diff --git a/CPA.py b/CPA.py new file mode 100644 index 0000000..0b2be66 --- /dev/null +++ b/CPA.py @@ -0,0 +1,591 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/8/10 22:05 +# @Author : zhixiuma +# @File : fede.py +# @Project : FedE_Poison +# @Software: PyCharm +import numpy as np +import random +import json +import torch +from torch import nn +from torch.utils.data import DataLoader +from collections import defaultdict as ddict +import os +import copy +import logging +from kge_model import KGEModel +from torch import optim +import torch.nn.functional as F +import itertools +from itertools import permutations + +from sklearn.cluster import KMeans +import matplotlib.pyplot as plt +from process_data.generate_client_data_2 import TrainDataset, generate_new_id + +# We transfer the client-initiate poisoning attack into server side, the principle is the same + +class Server(object): + def __init__(self, args, nentity): + self.args = args + embedding_range = torch.Tensor([(args.gamma + args.epsilon) / int(args.hidden_dim)]) + if args.client_model in ['RotatE', 'ComplEx']: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim) * 2).to(args.gpu).requires_grad_() + else: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim)).to(args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=self.ent_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + self.nentity = nentity + + self.train_dataloader = None + self.victim_client = None + self.malicious_client = None + self.kge_model = KGEModel(args, args.server_model) + + def send_emb(self): + return copy.deepcopy(self.ent_embed) + + # original aggregation + def aggregation(self, clients, ent_update_weights): + agg_ent_mask = ent_update_weights + agg_ent_mask[ent_update_weights != 0] = 1 + + ent_w_sum = torch.sum(agg_ent_mask, dim=0) # ent_w_sum: tensor([3., 1., 3., ..., 1., 1., 1.], device='cuda:0') + ent_w = agg_ent_mask / ent_w_sum + ent_w[torch.isnan(ent_w)] = 0 + if self.args.client_model in ['RotatE', 'ComplEx']: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim) * 2).to(self.args.gpu) + else: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim)).to(self.args.gpu) + + for i, client in enumerate(clients): + local_ent_embed = client.ent_embed.clone().detach() + update_ent_embed += local_ent_embed * ent_w[i].reshape(-1, 1) + self.ent_embed = update_ent_embed.requires_grad_() + + def poison_attack_random(self, victim_client=0,malicious_client=0): + + with open('../process_data/client_data/' + self.args.dataset_name + '_' + str( + self.args.num_client) + '_with_new_id.json', 'r') as file1: + real_triples = json.load(file1) + + victim_head_list = (np.array(real_triples[victim_client]['train'])[:, [0]]).squeeze().tolist() + victim_relation_list = (np.array(real_triples[victim_client]['train'])[:, [1]]).squeeze().tolist() + victim_tail_list = (np.array(real_triples[victim_client]['train'])[:, [2]]).squeeze().tolist() + + malicious_head_list = (np.array(real_triples[malicious_client]['train'])[:, [0]]).squeeze().tolist() + malicious_relation_list = (np.array(real_triples[malicious_client]['train'])[:, [1]]).squeeze().tolist() + malicious_tail_list = (np.array(real_triples[malicious_client]['train'])[:, [2]]).squeeze().tolist() + + # Step 1. The overlap between the malicious client and the victim client entity set + overlap_head_list = list(set(victim_head_list).intersection(set(malicious_head_list))) + overlap_tail_list = list(set(victim_tail_list).intersection(set(malicious_tail_list))) + + if int(self.args.attack_entity_ratio) == 0: + self.poisoned_triples = real_triples[victim_client]['train'] + print('len(self.poisoned_triples:', len(self.poisoned_triples)) + return + + # 1. the malicious client randomly select the index of the attacked entities (head) from the overlap. + num_attacked_entities = int(self.args.attack_entity_ratio) + attacked_entity_list = random.sample(overlap_head_list, k=num_attacked_entities) + + # 2.The poisoned triplets are generated based on the attacked entities + poisoned_triples = [] + for ent in attacked_entity_list: + ent_index = victim_head_list.index(ent) + # (1) the malicious client find the true relation of the attacked entity + attacked_ent_real_relation_list = victim_relation_list[ent_index] + if type(attacked_ent_real_relation_list) is int: + attacked_ent_real_relation_list = [attacked_ent_real_relation_list] + # (2) the malicious client find the true tail entity of the attacked entity + attacked_ent_real_tail_list = victim_tail_list[ent_index] + if type(attacked_ent_real_tail_list) is int: + attacked_ent_real_tail_list = [attacked_ent_real_tail_list] + + # (3) the malicious client find the false relation of the attacked entity + attacked_ent_fake_relation = list(set(victim_relation_list) - set(attacked_ent_real_relation_list)) + # (4) The server find the false tail entity of the attacked entity + attacked_ent_fake_tail = list(set(victim_tail_list) - set(attacked_ent_real_tail_list)) + + # Step2: Poison Data Generation. + # ensure 'the fake tail ∈ the overlap' + attacked_ent_victim_fake_tail = list(set(attacked_ent_fake_tail).intersection(overlap_tail_list)) + # (5) The server randomly select the false relation of the attacked entity + fake_r = choice(attacked_ent_fake_relation) + # (6) The server randomly select the tail entity of the attacked entity + fake_tail = choice(attacked_ent_victim_fake_tail) + # (7) The server generate the poisoned triplets for the attacked entity + for i in range(256): + poisoned_triples.append([int(ent),int(fake_r),int(fake_tail)]) + + # 3.The poisoned triplets are saved in file + self.poisoned_tri = poisoned_triples ## t_p + dic = {} + dic[self.victim_client] = self.poisoned_tri + dic[self.malicious_client] = self.poisoned_tri + + if not os.path.exists(self.args.poisoned_triples_path): + os.makedirs(self.args.poisoned_triples_path) + + with open( + self.args.poisoned_triples_path + self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio)+ '_' + str( + self.args.num_client) + '_poisoned_triples_client_attack.json', + 'w') as file1: + json.dump(dic, file1) + + # 4、The server generate the training dataset D_p = {T_1 + T_2 + t_p} + # poisoned_triples: t_p + # real_triples[victim_client]['train']: T_1 + # real_triples[malicious_client]['train']: T_2 + self.poisoned_triples = poisoned_triples + real_triples[malicious_client]['train']+real_triples[victim_client]['train'] + print(len(self.poisoned_triples)) + + + def create_poison_dataset(self): + train_dataset = TrainDataset(self.poisoned_triples, self.args.nentity, self.args.num_neg) + self.train_dataloader = DataLoader( + train_dataset, + batch_size=self.args.batch_size, + shuffle=True, + collate_fn=TrainDataset.collate_fn + ) + + embedding_range = torch.Tensor([(self.args.gamma + self.args.epsilon) / int(self.args.hidden_dim)]) + if self.args.server_model in ['ComplEx']: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim) * 2).to( + self.args.gpu).requires_grad_() + else: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim)).to( + self.args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=self.rel_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + + self.ent_freq = torch.zeros(self.args.nentity) + for e in np.array(self.poisoned_triples)[:, [0, 2]].reshape(-1): + self.ent_freq[e] += 1 + self.ent_freq = self.ent_freq.unsqueeze(dim=0).to(self.args.gpu) + + def poison_aggregation(self, clients, ent_update_weights): + + ent_update_weights = torch.cat((ent_update_weights, self.ent_freq), dim=0) + + agg_ent_mask = ent_update_weights + agg_ent_mask[ent_update_weights != 0] = 1 + + ent_w_sum = torch.sum(agg_ent_mask, dim=0) + ent_w = agg_ent_mask / ent_w_sum + ent_w[torch.isnan(ent_w)] = 0 + + if self.args.server_model in ['RotatE', 'ComplEx']: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim) * 2).to(self.args.gpu) + else: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim)).to(self.args.gpu) + + for i, client in enumerate(clients): + local_ent_embed = client.ent_embed.clone().detach() + update_ent_embed += local_ent_embed * ent_w[i].reshape(-1, 1) + + update_ent_embed += self.poisoned_ent_embed.clone().detach() * ent_w[-1].reshape(-1, 1) + self.ent_embed = update_ent_embed.requires_grad_() + + def train_poison_model(self, victim_client,malicious_client): + + print(self.malicious_client,self.victim_client) + + if self.train_dataloader == None: + self.malicious_client= malicious_client + self.victim_client = victim_client + self.poison_attack_random(victim_client=victim_client, + malicious_client=malicious_client) + self.create_poison_dataset() + self.server_poison_static_update() + + def server_poison_static_update(self): + self.poisoned_ent_embed = self.send_emb() + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.poisoned_ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.poisoned_ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.poisoned_ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + def poisoned_labels(self, poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:, [0, 2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def server_poisoned_eval(self, poisoned_tri=None): + + results = ddict(float) + + if poisoned_tri != None: + + poisoned_tri = np.array(poisoned_tri).astype(int) + + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0], poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, + pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() / len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item() / len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) / len(poisoned_tri) + return results + + +class Client(object): + def __init__(self, args, client_id, data, train_dataloader, + valid_dataloader, test_dataloader, rel_embed,all_ent): + self.args = args + self.data = data + self.train_dataloader = train_dataloader + self.valid_dataloader = valid_dataloader + self.test_dataloader = test_dataloader + self.rel_embed = rel_embed + self.client_id = client_id + self.all_ent = all_ent + + self.score_local = [] + self.score_global = [] + + self.kge_model = KGEModel(args, args.client_model) + self.ent_embed = None + + def __len__(self): + return len(self.train_dataloader.dataset) + + def client_update(self): + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def client_eval(self, istest=False,poisoned_tri=None): + if istest: + dataloader = self.test_dataloader + else: + dataloader = self.valid_dataloader + + results = ddict(float) + + if poisoned_tri!=None: + poisoned_tri = np.array(poisoned_tri).astype(int) + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0],poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + results['count'] += count + results['mr'] += torch.sum(ranks).item()/len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item()/len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k])/len(poisoned_tri) + return results + + for batch in dataloader: + triplets, labels = batch + triplets, labels = triplets.to(self.args.gpu), labels.to(self.args.gpu) + head_idx, rel_idx, tail_idx = triplets[:, 0], triplets[:, 1], triplets[:, 2] + pred = self.kge_model((triplets, None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(labels.byte(), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() + results['mrr'] += torch.sum(1.0 / ranks).item() + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) + + for k, v in results.items(): + if k != 'count': + results[k] /= results['count'] + + return results + +from process_data.generate_client_data_2 import read_triples + +from random import choice +class CPA(object): + """ + CPA: Client Poisoning Attack + """ + def __init__(self, args, all_data): + """ + + :param args: + :param all_data: + """ + self.args = args + self.all_data = all_data + + self.malicious_client, self.victim_client = 1,0 + train_dataloader_list, valid_dataloader_list, test_dataloader_list, \ + self.ent_freq_mat, rel_embed_list, nentity, nrelation,self.all_ent_list = read_triples(all_data, args) + + self.args.nentity = nentity + self.args.nrelation = nrelation + self.num_clients = len(train_dataloader_list) + self.clients = [ + Client(args, i, self.all_data[i], train_dataloader_list[i], valid_dataloader_list[i], + test_dataloader_list[i], rel_embed_list[i],self.all_ent_list[i]) for i in range(self.num_clients) + ] + + self.server = Server(args, nentity) + + self.total_test_data_size = sum([len(client.test_dataloader.dataset) for client in self.clients]) + self.test_eval_weights = [len(client.test_dataloader.dataset) / self.total_test_data_size for client in + self.clients] + + self.total_valid_data_size = sum([len(client.valid_dataloader.dataset) for client in self.clients]) + self.valid_eval_weights = [len(client.valid_dataloader.dataset) / self.total_valid_data_size for client in + self.clients] + + def write_training_loss(self, loss, e): + self.args.writer.add_scalar("training/loss", loss, e) + + def write_evaluation_result(self, results, e): + self.args.writer.add_scalar("evaluation/mrr", results['mrr'], e) + self.args.writer.add_scalar("evaluation/hits10", results['hits@10'], e) + self.args.writer.add_scalar("evaluation/hits5", results['hits@5'], e) + self.args.writer.add_scalar("evaluation/hits1", results['hits@1'], e) + + def save_checkpoint(self, e): + state = {'ent_embed': self.server.ent_embed, + 'rel_embed': [client.rel_embed for client in self.clients]} + + for filename in os.listdir(self.args.state_dir): + if self.args.name in filename.split('.') and os.path.isfile(os.path.join(self.args.state_dir, filename)): + os.remove(os.path.join(self.args.state_dir, filename)) + # save current checkpoint + torch.save(state, os.path.join(self.args.state_dir, + self.args.name + '.' + str(e) + '.ckpt')) + + def save_model(self, best_epoch): + os.rename(os.path.join(self.args.state_dir, self.args.name+ '.' + str(best_epoch) + '.ckpt'), + os.path.join(self.args.state_dir, self.args.name+ '.best')) + + def send_emb(self): + for k, client in enumerate(self.clients): + client.ent_embed = self.server.send_emb() + + def server_client_attack(self): + self.server.train_poison_model(self.victim_client, self.malicious_client) + + def train(self): + best_epoch = 0 + best_mrr = 0 + bad_count = 0 + n_sample = max(round(self.args.fraction * self.num_clients), 1) + sample_set = np.random.choice(self.num_clients, n_sample, replace=False) + + for num_round in range(self.args.max_round): + # Step3: Shadow Model Training + # The server first trains a shadow model to perform poisoning attack + # dataset: Dp = {T1 ∩ tp} + # model: the same type as the client’s model. + self.server_client_attack() + + self.send_emb() + round_loss = 0 + for k in iter(sample_set): + client_loss = self.clients[k].client_update() + round_loss += client_loss + round_loss /= n_sample + + # Step4: Embedding Aggregation. + self.server.poison_aggregation(self.clients, self.ent_freq_mat) + + logging.info('round: {} | loss: {:.4f}'.format(num_round, np.mean(round_loss))) + self.write_training_loss(np.mean(round_loss), num_round) + + if num_round % self.args.check_per_round == 0 and num_round != 0: + eval_res = self.evaluate() + self.write_evaluation_result(eval_res, num_round) + + if eval_res['mrr'] > best_mrr: + best_mrr = eval_res['mrr'] + best_epoch = num_round + logging.info('best model | mrr {:.4f}'.format(best_mrr)) + self.save_checkpoint(num_round) + bad_count = 0 + else: + bad_count += 1 + logging.info('best model is at round {0}, mrr {1:.4f}, bad count {2}'.format( + best_epoch, best_mrr, bad_count)) + if bad_count >= self.args.early_stop_patience: + logging.info('early stop at round {}'.format(num_round)) + break + + logging.info('finish training') + logging.info('save best model') + self.save_model(best_epoch) + self.before_test_load() + self.evaluate(istest=True) + + + def before_test_load(self): + state = torch.load(os.path.join(self.args.state_dir, self.args.name+ '.best'), map_location=self.args.gpu) + self.server.ent_embed = state['ent_embed'] + for idx, client in enumerate(self.clients): + client.rel_embed = state['rel_embed'][idx] + + def evaluate(self, istest=False,ispoisoned=False): + + self.send_emb() + result = ddict(int) + if istest: + weights = self.test_eval_weights + else: + weights = self.valid_eval_weights + + if ispoisoned: + with open(self.args.poisoned_triples_path+self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio) + '_'+str(self.args.num_client) + '_poisoned_triples_client_attack.json', + 'r') as file1: + poisoned_triples = json.load(file1) + + victim_client = list(poisoned_triples.keys())[0] + + common_difference = 256 + start_index = 0 + poisoned_tri = [poisoned_triples[victim_client][i] for i in + range(start_index, len(poisoned_triples[victim_client]), common_difference)] + logging.info('************ the test about poisoned triples in victim client **********' + str(victim_client)) + victim_client_res = self.clients[int(victim_client)].client_eval(poisoned_tri=poisoned_tri) + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + victim_client_res['mrr'], victim_client_res['hits@1'], + victim_client_res['hits@5'], victim_client_res['hits@10'])) + + return victim_client_res + + logging.info('************ the test about poisoned datasets in all clients **********') + for idx, client in enumerate(self.clients): + client_res = client.client_eval(istest) + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + client_res['mrr'], client_res['hits@1'], + client_res['hits@5'], client_res['hits@10'])) + + for k, v in client_res.items(): + result[k] += v * weights[idx] + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + result['mrr'], result['hits@1'], + result['hits@5'], result['hits@10'])) + + return result + + diff --git a/DPA_S.py b/DPA_S.py new file mode 100644 index 0000000..7852b1a --- /dev/null +++ b/DPA_S.py @@ -0,0 +1,590 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/8/10 17:14 +# @Author : zhixiuma +# @File : DPA_S.py +# @Project : FKGEAttack +# @Software: PyCharm + +import numpy as np +import random +import json +import torch +from torch import nn +from torch.utils.data import DataLoader +from collections import defaultdict as ddict +# from dataloader import * +import os +import copy +import logging +from kge_model import KGEModel +from torch import optim +import torch.nn.functional as F +import itertools +from itertools import permutations +from random import choice +from sklearn.cluster import KMeans +import matplotlib.pyplot as plt +from process_data.generate_client_data_2 import TrainDataset, generate_new_id + + +class Server(object): + def __init__(self, args, nentity): + self.args = args + embedding_range = torch.Tensor([(args.gamma + args.epsilon) / int(args.hidden_dim)]) + + # the server initializes a global entity embeddings matrix randomly + if args.client_model in ['RotatE', 'ComplEx']: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim) * 2).to(args.gpu).requires_grad_() + else: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim)).to(args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=self.ent_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + self.nentity = nentity + + self.train_dataloader = None + self.victim_client = None + self.kge_model = KGEModel(args, args.server_model) + + # the TransE model used to perform inference attacks, + def TransE(self, head, tail): + r = head - tail + return r + + def send_emb(self): + return copy.deepcopy(self.ent_embed) + + def poison_attack_random(self, victim_client=0): + self.victim_client=victim_client + # Step1: Relation Inference + # 0.Suppose the server knows the victim client's training triplet + with open('../process_data/client_data/' + self.args.dataset_name + '_' + str(self.args.num_client) + '_with_new_id.json', 'r') as file1: + real_triples = json.load(file1) + + head_list = (np.array(real_triples[victim_client]['train'])[:,[0]]).squeeze().tolist() + relation_list = (np.array(real_triples[victim_client]['train'])[:, [1]]).squeeze().tolist() + tail_list =(np.array(real_triples[victim_client]['train'])[:, [2]]).squeeze().tolist() + + if int(self.args.attack_entity_ratio)==0: + self.poisoned_triples = real_triples[victim_client]['train'] + print('len(self.poisoned_triples:',len(self.poisoned_triples)) + return + + # 1.The server randomly select the index of the attacked entities (head) from the victim client. + num_attacked_entities = int(self.args.attack_entity_ratio) + attacked_entity_mask = np.random.choice(len(head_list), num_attacked_entities, replace=False) + attacked_entity_list = np.array(head_list)[attacked_entity_mask] + + # 2.The poisoned triplets are generated based on the attacked entities + poisoned_triples = [] + for ent in attacked_entity_list: + ent_index = head_list.index(ent) + # (1) The server find the true relation of the attacked entity + attacked_ent_real_relation_list = relation_list[ent_index] + # print('attacked_ent_real_relation_list:',attacked_ent_real_relation_list) + if type(attacked_ent_real_relation_list) is int: + attacked_ent_real_relation_list = [attacked_ent_real_relation_list] + + # (2) The server find the true tail entity of the attacked entity + attacked_ent_real_tail_list = tail_list[ent_index] + if type(attacked_ent_real_tail_list) is int: + attacked_ent_real_tail_list = [attacked_ent_real_tail_list] + + # (3) The server find the false relation of the attacked entity + attacked_ent_fake_relation = list(set(relation_list) - set(attacked_ent_real_relation_list)) + # (4) The server find the false tail entity of the attacked entity + attacked_ent_fake_tail = list(set(tail_list) - set(attacked_ent_real_tail_list)) + + # Step2: Poison Data Generation. + # (5) The server randomly select the false relation of the attacked entity + fake_r = choice(attacked_ent_fake_relation) + # (6) The server randomly select the tail entity of the attacked entity + fake_tail = choice(attacked_ent_fake_tail) + + # (7) The server generate the poisoned triplets for the attacked entity + for i in range(256): + poisoned_triples.append([int(ent),int(fake_r),int(fake_tail)]) + + # 3.The poisoned triplets are saved in file + self.poisoned_tri = poisoned_triples # t_p + dic = {} + dic[self.victim_client] = self.poisoned_tri + if not os.path.exists(self.args.poisoned_triples_path): + os.makedirs(self.args.poisoned_triples_path) + with open( + self.args.poisoned_triples_path + self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio) + '_'+str(self.args.num_client) +'_poisoned_triples_dynamic_poisoned.json', 'w') as file1: + json.dump(dic, file1) + + # 4、The server generate the training dataset D_p = {T_1 + t_p} + # real_triples[victim_client]['train']: T_1 + # poisoned_triples: t_p + self.poisoned_triples = poisoned_triples + real_triples[victim_client]['train'] + + print(len(self.poisoned_triples)) + + + def create_poison_dataset(self): + train_dataset = TrainDataset(self.poisoned_triples, self.args.nentity, self.args.num_neg) + self.train_dataloader = DataLoader( + train_dataset, + batch_size=self.args.batch_size, + shuffle=True, + collate_fn=TrainDataset.collate_fn + ) + + embedding_range = torch.Tensor([(self.args.gamma + self.args.epsilon) / int(self.args.hidden_dim)]) + if self.args.server_model in ['ComplEx']: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim) * 2).to( + self.args.gpu).requires_grad_() + else: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim)).to(self.args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=self.rel_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + + self.ent_freq = torch.zeros(self.args.nentity) + for e in np.array(self.poisoned_triples)[:, [0, 2]].reshape(-1): + self.ent_freq[e] += 1 + self.ent_freq = self.ent_freq.unsqueeze(dim=0).to(self.args.gpu) # + + # The server performs the poison aggregation + def poison_aggregation(self, clients, ent_update_weights): + + ent_update_weights = torch.cat((ent_update_weights, self.ent_freq), dim=0) + + agg_ent_mask = ent_update_weights + agg_ent_mask[ent_update_weights != 0] = 1 + + ent_w_sum = torch.sum(agg_ent_mask, dim=0) + ent_w = agg_ent_mask / ent_w_sum + ent_w[torch.isnan(ent_w)] = 0 + + if self.args.server_model in ['RotatE', 'ComplEx']: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim) * 2).to(self.args.gpu) + else: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim)).to(self.args.gpu) + + for i, client in enumerate(clients): + local_ent_embed = client.ent_embed.clone().detach() + update_ent_embed += local_ent_embed * ent_w[i].reshape(-1, 1) + # the server add the malicious entity embeddings (self.poisoned_ent_embed) to aggregation results (update_ent_embed). + update_ent_embed += self.poisoned_ent_embed.clone().detach() * ent_w[-1].reshape(-1, 1) + self.ent_embed = update_ent_embed.requires_grad_() + + # The server trains its shadow model to maximize the probability of the poisoned triplets. + def train_poison_model(self,clients): + if self.victim_client == None: + self.victim_client = 0 + else: + self.victim_client = self.victim_client + + self.victim_client_ent_embed = clients[self.victim_client].ent_embed + + if self.train_dataloader == None: + self.poison_attack_random(victim_client=self.victim_client) + + self.create_poison_dataset() + self.server_poison_dynamic_update() + + # The Dynamic Poisoning Attack + def server_poison_dynamic_update(self): + self.poisoned_ent_embed = self.send_emb() + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.victim_client_ent_embed}, + {'params': self.poisoned_ent_embed}], lr=float(self.args.lr)) + losses = [] + head = np.array(self.poisoned_tri)[:, 0] + tail = np.array(self.poisoned_tri)[:, 2] + for i in range(int(self.args.local_epoch)): + # the training dataset(D_p = T_1 + t_p) + shadow model + print('************** server training loss *********************') + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.poisoned_ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.poisoned_ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + loss = (positive_sample_loss + negative_sample_loss) / 2 + + victim_client_head_emb = self.victim_client_ent_embed[head].unsqueeze(dim=1) + victim_client_tail_emb = self.victim_client_ent_embed[tail].unsqueeze(dim=1) + server_head_emb = self.poisoned_ent_embed[head].unsqueeze(dim=1) + server_tail_emb = self.poisoned_ent_embed[tail].unsqueeze(dim=1) + + # minimize the embedding inconsistencies between the server and the victim client + loss_dis = ((victim_client_head_emb - server_head_emb) + ( + victim_client_tail_emb - server_tail_emb)).mean() + loss = loss + loss_dis + # loss = loss +0.000001*loss_dis + # loss = loss + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def server_poisoned_eval(self, poisoned_tri=None): + + results = ddict(float) + + if poisoned_tri != None: + + poisoned_tri = np.array(poisoned_tri).astype(int) + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0], poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, + pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() / len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item() / len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) / len(poisoned_tri) # + return results + + +class Client(object): + def __init__(self, args, client_id, data, train_dataloader, + valid_dataloader, test_dataloader, rel_embed,all_ent): + self.args = args + self.data = data + self.train_dataloader = train_dataloader + self.valid_dataloader = valid_dataloader + self.test_dataloader = test_dataloader + self.rel_embed = rel_embed + self.client_id = client_id + self.all_ent = all_ent + + self.score_local = [] + self.score_global = [] + + self.kge_model = KGEModel(args, args.client_model) + self.ent_embed = None + + def __len__(self): + return len(self.train_dataloader.dataset) + + def client_update(self): + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def client_eval(self, istest=False,poisoned_tri=None): + if istest: + dataloader = self.test_dataloader + else: + dataloader = self.valid_dataloader + + results = ddict(float) + + if poisoned_tri!=None: + + poisoned_tri = np.array(poisoned_tri).astype(int) + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0],poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() /len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item()/len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k])/len(poisoned_tri) + return results + + for batch in dataloader: + triplets, labels = batch + triplets, labels = triplets.to(self.args.gpu), labels.to(self.args.gpu) + head_idx, rel_idx, tail_idx = triplets[:, 0], triplets[:, 1], triplets[:, 2] + pred = self.kge_model((triplets, None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(labels.byte(), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() + results['mrr'] += torch.sum(1.0 / ranks).item() + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) + + for k, v in results.items(): + if k != 'count': + results[k] /= results['count'] + + return results + +from process_data.generate_client_data_2 import read_triples + +class DPA_S(object): + def __init__(self, args, all_data): + self.args = args + + # assign triplets to each client + train_dataloader_list, valid_dataloader_list, test_dataloader_list, \ + self.ent_freq_mat, rel_embed_list, nentity, nrelation,all_ent_list = read_triples(all_data, args) + + self.args.nentity = nentity + self.args.nrelation = nrelation + + # clients + self.num_clients = len(train_dataloader_list) + self.clients = [ + Client(args, i, all_data[i], train_dataloader_list[i], valid_dataloader_list[i], + test_dataloader_list[i], rel_embed_list[i],all_ent_list[i]) for i in range(self.num_clients) + ] + + self.server = Server(args, nentity) + + self.total_test_data_size = sum([len(client.test_dataloader.dataset) for client in self.clients]) + self.test_eval_weights = [len(client.test_dataloader.dataset) / self.total_test_data_size for client in + self.clients] + + self.total_valid_data_size = sum([len(client.valid_dataloader.dataset) for client in self.clients]) + self.valid_eval_weights = [len(client.valid_dataloader.dataset) / self.total_valid_data_size for client in + self.clients] + + def write_training_loss(self, loss, e): + self.args.writer.add_scalar("training/loss", loss, e) + + def write_evaluation_result(self, results, e): + self.args.writer.add_scalar("evaluation/mrr", results['mrr'], e) + self.args.writer.add_scalar("evaluation/hits10", results['hits@10'], e) + self.args.writer.add_scalar("evaluation/hits5", results['hits@5'], e) + self.args.writer.add_scalar("evaluation/hits1", results['hits@1'], e) + + def save_checkpoint(self, e): + state = {'ent_embed': self.server.ent_embed, + 'server_rel_embed':self.server.rel_embed, + 'posioned_tri':self.server.poisoned_tri, + 'victim_client':self.server.victim_client, + 'rel_embed': [client.rel_embed for client in self.clients]} + + # delete previous checkpoint + for filename in os.listdir(self.args.state_dir): + if self.args.name in filename.split('-') and os.path.isfile(os.path.join(self.args.state_dir, filename)): + os.remove(os.path.join(self.args.state_dir, filename)) + # save current checkpoint + torch.save(state, os.path.join(self.args.state_dir, + self.args.name+ '-' + str(e) + '.ckpt')) + + def save_model(self, best_epoch): + os.rename(os.path.join(self.args.state_dir, self.args.name+'-' + str(best_epoch) + '.ckpt'),os.path.join(self.args.state_dir, self.args.name+ '.best')) + + def send_emb(self): + for k, client in enumerate(self.clients): + client.ent_embed = self.server.send_emb() + + def server_dynamic_attack(self,clients): + self.server.train_poison_model(clients) + + def train(self): + + n_sample = max(round(self.args.fraction * self.num_clients), 1) + sample_set = np.random.choice(self.num_clients, n_sample, replace=False) + + best_epoch = 0 + best_mrr = 0 + bad_count = 0 + + for num_round in range(self.args.max_round): + # the server sends the global entity embeddings matrix to all clients + self.send_emb() + # Local Client Model Training + round_loss = 0 + for k in iter(sample_set): + client_loss = self.clients[k].client_update() + round_loss += client_loss + round_loss /= n_sample + + # Step3: Shadow Model Training + # The server first trains a shadow model to perform poisoning attack + # dataset: Dp = {T1 ∩ tp} + # model: the same type as the client’s model. + self.server_dynamic_attack(self.clients) + + # Step4: Embedding Aggregation. + self.server.poison_aggregation(self.clients, self.ent_freq_mat) + + logging.info('round: {} | loss: {:.4f}'.format(num_round, np.mean(round_loss))) + self.write_training_loss(np.mean(round_loss), num_round) + + if num_round % self.args.check_per_round == 0 and num_round != 0: + eval_res = self.evaluate() + self.write_evaluation_result(eval_res, num_round) + print('num_rououd:,',num_round) + if eval_res['mrr'] > best_mrr: + best_mrr = eval_res['mrr'] + best_epoch = num_round + logging.info('best model | mrr {:.4f}'.format(best_mrr)) + self.save_checkpoint(num_round) + bad_count = 0 + else: + bad_count += 1 + logging.info('best model is at round {0}, mrr {1:.4f}, bad count {2}'.format( + best_epoch, best_mrr, bad_count)) + if bad_count >= self.args.early_stop_patience: + logging.info('early stop at round {}'.format(num_round)) + break + + logging.info('finish training') + logging.info('save best model') + self.save_model(best_epoch) + self.before_test_load() + self.evaluate(istest=True) + + def before_test_load(self): + state = torch.load(os.path.join(self.args.state_dir, self.args.name+ '.best'), map_location=self.args.gpu) + self.server.ent_embed = state['ent_embed'] + self.server.rel_embed = state['server_rel_embed'] + self.server.victim_client=state['victim_client'] + for idx, client in enumerate(self.clients): + client.rel_embed = state['rel_embed'][idx] + + def evaluate(self, istest=False,ispoisoned=False): + self.send_emb() + result = ddict(int) + if istest: + weights = self.test_eval_weights + else: + weights = self.valid_eval_weights + + if ispoisoned: + with open(self.args.poisoned_triples_path+self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio)+ '_'+str(self.args.num_client) + '_poisoned_triples_dynamic_poisoned.json', + 'r') as file1: + poisoned_triples = json.load(file1) + + victim_client = list(poisoned_triples.keys())[0] + common_difference = 256 + start_index = 0 + poisoned_tri = [poisoned_triples[victim_client][i] for i in + range(start_index, len(poisoned_triples[victim_client]), common_difference)] + + logging.info( + '************ the test about poisoned triples in victim client **********' + str(victim_client)) + victim_client_res = self.clients[int(victim_client)].client_eval(poisoned_tri=poisoned_tri) + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + victim_client_res['mrr'], victim_client_res['hits@1'], + victim_client_res['hits@5'], victim_client_res['hits@10'])) + return victim_client_res + + logging.info('************ the test about poisoned datasets in all clients **********') + for idx, client in enumerate(self.clients): + client_res = client.client_eval(istest) + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + client_res['mrr'], client_res['hits@1'], + client_res['hits@5'], client_res['hits@10'])) + + for k, v in client_res.items(): + result[k] += v * weights[idx] + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + result['mrr'], result['hits@1'], + result['hits@5'], result['hits@10'])) + + return result + + diff --git a/FMPA_S.py b/FMPA_S.py new file mode 100644 index 0000000..3da3658 --- /dev/null +++ b/FMPA_S.py @@ -0,0 +1,571 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/10/8 08:32 +# @Author : zhixiuma +# @File : FMPA_S.py +# @Project : FKGEAttack +# @Software: PyCharm + +import numpy as np +import random +import json +import torch +from torch import nn +from torch.utils.data import DataLoader +from collections import defaultdict as ddict +import os +import copy +import logging +from kge_model import KGEModel +from torch import optim +import torch.nn.functional as F +import itertools +from itertools import permutations +from random import choice +from sklearn.cluster import KMeans +import matplotlib.pyplot as plt +from process_data.generate_client_data_2 import TrainDataset, generate_new_id + + +class Server(object): + def __init__(self, args, nentity): + self.args = args + embedding_range = torch.Tensor([(args.gamma + args.epsilon) / int(args.hidden_dim)]) + # the server initializes a global entity embeddings matrix randomly + if args.client_model in ['RotatE', 'ComplEx']: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim) * 2).to(args.gpu).requires_grad_() + else: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim)).to(args.gpu).requires_grad_() + nn.init.uniform_( + tensor=self.ent_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + self.nentity = nentity + + self.train_dataloader = None + self.victim_client = None + self.kge_model = KGEModel(args, args.server_model) + + # the TransE model used to perform inference attacks, + def TransE(self, head, tail): + r = head - tail + return r + + def send_emb(self): + return copy.deepcopy(self.ent_embed) + + def poison_attack_random(self, victim_client=0): + self.victim_client = victim_client + + # Step1: Relation Inference + # 0.Suppose the server knows the victim client's training triplet + with open('../process_data/client_data/' + self.args.dataset_name + '_' + str(self.args.num_client) + '_with_new_id.json', 'r') as file1: + real_triples = json.load(file1) + + head_list = (np.array(real_triples[victim_client]['train'])[:,[0]]).squeeze().tolist() + relation_list = (np.array(real_triples[victim_client]['train'])[:, [1]]).squeeze().tolist() + tail_list = (np.array(real_triples[victim_client]['train'])[:, [2]]).squeeze().tolist() + + if int(self.args.attack_entity_ratio)==0: + self.poisoned_triples = real_triples[victim_client]['train'] + print('len(self.poisoned_triples:',len(self.poisoned_triples)) + return + + num_attacked_entities = int(self.args.attack_entity_ratio) + # 1.The server randomly select the index of the attacked entities (head) from the victim client. + attacked_entity_mask = np.random.choice(len(head_list), num_attacked_entities, replace=False) + attacked_entity_list = np.array(head_list)[attacked_entity_mask] + + # 2.The poisoned triplets are generated based on the attacked entities + poisoned_tri = [] + for ent in attacked_entity_list: + ent_index = head_list.index(ent) + # (1) The server find the true relation of the attacked entity + attacked_ent_real_relation_list = relation_list[ent_index] + if type(attacked_ent_real_relation_list) is int: + attacked_ent_real_relation_list = [attacked_ent_real_relation_list] + + # (2) The server find the true tail entity of the attacked entity + attacked_ent_real_tail_list = tail_list[ent_index] + if type(attacked_ent_real_tail_list) is int: + attacked_ent_real_tail_list = [attacked_ent_real_tail_list] + + # (3) The server find the false relation of the attacked entity + attacked_ent_fake_relation = list(set(relation_list) - set(attacked_ent_real_relation_list)) + # (4) The server find the false tail entity of the attacked entity + attacked_ent_fake_tail = list(set(tail_list) - set(attacked_ent_real_tail_list)) + + # Step2: Poison Data Generation. + # (5) The server randomly select the false relation of the attacked entity + fake_r = choice(attacked_ent_fake_relation) + # (6) The server randomly select the tail entity of the attacked entity + fake_tail = choice(attacked_ent_fake_tail) + + # (7) The server generate the poisoned triplets for the attacked entity + for i in range(256): + poisoned_tri.append([int(ent),int(fake_r),int(fake_tail)]) + + # 3.The poisoned triplets are saved in file + self.poisoned_tri = poisoned_tri # t_p + dic = {} + dic[self.victim_client] = self.poisoned_tri + if not os.path.exists(self.args.poisoned_triples_path): + os.makedirs(self.args.poisoned_triples_path) + with open( + self.args.poisoned_triples_path + self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio) + '_'+str(self.args.num_client) +'_poisoned_triples_static_poisoned.json', 'w') as file1: + json.dump(dic, file1) + + # 4、The server generate the training dataset D_p = {T_1 ∩ t_p} + self.poisoned_triples = poisoned_tri + real_triples[victim_client]['train'] + + print(len(self.poisoned_triples)) + + + def create_poison_dataset(self): + train_dataset = TrainDataset(self.poisoned_triples, self.args.nentity, self.args.num_neg) + self.train_dataloader = DataLoader( + train_dataset, + batch_size=self.args.batch_size, + shuffle=True, + collate_fn=TrainDataset.collate_fn + ) + + embedding_range = torch.Tensor([(self.args.gamma + self.args.epsilon) / int(self.args.hidden_dim)]) + if self.args.server_model in ['ComplEx']: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim) * 2).to( + self.args.gpu).requires_grad_() + else: + self.rel_embed = torch.zeros(self.args.nrelation, int(self.args.hidden_dim)).to(self.args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=self.rel_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + + self.ent_freq = torch.zeros(self.args.nentity) + for e in np.array(self.poisoned_triples)[:, [0, 2]].reshape(-1): + self.ent_freq[e] += 1 + self.ent_freq = self.ent_freq.unsqueeze(dim=0).to(self.args.gpu) # + + # The server performs the poison aggregation + def poison_aggregation(self, clients, ent_update_weights): + + ent_update_weights = torch.cat((ent_update_weights, self.ent_freq), dim=0) + + agg_ent_mask = ent_update_weights + agg_ent_mask[ent_update_weights != 0] = 1 + + ent_w_sum = torch.sum(agg_ent_mask, dim=0) + ent_w = agg_ent_mask / ent_w_sum + ent_w[torch.isnan(ent_w)] = 0 + + if self.args.server_model in ['RotatE', 'ComplEx']: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim) * 2).to(self.args.gpu) + else: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim)).to(self.args.gpu) + + for i, client in enumerate(clients): + local_ent_embed = client.ent_embed.clone().detach() + update_ent_embed += local_ent_embed * ent_w[i].reshape(-1, 1) + + # The poisoned entity embedding is appended. E_k+E^s_k + update_ent_embed += self.poisoned_ent_embed.clone().detach() * ent_w[-1].reshape(-1, 1) + self.ent_embed = update_ent_embed.requires_grad_() + + # The server trains its shadow model to maximize the probability of the poisoned triplets. + def train_poison_model(self): + if self.victim_client == None: + self.victim_client = 0 + else: + self.victim_client = self.victim_client + + if self.train_dataloader == None: + self.poison_attack_random(victim_client=self.victim_client) + + self.create_poison_dataset() + self.server_poison_static_update() + + # The Fixed Model Poisoning Attack + def server_poison_static_update(self): + self.poisoned_ent_embed = self.send_emb() + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.poisoned_ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + # The shadow model of the server is trained using the training dataset (D_p = T_1 + t_p) + print('************** server training loss *********************') + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.poisoned_ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.poisoned_ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def server_poisoned_eval(self, poisoned_tri=None): + + results = ddict(float) + + if poisoned_tri != None: + + poisoned_tri = np.array(poisoned_tri).astype(int) + + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0], poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, + pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() / len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item() / len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) / len(poisoned_tri) + return results + + +class Client(object): + def __init__(self, args, client_id, data, train_dataloader, + valid_dataloader, test_dataloader, rel_embed,all_ent): + self.args = args + self.data = data + self.train_dataloader = train_dataloader + self.valid_dataloader = valid_dataloader + self.test_dataloader = test_dataloader + self.rel_embed = rel_embed + self.client_id = client_id + self.all_ent = all_ent + + self.score_local = [] + self.score_global = [] + + self.kge_model = KGEModel(args, args.client_model) + self.ent_embed = None + + def __len__(self): + return len(self.train_dataloader.dataset) + + def client_update(self): + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def client_eval(self, istest=False,poisoned_tri=None): + if istest: + dataloader = self.test_dataloader + else: + dataloader = self.valid_dataloader + + results = ddict(float) + + if poisoned_tri!=None: + + poisoned_tri = np.array(poisoned_tri).astype(int) + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0],poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() /len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item()/len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k])/len(poisoned_tri) + return results + + for batch in dataloader: + triplets, labels = batch + triplets, labels = triplets.to(self.args.gpu), labels.to(self.args.gpu) + head_idx, rel_idx, tail_idx = triplets[:, 0], triplets[:, 1], triplets[:, 2] + pred = self.kge_model((triplets, None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(labels.byte(), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() + results['mrr'] += torch.sum(1.0 / ranks).item() + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) + + for k, v in results.items(): + if k != 'count': + results[k] /= results['count'] + + return results + +from process_data.generate_client_data_2 import read_triples + +class FMPA_S(object): + def __init__(self, args, all_data): + self.args = args + + # assign triplets to each client + train_dataloader_list, valid_dataloader_list, test_dataloader_list, \ + self.ent_freq_mat, rel_embed_list, nentity, nrelation,all_ent_list = read_triples(all_data, args) + + self.args.nentity = nentity + self.args.nrelation = nrelation + + # clients + self.num_clients = len(train_dataloader_list) + self.clients = [ + Client(args, i, all_data[i], train_dataloader_list[i], valid_dataloader_list[i], + test_dataloader_list[i], rel_embed_list[i],all_ent_list[i]) for i in range(self.num_clients) + ] + + self.server = Server(args, nentity) + + self.total_test_data_size = sum([len(client.test_dataloader.dataset) for client in self.clients]) + self.test_eval_weights = [len(client.test_dataloader.dataset) / self.total_test_data_size for client in + self.clients] + + self.total_valid_data_size = sum([len(client.valid_dataloader.dataset) for client in self.clients]) + self.valid_eval_weights = [len(client.valid_dataloader.dataset) / self.total_valid_data_size for client in + self.clients] + + def write_training_loss(self, loss, e): + self.args.writer.add_scalar("training/loss", loss, e) + + def write_evaluation_result(self, results, e): + self.args.writer.add_scalar("evaluation/mrr", results['mrr'], e) + self.args.writer.add_scalar("evaluation/hits10", results['hits@10'], e) + self.args.writer.add_scalar("evaluation/hits5", results['hits@5'], e) + self.args.writer.add_scalar("evaluation/hits1", results['hits@1'], e) + + def save_checkpoint(self, e): + state = {'ent_embed': self.server.ent_embed, + 'server_rel_embed':self.server.rel_embed, + 'posioned_tri':self.server.poisoned_tri, + 'victim_client':self.server.victim_client, + 'rel_embed': [client.rel_embed for client in self.clients]} + + # delete previous checkpoint + for filename in os.listdir(self.args.state_dir): + if self.args.name in filename.split('-') and os.path.isfile(os.path.join(self.args.state_dir, filename)): + os.remove(os.path.join(self.args.state_dir, filename)) + # save current checkpoint + torch.save(state, os.path.join(self.args.state_dir, + self.args.name+ '-' + str(e) + '.ckpt')) + + def save_model(self, best_epoch): + os.rename(os.path.join(self.args.state_dir, self.args.name+'-' + str(best_epoch) + '.ckpt'),os.path.join(self.args.state_dir, self.args.name+ '.best')) + + def send_emb(self): + for k, client in enumerate(self.clients): + client.ent_embed = self.server.send_emb() + + def server_static_attack(self): + self.server.train_poison_model() + + def train(self): + + n_sample = max(round(self.args.fraction * self.num_clients), 1) + sample_set = np.random.choice(self.num_clients, n_sample, replace=False) + + best_epoch = 0 + best_mrr = 0 + bad_count = 0 + + for num_round in range(self.args.max_round): + # Step3: Shadow Model Training + # The server first trains a shadow model to perform poisoning attack + # dataset: Dp = {T1 ∩ tp} + # model: the same type as the client’s model. + self.server_static_attack() + + # the server sends the global entity embeddings matrix to all clients + self.send_emb() + # Local Client Model Training + round_loss = 0 + for k in iter(sample_set): + client_loss = self.clients[k].client_update() + round_loss += client_loss + round_loss /= n_sample + + # Step4: Embedding Aggregation. + self.server.poison_aggregation(self.clients, self.ent_freq_mat) + + logging.info('round: {} | loss: {:.4f}'.format(num_round, np.mean(round_loss))) + self.write_training_loss(np.mean(round_loss), num_round) + + if num_round % self.args.check_per_round == 0 and num_round != 0: + eval_res = self.evaluate() + self.write_evaluation_result(eval_res, num_round) + print('num_rououd:,',num_round) + if eval_res['mrr'] > best_mrr: + best_mrr = eval_res['mrr'] + best_epoch = num_round + logging.info('best model | mrr {:.4f}'.format(best_mrr)) + self.save_checkpoint(num_round) + bad_count = 0 + else: + bad_count += 1 + logging.info('best model is at round {0}, mrr {1:.4f}, bad count {2}'.format( + best_epoch, best_mrr, bad_count)) + if bad_count >= self.args.early_stop_patience: + logging.info('early stop at round {}'.format(num_round)) + break + + logging.info('finish training') + logging.info('save best model') + self.save_model(best_epoch) + self.before_test_load() + self.evaluate(istest=True) + + def before_test_load(self): + state = torch.load(os.path.join(self.args.state_dir, self.args.name+ '.best'), map_location=self.args.gpu) + self.server.ent_embed = state['ent_embed'] + self.server.rel_embed = state['server_rel_embed'] + self.server.victim_client=state['victim_client'] + for idx, client in enumerate(self.clients): + client.rel_embed = state['rel_embed'][idx] + + def evaluate(self, istest=False,ispoisoned=False): + self.send_emb() + result = ddict(int) + if istest: + weights = self.test_eval_weights + else: + weights = self.valid_eval_weights + + if ispoisoned: + with open(self.args.poisoned_triples_path+self.args.dataset_name + '_' + self.args.client_model + '_' + str( + self.args.attack_entity_ratio)+ '_'+str(self.args.num_client) + '_poisoned_triples_static_poisoned.json', + 'r') as file1: + poisoned_triples = json.load(file1) + + victim_client = list(poisoned_triples.keys())[0] + + common_difference = 256 + start_index = 0 + poisoned_tri = [poisoned_triples[victim_client][i] for i in + range(start_index, len(poisoned_triples[victim_client]), common_difference)] + logging.info('************ the test about poisoned triples in victim client **********' + str(victim_client)) + victim_client_res = self.clients[int(victim_client)].client_eval(poisoned_tri=poisoned_tri) + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + victim_client_res['mrr'], victim_client_res['hits@1'], + victim_client_res['hits@5'], victim_client_res['hits@10'])) + + return victim_client_res + + logging.info('************ the test about poisoned datasets in all clients **********') + for idx, client in enumerate(self.clients): + client_res = client.client_eval(istest) + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + client_res['mrr'], client_res['hits@1'], + client_res['hits@5'], client_res['hits@10'])) + + for k, v in client_res.items(): + result[k] += v * weights[idx] + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + result['mrr'], result['hits@1'], + result['hits@5'], result['hits@10'])) + + return result + + diff --git a/fede.py b/fede.py new file mode 100644 index 0000000..d709fa2 --- /dev/null +++ b/fede.py @@ -0,0 +1,342 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/8/10 22:05 +# @Author : zhixiuma +# @File : fede.py +# @Project : FedE_Poison +# @Software: PyCharm +import numpy as np +import random +import json +import torch +from torch import nn +from torch.utils.data import DataLoader +from collections import defaultdict as ddict +# from dataloader import * +import os +import copy +import logging +from kge_model import KGEModel +from torch import optim +import torch.nn.functional as F +import itertools +# 追加的包 +from itertools import permutations + +from sklearn.cluster import KMeans +import matplotlib.pyplot as plt +from process_data.generate_client_data_2 import TrainDataset, generate_new_id + + +class Server(object): + def __init__(self, args, nentity): + self.args = args + embedding_range = torch.Tensor([(args.gamma + args.epsilon) / int(args.hidden_dim)]) + if args.client_model in ['RotatE', 'ComplEx']: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim) * 2).to(args.gpu).requires_grad_() + else: + self.ent_embed = torch.zeros(nentity, int(args.hidden_dim)).to(args.gpu).requires_grad_() + nn.init.uniform_( + tensor=self.ent_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + self.nentity = nentity + + def send_emb(self): + return copy.deepcopy(self.ent_embed) + + # 原始聚合 + def aggregation(self, clients, ent_update_weights): + agg_ent_mask = ent_update_weights + agg_ent_mask[ent_update_weights != 0] = 1 + + ent_w_sum = torch.sum(agg_ent_mask, dim=0) # ent_w_sum: tensor([3., 1., 3., ..., 1., 1., 1.], device='cuda:0') + ent_w = agg_ent_mask / ent_w_sum + ent_w[torch.isnan(ent_w)] = 0 + if self.args.client_model in ['RotatE', 'ComplEx']: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim) * 2).to(self.args.gpu) + else: + update_ent_embed = torch.zeros(self.nentity, int(self.args.hidden_dim)).to(self.args.gpu) + + for i, client in enumerate(clients): + local_ent_embed = client.ent_embed.clone().detach() + update_ent_embed += local_ent_embed * ent_w[i].reshape(-1, 1) + self.ent_embed = update_ent_embed.requires_grad_() + +class Client(object): + def __init__(self, args, client_id, data, train_dataloader, + valid_dataloader, test_dataloader, rel_embed,all_ent): + self.args = args + self.data = data + self.train_dataloader = train_dataloader + self.valid_dataloader = valid_dataloader + self.test_dataloader = test_dataloader + self.rel_embed = rel_embed + self.client_id = client_id + self.all_ent = all_ent + + self.score_local = [] + self.score_global = [] + + self.kge_model = KGEModel(args, args.client_model) + self.ent_embed = None + + def __len__(self): + return len(self.train_dataloader.dataset) + + def client_update(self): + optimizer = optim.Adam([{'params': self.rel_embed}, + {'params': self.ent_embed}], lr=float(self.args.lr)) + losses = [] + for i in range(int(self.args.local_epoch)): + for batch in self.train_dataloader: + positive_sample, negative_sample, sample_idx = batch + + positive_sample = positive_sample.to(self.args.gpu) + negative_sample = negative_sample.to(self.args.gpu) + negative_score = self.kge_model((positive_sample, negative_sample), + self.rel_embed, self.ent_embed) + + negative_score = (F.softmax(negative_score * float(self.args.adversarial_temperature), dim=1).detach() + * F.logsigmoid(-negative_score)).sum(dim=1) + + positive_score = self.kge_model(positive_sample, + self.rel_embed, self.ent_embed, neg=False) + + positive_score = F.logsigmoid(positive_score).squeeze(dim=1) + + positive_sample_loss = - positive_score.mean() + negative_sample_loss = - negative_score.mean() + + loss = (positive_sample_loss + negative_sample_loss) / 2 + + optimizer.zero_grad() + loss.backward() + optimizer.step() + + losses.append(loss.item()) + + return np.mean(losses) + + def poisoned_labels(self,poisoned_tri): + labels = [] + mask = np.unique(poisoned_tri[:,[0,2]].reshape(-1)) + for i in range(len(poisoned_tri)): + y = np.zeros([self.ent_embed.shape[0]], dtype=np.float32) + y[mask] = 1 + labels.append(y) + return labels + + def client_eval(self, istest=False,poisoned_tri=None): + if istest: + dataloader = self.test_dataloader + else: + dataloader = self.valid_dataloader + + results = ddict(float) + + if poisoned_tri!=None: + # print(poisoned_tri) + poisoned_tri = np.array(poisoned_tri).astype(int) + head_idx, rel_idx, tail_idx = poisoned_tri[:, 0],poisoned_tri[:, 1], poisoned_tri[:, 2] + labels = self.poisoned_labels(poisoned_tri) + + pred = self.kge_model((torch.IntTensor(poisoned_tri.astype(int)).to(self.args.gpu), None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(torch.FloatTensor(labels).byte().to(self.args.gpu), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + # 按行排列,返回排序索引 + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + ranks = ranks.float() + count = torch.numel(ranks) + print(ranks) + results['count'] += count + results['mr'] += torch.sum(ranks).item()/len(poisoned_tri) + results['mrr'] += torch.sum(1.0 / ranks).item()/len(poisoned_tri) + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k])/len(poisoned_tri) + return results + + for batch in dataloader: + triplets, labels = batch + triplets, labels = triplets.to(self.args.gpu), labels.to(self.args.gpu) + head_idx, rel_idx, tail_idx = triplets[:, 0], triplets[:, 1], triplets[:, 2] + pred = self.kge_model((triplets, None), + self.rel_embed, self.ent_embed) + b_range = torch.arange(pred.size()[0], device=self.args.gpu) + target_pred = pred[b_range, tail_idx] + pred = torch.where(labels.byte(), -torch.ones_like(pred) * 10000000, pred) + pred[b_range, tail_idx] = target_pred + ranks = 1 + torch.argsort(torch.argsort(pred, dim=1, descending=True), + dim=1, descending=False)[b_range, tail_idx] + + ranks = ranks.float() + count = torch.numel(ranks) + + results['count'] += count + results['mr'] += torch.sum(ranks).item() + results['mrr'] += torch.sum(1.0 / ranks).item() + + for k in [1, 5, 10]: + results['hits@{}'.format(k)] += torch.numel(ranks[ranks <= k]) + + for k, v in results.items(): + if k != 'count': + results[k] /= results['count'] + + return results + +from process_data.generate_client_data_2 import read_triples +class FedE(object): + def __init__(self, args, all_data): + self.args = args + + train_dataloader_list, valid_dataloader_list, test_dataloader_list, \ + self.ent_freq_mat, rel_embed_list, nentity, nrelation,all_ent_list = read_triples(all_data, args) + + self.args.nentity = nentity + self.args.nrelation = nrelation + + # clients + self.num_clients = len(train_dataloader_list) + self.clients = [ + Client(args, i, all_data[i], train_dataloader_list[i], valid_dataloader_list[i], + test_dataloader_list[i], rel_embed_list[i],all_ent_list[i]) for i in range(self.num_clients) + ] + + self.server = Server(args, nentity) + + self.total_test_data_size = sum([len(client.test_dataloader.dataset) for client in self.clients]) + self.test_eval_weights = [len(client.test_dataloader.dataset) / self.total_test_data_size for client in + self.clients] + + self.total_valid_data_size = sum([len(client.valid_dataloader.dataset) for client in self.clients]) + self.valid_eval_weights = [len(client.valid_dataloader.dataset) / self.total_valid_data_size for client in + self.clients] + + def write_training_loss(self, loss, e): + self.args.writer.add_scalar("training/loss", loss, e) + + def write_evaluation_result(self, results, e): + self.args.writer.add_scalar("evaluation/mrr", results['mrr'], e) + self.args.writer.add_scalar("evaluation/hits10", results['hits@10'], e) + self.args.writer.add_scalar("evaluation/hits5", results['hits@5'], e) + self.args.writer.add_scalar("evaluation/hits1", results['hits@1'], e) + + def save_checkpoint(self, e): + state = {'ent_embed': self.server.ent_embed, + 'rel_embed': [client.rel_embed for client in self.clients]} + + for filename in os.listdir(self.args.state_dir): + if self.args.name in filename.split('.') and os.path.isfile(os.path.join(self.args.state_dir, filename)): + os.remove(os.path.join(self.args.state_dir, filename)) + # save current checkpoint + torch.save(state, os.path.join(self.args.state_dir, + self.args.name + '.' + str(e) + '.ckpt')) + + def save_model(self, best_epoch): + os.rename(os.path.join(self.args.state_dir, self.args.name+ '.' + str(best_epoch) + '.ckpt'), + os.path.join(self.args.state_dir, self.args.name+ '.best')) + + def send_emb(self): + for k, client in enumerate(self.clients): + client.ent_embed = self.server.send_emb() + + def train(self): + best_epoch = 0 + best_mrr = 0 + bad_count = 0 + for num_round in range(self.args.max_round): + n_sample = max(round(self.args.fraction * self.num_clients), 1) + sample_set = np.random.choice(self.num_clients, n_sample, replace=False) + + self.send_emb() + round_loss = 0 + for k in iter(sample_set): + client_loss = self.clients[k].client_update() + round_loss += client_loss + round_loss /= n_sample + self.server.aggregation(self.clients, self.ent_freq_mat) + + logging.info('round: {} | loss: {:.4f}'.format(num_round, np.mean(round_loss))) + self.write_training_loss(np.mean(round_loss), num_round) + + if num_round % self.args.check_per_round == 0 and num_round != 0: + eval_res = self.evaluate() + self.write_evaluation_result(eval_res, num_round) + + if eval_res['mrr'] > best_mrr: + best_mrr = eval_res['mrr'] + best_epoch = num_round + logging.info('best model | mrr {:.4f}'.format(best_mrr)) + self.save_checkpoint(num_round) + bad_count = 0 + else: + bad_count += 1 + logging.info('best model is at round {0}, mrr {1:.4f}, bad count {2}'.format( + best_epoch, best_mrr, bad_count)) + if bad_count >= self.args.early_stop_patience: + logging.info('early stop at round {}'.format(num_round)) + break + + logging.info('finish training') + logging.info('save best model') + self.save_model(best_epoch) + self.before_test_load() + self.evaluate(istest=True) + + + def before_test_load(self): + state = torch.load(os.path.join(self.args.state_dir, self.args.name+ '.best'), map_location=self.args.gpu) + self.server.ent_embed = state['ent_embed'] + for idx, client in enumerate(self.clients): + client.rel_embed = state['rel_embed'][idx] + + def evaluate(self, istest=False,ispoisoned=False): + + self.send_emb() + result = ddict(int) + if istest: + weights = self.test_eval_weights + else: + weights = self.valid_eval_weights + + if ispoisoned: + with open(self.args.poisoned_triples_path+self.args.dataset_name + '_' + self.args.client_model +'_' + str( + self.args.attack_entity_ratio) + '_'+str(self.args.num_client) + '_poisoned_triples_static_poisoned.json', + 'r') as file1: + poisoned_triples = json.load(file1) + + victim_client = list(poisoned_triples.keys())[0] + # print(poisoned_triples[victim_client]) + logging.info('************ the test about poisoned triples in victim client **********'+str(victim_client)) + victim_client_res = self.clients[int(victim_client)].client_eval(poisoned_tri=poisoned_triples[victim_client]) + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + victim_client_res['mrr'], victim_client_res['hits@1'], + victim_client_res['hits@5'], victim_client_res['hits@10'])) + + return victim_client_res + + logging.info('************ the test about poisoned datasets in victim client **********') + for idx, client in enumerate(self.clients): + client_res = client.client_eval(istest) + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + client_res['mrr'], client_res['hits@1'], + client_res['hits@5'], client_res['hits@10'])) + + for k, v in client_res.items(): + result[k] += v * weights[idx] + + logging.info('mrr: {:.4f}, hits@1: {:.4f}, hits@5: {:.4f}, hits@10: {:.4f}'.format( + result['mrr'], result['hits@1'], + result['hits@5'], result['hits@10'])) + + return result + + diff --git a/kge_model.py b/kge_model.py new file mode 100644 index 0000000..5afeb97 --- /dev/null +++ b/kge_model.py @@ -0,0 +1,119 @@ +import torch +import torch.nn as nn + + +class KGEModel(nn.Module): + def __init__(self, args, model_name): + super(KGEModel, self).__init__() + self.model_name = model_name + self.embedding_range = torch.Tensor([(args.gamma + args.epsilon) / args.hidden_dim]) + self.gamma = nn.Parameter( + torch.Tensor([args.gamma]), + requires_grad=False + ) + + def forward(self, sample, relation_embedding, entity_embedding, neg=True): + if not neg: + head = torch.index_select( + entity_embedding, + dim=0, + index=sample[:, 0] + ).unsqueeze(1) + + relation = torch.index_select( + relation_embedding, + dim=0, + index=sample[:, 1] + ).unsqueeze(1) + + tail = torch.index_select( + entity_embedding, + dim=0, + index=sample[:, 2] + ).unsqueeze(1) + else: + head_part, tail_part = sample + batch_size = head_part.shape[0] + + head = torch.index_select( + entity_embedding, + dim=0, + index=head_part[:, 0] + ).unsqueeze(1) + + relation = torch.index_select( + relation_embedding, + dim=0, + index=head_part[:, 1] + ).unsqueeze(1) + + + if tail_part == None: + tail = entity_embedding.unsqueeze(0) + else: + negative_sample_size = tail_part.size(1) + tail = torch.index_select( + entity_embedding, + dim=0, + index=tail_part.view(-1) + ).view(batch_size, negative_sample_size, -1) + + self.model_func = { + 'TransE': self.TransE, + 'DistMult': self.DistMult, + 'ComplEx': self.ComplEx, + 'RotatE': self.RotatE, + } + + score = self.model_func[self.model_name](head, relation, tail) + + return score + + def TransE(self, head, relation, tail): + + score = (head + relation) - tail + score = self.gamma.item() - torch.norm(score, p=1, dim=2) + + return score + + + def DistMult(self, head, relation, tail): + score = (head * relation) * tail + score = score.sum(dim = 2) + return score + + def ComplEx(self, head, relation, tail): + re_head, im_head = torch.chunk(head, 2, dim=2) + re_relation, im_relation = torch.chunk(relation, 2, dim=2) + re_tail, im_tail = torch.chunk(tail, 2, dim=2) + + re_score = re_head * re_relation - im_head * im_relation + im_score = re_head * im_relation + im_head * re_relation + score = re_score * re_tail + im_score * im_tail + + score = score.sum(dim = 2) + return score + + def RotatE(self, head, relation, tail): + pi = 3.14159265358979323846 + + re_head, im_head = torch.chunk(head, 2, dim=2) + re_tail, im_tail = torch.chunk(tail, 2, dim=2) + + #Make phases of relations uniformly distributed in [-pi, pi] + + phase_relation = relation/(self.embedding_range.item()/pi) + + re_relation = torch.cos(phase_relation) + im_relation = torch.sin(phase_relation) + + re_score = re_head * re_relation - im_head * im_relation + im_score = re_head * im_relation + im_head * re_relation + re_score = re_score - re_tail + im_score = im_score - im_tail + + score = torch.stack([re_score, im_score], dim = 0) + score = score.norm(dim = 0) + + score = self.gamma.item() - score.sum(dim = 2) + return score diff --git a/main.py b/main.py new file mode 100644 index 0000000..68a7615 --- /dev/null +++ b/main.py @@ -0,0 +1,123 @@ +import torch +import logging +from torch.utils.tensorboard import SummaryWriter +import argparse +import json +import os + +from fede import FedE +import numpy as np +import datetime + + +def init_dir(args): + # state + args.state_dir = args.state_dir + if not os.path.exists(args.state_dir): + os.makedirs(args.state_dir) + + # tensorboard log + args.tb_log_dir = args.tb_log_dir + if not os.path.exists(args.tb_log_dir): + os.makedirs(args.tb_log_dir) + + # logging + args.log_dir = args.log_dir + if not os.path.exists(args.log_dir): + os.makedirs(args.log_dir) + + +def init_logger(args): + log_file = os.path.join(args.log_dir, + args.dataset_name + '_' + args.client_model + '_' +str(args.num_client)+'_'+ str(args.attack_entity_ratio) + '.log') + + logging.basicConfig( + format='%(asctime)s | %(message)s', + datefmt="%Y-%m-%d %H:%M:%S", + level=logging.INFO, + filename=log_file, + filemode='a+' + ) + + console = logging.StreamHandler() + console.setLevel(logging.INFO) + formatter = logging.Formatter('%(asctime)s | %(message)s') + console.setFormatter(formatter) + logging.getLogger('').addHandler(console) + + +if __name__ == '__main__': + from set_args import args + from DPA_S import DPA_S + from FMPA_S import FMPA_S + from CPA import CPA + + import warnings + warnings.filterwarnings('ignore') + + # random seed + np.random.seed(args.seed) + torch.manual_seed(args.seed) + torch.cuda.manual_seed(args.seed) + + # init dir, logger and log args + init_dir(args) + init_logger(args) + args_str = json.dumps(vars(args)) + logging.info(args_str) + + # assign cuda device + args.gpu = torch.device(args.gpu) + + # init tensorboard + writer = SummaryWriter(os.path.join(args.tb_log_dir, args.dataset_name + + '_' + args.client_model +'_'+str(args.num_client)+ '_' + str(args.attack_entity_ratio))) + args.writer = writer + + args.name = args.dataset_name + '_' + args.client_model + '_' + str(args.num_client) + "_" + str(args.attack_entity_ratio) + print('***************', args.setting) + client = args.num_client + dataset_name = args.dataset_name + + with open("../process_data/client_data/" + dataset_name + "_" + str(client) + "_with_new_id.json", "r") as f: + all_data = json.load(f) + + # FedE + if args.setting == 'FedE': + learner = FedE(args, all_data) + if args.mode == 'train': + learner.train() + elif args.mode == 'test': + learner.before_test_load() + learner.evaluate(istest=True) + results = learner.evaluate(ispoisoned=True) + + # DPA_S: Dynamic Poisoning Attack + if args.setting == 'DPA_S': + learner = DPA_S(args, all_data) + if args.mode == 'train': + learner.train() + elif args.mode == 'test': + learner.before_test_load() + learner.evaluate(istest=True) + results = learner.evaluate(ispoisoned=True) + + # FMPA-S: Fixed Model Poisoning Attack + if args.setting == 'FMPA_S': + learner = FMPA_S(args, all_data) + if args.mode == 'train': + learner.train() + elif args.mode == 'test': + learner.before_test_load() + learner.evaluate(istest=True) + results = learner.evaluate(ispoisoned=True) + + # CPA: Client Poisoning Attack + if args.setting == 'CPA': + learner = CPA(args, all_data) + if args.mode == 'train': + learner.train() + elif args.mode == 'test': + learner.before_test_load() + learner.evaluate(istest=True) + results = learner.evaluate(ispoisoned=True) diff --git a/process_data/CoDEx-M_original/test.txt b/process_data/CoDEx-M_original/test.txt new file mode 100644 index 0000000..cf9416e --- /dev/null +++ b/process_data/CoDEx-M_original/test.txt @@ -0,0 +1,10311 @@ +Q73437 P1412 Q1860 +Q355447 P106 Q6430706 +Q95076 P106 Q10798782 +Q289752 P106 Q822146 +Q854 P463 Q7785 +Q230739 P106 Q4853732 +Q5104 P106 Q177220 +Q4149437 P463 Q2370801 +Q95356 P106 Q2259451 +Q434111 P106 Q2405480 +Q271956 P106 Q81096 +Q298 P361 Q653884 +Q1386948 P27 Q30 +Q203806 P551 Q387047 +Q11637 P106 Q10798782 +Q162667 P1050 Q11081 +Q153996 P264 Q183387 +Q92875 P108 Q190080 +Q884172 P1303 Q17172850 +Q273055 P106 Q2252262 +Q207592 P106 Q10798782 +Q232520 P106 Q28389 +Q102022 P69 Q315658 +Q188401 P27 Q30 +Q76632 P20 Q64 +Q73437 P27 Q30 +Q683 P463 Q191384 +Q87208 P106 Q1350157 +Q1342003 P27 Q15180 +Q92830 P106 Q170790 +Q542101 P106 Q177220 +Q49285 P69 Q41506 +Q959875 P106 Q16533 +Q41257 P19 Q1055 +Q244234 P106 Q36180 +Q957010 P19 Q1345 +Q58592 P106 Q2405480 +Q177650 P69 Q13371 +Q45233 P106 Q36180 +Q520430 P108 Q2994538 +Q154751 P106 Q1234713 +Q86526 P463 Q44687 +Q171453 P161 Q167520 +Q9200 P106 Q4504549 +Q55690 P106 Q28389 +Q381420 P106 Q36834 +Q338442 P136 Q130232 +Q49017 P1303 Q17172850 +Q14747 P106 Q33999 +Q200841 P69 Q178848 +Q34091 P172 Q49085 +Q150651 P106 Q12406482 +Q741058 P20 Q61 +Q28152 P108 Q156725 +Q14278 P106 Q170790 +Q372234 P27 Q159 +Q69236 P106 Q2526255 +Q128493 P136 Q319221 +Q953 P463 Q899770 +Q65613 P106 Q36180 +Q676914 P108 Q487556 +Q266694 P20 Q11299 +Q342665 P19 Q5083 +Q234436 P27 Q145 +Q1020 P463 Q7785 +Q34105 P27 Q79 +Q1095432 P509 Q47912 +Q377453 P112 Q272031 +Q75812 P69 Q151510 +Q241098 P1412 Q150 +Q541708 P106 Q193391 +Q245257 P737 Q7245 +Q189078 P136 Q11401 +Q170800 P106 Q47064 +Q298694 P106 Q183945 +Q150630 P106 Q864503 +Q97723 P106 Q15627169 +Q213547 P106 Q33999 +Q408 P530 Q865 +Q75185 P108 Q54096 +Q148 P530 Q1006 +Q182642 P463 Q463303 +Q221903 P27 Q28513 +Q83789 P495 Q145 +Q438355 P106 Q639669 +Q447827 P106 Q201788 +Q258009 P840 Q96 +Q106275 P106 Q483501 +Q194142 P136 Q130232 +Q67641 P26 Q62310 +Q313315 P161 Q363271 +Q164979 P101 Q482 +Q65035 P108 Q151510 +Q237416 P106 Q333634 +Q25153 P106 Q33999 +Q944386 P106 Q2095549 +Q347685 P106 Q49757 +Q103646 P27 Q30 +Q329001 P1303 Q5994 +Q158050 P106 Q10873124 +Q78928 P106 Q15253558 +Q387655 P27 Q145 +Q1944655 P69 Q21578 +Q453602 P106 Q3282637 +Q311084 P19 Q1297 +Q131112 P106 Q1086863 +Q433893 P69 Q1026827 +Q61594 P1412 Q188 +Q376278 P1412 Q143 +Q106126 P106 Q2259451 +Q847345 P20 Q19660 +Q67553 P108 Q152087 +Q1820387 P172 Q49085 +Q62377 P119 Q1574424 +Q10308228 P106 Q49757 +Q938475 P463 Q463303 +Q47478 P106 Q36180 +Q1334439 P172 Q50001 +Q157623 P106 Q14467526 +Q549487 P106 Q1930187 +Q53001 P106 Q2526255 +Q57431 P140 Q188814 +Q275939 P106 Q4610556 +Q101339 P69 Q154804 +Q162667 P509 Q11081 +Q297377 P106 Q47064 +Q44403 P106 Q49757 +Q241676 P106 Q14972848 +Q112880 P19 Q1741 +Q240523 P264 Q202440 +Q213 P530 Q40 +Q719083 P1303 Q17172850 +Q33 P463 Q842490 +Q202449 P102 Q29552 +Q554175 P140 Q432 +Q49767 P106 Q82955 +Q74639 P106 Q40348 +Q308711 P106 Q12144794 +Q457022 P172 Q49085 +Q88749 P106 Q333634 +Q227 P530 Q833 +Q93166 P1412 Q150 +Q74441 P106 Q36180 +Q103774 P27 Q129286 +Q374504 P101 Q11629 +Q3188663 P106 Q14467526 +Q108664 P106 Q36180 +Q334 P530 Q96 +Q77788 P102 Q153401 +Q648098 P264 Q5086379 +Q590792 P106 Q806349 +Q1386443 P1303 Q6607 +Q312969 P106 Q43845 +Q117 P463 Q7785 +Q311854 P106 Q6625963 +Q320204 P1412 Q1860 +Q105386 P27 Q43287 +Q833 P463 Q7809 +Q196977 P136 Q959790 +Q11847 P1412 Q188 +Q990890 P20 Q127856 +Q309003 P161 Q318885 +Q1203 P106 Q16323111 +Q211144 P27 Q30 +Q168023 P106 Q177220 +Q199418 P106 Q36834 +Q76336 P27 Q183 +Q41117 P27 Q423 +Q174210 P106 Q214917 +Q337521 P106 Q177220 +Q74795 P108 Q154804 +Q215036 P69 Q165980 +Q60714 P106 Q185351 +Q896193 P106 Q13590141 +Q34091 P106 Q33999 +Q6078 P136 Q11401 +Q163042 P106 Q1930187 +Q62929 P106 Q2259451 +Q121656 P20 Q1720 +Q403362 P106 Q1930187 +Q214 P463 Q41550 +Q370326 P161 Q83851 +Q181677 P136 Q132311 +Q555 P106 Q33999 +Q660237 P495 Q30 +Q1388990 P106 Q1028181 +Q62904 P463 Q40358 +Q327546 P161 Q165357 +Q327261 P106 Q49757 +Q482334 P106 Q1622272 +Q506102 P69 Q13371 +Q270707 P101 Q482 +Q1646 P136 Q482 +Q9594 P101 Q413 +Q208681 P106 Q10800557 +Q57074 P463 Q812155 +Q706518 P264 Q183387 +Q356745 P136 Q45981 +Q78885 P20 Q490 +Q311854 P463 Q18912936 +Q12903 P27 Q17 +Q158060 P106 Q6625963 +Q208203 P1412 Q9176 +Q159585 P1412 Q7918 +Q942147 P1303 Q8371 +Q4227 P27 Q30 +Q88095 P106 Q212980 +Q7243 P737 Q7200 +Q164683 P135 Q80113 +Q373421 P119 Q1130019 +Q193573 P840 Q90 +Q336388 P106 Q158852 +Q35738 P161 Q228645 +Q316629 P106 Q10798782 +Q26876 P106 Q822146 +Q1509908 P27 Q30 +Q315181 P1303 Q79838 +Q313581 P106 Q1731155 +Q708620 P1303 Q17172850 +Q99564 P140 Q9592 +Q29 P463 Q1065 +Q316556 P106 Q333634 +Q87298 P27 Q183 +Q274274 P106 Q36834 +Q42585 P140 Q9592 +Q442830 P106 Q2722764 +Q544607 P161 Q262479 +Q60684 P106 Q81096 +Q4147199 P19 Q1741 +Q869 P530 Q833 +Q726057 P27 Q30 +Q241382 P106 Q512314 +Q92776 P463 Q337234 +Q273044 P106 Q10800557 +Q60128 P106 Q36180 +Q243983 P136 Q130232 +Q762 P106 Q2374149 +Q311580 P69 Q49213 +Q47561 P69 Q165980 +Q369933 P106 Q177220 +Q33977 P1412 Q150 +Q432940 P106 Q10800557 +Q1111386 P106 Q81096 +Q765 P106 Q2707485 +Q737845 P106 Q1930187 +Q1044415 P106 Q177220 +Q320653 P106 Q81096 +Q251818 P106 Q33999 +Q355288 P106 Q18814623 +Q268181 P136 Q128758 +Q311778 P106 Q1231865 +Q108543 P136 Q586250 +Q668 P530 Q458 +Q317152 P106 Q36180 +Q304966 P106 Q177220 +Q66628 P27 Q183 +Q668 P530 Q953 +Q145 P530 Q928 +Q555505 P106 Q1028181 +Q191 P530 Q219 +Q4073580 P106 Q2462658 +Q124065 P106 Q201788 +Q287001 P161 Q239897 +Q1646438 P136 Q485395 +Q380799 P106 Q177220 +Q1064413 P1412 Q1860 +Q520430 P106 Q639669 +Q219776 P840 Q100 +Q123521 P1412 Q188 +Q91865 P27 Q183 +Q304366 P136 Q860626 +Q107816 P102 Q49762 +Q173834 P27 Q15180 +Q709646 P106 Q11631 +Q98062 P69 Q151510 +Q219 P463 Q17495 +Q400341 P106 Q2259451 +Q112635 P161 Q47899 +Q338726 P19 Q18419 +Q173061 P1303 Q61285 +Q336769 P106 Q1622272 +Q262507 P1303 Q17172850 +Q366907 P172 Q940348 +Q188569 P1412 Q1860 +Q316756 P106 Q10798782 +Q57347 P69 Q152087 +Q105865 P108 Q40025 +Q332528 P102 Q9626 +Q19201 P136 Q20378 +Q270669 P27 Q30 +Q313755 P264 Q183387 +Q1363261 P106 Q18844224 +Q520621 P264 Q522618 +Q428489 P161 Q294583 +Q233581 P101 Q131524 +Q947291 P106 Q486748 +Q8873 P106 Q49757 +Q939524 P106 Q1930187 +Q182509 P463 Q253439 +Q292539 P27 Q142 +Q312252 P106 Q2405480 +Q311987 P106 Q177220 +Q154935 P161 Q191719 +Q202326 P161 Q189415 +Q313571 P264 Q21077 +Q434003 P172 Q49085 +Q507075 P106 Q40348 +Q596746 P106 Q639669 +Q1354583 P1303 Q6607 +Q61407 P463 Q695302 +Q85914 P108 Q165980 +Q215215 P106 Q639669 +Q58091 P106 Q82955 +Q171228 P106 Q188094 +Q61058 P106 Q1209498 +Q240933 P106 Q10798782 +Q48814 P17 Q12560 +Q912 P463 Q899770 +Q164384 P108 Q152838 +Q3709961 P463 Q465654 +Q181875 P140 Q5043 +Q634100 P106 Q33999 +Q34286 P27 Q30 +Q2908686 P119 Q311 +Q95048 P1412 Q1860 +Q208116 P136 Q156035 +Q164813 P136 Q2484376 +Q112255 P19 Q1741 +Q975874 P27 Q16 +Q48032 P20 Q649 +Q241 P530 Q298 +Q1203 P2348 Q6927 +Q76487 P19 Q64 +Q434185 P106 Q1930187 +Q7304 P106 Q158852 +Q236217 P161 Q8927 +Q119546 P19 Q18419 +Q57552 P27 Q43287 +Q835 P106 Q28389 +Q318607 P106 Q10800557 +Q4451656 P102 Q79854 +Q60025 P108 Q49167 +Q117902 P463 Q338432 +Q155375 P106 Q170790 +Q362406 P1303 Q17172850 +Q365042 P106 Q33999 +Q490290 P509 Q12078 +Q706821 P106 Q205375 +Q38049 P106 Q6625963 +Q237222 P57 Q13595311 +Q215979 P69 Q185246 +Q1164355 P136 Q83270 +Q77082 P106 Q212980 +Q238422 P106 Q177220 +Q540787 P106 Q28389 +Q712820 P106 Q855091 +Q207824 P27 Q20 +Q335556 P69 Q41506 +Q1193914 P106 Q10800557 +Q230836 P106 Q1259917 +Q460664 P840 Q60 +Q44578 P161 Q242557 +Q81224 P136 Q188473 +Q508953 P69 Q1143281 +Q69521 P27 Q183 +Q83297 P463 Q253439 +Q76738 P106 Q270141 +Q95264 P69 Q152171 +Q290091 P140 Q9268 +Q78607 P69 Q153006 +Q465000 P106 Q1028181 +Q153739 P463 Q459620 +Q431540 P1412 Q188 +Q3334710 P27 Q16 +Q707186 P19 Q1345 +Q237527 P106 Q177220 +Q87884 P20 Q72 +Q56036 P17 Q2415901 +Q470931 P106 Q6673651 +Q81685 P20 Q90 +Q324753 P106 Q108946 +Q455236 P264 Q1063242 +Q93614 P463 Q459620 +Q202662 P19 Q8652 +Q155 P463 Q19771 +Q67139 P20 Q1022 +Q329498 P106 Q81096 +Q294912 P106 Q28389 +Q219442 P161 Q239415 +Q552770 P106 Q639669 +Q928 P530 Q668 +Q67494 P1412 Q188 +Q271874 P106 Q177220 +Q63228 P1412 Q1860 +Q1291701 P106 Q753110 +Q35314 P102 Q79854 +Q258462 P108 Q49110 +Q450646 P69 Q5149905 +Q539301 P106 Q8178443 +Q61318 P1412 Q7737 +Q165637 P106 Q177220 +Q188401 P106 Q177220 +Q979084 P106 Q12800682 +Q237416 P106 Q1397808 +Q58198 P27 Q43 +Q5928 P264 Q645889 +Q93853 P161 Q41548 +Q313789 P172 Q974693 +Q283799 P161 Q107438 +Q734436 P69 Q49112 +Q237669 P106 Q488205 +Q981996 P136 Q483251 +Q43 P530 Q403 +Q72800 P27 Q16957 +Q116462 P2348 Q6927 +Q70650 P69 Q153978 +Q348916 P20 Q33959 +Q43 P530 Q35 +Q367094 P106 Q2259451 +Q165911 P264 Q664167 +Q2857384 P19 Q1492 +Q312657 P106 Q2526255 +Q432385 P106 Q33999 +Q1077554 P106 Q483501 +Q462466 P495 Q145 +Q1744 P106 Q3282637 +Q75786 P27 Q183 +Q63224 P106 Q4773904 +Q254675 P451 Q83158 +Q105084 P17 Q7318 +Q67815 P101 Q482 +Q77350 P1412 Q188 +Q60506 P136 Q1054574 +Q34529 P106 Q33999 +Q865 P530 Q811 +Q315132 P737 Q504 +Q179282 P69 Q751612 +Q342526 P1303 Q8355 +Q43994 P106 Q2405480 +Q392697 P495 Q30 +Q277626 P136 Q37073 +Q438608 P20 Q159288 +Q192165 P108 Q740308 +Q20 P463 Q8475 +Q272213 P27 Q30 +Q48112 P1412 Q7737 +Q711509 P463 Q123885 +Q232479 P106 Q33999 +Q138005 P1412 Q1860 +Q92897 P106 Q82594 +Q40495 P1412 Q1617 +Q161841 P20 Q84 +Q1348831 P136 Q11399 +Q892 P106 Q482980 +Q193570 P161 Q72267 +Q44653 P136 Q83270 +Q2291 P20 Q220 +Q41422 P551 Q65 +Q295781 P463 Q842008 +Q267764 P172 Q49085 +Q86602 P106 Q36180 +Q9155759 P1412 Q809 +Q763 P463 Q3772571 +Q194917 P106 Q177220 +Q240808 P106 Q36834 +Q112534 P106 Q82955 +Q152824 P119 Q272208 +Q188697 P27 Q142 +Q159636 P106 Q169470 +Q173955 P495 Q30 +Q76490 P1303 Q9798 +Q311779 P106 Q17125263 +Q439204 P106 Q4263842 +Q5383 P1412 Q1860 +Q181490 P1412 Q1860 +Q877858 P106 Q488205 +Q61000 P509 Q175111 +Q1268 P135 Q9730 +Q459889 P136 Q130232 +Q123825 P1412 Q387066 +Q313918 P106 Q10798782 +Q439204 P27 Q30 +Q272303 P27 Q174193 +Q270669 P264 Q190585 +Q352914 P20 Q1085 +Q17455 P106 Q16742096 +Q1468495 P106 Q183945 +Q90910 P106 Q3282637 +Q95055 P108 Q126399 +Q215215 P136 Q484641 +Q265131 P106 Q957729 +Q9204 P737 Q182589 +Q235077 P1412 Q1860 +Q44414 P106 Q3282637 +Q67938 P106 Q13424456 +Q185140 P106 Q3282637 +Q72070 P1412 Q150 +Q560040 P106 Q177220 +Q303918 P106 Q2722764 +Q373948 P106 Q1622272 +Q2096585 P140 Q432 +Q357001 P106 Q10800557 +Q157879 P161 Q209175 +Q1028 P530 Q79 +Q216924 P20 Q172 +Q371202 P1303 Q17172850 +Q224544 P106 Q1930187 +Q104266 P106 Q36834 +Q916 P530 Q954 +Q898 P17 Q34266 +Q65857 P106 Q3282637 +Q264869 P136 Q2137852 +Q43293 P108 Q131252 +Q61067 P106 Q333634 +Q1339107 P27 Q30 +Q487119 P131 Q104994 +Q77144 P69 Q49088 +Q302433 P106 Q214917 +Q222791 P106 Q487596 +Q4286203 P136 Q3017271 +Q703935 P69 Q1227526 +Q81752 P140 Q1841 +Q735560 P1050 Q10874 +Q30 P530 Q1029 +Q392 P106 Q753110 +Q101383 P19 Q2910 +Q183 P463 Q125761 +Q229808 P495 Q30 +Q155700 P136 Q850412 +Q743162 P106 Q1086863 +Q241735 P463 Q40358 +Q221155 P106 Q177220 +Q217619 P108 Q681025 +Q25188 P161 Q217137 +Q469888 P69 Q599316 +Q159690 P161 Q106443 +Q229249 P106 Q33999 +Q58592 P106 Q15980158 +Q103788 P27 Q30 +Q819 P530 Q252 +Q430278 P161 Q133050 +Q4894597 P463 Q543804 +Q36 P530 Q96 +Q130742 P106 Q13235160 +Q109180 P27 Q183 +Q182589 P106 Q1028181 +Q202211 P495 Q668 +Q72893 P27 Q183 +Q160640 P108 Q859363 +Q102244 P136 Q319221 +Q37 P463 Q45177 +Q5443 P106 Q10800557 +Q349591 P1303 Q6607 +Q46248 P737 Q207515 +Q504743 P106 Q36834 +Q17738 P136 Q319221 +Q717059 P106 Q2914170 +Q180214 P161 Q229042 +Q108639 P106 Q36180 +Q745363 P69 Q31519 +Q188411 P106 Q4504549 +Q713246 P106 Q36180 +Q215036 P106 Q2526255 +Q200460 P106 Q10798782 +Q49355 P19 Q100 +Q180962 P106 Q6625963 +Q202613 P106 Q753110 +Q375186 P161 Q43203 +Q77087 P106 Q4263842 +Q1530794 P19 Q6106 +Q664 P463 Q188822 +Q1678110 P106 Q486748 +Q907600 P27 Q28 +Q955684 P264 Q843402 +Q134262 P106 Q36180 +Q61412 P1412 Q1860 +Q105564 P106 Q1622272 +Q1173317 P136 Q3071 +Q321917 P106 Q28389 +Q121778 P106 Q1622272 +Q44662 P840 Q60 +Q314787 P1412 Q1860 +Q84904 P27 Q183 +Q448764 P1412 Q1860 +Q4453555 P131 Q649 +Q275875 P106 Q177220 +Q367447 P20 Q34404 +Q77377 P20 Q3955 +Q233566 P136 Q132311 +Q1248240 P106 Q901 +Q62443 P106 Q1397808 +Q312514 P140 Q9268 +Q973305 P106 Q28389 +Q69236 P106 Q28389 +Q7604 P463 Q123885 +Q39666 P26 Q134895 +Q191999 P106 Q806798 +Q371972 P69 Q13371 +Q712851 P106 Q639669 +Q537960 P20 Q100 +Q299297 P106 Q10798782 +Q309768 P106 Q33999 +Q441267 P106 Q947873 +Q234795 P106 Q10800557 +Q84153 P106 Q2526255 +Q58057 P106 Q82955 +Q215122 P106 Q121594 +Q976022 P106 Q33999 +Q951581 P106 Q855091 +Q215730 P27 Q183 +Q530109 P136 Q11366 +Q3616 P17 Q794 +Q123823 P106 Q1622272 +Q14063 P106 Q214917 +Q96594 P106 Q82955 +Q649 P30 Q46 +Q14536 P106 Q245068 +Q241470 P106 Q36180 +Q116119 P20 Q72 +Q933749 P106 Q214917 +Q461610 P172 Q49085 +Q40096 P106 Q10800557 +Q1976514 P19 Q649 +Q202461 P19 Q11299 +Q315592 P136 Q860626 +Q403 P530 Q717 +Q25120 P106 Q482980 +Q327240 P1412 Q1860 +Q244 P463 Q17495 +Q14538 P106 Q488205 +Q316032 P1412 Q1860 +Q470233 P19 Q1085 +Q313874 P136 Q959790 +Q158629 P69 Q189022 +Q822 P530 Q155 +Q31013 P172 Q49085 +Q372692 P106 Q2526255 +Q333362 P106 Q1930187 +Q202827 P106 Q13582652 +Q1385000 P108 Q7842 +Q445372 P27 Q30 +Q150916 P106 Q183945 +Q969468 P551 Q1370 +Q1500 P106 Q483501 +Q263172 P106 Q177220 +Q61497 P19 Q41252 +Q456711 P1412 Q1860 +Q292373 P1303 Q258896 +Q62763 P106 Q1622272 +Q55704 P27 Q668 +Q332956 P1412 Q1860 +Q57213 P136 Q8341 +Q92804 P108 Q309350 +Q330432 P106 Q10800557 +Q16 P530 Q262 +Q2757 P27 Q36 +Q270005 P106 Q33999 +Q180723 P106 Q822146 +Q558615 P1412 Q5146 +Q312803 P106 Q177220 +Q71408 P19 Q1022 +Q131579 P106 Q15472169 +Q75237 P19 Q1794 +Q332508 P463 Q123885 +Q62910 P106 Q81096 +Q79904 P27 Q30 +Q303213 P136 Q859369 +Q309248 P495 Q142 +Q7199 P106 Q36180 +Q62672 P509 Q12136 +Q316064 P69 Q49114 +Q234438 P106 Q33999 +Q229908 P106 Q2405480 +Q5890 P161 Q360528 +Q379580 P140 Q5043 +Q964620 P136 Q54365 +Q361617 P509 Q11081 +Q85691 P101 Q166542 +Q370155 P106 Q10798782 +Q340016 P27 Q30 +Q329549 P106 Q28389 +Q708158 P1303 Q17172850 +Q144929 P136 Q157443 +Q234149 P106 Q177220 +Q78496 P463 Q463303 +Q314343 P106 Q183945 +Q194696 P136 Q188473 +Q237497 P106 Q177220 +Q167821 P106 Q28389 +Q463832 P161 Q449679 +Q179854 P106 Q864380 +Q261923 P840 Q2915506 +Q207824 P136 Q483251 +Q71135 P106 Q36180 +Q602033 P106 Q36180 +Q95367 P69 Q152087 +Q84455 P101 Q184485 +Q109438 P106 Q2500638 +Q14277 P463 Q4345832 +Q32 P463 Q7184 +Q60677 P69 Q315658 +Q11813 P1412 Q9288 +Q48034 P106 Q82955 +Q282787 P106 Q1323191 +Q123825 P463 Q15646111 +Q65932 P106 Q713200 +Q1865656 P264 Q202440 +Q144622 P106 Q177220 +Q45 P530 Q668 +Q110436 P737 Q3335 +Q62791 P106 Q82955 +Q377638 P108 Q13371 +Q943298 P106 Q130857 +Q157194 P509 Q12078 +Q38082 P106 Q36180 +Q72292 P106 Q121594 +Q152437 P108 Q1065 +Q29473 P463 Q338489 +Q1045 P530 Q114 +Q224097 P106 Q578109 +Q466457 P106 Q1930187 +Q356375 P106 Q128124 +Q140052 P106 Q11774202 +Q334665 P108 Q1934904 +Q190076 P106 Q55960555 +Q44872 P20 Q1726 +Q562108 P108 Q168756 +Q103637 P19 Q2978 +Q238331 P136 Q8261 +Q2757 P172 Q1026 +Q3318964 P106 Q36180 +Q37767 P463 Q338432 +Q92828 P27 Q30 +Q336278 P106 Q639669 +Q163063 P106 Q855091 +Q61533 P27 Q713750 +Q176537 P3373 Q296872 +Q381731 P57 Q13595311 +Q77969 P106 Q487596 +Q318292 P106 Q1053574 +Q9155759 P106 Q2526255 +Q3923 P17 Q154195 +Q41173 P136 Q850412 +Q68604 P1412 Q1860 +Q329719 P106 Q33999 +Q37388 P101 Q901 +Q232035 P20 Q2044 +Q102438 P161 Q105682 +Q505949 P106 Q214917 +Q36878 P1412 Q7737 +Q229442 P106 Q177220 +Q71631 P20 Q1726 +Q206461 P840 Q21 +Q297024 P463 Q40970 +Q11459 P1412 Q1860 +Q873178 P106 Q2516866 +Q537705 P108 Q161562 +Q882 P509 Q1368943 +Q153657 P106 Q5716684 +Q63224 P106 Q36180 +Q393407 P106 Q3606216 +Q379836 P27 Q8733 +Q15474 P69 Q805285 +Q331760 P840 Q62 +Q61147 P106 Q81096 +Q448778 P509 Q12152 +Q92115 P106 Q185351 +Q19526 P1303 Q17172850 +Q265 P463 Q17495 +Q382197 P69 Q385471 +Q771296 P136 Q206159 +Q73463 P106 Q488205 +Q5749 P106 Q1930187 +Q309048 P136 Q319221 +Q633 P136 Q1641839 +Q191037 P106 Q33999 +Q329498 P27 Q55 +Q371403 P106 Q2259451 +Q88248 P106 Q1622272 +Q659027 P108 Q214341 +Q46633 P463 Q2822396 +Q545375 P509 Q12152 +Q192115 P161 Q168847 +Q288173 P161 Q269830 +Q457727 P509 Q12136 +Q303 P136 Q37073 +Q165651 P161 Q228862 +Q57386 P69 Q318186 +Q2620784 P27 Q30 +Q246722 P106 Q18844224 +Q181573 P69 Q1250779 +Q5284 P172 Q7435494 +Q229274 P106 Q488205 +Q55390 P106 Q639669 +Q544485 P1303 Q1444 +Q434185 P140 Q9268 +Q1891483 P106 Q36834 +Q94081 P106 Q36180 +Q44540 P27 Q183 +Q332953 P106 Q855091 +Q357798 P463 Q266063 +Q18964 P136 Q959790 +Q185002 P1412 Q150 +Q134456 P106 Q6625963 +Q572741 P108 Q13371 +Q91338 P27 Q183 +Q153238 P463 Q466113 +Q216814 P463 Q3603946 +Q1392102 P106 Q486748 +Q100529 P106 Q1622272 +Q102341 P106 Q483501 +Q151976 P69 Q2994538 +Q561116 P106 Q18844224 +Q231726 P106 Q33999 +Q183279 P106 Q170790 +Q822 P530 Q30 +Q75177 P1412 Q188 +Q16473 P27 Q30 +Q39 P463 Q842490 +Q137808 P106 Q33999 +Q446257 P1303 Q6607 +Q242376 P106 Q11774202 +Q437616 P463 Q270920 +Q971493 P119 Q1950363 +Q2831 P264 Q38903 +Q228787 P106 Q36180 +Q710 P530 Q29 +Q65504 P106 Q11774202 +Q974670 P106 Q753110 +Q263582 P1303 Q6607 +Q276038 P106 Q158852 +Q230739 P106 Q13590141 +Q214 P30 Q46 +Q51267 P27 Q117 +Q114760 P27 Q801 +Q108560 P1303 Q128309 +Q65337 P20 Q23482 +Q302675 P27 Q241 +Q609095 P106 Q1930187 +Q9381 P106 Q15980158 +Q128854 P136 Q52162262 +Q843 P530 Q833 +Q156201 P27 Q30 +Q6694 P463 Q414379 +Q222008 P106 Q33999 +Q435780 P1303 Q17172850 +Q209186 P136 Q21590660 +Q990890 P1412 Q1860 +Q86516 P106 Q10800557 +Q481871 P108 Q15142 +Q71106 P19 Q3874 +Q383420 P509 Q208414 +Q727752 P106 Q33999 +Q165110 P69 Q174570 +Q262479 P106 Q28389 +Q223316 P840 Q90 +Q230203 P551 Q1297 +Q185085 P108 Q308963 +Q12054 P106 Q28389 +Q154756 P737 Q1512 +Q66992 P27 Q183 +Q164745 P551 Q85 +Q236606 P106 Q188094 +Q218679 P463 Q2166029 +Q1725017 P1412 Q188 +Q116032 P20 Q2865 +Q243041 P1303 Q17172850 +Q219631 P27 Q30 +Q217314 P106 Q40348 +Q241783 P19 Q60 +Q71352 P106 Q1622272 +Q233046 P106 Q18844224 +Q507809 P1412 Q1860 +Q890204 P509 Q12152 +Q232876 P108 Q34433 +Q237518 P1412 Q7737 +Q234875 P509 Q12192 +Q8016 P40 Q183105 +Q40946 P27 Q179876 +Q315348 P106 Q1028181 +Q882 P106 Q3282637 +Q72543 P136 Q9734 +Q11734 P106 Q82955 +Q97076 P102 Q7320 +Q935369 P106 Q753110 +Q450382 P106 Q2526255 +Q233397 P106 Q1930187 +Q937 P737 Q35802 +Q9696 P19 Q49142 +Q238374 P463 Q372899 +Q937 P463 Q329464 +Q234195 P27 Q145 +Q233265 P1412 Q1860 +Q60131 P463 Q150793 +Q35498 P106 Q189290 +Q194287 P1303 Q31561 +Q377 P1412 Q9091 +Q218718 P106 Q33999 +Q31215 P106 Q36180 +Q77327 P106 Q20725072 +Q105666 P106 Q15627169 +Q267672 P161 Q674451 +Q2089840 P102 Q815348 +Q91004 P463 Q879171 +Q538362 P106 Q177220 +Q104668 P463 Q83172 +Q34584 P136 Q484641 +Q169717 P106 Q4610556 +Q71602 P463 Q329464 +Q162667 P136 Q180268 +Q62126 P106 Q36180 +Q92639 P19 Q1524 +Q1184931 P27 Q20 +Q953 P463 Q384535 +Q41422 P106 Q10800557 +Q296537 P106 Q18545066 +Q68654 P106 Q2259451 +Q317228 P106 Q948329 +Q14678 P140 Q9592 +Q55468 P106 Q10800557 +Q962971 P106 Q1930187 +Q356361 P1412 Q1860 +Q61425 P463 Q684415 +Q5879 P106 Q4964182 +Q47695 P69 Q152087 +Q389548 P161 Q257165 +Q766293 P106 Q1792450 +Q233061 P106 Q10800557 +Q1185803 P106 Q10349745 +Q1149 P102 Q10225 +Q236017 P509 Q175111 +Q378645 P106 Q81096 +Q1677044 P106 Q639669 +Q116928 P840 Q1223 +Q67901 P1412 Q188 +Q724082 P69 Q189022 +Q117970 P106 Q177220 +Q29427 P106 Q47064 +Q403 P530 Q878 +Q3018520 P1412 Q150 +Q132506 P264 Q64485314 +Q436693 P136 Q2743 +Q385309 P161 Q350714 +Q3341701 P106 Q593644 +Q9049 P106 Q4964182 +Q215359 P136 Q848399 +Q198557 P136 Q130232 +Q233876 P106 Q177220 +Q186327 P1303 Q46185 +Q207867 P509 Q175111 +Q71345 P102 Q13124 +Q206461 P136 Q52162262 +Q83492 P26 Q125017 +Q282882 P27 Q142 +Q95469 P20 Q220 +Q123413 P1412 Q188 +Q71412 P1412 Q188 +Q320895 P106 Q486748 +Q176909 P737 Q154145 +Q706560 P106 Q1114448 +Q64017 P161 Q357607 +Q78475 P1412 Q188 +Q124208 P108 Q206702 +Q369283 P101 Q166542 +Q83677 P106 Q33999 +Q89433 P20 Q21 +Q128759 P101 Q2329 +Q1750532 P106 Q822146 +Q91166 P108 Q55044 +Q283872 P106 Q10798782 +Q457727 P1303 Q5994 +Q9061 P172 Q42884 +Q152493 P161 Q271877 +Q228909 P106 Q10798782 +Q465881 P106 Q639669 +Q236958 P101 Q35760 +Q460196 P106 Q1930187 +Q60809 P106 Q486748 +Q5879 P106 Q40348 +Q256327 P106 Q82955 +Q152437 P106 Q82955 +Q323524 P19 Q84 +Q211 P530 Q35 +Q262524 P106 Q1930187 +Q86289 P27 Q1206012 +Q183337 P106 Q13590141 +Q157131 P27 Q838261 +Q45278 P27 Q183 +Q98172 P69 Q154804 +Q164384 P108 Q273263 +Q15180 P530 Q678 +Q308840 P106 Q36834 +Q521116 P1412 Q188 +Q124357 P27 Q145 +Q1930941 P1412 Q150 +Q92848 P69 Q659706 +Q429207 P463 Q2124852 +Q298 P530 Q183 +Q213545 P106 Q16145150 +Q1676929 P106 Q10800557 +Q195718 P106 Q10798782 +Q232288 P264 Q14192383 +Q961447 P106 Q183945 +Q124442 P172 Q7325 +Q328320 P136 Q1200678 +Q230190 P27 Q145 +Q982339 P106 Q1930187 +Q311115 P20 Q90 +Q96 P530 Q224 +Q34086 P27 Q16 +Q262354 P106 Q33231 +Q122335 P106 Q36180 +Q1820469 P1303 Q5994 +Q235946 P20 Q100 +Q303213 P840 Q1439 +Q144664 P27 Q159 +Q435807 P172 Q49085 +Q229112 P106 Q4610556 +Q336520 P106 Q43845 +Q211392 P106 Q1930187 +Q72267 P119 Q1624932 +Q332330 P161 Q319133 +Q63184 P106 Q33231 +Q208667 P106 Q10798782 +Q125133 P1412 Q1321 +Q155463 P135 Q37068 +Q120626 P161 Q200460 +Q381390 P106 Q1930187 +Q256354 P20 Q649 +Q880405 P136 Q11401 +Q257752 P69 Q859363 +Q292623 P1303 Q17172850 +Q242949 P106 Q10800557 +Q13526 P19 Q23276 +Q186485 P106 Q2405480 +Q782738 P69 Q584919 +Q236958 P106 Q11774202 +Q109943 P19 Q2843 +Q147243 P17 Q221 +Q535812 P106 Q6625963 +Q430911 P106 Q47064 +Q706560 P106 Q36180 +Q55375 P106 Q28389 +Q505827 P106 Q201788 +Q189564 P106 Q250867 +Q458656 P135 Q377616 +Q386336 P19 Q2887 +Q317110 P27 Q172579 +Q31 P463 Q1969730 +Q138084 P136 Q130232 +Q1579916 P106 Q14915627 +Q232301 P106 Q28389 +Q235278 P27 Q30 +Q136591 P136 Q83270 +Q284360 P69 Q599316 +Q242474 P106 Q189290 +Q523086 P463 Q1468277 +Q202749 P172 Q121842 +Q401645 P106 Q82955 +Q84150 P19 Q1741 +Q260011 P106 Q482980 +Q347436 P106 Q10798782 +Q202475 P106 Q10800557 +Q115152 P106 Q201788 +Q536102 P1412 Q150 +Q503013 P106 Q37226 +Q177930 P161 Q186757 +Q797599 P69 Q1524124 +Q1626025 P27 Q30 +Q455930 P106 Q36180 +Q122003 P19 Q2807 +Q738765 P106 Q201788 +Q45255 P106 Q2259451 +Q234890 P106 Q4610556 +Q117789 P106 Q201788 +Q8680 P17 Q179876 +Q70999 P106 Q82955 +Q93166 P27 Q142 +Q264418 P106 Q2405480 +Q9294 P106 Q4773904 +Q131112 P106 Q8246794 +Q55915 P27 Q36 +Q219653 P19 Q24639 +Q241299 P106 Q16323111 +Q173834 P1412 Q7737 +Q312857 P27 Q31 +Q375024 P106 Q16145150 +Q1733 P17 Q183 +Q224 P530 Q28 +Q45672 P840 Q816 +Q151098 P106 Q36180 +Q68656 P108 Q43250 +Q112536 P106 Q177220 +Q57614 P106 Q10800557 +Q310729 P161 Q312531 +Q17714 P108 Q35794 +Q193517 P27 Q30 +Q443567 P106 Q10800557 +Q229669 P551 Q172 +Q236829 P20 Q23154 +Q271471 P106 Q33999 +Q309289 P840 Q8646 +Q232391 P106 Q644687 +Q26741 P27 Q16 +Q62414 P106 Q82955 +Q328201 P106 Q1930187 +Q33 P463 Q827525 +Q32433 P495 Q30 +Q5284 P106 Q5482740 +Q274348 P27 Q29 +Q75904 P19 Q1731 +Q468585 P106 Q16145150 +Q296524 P172 Q678551 +Q163872 P161 Q220335 +Q781514 P463 Q901677 +Q209538 P161 Q223745 +Q452232 P172 Q49085 +Q216041 P106 Q1792450 +Q41378 P106 Q15895020 +Q55456 P69 Q209344 +Q357961 P106 Q81096 +Q53026 P140 Q7066 +Q2875 P136 Q369747 +Q96 P463 Q170481 +Q439267 P264 Q193023 +Q709454 P106 Q639669 +Q454758 P27 Q142 +Q128073 P1412 Q7850 +Q158749 P69 Q273626 +Q63528 P27 Q41304 +Q9457 P27 Q668 +Q232052 P1303 Q17172850 +Q168431 P1412 Q652 +Q159690 P136 Q130232 +Q8873 P106 Q1930187 +Q168109 P20 Q270 +Q69105 P106 Q28389 +Q165911 P106 Q3282637 +Q159642 P172 Q170217 +Q81244 P140 Q288928 +Q4218975 P3373 Q20562503 +Q40479 P136 Q132311 +Q463927 P57 Q269692 +Q444713 P106 Q2468727 +Q107264 P69 Q131252 +Q447831 P106 Q1930187 +Q66493 P27 Q35 +Q63078 P106 Q24387326 +Q209175 P27 Q145 +Q366307 P106 Q42603 +Q740657 P119 Q533697 +Q207898 P1412 Q5146 +Q778 P463 Q496967 +Q336609 P69 Q924289 +Q956296 P106 Q3455803 +Q360663 P69 Q670897 +Q223303 P106 Q2405480 +Q382150 P509 Q389735 +Q4275371 P463 Q2370801 +Q86096 P27 Q183 +Q42398 P136 Q8261 +Q452388 P106 Q36834 +Q370293 P19 Q3141 +Q782711 P19 Q8717 +Q457316 P20 Q1335 +Q119798 P27 Q30 +Q106655 P509 Q333495 +Q340260 P27 Q142 +Q1803720 P69 Q1341516 +Q19045 P108 Q622664 +Q290094 P106 Q177220 +Q223367 P840 Q84 +Q605129 P27 Q30 +Q672443 P161 Q80596 +Q315752 P108 Q245247 +Q85624 P108 Q871369 +Q892 P106 Q189290 +Q129601 P495 Q30 +Q127367 P161 Q315118 +Q311672 P106 Q3282637 +Q559567 P106 Q36180 +Q73213 P19 Q64 +Q191020 P27 Q30 +Q383784 P106 Q639669 +Q261981 P1412 Q1860 +Q1060636 P27 Q30 +Q77482 P106 Q2516852 +Q17 P530 Q424 +Q194917 P1412 Q7737 +Q105167 P102 Q29468 +Q234388 P136 Q131272 +Q157176 P106 Q36834 +Q117315 P495 Q408 +Q157309 P1412 Q150 +Q1887014 P1412 Q1860 +Q270324 P106 Q2259451 +Q92035 P1412 Q188 +Q448905 P40 Q901134 +Q84114 P27 Q30 +Q382570 P27 Q77 +Q352023 P106 Q49757 +Q325428 P106 Q1930187 +Q1615184 P1303 Q5994 +Q30 P530 Q159 +Q605778 P495 Q30 +Q596925 P106 Q1930187 +Q371932 P1303 Q17172850 +Q51575 P40 Q190998 +Q239464 P106 Q36834 +Q11490 P101 Q21198 +Q453987 P106 Q177220 +Q2022 P106 Q2516852 +Q719623 P106 Q193391 +Q1544666 P136 Q20502 +Q1508451 P106 Q13582652 +Q467333 P106 Q4263842 +Q108935 P106 Q3282637 +Q17 P530 Q854 +Q78763 P20 Q1741 +Q77608 P106 Q37226 +Q115 P530 Q230 +Q105875 P264 Q1124849 +Q244975 P161 Q163249 +Q18806 P106 Q82955 +Q316602 P106 Q3282637 +Q55282 P1412 Q1860 +Q331845 P106 Q4263842 +Q85715 P106 Q36180 +Q1354341 P27 Q30 +Q10390 P27 Q30 +Q42398 P463 Q83172 +Q1110652 P136 Q2484376 +Q428780 P161 Q76943 +Q351290 P106 Q10800557 +Q355245 P106 Q1930187 +Q37621 P106 Q333634 +Q202420 P108 Q499911 +Q103343 P69 Q41506 +Q62749 P108 Q219694 +Q107759 P106 Q82955 +Q96772 P140 Q75809 +Q95543 P463 Q329464 +Q355566 P463 Q463303 +Q168763 P106 Q33999 +Q177993 P106 Q10800557 +Q465679 P106 Q2306091 +Q199943 P264 Q38903 +Q203643 P106 Q11569986 +Q523926 P17 Q145 +Q34743 P106 Q6625963 +Q674739 P27 Q145 +Q1827208 P264 Q277626 +Q921823 P106 Q36180 +Q77177 P1303 Q5994 +Q320653 P136 Q49084 +Q11928 P161 Q254980 +Q142 P463 Q191384 +Q310098 P1303 Q5994 +Q1027051 P106 Q158852 +Q362254 P1303 Q6607 +Q92906 P69 Q49167 +Q142 P530 Q874 +Q433979 P451 Q44634 +Q207177 P106 Q639669 +Q110106 P20 Q584451 +Q339876 P161 Q25144 +Q444591 P106 Q2526255 +Q362681 P106 Q10798782 +Q44570 P136 Q9759 +Q5921354 P69 Q49110 +Q528340 P106 Q639669 +Q88748 P106 Q82955 +Q1057893 P27 Q30 +Q617932 P264 Q193023 +Q107940 P161 Q232917 +Q193397 P69 Q248970 +Q235302 P27 Q30 +Q39659 P1412 Q1860 +Q221103 P840 Q1204 +Q180919 P106 Q10798782 +Q455304 P106 Q183945 +Q26412 P463 Q1971373 +Q332540 P69 Q81162 +Q81796 P106 Q8178443 +Q159 P530 Q874 +Q662406 P106 Q36180 +Q153700 P106 Q36180 +Q270123 P106 Q10798782 +Q4673 P1412 Q188 +Q435807 P106 Q33999 +Q228585 P161 Q433692 +Q380983 P106 Q6625963 +Q59931 P161 Q139330 +Q1882472 P1303 Q17172850 +Q383883 P106 Q1622272 +Q46053 P509 Q14467705 +Q18227 P27 Q30 +Q10633 P551 Q84 +Q392924 P161 Q229232 +Q359791 P106 Q177220 +Q207817 P20 Q1353 +Q387868 P495 Q30 +Q109455 P69 Q206702 +Q122713 P495 Q30 +Q123825 P69 Q372608 +Q26058 P106 Q13235160 +Q84992 P69 Q55044 +Q320642 P463 Q1662834 +Q1699902 P1412 Q1860 +Q78107 P108 Q152087 +Q264764 P27 Q142 +Q60777 P69 Q151510 +Q229156 P106 Q2259451 +Q435681 P106 Q177220 +Q122370 P19 Q72 +Q116003 P27 Q39 +Q2795317 P108 Q214341 +Q315188 P20 Q649 +Q318485 P106 Q4610556 +Q854590 P136 Q1298934 +Q268569 P106 Q4610556 +Q347767 P19 Q270 +Q169461 P551 Q1489 +Q77 P530 Q79 +Q310048 P106 Q28389 +Q145 P463 Q5611262 +Q1931654 P106 Q488205 +Q1349639 P106 Q158852 +Q837 P463 Q899770 +Q41590 P1412 Q9168 +Q156069 P136 Q200092 +Q49266 P17 Q30 +Q270869 P172 Q49085 +Q323669 P106 Q855091 +Q154325 P101 Q43035 +Q238866 P840 Q61 +Q267321 P136 Q959790 +Q310113 P264 Q726251 +Q76998 P106 Q13570226 +Q953288 P101 Q24925 +Q311314 P26 Q232837 +Q53729 P106 Q11900058 +Q185654 P106 Q33999 +Q36 P463 Q17495 +Q215026 P106 Q4610556 +Q92695 P101 Q21198 +Q76600 P463 Q337234 +Q111323 P20 Q64 +Q184933 P106 Q158852 +Q564886 P106 Q1930187 +Q62544 P19 Q1040 +Q440731 P106 Q1028181 +Q356986 P106 Q18814623 +Q60539 P1412 Q188 +Q155 P530 Q1029 +Q57244 P106 Q639669 +Q80938 P1303 Q17172850 +Q333004 P106 Q82955 +Q26695 P69 Q540672 +Q319578 P509 Q12152 +Q155845 P106 Q6625963 +Q246296 P27 Q207272 +Q120905 P19 Q2079 +Q41257 P69 Q158158 +Q157176 P106 Q753110 +Q782020 P27 Q172579 +Q215562 P106 Q36180 +Q34 P530 Q30 +Q699597 P106 Q4263842 +Q314972 P136 Q8261 +Q70166 P27 Q145 +Q223258 P1412 Q9056 +Q554406 P1050 Q12202 +Q443343 P27 Q30 +Q40143 P106 Q36180 +Q101740 P551 Q456 +Q431038 P19 Q60 +Q77745 P106 Q855091 +Q464218 P264 Q202585 +Q231171 P106 Q36180 +Q193815 P1303 Q8371 +Q93354 P1412 Q1860 +Q107008 P2348 Q6927 +Q87832 P102 Q7320 +Q187561 P161 Q236181 +Q2086235 P108 Q21578 +Q242749 P27 Q30 +Q230622 P106 Q33999 +Q482334 P69 Q41506 +Q109180 P136 Q676 +Q183397 P106 Q169470 +Q434160 P101 Q309 +Q981971 P69 Q131262 +Q323669 P1303 Q17172850 +Q520001 P106 Q2526255 +Q11104 P106 Q4964182 +Q81037 P495 Q30 +Q446743 P27 Q34266 +Q446427 P106 Q28389 +Q65504 P106 Q864380 +Q179282 P463 Q123885 +Q772064 P106 Q3391743 +Q133308 P27 Q79 +Q237774 P1412 Q1860 +Q159 P530 Q928 +Q154959 P106 Q1234713 +Q106363 P106 Q36180 +Q434790 P27 Q148 +Q2831583 P19 Q90 +Q60996 P106 Q10800557 +Q189081 P106 Q5322166 +Q185507 P161 Q4960 +Q1351259 P1412 Q1860 +Q191064 P106 Q10800557 +Q191040 P161 Q229112 +Q192885 P106 Q4964182 +Q170515 P140 Q432 +Q273484 P1303 Q5994 +Q229141 P106 Q193391 +Q76 P101 Q1328508 +Q76755 P27 Q183 +Q465290 P1412 Q5287 +Q676914 P1412 Q1860 +Q313551 P69 Q1189954 +Q451150 P102 Q29468 +Q1984116 P106 Q1053574 +Q3318964 P27 Q794 +Q515034 P1412 Q7026 +Q153020 P27 Q29 +Q439686 P1303 Q17172850 +Q713301 P106 Q36834 +Q78608 P106 Q36180 +Q75860 P108 Q155354 +Q221168 P161 Q229766 +Q44845 P551 Q1040 +Q435398 P1303 Q27939 +Q53040 P20 Q220 +Q274812 P26 Q439955 +Q554074 P27 Q15180 +Q205721 P136 Q37073 +Q70819 P106 Q8178443 +Q57552 P106 Q82955 +Q24999 P106 Q36180 +Q34 P463 Q38130 +Q470758 P737 Q235946 +Q314502 P27 Q16 +Q73993 P108 Q165528 +Q55449 P106 Q488205 +Q527394 P106 Q10800557 +Q984481 P69 Q273523 +Q133009 P106 Q193391 +Q395340 P1412 Q8785 +Q79069 P20 Q13298 +Q10308228 P106 Q1622272 +Q184 P530 Q28 +Q80046 P106 Q10800557 +Q1353064 P108 Q202660 +Q34933 P69 Q924289 +Q346280 P136 Q21590660 +Q729697 P19 Q1439 +Q1006152 P106 Q28389 +Q304488 P136 Q2421031 +Q532279 P106 Q40348 +Q310048 P106 Q1930187 +Q573323 P106 Q177220 +Q171905 P106 Q33999 +Q266816 P106 Q15949613 +Q455280 P27 Q183 +Q4349 P27 Q30 +Q112255 P20 Q1741 +Q537999 P106 Q1607826 +Q242 P463 Q123759 +Q34460 P451 Q107769 +Q313627 P106 Q183945 +Q33760 P106 Q36180 +Q520504 P106 Q36834 +Q1793865 P106 Q901 +Q1281738 P106 Q36180 +Q237659 P106 Q36180 +Q887111 P1412 Q1860 +Q379873 P840 Q65 +Q201562 P101 Q131524 +Q888065 P106 Q753110 +Q269809 P19 Q462799 +Q256750 P27 Q20 +Q133855 P119 Q311 +Q221450 P106 Q1622272 +Q255342 P161 Q447669 +Q945 P463 Q842490 +Q106762 P463 Q123885 +Q168468 P463 Q337555 +Q152272 P69 Q1059546 +Q274252 P69 Q273626 +Q34 P463 Q663492 +Q373421 P27 Q15180 +Q243419 P1050 Q131755 +Q961671 P27 Q145 +Q380424 P106 Q36180 +Q796694 P27 Q17 +Q73213 P108 Q156737 +Q491019 P140 Q93191 +Q342778 P106 Q177220 +Q717 P530 Q30 +Q945691 P27 Q754 +Q168509 P551 Q90 +Q475942 P119 Q311 +Q234791 P136 Q54365 +Q61078 P737 Q501 +Q186089 P106 Q205375 +Q105993 P136 Q2484376 +Q275180 P161 Q816565 +Q61585 P20 Q64 +Q24980 P161 Q25078 +Q59185 P264 Q726251 +Q594272 P1412 Q9067 +Q76688 P1412 Q188 +Q618025 P106 Q1930187 +Q319537 P106 Q177220 +Q55435 P69 Q131262 +Q44892 P136 Q1640319 +Q9095 P101 Q41217 +Q376278 P69 Q144488 +Q392662 P161 Q544387 +Q295107 P19 Q1297 +Q1931736 P106 Q36834 +Q367073 P106 Q3282637 +Q36233 P172 Q170217 +Q261041 P106 Q3068305 +Q80510 P69 Q2177054 +Q2066713 P1303 Q31561 +Q238702 P172 Q42406 +Q691973 P3373 Q156622 +Q270269 P106 Q2259451 +Q630446 P69 Q1797768 +Q78119 P106 Q10798782 +Q392677 P161 Q285460 +Q59112 P106 Q1930187 +Q84614 P20 Q437 +Q743642 P106 Q753110 +Q9248 P17 Q34266 +Q2657741 P106 Q901 +Q319934 P106 Q4964182 +Q167429 P106 Q214917 +Q268084 P106 Q10798782 +Q1174641 P102 Q29468 +Q456271 P102 Q29468 +Q184499 P108 Q189022 +Q25089 P140 Q288928 +Q212048 P106 Q10800557 +Q833 P530 Q37 +Q946733 P27 Q142 +Q332462 P1412 Q188 +Q159636 P101 Q5891 +Q105460 P1303 Q17172850 +Q3520383 P495 Q142 +Q62976 P161 Q288661 +Q268024 P106 Q2095549 +Q293067 P106 Q33999 +Q181425 P19 Q8646 +Q224097 P106 Q947873 +Q212 P530 Q96 +Q1042 P30 Q15 +Q24085 P106 Q1622272 +Q76749 P1412 Q188 +Q1397375 P509 Q41571 +Q62809 P106 Q10800557 +Q25856 P106 Q49757 +Q51552 P106 Q948329 +Q1373347 P106 Q19723482 +Q285020 P57 Q189415 +Q179449 P106 Q28389 +Q49492 P19 Q656 +Q217557 P106 Q482980 +Q152208 P106 Q33999 +Q86152 P69 Q32120 +Q2579732 P20 Q16557 +Q242418 P106 Q488205 +Q303213 P161 Q173399 +Q55832 P20 Q649 +Q334180 P106 Q1259917 +Q981236 P1412 Q1321 +Q298920 P106 Q1930187 +Q123870 P136 Q37073 +Q59346 P136 Q20442589 +Q212015 P106 Q10800557 +Q25320 P69 Q35794 +Q480484 P106 Q1930187 +Q161933 P27 Q38 +Q63224 P69 Q154804 +Q77109 P106 Q1622272 +Q235189 P106 Q488205 +Q240377 P106 Q2914170 +Q457687 P1303 Q17172850 +Q450821 P106 Q1622272 +Q1019 P463 Q5611262 +Q70795 P106 Q2004963 +Q77825 P108 Q153978 +Q174284 P840 Q18 +Q265 P530 Q833 +Q315348 P27 Q30 +Q329744 P27 Q16 +Q805 P530 Q183 +Q489252 P1303 Q8338 +Q76895 P136 Q21590660 +Q298360 P136 Q37073 +Q1056805 P106 Q33999 +Q865 P530 Q678 +Q16409 P136 Q482 +Q454870 P106 Q2259451 +Q274752 P106 Q10800557 +Q229 P530 Q408 +Q18832 P106 Q482980 +Q720009 P106 Q639669 +Q76325 P106 Q11063 +Q76819 P106 Q10800557 +Q326723 P27 Q30 +Q154770 P106 Q158852 +Q268912 P106 Q11631 +Q160902 P1412 Q188 +Q372959 P135 Q377616 +Q352431 P840 Q30 +Q309768 P136 Q8261 +Q179682 P27 Q34 +Q440537 P106 Q10798782 +Q166796 P19 Q138518 +Q152843 P106 Q2259451 +Q429397 P161 Q862184 +Q76114 P69 Q152087 +Q333004 P106 Q47064 +Q935407 P106 Q49757 +Q344384 P172 Q49085 +Q235737 P1303 Q5994 +Q9438 P1412 Q652 +Q1500 P69 Q151510 +Q429046 P27 Q30 +Q931278 P106 Q2310145 +Q203264 P106 Q82955 +Q1375814 P27 Q30 +Q540787 P106 Q8246794 +Q99728 P140 Q432 +Q117761 P27 Q145 +Q1173373 P136 Q11399 +Q119935 P172 Q170826 +Q72060 P106 Q36180 +Q58845 P27 Q183 +Q1366840 P509 Q3242950 +Q234204 P172 Q3476361 +Q725060 P106 Q2526255 +Q46633 P20 Q84 +Q184226 P69 Q1878600 +Q2159912 P27 Q34266 +Q30 P530 Q804 +Q70950 P140 Q75809 +Q164328 P106 Q245068 +Q242523 P106 Q10800557 +Q318223 P106 Q639669 +Q26876 P106 Q33999 +Q127330 P264 Q656752 +Q1691566 P106 Q465501 +Q166835 P463 Q463281 +Q535972 P106 Q177220 +Q352030 P27 Q213 +Q705529 P108 Q122453 +Q1683438 P69 Q1753535 +Q1252841 P69 Q333705 +Q465428 P551 Q99 +Q204996 P106 Q82955 +Q60296 P495 Q30 +Q79091 P106 Q188094 +Q57303 P69 Q54096 +Q429348 P136 Q83440 +Q315090 P69 Q168756 +Q95971 P27 Q183 +Q4397665 P509 Q12202 +Q166023 P1412 Q1860 +Q66936 P106 Q3332711 +Q1057003 P1303 Q17172850 +Q380799 P106 Q5716684 +Q211009 P161 Q179414 +Q330730 P108 Q871369 +Q97136 P27 Q183 +Q298551 P106 Q2490358 +Q2895 P463 Q1065 +Q368129 P106 Q10800557 +Q112427 P102 Q328195 +Q312081 P106 Q33999 +Q333362 P69 Q805285 +Q1036 P463 Q656801 +Q165816 P27 Q129286 +Q940439 P106 Q36180 +Q155979 P106 Q82955 +Q34189 P106 Q49757 +Q221103 P136 Q130232 +Q191543 P136 Q20443008 +Q316022 P106 Q169470 +Q25139 P161 Q273208 +Q312693 P106 Q639669 +Q206384 P106 Q1930187 +Q4415063 P27 Q159 +Q1646 P106 Q214917 +Q105993 P136 Q188473 +Q197108 P102 Q187009 +Q1409622 P19 Q72 +Q78824 P69 Q31519 +Q214227 P106 Q753110 +Q3754146 P737 Q501 +Q231841 P106 Q644687 +Q72390 P102 Q9630 +Q150804 P495 Q145 +Q427403 P1412 Q1321 +Q1074590 P106 Q753110 +Q235020 P106 Q2405480 +Q165325 P136 Q1033891 +Q77755 P108 Q51985 +Q193674 P1412 Q7737 +Q47904 P1412 Q652 +Q1058124 P69 Q392904 +Q1363261 P102 Q79854 +Q126432 P1412 Q1321 +Q170842 P106 Q169470 +Q58087 P1412 Q7737 +Q352975 P3373 Q62845 +Q375855 P161 Q103646 +Q61073 P106 Q36180 +Q196560 P69 Q503246 +Q740657 P106 Q1607826 +Q67144 P106 Q36180 +Q207588 P161 Q433403 +Q202765 P1412 Q1860 +Q228692 P106 Q2405480 +Q263621 P1412 Q652 +Q366012 P1303 Q17172850 +Q358538 P106 Q488205 +Q178991 P20 Q90 +Q131248 P106 Q40348 +Q263772 P3373 Q258053 +Q92532 P19 Q37333 +Q201459 P27 Q155 +Q84211 P463 Q150793 +Q14281 P463 Q338432 +Q842 P463 Q7809 +Q1200053 P106 Q266569 +Q354542 P106 Q584301 +Q24075 P136 Q471839 +Q61262 P463 Q833738 +Q313283 P27 Q145 +Q289108 P27 Q30 +Q57118 P27 Q183 +Q140575 P69 Q49117 +Q544464 P69 Q49116 +Q192348 P20 Q2634 +Q84770 P106 Q39631 +Q67635 P106 Q1234713 +Q196287 P106 Q81096 +Q189665 P27 Q34266 +Q112831 P161 Q232840 +Q439315 P106 Q3282637 +Q103835 P106 Q1622272 +Q190251 P136 Q11399 +Q229556 P106 Q512314 +Q183567 P106 Q39631 +Q65106 P27 Q183 +Q13909 P451 Q35332 +Q93031 P463 Q49738 +Q51564 P106 Q10800557 +Q46636 P106 Q15981151 +Q363822 P1303 Q6607 +Q1267 P106 Q49757 +Q105865 P20 Q2090 +Q42581 P106 Q10800557 +Q315132 P1412 Q7913 +Q62726 P19 Q4120832 +Q715404 P463 Q11647 +Q108935 P106 Q2405480 +Q74227 P106 Q266569 +Q707460 P509 Q12078 +Q168431 P27 Q38 +Q182692 P840 Q881 +Q213754 P463 Q83172 +Q711509 P463 Q3291340 +Q34460 P106 Q10800557 +Q58051 P108 Q658626 +Q98215 P27 Q183 +Q314424 P106 Q5716684 +Q657 P463 Q376150 +Q310637 P551 Q65 +Q185490 P161 Q1066875 +Q76600 P1412 Q188 +Q229671 P106 Q1930187 +Q107167 P161 Q236151 +Q1282413 P106 Q15296811 +Q19999 P106 Q82955 +Q289469 P161 Q266425 +Q3229792 P463 Q131566 +Q442549 P27 Q142 +Q201477 P1412 Q150 +Q76429 P106 Q1930187 +Q7317 P136 Q9730 +Q14279 P20 Q90 +Q1077409 P641 Q41323 +Q332256 P1303 Q128309 +Q313411 P27 Q30 +Q235221 P19 Q60 +Q211283 P140 Q5043 +Q242707 P106 Q3455803 +Q366805 P106 Q81096 +Q726170 P19 Q26793 +Q504083 P106 Q49757 +Q234591 P27 Q17 +Q40337 P106 Q10798782 +Q311232 P106 Q10798782 +Q157034 P172 Q201111 +Q158078 P119 Q208175 +Q315868 P551 Q1726 +Q360685 P27 Q31 +Q526220 P119 Q216344 +Q11726 P106 Q193391 +Q435805 P551 Q1874 +Q92739 P106 Q1622272 +Q55497 P106 Q33999 +Q192410 P1303 Q17172850 +Q66023 P1412 Q1860 +Q68537 P1412 Q7737 +Q9599 P106 Q81096 +Q173834 P106 Q3455803 +Q234964 P27 Q142 +Q123368 P106 Q49757 +Q550232 P161 Q6096 +Q6694 P463 Q466089 +Q298025 P106 Q266569 +Q119136 P102 Q49768 +Q270774 P264 Q843402 +Q62831 P135 Q210115 +Q91582 P106 Q1622272 +Q104067 P106 Q2259451 +Q137595 P161 Q191719 +Q185696 P551 Q46 +Q234928 P27 Q30 +Q93853 P495 Q30 +Q124094 P108 Q206702 +Q1196965 P740 Q1490 +Q11928 P161 Q231576 +Q213512 P106 Q245068 +Q189758 P264 Q43327 +Q193111 P106 Q6625963 +Q432421 P509 Q12078 +Q928281 P69 Q49115 +Q1037 P530 Q423 +Q229449 P1303 Q5994 +Q333873 P106 Q876864 +Q41422 P551 Q16552 +Q131326 P20 Q1754 +Q72090 P161 Q445311 +Q240933 P106 Q2405480 +Q333987 P509 Q333495 +Q80222 P106 Q11063 +Q154194 P495 Q145 +Q244963 P136 Q369747 +Q43432 P26 Q163249 +Q131866 P27 Q30 +Q235121 P1412 Q1860 +Q212993 P509 Q181754 +Q39 P530 Q145 +Q925240 P106 Q1930187 +Q105460 P551 Q16554 +Q332515 P57 Q274070 +Q290312 P161 Q95026 +Q76772 P463 Q329464 +Q60487 P161 Q313283 +Q387868 P57 Q51559 +Q43432 P106 Q131524 +Q86809 P106 Q1792450 +Q3188629 P106 Q12362622 +Q311022 P1412 Q150 +Q92938 P19 Q340 +Q439438 P106 Q10800557 +Q164824 P463 Q2822396 +Q276468 P106 Q28389 +Q157246 P17 Q403 +Q213447 P172 Q170826 +Q1626025 P106 Q28389 +Q429969 P57 Q25191 +Q166714 P106 Q82955 +Q270469 P106 Q639669 +Q270215 P495 Q30 +Q242128 P69 Q131252 +Q202801 P264 Q1124061 +Q116309 P106 Q1622272 +Q362828 P136 Q474090 +Q379873 P136 Q157394 +Q435205 P1303 Q6607 +Q722202 P19 Q33935 +Q57249 P1412 Q188 +Q13129708 P106 Q15995642 +Q48226 P27 Q30 +Q1035807 P106 Q488205 +Q398 P463 Q7809 +Q271981 P136 Q187760 +Q470101 P1412 Q150 +Q71625 P463 Q463303 +Q201579 P19 Q1781 +Q108622 P106 Q3282637 +Q438310 P106 Q33999 +Q41315 P161 Q40337 +Q238432 P106 Q177220 +Q163366 P106 Q188094 +Q106571 P161 Q29092 +Q271554 P26 Q313107 +Q131380 P106 Q3282637 +Q82238 P1303 Q17172850 +Q550900 P136 Q11366 +Q44584 P106 Q482980 +Q44775 P136 Q482 +Q664592 P106 Q1643514 +Q70223 P463 Q123885 +Q975777 P101 Q8134 +Q49328 P27 Q183 +Q70523 P463 Q543804 +Q2892622 P69 Q192088 +Q313210 P20 Q649 +Q953 P530 Q963 +Q240788 P106 Q3621491 +Q234015 P1412 Q7026 +Q458766 P106 Q18844224 +Q211280 P106 Q10798782 +Q220210 P102 Q29468 +Q58592 P463 Q879171 +Q18430 P19 Q184116 +Q1277002 P106 Q2259451 +Q312407 P102 Q29468 +Q141869 P463 Q1971373 +Q213865 P106 Q864380 +Q229139 P106 Q2722764 +Q75546 P136 Q860626 +Q8349 P106 Q488205 +Q318231 P69 Q178848 +Q110870 P19 Q105084 +Q3161354 P106 Q1622272 +Q356965 P27 Q15180 +Q571287 P20 Q90 +Q710466 P106 Q753110 +Q387072 P27 Q30 +Q298930 P106 Q855091 +Q40470 P551 Q65 +Q366464 P106 Q214917 +Q287960 P136 Q200092 +Q190631 P19 Q18094 +Q235572 P106 Q10800557 +Q2280 P17 Q842199 +Q75079 P106 Q3282637 +Q462574 P106 Q1607826 +Q257302 P106 Q177220 +Q13129708 P3373 Q13132095 +Q551390 P106 Q482980 +Q945024 P106 Q82955 +Q324015 P106 Q639669 +Q280978 P106 Q10800557 +Q210741 P106 Q214917 +Q38785 P106 Q1323191 +Q213613 P27 Q16957 +Q361158 P106 Q33999 +Q428489 P161 Q296928 +Q627520 P17 Q15180 +Q377 P106 Q333634 +Q855 P737 Q1394 +Q4934 P551 Q47265 +Q801 P530 Q810 +Q247733 P161 Q229291 +Q15180 P530 Q218 +Q360266 P106 Q6168364 +Q106418 P106 Q4610556 +Q386245 P495 Q145 +Q93853 P161 Q170606 +Q74513 P106 Q177220 +Q656684 P106 Q333634 +Q909 P19 Q1486 +Q314485 P106 Q36180 +Q2902710 P20 Q138518 +Q107006 P1412 Q652 +Q188117 P140 Q9268 +Q165219 P551 Q387047 +Q160456 P106 Q1622272 +Q179460 P840 Q1261 +Q239411 P69 Q333886 +Q282804 P136 Q622370 +Q805 P463 Q384535 +Q224 P463 Q8475 +Q1715512 P1412 Q387066 +Q1635222 P1303 Q17172850 +Q240998 P509 Q12152 +Q122123 P106 Q1622272 +Q187019 P737 Q991 +Q190050 P161 Q152929 +Q83333 P106 Q2919046 +Q364864 P106 Q183945 +Q267691 P106 Q1930187 +Q170042 P136 Q83440 +Q697747 P509 Q12078 +Q358322 P26 Q267217 +Q233876 P27 Q29 +Q34 P530 Q1006 +Q333231 P1412 Q1860 +Q437138 P106 Q2865819 +Q154691 P108 Q21578 +Q1453287 P108 Q854280 +Q206832 P463 Q329464 +Q465000 P101 Q482 +Q70871 P108 Q152087 +Q188848 P1303 Q17172850 +Q229379 P264 Q38903 +Q905 P69 Q31519 +Q57614 P172 Q42884 +Q157208 P69 Q745967 +Q57179 P106 Q189290 +Q7343182 P106 Q901 +Q295847 P106 Q177220 +Q744689 P463 Q463303 +Q27751 P161 Q275658 +Q873 P551 Q779 +Q239910 P69 Q617433 +Q221113 P161 Q173158 +Q180710 P27 Q30 +Q127959 P463 Q123885 +Q938402 P27 Q131964 +Q235451 P140 Q9089 +Q225 P463 Q81299 +Q927 P106 Q11774202 +Q89516 P463 Q920266 +Q94331 P463 Q684415 +Q41 P463 Q782942 +Q4538 P1412 Q1860 +Q64076 P106 Q82955 +Q292623 P106 Q10800557 +Q400765 P140 Q7066 +Q907600 P1412 Q9067 +Q275545 P106 Q36180 +Q142751 P840 Q90 +Q17 P530 Q733 +Q60579 P20 Q656 +Q255786 P1303 Q17172850 +Q238795 P106 Q36834 +Q206388 P161 Q329700 +Q431117 P136 Q183504 +Q215444 P69 Q31519 +Q362332 P106 Q177220 +Q9204 P106 Q14467526 +Q35 P463 Q17495 +Q203715 P106 Q36180 +Q40475 P119 Q1771319 +Q453679 P106 Q36180 +Q91981 P106 Q3286043 +Q963 P530 Q183 +Q484302 P264 Q726251 +Q1585614 P264 Q772494 +Q669685 P106 Q1930187 +Q57641 P172 Q133032 +Q3462736 P463 Q463303 +Q240769 P69 Q180865 +Q332607 P1412 Q1860 +Q444591 P106 Q33999 +Q225453 P20 Q656 +Q271054 P136 Q191489 +Q270085 P106 Q2310145 +Q618025 P19 Q1754 +Q60969 P106 Q39631 +Q204751 P106 Q36834 +Q303918 P19 Q994 +Q1459658 P140 Q3333484 +Q217020 P136 Q188473 +Q59054 P106 Q28389 +Q318029 P69 Q390287 +Q91384 P1412 Q188 +Q162389 P26 Q205314 +Q342788 P551 Q65 +Q41594 P136 Q211756 +Q213754 P19 Q727 +Q108814 P463 Q83172 +Q171711 P161 Q139642 +Q34660 P551 Q288781 +Q76516 P108 Q154804 +Q217627 P136 Q130232 +Q219 P463 Q1480793 +Q151792 P136 Q157394 +Q112536 P106 Q33999 +Q178010 P106 Q10798782 +Q77497 P106 Q36180 +Q380799 P264 Q183412 +Q53010 P106 Q2526255 +Q190525 P57 Q25191 +Q192073 P840 Q816 +Q185490 P840 Q869 +Q68411 P69 Q155354 +Q232827 P106 Q10798782 +Q49319 P1303 Q17172850 +Q18233 P136 Q316930 +Q171571 P27 Q30 +Q86632 P106 Q2405480 +Q8573 P1412 Q1860 +Q180099 P1412 Q1860 +Q423 P530 Q148 +Q1047 P463 Q463303 +Q267769 P172 Q133032 +Q296883 P106 Q10798782 +Q1400917 P106 Q876864 +Q104256 P106 Q1234713 +Q60969 P463 Q329464 +Q46096 P172 Q34069 +Q237518 P106 Q4853732 +Q71208 P106 Q185351 +Q706518 P1303 Q17172850 +Q156814 P106 Q18814623 +Q258626 P551 Q1489 +Q62725 P463 Q558439 +Q267721 P495 Q145 +Q110714 P106 Q15981151 +Q1020 P463 Q8475 +Q381505 P27 Q30 +Q160902 P106 Q15980158 +Q183063 P161 Q51489 +Q664 P463 Q1072120 +Q3133221 P19 Q1492 +Q36844 P551 Q194420 +Q122123 P108 Q1204714 +Q239307 P106 Q36180 +Q53004 P27 Q38 +Q597433 P106 Q28389 +Q105387 P136 Q846544 +Q1031847 P106 Q36834 +Q259807 P161 Q233736 +Q346285 P1303 Q5994 +Q817353 P102 Q49750 +Q339031 P136 Q37073 +Q154356 P69 Q83259 +Q34628 P106 Q1234713 +Q311791 P509 Q12204 +Q247846 P106 Q13590141 +Q240658 P106 Q33999 +Q465350 P106 Q205375 +Q230710 P106 Q10800557 +Q38484 P27 Q38 +Q75186 P27 Q16957 +Q29092 P106 Q10800557 +Q55390 P136 Q37073 +Q131326 P172 Q165192 +Q57688 P1412 Q188 +Q115987 P108 Q499451 +Q99634 P463 Q1202021 +Q333187 P1412 Q9056 +Q302682 P161 Q166212 +Q400729 P106 Q482980 +Q1803720 P106 Q36834 +Q294819 P106 Q10798782 +Q119348 P108 Q4614 +Q769 P463 Q827525 +Q266676 P106 Q183945 +Q1507223 P69 Q41506 +Q125663 P106 Q17167049 +Q232104 P172 Q49085 +Q236075 P1303 Q5994 +Q173839 P27 Q30 +Q1827208 P19 Q84 +Q542101 P106 Q1327329 +Q4527494 P1412 Q7737 +Q188954 P106 Q82594 +Q325389 P106 Q3089940 +Q435878 P106 Q177220 +Q122713 P136 Q604725 +Q72429 P106 Q639669 +Q298682 P106 Q10798782 +Q733373 P172 Q49085 +Q57387 P69 Q153978 +Q719247 P106 Q639669 +Q262396 P106 Q639669 +Q314805 P106 Q3282637 +Q150989 P106 Q593644 +Q67938 P20 Q1055 +Q234314 P106 Q36180 +Q42156 P19 Q90 +Q175366 P69 Q192088 +Q233118 P106 Q3455803 +Q188845 P161 Q230710 +Q929 P530 Q142 +Q240713 P161 Q229220 +Q102341 P20 Q47164 +Q311716 P136 Q21590660 +Q60059 P1412 Q188 +Q106235 P69 Q156725 +Q224544 P27 Q131964 +Q636 P1303 Q5994 +Q309153 P495 Q30 +Q181683 P106 Q177220 +Q49734 P136 Q11399 +Q1530794 P106 Q82955 +Q37 P463 Q458 +Q697747 P106 Q201788 +Q224544 P172 Q170217 +Q353442 P108 Q273626 +Q350588 P106 Q488205 +Q558794 P106 Q676 +Q189400 P106 Q10798782 +Q58592 P27 Q29 +Q433616 P106 Q10800557 +Q505358 P106 Q81096 +Q32257 P20 Q64 +Q40912 P264 Q193023 +Q335598 P106 Q639669 +Q60116 P106 Q2374149 +Q215042 P19 Q2742 +Q462502 P106 Q10800557 +Q298777 P106 Q2259451 +Q466649 P136 Q483352 +Q381185 P106 Q15980158 +Q104301 P108 Q622683 +Q214475 P106 Q15253558 +Q328042 P106 Q82955 +Q108857 P108 Q315658 +Q722555 P106 Q11774202 +Q118812 P1412 Q188 +Q211136 P361 Q6354282 +Q142988 P106 Q36180 +Q207536 P161 Q42204 +Q106506 P161 Q1066875 +Q104514 P27 Q30 +Q46096 P463 Q253439 +Q235305 P106 Q2259451 +Q271006 P161 Q220698 +Q216266 P463 Q161806 +Q3847508 P106 Q482980 +Q159646 P1412 Q150 +Q221236 P161 Q346595 +Q192682 P19 Q24639 +Q309980 P106 Q33999 +Q311263 P69 Q670897 +Q111344 P106 Q1622272 +Q234454 P106 Q33999 +Q53001 P106 Q3282637 +Q165680 P69 Q80207 +Q1359039 P1412 Q1860 +Q25163 P172 Q50001 +Q590420 P27 Q218 +Q377614 P463 Q191583 +Q15180 P463 Q1065 +Q1618047 P102 Q49764 +Q764913 P106 Q1930187 +Q77938 P463 Q188771 +Q93632 P106 Q10798782 +Q95043 P106 Q33999 +Q73063 P463 Q463303 +Q330376 P1412 Q1860 +Q505274 P106 Q6625963 +Q851 P530 Q833 +Q235421 P1303 Q17172850 +Q1372074 P106 Q639669 +Q83630 P161 Q41422 +Q70324 P1412 Q188 +Q134456 P106 Q822146 +Q1378383 P27 Q30 +Q62459 P106 Q1397808 +Q51603 P27 Q16 +Q315773 P106 Q482980 +Q1296 P17 Q31 +Q214 P463 Q191384 +Q540134 P106 Q639669 +Q366307 P106 Q36180 +Q106465 P551 Q1612 +Q2892622 P27 Q174193 +Q1027051 P136 Q1344 +Q87840 P102 Q694714 +Q49847 P106 Q28389 +Q957627 P509 Q47912 +Q12276134 P1412 Q9299 +Q313581 P106 Q864380 +Q505743 P20 Q24639 +Q252041 P106 Q214917 +Q726296 P1412 Q1860 +Q179150 P106 Q10798782 +Q727148 P106 Q82955 +Q1190550 P264 Q208909 +Q379994 P161 Q240206 +Q148387 P161 Q325020 +Q182654 P140 Q60995 +Q1239933 P106 Q639669 +Q73096 P108 Q151510 +Q128532 P108 Q126399 +Q29313 P495 Q30 +Q319392 P106 Q13235160 +Q1066965 P106 Q158852 +Q448960 P106 Q10800557 +Q183187 P3373 Q307463 +Q919156 P1303 Q17172850 +Q905 P106 Q12144794 +Q235928 P102 Q29468 +Q1337067 P106 Q333634 +Q179497 P1412 Q1860 +Q439267 P136 Q7749 +Q460366 P106 Q49757 +Q273978 P136 Q188473 +Q137042 P509 Q47912 +Q98215 P69 Q659080 +Q309640 P3373 Q174843 +Q47900 P106 Q131512 +Q153248 P106 Q18814623 +Q255335 P106 Q10798782 +Q77210 P27 Q16957 +Q991 P20 Q656 +Q224 P463 Q7809 +Q520760 P27 Q15180 +Q62402 P19 Q2079 +Q465127 P19 Q12439 +Q154581 P161 Q45647 +Q1039 P463 Q496967 +Q1334439 P106 Q40348 +Q65013 P102 Q153401 +Q37327 P106 Q333634 +Q51549 P509 Q220570 +Q588067 P106 Q177220 +Q92787 P463 Q131566 +Q36970 P136 Q1033891 +Q143901 P161 Q235002 +Q104088 P551 Q15180 +Q133489 P106 Q177220 +Q219377 P1412 Q1860 +Q944509 P102 Q29552 +Q296616 P106 Q482980 +Q232592 P1412 Q1860 +Q38392 P1412 Q1860 +Q57180 P19 Q64 +Q240772 P509 Q9687 +Q6691 P1412 Q35497 +Q333615 P27 Q142 +Q863049 P27 Q145 +Q278997 P161 Q170428 +Q262 P530 Q833 +Q127539 P106 Q36180 +Q64043 P106 Q28389 +Q1500 P509 Q216169 +Q296928 P106 Q33999 +Q427884 P106 Q1415090 +Q317160 P106 Q14467526 +Q738765 P106 Q1930187 +Q27751 P161 Q193815 +Q318485 P27 Q884 +Q507864 P106 Q639669 +Q1240856 P463 Q337526 +Q117 P530 Q30 +Q40213 P737 Q182589 +Q173540 P106 Q12144794 +Q333402 P106 Q81096 +Q51133 P106 Q2526255 +Q320895 P106 Q36834 +Q57604 P509 Q12192 +Q92824 P69 Q333705 +Q61407 P106 Q201788 +Q363708 P20 Q484678 +Q40495 P106 Q47064 +Q88248 P27 Q183 +Q364315 P463 Q337580 +Q621879 P106 Q81096 +Q215263 P69 Q13371 +Q600701 P1412 Q150 +Q369394 P509 Q2140674 +Q217314 P69 Q192334 +Q437254 P106 Q28389 +Q42574 P1412 Q1860 +Q626061 P101 Q482 +Q318004 P463 Q188771 +Q447015 P27 Q15180 +Q84842 P20 Q84 +Q159250 P136 Q11399 +Q703642 P106 Q40348 +Q16473 P1303 Q258896 +Q389014 P161 Q190523 +Q157058 P17 Q12560 +Q129006 P106 Q193391 +Q4137 P1412 Q7737 +Q44221 P106 Q2259451 +Q88050 P106 Q49757 +Q353442 P463 Q3291340 +Q128126 P463 Q161806 +Q92622 P69 Q190080 +Q711874 P27 Q30 +Q150630 P106 Q10872101 +Q150471 P106 Q36180 +Q92824 P106 Q4964182 +Q25997 P106 Q214917 +Q112831 P136 Q859369 +Q7833 P26 Q533970 +Q192160 P57 Q191755 +Q1130554 P509 Q181754 +Q206461 P161 Q58444 +Q876706 P69 Q165980 +Q232514 P27 Q96 +Q81219 P1412 Q150 +Q2857384 P136 Q37073 +Q55190 P27 Q15180 +Q35912 P1412 Q1860 +Q221109 P161 Q320084 +Q107940 P161 Q16345 +Q1225 P106 Q486748 +Q126462 P106 Q156035 +Q330376 P509 Q389735 +Q373968 P106 Q2259451 +Q97431 P1412 Q188 +Q342533 P69 Q192088 +Q160518 P106 Q81096 +Q60804 P69 Q579968 +Q34389 P106 Q4610556 +Q258462 P140 Q748 +Q77823 P108 Q153978 +Q1352613 P161 Q311450 +Q434585 P106 Q2405480 +Q220980 P106 Q39631 +Q66162 P69 Q153265 +Q444840 P1303 Q17172850 +Q221384 P161 Q1132632 +Q184785 P106 Q36180 +Q17 P530 Q41 +Q182944 P161 Q483118 +Q57347 P27 Q29999 +Q97083 P463 Q695302 +Q874 P530 Q902 +Q4894155 P1412 Q1321 +Q283859 P106 Q28389 +Q87542 P119 Q1437214 +Q309248 P840 Q90 +Q168468 P106 Q1622272 +Q747 P136 Q40831 +Q332956 P106 Q18939491 +Q203840 P106 Q10800557 +Q922336 P172 Q50001 +Q248935 P106 Q13582652 +Q153909 P69 Q240631 +Q968565 P106 Q1930187 +Q204019 P140 Q9089 +Q214309 P106 Q10800557 +Q909 P737 Q82925 +Q18407 P136 Q157443 +Q156902 P106 Q36180 +Q1351047 P1412 Q1860 +Q153248 P106 Q2526255 +Q253395 P509 Q389735 +Q151523 P108 Q661916 +Q180665 P26 Q309756 +Q5372719 P19 Q23556 +Q153725 P106 Q33999 +Q110126 P27 Q43 +Q4235 P264 Q387539 +Q186042 P463 Q2370801 +Q154691 P69 Q222738 +Q89292 P69 Q54096 +Q963787 P1303 Q17172850 +Q99728 P27 Q794 +Q334965 P106 Q36180 +Q289805 P463 Q2370801 +Q53719 P161 Q193517 +Q9594 P106 Q82594 +Q159347 P106 Q33999 +Q863049 P106 Q36834 +Q333505 P106 Q10800557 +Q57371 P1412 Q150 +Q167437 P136 Q959790 +Q55449 P106 Q33999 +Q1452597 P106 Q639669 +Q78505 P106 Q2259451 +Q152503 P106 Q131524 +Q497271 P1412 Q1860 +Q229082 P27 Q30 +Q78983 P102 Q179111 +Q156023 P136 Q9734 +Q733611 P106 Q639669 +Q181659 P737 Q1398 +Q1099640 P1303 Q17172850 +Q85118 P106 Q10798782 +Q44892 P264 Q183412 +Q225629 P106 Q15981151 +Q80064 P172 Q7325 +Q550262 P463 Q543804 +Q318485 P106 Q753110 +Q11993457 P17 Q29 +Q1281738 P106 Q488205 +Q472250 P102 Q815348 +Q310866 P106 Q1930187 +Q36105 P106 Q10798782 +Q450412 P69 Q13371 +Q723141 P106 Q82955 +Q4030 P106 Q158852 +Q459889 P161 Q81819 +Q744288 P106 Q170790 +Q12750 P1412 Q7026 +Q313758 P101 Q8341 +Q667925 P19 Q90 +Q86203 P106 Q864380 +Q49452 P106 Q82955 +Q20178 P106 Q10800557 +Q880181 P463 Q463303 +Q262479 P27 Q30 +Q102235 P161 Q106481 +Q219442 P161 Q354873 +Q103949 P2348 Q6927 +Q706332 P106 Q488205 +Q451608 P108 Q273626 +Q219 P530 Q215 +Q330612 P495 Q30 +Q42775 P106 Q177220 +Q1286510 P1412 Q1860 +Q325004 P172 Q49542 +Q505274 P106 Q1930187 +Q78739 P463 Q833738 +Q39 P463 Q5611262 +Q1101938 P551 Q18419 +Q132238 P106 Q36834 +Q429046 P106 Q33999 +Q232 P463 Q1065 +Q989 P509 Q183134 +Q1236051 P106 Q901 +Q105180 P140 Q33203 +Q2892622 P119 Q145 +Q383844 P161 Q52440 +Q228546 P106 Q214917 +Q249350 P136 Q959790 +Q252041 P106 Q10873124 +Q106073 P19 Q2973 +Q160852 P463 Q338432 +Q554150 P1412 Q1321 +Q271981 P1412 Q1860 +Q274117 P136 Q37073 +Q263582 P27 Q218 +Q135139 P463 Q83172 +Q232520 P27 Q30 +Q963 P463 Q17495 +Q225 P530 Q236 +Q230647 P69 Q190080 +Q232868 P27 Q142 +Q124401 P106 Q36180 +Q272095 P264 Q3415083 +Q1050 P463 Q294278 +Q2620784 P19 Q60 +Q110330 P108 Q319239 +Q106748 P106 Q40348 +Q863514 P27 Q31 +Q1046612 P106 Q486748 +Q41 P530 Q27 +Q699565 P106 Q43845 +Q92862 P108 Q49088 +Q228789 P106 Q2405480 +Q72429 P106 Q488205 +Q214831 P106 Q639669 +Q462574 P106 Q864380 +Q8027 P737 Q131149 +Q269927 P69 Q993267 +Q236217 P136 Q130232 +Q966349 P463 Q939743 +Q67637 P106 Q82955 +Q276769 P161 Q40531 +Q166214 P136 Q19367312 +Q48959 P106 Q36834 +Q130799 P136 Q217191 +Q181803 P161 Q128379 +Q3383262 P106 Q3745071 +Q236987 P106 Q222749 +Q214216 P106 Q133485 +Q182658 P1412 Q1860 +Q386714 P136 Q130232 +Q96798 P106 Q1622272 +Q426433 P136 Q130232 +Q1364884 P108 Q245247 +Q11815 P106 Q193391 +Q180405 P161 Q65932 +Q51110 P1303 Q17172850 +Q104109 P27 Q30 +Q162793 P119 Q12404547 +Q213583 P106 Q864503 +Q350194 P106 Q10800557 +Q561826 P102 Q29552 +Q125451 P19 Q1731 +Q230836 P101 Q482 +Q184499 P106 Q16742096 +Q23441 P106 Q4164507 +Q264989 P106 Q177220 +Q211111 P106 Q33999 +Q6701 P463 Q1792159 +Q34943 P108 Q87 +Q3188663 P1412 Q150 +Q158878 P101 Q23404 +Q164765 P27 Q2184 +Q721819 P27 Q30 +Q310785 P106 Q2526255 +Q105695 P19 Q16554 +Q5879 P463 Q414188 +Q303464 P27 Q148 +Q44707 P106 Q33999 +Q132952 P106 Q245068 +Q1026826 P1412 Q1321 +Q1874 P17 Q15180 +Q23 P463 Q41726 +Q105158 P1412 Q150 +Q887948 P106 Q9648008 +Q229735 P136 Q43343 +Q535812 P106 Q11774202 +Q2773 P463 Q747279 +Q60969 P463 Q270794 +Q29 P530 Q225 +Q61310 P69 Q152087 +Q273727 P19 Q33486 +Q186264 P106 Q18814623 +Q65344 P69 Q41506 +Q233739 P106 Q177220 +Q216814 P106 Q11063 +Q69406 P463 Q329464 +Q84386 P509 Q193840 +Q106655 P106 Q36180 +Q44517 P106 Q82955 +Q15180 P530 Q1008 +Q567 P172 Q42884 +Q233362 P264 Q729590 +Q349461 P1303 Q17172850 +Q70047 P106 Q82955 +Q164869 P106 Q10800557 +Q233697 P106 Q10800557 +Q315199 P136 Q38848 +Q90709 P106 Q4263842 +Q162269 P1412 Q1860 +Q707352 P106 Q177220 +Q129087 P26 Q102551 +Q128085 P106 Q486748 +Q115525 P106 Q169470 +Q727705 P106 Q6625963 +Q16297 P106 Q177220 +Q207588 P161 Q45553 +Q154448 P69 Q390287 +Q32849 P136 Q850412 +Q34743 P106 Q18814623 +Q273568 P136 Q645928 +Q327914 P27 Q172579 +Q237994 P106 Q36180 +Q57106 P1412 Q150 +Q589781 P1303 Q6607 +Q172183 P106 Q82955 +Q167635 P106 Q753110 +Q272960 P106 Q2405480 +Q298352 P106 Q4220892 +Q429934 P136 Q188473 +Q981270 P119 Q1092107 +Q110719 P106 Q82955 +Q110695 P509 Q175111 +Q233433 P106 Q33999 +Q344537 P161 Q232470 +Q92643 P101 Q21198 +Q1028 P463 Q340195 +Q125017 P69 Q1542213 +Q464232 P264 Q843402 +Q1897911 P136 Q2913982 +Q64076 P27 Q1206012 +Q65533 P20 Q1726 +Q215856 P106 Q36180 +Q969048 P106 Q333634 +Q505949 P106 Q40348 +Q537112 P106 Q1930187 +Q232592 P106 Q49757 +Q239415 P106 Q36834 +Q164060 P1303 Q6607 +Q215392 P112 Q59474 +Q818048 P106 Q753110 +Q964355 P106 Q1930187 +Q317350 P264 Q213710 +Q265661 P106 Q2490358 +Q44634 P106 Q36834 +Q315650 P1303 Q46185 +Q57239 P106 Q6625963 +Q2645477 P69 Q273626 +Q233817 P106 Q33999 +Q222744 P27 Q419 +Q173158 P27 Q145 +Q312857 P106 Q158852 +Q380045 P264 Q2535085 +Q754 P463 Q3772571 +Q434585 P106 Q2526255 +Q969753 P106 Q333634 +Q191305 P27 Q142 +Q350601 P106 Q10800557 +Q741600 P106 Q9648008 +Q60953 P106 Q2405480 +Q33131 P161 Q262267 +Q91446 P69 Q168426 +Q611927 P119 Q311 +Q242329 P106 Q28389 +Q100440 P106 Q2259451 +Q154421 P136 Q21590660 +Q248592 P1303 Q17172850 +Q105543 P27 Q183 +Q430893 P19 Q84 +Q34670 P108 Q646229 +Q215 P463 Q5611262 +Q215497 P136 Q11401 +Q82006 P108 Q192775 +Q205456 P140 Q7066 +Q61761 P106 Q3400985 +Q158629 P106 Q11774202 +Q350690 P509 Q12152 +Q958578 P106 Q36180 +Q134180 P1412 Q1860 +Q128985 P1412 Q1860 +Q735399 P106 Q1930187 +Q172383 P20 Q220 +Q19504 P27 Q183 +Q77161 P1412 Q7976 +Q1343499 P20 Q779 +Q228 P30 Q46 +Q329131 P161 Q122614 +Q726440 P106 Q639669 +Q560847 P69 Q49108 +Q213870 P27 Q154741 +Q779682 P108 Q219317 +Q83557 P27 Q15180 +Q270186 P27 Q30 +Q182763 P136 Q157443 +Q566200 P27 Q30 +Q274429 P27 Q142 +Q195616 P106 Q193391 +Q1648062 P19 Q1055 +Q57136 P69 Q32120 +Q750 P530 Q155 +Q460161 P106 Q81096 +Q115547 P106 Q10798782 +Q326542 P509 Q12152 +Q72267 P20 Q34006 +Q978375 P19 Q8678 +Q8298 P27 Q142 +Q2120396 P27 Q174193 +Q944759 P106 Q639669 +Q1523176 P106 Q483501 +Q355159 P106 Q13382533 +Q229176 P69 Q8008661 +Q97083 P1412 Q188 +Q94882 P27 Q403 +Q246497 P27 Q34266 +Q114 P530 Q902 +Q288645 P161 Q294586 +Q34453 P27 Q159 +Q266429 P264 Q1273666 +Q380865 P106 Q245068 +Q184 P530 Q148 +Q1253366 P161 Q348738 +Q2481742 P106 Q3368718 +Q2560778 P463 Q49738 +Q61280 P108 Q20266330 +Q219150 P495 Q408 +Q483203 P136 Q213121 +Q72334 P27 Q30 +Q373508 P69 Q49108 +Q450789 P27 Q41 +Q1058124 P1303 Q11405 +Q217160 P27 Q30 +Q37577 P106 Q36180 +Q184572 P19 Q34739 +Q274362 P106 Q177220 +Q81796 P106 Q214917 +Q296577 P1412 Q1860 +Q367132 P106 Q82955 +Q1047366 P159 Q8652 +Q284333 P161 Q189351 +Q114 P463 Q899770 +Q972676 P106 Q4263842 +Q89383 P106 Q81096 +Q287977 P140 Q624477 +Q315152 P1412 Q5287 +Q62898 P106 Q5482740 +Q132899 P27 Q34266 +Q219421 P161 Q254789 +Q329807 P106 Q13235160 +Q105756 P737 Q6882 +Q642060 P1412 Q150 +Q304030 P495 Q30 +Q750 P463 Q7809 +Q161933 P1412 Q652 +Q27 P530 Q218 +Q986 P361 Q27407 +Q133054 P106 Q18814623 +Q449140 P1303 Q258896 +Q710924 P106 Q82594 +Q322760 P172 Q49085 +Q76490 P1303 Q80019 +Q202326 P136 Q959790 +Q229940 P19 Q16563 +Q318750 P106 Q266569 +Q201924 P161 Q310394 +Q449140 P106 Q488205 +Q705841 P509 Q12078 +Q668 P530 Q801 +Q278319 P119 Q208175 +Q66216 P1412 Q188 +Q129486 P106 Q1930187 +Q261456 P27 Q142 +Q261550 P161 Q367129 +Q83155 P463 Q253439 +Q103848 P106 Q43845 +Q221074 P19 Q2634 +Q3441496 P463 Q463303 +Q434095 P1412 Q1321 +Q487119 P17 Q30 +Q295919 P27 Q30 +Q65385 P27 Q183 +Q546 P17 Q172579 +Q25310 P140 Q1841 +Q230516 P106 Q10800557 +Q539120 P19 Q1085 +Q981996 P106 Q177220 +Q92766 P69 Q142740 +Q60659 P172 Q42884 +Q218690 P27 Q142 +Q919367 P1303 Q6607 +Q966228 P106 Q3400985 +Q287427 P106 Q10800557 +Q380280 P19 Q994 +Q217303 P161 Q222071 +Q57442 P108 Q158158 +Q153739 P106 Q36180 +Q181555 P840 Q60 +Q110379 P106 Q33999 +Q202663 P264 Q183387 +Q183266 P106 Q333634 +Q42156 P101 Q5891 +Q928 P530 Q977 +Q5149905 P131 Q11299 +Q76 P106 Q82955 +Q340046 P69 Q371625 +Q949281 P106 Q36180 +Q668 P30 Q48 +Q234360 P106 Q10798782 +Q379117 P1412 Q1860 +Q34020 P530 Q664 +Q983450 P106 Q15980158 +Q4628 P17 Q35 +Q38193 P108 Q20266894 +Q605778 P136 Q429264 +Q156178 P106 Q2526255 +Q232214 P1303 Q5994 +Q323805 P20 Q270 +Q1269512 P106 Q639669 +Q107894 P161 Q3938408 +Q215 P530 Q218 +Q233584 P106 Q6625963 +Q181917 P106 Q18814623 +Q371403 P106 Q488205 +Q668 P530 Q155 +Q34460 P106 Q28389 +Q106685 P106 Q2059704 +Q238029 P69 Q861548 +Q98311 P69 Q152838 +Q295873 P69 Q49108 +Q219420 P108 Q1472358 +Q539791 P69 Q41506 +Q1351527 P136 Q43343 +Q44219 P106 Q6625963 +Q40096 P106 Q33999 +Q19242 P69 Q49126 +Q529858 P509 Q206901 +Q385036 P136 Q130232 +Q229697 P106 Q4610556 +Q79 P463 Q827525 +Q441941 P19 Q65 +Q389779 P136 Q83270 +Q507734 P264 Q843402 +Q196685 P161 Q214309 +Q215623 P106 Q4964182 +Q240885 P1303 Q17172850 +Q299968 P106 Q2259451 +Q90962 P27 Q7318 +Q116359 P1412 Q150 +Q109608 P19 Q64 +Q4530046 P3373 Q22955657 +Q213844 P1412 Q1860 +Q275120 P840 Q20 +Q70988 P20 Q64 +Q105937 P27 Q30 +Q441114 P106 Q33999 +Q350690 P102 Q29468 +Q72538 P106 Q1622272 +Q537665 P106 Q901 +Q29313 P161 Q353978 +Q691471 P106 Q1622272 +Q47447 P264 Q726251 +Q698444 P737 Q47484 +Q361257 P106 Q36834 +Q293590 P136 Q11401 +Q11031 P101 Q8134 +Q58282 P140 Q6423963 +Q1606108 P106 Q901 +Q95424 P106 Q1622272 +Q778 P463 Q7785 +Q584292 P106 Q36180 +Q403 P530 Q214 +Q2416148 P106 Q131524 +Q90819 P102 Q49768 +Q711 P530 Q30 +Q267051 P19 Q185582 +Q309995 P463 Q161806 +Q178348 P106 Q3282637 +Q781 P37 Q1860 +Q556767 P106 Q1930187 +Q84266 P106 Q82955 +Q140099 P136 Q213665 +Q65350 P106 Q169470 +Q3762573 P106 Q901 +Q557774 P463 Q2749618 +Q695036 P106 Q36180 +Q138850 P106 Q201788 +Q51094 P1303 Q17172850 +Q1277063 P136 Q37073 +Q232149 P463 Q463303 +Q42398 P106 Q12144794 +Q228909 P1303 Q17172850 +Q833 P463 Q17495 +Q40531 P136 Q21590660 +Q102071 P1412 Q9027 +Q445648 P1303 Q31561 +Q311459 P106 Q4263842 +Q188461 P264 Q38903 +Q526022 P106 Q205375 +Q3118802 P108 Q41506 +Q1689075 P106 Q488205 +Q443190 P106 Q2516866 +Q157318 P463 Q463303 +Q310950 P69 Q238101 +Q258980 P106 Q33999 +Q2335557 P19 Q1492 +Q220269 P1412 Q7913 +Q836656 P106 Q639669 +Q380579 P27 Q148 +Q1031 P106 Q40348 +Q272224 P106 Q1930187 +Q194696 P161 Q229572 +Q4184336 P27 Q15180 +Q797615 P136 Q9759 +Q203574 P161 Q172653 +Q89404 P106 Q36180 +Q185048 P495 Q30 +Q565678 P19 Q12892 +Q232035 P1412 Q652 +Q594272 P108 Q661916 +Q232562 P106 Q36180 +Q38 P463 Q7825 +Q347832 P106 Q49757 +Q438507 P509 Q12192 +Q22955657 P3373 Q4530046 +Q351732 P106 Q465501 +Q356283 P1412 Q1321 +Q90720 P106 Q1607826 +Q240233 P69 Q49210 +Q38222 P106 Q10800557 +Q185147 P1303 Q6607 +Q432940 P106 Q10798782 +Q1175266 P264 Q202440 +Q884 P530 Q38 +Q34660 P737 Q79904 +Q471751 P1412 Q6654 +Q206576 P161 Q314831 +Q20 P530 Q212 +Q297097 P106 Q177220 +Q18430 P102 Q29552 +Q1151 P463 Q1541450 +Q318750 P106 Q28389 +Q538109 P1412 Q9027 +Q29418 P108 Q371625 +Q730261 P264 Q654283 +Q100400 P106 Q49757 +Q248289 P840 Q90 +Q3088816 P106 Q639669 +Q732055 P27 Q30 +Q600635 P136 Q37073 +Q332508 P106 Q82955 +Q312292 P106 Q639669 +Q465695 P106 Q2405480 +Q366464 P27 Q142 +Q540155 P106 Q4263842 +Q79034 P106 Q36180 +Q429311 P136 Q860626 +Q246731 P106 Q864503 +Q232085 P106 Q488205 +Q47122 P106 Q13235160 +Q193105 P102 Q29468 +Q86573 P1412 Q188 +Q24995 P106 Q639669 +Q181875 P106 Q82955 +Q95469 P108 Q467025 +Q419 P530 Q801 +Q333106 P106 Q201788 +Q71000 P106 Q1326886 +Q205532 P136 Q200092 +Q157303 P106 Q4263842 +Q31013 P106 Q36834 +Q82409 P509 Q181754 +Q77608 P20 Q61 +Q91823 P106 Q42973 +Q215142 P69 Q54096 +Q109455 P19 Q1731 +Q678 P463 Q7825 +Q347635 P27 Q142 +Q39803 P463 Q11993457 +Q1036131 P106 Q639669 +Q8201431 P106 Q350979 +Q150652 P1412 Q188 +Q902 P530 Q889 +Q25120 P1412 Q150 +Q76746 P106 Q1238570 +Q238712 P106 Q10798782 +Q217787 P101 Q207628 +Q1346849 P106 Q14915627 +Q597433 P106 Q9648008 +Q430922 P106 Q486748 +Q329131 P161 Q236842 +Q724883 P27 Q29 +Q1360888 P106 Q3455803 +Q686 P530 Q183 +Q18154882 P161 Q342665 +Q335544 P106 Q2306091 +Q441440 P19 Q1297 +Q714462 P20 Q49111 +Q228882 P19 Q16555 +Q74807 P106 Q1234713 +Q180850 P106 Q33999 +Q102541 P19 Q3778 +Q40909 P106 Q15949613 +Q433284 P641 Q847 +Q41076 P106 Q12362622 +Q270951 P136 Q1298934 +Q101797 P106 Q10798782 +Q340911 P840 Q1370 +Q317251 P106 Q28389 +Q179493 P108 Q186285 +Q76197 P69 Q154804 +Q52440 P136 Q11401 +Q191719 P1412 Q1860 +Q219780 P69 Q49088 +Q355009 P1050 Q84263196 +Q88899 P1412 Q188 +Q298035 P19 Q1486 +Q41590 P106 Q24387326 +Q104266 P106 Q3282637 +Q1671177 P106 Q81096 +Q216582 P1412 Q150 +Q4465 P106 Q2526255 +Q804 P463 Q190008 +Q239419 P1412 Q1860 +Q294586 P27 Q145 +Q195333 P106 Q10800557 +Q784 P530 Q865 +Q367085 P106 Q28389 +Q24962 P106 Q28389 +Q298341 P27 Q30 +Q705210 P40 Q597694 +Q1590452 P106 Q81096 +Q123516 P69 Q659080 +Q310060 P106 Q36180 +Q971962 P69 Q174158 +Q1037 P463 Q899770 +Q377 P140 Q9592 +Q1195390 P1303 Q5994 +Q681465 P135 Q8361 +Q108639 P27 Q183 +Q41422 P106 Q2526255 +Q2161 P106 Q49757 +Q107350 P106 Q822146 +Q962897 P106 Q81096 +Q76364 P106 Q639669 +Q435475 P1412 Q1860 +Q380467 P1412 Q1860 +Q189197 P106 Q40348 +Q40475 P1412 Q1860 +Q310389 P106 Q36180 +Q4514164 P69 Q1367256 +Q60469 P106 Q49757 +Q356109 P26 Q168992 +Q168419 P106 Q121594 +Q7197 P106 Q6625963 +Q367653 P106 Q5716684 +Q23505 P106 Q131524 +Q242387 P27 Q142 +Q215036 P27 Q28 +Q66720618 P106 Q1925963 +Q25014 P69 Q35794 +Q164351 P106 Q644687 +Q62443 P119 Q1200 +Q236669 P106 Q11774202 +Q403 P131 Q83286 +Q57396 P106 Q2865819 +Q87131 P27 Q183 +Q372234 P106 Q33999 +Q33637 P509 Q181257 +Q97070 P19 Q4120832 +Q86685 P106 Q28389 +Q4612 P106 Q33999 +Q1906150 P463 Q463281 +Q3161354 P463 Q117467 +Q1929135 P1303 Q6607 +Q1618047 P106 Q333634 +Q229669 P106 Q639669 +Q1028859 P106 Q639669 +Q704700 P509 Q208414 +Q437616 P27 Q30 +Q161678 P161 Q206659 +Q853 P27 Q38 +Q67538 P27 Q183 +Q214677 P106 Q15949613 +Q147243 P172 Q86630688 +Q366890 P106 Q1930187 +Q137659 P27 Q29 +Q191123 P1412 Q9288 +Q230420 P106 Q177220 +Q23685 P101 Q1328508 +Q667683 P69 Q152087 +Q350857 P27 Q203493 +Q240238 P27 Q174193 +Q1395790 P1303 Q1444 +Q135156 P161 Q310785 +Q162005 P106 Q36834 +Q356115 P69 Q209842 +Q1143660 P106 Q6625963 +Q590 P20 Q597 +Q207177 P106 Q177220 +Q275779 P106 Q10798782 +Q8298 P264 Q1200368 +Q1601945 P69 Q20808141 +Q991720 P106 Q6625963 +Q361976 P119 Q311 +Q983400 P106 Q16031530 +Q236318 P136 Q11401 +Q67076 P106 Q1792450 +Q57465 P1412 Q188 +Q453472 P27 Q36704 +Q234604 P27 Q30 +Q127606 P20 Q18383 +Q105387 P840 Q16555 +Q980676 P20 Q90 +Q231178 P551 Q30 +Q62942 P106 Q28389 +Q140738 P106 Q28389 +Q743642 P136 Q9759 +Q311147 P106 Q8246794 +Q314841 P106 Q33999 +Q540192 P27 Q739 +Q174210 P136 Q147516 +Q298209 P1412 Q1860 +Q57298 P3373 Q4120312 +Q182609 P463 Q40970 +Q429207 P108 Q170027 +Q140575 P106 Q1350189 +Q506288 P264 Q2034661 +Q117194 P106 Q18581305 +Q270441 P106 Q55960555 +Q166262 P161 Q434291 +Q317988 P172 Q179248 +Q102813 P136 Q21590660 +Q289524 P20 Q90 +Q490738 P136 Q37073 +Q157043 P108 Q21578 +Q602779 P264 Q183387 +Q282588 P20 Q90 +Q971782 P69 Q35794 +Q72657 P69 Q152171 +Q2626233 P106 Q901 +Q227 P172 Q49542 +Q62373 P20 Q1022 +Q1046616 P136 Q183504 +Q2567 P551 Q585 +Q138007 P27 Q801 +Q1277187 P106 Q806349 +Q78237 P106 Q36180 +Q296287 P106 Q3455803 +Q156201 P106 Q201788 +Q532169 P106 Q639669 +Q275593 P1303 Q17172850 +Q184 P530 Q241 +Q231603 P106 Q18939491 +Q82918 P27 Q874 +Q97531 P106 Q13424456 +Q153597 P1303 Q3382191 +Q940891 P264 Q183387 +Q202859 P106 Q12377274 +Q337578 P106 Q177220 +Q105937 P108 Q168756 +Q64579 P69 Q31519 +Q195371 P509 Q47912 +Q336278 P1412 Q1860 +Q228186 P136 Q21401869 +Q577508 P106 Q18814623 +Q78481 P108 Q152087 +Q489643 P106 Q639669 +Q85417 P106 Q1622272 +Q221074 P106 Q2526255 +Q41076 P106 Q43845 +Q366845 P69 Q165980 +Q7241 P106 Q753110 +Q480037 P27 Q40 +Q295781 P106 Q372436 +Q166590 P106 Q36180 +Q176909 P136 Q35760 +Q233932 P26 Q331711 +Q611672 P106 Q28389 +Q112427 P20 Q1721 +Q244257 P136 Q157394 +Q48055 P102 Q79854 +Q105666 P106 Q82955 +Q819 P530 Q668 +Q271903 P106 Q36180 +Q82238 P106 Q33999 +Q112747 P136 Q1339864 +Q60766 P106 Q28389 +Q181540 P161 Q343059 +Q438164 P108 Q1420239 +Q24348 P106 Q1930187 +Q162202 P106 Q2405480 +Q188648 P136 Q37073 +Q70800 P108 Q152838 +Q162740 P106 Q36180 +Q228792 P1412 Q1860 +Q72678 P106 Q121594 +Q239419 P26 Q450412 +Q115987 P106 Q1622272 +Q940891 P106 Q639669 +Q377725 P19 Q915 +Q441114 P106 Q488111 +Q1356368 P106 Q170790 +Q1058532 P106 Q2722764 +Q109232 P3373 Q215976 +Q106349 P27 Q142 +Q151597 P495 Q30 +Q170572 P106 Q10800557 +Q331760 P136 Q471839 +Q3334710 P106 Q2919046 +Q432689 P106 Q639669 +Q428489 P495 Q30 +Q157400 P106 Q10798782 +Q84423 P27 Q41304 +Q200827 P161 Q229228 +Q73768 P1412 Q1860 +Q297794 P106 Q333634 +Q100913 P106 Q177220 +Q607968 P20 Q30 +Q975777 P102 Q1332068 +Q1033 P530 Q801 +Q117761 P106 Q183945 +Q32595 P27 Q145 +Q107933 P106 Q10800557 +Q4573 P1412 Q1860 +Q465196 P27 Q30 +Q211987 P19 Q11299 +Q109520 P1412 Q188 +Q129263 P69 Q1053996 +Q322586 P106 Q177220 +Q7241 P106 Q11774202 +Q182658 P106 Q6625963 +Q95843 P108 Q152087 +Q1156782 P106 Q639669 +Q319502 P19 Q12439 +Q464097 P106 Q639669 +Q18832 P27 Q36 +Q38757 P140 Q7066 +Q725943 P106 Q1930187 +Q102336 P463 Q44687 +Q672800 P69 Q55021 +Q349893 P1412 Q9058 +Q249647 P27 Q15180 +Q51603 P136 Q9730 +Q83542 P136 Q20656232 +Q181917 P106 Q33999 +Q77492 P1412 Q188 +Q277559 P106 Q901 +Q91617 P106 Q13570226 +Q863 P530 Q41 +Q104081 P19 Q18419 +Q56760250 P17 Q30 +Q152843 P106 Q6625963 +Q104514 P106 Q33999 +Q291228 P106 Q10800557 +Q6210809 P108 Q201492 +Q92914 P106 Q1622272 +Q437094 P19 Q1017 +Q137042 P119 Q1437214 +Q231091 P106 Q10800557 +Q112378 P20 Q56037 +Q192214 P106 Q2526255 +Q55800 P106 Q33999 +Q238029 P106 Q2259451 +Q1167000 P27 Q30 +Q2030240 P119 Q1514332 +Q17917680 P20 Q17042 +Q958 P463 Q191384 +Q69521 P108 Q55044 +Q40791 P106 Q43845 +Q86820 P106 Q12144794 +Q439626 P172 Q49085 +Q25318 P1412 Q150 +Q27 P463 Q826700 +Q451079 P159 Q2079 +Q347362 P106 Q4263842 +Q39829 P102 Q29552 +Q310947 P106 Q4610556 +Q242462 P106 Q33999 +Q183297 P106 Q47064 +Q58978 P27 Q145 +Q483907 P69 Q174710 +Q224130 P161 Q181900 +Q72925 P161 Q317614 +Q940617 P106 Q822146 +Q408 P530 Q36 +Q190828 P17 Q193714 +Q78885 P106 Q5322166 +Q62898 P106 Q81096 +Q334396 P106 Q1930187 +Q151606 P161 Q106418 +Q1677099 P119 Q1302545 +Q44071 P463 Q842008 +Q63176 P69 Q152838 +Q5950 P106 Q855091 +Q449894 P27 Q30 +Q969468 P106 Q2259451 +Q206112 P551 Q1612 +Q83789 P136 Q157443 +Q66248 P463 Q459620 +Q57604 P551 Q104192 +Q60197 P106 Q16031530 +Q470841 P106 Q10349745 +Q380904 P106 Q36180 +Q57578 P102 Q7320 +Q18154882 P161 Q110374 +Q25186 P106 Q33999 +Q189422 P106 Q245068 +Q39 P530 Q30 +Q151608 P106 Q158852 +Q116003 P69 Q658975 +Q241503 P136 Q1344 +Q2794265 P69 Q209842 +Q1721 P17 Q7318 +Q163513 P27 Q30 +Q72564 P108 Q152838 +Q151118 P172 Q49085 +Q520430 P106 Q2251335 +Q259317 P106 Q578109 +Q4235 P106 Q639669 +Q231690 P1412 Q1568 +Q47210 P106 Q47064 +Q313311 P106 Q2405480 +Q87910 P463 Q44687 +Q34414 P161 Q336877 +Q364873 P69 Q761534 +Q3215942 P27 Q142 +Q4496 P106 Q43845 +Q116852 P136 Q2421031 +Q8312 P27 Q30 +Q356217 P101 Q8341 +Q458390 P69 Q13371 +Q55249 P106 Q2526255 +Q1346255 P27 Q145 +Q37388 P101 Q4964182 +Q7302 P1303 Q8377 +Q16473 P106 Q2914170 +Q90819 P19 Q4120832 +Q62725 P69 Q153006 +Q234519 P106 Q333634 +Q22889 P17 Q174193 +Q122335 P106 Q18814623 +Q936422 P27 Q159 +Q106440 P136 Q52207399 +Q222 P463 Q8908 +Q90892 P106 Q33999 +Q325648 P840 Q406 +Q162688 P69 Q32120 +Q58758 P1412 Q188 +Q833578 P495 Q30 +Q54452 P172 Q179248 +Q185048 P136 Q130232 +Q432552 P106 Q639669 +Q93153 P106 Q131524 +Q361626 P102 Q7320 +Q1373347 P106 Q177220 +Q773804 P172 Q49085 +Q112307 P2348 Q6927 +Q539458 P102 Q1332068 +Q42904 P136 Q1298934 +Q286475 P106 Q36180 +Q154421 P106 Q10798782 +Q368519 P106 Q4964182 +Q230710 P106 Q4610556 +Q329454 P106 Q1930187 +Q171453 P161 Q258503 +Q221303 P19 Q90 +Q78586 P106 Q18814623 +Q288645 P495 Q30 +Q158394 P106 Q676 +Q110379 P106 Q2259451 +Q198962 P737 Q215215 +Q119768 P463 Q459620 +Q55418 P69 Q55044 +Q59210 P27 Q38 +Q61078 P106 Q4263842 +Q77969 P20 Q1055 +Q269669 P106 Q28389 +Q52950 P102 Q327591 +Q203223 P27 Q30 +Q239739 P106 Q36180 +Q57386 P106 Q36180 +Q160333 P106 Q36180 +Q263670 P106 Q10800557 +Q434585 P106 Q36834 +Q61533 P106 Q4002666 +Q34190 P27 Q161885 +Q373774 P136 Q130232 +Q333519 P1412 Q1860 +Q549233 P1412 Q9186 +Q38823 P509 Q12152 +Q60953 P1412 Q1860 +Q49735 P264 Q287177 +Q81223 P1412 Q1860 +Q1356586 P106 Q1259917 +Q505957 P1303 Q1343007 +Q2496057 P106 Q18844224 +Q3088816 P106 Q81096 +Q511471 P136 Q12799318 +Q49009 P136 Q817138 +Q117913 P106 Q49757 +Q95008 P551 Q65 +Q434915 P106 Q488205 +Q138846 P172 Q1075293 +Q192762 P69 Q13371 +Q2725555 P106 Q33999 +Q453388 P106 Q1350157 +Q215120 P69 Q49122 +Q9041 P101 Q101333 +Q156310 P27 Q668 +Q313107 P106 Q10798782 +Q544750 P108 Q13371 +Q195710 P495 Q145 +Q232417 P101 Q482 +Q135481 P106 Q36180 +Q436648 P264 Q183387 +Q337628 P101 Q5891 +Q143901 P495 Q30 +Q289847 P27 Q142 +Q55704 P106 Q155647 +Q92620 P106 Q82594 +Q213512 P264 Q193023 +Q42831 P1412 Q150 +Q865 P530 Q244 +Q105895 P1412 Q397 +Q102570 P463 Q833738 +Q213880 P551 Q3955 +Q154938 P106 Q36180 +Q111673 P27 Q183 +Q851 P530 Q889 +Q156597 P136 Q157443 +Q39 P530 Q458 +Q123140 P106 Q1622272 +Q23434 P551 Q90 +Q339045 P161 Q329744 +Q167726 P57 Q8877 +Q1443825 P106 Q1622272 +Q124735 P119 Q34217 +Q213806 P101 Q36180 +Q435665 P106 Q36834 +Q78479 P106 Q82955 +Q96087 P27 Q218 +Q58863 P27 Q30 +Q49208 P17 Q30 +Q940891 P136 Q37073 +Q104358 P551 Q5092 +Q313654 P106 Q36834 +Q577548 P106 Q23833535 +Q314972 P172 Q121842 +Q192529 P1303 Q6607 +Q7563919 P106 Q81096 +Q116812 P1412 Q7026 +Q165518 P106 Q2259451 +Q298388 P106 Q3282637 +Q188718 P161 Q95002 +Q4145 P20 Q26339 +Q57298 P3373 Q2460829 +Q467670 P106 Q9648008 +Q323060 P27 Q145 +Q203674 P27 Q36 +Q74235 P69 Q219317 +Q85624 P19 Q1735 +Q41594 P27 Q30 +Q230 P530 Q424 +Q20235 P106 Q177220 +Q540192 P1050 Q11081 +Q642195 P106 Q1930187 +Q168362 P27 Q145 +Q257889 P264 Q38903 +Q212678 P27 Q219 +Q265270 P108 Q219563 +Q436648 P106 Q822146 +Q46139 P101 Q590870 +Q365144 P27 Q30 +Q294144 P106 Q2259451 +Q881 P530 Q35 +Q7604 P1050 Q10874 +Q238315 P106 Q2526255 +Q48097 P102 Q79854 +Q132689 P136 Q1054574 +Q381944 P106 Q28389 +Q105823 P1303 Q46185 +Q161841 P101 Q309 +Q51101 P264 Q38903 +Q381104 P1412 Q1412 +Q311306 P106 Q183945 +Q260969 P106 Q28389 +Q379117 P106 Q639669 +Q92809 P108 Q49108 +Q90885 P106 Q1607826 +Q706898 P463 Q253439 +Q13014 P106 Q215536 +Q75174 P106 Q40348 +Q574400 P69 Q1376987 +Q971735 P106 Q6625963 +Q300439 P136 Q130232 +Q270410 P136 Q853630 +Q352203 P106 Q10798782 +Q379022 P106 Q49757 +Q1900054 P1303 Q17172850 +Q123825 P106 Q2516852 +Q110365 P136 Q130232 +Q87402 P1412 Q188 +Q183492 P27 Q16 +Q123010 P106 Q1622272 +Q67477 P69 Q154561 +Q96399 P19 Q64 +Q5890 P161 Q200405 +Q155463 P27 Q29 +Q212145 P161 Q207307 +Q104340 P106 Q3282637 +Q300300 P106 Q2252262 +Q2646169 P106 Q43845 +Q19074 P106 Q4964182 +Q60363 P106 Q205375 +Q259807 P136 Q2975633 +Q186042 P106 Q188094 +Q64091 P108 Q13371 +Q575689 P19 Q127856 +Q76553 P69 Q32120 +Q441941 P106 Q2405480 +Q861994 P19 Q1603 +Q873 P1412 Q1860 +Q36014 P1412 Q150 +Q12279060 P106 Q11372 +Q77832 P69 Q55044 +Q23760 P106 Q13235160 +Q271956 P69 Q27923720 +Q400765 P1303 Q5994 +Q80137 P106 Q36180 +Q1386311 P1303 Q17172850 +Q168452 P463 Q329464 +Q235515 P136 Q37073 +Q1853186 P1303 Q6607 +Q97083 P69 Q152171 +Q41422 P106 Q28389 +Q155106 P463 Q11993457 +Q81487 P161 Q212064 +Q1626025 P106 Q81096 +Q2900328 P106 Q43845 +Q110872 P19 Q1721 +Q163549 P495 Q31 +Q318792 P27 Q30 +Q45789 P101 Q413 +Q554670 P106 Q33999 +Q162277 P161 Q433142 +Q594272 P106 Q40348 +Q93166 P102 Q727724 +Q103946 P106 Q33999 +Q236005 P136 Q316930 +Q310300 P26 Q181683 +Q16389 P101 Q43035 +Q2477225 P106 Q81096 +Q161806 P159 Q90 +Q7104 P140 Q7066 +Q29999 P463 Q842490 +Q61078 P69 Q152087 +Q104592 P106 Q901 +Q45221 P27 Q183 +Q24632 P106 Q947873 +Q219622 P106 Q4991371 +Q164784 P463 Q270794 +Q1343499 P106 Q1259917 +Q25351 P101 Q309 +Q313470 P106 Q10798782 +Q216563 P27 Q30 +Q464207 P737 Q9711 +Q269901 P1412 Q1860 +Q168509 P106 Q36180 +Q242969 P106 Q3286043 +Q17 P463 Q842490 +Q215600 P106 Q185351 +Q216720 P136 Q586250 +Q131725 P19 Q18432 +Q387638 P136 Q1339864 +Q1389258 P509 Q12192 +Q202770 P102 Q79854 +Q211784 P161 Q432421 +Q95026 P106 Q5716684 +Q75886 P19 Q2079 +Q3550828 P27 Q17 +Q1334617 P106 Q486748 +Q188783 P106 Q3621491 +Q222008 P106 Q3387717 +Q45909 P737 Q152880 +Q202489 P106 Q36180 +Q236236 P27 Q145 +Q192515 P1303 Q17172850 +Q203560 P136 Q200092 +Q107432 P264 Q183387 +Q167636 P19 Q1156 +Q90891 P69 Q155354 +Q47906 P108 Q43250 +Q266228 P106 Q10798782 +Q294531 P136 Q43343 +Q457687 P106 Q33999 +Q73007 P27 Q30 +Q162778 P106 Q36180 +Q65013 P19 Q64 +Q159933 P106 Q1731155 +Q101886 P27 Q183 +Q44517 P1412 Q188 +Q202735 P26 Q13909 +Q629216 P106 Q486748 +Q77008 P1412 Q1860 +Q902 P530 Q958 +Q187907 P463 Q2092629 +Q2545780 P1412 Q1860 +Q660553 P463 Q161806 +Q219842 P69 Q1059546 +Q106001 P1412 Q150 +Q212965 P136 Q52162262 +Q25191 P27 Q30 +Q310166 P1303 Q46185 +Q299723 P27 Q30 +Q234043 P136 Q186472 +Q541922 P27 Q22 +Q167636 P106 Q3282637 +Q3184115 P106 Q43845 +Q390063 P161 Q178348 +Q42775 P106 Q18814623 +Q311459 P1050 Q12204 +Q189729 P136 Q1344 +Q44775 P20 Q1741 +Q354241 P106 Q10774753 +Q214851 P1412 Q150 +Q102905 P2348 Q6927 +Q349461 P3373 Q234388 +Q92849 P106 Q36180 +Q228755 P27 Q30 +Q11816 P20 Q61 +Q348615 P106 Q2252262 +Q29086 P106 Q2259451 +Q166590 P737 Q5912 +Q340911 P136 Q846544 +Q909149 P161 Q444371 +Q111087 P136 Q11700058 +Q31 P463 Q134102 +Q650640 P119 Q311 +Q165817 P57 Q8877 +Q229881 P106 Q639669 +Q2038 P1412 Q150 +Q73362 P106 Q33999 +Q2464214 P463 Q4345832 +Q1740125 P27 Q30 +Q400678 P106 Q1930187 +Q248935 P19 Q31487 +Q892115 P108 Q21578 +Q158379 P106 Q214917 +Q260312 P20 Q90 +Q698444 P509 Q9687 +Q448905 P106 Q15296811 +Q124710 P1412 Q1860 +Q128297 P264 Q183412 +Q454692 P106 Q639669 +Q380459 P69 Q189022 +Q190765 P161 Q102124 +Q127992 P101 Q21198 +Q186317 P106 Q1930187 +Q102289 P101 Q42973 +Q84998 P19 Q2079 +Q240677 P20 Q60 +Q636 P1303 Q6607 +Q1282956 P1303 Q17172850 +Q197162 P27 Q865 +Q84147 P136 Q1054574 +Q554971 P451 Q441267 +Q314164 P106 Q14915627 +Q217010 P495 Q30 +Q172161 P106 Q40348 +Q2149302 P106 Q901 +Q315188 P106 Q36180 +Q207416 P106 Q1476215 +Q131333 P27 Q174193 +Q23543 P106 Q3501317 +Q51537 P509 Q12152 +Q41173 P1303 Q5994 +Q58057 P119 Q564922 +Q41117 P737 Q855 +Q432929 P19 Q1781 +Q139326 P161 Q178552 +Q172035 P106 Q33999 +Q105349 P136 Q9759 +Q105801 P495 Q142 +Q155375 P463 Q543804 +Q106691 P463 Q150793 +Q648359 P106 Q10798782 +Q283799 P161 Q172678 +Q505129 P106 Q81096 +Q505129 P1412 Q150 +Q66155 P69 Q54096 +Q89786 P20 Q1741 +Q443897 P106 Q855091 +Q57802 P463 Q684415 +Q184605 P161 Q201279 +Q2395959 P106 Q128124 +Q50012 P106 Q2405480 +Q311241 P264 Q2338889 +Q559531 P106 Q169470 +Q57619 P106 Q482980 +Q382408 P161 Q55469 +Q731254 P1303 Q128309 +Q187282 P27 Q34266 +Q62843 P106 Q1326886 +Q741600 P1303 Q6607 +Q295093 P106 Q2526255 +Q545375 P140 Q6423963 +Q631416 P463 Q40970 +Q162667 P361 Q183048 +Q91730 P1412 Q188 +Q40787 P106 Q82955 +Q57462 P27 Q28513 +Q236240 P106 Q488205 +Q1733 P463 Q747279 +Q37388 P69 Q35794 +Q160783 P106 Q6625963 +Q60025 P106 Q1622272 +Q788572 P106 Q49757 +Q76414 P27 Q40 +Q186630 P136 Q35760 +Q561809 P106 Q2059704 +Q272134 P106 Q1930187 +Q313388 P106 Q36180 +Q132805 P463 Q1468277 +Q266027 P495 Q30 +Q78774 P106 Q201788 +Q7245 P172 Q846570 +Q441742 P264 Q216364 +Q535 P106 Q11774156 +Q234807 P106 Q10800557 +Q781 P463 Q294278 +Q368852 P1412 Q9176 +Q101339 P108 Q315658 +Q1479971 P106 Q81096 +Q8739 P106 Q36180 +Q315083 P27 Q30 +Q615625 P106 Q183945 +Q449505 P19 Q29303 +Q534234 P106 Q4610556 +Q454645 P69 Q467025 +Q720722 P264 Q1998195 +Q184605 P840 Q8678 +Q160219 P140 Q42504 +Q103955 P106 Q193391 +Q1453287 P108 Q158158 +Q452307 P136 Q11401 +Q329709 P57 Q28941 +Q222 P530 Q159 +Q265179 P106 Q177220 +Q135139 P463 Q466089 +Q229013 P140 Q288928 +Q160163 P69 Q21578 +Q84393 P20 Q4100 +Q62988 P106 Q82955 +Q510400 P101 Q24454422 +Q186273 P106 Q36180 +Q151403 P106 Q4263842 +Q515883 P106 Q183945 +Q229766 P106 Q10800557 +Q454645 P509 Q216169 +Q767435 P1412 Q150 +Q399 P463 Q134102 +Q28936 P161 Q133050 +Q193517 P106 Q10798782 +Q277559 P106 Q82955 +Q218 P530 Q35 +Q47034 P17 Q33 +Q92858 P19 Q16554 +Q189330 P161 Q123351 +Q190588 P136 Q192881 +Q355341 P1412 Q5287 +Q6694 P69 Q154561 +Q435398 P264 Q2338889 +Q734436 P1412 Q1860 +Q88767 P27 Q183 +Q271867 P106 Q10798782 +Q61130 P19 Q64 +Q67449 P119 Q881481 +Q15850 P106 Q188094 +Q232642 P106 Q2405480 +Q356986 P1303 Q17172850 +Q77549 P106 Q333634 +Q186485 P106 Q177220 +Q29 P37 Q7026 +Q212660 P136 Q188473 +Q161841 P463 Q123885 +Q374507 P161 Q313043 +Q299790 P106 Q10800557 +Q36591 P641 Q718 +Q298255 P1412 Q1860 +Q192812 P106 Q10800557 +Q39 P530 Q184 +Q72756 P1412 Q1860 +Q148 P530 Q403 +Q164047 P172 Q42406 +Q77492 P172 Q42884 +Q560921 P106 Q6430706 +Q33131 P495 Q30 +Q569350 P17 Q183 +Q155485 P136 Q645928 +Q180962 P106 Q864380 +Q387603 P136 Q1342372 +Q215556 P119 Q3006253 +Q617932 P1303 Q6607 +Q327436 P26 Q231730 +Q103591 P27 Q408 +Q124314 P106 Q40348 +Q551597 P106 Q36180 +Q285928 P106 Q2526255 +Q62725 P463 Q463303 +Q374065 P27 Q30 +Q158354 P20 Q1085 +Q553335 P19 Q28848 +Q109608 P106 Q4610556 +Q148 P530 Q40 +Q2742 P17 Q183 +Q93562 P69 Q332342 +Q640991 P69 Q185246 +Q716776 P27 Q30 +Q75612 P27 Q30 +Q1452607 P106 Q1415090 +Q366355 P1412 Q1860 +Q118233 P106 Q486748 +Q216913 P26 Q30449 +Q311684 P1412 Q1860 +Q239145 P106 Q10798782 +Q85877 P106 Q2259451 +Q9200 P106 Q219477 +Q375775 P136 Q157443 +Q44306 P19 Q1156 +Q148 P463 Q899770 +Q1501423 P27 Q30 +Q87392 P106 Q806798 +Q94031 P463 Q463303 +Q258 P530 Q241 +Q209926 P1412 Q7737 +Q191850 P1412 Q397 +Q234141 P27 Q145 +Q1074226 P106 Q2705098 +Q66316 P106 Q4964182 +Q163118 P27 Q31 +Q193670 P737 Q9364 +Q965 P530 Q159 +Q242620 P264 Q798658 +Q113717 P69 Q152087 +Q435203 P463 Q463303 +Q13047979 P106 Q3745071 +Q235053 P106 Q10798782 +Q621521 P19 Q23154 +Q223117 P106 Q2405480 +Q697195 P101 Q413 +Q1702383 P264 Q56760250 +Q104358 P264 Q193023 +Q161877 P106 Q639669 +Q171363 P106 Q13235160 +Q725964 P106 Q488205 +Q90009 P106 Q13570226 +Q514424 P106 Q28389 +Q321527 P101 Q11634 +Q762 P106 Q10872101 +Q242749 P106 Q13235160 +Q76641 P106 Q82955 +Q71366 P20 Q3955 +Q538000 P27 Q16 +Q191974 P108 Q192775 +Q966669 P463 Q463303 +Q1040186 P106 Q639669 +Q47152 P106 Q3579035 +Q213880 P106 Q14467526 +Q28885 P106 Q2490358 +Q319783 P136 Q188473 +Q41 P530 Q717 +Q160456 P69 Q49119 +Q428347 P27 Q189 +Q364315 P108 Q646229 +Q75555 P19 Q649 +Q215623 P106 Q33231 +Q217619 P106 Q28389 +Q1386031 P106 Q43845 +Q216936 P1303 Q17172850 +Q230496 P161 Q188772 +Q152824 P108 Q1051840 +Q174327 P1412 Q1860 +Q78316 P102 Q49768 +Q47243 P463 Q459620 +Q49735 P19 Q16555 +Q116375 P69 Q13371 +Q1691611 P161 Q191755 +Q50969 P161 Q168763 +Q92455 P106 Q36180 +Q380252 P69 Q4129798 +Q223769 P1412 Q1860 +Q81224 P136 Q959790 +Q274274 P1303 Q17172850 +Q1791962 P108 Q865528 +Q168728 P737 Q201732 +Q234610 P106 Q10798782 +Q275161 P106 Q2259451 +Q811 P463 Q376150 +Q69406 P69 Q154561 +Q1599272 P106 Q105186 +Q1973537 P69 Q215539 +Q257271 P172 Q49085 +Q202725 P106 Q2259451 +Q176537 P1303 Q17172850 +Q5683 P106 Q36180 +Q266027 P136 Q663106 +Q87850 P69 Q151510 +Q726607 P106 Q40348 +Q162255 P136 Q1341051 +Q245363 P1412 Q7737 +Q195718 P1412 Q1860 +Q1339164 P463 Q1493021 +Q232 P530 Q212 +Q57109 P463 Q44687 +Q163747 P106 Q4853732 +Q58793 P106 Q1622272 +Q106482 P119 Q272208 +Q934582 P495 Q145 +Q909001 P140 Q9592 +Q188000 P136 Q959790 +Q719623 P1412 Q1860 +Q121926 P1412 Q150 +Q3312950 P106 Q82955 +Q237081 P106 Q36180 +Q1339382 P106 Q10798782 +Q150281 P19 Q18419 +Q1262590 P27 Q155 +Q216608 P1412 Q1860 +Q715195 P27 Q34266 +Q86809 P108 Q152171 +Q1355431 P1303 Q17172850 +Q4103721 P172 Q79797 +Q295537 P1412 Q7737 +Q191598 P106 Q6430706 +Q388286 P106 Q639669 +Q1241173 P106 Q488205 +Q1174771 P106 Q488205 +Q974 P463 Q7159 +Q1095533 P1303 Q302497 +Q140412 P1412 Q1860 +Q160852 P106 Q82955 +Q83484 P40 Q323236 +Q105993 P161 Q31293 +Q822401 P20 Q7473516 +Q158474 P161 Q202735 +Q262130 P106 Q33999 +Q431540 P106 Q18844224 +Q3346431 P106 Q10798782 +Q148 P530 Q683 +Q67169 P106 Q49757 +Q57329 P106 Q193391 +Q221104 P495 Q30 +Q26806 P1412 Q1860 +Q171969 P463 Q191583 +Q218503 P106 Q28389 +Q289752 P106 Q177220 +Q68537 P106 Q33999 +Q55433 P551 Q172579 +Q134165 P19 Q8678 +Q553730 P136 Q186424 +Q3123761 P463 Q337234 +Q23114 P106 Q36180 +Q691 P37 Q1860 +Q813 P530 Q843 +Q124735 P106 Q36180 +Q414 P463 Q17495 +Q503147 P1412 Q7737 +Q727705 P106 Q13570226 +Q96 P361 Q653884 +Q5879 P463 Q133957 +Q230555 P106 Q18814623 +Q34266 P37 Q9027 +Q155106 P106 Q42909 +Q382197 P19 Q437 +Q104757 P106 Q36180 +Q4073580 P19 Q649 +Q89713 P106 Q1622272 +Q103476 P27 Q183 +Q214227 P106 Q10798782 +Q466457 P106 Q36180 +Q236161 P106 Q2490358 +Q152306 P106 Q189290 +Q33866 P106 Q11338576 +Q229556 P106 Q10800557 +Q14320 P840 Q61 +Q431565 P27 Q142 +Q233873 P106 Q33999 +Q165721 P119 Q1242128 +Q535924 P102 Q79854 +Q2105 P69 Q1059546 +Q1014 P463 Q1043527 +Q388268 P463 Q188771 +Q7314 P463 Q1541450 +Q200827 P495 Q30 +Q954681 P27 Q298 +Q2495947 P106 Q4610556 +Q51547 P20 Q127856 +Q887948 P106 Q177220 +Q229244 P106 Q177220 +Q314319 P106 Q639669 +Q200396 P136 Q1200678 +Q155559 P161 Q205707 +Q542307 P27 Q794 +Q276772 P136 Q4984974 +Q129187 P20 Q3130 +Q270324 P106 Q10798782 +Q4030 P1412 Q1860 +Q12773 P136 Q182357 +Q317350 P136 Q1344 +Q17455 P106 Q188094 +Q33131 P136 Q130232 +Q726440 P27 Q30 +Q178653 P1412 Q150 +Q181540 P840 Q38 +Q921823 P106 Q40348 +Q359031 P106 Q33999 +Q122163 P463 Q459620 +Q42398 P136 Q49084 +Q432715 P106 Q639669 +Q217154 P140 Q432 +Q76490 P106 Q12800682 +Q595529 P140 Q42504 +Q126492 P161 Q355133 +Q76412 P106 Q36180 +Q178412 P106 Q170790 +Q187913 P106 Q177220 +Q443166 P551 Q24639 +Q177111 P106 Q639669 +Q216570 P101 Q11629 +Q70324 P20 Q1726 +Q213772 P108 Q60450 +Q139542 P161 Q270747 +Q457316 P106 Q333634 +Q60946 P1412 Q188 +Q833 P530 Q241 +Q83566 P551 Q99 +Q11817 P106 Q189290 +Q40791 P27 Q30 +Q156201 P1412 Q1860 +Q238 P37 Q652 +Q9711 P27 Q142 +Q363518 P106 Q28389 +Q37030 P172 Q42884 +Q210172 P106 Q486748 +Q378240 P106 Q6625963 +Q976296 P19 Q761 +Q1643790 P136 Q482 +Q12303639 P106 Q37226 +Q322236 P509 Q12152 +Q596817 P20 Q65 +Q131660 P69 Q1394262 +Q72201 P463 Q1285073 +Q1037263 P27 Q30 +Q38082 P106 Q4964182 +Q92143 P20 Q64 +Q195718 P106 Q3282637 +Q300547 P136 Q20443008 +Q144622 P1303 Q8338 +Q991 P463 Q4345832 +Q312258 P1412 Q150 +Q303918 P106 Q13235160 +Q1985556 P264 Q3415083 +Q55390 P106 Q33999 +Q319684 P106 Q333634 +Q228584 P1412 Q7737 +Q166696 P136 Q52162262 +Q10738 P27 Q30 +Q741600 P106 Q177220 +Q92619 P106 Q81096 +Q337078 P57 Q13595531 +Q218690 P69 Q209842 +Q163263 P27 Q30 +Q823003 P106 Q36180 +Q726388 P69 Q168756 +Q230501 P19 Q26339 +Q39989 P106 Q10800557 +Q444250 P27 Q30 +Q188000 P136 Q130232 +Q53454 P1412 Q150 +Q320714 P20 Q649 +Q173061 P20 Q350 +Q92854 P106 Q43845 +Q64440 P106 Q82955 +Q710 P530 Q865 +Q710626 P106 Q1350157 +Q644917 P20 Q846421 +Q54828 P136 Q24925 +Q381920 P136 Q8261 +Q234324 P106 Q644687 +Q64 P131 Q7318 +Q160618 P136 Q20442589 +Q214959 P106 Q177220 +Q6107 P264 Q847018 +Q1376193 P108 Q156598 +Q183063 P161 Q2680 +Q1173373 P19 Q2256 +Q273568 P161 Q193517 +Q854912 P27 Q28 +Q239296 P136 Q319221 +Q141869 P102 Q79854 +Q38193 P737 Q37160 +Q102513 P140 Q23540 +Q354508 P172 Q49085 +Q364881 P106 Q1415090 +Q77967 P106 Q81096 +Q57552 P69 Q372608 +Q327574 P69 Q523926 +Q244395 P20 Q1761 +Q112427 P102 Q49768 +Q7231 P27 Q183 +Q801 P530 Q408 +Q157293 P106 Q177220 +Q180453 P106 Q488205 +Q65329 P1412 Q188 +Q181689 P106 Q855091 +Q47900 P106 Q12961474 +Q823935 P27 Q34266 +Q164047 P140 Q9592 +Q20127 P463 Q183725 +Q30 P463 Q188822 +Q70047 P20 Q1731 +Q463673 P27 Q30 +Q52950 P106 Q82955 +Q20 P463 Q188822 +Q33240 P136 Q2913982 +Q190368 P101 Q309 +Q1384822 P106 Q2405480 +Q295080 P106 Q28389 +Q801 P530 Q229 +Q234212 P19 Q172 +Q107167 P161 Q234144 +Q64915 P27 Q183 +Q187210 P106 Q177220 +Q433459 P69 Q209842 +Q72787 P106 Q864503 +Q486786 P106 Q177220 +Q439204 P106 Q201788 +Q644917 P509 Q175111 +Q71821 P106 Q1622272 +Q68596 P106 Q82955 +Q510190 P27 Q145 +Q865 P463 Q170481 +Q190956 P136 Q645928 +Q328814 P19 Q25395 +Q400729 P106 Q1930187 +Q318192 P106 Q4964182 +Q232774 P161 Q258503 +Q357515 P27 Q30 +Q228901 P106 Q49757 +Q1048660 P140 Q9268 +Q55375 P106 Q33999 +Q3772 P106 Q28389 +Q786 P30 Q49 +Q236010 P106 Q3282637 +Q761838 P106 Q81096 +Q8704 P106 Q2526255 +Q162917 P69 Q209842 +Q40096 P106 Q10798782 +Q289180 P19 Q1345 +Q456467 P161 Q553276 +Q106607 P27 Q142 +Q84352 P19 Q1741 +Q434956 P19 Q24639 +Q12325 P1412 Q397 +Q372073 P106 Q10800557 +Q389779 P20 Q11299 +Q213393 P1412 Q9129 +Q434763 P27 Q30 +Q1277002 P106 Q639669 +Q195390 P27 Q15180 +Q95447 P1412 Q188 +Q642817 P463 Q463303 +Q44645 P463 Q191583 +Q269645 P106 Q639669 +Q202548 P161 Q513849 +Q1137719 P17 Q142 +Q12571 P1412 Q150 +Q28 P530 Q213 +Q203804 P106 Q948329 +Q57806 P172 Q539051 +Q447015 P106 Q1930187 +Q465594 P509 Q18554919 +Q131259 P140 Q5043 +Q72090 P161 Q57118 +Q42 P1303 Q6607 +Q2347483 P106 Q193391 +Q212 P463 Q1043527 +Q333190 P69 Q797078 +Q545544 P27 Q142 +Q1386793 P106 Q33999 +Q92602 P101 Q4027615 +Q552053 P1412 Q143 +Q331845 P106 Q6625963 +Q490114 P27 Q884 +Q439283 P19 Q406 +Q40321 P106 Q28389 +Q858 P463 Q1043527 +Q286410 P106 Q1327329 +Q105428 P463 Q684415 +Q327332 P161 Q52447 +Q106275 P551 Q90 +Q551735 P27 Q142 +Q92776 P69 Q691283 +Q246091 P69 Q185246 +Q219631 P106 Q855091 +Q14320 P136 Q1341051 +Q80510 P106 Q36834 +Q1239155 P106 Q177220 +Q165110 P1412 Q150 +Q124993 P27 Q414 +Q96452 P106 Q1350157 +Q454544 P106 Q205375 +Q156902 P140 Q75809 +Q809420 P119 Q311 +Q228787 P106 Q177220 +Q40909 P69 Q245247 +Q83396 P551 Q60 +Q127442 P509 Q147778 +Q48084 P20 Q649 +Q2518 P140 Q1841 +Q83649 P495 Q30 +Q424 P530 Q458 +Q205435 P106 Q3282637 +Q163872 P495 Q145 +Q273136 P106 Q3282637 +Q105676 P106 Q39631 +Q268024 P27 Q145 +Q317988 P1412 Q256 +Q71335 P108 Q20266330 +Q106235 P1412 Q1860 +Q434821 P106 Q36834 +Q48042 P119 Q1457437 +Q88135 P1412 Q188 +Q261990 P1303 Q17172850 +Q637195 P1412 Q150 +Q62665 P161 Q235221 +Q336131 P106 Q10800557 +Q639065 P463 Q463303 +Q4066893 P69 Q209842 +Q232384 P451 Q223745 +Q1435910 P264 Q1273666 +Q193803 P106 Q752129 +Q11107 P140 Q1841 +Q146605 P840 Q34404 +Q1689414 P3373 Q386053 +Q706931 P106 Q1930187 +Q117012 P106 Q55960555 +Q228787 P106 Q3282637 +Q66002 P106 Q1397808 +Q202304 P106 Q2405480 +Q60025 P737 Q48301 +Q215949 P108 Q49088 +Q104154 P69 Q1059546 +Q220889 P106 Q36834 +Q292381 P27 Q30 +Q238029 P106 Q37226 +Q428372 P161 Q206112 +Q362118 P1412 Q1860 +Q182692 P161 Q176945 +Q766 P530 Q30 +Q471542 P106 Q21234378 +Q174843 P264 Q885833 +Q159636 P106 Q37226 +Q517 P27 Q142 +Q405565 P106 Q177220 +Q44107 P1412 Q150 +Q322206 P840 Q664 +Q57337 P106 Q1234713 +Q171745 P69 Q608723 +Q26372 P106 Q7042855 +Q426433 P161 Q318261 +Q229 P463 Q656801 +Q57399 P27 Q16957 +Q786 P463 Q827525 +Q25080 P106 Q36834 +Q1384822 P69 Q1185037 +Q1849355 P136 Q11399 +Q4347990 P463 Q2370801 +Q335238 P551 Q1156 +Q859504 P264 Q183387 +Q151872 P463 Q463303 +Q431874 P106 Q1281618 +Q75823 P102 Q310296 +Q35 P530 Q232 +Q138050 P106 Q16533 +Q36970 P140 Q748 +Q44111 P463 Q209184 +Q244115 P495 Q30 +Q276139 P1303 Q5994 +Q168154 P57 Q164562 +Q105387 P161 Q119849 +Q157879 P161 Q104067 +Q129629 P119 Q1053320 +Q230 P530 Q739 +Q134333 P106 Q578109 +Q429397 P136 Q663106 +Q219060 P530 Q783 +Q445115 P69 Q797078 +Q327288 P106 Q639669 +Q125462 P106 Q188094 +Q274529 P495 Q30 +Q213793 P106 Q639669 +Q152513 P119 Q1950363 +Q20 P530 Q664 +Q851 P530 Q858 +Q46633 P463 Q117467 +Q1939469 P69 Q3072747 +Q154203 P106 Q2865819 +Q3986379 P161 Q2643 +Q73089 P69 Q739627 +Q46717 P57 Q295463 +Q528140 P264 Q203059 +Q4245942 P106 Q3055126 +Q241392 P27 Q30 +Q1033 P463 Q842490 +Q243550 P1412 Q256 +Q213865 P20 Q1726 +Q89764 P1412 Q188 +Q463407 P106 Q36180 +Q209471 P1412 Q1860 +Q348603 P27 Q30 +Q573532 P140 Q9268 +Q157324 P463 Q253439 +Q387638 P161 Q295107 +Q1766736 P106 Q6625963 +Q11812 P463 Q466089 +Q817 P530 Q833 +Q128187 P161 Q223830 +Q37001 P106 Q2526255 +Q12844 P1412 Q9027 +Q58009 P106 Q185351 +Q60141 P27 Q27306 +Q944509 P106 Q43845 +Q210315 P27 Q30 +Q63441 P140 Q55004488 +Q242128 P27 Q30 +Q428668 P136 Q157443 +Q55249 P27 Q145 +Q629216 P106 Q639669 +Q310012 P106 Q2259451 +Q17676 P101 Q13582652 +Q358387 P20 Q90 +Q27610 P106 Q36180 +Q1884 P463 Q52144567 +Q238364 P69 Q230492 +Q668 P463 Q188822 +Q310217 P106 Q2526255 +Q347395 P106 Q33999 +Q110450 P106 Q43845 +Q1545284 P27 Q30 +Q33637 P106 Q1930187 +Q180004 P140 Q9592 +Q228852 P27 Q30 +Q355133 P106 Q3282637 +Q769328 P136 Q131578 +Q2620784 P69 Q49210 +Q2568971 P106 Q82955 +Q319392 P136 Q37073 +Q186341 P495 Q30 +Q215945 P135 Q37068 +Q84734 P69 Q154561 +Q794 P530 Q35 +Q273978 P840 Q956 +Q1445729 P19 Q1085 +Q38873 P1412 Q150 +Q251338 P106 Q4263842 +Q233464 P840 Q65 +Q248935 P106 Q81096 +Q528804 P1412 Q1321 +Q34474 P140 Q60995 +Q74289 P106 Q82955 +Q58577 P463 Q329464 +Q130026 P106 Q36180 +Q363867 P19 Q18383 +Q316454 P1412 Q1860 +Q68543 P172 Q49085 +Q196004 P136 Q200092 +Q53031 P106 Q2526255 +Q211082 P106 Q728711 +Q378639 P106 Q3658608 +Q98812 P106 Q1622272 +Q689820 P172 Q86630688 +Q77009 P840 Q65 +Q240360 P106 Q2259451 +Q1356737 P1303 Q6607 +Q797615 P1303 Q6607 +Q99080 P463 Q18650004 +Q159976 P27 Q28 +Q238315 P108 Q681250 +Q104154 P463 Q543804 +Q483203 P1303 Q80019 +Q1451285 P106 Q81096 +Q367032 P20 Q34006 +Q769 P530 Q423 +Q266080 P27 Q45 +Q506198 P106 Q10798782 +Q217388 P106 Q6625963 +Q234314 P106 Q28389 +Q1770624 P3373 Q575689 +Q3778 P17 Q7318 +Q230308 P27 Q145 +Q44647 P106 Q28389 +Q38049 P106 Q49757 +Q108639 P27 Q43287 +Q237194 P106 Q28389 +Q470931 P106 Q14467526 +Q453390 P106 Q486748 +Q346216 P106 Q36180 +Q23517 P106 Q947873 +Q75726 P106 Q201788 +Q25997 P69 Q28729082 +Q266228 P1412 Q1860 +Q42992 P1412 Q9288 +Q145 P530 Q38 +Q7245 P106 Q482980 +Q241 P463 Q7825 +Q544387 P136 Q8341 +Q108664 P19 Q2749 +Q366306 P106 Q488205 +Q183074 P136 Q11635 +Q152245 P106 Q765778 +Q630446 P106 Q6625963 +Q44063 P106 Q10798782 +Q1321910 P106 Q15981151 +Q965 P463 Q899770 +Q4963372 P101 Q11634 +Q2280 P131 Q2895 +Q437049 P19 Q34692 +Q60178 P69 Q151510 +Q303207 P106 Q177220 +Q11613 P27 Q30 +Q401777 P106 Q177220 +Q76993 P106 Q18939491 +Q4029 P1303 Q5994 +Q953 P530 Q16 +Q60659 P106 Q10800557 +Q218679 P106 Q8178443 +Q928 P463 Q188822 +Q213 P530 Q155 +Q464207 P27 Q34266 +Q207 P106 Q1979607 +Q78321 P102 Q310296 +Q734 P530 Q155 +Q131326 P106 Q36180 +Q254552 P106 Q33999 +Q63032 P69 Q152838 +Q968099 P27 Q2184 +Q107002 P737 Q183167 +Q137138 P106 Q82955 +Q242300 P106 Q8246794 +Q459038 P106 Q36834 +Q253845 P106 Q486748 +Q6711 P106 Q33231 +Q810 P463 Q827525 +Q50861 P161 Q9960 +Q790 P530 Q96 +Q259979 P106 Q2526255 +Q4934 P106 Q81096 +Q214677 P101 Q35760 +Q822668 P20 Q34217 +Q128956 P140 Q1062789 +Q35900 P106 Q170790 +Q286022 P136 Q11401 +Q104358 P264 Q183387 +Q1622098 P27 Q16957 +Q92620 P463 Q127992 +Q3802 P17 Q41304 +Q311181 P1303 Q6607 +Q42308 P131 Q133356 +Q193066 P57 Q56093 +Q234169 P101 Q207628 +Q124697 P161 Q285431 +Q184 P463 Q1065 +Q218 P530 Q37 +Q82778 P27 Q1747689 +Q439204 P106 Q18814623 +Q255967 P509 Q12078 +Q57431 P102 Q641691 +Q965301 P106 Q765778 +Q902 P530 Q865 +Q181490 P106 Q4610556 +Q708473 P106 Q4964182 +Q314223 P106 Q2526255 +Q96556 P106 Q1622272 +Q207969 P106 Q10800557 +Q28 P530 Q229 +Q158175 P740 Q1166 +Q168704 P101 Q11629 +Q513615 P106 Q43845 +Q156622 P106 Q483501 +Q304074 P495 Q27 +Q467482 P1412 Q1860 +Q1242 P27 Q38 +Q224902 P106 Q36180 +Q585272 P463 Q946380 +Q311786 P106 Q728425 +Q311256 P19 Q1297 +Q78487 P69 Q152087 +Q92532 P27 Q43287 +Q442980 P509 Q12202 +Q233843 P26 Q344758 +Q255376 P161 Q314924 +Q268582 P69 Q308963 +Q274562 P1303 Q47369 +Q191755 P106 Q33999 +Q219646 P172 Q160894 +Q242557 P19 Q12439 +Q761176 P102 Q49768 +Q31013 P136 Q45981 +Q238702 P106 Q28389 +Q155700 P106 Q10798782 +Q377538 P27 Q30 +Q1638939 P106 Q177220 +Q76959 P102 Q49768 +Q76363 P101 Q1071 +Q92636 P69 Q49112 +Q365484 P106 Q33999 +Q242608 P136 Q3071 +Q337078 P136 Q157443 +Q186123 P101 Q8134 +Q16400 P106 Q39631 +Q285462 P106 Q333634 +Q539 P1412 Q1321 +Q295803 P106 Q10798782 +Q1322146 P1303 Q258896 +Q157204 P27 Q403 +Q1025 P361 Q4412 +Q1353559 P106 Q486748 +Q92830 P106 Q49757 +Q44403 P737 Q60684 +Q228692 P106 Q36180 +Q1716611 P106 Q486748 +Q713099 P106 Q639669 +Q297736 P136 Q676 +Q1911440 P106 Q483501 +Q72721 P69 Q152087 +Q329127 P161 Q223303 +Q979865 P463 Q110587 +Q57999 P108 Q153978 +Q701587 P108 Q859363 +Q941374 P19 Q779 +Q91446 P108 Q152171 +Q439366 P1303 Q6607 +Q456386 P106 Q177220 +Q50797 P1303 Q17172850 +Q539301 P106 Q214917 +Q12786562 P27 Q191077 +Q172466 P463 Q530471 +Q208116 P27 Q159 +Q125095 P108 Q152087 +Q51476 P20 Q47164 +Q9358 P106 Q1622272 +Q334648 P264 Q585643 +Q80959 P161 Q41351 +Q575689 P69 Q1536258 +Q130799 P106 Q639669 +Q63670 P463 Q463281 +Q315744 P1412 Q150 +Q332368 P161 Q460578 +Q437049 P106 Q177220 +Q294568 P136 Q9734 +Q137584 P161 Q229975 +Q64856 P20 Q64 +Q30931 P840 Q1563 +Q817 P463 Q1043527 +Q862297 P509 Q11081 +Q376335 P463 Q1971373 +Q257277 P106 Q33999 +Q193405 P1412 Q150 +Q95043 P106 Q9017214 +Q172183 P463 Q463303 +Q103474 P495 Q30 +Q444017 P136 Q645928 +Q4963372 P108 Q193196 +Q233957 P108 Q219563 +Q126462 P1412 Q1860 +Q303040 P161 Q199927 +Q172599 P106 Q49757 +Q95019 P27 Q16 +Q366325 P119 Q288130 +Q90037 P19 Q1794 +Q278853 P106 Q36834 +Q216692 P106 Q6625963 +Q319342 P106 Q36180 +Q708824 P27 Q30 +Q267764 P551 Q16563 +Q162269 P20 Q34404 +Q1291679 P106 Q483501 +Q92004 P106 Q33999 +Q18407 P136 Q130232 +Q82104 P69 Q503473 +Q506771 P106 Q1622272 +Q88150 P106 Q1622272 +Q180665 P106 Q36180 +Q234149 P106 Q33999 +Q103623 P551 Q64 +Q125600 P27 Q33946 +Q560694 P106 Q14467526 +Q80504 P106 Q47064 +Q13133 P27 Q30 +Q116119 P106 Q82955 +Q103474 P136 Q1200678 +Q235278 P106 Q4610556 +Q1161444 P1303 Q17172850 +Q379022 P106 Q1930187 +Q734574 P69 Q1145306 +Q35149 P509 Q188874 +Q265252 P106 Q36834 +Q156539 P840 Q22 +Q921 P530 Q159 +Q11171 P102 Q29468 +Q549487 P106 Q4263842 +Q2551 P20 Q64 +Q697818 P1412 Q9288 +Q159473 P27 Q172579 +Q433616 P106 Q33999 +Q42493 P172 Q1344183 +Q257805 P106 Q36834 +Q231811 P106 Q10798782 +Q134333 P509 Q181257 +Q18415 P161 Q36268 +Q7747 P40 Q19364345 +Q454428 P136 Q850412 +Q77109 P27 Q183 +Q249235 P161 Q168724 +Q241422 P101 Q431 +Q46739 P69 Q168756 +Q190772 P108 Q273626 +Q944275 P463 Q2822396 +Q1077405 P19 Q34404 +Q4628 P17 Q756617 +Q5977 P140 Q93191 +Q44473 P27 Q30 +Q106797 P106 Q36180 +Q2460829 P3373 Q401645 +Q154353 P106 Q170790 +Q769 P530 Q884 +Q191966 P106 Q33999 +Q1899 P17 Q15180 +Q296577 P69 Q1033692 +Q507940 P27 Q218 +Q1156782 P3373 Q294723 +Q66634 P69 Q152171 +Q1394 P737 Q76586 +Q236835 P27 Q142 +Q93624 P106 Q177220 +Q92143 P106 Q482980 +Q321846 P551 Q5083 +Q219878 P106 Q10800557 +Q207824 P1412 Q9043 +Q92497 P19 Q365 +Q1060115 P19 Q1490 +Q16409 P106 Q333634 +Q573408 P641 Q542 +Q695036 P106 Q82955 +Q310217 P1303 Q17172850 +Q66628 P140 Q75809 +Q78644 P106 Q4610556 +Q349591 P69 Q1335573 +Q93652 P509 Q12078 +Q230744 P19 Q84 +Q164963 P136 Q130232 +Q113681 P27 Q174193 +Q2645477 P20 Q90 +Q65664 P102 Q7320 +Q180453 P106 Q9648008 +Q437927 P19 Q2044 +Q200392 P1412 Q397 +Q888713 P264 Q3716272 +Q164401 P108 Q193727 +Q311145 P1412 Q5146 +Q117249 P1412 Q1860 +Q45275 P136 Q128758 +Q57604 P106 Q33999 +Q403 P530 Q117 +Q34933 P463 Q265058 +Q83739 P161 Q309932 +Q233340 P69 Q209344 +Q100765 P106 Q201788 +Q186185 P27 Q34266 +Q443708 P27 Q15180 +Q468452 P20 Q60 +Q168362 P463 Q2370801 +Q741862 P106 Q82955 +Q107759 P106 Q1209498 +Q319497 P1412 Q7737 +Q362371 P27 Q30 +Q157246 P17 Q219 +Q58091 P172 Q539051 +Q382570 P1303 Q6607 +Q64949 P119 Q253763 +Q1512 P1412 Q1860 +Q384804 P106 Q33999 +Q21 P37 Q1860 +Q360445 P108 Q457281 +Q1546566 P106 Q2526255 +Q63815 P27 Q7318 +Q1013 P463 Q7825 +Q879093 P106 Q82955 +Q936760 P27 Q218 +Q297097 P1303 Q61285 +Q4715 P106 Q1476215 +Q2038 P1050 Q12078 +Q104814 P136 Q471839 +Q929 P530 Q1008 +Q318263 P27 Q174193 +Q408 P530 Q817 +Q12658 P463 Q191583 +Q63432 P102 Q7320 +Q92456 P106 Q482980 +Q238402 P26 Q361297 +Q115 P530 Q33 +Q778716 P106 Q1930187 +Q181683 P264 Q843402 +Q57802 P108 Q13164 +Q207592 P20 Q36600 +Q466115 P1412 Q1860 +Q276745 P106 Q36834 +Q153657 P106 Q33999 +Q97144 P40 Q76543 +Q230303 P106 Q36180 +Q41257 P27 Q183 +Q320 P1412 Q150 +Q72938 P19 Q1781 +Q264610 P27 Q30 +Q117012 P27 Q145 +Q61217 P106 Q3242115 +Q80137 P509 Q12204 +Q83333 P106 Q3126128 +Q165524 P106 Q15295720 +Q105201 P1412 Q188 +Q1733964 P463 Q1493021 +Q191104 P106 Q10800557 +Q110374 P20 Q65 +Q196004 P136 Q2484376 +Q23814 P106 Q10800557 +Q298412 P1303 Q61285 +Q318755 P19 Q18419 +Q37388 P509 Q12192 +Q209913 P161 Q294326 +Q92183 P19 Q2079 +Q243011 P106 Q512314 +Q126596 P106 Q4263842 +Q314208 P1303 Q6607 +Q445122 P495 Q801 +Q102244 P161 Q106775 +Q7200 P509 Q2140674 +Q509974 P106 Q49757 +Q56008 P551 Q39561 +Q238029 P19 Q49255 +Q12054 P106 Q18844224 +Q106611 P27 Q183 +Q1583707 P106 Q36834 +Q160627 P27 Q174193 +Q184935 P136 Q482 +Q313281 P106 Q158852 +Q200096 P136 Q860626 +Q2061371 P19 Q1874 +Q153776 P463 Q15646111 +Q15615 P106 Q2252262 +Q463407 P106 Q33999 +Q106182 P161 Q202792 +Q433060 P106 Q855091 +Q162255 P161 Q312077 +Q3022141 P106 Q15976092 +Q76632 P106 Q49757 +Q60197 P108 Q49204 +Q1365901 P106 Q40348 +Q298651 P27 Q30 +Q34086 P451 Q83287 +Q312870 P136 Q213714 +Q356109 P264 Q43327 +Q252 P463 Q188822 +Q166796 P106 Q183945 +Q83321 P106 Q18814623 +Q343477 P106 Q2707485 +Q298016 P20 Q23197 +Q1351527 P264 Q726251 +Q475942 P20 Q90 +Q112534 P19 Q43199 +Q235525 P551 Q258 +Q18809 P106 Q1930187 +Q13005 P138 Q27645 +Q711197 P27 Q30 +Q334670 P106 Q855091 +Q34660 P463 Q1468277 +Q555 P1412 Q1860 +Q94018 P1412 Q188 +Q2054 P1412 Q9129 +Q1374080 P106 Q81096 +Q84751 P1412 Q188 +Q229560 P1412 Q1860 +Q124505 P108 Q206702 +Q312628 P19 Q495 +Q36844 P551 Q766 +Q236351 P1303 Q52954 +Q17 P463 Q45177 +Q76815 P101 Q482 +Q714141 P106 Q2526255 +Q134477 P27 Q30 +Q465695 P106 Q33999 +Q164784 P463 Q338432 +Q676455 P106 Q11774202 +Q164401 P463 Q191583 +Q711978 P106 Q2252262 +Q704516 P69 Q189441 +Q7346 P264 Q885833 +Q1824699 P69 Q1026827 +Q371403 P69 Q503246 +Q488099 P136 Q474090 +Q69631 P463 Q219989 +Q7934 P69 Q219563 +Q67637 P119 Q1497554 +Q108097 P1412 Q188 +Q258630 P1412 Q150 +Q7976772 P106 Q644687 +Q2291171 P136 Q484641 +Q259807 P161 Q317614 +Q112635 P161 Q53651 +Q1761095 P20 Q649 +Q12303639 P641 Q542 +Q1388990 P20 Q1335 +Q298205 P106 Q177220 +Q164782 P106 Q4610556 +Q86060 P69 Q154804 +Q104177 P27 Q183 +Q919961 P27 Q30 +Q241 P530 Q710 +Q109232 P27 Q30 +Q258846 P106 Q753110 +Q330824 P119 Q272208 +Q953288 P1412 Q1860 +Q545375 P106 Q14915627 +Q367017 P106 Q33999 +Q3772 P463 Q463303 +Q4124737 P20 Q649 +Q1475124 P136 Q9759 +Q29418 P136 Q482 +Q294975 P27 Q408 +Q295974 P106 Q10798782 +Q205545 P20 Q90 +Q317957 P1412 Q150 +Q9387 P69 Q165980 +Q314646 P27 Q30 +Q465511 P106 Q36180 +Q81438 P140 Q620629 +Q219491 P106 Q8178443 +Q45338 P20 Q64 +Q2902600 P106 Q133485 +Q229330 P136 Q1196752 +Q235460 P106 Q10798782 +Q156268 P108 Q209842 +Q371403 P27 Q30 +Q87265 P27 Q40 +Q170371 P106 Q201788 +Q801 P530 Q790 +Q53002 P106 Q10800557 +Q363525 P106 Q2259451 +Q92819 P106 Q170790 +Q276769 P161 Q242749 +Q15615 P551 Q34404 +Q181529 P108 Q190080 +Q1151944 P106 Q131524 +Q273118 P106 Q28389 +Q131545 P1412 Q1860 +Q258980 P172 Q2325516 +Q766 P463 Q7785 +Q141114 P172 Q7325 +Q37459 P106 Q2405480 +Q116032 P27 Q39 +Q462406 P136 Q645928 +Q239307 P106 Q28389 +Q297024 P27 Q41 +Q240467 P69 Q1335573 +Q185071 P136 Q860626 +Q109522 P2348 Q6939 +Q47478 P509 Q12202 +Q87675 P463 Q329464 +Q31033707 P106 Q42973 +Q216701 P106 Q639669 +Q315868 P106 Q1930187 +Q77031 P106 Q1622272 +Q77143 P27 Q56036 +Q937 P108 Q329464 +Q312336 P19 Q1563 +Q66041 P106 Q3282637 +Q60506 P161 Q256649 +Q232783 P106 Q177220 +Q205447 P161 Q189415 +Q754 P530 Q241 +Q265 P530 Q30 +Q18964 P136 Q860626 +Q255342 P161 Q312051 +Q83492 P19 Q84 +Q213355 P106 Q214917 +Q212026 P106 Q10800557 +Q75720 P69 Q1378320 +Q76197 P108 Q165528 +Q98897 P106 Q1622272 +Q189534 P27 Q15180 +Q248059 P106 Q177220 +Q213772 P106 Q36834 +Q270601 P106 Q1930187 +Q1934319 P140 Q188814 +Q128518 P161 Q231951 +Q76490 P106 Q947873 +Q426582 P19 Q60 +Q123334 P106 Q1234713 +Q208681 P26 Q268604 +Q3772 P136 Q459290 +Q874588 P69 Q390287 +Q270441 P19 Q21711493 +Q149499 P19 Q87 +Q9219 P17 Q30 +Q941374 P27 Q30 +Q93397 P102 Q179111 +Q175142 P106 Q4610556 +Q182725 P264 Q1551705 +Q51267 P106 Q82955 +Q275985 P136 Q8261 +Q157044 P161 Q269835 +Q729541 P106 Q1930187 +Q104127 P106 Q10800557 +Q259913 P26 Q193628 +Q298205 P27 Q801 +Q156597 P136 Q4984974 +Q1019 P463 Q1065 +Q38849 P106 Q11900058 +Q352766 P136 Q484344 +Q1750541 P106 Q193391 +Q17714 P106 Q18814623 +Q571605 P101 Q413 +Q214602 P106 Q1930187 +Q323456 P136 Q11399 +Q29086 P102 Q29552 +Q1967070 P106 Q177220 +Q343477 P106 Q214917 +Q392441 P161 Q34436 +Q311729 P463 Q46703 +Q95370 P69 Q154561 +Q233736 P106 Q4610556 +Q562402 P106 Q36180 +Q44371 P106 Q2095549 +Q11612 P106 Q82594 +Q1268 P1050 Q12204 +Q188137 P106 Q28389 +Q212145 P840 Q84 +Q347539 P27 Q142 +Q191064 P106 Q2059704 +Q360 P551 Q3141 +Q296524 P106 Q10798782 +Q890204 P106 Q753110 +Q84734 P463 Q329464 +Q371938 P136 Q8341 +Q145 P530 Q39 +Q41513 P737 Q101638 +Q1710614 P1412 Q7026 +Q986 P530 Q865 +Q47216 P106 Q1622272 +Q213974 P106 Q4853732 +Q236596 P20 Q84 +Q186587 P161 Q57118 +Q271119 P106 Q36834 +Q274297 P106 Q36180 +Q60766 P106 Q33999 +Q110163 P106 Q36834 +Q274604 P69 Q1051840 +Q6538 P551 Q90 +Q222921 P1303 Q17172850 +Q297071 P106 Q805221 +Q17 P530 Q869 +Q367109 P106 Q36180 +Q183567 P106 Q11900058 +Q247182 P136 Q130232 +Q465000 P27 Q145 +Q232120 P106 Q13235160 +Q153020 P172 Q160894 +Q438175 P106 Q36834 +Q4029 P27 Q16 +Q67385 P106 Q774306 +Q255463 P27 Q30 +Q4149437 P102 Q79854 +Q100937 P106 Q10798782 +Q45388 P161 Q119198 +Q317742 P136 Q842324 +Q123724 P1412 Q150 +Q222041 P495 Q145 +Q254804 P106 Q11774202 +Q235617 P1303 Q17172850 +Q315610 P106 Q82955 +Q1386311 P106 Q488205 +Q165668 P136 Q9730 +Q373968 P19 Q25395 +Q440537 P20 Q60 +Q552529 P106 Q10833314 +Q102438 P161 Q318155 +Q443225 P264 Q1439985 +Q228755 P1412 Q1860 +Q1130554 P136 Q131272 +Q953153 P106 Q6625963 +Q319283 P1303 Q80019 +Q329131 P136 Q157443 +Q253167 P1050 Q41571 +Q32045 P26 Q4235 +Q188385 P106 Q8178443 +Q41 P463 Q380340 +Q944478 P463 Q946380 +Q658454 P463 Q939743 +Q320178 P27 Q30 +Q237112 P106 Q49757 +Q458229 P172 Q49085 +Q74579 P161 Q80405 +Q41 P530 Q227 +Q1196965 P106 Q822146 +Q5577 P27 Q29 +Q287817 P106 Q10798782 +Q236351 P106 Q488205 +Q171571 P106 Q753110 +Q555324 P136 Q49084 +Q662809 P106 Q49757 +Q1395573 P106 Q2914170 +Q123679 P119 Q311 +Q828641 P108 Q34433 +Q200355 P27 Q30 +Q296500 P106 Q2405480 +Q321990 P27 Q30 +Q96250 P106 Q49757 +Q44648 P136 Q83270 +Q24045 P106 Q14467526 +Q27304761 P37 Q652 +Q981236 P737 Q1666 +Q981190 P136 Q8261 +Q250975 P69 Q131262 +Q42831 P69 Q20266894 +Q129601 P136 Q157443 +Q231207 P106 Q9017214 +Q107095 P1412 Q188 +Q1047474 P1303 Q79838 +Q712765 P106 Q947873 +Q328814 P106 Q3282637 +Q318685 P27 Q30 +Q261812 P106 Q2405480 +Q297881 P106 Q1930187 +Q135481 P106 Q4964182 +Q1339107 P264 Q1542119 +Q357961 P1412 Q1860 +Q62749 P40 Q24999 +Q86777 P106 Q639669 +Q258715 P1412 Q9056 +Q116359 P106 Q36180 +Q148 P530 Q258 +Q57434 P27 Q152750 +Q302400 P172 Q49085 +Q102301 P509 Q623031 +Q711 P530 Q851 +Q92787 P106 Q170790 +Q78680 P20 Q1741 +Q185490 P161 Q229775 +Q168419 P463 Q4345832 +Q62661 P20 Q5332 +Q44653 P106 Q183945 +Q442310 P1412 Q1860 +Q129259 P17 Q403 +Q235421 P106 Q10800557 +Q48097 P106 Q82955 +Q49081 P20 Q16555 +Q237669 P106 Q177220 +Q266335 P509 Q202837 +Q434585 P106 Q28389 +Q601957 P106 Q36180 +Q57465 P69 Q154804 +Q12706 P106 Q214917 +Q439455 P19 Q649 +Q63146 P1412 Q188 +Q50861 P136 Q663106 +Q184440 P136 Q8261 +Q71000 P463 Q337234 +Q300502 P495 Q30 +Q215436 P106 Q14467526 +Q185610 P106 Q3282637 +Q59630 P20 Q34006 +Q754 P530 Q902 +Q48097 P106 Q47064 +Q1385119 P106 Q43845 +Q189895 P20 Q387047 +Q298139 P27 Q43 +Q1631 P119 Q311 +Q1680807 P69 Q49112 +Q215904 P102 Q7320 +Q348497 P136 Q49084 +Q152451 P101 Q1328508 +Q440956 P106 Q33999 +Q165193 P495 Q30 +Q335052 P106 Q482980 +Q403 P530 Q817 +Q1028715 P106 Q2526255 +Q18154882 P161 Q266228 +Q336222 P264 Q216364 +Q273311 P106 Q6625963 +Q151646 P1412 Q9067 +Q86943 P102 Q694299 +Q28193 P136 Q130232 +Q888666 P1303 Q5994 +Q937 P463 Q463303 +Q159840 P106 Q121594 +Q122998 P19 Q90 +Q117012 P136 Q11366 +Q80405 P1412 Q1860 +Q1067812 P509 Q12152 +Q293696 P106 Q33999 +Q1884 P17 Q713750 +Q87675 P19 Q1741 +Q240808 P136 Q217467 +Q730 P463 Q1043527 +Q29328 P1412 Q150 +Q216288 P19 Q44989 +Q87265 P106 Q36834 +Q181145 P19 Q891 +Q71407 P3373 Q77109 +Q916 P37 Q5146 +Q230 P463 Q233611 +Q94358 P19 Q61 +Q284917 P136 Q369747 +Q573171 P101 Q413 +Q918647 P106 Q36834 +Q380634 P106 Q639669 +Q190765 P161 Q310944 +Q264783 P27 Q96 +Q12121820 P27 Q15180 +Q242095 P106 Q715301 +Q12750 P1412 Q1321 +Q57374 P106 Q177220 +Q560847 P463 Q463303 +Q349391 P106 Q2526255 +Q780102 P106 Q1930187 +Q42544 P1412 Q1860 +Q240206 P106 Q10800557 +Q240772 P27 Q171150 +Q477461 P106 Q36834 +Q41117 P140 Q7066 +Q207130 P840 Q17 +Q190908 P136 Q2484376 +Q502 P106 Q18814623 +Q350811 P106 Q2259451 +Q234989 P106 Q36180 +Q215976 P19 Q1297 +Q154083 P20 Q72 +Q337090 P161 Q310932 +Q874 P30 Q48 +Q93166 P27 Q33946 +Q463832 P840 Q60 +Q294586 P106 Q33999 +Q4157585 P19 Q1953 +Q588067 P1050 Q84263196 +Q571605 P108 Q222738 +Q193660 P1412 Q7026 +Q457029 P27 Q30 +Q77271 P106 Q333634 +Q49601 P463 Q337234 +Q1203 P136 Q37073 +Q242949 P106 Q170790 +Q458033 P136 Q959790 +Q910092 P106 Q11063 +Q6078 P106 Q36834 +Q1349284 P27 Q30 +Q235611 P69 Q27923720 +Q220210 P69 Q49166 +Q467519 P551 Q1509 +Q358990 P106 Q2405480 +Q318750 P106 Q715301 +Q734436 P27 Q30 +Q23728 P106 Q36180 +Q61594 P106 Q1028181 +Q84422 P69 Q152838 +Q156815 P106 Q10800557 +Q272946 P106 Q28389 +Q379836 P106 Q333634 +Q669934 P106 Q82955 +Q217552 P161 Q298368 +Q104358 P27 Q30 +Q507809 P27 Q145 +Q349461 P106 Q4351403 +Q2973 P17 Q43287 +Q956459 P106 Q214917 +Q92359 P140 Q75809 +Q267018 P161 Q212224 +Q8446 P1303 Q6607 +Q954563 P106 Q1930187 +Q1046038 P1303 Q5994 +Q10520 P26 Q19810 +Q2395959 P1303 Q17172850 +Q106363 P101 Q35760 +Q347539 P1412 Q397 +Q64151 P136 Q1054574 +Q949184 P106 Q82955 +Q298016 P106 Q2405480 +Q1085 P17 Q213 +Q444371 P20 Q65 +Q194287 P136 Q9759 +Q298360 P106 Q177220 +Q42869 P26 Q237324 +Q10218 P19 Q987 +Q183066 P136 Q3990883 +Q507864 P106 Q177220 +Q277978 P551 Q1384 +Q1028 P530 Q55 +Q229948 P27 Q30 +Q1176607 P27 Q30 +Q4225547 P106 Q43845 +Q853461 P106 Q947873 +Q902 P530 Q833 +Q235 P530 Q17 +Q449487 P27 Q30 +Q232868 P106 Q10800557 +Q236527 P27 Q30 +Q266795 P106 Q177220 +Q428551 P840 Q1408 +Q461447 P161 Q229784 +Q183 P530 Q215 +Q460664 P136 Q130232 +Q823003 P106 Q1930187 +Q212167 P27 Q16 +Q974 P530 Q155 +Q33637 P102 Q537303 +Q89404 P19 Q19660 +Q343299 P106 Q28389 +Q282787 P69 Q245247 +Q67385 P106 Q20725072 +Q62661 P106 Q36180 +Q77462 P27 Q183 +Q127870 P27 Q30 +Q434680 P101 Q482 +Q835 P20 Q649 +Q204132 P106 Q177220 +Q242373 P136 Q21590660 +Q7314 P27 Q159 +Q239411 P101 Q4610556 +Q184605 P840 Q1490 +Q398 P530 Q230 +Q430911 P106 Q33999 +Q723320 P106 Q36180 +Q195949 P161 Q48337 +Q69289 P106 Q188094 +Q88388 P69 Q309988 +Q90217 P172 Q7325 +Q66162 P106 Q1476215 +Q244604 P57 Q8877 +Q362254 P136 Q37073 +Q1361841 P108 Q503246 +Q1016 P463 Q656801 +Q157271 P26 Q77271 +Q219640 P106 Q948329 +Q1659471 P20 Q18419 +Q91446 P106 Q1622272 +Q5890 P495 Q183 +Q317251 P106 Q10800557 +Q71135 P19 Q2090 +Q140738 P106 Q10798782 +Q6701 P69 Q155354 +Q683 P463 Q842490 +Q1000051 P102 Q29552 +Q212416 P69 Q981195 +Q1401 P1412 Q397 +Q153178 P463 Q299015 +Q313818 P140 Q7066 +Q203715 P106 Q15949613 +Q778539 P106 Q183945 +Q298773 P19 Q2807 +Q512611 P106 Q639669 +Q272224 P106 Q188094 +Q276407 P161 Q335376 +Q256380 P102 Q29468 +Q92881 P101 Q4027615 +Q332632 P106 Q82955 +Q47075 P161 Q347395 +Q315826 P27 Q16 +Q1226921 P106 Q177220 +Q191480 P463 Q4345832 +Q230969 P106 Q34074720 +Q311987 P106 Q33999 +Q37024 P463 Q81299 +Q78116 P27 Q183 +Q705681 P106 Q4263842 +Q439920 P451 Q392 +Q9602 P463 Q463303 +Q313525 P106 Q4351403 +Q552215 P106 Q131524 +Q760 P463 Q842490 +Q9353 P509 Q12152 +Q382638 P106 Q82955 +Q1643790 P106 Q333634 +Q99076 P40 Q110167 +Q64017 P161 Q230516 +Q982047 P106 Q333634 +Q95089 P108 Q126399 +Q326526 P840 Q60 +Q2573 P102 Q49762 +Q424173 P136 Q1344 +Q958294 P106 Q36180 +Q555505 P106 Q15296811 +Q319799 P106 Q16323111 +Q354508 P106 Q4964182 +Q673567 P106 Q9334029 +Q432552 P106 Q36180 +Q214851 P463 Q337555 +Q209184 P159 Q1218 +Q223258 P106 Q8178443 +Q85931 P106 Q49757 +Q190643 P161 Q1377218 +Q727717 P136 Q482 +Q467737 P106 Q33999 +Q77097 P106 Q82955 +Q702468 P106 Q6625963 +Q123878 P737 Q40909 +Q84053 P106 Q177220 +Q60884 P20 Q1741 +Q68137 P135 Q180902 +Q232301 P106 Q82955 +Q114605 P106 Q1622272 +Q75955 P463 Q150793 +Q369283 P106 Q1930187 +Q237215 P495 Q145 +Q41378 P69 Q49108 +Q83789 P495 Q30 +Q973305 P1412 Q7737 +Q315051 P26 Q4636 +Q44306 P69 Q1143281 +Q282693 P106 Q10798782 +Q178549 P136 Q484641 +Q152437 P69 Q185246 +Q9364 P106 Q2306091 +Q165421 P106 Q512314 +Q322572 P161 Q191064 +Q83656 P161 Q313039 +Q629216 P136 Q37073 +Q213122 P26 Q9582 +Q83158 P172 Q121842 +Q31 P530 Q408 +Q983544 P106 Q49757 +Q43 P463 Q380340 +Q139549 P106 Q36180 +Q275658 P551 Q16557 +Q367109 P106 Q4773904 +Q431591 P136 Q183504 +Q272213 P3373 Q444788 +Q187019 P106 Q28389 +Q158060 P108 Q599316 +Q44354 P106 Q10800557 +Q166262 P136 Q130232 +Q181678 P106 Q11338576 +Q462118 P106 Q10798782 +Q569378 P1412 Q1860 +Q240430 P19 Q14960 +Q357762 P26 Q229784 +Q229139 P101 Q184485 +Q215748 P106 Q49757 +Q241498 P106 Q177220 +Q116309 P102 Q79854 +Q369957 P19 Q36036 +Q711 P463 Q899770 +Q316022 P106 Q82594 +Q1239933 P106 Q183945 +Q211539 P106 Q4964182 +Q310052 P19 Q3640 +Q1742005 P136 Q83440 +Q108009 P106 Q639669 +Q504677 P106 Q18844224 +Q542217 P106 Q1930187 +Q78006 P106 Q10798782 +Q255786 P106 Q2259451 +Q129429 P1050 Q12204 +Q338826 P1412 Q143 +Q1238235 P1303 Q5994 +Q853932 P106 Q15980158 +Q310217 P106 Q18814623 +Q372947 P106 Q2259451 +Q73918 P1412 Q188 +Q96064 P27 Q183 +Q51510 P106 Q864380 +Q357936 P119 Q6923684 +Q316629 P551 Q11299 +Q435475 P106 Q10798782 +Q80805 P106 Q10800557 +Q148 P530 Q399 +Q634125 P108 Q1420239 +Q235121 P27 Q161885 +Q872815 P106 Q635734 +Q243419 P20 Q84 +Q6173306 P106 Q593644 +Q77844 P106 Q350979 +Q39 P530 Q347 +Q266611 P106 Q482980 +Q65292 P27 Q183 +Q438164 P136 Q24925 +Q294819 P106 Q33999 +Q167437 P161 Q162554 +Q370747 P102 Q29552 +Q132899 P20 Q649 +Q122461 P106 Q1930187 +Q930197 P106 Q1622272 +Q154014 P1412 Q188 +Q60677 P463 Q463303 +Q338826 P106 Q860918 +Q109520 P106 Q10800557 +Q337747 P840 Q65 +Q49734 P264 Q3716272 +Q706931 P463 Q723551 +Q1074038 P106 Q177220 +Q72856 P1412 Q188 +Q271981 P1303 Q6607 +Q113032 P27 Q40 +Q181667 P106 Q864380 +Q273315 P19 Q26793 +Q47152 P106 Q49757 +Q289180 P106 Q40348 +Q100511 P463 Q337526 +Q352496 P509 Q181754 +Q442797 P1412 Q9035 +Q214953 P106 Q635734 +Q446427 P1412 Q1860 +Q189600 P136 Q471839 +Q59259 P106 Q2526255 +Q378891 P161 Q44221 +Q78494 P106 Q6625963 +Q99452 P106 Q2504617 +Q40874 P106 Q49757 +Q424 P530 Q142 +Q1190550 P1303 Q128309 +Q465428 P106 Q1350157 +Q44371 P102 Q151469 +Q239917 P1303 Q5994 +Q2795317 P19 Q727 +Q185465 P106 Q10798782 +Q273502 P106 Q158852 +Q164578 P172 Q84072 +Q448905 P509 Q506616 +Q180626 P509 Q623031 +Q129542 P19 Q1781 +Q151164 P27 Q142 +Q108941 P1412 Q150 +Q909001 P106 Q4773904 +Q365144 P106 Q11513337 +Q1224 P509 Q12192 +Q208359 P101 Q395 +Q53006 P27 Q38 +Q309900 P106 Q28389 +Q706034 P19 Q1342 +Q313758 P509 Q372701 +Q53651 P106 Q2405480 +Q529276 P106 Q1930187 +Q15873 P106 Q855091 +Q184565 P1303 Q5994 +Q105158 P26 Q255070 +Q59572 P136 Q2484376 +Q966894 P69 Q1878600 +Q159409 P1412 Q150 +Q554746 P136 Q8261 +Q1266083 P27 Q30 +Q207380 P106 Q81096 +Q46795 P463 Q3308284 +Q88951 P119 Q2661974 +Q328892 P106 Q82955 +Q1629187 P106 Q1622272 +Q27820706 P136 Q182659 +Q917 P463 Q842490 +Q62666 P106 Q82955 +Q153776 P1303 Q5994 +Q156539 P161 Q4573 +Q7439 P551 Q100 +Q258503 P106 Q177220 +Q230943 P106 Q639669 +Q7726 P3373 Q152785 +Q232214 P106 Q33999 +Q96414 P108 Q55044 +Q143172 P1412 Q1860 +Q247182 P57 Q483118 +Q187166 P106 Q28389 +Q103946 P106 Q2526255 +Q4347990 P1412 Q7737 +Q946774 P106 Q11900058 +Q179215 P161 Q38222 +Q220210 P641 Q542 +Q429963 P106 Q2526255 +Q37767 P106 Q49757 +Q307 P463 Q338489 +Q60206 P102 Q187009 +Q198962 P106 Q947873 +Q48051 P20 Q649 +Q1029 P463 Q7825 +Q734564 P106 Q1930187 +Q625272 P106 Q1930187 +Q1351177 P264 Q202440 +Q96492 P106 Q1622272 +Q809037 P106 Q183945 +Q573017 P136 Q1641839 +Q366845 P1412 Q188 +Q108586 P495 Q30 +Q76487 P27 Q183 +Q165257 P19 Q2807 +Q242535 P1412 Q1860 +Q95174 P136 Q37073 +Q221384 P161 Q165518 +Q977 P530 Q148 +Q16 P530 Q29999 +Q2686748 P101 Q23498 +Q924 P530 Q902 +Q277356 P106 Q10800557 +Q76149 P106 Q28389 +Q445122 P161 Q275967 +Q314774 P509 Q2140674 +Q63078 P463 Q414188 +Q380095 P551 Q65 +Q1646 P106 Q2526255 +Q151830 P106 Q36180 +Q25089 P172 Q678551 +Q842243 P69 Q165980 +Q7294 P119 Q240744 +Q238140 P27 Q30 +Q445302 P106 Q13235160 +Q239214 P106 Q639669 +Q229223 P172 Q127885 +Q204132 P27 Q30 +Q430922 P106 Q753110 +Q199943 P106 Q33999 +Q232298 P106 Q177220 +Q223875 P106 Q177220 +Q103285 P27 Q29 +Q220376 P161 Q284636 +Q548438 P106 Q177220 +Q153996 P1303 Q17172850 +Q223884 P495 Q30 +Q962908 P20 Q65 +Q298209 P106 Q5716684 +Q218889 P106 Q81096 +Q887111 P106 Q557880 +Q901134 P106 Q42973 +Q1336479 P136 Q492264 +Q74235 P27 Q38 +Q73768 P27 Q145 +Q425821 P106 Q183945 +Q75812 P737 Q9387 +Q124735 P20 Q34217 +Q92809 P27 Q408 +Q317953 P69 Q49108 +Q59653 P495 Q30 +Q619051 P106 Q1930187 +Q1610776 P106 Q639669 +Q43936 P101 Q35277 +Q71759 P106 Q2259451 +Q458559 P106 Q36180 +Q236340 P106 Q33999 +Q188117 P172 Q7325 +Q1308212 P106 Q2259451 +Q319129 P106 Q82955 +Q956296 P106 Q49757 +Q238464 P106 Q2405480 +Q470233 P27 Q33946 +Q865 P530 Q948 +Q537320 P106 Q947873 +Q154356 P106 Q1622272 +Q192402 P106 Q486748 +Q155786 P108 Q189022 +Q354031 P106 Q10800557 +Q427597 P551 Q1754 +Q56008 P69 Q1026827 +Q470233 P1412 Q9056 +Q202246 P106 Q49757 +Q1011 P463 Q191384 +Q4263286 P106 Q947873 +Q335544 P1412 Q652 +Q966067 P106 Q487596 +Q465465 P106 Q1622272 +Q447121 P1412 Q188 +Q1379510 P27 Q30 +Q165524 P106 Q10800557 +Q129895 P136 Q19367312 +Q68529 P140 Q1841 +Q969468 P20 Q65 +Q286116 P27 Q30 +Q160499 P106 Q193391 +Q247501 P69 Q21578 +Q445921 P27 Q189 +Q3370728 P106 Q49757 +Q912 P530 Q16 +Q181819 P69 Q838330 +Q9312 P101 Q35277 +Q25089 P106 Q18844224 +Q1372851 P1412 Q188 +Q360445 P463 Q1493021 +Q1067812 P264 Q193023 +Q99903 P27 Q183 +Q465196 P106 Q20521670 +Q545544 P106 Q1930187 +Q237639 P69 Q245247 +Q185147 P136 Q83270 +Q448764 P69 Q81087 +Q1941315 P102 Q29552 +Q46706 P20 Q90 +Q365044 P106 Q2259451 +Q40470 P106 Q19204627 +Q70962 P106 Q1930187 +Q96825 P136 Q134307 +Q282787 P106 Q7042855 +Q76023 P27 Q183 +Q510114 P106 Q36180 +Q887347 P106 Q49757 +Q83003 P20 Q220 +Q11881 P106 Q372436 +Q51566 P108 Q13371 +Q108619 P106 Q37226 +Q54314 P3373 Q32045 +Q234581 P27 Q142 +Q234893 P27 Q33946 +Q103946 P1412 Q150 +Q298276 P69 Q523926 +Q184 P530 Q159 +Q440138 P1303 Q17172850 +Q262354 P106 Q333634 +Q164224 P840 Q84 +Q865 P530 Q1045 +Q707999 P551 Q34006 +Q231249 P106 Q10798782 +Q7317 P136 Q1344 +Q62116 P106 Q1622272 +Q456711 P1303 Q51290 +Q215139 P106 Q2306091 +Q231948 P101 Q482 +Q49001 P101 Q207628 +Q381664 P106 Q2259451 +Q43432 P106 Q36834 +Q314110 P69 Q6608367 +Q467670 P27 Q30 +Q219734 P106 Q81096 +Q216692 P106 Q28389 +Q276407 P161 Q169982 +Q234392 P106 Q6625963 +Q85034 P27 Q40 +Q515904 P106 Q33999 +Q6882 P1303 Q17172850 +Q25320 P463 Q2370801 +Q183239 P136 Q1054574 +Q60025 P463 Q463281 +Q237385 P27 Q219 +Q11998 P1303 Q17172850 +Q4347990 P463 Q1971373 +Q181900 P106 Q3282637 +Q252409 P161 Q342788 +Q193156 P106 Q36180 +Q11153 P1050 Q41571 +Q722119 P106 Q333634 +Q76414 P106 Q4853732 +Q55375 P106 Q4220892 +Q424 P530 Q843 +Q87265 P19 Q1741 +Q79141 P27 Q30 +Q3439052 P108 Q202660 +Q439786 P69 Q181410 +Q1028 P530 Q29 +Q12735 P27 Q153136 +Q326526 P161 Q104067 +Q193048 P106 Q10800557 +Q274562 P106 Q486748 +Q392806 P136 Q319221 +Q709464 P136 Q43343 +Q73013 P106 Q170790 +Q64467 P69 Q672420 +Q553259 P1412 Q1860 +Q73033 P1412 Q188 +Q124008 P106 Q639669 +Q157155 P106 Q3621491 +Q519273 P27 Q145 +Q222800 P161 Q201842 +Q214063 P106 Q177220 +Q12950 P69 Q1059546 +Q224 P463 Q1480793 +Q69521 P1412 Q188 +Q232470 P106 Q33999 +Q370893 P161 Q113206 +Q906 P17 Q15180 +Q242110 P27 Q183 +Q60070 P1412 Q188 +Q182455 P20 Q65 +Q381884 P106 Q13590141 +Q253566 P840 Q65 +Q98178 P20 Q64 +Q70342 P1412 Q188 +Q662119 P108 Q21578 +Q888671 P106 Q6168364 +Q269526 P106 Q33999 +Q85927 P69 Q317053 +Q217552 P136 Q1535153 +Q215925 P27 Q183 +Q289380 P106 Q36180 +Q63809 P69 Q153987 +Q108586 P161 Q373895 +Q223884 P161 Q188018 +Q274306 P106 Q33999 +Q366805 P106 Q36180 +Q84770 P27 Q183 +Q237774 P106 Q177220 +Q888326 P106 Q1259917 +Q119935 P119 Q1625328 +Q316454 P136 Q83440 +Q80966 P106 Q2526255 +Q317539 P106 Q10798782 +Q118375 P136 Q20442589 +Q990492 P106 Q4263842 +Q89694 P19 Q1295 +Q1453287 P106 Q81096 +Q710282 P264 Q165745 +Q246497 P106 Q1622272 +Q578529 P108 Q4129798 +Q371925 P106 Q6625963 +Q717543 P20 Q1757 +Q630446 P106 Q15077007 +Q66343 P106 Q1731155 +Q127423 P106 Q512314 +Q125058 P840 Q1297 +Q1606108 P106 Q1906857 +Q220550 P106 Q3621491 +Q1347095 P27 Q30 +Q29008 P27 Q176495 +Q4527494 P19 Q649 +Q66631 P108 Q165980 +Q65329 P463 Q265058 +Q735560 P19 Q1781 +Q54828 P136 Q49084 +Q25820 P101 Q413 +Q99452 P1412 Q188 +Q36767 P106 Q4610556 +Q375775 P136 Q188473 +Q71322 P108 Q20266330 +Q152824 P69 Q13371 +Q1141280 P1303 Q163829 +Q556648 P106 Q2504617 +Q7407 P102 Q29552 +Q131433 P1303 Q6607 +Q310394 P106 Q947873 +Q237518 P106 Q36180 +Q7349 P106 Q158852 +Q298205 P106 Q10800557 +Q201359 P463 Q463281 +Q312801 P27 Q34 +Q276407 P840 Q90 +Q25310 P69 Q213439 +Q41166 P106 Q42603 +Q269669 P69 Q993267 +Q833 P530 Q865 +Q92632 P108 Q49210 +Q230218 P1412 Q1860 +Q134958 P106 Q49757 +Q185510 P69 Q1341516 +Q71352 P27 Q183 +Q118936 P106 Q644687 +Q180560 P106 Q33999 +Q44107 P737 Q905 +Q57179 P19 Q1794 +Q292543 P19 Q1297 +Q233475 P136 Q850412 +Q155860 P106 Q82955 +Q89316 P108 Q230492 +Q66236 P106 Q177220 +Q23114 P1412 Q143 +Q93853 P161 Q125106 +Q713964 P264 Q202440 +Q117 P530 Q35 +Q64173 P136 Q157443 +Q1803878 P1303 Q5994 +Q2514 P1412 Q9027 +Q49009 P1303 Q1343007 +Q96248 P1412 Q188 +Q784 P463 Q17495 +Q282882 P102 Q1904825 +Q211379 P106 Q82955 +Q296500 P1303 Q17172850 +Q104398 P1412 Q188 +Q503710 P136 Q3071 +Q170842 P106 Q4991371 +Q361523 P26 Q182486 +Q1341612 P17 Q30 +Q118233 P106 Q806349 +Q44736 P69 Q1278808 +Q20178 P136 Q21010853 +Q196617 P106 Q1930187 +Q536371 P106 Q82955 +Q313046 P106 Q10800557 +Q90217 P27 Q40 +Q381883 P1303 Q17172850 +Q239928 P106 Q806798 +Q76422 P106 Q4773904 +Q460075 P140 Q620629 +Q207 P1412 Q7976 +Q10444417 P463 Q270920 +Q309640 P19 Q34006 +Q151164 P119 Q188856 +Q112856 P106 Q36180 +Q214953 P106 Q82955 +Q216466 P19 Q807 +Q6515 P27 Q145 +Q91640 P463 Q463303 +Q166159 P1412 Q9309 +Q237659 P106 Q5716684 +Q24632 P69 Q1179603 +Q236010 P27 Q145 +Q48410 P106 Q33999 +Q65475 P19 Q2973 +Q92620 P463 Q131566 +Q316032 P27 Q30 +Q86165 P69 Q165980 +Q184351 P106 Q82955 +Q218172 P161 Q235870 +Q74745 P106 Q16533 +Q302403 P495 Q29 +Q487488 P27 Q34266 +Q180626 P106 Q6625963 +Q295589 P106 Q1930187 +Q350857 P463 Q1971373 +Q1149 P27 Q129286 +Q4941 P136 Q188473 +Q165121 P106 Q1930187 +Q158354 P106 Q333634 +Q333118 P106 Q36180 +Q1979936 P106 Q36834 +Q69973 P136 Q49084 +Q44657 P27 Q145 +Q93692 P106 Q1028181 +Q132095 P19 Q33935 +Q213582 P172 Q79797 +Q64440 P106 Q47064 +Q237602 P1303 Q17172850 +Q1041 P530 Q1011 +Q113601 P1412 Q150 +Q22750 P1412 Q150 +Q378870 P106 Q333634 +Q61761 P20 Q1055 +Q11237 P69 Q49116 +Q19661 P106 Q2722764 +Q61682 P20 Q84 +Q1799 P17 Q27306 +Q77015 P106 Q36180 +Q77740 P1412 Q188 +Q216720 P136 Q2484376 +Q68757 P106 Q350979 +Q16 P530 Q215 +Q103917 P140 Q7066 +Q66456 P463 Q543804 +Q272435 P106 Q245068 +Q215366 P106 Q36180 +Q1965416 P1303 Q79838 +Q322915 P106 Q639669 +Q331180 P161 Q232101 +Q184351 P1412 Q809 +Q215366 P27 Q408 +Q273171 P264 Q1542119 +Q216913 P136 Q20378 +Q272382 P101 Q207628 +Q83155 P463 Q337531 +Q215359 P1303 Q17172850 +Q384847 P463 Q191583 +Q977036 P101 Q413 +Q6711 P106 Q639669 +Q151113 P69 Q653693 +Q372692 P1412 Q1860 +Q842199 P30 Q46 +Q103774 P509 Q767485 +Q224650 P264 Q330629 +Q117497 P106 Q10798782 +Q58720 P463 Q191583 +Q434821 P19 Q1741 +Q242729 P27 Q30 +Q3910 P27 Q235 +Q39803 P463 Q688638 +Q557632 P17 Q145 +Q1210022 P26 Q260099 +Q645362 P108 Q230492 +Q275247 P106 Q639669 +Q25144 P106 Q2259451 +Q35171 P106 Q372436 +Q211987 P102 Q29552 +Q170373 P27 Q179876 +Q7976772 P106 Q33999 +Q178549 P264 Q212699 +Q234399 P136 Q235858 +Q117012 P27 Q30 +Q316330 P463 Q466089 +Q15257 P106 Q17125263 +Q109438 P27 Q183 +Q11627 P1303 Q17172850 +Q219634 P101 Q8242 +Q26265 P136 Q959790 +Q92745 P108 Q486156 +Q236482 P69 Q209842 +Q338826 P172 Q170217 +Q466457 P106 Q4964182 +Q67597 P106 Q82955 +Q708963 P264 Q3415083 +Q938749 P1412 Q5287 +Q556648 P106 Q36180 +Q92858 P106 Q170790 +Q16296 P1412 Q1860 +Q88389 P101 Q4932206 +Q61407 P463 Q463303 +Q65013 P463 Q18650004 +Q760790 P106 Q36180 +Q67047 P108 Q161976 +Q1347561 P106 Q81096 +Q235384 P136 Q37073 +Q193146 P106 Q2259451 +Q461610 P140 Q33203 +Q648098 P106 Q639669 +Q18233 P138 Q214582 +Q381731 P136 Q130232 +Q70618 P106 Q18939491 +Q737922 P106 Q662729 +Q462261 P27 Q414 +Q880776 P102 Q29468 +Q430278 P161 Q188018 +Q494676 P1303 Q17172850 +Q232163 P27 Q145 +Q308722 P69 Q1542213 +Q375186 P161 Q361610 +Q232035 P106 Q36180 +Q292973 P106 Q1930187 +Q97028 P102 Q49750 +Q288173 P161 Q37079 +Q242095 P106 Q4853732 +Q92085 P551 Q393 +Q147909 P37 Q7918 +Q229716 P264 Q557632 +Q62565 P463 Q1792159 +Q4963372 P101 Q11629 +Q863049 P1303 Q6607 +Q338623 P106 Q13570226 +Q78586 P106 Q2865819 +Q440910 P106 Q39631 +Q180560 P106 Q2259451 +Q61922 P119 Q819654 +Q423644 P106 Q11063 +Q202489 P106 Q4263842 +Q57213 P106 Q15981151 +Q252 P530 Q159583 +Q212123 P57 Q25089 +Q191132 P106 Q10798782 +Q4405759 P108 Q192334 +Q960427 P106 Q15980158 +Q318509 P1303 Q17172850 +Q191123 P1412 Q1860 +Q500042 P102 Q29552 +Q88832 P102 Q153401 +Q89629 P463 Q812155 +Q1005 P530 Q794 +Q403362 P19 Q812 +Q51552 P106 Q3282637 +Q4622 P106 Q49757 +Q888034 P19 Q34404 +Q484702 P106 Q214917 +Q280734 P1303 Q46185 +Q95008 P106 Q3282637 +Q265252 P1303 Q5994 +Q92946 P108 Q263064 +Q937936 P69 Q4483556 +Q188697 P106 Q36180 +Q104094 P27 Q183 +Q881 P463 Q7825 +Q142 P530 Q419 +Q405542 P3373 Q224026 +Q151083 P3373 Q151098 +Q929 P530 Q846 +Q219442 P136 Q1054574 +Q307463 P3373 Q57298 +Q365750 P106 Q36180 +Q2185 P27 Q142 +Q188117 P19 Q65 +Q201459 P136 Q483251 +Q220536 P106 Q82955 +Q238912 P1412 Q1860 +Q435415 P106 Q177220 +Q207380 P19 Q72259 +Q76367 P3373 Q76215 +Q723826 P106 Q822146 +Q183492 P69 Q49124 +Q93341 P136 Q8341 +Q788572 P106 Q11774202 +Q359996 P19 Q1489 +Q33 P530 Q212 +Q46633 P106 Q11063 +Q1044 P463 Q1043527 +Q124527 P509 Q12192 +Q12786562 P106 Q901 +Q558582 P264 Q1392321 +Q435665 P27 Q30 +Q23517 P106 Q3282637 +Q42047 P136 Q130232 +Q55 P530 Q43 +Q31984 P737 Q167821 +Q18143 P27 Q142 +Q213706 P106 Q28389 +Q155 P530 Q668 +Q16455 P27 Q145 +Q256959 P1412 Q1860 +Q443343 P106 Q33999 +Q96962 P102 Q153401 +Q183187 P106 Q82955 +Q84960 P106 Q1397808 +Q1928051 P264 Q585643 +Q11891 P106 Q131512 +Q194280 P509 Q183134 +Q939524 P69 Q131252 +Q181573 P136 Q676 +Q223299 P161 Q193048 +Q3335 P106 Q1930187 +Q350601 P106 Q4610556 +Q426517 P161 Q297945 +Q168862 P161 Q349350 +Q81819 P1412 Q9168 +Q206336 P136 Q130232 +Q295120 P106 Q36180 +Q878 P463 Q1137381 +Q457803 P101 Q35760 +Q101820 P108 Q161976 +Q157131 P20 Q3711 +Q25310 P1412 Q1860 +Q155855 P20 Q1085 +Q324726 P19 Q1342 +Q323260 P27 Q28 +Q2149885 P106 Q81096 +Q110167 P27 Q183 +Q40319 P106 Q864503 +Q184768 P136 Q21401869 +Q185546 P106 Q177220 +Q450271 P106 Q188094 +Q255593 P509 Q12136 +Q382316 P106 Q177220 +Q189186 P108 Q131252 +Q206576 P161 Q233457 +Q190585 P749 Q38903 +Q3570727 P108 Q209842 +Q1744 P101 Q184485 +Q217470 P27 Q34266 +Q392825 P840 Q668 +Q1642230 P40 Q103939 +Q706518 P106 Q55960555 +Q270410 P136 Q959790 +Q275185 P1303 Q17172850 +Q310343 P106 Q486748 +Q230169 P106 Q10800557 +Q240894 P136 Q859369 +Q285460 P106 Q3282637 +Q2514411 P102 Q9626 +Q1322146 P1303 Q187851 +Q439786 P463 Q414110 +Q70142 P27 Q183 +Q289380 P106 Q33999 +Q192279 P106 Q214917 +Q36105 P1050 Q11081 +Q239823 P19 Q9005 +Q79038 P27 Q40 +Q95447 P106 Q1622272 +Q295034 P27 Q30 +Q153185 P463 Q188771 +Q126472 P19 Q2090 +Q43189 P1303 Q17172850 +Q414 P530 Q16 +Q192145 P106 Q2732142 +Q66732 P140 Q75809 +Q75966 P106 Q1622272 +Q272942 P264 Q165745 +Q84444 P463 Q12751277 +Q131324 P106 Q3501317 +Q67535 P69 Q157575 +Q286777 P463 Q463303 +Q553196 P27 Q30 +Q7504 P106 Q593644 +Q192279 P106 Q18844224 +Q167265 P161 Q165219 +Q70372 P27 Q183 +Q151830 P264 Q203059 +Q282372 P161 Q202148 +Q1900295 P106 Q639669 +Q946733 P136 Q24925 +Q717543 P69 Q28695 +Q71548 P551 Q64 +Q445429 P19 Q18125 +Q1893889 P69 Q144488 +Q77876 P106 Q36180 +Q213773 P136 Q157443 +Q703642 P69 Q49122 +Q86900 P106 Q482980 +Q516786 P509 Q12152 +Q79069 P27 Q28513 +Q887903 P27 Q739 +Q87884 P106 Q520549 +Q183492 P106 Q36180 +Q110085 P1412 Q188 +Q28517 P1412 Q7918 +Q43252 P40 Q327436 +Q137595 P161 Q117500 +Q61940 P27 Q159 +Q275939 P27 Q155 +Q320032 P407 Q1860 +Q94586 P19 Q1741 +Q318267 P106 Q33999 +Q60547 P463 Q463303 +Q194896 P106 Q1930187 +Q107095 P106 Q14467526 +Q11171 P140 Q9592 +Q266640 P1303 Q17172850 +Q843552 P1303 Q5994 +Q382316 P27 Q43 +Q57309 P463 Q18650004 +Q691076 P106 Q2252262 +Q1238400 P159 Q84 +Q33 P463 Q376150 +Q276419 P20 Q127856 +Q157293 P106 Q488205 +Q482708 P106 Q16323111 +Q80900 P106 Q333634 +Q233092 P106 Q4610556 +Q699456 P172 Q179248 +Q49747 P106 Q11774202 +Q234204 P106 Q10800557 +Q92510 P106 Q4263842 +Q4235 P1303 Q5994 +Q1025 P530 Q1028 +Q2395959 P106 Q183945 +Q120260 P1303 Q258896 +Q311750 P106 Q33999 +Q110138 P161 Q320093 +Q106871 P136 Q663106 +Q109455 P20 Q2966 +Q295923 P106 Q5716684 +Q2587669 P106 Q82594 +Q207698 P136 Q130232 +Q242162 P69 Q219563 +Q975210 P20 Q840668 +Q279648 P1412 Q7737 +Q51513 P106 Q28389 +Q477461 P106 Q131524 +Q234017 P106 Q488205 +Q313874 P161 Q93187 +Q53783 P106 Q82955 +Q302181 P136 Q959790 +Q191850 P106 Q4504549 +Q92128 P106 Q10798782 +Q214602 P106 Q82955 +Q292185 P106 Q10800557 +Q959097 P27 Q29999 +Q314535 P106 Q855091 +Q43723 P69 Q13371 +Q220335 P69 Q389336 +Q373421 P1412 Q7737 +Q154145 P140 Q9592 +Q237925 P106 Q33999 +Q4225547 P19 Q656 +Q255725 P509 Q12078 +Q59945 P106 Q17489339 +Q180962 P737 Q188176 +Q222791 P27 Q172579 +Q71631 P1412 Q188 +Q236399 P106 Q10798782 +Q949 P108 Q238101 +Q468667 P1412 Q1860 +Q181799 P27 Q30 +Q658008 P119 Q84 +Q98087 P463 Q463303 +Q242571 P27 Q145 +Q356719 P1412 Q150 +Q296537 P27 Q30 +Q106440 P840 Q8652 +Q229364 P106 Q10798782 +Q389851 P136 Q1344 +Q94882 P106 Q28389 +Q3353479 P27 Q30 +Q452307 P106 Q2252262 +Q183535 P106 Q2259451 +Q183094 P106 Q4964182 +Q469752 P106 Q860918 +Q236399 P27 Q30 +Q4530046 P27 Q25 +Q229697 P106 Q10800557 +Q1534428 P106 Q177220 +Q535355 P20 Q437 +Q239786 P106 Q639669 +Q8772 P101 Q395 +Q148 P530 Q712 +Q47484 P106 Q3282637 +Q240082 P264 Q483938 +Q971027 P106 Q753110 +Q104791 P106 Q3387717 +Q180975 P19 Q288781 +Q607825 P27 Q159 +Q464882 P20 Q90 +Q271500 P106 Q33999 +Q5921 P172 Q49085 +Q223992 P106 Q33999 +Q319392 P3373 Q217427 +Q283408 P1412 Q9288 +Q351290 P106 Q33999 +Q182546 P106 Q170790 +Q309640 P106 Q33999 +Q229018 P106 Q488205 +Q335760 P108 Q189022 +Q38 P463 Q45177 +Q975084 P108 Q273518 +Q284229 P840 Q60 +Q77751 P1412 Q188 +Q49615 P27 Q145 +Q360 P106 Q13590141 +Q443166 P551 Q2135 +Q37621 P106 Q4964182 +Q20995 P27 Q884 +Q170800 P1412 Q1860 +Q104514 P106 Q10800557 +Q116258 P119 Q272208 +Q540155 P27 Q191 +Q345494 P106 Q486748 +Q256750 P136 Q37073 +Q163225 P106 Q82955 +Q11813 P106 Q82955 +Q83038 P106 Q14467526 +Q111263 P106 Q10800557 +Q252 P530 Q819 +Q154367 P737 Q1398 +Q456762 P136 Q49084 +Q78607 P27 Q40 +Q149489 P69 Q49088 +Q110126 P106 Q16287483 +Q458978 P19 Q987 +Q538708 P106 Q2516866 +Q120342 P1303 Q17172850 +Q242526 P106 Q33999 +Q172 P30 Q49 +Q19526 P106 Q10798782 +Q1042738 P1412 Q7026 +Q310315 P27 Q30 +Q317397 P106 Q16287483 +Q310800 P27 Q30 +Q1040459 P1412 Q5287 +Q313788 P106 Q28389 +Q168862 P161 Q119798 +Q714141 P106 Q947873 +Q70047 P106 Q16533 +Q289180 P106 Q1607826 +Q205532 P161 Q230636 +Q70917 P106 Q2306091 +Q161678 P161 Q106481 +Q229716 P106 Q131524 +Q377614 P102 Q622441 +Q312657 P1412 Q1860 +Q332528 P69 Q745967 +Q94081 P106 Q28389 +Q112856 P27 Q40 +Q105801 P136 Q319221 +Q642060 P19 Q90 +Q223193 P69 Q7060402 +Q313571 P106 Q36834 +Q33 P530 Q801 +Q176405 P106 Q18844224 +Q330059 P1412 Q1860 +Q323771 P495 Q145 +Q241498 P106 Q10800557 +Q642127 P1412 Q150 +Q439198 P106 Q4610556 +Q25078 P106 Q2526255 +Q219634 P551 Q90 +Q86105 P106 Q488205 +Q149406 P495 Q30 +Q157043 P463 Q463303 +Q858 P30 Q48 +Q338812 P106 Q948329 +Q816499 P106 Q1930187 +Q229176 P69 Q499451 +Q1240856 P135 Q9730 +Q216004 P106 Q36180 +Q438968 P106 Q901402 +Q846373 P740 Q12439 +Q963003 P106 Q14915627 +Q101326 P27 Q183 +Q395340 P551 Q406 +Q11820 P106 Q193391 +Q156023 P106 Q486748 +Q960524 P19 Q8652 +Q365578 P106 Q33231 +Q1805943 P136 Q83440 +Q76429 P106 Q18844224 +Q5879 P106 Q1209498 +Q464453 P106 Q36180 +Q191734 P2348 Q2277 +Q225657 P106 Q189290 +Q7999 P27 Q29 +Q945633 P69 Q924289 +Q1974190 P172 Q2325516 +Q76546 P106 Q4853732 +Q324757 P106 Q753110 +Q548345 P27 Q30 +Q699950 P106 Q36180 +Q70999 P106 Q1622272 +Q237173 P106 Q43845 +Q184750 P135 Q7264 +Q318320 P20 Q727 +Q544387 P136 Q83440 +Q697200 P27 Q40 +Q15001 P27 Q34266 +Q431191 P106 Q10800557 +Q310012 P69 Q1247373 +Q180468 P1412 Q397 +Q93341 P1412 Q1860 +Q952491 P136 Q45981 +Q44107 P136 Q49084 +Q183713 P106 Q33231 +Q1260 P106 Q193391 +Q465350 P106 Q222344 +Q1389588 P27 Q243610 +Q186042 P106 Q15980158 +Q144622 P27 Q145 +Q9049 P106 Q14467526 +Q194142 P161 Q214223 +Q387655 P264 Q50074604 +Q191074 P495 Q142 +Q517682 P106 Q864380 +Q334648 P136 Q76092 +Q370293 P106 Q16145150 +Q236702 P106 Q10798782 +Q1816925 P27 Q31 +Q209641 P106 Q6625963 +Q114 P530 Q1036 +Q739 P530 Q29 +Q469753 P106 Q488205 +Q25186 P69 Q49208 +Q363698 P20 Q34006 +Q439366 P106 Q177220 +Q333231 P106 Q1930187 +Q51416 P136 Q4984974 +Q263629 P106 Q177220 +Q256732 P172 Q141817 +Q1493339 P509 Q175111 +Q311169 P106 Q33999 +Q106399 P101 Q7094 +Q47447 P136 Q11401 +Q324031 P106 Q1930187 +Q109067 P106 Q49757 +Q43416 P106 Q177220 +Q221535 P264 Q121698 +Q702 P30 Q538 +Q704700 P106 Q19723482 +Q89491 P106 Q49757 +Q153248 P20 Q90 +Q220735 P136 Q19367312 +Q59931 P136 Q859369 +Q49034 P106 Q10800557 +Q379785 P101 Q8162 +Q31112 P106 Q82955 +Q800 P530 Q155 +Q102813 P27 Q39 +Q11617 P106 Q5716684 +Q84755 P106 Q36180 +Q3138 P17 Q43287 +Q936132 P106 Q1930187 +Q355159 P106 Q578109 +Q340016 P172 Q49078 +Q192634 P106 Q333634 +Q3570727 P1412 Q150 +Q220351 P106 Q177220 +Q136264 P495 Q30 +Q503246 P131 Q11299 +Q260331 P106 Q10800557 +Q238869 P1303 Q17172850 +Q1394 P26 Q215637 +Q107957 P140 Q9592 +Q78869 P108 Q165980 +Q169020 P102 Q727724 +Q203223 P264 Q960935 +Q189415 P106 Q2526255 +Q377 P106 Q36180 +Q95252 P463 Q684415 +Q92756 P463 Q337234 +Q236669 P451 Q42511 +Q260312 P509 Q12152 +Q76589 P108 Q156737 +Q347456 P26 Q270905 +Q355341 P106 Q639669 +Q227395 P1412 Q9067 +Q178963 P106 Q33999 +Q310332 P27 Q30 +Q436978 P106 Q33999 +Q337578 P106 Q3282637 +Q209471 P106 Q33999 +Q65035 P106 Q4263842 +Q63876 P106 Q49757 +Q47703 P161 Q323166 +Q33 P530 Q16 +Q1345782 P106 Q36834 +Q79 P530 Q142 +Q723678 P106 Q43845 +Q112214 P106 Q214917 +Q41488 P1412 Q1860 +Q49747 P135 Q164800 +Q370026 P69 Q523926 +Q322211 P27 Q145 +Q241085 P136 Q959790 +Q14536 P106 Q10800557 +Q4834218 P19 Q1342 +Q11617 P551 Q12439 +Q19008 P106 Q36180 +Q836 P463 Q1065 +Q145 P530 Q399 +Q213799 P106 Q482980 +Q159098 P1303 Q6607 +Q95928 P102 Q49768 +Q1585964 P463 Q270794 +Q285330 P27 Q15180 +Q255335 P106 Q33999 +Q334288 P106 Q10800557 +Q271690 P161 Q51530 +Q107894 P161 Q232860 +Q91982 P106 Q82955 +Q241903 P19 Q1345 +Q280098 P26 Q106706 +Q295420 P1412 Q1860 +Q102235 P161 Q111230 +Q32927 P106 Q5716684 +Q380459 P463 Q46703 +Q128604 P108 Q180865 +Q966690 P136 Q157443 +Q228832 P136 Q484641 +Q240998 P106 Q2405480 +Q85510 P136 Q676 +Q237 P530 Q230 +Q109767 P161 Q218532 +Q263518 P27 Q30 +Q229065 P136 Q37073 +Q367155 P19 Q49218 +Q621462 P108 Q23548 +Q9391 P3373 Q170348 +Q70049 P102 Q49768 +Q5816 P106 Q49757 +Q275982 P106 Q177220 +Q40874 P106 Q18814623 +Q33031 P106 Q82955 +Q551521 P106 Q82955 +Q192724 P495 Q30 +Q525949 P463 Q83172 +Q267242 P20 Q1754 +Q7294 P106 Q486748 +Q1239933 P106 Q130857 +Q117301 P106 Q4610556 +Q44248 P2348 Q2277 +Q122701 P108 Q192775 +Q1367152 P1412 Q150 +Q94486 P106 Q201788 +Q181249 P106 Q1930187 +Q256809 P27 Q34 +Q1558698 P106 Q13219637 +Q826731 P69 Q157575 +Q365144 P551 Q387047 +Q331711 P19 Q406 +Q86165 P509 Q12136 +Q188954 P106 Q36180 +Q78484 P101 Q5043 +Q79759 P140 Q6423963 +Q22750 P27 Q142 +Q295431 P106 Q36180 +Q235066 P69 Q49088 +Q494412 P106 Q43845 +Q60579 P1412 Q188 +Q559609 P1303 Q6607 +Q1703194 P102 Q9626 +Q299790 P1412 Q1860 +Q25351 P27 Q38872 +Q58620 P19 Q2103 +Q739 P463 Q4230 +Q200509 P106 Q131524 +Q467423 P106 Q486748 +Q220655 P161 Q947748 +Q902 P530 Q414 +Q8016 P106 Q189290 +Q1976514 P136 Q1133657 +Q166031 P161 Q29086 +Q1353064 P106 Q121594 +Q235617 P106 Q4610556 +Q219237 P106 Q639669 +Q1185803 P106 Q753110 +Q179201 P108 Q202660 +Q368812 P69 Q13164 +Q236954 P136 Q3071 +Q399 P463 Q1065 +Q274936 P119 Q311 +Q5052689 P19 Q60 +Q221491 P161 Q80938 +Q187165 P641 Q11419 +Q232449 P1412 Q1860 +Q1900295 P106 Q183945 +Q278519 P69 Q170027 +Q25318 P101 Q395 +Q983705 P509 Q12202 +Q534234 P1303 Q17172850 +Q3297386 P106 Q81096 +Q454398 P495 Q30 +Q44107 P106 Q333634 +Q61282 P106 Q1225716 +Q381827 P106 Q81096 +Q65047 P1412 Q188 +Q108510 P69 Q640652 +Q185147 P136 Q193355 +Q461104 P1412 Q188 +Q110183 P1412 Q188 +Q182455 P106 Q33999 +Q58720 P27 Q34266 +Q160333 P19 Q90 +Q919081 P20 Q23197 +Q229603 P161 Q316596 +Q40187 P161 Q4960 +Q46548 P106 Q486748 +Q173144 P1303 Q17172850 +Q42585 P30 Q46 +Q89694 P1412 Q188 +Q358538 P106 Q855091 +Q109612 P172 Q49085 +Q132589 P737 Q9364 +Q16458 P840 Q41 +Q117789 P106 Q15980158 +Q55198 P106 Q7042855 +Q313020 P106 Q10798782 +Q488057 P27 Q884 +Q445648 P264 Q2996526 +Q1553197 P108 Q13164 +Q259979 P106 Q28389 +Q465290 P19 Q1490 +Q55433 P69 Q131262 +Q113206 P1412 Q1860 +Q213195 P108 Q238101 +Q584850 P20 Q490 +Q115715 P106 Q10349745 +Q187241 P69 Q273523 +Q455827 P106 Q5716684 +Q842243 P106 Q1622272 +Q2645477 P119 Q311 +Q154770 P106 Q36180 +Q344655 P106 Q2405480 +Q212041 P136 Q853630 +Q55294 P451 Q170428 +Q105090 P106 Q333634 +Q38670 P106 Q28389 +Q185085 P106 Q6625963 +Q16403 P161 Q223985 +Q180251 P509 Q12078 +Q732142 P1412 Q7737 +Q154331 P106 Q16145150 +Q310106 P106 Q333634 +Q544915 P106 Q3368718 +Q2518 P106 Q82955 +Q81489 P136 Q2484376 +Q358356 P27 Q142 +Q313546 P106 Q10800557 +Q6050 P136 Q482 +Q236702 P106 Q2405480 +Q314892 P69 Q523926 +Q16389 P106 Q205375 +Q266209 P136 Q2973181 +Q921 P463 Q191384 +Q118986 P69 Q122453 +Q855 P140 Q7066 +Q275050 P106 Q2259451 +Q362332 P172 Q678551 +Q317095 P106 Q177220 +Q494676 P27 Q30 +Q297552 P106 Q639669 +Q160478 P20 Q1524 +Q41322 P27 Q233 +Q452361 P27 Q30 +Q72543 P1050 Q12204 +Q888065 P106 Q855091 +Q76600 P19 Q2103 +Q445125 P106 Q33999 +Q448776 P101 Q35760 +Q19364345 P27 Q15180 +Q191064 P106 Q2526255 +Q217 P463 Q656801 +Q1360993 P264 Q193023 +Q177288 P106 Q49757 +Q217557 P737 Q40874 +Q76422 P69 Q151510 +Q159 P530 Q77 +Q62310 P19 Q1741 +Q129629 P106 Q947873 +Q4271346 P27 Q15180 +Q691076 P136 Q11401 +Q91981 P106 Q728711 +Q328664 P106 Q753110 +Q116928 P136 Q1146335 +Q611121 P69 Q49117 +Q106573 P69 Q463055 +Q974670 P509 Q12202 +Q93187 P551 Q65 +Q86553 P20 Q90 +Q70083 P27 Q16957 +Q128126 P27 Q31 +Q231071 P106 Q15981151 +Q258053 P106 Q177220 +Q321917 P106 Q33999 +Q537386 P1303 Q163829 +Q765871 P106 Q10800557 +Q662575 P159 Q1726 +Q457856 P509 Q47912 +Q551512 P1412 Q150 +Q123041 P106 Q18939491 +Q224069 P161 Q104061 +Q41871 P27 Q30 +Q207873 P106 Q177220 +Q313462 P69 Q981195 +Q67247 P20 Q64 +Q4612 P106 Q2259451 +Q196617 P27 Q668 +Q873178 P3373 Q874481 +Q201359 P106 Q14915627 +Q182654 P102 Q151469 +Q127330 P27 Q30 +Q53939 P106 Q639669 +Q453614 P1412 Q652 +Q264783 P69 Q1542213 +Q4202684 P136 Q37073 +Q64915 P463 Q700570 +Q49279 P27 Q30 +Q334396 P69 Q332342 +Q172261 P106 Q3282637 +Q489643 P264 Q1025106 +Q41142 P26 Q383420 +Q284636 P551 Q65 +Q2579684 P106 Q214917 +Q76516 P106 Q1622272 +Q243639 P106 Q753110 +Q1064 P1412 Q652 +Q31845 P106 Q36180 +Q47447 P136 Q37073 +Q426582 P451 Q232052 +Q1361304 P1412 Q9083 +Q102711 P106 Q10732476 +Q378882 P19 Q192807 +Q268147 P140 Q7066 +Q231071 P27 Q30 +Q294531 P1303 Q5994 +Q31 P530 Q148 +Q152503 P172 Q49542 +Q562521 P106 Q2732142 +Q572608 P106 Q177220 +Q160499 P106 Q82955 +Q123698 P106 Q333634 +Q104757 P27 Q183 +Q302682 P840 Q60 +Q62857 P106 Q81096 +Q74639 P108 Q622683 +Q532279 P106 Q36180 +Q976283 P106 Q1930187 +Q319171 P161 Q106255 +Q59474 P106 Q43845 +Q67641 P463 Q812155 +Q428223 P136 Q38848 +Q92341 P106 Q1650915 +Q75823 P106 Q34074720 +Q37370 P69 Q165980 +Q1008 P463 Q827525 +Q386438 P27 Q142 +Q94123 P106 Q2526255 +Q11907 P106 Q855091 +Q138007 P106 Q16287483 +Q76997 P20 Q64 +Q362616 P69 Q13371 +Q166298 P106 Q193391 +Q188176 P19 Q38022 +Q467482 P106 Q18844224 +Q110167 P108 Q32120 +Q164103 P136 Q130232 +Q1057893 P136 Q183504 +Q943694 P106 Q13590141 +Q461540 P161 Q200405 +Q7729 P106 Q193391 +Q43718 P106 Q36180 +Q214801 P161 Q104791 +Q240523 P106 Q131524 +Q64397 P27 Q183 +Q107416 P69 Q49088 +Q194143 P161 Q180338 +Q314841 P1412 Q1860 +Q143198 P27 Q145 +Q7407 P26 Q189400 +Q89292 P108 Q153978 +Q155375 P106 Q2055046 +Q310800 P140 Q7066 +Q192724 P840 Q65 +Q292043 P106 Q36180 +Q719360 P106 Q1930187 +Q12279060 P27 Q219 +Q263730 P106 Q28389 +Q271690 P136 Q200092 +Q193146 P106 Q33999 +Q168849 P136 Q188473 +Q311050 P509 Q2140674 +Q912687 P27 Q145 +Q168859 P140 Q7066 +Q3490296 P106 Q36180 +Q122335 P102 Q5020915 +Q3971 P17 Q183 +Q311791 P108 Q215539 +Q130868 P136 Q1054574 +Q192442 P119 Q813 +Q304874 P69 Q49115 +Q23559 P102 Q139596 +Q51488 P509 Q147778 +Q84867 P19 Q1022 +Q368525 P106 Q36834 +Q318503 P106 Q131524 +Q144622 P106 Q2405480 +Q37060 P1412 Q5146 +Q70309 P106 Q333634 +Q721376 P106 Q177220 +Q325660 P27 Q298 +Q105387 P136 Q188473 +Q722347 P463 Q463303 +Q215366 P106 Q4610556 +Q356369 P1303 Q17172850 +Q950350 P106 Q36834 +Q1347095 P106 Q19723482 +Q177374 P161 Q44380 +Q1010602 P106 Q36834 +Q60178 P106 Q155647 +Q218889 P106 Q16742096 +Q93349 P1412 Q1860 +Q383844 P161 Q202792 +Q105941 P27 Q30 +Q142751 P495 Q38 +Q317427 P1303 Q17172850 +Q910092 P20 Q617 +Q157024 P172 Q8060 +Q311293 P140 Q33203 +Q157814 P27 Q145 +Q296883 P106 Q33999 +Q240377 P136 Q11366 +Q42574 P106 Q7042855 +Q954563 P27 Q142 +Q110462 P1303 Q17172850 +Q434913 P106 Q33999 +Q60100 P1412 Q188 +Q366700 P106 Q644687 +Q352914 P27 Q28513 +Q544387 P106 Q486748 +Q152208 P451 Q38111 +Q47100 P106 Q10798782 +Q541573 P136 Q83270 +Q345571 P106 Q40348 +Q1176607 P108 Q126399 +Q271471 P106 Q245068 +Q229449 P106 Q486748 +Q157707 P106 Q131524 +Q488057 P1303 Q17172850 +Q460161 P69 Q540672 +Q796694 P1412 Q5287 +Q323524 P106 Q2259451 +Q49847 P1303 Q17172850 +Q213974 P1412 Q188 +Q108617 P27 Q183 +Q184530 P108 Q219317 +Q267441 P140 Q9268 +Q16 P530 Q159583 +Q124401 P108 Q659080 +Q258753 P106 Q4263842 +Q202144 P106 Q2259451 +Q75209 P106 Q1607826 +Q3741406 P108 Q28024477 +Q1544666 P106 Q177220 +Q361670 P27 Q30 +Q35 P530 Q236 +Q34020 P30 Q538 +Q18800 P106 Q33999 +Q1342003 P106 Q82955 +Q19089 P136 Q2297927 +Q73959 P102 Q49763 +Q214548 P106 Q55960555 +Q921516 P19 Q15180 +Q3262638 P106 Q36180 +Q90885 P1412 Q188 +Q212 P530 Q115 +Q47478 P106 Q662729 +Q544387 P27 Q30 +Q233529 P106 Q488205 +Q72357 P463 Q329464 +Q244975 P161 Q95026 +Q62766 P106 Q12362622 +Q319871 P106 Q18814623 +Q484292 P106 Q82955 +Q1736382 P1412 Q8641 +Q4247 P1412 Q150 +Q151814 P1412 Q1321 +Q463018 P69 Q2994538 +Q12898 P106 Q36180 +Q207130 P495 Q17 +Q115525 P106 Q520549 +Q273206 P106 Q33999 +Q440433 P20 Q43788 +Q596746 P106 Q855091 +Q180278 P136 Q9734 +Q276139 P106 Q486748 +Q232810 P108 Q1206658 +Q25351 P1412 Q188 +Q2177054 P17 Q159 +Q184535 P69 Q221645 +Q470572 P136 Q130232 +Q23441 P106 Q12961474 +Q1276176 P106 Q15981151 +Q40187 P161 Q316627 +Q1334617 P106 Q33999 +Q23395 P136 Q859369 +Q62565 P1412 Q188 +Q186525 P140 Q1841 +Q177650 P463 Q463303 +Q161363 P19 Q36036 +Q269462 P1303 Q5994 +Q28 P463 Q81299 +Q190944 P101 Q8134 +Q67204 P463 Q44687 +Q4089775 P27 Q15180 +Q76715 P20 Q39984 +Q355153 P509 Q12152 +Q129037 P161 Q291068 +Q26625 P264 Q183387 +Q188459 P106 Q10798782 +Q231479 P136 Q37073 +Q268111 P106 Q12144794 +Q80046 P451 Q44221 +Q154782 P1412 Q188 +Q89383 P20 Q2807 +Q114760 P102 Q210703 +Q11941 P27 Q30 +Q1166988 P106 Q55960555 +Q233313 P1303 Q17172850 +Q171861 P840 Q65 +Q979084 P27 Q30 +Q78525 P106 Q1930187 +Q63699 P140 Q75809 +Q66709 P106 Q1622272 +Q346280 P106 Q10800557 +Q32520 P106 Q733786 +Q80399 P69 Q27621 +Q55497 P101 Q207628 +Q382393 P106 Q10800557 +Q158436 P106 Q36834 +Q12548 P140 Q9592 +Q463101 P161 Q320204 +Q238464 P27 Q145 +Q188697 P135 Q37068 +Q93031 P463 Q83172 +Q41 P530 Q863 +Q906 P37 Q7737 +Q597433 P1412 Q188 +Q202878 P106 Q10800557 +Q1702399 P264 Q216364 +Q431656 P106 Q947873 +Q310785 P106 Q2405480 +Q506102 P106 Q36180 +Q92663 P19 Q956 +Q85927 P69 Q155354 +Q451150 P106 Q43845 +Q31959 P27 Q30 +Q343037 P509 Q147778 +Q193670 P106 Q211346 +Q573017 P495 Q30 +Q70215 P119 Q1200 +Q162045 P136 Q46046 +Q63454 P106 Q639669 +Q298 P530 Q41 +Q3241949 P106 Q81096 +Q42581 P106 Q2405480 +Q1112005 P106 Q753110 +Q438124 P106 Q177220 +Q562521 P69 Q174570 +Q460323 P27 Q30 +Q57317 P19 Q2833 +Q172183 P106 Q18814623 +Q388035 P1412 Q1321 +Q594272 P69 Q32120 +Q60259 P509 Q12152 +Q88095 P102 Q7320 +Q7841 P106 Q49757 +Q553196 P106 Q2516866 +Q287607 P106 Q10798782 +Q765871 P106 Q28389 +Q330612 P161 Q181413 +Q3173947 P106 Q188094 +Q106706 P106 Q2526255 +Q720785 P1303 Q9798 +Q254552 P1412 Q1860 +Q77325 P509 Q12202 +Q166646 P509 Q181754 +Q71633 P20 Q1930 +Q10664 P140 Q106687 +Q183713 P27 Q142 +Q158030 P20 Q90 +Q162597 P106 Q4263842 +Q1382883 P27 Q34 +Q727151 P106 Q753110 +Q727752 P140 Q75809 +Q38082 P27 Q145 +Q445386 P106 Q177220 +Q20733 P19 Q90 +Q124183 P106 Q82955 +Q51530 P106 Q1028181 +Q61673 P27 Q183 +Q611121 P19 Q60 +Q711810 P106 Q158852 +Q1648062 P27 Q38 +Q1070152 P17 Q30 +Q71635 P106 Q82955 +Q126492 P161 Q320204 +Q1579348 P102 Q7320 +Q165419 P1412 Q397 +Q237669 P106 Q5322166 +Q151904 P161 Q28054 +Q92621 P19 Q60 +Q937537 P106 Q36180 +Q186485 P27 Q30 +Q16297 P69 Q201492 +Q23395 P161 Q380095 +Q915 P17 Q2305208 +Q432743 P1303 Q17172850 +Q229613 P264 Q202585 +Q442390 P161 Q55468 +Q96 P530 Q881 +Q1292738 P69 Q273523 +Q193146 P136 Q1196752 +Q298255 P106 Q855091 +Q735283 P106 Q36180 +Q349690 P1412 Q1860 +Q332640 P19 Q1891 +Q62845 P106 Q2526255 +Q105896 P119 Q562211 +Q311314 P19 Q18013 +Q124523 P463 Q83172 +Q112635 P495 Q30 +Q153358 P136 Q1196752 +Q193835 P840 Q100 +Q18066 P106 Q36180 +Q237081 P106 Q947873 +Q263730 P27 Q298 +Q70047 P69 Q152087 +Q274404 P106 Q1930187 +Q705529 P106 Q81096 +Q633 P106 Q639669 +Q2645477 P106 Q82955 +Q122110 P3373 Q214324 +Q232837 P106 Q10800557 +Q57123 P27 Q41304 +Q854 P530 Q148 +Q317441 P1303 Q17172850 +Q219829 P20 Q1297 +Q68036 P106 Q36180 +Q312720 P106 Q1930187 +Q919462 P106 Q177220 +Q62115 P119 Q1497554 +Q4636 P106 Q33999 +Q123557 P106 Q1622272 +Q265706 P20 Q60 +Q522856 P69 Q1786078 +Q235955 P172 Q7325 +Q399 P463 Q5611262 +Q33946 P530 Q36 +Q1280986 P19 Q60 +Q336272 P106 Q806349 +Q232495 P136 Q164444 +Q329719 P106 Q578109 +Q189164 P27 Q139319 +Q122110 P119 Q64 +Q92619 P19 Q1297 +Q370377 P106 Q1053574 +Q106057 P106 Q5716684 +Q325575 P161 Q228755 +Q314646 P551 Q1297 +Q225 P530 Q218 +Q587004 P119 Q272208 +Q181451 P19 Q3616 +Q1583707 P106 Q486748 +Q211322 P106 Q2259451 +Q65906 P463 Q150793 +Q59485 P106 Q177220 +Q726198 P69 Q6608367 +Q155378 P106 Q2526255 +Q64963 P69 Q206702 +Q78824 P108 Q165980 +Q76984 P1412 Q188 +Q134895 P1412 Q1321 +Q298025 P140 Q7066 +Q219315 P161 Q205707 +Q105756 P737 Q79904 +Q442854 P69 Q1143289 +Q69521 P106 Q81096 +Q62880 P69 Q157575 +Q364875 P1303 Q6607 +Q253757 P20 Q1748 +Q833 P530 Q819 +Q30 P530 Q117 +Q1361397 P19 Q1085 +Q290856 P106 Q512314 +Q843 P463 Q7809 +Q154691 P106 Q12144794 +Q75059 P27 Q142 +Q236543 P106 Q639669 +Q166056 P106 Q10732476 +Q108946 P136 Q3072039 +Q319121 P27 Q30 +Q62665 P136 Q157443 +Q931890 P106 Q1930187 +Q1020 P463 Q656801 +Q266368 P106 Q10800557 +Q165421 P119 Q216344 +Q4715 P106 Q36180 +Q298726 P264 Q726251 +Q356499 P463 Q463303 +Q309995 P27 Q142 +Q5604 P1412 Q1860 +Q124357 P136 Q182015 +Q122003 P136 Q37073 +Q467333 P106 Q1622272 +Q212676 P106 Q82955 +Q145173 P106 Q222344 +Q794 P530 Q399 +Q123140 P106 Q4964182 +Q179493 P106 Q1231865 +Q209175 P106 Q33999 +Q310926 P106 Q947873 +Q329464 P106 Q1650915 +Q706999 P119 Q208175 +Q201477 P27 Q142 +Q130799 P1303 Q5994 +Q102235 P161 Q105682 +Q294647 P140 Q7361618 +Q11637 P102 Q29552 +Q201514 P27 Q30 +Q215820 P106 Q4853732 +Q68036 P1412 Q188 +Q423 P463 Q1065 +Q1351047 P27 Q145 +Q56036 P30 Q46 +Q174438 P69 Q49088 +Q440102 P19 Q1492 +Q187814 P106 Q177220 +Q318192 P106 Q170790 +Q188440 P27 Q30 +Q361649 P264 Q202440 +Q97144 P20 Q3150 +Q152452 P106 Q188094 +Q67901 P19 Q64 +Q187832 P264 Q216364 +Q983530 P1412 Q1860 +Q2105 P27 Q142 +Q322572 P495 Q183 +Q121694 P106 Q1930187 +Q234436 P20 Q84 +Q438968 P106 Q47064 +Q77082 P106 Q211346 +Q537722 P264 Q1546001 +Q435034 P20 Q65 +Q73975 P69 Q154804 +Q1394 P737 Q201221 +Q235639 P106 Q2259451 +Q326823 P106 Q1930187 +Q275779 P119 Q1302545 +Q320084 P106 Q10798782 +Q311580 P136 Q11399 +Q70417 P1412 Q188 +Q1386899 P136 Q83440 +Q178549 P264 Q2996526 +Q352452 P27 Q30 +Q298341 P1412 Q1860 +Q1007 P17 Q200464 +Q313525 P19 Q43668 +Q1553657 P27 Q155 +Q4030 P264 Q557632 +Q346411 P106 Q3282637 +Q58077 P106 Q131524 +Q58121 P106 Q201788 +Q65144 P106 Q864380 +Q132095 P27 Q801 +Q60802 P69 Q503246 +Q817 P463 Q624307 +Q36 P530 Q213 +Q115483 P463 Q459620 +Q963003 P106 Q16145150 +Q1397191 P106 Q639669 +Q49003 P57 Q363666 +Q219060 P463 Q1137381 +Q106428 P161 Q104791 +Q114076 P161 Q360528 +Q180695 P495 Q30 +Q356217 P20 Q84 +Q362422 P136 Q188539 +Q1068631 P101 Q18362 +Q71452 P1303 Q17172850 +Q310755 P106 Q81096 +Q276392 P161 Q725516 +Q67018 P69 Q157575 +Q125904 P106 Q3578589 +Q966067 P69 Q31519 +Q523578 P106 Q482980 +Q90 P17 Q70972 +Q430182 P1412 Q1860 +Q1239278 P1303 Q5994 +Q82778 P1412 Q397 +Q318475 P106 Q28389 +Q2516 P27 Q41304 +Q738566 P172 Q133255 +Q4356896 P106 Q36180 +Q78475 P136 Q1344 +Q310048 P737 Q140201 +Q154723 P119 Q68752772 +Q370026 P509 Q12152 +Q65130 P20 Q64 +Q92819 P108 Q49115 +Q552819 P106 Q639669 +Q158354 P463 Q83172 +Q9960 P102 Q29552 +Q105460 P551 Q1261 +Q91384 P69 Q161982 +Q3215817 P19 Q84 +Q855 P106 Q3242115 +Q1340677 P106 Q81096 +Q750 P530 Q30 +Q874 P463 Q7809 +Q23527 P106 Q753110 +Q354158 P106 Q12800682 +Q678840 P106 Q158852 +Q229760 P101 Q36834 +Q26294 P106 Q10798782 +Q86093 P27 Q40 +Q255720 P106 Q4610556 +Q865 P530 Q702 +Q1130554 P1303 Q6607 +Q107226 P840 Q495 +Q982023 P106 Q11774202 +Q353762 P106 Q2516852 +Q561169 P27 Q155 +Q260011 P69 Q487556 +Q72090 P495 Q145 +Q1931736 P106 Q177220 +Q313875 P106 Q183945 +Q182692 P161 Q56094 +Q956459 P463 Q161806 +Q43 P530 Q233 +Q724343 P106 Q1930187 +Q214831 P264 Q27184 +Q282787 P1412 Q1860 +Q93153 P106 Q82594 +Q708922 P172 Q49085 +Q76641 P463 Q2822396 +Q187241 P69 Q273626 +Q1351259 P264 Q656752 +Q307391 P106 Q639669 +Q257551 P101 Q207628 +Q133665 P27 Q30 +Q173144 P27 Q34 +Q178698 P737 Q140412 +Q95026 P106 Q2259451 +Q2594 P20 Q1022 +Q138850 P463 Q463303 +Q516786 P1412 Q809 +Q92455 P108 Q153987 +Q726440 P264 Q183387 +Q212663 P106 Q36180 +Q236954 P106 Q3357567 +Q110921 P106 Q40348 +Q71035 P69 Q152838 +Q126492 P161 Q6096 +Q380996 P161 Q3157150 +Q90787 P27 Q183 +Q4883239 P17 Q30 +Q3903340 P101 Q12271 +Q116265 P1303 Q17172850 +Q337453 P106 Q578109 +Q62046 P463 Q414379 +Q724517 P106 Q1114448 +Q235617 P1412 Q150 +Q1689075 P19 Q172 +Q325038 P20 Q649 +Q436503 P106 Q2405480 +Q92775 P106 Q6430706 +Q231194 P106 Q2259451 +Q107270 P495 Q17 +Q648098 P19 Q34404 +Q972676 P106 Q1622272 +Q158765 P106 Q3621491 +Q914054 P172 Q115026 +Q1251900 P106 Q639669 +Q124065 P140 Q23540 +Q337628 P106 Q47064 +Q314269 P106 Q189290 +Q1196965 P136 Q131578 +Q342430 P136 Q1152184 +Q114740 P108 Q622683 +Q152513 P106 Q6625963 +Q916 P463 Q7809 +Q16053 P463 Q4345832 +Q103835 P463 Q270794 +Q106363 P463 Q2043519 +Q229139 P264 Q193023 +Q161363 P551 Q64 +Q563057 P136 Q37073 +Q949 P101 Q413 +Q215263 P737 Q33760 +Q1360782 P136 Q37073 +Q229291 P27 Q408 +Q320651 P19 Q18426 +Q72070 P1412 Q1860 +Q7999 P106 Q488205 +Q264921 P106 Q2526255 +Q317152 P69 Q209842 +Q188384 P161 Q971782 +Q216927 P106 Q486748 +Q262267 P106 Q10800557 +Q2791686 P102 Q187009 +Q677706 P69 Q131252 +Q1033 P530 Q928 +Q323669 P1303 Q6607 +Q1060636 P19 Q62 +Q55630 P17 Q153136 +Q981419 P106 Q1622272 +Q269177 P19 Q656 +Q333595 P136 Q21590660 +Q712860 P106 Q753110 +Q154269 P1412 Q7737 +Q364724 P19 Q16558 +Q87857 P106 Q36834 +Q42402 P140 Q1841 +Q52627 P102 Q29468 +Q66337 P108 Q154561 +Q1032 P463 Q8475 +Q309788 P106 Q10798782 +Q102225 P161 Q235716 +Q469893 P19 Q1953 +Q468585 P19 Q60 +Q55190 P108 Q1130457 +Q369933 P1303 Q17172850 +Q520504 P106 Q333634 +Q1184931 P106 Q15981151 +Q1051531 P106 Q639669 +Q892 P106 Q4853732 +Q77667 P108 Q315658 +Q221202 P161 Q253513 +Q389589 P106 Q901 +Q34782 P106 Q214917 +Q729697 P27 Q30 +Q436712 P106 Q214917 +Q446427 P106 Q10800557 +Q131412 P172 Q181634 +Q17738 P495 Q30 +Q2560778 P463 Q219989 +Q61114 P106 Q201788 +Q309631 P19 Q485716 +Q189054 P161 Q333190 +Q65613 P108 Q372608 +Q134456 P106 Q214917 +Q165823 P20 Q1524 +Q326542 P27 Q145 +Q712082 P106 Q49757 +Q12303639 P106 Q2066131 +Q53719 P136 Q188473 +Q1626134 P495 Q30 +Q1884 P17 Q27306 +Q232301 P102 Q29468 +Q44657 P106 Q1028181 +Q60549 P463 Q543804 +Q51416 P161 Q40026 +Q278174 P1412 Q5287 +Q143901 P161 Q272770 +Q48337 P102 Q29552 +Q1528185 P106 Q1979607 +Q262446 P19 Q1748 +Q117688 P106 Q1028181 +Q428215 P19 Q84 +Q49061 P101 Q482 +Q326542 P106 Q183945 +Q389779 P106 Q36834 +Q185085 P136 Q492537 +Q35 P463 Q1072120 +Q126281 P136 Q860626 +Q114623 P136 Q8261 +Q346777 P69 Q1472245 +Q37610 P1412 Q9288 +Q4014532 P1412 Q1860 +Q1336685 P106 Q3282637 +Q235742 P136 Q200092 +Q921516 P119 Q208175 +Q261588 P20 Q649 +Q441520 P136 Q131272 +Q240890 P108 Q503246 +Q23685 P140 Q93191 +Q287824 P136 Q1152184 +Q171905 P27 Q30 +Q724343 P106 Q208217 +Q63176 P106 Q36180 +Q126958 P264 Q843402 +Q338726 P106 Q10800557 +Q25351 P106 Q36180 +Q549729 P463 Q123885 +Q64238 P108 Q503246 +Q78107 P463 Q49738 +Q192279 P119 Q208175 +Q2858166 P19 Q1492 +Q547414 P106 Q4263842 +Q936812 P106 Q1622272 +Q106573 P1412 Q150 +Q48184 P463 Q812155 +Q380981 P495 Q145 +Q184768 P161 Q297945 +Q33760 P106 Q82955 +Q223839 P140 Q13211738 +Q143286 P106 Q33999 +Q249141 P1303 Q17172850 +Q434555 P27 Q159 +Q801 P530 Q458 +Q151892 P136 Q850412 +Q172388 P108 Q168756 +Q202489 P106 Q1930187 +Q60579 P463 Q83172 +Q229018 P106 Q753110 +Q130786 P106 Q36180 +Q84238 P106 Q1622272 +Q75726 P108 Q40025 +Q223687 P1412 Q1860 +Q217470 P106 Q6625963 +Q286366 P27 Q16 +Q453330 P106 Q55960555 +Q733850 P106 Q1930187 +Q50005 P509 Q12136 +Q557774 P27 Q96 +Q88749 P27 Q131964 +Q297794 P1412 Q150 +Q123698 P27 Q39 +Q356351 P102 Q815348 +Q467737 P1303 Q17172850 +Q667841 P463 Q83172 +Q379341 P20 Q7473516 +Q17 P530 Q15180 +Q501 P737 Q43444 +Q171567 P106 Q2405480 +Q60528 P463 Q15646111 +Q87884 P106 Q13416354 +Q320651 P27 Q30 +Q49074 P1412 Q1860 +Q354542 P136 Q105513 +Q310048 P463 Q7118978 +Q507734 P27 Q30 +Q114572 P27 Q183 +Q952491 P136 Q83270 +Q318685 P172 Q7325 +Q577548 P1412 Q1860 +Q44403 P69 Q152838 +Q311223 P106 Q350979 +Q60579 P101 Q413 +Q1396681 P106 Q753110 +Q154545 P69 Q83259 +Q188962 P69 Q201492 +Q96087 P551 Q1022 +Q55946077 P106 Q6430706 +Q184499 P19 Q84 +Q317095 P136 Q3071 +Q189505 P840 Q771 +Q203643 P20 Q743535 +Q12288760 P106 Q901 +Q219491 P20 Q490 +Q59084 P57 Q285928 +Q168849 P161 Q271763 +Q234556 P106 Q4610556 +Q219829 P551 Q60 +Q72833 P106 Q36180 +Q381390 P1412 Q7737 +Q71905 P108 Q312578 +Q115805 P1412 Q188 +Q103955 P19 Q64 +Q152857 P495 Q183 +Q1151944 P106 Q177220 +Q463630 P106 Q1930187 +Q325718 P106 Q177220 +Q913084 P106 Q639669 +Q65035 P20 Q2966 +Q300566 P136 Q1341051 +Q96585 P27 Q183 +Q369797 P136 Q130232 +Q183519 P27 Q145 +Q57106 P27 Q30 +Q191819 P27 Q145 +Q268111 P106 Q36180 +Q62866 P463 Q270794 +Q1537105 P106 Q183945 +Q5348 P463 Q1132636 +Q60115 P69 Q152838 +Q57396 P106 Q55960555 +Q88150 P106 Q4964182 +Q714845 P1303 Q6607 +Q12908 P27 Q28 +Q55963 P1412 Q7850 +Q201751 P463 Q463303 +Q263439 P172 Q1026 +Q7013 P106 Q10798782 +Q336010 P106 Q182436 +Q284087 P1412 Q8641 +Q498045 P106 Q753110 +Q63184 P27 Q174193 +Q159552 P106 Q11774202 +Q27411 P136 Q200092 +Q272256 P106 Q901 +Q1196965 P19 Q1490 +Q229141 P69 Q130965 +Q1591857 P2348 Q6927 +Q86924 P1412 Q35497 +Q833 P463 Q5611262 +Q437484 P69 Q193196 +Q867257 P1303 Q17172850 +Q311752 P27 Q30 +Q520760 P108 Q1367256 +Q1729 P17 Q55300 +Q6210809 P509 Q12152 +Q86407 P136 Q482 +Q83326 P106 Q36834 +Q727782 P27 Q142 +Q267018 P161 Q104791 +Q548438 P361 Q183048 +Q1123489 P106 Q169470 +Q1345751 P106 Q639669 +Q61412 P27 Q183 +Q62400 P106 Q17489339 +Q4444 P161 Q286022 +Q234795 P106 Q33999 +Q481871 P108 Q371625 +Q57473 P106 Q2259532 +Q180619 P69 Q13371 +Q4039 P1303 Q6607 +Q164384 P69 Q152838 +Q1000051 P20 Q584451 +Q365 P17 Q713750 +Q206112 P106 Q13382533 +Q1341612 P740 Q25395 +Q373267 P495 Q30 +Q1347561 P19 Q35765 +Q51143 P27 Q145 +Q182589 P27 Q174193 +Q92638 P737 Q677706 +Q236056 P1412 Q13955 +Q104592 P19 Q1297 +Q34670 P106 Q6625963 +Q358538 P27 Q30 +Q190588 P161 Q228882 +Q443897 P106 Q177220 +Q7525 P17 Q34266 +Q149499 P106 Q4853732 +Q70523 P19 Q64 +Q139330 P69 Q309350 +Q83492 P106 Q3282637 +Q58645 P172 Q42884 +Q127332 P106 Q6625963 +Q239382 P106 Q177220 +Q92914 P1412 Q188 +Q318004 P106 Q593644 +Q161678 P161 Q235572 +Q64949 P509 Q3505252 +Q335036 P740 Q812 +Q470931 P1412 Q9168 +Q439366 P106 Q855091 +Q164170 P69 Q131252 +Q189454 P106 Q1930187 +Q183 P530 Q403 +Q323470 P1303 Q46185 +Q105180 P106 Q27532437 +Q61558 P106 Q4964182 +Q349217 P509 Q12152 +Q918443 P106 Q11063 +Q391262 P106 Q1930187 +Q114740 P106 Q49757 +Q728959 P106 Q482980 +Q164396 P106 Q169470 +Q106057 P451 Q106126 +Q981960 P69 Q27923720 +Q19069 P136 Q188473 +Q78791 P509 Q3010352 +Q915 P30 Q46 +Q34474 P463 Q83172 +Q561169 P106 Q49757 +Q94350 P106 Q17489339 +Q190772 P463 Q3603946 +Q96330 P106 Q36180 +Q92831 P463 Q46703 +Q691 P530 Q865 +Q102301 P106 Q11338576 +Q137106 P106 Q593644 +Q438271 P106 Q10800557 +Q59778 P112 Q9200 +Q92987 P106 Q82955 +Q346411 P106 Q10798782 +Q53001 P106 Q33999 +Q200672 P161 Q215017 +Q461682 P495 Q30 +Q199929 P106 Q2526255 +Q208592 P161 Q180338 +Q432526 P57 Q8877 +Q66649 P106 Q13418253 +Q50005 P140 Q1841 +Q76480 P106 Q6625963 +Q244 P463 Q7809 +Q550784 P106 Q177220 +Q88073 P1412 Q294 +Q704355 P69 Q309331 +Q362422 P641 Q5386 +Q205687 P495 Q183 +Q195710 P495 Q38 +Q247516 P161 Q203268 +Q292180 P106 Q28389 +Q78869 P463 Q41726 +Q230622 P136 Q9794 +Q1349702 P106 Q177220 +Q78704 P3373 Q105273 +Q307 P101 Q395 +Q433979 P27 Q142 +Q382316 P1303 Q6607 +Q945 P463 Q17495 +Q323516 P106 Q28389 +Q861994 P1303 Q17172850 +Q240769 P27 Q16 +Q185655 P106 Q266569 +Q90822 P27 Q183 +Q148 P530 Q1011 +Q2034661 P136 Q8341 +Q685149 P106 Q40348 +Q196287 P27 Q131964 +Q76543 P27 Q183 +Q350666 P69 Q4614 +Q1093318 P136 Q11399 +Q634776 P106 Q18939491 +Q230278 P106 Q10798782 +Q109310 P106 Q82955 +Q357798 P106 Q81096 +Q107914 P161 Q242749 +Q697 P463 Q7809 +Q246722 P106 Q28389 +Q949184 P106 Q36180 +Q93957 P106 Q10798782 +Q42585 P361 Q12548 +Q1893889 P551 Q801 +Q992295 P264 Q202585 +Q184843 P161 Q213574 +Q295120 P1412 Q1860 +Q325038 P106 Q193391 +Q129817 P106 Q33999 +Q154401 P140 Q9592 +Q38222 P136 Q2973181 +Q232874 P106 Q10800557 +Q293067 P106 Q28389 +Q157321 P1412 Q150 +Q45563 P106 Q36180 +Q84904 P1412 Q188 +Q196617 P106 Q82955 +Q45563 P106 Q2259451 +Q348001 P106 Q82955 +Q125462 P1412 Q188 +Q94370 P737 Q11730 +Q903208 P19 Q84 +Q78628 P119 Q240744 +Q233946 P106 Q19723482 +Q115683 P1412 Q8785 +Q792 P463 Q1065 +Q217008 P161 Q192682 +Q251144 P106 Q639669 +Q373267 P161 Q233347 +Q458686 P106 Q6625963 +Q321846 P27 Q30 +Q325077 P161 Q68084 +Q960081 P27 Q30 +Q697200 P1412 Q188 +Q430076 P1412 Q1860 +Q190972 P27 Q30 +Q238638 P69 Q332342 +Q680881 P509 Q333495 +Q44707 P106 Q488205 +Q4636 P102 Q29552 +Q359791 P106 Q36834 +Q69045 P69 Q49115 +Q183469 P27 Q30 +Q362531 P106 Q639669 +Q185507 P495 Q30 +Q191064 P451 Q7546 +Q164784 P172 Q121842 +Q216102 P20 Q801 +Q20127 P106 Q1930187 +Q174153 P161 Q45553 +Q520760 P69 Q1367256 +Q53031 P509 Q181754 +Q976238 P19 Q11194 +Q47139 P1412 Q9299 +Q178391 P1303 Q17172850 +Q105118 P106 Q28389 +Q463883 P1412 Q1860 +Q981856 P1303 Q128309 +Q5549674 P551 Q3130 +Q272770 P106 Q28389 +Q2623752 P20 Q31487 +Q60487 P161 Q236463 +Q107226 P136 Q3990883 +Q1535539 P106 Q183945 +Q2260923 P69 Q9842 +Q211513 P551 Q915 +Q272256 P69 Q7691246 +Q199943 P106 Q3455803 +Q191088 P451 Q189992 +Q1197841 P495 Q30 +Q66286 P102 Q49762 +Q428668 P161 Q1677114 +Q239652 P1303 Q6607 +Q4465 P106 Q36180 +Q466649 P17 Q30 +Q49492 P27 Q2305208 +Q1556241 P106 Q864503 +Q241 P530 Q159583 +Q114 P530 Q1016 +Q126492 P161 Q272923 +Q153484 P136 Q200092 +Q253757 P1303 Q17172850 +Q106506 P495 Q142 +Q41590 P106 Q864380 +Q57462 P102 Q7320 +Q726369 P509 Q372701 +Q179680 P509 Q41083 +Q833 P530 Q159583 +Q98116 P1412 Q397 +Q93689 P161 Q123849 +Q257840 P106 Q177220 +Q874481 P106 Q36180 +Q126432 P106 Q1622272 +Q347 P463 Q1969730 +Q712820 P264 Q2576206 +Q222 P463 Q827525 +Q218575 P106 Q170790 +Q1058562 P106 Q43845 +Q128460 P106 Q482980 +Q290312 P161 Q232298 +Q114 P530 Q115 +Q123454 P463 Q414110 +Q371403 P69 Q174710 +Q153238 P69 Q51985 +Q228755 P19 Q18094 +Q233295 P106 Q1320883 +Q1700315 P106 Q43845 +Q282199 P136 Q959790 +Q3048 P140 Q288928 +Q45839 P161 Q180852 +Q715945 P106 Q49757 +Q360685 P20 Q90 +Q188461 P264 Q21077 +Q28 P530 Q38 +Q1329361 P463 Q117467 +Q188492 P106 Q28389 +Q286475 P119 Q311 +Q1545284 P106 Q639669 +Q1687890 P106 Q36834 +Q60970 P106 Q947873 +Q70049 P108 Q154804 +Q1340677 P135 Q24925 +Q336835 P161 Q119198 +Q267217 P26 Q152301 +Q465633 P69 Q457281 +Q296616 P106 Q2259451 +Q1453287 P106 Q66711686 +Q302174 P136 Q200092 +Q364315 P106 Q82955 +Q124869 P20 Q71 +Q9582 P641 Q41323 +Q1350303 P264 Q2338889 +Q712082 P27 Q33946 +Q60126 P19 Q2999 +Q981929 P140 Q432 +Q4418776 P119 Q208175 +Q355245 P106 Q4964182 +Q207536 P495 Q30 +Q724082 P509 Q744913 +Q134773 P161 Q375356 +Q462574 P106 Q6430706 +Q8684 P17 Q884 +Q78791 P106 Q1930187 +Q65385 P1412 Q188 +Q213574 P106 Q3578589 +Q61390 P106 Q18805 +Q91004 P1412 Q188 +Q153905 P509 Q506616 +Q32927 P136 Q484641 +Q95548 P27 Q183 +Q271054 P106 Q10800557 +Q242729 P509 Q29496 +Q1711513 P106 Q639669 +Q89383 P509 Q47912 +Q311271 P1412 Q1860 +Q312538 P495 Q183 +Q331711 P27 Q43 +Q556765 P106 Q177220 +Q318475 P106 Q1930187 +Q216838 P27 Q45 +Q739 P530 Q77 +Q833 P530 Q419 +Q67917 P106 Q2526255 +Q122451 P106 Q188094 +Q1979936 P27 Q34266 +Q62857 P463 Q463303 +Q8573 P102 Q31113 +Q455827 P1303 Q6607 +Q389466 P161 Q83287 +Q289524 P106 Q10800557 +Q184843 P136 Q2421031 +Q298682 P27 Q962 +Q191999 P463 Q463303 +Q131074 P161 Q170510 +Q102711 P106 Q948329 +Q91982 P69 Q152171 +Q1811612 P106 Q36834 +Q232495 P106 Q639669 +Q354783 P106 Q1350157 +Q129087 P1303 Q17172850 +Q289064 P106 Q33999 +Q40116 P106 Q1114448 +Q7833 P106 Q822146 +Q153149 P106 Q2526255 +Q41488 P106 Q36180 +Q34389 P140 Q93191 +Q92858 P101 Q21198 +Q310150 P136 Q21590660 +Q62866 P69 Q161562 +Q539156 P106 Q177220 +Q193459 P1303 Q6607 +Q103569 P57 Q56005 +Q940942 P106 Q1930187 +Q952428 P136 Q492264 +Q1001 P106 Q16323111 +Q128297 P1303 Q17172850 +Q76422 P101 Q9471 +Q95237 P102 Q49762 +Q97423 P106 Q11481802 +Q77162 P69 Q154804 +Q983239 P106 Q10349745 +Q85429 P19 Q1794 +Q607 P463 Q463303 +Q129598 P463 Q463281 +Q964355 P463 Q11993457 +Q712082 P106 Q2526255 +Q444545 P106 Q2259451 +Q11703496 P108 Q219615 +Q128494 P737 Q34787 +Q1686156 P106 Q639669 +Q157970 P106 Q483501 +Q49074 P737 Q3335 +Q435203 P106 Q2516866 +Q42402 P106 Q40348 +Q70881 P106 Q10800557 +Q474810 P136 Q134307 +Q1573501 P463 Q468865 +Q178527 P27 Q28 +Q943694 P108 Q221653 +Q108560 P136 Q316930 +Q71452 P264 Q202440 +Q180710 P106 Q728711 +Q214357 P106 Q17489339 +Q82360 P27 Q30 +Q534599 P1412 Q1860 +Q25835 P161 Q119798 +Q6530 P136 Q24925 +Q312656 P27 Q30 +Q1290021 P1303 Q8343 +Q115641 P463 Q920266 +Q107008 P106 Q486748 +Q310950 P69 Q49119 +Q274342 P106 Q16287483 +Q366584 P106 Q855091 +Q159876 P1412 Q7918 +Q1045 P463 Q340195 +Q194696 P136 Q496523 +Q429311 P161 Q299194 +Q1687803 P106 Q855091 +Q155018 P161 Q204590 +Q2643 P1303 Q46185 +Q57382 P69 Q154561 +Q467519 P1303 Q17172850 +Q91 P102 Q29468 +Q238296 P161 Q207852 +Q280098 P106 Q33999 +Q695 P463 Q191384 +Q1736382 P27 Q183 +Q110374 P19 Q16558 +Q243643 P161 Q440926 +Q161842 P19 Q1770 +Q551154 P27 Q30 +Q212965 P161 Q266109 +Q9696 P40 Q316064 +Q107933 P106 Q177220 +Q184535 P69 Q152087 +Q216457 P19 Q1741 +Q265621 P27 Q29 +Q75886 P1412 Q188 +Q131018 P140 Q9592 +Q43330 P69 Q738258 +Q528742 P106 Q49757 +Q91972 P102 Q153401 +Q269894 P69 Q29052 +Q244997 P106 Q40348 +Q141860 P27 Q2184 +Q60174 P19 Q64 +Q156379 P102 Q151469 +Q61940 P27 Q34266 +Q20732 P509 Q2140674 +Q19999 P20 Q84 +Q272943 P106 Q855091 +Q84412 P140 Q7066 +Q11734 P108 Q695599 +Q965 P361 Q4412 +Q949281 P106 Q82955 +Q1173086 P136 Q9759 +Q188440 P1412 Q1860 +Q183094 P106 Q4991371 +Q192069 P106 Q36180 +Q232371 P19 Q34217 +Q79 P530 Q878 +Q78524 P119 Q240744 +Q578031 P106 Q6625963 +Q98215 P69 Q151510 +Q39999 P161 Q237115 +Q218589 P136 Q369747 +Q184366 P551 Q84 +Q10536 P19 Q34692 +Q23858 P106 Q28389 +Q218 P463 Q899770 +Q4919786 P551 Q47034 +Q90653 P106 Q855091 +Q278853 P172 Q49085 +Q236543 P551 Q172 +Q240238 P106 Q36180 +Q1276 P551 Q340 +Q269894 P69 Q1542213 +Q1553657 P509 Q12136 +Q184605 P840 Q61 +Q241115 P27 Q183 +Q836910 P463 Q901677 +Q144195 P106 Q1281618 +Q356129 P1303 Q52954 +Q333265 P108 Q13164 +Q84842 P106 Q82955 +Q9353 P106 Q4964182 +Q76483 P136 Q676 +Q1930839 P19 Q1899 +Q1687890 P136 Q37073 +Q431401 P27 Q16 +Q61687 P69 Q40025 +Q89486 P106 Q855091 +Q1101377 P264 Q772494 +Q256402 P106 Q33999 +Q12908 P551 Q21 +Q54828 P106 Q12144794 +Q103955 P69 Q152087 +Q131390 P161 Q294819 +Q837 P530 Q159 +Q63458 P69 Q156598 +Q448905 P27 Q34 +Q164170 P27 Q30 +Q34190 P172 Q42406 +Q2901936 P106 Q1231865 +Q435679 P136 Q37073 +Q131685 P106 Q639669 +Q4573 P26 Q238871 +Q239587 P136 Q11399 +Q309153 P161 Q73089 +Q164784 P463 Q901677 +Q93188 P27 Q408 +Q783992 P1303 Q52954 +Q311476 P106 Q36180 +Q1225141 P106 Q855091 +Q59112 P19 Q60 +Q189081 P509 Q476921 +Q4235 P551 Q65 +Q387638 P161 Q108622 +Q222 P530 Q145 +Q70962 P102 Q694714 +Q237273 P27 Q30 +Q3666327 P463 Q188771 +Q68501 P106 Q36180 +Q229983 P69 Q5103452 +Q211785 P136 Q128758 +Q87850 P69 Q32120 +Q34851 P106 Q36180 +Q18391 P106 Q15627169 +Q190386 P451 Q193815 +Q70166 P106 Q1086863 +Q2831583 P106 Q42973 +Q506379 P108 Q13371 +Q152941 P106 Q10800557 +Q506231 P27 Q145 +Q230662 P106 Q10800557 +Q209684 P106 Q486748 +Q58009 P463 Q150793 +Q277551 P136 Q11366 +Q275967 P19 Q33935 +Q195303 P161 Q76409 +Q381307 P108 Q193727 +Q46248 P140 Q7066 +Q236229 P27 Q2305208 +Q1618047 P551 Q3033 +Q3821445 P106 Q1622272 +Q237633 P19 Q79867 +Q36290 P136 Q45981 +Q804 P530 Q77 +Q1049 P530 Q183 +Q30449 P1412 Q150 +Q120966 P106 Q1622272 +Q974888 P106 Q177220 +Q170348 P27 Q30 +Q270374 P1412 Q188 +Q13133 P172 Q49085 +Q11237 P509 Q12152 +Q436712 P106 Q245068 +Q65394 P27 Q183 +Q207177 P106 Q33999 +Q7439 P106 Q205375 +Q359568 P106 Q11900058 +Q131374 P69 Q27621 +Q231923 P27 Q30 +Q538379 P106 Q3242115 +Q184404 P106 Q639669 +Q75726 P108 Q209842 +Q13132095 P3373 Q2287423 +Q100718 P1412 Q397 +Q119348 P106 Q7042855 +Q1151 P106 Q1350157 +Q233868 P106 Q488205 +Q26419 P106 Q215536 +Q426393 P136 Q20442589 +Q954 P463 Q376150 +Q434956 P106 Q2722764 +Q272770 P101 Q207628 +Q1377134 P27 Q145 +Q962 P463 Q2029901 +Q45338 P1412 Q188 +Q34166 P19 Q25610 +Q213675 P172 Q42884 +Q90635 P106 Q33231 +Q215724 P19 Q1794 +Q92644 P106 Q1622272 +Q20882 P106 Q42973 +Q930961 P27 Q419 +Q228717 P106 Q2259451 +Q92983 P108 Q49114 +Q1988375 P1303 Q17172850 +Q2622688 P106 Q81096 +Q61319 P463 Q117467 +Q392 P551 Q387047 +Q526382 P27 Q219 +Q325004 P106 Q14467526 +Q231815 P136 Q11399 +Q229286 P106 Q49757 +Q2062366 P3373 Q18118088 +Q1023788 P106 Q639669 +Q445606 P106 Q40348 +Q53002 P106 Q2526255 +Q1175266 P106 Q639669 +Q366217 P27 Q801 +Q436187 P19 Q60 +Q1702399 P106 Q183945 +Q134644 P106 Q49757 +Q46602 P509 Q12152 +Q563057 P1303 Q6607 +Q9594 P106 Q1622272 +Q230739 P106 Q578109 +Q892 P106 Q4263842 +Q33 P530 Q191 +Q3184115 P20 Q1492 +Q290502 P106 Q15253558 +Q92854 P106 Q82594 +Q750 P30 Q18 +Q320849 P463 Q123885 +Q462356 P106 Q214917 +Q1157139 P106 Q1622272 +Q430602 P136 Q131578 +Q374223 P106 Q3282637 +Q155390 P1412 Q9129 +Q1348831 P264 Q843402 +Q335569 P106 Q177220 +Q312394 P161 Q362353 +Q9695 P135 Q8361 +Q244234 P106 Q948329 +Q1973856 P1303 Q17172850 +Q1295 P17 Q713750 +Q558288 P27 Q31 +Q83038 P27 Q38 +Q106662 P106 Q183945 +Q154077 P495 Q30 +Q236848 P1412 Q1860 +Q554971 P106 Q10800557 +Q229603 P161 Q108941 +Q709 P463 Q7809 +Q92938 P106 Q82594 +Q1087475 P264 Q54860 +Q505882 P106 Q33999 +Q112263 P106 Q1930187 +Q314787 P106 Q36180 +Q45970 P106 Q1622272 +Q862412 P69 Q13164 +Q267691 P136 Q8261 +Q723063 P1303 Q46185 +Q242914 P69 Q1878600 +Q72564 P106 Q82955 +Q518152 P1412 Q652 +Q792 P463 Q899770 +Q312081 P106 Q2405480 +Q311303 P106 Q2405480 +Q72833 P463 Q2043519 +Q249862 P106 Q43845 +Q264921 P106 Q10800557 +Q63346 P27 Q183 +Q550436 P106 Q639669 +Q233365 P19 Q172 +Q156193 P463 Q459620 +Q4028 P106 Q10798782 +Q319751 P106 Q55960555 +Q203413 P106 Q49757 +Q212689 P136 Q130232 +Q1785 P108 Q740308 +Q192207 P27 Q668 +Q203690 P19 Q24826 +Q512611 P106 Q33999 +Q2464214 P106 Q81096 +Q2291 P27 Q172579 +Q184746 P463 Q543804 +Q62866 P463 Q463303 +Q27357 P106 Q193391 +Q47087 P106 Q6625963 +Q129087 P140 Q682443 +Q2578559 P20 Q1384 +Q983233 P106 Q713200 +Q463265 P106 Q15253558 +Q287828 P463 Q2166029 +Q223559 P161 Q80966 +Q921 P530 Q16 +Q215945 P27 Q35 +Q483203 P264 Q38903 +Q153579 P106 Q49757 +Q125042 P20 Q78 +Q450714 P136 Q11401 +Q229572 P106 Q10798782 +Q97083 P106 Q2468727 +Q34628 P106 Q4263842 +Q15615 P106 Q10798782 +Q431874 P106 Q33999 +Q222832 P106 Q2259451 +Q263670 P106 Q753110 +Q709685 P172 Q170217 +Q151403 P106 Q36180 +Q345217 P106 Q28389 +Q8312 P19 Q60 +Q267764 P106 Q130857 +Q449199 P1412 Q1860 +Q318475 P106 Q158852 +Q728365 P20 Q2807 +Q256327 P106 Q1930187 +Q83297 P463 Q265058 +Q134644 P106 Q36180 +Q928939 P20 Q19660 +Q202548 P161 Q368794 +Q26378 P69 Q174710 +Q455930 P106 Q6625963 +Q176405 P136 Q8261 +Q9438 P106 Q250867 +Q234700 P27 Q30 +Q9960 P106 Q18939491 +Q159551 P27 Q153136 +Q71452 P106 Q177220 +Q187199 P106 Q82955 +Q61940 P135 Q164800 +Q319773 P264 Q155152 +Q78494 P106 Q18814623 +Q3301546 P463 Q463303 +Q86096 P463 Q451079 +Q1154246 P27 Q30 +Q83495 P136 Q188473 +Q5685 P27 Q34266 +Q299297 P1303 Q5994 +Q718368 P108 Q503246 +Q106428 P161 Q361610 +Q181086 P136 Q52207399 +Q174371 P161 Q306403 +Q106235 P106 Q82955 +Q441326 P27 Q30 +Q1040459 P27 Q17 +Q327681 P495 Q145 +Q433520 P106 Q10798782 +Q457029 P1303 Q5994 +Q217557 P69 Q617433 +Q62665 P135 Q377616 +Q213811 P1412 Q188 +Q1000 P463 Q5611262 +Q310052 P1303 Q6607 +Q595529 P1412 Q1860 +Q151098 P3373 Q7729 +Q451180 P106 Q2865819 +Q183074 P101 Q482 +Q160640 P19 Q90 +Q60025 P101 Q35760 +Q78628 P172 Q237534 +Q316857 P106 Q28389 +Q68325 P69 Q152171 +Q664 P530 Q34 +Q208592 P161 Q184103 +Q325004 P106 Q4853732 +Q1044 P463 Q899770 +Q1516431 P495 Q30 +Q112263 P19 Q1741 +Q381420 P106 Q177220 +Q102289 P20 Q65 +Q78924 P20 Q1726 +Q365129 P106 Q1622272 +Q240206 P19 Q656 +Q233584 P106 Q1930187 +Q29999 P463 Q233611 +Q133151 P140 Q6423963 +Q20562503 P3373 Q13129708 +Q313596 P551 Q8646 +Q369283 P69 Q13371 +Q219862 P1412 Q1860 +Q73437 P1303 Q6607 +Q205314 P20 Q127856 +Q720868 P20 Q270 +Q4218975 P3373 Q53191106 +Q91232 P27 Q183 +Q213811 P106 Q753110 +Q1282750 P106 Q639669 +Q705715 P19 Q16552 +Q504920 P1412 Q1860 +Q208101 P1412 Q1860 +Q457856 P1412 Q1860 +Q83158 P106 Q33999 +Q212 P530 Q155 +Q557774 P106 Q49757 +Q87293 P106 Q36180 +Q155907 P20 Q350 +Q216573 P27 Q183 +Q200299 P840 Q779 +Q42051 P161 Q165518 +Q436503 P106 Q36180 +Q2061964 P106 Q82955 +Q338442 P840 Q60 +Q62963 P20 Q64 +Q674739 P20 Q84 +Q1514 P136 Q83440 +Q448163 P106 Q183945 +Q157255 P108 Q174570 +Q910486 P106 Q245068 +Q70326 P172 Q121842 +Q767435 P106 Q1930187 +Q231006 P106 Q33999 +Q2086235 P463 Q463303 +Q23685 P1412 Q1321 +Q248592 P19 Q1754 +Q1272729 P106 Q639669 +Q78824 P106 Q1930187 +Q258053 P264 Q193023 +Q35149 P108 Q55044 +Q76553 P108 Q153978 +Q1131225 P161 Q267772 +Q170572 P102 Q29552 +Q5052689 P69 Q55044 +Q419 P463 Q384535 +Q567529 P69 Q471980 +Q233541 P106 Q488205 +Q168728 P1412 Q1860 +Q204191 P495 Q30 +Q285254 P106 Q16145150 +Q77109 P463 Q812155 +Q240523 P264 Q1899781 +Q185147 P1303 Q17172850 +Q439358 P69 Q617433 +Q294225 P106 Q486748 +Q203845 P136 Q959790 +Q541929 P106 Q49757 +Q155106 P136 Q8261 +Q254838 P27 Q27 +Q49620 P69 Q49108 +Q160534 P69 Q49088 +Q76370 P463 Q414163 +Q62665 P161 Q59215 +Q313875 P106 Q386854 +Q71322 P108 Q161976 +Q57106 P551 Q1524 +Q186123 P106 Q1238570 +Q142 P463 Q38130 +Q70236 P27 Q183 +Q191719 P106 Q10800557 +Q530377 P106 Q639669 +Q172388 P106 Q36180 +Q183 P463 Q3772571 +Q166262 P161 Q211322 +Q3076050 P172 Q49085 +Q329845 P106 Q49757 +Q607464 P106 Q36180 +Q83566 P27 Q298 +Q218679 P172 Q121842 +Q956275 P1303 Q6607 +Q472487 P106 Q855091 +Q33 P530 Q189 +Q51547 P1412 Q188 +Q230501 P106 Q639669 +Q560354 P1303 Q6607 +Q221917 P106 Q13235160 +Q869 P530 Q917 +Q250995 P161 Q191104 +Q43179 P69 Q1206658 +Q188962 P27 Q16 +Q29213 P19 Q1757 +Q981526 P1412 Q5287 +Q34943 P551 Q87 +Q137138 P106 Q193391 +Q247846 P106 Q33999 +Q233701 P69 Q49210 +Q223193 P106 Q33999 +Q611121 P101 Q9418 +Q3130 P17 Q408 +Q4430 P840 Q220 +Q501429 P27 Q30 +Q722390 P108 Q23548 +Q102788 P27 Q43287 +Q203690 P27 Q145 +Q51559 P106 Q10800557 +Q115152 P108 Q165980 +Q381734 P509 Q210392 +Q953 P530 Q230 +Q482964 P264 Q183387 +Q61743 P69 Q310695 +Q30931 P136 Q188473 +Q380865 P101 Q11030 +Q123097 P161 Q241909 +Q212145 P840 Q22 +Q191 P463 Q826700 +Q1998195 P136 Q38848 +Q84751 P20 Q1741 +Q191480 P106 Q1930187 +Q293520 P106 Q81096 +Q705399 P106 Q36180 +Q230 P530 Q347 +Q962897 P20 Q649 +Q1398507 P264 Q898618 +Q41269 P106 Q81096 +Q209004 P1412 Q7737 +Q1163944 P69 Q178416 +Q11194 P17 Q12560 +Q234356 P106 Q33999 +Q94882 P106 Q33999 +Q55452 P106 Q2259451 +Q57374 P20 Q1741 +Q44024 P106 Q36180 +Q194638 P69 Q304985 +Q55846 P27 Q36 +Q237 P37 Q150 +Q243550 P20 Q3640 +Q437340 P1412 Q150 +Q444728 P106 Q765778 +Q179497 P106 Q2526255 +Q137800 P840 Q60 +Q1082312 P136 Q1133657 +Q715281 P1412 Q7737 +Q68312 P108 Q152087 +Q298025 P106 Q2059704 +Q1678730 P509 Q2140674 +Q1590452 P69 Q174158 +Q919565 P20 Q23197 +Q471664 P19 Q649 +Q537320 P106 Q36180 +Q325449 P1412 Q652 +Q57500 P108 Q55021 +Q712086 P106 Q10833314 +Q3986379 P161 Q202725 +Q435681 P106 Q36834 +Q55 P530 Q41 +Q11753 P1412 Q188 +Q443121 P106 Q10800557 +Q863 P530 Q43 +Q178966 P161 Q23517 +Q95843 P69 Q152838 +Q190972 P106 Q10798782 +Q58033 P20 Q1218 +Q1237496 P19 Q1492 +Q229449 P1412 Q6654 +Q704294 P106 Q36180 +Q1340677 P108 Q161562 +Q3435328 P106 Q43845 +Q2563 P102 Q49762 +Q2416148 P27 Q159 +Q311615 P136 Q182015 +Q137098 P840 Q142 +Q175392 P1412 Q1860 +Q118243 P69 Q659080 +Q822668 P106 Q3621491 +Q490938 P1412 Q9176 +Q96330 P20 Q1741 +Q47878 P264 Q183412 +Q1395573 P106 Q10798782 +Q54860 P17 Q30 +Q243419 P106 Q4964182 +Q454696 P106 Q81096 +Q208116 P27 Q15180 +Q68529 P106 Q193391 +Q294586 P69 Q245247 +Q489854 P136 Q213665 +Q231781 P1412 Q5146 +Q3076050 P136 Q429264 +Q959097 P106 Q1930187 +Q47100 P1412 Q1860 +Q55438 P106 Q28389 +Q47152 P106 Q864380 +Q233848 P1412 Q1860 +Q159473 P106 Q2259451 +Q317251 P264 Q5086379 +Q171669 P136 Q52162262 +Q1686156 P106 Q488205 +Q208681 P106 Q177220 +Q214013 P161 Q132616 +Q152388 P106 Q36180 +Q49021 P161 Q171571 +Q328760 P69 Q51985 +Q1046616 P27 Q145 +Q121060 P106 Q6625963 +Q297831 P106 Q33999 +Q207515 P106 Q18844224 +Q239411 P106 Q82955 +Q57848 P20 Q90 +Q59595 P161 Q362500 +Q106751 P551 Q99 +Q84220 P136 Q645928 +Q346532 P108 Q144488 +Q144669 P20 Q23768 +Q907738 P106 Q593644 +Q179493 P119 Q252312 +Q414 P463 Q376150 +Q164804 P161 Q207179 +Q445417 P106 Q33999 +Q189505 P495 Q30 +Q467940 P1303 Q5994 +Q151814 P106 Q10800557 +Q709640 P27 Q30 +Q188850 P495 Q30 +Q133151 P26 Q1806985 +Q82778 P101 Q1071 +Q390299 P136 Q52162262 +Q187019 P106 Q482980 +Q55428 P1412 Q1860 +Q49075 P1303 Q8355 +Q240849 P136 Q319221 +Q3662078 P108 Q13371 +Q55303 P106 Q28389 +Q973305 P102 Q79854 +Q1339164 P463 Q123885 +Q78508 P106 Q2526255 +Q547414 P106 Q15949613 +Q115 P530 Q35 +Q233385 P106 Q177220 +Q1123533 P27 Q145 +Q429397 P161 Q159577 +Q69189 P106 Q1622272 +Q449670 P1412 Q1860 +Q955088 P106 Q333634 +Q4952325 P106 Q10871364 +Q420041 P69 Q616591 +Q93397 P106 Q2306091 +Q727148 P1412 Q5146 +Q609151 P551 Q1486 +Q558104 P106 Q1930187 +Q64257 P69 Q154804 +Q106603 P69 Q152087 +Q1322146 P27 Q28 +Q1439143 P106 Q212980 +Q186273 P69 Q7842 +Q77684 P106 Q333634 +Q295034 P106 Q33999 +Q314208 P264 Q202585 +Q1886750 P1303 Q17172850 +Q385703 P463 Q939743 +Q239067 P463 Q463303 +Q451483 P106 Q177220 +Q69349 P509 Q11081 +Q62323 P106 Q33231 +Q95120 P101 Q208217 +Q66709 P108 Q659706 +Q211415 P106 Q33999 +Q298773 P106 Q49757 +Q962442 P1412 Q1860 +Q273338 P19 Q456 +Q878956 P140 Q9268 +Q15850 P102 Q79854 +Q1677099 P106 Q36180 +Q156469 P1412 Q188 +Q435665 P1303 Q17172850 +Q393407 P106 Q2526255 +Q540516 P106 Q2526255 +Q76749 P108 Q153987 +Q221104 P161 Q430872 +Q259446 P106 Q10798782 +Q83906 P106 Q1415090 +Q232101 P27 Q30 +Q173347 P20 Q1761 +Q183239 P161 Q472504 +Q157155 P463 Q329464 +Q170515 P106 Q36180 +Q80504 P737 Q855 +Q191702 P1412 Q7737 +Q28 P530 Q55 +Q165325 P161 Q351732 +Q214911 P27 Q183 +Q3186620 P106 Q3400985 +Q936470 P463 Q117467 +Q745896 P106 Q753110 +Q158354 P463 Q684415 +Q159 P530 Q1013 +Q557930 P1412 Q150 +Q367927 P69 Q13371 +Q129591 P106 Q10800557 +Q2118763 P106 Q81096 +Q180252 P27 Q30 +Q738617 P119 Q208175 +Q158250 P451 Q175142 +Q246303 P106 Q18844224 +Q151597 P161 Q172303 +Q171363 P551 Q1748 +Q106418 P172 Q121842 +Q27 P530 Q212 +Q361762 P106 Q36834 +Q444520 P136 Q11399 +Q111288 P106 Q2405480 +Q506231 P106 Q36180 +Q157255 P27 Q30 +Q219653 P106 Q10800557 +Q211784 P161 Q311271 +Q1507495 P509 Q12152 +Q60128 P106 Q164236 +Q161842 P106 Q1209498 +Q43 P530 Q889 +Q262294 P264 Q193023 +Q851 P530 Q948 +Q363708 P509 Q14467705 +Q440388 P136 Q9730 +Q228 P530 Q142 +Q16409 P106 Q193391 +Q912 P463 Q827525 +Q159 P30 Q46 +Q360507 P106 Q36180 +Q537705 P106 Q169470 +Q84464 P27 Q40 +Q244975 P57 Q315087 +Q180723 P106 Q5716684 +Q818006 P106 Q193391 +Q503013 P69 Q1760438 +Q332330 P495 Q145 +Q150651 P106 Q13235160 +Q172632 P106 Q2865819 +Q36965 P1412 Q6654 +Q966349 P27 Q801 +Q26695 P106 Q486748 +Q532852 P119 Q311 +Q92004 P19 Q1794 +Q7241 P106 Q1028181 +Q789926 P19 Q1781 +Q67385 P108 Q168426 +Q104591 P27 Q183 +Q573388 P106 Q201788 +Q95971 P20 Q90 +Q150916 P106 Q33999 +Q358885 P509 Q12202 +Q151608 P106 Q486748 +Q108006 P136 Q188473 +Q380123 P106 Q10798782 +Q156193 P106 Q16031530 +Q42198 P136 Q130232 +Q44414 P27 Q30 +Q737626 P106 Q36180 +Q95424 P27 Q183 +Q17 P530 Q244 +Q137130 P161 Q168763 +Q44107 P737 Q44328 +Q43259 P264 Q38903 +Q200566 P1412 Q1860 +Q296577 P19 Q16554 +Q241 P463 Q123759 +Q202536 P1303 Q17172850 +Q65350 P106 Q1622272 +Q233801 P19 Q24639 +Q128832 P19 Q656 +Q170510 P106 Q28389 +Q309592 P106 Q10800557 +Q123268 P106 Q27532437 +Q17917680 P106 Q3391743 +Q361617 P106 Q28389 +Q96331 P102 Q153401 +Q55208 P106 Q1930187 +Q896660 P106 Q170790 +Q439204 P140 Q7066 +Q319751 P106 Q36834 +Q25835 P161 Q8016 +Q453351 P20 Q37836 +Q865 P530 Q96 +Q557774 P69 Q222738 +Q45909 P136 Q484641 +Q965 P463 Q294278 +Q17279884 P140 Q1841 +Q108719 P1412 Q188 +Q332881 P19 Q1761 +Q440272 P106 Q177220 +Q121067 P106 Q1930187 +Q242530 P108 Q4614 +Q463042 P106 Q4610556 +Q684748 P106 Q18844224 +Q194333 P106 Q486748 +Q535157 P106 Q2095549 +Q36 P37 Q809 +Q6527 P106 Q1238570 +Q42402 P1303 Q8338 +Q264307 P495 Q38 +Q34424 P136 Q316930 +Q375186 P495 Q30 +Q1680268 P463 Q465654 +Q62765 P108 Q154561 +Q67231 P108 Q55038 +Q25351 P108 Q20266330 +Q251479 P1412 Q652 +Q1203 P1303 Q6607 +Q470204 P172 Q49085 +Q333362 P102 Q9626 +Q215076 P264 Q183412 +Q543719 P106 Q33999 +Q1372851 P69 Q152087 +Q288150 P136 Q130232 +Q42904 P106 Q49757 +Q319497 P106 Q82955 +Q95215 P1412 Q188 +Q253715 P1412 Q5287 +Q434968 P136 Q8341 +Q211 P463 Q233611 +Q65475 P108 Q194223 +Q210740 P119 Q1574424 +Q1939373 P69 Q738258 +Q32 P463 Q827525 +Q962442 P106 Q33999 +Q183167 P172 Q42406 +Q305372 P1412 Q1860 +Q145 P463 Q7825 +Q86758 P19 Q2742 +Q11104 P106 Q11063 +Q215740 P106 Q1259917 +Q189197 P27 Q30 +Q4173649 P108 Q13164 +Q367927 P106 Q82955 +Q71242 P106 Q33231 +Q356303 P27 Q30 +Q1537105 P106 Q6168364 +Q107006 P551 Q220 +Q471774 P27 Q1041 +Q106598 P106 Q333634 +Q159933 P106 Q4964182 +Q102385 P1412 Q1860 +Q9177981 P69 Q80207 +Q380407 P106 Q1415090 +Q152452 P463 Q265058 +Q200396 P136 Q188473 +Q311802 P108 Q209344 +Q463639 P106 Q483501 +Q11726 P69 Q165980 +Q80379 P136 Q157394 +Q66216 P463 Q463303 +Q349690 P27 Q30 +Q313283 P1303 Q17172850 +Q877537 P20 Q1085 +Q114 P361 Q27407 +Q506915 P106 Q488205 +Q128126 P69 Q3064259 +Q1025919 P159 Q65 +Q1383155 P106 Q43845 +Q78349 P1412 Q188 +Q251340 P20 Q1741 +Q388035 P106 Q488205 +Q704710 P264 Q557632 +Q446294 P27 Q30 +Q343983 P172 Q678551 +Q707999 P509 Q12152 +Q262170 P106 Q36180 +Q29 P463 Q899770 +Q222 P463 Q47543 +Q219782 P106 Q639669 +Q936470 P20 Q23436 +Q160802 P106 Q81096 +Q983400 P106 Q14915627 +Q26378 P106 Q10798782 +Q4384878 P27 Q15180 +Q7343182 P69 Q805285 +Q969468 P1303 Q17172850 +Q722738 P737 Q9353 +Q137659 P106 Q36180 +Q65121 P102 Q158227 +Q219622 P463 Q188771 +Q182692 P495 Q30 +Q55 P530 Q184 +Q267866 P161 Q343983 +Q39 P530 Q142 +Q1151 P136 Q9730 +Q229232 P106 Q3282637 +Q346532 P106 Q169470 +Q123034 P106 Q42603 +Q51476 P27 Q30 +Q247063 P106 Q201788 +Q207921 P136 Q645928 +Q528943 P19 Q1345 +Q233946 P740 Q37320 +Q119840 P106 Q6665249 +Q355153 P106 Q10798782 +Q316844 P69 Q1079140 +Q381884 P106 Q2865819 +Q42775 P264 Q898618 +Q505827 P106 Q4263842 +Q443897 P106 Q488205 +Q109149 P106 Q36180 +Q275875 P1303 Q17172850 +Q573408 P106 Q36180 +Q238871 P106 Q33999 +Q121507 P264 Q664167 +Q253513 P27 Q30 +Q373500 P106 Q10798782 +Q135347 P840 Q12439 +Q61390 P106 Q1225716 +Q152318 P19 Q649 +Q76583 P20 Q41304 +Q171669 P136 Q586250 +Q211206 P136 Q2975633 +Q55963 P1412 Q13955 +Q504006 P106 Q193391 +Q10287 P1412 Q1860 +Q377956 P106 Q639669 +Q544469 P106 Q1415090 +Q180279 P136 Q188473 +Q100511 P463 Q337234 +Q233295 P136 Q37073 +Q516786 P27 Q36 +Q254838 P264 Q155152 +Q717626 P1303 Q128309 +Q68171 P106 Q765778 +Q315650 P1050 Q3321212 +Q744689 P106 Q39631 +Q342549 P106 Q2405480 +Q160560 P161 Q2263 +Q362828 P119 Q208175 +Q357391 P69 Q751612 +Q208269 P161 Q211322 +Q258761 P106 Q36834 +Q317953 P463 Q270794 +Q118375 P161 Q229957 +Q726298 P509 Q188874 +Q1352613 P161 Q2599 +Q235622 P106 Q2259451 +Q191850 P106 Q49757 +Q1292344 P463 Q1493021 +Q230395 P106 Q4610556 +Q76819 P106 Q2259451 +Q168992 P26 Q356109 +Q77184 P463 Q4345832 +Q1625 P20 Q1754 +Q31 P530 Q77 +Q445648 P1303 Q17172850 +Q234630 P1412 Q1860 +Q97076 P463 Q150793 +Q457353 P27 Q20 +Q22955657 P3373 Q2287423 +Q45647 P1412 Q1860 +Q203643 P1412 Q1860 +Q2066713 P27 Q155 +Q181727 P20 Q185582 +Q736099 P136 Q9759 +Q184 P530 Q30 +Q53012 P106 Q28389 +Q430182 P69 Q245247 +Q184906 P27 Q43 +Q381185 P509 Q12152 +Q181490 P27 Q30 +Q188401 P1303 Q17172850 +Q380121 P27 Q884 +Q214659 P106 Q33999 +Q444651 P106 Q177220 +Q161400 P136 Q1776156 +Q115754 P20 Q807 +Q222 P463 Q842490 +Q605534 P106 Q36180 +Q181683 P69 Q1051840 +Q87832 P108 Q154561 +Q568256 P172 Q86630688 +Q7729 P106 Q47064 +Q342778 P1303 Q17172850 +Q270664 P106 Q10798782 +Q200867 P106 Q639669 +Q132616 P1412 Q1860 +Q71335 P108 Q151510 +Q69894 P108 Q273263 +Q2573 P20 Q2066 +Q2599 P106 Q28389 +Q94031 P463 Q270794 +Q232214 P106 Q177220 +Q422275 P1412 Q1860 +Q971782 P106 Q10800557 +Q76358 P1412 Q188 +Q327613 P161 Q219373 +Q316045 P106 Q18814623 +Q982677 P106 Q36180 +Q37577 P27 Q23366230 +Q16 P463 Q782942 +Q329716 P106 Q33999 +Q647687 P106 Q1930187 +Q313594 P27 Q15180 +Q106255 P69 Q1127387 +Q236303 P69 Q1786078 +Q236842 P26 Q366195 +Q29 P530 Q159583 +Q3806 P463 Q747279 +Q327681 P161 Q235870 +Q16349 P20 Q1337818 +Q888666 P106 Q158852 +Q186587 P161 Q34975 +Q953 P463 Q17495 +Q480037 P106 Q18814623 +Q316138 P106 Q28389 +Q159880 P106 Q49757 +Q312995 P106 Q8246794 +Q448163 P172 Q49085 +Q367489 P106 Q10798782 +Q182455 P106 Q3665646 +Q184169 P509 Q12152 +Q223414 P27 Q218 +Q115641 P463 Q329464 +Q191974 P1412 Q150 +Q139927 P161 Q264960 +Q94071 P1412 Q188 +Q11826 P101 Q333 +Q239587 P136 Q187760 +Q774 P530 Q96 +Q510361 P106 Q488205 +Q62898 P1412 Q1860 +Q254603 P19 Q60 +Q84698 P102 Q49768 +Q465636 P136 Q9759 +Q444616 P106 Q177220 +Q553276 P551 Q1297 +Q182589 P106 Q644687 +Q102139 P69 Q35794 +Q818048 P136 Q484641 +Q328201 P1412 Q7913 +Q4295 P106 Q36180 +Q303207 P264 Q5086379 +Q226053 P1412 Q1321 +Q202246 P136 Q11366 +Q48502 P27 Q28513 +Q300360 P161 Q119798 +Q119546 P140 Q7066 +Q444509 P106 Q2259451 +Q41564 P108 Q180865 +Q181776 P495 Q30 +Q106762 P27 Q145 +Q1019 P530 Q865 +Q23728 P27 Q30 +Q1157945 P1412 Q1860 +Q150526 P106 Q593644 +Q320714 P106 Q82955 +Q88029 P69 Q152171 +Q263279 P1303 Q27939 +Q873 P1303 Q17172850 +Q354394 P106 Q49757 +Q59478 P108 Q432637 +Q128759 P108 Q593321 +Q4077 P17 Q55300 +Q271464 P106 Q10798782 +Q12560 P140 Q432 +Q66493 P106 Q82955 +Q231614 P27 Q30 +Q57358 P106 Q36180 +Q356309 P106 Q10798782 +Q180861 P106 Q36834 +Q168862 P495 Q30 +Q652815 P106 Q1930187 +Q187913 P106 Q639669 +Q317142 P106 Q6625963 +Q126599 P27 Q30 +Q91446 P19 Q3933 +Q236024 P264 Q202585 +Q1246 P530 Q142 +Q354158 P106 Q639669 +Q50020 P106 Q18814623 +Q299190 P106 Q333634 +Q233061 P264 Q1254522 +Q323483 P19 Q99 +Q220536 P69 Q41506 +Q339876 P136 Q52162262 +Q26053 P140 Q5043 +Q255376 P136 Q1200678 +Q41239 P737 Q33977 +Q67247 P106 Q1622272 +Q537665 P108 Q168756 +Q318736 P106 Q28389 +Q165854 P463 Q1971373 +Q159603 P119 Q2790054 +Q134180 P19 Q34404 +Q320305 P106 Q82955 +Q89054 P108 Q240631 +Q392785 P840 Q60 +Q103569 P136 Q24925 +Q205721 P264 Q1849138 +Q153776 P1412 Q7737 +Q913570 P106 Q4263842 +Q162225 P161 Q308722 +Q222800 P161 Q14537 +Q386714 P161 Q180338 +Q1394 P551 Q84 +Q971 P530 Q30 +Q213706 P27 Q30 +Q33 P463 Q3866537 +Q144391 P27 Q129286 +Q342397 P106 Q169470 +Q124505 P106 Q13570226 +Q1711513 P27 Q145 +Q558838 P20 Q656 +Q704718 P1303 Q17172850 +Q57619 P119 Q253763 +Q124523 P69 Q32120 +Q329454 P69 Q4480746 +Q557 P1303 Q17172850 +Q72245 P106 Q185351 +Q384397 P161 Q61552 +Q180695 P136 Q20442589 +Q38193 P106 Q4964182 +Q722042 P106 Q15982858 +Q809037 P106 Q486748 +Q52925 P106 Q49757 +Q236835 P1412 Q150 +Q162277 P161 Q191084 +Q380531 P106 Q753110 +Q512 P106 Q28389 +Q449487 P106 Q39631 +Q58857 P136 Q9730 +Q298 P530 Q843 +Q169311 P106 Q49757 +Q3188629 P106 Q6606110 +Q375290 P106 Q2526255 +Q1004670 P1412 Q9067 +Q935369 P106 Q177220 +Q171672 P69 Q21578 +Q12003 P264 Q2338889 +Q157246 P172 Q2436423 +Q961851 P106 Q36834 +Q233464 P57 Q25089 +Q467519 P106 Q10798782 +Q215630 P106 Q1397808 +Q10664 P119 Q5933 +Q59477 P106 Q753110 +Q223443 P106 Q639669 +Q263178 P1412 Q150 +Q969468 P106 Q177220 +Q217280 P106 Q488205 +Q440537 P106 Q2259451 +Q309888 P264 Q18149651 +Q103285 P106 Q14467526 +Q164281 P106 Q82955 +Q504083 P135 Q180902 +Q255967 P1303 Q17172850 +Q314892 P19 Q10686 +Q7200 P737 Q22670 +Q4223 P1412 Q1860 +Q190631 P106 Q639669 +Q242792 P1412 Q1860 +Q142988 P69 Q559549 +Q74513 P27 Q30 +Q51522 P106 Q33999 +Q12940 P102 Q1904825 +Q944509 P1412 Q1860 +Q46599 P106 Q189290 +Q61374 P1412 Q188 +Q554150 P106 Q36180 +Q214602 P20 Q2079 +Q186335 P106 Q12144794 +Q57249 P106 Q81096 +Q356745 P136 Q131272 +Q154759 P106 Q16947320 +Q276158 P463 Q20153 +Q104791 P2348 Q6927 +Q265726 P27 Q30 +Q294144 P264 Q664167 +Q222867 P840 Q99 +Q53549 P106 Q639669 +Q725953 P136 Q43343 +Q381561 P106 Q3282637 +Q1329421 P136 Q9759 +Q226053 P106 Q822146 +Q872815 P102 Q1713492 +Q184404 P106 Q713200 +Q192885 P119 Q4263743 +Q1909258 P106 Q639669 +Q229957 P106 Q10800557 +Q95268 P27 Q183 +Q128888 P106 Q82955 +Q19837 P106 Q82594 +Q316627 P106 Q10800557 +Q112081 P172 Q237534 +Q544521 P27 Q174193 +Q3441496 P106 Q81096 +Q213081 P57 Q188137 +Q518152 P106 Q28389 +Q212772 P361 Q205473 +Q233253 P1303 Q258896 +Q273502 P1303 Q5994 +Q73924 P106 Q82955 +Q980235 P106 Q36180 +Q260318 P106 Q33999 +Q363867 P106 Q36180 +Q706084 P1412 Q1860 +Q3849085 P106 Q42973 +Q222868 P161 Q313516 +Q76624 P463 Q543804 +Q134644 P20 Q2807 +Q234356 P136 Q45981 +Q176909 P119 Q1588 +Q29427 P1412 Q1860 +Q57700 P264 Q330629 +Q551596 P3373 Q311804 +Q1394654 P106 Q183945 +Q131725 P136 Q83440 +Q1275039 P1303 Q17172850 +Q92914 P20 Q1726 +Q19796 P463 Q530471 +Q1680268 P463 Q127992 +Q540395 P106 Q855091 +Q95026 P106 Q10800557 +Q51545 P106 Q49757 +Q224187 P840 Q1408 +Q312280 P1412 Q150 +Q73357 P463 Q329464 +Q299190 P106 Q28389 +Q114132 P106 Q3242115 +Q9575 P106 Q36180 +Q43994 P19 Q6106 +Q57619 P106 Q36180 +Q2042 P140 Q9592 +Q239818 P1412 Q1860 +Q263442 P27 Q39 +Q271256 P26 Q55411 +Q153159 P1412 Q1412 +Q4218975 P3373 Q13129708 +Q268284 P264 Q121698 +Q323669 P27 Q30 +Q278997 P161 Q233786 +Q363763 P106 Q36834 +Q204868 P108 Q1379834 +Q92627 P101 Q21198 +Q55502 P17 Q801 +Q263185 P1303 Q5994 +Q239587 P106 Q33999 +Q52255 P1412 Q1860 +Q180468 P1412 Q1860 +Q79025 P172 Q181634 +Q177311 P106 Q2259451 +Q153723 P161 Q234581 +Q247320 P106 Q36180 +Q247063 P69 Q31519 +Q483203 P136 Q37073 +Q902 P530 Q869 +Q312450 P140 Q9592 +Q315222 P1412 Q9129 +Q155 P530 Q183 +Q139223 P69 Q230899 +Q295034 P106 Q36180 +Q97136 P108 Q153978 +Q352914 P69 Q31519 +Q77851 P463 Q459620 +Q228882 P106 Q4610556 +Q1353 P131 Q668 +Q229153 P106 Q183945 +Q311256 P1303 Q17172850 +Q232810 P106 Q36180 +Q234335 P101 Q1930187 +Q763 P463 Q827525 +Q504061 P106 Q18814623 +Q191040 P161 Q294372 +Q807545 P27 Q30 +Q311193 P136 Q9730 +Q7841 P509 Q12204 +Q34743 P172 Q42406 +Q88223 P106 Q245068 +Q271324 P106 Q2722764 +Q20732 P20 Q649 +Q325038 P172 Q49542 +Q93341 P106 Q36834 +Q578396 P172 Q2436423 +Q67938 P69 Q154804 +Q465663 P463 Q49108 +Q4527494 P27 Q34266 +Q93514 P463 Q414110 +Q451180 P69 Q49110 +Q704696 P463 Q414188 +Q222071 P106 Q855091 +Q270935 P1303 Q5994 +Q362236 P27 Q30 +Q26695 P1412 Q1860 +Q376736 P20 Q18419 +Q374065 P1412 Q1860 +Q717626 P1303 Q6607 +Q4487 P106 Q1930187 +Q526407 P19 Q72 +Q237420 P106 Q37226 +Q209186 P106 Q2526255 +Q270599 P161 Q229050 +Q2619019 P69 Q5171564 +Q874588 P106 Q11774202 +Q69973 P19 Q1726 +Q479052 P106 Q177220 +Q452797 P509 Q12078 +Q50713 P106 Q2526255 +Q4444 P161 Q48337 +Q84771 P27 Q40 +Q440609 P19 Q90 +Q272770 P106 Q488205 +Q289003 P1303 Q46185 +Q878 P530 Q801 +Q238719 P509 Q12078 +Q120260 P1412 Q1860 +Q499028 P1303 Q17172850 +Q1346849 P463 Q414110 +Q313981 P27 Q145 +Q283335 P19 Q34006 +Q23530 P1412 Q1860 +Q231690 P1412 Q1860 +Q444518 P106 Q753110 +Q188848 P106 Q1930187 +Q463501 P106 Q182436 +Q28196 P136 Q52162262 +Q909001 P27 Q28513 +Q171905 P106 Q177220 +Q743597 P106 Q36180 +Q42 P136 Q128758 +Q220192 P161 Q219878 +Q51575 P106 Q36180 +Q313755 P106 Q488205 +Q919367 P106 Q1930187 +Q382570 P106 Q639669 +Q2657741 P172 Q2325516 +Q80510 P136 Q49451 +Q172161 P106 Q82955 +Q214191 P3373 Q71819 +Q93397 P108 Q165980 +Q107226 P161 Q34975 +Q106762 P108 Q193196 +Q38873 P106 Q11774202 +Q3074304 P69 Q309350 +Q125904 P1412 Q1860 +Q106275 P106 Q36180 +Q19526 P172 Q49085 +Q160371 P106 Q158852 +Q132193 P27 Q83286 +Q9317 P463 Q463303 +Q333187 P106 Q1028181 +Q1133611 P136 Q43343 +Q24558760 P3373 Q18118088 +Q195333 P27 Q258 +Q168154 P161 Q107006 +Q259940 P1412 Q150 +Q112255 P106 Q4964182 +Q463581 P1303 Q52954 +Q93614 P1412 Q188 +Q94672 P108 Q165980 +Q296872 P27 Q30 +Q219521 P106 Q753110 +Q976071 P1050 Q41571 +Q217298 P106 Q33999 +Q8018 P106 Q4964182 +Q684808 P119 Q18405702 +Q69115 P102 Q49763 +Q1320912 P1303 Q17172850 +Q114819 P495 Q30 +Q148 P530 Q1000 +Q63670 P106 Q212980 +Q562781 P106 Q82955 +Q316528 P19 Q56036 +Q842 P463 Q899770 +Q1680807 P551 Q1297 +Q16297 P1412 Q150 +Q118233 P106 Q33999 +Q1006152 P106 Q947873 +Q169000 P161 Q2680 +Q1278397 P136 Q842256 +Q1008 P530 Q117 +Q63682 P140 Q432 +Q342419 P106 Q2405480 +Q230004 P69 Q2537765 +Q244 P530 Q769 +Q953 P463 Q7825 +Q65664 P69 Q55044 +Q232462 P106 Q488205 +Q208344 P840 Q90 +Q106208 P106 Q170790 +Q151870 P161 Q42930 +Q61446 P69 Q55044 +Q1296812 P1303 Q17172850 +Q14045 P106 Q130857 +Q919156 P1303 Q6607 +Q283696 P136 Q188473 +Q62206 P463 Q2043519 +Q1110652 P161 Q207506 +Q55462 P69 Q680971 +Q159976 P106 Q16145150 +Q323805 P106 Q822146 +Q123140 P106 Q36180 +Q597863 P19 Q270 +Q158060 P463 Q49738 +Q243550 P140 Q483654 +Q2415122 P172 Q190168 +Q7231 P102 Q153401 +Q362521 P27 Q35 +Q76546 P1412 Q188 +Q208101 P108 Q49117 +Q108283 P551 Q1522 +Q705333 P106 Q177220 +Q550900 P264 Q1849138 +Q19008 P463 Q463303 +Q340046 P101 Q482 +Q383764 P69 Q130965 +Q137659 P69 Q219615 +Q322760 P106 Q2914170 +Q295935 P19 Q61 +Q726198 P140 Q33203 +Q1979936 P106 Q49757 +Q105801 P57 Q60100 +Q72962 P161 Q3772 +Q287309 P106 Q33999 +Q553259 P27 Q30 +Q734564 P509 Q476921 +Q73089 P106 Q10800557 +Q258847 P136 Q1054574 +Q218589 P57 Q8877 +Q249647 P106 Q1930187 +Q275929 P20 Q2807 +Q109422 P106 Q82955 +Q367085 P69 Q349055 +Q191819 P106 Q639669 +Q296872 P264 Q585643 +Q295431 P106 Q18844224 +Q936470 P106 Q1622272 +Q106514 P1303 Q6607 +Q309835 P1412 Q1860 +Q126098 P106 Q2526255 +Q130127 P106 Q12800682 +Q78290 P69 Q55044 +Q63458 P463 Q833738 +Q276407 P495 Q30 +Q470931 P106 Q82955 +Q362687 P136 Q8341 +Q257872 P106 Q36180 +Q210740 P106 Q214917 +Q258736 P106 Q4610556 +Q105460 P106 Q36180 +Q54543 P106 Q49757 +Q458593 P509 Q11081 +Q125354 P106 Q10798782 +Q379830 P551 Q8686 +Q217771 P101 Q5891 +Q58612 P1412 Q188 +Q79969 P106 Q1930187 +Q942923 P69 Q1149089 +Q440528 P106 Q1622272 +Q542868 P1303 Q51290 +Q219 P463 Q3866537 +Q116032 P106 Q1622272 +Q26162388 P136 Q482 +Q1139388 P19 Q18419 +Q182692 P840 Q424 +Q157324 P106 Q36180 +Q956652 P27 Q172579 +Q322915 P27 Q30 +Q380799 P106 Q36834 +Q375775 P495 Q30 +Q104912 P27 Q16957 +Q55394 P106 Q36180 +Q668 P530 Q1028 +Q165644 P106 Q36834 +Q348916 P27 Q145 +Q85807 P101 Q8018 +Q2750257 P106 Q3400985 +Q1389588 P106 Q13582652 +Q1356368 P106 Q169470 +Q265 P530 Q865 +Q75823 P27 Q41304 +Q216896 P106 Q639669 +Q128187 P136 Q2678111 +Q182218 P161 Q51530 +Q107130 P27 Q129286 +Q371938 P740 Q1297 +Q147811 P106 Q177220 +Q47162 P106 Q11774202 +Q29658 P161 Q170572 +Q13526 P106 Q170790 +Q294625 P136 Q24925 +Q84 P131 Q23306 +Q272929 P106 Q177220 +Q78608 P551 Q1741 +Q512 P106 Q12144794 +Q445386 P27 Q30 +Q188726 P1412 Q1860 +Q292081 P27 Q30 +Q1393149 P106 Q183945 +Q77 P463 Q17495 +Q91161 P106 Q1622272 +Q92641 P20 Q173813 +Q242128 P106 Q15627169 +Q1386948 P106 Q183945 +Q133855 P1303 Q5994 +Q247538 P27 Q30 +Q152768 P264 Q168407 +Q1388990 P106 Q4964182 +Q350208 P106 Q2405480 +Q23395 P161 Q210792 +Q482964 P136 Q1298934 +Q172916 P140 Q9592 +Q165816 P1412 Q1568 +Q694052 P17 Q183 +Q207951 P1412 Q150 +Q445463 P106 Q639669 +Q220192 P161 Q47899 +Q477461 P136 Q547137 +Q34943 P2348 Q2277 +Q189 P463 Q1043527 +Q1388990 P106 Q36180 +Q178698 P106 Q13570226 +Q356537 P106 Q1930187 +Q36014 P1412 Q7737 +Q185507 P161 Q433355 +Q228787 P26 Q40096 +Q15469 P106 Q82955 +Q383355 P136 Q157443 +Q235 P530 Q142 +Q47737 P1412 Q13955 +Q440996 P106 Q36180 +Q215860 P19 Q1780 +Q313411 P1412 Q1860 +Q962308 P106 Q28389 +Q108539 P20 Q1055 +Q704015 P136 Q12799318 +Q593554 P19 Q649 +Q113909 P106 Q36180 +Q105428 P463 Q133957 +Q216573 P20 Q1218 +Q69340 P27 Q183 +Q817 P463 Q233611 +Q949281 P106 Q201788 +Q432129 P27 Q34 +Q103562 P106 Q82955 +Q1262590 P136 Q164444 +Q310939 P1412 Q1860 +Q270 P17 Q1649871 +Q123916 P27 Q39 +Q233 P463 Q81299 +Q153657 P1412 Q1860 +Q365042 P106 Q488205 +Q268912 P106 Q2095549 +Q78824 P19 Q1085 +Q823935 P102 Q49768 +Q57700 P1303 Q6607 +Q187907 P69 Q49112 +Q386291 P161 Q705715 +Q314966 P1412 Q150 +Q4473 P106 Q2405480 +Q655213 P1412 Q1860 +Q51559 P26 Q264730 +Q549626 P106 Q28389 +Q165792 P102 Q108700 +Q49003 P840 Q60 +Q7294 P737 Q254 +Q380121 P1303 Q17172850 +Q194280 P27 Q30 +Q971 P463 Q134102 +Q219315 P161 Q362824 +Q374362 P101 Q5891 +Q86553 P27 Q40 +Q656684 P106 Q49757 +Q1544666 P106 Q183945 +Q708922 P27 Q30 +Q89713 P106 Q82955 +Q1322285 P19 Q16556 +Q168862 P136 Q130232 +Q239296 P161 Q134077 +Q1347561 P69 Q7842 +Q1671177 P69 Q21578 +Q123565 P106 Q350979 +Q73063 P463 Q329464 +Q188492 P106 Q947873 +Q731007 P106 Q128124 +Q37767 P108 Q375606 +Q434500 P106 Q2259451 +Q1051531 P1303 Q46185 +Q129283 P136 Q860626 +Q60465 P27 Q183 +Q65035 P1412 Q188 +Q1726 P17 Q154195 +Q1041 P463 Q3348506 +Q271903 P27 Q34266 +Q77109 P106 Q36180 +Q88194 P102 Q7320 +Q57802 P106 Q182436 +Q333519 P172 Q42406 +Q379580 P69 Q838330 +Q849116 P17 Q49683 +Q298209 P1303 Q17172850 +Q102235 P161 Q28493 +Q215478 P463 Q1938003 +Q60039 P20 Q1085 +Q685149 P69 Q1536258 +Q4077 P17 Q153015 +Q232456 P69 Q1583249 +Q201924 P57 Q41148 +Q1284551 P106 Q639669 +Q445372 P106 Q82955 +Q78487 P509 Q12202 +Q242387 P69 Q2994538 +Q188492 P106 Q10800557 +Q528742 P106 Q1930187 +Q45388 P136 Q2484376 +Q215904 P463 Q150793 +Q237387 P106 Q488205 +Q85426 P19 Q4098 +Q25 P131 Q145 +Q154145 P737 Q6512 +Q28 P530 Q805 +Q7563919 P106 Q1650915 +Q165706 P1303 Q5994 +Q237190 P106 Q10798782 +Q207921 P136 Q1339864 +Q37030 P106 Q1622272 +Q77627 P1412 Q188 +Q107420 P463 Q466113 +Q123861 P106 Q1662673 +Q254962 P106 Q177220 +Q1056805 P106 Q753110 +Q451825 P106 Q36180 +Q124523 P106 Q2732142 +Q368794 P119 Q1437214 +Q171453 P161 Q589015 +Q235072 P106 Q10798782 +Q217427 P106 Q488205 +Q9575 P106 Q49757 +Q452307 P106 Q177220 +Q67597 P102 Q49763 +Q331845 P106 Q15296811 +Q258462 P463 Q463303 +Q31215 P27 Q191077 +Q215937 P106 Q36180 +Q8862012 P106 Q901 +Q100937 P172 Q7325 +Q311267 P1303 Q6607 +Q22072 P264 Q183387 +Q106571 P840 Q641 +Q191 P463 Q8908 +Q1235 P106 Q82955 +Q719247 P106 Q10798782 +Q201514 P106 Q855091 +Q144929 P161 Q309900 +Q382604 P106 Q6625963 +Q128507 P106 Q4610556 +Q76442 P106 Q333634 +Q49319 P106 Q488205 +Q1350509 P136 Q1344 +Q193803 P108 Q49213 +Q190251 P136 Q9778 +Q137800 P161 Q185140 +Q1046038 P106 Q753110 +Q115010 P27 Q40 +Q524298 P108 Q222738 +Q75612 P108 Q49109 +Q130026 P1412 Q1860 +Q436712 P106 Q482980 +Q2579684 P463 Q1425328 +Q508953 P106 Q36834 +Q170581 P140 Q9592 +Q602779 P1303 Q17172850 +Q384847 P106 Q66711686 +Q74875 P463 Q543804 +Q3656334 P106 Q81096 +Q57317 P106 Q1234713 +Q80959 P161 Q220335 +Q214191 P69 Q13371 +Q276181 P106 Q245068 +Q16 P530 Q1029 +Q1031 P106 Q49757 +Q1070572 P106 Q43845 +Q322730 P463 Q270794 +Q226525 P69 Q206702 +Q865 P530 Q657 +Q434916 P1412 Q652 +Q153358 P119 Q1358639 +Q106443 P106 Q10798782 +Q156379 P106 Q82955 +Q78713 P27 Q40 +Q185714 P69 Q371625 +Q209481 P495 Q30 +Q77177 P119 Q311 +Q165627 P161 Q6255748 +Q151814 P1412 Q652 +Q232774 P161 Q349350 +Q70690 P463 Q329464 +Q328532 P509 Q208414 +Q85034 P69 Q4614 +Q64963 P106 Q39631 +Q246656 P136 Q130232 +Q434701 P19 Q1563 +Q237112 P27 Q142 +Q4612 P1412 Q652 +Q171166 P19 Q1492 +Q192706 P106 Q11063 +Q434916 P106 Q483501 +Q1277002 P106 Q2526255 +Q234750 P106 Q177220 +Q270123 P106 Q5716684 +Q182727 P136 Q622291 +Q189172 P1412 Q13955 +Q229375 P264 Q193023 +Q28941 P19 Q4093 +Q249288 P495 Q30 +Q952737 P20 Q1492 +Q708620 P264 Q38903 +Q239807 P106 Q177220 +Q93356 P737 Q5683 +Q733850 P106 Q18844224 +Q968099 P136 Q676 +Q60285 P106 Q82955 +Q139087 P463 Q463281 +Q55390 P1412 Q809 +Q309592 P106 Q33999 +Q237134 P840 Q60 +Q145173 P106 Q10798782 +Q2908686 P27 Q12560 +Q304488 P161 Q431356 +Q466115 P69 Q2599077 +Q97136 P69 Q153978 +Q102551 P106 Q33999 +Q64991 P1412 Q188 +Q13909 P106 Q28389 +Q232371 P106 Q33999 +Q212089 P106 Q177220 +Q70350 P20 Q586 +Q158759 P136 Q1200678 +Q358188 P136 Q182015 +Q529309 P1412 Q7737 +Q459310 P27 Q794 +Q309888 P106 Q177220 +Q207916 P136 Q2484376 +Q26412 P106 Q49757 +Q346801 P69 Q621043 +Q68476 P140 Q9592 +Q57364 P106 Q185351 +Q71819 P1412 Q652 +Q7302 P19 Q2814 +Q139637 P172 Q7325 +Q765 P106 Q482980 +Q1389588 P102 Q79854 +Q329845 P106 Q333634 +Q168023 P264 Q770103 +Q188375 P69 Q3098911 +Q76158 P1412 Q5146 +Q656684 P136 Q482 +Q309756 P172 Q141817 +Q3104 P17 Q41304 +Q322465 P172 Q49085 +Q458978 P1303 Q1343007 +Q78706 P27 Q142 +Q55841 P106 Q82955 +Q12940 P27 Q142 +Q131355 P27 Q843 +Q458390 P463 Q463303 +Q109608 P2348 Q6939 +Q3499732 P161 Q272031 +Q185770 P106 Q201788 +Q76291 P106 Q182436 +Q212 P530 Q191 +Q1181035 P1303 Q80019 +Q187553 P264 Q216364 +Q321990 P20 Q11299 +Q187516 P509 Q11085 +Q180224 P136 Q43343 +Q36951 P101 Q184485 +Q241252 P106 Q36834 +Q256708 P106 Q3501317 +Q47112095 P106 Q627325 +Q385309 P495 Q30 +Q211 P463 Q8475 +Q318910 P136 Q1054574 +Q227 P530 Q230 +Q462406 P136 Q52162262 +Q524298 P106 Q1622272 +Q328723 P106 Q2405480 +Q104340 P106 Q33999 +Q446257 P1412 Q150 +Q728365 P106 Q1930187 +Q220735 P840 Q23482 +Q124314 P106 Q185351 +Q41076 P26 Q348533 +Q854 P463 Q827525 +Q60153 P20 Q586 +Q1181035 P69 Q248970 +Q230456 P106 Q36180 +Q86060 P106 Q1622272 +Q836 P463 Q7825 +Q1008 P463 Q191384 +Q908693 P106 Q1930187 +Q713273 P106 Q36834 +Q180272 P1303 Q46185 +Q358306 P106 Q3282637 +Q120260 P1303 Q17172850 +Q174371 P136 Q622370 +Q188570 P509 Q12152 +Q196401 P1412 Q1860 +Q909001 P106 Q36180 +Q183266 P119 Q5933 +Q424 P463 Q899770 +Q516285 P20 Q90 +Q10633 P26 Q280856 +Q1765101 P264 Q193023 +Q2996474 P1412 Q7737 +Q93354 P551 Q40435 +Q224544 P106 Q1231865 +Q47478 P106 Q49757 +Q709044 P1412 Q1860 +Q180453 P106 Q33999 +Q2496 P20 Q586 +Q51559 P106 Q28389 +Q454334 P27 Q183 +Q442549 P106 Q10800557 +Q64963 P108 Q153978 +Q236024 P509 Q389735 +Q6709060 P106 Q33231 +Q32522 P451 Q215215 +Q4235815 P106 Q901 +Q237951 P69 Q258464 +Q104177 P1412 Q188 +Q205321 P161 Q119935 +Q1151 P136 Q1344 +Q333405 P106 Q2722764 +Q41 P463 Q17495 +Q159 P530 Q1007 +Q273568 P161 Q188100 +Q234030 P106 Q6625963 +Q2271710 P106 Q482980 +Q211784 P495 Q30 +Q126492 P161 Q309592 +Q391536 P106 Q10798782 +Q105031 P161 Q20178 +Q185071 P161 Q356303 +Q443892 P106 Q33999 +Q438106 P264 Q557632 +Q720785 P106 Q639669 +Q73176 P106 Q4263842 +Q356487 P106 Q33999 +Q108602 P463 Q463303 +Q284017 P106 Q753110 +Q51566 P1412 Q1860 +Q182991 P136 Q1062400 +Q7841 P106 Q36180 +Q15873 P1303 Q6607 +Q242939 P106 Q36180 +Q62310 P27 Q40 +Q316844 P106 Q13235160 +Q948 P172 Q7325 +Q181728 P551 Q193714 +Q217033 P1303 Q17172850 +Q225089 P1412 Q652 +Q148387 P840 Q6106 +Q318509 P1412 Q1860 +Q11734 P106 Q40348 +Q60777 P106 Q82955 +Q243041 P136 Q11366 +Q18391 P27 Q142 +Q445095 P1412 Q1860 +Q388319 P161 Q264699 +Q351884 P106 Q627325 +Q1008 P463 Q1043527 +Q223455 P106 Q10800557 +Q171453 P161 Q708059 +Q323166 P106 Q33999 +Q421707 P106 Q10798782 +Q726388 P69 Q13371 +Q84186 P140 Q1841 +Q58760 P119 Q562211 +Q470619 P740 Q18432 +Q605489 P108 Q153978 +Q223884 P495 Q145 +Q810 P463 Q899770 +Q340046 P27 Q794 +Q722042 P106 Q28389 +Q927 P1412 Q7411 +Q233 P530 Q183 +Q34628 P69 Q32120 +Q23685 P27 Q30 +Q439204 P172 Q141817 +Q833 P530 Q948 +Q70324 P106 Q82955 +Q379608 P27 Q30 +Q53633 P108 Q185246 +Q160726 P69 Q797078 +Q552215 P69 Q805285 +Q94081 P106 Q947873 +Q96591 P108 Q152087 +Q91166 P106 Q82955 +Q1041749 P106 Q177220 +Q70342 P108 Q156737 +Q64265 P463 Q265058 +Q336881 P463 Q123885 +Q48984 P161 Q431356 +Q246722 P136 Q676 +Q169566 P737 Q16867 +Q360079 P106 Q49757 +Q214801 P136 Q192881 +Q310975 P106 Q639669 +Q330224 P1412 Q652 +Q170472 P106 Q36180 +Q550598 P1303 Q17172850 +Q80 P463 Q127992 +Q156516 P161 Q176668 +Q28152 P106 Q10800557 +Q374936 P106 Q855091 +Q232495 P136 Q45981 +Q233397 P101 Q36180 +Q151936 P106 Q201788 +Q12817 P1412 Q11059 +Q105954 P26 Q216060 +Q270546 P27 Q30 +Q151705 P161 Q193668 +Q108285 P106 Q1743122 +Q544469 P27 Q142 +Q984165 P108 Q49210 +Q221 P530 Q215 +Q213773 P161 Q115541 +Q1000 P530 Q30 +Q240713 P840 Q48 +Q713058 P1303 Q6607 +Q1451270 P106 Q639669 +Q207034 P106 Q486748 +Q928 P530 Q241 +Q55841 P20 Q84 +Q100440 P106 Q2095549 +Q318223 P264 Q27184 +Q76395 P106 Q201788 +Q191074 P840 Q1490 +Q71000 P106 Q1622272 +Q504066 P101 Q11633 +Q355024 P19 Q277162 +Q351339 P20 Q11299 +Q1350303 P106 Q855091 +Q728365 P463 Q11993457 +Q11675 P27 Q30 +Q79969 P737 Q27645 +Q234798 P551 Q84 +Q203623 P106 Q36180 +Q83630 P495 Q29 +Q29572198 P69 Q49109 +Q445429 P27 Q145 +Q663465 P1412 Q1860 +Q401777 P69 Q1026827 +Q128560 P106 Q214917 +Q11171 P19 Q18013 +Q187857 P1303 Q17172850 +Q4415063 P102 Q79854 +Q269810 P495 Q145 +Q127959 P106 Q36180 +Q159 P530 Q419 +Q51139 P19 Q84 +Q1219622 P106 Q2310145 +Q310975 P136 Q11399 +Q135329 P27 Q34266 +Q9381 P463 Q117467 +Q939524 P27 Q30 +Q156749 P108 Q221645 +Q257953 P106 Q4964182 +Q668 P530 Q1016 +Q2964710 P106 Q130857 +Q60506 P161 Q298276 +Q85927 P108 Q185246 +Q84233 P27 Q40 +Q908569 P106 Q639669 +Q939357 P106 Q177220 +Q57384 P140 Q75809 +Q60549 P509 Q506616 +Q129119 P1303 Q6607 +Q201656 P106 Q177220 +Q955088 P106 Q49757 +Q1514469 P106 Q639669 +Q13909 P26 Q35332 +Q317957 P20 Q90 +Q465350 P551 Q30 +Q428490 P106 Q10800557 +Q142627 P106 Q1622272 +Q387601 P161 Q257217 +Q171834 P106 Q193391 +Q363254 P119 Q27426 +Q26993 P27 Q183 +Q1361304 P106 Q16145150 +Q203533 P106 Q36180 +Q57554 P69 Q152838 +Q311232 P106 Q130857 +Q3353479 P101 Q395 +Q142 P530 Q884 +Q235928 P27 Q30 +Q229477 P106 Q10800557 +Q202550 P101 Q207628 +Q185110 P108 Q13164 +Q8768 P140 Q682443 +Q2133214 P136 Q128758 +Q349039 P106 Q36180 +Q270599 P161 Q193482 +Q342876 P136 Q842256 +Q153677 P57 Q164562 +Q26625 P136 Q11399 +Q2042 P27 Q142 +Q44205 P463 Q4345832 +Q715265 P1303 Q17172850 +Q251338 P463 Q2720582 +Q710626 P1412 Q1860 +Q27513 P495 Q30 +Q1468495 P106 Q177220 +Q42051 P136 Q20443008 +Q6080085 P106 Q16742096 +Q14278 P106 Q169470 +Q2582 P102 Q157537 +Q103651 P1303 Q8350 +Q239838 P106 Q2259451 +Q184 P530 Q155 +Q71067 P106 Q36834 +Q60752 P106 Q10873124 +Q276745 P1303 Q5994 +Q18809 P20 Q180083 +Q1291679 P106 Q3391743 +Q212 P463 Q7809 +Q12773 P119 Q288130 +Q206235 P172 Q141817 +Q85464 P108 Q24382 +Q1585138 P19 Q79867 +Q31487 P17 Q28513 +Q59215 P106 Q10800557 +Q267242 P136 Q8261 +Q289752 P106 Q488205 +Q560921 P27 Q33 +Q304874 P106 Q6625963 +Q1032998 P27 Q30 +Q1391820 P106 Q183945 +Q540166 P106 Q333634 +Q589585 P106 Q333634 +Q132351 P136 Q186424 +Q77317 P463 Q459620 +Q303213 P495 Q30 +Q767 P19 Q90 +Q47619 P106 Q6625963 +Q252 P530 Q921 +Q95008 P1303 Q5994 +Q1261353 P106 Q177220 +Q332670 P106 Q245068 +Q181573 P106 Q36180 +Q320224 P106 Q177220 +Q336609 P69 Q192088 +Q230662 P140 Q75809 +Q168963 P106 Q13582652 +Q206388 P161 Q20178 +Q3462736 P106 Q1734662 +Q3271606 P106 Q81096 +Q113777 P27 Q40 +Q84233 P106 Q188094 +Q1189327 P19 Q23337 +Q1029 P463 Q842490 +Q517273 P20 Q1297 +Q4030 P264 Q183387 +Q371202 P106 Q753110 +Q283799 P136 Q188473 +Q189197 P69 Q838330 +Q861994 P20 Q23197 +Q286339 P1303 Q17172850 +Q550232 P495 Q30 +Q49478 P106 Q6625963 +Q694732 P106 Q23833535 +Q109135 P161 Q7516 +Q221846 P161 Q119798 +Q231603 P140 Q748 +Q303 P136 Q613408 +Q1281772 P1303 Q17172850 +Q263730 P106 Q49757 +Q90201 P106 Q36180 +Q705715 P106 Q3455803 +Q237602 P106 Q18814623 +Q273044 P264 Q202440 +Q314877 P106 Q183945 +Q202144 P26 Q55452 +Q551570 P106 Q28389 +Q100440 P69 Q49109 +Q573405 P106 Q81096 +Q727257 P27 Q142 +Q96825 P27 Q16957 +Q188384 P161 Q342419 +Q236075 P106 Q177220 +Q123101 P106 Q43845 +Q16781 P106 Q33999 +Q343433 P106 Q14467526 +Q110365 P136 Q842256 +Q162331 P161 Q106326 +Q560447 P102 Q29552 +Q5682 P140 Q9592 +Q37103 P106 Q2732142 +Q349223 P106 Q183945 +Q153638 P136 Q131578 +Q310773 P27 Q668 +Q457333 P161 Q73416 +Q265 P463 Q81299 +Q184650 P106 Q482980 +Q233457 P106 Q2405480 +Q229442 P27 Q145 +Q1772432 P106 Q6168364 +Q324129 P106 Q14467526 +Q313080 P19 Q1297 +Q344454 P106 Q82955 +Q162005 P1412 Q1860 +Q77109 P1412 Q188 +Q164396 P463 Q49738 +Q41239 P463 Q2370801 +Q212002 P1412 Q1860 +Q536892 P264 Q202440 +Q316641 P106 Q10800557 +Q74688 P1412 Q188 +Q323516 P106 Q16323111 +Q286022 P136 Q268253 +Q726074 P106 Q2252262 +Q312514 P1303 Q17172850 +Q977 P463 Q1043527 +Q98806 P20 Q1773 +Q430276 P106 Q36180 +Q231694 P361 Q38903 +Q102022 P108 Q315658 +Q107328 P19 Q1022 +Q730 P30 Q18 +Q686 P463 Q1065 +Q354604 P27 Q145 +Q78830 P108 Q31519 +Q712086 P27 Q145 +Q295120 P106 Q2643890 +Q185085 P69 Q21705070 +Q96588 P106 Q1622272 +Q162492 P106 Q10798782 +Q192643 P106 Q10798782 +Q369907 P20 Q60 +Q117761 P106 Q3455803 +Q685 P463 Q1043527 +Q333148 P106 Q1930187 +Q44775 P119 Q240744 +Q354863 P106 Q3282637 +Q241498 P106 Q2865819 +Q401963 P106 Q6625963 +Q183167 P69 Q1227526 +Q339604 P172 Q127885 +Q2794265 P106 Q170790 +Q369916 P1303 Q5994 +Q331711 P106 Q177220 +Q159582 P27 Q34266 +Q358087 P451 Q1770624 +Q92933 P108 Q617433 +Q139637 P106 Q10800557 +Q34 P530 Q851 +Q319171 P136 Q157443 +Q25351 P102 Q633731 +Q1615184 P19 Q78 +Q1397252 P106 Q28389 +Q40874 P101 Q482 +Q445703 P106 Q1281618 +Q513712 P159 Q1490 +Q215735 P69 Q154804 +Q66774 P106 Q2526255 +Q211111 P27 Q39 +Q980676 P69 Q1059546 +Q723063 P106 Q177220 +Q71625 P106 Q14467526 +Q518576 P106 Q193391 +Q822 P530 Q865 +Q1643790 P136 Q8261 +Q29573 P106 Q81096 +Q715150 P106 Q121594 +Q630181 P106 Q1930187 +Q83492 P1412 Q1860 +Q15809 P106 Q49757 +Q78185 P106 Q33999 +Q558794 P106 Q49757 +Q11607 P106 Q82955 +Q530377 P19 Q12439 +Q180727 P136 Q1640319 +Q215673 P106 Q15253558 +Q148 P530 Q224 +Q260879 P1412 Q1860 +Q1278397 P161 Q554422 +Q557 P106 Q488205 +Q57244 P27 Q183 +Q78791 P69 Q31519 +Q254041 P106 Q36180 +Q18800 P106 Q753110 +Q521170 P119 Q208175 +Q593554 P106 Q1622272 +Q165668 P27 Q159 +Q9711 P119 Q311 +Q505994 P1303 Q6607 +Q1787960 P463 Q337224 +Q296524 P106 Q15077007 +Q1396681 P264 Q4827652 +Q102225 P161 Q28493 +Q162225 P161 Q42101 +Q356129 P106 Q10798782 +Q38203 P463 Q463281 +Q66880 P106 Q1622272 +Q787176 P106 Q822146 +Q336185 P69 Q8047423 +Q197162 P27 Q8733 +Q1017 P463 Q747279 +Q104790 P106 Q36180 +Q8011 P101 Q413 +Q132205 P106 Q10800557 +Q134477 P106 Q333634 +Q159642 P463 Q4345832 +Q1143660 P106 Q49757 +Q40826 P737 Q38193 +Q179126 P135 Q210115 +Q572741 P737 Q158060 +Q76128 P106 Q2405480 +Q364781 P106 Q36834 +Q47112095 P106 Q36180 +Q337453 P106 Q16533 +Q361224 P106 Q40348 +Q161819 P106 Q2405480 +Q956533 P106 Q1930187 +Q955077 P106 Q3282637 +Q287824 P19 Q84 +Q138166 P69 Q3064259 +Q381883 P27 Q30 +Q335556 P27 Q145 +Q573323 P106 Q488205 +Q179558 P106 Q34074720 +Q357798 P106 Q15980158 +Q38757 P40 Q356115 +Q233736 P106 Q5716684 +Q274429 P106 Q1930187 +Q206886 P161 Q311271 +Q34969 P106 Q639669 +Q105453 P19 Q1792 +Q1686156 P136 Q37073 +Q369394 P106 Q10800557 +Q78473 P20 Q2090 +Q208592 P161 Q37175 +Q188987 P136 Q24925 +Q2547113 P101 Q213156 +Q93356 P737 Q692 +Q59259 P551 Q8652 +Q1382883 P136 Q484344 +Q9588 P463 Q468865 +Q440731 P69 Q737835 +Q892115 P463 Q127992 +Q1111386 P106 Q131062 +Q179282 P69 Q21578 +Q49492 P1412 Q7737 +Q106391 P106 Q2722764 +Q333913 P69 Q180865 +Q536371 P27 Q33 +Q827389 P27 Q142 +Q1037263 P2348 Q6927 +Q4068880 P106 Q201788 +Q199943 P1303 Q133163 +Q151606 P57 Q434060 +Q64577 P27 Q7318 +Q233701 P509 Q12152 +Q317521 P27 Q258 +Q79102 P106 Q2259451 +Q781878 P264 Q193023 +Q232163 P106 Q10800557 +Q3666327 P106 Q3400985 +Q61497 P106 Q901 +Q81487 P136 Q959790 +Q382197 P1412 Q1860 +Q100122 P509 Q12202 +Q87850 P27 Q1206012 +Q1188776 P106 Q5716684 +Q979545 P106 Q36180 +Q357624 P1412 Q1860 +Q213783 P463 Q684415 +Q235955 P1412 Q5146 +Q183074 P119 Q1489 +Q350362 P19 Q84 +Q256959 P106 Q36180 +Q295781 P27 Q133356 +Q200392 P1412 Q150 +Q231310 P19 Q84 +Q271986 P106 Q33999 +Q159481 P106 Q40348 +Q188848 P106 Q36180 +Q270385 P161 Q28054 +Q22 P131 Q145 +Q306122 P136 Q11399 +Q449129 P101 Q8134 +Q805 P530 Q986 +Q705681 P551 Q43788 +Q205687 P136 Q130232 +Q704683 P27 Q30 +Q126693 P106 Q36180 +Q56094 P106 Q36180 +Q58062 P106 Q1622272 +Q64406 P106 Q1622272 +Q60217 P20 Q64 +Q278853 P264 Q1341612 +Q546 P17 Q28513 +Q63826 P106 Q170790 +Q254510 P106 Q8246794 +Q887347 P27 Q30 +Q122517 P108 Q54096 +Q62254 P106 Q1234713 +Q59210 P106 Q82955 +Q12696 P108 Q7842 +Q4488 P1412 Q1860 +Q9061 P106 Q82955 +Q30875 P106 Q15949613 +Q315222 P1412 Q9056 +Q391540 P840 Q15 +Q730 P530 Q96 +Q1508451 P102 Q29468 +Q16297 P106 Q9017214 +Q193346 P106 Q36180 +Q154421 P106 Q3282637 +Q75849 P106 Q82955 +Q191755 P1412 Q1860 +Q217008 P161 Q234207 +Q725943 P106 Q8178443 +Q712086 P641 Q2736 +Q316997 P106 Q36180 +Q4425869 P27 Q15180 +Q190884 P1412 Q7737 +Q65513 P108 Q156725 +Q192643 P106 Q33999 +Q333653 P106 Q11774202 +Q61761 P108 Q152087 +Q128956 P119 Q23148 +Q434555 P20 Q649 +Q1511 P106 Q482980 +Q3262638 P106 Q188094 +Q92608 P101 Q82594 +Q53096 P161 Q357762 +Q91972 P27 Q183 +Q187166 P136 Q21010853 +Q298259 P27 Q30 +Q43697 P1412 Q1860 +Q40119 P136 Q1146335 +Q322056 P106 Q10798782 +Q188286 P27 Q30 +Q164721 P27 Q183 +Q189351 P27 Q30 +Q72292 P509 Q12152 +Q16 P530 Q142 +Q577508 P102 Q29468 +Q419 P463 Q233611 +Q265031 P106 Q214917 +Q437713 P1303 Q51290 +Q526022 P106 Q131524 +Q980676 P27 Q142 +Q422275 P106 Q9149093 +Q157282 P463 Q337234 +Q560040 P106 Q753110 +Q215748 P106 Q2599593 +Q114558 P106 Q10800557 +Q63528 P463 Q700570 +Q78185 P106 Q947873 +Q357936 P509 Q204933 +Q480484 P106 Q2259451 +Q306631 P136 Q817138 +Q516870 P27 Q15180 +Q297532 P27 Q298 +Q1495109 P20 Q1017 +Q206886 P161 Q192912 +Q971735 P106 Q214917 +Q188648 P136 Q131272 +Q712 P463 Q1065 +Q295974 P26 Q271054 +Q71819 P3373 Q77109 +Q12054 P27 Q142 +Q234700 P1412 Q1860 +Q70849 P106 Q864380 +Q1402 P27 Q148540 +Q271696 P106 Q3282637 +Q76308 P106 Q170790 +Q267721 P136 Q860626 +Q708620 P27 Q145 +Q236229 P1412 Q7737 +Q76748 P106 Q4964182 +Q208359 P106 Q635734 +Q230929 P27 Q30 +Q366956 P20 Q60 +Q590911 P509 Q12152 +Q92819 P69 Q49115 +Q297334 P69 Q3072747 +Q11194 P17 Q191077 +Q208263 P161 Q296370 +Q62086 P463 Q543804 +Q274429 P106 Q49757 +Q92695 P106 Q82594 +Q71625 P69 Q153978 +Q78513 P140 Q75809 +Q84696 P40 Q237190 +Q76432 P108 Q152087 +Q155485 P136 Q130232 +Q61597 P27 Q183 +Q272960 P106 Q33999 +Q505957 P136 Q9778 +Q110719 P106 Q169470 +Q189197 P106 Q131512 +Q317907 P106 Q1622272 +Q64645 P106 Q131524 +Q325077 P495 Q183 +Q241873 P1412 Q150 +Q954 P463 Q294278 +Q441439 P106 Q214917 +Q944245 P106 Q33999 +Q526989 P106 Q33999 +Q303918 P106 Q33999 +Q792 P530 Q77 +Q191842 P106 Q33999 +Q28310 P106 Q13382533 +Q185888 P161 Q43432 +Q162035 P106 Q2405480 +Q213 P463 Q151991 +Q107957 P102 Q29468 +Q414 P463 Q1480793 +Q170800 P1412 Q1321 +Q85715 P463 Q695302 +Q432 P37 Q13955 +Q48814 P172 Q8060 +Q77468 P136 Q25379 +Q26688 P106 Q33999 +Q167774 P27 Q145 +Q3173947 P19 Q23482 +Q1041034 P140 Q93191 +Q1057003 P1303 Q128309 +Q608723 P17 Q145 +Q71000 P106 Q205375 +Q155860 P108 Q13164 +Q232 P530 Q851 +Q318607 P20 Q65 +Q185582 P17 Q30 +Q109540 P106 Q36180 +Q229735 P136 Q37073 +Q335598 P172 Q79797 +Q8027 P26 Q230969 +Q209169 P106 Q193391 +Q57118 P106 Q2405480 +Q9696 P463 Q463303 +Q438608 P641 Q38108 +Q316231 P106 Q10800557 +Q190908 P136 Q4984974 +Q670277 P106 Q639669 +Q184530 P737 Q8739 +Q181795 P136 Q157394 +Q132095 P463 Q463303 +Q686 P530 Q148 +Q211379 P27 Q79 +Q30875 P136 Q8261 +Q76517 P19 Q64 +Q95026 P3373 Q95030 +Q26702 P106 Q82955 +Q34211 P172 Q35323 +Q374362 P119 Q208175 +Q70800 P463 Q543804 +Q207416 P106 Q4773904 +Q270089 P1412 Q7737 +Q18233 P264 Q202440 +Q76215 P102 Q7320 +Q151892 P106 Q183945 +Q562789 P27 Q15180 +Q166641 P106 Q49757 +Q140738 P69 Q1130457 +Q99634 P108 Q157808 +Q210741 P106 Q28389 +Q96599 P106 Q33999 +Q157879 P840 Q84 +Q170842 P106 Q47064 +Q40946 P27 Q161885 +Q119546 P106 Q16323111 +Q436507 P463 Q270794 +Q2090 P17 Q154195 +Q84186 P1412 Q1321 +Q325660 P106 Q1930187 +Q183094 P737 Q15975 +Q34660 P106 Q1053574 +Q150894 P106 Q11774156 +Q772494 P136 Q9759 +Q836910 P27 Q28513 +Q169020 P69 Q3890936 +Q187999 P840 Q641 +Q234145 P106 Q81096 +Q254804 P106 Q1930187 +Q520053 P106 Q205375 +Q450821 P108 Q49210 +Q228792 P106 Q10798782 +Q9602 P27 Q30 +Q29573 P463 Q1493021 +Q128633 P27 Q16 +Q290197 P1412 Q13955 +Q940439 P106 Q214917 +Q430893 P106 Q10800557 +Q315744 P1050 Q11081 +Q3018520 P27 Q142 +Q47007 P106 Q36180 +Q233739 P106 Q2259451 +Q40495 P106 Q1979607 +Q31293 P106 Q10798782 +Q215090 P106 Q482980 +Q560048 P1303 Q11405 +Q1974330 P106 Q177220 +Q1239933 P69 Q797078 +Q59824 P40 Q11148 +Q453384 P106 Q6625963 +Q2447874 P101 Q43035 +Q208204 P136 Q645928 +Q507734 P106 Q639669 +Q128532 P27 Q34266 +Q477461 P1412 Q13955 +Q375845 P106 Q33999 +Q218172 P161 Q314924 +Q2831 P106 Q183945 +Q729117 P106 Q864380 +Q233213 P69 Q4614 +Q319785 P27 Q28 +Q268181 P737 Q244390 +Q440668 P136 Q484641 +Q260918 P119 Q1400 +Q213690 P27 Q40 +Q94108 P20 Q1741 +Q54452 P172 Q2436423 +Q292081 P106 Q10798782 +Q3384965 P69 Q41506 +Q72357 P69 Q161976 +Q368037 P106 Q3282637 +Q247846 P27 Q15180 +Q1101377 P106 Q177220 +Q2831 P737 Q295919 +Q164784 P463 Q83172 +Q60815 P69 Q3098911 +Q11647 P136 Q20378 +Q1512 P737 Q5686 +Q93401 P463 Q337526 +Q313283 P106 Q177220 +Q148 P530 Q912 +Q324557 P161 Q270652 +Q313655 P106 Q33999 +Q895796 P17 Q183 +Q242110 P136 Q9794 +Q151904 P495 Q145 +Q263621 P136 Q37073 +Q23365 P106 Q10798782 +Q224081 P27 Q30 +Q432919 P106 Q37226 +Q131814 P136 Q37073 +Q134133 P19 Q4093 +Q72538 P69 Q152838 +Q526709 P106 Q4263842 +Q380178 P106 Q10800557 +Q995245 P20 Q1726 +Q73013 P69 Q32120 +Q490333 P101 Q333634 +Q332525 P136 Q379671 +Q78607 P106 Q16323111 +Q128532 P106 Q15981151 +Q274562 P27 Q16 +Q48055 P69 Q14404494 +Q4617 P106 Q177220 +Q262861 P1050 Q11081 +Q483203 P106 Q855091 +Q2563 P69 Q55044 +Q319084 P106 Q2722764 +Q310217 P106 Q488205 +Q82330 P106 Q3282637 +Q229 P463 Q1043527 +Q348497 P27 Q15180 +Q104358 P509 Q147778 +Q230303 P19 Q11299 +Q336640 P106 Q753110 +Q213520 P106 Q1622272 +Q168161 P509 Q47912 +Q1158704 P27 Q17 diff --git a/process_data/CoDEx-M_original/train.txt b/process_data/CoDEx-M_original/train.txt new file mode 100644 index 0000000..3aed278 --- /dev/null +++ b/process_data/CoDEx-M_original/train.txt @@ -0,0 +1,185584 @@ +Q108946 P161 Q39792 +Q1041 P463 Q7809 +Q314924 P106 Q33999 +Q722876 P106 Q855091 +Q78514 P27 Q268970 +Q234579 P69 Q182973 +Q188093 P172 Q49085 +Q308681 P840 Q739 +Q183567 P106 Q14467526 +Q75793 P106 Q211346 +Q257271 P106 Q2259451 +Q1032 P530 Q142 +Q1558793 P106 Q1622272 +Q77235 P463 Q1202021 +Q1260 P509 Q181754 +Q654283 P17 Q30 +Q253978 P136 Q1054574 +Q43977 P1412 Q397 +Q233502 P69 Q1179603 +Q233424 P1412 Q1860 +Q42930 P27 Q30 +Q120664 P1412 Q7737 +Q4827652 P159 Q65 +Q78514 P19 Q1085 +Q208537 P1412 Q1321 +Q206112 P1303 Q6607 +Q65084 P108 Q154561 +Q731829 P463 Q265058 +Q318198 P106 Q49757 +Q455430 P106 Q2004963 +Q347436 P106 Q2405480 +Q887347 P106 Q245068 +Q376176 P69 Q993267 +Q960081 P69 Q309331 +Q1009 P530 Q1033 +Q47221 P135 Q377616 +Q1985556 P19 Q16558 +Q228512 P106 Q970153 +Q294901 P1412 Q1860 +Q225916 P161 Q440932 +Q92824 P27 Q30 +Q1276376 P27 Q30 +Q29999 P463 Q1065 +Q463768 P161 Q39792 +Q232197 P106 Q639669 +Q310773 P108 Q752663 +Q101339 P27 Q183 +Q1347984 P136 Q11399 +Q188845 P136 Q859369 +Q380484 P463 Q463303 +Q296883 P27 Q30 +Q49735 P264 Q216364 +Q160783 P106 Q4853732 +Q3188007 P106 Q15980158 +Q170596 P106 Q28389 +Q215937 P19 Q1022 +Q42831 P106 Q487596 +Q252041 P106 Q205375 +Q269692 P106 Q33999 +Q668 P530 Q8646 +Q747538 P106 Q2516866 +Q159642 P463 Q684415 +Q23559 P27 Q172579 +Q151972 P27 Q142 +Q270638 P106 Q18581305 +Q546956 P172 Q49085 +Q76483 P19 Q1085 +Q246997 P495 Q30 +Q76699 P19 Q2112 +Q229 P530 Q403 +Q161687 P161 Q108270 +Q2492 P106 Q40348 +Q192052 P69 Q797078 +Q80424 P136 Q11401 +Q15935 P172 Q49085 +Q561458 P172 Q49085 +Q267217 P106 Q10800557 +Q90934 P106 Q36834 +Q170572 P69 Q1542213 +Q278853 P19 Q1297 +Q902 P30 Q48 +Q134644 P1412 Q1321 +Q109110 P161 Q109063 +Q1322959 P102 Q79854 +Q601304 P136 Q24925 +Q272256 P108 Q49112 +Q271824 P106 Q18844224 +Q157623 P463 Q607496 +Q160071 P161 Q23359 +Q224187 P136 Q860626 +Q285543 P1412 Q652 +Q64915 P1412 Q188 +Q346595 P69 Q13371 +Q236958 P551 Q60 +Q151936 P106 Q24387326 +Q441940 P551 Q2135 +Q112176 P509 Q212961 +Q60128 P1412 Q7737 +Q123918 P106 Q49757 +Q344179 P20 Q19660 +Q86778 P106 Q10800557 +Q106740 P737 Q210740 +Q92644 P463 Q270794 +Q237552 P264 Q155152 +Q24953 P161 Q166159 +Q164813 P136 Q200092 +Q270546 P106 Q639669 +Q432929 P106 Q131524 +Q274297 P119 Q311 +Q380579 P27 Q1054923 +Q156608 P136 Q3990883 +Q748584 P27 Q30 +Q312995 P140 Q7066 +Q155 P530 Q36 +Q123386 P1412 Q1860 +Q450335 P136 Q676 +Q446257 P106 Q6168364 +Q2632 P264 Q193023 +Q346965 P19 Q16555 +Q284636 P106 Q2059704 +Q194045 P106 Q19723482 +Q173804 P161 Q67881 +Q160219 P106 Q6625963 +Q206461 P136 Q157394 +Q232 P530 Q30 +Q72259 P17 Q145 +Q631722 P641 Q5372 +Q97028 P20 Q64 +Q13513 P106 Q6606110 +Q60317 P1303 Q8371 +Q165325 P840 Q1439 +Q434805 P509 Q29496 +Q376182 P19 Q34006 +Q59478 P106 Q16742096 +Q211462 P136 Q1033891 +Q184499 P106 Q1622272 +Q717 P463 Q4230 +Q47122 P264 Q1025106 +Q51564 P27 Q30 +Q229603 P161 Q315217 +Q706941 P69 Q223429 +Q1361996 P27 Q801 +Q309014 P495 Q30 +Q519273 P264 Q203059 +Q286302 P27 Q183 +Q434915 P264 Q38903 +Q114 P530 Q145 +Q9204 P737 Q42511 +Q238 P463 Q1065 +Q271967 P19 Q18013 +Q717250 P106 Q333634 +Q664592 P106 Q3282637 +Q235221 P106 Q3282637 +Q163747 P106 Q36180 +Q708506 P106 Q10800557 +Q186264 P172 Q7325 +Q228812 P106 Q36180 +Q63505 P106 Q105186 +Q96798 P106 Q1930187 +Q323483 P1303 Q17172850 +Q276209 P27 Q30 +Q323937 P106 Q486748 +Q215708 P19 Q2119 +Q233483 P27 Q30 +Q184903 P1412 Q1860 +Q148 P530 Q878 +Q348037 P27 Q159 +Q235955 P106 Q36180 +Q27 P530 Q408 +Q202211 P161 Q106942 +Q234604 P106 Q1930187 +Q340138 P161 Q58912 +Q92766 P106 Q81096 +Q203519 P136 Q180902 +Q63815 P106 Q82955 +Q49398 P161 Q443030 +Q378870 P140 Q9592 +Q313594 P69 Q322964 +Q112227 P102 Q7320 +Q332348 P495 Q30 +Q234244 P27 Q174193 +Q106235 P509 Q202837 +Q294812 P1303 Q17172850 +Q37628 P69 Q1786078 +Q1033 P172 Q190168 +Q3852 P17 Q43287 +Q188718 P161 Q370026 +Q316857 P19 Q60 +Q231093 P106 Q10798782 +Q40531 P119 Q99 +Q640096 P27 Q145 +Q213539 P27 Q183 +Q1702399 P27 Q30 +Q131549 P1412 Q150 +Q114179 P106 Q42909 +Q506102 P106 Q4263842 +Q114169 P106 Q1622272 +Q366563 P106 Q33999 +Q5879 P463 Q329464 +Q107226 P840 Q90 +Q62726 P106 Q2732142 +Q157050 P172 Q179248 +Q230795 P69 Q182973 +Q180405 P136 Q19367312 +Q214191 P19 Q1726 +Q325389 P136 Q484641 +Q230929 P106 Q10800557 +Q91657 P19 Q1731 +Q706999 P27 Q15180 +Q314033 P1412 Q188 +Q121456 P106 Q28389 +Q222008 P27 Q30 +Q246497 P463 Q265058 +Q333653 P106 Q36180 +Q219060 P530 Q881 +Q2387083 P106 Q5482740 +Q206856 P27 Q30 +Q267321 P161 Q2680 +Q108970 P69 Q152087 +Q447831 P509 Q47912 +Q27204 P161 Q123849 +Q191702 P102 Q79854 +Q311115 P108 Q202660 +Q246497 P101 Q41217 +Q544387 P509 Q623031 +Q310819 P106 Q33999 +Q912791 P27 Q145 +Q60804 P106 Q36180 +Q270351 P136 Q130232 +Q724160 P19 Q18419 +Q649667 P106 Q1930187 +Q990890 P509 Q9687 +Q76409 P737 Q163366 +Q309768 P106 Q1028181 +Q77193 P102 Q49764 +Q273887 P264 Q27184 +Q230739 P69 Q213439 +Q206374 P840 Q34404 +Q2415122 P106 Q639669 +Q58720 P106 Q1028181 +Q107226 P840 Q2807 +Q983421 P106 Q36180 +Q49001 P106 Q488205 +Q47100 P106 Q28389 +Q289847 P106 Q5371902 +Q1139628 P27 Q30 +Q42047 P161 Q317358 +Q467027 P106 Q33999 +Q435236 P102 Q29468 +Q131433 P136 Q613408 +Q1569251 P106 Q81096 +Q324905 P1303 Q6607 +Q541929 P106 Q1930187 +Q365484 P27 Q30 +Q296828 P20 Q90 +Q311256 P1303 Q6607 +Q207544 P106 Q1607826 +Q67409 P463 Q695302 +Q946570 P106 Q205375 +Q588591 P1412 Q1860 +Q55415 P106 Q7042855 +Q44606 P106 Q33999 +Q1031340 P136 Q183504 +Q201687 P161 Q306403 +Q7200 P551 Q5332 +Q108283 P106 Q36180 +Q7200 P551 Q891 +Q297024 P551 Q16869 +Q268039 P106 Q33999 +Q139326 P161 Q229230 +Q229274 P136 Q11399 +Q359457 P106 Q2914170 +Q519273 P106 Q55960555 +Q45662 P69 Q157575 +Q1740125 P1303 Q17172850 +Q93401 P1412 Q9063 +Q344983 P1303 Q17172850 +Q325077 P57 Q57391 +Q936422 P19 Q649 +Q507075 P20 Q61 +Q471443 P136 Q128758 +Q77881 P106 Q14467526 +Q460379 P161 Q144643 +Q283988 P106 Q3282637 +Q19543 P106 Q177220 +Q7729 P3373 Q151098 +Q92946 P1412 Q150 +Q86602 P106 Q864380 +Q3248932 P108 Q49112 +Q37060 P106 Q11774202 +Q151083 P106 Q15472169 +Q167696 P1303 Q17172850 +Q313998 P136 Q157443 +Q183848 P551 Q225 +Q232260 P737 Q106740 +Q167546 P1303 Q8343 +Q76997 P737 Q9047 +Q4247 P106 Q1028181 +Q155236 P136 Q1062400 +Q18913 P19 Q2634 +Q202827 P101 Q41217 +Q451150 P69 Q52413 +Q277180 P1303 Q17172850 +Q79 P463 Q7159 +Q189895 P106 Q4610556 +Q4184336 P108 Q13164 +Q968099 P136 Q156035 +Q627520 P136 Q11366 +Q65932 P106 Q36834 +Q704696 P1412 Q1860 +Q92767 P69 Q737835 +Q55210 P106 Q7042855 +Q442198 P136 Q9734 +Q298761 P106 Q36180 +Q356986 P106 Q183945 +Q86488 P106 Q81096 +Q79 P530 Q664 +Q354033 P106 Q177220 +Q256732 P172 Q3476361 +Q282372 P136 Q663106 +Q1290 P737 Q8018 +Q42831 P135 Q667661 +Q1238235 P1412 Q188 +Q244333 P161 Q81520 +Q428347 P264 Q168407 +Q90709 P106 Q1930187 +Q2086086 P1303 Q5994 +Q240849 P136 Q188473 +Q4184336 P1412 Q7737 +Q331 P19 Q2887 +Q314035 P106 Q82955 +Q962 P463 Q3348506 +Q3370728 P27 Q142 +Q63458 P463 Q414188 +Q431656 P136 Q8341 +Q667925 P27 Q142 +Q301083 P161 Q216221 +Q212173 P20 Q1297 +Q272069 P1303 Q6607 +Q4391139 P102 Q79854 +Q77753 P27 Q183 +Q699950 P172 Q127885 +Q219631 P106 Q639669 +Q173175 P106 Q36180 +Q233054 P106 Q33999 +Q106235 P1412 Q188 +Q2086235 P106 Q1622272 +Q372692 P106 Q3282637 +Q108619 P20 Q1794 +Q481482 P641 Q5386 +Q448960 P1303 Q17172850 +Q11675 P106 Q40348 +Q202859 P19 Q3141 +Q1451270 P106 Q5371902 +Q921679 P264 Q1254522 +Q219377 P136 Q858330 +Q78857 P106 Q82955 +Q11673 P140 Q1841 +Q524236 P69 Q213439 +Q206685 P101 Q11629 +Q512 P106 Q822146 +Q70737 P27 Q183 +Q63486 P108 Q43250 +Q65130 P69 Q154561 +Q378116 P69 Q999763 +Q77824 P1412 Q188 +Q47426 P509 Q181754 +Q1058532 P106 Q13474373 +Q262267 P69 Q3072747 +Q1019 P463 Q1043527 +Q207515 P106 Q8178443 +Q382099 P20 Q220 +Q84207 P106 Q121594 +Q1058562 P106 Q3282637 +Q35686 P1412 Q397 +Q423 P530 Q28 +Q363708 P27 Q30 +Q188652 P161 Q108622 +Q60903 P136 Q132311 +Q443065 P136 Q11401 +Q61227 P1412 Q1860 +Q1068631 P69 Q390287 +Q587873 P20 Q1335 +Q1039759 P106 Q177220 +Q252 P530 Q574 +Q183141 P106 Q3282637 +Q59567 P840 Q90 +Q1130554 P136 Q45981 +Q207130 P136 Q188473 +Q945 P463 Q7825 +Q697131 P27 Q801 +Q2134121 P463 Q1493021 +Q952491 P1303 Q1444 +Q369113 P106 Q10800557 +Q463832 P161 Q376182 +Q108206 P20 Q84 +Q184622 P106 Q28389 +Q127330 P40 Q127548 +Q191088 P451 Q26876 +Q649987 P40 Q3188629 +Q428814 P106 Q36834 +Q444616 P69 Q258464 +Q84755 P27 Q40 +Q16473 P172 Q141817 +Q315199 P106 Q639669 +Q495272 P136 Q11399 +Q234893 P102 Q727724 +Q854912 P136 Q11399 +Q3186620 P463 Q1322403 +Q361976 P106 Q2374149 +Q395274 P1050 Q11085 +Q54828 P172 Q49542 +Q7336 P106 Q806798 +Q507940 P1412 Q150 +Q70737 P102 Q49768 +Q421478 P27 Q159 +Q5749 P737 Q6527 +Q216927 P106 Q488205 +Q35149 P463 Q191583 +Q105598 P161 Q443317 +Q123521 P136 Q35760 +Q123899 P1412 Q188 +Q436571 P27 Q408 +Q145 P530 Q114 +Q302 P106 Q432386 +Q82934 P106 Q82955 +Q117741 P106 Q753110 +Q180695 P161 Q242732 +Q7317 P509 Q12202 +Q2579732 P106 Q81096 +Q28858 P106 Q1350157 +Q1350303 P1303 Q6607 +Q28930 P140 Q1841 +Q89764 P106 Q33999 +Q102669 P1412 Q188 +Q442980 P106 Q10800557 +Q959588 P20 Q1861 +Q457840 P106 Q3282637 +Q117497 P106 Q33999 +Q310106 P27 Q215 +Q86758 P119 Q1783048 +Q272435 P106 Q10800557 +Q65350 P463 Q414188 +Q711538 P106 Q39631 +Q72334 P463 Q3308284 +Q453388 P27 Q16 +Q97423 P106 Q36834 +Q71960 P136 Q1054574 +Q1218 P17 Q810 +Q233566 P106 Q28389 +Q455827 P106 Q10798782 +Q329448 P136 Q19367312 +Q309086 P840 Q812 +Q184 P463 Q1480793 +Q5879 P106 Q8178443 +Q19999 P106 Q15980158 +Q77097 P102 Q7320 +Q318390 P1412 Q5146 +Q234898 P106 Q4964182 +Q865 P530 Q784 +Q229166 P140 Q7361618 +Q731108 P106 Q81096 +Q152764 P27 Q142 +Q374362 P106 Q36834 +Q17455 P106 Q169470 +Q97291 P1303 Q17172850 +Q70839 P108 Q154804 +Q539791 P108 Q41506 +Q55199 P20 Q649 +Q334760 P69 Q168756 +Q235364 P106 Q4853732 +Q750 P463 Q827525 +Q929 P463 Q134102 +Q179743 P161 Q56016 +Q912 P463 Q7809 +Q321454 P161 Q4488 +Q61446 P69 Q152171 +Q84780 P20 Q34006 +Q455625 P20 Q1754 +Q310932 P101 Q941594 +Q9695 P119 Q5933 +Q1523426 P119 Q281859 +Q360243 P495 Q30 +Q691471 P106 Q4773904 +Q380634 P264 Q183387 +Q1352256 P106 Q639669 +Q44380 P551 Q16739 +Q1039759 P264 Q3001888 +Q269094 P1412 Q1860 +Q211 P463 Q7825 +Q320973 P27 Q30 +Q94765 P1412 Q1860 +Q25835 P840 Q142 +Q869758 P1303 Q46185 +Q737570 P106 Q1028181 +Q712914 P106 Q639669 +Q53680 P1412 Q1860 +Q219 P530 Q902 +Q85802 P106 Q82955 +Q191819 P264 Q213710 +Q742634 P27 Q172579 +Q658008 P27 Q142 +Q299723 P106 Q82594 +Q193048 P106 Q2259451 +Q213520 P106 Q16145150 +Q232495 P1412 Q1860 +Q320642 P463 Q1559701 +Q1583707 P1303 Q1444 +Q10411 P509 Q12192 +Q208214 P106 Q10798782 +Q46080 P106 Q33999 +Q183 P530 Q846 +Q92635 P27 Q30 +Q76641 P106 Q170790 +Q186709 P106 Q82955 +Q138984 P27 Q794 +Q2449206 P3373 Q2287423 +Q983400 P106 Q639669 +Q954681 P20 Q1489 +Q217160 P1303 Q51290 +Q551512 P27 Q142 +Q28936 P136 Q471839 +Q728991 P106 Q1930187 +Q9061 P69 Q154561 +Q97291 P27 Q30 +Q347891 P106 Q82955 +Q315271 P106 Q28389 +Q106429 P19 Q7030 +Q120342 P27 Q39 +Q554018 P106 Q121594 +Q183 P530 Q711 +Q106554 P20 Q2079 +Q361523 P20 Q485176 +Q2424996 P106 Q1622272 +Q113601 P1412 Q188 +Q1553197 P136 Q1344 +Q242454 P106 Q177220 +Q232273 P106 Q333634 +Q742634 P463 Q83172 +Q14540 P106 Q8178443 +Q164957 P20 Q1085 +Q44646 P27 Q30 +Q710121 P106 Q639669 +Q167265 P495 Q30 +Q357786 P19 Q5092 +Q7030 P17 Q41304 +Q77428 P106 Q24387326 +Q1292738 P27 Q142 +Q668 P530 Q258 +Q213545 P27 Q40 +Q128121 P136 Q45981 +Q84211 P101 Q9149093 +Q105865 P108 Q317053 +Q151682 P136 Q645928 +Q74258 P106 Q33999 +Q193660 P1412 Q13955 +Q102438 P136 Q2973181 +Q91557 P1412 Q1860 +Q356109 P27 Q30 +Q267772 P27 Q145 +Q201732 P101 Q208217 +Q103876 P27 Q27 +Q134644 P19 Q8717 +Q440145 P140 Q5043 +Q303751 P106 Q10798782 +Q435626 P27 Q865 +Q202729 P106 Q486748 +Q170250 P840 Q62 +Q171905 P1303 Q17172850 +Q672443 P161 Q183031 +Q77708 P106 Q49757 +Q47595 P136 Q309 +Q234570 P106 Q188094 +Q713273 P509 Q12152 +Q241 P530 Q1011 +Q224130 P495 Q30 +Q915 P17 Q159 +Q733 P530 Q419 +Q522050 P20 Q90 +Q142 P530 Q916 +Q107264 P463 Q270794 +Q99397 P463 Q833738 +Q192655 P69 Q336968 +Q1351047 P106 Q1622272 +Q1563 P17 Q80702 +Q65911 P1412 Q188 +Q561147 P136 Q482 +Q156586 P69 Q35794 +Q773804 P1303 Q17172850 +Q217 P463 Q376150 +Q76000 P106 Q36180 +Q110183 P106 Q185351 +Q7516 P26 Q13909 +Q189694 P106 Q3282637 +Q953 P530 Q668 +Q272977 P106 Q10798782 +Q733392 P27 Q172579 +Q192812 P106 Q33999 +Q309690 P106 Q3455803 +Q228512 P27 Q17 +Q948977 P27 Q801 +Q311115 P463 Q253439 +Q160333 P106 Q333634 +Q1928051 P1303 Q17172850 +Q356109 P106 Q10800557 +Q555 P551 Q11299 +Q247526 P106 Q4853732 +Q65144 P106 Q2259451 +Q29427 P106 Q189290 +Q39829 P106 Q578109 +Q948 P30 Q15 +Q87840 P106 Q82955 +Q347456 P27 Q17 +Q435857 P106 Q753110 +Q63960 P27 Q183 +Q323669 P172 Q49085 +Q48226 P106 Q4964182 +Q70523 P69 Q152087 +Q433459 P69 Q174570 +Q336769 P106 Q4964182 +Q229975 P106 Q10800557 +Q86407 P463 Q459620 +Q156890 P20 Q2861 +Q6714 P106 Q17167049 +Q215488 P1303 Q17172850 +Q33946 P530 Q842199 +Q158753 P106 Q55960555 +Q4612 P1303 Q8355 +Q536102 P19 Q270230 +Q1360782 P1303 Q17172850 +Q2579684 P20 Q2280 +Q90520 P108 Q659080 +Q920266 P17 Q34 +Q949046 P69 Q28695 +Q944996 P27 Q218 +Q77688 P106 Q10798782 +Q81627 P19 Q796 +Q128553 P1412 Q1860 +Q498 P27 Q34266 +Q212532 P106 Q10798782 +Q117990 P106 Q13418253 +Q62831 P135 Q7066 +Q234244 P106 Q27532437 +Q1137404 P407 Q150 +Q63441 P106 Q82955 +Q312077 P551 Q65 +Q387072 P19 Q65 +Q916 P530 Q159 +Q157293 P19 Q18424 +Q1229223 P106 Q43845 +Q506582 P19 Q1085 +Q104088 P26 Q69198 +Q9588 P27 Q30 +Q319902 P119 Q617 +Q214983 P27 Q183 +Q61696 P161 Q167520 +Q241646 P106 Q2405480 +Q938475 P69 Q131252 +Q130026 P106 Q33999 +Q444250 P106 Q4610556 +Q851 P530 Q924 +Q45165 P136 Q20378 +Q66041 P102 Q49766 +Q2622688 P106 Q13590141 +Q27411 P161 Q58912 +Q204810 P20 Q46852 +Q189600 P136 Q1033891 +Q13005 P106 Q18814623 +Q267306 P1303 Q17172850 +Q1979936 P1412 Q8785 +Q338812 P106 Q10800557 +Q34943 P106 Q11063 +Q349312 P27 Q30 +Q276209 P106 Q10798782 +Q127688 P106 Q1622272 +Q726607 P106 Q36180 +Q706641 P106 Q486748 +Q157293 P69 Q389336 +Q123987 P463 Q463303 +Q313849 P1303 Q8355 +Q482318 P509 Q11085 +Q954997 P136 Q83440 +Q344454 P106 Q4263842 +Q298388 P106 Q3387717 +Q185507 P161 Q211280 +Q383821 P106 Q13590141 +Q573171 P20 Q173813 +Q160534 P737 Q9711 +Q22979 P19 Q2910 +Q55230 P509 Q12192 +Q65350 P463 Q299015 +Q456903 P106 Q33999 +Q6060 P106 Q10800557 +Q88710 P69 Q206702 +Q93124 P27 Q30 +Q78528 P106 Q16145150 +Q362521 P641 Q2736 +Q948 P463 Q4783148 +Q257764 P1303 Q17172850 +Q144904 P106 Q753110 +Q1141280 P106 Q855091 +Q710619 P20 Q16554 +Q31984 P19 Q24861 +Q7346 P509 Q623031 +Q45789 P108 Q1145306 +Q529639 P19 Q28848 +Q37060 P106 Q18939491 +Q190602 P69 Q1256981 +Q196685 P161 Q296822 +Q783992 P1303 Q11405 +Q107167 P136 Q860626 +Q977488 P106 Q482980 +Q151720 P1412 Q7976 +Q128560 P106 Q28389 +Q180626 P136 Q132311 +Q975874 P106 Q177220 +Q77148 P102 Q7320 +Q189054 P57 Q56008 +Q921679 P136 Q183504 +Q738566 P106 Q1930187 +Q176909 P1412 Q7976 +Q478967 P19 Q65 +Q804 P463 Q827525 +Q188648 P172 Q49085 +Q1702240 P106 Q855091 +Q715281 P119 Q208175 +Q370382 P106 Q14467526 +Q58758 P106 Q188094 +Q65504 P136 Q8261 +Q68533 P1412 Q188 +Q966669 P102 Q138345 +Q60131 P19 Q1726 +Q23814 P106 Q2722764 +Q438164 P19 Q60 +Q338623 P101 Q156035 +Q84704 P20 Q64 +Q448930 P1303 Q17172850 +Q210590 P136 Q130232 +Q865 P530 Q574 +Q1007 P463 Q191384 +Q166769 P1303 Q17172850 +Q274227 P106 Q10800557 +Q213799 P106 Q16947320 +Q187345 P69 Q168756 +Q374045 P106 Q33999 +Q80137 P136 Q482 +Q1352613 P495 Q145 +Q266816 P69 Q270145 +Q981526 P136 Q38848 +Q74579 P495 Q30 +Q57391 P19 Q2833 +Q3384965 P1412 Q150 +Q155786 P27 Q174193 +Q465511 P106 Q40348 +Q123916 P106 Q18939491 +Q270268 P101 Q482 +Q421707 P509 Q181257 +Q153358 P172 Q678551 +Q241503 P1303 Q5994 +Q281998 P69 Q273523 +Q251262 P69 Q49108 +Q214344 P17 Q221 +Q384804 P106 Q177220 +Q77148 P1412 Q188 +Q288359 P106 Q2405480 +Q183081 P161 Q201279 +Q261759 P136 Q130232 +Q19074 P19 Q60 +Q93354 P27 Q30 +Q11726 P27 Q176495 +Q581943 P27 Q37024 +Q319648 P106 Q43845 +Q71625 P108 Q32120 +Q191966 P140 Q9268 +Q158398 P136 Q188473 +Q78371 P106 Q1622272 +Q651763 P106 Q4263842 +Q456711 P19 Q5092 +Q60815 P106 Q482980 +Q1352 P37 Q5885 +Q711810 P69 Q214341 +Q185490 P136 Q130232 +Q310170 P106 Q183945 +Q204205 P106 Q33999 +Q215017 P136 Q40831 +Q934682 P27 Q142 +Q506900 P106 Q2252262 +Q17714 P737 Q937 +Q4275371 P119 Q1457437 +Q126896 P161 Q218210 +Q183382 P106 Q4853732 +Q58125755 P106 Q3391743 +Q981236 P106 Q488205 +Q892 P140 Q9592 +Q419 P530 Q159 +Q355447 P106 Q1238570 +Q230622 P27 Q145 +Q637949 P106 Q16533 +Q975547 P106 Q1622272 +Q219060 P530 Q794 +Q114740 P108 Q689400 +Q1077158 P136 Q8341 +Q236343 P106 Q2405480 +Q55743 P19 Q36036 +Q4028 P19 Q25395 +Q229957 P1412 Q1860 +Q380243 P119 Q208175 +Q918443 P27 Q30 +Q1391820 P106 Q130857 +Q142988 P463 Q463303 +Q312385 P172 Q42406 +Q185071 P136 Q52162262 +Q95370 P102 Q328195 +Q403 P530 Q222 +Q454243 P20 Q2044 +Q353366 P1303 Q6607 +Q816499 P19 Q84 +Q184219 P102 Q29552 +Q641582 P27 Q838261 +Q44646 P737 Q39246 +Q108558 P106 Q14915627 +Q128560 P737 Q1512 +Q237527 P172 Q49085 +Q922484 P106 Q482980 +Q49478 P106 Q1930187 +Q557699 P106 Q589298 +Q71759 P1412 Q188 +Q4263050 P106 Q2705098 +Q6837 P463 Q747279 +Q215855 P1303 Q6607 +Q235020 P1303 Q17172850 +Q84579 P27 Q36 +Q57475 P551 Q90 +Q1974885 P106 Q1234713 +Q574400 P20 Q84 +Q362353 P106 Q1415090 +Q375775 P161 Q381561 +Q191598 P69 Q27923720 +Q8704 P106 Q1028181 +Q1261353 P106 Q753110 +Q296177 P69 Q4948174 +Q218589 P161 Q295803 +Q1391397 P463 Q123885 +Q224029 P106 Q4853732 +Q216924 P172 Q181634 +Q108617 P20 Q365 +Q262507 P106 Q2526255 +Q310332 P106 Q639669 +Q262354 P106 Q36834 +Q220713 P136 Q1146335 +Q58760 P1303 Q17172850 +Q126599 P106 Q10800557 +Q95736 P108 Q152171 +Q70737 P106 Q1209498 +Q37030 P463 Q463303 +Q400 P27 Q30 +Q354394 P1412 Q7737 +Q145132 P27 Q30 +Q382316 P106 Q822146 +Q104022 P108 Q156725 +Q78732 P106 Q36180 +Q57576 P463 Q150793 +Q35610 P1412 Q1860 +Q316850 P106 Q3089940 +Q1072969 P136 Q21590660 +Q105987 P20 Q16556 +Q25839 P27 Q183 +Q189758 P106 Q639669 +Q3018520 P27 Q1028 +Q114405 P69 Q5901972 +Q107226 P840 Q60 +Q38903 P17 Q30 +Q77751 P69 Q154804 +Q72001 P106 Q2722764 +Q129629 P106 Q2526255 +Q500546 P106 Q28389 +Q178698 P106 Q49757 +Q258053 P27 Q30 +Q51495 P106 Q3282637 +Q1552348 P106 Q36180 +Q712683 P1303 Q5994 +Q640991 P106 Q1622272 +Q193018 P27 Q38 +Q113233 P106 Q6625963 +Q432655 P19 Q801 +Q131074 P57 Q4465 +Q254510 P106 Q488205 +Q377 P20 Q649 +Q436131 P19 Q60 +Q128511 P102 Q79854 +Q931561 P264 Q694052 +Q428347 P264 Q238095 +Q315222 P106 Q4964182 +Q435626 P1412 Q7850 +Q1406115 P1412 Q1860 +Q72721 P108 Q159895 +Q1151944 P1412 Q1860 +Q33866 P102 Q29468 +Q164534 P106 Q10798782 +Q223949 P20 Q90 +Q450663 P106 Q4263842 +Q1585964 P106 Q81096 +Q264891 P106 Q10800557 +Q193659 P106 Q2405480 +Q232774 P57 Q59259 +Q312637 P106 Q164236 +Q184530 P27 Q50001 +Q131324 P136 Q20502 +Q75059 P106 Q36180 +Q220078 P106 Q1930187 +Q235931 P136 Q131272 +Q217470 P106 Q36180 +Q313044 P106 Q2526255 +Q44467 P19 Q29303 +Q121926 P108 Q202660 +Q38111 P1412 Q1860 +Q191064 P108 Q740308 +Q94123 P106 Q2259451 +Q647445 P19 Q270230 +Q41257 P69 Q55044 +Q231019 P1412 Q188 +Q259679 P106 Q2259451 +Q63695 P101 Q8134 +Q242373 P106 Q33999 +Q1194456 P112 Q62766 +Q546926 P101 Q482 +Q335238 P106 Q14089670 +Q35 P530 Q36 +Q1345844 P106 Q33999 +Q220480 P1412 Q1860 +Q92767 P106 Q1930187 +Q58217 P19 Q649 +Q230203 P106 Q2405480 +Q1770797 P106 Q947873 +Q210111 P161 Q41548 +Q275939 P136 Q37073 +Q41239 P106 Q36180 +Q9364 P1050 Q3321212 +Q712139 P1303 Q17172850 +Q313758 P106 Q182436 +Q386349 P19 Q100 +Q284360 P463 Q372899 +Q711538 P106 Q36180 +Q9358 P737 Q1511 +Q1095432 P106 Q15981151 +Q92684 P108 Q501758 +Q388319 P161 Q312570 +Q7245 P106 Q37226 +Q334205 P106 Q214917 +Q621879 P106 Q15895020 +Q202693 P1412 Q9043 +Q76749 P106 Q14467526 +Q299324 P19 Q39709 +Q295120 P1303 Q133163 +Q331497 P106 Q15895020 +Q55198 P106 Q3282637 +Q131374 P19 Q649 +Q334760 P1412 Q1860 +Q109053 P106 Q639669 +Q207817 P106 Q4964182 +Q23810 P1050 Q41571 +Q73959 P106 Q185351 +Q349217 P106 Q36834 +Q58863 P106 Q82955 +Q1402 P106 Q193391 +Q185610 P264 Q575026 +Q270652 P136 Q131578 +Q62402 P69 Q154804 +Q981981 P106 Q82955 +Q247538 P172 Q7325 +Q223613 P1412 Q1860 +Q421478 P106 Q82955 +Q1666 P106 Q177220 +Q153701 P108 Q842909 +Q9312 P19 Q4120832 +Q888152 P106 Q639669 +Q150445 P19 Q90 +Q174438 P27 Q33946 +Q984165 P101 Q41 +Q160726 P106 Q3282637 +Q44086 P1412 Q188 +Q126941 P140 Q7066 +Q1395573 P551 Q34404 +Q1047141 P1303 Q6607 +Q356140 P106 Q639669 +Q139602 P106 Q3282637 +Q252 P530 Q408 +Q78494 P20 Q84 +Q44063 P69 Q41506 +Q722347 P1412 Q1860 +Q259254 P136 Q20378 +Q309768 P1412 Q1321 +Q386394 P106 Q222344 +Q228717 P69 Q487556 +Q296843 P106 Q10798782 +Q360531 P106 Q10798782 +Q353007 P106 Q639669 +Q33760 P463 Q123885 +Q842633 P106 Q28389 +Q138832 P106 Q36180 +Q311115 P69 Q273626 +Q108935 P551 Q11299 +Q459889 P161 Q2680 +Q863 P530 Q265 +Q86043 P106 Q40348 +Q214013 P495 Q30 +Q57629 P20 Q19660 +Q962908 P26 Q240250 +Q168862 P495 Q183 +Q167265 P161 Q188772 +Q187019 P509 Q181754 +Q92760 P106 Q3126128 +Q41272 P106 Q33999 +Q1142456 P17 Q30 +Q377725 P106 Q188094 +Q233340 P1412 Q7850 +Q184440 P106 Q49757 +Q33866 P106 Q18814623 +Q43432 P106 Q488205 +Q200672 P495 Q145 +Q252469 P264 Q3001888 +Q1783775 P19 Q18426 +Q220423 P136 Q192881 +Q1691611 P161 Q204751 +Q118243 P69 Q154804 +Q229379 P136 Q11401 +Q709214 P27 Q34266 +Q470193 P1412 Q7737 +Q153776 P106 Q158852 +Q5682 P737 Q6691 +Q260879 P106 Q1930187 +Q1127387 P131 Q90 +Q581943 P27 Q36704 +Q160852 P69 Q192088 +Q444591 P106 Q578109 +Q705630 P641 Q41323 +Q75860 P1412 Q188 +Q327332 P495 Q17 +Q619328 P106 Q33999 +Q61629 P106 Q6625963 +Q171428 P27 Q159 +Q452761 P27 Q30 +Q153723 P161 Q58592 +Q782629 P551 Q2044 +Q314535 P1303 Q6607 +Q223299 P57 Q8877 +Q8349 P106 Q3455803 +Q1282910 P1303 Q17172850 +Q312480 P106 Q28389 +Q352935 P106 Q948329 +Q237030 P509 Q12152 +Q269887 P161 Q231730 +Q9200 P140 Q5043 +Q13888 P27 Q38 +Q557774 P106 Q36180 +Q3215942 P69 Q273523 +Q233932 P106 Q33999 +Q317169 P106 Q639669 +Q237548 P136 Q37073 +Q1771189 P136 Q9734 +Q241316 P106 Q14915627 +Q152941 P119 Q1437214 +Q561212 P19 Q90 +Q538708 P106 Q11774202 +Q240886 P20 Q65 +Q234695 P27 Q30 +Q335569 P106 Q36180 +Q214227 P106 Q33999 +Q88073 P27 Q16957 +Q150916 P1303 Q51290 +Q342756 P106 Q10798782 +Q23368 P108 Q34433 +Q105801 P136 Q188473 +Q553790 P106 Q753110 +Q264596 P1303 Q17172850 +Q12857 P106 Q36180 +Q567 P140 Q75809 +Q56635 P106 Q11900058 +Q193426 P106 Q40348 +Q1445729 P106 Q37226 +Q16345 P136 Q21590660 +Q154741 P37 Q188 +Q727782 P1412 Q150 +Q189081 P106 Q3427922 +Q183 P172 Q42884 +Q1967070 P136 Q11399 +Q184750 P737 Q9312 +Q88050 P27 Q40 +Q23760 P106 Q28389 +Q558972 P108 Q3064325 +Q1010602 P106 Q214917 +Q348658 P106 Q2259451 +Q705743 P106 Q177220 +Q905 P106 Q333634 +Q1570102 P106 Q639669 +Q45321 P19 Q3874 +Q92622 P106 Q81096 +Q332632 P106 Q482980 +Q531743 P20 Q84 +Q291183 P463 Q463281 +Q313009 P106 Q855091 +Q51781 P106 Q15976092 +Q425821 P1412 Q1860 +Q151098 P509 Q189588 +Q154010 P463 Q337526 +Q41272 P106 Q488205 +Q254041 P106 Q4991371 +Q61456 P106 Q40348 +Q60549 P69 Q32120 +Q12795 P106 Q36180 +Q92977 P69 Q174710 +Q1275039 P106 Q639669 +Q78479 P463 Q299015 +Q15800 P20 Q437 +Q151403 P463 Q463303 +Q1783775 P106 Q177220 +Q303 P136 Q203720 +Q186326 P106 Q28389 +Q42247 P1412 Q150 +Q105987 P106 Q10798782 +Q106571 P136 Q2297927 +Q143172 P106 Q1930187 +Q446024 P106 Q177220 +Q434805 P19 Q8678 +Q330059 P27 Q174193 +Q325660 P20 Q2887 +Q668 P530 Q35 +Q95971 P19 Q365 +Q53453 P106 Q10800557 +Q232419 P106 Q4610556 +Q778716 P19 Q495 +Q63695 P69 Q152087 +Q87012 P27 Q183 +Q817 P463 Q1065 +Q30570 P136 Q20378 +Q685 P37 Q1860 +Q186185 P140 Q7066 +Q57737 P1412 Q188 +Q234773 P106 Q578109 +Q159054 P161 Q60996 +Q66002 P69 Q805285 +Q123386 P106 Q333634 +Q465105 P509 Q181754 +Q229599 P161 Q315217 +Q709935 P106 Q131524 +Q364342 P106 Q28389 +Q965 P463 Q3348506 +Q231391 P27 Q30 +Q3480998 P27 Q148 +Q436386 P106 Q10800557 +Q232214 P106 Q639669 +Q1044657 P101 Q207628 +Q292993 P106 Q488205 +Q173399 P106 Q10800557 +Q70912 P106 Q10800557 +Q458766 P106 Q270389 +Q21088 P1303 Q1343007 +Q662406 P106 Q1930187 +Q1676929 P27 Q36 +Q145132 P1412 Q1860 +Q5052689 P108 Q35794 +Q221468 P1303 Q17172850 +Q218960 P27 Q161885 +Q337206 P106 Q753110 +Q298773 P106 Q1930187 +Q245363 P551 Q142 +Q122113 P161 Q183347 +Q1534428 P264 Q183387 +Q223281 P69 Q49114 +Q2447874 P463 Q463303 +Q11490 P106 Q1326886 +Q93341 P106 Q15981151 +Q254838 P106 Q10800557 +Q310729 P495 Q145 +Q690474 P20 Q484678 +Q5431220 P463 Q463303 +Q47087 P106 Q901 +Q5608 P106 Q753110 +Q235134 P27 Q29 +Q85102 P27 Q40 +Q239357 P172 Q49085 +Q270935 P106 Q855091 +Q213793 P264 Q277626 +Q252 P530 Q16 +Q43252 P136 Q191489 +Q469888 P106 Q2306091 +Q206922 P106 Q2526255 +Q123870 P106 Q488205 +Q823003 P1412 Q150 +Q236253 P106 Q13235160 +Q283988 P106 Q10800557 +Q236943 P27 Q219 +Q263518 P1303 Q6607 +Q1352256 P106 Q177220 +Q192706 P27 Q145 +Q1970586 P27 Q31 +Q660545 P106 Q43845 +Q715404 P264 Q645889 +Q268604 P106 Q33999 +Q313020 P136 Q1152184 +Q379824 P106 Q855091 +Q143198 P106 Q158852 +Q276332 P106 Q3427922 +Q221491 P495 Q30 +Q203264 P102 Q79854 +Q41749 P69 Q151510 +Q76325 P27 Q183 +Q161853 P101 Q41217 +Q436978 P509 Q12152 +Q214216 P1412 Q188 +Q100440 P106 Q33999 +Q101728 P463 Q270794 +Q381944 P106 Q1231865 +Q295923 P264 Q183412 +Q4397665 P108 Q230492 +Q319751 P172 Q42406 +Q370102 P106 Q10800557 +Q854 P463 Q1043527 +Q183 P530 Q20 +Q721043 P20 Q1297 +Q289614 P106 Q33999 +Q5683 P106 Q822146 +Q433246 P106 Q10800557 +Q1067 P1412 Q397 +Q865 P530 Q45 +Q102403 P106 Q1622272 +Q182589 P20 Q84 +Q55497 P1412 Q1860 +Q207416 P69 Q308963 +Q42229 P106 Q10798782 +Q680728 P106 Q1930187 +Q689820 P17 Q221 +Q101820 P106 Q1743122 +Q190050 P57 Q184903 +Q293275 P106 Q2259451 +Q117021 P108 Q206702 +Q234392 P106 Q10800557 +Q464232 P106 Q855091 +Q233081 P27 Q30 +Q441456 P106 Q2526255 +Q154346 P509 Q175111 +Q58626 P106 Q1622272 +Q49524 P106 Q2705098 +Q517682 P106 Q1930187 +Q66107 P106 Q131524 +Q422275 P106 Q43845 +Q1726 P17 Q183 +Q23844 P106 Q10800557 +Q194280 P106 Q1930187 +Q231713 P136 Q37073 +Q178903 P106 Q40348 +Q109324 P106 Q10798782 +Q90009 P106 Q482980 +Q231880 P106 Q177220 +Q235072 P106 Q33999 +Q267672 P840 Q90 +Q432552 P106 Q177220 +Q364679 P69 Q9842 +Q78830 P106 Q783906 +Q511471 P19 Q656 +Q1240856 P106 Q82955 +Q222008 P106 Q3282637 +Q1451270 P1412 Q150 +Q1680339 P27 Q161885 +Q61922 P1412 Q188 +Q865 P530 Q842 +Q669934 P69 Q9842 +Q353978 P106 Q33999 +Q62898 P108 Q49088 +Q32 P463 Q376150 +Q258 P530 Q96 +Q57781 P106 Q40348 +Q273080 P106 Q753110 +Q67204 P1412 Q188 +Q240206 P69 Q8008661 +Q299190 P69 Q860450 +Q216708 P3373 Q193459 +Q314208 P264 Q202440 +Q918966 P27 Q174193 +Q273079 P106 Q5716684 +Q189 P530 Q30 +Q708284 P19 Q268 +Q1659471 P106 Q639669 +Q335087 P1412 Q7850 +Q40791 P19 Q107126 +Q314403 P451 Q57118 +Q53651 P27 Q30 +Q921808 P106 Q1930187 +Q356283 P106 Q774306 +Q13047979 P106 Q39631 +Q4673 P106 Q2259451 +Q234807 P19 Q2807 +Q302174 P161 Q309756 +Q253288 P69 Q3064325 +Q231479 P101 Q207628 +Q3713655 P106 Q43845 +Q55468 P27 Q38 +Q173144 P106 Q753110 +Q717 P530 Q77 +Q114 P30 Q15 +Q352452 P19 Q17042 +Q17455 P101 Q413 +Q1359039 P106 Q2252262 +Q244 P530 Q734 +Q41257 P463 Q329464 +Q153579 P106 Q753110 +Q966669 P106 Q193391 +Q761176 P102 Q153401 +Q57956 P69 Q153978 +Q157271 P106 Q49757 +Q187210 P106 Q639669 +Q117 P530 Q833 +Q299317 P106 Q3282637 +Q27751 P161 Q224081 +Q298682 P106 Q2405480 +Q18154882 P161 Q349857 +Q41408 P106 Q822146 +Q238924 P106 Q177220 +Q449072 P106 Q10798782 +Q230578 P69 Q835960 +Q457687 P119 Q118967 +Q1623549 P463 Q1493021 +Q214831 P264 Q14192383 +Q60714 P102 Q13124 +Q84217 P106 Q10800557 +Q355153 P19 Q65 +Q156597 P161 Q40096 +Q256666 P27 Q30 +Q216582 P69 Q593321 +Q387414 P136 Q200092 +Q184249 P106 Q488205 +Q9047 P737 Q12735 +Q267051 P106 Q177220 +Q35900 P101 Q482 +Q764570 P27 Q30 +Q469681 P69 Q486156 +Q296616 P69 Q1068258 +Q160333 P451 Q3816 +Q231951 P106 Q10798782 +Q333595 P1412 Q1321 +Q382604 P1412 Q1860 +Q949046 P27 Q33 +Q286777 P172 Q49085 +Q5763208 P106 Q639669 +Q37 P530 Q1246 +Q19074 P106 Q2306091 +Q440528 P69 Q193196 +Q55917 P106 Q40348 +Q221450 P140 Q7066 +Q154203 P27 Q183 +Q60126 P27 Q1206012 +Q230795 P106 Q3282637 +Q253476 P106 Q43845 +Q3040690 P463 Q123885 +Q110462 P106 Q3282637 +Q152176 P106 Q82955 +Q7351 P27 Q153015 +Q369916 P106 Q486748 +Q479992 P1412 Q9067 +Q192348 P140 Q288928 +Q6512 P737 Q60070 +Q53002 P106 Q33999 +Q1130457 P159 Q649 +Q241665 P27 Q145 +Q93124 P69 Q49116 +Q313367 P106 Q28389 +Q561169 P20 Q174 +Q7346 P172 Q49085 +Q463832 P161 Q190523 +Q2338889 P749 Q38903 +Q280734 P27 Q30 +Q192812 P106 Q2259451 +Q189144 P27 Q145 +Q1077383 P136 Q76092 +Q516004 P108 Q49204 +Q645362 P19 Q11299 +Q349391 P106 Q33999 +Q109520 P106 Q36180 +Q93872 P106 Q1930187 +Q380079 P106 Q81096 +Q366057 P106 Q10800557 +Q289303 P108 Q216047 +Q313559 P1303 Q17172850 +Q153248 P101 Q184485 +Q195402 P161 Q273532 +Q2335557 P106 Q36834 +Q44313 P106 Q15077007 +Q12696 P106 Q36180 +Q265252 P136 Q1641839 +Q432929 P69 Q762266 +Q152272 P509 Q12078 +Q43 P463 Q663492 +Q183469 P108 Q1760438 +Q189172 P106 Q4773904 +Q372947 P27 Q145 +Q217068 P27 Q142 +Q1277181 P106 Q639669 +Q201656 P451 Q83287 +Q231360 P106 Q33231 +Q237270 P106 Q2259451 +Q216913 P136 Q3071 +Q92359 P69 Q32120 +Q282882 P106 Q1930187 +Q88095 P106 Q36180 +Q82083 P551 Q22 +Q58799 P20 Q78 +Q536371 P172 Q726673 +Q229577 P69 Q309350 +Q294812 P106 Q639669 +Q62918 P27 Q843 +Q502 P106 Q6625963 +Q42051 P161 Q192812 +Q157309 P106 Q15627169 +Q455344 P27 Q30 +Q123283 P1412 Q188 +Q44306 P108 Q621043 +Q144664 P108 Q1144673 +Q208344 P161 Q212532 +Q72267 P106 Q2259451 +Q709077 P1050 Q2840 +Q4410089 P101 Q40634 +Q671665 P106 Q33999 +Q129119 P136 Q37073 +Q229271 P19 Q12439 +Q4093262 P19 Q649 +Q327981 P27 Q30 +Q337521 P27 Q30 +Q70004 P140 Q9592 +Q738566 P27 Q219 +Q77162 P140 Q75809 +Q236543 P136 Q378988 +Q93356 P737 Q40213 +Q440817 P106 Q855091 +Q511471 P20 Q1770 +Q380123 P106 Q33999 +Q360507 P27 Q34266 +Q291183 P106 Q1930187 +Q489854 P106 Q4610556 +Q310773 P1412 Q1860 +Q35385 P136 Q54365 +Q888152 P264 Q203059 +Q237324 P26 Q42869 +Q247063 P106 Q82955 +Q662066 P20 Q1741 +Q3920695 P119 Q208175 +Q47034 P37 Q9027 +Q7607037 P131 Q1384 +Q734564 P106 Q36180 +Q3769061 P1412 Q652 +Q309555 P106 Q948329 +Q32927 P1303 Q17172850 +Q206589 P161 Q314926 +Q93031 P106 Q82955 +Q241422 P106 Q2374149 +Q136646 P20 Q34006 +Q356351 P3373 Q967846 +Q2579684 P135 Q180902 +Q260011 P101 Q36180 +Q71447 P101 Q482 +Q377956 P1412 Q1321 +Q183337 P106 Q33999 +Q78037 P27 Q801 +Q715945 P172 Q127885 +Q25483 P140 Q23540 +Q151414 P106 Q19204627 +Q348916 P106 Q482980 +Q428551 P840 Q60 +Q62976 P161 Q212048 +Q235719 P27 Q30 +Q981996 P27 Q145 +Q1032998 P463 Q18912936 +Q371182 P69 Q5676553 +Q251865 P136 Q83270 +Q374507 P495 Q30 +Q189144 P106 Q49757 +Q796 P463 Q47543 +Q63809 P27 Q183 +Q296872 P106 Q753110 +Q214063 P106 Q1028181 +Q7345 P108 Q1426464 +Q333460 P101 Q131524 +Q2567 P140 Q75809 +Q317967 P119 Q1362125 +Q214677 P106 Q42909 +Q215026 P106 Q488205 +Q504006 P27 Q34266 +Q439204 P106 Q9334029 +Q46739 P463 Q463303 +Q64180 P106 Q1622272 +Q225 P530 Q408 +Q7346 P106 Q12800682 +Q60126 P108 Q51985 +Q146948 P1412 Q1860 +Q217557 P69 Q842909 +Q62202 P106 Q40348 +Q99612 P108 Q155354 +Q956296 P106 Q3387717 +Q123174 P1303 Q6607 +Q92766 P1412 Q1860 +Q1338141 P463 Q117467 +Q311241 P172 Q49085 +Q738566 P20 Q472 +Q449670 P27 Q30 +Q31 P463 Q7825 +Q504743 P1303 Q5994 +Q70819 P69 Q204181 +Q188388 P106 Q36180 +Q96772 P108 Q206702 +Q1277063 P1303 Q5994 +Q76984 P106 Q1930187 +Q16474 P19 Q1721 +Q296698 P1412 Q36510 +Q234017 P27 Q30 +Q120366 P27 Q30 +Q312380 P106 Q948329 +Q164703 P20 Q1085 +Q89629 P1412 Q188 +Q72756 P106 Q2526255 +Q310170 P106 Q486748 +Q809077 P19 Q34863 +Q379461 P1412 Q652 +Q452307 P106 Q4610556 +Q66448 P27 Q1206012 +Q264914 P19 Q43199 +Q7314 P463 Q463281 +Q5685 P737 Q9327 +Q508182 P27 Q30 +Q3435328 P106 Q18576582 +Q76600 P463 Q188771 +Q272374 P69 Q168756 +Q3076050 P264 Q654283 +Q274348 P1412 Q1321 +Q132266 P136 Q157443 +Q188000 P161 Q144643 +Q56008 P106 Q33999 +Q185610 P106 Q2252262 +Q473239 P27 Q30 +Q978389 P106 Q47064 +Q1277063 P106 Q486748 +Q349456 P106 Q128124 +Q164804 P495 Q145 +Q206112 P264 Q202585 +Q282722 P136 Q11399 +Q269912 P495 Q30 +Q313522 P106 Q2405480 +Q426828 P161 Q117500 +Q865 P530 Q790 +Q295873 P106 Q43845 +Q6078 P136 Q753679 +Q107752 P106 Q15980158 +Q108398 P106 Q36180 +Q205000 P27 Q801 +Q262502 P106 Q36180 +Q229983 P106 Q4610556 +Q215556 P106 Q1231865 +Q48990 P108 Q1367256 +Q169311 P463 Q463303 +Q102022 P106 Q1792450 +Q242640 P106 Q34074720 +Q369292 P106 Q33999 +Q96331 P20 Q64 +Q95259 P106 Q82955 +Q2645477 P27 Q142 +Q332632 P27 Q172579 +Q272270 P264 Q183387 +Q29999 P463 Q191384 +Q158078 P106 Q639669 +Q58793 P737 Q155547 +Q229 P30 Q48 +Q77627 P108 Q672420 +Q1397252 P106 Q1415090 +Q312081 P106 Q10800557 +Q257217 P106 Q10798782 +Q25188 P161 Q299317 +Q35648 P20 Q61 +Q162225 P161 Q215072 +Q712086 P20 Q1492 +Q991543 P106 Q4263842 +Q738978 P463 Q253439 +Q116022 P106 Q1930187 +Q274764 P1412 Q1860 +Q489643 P1303 Q6607 +Q294568 P106 Q639669 +Q1350527 P136 Q206159 +Q11726 P106 Q82955 +Q71345 P106 Q82955 +Q448778 P106 Q1607826 +Q72287 P20 Q64 +Q102244 P161 Q360046 +Q43718 P737 Q7200 +Q81438 P737 Q131149 +Q132193 P106 Q250867 +Q77 P530 Q183 +Q65344 P106 Q1326886 +Q285020 P495 Q30 +Q228862 P106 Q18581305 +Q257243 P27 Q30 +Q84960 P102 Q49750 +Q151973 P509 Q1368943 +Q82248 P1412 Q1860 +Q494412 P69 Q432637 +Q367634 P106 Q183945 +Q10133 P19 Q262 +Q680728 P106 Q1622272 +Q183167 P106 Q6625963 +Q61078 P737 Q151523 +Q109388 P108 Q153006 +Q109252 P106 Q1622272 +Q1346111 P106 Q2374149 +Q4177355 P27 Q2305208 +Q51545 P1412 Q1321 +Q287740 P161 Q105221 +Q60025 P737 Q76509 +Q277527 P161 Q437351 +Q104127 P136 Q21590660 +Q230916 P106 Q33999 +Q948 P463 Q842490 +Q182665 P264 Q50074604 +Q59737 P106 Q14467526 +Q114509 P69 Q41506 +Q4636 P101 Q207628 +Q877537 P106 Q1622272 +Q235394 P106 Q488111 +Q55846 P20 Q84 +Q155423 P1412 Q7026 +Q234581 P19 Q90 +Q63234 P463 Q150793 +Q40096 P106 Q753110 +Q1680268 P106 Q82594 +Q1432130 P106 Q486748 +Q175600 P161 Q294583 +Q880776 P509 Q1368943 +Q1232630 P106 Q1028181 +Q528832 P106 Q81096 +Q33031 P27 Q838261 +Q3057567 P69 Q1186843 +Q223830 P106 Q2405480 +Q380531 P27 Q30 +Q220192 P161 Q316857 +Q100718 P106 Q201788 +Q57384 P1303 Q8371 +Q230456 P136 Q1344 +Q285431 P106 Q33999 +Q30 P530 Q819 +Q237173 P1412 Q1860 +Q208263 P840 Q1588 +Q909001 P106 Q1930187 +Q194917 P106 Q13590141 +Q946528 P27 Q30 +Q178865 P27 Q159 +Q49034 P509 Q389735 +Q7728 P1412 Q652 +Q62977 P737 Q9235 +Q164804 P161 Q167774 +Q963015 P20 Q84 +Q243969 P106 Q593644 +Q533284 P106 Q488205 +Q164963 P161 Q191104 +Q981981 P106 Q864380 +Q217314 P140 Q5043 +Q24953 P161 Q25014 +Q2890097 P106 Q82955 +Q238719 P1303 Q17172850 +Q336010 P1412 Q150 +Q295431 P140 Q288928 +Q296698 P69 Q1664782 +Q236010 P106 Q4610556 +Q40319 P27 Q145 +Q445795 P840 Q794 +Q522569 P264 Q193023 +Q439686 P19 Q3711 +Q353449 P27 Q34266 +Q128126 P108 Q273631 +Q48410 P106 Q10798782 +Q215392 P17 Q20 +Q833 P530 Q219060 +Q41568 P1412 Q397 +Q191 P463 Q782942 +Q421471 P106 Q2526255 +Q320146 P106 Q158852 +Q429969 P136 Q2484376 +Q119768 P69 Q152838 +Q5354 P140 Q7066 +Q339423 P19 Q20 +Q357624 P106 Q33999 +Q128604 P509 Q623031 +Q81244 P106 Q2306091 +Q264748 P106 Q2405480 +Q256327 P69 Q189441 +Q766293 P106 Q2251335 +Q357624 P106 Q33231 +Q4202684 P106 Q947873 +Q679007 P136 Q9759 +Q368 P102 Q327591 +Q350717 P106 Q2059704 +Q24045 P27 Q96 +Q1017117 P1303 Q17172850 +Q946528 P106 Q12800682 +Q42831 P136 Q12799318 +Q737486 P1412 Q150 +Q173441 P106 Q36180 +Q188137 P106 Q36180 +Q704015 P27 Q34266 +Q1333234 P106 Q488205 +Q272031 P1303 Q6607 +Q372514 P161 Q317228 +Q91323 P102 Q153401 +Q329897 P106 Q8178443 +Q273652 P106 Q639669 +Q114152 P27 Q183 +Q151825 P161 Q76478 +Q183347 P27 Q30 +Q432526 P135 Q377616 +Q51094 P106 Q662729 +Q108216 P20 Q104192 +Q213864 P119 Q1302545 +Q230448 P551 Q3130 +Q372278 P136 Q83270 +Q169311 P20 Q220 +Q5217489 P1412 Q1860 +Q320864 P1412 Q1860 +Q536723 P1303 Q6607 +Q313039 P106 Q10798782 +Q111189 P140 Q170111 +Q33240 P1303 Q17172850 +Q2447874 P27 Q664 +Q12807 P108 Q131262 +Q63035 P27 Q183 +Q887903 P106 Q131512 +Q59477 P106 Q486748 +Q1610776 P106 Q488205 +Q63176 P20 Q1741 +Q94071 P106 Q36180 +Q229264 P1412 Q150 +Q430804 P106 Q10798782 +Q333004 P106 Q864380 +Q103114 P737 Q169566 +Q86914 P106 Q1930187 +Q249350 P136 Q19367312 +Q455344 P509 Q152234 +Q237602 P106 Q6625963 +Q434095 P106 Q1622272 +Q233265 P69 Q193196 +Q114450 P20 Q472 +Q235820 P136 Q37073 +Q344616 P106 Q6625963 +Q1764153 P1412 Q9043 +Q767329 P463 Q123885 +Q1276176 P106 Q806349 +Q961981 P20 Q1486 +Q262 P37 Q13955 +Q356639 P641 Q5386 +Q464251 P106 Q33999 +Q91083 P20 Q2079 +Q190379 P106 Q36180 +Q951110 P106 Q33999 +Q828641 P451 Q218679 +Q271888 P106 Q753110 +Q311238 P106 Q177220 +Q273362 P106 Q10800557 +Q63078 P1412 Q35497 +Q4157585 P108 Q1379834 +Q18450 P69 Q1247373 +Q171463 P106 Q177220 +Q258009 P136 Q188473 +Q157044 P136 Q20442589 +Q61322 P69 Q161982 +Q936812 P463 Q338432 +Q503770 P106 Q639669 +Q459057 P136 Q645928 +Q1030 P463 Q816706 +Q212026 P106 Q28389 +Q74579 P161 Q439314 +Q389851 P1412 Q9067 +Q312051 P19 Q11299 +Q85715 P106 Q1622272 +Q277976 P106 Q183945 +Q936760 P106 Q82955 +Q444663 P119 Q746647 +Q126462 P27 Q30 +Q44219 P27 Q30 +Q552900 P27 Q30 +Q577504 P69 Q926749 +Q68121 P108 Q151510 +Q191023 P106 Q36180 +Q213512 P106 Q13235160 +Q76516 P108 Q206702 +Q230 P530 Q43 +Q191 P530 Q854 +Q1067000 P106 Q639669 +Q366570 P106 Q1281618 +Q19074 P106 Q16947320 +Q528647 P509 Q389735 +Q942923 P106 Q36180 +Q142627 P106 Q40348 +Q451630 P161 Q310318 +Q525180 P27 Q183 +Q106775 P172 Q170826 +Q159840 P106 Q193391 +Q160433 P106 Q36834 +Q241299 P106 Q49757 +Q108510 P1412 Q1860 +Q333892 P20 Q1754 +Q952737 P69 Q219694 +Q427917 P106 Q128124 +Q165121 P106 Q4964182 +Q589781 P106 Q177220 +Q53454 P27 Q49683 +Q668 P463 Q7825 +Q686522 P17 Q40 +Q790 P463 Q899770 +Q240250 P20 Q65 +Q288173 P161 Q213567 +Q225453 P106 Q3621491 +Q863 P530 Q403 +Q233397 P1412 Q36510 +Q61178 P19 Q1741 +Q274227 P1412 Q150 +Q1138602 P106 Q639669 +Q577704 P20 Q656 +Q73506 P1412 Q1860 +Q232333 P106 Q10800557 +Q232993 P161 Q288588 +Q110163 P106 Q36180 +Q714462 P106 Q1326886 +Q58091 P27 Q41 +Q189078 P106 Q947873 +Q937537 P737 Q298838 +Q323937 P106 Q16145150 +Q215369 P106 Q5716684 +Q177984 P26 Q233837 +Q28 P530 Q219 +Q512741 P106 Q43845 +Q47899 P106 Q33999 +Q272069 P1303 Q5994 +Q4397665 P106 Q901 +Q61280 P1412 Q188 +Q722119 P106 Q1930187 +Q51416 P136 Q663106 +Q185548 P19 Q585 +Q160270 P140 Q7325 +Q81145 P136 Q52162262 +Q101170 P19 Q2833 +Q20127 P69 Q155354 +Q712914 P106 Q3282637 +Q133720 P106 Q158852 +Q49398 P57 Q358322 +Q342604 P106 Q130857 +Q919367 P106 Q9648008 +Q309926 P1303 Q6607 +Q1606016 P106 Q82955 +Q85700 P463 Q463303 +Q507327 P264 Q700359 +Q264989 P106 Q488205 +Q104514 P106 Q28389 +Q171530 P106 Q33999 +Q215137 P106 Q28389 +Q40057 P69 Q523926 +Q433284 P106 Q33999 +Q16873 P27 Q29 +Q3052333 P106 Q169470 +Q45593 P463 Q299015 +Q561458 P106 Q201788 +Q183 P530 Q233 +Q193573 P161 Q361630 +Q709178 P106 Q1259917 +Q72705 P19 Q162049 +Q689600 P509 Q12204 +Q215979 P463 Q191583 +Q48102 P27 Q15180 +Q49355 P27 Q30 +Q293696 P136 Q11399 +Q26318 P172 Q2325516 +Q232827 P106 Q33999 +Q310098 P106 Q486748 +Q842243 P106 Q205375 +Q57576 P102 Q7320 +Q441086 P106 Q82955 +Q182218 P161 Q366322 +Q254142 P27 Q159 +Q229646 P101 Q5891 +Q74636 P495 Q16 +Q230739 P106 Q3282637 +Q104081 P27 Q30 +Q689713 P1412 Q652 +Q11877 P20 Q16563 +Q109767 P136 Q157443 +Q267550 P27 Q30 +Q710619 P106 Q901 +Q82085 P27 Q408 +Q154353 P27 Q142 +Q287793 P140 Q7066 +Q233474 P551 Q65 +Q48410 P26 Q236151 +Q1779 P1303 Q8338 +Q223443 P27 Q717 +Q537005 P20 Q36600 +Q233081 P106 Q486748 +Q344758 P106 Q10800557 +Q83275 P106 Q49757 +Q76492 P1412 Q188 +Q433979 P106 Q7042855 +Q128532 P106 Q639669 +Q435744 P19 Q1718 +Q104912 P106 Q82955 +Q80046 P106 Q4610556 +Q974 P530 Q20 +Q259047 P106 Q10798782 +Q168849 P136 Q622291 +Q367132 P69 Q691851 +Q298 P530 Q792 +Q312657 P106 Q3282637 +Q239296 P161 Q217280 +Q230004 P106 Q10800557 +Q130799 P1412 Q1860 +Q548964 P1412 Q13955 +Q547183 P106 Q753110 +Q675 P463 Q188771 +Q99080 P27 Q16957 +Q122335 P106 Q2722764 +Q181881 P1412 Q5287 +Q158474 P161 Q511554 +Q318509 P106 Q28389 +Q51023 P1303 Q17172850 +Q435347 P106 Q177220 +Q137808 P40 Q433683 +Q107008 P509 Q212961 +Q154338 P20 Q2814 +Q355153 P1412 Q1860 +Q269927 P106 Q28389 +Q111182 P1412 Q9027 +Q7245 P106 Q12406482 +Q249841 P136 Q235858 +Q535812 P1412 Q1860 +Q339196 P19 Q3130 +Q537005 P106 Q13582652 +Q434813 P106 Q1930187 +Q32 P463 Q1928989 +Q317574 P27 Q16 +Q46551 P161 Q34436 +Q325038 P69 Q1379834 +Q323318 P136 Q157394 +Q155236 P140 Q7066 +Q44647 P106 Q47064 +Q315266 P106 Q901 +Q75951 P27 Q183 +Q335643 P1303 Q6607 +Q203690 P509 Q3505252 +Q67076 P106 Q201788 +Q63454 P27 Q183 +Q426390 P1303 Q302497 +Q180468 P463 Q83172 +Q1973856 P106 Q49757 +Q965 P463 Q8475 +Q316602 P26 Q232642 +Q3589 P161 Q188117 +Q101087 P551 Q1721 +Q1042901 P1303 Q5994 +Q1385887 P106 Q43845 +Q104757 P463 Q414163 +Q176176 P106 Q169470 +Q62661 P19 Q64 +Q467231 P1412 Q5885 +Q901134 P69 Q854280 +Q273136 P27 Q30 +Q72400 P69 Q151510 +Q76409 P737 Q5685 +Q921679 P69 Q616591 +Q44380 P106 Q3282637 +Q344537 P136 Q130232 +Q105676 P108 Q13371 +Q1501423 P1303 Q6607 +Q705515 P106 Q33231 +Q705748 P136 Q131272 +Q151113 P106 Q10800557 +Q57075 P106 Q81096 +Q1267 P106 Q193391 +Q102341 P509 Q188874 +Q947519 P463 Q463303 +Q1660599 P136 Q52162262 +Q295803 P19 Q189960 +Q1424269 P27 Q30 +Q159169 P106 Q28389 +Q919367 P136 Q8341 +Q275793 P27 Q174193 +Q78539 P20 Q1741 +Q651 P69 Q153978 +Q736143 P106 Q11774202 +Q239195 P1303 Q17172850 +Q361996 P27 Q145 +Q48814 P17 Q219 +Q81328 P102 Q29552 +Q49017 P140 Q7066 +Q236630 P463 Q161806 +Q733 P463 Q5611262 +Q445018 P106 Q10798782 +Q345888 P69 Q1059546 +Q193236 P509 Q1368943 +Q294723 P1303 Q17172850 +Q69236 P106 Q2259451 +Q196004 P161 Q331461 +Q455421 P27 Q142 +Q767329 P1412 Q150 +Q76576 P737 Q37068 +Q865 P530 Q77 +Q867599 P106 Q639669 +Q123483 P27 Q39 +Q249107 P106 Q4610556 +Q264764 P20 Q1391 +Q27645 P737 Q5749 +Q75246 P102 Q49750 +Q9061 P19 Q3138 +Q342604 P106 Q183945 +Q657 P37 Q150 +Q194287 P264 Q216364 +Q232260 P106 Q28389 +Q296809 P108 Q661916 +Q104183 P509 Q181754 +Q1353 P131 Q129286 +Q1451186 P135 Q9730 +Q262170 P106 Q10798782 +Q919565 P136 Q83440 +Q216195 P27 Q30 +Q107940 P161 Q16349 +Q657 P530 Q1016 +Q9695 P106 Q765778 +Q111536 P106 Q36180 +Q730 P463 Q496967 +Q218458 P136 Q130232 +Q92965 P463 Q2739680 +Q539 P172 Q50001 +Q706560 P106 Q639669 +Q7439 P108 Q49108 +Q78037 P106 Q16145150 +Q311253 P140 Q7066 +Q99903 P463 Q939743 +Q972107 P106 Q1930187 +Q187107 P106 Q33999 +Q862 P1412 Q7737 +Q52440 P106 Q2252262 +Q468067 P27 Q34266 +Q108454 P102 Q328195 +Q96087 P1412 Q188 +Q63667 P19 Q1489 +Q1130554 P19 Q60 +Q1164355 P106 Q36834 +Q1265451 P106 Q639669 +Q65372 P463 Q150793 +Q463975 P509 Q181257 +Q166056 P108 Q209344 +Q168482 P463 Q3394637 +Q717 P463 Q3772571 +Q95120 P69 Q35794 +Q193459 P136 Q11366 +Q19543 P106 Q36180 +Q117 P17 Q200464 +Q434502 P106 Q2405480 +Q239522 P1050 Q10874 +Q366325 P140 Q75809 +Q275779 P106 Q1028181 +Q76815 P135 Q6034 +Q322236 P1303 Q5994 +Q269569 P1303 Q133163 +Q17457 P106 Q5482740 +Q81037 P136 Q842256 +Q103157 P641 Q5369 +Q44517 P106 Q40348 +Q350704 P509 Q181754 +Q36233 P106 Q82955 +Q42574 P140 Q7066 +Q539120 P106 Q15980158 +Q44331 P172 Q237534 +Q78492 P1412 Q1860 +Q297598 P106 Q753110 +Q435278 P106 Q6625963 +Q51139 P106 Q33999 +Q63397 P106 Q4773904 +Q76959 P101 Q21201 +Q473239 P463 Q468865 +Q316568 P106 Q1930187 +Q1787960 P106 Q201788 +Q246497 P106 Q82955 +Q278519 P1303 Q17172850 +Q104814 P161 Q430922 +Q170596 P108 Q34433 +Q188344 P106 Q201788 +Q719010 P106 Q131524 +Q232562 P106 Q33999 +Q434466 P106 Q5716684 +Q701587 P463 Q53249065 +Q1032 P463 Q656801 +Q176668 P27 Q838261 +Q3118802 P106 Q864503 +Q311232 P106 Q177220 +Q449317 P106 Q639669 +Q68325 P19 Q586 +Q233433 P106 Q10798782 +Q47159 P20 Q16739 +Q29315 P1412 Q9288 +Q237324 P140 Q131036 +Q220655 P840 Q1522 +Q296039 P136 Q38848 +Q200768 P106 Q10798782 +Q386336 P27 Q298 +Q368732 P19 Q193714 +Q642127 P463 Q1371509 +Q347685 P69 Q27621 +Q12003 P264 Q21077 +Q361610 P106 Q10800557 +Q381203 P106 Q10800557 +Q78006 P106 Q2526255 +Q188000 P161 Q229029 +Q313578 P1303 Q46185 +Q235615 P463 Q463303 +Q505358 P1412 Q1860 +Q125462 P27 Q39 +Q365682 P27 Q30 +Q181069 P495 Q30 +Q1507223 P106 Q11631 +Q5482339 P27 Q161885 +Q108297 P161 Q55264 +Q183 P530 Q29 +Q258793 P551 Q65 +Q286116 P106 Q6625963 +Q213632 P106 Q36180 +Q329897 P19 Q65 +Q162688 P463 Q543804 +Q298341 P463 Q463303 +Q309838 P106 Q855091 +Q17 P463 Q7825 +Q55168 P106 Q1930187 +Q551521 P1412 Q652 +Q312483 P27 Q159 +Q843 P530 Q796 +Q128027 P106 Q42973 +Q42037 P106 Q333634 +Q381920 P1412 Q1321 +Q108560 P1303 Q52954 +Q208269 P136 Q860626 +Q241903 P106 Q33999 +Q1031340 P106 Q753110 +Q464232 P69 Q1150105 +Q58328 P108 Q202660 +Q219631 P136 Q484641 +Q60039 P140 Q1069127 +Q129629 P1412 Q1321 +Q271554 P451 Q313107 +Q239355 P172 Q7325 +Q717 P530 Q865 +Q878 P463 Q624307 +Q865 P530 Q757 +Q44584 P69 Q153987 +Q73651 P161 Q369113 +Q207359 P1412 Q150 +Q377538 P27 Q145 +Q433039 P106 Q33999 +Q30 P530 Q233 +Q92776 P463 Q131566 +Q300371 P495 Q145 +Q550778 P106 Q2405480 +Q86093 P106 Q81096 +Q116760 P69 Q221645 +Q35171 P140 Q178169 +Q164869 P106 Q245068 +Q874 P530 Q851 +Q234939 P19 Q1486 +Q881 P530 Q241 +Q206384 P69 Q73094 +Q71548 P106 Q2516852 +Q110354 P136 Q586250 +Q239195 P264 Q202440 +Q23530 P102 Q151469 +Q61059 P106 Q822146 +Q2063048 P69 Q49117 +Q190525 P136 Q200092 +Q45662 P69 Q161982 +Q382676 P1303 Q17172850 +Q161135 P641 Q718 +Q230378 P106 Q3282637 +Q709214 P27 Q15180 +Q233701 P19 Q34404 +Q366217 P106 Q1028181 +Q83649 P161 Q238924 +Q82301 P1412 Q9043 +Q66735 P1412 Q188 +Q73890 P20 Q90 +Q315099 P106 Q10800557 +Q379949 P106 Q1930187 +Q72259 P17 Q174193 +Q4247 P19 Q71 +Q732980 P509 Q2140674 +Q48259 P69 Q838330 +Q76211 P1412 Q188 +Q61262 P106 Q36180 +Q41342 P106 Q2405480 +Q60113 P69 Q658975 +Q70425 P106 Q1622272 +Q455827 P264 Q387539 +Q220955 P161 Q361158 +Q188955 P108 Q49213 +Q463018 P1303 Q1444 +Q3806 P463 Q55473342 +Q159347 P106 Q10349745 +Q884172 P106 Q177220 +Q286690 P27 Q145 +Q155449 P106 Q245068 +Q1361397 P106 Q193391 +Q1942336 P106 Q806349 +Q55502 P30 Q48 +Q67405 P106 Q4964182 +Q115901 P106 Q189010 +Q977036 P27 Q145 +Q715790 P106 Q901 +Q295923 P136 Q180268 +Q332462 P136 Q12799318 +Q451969 P1412 Q1860 +Q233541 P27 Q30 +Q203243 P1412 Q1860 +Q28975 P1412 Q1860 +Q158394 P27 Q29999 +Q723826 P136 Q187760 +Q223884 P161 Q185140 +Q214930 P106 Q2259451 +Q155979 P106 Q8246794 +Q350678 P106 Q948329 +Q1544666 P27 Q30 +Q553861 P106 Q15981151 +Q708824 P19 Q65 +Q266535 P106 Q7042855 +Q2560493 P1412 Q1860 +Q92965 P27 Q30 +Q208203 P20 Q8684 +Q560390 P106 Q36180 +Q470193 P463 Q2370801 +Q202770 P1412 Q7737 +Q167437 P161 Q299700 +Q190525 P161 Q223745 +Q215748 P106 Q1622272 +Q129006 P20 Q84 +Q342876 P840 Q1408 +Q180919 P119 Q1358639 +Q314990 P27 Q142 +Q678 P463 Q233611 +Q192207 P27 Q129286 +Q1622571 P1303 Q5994 +Q7351 P136 Q1344 +Q333873 P106 Q164236 +Q169564 P57 Q51552 +Q92983 P463 Q127992 +Q902463 P551 Q1342 +Q85460 P463 Q901677 +Q220584 P106 Q10798782 +Q91972 P106 Q1930187 +Q511046 P1412 Q9043 +Q600344 P264 Q193023 +Q528340 P27 Q30 +Q44578 P136 Q130232 +Q124697 P136 Q1054574 +Q145 P530 Q851 +Q270935 P1303 Q302497 +Q307391 P1303 Q17172850 +Q212 P530 Q334 +Q572655 P106 Q193391 +Q1382521 P172 Q2325516 +Q41422 P27 Q30 +Q244 P530 Q148 +Q690974 P106 Q183945 +Q216466 P106 Q193391 +Q253288 P27 Q142 +Q174478 P106 Q177220 +Q48047 P20 Q649 +Q220713 P161 Q256884 +Q337747 P495 Q30 +Q236505 P106 Q177220 +Q878 P30 Q48 +Q1276 P69 Q49088 +Q3193543 P27 Q172107 +Q224187 P161 Q239382 +Q185465 P106 Q36834 +Q529604 P106 Q3621491 +Q191023 P509 Q12192 +Q1869643 P136 Q9759 +Q345431 P106 Q33999 +Q392825 P840 Q99 +Q44657 P106 Q10800557 +Q567529 P27 Q142 +Q314957 P140 Q9592 +Q304074 P136 Q3072039 +Q740036 P1303 Q8355 +Q320642 P131 Q1718 +Q61674 P106 Q1930187 +Q71874 P106 Q42973 +Q227395 P463 Q459620 +Q249040 P161 Q215072 +Q16581 P101 Q413 +Q460196 P106 Q4773904 +Q78774 P1412 Q809 +Q116307 P106 Q1622272 +Q240933 P106 Q1930187 +Q60969 P106 Q1225716 +Q180019 P1303 Q6607 +Q254 P20 Q1741 +Q213355 P106 Q13424456 +Q1354341 P1303 Q6607 +Q1627834 P136 Q37073 +Q71775 P102 Q153401 +Q6694 P106 Q901 +Q258793 P106 Q4610556 +Q230 P463 Q1928989 +Q2567 P106 Q40348 +Q464474 P106 Q49757 +Q298139 P136 Q37073 +Q189869 P463 Q11993457 +Q982339 P106 Q193391 +Q634100 P69 Q31519 +Q215 P530 Q214 +Q216148 P69 Q390287 +Q228918 P136 Q20502 +Q326823 P69 Q390287 +Q731007 P106 Q183945 +Q125106 P106 Q2526255 +Q268084 P106 Q2405480 +Q173637 P106 Q639669 +Q38294 P1412 Q397 +Q53729 P106 Q9149093 +Q102541 P20 Q2079 +Q422275 P27 Q30 +Q104358 P106 Q488205 +Q355009 P1303 Q6607 +Q363383 P509 Q18554919 +Q175535 P102 Q29552 +Q1373347 P106 Q2914170 +Q241 P530 Q916 +Q1095533 P509 Q9687 +Q484523 P106 Q177220 +Q505871 P106 Q4964182 +Q84734 P108 Q672420 +Q165357 P27 Q145 +Q6173722 P69 Q309350 +Q916 P463 Q827525 +Q251984 P1412 Q1860 +Q186757 P106 Q578109 +Q113681 P106 Q1930187 +Q268284 P27 Q30 +Q455625 P172 Q165192 +Q120484 P136 Q599558 +Q462446 P106 Q1326886 +Q983544 P1412 Q1860 +Q98116 P106 Q82955 +Q372234 P27 Q15180 +Q728991 P101 Q11190 +Q9364 P737 Q151820 +Q78321 P1412 Q188 +Q167636 P106 Q2526255 +Q75612 P106 Q1930187 +Q444147 P27 Q801 +Q34424 P106 Q13235160 +Q1189327 P1303 Q17172850 +Q453390 P69 Q41506 +Q65932 P106 Q2526255 +Q30 P463 Q376150 +Q67725 P509 Q12136 +Q224113 P106 Q36180 +Q34970 P135 Q971480 +Q326114 P161 Q315604 +Q203804 P106 Q2259451 +Q1376957 P106 Q639669 +Q46548 P20 Q1297 +Q131333 P101 Q11030 +Q249235 P136 Q860626 +Q953 P463 Q41984 +Q41 P530 Q16 +Q725943 P106 Q36180 +Q380243 P69 Q27923720 +Q111873 P106 Q214917 +Q132524 P106 Q28389 +Q1740125 P106 Q639669 +Q298532 P69 Q322964 +Q216060 P27 Q28513 +Q88412 P106 Q13570226 +Q22 P17 Q145 +Q1380767 P106 Q33999 +Q256884 P106 Q177220 +Q310638 P27 Q28 +Q11132 P140 Q682443 +Q242526 P1412 Q150 +Q464453 P69 Q49110 +Q298838 P106 Q10800557 +Q804 P530 Q902 +Q1157945 P106 Q82955 +Q127606 P69 Q49114 +Q259317 P463 Q463303 +Q163593 P264 Q183387 +Q14441 P140 Q682443 +Q15909 P106 Q14467526 +Q596925 P27 Q145 +Q165699 P161 Q76478 +Q128532 P119 Q5763964 +Q37944 P101 Q482 +Q242717 P19 Q100 +Q433939 P106 Q36834 +Q884 P530 Q114 +Q215949 P69 Q318186 +Q77551 P106 Q1622272 +Q183187 P106 Q116 +Q94701 P463 Q329464 +Q185002 P136 Q1298934 +Q316330 P108 Q35794 +Q565678 P1303 Q281460 +Q78739 P108 Q155354 +Q92641 P463 Q463303 +Q198962 P106 Q183945 +Q27 P463 Q376150 +Q264774 P136 Q37073 +Q322572 P495 Q142 +Q110278 P161 Q39666 +Q320588 P840 Q30 +Q817 P37 Q13955 +Q193018 P1412 Q652 +Q7294 P136 Q9734 +Q710282 P27 Q30 +Q219420 P509 Q12206 +Q154010 P108 Q702524 +Q204804 P136 Q131272 +Q202319 P136 Q83440 +Q1678730 P1412 Q1321 +Q334780 P495 Q142 +Q715150 P108 Q752663 +Q28170 P1412 Q1860 +Q1629187 P463 Q83172 +Q117012 P19 Q1490 +Q331155 P106 Q33999 +Q1065956 P737 Q154770 +Q348533 P106 Q3282637 +Q41 P530 Q37 +Q220010 P1303 Q17172850 +Q962971 P19 Q1748 +Q441414 P106 Q10800557 +Q133489 P106 Q488205 +Q382864 P161 Q32335 +Q374263 P106 Q2259451 +Q333475 P106 Q28389 +Q240576 P27 Q172579 +Q310866 P27 Q34266 +Q425821 P1303 Q281460 +Q7711132 P407 Q1860 +Q58057 P27 Q16957 +Q192668 P136 Q485395 +Q233898 P27 Q30 +Q697195 P108 Q154804 +Q215600 P20 Q2634 +Q518576 P106 Q82955 +Q60174 P20 Q2044 +Q366930 P106 Q1930187 +Q92128 P27 Q183 +Q544135 P27 Q15180 +Q183048 P495 Q30 +Q49903 P840 Q1384 +Q166454 P1303 Q17172850 +Q258 P530 Q252 +Q155 P530 Q252 +Q778 P463 Q899770 +Q334 P530 Q865 +Q92819 P69 Q168751 +Q232104 P463 Q1938003 +Q44176 P106 Q36834 +Q419 P530 Q155 +Q39 P463 Q1043527 +Q851 P530 Q252 +Q2814 P17 Q7318 +Q107002 P106 Q18939491 +Q561670 P106 Q2732142 +Q1166988 P136 Q131272 +Q183567 P106 Q36180 +Q308792 P106 Q28389 +Q93620 P1412 Q1860 +Q114115 P161 Q223091 +Q262314 P264 Q1542119 +Q504 P106 Q15949613 +Q444674 P27 Q142 +Q497271 P106 Q82955 +Q1680268 P463 Q463303 +Q78437 P106 Q482980 +Q702 P463 Q188822 +Q71275 P509 Q12152 +Q51566 P106 Q33999 +Q272622 P106 Q1930187 +Q367653 P106 Q177220 +Q168704 P1412 Q150 +Q848723 P1412 Q9067 +Q97550 P106 Q170790 +Q58198 P106 Q36180 +Q163211 P19 Q84 +Q383581 P495 Q219 +Q162269 P27 Q30 +Q270123 P172 Q49085 +Q45909 P106 Q488205 +Q242792 P27 Q30 +Q541708 P106 Q43845 +Q1282910 P136 Q11399 +Q57309 P27 Q16957 +Q30 P530 Q1041 +Q104398 P19 Q3971 +Q273311 P106 Q974144 +Q454696 P463 Q463303 +Q843552 P1412 Q1860 +Q191 P463 Q191384 +Q356487 P106 Q177220 +Q712 P463 Q656801 +Q78993 P108 Q165980 +Q106746 P69 Q21578 +Q44862 P1412 Q188 +Q918655 P106 Q4263842 +Q3620117 P27 Q172579 +Q55690 P27 Q668 +Q9049 P463 Q40358 +Q348170 P19 Q1204 +Q766930 P136 Q11399 +Q1648062 P1412 Q188 +Q86820 P106 Q333634 +Q86922 P69 Q152171 +Q163159 P463 Q604840 +Q75116 P69 Q152171 +Q29008 P20 Q13298 +Q44481 P1412 Q150 +Q23696 P20 Q36600 +Q60884 P1412 Q188 +Q189534 P106 Q639669 +Q163513 P106 Q133485 +Q193458 P106 Q2405480 +Q218 P463 Q380340 +Q550262 P69 Q499911 +Q375036 P69 Q547867 +Q95314 P19 Q1794 +Q445648 P27 Q30 +Q7343182 P463 Q723551 +Q509102 P106 Q2865819 +Q41594 P106 Q10800557 +Q311769 P106 Q10800557 +Q352766 P106 Q81096 +Q356283 P106 Q333634 +Q75828 P463 Q329464 +Q211283 P106 Q10800557 +Q92670 P108 Q1150105 +Q185110 P27 Q34266 +Q380079 P69 Q49108 +Q214063 P1412 Q188 +Q88427 P1412 Q188 +Q431565 P106 Q82955 +Q456271 P20 Q584451 +Q43 P463 Q782942 +Q110569 P106 Q10800557 +Q902 P463 Q1065 +Q61879 P19 Q2814 +Q215139 P69 Q995265 +Q92815 P106 Q81096 +Q905267 P106 Q728425 +Q48032 P119 Q1130019 +Q770584 P101 Q9465 +Q513615 P106 Q11774202 +Q319934 P509 Q12078 +Q105941 P509 Q47912 +Q152245 P27 Q174193 +Q30 P530 Q683 +Q27 P530 Q230 +Q605489 P106 Q13418253 +Q779682 P106 Q36180 +Q264722 P161 Q378672 +Q1346832 P1303 Q17172850 +Q312252 P106 Q37226 +Q170095 P106 Q23833535 +Q94350 P20 Q1741 +Q44461 P463 Q1468277 +Q461682 P495 Q31 +Q503597 P106 Q36180 +Q2281897 P69 Q235034 +Q365750 P19 Q1296 +Q782629 P27 Q38 +Q204936 P509 Q12078 +Q202847 P106 Q15981151 +Q888713 P264 Q1546001 +Q11104 P106 Q170790 +Q48070 P20 Q649 +Q23380 P20 Q90 +Q2574737 P106 Q177220 +Q1373347 P1303 Q302497 +Q110330 P463 Q901677 +Q804348 P27 Q30 +Q12898 P69 Q13371 +Q204804 P136 Q105527 +Q520346 P106 Q3282637 +Q811 P463 Q656801 +Q217112 P136 Q860626 +Q55922 P106 Q1930187 +Q12735 P1412 Q397 +Q201079 P1303 Q17172850 +Q102852 P19 Q1726 +Q1111386 P106 Q82955 +Q47695 P20 Q3150 +Q127992 P17 Q30 +Q253715 P27 Q17 +Q1279401 P19 Q49266 +Q237 P37 Q397 +Q178698 P737 Q38757 +Q123097 P136 Q3072049 +Q271327 P106 Q177220 +Q1351047 P108 Q160302 +Q538676 P1303 Q6607 +Q181540 P161 Q460578 +Q70839 P106 Q13570226 +Q274562 P1303 Q5994 +Q191100 P136 Q188473 +Q174478 P106 Q855091 +Q34286 P106 Q205375 +Q61533 P27 Q41304 +Q231530 P106 Q177220 +Q633103 P106 Q15981151 +Q19074 P101 Q166542 +Q219780 P106 Q6625963 +Q1157870 P106 Q639669 +Q557665 P119 Q7186324 +Q310785 P19 Q60 +Q139557 P106 Q1209498 +Q287688 P509 Q12136 +Q6701 P463 Q414188 +Q387414 P495 Q142 +Q78774 P106 Q182436 +Q106073 P106 Q36180 +Q195402 P840 Q90 +Q306403 P27 Q30 +Q63026 P161 Q188772 +Q61078 P106 Q13570226 +Q468003 P69 Q194223 +Q352914 P106 Q333634 +Q483907 P106 Q28389 +Q338812 P69 Q216458 +Q81752 P1412 Q188 +Q68604 P106 Q1622272 +Q62206 P106 Q1930187 +Q727148 P106 Q49757 +Q234144 P106 Q10800557 +Q710282 P106 Q183945 +Q27214 P102 Q29552 +Q45275 P106 Q36180 +Q640991 P463 Q2124852 +Q238140 P106 Q1930187 +Q1579348 P108 Q155354 +Q72334 P106 Q1622272 +Q79 P530 Q215 +Q157271 P108 Q154561 +Q386245 P136 Q52162262 +Q60847 P101 Q2329 +Q1267 P140 Q75809 +Q213447 P106 Q49757 +Q115 P530 Q38 +Q107761 P840 Q17 +Q400 P106 Q33999 +Q685 P463 Q496967 +Q456386 P69 Q348134 +Q188482 P3373 Q176537 +Q504743 P106 Q1622272 +Q459681 P106 Q1622272 +Q222744 P106 Q214917 +Q270601 P27 Q811 +Q239067 P101 Q2329 +Q105031 P161 Q103578 +Q515845 P106 Q64733534 +Q42493 P136 Q11399 +Q283335 P27 Q30 +Q537005 P140 Q101849 +Q238402 P172 Q49085 +Q150804 P495 Q36 +Q421478 P119 Q208175 +Q330093 P106 Q639669 +Q29999 P463 Q1072120 +Q274887 P136 Q188473 +Q225933 P1412 Q1860 +Q729661 P463 Q270794 +Q1251900 P136 Q11399 +Q332525 P106 Q753110 +Q383784 P1303 Q8355 +Q248592 P106 Q639669 +Q238432 P1412 Q1860 +Q184906 P106 Q28389 +Q244398 P495 Q30 +Q728959 P69 Q41506 +Q367032 P264 Q165745 +Q152520 P106 Q10800557 +Q86165 P27 Q176495 +Q1019 P463 Q842490 +Q1402 P106 Q822146 +Q236469 P101 Q482 +Q96502 P102 Q7320 +Q47075 P840 Q2915506 +Q112979 P19 Q41329 +Q1030 P530 Q33 +Q258980 P106 Q33231 +Q445417 P27 Q30 +Q208993 P106 Q3621491 +Q254789 P106 Q10798782 +Q1500187 P495 Q16 +Q6530 P106 Q11774202 +Q960524 P106 Q644687 +Q92739 P106 Q81096 +Q57387 P463 Q46703 +Q231942 P119 Q1437214 +Q17135 P20 Q60 +Q553276 P27 Q30 +Q231811 P106 Q177220 +Q4473 P264 Q193023 +Q1023788 P106 Q10800557 +Q238638 P106 Q33999 +Q62866 P108 Q161562 +Q210741 P106 Q10800557 +Q65084 P69 Q154561 +Q214642 P1412 Q150 +Q1973878 P106 Q121594 +Q11676 P69 Q1149089 +Q1384181 P106 Q639669 +Q74639 P108 Q875788 +Q1698 P106 Q488205 +Q878 P361 Q7204 +Q148 P530 Q36 +Q49004 P27 Q30 +Q230836 P106 Q36180 +Q195616 P140 Q9089 +Q159347 P136 Q21590660 +Q157176 P172 Q7325 +Q1761095 P102 Q1774814 +Q229487 P106 Q10800557 +Q359031 P108 Q2093794 +Q232 P530 Q399 +Q358538 P264 Q5086379 +Q234865 P106 Q1930187 +Q178549 P136 Q11399 +Q17714 P106 Q18844224 +Q330447 P106 Q36180 +Q61813 P101 Q395 +Q332610 P19 Q1761 +Q164721 P1303 Q17172850 +Q90910 P106 Q49757 +Q489854 P106 Q36834 +Q239533 P509 Q12152 +Q619328 P106 Q639669 +Q71404 P27 Q145 +Q162586 P740 Q1384 +Q437039 P106 Q177220 +Q64238 P106 Q158852 +Q892930 P106 Q40348 +Q216701 P19 Q64 +Q708110 P106 Q855091 +Q94882 P106 Q855091 +Q65144 P19 Q2119 +Q342788 P106 Q2405480 +Q77627 P27 Q183 +Q152165 P551 Q65 +Q348658 P1050 Q131755 +Q155 P530 Q983 +Q90131 P102 Q316533 +Q1687804 P106 Q131524 +Q44529 P106 Q2526255 +Q43182 P106 Q11063 +Q221 P530 Q408 +Q117902 P1412 Q652 +Q254 P1303 Q281460 +Q98087 P20 Q60 +Q795220 P27 Q30 +Q60851 P106 Q15949613 +Q58857 P106 Q158852 +Q360 P106 Q2961975 +Q264253 P106 Q2259451 +Q104790 P27 Q1206012 +Q84147 P161 Q162753 +Q92621 P463 Q127992 +Q733174 P27 Q142 +Q459251 P27 Q30 +Q155 P530 Q184 +Q567 P463 Q49762 +Q379923 P106 Q49757 +Q40103 P1412 Q1860 +Q46602 P106 Q333634 +Q193405 P1412 Q7913 +Q1101377 P106 Q639669 +Q577548 P106 Q36180 +Q434160 P463 Q463303 +Q123899 P20 Q64 +Q299965 P27 Q30 +Q301136 P1412 Q652 +Q83297 P463 Q329464 +Q235415 P69 Q981195 +Q472250 P27 Q38 +Q332953 P509 Q47912 +Q109767 P161 Q8877 +Q193212 P106 Q2405480 +Q221090 P161 Q357762 +Q335011 P106 Q49757 +Q47284 P19 Q975 +Q363763 P101 Q8341 +Q132266 P161 Q238305 +Q382680 P69 Q622664 +Q7104 P69 Q156598 +Q263501 P106 Q2526255 +Q31 P463 Q3866537 +Q164401 P1412 Q1860 +Q159475 P27 Q29999 +Q58645 P69 Q168426 +Q846 P361 Q7204 +Q278551 P106 Q1930187 +Q40479 P136 Q24925 +Q1239278 P106 Q177220 +Q535 P106 Q214917 +Q874481 P106 Q2516866 +Q94831 P1303 Q6607 +Q958206 P27 Q96 +Q77060 P136 Q189201 +Q91162 P106 Q36180 +Q93356 P106 Q33999 +Q275180 P495 Q145 +Q233529 P1412 Q1860 +Q231487 P136 Q850412 +Q69521 P106 Q11063 +Q71775 P509 Q12136 +Q366845 P106 Q193391 +Q333260 P20 Q649 +Q132537 P69 Q152838 +Q217303 P161 Q80046 +Q1909258 P106 Q753110 +Q272913 P27 Q30 +Q60528 P26 Q38757 +Q26208 P106 Q28389 +Q76325 P106 Q155647 +Q267242 P136 Q49084 +Q46706 P463 Q161806 +Q1392321 P749 Q183412 +Q1867 P17 Q865 +Q186924 P106 Q753110 +Q235066 P106 Q49757 +Q213257 P27 Q145 +Q435437 P106 Q1759246 +Q134575 P106 Q10798782 +Q485310 P106 Q3387717 +Q151608 P102 Q327591 +Q165854 P106 Q82955 +Q49767 P106 Q36180 +Q229341 P27 Q30 +Q140694 P509 Q12204 +Q1384181 P106 Q10798782 +Q23728 P69 Q8008661 +Q313874 P840 Q65 +Q140099 P27 Q884 +Q1931736 P106 Q128124 +Q187282 P108 Q152838 +Q362371 P106 Q753110 +Q96943 P27 Q183 +Q41173 P106 Q33999 +Q181069 P161 Q37876 +Q172916 P106 Q82955 +Q49760 P463 Q463303 +Q151814 P136 Q2743 +Q976022 P27 Q27 +Q216148 P27 Q28 +Q729048 P136 Q36279 +Q154203 P106 Q2259451 +Q2895857 P119 Q216344 +Q741600 P27 Q30 +Q61649 P106 Q36834 +Q20235 P106 Q855091 +Q556767 P69 Q499451 +Q11930 P27 Q30 +Q178094 P840 Q8652 +Q1291701 P136 Q1133657 +Q103774 P264 Q213710 +Q443403 P136 Q35760 +Q648359 P3373 Q191088 +Q144164 P27 Q30 +Q711810 P136 Q9730 +Q90012 P69 Q159895 +Q110749 P1412 Q188 +Q70478 P69 Q152171 +Q214665 P69 Q181410 +Q235189 P19 Q16556 +Q102711 P136 Q21590660 +Q87850 P20 Q693653 +Q573388 P106 Q189290 +Q16472 P264 Q193023 +Q46248 P106 Q36180 +Q797659 P1412 Q256 +Q72137 P140 Q9592 +Q303235 P161 Q295847 +Q272438 P551 Q60 +Q156501 P106 Q1930187 +Q234636 P1303 Q17172850 +Q15902 P106 Q855091 +Q349434 P106 Q177220 +Q236630 P509 Q12078 +Q4293328 P119 Q208175 +Q53719 P840 Q1558 +Q343477 P106 Q33999 +Q3182472 P106 Q193391 +Q267243 P106 Q10800557 +Q183 P172 Q84072 +Q11812 P106 Q36180 +Q11975 P26 Q215497 +Q552215 P106 Q188094 +Q366563 P106 Q43845 +Q536301 P106 Q43845 +Q281621 P106 Q10798782 +Q55449 P106 Q17125263 +Q93959 P1412 Q188 +Q292381 P106 Q33999 +Q234847 P106 Q28389 +Q96591 P106 Q82955 +Q6530 P551 Q1741 +Q179018 P161 Q273208 +Q5327 P106 Q2919046 +Q92562 P106 Q864380 +Q291239 P27 Q142 +Q4679786 P106 Q40348 +Q99903 P106 Q1930187 +Q95268 P106 Q864380 +Q91582 P1412 Q188 +Q156749 P106 Q901402 +Q312081 P102 Q29468 +Q137042 P1303 Q6607 +Q84330 P106 Q2405480 +Q212549 P106 Q753110 +Q215072 P102 Q29552 +Q131324 P106 Q3282637 +Q363371 P106 Q639669 +Q399 P463 Q1043527 +Q325427 P106 Q10800557 +Q34743 P106 Q36180 +Q220883 P106 Q18844224 +Q105543 P108 Q156725 +Q313581 P106 Q16947320 +Q435826 P106 Q10800557 +Q320032 P495 Q29 +Q40909 P27 Q145 +Q70997 P172 Q7325 +Q155855 P106 Q33231 +Q401773 P27 Q34266 +Q64577 P106 Q864380 +Q94284 P161 Q190162 +Q203460 P1412 Q1860 +Q44862 P106 Q214917 +Q30893 P19 Q60 +Q271119 P264 Q231694 +Q200827 P840 Q99 +Q1643790 P19 Q1486 +Q7013 P1412 Q1860 +Q192207 P106 Q3242115 +Q755 P106 Q49757 +Q888034 P135 Q213457 +Q1164663 P1303 Q6607 +Q313528 P463 Q3603946 +Q2103 P17 Q183 +Q54545 P1412 Q1860 +Q149431 P136 Q842256 +Q306403 P69 Q174710 +Q192185 P20 Q60 +Q1333326 P106 Q205375 +Q234487 P106 Q639669 +Q353449 P106 Q639669 +Q76479 P495 Q38 +Q297816 P27 Q30 +Q55450 P1412 Q652 +Q280098 P106 Q578109 +Q442931 P108 Q122453 +Q96779 P106 Q482980 +Q231004 P27 Q30 +Q443403 P737 Q185085 +Q444713 P20 Q350 +Q312385 P106 Q33999 +Q229920 P106 Q2259451 +Q34628 P20 Q2773 +Q286777 P108 Q190080 +Q155547 P737 Q35802 +Q86809 P1412 Q188 +Q165325 P136 Q1776156 +Q4089775 P106 Q901 +Q268024 P106 Q639669 +Q833 P530 Q39 +Q228598 P106 Q2405480 +Q1296812 P19 Q16555 +Q712082 P106 Q1930187 +Q1579348 P20 Q3869 +Q284386 P106 Q36180 +Q299194 P106 Q3282637 +Q283408 P1412 Q150 +Q315136 P106 Q193391 +Q60970 P106 Q11513337 +Q314787 P27 Q843 +Q270303 P106 Q639669 +Q96071 P1412 Q188 +Q57257 P106 Q333634 +Q183492 P106 Q6625963 +Q38393 P27 Q129286 +Q283659 P140 Q7066 +Q236236 P27 Q27 +Q68537 P119 Q208175 +Q96028 P106 Q28389 +Q285254 P106 Q639669 +Q365484 P106 Q3282637 +Q114 P463 Q17495 +Q3772 P106 Q7042855 +Q27684 P108 Q185246 +Q1385887 P27 Q30 +Q414 P530 Q252 +Q554175 P106 Q1930187 +Q150652 P27 Q183 +Q60804 P69 Q152838 +Q287824 P106 Q947873 +Q36843 P20 Q64 +Q727786 P106 Q10800557 +Q168419 P20 Q90 +Q104326 P19 Q456 +Q91587 P27 Q183 +Q8646 P530 Q334 +Q211539 P108 Q49210 +Q234604 P463 Q1938003 +Q298139 P106 Q33999 +Q43499 P106 Q42603 +Q311779 P106 Q245068 +Q331845 P106 Q1930187 +Q291500 P136 Q49084 +Q57298 P3373 Q124710 +Q1029 P463 Q656801 +Q561147 P106 Q36180 +Q506006 P106 Q639669 +Q83233 P106 Q81096 +Q164933 P57 Q611586 +Q38193 P737 Q9312 +Q128121 P69 Q174570 +Q549722 P161 Q232052 +Q110436 P140 Q7066 +Q76478 P102 Q29552 +Q130327 P19 Q766 +Q106073 P20 Q2973 +Q28493 P106 Q10800557 +Q403 P530 Q115 +Q154356 P463 Q4345832 +Q1084226 P69 Q1137665 +Q152503 P1412 Q7737 +Q421707 P69 Q1145814 +Q596746 P106 Q36834 +Q92115 P69 Q152087 +Q1373629 P463 Q573017 +Q1399 P106 Q4964182 +Q193405 P69 Q152087 +Q189172 P101 Q23404 +Q376807 P57 Q350405 +Q129087 P106 Q33999 +Q9047 P737 Q9438 +Q1011 P463 Q3348506 +Q651 P106 Q4164507 +Q1779 P106 Q158852 +Q94186 P136 Q482 +Q519590 P106 Q36180 +Q53719 P136 Q471839 +Q213706 P106 Q33999 +Q76568 P106 Q40348 +Q14045 P1303 Q17172850 +Q933749 P106 Q37226 +Q372174 P161 Q41871 +Q967 P463 Q384535 +Q443292 P101 Q207628 +Q1167000 P2348 Q6939 +Q94034 P106 Q3387717 +Q919565 P641 Q5386 +Q80064 P463 Q459620 +Q286690 P106 Q33999 +Q183 P530 Q792 +Q382068 P106 Q33999 +Q70425 P19 Q2090 +Q81082 P463 Q270794 +Q1997159 P19 Q656 +Q5928 P172 Q1075293 +Q67576 P1303 Q8355 +Q5396 P1412 Q150 +Q24953 P161 Q24962 +Q1025 P463 Q340195 +Q223741 P136 Q1641839 +Q77184 P463 Q2822396 +Q217557 P140 Q7066 +Q32661 P106 Q3282637 +Q691076 P264 Q654283 +Q150281 P106 Q18814623 +Q70737 P119 Q564922 +Q12548 P138 Q2277 +Q656752 P159 Q60 +Q723281 P1412 Q1860 +Q157303 P19 Q90 +Q297816 P106 Q15981151 +Q34981 P106 Q15980158 +Q49734 P136 Q43343 +Q2749 P17 Q154195 +Q182031 P101 Q43035 +Q45337 P1412 Q188 +Q348916 P69 Q160302 +Q3057567 P1412 Q13955 +Q975874 P106 Q2865819 +Q320185 P106 Q2405480 +Q78885 P106 Q42973 +Q1643790 P106 Q14467526 +Q46182 P101 Q482 +Q12706 P106 Q18814623 +Q228585 P161 Q39989 +Q88821 P106 Q4853732 +Q151113 P136 Q37073 +Q325396 P106 Q28389 +Q206173 P106 Q36180 +Q77082 P106 Q36180 +Q555226 P1303 Q9798 +Q215860 P106 Q974144 +Q298838 P140 Q7066 +Q232414 P106 Q33999 +Q212689 P136 Q2137852 +Q101338 P106 Q1622272 +Q73013 P106 Q11063 +Q60506 P136 Q130232 +Q734 P463 Q205995 +Q547565 P106 Q11774202 +Q865275 P136 Q49084 +Q484302 P106 Q488205 +Q214289 P106 Q18581305 +Q318192 P106 Q39631 +Q248592 P136 Q131272 +Q79 P530 Q953 +Q41223 P509 Q47912 +Q216838 P463 Q253439 +Q41854 P161 Q342962 +Q438366 P1412 Q1860 +Q193111 P106 Q333634 +Q1322959 P106 Q81096 +Q157242 P69 Q192775 +Q121926 P463 Q191583 +Q597698 P1412 Q1860 +Q61677 P106 Q10800557 +Q261522 P509 Q12152 +Q96941 P463 Q49738 +Q77991 P27 Q183 +Q61073 P106 Q170790 +Q709464 P136 Q83440 +Q667841 P463 Q123885 +Q212 P530 Q148 +Q49285 P106 Q752129 +Q102438 P161 Q25014 +Q71206 P20 Q48958 +Q92638 P101 Q4027615 +Q267070 P106 Q488205 +Q106709 P1412 Q150 +Q221384 P136 Q188473 +Q243643 P136 Q319221 +Q247846 P106 Q3387717 +Q1339164 P19 Q727 +Q272438 P19 Q9005 +Q55208 P1412 Q7737 +Q503770 P136 Q3071 +Q340016 P106 Q214917 +Q490333 P27 Q159 +Q313443 P19 Q1781 +Q332525 P106 Q639669 +Q377725 P1412 Q7737 +Q345431 P102 Q29552 +Q272994 P106 Q36180 +Q41594 P136 Q131272 +Q448727 P106 Q482980 +Q1251900 P1303 Q6607 +Q181995 P27 Q31 +Q83286 P30 Q46 +Q902 P530 Q842 +Q132805 P1412 Q1860 +Q151720 P106 Q49757 +Q188385 P106 Q10732476 +Q921542 P19 Q33486 +Q7504 P463 Q2124852 +Q271324 P106 Q1930187 +Q277099 P106 Q2259451 +Q382316 P136 Q37073 +Q85411 P106 Q2732142 +Q865 P530 Q114 +Q1430 P19 Q220 +Q153484 P136 Q3072049 +Q238364 P69 Q49115 +Q234606 P106 Q43845 +Q49319 P136 Q8341 +Q528943 P27 Q30 +Q668 P463 Q842490 +Q278519 P106 Q488205 +Q69301 P106 Q16533 +Q862184 P1303 Q17172850 +Q80504 P140 Q7066 +Q112534 P27 Q30 +Q271576 P264 Q183387 +Q435290 P27 Q34 +Q73437 P106 Q753110 +Q739915 P1303 Q17172850 +Q729117 P106 Q214917 +Q11148 P407 Q7979 +Q51110 P106 Q10800557 +Q33760 P108 Q174570 +Q62402 P106 Q211346 +Q188570 P27 Q15180 +Q112635 P136 Q959790 +Q308722 P106 Q33999 +Q978959 P106 Q36180 +Q865 P530 Q424 +Q605678 P106 Q1930187 +Q70478 P106 Q2468727 +Q219551 P1303 Q5994 +Q392654 P136 Q38848 +Q7728 P509 Q128581 +Q69289 P106 Q82955 +Q340046 P106 Q42909 +Q592504 P136 Q49084 +Q540544 P106 Q1930187 +Q255376 P161 Q229957 +Q104123 P161 Q125017 +Q17714 P737 Q81244 +Q128297 P1412 Q150 +Q321917 P106 Q36180 +Q78716 P69 Q165980 +Q809028 P106 Q1650915 +Q311613 P106 Q33999 +Q19405 P136 Q1200678 +Q60045 P509 Q12202 +Q233433 P1412 Q1860 +Q435681 P1303 Q5994 +Q334648 P495 Q145 +Q42047 P161 Q211280 +Q77060 P463 Q463303 +Q219368 P106 Q34074720 +Q518850 P106 Q1930187 +Q5679 P27 Q161885 +Q185122 P172 Q170826 +Q142768 P19 Q270 +Q1095432 P1303 Q486748 +Q1395573 P1412 Q1860 +Q64176 P69 Q55044 +Q60070 P140 Q75809 +Q188344 P106 Q36180 +Q109608 P551 Q104192 +Q151098 P463 Q695302 +Q88844 P463 Q459620 +Q179126 P106 Q42973 +Q214481 P106 Q482980 +Q190602 P27 Q30 +Q483203 P106 Q36834 +Q117902 P27 Q38 +Q65047 P19 Q1718 +Q324424 P106 Q855091 +Q90822 P19 Q1720 +Q48990 P463 Q901677 +Q345431 P106 Q855091 +Q366890 P106 Q1622272 +Q276038 P106 Q1198887 +Q86573 P20 Q64 +Q157282 P108 Q209842 +Q522592 P136 Q83440 +Q124057 P1303 Q17172850 +Q55796 P106 Q2526255 +Q356639 P106 Q81096 +Q116718 P106 Q806798 +Q5603 P106 Q28389 +Q1276 P106 Q28389 +Q19201 P1303 Q1444 +Q154545 P27 Q142 +Q46096 P27 Q183 +Q311165 P140 Q432 +Q202440 P159 Q30 +Q266535 P106 Q3282637 +Q272374 P106 Q488205 +Q320714 P106 Q185351 +Q235077 P106 Q36834 +Q284917 P161 Q84365 +Q965301 P19 Q1342 +Q66729 P106 Q3332711 +Q239540 P106 Q36180 +Q434790 P69 Q523926 +Q16409 P135 Q6034 +Q179854 P27 Q174193 +Q4952325 P20 Q61 +Q1049 P463 Q17495 +Q2569 P19 Q24879 +Q257872 P1412 Q9078 +Q456827 P463 Q41726 +Q15794 P463 Q266063 +Q609151 P106 Q82955 +Q18832 P172 Q1026 +Q50764 P108 Q909176 +Q41590 P106 Q1622272 +Q273315 P1303 Q5994 +Q323707 P106 Q10732476 +Q151973 P1412 Q9309 +Q554150 P119 Q298 +Q179680 P119 Q311 +Q540544 P106 Q82955 +Q228860 P264 Q4413456 +Q76364 P1303 Q163829 +Q311314 P106 Q2405480 +Q30570 P1303 Q17172850 +Q168482 P69 Q11942 +Q139325 P1412 Q1860 +Q128121 P1303 Q17172850 +Q189330 P161 Q708059 +Q94018 P20 Q60 +Q55641 P740 Q84 +Q58040 P106 Q1622272 +Q230395 P106 Q33999 +Q38393 P106 Q855091 +Q357455 P106 Q36834 +Q746923 P106 Q177220 +Q540787 P1412 Q1860 +Q127481 P106 Q33999 +Q228584 P106 Q36180 +Q89709 P106 Q49757 +Q504 P172 Q121842 +Q254430 P106 Q333634 +Q325389 P106 Q36834 +Q41568 P106 Q4964182 +Q232993 P161 Q62929 +Q235020 P106 Q10798782 +Q72077 P551 Q11299 +Q16458 P161 Q270123 +Q218575 P509 Q12202 +Q7349 P106 Q486748 +Q262838 P106 Q1208175 +Q298027 P106 Q36180 +Q36591 P551 Q90 +Q233365 P1412 Q1860 +Q275180 P840 Q408 +Q120664 P101 Q5891 +Q218210 P106 Q2259451 +Q76127 P1412 Q1860 +Q38757 P27 Q41304 +Q917 P530 Q403 +Q92787 P106 Q81096 +Q44857 P136 Q131272 +Q449317 P1303 Q17172850 +Q3088816 P136 Q83440 +Q137106 P69 Q81162 +Q154325 P463 Q4345832 +Q134262 P69 Q599316 +Q44520 P172 Q42406 +Q295034 P106 Q28389 +Q187553 P1412 Q5287 +Q337578 P136 Q183504 +Q229669 P106 Q4610556 +Q594644 P106 Q33999 +Q186327 P264 Q231694 +Q1514 P1303 Q17172850 +Q1542119 P136 Q8341 +Q379949 P119 Q1092107 +Q38203 P106 Q322170 +Q365578 P69 Q174710 +Q358990 P69 Q238101 +Q66207 P106 Q201788 +Q1354341 P1303 Q17172850 +Q269526 P106 Q177220 +Q539791 P27 Q30 +Q235470 P108 Q131252 +Q120484 P495 Q30 +Q131259 P106 Q36834 +Q310295 P106 Q245068 +Q69392 P509 Q175111 +Q58612 P509 Q12078 +Q347986 P136 Q83270 +Q229166 P106 Q33999 +Q96743 P106 Q482980 +Q842243 P27 Q28 +Q542868 P19 Q16563 +Q91582 P108 Q55044 +Q233701 P136 Q25379 +Q4636 P264 Q557632 +Q282693 P106 Q33999 +Q102660 P2348 Q6939 +Q209170 P161 Q161819 +Q1276 P136 Q1298934 +Q34969 P106 Q169470 +Q1160461 P108 Q501758 +Q716367 P106 Q1622272 +Q77468 P106 Q36180 +Q320651 P1412 Q1860 +Q12292644 P27 Q219 +Q232810 P106 Q3400985 +Q60068 P106 Q82955 +Q352185 P106 Q177220 +Q241382 P136 Q316930 +Q156310 P106 Q36834 +Q664 P463 Q8475 +Q529858 P106 Q36180 +Q355788 P1303 Q258896 +Q193048 P1412 Q1860 +Q128832 P106 Q4263842 +Q189330 P161 Q83492 +Q1346111 P106 Q36180 +Q991 P737 Q43718 +Q110043 P840 Q99 +Q173540 P27 Q30 +Q66880 P106 Q82955 +Q114115 P136 Q645928 +Q242749 P19 Q47164 +Q1012900 P106 Q1028181 +Q3188629 P69 Q273447 +Q458390 P27 Q30 +Q80510 P106 Q486748 +Q223374 P161 Q193815 +Q699605 P106 Q81096 +Q63032 P106 Q39631 +Q363271 P27 Q145 +Q1680339 P19 Q84 +Q955619 P172 Q49085 +Q7176 P106 Q36180 +Q162688 P463 Q191583 +Q323470 P27 Q1028 +Q25529 P551 Q23197 +Q86203 P69 Q180865 +Q55264 P119 Q1302545 +Q445124 P19 Q34006 +Q582713 P1412 Q188 +Q16872 P1412 Q9186 +Q23880 P264 Q330629 +Q81328 P27 Q30 +Q358087 P136 Q2913982 +Q57168 P1412 Q1860 +Q104301 P463 Q329464 +Q711499 P106 Q386854 +Q84186 P737 Q164797 +Q69301 P140 Q75809 +Q2516 P1412 Q188 +Q156309 P161 Q296883 +Q217010 P136 Q52162262 +Q41142 P69 Q2093794 +Q468585 P106 Q713200 +Q60487 P161 Q126599 +Q62116 P27 Q183 +Q39999 P161 Q4960 +Q833 P530 Q184 +Q92115 P106 Q3332711 +Q123899 P108 Q153006 +Q80440 P40 Q135481 +Q183066 P161 Q223745 +Q14441 P106 Q947873 +Q456271 P106 Q1930187 +Q325487 P106 Q3282637 +Q905267 P3373 Q2831583 +Q267186 P106 Q28389 +Q62766 P106 Q3501317 +Q506393 P106 Q2722764 +Q471542 P106 Q177220 +Q16957 P530 Q183 +Q220010 P27 Q27 +Q183081 P840 Q1439 +Q154855 P1412 Q1321 +Q183535 P19 Q649 +Q157309 P106 Q37226 +Q220864 P136 Q25379 +Q164703 P1412 Q9056 +Q189042 P106 Q1930187 +Q345888 P27 Q142 +Q4808641 P106 Q36180 +Q383784 P106 Q36834 +Q172388 P106 Q4773904 +Q766293 P20 Q90 +Q919835 P106 Q4853732 +Q315051 P641 Q5386 +Q2086086 P106 Q33999 +Q16781 P1412 Q727694 +Q313501 P106 Q13235160 +Q124065 P69 Q658975 +Q981971 P106 Q36180 +Q177930 P161 Q188100 +Q8016 P108 Q160302 +Q361004 P106 Q1930187 +Q148 P530 Q691 +Q234893 P1412 Q188 +Q104109 P140 Q624477 +Q303235 P495 Q30 +Q431356 P106 Q2405480 +Q262170 P106 Q2405480 +Q74639 P108 Q31519 +Q171834 P108 Q209344 +Q83359 P27 Q30 +Q50861 P161 Q359325 +Q482964 P136 Q11366 +Q735399 P27 Q43 +Q225657 P106 Q2405480 +Q7939652 P27 Q139319 +Q43044 P106 Q4610556 +Q352708 P172 Q2325516 +Q462447 P136 Q28026639 +Q216339 P19 Q2843 +Q90331 P106 Q36834 +Q126596 P106 Q13570226 +Q522739 P172 Q49085 +Q293520 P101 Q40634 +Q217495 P20 Q34217 +Q863 P530 Q851 +Q61 P30 Q49 +Q327107 P172 Q170217 +Q4137 P106 Q28389 +Q1744 P106 Q3455803 +Q1497744 P264 Q1465812 +Q224004 P136 Q622291 +Q647687 P106 Q36180 +Q924053 P1412 Q809 +Q697741 P27 Q83286 +Q219878 P641 Q11419 +Q65105 P106 Q28389 +Q172599 P106 Q36180 +Q96594 P106 Q2135538 +Q233941 P106 Q2865819 +Q231713 P1412 Q1860 +Q84246 P106 Q1350157 +Q63035 P19 Q64 +Q93028 P69 Q49112 +Q940686 P106 Q2865819 +Q709214 P1412 Q7737 +Q919462 P27 Q16 +Q193426 P1412 Q1860 +Q1355431 P1303 Q5994 +Q1013 P463 Q842490 +Q1173321 P20 Q36091 +Q573532 P20 Q49111 +Q552215 P106 Q43845 +Q193670 P106 Q36180 +Q1770797 P27 Q30 +Q85280 P1303 Q17172850 +Q2643 P20 Q65 +Q760790 P69 Q28695 +Q88832 P172 Q42884 +Q89188 P106 Q40348 +Q72832 P106 Q177220 +Q440668 P106 Q855091 +Q120381 P101 Q482 +Q128832 P106 Q49757 +Q84444 P106 Q333634 +Q27204 P161 Q674451 +Q151414 P20 Q61 +Q1777864 P106 Q822146 +Q7542 P264 Q330629 +Q92639 P463 Q337234 +Q431656 P1303 Q5994 +Q254 P40 Q156023 +Q384804 P106 Q82955 +Q287001 P495 Q142 +Q55211 P106 Q222344 +Q43267 P136 Q131272 +Q95048 P27 Q30 +Q77 P530 Q29 +Q231182 P136 Q487914 +Q281034 P101 Q1328508 +Q709670 P106 Q214917 +Q58328 P20 Q90 +Q361976 P27 Q142 +Q943577 P509 Q9687 +Q92938 P106 Q169470 +Q36970 P106 Q6665249 +Q275875 P106 Q28389 +Q331760 P161 Q225657 +Q367489 P106 Q10800557 +Q468356 P1412 Q9610 +Q182509 P108 Q156598 +Q459310 P106 Q4220892 +Q352935 P1412 Q1860 +Q156516 P136 Q192881 +Q493 P20 Q23482 +Q1853186 P1412 Q9176 +Q74745 P27 Q183 +Q1010602 P106 Q177220 +Q1051182 P136 Q598929 +Q230209 P264 Q183387 +Q51583 P106 Q3282637 +Q190251 P136 Q49451 +Q55630 P17 Q600018 +Q707999 P106 Q639669 +Q62757 P106 Q36180 +Q439955 P1303 Q17172850 +Q881 P463 Q1065 +Q13426199 P37 Q9192 +Q261207 P551 Q2807 +Q258 P463 Q1043527 +Q801 P530 Q213 +Q71848 P108 Q151510 +Q99842 P102 Q328195 +Q280856 P140 Q23540 +Q137659 P19 Q1492 +Q105158 P27 Q142 +Q128460 P463 Q161806 +Q155845 P106 Q4263842 +Q76513 P106 Q1662561 +Q123421 P106 Q36180 +Q298352 P106 Q3387717 +Q178517 P27 Q145 +Q584500 P20 Q160642 +Q59210 P106 Q36180 +Q216179 P136 Q187760 +Q113626 P1412 Q188 +Q47619 P140 Q7066 +Q62765 P1412 Q188 +Q214947 P172 Q237534 +Q139223 P1412 Q1860 +Q215989 P1412 Q397 +Q255593 P27 Q38 +Q156942 P463 Q123885 +Q240886 P119 Q1625328 +Q30 P530 Q189 +Q1042738 P106 Q49757 +Q215359 P106 Q10800557 +Q316957 P1412 Q188 +Q214582 P106 Q177220 +Q251340 P1412 Q9056 +Q1678110 P136 Q14390274 +Q656752 P136 Q11399 +Q93957 P1412 Q1860 +Q38294 P27 Q12548 +Q237134 P136 Q52162262 +Q301951 P69 Q209842 +Q2153 P140 Q9089 +Q427091 P136 Q959790 +Q336397 P140 Q7066 +Q50713 P20 Q127856 +Q210792 P106 Q10798782 +Q21197 P17 Q139319 +Q85092 P119 Q438199 +Q433284 P106 Q10833314 +Q16285 P106 Q36180 +Q10411 P106 Q644687 +Q239131 P463 Q463303 +Q168849 P136 Q130232 +Q711509 P27 Q142 +Q217160 P106 Q177220 +Q969048 P1412 Q9288 +Q357961 P106 Q205375 +Q373948 P19 Q60 +Q233377 P106 Q5716684 +Q726296 P136 Q7749 +Q40572 P106 Q2526255 +Q215392 P17 Q145 +Q96 P463 Q3772571 +Q380280 P27 Q230 +Q288157 P106 Q5716684 +Q530377 P26 Q272031 +Q372234 P106 Q10800557 +Q159577 P1303 Q17172850 +Q742634 P463 Q338432 +Q299132 P19 Q61 +Q78869 P27 Q191 +Q92767 P463 Q651690 +Q238819 P1303 Q5994 +Q322303 P264 Q557632 +Q444366 P106 Q753110 +Q60093 P27 Q183 +Q71419 P102 Q13124 +Q48226 P119 Q771 +Q902 P530 Q826 +Q214697 P106 Q49757 +Q769 P530 Q244 +Q74316 P1412 Q188 +Q231635 P106 Q33999 +Q357102 P106 Q82955 +Q77876 P463 Q414163 +Q352975 P106 Q28389 +Q465679 P140 Q7066 +Q348738 P172 Q49085 +Q335629 P106 Q488205 +Q223854 P27 Q30 +Q111074 P106 Q753110 +Q34060 P27 Q801 +Q295923 P106 Q753110 +Q8772 P463 Q161806 +Q350424 P26 Q230308 +Q549233 P106 Q177220 +Q207458 P106 Q33999 +Q365682 P509 Q12078 +Q1013 P530 Q865 +Q414 P530 Q159 +Q742396 P1303 Q6607 +Q237222 P495 Q30 +Q40263 P106 Q131524 +Q57347 P101 Q5891 +Q3298815 P27 Q30 +Q578031 P106 Q11774202 +Q323117 P106 Q36834 +Q383355 P495 Q30 +Q282722 P1412 Q1860 +Q319342 P106 Q28389 +Q741058 P27 Q30 +Q484427 P136 Q187760 +Q57109 P27 Q43287 +Q597694 P119 Q311 +Q267866 P161 Q215976 +Q106834 P19 Q2973 +Q116548 P140 Q23540 +Q170576 P1303 Q17172850 +Q295107 P106 Q10800557 +Q240933 P106 Q3282637 +Q193459 P136 Q11399 +Q315756 P106 Q33999 +Q199943 P106 Q177220 +Q1315512 P1412 Q1860 +Q84704 P69 Q152087 +Q98062 P106 Q28389 +Q245075 P27 Q145 +Q229349 P27 Q30 +Q460852 P1303 Q6607 +Q383420 P19 Q90 +Q197206 P106 Q4964182 +Q40645 P106 Q3282637 +Q380545 P106 Q36180 +Q919156 P172 Q678551 +Q122701 P106 Q11063 +Q44646 P19 Q1297 +Q1163944 P20 Q649 +Q277527 P495 Q30 +Q160902 P27 Q183 +Q460071 P1303 Q5994 +Q887903 P1412 Q1321 +Q951957 P19 Q908 +Q288645 P161 Q312380 +Q715701 P106 Q42973 +Q318287 P106 Q33999 +Q148 P530 Q717 +Q961851 P264 Q193023 +Q328042 P106 Q482980 +Q2623752 P27 Q34266 +Q230456 P1412 Q1860 +Q246303 P509 Q47912 +Q498390 P1303 Q6607 +Q262490 P106 Q10800557 +Q60126 P106 Q131062 +Q449140 P264 Q183387 +Q244398 P840 Q21 +Q319871 P172 Q49085 +Q300502 P136 Q663106 +Q3052333 P106 Q860918 +Q102139 P1412 Q9027 +Q7313843 P106 Q3391743 +Q61769 P27 Q1206012 +Q444366 P106 Q10798782 +Q213393 P69 Q745967 +Q441226 P551 Q60 +Q234314 P106 Q2526255 +Q300393 P161 Q201927 +Q115683 P172 Q79797 +Q1282413 P463 Q270920 +Q362639 P27 Q142 +Q201477 P463 Q83172 +Q122968 P27 Q39 +Q431656 P27 Q30 +Q1123533 P106 Q12800682 +Q238702 P1412 Q1860 +Q219424 P495 Q30 +Q234721 P106 Q6625963 +Q369916 P106 Q36834 +Q983400 P20 Q90 +Q434399 P27 Q668 +Q214549 P1412 Q150 +Q329001 P136 Q105513 +Q63169 P69 Q152087 +Q111182 P1412 Q1860 +Q69236 P19 Q1715 +Q92775 P27 Q145 +Q1321093 P69 Q1727138 +Q285462 P106 Q639669 +Q92446 P102 Q49750 +Q337145 P1303 Q17172850 +Q508953 P27 Q145 +Q294812 P106 Q2526255 +Q82049 P1412 Q1860 +Q83410 P106 Q245068 +Q60247 P106 Q1231865 +Q83542 P136 Q1776156 +Q318503 P106 Q10800557 +Q42904 P136 Q45981 +Q47447 P106 Q33999 +Q709 P463 Q8475 +Q239823 P119 Q311 +Q1072969 P509 Q12078 +Q170509 P1412 Q1860 +Q865 P530 Q37 +Q76152 P106 Q33231 +Q91436 P69 Q152838 +Q448727 P1412 Q1860 +Q151098 P3373 Q7726 +Q328760 P20 Q19660 +Q78526 P106 Q36180 +Q1897271 P106 Q177220 +Q223455 P551 Q65 +Q318312 P19 Q33486 +Q72653 P69 Q797078 +Q128126 P20 Q90 +Q1159089 P106 Q33999 +Q1497744 P20 Q1439 +Q61682 P106 Q1792450 +Q191026 P20 Q23276 +Q343304 P106 Q183945 +Q191305 P509 Q175111 +Q151691 P69 Q55044 +Q64637 P106 Q1622272 +Q109053 P1050 Q10874 +Q92632 P27 Q30 +Q79078 P106 Q170790 +Q57374 P27 Q183 +Q573323 P106 Q183945 +Q117 P463 Q384535 +Q526518 P106 Q864380 +Q78592 P1412 Q188 +Q169065 P106 Q214917 +Q278543 P106 Q6625963 +Q91004 P106 Q10798782 +Q936470 P101 Q413 +Q187553 P136 Q131578 +Q41378 P463 Q188771 +Q190379 P106 Q28389 +Q9438 P106 Q1234713 +Q95030 P106 Q28389 +Q479052 P551 Q8652 +Q225625 P106 Q2259451 +Q236748 P106 Q177220 +Q2587336 P102 Q79854 +Q66162 P140 Q7066 +Q157004 P1412 Q150 +Q72014 P106 Q2526255 +Q1336685 P106 Q10800557 +Q3184115 P1412 Q1321 +Q51506 P108 Q34433 +Q213565 P101 Q36180 +Q53729 P641 Q36908 +Q41564 P106 Q3400985 +Q506771 P1303 Q80284 +Q135420 P106 Q1415090 +Q108175 P27 Q183 +Q254611 P509 Q333495 +Q153185 P106 Q1622272 +Q42156 P140 Q9268 +Q206466 P27 Q30 +Q367905 P27 Q30 +Q23559 P509 Q2140674 +Q3052333 P1412 Q1321 +Q153610 P20 Q649 +Q297442 P106 Q177220 +Q162331 P136 Q959790 +Q157879 P495 Q145 +Q445648 P106 Q639669 +Q95994 P27 Q183 +Q240788 P463 Q4742987 +Q201500 P106 Q15981151 +Q333971 P161 Q366322 +Q626061 P19 Q8684 +Q67869663 P136 Q164444 +Q228546 P136 Q8261 +Q97894 P106 Q4853732 +Q50612 P106 Q193391 +Q213710 P159 Q84 +Q335052 P106 Q36180 +Q272650 P101 Q1662673 +Q201514 P106 Q183945 +Q236017 P106 Q82955 +Q229572 P69 Q7866352 +Q328691 P1412 Q1860 +Q95268 P106 Q201788 +Q235707 P27 Q30 +Q440817 P136 Q37073 +Q217427 P3373 Q317784 +Q1396630 P463 Q40358 +Q192529 P106 Q36834 +Q744566 P106 Q15980158 +Q55421 P20 Q1741 +Q40 P463 Q7809 +Q29 P530 Q16 +Q313551 P106 Q169470 +Q188570 P102 Q1774814 +Q237639 P20 Q84 +Q76509 P106 Q1234713 +Q88073 P101 Q482 +Q218319 P106 Q49757 +Q242707 P106 Q33999 +Q84704 P69 Q315658 +Q458686 P19 Q60 +Q223875 P172 Q49085 +Q205456 P106 Q3282637 +Q167475 P737 Q38082 +Q164683 P136 Q134307 +Q873 P69 Q8047423 +Q26053 P136 Q37073 +Q826 P463 Q7785 +Q325648 P136 Q1054574 +Q438440 P106 Q333634 +Q1715 P17 Q183 +Q273981 P740 Q23556 +Q106812 P106 Q13418253 +Q43416 P19 Q3820 +Q159917 P27 Q183 +Q223854 P106 Q177220 +Q148 P530 Q664 +Q71352 P102 Q49768 +Q107002 P106 Q18844224 +Q767 P106 Q4164507 +Q440433 P641 Q41323 +Q144439 P106 Q12144794 +Q851 P530 Q865 +Q1066894 P1303 Q17172850 +Q128730 P161 Q11930 +Q192442 P106 Q47064 +Q236074 P106 Q33999 +Q362639 P1050 Q12204 +Q327107 P106 Q214917 +Q553196 P509 Q47912 +Q114354 P27 Q183 +Q853932 P140 Q7066 +Q727782 P140 Q9592 +Q9248 P17 Q227 +Q236236 P106 Q214917 +Q441086 P20 Q1449 +Q220751 P106 Q3282637 +Q540166 P106 Q36180 +Q154759 P463 Q191583 +Q936812 P101 Q41217 +Q232009 P161 Q212790 +Q1386188 P106 Q483501 +Q1140309 P161 Q239328 +Q15975 P463 Q161806 +Q744288 P69 Q49112 +Q181683 P101 Q207628 +Q343633 P20 Q387047 +Q76893 P27 Q7318 +Q1173317 P106 Q33999 +Q335087 P463 Q723551 +Q55208 P106 Q578109 +Q167409 P106 Q1259917 +Q164047 P1050 Q12204 +Q50020 P463 Q265058 +Q77148 P106 Q4964182 +Q699597 P27 Q36 +Q377956 P106 Q49757 +Q228739 P69 Q797078 +Q45124 P140 Q7066 +Q65600 P102 Q694299 +Q166835 P106 Q40348 +Q318474 P463 Q6101686 +Q187414 P161 Q220335 +Q275658 P106 Q33999 +Q310052 P106 Q488205 +Q94007 P1412 Q1860 +Q604940 P106 Q386854 +Q72224 P106 Q482980 +Q1099640 P264 Q843402 +Q55796 P106 Q28389 +Q133654 P57 Q48987 +Q187814 P136 Q11399 +Q162793 P27 Q801 +Q1193914 P27 Q30 +Q40213 P106 Q214917 +Q733 P530 Q38 +Q318198 P119 Q2972543 +Q1322285 P106 Q36834 +Q2022 P1412 Q652 +Q1236051 P106 Q16031530 +Q340911 P161 Q265706 +Q1508451 P106 Q15978655 +Q361677 P106 Q1643514 +Q362639 P106 Q36834 +Q22222 P140 Q9592 +Q769328 P106 Q855091 +Q19526 P19 Q38022 +Q170095 P19 Q90 +Q76532 P27 Q7318 +Q27513 P840 Q84 +Q233295 P1303 Q17172850 +Q334288 P106 Q33999 +Q232104 P19 Q60 +Q1721 P463 Q1768108 +Q89491 P1412 Q1860 +Q69340 P102 Q13124 +Q714106 P106 Q189290 +Q47480 P101 Q18362 +Q55190 P102 Q79854 +Q204132 P551 Q65 +Q969048 P106 Q28389 +Q190145 P161 Q181899 +Q355314 P463 Q463303 +Q155375 P108 Q230899 +Q319392 P172 Q49085 +Q55796 P509 Q181754 +Q1805943 P106 Q10800557 +Q568246 P749 Q38903 +Q943107 P1412 Q1860 +Q83612 P161 Q213864 +Q160619 P106 Q82955 +Q185085 P463 Q11993457 +Q445367 P106 Q2405480 +Q447592 P106 Q177220 +Q112747 P840 Q23556 +Q102071 P19 Q1757 +Q471443 P172 Q7325 +Q484523 P1303 Q52954 +Q34 P530 Q43 +Q87850 P106 Q1397808 +Q237324 P264 Q193023 +Q112145 P106 Q193391 +Q1783775 P1303 Q6607 +Q204374 P840 Q1494 +Q15180 P530 Q801 +Q910392 P27 Q38 +Q7504 P463 Q253439 +Q311450 P106 Q753110 +Q1942336 P106 Q12800682 +Q352708 P106 Q2259451 +Q159250 P1412 Q9056 +Q822 P463 Q656801 +Q235737 P106 Q486748 +Q156023 P19 Q1741 +Q1397888 P106 Q8178443 +Q308929 P161 Q614402 +Q335052 P40 Q333425 +Q310048 P737 Q36591 +Q96825 P106 Q1622272 +Q105237 P27 Q183 +Q204393 P106 Q10798782 +Q204672 P69 Q4948174 +Q215026 P101 Q207628 +Q184169 P737 Q35802 +Q328320 P840 Q99 +Q168992 P1303 Q17172850 +Q165644 P1303 Q6607 +Q256164 P69 Q691283 +Q887111 P140 Q178169 +Q3312950 P509 Q220570 +Q40 P463 Q842490 +Q83501 P106 Q81096 +Q5105 P136 Q37073 +Q378333 P106 Q82955 +Q51583 P27 Q30 +Q71616 P106 Q36180 +Q28517 P509 Q12192 +Q313138 P106 Q10800557 +Q119386 P20 Q90 +Q769 P530 Q17 +Q5333 P463 Q463303 +Q231880 P106 Q753110 +Q59152 P106 Q18844224 +Q4235 P737 Q1744 +Q60954 P69 Q55044 +Q320146 P106 Q36180 +Q189534 P27 Q191 +Q383764 P1412 Q1860 +Q2460829 P3373 Q4120312 +Q185002 P264 Q202585 +Q7245 P106 Q36180 +Q229603 P161 Q310060 +Q264610 P264 Q183387 +Q210740 P27 Q174193 +Q71855 P108 Q153978 +Q216004 P119 Q252312 +Q45 P37 Q5146 +Q149557 P102 Q558334 +Q150445 P136 Q9730 +Q57218 P1050 Q41571 +Q303678 P136 Q157443 +Q3129951 P27 Q183 +Q515696 P108 Q486156 +Q234604 P106 Q212980 +Q440007 P1412 Q1860 +Q219 P463 Q81299 +Q7294 P136 Q189201 +Q215778 P106 Q81096 +Q67938 P27 Q183 +Q7060402 P131 Q462799 +Q83733 P106 Q33999 +Q523870 P19 Q60 +Q172684 P106 Q36180 +Q74667 P27 Q183 +Q152298 P102 Q79854 +Q374610 P1412 Q7976 +Q30896 P106 Q10798782 +Q17455 P106 Q81096 +Q329719 P172 Q49085 +Q712 P530 Q30 +Q75720 P108 Q41506 +Q958 P530 Q865 +Q319751 P509 Q2140674 +Q786954 P20 Q585 +Q451312 P27 Q38 +Q104067 P69 Q993267 +Q121995 P69 Q2599077 +Q5577 P1412 Q1860 +Q31845 P27 Q1747689 +Q314834 P69 Q4614 +Q1035323 P106 Q214917 +Q153909 P102 Q641691 +Q102541 P463 Q451079 +Q434555 P119 Q1457437 +Q165121 P102 Q153401 +Q709640 P136 Q11401 +Q159063 P136 Q1054574 +Q1037 P463 Q656801 +Q943694 P106 Q1209498 +Q24962 P106 Q18814623 +Q240253 P140 Q7066 +Q49017 P1303 Q5994 +Q258 P530 Q843 +Q116760 P69 Q174710 +Q4530046 P3373 Q18118088 +Q469985 P1412 Q36510 +Q553861 P106 Q855091 +Q29572198 P1303 Q17172850 +Q137595 P136 Q860626 +Q355133 P106 Q33999 +Q313594 P641 Q718 +Q935369 P135 Q7066 +Q3173947 P106 Q81096 +Q155845 P463 Q463303 +Q289180 P1412 Q1860 +Q235361 P106 Q12961474 +Q118985 P136 Q157394 +Q24632 P172 Q3476361 +Q1576675 P69 Q49108 +Q31786 P495 Q142 +Q574 P463 Q842490 +Q213553 P509 Q47912 +Q320384 P161 Q138005 +Q79178 P106 Q16145150 +Q71443 P119 Q176298 +Q63815 P1412 Q188 +Q58040 P1412 Q1860 +Q103598 P551 Q8686 +Q35678 P27 Q30 +Q435801 P1412 Q1860 +Q429867 P495 Q145 +Q1382883 P1303 Q6607 +Q92562 P1412 Q150 +Q1154246 P136 Q11401 +Q250545 P106 Q2526255 +Q174284 P136 Q22981906 +Q66622 P106 Q40348 +Q668 P530 Q1008 +Q12706 P27 Q34266 +Q520275 P40 Q4496 +Q945 P463 Q3348506 +Q311267 P264 Q994175 +Q235421 P106 Q177220 +Q182882 P463 Q463303 +Q57237 P27 Q183 +Q92636 P463 Q127992 +Q243419 P106 Q864503 +Q72137 P106 Q1234713 +Q152245 P106 Q1028181 +Q298761 P106 Q2526255 +Q11692964 P69 Q584919 +Q70767 P102 Q49768 +Q195949 P161 Q237194 +Q939105 P106 Q753110 +Q311145 P1412 Q150 +Q211040 P106 Q3455803 +Q208108 P840 Q23556 +Q12773 P20 Q1781 +Q112835 P106 Q1930187 +Q126481 P1412 Q652 +Q7327 P1412 Q7737 +Q2149885 P69 Q248970 +Q233837 P106 Q33999 +Q54868 P264 Q7659636 +Q436769 P451 Q28493 +Q137106 P106 Q105186 +Q334760 P463 Q463303 +Q91903 P101 Q4932206 +Q853461 P106 Q333634 +Q103285 P106 Q82955 +Q314319 P551 Q65 +Q171969 P1412 Q150 +Q163543 P463 Q337531 +Q180962 P106 Q11774202 +Q129629 P106 Q33999 +Q77096 P106 Q15895020 +Q521790 P106 Q10800557 +Q354033 P1303 Q6607 +Q1710614 P27 Q96 +Q127367 P495 Q664 +Q356361 P69 Q245247 +Q34105 P27 Q170468 +Q309003 P161 Q2685 +Q473030 P106 Q214917 +Q265 P530 Q232 +Q644797 P106 Q486748 +Q836 P463 Q17495 +Q5752 P119 Q208175 +Q60869 P106 Q333634 +Q234636 P69 Q2822225 +Q287828 P27 Q31 +Q169452 P264 Q27184 +Q36268 P27 Q142 +Q68746 P102 Q7320 +Q976417 P1412 Q1860 +Q562789 P27 Q159 +Q270672 P69 Q1026939 +Q233891 P106 Q10800557 +Q254576 P106 Q488205 +Q51133 P106 Q28389 +Q327660 P106 Q1930187 +Q971962 P106 Q36180 +Q78732 P27 Q40 +Q444601 P106 Q27532437 +Q320032 P161 Q727752 +Q318309 P69 Q131262 +Q348497 P102 Q204911 +Q51562 P20 Q34006 +Q26625 P106 Q10800557 +Q69645 P106 Q33999 +Q593554 P106 Q16031530 +Q28234 P161 Q170428 +Q48032 P106 Q82955 +Q973305 P119 Q208175 +Q740181 P106 Q4964182 +Q437289 P106 Q82955 +Q75186 P20 Q56037 +Q510114 P106 Q6625963 +Q356361 P106 Q82955 +Q4344126 P463 Q83172 +Q311802 P27 Q155 +Q1388990 P1412 Q1321 +Q234436 P106 Q8178443 +Q1395573 P106 Q33999 +Q256750 P106 Q177220 +Q37628 P1412 Q1860 +Q329 P69 Q859363 +Q256164 P106 Q2526255 +Q272942 P69 Q1051840 +Q34389 P26 Q311241 +Q9439 P140 Q6423963 +Q648359 P106 Q639669 +Q1432130 P264 Q4779433 +Q1001254 P106 Q855091 +Q319374 P509 Q181754 +Q399 P530 Q16 +Q442980 P136 Q21590660 +Q470543 P463 Q188771 +Q807398 P106 Q177220 +Q865 P530 Q334 +Q217 P463 Q7825 +Q1366840 P20 Q65 +Q52927 P1412 Q150 +Q822 P530 Q458 +Q445405 P106 Q639669 +Q219631 P1303 Q5994 +Q709214 P69 Q4483556 +Q77627 P106 Q82955 +Q541599 P136 Q11366 +Q559774 P106 Q18814623 +Q228676 P27 Q34 +Q231690 P106 Q1930187 +Q1360993 P1303 Q6607 +Q253476 P106 Q33999 +Q539 P27 Q70802 +Q310551 P1412 Q1860 +Q1173373 P264 Q2265719 +Q92743 P106 Q82594 +Q44845 P106 Q947873 +Q198684 P1412 Q1860 +Q311141 P102 Q29468 +Q333987 P108 Q49088 +Q100765 P551 Q2119 +Q26648 P108 Q820887 +Q876706 P106 Q193391 +Q371938 P264 Q183387 +Q96898 P106 Q36180 +Q2622193 P1412 Q809 +Q235685 P106 Q2405480 +Q317953 P1412 Q1860 +Q270351 P161 Q286022 +Q106555 P69 Q1127387 +Q156774 P509 Q12192 +Q127870 P106 Q33999 +Q436131 P1412 Q1860 +Q59152 P106 Q4853732 +Q1355279 P106 Q36834 +Q262294 P1412 Q1860 +Q190251 P136 Q206159 +Q207177 P19 Q84 +Q2725555 P106 Q512314 +Q446427 P106 Q222344 +Q727786 P20 Q220 +Q440932 P119 Q1358639 +Q239357 P20 Q1757 +Q247526 P106 Q33231 +Q1938740 P463 Q191583 +Q797649 P551 Q60 +Q1005 P530 Q423 +Q390097 P136 Q1054574 +Q503246 P17 Q30 +Q975491 P106 Q18814623 +Q162629 P106 Q36180 +Q729115 P509 Q47912 +Q168359 P106 Q3387717 +Q215339 P1412 Q9027 +Q41749 P102 Q7320 +Q229291 P106 Q177220 +Q233347 P106 Q10800557 +Q70999 P27 Q15180 +Q560040 P27 Q145 +Q612005 P136 Q8261 +Q133050 P27 Q30 +Q333913 P102 Q622441 +Q232391 P106 Q3501317 +Q257271 P69 Q49119 +Q312628 P1412 Q652 +Q582713 P106 Q1231865 +Q159 P463 Q5611262 +Q527146 P69 Q774489 +Q39792 P106 Q10800557 +Q529276 P463 Q463281 +Q160560 P57 Q103646 +Q242640 P101 Q482 +Q466115 P119 Q311 +Q29 P530 Q183 +Q215215 P106 Q488205 +Q912 P463 Q17495 +Q164103 P136 Q52162262 +Q780842 P106 Q2516866 +Q118985 P161 Q483203 +Q92876 P69 Q190080 +Q167803 P27 Q172579 +Q881189 P27 Q12560 +Q379461 P19 Q220 +Q1770797 P69 Q1145814 +Q180560 P106 Q2526255 +Q953 P530 Q159 +Q77060 P106 Q14915627 +Q26274 P106 Q3501317 +Q164797 P108 Q503473 +Q116928 P161 Q192052 +Q14045 P106 Q131524 +Q2054 P2348 Q2277 +Q100028 P106 Q2259451 +Q213675 P119 Q3033 +Q300371 P161 Q359665 +Q233385 P106 Q488205 +Q39 P530 Q884 +Q33760 P108 Q131252 +Q37327 P106 Q482980 +Q193744 P264 Q216364 +Q71035 P463 Q543804 +Q498045 P106 Q36834 +Q205447 P495 Q408 +Q398 P463 Q47543 +Q880181 P27 Q33 +Q98812 P106 Q4853732 +Q178865 P140 Q7066 +Q122123 P106 Q33999 +Q725953 P136 Q11399 +Q684808 P1412 Q217 +Q705715 P106 Q488205 +Q2149302 P101 Q9418 +Q1340677 P106 Q1622272 +Q1065189 P1412 Q1860 +Q169564 P161 Q202765 +Q447015 P106 Q482980 +Q266544 P106 Q177220 +Q103285 P106 Q3242115 +Q102244 P161 Q228747 +Q337722 P264 Q202585 +Q164869 P106 Q177220 +Q276523 P161 Q224097 +Q159 P530 Q215 +Q92695 P20 Q90 +Q106571 P840 Q84 +Q85426 P20 Q16556 +Q465428 P106 Q82594 +Q470931 P20 Q3616 +Q98687 P106 Q1622272 +Q1403698 P551 Q64 +Q104104 P27 Q145 +Q201924 P161 Q188772 +Q311684 P140 Q35032 +Q175457 P27 Q34266 +Q108814 P27 Q183 +Q91232 P106 Q2259451 +Q981971 P106 Q4263842 +Q64880 P135 Q8361 +Q311976 P106 Q10800557 +Q269402 P106 Q177220 +Q328760 P106 Q15895020 +Q196159 P106 Q28389 +Q61055 P69 Q662355 +Q663447 P106 Q49757 +Q218589 P161 Q430804 +Q1355431 P106 Q855091 +Q108719 P106 Q1930187 +Q364342 P20 Q488004 +Q1424117 P108 Q1189954 +Q316381 P106 Q42603 +Q10390 P140 Q23540 +Q981419 P106 Q1930187 +Q77109 P3373 Q214191 +Q96250 P1412 Q188 +Q177883 P102 Q29552 +Q221594 P161 Q230320 +Q215778 P106 Q82955 +Q65372 P106 Q16533 +Q1772432 P106 Q15981151 +Q128985 P69 Q805285 +Q179858 P27 Q33 +Q155 P530 Q790 +Q349799 P27 Q30 +Q283872 P27 Q145 +Q1358816 P27 Q34266 +Q155649 P172 Q7325 +Q743642 P1303 Q5994 +Q30 P530 Q574 +Q125405 P463 Q18650004 +Q39 P530 Q403 +Q2903389 P19 Q43788 +Q76791 P106 Q901 +Q325070 P106 Q33999 +Q340074 P509 Q506616 +Q211551 P27 Q34266 +Q57619 P106 Q33999 +Q441456 P106 Q1930187 +Q87432 P106 Q10800557 +Q1188776 P106 Q3427922 +Q71443 P1412 Q188 +Q456711 P136 Q8341 +Q19660 P17 Q218 +Q62052 P463 Q879171 +Q461624 P106 Q901 +Q350690 P106 Q2259451 +Q216563 P106 Q33999 +Q217294 P136 Q130232 +Q1785 P1412 Q8785 +Q91827 P106 Q1234713 +Q153232 P463 Q123885 +Q1354 P30 Q48 +Q187241 P1050 Q12204 +Q312995 P106 Q4263842 +Q127870 P19 Q65 +Q216180 P106 Q482980 +Q446427 P509 Q12078 +Q356965 P1412 Q7737 +Q70324 P108 Q40025 +Q151904 P161 Q460578 +Q32678 P106 Q36180 +Q8011 P101 Q5891 +Q92638 P463 Q270794 +Q229249 P1412 Q1860 +Q128553 P69 Q391028 +Q1185803 P27 Q17 +Q184226 P108 Q1059546 +Q162035 P1303 Q17172850 +Q194220 P172 Q190168 +Q229251 P106 Q5716684 +Q1389589 P136 Q37073 +Q201379 P495 Q30 +Q392915 P161 Q362559 +Q388268 P119 Q311 +Q86225 P106 Q4773904 +Q350704 P69 Q686522 +Q38082 P106 Q18939491 +Q103949 P20 Q1337818 +Q726074 P106 Q10800557 +Q164782 P1412 Q1860 +Q154083 P106 Q1622272 +Q298905 P19 Q90 +Q5928 P106 Q183945 +Q1882472 P106 Q753110 +Q234137 P106 Q805221 +Q912 P463 Q8475 +Q66800 P69 Q155354 +Q370959 P551 Q127856 +Q61552 P27 Q183 +Q165392 P57 Q55163 +Q92632 P20 Q1384 +Q392677 P161 Q370918 +Q188461 P106 Q13590141 +Q142751 P495 Q30 +Q3215817 P27 Q145 +Q433939 P27 Q31 +Q186089 P106 Q42973 +Q57584 P20 Q1741 +Q3336032 P106 Q43845 +Q42156 P737 Q868 +Q552900 P106 Q245068 +Q504923 P106 Q36180 +Q241609 P26 Q19673 +Q699605 P463 Q131566 +Q357515 P106 Q486748 +Q113480 P106 Q36180 +Q46599 P106 Q333634 +Q88150 P27 Q16957 +Q441628 P106 Q1930187 +Q238383 P27 Q30 +Q159646 P27 Q142 +Q348533 P106 Q2340668 +Q55230 P106 Q1930187 +Q448727 P69 Q7739610 +Q183 P530 Q833 +Q67641 P19 Q64 +Q128568 P27 Q16 +Q771229 P19 Q1345 +Q203952 P106 Q36180 +Q1451270 P106 Q765778 +Q131324 P106 Q177220 +Q6107 P172 Q49085 +Q440956 P106 Q10798782 +Q96762 P27 Q154741 +Q1354 P17 Q129286 +Q63815 P27 Q41304 +Q69834 P108 Q168426 +Q363525 P551 Q800 +Q235737 P106 Q488205 +Q55433 P106 Q2526255 +Q153185 P463 Q123885 +Q143945 P1412 Q1860 +Q87012 P69 Q1278808 +Q1377134 P106 Q855091 +Q936422 P69 Q1719898 +Q297881 P106 Q36180 +Q83333 P463 Q958769 +Q191026 P19 Q2256 +Q315325 P106 Q3282637 +Q516786 P106 Q13570226 +Q1553197 P69 Q215539 +Q445795 P161 Q1785 +Q239240 P19 Q100 +Q111164 P27 Q183 +Q617932 P106 Q639669 +Q25310 P3373 Q134549 +Q1152239 P106 Q639669 +Q164979 P20 Q1726 +Q3040690 P69 Q174158 +Q138559 P20 Q90 +Q150894 P1412 Q7737 +Q832085 P69 Q5142861 +Q236236 P172 Q170826 +Q320895 P264 Q165745 +Q318619 P106 Q36834 +Q70795 P27 Q183 +Q298016 P106 Q40348 +Q94123 P106 Q948329 +Q387638 P495 Q30 +Q168419 P140 Q7066 +Q154338 P106 Q1028181 +Q180011 P551 Q65 +Q222 P530 Q212 +Q1232630 P27 Q15180 +Q313551 P106 Q1622272 +Q771229 P108 Q487556 +Q104398 P106 Q593644 +Q65278 P19 Q365 +Q106602 P108 Q51985 +Q97301 P140 Q432 +Q270215 P161 Q320093 +Q41272 P136 Q211756 +Q468452 P101 Q413 +Q66456 P20 Q2865 +Q310347 P106 Q15895020 +Q431252 P161 Q219717 +Q349507 P20 Q641 +Q944563 P106 Q36834 +Q76432 P463 Q3603946 +Q103583 P27 Q183 +Q223139 P840 Q1297 +Q278997 P136 Q157443 +Q560818 P19 Q1342 +Q35236 P509 Q188874 +Q160478 P27 Q41 +Q391784 P161 Q108941 +Q1345844 P1303 Q17172850 +Q130631 P106 Q4263842 +Q235351 P26 Q320052 +Q257302 P106 Q36834 +Q366325 P106 Q214917 +Q77749 P108 Q55044 +Q167216 P27 Q30 +Q81244 P19 Q1741 +Q315514 P27 Q159 +Q84509 P106 Q1792450 +Q180251 P106 Q36180 +Q70999 P27 Q183 +Q315325 P106 Q2526255 +Q222 P463 Q191582 +Q40475 P106 Q4610556 +Q310106 P106 Q82955 +Q53944 P26 Q2213516 +Q228584 P106 Q18814623 +Q232301 P106 Q2259451 +Q726369 P136 Q45981 +Q727151 P106 Q183945 +Q352431 P161 Q172261 +Q108840 P509 Q12202 +Q313522 P106 Q2259451 +Q232 P530 Q794 +Q11730 P27 Q40 +Q29031 P69 Q1376987 +Q256531 P551 Q11299 +Q269402 P1303 Q5994 +Q323771 P495 Q183 +Q89014 P106 Q201788 +Q1973878 P108 Q13371 +Q18553 P1412 Q1860 +Q1389589 P264 Q155152 +Q738125 P106 Q1930187 +Q215866 P1412 Q7913 +Q11692964 P106 Q14467526 +Q187414 P161 Q42101 +Q259317 P19 Q61 +Q217112 P495 Q30 +Q11676 P69 Q49112 +Q259254 P495 Q30 +Q457687 P27 Q28513 +Q92609 P463 Q253439 +Q237548 P106 Q36834 +Q211274 P463 Q191582 +Q272438 P27 Q31 +Q57309 P106 Q189290 +Q129598 P106 Q36180 +Q7345 P69 Q49165 +Q212518 P106 Q2405480 +Q383581 P495 Q159 +Q60582 P108 Q149481 +Q1569251 P106 Q128124 +Q213595 P106 Q4263842 +Q229603 P161 Q2680 +Q212 P530 Q801 +Q3490465 P463 Q127992 +Q374034 P108 Q23548 +Q467574 P1412 Q1860 +Q727730 P19 Q34404 +Q123140 P69 Q151510 +Q436507 P106 Q169470 +Q144643 P19 Q3616 +Q140738 P106 Q1930187 +Q129087 P106 Q10798782 +Q64417 P27 Q183 +Q104929 P136 Q482 +Q229232 P106 Q10798782 +Q182580 P106 Q193391 +Q334780 P136 Q20656232 +Q170371 P106 Q4263842 +Q255967 P19 Q1754 +Q91093 P106 Q1622272 +Q3874 P463 Q747279 +Q67529 P463 Q939743 +Q268 P17 Q36 +Q294912 P551 Q60 +Q547635 P106 Q13235160 +Q62766 P106 Q183945 +Q237548 P101 Q207628 +Q34816 P26 Q42574 +Q921823 P106 Q1930187 +Q8201431 P106 Q39631 +Q178010 P27 Q30 +Q36591 P106 Q1930187 +Q168963 P108 Q309350 +Q295935 P1303 Q8350 +Q620732 P140 Q7066 +Q770584 P106 Q170790 +Q288157 P106 Q10800557 +Q1683438 P69 Q15208489 +Q134798 P737 Q5878 +Q553742 P106 Q937857 +Q1687804 P106 Q18814623 +Q316086 P102 Q79854 +Q108239 P106 Q1622272 +Q204191 P161 Q224021 +Q129006 P102 Q9630 +Q1094716 P106 Q43845 +Q346801 P106 Q183945 +Q313080 P172 Q49085 +Q235 P463 Q842490 +Q123389 P106 Q333634 +Q689600 P106 Q4263842 +Q77317 P27 Q713750 +Q43182 P106 Q36180 +Q213411 P136 Q130232 +Q881 P463 Q233611 +Q216913 P27 Q16 +Q144664 P27 Q15180 +Q373417 P106 Q2259451 +Q36970 P27 Q8646 +Q82949 P136 Q1339864 +Q106607 P1412 Q150 +Q684415 P131 Q1726 +Q218 P463 Q8475 +Q607448 P509 Q12192 +Q64263 P27 Q31 +Q29573 P463 Q463303 +Q106592 P19 Q90 +Q296177 P106 Q948329 +Q90849 P551 Q64 +Q672443 P161 Q48337 +Q1202021 P131 Q1726 +Q128073 P27 Q172579 +Q155378 P27 Q30 +Q473770 P641 Q718 +Q2547113 P106 Q1028181 +Q374045 P106 Q2526255 +Q553335 P106 Q1622272 +Q118059 P106 Q36180 +Q76532 P509 Q175111 +Q236112 P1303 Q6607 +Q873 P102 Q29552 +Q152513 P1412 Q1321 +Q61244 P136 Q37073 +Q706560 P106 Q49757 +Q82248 P20 Q84 +Q161678 P161 Q212416 +Q76152 P108 Q48989 +Q357776 P27 Q30 +Q216180 P102 Q13124 +Q107167 P161 Q2263 +Q47900 P106 Q1028181 +Q187192 P27 Q142 +Q347717 P264 Q216364 +Q220918 P27 Q30 +Q35332 P106 Q10800557 +Q317095 P69 Q4614 +Q249719 P1412 Q5287 +Q55411 P463 Q414110 +Q20 P463 Q1072120 +Q233457 P69 Q1255631 +Q213778 P108 Q32120 +Q36591 P551 Q1085 +Q716282 P106 Q2526255 +Q159876 P106 Q34074720 +Q705221 P106 Q36834 +Q65619 P69 Q168426 +Q5443 P509 Q476921 +Q313627 P106 Q33999 +Q109455 P463 Q833738 +Q217 P530 Q30 +Q449199 P106 Q37226 +Q90653 P106 Q486748 +Q213195 P1412 Q1860 +Q73437 P106 Q177220 +Q103157 P106 Q3282637 +Q112145 P1412 Q188 +Q167265 P161 Q395274 +Q228733 P106 Q36834 +Q348916 P106 Q6625963 +Q233817 P27 Q30 +Q173978 P136 Q83440 +Q11647 P264 Q190585 +Q257442 P69 Q3072747 +Q57592 P69 Q151510 +Q835 P119 Q208175 +Q85084 P106 Q36180 +Q1382535 P172 Q79797 +Q217627 P161 Q42930 +Q766 P463 Q7825 +Q127345 P69 Q189441 +Q1077405 P264 Q202440 +Q19673 P106 Q36180 +Q8018 P106 Q36180 +Q251144 P106 Q3282637 +Q233061 P1412 Q1860 +Q4124737 P27 Q159 +Q350208 P106 Q10798782 +Q220078 P140 Q7066 +Q58062 P106 Q1371378 +Q178966 P57 Q23517 +Q78475 P106 Q639669 +Q448163 P106 Q16145150 +Q70049 P102 Q49750 +Q332515 P495 Q30 +Q12003 P264 Q585643 +Q246538 P106 Q639669 +Q311145 P737 Q5682 +Q9381 P101 Q9465 +Q271145 P102 Q29468 +Q294927 P1303 Q17172850 +Q276772 P136 Q471839 +Q81819 P1412 Q652 +Q78857 P27 Q40 +Q213929 P106 Q15980158 +Q590 P509 Q133780 +Q231345 P140 Q75809 +Q77482 P106 Q4263842 +Q1141825 P106 Q183945 +Q34091 P108 Q23548 +Q319537 P106 Q13235160 +Q85118 P27 Q40 +Q1164663 P20 Q84 +Q267683 P140 Q6423963 +Q133925 P19 Q1020 +Q2619019 P101 Q101333 +Q106746 P108 Q842909 +Q354141 P264 Q770103 +Q445606 P106 Q36180 +Q361617 P106 Q4853732 +Q1020 P463 Q191384 +Q353762 P19 Q1492 +Q316627 P106 Q3282637 +Q452232 P106 Q2405480 +Q1804720 P106 Q40348 +Q10648 P27 Q145 +Q123706 P27 Q39 +Q350700 P106 Q1415090 +Q750 P463 Q656801 +Q220780 P135 Q377616 +Q57317 P106 Q1622272 +Q223839 P106 Q82955 +Q90856 P27 Q16957 +Q167997 P27 Q15180 +Q229220 P106 Q10798782 +Q772064 P106 Q36180 +Q111344 P108 Q152838 +Q230555 P69 Q389336 +Q200096 P136 Q2975633 +Q189330 P495 Q30 +Q170510 P101 Q941594 +Q23870 P27 Q35 +Q102438 P161 Q314831 +Q62414 P19 Q1715 +Q380280 P106 Q10800557 +Q111436 P1303 Q52954 +Q203690 P264 Q208909 +Q135645 P106 Q18844224 +Q140201 P27 Q145 +Q181667 P106 Q6625963 +Q62206 P106 Q5322166 +Q244 P463 Q842490 +Q3821445 P108 Q23548 +Q80702 P30 Q15 +Q689600 P19 Q490 +Q34743 P140 Q6423963 +Q191 P37 Q9072 +Q193668 P1412 Q1321 +Q212 P530 Q399 +Q667683 P463 Q123885 +Q62234 P106 Q901 +Q105349 P106 Q33999 +Q128297 P1412 Q1860 +Q214959 P106 Q10798782 +Q5152 P1412 Q150 +Q155 P463 Q376150 +Q323834 P136 Q3071 +Q122514 P106 Q170790 +Q327229 P20 Q90 +Q33528 P106 Q350979 +Q77482 P1412 Q188 +Q528742 P19 Q1218 +Q28 P530 Q668 +Q126941 P106 Q1930187 +Q145 P530 Q79 +Q83359 P106 Q10349745 +Q192279 P106 Q4853732 +Q91 P551 Q61 +Q202801 P172 Q49085 +Q33 P463 Q7809 +Q187832 P106 Q4610556 +Q232000 P136 Q859369 +Q240885 P136 Q37073 +Q205772 P27 Q30 +Q930586 P1303 Q17172850 +Q1276 P140 Q131036 +Q103579 P106 Q6665249 +Q772064 P106 Q350979 +Q185832 P463 Q191583 +Q664 P530 Q902 +Q462446 P27 Q668 +Q33 P463 Q826700 +Q131380 P26 Q170572 +Q763 P530 Q865 +Q379684 P27 Q20 +Q208359 P69 Q797892 +Q68529 P27 Q142 +Q216364 P136 Q56284716 +Q231942 P172 Q49085 +Q47878 P264 Q203059 +Q168555 P737 Q636 +Q186709 P19 Q649 +Q148 P530 Q657 +Q179126 P108 Q34433 +Q102711 P106 Q483501 +Q124357 P106 Q10800557 +Q64862 P106 Q864380 +Q97431 P108 Q31519 +Q235716 P27 Q145 +Q60197 P19 Q1726 +Q162634 P106 Q36834 +Q57123 P102 Q7320 +Q484427 P264 Q726251 +Q76324 P69 Q700758 +Q715265 P106 Q488205 +Q131374 P140 Q35032 +Q107006 P106 Q33999 +Q1394 P1412 Q1860 +Q431252 P136 Q496523 +Q468356 P106 Q1415090 +Q909 P136 Q35760 +Q44403 P737 Q5879 +Q244931 P161 Q312385 +Q124251 P20 Q220 +Q115210 P495 Q142 +Q45221 P136 Q11635 +Q242110 P101 Q746359 +Q57391 P106 Q33999 +Q234604 P135 Q7252 +Q502864 P106 Q193391 +Q128126 P509 Q12152 +Q238296 P161 Q317228 +Q127866 P136 Q7749 +Q106235 P106 Q15980158 +Q600385 P108 Q661916 +Q1451270 P135 Q8361 +Q106555 P106 Q10798782 +Q2599 P140 Q620629 +Q7747 P551 Q649 +Q731829 P108 Q156598 +Q273727 P106 Q2259451 +Q242 P463 Q205995 +Q60650 P509 Q12202 +Q55767 P1412 Q9027 +Q538824 P106 Q183945 +Q23810 P1412 Q150 +Q345517 P106 Q3282637 +Q40 P463 Q7825 +Q107416 P108 Q230492 +Q293149 P106 Q639669 +Q256824 P264 Q155152 +Q379873 P57 Q187364 +Q34296 P463 Q2822396 +Q679289 P136 Q37073 +Q66448 P27 Q43287 +Q983239 P20 Q90 +Q709044 P264 Q1184501 +Q311684 P106 Q201788 +Q319773 P136 Q484641 +Q1805943 P20 Q23197 +Q721963 P19 Q18419 +Q246497 P119 Q1130019 +Q55 P463 Q340195 +Q766880 P69 Q192334 +Q391262 P106 Q82955 +Q183439 P19 Q472 +Q1274170 P27 Q212 +Q168543 P27 Q739 +Q71018 P108 Q152087 +Q966228 P1412 Q1860 +Q432102 P161 Q128121 +Q108619 P463 Q2043519 +Q48978 P264 Q231694 +Q884143 P20 Q65 +Q280724 P1303 Q6607 +Q5784301 P161 Q1398834 +Q458978 P106 Q488205 +Q168724 P135 Q7066 +Q313366 P106 Q177220 +Q378333 P19 Q1899 +Q378240 P106 Q36180 +Q454645 P106 Q333634 +Q67462 P1412 Q188 +Q215369 P106 Q36180 +Q270951 P140 Q432 +Q70103 P106 Q185351 +Q2563 P27 Q183 +Q65619 P106 Q36180 +Q2902710 P106 Q205375 +Q78857 P119 Q240744 +Q499028 P106 Q33999 +Q158813 P106 Q2722764 +Q48093 P102 Q79854 +Q444857 P136 Q9778 +Q127367 P136 Q157394 +Q164309 P101 Q482 +Q2658411 P106 Q11063 +Q182373 P840 Q419 +Q212 P530 Q403 +Q365985 P264 Q729590 +Q215 P530 Q217 +Q237514 P1412 Q1860 +Q241800 P106 Q2526255 +Q105118 P136 Q858330 +Q103598 P463 Q46703 +Q76892 P106 Q2135538 +Q239807 P27 Q142 +Q155547 P106 Q1234713 +Q42247 P463 Q265058 +Q192185 P106 Q1350157 +Q314343 P1303 Q6607 +Q57806 P69 Q49165 +Q107940 P161 Q272214 +Q175395 P119 Q7186324 +Q93341 P106 Q10798782 +Q1606016 P106 Q81096 +Q711197 P264 Q1184501 +Q133009 P1412 Q9043 +Q971422 P136 Q206159 +Q76325 P108 Q32120 +Q241087 P101 Q482 +Q1393149 P106 Q488205 +Q117012 P264 Q155152 +Q347635 P106 Q2259451 +Q212648 P19 Q18419 +Q151872 P19 Q1218 +Q723063 P69 Q653693 +Q183081 P495 Q30 +Q431874 P106 Q10800557 +Q36233 P509 Q767485 +Q133054 P1412 Q1860 +Q104865 P106 Q81096 +Q84445 P106 Q1622272 +Q217619 P106 Q6625963 +Q217771 P106 Q36834 +Q8862012 P69 Q144488 +Q511124 P102 Q79854 +Q9177981 P1412 Q188 +Q91640 P106 Q170790 +Q483363 P106 Q36834 +Q160318 P106 Q639669 +Q98687 P27 Q34 +Q184440 P106 Q6625963 +Q220713 P161 Q211082 +Q158813 P106 Q36180 +Q264577 P161 Q260099 +Q213945 P69 Q55044 +Q343456 P106 Q639669 +Q222071 P106 Q183945 +Q25120 P19 Q1891 +Q363763 P27 Q30 +Q4074457 P27 Q159 +Q436790 P106 Q2516866 +Q170472 P2348 Q2277 +Q107424 P136 Q58339 +Q34 P530 Q16 +Q1280288 P106 Q1930187 +Q168724 P106 Q245068 +Q314033 P106 Q2259451 +Q272134 P106 Q14467526 +Q110185 P106 Q2135538 +Q202148 P106 Q177220 +Q11703496 P106 Q2487799 +Q66628 P463 Q939743 +Q320185 P27 Q30 +Q310773 P27 Q129286 +Q19045 P463 Q5142859 +Q327332 P495 Q30 +Q11676 P140 Q1841 +Q5738 P463 Q161806 +Q231106 P106 Q2643890 +Q78038 P106 Q8178443 +Q261759 P495 Q30 +Q310464 P106 Q6625963 +Q313546 P106 Q3282637 +Q437748 P1303 Q17172850 +Q139121 P106 Q2252262 +Q1634482 P69 Q49116 +Q92639 P106 Q1622272 +Q105118 P106 Q6625963 +Q3462736 P106 Q193391 +Q744689 P463 Q2839513 +Q853932 P106 Q27532437 +Q96665 P20 Q1726 +Q429397 P161 Q20178 +Q262294 P1412 Q9288 +Q445863 P106 Q36834 +Q294372 P1412 Q1860 +Q266319 P106 Q177220 +Q217495 P106 Q864380 +Q71625 P108 Q155354 +Q61183 P509 Q175111 +Q37030 P27 Q7318 +Q223839 P106 Q18814623 +Q264783 P1412 Q150 +Q35 P530 Q924 +Q4235 P3373 Q54868 +Q860206 P463 Q191583 +Q233894 P27 Q30 +Q6694 P1412 Q1321 +Q465955 P106 Q10798782 +Q438164 P69 Q1093910 +Q110201 P106 Q1350157 +Q154270 P19 Q3820 +Q35686 P106 Q40348 +Q63667 P463 Q2749618 +Q85417 P106 Q185351 +Q423 P463 Q376150 +Q355835 P106 Q10800557 +Q83501 P463 Q188771 +Q573405 P463 Q1493021 +Q273484 P451 Q172035 +Q505827 P463 Q191583 +Q1011 P463 Q340195 +Q309086 P161 Q81131 +Q505677 P1303 Q17172850 +Q187192 P1303 Q5994 +Q631508 P27 Q183 +Q166159 P106 Q28389 +Q188117 P106 Q6625963 +Q355112 P106 Q201788 +Q5604 P463 Q463281 +Q98258 P108 Q154804 +Q220780 P136 Q1339864 +Q464251 P136 Q83440 +Q981270 P106 Q2961975 +Q216870 P136 Q1344 +Q317574 P106 Q36834 +Q73437 P1303 Q46185 +Q250545 P1412 Q1860 +Q254022 P27 Q145 +Q193815 P106 Q36834 +Q711810 P27 Q29999 +Q182212 P161 Q229775 +Q41269 P108 Q273626 +Q63826 P102 Q310296 +Q550996 P19 Q79867 +Q43293 P108 Q37156 +Q233956 P20 Q2044 +Q88844 P106 Q482980 +Q439812 P106 Q2259451 +Q1507495 P27 Q30 +Q311223 P463 Q191583 +Q60145 P509 Q12078 +Q286410 P19 Q34217 +Q937359 P172 Q161652 +Q3259416 P106 Q205375 +Q389589 P106 Q201788 +Q94701 P69 Q152087 +Q212663 P27 Q30 +Q1131481 P1412 Q652 +Q333004 P106 Q28389 +Q233529 P172 Q49085 +Q552053 P27 Q28 +Q364679 P19 Q16555 +Q374323 P106 Q183945 +Q182580 P509 Q12192 +Q1368185 P27 Q30 +Q9047 P737 Q190089 +Q76616 P106 Q901 +Q76492 P106 Q1209498 +Q47447 P264 Q202440 +Q506006 P106 Q36834 +Q91981 P106 Q33999 +Q239214 P69 Q686522 +Q116905 P136 Q52162262 +Q310785 P106 Q10800557 +Q1009 P463 Q376150 +Q437138 P106 Q36834 +Q68529 P27 Q70972 +Q274227 P106 Q28389 +Q131259 P1412 Q9091 +Q556765 P106 Q15981151 +Q246296 P509 Q216169 +Q3620117 P20 Q617 +Q18628 P136 Q83270 +Q1343669 P106 Q386854 +Q335064 P27 Q243610 +Q22686 P140 Q178169 +Q196665 P161 Q511554 +Q296822 P106 Q33999 +Q16 P530 Q148 +Q169077 P108 Q1329478 +Q163872 P136 Q182015 +Q392697 P161 Q196080 +Q249107 P27 Q30 +Q191026 P106 Q2732142 +Q116553 P108 Q238101 +Q312129 P27 Q16 +Q204212 P136 Q130232 +Q787176 P106 Q18814623 +Q583814 P106 Q4263842 +Q201687 P840 Q60 +Q295919 P1303 Q17172850 +Q355384 P136 Q7749 +Q81224 P161 Q188772 +Q70871 P463 Q329464 +Q148 P530 Q921 +Q925493 P20 Q1085 +Q379824 P27 Q17 +Q434060 P106 Q28389 +Q902463 P463 Q651690 +Q241 P530 Q258 +Q1031340 P106 Q639669 +Q389589 P27 Q142 +Q2530 P106 Q15978655 +Q232009 P840 Q21 +Q308711 P106 Q1231865 +Q188113 P108 Q213439 +Q19008 P69 Q332342 +Q239838 P106 Q33999 +Q104067 P2348 Q6927 +Q85282 P108 Q186285 +Q191543 P136 Q471839 +Q1899 P131 Q133356 +Q180695 P161 Q235460 +Q462744 P69 Q209842 +Q217294 P136 Q645928 +Q515696 P19 Q21711493 +Q428422 P106 Q10800557 +Q245808 P172 Q974693 +Q60506 P161 Q189992 +Q153723 P161 Q3772 +Q224647 P161 Q39979 +Q737626 P106 Q1569495 +Q202801 P264 Q202440 +Q313311 P1412 Q1860 +Q433284 P27 Q27 +Q965179 P136 Q9759 +Q165721 P69 Q2177054 +Q426393 P161 Q313043 +Q1396630 P106 Q4773904 +Q202725 P106 Q33999 +Q70350 P106 Q1622272 +Q40909 P106 Q18939491 +Q310367 P106 Q3282637 +Q953450 P1412 Q5146 +Q154751 P106 Q193391 +Q189600 P495 Q408 +Q313755 P106 Q2405480 +Q5928 P106 Q2643890 +Q161877 P106 Q10800557 +Q13526 P463 Q123885 +Q295923 P264 Q193023 +Q57136 P106 Q82955 +Q65337 P27 Q183 +Q86407 P27 Q183 +Q444518 P106 Q177220 +Q578529 P69 Q1130457 +Q104067 P69 Q1093910 +Q182046 P106 Q16031530 +Q189599 P1412 Q1860 +Q104592 P463 Q270794 +Q23301 P106 Q28389 +Q431252 P136 Q959790 +Q135645 P102 Q328195 +Q236066 P19 Q489197 +Q44540 P27 Q30 +Q45672 P161 Q2685 +Q862297 P106 Q1930187 +Q351359 P69 Q219694 +Q208667 P106 Q33999 +Q229349 P1303 Q17172850 +Q90331 P106 Q20669622 +Q862184 P19 Q1297 +Q233956 P463 Q1468277 +Q1352613 P161 Q191819 +Q329897 P1412 Q1860 +Q432101 P119 Q3006253 +Q72984 P509 Q12152 +Q53453 P27 Q142 +Q196004 P136 Q859369 +Q312610 P136 Q182659 +Q62831 P27 Q183 +Q47480 P69 Q35794 +Q44248 P27 Q1747689 +Q104177 P102 Q157537 +Q551075 P106 Q6625963 +Q1370605 P136 Q203720 +Q103835 P463 Q451079 +Q308929 P840 Q65 +Q311791 P20 Q90 +Q138850 P27 Q801 +Q499028 P19 Q12439 +Q948966 P106 Q1238570 +Q232774 P161 Q311232 +Q81752 P108 Q165980 +Q185071 P161 Q95026 +Q61520 P106 Q28789517 +Q106812 P106 Q36180 +Q1029 P361 Q27407 +Q103917 P106 Q1208175 +Q57242 P119 Q2119 +Q336444 P19 Q340 +Q102438 P161 Q320073 +Q37944 P27 Q30 +Q205314 P106 Q948329 +Q369797 P161 Q103343 +Q170072 P37 Q7411 +Q6694 P101 Q441 +Q230011 P509 Q623031 +Q373948 P108 Q622664 +Q551204 P551 Q212 +Q75174 P102 Q29468 +Q162076 P106 Q482980 +Q207898 P106 Q183945 +Q152335 P140 Q9592 +Q183 P530 Q408 +Q323117 P27 Q145 +Q670277 P27 Q30 +Q5686 P106 Q482980 +Q316427 P136 Q1640319 +Q62757 P108 Q153987 +Q58620 P20 Q365 +Q222921 P509 Q14467705 +Q878956 P106 Q82955 +Q708824 P1303 Q17172850 +Q242732 P27 Q30 +Q584292 P26 Q122998 +Q705174 P19 Q90 +Q260533 P161 Q434500 +Q3589 P161 Q298368 +Q372278 P106 Q183945 +Q314033 P27 Q183 +Q435124 P27 Q15180 +Q195274 P840 Q60 +Q230218 P106 Q639669 +Q8354131 P106 Q901 +Q76576 P108 Q32120 +Q872815 P20 Q1085 +Q554018 P106 Q16742096 +Q708007 P106 Q901402 +Q544301 P136 Q11366 +Q68604 P463 Q543804 +Q319902 P106 Q43845 +Q96 P530 Q851 +Q171463 P106 Q10800557 +Q578529 P27 Q34266 +Q139326 P57 Q192762 +Q357455 P106 Q639669 +Q381664 P106 Q10798782 +Q209641 P106 Q3282637 +Q8354131 P1412 Q7026 +Q270215 P161 Q296370 +Q936470 P69 Q160302 +Q232774 P840 Q8646 +Q371905 P27 Q142 +Q275593 P136 Q37073 +Q52950 P463 Q207360 +Q229560 P27 Q30 +Q3057348 P106 Q189290 +Q221289 P106 Q486748 +Q2946731 P20 Q173813 +Q125600 P136 Q676 +Q231438 P106 Q10798782 +Q178903 P1412 Q1860 +Q68490 P1412 Q397 +Q1268 P119 Q311 +Q68584 P1412 Q188 +Q69110 P106 Q16742096 +Q77729 P106 Q18576582 +Q229430 P106 Q33999 +Q221384 P161 Q589015 +Q356423 P106 Q1930187 +Q251340 P27 Q28513 +Q635131 P106 Q177220 +Q273981 P106 Q177220 +Q1322959 P27 Q2184 +Q727711 P1412 Q143 +Q181086 P495 Q30 +Q187166 P106 Q10800557 +Q862 P1412 Q1860 +Q18404 P463 Q83172 +Q182882 P106 Q350979 +Q163543 P27 Q142 +Q258204 P136 Q1054574 +Q223949 P102 Q1052584 +Q284917 P161 Q117392 +Q59972 P1412 Q1321 +Q72832 P106 Q33999 +Q10686 P17 Q145 +Q454692 P106 Q36834 +Q90771 P1412 Q188 +Q261207 P1412 Q1321 +Q54828 P1412 Q7737 +Q178709 P140 Q1841 +Q185007 P509 Q202837 +Q704742 P264 Q38903 +Q232333 P69 Q309350 +Q15981 P1412 Q150 +Q25820 P106 Q639669 +Q971962 P27 Q219 +Q539 P106 Q1397808 +Q945 P463 Q340195 +Q179825 P20 Q3766 +Q58577 P463 Q83172 +Q399 P463 Q842490 +Q62115 P106 Q36180 +Q22316 P102 Q29552 +Q225 P530 Q224 +Q447407 P1412 Q652 +Q152929 P2348 Q6927 +Q76820 P106 Q214917 +Q730 P530 Q183 +Q92638 P463 Q40358 +Q3189110 P463 Q270920 +Q158398 P136 Q157443 +Q63960 P641 Q38108 +Q934682 P106 Q1930187 +Q34969 P106 Q36180 +Q83643 P106 Q36834 +Q60477 P106 Q28389 +Q5142859 P159 Q1489 +Q76524 P106 Q183945 +Q93115 P69 Q5171564 +Q139330 P106 Q3282637 +Q427091 P161 Q208374 +Q783992 P1303 Q5994 +Q267629 P106 Q322170 +Q215556 P69 Q2994538 +Q502325 P27 Q15180 +Q28 P463 Q41550 +Q2619019 P106 Q169470 +Q202314 P264 Q165745 +Q60528 P106 Q2259451 +Q280978 P106 Q639669 +Q155158 P106 Q483501 +Q190379 P106 Q3282637 +Q362516 P1412 Q1860 +Q234438 P1412 Q1860 +Q280673 P19 Q99 +Q60851 P463 Q459620 +Q267721 P161 Q185165 +Q695036 P20 Q61 +Q197491 P161 Q129591 +Q210740 P19 Q84 +Q97871 P27 Q183 +Q6714 P135 Q37068 +Q274936 P106 Q214917 +Q232009 P161 Q214223 +Q35385 P1303 Q17172850 +Q733720 P106 Q201788 +Q734 P361 Q18 +Q912271 P119 Q311 +Q332256 P1303 Q46185 +Q233502 P106 Q33999 +Q556615 P106 Q486748 +Q132058 P106 Q10800557 +Q92695 P106 Q170790 +Q90319 P106 Q28389 +Q95843 P20 Q365 +Q180819 P106 Q212980 +Q897275 P69 Q155354 +Q60851 P102 Q153401 +Q143198 P106 Q486748 +Q41351 P106 Q1759246 +Q35064 P1412 Q1860 +Q310150 P106 Q33999 +Q9317 P106 Q188094 +Q224 P530 Q851 +Q68209 P106 Q1622272 +Q47703 P136 Q959790 +Q446743 P106 Q82955 +Q553259 P136 Q134307 +Q433044 P27 Q174193 +Q253513 P106 Q5716684 +Q49620 P108 Q142740 +Q636 P136 Q484641 +Q947519 P27 Q30 +Q352185 P1303 Q6607 +Q58799 P106 Q15949613 +Q1733 P17 Q16957 +Q1721 P463 Q747279 +Q2233935 P106 Q3391743 +Q179257 P106 Q19723482 +Q740378 P20 Q656 +Q162389 P509 Q181754 +Q90856 P106 Q627325 +Q1241173 P19 Q1297 +Q258 P463 Q7825 +Q706034 P108 Q49115 +Q81145 P161 Q103784 +Q1626134 P161 Q363271 +Q219491 P19 Q617 +Q605678 P106 Q36180 +Q71855 P106 Q4964182 +Q278174 P27 Q17 +Q114819 P161 Q436769 +Q34969 P106 Q11499147 +Q142627 P463 Q337580 +Q305106 P1412 Q652 +Q76727 P27 Q183 +Q235284 P106 Q10798782 +Q54452 P172 Q201111 +Q188176 P737 Q9364 +Q211009 P136 Q157394 +Q617109 P106 Q593644 +Q346285 P1412 Q1860 +Q1033 P530 Q114 +Q662119 P106 Q36180 +Q150526 P463 Q253439 +Q1545284 P19 Q60 +Q311263 P509 Q12152 +Q2086086 P27 Q159 +Q379400 P172 Q2325516 +Q93835 P463 Q2003501 +Q355314 P106 Q43845 +Q4509 P27 Q30 +Q381307 P108 Q13371 +Q233368 P106 Q3282637 +Q1270525 P108 Q219563 +Q2133214 P136 Q130232 +Q471443 P551 Q1874 +Q561835 P108 Q646229 +Q188987 P27 Q30 +Q213574 P106 Q2526255 +Q295679 P102 Q5020915 +Q52440 P106 Q10798782 +Q237821 P101 Q8134 +Q373417 P20 Q490 +Q373500 P136 Q21590660 +Q160432 P106 Q10798782 +Q1445729 P106 Q183945 +Q336881 P106 Q6625963 +Q152451 P106 Q8246794 +Q65932 P551 Q387047 +Q184935 P463 Q901677 +Q272913 P106 Q639669 +Q108560 P106 Q3282637 +Q240360 P106 Q10798782 +Q1184931 P69 Q503246 +Q747538 P20 Q649 +Q432473 P27 Q83286 +Q1353559 P19 Q60 +Q641582 P102 Q641691 +Q211280 P102 Q29468 +Q826 P530 Q833 +Q230744 P106 Q36180 +Q356287 P106 Q10800557 +Q1285105 P136 Q235858 +Q686 P530 Q230 +Q31293 P172 Q49085 +Q365463 P20 Q84 +Q533970 P463 Q1371509 +Q437182 P27 Q29 +Q75955 P27 Q183 +Q183387 P159 Q60 +Q96243 P463 Q684415 +Q233295 P106 Q33999 +Q4488 P106 Q10798782 +Q42402 P106 Q12377274 +Q215945 P106 Q1622272 +Q272719 P264 Q3415083 +Q516285 P1412 Q150 +Q513991 P106 Q753110 +Q132616 P106 Q3282637 +Q164954 P172 Q940348 +Q1906150 P108 Q762266 +Q352766 P106 Q855091 +Q44857 P106 Q486748 +Q348678 P136 Q5442753 +Q76717 P106 Q4610556 +Q234928 P106 Q212980 +Q61863 P106 Q16267607 +Q360663 P106 Q639669 +Q621458 P19 Q84 +Q215778 P119 Q188856 +Q167768 P106 Q676 +Q12883 P27 Q29999 +Q154751 P106 Q250867 +Q231690 P69 Q49088 +Q554971 P106 Q639669 +Q234939 P136 Q37073 +Q124296 P69 Q151510 +Q230916 P106 Q18939491 +Q46548 P27 Q37 +Q106235 P102 Q7320 +Q77777 P106 Q2259451 +Q314208 P264 Q772494 +Q68137 P27 Q16957 +Q26162388 P50 Q63699 +Q969753 P27 Q419 +Q807 P37 Q150 +Q1384822 P106 Q1930187 +Q314787 P106 Q28389 +Q133654 P840 Q1397 +Q1039759 P106 Q855091 +Q237560 P69 Q9842 +Q359996 P136 Q21590660 +Q1321910 P1412 Q150 +Q153421 P1412 Q188 +Q153832 P106 Q193391 +Q465127 P264 Q568246 +Q311223 P106 Q1225716 +Q267772 P19 Q79848 +Q336769 P140 Q3333484 +Q1001250 P106 Q6168364 +Q9049 P463 Q270794 +Q2287423 P3373 Q53570396 +Q709594 P136 Q11399 +Q28147 P106 Q49757 +Q207921 P495 Q145 +Q648098 P106 Q177220 +Q192279 P106 Q6625963 +Q180019 P136 Q8341 +Q125042 P27 Q33946 +Q101494 P106 Q1930187 +Q359059 P106 Q1415090 +Q213945 P106 Q193391 +Q49001 P106 Q1759246 +Q180453 P264 Q50074604 +Q185002 P1303 Q17172850 +Q430852 P161 Q62558 +Q253697 P106 Q33999 +Q1372139 P106 Q3282637 +Q18913 P27 Q172579 +Q334670 P264 Q216364 +Q86777 P1303 Q6607 +Q3132761 P19 Q2841 +Q1777864 P106 Q486748 +Q697203 P495 Q30 +Q239030 P1412 Q1321 +Q302280 P106 Q855091 +Q61282 P106 Q36180 +Q157451 P102 Q79854 +Q171711 P161 Q190162 +Q865 P530 Q763 +Q273981 P106 Q33999 +Q112081 P106 Q82955 +Q203223 P106 Q177220 +Q85510 P106 Q1622272 +Q720005 P106 Q753110 +Q189226 P101 Q207628 +Q41 P530 Q217 +Q212015 P26 Q106573 +Q190994 P106 Q10800557 +Q107264 P108 Q131252 +Q76539 P509 Q12152 +Q309926 P509 Q181754 +Q442892 P106 Q855091 +Q142546 P106 Q10800557 +Q55245 P106 Q82955 +Q150445 P135 Q9730 +Q131355 P1412 Q1617 +Q69397 P1412 Q188 +Q475942 P1412 Q7026 +Q39246 P20 Q65 +Q3365459 P106 Q82955 +Q57681 P106 Q40348 +Q754 P463 Q842490 +Q1285105 P106 Q177220 +Q227 P463 Q827525 +Q4410089 P69 Q80207 +Q276343 P840 Q1754 +Q273075 P106 Q2259451 +Q106816 P27 Q183 +Q191734 P106 Q36180 +Q234570 P106 Q14467526 +Q103788 P2348 Q6927 +Q25835 P136 Q130232 +Q76998 P140 Q9268 +Q3259416 P69 Q392904 +Q376335 P106 Q33999 +Q463501 P106 Q49757 +Q55208 P106 Q16287483 +Q171582 P161 Q202304 +Q973400 P1303 Q17172850 +Q445109 P27 Q30 +Q713750 P30 Q46 +Q41042 P463 Q463303 +Q220 P17 Q12544 +Q311306 P27 Q30 +Q192073 P161 Q271635 +Q66337 P27 Q183 +Q202770 P27 Q2184 +Q833 P530 Q869 +Q87265 P106 Q753110 +Q203223 P264 Q27184 +Q213642 P106 Q36180 +Q1766082 P106 Q36834 +Q1029 P463 Q7159 +Q267265 P101 Q207628 +Q15935 P136 Q11401 +Q58799 P1412 Q188 +Q319502 P1303 Q8377 +Q323827 P161 Q273215 +Q232491 P106 Q36834 +Q9204 P737 Q214565 +Q152293 P106 Q82955 +Q536301 P27 Q30 +Q215263 P101 Q5891 +Q202815 P20 Q1741 +Q217160 P19 Q16555 +Q705529 P108 Q189022 +Q555426 P106 Q488205 +Q323805 P106 Q753110 +Q1451285 P463 Q270794 +Q58121 P106 Q82955 +Q192724 P161 Q113206 +Q2946731 P19 Q1297 +Q122094 P27 Q39 +Q185165 P551 Q3141 +Q76412 P27 Q1206012 +Q75603 P69 Q209842 +Q153481 P106 Q36180 +Q1394 P551 Q649 +Q163211 P106 Q639669 +Q1806985 P106 Q947873 +Q230929 P106 Q33999 +Q122517 P1412 Q188 +Q71998 P136 Q676 +Q159876 P463 Q53249065 +Q1691611 P495 Q145 +Q712820 P1303 Q133163 +Q43 P530 Q414 +Q231228 P106 Q131524 +Q98311 P463 Q812155 +Q103562 P27 Q16957 +Q708473 P106 Q639669 +Q76593 P463 Q83172 +Q1803090 P119 Q1302545 +Q1341906 P106 Q128124 +Q116088 P27 Q39 +Q318910 P495 Q30 +Q113951 P69 Q165980 +Q23441 P106 Q4263842 +Q129399 P106 Q188094 +Q53002 P106 Q28389 +Q454840 P509 Q11868838 +Q106326 P106 Q36180 +Q1911440 P106 Q16145150 +Q110942 P108 Q49117 +Q544508 P1303 Q133163 +Q401182 P106 Q15981151 +Q34 P463 Q827525 +Q3438272 P106 Q10349745 +Q361649 P106 Q639669 +Q349690 P106 Q2405480 +Q65047 P509 Q175111 +Q106751 P106 Q1622272 +Q201477 P140 Q7066 +Q77008 P106 Q1622272 +Q592381 P19 Q18419 +Q928281 P106 Q16947320 +Q200639 P106 Q11774202 +Q152011 P840 Q62 +Q2563 P463 Q414163 +Q51488 P26 Q229258 +Q152176 P509 Q12152 +Q47667 P463 Q329464 +Q383764 P19 Q60 +Q76717 P172 Q42884 +Q357936 P463 Q1938003 +Q173158 P106 Q10798782 +Q237833 P19 Q2807 +Q348533 P264 Q183387 +Q204868 P20 Q194420 +Q324905 P106 Q855091 +Q300371 P161 Q316709 +Q312801 P106 Q855091 +Q376140 P20 Q43301 +Q303040 P161 Q350811 +Q112635 P495 Q16 +Q5494459 P136 Q83440 +Q380579 P1303 Q17172850 +Q185140 P3373 Q258854 +Q19526 P106 Q1476215 +Q368812 P136 Q25379 +Q991543 P106 Q11774202 +Q1023788 P264 Q847018 +Q707460 P136 Q187760 +Q319084 P106 Q10800557 +Q450282 P101 Q8341 +Q363254 P1412 Q652 +Q430535 P161 Q58444 +Q164782 P106 Q10798782 +Q28494 P119 Q64 +Q133665 P106 Q177220 +Q103109 P69 Q153978 +Q322303 P106 Q639669 +Q285431 P27 Q172579 +Q559844 P551 Q142 +Q107095 P106 Q36180 +Q220536 P106 Q10800557 +Q206374 P161 Q2685 +Q190631 P106 Q10798782 +Q249032 P161 Q181490 +Q28858 P1412 Q188 +Q68815 P106 Q4853732 +Q324424 P136 Q9759 +Q49347 P509 Q181754 +Q4396425 P27 Q34266 +Q374041 P106 Q10800557 +Q572741 P737 Q9235 +Q469893 P106 Q1259917 +Q320025 P106 Q1053574 +Q311256 P106 Q855091 +Q371182 P69 Q245247 +Q551597 P463 Q183725 +Q403 P530 Q148 +Q1017 P17 Q7318 +Q2757 P106 Q1622272 +Q435801 P69 Q142740 +Q235361 P140 Q7066 +Q193659 P106 Q33999 +Q196560 P106 Q10800557 +Q47484 P106 Q333634 +Q78126 P27 Q154195 +Q164224 P161 Q191644 +Q75814 P27 Q183 +Q678 P530 Q183 +Q106071 P1303 Q17172850 +Q75929 P69 Q154804 +Q315752 P509 Q12202 +Q7327064 P106 Q1622272 +Q1397191 P1303 Q17172850 +Q88443 P106 Q806798 +Q50186 P20 Q90 +Q981489 P106 Q43845 +Q104757 P106 Q17489339 +Q375290 P1412 Q150 +Q130447 P69 Q8008661 +Q3298815 P172 Q49085 +Q1816925 P106 Q482980 +Q756645 P172 Q127885 +Q31959 P19 Q1345 +Q92621 P106 Q121594 +Q1392583 P106 Q36834 +Q1446475 P264 Q557632 +Q206576 P136 Q319221 +Q54545 P27 Q33946 +Q110719 P69 Q700758 +Q309941 P264 Q5086379 +Q361996 P140 Q9268 +Q941374 P106 Q2374149 +Q221771 P27 Q29 +Q163042 P106 Q36180 +Q313758 P106 Q6625963 +Q319497 P27 Q159 +Q212416 P19 Q84 +Q239565 P1412 Q5287 +Q183 P530 Q217 +Q5217489 P108 Q49088 +Q46000 P106 Q43845 +Q271500 P106 Q639669 +Q1668660 P106 Q33999 +Q436664 P69 Q1420239 +Q313311 P27 Q30 +Q153178 P106 Q23833535 +Q298205 P106 Q11481802 +Q1138602 P106 Q2259451 +Q205435 P27 Q30 +Q232113 P27 Q142 +Q317343 P106 Q10798782 +Q740181 P106 Q8178443 +Q104266 P106 Q10798782 +Q353866 P509 Q12152 +Q163063 P106 Q49757 +Q167683 P69 Q49114 +Q142627 P106 Q193391 +Q1965416 P106 Q639669 +Q70991 P106 Q36834 +Q343299 P1412 Q1321 +Q112747 P161 Q215072 +Q210111 P161 Q218210 +Q158765 P20 Q85 +Q189694 P106 Q10798782 +Q650878 P1412 Q188 +Q761453 P106 Q6625963 +Q981513 P106 Q1650915 +Q66600 P106 Q1622272 +Q91548 P509 Q189588 +Q708922 P106 Q15981151 +Q794 P530 Q805 +Q1265657 P106 Q82955 +Q233457 P27 Q145 +Q270672 P106 Q28389 +Q430602 P106 Q488205 +Q104109 P1412 Q1860 +Q123034 P1412 Q188 +Q152452 P463 Q191583 +Q437710 P27 Q928 +Q65906 P69 Q152087 +Q41617 P108 Q49088 +Q193668 P106 Q28389 +Q311684 P106 Q1622272 +Q187282 P27 Q2305208 +Q82409 P27 Q174193 +Q78504 P463 Q684415 +Q142751 P495 Q142 +Q173893 P69 Q82513 +Q108285 P106 Q1622272 +Q105624 P161 Q294586 +Q865 P530 Q219060 +Q60126 P1412 Q188 +Q243771 P69 Q21705070 +Q330432 P106 Q10798782 +Q1974885 P140 Q9592 +Q58592 P106 Q33999 +Q29473 P106 Q753110 +Q92600 P27 Q30 +Q66155 P106 Q1622272 +Q151608 P19 Q490 +Q547635 P106 Q130857 +Q63695 P106 Q82955 +Q70130 P106 Q177220 +Q5496982 P69 Q49165 +Q15850 P27 Q212 +Q83495 P161 Q296883 +Q705399 P106 Q2306091 +Q123823 P108 Q1065 +Q142988 P101 Q166542 +Q865 P530 Q36 +Q5494459 P495 Q30 +Q262396 P106 Q10800557 +Q4101530 P69 Q1719898 +Q1225 P106 Q36834 +Q214582 P106 Q36834 +Q182455 P27 Q30 +Q239739 P172 Q49085 +Q20 P530 Q403 +Q635131 P106 Q639669 +Q151830 P27 Q145 +Q40115 P161 Q269669 +Q451680 P20 Q60 +Q71855 P106 Q170790 +Q227 P530 Q865 +Q318509 P106 Q10798782 +Q4488 P106 Q3282637 +Q5284 P106 Q33999 +Q40874 P106 Q6625963 +Q155124 P136 Q492264 +Q361617 P1050 Q11081 +Q96407 P106 Q1622272 +Q65035 P463 Q833738 +Q83321 P140 Q9592 +Q273484 P106 Q177220 +Q314403 P69 Q916444 +Q105875 P1303 Q5994 +Q70174 P27 Q183 +Q9358 P106 Q49757 +Q61356 P1412 Q188 +Q124527 P106 Q28389 +Q9204 P737 Q5683 +Q556767 P27 Q30 +Q193670 P106 Q4964182 +Q1370974 P1303 Q17172850 +Q34460 P69 Q263064 +Q189 P530 Q16 +Q324219 P106 Q2722764 +Q94350 P102 Q186867 +Q1435910 P19 Q23556 +Q260969 P1412 Q188 +Q465663 P463 Q463303 +Q50005 P102 Q815348 +Q72060 P20 Q2843 +Q353754 P27 Q31 +Q1350303 P106 Q483501 +Q440956 P106 Q10800557 +Q356303 P106 Q33999 +Q236017 P27 Q148 +Q611927 P106 Q82955 +Q94672 P106 Q82955 +Q296928 P1412 Q1860 +Q251338 P509 Q178275 +Q45909 P136 Q2332751 +Q213684 P106 Q333634 +Q30 P530 Q1005 +Q23380 P106 Q1259917 +Q853932 P509 Q12192 +Q153149 P106 Q36180 +Q89709 P69 Q157575 +Q344973 P106 Q2405480 +Q440537 P509 Q188874 +Q96943 P106 Q36180 +Q7200 P737 Q692 +Q160618 P161 Q234204 +Q162331 P495 Q142 +Q83612 P495 Q30 +Q530109 P1303 Q6607 +Q1373629 P1303 Q17172850 +Q76892 P27 Q27306 +Q1008 P530 Q30 +Q431401 P106 Q36834 +Q740657 P463 Q463303 +Q223949 P19 Q90 +Q211545 P136 Q471839 +Q76746 P106 Q1622272 +Q505946 P136 Q8341 +Q79025 P106 Q864380 +Q315090 P106 Q33999 +Q70309 P119 Q985 +Q242351 P27 Q30 +Q1635222 P509 Q12152 +Q185546 P106 Q2259451 +Q132506 P106 Q177220 +Q403 P530 Q224 +Q537999 P106 Q333634 +Q431191 P106 Q10798782 +Q241 P463 Q496967 +Q544607 P840 Q90 +Q23760 P27 Q145 +Q34628 P106 Q214917 +Q142546 P106 Q4610556 +Q561670 P27 Q174193 +Q77087 P106 Q28389 +Q11171 P106 Q185351 +Q161678 P161 Q73612 +Q96426 P106 Q6625963 +Q327685 P495 Q30 +Q343456 P20 Q656 +Q55195 P27 Q34266 +Q9327 P106 Q15949613 +Q83566 P106 Q36180 +Q312969 P463 Q83172 +Q440996 P463 Q1425328 +Q797649 P106 Q333634 +Q4295 P140 Q1841 +Q19069 P161 Q4227 +Q349777 P19 Q60 +Q234392 P106 Q3387717 +Q312747 P106 Q1209498 +Q230728 P106 Q43845 +Q323074 P20 Q90 +Q4418776 P463 Q2370801 +Q154759 P463 Q543804 +Q181 P69 Q540672 +Q958206 P264 Q387539 +Q427091 P495 Q30 +Q1552348 P1412 Q150 +Q3182472 P106 Q82955 +Q309989 P20 Q2807 +Q298334 P463 Q1468277 +Q79 P530 Q668 +Q470732 P1412 Q1321 +Q85295 P106 Q185351 +Q47152 P27 Q161885 +Q61649 P106 Q8178443 +Q174284 P136 Q188473 +Q429969 P136 Q1200678 +Q214622 P106 Q1930187 +Q236848 P106 Q4853732 +Q62890 P106 Q82594 +Q1290755 P106 Q16145150 +Q893785 P27 Q142 +Q212730 P463 Q270794 +Q539 P27 Q172579 +Q846373 P136 Q164444 +Q12883 P463 Q202479 +Q286570 P106 Q10800557 +Q251262 P463 Q1493021 +Q1141825 P106 Q753110 +Q449371 P119 Q1400 +Q429969 P136 Q959790 +Q361257 P106 Q639669 +Q1280288 P27 Q30 +Q315592 P495 Q30 +Q344537 P161 Q444545 +Q144664 P106 Q1622272 +Q60115 P106 Q40348 +Q93153 P172 Q79797 +Q108970 P20 Q64 +Q41749 P69 Q152171 +Q715150 P463 Q253439 +Q151870 P161 Q181229 +Q258 P463 Q233611 +Q355288 P172 Q49085 +Q215444 P108 Q309350 +Q244296 P495 Q145 +Q1970586 P106 Q1323191 +Q469310 P1412 Q150 +Q936132 P106 Q947873 +Q41342 P1412 Q1860 +Q311976 P102 Q29552 +Q27751 P161 Q511554 +Q68137 P20 Q64 +Q180962 P737 Q991 +Q1151 P106 Q482980 +Q352766 P106 Q128124 +Q92775 P106 Q1930187 +Q775671 P106 Q188094 +Q193357 P106 Q864380 +Q92601 P106 Q82594 +Q218031 P106 Q36834 +Q257953 P27 Q30 +Q191088 P136 Q37073 +Q61895 P106 Q1234713 +Q34389 P106 Q10800557 +Q601307 P106 Q28389 +Q436686 P106 Q10800557 +Q143716 P161 Q614402 +Q180819 P101 Q208217 +Q40688 P172 Q539051 +Q182589 P106 Q627325 +Q164582 P1412 Q9083 +Q60217 P463 Q414188 +Q236829 P19 Q84 +Q1501423 P106 Q488205 +Q188111 P106 Q488205 +Q48868 P27 Q801 +Q128746 P509 Q12152 +Q12688 P106 Q201788 +Q11613 P172 Q7435494 +Q78539 P140 Q9592 +Q173839 P106 Q380075 +Q535924 P119 Q208175 +Q102235 P161 Q105466 +Q84780 P106 Q28389 +Q222008 P106 Q10800557 +Q999726 P106 Q482980 +Q562641 P106 Q10800557 +Q171453 P161 Q59259 +Q183 P530 Q929 +Q4723060 P69 Q49122 +Q124494 P69 Q372608 +Q230496 P161 Q192682 +Q17 P530 Q1246 +Q283696 P495 Q30 +Q188113 P106 Q1622272 +Q207197 P106 Q177220 +Q121180 P27 Q34266 +Q116789 P27 Q15180 +Q313654 P106 Q10798782 +Q240371 P106 Q10800557 +Q428347 P509 Q3505252 +Q175395 P172 Q7325 +Q7939652 P1412 Q7737 +Q244257 P136 Q130232 +Q315325 P106 Q13235160 +Q671665 P136 Q11401 +Q564953 P1412 Q188 +Q173834 P20 Q908 +Q3335 P106 Q28389 +Q593554 P106 Q1350157 +Q207416 P106 Q1234713 +Q171989 P106 Q188094 +Q220308 P737 Q23858 +Q275875 P27 Q212 +Q355159 P551 Q65 +Q1035807 P106 Q2705098 +Q191408 P509 Q12152 +Q16297 P106 Q639669 +Q57700 P136 Q11399 +Q739 P361 Q653884 +Q311115 P463 Q2822396 +Q155 P530 Q258 +Q214953 P20 Q12439 +Q57106 P1412 Q9168 +Q422275 P641 Q36908 +Q44071 P27 Q34266 +Q235284 P69 Q49088 +Q76363 P106 Q36180 +Q1339164 P463 Q253439 +Q431565 P106 Q36180 +Q823935 P27 Q15180 +Q89188 P106 Q201788 +Q75811 P1412 Q188 +Q1093318 P106 Q36834 +Q202801 P106 Q822146 +Q258761 P106 Q177220 +Q319497 P106 Q185351 +Q68121 P106 Q82955 +Q1511 P140 Q75809 +Q78003 P106 Q1209498 +Q105682 P106 Q10800557 +Q289108 P1303 Q17172850 +Q214911 P106 Q36180 +Q162672 P161 Q235020 +Q74235 P106 Q333634 +Q348497 P106 Q36180 +Q1245 P106 Q1930187 +Q236318 P264 Q193023 +Q319121 P106 Q2526255 +Q382570 P1303 Q17172850 +Q365670 P106 Q488205 +Q84335 P106 Q47064 +Q1261353 P106 Q10800557 +Q318165 P551 Q65 +Q221168 P840 Q61 +Q979166 P136 Q8341 +Q158354 P463 Q299015 +Q160422 P509 Q12152 +Q215142 P140 Q5043 +Q255463 P135 Q7066 +Q163747 P106 Q4263842 +Q181667 P106 Q193391 +Q55415 P19 Q64 +Q170800 P106 Q42603 +Q287977 P1303 Q17172850 +Q16455 P106 Q10798782 +Q153832 P140 Q9592 +Q928 P530 Q884 +Q986 P530 Q801 +Q942923 P69 Q5901972 +Q84503 P106 Q36180 +Q310767 P463 Q188771 +Q3806 P30 Q5401 +Q464097 P106 Q177220 +Q706889 P106 Q193391 +Q317358 P106 Q10800557 +Q1965416 P27 Q184 +Q105875 P136 Q105527 +Q71502 P106 Q1350157 +Q1334617 P136 Q8341 +Q1031340 P136 Q43343 +Q380424 P106 Q14467526 +Q233843 P20 Q127856 +Q77845 P27 Q183 +Q318263 P136 Q1152184 +Q189172 P27 Q15180 +Q73176 P101 Q35760 +Q71335 P19 Q1792 +Q8605 P1050 Q12204 +Q79191 P27 Q219 +Q316756 P551 Q172 +Q783992 P1303 Q51290 +Q186326 P106 Q6625963 +Q164117 P106 Q36180 +Q26294 P106 Q10800557 +Q1609199 P106 Q639669 +Q212730 P140 Q7066 +Q189330 P161 Q312294 +Q57603 P172 Q7325 +Q186089 P19 Q1781 +Q191037 P106 Q28389 +Q746923 P106 Q33999 +Q381561 P1303 Q17172850 +Q3126 P463 Q1768108 +Q337224 P112 Q311145 +Q426393 P161 Q16473 +Q5809 P1050 Q35869 +Q440353 P106 Q2405480 +Q263730 P106 Q13235160 +Q154367 P69 Q154804 +Q585 P17 Q20 +Q83338 P737 Q4538 +Q151820 P106 Q6625963 +Q316901 P172 Q179248 +Q212048 P106 Q33999 +Q495 P17 Q38 +Q1047141 P27 Q30 +Q439394 P1412 Q1860 +Q156310 P27 Q129286 +Q312270 P172 Q49085 +Q421478 P1412 Q7737 +Q881 P530 Q29 +Q1806036 P19 Q60 +Q128297 P106 Q177220 +Q945 P463 Q7809 +Q368421 P161 Q320093 +Q91004 P19 Q1715 +Q44437 P136 Q11401 +Q241398 P101 Q35760 +Q1806036 P106 Q19723482 +Q25161 P27 Q25 +Q822 P530 Q230 +Q69189 P108 Q152838 +Q28930 P69 Q270145 +Q437710 P27 Q29 +Q376663 P161 Q169963 +Q4100 P17 Q7318 +Q207947 P106 Q1231865 +Q695036 P106 Q16533 +Q505827 P27 Q174193 +Q60285 P106 Q36180 +Q30 P530 Q884 +Q55994 P102 Q29552 +Q774 P463 Q842490 +Q103917 P106 Q3282637 +Q1955997 P19 Q90 +Q155 P463 Q656801 +Q465636 P106 Q36834 +Q208344 P161 Q708059 +Q77082 P69 Q206702 +Q213595 P1412 Q188 +Q201732 P106 Q49757 +Q1066875 P27 Q145 +Q957627 P106 Q639669 +Q96114 P463 Q558439 +Q358990 P106 Q28389 +Q36450 P20 Q656 +Q2814 P17 Q2415901 +Q103651 P136 Q203775 +Q186959 P27 Q36 +Q314805 P106 Q10798782 +Q744689 P102 Q29468 +Q275779 P509 Q12136 +Q267051 P106 Q131524 +Q443813 P1303 Q17172850 +Q141869 P27 Q15180 +Q704609 P108 Q222738 +Q1453398 P264 Q1273666 +Q927 P106 Q49757 +Q133855 P106 Q36180 +Q434500 P106 Q10800557 +Q1161444 P106 Q639669 +Q1200053 P106 Q639669 +Q240509 P1303 Q6607 +Q103002 P1412 Q188 +Q369916 P106 Q3391743 +Q36 P463 Q842490 +Q184255 P136 Q663106 +Q567 P69 Q154804 +Q183347 P106 Q2526255 +Q200672 P495 Q30 +Q4145 P106 Q2722764 +Q312276 P136 Q38848 +Q127332 P106 Q49757 +Q6530 P101 Q5891 +Q166663 P27 Q174193 +Q172466 P102 Q29552 +Q185714 P136 Q24925 +Q463639 P106 Q3391743 +Q4430 P495 Q30 +Q105273 P3373 Q78704 +Q63035 P106 Q40348 +Q213974 P69 Q154561 +Q265661 P27 Q30 +Q58125755 P27 Q17 +Q1151 P101 Q184485 +Q312173 P1303 Q17172850 +Q86886 P1412 Q188 +Q132524 P108 Q27621 +Q47100 P106 Q10800557 +Q100529 P108 Q232141 +Q160058 P106 Q486748 +Q93115 P106 Q36180 +Q116208 P106 Q1930187 +Q62459 P19 Q31487 +Q307 P106 Q169470 +Q457687 P106 Q487596 +Q286566 P106 Q14915627 +Q876756 P27 Q36 +Q296883 P1412 Q1860 +Q37150 P136 Q842324 +Q39803 P551 Q2807 +Q369900 P161 Q202735 +Q862297 P1412 Q1860 +Q215740 P108 Q686522 +Q101326 P20 Q3874 +Q128934 P161 Q47100 +Q88478 P106 Q3242115 +Q455280 P27 Q30 +Q212167 P1412 Q8785 +Q3559761 P27 Q34266 +Q135645 P69 Q157575 +Q216570 P101 Q11633 +Q62963 P119 Q1497554 +Q922191 P1412 Q1860 +Q313256 P106 Q2490358 +Q113510 P463 Q684415 +Q17 P530 Q28 +Q237639 P106 Q36180 +Q867599 P136 Q11399 +Q234224 P1412 Q1860 +Q78185 P136 Q37073 +Q287748 P161 Q352203 +Q184366 P106 Q2055046 +Q149489 P27 Q30 +Q335376 P19 Q23154 +Q189119 P106 Q28389 +Q15794 P69 Q1377 +Q191 P530 Q298 +Q274348 P106 Q36180 +Q2022 P106 Q4263842 +Q348001 P69 Q28729082 +Q24632 P106 Q10800557 +Q76527 P106 Q14467526 +Q336185 P106 Q10800557 +Q47163 P106 Q49757 +Q319725 P106 Q3282637 +Q535924 P20 Q649 +Q131259 P1303 Q17172850 +Q216041 P27 Q30 +Q333475 P26 Q42786 +Q315784 P27 Q30 +Q77418 P106 Q36180 +Q287607 P27 Q30 +Q102235 P161 Q36767 +Q162202 P27 Q30 +Q314640 P106 Q10798782 +Q190765 P495 Q29 +Q44176 P106 Q18814623 +Q865 P530 Q986 +Q597433 P136 Q11399 +Q123987 P20 Q100 +Q1545 P136 Q11399 +Q361649 P106 Q177220 +Q23301 P106 Q33999 +Q314673 P106 Q28389 +Q85832 P106 Q482980 +Q295847 P106 Q3387717 +Q464941 P106 Q40348 +Q233854 P106 Q33999 +Q162005 P106 Q183945 +Q607464 P106 Q333634 +Q976526 P106 Q1930187 +Q2623752 P108 Q153987 +Q89629 P27 Q40 +Q265202 P264 Q165745 +Q1095533 P2348 Q6927 +Q67076 P106 Q1622272 +Q97076 P106 Q16533 +Q92868 P106 Q170790 +Q622636 P106 Q639669 +Q1050 P530 Q865 +Q4068880 P106 Q36180 +Q553276 P106 Q639669 +Q98719 P106 Q36180 +Q374504 P106 Q3391743 +Q178966 P161 Q125904 +Q193273 P140 Q9592 +Q442310 P19 Q62 +Q189330 P161 Q8927 +Q1607976 P509 Q12136 +Q41 P530 Q221 +Q103651 P106 Q158852 +Q311459 P106 Q49757 +Q171453 P161 Q231614 +Q701587 P69 Q390287 +Q983654 P27 Q159 +Q464941 P106 Q185351 +Q930679 P106 Q121594 +Q182944 P161 Q208685 +Q165706 P463 Q15646111 +Q370293 P108 Q1144673 +Q516870 P106 Q16287483 +Q851 P530 Q921 +Q95252 P463 Q1792159 +Q728030 P106 Q1622272 +Q84751 P106 Q82955 +Q471751 P1412 Q9288 +Q270186 P106 Q10800557 +Q385036 P161 Q229223 +Q76363 P106 Q14467526 +Q75914 P463 Q543804 +Q75649 P106 Q36180 +Q520001 P136 Q11399 +Q5679 P19 Q84 +Q713246 P106 Q82955 +Q35 P463 Q340195 +Q1064692 P69 Q131252 +Q337078 P161 Q295148 +Q1322285 P106 Q855091 +Q130799 P106 Q488205 +Q2440716 P1412 Q5287 +Q110365 P161 Q316641 +Q223117 P106 Q28389 +Q60477 P135 Q80113 +Q55469 P119 Q27426 +Q3126 P17 Q71084 +Q76527 P140 Q75809 +Q48956 P106 Q1622272 +Q428493 P106 Q806349 +Q730158 P1412 Q1860 +Q51519 P106 Q28389 +Q337145 P509 Q181754 +Q205447 P161 Q35332 +Q1698 P106 Q486748 +Q127866 P1412 Q7737 +Q2623752 P27 Q28513 +Q313366 P106 Q183945 +Q969048 P27 Q801 +Q362371 P136 Q83440 +Q357455 P1050 Q131755 +Q272896 P106 Q177220 +Q1934319 P1412 Q9299 +Q460852 P19 Q65 +Q933749 P106 Q1930187 +Q121655 P509 Q12152 +Q241085 P161 Q232985 +Q1392583 P509 Q12206 +Q315266 P463 Q4345832 +Q810 P463 Q1137381 +Q71874 P19 Q1490 +Q363490 P1303 Q17172850 +Q96399 P140 Q9592 +Q156774 P19 Q8678 +Q337226 P108 Q909176 +Q658008 P106 Q4964182 +Q723281 P27 Q30 +Q262267 P106 Q2405480 +Q483203 P40 Q262772 +Q55392 P27 Q142 +Q86362 P172 Q7325 +Q155649 P20 Q61 +Q353449 P20 Q100 +Q428780 P136 Q319221 +Q55004 P106 Q1415090 +Q238919 P106 Q177220 +Q67526 P106 Q333634 +Q108586 P161 Q192682 +Q72653 P19 Q60 +Q7052125 P106 Q1622272 +Q82330 P106 Q10798782 +Q108460 P463 Q49738 +Q557 P264 Q183387 +Q75177 P106 Q33999 +Q855252 P106 Q12800682 +Q1028 P530 Q43 +Q191598 P106 Q1930187 +Q121778 P108 Q621043 +Q39970 P136 Q2137852 +Q254041 P119 Q831322 +Q39829 P106 Q3455803 +Q41871 P69 Q1797768 +Q1224 P20 Q220 +Q44467 P106 Q10798782 +Q762 P106 Q350979 +Q245430 P161 Q266179 +Q64963 P106 Q1622272 +Q160560 P136 Q130232 +Q1366840 P1303 Q128309 +Q233118 P69 Q1542213 +Q7243 P106 Q1231865 +Q80204 P136 Q52162262 +Q62086 P27 Q183 +Q23814 P106 Q3455803 +Q105349 P1303 Q5994 +Q352540 P106 Q855091 +Q91059 P108 Q762266 +Q40504 P451 Q122614 +Q83739 P161 Q309592 +Q230303 P106 Q82955 +Q126281 P495 Q30 +Q213053 P840 Q65 +Q122701 P69 Q35794 +Q40475 P106 Q10798782 +Q314269 P106 Q36180 +Q375186 P840 Q65 +Q16390 P106 Q948329 +Q70083 P106 Q193391 +Q142546 P106 Q10798782 +Q274267 P27 Q142 +Q262850 P106 Q36180 +Q230969 P26 Q8027 +Q69631 P463 Q338489 +Q92519 P27 Q183 +Q85092 P106 Q1622272 +Q95039 P27 Q30 +Q80871 P106 Q193391 +Q228186 P161 Q26118 +Q371430 P106 Q10798782 +Q64880 P106 Q177220 +Q202815 P106 Q14467526 +Q333873 P106 Q49757 +Q327713 P161 Q167696 +Q61597 P27 Q145 +Q126812 P106 Q1622272 +Q3772 P106 Q33999 +Q343433 P106 Q49757 +Q292623 P136 Q850412 +Q435236 P27 Q30 +Q10738 P27 Q16 +Q164804 P161 Q298276 +Q309003 P136 Q157394 +Q20726 P1412 Q397 +Q981526 P106 Q33999 +Q237833 P463 Q463281 +Q228899 P136 Q484641 +Q230728 P1412 Q1860 +Q771229 P27 Q408 +Q37150 P551 Q65 +Q230728 P19 Q60 +Q284876 P106 Q10800557 +Q380467 P106 Q81096 +Q129119 P106 Q33999 +Q1345782 P106 Q639669 +Q4066893 P106 Q212980 +Q420041 P106 Q3282637 +Q9438 P737 Q859 +Q7964724 P106 Q169470 +Q366570 P19 Q3616 +Q676562 P106 Q753110 +Q276299 P495 Q30 +Q266209 P495 Q30 +Q405672 P20 Q180083 +Q717626 P264 Q7659636 +Q98058 P19 Q365 +Q291068 P106 Q37226 +Q801 P530 Q41 +Q584500 P1412 Q1860 +Q77193 P106 Q15980158 +Q4952325 P102 Q29552 +Q392915 P161 Q31293 +Q313138 P1412 Q1860 +Q210740 P106 Q1209498 +Q216814 P101 Q413 +Q25057 P136 Q157443 +Q9358 P737 Q13894 +Q4636 P106 Q488205 +Q595529 P136 Q20502 +Q315217 P69 Q192334 +Q77751 P106 Q36180 +Q333411 P135 Q667661 +Q718368 P1303 Q8355 +Q1192 P20 Q90 +Q214481 P1412 Q1860 +Q391663 P509 Q12152 +Q232 P530 Q865 +Q152272 P106 Q3282637 +Q283061 P136 Q11399 +Q172154 P40 Q96962 +Q77615 P19 Q2973 +Q2858166 P106 Q36180 +Q312288 P106 Q752129 +Q463765 P161 Q239145 +Q76641 P463 Q4345832 +Q1487770 P264 Q2034661 +Q19405 P136 Q52162262 +Q1376957 P106 Q2865819 +Q2498968 P106 Q4853732 +Q291239 P106 Q1607826 +Q84708562 P106 Q186360 +Q1443689 P27 Q30 +Q180727 P27 Q30 +Q440910 P27 Q30 +Q35738 P161 Q296028 +Q102124 P2348 Q6939 +Q58801 P19 Q64 +Q76823 P106 Q2306091 +Q560694 P1412 Q188 +Q176405 P27 Q30 +Q227312 P135 Q667661 +Q157623 P136 Q482 +Q317967 P551 Q1524 +Q229038 P106 Q10798782 +Q82110 P27 Q30 +Q108454 P102 Q49763 +Q179201 P106 Q36180 +Q46053 P106 Q639669 +Q159551 P108 Q312578 +Q84365 P106 Q36180 +Q57430 P69 Q153978 +Q41322 P19 Q233 +Q346285 P1303 Q8343 +Q472356 P1412 Q809 +Q319737 P106 Q1075651 +Q44606 P106 Q183945 +Q223613 P27 Q28 +Q315087 P509 Q12192 +Q123041 P27 Q142 +Q330432 P69 Q174710 +Q255070 P26 Q105158 +Q175392 P106 Q36180 +Q57244 P136 Q1344 +Q705174 P1412 Q150 +Q63960 P1303 Q17172850 +Q941210 P136 Q959583 +Q266617 P106 Q947873 +Q2895 P463 Q15180 +Q190379 P69 Q1045828 +Q216134 P106 Q156035 +Q34389 P106 Q639669 +Q181659 P1412 Q1860 +Q472856 P106 Q4263842 +Q757 P463 Q8475 +Q465640 P463 Q4430504 +Q76358 P106 Q36180 +Q889 P530 Q843 +Q188111 P101 Q207628 +Q454398 P136 Q157443 +Q188389 P106 Q33999 +Q1261353 P1412 Q1321 +Q1385119 P106 Q82955 +Q337658 P136 Q188473 +Q72667 P108 Q159895 +Q345468 P136 Q21590660 +Q257243 P69 Q1256981 +Q2428820 P509 Q3002150 +Q191583 P17 Q34 +Q167216 P463 Q463303 +Q211392 P69 Q390287 +Q636 P641 Q11419 +Q1290755 P1303 Q17172850 +Q317988 P27 Q12560 +Q2061964 P69 Q49126 +Q76583 P106 Q188094 +Q2585807 P1412 Q397 +Q229042 P451 Q208374 +Q1401 P106 Q4964182 +Q157970 P20 Q1085 +Q301077 P161 Q170606 +Q312078 P161 Q184103 +Q12898 P108 Q49088 +Q462406 P840 Q65 +Q77667 P69 Q315658 +Q2416148 P641 Q11420 +Q82222 P264 Q645889 +Q71206 P106 Q10800557 +Q164593 P1303 Q17172850 +Q184750 P737 Q9235 +Q92776 P463 Q123885 +Q15615 P106 Q131524 +Q353816 P509 Q12202 +Q64645 P27 Q16957 +Q83287 P138 Q23543 +Q160518 P463 Q191583 +Q732434 P27 Q668 +Q311293 P102 Q29552 +Q380045 P106 Q36834 +Q357326 P1412 Q1321 +Q160778 P106 Q855091 +Q175571 P106 Q10800557 +Q48184 P106 Q8178443 +Q1370974 P264 Q277626 +Q64707 P20 Q3150 +Q503997 P106 Q6625963 +Q331652 P106 Q183945 +Q90962 P106 Q82955 +Q723141 P463 Q11993457 +Q179680 P69 Q1878600 +Q164469 P140 Q9592 +Q2367411 P1412 Q7026 +Q588067 P106 Q1930187 +Q106740 P1412 Q397 +Q4028 P106 Q488205 +Q1045 P30 Q15 +Q333632 P106 Q214917 +Q379811 P106 Q28389 +Q79969 P737 Q9358 +Q233 P530 Q159 +Q506288 P1303 Q17172850 +Q373948 P108 Q13371 +Q52570 P106 Q193391 +Q544387 P106 Q12800682 +Q607464 P106 Q4263842 +Q98926 P1412 Q9288 +Q72962 P161 Q250539 +Q444674 P69 Q2994538 +Q206922 P106 Q2405480 +Q231530 P136 Q37073 +Q465707 P1412 Q652 +Q40912 P106 Q10800557 +Q240808 P1303 Q46185 +Q131814 P264 Q203059 +Q300423 P161 Q164069 +Q604940 P136 Q842324 +Q10218 P140 Q9089 +Q265 P30 Q48 +Q2656667 P1303 Q5994 +Q184 P530 Q214 +Q153576 P106 Q177220 +Q192474 P19 Q84 +Q134077 P19 Q189960 +Q555324 P20 Q1748 +Q206336 P136 Q1146335 +Q438355 P27 Q30 +Q219420 P737 Q37327 +Q914054 P101 Q9418 +Q7301731 P106 Q901 +Q510653 P27 Q30 +Q596717 P106 Q753110 +Q1893889 P1412 Q150 +Q328760 P106 Q2095549 +Q247733 P136 Q645928 +Q273136 P26 Q44063 +Q57389 P106 Q1930187 +Q242423 P27 Q36 +Q16389 P463 Q131566 +Q84532 P509 Q12078 +Q200586 P106 Q639669 +Q309835 P106 Q948329 +Q2999 P17 Q183 +Q963 P463 Q7825 +Q705681 P69 Q838330 +Q81223 P69 Q391028 +Q343616 P451 Q218210 +Q42904 P1303 Q52954 +Q124183 P20 Q72 +Q102570 P108 Q32120 +Q892115 P106 Q81096 +Q106235 P108 Q153006 +Q309709 P27 Q161885 +Q122968 P106 Q1622272 +Q93028 P106 Q81096 +Q1766082 P106 Q36180 +Q253167 P106 Q33999 +Q349223 P106 Q855091 +Q55836 P509 Q2140674 +Q195274 P161 Q271696 +Q964776 P102 Q49629 +Q225625 P1412 Q7737 +Q19801728 P161 Q191842 +Q556767 P108 Q11148 +Q100028 P106 Q15214752 +Q64211 P161 Q370026 +Q84423 P69 Q165980 +Q140052 P106 Q36180 +Q954997 P106 Q3282637 +Q47221 P161 Q356303 +Q206439 P106 Q10798782 +Q213567 P551 Q65 +Q69289 P102 Q49762 +Q169461 P106 Q177220 +Q212416 P27 Q145 +Q3920 P463 Q1768108 +Q83851 P1412 Q1860 +Q242949 P106 Q33999 +Q77489 P172 Q7325 +Q64509 P106 Q49757 +Q69973 P1412 Q188 +Q256738 P106 Q33999 +Q118982 P106 Q39631 +Q11734 P509 Q2140674 +Q78608 P106 Q1622272 +Q1001254 P264 Q5086379 +Q160778 P136 Q38848 +Q231128 P106 Q49757 +Q42585 P17 Q153136 +Q2042 P69 Q2983698 +Q769 P463 Q205995 +Q216570 P27 Q183 +Q94672 P119 Q240744 +Q344384 P106 Q10800557 +Q214983 P106 Q193391 +Q67271 P140 Q75809 +Q76606 P69 Q154804 +Q153232 P106 Q169470 +Q353812 P19 Q36036 +Q463692 P106 Q1930187 +Q389851 P106 Q36834 +Q163366 P106 Q2722764 +Q552819 P264 Q1881437 +Q273978 P161 Q180852 +Q159475 P106 Q18814623 +Q106429 P69 Q159895 +Q520346 P136 Q492264 +Q528647 P69 Q174158 +Q70324 P463 Q684415 +Q48129 P463 Q946380 +Q267672 P840 Q61 +Q62910 P108 Q161562 +Q223258 P1303 Q8355 +Q324015 P264 Q5086379 +Q176026 P463 Q1493021 +Q196159 P27 Q159 +Q354873 P106 Q2405480 +Q555226 P106 Q28389 +Q304488 P161 Q104061 +Q173144 P106 Q177220 +Q290312 P136 Q860626 +Q933332 P27 Q30 +Q329778 P106 Q10798782 +Q652815 P106 Q2722764 +Q308929 P161 Q42101 +Q970 P463 Q17495 +Q233911 P463 Q20153 +Q659238 P106 Q855091 +Q3920 P17 Q2415901 +Q70417 P106 Q765778 +Q1260 P27 Q268970 +Q178527 P19 Q1781 +Q441834 P106 Q753110 +Q234015 P1412 Q1321 +Q87375 P136 Q37073 +Q433692 P19 Q5092 +Q175759 P101 Q207628 +Q228611 P551 Q90 +Q2908 P106 Q6625963 +Q966067 P106 Q1930187 +Q119687 P463 Q1423356 +Q236112 P264 Q885833 +Q131074 P136 Q52207399 +Q1123489 P1412 Q1860 +Q2545780 P106 Q2500638 +Q292993 P106 Q177220 +Q61769 P106 Q170790 +Q2843357 P27 Q822 +Q2626233 P27 Q15180 +Q166318 P3373 Q55469 +Q105180 P27 Q30 +Q157400 P106 Q2259451 +Q64503 P102 Q49750 +Q1046038 P1303 Q17172850 +Q152298 P106 Q47064 +Q214660 P509 Q12202 +Q168274 P264 Q664167 +Q85108 P20 Q2090 +Q57640 P1412 Q188 +Q201607 P136 Q8341 +Q386784 P136 Q37073 +Q722738 P737 Q9381 +Q310734 P161 Q206922 +Q82222 P106 Q55960555 +Q219772 P1412 Q1860 +Q253977 P106 Q245068 +Q832085 P106 Q82955 +Q13526 P106 Q2732142 +Q87018 P106 Q947873 +Q350194 P27 Q664 +Q744948 P17 Q30 +Q452219 P106 Q250867 +Q106225 P509 Q12152 +Q5912 P101 Q11629 +Q979084 P19 Q11299 +Q379461 P27 Q38 +Q9312 P737 Q6527 +Q511124 P106 Q82955 +Q509974 P27 Q414 +Q153657 P264 Q483938 +Q195535 P106 Q860918 +Q54836 P264 Q183412 +Q363490 P136 Q11399 +Q61962 P69 Q189441 +Q44205 P1412 Q188 +Q311068 P106 Q214917 +Q439686 P106 Q2259451 +Q171969 P106 Q36180 +Q767435 P27 Q142 +Q43252 P172 Q50001 +Q115483 P551 Q72 +Q55 P463 Q8908 +Q3248932 P106 Q6337803 +Q957627 P1303 Q6607 +Q1333234 P102 Q29468 +Q949184 P106 Q864503 +Q380799 P136 Q37073 +Q272931 P106 Q1259917 +Q83059 P737 Q5685 +Q701587 P106 Q36180 +Q83333 P19 Q1297 +Q113190 P20 Q1741 +Q253167 P3373 Q234101 +Q1750532 P264 Q183412 +Q313512 P69 Q273523 +Q76772 P106 Q1622272 +Q232511 P27 Q30 +Q472270 P1412 Q188 +Q43432 P106 Q10800557 +Q465663 P106 Q2961975 +Q67169 P19 Q1718 +Q105896 P1412 Q188 +Q260548 P161 Q114179 +Q1967070 P1303 Q31561 +Q236434 P106 Q2405480 +Q270410 P161 Q231438 +Q77823 P106 Q36180 +Q79759 P1412 Q9288 +Q233801 P27 Q16 +Q121926 P69 Q209842 +Q7304 P106 Q639669 +Q19201 P1303 Q6607 +Q57075 P509 Q12152 +Q432743 P106 Q177220 +Q92636 P69 Q190080 +Q67645 P1412 Q150 +Q273079 P106 Q158852 +Q73176 P27 Q27 +Q9960 P106 Q10800557 +Q3520383 P495 Q31 +Q755 P136 Q182357 +Q275161 P106 Q10798782 +Q231530 P1412 Q1860 +Q470732 P509 Q12078 +Q443030 P106 Q33999 +Q4286203 P27 Q15180 +Q232708 P26 Q212064 +Q231713 P1303 Q17172850 +Q240523 P136 Q45981 +Q228733 P106 Q177220 +Q71335 P1412 Q188 +Q231116 P106 Q4610556 +Q102851 P19 Q220 +Q55413 P1412 Q188 +Q207592 P106 Q2526255 +Q192410 P264 Q27184 +Q80437 P161 Q169982 +Q194896 P27 Q145 +Q600635 P27 Q30 +Q292180 P106 Q639669 +Q64991 P20 Q3012 +Q3754146 P106 Q333634 +Q55796 P106 Q947873 +Q114115 P161 Q296008 +Q971 P463 Q7159 +Q3129951 P106 Q82955 +Q44695 P101 Q36180 +Q379929 P106 Q1930187 +Q11132 P106 Q16533 +Q916 P530 Q212 +Q3215942 P108 Q270145 +Q230782 P106 Q5716684 +Q35725 P161 Q296630 +Q826 P463 Q376150 +Q92600 P27 Q15180 +Q7315 P106 Q16145150 +Q605678 P106 Q193391 +Q700323 P106 Q1781198 +Q73176 P136 Q8261 +Q12706 P106 Q16287483 +Q227 P530 Q232 +Q69236 P20 Q1741 +Q183074 P1412 Q397 +Q843 P463 Q384535 +Q59824 P106 Q10798782 +Q2633389 P106 Q28389 +Q12908 P106 Q557880 +Q2686748 P27 Q133356 +Q179097 P27 Q142 +Q188526 P509 Q175111 +Q246970 P106 Q488111 +Q450271 P20 Q2807 +Q248042 P106 Q333634 +Q150652 P3373 Q57180 +Q959159 P264 Q193023 +Q7200 P551 Q1874 +Q207359 P27 Q142 +Q73089 P20 Q127856 +Q934722 P106 Q10800557 +Q365144 P106 Q15982858 +Q313525 P1303 Q5994 +Q443327 P106 Q2259451 +Q232985 P106 Q177220 +Q25188 P495 Q145 +Q312292 P1303 Q17172850 +Q128027 P101 Q12271 +Q431656 P172 Q49085 +Q8768 P509 Q1368943 +Q256061 P106 Q2526255 +Q100529 P19 Q2814 +Q227 P463 Q1043527 +Q1718 P463 Q52144567 +Q229082 P136 Q37073 +Q274400 P495 Q30 +Q715404 P3373 Q272977 +Q781878 P1050 Q10874 +Q185724 P1412 Q1860 +Q48959 P27 Q145 +Q34189 P136 Q1661 +Q87040 P463 Q44687 +Q924232 P1303 Q6607 +Q50003 P106 Q2405480 +Q142 P530 Q77 +Q364131 P27 Q30 +Q44648 P106 Q753110 +Q69019 P1412 Q188 +Q272505 P106 Q3282637 +Q1446475 P106 Q33999 +Q97676 P106 Q201788 +Q295120 P136 Q20378 +Q2831 P463 Q43267 +Q461104 P1412 Q9056 +Q19201 P106 Q36834 +Q189895 P509 Q12136 +Q310170 P1303 Q6607 +Q379941 P20 Q90 +Q105460 P106 Q49757 +Q336640 P1412 Q1860 +Q57149 P106 Q81096 +Q79038 P106 Q333634 +Q289805 P27 Q15180 +Q451483 P106 Q10800557 +Q8862012 P106 Q1607826 +Q55915 P106 Q193391 +Q151118 P106 Q488205 +Q105895 P106 Q36180 +Q38 P530 Q739 +Q381944 P106 Q214917 +Q231811 P106 Q33999 +Q71208 P106 Q1622272 +Q1009499 P136 Q8341 +Q280978 P27 Q30 +Q257243 P106 Q10800557 +Q106706 P26 Q220901 +Q902 P530 Q27 +Q11107 P106 Q16533 +Q60809 P641 Q36908 +Q80135 P106 Q16145150 +Q107067 P106 Q177220 +Q61425 P27 Q183 +Q215026 P27 Q30 +Q254804 P69 Q49088 +Q216563 P1303 Q6607 +Q221 P530 Q236 +Q223687 P106 Q2526255 +Q216221 P106 Q10798782 +Q74795 P463 Q329464 +Q23517 P106 Q10800557 +Q262170 P106 Q245068 +Q61407 P106 Q1792450 +Q514424 P27 Q15180 +Q159473 P106 Q177220 +Q264722 P161 Q189067 +Q162667 P551 Q1612 +Q2733913 P136 Q49451 +Q230 P530 Q800 +Q272595 P161 Q102711 +Q42308 P17 Q139319 +Q1286993 P106 Q639669 +Q272270 P27 Q30 +Q157322 P20 Q90 +Q4724 P106 Q42973 +Q181727 P102 Q29468 +Q921808 P1412 Q1860 +Q186264 P106 Q16145150 +Q83501 P27 Q191077 +Q723678 P463 Q188771 +Q245808 P106 Q2526255 +Q141829 P106 Q82955 +Q60441 P106 Q49757 +Q66002 P102 Q7320 +Q128823 P106 Q205375 +Q261133 P3373 Q272213 +Q70103 P20 Q1794 +Q545544 P106 Q49757 +Q368129 P106 Q10798782 +Q505476 P106 Q183945 +Q314942 P136 Q319221 +Q77226 P106 Q82955 +Q151403 P106 Q14467526 +Q865 P530 Q117 +Q76197 P69 Q55044 +Q165110 P69 Q83259 +Q960376 P20 Q60 +Q89043 P106 Q1622272 +Q208108 P136 Q959790 +Q403 P530 Q17 +Q1037 P463 Q1043527 +Q783992 P27 Q16 +Q699565 P19 Q60 +Q833 P530 Q878 +Q711538 P106 Q211346 +Q154855 P551 Q2807 +Q157303 P106 Q28389 +Q57309 P20 Q64 +Q766403 P69 Q471980 +Q704294 P106 Q49757 +Q458372 P27 Q30 +Q106303 P106 Q33999 +Q213870 P463 Q133957 +Q351989 P161 Q310944 +Q150989 P106 Q169470 +Q231603 P106 Q11774202 +Q228931 P69 Q49213 +Q381751 P161 Q170530 +Q264577 P136 Q860626 +Q219717 P106 Q245068 +Q1378199 P1303 Q17172850 +Q414188 P17 Q183 +Q708581 P106 Q6625963 +Q502362 P106 Q4263842 +Q425821 P1303 Q46185 +Q235931 P1412 Q1860 +Q316901 P108 Q13371 +Q1339164 P69 Q752663 +Q310012 P27 Q145 +Q981971 P106 Q10732476 +Q67938 P106 Q36180 +Q162331 P161 Q53002 +Q76624 P69 Q155354 +Q325575 P161 Q212224 +Q76725 P19 Q3923 +Q11998 P136 Q37073 +Q438475 P641 Q38108 +Q193052 P551 Q65 +Q175395 P106 Q82955 +Q1196157 P161 Q323166 +Q212123 P495 Q29 +Q383784 P27 Q408 +Q502417 P106 Q1930187 +Q1344185 P1303 Q17172850 +Q18806 P69 Q152087 +Q161678 P840 Q21 +Q2498968 P27 Q34266 +Q442198 P27 Q142 +Q735539 P27 Q43 +Q289303 P20 Q90 +Q196004 P161 Q236842 +Q103343 P27 Q30 +Q359568 P108 Q27621 +Q53001 P106 Q2059704 +Q342778 P136 Q180268 +Q414 P37 Q1321 +Q428814 P106 Q333634 +Q505517 P106 Q639669 +Q205447 P161 Q175535 +Q193573 P136 Q842256 +Q229940 P106 Q753110 +Q58087 P27 Q217 +Q891 P17 Q159 +Q189081 P27 Q30 +Q162917 P106 Q1930187 +Q232468 P1412 Q188 +Q112255 P27 Q40 +Q664909 P1303 Q5994 +Q784 P463 Q376150 +Q266959 P69 Q432637 +Q266027 P161 Q102551 +Q227 P530 Q403 +Q157451 P1412 Q9292 +Q216536 P20 Q1218 +Q63439 P1412 Q188 +Q312747 P106 Q185351 +Q125106 P1412 Q1860 +Q189665 P106 Q482980 +Q312294 P69 Q766145 +Q553196 P106 Q2306091 +Q224029 P106 Q6625963 +Q215258 P69 Q49112 +Q320218 P1412 Q1860 +Q28 P463 Q45177 +Q220078 P172 Q42406 +Q1511 P737 Q38193 +Q175104 P451 Q355133 +Q38875 P106 Q183945 +Q80805 P106 Q2252262 +Q953768 P106 Q1569495 +Q105666 P20 Q365 +Q833 P463 Q8475 +Q955077 P106 Q1930187 +Q444591 P1412 Q9186 +Q219377 P69 Q178848 +Q249040 P136 Q130232 +Q60100 P69 Q569350 +Q67462 P106 Q36180 +Q234030 P463 Q1938003 +Q359474 P106 Q33999 +Q597863 P69 Q144488 +Q505274 P136 Q186424 +Q183 P530 Q958 +Q10648 P1050 Q3321212 +Q863 P463 Q842490 +Q3040690 P69 Q230899 +Q61648 P106 Q13570226 +Q444088 P106 Q1930187 +Q893664 P27 Q34266 +Q2895857 P551 Q99 +Q78107 P106 Q82955 +Q302835 P101 Q309 +Q896136 P102 Q49768 +Q8016 P106 Q864380 +Q254962 P1303 Q17172850 +Q31984 P172 Q1075293 +Q400678 P106 Q201788 +Q192934 P136 Q130232 +Q9095 P108 Q245247 +Q73096 P106 Q333634 +Q19330 P463 Q463303 +Q463313 P136 Q1054574 +Q264326 P19 Q18426 +Q321846 P69 Q4614 +Q229325 P69 Q1335573 +Q376663 P161 Q167774 +Q1383381 P106 Q639669 +Q354508 P136 Q105513 +Q11689 P106 Q81096 +Q153776 P136 Q1338153 +Q158379 P106 Q36180 +Q312995 P106 Q1930187 +Q190631 P136 Q37073 +Q373948 P551 Q64 +Q436790 P106 Q1607826 +Q640096 P1050 Q12204 +Q181413 P106 Q10800557 +Q83484 P106 Q10800557 +Q41322 P106 Q212980 +Q431252 P161 Q3772 +Q352708 P106 Q28389 +Q168963 P19 Q1085 +Q1276376 P463 Q463303 +Q18832 P106 Q36180 +Q1649321 P1303 Q6607 +Q105009 P106 Q713200 +Q316756 P1412 Q1860 +Q116462 P102 Q29552 +Q107405 P108 Q11942 +Q4396425 P20 Q649 +Q57604 P20 Q64 +Q212224 P69 Q797078 +Q1382535 P20 Q60 +Q37 P463 Q899770 +Q246997 P161 Q134895 +Q1798353 P27 Q38 +Q116845 P161 Q205707 +Q128532 P2348 Q6927 +Q364868 P106 Q16145150 +Q23395 P136 Q52162262 +Q110921 P20 Q1022 +Q83184 P106 Q214917 +Q561196 P1412 Q652 +Q155845 P20 Q100 +Q213565 P106 Q82955 +Q921516 P102 Q79854 +Q61163 P140 Q9592 +Q863514 P106 Q212238 +Q235134 P1412 Q1321 +Q1731 P131 Q153015 +Q273484 P106 Q36834 +Q68411 P108 Q310695 +Q219810 P136 Q663106 +Q832085 P19 Q1335 +Q555 P106 Q947873 +Q43994 P106 Q483501 +Q502 P135 Q667661 +Q3741406 P106 Q901 +Q184226 P737 Q42156 +Q19526 P106 Q18814623 +Q73768 P106 Q10798782 +Q374526 P57 Q52997 +Q562213 P19 Q1874 +Q88641 P551 Q183 +Q434291 P106 Q36834 +Q345888 P106 Q81096 +Q155649 P69 Q21578 +Q318267 P106 Q948329 +Q294225 P136 Q1344 +Q602137 P463 Q11993457 +Q323463 P264 Q654283 +Q383173 P161 Q1224 +Q1141280 P264 Q2996526 +Q185002 P264 Q38903 +Q75727 P108 Q155354 +Q1791962 P1412 Q1860 +Q544611 P27 Q30 +Q242300 P264 Q843402 +Q600635 P264 Q4779433 +Q210172 P106 Q639669 +Q27304761 P37 Q188 +Q191842 P106 Q10798782 +Q553959 P106 Q639669 +Q706518 P27 Q30 +Q234773 P106 Q3282637 +Q575886 P106 Q36180 +Q222868 P495 Q30 +Q313080 P106 Q130857 +Q185375 P119 Q1517387 +Q228899 P40 Q498390 +Q8772 P463 Q329464 +Q345468 P1412 Q1860 +Q214959 P27 Q30 +Q77143 P1303 Q5994 +Q53018 P19 Q490 +Q519606 P19 Q1741 +Q7294 P136 Q9730 +Q2895 P17 Q15180 +Q706332 P27 Q30 +Q95237 P551 Q90 +Q159551 P27 Q12548 +Q131324 P1412 Q1860 +Q229038 P27 Q30 +Q261133 P106 Q10800557 +Q6694 P106 Q350979 +Q180852 P136 Q21010853 +Q212064 P26 Q232708 +Q334180 P264 Q183387 +Q893785 P27 Q70802 +Q1156782 P136 Q38848 +Q2831 P737 Q100937 +Q327332 P495 Q142 +Q954563 P106 Q49757 +Q641582 P172 Q2436423 +Q672443 P161 Q374610 +Q106706 P1303 Q5994 +Q58612 P1412 Q9288 +Q45337 P106 Q36180 +Q263930 P161 Q219373 +Q11239 P69 Q131252 +Q255233 P27 Q30 +Q432102 P161 Q41594 +Q130631 P737 Q9061 +Q263629 P19 Q21197 +Q57309 P27 Q41304 +Q636 P106 Q177220 +Q554971 P106 Q2259451 +Q15969 P20 Q34713 +Q714185 P101 Q207628 +Q1173321 P1303 Q6607 +Q220910 P57 Q41148 +Q320052 P19 Q18419 +Q219521 P27 Q30 +Q42574 P27 Q16 +Q456005 P136 Q11399 +Q291731 P106 Q10732476 +Q1500 P106 Q82955 +Q1524 P17 Q2277 +Q330059 P106 Q2526255 +Q214574 P106 Q13235160 +Q76525 P106 Q1622272 +Q222832 P20 Q23337 +Q3713655 P106 Q188094 +Q306403 P106 Q2526255 +Q189564 P737 Q9235 +Q843 P530 Q1045 +Q119546 P106 Q1476215 +Q112284 P106 Q2095549 +Q137130 P161 Q316629 +Q67901 P106 Q36180 +Q455421 P108 Q646229 +Q191040 P161 Q238638 +Q2201 P161 Q440956 +Q7197 P101 Q4184 +Q12862 P106 Q36180 +Q323524 P106 Q33999 +Q168482 P463 Q1322403 +Q2902600 P106 Q205375 +Q286022 P27 Q30 +Q343304 P106 Q855091 +Q437340 P119 Q311 +Q16867 P106 Q49757 +Q45255 P106 Q33999 +Q251818 P106 Q1415090 +Q124523 P19 Q1799 +Q333425 P106 Q11774202 +Q180919 P106 Q10800557 +Q184935 P69 Q165980 +Q103774 P106 Q36834 +Q127688 P172 Q726673 +Q560354 P1303 Q17172850 +Q300300 P106 Q36834 +Q1432551 P19 Q60 +Q55 P530 Q833 +Q229957 P106 Q10798782 +Q280673 P27 Q30 +Q114076 P840 Q84 +Q133405 P136 Q11399 +Q80510 P106 Q131524 +Q30931 P495 Q30 +Q159995 P19 Q1720 +Q2424996 P463 Q463303 +Q5682 P20 Q2807 +Q315744 P106 Q16031530 +Q539301 P106 Q6430706 +Q254430 P106 Q1930187 +Q213864 P106 Q33999 +Q440353 P106 Q2259451 +Q221074 P106 Q3282637 +Q84618 P463 Q695302 +Q71135 P20 Q6837 +Q524236 P101 Q2329 +Q75261 P119 Q253763 +Q256732 P27 Q30 +Q299595 P69 Q49108 +Q152768 P1303 Q5994 +Q186630 P106 Q1028181 +Q60766 P1412 Q188 +Q234195 P106 Q10800557 +Q213783 P172 Q42884 +Q1562145 P106 Q488205 +Q700323 P106 Q12144794 +Q2496057 P106 Q16742096 +Q181677 P140 Q7066 +Q1888794 P463 Q270794 +Q65906 P106 Q36180 +Q272931 P101 Q207628 +Q351061 P1412 Q1860 +Q504025 P106 Q82955 +Q73918 P69 Q55044 +Q92456 P108 Q153978 +Q48129 P463 Q1971373 +Q16349 P509 Q189588 +Q706422 P1303 Q78987 +Q287960 P161 Q200768 +Q456235 P106 Q188094 +Q550395 P136 Q45981 +Q6512 P27 Q35 +Q470204 P20 Q16557 +Q757 P463 Q123759 +Q215339 P106 Q1930187 +Q312975 P463 Q463303 +Q1077383 P106 Q33999 +Q851 P530 Q664 +Q114076 P136 Q157443 +Q104061 P106 Q2526255 +Q214959 P108 Q740308 +Q115483 P451 Q78506 +Q47447 P27 Q145 +Q295420 P27 Q30 +Q233022 P106 Q10800557 +Q188570 P27 Q2184 +Q310116 P27 Q30 +Q122003 P69 Q219694 +Q35648 P119 Q216344 +Q115 P530 Q30 +Q166554 P161 Q2632 +Q12881 P106 Q822146 +Q158398 P495 Q408 +Q314382 P106 Q42909 +Q11459 P106 Q18814623 +Q186709 P509 Q216169 +Q465196 P106 Q639669 +Q315132 P119 Q18405702 +Q322760 P106 Q639669 +Q152520 P106 Q2259451 +Q580 P17 Q7318 +Q36 P530 Q35 +Q442547 P106 Q33999 +Q78270 P19 Q4120832 +Q1066965 P264 Q193023 +Q80739 P106 Q36180 +Q434913 P136 Q11401 +Q70694 P101 Q309 +Q123174 P106 Q33999 +Q97027 P19 Q2773 +Q87265 P106 Q486748 +Q319725 P27 Q928 +Q355209 P106 Q10800557 +Q34086 P106 Q10800557 +Q720208 P1303 Q17172850 +Q203268 P106 Q2259451 +Q216582 P106 Q36834 +Q66162 P106 Q211346 +Q105237 P106 Q639669 +Q193458 P451 Q160432 +Q184805 P27 Q30 +Q76887 P27 Q183 +Q686 P30 Q538 +Q29999 P530 Q31 +Q78006 P106 Q28389 +Q370959 P106 Q947873 +Q65035 P69 Q151510 +Q729115 P106 Q483501 +Q518152 P27 Q172579 +Q165219 P106 Q488205 +Q190884 P27 Q15180 +Q271640 P1303 Q17172850 +Q941210 P106 Q639669 +Q1132636 P131 Q3711 +Q388319 P161 Q311453 +Q902 P463 Q384535 +Q180819 P27 Q15180 +Q12862 P106 Q121594 +Q1229223 P509 Q14467705 +Q1891483 P106 Q639669 +Q244390 P106 Q36180 +Q14045 P1412 Q7976 +Q148428 P161 Q544465 +Q204936 P119 Q25610 +Q30 P530 Q902 +Q247182 P161 Q934506 +Q93124 P463 Q131566 +Q193111 P20 Q1757 +Q363763 P106 Q20669622 +Q314035 P119 Q208175 +Q155412 P19 Q23556 +Q212632 P106 Q49757 +Q19425 P136 Q36279 +Q1354843 P106 Q639669 +Q62766 P106 Q3089940 +Q232470 P27 Q38 +Q110201 P106 Q14915627 +Q92600 P106 Q82594 +Q233848 P119 Q1624932 +Q234798 P19 Q84 +Q210315 P1412 Q1860 +Q406854 P106 Q36834 +Q436664 P19 Q1345 +Q123386 P1412 Q150 +Q233118 P106 Q488205 +Q434502 P69 Q49088 +Q91384 P106 Q1622272 +Q140738 P106 Q42603 +Q200096 P495 Q30 +Q309592 P27 Q30 +Q62977 P106 Q1622272 +Q272092 P106 Q2259451 +Q66002 P509 Q175111 +Q47899 P101 Q33999 +Q231530 P19 Q744948 +Q366207 P1412 Q1860 +Q312656 P20 Q65 +Q235992 P1412 Q5146 +Q314841 P106 Q2526255 +Q49080 P136 Q676 +Q880405 P106 Q177220 +Q40852 P106 Q864503 +Q163249 P1412 Q1860 +Q690759 P106 Q1930187 +Q955684 P106 Q177220 +Q847446 P106 Q1643514 +Q157242 P106 Q82955 +Q669597 P106 Q81096 +Q187337 P27 Q30 +Q699950 P27 Q191077 +Q79078 P463 Q543804 +Q92624 P463 Q1493021 +Q376144 P136 Q959790 +Q1062350 P140 Q35032 +Q84186 P106 Q1231865 +Q192934 P495 Q30 +Q545375 P69 Q805285 +Q381014 P20 Q17 +Q57396 P20 Q1794 +Q352023 P106 Q753110 +Q86914 P108 Q152087 +Q235615 P69 Q1378320 +Q88412 P27 Q183 +Q1638939 P1303 Q6607 +Q635131 P27 Q30 +Q170042 P27 Q30 +Q607968 P27 Q30 +Q206112 P1303 Q17172850 +Q328691 P463 Q463303 +Q78030 P27 Q7318 +Q180962 P106 Q33999 +Q544464 P106 Q40348 +Q298651 P136 Q858330 +Q232837 P106 Q33999 +Q117101 P102 Q29468 +Q206336 P840 Q1490 +Q19198 P1412 Q1860 +Q712139 P106 Q177220 +Q513991 P27 Q30 +Q4384878 P69 Q13164 +Q25153 P106 Q55960555 +Q208590 P27 Q142 +Q713859 P1303 Q6607 +Q185507 P161 Q102124 +Q335629 P136 Q208494 +Q382068 P20 Q7473516 +Q44872 P108 Q153978 +Q1801255 P1303 Q17172850 +Q152555 P1303 Q17172850 +Q1155256 P1412 Q5287 +Q44412 P108 Q186285 +Q4139600 P106 Q901 +Q77728 P1412 Q188 +Q37459 P108 Q740308 +Q185654 P19 Q190828 +Q156310 P106 Q177220 +Q443225 P102 Q29552 +Q4084084 P119 Q1457437 +Q51488 P106 Q7042855 +Q60586 P463 Q329464 +Q223596 P161 Q589015 +Q1398876 P69 Q5149833 +Q43689 P172 Q50001 +Q69319 P102 Q29468 +Q555993 P106 Q593644 +Q115901 P69 Q372608 +Q436790 P1412 Q1860 +Q189694 P106 Q2259451 +Q354519 P1303 Q17172850 +Q200873 P161 Q387072 +Q159808 P161 Q299968 +Q232397 P27 Q30 +Q437970 P106 Q639669 +Q202185 P106 Q177220 +Q261601 P161 Q1388769 +Q440537 P106 Q33999 +Q294931 P69 Q13371 +Q113830 P1412 Q188 +Q928 P530 Q36 +Q675 P106 Q169470 +Q108009 P1412 Q188 +Q869 P530 Q159 +Q1886750 P106 Q183945 +Q1047 P102 Q10225 +Q237389 P1303 Q17172850 +Q1351259 P106 Q488205 +Q24995 P27 Q45 +Q233891 P106 Q36180 +Q65344 P551 Q47265 +Q183 P530 Q1032 +Q167696 P264 Q231694 +Q108733 P20 Q2814 +Q63169 P69 Q40025 +Q61132 P27 Q41304 +Q335036 P264 Q1025106 +Q874 P530 Q159 +Q350588 P27 Q30 +Q216004 P27 Q34 +Q78205 P140 Q9592 +Q7302 P737 Q38 +Q221852 P136 Q93204 +Q1684779 P1303 Q1444 +Q275247 P1412 Q188 +Q28117 P69 Q153978 +Q157970 P106 Q64733534 +Q318607 P106 Q10798782 +Q159054 P161 Q207179 +Q55800 P451 Q212173 +Q444663 P106 Q8178443 +Q605129 P106 Q639669 +Q123849 P106 Q10800557 +Q13513 P106 Q333634 +Q83287 P106 Q10800557 +Q241504 P136 Q130232 +Q309555 P106 Q7042855 +Q1380767 P27 Q30 +Q34981 P106 Q2919046 +Q200464 P140 Q1841 +Q1225 P106 Q55960555 +Q128532 P106 Q10800557 +Q90201 P20 Q1741 +Q833 P530 Q213 +Q825435 P108 Q154804 +Q51566 P106 Q7042855 +Q930961 P20 Q2887 +Q160432 P106 Q3282637 +Q234137 P106 Q5716684 +Q312870 P19 Q62 +Q105466 P106 Q4610556 +Q188100 P19 Q18419 +Q7052125 P108 Q34433 +Q104267 P108 Q152171 +Q312394 P161 Q101797 +Q60247 P19 Q1055 +Q47703 P136 Q130232 +Q1257 P19 Q85 +Q65144 P1303 Q17172850 +Q1586454 P106 Q9648008 +Q133151 P106 Q36834 +Q4751826 P463 Q1003730 +Q82925 P1412 Q1860 +Q192374 P27 Q148540 +Q139326 P136 Q130232 +Q142627 P27 Q31 +Q152773 P19 Q16557 +Q271032 P106 Q4263842 +Q362422 P106 Q10349745 +Q142059 P69 Q31519 +Q72127 P106 Q47064 +Q116022 P1412 Q150 +Q4473 P1303 Q17172850 +Q65084 P106 Q2732142 +Q929665 P106 Q1930187 +Q88383 P106 Q49757 +Q380459 P106 Q15976092 +Q42122 P69 Q221645 +Q991543 P102 Q29552 +Q191305 P1412 Q188 +Q309086 P495 Q96 +Q452761 P108 Q1760438 +Q77082 P101 Q7867 +Q1124 P172 Q49078 +Q2429435 P108 Q55044 +Q309980 P19 Q743535 +Q242351 P26 Q22686 +Q355566 P106 Q644687 +Q166355 P161 Q214574 +Q1113061 P106 Q205375 +Q1497744 P106 Q177220 +Q724343 P106 Q333634 +Q62402 P108 Q154804 +Q337543 P17 Q142 +Q84423 P108 Q174158 +Q84555 P106 Q2732142 +Q90269 P69 Q152171 +Q165854 P19 Q649 +Q320224 P106 Q937857 +Q106208 P106 Q205375 +Q68865 P106 Q730242 +Q310819 P27 Q30 +Q470758 P106 Q37226 +Q106514 P106 Q10800557 +Q177610 P106 Q901402 +Q13375 P37 Q652 +Q329700 P69 Q216458 +Q217020 P840 Q20 +Q63682 P1412 Q188 +Q188526 P101 Q482 +Q84346 P1412 Q188 +Q55846 P19 Q270 +Q249931 P161 Q215359 +Q374504 P509 Q12152 +Q457029 P106 Q10800557 +Q3188007 P108 Q49112 +Q862 P172 Q7325 +Q1282826 P106 Q644687 +Q153238 P463 Q463303 +Q177311 P106 Q3282637 +Q109063 P106 Q177220 +Q63078 P1412 Q397 +Q11673 P27 Q30 +Q213 P530 Q183 +Q92635 P106 Q43845 +Q23 P106 Q131512 +Q1560915 P463 Q1202021 +Q57584 P119 Q240744 +Q26688 P27 Q159 +Q242717 P69 Q1051840 +Q323166 P136 Q21590660 +Q786675 P106 Q177220 +Q964396 P106 Q82955 +Q542101 P136 Q11399 +Q36970 P106 Q82955 +Q57552 P27 Q34266 +Q122614 P106 Q33999 +Q704683 P264 Q843402 +Q811 P530 Q865 +Q102852 P106 Q1930187 +Q55796 P27 Q145 +Q176026 P106 Q1326886 +Q185110 P106 Q82955 +Q311976 P106 Q33999 +Q232819 P264 Q772494 +Q862 P551 Q656 +Q552053 P106 Q860918 +Q234807 P1412 Q150 +Q284876 P69 Q209842 +Q362639 P106 Q1323191 +Q168728 P463 Q463281 +Q85914 P106 Q81096 +Q184903 P106 Q2526255 +Q310170 P1303 Q46185 +Q267691 P69 Q168756 +Q9960 P509 Q12192 +Q77482 P106 Q214917 +Q138559 P106 Q47064 +Q319374 P106 Q486748 +Q103157 P106 Q28389 +Q710924 P69 Q180865 +Q106391 P106 Q4853732 +Q260099 P106 Q2259451 +Q61446 P106 Q36180 +Q4612 P264 Q1392321 +Q424 P463 Q1043527 +Q709685 P1412 Q9056 +Q101728 P106 Q1622272 +Q11998 P264 Q212699 +Q35011 P451 Q43203 +Q1157870 P27 Q30 +Q230203 P106 Q10798782 +Q189729 P27 Q30 +Q374582 P136 Q1344 +Q597433 P106 Q639669 +Q122187 P106 Q2526255 +Q153723 P161 Q2633389 +Q546 P37 Q652 +Q190884 P106 Q188094 +Q316644 P69 Q540672 +Q190944 P509 Q133780 +Q91083 P69 Q153978 +Q123238 P106 Q13582652 +Q909 P737 Q38082 +Q310347 P69 Q13164 +Q38392 P27 Q30 +Q555324 P69 Q21578 +Q1322285 P106 Q486748 +Q207592 P509 Q47912 +Q229251 P106 Q10800557 +Q444486 P1412 Q1860 +Q274342 P106 Q36180 +Q908693 P69 Q49112 +Q716862 P20 Q2807 +Q75757 P108 Q152171 +Q95479 P1412 Q397 +Q262 P463 Q191384 +Q241422 P106 Q39631 +Q1601945 P19 Q64 +Q3090082 P106 Q82955 +Q720208 P106 Q639669 +Q335376 P69 Q523926 +Q233397 P106 Q8246794 +Q64417 P19 Q64 +Q289064 P106 Q4610556 +Q314914 P106 Q28389 +Q763 P463 Q7785 +Q865 P530 Q183 +Q31 P463 Q45177 +Q5921354 P69 Q4948174 +Q443199 P106 Q483501 +Q78006 P106 Q10800557 +Q124065 P1412 Q150 +Q268181 P1412 Q1860 +Q42198 P161 Q361610 +Q858 P463 Q842490 +Q423 P530 Q189 +Q433520 P1412 Q1860 +Q6691 P1050 Q10874 +Q302675 P106 Q49757 +Q70767 P106 Q3242115 +Q77823 P27 Q183 +Q11753 P102 Q179111 +Q34677 P19 Q107126 +Q234519 P20 Q84 +Q270303 P106 Q5716684 +Q92853 P69 Q273626 +Q551597 P106 Q82955 +Q153576 P106 Q5716684 +Q113480 P106 Q49757 +Q311752 P106 Q2405480 +Q538091 P140 Q620629 +Q4416818 P106 Q901 +Q183 P530 Q399 +Q717543 P106 Q901 +Q81520 P27 Q30 +Q183492 P551 Q1930 +Q101728 P27 Q30 +Q424 P530 Q902 +Q233584 P106 Q4853732 +Q311271 P106 Q9648008 +Q123918 P20 Q72 +Q230501 P106 Q177220 +Q84233 P463 Q688638 +Q228186 P161 Q103876 +Q336185 P106 Q3282637 +Q131545 P27 Q30 +Q188526 P106 Q676 +Q435857 P172 Q49085 +Q78918 P106 Q158852 +Q329577 P509 Q12152 +Q75649 P106 Q28389 +Q450796 P106 Q49757 +Q85982 P106 Q4263842 +Q92613 P106 Q5482740 +Q236 P463 Q663492 +Q61262 P463 Q44687 +Q191027 P106 Q33999 +Q215359 P136 Q83440 +Q389548 P161 Q139642 +Q78772 P106 Q11774202 +Q563 P106 Q33999 +Q239240 P69 Q49088 +Q79969 P106 Q2516866 +Q82949 P136 Q188473 +Q589978 P1412 Q36510 +Q36184 P69 Q258464 +Q219442 P840 Q1454 +Q92608 P1412 Q1860 +Q389589 P20 Q90 +Q515606 P106 Q1930187 +Q6123726 P27 Q30 +Q116462 P509 Q47912 +Q435801 P27 Q30 +Q1397191 P106 Q36834 +Q11593 P136 Q1535153 +Q127437 P106 Q1607826 +Q133054 P140 Q106687 +Q1402 P172 Q50001 +Q92639 P108 Q13371 +Q61723 P26 Q72070 +Q286022 P136 Q438503 +Q202489 P106 Q14467526 +Q560818 P463 Q131566 +Q14281 P106 Q82955 +Q443995 P106 Q3282637 +Q458978 P101 Q207628 +Q192885 P20 Q656 +Q557665 P106 Q1930187 +Q2622688 P69 Q1719898 +Q243643 P161 Q362500 +Q78526 P27 Q40 +Q5912 P463 Q463281 +Q69834 P106 Q42603 +Q3057567 P1412 Q5287 +Q252 P530 Q17 +Q61059 P1412 Q1860 +Q10287 P27 Q29 +Q156942 P108 Q245247 +Q724276 P119 Q1437214 +Q156898 P106 Q36834 +Q19658 P106 Q1930187 +Q1363261 P106 Q15627169 +Q318685 P19 Q18419 +Q323452 P509 Q189588 +Q171365 P161 Q311165 +Q293696 P101 Q207628 +Q190643 P840 Q881 +Q187884 P509 Q12202 +Q79178 P20 Q1741 +Q329498 P106 Q13582652 +Q446586 P1303 Q133163 +Q230476 P737 Q9327 +Q151891 P69 Q309350 +Q358345 P69 Q7739610 +Q169038 P1412 Q9056 +Q713575 P1303 Q128309 +Q332709 P27 Q172579 +Q138005 P106 Q10798782 +Q128518 P161 Q310217 +Q382570 P106 Q183945 +Q108216 P102 Q7320 +Q138984 P106 Q333634 +Q1820387 P106 Q639669 +Q380286 P1412 Q7737 +Q107270 P136 Q459290 +Q255967 P106 Q177220 +Q561401 P27 Q27 +Q1349639 P106 Q177220 +Q662809 P106 Q214917 +Q2149885 P264 Q50074604 +Q60217 P108 Q156737 +Q249931 P136 Q172980 +Q186799 P161 Q520001 +Q12833 P1412 Q143 +Q731139 P1412 Q1860 +Q709646 P27 Q30 +Q123557 P27 Q39 +Q444728 P1412 Q150 +Q463313 P136 Q188473 +Q209538 P136 Q471839 +Q234556 P27 Q30 +Q207034 P106 Q753110 +Q538708 P106 Q43845 +Q453679 P108 Q1137404 +Q191999 P69 Q168756 +Q65130 P108 Q152087 +Q317152 P463 Q183725 +Q317953 P106 Q901 +Q190588 P495 Q142 +Q1064284 P264 Q193023 +Q193695 P136 Q157394 +Q315664 P136 Q471839 +Q131324 P3373 Q317784 +Q86362 P69 Q165980 +Q1754 P37 Q9027 +Q11104 P106 Q205375 +Q84755 P1412 Q397 +Q275900 P106 Q1622272 +Q230068 P1412 Q150 +Q464246 P106 Q177220 +Q283988 P106 Q33231 +Q166714 P69 Q805285 +Q33977 P737 Q535 +Q329807 P106 Q9017214 +Q92649 P106 Q170790 +Q176626 P161 Q67881 +Q382864 P161 Q347436 +Q16574 P26 Q17135 +Q96 P530 Q40362 +Q223139 P136 Q2484376 +Q472 P17 Q147909 +Q239533 P172 Q49085 +Q2157440 P106 Q13582652 +Q278625 P106 Q1231865 +Q399 P530 Q865 +Q4617 P551 Q65 +Q243771 P19 Q8717 +Q84509 P106 Q11900058 +Q217008 P136 Q2421031 +Q310926 P19 Q11299 +Q271145 P27 Q717 +Q472856 P1412 Q652 +Q41617 P106 Q49757 +Q234388 P106 Q639669 +Q45255 P106 Q28389 +Q70999 P27 Q16957 +Q208572 P495 Q30 +Q83333 P101 Q7094 +Q661452 P106 Q333634 +Q62889 P108 Q24382 +Q42047 P161 Q310190 +Q228792 P106 Q2526255 +Q277976 P27 Q16 +Q316850 P140 Q9268 +Q229375 P1303 Q17172850 +Q76537 P509 Q175111 +Q64257 P463 Q543804 +Q53004 P1412 Q652 +Q1289541 P27 Q30 +Q1579348 P106 Q639669 +Q240174 P106 Q11774202 +Q183397 P106 Q28389 +Q61648 P106 Q36180 +Q80321 P106 Q214917 +Q310201 P463 Q463303 +Q971782 P106 Q10798782 +Q1027 P463 Q7825 +Q42585 P17 Q28513 +Q1029 P530 Q35 +Q230836 P69 Q1079140 +Q156941 P106 Q1662561 +Q297071 P106 Q10800557 +Q112979 P69 Q165980 +Q58760 P27 Q183 +Q516786 P19 Q270 +Q367489 P106 Q33999 +Q1644016 P749 Q21077 +Q708581 P27 Q30 +Q95048 P451 Q133050 +Q213690 P106 Q201788 +Q444344 P106 Q2405480 +Q189164 P1412 Q7737 +Q1009 P463 Q384535 +Q378952 P106 Q81096 +Q117021 P106 Q3055126 +Q9358 P69 Q152171 +Q963 P30 Q15 +Q704710 P27 Q30 +Q967 P463 Q7809 +Q11885 P106 Q488205 +Q106514 P106 Q2914170 +Q983530 P19 Q84 +Q268147 P106 Q1930187 +Q96 P463 Q41984 +Q328320 P161 Q2680 +Q325648 P495 Q43 +Q969753 P106 Q1930187 +Q442980 P106 Q2259451 +Q46706 P106 Q214917 +Q127984 P106 Q1930187 +Q961972 P102 Q9626 +Q46706 P1412 Q188 +Q187199 P463 Q123885 +Q256708 P106 Q177220 +Q124065 P106 Q1234713 +Q109496 P106 Q49757 +Q34597 P106 Q372436 +Q355839 P19 Q649 +Q184440 P737 Q311145 +Q391542 P161 Q166272 +Q201221 P119 Q311 +Q18391 P108 Q762266 +Q218210 P19 Q65 +Q60714 P1412 Q188 +Q6711 P106 Q37226 +Q153034 P108 Q36188 +Q559794 P1412 Q1860 +Q363308 P20 Q49145 +Q1041 P463 Q1043527 +Q68529 P106 Q11900058 +Q267672 P161 Q262130 +Q500546 P463 Q11993457 +Q315707 P106 Q1231865 +Q310048 P106 Q6625963 +Q822668 P106 Q1622272 +Q19199 P136 Q83270 +Q707266 P27 Q222 +Q370928 P106 Q15981151 +Q61552 P106 Q10798782 +Q1130554 P136 Q8341 +Q6060 P264 Q183387 +Q40074 P840 Q1400 +Q346216 P69 Q5142861 +Q112880 P106 Q333634 +Q13014 P27 Q28513 +Q480484 P106 Q2526255 +Q774905 P20 Q1781 +Q1187592 P69 Q916444 +Q946019 P264 Q193023 +Q683 P463 Q1065 +Q455280 P1412 Q188 +Q229011 P106 Q10798782 +Q1382482 P119 Q208175 +Q45 P530 Q148 +Q240628 P106 Q131524 +Q319497 P140 Q35032 +Q94831 P1303 Q17172850 +Q163872 P136 Q959790 +Q380634 P1303 Q320002 +Q154145 P737 Q42156 +Q242373 P106 Q177220 +Q250250 P27 Q155 +Q382316 P106 Q33999 +Q449575 P106 Q28389 +Q1476652 P27 Q16 +Q134549 P3373 Q25310 +Q964219 P20 Q65 +Q58645 P106 Q82955 +Q78890 P106 Q185351 +Q283859 P106 Q947873 +Q1065624 P106 Q183945 +Q87012 P19 Q1022 +Q30875 P136 Q19715429 +Q64577 P1412 Q188 +Q1065189 P69 Q35794 +Q235519 P106 Q10800557 +Q272079 P102 Q5020915 +Q152451 P19 Q62 +Q281964 P19 Q47164 +Q309248 P136 Q1054574 +Q61558 P106 Q18814623 +Q3353479 P106 Q82594 +Q453583 P106 Q24067349 +Q2594947 P20 Q340 +Q34739 P17 Q30 +Q77107 P509 Q41083 +Q3709938 P509 Q206901 +Q63695 P69 Q151510 +Q1044328 P407 Q150 +Q160371 P106 Q639669 +Q32734 P840 Q142 +Q131814 P264 Q193023 +Q104859 P106 Q43845 +Q672 P530 Q712 +Q48337 P106 Q947873 +Q697 P463 Q842490 +Q203413 P20 Q1335 +Q242132 P27 Q17 +Q257805 P106 Q639669 +Q114132 P463 Q133957 +Q33240 P551 Q172 +Q40074 P161 Q39972 +Q285584 P495 Q142 +Q72276 P161 Q532180 +Q668 P530 Q817 +Q969468 P1303 Q27939 +Q449140 P1303 Q6607 +Q78371 P463 Q329464 +Q157245 P69 Q81162 +Q705333 P551 Q172 +Q202148 P140 Q1069127 +Q45396 P106 Q13590141 +Q325038 P106 Q81096 +Q211513 P106 Q1792450 +Q264989 P19 Q1490 +Q1396852 P106 Q36180 +Q1268 P106 Q36834 +Q182642 P106 Q730242 +Q31073 P106 Q1930187 +Q817 P530 Q229 +Q124784 P106 Q16323111 +Q205447 P136 Q188473 +Q70326 P106 Q214917 +Q1031 P737 Q590 +Q16389 P463 Q123885 +Q928 P530 Q1005 +Q532169 P106 Q10798782 +Q257953 P509 Q506616 +Q553543 P19 Q79860 +Q208116 P106 Q164236 +Q230530 P106 Q10800557 +Q131333 P101 Q5891 +Q165421 P106 Q82955 +Q451180 P19 Q38022 +Q150989 P19 Q90 +Q212518 P106 Q2526255 +Q186327 P136 Q11399 +Q7327064 P1412 Q1860 +Q318514 P136 Q38848 +Q114089 P19 Q1741 +Q389336 P17 Q30 +Q6210809 P106 Q901 +Q354181 P106 Q10798782 +Q360 P27 Q736 +Q234610 P106 Q33999 +Q212 P530 Q219 +Q67076 P108 Q152087 +Q75914 P119 Q1783048 +Q220713 P136 Q860626 +Q186709 P1412 Q188 +Q20733 P27 Q142 +Q230278 P19 Q100 +Q1375814 P136 Q20502 +Q48067 P1412 Q7737 +Q113717 P1412 Q188 +Q981996 P19 Q18424 +Q313581 P463 Q1132636 +Q39989 P106 Q9648008 +Q959159 P106 Q177220 +Q1355279 P27 Q142 +Q91371 P20 Q72 +Q178412 P101 Q333 +Q269669 P106 Q10798782 +Q224647 P161 Q80046 +Q221074 P106 Q183945 +Q113777 P106 Q1622272 +Q270692 P136 Q263734 +Q93129 P106 Q81096 +Q320653 P1412 Q7737 +Q161885 P37 Q1860 +Q336835 P161 Q77035 +Q235617 P1050 Q10874 +Q180989 P27 Q30 +Q47703 P161 Q95043 +Q42462 P17 Q145 +Q125663 P1412 Q8108 +Q355314 P69 Q1145814 +Q380579 P140 Q748 +Q7833 P737 Q9364 +Q112307 P136 Q8341 +Q315222 P463 Q12751277 +Q8027 P19 Q23556 +Q699541 P509 Q1368943 +Q102244 P161 Q19190 +Q337226 P69 Q1878600 +Q299309 P106 Q10798782 +Q102851 P106 Q14915627 +Q192185 P106 Q36834 +Q92497 P20 Q693653 +Q1779 P27 Q30 +Q234721 P463 Q463281 +Q313211 P27 Q155 +Q90384 P106 Q28389 +Q201315 P1412 Q1321 +Q105940 P1412 Q188 +Q255463 P106 Q36180 +Q144929 P161 Q934506 +Q187166 P106 Q482980 +Q5749 P737 Q82934 +Q150281 P106 Q15627169 +Q368519 P106 Q1930187 +Q57614 P106 Q33999 +Q221450 P106 Q486748 +Q2599 P27 Q145 +Q1025 P463 Q1137381 +Q156394 P136 Q191489 +Q352914 P106 Q676 +Q352030 P19 Q1085 +Q19330 P108 Q168756 +Q430852 P161 Q206856 +Q444651 P1303 Q17172850 +Q65385 P106 Q185351 +Q313279 P509 Q181754 +Q245208 P161 Q1349284 +Q159603 P27 Q15180 +Q231690 P106 Q1238570 +Q66735968 P69 Q705737 +Q475733 P27 Q30 +Q449743 P161 Q215072 +Q867257 P106 Q43845 +Q194638 P106 Q1955150 +Q369388 P136 Q188473 +Q2567 P3373 Q65350 +Q932884 P27 Q33 +Q156502 P27 Q28513 +Q78508 P19 Q1741 +Q346374 P1412 Q1860 +Q218679 P451 Q828641 +Q79025 P509 Q12202 +Q312407 P106 Q49757 +Q110872 P108 Q151510 +Q5977 P509 Q3002150 +Q2602121 P69 Q49112 +Q26702 P1050 Q12204 +Q191 P463 Q458 +Q282041 P161 Q208649 +Q204398 P136 Q2484376 +Q155390 P1412 Q1860 +Q1032998 P102 Q29552 +Q16872 P106 Q10798782 +Q75955 P19 Q64 +Q507985 P106 Q177220 +Q724323 P106 Q28389 +Q724871 P106 Q36180 +Q43432 P106 Q3282637 +Q11609 P551 Q801 +Q215215 P136 Q11366 +Q77112 P106 Q753110 +Q46139 P106 Q1028181 +Q510114 P20 Q90 +Q275964 P106 Q10798782 +Q223745 P106 Q33999 +Q908569 P106 Q488205 +Q361257 P1412 Q1860 +Q1360993 P1303 Q17172850 +Q1366840 P136 Q164444 +Q953 P530 Q1029 +Q119159 P463 Q833738 +Q1063743 P463 Q123885 +Q66649 P106 Q16031530 +Q3550828 P69 Q274486 +Q235302 P106 Q2405480 +Q877537 P106 Q82955 +Q237416 P106 Q15980158 +Q292185 P106 Q10798782 +Q241510 P106 Q10798782 +Q87884 P27 Q183 +Q113830 P509 Q12204 +Q38082 P69 Q1143281 +Q348615 P27 Q30 +Q76772 P69 Q165528 +Q255070 P106 Q10798782 +Q64406 P106 Q4964182 +Q299138 P136 Q11401 +Q84851 P102 Q49768 +Q11755 P106 Q81096 +Q74289 P102 Q49763 +Q1558793 P106 Q188094 +Q315507 P20 Q1486 +Q760 P463 Q7825 +Q217 P463 Q842490 +Q243969 P106 Q81096 +Q362089 P463 Q12759592 +Q45723 P69 Q178848 +Q1019 P463 Q340195 +Q162518 P136 Q172980 +Q160432 P106 Q2526255 +Q134165 P1412 Q5146 +Q96843 P20 Q72 +Q1292344 P101 Q43035 +Q553861 P136 Q9778 +Q170581 P101 Q1328508 +Q189375 P1412 Q35497 +Q73357 P69 Q152087 +Q96243 P106 Q1622272 +Q64850 P551 Q64 +Q102568 P119 Q2861 +Q364864 P1303 Q5994 +Q974795 P19 Q100 +Q313281 P1303 Q17172850 +Q106942 P106 Q2259451 +Q551421 P69 Q189441 +Q107724 P136 Q52207399 +Q287099 P106 Q82955 +Q214549 P463 Q463303 +Q173347 P19 Q11299 +Q164979 P27 Q183 +Q155 P463 Q3369762 +Q334116 P1412 Q1860 +Q111087 P20 Q192807 +Q234544 P27 Q30 +Q116003 P106 Q18805 +Q78713 P106 Q2462658 +Q470732 P27 Q29 +Q84220 P136 Q52162262 +Q170250 P495 Q16 +Q642195 P106 Q36180 +Q1315512 P106 Q386854 +Q95663 P1412 Q188 +Q73581 P106 Q1397808 +Q249141 P136 Q20502 +Q284876 P69 Q49112 +Q69209 P19 Q64 +Q1058562 P106 Q28389 +Q128832 P106 Q6430706 +Q108097 P106 Q33999 +Q465937 P106 Q214917 +Q335680 P106 Q947873 +Q318485 P106 Q33999 +Q551543 P106 Q1930187 +Q215860 P106 Q36180 +Q243639 P106 Q36834 +Q8768 P106 Q16323111 +Q229840 P27 Q30 +Q505994 P136 Q217467 +Q352030 P1412 Q9056 +Q117197 P108 Q503473 +Q310798 P69 Q34433 +Q76755 P69 Q151510 +Q66447 P69 Q1278808 +Q310930 P106 Q10800557 +Q4418776 P108 Q2370801 +Q36591 P1412 Q7737 +Q559771 P1412 Q809 +Q184255 P161 Q93187 +Q969753 P106 Q1622272 +Q4513768 P108 Q2370801 +Q264748 P106 Q10798782 +Q34 P463 Q1072120 +Q57317 P108 Q168426 +Q51552 P27 Q36 +Q156941 P463 Q2822396 +Q315773 P1412 Q9027 +Q51522 P106 Q2095549 +Q276170 P264 Q21077 +Q64902 P106 Q36180 +Q228871 P106 Q10798782 +Q68225 P106 Q1622272 +Q357326 P27 Q96 +Q45229 P1303 Q17172850 +Q64902 P106 Q1622272 +Q212446 P27 Q34266 +Q110569 P106 Q10798782 +Q1739226 P106 Q3391743 +Q1027 P530 Q30 +Q448910 P106 Q639669 +Q288173 P161 Q229112 +Q318910 P840 Q34404 +Q5383 P106 Q13235160 +Q331461 P106 Q639669 +Q215359 P1412 Q1860 +Q229153 P264 Q183387 +Q155 P530 Q414 +Q360383 P106 Q214917 +Q957439 P108 Q333705 +Q62686 P106 Q1622272 +Q142 P530 Q948 +Q2034661 P17 Q30 +Q12003 P136 Q186472 +Q71408 P27 Q183 +Q240541 P19 Q18419 +Q246711 P161 Q269869 +Q217495 P108 Q34433 +Q335760 P106 Q947873 +Q443403 P106 Q15980158 +Q77729 P20 Q172 +Q60115 P1412 Q188 +Q151904 P840 Q8652 +Q40523 P140 Q1841 +Q159 P463 Q827525 +Q177930 P161 Q296616 +Q208424 P136 Q130232 +Q740181 P1412 Q809 +Q450646 P106 Q10798782 +Q909001 P106 Q482980 +Q218889 P1412 Q9067 +Q132537 P27 Q30 +Q44032 P1050 Q2840 +Q220376 P136 Q1535153 +Q464246 P106 Q33999 +Q71960 P495 Q30 +Q91982 P1412 Q188 +Q7311 P1412 Q652 +Q55433 P140 Q7066 +Q89486 P106 Q2405480 +Q974888 P1303 Q17172850 +Q379580 P106 Q15839134 +Q66628 P102 Q49762 +Q377725 P106 Q36180 +Q223875 P106 Q36834 +Q110462 P106 Q36834 +Q105575 P463 Q49738 +Q436131 P509 Q47912 +Q229735 P264 Q231694 +Q332540 P1412 Q1860 +Q100276 P106 Q2135538 +Q931148 P69 Q579968 +Q469164 P106 Q1930187 +Q874828 P27 Q30 +Q164047 P1412 Q9129 +Q84246 P27 Q40 +Q107124 P106 Q81096 +Q47667 P106 Q36180 +Q215856 P69 Q152087 +Q235519 P106 Q33999 +Q173158 P106 Q33999 +Q346801 P551 Q62 +Q311802 P106 Q1622272 +Q57351 P106 Q36180 +Q312833 P106 Q11631 +Q233854 P106 Q4610556 +Q450796 P106 Q1238570 +Q64902 P463 Q684415 +Q334885 P509 Q12206 +Q57554 P172 Q42884 +Q43689 P106 Q4964182 +Q61864 P20 Q1726 +Q435398 P136 Q37073 +Q672301 P106 Q193391 +Q314033 P106 Q10800557 +Q188386 P140 Q9268 +Q235066 P26 Q189080 +Q169717 P136 Q11399 +Q158017 P264 Q557632 +Q7197 P106 Q1930187 +Q178653 P106 Q36180 +Q663465 P509 Q216169 +Q239419 P27 Q30 +Q42831 P106 Q214917 +Q375351 P463 Q463303 +Q465296 P264 Q1200368 +Q746182 P264 Q311439 +Q60487 P161 Q229775 +Q504083 P106 Q36180 +Q76127 P1412 Q7411 +Q12881 P106 Q33999 +Q128027 P27 Q38 +Q159995 P20 Q1022 +Q184 P463 Q1043527 +Q86924 P20 Q1707 +Q254265 P1412 Q1321 +Q180453 P264 Q183387 +Q50713 P106 Q7042855 +Q191077 P30 Q46 +Q36023 P69 Q49165 +Q44593 P136 Q35760 +Q242526 P106 Q2526255 +Q208993 P106 Q193391 +Q47139 P27 Q37024 +Q186329 P106 Q33999 +Q458709 P27 Q79 +Q57372 P27 Q183 +Q62116 P106 Q82955 +Q1260 P1412 Q188 +Q161687 P161 Q185079 +Q740657 P106 Q36180 +Q227312 P1412 Q9067 +Q112263 P27 Q40 +Q539506 P106 Q855091 +Q66732 P69 Q152087 +Q1893889 P19 Q270 +Q544611 P106 Q6625963 +Q164562 P106 Q2526255 +Q242873 P136 Q842324 +Q569362 P140 Q7066 +Q1060395 P69 Q645663 +Q298209 P3373 Q221364 +Q854 P530 Q191 +Q310975 P1412 Q1860 +Q320178 P19 Q18419 +Q150526 P108 Q219615 +Q231730 P26 Q327436 +Q250954 P161 Q1366460 +Q719360 P106 Q36180 +Q207659 P161 Q26806 +Q85715 P106 Q4773904 +Q640292 P106 Q28389 +Q41590 P106 Q4964182 +Q233529 P101 Q207628 +Q242300 P136 Q20502 +Q215263 P27 Q30 +Q380983 P140 Q1841 +Q64263 P108 Q316592 +Q80405 P27 Q30 +Q152222 P17 Q183 +Q432473 P551 Q60 +Q233584 P106 Q15949613 +Q77969 P106 Q1930187 +Q258980 P106 Q10798782 +Q4700 P106 Q639669 +Q152824 P106 Q1476215 +Q473770 P106 Q43845 +Q137098 P161 Q235572 +Q45124 P106 Q28389 +Q193659 P106 Q10800557 +Q68490 P106 Q155647 +Q234765 P20 Q649 +Q286366 P1303 Q17172850 +Q897281 P108 Q678982 +Q318607 P106 Q33999 +Q90653 P26 Q220889 +Q20562503 P3373 Q24558760 +Q96762 P106 Q81096 +Q122514 P108 Q165980 +Q28936 P136 Q1341051 +Q10953 P27 Q30 +Q75186 P463 Q18650004 +Q71206 P1412 Q1860 +Q292381 P106 Q10800557 +Q463639 P551 Q1563 +Q152165 P106 Q33999 +Q240509 P19 Q34739 +Q39318 P106 Q43845 +Q61584 P106 Q177220 +Q664167 P112 Q1101938 +Q151820 P136 Q35760 +Q84942 P509 Q333495 +Q272019 P106 Q2526255 +Q236253 P69 Q389336 +Q545423 P509 Q372701 +Q232 P463 Q1043527 +Q544387 P106 Q1643514 +Q333873 P136 Q3017271 +Q3346431 P1303 Q17172850 +Q187832 P1412 Q1860 +Q350857 P106 Q36180 +Q434095 P19 Q1492 +Q357980 P1412 Q7918 +Q44111 P27 Q30 +Q186317 P1412 Q9027 +Q44437 P106 Q33999 +Q194045 P136 Q11399 +Q53549 P106 Q177220 +Q851 P530 Q229 +Q284917 P161 Q168721 +Q2908686 P1412 Q256 +Q152298 P69 Q1934904 +Q1764 P17 Q189 +Q562178 P1412 Q1321 +Q314972 P106 Q6625963 +Q4356896 P19 Q1757 +Q92617 P106 Q81096 +Q188286 P106 Q36180 +Q278853 P1303 Q9798 +Q443190 P106 Q82955 +Q55800 P106 Q42909 +Q104398 P463 Q1423356 +Q123140 P19 Q71 +Q242128 P69 Q616591 +Q932694 P106 Q639669 +Q529582 P136 Q9730 +Q468345 P106 Q169470 +Q60016 P161 Q210792 +Q233701 P106 Q8178443 +Q160325 P106 Q639669 +Q44071 P119 Q1130019 +Q2512 P27 Q183 +Q44645 P108 Q123885 +Q380252 P106 Q2526255 +Q380425 P1412 Q7737 +Q37767 P551 Q1581 +Q224069 P495 Q30 +Q313653 P106 Q3282637 +Q358529 P463 Q463303 +Q44857 P264 Q1142456 +Q75793 P20 Q4100 +Q1398507 P1303 Q17172850 +Q433059 P106 Q10800557 +Q833 P530 Q212 +Q171861 P161 Q271635 +Q325679 P106 Q36180 +Q1476652 P106 Q488205 +Q332881 P106 Q1930187 +Q53549 P106 Q33999 +Q38294 P106 Q185351 +Q275875 P136 Q484641 +Q342788 P1412 Q1860 +Q145 P463 Q191384 +Q731108 P20 Q490 +Q208117 P106 Q5716684 +Q112427 P102 Q7320 +Q162492 P106 Q28389 +Q155860 P1412 Q809 +Q183008 P1412 Q1860 +Q335064 P106 Q4263842 +Q78367 P106 Q2526255 +Q27204 P161 Q323452 +Q73959 P106 Q82955 +Q234992 P69 Q1206658 +Q105009 P1412 Q188 +Q232783 P1412 Q150 +Q63228 P27 Q16957 +Q98058 P108 Q152171 +Q458260 P106 Q1930187 +Q353366 P1303 Q46185 +Q194346 P161 Q203804 +Q125057 P106 Q47064 +Q127548 P106 Q33999 +Q491019 P106 Q82955 +Q13129708 P3373 Q24558760 +Q1646 P106 Q36180 +Q160456 P106 Q82955 +Q248289 P136 Q1054574 +Q336222 P3373 Q319392 +Q187241 P463 Q188771 +Q218083 P1412 Q652 +Q114152 P27 Q30 +Q295431 P737 Q43444 +Q39803 P1412 Q1321 +Q941984 P19 Q16568 +Q697203 P136 Q157394 +Q316528 P106 Q36834 +Q809037 P106 Q36834 +Q1353252 P69 Q2994538 +Q16 P530 Q28 +Q215945 P20 Q1055 +Q342723 P264 Q183387 +Q15031 P551 Q956 +Q76824 P136 Q172980 +Q211009 P495 Q30 +Q267321 P161 Q295148 +Q810 P530 Q159583 +Q309756 P106 Q43845 +Q106418 P27 Q142 +Q273568 P495 Q30 +Q72267 P106 Q3282637 +Q414219 P17 Q40 +Q241 P530 Q750 +Q157324 P463 Q684415 +Q88029 P19 Q3104 +Q3504610 P106 Q39631 +Q358538 P106 Q177220 +Q333260 P106 Q82955 +Q71763 P106 Q201788 +Q514998 P106 Q6625963 +Q1141280 P106 Q183945 +Q151904 P161 Q257165 +Q391542 P136 Q172980 +Q229572 P106 Q3282637 +Q387603 P161 Q204590 +Q57382 P463 Q459620 +Q150482 P106 Q33999 +Q7728 P106 Q49757 +Q43203 P106 Q28389 +Q212173 P27 Q30 +Q1334244 P27 Q30 +Q49601 P1412 Q387066 +Q2656667 P1303 Q17172850 +Q19673 P140 Q93191 +Q334825 P106 Q28389 +Q113510 P27 Q40 +Q170333 P106 Q36180 +Q173540 P20 Q23556 +Q211 P530 Q833 +Q49074 P106 Q28389 +Q77608 P27 Q30 +Q67529 P140 Q9592 +Q714646 P106 Q36180 +Q869 P463 Q188822 +Q6701 P463 Q83172 +Q171365 P840 Q1747689 +Q239293 P106 Q10800557 +Q134180 P106 Q28389 +Q1493339 P106 Q177220 +Q112167 P106 Q4610556 +Q1378199 P19 Q65 +Q89433 P106 Q201788 +Q155860 P20 Q60 +Q37160 P140 Q288928 +Q182727 P161 Q229241 +Q356303 P69 Q190080 +Q256164 P27 Q145 +Q96331 P106 Q482980 +Q352617 P106 Q1930187 +Q1376193 P106 Q1622272 +Q298276 P551 Q65 +Q276005 P136 Q842324 +Q2599 P1303 Q187851 +Q278193 P495 Q38 +Q220713 P57 Q238638 +Q2628 P27 Q16957 +Q41378 P106 Q81096 +Q456005 P27 Q30 +Q2044 P30 Q46 +Q334633 P106 Q333634 +Q2567 P106 Q82955 +Q555449 P1412 Q1321 +Q108270 P106 Q2259451 +Q274764 P27 Q145 +Q1260 P26 Q86165 +Q57999 P27 Q183 +Q76429 P1412 Q188 +Q1101195 P106 Q639669 +Q143286 P27 Q30 +Q540915 P106 Q36834 +Q919515 P106 Q6625963 +Q94701 P463 Q83172 +Q371938 P136 Q105527 +Q143716 P161 Q296028 +Q79759 P106 Q82955 +Q705477 P106 Q10798782 +Q233862 P641 Q11419 +Q83038 P106 Q49757 +Q89516 P463 Q4345832 +Q1345844 P106 Q177220 +Q484523 P27 Q30 +Q233213 P19 Q65 +Q355447 P1412 Q5287 +Q44584 P106 Q49757 +Q191480 P106 Q14467526 +Q470841 P106 Q639669 +Q214097 P106 Q774306 +Q329498 P106 Q82955 +Q346965 P1412 Q1860 +Q435801 P19 Q173813 +Q723839 P551 Q1953 +Q160640 P106 Q36180 +Q297744 P1412 Q1860 +Q266006 P136 Q11366 +Q189422 P106 Q3282637 +Q204936 P106 Q36180 +Q1027051 P106 Q14915627 +Q184572 P69 Q7607037 +Q233697 P106 Q33999 +Q171989 P509 Q12192 +Q1278397 P495 Q30 +Q73482 P106 Q1622272 +Q88914 P69 Q31519 +Q269526 P136 Q45981 +Q1944655 P108 Q658975 +Q366700 P106 Q18814623 +Q85715 P69 Q152171 +Q948808 P1412 Q7737 +Q8349 P1412 Q1860 +Q19837 P27 Q30 +Q75814 P108 Q151510 +Q41117 P509 Q12152 +Q25161 P106 Q4853732 +Q78772 P69 Q835960 +Q201927 P106 Q43845 +Q103591 P1412 Q1860 +Q2599 P1303 Q80019 +Q1014 P463 Q376150 +Q122003 P106 Q55960555 +Q110450 P106 Q2095549 +Q26648 P106 Q4964182 +Q272079 P20 Q47164 +Q555993 P463 Q329464 +Q57681 P106 Q49757 +Q55428 P106 Q2526255 +Q26053 P1303 Q61285 +Q72292 P69 Q486156 +Q93030 P108 Q217741 +Q303751 P102 Q29468 +Q190944 P106 Q201788 +Q161841 P737 Q15975 +Q92938 P106 Q15442776 +Q60547 P69 Q617433 +Q1931654 P106 Q36180 +Q63486 P106 Q20725072 +Q398 P463 Q624307 +Q18430 P737 Q9317 +Q470101 P1412 Q1321 +Q316138 P737 Q207515 +Q235146 P1412 Q9288 +Q93124 P463 Q127992 +Q66649 P27 Q183 +Q63209 P106 Q36180 +Q90201 P40 Q60441 +Q438885 P106 Q177220 +Q269402 P1303 Q6607 +Q1380767 P106 Q212238 +Q3312950 P106 Q43845 +Q182305 P1412 Q9067 +Q332256 P106 Q639669 +Q897275 P106 Q82955 +Q208263 P136 Q52207399 +Q189078 P106 Q177220 +Q678 P463 Q8475 +Q301083 P161 Q273136 +Q270469 P106 Q1259917 +Q356109 P69 Q4614 +Q29573 P463 Q270794 +Q178527 P106 Q33999 +Q122335 P106 Q10800557 +Q929 P463 Q5611262 +Q120578 P69 Q167733 +Q858 P463 Q899770 +Q126843 P20 Q462799 +Q339581 P106 Q33999 +Q918447 P106 Q2914170 +Q182373 P161 Q350194 +Q794 P530 Q863 +Q230739 P27 Q30 +Q437351 P641 Q41323 +Q4416818 P19 Q649 +Q53570396 P3373 Q51908481 +Q156814 P551 Q90 +Q705681 P551 Q25395 +Q57372 P102 Q49762 +Q196472 P106 Q36180 +Q550778 P106 Q2526255 +Q84211 P106 Q11900058 +Q239823 P27 Q31 +Q101064 P27 Q713750 +Q43293 P108 Q681025 +Q453011 P27 Q34 +Q359665 P27 Q145 +Q179888 P101 Q82955 +Q313411 P106 Q1622272 +Q94350 P1412 Q188 +Q215219 P1303 Q17172850 +Q84751 P108 Q80207 +Q1660599 P161 Q283988 +Q270215 P161 Q188955 +Q907738 P108 Q13371 +Q1380398 P136 Q37073 +Q297794 P1412 Q1860 +Q797599 P106 Q639669 +Q436790 P27 Q30 +Q237081 P101 Q482 +Q111323 P106 Q2259451 +Q183008 P136 Q11700058 +Q1634482 P1412 Q1860 +Q120085 P106 Q36180 +Q55449 P27 Q30 +Q181229 P106 Q2405480 +Q356719 P27 Q142 +Q296069 P106 Q36180 +Q212660 P161 Q57276 +Q201927 P1303 Q17172850 +Q520504 P136 Q482 +Q2518 P27 Q183 +Q1368401 P19 Q270 +Q67139 P106 Q1622272 +Q115883 P69 Q206702 +Q108733 P106 Q1622272 +Q1898177 P106 Q16145150 +Q229442 P106 Q10800557 +Q2793815 P106 Q1930187 +Q128582 P161 Q164117 +Q252469 P69 Q348134 +Q464277 P19 Q1345 +Q18800 P551 Q8684 +Q9312 P106 Q169470 +Q310953 P106 Q2722764 +Q258 P463 Q340195 +Q358317 P106 Q2259451 +Q221450 P463 Q46703 +Q75789 P40 Q143867 +Q691471 P27 Q207272 +Q813 P530 Q265 +Q313627 P106 Q10800557 +Q41269 P101 Q2329 +Q292180 P106 Q36180 +Q250539 P106 Q33999 +Q4084084 P27 Q159 +Q123565 P463 Q191583 +Q1623549 P69 Q230492 +Q215359 P102 Q29468 +Q201221 P27 Q39 +Q81082 P108 Q209842 +Q325718 P264 Q389284 +Q299331 P20 Q220 +Q124287 P1412 Q1321 +Q539301 P1412 Q150 +Q356994 P69 Q1053996 +Q70989 P135 Q6034 +Q182609 P106 Q774306 +Q159690 P495 Q40 +Q135230 P840 Q34404 +Q80510 P27 Q15180 +Q72564 P463 Q150793 +Q77729 P1412 Q1860 +Q61962 P69 Q193510 +Q544750 P106 Q1622272 +Q702 P463 Q191384 +Q317160 P106 Q333634 +Q41617 P106 Q4263842 +Q78999 P1412 Q188 +Q1289541 P106 Q1198887 +Q4242236 P27 Q159 +Q193608 P106 Q14915627 +Q264699 P27 Q30 +Q69366 P108 Q309988 +Q560649 P106 Q482980 +Q619328 P19 Q47164 +Q16473 P172 Q1344183 +Q439626 P1303 Q17172850 +Q30 P530 Q711 +Q324031 P463 Q4742987 +Q63441 P106 Q28789517 +Q101809 P27 Q183 +Q301951 P1412 Q150 +Q298276 P106 Q10800557 +Q438175 P1303 Q6607 +Q214014 P161 Q29328 +Q314419 P27 Q172579 +Q52927 P40 Q52926 +Q57213 P106 Q33999 +Q39318 P140 Q9268 +Q503147 P27 Q159 +Q158078 P108 Q215539 +Q157034 P172 Q84072 +Q50186 P135 Q9730 +Q331652 P19 Q23197 +Q192374 P106 Q49757 +Q91823 P106 Q1569495 +Q325427 P1303 Q17172850 +Q26372 P106 Q3282637 +Q44857 P106 Q10800557 +Q449894 P69 Q13371 +Q188526 P136 Q482 +Q185546 P40 Q106791 +Q171525 P106 Q10798782 +Q521790 P551 Q65 +Q61195 P1412 Q188 +Q544472 P1412 Q1412 +Q427884 P106 Q33999 +Q164111 P106 Q322170 +Q151904 P161 Q176668 +Q170468 P30 Q48 +Q207034 P1412 Q1860 +Q3365459 P106 Q43845 +Q67436 P108 Q193196 +Q376182 P40 Q532180 +Q428780 P840 Q15180 +Q239030 P264 Q183412 +Q41590 P106 Q11774202 +Q4985 P1412 Q1860 +Q91059 P1412 Q188 +Q110942 P27 Q30 +Q539897 P1412 Q1860 +Q271059 P106 Q33999 +Q107405 P19 Q21711493 +Q4612 P106 Q1259917 +Q97077 P119 Q438199 +Q191644 P69 Q927627 +Q119198 P106 Q10800557 +Q884 P530 Q159583 +Q869 P530 Q8646 +Q1257 P463 Q83172 +Q80739 P106 Q2259451 +Q194346 P495 Q30 +Q167520 P106 Q10798782 +Q233347 P106 Q10798782 +Q4460848 P27 Q15180 +Q125663 P27 Q15180 +Q205545 P106 Q40348 +Q156214 P69 Q3064259 +Q69019 P106 Q182436 +Q112214 P509 Q47912 +Q231690 P106 Q1607826 +Q91137 P20 Q1726 +Q67169 P106 Q28389 +Q833 P530 Q717 +Q78237 P106 Q333634 +Q123698 P106 Q1622272 +Q86809 P106 Q1622272 +Q93188 P136 Q21590660 +Q733 P530 Q408 +Q294723 P136 Q11399 +Q804 P530 Q16 +Q1276176 P1303 Q11405 +Q76568 P106 Q39631 +Q153694 P106 Q10800557 +Q76837 P27 Q142 +Q44481 P101 Q5862903 +Q183397 P463 Q270794 +Q104266 P27 Q30 +Q490938 P19 Q8684 +Q181819 P509 Q181257 +Q76543 P106 Q1930187 +Q20732 P27 Q34266 +Q18118088 P3373 Q51908481 +Q981270 P69 Q273626 +Q236599 P101 Q207628 +Q68036 P463 Q459620 +Q678 P463 Q496967 +Q60487 P161 Q234809 +Q77615 P27 Q30 +Q1049 P530 Q219 +Q244 P463 Q3772571 +Q246374 P27 Q183 +Q328320 P136 Q52162262 +Q390052 P161 Q34460 +Q463630 P463 Q11993457 +Q380318 P106 Q639669 +Q851 P530 Q55 +Q1606257 P106 Q177220 +Q244604 P161 Q445125 +Q4530046 P106 Q15995642 +Q62373 P106 Q169470 +Q924 P530 Q183 +Q93959 P1412 Q9063 +Q176944 P69 Q180865 +Q314659 P106 Q33999 +Q256666 P106 Q28389 +Q558419 P27 Q28 +Q48337 P106 Q33999 +Q707999 P106 Q36834 +Q314597 P106 Q33999 +Q202693 P19 Q585 +Q63630 P106 Q4964182 +Q311750 P106 Q970153 +Q454970 P551 Q23556 +Q22222 P140 Q7361618 +Q315650 P106 Q488205 +Q334760 P106 Q170790 +Q159704 P1303 Q17172850 +Q92882 P19 Q5092 +Q1379510 P19 Q38022 +Q441834 P172 Q49085 +Q237056 P27 Q34266 +Q715787 P106 Q82955 +Q3090082 P40 Q391562 +Q47904 P106 Q1622272 +Q200355 P106 Q4610556 +Q83287 P106 Q2405480 +Q76688 P69 Q50662 +Q159 P530 Q252 +Q322730 P20 Q100 +Q41142 P1412 Q1860 +Q186273 P106 Q49757 +Q69521 P106 Q169470 +Q325427 P106 Q55960555 +Q438161 P19 Q1761 +Q74165 P27 Q183 +Q4157585 P19 Q908 +Q2706204 P106 Q81096 +Q12903 P509 Q47912 +Q1041749 P136 Q131578 +Q286366 P106 Q33999 +Q3336032 P1412 Q1860 +Q446504 P101 Q35760 +Q96071 P108 Q159895 +Q550900 P27 Q30 +Q91982 P69 Q55044 +Q1257 P69 Q194445 +Q215904 P509 Q2140674 +Q371348 P106 Q486748 +Q159 P530 Q20 +Q935369 P136 Q193207 +Q257145 P106 Q33999 +Q153670 P19 Q495 +Q186273 P463 Q463303 +Q44872 P140 Q1841 +Q165823 P106 Q49757 +Q977 P463 Q340195 +Q61453 P1412 Q188 +Q213565 P1412 Q188 +Q11627 P264 Q2996526 +Q471751 P106 Q82955 +Q4473 P106 Q753110 +Q45337 P27 Q183 +Q231487 P27 Q30 +Q10520 P106 Q33999 +Q26265 P136 Q157443 +Q1043170 P101 Q12271 +Q139642 P69 Q190080 +Q219377 P106 Q6625963 +Q317567 P1412 Q1860 +Q920167 P1412 Q1860 +Q76432 P463 Q123885 +Q1396681 P106 Q177220 +Q199929 P106 Q10798782 +Q191719 P106 Q36834 +Q201732 P108 Q34433 +Q39989 P106 Q855091 +Q229364 P106 Q33999 +Q100005 P106 Q16287483 +Q160215 P161 Q57614 +Q291405 P1303 Q6607 +Q102385 P264 Q231694 +Q11239 P3373 Q11237 +Q242555 P1412 Q1860 +Q83321 P106 Q49757 +Q336397 P106 Q1622272 +Q1265657 P106 Q193391 +Q709 P463 Q1065 +Q537222 P106 Q33999 +Q101734 P106 Q10798782 +Q385236 P106 Q201788 +Q147989 P509 Q181754 +Q101339 P463 Q329464 +Q960778 P106 Q36180 +Q356375 P19 Q60 +Q12702 P69 Q81087 +Q1393149 P106 Q753110 +Q1006 P463 Q5611262 +Q230943 P106 Q36834 +Q87840 P27 Q183 +Q272650 P69 Q46210 +Q1033 P530 Q902 +Q440609 P1412 Q150 +Q267435 P106 Q33999 +Q286777 P106 Q10798782 +Q23517 P136 Q187760 +Q321636 P106 Q639669 +Q47906 P106 Q2095549 +Q545375 P1412 Q1860 +Q473239 P1412 Q1860 +Q836 P530 Q668 +Q4894597 P27 Q183 +Q2594947 P1412 Q1860 +Q529582 P106 Q486748 +Q87850 P69 Q152087 +Q737626 P27 Q15180 +Q216102 P106 Q1622272 +Q332607 P106 Q40348 +Q242482 P27 Q16 +Q260947 P27 Q38 +Q522579 P20 Q1489 +Q1780 P131 Q214 +Q273887 P19 Q23556 +Q38193 P101 Q35277 +Q213662 P106 Q36180 +Q743162 P106 Q947873 +Q67409 P463 Q1792159 +Q353754 P1412 Q1860 +Q55411 P106 Q28389 +Q107422 P108 Q681025 +Q218 P463 Q458 +Q1396852 P106 Q49757 +Q559609 P106 Q855091 +Q227 P530 Q35 +Q352540 P106 Q10800557 +Q88248 P108 Q54096 +Q239411 P106 Q36180 +Q14192383 P17 Q30 +Q454692 P1303 Q17172850 +Q104301 P106 Q121594 +Q43 P530 Q865 +Q202326 P161 Q727786 +Q797649 P108 Q599316 +Q213 P463 Q45177 +Q12292644 P1412 Q1860 +Q946733 P106 Q16947657 +Q105756 P69 Q13371 +Q229669 P69 Q849751 +Q170530 P69 Q153265 +Q465428 P69 Q499911 +Q268905 P161 Q61552 +Q132537 P509 Q852423 +Q68325 P26 Q165824 +Q150471 P106 Q1028181 +Q28480 P106 Q36834 +Q28858 P1303 Q5994 +Q236606 P106 Q1930187 +Q45546 P27 Q174193 +Q110106 P27 Q30 +Q285462 P27 Q30 +Q76324 P106 Q18844224 +Q351989 P161 Q232851 +Q57298 P27 Q851 +Q92643 P463 Q127992 +Q783992 P1303 Q6607 +Q290197 P1412 Q188 +Q370382 P106 Q4263842 +Q933332 P106 Q1930187 +Q273208 P19 Q41819 +Q90037 P106 Q81096 +Q1911321 P106 Q36180 +Q306122 P27 Q17 +Q331 P106 Q188094 +Q437970 P106 Q753110 +Q350915 P106 Q3391743 +Q235252 P106 Q36834 +Q708236 P1412 Q1860 +Q282722 P264 Q38903 +Q910761 P101 Q177220 +Q109135 P840 Q84 +Q190884 P463 Q939743 +Q82104 P509 Q12152 +Q72721 P108 Q152838 +Q874588 P1412 Q9067 +Q242 P530 Q96 +Q229577 P69 Q7060402 +Q93652 P106 Q36180 +Q983530 P106 Q201788 +Q459057 P161 Q357001 +Q254265 P69 Q193196 +Q229612 P1050 Q131755 +Q382604 P69 Q15208489 +Q73975 P106 Q1930187 +Q91059 P106 Q2306091 +Q318475 P106 Q486748 +Q1528185 P106 Q205375 +Q265 P530 Q191 +Q205721 P106 Q49757 +Q467817 P106 Q1930187 +Q685 P530 Q712 +Q224130 P136 Q1535153 +Q179540 P106 Q177220 +Q102483 P106 Q49757 +Q437049 P1303 Q133163 +Q363379 P27 Q31 +Q3920695 P106 Q901 +Q181678 P106 Q28389 +Q183567 P1412 Q1860 +Q96 P530 Q40 +Q231530 P1303 Q52954 +Q37217 P106 Q82955 +Q722347 P106 Q1930187 +Q161087 P136 Q188473 +Q59567 P161 Q314403 +Q365682 P106 Q49757 +Q93624 P136 Q37073 +Q221168 P495 Q16 +Q233061 P106 Q36834 +Q295120 P106 Q488205 +Q713273 P106 Q1415090 +Q327681 P495 Q35 +Q465636 P136 Q83440 +Q2695220 P106 Q16533 +Q273614 P1412 Q1860 +Q5327 P27 Q1206012 +Q343059 P26 Q391536 +Q61597 P106 Q2259451 +Q862 P509 Q12152 +Q258761 P136 Q183504 +Q106775 P106 Q28389 +Q270660 P106 Q10800557 +Q194220 P27 Q30 +Q15180 P37 Q7737 +Q72916 P69 Q157808 +Q289598 P161 Q947748 +Q193482 P106 Q2405480 +Q151403 P106 Q333634 +Q160640 P737 Q9387 +Q219878 P264 Q796316 +Q240851 P106 Q36180 +Q206112 P136 Q37073 +Q372947 P69 Q608723 +Q67645 P106 Q17489339 +Q165121 P106 Q188094 +Q314805 P26 Q4636 +Q19069 P161 Q159347 +Q60506 P57 Q361336 +Q2979750 P69 Q170027 +Q324424 P106 Q639669 +Q764913 P106 Q36180 +Q242418 P106 Q10800557 +Q1139628 P106 Q753110 +Q7833 P463 Q1371509 +Q2585807 P69 Q156598 +Q36290 P1303 Q17172850 +Q200883 P1412 Q1860 +Q491019 P172 Q49085 +Q313559 P106 Q177220 +Q82949 P161 Q440932 +Q297532 P106 Q1930187 +Q59567 P495 Q142 +Q235744 P106 Q10800557 +Q52433 P27 Q30 +Q143198 P69 Q1144673 +Q241504 P161 Q40026 +Q133009 P1412 Q1860 +Q471443 P136 Q8261 +Q267914 P106 Q822146 +Q188018 P106 Q10798782 +Q346091 P27 Q142 +Q217068 P106 Q765778 +Q1615184 P106 Q2722764 +Q232222 P161 Q329156 +Q90653 P106 Q33999 +Q236112 P69 Q3072747 +Q92316 P463 Q18650004 +Q350362 P1303 Q17172850 +Q170250 P136 Q130232 +Q213582 P106 Q33999 +Q126596 P106 Q1028181 +Q234630 P69 Q4948174 +Q205314 P106 Q33999 +Q333855 P20 Q2256 +Q962971 P106 Q18814623 +Q723839 P1412 Q652 +Q430900 P106 Q36180 +Q220269 P19 Q46852 +Q465636 P136 Q43343 +Q86516 P19 Q1741 +Q363079 P106 Q40348 +Q149997 P106 Q2259451 +Q2368353 P20 Q649 +Q103651 P106 Q806349 +Q583722 P27 Q29 +Q57389 P1412 Q188 +Q1770 P17 Q139319 +Q210364 P57 Q41148 +Q191064 P106 Q18814623 +Q159551 P106 Q16145150 +Q516285 P172 Q121842 +Q241 P530 Q40362 +Q298920 P19 Q36091 +Q123923 P172 Q127885 +Q17 P30 Q48 +Q77777 P27 Q183 +Q233894 P106 Q33999 +Q165721 P135 Q164800 +Q61456 P106 Q36180 +Q189080 P106 Q183945 +Q214014 P161 Q171525 +Q284017 P1412 Q1321 +Q636 P106 Q639669 +Q426433 P161 Q95068 +Q106465 P106 Q6625963 +Q87137 P102 Q310296 +Q558615 P463 Q337224 +Q157814 P136 Q9730 +Q574124 P106 Q81096 +Q1292344 P106 Q81096 +Q73959 P140 Q1841 +Q98926 P27 Q801 +Q229223 P551 Q65 +Q105937 P551 Q99 +Q289003 P136 Q20378 +Q953 P530 Q30 +Q166212 P106 Q10800557 +Q239131 P1412 Q1860 +Q58328 P106 Q170790 +Q233092 P19 Q11299 +Q369190 P119 Q1437214 +Q73975 P69 Q659080 +Q794 P530 Q219060 +Q25186 P19 Q43668 +Q619328 P106 Q4610556 +Q3719620 P19 Q30 +Q112081 P27 Q7318 +Q236669 P1412 Q1860 +Q96 P530 Q1041 +Q259379 P27 Q145 +Q49941 P106 Q10800557 +Q267721 P495 Q30 +Q332670 P119 Q1302545 +Q253513 P69 Q4614 +Q106997 P1412 Q1860 +Q81131 P1412 Q1860 +Q63032 P101 Q11190 +Q86152 P106 Q1930187 +Q190302 P140 Q7066 +Q204868 P106 Q9334029 +Q165644 P106 Q855091 +Q42443 P463 Q1429947 +Q58085 P26 Q233479 +Q77876 P106 Q49757 +Q152493 P495 Q30 +Q301083 P136 Q157443 +Q230320 P106 Q2405480 +Q275402 P106 Q7042855 +Q368636 P106 Q753110 +Q551512 P69 Q926749 +Q214659 P1412 Q188 +Q62400 P108 Q20266330 +Q929 P463 Q191384 +Q204804 P101 Q207628 +Q659027 P106 Q36180 +Q1036131 P136 Q817138 +Q191702 P106 Q82955 +Q133050 P69 Q179036 +Q294326 P1412 Q1860 +Q58121 P27 Q33 +Q296843 P19 Q84 +Q1397888 P106 Q1622272 +Q60659 P1303 Q17172850 +Q201079 P463 Q1541450 +Q298726 P27 Q30 +Q159169 P27 Q129286 +Q160215 P161 Q297071 +Q2551 P19 Q2107 +Q230456 P106 Q12961474 +Q236943 P27 Q83286 +Q769328 P136 Q487914 +Q537222 P1303 Q17172850 +Q470732 P106 Q947873 +Q193459 P1412 Q1860 +Q241252 P106 Q36180 +Q450412 P463 Q1468277 +Q295080 P106 Q33999 +Q264699 P140 Q7066 +Q1360993 P106 Q639669 +Q235451 P27 Q668 +Q206399 P106 Q177220 +Q157282 P69 Q273631 +Q56760250 P452 Q746359 +Q241504 P57 Q40026 +Q159 P463 Q1065 +Q436719 P69 Q927627 +Q549626 P106 Q1930187 +Q464833 P106 Q12800682 +Q2119 P131 Q985 +Q320588 P136 Q2973181 +Q232333 P20 Q47164 +Q3620117 P27 Q38 +Q92497 P106 Q82955 +Q313501 P106 Q10798782 +Q122701 P463 Q117467 +Q83501 P463 Q463303 +Q222 P30 Q46 +Q80135 P463 Q463303 +Q1865656 P106 Q177220 +Q311621 P27 Q30 +Q503657 P106 Q1930187 +Q62656 P69 Q152838 +Q4396425 P1412 Q7737 +Q128708 P102 Q138345 +Q573665 P106 Q639669 +Q1272729 P1303 Q5994 +Q212730 P106 Q4773904 +Q76197 P463 Q459620 +Q461540 P840 Q1408 +Q458229 P1303 Q5994 +Q273502 P106 Q639669 +Q166214 P840 Q1384 +Q203840 P1412 Q1860 +Q9438 P737 Q1541 +Q92637 P69 Q457281 +Q240360 P102 Q29468 +Q87457 P106 Q876864 +Q448704 P106 Q177220 +Q449129 P27 Q30 +Q1265451 P136 Q11366 +Q684748 P136 Q24925 +Q213773 P161 Q59215 +Q264307 P161 Q55422 +Q231270 P3373 Q575689 +Q45387 P106 Q177220 +Q4547 P27 Q145 +Q122614 P106 Q2405480 +Q152301 P20 Q64 +Q40 P530 Q96 +Q4235 P106 Q10800557 +Q727257 P69 Q83259 +Q239565 P1303 Q17172850 +Q113489 P20 Q64 +Q78983 P1412 Q188 +Q254041 P27 Q414 +Q160778 P106 Q177220 +Q265131 P106 Q33231 +Q366700 P136 Q7749 +Q704645 P136 Q1344 +Q177288 P1412 Q7737 +Q34943 P20 Q87 +Q314208 P27 Q30 +Q350700 P69 Q49109 +Q110719 P102 Q152554 +Q379022 P1412 Q150 +Q298341 P463 Q127992 +Q78720 P106 Q121594 +Q268131 P106 Q28389 +Q78116 P108 Q50662 +Q184169 P106 Q82955 +Q55963 P27 Q33946 +Q469985 P172 Q539051 +Q14279 P1412 Q150 +Q5104 P69 Q4614 +Q45963 P69 Q467025 +Q192655 P27 Q16 +Q348615 P136 Q11401 +Q443892 P106 Q488205 +Q61940 P20 Q90 +Q40912 P172 Q974693 +Q228747 P1412 Q1860 +Q432689 P1303 Q8355 +Q11755 P19 Q1218 +Q705022 P19 Q33486 +Q78414 P140 Q75809 +Q187884 P106 Q177220 +Q4919786 P106 Q188094 +Q572608 P106 Q36834 +Q931607 P264 Q5086379 +Q299138 P136 Q438503 +Q218172 P136 Q19367312 +Q175104 P1412 Q1860 +Q55 P530 Q35 +Q133855 P1050 Q2840 +Q937537 P737 Q561401 +Q311854 P106 Q3579035 +Q65559 P27 Q153015 +Q246656 P161 Q295593 +Q332419 P1412 Q1860 +Q232052 P1412 Q652 +Q295817 P1303 Q6607 +Q231690 P140 Q748 +Q504061 P1412 Q1321 +Q134958 P509 Q147778 +Q9439 P106 Q116 +Q1342003 P27 Q159 +Q65619 P106 Q1930187 +Q7314 P136 Q9734 +Q488288 P27 Q34266 +Q286868 P161 Q320084 +Q237530 P106 Q130857 +Q298025 P737 Q40640 +Q76998 P1412 Q188 +Q429046 P106 Q183945 +Q57619 P106 Q49757 +Q30628 P106 Q18814623 +Q230 P530 Q28 +Q236236 P20 Q84 +Q1210022 P106 Q15980158 +Q37327 P27 Q27 +Q442656 P27 Q43 +Q471774 P1303 Q6607 +Q271385 P1412 Q1860 +Q91470 P69 Q151510 +Q220955 P161 Q275658 +Q232348 P136 Q11366 +Q82248 P106 Q6625963 +Q4397665 P27 Q30 +Q213195 P140 Q13211738 +Q896136 P106 Q82955 +Q77418 P106 Q193391 +Q183713 P1412 Q150 +Q400341 P106 Q10800557 +Q1327115 P106 Q639669 +Q452627 P106 Q2306091 +Q2201 P136 Q1146335 +Q70342 P106 Q42603 +Q182057 P19 Q1781 +Q238215 P106 Q486748 +Q236543 P264 Q1392321 +Q252248 P264 Q4779433 +Q1349079 P20 Q1297 +Q229282 P1412 Q1860 +Q523870 P20 Q60 +Q124610 P20 Q78 +Q846 P463 Q17495 +Q64180 P20 Q2966 +Q125057 P106 Q201788 +Q124505 P463 Q812155 +Q607 P551 Q49142 +Q311232 P106 Q2252262 +Q332348 P840 Q60 +Q3057348 P106 Q13582652 +Q1754823 P264 Q1184501 +Q356109 P106 Q488205 +Q61064 P27 Q15180 +Q212632 P106 Q18814623 +Q149489 P69 Q49114 +Q443225 P264 Q202585 +Q38 P463 Q826700 +Q488288 P20 Q1773 +Q62656 P106 Q2374149 +Q76624 P108 Q151510 +Q453011 P106 Q28389 +Q213681 P1412 Q188 +Q83233 P1412 Q150 +Q162277 P495 Q38 +Q128532 P102 Q29468 +Q1043170 P106 Q1028181 +Q918681 P108 Q909176 +Q221104 P161 Q3157150 +Q538362 P106 Q2259451 +Q5912 P106 Q10873124 +Q315664 P161 Q533369 +Q67047 P1412 Q188 +Q3769061 P27 Q38 +Q115490 P106 Q1622272 +Q80424 P1412 Q5146 +Q141869 P27 Q2184 +Q154346 P140 Q9592 +Q187019 P737 Q82925 +Q327613 P136 Q200092 +Q309788 P69 Q52413 +Q164702 P136 Q130232 +Q134644 P509 Q12204 +Q298 P530 Q790 +Q211136 P1303 Q6607 +Q23441 P106 Q36180 +Q18425 P106 Q1231865 +Q62763 P20 Q1726 +Q105564 P106 Q36180 +Q760790 P108 Q28695 +Q311244 P136 Q966564 +Q47162 P463 Q83172 +Q40054 P106 Q947873 +Q27820706 P136 Q188450 +Q193338 P106 Q639669 +Q5959091 P106 Q39631 +Q322303 P106 Q486748 +Q8349 P136 Q37073 +Q7504 P463 Q49738 +Q232015 P264 Q21077 +Q102513 P1412 Q7976 +Q148383 P161 Q372311 +Q273055 P136 Q180268 +Q440272 P106 Q486748 +Q233368 P106 Q4610556 +Q173175 P106 Q43845 +Q214171 P27 Q183 +Q921542 P1303 Q6607 +Q139087 P19 Q18383 +Q403 P530 Q218 +Q340213 P106 Q10800557 +Q74316 P27 Q38872 +Q215366 P69 Q319078 +Q386291 P161 Q229249 +Q349461 P3373 Q44855 +Q116577 P69 Q776223 +Q57475 P106 Q1622272 +Q1400917 P27 Q30 +Q207544 P106 Q18844224 +Q86093 P106 Q1622272 +Q193744 P106 Q488205 +Q400614 P27 Q15180 +Q129187 P69 Q924289 +Q110167 P106 Q201788 +Q161363 P69 Q144488 +Q185007 P27 Q172579 +Q310252 P106 Q2405480 +Q342665 P451 Q229957 +Q209926 P1412 Q8798 +Q657 P463 Q1043527 +Q433471 P106 Q644687 +Q55836 P140 Q9592 +Q638638 P119 Q208175 +Q408 P30 Q538 +Q313138 P106 Q2405480 +Q175305 P106 Q4610556 +Q41396 P27 Q30 +Q936422 P106 Q1476215 +Q199418 P1303 Q17172850 +Q84412 P1412 Q188 +Q10490 P1412 Q1321 +Q314942 P161 Q200768 +Q320864 P140 Q6423963 +Q801 P530 Q221 +Q1560657 P27 Q183 +Q168362 P463 Q49738 +Q73938 P106 Q3579035 +Q1377134 P106 Q488205 +Q113818 P106 Q82955 +Q8023 P106 Q82955 +Q123469 P106 Q36180 +Q9200 P106 Q1234713 +Q80399 P27 Q159 +Q274157 P106 Q10800557 +Q1806036 P1303 Q6607 +Q949046 P106 Q82955 +Q189080 P264 Q50074604 +Q30 P530 Q736 +Q177374 P136 Q860626 +Q105460 P106 Q855091 +Q18066 P106 Q214917 +Q702111 P40 Q17135 +Q1000 P463 Q7159 +Q64637 P20 Q2079 +Q120599 P119 Q2790054 +Q59653 P161 Q483118 +Q92987 P106 Q82594 +Q216708 P26 Q229920 +Q294812 P1412 Q1860 +Q51781 P69 Q838330 +Q84386 P106 Q1622272 +Q71322 P69 Q151510 +Q258750 P27 Q30 +Q83184 P136 Q492537 +Q237345 P264 Q732503 +Q139542 P161 Q131380 +Q78492 P1412 Q188 +Q231270 P106 Q512314 +Q9960 P1412 Q1860 +Q183 P530 Q678 +Q23530 P106 Q33999 +Q151118 P106 Q10800557 +Q212041 P161 Q106481 +Q621549 P17 Q30 +Q65372 P27 Q43287 +Q49498 P840 Q61 +Q686 P463 Q496967 +Q69281 P101 Q23498 +Q271986 P106 Q2259451 +Q164797 P106 Q36180 +Q385471 P131 Q84 +Q5104 P264 Q183387 +Q35912 P264 Q843402 +Q65292 P463 Q463303 +Q240647 P19 Q22889 +Q30 P530 Q786 +Q94370 P106 Q1930187 +Q704931 P106 Q214917 +Q236946 P106 Q33999 +Q342526 P264 Q843402 +Q271903 P1412 Q150 +Q212048 P20 Q127856 +Q57075 P140 Q75809 +Q187907 P106 Q36180 +Q232774 P161 Q244234 +Q949 P106 Q81096 +Q469888 P106 Q36180 +Q297816 P106 Q10800557 +Q2573 P106 Q1234713 +Q36591 P106 Q28389 +Q56093 P106 Q36180 +Q64467 P69 Q156725 +Q442656 P106 Q578109 +Q232520 P106 Q33999 +Q364179 P27 Q30 +Q505850 P106 Q1930187 +Q64862 P69 Q165980 +Q210812 P161 Q2673 +Q165817 P136 Q188473 +Q78490 P106 Q82955 +Q463042 P509 Q147778 +Q236482 P140 Q6423963 +Q40096 P106 Q2405480 +Q7728 P106 Q12144794 +Q284686 P136 Q130232 +Q713099 P264 Q645889 +Q55922 P106 Q82955 +Q276181 P27 Q30 +Q154581 P136 Q130232 +Q92981 P463 Q1493021 +Q714185 P1303 Q6607 +Q49061 P106 Q37226 +Q65559 P106 Q2516866 +Q116055 P101 Q35760 +Q123101 P27 Q142 +Q111447 P27 Q142 +Q1019 P37 Q150 +Q230782 P106 Q10798782 +Q719623 P20 Q84 +Q234360 P106 Q49757 +Q240570 P1303 Q17172850 +Q75174 P27 Q30 +Q112136 P463 Q684415 +Q80399 P106 Q33999 +Q88821 P106 Q33999 +Q455605 P106 Q486748 +Q45 P463 Q3866537 +Q107130 P102 Q10225 +Q2900328 P106 Q193391 +Q504006 P27 Q15180 +Q92767 P106 Q15976092 +Q152531 P840 Q61 +Q454075 P1303 Q6607 +Q98215 P20 Q84 +Q1009499 P1303 Q9798 +Q70795 P19 Q2280 +Q104154 P20 Q90 +Q165534 P1412 Q150 +Q127349 P27 Q29 +Q47899 P1412 Q1860 +Q13005 P106 Q860918 +Q332417 P106 Q2259451 +Q41309 P140 Q1841 +Q184933 P106 Q1231865 +Q92848 P108 Q37156 +Q1342003 P102 Q79854 +Q381477 P106 Q3282637 +Q333892 P27 Q34266 +Q932344 P27 Q30 +Q156774 P27 Q155 +Q209926 P1303 Q17172850 +Q504458 P136 Q11399 +Q311472 P140 Q6423963 +Q159475 P106 Q947873 +Q711 P463 Q1043527 +Q318910 P161 Q313042 +Q217552 P136 Q188473 +Q980000 P463 Q270794 +Q312077 P106 Q2405480 +Q173061 P106 Q2643890 +Q215724 P106 Q36180 +Q229646 P106 Q1234713 +Q112169 P20 Q64 +Q364270 P509 Q188874 +Q173955 P161 Q439895 +Q317152 P1412 Q150 +Q3271606 P106 Q42973 +Q188375 P106 Q2259451 +Q726607 P140 Q1841 +Q164103 P161 Q103343 +Q1382495 P106 Q855091 +Q78592 P1303 Q8355 +Q653949 P19 Q1764 +Q572001 P509 Q12152 +Q118233 P136 Q105527 +Q105682 P106 Q33999 +Q167821 P106 Q214917 +Q158759 P161 Q65857 +Q351359 P106 Q1930187 +Q123371 P106 Q169470 +Q244296 P840 Q100 +Q178709 P1412 Q397 +Q2530 P1412 Q188 +Q503997 P1412 Q1860 +Q109520 P27 Q183 +Q363876 P19 Q23306 +Q37370 P1412 Q7026 +Q66236 P106 Q36180 +Q1277187 P172 Q49085 +Q362332 P106 Q3282637 +Q1158704 P1303 Q17172850 +Q41854 P840 Q218 +Q229325 P106 Q10800557 +Q374936 P27 Q30 +Q65664 P69 Q54096 +Q948093 P106 Q822146 +Q644917 P136 Q485395 +Q238402 P40 Q349461 +Q247526 P26 Q184440 +Q456467 P161 Q318685 +Q323117 P106 Q765778 +Q439455 P106 Q182436 +Q449235 P1412 Q1860 +Q365985 P106 Q177220 +Q202449 P69 Q766145 +Q128518 P136 Q188473 +Q216813 P106 Q1930187 +Q210447 P106 Q2259451 +Q11116 P1412 Q9288 +Q563 P106 Q488205 +Q60116 P641 Q36908 +Q319578 P106 Q36180 +Q456711 P106 Q15981151 +Q221364 P106 Q5716684 +Q240808 P136 Q2332751 +Q211731 P106 Q212980 +Q187662 P1412 Q5287 +Q205321 P57 Q51498 +Q1347984 P136 Q11401 +Q1030 P463 Q191384 +Q40909 P106 Q34074720 +Q2335557 P136 Q482 +Q185696 P172 Q846570 +Q238402 P40 Q131324 +Q649667 P19 Q1297 +Q82110 P106 Q43845 +Q200572 P161 Q40096 +Q179680 P27 Q142 +Q60487 P161 Q311169 +Q52570 P27 Q34 +Q151848 P495 Q16 +Q9582 P69 Q1143289 +Q460071 P1303 Q17172850 +Q823935 P106 Q82955 +Q160902 P463 Q756504 +Q203185 P106 Q6168364 +Q366057 P106 Q3387717 +Q356351 P19 Q495 +Q446151 P27 Q15180 +Q728959 P27 Q30 +Q550996 P27 Q30 +Q67576 P108 Q32120 +Q321857 P19 Q16563 +Q123973 P27 Q183 +Q1586916 P19 Q6346 +Q200396 P161 Q190386 +Q84904 P102 Q7320 +Q964355 P27 Q29 +Q257442 P106 Q10800557 +Q156469 P106 Q193391 +Q76459 P106 Q33231 +Q27751 P161 Q44221 +Q41142 P106 Q10800557 +Q68325 P108 Q152171 +Q270207 P106 Q322170 +Q123101 P509 Q29496 +Q1787960 P1412 Q5146 +Q70795 P463 Q329464 +Q30 P530 Q784 +Q460852 P106 Q488205 +Q47878 P1303 Q46185 +Q516285 P106 Q205375 +Q1042738 P1412 Q1321 +Q311716 P106 Q33999 +Q157259 P69 Q160302 +Q27 P463 Q663492 +Q48051 P1412 Q7737 +Q148429 P136 Q52162262 +Q794 P530 Q813 +Q451312 P1412 Q9063 +Q822 P530 Q902 +Q152768 P106 Q486748 +Q431252 P136 Q52162262 +Q220698 P106 Q10800557 +Q470619 P172 Q49085 +Q7439 P69 Q13371 +Q937 P19 Q3012 +Q220751 P106 Q1053574 +Q98370 P106 Q4263842 +Q317907 P106 Q82955 +Q190162 P106 Q10798782 +Q460425 P108 Q49165 +Q90384 P19 Q1741 +Q1019 P463 Q191384 +Q96811 P106 Q1930187 +Q272213 P119 Q1624932 +Q305372 P106 Q10800557 +Q223949 P1412 Q150 +Q190772 P20 Q90 +Q347436 P106 Q10800557 +Q192073 P495 Q30 +Q919156 P1303 Q5994 +Q304966 P136 Q37073 +Q311684 P106 Q1650915 +Q176578 P106 Q193391 +Q302403 P495 Q142 +Q520760 P106 Q1622272 +Q288588 P19 Q1729 +Q887347 P136 Q40831 +Q80222 P106 Q82955 +Q219 P530 Q159 +Q270869 P1303 Q17172850 +Q684808 P463 Q901677 +Q171530 P106 Q10800557 +Q276778 P161 Q162492 +Q48990 P463 Q543804 +Q170373 P106 Q10872101 +Q78506 P106 Q28389 +Q1044415 P1303 Q17172850 +Q537960 P19 Q1085 +Q134183 P106 Q3282637 +Q185658 P136 Q2678111 +Q357676 P19 Q65 +Q49355 P106 Q193391 +Q336185 P69 Q993267 +Q78864 P27 Q224 +Q330824 P264 Q3415083 +Q1443475 P106 Q639669 +Q179126 P106 Q1792450 +Q190972 P551 Q65 +Q712914 P106 Q10800557 +Q512741 P106 Q8246794 +Q312288 P19 Q1297 +Q116013 P106 Q36180 +Q276343 P495 Q183 +Q87265 P1303 Q5994 +Q681470 P106 Q40348 +Q351061 P106 Q753110 +Q42869 P106 Q10800557 +Q97771 P1412 Q188 +Q1275039 P140 Q7066 +Q128297 P509 Q12152 +Q113007 P19 Q1489 +Q709 P37 Q1860 +Q805 P530 Q858 +Q3766 P17 Q12560 +Q1042 P463 Q1043527 +Q286566 P106 Q36834 +Q235770 P106 Q130857 +Q178698 P106 Q4263842 +Q502864 P27 Q184 +Q538901 P27 Q30 +Q195008 P106 Q49757 +Q320236 P495 Q145 +Q256809 P136 Q8341 +Q95861 P27 Q16957 +Q95843 P106 Q82955 +Q92609 P106 Q1622272 +Q961981 P27 Q414 +Q65035 P106 Q49757 +Q1237649 P19 Q1345 +Q232462 P1303 Q46185 +Q539897 P26 Q271981 +Q52255 P19 Q1761 +Q183848 P140 Q483654 +Q336517 P161 Q104791 +Q133654 P161 Q51511 +Q317742 P27 Q145 +Q216608 P106 Q177220 +Q929 P463 Q8475 +Q91903 P108 Q40025 +Q92007 P106 Q1743122 +Q67007 P1412 Q188 +Q116055 P1412 Q1860 +Q44144 P106 Q10800557 +Q345468 P27 Q30 +Q556568 P106 Q82955 +Q276332 P106 Q36180 +Q45321 P106 Q3745071 +Q241510 P106 Q10800557 +Q65932 P69 Q523926 +Q9294 P106 Q82955 +Q1711470 P106 Q10800557 +Q270351 P161 Q234360 +Q1677606 P108 Q49108 +Q357676 P106 Q36180 +Q122370 P106 Q1028181 +Q1032 P463 Q7825 +Q96 P530 Q155 +Q333591 P69 Q691283 +Q207592 P106 Q10800557 +Q605489 P106 Q82955 +Q183 P530 Q1049 +Q77027 P106 Q2722764 +Q801 P530 Q878 +Q53714 P106 Q488205 +Q1222903 P1303 Q6607 +Q851 P463 Q7809 +Q1691566 P20 Q131491 +Q6711 P135 Q213457 +Q193458 P106 Q10798782 +Q312077 P106 Q10800557 +Q439267 P106 Q639669 +Q140181 P106 Q3282637 +Q229153 P106 Q5716684 +Q1365901 P463 Q463303 +Q34743 P20 Q84 +Q464318 P102 Q10225 +Q16781 P106 Q10800557 +Q239382 P1303 Q17172850 +Q60217 P108 Q154561 +Q61813 P463 Q191583 +Q716776 P69 Q49210 +Q379949 P69 Q926749 +Q49001 P69 Q49210 +Q231841 P172 Q846570 +Q552819 P102 Q29468 +Q65911 P19 Q365 +Q87265 P106 Q1415090 +Q483203 P740 Q21 +Q1824699 P1303 Q17172850 +Q206112 P106 Q36180 +Q189042 P1412 Q5146 +Q2643 P106 Q177220 +Q202314 P136 Q1133657 +Q354604 P106 Q33999 +Q86152 P27 Q183 +Q154770 P101 Q36834 +Q15469 P463 Q691152 +Q399 P530 Q801 +Q18233 P264 Q38903 +Q489643 P106 Q177220 +Q865 P530 Q34 +Q230320 P69 Q797078 +Q203643 P106 Q36180 +Q57629 P106 Q15949613 +Q122110 P106 Q36180 +Q238712 P1303 Q17172850 +Q240890 P108 Q181410 +Q1618928 P106 Q639669 +Q106506 P161 Q376736 +Q211 P530 Q191 +Q317967 P106 Q214917 +Q230523 P106 Q10800557 +Q19526 P737 Q220480 +Q1050 P463 Q1043527 +Q240788 P106 Q901402 +Q392825 P161 Q532169 +Q731958 P106 Q177220 +Q7304 P69 Q686522 +Q230004 P1303 Q8371 +Q314319 P106 Q177220 +Q1025106 P740 Q47164 +Q241660 P106 Q488205 +Q58057 P27 Q41304 +Q4451656 P509 Q12192 +Q4344126 P106 Q82955 +Q129486 P106 Q2504617 +Q273981 P106 Q36834 +Q308681 P136 Q959790 +Q270951 P1412 Q7737 +Q448910 P19 Q194420 +Q95855 P1412 Q188 +Q65825 P69 Q157808 +Q314382 P140 Q7066 +Q170564 P136 Q1341051 +Q378240 P106 Q49757 +Q242454 P101 Q482 +Q123041 P19 Q90 +Q49074 P106 Q482980 +Q54885 P509 Q12078 +Q32595 P106 Q177220 +Q584500 P106 Q1930187 +Q274404 P136 Q35760 +Q354250 P106 Q36834 +Q7841 P27 Q142 +Q186485 P1412 Q1860 +Q219 P530 Q55 +Q559567 P1412 Q1860 +Q319502 P106 Q9648008 +Q17 P530 Q794 +Q366217 P106 Q1281618 +Q115483 P69 Q206702 +Q204212 P495 Q30 +Q223374 P161 Q294583 +Q130127 P106 Q15981151 +Q55375 P108 Q909176 +Q431191 P69 Q389336 +Q160560 P495 Q30 +Q39989 P1303 Q6607 +Q847446 P106 Q36834 +Q151814 P106 Q2865819 +Q311050 P106 Q855091 +Q1094716 P102 Q29552 +Q354783 P19 Q25395 +Q117021 P509 Q12204 +Q221384 P161 Q294583 +Q241391 P57 Q51522 +Q540395 P1303 Q6607 +Q706941 P27 Q145 +Q549141 P106 Q36834 +Q711197 P106 Q639669 +Q937 P108 Q156598 +Q83495 P136 Q3990883 +Q158030 P1412 Q36510 +Q57688 P140 Q55004488 +Q123010 P106 Q4964182 +Q184103 P1412 Q1860 +Q61895 P106 Q250867 +Q91642 P19 Q6986 +Q99706 P140 Q9268 +Q556615 P106 Q177220 +Q107274 P1412 Q188 +Q216934 P106 Q753110 +Q262446 P106 Q183945 +Q159551 P106 Q14915627 +Q241 P530 Q148 +Q155871 P102 Q7320 +Q982677 P106 Q33231 +Q323470 P106 Q177220 +Q110462 P27 Q30 +Q232456 P101 Q207628 +Q704683 P106 Q639669 +Q183 P530 Q228 +Q9387 P119 Q819654 +Q295537 P106 Q16287483 +Q86900 P106 Q28389 +Q200572 P2283 Q568723 +Q75995 P69 Q31519 +Q207307 P106 Q2526255 +Q238751 P106 Q1930187 +Q326526 P57 Q179497 +Q312294 P106 Q10798782 +Q366563 P69 Q617433 +Q335011 P1412 Q1860 +Q323524 P1412 Q1860 +Q270639 P19 Q24861 +Q283317 P106 Q639669 +Q123516 P27 Q39 +Q287977 P106 Q10798782 +Q314945 P1303 Q17172850 +Q292543 P27 Q30 +Q271006 P136 Q188473 +Q207698 P161 Q171745 +Q165680 P27 Q211274 +Q33866 P1412 Q1860 +Q220525 P19 Q3711 +Q283932 P840 Q15 +Q12807 P106 Q4263842 +Q869 P530 Q819 +Q435857 P509 Q852423 +Q19658 P140 Q7066 +Q51023 P451 Q37175 +Q138984 P1412 Q9168 +Q435437 P106 Q947873 +Q242956 P106 Q214917 +Q1013 P463 Q294278 +Q714167 P106 Q639669 +Q1029 P463 Q8475 +Q95355 P106 Q14972848 +Q240774 P106 Q10798782 +Q313080 P106 Q131524 +Q44657 P106 Q947873 +Q110183 P106 Q16533 +Q936812 P108 Q209344 +Q12903 P106 Q18844224 +Q15981 P27 Q142 +Q132351 P136 Q1200678 +Q531624 P106 Q177220 +Q206112 P172 Q7435494 +Q16403 P161 Q25014 +Q370928 P106 Q55960555 +Q7542 P136 Q187760 +Q78479 P108 Q622683 +Q220192 P495 Q30 +Q445985 P106 Q158852 +Q273502 P136 Q9730 +Q436571 P1303 Q17172850 +Q115010 P106 Q10798782 +Q335598 P69 Q248970 +Q229349 P106 Q639669 +Q64503 P106 Q28389 +Q201079 P108 Q1144673 +Q490464 P161 Q1138602 +Q240371 P20 Q127856 +Q132964 P136 Q474090 +Q43303 P19 Q43199 +Q76606 P106 Q3400985 +Q312480 P69 Q1130457 +Q51506 P27 Q145 +Q159577 P106 Q2526255 +Q269890 P119 Q6923684 +Q601957 P102 Q17427 +Q102289 P463 Q40358 +Q511046 P106 Q43845 +Q76837 P69 Q1394262 +Q57075 P106 Q3400985 +Q231690 P69 Q174570 +Q1059718 P106 Q33999 +Q462574 P1412 Q1860 +Q69631 P1412 Q1321 +Q55915 P102 Q537303 +Q13005 P27 Q148 +Q550598 P106 Q2252262 +Q27610 P119 Q288130 +Q188137 P27 Q30 +Q58720 P106 Q49757 +Q277559 P106 Q205375 +Q170042 P509 Q12202 +Q157970 P106 Q49757 +Q4492929 P463 Q958769 +Q68468 P106 Q28389 +Q314319 P106 Q488205 +Q773804 P1412 Q1860 +Q309843 P106 Q177220 +Q44657 P106 Q15855449 +Q10390 P102 Q29468 +Q271879 P69 Q389336 +Q192515 P19 Q43421 +Q723551 P17 Q145 +Q233439 P27 Q145 +Q7294 P1303 Q5994 +Q177962 P20 Q4120832 +Q240082 P1303 Q17172850 +Q1707 P17 Q713750 +Q38875 P106 Q488205 +Q435805 P20 Q1874 +Q61147 P20 Q2079 +Q241248 P106 Q1930187 +Q215976 P1412 Q1860 +Q822 P530 Q41 +Q53729 P106 Q36180 +Q139330 P69 Q7060402 +Q786052 P106 Q82955 +Q430804 P1412 Q1860 +Q152555 P106 Q33999 +Q607825 P69 Q1719898 +Q986 P30 Q15 +Q246970 P106 Q3286043 +Q182349 P509 Q12202 +Q69406 P69 Q40025 +Q167997 P108 Q83172 +Q25880 P1412 Q1860 +Q83326 P69 Q847099 +Q78481 P106 Q169470 +Q240713 P136 Q188473 +Q414 P463 Q340195 +Q266361 P106 Q2405480 +Q36330 P69 Q691851 +Q138005 P106 Q948329 +Q142 P463 Q188822 +Q260548 P161 Q11930 +Q183512 P136 Q130232 +Q367017 P106 Q10798782 +Q31 P530 Q35 +Q154723 P69 Q165980 +Q219646 P20 Q180083 +Q714162 P106 Q15980158 +Q525949 P19 Q90 +Q136591 P264 Q466649 +Q437340 P20 Q90 +Q77447 P106 Q551835 +Q588449 P106 Q36180 +Q760 P463 Q899770 +Q70103 P108 Q151510 +Q779932 P135 Q180902 +Q263552 P136 Q131539 +Q44892 P136 Q1298934 +Q2071 P106 Q266569 +Q558288 P101 Q213156 +Q82426 P161 Q354873 +Q472250 P106 Q42973 +Q207867 P1050 Q41571 +Q519590 P19 Q84 +Q266179 P26 Q263670 +Q102660 P27 Q183 +Q49017 P19 Q34217 +Q168859 P106 Q1930187 +Q270123 P27 Q30 +Q434585 P106 Q10800557 +Q57426 P136 Q676 +Q117197 P106 Q1231865 +Q159603 P140 Q7066 +Q158060 P27 Q30 +Q272031 P106 Q183945 +Q89204 P108 Q678982 +Q306403 P108 Q49210 +Q381256 P106 Q193391 +Q182725 P136 Q45981 +Q155 P361 Q18 +Q237659 P27 Q30 +Q275050 P69 Q4359408 +Q660237 P495 Q145 +Q761 P17 Q207272 +Q963 P530 Q148 +Q970 P37 Q150 +Q1399299 P131 Q84 +Q2416148 P106 Q33999 +Q310985 P264 Q203059 +Q354508 P106 Q36834 +Q87392 P106 Q10732476 +Q884 P463 Q188822 +Q207817 P106 Q639669 +Q60163 P463 Q695302 +Q448764 P463 Q459620 +Q169452 P1412 Q1860 +Q95273 P19 Q2868 +Q2071 P106 Q2405480 +Q310580 P106 Q639669 +Q25078 P106 Q10800557 +Q63486 P19 Q2814 +Q3215817 P69 Q21578 +Q102225 P161 Q172653 +Q318792 P264 Q193023 +Q212002 P106 Q2405480 +Q953 P530 Q1020 +Q1040 P463 Q747279 +Q30 P530 Q769 +Q153149 P509 Q18554460 +Q46053 P106 Q36180 +Q212015 P136 Q45981 +Q236318 P1303 Q17172850 +Q165325 P161 Q234094 +Q75955 P106 Q185351 +Q216692 P19 Q26793 +Q108560 P106 Q753110 +Q40 P463 Q663492 +Q3133221 P27 Q29 +Q229263 P136 Q37073 +Q221074 P106 Q82955 +Q944275 P69 Q332342 +Q105695 P136 Q37073 +Q69139 P136 Q8261 +Q391536 P27 Q145 +Q698714 P27 Q30 +Q47007 P1412 Q8748 +Q57374 P1303 Q17172850 +Q171530 P106 Q177220 +Q312294 P106 Q2405480 +Q16296 P106 Q2259451 +Q229646 P20 Q350 +Q95710 P106 Q36180 +Q68126 P106 Q1476215 +Q84532 P69 Q165980 +Q232868 P106 Q10798782 +Q131259 P136 Q46046 +Q816518 P106 Q488205 +Q151682 P161 Q213257 +Q79025 P106 Q36180 +Q150281 P27 Q30 +Q980151 P106 Q2865819 +Q179257 P1303 Q17172850 +Q5383 P264 Q183387 +Q271006 P161 Q223790 +Q438635 P1303 Q17172850 +Q335508 P136 Q157443 +Q76114 P1412 Q188 +Q57442 P106 Q1930187 +Q716293 P20 Q33935 +Q273171 P264 Q1347984 +Q202326 P161 Q503013 +Q102124 P69 Q41506 +Q63630 P27 Q183 +Q18434 P106 Q4263842 +Q819 P530 Q928 +Q217388 P106 Q333634 +Q114605 P106 Q1231865 +Q107724 P161 Q232860 +Q59595 P136 Q860626 +Q44606 P1303 Q5994 +Q40187 P495 Q30 +Q57954 P106 Q82955 +Q60766 P106 Q2526255 +Q565678 P1303 Q5994 +Q83492 P106 Q2259451 +Q57382 P1412 Q188 +Q68757 P106 Q901402 +Q1014 P463 Q827525 +Q292043 P106 Q1930187 +Q178348 P551 Q65 +Q974795 P136 Q11401 +Q76625 P69 Q55044 +Q364342 P106 Q2526255 +Q287688 P27 Q30 +Q1725017 P106 Q81096 +Q175759 P264 Q165745 +Q15180 P112 Q2895 +Q1197841 P161 Q485901 +Q187832 P106 Q488205 +Q72667 P69 Q158158 +Q97646 P1412 Q188 +Q3769061 P106 Q43845 +Q70988 P1412 Q188 +Q58217 P102 Q151469 +Q256809 P264 Q3415083 +Q315051 P106 Q948329 +Q271324 P106 Q10798782 +Q9095 P106 Q19350898 +Q1401 P1412 Q652 +Q11726 P27 Q28513 +Q357961 P463 Q270794 +Q87137 P19 Q64 +Q641 P17 Q38 +Q92787 P106 Q1622272 +Q78706 P27 Q28513 +Q332454 P106 Q201788 +Q960081 P101 Q5891 +Q349391 P1412 Q1860 +Q9711 P106 Q12144794 +Q86914 P20 Q56037 +Q155158 P101 Q11634 +Q621521 P27 Q145 +Q339581 P27 Q159 +Q123268 P106 Q201788 +Q100913 P19 Q727 +Q329845 P1412 Q9288 +Q62890 P509 Q12192 +Q513268 P106 Q2405480 +Q191088 P451 Q41173 +Q123565 P101 Q4932206 +Q92828 P463 Q127992 +Q726071 P106 Q6625963 +Q55993 P106 Q37226 +Q971702 P106 Q3400985 +Q194419 P106 Q18814623 +Q76498 P106 Q18844224 +Q1308212 P106 Q13235160 +Q826 P530 Q1246 +Q485310 P106 Q10800557 +Q217008 P161 Q204586 +Q826 P463 Q8475 +Q141680 P106 Q10798782 +Q329577 P119 Q1437214 +Q347436 P106 Q43845 +Q154448 P1412 Q150 +Q204168 P27 Q30 +Q105987 P27 Q142 +Q173978 P264 Q4779433 +Q181776 P161 Q191966 +Q240377 P1303 Q61285 +Q60549 P27 Q183 +Q596817 P19 Q34404 +Q17714 P119 Q5933 +Q180099 P106 Q36180 +Q507046 P108 Q23548 +Q13908 P136 Q19367312 +Q662809 P1412 Q188 +Q183094 P106 Q182436 +Q124094 P69 Q152171 +Q45396 P136 Q43343 +Q23760 P106 Q1326886 +Q67526 P106 Q16267607 +Q962 P463 Q376150 +Q295537 P136 Q49084 +Q723320 P106 Q16287483 +Q241263 P1412 Q1860 +Q23517 P106 Q36180 +Q704355 P106 Q11631 +Q155907 P101 Q395 +Q335680 P106 Q28389 +Q1372139 P106 Q36180 +Q369900 P161 Q455292 +Q228645 P102 Q29552 +Q194413 P161 Q589015 +Q44833 P106 Q177220 +Q104154 P69 Q273626 +Q345888 P1412 Q150 +Q62880 P509 Q12204 +Q25320 P106 Q36180 +Q110374 P1412 Q1860 +Q1820469 P1412 Q1860 +Q233957 P101 Q7094 +Q295463 P27 Q30 +Q1036131 P1303 Q17172850 +Q483382 P69 Q1206658 +Q187324 P26 Q93354 +Q380841 P495 Q30 +Q1356737 P264 Q1536003 +Q315773 P27 Q142 +Q229065 P106 Q947873 +Q113953 P27 Q183 +Q952428 P106 Q28389 +Q380852 P106 Q2526255 +Q587004 P108 Q209842 +Q311319 P106 Q10800557 +Q153576 P106 Q28389 +Q213811 P106 Q3282637 +Q699605 P69 Q49088 +Q110330 P1412 Q9288 +Q300300 P740 Q18419 +Q213579 P106 Q520549 +Q189422 P106 Q10800557 +Q238795 P1303 Q46185 +Q77183 P69 Q152171 +Q185007 P106 Q6337803 +Q269462 P27 Q30 +Q441267 P509 Q11081 +Q19796 P106 Q4964182 +Q462406 P161 Q229560 +Q94040 P106 Q1930187 +Q314151 P106 Q2526255 +Q540192 P140 Q1841 +Q49823 P108 Q168756 +Q727705 P106 Q333634 +Q188482 P509 Q623031 +Q1005 P463 Q7159 +Q61067 P108 Q372608 +Q11124 P27 Q30 +Q234388 P172 Q49085 +Q822668 P108 Q34433 +Q502417 P106 Q1622272 +Q185696 P551 Q100 +Q106221 P106 Q1415090 +Q433989 P106 Q33231 +Q71000 P27 Q183 +Q57535 P551 Q64 +Q217314 P106 Q82955 +Q957010 P1303 Q17172850 +Q4074458 P106 Q82955 +Q727730 P172 Q49085 +Q106175 P106 Q2405480 +Q152929 P264 Q1347984 +Q709464 P106 Q10798782 +Q103848 P69 Q658975 +Q52583 P106 Q488205 +Q233873 P69 Q1026939 +Q275779 P27 Q30 +Q182522 P27 Q30 +Q236212 P27 Q145 +Q309941 P172 Q49085 +Q51552 P106 Q3387717 +Q707008 P136 Q11401 +Q47619 P106 Q49757 +Q335552 P106 Q82594 +Q315152 P509 Q12204 +Q241098 P106 Q49757 +Q50713 P106 Q28389 +Q220713 P161 Q234207 +Q76346 P172 Q127885 +Q47100 P19 Q11299 +Q344537 P161 Q355835 +Q242640 P27 Q179876 +Q131152 P106 Q16323111 +Q947519 P108 Q501758 +Q463042 P106 Q2259451 +Q283964 P1412 Q5146 +Q1064284 P106 Q639669 +Q106193 P641 Q847 +Q112214 P19 Q1741 +Q6969 P69 Q24382 +Q108941 P1050 Q131755 +Q196685 P161 Q948751 +Q214565 P106 Q644687 +Q342723 P106 Q488205 +Q325422 P106 Q36180 +Q380123 P1412 Q1860 +Q712851 P19 Q84 +Q4029 P1412 Q1860 +Q37030 P40 Q214191 +Q61659 P102 Q49768 +Q465350 P27 Q30 +Q387370 P840 Q90 +Q464246 P106 Q488205 +Q314877 P106 Q33999 +Q187165 P264 Q193023 +Q733392 P102 Q590750 +Q1140309 P161 Q439438 +Q76772 P463 Q414188 +Q19190 P106 Q2259451 +Q297097 P19 Q18094 +Q106465 P106 Q82955 +Q107183 P108 Q316592 +Q303680 P106 Q201788 +Q328320 P161 Q4349 +Q320384 P161 Q170572 +Q235517 P106 Q43845 +Q719083 P106 Q855091 +Q221 P530 Q41 +Q843 P530 Q810 +Q429348 P1303 Q17172850 +Q948808 P106 Q81096 +Q83233 P463 Q270794 +Q362254 P1303 Q17172850 +Q50003 P27 Q38 +Q180019 P136 Q83440 +Q552529 P136 Q37073 +Q221104 P136 Q471839 +Q201379 P161 Q131866 +Q212048 P106 Q948329 +Q215 P530 Q33 +Q106399 P27 Q30 +Q1754823 P264 Q885977 +Q1147551 P136 Q11366 +Q313046 P1050 Q11081 +Q979865 P19 Q22889 +Q238924 P106 Q10800557 +Q70309 P106 Q2526255 +Q268284 P106 Q177220 +Q508953 P19 Q84 +Q1253366 P161 Q42493 +Q230454 P136 Q43343 +Q57276 P463 Q939743 +Q800 P463 Q190008 +Q82426 P161 Q171745 +Q327542 P106 Q10798782 +Q42747 P27 Q183 +Q312870 P136 Q193355 +Q318792 P106 Q10798782 +Q358387 P69 Q3064259 +Q60059 P106 Q155647 +Q284087 P20 Q60 +Q261104 P19 Q38022 +Q266640 P1412 Q150 +Q180919 P1412 Q7737 +Q214549 P463 Q83172 +Q61696 P136 Q20442589 +Q606389 P106 Q4853732 +Q188987 P1412 Q1860 +Q965 P463 Q1043527 +Q160640 P101 Q166542 +Q314892 P106 Q10800557 +Q928 P530 Q691 +Q261041 P27 Q38 +Q299015 P159 Q1741 +Q4471 P161 Q229325 +Q55418 P106 Q33999 +Q390063 P136 Q157394 +Q225625 P509 Q18554460 +Q711810 P20 Q727 +Q89713 P27 Q183 +Q1011 P463 Q656801 +Q27 P463 Q233611 +Q159098 P136 Q9759 +Q310367 P106 Q2405480 +Q284087 P106 Q2526255 +Q250954 P840 Q1397 +Q940594 P27 Q414 +Q58799 P27 Q183 +Q876706 P69 Q622683 +Q170328 P106 Q1053574 +Q470841 P106 Q183945 +Q164119 P136 Q6010 +Q83906 P27 Q30 +Q136646 P19 Q1558 +Q228860 P106 Q486748 +Q262838 P106 Q10798782 +Q249350 P136 Q1776156 +Q92115 P69 Q32120 +Q157282 P106 Q36180 +Q222800 P161 Q440910 +Q41568 P106 Q36180 +Q99634 P463 Q543804 +Q80596 P135 Q667661 +Q33391 P106 Q4964182 +Q22750 P463 Q161806 +Q368525 P1303 Q5994 +Q309888 P106 Q2252262 +Q67204 P102 Q158227 +Q76114 P106 Q1622272 +Q302403 P161 Q171745 +Q235622 P69 Q981195 +Q232449 P1412 Q9176 +Q686493 P106 Q170790 +Q90074 P106 Q36180 +Q312053 P106 Q753110 +Q312270 P119 Q1603 +Q3923 P17 Q43287 +Q84114 P463 Q463303 +Q636 P136 Q217467 +Q248042 P1412 Q256 +Q209913 P161 Q187765 +Q150526 P108 Q21705070 +Q42775 P106 Q10800557 +Q1443689 P106 Q753110 +Q3215942 P106 Q81096 +Q346648 P106 Q82955 +Q49823 P106 Q81096 +Q165357 P27 Q213 +Q432689 P19 Q60 +Q253757 P106 Q33999 +Q459681 P106 Q1281618 +Q42775 P106 Q19723482 +Q93153 P27 Q145 +Q183439 P140 Q3333484 +Q76748 P106 Q1622272 +Q123565 P463 Q543804 +Q217298 P106 Q947873 +Q598185 P106 Q639669 +Q32595 P106 Q488205 +Q434805 P1412 Q5146 +Q44519 P106 Q37226 +Q181402 P106 Q177220 +Q72365 P463 Q414110 +Q233959 P106 Q639669 +Q212145 P161 Q296008 +Q244 P530 Q730 +Q46706 P737 Q905 +Q469888 P106 Q201788 +Q329127 P161 Q350811 +Q202508 P136 Q200092 +Q215122 P20 Q1741 +Q43203 P106 Q3427922 +Q865 P530 Q33 +Q191020 P172 Q34069 +Q152306 P27 Q33 +Q1349827 P172 Q49085 +Q88844 P106 Q36180 +Q9047 P106 Q36180 +Q80095 P106 Q1622272 +Q556568 P140 Q9592 +Q47478 P106 Q4964182 +Q51139 P106 Q177220 +Q865 P530 Q1050 +Q215937 P102 Q49768 +Q1274170 P1303 Q17172850 +Q562213 P1412 Q7737 +Q1271 P106 Q40348 +Q310580 P1303 Q6607 +Q259788 P106 Q639669 +Q61648 P463 Q329464 +Q92532 P108 Q152087 +Q84011 P69 Q201492 +Q216636 P509 Q12136 +Q242792 P264 Q2902300 +Q7336 P509 Q47912 +Q43994 P106 Q1114448 +Q428668 P495 Q30 +Q273814 P106 Q2259451 +Q335544 P106 Q1930187 +Q340911 P136 Q130232 +Q348944 P106 Q43845 +Q212 P530 Q928 +Q314945 P27 Q30 +Q440817 P106 Q177220 +Q327681 P161 Q77035 +Q261104 P69 Q579968 +Q956275 P27 Q30 +Q57442 P69 Q318186 +Q94487 P1303 Q17172850 +Q229449 P136 Q37073 +Q433893 P69 Q49088 +Q104000 P106 Q10800557 +Q275939 P106 Q177220 +Q72292 P27 Q20 +Q9219 P112 Q11812 +Q75612 P1412 Q1860 +Q233397 P1412 Q1860 +Q312637 P509 Q47912 +Q142999 P106 Q36180 +Q94653 P106 Q121594 +Q139549 P119 Q2972543 +Q133308 P108 Q1065 +Q114509 P27 Q30 +Q7604 P101 Q7754 +Q1299302 P1303 Q6607 +Q207659 P641 Q5372 +Q332525 P106 Q10798782 +Q71960 P161 Q239331 +Q271426 P551 Q65 +Q1392102 P1303 Q17172850 +Q18118088 P3373 Q2287423 +Q133855 P19 Q220 +Q133489 P106 Q486748 +Q314926 P106 Q10798782 +Q164804 P161 Q336131 +Q205456 P106 Q10798782 +Q151936 P106 Q1234713 +Q61374 P108 Q131252 +Q182046 P106 Q14915627 +Q557774 P106 Q214917 +Q123062 P19 Q71 +Q465105 P106 Q639669 +Q1065189 P20 Q484678 +Q78321 P463 Q18650004 +Q41132 P136 Q157394 +Q313655 P1412 Q1860 +Q212333 P57 Q51559 +Q231713 P509 Q2140674 +Q48995 P264 Q183387 +Q352730 P106 Q10800557 +Q457687 P106 Q1930187 +Q322730 P69 Q49108 +Q400046 P106 Q33999 +Q60854 P106 Q170790 +Q1346521 P106 Q81096 +Q430900 P106 Q33999 +Q234604 P1412 Q1860 +Q329498 P106 Q169470 +Q231815 P101 Q482 +Q104561 P1412 Q188 +Q185546 P27 Q29 +Q61163 P27 Q183 +Q230836 P106 Q177220 +Q85700 P106 Q901 +Q2709 P106 Q10800557 +Q322211 P106 Q177220 +Q318694 P106 Q639669 +Q61659 P19 Q24879 +Q29328 P106 Q10800557 +Q311293 P20 Q16555 +Q58087 P27 Q218 +Q1744 P1303 Q61285 +Q119935 P106 Q10800557 +Q465105 P106 Q806349 +Q1382482 P106 Q36834 +Q228901 P106 Q1930187 +Q336222 P1303 Q17172850 +Q371639 P106 Q18844224 +Q631416 P106 Q806798 +Q569362 P102 Q79854 +Q596717 P106 Q33999 +Q71819 P106 Q15839134 +Q367085 P106 Q10800557 +Q61310 P106 Q4964182 +Q395714 P106 Q483501 +Q329448 P161 Q312902 +Q2725555 P27 Q833 +Q78607 P1412 Q188 +Q319392 P19 Q184116 +Q184572 P140 Q1841 +Q239652 P140 Q432 +Q185714 P106 Q1930187 +Q168109 P106 Q482980 +Q130746 P136 Q482 +Q23685 P108 Q621043 +Q348916 P106 Q3282637 +Q851 P530 Q219060 +Q309246 P840 Q717 +Q2551 P140 Q170111 +Q60095 P108 Q1733 +Q193116 P27 Q30 +Q189080 P106 Q49757 +Q97383 P69 Q152838 +Q213512 P106 Q10798782 +Q203623 P106 Q6625963 +Q1250743 P106 Q10800557 +Q329 P26 Q143945 +Q165817 P136 Q130232 +Q192185 P106 Q16145150 +Q20153 P1412 Q5287 +Q32335 P19 Q2135 +Q1292344 P69 Q41506 +Q1077577 P1303 Q17172850 +Q18446 P19 Q11194 +Q12807 P140 Q7066 +Q983450 P106 Q11774202 +Q326823 P20 Q1781 +Q505274 P106 Q33231 +Q153909 P1412 Q9301 +Q55796 P140 Q75809 +Q26294 P106 Q488205 +Q309589 P20 Q29303 +Q217750 P264 Q193023 +Q452388 P119 Q438199 +Q279057 P136 Q188473 +Q193035 P27 Q298 +Q179041 P106 Q10800557 +Q96811 P69 Q152087 +Q162005 P106 Q81096 +Q159 P530 Q155 +Q221155 P140 Q432 +Q539506 P106 Q9648008 +Q151523 P69 Q152087 +Q1622571 P106 Q177220 +Q329056 P161 Q192165 +Q162202 P1412 Q1860 +Q584197 P106 Q36180 +Q299073 P27 Q843 +Q577504 P106 Q1930187 +Q5977 P136 Q11399 +Q226053 P106 Q753110 +Q88073 P1412 Q188 +Q347891 P106 Q4964182 +Q61318 P463 Q414188 +Q736099 P136 Q203775 +Q217619 P106 Q36180 +Q355374 P27 Q145 +Q280856 P40 Q9682 +Q4235 P136 Q188450 +Q92636 P463 Q1493021 +Q78926 P106 Q1622272 +Q680728 P106 Q201788 +Q3022141 P69 Q193196 +Q264253 P106 Q1231865 +Q45546 P509 Q12192 +Q233340 P106 Q11900058 +Q109612 P106 Q36834 +Q1368401 P1303 Q5994 +Q67076 P106 Q36180 +Q188113 P108 Q681025 +Q273208 P27 Q30 +Q23814 P106 Q2526255 +Q457306 P106 Q855091 +Q166562 P106 Q10800557 +Q483382 P69 Q736674 +Q6648722 P108 Q13371 +Q193278 P106 Q33999 +Q181667 P106 Q1930187 +Q219655 P106 Q10800557 +Q190631 P264 Q843402 +Q700323 P106 Q4853732 +Q259317 P106 Q1930187 +Q254 P1303 Q5994 +Q318607 P106 Q2059704 +Q94672 P69 Q165980 +Q232222 P161 Q193278 +Q98116 P20 Q3955 +Q1629187 P108 Q34433 +Q25483 P1412 Q1860 +Q363383 P27 Q30 +Q90771 P106 Q2405480 +Q150630 P108 Q219317 +Q188570 P140 Q1841 +Q302491 P27 Q30 +Q44845 P108 Q414219 +Q15001 P135 Q37068 +Q120664 P106 Q82955 +Q531287 P1303 Q17172850 +Q484302 P136 Q483352 +Q130917 P19 Q2119 +Q185007 P551 Q30 +Q307 P1050 Q10874 +Q1087475 P106 Q10798782 +Q179126 P106 Q1930187 +Q68325 P27 Q183 +Q436463 P106 Q36834 +Q512741 P106 Q557880 +Q455292 P106 Q2252262 +Q505850 P1412 Q1860 +Q91617 P19 Q3933 +Q230641 P27 Q30 +Q572655 P106 Q47064 +Q47152 P27 Q174193 +Q108558 P1303 Q5994 +Q149127 P106 Q43845 +Q66248 P106 Q11774202 +Q144643 P106 Q33999 +Q274812 P106 Q10800557 +Q115525 P641 Q36908 +Q3802 P17 Q27306 +Q183 P530 Q697 +Q186587 P161 Q181413 +Q233054 P106 Q2259451 +Q191966 P106 Q3282637 +Q353816 P27 Q174193 +Q805 P530 Q252 +Q974238 P264 Q1899781 +Q881 P463 Q827525 +Q43247 P106 Q18814623 +Q217010 P161 Q234847 +Q879093 P20 Q60 +Q106812 P106 Q49757 +Q423 P530 Q769 +Q706084 P19 Q41819 +Q186959 P1412 Q150 +Q188569 P27 Q161885 +Q1197841 P161 Q203268 +Q471542 P106 Q49757 +Q44437 P641 Q41323 +Q206112 P106 Q177220 +Q3193543 P20 Q90 +Q235934 P264 Q664167 +Q218319 P27 Q36 +Q238719 P106 Q36834 +Q81627 P20 Q43 +Q455625 P106 Q36834 +Q58091 P1412 Q9129 +Q62857 P106 Q1622272 +Q205532 P161 Q203215 +Q234865 P1412 Q1860 +Q32522 P27 Q30 +Q582152 P106 Q9149093 +Q25948 P136 Q1344 +Q96 P530 Q1008 +Q444125 P27 Q30 +Q475942 P19 Q1492 +Q112255 P1412 Q188 +Q215630 P69 Q157575 +Q276734 P136 Q130232 +Q183 P530 Q810 +Q19405 P161 Q310944 +Q3436506 P69 Q192334 +Q512741 P106 Q17125263 +Q298388 P106 Q2059704 +Q1671177 P106 Q1622272 +Q443166 P106 Q81096 +Q23880 P106 Q10800557 +Q213794 P106 Q3242115 +Q75059 P463 Q161806 +Q324015 P1303 Q5994 +Q313849 P106 Q488205 +Q431660 P840 Q1490 +Q242571 P106 Q6625963 +Q1293950 P27 Q145 +Q221109 P136 Q590103 +Q332417 P106 Q36180 +Q99294 P136 Q37073 +Q85429 P27 Q183 +Q560647 P19 Q84 +Q230 P463 Q17495 +Q237774 P106 Q10800557 +Q1067 P737 Q6691 +Q1558698 P106 Q1622272 +Q12688 P119 Q188856 +Q334633 P69 Q1247373 +Q256884 P1303 Q6607 +Q34189 P106 Q18814623 +Q715315 P106 Q49757 +Q229716 P264 Q216364 +Q498390 P19 Q84 +Q315542 P106 Q43845 +Q213562 P551 Q84 +Q439438 P106 Q10798782 +Q105585 P1412 Q1321 +Q312480 P509 Q220570 +Q1230528 P463 Q83172 +Q43 P530 Q858 +Q57410 P69 Q13371 +Q113928 P20 Q3033 +Q843 P530 Q1033 +Q640292 P106 Q1930187 +Q62352 P106 Q177220 +Q174244 P20 Q172 +Q234289 P108 Q192964 +Q190076 P106 Q753110 +Q215979 P463 Q253439 +Q180019 P106 Q19723482 +Q3193543 P1412 Q809 +Q247182 P161 Q104791 +Q103784 P106 Q3282637 +Q268569 P106 Q3455803 +Q3720507 P108 Q645663 +Q155236 P27 Q7318 +Q145 P530 Q227 +Q4286203 P136 Q12799318 +Q309289 P161 Q233837 +Q72653 P551 Q90 +Q241903 P106 Q6625963 +Q312833 P106 Q189290 +Q5604 P20 Q16556 +Q380983 P106 Q1930187 +Q233736 P19 Q61 +Q60579 P551 Q34266 +Q117 P530 Q1033 +Q290312 P495 Q183 +Q61585 P69 Q165980 +Q134798 P69 Q274486 +Q352030 P106 Q28389 +Q1067043 P264 Q1142456 +Q465127 P136 Q11401 +Q453390 P1303 Q5994 +Q60208 P69 Q154561 +Q7313843 P551 Q100 +Q250539 P20 Q39561 +Q451825 P1412 Q7737 +Q48112 P27 Q34266 +Q458966 P551 Q90 +Q130853 P106 Q33999 +Q87857 P119 Q68752772 +Q264137 P136 Q49451 +Q709873 P136 Q8341 +Q233932 P136 Q37073 +Q62988 P463 Q1938003 +Q92868 P463 Q1493021 +Q295080 P27 Q30 +Q293149 P3373 Q741600 +Q314569 P106 Q188094 +Q228733 P1303 Q17172850 +Q181995 P108 Q463055 +Q553543 P106 Q855091 +Q3022141 P19 Q84 +Q347950 P19 Q1486 +Q513991 P20 Q23197 +Q57249 P40 Q85636 +Q192655 P136 Q484641 +Q2135 P30 Q49 +Q137595 P57 Q240872 +Q313020 P551 Q277162 +Q77193 P27 Q16957 +Q208359 P27 Q179876 +Q1884 P17 Q183 +Q19526 P106 Q11774202 +Q229613 P1303 Q6607 +Q580414 P27 Q29 +Q83694 P20 Q65 +Q240886 P108 Q126399 +Q316556 P509 Q12192 +Q113099 P106 Q947873 +Q29999 P463 Q899770 +Q518576 P106 Q1930187 +Q64173 P136 Q3072039 +Q45374 P106 Q4773904 +Q506379 P101 Q166542 +Q189694 P641 Q11419 +Q1047 P106 Q372436 +Q198644 P69 Q273631 +Q80900 P1412 Q1860 +Q52927 P106 Q47064 +Q42574 P26 Q208214 +Q25310 P102 Q29552 +Q275875 P106 Q947873 +Q1286510 P172 Q49085 +Q24045 P1412 Q1321 +Q214574 P106 Q2259451 +Q708963 P106 Q753110 +Q44839 P102 Q49768 +Q441685 P108 Q190080 +Q4723060 P27 Q30 +Q87012 P106 Q47064 +Q918647 P27 Q15180 +Q558615 P27 Q155 +Q282882 P20 Q90 +Q454243 P69 Q193510 +Q502 P1050 Q41083 +Q93341 P264 Q183387 +Q206374 P161 Q159577 +Q114808 P106 Q1231865 +Q220525 P463 Q1132636 +Q2793815 P69 Q49112 +Q731139 P106 Q36180 +Q55435 P106 Q36180 +Q560647 P108 Q49114 +Q75951 P20 Q100 +Q902 P463 Q827525 +Q500999 P69 Q608338 +Q563287 P1412 Q1860 +Q551015 P1412 Q1321 +Q554422 P106 Q12800682 +Q389014 P840 Q65 +Q1720 P30 Q46 +Q44086 P106 Q16031530 +Q35 P530 Q30 +Q103835 P463 Q253439 +Q4593 P19 Q1156 +Q233956 P106 Q49757 +Q163557 P106 Q1930187 +Q35 P530 Q986 +Q234663 P136 Q49084 +Q234791 P407 Q188 +Q189375 P27 Q858 +Q1396630 P27 Q664 +Q1175373 P19 Q2256 +Q318509 P106 Q8246794 +Q310767 P106 Q49757 +Q778 P30 Q49 +Q361976 P69 Q3268638 +Q347986 P106 Q855091 +Q121694 P463 Q459620 +Q157043 P20 Q61 +Q335680 P106 Q33999 +Q184499 P463 Q2370801 +Q212015 P136 Q37073 +Q350717 P106 Q28389 +Q219717 P106 Q3282637 +Q309768 P106 Q482980 +Q216701 P463 Q812155 +Q77777 P106 Q2405480 +Q161363 P551 Q270 +Q318267 P106 Q3282637 +Q313727 P106 Q6625963 +Q270529 P140 Q60995 +Q87756 P106 Q82955 +Q108306 P106 Q28389 +Q164401 P69 Q5676553 +Q233265 P106 Q49757 +Q111873 P108 Q221653 +Q981171 P136 Q131539 +Q108941 P106 Q2405480 +Q36 P530 Q155 +Q917 P463 Q376150 +Q62086 P106 Q2374149 +Q311472 P1412 Q1860 +Q356986 P264 Q193023 +Q1359247 P19 Q38022 +Q720208 P106 Q177220 +Q76686 P1050 Q12204 +Q54868 P3373 Q4235 +Q382068 P106 Q2526255 +Q380318 P20 Q1754 +Q96492 P102 Q7320 +Q127548 P106 Q855091 +Q35 P530 Q1036 +Q350857 P106 Q1930187 +Q465428 P1412 Q652 +Q371119 P136 Q8341 +Q4538 P27 Q30 +Q232819 P20 Q1297 +Q5549674 P69 Q309331 +Q239131 P106 Q4964182 +Q211831 P106 Q2259451 +Q328201 P106 Q36180 +Q181900 P551 Q60 +Q121111 P27 Q39 +Q78704 P27 Q28513 +Q735560 P136 Q9730 +Q73362 P451 Q40523 +Q322915 P136 Q11401 +Q229646 P106 Q36180 +Q114 P530 Q668 +Q2599 P19 Q24826 +Q117741 P172 Q49085 +Q215637 P463 Q2370801 +Q538109 P106 Q36180 +Q1927260 P106 Q33999 +Q54868 P551 Q23197 +Q94913 P106 Q4610556 +Q290502 P19 Q1335 +Q1000 P463 Q842490 +Q540443 P27 Q145 +Q540395 P106 Q488205 +Q12292644 P69 Q841581 +Q64812 P27 Q16957 +Q159347 P106 Q2259451 +Q100937 P106 Q28389 +Q38757 P106 Q8178443 +Q38486 P161 Q1366460 +Q709670 P106 Q1930187 +Q65533 P463 Q879171 +Q892 P119 Q34217 +Q1000051 P106 Q82955 +Q219150 P136 Q1535153 +Q316138 P106 Q1607826 +Q495272 P106 Q639669 +Q216478 P27 Q172579 +Q445095 P106 Q49757 +Q163899 P57 Q60100 +Q319527 P69 Q1137719 +Q209926 P1303 Q6607 +Q84482 P27 Q28513 +Q569378 P1303 Q17172850 +Q45593 P20 Q1741 +Q37355 P1303 Q17172850 +Q12571 P106 Q201788 +Q717059 P1303 Q17172850 +Q55800 P106 Q36180 +Q158878 P27 Q30 +Q339031 P27 Q30 +Q865 P530 Q917 +Q143945 P1303 Q6607 +Q113951 P106 Q1930187 +Q90849 P106 Q33999 +Q444857 P106 Q36834 +Q188569 P40 Q47152 +Q920857 P106 Q16533 +Q84422 P69 Q221653 +Q262576 P1303 Q17172850 +Q3241949 P20 Q90 +Q76490 P1303 Q8338 +Q970 P463 Q2029901 +Q1524938 P106 Q855091 +Q11815 P509 Q12204 +Q70474 P69 Q153987 +Q323260 P463 Q265058 +Q45789 P106 Q169470 +Q600488 P161 Q233739 +Q123225 P106 Q82955 +Q3353479 P463 Q123885 +Q51559 P106 Q3387717 +Q262886 P106 Q1086863 +Q879093 P1412 Q809 +Q67477 P106 Q1622272 +Q966894 P1412 Q150 +Q96426 P106 Q15949613 +Q219862 P69 Q41506 +Q1203 P106 Q855091 +Q977 P463 Q656801 +Q361297 P106 Q33999 +Q373417 P1412 Q652 +Q66709 P20 Q824 +Q441628 P1412 Q7737 +Q439315 P27 Q30 +Q962308 P1050 Q11085 +Q55388 P106 Q2526255 +Q443199 P135 Q180902 +Q162672 P136 Q52207399 +Q685 P463 Q188822 +Q78592 P106 Q155647 +Q208117 P106 Q177220 +Q777354 P106 Q36180 +Q268569 P27 Q142 +Q268294 P106 Q15253558 +Q51489 P106 Q10800557 +Q318390 P20 Q1486 +Q479992 P106 Q2516866 +Q152245 P463 Q123885 +Q450789 P1412 Q36510 +Q59824 P20 Q60 +Q75866 P1412 Q188 +Q215820 P106 Q28389 +Q55004 P140 Q9268 +Q84266 P102 Q79854 +Q414 P463 Q5611262 +Q108886 P102 Q29468 +Q49074 P69 Q1150105 +Q76699 P108 Q50662 +Q193570 P161 Q229232 +Q211566 P106 Q36180 +Q190588 P161 Q260331 +Q386053 P106 Q28389 +Q6694 P106 Q901402 +Q173441 P1412 Q13955 +Q67007 P69 Q50662 +Q23301 P1303 Q17172850 +Q561196 P106 Q715301 +Q318198 P19 Q1757 +Q107957 P69 Q178848 +Q26162388 P50 Q22670 +Q1443689 P106 Q33999 +Q722042 P1303 Q17172850 +Q10390 P106 Q28389 +Q36740 P106 Q1476215 +Q17455 P509 Q181257 +Q130742 P106 Q183945 +Q316454 P106 Q36834 +Q57358 P119 Q240744 +Q348571 P106 Q36834 +Q173637 P1412 Q1860 +Q177930 P840 Q1391 +Q159603 P1412 Q809 +Q211462 P172 Q115026 +Q79120 P106 Q13582652 +Q373423 P69 Q49088 +Q10133 P136 Q36279 +Q242373 P106 Q10798782 +Q237669 P106 Q4610556 +Q313849 P106 Q33999 +Q727257 P106 Q36180 +Q128568 P140 Q9592 +Q334670 P102 Q29468 +Q207947 P69 Q304985 +Q955088 P27 Q38 +Q72938 P108 Q661916 +Q67553 P1412 Q188 +Q25153 P1412 Q652 +Q311145 P463 Q337224 +Q223303 P106 Q10798782 +Q114450 P1412 Q188 +Q522579 P106 Q1930187 +Q233253 P27 Q30 +Q649 P17 Q159 +Q288620 P106 Q10800557 +Q434745 P1303 Q52954 +Q458966 P27 Q142 +Q106255 P19 Q48958 +Q2646 P27 Q183 +Q47007 P136 Q182357 +Q320895 P1303 Q52954 +Q232391 P106 Q1323191 +Q291068 P509 Q12152 +Q382408 P57 Q53018 +Q1070832 P27 Q30 +Q515606 P20 Q649 +Q53570396 P3373 Q13129708 +Q76346 P27 Q28 +Q732055 P136 Q8341 +Q571605 P463 Q463303 +Q110714 P20 Q60 +Q213775 P106 Q36180 +Q353788 P264 Q190585 +Q359563 P106 Q1930187 +Q265179 P27 Q155 +Q78716 P27 Q40 +Q239357 P264 Q772494 +Q193695 P17 Q30 +Q180975 P69 Q304985 +Q450714 P119 Q1771319 +Q57106 P1412 Q809 +Q44467 P108 Q740308 +Q712 P530 Q159 +Q60953 P106 Q10798782 +Q796 P530 Q159 +Q801 P530 Q148 +Q537005 P509 Q216169 +Q184768 P57 Q56094 +Q112856 P106 Q1281618 +Q78006 P102 Q13124 +Q65121 P69 Q157575 +Q258 P530 Q40362 +Q74235 P106 Q1930187 +Q83172 P159 Q649 +Q181678 P551 Q65 +Q121507 P106 Q177220 +Q836 P530 Q159 +Q224647 P136 Q1200678 +Q236505 P106 Q855091 +Q214602 P106 Q1622272 +Q106740 P101 Q8261 +Q241299 P106 Q822146 +Q264989 P106 Q622807 +Q443813 P1303 Q6607 +Q47900 P140 Q7066 +Q41 P530 Q419 +Q4723060 P106 Q901 +Q319737 P106 Q639669 +Q1560657 P106 Q639669 +Q745363 P106 Q18844224 +Q1314285 P106 Q40348 +Q3480998 P102 Q17427 +Q49355 P463 Q270794 +Q2902600 P19 Q1773 +Q262479 P106 Q33999 +Q888666 P106 Q753110 +Q65613 P106 Q1622272 +Q130853 P136 Q1344 +Q85464 P108 Q41506 +Q206832 P119 Q311 +Q426433 P161 Q182349 +Q57351 P108 Q165528 +Q237242 P119 Q533697 +Q14540 P106 Q245068 +Q127345 P106 Q36180 +Q70962 P69 Q151510 +Q288620 P1303 Q17172850 +Q691076 P106 Q639669 +Q284686 P161 Q34851 +Q60785 P106 Q6625963 +Q32 P463 Q8475 +Q11928 P161 Q442300 +Q139602 P27 Q30 +Q106225 P1303 Q17172850 +Q164674 P27 Q145 +Q1276 P119 Q340 +Q435807 P106 Q488205 +Q15850 P106 Q81096 +Q943298 P106 Q183945 +Q121060 P1412 Q1860 +Q106083 P19 Q9248 +Q267051 P27 Q30 +Q177374 P840 Q812 +Q504066 P1412 Q1860 +Q16458 P161 Q140181 +Q352233 P27 Q30 +Q359251 P106 Q10800557 +Q444312 P106 Q10800557 +Q40096 P136 Q11401 +Q275247 P106 Q36834 +Q7302 P69 Q32120 +Q152524 P27 Q142 +Q766 P530 Q16 +Q487488 P106 Q43845 +Q378672 P106 Q3282637 +Q23505 P26 Q190628 +Q62791 P106 Q20725072 +Q241783 P106 Q10800557 +Q70083 P69 Q144488 +Q367447 P264 Q1251139 +Q233536 P1303 Q11405 +Q7327 P106 Q11900058 +Q231726 P1412 Q1860 +Q434821 P27 Q40 +Q267522 P106 Q10800557 +Q980000 P27 Q30 +Q219776 P840 Q61 +Q78993 P172 Q50001 +Q60133 P19 Q64 +Q106775 P1303 Q17172850 +Q23880 P106 Q177220 +Q881 P530 Q159 +Q97027 P106 Q901402 +Q45321 P69 Q317053 +Q184219 P106 Q3282637 +Q156193 P1412 Q150 +Q312803 P19 Q18125 +Q348497 P106 Q82955 +Q127437 P102 Q29468 +Q234606 P106 Q947873 +Q75828 P463 Q253439 +Q238331 P69 Q168756 +Q465640 P106 Q266569 +Q504458 P106 Q2914170 +Q366307 P106 Q14467526 +Q165816 P106 Q3282637 +Q46633 P106 Q170790 +Q188018 P551 Q387047 +Q470572 P161 Q107006 +Q374263 P69 Q4948174 +Q150662 P509 Q623031 +Q82049 P1412 Q397 +Q192724 P161 Q174843 +Q240222 P19 Q3141 +Q622636 P20 Q127856 +Q206112 P106 Q131524 +Q371430 P106 Q10800557 +Q441528 P27 Q30 +Q384804 P106 Q753110 +Q58328 P463 Q191583 +Q14045 P106 Q855091 +Q469478 P140 Q1841 +Q1158704 P1412 Q5287 +Q76000 P27 Q183 +Q188426 P264 Q203059 +Q215488 P106 Q639669 +Q2149885 P106 Q15981151 +Q995245 P27 Q183 +Q253513 P19 Q60 +Q1269512 P108 Q55021 +Q271640 P106 Q33999 +Q1443475 P106 Q855091 +Q72390 P69 Q152171 +Q4042 P136 Q131272 +Q365682 P106 Q33231 +Q65561 P102 Q49768 +Q122003 P27 Q29 +Q275402 P69 Q270222 +Q109324 P69 Q993267 +Q179150 P27 Q30 +Q504083 P27 Q15180 +Q159 P530 Q265 +Q83557 P463 Q3394637 +Q71106 P27 Q183 +Q1070606 P136 Q484641 +Q40531 P1412 Q1860 +Q76748 P106 Q15980158 +Q105460 P106 Q2095549 +Q643408 P106 Q36180 +Q188286 P106 Q1622272 +Q692632 P27 Q30 +Q235388 P106 Q36180 +Q52488 P463 Q4430504 +Q240371 P19 Q60 +Q322211 P27 Q25 +Q184499 P463 Q49738 +Q323463 P106 Q33999 +Q314972 P106 Q4263842 +Q99627 P108 Q503473 +Q192474 P27 Q145 +Q49081 P106 Q11774202 +Q232449 P264 Q1988428 +Q276181 P106 Q18545066 +Q104955 P108 Q32120 +Q541573 P1303 Q128309 +Q218 P463 Q782942 +Q215748 P69 Q20266894 +Q159690 P136 Q52162262 +Q102541 P106 Q36180 +Q34424 P1412 Q1321 +Q1468495 P106 Q639669 +Q299965 P463 Q463303 +Q47100 P106 Q33999 +Q57688 P106 Q189290 +Q233118 P106 Q488111 +Q63773 P19 Q64 +Q163211 P1303 Q17172850 +Q60016 P161 Q311093 +Q235519 P69 Q49116 +Q232009 P161 Q105682 +Q114 P530 Q79 +Q200661 P509 Q202837 +Q309589 P106 Q1028181 +Q92814 P101 Q21198 +Q76364 P106 Q1415090 +Q561596 P27 Q258 +Q2973 P463 Q1768108 +Q168509 P140 Q9268 +Q1039 P463 Q656801 +Q101383 P106 Q1415090 +Q233546 P106 Q33999 +Q92987 P20 Q956 +Q150910 P106 Q43845 +Q428493 P1303 Q17172850 +Q275939 P106 Q10798782 +Q374610 P106 Q482980 +Q319277 P1303 Q6607 +Q268912 P108 Q23548 +Q440007 P69 Q487556 +Q224544 P106 Q49757 +Q68543 P106 Q19204627 +Q975210 P69 Q51985 +Q454758 P106 Q170790 +Q139087 P106 Q1622272 +Q19837 P106 Q205375 +Q239786 P106 Q488205 +Q381734 P106 Q214917 +Q214063 P1303 Q17172850 +Q165680 P106 Q49757 +Q224650 P1303 Q5994 +Q183031 P106 Q2405480 +Q55404 P69 Q1145306 +Q1820469 P106 Q1415090 +Q229263 P106 Q5716684 +Q781514 P106 Q15895020 +Q128604 P140 Q23540 +Q318475 P1412 Q1860 +Q374770 P106 Q10800557 +Q728365 P106 Q82955 +Q705477 P1412 Q1860 +Q95237 P19 Q90 +Q267676 P19 Q64 +Q78824 P106 Q121594 +Q162959 P102 Q29552 +Q189600 P161 Q81819 +Q102788 P1412 Q652 +Q121926 P463 Q123885 +Q37610 P172 Q7325 +Q67641 P463 Q879171 +Q924 P530 Q833 +Q311778 P106 Q1930187 +Q7314 P106 Q486748 +Q544472 P27 Q191 +Q622636 P119 Q1625328 +Q916 P463 Q376150 +Q37160 P27 Q161885 +Q642060 P106 Q1930187 +Q538824 P19 Q18419 +Q921542 P106 Q584301 +Q232456 P1050 Q131755 +Q429397 P161 Q42229 +Q515034 P106 Q49757 +Q228852 P106 Q10800557 +Q183 P530 Q148 +Q93356 P20 Q1761 +Q1988375 P1412 Q150 +Q256732 P136 Q2280497 +Q709751 P106 Q1930187 +Q267010 P1303 Q17172850 +Q202663 P1303 Q6607 +Q165637 P106 Q2865819 +Q232260 P102 Q9630 +Q273727 P106 Q214917 +Q43274 P1050 Q84263196 +Q457306 P27 Q30 +Q299965 P106 Q1930187 +Q458978 P69 Q391028 +Q76959 P108 Q34433 +Q66720618 P106 Q10774753 +Q215708 P106 Q33999 +Q310934 P106 Q33999 +Q168859 P27 Q842199 +Q5686 P106 Q4853732 +Q123861 P463 Q695302 +Q48990 P551 Q656 +Q93450 P27 Q801 +Q15001 P106 Q36834 +Q34091 P463 Q40358 +Q7747 P69 Q27621 +Q283799 P136 Q2297927 +Q104757 P1412 Q188 +Q156774 P463 Q18912936 +Q148204 P161 Q178552 +Q669448 P20 Q649 +Q96 P530 Q1033 +Q430076 P106 Q8178443 +Q40475 P27 Q30 +Q357821 P106 Q3621491 +Q230023 P1412 Q1860 +Q600344 P264 Q843402 +Q990492 P172 Q49078 +Q945301 P27 Q20 +Q103598 P69 Q209842 +Q881176 P106 Q82955 +Q238941 P106 Q639669 +Q180723 P1303 Q6607 +Q3439052 P106 Q188094 +Q212804 P161 Q290370 +Q598344 P106 Q947873 +Q343304 P136 Q83270 +Q75523 P106 Q1622272 +Q472487 P27 Q30 +Q846373 P136 Q45981 +Q322850 P106 Q36834 +Q219 P463 Q899770 +Q203268 P26 Q230641 +Q61456 P106 Q49757 +Q68596 P106 Q1622272 +Q740596 P106 Q1930187 +Q906529 P27 Q30 +Q193509 P27 Q30 +Q34933 P1412 Q188 +Q59610 P840 Q65 +Q333573 P106 Q1930187 +Q232837 P136 Q21590660 +Q313546 P3373 Q432940 +Q544283 P106 Q855091 +Q57389 P27 Q183 +Q794 P530 Q854 +Q114509 P69 Q838330 +Q9317 P463 Q191583 +Q67641 P27 Q183 +Q204586 P106 Q948329 +Q168728 P463 Q1938003 +Q23527 P106 Q177220 +Q551390 P106 Q1930187 +Q154145 P106 Q36180 +Q1702383 P106 Q639669 +Q220335 P106 Q948329 +Q60116 P106 Q14467526 +Q234030 P106 Q333634 +Q317704 P27 Q142 +Q48996 P361 Q6354282 +Q432473 P106 Q211236 +Q503147 P102 Q79854 +Q367109 P106 Q81096 +Q186273 P106 Q33231 +Q267672 P57 Q262130 +Q52440 P106 Q2259451 +Q332670 P106 Q10800557 +Q2831 P3373 Q349461 +Q286525 P27 Q145 +Q77876 P19 Q4100 +Q84330 P20 Q1726 +Q295502 P69 Q230492 +Q284017 P106 Q855091 +Q1260 P106 Q82955 +Q842 P530 Q183 +Q156516 P136 Q157443 +Q438161 P106 Q2259451 +Q865275 P106 Q482980 +Q189080 P1303 Q6607 +Q313509 P140 Q9268 +Q325538 P136 Q663106 +Q34 P463 Q1969730 +Q9391 P106 Q121594 +Q561196 P1412 Q1321 +Q40482 P463 Q946380 +Q244395 P1412 Q1860 +Q49017 P106 Q488205 +Q46739 P135 Q39427 +Q235289 P27 Q30 +Q103527 P1412 Q9027 +Q740181 P119 Q2661974 +Q230523 P27 Q30 +Q108009 P106 Q16145150 +Q122451 P102 Q694299 +Q85232 P20 Q65 +Q662575 P749 Q330629 +Q235415 P106 Q10798782 +Q17889 P102 Q42183 +Q67645 P106 Q82955 +Q105543 P106 Q18814623 +Q271006 P495 Q27 +Q438271 P136 Q11401 +Q316556 P463 Q265058 +Q230578 P108 Q49114 +Q1290755 P106 Q177220 +Q106662 P136 Q598929 +Q237654 P19 Q584451 +Q332368 P136 Q2484376 +Q187324 P106 Q5716684 +Q429207 P463 Q191583 +Q558167 P27 Q142 +Q151113 P106 Q10798782 +Q66527 P101 Q413 +Q9960 P108 Q126399 +Q92942 P106 Q81096 +Q322915 P69 Q761534 +Q200639 P463 Q265058 +Q93401 P106 Q182436 +Q29 P463 Q190008 +Q132489 P106 Q4964182 +Q311472 P69 Q1206658 +Q454568 P3373 Q155855 +Q64970 P20 Q56037 +Q1356737 P106 Q639669 +Q347362 P551 Q37320 +Q715 P17 Q41304 +Q179018 P161 Q39972 +Q222018 P495 Q30 +Q229325 P106 Q177220 +Q558177 P106 Q1930187 +Q93129 P69 Q49088 +Q173637 P136 Q11401 +Q283964 P106 Q36180 +Q18118088 P3373 Q2062366 +Q106775 P106 Q177220 +Q157313 P106 Q14467526 +Q327107 P106 Q36180 +Q310295 P106 Q3282637 +Q271874 P27 Q30 +Q269894 P69 Q389336 +Q2633389 P106 Q81096 +Q560921 P106 Q333634 +Q1351047 P106 Q2468727 +Q101638 P140 Q106687 +Q315707 P1412 Q9056 +Q1001254 P136 Q7749 +Q1377218 P1303 Q128309 +Q326177 P161 Q312051 +Q19405 P495 Q142 +Q1449438 P106 Q177220 +Q220308 P737 Q132952 +Q291731 P1412 Q1860 +Q12688 P106 Q121594 +Q1045 P530 Q115 +Q722347 P27 Q30 +Q1290755 P106 Q1622272 +Q104000 P1412 Q1860 +Q356129 P136 Q484641 +Q28 P530 Q884 +Q71631 P108 Q55044 +Q193509 P106 Q486748 +Q5608 P1303 Q320002 +Q10411 P106 Q177220 +Q214778 P106 Q5322166 +Q106255 P106 Q3282637 +Q139223 P108 Q1144673 +Q213053 P161 Q259461 +Q709670 P106 Q18844224 +Q117392 P106 Q3282637 +Q278997 P161 Q8927 +Q430900 P463 Q1938003 +Q37150 P101 Q207628 +Q92643 P463 Q117467 +Q258693 P106 Q177220 +Q5685 P136 Q25379 +Q220698 P106 Q11481802 +Q189 P530 Q213 +Q106746 P463 Q466113 +Q193346 P106 Q2526255 +Q329035 P136 Q9759 +Q234099 P106 Q33999 +Q106193 P27 Q35 +Q966228 P69 Q49213 +Q392 P106 Q49757 +Q24879 P463 Q747279 +Q287817 P106 Q10800557 +Q4532076 P19 Q649 +Q325427 P106 Q2259451 +Q2149302 P101 Q7867 +Q367094 P106 Q2405480 +Q93514 P463 Q812155 +Q70474 P106 Q2306091 +Q71548 P551 Q1726 +Q212167 P106 Q28389 +Q36881 P27 Q668 +Q441551 P106 Q193391 +Q230 P530 Q967 +Q361224 P1412 Q1860 +Q40912 P264 Q202585 +Q314603 P106 Q33999 +Q463630 P20 Q2807 +Q364881 P106 Q3922505 +Q82085 P106 Q28389 +Q884 P463 Q827525 +Q191999 P106 Q36180 +Q214475 P26 Q377638 +Q335193 P106 Q82955 +Q165672 P106 Q193391 +Q353640 P106 Q33999 +Q439358 P106 Q10800557 +Q67409 P69 Q152838 +Q363308 P106 Q33231 +Q230209 P106 Q33999 +Q313874 P136 Q1200678 +Q561116 P1412 Q652 +Q96250 P106 Q1930187 +Q220192 P161 Q5383 +Q369190 P20 Q34006 +Q76699 P69 Q151510 +Q12833 P1412 Q1860 +Q846 P463 Q7825 +Q237654 P264 Q277626 +Q7259 P27 Q174193 +Q7200 P106 Q6625963 +Q208546 P19 Q216 +Q216041 P463 Q463303 +Q81520 P106 Q10798782 +Q25089 P106 Q1930187 +Q267676 P106 Q2259451 +Q1176607 P106 Q2405480 +Q166590 P136 Q8261 +Q319871 P106 Q43845 +Q150910 P27 Q145 +Q31112 P106 Q39631 +Q168517 P106 Q1622272 +Q90822 P69 Q152171 +Q213583 P463 Q684415 +Q854 P530 Q252 +Q236946 P27 Q30 +Q212002 P1303 Q17172850 +Q1753535 P17 Q145 +Q165325 P161 Q188375 +Q2134121 P463 Q270794 +Q315325 P20 Q65 +Q193111 P106 Q49757 +Q4889934 P509 Q12078 +Q363254 P20 Q220 +Q912791 P1412 Q1860 +Q215976 P106 Q33999 +Q330238 P27 Q30 +Q92868 P108 Q4614 +Q380121 P106 Q177220 +Q960524 P27 Q30 +Q101919 P106 Q82955 +Q314382 P27 Q30 +Q41 P530 Q222 +Q11617 P136 Q164444 +Q215263 P19 Q100 +Q963 P530 Q258 +Q11613 P106 Q18939491 +Q213565 P119 Q365 +Q50797 P264 Q202585 +Q242535 P106 Q855091 +Q458656 P161 Q235302 +Q367634 P264 Q1194456 +Q84217 P106 Q805221 +Q66426 P106 Q36180 +Q669934 P69 Q838330 +Q151872 P106 Q482980 +Q597433 P106 Q855091 +Q114 P530 Q851 +Q32049 P106 Q2526255 +Q112081 P106 Q47064 +Q379941 P106 Q333634 +Q62890 P106 Q169470 +Q115134 P2348 Q6939 +Q30896 P106 Q10800557 +Q267526 P57 Q36970 +Q337145 P106 Q2259451 +Q193573 P161 Q1676929 +Q92455 P463 Q2043519 +Q67247 P1412 Q188 +Q312628 P69 Q499911 +Q922795 P136 Q49084 +Q6173306 P20 Q2807 +Q312885 P106 Q855091 +Q339196 P509 Q12152 +Q233289 P509 Q12206 +Q106134 P20 Q1794 +Q553790 P27 Q21 +Q102225 P495 Q145 +Q463184 P264 Q994175 +Q456386 P106 Q36834 +Q310638 P136 Q9730 +Q189144 P27 Q179876 +Q55846 P106 Q82955 +Q202982 P840 Q65 +Q62052 P106 Q177220 +Q76509 P69 Q151510 +Q41871 P106 Q10800557 +Q214582 P1412 Q9027 +Q30896 P106 Q177220 +Q208871 P106 Q177220 +Q78367 P27 Q183 +Q311145 P20 Q8678 +Q311961 P136 Q753679 +Q4496 P69 Q49126 +Q41223 P69 Q3890936 +Q2594 P463 Q459620 +Q193273 P551 Q90 +Q445429 P69 Q681025 +Q356140 P106 Q753110 +Q1203 P27 Q145 +Q189 P463 Q1072120 +Q276304 P26 Q312641 +Q40946 P106 Q12144794 +Q65600 P69 Q152087 +Q947291 P27 Q34266 +Q299309 P106 Q33999 +Q178963 P106 Q13590141 +Q207 P106 Q15982858 +Q236212 P264 Q843402 +Q434669 P509 Q212961 +Q266361 P106 Q753110 +Q435780 P136 Q11399 +Q134895 P106 Q10800557 +Q252 P463 Q17495 +Q101734 P1412 Q188 +Q78475 P106 Q486748 +Q1452607 P106 Q639669 +Q130631 P737 Q153034 +Q715787 P106 Q43845 +Q295817 P106 Q1259917 +Q209471 P27 Q30 +Q57477 P19 Q1726 +Q822 P530 Q219060 +Q191132 P136 Q21590660 +Q437182 P1412 Q1321 +Q319502 P27 Q30 +Q1780 P17 Q33946 +Q108510 P2348 Q6927 +Q5603 P19 Q1342 +Q142 P530 Q668 +Q953 P463 Q842490 +Q106481 P106 Q10800557 +Q4030 P509 Q47912 +Q112145 P27 Q40 +Q220780 P161 Q20178 +Q96087 P102 Q256121 +Q104109 P119 Q1437214 +Q902285 P1412 Q9067 +Q102244 P161 Q342419 +Q77832 P19 Q104302 +Q221113 P840 Q1408 +Q16766 P106 Q822146 +Q121656 P27 Q183 +Q314984 P106 Q1930187 +Q280673 P106 Q1930187 +Q36591 P551 Q180083 +Q165911 P106 Q753110 +Q42402 P106 Q12800682 +Q126481 P106 Q1930187 +Q237222 P161 Q317567 +Q303680 P106 Q4964182 +Q42544 P509 Q204933 +Q515845 P1412 Q1860 +Q310217 P20 Q19660 +Q221846 P495 Q30 +Q89486 P1412 Q188 +Q262980 P495 Q30 +Q193608 P27 Q30 +Q211111 P106 Q28389 +Q1526406 P27 Q38 +Q3640 P17 Q12560 +Q166796 P106 Q36834 +Q149499 P1412 Q13955 +Q561809 P106 Q3455803 +Q240851 P108 Q49088 +Q302181 P161 Q123476 +Q436996 P106 Q36180 +Q142988 P106 Q189290 +Q664 P530 Q34020 +Q92359 P69 Q315658 +Q961972 P106 Q350979 +Q64440 P106 Q16533 +Q313378 P136 Q1133657 +Q22889 P17 Q161885 +Q710026 P20 Q220 +Q108355 P106 Q1622272 +Q95543 P106 Q185351 +Q171989 P1412 Q1860 +Q154145 P463 Q812155 +Q131149 P1412 Q1860 +Q1556241 P106 Q81096 +Q47034 P37 Q1412 +Q80137 P27 Q174193 +Q201562 P1303 Q17172850 +Q617932 P1303 Q17172850 +Q71998 P136 Q12799318 +Q463615 P840 Q1558 +Q275180 P161 Q129591 +Q64211 P495 Q145 +Q3101841 P27 Q30 +Q256402 P27 Q145 +Q78089 P106 Q36180 +Q51101 P737 Q1744 +Q1402 P106 Q15949613 +Q475733 P69 Q49108 +Q7416 P463 Q123885 +Q60116 P108 Q206702 +Q43977 P106 Q333634 +Q295542 P106 Q488205 +Q36 P530 Q33946 +Q109496 P20 Q3869 +Q716862 P101 Q395 +Q1290021 P1303 Q51290 +Q258183 P106 Q33999 +Q275003 P737 Q9312 +Q108297 P161 Q145627 +Q981256 P20 Q90 +Q374770 P106 Q33999 +Q16557 P17 Q30 +Q7313843 P27 Q30 +Q123823 P106 Q188094 +Q218210 P106 Q10800557 +Q7343182 P106 Q864380 +Q990492 P69 Q13371 +Q430872 P27 Q145 +Q162740 P106 Q6625963 +Q106001 P27 Q142 +Q153178 P69 Q1189954 +Q78890 P106 Q40348 +Q220525 P106 Q1622272 +Q745363 P20 Q1085 +Q37030 P737 Q5879 +Q311750 P1412 Q1860 +Q531287 P1412 Q1860 +Q6527 P106 Q16031530 +Q520504 P106 Q639669 +Q748584 P1412 Q1860 +Q1451285 P69 Q161562 +Q448764 P106 Q11774202 +Q183439 P1412 Q7918 +Q115641 P463 Q123885 +Q327809 P161 Q74258 +Q238121 P106 Q10798782 +Q348944 P27 Q145 +Q45165 P136 Q83270 +Q216814 P551 Q90 +Q222018 P136 Q471839 +Q61942 P17 Q41304 +Q513184 P119 Q208175 +Q589978 P106 Q188094 +Q123225 P463 Q2822396 +Q132805 P463 Q463303 +Q378672 P26 Q202792 +Q288173 P161 Q310315 +Q94350 P106 Q1622272 +Q952491 P1303 Q46185 +Q69189 P106 Q82955 +Q505949 P106 Q1930187 +Q104094 P106 Q10800557 +Q366307 P172 Q179248 +Q357001 P106 Q33999 +Q114 P530 Q230 +Q12622 P101 Q143 +Q132952 P106 Q578109 +Q122998 P119 Q746647 +Q155163 P495 Q213 +Q11593 P840 Q881 +Q4099230 P463 Q83172 +Q287110 P20 Q649 +Q704718 P20 Q60 +Q151646 P172 Q7325 +Q360445 P69 Q457281 +Q92497 P102 Q158227 +Q221113 P161 Q312051 +Q312385 P106 Q10798782 +Q234765 P119 Q1514332 +Q261041 P19 Q641 +Q704696 P106 Q2374149 +Q165627 P136 Q52207399 +Q144669 P106 Q33999 +Q278193 P407 Q1860 +Q272972 P1412 Q1860 +Q1622571 P1303 Q17172850 +Q563287 P106 Q486748 +Q126896 P161 Q170587 +Q948941 P27 Q34266 +Q286690 P106 Q10800557 +Q193023 P159 Q65 +Q431252 P161 Q405542 +Q7302 P737 Q21 +Q66709 P106 Q15895020 +Q44197 P172 Q142 +Q68596 P106 Q16533 +Q459057 P136 Q130232 +Q93153 P106 Q82955 +Q1911321 P106 Q662729 +Q1379510 P106 Q177220 +Q238871 P26 Q4573 +Q12276134 P106 Q1622272 +Q240769 P106 Q81096 +Q968099 P27 Q34266 +Q274562 P1303 Q17172850 +Q70839 P1412 Q188 +Q186959 P463 Q2092629 +Q356994 P106 Q639669 +Q268024 P101 Q333 +Q272994 P106 Q10800557 +Q50713 P551 Q127856 +Q380799 P737 Q365985 +Q162202 P136 Q37073 +Q519606 P106 Q36180 +Q316556 P106 Q49757 +Q31637 P106 Q28389 +Q435807 P106 Q10798782 +Q205028 P161 Q310953 +Q6538 P463 Q463303 +Q2814 P17 Q27306 +Q4124737 P463 Q1971373 +Q124296 P108 Q152087 +Q256884 P27 Q30 +Q640991 P463 Q123885 +Q240899 P495 Q30 +Q323483 P102 Q29468 +Q241735 P106 Q81096 +Q371925 P69 Q46210 +Q135420 P264 Q1757254 +Q167696 P106 Q753110 +Q129987 P19 Q36600 +Q225 P530 Q403 +Q78214 P463 Q700570 +Q450282 P106 Q482980 +Q584292 P1412 Q1321 +Q55993 P106 Q860918 +Q3802 P17 Q43287 +Q76432 P463 Q2124852 +Q314673 P106 Q10800557 +Q132589 P463 Q1371509 +Q219810 P840 Q816 +Q378639 P106 Q36180 +Q105009 P27 Q183 +Q16409 P27 Q142 +Q210798 P106 Q4164507 +Q202449 P509 Q504775 +Q217 P530 Q39 +Q128379 P27 Q145 +Q2395959 P106 Q177220 +Q78006 P69 Q152087 +Q130780 P108 Q1161297 +Q142 P530 Q32 +Q76579 P106 Q593644 +Q84998 P102 Q153401 +Q11877 P264 Q1439985 +Q525949 P106 Q18805 +Q707999 P20 Q34006 +Q5104 P27 Q30 +Q632532 P136 Q130232 +Q230123 P106 Q3282637 +Q189422 P106 Q2526255 +Q310515 P19 Q18125 +Q164281 P1412 Q36510 +Q212965 P136 Q319221 +Q40791 P106 Q3427922 +Q167216 P27 Q15180 +Q19201 P136 Q263734 +Q49620 P20 Q100 +Q414 P463 Q656801 +Q45789 P140 Q9089 +Q16458 P161 Q192887 +Q6701 P27 Q183 +Q162688 P463 Q83172 +Q35149 P69 Q55044 +Q210590 P161 Q326723 +Q234890 P27 Q142 +Q933749 P1412 Q8798 +Q75371 P106 Q1622272 +Q4074457 P172 Q49542 +Q165699 P161 Q103946 +Q164782 P106 Q245068 +Q30 P530 Q414 +Q70802 P17 Q142 +Q180589 P1412 Q1860 +Q1362223 P106 Q33999 +Q11031 P106 Q4964182 +Q12288275 P69 Q841581 +Q444713 P106 Q1622272 +Q675 P463 Q83172 +Q118982 P108 Q152838 +Q261669 P19 Q84 +Q1342470 P27 Q30 +Q372311 P106 Q33999 +Q10681 P264 Q21077 +Q505957 P106 Q36834 +Q78503 P140 Q75809 +Q192655 P264 Q38903 +Q315784 P106 Q639669 +Q8312 P1412 Q1860 +Q189351 P106 Q2405480 +Q191020 P101 Q8134 +Q555449 P135 Q37068 +Q320218 P106 Q2526255 +Q2440716 P27 Q17 +Q92926 P106 Q43845 +Q43432 P106 Q245068 +Q202314 P136 Q83270 +Q79 P530 Q148 +Q71874 P1412 Q7850 +Q36970 P27 Q148 +Q311778 P19 Q2634 +Q3435328 P27 Q174193 +Q100400 P106 Q36180 +Q234338 P119 Q99 +Q100937 P106 Q947873 +Q22072 P136 Q484641 +Q38486 P495 Q183 +Q382150 P106 Q81096 +Q158379 P27 Q33946 +Q229263 P264 Q54860 +Q234795 P27 Q30 +Q1382482 P19 Q649 +Q503710 P106 Q2526255 +Q227 P463 Q191384 +Q40933 P106 Q82955 +Q2260923 P140 Q9592 +Q61319 P1412 Q188 +Q238751 P1412 Q9067 +Q185888 P136 Q130232 +Q32849 P19 Q38022 +Q66107 P106 Q18814623 +Q2090 P463 Q1768108 +Q1203 P1303 Q17172850 +Q88464 P463 Q684415 +Q253439 P17 Q55 +Q316313 P551 Q60 +Q507809 P140 Q1841 +Q377538 P1412 Q7737 +Q219622 P106 Q36180 +Q81082 P463 Q4345832 +Q73918 P108 Q154561 +Q355447 P106 Q4964182 +Q14320 P495 Q30 +Q1064423 P106 Q81096 +Q91548 P106 Q947873 +Q1779 P264 Q183387 +Q195008 P136 Q35760 +Q206922 P106 Q36180 +Q261244 P106 Q33999 +Q128730 P161 Q386249 +Q312637 P106 Q11774202 +Q34933 P463 Q1468277 +Q241609 P106 Q82955 +Q817 P530 Q902 +Q317228 P27 Q30 +Q144622 P40 Q229184 +Q6060 P106 Q183945 +Q234798 P1412 Q1860 +Q240808 P19 Q60 +Q6691 P106 Q49757 +Q108539 P69 Q151510 +Q168452 P463 Q265058 +Q1389258 P106 Q486748 +Q976417 P106 Q1622272 +Q2966 P17 Q7318 +Q1744 P27 Q145 +Q66316 P108 Q13371 +Q57347 P27 Q1206012 +Q515904 P1412 Q809 +Q75726 P106 Q36180 +Q268824 P161 Q314133 +Q180727 P463 Q463281 +Q43247 P119 Q252312 +Q123078 P106 Q18844224 +Q62206 P119 Q564922 +Q275543 P20 Q65 +Q978375 P106 Q177220 +Q377768 P108 Q336968 +Q24356 P737 Q2831 +Q401182 P106 Q10800557 +Q88194 P463 Q44687 +Q211392 P119 Q288130 +Q692632 P106 Q488205 +Q317614 P106 Q5716684 +Q311750 P106 Q2405480 +Q66426 P1412 Q188 +Q179460 P161 Q544465 +Q1744 P136 Q850412 +Q559506 P106 Q482980 +Q2547113 P551 Q1297 +Q188426 P1303 Q6607 +Q355288 P136 Q11399 +Q1085 P17 Q33946 +Q953288 P106 Q15949613 +Q269901 P27 Q30 +Q190231 P136 Q211756 +Q835 P106 Q18844224 +Q380634 P136 Q11401 +Q431038 P27 Q30 +Q441528 P1412 Q1860 +Q380407 P106 Q855091 +Q320014 P20 Q36600 +Q262980 P161 Q236708 +Q84386 P463 Q463303 +Q137595 P136 Q859369 +Q1022 P17 Q41304 +Q1382495 P1303 Q46185 +Q201607 P740 Q84 +Q57999 P463 Q543804 +Q1891483 P1412 Q652 +Q962402 P20 Q641 +Q168555 P101 Q207628 +Q1268 P551 Q1741 +Q17279884 P641 Q2736 +Q543294 P135 Q186030 +Q46096 P140 Q75809 +Q182031 P69 Q457281 +Q214582 P136 Q11399 +Q444312 P106 Q10798782 +Q27751 P840 Q65 +Q4349 P106 Q33999 +Q213583 P106 Q3055126 +Q62400 P108 Q153987 +Q269890 P27 Q30 +Q465196 P106 Q2643890 +Q259913 P106 Q3282637 +Q27 P530 Q145 +Q276415 P161 Q234544 +Q176176 P69 Q13164 +Q846 P463 Q7172 +Q76641 P463 Q329464 +Q17889 P106 Q16533 +Q176558 P108 Q49167 +Q96331 P1412 Q188 +Q4245942 P69 Q27923720 +Q215215 P264 Q330629 +Q964620 P106 Q639669 +Q78791 P106 Q42909 +Q1475124 P106 Q488205 +Q154817 P136 Q2975633 +Q884 P530 Q155 +Q262886 P106 Q177220 +Q123225 P106 Q270141 +Q291806 P106 Q1930187 +Q85084 P140 Q9592 +Q107167 P840 Q60 +Q531247 P172 Q49085 +Q60163 P20 Q1726 +Q978959 P1412 Q7976 +Q229038 P106 Q33999 +Q950350 P1303 Q6607 +Q164721 P106 Q639669 +Q129022 P19 Q90 +Q892 P136 Q208217 +Q287828 P106 Q333634 +Q112856 P106 Q42973 +Q366057 P106 Q33999 +Q213 P463 Q41550 +Q443813 P106 Q639669 +Q431540 P106 Q1930187 +Q497271 P19 Q43421 +Q72721 P106 Q82955 +Q220955 P495 Q30 +Q193146 P106 Q10800557 +Q168721 P106 Q28389 +Q423644 P119 Q406 +Q188113 P20 Q1297 +Q122020 P106 Q639669 +Q66248 P106 Q36180 +Q150630 P463 Q253439 +Q4042 P172 Q49085 +Q774 P463 Q7809 +Q962 P530 Q668 +Q213 P463 Q1072120 +Q284386 P69 Q49210 +Q190944 P106 Q185351 +Q374263 P19 Q18419 +Q106602 P106 Q14467526 +Q155398 P102 Q157537 +Q1973878 P106 Q82955 +Q4588976 P106 Q188094 +Q138166 P1412 Q150 +Q522679 P136 Q8261 +Q168359 P106 Q2259451 +Q166641 P106 Q1476215 +Q184249 P1303 Q17172850 +Q893667 P463 Q83172 +Q980151 P106 Q177220 +Q352730 P106 Q3455803 +Q312053 P136 Q9730 +Q350857 P27 Q15180 +Q291228 P27 Q30 +Q92637 P19 Q1297 +Q87402 P27 Q183 +Q93503 P106 Q4964182 +Q202792 P106 Q4610556 +Q72800 P463 Q15646111 +Q77317 P27 Q183 +Q96743 P1412 Q188 +Q1278397 P161 Q392 +Q577508 P106 Q4964182 +Q376807 P161 Q234610 +Q261465 P27 Q145 +Q2828029 P69 Q273626 +Q690474 P106 Q36834 +Q865 P530 Q159 +Q374323 P19 Q1297 +Q132351 P840 Q65 +Q13513 P106 Q188094 +Q60987 P27 Q7318 +Q887111 P106 Q131524 +Q367132 P106 Q188094 +Q57775 P27 Q219 +Q190631 P264 Q183387 +Q200407 P106 Q10798782 +Q349799 P136 Q11401 +Q228860 P1303 Q6607 +Q4024 P17 Q27306 +Q6538 P106 Q644687 +Q669685 P19 Q90 +Q1523176 P20 Q39561 +Q544607 P136 Q369747 +Q152520 P106 Q2722764 +Q311145 P106 Q4263842 +Q319785 P106 Q82955 +Q189600 P161 Q310551 +Q213754 P106 Q14467526 +Q1067043 P1303 Q1444 +Q29999 P30 Q48 +Q252 P530 Q148 +Q231116 P106 Q33999 +Q505994 P136 Q11399 +Q193573 P495 Q145 +Q208048 P161 Q445125 +Q221843 P1412 Q1860 +Q63439 P106 Q33999 +Q241503 P27 Q30 +Q28 P530 Q1014 +Q1094716 P19 Q60 +Q1558698 P20 Q65 +Q1251900 P1303 Q46185 +Q41322 P69 Q35794 +Q287027 P106 Q33999 +Q62310 P463 Q879171 +Q976071 P106 Q18814623 +Q328797 P172 Q49085 +Q620609 P1412 Q7737 +Q65130 P69 Q161976 +Q254022 P27 Q805 +Q38484 P106 Q188094 +Q69631 P106 Q36180 +Q217294 P495 Q55 +Q215708 P106 Q482980 +Q6244080 P27 Q145 +Q439812 P1412 Q9176 +Q339876 P161 Q310318 +Q328042 P106 Q1930187 +Q65121 P1412 Q188 +Q377725 P27 Q15180 +Q1065624 P106 Q488205 +Q35 P530 Q96 +Q63228 P106 Q2722764 +Q204751 P106 Q33999 +Q122514 P106 Q1622272 +Q232 P463 Q191384 +Q48792 P106 Q82955 +Q1093318 P106 Q488205 +Q108857 P106 Q4773904 +Q188744 P106 Q10798782 +Q450663 P106 Q1930187 +Q72682 P106 Q333634 +Q139557 P20 Q1741 +Q1065956 P106 Q36180 +Q48814 P172 Q201111 +Q730158 P136 Q598929 +Q239307 P69 Q1247589 +Q458966 P106 Q121594 +Q504066 P3373 Q152524 +Q185364 P1303 Q17172850 +Q248837 P19 Q18419 +Q39691 P140 Q432 +Q182305 P20 Q84 +Q312336 P264 Q466649 +Q316045 P463 Q463303 +Q129629 P106 Q11338576 +Q929 P463 Q656801 +Q234094 P172 Q161652 +Q4039 P106 Q49757 +Q227 P463 Q47543 +Q431874 P69 Q167733 +Q106775 P106 Q10800557 +Q390063 P161 Q313653 +Q513991 P106 Q177220 +Q97894 P19 Q1799 +Q166214 P161 Q219653 +Q41378 P108 Q49108 +Q317614 P106 Q10798782 +Q262791 P463 Q812155 +Q189422 P27 Q142 +Q250954 P161 Q431356 +Q163159 P463 Q12759592 +Q707460 P106 Q12800682 +Q99784 P19 Q2742 +Q12658 P19 Q1773 +Q318292 P1412 Q1860 +Q6106 P17 Q30 +Q269869 P106 Q2405480 +Q332330 P840 Q38 +Q165534 P106 Q8178443 +Q1772432 P106 Q183945 +Q273978 P495 Q148 +Q61895 P106 Q82955 +Q58085 P1412 Q809 +Q323827 P495 Q30 +Q288680 P106 Q10800557 +Q134165 P140 Q7066 +Q17676 P106 Q322170 +Q1253366 P136 Q157443 +Q231228 P106 Q10798782 +Q92359 P108 Q32120 +Q982535 P106 Q1930187 +Q155775 P106 Q33999 +Q310464 P509 Q47912 +Q557382 P1412 Q397 +Q191 P530 Q183 +Q11239 P1412 Q1860 +Q433979 P106 Q3282637 +Q1064413 P463 Q463303 +Q137130 P495 Q145 +Q74513 P106 Q49757 +Q930197 P106 Q1930187 +Q1397375 P27 Q30 +Q270599 P161 Q350903 +Q369916 P19 Q18419 +Q314926 P106 Q28389 +Q103784 P40 Q103946 +Q155112 P27 Q151624 +Q907600 P106 Q10833314 +Q794 P530 Q184 +Q178403 P106 Q482980 +Q76876 P106 Q28389 +Q230591 P106 Q28389 +Q74958 P136 Q188473 +Q180098 P136 Q28026639 +Q302335 P69 Q1068752 +Q144669 P509 Q12152 +Q128297 P551 Q60 +Q161963 P136 Q482 +Q106221 P106 Q36834 +Q76943 P1412 Q188 +Q164562 P106 Q10800557 +Q97027 P106 Q36180 +Q61 P17 Q30 +Q186709 P27 Q34266 +Q235205 P106 Q10798782 +Q83059 P737 Q991 +Q5082974 P108 Q193196 +Q269890 P106 Q10798782 +Q76837 P102 Q49766 +Q328664 P106 Q488205 +Q1041 P463 Q294278 +Q187282 P108 Q192964 +Q73951 P106 Q593644 +Q215689 P106 Q36180 +Q173714 P641 Q718 +Q786052 P1412 Q652 +Q238638 P106 Q131524 +Q173540 P106 Q36180 +Q951581 P106 Q177220 +Q40197 P69 Q168756 +Q381726 P172 Q726673 +Q35900 P106 Q4964182 +Q1396655 P20 Q649 +Q948 P463 Q5611262 +Q352935 P106 Q33999 +Q2733913 P17 Q145 +Q461104 P106 Q1930187 +Q189665 P20 Q656 +Q982175 P172 Q7325 +Q297693 P140 Q483654 +Q59653 P161 Q302650 +Q332497 P495 Q30 +Q71352 P1412 Q188 +Q207824 P106 Q855091 +Q946733 P106 Q4853732 +Q8646 P17 Q148 +Q215927 P1412 Q8641 +Q801 P530 Q212 +Q128085 P136 Q9730 +Q88710 P172 Q42884 +Q432929 P106 Q36180 +Q66107 P463 Q218868 +Q359552 P1303 Q6607 +Q268615 P27 Q79 +Q783992 P19 Q2135 +Q1394 P135 Q7264 +Q148204 P161 Q284876 +Q252 P530 Q884 +Q76696 P27 Q1206012 +Q195535 P106 Q639669 +Q457687 P106 Q2526255 +Q310798 P106 Q170790 +Q124610 P1412 Q188 +Q356639 P106 Q2095549 +Q11104 P106 Q155647 +Q152941 P19 Q60 +Q200355 P106 Q15253558 +Q1292738 P69 Q273626 +Q560649 P106 Q1930187 +Q181659 P737 Q79969 +Q95237 P106 Q40348 +Q107424 P106 Q486748 +Q704683 P264 Q64485314 +Q81037 P840 Q60 +Q69547 P106 Q36180 +Q78487 P737 Q93996 +Q294927 P136 Q37073 +Q203560 P136 Q2484376 +Q722390 P19 Q43196 +Q106662 P106 Q33999 +Q4487 P106 Q193391 +Q94370 P27 Q15180 +Q59837 P136 Q482 +Q235451 P106 Q82955 +Q730190 P1412 Q1860 +Q1219622 P106 Q169470 +Q85411 P106 Q201788 +Q1292776 P106 Q81096 +Q550232 P161 Q284636 +Q447015 P1412 Q7737 +Q463975 P27 Q27 +Q161806 P407 Q150 +Q317311 P495 Q142 +Q216004 P106 Q1028181 +Q159577 P106 Q33999 +Q93514 P737 Q905 +Q1187592 P106 Q2526255 +Q128759 P463 Q684415 +Q501697 P106 Q189290 +Q55946077 P106 Q674426 +Q86758 P69 Q315658 +Q167683 P69 Q797078 +Q1988375 P136 Q83270 +Q274334 P136 Q12799318 +Q232000 P840 Q750 +Q23685 P463 Q468865 +Q368424 P641 Q11419 +Q45386 P840 Q99 +Q218022 P20 Q90 +Q3188629 P1412 Q150 +Q724082 P108 Q183412 +Q239823 P108 Q681250 +Q287451 P106 Q3282637 +Q544485 P69 Q13371 +Q180453 P106 Q10800557 +Q294185 P106 Q36180 +Q26391 P161 Q320093 +Q937936 P27 Q15180 +Q234875 P106 Q177220 +Q78475 P106 Q8178443 +Q233894 P106 Q2722764 +Q1028 P530 Q142 +Q369933 P20 Q1761 +Q92183 P69 Q152087 +Q963626 P106 Q177220 +Q93514 P27 Q518101 +Q455558 P106 Q6625963 +Q11104 P20 Q85 +Q843 P463 Q5611262 +Q228832 P106 Q947873 +Q362639 P106 Q2490358 +Q214851 P106 Q2055046 +Q201538 P1412 Q13955 +Q239533 P27 Q30 +Q311145 P106 Q6625963 +Q121995 P106 Q40348 +Q79141 P106 Q1238570 +Q235346 P19 Q16739 +Q57781 P27 Q183 +Q105180 P172 Q49085 +Q313315 P136 Q130232 +Q125494 P161 Q220698 +Q61852 P106 Q4263842 +Q160560 P136 Q52207399 +Q332607 P106 Q43845 +Q851 P463 Q233611 +Q7833 P1412 Q150 +Q208590 P172 Q42406 +Q19543 P140 Q75809 +Q430278 P161 Q311314 +Q92824 P140 Q7066 +Q67511 P69 Q153978 +Q35332 P26 Q13909 +Q494412 P106 Q131524 +Q724517 P1412 Q1412 +Q62323 P106 Q3282637 +Q1760695 P161 Q6711 +Q273055 P106 Q183945 +Q95120 P106 Q482980 +Q77740 P1412 Q150 +Q2632 P1303 Q11404 +Q213880 P106 Q2516866 +Q53783 P135 Q7066 +Q453472 P106 Q4164507 +Q35149 P106 Q169470 +Q215637 P26 Q1394 +Q267683 P106 Q901 +Q105865 P108 Q36188 +Q159 P530 Q924 +Q48048 P20 Q649 +Q66622 P106 Q16533 +Q237774 P106 Q33999 +Q73028 P840 Q65 +Q377725 P27 Q159 +Q122998 P3373 Q232783 +Q76197 P106 Q201788 +Q27 P530 Q902 +Q185007 P106 Q82955 +Q28494 P19 Q4024 +Q81082 P69 Q3064332 +Q794 P463 Q47543 +Q23880 P101 Q207628 +Q706571 P1412 Q1860 +Q704696 P20 Q743535 +Q902285 P140 Q75809 +Q555613 P27 Q172579 +Q155158 P106 Q36180 +Q969048 P19 Q190828 +Q990890 P106 Q10798782 +Q728991 P106 Q1622272 +Q453288 P463 Q812155 +Q454544 P101 Q3798668 +Q155700 P136 Q37073 +Q257889 P136 Q37073 +Q366700 P106 Q1028181 +Q12735 P106 Q14467526 +Q240174 P172 Q1026 +Q34296 P106 Q372436 +Q1394654 P19 Q18094 +Q70174 P108 Q55021 +Q35765 P17 Q17 +Q202548 P136 Q2484376 +Q2794265 P106 Q81096 +Q80135 P1412 Q7737 +Q170842 P106 Q1622272 +Q76546 P136 Q131539 +Q102669 P136 Q35760 +Q9061 P172 Q34069 +Q240899 P161 Q361587 +Q307 P551 Q617 +Q627520 P1412 Q1860 +Q89219 P106 Q12362622 +Q3615114 P106 Q81096 +Q311615 P551 Q1439 +Q158436 P106 Q14915627 +Q76823 P69 Q209842 +Q11256 P20 Q1563 +Q92650 P27 Q145 +Q249647 P106 Q40348 +Q274404 P69 Q499911 +Q249475 P106 Q33999 +Q275553 P161 Q120406 +Q158060 P106 Q4964182 +Q5327 P463 Q684415 +Q106603 P106 Q333634 +Q76725 P106 Q36180 +Q44862 P20 Q13298 +Q26806 P106 Q2405480 +Q211136 P1050 Q131755 +Q112378 P102 Q49750 +Q261588 P27 Q15180 +Q193871 P106 Q2306091 +Q1353 P37 Q1617 +Q219519 P106 Q36834 +Q189869 P27 Q29 +Q457923 P106 Q36180 +Q561212 P101 Q5891 +Q272092 P27 Q30 +Q233081 P106 Q639669 +Q171363 P106 Q10800557 +Q315222 P1412 Q809 +Q434805 P106 Q214917 +Q854590 P740 Q1490 +Q246303 P106 Q1930187 +Q311022 P106 Q81096 +Q310332 P1412 Q1860 +Q122113 P161 Q168763 +Q4631 P1412 Q13955 +Q39970 P161 Q18938 +Q59474 P106 Q131524 +Q159 P530 Q801 +Q95424 P463 Q414163 +Q76811 P102 Q662377 +Q481871 P108 Q13371 +Q236613 P101 Q207628 +Q717 P361 Q18 +Q919565 P106 Q10349745 +Q184933 P172 Q170217 +Q165392 P161 Q269835 +Q12054 P1412 Q150 +Q2291 P106 Q214917 +Q342723 P27 Q30 +Q398 P530 Q878 +Q237514 P20 Q1581 +Q1009 P463 Q899770 +Q270529 P102 Q79854 +Q181540 P495 Q30 +Q9599 P463 Q543804 +Q836656 P106 Q753110 +Q2090 P17 Q2415901 +Q708963 P20 Q65 +Q545476 P101 Q482 +Q150526 P106 Q121594 +Q79969 P737 Q48226 +Q11928 P161 Q102711 +Q234030 P69 Q640652 +Q237602 P106 Q4610556 +Q313868 P136 Q8341 +Q84444 P1412 Q9063 +Q1031340 P1303 Q17172850 +Q168724 P106 Q2259451 +Q48055 P463 Q1971373 +Q182725 P101 Q184485 +Q298388 P1303 Q17172850 +Q156622 P106 Q1281618 +Q318312 P20 Q34006 +Q195274 P161 Q267803 +Q2149885 P106 Q183945 +Q337063 P102 Q9630 +Q362521 P27 Q4628 +Q122713 P840 Q99 +Q150910 P463 Q83172 +Q76480 P106 Q11774202 +Q779932 P1412 Q7737 +Q117392 P106 Q2259451 +Q453614 P106 Q28389 +Q185122 P106 Q10798782 +Q519289 P264 Q1184501 +Q276440 P20 Q84 +Q289180 P106 Q82955 +Q212 P530 Q27 +Q216339 P106 Q182436 +Q892930 P27 Q414 +Q1174771 P264 Q216364 +Q171672 P106 Q193391 +Q96997 P69 Q151510 +Q232491 P106 Q4610556 +Q157191 P106 Q10800557 +Q159054 P136 Q130232 +Q165651 P495 Q34 +Q77809 P119 Q881481 +Q213929 P69 Q154804 +Q64265 P106 Q188094 +Q311141 P69 Q131252 +Q459969 P106 Q177220 +Q350811 P106 Q2405480 +Q117197 P1412 Q150 +Q33760 P509 Q2840 +Q190220 P737 Q28494 +Q237030 P106 Q639669 +Q1060395 P27 Q38 +Q264577 P495 Q30 +Q215979 P463 Q684415 +Q70690 P106 Q36180 +Q107194 P27 Q30 +Q102852 P20 Q1726 +Q930586 P106 Q33999 +Q156069 P495 Q30 +Q971422 P1303 Q6607 +Q92085 P106 Q1622272 +Q202749 P509 Q178275 +Q298726 P106 Q639669 +Q902463 P463 Q1493021 +Q76334 P641 Q847 +Q336278 P1303 Q17172850 +Q298 P530 Q766 +Q72916 P106 Q82955 +Q239002 P19 Q490 +Q203519 P1412 Q7737 +Q202319 P264 Q557632 +Q2709 P106 Q33999 +Q168847 P106 Q10798782 +Q108586 P136 Q157443 +Q728542 P106 Q36180 +Q260918 P136 Q131272 +Q60752 P1412 Q188 +Q556544 P106 Q205375 +Q28 P530 Q796 +Q590911 P19 Q6106 +Q240082 P27 Q884 +Q162688 P106 Q18805 +Q24632 P27 Q30 +Q159409 P509 Q12152 +Q229760 P106 Q10800557 +Q3188007 P463 Q463303 +Q6694 P27 Q27306 +Q327713 P136 Q188473 +Q48102 P106 Q82955 +Q964396 P106 Q14089670 +Q78107 P69 Q315658 +Q181683 P102 Q29552 +Q556544 P108 Q37156 +Q121926 P463 Q329464 +Q156309 P161 Q170587 +Q164593 P106 Q36180 +Q760 P30 Q49 +Q166298 P19 Q1335 +Q116789 P19 Q656 +Q4934689 P27 Q129286 +Q955619 P106 Q33999 +Q464218 P264 Q843402 +Q7964724 P463 Q463303 +Q323653 P69 Q1204714 +Q36233 P106 Q3455803 +Q86260 P27 Q183 +Q4751826 P509 Q12078 +Q233046 P106 Q36180 +Q408 P530 Q215 +Q111536 P463 Q270794 +Q438106 P1303 Q6607 +Q365633 P106 Q10800557 +Q239419 P106 Q1622272 +Q105937 P463 Q270794 +Q44024 P106 Q1234713 +Q63346 P106 Q188094 +Q43259 P136 Q37073 +Q78119 P106 Q33999 +Q186042 P69 Q168756 +Q76437 P509 Q12152 +Q236958 P140 Q1841 +Q83656 P161 Q52392 +Q160333 P106 Q6625963 +Q44461 P108 Q168756 +Q57317 P140 Q9592 +Q301077 P161 Q12003 +Q905 P2348 Q6927 +Q57681 P106 Q82955 +Q94882 P106 Q2526255 +Q221168 P161 Q170510 +Q190525 P136 Q130232 +Q315744 P135 Q9730 +Q231635 P106 Q4610556 +Q941984 P1303 Q17172850 +Q7197 P509 Q12192 +Q124314 P27 Q713750 +Q44437 P106 Q36180 +Q123521 P463 Q459620 +Q444713 P106 Q81096 +Q129987 P140 Q6423963 +Q379250 P1303 Q6607 +Q366464 P106 Q1930187 +Q71763 P27 Q183 +Q233289 P1412 Q1860 +Q247516 P161 Q192643 +Q70425 P69 Q151510 +Q435437 P27 Q15180 +Q43 P463 Q842490 +Q200464 P37 Q5146 +Q239030 P106 Q36834 +Q65475 P102 Q7320 +Q1383381 P136 Q11401 +Q641582 P106 Q193391 +Q694732 P106 Q15627169 +Q48074 P119 Q208175 +Q180975 P27 Q145 +Q313281 P106 Q2526255 +Q232079 P161 Q80739 +Q483907 P106 Q488205 +Q67941 P140 Q1841 +Q921 P463 Q899770 +Q310798 P101 Q413 +Q68126 P1412 Q188 +Q131579 P106 Q250867 +Q690854 P119 Q168886 +Q191702 P172 Q44806 +Q209170 P136 Q157394 +Q43252 P1303 Q17172850 +Q25839 P106 Q33999 +Q334116 P463 Q939743 +Q259979 P19 Q194420 +Q518101 P140 Q9592 +Q34086 P106 Q2405480 +Q57387 P106 Q36180 +Q168509 P20 Q90 +Q119768 P27 Q39 +Q152843 P106 Q18814623 +Q522679 P106 Q36180 +Q219622 P106 Q169470 +Q202585 P136 Q45981 +Q234807 P551 Q2807 +Q129283 P161 Q103876 +Q967 P463 Q7825 +Q275900 P106 Q1643514 +Q131691 P509 Q12202 +Q238912 P69 Q13371 +Q202982 P840 Q84 +Q238464 P106 Q245068 +Q361587 P106 Q2066131 +Q224081 P1412 Q1860 +Q60029 P1412 Q809 +Q324157 P106 Q201788 +Q19198 P106 Q183945 +Q85295 P108 Q55044 +Q209170 P495 Q30 +Q76509 P27 Q183 +Q166159 P106 Q33999 +Q553959 P106 Q1622272 +Q315087 P106 Q10798782 +Q953288 P27 Q30 +Q105237 P106 Q18814623 +Q164804 P136 Q157394 +Q132952 P106 Q36180 +Q78214 P106 Q1397808 +Q5682 P136 Q8261 +Q201751 P27 Q30 +Q216936 P69 Q1068752 +Q707151 P106 Q488205 +Q63699 P106 Q1622272 +Q41 P530 Q664 +Q155928 P27 Q30 +Q11928 P161 Q11930 +Q231128 P106 Q10798782 +Q9695 P136 Q1344 +Q433060 P136 Q11399 +Q175759 P119 Q99 +Q72705 P106 Q36180 +Q131814 P106 Q18814623 +Q288180 P106 Q639669 +Q93853 P161 Q223830 +Q95928 P108 Q599316 +Q440138 P106 Q947873 +Q65533 P27 Q213 +Q4119 P102 Q29468 +Q106231 P102 Q42183 +Q154367 P463 Q337526 +Q294531 P106 Q488205 +Q58978 P463 Q49738 +Q214642 P27 Q30 +Q230320 P106 Q10798782 +Q45394 P136 Q859369 +Q737463 P140 Q35032 +Q28978 P106 Q593644 +Q117761 P19 Q39121 +Q95050 P106 Q33999 +Q127330 P106 Q36834 +Q38049 P26 Q62559 +Q746182 P1303 Q5994 +Q234551 P106 Q2259451 +Q233697 P106 Q2259451 +Q76211 P136 Q8261 +Q254789 P19 Q39561 +Q1382883 P1303 Q17172850 +Q172383 P106 Q36180 +Q1239933 P106 Q3282637 +Q1372074 P1303 Q17172850 +Q246929 P106 Q130857 +Q3101841 P551 Q16558 +Q181803 P161 Q192812 +Q315083 P19 Q11299 +Q19526 P463 Q3308284 +Q316844 P106 Q1930187 +Q237994 P551 Q4093 +Q64963 P108 Q152087 +Q63505 P19 Q105084 +Q323827 P840 Q15180 +Q55690 P106 Q82955 +Q72984 P106 Q2722764 +Q312276 P1412 Q1860 +Q264253 P106 Q33999 +Q263172 P27 Q16 +Q160432 P106 Q33999 +Q57952 P69 Q153978 +Q291500 P101 Q482 +Q232514 P106 Q10800557 +Q167636 P106 Q28389 +Q61597 P172 Q42884 +Q4028 P264 Q843402 +Q2673 P106 Q13382533 +Q218672 P106 Q13418253 +Q23380 P1303 Q8355 +Q77476 P108 Q45662 +Q604510 P1303 Q17172850 +Q330847 P1303 Q17172850 +Q61000 P102 Q7320 +Q190994 P69 Q1542213 +Q152318 P1412 Q7737 +Q128854 P136 Q1054574 +Q455421 P69 Q83259 +Q170333 P136 Q1344 +Q18227 P106 Q33999 +Q214299 P27 Q183 +Q154421 P106 Q2405480 +Q240222 P1303 Q17172850 +Q969468 P136 Q37073 +Q295542 P106 Q177220 +Q208108 P136 Q157443 +Q335508 P161 Q129831 +Q471664 P136 Q12799318 +Q2086130 P101 Q441 +Q8739 P106 Q4964182 +Q663447 P27 Q34266 +Q268604 P136 Q83440 +Q313211 P106 Q901 +Q123268 P106 Q82955 +Q537386 P136 Q9778 +Q57393 P463 Q15646111 +Q19504 P69 Q689400 +Q22432 P136 Q200092 +Q762 P1412 Q652 +Q216288 P106 Q855091 +Q554209 P19 Q31487 +Q236378 P264 Q183387 +Q605489 P106 Q14467526 +Q710466 P1303 Q6607 +Q1750532 P106 Q386854 +Q295923 P106 Q183945 +Q59054 P136 Q24925 +Q78037 P119 Q7186324 +Q93689 P161 Q109324 +Q697195 P106 Q1622272 +Q436978 P19 Q90 +Q376477 P106 Q33231 +Q221843 P106 Q2526255 +Q1058562 P106 Q33999 +Q25320 P1412 Q1860 +Q58626 P463 Q44687 +Q236075 P106 Q639669 +Q241583 P19 Q65 +Q865 P530 Q1036 +Q462574 P27 Q30 +Q8686 P131 Q148 +Q112214 P20 Q1741 +Q542101 P27 Q159 +Q294723 P106 Q183945 +Q879316 P1412 Q1860 +Q763897 P136 Q43343 +Q372234 P106 Q2259451 +Q254603 P20 Q506446 +Q236943 P27 Q403 +Q315744 P106 Q2722764 +Q865 P530 Q258 +Q229274 P106 Q855091 +Q133356 P17 Q15180 +Q115541 P3373 Q228943 +Q76943 P1303 Q8355 +Q1766736 P101 Q8134 +Q201562 P1303 Q128309 +Q70300 P106 Q36180 +Q968565 P19 Q84 +Q743642 P106 Q486748 +Q229646 P27 Q145 +Q169963 P106 Q2405480 +Q208048 P495 Q30 +Q153238 P27 Q30 +Q207816 P161 Q48337 +Q295781 P27 Q34266 +Q270546 P136 Q131272 +Q92379 P102 Q7320 +Q239565 P27 Q17 +Q241215 P737 Q245257 +Q55170 P27 Q34 +Q310048 P1412 Q1860 +Q343983 P106 Q10800557 +Q573323 P27 Q30 +Q157975 P161 Q65857 +Q909 P1412 Q1860 +Q981270 P509 Q12152 +Q204019 P264 Q1123947 +Q506393 P136 Q186472 +Q615625 P106 Q2306091 +Q813 P463 Q376150 +Q357776 P106 Q8246794 +Q336010 P106 Q49757 +Q271625 P106 Q177220 +Q943107 P106 Q36180 +Q469478 P27 Q172579 +Q434745 P106 Q177220 +Q309756 P1412 Q1860 +Q47011 P140 Q9592 +Q264921 P509 Q181257 +Q108946 P495 Q30 +Q2218967 P106 Q81096 +Q177610 P463 Q543804 +Q70425 P135 Q2455000 +Q124523 P20 Q64 +Q567529 P69 Q49108 +Q909 P737 Q6882 +Q1320912 P264 Q165745 +Q337658 P27 Q30 +Q601304 P106 Q1930187 +Q4418776 P102 Q79854 +Q2908 P106 Q49757 +Q26162388 P50 Q5879 +Q677367 P172 Q1026 +Q272931 P106 Q639669 +Q319523 P106 Q876864 +Q944159 P106 Q183945 +Q203674 P106 Q1028181 +Q464318 P135 Q210115 +Q126958 P1303 Q17172850 +Q726369 P106 Q639669 +Q102711 P27 Q30 +Q659020 P27 Q28513 +Q229139 P509 Q12206 +Q289469 P495 Q30 +Q231484 P1303 Q17172850 +Q298360 P106 Q753110 +Q712 P530 Q884 +Q888554 P106 Q177220 +Q47243 P1303 Q187851 +Q48112 P102 Q79854 +Q107438 P19 Q3852 +Q9047 P69 Q154804 +Q224650 P106 Q482980 +Q68501 P1412 Q188 +Q232851 P106 Q2259451 +Q686 P530 Q142 +Q445703 P26 Q2908 +Q365550 P69 Q640652 +Q434790 P1412 Q727694 +Q169020 P1412 Q188 +Q240933 P1050 Q202837 +Q563 P106 Q49757 +Q444728 P106 Q1930187 +Q516870 P27 Q34266 +Q312292 P106 Q488205 +Q257182 P136 Q37073 +Q15935 P106 Q3501317 +Q166262 P136 Q2421031 +Q462356 P106 Q28389 +Q35 P530 Q55 +Q697203 P495 Q145 +Q365144 P106 Q2986228 +Q236835 P19 Q23482 +Q342549 P27 Q16 +Q1001 P737 Q183167 +Q105118 P1050 Q131755 +Q712851 P20 Q39561 +Q337578 P106 Q36834 +Q5208 P27 Q8733 +Q699597 P106 Q1930187 +Q169082 P136 Q859369 +Q47651 P27 Q172579 +Q325487 P106 Q947873 +Q189490 P106 Q33999 +Q282665 P27 Q161885 +Q453384 P106 Q36180 +Q11031 P106 Q81096 +Q376807 P161 Q428819 +Q77844 P106 Q18805 +Q18434 P19 Q90 +Q287817 P106 Q2259451 +Q128493 P161 Q309788 +Q231811 P1303 Q17172850 +Q217627 P161 Q181799 +Q268 P17 Q27306 +Q223613 P20 Q1781 +Q1028 P463 Q5611262 +Q534234 P26 Q313462 +Q881189 P140 Q5043 +Q25089 P106 Q482980 +Q113909 P27 Q183 +Q71366 P27 Q183 +Q323318 P495 Q408 +Q38294 P106 Q1234713 +Q463018 P108 Q463055 +Q375356 P1050 Q131755 +Q84386 P106 Q3410028 +Q328760 P19 Q19660 +Q1351177 P136 Q11399 +Q235020 P551 Q60 +Q494507 P509 Q12136 +Q212518 P106 Q33999 +Q710 P463 Q842490 +Q1291679 P551 Q60 +Q180975 P106 Q28389 +Q78080 P106 Q16287483 +Q273022 P264 Q772494 +Q55468 P106 Q33999 +Q633 P27 Q16 +Q587361 P264 Q216364 +Q262294 P136 Q373342 +Q55704 P106 Q6430706 +Q4028 P140 Q9268 +Q343633 P106 Q28389 +Q49001 P1303 Q17172850 +Q181490 P106 Q33999 +Q707151 P106 Q855091 +Q164824 P20 Q39984 +Q183 P463 Q42262 +Q129873 P161 Q202144 +Q91446 P106 Q333634 +Q138050 P140 Q1062789 +Q59824 P27 Q30 +Q83542 P495 Q183 +Q62726 P106 Q169470 +Q588449 P1412 Q7737 +Q296616 P106 Q2526255 +Q712878 P641 Q2736 +Q1615184 P1303 Q8338 +Q51513 P106 Q49757 +Q274274 P27 Q30 +Q104061 P27 Q30 +Q219646 P106 Q36180 +Q289003 P1412 Q1860 +Q313080 P740 Q23556 +Q78918 P69 Q686522 +Q37621 P172 Q42406 +Q16285 P20 Q1335 +Q18953 P106 Q2059704 +Q376278 P509 Q202837 +Q79078 P108 Q165528 +Q74252 P106 Q14467526 +Q181573 P136 Q35760 +Q158354 P106 Q1930187 +Q234104 P19 Q23436 +Q262267 P106 Q2259451 +Q458229 P27 Q30 +Q95469 P509 Q35869 +Q909001 P106 Q121594 +Q240628 P140 Q1062789 +Q62938 P106 Q2374149 +Q702 P530 Q183 +Q12807 P463 Q463281 +Q361617 P106 Q1607826 +Q234436 P1412 Q1860 +Q188000 P161 Q721963 +Q454645 P106 Q250867 +Q436769 P1412 Q1860 +Q115630 P19 Q70 +Q118375 P161 Q436503 +Q711406 P20 Q25395 +Q9061 P69 Q152087 +Q709 P463 Q188822 +Q314924 P551 Q60 +Q714167 P1303 Q17172850 +Q72962 P161 Q191132 +Q928 P530 Q159583 +Q62665 P161 Q41871 +Q113480 P101 Q132151 +Q408 P530 Q702 +Q971735 P19 Q90 +Q62188 P108 Q151510 +Q202489 P106 Q49757 +Q319737 P509 Q12152 +Q237030 P264 Q202585 +Q206466 P264 Q183387 +Q182870 P69 Q49210 +Q86685 P1412 Q1860 +Q79078 P463 Q49738 +Q171228 P106 Q806798 +Q66812 P27 Q30 +Q460425 P106 Q28389 +Q76499 P140 Q75809 +Q28170 P106 Q10798782 +Q127868 P27 Q129286 +Q470543 P27 Q50001 +Q309246 P495 Q145 +Q170574 P106 Q33999 +Q231207 P106 Q177220 +Q87018 P119 Q240744 +Q191719 P106 Q488205 +Q35149 P20 Q1726 +Q948561 P136 Q105527 +Q1742005 P1303 Q17172850 +Q928 P530 Q8646 +Q428372 P161 Q107769 +Q235635 P106 Q10800557 +Q522592 P27 Q16 +Q380079 P69 Q5676553 +Q2530 P106 Q82955 +Q348497 P136 Q12799318 +Q77938 P27 Q30 +Q354033 P264 Q216364 +Q390299 P161 Q198684 +Q1942336 P509 Q208414 +Q90840 P69 Q152838 +Q4173649 P102 Q79854 +Q76727 P106 Q1930187 +Q332368 P840 Q84 +Q540803 P27 Q159 +Q92824 P19 Q33935 +Q105543 P106 Q1622272 +Q216924 P19 Q172 +Q74236 P106 Q1622272 +Q380180 P106 Q10800557 +Q86367 P1412 Q188 +Q42930 P106 Q3282637 +Q52924 P69 Q185246 +Q505850 P106 Q715301 +Q316064 P106 Q36180 +Q590 P737 Q1398 +Q1424269 P106 Q855091 +Q132524 P106 Q4263842 +Q298259 P106 Q1930187 +Q1590452 P106 Q11513337 +Q630181 P106 Q40348 +Q316138 P136 Q24925 +Q888152 P1303 Q17172850 +Q118982 P101 Q39631 +Q270269 P106 Q33999 +Q78608 P27 Q30 +Q283988 P27 Q145 +Q83396 P108 Q49119 +Q171969 P463 Q161806 +Q132095 P106 Q1622272 +Q488057 P106 Q10800557 +Q203806 P106 Q1930187 +Q15809 P1412 Q9063 +Q1192 P135 Q8361 +Q42552 P106 Q49757 +Q437182 P1412 Q1860 +Q333856 P20 Q8678 +Q443166 P136 Q37073 +Q505517 P1303 Q52954 +Q228186 P136 Q645928 +Q59314 P509 Q12078 +Q356397 P1412 Q1860 +Q352540 P1303 Q6607 +Q73890 P463 Q337543 +Q471188 P106 Q10800557 +Q1042 P530 Q159 +Q673567 P106 Q3282637 +Q218690 P509 Q47912 +Q274895 P136 Q959790 +Q129591 P1412 Q1860 +Q271877 P106 Q28389 +Q223875 P19 Q16557 +Q994 P17 Q15180 +Q31 P530 Q16 +Q221846 P136 Q52162262 +Q88443 P1412 Q188 +Q501 P737 Q535 +Q168728 P737 Q40213 +Q258 P463 Q816706 +Q444520 P106 Q36834 +Q242577 P27 Q16 +Q181069 P161 Q180338 +Q76131 P27 Q1206012 +Q739 P37 Q1321 +Q257630 P161 Q233891 +Q24075 P161 Q43697 +Q106871 P136 Q4984974 +Q320204 P106 Q10798782 +Q3766 P17 Q2277 +Q85832 P551 Q1741 +Q202537 P106 Q1930187 +Q78716 P20 Q1741 +Q129288 P161 Q374181 +Q206576 P161 Q41148 +Q4275371 P69 Q1719898 +Q12883 P106 Q333634 +Q126896 P840 Q1509 +Q573017 P740 Q60 +Q233977 P136 Q37073 +Q302484 P1412 Q7737 +Q65087 P69 Q152838 +Q273981 P264 Q664167 +Q183848 P106 Q40348 +Q189172 P1412 Q7737 +Q157255 P106 Q36180 +Q187814 P106 Q2914170 +Q1352222 P106 Q43845 +Q151087 P106 Q82955 +Q77688 P106 Q33999 +Q44593 P69 Q81087 +Q273502 P136 Q187760 +Q689486 P27 Q159 +Q217470 P20 Q656 +Q1192 P136 Q1344 +Q202319 P136 Q11399 +Q38 P463 Q191384 +Q67385 P106 Q4002666 +Q315072 P106 Q6625963 +Q435878 P106 Q2259451 +Q377768 P463 Q337580 +Q317169 P106 Q36834 +Q287309 P106 Q855091 +Q76258 P106 Q201788 +Q155700 P27 Q30 +Q66732 P106 Q36180 +Q194346 P136 Q130232 +Q166562 P19 Q220 +Q1049 P530 Q1028 +Q242110 P136 Q131272 +Q30 P530 Q1011 +Q80064 P20 Q72 +Q232819 P27 Q30 +Q2305208 P37 Q7737 +Q105273 P106 Q1930187 +Q233377 P264 Q183387 +Q165699 P161 Q276005 +Q117392 P69 Q385471 +Q944159 P1303 Q17172850 +Q7504 P1412 Q150 +Q165325 P161 Q125017 +Q176909 P106 Q39631 +Q96334 P106 Q333634 +Q270786 P106 Q36180 +Q63528 P463 Q18650004 +Q178412 P106 Q1622272 +Q108009 P27 Q183 +Q276415 P161 Q122020 +Q16019 P106 Q40348 +Q173978 P27 Q30 +Q201484 P1412 Q1860 +Q113777 P106 Q901402 +Q381883 P19 Q60 +Q4263553 P1412 Q8641 +Q266222 P106 Q36180 +Q152298 P106 Q2095549 +Q270268 P106 Q49757 +Q86095 P106 Q2310145 +Q963 P530 Q953 +Q1037 P463 Q7159 +Q7726 P3373 Q151083 +Q84266 P1412 Q7737 +Q229153 P106 Q36834 +Q192207 P106 Q11774202 +Q574400 P106 Q82955 +Q4124737 P102 Q79854 +Q75523 P106 Q169470 +Q151825 P136 Q860626 +Q214851 P106 Q39631 +Q258630 P106 Q864380 +Q11903 P106 Q4964182 +Q3762573 P1412 Q652 +Q213865 P463 Q133957 +Q130952 P840 Q1439 +Q297736 P509 Q181754 +Q66216 P463 Q459620 +Q1711743 P106 Q183945 +Q239917 P264 Q183412 +Q151593 P108 Q463055 +Q189895 P106 Q33999 +Q81627 P140 Q432 +Q968026 P106 Q81096 +Q2686748 P106 Q3621491 +Q219780 P1412 Q1860 +Q58077 P27 Q15180 +Q267629 P26 Q734436 +Q214778 P106 Q627325 +Q132616 P106 Q33999 +Q168161 P106 Q774306 +Q35648 P106 Q1231865 +Q928 P463 Q233611 +Q357645 P27 Q30 +Q76576 P20 Q64 +Q395494 P509 Q29496 +Q315099 P27 Q30 +Q444545 P106 Q3282637 +Q64640 P106 Q36180 +Q58284 P27 Q183 +Q459310 P737 Q193670 +Q114179 P2348 Q6927 +Q676455 P106 Q11900058 +Q58857 P106 Q639669 +Q225885 P161 Q309486 +Q710121 P136 Q7749 +Q11975 P106 Q177220 +Q213690 P106 Q1930187 +Q77888 P463 Q684415 +Q822 P530 Q408 +Q732513 P1412 Q652 +Q303213 P161 Q230523 +Q62206 P106 Q947873 +Q76820 P27 Q39 +Q83396 P106 Q1476215 +Q1765101 P106 Q486748 +Q36268 P451 Q160433 +Q61064 P551 Q48958 +Q320025 P551 Q47164 +Q34 P530 Q184 +Q433246 P106 Q33999 +Q80510 P106 Q33999 +Q111074 P106 Q36834 +Q106740 P101 Q482 +Q97676 P108 Q152171 +Q336397 P27 Q145 +Q77418 P119 Q1055 +Q485280 P106 Q806349 +Q273055 P1412 Q1860 +Q218889 P106 Q205375 +Q159 P530 Q221 +Q166262 P161 Q123351 +Q337185 P106 Q47064 +Q374323 P136 Q11401 +Q163747 P27 Q40 +Q62046 P106 Q2374149 +Q310098 P106 Q753110 +Q960427 P641 Q718 +Q155855 P3373 Q454568 +Q184440 P27 Q155 +Q254430 P27 Q668 +Q445463 P27 Q1011 +Q181451 P106 Q82955 +Q312901 P69 Q219694 +Q611927 P106 Q4964182 +Q373362 P57 Q223992 +Q106371 P69 Q161976 +Q207969 P69 Q389336 +Q676777 P27 Q159 +Q1353252 P106 Q15981151 +Q60969 P108 Q32120 +Q20235 P1303 Q17172850 +Q12288275 P106 Q901 +Q957439 P463 Q1493021 +Q77824 P106 Q1622272 +Q102438 P840 Q21 +Q2387083 P69 Q49112 +Q1058124 P1303 Q17172850 +Q180619 P737 Q9049 +Q107724 P136 Q2297927 +Q2030240 P27 Q159 +Q232876 P106 Q10800557 +Q155649 P1412 Q1860 +Q11703496 P108 Q219694 +Q204810 P136 Q149537 +Q319725 P106 Q28389 +Q304609 P161 Q182057 +Q218458 P840 Q60 +Q37150 P19 Q60 +Q201315 P136 Q482 +Q2516 P106 Q82955 +Q66774 P106 Q28389 +Q157255 P106 Q188094 +Q294773 P136 Q859369 +Q191719 P1303 Q17172850 +Q2622688 P27 Q159 +Q94358 P27 Q30 +Q156516 P161 Q80504 +Q704609 P106 Q81096 +Q36740 P551 Q34217 +Q231249 P106 Q33999 +Q126652 P495 Q142 +Q34670 P106 Q36180 +Q105598 P161 Q71412 +Q177883 P20 Q61 +Q76437 P106 Q4991371 +Q953450 P106 Q28389 +Q481477 P106 Q10800557 +Q78318 P106 Q169470 +Q438402 P1412 Q1860 +Q48259 P27 Q30 +Q224754 P69 Q385471 +Q935369 P136 Q193355 +Q234487 P1303 Q17172850 +Q268940 P106 Q55960555 +Q239807 P119 Q311 +Q57592 P106 Q39631 +Q1067043 P551 Q44989 +Q700323 P106 Q18939491 +Q302280 P102 Q29468 +Q192185 P1050 Q11081 +Q31637 P106 Q3282637 +Q8619 P106 Q1930187 +Q122968 P463 Q684415 +Q731108 P106 Q372436 +Q314535 P106 Q486748 +Q8743 P463 Q466089 +Q102139 P101 Q333634 +Q76480 P19 Q2843 +Q90815 P20 Q586 +Q9594 P106 Q81096 +Q303 P1303 Q6607 +Q910486 P106 Q36834 +Q304366 P161 Q162389 +Q186757 P106 Q3455803 +Q152388 P106 Q14915627 +Q44306 P106 Q36180 +Q143716 P161 Q363386 +Q514998 P106 Q49757 +Q76291 P69 Q165528 +Q84698 P106 Q39631 +Q193676 P136 Q11401 +Q203185 P106 Q183945 +Q772064 P27 Q145 +Q708236 P27 Q145 +Q98926 P27 Q183 +Q72090 P495 Q218 +Q4225527 P108 Q13164 +Q800 P463 Q5611262 +Q302762 P106 Q177220 +Q734564 P19 Q1354 +Q61114 P27 Q183 +Q30 P530 Q863 +Q6293853 P20 Q174 +Q1678110 P19 Q1486 +Q92995 P463 Q414163 +Q6701 P106 Q36180 +Q6527 P27 Q142 +Q3126 P463 Q812378 +Q212804 P161 Q132616 +Q195788 P27 Q822 +Q2736087 P463 Q188771 +Q237324 P106 Q639669 +Q1882472 P27 Q30 +Q1716611 P106 Q639669 +Q269912 P161 Q139325 +Q442721 P106 Q33999 +Q298 P530 Q96 +Q240851 P69 Q1145306 +Q93872 P20 Q1741 +Q84942 P119 Q1726 +Q331760 P495 Q30 +Q93341 P69 Q503246 +Q98806 P1412 Q188 +Q328797 P264 Q772494 +Q78774 P27 Q131964 +Q104109 P106 Q10800557 +Q230 P530 Q225 +Q190765 P161 Q934506 +Q114740 P106 Q169470 +Q4960 P106 Q948329 +Q317397 P106 Q36180 +Q286642 P106 Q33999 +Q282588 P106 Q2526255 +Q71130 P106 Q36180 +Q186504 P161 Q229042 +Q312720 P106 Q36180 +Q5284 P27 Q30 +Q1553657 P1303 Q8355 +Q60714 P27 Q7318 +Q47561 P1412 Q9299 +Q188850 P161 Q234144 +Q552819 P106 Q753110 +Q1385119 P106 Q2462658 +Q19201 P1303 Q163829 +Q359521 P27 Q16 +Q257630 P136 Q4984974 +Q216582 P106 Q214917 +Q1931736 P136 Q11401 +Q310300 P1412 Q1860 +Q202815 P106 Q333634 +Q76527 P27 Q183 +Q206856 P106 Q33999 +Q258204 P161 Q229487 +Q107761 P161 Q314914 +Q273171 P264 Q155152 +Q30 P463 Q5611262 +Q287976 P106 Q177220 +Q41590 P106 Q1930187 +Q158078 P1412 Q7737 +Q981270 P27 Q142 +Q237518 P106 Q18939491 +Q705841 P106 Q639669 +Q1011 P463 Q17495 +Q8612 P106 Q372436 +Q67815 P106 Q8178443 +Q93129 P463 Q463303 +Q255577 P27 Q30 +Q640991 P463 Q1792159 +Q520275 P106 Q219477 +Q62942 P106 Q7042855 +Q185770 P1412 Q35497 +Q158050 P641 Q718 +Q213773 P161 Q309640 +Q34584 P27 Q30 +Q70855 P106 Q1622272 +Q210792 P106 Q10800557 +Q95068 P27 Q142 +Q192115 P136 Q188473 +Q272943 P106 Q488205 +Q186329 P19 Q3820 +Q713213 P463 Q2822396 +Q776387 P106 Q170790 +Q96962 P19 Q365 +Q964071 P106 Q10798782 +Q18456 P106 Q1930187 +Q9161 P1412 Q1860 +Q918966 P1412 Q1860 +Q11975 P106 Q5716684 +Q75968 P108 Q315658 +Q327546 P840 Q84 +Q1570102 P20 Q16552 +Q64707 P108 Q32120 +Q75649 P27 Q183 +Q233295 P106 Q488205 +Q161363 P140 Q1841 +Q392924 P161 Q80739 +Q222008 P108 Q49210 +Q57351 P69 Q154561 +Q278543 P1412 Q1860 +Q555426 P136 Q11399 +Q983400 P106 Q4964182 +Q1391397 P106 Q947873 +Q59314 P106 Q2259451 +Q2574737 P106 Q4610556 +Q61000 P463 Q150793 +Q258204 P136 Q157394 +Q192529 P509 Q12152 +Q277356 P119 Q208175 +Q331791 P106 Q3282637 +Q865 P530 Q837 +Q240885 P106 Q33999 +Q100511 P106 Q1792450 +Q778 P463 Q3772571 +Q312081 P264 Q216364 +Q42156 P737 Q6512 +Q429207 P106 Q39631 +Q298930 P20 Q160642 +Q55170 P106 Q3455803 +Q337266 P17 Q865 +Q164103 P161 Q190523 +Q922336 P463 Q939743 +Q8556 P509 Q188874 +Q51549 P106 Q674067 +Q155476 P161 Q184219 +Q436712 P106 Q10798782 +Q1265657 P106 Q18805 +Q519606 P101 Q184485 +Q239030 P20 Q65 +Q26053 P264 Q183387 +Q193052 P1412 Q652 +Q102541 P69 Q154804 +Q2579684 P106 Q333634 +Q741605 P69 Q9219 +Q1382482 P106 Q486748 +Q187814 P69 Q49120 +Q1430 P106 Q36180 +Q185655 P106 Q3282637 +Q138084 P161 Q551596 +Q299700 P106 Q10798782 +Q3022141 P106 Q82594 +Q1384822 P27 Q30 +Q973305 P27 Q15180 +Q956275 P106 Q639669 +Q466115 P140 Q9268 +Q92359 P106 Q1622272 +Q80889 P106 Q6625963 +Q302762 P106 Q2259451 +Q179041 P19 Q1190590 +Q96414 P106 Q82955 +Q1014 P37 Q1860 +Q210428 P136 Q842324 +Q40523 P106 Q2405480 +Q328723 P27 Q30 +Q737922 P106 Q49757 +Q214999 P40 Q71407 +Q7542 P106 Q183945 +Q971735 P136 Q186424 +Q316641 P106 Q5716684 +Q1157139 P106 Q15981151 +Q268262 P1412 Q1321 +Q451180 P1303 Q17172850 +Q574 P30 Q48 +Q26058 P19 Q60 +Q243011 P20 Q84 +Q156502 P106 Q16533 +Q95002 P27 Q30 +Q53023 P509 Q12078 +Q116022 P106 Q201788 +Q1624891 P106 Q10800557 +Q60788 P102 Q49766 +Q96196 P69 Q1278808 +Q992295 P740 Q44989 +Q183081 P57 Q13595531 +Q193300 P106 Q5322166 +Q256738 P106 Q1930187 +Q1391164 P106 Q10800557 +Q77312 P106 Q49757 +Q213520 P106 Q486748 +Q63189 P27 Q145 +Q1019 P463 Q899770 +Q231255 P106 Q15981151 +Q77667 P463 Q83172 +Q23760 P106 Q245068 +Q63078 P69 Q151510 +Q54314 P27 Q408 +Q45255 P27 Q183 +Q44647 P27 Q183 +Q12003 P106 Q948329 +Q236 P530 Q1246 +Q9457 P106 Q214917 +Q725060 P20 Q159288 +Q168362 P463 Q1423356 +Q212446 P106 Q43845 +Q80510 P27 Q229 +Q692632 P509 Q2140674 +Q1577693 P463 Q451079 +Q712765 P641 Q32112 +Q233801 P106 Q10800557 +Q121995 P69 Q1143289 +Q183713 P106 Q36180 +Q72800 P1412 Q188 +Q81752 P27 Q28513 +Q84904 P106 Q36180 +Q94831 P106 Q639669 +Q299331 P19 Q1345 +Q67526 P20 Q3806 +Q181659 P463 Q463281 +Q223887 P161 Q449679 +Q326856 P106 Q33999 +Q53619 P1412 Q1568 +Q733611 P509 Q476921 +Q80204 P840 Q656 +Q273080 P264 Q557632 +Q267683 P106 Q36180 +Q593554 P106 Q36834 +Q1276 P509 Q11868838 +Q78608 P463 Q123885 +Q51123 P106 Q33999 +Q484302 P106 Q639669 +Q17135 P27 Q30 +Q362749 P106 Q1622272 +Q171969 P119 Q311 +Q180337 P136 Q172980 +Q448767 P106 Q6625963 +Q17135 P102 Q29468 +Q1386948 P119 Q1302545 +Q675 P106 Q4964182 +Q268994 P1412 Q7737 +Q29086 P69 Q5121453 +Q165110 P69 Q1059546 +Q114605 P69 Q31519 +Q13129708 P3373 Q2287423 +Q529629 P106 Q10798782 +Q241660 P136 Q268253 +Q128511 P463 Q1971373 +Q96591 P1412 Q188 +Q1353 P17 Q668 +Q264722 P136 Q20442589 +Q211 P530 Q36 +Q1281772 P27 Q30 +Q88844 P19 Q1040 +Q57584 P1412 Q188 +Q355531 P106 Q1930187 +Q1242 P463 Q338432 +Q60025 P69 Q153987 +Q182229 P106 Q18814623 +Q104266 P106 Q8178443 +Q63117 P106 Q82955 +Q313918 P106 Q3282637 +Q83656 P161 Q310324 +Q328797 P1303 Q6607 +Q5383 P135 Q76092 +Q2831 P26 Q237324 +Q76887 P140 Q75809 +Q455280 P106 Q10800557 +Q85807 P108 Q165980 +Q1370605 P19 Q16558 +Q94653 P20 Q1741 +Q180377 P1412 Q1860 +Q64812 P20 Q56037 +Q65504 P106 Q14467526 +Q216070 P27 Q30 +Q819 P530 Q17 +Q320895 P106 Q1075651 +Q63346 P1412 Q188 +Q244398 P161 Q262772 +Q27306 P463 Q12548 +Q463877 P463 Q463303 +Q414163 P463 Q1662834 +Q287099 P106 Q662729 +Q727705 P20 Q18094 +Q152318 P27 Q15180 +Q321857 P27 Q30 +Q47011 P463 Q1423356 +Q1077409 P106 Q639669 +Q177111 P106 Q33999 +Q243113 P106 Q488205 +Q430905 P106 Q855091 +Q4235 P264 Q54860 +Q327836 P264 Q3415083 +Q159917 P106 Q193391 +Q73918 P106 Q14906342 +Q577548 P27 Q142 +Q192348 P463 Q329464 +Q84422 P106 Q82955 +Q100913 P106 Q1397808 +Q451250 P161 Q433692 +Q222 P463 Q663492 +Q1063743 P119 Q311 +Q46139 P101 Q11633 +Q686 P530 Q159 +Q75968 P106 Q3621491 +Q1930688 P463 Q4345832 +Q271145 P27 Q30 +Q76576 P101 Q34178 +Q708164 P1412 Q1860 +Q259379 P106 Q36180 +Q175395 P1412 Q9288 +Q184622 P1412 Q150 +Q575795 P69 Q49208 +Q41309 P101 Q638 +Q320167 P27 Q30 +Q9582 P27 Q30 +Q110201 P108 Q158158 +Q235 P530 Q159 +Q19045 P27 Q96 +Q347368 P136 Q11401 +Q287607 P106 Q10800557 +Q187423 P161 Q25089 +Q270747 P106 Q28389 +Q683 P530 Q865 +Q434573 P27 Q142 +Q374362 P19 Q656 +Q192515 P136 Q885561 +Q928 P530 Q212 +Q705482 P1412 Q809 +Q212663 P1412 Q1860 +Q165154 P30 Q46 +Q587361 P136 Q38848 +Q61629 P106 Q49757 +Q600385 P106 Q36180 +Q18913 P463 Q337531 +Q78038 P1412 Q188 +Q1500187 P161 Q485310 +Q77087 P3373 Q61597 +Q264137 P136 Q9778 +Q354603 P106 Q2526255 +Q457727 P106 Q753110 +Q718368 P106 Q639669 +Q982005 P101 Q1930187 +Q159552 P737 Q46405 +Q3769061 P106 Q33999 +Q532915 P106 Q639669 +Q183 P530 Q664 +Q990492 P19 Q1297 +Q44481 P119 Q272208 +Q626061 P27 Q884 +Q203223 P264 Q330629 +Q87542 P106 Q2259451 +Q27 P463 Q842490 +Q136264 P161 Q313043 +Q1219622 P69 Q13164 +Q233479 P106 Q1086863 +Q777354 P106 Q6625963 +Q263582 P106 Q36834 +Q437254 P1412 Q150 +Q232307 P106 Q10800557 +Q330730 P106 Q1622272 +Q75968 P106 Q36180 +Q236543 P136 Q83440 +Q1606718 P20 Q90 +Q1396681 P1303 Q5994 +Q215562 P106 Q27532437 +Q25310 P27 Q30 +Q202211 P161 Q314831 +Q223596 P840 Q36 +Q940594 P106 Q1930187 +Q1507223 P69 Q193727 +Q968214 P106 Q40348 +Q202028 P57 Q8877 +Q239587 P264 Q212699 +Q58009 P69 Q50662 +Q273180 P106 Q10798782 +Q642060 P119 Q746647 +Q5494459 P737 Q272931 +Q708922 P136 Q45981 +Q41 P463 Q45177 +Q787176 P106 Q270389 +Q191819 P136 Q11399 +Q597698 P140 Q1841 +Q26988 P463 Q842490 +Q230203 P1412 Q1860 +Q234967 P69 Q309350 +Q355245 P509 Q1368943 +Q215 P530 Q403 +Q254820 P69 Q842909 +Q133050 P106 Q33999 +Q212089 P106 Q855091 +Q229535 P106 Q33999 +Q205303 P108 Q419 +Q1664782 P17 Q142 +Q126281 P161 Q236479 +Q155378 P1412 Q1860 +Q445095 P26 Q30875 +Q78714 P463 Q299015 +Q96962 P463 Q700570 +Q130873 P27 Q36 +Q429348 P136 Q9759 +Q374605 P106 Q1930187 +Q75246 P102 Q153401 +Q908693 P106 Q4220892 +Q454692 P1303 Q51290 +Q19198 P1303 Q17172850 +Q432473 P27 Q30 +Q313512 P20 Q90 +Q1113061 P106 Q1281618 +Q217020 P57 Q55294 +Q185140 P106 Q10800557 +Q17 P530 Q574 +Q201656 P136 Q11399 +Q369113 P106 Q33999 +Q471188 P106 Q33999 +Q155559 P161 Q483118 +Q294773 P27 Q33946 +Q3188663 P106 Q189010 +Q51525 P509 Q12136 +Q70988 P106 Q36180 +Q726153 P17 Q30 +Q211009 P161 Q271625 +Q162629 P106 Q183945 +Q86914 P463 Q18650004 +Q144164 P106 Q182436 +Q4218975 P3373 Q18118088 +Q275658 P27 Q30 +Q325660 P106 Q36180 +Q552529 P106 Q36834 +Q551512 P106 Q3282637 +Q42831 P106 Q49757 +Q67047 P108 Q40025 +Q96 P530 Q230 +Q55170 P106 Q3282637 +Q381561 P106 Q2259451 +Q93959 P27 Q40 +Q234865 P509 Q12078 +Q190050 P136 Q130232 +Q179150 P26 Q12003 +Q75546 P161 Q268039 +Q310116 P1303 Q5994 +Q187999 P161 Q232477 +Q9582 P20 Q506446 +Q574400 P106 Q2516866 +Q64257 P1412 Q188 +Q285928 P119 Q1358639 +Q316327 P106 Q193391 +Q17738 P161 Q441685 +Q93070 P108 Q131566 +Q193710 P106 Q12362622 +Q272303 P101 Q482 +Q233 P30 Q46 +Q85716 P20 Q6837 +Q116022 P1412 Q397 +Q444840 P136 Q83440 +Q216936 P264 Q231694 +Q69022 P1412 Q188 +Q550232 P161 Q335680 +Q102124 P551 Q159288 +Q292623 P264 Q183387 +Q283932 P136 Q369747 +Q272134 P106 Q49757 +Q4952325 P106 Q82955 +Q60903 P1412 Q1860 +Q168859 P140 Q1841 +Q1145 P27 Q70972 +Q751205 P27 Q38 +Q350704 P264 Q3415083 +Q187553 P1303 Q6607 +Q172154 P106 Q82955 +Q75186 P102 Q153401 +Q297945 P20 Q60 +Q128604 P106 Q193391 +Q540516 P106 Q33999 +Q104912 P102 Q49750 +Q781878 P172 Q49085 +Q232837 P1412 Q1860 +Q656684 P20 Q20 +Q67039 P1412 Q188 +Q1731 P17 Q156199 +Q339031 P1303 Q6607 +Q129399 P106 Q1622272 +Q151606 P136 Q959790 +Q209641 P69 Q659080 +Q432421 P106 Q33999 +Q115922 P106 Q36180 +Q52447 P136 Q11401 +Q15794 P108 Q235034 +Q7542 P136 Q45981 +Q73612 P27 Q21 +Q2632 P106 Q10800557 +Q29697 P161 Q344655 +Q353754 P509 Q12078 +Q369174 P106 Q2526255 +Q331461 P106 Q10798782 +Q65394 P19 Q1780 +Q801 P530 Q155 +Q208108 P136 Q496523 +Q55469 P172 Q50001 +Q44301 P509 Q12152 +Q229241 P106 Q33999 +Q70800 P27 Q183 +Q186042 P40 Q122461 +Q78504 P463 Q191583 +Q1744 P102 Q29552 +Q522679 P106 Q1930187 +Q76279 P106 Q36180 +Q215546 P106 Q36834 +Q218235 P161 Q233786 +Q154353 P20 Q90 +Q208204 P161 Q296887 +Q91090 P1412 Q188 +Q296609 P106 Q177220 +Q361626 P27 Q183 +Q87302 P108 Q152838 +Q303207 P136 Q37073 +Q932959 P1303 Q6607 +Q312641 P106 Q18844224 +Q193405 P119 Q272208 +Q63187 P106 Q33999 +Q223884 P161 Q272019 +Q104123 P136 Q459290 +Q89219 P106 Q806798 +Q163557 P106 Q18844224 +Q16 P530 Q790 +Q160163 P106 Q1238570 +Q183167 P69 Q1399299 +Q958578 P106 Q177220 +Q84510 P106 Q2865819 +Q333595 P106 Q10798782 +Q274748 P136 Q2678111 +Q103578 P106 Q970153 +Q235115 P69 Q1127387 +Q18415 P161 Q373417 +Q249862 P106 Q177220 +Q160215 P136 Q319221 +Q168431 P102 Q590750 +Q59346 P136 Q52162262 +Q510034 P551 Q23556 +Q237497 P106 Q3282637 +Q169077 P1412 Q9056 +Q1346832 P551 Q1218 +Q27 P530 Q35 +Q728542 P69 Q21578 +Q704705 P20 Q65 +Q159603 P106 Q82955 +Q201579 P20 Q1781 +Q236842 P69 Q7866352 +Q160263 P106 Q28389 +Q342962 P27 Q145 +Q61347 P1412 Q188 +Q2201 P840 Q60 +Q142974 P106 Q28389 +Q202749 P135 Q7026 +Q1339107 P106 Q33999 +Q90787 P106 Q333634 +Q134262 P463 Q463303 +Q280918 P161 Q331587 +Q312570 P106 Q36180 +Q156023 P27 Q131964 +Q319578 P106 Q4964182 +Q177993 P27 Q219060 +Q18809 P102 Q204911 +Q168023 P106 Q753110 +Q8018 P2348 Q2277 +Q303918 P106 Q947873 +Q81489 P106 Q937857 +Q217787 P136 Q131272 +Q64397 P101 Q1662673 +Q312280 P106 Q2526255 +Q131433 P551 Q182625 +Q367032 P140 Q9268 +Q44063 P106 Q3282637 +Q313849 P1412 Q1860 +Q743642 P106 Q177220 +Q164119 P264 Q231694 +Q29055 P106 Q13235160 +Q448767 P19 Q33486 +Q170373 P106 Q170790 +Q473030 P27 Q30 +Q27411 P161 Q211040 +Q142 P530 Q843 +Q18425 P463 Q83172 +Q95030 P69 Q309350 +Q324031 P106 Q864380 +Q381505 P69 Q9842 +Q921 P530 Q458 +Q233291 P1303 Q17172850 +Q1524938 P106 Q177220 +Q20726 P106 Q1086863 +Q165823 P69 Q999763 +Q200355 P27 Q27 +Q92085 P551 Q1709 +Q297744 P3373 Q44221 +Q240238 P140 Q624477 +Q242130 P69 Q31519 +Q57500 P20 Q3150 +Q5046268 P27 Q30 +Q191999 P463 Q1938003 +Q801 P361 Q7204 +Q106465 P27 Q30 +Q117 P463 Q7809 +Q223443 P19 Q16555 +Q287977 P119 Q1437214 +Q235305 P1303 Q17172850 +Q766 P463 Q376150 +Q1197841 P161 Q240869 +Q153243 P20 Q49145 +Q323392 P161 Q171571 +Q191974 P463 Q161806 +Q1392102 P27 Q30 +Q213614 P106 Q214917 +Q203806 P1412 Q188 +Q928 P463 Q842490 +Q182455 P102 Q29468 +Q453447 P106 Q36180 +Q113818 P172 Q539051 +Q134773 P161 Q9582 +Q153039 P161 Q330224 +Q26058 P106 Q10800557 +Q129895 P840 Q5092 +Q25080 P27 Q159 +Q228852 P106 Q10798782 +Q35171 P106 Q82955 +Q193156 P69 Q49122 +Q388319 P161 Q220698 +Q266109 P106 Q177220 +Q134333 P106 Q10798782 +Q367634 P106 Q177220 +Q427403 P106 Q49757 +Q57679 P19 Q2100 +Q440272 P106 Q488205 +Q336517 P57 Q42574 +Q7729 P106 Q82955 +Q220269 P119 Q592204 +Q234289 P509 Q476921 +Q1451270 P27 Q70972 +Q155449 P1412 Q1860 +Q213585 P509 Q12202 +Q164351 P108 Q662355 +Q937 P27 Q28513 +Q332032 P19 Q12439 +Q93341 P106 Q12377274 +Q312693 P27 Q145 +Q874 P463 Q1043527 +Q124357 P1303 Q9798 +Q233541 P106 Q639669 +Q4235 P106 Q2405480 +Q34975 P69 Q385471 +Q2134121 P19 Q60 +Q270215 P161 Q233368 +Q100937 P106 Q33999 +Q295502 P106 Q639669 +Q141829 P509 Q216169 +Q185085 P106 Q82955 +Q71633 P69 Q152838 +Q522592 P136 Q37073 +Q557525 P1303 Q47369 +Q69773 P106 Q36180 +Q316884 P19 Q1492 +Q216896 P106 Q189290 +Q2831 P737 Q157191 +Q60039 P106 Q2095549 +Q38082 P106 Q49757 +Q104123 P161 Q254431 +Q61319 P463 Q684415 +Q2046788 P106 Q170790 +Q206112 P106 Q855091 +Q463101 P161 Q168847 +Q2560778 P69 Q678982 +Q314308 P106 Q81096 +Q207640 P106 Q18844224 +Q801 P530 Q28 +Q37610 P27 Q193714 +Q242351 P106 Q482980 +Q77109 P27 Q39 +Q71645 P106 Q4164507 +Q470233 P1303 Q17172850 +Q286566 P106 Q4263842 +Q596817 P1303 Q17172850 +Q1074590 P106 Q639669 +Q562641 P20 Q18383 +Q167265 P161 Q233868 +Q101734 P106 Q33999 +Q93354 P69 Q21578 +Q184499 P1412 Q1860 +Q318485 P136 Q37073 +Q34529 P20 Q65 +Q57999 P106 Q3055126 +Q158078 P20 Q1055 +Q261522 P69 Q1130457 +Q440996 P551 Q649 +Q884 P530 Q889 +Q131152 P106 Q82955 +Q211831 P106 Q222749 +Q315542 P27 Q30 +Q123166 P161 Q311314 +Q311580 P106 Q6168364 +Q230523 P106 Q33999 +Q274400 P161 Q229228 +Q45272 P1412 Q188 +Q343633 P1050 Q11081 +Q334760 P463 Q338432 +Q892 P737 Q33977 +Q63187 P451 Q232384 +Q331845 P106 Q49757 +Q57676 P106 Q47064 +Q274233 P69 Q1059546 +Q89316 P27 Q40 +Q1001254 P106 Q177220 +Q84755 P140 Q9592 +Q194333 P140 Q7066 +Q893667 P101 Q41217 +Q295964 P27 Q30 +Q233957 P108 Q151510 +Q114089 P1412 Q188 +Q270601 P106 Q14467526 +Q44520 P509 Q12204 +Q556765 P27 Q20 +Q783992 P106 Q753110 +Q212775 P495 Q148 +Q52922 P27 Q34 +Q232419 P106 Q33999 +Q120260 P106 Q9648008 +Q76553 P106 Q82955 +Q17714 P463 Q270794 +Q216092 P106 Q12961474 +Q557774 P106 Q193391 +Q102139 P1412 Q9035 +Q210059 P1412 Q1860 +Q2599 P1303 Q5994 +Q93115 P69 Q209842 +Q364781 P509 Q3242950 +Q187107 P106 Q639669 +Q132899 P106 Q193391 +Q185510 P106 Q333634 +Q129895 P57 Q7374 +Q51814 P106 Q1930187 +Q1044 P463 Q842490 +Q13894 P106 Q36834 +Q156890 P106 Q1281618 +Q154353 P463 Q83172 +Q159976 P106 Q1622272 +Q60903 P136 Q24925 +Q268569 P20 Q90 +Q270510 P136 Q130232 +Q221917 P106 Q1930187 +Q151509 P40 Q307463 +Q383784 P1303 Q11405 +Q294773 P106 Q487596 +Q282722 P106 Q639669 +Q699605 P108 Q2283 +Q230196 P69 Q640652 +Q121655 P27 Q45 +Q448767 P106 Q1930187 +Q61171 P27 Q183 +Q64862 P27 Q183 +Q91557 P19 Q1711 +Q47899 P106 Q4610556 +Q195535 P106 Q855091 +Q1337067 P19 Q1524 +Q152768 P106 Q1198887 +Q233464 P161 Q102124 +Q49003 P136 Q130232 +Q440996 P1412 Q7737 +Q385236 P20 Q7473516 +Q222720 P136 Q959790 +Q51101 P551 Q1867 +Q861227 P1303 Q46185 +Q244333 P161 Q237053 +Q113206 P69 Q797078 +Q181 P551 Q812 +Q433471 P19 Q18426 +Q522579 P509 Q767485 +Q455430 P106 Q201788 +Q69631 P19 Q7030 +Q26391 P161 Q88997 +Q336467 P1412 Q150 +Q1386420 P27 Q30 +Q36951 P1412 Q1860 +Q152690 P27 Q27 +Q233618 P106 Q13474373 +Q1058532 P264 Q843402 +Q1028 P463 Q624307 +Q310985 P264 Q770103 +Q76819 P1412 Q188 +Q317574 P106 Q2526255 +Q72245 P106 Q82955 +Q63317 P106 Q639669 +Q298905 P106 Q2526255 +Q97644 P20 Q2966 +Q45662 P108 Q695599 +Q448764 P463 Q463303 +Q865 P530 Q29 +Q937 P106 Q205375 +Q353442 P106 Q121594 +Q188569 P106 Q4964182 +Q1771189 P136 Q1344 +Q57475 P69 Q154804 +Q154270 P27 Q142 +Q18938 P106 Q2526255 +Q178991 P108 Q202660 +Q888152 P264 Q126399 +Q2599 P106 Q822146 +Q283988 P106 Q2526255 +Q344454 P27 Q142 +Q236630 P108 Q926749 +Q41223 P27 Q34266 +Q334633 P1412 Q1321 +Q456005 P106 Q855091 +Q4235 P26 Q314319 +Q330238 P69 Q503246 +Q272374 P106 Q177220 +Q309014 P161 Q434291 +Q437254 P106 Q10800557 +Q315136 P106 Q212238 +Q57379 P27 Q15180 +Q16403 P161 Q25078 +Q3520383 P161 Q357762 +Q597863 P106 Q36180 +Q186327 P1303 Q5994 +Q34424 P136 Q205049 +Q312901 P27 Q414 +Q374526 P136 Q130232 +Q71855 P463 Q4345832 +Q92775 P509 Q12152 +Q372692 P106 Q7042855 +Q880598 P106 Q33999 +Q362681 P1303 Q8350 +Q296500 P106 Q10798782 +Q3986379 P161 Q202319 +Q460196 P106 Q3621491 +Q18125 P17 Q174193 +Q188713 P495 Q145 +Q230555 P1412 Q1860 +Q236378 P106 Q33999 +Q29999 P30 Q18 +Q315222 P27 Q131964 +Q34474 P136 Q49084 +Q158079 P172 Q86630688 +Q467027 P101 Q207628 +Q76791 P463 Q684415 +Q55963 P106 Q860918 +Q483938 P17 Q884 +Q187199 P463 Q299015 +Q187337 P106 Q10798782 +Q40096 P106 Q3455803 +Q31 P37 Q188 +Q108733 P27 Q16957 +Q298773 P20 Q2807 +Q188962 P106 Q205375 +Q272972 P106 Q578109 +Q444616 P106 Q10800557 +Q9061 P27 Q27306 +Q436507 P106 Q81096 +Q3336032 P19 Q5092 +Q79078 P106 Q36180 +Q66097 P20 Q56037 +Q95273 P1412 Q188 +Q1779 P106 Q33999 +Q2022 P20 Q495 +Q332462 P1412 Q809 +Q214013 P161 Q44221 +Q84352 P108 Q1044328 +Q879316 P108 Q13371 +Q214191 P106 Q121594 +Q44847 P1412 Q1860 +Q1056163 P106 Q36834 +Q311256 P1303 Q5994 +Q18066 P509 Q623031 +Q61078 P106 Q2306091 +Q1766736 P106 Q901 +Q44606 P1303 Q17172850 +Q173175 P106 Q13590141 +Q948977 P106 Q1930187 +Q4934 P106 Q131524 +Q67076 P106 Q864380 +Q296370 P106 Q10800557 +Q426393 P161 Q144622 +Q45765 P69 Q168756 +Q190588 P136 Q860626 +Q122335 P19 Q60 +Q769 P530 Q148 +Q430911 P26 Q15031 +Q320093 P106 Q33999 +Q209471 P106 Q2059704 +Q11459 P106 Q33999 +Q42904 P106 Q33999 +Q848723 P27 Q28 +Q93181 P1412 Q1860 +Q240370 P106 Q2526255 +Q940942 P106 Q121594 +Q64176 P27 Q183 +Q95120 P1412 Q1860 +Q445306 P40 Q207380 +Q260318 P136 Q21590660 +Q309048 P136 Q157394 +Q108543 P161 Q217137 +Q61407 P463 Q329464 +Q234570 P106 Q4964182 +Q44063 P737 Q40523 +Q253566 P136 Q130232 +Q11590 P69 Q1206658 +Q127423 P106 Q4610556 +Q221903 P106 Q1231865 +Q57244 P106 Q14915627 +Q68209 P136 Q482 +Q855 P106 Q482980 +Q470334 P106 Q18805 +Q734564 P1412 Q9610 +Q230555 P1050 Q131755 +Q230990 P106 Q33999 +Q905 P509 Q12204 +Q551421 P27 Q36 +Q684748 P106 Q1607826 +Q314403 P106 Q3282637 +Q120342 P106 Q947873 +Q18233 P264 Q216364 +Q215215 P264 Q3001888 +Q138007 P106 Q2516852 +Q131074 P161 Q80966 +Q937537 P551 Q4093 +Q349434 P106 Q639669 +Q297097 P106 Q36834 +Q174559 P161 Q230958 +Q562178 P20 Q2868 +Q706821 P108 Q238101 +Q296828 P27 Q142 +Q293067 P509 Q12192 +Q452232 P106 Q36180 +Q966565 P40 Q314812 +Q147989 P106 Q36180 +Q276170 P27 Q29 +Q106942 P106 Q947873 +Q313559 P106 Q639669 +Q258 P530 Q41 +Q810 P463 Q7809 +Q208116 P19 Q649 +Q261990 P106 Q33999 +Q362521 P1412 Q9035 +Q235931 P106 Q183945 +Q715404 P1303 Q6607 +Q178963 P27 Q794 +Q103578 P140 Q1841 +Q13513 P463 Q83172 +Q444832 P172 Q49085 +Q131259 P27 Q20 +Q2149885 P264 Q193023 +Q71452 P1412 Q150 +Q215735 P101 Q8242 +Q6969 P106 Q578109 +Q157975 P495 Q183 +Q440932 P19 Q65 +Q113489 P19 Q2079 +Q167520 P106 Q3282637 +Q47703 P161 Q108622 +Q230943 P106 Q33999 +Q98703 P106 Q82955 +Q103949 P1412 Q1860 +Q215916 P1303 Q5994 +Q144535 P101 Q24454422 +Q851 P530 Q265 +Q81520 P136 Q182015 +Q291314 P106 Q10800557 +Q36 P463 Q376150 +Q83325 P106 Q3282637 +Q242873 P106 Q855091 +Q106997 P69 Q5103452 +Q4636 P264 Q935090 +Q55282 P106 Q2526255 +Q398 P530 Q30 +Q1006 P530 Q183 +Q61594 P27 Q183 +Q99448 P106 Q16533 +Q1398834 P264 Q557632 +Q192979 P161 Q294647 +Q203806 P106 Q2722764 +Q391784 P840 Q65 +Q272977 P106 Q2405480 +Q170842 P551 Q649 +Q159 P530 Q921 +Q392677 P495 Q16 +Q167877 P106 Q1930187 +Q382393 P451 Q232470 +Q130799 P27 Q145 +Q229881 P1303 Q5994 +Q109252 P69 Q55021 +Q74512 P106 Q82955 +Q232462 P69 Q599316 +Q486786 P1303 Q6607 +Q524236 P106 Q11900058 +Q557665 P20 Q33935 +Q240370 P509 Q3010352 +Q846373 P495 Q30 +Q71490 P106 Q482980 +Q267769 P69 Q390287 +Q326856 P19 Q56037 +Q106508 P106 Q578109 +Q162005 P27 Q30 +Q865 P530 Q224 +Q573665 P106 Q855091 +Q254611 P106 Q33999 +Q93443 P161 Q254962 +Q106481 P106 Q3387717 +Q447407 P106 Q33999 +Q40187 P161 Q106481 +Q55743 P20 Q270 +Q62664 P3373 Q71602 +Q4536 P495 Q30 +Q334205 P106 Q49757 +Q262838 P264 Q277626 +Q456827 P106 Q177220 +Q43293 P140 Q7066 +Q216179 P106 Q177220 +Q357102 P106 Q36180 +Q311241 P106 Q2252262 +Q25023 P106 Q1930187 +Q333632 P106 Q177220 +Q102336 P1412 Q188 +Q1025 P37 Q150 +Q229249 P106 Q10798782 +Q2518 P27 Q713750 +Q1974190 P27 Q142 +Q33391 P1412 Q1860 +Q44107 P136 Q35760 +Q290287 P106 Q36180 +Q948977 P172 Q7325 +Q783 P361 Q653884 +Q5959091 P106 Q901 +Q59185 P106 Q2252262 +Q49347 P106 Q1622272 +Q92965 P463 Q1493021 +Q62686 P140 Q75809 +Q291183 P509 Q12078 +Q124894 P27 Q23366230 +Q312407 P1412 Q1860 +Q169065 P27 Q33946 +Q211136 P106 Q15981151 +Q249719 P106 Q177220 +Q107422 P140 Q7066 +Q53633 P463 Q1792159 +Q726369 P106 Q55960555 +Q216536 P106 Q36180 +Q170572 P69 Q432637 +Q57802 P106 Q1662561 +Q978389 P106 Q1930187 +Q215565 P106 Q177220 +Q762361 P509 Q767485 +Q116861 P106 Q822146 +Q60586 P106 Q193391 +Q91823 P69 Q414219 +Q201607 P136 Q38848 +Q181667 P463 Q4742987 +Q59653 P840 Q3616 +Q1007 P463 Q47543 +Q309756 P106 Q15077007 +Q11975 P451 Q43432 +Q1827266 P1303 Q5994 +Q348944 P1303 Q17172850 +Q61064 P106 Q40348 +Q557525 P119 Q1092107 +Q207640 P106 Q6625963 +Q156349 P1412 Q1860 +Q502963 P106 Q2095549 +Q103835 P463 Q2095524 +Q188176 P1412 Q1860 +Q43293 P737 Q38392 +Q101064 P1412 Q188 +Q173637 P27 Q30 +Q97096 P1412 Q188 +Q260533 P161 Q317614 +Q366584 P106 Q177220 +Q501429 P509 Q47912 +Q1016 P463 Q624307 +Q309486 P106 Q10800557 +Q57242 P106 Q49757 +Q234928 P106 Q483501 +Q555 P27 Q30 +Q189415 P27 Q30 +Q571287 P463 Q188771 +Q224754 P27 Q30 +Q103646 P69 Q4614 +Q166876 P106 Q2259532 +Q173481 P1050 Q131755 +Q469310 P106 Q169470 +Q102244 P161 Q362228 +Q532279 P106 Q201788 +Q84780 P27 Q28513 +Q771229 P69 Q49108 +Q264891 P136 Q186472 +Q83333 P108 Q13371 +Q1333326 P106 Q13219637 +Q28941 P20 Q47164 +Q503147 P69 Q13164 +Q460075 P106 Q1930187 +Q14277 P140 Q75809 +Q157155 P106 Q36180 +Q360046 P136 Q1152184 +Q237633 P1303 Q6607 +Q296616 P106 Q36180 +Q76487 P69 Q152171 +Q173399 P27 Q16 +Q235451 P106 Q36180 +Q216692 P136 Q676 +Q285341 P264 Q778673 +Q204804 P264 Q202440 +Q329448 P161 Q37175 +Q268582 P106 Q1930187 +Q16458 P161 Q229940 +Q60953 P27 Q145 +Q326526 P495 Q30 +Q57802 P27 Q151624 +Q232397 P106 Q33999 +Q110330 P463 Q123885 +Q214816 P106 Q1930187 +Q325427 P106 Q177220 +Q40470 P1412 Q1860 +Q330224 P106 Q33999 +Q201687 P161 Q41396 +Q209170 P57 Q725060 +Q441226 P108 Q49165 +Q101235 P106 Q1622272 +Q1928973 P1303 Q6607 +Q445795 P161 Q241115 +Q1887014 P106 Q43845 +Q309486 P551 Q84 +Q435124 P106 Q2490358 +Q322760 P136 Q9759 +Q1626025 P106 Q18844224 +Q216266 P106 Q2526255 +Q577548 P106 Q11774202 +Q258053 P264 Q216364 +Q465350 P106 Q81096 +Q313080 P106 Q183945 +Q92747 P463 Q1493021 +Q193509 P106 Q33999 +Q167821 P106 Q36180 +Q188783 P509 Q188874 +Q80321 P106 Q36180 +Q353866 P106 Q36180 +Q976526 P106 Q185351 +Q50612 P69 Q41506 +Q283964 P106 Q6625963 +Q709640 P106 Q639669 +Q435278 P1412 Q1860 +Q180272 P102 Q29468 +Q75814 P106 Q2055046 +Q72657 P20 Q586 +Q1779 P2348 Q6927 +Q87910 P463 Q150793 +Q984215 P463 Q466089 +Q213520 P106 Q14915627 +Q81796 P509 Q12192 +Q112427 P463 Q44687 +Q34286 P108 Q131626 +Q343433 P106 Q333634 +Q125106 P106 Q177220 +Q80135 P106 Q8178443 +Q334633 P1412 Q1860 +Q191644 P106 Q4610556 +Q259979 P106 Q36180 +Q49823 P463 Q337234 +Q160852 P140 Q6423963 +Q4099149 P101 Q23404 +Q206439 P509 Q12202 +Q80064 P106 Q11774202 +Q229550 P106 Q10800557 +Q184933 P1303 Q1444 +Q274895 P136 Q157443 +Q53026 P106 Q33999 +Q206922 P136 Q1152184 +Q112145 P1412 Q9063 +Q219373 P106 Q28389 +Q983705 P106 Q662729 +Q1237649 P20 Q727 +Q234791 P1303 Q6607 +Q962908 P27 Q414 +Q36970 P106 Q3282637 +Q191020 P69 Q131252 +Q505274 P106 Q36180 +Q921 P463 Q1065 +Q151848 P161 Q3454165 +Q220864 P20 Q1489 +Q25320 P106 Q1231865 +Q118061 P102 Q153401 +Q223884 P161 Q438908 +Q153243 P69 Q2599077 +Q209471 P106 Q10798782 +Q550778 P1412 Q1860 +Q281998 P19 Q90 +Q784 P463 Q1043527 +Q1570102 P106 Q177220 +Q190588 P161 Q257165 +Q323267 P106 Q13582652 +Q230641 P19 Q43668 +Q332454 P27 Q145 +Q317567 P27 Q30 +Q142 P463 Q19771 +Q215366 P27 Q30 +Q1042738 P106 Q36180 +Q292373 P1303 Q79838 +Q188857 P106 Q49757 +Q4028 P106 Q183945 +Q2673 P106 Q28389 +Q16389 P551 Q8646 +Q2602121 P106 Q36180 +Q319996 P3373 Q952428 +Q1970586 P106 Q5716684 +Q41042 P106 Q3387717 +Q1342003 P106 Q81096 +Q353449 P27 Q15180 +Q110106 P69 Q1093910 +Q270410 P161 Q725516 +Q95050 P106 Q10800557 +Q1246324 P27 Q174193 +Q198451 P136 Q663106 +Q232876 P106 Q33999 +Q228645 P106 Q10800557 +Q865 P530 Q916 +Q60586 P27 Q183 +Q568246 P452 Q746359 +Q42402 P106 Q2865819 +Q968565 P140 Q7066 +Q170515 P1412 Q5146 +Q692632 P136 Q11399 +Q261207 P106 Q13219587 +Q181991 P27 Q145 +Q173714 P509 Q12152 +Q265031 P106 Q10798782 +Q1232924 P1412 Q188 +Q66800 P463 Q543804 +Q35011 P106 Q33999 +Q85982 P119 Q335336 +Q9358 P737 Q1290 +Q597694 P106 Q4263842 +Q724323 P69 Q13164 +Q167997 P27 Q139319 +Q244398 P136 Q130232 +Q57730 P102 Q79854 +Q7013 P69 Q54096 +Q1361841 P106 Q486748 +Q62988 P27 Q183 +Q949696 P264 Q1392321 +Q463501 P27 Q15180 +Q232047 P27 Q30 +Q1443689 P136 Q83440 +Q1247078 P1303 Q52954 +Q421707 P20 Q60 +Q23441 P106 Q1930187 +Q434790 P69 Q49120 +Q84211 P102 Q7320 +Q1157870 P19 Q79867 +Q116208 P106 Q36180 +Q860068 P106 Q639669 +Q151892 P106 Q4610556 +Q934722 P106 Q2259451 +Q270123 P106 Q177220 +Q279057 P161 Q233801 +Q865 P530 Q408 +Q78999 P106 Q193391 +Q1241173 P1303 Q6607 +Q100276 P19 Q1799 +Q200639 P106 Q36180 +Q162458 P136 Q842256 +Q62400 P119 Q438183 +Q3040690 P27 Q30 +Q156597 P136 Q188473 +Q2124852 P101 Q11190 +Q89486 P106 Q753110 +Q1077158 P106 Q14915627 +Q732503 P452 Q941594 +Q115010 P106 Q947873 +Q246970 P106 Q10800557 +Q67938 P106 Q1234713 +Q219989 P131 Q64 +Q34981 P509 Q181754 +Q336609 P106 Q82955 +Q61673 P27 Q33946 +Q438164 P737 Q82083 +Q1453045 P106 Q183945 +Q540166 P106 Q6625963 +Q238866 P495 Q30 +Q311716 P106 Q639669 +Q927627 P749 Q981195 +Q30 P172 Q49085 +Q71502 P19 Q2079 +Q250995 P136 Q130232 +Q46599 P1412 Q7737 +Q22686 P40 Q3713655 +Q363371 P106 Q11399 +Q5673 P106 Q214917 +Q113570 P69 Q3072747 +Q273876 P1303 Q17172850 +Q71275 P106 Q10800557 +Q2706204 P136 Q206159 +Q212 P530 Q145 +Q251068 P106 Q753110 +Q96426 P20 Q64 +Q949696 P106 Q3282637 +Q34474 P106 Q12144794 +Q228943 P1412 Q1860 +Q66729 P108 Q165980 +Q16019 P102 Q49762 +Q124784 P1412 Q1860 +Q248059 P106 Q2526255 +Q283408 P737 Q174210 +Q378240 P69 Q1137665 +Q29473 P106 Q214917 +Q727151 P136 Q850412 +Q157309 P106 Q23833535 +Q809028 P106 Q1622272 +Q151083 P3373 Q152785 +Q95026 P19 Q43421 +Q46405 P106 Q1930187 +Q80871 P136 Q482 +Q150989 P463 Q265058 +Q76334 P106 Q10873124 +Q164979 P69 Q55044 +Q317095 P264 Q726153 +Q104668 P101 Q18362 +Q242095 P106 Q1930187 +Q532852 P19 Q495 +Q240677 P106 Q33999 +Q514998 P106 Q482980 +Q311613 P1412 Q1860 +Q48067 P463 Q842008 +Q110709 P463 Q938622 +Q697747 P102 Q31113 +Q168896 P27 Q207272 +Q345325 P106 Q2722764 +Q310150 P27 Q145 +Q3341701 P106 Q81096 +Q368129 P19 Q127856 +Q181995 P106 Q639669 +Q75246 P20 Q56037 +Q47703 P135 Q377616 +Q95861 P102 Q49750 +Q431660 P136 Q200092 +Q45229 P27 Q30 +Q1500187 P161 Q435468 +Q69301 P102 Q49768 +Q298 P463 Q8475 +Q75757 P106 Q2468727 +Q64406 P108 Q156737 +Q314158 P106 Q18814623 +Q123371 P19 Q70 +Q364315 P69 Q859363 +Q41749 P106 Q18814623 +Q1175373 P108 Q189022 +Q270786 P27 Q145 +Q76616 P19 Q1055 +Q337226 P106 Q4220892 +Q318910 P161 Q231310 +Q205314 P40 Q106997 +Q206886 P136 Q130232 +Q93157 P509 Q12192 +Q55994 P106 Q10798782 +Q10681 P264 Q1536003 +Q105387 P161 Q232307 +Q918966 P172 Q7325 +Q705515 P1412 Q7737 +Q187832 P106 Q177220 +Q930987 P106 Q487596 +Q53619 P1050 Q10874 +Q241665 P264 Q14192383 +Q867257 P106 Q33999 +Q232511 P106 Q10798782 +Q367129 P509 Q181754 +Q327914 P1412 Q652 +Q71855 P106 Q82955 +Q316330 P108 Q49088 +Q187154 P136 Q471839 +Q76131 P20 Q60 +Q765871 P106 Q639669 +Q785404 P106 Q2526255 +Q1443825 P106 Q183945 +Q325589 P106 Q49757 +Q43 P530 Q230 +Q313210 P69 Q1472245 +Q642060 P27 Q142 +Q967 P530 Q865 +Q77226 P106 Q6625963 +Q194287 P136 Q83270 +Q480037 P27 Q36704 +Q92609 P69 Q5676553 +Q18430 P106 Q901 +Q444509 P20 Q490 +Q159933 P1412 Q397 +Q50020 P102 Q622441 +Q56008 P106 Q5322166 +Q228909 P106 Q488205 +Q173441 P106 Q1734662 +Q58195 P19 Q1085 +Q960935 P172 Q49085 +Q731007 P1303 Q17172850 +Q125494 P495 Q38 +Q325718 P172 Q49085 +Q73646 P1412 Q1860 +Q195616 P106 Q36180 +Q5549674 P19 Q64 +Q58198 P106 Q193391 +Q784 P463 Q7785 +Q217303 P161 Q267772 +Q312870 P136 Q186472 +Q312747 P106 Q36180 +Q119849 P106 Q2526255 +Q32661 P106 Q4610556 +Q154782 P69 Q152087 +Q161877 P106 Q183945 +Q131545 P172 Q7325 +Q96978 P69 Q155354 +Q505358 P108 Q622664 +Q72705 P106 Q864380 +Q62443 P1412 Q188 +Q2272369 P69 Q273523 +Q152453 P69 Q621043 +Q72390 P69 Q54096 +Q59837 P1412 Q1321 +Q762 P106 Q3658608 +Q887889 P106 Q33999 +Q107914 P161 Q1689346 +Q15809 P136 Q482 +Q213880 P19 Q2773 +Q201674 P161 Q296177 +Q66126 P106 Q3282637 +Q192207 P106 Q4964182 +Q558104 P106 Q201788 +Q7013 P106 Q4610556 +Q37944 P1412 Q1860 +Q207916 P840 Q1055 +Q977 P530 Q986 +Q273079 P136 Q8341 +Q116309 P1412 Q143 +Q447121 P106 Q36180 +Q456921 P106 Q43845 +Q277099 P106 Q33999 +Q440996 P101 Q482 +Q70618 P106 Q36180 +Q742284 P106 Q1930187 +Q101087 P108 Q48989 +Q298766 P27 Q142 +Q39975 P161 Q281964 +Q183167 P136 Q35760 +Q460852 P106 Q177220 +Q11031 P101 Q21201 +Q2291171 P17 Q30 +Q924104 P106 Q639669 +Q737845 P106 Q482980 +Q148 P530 Q805 +Q186485 P136 Q128758 +Q105695 P69 Q49210 +Q183 P530 Q36704 +Q58198 P106 Q82955 +Q1900440 P463 Q117467 +Q76516 P19 Q90 +Q1493339 P1303 Q6607 +Q158765 P106 Q82955 +Q462446 P463 Q1493021 +Q116812 P106 Q1622272 +Q241665 P136 Q37073 +Q238638 P1412 Q1860 +Q39 P530 Q414 +Q184605 P136 Q846544 +Q73357 P102 Q694299 +Q1001 P27 Q129286 +Q716367 P1412 Q1860 +Q273727 P69 Q1051840 +Q61064 P1412 Q7737 +Q2153 P69 Q1145306 +Q161687 P495 Q145 +Q274306 P136 Q37073 +Q1101938 P19 Q18419 +Q1340677 P463 Q463303 +Q9696 P106 Q1930187 +Q3335 P106 Q164236 +Q57371 P1412 Q256 +Q235517 P69 Q5384959 +Q716293 P641 Q11420 +Q143286 P136 Q850412 +Q1500187 P161 Q103876 +Q83233 P106 Q864503 +Q38392 P106 Q49757 +Q293520 P106 Q155647 +Q112284 P108 Q23548 +Q122003 P106 Q36834 +Q69773 P106 Q822146 +Q697741 P1412 Q9299 +Q233581 P106 Q557880 +Q287449 P106 Q28389 +Q55211 P106 Q33999 +Q223875 P101 Q207628 +Q8704 P1050 Q47912 +Q238716 P463 Q463303 +Q38849 P106 Q822146 +Q708620 P69 Q3072747 +Q73930 P106 Q33999 +Q159250 P106 Q177220 +Q2709 P106 Q488111 +Q106655 P27 Q183 +Q104183 P106 Q2526255 +Q155112 P106 Q864503 +Q213945 P106 Q482980 +Q47164 P17 Q30 +Q8877 P106 Q43845 +Q336278 P106 Q753110 +Q105823 P106 Q386854 +Q724276 P106 Q28389 +Q804 P361 Q653884 +Q711406 P1303 Q17172850 +Q174843 P106 Q488205 +Q78505 P106 Q2526255 +Q450335 P69 Q219694 +Q557 P106 Q1476215 +Q324557 P495 Q30 +Q313981 P136 Q182015 +Q181573 P106 Q6625963 +Q65783 P69 Q672420 +Q1101938 P106 Q36834 +Q421478 P27 Q34266 +Q207380 P27 Q174193 +Q154356 P463 Q2822396 +Q9570 P106 Q10798782 +Q98806 P106 Q482980 +Q233832 P27 Q30 +Q207676 P106 Q2526255 +Q782711 P463 Q2720582 +Q399 P463 Q656801 +Q228899 P26 Q2599 +Q312053 P136 Q193207 +Q96064 P102 Q694714 +Q61863 P463 Q83172 +Q173175 P106 Q215536 +Q266335 P119 Q5763964 +Q423 P530 Q983 +Q61078 P106 Q36180 +Q9155759 P106 Q2066131 +Q231019 P1412 Q809 +Q35 P530 Q43 +Q1245769 P20 Q84 +Q60029 P27 Q713750 +Q111344 P19 Q1731 +Q229760 P106 Q4610556 +Q214116 P106 Q201788 +Q329577 P136 Q21590660 +Q738029 P106 Q1622272 +Q62866 P106 Q82594 +Q313501 P106 Q1208175 +Q71408 P106 Q1622272 +Q88427 P20 Q64 +Q188652 P161 Q40026 +Q86488 P1412 Q188 +Q188569 P20 Q84 +Q948977 P19 Q6602 +Q502896 P106 Q855091 +Q484702 P106 Q36180 +Q69198 P27 Q16957 +Q28 P463 Q663492 +Q11869 P1412 Q1860 +Q44132 P106 Q16533 +Q722202 P106 Q4853732 +Q252 P530 Q739 +Q862297 P106 Q28389 +Q7197 P106 Q4964182 +Q205120 P106 Q201788 +Q241 P463 Q7809 +Q25318 P69 Q273626 +Q354141 P136 Q37073 +Q16397 P551 Q62 +Q3298815 P1303 Q8343 +Q456921 P1412 Q1860 +Q58645 P509 Q175111 +Q168109 P119 Q2790054 +Q271824 P1412 Q1860 +Q311165 P69 Q385471 +Q213411 P161 Q170574 +Q451608 P463 Q191583 +Q357184 P27 Q34266 +Q183074 P136 Q482 +Q1680807 P69 Q13371 +Q352617 P106 Q14467526 +Q324905 P1303 Q17172850 +Q230055 P1303 Q17172850 +Q61058 P172 Q42884 +Q929 P463 Q7825 +Q113641 P463 Q299015 +Q96943 P1412 Q188 +Q212333 P161 Q181799 +Q1372139 P106 Q639669 +Q4128 P106 Q1930187 +Q7311 P27 Q172579 +Q354382 P69 Q2983698 +Q86778 P106 Q28389 +Q213411 P840 Q1509 +Q235132 P106 Q10800557 +Q124094 P119 Q819654 +Q51511 P106 Q3282637 +Q1333234 P1303 Q17172850 +Q575444 P1303 Q6607 +Q858 P530 Q833 +Q80095 P106 Q6625963 +Q242535 P1303 Q17172850 +Q145173 P106 Q13235160 +Q67526 P108 Q154804 +Q159638 P136 Q157394 +Q1349284 P106 Q753110 +Q310637 P106 Q2526255 +Q46739 P106 Q82955 +Q230578 P106 Q36180 +Q64091 P27 Q183 +Q329849 P106 Q10798782 +Q1222903 P106 Q33999 +Q847446 P136 Q131578 +Q187154 P161 Q25014 +Q25147 P106 Q1028181 +Q1049686 P136 Q3071 +Q458593 P106 Q10833314 +Q2291 P1412 Q652 +Q76688 P106 Q4964182 +Q76632 P119 Q64 +Q205772 P172 Q846570 +Q28978 P69 Q189441 +Q267051 P106 Q2259451 +Q2061371 P106 Q82955 +Q27610 P27 Q28 +Q17714 P106 Q1622272 +Q374610 P27 Q30 +Q56074 P264 Q3001888 +Q905323 P106 Q1930187 +Q7542 P1303 Q17172850 +Q231942 P106 Q10800557 +Q33637 P106 Q36180 +Q214344 P172 Q84072 +Q64467 P463 Q150793 +Q5679 P106 Q18814623 +Q128746 P27 Q30 +Q311165 P106 Q10800557 +Q316313 P1412 Q1860 +Q45723 P69 Q1878600 +Q83542 P840 Q61 +Q84147 P495 Q30 +Q255342 P840 Q8646 +Q1066875 P106 Q10800557 +Q832085 P106 Q1930187 +Q359031 P69 Q2093794 +Q55392 P140 Q1841 +Q75612 P1412 Q143 +Q234695 P1303 Q17172850 +Q443292 P106 Q33999 +Q1523176 P1303 Q46185 +Q287572 P106 Q2259451 +Q213053 P161 Q674451 +Q237560 P106 Q36180 +Q134895 P551 Q2807 +Q383173 P840 Q90 +Q122123 P106 Q10800557 +Q18407 P161 Q44634 +Q47163 P106 Q36180 +Q128746 P106 Q2743 +Q387072 P27 Q155 +Q1314285 P27 Q30 +Q51267 P108 Q156598 +Q360046 P106 Q33999 +Q255342 P161 Q262267 +Q209538 P495 Q30 +Q316454 P102 Q29552 +Q298255 P106 Q488205 +Q124523 P27 Q183 +Q181451 P20 Q3616 +Q5383 P136 Q11399 +Q76152 P106 Q15214752 +Q104266 P106 Q2526255 +Q858 P530 Q41 +Q8620 P140 Q1841 +Q1066772 P27 Q30 +Q302 P106 Q133485 +Q40645 P106 Q10800557 +Q241835 P1303 Q17172850 +Q202326 P161 Q441713 +Q180975 P106 Q753110 +Q995245 P106 Q1622272 +Q189732 P463 Q1971373 +Q144391 P106 Q974144 +Q317350 P106 Q639669 +Q554209 P1303 Q6607 +Q185510 P27 Q179876 +Q71443 P27 Q183 +Q201687 P161 Q23685 +Q1342003 P1412 Q7737 +Q359457 P106 Q81096 +Q35236 P102 Q29468 +Q128708 P106 Q131524 +Q87832 P27 Q183 +Q40852 P509 Q12202 +Q262354 P106 Q1476215 +Q432101 P106 Q1930187 +Q52937 P1412 Q9027 +Q555449 P106 Q82955 +Q117147 P106 Q28389 +Q55690 P106 Q3282637 +Q179150 P2348 Q6927 +Q195390 P27 Q34266 +Q3920109 P106 Q82955 +Q4227 P69 Q1727138 +Q106009 P108 Q156725 +Q240998 P264 Q202585 +Q86289 P69 Q55044 +Q86922 P108 Q372608 +Q2291 P106 Q28389 +Q1373629 P106 Q36834 +Q4235 P1303 Q17172850 +Q961447 P106 Q639669 +Q519289 P1412 Q1860 +Q152941 P509 Q12152 +Q131324 P1303 Q52954 +Q322236 P264 Q885977 +Q296537 P106 Q177220 +Q215927 P1412 Q7737 +Q272068 P106 Q2259451 +Q157245 P551 Q1384 +Q312630 P106 Q49757 +Q680881 P106 Q23833535 +Q182725 P119 Q1645215 +Q84482 P106 Q82955 +Q1064284 P19 Q16554 +Q437616 P1412 Q1860 +Q686 P530 Q1016 +Q223745 P106 Q10800557 +Q7311 P106 Q36834 +Q3920109 P106 Q593644 +Q191819 P106 Q158852 +Q61217 P106 Q1397808 +Q721704 P106 Q6673651 +Q355133 P106 Q28389 +Q181991 P1412 Q1860 +Q70849 P69 Q40025 +Q1190235 P106 Q10800557 +Q362886 P106 Q177220 +Q569378 P19 Q23306 +Q223443 P106 Q177220 +Q6882 P106 Q1930187 +Q152520 P264 Q1757254 +Q551491 P27 Q30 +Q453314 P106 Q488205 +Q362521 P1303 Q6607 +Q9095 P119 Q5933 +Q170572 P172 Q170826 +Q171363 P551 Q414 +Q3910 P27 Q30 +Q264960 P106 Q177220 +Q1387593 P106 Q1622272 +Q2594 P102 Q13124 +Q164401 P106 Q11063 +Q107424 P106 Q2405480 +Q95019 P106 Q4610556 +Q392915 P161 Q317228 +Q123476 P106 Q10798782 +Q151814 P106 Q488205 +Q355245 P102 Q29552 +Q1023788 P172 Q49085 +Q740036 P1303 Q78987 +Q792 P463 Q3369762 +Q32335 P106 Q3282637 +Q35149 P108 Q206702 +Q38757 P26 Q60528 +Q1760695 P407 Q1860 +Q24045 P69 Q222738 +Q156502 P106 Q40348 +Q207130 P161 Q37079 +Q732513 P1412 Q150 +Q447659 P1412 Q7737 +Q72450 P161 Q48410 +Q488200 P106 Q482980 +Q82409 P106 Q4964182 +Q311068 P106 Q33999 +Q45909 P106 Q4610556 +Q356487 P106 Q183945 +Q742634 P69 Q131262 +Q283328 P106 Q4610556 +Q90577 P1412 Q188 +Q4014532 P27 Q30 +Q518850 P106 Q322170 +Q2599 P1303 Q8371 +Q357607 P106 Q2259451 +Q332497 P57 Q43203 +Q298905 P40 Q117147 +Q287451 P106 Q2526255 +Q140694 P106 Q16287483 +Q7259 P106 Q205375 +Q23814 P101 Q941594 +Q215139 P106 Q15627169 +Q104061 P106 Q10800557 +Q158079 P172 Q201111 +Q746923 P106 Q183945 +Q57382 P27 Q16957 +Q249032 P161 Q242523 +Q919835 P106 Q6625963 +Q137584 P161 Q440956 +Q318885 P106 Q10798782 +Q230632 P106 Q2259451 +Q609095 P3373 Q268262 +Q463927 P161 Q430922 +Q57848 P106 Q39631 +Q264783 P69 Q993267 +Q504083 P136 Q1661 +Q279057 P161 Q42229 +Q47075 P161 Q257277 +Q19356 P136 Q859369 +Q366890 P106 Q201788 +Q520275 P119 Q1166 +Q54314 P106 Q10798782 +Q1386188 P108 Q681250 +Q312901 P106 Q188094 +Q328335 P106 Q33999 +Q291170 P840 Q65 +Q1334617 P106 Q81096 +Q6969 P106 Q947873 +Q285116 P27 Q16 +Q76746 P69 Q55044 +Q155860 P119 Q1130019 +Q237081 P1303 Q5994 +Q176176 P106 Q170790 +Q902 P463 Q7785 +Q380425 P1412 Q397 +Q191999 P106 Q188094 +Q958 P361 Q27407 +Q60317 P69 Q60450 +Q433060 P1303 Q17172850 +Q209186 P27 Q145 +Q92977 P106 Q1622272 +Q107274 P463 Q414110 +Q105167 P106 Q6625963 +Q276778 P161 Q223117 +Q539897 P106 Q386854 +Q1733 P17 Q41304 +Q379836 P20 Q956 +Q92824 P69 Q499451 +Q7294 P108 Q686522 +Q20153 P740 Q8684 +Q790 P463 Q205995 +Q106791 P1412 Q1321 +Q332330 P840 Q29 +Q704710 P1412 Q1860 +Q1077608 P106 Q1281618 +Q171969 P69 Q122453 +Q58311 P1412 Q7913 +Q598344 P27 Q30 +Q233046 P69 Q13371 +Q255129 P106 Q36834 +Q4487 P551 Q1486 +Q1009499 P19 Q37320 +Q145480 P106 Q33999 +Q84482 P106 Q1231865 +Q319896 P172 Q7325 +Q220423 P161 Q28054 +Q445985 P264 Q203059 +Q87832 P20 Q2079 +Q219551 P20 Q64 +Q287099 P106 Q33999 +Q169963 P551 Q127856 +Q106071 P27 Q183 +Q194143 P495 Q145 +Q215282 P106 Q188094 +Q1360993 P106 Q177220 +Q526518 P27 Q218 +Q1395790 P140 Q9592 +Q213257 P106 Q2259451 +Q103917 P106 Q578109 +Q76887 P69 Q55044 +Q111436 P106 Q1028181 +Q5686 P140 Q6423963 +Q34391 P106 Q82955 +Q865 P530 Q191 +Q296950 P106 Q1930187 +Q186525 P20 Q84 +Q330059 P69 Q34433 +Q132689 P161 Q43247 +Q108814 P101 Q8134 +Q36184 P136 Q19715429 +Q12817 P1412 Q143 +Q3490465 P106 Q81096 +Q105695 P106 Q10800557 +Q264577 P136 Q842256 +Q161687 P161 Q231310 +Q75966 P106 Q82955 +Q75966 P20 Q1726 +Q85040 P27 Q33946 +Q119786 P102 Q49750 +Q102851 P737 Q8018 +Q60625 P135 Q2455000 +Q237944 P1050 Q11085 +Q58125755 P551 Q1490 +Q61310 P106 Q1234713 +Q434266 P106 Q1930187 +Q971962 P108 Q621043 +Q189054 P136 Q28026639 +Q460876 P106 Q36180 +Q104912 P20 Q64 +Q114509 P106 Q36180 +Q77492 P106 Q36180 +Q35 P530 Q833 +Q206461 P136 Q188473 +Q34211 P106 Q82955 +Q1372851 P106 Q333634 +Q455951 P27 Q30 +Q311223 P27 Q174193 +Q16 P530 Q801 +Q184650 P102 Q29468 +Q87012 P26 Q68865 +Q2538 P1412 Q188 +Q213773 P136 Q2143665 +Q107438 P27 Q183 +Q983239 P27 Q142 +Q151881 P495 Q30 +Q37150 P136 Q205560 +Q713099 P69 Q309331 +Q4747436 P106 Q43845 +Q186042 P106 Q193391 +Q94034 P106 Q4263842 +Q271867 P27 Q258 +Q192912 P106 Q28389 +Q38 P530 Q41 +Q141114 P172 Q2325516 +Q3924 P264 Q38903 +Q311068 P108 Q34433 +Q78408 P69 Q55044 +Q1507495 P20 Q23197 +Q55169 P69 Q189441 +Q377638 P1412 Q1860 +Q553742 P1303 Q17172850 +Q138850 P108 Q174158 +Q28 P530 Q810 +Q236 P530 Q183 +Q1239933 P264 Q190585 +Q107274 P69 Q569350 +Q37024 P37 Q9299 +Q73506 P106 Q28389 +Q11815 P106 Q82955 +Q22665 P106 Q333634 +Q325679 P27 Q801 +Q216913 P1303 Q5994 +Q453691 P106 Q639669 +Q39691 P69 Q35794 +Q108239 P463 Q414163 +Q52488 P106 Q4263842 +Q206173 P106 Q864380 +Q72705 P737 Q81447 +Q991 P509 Q41571 +Q441362 P27 Q30 +Q769080 P19 Q1492 +Q217307 P161 Q178552 +Q1060636 P551 Q62 +Q361940 P106 Q36180 +Q85876 P106 Q82955 +Q507327 P264 Q1347984 +Q705697 P108 Q190080 +Q233362 P106 Q1415090 +Q95237 P737 Q9364 +Q254552 P19 Q18013 +Q365 P463 Q747279 +Q446427 P106 Q618694 +Q49498 P161 Q299483 +Q85802 P20 Q2833 +Q63826 P1412 Q188 +Q103651 P264 Q202585 +Q707151 P27 Q30 +Q157322 P106 Q23833535 +Q374610 P106 Q1930187 +Q145 P530 Q668 +Q39829 P136 Q132311 +Q313819 P161 Q313283 +Q310950 P106 Q1930187 +Q68537 P106 Q11774156 +Q61171 P106 Q212980 +Q16 P530 Q79 +Q159250 P69 Q927373 +Q87850 P69 Q55044 +Q96978 P106 Q82955 +Q44473 P69 Q4614 +Q414 P530 Q403 +Q27 P530 Q928 +Q77177 P106 Q486748 +Q313571 P1412 Q1321 +Q460088 P69 Q182973 +Q182305 P106 Q11499147 +Q773736 P106 Q639669 +Q153725 P1303 Q6607 +Q1222903 P106 Q855091 +Q1677099 P106 Q205375 +Q312514 P1303 Q6607 +Q182580 P27 Q30 +Q44473 P106 Q19204627 +Q220018 P106 Q28389 +Q131814 P106 Q36180 +Q328691 P106 Q169470 +Q231255 P20 Q1190590 +Q180004 P106 Q10798782 +Q323937 P108 Q174710 +Q6123726 P27 Q414 +Q452281 P1412 Q1860 +Q82049 P106 Q4964182 +Q714646 P27 Q30 +Q363810 P136 Q24925 +Q428158 P495 Q30 +Q445863 P27 Q30 +Q34460 P26 Q712860 +Q368129 P27 Q30 +Q337089 P106 Q753110 +Q60115 P69 Q315658 +Q23880 P1303 Q17172850 +Q868839 P20 Q46852 +Q48074 P102 Q79854 +Q92862 P106 Q36180 +Q273080 P106 Q639669 +Q115760 P495 Q30 +Q963142 P106 Q488205 +Q484702 P106 Q8178443 +Q78089 P106 Q169470 +Q766314 P106 Q1930187 +Q256037 P136 Q1054574 +Q1044 P530 Q148 +Q215369 P106 Q639669 +Q241098 P106 Q36180 +Q708922 P509 Q189588 +Q109110 P136 Q2484376 +Q2387083 P106 Q82594 +Q237518 P102 Q79854 +Q1392583 P106 Q639669 +Q61114 P69 Q55044 +Q61347 P27 Q183 +Q63078 P106 Q14467526 +Q225852 P106 Q33999 +Q381751 P136 Q157443 +Q1909248 P106 Q9648008 +Q16297 P106 Q948329 +Q129591 P106 Q33999 +Q74745 P108 Q152838 +Q837 P463 Q7809 +Q145 P530 Q155 +Q95424 P1412 Q188 +Q353640 P106 Q2526255 +Q132351 P136 Q2421031 +Q272770 P106 Q36834 +Q45 P530 Q145 +Q33637 P106 Q1622272 +Q1534428 P106 Q753110 +Q319133 P106 Q10800557 +Q338623 P101 Q4263842 +Q315217 P509 Q12192 +Q129987 P106 Q82955 +Q78644 P27 Q1045 +Q12881 P108 Q1065 +Q446743 P1412 Q9288 +Q916 P30 Q15 +Q124296 P106 Q1930187 +Q701587 P463 Q265058 +Q370560 P106 Q855091 +Q125488 P108 Q32120 +Q942923 P509 Q4651894 +Q183469 P463 Q1938003 +Q192979 P161 Q233868 +Q187154 P161 Q358990 +Q312833 P69 Q3428253 +Q128494 P737 Q9061 +Q553861 P106 Q386854 +Q83694 P106 Q33999 +Q213512 P172 Q49085 +Q229669 P1412 Q1860 +Q214660 P172 Q42406 +Q602033 P19 Q8717 +Q60452 P106 Q36834 +Q274748 P161 Q205707 +Q954623 P19 Q16555 +Q854 P530 Q35 +Q726057 P106 Q36834 +Q152437 P27 Q34 +Q64645 P106 Q2405480 +Q273080 P136 Q83440 +Q202548 P840 Q99 +Q1275 P69 Q81162 +Q77214 P140 Q75809 +Q77969 P106 Q4263842 +Q364781 P1412 Q1860 +Q128511 P106 Q188094 +Q312077 P106 Q1028181 +Q532915 P19 Q288781 +Q44570 P1303 Q6607 +Q205721 P136 Q186472 +Q104859 P106 Q730242 +Q85982 P1412 Q9288 +Q241646 P27 Q30 +Q223033 P106 Q13235160 +Q317516 P1303 Q6607 +Q92562 P27 Q142 +Q822 P37 Q150 +Q454200 P27 Q30 +Q92882 P101 Q395 +Q863226 P69 Q248970 +Q315732 P161 Q191966 +Q189 P530 Q183 +Q180125 P161 Q212064 +Q201538 P106 Q4964182 +Q465290 P69 Q16952 +Q20235 P136 Q235858 +Q713443 P27 Q34266 +Q311615 P106 Q2722764 +Q180962 P106 Q1930187 +Q229766 P140 Q432 +Q937 P108 Q659080 +Q4628 P131 Q756617 +Q61456 P27 Q183 +Q310638 P106 Q639669 +Q980000 P69 Q41506 +Q214191 P3373 Q61597 +Q152503 P27 Q15180 +Q193257 P106 Q1622272 +Q48184 P106 Q16145150 +Q7315 P27 Q34266 +Q736 P530 Q155 +Q183 P463 Q376150 +Q84780 P119 Q1624932 +Q33240 P106 Q33999 +Q1299302 P106 Q177220 +Q475004 P106 Q1930187 +Q329805 P136 Q20442589 +Q347539 P106 Q1930187 +Q16 P530 Q668 +Q16409 P119 Q272208 +Q43453 P17 Q152750 +Q47284 P69 Q49213 +Q76442 P106 Q4263842 +Q76258 P136 Q482 +Q19526 P106 Q578109 +Q483382 P106 Q205375 +Q278174 P19 Q35765 +Q71275 P20 Q65 +Q222921 P106 Q33999 +Q917 P530 Q869 +Q224 P530 Q159583 +Q313581 P69 Q273631 +Q183253 P463 Q463303 +Q289598 P495 Q145 +Q467574 P27 Q30 +Q323707 P119 Q311 +Q1006 P530 Q34 +Q264699 P106 Q33999 +Q98265 P106 Q2516852 +Q301083 P136 Q663106 +Q597694 P1412 Q150 +Q784 P463 Q7809 +Q112176 P27 Q30 +Q85295 P102 Q694299 +Q364781 P106 Q183945 +Q26688 P106 Q947873 +Q57235 P69 Q32120 +Q327681 P495 Q38 +Q306122 P136 Q484641 +Q78012 P1412 Q652 +Q292373 P264 Q2482872 +Q213662 P119 Q64 +Q189729 P69 Q131252 +Q76725 P119 Q64 +Q180453 P1303 Q6607 +Q76579 P106 Q4964182 +Q340074 P1412 Q9292 +Q106221 P106 Q158852 +Q104081 P509 Q12136 +Q1005 P463 Q47543 +Q1354341 P1050 Q10874 +Q555993 P463 Q463303 +Q283964 P20 Q8678 +Q252 P530 Q41 +Q145132 P119 Q1437214 +Q215137 P20 Q1055 +Q228936 P161 Q374065 +Q55199 P108 Q1130457 +Q236842 P106 Q4610556 +Q60715 P19 Q365 +Q178403 P136 Q49084 +Q1689346 P106 Q33999 +Q707151 P1303 Q17172850 +Q28147 P102 Q7320 +Q557171 P106 Q36180 +Q253862 P106 Q947873 +Q3305837 P463 Q463303 +Q11239 P3373 Q878708 +Q65105 P106 Q2526255 +Q323392 P161 Q117500 +Q471542 P1412 Q1568 +Q240782 P509 Q12204 +Q833 P530 Q817 +Q510034 P106 Q1930187 +Q267010 P106 Q822146 +Q238869 P264 Q662575 +Q408 P530 Q977 +Q633 P1303 Q258896 +Q1537105 P106 Q36834 +Q1289900 P19 Q1345 +Q55832 P102 Q537303 +Q98737 P106 Q1397808 +Q346801 P106 Q639669 +Q166641 P20 Q90 +Q311068 P19 Q60 +Q238712 P106 Q177220 +Q153020 P106 Q36180 +Q302880 P19 Q38022 +Q77492 P27 Q183 +Q14278 P463 Q2822396 +Q76683 P463 Q463303 +Q25120 P106 Q36180 +Q362422 P1412 Q1860 +Q28310 P106 Q10800557 +Q154203 P106 Q177220 +Q319502 P106 Q36834 +Q293275 P106 Q10798782 +Q457856 P1050 Q47912 +Q1397375 P27 Q161885 +Q310098 P136 Q11399 +Q2335557 P27 Q29 +Q237639 P509 Q188874 +Q273833 P3373 Q1386420 +Q295593 P106 Q10800557 +Q91544 P69 Q151510 +Q84233 P3373 Q84292 +Q55415 P106 Q33231 +Q216341 P1412 Q652 +Q277099 P106 Q10798782 +Q270599 P161 Q297334 +Q286074 P108 Q273626 +Q282877 P106 Q639669 +Q716862 P106 Q860918 +Q137042 P1303 Q5994 +Q561196 P106 Q520549 +Q172916 P106 Q39631 +Q168555 P1303 Q5994 +Q70988 P26 Q57236 +Q297945 P40 Q265706 +Q104154 P463 Q329464 +Q449 P136 Q1062400 +Q209175 P106 Q28389 +Q440932 P106 Q10800557 +Q171758 P106 Q10800557 +Q320093 P106 Q10798782 +Q96595 P106 Q16533 +Q90849 P106 Q10800557 +Q77825 P1412 Q188 +Q430276 P69 Q15142 +Q222 P530 Q1246 +Q456235 P27 Q414 +Q706571 P101 Q413 +Q219878 P69 Q653693 +Q961671 P106 Q753110 +Q2626233 P172 Q79797 +Q55456 P1412 Q652 +Q191 P463 Q1969730 +Q270123 P136 Q11401 +Q78290 P509 Q11085 +Q165392 P161 Q203545 +Q35 P530 Q884 +Q145 P530 Q414 +Q656 P17 Q34266 +Q672443 P161 Q49074 +Q345446 P27 Q29 +Q1167005 P106 Q713200 +Q311723 P106 Q6665249 +Q213081 P161 Q139642 +Q205532 P136 Q1342372 +Q184903 P106 Q1053574 +Q344973 P106 Q10800557 +Q674739 P69 Q160302 +Q705715 P1303 Q17172850 +Q63826 P27 Q43287 +Q374582 P119 Q311 +Q219776 P495 Q30 +Q43 P530 Q159583 +Q178094 P136 Q645928 +Q920637 P509 Q12192 +Q92766 P106 Q205375 +Q56093 P106 Q28389 +Q1305608 P106 Q8178443 +Q182944 P161 Q211322 +Q562781 P119 Q208175 +Q62323 P1412 Q188 +Q706417 P264 Q183387 +Q218960 P20 Q84 +Q296887 P69 Q35794 +Q267265 P264 Q202440 +Q103767 P264 Q165745 +Q105167 P19 Q5092 +Q273208 P106 Q10798782 +Q450796 P101 Q482 +Q3048 P106 Q82955 +Q504923 P1412 Q1860 +Q55 P530 Q334 +Q180453 P106 Q10798782 +Q515606 P106 Q36180 +Q60247 P106 Q37226 +Q334763 P840 Q60 +Q104000 P26 Q296630 +Q298551 P27 Q869 +Q274429 P19 Q90 +Q280098 P69 Q49110 +Q202847 P1303 Q9798 +Q331 P106 Q82955 +Q4700 P136 Q9730 +Q87857 P106 Q28389 +Q1077383 P106 Q36834 +Q37388 P1412 Q397 +Q123454 P106 Q627325 +Q18143 P1412 Q7850 +Q158997 P69 Q168751 +Q280724 P106 Q177220 +Q16345 P119 Q5763964 +Q705022 P106 Q4263842 +Q126927 P136 Q6010 +Q460852 P106 Q639669 +Q222873 P495 Q30 +Q232783 P136 Q134307 +Q669597 P106 Q2919046 +Q83325 P106 Q13590141 +Q212089 P1303 Q1343007 +Q43259 P495 Q30 +Q33131 P136 Q860626 +Q175457 P119 Q208175 +Q76525 P102 Q13124 +Q954231 P106 Q753110 +Q315514 P106 Q15472169 +Q1189327 P136 Q37073 +Q239917 P264 Q183387 +Q79848 P30 Q46 +Q96399 P463 Q939743 +Q317574 P106 Q947873 +Q435679 P264 Q193023 +Q381185 P1412 Q809 +Q263629 P101 Q1344 +Q119546 P108 Q13371 +Q38193 P101 Q9418 +Q162740 P172 Q127885 +Q2900328 P27 Q801 +Q172584 P106 Q36180 +Q242707 P106 Q2405480 +Q171463 P264 Q427326 +Q346280 P106 Q10798782 +Q169452 P264 Q231694 +Q129263 P509 Q12078 +Q249235 P161 Q49017 +Q29 P463 Q1969730 +Q71631 P101 Q476294 +Q173417 P1050 Q10874 +Q106775 P106 Q3282637 +Q614402 P27 Q30 +Q244296 P161 Q816565 +Q36 P530 Q145 +Q94034 P1412 Q188 +Q42511 P69 Q170027 +Q1622098 P106 Q486748 +Q256286 P27 Q129286 +Q938475 P19 Q172 +Q38573 P27 Q183 +Q35678 P1050 Q2840 +Q10287 P1412 Q7026 +Q60247 P106 Q4964182 +Q123861 P106 Q2468727 +Q126961 P106 Q182436 +Q106175 P140 Q1841 +Q108664 P106 Q1622272 +Q874 P530 Q30 +Q62766 P106 Q177220 +Q155236 P106 Q36834 +Q721376 P1303 Q17172850 +Q351061 P106 Q855091 +Q1376957 P69 Q34433 +Q145 P530 Q232 +Q217 P30 Q46 +Q152555 P27 Q30 +Q354382 P106 Q36180 +Q440731 P106 Q1281618 +Q131332 P106 Q214917 +Q107130 P1303 Q17172850 +Q188697 P1412 Q150 +Q437970 P106 Q177220 +Q1359247 P106 Q177220 +Q177288 P106 Q1930187 +Q357326 P106 Q1930187 +Q966565 P27 Q30 +Q468864 P1412 Q13955 +Q333856 P1303 Q17172850 +Q123476 P19 Q807 +Q55199 P102 Q79854 +Q76543 P20 Q1022 +Q78539 P1412 Q188 +Q335160 P136 Q496523 +Q312641 P19 Q60 +Q183187 P140 Q432 +Q1044657 P106 Q753110 +Q165110 P108 Q1065 +Q92066 P106 Q36180 +Q242889 P136 Q37073 +Q812105 P106 Q4263842 +Q96743 P509 Q216169 +Q707607 P509 Q47912 +Q446294 P106 Q3387717 +Q145 P463 Q3866537 +Q17457 P463 Q466089 +Q202801 P106 Q13235160 +Q228584 P27 Q159 +Q160640 P119 Q272208 +Q357821 P106 Q214917 +Q171684 P69 Q21578 +Q440272 P27 Q30 +Q237255 P27 Q34 +Q123078 P102 Q29552 +Q31112 P102 Q29468 +Q924232 P136 Q213714 +Q511471 P27 Q191 +Q16581 P106 Q169470 +Q57584 P106 Q2526255 +Q81131 P26 Q81489 +Q650640 P19 Q90 +Q337891 P106 Q33999 +Q311145 P737 Q316327 +Q1955997 P135 Q8361 +Q557171 P27 Q801 +Q1346849 P69 Q13371 +Q4488 P106 Q33999 +Q184750 P101 Q7264 +Q153996 P106 Q177220 +Q207947 P106 Q639669 +Q110138 P161 Q167498 +Q217280 P136 Q45981 +Q237214 P106 Q10798782 +Q622636 P106 Q33999 +Q178517 P106 Q753110 +Q165518 P1303 Q17172850 +Q129286 P37 Q1860 +Q534419 P106 Q15981151 +Q705715 P106 Q10800557 +Q505827 P106 Q4773904 +Q181 P106 Q131524 +Q128560 P737 Q81685 +Q847345 P106 Q164236 +Q100005 P509 Q193840 +Q83287 P136 Q484641 +Q266319 P20 Q597 +Q153039 P495 Q145 +Q185085 P737 Q6512 +Q47087 P551 Q854 +Q916675 P69 Q153006 +Q337722 P27 Q30 +Q25660 P106 Q753110 +Q1158704 P136 Q11399 +Q125600 P106 Q1930187 +Q348738 P19 Q12439 +Q102852 P463 Q812155 +Q538109 P140 Q7066 +Q138007 P1412 Q9288 +Q139602 P106 Q15077007 +Q268582 P1412 Q1321 +Q522569 P106 Q488205 +Q183063 P840 Q1400 +Q212730 P106 Q1622272 +Q16389 P27 Q1054923 +Q352452 P106 Q177220 +Q242373 P509 Q12078 +Q8704 P106 Q28389 +Q287027 P1303 Q17172850 +Q432552 P106 Q13235160 +Q115152 P19 Q1741 +Q73410 P106 Q177220 +Q333856 P106 Q36180 +Q49001 P102 Q29552 +Q185776 P495 Q183 +Q38823 P140 Q9585 +Q189186 P27 Q408 +Q239739 P106 Q6625963 +Q78490 P119 Q240744 +Q57554 P106 Q169470 +Q70300 P106 Q1028181 +Q50612 P27 Q30 +Q446427 P106 Q189290 +Q69115 P106 Q16533 +Q319523 P19 Q649 +Q918447 P509 Q12152 +Q557699 P69 Q1420239 +Q357676 P106 Q82955 +Q583722 P1412 Q7026 +Q63397 P20 Q1022 +Q384397 P840 Q15 +Q609151 P69 Q13371 +Q79904 P69 Q49088 +Q1290210 P1303 Q8355 +Q178963 P264 Q4827652 +Q63032 P27 Q38872 +Q92359 P108 Q152087 +Q160627 P106 Q1225716 +Q436503 P19 Q44989 +Q280734 P106 Q584301 +Q204019 P106 Q488205 +Q342876 P161 Q229230 +Q61310 P463 Q4345832 +Q196560 P106 Q33999 +Q229766 P106 Q33999 +Q710837 P101 Q482 +Q1869643 P1303 Q46185 +Q91730 P106 Q2865819 +Q219551 P69 Q312578 +Q319783 P161 Q318607 +Q35 P530 Q1246 +Q579773 P119 Q1092107 +Q526022 P69 Q1329478 +Q62234 P27 Q183 +Q173804 P57 Q55218 +Q119455 P106 Q1622272 +Q235388 P1412 Q1860 +Q185110 P119 Q1130019 +Q981960 P19 Q649 +Q502417 P1412 Q7913 +Q234314 P551 Q65 +Q159 P530 Q948 +Q44593 P136 Q8261 +Q123140 P69 Q153987 +Q1586454 P20 Q60 +Q127539 P140 Q9592 +Q99294 P27 Q183 +Q187561 P161 Q44221 +Q263621 P106 Q177220 +Q728615 P1412 Q1860 +Q1203 P1303 Q5994 +Q16053 P463 Q161806 +Q465000 P106 Q3391743 +Q17 P530 Q96 +Q103562 P20 Q1711 +Q261456 P119 Q272208 +Q132162 P106 Q36180 +Q47159 P106 Q2252262 +Q319896 P106 Q28389 +Q117741 P106 Q822146 +Q737922 P106 Q876864 +Q107416 P106 Q1622272 +Q1386098 P509 Q12136 +Q268994 P136 Q1661 +Q107095 P106 Q1650915 +Q290502 P106 Q36180 +Q92094 P27 Q183 +Q878 P530 Q16 +Q59185 P264 Q216364 +Q95008 P106 Q2526255 +Q1265657 P106 Q170790 +Q1500297 P509 Q12078 +Q666875 P69 Q1186843 +Q851 P530 Q794 +Q441834 P1303 Q17172850 +Q1333385 P136 Q20378 +Q1573501 P69 Q13371 +Q197206 P106 Q11063 +Q182123 P27 Q142 +Q335160 P161 Q296822 +Q505743 P106 Q1476215 +Q120381 P1412 Q150 +Q349350 P106 Q10800557 +Q550436 P136 Q187760 +Q257271 P27 Q30 +Q165823 P106 Q36180 +Q498390 P27 Q30 +Q240253 P106 Q36180 +Q323076 P106 Q2059704 +Q19074 P509 Q12206 +Q368519 P27 Q174193 +Q823935 P106 Q81096 +Q327886 P136 Q9759 +Q84153 P106 Q28389 +Q267070 P19 Q1345 +Q55433 P106 Q28389 +Q92756 P19 Q34 +Q85464 P108 Q13371 +Q537320 P69 Q4129798 +Q215142 P463 Q543804 +Q62986 P1412 Q188 +Q93115 P106 Q82594 +Q706518 P106 Q33999 +Q463639 P19 Q1563 +Q312705 P1303 Q17172850 +Q83174 P106 Q82955 +Q946019 P106 Q639669 +Q4147199 P106 Q901 +Q571605 P1412 Q1321 +Q50764 P69 Q1878600 +Q1242 P106 Q806798 +Q130868 P161 Q233428 +Q231635 P106 Q177220 +Q1855369 P106 Q753110 +Q764913 P19 Q1781 +Q242650 P106 Q10798782 +Q34424 P106 Q4610556 +Q23368 P106 Q82955 +Q215026 P106 Q10798782 +Q470931 P101 Q8162 +Q85832 P509 Q12152 +Q172466 P463 Q463303 +Q223992 P106 Q2059704 +Q206659 P69 Q523926 +Q213880 P551 Q1715 +Q193670 P106 Q82955 +Q44520 P3373 Q80137 +Q15800 P106 Q214917 +Q457022 P106 Q33999 +Q3778 P17 Q183 +Q338726 P106 Q33999 +Q219655 P1412 Q1860 +Q94284 P161 Q320973 +Q23858 P106 Q10800557 +Q8016 P1412 Q150 +Q190231 P740 Q16552 +Q320 P108 Q1065 +Q55369 P69 Q189441 +Q4894597 P463 Q337234 +Q134575 P106 Q33999 +Q181402 P106 Q1930187 +Q114808 P106 Q36180 +Q286116 P136 Q24925 +Q311238 P1303 Q6607 +Q159636 P106 Q182436 +Q215937 P27 Q174193 +Q163118 P108 Q1051840 +Q651 P106 Q4964182 +Q649987 P69 Q273523 +Q978375 P1303 Q17172850 +Q121810 P161 Q44561 +Q154203 P1412 Q188 +Q86419 P106 Q214917 +Q190956 P136 Q21401869 +Q462118 P20 Q1345 +Q188648 P27 Q30 +Q455421 P108 Q820887 +Q189 P530 Q148 +Q607464 P69 Q31519 +Q93129 P106 Q82594 +Q184 P530 Q37 +Q709499 P106 Q1415090 +Q7525 P17 Q15180 +Q139557 P140 Q9592 +Q236630 P106 Q482980 +Q29 P30 Q15 +Q315518 P106 Q82955 +Q503013 P19 Q18424 +Q877858 P1303 Q6607 +Q11732 P140 Q9592 +Q314610 P140 Q131036 +Q6060 P106 Q3282637 +Q55418 P106 Q10800557 +Q61723 P737 Q9358 +Q241 P530 Q458 +Q1689075 P106 Q639669 +Q156552 P106 Q2259451 +Q75929 P1412 Q188 +Q310798 P19 Q84 +Q438968 P1412 Q150 +Q44306 P27 Q30 +Q26053 P26 Q152555 +Q634822 P106 Q11631 +Q3132761 P101 Q333 +Q720009 P106 Q753110 +Q107274 P106 Q28389 +Q356994 P136 Q37073 +Q188783 P106 Q82955 +Q360507 P19 Q656 +Q66634 P106 Q82955 +Q14279 P69 Q131262 +Q750 P530 Q865 +Q373421 P106 Q1930187 +Q550900 P264 Q726153 +Q199943 P136 Q7749 +Q313047 P136 Q1152184 +Q697195 P27 Q30 +Q940891 P106 Q386854 +Q161087 P136 Q157394 +Q506231 P106 Q482980 +Q19356 P161 Q210741 +Q924 P463 Q376150 +Q4028 P1412 Q1860 +Q843 P530 Q31 +Q28517 P106 Q1397808 +Q101740 P106 Q188094 +Q970 P463 Q294278 +Q320093 P69 Q349055 +Q310252 P1412 Q5287 +Q125462 P106 Q1622272 +Q80321 P106 Q4964182 +Q92130 P27 Q30 +Q232356 P106 Q10798782 +Q221249 P840 Q60 +Q271690 P161 Q372311 +Q186327 P1303 Q6607 +Q189132 P136 Q37073 +Q207592 P106 Q1028181 +Q77112 P136 Q9730 +Q92881 P69 Q49108 +Q434790 P19 Q8686 +Q29427 P69 Q319239 +Q168356 P106 Q49757 +Q9041 P108 Q192775 +Q978389 P106 Q15949613 +Q130742 P1303 Q5994 +Q312582 P108 Q55021 +Q236343 P106 Q2259451 +Q5912 P106 Q483501 +Q13888 P172 Q50001 +Q67526 P463 Q451079 +Q298766 P106 Q43845 +Q37388 P106 Q4964182 +Q30 P530 Q15180 +Q313185 P106 Q36180 +Q2610 P102 Q49750 +Q374912 P106 Q2526255 +Q704705 P119 Q1771319 +Q98062 P119 Q64 +Q298838 P106 Q9648008 +Q392677 P495 Q30 +Q1225 P106 Q183945 +Q303207 P1412 Q1860 +Q1030 P530 Q159 +Q155 P530 Q41 +Q101797 P106 Q948329 +Q1537105 P106 Q753110 +Q188848 P27 Q414 +Q1766082 P136 Q37073 +Q26058 P106 Q639669 +Q59485 P106 Q11481802 +Q280724 P106 Q855091 +Q180727 P106 Q4964182 +Q92649 P101 Q21198 +Q67494 P106 Q39631 +Q83359 P106 Q33999 +Q72479 P20 Q1726 +Q462282 P106 Q42909 +Q306122 P1412 Q5287 +Q331277 P161 Q371972 +Q208344 P161 Q242552 +Q5104 P106 Q10800557 +Q61183 P106 Q82955 +Q175278 P161 Q233502 +Q312294 P106 Q11481802 +Q11239 P106 Q10732476 +Q463407 P27 Q30 +Q7525 P131 Q212 +Q4061 P106 Q488205 +Q18421 P161 Q230662 +Q228717 P106 Q10800557 +Q337453 P106 Q1930187 +Q236987 P1303 Q17172850 +Q259691 P136 Q850412 +Q138166 P106 Q36180 +Q363698 P106 Q43845 +Q436996 P27 Q142 +Q38 P463 Q458 +Q315391 P69 Q273626 +Q75371 P20 Q36600 +Q206374 P161 Q44313 +Q260548 P161 Q25014 +Q184605 P840 Q65 +Q176626 P136 Q369747 +Q150494 P1412 Q397 +Q214659 P106 Q482980 +Q272203 P106 Q55960555 +Q192207 P106 Q49757 +Q29328 P106 Q177220 +Q200228 P106 Q28389 +Q228871 P106 Q10800557 +Q155547 P27 Q183 +Q211987 P106 Q10798782 +Q190525 P161 Q206890 +Q233229 P101 Q207628 +Q1933397 P27 Q145 +Q294568 P509 Q12136 +Q76490 P106 Q486748 +Q276468 P1412 Q1860 +Q186042 P108 Q13371 +Q189132 P106 Q10800557 +Q332640 P27 Q38 +Q156532 P20 Q65 +Q162634 P27 Q30 +Q236240 P106 Q753110 +Q211 P530 Q842199 +Q159409 P69 Q273593 +Q215215 P69 Q248970 +Q151946 P136 Q471839 +Q84266 P26 Q538379 +Q5577 P69 Q1322403 +Q311684 P108 Q391028 +Q107432 P136 Q180268 +Q775671 P20 Q220 +Q431660 P840 Q79 +Q317967 P20 Q1524 +Q190772 P106 Q82955 +Q234360 P106 Q28389 +Q220525 P106 Q482980 +Q453583 P27 Q145 +Q145 P530 Q212 +Q805 P463 Q7172 +Q16 P530 Q33 +Q34743 P108 Q216273 +Q311786 P106 Q10349745 +Q27820706 P740 Q8684 +Q234967 P106 Q10800557 +Q129601 P161 Q313655 +Q242 P463 Q8475 +Q553742 P106 Q177220 +Q354508 P264 Q277626 +Q462356 P135 Q39427 +Q101995 P102 Q310296 +Q44695 P106 Q36180 +Q167443 P27 Q191077 +Q38392 P106 Q15949613 +Q944996 P106 Q1930187 +Q333971 P57 Q363666 +Q140575 P106 Q82955 +Q62558 P106 Q2259451 +Q131074 P161 Q276425 +Q334665 P119 Q208175 +Q314659 P106 Q2259451 +Q430893 P106 Q33999 +Q76579 P106 Q13416354 +Q76823 P108 Q151510 +Q376807 P161 Q172678 +Q230068 P106 Q28389 +Q63725 P1412 Q188 +Q154759 P69 Q221645 +Q3939205 P106 Q188094 +Q414 P530 Q916 +Q54828 P106 Q4964182 +Q88749 P27 Q28513 +Q90581 P27 Q183 +Q29418 P106 Q36180 +Q220980 P509 Q389735 +Q49075 P1303 Q17172850 +Q528742 P106 Q36180 +Q149489 P106 Q201788 +Q231121 P106 Q1028181 +Q346085 P264 Q898618 +Q144535 P135 Q210115 +Q4263286 P1412 Q7737 +Q359383 P106 Q805221 +Q203845 P495 Q16 +Q333573 P27 Q145 +Q216092 P106 Q1930187 +Q309503 P27 Q17 +Q12054 P101 Q5891 +Q252409 P136 Q2484376 +Q219315 P161 Q320204 +Q335142 P101 Q5891 +Q78864 P106 Q82955 +Q47159 P136 Q45981 +Q9513 P1412 Q5885 +Q246711 P161 Q329716 +Q726280 P136 Q37073 +Q92637 P106 Q82594 +Q58793 P106 Q36180 +Q20749396 P106 Q3391743 +Q361996 P509 Q181754 +Q1192 P106 Q639669 +Q68584 P108 Q153978 +Q241248 P101 Q184485 +Q175392 P27 Q117 +Q11860 P106 Q82955 +Q351290 P27 Q30 +Q2030240 P27 Q15180 +Q55169 P19 Q270 +Q37001 P20 Q1490 +Q66248 P19 Q2119 +Q3892790 P106 Q860918 +Q84211 P106 Q33231 +Q182212 P840 Q60 +Q186326 P106 Q49757 +Q60441 P106 Q14915627 +Q215300 P106 Q177220 +Q2086235 P463 Q465654 +Q378891 P161 Q272972 +Q332953 P136 Q235858 +Q29328 P106 Q28389 +Q7542 P264 Q64485314 +Q103527 P27 Q183 +Q356762 P106 Q33999 +Q212775 P161 Q381799 +Q41396 P26 Q255070 +Q516716 P106 Q2252262 +Q51506 P106 Q82955 +Q366355 P20 Q16558 +Q376182 P106 Q3282637 +Q512 P26 Q240896 +Q444885 P106 Q82955 +Q235361 P106 Q1930187 +Q1377218 P106 Q10798782 +Q360477 P1303 Q8338 +Q182576 P136 Q37073 +Q84771 P463 Q684415 +Q358087 P27 Q30 +Q93356 P1412 Q1860 +Q153243 P108 Q49112 +Q58978 P69 Q152838 +Q2560493 P106 Q81096 +Q185714 P106 Q1622272 +Q55369 P106 Q2526255 +Q263172 P106 Q14915627 +Q451825 P106 Q49757 +Q1070152 P112 Q15615 +Q408 P530 Q148 +Q1235 P69 Q691851 +Q84114 P136 Q9730 +Q164683 P463 Q812155 +Q361630 P106 Q10798782 +Q230523 P451 Q35332 +Q29 P463 Q7825 +Q153243 P463 Q414188 +Q704718 P19 Q18419 +Q933892 P106 Q42909 +Q77938 P108 Q192964 +Q241800 P106 Q3282637 +Q40143 P1412 Q1860 +Q2449206 P27 Q25 +Q452797 P106 Q2306091 +Q71407 P3373 Q61597 +Q74745 P106 Q1622272 +Q311232 P106 Q10800557 +Q77983 P106 Q36180 +Q437356 P106 Q6625963 +Q433246 P19 Q41621 +Q258761 P136 Q484641 +Q79078 P69 Q152171 +Q433616 P1412 Q1860 +Q176405 P551 Q30 +Q348170 P1412 Q1860 +Q4128 P1412 Q1321 +Q182349 P27 Q30 +Q76625 P108 Q152087 +Q191 P463 Q8475 +Q75727 P463 Q451079 +Q445367 P1303 Q6607 +Q107894 P136 Q28026639 +Q713213 P463 Q938622 +Q158175 P264 Q27184 +Q83643 P106 Q13590141 +Q173175 P108 Q9531 +Q45387 P1412 Q1321 +Q198451 P161 Q483907 +Q357961 P463 Q123885 +Q54452 P172 Q84072 +Q982339 P106 Q82955 +Q104791 P69 Q49088 +Q212089 P1412 Q1860 +Q4227341 P106 Q901 +Q129288 P495 Q30 +Q35738 P161 Q236024 +Q49004 P106 Q3282637 +Q1329421 P106 Q201788 +Q230476 P1412 Q1860 +Q949696 P102 Q5020915 +Q213053 P136 Q188473 +Q55245 P106 Q3282637 +Q318910 P161 Q229029 +Q230836 P1303 Q80284 +Q84561 P19 Q1741 +Q47480 P106 Q169470 +Q166355 P136 Q130232 +Q51267 P1412 Q1860 +Q195535 P106 Q36180 +Q204338 P1412 Q7737 +Q191999 P1412 Q1860 +Q354181 P106 Q855091 +Q233957 P106 Q2919046 +Q168468 P106 Q11063 +Q171669 P161 Q109324 +Q37767 P737 Q6691 +Q445863 P106 Q488205 +Q235870 P106 Q3501317 +Q513991 P1303 Q17172850 +Q597694 P69 Q1878600 +Q425821 P1303 Q128309 +Q175366 P27 Q145 +Q54314 P1412 Q1860 +Q78487 P119 Q665815 +Q366306 P106 Q82955 +Q8605 P27 Q736 +Q980676 P69 Q459506 +Q433979 P106 Q2526255 +Q3379094 P108 Q192775 +Q319896 P106 Q333634 +Q458709 P737 Q153700 +Q1014 P463 Q899770 +Q203804 P106 Q578109 +Q919961 P172 Q49085 +Q192115 P161 Q44077 +Q1744 P136 Q378988 +Q150445 P509 Q12192 +Q810 P361 Q7204 +Q1093318 P106 Q482980 +Q1070832 P19 Q18419 +Q116055 P69 Q658975 +Q1166707 P106 Q486748 +Q212 P530 Q884 +Q213773 P161 Q544465 +Q7939652 P463 Q2370801 +Q313814 P106 Q10798782 +Q149431 P136 Q645928 +Q11239 P27 Q30 +Q968099 P463 Q1425328 +Q309555 P551 Q172 +Q306631 P106 Q177220 +Q797659 P106 Q1930187 +Q92942 P106 Q36180 +Q246997 P161 Q37175 +Q152274 P463 Q901677 +Q463975 P106 Q1622272 +Q121507 P1303 Q6607 +Q235318 P69 Q1399299 +Q5372719 P551 Q23556 +Q45239 P27 Q183 +Q152531 P136 Q369747 +Q12658 P106 Q1622272 +Q705748 P27 Q30 +Q112167 P1412 Q1860 +Q64640 P69 Q315658 +Q2704774 P463 Q49738 +Q379608 P19 Q60 +Q469752 P1412 Q150 +Q382036 P106 Q10798782 +Q380579 P106 Q33999 +Q503997 P106 Q28389 +Q1931654 P264 Q726251 +Q89709 P1412 Q7737 +Q289847 P20 Q90 +Q817 P463 Q7825 +Q300568 P840 Q816 +Q28 P463 Q656801 +Q125042 P1412 Q188 +Q1765101 P264 Q183387 +Q53453 P1303 Q17172850 +Q219776 P136 Q157394 +Q284694 P106 Q16145150 +Q364679 P106 Q40348 +Q264764 P119 Q216344 +Q55208 P27 Q15180 +Q528943 P69 Q1329269 +Q71336 P106 Q333634 +Q41351 P19 Q65 +Q152245 P106 Q158852 +Q304874 P106 Q189290 +Q200661 P1412 Q1321 +Q169000 P161 Q262130 +Q296524 P27 Q30 +Q57266 P1412 Q1860 +Q222018 P161 Q262091 +Q955088 P106 Q1930187 +Q66448 P106 Q36834 +Q444651 P27 Q30 +Q323076 P69 Q49112 +Q39212 P106 Q28389 +Q262396 P136 Q37073 +Q40572 P106 Q10800557 +Q107420 P69 Q49110 +Q335569 P27 Q29999 +Q953153 P106 Q3282637 +Q297831 P264 Q202440 +Q9358 P106 Q14467526 +Q107130 P140 Q9089 +Q237514 P106 Q36180 +Q383581 P136 Q130232 +Q83333 P463 Q110587 +Q28 P530 Q232 +Q238795 P101 Q207628 +Q733174 P20 Q90 +Q902285 P106 Q36180 +Q130952 P161 Q464320 +Q40523 P3373 Q207969 +Q704015 P69 Q1250779 +Q155559 P495 Q55 +Q989 P27 Q207272 +Q61456 P20 Q1799 +Q115347 P641 Q41323 +Q88899 P106 Q1622272 +Q209481 P136 Q2439025 +Q218 P530 Q219 +Q453351 P106 Q2516866 +Q131074 P161 Q171363 +Q4157585 P27 Q15180 +Q74441 P102 Q7320 +Q156178 P1412 Q1860 +Q522050 P106 Q482980 +Q216934 P136 Q316930 +Q92604 P108 Q206702 +Q709178 P106 Q36834 +Q181490 P106 Q17125263 +Q3339429 P140 Q432 +Q49620 P19 Q5083 +Q2569 P106 Q82955 +Q171166 P106 Q43845 +Q5878 P463 Q15646111 +Q770584 P1412 Q1860 +Q196923 P641 Q31920 +Q645167 P19 Q23482 +Q561401 P106 Q1930187 +Q9916 P140 Q178169 +Q470875 P106 Q482980 +Q705482 P20 Q64 +Q976071 P27 Q145 +Q667925 P106 Q1930187 +Q4347990 P102 Q79854 +Q187423 P161 Q882 +Q444788 P19 Q18419 +Q902463 P108 Q209842 +Q233932 P106 Q183945 +Q441114 P1303 Q17172850 +Q431591 P1303 Q17172850 +Q138084 P840 Q65 +Q310060 P27 Q30 +Q123698 P1412 Q150 +Q190884 P140 Q60995 +Q434813 P27 Q30 +Q276778 P136 Q959790 +Q168724 P1412 Q1860 +Q234721 P69 Q1204714 +Q38670 P509 Q12202 +Q335807 P106 Q753110 +Q359521 P551 Q24639 +Q201221 P509 Q12192 +Q272931 P27 Q30 +Q189422 P1412 Q150 +Q238364 P106 Q957729 +Q331760 P136 Q1342372 +Q961447 P106 Q36834 +Q454568 P106 Q33231 +Q454840 P27 Q30 +Q215976 P26 Q42869 +Q207824 P1303 Q46185 +Q48734 P161 Q103946 +Q359031 P108 Q49204 +Q213613 P108 Q895796 +Q2685 P140 Q9592 +Q1070152 P159 Q34404 +Q4864 P106 Q205375 +Q168362 P463 Q265058 +Q59477 P106 Q822146 +Q68604 P463 Q684415 +Q2986943 P101 Q131524 +Q61425 P106 Q36180 +Q367748 P495 Q30 +Q236469 P1412 Q1860 +Q766 P463 Q294278 +Q137595 P161 Q4960 +Q562874 P19 Q11299 +Q167429 P106 Q1930187 +Q25856 P106 Q14972848 +Q133042 P27 Q193714 +Q381799 P106 Q33999 +Q470204 P106 Q6168364 +Q104358 P551 Q60 +Q138007 P106 Q36180 +Q1017117 P106 Q639669 +Q76440 P106 Q82955 +Q138850 P19 Q64 +Q97894 P106 Q64733534 +Q126234 P106 Q169470 +Q350700 P1303 Q9798 +Q16 P463 Q7825 +Q1188776 P106 Q639669 +Q126281 P57 Q51519 +Q252409 P161 Q233213 +Q264418 P509 Q188874 +Q152293 P19 Q994 +Q65084 P106 Q36180 +Q314942 P161 Q74258 +Q600488 P161 Q233546 +Q237659 P20 Q65 +Q27204 P161 Q945691 +Q152208 P551 Q65 +Q270691 P106 Q33999 +Q123089 P136 Q8261 +Q118985 P161 Q287824 +Q2831583 P106 Q15895020 +Q274609 P1303 Q17172850 +Q90581 P106 Q4964182 +Q1432130 P106 Q488205 +Q387370 P161 Q94123 +Q93028 P106 Q1622272 +Q432655 P106 Q3282637 +Q49080 P136 Q49084 +Q168407 P136 Q9730 +Q325262 P20 Q3616 +Q155907 P463 Q329464 +Q4715 P140 Q483654 +Q287572 P136 Q11399 +Q183279 P108 Q83172 +Q428490 P1303 Q17172850 +Q76329 P106 Q49757 +Q106662 P1303 Q46185 +Q182665 P27 Q30 +Q212 P530 Q142 +Q59610 P136 Q959790 +Q363708 P119 Q6923684 +Q73482 P19 Q1055 +Q1046616 P1303 Q52954 +Q71412 P641 Q32112 +Q928851 P106 Q3387717 +Q5608 P264 Q389284 +Q35733 P27 Q34266 +Q134165 P106 Q36180 +Q107432 P106 Q806349 +Q18434 P27 Q142 +Q340046 P1412 Q9168 +Q156201 P106 Q14467526 +Q27925670 P27 Q142 +Q7346 P106 Q15981151 +Q172241 P136 Q52162262 +Q308722 P27 Q30 +Q230632 P69 Q1760438 +Q164963 P161 Q310515 +Q313512 P106 Q170790 +Q76131 P102 Q157537 +Q41309 P1303 Q1444 +Q342397 P119 Q208175 +Q271824 P136 Q182015 +Q217771 P172 Q79797 +Q92663 P106 Q170790 +Q115641 P106 Q1622272 +Q133654 P840 Q61 +Q159 P172 Q49542 +Q81520 P106 Q2259451 +Q146948 P106 Q12961474 +Q184650 P69 Q333886 +Q437356 P106 Q644687 +Q61112 P106 Q33999 +Q354867 P106 Q639669 +Q77 P530 Q28 +Q220335 P106 Q33999 +Q493333 P106 Q639669 +Q331760 P136 Q200092 +Q287451 P106 Q3387717 +Q85411 P108 Q152087 +Q206384 P106 Q214917 +Q89433 P27 Q174193 +Q247526 P1412 Q5146 +Q235946 P106 Q49757 +Q659027 P69 Q232141 +Q560354 P20 Q1297 +Q266222 P26 Q312280 +Q715701 P27 Q30 +Q977488 P106 Q1930187 +Q323669 P106 Q177220 +Q181881 P136 Q131578 +Q270441 P20 Q585 +Q262886 P1412 Q7411 +Q7336 P27 Q29999 +Q62046 P106 Q36180 +Q333231 P106 Q36180 +Q104267 P1412 Q188 +Q114450 P106 Q333634 +Q621462 P106 Q11631 +Q807545 P101 Q207628 +Q2512 P69 Q153978 +Q1291701 P106 Q639669 +Q353816 P106 Q901402 +Q2429435 P106 Q1622272 +Q159552 P551 Q1748 +Q128493 P161 Q44077 +Q132489 P106 Q188094 +Q314787 P140 Q7066 +Q230 P530 Q145 +Q1386188 P69 Q1145814 +Q59945 P106 Q1930187 +Q11703496 P106 Q36180 +Q42544 P1412 Q397 +Q1973856 P106 Q36834 +Q43718 P136 Q676 +Q157040 P1412 Q9067 +Q271006 P495 Q30 +Q142751 P136 Q2484376 +Q104514 P106 Q3282637 +Q766 P463 Q496967 +Q91827 P108 Q159895 +Q1178 P106 Q639669 +Q439812 P106 Q177220 +Q166769 P361 Q934582 +Q2633060 P27 Q12560 +Q449072 P106 Q10800557 +Q95048 P106 Q10798782 +Q168452 P101 Q395 +Q63026 P136 Q130232 +Q282882 P69 Q1431541 +Q138007 P106 Q4853732 +Q215145 P106 Q4964182 +Q348351 P119 Q6923684 +Q364342 P106 Q3282637 +Q217685 P495 Q30 +Q431802 P1412 Q150 +Q783992 P106 Q177220 +Q157282 P172 Q7325 +Q12807 P463 Q337580 +Q117997 P106 Q4263842 +Q67938 P106 Q8178443 +Q704705 P106 Q158852 +Q212648 P106 Q40348 +Q762 P106 Q4964182 +Q118066 P27 Q39 +Q28310 P106 Q10798782 +Q37767 P737 Q140412 +Q75209 P27 Q43287 +Q78487 P106 Q182436 +Q336397 P463 Q270794 +Q459310 P108 Q49088 +Q155463 P106 Q82955 +Q215219 P101 Q207628 +Q31033707 P551 Q490 +Q142 P463 Q827525 +Q71208 P106 Q82955 +Q715195 P106 Q1930187 +Q82049 P27 Q215530 +Q125057 P106 Q11900058 +Q84199 P1412 Q150 +Q725933 P19 Q649 +Q365633 P106 Q33999 +Q728959 P106 Q1622272 +Q979545 P101 Q8134 +Q106942 P106 Q4610556 +Q140052 P135 Q667661 +Q205456 P106 Q36180 +Q234356 P106 Q488205 +Q128126 P106 Q33231 +Q2619019 P108 Q49115 +Q343668 P161 Q442310 +Q473257 P1412 Q7913 +Q317988 P106 Q82955 +Q1274170 P106 Q639669 +Q10308228 P106 Q901 +Q104955 P102 Q49750 +Q221957 P106 Q49757 +Q97423 P106 Q2259451 +Q36591 P106 Q36180 +Q150916 P264 Q165745 +Q1078152 P27 Q17 +Q42204 P106 Q10798782 +Q213870 P106 Q4773904 +Q4428333 P463 Q2370801 +Q189490 P451 Q712860 +Q47716 P17 Q30 +Q25310 P3373 Q9696 +Q71855 P101 Q413 +Q115 P463 Q5611262 +Q431038 P106 Q33999 +Q157259 P463 Q123885 +Q449487 P106 Q901 +Q1803720 P69 Q245247 +Q1325743 P106 Q15981151 +Q228645 P106 Q2259451 +Q63826 P106 Q1622272 +Q302675 P106 Q14467526 +Q19955709 P106 Q49757 +Q70425 P20 Q2090 +Q225625 P1412 Q1860 +Q668 P530 Q733 +Q212 P530 Q865 +Q520001 P106 Q10798782 +Q234204 P172 Q974693 +Q15975 P106 Q744738 +Q230795 P106 Q2526255 +Q465242 P20 Q11299 +Q1087475 P2348 Q6939 +Q684748 P106 Q36180 +Q178698 P737 Q368519 +Q106506 P161 Q223091 +Q282722 P1303 Q81982 +Q332032 P106 Q639669 +Q76683 P101 Q413 +Q804 P463 Q3369762 +Q460161 P108 Q23548 +Q163899 P495 Q258 +Q182580 P1412 Q1860 +Q525180 P463 Q414110 +Q1944655 P106 Q81096 +Q37060 P27 Q45 +Q106602 P27 Q183 +Q1055 P17 Q2415901 +Q63078 P463 Q83172 +Q24962 P106 Q245068 +Q879316 P106 Q40348 +Q115210 P161 Q78924 +Q1699618 P1412 Q1860 +Q555613 P140 Q7066 +Q42204 P27 Q408 +Q615896 P106 Q177220 +Q1906150 P106 Q1028181 +Q7200 P19 Q649 +Q109496 P1412 Q188 +Q962308 P69 Q81162 +Q12883 P106 Q14467526 +Q457739 P108 Q1446181 +Q247526 P463 Q337224 +Q190162 P1412 Q1860 +Q546956 P1303 Q80019 +Q481482 P101 Q309 +Q15873 P1303 Q46185 +Q362353 P1303 Q17172850 +Q270935 P1303 Q17172850 +Q71905 P69 Q154804 +Q334 P530 Q30 +Q737922 P27 Q159 +Q126961 P106 Q36180 +Q262861 P641 Q2736 +Q19955709 P551 Q60 +Q313594 P1412 Q7737 +Q239652 P106 Q855091 +Q129598 P106 Q864380 +Q201732 P1412 Q397 +Q573171 P463 Q270794 +Q205772 P106 Q1622272 +Q215665 P1412 Q294 +Q81082 P463 Q123885 +Q84867 P1412 Q188 +Q31215 P106 Q49757 +Q82248 P509 Q18554460 +Q364270 P119 Q252312 +Q194346 P136 Q188473 +Q92359 P106 Q482980 +Q376663 P136 Q130232 +Q361587 P26 Q434111 +Q1251900 P19 Q100 +Q347428 P27 Q17 +Q303213 P161 Q379811 +Q282823 P69 Q1186843 +Q228733 P106 Q488205 +Q275929 P101 Q35760 +Q37767 P509 Q188605 +Q86914 P119 Q1497554 +Q25483 P69 Q6608367 +Q63725 P106 Q333634 +Q93817 P106 Q486748 +Q984115 P106 Q855091 +Q210111 P495 Q30 +Q80440 P106 Q49757 +Q164784 P27 Q142 +Q153597 P264 Q483938 +Q369492 P136 Q842256 +Q71410 P106 Q16323111 +Q163211 P106 Q177220 +Q312803 P106 Q488205 +Q2599 P1303 Q302497 +Q1556492 P463 Q123885 +Q89709 P106 Q1209498 +Q82006 P106 Q6625963 +Q201656 P1303 Q17172850 +Q550996 P106 Q753110 +Q193459 P1303 Q17172850 +Q98215 P106 Q36180 +Q671985 P27 Q159 +Q504006 P20 Q649 +Q1005 P530 Q902 +Q38 P530 Q222 +Q102438 P161 Q374041 +Q266611 P140 Q178169 +Q1046616 P106 Q183945 +Q235737 P27 Q213 +Q188492 P106 Q15981151 +Q92747 P108 Q41506 +Q148 P530 Q408 +Q2742 P463 Q747279 +Q214548 P136 Q848399 +Q357324 P1412 Q1321 +Q57848 P102 Q49768 +Q132506 P106 Q855091 +Q593554 P27 Q30 +Q215215 P136 Q131272 +Q185465 P264 Q165745 +Q70997 P27 Q30 +Q202589 P106 Q639669 +Q31786 P136 Q157394 +Q555993 P463 Q337580 +Q55469 P27 Q172579 +Q232085 P106 Q2252262 +Q93354 P509 Q12152 +Q34424 P737 Q7542 +Q505946 P106 Q386854 +Q568595 P20 Q220 +Q1020 P530 Q183 +Q84510 P106 Q33999 +Q95356 P106 Q3282637 +Q83612 P161 Q349857 +Q110397 P840 Q8652 +Q55294 P19 Q10686 +Q16766 P106 Q3282637 +Q452797 P106 Q4964182 +Q937 P108 Q70 +Q123512 P463 Q459620 +Q1253 P551 Q60 +Q37 P530 Q184 +Q327574 P106 Q3387717 +Q2831 P136 Q45981 +Q213 P530 Q221 +Q268970 P30 Q46 +Q2901987 P106 Q82955 +Q1370974 P26 Q14441 +Q503068 P69 Q32120 +Q61398 P106 Q81096 +Q837 P530 Q30 +Q121926 P69 Q1189954 +Q71855 P106 Q1622272 +Q233295 P106 Q4610556 +Q64579 P27 Q183 +Q5043 P138 Q302 +Q5348 P106 Q350979 +Q316138 P136 Q132311 +Q272203 P106 Q12800682 +Q178989 P161 Q313918 +Q245430 P161 Q434291 +Q582152 P27 Q15180 +Q1138602 P140 Q5043 +Q812155 P17 Q183 +Q4894597 P19 Q6986 +Q1933397 P106 Q639669 +Q78481 P551 Q1741 +Q76308 P108 Q153978 +Q921 P530 Q668 +Q244604 P161 Q37079 +Q218 P530 Q38 +Q1702399 P1303 Q6607 +Q1698 P451 Q36268 +Q154545 P1412 Q150 +Q221450 P69 Q2045972 +Q77807 P106 Q33999 +Q529629 P19 Q99 +Q126122 P1412 Q9083 +Q201379 P136 Q859369 +Q238121 P106 Q4610556 +Q482708 P463 Q170208 +Q6060 P136 Q11401 +Q232052 P106 Q10800557 +Q1155256 P264 Q1328605 +Q240485 P1050 Q131755 +Q92853 P69 Q273523 +Q4492929 P119 Q1457437 +Q269927 P1412 Q1860 +Q231071 P509 Q12136 +Q37944 P106 Q3282637 +Q470619 P19 Q18419 +Q80137 P106 Q6625963 +Q128730 P161 Q551596 +Q237602 P19 Q131491 +Q378240 P106 Q1930187 +Q981270 P102 Q1052584 +Q434669 P102 Q29468 +Q186757 P106 Q3282637 +Q83396 P1050 Q12204 +Q42904 P264 Q2482872 +Q105564 P106 Q82955 +Q102225 P161 Q206659 +Q1676929 P1303 Q17172850 +Q547181 P136 Q131272 +Q697818 P106 Q49757 +Q239587 P106 Q855091 +Q128633 P509 Q12192 +Q91161 P106 Q36180 +Q213583 P106 Q36180 +Q1065189 P106 Q1622272 +Q1384181 P106 Q10800557 +Q159577 P136 Q21010853 +Q311306 P136 Q131272 +Q523086 P106 Q36180 +Q908569 P509 Q188605 +Q359521 P106 Q753110 +Q1197841 P136 Q93204 +Q224 P530 Q711 +Q15975 P20 Q90 +Q66370 P106 Q36834 +Q1805943 P106 Q639669 +Q1406115 P19 Q5092 +Q314424 P1303 Q6607 +Q164396 P463 Q2370801 +Q94186 P106 Q28389 +Q237053 P106 Q10800557 +Q525180 P108 Q317053 +Q354873 P27 Q30 +Q253977 P27 Q30 +Q217010 P161 Q189992 +Q131074 P136 Q157394 +Q380286 P27 Q34266 +Q944563 P27 Q145 +Q11816 P40 Q75174 +Q78553 P20 Q1741 +Q72932 P106 Q1622272 +Q724276 P20 Q34006 +Q296313 P106 Q1930187 +Q1268 P1303 Q5994 +Q1164355 P27 Q30 +Q80135 P27 Q34266 +Q159880 P172 Q170217 +Q23395 P161 Q202859 +Q94350 P19 Q1741 +Q58978 P27 Q1206012 +Q361587 P106 Q10798782 +Q181678 P27 Q34 +Q183848 P27 Q225 +Q104154 P463 Q684415 +Q62565 P106 Q82955 +Q159 P530 Q858 +Q152274 P69 Q31519 +Q919081 P106 Q1622272 +Q232917 P106 Q10800557 +Q222965 P161 Q180919 +Q4039 P106 Q753110 +Q335160 P161 Q193668 +Q95522 P69 Q152838 +Q97883 P20 Q64 +Q342778 P106 Q10800557 +Q9204 P106 Q1234713 +Q36881 P140 Q432 +Q181685 P1412 Q150 +Q426393 P161 Q48410 +Q192165 P106 Q33999 +Q42047 P161 Q172678 +Q276181 P509 Q47912 +Q78484 P106 Q36180 +Q153658 P106 Q177220 +Q982023 P20 Q90 +Q157707 P106 Q18814623 +Q61112 P27 Q183 +Q1282289 P106 Q28389 +Q40645 P106 Q28389 +Q19074 P108 Q49088 +Q6244080 P20 Q84 +Q123823 P69 Q924289 +Q234399 P1303 Q17172850 +Q440121 P1412 Q1860 +Q134958 P106 Q1028181 +Q534599 P106 Q1607826 +Q984353 P1412 Q1860 +Q315744 P106 Q16145150 +Q47122 P106 Q183945 +Q181917 P106 Q10800557 +Q246303 P106 Q4263842 +Q92128 P106 Q10800557 +Q792 P463 Q123759 +Q214851 P19 Q90 +Q237833 P119 Q27426 +Q902 P530 Q1044 +Q237527 P27 Q30 +Q104109 P106 Q2259451 +Q76727 P3373 Q67405 +Q114 P463 Q842490 +Q274764 P106 Q36180 +Q121425 P106 Q2259451 +Q704696 P737 Q184366 +Q296609 P106 Q10800557 +Q957010 P106 Q177220 +Q96 P463 Q40970 +Q3057567 P106 Q1622272 +Q398 P530 Q865 +Q11753 P69 Q165980 +Q158030 P140 Q7066 +Q120977 P27 Q39 +Q224159 P106 Q3282637 +Q88899 P140 Q9268 +Q316086 P27 Q15180 +Q171969 P27 Q142 +Q1386098 P136 Q131272 +Q179854 P20 Q84 +Q353866 P1412 Q150 +Q1209649 P106 Q177220 +Q544387 P172 Q49085 +Q60208 P101 Q5891 +Q171758 P551 Q65 +Q275553 P840 Q65 +Q363117 P106 Q2526255 +Q837 P463 Q842490 +Q188492 P102 Q29552 +Q3869 P17 Q43287 +Q444147 P106 Q81096 +Q550996 P106 Q15077007 +Q216813 P119 Q2790054 +Q133042 P136 Q49084 +Q267242 P106 Q6625963 +Q92632 P108 Q37156 +Q326114 P840 Q1612 +Q106751 P101 Q413 +Q219424 P161 Q73930 +Q233957 P69 Q219694 +Q465296 P106 Q855091 +Q319084 P106 Q1930187 +Q482708 P106 Q4964182 +Q584197 P27 Q414 +Q715195 P106 Q3242115 +Q229271 P106 Q2259451 +Q210798 P135 Q164800 +Q61199 P463 Q459620 +Q1247078 P27 Q30 +Q1341906 P19 Q11299 +Q102813 P1412 Q150 +Q160060 P161 Q170428 +Q110185 P108 Q165980 +Q46096 P1412 Q150 +Q270085 P106 Q520549 +Q28310 P106 Q6665249 +Q2704774 P106 Q205375 +Q901677 P17 Q218 +Q66002 P106 Q40348 +Q355112 P119 Q311 +Q313543 P27 Q30 +Q634100 P106 Q214917 +Q958206 P136 Q37073 +Q3778 P17 Q153015 +Q438014 P106 Q10800557 +Q210364 P161 Q41422 +Q110185 P106 Q1622272 +Q84992 P20 Q693653 +Q320556 P69 Q8047423 +Q827389 P1412 Q150 +Q201562 P106 Q639669 +Q164117 P106 Q33999 +Q284386 P463 Q463281 +Q232149 P101 Q11023 +Q712860 P106 Q488205 +Q506582 P108 Q230492 +Q152824 P106 Q34074720 +Q953 P530 Q148 +Q538000 P264 Q202440 +Q105119 P69 Q49115 +Q151118 P106 Q4610556 +Q60969 P1412 Q188 +Q148 P463 Q188822 +Q882 P106 Q10800557 +Q1965416 P106 Q753110 +Q335142 P106 Q1930187 +Q539171 P106 Q10800557 +Q152493 P161 Q16390 +Q299100 P106 Q1930187 +Q434466 P106 Q3387717 +Q766 P463 Q8475 +Q1346111 P1412 Q1860 +Q1885893 P106 Q82955 +Q442310 P106 Q10798782 +Q366584 P1303 Q6607 +Q4289338 P20 Q649 +Q268824 P161 Q237654 +Q220192 P161 Q19810 +Q18430 P106 Q3745071 +Q211144 P106 Q33999 +Q934582 P740 Q350 +Q706571 P19 Q42462 +Q223596 P161 Q228717 +Q231595 P1412 Q1860 +Q189078 P740 Q65 +Q314963 P737 Q9711 +Q95843 P108 Q54096 +Q233265 P106 Q36180 +Q23810 P119 Q252312 +Q507940 P551 Q90 +Q539120 P172 Q7325 +Q221289 P106 Q55960555 +Q673283 P106 Q36180 +Q247501 P1412 Q1860 +Q672301 P106 Q14467526 +Q181683 P1303 Q5994 +Q42786 P106 Q10800557 +Q154410 P27 Q191 +Q111836 P19 Q6602 +Q76414 P27 Q30 +Q159 P530 Q40 +Q508497 P106 Q33999 +Q14279 P101 Q333 +Q314319 P264 Q202440 +Q339045 P161 Q314805 +Q62910 P106 Q205375 +Q121655 P106 Q177220 +Q357936 P172 Q7325 +Q855252 P1050 Q3321212 +Q199644 P1412 Q5146 +Q61318 P69 Q185246 +Q357624 P106 Q7042855 +Q167409 P106 Q158852 +Q9204 P136 Q132311 +Q184605 P161 Q192165 +Q189054 P136 Q1535153 +Q25820 P69 Q797892 +Q6515 P106 Q49757 +Q115694 P1412 Q150 +Q234570 P106 Q27532437 +Q92819 P101 Q4027615 +Q237324 P106 Q488205 +Q317516 P69 Q1150105 +Q7302 P106 Q5371902 +Q80739 P1050 Q11081 +Q927 P136 Q8261 +Q188492 P106 Q33999 +Q271281 P57 Q8877 +Q237833 P69 Q152087 +Q2632 P264 Q50074604 +Q217495 P463 Q463303 +Q96028 P106 Q214917 +Q232333 P101 Q207628 +Q28 P530 Q20 +Q699597 P69 Q189441 +Q11820 P106 Q372436 +Q165392 P136 Q959790 +Q78553 P463 Q2822396 +Q7833 P20 Q90 +Q308681 P161 Q42869 +Q229018 P101 Q207628 +Q316641 P40 Q232927 +Q132589 P1412 Q1321 +Q959875 P27 Q414 +Q250954 P161 Q192165 +Q65087 P106 Q4964182 +Q287824 P106 Q10798782 +Q27 P37 Q1860 +Q181402 P27 Q145 +Q6527 P140 Q1841 +Q17 P463 Q899770 +Q153159 P101 Q8162 +Q180710 P19 Q16555 +Q271690 P57 Q56008 +Q139325 P106 Q33999 +Q172383 P106 Q11063 +Q211280 P106 Q2405480 +Q440433 P641 Q5372 +Q219646 P1412 Q1321 +Q843 P530 Q298 +Q319896 P106 Q1930187 +Q3441496 P108 Q41506 +Q221109 P136 Q471839 +Q559506 P106 Q1930187 +Q168963 P106 Q1622272 +Q133009 P69 Q486156 +Q33240 P106 Q183945 +Q214466 P106 Q10798782 +Q218992 P136 Q11401 +Q971702 P106 Q333634 +Q243837 P19 Q1891 +Q181685 P106 Q169470 +Q381203 P106 Q33999 +Q11692964 P19 Q1492 +Q58583 P106 Q47064 +Q92183 P102 Q49750 +Q204323 P106 Q183945 +Q208681 P106 Q36834 +Q60115 P69 Q154804 +Q198451 P136 Q860626 +Q11975 P106 Q183945 +Q76749 P69 Q315658 +Q180989 P106 Q1476215 +Q229881 P106 Q36834 +Q131660 P108 Q859363 +Q235615 P69 Q168751 +Q148 P530 Q833 +Q213929 P106 Q2374149 +Q1277002 P106 Q2059704 +Q191974 P20 Q90 +Q67449 P20 Q1794 +Q76215 P27 Q43287 +Q254820 P106 Q1086863 +Q270935 P551 Q8652 +Q709790 P19 Q1345 +Q721376 P27 Q30 +Q31845 P106 Q82955 +Q216266 P509 Q389735 +Q107405 P27 Q30 +Q90910 P20 Q64 +Q66232 P19 Q2814 +Q179888 P27 Q142 +Q63773 P106 Q1622272 +Q436386 P106 Q28389 +Q2643 P1303 Q61285 +Q170572 P106 Q2526255 +Q164730 P27 Q15180 +Q116928 P161 Q235719 +Q238912 P140 Q748 +Q75856 P1412 Q188 +Q193674 P27 Q70802 +Q321527 P106 Q1281618 +Q104266 P69 Q371625 +Q152176 P26 Q90635 +Q186335 P1412 Q1860 +Q113626 P106 Q36180 +Q524780 P1412 Q150 +Q920637 P27 Q16 +Q184530 P1412 Q397 +Q134180 P106 Q1930187 +Q169104 P20 Q1085 +Q503997 P106 Q3282637 +Q506900 P106 Q183945 +Q211 P463 Q1480793 +Q766 P37 Q1860 +Q234399 P106 Q55960555 +Q82104 P69 Q192088 +Q380799 P19 Q6602 +Q390097 P495 Q38 +Q157044 P161 Q104791 +Q318475 P136 Q492264 +Q344822 P106 Q177220 +Q490381 P1412 Q188 +Q9457 P551 Q1156 +Q469478 P19 Q220 +Q185465 P106 Q33999 +Q67494 P27 Q183 +Q25078 P106 Q10798782 +Q172653 P40 Q40103 +Q57276 P172 Q170826 +Q70650 P1412 Q188 +Q273075 P1412 Q1860 +Q164683 P101 Q11629 +Q16397 P106 Q2526255 +Q180505 P20 Q90 +Q96243 P108 Q154561 +Q181145 P106 Q36834 +Q587873 P106 Q82955 +Q134333 P106 Q2259451 +Q61879 P509 Q204933 +Q93115 P106 Q81096 +Q1078152 P20 Q7473516 +Q173978 P106 Q2722764 +Q112307 P136 Q1196752 +Q165745 P740 Q1297 +Q43189 P106 Q855091 +Q505677 P106 Q855091 +Q168724 P1412 Q150 +Q213824 P19 Q1733 +Q157204 P172 Q127885 +Q160717 P69 Q168756 +Q462118 P106 Q2259451 +Q220780 P161 Q244234 +Q96923 P136 Q8341 +Q315650 P1303 Q17172850 +Q170328 P19 Q23482 +Q151593 P27 Q142 +Q311145 P106 Q36180 +Q42443 P1412 Q150 +Q634125 P106 Q1930187 +Q168452 P106 Q169470 +Q163549 P136 Q369747 +Q214477 P27 Q30 +Q84960 P102 Q153401 +Q463581 P106 Q169470 +Q922528 P264 Q645889 +Q107270 P161 Q4491 +Q215999 P27 Q30 +Q155700 P106 Q10800557 +Q946733 P20 Q48958 +Q48956 P108 Q153987 +Q130853 P27 Q29 +Q86152 P106 Q1231865 +Q202304 P27 Q30 +Q41871 P69 Q8047423 +Q106073 P106 Q15949613 +Q2795317 P1412 Q7411 +Q160717 P106 Q1930187 +Q205447 P161 Q103917 +Q65278 P106 Q36180 +Q3734755 P108 Q13371 +Q79102 P106 Q10800557 +Q5809 P106 Q14089670 +Q112214 P1412 Q188 +Q552900 P106 Q10798782 +Q106871 P161 Q176945 +Q7294 P106 Q158852 +Q822 P463 Q1065 +Q3012 P17 Q7318 +Q63078 P463 Q329464 +Q558794 P106 Q36180 +Q202735 P172 Q3476361 +Q42904 P106 Q177220 +Q224113 P1412 Q7976 +Q235002 P106 Q10800557 +Q1017117 P106 Q36834 +Q344179 P737 Q47162 +Q70764 P509 Q12204 +Q37388 P106 Q40348 +Q160499 P106 Q250867 +Q1400917 P1412 Q7737 +Q8772 P463 Q191583 +Q7245 P509 Q12152 +Q87402 P463 Q812155 +Q2750257 P106 Q15895020 +Q518152 P106 Q7042855 +Q131240 P106 Q1930187 +Q790 P530 Q30 +Q14045 P106 Q183945 +Q269809 P27 Q30 +Q553196 P19 Q18419 +Q350915 P463 Q40970 +Q188492 P106 Q2405480 +Q63454 P69 Q312578 +Q47216 P108 Q41506 +Q953288 P106 Q49757 +Q960081 P106 Q1622272 +Q57603 P27 Q183 +Q106255 P69 Q1059546 +Q242095 P106 Q49757 +Q232163 P19 Q84 +Q231603 P101 Q482 +Q16297 P106 Q8246794 +Q549442 P27 Q183 +Q124287 P509 Q506616 +Q356965 P1412 Q188 +Q5592 P27 Q148540 +Q216013 P19 Q2079 +Q230 P530 Q734 +Q164963 P161 Q171363 +Q64091 P108 Q219615 +Q7516 P106 Q10800557 +Q96 P530 Q35 +Q96290 P106 Q15627169 +Q76727 P69 Q154804 +Q235517 P106 Q2865819 +Q736143 P106 Q1930187 +Q114405 P106 Q36180 +Q57382 P463 Q18650004 +Q208685 P106 Q6625963 +Q40046 P106 Q4610556 +Q76632 P1412 Q188 +Q3118802 P106 Q901 +Q311115 P463 Q463303 +Q464833 P106 Q183945 +Q132489 P106 Q2306091 +Q233697 P1412 Q1860 +Q167216 P19 Q15180 +Q291239 P106 Q34074720 +Q403 P530 Q232 +Q78126 P119 Q438199 +Q42992 P27 Q34266 +Q62666 P27 Q183 +Q5577 P509 Q202837 +Q236253 P106 Q3282637 +Q330847 P106 Q10800557 +Q392 P136 Q11700058 +Q377789 P27 Q129286 +Q540134 P27 Q30 +Q2271710 P1412 Q188 +Q843402 P17 Q30 +Q177632 P106 Q33999 +Q1897911 P172 Q49085 +Q462502 P20 Q11299 +Q234128 P19 Q34217 +Q447592 P27 Q794 +Q57603 P108 Q192964 +Q704645 P1303 Q17172850 +Q5683 P140 Q9592 +Q331728 P140 Q93191 +Q66097 P1412 Q188 +Q244390 P106 Q4853732 +Q294583 P27 Q30 +Q490114 P101 Q7163 +Q218503 P106 Q36180 +Q232774 P495 Q30 +Q1238180 P106 Q488205 +Q381751 P161 Q209175 +Q69320 P106 Q33999 +Q38 P463 Q7184 +Q80379 P161 Q244674 +Q76512 P106 Q81096 +Q76568 P69 Q54096 +Q68584 P19 Q3834 +Q105756 P106 Q1930187 +Q66162 P737 Q44328 +Q465633 P19 Q1297 +Q38193 P69 Q152087 +Q438968 P19 Q1492 +Q126462 P140 Q620629 +Q494412 P1412 Q1860 +Q219772 P106 Q36834 +Q231438 P106 Q3282637 +Q128568 P102 Q138345 +Q346374 P106 Q753110 +Q114 P530 Q41 +Q671665 P27 Q30 +Q152824 P106 Q36180 +Q549442 P463 Q414110 +Q362236 P106 Q10798782 +Q223271 P1412 Q1860 +Q108617 P106 Q36180 +Q335193 P102 Q9626 +Q6060 P106 Q753110 +Q423644 P106 Q901 +Q47216 P27 Q30 +Q237654 P106 Q177220 +Q704294 P641 Q36908 +Q230736 P106 Q33999 +Q142627 P106 Q185351 +Q263501 P172 Q49085 +Q181819 P20 Q65 +Q357961 P106 Q2095549 +Q159642 P463 Q299015 +Q704710 P106 Q639669 +Q103476 P106 Q10800557 +Q106740 P19 Q34217 +Q882 P40 Q433683 +Q271690 P161 Q81520 +Q201819 P495 Q258 +Q41594 P106 Q13235160 +Q61197 P463 Q191583 +Q203286 P27 Q30 +Q254 P136 Q9730 +Q153232 P463 Q1792159 +Q392825 P136 Q130232 +Q82222 P106 Q639669 +Q66545534 P407 Q1321 +Q11153 P69 Q49122 +Q92965 P27 Q668 +Q77549 P69 Q152171 +Q244963 P136 Q130232 +Q88767 P463 Q150793 +Q548964 P106 Q82955 +Q1028 P463 Q41984 +Q303680 P106 Q4263842 +Q36 P530 Q159 +Q72867 P106 Q36180 +Q902 P530 Q917 +Q125095 P27 Q39 +Q375351 P69 Q209842 +Q827389 P106 Q36180 +Q86723 P106 Q36180 +Q19526 P106 Q36180 +Q9364 P451 Q7197 +Q92341 P19 Q2999 +Q188648 P106 Q488205 +Q4723060 P463 Q466089 +Q452252 P1303 Q17172850 +Q62880 P106 Q49757 +Q439955 P106 Q15981151 +Q209538 P161 Q230534 +Q299100 P106 Q36180 +Q4514164 P106 Q901 +Q289003 P106 Q36834 +Q310204 P161 Q242552 +Q66735 P19 Q3167 +Q219878 P106 Q947873 +Q234558 P1303 Q6607 +Q84867 P27 Q183 +Q157043 P106 Q169470 +Q237416 P106 Q6625963 +Q544135 P27 Q38 +Q65087 P27 Q183 +Q53003 P641 Q5386 +Q60584 P106 Q1622272 +Q188401 P1303 Q6607 +Q887993 P1303 Q6607 +Q170348 P106 Q486748 +Q374362 P1412 Q7737 +Q64406 P20 Q64 +Q1064284 P136 Q3071 +Q230 P530 Q37 +Q65513 P69 Q151510 +Q184116 P17 Q30 +Q153018 P69 Q372608 +Q342549 P106 Q10800557 +Q709499 P264 Q183387 +Q380026 P106 Q82955 +Q237833 P108 Q13371 +Q104081 P106 Q6625963 +Q287001 P136 Q645928 +Q182218 P161 Q41422 +Q262838 P106 Q3282637 +Q559531 P20 Q656 +Q139121 P19 Q65 +Q1398507 P264 Q193023 +Q193504 P26 Q81819 +Q36 P463 Q663492 +Q60197 P108 Q21578 +Q25529 P106 Q33999 +Q47478 P106 Q733786 +Q963015 P106 Q482980 +Q53783 P27 Q222 +Q177131 P264 Q202585 +Q667841 P27 Q145 +Q697195 P27 Q28513 +Q71775 P1412 Q188 +Q2066713 P106 Q3391743 +Q135867 P495 Q30 +Q124008 P1303 Q17172850 +Q159542 P108 Q31519 +Q19200 P106 Q10816969 +Q296774 P106 Q2059704 +Q274233 P27 Q142 +Q729117 P27 Q30 +Q24558760 P3373 Q13129708 +Q237115 P106 Q28389 +Q310343 P106 Q2526255 +Q42831 P1412 Q7737 +Q217427 P106 Q5716684 +Q39792 P106 Q10798782 +Q28193 P161 Q190523 +Q153159 P106 Q14467526 +Q525949 P106 Q2310145 +Q464097 P101 Q207628 +Q366671 P1303 Q52954 +Q124070 P106 Q14915627 +Q76815 P26 Q70989 +Q213684 P551 Q414 +Q317817 P20 Q65 +Q363708 P26 Q34851 +Q26688 P1412 Q7737 +Q95039 P69 Q49116 +Q270622 P106 Q10798782 +Q1572124 P136 Q8341 +Q924104 P106 Q28389 +Q453330 P27 Q30 +Q807398 P106 Q2259451 +Q3150 P463 Q747279 +Q242903 P19 Q16556 +Q338826 P106 Q1930187 +Q484523 P106 Q33999 +Q553196 P463 Q40358 +Q192185 P106 Q36180 +Q184267 P106 Q82955 +Q177930 P161 Q296630 +Q742396 P1303 Q17172850 +Q52937 P1412 Q150 +Q43 P463 Q1377612 +Q26265 P495 Q30 +Q127868 P106 Q3282637 +Q62963 P27 Q16957 +Q958 P530 Q79 +Q192668 P106 Q28389 +Q681465 P1303 Q17172850 +Q107424 P26 Q345494 +Q264253 P106 Q82955 +Q114450 P1412 Q7737 +Q13047979 P1412 Q652 +Q378116 P136 Q8261 +Q276419 P106 Q33999 +Q1000 P530 Q865 +Q712 P463 Q7825 +Q335052 P106 Q1930187 +Q89694 P106 Q10800557 +Q662066 P108 Q372608 +Q434694 P69 Q81162 +Q981981 P106 Q36180 +Q414 P463 Q899770 +Q714526 P106 Q36834 +Q1065624 P1303 Q6607 +Q771296 P495 Q15180 +Q337628 P106 Q1930187 +Q10133 P106 Q201788 +Q130917 P463 Q150793 +Q180004 P106 Q639669 +Q358087 P264 Q1142456 +Q131324 P3373 Q234388 +Q48984 P161 Q272946 +Q76442 P20 Q2079 +Q916675 P106 Q1622272 +Q60970 P264 Q700359 +Q271763 P106 Q10800557 +Q357929 P19 Q18125 +Q208344 P57 Q59259 +Q45909 P1303 Q1343007 +Q239917 P264 Q3001888 +Q890204 P106 Q1415090 +Q61852 P106 Q36180 +Q255376 P161 Q947748 +Q36949 P106 Q13235160 +Q121425 P106 Q7042855 +Q876590 P106 Q639669 +Q9327 P509 Q41083 +Q92613 P463 Q270794 +Q744566 P106 Q1930187 +Q382408 P136 Q130232 +Q515034 P19 Q1486 +Q55190 P106 Q2526255 +Q66527 P106 Q1622272 +Q67941 P1412 Q188 +Q57109 P27 Q183 +Q438329 P102 Q42183 +Q711226 P69 Q49088 +Q232251 P495 Q30 +Q355447 P106 Q333634 +Q234519 P106 Q18844224 +Q36740 P551 Q836 +Q863 P463 Q656801 +Q55836 P27 Q34266 +Q329448 P161 Q233502 +Q103949 P27 Q30 +Q229276 P136 Q21590660 +Q292180 P737 Q234579 +Q208592 P136 Q1200678 +Q361587 P509 Q12192 +Q8015 P106 Q82955 +Q205707 P19 Q1345 +Q173893 P101 Q5891 +Q9353 P737 Q154959 +Q107914 P161 Q323452 +Q126927 P106 Q2252262 +Q142 P530 Q414 +Q202725 P19 Q65 +Q263772 P106 Q488205 +Q273180 P106 Q33999 +Q180098 P136 Q130232 +Q42544 P106 Q49757 +Q313819 P161 Q212790 +Q32927 P1412 Q7737 +Q3430566 P106 Q193391 +Q277626 P138 Q344822 +Q102289 P101 Q81096 +Q744689 P172 Q49085 +Q67901 P27 Q183 +Q52570 P106 Q860918 +Q312705 P106 Q37226 +Q1042 P463 Q656801 +Q92871 P106 Q82594 +Q88767 P106 Q1622272 +Q82110 P106 Q33999 +Q526424 P27 Q77 +Q207659 P136 Q157394 +Q1545284 P1303 Q17172850 +Q127367 P161 Q223091 +Q371932 P106 Q2259451 +Q104514 P69 Q3072747 +Q78116 P106 Q1622272 +Q309592 P106 Q2405480 +Q20715407 P172 Q49085 +Q357036 P106 Q36834 +Q332360 P463 Q1468277 +Q224113 P106 Q18844224 +Q36 P530 Q214 +Q104791 P136 Q21590660 +Q181659 P106 Q4263842 +Q60285 P69 Q152838 +Q414 P463 Q1043527 +Q181069 P161 Q401182 +Q382393 P106 Q28389 +Q40057 P69 Q49114 +Q438161 P69 Q1815371 +Q221303 P20 Q90 +Q62202 P102 Q49768 +Q231071 P106 Q33999 +Q200509 P20 Q437 +Q356375 P106 Q33999 +Q446294 P106 Q2526255 +Q213614 P106 Q6625963 +Q162917 P106 Q28389 +Q863514 P106 Q635734 +Q185714 P509 Q12192 +Q284917 P161 Q203215 +Q9047 P1412 Q150 +Q194917 P106 Q121594 +Q251984 P136 Q186472 +Q274274 P106 Q10798782 +Q705174 P119 Q746647 +Q164869 P27 Q16 +Q63190 P102 Q29552 +Q431591 P136 Q83440 +Q298838 P1303 Q258896 +Q330567 P106 Q1622272 +Q55915 P463 Q939743 +Q93031 P106 Q82594 +Q83321 P106 Q6625963 +Q1167000 P136 Q11399 +Q469893 P27 Q40 +Q343059 P19 Q61 +Q89404 P551 Q1384 +Q386053 P106 Q33999 +Q237633 P20 Q60 +Q1396852 P19 Q649 +Q7346 P27 Q30 +Q352617 P106 Q49757 +Q314403 P106 Q10798782 +Q342949 P106 Q15981151 +Q161900 P27 Q83286 +Q218718 P106 Q2405480 +Q155106 P136 Q186424 +Q61407 P108 Q152838 +Q2514411 P106 Q380075 +Q160802 P106 Q205375 +Q57389 P106 Q6625963 +Q202550 P106 Q36834 +Q373508 P463 Q463303 +Q178653 P106 Q82955 +Q443892 P264 Q330629 +Q42511 P136 Q24925 +Q887889 P106 Q1930187 +Q367129 P106 Q753110 +Q366012 P106 Q33999 +Q9049 P135 Q7066 +Q862412 P106 Q1930187 +Q233474 P106 Q33999 +Q144164 P106 Q482980 +Q364875 P136 Q83270 +Q438310 P140 Q75809 +Q1391397 P106 Q121594 +Q359996 P106 Q33999 +Q847345 P1412 Q7913 +Q264699 P19 Q39561 +Q115760 P136 Q188473 +Q80510 P140 Q35032 +Q94701 P463 Q4345832 +Q96 P463 Q17495 +Q386394 P106 Q28389 +Q94653 P463 Q299015 +Q63454 P106 Q158852 +Q932344 P101 Q43035 +Q18391 P69 Q3064325 +Q884 P463 Q1065 +Q83321 P1412 Q652 +Q112202 P1412 Q1860 +Q72682 P106 Q36180 +Q103578 P27 Q30 +Q268147 P106 Q36180 +Q75612 P172 Q7325 +Q229697 P106 Q177220 +Q297024 P551 Q84 +Q221852 P161 Q174908 +Q47100 P26 Q233022 +Q375186 P136 Q959790 +Q154353 P3373 Q117913 +Q31621 P106 Q36180 +Q1239933 P1303 Q17172850 +Q165121 P106 Q82955 +Q165357 P19 Q1085 +Q76409 P737 Q187166 +Q206659 P106 Q948329 +Q124869 P27 Q39 +Q211785 P172 Q49542 +Q160219 P106 Q36180 +Q92601 P108 Q49108 +Q953768 P27 Q145 +Q1166707 P106 Q10798782 +Q62400 P463 Q329464 +Q39999 P495 Q30 +Q162959 P106 Q10800557 +Q668 P530 Q232 +Q11692964 P1412 Q1321 +Q44380 P106 Q483501 +Q1327115 P509 Q12078 +Q154770 P136 Q9730 +Q191850 P1412 Q652 +Q360 P27 Q408 +Q133308 P106 Q193391 +Q240570 P26 Q505677 +Q387414 P161 Q315099 +Q176558 P106 Q1622272 +Q224650 P551 Q24639 +Q332348 P57 Q179497 +Q59259 P106 Q28389 +Q232009 P161 Q228747 +Q45338 P106 Q33999 +Q982109 P27 Q129286 +Q574 P530 Q45 +Q270351 P136 Q645928 +Q399 P463 Q188822 +Q165219 P106 Q3282637 +Q919565 P106 Q639669 +Q236946 P106 Q2259451 +Q166344 P106 Q177220 +Q8349 P140 Q5043 +Q617920 P106 Q639669 +Q66248 P27 Q183 +Q179215 P57 Q8877 +Q295502 P1412 Q1860 +Q76509 P106 Q212980 +Q98173 P19 Q1720 +Q315222 P1412 Q1860 +Q159552 P1412 Q9035 +Q520621 P106 Q2252262 +Q431252 P161 Q367155 +Q60804 P19 Q64 +Q461682 P161 Q10738 +Q43746 P20 Q456 +Q131864 P136 Q1361932 +Q57954 P69 Q152171 +Q318263 P40 Q156552 +Q748584 P106 Q639669 +Q152531 P161 Q369113 +Q48984 P161 Q343510 +Q2632 P264 Q679007 +Q179558 P1412 Q7737 +Q452388 P27 Q183 +Q115347 P69 Q739627 +Q194143 P136 Q2484376 +Q2946731 P69 Q161562 +Q23685 P106 Q6625963 +Q528832 P108 Q9219 +Q72962 P161 Q104061 +Q159582 P20 Q649 +Q55800 P737 Q19526 +Q258980 P106 Q2259451 +Q329549 P106 Q33999 +Q242643 P19 Q60 +Q361677 P27 Q145 +Q15809 P509 Q178275 +Q184226 P106 Q1622272 +Q1765101 P136 Q8341 +Q310367 P106 Q33999 +Q7546 P1412 Q188 +Q15257 P106 Q774306 +Q204019 P1412 Q1860 +Q264783 P106 Q5716684 +Q3435328 P463 Q123885 +Q458390 P463 Q4742987 +Q77825 P108 Q165980 +Q381110 P106 Q10798782 +Q71874 P106 Q131062 +Q582713 P136 Q1344 +Q37767 P106 Q28389 +Q263696 P264 Q1881437 +Q332032 P136 Q83270 +Q84867 P106 Q82955 +Q57434 P27 Q213 +Q387868 P840 Q1297 +Q65292 P119 Q438183 +Q229599 P136 Q1033891 +Q332508 P463 Q691152 +Q1702399 P19 Q60 +Q232968 P106 Q10800557 +Q548964 P106 Q16287483 +Q700323 P27 Q34266 +Q318287 P27 Q30 +Q82066 P106 Q36180 +Q233295 P102 Q29468 +Q168362 P463 Q901677 +Q542489 P102 Q29552 +Q488099 P106 Q482980 +Q270905 P106 Q622807 +Q132537 P463 Q123885 +Q71018 P69 Q154804 +Q314223 P463 Q337531 +Q345612 P27 Q30 +Q270085 P106 Q82955 +Q311752 P106 Q10798782 +Q75889 P106 Q4964182 +Q80557 P495 Q142 +Q86096 P106 Q1622272 +Q720443 P69 Q13371 +Q267764 P27 Q30 +Q275003 P106 Q4964182 +Q984644 P463 Q1425328 +Q239818 P106 Q33999 +Q523086 P106 Q4853732 +Q729117 P106 Q11774156 +Q57500 P106 Q36834 +Q49828 P106 Q36180 +Q104081 P106 Q245068 +Q368812 P19 Q649 +Q219060 P463 Q7809 +Q1974885 P1412 Q397 +Q96243 P108 Q152087 +Q114533 P106 Q36834 +Q242376 P106 Q15980158 +Q104398 P69 Q158158 +Q334 P37 Q5885 +Q8927 P1412 Q1860 +Q41871 P106 Q28389 +Q325575 P495 Q30 +Q172154 P463 Q700570 +Q35912 P19 Q60 +Q151118 P106 Q33999 +Q135640 P106 Q49757 +Q344567 P1412 Q1860 +Q705458 P106 Q10798782 +Q429397 P136 Q2484376 +Q130447 P26 Q234847 +Q683058 P106 Q11900058 +Q64812 P69 Q156737 +Q389014 P161 Q105221 +Q731195 P69 Q49210 +Q31013 P19 Q1345 +Q157204 P1412 Q9299 +Q408 P530 Q836 +Q114089 P106 Q822146 +Q150445 P106 Q765778 +Q161852 P106 Q3387717 +Q158017 P27 Q33946 +Q219646 P136 Q8261 +Q196560 P106 Q28389 +Q710026 P119 Q27426 +Q267672 P161 Q259461 +Q529555 P264 Q575026 +Q2966 P17 Q43287 +Q805 P463 Q842490 +Q106554 P27 Q183 +Q310048 P463 Q463303 +Q55169 P106 Q36180 +Q111344 P106 Q13570226 +Q47216 P1303 Q5994 +Q556648 P463 Q11993457 +Q234773 P106 Q10798782 +Q145480 P19 Q65 +Q453447 P106 Q482980 +Q929 P530 Q1033 +Q7286 P106 Q170790 +Q13003 P106 Q82955 +Q170333 P1412 Q188 +Q157970 P119 Q118967 +Q261588 P69 Q4480746 +Q276620 P27 Q145 +Q253395 P119 Q208175 +Q131240 P69 Q4480746 +Q158060 P106 Q49757 +Q110278 P161 Q37079 +Q155458 P161 Q40026 +Q55375 P1412 Q1860 +Q357929 P551 Q18125 +Q215927 P106 Q1231865 +Q61322 P106 Q2405480 +Q17132 P509 Q29496 +Q60285 P69 Q40025 +Q346064 P20 Q1218 +Q77210 P19 Q2773 +Q640096 P69 Q1143281 +Q310324 P19 Q387047 +Q64 P17 Q27306 +Q331711 P26 Q233932 +Q228747 P106 Q245068 +Q83038 P119 Q608405 +Q61361 P106 Q2095549 +Q293520 P106 Q864503 +Q229038 P136 Q37073 +Q67007 P140 Q7066 +Q43444 P140 Q9592 +Q41 P463 Q656801 +Q1371735 P136 Q598929 +Q1411849 P1303 Q17172850 +Q22 P37 Q1860 +Q349420 P106 Q753110 +Q61682 P27 Q183 +Q228717 P551 Q84 +Q333106 P106 Q1930187 +Q223299 P136 Q20442589 +Q315188 P106 Q333634 +Q212772 P1303 Q17172850 +Q217160 P106 Q33999 +Q5369090 P27 Q43287 +Q36620 P140 Q75809 +Q214602 P102 Q694299 +Q4547 P106 Q33999 +Q72541 P1412 Q150 +Q89546 P463 Q329464 +Q276038 P108 Q181410 +Q5104 P106 Q33999 +Q105387 P495 Q30 +Q72721 P27 Q183 +Q273233 P106 Q2259451 +Q65445 P69 Q309988 +Q286690 P1412 Q1321 +Q463927 P161 Q934506 +Q237518 P101 Q482 +Q45789 P20 Q1348 +Q76329 P106 Q1234713 +Q44354 P106 Q82955 +Q192348 P106 Q36180 +Q716776 P20 Q90 +Q115641 P119 Q438183 +Q1003730 P131 Q472 +Q213613 P106 Q1622272 +Q236748 P136 Q850412 +Q757 P463 Q7825 +Q107724 P840 Q778 +Q257182 P106 Q2259451 +Q234551 P19 Q16567 +Q313462 P106 Q3282637 +Q520275 P102 Q29468 +Q49823 P108 Q190080 +Q236543 P264 Q193023 +Q1553197 P106 Q16145150 +Q60579 P101 Q43035 +Q835 P136 Q24925 +Q621458 P106 Q211346 +Q1531285 P106 Q806349 +Q919462 P1303 Q302497 +Q3550828 P106 Q2705098 +Q380981 P161 Q104081 +Q133050 P172 Q49078 +Q72645 P108 Q152087 +Q7259 P106 Q81096 +Q215122 P463 Q133957 +Q361297 P1303 Q6607 +Q104929 P20 Q61 +Q104514 P2348 Q6927 +Q192442 P106 Q2374149 +Q167636 P106 Q2490358 +Q285330 P27 Q37 +Q315542 P463 Q463303 +Q373948 P551 Q60 +Q233365 P551 Q65 +Q7416 P106 Q18814623 +Q345517 P20 Q65 +Q60659 P136 Q8341 +Q228943 P106 Q33999 +Q44086 P106 Q1622272 +Q312582 P27 Q183 +Q163593 P1303 Q17172850 +Q238402 P40 Q44855 +Q135867 P161 Q217033 +Q267550 P27 Q36 +Q64238 P106 Q2865819 +Q168847 P509 Q12192 +Q264867 P106 Q177220 +Q296872 P1412 Q1860 +Q67385 P106 Q39631 +Q1113061 P106 Q2707485 +Q164119 P172 Q1344183 +Q17135 P119 Q1771319 +Q9513 P27 Q668 +Q308792 P27 Q31 +Q49828 P106 Q1622272 +Q201924 P161 Q80966 +Q216896 P737 Q172684 +Q1099640 P27 Q30 +Q445463 P551 Q90 +Q111087 P106 Q486748 +Q269912 P161 Q230378 +Q88267 P106 Q1209498 +Q337614 P106 Q49757 +Q211392 P509 Q178275 +Q62544 P27 Q1206012 +Q159475 P106 Q177220 +Q320052 P106 Q10800557 +Q182057 P27 Q30 +Q313525 P119 Q2000666 +Q95120 P27 Q145 +Q287309 P1303 Q1444 +Q117688 P106 Q36180 +Q214226 P1303 Q17172850 +Q95736 P108 Q20266894 +Q188848 P1412 Q1321 +Q86843 P27 Q183 +Q76725 P140 Q7066 +Q490333 P108 Q486156 +Q215139 P106 Q1231865 +Q575689 P106 Q4610556 +Q241941 P495 Q183 +Q239501 P106 Q28389 +Q861227 P136 Q187760 +Q722119 P136 Q112983 +Q5879 P106 Q18939491 +Q92693 P140 Q7066 +Q62432 P463 Q684415 +Q1345844 P1412 Q652 +Q48613 P1412 Q188 +Q158017 P136 Q1344 +Q223741 P1412 Q150 +Q700323 P106 Q1930187 +Q233701 P106 Q36180 +Q19794 P106 Q3427922 +Q155700 P136 Q316930 +Q484427 P264 Q165711 +Q12903 P140 Q9592 +Q58062 P106 Q2487799 +Q365199 P27 Q30 +Q2567 P463 Q107569 +Q166212 P1303 Q17172850 +Q2496057 P106 Q188094 +Q1041 P530 Q183 +Q266544 P106 Q753110 +Q162202 P140 Q5043 +Q1461840 P27 Q45 +Q188482 P264 Q183412 +Q365578 P108 Q35794 +Q1487770 P106 Q177220 +Q39792 P101 Q222749 +Q242729 P106 Q33999 +Q229566 P27 Q191 +Q61183 P27 Q7318 +Q1044657 P106 Q855091 +Q107178 P19 Q4093 +Q524780 P106 Q36180 +Q313522 P106 Q10798782 +Q172632 P106 Q486748 +Q28656886 P69 Q49088 +Q1453398 P106 Q753110 +Q186587 P136 Q369747 +Q55796 P1412 Q7737 +Q106440 P136 Q188473 +Q241160 P106 Q10798782 +Q154852 P27 Q183 +Q92858 P20 Q60 +Q717626 P106 Q639669 +Q23 P106 Q10076267 +Q2281897 P106 Q19350898 +Q221 P530 Q865 +Q188857 P20 Q90 +Q607 P140 Q9268 +Q287644 P509 Q1368943 +Q731254 P264 Q1124849 +Q69366 P20 Q2966 +Q557171 P69 Q319239 +Q43977 P27 Q12548 +Q234104 P106 Q639669 +Q500999 P106 Q28389 +Q78080 P1412 Q188 +Q263185 P106 Q16145150 +Q6294 P40 Q229671 +Q347362 P737 Q61078 +Q327681 P161 Q242707 +Q314164 P1303 Q1444 +Q219 P463 Q656801 +Q249841 P106 Q28389 +Q878 P530 Q219060 +Q246296 P106 Q36180 +Q90856 P106 Q1028181 +Q132805 P69 Q245247 +Q202589 P106 Q10800557 +Q1005 P463 Q294278 +Q386438 P509 Q12152 +Q332881 P69 Q745967 +Q32335 P106 Q28389 +Q381185 P20 Q270 +Q388286 P1050 Q11081 +Q521790 P1303 Q17172850 +Q1029 P530 Q45 +Q67076 P27 Q183 +Q202585 P136 Q37073 +Q236318 P106 Q33999 +Q519851 P1412 Q1321 +Q44481 P463 Q188771 +Q843 P530 Q218 +Q270692 P106 Q488205 +Q192634 P106 Q1930187 +Q629216 P106 Q1320883 +Q604940 P106 Q639669 +Q75696 P106 Q40348 +Q434745 P101 Q207628 +Q215530 P140 Q9592 +Q14278 P463 Q253439 +Q60045 P69 Q309988 +Q14537 P19 Q44989 +Q71206 P27 Q30 +Q1397888 P19 Q727 +Q333231 P19 Q84 +Q1359247 P106 Q183945 +Q268131 P106 Q3282637 +Q811 P463 Q190008 +Q106607 P69 Q209842 +Q61769 P69 Q157808 +Q110167 P19 Q2814 +Q9381 P106 Q36180 +Q105895 P106 Q4964182 +Q181875 P69 Q745967 +Q117761 P106 Q627325 +Q91845 P108 Q206702 +Q116548 P106 Q333634 +Q127897 P136 Q860626 +Q270410 P161 Q313470 +Q450821 P106 Q14467526 +Q1051531 P106 Q177220 +Q34782 P106 Q6625963 +Q183 P530 Q213 +Q107769 P106 Q10800557 +Q88748 P27 Q183 +Q229268 P106 Q10798782 +Q88427 P119 Q564922 +Q154083 P106 Q42973 +Q78492 P106 Q82955 +Q97129 P102 Q148861 +Q307391 P1303 Q6607 +Q1347919 P20 Q1297 +Q347362 P737 Q128126 +Q212026 P106 Q10798782 +Q16296 P102 Q9630 +Q1131225 P161 Q314812 +Q330840 P106 Q10798782 +Q164384 P20 Q1017 +Q197108 P106 Q82955 +Q186807 P140 Q9592 +Q157246 P172 Q8060 +Q220210 P69 Q309331 +Q117 P37 Q1860 +Q84386 P69 Q165980 +Q151929 P27 Q230 +Q366325 P106 Q36180 +Q219646 P106 Q28389 +Q180272 P106 Q2259451 +Q786 P463 Q123759 +Q318474 P106 Q193391 +Q11817 P27 Q30 +Q105118 P136 Q186424 +Q44380 P451 Q43432 +Q171684 P140 Q33203 +Q976283 P19 Q406 +Q164119 P106 Q3282637 +Q156193 P463 Q812155 +Q273574 P106 Q33999 +Q62963 P27 Q41304 +Q707607 P106 Q33999 +Q47480 P463 Q543804 +Q322236 P20 Q34404 +Q76537 P20 Q90 +Q183 P530 Q43 +Q51603 P264 Q664167 +Q36843 P106 Q482980 +Q159585 P27 Q219 +Q248837 P106 Q2259451 +Q196159 P136 Q208505 +Q267243 P106 Q10798782 +Q732055 P264 Q183387 +Q657 P463 Q3348506 +Q659020 P106 Q205375 +Q319751 P1303 Q5994 +Q450821 P108 Q168751 +Q274362 P106 Q13219587 +Q554074 P106 Q81096 +Q499757 P136 Q3071 +Q80805 P740 Q8652 +Q356965 P172 Q49542 +Q219989 P159 Q64 +Q71447 P119 Q311 +Q77728 P106 Q36180 +Q230 P30 Q46 +Q766 P530 Q155 +Q70350 P19 Q586 +Q276181 P106 Q28389 +Q408 P463 Q5611262 +Q197108 P106 Q36180 +Q310947 P3373 Q170572 +Q912 P463 Q384535 +Q24980 P136 Q842256 +Q310729 P161 Q229156 +Q10390 P172 Q846570 +Q6060 P106 Q131524 +Q22432 P57 Q51489 +Q217182 P136 Q1054574 +Q323641 P1303 Q17172850 +Q183519 P264 Q7659636 +Q40933 P1412 Q1321 +Q26378 P106 Q28389 +Q691798 P509 Q12078 +Q107761 P136 Q52162262 +Q30 P530 Q800 +Q119527 P106 Q333634 +Q213547 P1303 Q17172850 +Q252041 P641 Q718 +Q16390 P119 Q1437214 +Q116577 P108 Q372608 +Q241470 P106 Q82955 +Q269830 P27 Q30 +Q214299 P106 Q36180 +Q437748 P136 Q37073 +Q540166 P27 Q145 +Q157155 P20 Q90 +Q765 P106 Q1323191 +Q333265 P27 Q15180 +Q94831 P27 Q30 +Q154581 P161 Q64577 +Q66880 P106 Q201788 +Q12950 P1412 Q150 +Q70142 P19 Q1733 +Q176537 P136 Q37073 +Q1785 P264 Q3629023 +Q29 P463 Q188822 +Q122622 P463 Q459620 +Q188111 P106 Q183945 +Q153484 P161 Q1409622 +Q84734 P106 Q16267607 +Q120366 P19 Q44989 +Q828641 P106 Q1930187 +Q290094 P106 Q10798782 +Q180560 P509 Q3505252 +Q72971 P106 Q15627169 +Q24999 P1412 Q1321 +Q1351259 P106 Q177220 +Q240570 P136 Q11366 +Q159808 P161 Q1711470 +Q190908 P136 Q2421031 +Q1016 P463 Q47543 +Q1367152 P1412 Q7026 +Q236954 P27 Q17 +Q269462 P69 Q248970 +Q53002 P119 Q746647 +Q5679 P172 Q42406 +Q318910 P161 Q37079 +Q174244 P106 Q864380 +Q1487770 P106 Q639669 +Q4225527 P1412 Q7737 +Q204019 P106 Q753110 +Q36970 P108 Q740308 +Q112378 P463 Q18650004 +Q25320 P119 Q311 +Q449575 P101 Q11633 +Q77008 P106 Q36180 +Q1358816 P136 Q11635 +Q522569 P101 Q207628 +Q183 P530 Q232 +Q108006 P840 Q65 +Q62882 P106 Q82594 +Q126896 P136 Q130232 +Q704696 P463 Q2822396 +Q151164 P551 Q90 +Q19405 P161 Q51552 +Q313046 P1303 Q17172850 +Q235066 P264 Q843402 +Q457353 P106 Q177220 +Q198621 P108 Q216047 +Q923242 P27 Q30 +Q257764 P27 Q30 +Q29 P463 Q5611262 +Q86060 P69 Q55044 +Q59630 P1412 Q1860 +Q309003 P136 Q188473 +Q183 P530 Q962 +Q114819 P57 Q2071 +Q153243 P27 Q30 +Q214 P530 Q38 +Q230045 P106 Q2526255 +Q61852 P106 Q193391 +Q238716 P106 Q593644 +Q95370 P19 Q3971 +Q176668 P106 Q36180 +Q447831 P106 Q82955 +Q1029 P463 Q17495 +Q70767 P106 Q1622272 +Q714167 P264 Q3629023 +Q817 P463 Q340195 +Q295542 P264 Q38903 +Q180278 P135 Q9730 +Q44144 P27 Q16 +Q225625 P1303 Q5994 +Q1783775 P1303 Q17172850 +Q281621 P106 Q33999 +Q81489 P551 Q65 +Q62746 P161 Q309980 +Q319129 P140 Q682443 +Q311993 P106 Q28389 +Q440668 P106 Q10798782 +Q214565 P106 Q4853732 +Q313462 P172 Q42406 +Q34474 P106 Q49757 +Q232708 P106 Q3282637 +Q95479 P106 Q1622272 +Q205545 P106 Q82955 +Q153723 P161 Q57391 +Q1005 P530 Q159 +Q513268 P106 Q10798782 +Q465105 P20 Q16563 +Q42552 P463 Q2092629 +Q516285 P463 Q83172 +Q43746 P106 Q250867 +Q59478 P19 Q1874 +Q2433868 P106 Q1622272 +Q4751826 P27 Q219 +Q282823 P106 Q81096 +Q374610 P69 Q49112 +Q213642 P106 Q1231865 +Q334205 P27 Q172579 +Q179576 P1412 Q1321 +Q713213 P463 Q3603946 +Q256708 P106 Q10798782 +Q187154 P495 Q16 +Q107178 P102 Q158227 +Q1141825 P69 Q49109 +Q329131 P161 Q378672 +Q436686 P106 Q28389 +Q357645 P106 Q488205 +Q189067 P172 Q974693 +Q431793 P840 Q65 +Q94350 P106 Q635734 +Q236005 P136 Q37073 +Q125042 P27 Q39 +Q715315 P106 Q82955 +Q22750 P119 Q1092107 +Q210059 P136 Q132311 +Q298551 P106 Q36180 +Q11703496 P27 Q29 +Q214642 P19 Q25395 +Q305106 P27 Q38 +Q5977 P106 Q753110 +Q288588 P69 Q312578 +Q272845 P1303 Q17172850 +Q41314 P119 Q189 +Q473257 P27 Q28513 +Q457739 P108 Q13371 +Q298334 P106 Q36180 +Q20 P463 Q7825 +Q1356368 P19 Q18125 +Q55369 P106 Q2259451 +Q253697 P27 Q17 +Q381944 P106 Q13590141 +Q924232 P1303 Q258896 +Q49034 P106 Q205375 +Q352431 P161 Q230378 +Q154691 P106 Q6625963 +Q66800 P102 Q7320 +Q230395 P1303 Q5994 +Q833 P530 Q739 +Q1635222 P19 Q1612 +Q221450 P106 Q158852 +Q215989 P106 Q1622272 +Q295542 P106 Q639669 +Q658706 P27 Q29 +Q104326 P1303 Q1343007 +Q1026826 P136 Q482 +Q741862 P106 Q1930187 +Q388785 P136 Q11401 +Q379830 P106 Q183945 +Q691152 P17 Q145 +Q214907 P106 Q36180 +Q271464 P106 Q483501 +Q707607 P136 Q8341 +Q58793 P19 Q24879 +Q57249 P27 Q33946 +Q40504 P106 Q33999 +Q258053 P106 Q639669 +Q5383 P264 Q557632 +Q48337 P172 Q49085 +Q44306 P106 Q6625963 +Q40645 P1412 Q188 +Q453614 P106 Q36180 +Q437182 P1412 Q5146 +Q87432 P106 Q28389 +Q84482 P106 Q188094 +Q327261 P136 Q128758 +Q133654 P136 Q604725 +Q162634 P106 Q639669 +Q160318 P1303 Q79838 +Q1195390 P106 Q488205 +Q315518 P119 Q208175 +Q1006152 P1412 Q652 +Q1232630 P106 Q81096 +Q237039 P106 Q4853732 +Q12548 P37 Q809 +Q34628 P106 Q4964182 +Q229603 P136 Q188473 +Q119798 P69 Q5103452 +Q934682 P106 Q18814623 +Q270269 P27 Q142 +Q77184 P463 Q695302 +Q158878 P69 Q174710 +Q233837 P19 Q1754 +Q26695 P551 Q65 +Q445122 P136 Q130232 +Q221104 P161 Q315099 +Q234891 P69 Q13371 +Q311791 P140 Q35032 +Q535 P1412 Q150 +Q792 P463 Q8475 +Q359568 P27 Q34266 +Q7343182 P463 Q117467 +Q320146 P264 Q2535085 +Q200096 P161 Q45229 +Q258736 P451 Q200768 +Q230141 P69 Q49112 +Q14441 P106 Q2405480 +Q616021 P20 Q90 +Q1382863 P106 Q2914170 +Q1642230 P26 Q184572 +Q157326 P106 Q36180 +Q106103 P1412 Q188 +Q439366 P106 Q33999 +Q1329361 P106 Q43845 +Q67385 P69 Q20808141 +Q229249 P106 Q15077007 +Q267406 P1303 Q17172850 +Q124070 P106 Q36180 +Q368794 P27 Q30 +Q28 P530 Q35 +Q287001 P161 Q232371 +Q1037 P530 Q668 +Q92638 P106 Q170790 +Q162202 P101 Q207628 +Q336397 P108 Q13371 +Q1222903 P106 Q639669 +Q71499 P106 Q212980 +Q36843 P27 Q7318 +Q1067000 P106 Q177220 +Q729541 P106 Q333634 +Q960935 P106 Q177220 +Q160640 P69 Q859363 +Q970 P37 Q13955 +Q380123 P264 Q483938 +Q34 P530 Q17 +Q60876 P106 Q2259451 +Q62432 P106 Q214917 +Q878708 P140 Q33203 +Q108297 P136 Q369747 +Q83158 P106 Q2405480 +Q67576 P108 Q154804 +Q53050 P106 Q2526255 +Q34190 P106 Q6625963 +Q795238 P106 Q36180 +Q103114 P106 Q2526255 +Q437622 P136 Q131272 +Q242873 P106 Q177220 +Q169996 P161 Q233786 +Q124834 P106 Q33999 +Q71759 P106 Q33999 +Q298027 P1412 Q9027 +Q188459 P27 Q30 +Q233876 P1303 Q17172850 +Q42402 P1303 Q6607 +Q843 P530 Q184 +Q132193 P140 Q9592 +Q205473 P136 Q37073 +Q184572 P27 Q27 +Q700018 P509 Q12192 +Q356283 P136 Q482 +Q76501 P106 Q4964182 +Q721704 P106 Q270141 +Q877537 P106 Q520549 +Q90856 P463 Q414110 +Q123413 P106 Q1792450 +Q428223 P136 Q83270 +Q312077 P27 Q30 +Q139549 P1412 Q9027 +Q449743 P161 Q42786 +Q124251 P106 Q14467526 +Q2685 P1412 Q188 +Q278699 P463 Q123885 +Q867599 P27 Q794 +Q456827 P106 Q2865819 +Q185658 P161 Q81328 +Q115490 P551 Q3150 +Q108006 P136 Q959790 +Q74639 P106 Q2135538 +Q4751826 P69 Q154804 +Q449743 P136 Q1054574 +Q98806 P27 Q183 +Q46405 P106 Q49757 +Q108639 P106 Q1234713 +Q302880 P27 Q30 +Q726298 P106 Q2526255 +Q232927 P106 Q33999 +Q608235 P106 Q81096 +Q468345 P27 Q30 +Q268147 P463 Q1938003 +Q232371 P509 Q175111 +Q328723 P106 Q33999 +Q434585 P106 Q33999 +Q104955 P108 Q158158 +Q96532 P27 Q183 +Q71402 P106 Q2259451 +Q231106 P264 Q21077 +Q721376 P69 Q153265 +Q621458 P106 Q901 +Q52924 P463 Q329464 +Q107405 P463 Q466089 +Q220713 P161 Q270730 +Q62889 P106 Q82955 +Q9960 P27 Q30 +Q85411 P106 Q82955 +Q336769 P27 Q2184 +Q37030 P19 Q2843 +Q28196 P840 Q1218 +Q216708 P106 Q177220 +Q58857 P106 Q36834 +Q150989 P463 Q188771 +Q318750 P106 Q1622272 +Q865 P530 Q739 +Q110960 P106 Q765778 +Q386245 P136 Q471839 +Q286868 P161 Q65932 +Q474810 P135 Q37068 +Q60506 P161 Q236463 +Q345517 P106 Q10800557 +Q9696 P27 Q30 +Q114 P530 Q924 +Q61629 P136 Q182357 +Q110921 P69 Q151510 +Q1361996 P27 Q29 +Q213562 P102 Q49768 +Q139319 P37 Q7737 +Q739 P530 Q408 +Q72984 P106 Q10800557 +Q379994 P136 Q859369 +Q1282413 P106 Q1028181 +Q210059 P106 Q6625963 +Q235519 P106 Q2259451 +Q994 P131 Q230 +Q160215 P136 Q188473 +Q37060 P136 Q8261 +Q49478 P136 Q482 +Q218679 P119 Q311 +Q3336032 P106 Q188094 +Q84842 P69 Q165980 +Q76593 P69 Q204181 +Q204005 P136 Q37073 +Q310394 P463 Q463303 +Q1687803 P1303 Q17172850 +Q239195 P106 Q33999 +Q232009 P136 Q157394 +Q323318 P161 Q4509 +Q7349 P136 Q9734 +Q181529 P463 Q337352 +Q1058124 P106 Q33999 +Q17 P530 Q148 +Q314382 P106 Q11774202 +Q274342 P106 Q13590141 +Q1203 P136 Q11399 +Q311314 P106 Q2259451 +Q291170 P161 Q18938 +Q464474 P106 Q1930187 +Q366584 P1303 Q17172850 +Q234015 P69 Q1137719 +Q382036 P69 Q49088 +Q153677 P161 Q317110 +Q77377 P102 Q7320 +Q220480 P509 Q12202 +Q698444 P27 Q218 +Q121926 P463 Q2370801 +Q171363 P106 Q3282637 +Q75523 P69 Q154561 +Q414 P530 Q79 +Q740378 P106 Q39631 +Q84904 P509 Q9687 +Q259913 P1412 Q1860 +Q322760 P264 Q1465812 +Q710626 P106 Q14915627 +Q390164 P161 Q370918 +Q92130 P27 Q183 +Q240899 P840 Q1223 +Q95125 P27 Q30 +Q1861917 P106 Q33999 +Q58978 P108 Q152087 +Q466457 P106 Q49757 +Q3720507 P69 Q168426 +Q42402 P106 Q753110 +Q224187 P161 Q267522 +Q110870 P20 Q2814 +Q184 P530 Q458 +Q453011 P106 Q36180 +Q1886750 P136 Q850412 +Q95355 P69 Q152087 +Q235388 P106 Q2405480 +Q47878 P106 Q639669 +Q108009 P102 Q7320 +Q258053 P136 Q83270 +Q202508 P136 Q157394 +Q220335 P106 Q3282637 +Q48112 P106 Q82955 +Q43144 P106 Q18581305 +Q48053 P27 Q15180 +Q44398 P264 Q277626 +Q535157 P1412 Q7737 +Q5284 P106 Q131524 +Q192979 P136 Q188473 +Q190251 P1303 Q163829 +Q270 P17 Q36 +Q35332 P69 Q579968 +Q27645 P106 Q12961474 +Q273910 P106 Q36834 +Q880405 P172 Q49085 +Q58328 P463 Q123885 +Q535812 P463 Q463303 +Q300568 P161 Q312081 +Q343633 P106 Q3282637 +Q2271710 P106 Q36180 +Q188375 P106 Q177220 +Q102551 P509 Q476921 +Q71345 P1412 Q188 +Q123916 P20 Q71 +Q220192 P161 Q310637 +Q334760 P463 Q83172 +Q448837 P106 Q639669 +Q203715 P20 Q2807 +Q168509 P106 Q1234713 +Q295542 P69 Q7739610 +Q104791 P106 Q3282637 +Q57239 P106 Q49757 +Q191305 P1412 Q150 +Q459057 P136 Q5442753 +Q1606257 P1303 Q6607 +Q506915 P1303 Q52954 +Q44306 P69 Q924289 +Q233581 P140 Q7325 +Q392 P106 Q130857 +Q165534 P101 Q11635 +Q1744 P106 Q713200 +Q253288 P106 Q1930187 +Q43432 P136 Q268253 +Q150651 P106 Q33999 +Q353754 P106 Q1622272 +Q736099 P106 Q158852 +Q221103 P136 Q1146335 +Q695 P463 Q188822 +Q463018 P106 Q16145150 +Q130746 P108 Q219694 +Q206972 P106 Q36180 +Q207544 P106 Q1930187 +Q95043 P40 Q314673 +Q1624891 P264 Q183387 +Q925493 P27 Q33946 +Q453691 P106 Q183945 +Q30875 P1412 Q150 +Q87168 P19 Q1780 +Q36233 P27 Q33946 +Q229566 P27 Q15180 +Q77608 P19 Q1731 +Q57289 P106 Q212980 +Q325396 P26 Q229011 +Q359457 P106 Q177220 +Q60029 P102 Q7320 +Q810 P463 Q656801 +Q851 P463 Q7172 +Q354002 P136 Q11399 +Q86553 P106 Q333634 +Q158175 P1303 Q17172850 +Q365199 P106 Q806349 +Q865 P530 Q211 +Q955405 P20 Q100 +Q444663 P106 Q33999 +Q319171 P840 Q155 +Q1501423 P1303 Q51290 +Q26318 P19 Q65 +Q188000 P161 Q269830 +Q263279 P1303 Q17172850 +Q354542 P1303 Q80019 +Q130780 P106 Q36180 +Q77143 P106 Q753110 +Q229197 P106 Q2405480 +Q28493 P106 Q2259451 +Q502325 P106 Q1569495 +Q214816 P106 Q4263842 +Q450714 P106 Q33999 +Q312450 P136 Q37073 +Q298838 P1303 Q51290 +Q313739 P106 Q36180 +Q772064 P106 Q193391 +Q800 P463 Q17495 +Q287960 P136 Q157394 +Q340260 P1303 Q8338 +Q231730 P69 Q4614 +Q289303 P119 Q272208 +Q2514 P106 Q1930187 +Q505517 P136 Q208494 +Q1385119 P69 Q591115 +Q332508 P106 Q333634 +Q1928543 P264 Q277626 +Q213793 P106 Q855091 +Q77109 P3373 Q77087 +Q456386 P264 Q183412 +Q63458 P101 Q476294 +Q157242 P69 Q50662 +Q38 P530 Q928 +Q181678 P69 Q487556 +Q41076 P264 Q203059 +Q1066772 P106 Q177220 +Q439626 P27 Q30 +Q1111386 P69 Q49112 +Q313813 P136 Q483352 +Q18227 P1412 Q1860 +Q971422 P264 Q2338889 +Q1861917 P140 Q432 +Q283932 P161 Q41449 +Q69320 P106 Q2526255 +Q559567 P106 Q201788 +Q58626 P69 Q55044 +Q229775 P27 Q30 +Q523870 P106 Q1371378 +Q55 P463 Q151991 +Q4247 P27 Q39 +Q945024 P19 Q33935 +Q464318 P106 Q36180 +Q48779 P20 Q129259 +Q53010 P106 Q33999 +Q1622098 P136 Q188450 +Q289598 P495 Q30 +Q180727 P140 Q748 +Q50764 P737 Q50713 +Q96843 P106 Q33999 +Q34460 P451 Q35332 +Q41422 P69 Q7607037 +Q264730 P69 Q993267 +Q77615 P27 Q183 +Q533284 P1412 Q1321 +Q631722 P106 Q3665646 +Q91972 P106 Q201788 +Q503657 P1412 Q7737 +Q310953 P69 Q49110 +Q120260 P106 Q177220 +Q38 P463 Q7809 +Q889 P530 Q20 +Q5592 P509 Q193840 +Q232 P37 Q7737 +Q484523 P106 Q1028181 +Q38022 P131 Q1581 +Q184565 P106 Q193391 +Q1386899 P509 Q208414 +Q315188 P1412 Q7737 +Q382638 P27 Q38 +Q201477 P463 Q3603946 +Q327312 P136 Q959790 +Q55210 P106 Q222344 +Q144929 P840 Q60 +Q75849 P102 Q7320 +Q392 P106 Q28389 +Q105875 P106 Q639669 +Q116905 P161 Q287824 +Q710282 P1303 Q17172850 +Q514998 P106 Q4263842 +Q708473 P1412 Q150 +Q272374 P106 Q3282637 +Q158997 P106 Q4964182 +Q980235 P106 Q1930187 +Q77809 P26 Q67449 +Q232514 P1412 Q1321 +Q333106 P106 Q49757 +Q266319 P19 Q8717 +Q157322 P106 Q82955 +Q61067 P106 Q185351 +Q2042 P172 Q121842 +Q39803 P106 Q1622272 +Q297024 P106 Q482980 +Q155545 P19 Q90 +Q797659 P19 Q3955 +Q474810 P20 Q1486 +Q177288 P106 Q333634 +Q216814 P463 Q188771 +Q313009 P106 Q639669 +Q211392 P1412 Q9067 +Q801 P530 Q27 +Q924668 P106 Q639669 +Q132537 P69 Q13371 +Q537005 P106 Q82955 +Q916675 P106 Q1930187 +Q32849 P106 Q177220 +Q642127 P106 Q36180 +Q328320 P136 Q188473 +Q250669 P106 Q639669 +Q303751 P106 Q33999 +Q93147 P69 Q49108 +Q719623 P106 Q593644 +Q36 P530 Q148 +Q131864 P161 Q103646 +Q84455 P106 Q214917 +Q5608 P106 Q10800557 +Q7343182 P106 Q17167049 +Q78119 P27 Q408 +Q216457 P106 Q333634 +Q9513 P27 Q129286 +Q541964 P106 Q2004963 +Q539 P19 Q33959 +Q44652 P106 Q36180 +Q235946 P27 Q30 +Q235002 P27 Q30 +Q1770624 P451 Q358087 +Q88937 P106 Q49757 +Q49355 P106 Q1622272 +Q1020 P463 Q899770 +Q8018 P101 Q5891 +Q215042 P1412 Q188 +Q1153032 P112 Q344384 +Q2022 P106 Q864380 +Q575689 P3373 Q231270 +Q865 P530 Q697 +Q55917 P19 Q270 +Q836 P463 Q8475 +Q223303 P106 Q10800557 +Q708473 P106 Q4220892 +Q105801 P495 Q30 +Q181995 P20 Q90 +Q451608 P106 Q205375 +Q185465 P106 Q488205 +Q124527 P106 Q1930187 +Q190162 P172 Q49085 +Q191480 P463 Q83172 +Q86924 P463 Q694714 +Q106598 P106 Q15980158 +Q242552 P106 Q10800557 +Q43 P530 Q79 +Q287688 P19 Q79867 +Q72971 P106 Q82955 +Q1045 P37 Q13955 +Q1789286 P106 Q639669 +Q62115 P27 Q183 +Q3193543 P106 Q49757 +Q311306 P19 Q60 +Q557525 P20 Q90 +Q243639 P1303 Q5994 +Q353762 P69 Q219615 +Q553196 P1412 Q1860 +Q938402 P106 Q36180 +Q435278 P106 Q1930187 +Q34670 P106 Q11774202 +Q1011 P463 Q134102 +Q219 P530 Q252 +Q10738 P172 Q49085 +Q96452 P106 Q482980 +Q434160 P106 Q36180 +Q236351 P1303 Q17172850 +Q923242 P106 Q40348 +Q36740 P106 Q82955 +Q989 P106 Q1476215 +Q240222 P106 Q486748 +Q526518 P106 Q333634 +Q708110 P27 Q30 +Q763 P463 Q8475 +Q57249 P27 Q28513 +Q57603 P106 Q2504617 +Q77745 P102 Q49768 +Q444125 P106 Q10800557 +Q215868 P106 Q974144 +Q1203 P264 Q679007 +Q61769 P69 Q315658 +Q730 P463 Q7809 +Q481482 P463 Q2822396 +Q86723 P20 Q2773 +Q61197 P106 Q169470 +Q743035 P106 Q1930187 +Q168555 P1303 Q17172850 +Q231171 P106 Q4853732 +Q162389 P106 Q10798782 +Q893785 P20 Q90 +Q94018 P27 Q40 +Q3057567 P69 Q49088 +Q207536 P161 Q438161 +Q43499 P737 Q1541 +Q3441496 P1412 Q1860 +Q25948 P20 Q162049 +Q145 P463 Q376150 +Q183 P530 Q858 +Q61425 P20 Q1726 +Q1067000 P27 Q30 +Q432694 P19 Q49142 +Q102336 P106 Q1622272 +Q58866 P102 Q7320 +Q454334 P106 Q33999 +Q216102 P27 Q801 +Q351670 P106 Q158852 +Q202136 P106 Q121594 +Q318004 P27 Q142 +Q436719 P27 Q145 +Q804348 P106 Q177220 +Q950350 P69 Q4614 +Q229940 P106 Q10798782 +Q179558 P119 Q208175 +Q1271 P106 Q82955 +Q214 P463 Q3866537 +Q63670 P106 Q1622272 +Q363117 P19 Q18426 +Q134077 P27 Q145 +Q39792 P1412 Q1860 +Q194333 P136 Q484641 +Q380852 P106 Q2490358 +Q332798 P136 Q846544 +Q362340 P119 Q240744 +Q36740 P140 Q748 +Q116055 P27 Q39 +Q88223 P106 Q1930187 +Q352233 P106 Q33999 +Q157282 P106 Q121594 +Q4266175 P119 Q1457437 +Q169564 P495 Q142 +Q982023 P19 Q90 +Q335794 P136 Q35760 +Q325396 P69 Q1583249 +Q167768 P119 Q1574424 +Q73924 P106 Q40348 +Q94108 P27 Q7318 +Q203806 P106 Q2526255 +Q981981 P106 Q49757 +Q68654 P106 Q2405480 +Q378870 P106 Q250867 +Q2086130 P106 Q1781198 +Q194045 P27 Q30 +Q224004 P136 Q52162262 +Q61597 P3373 Q71407 +Q295794 P452 Q746359 +Q69973 P69 Q152171 +Q1014 P463 Q656801 +Q1509908 P106 Q43845 +Q593554 P106 Q14915627 +Q179695 P1412 Q150 +Q167216 P69 Q49213 +Q919565 P27 Q30 +Q223790 P106 Q10800557 +Q66426 P119 Q564922 +Q560390 P27 Q33946 +Q348790 P1412 Q7913 +Q444344 P172 Q49085 +Q747538 P69 Q27923720 +Q9358 P737 Q172599 +Q311450 P136 Q131272 +Q23481 P106 Q1028181 +Q309926 P136 Q3071 +Q529639 P106 Q49757 +Q9358 P108 Q372608 +Q369797 P161 Q309788 +Q104688 P106 Q1622272 +Q126941 P106 Q36180 +Q354158 P106 Q36834 +Q108553 P27 Q183 +Q273338 P106 Q1930187 +Q481885 P106 Q486748 +Q172035 P451 Q273484 +Q57848 P106 Q36180 +Q163899 P161 Q200407 +Q651059 P69 Q752663 +Q95949 P20 Q56037 +Q192145 P69 Q5149833 +Q193710 P106 Q639669 +Q232015 P1412 Q5146 +Q81447 P106 Q121594 +Q710619 P19 Q37320 +Q282372 P136 Q157443 +Q102225 P161 Q106481 +Q362886 P136 Q11399 +Q57168 P1412 Q188 +Q207536 P161 Q43416 +Q173417 P1412 Q1860 +Q80959 P161 Q81131 +Q872815 P27 Q28513 +Q302762 P106 Q822146 +Q106746 P20 Q16555 +Q881 P463 Q17495 +Q444525 P161 Q354873 +Q233736 P106 Q486748 +Q71067 P140 Q75809 +Q937936 P106 Q82955 +Q212689 P161 Q237273 +Q463042 P106 Q177220 +Q107124 P463 Q1202021 +Q906529 P463 Q270794 +Q92497 P106 Q1397808 +Q153725 P27 Q884 +Q133855 P172 Q50001 +Q184249 P101 Q207628 +Q274274 P106 Q488205 +Q73892 P106 Q36180 +Q48990 P20 Q649 +Q960081 P106 Q1930187 +Q70809 P27 Q183 +Q96669 P1412 Q1321 +Q5928 P136 Q206159 +Q183 P463 Q233611 +Q211009 P136 Q2137852 +Q70795 P27 Q34266 +Q1014 P361 Q4412 +Q152306 P1412 Q9027 +Q336222 P106 Q639669 +Q44414 P106 Q488205 +Q1622098 P551 Q65 +Q283317 P27 Q142 +Q282372 P136 Q188473 +Q80938 P27 Q30 +Q232197 P264 Q2482872 +Q378672 P106 Q10798782 +Q28 P530 Q233 +Q311786 P1412 Q1860 +Q129598 P106 Q901402 +Q428814 P106 Q14467526 +Q211539 P69 Q319078 +Q1386443 P26 Q231880 +Q123386 P106 Q49757 +Q1314285 P102 Q29468 +Q215636 P20 Q43788 +Q217154 P27 Q794 +Q277356 P106 Q214917 +Q234819 P106 Q28389 +Q49828 P108 Q213439 +Q716367 P19 Q649 +Q109608 P102 Q49762 +Q234360 P106 Q1930187 +Q837 P530 Q148 +Q1452607 P136 Q8341 +Q157879 P161 Q211322 +Q699565 P102 Q29468 +Q179018 P161 Q219373 +Q25147 P27 Q38 +Q93868 P161 Q122020 +Q234335 P551 Q172 +Q323060 P20 Q84 +Q1173441 P19 Q37836 +Q4405759 P463 Q2370801 +Q97998 P27 Q183 +Q207034 P463 Q463303 +Q236596 P101 Q482 +Q381505 P102 Q29552 +Q103955 P69 Q154804 +Q221236 P161 Q355344 +Q336517 P161 Q28941 +Q44380 P1412 Q1860 +Q356369 P106 Q5322166 +Q1869627 P264 Q772494 +Q131324 P3373 Q349461 +Q5809 P509 Q2140674 +Q919835 P106 Q18814623 +Q184255 P136 Q130232 +Q154581 P161 Q212416 +Q69834 P106 Q1225716 +Q233377 P27 Q30 +Q76346 P69 Q151510 +Q931148 P140 Q55004488 +Q212041 P57 Q56008 +Q653632 P136 Q484641 +Q11881 P27 Q30 +Q373421 P463 Q1971373 +Q310637 P27 Q34 +Q157293 P27 Q30 +Q369388 P161 Q16766 +Q691798 P106 Q1234713 +Q108935 P26 Q381203 +Q72971 P551 Q72 +Q171530 P106 Q10798782 +Q139642 P551 Q11299 +Q68537 P27 Q15180 +Q40197 P20 Q16556 +Q90009 P106 Q1622272 +Q353816 P463 Q691152 +Q160852 P463 Q4742987 +Q60087 P19 Q1040 +Q90009 P106 Q1930187 +Q21826 P106 Q81096 +Q105531 P463 Q543804 +Q189564 P106 Q36180 +Q164784 P463 Q684415 +Q44426 P106 Q10798782 +Q1671177 P108 Q838330 +Q551129 P69 Q332342 +Q156201 P463 Q1132636 +Q715195 P1050 Q12204 +Q123718 P106 Q753110 +Q23527 P106 Q245068 +Q190765 P495 Q142 +Q36290 P264 Q43327 +Q313367 P106 Q2059704 +Q110450 P27 Q30 +Q462356 P106 Q1930187 +Q1406115 P106 Q2961975 +Q761838 P69 Q49115 +Q316381 P1412 Q9027 +Q505882 P106 Q10800557 +Q342778 P19 Q16568 +Q465296 P1303 Q6607 +Q260318 P27 Q30 +Q311769 P106 Q2259451 +Q350857 P27 Q2184 +Q57218 P463 Q558439 +Q1744 P136 Q211756 +Q166214 P161 Q230534 +Q107405 P463 Q270794 +Q1350303 P19 Q24826 +Q689820 P172 Q84072 +Q96407 P108 Q40025 +Q75812 P108 Q174570 +Q76325 P140 Q75809 +Q180338 P136 Q21590660 +Q55497 P27 Q30 +Q59112 P69 Q49124 +Q16296 P106 Q10798782 +Q179854 P106 Q36180 +Q272944 P27 Q30 +Q289428 P102 Q29468 +Q563057 P264 Q165711 +Q46182 P27 Q207272 +Q49009 P106 Q639669 +Q1622098 P136 Q325504 +Q85092 P1412 Q188 +Q467423 P27 Q30 +Q368674 P136 Q860626 +Q183 P530 Q574 +Q61064 P551 Q1874 +Q317817 P106 Q948329 +Q119527 P69 Q152171 +Q310926 P106 Q33999 +Q57124 P1412 Q9056 +Q106057 P106 Q33999 +Q356287 P106 Q33999 +Q63439 P106 Q855091 +Q211 P463 Q17495 +Q434968 P19 Q5092 +Q82934 P1412 Q150 +Q1441274 P106 Q639669 +Q365044 P27 Q38 +Q110365 P495 Q189 +Q88748 P1412 Q188 +Q213081 P161 Q309592 +Q233433 P106 Q10800557 +Q954997 P19 Q16555 +Q236943 P136 Q37073 +Q32045 P19 Q3141 +Q214 P530 Q184 +Q86225 P19 Q1085 +Q974670 P136 Q8341 +Q274267 P106 Q33231 +Q208108 P161 Q106573 +Q197206 P106 Q1906857 +Q62432 P19 Q14859 +Q57074 P20 Q1754 +Q213567 P1412 Q1860 +Q181069 P161 Q73416 +Q367905 P69 Q190080 +Q720785 P106 Q15981151 +Q161087 P136 Q22981906 +Q981785 P1412 Q1860 +Q447831 P119 Q3400970 +Q88389 P108 Q20266894 +Q1029853 P106 Q1607826 +Q187019 P737 Q233898 +Q55469 P451 Q211111 +Q333591 P106 Q82955 +Q9061 P101 Q5891 +Q555147 P69 Q209842 +Q620609 P1412 Q9078 +Q563057 P264 Q202585 +Q555426 P1303 Q17172850 +Q240851 P27 Q129286 +Q501 P106 Q482980 +Q1941315 P106 Q864380 +Q44552 P106 Q2722764 +Q1041749 P1412 Q5287 +Q183492 P737 Q81447 +Q704700 P1412 Q1860 +Q187192 P106 Q639669 +Q296872 P106 Q183945 +Q723141 P20 Q90 +Q4473 P106 Q28389 +Q356397 P27 Q30 +Q7604 P106 Q16031530 +Q49285 P69 Q1378320 +Q92965 P106 Q81096 +Q234765 P1412 Q7737 +Q58121 P106 Q1930187 +Q228832 P264 Q38903 +Q434821 P106 Q158852 +Q50713 P106 Q3282637 +Q213447 P69 Q209842 +Q316955 P106 Q3282637 +Q801 P530 Q953 +Q80702 P30 Q538 +Q14678 P69 Q55044 +Q921 P463 Q842490 +Q2038 P69 Q3064259 +Q3150 P17 Q16957 +Q189 P530 Q33 +Q77082 P463 Q543804 +Q47667 P19 Q8686 +Q267764 P19 Q16563 +Q114533 P106 Q14915627 +Q1396655 P119 Q1457437 +Q84238 P106 Q36180 +Q55963 P106 Q36180 +Q268131 P106 Q4610556 +Q187019 P737 Q38392 +Q215369 P106 Q488205 +Q155378 P106 Q3282637 +Q203519 P19 Q649 +Q219150 P840 Q65 +Q160071 P161 Q235719 +Q313138 P106 Q33999 +Q1702383 P136 Q83440 +Q155 P530 Q574 +Q437710 P172 Q160894 +Q68751 P106 Q82955 +Q851 P530 Q817 +Q232417 P463 Q463303 +Q112307 P106 Q2259451 +Q51581 P106 Q33999 +Q229254 P1412 Q1860 +Q309555 P106 Q639669 +Q977488 P19 Q1297 +Q7259 P106 Q82594 +Q832085 P27 Q414 +Q21826 P509 Q12152 +Q221771 P136 Q49084 +Q246997 P161 Q264867 +Q76498 P27 Q183 +Q367748 P161 Q395494 +Q151973 P106 Q2259451 +Q227312 P27 Q28 +Q260648 P161 Q318509 +Q92455 P27 Q183 +Q554150 P106 Q1930187 +Q574124 P108 Q230492 +Q726607 P106 Q16533 +Q18628 P17 Q30 +Q1138543 P27 Q30 +Q232052 P106 Q28389 +Q2619019 P27 Q30 +Q910486 P1303 Q17172850 +Q377 P463 Q958769 +Q544611 P106 Q1930187 +Q126843 P1303 Q302497 +Q311267 P106 Q177220 +Q645167 P106 Q1028181 +Q544283 P1303 Q17172850 +Q320423 P161 Q674451 +Q58121 P19 Q1757 +Q123706 P1412 Q150 +Q369388 P161 Q180852 +Q158030 P106 Q4964182 +Q408 P530 Q697 +Q691076 P1303 Q17172850 +Q240782 P106 Q34074720 +Q645167 P1303 Q6607 +Q200572 P161 Q299483 +Q27610 P106 Q1930187 +Q211206 P136 Q645928 +Q115541 P106 Q177220 +Q78126 P106 Q193391 +Q843 P530 Q27 +Q100400 P106 Q822146 +Q544607 P136 Q52162262 +Q311068 P463 Q463281 +Q287099 P106 Q512314 +Q115483 P106 Q42973 +Q295080 P20 Q65 +Q82934 P106 Q1930187 +Q722119 P27 Q155 +Q62443 P106 Q1930187 +Q153421 P140 Q55004488 +Q455703 P20 Q8678 +Q106399 P106 Q593644 +Q329805 P136 Q130232 +Q270303 P106 Q4610556 +Q332348 P136 Q130232 +Q322465 P19 Q44989 +Q78496 P106 Q36180 +Q109520 P27 Q16957 +Q86289 P20 Q1489 +Q80510 P27 Q159 +Q331759 P106 Q639669 +Q57386 P509 Q3505252 +Q381039 P106 Q42603 +Q313283 P106 Q4610556 +Q312450 P106 Q10798782 +Q58978 P40 Q1556492 +Q392 P1303 Q6607 +Q104688 P69 Q20808141 +Q287607 P106 Q33999 +Q319773 P136 Q187760 +Q233479 P106 Q1930187 +Q403 P530 Q159 +Q118229 P106 Q82955 +Q502362 P106 Q482980 +Q2019530 P27 Q174193 +Q32 P463 Q3866537 +Q82222 P27 Q30 +Q51559 P69 Q993267 +Q228818 P106 Q33999 +Q124784 P1412 Q387066 +Q108664 P1412 Q397 +Q272064 P136 Q2484376 +Q247526 P19 Q174 +Q78772 P106 Q36180 +Q8015 P1412 Q150 +Q98960 P463 Q833738 +Q156394 P136 Q471839 +Q977 P37 Q13955 +Q182589 P106 Q36180 +Q463715 P140 Q131036 +Q67672 P108 Q168426 +Q67635 P20 Q1794 +Q334965 P106 Q4964182 +Q183141 P172 Q7325 +Q181881 P106 Q43845 +Q28147 P27 Q183 +Q989 P106 Q860918 +Q19801728 P136 Q842256 +Q306631 P264 Q1988428 +Q125133 P106 Q36180 +Q70324 P463 Q18912936 +Q295589 P69 Q499911 +Q40874 P106 Q28389 +Q316709 P27 Q145 +Q58057 P27 Q43287 +Q265 P463 Q188822 +Q158398 P495 Q183 +Q72984 P1303 Q17172850 +Q581943 P1412 Q9299 +Q369492 P161 Q42581 +Q318165 P106 Q33999 +Q12288275 P106 Q15253558 +Q317160 P106 Q6625963 +Q84444 P463 Q329464 +Q191480 P106 Q487596 +Q24995 P1412 Q5146 +Q463639 P106 Q10774753 +Q76837 P69 Q209842 +Q905 P172 Q34069 +Q75789 P106 Q3455803 +Q76364 P140 Q9268 +Q358885 P1412 Q7737 +Q516505 P106 Q10800557 +Q369762 P106 Q189290 +Q233424 P106 Q36180 +Q213864 P106 Q28389 +Q328042 P20 Q19660 +Q250975 P1412 Q1321 +Q381734 P20 Q104192 +Q2260923 P106 Q2516866 +Q229545 P19 Q1297 +Q190086 P136 Q842256 +Q267914 P19 Q1345 +Q68501 P463 Q459620 +Q36105 P1412 Q1860 +Q97096 P106 Q49757 +Q745363 P106 Q49757 +Q131691 P19 Q1761 +Q1406622 P106 Q177220 +Q484523 P106 Q10800557 +Q744288 P106 Q1622272 +Q934737 P27 Q145 +Q403 P463 Q1480793 +Q119811 P106 Q40348 +Q1725017 P463 Q833738 +Q182788 P106 Q6625963 +Q234145 P463 Q2370801 +Q8768 P106 Q82955 +Q442721 P264 Q183387 +Q230744 P172 Q42406 +Q46633 P106 Q4964182 +Q1721 P17 Q2415901 +Q64579 P106 Q333634 +Q271256 P136 Q83440 +Q107914 P840 Q258 +Q51489 P106 Q36180 +Q490464 P161 Q485901 +Q26207 P1412 Q1860 +Q16 P530 Q29 +Q119348 P69 Q4614 +Q319084 P140 Q9268 +Q102483 P106 Q11774202 +Q1057003 P106 Q486748 +Q236960 P101 Q482 +Q1039759 P136 Q37073 +Q273055 P106 Q3665646 +Q558288 P106 Q1028181 +Q119849 P106 Q28389 +Q83557 P463 Q83172 +Q286566 P20 Q90 +Q43736 P172 Q161652 +Q53096 P161 Q229241 +Q162045 P69 Q180865 +Q318165 P27 Q30 +Q140099 P136 Q37073 +Q4960 P172 Q1344183 +Q10648 P172 Q181634 +Q80437 P641 Q2736 +Q32535 P161 Q314640 +Q51267 P69 Q170027 +Q105756 P737 Q134180 +Q9177981 P106 Q1930187 +Q356537 P106 Q36180 +Q191020 P463 Q270794 +Q201477 P463 Q463303 +Q1224 P463 Q338489 +Q62918 P106 Q42973 +Q533369 P1303 Q17172850 +Q89219 P27 Q28513 +Q29573 P108 Q49108 +Q213870 P463 Q695302 +Q2632 P136 Q11399 +Q78408 P19 Q61942 +Q271981 P1303 Q52954 +Q294321 P463 Q463281 +Q5549674 P108 Q168756 +Q242535 P136 Q37073 +Q47900 P106 Q82955 +Q274604 P108 Q156598 +Q7314 P27 Q34266 +Q835 P106 Q6625963 +Q178698 P106 Q8178443 +Q221903 P172 Q133032 +Q157318 P108 Q50662 +Q6294 P551 Q1297 +Q330093 P136 Q83440 +Q247538 P19 Q18419 +Q392806 P161 Q88997 +Q981513 P106 Q901 +Q34628 P106 Q49757 +Q1978533 P19 Q490 +Q356309 P106 Q2259451 +Q168452 P101 Q41217 +Q8027 P69 Q1524124 +Q542307 P1412 Q9168 +Q675 P106 Q170790 +Q432655 P551 Q65 +Q695 P530 Q702 +Q68225 P106 Q169470 +Q7546 P106 Q3387717 +Q633 P106 Q10800557 +Q707460 P1303 Q9798 +Q1009 P530 Q230 +Q57641 P1412 Q9067 +Q233081 P136 Q37073 +Q1779574 P20 Q585 +Q153802 P106 Q639669 +Q214602 P106 Q201788 +Q513991 P19 Q23197 +Q186329 P1412 Q150 +Q444250 P106 Q177220 +Q379461 P27 Q30 +Q467519 P136 Q180268 +Q927771 P106 Q2259451 +Q3462736 P19 Q1754 +Q211082 P106 Q33999 +Q104049 P69 Q216458 +Q267769 P1412 Q9067 +Q212002 P106 Q33999 +Q679007 P136 Q11399 +Q4536 P136 Q496523 +Q63184 P19 Q1055 +Q57501 P106 Q185351 +Q231256 P106 Q1234713 +Q214324 P106 Q482980 +Q710626 P106 Q158852 +Q333106 P27 Q174193 +Q11239 P102 Q29468 +Q558582 P1050 Q10874 +Q737845 P463 Q939743 +Q111164 P1412 Q188 +Q185085 P106 Q49757 +Q116928 P136 Q52207399 +Q296887 P1412 Q1860 +Q668 P530 Q833 +Q12883 P140 Q23540 +Q71208 P108 Q206702 +Q155559 P161 Q347395 +Q88821 P20 Q1741 +Q288150 P136 Q959790 +Q540134 P1303 Q17172850 +Q232015 P106 Q10800557 +Q119527 P1412 Q188 +Q315514 P551 Q649 +Q367073 P106 Q2526255 +Q66107 P27 Q183 +Q207356 P463 Q463281 +Q983450 P106 Q901 +Q456413 P106 Q28389 +Q4892001 P19 Q2807 +Q241835 P136 Q58339 +Q102289 P106 Q3391743 +Q67231 P106 Q483501 +Q211136 P1303 Q46185 +Q441913 P106 Q2259451 +Q902 P530 Q214 +Q332256 P106 Q177220 +Q60178 P106 Q170790 +Q909149 P495 Q30 +Q165524 P19 Q47164 +Q125666 P136 Q37073 +Q953450 P106 Q488205 +Q93797 P509 Q189588 +Q72867 P106 Q18545066 +Q971962 P19 Q472 +Q438968 P106 Q520549 +Q90581 P20 Q174 +Q164582 P641 Q718 +Q57465 P27 Q41304 +Q218679 P108 Q216047 +Q30570 P463 Q131366 +Q313571 P27 Q29 +Q225629 P27 Q30 +Q1130457 P138 Q277356 +Q92849 P106 Q6625963 +Q76492 P106 Q6625963 +Q1276 P106 Q2914170 +Q1007 P463 Q294278 +Q49903 P136 Q1054574 +Q47112095 P1412 Q1860 +Q5383 P20 Q11299 +Q358714 P69 Q797078 +Q43 P37 Q256 +Q2857384 P106 Q177220 +Q537320 P106 Q2516866 +Q730261 P106 Q183945 +Q6530 P106 Q4964182 +Q949046 P1412 Q1860 +Q468452 P19 Q5083 +Q159542 P106 Q783906 +Q41488 P106 Q333634 +Q216195 P551 Q1370 +Q296630 P106 Q33999 +Q383355 P136 Q860626 +Q153185 P69 Q273523 +Q598185 P106 Q3282637 +Q29572198 P106 Q36180 +Q256037 P136 Q645928 +Q2892622 P102 Q9626 +Q3091395 P19 Q90 +Q2578559 P27 Q30 +Q119798 P106 Q3282637 +Q95119 P106 Q28389 +Q213520 P106 Q158852 +Q334180 P106 Q28389 +Q95034 P27 Q30 +Q867257 P19 Q23556 +Q5921 P136 Q9759 +Q106399 P69 Q49088 +Q490290 P19 Q16559 +Q157293 P106 Q639669 +Q529603 P19 Q1297 +Q129598 P69 Q13371 +Q362422 P1303 Q17172850 +Q335087 P463 Q463303 +Q134262 P551 Q1494 +Q6096 P136 Q850412 +Q1377134 P1303 Q6607 +Q177131 P106 Q10800557 +Q189505 P135 Q377616 +Q242162 P19 Q43668 +Q707607 P264 Q311439 +Q690974 P106 Q488205 +Q230445 P69 Q174710 +Q77112 P264 Q1124849 +Q72541 P136 Q8261 +Q447407 P136 Q1196752 +Q884 P530 Q40 +Q180337 P161 Q357762 +Q34529 P106 Q2259451 +Q56011 P27 Q38 +Q43939 P106 Q733786 +Q44653 P264 Q183412 +Q6714 P1412 Q9035 +Q4128 P102 Q192821 +Q222720 P161 Q204299 +Q434913 P106 Q2252262 +Q355781 P19 Q60 +Q212089 P27 Q145 +Q334288 P136 Q3071 +Q44552 P106 Q177220 +Q230303 P1412 Q1860 +Q258010 P106 Q2259451 +Q205707 P106 Q3282637 +Q193397 P106 Q33999 +Q337063 P106 Q864380 +Q73176 P19 Q1761 +Q443528 P106 Q6625963 +Q206388 P161 Q193105 +Q219491 P27 Q172579 +Q380531 P136 Q20378 +Q7327 P140 Q7066 +Q85295 P108 Q152171 +Q85618 P463 Q459620 +Q221202 P161 Q52392 +Q451312 P106 Q36180 +Q128560 P737 Q237196 +Q111536 P108 Q13371 +Q449525 P27 Q145 +Q936132 P106 Q10800557 +Q103955 P102 Q316533 +Q1272729 P106 Q183945 +Q728463 P108 Q35794 +Q221491 P57 Q215478 +Q61322 P106 Q11481802 +Q358345 P106 Q36180 +Q1238828 P106 Q36834 +Q352914 P106 Q12144794 +Q154353 P106 Q82955 +Q991543 P19 Q60 +Q19801728 P161 Q242792 +Q45546 P106 Q36180 +Q1141280 P27 Q145 +Q78089 P108 Q317053 +Q57106 P463 Q684415 +Q319133 P140 Q9268 +Q322275 P27 Q30 +Q220780 P161 Q242732 +Q131259 P19 Q2280 +Q62831 P140 Q7066 +Q68225 P463 Q451079 +Q216924 P27 Q16 +Q964776 P136 Q8261 +Q3903340 P20 Q490 +Q57802 P106 Q36180 +Q153700 P19 Q2044 +Q44634 P1303 Q17172850 +Q214 P530 Q183 +Q272931 P1303 Q6607 +Q174559 P495 Q30 +Q210792 P69 Q7864046 +Q204672 P19 Q65 +Q4074457 P136 Q1650915 +Q159542 P108 Q315658 +Q60970 P106 Q131524 +Q189 P530 Q159 +Q20 P530 Q408 +Q89949 P106 Q1622272 +Q178517 P19 Q350 +Q36 P530 Q219 +Q215868 P106 Q4853732 +Q238819 P1303 Q8371 +Q251479 P69 Q219694 +Q43144 P172 Q1075293 +Q235223 P264 Q193023 +Q582713 P106 Q16031530 +Q78869 P106 Q82955 +Q314774 P1412 Q1617 +Q242643 P1412 Q7976 +Q33240 P136 Q438503 +Q444601 P40 Q244395 +Q948093 P106 Q36180 +Q836656 P1412 Q1860 +Q374263 P106 Q10800557 +Q534234 P19 Q8652 +Q1157139 P106 Q4351403 +Q377428 P161 Q329156 +Q88412 P1412 Q188 +Q120905 P106 Q188094 +Q205721 P1050 Q12195 +Q239296 P136 Q157394 +Q363876 P106 Q10798782 +Q932344 P69 Q193727 +Q28 P530 Q224 +Q448837 P1303 Q17172850 +Q156597 P161 Q313522 +Q74236 P69 Q151510 +Q78830 P106 Q211346 +Q81324 P27 Q30 +Q963142 P136 Q83440 +Q1065624 P136 Q186472 +Q107350 P1412 Q188 +Q202537 P106 Q18844224 +Q179449 P108 Q202660 +Q235931 P264 Q43327 +Q272031 P106 Q386854 +Q1512152 P1412 Q188 +Q267435 P19 Q18424 +Q310515 P106 Q2259451 +Q25057 P161 Q223091 +Q104668 P106 Q19350898 +Q732513 P27 Q155 +Q244604 P161 Q318287 +Q554164 P1412 Q1860 +Q117392 P106 Q2405480 +Q153730 P69 Q49112 +Q95928 P27 Q183 +Q702508 P140 Q23540 +Q40580 P1412 Q1860 +Q106685 P106 Q82955 +Q107264 P108 Q190080 +Q64091 P69 Q165980 +Q60039 P106 Q47064 +Q218532 P106 Q10798782 +Q76358 P509 Q12204 +Q67641 P463 Q414110 +Q348571 P136 Q11399 +Q406 P30 Q46 +Q105756 P106 Q482980 +Q727 P17 Q55 +Q302675 P509 Q183134 +Q152513 P108 Q13371 +Q40933 P106 Q27532437 +Q1029 P530 Q258 +Q76534 P106 Q1930187 +Q1123489 P106 Q81096 +Q151976 P27 Q41 +Q41042 P463 Q414110 +Q152690 P20 Q1761 +Q488288 P106 Q18844224 +Q244333 P161 Q296883 +Q156469 P1412 Q9072 +Q1001250 P106 Q639669 +Q262294 P106 Q177220 +Q325422 P509 Q12078 +Q236355 P136 Q37073 +Q16053 P1412 Q150 +Q120626 P161 Q326723 +Q277356 P106 Q1231865 +Q459310 P106 Q1930187 +Q1824699 P1303 Q6607 +Q35 P463 Q41550 +Q766 P463 Q17495 +Q364582 P106 Q487596 +Q1322285 P106 Q639669 +Q48410 P106 Q10800557 +Q41590 P69 Q1145306 +Q85112 P463 Q939743 +Q105428 P1412 Q150 +Q1195390 P136 Q11399 +Q1068631 P27 Q30 +Q76748 P69 Q40025 +Q229920 P27 Q145 +Q123225 P106 Q39631 +Q298682 P106 Q2526255 +Q86225 P106 Q36834 +Q312901 P108 Q219694 +Q21197 P17 Q203493 +Q95068 P106 Q2259451 +Q766930 P106 Q639669 +Q126462 P1412 Q150 +Q467091 P106 Q333634 +Q251865 P106 Q18814623 +Q16 P530 Q851 +Q172584 P106 Q3455803 +Q78772 P551 Q1741 +Q78983 P102 Q161118 +Q321917 P106 Q6625963 +Q27 P463 Q782942 +Q733720 P106 Q1792450 +Q209012 P161 Q160432 +Q151848 P136 Q599558 +Q255342 P495 Q30 +Q92639 P27 Q30 +Q73463 P1303 Q17172850 +Q484302 P106 Q177220 +Q505994 P106 Q36834 +Q712082 P106 Q3387717 +Q584632 P108 Q209344 +Q230420 P27 Q30 +Q47163 P1412 Q397 +Q244975 P161 Q40523 +Q620609 P27 Q211 +Q1155256 P172 Q161652 +Q281964 P69 Q1051840 +Q282722 P106 Q2643890 +Q11612 P106 Q81096 +Q230 P530 Q851 +Q351849 P106 Q2405480 +Q90720 P27 Q30 +Q77027 P106 Q10800557 +Q592504 P463 Q1425328 +Q186807 P106 Q36180 +Q1424269 P106 Q177220 +Q105026 P106 Q14467526 +Q66236 P19 Q64 +Q335052 P106 Q82955 +Q727148 P106 Q1930187 +Q193236 P106 Q2095549 +Q152738 P119 Q208175 +Q741605 P106 Q189290 +Q26053 P106 Q33999 +Q1006152 P106 Q2526255 +Q272079 P509 Q181754 +Q76699 P106 Q185351 +Q217160 P136 Q83440 +Q43267 P264 Q43327 +Q41 P463 Q1928989 +Q4061 P106 Q15627169 +Q261981 P106 Q28389 +Q80702 P30 Q48 +Q544301 P1303 Q1343007 +Q454692 P19 Q1494 +Q809028 P106 Q6337803 +Q200672 P161 Q230308 +Q823935 P1412 Q188 +Q310300 P264 Q843402 +Q319342 P106 Q1930187 +Q220918 P106 Q3282637 +Q59972 P1412 Q9067 +Q10536 P641 Q2736 +Q863 P530 Q865 +Q235146 P140 Q9268 +Q786339 P27 Q172579 +Q16409 P102 Q192821 +Q912 P530 Q801 +Q441834 P106 Q10798782 +Q1452597 P106 Q753110 +Q1397888 P106 Q39631 +Q235134 P20 Q2807 +Q1009499 P106 Q1327329 +Q153739 P135 Q6034 +Q1607976 P102 Q29468 +Q58801 P27 Q1206012 +Q35236 P1412 Q9192 +Q76291 P463 Q329464 +Q210447 P69 Q1727138 +Q239897 P106 Q33999 +Q371716 P106 Q33999 +Q428347 P106 Q486748 +Q160422 P1412 Q7411 +Q242903 P106 Q33999 +Q153701 P106 Q6625963 +Q289469 P136 Q959790 +Q42156 P737 Q35802 +Q86362 P106 Q39631 +Q215072 P106 Q10798782 +Q184226 P737 Q190089 +Q48990 P108 Q1379834 +Q211280 P69 Q738258 +Q201477 P106 Q864380 +Q10411 P106 Q4853732 +Q36 P463 Q42262 +Q231726 P106 Q177220 +Q459310 P737 Q201538 +Q313739 P106 Q4991371 +Q77753 P106 Q36180 +Q2428820 P106 Q36180 +Q429664 P20 Q60 +Q313077 P27 Q27 +Q80135 P463 Q2003501 +Q29658 P495 Q29 +Q193573 P161 Q11998 +Q168359 P106 Q18814623 +Q360528 P106 Q10800557 +Q78479 P101 Q11190 +Q230445 P1412 Q1860 +Q234428 P69 Q486156 +Q272770 P106 Q33999 +Q360 P106 Q1930187 +Q133386 P27 Q29999 +Q920637 P19 Q172 +Q212041 P161 Q29055 +Q237413 P106 Q4263842 +Q1072843 P1412 Q1860 +Q90577 P463 Q812155 +Q57311 P551 Q2841 +Q230454 P1303 Q17172850 +Q91023 P19 Q586 +Q112427 P108 Q156737 +Q373267 P161 Q374220 +Q600859 P136 Q83270 +Q944159 P19 Q12439 +Q182642 P106 Q28389 +Q64238 P106 Q639669 +Q124357 P106 Q214917 +Q4028 P136 Q205049 +Q1017117 P19 Q16555 +Q196287 P106 Q593644 +Q347 P463 Q45177 +Q282951 P106 Q33999 +Q453330 P106 Q36834 +Q84696 P106 Q10800557 +Q166318 P20 Q220 +Q2482444 P106 Q19350898 +Q344983 P136 Q45981 +Q178517 P106 Q1053574 +Q3312950 P20 Q2807 +Q4532076 P27 Q15180 +Q399318 P106 Q753110 +Q214953 P101 Q8134 +Q60851 P106 Q6625963 +Q110450 P106 Q730242 +Q329700 P106 Q28389 +Q874 P530 Q865 +Q57384 P106 Q47064 +Q1950678 P463 Q131566 +Q61361 P1412 Q1860 +Q1677044 P1303 Q17172850 +Q9317 P108 Q35794 +Q76412 P106 Q214917 +Q1156 P30 Q48 +Q313080 P106 Q2252262 +Q516473 P106 Q43845 +Q280673 P106 Q1607826 +Q270664 P1412 Q1860 +Q551204 P463 Q270794 +Q114533 P1412 Q188 +Q105201 P172 Q42884 +Q222008 P69 Q981195 +Q332640 P106 Q131524 +Q206685 P1412 Q150 +Q96155 P20 Q64 +Q234964 P106 Q214917 +Q169311 P27 Q183 +Q215 P463 Q782942 +Q25139 P161 Q312705 +Q4293328 P20 Q649 +Q117913 P106 Q1114448 +Q260533 P136 Q860626 +Q519606 P106 Q483501 +Q4295 P106 Q1234713 +Q982729 P106 Q214917 +Q76537 P106 Q1397808 +Q83906 P1303 Q5994 +Q164703 P106 Q36180 +Q98370 P106 Q1930187 +Q2918925 P27 Q30 +Q547635 P27 Q145 +Q236343 P136 Q37073 +Q1716611 P1303 Q17172850 +Q152352 P106 Q36180 +Q315210 P172 Q121842 +Q57123 P140 Q55004488 +Q271426 P106 Q2405480 +Q373948 P108 Q230492 +Q354508 P101 Q638 +Q157623 P106 Q333634 +Q905 P106 Q40348 +Q244390 P737 Q160534 +Q1490 P131 Q17 +Q935369 P106 Q488205 +Q96 P530 Q916 +Q237602 P1412 Q1860 +Q6101686 P131 Q1492 +Q507864 P106 Q183945 +Q40572 P509 Q202837 +Q96923 P27 Q183 +Q152272 P106 Q7042855 +Q6043036 P172 Q133255 +Q948966 P69 Q131252 +Q235388 P1303 Q17172850 +Q1023788 P106 Q33999 +Q4430 P136 Q130232 +Q90493 P101 Q8134 +Q108840 P119 Q1130019 +Q181659 P106 Q4853732 +Q115588 P27 Q39 +Q123078 P106 Q6625963 +Q367109 P106 Q201788 +Q275652 P106 Q33999 +Q151869 P40 Q7726 +Q169000 P161 Q296370 +Q224029 P106 Q18844224 +Q434060 P106 Q10800557 +Q573584 P106 Q1622272 +Q123557 P463 Q938622 +Q181917 P19 Q84 +Q194142 P161 Q248179 +Q60072 P840 Q40 +Q976071 P509 Q188874 +Q25880 P551 Q23154 +Q35332 P1412 Q1860 +Q323260 P119 Q288130 +Q155 P530 Q148 +Q29031 P1412 Q1860 +Q721819 P106 Q639669 +Q185654 P140 Q9268 +Q3615114 P27 Q15180 +Q213195 P69 Q13371 +Q205473 P264 Q155152 +Q7302 P106 Q943995 +Q4100 P463 Q55473342 +Q1803878 P106 Q639669 +Q242474 P463 Q1971373 +Q1067 P106 Q4964182 +Q258750 P106 Q639669 +Q453011 P106 Q639669 +Q83338 P737 Q294912 +Q944386 P27 Q29999 +Q82949 P161 Q40026 +Q538824 P106 Q158852 +Q327542 P69 Q179036 +Q333653 P1412 Q7026 +Q428551 P161 Q272019 +Q161363 P551 Q36036 +Q95055 P106 Q10798782 +Q253695 P172 Q49085 +Q428223 P106 Q753110 +Q138416 P106 Q1622272 +Q44862 P106 Q9334029 +Q191132 P172 Q678551 +Q169082 P840 Q5083 +Q6694 P463 Q427318 +Q60987 P20 Q2090 +Q231004 P102 Q29468 +Q28517 P27 Q219 +Q311672 P1303 Q51290 +Q331759 P264 Q585643 +Q83542 P136 Q3072049 +Q348571 P509 Q9687 +Q597694 P463 Q604840 +Q72543 P106 Q36180 +Q287805 P27 Q30 +Q1346111 P106 Q43845 +Q187516 P106 Q43845 +Q240899 P840 Q5083 +Q218698 P106 Q6625963 +Q78928 P19 Q2973 +Q26702 P20 Q90 +Q316756 P106 Q10800557 +Q187423 P136 Q157443 +Q232348 P106 Q486748 +Q96 P463 Q827525 +Q931005 P20 Q100 +Q4977994 P106 Q1281618 +Q78931 P509 Q181754 +Q542489 P106 Q43845 +Q504458 P27 Q30 +Q152301 P106 Q33999 +Q162634 P106 Q10800557 +Q208116 P20 Q649 +Q2831 P136 Q11399 +Q155423 P27 Q29 +Q78414 P69 Q158158 +Q6512 P106 Q1234713 +Q133405 P136 Q885561 +Q307463 P3373 Q124710 +Q919156 P27 Q30 +Q213794 P69 Q151510 +Q126927 P106 Q33999 +Q401777 P106 Q2405480 +Q801 P37 Q13955 +Q213684 P551 Q241 +Q78680 P106 Q36180 +Q79102 P19 Q1741 +Q213773 P161 Q439358 +Q60506 P161 Q23359 +Q896193 P106 Q10800557 +Q8686 P131 Q13426199 +Q138050 P69 Q21578 +Q502 P1412 Q150 +Q124735 P106 Q49757 +Q283659 P106 Q11774202 +Q709646 P108 Q23548 +Q150630 P463 Q414188 +Q142999 P106 Q1234713 +Q661848 P27 Q36 +Q59346 P840 Q60 +Q86488 P106 Q19350898 +Q176558 P106 Q36180 +Q233085 P106 Q2405480 +Q242482 P27 Q30 +Q468452 P463 Q463303 +Q223687 P69 Q49213 +Q1281738 P106 Q33999 +Q128073 P1412 Q652 +Q350581 P106 Q488205 +Q185024 P119 Q1130019 +Q331497 P27 Q30 +Q267306 P101 Q207628 +Q296774 P69 Q174710 +Q220192 P161 Q229379 +Q116375 P1412 Q1860 +Q42775 P1050 Q11085 +Q191 P463 Q1043527 +Q229599 P161 Q310060 +Q323516 P102 Q29468 +Q69349 P119 Q1022 +Q61407 P27 Q183 +Q95424 P106 Q170790 +Q1042901 P106 Q183945 +Q215999 P106 Q1231865 +Q36 P30 Q46 +Q260918 P20 Q1345 +Q235820 P1412 Q1860 +Q7607037 P159 Q60 +Q189119 P106 Q18844224 +Q425821 P264 Q183387 +Q151593 P1412 Q150 +Q401645 P3373 Q57298 +Q374936 P106 Q639669 +Q78437 P106 Q201788 +Q58062 P106 Q2374149 +Q198644 P106 Q214917 +Q1077383 P106 Q639669 +Q260918 P106 Q753110 +Q1286993 P1303 Q6607 +Q668 P530 Q230 +Q731195 P27 Q30 +Q313211 P106 Q728425 +Q49941 P551 Q220 +Q214116 P1412 Q188 +Q273484 P1412 Q1860 +Q14540 P106 Q10800557 +Q224069 P57 Q59259 +Q28493 P106 Q33999 +Q47651 P106 Q82955 +Q5682 P27 Q29 +Q47284 P27 Q30 +Q454398 P161 Q485310 +Q366671 P27 Q33946 +Q36591 P106 Q333634 +Q84998 P106 Q3242115 +Q327426 P106 Q33231 +Q538362 P26 Q79034 +Q90195 P463 Q299015 +Q25835 P161 Q40531 +Q157259 P102 Q622441 +Q230744 P1412 Q1860 +Q1252841 P106 Q557880 +Q472856 P106 Q1930187 +Q230633 P106 Q10800557 +Q964071 P135 Q213457 +Q9438 P737 Q868 +Q275543 P106 Q33999 +Q980151 P106 Q2259451 +Q124869 P106 Q211346 +Q45388 P161 Q358322 +Q167696 P136 Q37073 +Q253476 P106 Q10800557 +Q398 P463 Q8475 +Q276392 P161 Q233313 +Q1006152 P20 Q220 +Q230320 P106 Q10800557 +Q540443 P641 Q718 +Q605489 P20 Q2807 +Q1386948 P19 Q60 +Q106709 P106 Q2059704 +Q54860 P452 Q746359 +Q371348 P106 Q753110 +Q817 P463 Q7172 +Q271625 P106 Q947873 +Q256054 P20 Q84 +Q1493339 P264 Q843402 +Q283696 P161 Q188772 +Q64988 P140 Q75809 +Q191084 P19 Q65 +Q390097 P161 Q269835 +Q53719 P495 Q148 +Q130873 P1412 Q9288 +Q88767 P463 Q329464 +Q380545 P106 Q14467526 +Q319527 P106 Q10798782 +Q326526 P161 Q219655 +Q173637 P106 Q2526255 +Q805 P530 Q145 +Q157131 P509 Q2140674 +Q57552 P172 Q7325 +Q712359 P264 Q202585 +Q376176 P106 Q28389 +Q539143 P106 Q753110 +Q25163 P1412 Q1860 +Q377428 P57 Q51495 +Q255463 P106 Q1930187 +Q207458 P27 Q30 +Q200509 P106 Q36180 +Q98058 P119 Q1783048 +Q2904665 P106 Q82955 +Q367085 P27 Q30 +Q117249 P264 Q193023 +Q57393 P106 Q36180 +Q1060636 P106 Q753110 +Q221103 P407 Q1860 +Q229 P463 Q5611262 +Q441825 P27 Q172579 +Q543195 P106 Q1930187 +Q102513 P136 Q8261 +Q435205 P1303 Q177220 +Q742634 P1412 Q652 +Q31164 P106 Q33999 +Q354250 P69 Q192088 +Q1888794 P69 Q49108 +Q365042 P106 Q2643890 +Q530377 P136 Q211573 +Q137800 P136 Q959790 +Q544387 P1412 Q1860 +Q164869 P106 Q855091 +Q154723 P101 Q9418 +Q464097 P551 Q340 +Q463715 P106 Q24067349 +Q551204 P108 Q230492 +Q578031 P106 Q18844224 +Q106709 P106 Q2526255 +Q456386 P1303 Q17172850 +Q449072 P463 Q1938003 +Q172584 P106 Q639669 +Q380467 P27 Q30 +Q766 P463 Q1065 +Q2749618 P159 Q1489 +Q88248 P106 Q201788 +Q1095520 P136 Q8341 +Q184605 P136 Q188473 +Q250545 P69 Q1815371 +Q215478 P69 Q13371 +Q736847 P106 Q42973 +Q452627 P106 Q188094 +Q57242 P463 Q329464 +Q78237 P106 Q14467526 +Q11621 P136 Q2143665 +Q892 P737 Q237196 +Q462579 P106 Q214917 +Q200873 P136 Q2973181 +Q380667 P161 Q104514 +Q173955 P161 Q211280 +Q311306 P106 Q33999 +Q587873 P1412 Q1321 +Q182905 P140 Q7066 +Q150471 P27 Q27306 +Q203843 P20 Q1489 +Q348658 P1303 Q6607 +Q247320 P106 Q14467526 +Q683058 P119 Q438199 +Q92828 P509 Q12078 +Q71650 P106 Q33999 +Q361649 P136 Q11401 +Q318607 P509 Q212961 +Q662809 P27 Q33946 +Q207916 P161 Q169982 +Q202420 P69 Q499911 +Q79 P530 Q399 +Q381799 P136 Q188473 +Q257953 P19 Q49111 +Q89491 P106 Q482980 +Q134644 P119 Q1053320 +Q356639 P106 Q10349745 +Q310975 P106 Q386854 +Q181 P106 Q43845 +Q517273 P264 Q183387 +Q1900295 P106 Q3922505 +Q942929 P27 Q15180 +Q4263050 P106 Q512314 +Q80938 P1412 Q1860 +Q64151 P161 Q313652 +Q41252 P17 Q43287 +Q84207 P108 Q700758 +Q896966 P27 Q30 +Q171453 P161 Q180942 +Q1315512 P106 Q639669 +Q940891 P264 Q3001888 +Q117012 P551 Q60 +Q689713 P108 Q503473 +Q298905 P1412 Q150 +Q1897271 P106 Q10800557 +Q512 P27 Q15180 +Q267550 P106 Q3282637 +Q109438 P106 Q5716684 +Q78508 P27 Q40 +Q391536 P26 Q343059 +Q294927 P106 Q10800557 +Q37944 P106 Q10800557 +Q1070832 P106 Q36834 +Q346833 P106 Q10800557 +Q297693 P27 Q16 +Q236835 P106 Q488111 +Q345325 P106 Q33999 +Q348170 P106 Q2504617 +Q64176 P102 Q49762 +Q28 P463 Q3866537 +Q218 P463 Q663492 +Q69395 P69 Q151510 +Q1349501 P1412 Q188 +Q444237 P463 Q83172 +Q332709 P108 Q820887 +Q230744 P451 Q207179 +Q355843 P69 Q333886 +Q1044415 P27 Q30 +Q554164 P1303 Q52954 +Q236475 P106 Q947873 +Q71130 P106 Q245068 +Q92183 P463 Q18650004 +Q265179 P136 Q37073 +Q34389 P1303 Q2643890 +Q470233 P27 Q213 +Q1241173 P172 Q49085 +Q201927 P106 Q177220 +Q350588 P106 Q3089940 +Q25163 P1412 Q652 +Q874 P463 Q899770 +Q207816 P495 Q30 +Q387414 P495 Q30 +Q144904 P140 Q9268 +Q878708 P27 Q30 +Q443120 P106 Q2259451 +Q166031 P161 Q16455 +Q3971 P463 Q747279 +Q428489 P161 Q123351 +Q125133 P106 Q49757 +Q294625 P136 Q132311 +Q239464 P136 Q850412 +Q780842 P69 Q21578 +Q1930941 P27 Q142 +Q584197 P106 Q40348 +Q271145 P106 Q177220 +Q217552 P840 Q34404 +Q9696 P1412 Q1860 +Q162597 P27 Q142 +Q165419 P1412 Q188 +Q275641 P264 Q585643 +Q92871 P106 Q1622272 +Q207197 P1412 Q188 +Q275875 P27 Q15180 +Q2281897 P27 Q30 +Q74639 P106 Q1622272 +Q709454 P172 Q49085 +Q189080 P136 Q11399 +Q234765 P106 Q18814623 +Q34981 P106 Q36180 +Q41 P530 Q851 +Q103285 P106 Q49757 +Q981981 P106 Q14467526 +Q287748 P136 Q959790 +Q83410 P106 Q10800557 +Q516870 P27 Q139319 +Q504923 P106 Q250867 +Q51513 P106 Q36180 +Q190828 P17 Q801 +Q74316 P69 Q152838 +Q207036 P27 Q145 +Q271824 P106 Q214917 +Q694732 P106 Q1930187 +Q234630 P19 Q18424 +Q70767 P106 Q1930187 +Q63699 P1412 Q188 +Q606125 P19 Q18438 +Q1933397 P106 Q183945 +Q180223 P106 Q1622272 +Q159808 P136 Q130232 +Q74639 P108 Q165980 +Q1334244 P136 Q9759 +Q464941 P106 Q82955 +Q210315 P509 Q11085 +Q942147 P106 Q16145150 +Q312720 P136 Q482 +Q184267 P102 Q79854 +Q11975 P1303 Q5994 +Q1066894 P106 Q753110 +Q11885 P136 Q83270 +Q11621 P136 Q130232 +Q62766 P106 Q2252262 +Q230203 P172 Q49078 +Q3339429 P106 Q43845 +Q2496057 P106 Q43845 +Q874 P463 Q8475 +Q34628 P106 Q1930187 +Q1371735 P106 Q753110 +Q1903090 P19 Q18419 +Q315072 P19 Q275118 +Q150471 P106 Q16533 +Q811 P530 Q183 +Q902 P530 Q219060 +Q709594 P264 Q726251 +Q1008 P463 Q656801 +Q107067 P264 Q3001888 +Q966067 P172 Q170217 +Q64257 P463 Q329464 +Q196159 P19 Q649 +Q66041 P69 Q569350 +Q218 P530 Q225 +Q154083 P1412 Q150 +Q533369 P27 Q30 +Q436571 P106 Q10800557 +Q115641 P1412 Q188 +Q6882 P106 Q6625963 +Q270937 P106 Q33999 +Q310580 P1303 Q17172850 +Q180004 P264 Q796316 +Q297532 P737 Q909 +Q774905 P69 Q1186843 +Q220154 P161 Q258793 +Q78386 P106 Q36180 +Q813 P463 Q17495 +Q329018 P19 Q975 +Q38203 P106 Q11499147 +Q131814 P106 Q753110 +Q62976 P136 Q130232 +Q401107 P27 Q29999 +Q180125 P57 Q242557 +Q211 P530 Q159 +Q90430 P106 Q3282637 +Q342778 P136 Q37073 +Q382068 P27 Q17 +Q63699 P106 Q36180 +Q113510 P106 Q11900058 +Q1646438 P264 Q168407 +Q354181 P106 Q28389 +Q192885 P106 Q1930187 +Q272134 P136 Q482 +Q715945 P106 Q82955 +Q112635 P161 Q108941 +Q129813 P161 Q230190 +Q732980 P106 Q876864 +Q2772878 P136 Q966564 +Q232774 P840 Q212 +Q669685 P1412 Q150 +Q140052 P19 Q84 +Q166056 P106 Q82955 +Q573532 P463 Q463303 +Q219776 P136 Q471839 +Q9061 P69 Q152171 +Q29 P530 Q710 +Q28848 P17 Q30 +Q691 P463 Q7785 +Q408 P463 Q842490 +Q282693 P19 Q21711493 +Q233340 P20 Q956 +Q63528 P102 Q49750 +Q972641 P509 Q12078 +Q92743 P463 Q40358 +Q67405 P3373 Q76727 +Q10716 P27 Q36704 +Q11613 P140 Q93191 +Q180224 P1303 Q17172850 +Q180338 P1412 Q150 +Q1997159 P106 Q43845 +Q648098 P264 Q1551705 +Q970649 P136 Q49084 +Q5784301 P161 Q205721 +Q1020 P530 Q408 +Q166590 P136 Q35760 +Q2560493 P106 Q3400985 +Q57431 P27 Q403 +Q983962 P27 Q211 +Q977 P361 Q27407 +Q231091 P19 Q8678 +Q216339 P119 Q564922 +Q243643 P161 Q190386 +Q251738 P106 Q81096 +Q1733964 P20 Q47265 +Q154935 P136 Q157443 +Q272977 P27 Q30 +Q207824 P1303 Q133163 +Q49683 P37 Q809 +Q381768 P106 Q10798782 +Q85716 P69 Q152838 +Q468585 P69 Q7739610 +Q362828 P27 Q15180 +Q37001 P106 Q33999 +Q108216 P106 Q1930187 +Q51545 P106 Q28389 +Q115490 P106 Q901 +Q84053 P106 Q488205 +Q560390 P20 Q1085 +Q6294 P551 Q33405 +Q29 P463 Q340195 +Q44529 P106 Q3282637 +Q26162388 P50 Q61456 +Q77112 P27 Q16 +Q11171 P69 Q174570 +Q1900440 P69 Q1161297 +Q82984 P19 Q90 +Q41042 P106 Q2526255 +Q1271 P69 Q486156 +Q49021 P840 Q1297 +Q78484 P737 Q189454 +Q65350 P19 Q1707 +Q92638 P463 Q466089 +Q524298 P463 Q2749618 +Q136591 P495 Q30 +Q47426 P69 Q499451 +Q10664 P463 Q123885 +Q45239 P106 Q36180 +Q64988 P106 Q36180 +Q565678 P106 Q639669 +Q206439 P106 Q177220 +Q104358 P172 Q49085 +Q347362 P737 Q151523 +Q714462 P551 Q49111 +Q323166 P106 Q10798782 +Q159636 P106 Q974144 +Q72541 P1412 Q7026 +Q186341 P136 Q130232 +Q228692 P106 Q10798782 +Q18809 P102 Q79854 +Q168763 P106 Q10800557 +Q103109 P463 Q684415 +Q363386 P106 Q33999 +Q240894 P161 Q298368 +Q60625 P69 Q151510 +Q70764 P106 Q36180 +Q43179 P69 Q13371 +Q1459658 P1412 Q7737 +Q1569251 P27 Q30 +Q180224 P172 Q49085 +Q42493 P106 Q855091 +Q57281 P106 Q13570226 +Q279057 P840 Q1297 +Q368037 P106 Q2259451 +Q56008 P26 Q170428 +Q572001 P106 Q901 +Q168010 P495 Q183 +Q232458 P737 Q467940 +Q2594 P106 Q1930187 +Q237420 P136 Q208505 +Q205532 P840 Q84 +Q92341 P106 Q1622272 +Q89689 P19 Q1799 +Q742634 P463 Q2822396 +Q77667 P106 Q2732142 +Q955619 P106 Q177220 +Q975491 P69 Q457281 +Q231360 P27 Q174193 +Q272943 P1303 Q8355 +Q91083 P106 Q482980 +Q75823 P106 Q1607826 +Q229276 P106 Q18814623 +Q853461 P106 Q36180 +Q575444 P19 Q33486 +Q182763 P106 Q2405480 +Q443199 P27 Q2184 +Q128823 P69 Q691283 +Q438402 P106 Q1930187 +Q435398 P172 Q49085 +Q57075 P69 Q11942 +Q714185 P509 Q3002150 +Q721704 P1412 Q652 +Q1781 P37 Q9067 +Q44461 P737 Q215263 +Q234101 P69 Q49110 +Q188137 P106 Q3282637 +Q254820 P69 Q49210 +Q228818 P106 Q10800557 +Q230654 P19 Q1297 +Q66107 P69 Q1093910 +Q272946 P106 Q33999 +Q1699312 P27 Q30 +Q269869 P106 Q222749 +Q194280 P119 Q1358639 +Q233295 P106 Q43845 +Q159551 P106 Q639669 +Q194287 P737 Q5928 +Q438271 P106 Q639669 +Q574 P37 Q5146 +Q1163944 P1303 Q8371 +Q236399 P106 Q10800557 +Q981236 P737 Q1631 +Q533369 P136 Q487965 +Q270669 P106 Q639669 +Q57085 P140 Q7066 +Q170371 P106 Q33999 +Q76984 P27 Q183 +Q215142 P27 Q183 +Q224021 P106 Q10800557 +Q888152 P106 Q177220 +Q272079 P69 Q49213 +Q754 P530 Q159 +Q206922 P106 Q10798782 +Q180962 P551 Q18419 +Q151892 P106 Q33999 +Q156552 P106 Q2405480 +Q317427 P106 Q177220 +Q52392 P136 Q1152184 +Q6096 P136 Q753679 +Q151691 P106 Q188094 +Q392825 P136 Q645928 +Q5752 P106 Q11900058 +Q192115 P161 Q178552 +Q68209 P106 Q36180 +Q442721 P27 Q30 +Q236125 P106 Q639669 +Q62725 P69 Q50662 +Q362516 P106 Q639669 +Q907534 P463 Q463303 +Q230736 P27 Q30 +Q233061 P551 Q65 +Q222867 P136 Q959790 +Q912687 P106 Q1930187 +Q963787 P106 Q639669 +Q310734 P495 Q38 +Q1059718 P1303 Q8355 +Q662066 P27 Q40 +Q224113 P136 Q8261 +Q11815 P1412 Q150 +Q171571 P106 Q2405480 +Q107730 P106 Q948329 +Q213582 P509 Q3505252 +Q110870 P102 Q153401 +Q178100 P69 Q258464 +Q4014532 P106 Q82955 +Q148326 P136 Q188473 +Q95019 P27 Q30 +Q379117 P1412 Q150 +Q220910 P161 Q463407 +Q450796 P106 Q34074720 +Q484427 P136 Q11366 +Q21 P17 Q174193 +Q186327 P106 Q488205 +Q87018 P106 Q10800557 +Q234964 P106 Q11774202 +Q739915 P106 Q639669 +Q249931 P136 Q157443 +Q173955 P840 Q65 +Q130631 P108 Q681250 +Q282823 P27 Q28 +Q116553 P108 Q131252 +Q714185 P106 Q43845 +Q113777 P1412 Q188 +Q235470 P737 Q132489 +Q103174 P463 Q879171 +Q11647 P495 Q30 +Q157246 P172 Q940348 +Q78539 P119 Q240744 +Q552770 P264 Q216364 +Q126472 P106 Q1231865 +Q706641 P106 Q639669 +Q65559 P101 Q8162 +Q1394654 P27 Q30 +Q766 P530 Q865 +Q2843357 P106 Q14467526 +Q257145 P69 Q168751 +Q44107 P106 Q2526255 +Q273484 P26 Q976022 +Q255267 P1412 Q1321 +Q488099 P106 Q876864 +Q971493 P1412 Q1860 +Q582152 P20 Q649 +Q1646 P106 Q28389 +Q214851 P101 Q11190 +Q193357 P106 Q18844224 +Q251340 P509 Q35869 +Q119719 P102 Q49768 +Q4103721 P69 Q49126 +Q76513 P108 Q503473 +Q254 P1412 Q188 +Q164578 P19 Q3640 +Q297831 P27 Q30 +Q108619 P106 Q1622272 +Q1282750 P106 Q33999 +Q1430 P551 Q220 +Q66456 P1412 Q188 +Q280734 P106 Q822146 +Q220192 P161 Q180224 +Q25820 P106 Q39631 +Q5608 P1303 Q133163 +Q44144 P641 Q131359 +Q86203 P106 Q1930187 +Q268322 P106 Q1622272 +Q234094 P27 Q17 +Q449743 P840 Q1261 +Q228611 P106 Q10800557 +Q267683 P27 Q145 +Q171745 P27 Q145 +Q61456 P69 Q55044 +Q255267 P1303 Q17172850 +Q83566 P106 Q6625963 +Q151892 P106 Q5716684 +Q229572 P26 Q3454165 +Q312380 P106 Q33999 +Q153670 P509 Q333495 +Q228899 P106 Q55960555 +Q971 P463 Q2029901 +Q240954 P106 Q662729 +Q44107 P136 Q11635 +Q1173321 P27 Q30 +Q790 P530 Q801 +Q302675 P136 Q482 +Q195402 P136 Q860626 +Q237518 P106 Q1930187 +Q154751 P1412 Q397 +Q212678 P101 Q82955 +Q131685 P106 Q4964182 +Q130742 P106 Q33999 +Q84386 P1412 Q1860 +Q177131 P172 Q49085 +Q43247 P551 Q127856 +Q361762 P19 Q1486 +Q282693 P20 Q84 +Q215497 P106 Q33999 +Q106709 P106 Q28389 +Q6294 P106 Q193391 +Q233697 P27 Q30 +Q47243 P106 Q8178443 +Q168724 P26 Q55294 +Q1082420 P1303 Q79838 +Q1084226 P20 Q472 +Q229228 P106 Q10800557 +Q589585 P106 Q15980158 +Q230632 P106 Q33999 +Q1200053 P106 Q121594 +Q441834 P106 Q10800557 +Q1167000 P106 Q639669 +Q327426 P106 Q33999 +Q88478 P463 Q1017002 +Q1549911 P264 Q202440 +Q9049 P106 Q1930187 +Q455605 P361 Q48995 +Q431117 P106 Q753110 +Q600859 P106 Q639669 +Q16759 P106 Q4610556 +Q230 P530 Q159583 +Q9161 P20 Q437 +Q103651 P136 Q9759 +Q350857 P102 Q79854 +Q153018 P27 Q39 +Q312053 P106 Q1415090 +Q637949 P509 Q181754 +Q57604 P1303 Q17172850 +Q8873 P509 Q389735 +Q70142 P463 Q463303 +Q228645 P1412 Q1860 +Q228546 P136 Q49084 +Q57475 P108 Q223429 +Q344454 P106 Q4964182 +Q1001 P106 Q3242115 +Q66155 P108 Q153006 +Q434913 P106 Q10800557 +Q1374180 P27 Q15180 +Q120484 P161 Q125354 +Q505358 P27 Q30 +Q284386 P27 Q30 +Q1047474 P106 Q486748 +Q345325 P106 Q3282637 +Q93349 P264 Q183387 +Q157044 P136 Q52162262 +Q104127 P106 Q2526255 +Q443317 P106 Q33999 +Q293590 P106 Q33999 +Q75803 P106 Q36180 +Q235002 P19 Q65 +Q33 P463 Q7825 +Q200804 P161 Q320218 +Q361004 P106 Q214917 +Q855 P27 Q15180 +Q188954 P551 Q1400 +Q365042 P1303 Q17172850 +Q1322959 P509 Q2140674 +Q268824 P136 Q157443 +Q185724 P106 Q2526255 +Q1546001 P136 Q8341 +Q47087 P463 Q337352 +Q187423 P161 Q124057 +Q9960 P140 Q178169 +Q1029853 P19 Q1492 +Q76534 P551 Q16957 +Q288173 P161 Q193048 +Q550784 P106 Q1930187 +Q40046 P106 Q10798782 +Q132964 P106 Q483501 +Q216266 P106 Q6625963 +Q229282 P106 Q4610556 +Q79503 P161 Q229487 +Q80758 P172 Q484464 +Q1900295 P19 Q18419 +Q61067 P108 Q153978 +Q160325 P69 Q924289 +Q736847 P27 Q28 +Q1711513 P19 Q23306 +Q1196157 P136 Q130232 +Q463673 P69 Q178848 +Q495272 P1303 Q6607 +Q236 P463 Q8908 +Q436790 P20 Q60 +Q350588 P106 Q855091 +Q201562 P106 Q36834 +Q28 P530 Q228 +Q157004 P20 Q90 +Q309898 P106 Q28389 +Q329001 P361 Q6354282 +Q217552 P161 Q152165 +Q219744 P27 Q29 +Q74639 P1412 Q188 +Q34670 P101 Q5891 +Q538379 P101 Q11030 +Q1549911 P26 Q168721 +Q11812 P463 Q253439 +Q50861 P840 Q61 +Q111673 P106 Q6625963 +Q93764 P106 Q11513337 +Q150281 P140 Q9592 +Q212699 P159 Q47164 +Q172303 P106 Q177220 +Q1347919 P106 Q639669 +Q77143 P106 Q183945 +Q150989 P463 Q49738 +Q233946 P1303 Q17172850 +Q230501 P106 Q10798782 +Q316064 P106 Q2516866 +Q1386443 P106 Q177220 +Q303207 P27 Q30 +Q280978 P106 Q33999 +Q731139 P19 Q656 +Q1173676 P69 Q160302 +Q977036 P20 Q23154 +Q538379 P451 Q84266 +Q12658 P101 Q413 +Q531247 P69 Q193727 +Q319061 P136 Q130232 +Q76938 P27 Q183 +Q45970 P27 Q37 +Q730082 P106 Q6168364 +Q297377 P2348 Q2277 +Q33760 P101 Q395 +Q4496 P102 Q29468 +Q309932 P106 Q36180 +Q25835 P161 Q75866 +Q42402 P264 Q557632 +Q168010 P161 Q449679 +Q151881 P136 Q959790 +Q299324 P69 Q182973 +Q81752 P106 Q639669 +Q450271 P106 Q82955 +Q356129 P26 Q202792 +Q242351 P172 Q170217 +Q310343 P27 Q145 +Q747538 P106 Q4964182 +Q2071 P106 Q639669 +Q459310 P69 Q49117 +Q331425 P106 Q482980 +Q1246 P530 Q38 +Q436693 P106 Q10800557 +Q770103 P159 Q60 +Q48047 P509 Q12204 +Q42229 P106 Q28389 +Q92760 P140 Q7066 +Q134773 P161 Q272972 +Q192185 P19 Q18419 +Q73993 P69 Q154804 +Q323707 P27 Q142 +Q310934 P20 Q84 +Q201514 P264 Q238095 +Q221090 P161 Q80405 +Q48184 P106 Q639669 +Q236229 P106 Q5716684 +Q16345 P106 Q639669 +Q207660 P106 Q214917 +Q408 P530 Q739 +Q207698 P161 Q212790 +Q11675 P102 Q29552 +Q354508 P136 Q1640319 +Q73437 P106 Q639669 +Q1045 P463 Q17495 +Q1757 P17 Q34 +Q380634 P136 Q9794 +Q76755 P20 Q1794 +Q42156 P20 Q90 +Q34389 P106 Q3282637 +Q127868 P106 Q10800557 +Q213684 P106 Q9352089 +Q211379 P20 Q85 +Q201656 P264 Q54860 +Q12844 P1412 Q1860 +Q46602 P27 Q142 +Q348738 P106 Q10800557 +Q370711 P27 Q142 +Q239411 P69 Q49117 +Q257145 P19 Q60 +Q131674 P27 Q159 +Q423 P530 Q35 +Q463265 P106 Q34074720 +Q271119 P106 Q183945 +Q151936 P69 Q332342 +Q2547113 P106 Q10774753 +Q1453398 P106 Q36834 +Q25529 P27 Q30 +Q596925 P69 Q82513 +Q123679 P106 Q81096 +Q110163 P106 Q33999 +Q155163 P161 Q134133 +Q706898 P108 Q214341 +Q157271 P136 Q35760 +Q101338 P27 Q183 +Q58645 P102 Q7320 +Q53570396 P3373 Q2287423 +Q43330 P106 Q82955 +Q190145 P161 Q309932 +Q86105 P136 Q11399 +Q355112 P106 Q1930187 +Q65445 P551 Q1022 +Q179540 P1412 Q7737 +Q214 P530 Q145 +Q722390 P106 Q11063 +Q438106 P20 Q1345 +Q314424 P1303 Q5994 +Q58592 P1412 Q7026 +Q51603 P1303 Q8355 +Q355209 P106 Q10798782 +Q730261 P106 Q753110 +Q181529 P69 Q131252 +Q887111 P106 Q43845 +Q597863 P106 Q49757 +Q1603685 P20 Q1754 +Q67635 P140 Q9592 +Q45 P530 Q29 +Q218083 P136 Q37073 +Q36 P463 Q1480793 +Q541929 P106 Q34074720 +Q92622 P1412 Q1860 +Q55195 P20 Q649 +Q278053 P57 Q191037 +Q298694 P27 Q30 +Q88997 P106 Q10800557 +Q717755 P106 Q486748 +Q349507 P106 Q49757 +Q52937 P106 Q36180 +Q110167 P20 Q2079 +Q13909 P106 Q18939491 +Q237548 P737 Q229274 +Q231487 P106 Q488205 +Q205721 P264 Q645889 +Q53040 P27 Q38 +Q658454 P69 Q319239 +Q276407 P495 Q145 +Q434095 P106 Q82955 +Q956533 P1412 Q1860 +Q319751 P106 Q1075651 +Q232837 P106 Q28389 +Q2367411 P136 Q482 +Q298694 P1303 Q17172850 +Q316644 P106 Q488205 +Q702 P463 Q842490 +Q51123 P27 Q30 +Q3150 P17 Q43287 +Q76332 P463 Q459620 +Q365682 P106 Q33999 +Q61114 P106 Q635734 +Q826731 P102 Q49768 +Q76479 P495 Q29 +Q92933 P27 Q30 +Q40479 P106 Q33999 +Q558794 P106 Q37226 +Q2272369 P27 Q142 +Q57239 P19 Q64 +Q63441 P509 Q175111 +Q77823 P106 Q1234713 +Q447599 P1412 Q1321 +Q101170 P27 Q183 +Q440121 P140 Q93191 +Q2512 P106 Q40348 +Q115010 P106 Q639669 +Q162667 P136 Q83440 +Q67462 P106 Q1622272 +Q916 P530 Q881 +Q208590 P27 Q145 +Q154077 P495 Q183 +Q180377 P509 Q12192 +Q33131 P161 Q347395 +Q203460 P106 Q201788 +Q434715 P106 Q3282637 +Q267691 P101 Q35760 +Q63699 P106 Q333634 +Q265179 P1412 Q652 +Q2901936 P106 Q81096 +Q809093 P27 Q30 +Q170373 P140 Q5043 +Q237659 P106 Q2526255 +Q223790 P106 Q3282637 +Q76524 P19 Q64 +Q258009 P161 Q230516 +Q453447 P106 Q28389 +Q262507 P106 Q10798782 +Q43259 P136 Q487914 +Q8349 P1303 Q17172850 +Q865 P530 Q20 +Q106529 P27 Q142 +Q311755 P27 Q30 +Q333591 P102 Q622441 +Q106225 P1412 Q150 +Q233876 P106 Q33999 +Q108539 P19 Q1055 +Q37767 P737 Q81438 +Q312078 P495 Q408 +Q107226 P495 Q30 +Q244674 P172 Q42406 +Q189226 P106 Q488205 +Q3504610 P27 Q4948 +Q924053 P106 Q82955 +Q220550 P106 Q36180 +Q319902 P140 Q9268 +Q849116 P17 Q2305208 +Q185654 P106 Q18581305 +Q150910 P69 Q691283 +Q200392 P1412 Q652 +Q922457 P106 Q6625963 +Q316032 P69 Q617433 +Q43 P530 Q928 +Q233313 P102 Q29468 +Q232222 P840 Q1439 +Q316138 P106 Q753110 +Q117783 P106 Q1028181 +Q1029 P463 Q340195 +Q41166 P20 Q1761 +Q257889 P106 Q177220 +Q6709060 P106 Q483501 +Q48184 P27 Q28 +Q235511 P106 Q10798782 +Q231019 P108 Q371625 +Q809077 P264 Q3716272 +Q438106 P172 Q49085 +Q76876 P106 Q82955 +Q902 P530 Q159583 +Q162005 P108 Q2283 +Q908998 P20 Q65 +Q157242 P1412 Q1860 +Q1608224 P106 Q177220 +Q82409 P101 Q5891 +Q156749 P463 Q463303 +Q267685 P19 Q49255 +Q80 P106 Q169470 +Q214959 P106 Q753110 +Q253513 P108 Q762266 +Q200396 P495 Q30 +Q61398 P106 Q36180 +Q193478 P17 Q171150 +Q303 P106 Q28389 +Q236343 P27 Q30 +Q120647 P20 Q1218 +Q347539 P69 Q926749 +Q152272 P19 Q90 +Q57085 P106 Q36180 +Q1226921 P1303 Q17172850 +Q242796 P463 Q1468277 +Q5921 P106 Q177220 +Q921516 P463 Q1971373 +Q392785 P161 Q16390 +Q70694 P106 Q201788 +Q80938 P106 Q10798782 +Q1060395 P463 Q2822396 +Q97550 P106 Q82955 +Q189 P530 Q145 +Q165627 P161 Q273075 +Q233253 P106 Q753110 +Q483382 P140 Q7066 +Q440007 P27 Q408 +Q227 P530 Q801 +Q298532 P27 Q15180 +Q6246180 P463 Q270920 +Q464833 P106 Q1327329 +Q2754 P106 Q6625963 +Q374223 P641 Q36389 +Q348678 P495 Q30 +Q181069 P136 Q157394 +Q380180 P106 Q33999 +Q212041 P136 Q130232 +Q4715 P27 Q948 +Q58091 P106 Q40348 +Q380545 P1412 Q809 +Q77004 P140 Q7066 +Q179540 P27 Q159 +Q983590 P172 Q49078 +Q64211 P161 Q151973 +Q67518 P1412 Q397 +Q267676 P106 Q639669 +Q157623 P20 Q4100 +Q38873 P20 Q3033 +Q65561 P19 Q1055 +Q267676 P106 Q2865819 +Q84330 P106 Q10800557 +Q45239 P106 Q2526255 +Q371639 P509 Q1368943 +Q244876 P495 Q142 +Q345494 P136 Q170611 +Q351527 P106 Q201788 +Q324557 P136 Q1341051 +Q4617 P136 Q37073 +Q60486 P463 Q337234 +Q75828 P69 Q152838 +Q1869643 P136 Q213714 +Q62866 P69 Q49108 +Q240370 P106 Q214917 +Q202585 P136 Q83440 +Q16568 P138 Q11817 +Q107405 P1412 Q7411 +Q156815 P1412 Q5885 +Q122110 P69 Q151510 +Q554406 P1412 Q1321 +Q76624 P108 Q32120 +Q41 P530 Q403 +Q166056 P106 Q2259532 +Q438635 P106 Q753110 +Q69320 P119 Q176298 +Q381799 P27 Q159 +Q325589 P69 Q160302 +Q153701 P136 Q858330 +Q234964 P108 Q681250 +Q259913 P106 Q33999 +Q40119 P161 Q231128 +Q31 P530 Q843 +Q51143 P106 Q183945 +Q259807 P136 Q1054574 +Q175285 P106 Q1930187 +Q818968 P136 Q17013749 +Q170373 P27 Q161885 +Q106182 P161 Q313579 +Q18967 P161 Q220536 +Q726071 P264 Q287177 +Q2601 P102 Q13124 +Q49004 P641 Q36389 +Q343059 P106 Q13235160 +Q112169 P106 Q333634 +Q1026532 P27 Q30 +Q272031 P106 Q177220 +Q38 P530 Q212 +Q105273 P3373 Q71775 +Q242956 P106 Q49757 +Q58735 P106 Q488205 +Q88832 P108 Q155354 +Q1579916 P106 Q639669 +Q239030 P509 Q188874 +Q431793 P161 Q349857 +Q78487 P106 Q36180 +Q69547 P108 Q152838 +Q50764 P106 Q36180 +Q953768 P106 Q33231 +Q160433 P509 Q47912 +Q153034 P737 Q9364 +Q366091 P69 Q221653 +Q133855 P551 Q456 +Q92851 P106 Q82594 +Q254265 P27 Q145 +Q211566 P106 Q33999 +Q1750541 P27 Q30 +Q267764 P106 Q3501317 +Q379877 P136 Q1200678 +Q324397 P106 Q16145150 +Q338442 P136 Q842256 +Q247846 P27 Q159 +Q519590 P106 Q1930187 +Q214013 P161 Q193668 +Q276332 P101 Q207628 +Q25191 P69 Q193196 +Q368 P1412 Q1321 +Q553335 P106 Q43845 +Q536723 P264 Q193023 +Q107940 P136 Q319221 +Q100276 P27 Q38872 +Q17135 P1412 Q7850 +Q347368 P1303 Q17172850 +Q57431 P551 Q3711 +Q182305 P102 Q153401 +Q260312 P106 Q33999 +Q105221 P1412 Q1860 +Q490738 P1303 Q17172850 +Q22686 P106 Q10800557 +Q275929 P106 Q3068305 +Q981270 P106 Q2516866 +Q1274170 P106 Q2490358 +Q1044 P463 Q1065 +Q182944 P161 Q343463 +Q99397 P463 Q329464 +Q79120 P106 Q121594 +Q71548 P551 Q2861 +Q405542 P27 Q30 +Q85282 P69 Q156737 +Q421707 P69 Q309350 +Q312857 P106 Q1622272 +Q50005 P20 Q220 +Q164487 P136 Q8341 +Q4227 P106 Q2059704 +Q10520 P27 Q21 +Q63228 P106 Q10800557 +Q249841 P106 Q488205 +Q335807 P1303 Q6607 +Q191479 P27 Q39 +Q922528 P264 Q165745 +Q200392 P106 Q170790 +Q556648 P1412 Q1321 +Q1334617 P1303 Q5994 +Q198684 P69 Q8008661 +Q285341 P1303 Q78987 +Q230 P530 Q414 +Q303235 P161 Q168721 +Q84509 P1412 Q188 +Q99784 P108 Q168426 +Q384387 P106 Q205375 +Q1007 P463 Q496967 +Q193570 P840 Q65 +Q192410 P26 Q314646 +Q193257 P69 Q1394262 +Q63630 P108 Q168426 +Q742634 P106 Q82955 +Q1803090 P106 Q2259451 +Q142 P530 Q184 +Q154751 P69 Q151510 +Q436648 P106 Q49757 +Q228968 P106 Q177220 +Q483363 P136 Q213665 +Q877858 P1412 Q1860 +Q62 P30 Q49 +Q239419 P106 Q2306091 +Q11116 P108 Q499451 +Q91 P1412 Q1860 +Q4612 P1412 Q188 +Q294812 P27 Q30 +Q284917 P161 Q92128 +Q60650 P463 Q44687 +Q317095 P136 Q11399 +Q4039 P106 Q488205 +Q176537 P3373 Q188482 +Q148204 P161 Q273075 +Q76487 P106 Q333634 +Q85914 P463 Q270794 +Q92359 P106 Q36180 +Q229264 P106 Q2374149 +Q193509 P136 Q83270 +Q534419 P27 Q30 +Q311729 P108 Q11148 +Q310048 P106 Q11774202 +Q336444 P106 Q43845 +Q710837 P106 Q33999 +Q28117 P463 Q1017002 +Q51094 P136 Q1641839 +Q159098 P509 Q12152 +Q984353 P106 Q205375 +Q53944 P106 Q131524 +Q976296 P1412 Q7737 +Q78031 P27 Q16957 +Q469985 P119 Q1362125 +Q189351 P106 Q3282637 +Q1441251 P463 Q48995 +Q5950 P106 Q183945 +Q184103 P27 Q30 +Q373362 P161 Q238383 +Q291183 P551 Q18575 +Q426517 P840 Q5092 +Q317953 P108 Q13371 +Q792 P37 Q1321 +Q175392 P106 Q2526255 +Q172154 P1412 Q188 +Q1928051 P69 Q1206658 +Q298352 P106 Q1930187 +Q961851 P119 Q1624932 +Q228584 P108 Q13164 +Q287329 P106 Q2405480 +Q2062366 P3373 Q22955657 +Q713301 P106 Q486748 +Q811 P530 Q96 +Q445372 P119 Q1950363 +Q208263 P495 Q30 +Q1911440 P136 Q134307 +Q12706 P106 Q1930187 +Q64180 P69 Q317053 +Q311472 P106 Q1622272 +Q58720 P101 Q309 +Q937537 P69 Q1161297 +Q2107 P463 Q747279 +Q47243 P1303 Q5994 +Q11816 P509 Q1368943 +Q38 P530 Q30 +Q1238180 P19 Q49255 +Q317427 P1303 Q51290 +Q162740 P27 Q838261 +Q454428 P106 Q36834 +Q107194 P140 Q7066 +Q189889 P136 Q859369 +Q24085 P106 Q4964182 +Q712820 P264 Q1273666 +Q229056 P101 Q207628 +Q233377 P106 Q639669 +Q38 P530 Q77 +Q223875 P106 Q488205 +Q237602 P106 Q177220 +Q10444417 P106 Q483501 +Q96399 P106 Q40348 +Q85108 P106 Q1622272 +Q228598 P1303 Q17172850 +Q713575 P1412 Q1860 +Q45374 P106 Q2374149 +Q1055 P17 Q713750 +Q435679 P106 Q177220 +Q41 P530 Q28 +Q663858 P136 Q8341 +Q19673 P106 Q82955 +Q4061 P106 Q1259917 +Q186757 P140 Q7066 +Q193357 P19 Q84 +Q325038 P119 Q208175 +Q234519 P69 Q459506 +Q510114 P509 Q11085 +Q23154 P17 Q145 +Q167696 P106 Q486748 +Q159 P530 Q225 +Q214831 P106 Q36834 +Q114605 P463 Q459620 +Q49735 P106 Q639669 +Q169564 P495 Q29 +Q92946 P463 Q127992 +Q75185 P106 Q82955 +Q91982 P19 Q3104 +Q157324 P106 Q193391 +Q1110652 P57 Q2071 +Q2287423 P106 Q15995642 +Q912 P530 Q668 +Q17917680 P106 Q15296811 +Q115483 P463 Q463281 +Q156394 P161 Q190631 +Q381799 P106 Q10798782 +Q8768 P641 Q5386 +Q1029 P530 Q865 +Q434312 P106 Q36180 +Q273136 P106 Q28389 +Q255577 P19 Q16557 +Q106529 P136 Q186424 +Q317441 P27 Q145 +Q34933 P20 Q84 +Q95252 P463 Q451079 +Q192145 P108 Q49108 +Q399318 P27 Q96 +Q188482 P509 Q476921 +Q1095520 P106 Q639669 +Q153701 P27 Q30 +Q156942 P106 Q170790 +Q229840 P1412 Q1860 +Q1386098 P106 Q177220 +Q102235 P161 Q83492 +Q183167 P106 Q4964182 +Q1906150 P463 Q2839513 +Q380280 P106 Q28389 +Q96772 P106 Q482980 +Q60969 P106 Q18805 +Q176351 P106 Q1622272 +Q174559 P840 Q771 +Q270 P30 Q46 +Q245787 P1412 Q7913 +Q116548 P20 Q72 +Q363386 P106 Q639669 +Q216870 P463 Q463303 +Q3132658 P106 Q188094 +Q92621 P551 Q727 +Q2607 P106 Q1397808 +Q151796 P106 Q40348 +Q310275 P136 Q183504 +Q458033 P136 Q2297927 +Q362639 P20 Q90 +Q937 P463 Q414188 +Q549729 P20 Q350 +Q42581 P106 Q2259451 +Q75828 P463 Q123885 +Q106508 P106 Q10800557 +Q311145 P27 Q155 +Q123899 P106 Q36180 +Q350915 P106 Q131062 +Q135645 P27 Q41304 +Q116013 P27 Q213 +Q206173 P106 Q1792450 +Q762 P106 Q169470 +Q323076 P1412 Q1860 +Q567772 P1412 Q13955 +Q161678 P161 Q232163 +Q208993 P106 Q11900058 +Q104276 P69 Q168426 +Q445405 P19 Q47716 +Q234388 P106 Q753110 +Q319996 P106 Q36834 +Q937 P106 Q169470 +Q8011 P119 Q794 +Q183 P530 Q236 +Q86632 P106 Q947873 +Q84770 P106 Q1622272 +Q302181 P136 Q188473 +Q299132 P27 Q30 +Q1008 P530 Q148 +Q41042 P119 Q1574424 +Q76749 P19 Q1799 +Q691 P463 Q1065 +Q303 P106 Q9017214 +Q704609 P27 Q96 +Q733174 P1412 Q150 +Q145 P530 Q1030 +Q83003 P106 Q36180 +Q1406115 P106 Q82955 +Q636 P106 Q55960555 +Q110450 P20 Q840668 +Q216814 P19 Q90 +Q888713 P106 Q36834 +Q168517 P463 Q463303 +Q722042 P27 Q30 +Q531624 P106 Q2405480 +Q532852 P106 Q36180 +Q507940 P106 Q158852 +Q43718 P106 Q12144794 +Q847446 P106 Q488205 +Q529858 P106 Q18844224 +Q948966 P106 Q4964182 +Q14537 P106 Q3282637 +Q220780 P840 Q2915506 +Q101235 P108 Q154561 +Q560447 P69 Q9842 +Q104276 P108 Q24382 +Q287001 P161 Q55375 +Q63505 P20 Q1055 +Q451150 P106 Q40348 +Q224159 P106 Q36180 +Q439204 P106 Q14467526 +Q238422 P19 Q60 +Q65350 P108 Q152838 +Q55462 P106 Q2526255 +Q296370 P106 Q10798782 +Q55767 P136 Q131539 +Q74636 P161 Q265661 +Q3033 P17 Q27306 +Q1337067 P69 Q55044 +Q127442 P27 Q15180 +Q311306 P1303 Q17172850 +Q344973 P106 Q33999 +Q298 P530 Q252 +Q238 P530 Q159 +Q57149 P106 Q13582652 +Q57244 P106 Q36834 +Q954681 P106 Q753110 +Q455236 P27 Q145 +Q505994 P106 Q1320883 +Q219442 P136 Q130232 +Q4415063 P119 Q1457437 +Q233424 P106 Q28389 +Q510400 P101 Q1069 +Q235737 P106 Q639669 +Q310201 P106 Q81096 +Q242796 P69 Q610999 +Q76755 P69 Q154561 +Q162629 P27 Q145 +Q55208 P106 Q28389 +Q211539 P1412 Q1860 +Q195718 P27 Q16 +Q949337 P1412 Q1860 +Q884 P530 Q851 +Q1064423 P463 Q123885 +Q717626 P136 Q37073 +Q551015 P509 Q12192 +Q2579732 P106 Q189290 +Q272622 P27 Q145 +Q193273 P106 Q639669 +Q76501 P108 Q152087 +Q267170 P106 Q15296811 +Q191026 P106 Q11900058 +Q202136 P106 Q901 +Q562874 P69 Q49116 +Q1931654 P106 Q639669 +Q36233 P106 Q214917 +Q175457 P27 Q15180 +Q69319 P106 Q82955 +Q115 P463 Q1065 +Q1372851 P136 Q8261 +Q192724 P161 Q165219 +Q333460 P463 Q463303 +Q72678 P106 Q82955 +Q937359 P27 Q17 +Q11975 P136 Q188450 +Q943298 P1303 Q17172850 +Q1666 P27 Q31 +Q92854 P463 Q1493021 +Q1386311 P106 Q639669 +Q157282 P106 Q17489339 +Q113681 P19 Q84 +Q7964724 P172 Q49085 +Q910761 P106 Q177220 +Q440551 P106 Q753110 +Q1928543 P1412 Q1860 +Q49004 P509 Q212961 +Q606356 P106 Q1622272 +Q313767 P20 Q649 +Q176176 P27 Q34266 +Q221305 P136 Q188473 +Q137115 P1412 Q1860 +Q312483 P106 Q10800557 +Q69198 P102 Q153401 +Q155106 P1412 Q1321 +Q61322 P463 Q812155 +Q303 P136 Q484641 +Q12807 P108 Q202660 +Q140694 P106 Q82955 +Q226525 P136 Q25379 +Q151870 P495 Q30 +Q369174 P106 Q2405480 +Q38 P530 Q238 +Q682673 P106 Q43845 +Q116928 P57 Q238638 +Q431191 P106 Q33999 +Q983167 P172 Q1026 +Q168362 P463 Q83172 +Q102336 P106 Q16533 +Q314424 P509 Q175111 +Q560647 P69 Q691283 +Q436664 P136 Q132311 +Q47122 P106 Q488205 +Q315152 P20 Q1490 +Q288173 P161 Q231730 +Q152524 P19 Q1781 +Q765871 P19 Q1486 +Q103114 P737 Q9312 +Q153185 P463 Q2822396 +Q9575 P20 Q987 +Q107167 P495 Q30 +Q1354583 P106 Q177220 +Q3353479 P463 Q270794 +Q270374 P1412 Q1860 +Q10738 P641 Q41323 +Q520053 P140 Q75809 +Q2861 P17 Q151624 +Q323076 P106 Q2526255 +Q47667 P106 Q121594 +Q312480 P463 Q4430504 +Q125451 P106 Q188094 +Q1396630 P106 Q201788 +Q670440 P106 Q1238570 +Q116789 P106 Q1622272 +Q4235 P27 Q30 +Q152857 P161 Q111263 +Q706571 P27 Q174193 +Q256380 P27 Q30 +Q1124 P101 Q1328508 +Q164824 P1412 Q150 +Q148 P530 Q218 +Q313302 P140 Q1062789 +Q313739 P108 Q1446181 +Q192331 P106 Q188094 +Q18446 P27 Q224 +Q381731 P161 Q204299 +Q258 P530 Q928 +Q1028859 P1303 Q17172850 +Q369174 P106 Q10800557 +Q137098 P495 Q145 +Q213690 P1412 Q1860 +Q221168 P136 Q188473 +Q80064 P27 Q145 +Q216092 P106 Q36180 +Q945 P463 Q1043527 +Q362531 P106 Q36180 +Q432806 P106 Q4853732 +Q43432 P551 Q65 +Q443225 P106 Q488205 +Q81487 P840 Q1391 +Q258204 P161 Q1677114 +Q11647 P136 Q11366 +Q782813 P27 Q30 +Q67881 P106 Q333634 +Q172388 P106 Q188094 +Q556767 P551 Q1384 +Q1586916 P106 Q33999 +Q41076 P264 Q216364 +Q113681 P106 Q6625963 +Q554775 P106 Q639669 +Q312975 P108 Q35794 +Q295873 P106 Q189290 +Q183535 P106 Q10800557 +Q550778 P1303 Q17172850 +Q254 P1303 Q8355 +Q333987 P101 Q43035 +Q786 P361 Q12585 +Q152437 P106 Q36180 +Q80222 P106 Q170790 +Q120484 P161 Q349857 +Q689486 P463 Q49738 +Q713297 P106 Q744738 +Q323112 P106 Q28389 +Q202420 P20 Q495 +Q329145 P136 Q130232 +Q447121 P106 Q4853732 +Q57235 P1412 Q188 +Q4559180 P106 Q16533 +Q233313 P106 Q13590141 +Q237345 P27 Q30 +Q105756 P737 Q905 +Q479052 P27 Q30 +Q5369090 P20 Q1726 +Q707266 P106 Q49757 +Q356115 P69 Q13371 +Q1155256 P106 Q33999 +Q77 P530 Q213 +Q234570 P106 Q11774202 +Q78553 P463 Q3603946 +Q376477 P106 Q33999 +Q445703 P106 Q36180 +Q36844 P106 Q10800557 +Q348678 P136 Q157443 +Q40 P530 Q884 +Q6530 P1412 Q809 +Q224069 P161 Q708059 +Q189554 P106 Q10798782 +Q126896 P161 Q133050 +Q110183 P108 Q32120 +Q86943 P108 Q159895 +Q148 P530 Q1044 +Q3048 P463 Q161806 +Q155458 P161 Q49004 +Q229375 P106 Q177220 +Q302280 P1303 Q6607 +Q129817 P106 Q3282637 +Q25820 P463 Q253439 +Q441114 P106 Q10800557 +Q57641 P641 Q2736 +Q164534 P551 Q60 +Q1345514 P264 Q202585 +Q264891 P106 Q2259451 +Q193504 P551 Q8678 +Q5333 P106 Q36180 +Q431793 P161 Q122614 +Q35 P530 Q28 +Q236066 P136 Q188450 +Q98926 P106 Q36180 +Q181667 P136 Q36279 +Q1000 P530 Q148 +Q201418 P106 Q10798782 +Q248935 P106 Q82955 +Q277180 P106 Q33999 +Q234043 P106 Q49757 +Q54885 P1303 Q17172850 +Q1166707 P509 Q12078 +Q637195 P106 Q36180 +Q219421 P161 Q369394 +Q75966 P108 Q55044 +Q1511 P40 Q143867 +Q140412 P69 Q35794 +Q1899 P131 Q243610 +Q237413 P1412 Q9027 +Q309768 P106 Q6625963 +Q78437 P108 Q54096 +Q387868 P161 Q232851 +Q266179 P27 Q30 +Q5431220 P135 Q1246516 +Q352963 P69 Q1426464 +Q229276 P106 Q2259451 +Q258009 P136 Q130232 +Q145 P530 Q214 +Q221491 P161 Q106175 +Q1934911 P138 Q186185 +Q72479 P27 Q183 +Q57351 P106 Q201788 +Q47561 P27 Q191077 +Q948 P463 Q7825 +Q184351 P1050 Q11081 +Q254675 P106 Q4610556 +Q267721 P161 Q241510 +Q234591 P1303 Q6607 +Q159063 P161 Q104094 +Q148 P463 Q7809 +Q298532 P27 Q227 +Q135139 P108 Q221653 +Q77751 P108 Q49213 +Q206856 P106 Q10800557 +Q168896 P69 Q144488 +Q948966 P108 Q131252 +Q55 P463 Q782942 +Q166796 P106 Q639669 +Q49478 P106 Q214917 +Q374034 P106 Q2095549 +Q507845 P106 Q10800557 +Q106592 P26 Q218022 +Q119527 P106 Q49757 +Q144195 P551 Q3616 +Q183713 P119 Q746647 +Q271059 P106 Q10798782 +Q794 P530 Q865 +Q274314 P106 Q33999 +Q577548 P69 Q83259 +Q77060 P264 Q168407 +Q157246 P172 Q84072 +Q538379 P106 Q47064 +Q636637 P463 Q1132636 +Q148 P530 Q813 +Q727730 P1412 Q1860 +Q208269 P136 Q191489 +Q144904 P27 Q30 +Q455304 P106 Q639669 +Q77980 P106 Q864503 +Q10681 P106 Q753110 +Q312053 P1303 Q163829 +Q92510 P108 Q55044 +Q191077 P37 Q9301 +Q151921 P161 Q1384822 +Q49398 P495 Q145 +Q77161 P108 Q762266 +Q220299 P161 Q251984 +Q83333 P27 Q30 +Q240933 P106 Q245068 +Q248289 P161 Q280098 +Q83542 P161 Q184219 +Q234043 P264 Q662575 +Q222 P530 Q224 +Q552529 P27 Q34 +Q218503 P27 Q30 +Q270599 P161 Q264748 +Q122461 P69 Q13371 +Q216092 P1412 Q150 +Q236479 P106 Q3282637 +Q110462 P106 Q33999 +Q348533 P19 Q16552 +Q100276 P27 Q29999 +Q380531 P106 Q639669 +Q363763 P1303 Q8350 +Q123225 P106 Q182436 +Q214171 P463 Q133957 +Q242956 P69 Q49210 +Q963626 P27 Q16 +Q92638 P69 Q161562 +Q450412 P106 Q1622272 +Q52433 P106 Q11774202 +Q61648 P101 Q17167049 +Q711 P463 Q656801 +Q447015 P106 Q82955 +Q865 P530 Q874 +Q648366 P106 Q177220 +Q77031 P463 Q414163 +Q1045 P530 Q38 +Q40071 P840 Q11299 +Q433060 P106 Q639669 +Q235470 P106 Q4964182 +Q26988 P463 Q125761 +Q897281 P69 Q152838 +Q181795 P161 Q128379 +Q186587 P161 Q499644 +Q12696 P106 Q14467526 +Q13132095 P3373 Q2449206 +Q953 P530 Q974 +Q70087 P140 Q75809 +Q309709 P140 Q9592 +Q989 P140 Q9592 +Q131549 P69 Q471980 +Q37459 P1303 Q17172850 +Q314033 P19 Q64 +Q456271 P27 Q30 +Q229908 P106 Q33999 +Q180125 P136 Q959790 +Q578529 P27 Q15180 +Q93356 P463 Q110587 +Q684105 P106 Q639669 +Q162778 P106 Q49757 +Q706898 P106 Q170790 +Q78864 P27 Q28513 +Q7314 P551 Q846421 +Q372959 P161 Q189895 +Q42 P551 Q84 +Q353866 P463 Q161806 +Q880598 P106 Q639669 +Q19198 P136 Q20378 +Q251984 P737 Q313546 +Q2019530 P3373 Q462574 +Q231781 P27 Q45 +Q2184 P17 Q15180 +Q131691 P1412 Q1860 +Q87402 P463 Q107569 +Q448704 P509 Q12206 +Q296609 P551 Q65 +Q104137 P495 Q30 +Q325038 P463 Q842008 +Q443708 P27 Q159 +Q200299 P161 Q204750 +Q301136 P69 Q499911 +Q113997 P19 Q1741 +Q436894 P1412 Q150 +Q204205 P106 Q13219587 +Q444237 P27 Q142 +Q36881 P27 Q129286 +Q266445 P106 Q10798782 +Q74745 P108 Q155354 +Q1606108 P106 Q18805 +Q7314 P136 Q189201 +Q40531 P641 Q41323 +Q78977 P1412 Q188 +Q78214 P102 Q49750 +Q142059 P27 Q28513 +Q81244 P463 Q270794 +Q76432 P463 Q18912936 +Q48070 P1412 Q7737 +Q213583 P106 Q2374149 +Q386291 P161 Q281964 +Q3132761 P106 Q81096 +Q190220 P463 Q1468277 +Q3920109 P463 Q607496 +Q770584 P101 Q21198 +Q233911 P27 Q30 +Q730 P463 Q294278 +Q1067000 P264 Q1465812 +Q6107 P106 Q3922505 +Q450646 P102 Q5020915 +Q217160 P136 Q11399 +Q214299 P27 Q36 +Q174843 P106 Q177220 +Q183279 P463 Q270794 +Q93692 P135 Q9730 +Q202136 P108 Q213439 +Q67711 P172 Q7325 +Q148428 P136 Q157394 +Q374507 P161 Q343510 +Q153248 P509 Q372701 +Q60052 P463 Q83172 +Q441551 P26 Q52922 +Q1386188 P106 Q1028181 +Q464037 P20 Q220 +Q254789 P106 Q2259451 +Q403 P530 Q424 +Q7104 P106 Q40348 +Q90891 P27 Q41304 +Q78608 P108 Q349055 +Q122123 P27 Q30 +Q547181 P101 Q207628 +Q101437 P106 Q201788 +Q1351047 P106 Q901 +Q5327 P463 Q543804 +Q78316 P106 Q10732476 +Q126164 P119 Q272208 +Q181555 P840 Q11299 +Q156349 P106 Q201788 +Q362340 P1303 Q5994 +Q85460 P20 Q2634 +Q19837 P172 Q141817 +Q40912 P106 Q10798782 +Q1622098 P264 Q38903 +Q367032 P136 Q492264 +Q11239 P19 Q60 +Q215219 P106 Q10798782 +Q461540 P136 Q200092 +Q3076050 P106 Q2252262 +Q56635 P106 Q193391 +Q3520383 P136 Q2973181 +Q853 P108 Q4129798 +Q104737 P2348 Q6927 +Q440102 P106 Q2526255 +Q153034 P101 Q5891 +Q20726 P106 Q36180 +Q37388 P69 Q332342 +Q34211 P69 Q194445 +Q171242 P509 Q181754 +Q649667 P551 Q5083 +Q714462 P19 Q43788 +Q1239933 P106 Q2252262 +Q60141 P106 Q201788 +Q463768 P840 Q668 +Q71404 P1412 Q1860 +Q115715 P509 Q12078 +Q2201 P495 Q145 +Q881176 P102 Q29552 +Q928 P530 Q836 +Q84053 P19 Q16555 +Q222921 P27 Q30 +Q252142 P140 Q9592 +Q346085 P1303 Q17172850 +Q72790 P106 Q36180 +Q84867 P20 Q1741 +Q76717 P1412 Q188 +Q1476652 P1303 Q6607 +Q76490 P1303 Q11404 +Q62765 P106 Q36180 +Q300439 P57 Q55422 +Q151898 P161 Q218503 +Q63432 P20 Q693653 +Q224902 P106 Q193391 +Q441226 P106 Q1930187 +Q310357 P172 Q49085 +Q44426 P106 Q33999 +Q96248 P19 Q1726 +Q94555 P69 Q1329269 +Q186329 P1412 Q727694 +Q183031 P106 Q36180 +Q426517 P495 Q30 +Q207458 P106 Q10798782 +Q62672 P106 Q40348 +Q529639 P106 Q4853732 +Q7200 P136 Q309 +Q299161 P737 Q1512 +Q192634 P106 Q36180 +Q183492 P69 Q13371 +Q352452 P106 Q639669 +Q2602121 P551 Q2807 +Q991 P106 Q333634 +Q312252 P136 Q83440 +Q49034 P1412 Q1860 +Q327303 P106 Q1231865 +Q192912 P102 Q9630 +Q468667 P106 Q36180 +Q62763 P19 Q2090 +Q4700 P509 Q188874 +Q61597 P172 Q7325 +Q297598 P106 Q5716684 +Q27 P463 Q42262 +Q229176 P106 Q3282637 +Q68501 P106 Q12144794 +Q75757 P27 Q35 +Q215215 P136 Q37073 +Q29418 P463 Q463303 +Q2547113 P108 Q131252 +Q35149 P106 Q121594 +Q483203 P106 Q10800557 +Q11031 P463 Q2822396 +Q2857384 P106 Q43845 +Q83396 P1412 Q150 +Q571287 P119 Q311 +Q424 P530 Q851 +Q9204 P737 Q19008 +Q233213 P106 Q10798782 +Q151892 P136 Q45981 +Q431565 P69 Q1431541 +Q215637 P106 Q36180 +Q854912 P136 Q9730 +Q1031340 P264 Q3629023 +Q121507 P136 Q268253 +Q973400 P136 Q11399 +Q183105 P106 Q47064 +Q1041 P463 Q134102 +Q44077 P27 Q30 +Q185165 P136 Q37073 +Q103946 P106 Q2405480 +Q295817 P106 Q855091 +Q955405 P27 Q30 +Q228494 P1412 Q1860 +Q17132 P1412 Q1860 +Q4559180 P106 Q36180 +Q275247 P27 Q183 +Q842 P530 Q878 +Q20749396 P101 Q213156 +Q190089 P106 Q2259532 +Q581018 P106 Q4220892 +Q1292776 P27 Q30 +Q76791 P27 Q183 +Q198451 P495 Q408 +Q954 P530 Q114 +Q2560778 P101 Q413 +Q326604 P1303 Q6607 +Q37370 P106 Q49757 +Q717 P37 Q1321 +Q109149 P20 Q24879 +Q261041 P106 Q1930187 +Q75828 P106 Q11063 +Q64645 P106 Q33999 +Q43788 P17 Q30 +Q337206 P106 Q158852 +Q77015 P106 Q193391 +Q205772 P69 Q332342 +Q92519 P106 Q482980 +Q313981 P106 Q36180 +Q837 P530 Q17 +Q76158 P106 Q14972848 +Q46633 P101 Q395 +Q1125383 P172 Q42406 +Q345571 P106 Q36180 +Q3241949 P106 Q188094 +Q151881 P161 Q42101 +Q90037 P108 Q310695 +Q212 P530 Q227 +Q316629 P106 Q2259451 +Q67553 P27 Q183 +Q431591 P106 Q753110 +Q30875 P26 Q445095 +Q598185 P27 Q30 +Q182046 P106 Q14467526 +Q362559 P106 Q10800557 +Q220154 P136 Q860626 +Q5879 P509 Q12152 +Q113717 P27 Q40 +Q312280 P119 Q311 +Q431117 P1303 Q17172850 +Q76308 P463 Q49738 +Q76553 P106 Q635734 +Q4014532 P102 Q29552 +Q130799 P106 Q2643890 +Q44205 P463 Q329464 +Q159 P530 Q813 +Q23359 P27 Q30 +Q49074 P106 Q16323111 +Q230169 P106 Q4610556 +Q83739 P161 Q2263 +Q162035 P106 Q10798782 +Q203715 P106 Q49757 +Q87302 P463 Q329464 +Q45388 P136 Q188473 +Q331896 P27 Q12560 +Q128126 P108 Q835960 +Q151848 P495 Q30 +Q680728 P106 Q1086863 +Q1246 P530 Q219 +Q57337 P1412 Q188 +Q240222 P1303 Q6607 +Q77 P530 Q30 +Q452084 P140 Q9592 +Q180416 P136 Q590103 +Q242416 P106 Q28389 +Q373948 P69 Q1093910 +Q312078 P161 Q133050 +Q192529 P20 Q2807 +Q55428 P27 Q27 +Q349039 P106 Q15077007 +Q30875 P106 Q482980 +Q555613 P20 Q490 +Q148204 P161 Q188772 +Q258630 P106 Q3391743 +Q207356 P106 Q49757 +Q456921 P106 Q82955 +Q274604 P106 Q1930187 +Q201607 P136 Q56284716 +Q240658 P106 Q10800557 +Q25089 P1303 Q8343 +Q104196 P106 Q947873 +Q161819 P1303 Q17172850 +Q334180 P27 Q241 +Q310729 P495 Q183 +Q607448 P1303 Q6607 +Q34670 P27 Q142 +Q53096 P161 Q211283 +Q25320 P463 Q123885 +Q120664 P106 Q36180 +Q93028 P106 Q82594 +Q720443 P101 Q309 +Q254552 P69 Q174710 +Q373774 P161 Q437944 +Q358990 P106 Q2526255 +Q39 P530 Q865 +Q117139 P106 Q10798782 +Q4030 P106 Q36834 +Q244674 P19 Q277162 +Q238315 P27 Q142 +Q57603 P106 Q182436 +Q337521 P106 Q2722764 +Q7542 P737 Q5950 +Q43 P463 Q376150 +Q87884 P69 Q55044 +Q11617 P106 Q177220 +Q601304 P19 Q16552 +Q735539 P20 Q406 +Q180468 P106 Q39631 +Q963626 P106 Q2405480 +Q128529 P27 Q16 +Q437356 P106 Q4773904 +Q285462 P106 Q14467526 +Q235615 P69 Q49088 +Q182229 P106 Q2526255 +Q1057893 P1303 Q17172850 +Q42992 P102 Q210703 +Q78476 P19 Q34713 +Q4751826 P737 Q6694 +Q93341 P1303 Q8338 +Q215989 P19 Q1709 +Q310767 P106 Q189290 +Q124494 P108 Q151510 +Q55249 P1412 Q1860 +Q455236 P20 Q84 +Q60903 P1412 Q188 +Q164384 P463 Q270794 +Q442547 P106 Q10800557 +Q220154 P161 Q314485 +Q93401 P106 Q40348 +Q96843 P1412 Q188 +Q1018838 P69 Q222738 +Q228899 P106 Q753110 +Q213512 P19 Q1345 +Q1383002 P463 Q466089 +Q110203 P161 Q228787 +Q9204 P140 Q6423963 +Q71759 P106 Q10798782 +Q5749 P20 Q90 +Q79969 P737 Q5752 +Q131674 P27 Q15180 +Q336018 P106 Q8178443 +Q240788 P106 Q1350189 +Q3215817 P27 Q408 +Q106607 P106 Q2259451 +Q11124 P106 Q82955 +Q82301 P27 Q20 +Q138984 P106 Q49757 +Q339876 P136 Q130232 +Q34 P37 Q9027 +Q4263050 P26 Q76127 +Q57281 P106 Q4964182 +Q66543 P1412 Q188 +Q707460 P27 Q145 +Q764913 P27 Q28 +Q311193 P136 Q38848 +Q232109 P27 Q30 +Q259379 P106 Q33999 +Q4295 P27 Q142 +Q332497 P161 Q269901 +Q319934 P108 Q49117 +Q157259 P27 Q174193 +Q275593 P106 Q33999 +Q455827 P1303 Q128309 +Q104719 P108 Q154561 +Q348615 P19 Q487119 +Q234819 P136 Q49084 +Q598050 P106 Q18844224 +Q292543 P106 Q33999 +Q47899 P264 Q843402 +Q75546 P840 Q60 +Q456235 P19 Q1486 +Q971962 P106 Q1930187 +Q85394 P69 Q658975 +Q853095 P463 Q265058 +Q3910 P69 Q49165 +Q784260 P264 Q202440 +Q444017 P136 Q130232 +Q218172 P136 Q130232 +Q878 P530 Q114 +Q39 P463 Q1377612 +Q472 P17 Q219 +Q164384 P108 Q161562 +Q36951 P106 Q36180 +Q241115 P106 Q177220 +Q330847 P19 Q33405 +Q260331 P1303 Q5994 +Q43144 P106 Q82955 +Q467103 P1303 Q8377 +Q1787960 P106 Q639669 +Q292043 P27 Q29999 +Q211542 P136 Q8261 +Q439198 P19 Q16563 +Q43267 P136 Q45981 +Q100276 P106 Q1622272 +Q104358 P136 Q182659 +Q189172 P737 Q9387 +Q83656 P136 Q130232 +Q1020 P530 Q1037 +Q319133 P1412 Q1860 +Q889 P463 Q191384 +Q107761 P161 Q674451 +Q318755 P106 Q177220 +Q122113 P136 Q2678111 +Q64397 P1412 Q1860 +Q152513 P106 Q121594 +Q27610 P106 Q333634 +Q444885 P106 Q43845 +Q49498 P161 Q295964 +Q604086 P27 Q403 +Q838261 P361 Q36704 +Q725933 P27 Q15180 +Q805 P530 Q878 +Q213974 P106 Q49757 +Q229353 P551 Q84 +Q240238 P106 Q33999 +Q57490 P102 Q7320 +Q229430 P264 Q165745 +Q71408 P20 Q1022 +Q792 P530 Q865 +Q356115 P106 Q36180 +Q258462 P108 Q762266 +Q202859 P1412 Q1860 +Q214013 P161 Q233347 +Q193338 P69 Q7894738 +Q371905 P106 Q36834 +Q270692 P106 Q639669 +Q1649321 P106 Q639669 +Q607968 P106 Q81096 +Q240377 P106 Q214917 +Q34453 P509 Q181754 +Q204019 P106 Q15253558 +Q2622193 P69 Q658192 +Q123825 P69 Q776223 +Q766403 P119 Q311 +Q312901 P1412 Q1321 +Q236229 P136 Q180902 +Q984614 P27 Q30 +Q130947 P172 Q484464 +Q18913 P108 Q691851 +Q215778 P106 Q13582652 +Q85108 P1412 Q188 +Q956652 P108 Q1065 +Q794 P530 Q928 +Q270374 P136 Q235858 +Q392 P136 Q613408 +Q334763 P495 Q30 +Q182305 P106 Q36180 +Q182763 P69 Q4614 +Q64910 P27 Q41304 +Q320167 P463 Q52463 +Q177930 P161 Q213430 +Q44839 P463 Q459620 +Q232009 P161 Q232868 +Q214778 P1412 Q188 +Q537705 P108 Q149990 +Q49017 P106 Q486748 +Q501 P69 Q1059546 +Q2757 P1412 Q809 +Q213539 P1303 Q5994 +Q68171 P106 Q639669 +Q34787 P737 Q76422 +Q983421 P106 Q6625963 +Q952737 P106 Q201788 +Q128985 P106 Q193391 +Q558972 P106 Q1930187 +Q507940 P27 Q142 +Q503672 P106 Q486748 +Q531743 P27 Q174193 +Q45188 P136 Q217467 +Q590911 P1412 Q1860 +Q216052 P20 Q649 +Q67477 P1412 Q397 +Q112202 P27 Q40 +Q256884 P106 Q855091 +Q213775 P20 Q3955 +Q42747 P106 Q28389 +Q11755 P108 Q41506 +Q207359 P106 Q15296811 +Q1514 P20 Q34006 +Q236 P530 Q219 +Q55690 P106 Q1930187 +Q155786 P106 Q81096 +Q328695 P161 Q220536 +Q1443689 P106 Q177220 +Q77876 P106 Q482980 +Q333190 P106 Q2259451 +Q312628 P135 Q186030 +Q162045 P106 Q36834 +Q96825 P102 Q49750 +Q83275 P108 Q192964 +Q50861 P161 Q309835 +Q9387 P69 Q152087 +Q73063 P463 Q83172 +Q39803 P27 Q419 +Q200827 P136 Q959790 +Q269927 P106 Q6625963 +Q39975 P161 Q237115 +Q122020 P106 Q10800557 +Q234980 P102 Q204911 +Q11607 P19 Q47265 +Q259691 P106 Q488205 +Q3924 P19 Q11299 +Q180453 P106 Q1327329 +Q297425 P172 Q7325 +Q313013 P1303 Q5994 +Q1282289 P106 Q81096 +Q453330 P106 Q177220 +Q621458 P106 Q1622272 +Q62942 P106 Q36180 +Q44258 P1412 Q397 +Q110106 P106 Q593644 +Q92601 P106 Q557880 +Q72916 P3373 Q66735 +Q78109 P106 Q16533 +Q311068 P106 Q10798782 +Q71548 P551 Q65 +Q948 P463 Q340195 +Q204019 P106 Q183945 +Q214226 P106 Q855091 +Q223887 P161 Q343510 +Q201608 P641 Q5372 +Q47900 P1050 Q12204 +Q332953 P1303 Q6607 +Q192279 P106 Q82955 +Q48129 P106 Q47064 +Q7200 P106 Q8178443 +Q19955709 P69 Q167733 +Q129119 P1303 Q133163 +Q234335 P106 Q188094 +Q434185 P27 Q801 +Q386291 P161 Q188955 +Q263178 P1412 Q5287 +Q888326 P106 Q33999 +Q359059 P20 Q16559 +Q148429 P161 Q37459 +Q194287 P136 Q7749 +Q187832 P106 Q33999 +Q470758 P106 Q15949613 +Q254552 P27 Q30 +Q65350 P463 Q451079 +Q221450 P463 Q463303 +Q110462 P551 Q60 +Q174327 P106 Q82955 +Q1320912 P106 Q855091 +Q349391 P463 Q463303 +Q355288 P27 Q30 +Q289895 P19 Q1731 +Q326604 P106 Q36834 +Q353866 P69 Q83259 +Q102336 P463 Q469210 +Q296370 P106 Q2259451 +Q51101 P737 Q34389 +Q479052 P27 Q96 +Q96452 P27 Q183 +Q190145 P161 Q299700 +Q110365 P495 Q55 +Q124183 P1412 Q188 +Q470572 P161 Q209186 +Q64963 P106 Q783906 +Q91023 P108 Q152087 +Q90315 P106 Q82955 +Q505882 P106 Q130857 +Q18809 P106 Q82955 +Q257752 P1412 Q150 +Q62976 P161 Q182349 +Q715787 P108 Q168515 +Q377768 P1412 Q150 +Q213447 P27 Q27 +Q43697 P106 Q10800557 +Q991 P737 Q150471 +Q3910 P463 Q40970 +Q357455 P106 Q177220 +Q26372 P1412 Q5287 +Q432929 P509 Q11085 +Q90493 P106 Q1930187 +Q159 P530 Q30 +Q213706 P69 Q4614 +Q275185 P27 Q30 +Q44024 P20 Q87 +Q319725 P27 Q30 +Q210590 P136 Q959790 +Q370711 P106 Q130857 +Q468864 P106 Q1930187 +Q98719 P463 Q451079 +Q53040 P19 Q2044 +Q313653 P69 Q4948174 +Q1017117 P27 Q30 +Q37370 P27 Q40 +Q202770 P20 Q649 +Q228931 P106 Q10798782 +Q31033707 P106 Q131062 +Q979166 P106 Q15981151 +Q151098 P463 Q161806 +Q213582 P27 Q142 +Q270951 P136 Q37073 +Q873 P463 Q463303 +Q176945 P106 Q33999 +Q291866 P106 Q10800557 +Q100122 P106 Q10798782 +Q457727 P106 Q12377274 +Q4751826 P20 Q472 +Q44007 P106 Q1925963 +Q221236 P161 Q16296 +Q763507 P106 Q1930187 +Q86407 P106 Q4853732 +Q188214 P140 Q1841 +Q63338 P106 Q36180 +Q3074304 P106 Q81096 +Q15873 P136 Q11399 +Q388268 P20 Q90 +Q183066 P161 Q296370 +Q309048 P840 Q60 +Q238702 P106 Q589298 +Q261923 P161 Q191132 +Q9588 P140 Q170208 +Q66448 P106 Q1350157 +Q109612 P69 Q3098911 +Q278625 P106 Q37226 +Q40362 P530 Q241 +Q35 P463 Q458 +Q92776 P69 Q797892 +Q1634482 P106 Q82955 +Q271614 P106 Q36834 +Q989 P509 Q11085 +Q706898 P1412 Q7411 +Q212772 P136 Q850412 +Q488099 P27 Q15180 +Q664909 P106 Q639669 +Q295420 P106 Q10800557 +Q273833 P106 Q3282637 +Q65825 P27 Q183 +Q379836 P1412 Q7850 +Q488429 P1303 Q17172850 +Q314972 P106 Q876864 +Q43416 P1303 Q17172850 +Q231360 P106 Q3621491 +Q87131 P108 Q155354 +Q19810 P106 Q33999 +Q204019 P264 Q155152 +Q1112005 P106 Q2252262 +Q5879 P106 Q3579035 +Q779682 P106 Q1234713 +Q278319 P106 Q33999 +Q40 P463 Q5611262 +Q519289 P264 Q885977 +Q11975 P106 Q43845 +Q433471 P509 Q3010352 +Q161087 P161 Q208667 +Q228244 P161 Q294583 +Q233092 P106 Q15077007 +Q42443 P463 Q161806 +Q70737 P19 Q365 +Q631722 P69 Q49167 +Q484292 P1412 Q7737 +Q238719 P106 Q36180 +Q327660 P20 Q235 +Q159840 P463 Q107569 +Q5950 P106 Q5716684 +Q1175266 P106 Q183945 +Q78205 P106 Q1930187 +Q239331 P69 Q7607037 +Q71848 P106 Q1234713 +Q48097 P463 Q1971373 +Q204751 P106 Q18814623 +Q107769 P19 Q16557 +Q284386 P106 Q1930187 +Q329163 P19 Q99 +Q714106 P106 Q82955 +Q695 P463 Q294278 +Q426517 P161 Q315217 +Q399 P463 Q8475 +Q269177 P106 Q2259451 +Q957921 P106 Q43845 +Q167475 P106 Q222344 +Q980676 P69 Q1189954 +Q224650 P264 Q1124849 +Q262446 P106 Q639669 +Q59314 P19 Q65 +Q214977 P106 Q3242115 +Q324757 P264 Q5086379 +Q14277 P463 Q463303 +Q730261 P27 Q30 +Q431401 P106 Q6168364 +Q60486 P20 Q3834 +Q77753 P19 Q1715 +Q667925 P1412 Q150 +Q374526 P136 Q1054574 +Q213355 P20 Q84 +Q314942 P161 Q311804 +Q152272 P106 Q10800557 +Q231228 P19 Q16555 +Q527146 P106 Q6625963 +Q322549 P106 Q1622272 +Q144746 P1412 Q1860 +Q101339 P106 Q635734 +Q75174 P1412 Q1860 +Q1192 P106 Q16145150 +Q445985 P1303 Q81982 +Q105362 P102 Q49755 +Q106103 P19 Q90 +Q313512 P106 Q13582652 +Q85927 P106 Q3400985 +Q1124 P1303 Q9798 +Q313512 P106 Q188094 +Q807787 P106 Q855091 +Q60389 P106 Q4964182 +Q469752 P1412 Q143 +Q16397 P40 Q211462 +Q55 P463 Q5611262 +Q223949 P106 Q82955 +Q200228 P1303 Q17172850 +Q120905 P108 Q206702 +Q574400 P106 Q36180 +Q76593 P106 Q169470 +Q297425 P119 Q1358639 +Q49319 P136 Q45981 +Q233546 P27 Q16 +Q183848 P106 Q4964182 +Q93797 P102 Q7320 +Q347685 P106 Q16287483 +Q158813 P106 Q639669 +Q423 P530 Q252 +Q62857 P69 Q691283 +Q4451565 P106 Q16287483 +Q847446 P1303 Q17172850 +Q389779 P1303 Q6607 +Q40187 P136 Q157443 +Q356375 P106 Q266569 +Q326723 P102 Q29468 +Q216052 P102 Q153401 +Q128956 P27 Q145 +Q365463 P1412 Q188 +Q242376 P106 Q1622272 +Q1176607 P106 Q33999 +Q114 P530 Q878 +Q133386 P106 Q1622272 +Q71452 P1412 Q188 +Q713058 P106 Q177220 +Q230 P530 Q664 +Q311453 P106 Q2405480 +Q4492929 P463 Q83172 +Q664 P463 Q376150 +Q102022 P106 Q36180 +Q659238 P136 Q183504 +Q201484 P106 Q170790 +Q39792 P106 Q2526255 +Q598050 P106 Q36180 +Q399 P530 Q77 +Q30 P530 Q1025 +Q88464 P106 Q593644 +Q258 P530 Q403 +Q223258 P27 Q30 +Q60477 P1412 Q188 +Q132952 P106 Q33999 +Q213675 P106 Q1930187 +Q271032 P140 Q6423963 +Q362353 P106 Q7042855 +Q8007 P69 Q49123 +Q159552 P69 Q186285 +Q761838 P463 Q270794 +Q66126 P106 Q28389 +Q86922 P27 Q183 +Q115347 P106 Q33999 +Q320014 P1412 Q7411 +Q310580 P106 Q488205 +Q317397 P27 Q15180 +Q57896 P20 Q56037 +Q171571 P106 Q4610556 +Q296729 P19 Q60 +Q268160 P136 Q193355 +Q41 P530 Q17 +Q276392 P161 Q312051 +Q642127 P106 Q2516866 +Q114558 P2348 Q6927 +Q12054 P106 Q36180 +Q190089 P106 Q1234713 +Q132524 P106 Q214917 +Q12571 P69 Q503473 +Q77447 P106 Q36180 +Q533369 P106 Q36834 +Q298920 P509 Q188874 +Q885 P172 Q1026 +Q779682 P106 Q250867 +Q78553 P463 Q684415 +Q57124 P27 Q28 +Q82925 P27 Q174193 +Q34 P530 Q33 +Q108941 P106 Q10798782 +Q194287 P106 Q9648008 +Q258503 P106 Q10798782 +Q319996 P1412 Q1860 +Q68501 P106 Q37226 +Q65783 P140 Q75809 +Q924104 P106 Q2252262 +Q209481 P161 Q37079 +Q700018 P463 Q183725 +Q348916 P106 Q1930187 +Q39691 P19 Q807 +Q204057 P136 Q3072039 +Q363386 P1303 Q8371 +Q736 P463 Q8475 +Q82085 P551 Q65 +Q704015 P106 Q36180 +Q589781 P106 Q639669 +Q85807 P19 Q1741 +Q91 P106 Q82955 +Q929665 P106 Q15981151 +Q165219 P551 Q60 +Q190086 P136 Q20442589 +Q557 P106 Q855091 +Q189889 P161 Q313020 +Q2547113 P19 Q25395 +Q2062366 P106 Q15995642 +Q285543 P106 Q10800557 +Q319896 P19 Q1874 +Q6538 P463 Q2043519 +Q154145 P737 Q48301 +Q3215942 P69 Q3064332 +Q217495 P106 Q49757 +Q290287 P106 Q947873 +Q234144 P27 Q41 +Q217619 P106 Q49757 +Q29572198 P106 Q3391743 +Q24871 P2283 Q568723 +Q454388 P106 Q8246794 +Q726071 P27 Q30 +Q61058 P463 Q1017002 +Q216060 P106 Q333634 +Q184103 P172 Q7435494 +Q912687 P106 Q1622272 +Q433893 P106 Q33999 +Q951581 P27 Q31 +Q155423 P19 Q1492 +Q6714 P108 Q20266330 +Q686 P463 Q233611 +Q90849 P106 Q947873 +Q358345 P1303 Q17172850 +Q116309 P27 Q34266 +Q97723 P102 Q153401 +Q1173676 P108 Q35794 +Q43067 P102 Q7320 +Q40874 P106 Q11774202 +Q233377 P172 Q49085 +Q342778 P264 Q4413456 +Q332497 P161 Q43203 +Q727705 P106 Q193391 +Q92670 P106 Q82594 +Q20749396 P106 Q33999 +Q234141 P69 Q523926 +Q189067 P106 Q33999 +Q472071 P69 Q82513 +Q4085141 P27 Q139319 +Q165680 P119 Q2790054 +Q152880 P1412 Q1860 +Q229 P530 Q851 +Q272943 P106 Q177220 +Q311267 P19 Q18426 +Q672301 P1412 Q9072 +Q314403 P451 Q8927 +Q234685 P27 Q30 +Q1269512 P69 Q657167 +Q319084 P106 Q10798782 +Q109067 P641 Q718 +Q180852 P106 Q10800557 +Q429664 P106 Q10800557 +Q741058 P106 Q82955 +Q439283 P27 Q174193 +Q246711 P161 Q269894 +Q70997 P140 Q9268 +Q44111 P463 Q1493021 +Q275939 P1303 Q27939 +Q103157 P2348 Q6927 +Q434573 P119 Q746647 +Q92740 P106 Q170790 +Q66207 P27 Q39 +Q5082974 P27 Q174193 +Q47667 P106 Q193391 +Q767329 P106 Q81096 +Q278625 P1412 Q7737 +Q880181 P463 Q270794 +Q335643 P27 Q414 +Q518850 P20 Q1486 +Q1138543 P136 Q83440 +Q2560493 P27 Q34 +Q79969 P106 Q18814623 +Q884143 P172 Q49085 +Q230993 P106 Q33999 +Q319783 P840 Q30 +Q163557 P106 Q49757 +Q211566 P106 Q10798782 +Q617920 P106 Q13219637 +Q44648 P1303 Q17172850 +Q1028859 P106 Q753110 +Q171228 P106 Q43845 +Q51133 P106 Q3282637 +Q114808 P106 Q49757 +Q275876 P106 Q82955 +Q1232794 P106 Q10800557 +Q85877 P19 Q2805 +Q1041 P530 Q148 +Q577704 P106 Q1930187 +Q18964 P840 Q84 +Q229599 P161 Q29250 +Q309248 P136 Q319221 +Q8011 P140 Q9585 +Q796 P463 Q1043527 +Q835 P106 Q33999 +Q123923 P27 Q225 +Q317343 P27 Q145 +Q158050 P106 Q18814623 +Q88478 P106 Q1622272 +Q17 P530 Q458 +Q3384965 P463 Q337234 +Q300371 P136 Q157443 +Q1516431 P161 Q223281 +Q212676 P1412 Q8798 +Q131814 P106 Q10800557 +Q101326 P463 Q329464 +Q951957 P1412 Q7737 +Q76746 P19 Q1726 +Q40143 P106 Q28389 +Q1282910 P140 Q1841 +Q270935 P106 Q36834 +Q123389 P106 Q6625963 +Q1203 P264 Q155152 +Q734 P530 Q30 +Q3339429 P106 Q4610556 +Q453384 P69 Q131252 +Q4673 P27 Q43287 +Q156890 P106 Q644687 +Q238800 P27 Q34 +Q185770 P106 Q11063 +Q296609 P140 Q9089 +Q294568 P264 Q1849138 +Q72217 P27 Q183 +Q1380398 P264 Q1124061 +Q322275 P106 Q177220 +Q181229 P69 Q8008661 +Q5950 P1303 Q17172850 +Q216148 P106 Q482980 +Q360477 P27 Q30 +Q8646 P530 Q865 +Q311961 P551 Q104192 +Q103002 P106 Q10800557 +Q470931 P27 Q794 +Q43203 P106 Q36834 +Q460664 P161 Q212532 +Q172107 P30 Q46 +Q235318 P463 Q270920 +Q27820706 P264 Q38903 +Q1176607 P106 Q183945 +Q134773 P136 Q192881 +Q215497 P451 Q507985 +Q73176 P69 Q258464 +Q333615 P20 Q90 +Q109496 P69 Q154804 +Q1187592 P27 Q142 +Q124617 P463 Q1971373 +Q1609199 P20 Q65 +Q83807 P119 Q1771319 +Q53944 P551 Q3141 +Q2966 P17 Q713750 +Q675 P463 Q191583 +Q198962 P106 Q177220 +Q335087 P27 Q174193 +Q468452 P27 Q30 +Q71419 P106 Q82955 +Q1648062 P102 Q49762 +Q515034 P551 Q1492 +Q553861 P69 Q860450 +Q361683 P106 Q5716684 +Q66992 P463 Q812155 +Q1031 P509 Q147778 +Q58009 P19 Q1721 +Q261522 P27 Q15180 +Q66456 P102 Q7320 +Q103917 P106 Q2059704 +Q216573 P1412 Q9288 +Q78089 P106 Q1622272 +Q833 P530 Q35 +Q433246 P106 Q753110 +Q234289 P106 Q82955 +Q231815 P19 Q60 +Q3709961 P463 Q270794 +Q446427 P106 Q2095549 +Q398 P530 Q145 +Q438885 P136 Q11366 +Q2594 P102 Q662377 +Q90201 P106 Q49757 +Q231116 P551 Q65 +Q1391164 P106 Q36180 +Q103157 P451 Q188459 +Q44111 P69 Q333705 +Q377939 P161 Q234212 +Q955405 P106 Q82955 +Q239002 P136 Q37073 +Q4941 P840 Q22 +Q651059 P463 Q543804 +Q169452 P69 Q617433 +Q766 P463 Q899770 +Q177984 P106 Q33999 +Q122110 P1412 Q188 +Q287740 P161 Q103876 +Q309153 P161 Q235744 +Q94123 P119 Q1358639 +Q11637 P1303 Q17172850 +Q102711 P26 Q235346 +Q533970 P1412 Q150 +Q334965 P135 Q179805 +Q910486 P106 Q177220 +Q180337 P495 Q145 +Q314269 P135 Q213457 +Q429963 P106 Q33999 +Q106303 P106 Q2259451 +Q1711615 P106 Q1622272 +Q361297 P40 Q217427 +Q137042 P1303 Q1444 +Q61000 P19 Q2079 +Q6714 P27 Q183 +Q218 P30 Q46 +Q105801 P161 Q296928 +Q155018 P136 Q52162262 +Q631722 P106 Q130857 +Q1733 P17 Q55300 +Q190770 P27 Q30 +Q139602 P106 Q578109 +Q223455 P69 Q797078 +Q181728 P106 Q14467526 +Q65013 P106 Q1397808 +Q459310 P737 Q153034 +Q36878 P27 Q15180 +Q128746 P106 Q753110 +Q544611 P108 Q49088 +Q796 P530 Q851 +Q1792 P17 Q41304 +Q323827 P161 Q3938408 +Q12857 P1412 Q188 +Q735539 P136 Q11399 +Q232109 P106 Q6625963 +Q349852 P106 Q2405480 +Q34970 P106 Q6625963 +Q221843 P27 Q30 +Q44258 P27 Q12544 +Q172161 P69 Q3064259 +Q104123 P161 Q172678 +Q740657 P1412 Q1860 +Q19074 P463 Q463303 +Q187336 P106 Q82955 +Q2849296 P106 Q3455803 +Q381039 P106 Q4964182 +Q298016 P102 Q29468 +Q459969 P106 Q2865819 +Q2645477 P19 Q6602 +Q273574 P106 Q10800557 +Q104688 P108 Q157575 +Q266335 P1303 Q17172850 +Q234128 P69 Q1247589 +Q229274 P1303 Q5994 +Q170373 P106 Q1622272 +Q60259 P106 Q36180 +Q271690 P161 Q26806 +Q164281 P101 Q8134 +Q76686 P108 Q154561 +Q219060 P530 Q851 +Q16473 P106 Q9648008 +Q55258 P1412 Q1860 +Q42544 P27 Q179876 +Q1370873 P69 Q49122 +Q312747 P27 Q29 +Q109540 P69 Q662355 +Q180589 P106 Q1607826 +Q373034 P106 Q11338576 +Q462149 P136 Q471839 +Q332610 P69 Q1068258 +Q311314 P27 Q30 +Q64988 P27 Q183 +Q89416 P463 Q459620 +Q334126 P1412 Q188 +Q49734 P106 Q183945 +Q172632 P27 Q30 +Q183167 P106 Q10297252 +Q347128 P1303 Q17172850 +Q123238 P106 Q47064 +Q64 P463 Q747279 +Q124008 P27 Q39 +Q86723 P106 Q333634 +Q60197 P106 Q864380 +Q448704 P106 Q855091 +Q220584 P136 Q182015 +Q233377 P106 Q177220 +Q148 P530 Q668 +Q58217 P27 Q15180 +Q289524 P69 Q1137719 +Q41314 P20 Q1764 +Q108703 P20 Q4098 +Q452084 P20 Q1085 +Q234101 P3373 Q253167 +Q636 P27 Q145 +Q40 P463 Q8908 +Q95971 P119 Q311 +Q658454 P106 Q82955 +Q263772 P27 Q30 +Q209926 P1303 Q128309 +Q189732 P1412 Q7737 +Q129119 P106 Q36834 +Q483203 P264 Q168407 +Q32734 P161 Q890204 +Q194045 P102 Q29468 +Q1938740 P106 Q1906857 +Q520621 P136 Q11401 +Q1711615 P106 Q639669 +Q327914 P106 Q36180 +Q311450 P106 Q177220 +Q468635 P106 Q639669 +Q320604 P69 Q209842 +Q168721 P451 Q55469 +Q327886 P1303 Q52954 +Q642195 P27 Q34266 +Q2643 P136 Q37073 +Q233697 P27 Q29999 +Q368129 P106 Q4610556 +Q188113 P27 Q145 +Q229603 P161 Q44380 +Q55249 P19 Q79848 +Q833 P530 Q928 +Q233265 P27 Q174193 +Q560048 P106 Q855091 +Q242128 P1412 Q1860 +Q45765 P172 Q846570 +Q166262 P136 Q1535153 +Q313553 P135 Q667661 +Q270324 P106 Q33999 +Q66316 P551 Q3033 +Q62539 P19 Q1726 +Q913570 P1412 Q150 +Q104301 P108 Q152087 +Q313666 P20 Q172455 +Q115210 P136 Q130232 +Q231951 P106 Q33999 +Q202801 P136 Q6010 +Q225885 P161 Q316596 +Q733 P530 Q30 +Q234360 P106 Q3282637 +Q281908 P106 Q183945 +Q304874 P27 Q30 +Q184169 P20 Q90 +Q200661 P106 Q6625963 +Q238869 P19 Q90 +Q155 P530 Q917 +Q39 P530 Q1246 +Q186630 P27 Q414 +Q60969 P27 Q154741 +Q214665 P106 Q33999 +Q333187 P20 Q1085 +Q76414 P106 Q1028181 +Q346801 P106 Q9648008 +Q374504 P19 Q60 +Q78713 P69 Q11942 +Q77 P530 Q774 +Q3118802 P106 Q1650915 +Q104088 P551 Q183 +Q233118 P106 Q3282637 +Q337063 P106 Q43845 +Q220550 P69 Q154561 +Q2579604 P27 Q16 +Q153576 P27 Q881 +Q106428 P57 Q103646 +Q465679 P106 Q864380 +Q181555 P161 Q508404 +Q734574 P106 Q14915627 +Q240886 P27 Q30 +Q965 P463 Q827525 +Q89014 P108 Q678982 +Q5333 P463 Q83172 +Q2773 P17 Q2415901 +Q6244080 P106 Q3391743 +Q37 P530 Q408 +Q92663 P108 Q49108 +Q100937 P20 Q65 +Q310098 P69 Q503246 +Q202536 P27 Q96 +Q241686 P106 Q3282637 +Q184768 P161 Q318292 +Q122553 P27 Q179876 +Q445417 P19 Q621549 +Q453447 P27 Q15180 +Q153421 P27 Q183 +Q428158 P136 Q52162262 +Q51519 P509 Q9687 +Q293275 P106 Q15981151 +Q191974 P140 Q9592 +Q550232 P161 Q339403 +Q947519 P106 Q1622272 +Q313193 P106 Q33999 +Q1716 P264 Q155152 +Q1268 P27 Q142 +Q756645 P172 Q8060 +Q178100 P27 Q27 +Q161819 P106 Q177220 +Q311068 P1412 Q1860 +Q1101938 P136 Q45981 +Q71650 P19 Q64 +Q57239 P106 Q4263842 +Q1173317 P264 Q277626 +Q44662 P161 Q95089 +Q835 P106 Q3387717 +Q203286 P106 Q82955 +Q233536 P106 Q10800557 +Q445985 P136 Q8361 +Q464882 P69 Q273626 +Q234891 P106 Q1259917 +Q201607 P136 Q49451 +Q119935 P69 Q49088 +Q584500 P106 Q947873 +Q726170 P106 Q36834 +Q313788 P106 Q10800557 +Q750 P530 Q414 +Q61533 P106 Q774306 +Q63458 P69 Q152838 +Q31487 P17 Q36 +Q49478 P27 Q142 +Q102551 P26 Q129087 +Q23810 P463 Q191583 +Q241215 P136 Q878985 +Q267406 P264 Q216364 +Q150630 P1412 Q652 +Q207544 P20 Q34006 +Q713213 P106 Q11063 +Q331652 P106 Q855091 +Q116032 P106 Q182436 +Q41340 P106 Q33999 +Q732513 P106 Q33999 +Q10390 P172 Q7435494 +Q734 P463 Q496967 +Q78318 P509 Q12136 +Q180589 P69 Q192088 +Q2831 P3373 Q131324 +Q360663 P106 Q36180 +Q7104 P106 Q593644 +Q269569 P106 Q639669 +Q12750 P69 Q584919 +Q336609 P106 Q14915627 +Q96331 P19 Q64 +Q162005 P106 Q131524 +Q316064 P106 Q1930187 +Q1377134 P19 Q84 +Q156815 P106 Q177220 +Q174346 P69 Q49088 +Q60208 P102 Q153401 +Q717543 P27 Q33 +Q520621 P19 Q62 +Q233736 P106 Q1259917 +Q441940 P136 Q8341 +Q27411 P161 Q193482 +Q62409 P27 Q43287 +Q202735 P106 Q10800557 +Q345431 P1303 Q6607 +Q152452 P106 Q2306091 +Q121111 P20 Q586 +Q48990 P19 Q5332 +Q65533 P1412 Q188 +Q103637 P106 Q33231 +Q63189 P509 Q181754 +Q93356 P737 Q1398 +Q159250 P106 Q10349745 +Q91323 P463 Q18650004 +Q1123533 P264 Q2733913 +Q197108 P1412 Q1860 +Q2794265 P69 Q13371 +Q914054 P463 Q270794 +Q183167 P106 Q49757 +Q60625 P106 Q182436 +Q2582 P1412 Q188 +Q881176 P69 Q230492 +Q462261 P106 Q28389 +Q16739 P131 Q104994 +Q1027 P463 Q376150 +Q441267 P1050 Q11081 +Q349799 P19 Q11299 +Q644797 P19 Q18419 +Q467519 P106 Q10800557 +Q55993 P106 Q676 +Q1451285 P20 Q24861 +Q42198 P161 Q37876 +Q41564 P69 Q13371 +Q152738 P27 Q34266 +Q1056163 P27 Q142 +Q921 P530 Q408 +Q40143 P106 Q33999 +Q92819 P106 Q82594 +Q289212 P136 Q37073 +Q67903 P463 Q414110 +Q924 P463 Q816706 +Q240894 P161 Q164117 +Q41281 P106 Q753110 +Q1874 P131 Q133356 +Q355245 P20 Q60 +Q519273 P136 Q187760 +Q60025 P108 Q168756 +Q76324 P463 Q2043519 +Q232837 P106 Q10798782 +Q55170 P106 Q2526255 +Q16 P530 Q766 +Q73646 P108 Q41506 +Q117021 P20 Q807 +Q962402 P106 Q36180 +Q106443 P106 Q33999 +Q102341 P2348 Q6939 +Q222008 P102 Q29552 +Q1397375 P69 Q49117 +Q337628 P106 Q201788 +Q260918 P106 Q177220 +Q503917 P140 Q9268 +Q129263 P106 Q81096 +Q43939 P106 Q42603 +Q215999 P463 Q463303 +Q888326 P27 Q30 +Q659027 P106 Q214917 +Q736 P530 Q408 +Q462579 P106 Q36180 +Q446743 P69 Q672420 +Q327713 P57 Q317567 +Q238356 P106 Q2259451 +Q38 P530 Q228 +Q369492 P136 Q130232 +Q343037 P509 Q2840 +Q229013 P1412 Q1860 +Q139326 P161 Q71130 +Q159 P530 Q1036 +Q20 P463 Q663492 +Q193257 P108 Q621043 +Q188235 P136 Q83440 +Q1040 P17 Q43287 +Q153657 P106 Q753110 +Q302174 P161 Q238432 +Q707186 P119 Q1345 +Q295463 P69 Q7864046 +Q801 P530 Q262 +Q509341 P19 Q182625 +Q84365 P509 Q12192 +Q292539 P27 Q218 +Q47075 P161 Q235205 +Q115347 P106 Q19204627 +Q75849 P27 Q41304 +Q80900 P69 Q49115 +Q243113 P1412 Q1860 +Q3550828 P106 Q43845 +Q76343 P27 Q28 +Q380026 P1050 Q11085 +Q107006 P27 Q948 +Q229940 P136 Q2280497 +Q667683 P108 Q21578 +Q61064 P27 Q34266 +Q320052 P106 Q2405480 +Q222867 P840 Q2915506 +Q2482444 P106 Q169470 +Q283799 P495 Q30 +Q62126 P19 Q1022 +Q124159 P69 Q49117 +Q73993 P108 Q7842 +Q210428 P1303 Q6607 +Q219424 P161 Q185122 +Q235066 P106 Q1259917 +Q228787 P551 Q387047 +Q2547113 P106 Q3391743 +Q25320 P119 Q188856 +Q983400 P106 Q170790 +Q778 P463 Q656801 +Q201927 P27 Q30 +Q175104 P106 Q3282637 +Q312288 P1412 Q1860 +Q189665 P106 Q4263842 +Q436784 P106 Q10800557 +Q155467 P19 Q7473516 +Q266959 P106 Q33999 +Q117 P530 Q28 +Q160783 P1412 Q150 +Q561670 P1412 Q1860 +Q16472 P106 Q28389 +Q315362 P737 Q41513 +Q57213 P1412 Q188 +Q131259 P136 Q37073 +Q77807 P106 Q947873 +Q233977 P106 Q177220 +Q107008 P264 Q165745 +Q4225547 P69 Q27621 +Q33977 P737 Q16867 +Q83338 P106 Q10798782 +Q66649 P69 Q189441 +Q71960 P136 Q959790 +Q448837 P1303 Q6607 +Q3490465 P106 Q4964182 +Q278174 P136 Q8261 +Q168517 P69 Q13371 +Q346091 P106 Q36180 +Q192165 P1303 Q17172850 +Q1047474 P264 Q1046066 +Q863514 P106 Q1930187 +Q231255 P108 Q126399 +Q213681 P106 Q864380 +Q78012 P27 Q34266 +Q436664 P106 Q6625963 +Q164424 P161 Q1889124 +Q273311 P19 Q84 +Q87857 P27 Q40 +Q131814 P1303 Q17172850 +Q66631 P1412 Q397 +Q354033 P1303 Q5994 +Q537005 P69 Q752663 +Q60487 P161 Q239240 +Q284386 P20 Q60 +Q81447 P106 Q12144794 +Q207515 P106 Q28389 +Q193803 P106 Q4964182 +Q208993 P27 Q34266 +Q164384 P106 Q169470 +Q272214 P106 Q33999 +Q67576 P27 Q16957 +Q319578 P27 Q902 +Q150894 P27 Q15180 +Q179041 P69 Q2093794 +Q152513 P737 Q82083 +Q414 P463 Q191384 +Q62889 P27 Q183 +Q90634 P106 Q1323191 +Q193346 P106 Q1476215 +Q650303 P463 Q338432 +Q35286 P106 Q372436 +Q66936 P463 Q329464 +Q168362 P106 Q4964182 +Q462118 P172 Q49085 +Q707266 P140 Q432 +Q148 P530 Q1246 +Q25 P37 Q1860 +Q208546 P136 Q1344 +Q600635 P69 Q501758 +Q4149437 P101 Q41217 +Q60208 P69 Q503473 +Q1702383 P27 Q30 +Q324588 P106 Q855091 +Q443317 P106 Q177220 +Q171582 P161 Q311804 +Q230501 P106 Q753110 +Q92608 P106 Q81096 +Q160058 P106 Q639669 +Q265 P530 Q843 +Q562556 P106 Q28389 +Q358529 P119 Q2044 +Q34969 P463 Q123885 +Q57109 P106 Q4002666 +Q281034 P106 Q28389 +Q24045 P106 Q49757 +Q45245 P106 Q36180 +Q267672 P136 Q188473 +Q1246 P37 Q8748 +Q444601 P106 Q2259451 +Q20749396 P27 Q31 +Q131412 P1412 Q397 +Q154010 P106 Q333634 +Q78126 P69 Q151510 +Q171463 P106 Q33999 +Q233932 P106 Q36834 +Q323653 P106 Q177220 +Q84150 P27 Q40 +Q1382863 P20 Q17042 +Q833 P530 Q837 +Q125666 P106 Q13590141 +Q193426 P40 Q321846 +Q557472 P264 Q1273666 +Q2063048 P106 Q901 +Q12101508 P106 Q774306 +Q2273039 P106 Q205375 +Q931005 P106 Q43845 +Q92893 P106 Q81096 +Q130780 P106 Q169470 +Q63962 P69 Q152838 +Q159054 P495 Q183 +Q70809 P69 Q131262 +Q1942336 P106 Q639669 +Q258750 P264 Q43327 +Q1779 P136 Q8341 +Q741600 P3373 Q293149 +Q11975 P106 Q28389 +Q25144 P106 Q33999 +Q192348 P27 Q172579 +Q357102 P106 Q1930187 +Q61852 P463 Q83172 +Q81328 P106 Q3282637 +Q381039 P106 Q170790 +Q55392 P106 Q3282637 +Q162634 P106 Q177220 +Q310819 P106 Q189290 +Q176361 P108 Q126399 +Q106231 P106 Q82955 +Q435532 P19 Q1345 +Q9049 P106 Q82594 +Q62749 P102 Q49768 +Q931561 P136 Q483352 +Q505949 P106 Q193391 +Q225509 P69 Q523926 +Q55211 P27 Q794 +Q94358 P106 Q28389 +Q310939 P106 Q1415090 +Q63209 P106 Q2374149 +Q101797 P551 Q62 +Q64856 P19 Q4120832 +Q14439 P106 Q177220 +Q490464 P161 Q212518 +Q177930 P161 Q315604 +Q437340 P27 Q142 +Q1054564 P1303 Q17172850 +Q319684 P106 Q82955 +Q238819 P140 Q23540 +Q322381 P106 Q1622272 +Q90315 P102 Q49750 +Q370747 P106 Q1930187 +Q602779 P172 Q49085 +Q797649 P106 Q482980 +Q215215 P27 Q30 +Q561617 P1412 Q9091 +Q313279 P106 Q10800557 +Q202613 P1303 Q17172850 +Q56074 P264 Q330629 +Q313666 P106 Q4964182 +Q223887 P161 Q317516 +Q233541 P106 Q5716684 +Q123565 P106 Q4964182 +Q313443 P106 Q10843402 +Q29008 P108 Q695599 +Q98116 P27 Q183 +Q160619 P106 Q4964182 +Q310580 P106 Q855091 +Q239331 P172 Q49085 +Q164963 P161 Q42204 +Q461610 P106 Q82955 +Q152738 P106 Q3242115 +Q470543 P69 Q131262 +Q218718 P106 Q1930187 +Q241660 P106 Q486748 +Q142627 P106 Q1930187 +Q76490 P1303 Q79838 +Q484523 P106 Q13235160 +Q444217 P106 Q33999 +Q573408 P19 Q270 +Q204057 P136 Q20442589 +Q50861 P161 Q207 +Q465511 P106 Q2722764 +Q154353 P119 Q311 +Q154448 P27 Q142 +Q50003 P1412 Q1860 +Q538716 P1303 Q6607 +Q264307 P136 Q52162262 +Q98960 P106 Q4773904 +Q17 P463 Q1480793 +Q307440 P20 Q3766 +Q786 P463 Q294278 +Q84698 P27 Q183 +Q297881 P106 Q3068305 +Q67917 P1412 Q188 +Q1270525 P27 Q28 +Q30487 P140 Q7066 +Q69645 P27 Q30 +Q453288 P463 Q1468277 +Q92004 P106 Q2259451 +Q96591 P108 Q153978 +Q124094 P27 Q39 +Q332256 P106 Q10349745 +Q444525 P136 Q471839 +Q228766 P106 Q10800557 +Q179097 P106 Q1234713 +Q221074 P106 Q10800557 +Q219 P530 Q796 +Q266816 P106 Q1371378 +Q79 P463 Q376150 +Q92853 P106 Q81096 +Q369916 P106 Q177220 +Q195949 P136 Q157394 +Q71322 P27 Q183 +Q156069 P495 Q145 +Q220335 P106 Q2405480 +Q192682 P27 Q16 +Q158465 P101 Q395 +Q761 P30 Q46 +Q365090 P106 Q15295720 +Q58863 P69 Q153978 +Q78714 P463 Q191583 +Q238305 P106 Q10798782 +Q110330 P106 Q901 +Q115588 P106 Q36180 +Q232282 P27 Q30 +Q235066 P264 Q64485314 +Q47221 P161 Q175142 +Q235517 P463 Q463303 +Q76527 P69 Q154804 +Q733174 P106 Q333634 +Q26318 P27 Q30 +Q34086 P106 Q33999 +Q191023 P106 Q482980 +Q153776 P106 Q82955 +Q1360782 P106 Q4351403 +Q71848 P106 Q49757 +Q66002 P1412 Q188 +Q366671 P106 Q36834 +Q353449 P463 Q463303 +Q233092 P27 Q30 +Q215219 P106 Q4610556 +Q251865 P106 Q488205 +Q123987 P1412 Q1860 +Q11907 P27 Q30 +Q1766082 P106 Q177220 +Q93817 P106 Q36180 +Q434640 P106 Q482980 +Q948808 P19 Q19660 +Q184535 P1412 Q7737 +Q234141 P106 Q2526255 +Q77144 P69 Q153987 +Q96594 P140 Q75809 +Q62126 P106 Q1234713 +Q355781 P106 Q2259451 +Q259446 P551 Q1489 +Q792 P463 Q191384 +Q76498 P106 Q482980 +Q53944 P40 Q3215817 +Q343059 P106 Q10798782 +Q188389 P509 Q12152 +Q1035323 P106 Q1930187 +Q268284 P136 Q37073 +Q37459 P106 Q193391 +Q160802 P119 Q1092107 +Q62753 P19 Q64 +Q106428 P161 Q229775 +Q715701 P69 Q13371 +Q3741406 P463 Q4345832 +Q371202 P106 Q183945 +Q1078152 P106 Q33999 +Q164933 P136 Q19367312 +Q3924 P264 Q1047366 +Q189599 P136 Q193355 +Q1123533 P106 Q639669 +Q44922 P27 Q30 +Q39803 P106 Q6625963 +Q222720 P136 Q130232 +Q242956 P451 Q54545 +Q740036 P106 Q33999 +Q3047837 P19 Q6602 +Q37 P37 Q9083 +Q333873 P136 Q49084 +Q1359247 P136 Q11401 +Q12288275 P27 Q30 +Q290287 P1412 Q652 +Q483507 P106 Q10800557 +Q314110 P1412 Q1860 +Q23395 P840 Q23768 +Q162269 P106 Q189290 +Q60903 P1412 Q7737 +Q49009 P27 Q16 +Q937359 P1412 Q5287 +Q488200 P106 Q432386 +Q112167 P26 Q433692 +Q104049 P106 Q33999 +Q705697 P69 Q49112 +Q234356 P106 Q10800557 +Q292539 P106 Q36180 +Q77728 P463 Q459620 +Q311238 P106 Q36834 +Q206685 P20 Q48958 +Q45970 P27 Q30 +Q261465 P106 Q36180 +Q1085 P131 Q213 +Q854 P530 Q833 +Q588449 P102 Q204911 +Q272943 P1303 Q258896 +Q5043 P740 Q1218 +Q230190 P1412 Q1860 +Q57382 P69 Q154804 +Q444885 P463 Q466089 +Q908693 P463 Q463281 +Q78037 P20 Q33935 +Q536892 P27 Q145 +Q213 P463 Q1969730 +Q267769 P106 Q1930187 +Q445405 P106 Q488205 +Q1164663 P136 Q193355 +Q117185 P1412 Q188 +Q714141 P27 Q34 +Q208681 P1303 Q6607 +Q264418 P106 Q33999 +Q3713655 P3373 Q239411 +Q1236051 P106 Q158852 +Q428215 P106 Q947873 +Q354250 P27 Q145 +Q70425 P106 Q36180 +Q302682 P161 Q52392 +Q246303 P106 Q36180 +Q60029 P1412 Q1321 +Q215652 P106 Q639669 +Q332399 P136 Q613408 +Q266617 P27 Q38 +Q213806 P106 Q1622272 +Q78586 P106 Q482980 +Q342604 P106 Q3282637 +Q431401 P106 Q130857 +Q111836 P106 Q1930187 +Q948941 P27 Q159 +Q215076 P106 Q1259917 +Q151869 P1412 Q150 +Q127866 P136 Q105527 +Q7546 P106 Q33999 +Q204590 P27 Q30 +Q8772 P108 Q273626 +Q983233 P1412 Q7411 +Q48084 P1412 Q7737 +Q116055 P108 Q658975 +Q225089 P136 Q24925 +Q726607 P1412 Q1321 +Q106482 P27 Q142 +Q25014 P106 Q2259451 +Q106762 P69 Q35794 +Q97431 P101 Q309 +Q1446475 P106 Q488205 +Q315826 P106 Q2722764 +Q92965 P140 Q9089 +Q979545 P27 Q30 +Q562213 P27 Q159 +Q224026 P69 Q174710 +Q741783 P27 Q36 +Q46139 P106 Q28389 +Q4014532 P106 Q639669 +Q66992 P20 Q90 +Q148 P530 Q916 +Q180416 P161 Q97423 +Q167437 P136 Q52162262 +Q234604 P106 Q34074720 +Q494507 P106 Q36180 +Q313193 P106 Q10297252 +Q315732 P135 Q377616 +Q188848 P1412 Q1860 +Q6107 P106 Q822146 +Q314223 P106 Q728425 +Q183031 P264 Q203059 +Q443120 P1303 Q17172850 +Q218319 P19 Q270 +Q178865 P106 Q10873124 +Q337531 P17 Q142 +Q44086 P19 Q1726 +Q45839 P161 Q318885 +Q333856 P19 Q8678 +Q865 P530 Q1014 +Q159 P530 Q212 +Q92670 P463 Q131566 +Q231276 P1412 Q150 +Q9570 P551 Q1156 +Q319737 P20 Q84 +Q237654 P106 Q10798782 +Q295817 P27 Q30 +Q13909 P551 Q65 +Q258 P530 Q1016 +Q156814 P106 Q1259917 +Q315391 P106 Q81096 +Q390097 P161 Q180560 +Q243267 P106 Q4964182 +Q1035323 P106 Q1350157 +Q231091 P69 Q503246 +Q40 P530 Q801 +Q60785 P106 Q201788 +Q75803 P1412 Q188 +Q9177981 P27 Q713750 +Q553335 P106 Q82955 +Q241510 P27 Q30 +Q106443 P106 Q10800557 +Q728542 P509 Q12078 +Q1068631 P463 Q466113 +Q213512 P1412 Q1860 +Q453288 P106 Q1930187 +Q210059 P26 Q240377 +Q43 P530 Q29 +Q121180 P20 Q270 +Q462574 P3373 Q260026 +Q851 P463 Q191384 +Q87302 P106 Q1622272 +Q132899 P102 Q79854 +Q375351 P463 Q188771 +Q71410 P27 Q1206012 +Q61319 P108 Q372608 +Q208116 P106 Q214917 +Q15180 P530 Q36704 +Q44403 P172 Q7325 +Q1093404 P136 Q11366 +Q193070 P106 Q33999 +Q15975 P106 Q36180 +Q726298 P106 Q10798782 +Q379941 P106 Q639669 +Q254980 P106 Q33999 +Q235617 P106 Q33999 +Q64241 P108 Q51985 +Q96 P463 Q41550 +Q272944 P106 Q18581305 +Q538091 P106 Q11774202 +Q436712 P106 Q2526255 +Q314569 P69 Q213439 +Q239652 P19 Q649 +Q81224 P840 Q60 +Q38670 P27 Q30 +Q156501 P106 Q36180 +Q128121 P1412 Q1860 +Q77079 P119 Q3923 +Q490381 P27 Q40 +Q57389 P19 Q393 +Q62046 P106 Q3055126 +Q202801 P264 Q2002177 +Q64856 P140 Q75809 +Q58198 P106 Q1231865 +Q232592 P19 Q1345 +Q83851 P106 Q2259451 +Q126941 P106 Q3282637 +Q218690 P463 Q1371509 +Q54868 P264 Q183387 +Q881 P530 Q30 +Q65394 P69 Q153006 +Q63456 P27 Q183 +Q217154 P1412 Q9168 +Q2646169 P69 Q49088 +Q270951 P1303 Q5994 +Q105585 P106 Q82955 +Q186329 P551 Q3820 +Q313080 P136 Q2913982 +Q103835 P106 Q81096 +Q164745 P551 Q64 +Q234551 P106 Q177220 +Q234360 P27 Q30 +Q154756 P27 Q38 +Q746923 P106 Q822146 +Q321527 P69 Q190080 +Q316641 P27 Q30 +Q833 P530 Q232 +Q291314 P19 Q131491 +Q989 P1412 Q150 +Q215090 P106 Q1930187 +Q217557 P737 Q16867 +Q238919 P19 Q65 +Q175278 P495 Q30 +Q128494 P106 Q82955 +Q218992 P451 Q161877 +Q165257 P27 Q29 +Q249032 P495 Q30 +Q129283 P161 Q60815 +Q271327 P1303 Q17172850 +Q348571 P264 Q38903 +Q81082 P106 Q1622272 +Q57806 P69 Q49126 +Q103476 P19 Q2749 +Q212648 P1412 Q1860 +Q277099 P106 Q10800557 +Q207 P140 Q682443 +Q101338 P108 Q152087 +Q350194 P136 Q182015 +Q175600 P161 Q298818 +Q160318 P106 Q36834 +Q44707 P27 Q30 +Q435826 P136 Q37073 +Q974238 P27 Q145 +Q223367 P495 Q38 +Q59084 P495 Q30 +Q109063 P27 Q766 +Q979084 P509 Q181754 +Q1900295 P106 Q2722764 +Q510190 P108 Q35794 +Q9439 P106 Q1028181 +Q76517 P551 Q64 +Q234030 P136 Q24925 +Q152824 P509 Q29496 +Q733373 P27 Q30 +Q428490 P106 Q484876 +Q229274 P106 Q36834 +Q618025 P1412 Q1860 +Q27610 P509 Q12192 +Q39658 P1412 Q7411 +Q11617 P136 Q11399 +Q258750 P19 Q16554 +Q611121 P106 Q901 +Q6969 P1303 Q3382191 +Q548672 P69 Q499911 +Q584197 P106 Q82955 +Q117997 P106 Q36180 +Q89416 P106 Q1622272 +Q222071 P26 Q8446 +Q57806 P106 Q188094 +Q1399 P1412 Q652 +Q144439 P27 Q36 +Q91023 P106 Q14467526 +Q123916 P106 Q4964182 +Q138559 P69 Q745967 +Q323166 P106 Q18814623 +Q433039 P27 Q217 +Q152011 P161 Q1803090 +Q4039 P136 Q11399 +Q316901 P641 Q5372 +Q721819 P20 Q44989 +Q232260 P20 Q84 +Q1009 P37 Q150 +Q6173306 P106 Q901 +Q38294 P1412 Q188 +Q2514411 P106 Q482980 +Q49285 P106 Q4853732 +Q205532 P161 Q65932 +Q705210 P27 Q142 +Q887347 P106 Q486748 +Q244997 P27 Q155 +Q258009 P161 Q115541 +Q84482 P106 Q1622272 +Q9177981 P27 Q207272 +Q165824 P106 Q36180 +Q45239 P106 Q33999 +Q188971 P106 Q82955 +Q38193 P509 Q767485 +Q55469 P20 Q90 +Q381751 P495 Q30 +Q154770 P106 Q14915627 +Q1113061 P27 Q29 +Q309932 P106 Q28389 +Q221462 P161 Q232109 +Q229018 P106 Q10800557 +Q1095533 P106 Q639669 +Q364179 P19 Q1781 +Q165394 P136 Q93204 +Q112263 P106 Q28389 +Q70223 P106 Q1622272 +Q182692 P161 Q102711 +Q126122 P463 Q150793 +Q157208 P69 Q1341516 +Q719083 P106 Q33999 +Q19837 P3373 Q238331 +Q2996526 P159 Q84 +Q447407 P19 Q220 +Q49009 P106 Q483501 +Q104591 P106 Q82955 +Q945691 P106 Q2259451 +Q1028 P530 Q145 +Q229274 P69 Q4359408 +Q3559761 P69 Q27621 +Q271032 P106 Q1930187 +Q103835 P463 Q463303 +Q3769061 P106 Q211236 +Q255300 P27 Q15180 +Q557930 P106 Q333634 +Q166212 P509 Q14467705 +Q262314 P1303 Q51290 +Q119768 P106 Q36180 +Q69019 P106 Q36180 +Q766 P463 Q123759 +Q2022 P106 Q1930187 +Q231942 P136 Q131272 +Q153015 P30 Q46 +Q62661 P106 Q1792450 +Q570913 P27 Q28513 +Q195371 P106 Q10798782 +Q725510 P641 Q2736 +Q188771 P112 Q188971 +Q221852 P57 Q174908 +Q312531 P106 Q970153 +Q170348 P19 Q1741 +Q460366 P106 Q36180 +Q451369 P106 Q333634 +Q231690 P106 Q3242115 +Q215925 P102 Q153401 +Q234865 P20 Q159288 +Q102851 P737 Q868 +Q276038 P108 Q2045972 +Q61456 P108 Q315658 +Q105666 P106 Q1930187 +Q76432 P108 Q161976 +Q451812 P106 Q177220 +Q34628 P27 Q183 +Q131814 P26 Q208871 +Q124523 P108 Q152087 +Q217427 P3373 Q44855 +Q204804 P106 Q1028181 +Q44695 P106 Q214917 +Q217470 P1412 Q7737 +Q92641 P463 Q127992 +Q1161444 P106 Q177220 +Q72787 P27 Q145 +Q353007 P463 Q259254 +Q167243 P106 Q2259451 +Q76483 P1412 Q188 +Q1453398 P136 Q45981 +Q357391 P106 Q2405480 +Q310767 P463 Q684415 +Q47484 P106 Q214917 +Q707607 P106 Q488205 +Q274314 P106 Q177220 +Q109540 P140 Q75809 +Q712082 P106 Q333634 +Q234891 P463 Q463303 +Q1066772 P106 Q10871364 +Q76 P551 Q18094 +Q878 P530 Q822 +Q471664 P119 Q208175 +Q642817 P27 Q30 +Q232052 P106 Q4610556 +Q376335 P27 Q159 +Q53018 P1412 Q1321 +Q110960 P1303 Q17172850 +Q164469 P20 Q90 +Q92650 P106 Q11774202 +Q123516 P1412 Q188 +Q183469 P509 Q11081 +Q231781 P463 Q812155 +Q254038 P106 Q2405480 +Q717626 P106 Q753110 +Q221820 P161 Q589015 +Q119455 P106 Q42973 +Q110628 P20 Q47164 +Q126843 P106 Q15981151 +Q123679 P106 Q205375 +Q55249 P106 Q3282637 +Q61863 P27 Q183 +Q191037 P106 Q3282637 +Q117012 P136 Q37073 +Q963 P530 Q408 +Q91232 P19 Q64 +Q130742 P106 Q10800557 +Q331896 P27 Q43 +Q902463 P106 Q593644 +Q352914 P106 Q14915627 +Q276425 P106 Q10798782 +Q318509 P106 Q1476215 +Q846373 P264 Q43327 +Q244975 P161 Q1112005 +Q26391 P495 Q30 +Q14277 P463 Q83172 +Q151976 P106 Q1415090 +Q545818 P119 Q2661974 +Q57329 P106 Q201788 +Q185110 P69 Q1379834 +Q60970 P106 Q2490358 +Q327713 P495 Q30 +Q181995 P106 Q16145150 +Q1013 P463 Q1065 +Q34 P530 Q96 +Q71208 P108 Q20266330 +Q233464 P161 Q106706 +Q371925 P27 Q172579 +Q12003 P106 Q33999 +Q2164531 P17 Q30 +Q1173321 P19 Q28848 +Q41314 P509 Q476921 +Q58720 P108 Q13164 +Q363371 P106 Q1028181 +Q935407 P119 Q3400970 +Q312288 P463 Q188771 +Q66447 P1412 Q188 +Q34851 P102 Q29468 +Q71855 P27 Q34266 +Q73033 P20 Q16568 +Q193608 P106 Q201788 +Q390097 P495 Q30 +Q318509 P106 Q10800557 +Q165392 P161 Q256164 +Q81131 P106 Q10800557 +Q283408 P106 Q18844224 +Q461610 P19 Q65 +Q228546 P20 Q90 +Q48978 P136 Q37073 +Q296287 P1412 Q1860 +Q1928543 P106 Q183945 +Q164309 P27 Q15180 +Q89404 P27 Q218 +Q32335 P106 Q33999 +Q165816 P20 Q1156 +Q1044657 P106 Q177220 +Q44747 P106 Q250867 +Q438968 P106 Q81096 +Q34266 P530 Q30 +Q1030 P463 Q7825 +Q75889 P27 Q183 +Q162277 P495 Q30 +Q312514 P106 Q639669 +Q1451285 P106 Q1622272 +Q976526 P106 Q16287483 +Q42198 P161 Q366195 +Q220655 P161 Q215976 +Q313546 P3373 Q170572 +Q126183 P161 Q272946 +Q837 P463 Q188822 +Q1585964 P19 Q41621 +Q271625 P27 Q408 +Q449199 P69 Q182973 +Q43196 P17 Q30 +Q44111 P463 Q46703 +Q30 P530 Q1045 +Q559567 P69 Q5901972 +Q67436 P463 Q414110 +Q68654 P106 Q10800557 +Q254430 P509 Q11085 +Q582713 P106 Q36834 +Q34981 P101 Q7094 +Q427326 P749 Q38903 +Q153677 P495 Q38 +Q67039 P69 Q153987 +Q231479 P264 Q1988428 +Q78704 P106 Q1415090 +Q106349 P106 Q10800557 +Q4985 P106 Q6625963 +Q9327 P106 Q36180 +Q1461567 P1412 Q150 +Q374220 P106 Q43845 +Q4509 P551 Q3143067 +Q865 P530 Q983 +Q79 P463 Q8475 +Q282722 P136 Q193207 +Q313578 P106 Q753110 +Q189991 P264 Q208909 +Q16957 P530 Q15180 +Q217685 P136 Q20442589 +Q77143 P106 Q36834 +Q319773 P136 Q37073 +Q1156782 P136 Q484641 +Q888487 P106 Q183945 +Q57956 P140 Q75809 +Q445095 P106 Q1930187 +Q590 P106 Q36180 +Q561826 P551 Q62 +Q2071 P106 Q2526255 +Q180338 P1412 Q7737 +Q271006 P161 Q25839 +Q77087 P140 Q9268 +Q111189 P69 Q156725 +Q114354 P106 Q13570226 +Q702 P463 Q7809 +Q153232 P106 Q14972848 +Q211009 P840 Q237 +Q2607 P27 Q41304 +Q39666 P106 Q10800557 +Q36844 P106 Q33999 +Q318287 P26 Q263772 +Q132238 P106 Q1622272 +Q289647 P27 Q30 +Q337722 P1303 Q6607 +Q57281 P108 Q154561 +Q230969 P106 Q82955 +Q83542 P161 Q320084 +Q137106 P106 Q39631 +Q298259 P69 Q49088 +Q934682 P106 Q164236 +Q315051 P106 Q10349745 +Q185024 P27 Q15180 +Q1239933 P106 Q10798782 +Q3772 P140 Q288928 +Q296843 P69 Q523926 +Q165524 P1412 Q1860 +Q123421 P69 Q152838 +Q944478 P27 Q34266 +Q212689 P161 Q168724 +Q192214 P106 Q36180 +Q906529 P463 Q1493021 +Q466113 P17 Q30 +Q184404 P106 Q2490358 +Q16 P530 Q17 +Q83287 P106 Q3501317 +Q1063242 P159 Q21 +Q236943 P136 Q43343 +Q100400 P1412 Q188 +Q366091 P106 Q639669 +Q79078 P463 Q684415 +Q117194 P106 Q4610556 +Q115630 P106 Q1622272 +Q429207 P27 Q174193 +Q242132 P1303 Q17172850 +Q313998 P161 Q215072 +Q257630 P495 Q30 +Q230990 P136 Q850412 +Q2061371 P20 Q41621 +Q967886 P69 Q322964 +Q231228 P106 Q36834 +Q364864 P1303 Q6607 +Q1308212 P1303 Q133163 +Q267803 P106 Q10800557 +Q705399 P509 Q29496 +Q92609 P108 Q37156 +Q498389 P1412 Q1860 +Q178549 P136 Q379671 +Q66097 P106 Q82955 +Q1898177 P106 Q639669 +Q311987 P551 Q65 +Q94370 P27 Q28513 +Q99596 P106 Q170790 +Q348603 P106 Q3282637 +Q238 P463 Q842490 +Q93652 P1412 Q188 +Q69392 P108 Q43250 +Q64584 P27 Q43287 +Q114819 P161 Q16296 +Q921542 P106 Q639669 +Q247733 P161 Q65932 +Q119198 P106 Q33999 +Q439366 P136 Q208494 +Q438355 P106 Q488205 +Q215122 P1412 Q188 +Q236950 P1412 Q1860 +Q235611 P106 Q82955 +Q31 P530 Q96 +Q38561 P136 Q130232 +Q31215 P106 Q214917 +Q120599 P106 Q1930187 +Q353774 P108 Q174710 +Q78109 P106 Q2516866 +Q180989 P106 Q36180 +Q1376193 P101 Q413 +Q180416 P840 Q183 +Q723839 P108 Q168756 +Q660237 P161 Q217137 +Q729661 P106 Q169470 +Q1380398 P1303 Q17172850 +Q587361 P69 Q49210 +Q4892001 P27 Q29 +Q194333 P1303 Q6607 +Q2585807 P27 Q170072 +Q504006 P19 Q649 +Q1601945 P106 Q901 +Q555226 P106 Q10798782 +Q168468 P106 Q81096 +Q104000 P20 Q11299 +Q110365 P495 Q414 +Q151891 P102 Q29552 +Q205314 P106 Q10798782 +Q354010 P106 Q10800557 +Q214171 P106 Q482980 +Q2496 P27 Q183 +Q7197 P106 Q482980 +Q927469 P106 Q386854 +Q45593 P1412 Q188 +Q946528 P136 Q11366 +Q65130 P106 Q2374149 +Q387601 P161 Q316709 +Q11689 P101 Q101333 +Q73195 P106 Q82955 +Q87168 P20 Q1741 +Q164401 P106 Q170790 +Q485310 P106 Q2405480 +Q601957 P27 Q148 +Q2252 P69 Q49108 +Q246722 P27 Q15180 +Q235685 P106 Q177220 +Q236596 P140 Q6423963 +Q1064423 P106 Q131524 +Q96 P530 Q736 +Q149127 P1412 Q1860 +Q180975 P106 Q3282637 +Q115 P530 Q953 +Q164757 P106 Q6168364 +Q342949 P106 Q3387717 +Q1286597 P172 Q127885 +Q15615 P172 Q49085 +Q1785 P264 Q183412 +Q332348 P136 Q959790 +Q196401 P106 Q39631 +Q76432 P69 Q161976 +Q130868 P161 Q379808 +Q1401 P106 Q18814623 +Q68533 P27 Q7318 +Q403362 P1412 Q1860 +Q16053 P106 Q3579035 +Q563549 P106 Q1792450 +Q2213516 P27 Q148 +Q902 P530 Q334 +Q667683 P69 Q131252 +Q769328 P264 Q330629 +Q890204 P27 Q30 +Q92756 P108 Q854280 +Q15981 P108 Q157575 +Q75151 P27 Q183 +Q7604 P106 Q170790 +Q86043 P108 Q156598 +Q493 P737 Q33977 +Q453330 P1303 Q17172850 +Q29008 P102 Q186867 +Q123718 P106 Q15981151 +Q104000 P102 Q29552 +Q35610 P106 Q10297252 +Q230169 P106 Q33999 +Q158354 P463 Q329464 +Q310275 P106 Q1320883 +Q19955709 P27 Q30 +Q737570 P106 Q36180 +Q4030 P463 Q1541450 +Q67076 P106 Q333634 +Q725516 P136 Q11399 +Q438164 P108 Q681025 +Q28936 P136 Q20442589 +Q332330 P161 Q460578 +Q312129 P106 Q28389 +Q381110 P106 Q28389 +Q108946 P136 Q2484376 +Q243771 P136 Q35760 +Q3336032 P108 Q309350 +Q102289 P463 Q463281 +Q92830 P106 Q1622272 +Q63209 P106 Q11900058 +Q1251139 P17 Q30 +Q2706204 P106 Q1075651 +Q1501423 P136 Q11399 +Q151796 P172 Q7325 +Q389548 P161 Q511554 +Q2622193 P106 Q1930187 +Q64910 P106 Q47064 +Q106371 P27 Q183 +Q43144 P102 Q29468 +Q611672 P106 Q201788 +Q718368 P1412 Q1860 +Q215565 P106 Q639669 +Q177883 P1412 Q1860 +Q953 P463 Q376150 +Q79 P530 Q28 +Q705515 P101 Q8242 +Q233475 P1303 Q17172850 +Q230 P530 Q974 +Q709 P30 Q538 +Q45386 P136 Q471839 +Q176026 P106 Q205375 +Q1040028 P161 Q164069 +Q165699 P161 Q208667 +Q14747 P20 Q2807 +Q96 P530 Q227 +Q274895 P495 Q142 +Q538708 P1412 Q1321 +Q230448 P106 Q33999 +Q709464 P264 Q1254522 +Q935369 P136 Q11366 +Q238924 P19 Q44989 +Q123078 P106 Q11774202 +Q467482 P172 Q7325 +Q359251 P106 Q2526255 +Q107933 P106 Q28389 +Q75823 P119 Q1130019 +Q551204 P106 Q1622272 +Q18227 P106 Q860918 +Q233566 P106 Q15949613 +Q311193 P264 Q21077 +Q156539 P136 Q319221 +Q1770797 P19 Q1297 +Q155687 P106 Q1075651 +Q214013 P161 Q45647 +Q927 P106 Q6625963 +Q943577 P106 Q205375 +Q261812 P106 Q183945 +Q94031 P106 Q42973 +Q1711513 P264 Q240804 +Q107264 P463 Q463303 +Q32910 P136 Q645928 +Q311729 P101 Q309 +Q84561 P106 Q82955 +Q86809 P20 Q2999 +Q110916 P1412 Q5287 +Q706422 P20 Q16558 +Q41076 P106 Q488205 +Q526709 P106 Q6625963 +Q91981 P19 Q1726 +Q1973878 P1412 Q1860 +Q235928 P119 Q1358639 +Q552215 P27 Q30 +Q162277 P161 Q228692 +Q274529 P161 Q203545 +Q189330 P161 Q48337 +Q318619 P27 Q30 +Q229646 P106 Q1622272 +Q458978 P106 Q1075651 +Q33 P530 Q215 +Q77682 P69 Q54096 +Q270374 P136 Q37073 +Q441941 P106 Q2059704 +Q377768 P106 Q765778 +Q441940 P1303 Q6607 +Q2567 P463 Q756504 +Q271731 P106 Q177220 +Q77845 P69 Q20266330 +Q1861917 P136 Q11401 +Q543804 P131 Q183 +Q230454 P106 Q33999 +Q241835 P136 Q8341 +Q3322718 P106 Q42973 +Q245430 P161 Q189415 +Q329018 P1303 Q1444 +Q167475 P1412 Q150 +Q222018 P161 Q2685 +Q160852 P172 Q42406 +Q236351 P136 Q37073 +Q861227 P106 Q855091 +Q1139388 P136 Q1133657 +Q216936 P106 Q33999 +Q159704 P106 Q55960555 +Q388408 P57 Q53040 +Q351732 P1412 Q5287 +Q104340 P106 Q2526255 +Q65513 P19 Q1799 +Q19198 P136 Q379671 +Q1032 P463 Q827525 +Q267386 P106 Q488205 +Q333856 P106 Q15981151 +Q148383 P495 Q17 +Q61558 P106 Q82955 +Q615625 P106 Q488205 +Q76625 P27 Q16957 +Q160270 P106 Q188094 +Q108460 P119 Q564922 +Q314673 P106 Q33999 +Q272007 P106 Q2259451 +Q89434 P106 Q15214752 +Q381561 P27 Q148 +Q311854 P106 Q11774202 +Q36591 P551 Q49111 +Q362133 P69 Q4129798 +Q449487 P69 Q49204 +Q366306 P106 Q15627169 +Q201732 P27 Q8680 +Q160071 P136 Q157394 +Q74441 P106 Q13418253 +Q272225 P264 Q38903 +Q213824 P27 Q16957 +Q77087 P509 Q3505252 +Q740378 P106 Q49757 +Q106508 P451 Q106607 +Q62188 P463 Q684415 +Q274362 P19 Q649 +Q42156 P737 Q859 +Q74636 P161 Q320651 +Q213773 P161 Q55800 +Q311253 P106 Q1930187 +Q302817 P69 Q41506 +Q343633 P69 Q49165 +Q883730 P27 Q35 +Q912 P463 Q2029901 +Q207380 P106 Q1906857 +Q357515 P1303 Q17172850 +Q735283 P106 Q1930187 +Q66023 P106 Q82955 +Q170576 P19 Q1899 +Q171166 P20 Q1492 +Q157324 P106 Q333634 +Q364342 P106 Q33999 +Q23441 P106 Q11774202 +Q170530 P106 Q10798782 +Q1379164 P106 Q205375 +Q325077 P161 Q76128 +Q43330 P69 Q432637 +Q4487 P27 Q96 +Q312833 P106 Q15895020 +Q110436 P106 Q15077007 +Q1685286 P106 Q81096 +Q152929 P136 Q83270 +Q85282 P463 Q329464 +Q166646 P102 Q9630 +Q342604 P106 Q10800557 +Q173637 P106 Q3282637 +Q86367 P106 Q2259451 +Q443343 P69 Q608723 +Q206972 P106 Q214917 +Q92881 P106 Q1622272 +Q539171 P136 Q58339 +Q211206 P161 Q189415 +Q1954907 P69 Q1145814 +Q180377 P737 Q186335 +Q981526 P27 Q17 +Q96 P530 Q800 +Q453388 P69 Q248970 +Q615896 P136 Q83440 +Q319171 P495 Q142 +Q68596 P69 Q155354 +Q296950 P69 Q27621 +Q241263 P106 Q177220 +Q363383 P119 Q1358639 +Q39803 P108 Q245247 +Q290197 P106 Q333634 +Q110942 P1412 Q1860 +Q618025 P1412 Q9027 +Q1066894 P1412 Q1860 +Q177632 P509 Q12152 +Q236669 P106 Q4263842 +Q165816 P509 Q181754 +Q182046 P69 Q131262 +Q219420 P19 Q61 +Q125663 P106 Q36180 +Q71508 P19 Q1726 +Q38 P530 Q28 +Q298 P463 Q842490 +Q49347 P69 Q238101 +Q187210 P1303 Q17172850 +Q3123791 P69 Q49115 +Q707460 P106 Q177220 +Q51525 P1412 Q1860 +Q139223 P136 Q9734 +Q379400 P136 Q11399 +Q311684 P27 Q16 +Q250975 P463 Q1322403 +Q87884 P106 Q1930187 +Q213690 P27 Q28 +Q727786 P1412 Q652 +Q40470 P27 Q30 +Q286339 P106 Q2259451 +Q72060 P27 Q183 +Q70694 P106 Q36180 +Q389779 P106 Q639669 +Q440551 P136 Q37073 +Q58125755 P106 Q639669 +Q200873 P161 Q295148 +Q222390 P106 Q2259451 +Q266356 P106 Q4610556 +Q149489 P106 Q1476215 +Q511046 P106 Q520549 +Q129873 P136 Q157443 +Q220299 P161 Q313522 +Q590 P140 Q9592 +Q63338 P19 Q64 +Q329716 P106 Q10800557 +Q51267 P69 Q34433 +Q347717 P106 Q9648008 +Q63224 P69 Q152838 +Q219150 P136 Q200092 +Q276209 P106 Q10800557 +Q61055 P101 Q11634 +Q23543 P1412 Q1321 +Q6060 P106 Q578109 +Q434932 P19 Q90 +Q329131 P161 Q261812 +Q4636 P106 Q36180 +Q335598 P136 Q484344 +Q221074 P106 Q28389 +Q291183 P1412 Q1860 +Q3189110 P27 Q145 +Q64356 P101 Q40634 +Q21077 P740 Q60 +Q969468 P264 Q216364 +Q2449206 P3373 Q22955657 +Q83158 P106 Q1028181 +Q356287 P106 Q4610556 +Q801 P530 Q77 +Q323112 P106 Q2526255 +Q131259 P1412 Q7737 +Q25014 P106 Q2405480 +Q180975 P106 Q639669 +Q360 P106 Q578109 +Q165219 P1303 Q17172850 +Q114132 P27 Q183 +Q249235 P161 Q192912 +Q66600 P172 Q42884 +Q323060 P509 Q12078 +Q183713 P106 Q4164507 +Q98178 P102 Q153401 +Q17457 P463 Q127992 +Q317311 P161 Q239845 +Q344983 P19 Q6346 +Q129486 P551 Q29 +Q1245769 P106 Q1234713 +Q60625 P27 Q183 +Q773804 P20 Q16563 +Q487488 P463 Q543804 +Q311453 P106 Q10798782 +Q43718 P1412 Q7737 +Q218 P530 Q801 +Q558582 P136 Q83440 +Q310934 P509 Q12152 +Q322381 P106 Q14915627 +Q2201 P161 Q72867 +Q260616 P161 Q37175 +Q1349079 P136 Q9759 +Q241735 P106 Q43845 +Q196472 P108 Q219317 +Q955088 P106 Q36180 +Q60954 P140 Q1841 +Q107194 P106 Q644687 +Q81960 P172 Q181634 +Q560818 P106 Q81096 +Q1586916 P106 Q10798782 +Q53939 P1412 Q150 +Q16 P530 Q912 +Q156321 P19 Q1085 +Q60579 P19 Q1711 +Q235517 P106 Q18814623 +Q164683 P106 Q36180 +Q170564 P136 Q2484376 +Q230196 P106 Q10798782 +Q158030 P1412 Q150 +Q107420 P463 Q83172 +Q232417 P106 Q1622272 +Q360685 P106 Q11063 +Q211730 P106 Q2259451 +Q44313 P106 Q33999 +Q93349 P106 Q674067 +Q215556 P136 Q1344 +Q345217 P106 Q36180 +Q310357 P106 Q2405480 +Q221 P463 Q191384 +Q168963 P69 Q31519 +Q712851 P106 Q36834 +Q374223 P106 Q28389 +Q92602 P551 Q350 +Q153832 P106 Q14467526 +Q45672 P161 Q294819 +Q61723 P106 Q1930187 +Q278853 P106 Q12800682 +Q36881 P1412 Q1568 +Q231270 P106 Q131524 +Q388785 P19 Q18438 +Q221236 P161 Q312570 +Q1055 P131 Q7318 +Q240954 P106 Q16287483 +Q58051 P69 Q13371 +Q472071 P106 Q1028181 +Q1349702 P1303 Q6607 +Q388785 P106 Q12800682 +Q130786 P1412 Q188 +Q181678 P106 Q3282637 +Q155458 P57 Q40026 +Q19425 P463 Q4345832 +Q519289 P106 Q855091 +Q294647 P106 Q10800557 +Q242939 P27 Q30 +Q386336 P69 Q151510 +Q94513 P136 Q9730 +Q66942 P106 Q214917 +Q447831 P172 Q133255 +Q95034 P19 Q1345 +Q89188 P102 Q327591 +Q76893 P27 Q41304 +Q262267 P27 Q30 +Q157282 P106 Q201788 +Q338726 P20 Q11299 +Q49279 P106 Q1622272 +Q346411 P20 Q387047 +Q218960 P509 Q12204 +Q40 P530 Q252 +Q317169 P19 Q19660 +Q438175 P27 Q30 +Q958 P530 Q668 +Q92624 P106 Q131524 +Q465663 P551 Q11299 +Q57075 P463 Q463303 +Q1155256 P2348 Q6939 +Q71000 P106 Q170790 +Q182658 P463 Q463281 +Q982314 P1412 Q5146 +Q64043 P19 Q1055 +Q1676929 P106 Q177220 +Q2576206 P136 Q38848 +Q248562 P136 Q2421031 +Q726071 P136 Q37073 +Q244674 P69 Q1247373 +Q1744 P737 Q215026 +Q129831 P106 Q5716684 +Q350678 P69 Q640652 +Q818968 P161 Q298368 +Q320864 P106 Q42603 +Q342962 P69 Q385471 +Q1882498 P20 Q1509 +Q2201 P495 Q30 +Q60644 P106 Q1731155 +Q102225 P136 Q2143665 +Q241783 P69 Q8047423 +Q1382863 P106 Q855091 +Q162182 P161 Q351290 +Q324157 P106 Q1622272 +Q105428 P106 Q131512 +Q313652 P106 Q10798782 +Q240509 P140 Q7066 +Q236829 P106 Q4853732 +Q166696 P495 Q142 +Q129140 P106 Q177220 +Q189400 P69 Q21578 +Q50764 P106 Q482980 +Q297425 P106 Q36180 +Q70 P17 Q39 +Q4715 P106 Q82955 +Q313525 P102 Q29468 +Q233061 P1303 Q5994 +Q762 P106 Q193391 +Q165672 P27 Q843 +Q78526 P264 Q202585 +Q568256 P172 Q201111 +Q1351047 P106 Q2526255 +Q557525 P27 Q142 +Q208424 P136 Q459290 +Q445985 P69 Q463055 +Q451483 P106 Q36180 +Q250669 P136 Q43343 +Q273136 P641 Q36389 +Q183512 P161 Q313043 +Q105624 P495 Q30 +Q395340 P106 Q14467526 +Q232251 P57 Q104049 +Q322381 P106 Q1930187 +Q160518 P106 Q2961975 +Q453314 P106 Q177220 +Q108009 P106 Q13219637 +Q7934 P106 Q1930187 +Q38203 P106 Q27532437 +Q189330 P161 Q318249 +Q196560 P27 Q30 +Q93147 P463 Q131566 +Q29086 P106 Q33999 +Q18404 P106 Q6625963 +Q128511 P119 Q1242128 +Q1290 P1412 Q397 +Q519838 P69 Q131252 +Q370326 P161 Q202801 +Q1247078 P106 Q177220 +Q433355 P106 Q10800557 +Q78479 P20 Q1741 +Q55171 P463 Q463303 +Q57578 P27 Q183 +Q76959 P106 Q2306091 +Q319896 P106 Q36180 +Q321990 P69 Q838330 +Q153638 P1412 Q9176 +Q1270525 P69 Q847099 +Q92604 P106 Q1622272 +Q1001 P106 Q17351648 +Q76738 P106 Q205375 +Q38757 P106 Q822146 +Q76211 P108 Q681250 +Q314208 P106 Q639669 +Q150630 P463 Q83172 +Q339031 P106 Q36834 +Q228818 P106 Q177220 +Q2685 P102 Q29468 +Q233237 P26 Q200407 +Q66248 P509 Q47912 +Q145173 P106 Q10800557 +Q572741 P106 Q4964182 +Q61064 P106 Q644687 +Q263279 P27 Q884 +Q963 P530 Q902 +Q214 P463 Q17495 +Q285330 P69 Q2177054 +Q18967 P136 Q1146335 +Q277527 P136 Q1054574 +Q114169 P27 Q183 +Q333231 P27 Q145 +Q62352 P106 Q10798782 +Q233701 P27 Q30 +Q314990 P106 Q214917 +Q83396 P106 Q1930187 +Q138984 P106 Q36180 +Q944759 P106 Q855091 +Q114819 P161 Q229784 +Q78924 P106 Q33999 +Q766314 P106 Q49757 +Q59653 P136 Q130232 +Q207482 P161 Q37001 +Q312857 P509 Q12206 +Q879316 P69 Q49122 +Q32049 P106 Q33999 +Q95367 P27 Q16957 +Q702 P463 Q294278 +Q62898 P106 Q82594 +Q83059 P737 Q7245 +Q19673 P106 Q1979607 +Q2149885 P1412 Q1860 +Q318165 P119 Q1509 +Q239145 P106 Q10800557 +Q2086235 P106 Q170790 +Q157359 P27 Q183 +Q55210 P1412 Q9168 +Q233229 P106 Q36834 +Q236253 P106 Q33999 +Q271625 P106 Q33999 +Q67007 P106 Q4964182 +Q1013 P30 Q15 +Q231923 P106 Q639669 +Q488288 P27 Q15180 +Q712086 P106 Q43845 +Q265069 P106 Q177220 +Q16872 P641 Q5386 +Q94186 P106 Q36180 +Q99612 P106 Q520549 +Q5603 P102 Q29552 +Q314110 P1412 Q7737 +Q78107 P108 Q152838 +Q258183 P106 Q622807 +Q16 P530 Q211 +Q215219 P106 Q33999 +Q286410 P1303 Q6607 +Q25351 P108 Q154804 +Q60113 P106 Q193391 +Q431591 P1303 Q5994 +Q18456 P509 Q189588 +Q241503 P27 Q15180 +Q273233 P106 Q10800557 +Q354654 P106 Q639669 +Q459310 P106 Q4263842 +Q187832 P101 Q207628 +Q211322 P106 Q10798782 +Q157043 P19 Q24861 +Q218672 P106 Q49757 +Q1348831 P1303 Q11405 +Q258715 P69 Q31519 +Q236181 P106 Q36180 +Q53714 P1303 Q6607 +Q213430 P172 Q7325 +Q234647 P106 Q512314 +Q702111 P20 Q8686 +Q16285 P136 Q35760 +Q312630 P106 Q1930187 +Q3769061 P1303 Q5994 +Q713246 P20 Q2807 +Q215300 P106 Q43845 +Q44403 P19 Q1718 +Q229948 P106 Q10798782 +Q217280 P136 Q850412 +Q157271 P20 Q1731 +Q70263 P1412 Q188 +Q26208 P27 Q172579 +Q95252 P463 Q49738 +Q112169 P136 Q149537 +Q57337 P106 Q36180 +Q51581 P1412 Q1860 +Q311358 P106 Q864503 +Q141860 P102 Q79854 +Q201472 P108 Q1934904 +Q966228 P19 Q1761 +Q24085 P27 Q55 +Q183167 P106 Q13570226 +Q72938 P20 Q1781 +Q252 P463 Q842490 +Q179680 P451 Q3816 +Q449634 P106 Q177220 +Q68411 P106 Q1622272 +Q2622688 P106 Q36180 +Q2831 P119 Q1437214 +Q106391 P1412 Q188 +Q160071 P136 Q2137852 +Q361683 P106 Q36834 +Q224130 P136 Q188473 +Q966565 P106 Q177220 +Q1861917 P1303 Q17172850 +Q976238 P106 Q164236 +Q76478 P106 Q2526255 +Q548185 P106 Q16287483 +Q241160 P69 Q503246 +Q1013 P463 Q1043527 +Q215730 P106 Q13570226 +Q153149 P1412 Q150 +Q211415 P106 Q2526255 +Q157242 P463 Q299015 +Q276343 P136 Q130232 +Q62661 P135 Q80113 +Q726296 P1303 Q78987 +Q228244 P495 Q145 +Q233313 P106 Q10798782 +Q324031 P27 Q30 +Q55207 P106 Q10800557 +Q1939373 P641 Q41323 +Q349507 P106 Q1930187 +Q90288 P463 Q46703 +Q284636 P106 Q10798782 +Q39 P530 Q258 +Q259379 P27 Q668 +Q960427 P509 Q12192 +Q441834 P264 Q216364 +Q559506 P106 Q40348 +Q254142 P27 Q15180 +Q430900 P106 Q2526255 +Q213 P530 Q77 +Q332632 P106 Q33999 +Q511471 P463 Q1425328 +Q494412 P27 Q884 +Q352766 P136 Q49451 +Q70215 P106 Q201788 +Q67921 P106 Q36180 +Q813 P463 Q7825 +Q354604 P106 Q130857 +Q2071 P136 Q39427 +Q168356 P106 Q1622272 +Q84445 P106 Q520549 +Q312538 P136 Q157443 +Q327426 P106 Q10798782 +Q698714 P69 Q6608367 +Q234128 P106 Q33999 +Q469888 P27 Q30 +Q154270 P69 Q273626 +Q75116 P108 Q152171 +Q270186 P106 Q2405480 +Q318390 P106 Q36180 +Q73195 P106 Q10800557 +Q152453 P106 Q639669 +Q106942 P106 Q3282637 +Q158250 P172 Q127885 +Q1016 P530 Q148 +Q83612 P136 Q2484376 +Q822630 P106 Q488111 +Q60 P17 Q30 +Q260318 P19 Q12439 +Q153638 P136 Q6010 +Q62437 P106 Q639669 +Q505358 P106 Q205375 +Q9041 P106 Q131524 +Q70855 P1412 Q188 +Q225933 P106 Q10800557 +Q203806 P108 Q48989 +Q43689 P20 Q490 +Q344384 P1050 Q124407 +Q983590 P106 Q36180 +Q235707 P106 Q4610556 +Q55435 P27 Q38 +Q215263 P108 Q49120 +Q427597 P551 Q90 +Q291500 P106 Q49757 +Q123565 P106 Q3055126 +Q70867 P106 Q1622272 +Q11116 P1412 Q1860 +Q220480 P140 Q7066 +Q112427 P106 Q13570226 +Q154356 P463 Q338432 +Q390063 P136 Q1535153 +Q139223 P509 Q29496 +Q2213516 P26 Q53944 +Q231106 P19 Q1345 +Q435805 P27 Q203493 +Q150916 P106 Q488205 +Q233237 P106 Q10798782 +Q198644 P172 Q121842 +Q16 P530 Q155 +Q68171 P106 Q36834 +Q229276 P119 Q216344 +Q202029 P161 Q1112005 +Q218690 P135 Q39427 +Q20 P530 Q15180 +Q191040 P495 Q30 +Q70737 P69 Q54096 +Q76479 P495 Q30 +Q214622 P20 Q2833 +Q435878 P69 Q49088 +Q296039 P361 Q162586 +Q51506 P102 Q9630 +Q212689 P495 Q408 +Q96290 P102 Q49750 +Q1025919 P740 Q65 +Q42398 P27 Q34266 +Q971447 P106 Q1930187 +Q440926 P106 Q33999 +Q179825 P106 Q1397808 +Q310190 P106 Q28389 +Q18809 P27 Q2305208 +Q320146 P101 Q184485 +Q64467 P20 Q586 +Q276734 P136 Q1054574 +Q1501423 P1303 Q258896 +Q213411 P161 Q2263 +Q262659 P106 Q36834 +Q157318 P463 Q651690 +Q93166 P106 Q482980 +Q2979750 P69 Q182973 +Q1677044 P1303 Q6607 +Q53002 P27 Q142 +Q505563 P27 Q30 +Q34 P530 Q212 +Q948977 P1412 Q150 +Q204868 P27 Q15180 +Q708824 P106 Q177220 +Q28196 P161 Q35332 +Q105349 P106 Q177220 +Q572608 P27 Q30 +Q114 P530 Q1042 +Q57075 P108 Q152087 +Q881 P530 Q252 +Q120563 P27 Q183 +Q57391 P463 Q879171 +Q242530 P106 Q28389 +Q395340 P19 Q16869 +Q164396 P106 Q82955 +Q313302 P509 Q12202 +Q311358 P463 Q270794 +Q1209649 P1303 Q17172850 +Q216838 P69 Q1341516 +Q156349 P108 Q1145306 +Q92739 P106 Q82594 +Q71508 P27 Q183 +Q215730 P119 Q438199 +Q3772 P27 Q30 +Q787176 P106 Q1930187 +Q796 P463 Q17495 +Q179126 P463 Q463303 +Q300360 P57 Q51506 +Q372959 P161 Q159347 +Q152524 P3373 Q504066 +Q59259 P27 Q30 +Q1190550 P106 Q855091 +Q1379164 P106 Q170790 +Q715195 P106 Q12961474 +Q309086 P161 Q29092 +Q2573 P69 Q55044 +Q280734 P19 Q1297 +Q961972 P69 Q81162 +Q151892 P27 Q30 +Q110379 P106 Q7042855 +Q9161 P1412 Q7737 +Q339196 P1412 Q1860 +Q1396305 P463 Q2370801 +Q463265 P20 Q649 +Q704742 P140 Q7066 +Q5052689 P40 Q122461 +Q203413 P1303 Q6607 +Q186485 P106 Q36180 +Q19810 P106 Q131524 +Q36290 P106 Q33999 +Q242535 P264 Q3415083 +Q1223694 P106 Q214917 +Q10664 P106 Q82955 +Q16397 P106 Q10798782 +Q100511 P108 Q155354 +Q48102 P102 Q79854 +Q2280 P17 Q2895 +Q706422 P106 Q488205 +Q117997 P106 Q1930187 +Q241646 P509 Q202837 +Q287572 P106 Q177220 +Q316957 P1412 Q1860 +Q438164 P1412 Q1860 +Q44071 P20 Q649 +Q354002 P136 Q187760 +Q313211 P463 Q337224 +Q648366 P509 Q181754 +Q426687 P264 Q330629 +Q93443 P161 Q228789 +Q194638 P106 Q16031530 +Q11116 P69 Q49088 +Q1016 P530 Q262 +Q223299 P161 Q192165 +Q26412 P106 Q214917 +Q1105367 P463 Q463303 +Q434585 P106 Q266569 +Q4636 P740 Q18419 +Q1893889 P551 Q36 +Q227 P530 Q39 +Q229065 P1412 Q8798 +Q362559 P106 Q33999 +Q168992 P264 Q3001888 +Q276392 P136 Q959790 +Q609095 P1412 Q9288 +Q215748 P19 Q104302 +Q344179 P1412 Q7913 +Q549141 P1412 Q1860 +Q212 P530 Q668 +Q57136 P106 Q188094 +Q4617 P106 Q33999 +Q301132 P57 Q52997 +Q22979 P106 Q4610556 +Q92627 P106 Q1622272 +Q716367 P106 Q1930187 +Q72224 P106 Q214917 +Q7315 P136 Q1344 +Q38 P530 Q159583 +Q65600 P463 Q329464 +Q344655 P20 Q1297 +Q228936 P161 Q110379 +Q169461 P106 Q183945 +Q760 P463 Q376150 +Q715281 P509 Q12152 +Q217 P530 Q41 +Q232085 P106 Q43845 +Q38561 P161 Q105987 +Q84233 P106 Q36180 +Q131324 P3373 Q319392 +Q1047141 P172 Q49085 +Q101740 P106 Q82594 +Q96243 P27 Q183 +Q97883 P102 Q153401 +Q91617 P69 Q152838 +Q237112 P69 Q209842 +Q5816 P140 Q7066 +Q204868 P106 Q214917 +Q434932 P27 Q142 +Q34 P463 Q1928989 +Q955405 P1412 Q1860 +Q233882 P69 Q503246 +Q1388990 P106 Q15296811 +Q531743 P106 Q36180 +Q210364 P161 Q203215 +Q433355 P106 Q10798782 +Q3101841 P69 Q842909 +Q83677 P27 Q30 +Q438124 P136 Q83440 +Q61322 P463 Q879171 +Q73892 P69 Q151510 +Q954231 P1303 Q17172850 +Q122451 P106 Q82955 +Q1646438 P19 Q24826 +Q103569 P161 Q102124 +Q3847508 P106 Q36180 +Q202589 P106 Q28389 +Q47737 P106 Q4964182 +Q175535 P69 Q13371 +Q164784 P463 Q191583 +Q287427 P106 Q10798782 +Q506198 P27 Q30 +Q239652 P106 Q822146 +Q122701 P463 Q123885 +Q1035807 P1303 Q5994 +Q355843 P106 Q806798 +Q77980 P69 Q152087 +Q273311 P106 Q4853732 +Q475733 P20 Q49111 +Q60285 P108 Q151510 +Q595529 P106 Q10816969 +Q286302 P106 Q177220 +Q437039 P106 Q10800557 +Q127870 P106 Q10800557 +Q84422 P108 Q152171 +Q98737 P106 Q82955 +Q408 P530 Q811 +Q84842 P119 Q12404547 +Q208214 P106 Q33999 +Q381256 P106 Q14467526 +Q48868 P69 Q1394262 +Q315507 P19 Q1486 +Q67007 P101 Q5891 +Q935051 P1412 Q1860 +Q249862 P264 Q1439985 +Q106428 P161 Q3454165 +Q363698 P264 Q193023 +Q564886 P106 Q4964182 +Q241382 P27 Q15180 +Q77844 P27 Q183 +Q235952 P106 Q33999 +Q240772 P106 Q1622272 +Q235870 P106 Q33999 +Q704742 P106 Q36180 +Q258793 P106 Q10800557 +Q106573 P106 Q2405480 +Q232333 P106 Q2259451 +Q106691 P108 Q54096 +Q827047 P172 Q86630688 +Q92604 P69 Q11942 +Q128799 P136 Q547137 +Q73938 P27 Q151624 +Q123516 P106 Q36180 +Q9047 P1412 Q9288 +Q291170 P136 Q663106 +Q331180 P495 Q145 +Q67711 P19 Q4120832 +Q156349 P106 Q82955 +Q152531 P495 Q30 +Q107405 P106 Q593644 +Q62665 P161 Q313727 +Q324905 P106 Q753110 +Q167437 P161 Q350255 +Q1057893 P1412 Q1860 +Q761453 P463 Q463303 +Q175457 P106 Q82955 +Q192979 P161 Q267550 +Q202211 P161 Q173158 +Q2822396 P159 Q495 +Q258693 P27 Q142 +Q175457 P69 Q1934904 +Q91587 P106 Q33999 +Q142 P463 Q1072120 +Q52447 P264 Q216364 +Q796 P463 Q656801 +Q167211 P69 Q270145 +Q128576 P27 Q145 +Q362089 P135 Q37068 +Q117185 P19 Q78 +Q4218975 P106 Q15995642 +Q6648722 P108 Q319239 +Q99627 P1412 Q188 +Q313378 P136 Q193355 +Q34981 P463 Q463303 +Q520760 P19 Q649 +Q671665 P106 Q2252262 +Q242162 P106 Q6625963 +Q176846 P106 Q2252262 +Q234058 P106 Q10798782 +Q333148 P106 Q214917 +Q156193 P463 Q463303 +Q241873 P69 Q49110 +Q3088816 P106 Q177220 +Q94672 P102 Q379922 +Q9204 P737 Q237196 +Q21088 P106 Q13235160 +Q232458 P106 Q10800557 +Q60163 P106 Q42973 +Q115805 P19 Q71 +Q310116 P106 Q2252262 +Q196103 P495 Q38 +Q242523 P1412 Q1860 +Q878956 P106 Q1930187 +Q452281 P106 Q322170 +Q25014 P106 Q36180 +Q378240 P135 Q164800 +Q231228 P106 Q10800557 +Q60347 P27 Q183 +Q12674 P1412 Q188 +Q2750257 P27 Q159 +Q184 P530 Q801 +Q168555 P106 Q488205 +Q19089 P136 Q188473 +Q152738 P106 Q193391 +Q182373 P161 Q434763 +Q1109636 P19 Q60 +Q357961 P463 Q191583 +Q11237 P102 Q29468 +Q1849355 P106 Q753110 +Q596925 P136 Q186424 +Q975777 P102 Q192821 +Q221168 P161 Q316629 +Q1149 P40 Q4593 +Q176361 P27 Q30 +Q66041 P106 Q2526255 +Q1031340 P106 Q486748 +Q167768 P27 Q174193 +Q374936 P19 Q16563 +Q65113 P27 Q801 +Q273614 P509 Q128581 +Q728991 P106 Q901402 +Q273233 P1303 Q17172850 +Q62766 P106 Q131524 +Q76524 P1303 Q6607 +Q35 P530 Q45 +Q85429 P106 Q1622272 +Q335508 P161 Q188100 +Q12658 P463 Q2370801 +Q414 P530 Q39 +Q1276 P106 Q49757 +Q472783 P27 Q2305208 +Q202827 P172 Q121842 +Q585272 P119 Q898 +Q694081 P106 Q36834 +Q154770 P69 Q55038 +Q93692 P106 Q36180 +Q544611 P509 Q188605 +Q44529 P106 Q177220 +Q62929 P1303 Q5994 +Q87120 P106 Q28389 +Q108510 P106 Q10800557 +Q189080 P106 Q33999 +Q18953 P106 Q10800557 +Q90634 P106 Q33999 +Q194333 P102 Q29552 +Q36450 P19 Q393 +Q601957 P19 Q270 +Q179126 P106 Q1028181 +Q962402 P106 Q182436 +Q171730 P20 Q90 +Q202770 P27 Q15180 +Q222800 P161 Q306403 +Q57063 P463 Q833738 +Q83359 P172 Q3476361 +Q327436 P27 Q38 +Q75546 P161 Q237669 +Q49017 P106 Q639669 +Q16285 P509 Q35869 +Q106769 P119 Q564922 +Q95089 P106 Q10800557 +Q463101 P136 Q2975633 +Q232 P530 Q145 +Q213614 P1412 Q150 +Q434813 P69 Q617433 +Q373417 P106 Q10800557 +Q230632 P106 Q28389 +Q66097 P463 Q700570 +Q1173086 P1303 Q78987 +Q604510 P509 Q12192 +Q287607 P172 Q678551 +Q1372851 P106 Q28389 +Q973755 P136 Q20378 +Q55195 P463 Q4430504 +Q40572 P509 Q3505252 +Q212993 P1412 Q1860 +Q335160 P161 Q434291 +Q184906 P509 Q12152 +Q438885 P136 Q37073 +Q311223 P106 Q11900058 +Q131149 P106 Q18939491 +Q220 P17 Q1747689 +Q334646 P509 Q29496 +Q22686 P102 Q29552 +Q372959 P136 Q846544 +Q71855 P101 Q5891 +Q313647 P106 Q37226 +Q93043 P19 Q34217 +Q867599 P1303 Q78987 +Q15800 P27 Q28513 +Q15180 P530 Q16957 +Q330238 P1412 Q1860 +Q362133 P106 Q266569 +Q162518 P161 Q193278 +Q724883 P106 Q1622272 +Q207947 P1303 Q1444 +Q15809 P737 Q48226 +Q312975 P106 Q11063 +Q90195 P108 Q875788 +Q231781 P27 Q172579 +Q182665 P106 Q855091 +Q57393 P102 Q49750 +Q328691 P108 Q217365 +Q313998 P161 Q95048 +Q228789 P27 Q145 +Q86419 P27 Q40 +Q120664 P27 Q34266 +Q153185 P463 Q191583 +Q44132 P1412 Q36510 +Q707186 P106 Q81096 +Q267070 P106 Q177220 +Q38193 P1303 Q11405 +Q3018520 P106 Q15978655 +Q215 P530 Q96 +Q139330 P106 Q2405480 +Q192214 P106 Q3282637 +Q91730 P106 Q2259451 +Q400614 P106 Q2526255 +Q74165 P102 Q49764 +Q2367411 P106 Q4164507 +Q3048 P27 Q142 +Q181689 P27 Q30 +Q736099 P136 Q7749 +Q430602 P106 Q33999 +Q1618 P106 Q81096 +Q1050 P30 Q15 +Q1677044 P509 Q11081 +Q25147 P106 Q28389 +Q221109 P161 Q318267 +Q234212 P1412 Q1860 +Q429207 P106 Q901 +Q1618928 P136 Q45981 +Q59112 P1412 Q1860 +Q813964 P106 Q36180 +Q76532 P27 Q30 +Q3666327 P106 Q1622272 +Q742396 P106 Q855091 +Q155163 P495 Q145 +Q112081 P1412 Q188 +Q190368 P19 Q87 +Q114354 P463 Q414379 +Q2277 P37 Q35497 +Q117 P361 Q4412 +Q928 P530 Q183 +Q77006 P264 Q203059 +Q72653 P551 Q60 +Q9599 P108 Q152087 +Q67953 P69 Q55044 +Q28170 P106 Q28389 +Q64637 P106 Q201788 +Q367748 P136 Q369747 +Q105954 P102 Q49750 +Q931890 P108 Q372899 +Q67526 P1412 Q397 +Q1805442 P27 Q30 +Q264730 P106 Q18939491 +Q82222 P136 Q45981 +Q3435328 P19 Q42448 +Q312051 P106 Q10798782 +Q491019 P69 Q217741 +Q55375 P19 Q90 +Q343633 P1050 Q131755 +Q233946 P106 Q177220 +Q229249 P106 Q10800557 +Q20733 P106 Q36180 +Q223839 P106 Q1930187 +Q448764 P27 Q145 +Q634125 P1412 Q9067 +Q231608 P106 Q2865819 +Q362828 P463 Q1425328 +Q936470 P27 Q145 +Q1389588 P27 Q139319 +Q95068 P3373 Q95076 +Q490738 P106 Q183945 +Q90195 P108 Q165980 +Q76589 P69 Q186285 +Q13005 P138 Q5752 +Q72124 P27 Q183 +Q231121 P106 Q36180 +Q65385 P102 Q7320 +Q281296 P136 Q130232 +Q522679 P172 Q121842 +Q204751 P136 Q11366 +Q58612 P108 Q49210 +Q85411 P1412 Q188 +Q704742 P106 Q177220 +Q87131 P108 Q152087 +Q60847 P40 Q333591 +Q241248 P19 Q406 +Q2623752 P108 Q189441 +Q1406622 P19 Q1335 +Q182349 P106 Q2259451 +Q124401 P106 Q662729 +Q231178 P106 Q34074720 +Q575444 P106 Q36834 +Q106573 P69 Q1127387 +Q374936 P106 Q753110 +Q221249 P136 Q860626 +Q221917 P20 Q34006 +Q239030 P264 Q193023 +Q38082 P106 Q6625963 +Q201359 P463 Q463303 +Q188385 P69 Q49124 +Q40162 P19 Q16558 +Q129263 P108 Q1753535 +Q34743 P1412 Q1860 +Q9353 P108 Q34433 +Q230303 P69 Q49088 +Q444147 P106 Q82955 +Q560647 P463 Q338432 +Q155855 P106 Q333634 +Q276440 P106 Q36180 +Q183031 P463 Q463303 +Q213447 P106 Q214917 +Q4225547 P1412 Q7737 +Q58845 P106 Q82955 +Q270599 P161 Q309835 +Q283700 P136 Q157443 +Q705477 P19 Q1563 +Q72201 P69 Q34433 +Q49747 P20 Q33959 +Q187345 P27 Q30 +Q315210 P19 Q142 +Q103917 P172 Q170826 +Q42198 P161 Q318509 +Q263501 P106 Q28389 +Q522618 P136 Q56284716 +Q182156 P106 Q1930187 +Q765 P26 Q444509 +Q126234 P69 Q152087 +Q1028 P530 Q159 +Q4547 P101 Q941594 +Q380667 P161 Q360531 +Q367927 P20 Q60 +Q506006 P106 Q12800682 +Q561212 P69 Q209842 +Q78491 P27 Q28513 +Q188461 P106 Q753110 +Q1371735 P264 Q165745 +Q446151 P69 Q193510 +Q252 P530 Q458 +Q62833 P69 Q153978 +Q198557 P161 Q464320 +Q327809 P136 Q860626 +Q70972 P30 Q46 +Q206439 P264 Q1546001 +Q106099 P1303 Q17172850 +Q233898 P136 Q11030 +Q1511 P19 Q2079 +Q487391 P136 Q213665 +Q236531 P106 Q753110 +Q544135 P106 Q205375 +Q313501 P27 Q30 +Q201927 P106 Q2259451 +Q107422 P69 Q49088 +Q234015 P106 Q33999 +Q342756 P264 Q54860 +Q96028 P19 Q1022 +Q310098 P463 Q259254 +Q691798 P106 Q482980 +Q473257 P106 Q1930187 +Q458390 P3373 Q1064413 +Q29 P530 Q252 +Q155687 P1303 Q163829 +Q48337 P27 Q30 +Q983421 P1412 Q1860 +Q53453 P1303 Q31561 +Q7504 P3373 Q230068 +Q282665 P20 Q84 +Q370893 P161 Q3454165 +Q552273 P106 Q49757 +Q66634 P106 Q1397808 +Q260331 P106 Q2405480 +Q537320 P106 Q13590141 +Q85914 P119 Q64 +Q782629 P106 Q3282637 +Q4271 P27 Q30 +Q367129 P106 Q3282637 +Q215090 P69 Q156737 +Q761 P17 Q842199 +Q93514 P26 Q60869 +Q323260 P20 Q1781 +Q156941 P106 Q1622272 +Q312833 P108 Q23548 +Q320973 P106 Q10800557 +Q450821 P20 Q60 +Q215652 P108 Q55021 +Q662406 P27 Q142 +Q232477 P106 Q33999 +Q82330 P106 Q33999 +Q214548 P106 Q183945 +Q62798 P463 Q459620 +Q27684 P106 Q36180 +Q738029 P106 Q18814623 +Q430276 P108 Q15142 +Q237833 P106 Q6625963 +Q3134064 P106 Q36180 +Q503710 P106 Q753110 +Q322179 P27 Q30 +Q264253 P27 Q212 +Q139557 P106 Q214917 +Q577548 P69 Q1878600 +Q196159 P69 Q4480746 +Q711 P530 Q668 +Q60946 P20 Q1792 +Q465881 P106 Q177220 +Q132430 P106 Q2259451 +Q228692 P106 Q33999 +Q158092 P1412 Q7737 +Q159704 P106 Q33999 +Q215740 P27 Q414 +Q1239933 P27 Q30 +Q399 P463 Q7825 +Q1175373 P27 Q145 +Q250539 P106 Q10800557 +Q181573 P27 Q15180 +Q362886 P27 Q30 +Q253757 P27 Q30 +Q274812 P106 Q33999 +Q243041 P136 Q598929 +Q25161 P27 Q145 +Q71345 P106 Q40348 +Q1156782 P1412 Q1860 +Q188411 P140 Q9592 +Q11907 P2348 Q6927 +Q408 P172 Q42406 +Q83338 P737 Q150651 +Q704516 P1412 Q809 +Q1900440 P108 Q49117 +Q229153 P136 Q45981 +Q41590 P106 Q18939491 +Q41132 P495 Q38 +Q192207 P106 Q4263842 +Q181069 P161 Q237255 +Q191027 P106 Q10798782 +Q315210 P106 Q36180 +Q208344 P161 Q339403 +Q318320 P106 Q188094 +Q1294820 P106 Q855091 +Q55832 P27 Q211274 +Q234144 P172 Q539051 +Q137115 P19 Q60 +Q366091 P27 Q29999 +Q664 P463 Q7825 +Q32433 P161 Q296928 +Q85636 P1412 Q188 +Q706821 P108 Q777403 +Q196923 P27 Q986 +Q1239155 P106 Q12800682 +Q180214 P161 Q193504 +Q84346 P102 Q7320 +Q22316 P1412 Q1860 +Q334665 P69 Q1934904 +Q1095520 P27 Q30 +Q57106 P1412 Q188 +Q243419 P69 Q192088 +Q2415122 P27 Q30 +Q449129 P108 Q49213 +Q187166 P27 Q142 +Q333004 P106 Q18844224 +Q2843357 P20 Q85 +Q537222 P106 Q10798782 +Q455625 P27 Q34 +Q273876 P106 Q10798782 +Q540803 P106 Q1930187 +Q725964 P106 Q36834 +Q18809 P106 Q36180 +Q727730 P106 Q2722764 +Q180011 P69 Q168756 +Q355781 P509 Q188605 +Q190525 P136 Q959790 +Q374362 P106 Q4964182 +Q337090 P840 Q145 +Q1461567 P1412 Q9067 +Q2473030 P20 Q656 +Q372174 P57 Q963015 +Q722347 P101 Q34178 +Q677769 P27 Q155 +Q309631 P1303 Q17172850 +Q442031 P69 Q185246 +Q207536 P161 Q206890 +Q189226 P106 Q10800557 +Q14859 P463 Q812378 +Q357786 P106 Q177220 +Q1798353 P106 Q33999 +Q463883 P27 Q30 +Q48034 P102 Q79854 +Q77 P530 Q403 +Q8768 P106 Q10349745 +Q57535 P106 Q201788 +Q235132 P1412 Q1860 +Q178991 P27 Q142 +Q55258 P106 Q3282637 +Q237820 P1303 Q17172850 +Q288661 P69 Q5384959 +Q724323 P27 Q15180 +Q286475 P106 Q18844224 +Q104358 P264 Q557632 +Q220735 P840 Q18419 +Q62134 P106 Q36180 +Q940686 P509 Q11868838 +Q123010 P1412 Q397 +Q1026827 P17 Q30 +Q1744 P136 Q484641 +Q62664 P69 Q151510 +Q152824 P106 Q11774202 +Q78479 P463 Q265058 +Q323201 P106 Q33999 +Q366325 P1412 Q9067 +Q129987 P69 Q192088 +Q350714 P27 Q30 +Q73993 P108 Q168426 +Q2281897 P69 Q190080 +Q122110 P106 Q2516866 +Q183567 P69 Q160302 +Q2632 P106 Q36834 +Q253862 P1412 Q5287 +Q305864 P463 Q372899 +Q568455 P106 Q36834 +Q981489 P27 Q668 +Q73975 P19 Q2079 +Q44909 P20 Q65 +Q92639 P1412 Q36510 +Q236835 P1303 Q17172850 +Q220584 P106 Q49757 +Q57374 P106 Q753110 +Q375855 P161 Q181799 +Q1453398 P1303 Q17172850 +Q18938 P106 Q2914170 +Q103357 P106 Q36834 +Q1391397 P69 Q131252 +Q16 P530 Q41 +Q9916 P106 Q372436 +Q467423 P19 Q65 +Q2273039 P106 Q131524 +Q76490 P1303 Q5994 +Q314269 P27 Q30 +Q103784 P172 Q3476361 +Q292043 P19 Q36600 +Q155907 P140 Q6423963 +Q133405 P264 Q165745 +Q12054 P136 Q676 +Q317704 P1412 Q150 +Q313647 P1303 Q46185 +Q214324 P108 Q13371 +Q449505 P27 Q145 +Q44071 P27 Q2305208 +Q452281 P69 Q616591 +Q103343 P106 Q4610556 +Q454696 P27 Q30 +Q157271 P509 Q12202 +Q207898 P106 Q639669 +Q773828 P106 Q36180 +Q12908 P27 Q30 +Q267010 P1412 Q5287 +Q84233 P108 Q49210 +Q254265 P106 Q1930187 +Q8349 P106 Q578109 +Q191842 P106 Q639669 +Q114740 P20 Q1741 +Q835 P106 Q1930187 +Q45521 P1412 Q188 +Q256824 P27 Q145 +Q180589 P106 Q11774202 +Q560040 P136 Q11399 +Q286410 P27 Q145 +Q3438272 P27 Q30 +Q374812 P106 Q36180 +Q360445 P106 Q169470 +Q84555 P463 Q338432 +Q165816 P106 Q10798782 +Q214574 P106 Q10800557 +Q372514 P136 Q471839 +Q162492 P27 Q38 +Q151720 P106 Q15978655 +Q158017 P463 Q812155 +Q220376 P136 Q188473 +Q42229 P106 Q3282637 +Q71650 P106 Q3282637 +Q457840 P1412 Q1860 +Q944996 P106 Q193391 +Q399 P530 Q183 +Q104022 P27 Q183 +Q78484 P737 Q9438 +Q733850 P136 Q8261 +Q314597 P1412 Q1860 +Q218235 P840 Q1490 +Q1333234 P27 Q30 +Q310464 P26 Q238364 +Q31621 P27 Q55 +Q171745 P106 Q33999 +Q180337 P136 Q959790 +Q241835 P106 Q10800557 +Q298255 P1303 Q17172850 +Q51552 P106 Q2526255 +Q96492 P102 Q158227 +Q130917 P1412 Q188 +Q740657 P509 Q12078 +Q91845 P27 Q183 +Q451812 P106 Q488205 +Q219878 P106 Q488205 +Q314966 P106 Q3282637 +Q386394 P106 Q2526255 +Q183492 P737 Q40874 +Q348603 P551 Q60 +Q139638 P1303 Q17172850 +Q60072 P136 Q645928 +Q84851 P69 Q152838 +Q363271 P1412 Q1860 +Q162269 P106 Q82955 +Q71443 P69 Q776223 +Q1354843 P136 Q11401 +Q51110 P27 Q865 +Q43994 P106 Q28389 +Q180453 P551 Q1509 +Q235223 P1303 Q6607 +Q438164 P101 Q1662673 +Q92035 P106 Q82955 +Q1382521 P27 Q30 +Q33977 P737 Q3816 +Q448910 P106 Q177220 +Q559771 P509 Q12078 +Q1059718 P106 Q2526255 +Q37327 P20 Q90 +Q381256 P106 Q49757 +Q267321 P136 Q2484376 +Q222 P463 Q134102 +Q159551 P106 Q1622272 +Q184 P530 Q833 +Q131380 P27 Q30 +Q503710 P264 Q726153 +Q218690 P106 Q170790 +Q14010 P108 Q34433 +Q9353 P101 Q179805 +Q887948 P1303 Q17172850 +Q315784 P106 Q855091 +Q74513 P106 Q36180 +Q544508 P106 Q36834 +Q535157 P106 Q36180 +Q164111 P1412 Q150 +Q63432 P1412 Q188 +Q472270 P69 Q390287 +Q137659 P1412 Q1321 +Q427091 P161 Q41351 +Q214475 P106 Q482980 +Q134773 P136 Q157443 +Q87832 P106 Q16031530 +Q16474 P1412 Q1860 +Q260947 P19 Q220 +Q237387 P1303 Q6607 +Q162331 P161 Q918681 +Q30931 P161 Q460578 +Q189172 P1412 Q1860 +Q7604 P101 Q333 +Q205707 P1412 Q1860 +Q447015 P69 Q1250779 +Q84509 P140 Q5043 +Q180409 P69 Q1059546 +Q1067 P106 Q36180 +Q294625 P1412 Q1860 +Q72908 P19 Q37836 +Q55258 P106 Q33999 +Q240851 P106 Q1622272 +Q29344 P106 Q36180 +Q43259 P136 Q187760 +Q39 P530 Q79 +Q190884 P106 Q82955 +Q168023 P136 Q11399 +Q242707 P1412 Q1860 +Q2793815 P106 Q4991371 +Q44584 P106 Q1930187 +Q362332 P27 Q30 +Q349893 P140 Q75809 +Q187414 P161 Q233118 +Q332540 P19 Q84 +Q330093 P106 Q488205 +Q79078 P463 Q338432 +Q419 P463 Q3369762 +Q542101 P27 Q15180 +Q115901 P106 Q2374149 +Q1887014 P27 Q30 +Q503597 P106 Q10798782 +Q931607 P264 Q1341612 +Q60579 P463 Q2822396 +Q544611 P108 Q49110 +Q82695 P119 Q208175 +Q8646 P530 Q408 +Q2213516 P551 Q60 +Q433044 P1050 Q11085 +Q1346111 P106 Q15980158 +Q71602 P551 Q90 +Q96 P530 Q252 +Q449371 P27 Q30 +Q298 P361 Q12585 +Q983239 P106 Q2095549 +Q149127 P106 Q15980158 +Q129629 P509 Q212961 +Q232449 P1412 Q5287 +Q80938 P106 Q2405480 +Q87018 P106 Q245068 +Q52440 P19 Q18424 +Q1354843 P136 Q438503 +Q91023 P69 Q820887 +Q2096585 P551 Q43 +Q722202 P1412 Q1860 +Q81082 P463 Q191583 +Q92767 P20 Q484678 +Q41042 P106 Q6625963 +Q53944 P106 Q43845 +Q203804 P172 Q42406 +Q49347 P106 Q593644 +Q193426 P106 Q2259451 +Q126122 P102 Q7320 +Q187832 P106 Q2405480 +Q82238 P106 Q177220 +Q257805 P106 Q486748 +Q213864 P140 Q5043 +Q966228 P463 Q463281 +Q57501 P1412 Q397 +Q92601 P101 Q21198 +Q964396 P106 Q40348 +Q333573 P20 Q84 +Q234700 P106 Q36180 +Q192073 P161 Q343616 +Q381731 P161 Q200534 +Q1049 P463 Q827525 +Q184226 P737 Q37160 +Q363371 P106 Q128124 +Q55418 P108 Q681250 +Q215076 P136 Q9730 +Q153909 P140 Q188814 +Q712359 P106 Q36834 +Q183492 P737 Q3335 +Q39574 P106 Q36834 +Q60586 P20 Q586 +Q45765 P106 Q28389 +Q15969 P509 Q3505252 +Q507940 P106 Q1259917 +Q4492929 P1412 Q7737 +Q382864 P495 Q142 +Q458656 P161 Q444217 +Q261759 P161 Q236399 +Q1805442 P106 Q2405480 +Q5921 P19 Q38022 +Q14281 P27 Q172579 +Q77087 P172 Q42884 +Q214191 P1303 Q8355 +Q55690 P106 Q49757 +Q534234 P106 Q10798782 +Q41 P530 Q40 +Q42037 P106 Q1930187 +Q157044 P161 Q229487 +Q963787 P1412 Q1860 +Q172388 P69 Q13371 +Q31845 P106 Q4964182 +Q219810 P495 Q30 +Q151869 P40 Q152785 +Q71848 P140 Q9592 +Q3852 P17 Q2415901 +Q87120 P106 Q2526255 +Q469985 P106 Q49757 +Q33866 P1412 Q188 +Q222791 P1412 Q652 +Q109110 P161 Q370918 +Q1176607 P106 Q177220 +Q67385 P69 Q157575 +Q86723 P106 Q482980 +Q207034 P27 Q30 +Q1050 P463 Q816706 +Q51781 P106 Q81096 +Q319133 P106 Q33999 +Q13047979 P1412 Q1860 +Q234487 P106 Q28389 +Q77 P530 Q668 +Q56005 P106 Q3282637 +Q124834 P20 Q1726 +Q214481 P140 Q75809 +Q9381 P27 Q161885 +Q162277 P495 Q183 +Q1054564 P106 Q177220 +Q916675 P26 Q2514 +Q809037 P136 Q9759 +Q37876 P551 Q61 +Q104276 P106 Q1622272 +Q197491 P136 Q188473 +Q84211 P106 Q9149093 +Q865 P530 Q1027 +Q156552 P27 Q30 +Q363117 P106 Q36180 +Q778539 P106 Q36834 +Q333231 P102 Q9626 +Q234094 P106 Q10800557 +Q76819 P19 Q1741 +Q355153 P106 Q948329 +Q2621694 P119 Q281859 +Q303464 P106 Q33999 +Q256824 P106 Q33999 +Q45811 P69 Q174710 +Q68865 P509 Q210392 +Q241941 P136 Q2484376 +Q40362 P530 Q258 +Q30937 P161 Q284386 +Q242729 P69 Q860527 +Q741058 P69 Q1150105 +Q371348 P136 Q45981 +Q1095432 P1303 Q6607 +Q130742 P1303 Q17172850 +Q189067 P106 Q10798782 +Q503997 P106 Q13235160 +Q934734 P106 Q1930187 +Q253715 P106 Q2705098 +Q357974 P1303 Q6607 +Q445306 P463 Q123885 +Q201927 P106 Q10798782 +Q154770 P119 Q240744 +Q55502 P140 Q9592 +Q77824 P106 Q36180 +Q229379 P106 Q33999 +Q188386 P69 Q174158 +Q129286 P30 Q48 +Q365985 P27 Q142 +Q93356 P172 Q170826 +Q361297 P40 Q349461 +Q484292 P463 Q1425328 +Q2587669 P106 Q81096 +Q235223 P136 Q180268 +Q1113061 P106 Q33231 +Q44301 P106 Q822146 +Q25649 P106 Q36180 +Q2218967 P27 Q801 +Q548672 P27 Q165154 +Q275553 P136 Q959790 +Q656 P131 Q2305208 +Q215042 P463 Q133957 +Q92035 P102 Q7320 +Q153579 P463 Q463281 +Q371925 P106 Q333634 +Q159 P530 Q458 +Q296287 P20 Q60 +Q190373 P106 Q266569 +Q286410 P264 Q1123947 +Q2046788 P108 Q204181 +Q223887 P136 Q188473 +Q229 P530 Q41 +Q335238 P106 Q33999 +Q62731543 P27 Q30 +Q232384 P106 Q2722764 +Q106057 P27 Q172579 +Q10681 P264 Q330629 +Q93147 P463 Q1493021 +Q311147 P106 Q43845 +Q441414 P20 Q65 +Q116928 P495 Q30 +Q213579 P463 Q2822396 +Q459038 P106 Q14915627 +Q233957 P463 Q270794 +Q214677 P106 Q6625963 +Q151904 P136 Q52162262 +Q169717 P264 Q483938 +Q110042 P27 Q183 +Q583722 P106 Q36180 +Q57139 P106 Q16145150 +Q214690 P106 Q82955 +Q205456 P106 Q8246794 +Q159542 P106 Q864503 +Q1744 P1303 Q17172850 +Q106603 P1412 Q188 +Q984353 P106 Q639669 +Q863049 P135 Q186030 +Q884 P463 Q8475 +Q327886 P106 Q177220 +Q1166988 P27 Q30 +Q223367 P57 Q55258 +Q131674 P106 Q1930187 +Q345494 P106 Q1075651 +Q1008 P463 Q7825 +Q221305 P136 Q471839 +Q77111 P102 Q158227 +Q76568 P106 Q4964182 +Q336835 P840 Q38 +Q117 P463 Q1043527 +Q189758 P509 Q2140674 +Q302762 P69 Q1093910 +Q37767 P106 Q6430706 +Q605443 P106 Q17351648 +Q539171 P27 Q79 +Q296313 P1412 Q7737 +Q961671 P106 Q639669 +Q345888 P463 Q939743 +Q168419 P463 Q463303 +Q442854 P106 Q1209498 +Q160778 P1412 Q188 +Q944563 P69 Q245247 +Q102483 P463 Q812155 +Q271465 P119 Q1358639 +Q2252 P106 Q81096 +Q2066 P17 Q183 +Q160432 P551 Q84 +Q44648 P264 Q183387 +Q317953 P140 Q9268 +Q330316 P106 Q36834 +Q83338 P509 Q175111 +Q334885 P509 Q12152 +Q154782 P106 Q36180 +Q272595 P495 Q30 +Q183 P463 Q151991 +Q504743 P264 Q1849138 +Q90037 P27 Q30 +Q1642230 P106 Q33999 +Q43 P530 Q33 +Q510653 P106 Q1930187 +Q3920695 P106 Q1662561 +Q606125 P106 Q639669 +Q6711 P106 Q36180 +Q920 P106 Q482980 +Q313516 P19 Q1297 +Q426631 P495 Q27 +Q313727 P509 Q12152 +Q960081 P106 Q4263842 +Q58978 P19 Q1799 +Q388557 P106 Q28389 +Q9312 P101 Q9465 +Q76334 P1412 Q188 +Q44328 P69 Q165980 +Q59837 P108 Q13371 +Q222071 P101 Q482 +Q155845 P509 Q12136 +Q150804 P136 Q369747 +Q380787 P1412 Q13955 +Q77729 P108 Q180865 +Q801 P530 Q33 +Q134333 P106 Q33999 +Q434500 P1412 Q1860 +Q165644 P136 Q208494 +Q433471 P108 Q371625 +Q116577 P19 Q78 +Q101715 P106 Q81096 +Q63189 P19 Q64 +Q321454 P495 Q183 +Q379785 P106 Q593644 +Q1809563 P106 Q753110 +Q104668 P140 Q7066 +Q126492 P161 Q220536 +Q89188 P69 Q859363 +Q207698 P161 Q311165 +Q2368353 P106 Q81096 +Q11676 P106 Q82955 +Q134022 P106 Q1930187 +Q240872 P19 Q8652 +Q232163 P106 Q639669 +Q193517 P106 Q33999 +Q1512152 P106 Q1028181 +Q1397252 P106 Q36834 +Q212 P530 Q184 +Q905 P136 Q878985 +Q53619 P106 Q639669 +Q313013 P1303 Q27939 +Q60389 P69 Q372608 +Q922336 P27 Q38 +Q233946 P101 Q207628 +Q236475 P106 Q4610556 +Q561835 P106 Q23833535 +Q295107 P140 Q5043 +Q75177 P106 Q28389 +Q256380 P69 Q503415 +Q559774 P1412 Q1860 +Q184 P530 Q298 +Q64151 P136 Q52207399 +Q267672 P161 Q150943 +Q17135 P27 Q13426199 +Q287817 P1412 Q1860 +Q93853 P136 Q959790 +Q120647 P106 Q24262584 +Q262838 P106 Q2526255 +Q792 P530 Q183 +Q77226 P106 Q1930187 +Q214690 P106 Q40348 +Q230943 P264 Q54860 +Q184565 P106 Q36180 +Q220735 P136 Q52162262 +Q153149 P1412 Q1412 +Q454398 P161 Q552900 +Q123521 P106 Q49757 +Q106221 P264 Q2338889 +Q124607 P108 Q50662 +Q199418 P3373 Q437049 +Q162269 P69 Q9219 +Q326229 P20 Q131491 +Q465636 P106 Q639669 +Q454075 P1412 Q9043 +Q43432 P1303 Q5994 +Q40479 P737 Q154756 +Q232819 P106 Q177220 +Q177610 P27 Q28 +Q801 P37 Q9288 +Q948 P530 Q159 +Q213613 P106 Q158852 +Q842633 P102 Q29468 +Q1406115 P106 Q753110 +Q37060 P106 Q28389 +Q236702 P106 Q10800557 +Q8814 P463 Q83172 +Q19673 P26 Q241609 +Q61922 P108 Q151510 +Q43 P530 Q948 +Q62400 P108 Q151510 +Q5396 P106 Q81096 +Q343299 P106 Q2259451 +Q298 P463 Q1065 +Q1406115 P102 Q29552 +Q122123 P1412 Q1860 +Q6107 P136 Q429264 +Q34787 P106 Q4964182 +Q1262590 P106 Q855091 +Q67409 P463 Q463303 +Q196977 P136 Q3072039 +Q934682 P106 Q16287483 +Q670277 P106 Q36834 +Q267769 P106 Q2526255 +Q1166707 P20 Q48958 +Q222791 P106 Q1930187 +Q1329421 P1412 Q1860 +Q90910 P102 Q7320 +Q67641 P106 Q3282637 +Q327293 P106 Q1281618 +Q1178789 P2348 Q6927 +Q55 P463 Q827525 +Q1452607 P20 Q127856 +Q236475 P27 Q30 +Q452388 P20 Q1726 +Q298905 P106 Q33999 +Q68537 P509 Q389735 +Q67518 P106 Q36180 +Q953450 P106 Q639669 +Q3892790 P69 Q273626 +Q165637 P463 Q463303 +Q1254 P106 Q193391 +Q127423 P27 Q34 +Q185654 P172 Q7325 +Q347685 P106 Q12144794 +Q200804 P495 Q30 +Q254431 P20 Q127856 +Q699456 P106 Q66711686 +Q43 P463 Q3866537 +Q288359 P106 Q33999 +Q49903 P161 Q193815 +Q78704 P106 Q28389 +Q216478 P106 Q214917 +Q262314 P1303 Q17172850 +Q252 P530 Q833 +Q231207 P106 Q482980 +Q287793 P106 Q245068 +Q191543 P495 Q30 +Q332454 P102 Q9626 +Q262130 P19 Q18426 +Q176985 P20 Q649 +Q193300 P106 Q2526255 +Q102235 P161 Q232163 +Q58583 P102 Q7320 +Q355288 P106 Q639669 +Q555147 P106 Q82955 +Q75523 P463 Q543804 +Q452388 P136 Q9730 +Q590 P106 Q49757 +Q304030 P136 Q860626 +Q437616 P19 Q60 +Q880181 P106 Q43845 +Q70004 P106 Q482980 +Q1093318 P1303 Q5994 +Q1282289 P106 Q5482740 +Q74795 P106 Q1622272 +Q329 P102 Q1052584 +Q183031 P106 Q177220 +Q355314 P106 Q1930187 +Q47755 P1412 Q9067 +Q403 P530 Q865 +Q309888 P19 Q18426 +Q128934 P495 Q30 +Q429664 P509 Q18554919 +Q299122 P509 Q147778 +Q1152239 P264 Q203059 +Q743035 P1412 Q150 +Q86095 P463 Q329464 +Q62904 P69 Q969850 +Q188962 P108 Q52413 +Q79969 P1412 Q8641 +Q288150 P161 Q177131 +Q121778 P27 Q148 +Q208871 P1303 Q6607 +Q208263 P136 Q586250 +Q1242553 P106 Q639669 +Q1267 P463 Q207360 +Q529604 P106 Q1930187 +Q152388 P106 Q1622272 +Q97077 P20 Q1726 +Q43 P463 Q7184 +Q233 P530 Q29 +Q441990 P27 Q30 +Q52488 P106 Q13570226 +Q159585 P172 Q133255 +Q58311 P1412 Q7737 +Q114 P530 Q1033 +Q66316 P69 Q50662 +Q183105 P106 Q82955 +Q1025 P530 Q142 +Q274157 P106 Q10798782 +Q187516 P108 Q761534 +Q45229 P69 Q4614 +Q955619 P106 Q2252262 +Q78999 P119 Q240744 +Q244604 P136 Q471839 +Q329001 P106 Q639669 +Q115541 P551 Q1428 +Q1378383 P509 Q47912 +Q429963 P106 Q3282637 +Q225 P30 Q46 +Q55641 P264 Q183412 +Q110921 P1412 Q188 +Q105460 P106 Q488205 +Q1138543 P106 Q639669 +Q206124 P161 Q190386 +Q207951 P136 Q1344 +Q42992 P106 Q37226 +Q110436 P737 Q34981 +Q2514411 P27 Q145 +Q954 P463 Q1065 +Q469681 P106 Q1930187 +Q230445 P106 Q753110 +Q11194 P17 Q28513 +Q221236 P161 Q311453 +Q73993 P27 Q1206012 +Q329001 P463 Q48995 +Q455930 P106 Q49757 +Q78408 P1412 Q188 +Q194896 P1412 Q1860 +Q212498 P1412 Q1860 +Q308929 P161 Q6096 +Q93562 P108 Q13371 +Q265 P530 Q145 +Q2902600 P27 Q801 +Q311115 P463 Q270794 +Q234653 P102 Q29552 +Q211 P463 Q8908 +Q76749 P106 Q1234713 +Q800 P530 Q230 +Q297736 P106 Q33999 +Q160560 P136 Q22981906 +Q275876 P106 Q131512 +Q697200 P69 Q414219 +Q317160 P19 Q18125 +Q26372 P106 Q10798782 +Q1636237 P17 Q35 +Q951010 P106 Q214917 +Q89709 P1412 Q188 +Q215300 P19 Q16556 +Q134077 P451 Q192762 +Q704015 P136 Q8261 +Q378645 P106 Q82955 +Q131324 P264 Q277626 +Q320849 P106 Q4263842 +Q183492 P737 Q234819 +Q105575 P119 Q564922 +Q1055 P131 Q43287 +Q348497 P119 Q208175 +Q668 P530 Q45 +Q214816 P106 Q1234713 +Q84292 P19 Q36036 +Q548672 P106 Q121594 +Q201656 P451 Q4235 +Q230 P530 Q781 +Q627520 P1412 Q9078 +Q350678 P106 Q33999 +Q334116 P106 Q82955 +Q221236 P161 Q299483 +Q283317 P1303 Q17172850 +Q441528 P106 Q33999 +Q19673 P551 Q506446 +Q2153 P1412 Q1860 +Q237654 P106 Q855091 +Q275120 P840 Q84 +Q685 P530 Q865 +Q790 P463 Q8475 +Q5494459 P37 Q1860 +Q261207 P27 Q29 +Q12003 P136 Q20502 +Q27 P463 Q8908 +Q55796 P106 Q33999 +Q133665 P1303 Q17172850 +Q5333 P463 Q684415 +Q155398 P19 Q2742 +Q18575 P17 Q30 +Q61183 P106 Q4002666 +Q31164 P264 Q231694 +Q91730 P1303 Q17172850 +Q203643 P135 Q164800 +Q35498 P106 Q372436 +Q470875 P106 Q1930187 +Q40640 P737 Q5686 +Q180665 P19 Q60 +Q62086 P69 Q165528 +Q65350 P108 Q156725 +Q695036 P106 Q16287483 +Q158878 P106 Q4773904 +Q60347 P69 Q152087 +Q45521 P102 Q7320 +Q131248 P106 Q372436 +Q310734 P136 Q157394 +Q51461 P69 Q4614 +Q84704 P1412 Q188 +Q714602 P1303 Q302497 +Q16568 P17 Q30 +Q168847 P1050 Q124407 +Q256708 P27 Q30 +Q212549 P106 Q36834 +Q383581 P495 Q212 +Q4465 P106 Q28389 +Q393407 P27 Q83286 +Q72893 P106 Q10800557 +Q233424 P27 Q30 +Q17 P530 Q685 +Q176277 P19 Q16555 +Q78089 P102 Q49768 +Q232642 P27 Q30 +Q232149 P1412 Q1860 +Q762 P551 Q641 +Q214116 P106 Q4263842 +Q360445 P463 Q466113 +Q311615 P106 Q2405480 +Q239331 P106 Q33999 +Q230662 P106 Q33999 +Q356994 P1303 Q6607 +Q217 P530 Q184 +Q64180 P27 Q183 +Q106746 P27 Q30 +Q202326 P57 Q56094 +Q67526 P463 Q695302 +Q57075 P20 Q78 +Q293696 P106 Q855091 +Q78080 P106 Q333634 +Q232035 P106 Q36834 +Q219368 P172 Q846570 +Q199644 P106 Q15949613 +Q1355279 P27 Q41 +Q1542213 P131 Q60 +Q45229 P1412 Q1860 +Q153670 P106 Q482980 +Q365578 P27 Q30 +Q57802 P27 Q34266 +Q232307 P19 Q65 +Q65350 P27 Q183 +Q60528 P1412 Q188 +Q704516 P102 Q537303 +Q3123761 P106 Q82594 +Q1363261 P106 Q36180 +Q8927 P106 Q177220 +Q241160 P69 Q1068752 +Q551421 P1412 Q9288 +Q222 P463 Q1065 +Q414 P530 Q38 +Q26168 P106 Q36180 +Q333231 P69 Q192088 +Q182486 P27 Q145 +Q551204 P101 Q41217 +Q207817 P106 Q49757 +Q311223 P106 Q170790 +Q217182 P161 Q37175 +Q202550 P264 Q202585 +Q129831 P106 Q4610556 +Q233541 P551 Q23556 +Q124494 P106 Q82955 +Q75904 P463 Q684415 +Q173399 P106 Q948329 +Q2201 P161 Q472504 +Q2514411 P106 Q81096 +Q559844 P106 Q557880 +Q1489 P131 Q96 +Q454243 P106 Q81096 +Q440731 P27 Q794 +Q939357 P106 Q639669 +Q380026 P1412 Q1321 +Q231781 P509 Q12078 +Q193300 P737 Q8704 +Q1711743 P1303 Q5994 +Q88389 P106 Q1622272 +Q432281 P27 Q30 +Q306122 P106 Q855091 +Q19504 P1412 Q1860 +Q981513 P463 Q41726 +Q318938 P20 Q65 +Q488057 P106 Q36834 +Q76959 P463 Q466089 +Q310773 P140 Q432 +Q41132 P161 Q157191 +Q237821 P106 Q201788 +Q730190 P27 Q145 +Q232120 P106 Q33999 +Q243643 P495 Q145 +Q505677 P136 Q1641839 +Q57303 P1412 Q36510 +Q51566 P19 Q23556 +Q190231 P19 Q6346 +Q112534 P108 Q41506 +Q504006 P102 Q1774814 +Q158030 P108 Q273518 +Q957010 P27 Q30 +Q5686 P119 Q5933 +Q189947 P1412 Q1860 +Q181727 P106 Q1607826 +Q578031 P106 Q1930187 +Q154331 P463 Q46703 +Q1346255 P20 Q84 +Q353366 P264 Q193023 +Q299790 P19 Q65 +Q66720618 P551 Q586 +Q265252 P264 Q330629 +Q132266 P840 Q99 +Q439198 P26 Q186757 +Q965301 P27 Q30 +Q60206 P106 Q82955 +Q8873 P106 Q36834 +Q65344 P106 Q82594 +Q560847 P106 Q1622272 +Q49941 P19 Q1781 +Q17738 P161 Q128379 +Q239464 P106 Q33999 +Q80135 P102 Q79854 +Q233377 P106 Q183945 +Q184 P530 Q874 +Q295502 P1303 Q6607 +Q62904 P106 Q82594 +Q707607 P106 Q1415090 +Q740181 P20 Q1085 +Q17132 P102 Q17427 +Q308840 P27 Q31 +Q164933 P136 Q52162262 +Q166023 P69 Q209842 +Q112081 P20 Q1899 +Q549141 P509 Q12202 +Q184785 P140 Q13211738 +Q161687 P840 Q21 +Q158753 P106 Q36834 +Q325589 P27 Q145 +Q2656667 P106 Q36834 +Q212002 P140 Q1841 +Q980000 P119 Q47265 +Q115805 P108 Q36188 +Q86419 P19 Q1085 +Q260533 P161 Q110379 +Q1195301 P106 Q2705098 +Q66493 P69 Q152838 +Q314963 P106 Q11774202 +Q107761 P136 Q188473 +Q598185 P106 Q11481802 +Q304488 P57 Q55258 +Q164351 P106 Q1622272 +Q18434 P106 Q1930187 +Q192115 P161 Q193668 +Q255720 P69 Q503246 +Q843 P463 Q899770 +Q757 P463 Q496967 +Q454970 P69 Q2599077 +Q366845 P509 Q181754 +Q156193 P106 Q158852 +Q874588 P106 Q82955 +Q359026 P509 Q212961 +Q106740 P106 Q49757 +Q447407 P1303 Q17172850 +Q458966 P20 Q90 +Q157194 P106 Q1281618 +Q475942 P27 Q29 +Q1549911 P106 Q222344 +Q145 P530 Q664 +Q249107 P264 Q27184 +Q181678 P106 Q10800557 +Q269890 P509 Q476921 +Q704742 P106 Q33999 +Q130746 P1412 Q1321 +Q320014 P106 Q1930187 +Q12807 P509 Q212961 +Q282722 P1303 Q5994 +Q182642 P27 Q30 +Q888256 P19 Q18426 +Q378645 P69 Q392904 +Q254748 P106 Q33999 +Q160333 P1412 Q1321 +Q105237 P3373 Q60133 +Q73463 P1303 Q6607 +Q230 P530 Q786 +Q11847 P1412 Q143 +Q313138 P106 Q639669 +Q45338 P106 Q2259451 +Q123080 P20 Q90 +Q723826 P27 Q145 +Q504753 P108 Q579968 +Q357936 P106 Q36180 +Q103591 P106 Q121594 +Q807545 P136 Q45981 +Q362258 P27 Q212 +Q63346 P20 Q64 +Q29213 P463 Q107569 +Q187814 P19 Q37320 +Q271867 P106 Q2259451 +Q920167 P106 Q36834 +Q26988 P30 Q538 +Q17279884 P641 Q542 +Q142 P463 Q663492 +Q188385 P509 Q189588 +Q380318 P106 Q183945 +Q87675 P27 Q40 +Q317095 P106 Q36834 +Q472071 P106 Q6625963 +Q880598 P740 Q1345 +Q153149 P27 Q191 +Q382068 P106 Q28389 +Q452084 P106 Q82955 +Q508953 P106 Q2490358 +Q60996 P69 Q318186 +Q72538 P69 Q317053 +Q229948 P106 Q33999 +Q152245 P463 Q543804 +Q918443 P69 Q49108 +Q739 P463 Q8475 +Q1394654 P106 Q855091 +Q907600 P106 Q47064 +Q128576 P106 Q36180 +Q70881 P1303 Q17172850 +Q562178 P106 Q14972848 +Q262524 P106 Q10798782 +Q183105 P19 Q84 +Q261522 P20 Q649 +Q1718 P463 Q1768108 +Q232479 P106 Q947873 +Q2428820 P102 Q7320 +Q1160461 P106 Q1906857 +Q76683 P1412 Q188 +Q208101 P463 Q463281 +Q220423 P136 Q52162262 +Q62791 P106 Q4991371 +Q107957 P106 Q43845 +Q183 P530 Q813 +Q229065 P1303 Q5994 +Q30896 P1303 Q17172850 +Q903208 P69 Q155354 +Q1699902 P106 Q18545066 +Q218 P530 Q183 +Q72292 P463 Q1423356 +Q463581 P106 Q1622272 +Q380243 P106 Q212980 +Q236438 P135 Q9730 +Q676777 P136 Q170611 +Q321454 P161 Q947748 +Q573388 P106 Q1930187 +Q81752 P27 Q131964 +Q110462 P27 Q142 +Q103646 P106 Q10800557 +Q107264 P737 Q47426 +Q100276 P108 Q206702 +Q156608 P136 Q2484376 +Q459310 P106 Q201788 +Q57358 P19 Q649 +Q26058 P106 Q33999 +Q158997 P106 Q4263842 +Q92684 P106 Q81096 +Q40197 P106 Q81096 +Q369492 P641 Q2736 +Q276005 P27 Q145 +Q23880 P27 Q96 +Q344567 P19 Q744948 +Q188117 P106 Q33999 +Q12786562 P106 Q14915627 +Q551204 P463 Q2370801 +Q1156 P17 Q668 +Q312053 P1303 Q5994 +Q543060 P119 Q1408 +Q42051 P161 Q73416 +Q47755 P106 Q36180 +Q885977 P136 Q8341 +Q132238 P106 Q765778 +Q118852 P1412 Q150 +Q441439 P101 Q482 +Q723141 P106 Q36180 +Q154581 P495 Q183 +Q526970 P136 Q187760 +Q54868 P1412 Q1860 +Q431656 P1303 Q17172850 +Q220655 P161 Q532180 +Q449769 P106 Q1622272 +Q44648 P264 Q694052 +Q229258 P69 Q389336 +Q1082420 P106 Q639669 +Q457306 P1303 Q17172850 +Q263772 P106 Q639669 +Q730261 P136 Q11401 +Q65292 P106 Q36180 +Q304074 P161 Q168724 +Q45275 P1303 Q17172850 +Q212678 P106 Q1930187 +Q168728 P27 Q30 +Q1184501 P17 Q30 +Q6694 P106 Q1371378 +Q41257 P69 Q157808 +Q57347 P106 Q212980 +Q181425 P106 Q10800557 +Q77144 P463 Q463303 +Q83184 P106 Q1930187 +Q254022 P106 Q10798782 +Q191023 P27 Q25 +Q172632 P136 Q20378 +Q215748 P69 Q372608 +Q472071 P106 Q49757 +Q29573 P101 Q413 +Q115455 P140 Q9592 +Q378891 P161 Q230378 +Q28936 P136 Q20443008 +Q55245 P106 Q3387717 +Q190148 P27 Q50001 +Q44519 P106 Q36180 +Q275929 P106 Q4263842 +Q36949 P27 Q38 +Q314110 P101 Q13590141 +Q78864 P20 Q34713 +Q265069 P463 Q174291 +Q332798 P161 Q269669 +Q18066 P1412 Q7737 +Q348571 P20 Q1494 +Q97470 P1412 Q188 +Q457022 P106 Q639669 +Q190220 P106 Q36180 +Q746923 P106 Q753110 +Q727730 P106 Q3282637 +Q179695 P1412 Q8748 +Q313755 P106 Q15981151 +Q380095 P106 Q10800557 +Q252 P463 Q656801 +Q229276 P509 Q12136 +Q737626 P106 Q81096 +Q367634 P172 Q49085 +Q104127 P106 Q36180 +Q2291 P106 Q245068 +Q361336 P106 Q3282637 +Q7516 P106 Q10798782 +Q377939 P161 Q320093 +Q99076 P106 Q2468727 +Q92510 P102 Q7320 +Q107124 P1412 Q188 +Q99397 P19 Q1711 +Q215137 P1412 Q9056 +Q106871 P161 Q172678 +Q380243 P106 Q81096 +Q44646 P108 Q161562 +Q426433 P161 Q40912 +Q92871 P101 Q395 +Q45789 P19 Q1348 +Q40162 P106 Q37226 +Q67144 P551 Q64 +Q155463 P463 Q11993457 +Q161877 P136 Q850412 +Q157318 P106 Q1231865 +Q456903 P40 Q180224 +Q76479 P495 Q183 +Q582713 P1303 Q1444 +Q90315 P102 Q153401 +Q123679 P106 Q43845 +Q716282 P106 Q81096 +Q134180 P106 Q483501 +Q1031847 P264 Q3001888 +Q9582 P106 Q19204627 +Q3134064 P106 Q47064 +Q82110 P106 Q10798782 +Q65906 P106 Q350979 +Q123238 P106 Q131062 +Q109767 P161 Q225657 +Q139460 P136 Q5442753 +Q975777 P27 Q142 +Q434745 P106 Q183945 +Q77825 P140 Q75809 +Q48779 P69 Q13371 +Q590911 P106 Q860918 +Q239240 P106 Q10798782 +Q833578 P407 Q1860 +Q450382 P106 Q5716684 +Q182046 P19 Q1449 +Q40470 P69 Q670897 +Q331 P140 Q288928 +Q75603 P20 Q2807 +Q166554 P161 Q2643 +Q928 P530 Q424 +Q234721 P106 Q49757 +Q337453 P106 Q82955 +Q433060 P106 Q486748 +Q447015 P172 Q7325 +Q943361 P20 Q220 +Q312450 P106 Q2259451 +Q720443 P106 Q201788 +Q158079 P17 Q12560 +Q75116 P106 Q82955 +Q108617 P106 Q28389 +Q45765 P106 Q4853732 +Q188962 P1412 Q1860 +Q41871 P106 Q10798782 +Q274711 P27 Q20 +Q182905 P106 Q201788 +Q232468 P106 Q855091 +Q232774 P161 Q16345 +Q965375 P106 Q1930187 +Q184906 P172 Q84072 +Q184226 P106 Q1930187 +Q380118 P136 Q213665 +Q17279884 P106 Q2462658 +Q78107 P106 Q593644 +Q92881 P69 Q49115 +Q380579 P136 Q37073 +Q728169 P20 Q1524 +Q916 P530 Q408 +Q333971 P161 Q48410 +Q353788 P136 Q37073 +Q61078 P27 Q1206012 +Q8646 P17 Q8680 +Q35 P530 Q1045 +Q42831 P106 Q6625963 +Q41488 P106 Q4964182 +Q221535 P106 Q639669 +Q62365 P1412 Q188 +Q17135 P26 Q16574 +Q19796 P1412 Q143 +Q160422 P27 Q29999 +Q153243 P463 Q684415 +Q47484 P136 Q8261 +Q1025 P463 Q7825 +Q2002177 P749 Q21077 +Q31293 P106 Q28389 +Q116359 P106 Q2526255 +Q361670 P106 Q3455803 +Q559506 P106 Q36180 +Q142999 P27 Q12544 +Q57410 P27 Q801 +Q37876 P106 Q33999 +Q310300 P1303 Q51290 +Q165518 P106 Q33999 +Q159917 P106 Q82955 +Q70417 P135 Q8361 +Q213799 P1412 Q188 +Q82426 P161 Q284876 +Q59610 P161 Q185051 +Q356986 P1303 Q302497 +Q193744 P264 Q190585 +Q165721 P140 Q35032 +Q45970 P463 Q463303 +Q270085 P101 Q1069 +Q174284 P840 Q419 +Q212048 P509 Q12202 +Q230501 P106 Q36834 +Q908693 P27 Q30 +Q167696 P106 Q10800557 +Q437094 P27 Q142 +Q320167 P106 Q2252262 +Q761838 P463 Q40358 +Q9061 P40 Q61412 +Q298255 P106 Q2405480 +Q200407 P106 Q33999 +Q215072 P106 Q177220 +Q275964 P69 Q174710 +Q79969 P737 Q192331 +Q1787960 P1412 Q150 +Q67526 P27 Q183 +Q200566 P27 Q16 +Q230023 P106 Q10800557 +Q44872 P106 Q1234713 +Q434111 P106 Q2259451 +Q301951 P106 Q4263842 +Q38193 P27 Q151624 +Q11612 P106 Q1622272 +Q242707 P106 Q2914170 +Q365090 P69 Q1185037 +Q506582 P106 Q1930187 +Q87487 P106 Q49757 +Q78003 P136 Q11635 +Q922795 P106 Q28389 +Q189330 P136 Q188473 +Q357168 P27 Q20 +Q283988 P106 Q948329 +Q161687 P161 Q318155 +Q36591 P551 Q11299 +Q43408 P161 Q312705 +Q51010 P27 Q39 +Q94031 P69 Q689400 +Q133665 P106 Q488205 +Q717 P463 Q1043527 +Q31215 P27 Q83286 +Q219776 P161 Q313579 +Q272134 P1412 Q1321 +Q195402 P495 Q30 +Q948 P463 Q624307 +Q105026 P69 Q154804 +Q214677 P551 Q60 +Q78490 P19 Q1741 +Q335508 P495 Q30 +Q167409 P106 Q486748 +Q152690 P69 Q1068258 +Q51583 P106 Q2526255 +Q777354 P106 Q11774202 +Q58758 P106 Q185351 +Q230836 P1303 Q5994 +Q234244 P27 Q16 +Q85877 P106 Q2500638 +Q1017117 P136 Q193207 +Q553730 P106 Q18844224 +Q1277181 P136 Q8341 +Q16297 P106 Q860918 +Q43067 P69 Q157808 +Q200661 P463 Q2749618 +Q105987 P106 Q10800557 +Q78505 P106 Q10798782 +Q160627 P106 Q170790 +Q92066 P106 Q49757 +Q467940 P27 Q414 +Q69547 P106 Q1622272 +Q333913 P102 Q138345 +Q110695 P106 Q28389 +Q234487 P69 Q1786078 +Q60487 P161 Q256649 +Q290502 P27 Q29 +Q312969 P172 Q49542 +Q150851 P69 Q1093910 +Q922191 P119 Q1950363 +Q529942 P1412 Q150 +Q131660 P69 Q859363 +Q1886750 P551 Q61 +Q262 P463 Q624307 +Q8646 P37 Q9186 +Q331277 P161 Q442310 +Q83174 P20 Q490 +Q217280 P136 Q9759 +Q249141 P101 Q207628 +Q230023 P106 Q805221 +Q426517 P161 Q373968 +Q726607 P106 Q193391 +Q361762 P1303 Q5994 +Q78290 P19 Q1726 +Q697741 P136 Q8261 +Q179460 P161 Q363386 +Q211206 P161 Q211415 +Q1810650 P19 Q3711 +Q344537 P495 Q142 +Q49398 P161 Q123351 +Q408 P530 Q191 +Q162634 P106 Q3282637 +Q80405 P106 Q10798782 +Q361677 P106 Q753110 +Q270935 P19 Q5083 +Q444371 P102 Q29468 +Q164782 P27 Q30 +Q42786 P106 Q5716684 +Q11755 P27 Q801 +Q216004 P69 Q662355 +Q328662 P264 Q5086379 +Q292381 P106 Q10798782 +Q935051 P19 Q64 +Q271059 P27 Q30 +Q3298815 P106 Q753110 +Q231178 P27 Q30 +Q19190 P106 Q2405480 +Q309555 P106 Q2526255 +Q948941 P106 Q901 +Q337628 P1412 Q7737 +Q547183 P106 Q486748 +Q12807 P1412 Q652 +Q58612 P106 Q214917 +Q215904 P106 Q82955 +Q437094 P509 Q189588 +Q719083 P136 Q183504 +Q140575 P69 Q194445 +Q4235 P1303 Q78987 +Q41314 P19 Q1297 +Q65825 P108 Q152838 +Q228936 P840 Q5092 +Q131660 P1412 Q150 +Q329999 P1412 Q1860 +Q323452 P106 Q10800557 +Q244931 P136 Q130232 +Q233213 P26 Q467423 +Q168517 P463 Q46703 +Q157324 P463 Q2822396 +Q15800 P106 Q14467526 +Q41523 P106 Q201788 +Q1500 P106 Q14467526 +Q62843 P106 Q82594 +Q70917 P106 Q201788 +Q438402 P106 Q333634 +Q76437 P1412 Q188 +Q90520 P1412 Q188 +Q105875 P106 Q1415090 +Q311961 P106 Q43845 +Q104127 P108 Q4614 +Q89316 P1412 Q188 +Q69834 P106 Q36180 +Q184219 P1412 Q1860 +Q67529 P69 Q35794 +Q271256 P106 Q177220 +Q352914 P106 Q49757 +Q156774 P463 Q338489 +Q481885 P106 Q36834 +Q34584 P106 Q482980 +Q237669 P106 Q10800557 +Q155786 P101 Q413 +Q295144 P101 Q11629 +Q1257 P27 Q79 +Q475942 P106 Q33231 +Q1325743 P136 Q8341 +Q434500 P106 Q10798782 +Q329145 P495 Q142 +Q690974 P106 Q10798782 +Q23505 P106 Q47064 +Q884 P530 Q35 +Q240894 P161 Q108283 +Q421471 P1412 Q9043 +Q238924 P1303 Q17172850 +Q483907 P106 Q17125263 +Q765 P106 Q3387717 +Q342604 P551 Q65 +Q98434 P136 Q676 +Q94081 P27 Q30 +Q47112095 P106 Q3391743 +Q470193 P463 Q83172 +Q723826 P106 Q3922505 +Q82925 P509 Q12152 +Q3365459 P69 Q559549 +Q334633 P102 Q622441 +Q30 P463 Q899770 +Q208108 P161 Q290091 +Q345446 P106 Q33999 +Q71322 P106 Q82955 +Q104757 P108 Q54096 +Q172684 P106 Q49757 +Q318485 P106 Q5716684 +Q80095 P106 Q36180 +Q189505 P136 Q130232 +Q1001250 P264 Q1757254 +Q96941 P1412 Q188 +Q120977 P1412 Q188 +Q234663 P136 Q482 +Q235931 P136 Q8341 +Q214582 P1303 Q5994 +Q354002 P106 Q177220 +Q16581 P1412 Q9063 +Q548672 P1412 Q652 +Q270085 P106 Q350979 +Q217298 P1412 Q1860 +Q98806 P106 Q1209498 +Q5685 P509 Q12204 +Q195535 P1412 Q143 +Q336640 P106 Q3282637 +Q48226 P106 Q18939491 +Q324366 P136 Q37073 +Q965375 P27 Q142 +Q37370 P106 Q14467526 +Q57442 P1412 Q188 +Q91827 P69 Q702524 +Q91823 P106 Q82955 +Q76593 P463 Q329464 +Q38561 P136 Q157443 +Q24558760 P27 Q25 +Q75079 P27 Q30 +Q268615 P106 Q33999 +Q786675 P27 Q20 +Q229375 P27 Q30 +Q380252 P136 Q157443 +Q310637 P172 Q165192 +Q5912 P106 Q33999 +Q137808 P26 Q882 +Q93343 P737 Q81960 +Q68036 P106 Q214917 +Q351061 P106 Q486748 +Q208344 P161 Q104061 +Q710466 P106 Q855091 +Q1351751 P136 Q8341 +Q223949 P463 Q161806 +Q206112 P136 Q613408 +Q187907 P106 Q333634 +Q180279 P495 Q145 +Q88464 P106 Q18576582 +Q460323 P106 Q6625963 +Q964620 P106 Q488205 +Q40523 P451 Q73362 +Q239331 P69 Q4614 +Q12674 P69 Q157808 +Q322572 P840 Q46 +Q186757 P19 Q1345 +Q711226 P108 Q617433 +Q927469 P27 Q33 +Q191037 P140 Q624477 +Q61374 P108 Q161982 +Q23530 P106 Q40348 +Q633 P106 Q2526255 +Q2795317 P1412 Q143 +Q1342470 P136 Q20378 +Q1140309 P161 Q191132 +Q133489 P264 Q843402 +Q1289541 P106 Q2490358 +Q55004 P69 Q55038 +Q274764 P19 Q84 +Q435347 P27 Q30 +Q93835 P119 Q208175 +Q1112005 P106 Q33999 +Q63026 P161 Q106275 +Q11124 P19 Q62 +Q167443 P27 Q241748 +Q5673 P106 Q36180 +Q110167 P69 Q40025 +Q353866 P108 Q678095 +Q1046616 P136 Q217191 +Q93115 P101 Q21198 +Q237270 P551 Q18424 +Q72124 P106 Q15627169 +Q328892 P106 Q13590141 +Q4487 P19 Q1489 +Q366671 P27 Q213 +Q207824 P1303 Q163829 +Q78107 P463 Q150793 +Q1077608 P69 Q1753535 +Q187662 P264 Q1328605 +Q316086 P106 Q214917 +Q549487 P106 Q4853732 +Q110379 P106 Q28389 +Q268084 P136 Q21590660 +Q250539 P106 Q36180 +Q234795 P119 Q1437214 +Q210315 P106 Q36180 +Q85580 P1412 Q188 +Q4681470 P106 Q3400985 +Q187561 P161 Q1744 +Q122514 P1412 Q188 +Q164384 P1412 Q1860 +Q435290 P106 Q1906857 +Q214690 P106 Q1607826 +Q242474 P463 Q946380 +Q346411 P106 Q11513337 +Q1250743 P1303 Q5994 +Q241873 P69 Q385471 +Q143901 P161 Q102711 +Q486096 P27 Q30 +Q70802 P37 Q150 +Q668 P530 Q739 +Q215444 P463 Q812155 +Q54945 P108 Q622664 +Q57237 P106 Q82955 +Q36233 P463 Q463303 +Q218172 P161 Q41422 +Q488200 P1412 Q256 +Q183063 P136 Q130232 +Q234289 P27 Q43 +Q312693 P106 Q386854 +Q233959 P136 Q187760 +Q102711 P106 Q2526255 +Q537112 P140 Q9592 +Q47075 P840 Q750 +Q439204 P106 Q1930187 +Q77327 P27 Q183 +Q221594 P136 Q1054574 +Q270660 P19 Q172455 +Q158088 P172 Q201111 +Q317817 P106 Q33999 +Q275593 P27 Q30 +Q333405 P106 Q55960555 +Q1322959 P119 Q281859 +Q12696 P106 Q121594 +Q158753 P1303 Q6607 +Q526518 P737 Q504 +Q61852 P106 Q1350157 +Q221546 P1303 Q8355 +Q1553197 P106 Q639669 +Q170572 P106 Q948329 +Q184697 P1303 Q6607 +Q78492 P106 Q2306091 +Q436386 P27 Q30 +Q154581 P161 Q41148 +Q346801 P106 Q19723482 +Q64991 P106 Q185351 +Q371932 P1412 Q1860 +Q107350 P108 Q55038 +Q342419 P27 Q145 +Q332399 P740 Q47164 +Q490738 P1412 Q1860 +Q109232 P1412 Q1860 +Q161687 P161 Q105466 +Q892 P69 Q34433 +Q471664 P106 Q49757 +Q92035 P108 Q315658 +Q132489 P463 Q466089 +Q76412 P106 Q28389 +Q102336 P108 Q154561 +Q85490 P106 Q10800557 +Q45909 P1412 Q9309 +Q69189 P69 Q20266894 +Q169452 P551 Q25395 +Q984369 P108 Q180865 +Q343633 P106 Q10800557 +Q14277 P106 Q11063 +Q289645 P27 Q142 +Q151872 P106 Q333634 +Q68537 P106 Q177220 +Q1222903 P106 Q15214752 +Q96 P530 Q219 +Q336018 P69 Q927627 +Q967846 P641 Q2736 +Q318309 P102 Q590750 +Q116359 P106 Q10800557 +Q182373 P161 Q80966 +Q434291 P1303 Q17172850 +Q1066894 P136 Q83440 +Q239419 P108 Q49088 +Q1145 P106 Q16031530 +Q706641 P106 Q855091 +Q137595 P161 Q329744 +Q9327 P106 Q49757 +Q31959 P264 Q2034661 +Q769 P463 Q1043527 +Q78270 P1412 Q188 +Q6123726 P551 Q1486 +Q242462 P106 Q2259451 +Q938749 P264 Q770103 +Q67231 P101 Q11629 +Q505517 P1303 Q6607 +Q62263 P106 Q1259917 +Q251068 P106 Q33999 +Q379949 P1412 Q150 +Q592504 P136 Q156035 +Q232414 P106 Q10798782 +Q2120396 P27 Q30 +Q134798 P136 Q35760 +Q275900 P106 Q36834 +Q237518 P69 Q27621 +Q842 P530 Q403 +Q229669 P27 Q34 +Q5217489 P69 Q174158 +Q355843 P119 Q2790054 +Q106662 P106 Q855091 +Q70694 P19 Q1707 +Q62666 P20 Q693653 +Q159 P530 Q884 +Q379580 P106 Q81096 +Q1382535 P69 Q2177054 +Q258462 P106 Q34074720 +Q1970586 P106 Q639669 +Q57554 P463 Q123885 +Q91093 P27 Q183 +Q45321 P101 Q333 +Q158997 P106 Q1930187 +Q151929 P106 Q82955 +Q241646 P20 Q65 +Q132616 P106 Q13235160 +Q157034 P172 Q8060 +Q5431220 P27 Q30 +Q192073 P161 Q108283 +Q37767 P737 Q233265 +Q58198 P101 Q166542 +Q31013 P101 Q207628 +Q23870 P106 Q1231865 +Q244997 P106 Q36180 +Q291180 P161 Q229156 +Q152773 P106 Q2405480 +Q43718 P69 Q27621 +Q214582 P1303 Q79838 +Q349799 P26 Q242608 +Q408 P530 Q1030 +Q976071 P106 Q49757 +Q186327 P136 Q208494 +Q645167 P27 Q142 +Q1030 P463 Q7809 +Q73089 P27 Q30 +Q117783 P106 Q1930187 +Q78706 P463 Q459620 +Q213794 P19 Q1726 +Q320025 P19 Q65 +Q30570 P106 Q488205 +Q154556 P106 Q16031530 +Q186757 P26 Q439198 +Q354158 P1303 Q9798 +Q303751 P19 Q18432 +Q907534 P463 Q543804 +Q352185 P1303 Q17172850 +Q167429 P106 Q28389 +Q303456 P161 Q436187 +Q5592 P106 Q1028181 +Q43287 P30 Q46 +Q320984 P172 Q539051 +Q1376957 P69 Q1420239 +Q818006 P106 Q1930187 +Q166663 P69 Q192775 +Q521790 P27 Q30 +Q326431 P106 Q250867 +Q209471 P119 Q1302545 +Q157322 P106 Q193391 +Q240377 P264 Q2996526 +Q40 P530 Q298 +Q44780 P106 Q639669 +Q65613 P20 Q2814 +Q347950 P106 Q7042855 +Q1237496 P106 Q16145150 +Q684415 P159 Q1726 +Q246970 P27 Q30 +Q218 P530 Q16 +Q77476 P106 Q82955 +Q596717 P106 Q2405480 +Q23543 P509 Q2140674 +Q258846 P1303 Q17172850 +Q93124 P106 Q81096 +Q45672 P136 Q188473 +Q87168 P106 Q36834 +Q1379510 P136 Q8341 +Q400 P106 Q18814623 +Q44086 P463 Q812155 +Q347528 P1412 Q1860 +Q172653 P106 Q2259451 +Q334670 P19 Q12439 +Q235572 P106 Q2259451 +Q58125755 P1303 Q6607 +Q128934 P161 Q316596 +Q234591 P136 Q189201 +Q231576 P26 Q311165 +Q207824 P106 Q177220 +Q940439 P20 Q90 +Q103476 P641 Q542 +Q237774 P106 Q10798782 +Q177962 P140 Q75809 +Q267386 P106 Q10798782 +Q833 P530 Q921 +Q7726 P106 Q82955 +Q97998 P27 Q664 +Q918681 P108 Q1664782 +Q274314 P1303 Q17172850 +Q300423 P136 Q157443 +Q239214 P106 Q36834 +Q452361 P106 Q639669 +Q166714 P463 Q123885 +Q362516 P106 Q855091 +Q213799 P106 Q1397808 +Q182905 P106 Q82955 +Q230943 P1303 Q17172850 +Q1396852 P136 Q1661 +Q467940 P106 Q488205 +Q306403 P69 Q49208 +Q71998 P1412 Q7737 +Q11903 P737 Q868 +Q76492 P27 Q183 +Q231942 P106 Q36834 +Q92622 P106 Q205375 +Q41223 P1412 Q7737 +Q1929135 P264 Q183387 +Q240849 P161 Q308840 +Q697747 P106 Q193391 +Q539458 P1412 Q150 +Q642127 P20 Q172455 +Q33391 P106 Q18814623 +Q592504 P20 Q649 +Q334 P530 Q711 +Q202420 P69 Q219317 +Q162917 P106 Q333634 +Q865 P530 Q28 +Q3085338 P106 Q36180 +Q77708 P27 Q41304 +Q504677 P27 Q30 +Q114 P463 Q191384 +Q1007 P530 Q30 +Q235517 P106 Q33999 +Q2416148 P1412 Q7737 +Q442854 P20 Q11299 +Q216364 P112 Q183387 +Q203845 P136 Q1341051 +Q323260 P106 Q169470 +Q713273 P106 Q639669 +Q80760 P1412 Q1860 +Q283496 P106 Q6625963 +Q162255 P136 Q130232 +Q505563 P69 Q49088 +Q95174 P264 Q216364 +Q209004 P509 Q35869 +Q110450 P106 Q15895020 +Q45662 P27 Q131964 +Q7302 P737 Q183 +Q92824 P463 Q463303 +Q243639 P451 Q215300 +Q484523 P1303 Q17172850 +Q313009 P106 Q33999 +Q45839 P161 Q434790 +Q929 P530 Q865 +Q70800 P101 Q441 +Q1050 P530 Q159 +Q366521 P27 Q794 +Q153694 P136 Q203775 +Q313411 P463 Q688638 +Q40580 P136 Q205049 +Q8743 P106 Q205375 +Q45662 P106 Q193391 +Q215636 P463 Q463303 +Q1025 P463 Q3348506 +Q1030 P530 Q902 +Q228943 P140 Q93191 +Q266080 P19 Q597 +Q218690 P106 Q28389 +Q202136 P106 Q864503 +Q25089 P106 Q10800557 +Q108543 P495 Q30 +Q102822 P108 Q152087 +Q87542 P20 Q39561 +Q194696 P161 Q511554 +Q295107 P172 Q49085 +Q473257 P106 Q4263842 +Q64600 P20 Q1726 +Q366956 P40 Q233843 +Q258750 P106 Q177220 +Q10390 P106 Q947873 +Q897281 P108 Q309948 +Q214549 P20 Q90 +Q147989 P69 Q209842 +Q122553 P140 Q1841 +Q355009 P106 Q639669 +Q770584 P108 Q49108 +Q737626 P509 Q11085 +Q218698 P106 Q676 +Q2658411 P1412 Q9168 +Q180224 P106 Q49757 +Q23365 P106 Q639669 +Q348738 P106 Q2252262 +Q126481 P1412 Q9299 +Q561147 P108 Q219615 +Q437970 P1303 Q17172850 +Q618233 P106 Q1930187 +Q370560 P1303 Q8355 +Q105585 P19 Q588 +Q157040 P106 Q188094 +Q14277 P1303 Q8355 +Q41340 P106 Q2490358 +Q772494 P136 Q45981 +Q381014 P69 Q7842 +Q192409 P57 Q191755 +Q771229 P69 Q13371 +Q502963 P27 Q30 +Q960376 P102 Q29552 +Q229029 P69 Q35794 +Q213775 P136 Q482 +Q535 P106 Q11774202 +Q296069 P119 Q1509 +Q762 P136 Q134307 +Q321178 P106 Q753110 +Q8023 P1412 Q1860 +Q251818 P106 Q2490358 +Q155684 P27 Q28 +Q1680339 P106 Q81096 +Q562874 P106 Q6625963 +Q19069 P840 Q96 +Q2582 P27 Q183 +Q716906 P136 Q1196752 +Q309709 P69 Q192088 +Q312407 P106 Q333634 +Q262659 P106 Q33999 +Q435801 P106 Q188094 +Q266006 P106 Q639669 +Q537999 P106 Q28389 +Q63682 P27 Q183 +Q363386 P106 Q10800557 +Q229735 P136 Q183504 +Q90220 P106 Q183945 +Q107008 P172 Q49085 +Q271119 P106 Q2252262 +Q155467 P264 Q168407 +Q548185 P27 Q801 +Q11869 P69 Q49117 +Q471774 P106 Q753110 +Q851 P530 Q241 +Q722042 P106 Q1320883 +Q817 P463 Q376150 +Q470931 P19 Q3616 +Q362639 P19 Q90 +Q348658 P1303 Q17172850 +Q235931 P264 Q330629 +Q172241 P136 Q663106 +Q76334 P106 Q2986228 +Q568246 P136 Q11401 +Q433142 P19 Q60 +Q551390 P19 Q9005 +Q63630 P69 Q168426 +Q184169 P69 Q83259 +Q201674 P161 Q249865 +Q289212 P27 Q15180 +Q43044 P102 Q29552 +Q188426 P136 Q11399 +Q736 P463 Q376150 +Q358538 P20 Q65 +Q153610 P106 Q81096 +Q762 P140 Q7066 +Q471664 P106 Q12144794 +Q106126 P140 Q9268 +Q596717 P106 Q11481802 +Q181667 P106 Q82955 +Q191026 P27 Q174193 +Q1347561 P106 Q205375 +Q55796 P69 Q1341516 +Q157043 P106 Q2310145 +Q362521 P1303 Q17172850 +Q62791 P463 Q44687 +Q206112 P1303 Q78987 +Q434694 P27 Q145 +Q435665 P119 Q2000666 +Q326196 P1303 Q17172850 +Q76727 P19 Q2966 +Q39212 P106 Q6625963 +Q982677 P26 Q265131 +Q68865 P1412 Q188 +Q153484 P495 Q142 +Q297442 P106 Q36180 +Q302650 P451 Q32522 +Q465695 P106 Q10798782 +Q131964 P30 Q46 +Q92830 P106 Q169470 +Q90822 P106 Q82955 +Q61852 P463 Q4345832 +Q723281 P106 Q82955 +Q203840 P3373 Q508325 +Q57382 P119 Q564922 +Q426828 P161 Q220308 +Q104301 P1412 Q188 +Q220351 P106 Q10798782 +Q931278 P463 Q4345832 +Q463927 P161 Q178552 +Q57281 P1412 Q188 +Q183 P530 Q843 +Q379877 P161 Q228943 +Q51506 P1412 Q1860 +Q465636 P1303 Q258896 +Q186264 P463 Q812155 +Q627520 P1412 Q7737 +Q949184 P140 Q1841 +Q92644 P108 Q2283 +Q962908 P264 Q4779433 +Q48102 P1412 Q7737 +Q200867 P1412 Q1860 +Q54836 P106 Q488205 +Q55 P530 Q258 +Q162634 P136 Q11401 +Q92359 P69 Q152087 +Q191966 P106 Q2526255 +Q354873 P140 Q748 +Q92341 P106 Q1930187 +Q315083 P106 Q10800557 +Q59945 P69 Q372608 +Q183 P530 Q238 +Q12735 P106 Q37226 +Q76517 P106 Q1622272 +Q8862012 P19 Q1899 +Q73581 P27 Q183 +Q70800 P1412 Q188 +Q316884 P106 Q36180 +Q126122 P463 Q451079 +Q1027 P530 Q159 +Q367073 P106 Q33999 +Q424 P530 Q833 +Q310295 P27 Q30 +Q373034 P641 Q32112 +Q851 P463 Q376150 +Q438402 P106 Q947873 +Q37621 P27 Q145 +Q851 P530 Q796 +Q232468 P1303 Q17172850 +Q206384 P106 Q82955 +Q39803 P737 Q38392 +Q271032 P108 Q34433 +Q562178 P106 Q182436 +Q228611 P1303 Q17172850 +Q92743 P101 Q21198 +Q111074 P1412 Q1860 +Q84423 P69 Q206702 +Q154077 P161 Q109522 +Q3335 P509 Q12204 +Q1047474 P106 Q488205 +Q28941 P106 Q10800557 +Q140412 P106 Q40348 +Q63528 P463 Q15646111 +Q79025 P27 Q161885 +Q695 P530 Q408 +Q374504 P20 Q60 +Q329001 P69 Q3072747 +Q1799 P131 Q27306 +Q504923 P108 Q131252 +Q291731 P27 Q142 +Q60715 P106 Q82955 +Q705697 P69 Q13371 +Q131240 P27 Q30 +Q440102 P106 Q33999 +Q193338 P1303 Q17172850 +Q435532 P106 Q10798782 +Q150651 P106 Q2722764 +Q400 P106 Q488111 +Q87821 P106 Q753110 +Q76738 P106 Q33231 +Q47667 P106 Q4964182 +Q311256 P106 Q486748 +Q254576 P106 Q33999 +Q28193 P161 Q172035 +Q12833 P106 Q36180 +Q96248 P108 Q55044 +Q362521 P106 Q937857 +Q102225 P840 Q21 +Q656684 P27 Q77 +Q434669 P106 Q11499147 +Q190972 P19 Q16555 +Q189758 P106 Q753110 +Q843 P463 Q17495 +Q215017 P27 Q145 +Q92600 P106 Q170790 +Q192515 P1303 Q5994 +Q106221 P19 Q65 +Q62942 P1412 Q188 +Q1064413 P463 Q463281 +Q722876 P136 Q379671 +Q218 P530 Q212 +Q53453 P1412 Q150 +Q151891 P1412 Q1860 +Q233253 P106 Q10798782 +Q183713 P106 Q6625963 +Q293520 P106 Q170790 +Q93620 P136 Q132311 +Q231614 P106 Q2405480 +Q78487 P737 Q48226 +Q381039 P20 Q84 +Q450296 P1412 Q1860 +Q61743 P108 Q152171 +Q179257 P1412 Q1860 +Q717204 P27 Q145 +Q331123 P1303 Q1444 +Q388319 P136 Q319221 +Q13133 P463 Q463303 +Q241583 P106 Q1930187 +Q281034 P264 Q165745 +Q220751 P106 Q578109 +Q73975 P106 Q82955 +Q207698 P161 Q315118 +Q1018838 P106 Q11774202 +Q863 P463 Q188822 +Q381104 P106 Q28389 +Q4418776 P27 Q15180 +Q51510 P106 Q1925963 +Q40103 P136 Q1152184 +Q505677 P1303 Q6607 +Q343510 P106 Q10798782 +Q77143 P106 Q177220 +Q61864 P106 Q169470 +Q590787 P1412 Q652 +Q16458 P161 Q229766 +Q298920 P106 Q483501 +Q41617 P140 Q7066 +Q51781 P69 Q49114 +Q1897911 P106 Q557880 +Q66543 P20 Q1040 +Q135329 P106 Q901402 +Q9916 P27 Q30 +Q128297 P108 Q503246 +Q931607 P1303 Q6607 +Q12325 P106 Q82955 +Q3018520 P1412 Q9288 +Q201221 P27 Q34266 +Q605778 P264 Q843402 +Q158394 P136 Q8261 +Q179041 P106 Q33999 +Q403 P530 Q1016 +Q186709 P102 Q79854 +Q315271 P27 Q30 +Q38392 P509 Q12152 +Q215814 P27 Q183 +Q217787 P106 Q36834 +Q551075 P69 Q31519 +Q319061 P161 Q310318 +Q115055 P69 Q371625 +Q23696 P27 Q170072 +Q180989 P119 Q1204 +Q236 P463 Q656801 +Q4960 P106 Q33999 +Q28 P530 Q902 +Q28196 P136 Q20656232 +Q236236 P1412 Q9035 +Q2772878 P106 Q43845 +Q430276 P106 Q43845 +Q982047 P1412 Q1860 +Q11891 P27 Q30 +Q463768 P161 Q48337 +Q360685 P106 Q36180 +Q50764 P106 Q4220892 +Q630446 P106 Q177220 +Q708963 P106 Q639669 +Q217771 P27 Q34266 +Q956533 P106 Q3282637 +Q1041749 P136 Q37073 +Q42229 P69 Q1815371 +Q82925 P106 Q6625963 +Q392654 P136 Q217467 +Q1772432 P106 Q36834 +Q617932 P106 Q36834 +Q360528 P27 Q145 +Q230278 P106 Q33999 +Q521350 P1412 Q150 +Q2773 P17 Q153943 +Q705333 P106 Q855091 +Q9696 P509 Q2140674 +Q185546 P106 Q10800557 +Q155 P463 Q827525 +Q165911 P451 Q438366 +Q1538 P17 Q668 +Q313279 P106 Q33999 +Q300508 P136 Q853630 +Q460664 P161 Q223117 +Q332528 P106 Q201788 +Q12292644 P172 Q133255 +Q77489 P19 Q1731 +Q3903340 P119 Q608405 +Q41378 P463 Q270794 +Q135347 P136 Q959790 +Q81807 P1412 Q1860 +Q361158 P1412 Q1860 +Q92183 P27 Q16957 +Q240253 P106 Q28389 +Q242095 P106 Q214917 +Q16 P463 Q842490 +Q155979 P106 Q40348 +Q640991 P106 Q1930187 +Q229274 P106 Q639669 +Q41502 P509 Q389735 +Q431252 P840 Q65 +Q365144 P40 Q1770624 +Q79102 P106 Q177220 +Q374526 P161 Q945691 +Q465127 P106 Q639669 +Q221249 P136 Q20442589 +Q78791 P102 Q153401 +Q439315 P106 Q2405480 +Q207515 P106 Q822146 +Q45672 P495 Q30 +Q271145 P264 Q183387 +Q293520 P106 Q201788 +Q367017 P27 Q145 +Q964396 P108 Q1065 +Q320588 P161 Q53002 +Q131374 P27 Q142 +Q207 P106 Q1028181 +Q154938 P106 Q1234713 +Q420041 P106 Q33999 +Q929 P530 Q258 +Q67538 P463 Q265058 +Q131112 P106 Q1642960 +Q106871 P161 Q171745 +Q104859 P106 Q189290 +Q529555 P27 Q30 +Q232479 P106 Q36834 +Q6512 P106 Q36180 +Q400614 P19 Q915 +Q35738 P161 Q166272 +Q553335 P27 Q30 +Q1265451 P69 Q49114 +Q247846 P69 Q2177054 +Q159876 P106 Q3410028 +Q23505 P102 Q29468 +Q1493339 P106 Q855091 +Q1382521 P1303 Q6607 +Q26294 P136 Q484641 +Q108970 P69 Q151510 +Q312483 P106 Q10798782 +Q736 P30 Q18 +Q714462 P27 Q30 +Q3986379 P161 Q83807 +Q427167 P102 Q79854 +Q235189 P106 Q36834 +Q328664 P1303 Q6607 +Q318910 P136 Q52162262 +Q61895 P106 Q1622272 +Q207179 P1412 Q1860 +Q443897 P106 Q753110 +Q358990 P551 Q65 +Q912 P463 Q842490 +Q159 P530 Q29 +Q265058 P159 Q1781 +Q281034 P106 Q753110 +Q801 P530 Q96 +Q81328 P1412 Q1860 +Q151403 P108 Q160302 +Q291693 P27 Q145 +Q3711 P17 Q83286 +Q215556 P19 Q90 +Q32927 P106 Q10800557 +Q508953 P136 Q1344 +Q709499 P1303 Q2643890 +Q165699 P495 Q142 +Q224069 P161 Q34436 +Q130142 P136 Q2421031 +Q7546 P1412 Q9027 +Q695200 P106 Q1930187 +Q313039 P26 Q193517 +Q254603 P106 Q33999 +Q108619 P106 Q82955 +Q92602 P108 Q34433 +Q1031340 P27 Q30 +Q389336 P131 Q11299 +Q235205 P69 Q457281 +Q444885 P69 Q49108 +Q96962 P27 Q183 +Q5383 P136 Q1641839 +Q448930 P264 Q231694 +Q60953 P509 Q12078 +Q230555 P106 Q948329 +Q213974 P106 Q64733534 +Q93147 P19 Q60 +Q1371735 P106 Q177220 +Q28 P530 Q414 +Q237690 P106 Q4610556 +Q76755 P1412 Q188 +Q529276 P509 Q11868838 +Q97136 P106 Q182436 +Q115210 P161 Q191132 +Q1985556 P1303 Q5994 +Q732434 P27 Q129286 +Q644917 P106 Q177220 +Q92819 P463 Q1493021 +Q709178 P106 Q639669 +Q948 P463 Q7159 +Q4617 P264 Q387539 +Q269526 P106 Q753110 +Q25351 P463 Q414188 +Q89786 P106 Q49757 +Q296008 P106 Q245068 +Q359325 P106 Q10798782 +Q49760 P106 Q2526255 +Q9095 P1412 Q1860 +Q207034 P1303 Q1444 +Q233424 P69 Q263064 +Q366570 P106 Q49757 +Q152352 P27 Q183 +Q207588 P161 Q102551 +Q359331 P106 Q2059704 +Q315181 P27 Q15180 +Q560354 P27 Q30 +Q910092 P106 Q170790 +Q76004 P106 Q1622272 +Q2291171 P749 Q21077 +Q105386 P106 Q1622272 +Q70694 P106 Q1930187 +Q962974 P106 Q28389 +Q57364 P108 Q158158 +Q176163 P106 Q82955 +Q288936 P106 Q1930187 +Q223875 P136 Q131272 +Q190368 P106 Q36180 +Q1348831 P20 Q107126 +Q707827 P106 Q2259451 +Q132193 P27 Q191077 +Q118760 P106 Q1281618 +Q3903340 P551 Q490 +Q16296 P172 Q42406 +Q6293853 P19 Q8678 +Q49828 P463 Q127992 +Q68312 P20 Q1711 +Q437356 P106 Q1350189 +Q210812 P161 Q169963 +Q95453 P27 Q183 +Q296609 P106 Q2722764 +Q77447 P102 Q49750 +Q57475 P106 Q82955 +Q4157585 P69 Q1379834 +Q20882 P19 Q7003 +Q57281 P106 Q14467526 +Q157309 P1050 Q12204 +Q184249 P106 Q10800557 +Q329897 P106 Q28389 +Q274529 P136 Q2484376 +Q214014 P136 Q188473 +Q561401 P106 Q639669 +Q84186 P1412 Q6654 +Q312803 P1412 Q1860 +Q921 P530 Q183 +Q956296 P106 Q8178443 +Q299309 P19 Q16557 +Q90009 P108 Q168756 +Q73784 P106 Q18844224 +Q193273 P551 Q11194 +Q174438 P69 Q49205 +Q116548 P27 Q39 +Q668 P530 Q233 +Q494507 P27 Q884 +Q106326 P119 Q746647 +Q206388 P161 Q352730 +Q59778 P140 Q3333484 +Q2492 P19 Q365 +Q86043 P19 Q3852 +Q62373 P69 Q152171 +Q185085 P1412 Q8752 +Q31 P530 Q1246 +Q240886 P106 Q2259451 +Q36740 P551 Q987 +Q180405 P840 Q65 +Q362340 P27 Q34266 +Q151904 P840 Q38 +Q122020 P106 Q3282637 +Q295431 P737 Q83059 +Q191023 P27 Q145 +Q77688 P106 Q2259451 +Q282002 P1303 Q6607 +Q193105 P106 Q948329 +Q51495 P119 Q1437214 +Q937359 P106 Q639669 +Q1242553 P136 Q105527 +Q2149302 P19 Q18419 +Q164963 P495 Q664 +Q193426 P69 Q49204 +Q242939 P106 Q177220 +Q233536 P27 Q96 +Q6210809 P108 Q762266 +Q92481 P106 Q1231865 +Q39658 P106 Q2487799 +Q238712 P27 Q30 +Q106603 P106 Q49757 +Q11692964 P106 Q36180 +Q359552 P27 Q16 +Q165823 P172 Q539051 +Q285431 P509 Q12152 +Q316330 P108 Q13371 +Q143901 P161 Q235302 +Q238557 P119 Q831300 +Q164170 P106 Q36180 +Q260318 P106 Q10800557 +Q92756 P69 Q185246 +Q206384 P106 Q49757 +Q163159 P463 Q4345832 +Q44086 P108 Q657167 +Q46405 P106 Q214917 +Q194419 P1412 Q1860 +Q254980 P106 Q10798782 +Q80510 P136 Q484641 +Q28196 P136 Q2484376 +Q105875 P172 Q49085 +Q97076 P19 Q2865 +Q166714 P27 Q145 +Q681470 P106 Q82955 +Q236531 P737 Q1744 +Q5396 P101 Q3798668 +Q55392 P509 Q208414 +Q213710 P112 Q1299 +Q221236 P161 Q232945 +Q167821 P136 Q8261 +Q37876 P140 Q9268 +Q214816 P27 Q142 +Q57500 P106 Q82955 +Q214801 P161 Q189729 +Q663447 P106 Q2259451 +Q92455 P106 Q17167049 +Q967846 P27 Q172579 +Q108525 P136 Q645928 +Q270664 P1050 Q124407 +Q32681 P1412 Q7411 +Q244 P463 Q294278 +Q369907 P106 Q1930187 +Q192474 P264 Q216364 +Q211213 P106 Q947873 +Q155860 P102 Q204911 +Q307 P101 Q41217 +Q85877 P106 Q33999 +Q128633 P69 Q180865 +Q318155 P106 Q33999 +Q174 P138 Q9200 +Q91557 P551 Q1055 +Q1286510 P106 Q177220 +Q364781 P106 Q488205 +Q73784 P19 Q3778 +Q52255 P106 Q36180 +Q229 P530 Q230 +Q4120312 P3373 Q124710 +Q71018 P106 Q1622272 +Q193573 P136 Q860626 +Q156394 P136 Q157394 +Q329056 P161 Q444344 +Q96248 P106 Q201788 +Q309926 P1303 Q46185 +Q2831 P27 Q30 +Q134183 P106 Q3665646 +Q544485 P20 Q60 +Q134456 P106 Q28389 +Q55993 P106 Q12144794 +Q66140 P106 Q82955 +Q319061 P161 Q23844 +Q306403 P106 Q3282637 +Q156749 P101 Q1071 +Q9177981 P106 Q82955 +Q167635 P172 Q49085 +Q54945 P106 Q752129 +Q958 P463 Q1043527 +Q77888 P27 Q183 +Q216720 P161 Q4573 +Q296630 P509 Q47912 +Q58077 P106 Q188094 +Q101521 P106 Q1350157 +Q83325 P106 Q4610556 +Q246970 P106 Q36834 +Q138832 P27 Q165154 +Q256327 P27 Q28513 +Q155547 P106 Q36180 +Q236351 P19 Q5083 +Q86526 P509 Q175111 +Q71759 P27 Q183 +Q709670 P27 Q142 +Q1036 P530 Q114 +Q232009 P161 Q211730 +Q707460 P106 Q584301 +Q142 P463 Q81299 +Q81752 P106 Q36834 +Q4934 P69 Q230492 +Q164401 P463 Q684415 +Q274562 P136 Q213121 +Q320146 P106 Q177220 +Q164745 P19 Q1218 +Q3570727 P69 Q83259 +Q1203 P20 Q60 +Q605489 P1412 Q8752 +Q125488 P27 Q7318 +Q320653 P136 Q8261 +Q668 P530 Q36 +Q444017 P136 Q1054574 +Q236505 P136 Q37073 +Q462282 P106 Q13590141 +Q536301 P463 Q901677 +Q551735 P106 Q201788 +Q715790 P463 Q2370801 +Q161963 P1412 Q7026 +Q223949 P106 Q36180 +Q91 P106 Q131512 +Q42204 P106 Q2405480 +Q1729 P17 Q2415901 +Q130780 P106 Q6625963 +Q188111 P106 Q36180 +Q378098 P106 Q6625963 +Q314485 P106 Q2059704 +Q203560 P495 Q145 +Q691471 P106 Q333634 +Q229153 P136 Q316930 +Q17 P530 Q754 +Q37876 P172 Q7325 +Q106057 P27 Q38 +Q854 P17 Q8680 +Q859504 P106 Q639669 +Q42992 P106 Q82955 +Q105201 P463 Q83172 +Q320146 P136 Q9730 +Q240872 P106 Q33999 +Q167216 P101 Q309 +Q152388 P135 Q1338153 +Q78553 P463 Q83172 +Q120085 P1412 Q1860 +Q242454 P27 Q15180 +Q774 P530 Q242 +Q332256 P136 Q484641 +Q203674 P1412 Q188 +Q229258 P19 Q43788 +Q649667 P102 Q29552 +Q16458 P136 Q860626 +Q127345 P106 Q201788 +Q4977994 P1412 Q1860 +Q85726 P106 Q1930187 +Q237190 P106 Q33999 +Q769 P530 Q30 +Q182609 P106 Q14089670 +Q929665 P119 Q3400970 +Q7243 P509 Q12192 +Q40688 P27 Q408 +Q44221 P3373 Q297744 +Q971422 P19 Q485716 +Q173804 P136 Q369747 +Q232298 P106 Q10800557 +Q295593 P106 Q2259451 +Q66107 P106 Q82955 +Q116928 P161 Q189992 +Q175535 P106 Q36180 +Q505827 P106 Q333634 +Q48070 P102 Q79854 +Q970649 P1412 Q1860 +Q822630 P106 Q3282637 +Q123371 P509 Q181754 +Q156505 P106 Q82955 +Q234169 P106 Q55960555 +Q88749 P119 Q240744 +Q144622 P106 Q386854 +Q294647 P106 Q33999 +Q251287 P264 Q277626 +Q19526 P27 Q30 +Q191026 P106 Q3126128 +Q70917 P106 Q185351 +Q215927 P101 Q11190 +Q657 P463 Q827525 +Q182944 P161 Q223790 +Q129486 P106 Q36180 +Q164401 P106 Q36180 +Q24962 P1412 Q1860 +Q85726 P19 Q1741 +Q179576 P106 Q33999 +Q2902064 P106 Q188094 +Q47075 P136 Q959790 +Q230123 P27 Q29 +Q92602 P108 Q2283 +Q123080 P106 Q5322166 +Q253395 P106 Q214917 +Q662119 P463 Q463303 +Q206032 P264 Q202440 +Q441362 P106 Q2405480 +Q5679 P1412 Q1860 +Q2482872 P136 Q38848 +Q212678 P1412 Q7918 +Q68126 P106 Q40348 +Q232356 P19 Q18426 +Q592381 P172 Q49085 +Q182727 P161 Q313042 +Q139927 P840 Q1400 +Q66343 P106 Q3621491 +Q232470 P19 Q495 +Q243113 P3373 Q437049 +Q34981 P140 Q7066 +Q10520 P551 Q65 +Q240788 P69 Q273626 +Q134982 P27 Q145 +Q1339382 P19 Q38022 +Q184933 P136 Q9730 +Q130786 P102 Q79854 +Q170328 P106 Q10798782 +Q388950 P495 Q30 +Q202729 P264 Q165745 +Q72390 P106 Q333634 +Q77087 P136 Q49084 +Q423 P530 Q403 +Q105666 P102 Q49768 +Q949184 P20 Q2868 +Q232356 P27 Q30 +Q102235 P161 Q73612 +Q309545 P161 Q4612 +Q503068 P106 Q49757 +Q275779 P20 Q127856 +Q101638 P40 Q47152 +Q1985556 P20 Q65 +Q132330 P1412 Q1860 +Q128934 P840 Q18419 +Q229560 P69 Q1051840 +Q206439 P106 Q36834 +Q630446 P106 Q6430706 +Q34474 P27 Q159 +Q236531 P136 Q37073 +Q17135 P102 Q31113 +Q733611 P27 Q30 +Q45337 P69 Q152087 +Q233736 P27 Q30 +Q287817 P106 Q33999 +Q1000 P30 Q15 +Q699950 P106 Q28389 +Q270951 P27 Q145 +Q2579732 P106 Q82955 +Q484523 P106 Q43845 +Q1138543 P19 Q43196 +Q185490 P161 Q116265 +Q318292 P106 Q10800557 +Q188214 P108 Q49088 +Q180589 P27 Q145 +Q60025 P1412 Q1860 +Q1232794 P1303 Q8350 +Q215556 P106 Q2490358 +Q710924 P19 Q340 +Q211322 P172 Q42406 +Q849641 P106 Q131524 +Q183 P463 Q1969730 +Q366624 P20 Q84 +Q103848 P106 Q3282637 +Q202770 P119 Q1130019 +Q147243 P172 Q127885 +Q313211 P1050 Q8277 +Q183 P530 Q347 +Q634100 P20 Q43453 +Q72682 P106 Q3242115 +Q287099 P1412 Q7737 +Q44872 P106 Q36180 +Q640096 P1412 Q1860 +Q2263 P106 Q578109 +Q43689 P1412 Q397 +Q296616 P106 Q33999 +Q62052 P106 Q33999 +Q273532 P551 Q11299 +Q203674 P106 Q864380 +Q379608 P1303 Q17172850 +Q314984 P27 Q142 +Q34389 P136 Q180268 +Q1803720 P1303 Q6607 +Q235384 P106 Q2259451 +Q87589 P106 Q947873 +Q253583 P20 Q65 +Q435060 P106 Q177220 +Q182373 P161 Q185079 +Q932959 P264 Q277626 +Q243969 P106 Q131524 +Q188214 P551 Q72 +Q114 P530 Q954 +Q307440 P106 Q82955 +Q369797 P136 Q2421031 +Q257182 P106 Q177220 +Q183239 P161 Q228943 +Q3438272 P27 Q145 +Q16 P530 Q40 +Q275939 P106 Q2490358 +Q257271 P106 Q10800557 +Q106481 P106 Q10798782 +Q1145 P1303 Q281460 +Q678840 P106 Q36834 +Q504753 P20 Q5092 +Q12288275 P106 Q82955 +Q140412 P509 Q189588 +Q73924 P19 Q2865 +Q98311 P69 Q161982 +Q776752 P106 Q1930187 +Q334 P463 Q8475 +Q554168 P106 Q177220 +Q158765 P119 Q21 +Q193710 P136 Q850412 +Q234104 P106 Q753110 +Q271763 P106 Q10798782 +Q334965 P69 Q83259 +Q171242 P119 Q4263743 +Q557665 P1412 Q188 +Q672 P530 Q30 +Q285483 P1303 Q17172850 +Q231171 P140 Q1841 +Q168704 P19 Q48958 +Q196159 P27 Q15180 +Q349391 P106 Q2405480 +Q1942336 P136 Q105513 +Q332462 P737 Q134958 +Q156552 P106 Q214917 +Q313874 P161 Q34436 +Q1346126 P106 Q36180 +Q1625 P27 Q34 +Q100937 P509 Q12192 +Q522579 P106 Q10798782 +Q80379 P136 Q52162262 +Q296822 P641 Q2736 +Q435151 P106 Q214917 +Q125057 P106 Q1371378 +Q313543 P69 Q52413 +Q152437 P106 Q193391 +Q287449 P106 Q3282637 +Q132489 P69 Q1145306 +Q5592 P27 Q38 +Q710619 P106 Q189290 +Q725943 P106 Q82955 +Q1622098 P136 Q484641 +Q924232 P106 Q488205 +Q804 P463 Q1043527 +Q25089 P106 Q28389 +Q38 P530 Q843 +Q270660 P106 Q10798782 +Q2833 P17 Q41304 +Q94123 P20 Q65 +Q145 P463 Q17495 +Q312098 P106 Q3387717 +Q57289 P106 Q193391 +Q745896 P1303 Q17172850 +Q1453287 P106 Q205375 +Q152301 P1412 Q188 +Q171861 P161 Q117392 +Q311970 P27 Q27 +Q160726 P1412 Q1860 +Q1165439 P264 Q216364 +Q219622 P509 Q9687 +Q266578 P19 Q41621 +Q441713 P20 Q60 +Q17714 P463 Q463303 +Q668 P530 Q794 +Q362749 P172 Q726673 +Q438164 P106 Q18844224 +Q608235 P27 Q33946 +Q287960 P161 Q311232 +Q110569 P106 Q15980158 +Q358317 P106 Q10798782 +Q239214 P27 Q28 +Q148326 P161 Q311319 +Q78003 P69 Q152171 +Q505743 P106 Q10798782 +Q30 P530 Q733 +Q35236 P1412 Q1860 +Q180338 P106 Q10798782 +Q131355 P1412 Q1860 +Q532169 P106 Q33999 +Q272845 P27 Q30 +Q558177 P27 Q172579 +Q456712 P106 Q1930187 +Q355245 P106 Q1607826 +Q922830 P1303 Q128309 +Q444486 P451 Q333615 +Q151936 P463 Q695302 +Q1165439 P136 Q211756 +Q911923 P1303 Q128309 +Q105695 P106 Q2405480 +Q131324 P3373 Q217427 +Q630446 P19 Q6346 +Q224081 P551 Q65 +Q307 P463 Q338432 +Q33240 P106 Q10798782 +Q17 P463 Q1072120 +Q230591 P463 Q463281 +Q272595 P161 Q11930 +Q319084 P106 Q245068 +Q56036 P37 Q188 +Q203519 P106 Q2526255 +Q345217 P19 Q220 +Q1590452 P69 Q333705 +Q43293 P27 Q258 +Q550900 P1303 Q27939 +Q500999 P19 Q19660 +Q2576206 P112 Q202440 +Q106428 P161 Q31073 +Q76490 P106 Q2259451 +Q42831 P551 Q64 +Q41351 P1412 Q1860 +Q240869 P106 Q10800557 +Q439394 P106 Q3282637 +Q106221 P509 Q3002150 +Q470931 P106 Q14972848 +Q113206 P551 Q100 +Q76725 P27 Q183 +Q443534 P106 Q33999 +Q1347215 P106 Q488205 +Q374362 P136 Q482 +Q57730 P463 Q18650004 +Q19810 P136 Q850412 +Q230501 P101 Q207628 +Q15180 P530 Q241 +Q28 P530 Q29 +Q54452 P172 Q940348 +Q71499 P106 Q36180 +Q193426 P102 Q29468 +Q134456 P106 Q36180 +Q205120 P20 Q1781 +Q1352 P17 Q668 +Q311253 P106 Q28389 +Q81328 P106 Q33999 +Q76746 P1412 Q188 +Q980676 P463 Q543804 +Q945 P530 Q423 +Q216913 P551 Q65 +Q113570 P106 Q28389 +Q7286 P101 Q413 +Q167399 P106 Q639669 +Q77325 P106 Q333634 +Q369388 P136 Q157394 +Q723839 P551 Q9248 +Q344822 P106 Q12377274 +Q224004 P161 Q7374 +Q63190 P119 Q2000666 +Q224026 P106 Q36180 +Q97531 P509 Q133780 +Q50005 P463 Q939743 +Q858 P530 Q822 +Q67144 P106 Q482980 +Q1195301 P1303 Q6607 +Q12883 P106 Q860918 +Q189950 P69 Q27621 +Q77888 P106 Q4964182 +Q244674 P106 Q33999 +Q1691611 P161 Q104061 +Q105962 P463 Q337543 +Q357798 P19 Q437 +Q115715 P1412 Q652 +Q229881 P69 Q738258 +Q151118 P19 Q71 +Q714739 P27 Q159 +Q73007 P106 Q2405480 +Q433989 P106 Q36180 +Q953 P37 Q1860 +Q1339382 P106 Q33999 +Q545822 P19 Q956 +Q22222 P27 Q30 +Q187199 P69 Q645663 +Q440551 P264 Q155152 +Q483203 P69 Q865528 +Q233295 P106 Q488111 +Q6293853 P1412 Q5146 +Q55421 P106 Q33999 +Q193676 P106 Q10800557 +Q232458 P136 Q484641 +Q129429 P106 Q2259451 +Q231178 P69 Q49204 +Q32335 P106 Q3455803 +Q30 P463 Q1065 +Q37103 P106 Q186360 +Q55704 P101 Q5891 +Q310343 P106 Q10798782 +Q2946731 P69 Q5676553 +Q39666 P451 Q37079 +Q242526 P19 Q456 +Q1625 P106 Q43845 +Q62459 P106 Q4263842 +Q163118 P1412 Q150 +Q78864 P1412 Q188 +Q4977994 P27 Q22 +Q19074 P106 Q1238570 +Q11891 P106 Q40348 +Q924 P530 Q953 +Q738978 P19 Q34370 +Q61067 P135 Q2455000 +Q772064 P19 Q84 +Q237033 P101 Q35760 +Q8814 P19 Q90 +Q44922 P101 Q35760 +Q71408 P463 Q833738 +Q313543 P106 Q11631 +Q162458 P136 Q645928 +Q61601 P509 Q506616 +Q168468 P108 Q216273 +Q721963 P106 Q37226 +Q2022 P27 Q172579 +Q258693 P106 Q33999 +Q66337 P140 Q75809 +Q296883 P106 Q28389 +Q47293 P106 Q214917 +Q572655 P106 Q1930187 +Q102225 P161 Q286410 +Q67881 P106 Q33231 +Q370893 P161 Q238712 +Q156814 P106 Q36180 +Q7346 P106 Q639669 +Q505274 P1412 Q1860 +Q300371 P136 Q52162262 +Q41269 P106 Q16742096 +Q237196 P119 Q84 +Q150989 P106 Q16742096 +Q157707 P136 Q83270 +Q350915 P1412 Q1321 +Q5052689 P106 Q901 +Q92619 P108 Q217365 +Q46706 P106 Q713200 +Q250975 P463 Q2720582 +Q113997 P20 Q47164 +Q122998 P106 Q36834 +Q158088 P17 Q12560 +Q553196 P108 Q49210 +Q691471 P106 Q193391 +Q1967070 P106 Q753110 +Q93959 P106 Q487596 +Q451630 P495 Q30 +Q1067 P172 Q50001 +Q30 P530 Q96 +Q574 P530 Q40362 +Q73357 P106 Q201788 +Q651763 P69 Q1431541 +Q500546 P136 Q8261 +Q115455 P106 Q1930187 +Q318231 P106 Q37226 +Q44301 P69 Q174710 +Q231182 P3373 Q405565 +Q313818 P136 Q38848 +Q6701 P108 Q20266330 +Q154014 P106 Q551835 +Q193397 P1303 Q6607 +Q215989 P106 Q1234713 +Q88937 P106 Q28389 +Q162202 P136 Q211756 +Q709499 P27 Q30 +Q1347215 P20 Q23197 +Q380626 P172 Q49085 +Q161678 P161 Q229241 +Q311716 P106 Q10800557 +Q322206 P136 Q959790 +Q67221 P106 Q82955 +Q40115 P161 Q354010 +Q64263 P106 Q1622272 +Q193803 P106 Q1622272 +Q43 P530 Q96 +Q247538 P106 Q82955 +Q544521 P106 Q13582652 +Q337145 P106 Q183945 +Q206576 P136 Q52162262 +Q730190 P119 Q533697 +Q77881 P1412 Q188 +Q106685 P108 Q4129798 +Q311271 P106 Q2405480 +Q291731 P69 Q859363 +Q110374 P106 Q10800557 +Q1056163 P106 Q639669 +Q217303 P136 Q19367312 +Q96743 P19 Q61942 +Q315090 P106 Q3282637 +Q712851 P1303 Q1444 +Q48112 P172 Q79797 +Q1967070 P106 Q855091 +Q62400 P69 Q152171 +Q273055 P264 Q27184 +Q241392 P1412 Q1860 +Q151593 P463 Q463281 +Q7259 P108 Q35794 +Q554670 P1303 Q6607 +Q262294 P101 Q207628 +Q219060 P530 Q796 +Q94081 P106 Q10798782 +Q731254 P106 Q639669 +Q358087 P19 Q487119 +Q237389 P264 Q732503 +Q370326 P495 Q30 +Q3825107 P495 Q40 +Q229716 P1412 Q1860 +Q158060 P463 Q265058 +Q1049 P530 Q851 +Q188385 P106 Q214917 +Q270005 P1412 Q150 +Q80760 P20 Q34006 +Q159808 P136 Q959790 +Q42 P551 Q159288 +Q142 P530 Q30 +Q243837 P106 Q14915627 +Q289180 P27 Q30 +Q211696 P136 Q83270 +Q348603 P102 Q558334 +Q1012900 P106 Q3391743 +Q62414 P27 Q713750 +Q458372 P1412 Q1860 +Q374610 P551 Q100 +Q234117 P102 Q5020915 +Q454388 P106 Q1930187 +Q180962 P106 Q201788 +Q212660 P161 Q621490 +Q448905 P106 Q17351648 +Q92983 P69 Q41506 +Q296028 P136 Q1152184 +Q106001 P1303 Q17172850 +Q380799 P106 Q822146 +Q37030 P27 Q140359 +Q166646 P108 Q174570 +Q221020 P161 Q244234 +Q7542 P106 Q488205 +Q273022 P106 Q36834 +Q53570396 P3373 Q2449206 +Q984165 P1412 Q1860 +Q600488 P161 Q228792 +Q107420 P106 Q901 +Q444088 P106 Q188094 +Q350601 P106 Q33999 +Q481482 P106 Q36180 +Q167635 P19 Q65 +Q309555 P106 Q28389 +Q449487 P509 Q12152 +Q1112005 P136 Q11401 +Q70650 P106 Q82955 +Q563287 P20 Q23197 +Q135640 P1412 Q1321 +Q314963 P27 Q142 +Q920857 P106 Q1930187 +Q23685 P106 Q36180 +Q214216 P106 Q1622272 +Q33866 P106 Q11774202 +Q296069 P20 Q5083 +Q152531 P161 Q28310 +Q865 P530 Q813 +Q304366 P161 Q355781 +Q190588 P161 Q202735 +Q33240 P27 Q16 +Q106942 P27 Q30 +Q49498 P161 Q202475 +Q303680 P108 Q193727 +Q367653 P106 Q10800557 +Q503770 P106 Q177220 +Q134333 P106 Q3282637 +Q1314285 P106 Q43845 +Q367109 P1412 Q809 +Q216608 P106 Q36180 +Q170842 P463 Q2370801 +Q48020 P106 Q47064 +Q1173317 P551 Q36091 +Q9696 P102 Q29552 +Q934582 P136 Q484641 +Q922457 P106 Q36180 +Q73195 P119 Q564922 +Q224 P463 Q81299 +Q441226 P1412 Q1860 +Q714167 P106 Q33999 +Q132351 P161 Q113206 +Q44403 P737 Q5679 +Q334 P463 Q656801 +Q318755 P106 Q639669 +Q94018 P19 Q1741 +Q713246 P463 Q11993457 +Q13298 P17 Q40 +Q448960 P136 Q37073 +Q458215 P106 Q36180 +Q34 P530 Q28 +Q1078152 P1412 Q5287 +Q874 P463 Q17495 +Q219862 P69 Q13371 +Q1368185 P1303 Q17172850 +Q81819 P1412 Q1860 +Q273652 P106 Q1415090 +Q1827266 P264 Q1392321 +Q527394 P106 Q12406482 +Q274529 P161 Q372947 +Q309631 P106 Q10798782 +Q350700 P19 Q37320 +Q240206 P106 Q33999 +Q41309 P106 Q486748 +Q247320 P69 Q221653 +Q235403 P136 Q8261 +Q151972 P509 Q1368943 +Q237081 P106 Q177220 +Q358990 P106 Q3282637 +Q598185 P551 Q41819 +Q916675 P102 Q49768 +Q126812 P108 Q154804 +Q887993 P27 Q30 +Q315208 P106 Q10798782 +Q213794 P106 Q82955 +Q310755 P463 Q188771 +Q72787 P69 Q160302 +Q664592 P20 Q127856 +Q710626 P106 Q1930187 +Q160640 P106 Q2306091 +Q162672 P161 Q80938 +Q125484 P136 Q25379 +Q90288 P108 Q689400 +Q5879 P106 Q18814623 +Q537722 P106 Q1930187 +Q79759 P69 Q1227526 +Q156532 P509 Q12152 +Q348649 P1303 Q17172850 +Q367073 P106 Q36180 +Q1726 P463 Q747279 +Q298682 P106 Q28389 +Q242 P463 Q3772571 +Q921823 P106 Q4964182 +Q212663 P106 Q1930187 +Q229599 P161 Q242523 +Q206856 P106 Q2259451 +Q255463 P737 Q7197 +Q187324 P106 Q49757 +Q41594 P106 Q2259451 +Q155559 P136 Q859369 +Q559774 P106 Q1086863 +Q104791 P551 Q65 +Q288180 P69 Q1127387 +Q4266175 P463 Q1425328 +Q131324 P136 Q316930 +Q313654 P106 Q177220 +Q306631 P1303 Q17172850 +Q213824 P1412 Q188 +Q896835 P106 Q488205 +Q786339 P463 Q338432 +Q1176607 P106 Q36834 +Q1988375 P136 Q7749 +Q450271 P1412 Q1321 +Q46479 P106 Q10800557 +Q468003 P136 Q8261 +Q331587 P69 Q309331 +Q128967 P27 Q145 +Q510034 P108 Q621043 +Q106481 P20 Q84 +Q235952 P19 Q23556 +Q57554 P119 Q3033 +Q17 P530 Q258 +Q186587 P161 Q381664 +Q160318 P106 Q177220 +Q689713 P106 Q36180 +Q188459 P106 Q947873 +Q156201 P101 Q8162 +Q57309 P1412 Q188 +Q221 P463 Q7825 +Q727711 P106 Q36180 +Q233911 P106 Q10798782 +Q27 P530 Q183 +Q446427 P27 Q30 +Q315087 P27 Q30 +Q10738 P106 Q19204627 +Q316884 P1412 Q1321 +Q426517 P161 Q320204 +Q468667 P106 Q6625963 +Q214310 P20 Q4120832 +Q346036 P264 Q202585 +Q319277 P264 Q778673 +Q1760695 P161 Q346965 +Q836 P530 Q142 +Q1371798 P136 Q83440 +Q228852 P140 Q7066 +Q437356 P106 Q3579035 +Q232000 P161 Q59215 +Q16349 P1412 Q1860 +Q152690 P106 Q1930187 +Q59346 P161 Q78766 +Q351705 P106 Q1234713 +Q325396 P106 Q2526255 +Q110379 P106 Q3455803 +Q728365 P106 Q182436 +Q910486 P106 Q639669 +Q789926 P27 Q28 +Q366091 P106 Q644687 +Q160333 P106 Q82955 +Q249647 P106 Q482980 +Q921516 P106 Q188094 +Q20 P463 Q789769 +Q108297 P495 Q30 +Q121067 P1412 Q188 +Q174438 P102 Q29552 +Q535157 P106 Q11631 +Q66735968 P106 Q33231 +Q731195 P108 Q4614 +Q263670 P264 Q726251 +Q6694 P19 Q64 +Q450271 P69 Q219615 +Q1167005 P106 Q639669 +Q144439 P136 Q8261 +Q461399 P106 Q3282637 +Q57266 P106 Q36180 +Q55411 P1412 Q150 +Q2061371 P106 Q170790 +Q144622 P106 Q10798782 +Q169982 P106 Q10800557 +Q395340 P106 Q1622272 +Q182576 P106 Q177220 +Q863514 P106 Q182436 +Q63432 P69 Q154804 +Q190148 P102 Q327591 +Q19504 P106 Q28389 +Q5921 P264 Q165745 +Q34969 P106 Q1930187 +Q311319 P106 Q33999 +Q261550 P161 Q260318 +Q181659 P106 Q28389 +Q113601 P106 Q33999 +Q342774 P19 Q1297 +Q216195 P106 Q6625963 +Q49074 P106 Q214917 +Q264722 P161 Q441941 +Q315737 P106 Q11631 +Q59653 P840 Q65 +Q62400 P108 Q154804 +Q251287 P136 Q83440 +Q168847 P106 Q2405480 +Q242351 P106 Q4610556 +Q738125 P140 Q9592 +Q533369 P106 Q33999 +Q818048 P1412 Q1860 +Q120977 P136 Q8341 +Q551570 P19 Q90 +Q201810 P19 Q90 +Q75886 P106 Q1607826 +Q179126 P69 Q245247 +Q110397 P161 Q286570 +Q18800 P1303 Q17172850 +Q310755 P19 Q456 +Q26168 P19 Q1297 +Q207416 P19 Q8717 +Q44520 P3373 Q127332 +Q205321 P136 Q2484376 +Q114 P463 Q827525 +Q314343 P106 Q177220 +Q253757 P509 Q744913 +Q713099 P27 Q30 +Q984644 P27 Q15180 +Q858623 P264 Q1988428 +Q263730 P27 Q142 +Q432689 P106 Q177220 +Q155 P530 Q800 +Q77809 P101 Q9418 +Q3547 P69 Q80207 +Q370326 P161 Q125354 +Q235511 P27 Q30 +Q241482 P161 Q233786 +Q27204 P136 Q2297927 +Q34851 P106 Q10800557 +Q782020 P1303 Q17172850 +Q4889934 P551 Q60 +Q35149 P463 Q684415 +Q940942 P106 Q2306091 +Q154782 P119 Q64 +Q66456 P69 Q154804 +Q78278 P1412 Q188 +Q211566 P106 Q28389 +Q503597 P509 Q12136 +Q142 P530 Q145 +Q153178 P27 Q142 +Q9095 P101 Q413 +Q712 P530 Q685 +Q40213 P737 Q9358 +Q117101 P106 Q36180 +Q6701 P106 Q4773904 +Q383581 P161 Q264253 +Q154448 P509 Q12078 +Q205772 P1412 Q1860 +Q37355 P106 Q855091 +Q7739610 P131 Q1384 +Q446743 P106 Q482980 +Q460876 P106 Q28389 +Q722202 P106 Q16287483 +Q237774 P27 Q30 +Q316901 P27 Q222 +Q1389589 P20 Q84 +Q9312 P106 Q1622272 +Q28 P530 Q423 +Q858 P530 Q801 +Q370560 P106 Q33999 +Q367094 P19 Q47716 +Q1066772 P2348 Q6927 +Q1346126 P106 Q639669 +Q57535 P1412 Q188 +Q171525 P106 Q10800557 +Q213684 P1303 Q5994 +Q390164 P136 Q3072049 +Q362422 P106 Q488205 +Q95089 P106 Q214917 +Q266611 P551 Q779 +Q144535 P106 Q1930187 +Q148 P530 Q953 +Q902 P530 Q298 +Q96898 P106 Q82955 +Q233566 P106 Q1208175 +Q1112005 P106 Q488205 +Q312637 P27 Q172579 +Q131864 P136 Q842256 +Q505677 P106 Q12800682 +Q981960 P140 Q3333484 +Q126843 P136 Q40831 +Q178094 P161 Q310318 +Q44032 P106 Q5322166 +Q173061 P1303 Q6607 +Q1352256 P1050 Q3321212 +Q336467 P108 Q1378320 +Q1281772 P106 Q177220 +Q445392 P106 Q82955 +Q35332 P106 Q10798782 +Q214665 P106 Q158852 +Q221586 P136 Q130232 +Q315271 P106 Q10800557 +Q233424 P136 Q132311 +Q12950 P20 Q90 +Q339551 P106 Q3282637 +Q31073 P463 Q463303 +Q667683 P69 Q21578 +Q681465 P19 Q1729 +Q153909 P20 Q3711 +Q67139 P69 Q153978 +Q401777 P1303 Q17172850 +Q35738 P161 Q230710 +Q150851 P106 Q4991371 +Q712860 P106 Q486748 +Q39970 P161 Q294185 +Q95522 P106 Q1622272 +Q12325 P172 Q7435494 +Q983316 P101 Q41217 +Q216813 P106 Q36180 +Q383420 P1412 Q150 +Q843 P463 Q376150 +Q103835 P106 Q121594 +Q45165 P17 Q30 +Q313655 P136 Q21590660 +Q57085 P108 Q222738 +Q229082 P106 Q2722764 +Q59778 P463 Q35032 +Q122123 P106 Q36180 +Q436394 P106 Q947873 +Q198962 P737 Q45188 +Q679007 P17 Q30 +Q63032 P27 Q183 +Q192145 P106 Q81096 +Q68543 P509 Q12202 +Q274609 P172 Q49078 +Q104340 P737 Q882 +Q121456 P19 Q2634 +Q58793 P69 Q151510 +Q67449 P69 Q151510 +Q403 P530 Q219 +Q1173086 P27 Q30 +Q668 P530 Q878 +Q258847 P161 Q234144 +Q122968 P101 Q431 +Q133042 P1412 Q8641 +Q159995 P106 Q82955 +Q189054 P161 Q138005 +Q108539 P106 Q1930187 +Q326526 P161 Q22686 +Q880405 P1303 Q17172850 +Q465663 P463 Q149990 +Q292693 P106 Q33999 +Q316528 P106 Q855091 +Q155375 P463 Q337555 +Q34584 P1412 Q1860 +Q976296 P106 Q36180 +Q380904 P106 Q10800557 +Q106001 P20 Q90 +Q359059 P264 Q1439985 +Q233 P530 Q145 +Q214191 P172 Q42884 +Q342723 P106 Q639669 +Q267010 P106 Q753110 +Q234997 P1412 Q1860 +Q322866 P106 Q639669 +Q6530 P463 Q2092629 +Q348037 P106 Q10873124 +Q169996 P136 Q52162262 +Q331728 P106 Q488205 +Q1164355 P19 Q23197 +Q390052 P161 Q80966 +Q241398 P27 Q30 +Q399 P530 Q155 +Q267866 P161 Q296524 +Q237552 P106 Q10800557 +Q3048 P106 Q49757 +Q155 P530 Q145 +Q310767 P27 Q142 +Q517 P463 Q188771 +Q82330 P106 Q28389 +Q43330 P27 Q230 +Q1779574 P1412 Q9043 +Q156349 P20 Q1352 +Q6538 P106 Q11774202 +Q102513 P106 Q15949613 +Q187033 P102 Q29552 +Q311165 P27 Q1049 +Q335160 P161 Q472504 +Q1900054 P136 Q11399 +Q240899 P161 Q211831 +Q131433 P1303 Q17172850 +Q87850 P19 Q1017 +Q273614 P27 Q30 +Q84423 P463 Q812155 +Q929 P530 Q1049 +Q152274 P106 Q193391 +Q146673 P161 Q1677114 +Q234595 P106 Q3501317 +Q865 P530 Q419 +Q215778 P20 Q456 +Q714602 P136 Q9759 +Q40482 P106 Q189290 +Q921869 P20 Q23436 +Q164963 P161 Q276425 +Q375290 P106 Q36180 +Q329145 P136 Q2975633 +Q203413 P106 Q2722764 +Q399 P530 Q229 +Q291068 P106 Q1930187 +Q622636 P106 Q4351403 +Q80871 P1412 Q1321 +Q41 P530 Q884 +Q1029 P463 Q899770 +Q69474 P106 Q177220 +Q232307 P106 Q2405480 +Q131545 P509 Q223102 +Q958206 P106 Q10798782 +Q28480 P106 Q6625963 +Q370560 P1303 Q6607 +Q187336 P172 Q50001 +Q233736 P69 Q503415 +Q230 P530 Q810 +Q104049 P140 Q1841 +Q1093318 P264 Q216364 +Q61073 P20 Q78 +Q58592 P106 Q36180 +Q12054 P172 Q7325 +Q77888 P106 Q37226 +Q89014 P27 Q40 +Q974238 P106 Q177220 +Q183239 P136 Q130232 +Q392825 P840 Q1353 +Q6060 P106 Q2526255 +Q148 P530 Q155 +Q822 P530 Q183 +Q296537 P106 Q28389 +Q317397 P106 Q82955 +Q87018 P69 Q686522 +Q61696 P57 Q55303 +Q220816 P136 Q676 +Q202041 P264 Q183387 +Q55369 P27 Q36 +Q1380398 P69 Q5901972 +Q435665 P20 Q11299 +Q214565 P106 Q6625963 +Q30628 P27 Q30 +Q229232 P140 Q75809 +Q178010 P1303 Q17172850 +Q86777 P1412 Q188 +Q865 P530 Q215 +Q260648 P136 Q188473 +Q713750 P37 Q188 +Q65475 P27 Q41304 +Q436719 P106 Q10800557 +Q889 P530 Q43 +Q337089 P106 Q486748 +Q1793865 P106 Q169470 +Q179858 P106 Q1930187 +Q207592 P106 Q177220 +Q574 P530 Q30 +Q69412 P463 Q46703 +Q327293 P463 Q270920 +Q76422 P106 Q1622272 +Q230131 P106 Q10798782 +Q196472 P140 Q1841 +Q263696 P106 Q10800557 +Q45811 P463 Q463303 +Q48226 P106 Q864380 +Q310116 P1303 Q17172850 +Q113099 P106 Q2722764 +Q1941315 P20 Q61 +Q116105 P1303 Q27939 +Q68036 P69 Q54096 +Q162629 P106 Q1320883 +Q106009 P1412 Q188 +Q265252 P136 Q83270 +Q362353 P106 Q4610556 +Q451079 P17 Q183 +Q5912 P106 Q33231 +Q312394 P840 Q18 +Q384847 P106 Q13582652 +Q166696 P136 Q622291 +Q261465 P172 Q42406 +Q229274 P1303 Q46185 +Q194220 P106 Q2252262 +Q192762 P451 Q134077 +Q132238 P1412 Q188 +Q1386443 P106 Q753110 +Q53018 P20 Q90 +Q3123761 P69 Q273626 +Q171463 P136 Q547137 +Q428819 P106 Q2405480 +Q352203 P106 Q10800557 +Q233475 P551 Q24826 +Q431252 P161 Q233862 +Q55963 P1412 Q143 +Q117139 P551 Q21 +Q128799 P136 Q484641 +Q1970586 P106 Q2490358 +Q311147 P106 Q37226 +Q101437 P509 Q133780 +Q233566 P106 Q36180 +Q709178 P27 Q28 +Q185375 P27 Q15180 +Q25089 P106 Q2526255 +Q115987 P20 Q72 +Q205545 P1412 Q36510 +Q549442 P1412 Q1860 +Q102483 P27 Q33946 +Q898618 P136 Q9759 +Q107194 P135 Q6034 +Q35686 P509 Q12152 +Q234144 P26 Q2263 +Q14278 P69 Q192088 +Q124523 P108 Q20266894 +Q1110652 P161 Q313814 +Q309843 P1303 Q17172850 +Q369762 P106 Q151197 +Q1888794 P463 Q463303 +Q8015 P1412 Q1321 +Q46053 P106 Q177220 +Q3335 P69 Q192088 +Q93853 P161 Q331461 +Q124251 P1412 Q188 +Q962908 P106 Q177220 +Q157024 P172 Q201111 +Q462446 P463 Q2095524 +Q56094 P106 Q7042855 +Q2512 P106 Q82955 +Q704700 P136 Q213714 +Q298551 P140 Q748 +Q309248 P161 Q294647 +Q268262 P101 Q36180 +Q237820 P136 Q37073 +Q151976 P463 Q15646111 +Q180004 P106 Q10800557 +Q59931 P161 Q298694 +Q357980 P106 Q2251335 +Q956296 P172 Q170217 +Q730158 P136 Q1298934 +Q213706 P106 Q2259451 +Q70795 P1412 Q9072 +Q957575 P106 Q193391 +Q575795 P106 Q10800557 +Q3047837 P1412 Q150 +Q151917 P69 Q49165 +Q216288 P551 Q44989 +Q103917 P19 Q23556 +Q765165 P106 Q81096 +Q200566 P106 Q10798782 +Q284686 P840 Q21 +Q275985 P106 Q36180 +Q96594 P20 Q1707 +Q6701 P27 Q38872 +Q1389589 P106 Q488205 +Q506231 P106 Q6625963 +Q11237 P106 Q82955 +Q449199 P106 Q2516866 +Q379785 P108 Q43452 +Q440956 P140 Q9268 +Q346064 P106 Q1930187 +Q91557 P106 Q644687 +Q895636 P140 Q75809 +Q128799 P264 Q183387 +Q561809 P106 Q33999 +Q109522 P106 Q2405480 +Q77745 P463 Q15646111 +Q528832 P641 Q41323 +Q4275371 P27 Q15180 +Q115134 P27 Q30 +Q212 P530 Q230 +Q134958 P1412 Q8798 +Q345494 P136 Q1640319 +Q180665 P69 Q3072747 +Q213579 P1412 Q188 +Q1501423 P106 Q177220 +Q967 P30 Q15 +Q229013 P1303 Q17172850 +Q7833 P106 Q15981151 +Q253862 P27 Q17 +Q117741 P20 Q34006 +Q94486 P19 Q1741 +Q1371798 P106 Q2259451 +Q937 P27 Q41304 +Q975911 P1303 Q6607 +Q49061 P1412 Q1860 +Q229254 P106 Q33999 +Q892115 P69 Q1189954 +Q178094 P161 Q438908 +Q245808 P19 Q48958 +Q367905 P106 Q33999 +Q311314 P106 Q948329 +Q540395 P106 Q753110 +Q287478 P106 Q36180 +Q312288 P108 Q161562 +Q13513 P119 Q311 +Q176405 P106 Q49757 +Q874828 P106 Q266569 +Q786675 P1303 Q17172850 +Q40531 P106 Q19204627 +Q658008 P106 Q81096 +Q215916 P27 Q30 +Q189992 P551 Q65 +Q322866 P27 Q31 +Q153527 P27 Q30 +Q40523 P106 Q2259451 +Q1396630 P106 Q901 +Q11239 P172 Q42884 +Q163366 P136 Q1344 +Q54867 P106 Q639669 +Q319129 P69 Q503419 +Q1631 P264 Q193023 +Q296545 P106 Q205375 +Q166318 P27 Q38 +Q887903 P509 Q12136 +Q239587 P106 Q10798782 +Q179282 P106 Q36180 +Q910486 P106 Q10800557 +Q77184 P463 Q684415 +Q963003 P27 Q145 +Q313023 P26 Q175571 +Q215036 P1412 Q1860 +Q19199 P136 Q263734 +Q944478 P27 Q15180 +Q275170 P101 Q207628 +Q219442 P495 Q30 +Q57347 P108 Q168751 +Q449670 P106 Q36180 +Q1077409 P19 Q1345 +Q189665 P106 Q11774202 +Q245430 P136 Q188473 +Q433355 P106 Q2259451 +Q108097 P27 Q183 +Q434571 P106 Q11774202 +Q204005 P106 Q177220 +Q380243 P463 Q83172 +Q44584 P69 Q156725 +Q167345 P106 Q82955 +Q236212 P1303 Q5994 +Q241941 P495 Q30 +Q177131 P106 Q177220 +Q438402 P27 Q15180 +Q41314 P27 Q30 +Q714106 P102 Q29468 +Q1059718 P136 Q235858 +Q19045 P27 Q30 +Q83321 P27 Q4948 +Q43432 P1303 Q6607 +Q958 P37 Q1860 +Q818048 P136 Q211756 +Q43 P463 Q826700 +Q41523 P27 Q1747689 +Q164674 P463 Q1468277 +Q44086 P106 Q16145150 +Q263696 P106 Q18814623 +Q742396 P136 Q11399 +Q344983 P136 Q131272 +Q169946 P106 Q2405480 +Q896193 P106 Q36180 +Q127414 P161 Q43416 +Q223613 P1412 Q9067 +Q60441 P27 Q15180 +Q11675 P69 Q21578 +Q49819 P106 Q11631 +Q229065 P106 Q33999 +Q92609 P69 Q168751 +Q366325 P108 Q661916 +Q719360 P106 Q82955 +Q77027 P69 Q54096 +Q356719 P1412 Q13955 +Q954 P463 Q7159 +Q580414 P106 Q1930187 +Q11612 P463 Q127992 +Q96230 P108 Q151510 +Q33 P463 Q5611262 +Q133151 P136 Q1133657 +Q153739 P1412 Q150 +Q170515 P27 Q79 +Q110042 P106 Q14467526 +Q258715 P509 Q47912 +Q704645 P106 Q2865819 +Q63962 P463 Q44687 +Q283872 P106 Q33999 +Q582152 P641 Q36908 +Q6701 P106 Q1622272 +Q161877 P106 Q36834 +Q190588 P161 Q294819 +Q121180 P172 Q1026 +Q84238 P106 Q1930187 +Q98087 P106 Q901 +Q382408 P495 Q142 +Q77418 P106 Q551835 +Q467091 P136 Q482 +Q451369 P106 Q36180 +Q53096 P136 Q157443 +Q4263553 P1412 Q7737 +Q75089 P106 Q36180 +Q318320 P27 Q29999 +Q123972 P1412 Q188 +Q90635 P1412 Q188 +Q166214 P495 Q30 +Q459057 P136 Q20442589 +Q61743 P106 Q82594 +Q165817 P161 Q208649 +Q164869 P106 Q36834 +Q180589 P102 Q9626 +Q232646 P27 Q30 +Q35286 P140 Q93191 +Q825435 P106 Q3055126 +Q62656 P463 Q684415 +Q207816 P136 Q859369 +Q620732 P106 Q2306091 +Q236543 P264 Q183412 +Q481885 P106 Q855091 +Q180278 P108 Q2994538 +Q150989 P140 Q7066 +Q221 P463 Q7184 +Q67881 P1412 Q188 +Q120966 P106 Q2516866 +Q1909258 P106 Q183945 +Q560847 P69 Q13371 +Q11877 P136 Q9759 +Q958294 P463 Q161806 +Q92848 P108 Q190080 +Q312053 P106 Q36834 +Q106001 P106 Q33999 +Q499028 P1303 Q6607 +Q70997 P106 Q5322166 +Q28493 P136 Q1152184 +Q1077554 P27 Q30 +Q233739 P106 Q639669 +Q202770 P27 Q34266 +Q50861 P161 Q9582 +Q507985 P451 Q215497 +Q2619019 P106 Q81096 +Q299595 P106 Q205375 +Q276343 P136 Q200092 +Q325718 P19 Q487119 +Q57475 P27 Q145 +Q44403 P106 Q1930187 +Q23395 P136 Q663106 +Q440932 P106 Q3282637 +Q1855369 P136 Q316930 +Q1461567 P140 Q7066 +Q107270 P57 Q193628 +Q64257 P463 Q83172 +Q77107 P69 Q702524 +Q153232 P463 Q4345832 +Q57075 P463 Q329464 +Q78720 P106 Q82955 +Q649 P37 Q7737 +Q95355 P106 Q1350189 +Q94701 P106 Q121594 +Q58612 P108 Q168756 +Q208048 P495 Q145 +Q154691 P119 Q90 +Q229082 P106 Q10798782 +Q215145 P106 Q49757 +Q229038 P106 Q639669 +Q376736 P1412 Q1860 +Q360 P102 Q327591 +Q272944 P106 Q2526255 +Q11753 P108 Q695599 +Q181086 P136 Q586250 +Q1545 P136 Q484641 +Q257752 P106 Q10800557 +Q35 P463 Q188822 +Q231178 P106 Q11774202 +Q354867 P106 Q487596 +Q126599 P19 Q65 +Q346607 P27 Q30 +Q1371735 P1412 Q1860 +Q194346 P161 Q106418 +Q124710 P3373 Q307463 +Q193236 P106 Q82955 +Q83233 P106 Q28389 +Q462118 P27 Q30 +Q7604 P463 Q2822396 +Q252469 P106 Q33999 +Q27645 P737 Q9235 +Q45386 P161 Q238895 +Q242608 P26 Q349799 +Q192474 P264 Q183412 +Q77199 P106 Q333634 +Q9439 P26 Q152245 +Q148 P463 Q1043527 +Q102905 P101 Q482 +Q185375 P1412 Q7737 +Q237821 P106 Q36180 +Q124208 P106 Q82955 +Q502 P140 Q7066 +Q447592 P1412 Q1860 +Q39246 P463 Q123885 +Q216398 P106 Q36180 +Q213574 P106 Q10800557 +Q1501423 P1303 Q17172850 +Q76490 P106 Q482980 +Q105682 P106 Q10798782 +Q382099 P136 Q37073 +Q28 P530 Q846 +Q60766 P27 Q183 +Q296698 P27 Q41 +Q11813 P27 Q30 +Q25320 P19 Q90 +Q350588 P19 Q18383 +Q4487 P551 Q155 +Q336125 P27 Q668 +Q6244080 P135 Q186030 +Q139927 P840 Q1342 +Q187561 P161 Q193070 +Q1066965 P136 Q193355 +Q42443 P19 Q90 +Q268284 P69 Q168751 +Q105460 P106 Q177220 +Q242577 P106 Q33999 +Q153832 P106 Q1930187 +Q186335 P20 Q60 +Q301136 P106 Q49757 +Q345906 P106 Q3387717 +Q714167 P106 Q947873 +Q705630 P509 Q12202 +Q779682 P27 Q172579 +Q675 P463 Q3291340 +Q251818 P136 Q1344 +Q221102 P161 Q310551 +Q193300 P106 Q644687 +Q243639 P106 Q33999 +Q200392 P106 Q12362622 +Q28941 P27 Q174193 +Q77184 P463 Q12759592 +Q295144 P69 Q3064259 +Q2849296 P106 Q28389 +Q40046 P69 Q1420239 +Q428451 P106 Q4263842 +Q77 P530 Q800 +Q270707 P136 Q128758 +Q47478 P1412 Q1860 +Q55502 P138 Q1218 +Q723678 P106 Q81096 +Q7336 P1412 Q188 +Q459251 P106 Q36834 +Q43 P172 Q84072 +Q391562 P19 Q189960 +Q70809 P1412 Q652 +Q187019 P106 Q6625963 +Q132952 P106 Q10800557 +Q234773 P106 Q33999 +Q61594 P106 Q644687 +Q732434 P106 Q6625963 +Q59152 P27 Q30 +Q44273 P106 Q4610556 +Q227 P30 Q48 +Q191064 P106 Q28389 +Q76624 P463 Q123885 +Q163543 P106 Q82955 +Q160021 P106 Q1792450 +Q233295 P27 Q30 +Q82110 P1412 Q1860 +Q313581 P106 Q333634 +Q6701 P463 Q265058 +Q314427 P106 Q33999 +Q510400 P106 Q36180 +Q534234 P106 Q3578589 +Q314877 P136 Q11399 +Q100440 P551 Q16558 +Q10327963 P102 Q29468 +Q69110 P106 Q1622272 +Q294927 P106 Q36180 +Q3441496 P19 Q3130 +Q229244 P27 Q30 +Q185152 P106 Q18814623 +Q1028715 P27 Q408 +Q77097 P106 Q81096 +Q195371 P106 Q28389 +Q444857 P106 Q1622272 +Q541964 P106 Q3621491 +Q670440 P19 Q60 +Q1066965 P264 Q2034661 +Q57619 P106 Q2259451 +Q391663 P20 Q60 +Q38203 P69 Q13371 +Q30487 P463 Q1971373 +Q778539 P136 Q1640319 +Q92639 P108 Q49108 +Q34424 P106 Q12362622 +Q560040 P106 Q488205 +Q377725 P69 Q622683 +Q986 P463 Q8475 +Q68537 P20 Q649 +Q60025 P737 Q859 +Q313727 P106 Q36180 +Q270692 P102 Q5020915 +Q36843 P27 Q183 +Q214690 P106 Q1930187 +Q130547 P106 Q753110 +Q59534 P136 Q52207399 +Q9387 P101 Q8134 +Q365090 P641 Q80131 +Q97644 P102 Q49762 +Q242530 P27 Q30 +Q189172 P106 Q201788 +Q240954 P27 Q15180 +Q4074458 P106 Q43845 +Q18154882 P161 Q314606 +Q191408 P19 Q90 +Q64487 P106 Q1028181 +Q219653 P27 Q30 +Q183 P463 Q340195 +Q39691 P106 Q11900058 +Q251287 P106 Q19723482 +Q263696 P136 Q37073 +Q76727 P106 Q36180 +Q130631 P737 Q48301 +Q426396 P840 Q1384 +Q105865 P106 Q36180 +Q1025 P530 Q423 +Q50861 P161 Q1124 +Q541599 P106 Q177220 +Q3091395 P737 Q84186 +Q4834218 P509 Q11081 +Q34597 P27 Q30 +Q361976 P106 Q6625963 +Q245808 P106 Q3282637 +Q45909 P106 Q1643514 +Q320305 P27 Q38 +Q7259 P106 Q170790 +Q484302 P1303 Q128309 +Q307440 P106 Q6430706 +Q235503 P106 Q10800557 +Q238140 P1412 Q1860 +Q180962 P106 Q3282637 +Q149489 P19 Q60 +Q152293 P106 Q14915627 +Q74441 P1412 Q188 +Q786 P463 Q233611 +Q76412 P1412 Q188 +Q217557 P463 Q463303 +Q165627 P136 Q21401869 +Q187165 P106 Q639669 +Q92858 P108 Q37156 +Q444237 P463 Q4345832 +Q736143 P1412 Q1860 +Q314535 P1303 Q17172850 +Q542886 P1303 Q17172850 +Q107730 P106 Q28389 +Q222744 P106 Q49757 +Q202136 P108 Q739627 +Q233 P530 Q45 +Q316045 P69 Q186285 +Q77097 P20 Q2966 +Q248562 P161 Q188375 +Q547414 P106 Q36180 +Q131074 P161 Q910486 +Q64356 P463 Q83172 +Q1143660 P106 Q177220 +Q52937 P1412 Q652 +Q193273 P27 Q142 +Q1974885 P106 Q36180 +Q163159 P1412 Q150 +Q483382 P1412 Q1860 +Q59185 P106 Q177220 +Q152767 P106 Q10798782 +Q710626 P108 Q21578 +Q210740 P106 Q36180 +Q1352613 P161 Q2632 +Q661452 P1412 Q7913 +Q383784 P463 Q1051182 +Q236835 P106 Q488205 +Q740378 P106 Q1930187 +Q135230 P136 Q19367312 +Q62845 P106 Q1028181 +Q105875 P136 Q217597 +Q40 P530 Q37 +Q505476 P1303 Q5994 +Q219424 P161 Q228882 +Q738029 P106 Q1930187 +Q34424 P136 Q37073 +Q236240 P101 Q207628 +Q232395 P106 Q18814623 +Q346777 P108 Q1472245 +Q1066965 P106 Q753110 +Q306 P1412 Q1321 +Q16389 P106 Q169470 +Q1698 P106 Q2526255 +Q231194 P1303 Q17172850 +Q167475 P106 Q15980158 +Q462466 P161 Q180338 +Q128529 P102 Q138345 +Q386394 P3373 Q36951 +Q312270 P27 Q30 +Q230456 P106 Q11900058 +Q91436 P106 Q14467526 +Q86526 P20 Q1085 +Q494507 P106 Q10800557 +Q347436 P106 Q33999 +Q270469 P27 Q30 +Q40475 P19 Q975 +Q105460 P136 Q11399 +Q192185 P106 Q1415090 +Q273079 P172 Q49085 +Q880598 P1303 Q17172850 +Q103157 P102 Q558334 +Q1824699 P1303 Q46185 +Q928 P463 Q1065 +Q709646 P106 Q189290 +Q207515 P27 Q30 +Q6173722 P69 Q659706 +Q62254 P106 Q1743122 +Q516716 P1303 Q17172850 +Q63224 P20 Q64 +Q139460 P840 Q65 +Q568595 P463 Q684415 +Q241676 P106 Q36180 +Q37621 P140 Q7066 +Q316957 P106 Q2526255 +Q246497 P463 Q651690 +Q35332 P106 Q2526255 +Q299595 P463 Q466089 +Q77193 P102 Q152554 +Q261669 P27 Q145 +Q1340677 P101 Q43035 +Q65513 P69 Q156737 +Q778716 P106 Q36180 +Q381110 P19 Q220 +Q369492 P161 Q213567 +Q11100 P172 Q49085 +Q59478 P1412 Q7737 +Q114558 P106 Q2259451 +Q263143 P106 Q4610556 +Q1398058 P1303 Q17172850 +Q59084 P161 Q310934 +Q191408 P136 Q1344 +Q3719620 P108 Q2283 +Q374610 P106 Q201788 +Q115455 P106 Q193391 +Q36322 P140 Q6423963 +Q949 P20 Q100 +Q181662 P1412 Q1860 +Q10633 P27 Q145 +Q366307 P27 Q222 +Q92128 P20 Q64 +Q158474 P161 Q229112 +Q254341 P136 Q9759 +Q69837 P19 Q1055 +Q472783 P102 Q79854 +Q249719 P136 Q11700058 +Q151825 P840 Q62 +Q83501 P19 Q11194 +Q181689 P264 Q885977 +Q929 P530 Q79 +Q377768 P106 Q36834 +Q185375 P106 Q13570226 +Q438014 P1412 Q1860 +Q1058532 P136 Q83440 +Q188744 P27 Q668 +Q193670 P106 Q11774202 +Q235515 P264 Q183387 +Q95777 P69 Q152087 +Q310170 P509 Q12206 +Q117249 P1303 Q17172850 +Q1344185 P106 Q177220 +Q44301 P136 Q206159 +Q213257 P106 Q33999 +Q301951 P106 Q28389 +Q77777 P106 Q36180 +Q230045 P27 Q30 +Q218319 P106 Q82955 +Q441267 P1412 Q652 +Q155928 P106 Q82955 +Q155547 P737 Q9312 +Q77549 P106 Q36180 +Q171672 P136 Q482 +Q363518 P106 Q3387717 +Q101915 P463 Q191583 +Q110106 P69 Q432637 +Q164721 P1412 Q150 +Q705529 P106 Q170790 +Q1176607 P172 Q79797 +Q86367 P27 Q40 +Q3318964 P106 Q201788 +Q344758 P106 Q33999 +Q554406 P551 Q90 +Q66447 P106 Q1397808 +Q424173 P1412 Q5287 +Q1400917 P136 Q676 +Q112169 P27 Q183 +Q377638 P551 Q61 +Q230939 P106 Q10800557 +Q253167 P106 Q10798782 +Q347950 P106 Q2526255 +Q450271 P27 Q29 +Q298694 P106 Q578109 +Q35678 P106 Q40348 +Q445703 P1412 Q1321 +Q104668 P172 Q7325 +Q386291 P495 Q30 +Q108312 P20 Q56037 +Q40071 P161 Q169946 +Q328201 P106 Q482980 +Q57075 P106 Q593644 +Q619051 P106 Q333634 +Q98087 P69 Q55044 +Q302675 P1412 Q1321 +Q51094 P136 Q11399 +Q430852 P161 Q40912 +Q387370 P495 Q30 +Q1270525 P106 Q36834 +Q49080 P106 Q28389 +Q93028 P463 Q127992 +Q92143 P106 Q4964182 +Q131725 P264 Q2034661 +Q364781 P136 Q83440 +Q122517 P106 Q188094 +Q313042 P106 Q33999 +Q552273 P106 Q14467526 +Q165257 P106 Q49757 +Q320185 P106 Q28389 +Q162225 P495 Q30 +Q91323 P27 Q16957 +Q92639 P463 Q463303 +Q180224 P264 Q202440 +Q95447 P106 Q49757 +Q78513 P19 Q1741 +Q214907 P108 Q154804 +Q505274 P27 Q145 +Q243267 P1050 Q12204 +Q58978 P108 Q152838 +Q230990 P264 Q277626 +Q104049 P27 Q778 +Q222018 P161 Q432385 +Q217771 P106 Q4964182 +Q212730 P69 Q201492 +Q31786 P136 Q860626 +Q173804 P495 Q183 +Q6694 P463 Q684415 +Q177650 P102 Q42183 +Q917 P530 Q155 +Q481482 P106 Q201788 +Q137571 P106 Q333634 +Q51094 P27 Q159 +Q31164 P737 Q636 +Q61597 P106 Q10800557 +Q434111 P20 Q47164 +Q390097 P840 Q1454 +Q319121 P106 Q17125263 +Q93797 P106 Q28389 +Q33528 P106 Q36180 +Q438885 P136 Q11399 +Q7343182 P1412 Q1860 +Q85510 P1412 Q188 +Q234663 P101 Q8242 +Q371716 P106 Q177220 +Q110278 P161 Q44380 +Q267441 P106 Q28389 +Q14281 P463 Q684415 +Q180224 P106 Q177220 +Q245257 P737 Q254 +Q77214 P106 Q49757 +Q2118763 P106 Q11900058 +Q312336 P106 Q639669 +Q787176 P27 Q142 +Q91461 P20 Q1711 +Q216134 P106 Q1930187 +Q436386 P509 Q14467705 +Q286690 P106 Q10798782 +Q559794 P463 Q270794 +Q256649 P106 Q10800557 +Q41239 P106 Q18844224 +Q6882 P106 Q36180 +Q104592 P106 Q3126128 +Q391562 P1412 Q1860 +Q155907 P101 Q41217 +Q239928 P1412 Q1860 +Q61361 P1412 Q188 +Q130786 P27 Q15180 +Q485280 P27 Q30 +Q152335 P106 Q182436 +Q76429 P19 Q6986 +Q835 P19 Q1899 +Q25820 P69 Q160302 +Q54945 P106 Q11063 +Q359474 P136 Q11401 +Q256531 P106 Q10798782 +Q329719 P551 Q18419 +Q212804 P840 Q5083 +Q207416 P106 Q36180 +Q205447 P495 Q30 +Q94081 P27 Q174193 +Q153700 P509 Q47912 +Q180505 P119 Q3006253 +Q126462 P106 Q676 +Q1020 P463 Q294278 +Q59672 P106 Q10800557 +Q1386031 P27 Q161885 +Q272019 P106 Q36180 +Q349777 P106 Q1930187 +Q3074304 P463 Q53249065 +Q470543 P106 Q2374149 +Q33391 P27 Q34266 +Q38 P463 Q827525 +Q218718 P106 Q245068 +Q384804 P1412 Q5146 +Q733 P530 Q801 +Q1292776 P106 Q10798782 +Q164813 P136 Q130232 +Q184404 P1412 Q1860 +Q29999 P30 Q49 +Q192634 P20 Q3640 +Q216570 P108 Q13371 +Q64655 P106 Q36180 +Q42156 P737 Q1290 +Q49034 P106 Q639669 +Q126958 P106 Q177220 +Q183 P530 Q79 +Q5482339 P106 Q205375 +Q464218 P1303 Q17172850 +Q282722 P136 Q1298934 +Q356361 P20 Q29303 +Q237324 P106 Q10800557 +Q167437 P840 Q33 +Q41142 P106 Q2259451 +Q1671177 P106 Q16742096 +Q207179 P106 Q2259451 +Q270324 P27 Q30 +Q222 P172 Q539051 +Q115674 P1412 Q1860 +Q311779 P106 Q10798782 +Q45321 P101 Q413 +Q268940 P1412 Q1860 +Q123918 P27 Q39 +Q256164 P136 Q21010853 +Q553276 P106 Q10800557 +Q63346 P106 Q15980158 +Q1371798 P264 Q193023 +Q383173 P57 Q84199 +Q302650 P106 Q10798782 +Q450714 P106 Q183945 +Q203952 P106 Q1930187 +Q182046 P1412 Q397 +Q464833 P136 Q11399 +Q39837 P1412 Q13955 +Q983962 P69 Q178416 +Q3762573 P19 Q60 +Q206112 P106 Q183945 +Q750 P530 Q298 +Q836656 P1303 Q17172850 +Q186329 P106 Q177220 +Q1988375 P1303 Q79838 +Q232491 P1412 Q9176 +Q7729 P106 Q36180 +Q556941 P264 Q190585 +Q30875 P106 Q36180 +Q557632 P17 Q30 +Q76959 P19 Q1055 +Q83359 P106 Q10800557 +Q110185 P108 Q875788 +Q438124 P1303 Q17172850 +Q1388990 P106 Q40348 +Q800 P463 Q123759 +Q74258 P69 Q55038 +Q104267 P463 Q49738 +Q9047 P106 Q16031530 +Q981944 P136 Q37073 +Q381203 P69 Q41506 +Q297442 P106 Q10800557 +Q976090 P136 Q11401 +Q1687749 P69 Q13371 +Q367653 P106 Q2490358 +Q114576 P1412 Q188 +Q223193 P27 Q30 +Q62354 P1412 Q1860 +Q924232 P136 Q2280497 +Q2118763 P106 Q2526255 +Q118233 P106 Q183945 +Q662809 P27 Q183 +Q203674 P69 Q1431541 +Q153597 P106 Q33999 +Q797599 P509 Q12206 +Q916 P463 Q7159 +Q726440 P264 Q1757254 +Q318694 P27 Q145 +Q115152 P106 Q1622272 +Q311256 P106 Q183945 +Q26648 P106 Q36180 +Q78586 P136 Q1344 +Q164703 P27 Q28513 +Q285431 P106 Q28389 +Q107957 P20 Q5092 +Q216563 P264 Q202585 +Q59737 P106 Q36180 +Q151830 P551 Q84 +Q295974 P551 Q65 +Q708284 P1412 Q1860 +Q503597 P69 Q617433 +Q162629 P106 Q947873 +Q78321 P106 Q82955 +Q325077 P161 Q203806 +Q357974 P106 Q33231 +Q58978 P140 Q75809 +Q9204 P737 Q183167 +Q450335 P106 Q6625963 +Q519273 P136 Q193207 +Q34670 P737 Q9358 +Q1030 P463 Q17495 +Q1629187 P106 Q169470 +Q78513 P20 Q1741 +Q382197 P27 Q215 +Q2599 P1303 Q133163 +Q9602 P108 Q622664 +Q46080 P106 Q10800557 +Q192686 P136 Q319221 +Q186221 P106 Q876864 +Q70881 P106 Q639669 +Q326114 P161 Q41396 +Q12003 P136 Q484641 +Q349456 P19 Q18125 +Q1072969 P106 Q10800557 +Q39989 P551 Q65 +Q89416 P106 Q49757 +Q28656886 P19 Q5092 +Q265179 P1412 Q1860 +Q160318 P106 Q2526255 +Q456762 P19 Q1486 +Q452116 P509 Q29496 +Q103784 P106 Q2259451 +Q201538 P106 Q1930187 +Q296774 P106 Q33999 +Q221546 P106 Q13235160 +Q561458 P463 Q463281 +Q2946731 P106 Q81096 +Q44437 P106 Q2405480 +Q381420 P140 Q5043 +Q54868 P106 Q10798782 +Q41513 P27 Q161885 +Q432421 P1303 Q46185 +Q84704 P106 Q36180 +Q539301 P106 Q1930187 +Q435626 P106 Q3282637 +Q271324 P119 Q1400 +Q235053 P106 Q3286043 +Q102289 P119 Q1950363 +Q201924 P136 Q130232 +Q229 P530 Q262 +Q504920 P106 Q855091 +Q283700 P106 Q266569 +Q408 P463 Q1043527 +Q24953 P161 Q25078 +Q127330 P1303 Q17172850 +Q180278 P106 Q14915627 +Q64988 P108 Q372608 +Q314597 P172 Q49085 +Q453472 P27 Q241748 +Q7525 P131 Q2184 +Q716293 P101 Q11023 +Q189081 P20 Q16555 +Q162629 P106 Q3282637 +Q503758 P27 Q142 +Q106871 P136 Q188473 +Q212549 P27 Q142 +Q45275 P101 Q27939 +Q228832 P27 Q159 +Q1044415 P264 Q1341612 +Q3825107 P161 Q88997 +Q216195 P106 Q11774202 +Q161853 P106 Q81096 +Q44403 P106 Q4263842 +Q313411 P106 Q189290 +Q236236 P106 Q36180 +Q192402 P1412 Q1860 +Q41590 P106 Q193391 +Q189 P463 Q1377612 +Q505871 P20 Q235 +Q273233 P641 Q41323 +Q237389 P106 Q36834 +Q463501 P106 Q11499147 +Q106209 P106 Q36180 +Q318165 P106 Q3282637 +Q526120 P106 Q753110 +Q61594 P106 Q3391743 +Q535355 P106 Q49757 +Q155907 P463 Q123885 +Q90331 P1412 Q188 +Q273215 P509 Q12192 +Q896835 P102 Q49766 +Q38823 P1412 Q13955 +Q213736 P136 Q37073 +Q272896 P106 Q639669 +Q45229 P106 Q130857 +Q236355 P106 Q2252262 +Q2858166 P106 Q214917 +Q334965 P106 Q11774202 +Q72224 P106 Q36180 +Q164487 P106 Q4610556 +Q179540 P1303 Q17172850 +Q34787 P69 Q152087 +Q439455 P101 Q482 +Q11637 P101 Q33999 +Q11907 P19 Q1370 +Q706931 P463 Q463303 +Q211379 P509 Q175111 +Q851 P530 Q183 +Q975084 P108 Q131252 +Q362106 P106 Q177220 +Q863226 P264 Q193023 +Q573223 P27 Q29 +Q90653 P106 Q177220 +Q268322 P106 Q16323111 +Q712 P463 Q8475 +Q359474 P69 Q371625 +Q257243 P19 Q62 +Q213195 P106 Q212980 +Q124287 P1412 Q7913 +Q345531 P463 Q463303 +Q10327963 P27 Q30 +Q106740 P1412 Q1860 +Q460852 P106 Q1415090 +Q453447 P20 Q649 +Q434291 P106 Q49757 +Q161841 P69 Q1341516 +Q437182 P106 Q10800557 +Q30449 P264 Q216364 +Q75812 P101 Q21201 +Q80596 P27 Q30 +Q207698 P57 Q56005 +Q310116 P172 Q49085 +Q202304 P106 Q10798782 +Q24632 P106 Q5716684 +Q244997 P1412 Q5146 +Q386438 P20 Q90 +Q104898 P463 Q463303 +Q86096 P69 Q152171 +Q57364 P106 Q82955 +Q11891 P1412 Q397 +Q183297 P509 Q12152 +Q295107 P106 Q15253558 +Q705022 P106 Q28389 +Q75814 P106 Q1622272 +Q202185 P106 Q33999 +Q108175 P108 Q51985 +Q877858 P106 Q715301 +Q730082 P106 Q753110 +Q283335 P136 Q1196752 +Q96577 P19 Q3874 +Q100765 P108 Q152171 +Q33 P463 Q656801 +Q124617 P1412 Q7737 +Q88388 P27 Q40 +Q168468 P27 Q174193 +Q45963 P19 Q1297 +Q231608 P27 Q29 +Q217787 P106 Q10800557 +Q64600 P108 Q157808 +Q267170 P1303 Q5994 +Q374362 P172 Q49542 +Q1374080 P106 Q169470 +Q1453398 P106 Q33999 +Q7351 P106 Q1350157 +Q190086 P57 Q51547 +Q709044 P119 Q1370 +Q735539 P106 Q177220 +Q5816 P509 Q12152 +Q380841 P136 Q859369 +Q465707 P106 Q1925963 +Q34597 P1412 Q1860 +Q3138 P463 Q747279 +Q66107 P108 Q333886 +Q106603 P19 Q1733 +Q3662078 P551 Q49111 +Q38 P463 Q663492 +Q332670 P106 Q49757 +Q360528 P106 Q2259451 +Q251287 P1303 Q6607 +Q526970 P106 Q639669 +Q310950 P463 Q466089 +Q300508 P161 Q229908 +Q590792 P361 Q6354282 +Q213579 P69 Q154804 +Q52924 P3373 Q52925 +Q776752 P106 Q333634 +Q11647 P136 Q208494 +Q221949 P136 Q188473 +Q4673 P20 Q64 +Q5372719 P551 Q60 +Q311615 P106 Q28389 +Q727416 P69 Q219694 +Q170530 P106 Q2405480 +Q133654 P136 Q200092 +Q86526 P27 Q183 +Q4538 P106 Q10798782 +Q151720 P106 Q5482740 +Q13133 P140 Q33203 +Q313543 P119 Q816 +Q328760 P463 Q901677 +Q323318 P161 Q180338 +Q207036 P69 Q332342 +Q239928 P27 Q30 +Q116119 P106 Q2374149 +Q4827652 P136 Q9730 +Q6969 P27 Q183 +Q977 P463 Q842490 +Q278174 P106 Q6625963 +Q483907 P136 Q11399 +Q184697 P136 Q547137 +Q324499 P106 Q1028181 +Q67553 P69 Q32120 +Q77199 P69 Q152838 +Q62765 P108 Q154804 +Q671985 P106 Q164236 +Q202827 P19 Q90 +Q151921 P161 Q211040 +Q85832 P1412 Q188 +Q561212 P140 Q7066 +Q975777 P106 Q1930187 +Q131149 P106 Q11774202 +Q346085 P106 Q639669 +Q78119 P27 Q183 +Q99842 P69 Q672420 +Q615625 P106 Q36834 +Q125095 P106 Q1622272 +Q201579 P106 Q6625963 +Q781514 P509 Q744913 +Q212224 P27 Q30 +Q62726 P106 Q205375 +Q983686 P106 Q177220 +Q354010 P106 Q33999 +Q539120 P108 Q49210 +Q43453 P17 Q28513 +Q470619 P106 Q33999 +Q5105 P106 Q486748 +Q167635 P1303 Q128309 +Q51511 P19 Q60 +Q190772 P101 Q5862903 +Q349456 P106 Q1350189 +Q225852 P27 Q30 +Q445306 P106 Q42973 +Q152452 P69 Q221645 +Q41042 P106 Q214917 +Q2271710 P106 Q43845 +Q311303 P27 Q30 +Q23556 P37 Q1860 +Q371925 P1412 Q652 +Q702 P530 Q709 +Q12688 P106 Q36180 +Q96331 P106 Q1930187 +Q69366 P69 Q165528 +Q105962 P69 Q3064332 +Q11930 P102 Q29552 +Q39246 P106 Q169470 +Q73007 P106 Q10798782 +Q1327115 P136 Q7749 +Q71631 P463 Q44687 +Q949696 P106 Q10800557 +Q606389 P20 Q174 +Q110042 P106 Q36180 +Q131380 P69 Q761534 +Q37060 P106 Q1930187 +Q1396655 P27 Q159 +Q5383 P136 Q11366 +Q61132 P20 Q693653 +Q34 P530 Q423 +Q400729 P106 Q82955 +Q4724 P106 Q36180 +Q235388 P27 Q30 +Q66216 P463 Q414110 +Q285483 P106 Q639669 +Q266361 P1303 Q17172850 +Q336877 P136 Q21590660 +Q41749 P106 Q6625963 +Q340046 P172 Q7325 +Q158092 P27 Q36 +Q78386 P136 Q482 +Q467737 P106 Q36834 +Q106481 P69 Q1753535 +Q493333 P106 Q488205 +Q234388 P1303 Q17172850 +Q805 P37 Q13955 +Q180727 P106 Q16031530 +Q76683 P463 Q543804 +Q77027 P27 Q16 +Q29473 P19 Q220 +Q51564 P106 Q3282637 +Q219442 P161 Q207596 +Q76686 P106 Q1930187 +Q465663 P69 Q5149833 +Q165637 P136 Q1344 +Q545818 P106 Q333634 +Q124442 P69 Q206702 +Q234145 P106 Q205375 +Q152301 P106 Q333634 +Q469893 P136 Q1344 +Q62942 P19 Q1773 +Q251865 P106 Q177220 +Q158878 P509 Q623031 +Q157259 P69 Q1341516 +Q28936 P840 Q22 +Q698444 P20 Q19660 +Q188375 P106 Q1028181 +Q58720 P463 Q83172 +Q4405759 P19 Q1899 +Q68126 P1412 Q809 +Q42 P106 Q214917 +Q270207 P20 Q744948 +Q222800 P161 Q202304 +Q189758 P106 Q488205 +Q1391164 P106 Q639669 +Q1151944 P106 Q33999 +Q272007 P69 Q736674 +Q310679 P106 Q49757 +Q672800 P19 Q78 +Q700323 P136 Q8261 +Q4384878 P20 Q649 +Q359457 P1303 Q6607 +Q80900 P106 Q6625963 +Q3816 P140 Q1841 +Q794 P530 Q403 +Q297598 P136 Q131272 +Q274143 P509 Q216169 +Q76755 P19 Q64 +Q324588 P1303 Q6607 +Q314834 P27 Q30 +Q71631 P27 Q7318 +Q312450 P106 Q177220 +Q76367 P463 Q44687 +Q107816 P463 Q218868 +Q659238 P19 Q65 +Q231479 P106 Q177220 +Q278543 P69 Q13371 +Q324753 P106 Q10798782 +Q214 P463 Q7184 +Q11237 P27 Q30 +Q346540 P106 Q33999 +Q311068 P106 Q28389 +Q9545 P19 Q23436 +Q455558 P106 Q10297252 +Q51581 P106 Q7042855 +Q381185 P140 Q9592 +Q82695 P1412 Q7737 +Q58311 P1412 Q1860 +Q49075 P106 Q1930187 +Q445115 P106 Q2259451 +Q93401 P463 Q1132636 +Q359665 P106 Q4853732 +Q354002 P69 Q1753535 +Q18391 P1412 Q7913 +Q227 P530 Q142 +Q96248 P119 Q438199 +Q110365 P161 Q438908 +Q434680 P106 Q49757 +Q240377 P551 Q100 +Q51525 P27 Q33946 +Q76525 P69 Q152171 +Q142768 P27 Q15180 +Q1030 P530 Q865 +Q981944 P106 Q8246794 +Q439315 P264 Q778673 +Q72913 P19 Q2107 +Q183008 P106 Q33999 +Q436571 P509 Q128581 +Q102669 P106 Q36180 +Q214574 P106 Q2526255 +Q273022 P172 Q49085 +Q159638 P495 Q30 +Q2498968 P1412 Q7737 +Q711499 P19 Q28848 +Q333425 P106 Q42909 +Q783 P30 Q49 +Q575444 P1303 Q17172850 +Q268912 P69 Q168756 +Q46139 P135 Q39427 +Q240788 P463 Q329464 +Q941655 P106 Q14467526 +Q797599 P69 Q49210 +Q332462 P1412 Q8798 +Q359383 P509 Q12136 +Q1372074 P136 Q83440 +Q34782 P101 Q482 +Q1124 P106 Q37226 +Q3719620 P20 Q30 +Q269835 P19 Q84 +Q235611 P463 Q191583 +Q112880 P27 Q40 +Q76997 P106 Q133485 +Q196685 P161 Q320052 +Q219631 P1303 Q6607 +Q592381 P106 Q639669 +Q554406 P27 Q414 +Q6512 P737 Q34628 +Q86820 P102 Q153401 +Q223887 P161 Q320973 +Q36843 P463 Q7320 +Q430602 P106 Q177220 +Q379580 P106 Q11900058 +Q280666 P19 Q62 +Q9960 P106 Q189290 +Q399 P530 Q227 +Q108560 P106 Q1327329 +Q206384 P106 Q36180 +Q319785 P1412 Q9067 +Q2153 P106 Q3242115 +Q324726 P264 Q843402 +Q48048 P69 Q1934911 +Q282199 P161 Q444217 +Q212064 P106 Q2405480 +Q169946 P106 Q10800557 +Q184805 P264 Q1998195 +Q213806 P19 Q1741 +Q23530 P551 Q656 +Q44747 P106 Q1622272 +Q1339164 P27 Q29999 +Q92775 P1050 Q11085 +Q12773 P106 Q860918 +Q11820 P1412 Q7411 +Q195333 P136 Q484641 +Q298 P530 Q30 +Q1320912 P106 Q488205 +Q707186 P102 Q29468 +Q4119 P106 Q1930187 +Q429934 P161 Q230516 +Q90819 P106 Q189010 +Q445095 P509 Q8277 +Q129817 P106 Q948329 +Q96330 P101 Q476294 +Q112635 P161 Q240467 +Q264610 P101 Q207628 +Q313388 P106 Q245068 +Q270691 P1412 Q1617 +Q151825 P161 Q362886 +Q41 P530 Q211 +Q155775 P27 Q145 +Q43939 P1412 Q397 +Q19796 P27 Q8733 +Q104929 P106 Q2504617 +Q236066 P3373 Q236075 +Q350362 P27 Q145 +Q70881 P106 Q177220 +Q124287 P19 Q19660 +Q235525 P551 Q1044 +Q1287147 P1412 Q1321 +Q222873 P161 Q318267 +Q124617 P27 Q15180 +Q5879 P106 Q36834 +Q733 P530 Q668 +Q295080 P40 Q229050 +Q268604 P106 Q177220 +Q66774 P27 Q183 +Q185724 P106 Q3282637 +Q10738 P106 Q10798782 +Q742634 P463 Q123885 +Q19999 P106 Q11900058 +Q165824 P106 Q482980 +Q783992 P106 Q33999 +Q40580 P106 Q2643890 +Q192115 P136 Q130232 +Q261133 P19 Q26339 +Q923242 P69 Q1143289 +Q105031 P161 Q379811 +Q332454 P20 Q23276 +Q314223 P106 Q1930187 +Q41252 P17 Q41304 +Q181774 P136 Q21590660 +Q242949 P19 Q840668 +Q434790 P106 Q36180 +Q270186 P106 Q177220 +Q27304761 P37 Q150 +Q2658411 P106 Q155647 +Q40 P463 Q1480793 +Q298259 P106 Q82955 +Q262 P463 Q47543 +Q287960 P161 Q242707 +Q193105 P27 Q30 +Q108297 P161 Q395494 +Q106685 P102 Q537303 +Q945024 P1412 Q1860 +Q355133 P27 Q30 +Q215282 P20 Q4024 +Q91124 P463 Q329464 +Q436686 P102 Q29552 +Q1041 P530 Q865 +Q261923 P161 Q362559 +Q73463 P136 Q11401 +Q138084 P161 Q173637 +Q290197 P1412 Q9027 +Q316427 P69 Q3072747 +Q713246 P106 Q49757 +Q166031 P161 Q229228 +Q311802 P106 Q49757 +Q243643 P161 Q160432 +Q704705 P106 Q36834 +Q529619 P101 Q207628 +Q193236 P106 Q11774202 +Q106746 P106 Q593644 +Q352185 P19 Q18094 +Q1066772 P1303 Q6607 +Q241800 P27 Q30 +Q57552 P102 Q204911 +Q714462 P106 Q169470 +Q722347 P106 Q36180 +Q305864 P27 Q142 +Q313652 P140 Q9592 +Q57239 P69 Q32120 +Q230218 P106 Q177220 +Q25078 P19 Q36091 +Q95050 P509 Q12152 +Q106465 P106 Q219477 +Q1008 P530 Q865 +Q325679 P1412 Q9288 +Q235302 P106 Q33999 +Q202801 P136 Q45981 +Q16458 P161 Q262091 +Q691 P530 Q408 +Q60296 P136 Q130232 +Q233862 P106 Q10800557 +Q452388 P40 Q13894 +Q234591 P136 Q1641839 +Q167696 P106 Q3501317 +Q213632 P27 Q183 +Q229881 P264 Q202585 +Q128933 P27 Q790 +Q133654 P136 Q52162262 +Q449575 P20 Q60 +Q275985 P106 Q33999 +Q6648722 P108 Q1150105 +Q331896 P106 Q1930187 +Q36023 P106 Q372436 +Q723141 P69 Q308963 +Q381039 P106 Q11063 +Q270410 P495 Q30 +Q1237689 P69 Q457281 +Q435455 P27 Q30 +Q23114 P3373 Q198051 +Q457316 P1412 Q1321 +Q4289338 P106 Q82955 +Q313814 P106 Q1028181 +Q207 P106 Q14089670 +Q318004 P106 Q81096 +Q567340 P106 Q639669 +Q73581 P1412 Q188 +Q452761 P106 Q49757 +Q154809 P106 Q36834 +Q254789 P106 Q177220 +Q298360 P106 Q36834 +Q298930 P509 Q12192 +Q1346126 P106 Q6625963 +Q443190 P1412 Q7913 +Q470572 P161 Q3938408 +Q78492 P106 Q4964182 +Q92497 P106 Q188094 +Q212 P530 Q414 +Q105624 P840 Q90 +Q307 P101 Q333 +Q225 P530 Q159583 +Q106748 P69 Q153006 +Q38486 P136 Q188473 +Q61962 P106 Q36180 +Q80424 P136 Q37073 +Q7346 P106 Q36834 +Q349223 P106 Q36834 +Q313739 P27 Q30 +Q75995 P108 Q315658 +Q171235 P136 Q9794 +Q1235 P20 Q220 +Q507046 P69 Q640652 +Q140359 P30 Q46 +Q436712 P27 Q145 +Q184622 P106 Q47064 +Q590420 P69 Q3064325 +Q29473 P172 Q50001 +Q10390 P69 Q559549 +Q237420 P106 Q483501 +Q66207 P106 Q82955 +Q214216 P20 Q1218 +Q554422 P1412 Q1860 +Q25078 P106 Q3282637 +Q55198 P106 Q193391 +Q62791 P463 Q150793 +Q82032 P106 Q1622272 +Q62910 P463 Q463303 +Q563549 P19 Q34692 +Q125095 P463 Q219989 +Q351339 P106 Q512314 +Q172632 P106 Q177220 +Q435468 P27 Q408 +Q439394 P551 Q60 +Q276158 P264 Q483938 +Q73482 P69 Q34433 +Q436394 P40 Q270786 +Q164757 P140 Q9089 +Q325679 P106 Q1476215 +Q162667 P106 Q177220 +Q100718 P106 Q1622272 +Q205473 P495 Q145 +Q92684 P27 Q30 +Q9047 P737 Q43939 +Q694081 P106 Q177220 +Q159 P530 Q916 +Q195710 P161 Q296008 +Q49760 P106 Q7042855 +Q383844 P840 Q232 +Q725519 P106 Q2526255 +Q61244 P106 Q33999 +Q70948 P106 Q2259451 +Q77688 P69 Q49088 +Q967 P463 Q842490 +Q42462 P17 Q161885 +Q29418 P463 Q463281 +Q187199 P463 Q651690 +Q236066 P106 Q488205 +Q6694 P3373 Q77888 +Q1623549 P509 Q47912 +Q211730 P106 Q4610556 +Q729115 P20 Q1524 +Q104791 P106 Q2526255 +Q2903389 P102 Q29552 +Q243113 P106 Q43845 +Q539171 P101 Q184485 +Q313046 P69 Q238101 +Q191023 P106 Q6625963 +Q233 P463 Q7809 +Q220780 P840 Q8652 +Q71018 P20 Q2079 +Q213642 P1412 Q188 +Q408 P530 Q854 +Q433683 P106 Q33999 +Q710121 P106 Q18814623 +Q43 P530 Q817 +Q78824 P102 Q379922 +Q268905 P495 Q145 +Q551129 P108 Q34433 +Q215637 P106 Q37226 +Q381104 P106 Q4853732 +Q57410 P69 Q49210 +Q84698 P69 Q152087 +Q338623 P509 Q212961 +Q240788 P69 Q273523 +Q1625 P463 Q3394637 +Q151523 P19 Q1781 +Q983686 P1303 Q6607 +Q386053 P1412 Q1860 +Q1686370 P106 Q855091 +Q436790 P102 Q29552 +Q498390 P106 Q639669 +Q65857 P27 Q224 +Q920857 P102 Q29468 +Q15981 P69 Q55044 +Q365670 P136 Q235858 +Q392662 P161 Q228931 +Q1353559 P2348 Q6927 +Q169065 P102 Q727724 +Q142 P530 Q794 +Q319934 P106 Q82955 +Q41142 P106 Q18814623 +Q1346192 P20 Q18094 +Q67881 P106 Q10800557 +Q263930 P136 Q130232 +Q710026 P19 Q641 +Q962710 P1412 Q7737 +Q927879 P108 Q999763 +Q357762 P106 Q33999 +Q186123 P69 Q13371 +Q174037 P102 Q29468 +Q670277 P20 Q60 +Q164957 P106 Q1930187 +Q429348 P106 Q36834 +Q204590 P106 Q10798782 +Q963142 P27 Q30 +Q630446 P106 Q43845 +Q82934 P106 Q188094 +Q158175 P106 Q2252262 +Q32681 P140 Q9592 +Q159481 P463 Q684415 +Q87375 P1303 Q17172850 +Q313788 P106 Q19204627 +Q1827266 P106 Q1415090 +Q211987 P172 Q678551 +Q31959 P136 Q8341 +Q215636 P27 Q183 +Q310217 P1412 Q1860 +Q194142 P840 Q65 +Q190145 P161 Q76478 +Q42930 P106 Q2405480 +Q216070 P106 Q5322166 +Q92766 P19 Q18419 +Q93872 P463 Q812155 +Q320178 P106 Q10798782 +Q436503 P106 Q245068 +Q4289338 P27 Q34266 +Q103527 P102 Q49768 +Q34091 P463 Q3308284 +Q7302 P1303 Q281460 +Q717204 P106 Q4220892 +Q954 P530 Q183 +Q317521 P69 Q49117 +Q778 P37 Q1860 +Q224069 P161 Q435475 +Q99612 P108 Q152087 +Q316629 P106 Q2405480 +Q170371 P106 Q49757 +Q152929 P264 Q203059 +Q256884 P106 Q33999 +Q540166 P1412 Q1860 +Q75860 P463 Q253439 +Q1064 P106 Q36180 +Q192073 P161 Q229291 +Q2599 P26 Q228899 +Q193710 P172 Q49085 +Q83297 P106 Q1622272 +Q278551 P106 Q20198542 +Q164784 P463 Q188771 +Q1260 P27 Q40 +Q139223 P106 Q16145150 +Q236112 P106 Q639669 +Q108398 P102 Q689018 +Q45 P530 Q1029 +Q337578 P27 Q30 +Q333632 P106 Q36834 +Q11812 P106 Q193391 +Q270669 P1303 Q17172850 +Q186799 P161 Q198684 +Q310170 P106 Q753110 +Q928 P530 Q902 +Q11703496 P641 Q36908 +Q515904 P106 Q2526255 +Q310048 P463 Q463281 +Q67436 P106 Q482980 +Q6969 P136 Q37073 +Q14278 P69 Q691283 +Q231270 P106 Q482980 +Q41076 P1303 Q17172850 +Q375351 P1412 Q150 +Q201579 P106 Q18844224 +Q101494 P463 Q459620 +Q92933 P108 Q4614 +Q269526 P27 Q30 +Q313138 P19 Q25395 +Q77111 P106 Q189290 +Q142292 P161 Q193668 +Q236253 P106 Q10798782 +Q247733 P495 Q30 +Q183031 P106 Q245068 +Q501 P737 Q183713 +Q270730 P106 Q3282637 +Q106795 P106 Q49757 +Q353788 P106 Q1028181 +Q327312 P161 Q224159 +Q57372 P69 Q50662 +Q233736 P106 Q488205 +Q187165 P1412 Q1860 +Q202982 P495 Q408 +Q349420 P172 Q49085 +Q113818 P19 Q1741 +Q76772 P108 Q152087 +Q369957 P106 Q4964182 +Q207640 P172 Q1075293 +Q92636 P106 Q169470 +Q55198 P27 Q15180 +Q3133221 P69 Q219615 +Q217619 P108 Q21578 +Q1906150 P106 Q1281618 +Q43259 P264 Q231694 +Q1353962 P27 Q30 +Q43189 P1303 Q6607 +Q60586 P463 Q83172 +Q13014 P1412 Q143 +Q220308 P106 Q2526255 +Q189564 P1412 Q150 +Q230473 P106 Q10798782 +Q189869 P106 Q1930187 +Q231690 P106 Q4964182 +Q249841 P1412 Q652 +Q765 P463 Q1371509 +Q362500 P106 Q2526255 +Q3499732 P161 Q193668 +Q97027 P106 Q482980 +Q76686 P463 Q4345832 +Q885 P27 Q36 +Q223992 P106 Q10800557 +Q297693 P106 Q177220 +Q56094 P69 Q174710 +Q129037 P161 Q223281 +Q53191106 P3373 Q18118088 +Q462149 P495 Q29 +Q78031 P106 Q2259451 +Q1072969 P106 Q15295720 +Q1978533 P20 Q174 +Q435437 P106 Q33999 +Q133720 P106 Q806349 +Q1254 P509 Q12136 +Q132537 P463 Q463303 +Q76358 P27 Q41304 +Q70396 P140 Q7066 +Q44747 P1412 Q188 +Q151820 P27 Q142 +Q259807 P161 Q229187 +Q1005 P463 Q384535 +Q233054 P106 Q10800557 +Q719623 P69 Q216273 +Q295120 P136 Q241662 +Q109232 P551 Q462799 +Q319129 P106 Q189290 +Q274227 P106 Q2722764 +Q622636 P264 Q1392321 +Q62126 P20 Q3806 +Q256164 P136 Q17013749 +Q60884 P463 Q459620 +Q386394 P119 Q996499 +Q2582 P102 Q49762 +Q323463 P106 Q177220 +Q4401409 P136 Q5967378 +Q722876 P136 Q241662 +Q1348831 P106 Q183945 +Q493333 P264 Q664167 +Q65504 P106 Q36180 +Q1349827 P106 Q855091 +Q40826 P737 Q46405 +Q729117 P69 Q230492 +Q15180 P530 Q769 +Q668 P530 Q252 +Q182725 P136 Q180268 +Q237194 P19 Q342803 +Q106514 P3373 Q258854 +Q863 P530 Q399 +Q1295 P17 Q183 +Q57619 P69 Q206702 +Q224754 P106 Q2405480 +Q310113 P106 Q33999 +Q269683 P27 Q15180 +Q148 P530 Q1039 +Q139602 P106 Q2526255 +Q263772 P1303 Q6607 +Q173714 P106 Q1622272 +Q333106 P136 Q35760 +Q1886750 P69 Q1068752 +Q192331 P140 Q7066 +Q4808641 P106 Q3282637 +Q231948 P27 Q28 +Q314972 P69 Q859363 +Q207359 P737 Q9358 +Q131259 P136 Q9730 +Q304874 P108 Q217741 +Q92183 P106 Q82955 +Q712 P463 Q233611 +Q2260923 P106 Q270389 +Q73951 P69 Q50662 +Q295919 P509 Q2140674 +Q91417 P69 Q55044 +Q311802 P19 Q87 +Q1370605 P106 Q488205 +Q124296 P106 Q1622272 +Q315087 P69 Q309350 +Q34460 P106 Q177220 +Q532279 P1412 Q1860 +Q127437 P106 Q36180 +Q435780 P1303 Q6607 +Q294723 P1412 Q1860 +Q256037 P161 Q313650 +Q451483 P106 Q947873 +Q684105 P1303 Q17172850 +Q148 P530 Q34 +Q47296 P136 Q2484376 +Q273876 P27 Q30 +Q147989 P1412 Q1321 +Q110872 P108 Q158158 +Q57848 P1412 Q188 +Q241392 P106 Q34074720 +Q434694 P106 Q33999 +Q76310 P136 Q132311 +Q200228 P106 Q10800557 +Q291228 P106 Q2526255 +Q367073 P119 Q1437214 +Q304074 P136 Q586250 +Q3259416 P27 Q172579 +Q453288 P1412 Q188 +Q80405 P551 Q60 +Q465511 P27 Q30 +Q239838 P136 Q1062400 +Q129817 P106 Q177220 +Q318736 P463 Q11993457 +Q61594 P106 Q1281618 +Q217627 P136 Q52162262 +Q171530 P106 Q488205 +Q433144 P106 Q10732476 +Q134456 P106 Q10800557 +Q444486 P106 Q4263842 +Q187414 P161 Q81489 +Q86203 P106 Q1607826 +Q190089 P20 Q365 +Q75995 P140 Q9592 +Q23685 P106 Q81096 +Q362687 P106 Q639669 +Q380787 P106 Q4263842 +Q71419 P102 Q49755 +Q53939 P106 Q155647 +Q105993 P136 Q959790 +Q6050 P1412 Q150 +Q176668 P106 Q3282637 +Q83233 P463 Q161806 +Q298532 P1412 Q9292 +Q124287 P1412 Q387066 +Q62377 P106 Q43845 +Q24348 P1412 Q7737 +Q435290 P463 Q920266 +Q84266 P27 Q40 +Q447592 P69 Q391028 +Q214014 P161 Q434003 +Q4779433 P17 Q16 +Q223985 P1303 Q17172850 +Q258750 P1303 Q17172850 +Q438402 P1412 Q7737 +Q193710 P1303 Q5994 +Q107957 P19 Q1345 +Q438161 P27 Q408 +Q503917 P106 Q876864 +Q181727 P140 Q33203 +Q388785 P106 Q486748 +Q229975 P1412 Q1860 +Q517 P106 Q189290 +Q152352 P106 Q49757 +Q403 P530 Q40 +Q191598 P106 Q14467526 +Q316844 P106 Q28389 +Q128126 P737 Q9235 +Q357645 P106 Q36834 +Q84423 P106 Q2516852 +Q66628 P106 Q16533 +Q76943 P106 Q33999 +Q1058124 P106 Q488205 +Q249288 P136 Q157443 +Q9049 P463 Q94301 +Q311169 P106 Q10800557 +Q63556 P106 Q486748 +Q43416 P1412 Q1860 +Q150851 P27 Q30 +Q1733 P17 Q7318 +Q1176607 P106 Q10798782 +Q522679 P136 Q482 +Q266179 P1412 Q1860 +Q507864 P106 Q486748 +Q1362223 P27 Q846 +Q443892 P136 Q37073 +Q21088 P106 Q486748 +Q93835 P136 Q9730 +Q60070 P737 Q35802 +Q1886750 P106 Q488205 +Q920857 P1412 Q1860 +Q123283 P20 Q78 +Q363518 P106 Q33999 +Q854 P530 Q114 +Q513615 P106 Q482980 +Q57257 P20 Q1720 +Q63228 P106 Q177220 +Q699597 P106 Q1622272 +Q129037 P136 Q52162262 +Q183 P463 Q842490 +Q220883 P27 Q30 +Q332368 P840 Q90 +Q268262 P69 Q174158 +Q193048 P106 Q3387717 +Q166023 P106 Q82955 +Q544135 P106 Q169470 +Q38 P530 Q159 +Q92637 P106 Q81096 +Q171363 P551 Q30 +Q35648 P106 Q372436 +Q362681 P106 Q15981151 +Q379580 P1412 Q1860 +Q790 P463 Q7825 +Q383821 P106 Q10798782 +Q36844 P136 Q316930 +Q290091 P106 Q33999 +Q42156 P69 Q209842 +Q26378 P106 Q33999 +Q190998 P3373 Q357762 +Q311476 P106 Q1930187 +Q507075 P106 Q16533 +Q55800 P106 Q15472169 +Q1439592 P463 Q127992 +Q44845 P19 Q1040 +Q335087 P106 Q11774202 +Q242914 P101 Q207628 +Q700323 P136 Q49084 +Q229139 P136 Q37073 +Q287099 P27 Q15180 +Q1341315 P106 Q11900058 +Q102852 P463 Q459620 +Q77876 P140 Q9592 +Q128126 P106 Q1231865 +Q1378199 P106 Q177220 +Q260026 P509 Q12078 +Q3520383 P495 Q801 +Q358538 P172 Q49085 +Q888666 P106 Q806349 +Q190220 P106 Q214917 +Q177610 P463 Q265058 +Q105466 P106 Q10800557 +Q1049 P530 Q145 +Q94701 P463 Q684415 +Q50764 P119 Q272208 +Q291183 P551 Q185582 +Q372311 P1412 Q1860 +Q325575 P161 Q310944 +Q246303 P69 Q168756 +Q735283 P108 Q219317 +Q65337 P69 Q152838 +Q219772 P101 Q207628 +Q734 P463 Q7809 +Q78494 P172 Q7325 +Q231942 P106 Q753110 +Q747 P463 Q161806 +Q12706 P27 Q15180 +Q79078 P19 Q13298 +Q123174 P106 Q177220 +Q707352 P106 Q12800682 +Q159 P530 Q574 +Q72832 P136 Q37073 +Q935369 P136 Q484641 +Q157204 P106 Q201788 +Q58062 P106 Q1225716 +Q403 P530 Q252 +Q151164 P1412 Q150 +Q115901 P69 Q152087 +Q229264 P106 Q170790 +Q216013 P106 Q864380 +Q61197 P20 Q64 +Q162035 P106 Q5716684 +Q64091 P69 Q83172 +Q169946 P106 Q33999 +Q62809 P27 Q15180 +Q105598 P161 Q435124 +Q480037 P102 Q641691 +Q1677606 P106 Q81096 +Q130447 P106 Q10800557 +Q167546 P106 Q36834 +Q61584 P106 Q639669 +Q168468 P106 Q170790 +Q236056 P106 Q33999 +Q235744 P509 Q12078 +Q19405 P161 Q234890 +Q117101 P140 Q1062789 +Q175571 P509 Q128581 +Q380252 P108 Q4129798 +Q298352 P106 Q28389 +Q264989 P106 Q753110 +Q4834218 P106 Q947873 +Q42786 P509 Q188874 +Q73195 P106 Q10798782 +Q55468 P106 Q36180 +Q5372719 P106 Q11569986 +Q236943 P106 Q177220 +Q235053 P19 Q16555 +Q710282 P106 Q488205 +Q181451 P106 Q1930187 +Q920167 P106 Q158852 +Q76197 P102 Q328195 +Q190772 P101 Q395 +Q349312 P106 Q10800557 +Q318263 P1050 Q11085 +Q221104 P161 Q107730 +Q320052 P106 Q33999 +Q888671 P1303 Q8350 +Q193018 P106 Q4853732 +Q510190 P106 Q169470 +Q255335 P19 Q6346 +Q63176 P27 Q183 +Q314424 P106 Q177220 +Q113480 P172 Q7325 +Q733850 P1412 Q7976 +Q286475 P106 Q1930187 +Q221020 P495 Q28 +Q105387 P161 Q106706 +Q1386031 P106 Q774306 +Q362824 P1412 Q1860 +Q551129 P106 Q170790 +Q80321 P106 Q14467526 +Q195333 P106 Q33999 +Q242132 P106 Q970153 +Q181659 P463 Q1938003 +Q214481 P106 Q193391 +Q215 P530 Q408 +Q59185 P106 Q639669 +Q553959 P27 Q34266 +Q263696 P106 Q36180 +Q711509 P69 Q202660 +Q516786 P27 Q30 +Q730261 P106 Q639669 +Q87542 P19 Q1055 +Q235020 P19 Q47265 +Q311760 P108 Q81162 +Q667841 P106 Q169470 +Q6691 P106 Q482980 +Q403362 P106 Q10732476 +Q261588 P119 Q281859 +Q282199 P161 Q362559 +Q96 P463 Q190008 +Q148 P463 Q37470 +Q202801 P106 Q33999 +Q518101 P37 Q188 +Q543443 P20 Q60 +Q110916 P19 Q1490 +Q62977 P20 Q138518 +Q6210809 P737 Q164797 +Q34743 P106 Q1930187 +Q167265 P161 Q106529 +Q327685 P161 Q235511 +Q93070 P463 Q270794 +Q191132 P27 Q30 +Q1512152 P106 Q3391743 +Q504006 P106 Q4263842 +Q275967 P551 Q65 +Q261601 P136 Q959790 +Q113480 P20 Q908 +Q4066893 P27 Q142 +Q62986 P106 Q4773904 +Q84 P17 Q2277 +Q578031 P136 Q24925 +Q294225 P1412 Q1321 +Q140181 P106 Q10798782 +Q966349 P102 Q187009 +Q653496 P1412 Q5146 +Q142 P530 Q36 +Q981785 P19 Q25287 +Q33946 P530 Q20 +Q6701 P106 Q14467526 +Q44024 P27 Q79 +Q304675 P136 Q11401 +Q76490 P106 Q28389 +Q115674 P106 Q18844224 +Q47007 P20 Q406 +Q230943 P1412 Q1860 +Q42037 P27 Q1027 +Q183 P463 Q41984 +Q327303 P69 Q31519 +Q239240 P106 Q33999 +Q110709 P106 Q82955 +Q356375 P106 Q2059704 +Q168356 P106 Q214917 +Q13003 P509 Q12202 +Q385471 P17 Q145 +Q430535 P136 Q130232 +Q312720 P69 Q168756 +Q48280 P264 Q2733913 +Q10133 P20 Q2277 +Q4894155 P108 Q219694 +Q380848 P136 Q645928 +Q940686 P106 Q10800557 +Q123825 P463 Q414110 +Q123062 P106 Q36180 +Q107194 P19 Q64 +Q13129708 P1412 Q9309 +Q55174 P27 Q30 +Q322760 P20 Q1297 +Q680881 P119 Q188856 +Q165392 P161 Q235572 +Q518850 P19 Q84 +Q186525 P69 Q160302 +Q35 P530 Q16 +Q80046 P27 Q258 +Q448404 P172 Q49085 +Q302491 P106 Q3282637 +Q214344 P172 Q86630688 +Q741605 P463 Q463303 +Q28 P530 Q403 +Q60847 P463 Q123885 +Q77755 P101 Q2732142 +Q181 P106 Q8246794 +Q755 P106 Q8178443 +Q202314 P264 Q183412 +Q59931 P840 Q1408 +Q720208 P264 Q557632 +Q367094 P106 Q36834 +Q592504 P119 Q1457437 +Q255070 P106 Q2259451 +Q267186 P1412 Q1860 +Q76422 P69 Q152087 +Q229535 P69 Q459506 +Q169946 P27 Q30 +Q91640 P106 Q36180 +Q28930 P27 Q419 +Q467737 P106 Q177220 +Q235931 P1050 Q41571 +Q215637 P20 Q649 +Q530109 P1303 Q17172850 +Q468452 P106 Q43845 +Q188648 P106 Q486748 +Q284386 P19 Q60 +Q233801 P106 Q1053574 +Q715787 P20 Q61 +Q295781 P172 Q44806 +Q80222 P463 Q117467 +Q219315 P161 Q79031 +Q125354 P106 Q33999 +Q379941 P106 Q201788 +Q106208 P463 Q188771 +Q318249 P1412 Q1860 +Q302835 P106 Q39631 +Q472270 P119 Q272208 +Q158765 P106 Q1350189 +Q224650 P106 Q639669 +Q219150 P161 Q229112 +Q719010 P20 Q48958 +Q965 P530 Q183 +Q62354 P1412 Q150 +Q156268 P69 Q83259 +Q128799 P106 Q36180 +Q34 P463 Q42262 +Q154556 P69 Q152171 +Q21088 P106 Q3922505 +Q929665 P106 Q49757 +Q83321 P19 Q641 +Q38 P530 Q37 +Q19199 P136 Q325504 +Q1403698 P1412 Q7026 +Q211280 P1412 Q1860 +Q4559180 P106 Q82955 +Q205707 P69 Q599316 +Q114 P37 Q1860 +Q44414 P106 Q36834 +Q128746 P172 Q7325 +Q466115 P106 Q82955 +Q267217 P106 Q10798782 +Q40640 P737 Q47152 +Q128995 P27 Q174193 +Q572608 P106 Q33999 +Q110203 P136 Q130232 +Q214357 P19 Q1715 +Q511046 P106 Q201788 +Q231171 P1412 Q150 +Q982535 P69 Q593321 +Q114450 P69 Q841581 +Q100718 P27 Q183 +Q110042 P2348 Q6927 +Q160627 P106 Q2374149 +Q123916 P19 Q71 +Q441267 P19 Q641 +Q155907 P463 Q684415 +Q272203 P19 Q10686 +Q230591 P69 Q49210 +Q1029 P530 Q33 +Q61310 P463 Q83172 +Q20127 P119 Q1497554 +Q121060 P19 Q84 +Q189186 P140 Q9268 +Q1973878 P551 Q49202 +Q9364 P106 Q11774202 +Q238 P530 Q403 +Q263772 P1303 Q17172850 +Q229940 P1412 Q1860 +Q354033 P1412 Q1860 +Q224 P463 Q3866537 +Q334780 P840 Q99 +Q46551 P136 Q1200678 +Q227 P463 Q8475 +Q485310 P106 Q15855449 +Q224 P463 Q17495 +Q539458 P106 Q1930187 +Q202461 P1412 Q1860 +Q14747 P509 Q47912 +Q358188 P27 Q30 +Q58077 P1412 Q1860 +Q134180 P106 Q214917 +Q940617 P1412 Q1321 +Q355009 P19 Q2966 +Q1282956 P1303 Q6607 +Q65337 P106 Q36180 +Q2831 P106 Q28389 +Q357974 P264 Q202440 +Q364868 P108 Q49110 +Q237809 P69 Q49114 +Q36965 P106 Q47064 +Q2901987 P102 Q187009 +Q180636 P20 Q649 +Q519273 P106 Q639669 +Q1716611 P106 Q36834 +Q309835 P27 Q30 +Q96577 P106 Q3400985 +Q642817 P108 Q13371 +Q283408 P106 Q36180 +Q978389 P27 Q96 +Q165706 P108 Q215539 +Q151976 P106 Q753110 +Q377725 P20 Q90 +Q78553 P463 Q329464 +Q2492691 P106 Q17167049 +Q2794265 P27 Q30 +Q72717 P19 Q16869 +Q319523 P106 Q1930187 +Q1701970 P106 Q639669 +Q204586 P106 Q33999 +Q262091 P106 Q10800557 +Q437710 P26 Q3312950 +Q440731 P106 Q1930187 +Q354863 P106 Q2526255 +Q1783775 P27 Q30 +Q313077 P737 Q170509 +Q961981 P27 Q12560 +Q179497 P27 Q30 +Q11637 P27 Q30 +Q822630 P172 Q7325 +Q269809 P1303 Q17172850 +Q219237 P136 Q316930 +Q269683 P106 Q10800557 +Q636637 P106 Q201788 +Q56016 P27 Q30 +Q2895 P463 Q7809 +Q555 P106 Q1930187 +Q69281 P27 Q30 +Q103637 P1412 Q188 +Q723826 P106 Q36834 +Q213565 P19 Q586 +Q230456 P1412 Q150 +Q232282 P19 Q12439 +Q1028 P463 Q17495 +Q108619 P463 Q812155 +Q123334 P106 Q82955 +Q2929654 P106 Q483501 +Q200586 P106 Q177220 +Q207898 P106 Q177220 +Q970 P463 Q340195 +Q291170 P161 Q223110 +Q66987 P106 Q1622272 +Q982677 P1412 Q1860 +Q424 P463 Q188822 +Q2518 P106 Q1238570 +Q110073 P20 Q484678 +Q184226 P135 Q35277 +Q272007 P1412 Q1860 +Q155845 P69 Q170027 +Q282882 P463 Q161806 +Q372278 P106 Q855091 +Q506582 P106 Q49757 +Q380407 P106 Q1930187 +Q1885893 P106 Q16533 +Q103474 P840 Q15 +Q217298 P106 Q245068 +Q151921 P161 Q189351 +Q271981 P136 Q11399 +Q330824 P27 Q142 +Q219373 P106 Q2405480 +Q1138600 P106 Q753110 +Q285330 P19 Q649 +Q440731 P106 Q627325 +Q313814 P1412 Q1860 +Q1001 P106 Q11774202 +Q675 P172 Q121842 +Q967 P37 Q150 +Q3893579 P106 Q36180 +Q110073 P27 Q16 +Q96196 P106 Q81096 +Q58033 P106 Q3068305 +Q193146 P106 Q2526255 +Q239652 P1303 Q17172850 +Q450796 P1412 Q1860 +Q109063 P264 Q183387 +Q253566 P136 Q2421031 +Q3711 P17 Q241748 +Q115694 P463 Q188771 +Q180819 P106 Q4964182 +Q182345 P27 Q183 +Q115683 P20 Q60 +Q127606 P106 Q201788 +Q401773 P69 Q27621 +Q12807 P27 Q172579 +Q48053 P27 Q34266 +Q44461 P108 Q34433 +Q164396 P27 Q34266 +Q272031 P106 Q486748 +Q1260 P172 Q237534 +Q102071 P20 Q1757 +Q155700 P264 Q27184 +Q166344 P106 Q36834 +Q424 P530 Q408 +Q23696 P106 Q11063 +Q73993 P106 Q188094 +Q200355 P106 Q10800557 +Q264730 P20 Q11299 +Q318412 P1050 Q11081 +Q952737 P27 Q29 +Q8011 P106 Q169470 +Q57074 P106 Q333634 +Q71242 P1412 Q188 +Q2793815 P106 Q222344 +Q187561 P161 Q41548 +Q193815 P27 Q16 +Q314812 P69 Q4614 +Q677706 P19 Q44989 +Q15462 P20 Q84 +Q82083 P20 Q220 +Q1280986 P20 Q65 +Q261465 P106 Q214917 +Q242351 P136 Q8261 +Q161933 P106 Q28389 +Q313281 P27 Q142 +Q414 P530 Q928 +Q1093404 P19 Q16563 +Q63338 P108 Q151510 +Q76409 P106 Q28389 +Q215730 P106 Q1622272 +Q555324 P106 Q28389 +Q61708 P69 Q20266330 +Q342778 P106 Q36834 +Q1030 P530 Q963 +Q505517 P264 Q231694 +Q30896 P101 Q207628 +Q2599 P463 Q463303 +Q90787 P509 Q12204 +Q312628 P106 Q82955 +Q112081 P27 Q243610 +Q189226 P27 Q30 +Q354250 P509 Q178275 +Q103835 P27 Q30 +Q84614 P463 Q150793 +Q266209 P136 Q1200678 +Q70618 P1412 Q188 +Q973488 P463 Q939743 +Q1060395 P108 Q209344 +Q18391 P27 Q218 +Q82083 P509 Q12204 +Q1973856 P136 Q8341 +Q1608224 P19 Q37320 +Q90520 P20 Q586 +Q327542 P19 Q60 +Q224097 P1412 Q1860 +Q283408 P27 Q15180 +Q186327 P106 Q1930187 +Q70083 P1412 Q809 +Q61922 P69 Q154804 +Q76329 P27 Q1206012 +Q236066 P106 Q10798782 +Q207380 P20 Q84 +Q437289 P27 Q414 +Q77788 P20 Q1055 +Q67409 P463 Q684415 +Q3048 P136 Q35760 +Q61227 P106 Q82955 +Q311672 P106 Q855091 +Q51570 P106 Q3387717 +Q283696 P161 Q173637 +Q196472 P108 Q131262 +Q2496057 P106 Q82955 +Q128799 P106 Q639669 +Q1001250 P106 Q2722764 +Q1378199 P136 Q211573 +Q4074458 P1412 Q1860 +Q606125 P106 Q183945 +Q963626 P106 Q36834 +Q80557 P136 Q52162262 +Q506288 P27 Q30 +Q449575 P1412 Q1860 +Q165219 P106 Q28389 +Q234721 P1412 Q1860 +Q2634 P17 Q38 +Q165421 P106 Q4610556 +Q94370 P102 Q179111 +Q1077554 P106 Q3391743 +Q43 P463 Q340195 +Q427386 P161 Q43203 +Q92649 P20 Q60 +Q154817 P161 Q69105 +Q93853 P161 Q359996 +Q114450 P106 Q36180 +Q778673 P749 Q21077 +Q254524 P172 Q1026 +Q76525 P108 Q149481 +Q238 P463 Q8908 +Q1511 P463 Q1541450 +Q66475 P1412 Q397 +Q817 P530 Q403 +Q23434 P737 Q1512 +Q155860 P509 Q12152 +Q1380398 P19 Q11299 +Q234807 P1412 Q1321 +Q61677 P106 Q4610556 +Q144929 P136 Q1054574 +Q234141 P136 Q21590660 +Q306 P106 Q82955 +Q796 P530 Q858 +Q229766 P106 Q2259451 +Q1973856 P27 Q159 +Q216927 P136 Q11366 +Q260099 P106 Q10798782 +Q109540 P69 Q157808 +Q191819 P1412 Q1860 +Q96665 P106 Q2310145 +Q228244 P161 Q162492 +Q112263 P106 Q164236 +Q558582 P106 Q55960555 +Q213706 P106 Q3665646 +Q801 P530 Q17 +Q884172 P264 Q885977 +Q93614 P136 Q482 +Q517682 P106 Q28389 +Q354010 P106 Q3282637 +Q974023 P106 Q1086863 +Q1167005 P106 Q33999 +Q129288 P136 Q157443 +Q41223 P69 Q155354 +Q266027 P161 Q230993 +Q103569 P136 Q182015 +Q380634 P106 Q2252262 +Q9358 P172 Q42884 +Q204590 P106 Q3282637 +Q164721 P136 Q235858 +Q729661 P19 Q12439 +Q37030 P20 Q72 +Q36844 P106 Q193391 +Q277551 P136 Q1298934 +Q196665 P161 Q348738 +Q2622688 P172 Q49542 +Q470841 P27 Q148 +Q92819 P106 Q1622272 +Q1093318 P27 Q214 +Q84199 P106 Q36180 +Q729117 P106 Q1930187 +Q826 P530 Q148 +Q233085 P106 Q177220 +Q504061 P106 Q82955 +Q152165 P106 Q10800557 +Q28 P530 Q30 +Q91417 P27 Q30 +Q257182 P1303 Q17172850 +Q462579 P463 Q161806 +Q356303 P106 Q10800557 +Q883730 P19 Q1748 +Q178100 P463 Q1468277 +Q86602 P1412 Q188 +Q43697 P1412 Q1321 +Q241660 P27 Q30 +Q547373 P106 Q1415090 +Q333475 P106 Q1930187 +Q584850 P106 Q14467526 +Q36233 P19 Q1085 +Q387814 P106 Q2405480 +Q347635 P106 Q33999 +Q186327 P106 Q1350157 +Q4941 P840 Q84 +Q435290 P106 Q81096 +Q237420 P106 Q3282637 +Q234551 P27 Q30 +Q380904 P106 Q33999 +Q1225 P106 Q639669 +Q1353962 P106 Q177220 +Q76534 P1412 Q1860 +Q81685 P106 Q49757 +Q311145 P737 Q535 +Q606389 P106 Q333634 +Q266959 P20 Q1297 +Q125488 P463 Q543804 +Q230456 P27 Q142 +Q40912 P106 Q3282637 +Q311145 P737 Q177847 +Q156898 P1412 Q188 +Q35 P463 Q3866537 +Q1364884 P106 Q19350898 +Q333653 P106 Q28389 +Q5603 P20 Q60 +Q236599 P106 Q18814623 +Q171861 P495 Q31 +Q959153 P106 Q177220 +Q237527 P106 Q753110 +Q1292344 P27 Q30 +Q232000 P136 Q663106 +Q185696 P1412 Q1860 +Q1374080 P106 Q205375 +Q34970 P27 Q145 +Q40 P530 Q221 +Q156394 P495 Q30 +Q38875 P106 Q33999 +Q299790 P106 Q33999 +Q77438 P1412 Q188 +Q272977 P3373 Q715404 +Q807398 P106 Q488205 +Q276523 P161 Q61112 +Q232009 P161 Q111230 +Q163872 P161 Q45772 +Q207416 P106 Q250867 +Q896660 P106 Q1622272 +Q126693 P119 Q311 +Q93868 P161 Q532169 +Q1545284 P106 Q183945 +Q33031 P106 Q185351 +Q171834 P102 Q815348 +Q211831 P69 Q385471 +Q241482 P161 Q236527 +Q512741 P106 Q36180 +Q322730 P106 Q1622272 +Q562556 P106 Q18844224 +Q213662 P463 Q329464 +Q236217 P161 Q242526 +Q122370 P136 Q8261 +Q1382495 P19 Q18424 +Q73007 P1412 Q1860 +Q954 P463 Q899770 +Q2843357 P1412 Q13955 +Q215600 P106 Q16533 +Q86820 P102 Q161118 +Q106751 P69 Q168756 +Q723063 P1303 Q17172850 +Q110628 P69 Q1335573 +Q31637 P69 Q737835 +Q185507 P161 Q108941 +Q439314 P19 Q25287 +Q9364 P737 Q9061 +Q874828 P106 Q3282637 +Q162182 P136 Q188473 +Q721704 P106 Q901 +Q231886 P106 Q333634 +Q153657 P27 Q884 +Q438355 P106 Q18814623 +Q207482 P136 Q369747 +Q95447 P106 Q36180 +Q57266 P106 Q82955 +Q5686 P106 Q1930187 +Q561596 P106 Q639669 +Q2042 P106 Q82955 +Q704696 P19 Q189960 +Q5685 P136 Q49084 +Q157975 P161 Q67881 +Q336010 P106 Q3055126 +Q709751 P106 Q28389 +Q180395 P161 Q232301 +Q100028 P551 Q1726 +Q298761 P737 Q188176 +Q4428333 P102 Q151469 +Q60777 P19 Q1022 +Q127330 P136 Q2332751 +Q69392 P463 Q150793 +Q104561 P27 Q183 +Q153730 P172 Q7435494 +Q291239 P106 Q182436 +Q443343 P106 Q10798782 +Q358345 P106 Q28389 +Q64238 P136 Q1344 +Q4808641 P19 Q3616 +Q704931 P737 Q493 +Q727730 P106 Q10798782 +Q37876 P27 Q30 +Q115761 P27 Q39 +Q312280 P27 Q142 +Q1367152 P106 Q486748 +Q709790 P106 Q169470 +Q354873 P1412 Q1860 +Q170328 P27 Q142 +Q316872 P27 Q30 +Q2736087 P106 Q9352089 +Q105460 P136 Q37073 +Q242969 P19 Q2868 +Q60677 P1412 Q1860 +Q42831 P106 Q36180 +Q315826 P106 Q10800557 +Q4919786 P172 Q726673 +Q206112 P106 Q482980 +Q465881 P19 Q24826 +Q95259 P27 Q183 +Q110085 P106 Q36180 +Q203264 P1412 Q7737 +Q270786 P106 Q947873 +Q174210 P1412 Q150 +Q522618 P136 Q11401 +Q67597 P1412 Q188 +Q92183 P20 Q64 +Q1296812 P27 Q30 +Q43440 P172 Q50001 +Q951010 P106 Q36180 +Q64910 P108 Q43250 +Q125462 P106 Q82955 +Q206224 P136 Q1342372 +Q292081 P106 Q177220 +Q78833 P106 Q201788 +Q160560 P161 Q170510 +Q311145 P737 Q35802 +Q4536 P161 Q42869 +Q76683 P463 Q684415 +Q434715 P106 Q753110 +Q51010 P1412 Q652 +Q165524 P27 Q30 +Q59534 P135 Q377616 +Q44107 P737 Q315072 +Q329018 P27 Q30 +Q47667 P69 Q7691246 +Q78977 P19 Q1741 +Q865 P530 Q664 +Q2068521 P106 Q8246794 +Q707151 P19 Q1297 +Q709594 P106 Q855091 +Q313210 P106 Q42973 +Q214548 P106 Q13235160 +Q164908 P1412 Q9056 +Q266640 P106 Q947873 +Q449894 P463 Q468865 +Q55800 P1412 Q1860 +Q494412 P106 Q6606110 +Q164954 P172 Q8060 +Q212632 P69 Q4483556 +Q28936 P495 Q30 +Q323392 P136 Q853630 +Q108175 P106 Q81096 +Q214481 P102 Q29552 +Q712 P530 Q183 +Q234798 P106 Q10800557 +Q322056 P27 Q30 +Q108283 P106 Q28389 +Q2587669 P69 Q161562 +Q743642 P1303 Q17172850 +Q719010 P1412 Q150 +Q12950 P140 Q9592 +Q233739 P106 Q33999 +Q286690 P641 Q2736 +Q7407 P106 Q18814623 +Q19356 P495 Q183 +Q312483 P27 Q15180 +Q62746 P161 Q213574 +Q312480 P27 Q159 +Q75955 P102 Q49763 +Q717626 P106 Q177220 +Q1350509 P106 Q639669 +Q273978 P495 Q8646 +Q86260 P20 Q64 +Q295964 P106 Q3282637 +Q44517 P27 Q28513 +Q5749 P101 Q5891 +Q266080 P106 Q33999 +Q67672 P106 Q82955 +Q520001 P106 Q639669 +Q178517 P106 Q488205 +Q908 P17 Q34266 +Q95901 P27 Q183 +Q77 P530 Q794 +Q318938 P27 Q30 +Q294531 P69 Q5384959 +Q724517 P1303 Q128309 +Q438366 P1303 Q17172850 +Q343616 P106 Q10800557 +Q326114 P57 Q13595531 +Q471542 P136 Q7749 +Q118985 P161 Q4488 +Q65113 P27 Q183 +Q43203 P106 Q10798782 +Q282882 P102 Q1052584 +Q308681 P136 Q130232 +Q224754 P106 Q2259451 +Q728542 P20 Q60 +Q108602 P463 Q270794 +Q975084 P108 Q372608 +Q233736 P106 Q183945 +Q365474 P106 Q10798782 +Q1553197 P27 Q34266 +Q118982 P106 Q4964182 +Q92601 P19 Q60 +Q1033 P530 Q96 +Q180395 P57 Q328814 +Q47904 P463 Q218868 +Q713443 P106 Q28389 +Q974023 P140 Q5043 +Q78349 P69 Q152838 +Q213690 P106 Q864380 +Q262130 P106 Q1053574 +Q211136 P1412 Q1860 +Q919515 P27 Q30 +Q61347 P106 Q33999 +Q865 P530 Q826 +Q389466 P495 Q142 +Q333475 P509 Q181754 +Q185375 P20 Q649 +Q363698 P106 Q1415090 +Q1988375 P106 Q49757 +Q270303 P101 Q207628 +Q367927 P119 Q216344 +Q320849 P27 Q161885 +Q351290 P1412 Q1860 +Q270510 P161 Q95026 +Q80437 P136 Q130232 +Q964219 P509 Q12078 +Q1296 P17 Q142 +Q545476 P1412 Q5146 +Q61073 P27 Q183 +Q82032 P108 Q34433 +Q266816 P106 Q1622272 +Q129037 P495 Q30 +Q183297 P140 Q483654 +Q522050 P106 Q33999 +Q62188 P20 Q2966 +Q239522 P106 Q214917 +Q270123 P101 Q207628 +Q120905 P1412 Q188 +Q819 P463 Q191384 +Q1716 P264 Q203059 +Q983705 P106 Q15627169 +Q862412 P27 Q15180 +Q1013 P463 Q656801 +Q232592 P106 Q488205 +Q1439985 P136 Q8341 +Q188385 P135 Q971480 +Q846 P530 Q928 +Q389851 P463 Q414110 +Q438271 P106 Q2722764 +Q12769 P106 Q18814623 +Q141114 P1412 Q7737 +Q80440 P737 Q60128 +Q177288 P27 Q15180 +Q369900 P161 Q431874 +Q212730 P69 Q13371 +Q1382535 P106 Q36834 +Q226525 P106 Q49757 +Q221771 P1412 Q1860 +Q403 P530 Q664 +Q505274 P106 Q18844224 +Q313283 P106 Q10798782 +Q60113 P106 Q82955 +Q43444 P106 Q36180 +Q44862 P106 Q2259451 +Q155419 P102 Q316533 +Q95356 P40 Q95901 +Q81447 P3373 Q243419 +Q457856 P20 Q17042 +Q352233 P106 Q2405480 +Q48337 P106 Q10800557 +Q151972 P551 Q90 +Q271956 P108 Q13164 +Q419 P530 Q252 +Q85618 P1412 Q188 +Q123078 P1412 Q1860 +Q128297 P106 Q2865819 +Q213582 P106 Q12144794 +Q503068 P27 Q28513 +Q57379 P106 Q1622272 +Q235361 P101 Q35760 +Q75603 P106 Q1930187 +Q39975 P840 Q16559 +Q234610 P106 Q10800557 +Q254675 P27 Q34266 +Q45394 P161 Q313043 +Q39 P530 Q28 +Q57848 P102 Q179111 +Q45 P463 Q7825 +Q3161354 P106 Q81096 +Q361224 P106 Q1930187 +Q259254 P136 Q484641 +Q30449 P264 Q770103 +Q104081 P106 Q33999 +Q131374 P108 Q27621 +Q279648 P106 Q1930187 +Q184906 P106 Q49757 +Q553790 P264 Q193023 +Q211998 P106 Q33999 +Q354508 P106 Q1075651 +Q236250 P106 Q10800557 +Q56016 P101 Q10800557 +Q143286 P264 Q277626 +Q84445 P69 Q151510 +Q230 P463 Q5611262 +Q156309 P136 Q959790 +Q437484 P106 Q33999 +Q202029 P161 Q311613 +Q763897 P509 Q12192 +Q211136 P106 Q36834 +Q273079 P264 Q4883239 +Q60637 P463 Q459620 +Q1026532 P106 Q3282637 +Q513615 P27 Q29 +Q932694 P1412 Q150 +Q206534 P19 Q25395 +Q272031 P264 Q1123947 +Q62134 P106 Q333634 +Q204810 P106 Q49757 +Q133465 P27 Q131964 +Q2750257 P27 Q15180 +Q428668 P161 Q202144 +Q315756 P69 Q523926 +Q57242 P19 Q3955 +Q928 P530 Q801 +Q561670 P463 Q123885 +Q206374 P495 Q30 +Q312053 P106 Q639669 +Q550436 P1412 Q1860 +Q401645 P3373 Q2460829 +Q214602 P108 Q154804 +Q331277 P161 Q267359 +Q76442 P140 Q75809 +Q640096 P69 Q805285 +Q83630 P136 Q52162262 +Q270638 P106 Q947873 +Q166454 P264 Q1998195 +Q74667 P69 Q152087 +Q191480 P172 Q49542 +Q648366 P27 Q30 +Q999726 P19 Q1166 +Q95008 P69 Q1583249 +Q67449 P1412 Q188 +Q714030 P106 Q639669 +Q262576 P106 Q177220 +Q106175 P1412 Q1860 +Q137130 P161 Q203545 +Q526518 P509 Q12202 +Q228645 P136 Q37073 +Q100913 P106 Q33999 +Q282199 P161 Q310315 +Q435415 P106 Q322170 +Q935369 P136 Q11399 +Q1716 P106 Q36180 +Q213675 P106 Q36180 +Q62234 P108 Q156737 +Q266109 P1303 Q17172850 +Q332508 P463 Q684415 +Q76395 P27 Q142 +Q8573 P26 Q17132 +Q4077 P17 Q156199 +Q550778 P106 Q10798782 +Q132238 P27 Q183 +Q3104 P17 Q142 +Q971447 P19 Q42308 +Q102551 P106 Q189290 +Q43432 P106 Q639669 +Q183253 P20 Q840668 +Q164170 P106 Q1622272 +Q1803878 P20 Q43196 +Q155 P530 Q962 +Q60141 P106 Q36180 +Q237215 P495 Q30 +Q151972 P551 Q60 +Q164765 P106 Q214917 +Q126067 P463 Q700570 +Q26294 P106 Q486748 +Q4622 P106 Q1622272 +Q1386311 P27 Q30 +Q4391139 P463 Q1971373 +Q228624 P27 Q30 +Q132351 P136 Q21401869 +Q273568 P136 Q130232 +Q221957 P20 Q7473516 +Q657 P463 Q340195 +Q262576 P106 Q10798782 +Q4347990 P119 Q208175 +Q61674 P106 Q201788 +Q57218 P509 Q506616 +Q236946 P106 Q10798782 +Q173834 P106 Q17307272 +Q313042 P106 Q10800557 +Q280098 P27 Q30 +Q14277 P551 Q22889 +Q78006 P1303 Q17172850 +Q232079 P161 Q354031 +Q538676 P136 Q37073 +Q272942 P106 Q33999 +Q13426199 P463 Q37470 +Q242454 P136 Q183504 +Q449769 P69 Q31519 +Q38823 P119 Q3616 +Q469985 P27 Q41 +Q317095 P106 Q753110 +Q629216 P264 Q193023 +Q295502 P27 Q30 +Q208871 P106 Q12800682 +Q790 P530 Q142 +Q557948 P106 Q10800557 +Q157975 P495 Q40 +Q270126 P106 Q10800557 +Q325718 P106 Q2252262 +Q741058 P119 Q216344 +Q235503 P106 Q33999 +Q1939469 P106 Q753110 +Q309898 P1412 Q150 +Q79969 P119 Q1204 +Q40074 P161 Q382197 +Q152274 P106 Q1569495 +Q887948 P27 Q30 +Q60113 P106 Q372436 +Q8016 P106 Q1028181 +Q242903 P106 Q28389 +Q233854 P119 Q1625328 +Q90771 P136 Q112983 +Q1386188 P106 Q1281618 +Q57603 P106 Q4263842 +Q186924 P19 Q41621 +Q5104 P1303 Q17172850 +Q567 P551 Q64 +Q7439 P106 Q1650915 +Q216608 P40 Q270786 +Q70839 P463 Q684415 +Q443166 P106 Q128124 +Q216936 P106 Q183945 +Q29055 P106 Q245068 +Q544472 P106 Q333634 +Q192686 P495 Q145 +Q609151 P27 Q750 +Q356369 P69 Q1341516 +Q1041034 P106 Q2252262 +Q71242 P19 Q1726 +Q96665 P69 Q154804 +Q368613 P264 Q202585 +Q64151 P161 Q44063 +Q109063 P264 Q190585 +Q104123 P161 Q240774 +Q43746 P69 Q209842 +Q217182 P136 Q157443 +Q354241 P1412 Q7411 +Q205028 P57 Q295964 +Q237944 P106 Q5322166 +Q171421 P27 Q174193 +Q552529 P106 Q33999 +Q61940 P106 Q49757 +Q10308228 P69 Q219694 +Q976417 P102 Q29552 +Q78639 P1412 Q188 +Q123273 P463 Q1468277 +Q229018 P1303 Q17172850 +Q327914 P20 Q490 +Q89786 P1412 Q188 +Q85788 P19 Q1733 +Q1530794 P509 Q11081 +Q61282 P27 Q151624 +Q651763 P1412 Q150 +Q97028 P119 Q1497554 +Q33 P463 Q1480793 +Q239453 P106 Q4610556 +Q160071 P161 Q325020 +Q4590643 P19 Q585 +Q1347984 P136 Q37073 +Q238716 P463 Q270794 +Q318619 P106 Q158852 +Q59572 P136 Q2439025 +Q68225 P463 Q543804 +Q6714 P106 Q2599593 +Q1397375 P106 Q36180 +Q235077 P27 Q30 +Q440996 P106 Q49757 +Q272935 P106 Q2405480 +Q8556 P463 Q127992 +Q162045 P1303 Q8355 +Q38393 P106 Q36834 +Q32681 P1412 Q188 +Q346036 P106 Q639669 +Q129119 P264 Q21077 +Q244 P463 Q899770 +Q71402 P27 Q183 +Q316884 P136 Q8261 +Q78824 P106 Q1231865 +Q1020 P463 Q1065 +Q362089 P27 Q131964 +Q234558 P1303 Q17172850 +Q445302 P136 Q157443 +Q253978 P840 Q1384 +Q320190 P172 Q49085 +Q990492 P106 Q17167049 +Q1246 P530 Q30 +Q778 P463 Q5611262 +Q801 P530 Q37 +Q161687 P495 Q30 +Q59610 P161 Q382197 +Q319171 P136 Q22981906 +Q984353 P106 Q855091 +Q3301546 P1412 Q150 +Q267306 P106 Q33999 +Q34836 P140 Q33203 +Q317574 P106 Q10800557 +Q6714 P1412 Q188 +Q77682 P27 Q183 +Q84292 P106 Q1622272 +Q77825 P106 Q82955 +Q935407 P172 Q133255 +Q52627 P641 Q542 +Q219810 P161 Q29250 +Q138850 P463 Q253439 +Q373417 P119 Q608405 +Q213512 P69 Q15142 +Q1586454 P136 Q235858 +Q241800 P172 Q49085 +Q146673 P136 Q1200678 +Q164663 P161 Q181425 +Q236950 P136 Q858330 +Q152011 P161 Q318261 +Q556767 P69 Q3098911 +Q1809563 P509 Q189588 +Q892 P509 Q12192 +Q1393149 P106 Q36834 +Q62963 P102 Q49750 +Q557699 P463 Q1938003 +Q57242 P106 Q36180 +Q511471 P106 Q1930187 +Q213773 P161 Q40523 +Q184404 P106 Q15981151 +Q242796 P106 Q201788 +Q77418 P69 Q156725 +Q893667 P463 Q2370801 +Q90892 P1412 Q188 +Q194917 P106 Q947873 +Q443343 P19 Q40435 +Q67449 P106 Q36180 +Q178698 P106 Q36180 +Q11647 P136 Q487965 +Q590420 P106 Q2468727 +Q200883 P69 Q49115 +Q159 P530 Q28 +Q154367 P136 Q25379 +Q722738 P69 Q194223 +Q237324 P136 Q83440 +Q115694 P106 Q82955 +Q664 P463 Q45177 +Q41351 P101 Q1328508 +Q218503 P106 Q2405480 +Q737845 P27 Q222 +Q87293 P1412 Q188 +Q45275 P19 Q1741 +Q236613 P106 Q483501 +Q153243 P463 Q253439 +Q63458 P20 Q1040 +Q4089775 P27 Q159 +Q184750 P69 Q1377 +Q77851 P106 Q333634 +Q223741 P106 Q1053574 +Q192812 P27 Q16 +Q205456 P106 Q578109 +Q187423 P840 Q61 +Q1686156 P27 Q25 +Q221535 P136 Q11366 +Q172684 P106 Q6625963 +Q84238 P551 Q21 +Q714106 P106 Q1607826 +Q300566 P161 Q173158 +Q170250 P161 Q83338 +Q57218 P140 Q75809 +Q4636 P106 Q10798782 +Q543294 P69 Q1026827 +Q12735 P20 Q727 +Q203286 P106 Q43845 +Q254524 P106 Q36180 +Q442854 P19 Q60 +Q432940 P106 Q3282637 +Q729541 P509 Q12136 +Q106099 P1412 Q150 +Q162667 P27 Q30 +Q215 P463 Q458 +Q63035 P101 Q4932206 +Q507612 P106 Q488205 +Q182870 P27 Q30 +Q168862 P161 Q204299 +Q657167 P131 Q1726 +Q222 P463 Q81299 +Q75968 P140 Q9592 +Q221 P463 Q8908 +Q943298 P27 Q16 +Q202489 P1412 Q7411 +Q262 P463 Q8475 +Q70767 P106 Q1397808 +Q1394654 P106 Q177220 +Q67869663 P17 Q155 +Q271888 P106 Q639669 +Q270303 P106 Q177220 +Q213684 P551 Q40 +Q312720 P463 Q463281 +Q1281738 P106 Q1930187 +Q65932 P27 Q25 +Q105954 P1412 Q188 +Q331728 P106 Q18545066 +Q941984 P106 Q2259451 +Q308681 P161 Q103784 +Q237053 P19 Q61 +Q325389 P1412 Q1860 +Q70113 P27 Q7318 +Q867599 P136 Q206159 +Q92743 P463 Q1493021 +Q1500297 P106 Q177220 +Q171365 P161 Q177993 +Q51476 P1412 Q1860 +Q313789 P1412 Q1860 +Q196159 P106 Q10297252 +Q263696 P509 Q1368943 +Q129429 P1050 Q131755 +Q47755 P106 Q1930187 +Q271635 P106 Q10798782 +Q3101841 P106 Q43845 +Q106775 P27 Q27 +Q292539 P20 Q90 +Q230958 P1412 Q1860 +Q615896 P509 Q47912 +Q171582 P161 Q229042 +Q175457 P102 Q79854 +Q28480 P106 Q864380 +Q351732 P106 Q822146 +Q786 P530 Q230 +Q1909258 P106 Q855091 +Q217750 P136 Q8341 +Q152335 P1412 Q1860 +Q401182 P106 Q3282637 +Q922795 P27 Q298 +Q84842 P27 Q145 +Q436571 P20 Q3130 +Q61863 P463 Q414379 +Q67177 P106 Q1569495 +Q287309 P136 Q11399 +Q327436 P106 Q28389 +Q190386 P106 Q2259451 +Q444601 P1412 Q150 +Q69198 P463 Q18650004 +Q166355 P161 Q28152 +Q54945 P463 Q83172 +Q114819 P136 Q52162262 +Q46182 P106 Q1028181 +Q35 P530 Q252 +Q107420 P69 Q49115 +Q732513 P1050 Q12204 +Q233882 P106 Q2405480 +Q1210022 P106 Q10800557 +Q117185 P106 Q185351 +Q468452 P106 Q169470 +Q84150 P1412 Q1860 +Q158753 P1412 Q1321 +Q62763 P106 Q169470 +Q335142 P1412 Q7737 +Q1351751 P106 Q177220 +Q34933 P119 Q533697 +Q19526 P106 Q121594 +Q315542 P106 Q2306091 +Q500042 P106 Q28389 +Q1606016 P106 Q10732476 +Q68036 P106 Q6625963 +Q316528 P106 Q33999 +Q122701 P19 Q10686 +Q333632 P106 Q855091 +Q88050 P106 Q2516852 +Q38193 P737 Q9353 +Q134773 P161 Q180272 +Q499339 P106 Q1930187 +Q271385 P69 Q3072747 +Q536892 P106 Q386854 +Q1678197 P27 Q15180 +Q968026 P27 Q145 +Q254 P1412 Q150 +Q75539 P495 Q30 +Q76128 P1412 Q188 +Q278853 P140 Q432 +Q43723 P69 Q142740 +Q439198 P551 Q65 +Q83643 P136 Q37073 +Q251738 P106 Q205375 +Q112635 P161 Q352540 +Q777688 P1412 Q9288 +Q309289 P161 Q180338 +Q232298 P106 Q3282637 +Q526970 P264 Q203059 +Q220584 P106 Q36180 +Q232197 P136 Q37073 +Q678840 P19 Q220 +Q57218 P106 Q82955 +Q504083 P20 Q649 +Q161842 P106 Q121594 +Q369900 P495 Q30 +Q556765 P1412 Q9043 +Q153243 P106 Q593644 +Q12857 P106 Q82594 +Q61962 P1412 Q397 +Q403 P463 Q5611262 +Q48047 P102 Q79854 +Q213778 P106 Q1622272 +Q179497 P106 Q28389 +Q1157870 P106 Q488205 +Q773804 P106 Q177220 +Q184267 P20 Q649 +Q266676 P106 Q177220 +Q311804 P106 Q3282637 +Q317343 P551 Q65 +Q3662078 P463 Q123885 +Q230530 P69 Q1536258 +Q95273 P1412 Q1321 +Q786052 P106 Q131524 +Q241115 P140 Q75809 +Q278174 P106 Q36180 +Q310798 P106 Q82594 +Q3370728 P106 Q82594 +Q662809 P106 Q1930187 +Q448163 P108 Q230492 +Q214660 P106 Q28389 +Q403 P463 Q663492 +Q92316 P102 Q49750 +Q42574 P106 Q81096 +Q82238 P136 Q484641 +Q72893 P1412 Q188 +Q1353962 P106 Q183945 +Q392785 P495 Q30 +Q1282562 P1303 Q80019 +Q7241 P27 Q668 +Q128854 P161 Q132616 +Q104302 P30 Q46 +Q266816 P106 Q1930187 +Q174438 P172 Q7325 +Q363371 P106 Q753110 +Q448764 P106 Q1622272 +Q722876 P136 Q263734 +Q235931 P136 Q58339 +Q1396681 P27 Q889 +Q312538 P136 Q130232 +Q981960 P106 Q4263842 +Q354783 P106 Q36180 +Q61425 P106 Q3332711 +Q328532 P106 Q16145150 +Q124505 P69 Q206702 +Q312630 P69 Q926749 +Q257764 P264 Q121698 +Q133665 P463 Q3308284 +Q158354 P1412 Q188 +Q335794 P463 Q1425328 +Q456751 P106 Q36834 +Q50186 P135 Q8361 +Q313013 P106 Q639669 +Q82360 P106 Q33999 +Q298 P530 Q148 +Q410 P106 Q169470 +Q85112 P119 Q240744 +Q311145 P737 Q590 +Q57956 P1412 Q188 +Q1371798 P106 Q753110 +Q128888 P1412 Q1860 +Q189505 P161 Q313727 +Q364873 P1303 Q128309 +Q976526 P119 Q3400970 +Q324557 P136 Q188473 +Q2255438 P69 Q174158 +Q377 P106 Q1930187 +Q44301 P119 Q311 +Q39789 P101 Q441 +Q993950 P27 Q36 +Q862412 P463 Q1425328 +Q96331 P102 Q49768 +Q28936 P495 Q183 +Q44412 P463 Q191583 +Q345888 P102 Q1904825 +Q1347215 P1303 Q6607 +Q846 P463 Q842490 +Q853461 P1412 Q150 +Q162255 P136 Q1342372 +Q555324 P509 Q12136 +Q76509 P106 Q36180 +Q18415 P495 Q142 +Q789926 P119 Q996499 +Q228766 P106 Q2405480 +Q935369 P264 Q64485314 +Q357102 P509 Q189588 +Q53096 P161 Q296843 +Q1275 P102 Q622441 +Q1005 P530 Q928 +Q539143 P106 Q639669 +Q78505 P1412 Q1860 +Q232009 P161 Q83492 +Q52447 P463 Q52463 +Q3656334 P106 Q1622272 +Q215860 P106 Q333634 +Q76361 P27 Q183 +Q438968 P463 Q188771 +Q1242 P1412 Q652 +Q778 P530 Q230 +Q212145 P161 Q29092 +Q104154 P463 Q188771 +Q183 P530 Q1011 +Q155700 P106 Q3455803 +Q134165 P20 Q8678 +Q1246 P530 Q36 +Q233911 P106 Q177220 +Q548438 P106 Q183945 +Q124697 P161 Q36949 +Q96594 P27 Q183 +Q60070 P108 Q161976 +Q1077632 P27 Q30 +Q355447 P106 Q36180 +Q76197 P69 Q151510 +Q202304 P19 Q65 +Q1039 P530 Q865 +Q169011 P106 Q2374149 +Q158629 P106 Q864380 +Q81131 P19 Q18419 +Q76748 P20 Q3869 +Q978959 P140 Q9592 +Q78983 P106 Q947873 +Q62833 P108 Q20266330 +Q131248 P106 Q4964182 +Q317907 P27 Q15180 +Q717250 P1412 Q7913 +Q260099 P102 Q29468 +Q134183 P106 Q578109 +Q171969 P463 Q253439 +Q72938 P172 Q133032 +Q1349079 P264 Q557632 +Q25120 P106 Q49757 +Q216813 P463 Q46703 +Q313185 P19 Q1297 +Q65561 P140 Q75809 +Q57213 P119 Q562211 +Q34424 P264 Q202585 +Q235716 P106 Q17125263 +Q80437 P161 Q81489 +Q322866 P106 Q1415090 +Q191408 P20 Q90 +Q67204 P106 Q16533 +Q66628 P106 Q82955 +Q1226921 P106 Q753110 +Q25191 P737 Q38222 +Q229223 P27 Q16 +Q5921354 P69 Q49112 +Q221 P530 Q35 +Q44857 P106 Q183945 +Q312514 P19 Q49145 +Q193273 P27 Q225 +Q159976 P69 Q686522 +Q32522 P106 Q2259451 +Q445124 P106 Q33999 +Q3772 P106 Q36180 +Q61649 P1303 Q81982 +Q136646 P27 Q30 +Q92981 P106 Q81096 +Q1552348 P19 Q649 +Q254611 P106 Q177220 +Q180004 P106 Q5716684 +Q155079 P106 Q183945 +Q270747 P106 Q4610556 +Q43444 P69 Q3268638 +Q131390 P136 Q188473 +Q48792 P69 Q49116 +Q62400 P140 Q75809 +Q724323 P20 Q649 +Q151705 P840 Q824 +Q484302 P106 Q33999 +Q179018 P840 Q62 +Q885 P509 Q623031 +Q318619 P19 Q1345 +Q1065624 P106 Q43845 +Q156058 P27 Q30 +Q445302 P1412 Q1860 +Q153996 P136 Q3071 +Q2680 P106 Q177220 +Q258 P530 Q334 +Q153658 P20 Q485716 +Q41351 P106 Q2405480 +Q205000 P106 Q28389 +Q235305 P19 Q60 +Q538379 P106 Q1607826 +Q533284 P106 Q1415090 +Q715787 P19 Q23337 +Q381883 P106 Q36834 +Q95951 P106 Q10800557 +Q221586 P57 Q43203 +Q60197 P27 Q183 +Q83333 P106 Q1622272 +Q43736 P19 Q35765 +Q325004 P106 Q4263842 +Q131324 P106 Q5716684 +Q127367 P161 Q42204 +Q16581 P27 Q131964 +Q137808 P1412 Q1860 +Q164424 P161 Q387434 +Q165823 P119 Q1362125 +Q518152 P106 Q36180 +Q213430 P106 Q947873 +Q188018 P106 Q3665646 +Q95264 P27 Q183 +Q939357 P1412 Q1321 +Q1025 P463 Q4783148 +Q74252 P27 Q183 +Q792 P361 Q653884 +Q11239 P69 Q174570 +Q168849 P161 Q294901 +Q423 P530 Q241 +Q219551 P108 Q686522 +Q53001 P69 Q209842 +Q2757 P106 Q82955 +Q962974 P106 Q2722764 +Q94701 P463 Q338432 +Q71631 P27 Q713750 +Q256959 P20 Q6106 +Q442854 P106 Q36180 +Q705400 P106 Q33999 +Q77489 P27 Q183 +Q9695 P509 Q12204 +Q76583 P27 Q183 +Q42992 P551 Q1218 +Q127367 P57 Q4465 +Q692632 P1412 Q1860 +Q858741 P172 Q49085 +Q111344 P108 Q154804 +Q298920 P27 Q30 +Q2157440 P69 Q209842 +Q1237689 P106 Q177220 +Q47595 P106 Q11063 +Q83566 P106 Q4853732 +Q216896 P69 Q432637 +Q314638 P106 Q10800557 +Q173637 P106 Q3455803 +Q180453 P106 Q2405480 +Q1093318 P136 Q9778 +Q105090 P1412 Q188 +Q438106 P1303 Q78987 +Q801 P530 Q717 +Q444832 P106 Q639669 +Q559506 P20 Q84 +Q314945 P106 Q2405480 +Q206832 P106 Q169470 +Q689820 P172 Q940348 +Q203715 P509 Q12204 +Q434813 P69 Q5384959 +Q302835 P1412 Q9168 +Q235611 P106 Q14467526 +Q272595 P161 Q483907 +Q41502 P140 Q9592 +Q240894 P161 Q329716 +Q115630 P69 Q151510 +Q160163 P108 Q1446181 +Q108306 P27 Q30 +Q35236 P551 Q173813 +Q80405 P101 Q1328508 +Q629216 P40 Q504920 +Q83630 P136 Q1054574 +Q267243 P27 Q30 +Q229258 P40 Q431191 +Q230 P530 Q846 +Q1016 P463 Q17495 +Q345468 P19 Q1400 +Q67535 P69 Q152171 +Q881 P463 Q842490 +Q297097 P1303 Q17172850 +Q212041 P161 Q180338 +Q4919786 P106 Q806798 +Q358529 P106 Q1238570 +Q77087 P1412 Q188 +Q267435 P106 Q2405480 +Q287177 P17 Q30 +Q29572198 P27 Q30 +Q214324 P1412 Q397 +Q66942 P106 Q193391 +Q268111 P106 Q28389 +Q1237689 P19 Q138518 +Q292543 P641 Q38108 +Q282041 P161 Q320093 +Q529629 P264 Q843402 +Q237081 P136 Q131272 +Q436996 P101 Q482 +Q235519 P106 Q10798782 +Q57281 P463 Q684415 +Q709454 P1303 Q6607 +Q145 P530 Q238 +Q611672 P106 Q43845 +Q28 P530 Q712 +Q60059 P69 Q209842 +Q713246 P1412 Q7026 +Q76887 P102 Q7320 +Q134022 P106 Q1622272 +Q78371 P69 Q154804 +Q661452 P27 Q10957559 +Q559844 P551 Q65 +Q165392 P161 Q172653 +Q188482 P106 Q183945 +Q27925670 P1412 Q150 +Q153597 P19 Q8684 +Q1678197 P463 Q1971373 +Q498045 P136 Q11399 +Q380484 P106 Q82594 +Q439198 P106 Q3282637 +Q4139600 P101 Q101333 +Q1156782 P106 Q36834 +Q237039 P106 Q36180 +Q35912 P136 Q37073 +Q82519 P161 Q462118 +Q60477 P106 Q36180 +Q76641 P106 Q1622272 +Q122701 P69 Q192775 +Q229197 P69 Q797078 +Q5784301 P161 Q5928 +Q55946077 P106 Q1028181 +Q208101 P27 Q30 +Q1686156 P136 Q1298934 +Q518576 P69 Q859363 +Q154353 P69 Q273626 +Q303 P136 Q45981 +Q329498 P106 Q39631 +Q869 P530 Q408 +Q129087 P106 Q2259451 +Q730158 P264 Q2576206 +Q202847 P20 Q18419 +Q544464 P106 Q211236 +Q95089 P106 Q36180 +Q51530 P1412 Q809 +Q276198 P106 Q488205 +Q205687 P495 Q142 +Q181229 P106 Q4610556 +Q144391 P140 Q9089 +Q506915 P27 Q145 +Q255720 P106 Q10800557 +Q243011 P106 Q18814623 +Q58735 P106 Q12362622 +Q362228 P106 Q33999 +Q7346 P1303 Q8343 +Q207359 P20 Q90 +Q454388 P27 Q30 +Q347 P463 Q41984 +Q489 P106 Q947873 +Q13375 P17 Q38 +Q103848 P27 Q183 +Q1333385 P264 Q231694 +Q188771 P17 Q142 +Q65105 P27 Q183 +Q64278 P69 Q156598 +Q230654 P106 Q1930187 +Q508325 P106 Q33999 +Q977 P530 Q865 +Q95125 P69 Q49210 +Q223281 P19 Q60 +Q215689 P106 Q1234713 +Q163549 P495 Q55 +Q153481 P69 Q49210 +Q96250 P463 Q1017002 +Q982005 P106 Q3578589 +Q214324 P106 Q36180 +Q93341 P20 Q47164 +Q214477 P172 Q49078 +Q255342 P161 Q211322 +Q976238 P106 Q1930187 +Q315217 P106 Q10798782 +Q78487 P20 Q71 +Q219420 P463 Q463303 +Q215778 P27 Q142 +Q235952 P106 Q10798782 +Q213585 P108 Q152087 +Q195535 P136 Q11399 +Q60389 P106 Q36180 +Q156902 P69 Q165980 +Q554971 P106 Q10798782 +Q317907 P106 Q36180 +Q908 P17 Q159 +Q273362 P509 Q178275 +Q891 P17 Q15180 +Q340911 P136 Q19367312 +Q1325743 P27 Q30 +Q57074 P1412 Q188 +Q67138 P463 Q414163 +Q73506 P172 Q170826 +Q91972 P1412 Q188 +Q151691 P463 Q695302 +Q78270 P27 Q183 +Q5950 P106 Q36834 +Q302280 P27 Q30 +Q314362 P19 Q1486 +Q480484 P509 Q2140674 +Q379400 P27 Q30 +Q72678 P106 Q1622272 +Q470875 P106 Q28389 +Q67221 P1412 Q188 +Q184535 P509 Q12192 +Q942929 P102 Q79854 +Q117783 P451 Q207592 +Q214574 P106 Q10798782 +Q76791 P108 Q152087 +Q312483 P106 Q33999 +Q272303 P106 Q1930187 +Q980676 P463 Q270794 +Q169082 P161 Q177311 +Q761838 P106 Q43845 +Q434745 P106 Q2405480 +Q212 P530 Q211 +Q1560915 P463 Q543804 +Q520621 P106 Q183945 +Q68312 P27 Q43287 +Q86602 P106 Q14915627 +Q66456 P27 Q183 +Q354604 P106 Q2722764 +Q276209 P19 Q65 +Q2291171 P159 Q60 +Q189950 P27 Q15180 +Q32433 P840 Q61 +Q106506 P136 Q157394 +Q332798 P136 Q188473 +Q76887 P106 Q193391 +Q20 P530 Q1246 +Q299138 P264 Q1142456 +Q43330 P1412 Q7411 +Q126958 P106 Q488205 +Q258204 P161 Q441913 +Q60347 P69 Q161976 +Q731829 P1412 Q7411 +Q229760 P140 Q9592 +Q1698 P136 Q1062400 +Q71618 P106 Q36180 +Q133042 P20 Q1218 +Q554209 P106 Q639669 +Q102225 P495 Q30 +Q915447 P1303 Q17172850 +Q213929 P106 Q1622272 +Q138007 P106 Q1231865 +Q224159 P106 Q10798782 +Q311594 P106 Q901 +Q475004 P106 Q333634 +Q79 P530 Q229 +Q168362 P69 Q797892 +Q108285 P27 Q43287 +Q90771 P106 Q11481802 +Q517273 P19 Q43668 +Q962971 P106 Q2722764 +Q51525 P106 Q214917 +Q264618 P1412 Q1860 +Q49347 P463 Q253439 +Q213547 P106 Q8178443 +Q146948 P27 Q96 +Q313378 P106 Q639669 +Q705681 P551 Q18426 +Q244963 P136 Q2484376 +Q1031340 P106 Q488205 +Q295923 P19 Q17042 +Q12833 P106 Q37226 +Q317521 P463 Q123885 +Q225089 P19 Q23556 +Q254555 P136 Q157443 +Q358387 P463 Q161806 +Q113997 P106 Q10800557 +Q183266 P140 Q6423963 +Q187282 P1412 Q7737 +Q766 P530 Q668 +Q61895 P102 Q157537 +Q179018 P161 Q224159 +Q78782 P106 Q36180 +Q169104 P106 Q214917 +Q1030 P463 Q7785 +Q329127 P495 Q30 +Q241873 P172 Q484464 +Q273136 P106 Q13382533 +Q44695 P106 Q333634 +Q61412 P19 Q84 +Q40213 P106 Q36180 +Q443327 P1412 Q1860 +Q242454 P1303 Q133163 +Q4617 P106 Q2259451 +Q101326 P463 Q191583 +Q190908 P161 Q48337 +Q55163 P106 Q2526255 +Q370293 P106 Q24067349 +Q1000 P530 Q230 +Q44847 P106 Q36180 +Q636 P106 Q488205 +Q4320172 P106 Q901 +Q2498968 P106 Q36180 +Q233474 P136 Q37073 +Q313039 P106 Q2405480 +Q67511 P106 Q82955 +Q484702 P106 Q10800557 +Q440668 P1303 Q17172850 +Q382604 P106 Q1930187 +Q265131 P1412 Q1860 +Q959153 P106 Q10800557 +Q204374 P136 Q130232 +Q58121 P1412 Q1412 +Q1798353 P509 Q12078 +Q472356 P106 Q6625963 +Q18806 P119 Q190494 +Q218679 P106 Q12144794 +Q2335557 P106 Q82955 +Q712 P530 Q148 +Q626061 P106 Q82955 +Q489643 P27 Q408 +Q719360 P20 Q2044 +Q63458 P463 Q4345832 +Q524780 P106 Q131524 +Q192410 P172 Q49085 +Q6829 P17 Q71084 +Q484292 P509 Q12192 +Q239307 P463 Q1468277 +Q767 P106 Q333634 +Q231713 P106 Q17125263 +Q35149 P463 Q329464 +Q732434 P20 Q1538 +Q61374 P106 Q36180 +Q278997 P161 Q4235 +Q280724 P1303 Q17172850 +Q983400 P108 Q209842 +Q62414 P20 Q1055 +Q105801 P161 Q267217 +Q713099 P106 Q10800557 +Q20153 P495 Q884 +Q591270 P106 Q3282637 +Q27820706 P136 Q37073 +Q614402 P106 Q10798782 +Q114115 P161 Q256164 +Q104061 P106 Q2059704 +Q58062 P463 Q543804 +Q2622193 P101 Q23498 +Q7542 P106 Q639669 +Q127959 P1412 Q1860 +Q520296 P27 Q30 +Q267685 P172 Q49085 +Q79191 P27 Q403 +Q1699902 P106 Q2526255 +Q374770 P106 Q3282637 +Q35648 P106 Q82955 +Q173893 P101 Q34178 +Q19999 P106 Q11063 +Q810 P463 Q8475 +Q332956 P40 Q333231 +Q275003 P737 Q9235 +Q3709938 P106 Q81096 +Q705681 P20 Q40435 +Q238331 P3373 Q19837 +Q160163 P140 Q7066 +Q435744 P1303 Q163829 +Q365670 P106 Q855091 +Q270905 P106 Q4610556 +Q201538 P108 Q49088 +Q240851 P19 Q1348 +Q63032 P27 Q27306 +Q24631 P106 Q82955 +Q174210 P27 Q414 +Q156942 P463 Q188771 +Q442512 P106 Q2707485 +Q1382521 P136 Q37073 +Q229716 P106 Q177220 +Q337578 P1303 Q17172850 +Q79 P530 Q423 +Q184750 P463 Q266063 +Q60465 P119 Q3923 +Q128493 P136 Q1200678 +Q472250 P69 Q209344 +Q60087 P106 Q40348 +Q377789 P1412 Q1568 +Q371202 P106 Q33999 +Q162586 P495 Q30 +Q236599 P106 Q36834 +Q11362 P106 Q36180 +Q83484 P106 Q2526255 +Q61708 P106 Q185351 +Q28936 P136 Q52162262 +Q83789 P161 Q374065 +Q228968 P101 Q207628 +Q17 P530 Q819 +Q206161 P131 Q1218 +Q375775 P136 Q663106 +Q461682 P840 Q79 +Q233439 P19 Q84 +Q163714 P106 Q15627169 +Q314362 P106 Q333634 +Q237030 P106 Q10800557 +Q131074 P161 Q152165 +Q45 P463 Q7809 +Q224544 P69 Q31519 +Q156193 P106 Q14915627 +Q151936 P19 Q4093 +Q962308 P509 Q11085 +Q223839 P27 Q30 +Q1689414 P1303 Q8338 +Q231163 P106 Q36180 +Q212993 P69 Q924289 +Q188492 P451 Q235132 +Q662066 P69 Q686522 +Q105221 P106 Q2405480 +Q282041 P161 Q315083 +Q83233 P69 Q2983698 +Q974670 P20 Q99 +Q356375 P106 Q486748 +Q55462 P509 Q506616 +Q463768 P495 Q30 +Q140181 P106 Q10800557 +Q80437 P161 Q368037 +Q550900 P1303 Q46185 +Q240521 P106 Q2526255 +Q7346 P1303 Q9798 +Q261104 P551 Q38022 +Q561169 P106 Q1930187 +Q211 P463 Q41550 +Q4751826 P737 Q76791 +Q188426 P1303 Q17172850 +Q11609 P106 Q170790 +Q464882 P101 Q101333 +Q131725 P106 Q183945 +Q1740125 P106 Q488205 +Q130917 P27 Q7318 +Q748584 P106 Q10800557 +Q240658 P106 Q2405480 +Q368812 P106 Q214917 +Q104196 P108 Q48989 +Q124494 P1412 Q397 +Q295794 P136 Q56284716 +Q237925 P27 Q16 +Q215488 P106 Q177220 +Q47296 P136 Q19367312 +Q182725 P264 Q726251 +Q151164 P106 Q6625963 +Q1077383 P106 Q177220 +Q501429 P1303 Q17172850 +Q243113 P264 Q203059 +Q5749 P27 Q142 +Q259047 P106 Q10800557 +Q272923 P106 Q10800557 +Q55456 P27 Q172579 +Q1806985 P1412 Q1860 +Q159577 P19 Q956 +Q57430 P27 Q183 +Q369174 P27 Q16 +Q77112 P106 Q578109 +Q32734 P161 Q175571 +Q86924 P69 Q154804 +Q704682 P27 Q37 +Q892115 P106 Q82594 +Q96285 P108 Q168426 +Q73033 P106 Q16287483 +Q704645 P106 Q36834 +Q194280 P102 Q29552 +Q73463 P106 Q639669 +Q30 P530 Q977 +Q51908481 P3373 Q22955657 +Q455703 P27 Q155 +Q123089 P451 Q123041 +Q223455 P27 Q30 +Q5608 P1412 Q1860 +Q319133 P106 Q177220 +Q92739 P69 Q21578 +Q439895 P27 Q408 +Q434968 P106 Q639669 +Q182882 P27 Q142 +Q1045 P530 Q843 +Q76738 P69 Q467025 +Q152019 P106 Q18814623 +Q336131 P27 Q16 +Q115694 P463 Q83172 +Q2904665 P1412 Q9288 +Q601307 P106 Q1930187 +Q40 P530 Q35 +Q244963 P840 Q1223 +Q214816 P509 Q12204 +Q286116 P106 Q1930187 +Q436648 P27 Q25 +Q827047 P172 Q940348 +Q95030 P106 Q3282637 +Q435347 P1303 Q17172850 +Q95120 P19 Q1348 +Q62833 P463 Q265058 +Q234356 P264 Q202440 +Q220423 P161 Q230023 +Q257165 P106 Q2259451 +Q549487 P1412 Q1321 +Q30 P463 Q1072120 +Q9387 P108 Q55044 +Q4061 P106 Q36834 +Q221345 P161 Q37459 +Q915 P17 Q15180 +Q327914 P1412 Q9072 +Q202878 P19 Q18419 +Q156539 P161 Q4488 +Q11975 P106 Q4610556 +Q191819 P106 Q36834 +Q107002 P136 Q36279 +Q1292110 P27 Q30 +Q299138 P106 Q177220 +Q244 P530 Q142 +Q440121 P551 Q12439 +Q266057 P106 Q33999 +Q75696 P1412 Q188 +Q362406 P106 Q33999 +Q574885 P106 Q177220 +Q426390 P1303 Q6607 +Q438366 P106 Q33999 +Q84 P17 Q145 +Q238866 P161 Q713099 +Q23395 P495 Q30 +Q184249 P106 Q5716684 +Q3892790 P1412 Q143 +Q680881 P1412 Q150 +Q166355 P161 Q69108 +Q102711 P106 Q1281618 +Q223258 P106 Q639669 +Q974023 P102 Q9626 +Q343633 P106 Q948329 +Q234224 P27 Q30 +Q342533 P26 Q231310 +Q165357 P106 Q6625963 +Q45765 P140 Q7066 +Q347539 P20 Q90 +Q290197 P27 Q822 +Q74235 P106 Q4263842 +Q71004 P19 Q1715 +Q475004 P106 Q214917 +Q208359 P106 Q16031530 +Q75789 P106 Q36180 +Q1500297 P1412 Q36510 +Q257764 P136 Q20378 +Q221594 P161 Q431874 +Q2002177 P749 Q4413456 +Q771296 P17 Q159 +Q1897911 P106 Q183945 +Q211283 P106 Q2526255 +Q55 P530 Q96 +Q1573501 P106 Q82955 +Q107432 P108 Q681025 +Q99294 P1412 Q256 +Q2005601 P264 Q183412 +Q48129 P27 Q15180 +Q86225 P106 Q1792450 +Q17457 P27 Q30 +Q5682 P106 Q49757 +Q538091 P106 Q40348 +Q1285105 P27 Q225 +Q446673 P106 Q4610556 +Q538824 P3373 Q272942 +Q168274 P106 Q488205 +Q87457 P1412 Q188 +Q266335 P106 Q177220 +Q293520 P101 Q441 +Q68137 P19 Q2795 +Q156749 P27 Q34 +Q47737 P509 Q12204 +Q96155 P106 Q2374149 +Q157400 P264 Q387539 +Q269810 P495 Q142 +Q233457 P106 Q2259451 +Q62753 P27 Q16957 +Q165257 P106 Q214917 +Q57472 P106 Q16533 +Q837 P530 Q865 +Q36 P530 Q230 +Q9095 P106 Q81096 +Q367634 P106 Q639669 +Q323707 P106 Q82955 +Q102788 P106 Q14467526 +Q213778 P108 Q702524 +Q155547 P737 Q36330 +Q181659 P136 Q24925 +Q796 P530 Q155 +Q236702 P27 Q30 +Q359031 P106 Q10800557 +Q5682 P136 Q482 +Q239917 P1412 Q1860 +Q921542 P3373 Q554164 +Q45909 P1303 Q163829 +Q116375 P27 Q30 +Q108525 P161 Q24632 +Q715195 P1412 Q7737 +Q25144 P102 Q29552 +Q234360 P1412 Q1860 +Q376087 P19 Q84 +Q223887 P161 Q257243 +Q158078 P136 Q1338153 +Q288157 P106 Q33999 +Q75797 P69 Q153978 +Q119198 P172 Q170826 +Q436769 P106 Q2259451 +Q193338 P140 Q7066 +Q159 P530 Q1033 +Q851 P530 Q863 +Q72832 P264 Q798658 +Q982339 P27 Q33 +Q207036 P1412 Q1860 +Q221820 P641 Q5369 +Q158250 P106 Q2526255 +Q163225 P1412 Q1568 +Q534234 P106 Q639669 +Q353816 P106 Q11900058 +Q153159 P463 Q329464 +Q275929 P136 Q8261 +Q76683 P108 Q152838 +Q150910 P463 Q123885 +Q365044 P106 Q3282637 +Q326114 P136 Q172980 +Q78791 P19 Q1085 +Q234224 P106 Q4773904 +Q175366 P102 Q9626 +Q379830 P106 Q177220 +Q1801255 P106 Q753110 +Q167399 P1303 Q5994 +Q217 P463 Q134102 +Q315199 P106 Q855091 +Q90634 P106 Q2707485 +Q373566 P106 Q482980 +Q241583 P27 Q30 +Q487491 P69 Q3064332 +Q161687 P161 Q287824 +Q405565 P106 Q4610556 +Q333004 P20 Q340 +Q70795 P108 Q156737 +Q312053 P106 Q2722764 +Q60016 P161 Q48337 +Q317953 P106 Q121594 +Q2890097 P106 Q177220 +Q455625 P106 Q49757 +Q60059 P106 Q3055126 +Q235511 P1303 Q17172850 +Q108283 P106 Q10800557 +Q122451 P1412 Q188 +Q234144 P19 Q34006 +Q320190 P264 Q202440 +Q270786 P106 Q28389 +Q1400917 P102 Q79854 +Q160270 P27 Q145 +Q961671 P136 Q11399 +Q234551 P106 Q639669 +Q352452 P106 Q855091 +Q4612 P106 Q639669 +Q144535 P106 Q36180 +Q1048660 P463 Q270794 +Q272438 P551 Q71 +Q251865 P27 Q30 +Q83326 P106 Q486748 +Q123166 P136 Q369747 +Q60206 P20 Q192807 +Q656 P131 Q34266 +Q157245 P101 Q8134 +Q268262 P3373 Q609095 +Q28117 P108 Q315658 +Q43 P530 Q225 +Q102235 P161 Q206659 +Q3821445 P106 Q2462658 +Q194413 P161 Q449679 +Q20178 P1303 Q17172850 +Q14536 P106 Q28389 +Q550778 P106 Q28389 +Q23481 P27 Q39 +Q103784 P106 Q948329 +Q51559 P69 Q49088 +Q35678 P140 Q178169 +Q971962 P106 Q82955 +Q12276134 P106 Q36180 +Q432806 P106 Q1930187 +Q444663 P106 Q2259451 +Q313107 P102 Q29552 +Q96502 P106 Q82955 +Q640991 P463 Q920266 +Q1151 P140 Q7066 +Q441941 P106 Q10798782 +Q104000 P106 Q10798782 +Q254510 P106 Q3282637 +Q92897 P108 Q309988 +Q2685 P106 Q3282637 +Q106834 P106 Q36180 +Q114405 P463 Q463281 +Q72541 P1412 Q1860 +Q916 P530 Q1030 +Q151976 P172 Q539051 +Q215724 P106 Q49757 +Q922336 P27 Q172579 +Q240890 P1303 Q17172850 +Q5890 P136 Q2484376 +Q561809 P19 Q11299 +Q1354843 P106 Q753110 +Q540192 P20 Q2841 +Q123565 P20 Q71 +Q15001 P1412 Q7737 +Q361683 P264 Q202440 +Q241665 P19 Q84 +Q47100 P106 Q13235160 +Q155 P37 Q5146 +Q453288 P463 Q463303 +Q58720 P106 Q14467526 +Q426433 P495 Q30 +Q235223 P136 Q83440 +Q865 P530 Q846 +Q158379 P102 Q727724 +Q208871 P106 Q488205 +Q722042 P106 Q639669 +Q57640 P69 Q849751 +Q78205 P102 Q49762 +Q231951 P451 Q106193 +Q181573 P463 Q1425328 +Q12957 P108 Q859363 +Q54351 P106 Q33999 +Q705458 P264 Q1998195 +Q5890 P495 Q30 +Q92600 P19 Q649 +Q37767 P737 Q93354 +Q717059 P172 Q49085 +Q102851 P106 Q36180 +Q339551 P106 Q28389 +Q708236 P106 Q55960555 +Q154367 P106 Q214917 +Q315417 P106 Q639669 +Q77482 P106 Q4853732 +Q192762 P140 Q7066 +Q190086 P161 Q436187 +Q5494459 P1303 Q302497 +Q428493 P106 Q10800557 +Q221113 P161 Q237774 +Q157623 P106 Q4263842 +Q213582 P106 Q214917 +Q182658 P27 Q30 +Q81082 P106 Q169470 +Q1289541 P509 Q208414 +Q233843 P27 Q30 +Q434715 P20 Q159288 +Q975547 P106 Q28389 +Q461768 P161 Q296887 +Q662066 P1303 Q8371 +Q4588976 P106 Q82955 +Q2512 P106 Q16533 +Q78496 P69 Q49088 +Q439315 P106 Q245068 +Q13132095 P3373 Q13129708 +Q112167 P551 Q65 +Q23359 P1412 Q1860 +Q139330 P106 Q2526255 +Q299968 P19 Q3711 +Q297598 P106 Q177220 +Q303918 P106 Q13590141 +Q53619 P106 Q4964182 +Q234289 P106 Q47064 +Q435330 P136 Q11366 +Q151523 P106 Q2306091 +Q105756 P27 Q30 +Q154216 P1303 Q46185 +Q310394 P106 Q33999 +Q594644 P106 Q36180 +Q153700 P140 Q7066 +Q185655 P106 Q2405480 +Q945633 P1303 Q5994 +Q55767 P106 Q28389 +Q241391 P840 Q84 +Q38875 P136 Q11401 +Q153700 P106 Q19831149 +Q1219622 P106 Q4964182 +Q244931 P136 Q188473 +Q215565 P106 Q10800557 +Q191974 P69 Q3064259 +Q93764 P509 Q389735 +Q527394 P27 Q29 +Q709751 P106 Q4853732 +Q25139 P136 Q860626 +Q44426 P509 Q3505252 +Q213585 P101 Q5891 +Q347128 P264 Q557632 +Q235223 P264 Q377453 +Q271281 P495 Q30 +Q171242 P106 Q36180 +Q186630 P106 Q6625963 +Q58912 P106 Q4610556 +Q940942 P27 Q172579 +Q162634 P106 Q2252262 +Q182665 P1303 Q17172850 +Q234630 P106 Q36180 +Q1398834 P106 Q855091 +Q37944 P1303 Q17172850 +Q918268 P106 Q36180 +Q449013 P106 Q1930187 +Q106791 P106 Q2490358 +Q1781 P17 Q28 +Q218992 P106 Q2252262 +Q49767 P106 Q193391 +Q229716 P106 Q33999 +Q360477 P106 Q33999 +Q295923 P27 Q30 +Q364881 P106 Q183945 +Q193257 P106 Q4964182 +Q343037 P106 Q33999 +Q1077158 P136 Q1640319 +Q171905 P106 Q753110 +Q484523 P551 Q65 +Q15469 P1412 Q1860 +Q959159 P19 Q100 +Q327809 P161 Q60766 +Q319061 P495 Q142 +Q76641 P463 Q684415 +Q131579 P69 Q467025 +Q55230 P106 Q3282637 +Q221843 P106 Q3282637 +Q33240 P106 Q2252262 +Q419 P530 Q77 +Q123718 P106 Q36834 +Q60016 P161 Q315083 +Q313627 P551 Q64 +Q462466 P161 Q254265 +Q2587669 P463 Q131566 +Q237527 P1303 Q133163 +Q242474 P102 Q79854 +Q249865 P106 Q33999 +Q655213 P106 Q333634 +Q445095 P106 Q1607826 +Q443995 P106 Q36180 +Q211462 P551 Q65 +Q212333 P136 Q130232 +Q314945 P106 Q177220 +Q223687 P106 Q28389 +Q105220 P106 Q36180 +Q76527 P1412 Q188 +Q235141 P19 Q61 +Q443120 P136 Q37073 +Q59185 P264 Q389284 +Q119348 P106 Q3282637 +Q97083 P106 Q36180 +Q878 P463 Q7825 +Q312288 P108 Q131252 +Q70694 P69 Q467025 +Q47651 P463 Q939743 +Q120085 P19 Q38022 +Q48070 P19 Q42308 +Q40912 P106 Q55960555 +Q292043 P101 Q35760 +Q69319 P140 Q1841 +Q159577 P106 Q3282637 +Q345325 P106 Q1930187 +Q345431 P136 Q484641 +Q296872 P3373 Q188482 +Q105875 P136 Q8341 +Q212 P172 Q7325 +Q153020 P20 Q2807 +Q270215 P161 Q200405 +Q229286 P1412 Q150 +Q83287 P264 Q387539 +Q2030240 P69 Q49088 +Q93652 P20 Q1741 +Q462446 P106 Q169470 +Q544915 P106 Q901 +Q65278 P69 Q54096 +Q254789 P69 Q209842 +Q44775 P1412 Q188 +Q1365901 P27 Q30 +Q388408 P136 Q130232 +Q28494 P106 Q6625963 +Q126432 P108 Q154804 +Q1642230 P106 Q3282637 +Q203223 P136 Q850412 +Q68537 P106 Q2526255 +Q181678 P106 Q593644 +Q107405 P108 Q49114 +Q236212 P106 Q10800557 +Q92853 P106 Q82594 +Q266209 P495 Q142 +Q858 P530 Q35 +Q41754 P136 Q200092 +Q102822 P101 Q11372 +Q90934 P106 Q1930187 +Q312582 P69 Q54096 +Q57501 P20 Q2814 +Q925493 P641 Q2736 +Q1028715 P106 Q10800557 +Q105993 P136 Q52207399 +Q49492 P26 Q62809 +Q159933 P1412 Q7913 +Q85876 P3373 Q85460 +Q159 P530 Q43 +Q329056 P161 Q1805442 +Q61262 P106 Q2504617 +Q233377 P264 Q654283 +Q276181 P1303 Q17172850 +Q311244 P106 Q43845 +Q43432 P106 Q177220 +Q295589 P106 Q482980 +Q60141 P106 Q1622272 +Q225 P37 Q6654 +Q796694 P1412 Q652 +Q152301 P1412 Q8641 +Q439920 P27 Q30 +Q185507 P161 Q139325 +Q221168 P161 Q296822 +Q546956 P264 Q43327 +Q979166 P19 Q18094 +Q359791 P106 Q855091 +Q4225547 P106 Q1979607 +Q123389 P19 Q71 +Q182345 P136 Q37073 +Q104081 P106 Q2526255 +Q295080 P69 Q1536258 +Q729117 P463 Q463281 +Q3436506 P69 Q49122 +Q444832 P136 Q11401 +Q1606257 P27 Q183 +Q2831 P737 Q1299 +Q35912 P106 Q10800557 +Q690854 P69 Q11942 +Q1346111 P106 Q1930187 +Q157058 P172 Q2436423 +Q4077 P17 Q183 +Q70871 P106 Q901 +Q159 P530 Q1050 +Q343983 P106 Q33999 +Q92740 P69 Q739627 +Q255342 P495 Q148 +Q44313 P641 Q41323 +Q201221 P172 Q49542 +Q366306 P1412 Q1860 +Q61064 P737 Q638 +Q1016 P530 Q843 +Q34660 P27 Q145 +Q400341 P136 Q180902 +Q233207 P135 Q186030 +Q60115 P140 Q23540 +Q373267 P136 Q200092 +Q82409 P106 Q49757 +Q83495 P161 Q42204 +Q257630 P840 Q824 +Q148326 P136 Q319221 +Q317358 P106 Q28389 +Q230011 P106 Q33999 +Q1942336 P1303 Q9798 +Q66936 P463 Q684415 +Q164782 P106 Q33999 +Q450412 P106 Q2306091 +Q3318964 P140 Q432 +Q822 P530 Q843 +Q133855 P551 Q235 +Q335807 P106 Q822146 +Q37628 P451 Q164782 +Q302682 P161 Q286339 +Q1282289 P27 Q30 +Q582152 P463 Q2003501 +Q169104 P27 Q140359 +Q788572 P106 Q16323111 +Q183 P530 Q258 +Q69339 P136 Q19715429 +Q78680 P19 Q1741 +Q435236 P106 Q33999 +Q242132 P106 Q2705098 +Q1203 P26 Q117012 +Q313596 P19 Q1054923 +Q378891 P161 Q244234 +Q131332 P26 Q503997 +Q78766 P1412 Q188 +Q313788 P106 Q3282637 +Q40946 P106 Q36180 +Q270937 P509 Q18554460 +Q1446475 P106 Q855091 +Q66107 P101 Q166542 +Q325070 P27 Q145 +Q18430 P106 Q6430706 +Q47139 P1412 Q1860 +Q450296 P106 Q36834 +Q449317 P1303 Q5994 +Q554406 P1412 Q150 +Q256738 P1412 Q9043 +Q293590 P106 Q183945 +Q467103 P136 Q43343 +Q229920 P264 Q183387 +Q1512 P106 Q6625963 +Q300508 P161 Q369292 +Q96502 P106 Q1397808 +Q128799 P106 Q2259451 +Q73482 P27 Q183 +Q233362 P106 Q36834 +Q193835 P495 Q30 +Q217068 P1303 Q5994 +Q276772 P161 Q132430 +Q215724 P106 Q4853732 +Q183 P530 Q241 +Q362228 P106 Q10798782 +Q164663 P495 Q148 +Q132964 P20 Q649 +Q94370 P106 Q4964182 +Q43 P530 Q262 +Q105564 P1412 Q188 +Q1057893 P106 Q10800557 +Q884 P463 Q340195 +Q155236 P106 Q33999 +Q388286 P1303 Q17172850 +Q75177 P27 Q183 +Q967 P463 Q340195 +Q1359039 P264 Q847018 +Q976238 P1412 Q9299 +Q27411 P495 Q30 +Q1928051 P106 Q177220 +Q62263 P20 Q1726 +Q294531 P106 Q177220 +Q717 P530 Q159583 +Q362687 P106 Q10798782 +Q237833 P69 Q13371 +Q93030 P101 Q43035 +Q712359 P1303 Q133163 +Q189454 P172 Q49542 +Q19837 P463 Q463303 +Q159063 P161 Q228862 +Q380121 P106 Q10798782 +Q156902 P106 Q333634 +Q30893 P106 Q1622272 +Q726295 P106 Q855091 +Q160163 P1412 Q7976 +Q242454 P101 Q207628 +Q232837 P19 Q34006 +Q47447 P136 Q43343 +Q35385 P106 Q2405480 +Q152318 P108 Q1719898 +Q9204 P551 Q34217 +Q237413 P106 Q36180 +Q79141 P106 Q1622272 +Q478967 P264 Q231694 +Q2149302 P108 Q838330 +Q723281 P106 Q40348 +Q257551 P106 Q33999 +Q266027 P161 Q355153 +Q440433 P106 Q11513337 +Q501697 P108 Q559549 +Q82330 P106 Q10800557 +Q1662834 P17 Q183 +Q432694 P509 Q12192 +Q574 P463 Q1065 +Q362089 P106 Q1930187 +Q209641 P737 Q128560 +Q88641 P106 Q169470 +Q44398 P1303 Q17172850 +Q12773 P106 Q33999 +Q62437 P136 Q850412 +Q661452 P106 Q49757 +Q61629 P27 Q183 +Q217294 P136 Q842256 +Q7294 P69 Q686522 +Q86602 P27 Q40 +Q124401 P27 Q39 +Q104898 P463 Q414110 +Q300300 P106 Q177220 +Q60025 P737 Q8018 +Q213355 P119 Q5933 +Q105624 P136 Q2297927 +Q76291 P69 Q152838 +Q192410 P264 Q121698 +Q288173 P161 Q309592 +Q7200 P737 Q82083 +Q156321 P119 Q118967 +Q81447 P108 Q168751 +Q747 P140 Q1841 +Q276181 P106 Q33999 +Q449371 P509 Q188874 +Q311723 P106 Q3282637 +Q219424 P161 Q4491 +Q295144 P1412 Q150 +Q159642 P106 Q1930187 +Q67494 P106 Q10872101 +Q175535 P1412 Q1860 +Q150910 P106 Q81096 +Q16473 P106 Q10732476 +Q229389 P106 Q5716684 +Q11689 P1412 Q188 +Q262524 P106 Q4610556 +Q19801728 P161 Q313501 +Q1154246 P1303 Q163829 +Q117139 P264 Q843402 +Q31033707 P69 Q392904 +Q234809 P69 Q5121453 +Q41594 P1412 Q1860 +Q452627 P106 Q82955 +Q76553 P463 Q329464 +Q925240 P108 Q46210 +Q77024 P106 Q333634 +Q991 P737 Q9312 +Q179825 P106 Q82955 +Q64017 P161 Q117392 +Q55264 P106 Q33999 +Q239067 P106 Q1622272 +Q106275 P27 Q142 +Q131112 P463 Q463303 +Q230654 P27 Q30 +Q442721 P106 Q5716684 +Q235820 P106 Q639669 +Q71640 P463 Q414110 +Q356745 P136 Q164444 +Q46706 P69 Q608338 +Q343633 P106 Q10798782 +Q92115 P463 Q684415 +Q131433 P101 Q207628 +Q18430 P27 Q30 +Q151921 P495 Q30 +Q216913 P106 Q855091 +Q311594 P106 Q39631 +Q32433 P161 Q310318 +Q387868 P161 Q312902 +Q131332 P27 Q30 +Q535924 P106 Q205375 +Q809077 P106 Q855091 +Q130142 P161 Q204299 +Q4044 P463 Q55473342 +Q243969 P108 Q168756 +Q174 P30 Q18 +Q538091 P106 Q4964182 +Q133151 P106 Q33999 +Q164582 P106 Q14915627 +Q257752 P106 Q2722764 +Q440145 P106 Q1930187 +Q428551 P495 Q30 +Q312975 P106 Q81096 +Q258 P530 Q750 +Q9047 P106 Q864503 +Q61171 P101 Q9418 +Q104276 P69 Q153987 +Q182455 P172 Q49085 +Q720785 P106 Q12800682 +Q529629 P106 Q33999 +Q311165 P27 Q145 +Q153238 P69 Q1186843 +Q71208 P463 Q338432 +Q214602 P69 Q151510 +Q4631 P140 Q432 +Q191100 P840 Q60 +Q157326 P106 Q40348 +Q57266 P27 Q1206012 +Q356369 P1412 Q1860 +Q36268 P106 Q3357567 +Q295803 P1412 Q1860 +Q275641 P1303 Q17172850 +Q203413 P19 Q1335 +Q323112 P19 Q90 +Q230516 P106 Q3282637 +Q83566 P136 Q149537 +Q258854 P1412 Q1860 +Q357798 P106 Q10873124 +Q129813 P161 Q215017 +Q61594 P106 Q33231 +Q2068521 P27 Q30 +Q196665 P136 Q130232 +Q2632 P136 Q484641 +Q313211 P106 Q205375 +Q313367 P106 Q177220 +Q260969 P106 Q3282637 +Q367905 P19 Q16554 +Q231006 P106 Q10800557 +Q90220 P106 Q482980 +Q53050 P106 Q28389 +Q172183 P69 Q36188 +Q892115 P106 Q170790 +Q540192 P106 Q81096 +Q251262 P509 Q188874 +Q544750 P27 Q172579 +Q79503 P136 Q860626 +Q180251 P106 Q214917 +Q332256 P106 Q855091 +Q63169 P20 Q2090 +Q312630 P27 Q142 +Q363371 P106 Q177220 +Q236075 P1303 Q6607 +Q962908 P106 Q10800557 +Q313813 P1303 Q6607 +Q295923 P1412 Q1860 +Q330840 P106 Q33999 +Q241835 P136 Q14390274 +Q275985 P119 Q27426 +Q318192 P27 Q25 +Q320204 P69 Q1256981 +Q60469 P1412 Q188 +Q5752 P27 Q2184 +Q981419 P108 Q131252 +Q355209 P27 Q30 +Q189729 P69 Q503246 +Q52447 P106 Q486748 +Q843 P530 Q35 +Q184499 P108 Q230899 +Q46717 P161 Q42581 +Q89546 P463 Q265058 +Q1350303 P106 Q177220 +Q134575 P136 Q213665 +Q2496 P19 Q3075 +Q244257 P161 Q44221 +Q25660 P19 Q270 +Q176351 P509 Q12152 +Q187907 P69 Q658192 +Q312801 P106 Q488205 +Q33760 P69 Q332342 +Q274400 P161 Q232520 +Q12003 P136 Q43343 +Q168359 P106 Q465501 +Q456762 P106 Q333634 +Q310367 P106 Q10798782 +Q32257 P106 Q39631 +Q1608224 P20 Q16557 +Q71905 P106 Q1930187 +Q7315 P136 Q9730 +Q20 P463 Q3866537 +Q66337 P106 Q1622272 +Q253288 P106 Q28389 +Q190251 P1303 Q1444 +Q105362 P106 Q36180 +Q47480 P106 Q19350898 +Q268912 P69 Q217741 +Q284333 P495 Q30 +Q233932 P1303 Q6607 +Q3547 P172 Q1026 +Q795238 P19 Q277162 +Q774905 P119 Q996499 +Q76114 P106 Q82955 +Q54867 P3373 Q54868 +Q203806 P106 Q28389 +Q983 P463 Q1065 +Q237639 P106 Q49757 +Q44024 P140 Q9592 +Q503917 P19 Q65 +Q1395790 P20 Q617 +Q157191 P463 Q337531 +Q465350 P106 Q1208175 +Q319896 P106 Q189290 +Q221546 P1303 Q46185 +Q76727 P106 Q49757 +Q80424 P136 Q235858 +Q440121 P106 Q43845 +Q158092 P106 Q1622272 +Q128121 P264 Q38903 +Q44780 P1303 Q51290 +Q239910 P136 Q112983 +Q53729 P106 Q1930187 +Q287828 P106 Q33999 +Q734574 P106 Q36180 +Q107194 P101 Q11629 +Q78714 P106 Q121594 +Q311779 P106 Q13235160 +Q266109 P106 Q2405480 +Q1777864 P1303 Q5994 +Q231484 P106 Q639669 +Q149127 P69 Q49088 +Q57490 P1412 Q188 +Q72756 P106 Q28389 +Q232417 P1412 Q1860 +Q47100 P106 Q36180 +Q2105 P1412 Q150 +Q222390 P106 Q36180 +Q155907 P463 Q414188 +Q62234 P108 Q152171 +Q86632 P19 Q1735 +Q1973537 P19 Q649 +Q44258 P106 Q4964182 +Q232927 P106 Q10798782 +Q379877 P136 Q2484376 +Q507046 P108 Q41506 +Q737570 P106 Q214917 +Q235515 P19 Q18426 +Q46636 P69 Q230492 +Q361257 P106 Q49757 +Q102022 P27 Q43287 +Q16473 P106 Q639669 +Q706422 P106 Q177220 +Q58758 P102 Q7320 +Q312394 P161 Q164117 +Q1459658 P102 Q79854 +Q1045 P463 Q191384 +Q444237 P106 Q82955 +Q333265 P69 Q178416 +Q92766 P106 Q43845 +Q359568 P108 Q13164 +Q158123 P106 Q82955 +Q435398 P1303 Q6607 +Q93562 P106 Q752129 +Q1229223 P1412 Q1860 +Q88844 P463 Q2043519 +Q206173 P101 Q11629 +Q201459 P136 Q241662 +Q106363 P27 Q183 +Q14063 P106 Q1086863 +Q1235 P19 Q2634 +Q104049 P172 Q49085 +Q843 P530 Q38 +Q166454 P106 Q177220 +Q1401 P106 Q333634 +Q51510 P463 Q459620 +Q157326 P463 Q11993457 +Q400 P106 Q2405480 +Q15031 P106 Q81096 +Q241583 P106 Q15077007 +Q1237649 P1303 Q9798 +Q174153 P495 Q30 +Q547414 P106 Q18844224 +Q183535 P106 Q3387717 +Q439786 P108 Q2045972 +Q96399 P102 Q49762 +Q321917 P27 Q30 +Q212333 P840 Q60 +Q282588 P1412 Q150 +Q109540 P106 Q18814623 +Q91338 P463 Q463303 +Q191 P463 Q1065 +Q7345 P106 Q12144794 +Q124070 P1412 Q397 +Q48990 P119 Q208175 +Q268181 P106 Q1930187 +Q77845 P69 Q204181 +Q49738 P17 Q16957 +Q236479 P106 Q10798782 +Q106571 P161 Q4573 +Q309898 P20 Q90 +Q354250 P106 Q639669 +Q172035 P106 Q10798782 +Q79 P530 Q958 +Q55 P530 Q794 +Q263442 P19 Q495 +Q77111 P108 Q43250 +Q84346 P106 Q189290 +Q181229 P172 Q49085 +Q77317 P27 Q16957 +Q215979 P463 Q543804 +Q93957 P20 Q127856 +Q178549 P136 Q83440 +Q75546 P136 Q130232 +Q4396425 P119 Q281859 +Q133654 P161 Q41351 +Q104177 P106 Q82955 +Q369492 P136 Q860626 +Q315610 P106 Q10349745 +Q205772 P463 Q270794 +Q177847 P27 Q1747689 +Q212333 P161 Q428819 +Q228717 P1412 Q1860 +Q164957 P69 Q31519 +Q313998 P161 Q309900 +Q47112095 P27 Q30 +Q18553 P19 Q1930 +Q239928 P106 Q1930187 +Q192442 P106 Q11900058 +Q343633 P26 Q95050 +Q255376 P161 Q170587 +Q1027051 P106 Q36834 +Q113480 P106 Q14467526 +Q1101377 P27 Q30 +Q12571 P27 Q142 +Q25854 P106 Q82955 +Q238819 P1303 Q8355 +Q106795 P136 Q482 +Q233873 P106 Q2405480 +Q18233 P136 Q484641 +Q32910 P136 Q188473 +Q8873 P1412 Q9610 +Q640991 P463 Q463303 +Q311263 P20 Q60 +Q233081 P102 Q29552 +Q457840 P106 Q1930187 +Q71035 P106 Q13582652 +Q315441 P106 Q1028181 +Q458390 P20 Q61 +Q1939469 P106 Q158852 +Q221450 P108 Q13371 +Q153034 P106 Q36180 +Q188214 P106 Q82955 +Q44414 P106 Q33999 +Q632532 P495 Q30 +Q289303 P106 Q214917 +Q73096 P20 Q2966 +Q108622 P106 Q10798782 +Q62882 P106 Q557880 +Q101715 P106 Q15895020 +Q5327 P108 Q152087 +Q872815 P106 Q1622272 +Q516786 P106 Q17337766 +Q88383 P20 Q1022 +Q35385 P27 Q159 +Q277559 P106 Q81096 +Q123010 P27 Q39 +Q203690 P106 Q1344174 +Q314892 P27 Q27 +Q2795317 P106 Q1622272 +Q315090 P106 Q2405480 +Q121067 P106 Q201788 +Q95736 P69 Q152087 +Q238912 P106 Q10798782 +Q83649 P161 Q238919 +Q311892 P1412 Q8752 +Q171235 P1303 Q17172850 +Q357168 P106 Q639669 +Q246997 P161 Q51530 +Q288588 P106 Q177220 +Q160021 P27 Q28513 +Q3341701 P27 Q34266 +Q296287 P509 Q212961 +Q61687 P106 Q1622272 +Q120342 P106 Q4610556 +Q25351 P463 Q1132636 +Q159 P463 Q842490 +Q557699 P106 Q482980 +Q235415 P106 Q18814623 +Q316641 P106 Q33231 +Q234595 P106 Q4610556 +Q436394 P451 Q331759 +Q154959 P106 Q49757 +Q5327 P108 Q55044 +Q56094 P463 Q463303 +Q323112 P1412 Q150 +Q89043 P27 Q40 +Q227129 P106 Q10798782 +Q57475 P69 Q459506 +Q44467 P27 Q145 +Q329001 P27 Q30 +Q452307 P106 Q43845 +Q332709 P509 Q12078 +Q318309 P27 Q172579 +Q80557 P840 Q220 +Q87040 P20 Q1085 +Q224187 P136 Q2975633 +Q891 P17 Q2305208 +Q453390 P1303 Q17172850 +Q302650 P106 Q33999 +Q231207 P1412 Q1860 +Q233 P463 Q8908 +Q60197 P69 Q55044 +Q269462 P108 Q248970 +Q142 P530 Q39 +Q34060 P106 Q189290 +Q153597 P106 Q2490358 +Q60259 P106 Q49757 +Q1353064 P101 Q11023 +Q124993 P1412 Q1321 +Q299309 P1412 Q1860 +Q542217 P106 Q18814623 +Q213521 P106 Q177220 +Q190956 P161 Q333190 +Q907738 P463 Q463303 +Q690474 P1303 Q17172850 +Q142999 P2348 Q2277 +Q348944 P106 Q36834 +Q975491 P106 Q4263842 +Q23 P551 Q1345 +Q392915 P161 Q240774 +Q116812 P1412 Q652 +Q231345 P27 Q34 +Q231690 P1412 Q188 +Q729661 P69 Q230492 +Q127414 P161 Q236189 +Q167997 P1050 Q12204 +Q428372 P136 Q860626 +Q350704 P106 Q28389 +Q155378 P106 Q10800557 +Q336467 P106 Q214917 +Q522050 P27 Q34 +Q241686 P106 Q28389 +Q1334617 P69 Q503246 +Q438475 P102 Q186867 +Q442897 P1412 Q1860 +Q216129 P27 Q174193 +Q276167 P20 Q65 +Q9047 P106 Q169470 +Q188850 P161 Q228747 +Q369492 P840 Q84 +Q233213 P69 Q1583249 +Q483907 P136 Q83270 +Q333873 P27 Q34266 +Q295592 P551 Q65 +Q103578 P106 Q2405480 +Q170328 P641 Q2736 +Q25820 P106 Q14467526 +Q61132 P27 Q7318 +Q8743 P1412 Q1860 +Q50186 P106 Q36834 +Q179854 P69 Q805285 +Q129263 P19 Q84 +Q59477 P3373 Q265810 +Q216466 P20 Q90 +Q611586 P106 Q36180 +Q297071 P451 Q231249 +Q51495 P106 Q33999 +Q162035 P106 Q10800557 +Q380243 P106 Q2055046 +Q38484 P140 Q1841 +Q157400 P1412 Q1860 +Q1371735 P1303 Q6607 +Q597698 P108 Q144488 +Q268147 P108 Q49109 +Q677843 P106 Q1622272 +Q200768 P27 Q30 +Q247063 P509 Q175111 +Q89786 P101 Q482 +Q106834 P1412 Q1860 +Q387638 P161 Q329700 +Q5608 P136 Q11401 +Q257953 P106 Q42909 +Q77980 P1412 Q188 +Q153159 P101 Q132151 +Q337185 P106 Q753110 +Q501 P106 Q36180 +Q16389 P463 Q1493021 +Q220816 P136 Q482 +Q155845 P106 Q49757 +Q108009 P106 Q36834 +Q167437 P495 Q183 +Q190772 P1412 Q150 +Q961671 P106 Q855091 +Q320604 P69 Q192088 +Q1560662 P1303 Q6607 +Q34933 P106 Q36180 +Q189869 P1412 Q1321 +Q96950 P102 Q49750 +Q232288 P172 Q49085 +Q124894 P463 Q188771 +Q318390 P106 Q6625963 +Q162672 P161 Q190994 +Q154346 P27 Q33946 +Q107226 P161 Q58592 +Q77107 P69 Q165528 +Q58866 P106 Q36180 +Q75889 P69 Q153978 +Q61629 P136 Q35760 +Q55422 P27 Q16 +Q207130 P495 Q30 +Q68656 P106 Q82955 +Q170250 P161 Q214309 +Q32927 P106 Q177220 +Q16869 P17 Q12544 +Q77006 P106 Q183945 +Q232417 P69 Q774489 +Q234043 P1303 Q187851 +Q264764 P106 Q42973 +Q191026 P106 Q4964182 +Q64406 P108 Q154561 +Q90720 P106 Q1930187 +Q22072 P27 Q408 +Q112880 P20 Q1741 +Q3709938 P106 Q42603 +Q201359 P20 Q60 +Q53651 P106 Q33999 +Q976296 P106 Q11063 +Q432655 P27 Q30 +Q600385 P19 Q1781 +Q187019 P106 Q36180 +Q529603 P27 Q30 +Q323516 P20 Q61 +Q71618 P136 Q8261 +Q70988 P69 Q32120 +Q1057003 P264 Q843402 +Q315507 P106 Q82955 +Q237115 P106 Q2526255 +Q242482 P106 Q33999 +Q82049 P20 Q34217 +Q458033 P136 Q130232 +Q60804 P1412 Q188 +Q468523 P69 Q1247589 +Q189119 P106 Q4263842 +Q104196 P27 Q16957 +Q986 P530 Q148 +Q221102 P161 Q228717 +Q3754146 P106 Q43845 +Q352540 P106 Q36834 +Q204672 P27 Q30 +Q68604 P108 Q157808 +Q1703194 P101 Q7163 +Q76727 P106 Q4991371 +Q184530 P140 Q9592 +Q716367 P108 Q681250 +Q313044 P27 Q96 +Q76576 P69 Q32120 +Q96 P530 Q28 +Q207873 P106 Q33999 +Q762361 P27 Q33 +Q441439 P1412 Q7411 +Q433939 P106 Q177220 +Q315592 P161 Q190994 +Q176909 P69 Q49088 +Q456467 P161 Q504458 +Q254962 P463 Q205473 +Q443813 P1303 Q46185 +Q215562 P106 Q193391 +Q2632 P19 Q24826 +Q179825 P106 Q901 +Q35149 P69 Q206702 +Q89043 P463 Q2092629 +Q145 P463 Q41550 +Q2149302 P106 Q212980 +Q90074 P106 Q214917 +Q105428 P69 Q206702 +Q157058 P172 Q940348 +Q103835 P106 Q169470 +Q1139628 P106 Q488205 +Q523589 P106 Q183945 +Q9960 P106 Q82955 +Q438164 P69 Q15142 +Q450282 P108 Q9531 +Q801 P530 Q38 +Q365633 P509 Q181754 +Q287805 P1412 Q1860 +Q267170 P463 Q463303 +Q359026 P264 Q183387 +Q429348 P106 Q488205 +Q42904 P27 Q159 +Q64278 P106 Q333634 +Q58009 P69 Q55044 +Q1380767 P69 Q13371 +Q230454 P106 Q488205 +Q310638 P27 Q183 +Q317742 P1303 Q6607 +Q175535 P106 Q33999 +Q1197841 P161 Q139638 +Q234324 P1412 Q1860 +Q61723 P106 Q36180 +Q104127 P509 Q12152 +Q59185 P264 Q1047366 +Q313138 P106 Q55960555 +Q7729 P1412 Q150 +Q311084 P27 Q30 +Q503917 P106 Q2516866 +Q107730 P106 Q245068 +Q71819 P106 Q36180 +Q258462 P27 Q30 +Q160433 P1303 Q5994 +Q58799 P119 Q562211 +Q185152 P106 Q36180 +Q801 P463 Q17495 +Q48226 P101 Q5891 +Q273206 P641 Q32112 +Q673567 P106 Q1086863 +Q943298 P1303 Q320002 +Q34211 P19 Q85 +Q162389 P27 Q30 +Q271145 P106 Q33999 +Q312292 P136 Q483352 +Q19045 P69 Q153987 +Q80 P108 Q49108 +Q107226 P161 Q175535 +Q180214 P161 Q269683 +Q19074 P69 Q3098911 +Q45321 P106 Q1930187 +Q184499 P463 Q123885 +Q763897 P106 Q855091 +Q399 P530 Q159 +Q167437 P161 Q104049 +Q150916 P463 Q259254 +Q234145 P106 Q593644 +Q77350 P463 Q1132636 +Q94123 P106 Q189290 +Q94586 P20 Q84 +Q2795 P463 Q747279 +Q78205 P69 Q152171 +Q173869 P1412 Q1860 +Q268994 P106 Q333634 +Q1065189 P19 Q60 +Q168109 P106 Q2526255 +Q61199 P106 Q333634 +Q524236 P27 Q30 +Q55168 P27 Q41 +Q736099 P27 Q38 +Q501429 P106 Q488205 +Q165706 P19 Q649 +Q11703496 P106 Q9149093 +Q186335 P106 Q6625963 +Q71447 P19 Q2090 +Q34190 P106 Q36180 +Q343456 P19 Q656 +Q561401 P106 Q245068 +Q378098 P106 Q82955 +Q710837 P106 Q36180 +Q67018 P101 Q8134 +Q272505 P119 Q1624932 +Q133405 P264 Q155152 +Q93129 P463 Q131566 +Q319171 P840 Q90 +Q92684 P106 Q1622272 +Q77109 P106 Q4964182 +Q232085 P106 Q5716684 +Q190368 P20 Q220 +Q116718 P106 Q82955 +Q30449 P136 Q11366 +Q93188 P509 Q12152 +Q180008 P161 Q313522 +Q981171 P1412 Q7737 +Q150910 P20 Q34692 +Q128553 P106 Q40348 +Q128759 P463 Q329464 +Q17714 P509 Q206901 +Q16345 P69 Q49110 +Q271824 P106 Q6625963 +Q231391 P1303 Q17172850 +Q709499 P106 Q177220 +Q297794 P19 Q90 +Q726369 P106 Q177220 +Q1346126 P106 Q822146 +Q168992 P106 Q488205 +Q88427 P102 Q152554 +Q206497 P495 Q30 +Q18425 P463 Q684415 +Q380381 P106 Q55960555 +Q34 P463 Q1579424 +Q104757 P463 Q320642 +Q517448 P1303 Q17172850 +Q230795 P140 Q9592 +Q44336 P1412 Q188 +Q330316 P136 Q37073 +Q361004 P20 Q275118 +Q4184336 P106 Q1622272 +Q86778 P106 Q33999 +Q45255 P27 Q41304 +Q51513 P19 Q1741 +Q4723060 P463 Q270794 +Q183 P530 Q224 +Q57311 P106 Q188094 +Q43267 P136 Q164444 +Q93890 P106 Q10732476 +Q95039 P19 Q60 +Q7351 P106 Q486748 +Q236463 P106 Q10800557 +Q130742 P1303 Q51290 +Q55449 P172 Q49085 +Q231141 P69 Q459506 +Q710837 P106 Q43845 +Q160802 P106 Q3282637 +Q424173 P106 Q639669 +Q240628 P102 Q29468 +Q941655 P27 Q736 +Q334180 P106 Q36834 +Q40479 P106 Q36180 +Q180099 P509 Q212961 +Q470047 P106 Q1930187 +Q107183 P1412 Q188 +Q167683 P106 Q36180 +Q962 P530 Q159 +Q362254 P106 Q622807 +Q380545 P27 Q172107 +Q40688 P108 Q1045828 +Q93872 P463 Q459620 +Q8442 P69 Q20266330 +Q944563 P1412 Q1860 +Q240371 P19 Q189074 +Q63035 P119 Q438183 +Q131326 P106 Q333634 +Q30 P463 Q8475 +Q55190 P106 Q10800557 +Q528647 P19 Q207350 +Q709685 P106 Q1930187 +Q66916 P26 Q9387 +Q215406 P106 Q82955 +Q733 P530 Q183 +Q110163 P19 Q64 +Q945301 P106 Q121594 +Q289524 P106 Q33999 +Q67633 P19 Q1799 +Q228860 P27 Q30 +Q4084084 P102 Q79854 +Q356283 P27 Q161885 +Q246929 P106 Q36834 +Q1452597 P106 Q488205 +Q16390 P102 Q29552 +Q317169 P136 Q37073 +Q173839 P106 Q28389 +Q364724 P136 Q21590660 +Q26993 P69 Q156737 +Q833 P463 Q7825 +Q77079 P106 Q6625963 +Q1827208 P69 Q180865 +Q77549 P119 Q819654 +Q225885 P57 Q316596 +Q31984 P106 Q4853732 +Q78857 P19 Q1741 +Q43250 P17 Q7318 +Q92341 P108 Q41506 +Q972107 P172 Q2325516 +Q106571 P136 Q52162262 +Q315181 P106 Q33999 +Q93070 P106 Q81096 +Q158436 P106 Q36180 +Q164813 P840 Q90 +Q235146 P69 Q5121453 +Q102902 P27 Q16957 +Q381884 P264 Q38903 +Q887993 P106 Q639669 +Q71135 P106 Q1234713 +Q357762 P27 Q38 +Q204168 P108 Q29052 +Q98897 P106 Q482980 +Q74795 P463 Q451079 +Q42552 P20 Q31487 +Q538379 P1412 Q7737 +Q770584 P69 Q21578 +Q151682 P161 Q72867 +Q325589 P20 Q23436 +Q386394 P27 Q28 +Q38484 P102 Q815348 +Q131074 P161 Q206922 +Q11490 P19 Q60 +Q193273 P27 Q83286 +Q312885 P136 Q11399 +Q27306 P131 Q150981 +Q561401 P1412 Q1860 +Q46132 P136 Q11399 +Q781 P463 Q123759 +Q909 P108 Q194223 +Q257317 P106 Q10798782 +Q140738 P27 Q159 +Q2042 P106 Q372436 +Q75823 P106 Q322170 +Q204168 P106 Q36180 +Q107424 P106 Q36834 +Q158759 P495 Q145 +Q120578 P106 Q6625963 +Q163513 P69 Q838330 +Q1370873 P27 Q30 +Q432268 P106 Q36834 +Q274070 P140 Q13211738 +Q3215942 P106 Q170790 +Q431117 P106 Q177220 +Q606389 P69 Q835960 +Q57118 P106 Q33999 +Q189081 P69 Q161562 +Q3719620 P106 Q82594 +Q191819 P27 Q174193 +Q107008 P1303 Q1444 +Q547373 P1303 Q46185 +Q920637 P1412 Q1860 +Q259940 P106 Q33999 +Q219377 P106 Q13382533 +Q190998 P106 Q10798782 +Q1236051 P136 Q1344 +Q719623 P106 Q9352089 +Q25529 P1303 Q6607 +Q286475 P106 Q214917 +Q102071 P106 Q1114448 +Q55800 P106 Q18814623 +Q367634 P551 Q12439 +Q252142 P108 Q390287 +Q432743 P551 Q65 +Q311358 P106 Q901 +Q316850 P136 Q11399 +Q129747 P172 Q49085 +Q236303 P1412 Q1860 +Q1810650 P27 Q403 +Q1273345 P1303 Q5994 +Q130742 P106 Q3282637 +Q313256 P20 Q61 +Q314972 P1412 Q150 +Q711538 P1412 Q652 +Q61673 P27 Q213 +Q65932 P106 Q33999 +Q142 P530 Q244 +Q26265 P136 Q157394 +Q107264 P463 Q466089 +Q84704 P106 Q1930187 +Q380407 P27 Q15180 +Q57501 P106 Q4964182 +Q112747 P161 Q43432 +Q252 P463 Q170481 +Q168721 P26 Q1549911 +Q154751 P27 Q183 +Q178412 P1412 Q652 +Q707446 P106 Q10798782 +Q239540 P106 Q49757 +Q583814 P136 Q676 +Q159551 P172 Q7325 +Q181683 P1303 Q6607 +Q44561 P106 Q10798782 +Q238795 P19 Q44989 +Q218 P530 Q15180 +Q327981 P1412 Q1860 +Q84482 P1412 Q188 +Q205028 P840 Q649 +Q650303 P106 Q36180 +Q7439 P106 Q18844224 +Q4028 P69 Q1760438 +Q242956 P106 Q28389 +Q314597 P106 Q183945 +Q311256 P106 Q753110 +Q16957 P530 Q36704 +Q230068 P551 Q142 +Q5685 P106 Q214917 +Q251144 P106 Q1415090 +Q157194 P1412 Q150 +Q77970 P106 Q1930187 +Q112167 P27 Q183 +Q44578 P161 Q35011 +Q560048 P106 Q639669 +Q154216 P264 Q190585 +Q715790 P551 Q36 +Q346091 P19 Q90 +Q1195390 P106 Q855091 +Q84292 P106 Q81096 +Q153725 P106 Q177220 +Q528323 P19 Q34404 +Q343037 P27 Q174193 +Q192474 P264 Q585643 +Q228494 P101 Q482 +Q215263 P106 Q121594 +Q322211 P264 Q168407 +Q230622 P264 Q796316 +Q485310 P106 Q2259451 +Q467091 P20 Q1486 +Q6829 P17 Q41304 +Q101740 P463 Q463303 +Q43736 P140 Q748 +Q294185 P27 Q30 +Q112979 P106 Q36180 +Q930586 P1412 Q1321 +Q105386 P106 Q2599593 +Q198638 P106 Q33999 +Q44258 P2348 Q2277 +Q981419 P106 Q520549 +Q310934 P106 Q10800557 +Q42198 P136 Q959790 +Q2387083 P27 Q30 +Q229042 P106 Q10798782 +Q151973 P106 Q10800557 +Q102244 P136 Q52162262 +Q7243 P106 Q860918 +Q223741 P106 Q753110 +Q771296 P740 Q656 +Q24995 P1412 Q1860 +Q936422 P106 Q131524 +Q71084 P17 Q142 +Q337578 P106 Q2526255 +Q107940 P161 Q16297 +Q76409 P106 Q1086863 +Q384397 P136 Q860626 +Q110960 P20 Q64 +Q431660 P840 Q60 +Q107761 P495 Q145 +Q346091 P106 Q182436 +Q208359 P1412 Q1860 +Q809037 P106 Q753110 +Q125106 P106 Q10798782 +Q62402 P106 Q901 +Q216180 P27 Q183 +Q257805 P106 Q1415090 +Q187107 P19 Q65 +Q346801 P1303 Q46185 +Q160946 P136 Q130232 +Q71408 P108 Q122453 +Q449013 P106 Q947873 +Q189226 P106 Q10798782 +Q1411849 P27 Q30 +Q125494 P840 Q65 +Q313652 P106 Q2259451 +Q374181 P106 Q10798782 +Q61374 P108 Q55044 +Q217110 P106 Q6625963 +Q204936 P19 Q84 +Q265706 P69 Q7739610 +Q349434 P27 Q30 +Q702 P530 Q148 +Q105221 P106 Q245068 +Q443892 P136 Q45981 +Q11847 P20 Q270 +Q61673 P140 Q9592 +Q129857 P1412 Q150 +Q786579 P27 Q142 +Q35725 P161 Q271856 +Q152274 P108 Q31519 +Q78714 P106 Q3368718 +Q323771 P495 Q30 +Q234017 P509 Q12152 +Q276167 P69 Q179036 +Q251818 P69 Q2994538 +Q52392 P106 Q33999 +Q507985 P172 Q49085 +Q312258 P106 Q3282637 +Q298726 P1412 Q1860 +Q93689 P161 Q187832 +Q63486 P69 Q875788 +Q85716 P108 Q32120 +Q267186 P106 Q2259451 +Q77327 P20 Q1707 +Q98737 P102 Q49768 +Q324015 P106 Q486748 +Q275120 P161 Q42204 +Q825435 P108 Q158158 +Q160456 P106 Q1476215 +Q433060 P27 Q30 +Q66732 P19 Q64 +Q962 P463 Q1065 +Q127897 P161 Q150651 +Q164119 P106 Q639669 +Q45165 P136 Q263734 +Q52927 P1412 Q9027 +Q860206 P463 Q188771 +Q40187 P161 Q125106 +Q357762 P3373 Q190998 +Q161842 P69 Q204181 +Q157040 P69 Q390287 +Q110073 P27 Q30 +Q356283 P106 Q49757 +Q92432 P102 Q49768 +Q292432 P136 Q43343 +Q178698 P69 Q34433 +Q148 P530 Q45 +Q61114 P140 Q9592 +Q241087 P551 Q490 +Q342665 P106 Q10798782 +Q357455 P106 Q855091 +Q192515 P136 Q164444 +Q363518 P106 Q10800557 +Q55994 P27 Q30 +Q454398 P840 Q60 +Q567340 P27 Q183 +Q574885 P106 Q33999 +Q59346 P161 Q320084 +Q7313843 P69 Q49167 +Q58091 P106 Q188094 +Q215017 P27 Q25 +Q90635 P119 Q311 +Q75814 P69 Q151510 +Q114089 P1412 Q1321 +Q69631 P463 Q320642 +Q232874 P551 Q34006 +Q726388 P509 Q12152 +Q151098 P3373 Q151087 +Q157303 P106 Q2526255 +Q76363 P1412 Q188 +Q157322 P106 Q18844224 +Q318390 P27 Q45 +Q77377 P106 Q82955 +Q134477 P106 Q36180 +Q18806 P20 Q64 +Q60714 P108 Q43250 +Q276440 P1412 Q1860 +Q347362 P106 Q36180 +Q172466 P19 Q38022 +Q169996 P495 Q145 +Q244975 P161 Q212518 +Q1230528 P106 Q169470 +Q1615184 P1412 Q188 +Q208116 P106 Q18844224 +Q185724 P106 Q10798782 +Q434956 P106 Q177220 +Q53006 P106 Q3282637 +Q912791 P106 Q36180 +Q106349 P106 Q2526255 +Q1343669 P106 Q4351403 +Q32910 P161 Q948751 +Q1245 P140 Q1841 +Q431117 P136 Q11366 +Q180224 P1303 Q51290 +Q36 P463 Q233611 +Q484702 P106 Q333634 +Q193670 P27 Q262 +Q981856 P106 Q855091 +Q102570 P106 Q1622272 +Q3018520 P108 Q83259 +Q310343 P106 Q10800557 +Q271967 P106 Q28389 +Q63078 P463 Q4345832 +Q193803 P463 Q123885 +Q234595 P264 Q513712 +Q254138 P740 Q39709 +Q149127 P102 Q29468 +Q1112005 P136 Q45981 +Q457029 P19 Q47265 +Q192409 P136 Q130232 +Q1373347 P264 Q183387 +Q128379 P19 Q23154 +Q433939 P106 Q639669 +Q119798 P106 Q10798782 +Q228645 P27 Q30 +Q296950 P27 Q34266 +Q11806 P140 Q106687 +Q131259 P27 Q15180 +Q1165439 P136 Q45981 +Q1292110 P106 Q753110 +Q929 P37 Q150 +Q858623 P106 Q822146 +Q171453 P840 Q61 +Q267764 P106 Q639669 +Q902285 P106 Q28389 +Q318885 P509 Q372701 +Q49061 P106 Q49757 +Q197108 P19 Q1218 +Q438175 P19 Q585 +Q15975 P140 Q1841 +Q457727 P27 Q30 +Q3986379 P161 Q128956 +Q213 P530 Q184 +Q232514 P106 Q753110 +Q353442 P1412 Q150 +Q234558 P27 Q30 +Q351849 P27 Q30 +Q288359 P106 Q36180 +Q940594 P19 Q1486 +Q1321093 P27 Q17 +Q44580 P27 Q7318 +Q8619 P69 Q174570 +Q35 P530 Q878 +Q41422 P106 Q10798782 +Q763 P30 Q49 +Q236987 P20 Q90 +Q215300 P106 Q33999 +Q371403 P106 Q33999 +Q1246 P530 Q37 +Q60946 P106 Q14467526 +Q76308 P106 Q82594 +Q36878 P106 Q82955 +Q183382 P106 Q36180 +Q353866 P20 Q48958 +Q152531 P161 Q308722 +Q381256 P737 Q5879 +Q366563 P27 Q30 +Q887553 P1412 Q1860 +Q33866 P463 Q1938003 +Q19661 P106 Q947873 +Q931278 P108 Q202660 +Q89949 P27 Q183 +Q76308 P106 Q1622272 +Q114 P530 Q953 +Q314269 P69 Q192334 +Q1242 P106 Q121594 +Q270905 P27 Q17 +Q16581 P20 Q1741 +Q215546 P264 Q14192383 +Q189422 P106 Q28389 +Q238702 P106 Q6625963 +Q3215817 P551 Q65 +Q971735 P69 Q1431541 +Q16581 P463 Q299015 +Q256809 P106 Q33999 +Q481871 P463 Q463303 +Q2157440 P108 Q21578 +Q111673 P19 Q393 +Q76492 P106 Q28389 +Q371905 P106 Q18844224 +Q56011 P106 Q10800557 +Q355024 P106 Q2259451 +Q15257 P102 Q558334 +Q207817 P1412 Q1568 +Q112427 P19 Q1017 +Q260548 P161 Q1349284 +Q217 P463 Q663492 +Q108814 P106 Q82955 +Q193573 P161 Q130853 +Q156749 P463 Q543804 +Q313813 P106 Q639669 +Q145 P530 Q244 +Q215263 P1412 Q1860 +Q811 P37 Q1321 +Q211429 P136 Q130232 +Q921516 P27 Q159 +Q60487 P161 Q235707 +Q263279 P136 Q37073 +Q217160 P264 Q202585 +Q4263553 P27 Q133356 +Q766930 P264 Q202440 +Q252142 P101 Q413 +Q4173649 P106 Q901 +Q142988 P106 Q16947320 +Q431540 P1412 Q7737 +Q361677 P106 Q639669 +Q810 P463 Q7172 +Q142 P530 Q155 +Q17279884 P1412 Q397 +Q132430 P106 Q10800557 +Q55846 P106 Q188094 +Q234992 P27 Q30 +Q169077 P69 Q31519 +Q333475 P106 Q3282637 +Q119546 P69 Q49088 +Q40071 P136 Q130232 +Q360079 P119 Q2972543 +Q113830 P102 Q153401 +Q60546 P27 Q183 +Q184169 P737 Q1394 +Q1509908 P509 Q181257 +Q213613 P136 Q9734 +Q1411849 P106 Q1955150 +Q798658 P136 Q45981 +Q180962 P551 Q1408 +Q72564 P106 Q1622272 +Q231951 P106 Q10800557 +Q152555 P1412 Q1321 +Q213754 P106 Q36180 +Q55264 P106 Q2526255 +Q314774 P27 Q843 +Q709685 P106 Q3658608 +Q208424 P161 Q151973 +Q320849 P69 Q258464 +Q43718 P27 Q34266 +Q239652 P136 Q482 +Q299190 P106 Q33999 +Q276332 P1303 Q17172850 +Q1046616 P19 Q34217 +Q373500 P509 Q47912 +Q3893579 P1412 Q143 +Q66735 P140 Q75809 +Q236958 P106 Q1930187 +Q316528 P1303 Q17172850 +Q86812 P106 Q36180 +Q183 P530 Q869 +Q314158 P106 Q6625963 +Q566200 P27 Q713750 +Q333892 P27 Q34 +Q158765 P106 Q33231 +Q334396 P19 Q84 +Q53300 P108 Q185246 +Q13003 P136 Q9730 +Q1020 P463 Q842490 +Q109612 P264 Q5086379 +Q262479 P106 Q6625963 +Q166159 P106 Q36834 +Q41564 P106 Q193391 +Q18832 P106 Q1028181 +Q371905 P1412 Q150 +Q357515 P106 Q33999 +Q43 P530 Q408 +Q229840 P106 Q1930187 +Q1903090 P69 Q5384959 +Q75539 P136 Q860626 +Q301083 P136 Q959790 +Q1689075 P136 Q11399 +Q156201 P69 Q4204467 +Q4415063 P509 Q3010352 +Q189947 P1412 Q150 +Q302835 P101 Q34178 +Q185071 P161 Q229009 +Q167803 P27 Q38 +Q310638 P1412 Q188 +Q42992 P172 Q7325 +Q229603 P495 Q30 +Q49034 P106 Q4610556 +Q59346 P136 Q188473 +Q27214 P1412 Q1860 +Q60208 P102 Q310296 +Q537320 P19 Q649 +Q2496 P509 Q181754 +Q184530 P20 Q220 +Q1900054 P106 Q488205 +Q270215 P161 Q41351 +Q597694 P106 Q1930187 +Q3189110 P108 Q1753535 +Q365199 P106 Q33999 +Q81131 P27 Q30 +Q207034 P106 Q36834 +Q253167 P509 Q3505252 +Q62254 P1412 Q188 +Q322303 P106 Q855091 +Q58612 P27 Q183 +Q974221 P1303 Q52954 +Q556544 P106 Q81096 +Q243419 P463 Q463303 +Q334818 P20 Q1354 +Q78491 P106 Q4263842 +Q245787 P106 Q36180 +Q139460 P136 Q157443 +Q79025 P136 Q11635 +Q229319 P106 Q9017214 +Q210315 P172 Q30 +Q102711 P69 Q216458 +Q510653 P1412 Q1860 +Q237820 P27 Q145 +Q119348 P106 Q2526255 +Q212689 P161 Q40096 +Q113953 P20 Q1055 +Q55456 P106 Q947873 +Q1246 P530 Q183 +Q392441 P136 Q1054574 +Q1178 P1303 Q5994 +Q45575 P108 Q217365 +Q77729 P27 Q16 +Q3193543 P1412 Q150 +Q150767 P106 Q36834 +Q148 P530 Q954 +Q348738 P106 Q36180 +Q367447 P737 Q1779 +Q2287423 P3373 Q2449206 +Q241754 P106 Q33231 +Q743035 P106 Q28389 +Q983450 P1412 Q1860 +Q388785 P106 Q639669 +Q92600 P106 Q5482740 +Q374610 P463 Q463303 +Q307463 P106 Q43845 +Q255342 P136 Q1033891 +Q174908 P140 Q9592 +Q310926 P106 Q10798782 +Q982535 P1412 Q652 +Q111436 P172 Q34069 +Q123371 P69 Q11942 +Q91990 P463 Q414188 +Q233697 P106 Q10798782 +Q232827 P172 Q678551 +Q323175 P641 Q36908 +Q264307 P495 Q16 +Q65121 P69 Q151510 +Q234314 P106 Q33999 +Q172388 P69 Q41506 +Q353866 P119 Q311 +Q854 P530 Q826 +Q155124 P69 Q503246 +Q536723 P101 Q207628 +Q435780 P106 Q488205 +Q108558 P1412 Q188 +Q355009 P1303 Q17172850 +Q230448 P106 Q2526255 +Q89786 P106 Q36180 +Q350255 P106 Q5716684 +Q370893 P161 Q189415 +Q286777 P106 Q2259451 +Q70912 P106 Q33999 +Q163063 P264 Q1063242 +Q313283 P106 Q10800557 +Q221949 P136 Q130232 +Q431191 P106 Q3282637 +Q151608 P108 Q181410 +Q876706 P106 Q185351 +Q61585 P106 Q36180 +Q156941 P463 Q329464 +Q42904 P136 Q37073 +Q459038 P101 Q207628 +Q123225 P463 Q83172 +Q200639 P106 Q121594 +Q75811 P106 Q1622272 +Q387638 P161 Q320218 +Q230 P530 Q36 +Q232417 P463 Q1468277 +Q539 P106 Q18814623 +Q230 P530 Q32 +Q284876 P106 Q3282637 +Q76738 P119 Q220 +Q794 P530 Q833 +Q364781 P1303 Q6607 +Q1011 P30 Q15 +Q121060 P27 Q161885 +Q8312 P106 Q28389 +Q557525 P108 Q2994538 +Q1250743 P106 Q177220 +Q164957 P106 Q49757 +Q600635 P1303 Q6607 +Q66107 P106 Q36180 +Q1280288 P19 Q23556 +Q337145 P106 Q10800557 +Q443534 P69 Q168751 +Q332348 P161 Q103939 +Q241 P530 Q854 +Q84992 P27 Q1206012 +Q427167 P136 Q49084 +Q4559180 P69 Q486156 +Q274117 P106 Q33999 +Q229 P361 Q7204 +Q183469 P463 Q463303 +Q881 P530 Q28 +Q78713 P106 Q2961975 +Q179041 P106 Q948329 +Q61863 P106 Q2468727 +Q633 P264 Q212699 +Q11734 P1412 Q188 +Q318792 P106 Q639669 +Q213736 P136 Q131272 +Q537112 P106 Q6625963 +Q215359 P106 Q13235160 +Q72365 P27 Q183 +Q443121 P106 Q728711 +Q211998 P69 Q178848 +Q244931 P136 Q959790 +Q229029 P106 Q33999 +Q228733 P106 Q2405480 +Q53050 P27 Q172579 +Q334633 P106 Q82955 +Q928 P530 Q43 +Q172035 P106 Q10800557 +Q137571 P108 Q186285 +Q257872 P106 Q1930187 +Q238719 P106 Q49757 +Q501 P119 Q272208 +Q1370605 P136 Q83440 +Q317704 P106 Q10800557 +Q161084 P19 Q2973 +Q183 P530 Q884 +Q109943 P1412 Q9035 +Q232109 P509 Q389735 +Q562781 P463 Q2370801 +Q157451 P463 Q842008 +Q547181 P1303 Q17172850 +Q60174 P106 Q36834 +Q1686156 P264 Q38903 +Q1329421 P106 Q36834 +Q213783 P27 Q131964 +Q153996 P106 Q488205 +Q229029 P27 Q145 +Q4723060 P106 Q806798 +Q180468 P463 Q463303 +Q542307 P69 Q737835 +Q13014 P102 Q179111 +Q55422 P140 Q7066 +Q5348 P106 Q36180 +Q56635 P172 Q846570 +Q157970 P1412 Q9056 +Q189554 P106 Q10800557 +Q35733 P106 Q12144794 +Q155412 P106 Q33999 +Q72479 P1412 Q188 +Q123089 P27 Q39 +Q46739 P509 Q181257 +Q434399 P101 Q207628 +Q910392 P1412 Q652 +Q75089 P463 Q543804 +Q26806 P172 Q974693 +Q587852 P19 Q23556 +Q61723 P69 Q151510 +Q127349 P551 Q2807 +Q93692 P1412 Q150 +Q66992 P1412 Q1860 +Q239897 P106 Q2526255 +Q267265 P1303 Q6607 +Q30 P463 Q3866537 +Q3709938 P69 Q168756 +Q927771 P106 Q1930187 +Q231880 P136 Q37073 +Q261456 P106 Q2259451 +Q143172 P69 Q599316 +Q1276 P136 Q217191 +Q1387593 P106 Q2732142 +Q6527 P106 Q14915627 +Q2579684 P102 Q79854 +Q83739 P57 Q13595531 +Q343983 P106 Q2405480 +Q237033 P101 Q482 +Q18425 P463 Q188771 +Q229646 P140 Q9592 +Q153802 P106 Q177220 +Q63146 P1412 Q397 +Q949 P69 Q838330 +Q311358 P463 Q337234 +Q236829 P106 Q49757 +Q57236 P27 Q183 +Q315271 P69 Q736674 +Q27925670 P106 Q483501 +Q311193 P106 Q183945 +Q73357 P20 Q3033 +Q346648 P108 Q216047 +Q269692 P106 Q28389 +Q919156 P106 Q177220 +Q503013 P106 Q33999 +Q297024 P551 Q1874 +Q717626 P27 Q145 +Q406854 P19 Q1773 +Q961447 P106 Q177220 +Q12292644 P1412 Q7918 +Q140052 P737 Q44306 +Q167243 P1412 Q7737 +Q408 P530 Q921 +Q359383 P106 Q33999 +Q186959 P463 Q651690 +Q139638 P106 Q2259451 +Q78316 P106 Q1930187 +Q937 P106 Q170790 +Q672443 P161 Q296630 +Q48053 P20 Q649 +Q468067 P119 Q1242128 +Q62845 P106 Q10798782 +Q198638 P69 Q1079140 +Q2673 P106 Q33999 +Q357455 P264 Q1273666 +Q80321 P509 Q11081 +Q19801728 P161 Q4960 +Q966894 P20 Q90 +Q242130 P106 Q36180 +Q51564 P106 Q28389 +Q209004 P119 Q4263743 +Q69198 P1412 Q188 +Q5809 P106 Q28389 +Q154723 P106 Q212980 +Q236343 P106 Q33999 +Q963 P463 Q376150 +Q323267 P106 Q169470 +Q43499 P1412 Q397 +Q1277015 P106 Q486748 +Q553259 P135 Q6034 +Q469752 P106 Q186360 +Q61879 P551 Q2814 +Q764570 P106 Q81096 +Q337722 P264 Q121698 +Q134798 P106 Q1622272 +Q218172 P840 Q62 +Q878 P530 Q817 +Q182725 P101 Q207628 +Q106997 P3373 Q273574 +Q10716 P106 Q36180 +Q9916 P106 Q189290 +Q346965 P106 Q33999 +Q7052125 P106 Q82955 +Q244931 P161 Q382197 +Q384847 P1412 Q143 +Q550900 P1303 Q5994 +Q333856 P106 Q28389 +Q511046 P106 Q82955 +Q903208 P108 Q189022 +Q168992 P106 Q3501317 +Q801 P530 Q424 +Q1388990 P106 Q82955 +Q778673 P159 Q5083 +Q31 P530 Q347 +Q1346126 P19 Q16555 +Q187832 P136 Q316930 +Q1911321 P27 Q36 +Q172684 P27 Q174193 +Q596717 P106 Q158852 +Q238712 P136 Q83440 +Q213613 P106 Q14915627 +Q45 P463 Q1065 +Q296609 P106 Q28389 +Q283696 P161 Q336131 +Q740181 P106 Q333634 +Q153185 P463 Q463303 +Q459038 P106 Q639669 +Q5496982 P1412 Q1860 +Q57298 P3373 Q401645 +Q508182 P106 Q3387717 +Q193300 P20 Q7473516 +Q288588 P27 Q183 +Q77482 P463 Q459620 +Q486096 P106 Q36180 +Q310930 P106 Q2259451 +Q98524 P106 Q16267607 +Q66379 P106 Q64733534 +Q185507 P840 Q812 +Q192301 P840 Q1408 +Q77688 P106 Q2306091 +Q826 P530 Q30 +Q295589 P1412 Q652 +Q345468 P106 Q10800557 +Q792 P463 Q656801 +Q151705 P161 Q231951 +Q67436 P106 Q1622272 +Q842243 P20 Q1435 +Q958294 P1412 Q150 +Q313185 P1412 Q1860 +Q438164 P737 Q178698 +Q1783775 P172 Q49085 +Q532279 P106 Q189290 +Q212 P530 Q252 +Q178549 P136 Q186472 +Q641582 P27 Q83286 +Q215 P530 Q159 +Q664 P530 Q230 +Q346091 P106 Q4263842 +Q271145 P106 Q2259451 +Q1340677 P463 Q270794 +Q65144 P106 Q10800557 +Q113007 P27 Q347 +Q68036 P69 Q152087 +Q55404 P1050 Q12204 +Q230739 P106 Q15077007 +Q60644 P106 Q36180 +Q3770812 P20 Q495 +Q123878 P19 Q78 +Q234149 P27 Q142 +Q254555 P136 Q4984974 +Q261588 P509 Q12136 +Q130447 P27 Q30 +Q1869627 P106 Q855091 +Q1246 P37 Q9299 +Q233932 P106 Q488205 +Q213520 P27 Q801 +Q86105 P106 Q33999 +Q843 P530 Q458 +Q239357 P1303 Q5994 +Q927879 P106 Q1781198 +Q52922 P108 Q1065 +Q544283 P20 Q1563 +Q291068 P27 Q30 +Q57604 P106 Q177220 +Q58577 P106 Q81096 +Q5890 P136 Q20656232 +Q380407 P106 Q947873 +Q382068 P69 Q131252 +Q83333 P106 Q3400985 +Q289003 P136 Q379671 +Q347362 P463 Q463303 +Q713246 P106 Q1930187 +Q1402 P509 Q152234 +Q971 P530 Q230 +Q44833 P106 Q855091 +Q75828 P119 Q24879 +Q108539 P463 Q543804 +Q816565 P19 Q3141 +Q938622 P17 Q237 +Q722042 P69 Q1472358 +Q357974 P106 Q177220 +Q106303 P106 Q10800557 +Q7439 P106 Q5482740 +Q1678110 P106 Q36834 +Q92608 P69 Q21578 +Q23395 P161 Q193668 +Q191100 P161 Q948751 +Q71035 P106 Q1622272 +Q44695 P106 Q49757 +Q179150 P1303 Q17172850 +Q1282956 P106 Q488205 +Q1451285 P69 Q49115 +Q44578 P161 Q270664 +Q275929 P106 Q11774202 +Q164963 P161 Q206922 +Q77462 P1303 Q17172850 +Q5082974 P1412 Q1860 +Q386291 P161 Q287607 +Q30 P530 Q766 +Q480484 P20 Q71 +Q235928 P106 Q10800557 +Q215636 P108 Q214341 +Q445463 P1412 Q5146 +Q44403 P119 Q746647 +Q202148 P106 Q10798782 +Q770584 P106 Q82594 +Q179282 P135 Q7066 +Q346607 P106 Q584301 +Q699950 P27 Q83286 +Q75371 P108 Q153978 +Q70764 P19 Q2079 +Q302675 P20 Q84 +Q207506 P106 Q10798782 +Q91823 P102 Q7320 +Q19045 P463 Q40358 +Q8684 P131 Q188712 +Q228733 P27 Q30 +Q82280 P106 Q82955 +Q148387 P161 Q264748 +Q429046 P136 Q11401 +Q92684 P463 Q127992 +Q155412 P136 Q45981 +Q272972 P172 Q1344183 +Q176405 P136 Q49084 +Q254430 P108 Q1145306 +Q349434 P740 Q23556 +Q213355 P463 Q123885 +Q651 P463 Q265058 +Q191037 P106 Q266569 +Q1646438 P136 Q49451 +Q204751 P136 Q6010 +Q229264 P463 Q161806 +Q310798 P106 Q43845 +Q60804 P106 Q1930187 +Q3620117 P1412 Q652 +Q719010 P106 Q10349745 +Q819 P530 Q833 +Q237033 P106 Q4853732 +Q1095432 P172 Q49085 +Q287824 P106 Q948329 +Q334763 P161 Q228766 +Q575795 P106 Q3282637 +Q134549 P140 Q1841 +Q1475124 P106 Q639669 +Q270374 P106 Q177220 +Q526989 P106 Q177220 +Q463281 P131 Q11299 +Q135481 P27 Q15180 +Q57118 P140 Q7066 +Q239002 P106 Q177220 +Q181659 P106 Q49757 +Q637949 P27 Q30 +Q78514 P27 Q176495 +Q449505 P463 Q270920 +Q38 P530 Q20 +Q1685286 P463 Q191583 +Q68411 P108 Q40025 +Q232214 P27 Q96 +Q311723 P106 Q9017214 +Q371972 P106 Q33999 +Q463615 P495 Q16 +Q42 P106 Q4853732 +Q190908 P161 Q35332 +Q355531 P101 Q8341 +Q735399 P106 Q1622272 +Q78386 P106 Q49757 +Q87675 P106 Q3332711 +Q78490 P509 Q12152 +Q344983 P1303 Q6607 +Q114450 P27 Q219 +Q69320 P106 Q10800557 +Q160560 P161 Q61356 +Q327303 P102 Q727724 +Q115761 P108 Q144488 +Q44855 P106 Q639669 +Q167768 P1412 Q1860 +Q439267 P1412 Q1860 +Q286570 P106 Q3282637 +Q427403 P106 Q333634 +Q190251 P106 Q488205 +Q51023 P106 Q10800557 +Q262 P530 Q229 +Q202859 P1303 Q17172850 +Q436996 P106 Q49757 +Q302400 P19 Q34404 +Q84755 P106 Q482980 +Q271464 P27 Q30 +Q85876 P69 Q165980 +Q220210 P20 Q49255 +Q408 P530 Q117 +Q217020 P136 Q157394 +Q103774 P1412 Q1860 +Q54868 P106 Q2405480 +Q46182 P106 Q333634 +Q710 P463 Q656801 +Q212523 P69 Q333886 +Q12688 P106 Q82955 +Q544611 P106 Q36180 +Q59346 P495 Q30 +Q1123947 P17 Q145 +Q540166 P136 Q193606 +Q1523426 P106 Q639669 +Q43 P530 Q17 +Q61761 P101 Q18362 +Q124834 P106 Q11481802 +Q57806 P106 Q82955 +Q707827 P106 Q10800557 +Q259317 P69 Q13371 +Q880776 P1412 Q1860 +Q51094 P106 Q33999 +Q8016 P509 Q12202 +Q241 P530 Q423 +Q57106 P1412 Q652 +Q76131 P106 Q333634 +Q55456 P106 Q2526255 +Q49081 P737 Q126462 +Q426393 P136 Q52162262 +Q241263 P27 Q30 +Q153597 P106 Q177220 +Q156394 P840 Q1297 +Q329577 P106 Q11338576 +Q139087 P463 Q463303 +Q83158 P106 Q5322166 +Q232395 P1412 Q1860 +Q164730 P451 Q357762 +Q35900 P106 Q155647 +Q1683438 P69 Q49112 +Q833738 P131 Q2966 +Q121698 P749 Q3001888 +Q320224 P106 Q33999 +Q76815 P106 Q36180 +Q103774 P264 Q168407 +Q94765 P106 Q1930187 +Q2019530 P509 Q12136 +Q470758 P106 Q11774202 +Q713575 P27 Q29999 +Q35064 P106 Q18814623 +Q274429 P106 Q121594 +Q85084 P27 Q131964 +Q95994 P20 Q2079 +Q234289 P27 Q12560 +Q240890 P27 Q38 +Q3849085 P27 Q38 +Q295679 P27 Q30 +Q270707 P106 Q28389 +Q467333 P108 Q21578 +Q180395 P136 Q188473 +Q230 P530 Q423 +Q309690 P136 Q1152184 +Q22686 P106 Q131524 +Q328662 P264 Q1439985 +Q199943 P1303 Q6607 +Q633 P106 Q486748 +Q4416818 P27 Q34266 +Q1820469 P264 Q193023 +Q229430 P27 Q30 +Q92670 P108 Q842909 +Q1343499 P27 Q30 +Q38203 P106 Q18814623 +Q74227 P106 Q33999 +Q1029 P530 Q148 +Q314966 P106 Q28389 +Q173955 P161 Q230530 +Q449235 P106 Q1622272 +Q204750 P106 Q4610556 +Q75261 P106 Q10798782 +Q372311 P27 Q30 +Q319061 P57 Q23844 +Q65587 P119 Q1794 +Q91990 P106 Q333634 +Q74165 P106 Q82955 +Q35 P530 Q212 +Q977488 P119 Q2000666 +Q86914 P27 Q16957 +Q1397191 P106 Q488205 +Q705458 P136 Q45981 +Q1346255 P106 Q753110 +Q807787 P172 Q49085 +Q216924 P172 Q42406 +Q41378 P106 Q205375 +Q168468 P106 Q205375 +Q156941 P106 Q520549 +Q463673 P19 Q18426 +Q183397 P106 Q36180 +Q76696 P102 Q662377 +Q467103 P106 Q177220 +Q1629187 P463 Q463303 +Q723141 P106 Q193391 +Q519838 P106 Q15077007 +Q1349501 P106 Q2405480 +Q182870 P106 Q28389 +Q212660 P136 Q2484376 +Q319785 P106 Q193391 +Q88248 P106 Q36180 +Q2367411 P106 Q4263842 +Q442656 P106 Q753110 +Q54828 P27 Q15180 +Q392662 P136 Q2297927 +Q131112 P106 Q1930187 +Q30 P530 Q702 +Q257217 P106 Q33999 +Q56093 P20 Q47164 +Q127606 P463 Q463303 +Q430182 P106 Q1930187 +Q192410 P451 Q314646 +Q19543 P1303 Q17172850 +Q165651 P161 Q264921 +Q160071 P161 Q235707 +Q526220 P106 Q1930187 +Q142059 P509 Q175111 +Q103955 P20 Q64 +Q1865656 P1303 Q5994 +Q558167 P106 Q81096 +Q347717 P106 Q488205 +Q64278 P20 Q1799 +Q314812 P106 Q10798782 +Q70737 P463 Q812155 +Q732980 P106 Q1930187 +Q207544 P106 Q10800557 +Q202801 P136 Q316930 +Q318503 P69 Q1079140 +Q509974 P106 Q82955 +Q58577 P106 Q151197 +Q438164 P737 Q6882 +Q221109 P161 Q1347483 +Q125462 P106 Q36180 +Q203574 P161 Q170428 +Q356537 P27 Q142 +Q487391 P27 Q884 +Q10681 P106 Q1327329 +Q769 P463 Q123759 +Q57501 P108 Q154804 +Q242418 P106 Q10798782 +Q188411 P106 Q4964182 +Q896966 P69 Q49108 +Q391784 P136 Q200092 +Q123987 P1412 Q150 +Q53454 P509 Q12152 +Q75814 P108 Q206702 +Q865 P463 Q1065 +Q242110 P106 Q488205 +Q262314 P106 Q55960555 +Q165706 P106 Q486748 +Q1606016 P20 Q90 +Q402194 P106 Q33999 +Q213662 P69 Q154804 +Q181900 P106 Q947873 +Q286022 P172 Q49085 +Q220910 P161 Q380904 +Q86419 P1412 Q188 +Q1631 P19 Q90 +Q152453 P172 Q49085 +Q150916 P136 Q188539 +Q543910 P108 Q219563 +Q902 P463 Q17495 +Q76749 P106 Q333634 +Q78116 P108 Q192964 +Q1033 P530 Q833 +Q327836 P20 Q1297 +Q106209 P27 Q30 +Q590792 P27 Q30 +Q128507 P106 Q2259451 +Q551154 P264 Q183412 +Q865 P530 Q683 +Q172183 P119 Q801 +Q1622098 P136 Q11366 +Q1906150 P106 Q3658608 +Q58978 P463 Q123885 +Q221771 P136 Q35760 +Q239195 P264 Q18149651 +Q130547 P136 Q37073 +Q202385 P509 Q11085 +Q3123791 P108 Q13371 +Q131149 P509 Q12204 +Q80959 P136 Q20443008 +Q544472 P106 Q82955 +Q70867 P101 Q5891 +Q310582 P69 Q599316 +Q129601 P161 Q102711 +Q1742005 P1303 Q302497 +Q296028 P106 Q33999 +Q194045 P106 Q177220 +Q558582 P136 Q37073 +Q268262 P106 Q36180 +Q57426 P106 Q214917 +Q460161 P509 Q14467705 +Q60772 P102 Q49762 +Q299190 P1412 Q1860 +Q25660 P106 Q639669 +Q101638 P106 Q6625963 +Q256327 P27 Q207272 +Q940617 P106 Q49757 +Q1689346 P509 Q202837 +Q242577 P136 Q37073 +Q44578 P161 Q295974 +Q842 P530 Q902 +Q273215 P106 Q10798782 +Q3138 P463 Q1768108 +Q275003 P101 Q179805 +Q975874 P106 Q1607826 +Q92035 P509 Q333495 +Q181555 P161 Q25089 +Q438475 P1412 Q188 +Q34969 P463 Q463303 +Q98215 P106 Q1792450 +Q61055 P102 Q7320 +Q108283 P106 Q10798782 +Q470875 P27 Q129286 +Q96 P530 Q419 +Q833 P530 Q826 +Q374045 P106 Q2259451 +Q182576 P106 Q488205 +Q28776 P161 Q231951 +Q705841 P106 Q488205 +Q105756 P737 Q69339 +Q441990 P20 Q65 +Q71490 P106 Q1930187 +Q162202 P172 Q49085 +Q430804 P106 Q28389 +Q178010 P106 Q753110 +Q4271 P1303 Q46185 +Q240324 P136 Q37073 +Q61962 P172 Q1026 +Q60804 P27 Q183 +Q2579732 P1412 Q1860 +Q46739 P136 Q482 +Q22222 P102 Q29552 +Q179215 P136 Q319221 +Q957921 P106 Q1371378 +Q229330 P1303 Q17172850 +Q93689 P161 Q315051 +Q717 P530 Q881 +Q188783 P40 Q268262 +Q32681 P106 Q1086863 +Q707827 P106 Q2066131 +Q273978 P136 Q1033891 +Q7939652 P27 Q2305208 +Q65013 P106 Q82955 +Q380531 P3373 Q311050 +Q72292 P106 Q350979 +Q183187 P3373 Q4120312 +Q9439 P27 Q174193 +Q51537 P69 Q131252 +Q244115 P161 Q113997 +Q52463 P136 Q11401 +Q106554 P27 Q16957 +Q90885 P106 Q482980 +Q335508 P57 Q25089 +Q458215 P1412 Q7737 +Q740631 P106 Q876864 +Q184535 P106 Q169470 +Q176626 P136 Q17013749 +Q51545 P106 Q33999 +Q270005 P27 Q142 +Q191408 P119 Q311 +Q299297 P106 Q10800557 +Q706898 P106 Q1622272 +Q44892 P136 Q9778 +Q159638 P136 Q200092 +Q311684 P108 Q156598 +Q310800 P106 Q15627169 +Q724082 P106 Q81096 +Q183 P530 Q424 +Q523870 P106 Q3075052 +Q441825 P509 Q333495 +Q180395 P840 Q60 +Q160852 P102 Q9626 +Q168269 P106 Q482980 +Q57445 P27 Q16957 +Q85112 P106 Q82955 +Q112536 P19 Q65 +Q317228 P106 Q33999 +Q647445 P106 Q36834 +Q51101 P1303 Q17172850 +Q252734 P106 Q177220 +Q244333 P840 Q60 +Q221236 P136 Q188473 +Q548345 P106 Q36180 +Q220883 P1412 Q1860 +Q79904 P106 Q36180 +Q14100 P106 Q170790 +Q4451656 P27 Q41 +Q3346431 P106 Q177220 +Q155 P463 Q1065 +Q64812 P69 Q315658 +Q91640 P463 Q219989 +Q109252 P1412 Q188 +Q5333 P463 Q123885 +Q94701 P106 Q2135538 +Q742634 P20 Q1891 +Q86820 P20 Q1741 +Q1606257 P106 Q753110 +Q158394 P463 Q414110 +Q322970 P106 Q2516866 +Q229187 P27 Q30 +Q588449 P27 Q15180 +Q364864 P69 Q761534 +Q78885 P19 Q1735 +Q126596 P101 Q5891 +Q84561 P108 Q165980 +Q530550 P26 Q40791 +Q183 P530 Q45 +Q125904 P106 Q2526255 +Q40688 P106 Q1622272 +Q726296 P20 Q65 +Q4892001 P136 Q492537 +Q782711 P106 Q121594 +Q152531 P161 Q310551 +Q983530 P106 Q36180 +Q316313 P106 Q18844224 +Q184219 P27 Q30 +Q76600 P69 Q152838 +Q43689 P140 Q9592 +Q86203 P1412 Q1860 +Q4473 P106 Q639669 +Q210447 P106 Q36180 +Q274252 P106 Q169470 +Q371905 P106 Q245068 +Q210798 P27 Q142 +Q61227 P102 Q49766 +Q498045 P106 Q855091 +Q202028 P136 Q2484376 +Q379929 P27 Q142 +Q377538 P1412 Q1860 +Q134262 P737 Q34970 +Q313705 P27 Q30 +Q212446 P19 Q1899 +Q965179 P106 Q855091 +Q41223 P106 Q333634 +Q450282 P1412 Q1860 +Q232371 P20 Q90 +Q573405 P106 Q169470 +Q241660 P136 Q131272 +Q104859 P106 Q33999 +Q256327 P106 Q36180 +Q162518 P161 Q233891 +Q48779 P106 Q36180 +Q295935 P106 Q639669 +Q154691 P20 Q1489 +Q190148 P463 Q414110 +Q79503 P136 Q1054574 +Q274895 P136 Q842256 +Q171150 P37 Q9067 +Q1397888 P106 Q10872101 +Q5327 P108 Q152838 +Q62565 P20 Q64 +Q34851 P27 Q30 +Q1187592 P69 Q1127387 +Q119687 P641 Q718 +Q63809 P106 Q82955 +Q426582 P140 Q7066 +Q105031 P495 Q30 +Q229760 P136 Q850412 +Q557 P101 Q207628 +Q1347919 P1303 Q51290 +Q31112 P69 Q21578 +Q106193 P106 Q386854 +Q76696 P19 Q24879 +Q214 P530 Q233 +Q177610 P509 Q2140674 +Q9358 P69 Q154804 +Q1974885 P106 Q49757 +Q531743 P106 Q482980 +Q20995 P106 Q2055046 +Q80437 P161 Q16455 +Q951621 P106 Q36180 +Q275929 P106 Q6625963 +Q540803 P106 Q1075651 +Q276209 P106 Q177220 +Q310798 P106 Q15976092 +Q379785 P106 Q14467526 +Q2680 P106 Q10800557 +Q316454 P106 Q386854 +Q40319 P1412 Q1860 +Q214642 P108 Q49088 +Q132433 P106 Q1415090 +Q181995 P106 Q1622272 +Q228611 P172 Q539051 +Q2071 P451 Q203840 +Q185364 P136 Q11401 +Q263670 P106 Q33999 +Q325004 P106 Q1930187 +Q738765 P27 Q43 +Q902 P530 Q1036 +Q219640 P106 Q18814623 +Q193857 P20 Q84 +Q26695 P463 Q2839513 +Q946528 P106 Q639669 +Q240430 P101 Q184485 +Q228 P172 Q121842 +Q61863 P106 Q82955 +Q204514 P161 Q367017 +Q180989 P101 Q5891 +Q110203 P161 Q41422 +Q34086 P106 Q713200 +Q455421 P106 Q1930187 +Q48048 P463 Q1971373 +Q70087 P106 Q82955 +Q34969 P27 Q30 +Q2658411 P101 Q395 +Q335629 P136 Q193207 +Q223281 P106 Q2259451 +Q437713 P69 Q248970 +Q304609 P161 Q165357 +Q890204 P106 Q177220 +Q152531 P136 Q130232 +Q237548 P1303 Q46185 +Q186326 P106 Q1930187 +Q401182 P69 Q1702106 +Q310734 P495 Q145 +Q214574 P106 Q177220 +Q86093 P106 Q82955 +Q55435 P1412 Q652 +Q11613 P106 Q43845 +Q158629 P106 Q16287483 +Q49081 P509 Q12078 +Q273080 P106 Q36834 +Q240174 P509 Q389735 +Q721819 P1412 Q1860 +Q553730 P509 Q12078 +Q2628 P509 Q12202 +Q219368 P101 Q1662673 +Q310375 P106 Q2259451 +Q216934 P1303 Q17172850 +Q317350 P106 Q49757 +Q245355 P106 Q36180 +Q242132 P19 Q1490 +Q1516431 P161 Q234212 +Q1607976 P69 Q432637 +Q10327963 P106 Q82955 +Q318231 P27 Q30 +Q45765 P106 Q18939491 +Q237 P530 Q183 +Q9696 P69 Q174570 +Q9317 P106 Q170790 +Q83630 P161 Q336131 +Q313080 P264 Q38903 +Q946774 P19 Q270 +Q229572 P106 Q33999 +Q99634 P463 Q46703 +Q137808 P27 Q30 +Q215478 P27 Q30 +Q152824 P106 Q4263842 +Q712860 P1412 Q1860 +Q76568 P135 Q2455000 +Q328691 P463 Q270794 +Q272943 P1303 Q17172850 +Q44520 P106 Q36180 +Q131366 P136 Q11399 +Q9312 P737 Q37160 +Q221535 P106 Q177220 +Q200586 P106 Q33999 +Q433459 P1303 Q17172850 +Q3499732 P161 Q41148 +Q223992 P69 Q193727 +Q310347 P106 Q82955 +Q856008 P106 Q2516866 +Q6694 P463 Q253439 +Q171582 P136 Q859369 +Q66041 P641 Q2736 +Q9391 P1412 Q1860 +Q537386 P27 Q30 +Q4612 P451 Q102813 +Q307 P106 Q11063 +Q273484 P106 Q10800557 +Q722042 P172 Q49085 +Q160852 P463 Q463303 +Q714185 P1303 Q17172850 +Q55392 P69 Q1664782 +Q908998 P172 Q49085 +Q47480 P106 Q81096 +Q95367 P102 Q153401 +Q131324 P106 Q10800557 +Q279057 P161 Q281621 +Q257302 P27 Q30 +Q235318 P101 Q11629 +Q256531 P140 Q432 +Q658454 P106 Q39631 +Q108602 P106 Q121594 +Q97083 P108 Q152838 +Q321454 P840 Q65 +Q83557 P20 Q649 +Q1736382 P19 Q1218 +Q354508 P106 Q806349 +Q181667 P106 Q40348 +Q685 P463 Q7785 +Q189226 P106 Q4610556 +Q109438 P106 Q33999 +Q389511 P161 Q106303 +Q79102 P20 Q127856 +Q946733 P1412 Q150 +Q241 P530 Q183 +Q37621 P106 Q36180 +Q1276 P136 Q43343 +Q62730 P161 Q275247 +Q432473 P27 Q215 +Q166663 P1412 Q1860 +Q66031 P106 Q24262584 +Q334646 P1412 Q1860 +Q40362 P30 Q15 +Q1396681 P106 Q639669 +Q106126 P1412 Q150 +Q26294 P1303 Q5994 +Q84696 P20 Q65 +Q233618 P106 Q947873 +Q296313 P1412 Q1860 +Q112160 P69 Q13164 +Q232458 P106 Q753110 +Q265 P530 Q863 +Q236056 P172 Q35323 +Q161400 P840 Q30 +Q32681 P106 Q193391 +Q87208 P106 Q1622272 +Q181795 P57 Q119348 +Q363949 P106 Q3075052 +Q525949 P463 Q191583 +Q11031 P106 Q1622272 +Q225089 P136 Q182015 +Q1045 P361 Q27407 +Q213520 P20 Q1218 +Q184 P530 Q211 +Q62833 P463 Q684415 +Q287309 P69 Q49110 +Q8027 P1412 Q1860 +Q79 P530 Q858 +Q164908 P172 Q170217 +Q128187 P57 Q47284 +Q2201 P161 Q42869 +Q114 P530 Q212 +Q25351 P106 Q185351 +Q155467 P509 Q504775 +Q316997 P106 Q1930187 +Q3101841 P106 Q82955 +Q980000 P106 Q1622272 +Q1010602 P106 Q482980 +Q110126 P1412 Q256 +Q104000 P119 Q1437214 +Q184499 P27 Q174193 +Q851 P530 Q419 +Q73213 P1412 Q188 +Q677367 P136 Q12799318 +Q139223 P136 Q1344 +Q463877 P106 Q15472169 +Q45388 P161 Q348351 +Q150662 P27 Q142 +Q440145 P69 Q49114 +Q11124 P463 Q337543 +Q441326 P106 Q177220 +Q218589 P136 Q130232 +Q187019 P20 Q11299 +Q391536 P136 Q37073 +Q664 P530 Q16 +Q142059 P20 Q64 +Q454840 P136 Q182357 +Q37459 P19 Q18094 +Q164957 P1412 Q9056 +Q943577 P27 Q28 +Q310947 P27 Q30 +Q60093 P101 Q21198 +Q64180 P119 Q819654 +Q84365 P106 Q2259451 +Q154852 P19 Q2079 +Q185724 P106 Q10800557 +Q333595 P140 Q9592 +Q31164 P1303 Q17172850 +Q660553 P27 Q142 +Q100440 P106 Q36180 +Q113032 P1412 Q188 +Q386514 P69 Q8047423 +Q572741 P108 Q168751 +Q203519 P106 Q33999 +Q89292 P19 Q1718 +Q62976 P57 Q19504 +Q513184 P106 Q205375 +Q160058 P264 Q168407 +Q145 P530 Q1016 +Q18404 P119 Q311 +Q84153 P106 Q33231 +Q186273 P509 Q202837 +Q318607 P69 Q4614 +Q2602121 P20 Q16552 +Q9200 P27 Q1747689 +Q36 P530 Q423 +Q169564 P136 Q157443 +Q287976 P40 Q274314 +Q93401 P106 Q1231865 +Q968565 P108 Q739627 +Q234145 P463 Q2822396 +Q947519 P106 Q36180 +Q43 P530 Q1028 +Q2831 P264 Q3001888 +Q1586732 P27 Q30 +Q170510 P106 Q2259451 +Q23114 P136 Q49084 +Q1253 P69 Q13371 +Q274973 P136 Q959790 +Q2089840 P463 Q938622 +Q139460 P495 Q30 +Q53031 P27 Q38 +Q78772 P1412 Q188 +Q313043 P27 Q30 +Q126693 P27 Q43 +Q1011 P361 Q4412 +Q258053 P1303 Q17172850 +Q303680 P108 Q168756 +Q15873 P1303 Q52954 +Q145132 P106 Q10800557 +Q2415122 P106 Q3391743 +Q96 P530 Q36 +Q288180 P106 Q33999 +Q313739 P106 Q6625963 +Q62765 P106 Q1622272 +Q935051 P108 Q13371 +Q57806 P1412 Q1860 +Q286116 P1412 Q7976 +Q974023 P27 Q419 +Q4864 P102 Q79854 +Q100400 P20 Q1726 +Q1154246 P106 Q177220 +Q974023 P106 Q36180 +Q288098 P161 Q299483 +Q186123 P106 Q8246794 +Q959153 P1303 Q17172850 +Q271054 P551 Q65 +Q354873 P106 Q10800557 +Q1016 P463 Q842490 +Q422275 P102 Q29468 +Q235955 P106 Q333634 +Q148428 P161 Q1889124 +Q142 P530 Q20 +Q311450 P106 Q1075651 +Q472071 P106 Q245068 +Q95008 P106 Q7042855 +Q123724 P106 Q15981151 +Q3305837 P463 Q5142859 +Q93853 P161 Q188772 +Q437713 P106 Q639669 +Q206589 P161 Q333190 +Q354863 P20 Q34006 +Q234663 P106 Q49757 +Q106762 P463 Q2095524 +Q482334 P106 Q205375 +Q715404 P27 Q30 +Q313311 P26 Q80069 +Q84412 P1412 Q1860 +Q64 P17 Q7318 +Q200661 P20 Q1489 +Q32257 P463 Q4345832 +Q40116 P1412 Q150 +Q75726 P1412 Q188 +Q315362 P737 Q37388 +Q55211 P106 Q28389 +Q214475 P69 Q156598 +Q347 P463 Q376150 +Q245363 P1412 Q9129 +Q181685 P69 Q273626 +Q70236 P1412 Q188 +Q72450 P161 Q309843 +Q366700 P106 Q33999 +Q658008 P463 Q123885 +Q4631 P20 Q85 +Q1444438 P1412 Q188 +Q316957 P106 Q3282637 +Q101170 P1412 Q1860 +Q106529 P140 Q1841 +Q234997 P27 Q30 +Q4235 P136 Q484641 +Q59210 P106 Q28389 +Q213553 P1412 Q188 +Q93620 P27 Q30 +Q507940 P106 Q486748 +Q520760 P106 Q82955 +Q767 P172 Q121842 +Q323653 P69 Q432637 +Q236074 P551 Q846421 +Q506771 P27 Q31 +Q84292 P1412 Q188 +Q163899 P136 Q319221 +Q316032 P106 Q10800557 +Q211785 P106 Q12144794 +Q446151 P106 Q1930187 +Q57477 P463 Q459620 +Q1333385 P1303 Q6607 +Q102385 P264 Q155152 +Q241504 P495 Q30 +Q440910 P106 Q2405480 +Q57276 P69 Q1079140 +Q2495947 P106 Q177220 +Q39658 P463 Q83172 +Q214116 P20 Q18575 +Q153034 P463 Q337234 +Q102235 P161 Q228747 +Q796694 P19 Q1490 +Q16867 P106 Q6625963 +Q27684 P101 Q441 +Q269810 P840 Q84 +Q92767 P27 Q794 +Q142 P463 Q151991 +Q312995 P1412 Q1860 +Q1156782 P136 Q11399 +Q106275 P106 Q10800557 +Q51575 P509 Q12192 +Q123371 P106 Q37226 +Q91093 P108 Q152171 +Q118061 P19 Q656 +Q83501 P27 Q28513 +Q94487 P19 Q11299 +Q26294 P106 Q5716684 +Q439786 P136 Q2332751 +Q69115 P20 Q2978 +Q57244 P108 Q49112 +Q401777 P19 Q185582 +Q876756 P551 Q588 +Q743035 P69 Q2983698 +Q230501 P1303 Q17172850 +Q62766 P19 Q18419 +Q113717 P106 Q170790 +Q1314285 P1412 Q1860 +Q289598 P161 Q262091 +Q1881437 P361 Q155152 +Q711406 P106 Q36834 +Q185776 P161 Q312705 +Q43408 P161 Q350811 +Q49021 P136 Q1054574 +Q31628 P106 Q36180 +Q457022 P27 Q30 +Q260879 P27 Q30 +Q319374 P1303 Q5994 +Q62565 P463 Q543804 +Q240541 P136 Q850412 +Q1056805 P106 Q177220 +Q38670 P19 Q1345 +Q705333 P136 Q45981 +Q221468 P106 Q183945 +Q159250 P106 Q33999 +Q556858 P106 Q2865819 +Q96743 P106 Q1930187 +Q122123 P20 Q60 +Q219060 P530 Q148 +Q41594 P106 Q3282637 +Q40640 P136 Q193606 +Q98524 P463 Q329464 +Q368852 P27 Q884 +Q4030 P106 Q486748 +Q232009 P161 Q250250 +Q316641 P106 Q177220 +Q171525 P69 Q797078 +Q8556 P463 Q253439 +Q93153 P27 Q399 +Q705482 P106 Q1930187 +Q301951 P509 Q212961 +Q165219 P551 Q21 +Q328664 P106 Q855091 +Q234556 P106 Q211236 +Q166234 P172 Q50001 +Q34189 P463 Q15646111 +Q230578 P106 Q193391 +Q211009 P161 Q296008 +Q206388 P136 Q959790 +Q695886 P69 Q1145814 +Q1699312 P106 Q639669 +Q47561 P172 Q127885 +Q77489 P106 Q2526255 +Q162277 P57 Q179497 +Q370377 P106 Q36180 +Q780102 P106 Q36180 +Q67383 P106 Q10798782 +Q33391 P102 Q79854 +Q84386 P106 Q36180 +Q184169 P27 Q142 +Q124610 P106 Q2599593 +Q267306 P172 Q49085 +Q9358 P101 Q9418 +Q362828 P106 Q49757 +Q1322146 P106 Q177220 +Q1093404 P1303 Q17172850 +Q458033 P161 Q181899 +Q991720 P106 Q3282637 +Q1988375 P106 Q3427922 +Q1336685 P106 Q2405480 +Q157326 P106 Q6625963 +Q76023 P19 Q2079 +Q318736 P106 Q18814623 +Q311802 P106 Q11774202 +Q68084 P106 Q10798782 +Q1370974 P136 Q37073 +Q322750 P106 Q2259451 +Q215999 P108 Q49088 +Q158060 P69 Q152087 +Q92663 P106 Q81096 +Q68815 P27 Q183 +Q5784301 P161 Q44301 +Q323060 P106 Q33999 +Q1027 P530 Q843 +Q120664 P101 Q21201 +Q57735 P69 Q13371 +Q25161 P40 Q291806 +Q193676 P106 Q3282637 +Q460071 P27 Q399 +Q5685 P737 Q42831 +Q265 P463 Q656801 +Q708078 P106 Q1930187 +Q216934 P19 Q8652 +Q3462736 P20 Q34 +Q55438 P27 Q38 +Q436693 P106 Q36834 +Q53300 P140 Q75809 +Q27925670 P106 Q3391743 +Q400678 P101 Q34178 +Q531287 P106 Q639669 +Q60582 P101 Q5891 +Q176846 P106 Q36834 +Q173839 P106 Q121594 +Q34190 P69 Q156598 +Q145 P530 Q801 +Q61915 P463 Q459620 +Q267629 P106 Q36180 +Q44653 P1303 Q6607 +Q93124 P106 Q82594 +Q449743 P136 Q157394 +Q1282289 P106 Q2405480 +Q669733 P106 Q1930187 +Q99903 P106 Q482980 +Q8442 P27 Q27306 +Q1698 P101 Q184485 +Q207036 P106 Q189290 +Q819 P463 Q1065 +Q978959 P1412 Q1860 +Q183713 P108 Q216047 +Q155476 P840 Q96 +Q45221 P136 Q482 +Q262791 P1412 Q1860 +Q185610 P264 Q231694 +Q63317 P106 Q177220 +Q96407 P106 Q185351 +Q440817 P27 Q145 +Q84708562 P551 Q84 +Q76517 P106 Q1234713 +Q236438 P106 Q36834 +Q716906 P106 Q486748 +Q105756 P737 Q991 +Q3193543 P106 Q182436 +Q400765 P106 Q486748 +Q196159 P106 Q1930187 +Q428347 P106 Q639669 +Q750 P530 Q801 +Q112747 P495 Q30 +Q308929 P495 Q30 +Q109520 P106 Q10798782 +Q9047 P106 Q333634 +Q953768 P1303 Q17172850 +Q100718 P20 Q24879 +Q63556 P106 Q1231865 +Q1384822 P106 Q10800557 +Q1744 P136 Q37073 +Q92693 P106 Q169470 +Q133308 P140 Q432 +Q108558 P106 Q639669 +Q132952 P102 Q29468 +Q98806 P106 Q36180 +Q98258 P106 Q18805 +Q180665 P1412 Q1860 +Q278625 P106 Q177220 +Q92851 P1412 Q1860 +Q221202 P840 Q2915506 +Q241218 P161 Q16345 +Q726296 P19 Q60 +Q110365 P161 Q77035 +Q234891 P1303 Q80284 +Q60876 P106 Q3282637 +Q234388 P19 Q184116 +Q168359 P509 Q12152 +Q41488 P463 Q1468277 +Q705174 P106 Q201788 +Q111087 P1303 Q5994 +Q260026 P106 Q1930187 +Q539791 P463 Q1493021 +Q52925 P140 Q75809 +Q69115 P106 Q40348 +Q238716 P20 Q18094 +Q336877 P509 Q3242950 +Q520430 P1412 Q150 +Q74441 P69 Q154804 +Q153178 P463 Q270794 +Q371925 P106 Q49757 +Q1346849 P106 Q36834 +Q41042 P106 Q36180 +Q21088 P451 Q83287 +Q2632 P140 Q7066 +Q130631 P106 Q36180 +Q76641 P27 Q41304 +Q208003 P136 Q482 +Q130917 P27 Q713750 +Q250995 P161 Q214223 +Q936760 P106 Q333634 +Q43746 P106 Q1234713 +Q316644 P136 Q131272 +Q347950 P106 Q28389 +Q89043 P27 Q36 +Q3271606 P3373 Q437340 +Q705174 P20 Q90 +Q151113 P106 Q5716684 +Q150445 P1412 Q150 +Q151608 P27 Q38 +Q313627 P264 Q726153 +Q84510 P19 Q1017 +Q57344 P108 Q21578 +Q299122 P140 Q7066 +Q253845 P106 Q639669 +Q547565 P27 Q142 +Q442549 P69 Q13371 +Q312833 P641 Q5386 +Q62906 P69 Q24382 +Q573171 P27 Q30 +Q452116 P463 Q465654 +Q937 P27 Q30 +Q25057 P136 Q2421031 +Q94370 P69 Q165980 +Q4029 P1303 Q17172850 +Q90962 P69 Q154561 +Q169461 P1303 Q17172850 +Q49828 P106 Q15982858 +Q544750 P108 Q392904 +Q46717 P495 Q30 +Q115694 P463 Q4345832 +Q882 P1412 Q1860 +Q58087 P1412 Q9067 +Q767435 P69 Q209842 +Q223790 P3373 Q28493 +Q144929 P161 Q228717 +Q20726 P27 Q28 +Q319785 P20 Q1781 +Q182345 P136 Q193355 +Q35 P530 Q917 +Q42574 P106 Q3455803 +Q189 P463 Q376150 +Q190772 P463 Q83172 +Q363379 P106 Q82955 +Q183141 P106 Q33999 +Q222921 P106 Q10800557 +Q202136 P1412 Q1860 +Q165325 P161 Q220396 +Q968026 P106 Q183945 +Q224 P530 Q236 +Q700323 P27 Q15180 +Q206032 P106 Q183945 +Q522739 P509 Q193840 +Q134180 P106 Q6625963 +Q8349 P106 Q2340668 +Q275120 P161 Q317761 +Q44634 P264 Q190585 +Q108703 P106 Q1622272 +Q70523 P106 Q82955 +Q325077 P161 Q78367 +Q544607 P136 Q130232 +Q229268 P106 Q33999 +Q223596 P161 Q202792 +Q90074 P1412 Q188 +Q92613 P69 Q751612 +Q432129 P463 Q1792159 +Q245075 P641 Q36389 +Q19074 P69 Q131252 +Q443225 P27 Q30 +Q312630 P1412 Q150 +Q235517 P106 Q639669 +Q237514 P106 Q18814623 +Q2071 P106 Q28389 +Q4451565 P27 Q212 +Q93397 P106 Q82955 +Q339876 P840 Q65 +Q57603 P106 Q14467526 +Q186329 P27 Q822 +Q101919 P108 Q152087 +Q152941 P27 Q30 +Q5928 P1303 Q2643890 +Q92510 P463 Q44687 +Q307463 P3373 Q4120312 +Q1352256 P106 Q753110 +Q150767 P140 Q6423963 +Q231310 P27 Q145 +Q64503 P106 Q82955 +Q213772 P106 Q15980158 +Q72932 P69 Q153978 +Q4612 P106 Q18814623 +Q274887 P495 Q30 +Q60528 P40 Q356115 +Q66408 P106 Q805221 +Q298 P37 Q1321 +Q123987 P108 Q1065 +Q113951 P69 Q390287 +Q55264 P106 Q10798782 +Q2622688 P106 Q1930187 +Q311854 P69 Q1878600 +Q45909 P1303 Q80284 +Q348603 P106 Q2722764 +Q8873 P106 Q822146 +Q229251 P106 Q33999 +Q311238 P136 Q183504 +Q740596 P106 Q40348 +Q270351 P161 Q41396 +Q130952 P495 Q30 +Q1223694 P106 Q876864 +Q310217 P106 Q2059704 +Q66337 P69 Q152087 +Q6107 P27 Q30 +Q651059 P463 Q463303 +Q1353 P17 Q129286 +Q42247 P27 Q142 +Q174327 P463 Q463303 +Q233832 P19 Q99 +Q432743 P136 Q11399 +Q32595 P1303 Q17172850 +Q408 P530 Q33 +Q187282 P27 Q43 +Q934820 P19 Q41819 +Q728542 P19 Q1297 +Q91557 P551 Q1711 +Q94486 P106 Q1622272 +Q794 P530 Q884 +Q49347 P463 Q543804 +Q12571 P19 Q71 +Q44736 P106 Q10798782 +Q74289 P463 Q44687 +Q2272369 P19 Q90 +Q336272 P1303 Q17172850 +Q86573 P172 Q42884 +Q1372851 P136 Q11635 +Q362559 P69 Q1256981 +Q317122 P509 Q12152 +Q983530 P106 Q1930187 +Q60677 P19 Q1799 +Q315650 P19 Q1764 +Q106428 P495 Q30 +Q665344 P119 Q208175 +Q335680 P1303 Q6607 +Q455754 P19 Q37320 +Q313819 P136 Q130232 +Q28480 P106 Q486748 +Q274404 P106 Q36180 +Q55433 P1412 Q652 +Q114509 P106 Q4853732 +Q118243 P69 Q157575 +Q324031 P463 Q463303 +Q39658 P106 Q1622272 +Q266429 P1303 Q5994 +Q76589 P69 Q32120 +Q232783 P106 Q33999 +Q77851 P106 Q193391 +Q128854 P840 Q84 +Q1355279 P1412 Q150 +Q273044 P106 Q33999 +Q234964 P69 Q3064325 +Q203860 P106 Q28389 +Q311769 P641 Q5386 +Q345612 P106 Q1930187 +Q41223 P106 Q486748 +Q352914 P106 Q201788 +Q62443 P69 Q50662 +Q1260 P106 Q189290 +Q183167 P27 Q145 +Q72645 P106 Q333634 +Q159 P530 Q1042 +Q1240856 P106 Q185351 +Q896966 P106 Q1622272 +Q212145 P136 Q188473 +Q5784301 P161 Q208681 +Q61147 P106 Q131524 +Q1175266 P264 Q1998195 +Q19810 P106 Q8246794 +Q943107 P106 Q2526255 +Q364131 P1303 Q5994 +Q273206 P106 Q13474373 +Q154353 P463 Q2822396 +Q58863 P19 Q60 +Q181995 P106 Q205375 +Q8556 P106 Q169470 +Q316045 P106 Q1930187 +Q540915 P106 Q33999 +Q103835 P101 Q413 +Q159473 P1303 Q17172850 +Q1238235 P106 Q177220 +Q183512 P161 Q315826 +Q448404 P1303 Q5994 +Q229011 P106 Q33999 +Q246731 P108 Q49088 +Q271006 P161 Q211283 +Q266027 P161 Q179051 +Q213553 P140 Q7066 +Q323318 P136 Q157443 +Q26793 P17 Q20 +Q554670 P106 Q10800557 +Q465707 P106 Q627325 +Q473030 P19 Q11299 +Q193066 P495 Q30 +Q1373546 P106 Q82955 +Q685 P463 Q7825 +Q130780 P106 Q11063 +Q256732 P1412 Q1860 +Q489643 P106 Q2643890 +Q1497744 P136 Q9759 +Q26412 P106 Q36180 +Q1349639 P69 Q7894738 +Q408 P530 Q258 +Q722738 P119 Q831322 +Q283872 P27 Q30 +Q1077405 P20 Q34404 +Q76325 P106 Q36180 +Q29086 P106 Q10800557 +Q44580 P106 Q1930187 +Q84771 P106 Q1622272 +Q243113 P106 Q10800557 +Q3071779 P106 Q82955 +Q443813 P106 Q855091 +Q68815 P106 Q214917 +Q4068880 P27 Q30 +Q274812 P19 Q184116 +Q233046 P27 Q30 +Q366845 P106 Q82955 +Q142 P463 Q233611 +Q215637 P102 Q79854 +Q740631 P106 Q4853732 +Q59945 P1412 Q188 +Q6709060 P69 Q1256981 +Q228512 P19 Q1490 +Q229056 P1303 Q17172850 +Q959875 P106 Q1209498 +Q184605 P840 Q90 +Q160318 P1412 Q150 +Q444371 P26 Q95089 +Q428490 P136 Q851213 +Q254748 P136 Q8341 +Q445392 P69 Q1797768 +Q1509908 P106 Q3282637 +Q23505 P27 Q30 +Q272438 P106 Q3501317 +Q465428 P140 Q7066 +Q453447 P106 Q1930187 +Q472270 P101 Q36180 +Q39524 P106 Q82955 +Q96330 P69 Q152838 +Q1346192 P19 Q18125 +Q299965 P106 Q18814623 +Q231781 P20 Q597 +Q160163 P172 Q7325 +Q353866 P69 Q1878600 +Q187907 P106 Q13570226 +Q276468 P106 Q33999 +Q7241 P140 Q9089 +Q117997 P463 Q812155 +Q108398 P20 Q1055 +Q358990 P27 Q30 +Q351339 P106 Q482980 +Q154556 P136 Q1338153 +Q206832 P463 Q188771 +Q176578 P106 Q82955 +Q96825 P19 Q1731 +Q354508 P1412 Q1860 +Q78864 P102 Q186867 +Q287824 P27 Q21 +Q369900 P161 Q236181 +Q962974 P106 Q33999 +Q76325 P106 Q1234713 +Q276392 P495 Q30 +Q215145 P1412 Q188 +Q130142 P161 Q104061 +Q318165 P106 Q10798782 +Q442390 P495 Q183 +Q303456 P161 Q104081 +Q446673 P19 Q34647 +Q553276 P106 Q28389 +Q224029 P27 Q142 +Q7317 P140 Q7361618 +Q181685 P106 Q81096 +Q25351 P463 Q695302 +Q57364 P463 Q756504 +Q3346431 P19 Q45 +Q65863 P27 Q183 +Q95843 P102 Q316533 +Q344567 P106 Q28389 +Q908569 P106 Q753110 +Q77144 P106 Q1238570 +Q56093 P106 Q3282637 +Q203460 P69 Q182973 +Q7439 P463 Q463303 +Q296616 P551 Q1761 +Q202028 P136 Q846544 +Q128073 P106 Q2306091 +Q210741 P106 Q6625963 +Q166234 P20 Q84 +Q316596 P106 Q10798782 +Q395274 P551 Q11299 +Q716293 P101 Q9418 +Q200586 P264 Q277626 +Q664592 P69 Q5901972 +Q98434 P27 Q16957 +Q481482 P1412 Q652 +Q66426 P102 Q49750 +Q298030 P106 Q36180 +Q809077 P1303 Q6607 +Q314269 P69 Q49088 +Q160640 P108 Q209842 +Q59567 P136 Q52162262 +Q104719 P108 Q40025 +Q235952 P264 Q43327 +Q722042 P106 Q3282637 +Q513615 P106 Q1607826 +Q381768 P106 Q10800557 +Q442830 P106 Q33999 +Q302880 P106 Q4853732 +Q88095 P106 Q4773904 +Q145 P530 Q20 +Q272256 P106 Q186360 +Q302 P1412 Q9288 +Q935051 P463 Q543804 +Q273910 P69 Q49167 +Q28885 P119 Q208175 +Q765 P140 Q748 +Q162688 P106 Q2374149 +Q158092 P20 Q39121 +Q234207 P106 Q13590141 +Q462502 P264 Q193023 +Q48814 P17 Q221 +Q237527 P1303 Q17172850 +Q78290 P106 Q1930187 +Q1125383 P108 Q181410 +Q59595 P161 Q309900 +Q311752 P106 Q5716684 +Q302835 P106 Q42973 +Q164721 P1303 Q6607 +Q2685 P27 Q40 +Q233854 P69 Q389336 +Q505743 P106 Q2405480 +Q216582 P119 Q608405 +Q113032 P20 Q1408 +Q11692964 P69 Q219615 +Q379873 P136 Q188473 +Q1711743 P106 Q36834 +Q11490 P69 Q49108 +Q287177 P136 Q7749 +Q983167 P106 Q49757 +Q465594 P106 Q36180 +Q103646 P106 Q33999 +Q106795 P1412 Q188 +Q302835 P106 Q170790 +Q263582 P136 Q9778 +Q359568 P27 Q139319 +Q266425 P27 Q30 +Q104104 P108 Q230899 +Q70309 P106 Q10800557 +Q126164 P1412 Q150 +Q313579 P106 Q10800557 +Q445463 P19 Q1563 +Q60506 P136 Q1146335 +Q59346 P161 Q236434 +Q377939 P495 Q30 +Q551491 P20 Q18575 +Q25161 P106 Q6625963 +Q2159912 P119 Q12404547 +Q92938 P463 Q94301 +Q313256 P106 Q33999 +Q154959 P27 Q55 +Q118059 P20 Q72 +Q862 P27 Q30 +Q361940 P106 Q81096 +Q456017 P495 Q145 +Q200841 P106 Q3665646 +Q165394 P161 Q186327 +Q300502 P161 Q230278 +Q461399 P106 Q2526255 +Q72932 P27 Q1206012 +Q4509 P106 Q33999 +Q220536 P108 Q49117 +Q355288 P136 Q37073 +Q712860 P264 Q202440 +Q2849296 P106 Q33231 +Q25139 P136 Q21401869 +Q310866 P1412 Q7737 +Q117741 P106 Q36180 +Q61407 P20 Q64 +Q1035323 P20 Q90 +Q77983 P69 Q152087 +Q72916 P27 Q183 +Q212 P463 Q8908 +Q464097 P27 Q30 +Q98434 P27 Q183 +Q6714 P27 Q27306 +Q198621 P106 Q214917 +Q163038 P161 Q7374 +Q237255 P172 Q165192 +Q438475 P106 Q1930187 +Q96071 P69 Q155354 +Q771296 P17 Q15180 +Q1314285 P106 Q82955 +Q657 P463 Q656801 +Q738617 P69 Q1472245 +Q93996 P106 Q4964182 +Q366306 P106 Q16323111 +Q572655 P106 Q37226 +Q229560 P106 Q10798782 +Q212632 P119 Q208175 +Q11673 P106 Q40348 +Q202878 P106 Q214917 +Q1174641 P106 Q43845 +Q157451 P27 Q227 +Q607464 P106 Q49757 +Q157204 P106 Q49757 +Q42156 P737 Q937 +Q3709938 P106 Q82594 +Q23114 P106 Q11774202 +Q295592 P1412 Q1860 +Q234314 P106 Q10798782 +Q472856 P106 Q28389 +Q295093 P106 Q1208175 +Q11881 P1412 Q397 +Q570913 P463 Q12759592 +Q185714 P108 Q349055 +Q61310 P108 Q32120 +Q330224 P106 Q10800557 +Q1638939 P136 Q83270 +Q103835 P27 Q29999 +Q182725 P136 Q131272 +Q365484 P106 Q28389 +Q325262 P136 Q49084 +Q353754 P106 Q1930187 +Q167877 P106 Q6430706 +Q438329 P106 Q1607826 +Q58328 P463 Q83172 +Q47619 P106 Q36180 +Q1066772 P264 Q202585 +Q273484 P551 Q84 +Q1524 P37 Q9129 +Q229153 P1303 Q17172850 +Q378645 P27 Q38 +Q887948 P19 Q18419 +Q6050 P106 Q3068305 +Q6050 P463 Q2166029 +Q60677 P101 Q170790 +Q214999 P551 Q1726 +Q236 P463 Q842490 +Q123101 P69 Q13371 +Q469753 P101 Q207628 +Q75886 P135 Q7264 +Q101326 P19 Q1055 +Q957627 P20 Q1486 +Q467423 P136 Q131272 +Q619051 P106 Q2526255 +Q244 P37 Q1860 +Q921823 P106 Q482980 +Q1804720 P27 Q30 +Q119546 P106 Q214917 +Q558615 P509 Q12204 +Q35 P530 Q27 +Q74236 P102 Q328195 +Q165651 P495 Q142 +Q11490 P106 Q205375 +Q153238 P119 Q288130 +Q274400 P161 Q350255 +Q297097 P1412 Q1860 +Q96028 P106 Q333634 +Q23810 P1412 Q652 +Q235931 P136 Q164444 +Q328590 P27 Q30 +Q106751 P463 Q270794 +Q78109 P102 Q49762 +Q164797 P108 Q835960 +Q79031 P140 Q432 +Q25080 P106 Q33999 +Q1059718 P106 Q43845 +Q89516 P19 Q1085 +Q483382 P106 Q43845 +Q327981 P106 Q170790 +Q33637 P106 Q4263842 +Q82925 P106 Q18844224 +Q157245 P551 Q99 +Q437254 P106 Q2526255 +Q181451 P106 Q1622272 +Q1396852 P27 Q15180 +Q37134 P27 Q183 +Q210059 P106 Q28389 +Q57399 P3373 Q67637 +Q72450 P161 Q428819 +Q229606 P106 Q10800557 +Q33946 P530 Q15180 +Q587873 P509 Q12202 +Q157321 P106 Q1028181 +Q733720 P106 Q1930187 +Q256649 P19 Q1486 +Q217557 P106 Q18939491 +Q976296 P106 Q1930187 +Q253695 P27 Q30 +Q1229223 P27 Q38 +Q76699 P463 Q2043519 +Q40482 P102 Q79854 +Q302762 P264 Q4883239 +Q2281897 P106 Q16742096 +Q313080 P27 Q30 +Q543804 P138 Q150494 +Q1007 P463 Q134102 +Q250975 P19 Q2807 +Q55004 P27 Q30 +Q193509 P101 Q207628 +Q39979 P27 Q30 +Q1011 P463 Q7825 +Q25854 P69 Q390287 +Q239296 P495 Q145 +Q362089 P106 Q39631 +Q962442 P135 Q186030 +Q557930 P106 Q512314 +Q55917 P106 Q33999 +Q273502 P106 Q36834 +Q157044 P161 Q873 +Q60093 P106 Q81096 +Q47703 P136 Q52207399 +Q963003 P106 Q36834 +Q434956 P136 Q211573 +Q100511 P463 Q463303 +Q95855 P69 Q152838 +Q237255 P106 Q28389 +Q3939205 P27 Q38 +Q801 P30 Q48 +Q51023 P106 Q3357567 +Q472783 P19 Q1874 +Q684748 P106 Q1930187 +Q221468 P463 Q162586 +Q225933 P69 Q13371 +Q717755 P106 Q33999 +Q710100 P20 Q1867 +Q689486 P463 Q1003730 +Q23359 P106 Q2405480 +Q166641 P19 Q649 +Q3101841 P140 Q9592 +Q104898 P69 Q230899 +Q980000 P463 Q463303 +Q1423356 P159 Q585 +Q127868 P106 Q2526255 +Q443567 P27 Q145 +Q63234 P140 Q55004488 +Q913570 P106 Q49757 +Q246497 P106 Q81096 +Q312270 P264 Q202440 +Q2054 P106 Q36180 +Q381944 P106 Q2526255 +Q1112005 P136 Q8341 +Q1869643 P106 Q855091 +Q7030 P17 Q151624 +Q95994 P106 Q39631 +Q165257 P106 Q36180 +Q206922 P27 Q145 +Q103343 P26 Q242707 +Q100440 P106 Q11481802 +Q277356 P108 Q1130457 +Q215282 P108 Q154561 +Q86203 P106 Q201788 +Q76984 P102 Q7320 +Q247501 P106 Q170790 +Q551521 P27 Q172579 +Q146605 P161 Q285460 +Q72124 P19 Q64 +Q154331 P106 Q1622272 +Q116905 P495 Q142 +Q258753 P108 Q193727 +Q232113 P1412 Q150 +Q233385 P27 Q884 +Q312294 P172 Q49085 +Q34 P37 Q1412 +Q19543 P106 Q33999 +Q234099 P106 Q4610556 +Q62414 P27 Q183 +Q31112 P19 Q23197 +Q289428 P27 Q30 +Q721963 P102 Q29468 +Q230499 P106 Q36180 +Q354508 P106 Q483501 +Q267406 P106 Q183945 +Q335064 P172 Q44806 +Q3520383 P495 Q36 +Q148 P530 Q686 +Q919081 P101 Q21201 +Q110397 P136 Q157443 +Q41173 P106 Q488205 +Q314926 P1412 Q1860 +Q505129 P69 Q273626 +Q276299 P840 Q779 +Q1346521 P20 Q84 +Q1203 P106 Q49757 +Q863 P530 Q148 +Q313833 P106 Q49757 +Q442656 P106 Q177220 +Q159 P530 Q236 +Q126927 P172 Q49085 +Q440996 P102 Q79854 +Q103646 P106 Q2526255 +Q275779 P136 Q134307 +Q295034 P106 Q10798782 +Q213662 P106 Q2599593 +Q439786 P106 Q8178443 +Q183105 P69 Q745967 +Q213393 P1412 Q1860 +Q55438 P106 Q3282637 +Q257302 P172 Q49085 +Q440388 P108 Q1541450 +Q117 P530 Q258 +Q75209 P102 Q633731 +Q181573 P106 Q49757 +Q707446 P27 Q408 +Q557665 P27 Q28 +Q380981 P161 Q316709 +Q19199 P1412 Q1860 +Q437049 P3373 Q1939373 +Q230378 P27 Q30 +Q221535 P106 Q488205 +Q64812 P106 Q82955 +Q203845 P161 Q220698 +Q258010 P264 Q183412 +Q60217 P463 Q329464 +Q735560 P27 Q28 +Q167635 P1412 Q7976 +Q104668 P27 Q15180 +Q312657 P106 Q715301 +Q2602121 P27 Q30 +Q309835 P106 Q10843402 +Q90840 P106 Q1622272 +Q191088 P106 Q10798782 +Q344179 P136 Q676 +Q1373546 P106 Q806798 +Q196103 P161 Q81520 +Q42 P136 Q24925 +Q256054 P509 Q12152 +Q263185 P106 Q486748 +Q228584 P106 Q333634 +Q65105 P106 Q36180 +Q147810 P106 Q36180 +Q122998 P1303 Q17172850 +Q377789 P106 Q10800557 +Q225916 P840 Q1408 +Q286302 P27 Q16957 +Q85700 P20 Q38022 +Q153527 P106 Q10800557 +Q106607 P106 Q33999 +Q151904 P161 Q343059 +Q39246 P463 Q270794 +Q190373 P106 Q1053574 +Q234058 P26 Q26806 +Q260616 P495 Q142 +Q75261 P106 Q10800557 +Q365044 P106 Q33999 +Q444832 P27 Q30 +Q231256 P69 Q193510 +Q347118 P106 Q36180 +Q434060 P106 Q2526255 +Q326177 P161 Q231438 +Q93015 P69 Q752663 +Q319392 P3373 Q349461 +Q378333 P1412 Q7737 +Q184906 P20 Q649 +Q129831 P106 Q2405480 +Q317567 P69 Q797078 +Q263185 P20 Q60 +Q392915 P161 Q204590 +Q16390 P136 Q185867 +Q1322285 P27 Q30 +Q2496 P102 Q49762 +Q180619 P551 Q18424 +Q905323 P509 Q189588 +Q544472 P106 Q36180 +Q432689 P106 Q1259917 +Q233253 P20 Q23197 +Q84011 P106 Q28389 +Q197977 P106 Q33999 +Q55456 P106 Q11481802 +Q85715 P106 Q3400985 +Q55404 P106 Q36834 +Q71821 P69 Q776223 +Q991 P106 Q6625963 +Q18227 P106 Q1930187 +Q84618 P106 Q36180 +Q89491 P108 Q174710 +Q159227 P119 Q2661974 +Q43252 P106 Q4610556 +Q4491 P106 Q3282637 +Q43203 P106 Q753110 +Q445795 P136 Q959790 +Q430535 P495 Q142 +Q3057567 P1412 Q5146 +Q230 P530 Q881 +Q91389 P106 Q1607826 +Q27925670 P106 Q15296811 +Q86225 P69 Q31519 +Q264307 P161 Q208649 +Q634025 P106 Q2707485 +Q6294 P106 Q1622272 +Q287177 P136 Q37073 +Q1891483 P20 Q220 +Q392 P136 Q11399 +Q631416 P102 Q31113 +Q266670 P140 Q1841 +Q390063 P495 Q145 +Q4487 P551 Q29 +Q1041 P463 Q191384 +Q435236 P509 Q12192 +Q519606 P106 Q2722764 +Q318755 P27 Q30 +Q1000 P463 Q899770 +Q233959 P27 Q30 +Q446294 P106 Q482980 +Q70300 P106 Q49757 +Q219237 P106 Q2722764 +Q463715 P106 Q639669 +Q1173676 P106 Q1622272 +Q215 P37 Q9067 +Q202662 P27 Q30 +Q2875 P161 Q95068 +Q833 P530 Q265 +Q217303 P161 Q1198697 +Q52950 P463 Q1792159 +Q309589 P106 Q33999 +Q272203 P106 Q639669 +Q44540 P20 Q60 +Q1939373 P3373 Q243113 +Q84992 P1412 Q188 +Q2601 P27 Q16957 +Q251479 P106 Q81096 +Q235737 P1303 Q17172850 +Q92609 P463 Q1493021 +Q266222 P106 Q3282637 +Q983962 P106 Q158852 +Q230141 P101 Q482 +Q255129 P3373 Q214466 +Q691798 P140 Q9592 +Q709646 P106 Q81096 +Q76361 P106 Q189290 +Q297598 P106 Q33999 +Q45 P530 Q28 +Q231091 P26 Q314569 +Q91461 P1412 Q188 +Q123097 P136 Q28026639 +Q19356 P161 Q44561 +Q17279884 P106 Q185351 +Q511471 P136 Q8261 +Q57169 P106 Q47064 +Q103075 P108 Q55044 +Q120563 P108 Q156737 +Q847345 P106 Q49757 +Q231228 P106 Q488205 +Q442854 P106 Q1930187 +Q963626 P106 Q33999 +Q30893 P106 Q33999 +Q798658 P136 Q11401 +Q43067 P27 Q41304 +Q267691 P26 Q705022 +Q185085 P106 Q11774202 +Q44063 P737 Q138005 +Q103835 P108 Q55044 +Q279057 P161 Q3157150 +Q292539 P19 Q19660 +Q15935 P106 Q33999 +Q97531 P27 Q183 +Q234939 P106 Q2259451 +Q108617 P106 Q33999 +Q271576 P106 Q36834 +Q780538 P119 Q996499 +Q267866 P161 Q44063 +Q436978 P20 Q90 +Q296177 P69 Q616591 +Q234556 P106 Q639669 +Q60884 P106 Q1930187 +Q517448 P264 Q183387 +Q851 P530 Q115 +Q271576 P1303 Q51290 +Q236463 P27 Q30 +Q538379 P20 Q649 +Q244257 P57 Q215478 +Q64503 P102 Q153401 +Q271690 P161 Q37876 +Q159542 P106 Q333634 +Q964219 P27 Q30 +Q57386 P106 Q185351 +Q1260 P463 Q150793 +Q96923 P106 Q482980 +Q313039 P106 Q10800557 +Q190076 P1303 Q17172850 +Q384847 P463 Q835943 +Q62809 P27 Q7318 +Q503068 P106 Q1930187 +Q1037 P463 Q1065 +Q483382 P27 Q30 +Q48613 P136 Q170611 +Q330432 P106 Q3282637 +Q434160 P106 Q6625963 +Q310389 P106 Q33999 +Q2482444 P27 Q145 +Q76583 P106 Q2306091 +Q208344 P161 Q77035 +Q41173 P264 Q387539 +Q1039 P530 Q148 +Q191084 P140 Q624477 +Q2901987 P1412 Q9288 +Q426828 P161 Q315208 +Q182725 P509 Q29496 +Q96330 P1412 Q188 +Q196977 P57 Q51547 +Q44197 P106 Q3242115 +Q421707 P69 Q1542213 +Q352203 P106 Q4991371 +Q359248 P69 Q1186843 +Q544607 P407 Q1860 +Q61058 P106 Q822146 +Q107933 P27 Q30 +Q115 P530 Q114 +Q258793 P106 Q753110 +Q331587 P106 Q639669 +Q8772 P463 Q337555 +Q363079 P119 Q216344 +Q981960 P27 Q34266 +Q3923 P17 Q183 +Q71819 P1412 Q188 +Q374181 P27 Q30 +Q948 P463 Q1137381 +Q10716 P106 Q1930187 +Q70417 P106 Q14467526 +Q266335 P106 Q10798782 +Q232113 P27 Q35 +Q105564 P106 Q15980158 +Q186042 P463 Q463281 +Q869 P463 Q17495 +Q464232 P106 Q639669 +Q112167 P1412 Q1321 +Q794 P530 Q878 +Q1523176 P1303 Q6607 +Q11816 P106 Q40348 +Q222868 P136 Q859369 +Q270707 P106 Q49757 +Q193066 P161 Q104081 +Q80504 P140 Q3333484 +Q349461 P3373 Q317784 +Q218503 P106 Q948329 +Q92981 P27 Q30 +Q699541 P27 Q145 +Q17455 P108 Q21578 +Q387638 P161 Q5950 +Q298838 P106 Q36834 +Q309503 P19 Q1490 +Q441520 P1303 Q5994 +Q68656 P20 Q1295 +Q221075 P136 Q20443008 +Q2185 P69 Q859363 +Q164593 P136 Q235858 +Q129629 P27 Q29 +Q134982 P106 Q193391 +Q436996 P463 Q53249065 +Q165706 P463 Q2003501 +Q467670 P106 Q488205 +Q48129 P1412 Q7737 +Q2086086 P136 Q484641 +Q189992 P106 Q33999 +Q507864 P1303 Q17172850 +Q1685286 P463 Q188771 +Q104592 P106 Q121594 +Q23114 P1412 Q1860 +Q61696 P135 Q377616 +Q103949 P106 Q7042855 +Q320604 P106 Q3282637 +Q312628 P106 Q1028181 +Q554775 P1303 Q9798 +Q2233935 P1412 Q7976 +Q1560662 P27 Q145 +Q498045 P106 Q639669 +Q173637 P136 Q429264 +Q253395 P27 Q159 +Q62890 P106 Q131524 +Q300479 P26 Q235189 +Q354033 P106 Q183945 +Q34 P463 Q8908 +Q72334 P106 Q4853732 +Q101567 P119 Q64 +Q201379 P161 Q276525 +Q125484 P69 Q153006 +Q18938 P1412 Q1860 +Q90856 P1412 Q188 +Q156597 P161 Q362332 +Q68219 P27 Q28513 +Q233474 P1303 Q17172850 +Q472250 P27 Q172579 +Q67018 P69 Q20266330 +Q106746 P106 Q121594 +Q329131 P136 Q1054574 +Q1368185 P106 Q177220 +Q298388 P106 Q177220 +Q207 P1412 Q1860 +Q68751 P108 Q154561 +Q315222 P101 Q8162 +Q153658 P106 Q33999 +Q155845 P106 Q11774202 +Q150989 P108 Q209842 +Q223854 P19 Q334 +Q909 P20 Q71 +Q39561 P17 Q30 +Q212730 P106 Q212980 +Q11124 P69 Q41506 +Q296828 P106 Q14915627 +Q332783 P69 Q192088 +Q215665 P1412 Q1860 +Q207482 P161 Q270324 +Q274812 P106 Q2526255 +Q94586 P106 Q2526255 +Q290312 P161 Q1677114 +Q299161 P19 Q2807 +Q116789 P101 Q5891 +Q377725 P463 Q463303 +Q312975 P27 Q174193 +Q515606 P136 Q12799318 +Q4084084 P19 Q908 +Q440138 P136 Q37073 +Q454200 P509 Q623031 +Q49615 P463 Q463303 +Q11617 P509 Q744913 +Q981419 P20 Q1297 +Q19356 P161 Q277978 +Q239293 P119 Q1624932 +Q77042 P136 Q1062400 +Q216052 P106 Q36180 +Q123034 P140 Q101849 +Q387414 P161 Q257317 +Q233385 P136 Q37073 +Q434312 P106 Q3387717 +Q517448 P172 Q49085 +Q57584 P509 Q12152 +Q55258 P69 Q332342 +Q58311 P106 Q193391 +Q419 P530 Q34 +Q4263286 P27 Q15180 +Q205721 P106 Q855091 +Q1347215 P27 Q30 +Q337891 P1303 Q17172850 +Q148 P530 Q928 +Q1279401 P551 Q43301 +Q185364 P27 Q30 +Q105460 P136 Q186472 +Q207947 P69 Q1067870 +Q78503 P106 Q15895020 +Q72201 P27 Q183 +Q162045 P264 Q1238400 +Q108398 P106 Q1622272 +Q93349 P136 Q9759 +Q252248 P1303 Q17172850 +Q109422 P102 Q7320 +Q242110 P136 Q205049 +Q266368 P69 Q49213 +Q151597 P161 Q204590 +Q52255 P69 Q1068258 +Q244398 P161 Q359665 +Q1350527 P264 Q843402 +Q488057 P1412 Q9176 +Q285462 P69 Q49210 +Q315518 P463 Q842008 +Q948941 P463 Q83172 +Q285460 P106 Q33999 +Q48102 P106 Q36180 +Q22955657 P3373 Q51908481 +Q268039 P69 Q309350 +Q124070 P20 Q2833 +Q247538 P1412 Q1860 +Q1156 P17 Q129286 +Q162202 P106 Q753110 +Q60025 P108 Q21578 +Q6294 P106 Q40348 +Q729048 P106 Q11774202 +Q164401 P463 Q270794 +Q75720 P106 Q1930187 +Q79503 P136 Q2975633 +Q3430566 P106 Q82955 +Q312051 P106 Q33999 +Q44561 P106 Q2405480 +Q45521 P463 Q812155 +Q442300 P106 Q19204627 +Q68219 P106 Q36180 +Q159 P530 Q7172 +Q732513 P106 Q13590141 +Q63184 P27 Q145 +Q66774 P509 Q181754 +Q170581 P106 Q82955 +Q183713 P106 Q1028181 +Q435236 P106 Q177220 +Q229784 P106 Q2405480 +Q42204 P136 Q1152184 +Q192686 P161 Q342604 +Q307463 P106 Q131524 +Q294144 P69 Q130965 +Q3869 P463 Q1768108 +Q85927 P19 Q3012 +Q211831 P106 Q33999 +Q293067 P106 Q10800557 +Q19955709 P106 Q3391743 +Q155236 P1303 Q5994 +Q71018 P102 Q152554 +Q454970 P172 Q170826 +Q89433 P106 Q40348 +Q729048 P737 Q66732 +Q310106 P108 Q1377 +Q449199 P69 Q9842 +Q1685286 P106 Q42973 +Q943107 P69 Q49116 +Q414 P530 Q159583 +Q403 P530 Q869 +Q1151 P135 Q37068 +Q164119 P106 Q183945 +Q68746 P19 Q4077 +Q191479 P27 Q142 +Q342803 P17 Q30 +Q190145 P136 Q188473 +Q161853 P20 Q87 +Q77938 P108 Q49114 +Q107894 P161 Q240238 +Q936470 P108 Q35794 +Q214344 P172 Q201111 +Q44111 P108 Q333705 +Q234356 P106 Q805221 +Q453288 P69 Q805285 +Q123283 P106 Q211346 +Q181677 P106 Q214917 +Q104109 P106 Q3282637 +Q63035 P106 Q1622272 +Q94331 P463 Q337234 +Q1044 P530 Q902 +Q3487499 P161 Q16349 +Q240808 P106 Q177220 +Q392785 P136 Q369747 +Q312053 P136 Q83270 +Q4934 P27 Q30 +Q513184 P27 Q15180 +Q128073 P106 Q4964182 +Q887347 P106 Q3282637 +Q151682 P161 Q371430 +Q269569 P1412 Q1860 +Q3719620 P108 Q189022 +Q206693 P106 Q855091 +Q794 P463 Q5611262 +Q164384 P106 Q1622272 +Q60625 P106 Q201788 +Q25835 P161 Q102813 +Q313046 P106 Q189290 +Q730158 P495 Q145 +Q317567 P106 Q2526255 +Q812105 P106 Q333634 +Q123987 P19 Q48958 +Q57118 P106 Q10798782 +Q216134 P102 Q29552 +Q4941 P161 Q231310 +Q168847 P20 Q846421 +Q548964 P27 Q801 +Q453987 P106 Q753110 +Q72916 P19 Q3167 +Q81627 P172 Q84072 +Q66800 P463 Q414163 +Q267581 P19 Q90 +Q462149 P136 Q319221 +Q902 P463 Q7825 +Q202536 P19 Q1489 +Q35900 P101 Q333 +Q153232 P463 Q329464 +Q1025919 P112 Q19201 +Q267676 P264 Q1849138 +Q364864 P106 Q584301 +Q347539 P463 Q337526 +Q42443 P27 Q142 +Q311084 P106 Q28389 +Q69339 P1412 Q1860 +Q1736382 P1412 Q188 +Q386438 P19 Q807 +Q508953 P69 Q304985 +Q213613 P102 Q49750 +Q888554 P136 Q83440 +Q237405 P106 Q4610556 +Q436507 P69 Q161562 +Q152352 P19 Q1792 +Q1248240 P69 Q309350 +Q78109 P106 Q82955 +Q428819 P69 Q1542213 +Q314603 P106 Q2259451 +Q1928543 P136 Q83440 +Q246656 P136 Q52162262 +Q520296 P106 Q177220 +Q78716 P106 Q36180 +Q1618928 P27 Q30 +Q95089 P136 Q1196752 +Q660545 P1303 Q52954 +Q219653 P27 Q16 +Q85726 P106 Q822146 +Q234773 P106 Q4610556 +Q2516 P102 Q49768 +Q176558 P1412 Q1860 +Q110628 P106 Q10800557 +Q309989 P106 Q10800557 +Q427167 P106 Q36180 +Q319773 P106 Q639669 +Q333595 P119 Q1625328 +Q76616 P108 Q156737 +Q355288 P106 Q183945 +Q238464 P1412 Q1860 +Q176558 P106 Q6625963 +Q948 P530 Q34 +Q709077 P20 Q60 +Q334648 P264 Q843402 +Q220698 P69 Q238101 +Q1720 P17 Q183 +Q184565 P106 Q486748 +Q38111 P106 Q2259451 +Q71402 P106 Q36180 +Q228766 P3373 Q231249 +Q5431220 P172 Q49085 +Q229139 P106 Q2405480 +Q822630 P106 Q43845 +Q323318 P161 Q170428 +Q48996 P1412 Q1860 +Q2473030 P19 Q649 +Q555226 P1412 Q1860 +Q241 P530 Q29 +Q78290 P140 Q75809 +Q691 P463 Q191384 +Q928 P530 Q1033 +Q11726 P140 Q9592 +Q107424 P106 Q2722764 +Q323456 P106 Q488205 +Q278519 P1303 Q6607 +Q906529 P108 Q49213 +Q2857384 P27 Q29 +Q543060 P27 Q30 +Q31 P463 Q8475 +Q442390 P495 Q142 +Q230578 P108 Q835960 +Q446024 P106 Q4610556 +Q223117 P27 Q30 +Q371430 P19 Q23436 +Q368037 P69 Q503246 +Q229556 P19 Q62 +Q376144 P136 Q1200678 +Q81752 P551 Q1741 +Q40 P530 Q217 +Q278174 P509 Q372701 +Q107416 P27 Q30 +Q47087 P106 Q205375 +Q315756 P69 Q15208489 +Q709640 P1303 Q17172850 +Q298360 P106 Q488205 +Q275543 P106 Q2259451 +Q513184 P19 Q1899 +Q37621 P1412 Q1860 +Q313596 P106 Q2526255 +Q682030 P136 Q11366 +Q1055 P463 Q747279 +Q164384 P27 Q30 +Q73646 P140 Q7066 +Q66107 P463 Q1938003 +Q77162 P27 Q1206012 +Q470931 P106 Q333634 +Q981960 P106 Q4964182 +Q983316 P101 Q413 +Q213547 P106 Q177220 +Q76370 P106 Q49757 +Q296698 P106 Q2526255 +Q76422 P135 Q7066 +Q96941 P27 Q16957 +Q220299 P136 Q1146335 +Q366464 P1412 Q150 +Q472783 P463 Q1425328 +Q154203 P106 Q36834 +Q892 P136 Q131539 +Q249141 P264 Q165745 +Q421471 P106 Q10798782 +Q171530 P1050 Q84263196 +Q159098 P106 Q639669 +Q717884 P69 Q1026827 +Q32734 P495 Q142 +Q8873 P106 Q3282637 +Q230 P530 Q38 +Q152388 P106 Q4263842 +Q38823 P106 Q15995642 +Q37876 P106 Q10800557 +Q92456 P106 Q1622272 +Q144195 P106 Q1930187 +Q289805 P19 Q37333 +Q69366 P106 Q212980 +Q104358 P264 Q1881437 +Q668 P463 Q656801 +Q387958 P136 Q860626 +Q816499 P106 Q36180 +Q44398 P136 Q37073 +Q339581 P509 Q11868838 +Q116055 P69 Q503473 +Q333260 P108 Q1472245 +Q1385119 P27 Q801 +Q61374 P19 Q393 +Q126492 P161 Q235141 +Q181662 P106 Q806798 +Q819 P463 Q7768 +Q156349 P27 Q668 +Q190231 P106 Q33999 +Q310300 P136 Q217191 +Q67869663 P452 Q746359 +Q358538 P264 Q183387 +Q83325 P1412 Q1860 +Q216913 P106 Q10800557 +Q99279 P106 Q10800557 +Q358345 P106 Q10798782 +Q148 P530 Q423 +Q76527 P27 Q159 +Q130917 P106 Q193391 +Q151509 P106 Q372436 +Q115780 P69 Q659080 +Q76444 P1412 Q188 +Q25856 P19 Q437 +Q2213516 P101 Q131524 +Q290856 P106 Q4610556 +Q362886 P1303 Q5994 +Q146605 P495 Q30 +Q51603 P106 Q36834 +Q105387 P840 Q65 +Q2843357 P106 Q201788 +Q470841 P106 Q36180 +Q437094 P172 Q121842 +Q124894 P108 Q503473 +Q68757 P20 Q1726 +Q9294 P106 Q2306091 +Q30449 P1303 Q6607 +Q252 P530 Q28 +Q155775 P106 Q2259451 +Q220918 P19 Q18432 +Q329709 P161 Q367073 +Q4227341 P27 Q34266 +Q319902 P106 Q82955 +Q3341701 P1412 Q7737 +Q324162 P106 Q2259451 +Q91845 P1412 Q188 +Q152453 P136 Q37073 +Q235305 P27 Q30 +Q968565 P69 Q739627 +Q129006 P140 Q288928 +Q942147 P69 Q847099 +Q67207 P102 Q153401 +Q442549 P1412 Q1860 +Q37 P463 Q1065 +Q393407 P106 Q3455803 +Q57213 P1303 Q80019 +Q53002 P20 Q48958 +Q348916 P737 Q218698 +Q235934 P106 Q488205 +Q166663 P106 Q82955 +Q77235 P106 Q1622272 +Q123089 P106 Q4964182 +Q334 P530 Q423 +Q833 P530 Q262 +Q182212 P136 Q130232 +Q349434 P172 Q49085 +Q202028 P161 Q294975 +Q704700 P20 Q23197 +Q542886 P106 Q713200 +Q131866 P106 Q33999 +Q86260 P106 Q2526255 +Q165637 P69 Q503246 +Q213562 P551 Q1720 +Q188955 P106 Q10798782 +Q116359 P19 Q72 +Q505129 P69 Q273523 +Q57387 P463 Q459620 +Q319799 P106 Q2405480 +Q481477 P106 Q36834 +Q154759 P106 Q1238570 +Q92183 P102 Q49764 +Q83326 P106 Q1231865 +Q2395959 P136 Q83440 +Q180377 P136 Q186424 +Q906529 P463 Q123885 +Q708078 P106 Q82955 +Q44461 P551 Q34217 +Q465386 P108 Q1137404 +Q555147 P108 Q216047 +Q128532 P136 Q1196752 +Q181249 P69 Q180865 +Q214227 P1303 Q52954 +Q573532 P106 Q1930187 +Q230023 P106 Q33999 +Q77350 P509 Q12136 +Q1398876 P509 Q12202 +Q747 P172 Q121842 +Q40071 P136 Q859369 +Q104000 P106 Q36180 +Q240541 P1303 Q17172850 +Q2118763 P106 Q219477 +Q131864 P136 Q52162262 +Q85931 P27 Q183 +Q241391 P136 Q1054574 +Q118745 P27 Q34266 +Q232993 P161 Q57614 +Q78632 P106 Q177220 +Q225509 P106 Q33999 +Q84246 P119 Q240744 +Q34060 P172 Q7325 +Q383420 P106 Q3282637 +Q209913 P161 Q310275 +Q207356 P106 Q6625963 +Q154817 P161 Q2514 +Q313366 P136 Q11401 +Q182156 P106 Q36180 +Q70324 P106 Q185351 +Q1644016 P159 Q60 +Q20145 P19 Q8684 +Q322794 P106 Q1607826 +Q3439052 P106 Q121594 +Q97325 P102 Q153401 +Q76414 P509 Q212961 +Q67477 P20 Q3150 +Q176537 P1303 Q6607 +Q311450 P119 Q1645215 +Q1093318 P136 Q131272 +Q240894 P495 Q36 +Q117783 P106 Q49757 +Q183397 P108 Q49115 +Q109540 P106 Q644687 +Q423 P530 Q963 +Q382150 P1412 Q7737 +Q439566 P1412 Q8798 +Q64707 P106 Q36180 +Q231310 P106 Q10800557 +Q361940 P106 Q177220 +Q70839 P20 Q2079 +Q1900054 P264 Q193023 +Q235992 P106 Q333634 +Q58125755 P1412 Q5287 +Q44646 P1412 Q1860 +Q324239 P161 Q229487 +Q102124 P19 Q60 +Q118745 P106 Q4964182 +Q133054 P101 Q482 +Q854 P530 Q928 +Q68656 P27 Q183 +Q2996474 P106 Q1231865 +Q130786 P172 Q49542 +Q262549 P106 Q214917 +Q218031 P27 Q30 +Q150526 P463 Q123885 +Q271640 P264 Q38903 +Q962897 P27 Q15180 +Q284917 P161 Q209186 +Q328335 P509 Q12078 +Q213579 P19 Q6837 +Q93443 P136 Q20442589 +Q676777 P19 Q649 +Q51566 P551 Q60 +Q25856 P106 Q47064 +Q193857 P69 Q1341516 +Q296313 P106 Q9352089 +Q971782 P106 Q947873 +Q101797 P106 Q2405480 +Q110749 P106 Q2526255 +Q243011 P27 Q174193 +Q1173317 P106 Q753110 +Q794 P463 Q376150 +Q243267 P27 Q36 +Q511124 P69 Q1472245 +Q65394 P106 Q40348 +Q110106 P140 Q7066 +Q721043 P27 Q30 +Q29 P530 Q843 +Q1281738 P106 Q245068 +Q321454 P136 Q20442589 +Q1051182 P264 Q240804 +Q706821 P106 Q1622272 +Q190588 P161 Q168724 +Q1161444 P106 Q482980 +Q73096 P106 Q14467526 +Q60025 P172 Q42884 +Q321378 P509 Q12202 +Q155907 P106 Q169470 +Q1266083 P106 Q1350157 +Q339604 P27 Q403 +Q26265 P161 Q35332 +Q75812 P69 Q153987 +Q40 P530 Q16 +Q245355 P27 Q34266 +Q3090082 P140 Q9592 +Q722347 P106 Q4263842 +Q181540 P161 Q164730 +Q71633 P1412 Q188 +Q216913 P106 Q177220 +Q219551 P1412 Q188 +Q9381 P106 Q4964182 +Q36970 P136 Q188473 +Q70948 P19 Q64 +Q105453 P27 Q36 +Q303391 P161 Q200405 +Q348916 P106 Q28389 +Q131579 P509 Q3010352 +Q76346 P20 Q72 +Q11609 P27 Q801 +Q83333 P463 Q2370801 +Q160560 P161 Q296028 +Q229940 P106 Q33999 +Q57109 P140 Q7066 +Q231479 P106 Q33999 +Q463630 P27 Q29 +Q47162 P106 Q6625963 +Q105756 P106 Q49757 +Q238331 P106 Q36180 +Q175395 P108 Q591115 +Q102112 P102 Q153401 +Q159995 P106 Q185351 +Q60126 P106 Q188094 +Q35 P463 Q1065 +Q956459 P106 Q36180 +Q180004 P27 Q30 +Q53012 P1412 Q652 +Q57149 P106 Q47064 +Q1781 P30 Q46 +Q34391 P106 Q34074720 +Q46599 P106 Q1028181 +Q223117 P551 Q84 +Q494676 P69 Q616591 +Q134798 P27 Q17 +Q463832 P161 Q447669 +Q392 P106 Q1028181 +Q181540 P495 Q145 +Q164469 P106 Q1930187 +Q381561 P19 Q1054923 +Q658008 P106 Q170790 +Q60247 P1412 Q188 +Q272270 P106 Q639669 +Q242132 P1412 Q5287 +Q130742 P264 Q843402 +Q12121820 P106 Q947873 +Q645167 P106 Q18939491 +Q3132761 P106 Q11063 +Q265179 P106 Q36180 +Q234891 P106 Q16145150 +Q311267 P264 Q585643 +Q1351259 P106 Q1415090 +Q77447 P509 Q12152 +Q229197 P27 Q30 +Q456711 P27 Q30 +Q455625 P463 Q1541450 +Q80900 P463 Q463281 +Q183 P530 Q15180 +Q267441 P20 Q60 +Q67144 P1412 Q188 +Q374362 P106 Q1930187 +Q93188 P106 Q10800557 +Q4892001 P106 Q2259451 +Q152293 P20 Q649 +Q115547 P106 Q13474373 +Q4128 P27 Q142 +Q499742 P1412 Q1860 +Q938749 P1303 Q17172850 +Q300568 P161 Q4636 +Q1276376 P1412 Q1860 +Q234891 P27 Q30 +Q434680 P106 Q333634 +Q221104 P161 Q308792 +Q388950 P136 Q130232 +Q61058 P108 Q153978 +Q309926 P509 Q181257 +Q58866 P108 Q153006 +Q800 P530 Q77 +Q200228 P106 Q245068 +Q201608 P106 Q33999 +Q470758 P463 Q463303 +Q233061 P101 Q207628 +Q584632 P106 Q201788 +Q43416 P106 Q10798782 +Q692632 P20 Q1337818 +Q956652 P106 Q185351 +Q381477 P1412 Q1568 +Q55413 P27 Q30 +Q2054 P101 Q9465 +Q38 P530 Q408 +Q163063 P27 Q145 +Q310315 P69 Q3072747 +Q47561 P106 Q193391 +Q47480 P463 Q338432 +Q178865 P27 Q15180 +Q103527 P1412 Q188 +Q118243 P106 Q40348 +Q45221 P106 Q2526255 +Q660545 P106 Q183945 +Q264914 P27 Q30 +Q236 P463 Q233611 +Q129591 P106 Q2259451 +Q969468 P106 Q639669 +Q356719 P69 Q1189954 +Q77497 P1412 Q188 +Q233313 P106 Q488205 +Q60039 P509 Q183134 +Q244 P463 Q3369762 +Q61227 P69 Q214341 +Q231942 P264 Q585643 +Q304966 P106 Q639669 +Q93817 P108 Q202660 +Q86096 P463 Q265058 +Q31 P463 Q7809 +Q1378199 P106 Q753110 +Q430893 P106 Q2526255 +Q234356 P106 Q36834 +Q69392 P106 Q82955 +Q184499 P463 Q463303 +Q751205 P106 Q1930187 +Q65825 P69 Q55044 +Q439920 P106 Q1028181 +Q40197 P106 Q205375 +Q276167 P106 Q10800557 +Q132899 P463 Q2370801 +Q17 P463 Q17495 +Q16390 P106 Q2259451 +Q262 P463 Q1043527 +Q106797 P1412 Q188 +Q1689414 P106 Q12377274 +Q585272 P106 Q1930187 +Q201751 P69 Q9842 +Q76414 P27 Q183 +Q61915 P69 Q153006 +Q216339 P106 Q1930187 +Q430900 P106 Q488111 +Q193458 P19 Q60 +Q489854 P106 Q33999 +Q53783 P135 Q7264 +Q438213 P1412 Q150 +Q61000 P106 Q16533 +Q538109 P106 Q1930187 +Q827047 P17 Q12560 +Q118488 P106 Q10800557 +Q547414 P106 Q1930187 +Q796 P530 Q822 +Q314638 P106 Q5716684 +Q65932 P27 Q145 +Q13526 P1412 Q1860 +Q908 P30 Q46 +Q1007 P463 Q656801 +Q1082420 P106 Q16145150 +Q64645 P106 Q753110 +Q1347095 P136 Q213714 +Q229282 P106 Q177220 +Q1376193 P106 Q169470 +Q1402 P106 Q24387326 +Q484702 P106 Q2259451 +Q1634784 P463 Q254138 +Q261700 P136 Q188473 +Q490738 P27 Q34 +Q234928 P106 Q36180 +Q34584 P136 Q131272 +Q280918 P161 Q236151 +Q971962 P69 Q859363 +Q257302 P264 Q183387 +Q295589 P106 Q214917 +Q2429435 P106 Q81096 +Q1031340 P1303 Q6607 +Q183266 P106 Q49757 +Q908693 P1412 Q1860 +Q311672 P19 Q277162 +Q67144 P106 Q169470 +Q243983 P161 Q188744 +Q189078 P1303 Q17172850 +Q742825 P106 Q753110 +Q19810 P1412 Q1860 +Q354542 P1303 Q8371 +Q60145 P106 Q1781198 +Q33 P463 Q233611 +Q236954 P106 Q177220 +Q167696 P106 Q33999 +Q664592 P264 Q1881437 +Q78890 P27 Q40 +Q47152 P106 Q6625963 +Q732513 P106 Q1930187 +Q1861 P131 Q869 +Q893667 P20 Q656 +Q180223 P69 Q1143289 +Q2255438 P1412 Q9288 +Q266027 P161 Q277099 +Q219776 P161 Q34975 +Q149127 P69 Q333886 +Q28494 P69 Q149481 +Q32433 P161 Q362500 +Q451250 P161 Q262479 +Q1031340 P264 Q726153 +Q107424 P1303 Q5994 +Q28930 P27 Q298 +Q1276176 P106 Q12800682 +Q796 P530 Q38 +Q232491 P1303 Q17172850 +Q76128 P106 Q10800557 +Q42398 P106 Q82955 +Q65292 P1412 Q188 +Q40531 P106 Q33999 +Q73176 P1412 Q1860 +Q87298 P106 Q36180 +Q2256 P17 Q145 +Q354508 P19 Q79867 +Q378882 P27 Q801 +Q215916 P106 Q14915627 +Q1524 P17 Q12560 +Q64640 P27 Q183 +Q274895 P495 Q38 +Q82426 P161 Q2263 +Q581018 P19 Q194420 +Q25139 P161 Q223303 +Q108454 P19 Q1792 +Q182642 P119 Q216344 +Q62666 P106 Q1397808 +Q160058 P108 Q181410 +Q236954 P106 Q33999 +Q171684 P106 Q82955 +Q61217 P463 Q700570 +Q59778 P17 Q41 +Q134773 P136 Q130232 +Q984369 P1412 Q1860 +Q235952 P27 Q30 +Q129817 P106 Q10798782 +Q152524 P106 Q33231 +Q63397 P1412 Q188 +Q1154246 P106 Q33999 +Q715150 P106 Q1622272 +Q191598 P106 Q49757 +Q130952 P136 Q2975633 +Q1017 P17 Q2415901 +Q434500 P27 Q30 +Q214216 P27 Q801 +Q91845 P69 Q152087 +Q75726 P106 Q17489339 +Q66127 P19 Q393 +Q155112 P463 Q543804 +Q4960 P106 Q10798782 +Q210792 P106 Q2405480 +Q242729 P1412 Q1860 +Q359552 P106 Q855091 +Q101715 P20 Q61 +Q315181 P264 Q38903 +Q1377134 P1412 Q1860 +Q352730 P106 Q33999 +Q639065 P106 Q1930187 +Q1500 P27 Q928 +Q57106 P463 Q1792159 +Q203533 P1412 Q652 +Q101338 P102 Q7320 +Q271967 P27 Q30 +Q445109 P19 Q1055 +Q101437 P106 Q250867 +Q1181035 P1303 Q17172850 +Q558419 P106 Q170790 +Q743035 P106 Q1209498 +Q5950 P136 Q131272 +Q216195 P737 Q244390 +Q82083 P172 Q42406 +Q4396425 P69 Q13164 +Q360531 P172 Q49085 +Q234581 P1412 Q150 +Q351884 P106 Q2526255 +Q161853 P106 Q170790 +Q237420 P136 Q6585139 +Q373423 P69 Q5901972 +Q727151 P27 Q30 +Q1065189 P106 Q81096 +Q12003 P136 Q11399 +Q96502 P69 Q152087 +Q61280 P463 Q329464 +Q35236 P106 Q372436 +Q34 P463 Q458 +Q208993 P1412 Q7737 +Q440138 P106 Q2259451 +Q1731 P30 Q5401 +Q123078 P106 Q28389 +Q36951 P106 Q49757 +Q75757 P463 Q684415 +Q116577 P106 Q2374149 +Q272719 P106 Q10800557 +Q545476 P106 Q333634 +Q105682 P551 Q23276 +Q906 P17 Q34266 +Q71499 P106 Q1622272 +Q239807 P27 Q39 +Q805 P530 Q842 +Q160060 P136 Q645928 +Q3370728 P463 Q1371509 +Q983434 P69 Q49112 +Q863 P463 Q191384 +Q80222 P69 Q499911 +Q707008 P106 Q2252262 +Q207197 P106 Q183945 +Q311684 P101 Q1930187 +Q868839 P106 Q214917 +Q980151 P20 Q60 +Q79 P530 Q35 +Q173347 P106 Q193391 +Q154852 P106 Q33999 +Q233882 P106 Q10798782 +Q242130 P106 Q1209498 +Q64862 P1303 Q8355 +Q32045 P551 Q65 +Q166876 P106 Q14915627 +Q314133 P20 Q65 +Q41 P463 Q1377612 +Q166318 P1412 Q652 +Q101727 P1412 Q188 +Q62558 P119 Q5763964 +Q241835 P136 Q37073 +Q276167 P19 Q60 +Q164401 P106 Q188094 +Q636 P1303 Q8371 +Q67635 P69 Q152171 +Q465511 P106 Q1930187 +Q41564 P27 Q16 +Q221364 P136 Q2913982 +Q19526 P106 Q82955 +Q357001 P1412 Q1860 +Q160163 P108 Q499451 +Q36844 P264 Q1194456 +Q202827 P20 Q90 +Q284229 P136 Q860626 +Q72893 P19 Q64 +Q230555 P106 Q2259451 +Q284087 P106 Q2259451 +Q257165 P27 Q30 +Q439366 P106 Q488205 +Q115715 P641 Q5386 +Q941374 P108 Q235034 +Q81447 P69 Q192088 +Q242903 P69 Q670897 +Q312288 P69 Q49108 +Q105865 P106 Q17167049 +Q214549 P463 Q191583 +Q63791 P27 Q29 +Q192724 P57 Q295964 +Q525949 P106 Q81096 +Q291068 P106 Q36180 +Q225625 P106 Q37226 +Q211322 P27 Q145 +Q152767 P119 Q1509 +Q191598 P106 Q16287483 +Q92639 P108 Q168756 +Q7286 P1412 Q150 +Q330847 P106 Q33999 +Q211379 P106 Q49757 +Q78511 P106 Q18844224 +Q347528 P106 Q10798782 +Q99728 P463 Q459620 +Q272943 P264 Q330629 +Q1445729 P1303 Q17172850 +Q344616 P463 Q463281 +Q190231 P136 Q1298934 +Q1047474 P27 Q30 +Q228755 P106 Q6625963 +Q169011 P140 Q682443 +Q657167 P17 Q183 +Q37944 P106 Q49757 +Q167696 P264 Q155152 +Q325020 P1412 Q1860 +Q248935 P119 Q168886 +Q319648 P20 Q16552 +Q80399 P27 Q142 +Q710 P463 Q7785 +Q236253 P106 Q10800557 +Q927879 P69 Q1878600 +Q255376 P495 Q30 +Q158017 P106 Q639669 +Q166234 P1412 Q1860 +Q297552 P19 Q60 +Q58720 P108 Q27621 +Q214014 P161 Q72077 +Q648366 P106 Q639669 +Q78782 P102 Q179111 +Q183 P530 Q184 +Q44561 P106 Q28389 +Q184843 P136 Q185867 +Q76158 P27 Q38872 +Q71004 P106 Q131524 +Q311892 P136 Q182015 +Q607968 P19 Q84 +Q73930 P551 Q65 +Q202729 P1412 Q1860 +Q249475 P106 Q3387717 +Q657 P463 Q2029901 +Q241180 P101 Q482 +Q6530 P27 Q36 +Q44855 P136 Q37073 +Q704742 P172 Q49085 +Q233061 P106 Q486748 +Q234791 P1303 Q79838 +Q78116 P106 Q4964182 +Q21826 P106 Q205375 +Q81223 P27 Q16 +Q282199 P136 Q188473 +Q516505 P106 Q3282637 +Q1064423 P463 Q463303 +Q516716 P27 Q30 +Q12696 P106 Q188094 +Q1113061 P119 Q27426 +Q2496057 P106 Q1476215 +Q191999 P102 Q29468 +Q978830 P106 Q1622272 +Q289204 P161 Q215976 +Q235955 P20 Q8678 +Q41594 P106 Q193391 +Q188093 P20 Q60 +Q767435 P69 Q1878600 +Q139549 P106 Q201788 +Q540395 P1303 Q17172850 +Q214466 P264 Q330629 +Q561670 P106 Q188094 +Q232109 P106 Q2259451 +Q188962 P106 Q36180 +Q445921 P106 Q33999 +Q131326 P106 Q42973 +Q973488 P69 Q215539 +Q667841 P463 Q2370801 +Q428490 P106 Q33999 +Q44306 P106 Q11774202 +Q721819 P1303 Q17172850 +Q315188 P108 Q4345832 +Q862184 P106 Q10800557 +Q204750 P27 Q30 +Q516716 P19 Q1345 +Q312969 P27 Q15180 +Q92670 P69 Q659706 +Q1157139 P106 Q386854 +Q124314 P27 Q183 +Q76887 P69 Q152838 +Q242873 P106 Q486748 +Q156214 P106 Q11774202 +Q230123 P26 Q54314 +Q722347 P106 Q201788 +Q1334439 P106 Q639669 +Q217750 P1412 Q7737 +Q721819 P264 Q193023 +Q1552348 P1412 Q7737 +Q132162 P106 Q49757 +Q319084 P106 Q33999 +Q1276 P106 Q33999 +Q117970 P106 Q2340668 +Q270207 P27 Q30 +Q70130 P106 Q753110 +Q189080 P136 Q217467 +Q160619 P140 Q1841 +Q301077 P840 Q771 +Q63826 P27 Q30 +Q316528 P264 Q240804 +Q57136 P106 Q185351 +Q2622688 P1412 Q7737 +Q20178 P106 Q639669 +Q236355 P1412 Q9176 +Q315072 P106 Q36180 +Q183 P530 Q1020 +Q234338 P27 Q30 +Q189739 P106 Q333634 +Q434968 P106 Q15981151 +Q1354 P37 Q9610 +Q356986 P27 Q30 +Q695886 P101 Q11372 +Q72479 P106 Q33999 +Q5878 P106 Q214917 +Q344153 P106 Q1930187 +Q817 P530 Q668 +Q130917 P102 Q7320 +Q61058 P106 Q14467526 +Q321339 P106 Q130857 +Q264722 P136 Q860626 +Q374812 P1412 Q188 +Q865 P530 Q225 +Q788572 P106 Q1930187 +Q43440 P463 Q338489 +Q258 P530 Q954 +Q54945 P106 Q81096 +Q107752 P463 Q218868 +Q1424117 P108 Q273626 +Q82984 P1412 Q150 +Q106099 P119 Q746647 +Q339604 P27 Q37024 +Q889 P463 Q17495 +Q358387 P27 Q142 +Q773828 P20 Q84 +Q53191106 P106 Q15995642 +Q349461 P3373 Q217427 +Q282804 P495 Q30 +Q320895 P136 Q1133657 +Q39 P530 Q148 +Q204168 P106 Q6625963 +Q1001254 P264 Q1392321 +Q37 P463 Q7184 +Q237602 P106 Q33999 +Q73362 P69 Q263064 +Q26053 P106 Q17125263 +Q68757 P106 Q864503 +Q164908 P106 Q82955 +Q70396 P27 Q183 +Q381734 P19 Q26793 +Q82066 P140 Q9585 +Q473030 P106 Q3387717 +Q151830 P106 Q36834 +Q37577 P1412 Q397 +Q309014 P161 Q192165 +Q193570 P161 Q103949 +Q8877 P26 Q40162 +Q36330 P140 Q9592 +Q111189 P19 Q1726 +Q115630 P463 Q414188 +Q231178 P106 Q1476215 +Q181795 P161 Q358345 +Q332348 P161 Q119798 +Q123283 P106 Q6625963 +Q43267 P138 Q317784 +Q215730 P106 Q201788 +Q739 P530 Q865 +Q1006 P30 Q15 +Q951581 P106 Q713200 +Q14441 P27 Q30 +Q40 P463 Q1065 +Q309888 P106 Q2405480 +Q648366 P106 Q21234378 +Q84555 P106 Q82955 +Q563057 P136 Q885561 +Q153018 P1412 Q188 +Q134077 P551 Q60 +Q436712 P106 Q10800557 +Q712683 P20 Q1190590 +Q379994 P136 Q2975633 +Q77823 P20 Q1055 +Q589978 P140 Q59778 +Q126098 P106 Q33999 +Q556648 P20 Q2807 +Q462447 P161 Q192165 +Q1349639 P1303 Q17172850 +Q561670 P106 Q1781198 +Q214622 P106 Q49757 +Q248289 P136 Q130232 +Q28494 P27 Q12548 +Q49004 P140 Q9592 +Q80739 P509 Q12192 +Q310394 P1412 Q1860 +Q234591 P136 Q164444 +Q203533 P101 Q482 +Q63026 P495 Q145 +Q237552 P106 Q177220 +Q975911 P264 Q193023 +Q421471 P19 Q585 +Q345494 P106 Q639669 +Q1143660 P106 Q36834 +Q542489 P27 Q30 +Q12706 P102 Q204911 +Q104737 P106 Q177220 +Q87972 P106 Q3621491 +Q55993 P106 Q6625963 +Q119198 P20 Q65 +Q240324 P106 Q805221 +Q1084226 P106 Q82955 +Q4444 P840 Q1297 +Q67438 P106 Q2252262 +Q150989 P106 Q82955 +Q6294 P106 Q36180 +Q203268 P106 Q1053574 +Q2739680 P159 Q47265 +Q239917 P106 Q753110 +Q241660 P264 Q664167 +Q332953 P264 Q1063242 +Q1294820 P106 Q36834 +Q203623 P1412 Q5146 +Q241909 P19 Q485716 +Q7104 P20 Q90 +Q55497 P106 Q10798782 +Q356287 P27 Q30 +Q346801 P106 Q753110 +Q346216 P106 Q49757 +Q4014532 P1412 Q1321 +Q185024 P106 Q189290 +Q329734 P106 Q10798782 +Q169076 P463 Q46703 +Q234606 P106 Q131524 +Q47561 P102 Q641691 +Q710100 P27 Q865 +Q1648062 P106 Q1231865 +Q202662 P106 Q33999 +Q984614 P106 Q855091 +Q1511 P1303 Q5994 +Q32335 P106 Q10798782 +Q31013 P1303 Q17172850 +Q218235 P57 Q56008 +Q233566 P106 Q3282637 +Q318474 P106 Q82955 +Q234773 P19 Q18419 +Q231530 P106 Q183945 +Q242300 P27 Q17 +Q240933 P19 Q18419 +Q105575 P1412 Q188 +Q182046 P140 Q9592 +Q34969 P172 Q846570 +Q9582 P106 Q40348 +Q324129 P27 Q83286 +Q345612 P463 Q463303 +Q333251 P27 Q30 +Q170576 P27 Q15180 +Q41309 P27 Q28513 +Q18967 P161 Q362236 +Q184351 P69 Q144488 +Q234314 P106 Q10800557 +Q373968 P20 Q60 +Q585272 P102 Q153401 +Q215090 P106 Q36180 +Q549722 P136 Q52162262 +Q299132 P264 Q2482872 +Q185832 P106 Q169470 +Q173417 P102 Q29552 +Q157034 P172 Q179248 +Q57347 P1412 Q188 +Q129087 P136 Q37073 +Q49347 P106 Q81096 +Q328042 P463 Q901677 +Q1702383 P509 Q188605 +Q179150 P136 Q37073 +Q16400 P1412 Q9186 +Q184 P530 Q27 +Q34584 P136 Q211756 +Q601957 P172 Q7325 +Q66628 P69 Q152087 +Q213 P530 Q96 +Q214 P463 Q1969730 +Q240954 P136 Q676 +Q192185 P106 Q158852 +Q57237 P106 Q806798 +Q4099149 P101 Q132151 +Q488057 P106 Q33999 +Q296774 P106 Q19204627 +Q430076 P106 Q214917 +Q142292 P161 Q73362 +Q48987 P106 Q222344 +Q151118 P106 Q2405480 +Q57775 P106 Q82955 +Q47216 P463 Q463303 +Q185654 P1412 Q9288 +Q705653 P106 Q158852 +Q313868 P509 Q4651894 +Q137584 P495 Q30 +Q24632 P106 Q36180 +Q77226 P27 Q16957 +Q162076 P106 Q36180 +Q102225 P161 Q111230 +Q12940 P69 Q3064259 +Q77027 P106 Q2405480 +Q235394 P27 Q30 +Q166159 P106 Q948329 +Q234685 P1303 Q5994 +Q39 P463 Q8475 +Q10390 P140 Q93191 +Q956 P131 Q148 +Q127437 P106 Q82955 +Q309709 P20 Q84 +Q212965 P161 Q180224 +Q203286 P69 Q168756 +Q46636 P106 Q36834 +Q253513 P106 Q10798782 +Q216720 P161 Q444217 +Q67177 P106 Q15253558 +Q636637 P106 Q36180 +Q534419 P1303 Q5994 +Q274973 P161 Q185140 +Q45839 P495 Q148 +Q177632 P27 Q30 +Q738566 P106 Q36180 +Q155152 P749 Q700359 +Q110749 P106 Q18814623 +Q78030 P106 Q47064 +Q444371 P106 Q10798782 +Q1344185 P106 Q488205 +Q233081 P264 Q277626 +Q201484 P27 Q145 +Q203413 P106 Q36180 +Q196685 P161 Q40026 +Q160071 P161 Q126599 +Q630454 P136 Q186424 +Q243771 P106 Q49757 +Q193803 P106 Q169470 +Q336397 P106 Q15839134 +Q131691 P106 Q189290 +Q216924 P136 Q9730 +Q375186 P161 Q320093 +Q315773 P106 Q28389 +Q314485 P140 Q1841 +Q35314 P172 Q44806 +Q441326 P69 Q389336 +Q1512152 P106 Q11569986 +Q274070 P69 Q219694 +Q336881 P106 Q1930187 +Q49328 P108 Q154804 +Q367447 P27 Q30 +Q261981 P106 Q2259451 +Q70962 P19 Q1718 +Q359791 P106 Q486748 +Q439955 P106 Q10800557 +Q314606 P106 Q2259451 +Q26168 P106 Q639669 +Q326229 P1412 Q1860 +Q23543 P101 Q207628 +Q60772 P69 Q174570 +Q375845 P106 Q3455803 +Q507612 P27 Q28 +Q36488 P463 Q338432 +Q229375 P106 Q36834 +Q221249 P161 Q280098 +Q230499 P101 Q207628 +Q233061 P106 Q33999 +Q110043 P136 Q471839 +Q311791 P106 Q36834 +Q25880 P27 Q174193 +Q184805 P106 Q177220 +Q658454 P1412 Q9288 +Q428668 P161 Q223117 +Q60133 P101 Q333 +Q229881 P106 Q1028181 +Q1351565 P106 Q15895020 +Q25483 P106 Q40348 +Q388950 P840 Q1581 +Q216913 P106 Q33999 +Q234104 P136 Q11399 +Q878 P530 Q142 +Q302650 P27 Q30 +Q506915 P106 Q483501 +Q364875 P136 Q7749 +Q664 P530 Q142 +Q1535539 P106 Q3282637 +Q367927 P106 Q1650915 +Q455236 P264 Q183387 +Q220918 P106 Q36180 +Q73463 P172 Q49085 +Q186111 P20 Q3616 +Q168362 P27 Q29 +Q1334439 P106 Q49757 +Q453614 P1412 Q1321 +Q201732 P69 Q1067870 +Q4030 P106 Q18814623 +Q57389 P69 Q152087 +Q715790 P1412 Q809 +Q1045 P530 Q878 +Q381768 P27 Q408 +Q168992 P106 Q10798782 +Q236112 P106 Q488205 +Q72787 P27 Q183 +Q554406 P106 Q1930187 +Q1047366 P159 Q34404 +Q28885 P463 Q414110 +Q102570 P108 Q152087 +Q435826 P106 Q4610556 +Q313571 P106 Q33999 +Q458656 P840 Q60 +Q953153 P106 Q245068 +Q734574 P106 Q49757 +Q23395 P136 Q130232 +Q232511 P509 Q47912 +Q789926 P106 Q1930187 +Q339423 P136 Q483251 +Q969753 P20 Q2868 +Q235284 P106 Q33999 +Q215735 P20 Q2814 +Q239419 P106 Q36180 +Q187832 P136 Q37073 +Q1010602 P1303 Q6607 +Q275180 P136 Q369747 +Q240677 P106 Q2526255 +Q155559 P495 Q30 +Q34460 P106 Q639669 +Q1371798 P264 Q3699593 +Q264137 P112 Q194419 +Q352730 P27 Q30 +Q1349284 P20 Q23197 +Q74258 P106 Q10798782 +Q213553 P1412 Q1860 +Q918966 P106 Q82955 +Q181799 P106 Q10800557 +Q691471 P106 Q36180 +Q15615 P106 Q33999 +Q232827 P102 Q29468 +Q48959 P106 Q177220 +Q230782 P106 Q2259451 +Q448704 P106 Q6168364 +Q978375 P106 Q1415090 +Q70047 P102 Q316533 +Q85429 P106 Q182436 +Q103774 P20 Q16552 +Q711226 P106 Q33231 +Q12940 P106 Q14089670 +Q551597 P119 Q311 +Q241252 P27 Q34266 +Q65445 P172 Q42884 +Q61629 P463 Q558439 +Q63670 P69 Q49088 +Q483907 P136 Q38848 +Q163747 P20 Q72 +Q119811 P1412 Q188 +Q483507 P106 Q4853732 +Q710100 P106 Q193391 +Q201562 P264 Q1046066 +Q1401 P69 Q131262 +Q2643 P1303 Q5994 +Q659027 P106 Q1930187 +Q105158 P27 Q30 +Q212523 P1412 Q1860 +Q71408 P106 Q81096 +Q108398 P1412 Q188 +Q430804 P106 Q10800557 +Q519289 P106 Q639669 +Q122003 P1303 Q17172850 +Q231487 P106 Q753110 +Q110695 P1412 Q188 +Q4960 P106 Q245068 +Q211379 P106 Q15980158 +Q95252 P106 Q37226 +Q347 P530 Q39 +Q19405 P136 Q590103 +Q83656 P495 Q30 +Q128582 P136 Q2973181 +Q164683 P106 Q644687 +Q238374 P19 Q1345 +Q678410 P264 Q1392321 +Q295542 P106 Q855091 +Q44552 P1412 Q5287 +Q262980 P136 Q959790 +Q867257 P106 Q36834 +Q672 P530 Q241 +Q25057 P136 Q20443008 +Q346532 P20 Q270 +Q223992 P106 Q3282637 +Q51511 P509 Q47912 +Q240324 P264 Q216364 +Q922457 P106 Q164236 +Q991543 P106 Q19831149 +Q612005 P69 Q219694 +Q90012 P1412 Q188 +Q97070 P106 Q36180 +Q382864 P161 Q2263 +Q258846 P264 Q843402 +Q235132 P106 Q33999 +Q285341 P106 Q639669 +Q1716 P19 Q90 +Q123283 P27 Q39 +Q450382 P106 Q33231 +Q16 P530 Q27 +Q61361 P27 Q30 +Q268084 P106 Q3282637 +Q426631 P495 Q145 +Q336388 P1303 Q5994 +Q166272 P551 Q3141 +Q243419 P27 Q174193 +Q896193 P106 Q18814623 +Q5383 P264 Q2733913 +Q507864 P1303 Q1444 +Q37030 P463 Q463281 +Q991720 P106 Q36180 +Q44780 P509 Q3242950 +Q240570 P106 Q3501317 +Q239214 P20 Q1741 +Q363708 P1412 Q1860 +Q284694 P136 Q9730 +Q222833 P106 Q2259451 +Q17457 P463 Q1493021 +Q159063 P136 Q586250 +Q45165 P740 Q485716 +Q77210 P463 Q18650004 +Q76686 P1412 Q37 +Q833 P530 Q298 +Q221303 P106 Q188094 +Q30 P530 Q217 +Q726369 P172 Q49085 +Q467103 P1303 Q27939 +Q2034661 P159 Q60 +Q61686 P551 Q183 +Q88427 P106 Q82955 +Q192115 P161 Q228692 +Q47159 P27 Q30 +Q889 P530 Q148 +Q189 P463 Q789769 +Q152843 P106 Q36180 +Q204212 P136 Q1200678 +Q316231 P106 Q177220 +Q436712 P1412 Q1860 +Q196401 P106 Q82955 +Q116253 P27 Q142 +Q361762 P1303 Q8355 +Q171711 P161 Q14537 +Q723678 P106 Q82955 +Q131074 P495 Q30 +Q83656 P161 Q361336 +Q13047979 P1412 Q150 +Q236236 P509 Q476921 +Q24075 P840 Q60 +Q360531 P106 Q2259451 +Q70991 P106 Q49757 +Q259379 P136 Q9759 +Q102235 P161 Q214223 +Q1967070 P106 Q49757 +Q190302 P106 Q36180 +Q726153 P159 Q34006 +Q607825 P106 Q6625963 +Q73959 P1412 Q188 +Q202314 P264 Q2733913 +Q930586 P1412 Q7026 +Q2814 P463 Q1768108 +Q110354 P161 Q313023 +Q238374 P106 Q33231 +Q160640 P27 Q142 +Q95479 P106 Q482980 +Q57239 P1412 Q1321 +Q75726 P463 Q684415 +Q39524 P140 Q483654 +Q69397 P108 Q700758 +Q183397 P463 Q463303 +Q160478 P172 Q539051 +Q169452 P106 Q43845 +Q1909258 P264 Q38903 +Q1545 P27 Q30 +Q78608 P463 Q3394637 +Q316381 P106 Q2251335 +Q177610 P108 Q390287 +Q912 P463 Q294278 +Q811 P361 Q12585 +Q49285 P108 Q23548 +Q83158 P106 Q482980 +Q88832 P27 Q16957 +Q851 P530 Q237 +Q255300 P27 Q2305208 +Q438175 P106 Q486748 +Q244 P530 Q155 +Q265270 P106 Q1622272 +Q152690 P1412 Q1860 +Q67815 P27 Q183 +Q215139 P106 Q1930187 +Q29344 P106 Q6625963 +Q371932 P106 Q177220 +Q232945 P27 Q145 +Q212790 P69 Q1419737 +Q6096 P264 Q522618 +Q18832 P106 Q214917 +Q1443825 P136 Q8341 +Q92644 P69 Q168756 +Q154014 P106 Q49757 +Q782020 P106 Q2865819 +Q105875 P136 Q164444 +Q1077158 P106 Q753110 +Q58198 P1412 Q1860 +Q26162388 P50 Q9358 +Q62686 P106 Q1234713 +Q118488 P106 Q1930187 +Q80424 P264 Q231694 +Q689486 P27 Q15180 +Q236946 P1412 Q1860 +Q237053 P106 Q10798782 +Q45245 P106 Q4853732 +Q219772 P136 Q11366 +Q434680 P106 Q28389 +Q735560 P1412 Q143 +Q151946 P136 Q1342372 +Q118061 P463 Q18650004 +Q94653 P140 Q1841 +Q315343 P20 Q84 +Q180819 P108 Q13164 +Q162389 P106 Q10800557 +Q57329 P108 Q1065 +Q1203 P1303 Q51290 +Q191999 P19 Q62 +Q73784 P136 Q8261 +Q561809 P106 Q2526255 +Q293275 P19 Q12439 +Q1173373 P106 Q753110 +Q1008 P463 Q7159 +Q577548 P106 Q6625963 +Q92644 P106 Q82594 +Q231163 P106 Q33999 +Q157322 P27 Q34266 +Q235460 P19 Q16552 +Q384387 P463 Q265058 +Q164401 P106 Q6625963 +Q429046 P106 Q639669 +Q271824 P106 Q28389 +Q49601 P108 Q206702 +Q143945 P106 Q36834 +Q263172 P106 Q864380 +Q53018 P509 Q12152 +Q106418 P40 Q283317 +Q126234 P20 Q16554 +Q61723 P69 Q152087 +Q261104 P106 Q33999 +Q1049686 P106 Q488205 +Q335193 P106 Q1930187 +Q12795 P106 Q14915627 +Q44645 P463 Q329464 +Q308711 P106 Q37226 +Q939524 P106 Q1238570 +Q967 P463 Q899770 +Q271874 P19 Q182625 +Q5749 P737 Q154959 +Q24631 P69 Q691283 +Q274274 P264 Q277626 +Q287828 P106 Q214917 +Q156622 P106 Q36180 +Q1974885 P106 Q81096 +Q313013 P1303 Q6607 +Q560649 P1412 Q7411 +Q662406 P140 Q9592 +Q35 P530 Q962 +Q239328 P27 Q30 +Q4177355 P119 Q1242128 +Q107940 P161 Q254038 +Q70855 P119 Q64 +Q7934 P140 Q9592 +Q193018 P106 Q18844224 +Q233 P463 Q663492 +Q962897 P463 Q83172 +Q25320 P1412 Q150 +Q943361 P106 Q170790 +Q26391 P136 Q590103 +Q129037 P136 Q130232 +Q84238 P69 Q50662 +Q129831 P69 Q174710 +Q328760 P27 Q218 +Q83656 P161 Q315099 +Q390164 P136 Q1341051 +Q460876 P1303 Q17172850 +Q161806 P1412 Q150 +Q135481 P101 Q23498 +Q179558 P102 Q79854 +Q245430 P136 Q2484376 +Q215359 P106 Q3282637 +Q865 P530 Q851 +Q242956 P106 Q18814623 +Q106685 P106 Q3387717 +Q66649 P106 Q250867 +Q106514 P106 Q3578589 +Q1372139 P1303 Q17172850 +Q448704 P1303 Q17172850 +Q423 P530 Q1007 +Q80959 P161 Q81223 +Q158629 P106 Q1930187 +Q294531 P1303 Q6607 +Q189947 P1412 Q188 +Q25147 P106 Q36180 +Q705482 P106 Q36180 +Q325396 P172 Q678551 +Q114558 P1412 Q188 +Q438106 P106 Q639669 +Q25649 P27 Q30 +Q223830 P106 Q3282637 +Q228546 P737 Q504 +Q303040 P161 Q485310 +Q694081 P1303 Q17172850 +Q268160 P264 Q843402 +Q319773 P1412 Q9043 +Q41396 P106 Q2259451 +Q233957 P463 Q123885 +Q554971 P106 Q947873 +Q260533 P495 Q30 +Q335508 P161 Q170574 +Q551597 P1412 Q150 +Q48070 P106 Q82955 +Q372438 P106 Q177220 +Q1386899 P1303 Q6607 +Q235611 P463 Q543804 +Q214816 P106 Q121594 +Q185658 P161 Q212416 +Q105220 P102 Q694714 +Q10681 P1303 Q133163 +Q861994 P27 Q30 +Q60285 P106 Q1234713 +Q7747 P641 Q11420 +Q164869 P106 Q639669 +Q217112 P136 Q859369 +Q1017 P17 Q183 +Q350857 P509 Q216169 +Q168847 P19 Q23556 +Q189599 P69 Q174570 +Q430872 P69 Q523926 +Q434694 P69 Q1143281 +Q320604 P106 Q1930187 +Q17 P530 Q252 +Q211009 P161 Q361630 +Q232874 P69 Q1179603 +Q163234 P27 Q30 +Q567 P106 Q82955 +Q36949 P140 Q1841 +Q154770 P106 Q16031530 +Q315083 P551 Q387047 +Q221 P463 Q663492 +Q254524 P106 Q1930187 +Q348649 P106 Q177220 +Q51416 P161 Q234695 +Q714162 P509 Q188874 +Q44132 P106 Q36180 +Q2623752 P108 Q144488 +Q605534 P27 Q142 +Q44845 P737 Q48301 +Q554406 P551 Q172 +Q161933 P27 Q172579 +Q269645 P172 Q49085 +Q62365 P106 Q36180 +Q241180 P1412 Q7737 +Q63317 P106 Q488205 +Q1109636 P106 Q639669 +Q241392 P106 Q1622272 +Q76534 P106 Q82955 +Q9358 P106 Q16267607 +Q72962 P840 Q65 +Q557472 P106 Q855091 +Q434571 P106 Q2306091 +Q858 P530 Q668 +Q79178 P106 Q33999 +Q188375 P106 Q3282637 +Q377789 P102 Q10225 +Q1124 P106 Q82955 +Q401182 P1412 Q1860 +Q332348 P161 Q256666 +Q148 P530 Q986 +Q213 P530 Q408 +Q11116 P106 Q33999 +Q44909 P136 Q9759 +Q379400 P106 Q639669 +Q1348 P17 Q668 +Q1849138 P17 Q30 +Q268181 P737 Q241583 +Q62749 P20 Q2807 +Q510653 P27 Q16 +Q77755 P106 Q2732142 +Q185465 P106 Q2405480 +Q266319 P509 Q9687 +Q44086 P106 Q36180 +Q705174 P463 Q161806 +Q371972 P106 Q10800557 +Q364868 P20 Q65 +Q44540 P463 Q414110 +Q1378199 P509 Q504775 +Q119546 P101 Q309 +Q202385 P106 Q36180 +Q235115 P106 Q10800557 +Q53068 P1303 Q281460 +Q180019 P136 Q9759 +Q83333 P1412 Q1860 +Q174371 P136 Q52162262 +Q81438 P106 Q36180 +Q75523 P19 Q64 +Q675 P19 Q456 +Q298777 P106 Q3282637 +Q203843 P69 Q222738 +Q314877 P106 Q177220 +Q72014 P106 Q28389 +Q1699312 P136 Q20502 +Q948093 P106 Q639669 +Q854 P530 Q241 +Q51023 P106 Q177220 +Q180223 P106 Q36180 +Q222720 P161 Q224159 +Q1202021 P17 Q183 +Q518850 P27 Q21 +Q708007 P1303 Q6607 +Q120381 P737 Q9358 +Q1346111 P106 Q42973 +Q138850 P69 Q55044 +Q63169 P1412 Q188 +Q164469 P1412 Q150 +Q459251 P106 Q183945 +Q282665 P1303 Q11405 +Q309697 P136 Q11366 +Q107424 P27 Q17 +Q934737 P19 Q84 +Q180589 P1050 Q84263196 +Q976071 P27 Q174193 +Q230445 P106 Q486748 +Q550784 P172 Q7325 +Q313758 P106 Q36180 +Q780720 P106 Q639669 +Q63486 P1412 Q188 +Q445429 P106 Q18844224 +Q322549 P463 Q49738 +Q708423 P106 Q639669 +Q93181 P140 Q9268 +Q86778 P19 Q64 +Q728991 P108 Q156598 +Q211206 P495 Q30 +Q233397 P106 Q82955 +Q70004 P19 Q2865 +Q327836 P1050 Q12204 +Q274752 P26 Q386394 +Q36970 P106 Q13382533 +Q254603 P106 Q177220 +Q2656667 P19 Q25287 +Q1609199 P119 Q1437214 +Q135347 P161 Q188459 +Q178865 P102 Q79854 +Q438968 P106 Q205375 +Q96087 P69 Q608338 +Q179493 P106 Q82955 +Q239845 P27 Q142 +Q639065 P69 Q49112 +Q63458 P463 Q338432 +Q235952 P106 Q639669 +Q71404 P20 Q131491 +Q185152 P102 Q17427 +Q127345 P106 Q82955 +Q114179 P136 Q21590660 +Q298276 P106 Q10798782 +Q239002 P136 Q848399 +Q181659 P737 Q40909 +Q2416148 P106 Q1231865 +Q84186 P1412 Q5146 +Q196977 P161 Q4612 +Q297598 P1412 Q1321 +Q267186 P106 Q33999 +Q264764 P19 Q90 +Q115674 P551 Q99 +Q319129 P1412 Q1860 +Q60772 P27 Q183 +Q210741 P106 Q36180 +Q180861 P136 Q193355 +Q41 P530 Q212 +Q61132 P27 Q43287 +Q983705 P20 Q649 +Q1274170 P27 Q15180 +Q151523 P106 Q1622272 +Q165644 P27 Q16957 +Q319799 P106 Q10798782 +Q2964710 P106 Q43845 +Q102851 P2348 Q2277 +Q106834 P1412 Q9288 +Q241783 P106 Q33999 +Q230456 P101 Q476294 +Q287644 P20 Q7473516 +Q314963 P737 Q5679 +Q78524 P106 Q36834 +Q270747 P106 Q36180 +Q155458 P161 Q261669 +Q706422 P1303 Q17172850 +Q18143 P106 Q333634 +Q203840 P106 Q18814623 +Q276392 P161 Q192165 +Q1049 P530 Q35 +Q100440 P106 Q3282637 +Q3057348 P106 Q11900058 +Q125904 P106 Q2259451 +Q211784 P136 Q471839 +Q780720 P509 Q12078 +Q458033 P161 Q59215 +Q317311 P161 Q106349 +Q78414 P1412 Q188 +Q106655 P19 Q1055 +Q379824 P106 Q177220 +Q85118 P106 Q33999 +Q60854 P140 Q75809 +Q1262590 P136 Q131272 +Q90288 P463 Q337234 +Q223741 P1303 Q52954 +Q356986 P264 Q287177 +Q318509 P106 Q1930187 +Q179126 P106 Q1622272 +Q1888794 P108 Q49108 +Q352540 P106 Q177220 +Q372311 P463 Q1938003 +Q57241 P102 Q49764 +Q236229 P27 Q34266 +Q408 P530 Q881 +Q241 P530 Q1030 +Q108306 P27 Q183 +Q331845 P20 Q1748 +Q6538 P106 Q822146 +Q475004 P102 Q79854 +Q57317 P463 Q463303 +Q509974 P106 Q37226 +Q717 P530 Q28 +Q1046612 P1303 Q6607 +Q234807 P69 Q273593 +Q239067 P106 Q36180 +Q104737 P26 Q78119 +Q106209 P27 Q183 +Q853461 P1412 Q9056 +Q7315 P106 Q1350157 +Q40912 P27 Q30 +Q701587 P27 Q142 +Q45278 P463 Q684415 +Q54836 P264 Q21077 +Q180405 P161 Q235639 +Q33760 P69 Q35794 +Q1666 P509 Q47912 +Q60126 P106 Q81096 +Q26058 P1303 Q6607 +Q437182 P1412 Q150 +Q42047 P57 Q41148 +Q6701 P106 Q2135538 +Q461624 P106 Q169470 +Q33637 P108 Q309988 +Q77991 P106 Q10798782 +Q325428 P27 Q36704 +Q285584 P136 Q157394 +Q131112 P108 Q21578 +Q41 P530 Q399 +Q202801 P19 Q18426 +Q230632 P106 Q3282637 +Q971493 P106 Q1930187 +Q201418 P1412 Q1860 +Q258 P530 Q16 +Q42544 P106 Q1209498 +Q198644 P106 Q36180 +Q107894 P495 Q145 +Q804 P463 Q123759 +Q252 P530 Q730 +Q124057 P106 Q5716684 +Q352496 P106 Q36180 +Q96248 P463 Q684415 +Q966690 P161 Q103646 +Q35236 P106 Q520549 +Q1060395 P106 Q170790 +Q323117 P136 Q1344 +Q271281 P136 Q130232 +Q72682 P106 Q1234713 +Q869 P463 Q1065 +Q329999 P27 Q145 +Q536723 P172 Q678551 +Q58311 P106 Q15627169 +Q76422 P106 Q4964182 +Q453390 P136 Q37073 +Q389284 P17 Q30 +Q226053 P19 Q1486 +Q333260 P106 Q81096 +Q238402 P40 Q336222 +Q151118 P106 Q10798782 +Q123421 P106 Q1234713 +Q47878 P106 Q488205 +Q69397 P106 Q201788 +Q41166 P19 Q1761 +Q102851 P509 Q204933 +Q722738 P69 Q5142861 +Q69281 P106 Q3621491 +Q2901936 P27 Q801 +Q215925 P106 Q214917 +Q66155 P108 Q24382 +Q231178 P106 Q33999 +Q371348 P106 Q183945 +Q242462 P19 Q36091 +Q282372 P161 Q386349 +Q118066 P106 Q36834 +Q463018 P106 Q14915627 +Q678410 P264 Q3629023 +Q902 P530 Q1020 +Q651 P108 Q122453 +Q1093404 P106 Q639669 +Q315222 P106 Q1930187 +Q76600 P463 Q938622 +Q11730 P106 Q82955 +Q243639 P264 Q202440 +Q96 P361 Q12585 +Q60996 P106 Q2259451 +Q75246 P27 Q16957 +Q94913 P106 Q10798782 +Q12817 P106 Q1622272 +Q324015 P19 Q16563 +Q1392583 P136 Q235858 +Q72267 P106 Q2722764 +Q450796 P106 Q6625963 +Q58057 P26 Q75381 +Q263552 P106 Q4853732 +Q144669 P1303 Q8338 +Q312747 P135 Q667661 +Q765871 P106 Q753110 +Q96452 P106 Q36834 +Q319783 P495 Q30 +Q193278 P106 Q10800557 +Q267359 P27 Q30 +Q104301 P108 Q156737 +Q1074590 P1303 Q17172850 +Q384979 P106 Q482980 +Q311271 P69 Q49123 +Q76412 P463 Q2043519 +Q3893579 P106 Q860918 +Q161900 P27 Q28513 +Q138166 P69 Q1431541 +Q62432 P172 Q42884 +Q44775 P27 Q40 +Q213613 P463 Q15646111 +Q36878 P102 Q79854 +Q163263 P106 Q18581305 +Q72645 P20 Q56037 +Q159409 P463 Q463281 +Q178100 P106 Q36180 +Q124494 P1412 Q36510 +Q84464 P20 Q34713 +Q1479971 P108 Q157808 +Q169038 P20 Q1085 +Q139087 P106 Q1930187 +Q348944 P106 Q753110 +Q211429 P136 Q52162262 +Q242 P530 Q774 +Q355153 P106 Q10800557 +Q232968 P27 Q30 +Q535 P136 Q482 +Q51511 P106 Q28389 +Q95215 P27 Q183 +Q1353559 P1412 Q150 +Q486786 P1303 Q128309 +Q107759 P102 Q328195 +Q928 P530 Q846 +Q151814 P1303 Q52954 +Q12003 P264 Q202440 +Q57242 P106 Q40348 +Q273574 P69 Q1542213 +Q442667 P106 Q36180 +Q295923 P102 Q29552 +Q155855 P136 Q24925 +Q346532 P106 Q1622272 +Q317142 P27 Q38 +Q123469 P463 Q463281 +Q107008 P106 Q806349 +Q209186 P1412 Q1860 +Q723678 P1412 Q150 +Q236987 P1412 Q1860 +Q288588 P106 Q10800557 +Q310060 P106 Q10800557 +Q705400 P119 Q1437214 +Q77881 P69 Q152838 +Q180861 P136 Q206159 +Q981256 P106 Q33999 +Q268824 P495 Q30 +Q48984 P57 Q48987 +Q115760 P161 Q73362 +Q78782 P106 Q1930187 +Q122713 P136 Q130232 +Q294583 P106 Q487596 +Q63670 P20 Q11299 +Q137042 P106 Q488205 +Q55195 P27 Q15180 +Q282951 P106 Q3282637 +Q76600 P463 Q684415 +Q590787 P106 Q36180 +Q1514469 P106 Q753110 +Q292623 P106 Q33999 +Q104514 P106 Q10798782 +Q167997 P108 Q13164 +Q40946 P1412 Q1860 +Q3892790 P19 Q275118 +Q201608 P106 Q2405480 +Q717250 P106 Q193391 +Q607825 P136 Q3017271 +Q131248 P140 Q288928 +Q122335 P106 Q33999 +Q60903 P27 Q159 +Q323236 P26 Q229560 +Q32678 P27 Q30 +Q237820 P106 Q177220 +Q123174 P27 Q30 +Q930961 P1412 Q1321 +Q317567 P106 Q33231 +Q268582 P106 Q28389 +Q20726 P20 Q36600 +Q107067 P136 Q43343 +Q236318 P106 Q36834 +Q57344 P106 Q11513337 +Q633 P1303 Q6607 +Q272095 P19 Q60 +Q7314 P1303 Q5994 +Q260312 P106 Q28389 +Q220980 P136 Q8261 +Q189739 P106 Q4263842 +Q405672 P106 Q1930187 +Q181659 P69 Q49088 +Q44767 P20 Q1741 +Q191598 P463 Q4345832 +Q213567 P106 Q10798782 +Q91083 P108 Q153978 +Q42775 P106 Q855091 +Q9599 P69 Q700758 +Q214574 P106 Q28389 +Q62757 P20 Q2833 +Q285584 P840 Q21 +Q701587 P106 Q6430706 +Q128746 P20 Q60 +Q106592 P106 Q33999 +Q331759 P19 Q3130 +Q571605 P463 Q337352 +Q240174 P1412 Q809 +Q1362223 P551 Q1028 +Q369762 P106 Q170790 +Q11975 P106 Q488205 +Q156942 P463 Q684415 +Q279648 P106 Q193391 +Q85118 P106 Q2259451 +Q163549 P161 Q232384 +Q434932 P463 Q337543 +Q408 P530 Q869 +Q1095533 P136 Q11399 +Q118233 P136 Q187760 +Q505517 P106 Q584301 +Q269890 P106 Q177220 +Q51488 P1412 Q1860 +Q213799 P69 Q55044 +Q1009499 P136 Q11399 +Q359251 P119 Q1437214 +Q67526 P69 Q152087 +Q253882 P106 Q177220 +Q442797 P106 Q2405480 +Q237527 P106 Q639669 +Q236669 P463 Q463303 +Q4068880 P102 Q29468 +Q44336 P106 Q36180 +Q379811 P27 Q30 +Q462799 P17 Q30 +Q573388 P106 Q1607826 +Q40187 P840 Q1408 +Q152293 P106 Q1622272 +Q45388 P495 Q30 +Q4235815 P102 Q79854 +Q44833 P27 Q30 +Q118985 P161 Q181229 +Q92995 P27 Q183 +Q131685 P551 Q23768 +Q313281 P69 Q463055 +Q39691 P106 Q36180 +Q104790 P69 Q154804 +Q513184 P20 Q649 +Q439366 P27 Q30 +Q208344 P495 Q30 +Q529309 P136 Q8261 +Q275929 P106 Q36180 +Q438106 P509 Q12202 +Q124527 P1412 Q1860 +Q104791 P69 Q1026827 +Q3986379 P161 Q548438 +Q395494 P106 Q2259451 +Q3075 P17 Q154195 +Q124314 P69 Q156737 +Q62310 P40 Q78367 +Q931561 P27 Q145 +Q1273345 P264 Q4779433 +Q963 P463 Q656801 +Q334 P463 Q7785 +Q128576 P20 Q84 +Q216148 P106 Q4263842 +Q873178 P106 Q36180 +Q151814 P264 Q2576206 +Q72893 P20 Q1726 +Q832085 P20 Q1486 +Q380425 P172 Q7325 +Q131866 P106 Q639669 +Q92897 P19 Q2090 +Q1583707 P1412 Q9043 +Q55375 P69 Q209842 +Q242956 P106 Q36180 +Q697747 P463 Q337266 +Q34670 P106 Q49757 +Q711172 P106 Q1622272 +Q313080 P106 Q3089940 +Q63809 P102 Q158227 +Q258 P530 Q35 +Q333362 P20 Q84 +Q26168 P1412 Q1860 +Q235519 P106 Q578109 +Q116905 P161 Q228852 +Q20 P463 Q826700 +Q465937 P20 Q1757 +Q61922 P19 Q2843 +Q30896 P106 Q639669 +Q388557 P106 Q3387717 +Q547565 P509 Q47912 +Q88951 P106 Q1622272 +Q154270 P69 Q42973 +Q123899 P102 Q49768 +Q123174 P106 Q4610556 +Q77468 P463 Q459620 +Q271500 P27 Q30 +Q344384 P106 Q33999 +Q61629 P102 Q148861 +Q3589 P161 Q433520 +Q388286 P19 Q37320 +Q57311 P27 Q739 +Q368525 P69 Q336968 +Q437138 P20 Q1781 +Q315664 P161 Q25144 +Q332709 P69 Q820887 +Q348533 P106 Q2722764 +Q555613 P27 Q38 +Q213393 P69 Q1067870 +Q132899 P1050 Q11081 +Q314485 P106 Q13235160 +Q54945 P69 Q185246 +Q1798353 P19 Q90 +Q462574 P106 Q36180 +Q2291 P106 Q49757 +Q16 P530 Q30 +Q126693 P20 Q90 +Q321636 P108 Q55021 +Q361257 P106 Q36180 +Q318910 P840 Q62 +Q205028 P136 Q319221 +Q249032 P136 Q599558 +Q307 P1412 Q397 +Q711874 P264 Q772494 +Q239030 P136 Q205049 +Q216052 P102 Q727724 +Q314362 P106 Q1930187 +Q692632 P106 Q177220 +Q278699 P106 Q188094 +Q649 P17 Q34266 +Q102851 P27 Q1747689 +Q697818 P106 Q193391 +Q238296 P136 Q157394 +Q216016 P27 Q183 +Q179449 P463 Q463303 +Q322586 P509 Q476921 +Q181683 P264 Q216364 +Q140412 P20 Q84 +Q77551 P102 Q694299 +Q119159 P27 Q183 +Q123368 P106 Q1930187 +Q130799 P106 Q177220 +Q55218 P106 Q10800557 +Q1187592 P106 Q639669 +Q209175 P69 Q385471 +Q1678730 P641 Q542 +Q1514469 P136 Q83440 +Q782738 P106 Q1930187 +Q304966 P106 Q37226 +Q68537 P27 Q159 +Q74849 P27 Q172579 +Q192073 P161 Q432385 +Q310116 P136 Q11401 +Q38082 P509 Q12192 +Q154410 P27 Q34 +Q760 P463 Q3772571 +Q362516 P27 Q30 +Q57085 P69 Q151510 +Q315152 P69 Q7842 +Q1383002 P463 Q463303 +Q3499732 P136 Q93204 +Q94007 P1412 Q188 +Q954 P530 Q41 +Q8007 P106 Q372436 +Q107167 P840 Q1391 +Q276304 P27 Q16 +Q195333 P106 Q753110 +Q234017 P20 Q23197 +Q436894 P119 Q1092107 +Q455280 P106 Q4610556 +Q244333 P136 Q157394 +Q932694 P106 Q36834 +Q522592 P1303 Q17172850 +Q299073 P1303 Q17172850 +Q60954 P20 Q2973 +Q229 P463 Q827525 +Q271877 P119 Q1437214 +Q135329 P1412 Q9072 +Q296287 P106 Q948329 +Q154759 P463 Q920266 +Q505677 P106 Q488205 +Q1026826 P106 Q901 +Q4425869 P108 Q27923720 +Q111436 P69 Q49210 +Q63630 P463 Q459620 +Q526970 P106 Q183945 +Q1009 P463 Q191384 +Q265621 P106 Q10800557 +Q212730 P1412 Q1860 +Q333913 P27 Q16 +Q232810 P106 Q864503 +Q355788 P1303 Q61285 +Q2066713 P140 Q101849 +Q239807 P1412 Q150 +Q6043036 P1412 Q1860 +Q154353 P106 Q169470 +Q380787 P106 Q1622272 +Q115641 P108 Q20266330 +Q1007 P530 Q230 +Q215735 P1412 Q397 +Q129598 P27 Q30 +Q712586 P27 Q30 +Q55452 P106 Q28389 +Q706518 P136 Q83440 +Q337145 P106 Q36834 +Q473239 P106 Q40348 +Q170596 P106 Q3621491 +Q252 P530 Q794 +Q562556 P106 Q4263842 +Q262490 P106 Q10798782 +Q573405 P101 Q413 +Q266694 P106 Q10800557 +Q5608 P106 Q3282637 +Q162518 P161 Q348351 +Q47426 P1412 Q1860 +Q268840 P106 Q3387717 +Q351884 P106 Q3282637 +Q123386 P1412 Q188 +Q160163 P101 Q36442 +Q766 P530 Q408 +Q238912 P106 Q10800557 +Q128746 P106 Q28389 +Q957439 P106 Q82594 +Q167409 P106 Q806349 +Q44398 P106 Q4991371 +Q1028 P530 Q16 +Q1276 P136 Q37073 +Q16472 P106 Q33999 +Q60045 P463 Q44687 +Q229018 P264 Q202440 +Q1386420 P140 Q9592 +Q189554 P106 Q1053574 +Q18154882 P161 Q312337 +Q9364 P106 Q4964182 +Q224 P530 Q403 +Q334648 P264 Q21077 +Q76440 P20 Q1726 +Q555505 P106 Q11569986 +Q85490 P19 Q4077 +Q90891 P509 Q175111 +Q339045 P161 Q230632 +Q505949 P106 Q864380 +Q80222 P20 Q90 +Q229430 P136 Q83440 +Q101638 P101 Q1662673 +Q320305 P106 Q43845 +Q165193 P264 Q843402 +Q63815 P27 Q713750 +Q106418 P106 Q33999 +Q207824 P106 Q386854 +Q188850 P161 Q214582 +Q87040 P106 Q81096 +Q1257 P106 Q82955 +Q1342003 P20 Q649 +Q912 P463 Q5611262 +Q12003 P106 Q488205 +Q356639 P20 Q3141 +Q502963 P69 Q219563 +Q560040 P106 Q639669 +Q129022 P20 Q90 +Q164745 P463 Q44687 +Q3570727 P106 Q5482740 +Q235305 P106 Q177220 +Q433979 P106 Q33999 +Q708506 P106 Q177220 +Q168482 P1412 Q1321 +Q408 P530 Q786 +Q1626025 P1412 Q1860 +Q730261 P172 Q49085 +Q966894 P27 Q142 +Q8877 P106 Q33999 +Q727782 P106 Q4964182 +Q261207 P27 Q172579 +Q314673 P106 Q10798782 +Q151593 P106 Q1622272 +Q13133 P69 Q21578 +Q4527494 P551 Q15180 +Q258736 P106 Q10800557 +Q2902710 P106 Q593644 +Q3182472 P27 Q30 +Q380865 P106 Q28389 +Q1179504 P1303 Q51290 +Q257182 P264 Q557632 +Q527146 P106 Q36180 +Q244234 P106 Q28389 +Q35 P530 Q298 +Q354508 P106 Q33999 +Q236094 P1412 Q9288 +Q137042 P264 Q557632 +Q23685 P106 Q43845 +Q311580 P106 Q177220 +Q76837 P1412 Q188 +Q44107 P136 Q482 +Q490333 P27 Q15180 +Q186273 P106 Q214917 +Q444674 P106 Q639669 +Q1082420 P106 Q177220 +Q357776 P27 Q884 +Q274362 P106 Q4610556 +Q61132 P1412 Q188 +Q739 P530 Q230 +Q71408 P1412 Q188 +Q213775 P1412 Q1321 +Q76000 P463 Q459620 +Q11869 P106 Q193391 +Q358356 P106 Q28389 +Q236229 P20 Q649 +Q28 P530 Q833 +Q213543 P1412 Q188 +Q1610776 P264 Q557632 +Q355245 P106 Q36180 +Q105598 P495 Q30 +Q212993 P101 Q21201 +Q555449 P136 Q49084 +Q962974 P106 Q10798782 +Q206534 P135 Q667661 +Q157034 P17 Q221 +Q1282413 P69 Q1399299 +Q1282826 P136 Q482 +Q18967 P136 Q2975633 +Q143605 P136 Q157443 +Q348533 P106 Q2059704 +Q153238 P69 Q152087 +Q52392 P106 Q2405480 +Q168419 P1412 Q150 +Q431591 P1303 Q6607 +Q107424 P136 Q37073 +Q391542 P161 Q381768 +Q76127 P509 Q476921 +Q229276 P106 Q36180 +Q658706 P106 Q947873 +Q711 P463 Q188822 +Q299595 P463 Q270794 +Q378870 P19 Q641 +Q166234 P106 Q214917 +Q180338 P106 Q2865819 +Q441067 P69 Q2093794 +Q71499 P108 Q48989 +Q265202 P1303 Q128309 +Q7542 P737 Q82222 +Q211136 P106 Q806349 +Q2646169 P106 Q188094 +Q2530 P69 Q152838 +Q93764 P641 Q542 +Q20749396 P19 Q12892 +Q115987 P1412 Q188 +Q432102 P161 Q189080 +Q36843 P69 Q55044 +Q214665 P136 Q492264 +Q1374180 P19 Q649 +Q41449 P551 Q18419 +Q361940 P106 Q36834 +Q272031 P106 Q33999 +Q237190 P27 Q30 +Q152690 P509 Q12152 +Q153579 P136 Q2743 +Q66987 P106 Q1234713 +Q233817 P136 Q37073 +Q33 P30 Q46 +Q312902 P106 Q10800557 +Q128934 P840 Q60 +Q170333 P106 Q193391 +Q711197 P106 Q177220 +Q11755 P27 Q30 +Q721043 P1303 Q17172850 +Q347539 P1412 Q150 +Q109067 P106 Q1930187 +Q780102 P69 Q1143281 +Q77482 P106 Q2722764 +Q362422 P1303 Q6607 +Q96943 P106 Q28389 +Q60659 P101 Q2743 +Q683 P463 Q1043527 +Q386336 P106 Q49757 +Q169461 P27 Q96 +Q267526 P136 Q1033891 +Q162202 P106 Q2722764 +Q208266 P136 Q645928 +Q166876 P106 Q36180 +Q3334710 P106 Q593644 +Q1356368 P69 Q170027 +Q3241949 P69 Q273626 +Q1523176 P119 Q1624932 +Q251984 P106 Q15077007 +Q92695 P27 Q142 +Q171428 P641 Q2736 +Q150445 P1303 Q8355 +Q19526 P509 Q12136 +Q264137 P17 Q30 +Q363383 P69 Q49088 +Q1741 P131 Q176495 +Q764789 P106 Q1662561 +Q1014 P530 Q902 +Q166663 P102 Q9626 +Q5928 P136 Q83270 +Q668 P530 Q851 +Q124523 P106 Q1622272 +Q648098 P264 Q2164531 +Q105460 P1303 Q6607 +Q106225 P106 Q33999 +Q817353 P1412 Q188 +Q43499 P140 Q9592 +Q272935 P1412 Q1860 +Q18391 P106 Q1622272 +Q455625 P136 Q43343 +Q69045 P40 Q60772 +Q190148 P27 Q38 +Q449670 P509 Q12078 +Q313666 P172 Q121842 +Q35314 P509 Q12152 +Q455344 P106 Q753110 +Q231487 P136 Q131272 +Q271696 P27 Q30 +Q231194 P463 Q174291 +Q154194 P161 Q44273 +Q207482 P161 Q237659 +Q122003 P136 Q378988 +Q244604 P161 Q232968 +Q1225 P1303 Q6607 +Q902463 P27 Q36 +Q132964 P106 Q3455803 +Q77684 P102 Q152554 +Q169104 P102 Q727724 +Q79038 P19 Q1741 +Q444017 P840 Q2634 +Q79023 P27 Q40 +Q451250 P161 Q296616 +Q669597 P69 Q49115 +Q563549 P106 Q36180 +Q81447 P140 Q9089 +Q159603 P509 Q47912 +Q312280 P26 Q266222 +Q188401 P106 Q2405480 +Q155559 P161 Q34436 +Q76459 P27 Q183 +Q235511 P106 Q10800557 +Q94007 P106 Q4610556 +Q213794 P106 Q185351 +Q268569 P119 Q272208 +Q362599 P106 Q10800557 +Q110374 P551 Q16558 +Q82222 P264 Q679007 +Q3986379 P161 Q128121 +Q463013 P1303 Q6607 +Q81082 P463 Q2822396 +Q39658 P463 Q253439 +Q41257 P106 Q81096 +Q95443 P463 Q459620 +Q10664 P69 Q1143281 +Q179746 P136 Q860626 +Q65087 P106 Q82955 +Q164674 P136 Q21010853 +Q64915 P106 Q1397808 +Q55415 P509 Q12078 +Q489854 P106 Q639669 +Q508497 P1412 Q1321 +Q300360 P495 Q30 +Q313443 P641 Q542 +Q67271 P69 Q153978 +Q313581 P108 Q608338 +Q732980 P106 Q6625963 +Q963626 P106 Q486748 +Q408 P463 Q782942 +Q80222 P19 Q495 +Q103569 P136 Q200092 +Q708158 P106 Q177220 +Q262861 P106 Q1930187 +Q261465 P463 Q1468277 +Q155485 P57 Q432655 +Q458390 P106 Q6625963 +Q82049 P69 Q258464 +Q15469 P106 Q3621491 +Q1279401 P106 Q639669 +Q358387 P106 Q40348 +Q133405 P740 Q18125 +Q464882 P119 Q746647 +Q333913 P106 Q1930187 +Q240885 P27 Q142 +Q38111 P172 Q974693 +Q170581 P19 Q5092 +Q272203 P1303 Q6607 +Q919565 P264 Q183387 +Q272977 P106 Q10800557 +Q100440 P106 Q2526255 +Q335238 P106 Q10800557 +Q180626 P1412 Q7850 +Q134773 P840 Q816 +Q707151 P136 Q11399 +Q205456 P509 Q2140674 +Q107350 P106 Q753110 +Q342397 P27 Q15180 +Q44144 P19 Q60 +Q709464 P106 Q639669 +Q1377218 P106 Q10800557 +Q208869 P69 Q49210 +Q44780 P19 Q9219 +Q7546 P101 Q184485 +Q167409 P106 Q753110 +Q125058 P136 Q19367312 +Q833 P530 Q423 +Q270869 P106 Q639669 +Q630454 P106 Q36180 +Q60072 P161 Q161819 +Q240222 P106 Q33999 +Q216457 P108 Q49119 +Q230 P530 Q963 +Q217008 P136 Q2137852 +Q1351751 P106 Q9648008 +Q238924 P27 Q30 +Q916 P530 Q953 +Q809028 P106 Q1930187 +Q222873 P136 Q130232 +Q4227 P69 Q4614 +Q262354 P101 Q35760 +Q101797 P551 Q65 +Q218319 P106 Q36180 +Q90 P17 Q71084 +Q77107 P106 Q4964182 +Q57389 P106 Q11774202 +Q563057 P1303 Q17172850 +Q55800 P106 Q2405480 +Q157246 P17 Q191077 +Q158030 P69 Q547867 +Q937537 P106 Q245068 +Q78316 P119 Q3006253 +Q107424 P136 Q187760 +Q445429 P1412 Q1860 +Q423644 P20 Q16869 +Q298035 P106 Q1930187 +Q77476 P19 Q1799 +Q295093 P1412 Q150 +Q2890097 P1412 Q9288 +Q662119 P1412 Q1860 +Q11812 P106 Q37226 +Q10681 P106 Q15253558 +Q44606 P1412 Q1860 +Q38849 P106 Q33999 +Q501429 P264 Q183387 +Q981190 P106 Q4263842 +Q312582 P69 Q55021 +Q313470 P172 Q3476361 +Q526406 P106 Q177220 +Q264869 P495 Q30 +Q107761 P495 Q30 +Q75786 P106 Q188094 +Q369957 P106 Q333634 +Q228 P463 Q8908 +Q17457 P463 Q188771 +Q313211 P1412 Q5146 +Q318390 P106 Q201788 +Q303235 P136 Q188473 +Q961972 P27 Q145 +Q64915 P463 Q18650004 +Q184267 P1412 Q7737 +Q2563 P20 Q61942 +Q31293 P106 Q2259451 +Q206336 P136 Q20442589 +Q1671177 P27 Q30 +Q1435522 P17 Q30 +Q4227341 P108 Q28729082 +Q44593 P108 Q49167 +Q939105 P1303 Q6607 +Q50969 P495 Q145 +Q648098 P136 Q45981 +Q295589 P106 Q36180 +Q257764 P1303 Q5994 +Q211539 P108 Q319078 +Q320014 P106 Q1622272 +Q1333939 P19 Q23556 +Q1257 P463 Q337543 +Q439315 P106 Q18545066 +Q255463 P140 Q7066 +Q13375 P17 Q71084 +Q921869 P106 Q81096 +Q23844 P172 Q1075293 +Q103002 P106 Q10798782 +Q104000 P69 Q389336 +Q8772 P101 Q413 +Q4029 P106 Q486748 +Q60528 P119 Q564922 +Q976238 P106 Q28389 +Q503147 P69 Q322964 +Q155458 P161 Q338726 +Q258204 P136 Q130232 +Q197108 P1412 Q1321 +Q76364 P106 Q183945 +Q916 P463 Q1065 +Q215724 P106 Q644687 +Q232562 P106 Q10798782 +Q461624 P101 Q413 +Q463715 P19 Q40435 +Q314158 P27 Q145 +Q215300 P106 Q753110 +Q889 P463 Q842490 +Q345325 P106 Q11481802 +Q2473030 P463 Q83172 +Q313546 P106 Q10798782 +Q432129 P463 Q207360 +Q84186 P1412 Q35497 +Q66107 P106 Q193391 +Q48112 P463 Q1971373 +Q999726 P106 Q28389 +Q72245 P69 Q161976 +Q168543 P136 Q20502 +Q120406 P106 Q33999 +Q335552 P551 Q62 +Q265069 P106 Q33999 +Q44077 P1412 Q1860 +Q319277 P106 Q855091 +Q254555 P161 Q355209 +Q156814 P1412 Q1860 +Q17 P530 Q222 +Q241398 P20 Q61 +Q252 P530 Q712 +Q185465 P740 Q1384 +Q192402 P27 Q30 +Q184530 P69 Q193510 +Q71650 P106 Q177220 +Q298025 P106 Q2526255 +Q156774 P106 Q82955 +Q176495 P30 Q46 +Q506127 P106 Q177220 +Q518839 P1303 Q8355 +Q20145 P136 Q37073 +Q238719 P101 Q482 +Q9682 P106 Q116 +Q370026 P106 Q10800557 +Q366890 P1412 Q1321 +Q58328 P40 Q274233 +Q183 P463 Q7809 +Q4384878 P106 Q901 +Q790 P463 Q17495 +Q381827 P20 Q90 +Q34787 P106 Q1930187 +Q235770 P27 Q142 +Q271824 P20 Q127856 +Q470101 P106 Q36180 +Q269835 P106 Q33999 +Q765 P106 Q214917 +Q45772 P27 Q145 +Q502325 P69 Q270222 +Q29 P530 Q739 +Q217110 P102 Q29552 +Q70991 P1412 Q397 +Q733392 P119 Q608405 +Q187324 P106 Q36180 +Q486786 P1303 Q46185 +Q91845 P106 Q36180 +Q44481 P101 Q333 +Q4617 P106 Q4610556 +Q1292110 P172 Q44806 +Q206224 P161 Q947748 +Q187423 P136 Q157394 +Q57442 P101 Q8162 +Q93343 P737 Q5679 +Q92743 P551 Q779 +Q7346 P101 Q8341 +Q76004 P19 Q2773 +Q313509 P737 Q9364 +Q710100 P27 Q13426199 +Q170095 P106 Q49757 +Q187019 P737 Q127332 +Q82248 P106 Q28389 +Q380121 P19 Q8684 +Q316381 P106 Q1930187 +Q1151944 P106 Q43845 +Q35678 P509 Q12192 +Q157359 P106 Q170790 +Q443567 P1412 Q1860 +Q221384 P840 Q15 +Q520346 P1412 Q1860 +Q34970 P106 Q49757 +Q229258 P69 Q838330 +Q159 P530 Q963 +Q219 P530 Q229 +Q85715 P108 Q152171 +Q316032 P106 Q948329 +Q971962 P69 Q209842 +Q309926 P136 Q206159 +Q794 P530 Q38 +Q193236 P106 Q214917 +Q350732 P1412 Q1860 +Q813964 P106 Q1930187 +Q96502 P69 Q221653 +Q71443 P106 Q36180 +Q1988375 P106 Q855091 +Q164224 P136 Q471839 +Q87 P37 Q13955 +Q780720 P264 Q5086379 +Q106514 P20 Q846421 +Q1001254 P2348 Q6927 +Q883730 P20 Q485172 +Q80424 P106 Q14915627 +Q435236 P106 Q10800557 +Q526022 P27 Q33946 +Q36591 P106 Q350979 +Q51547 P106 Q3282637 +Q658008 P1412 Q1860 +Q19801728 P495 Q30 +Q354603 P106 Q28389 +Q289428 P20 Q1297 +Q62544 P106 Q11569986 +Q213585 P27 Q183 +Q230836 P27 Q30 +Q244 P463 Q191384 +Q93015 P108 Q214341 +Q156516 P161 Q1711470 +Q730 P463 Q3772571 +Q219622 P106 Q744738 +Q6294 P551 Q17042 +Q164384 P106 Q205375 +Q334780 P136 Q188473 +Q97871 P69 Q152087 +Q61078 P19 Q64 +Q4293328 P106 Q901 +Q355839 P69 Q4453555 +Q62857 P27 Q145 +Q40 P530 Q224 +Q676455 P19 Q2887 +Q233377 P136 Q131272 +Q279648 P27 Q15180 +Q1054564 P1412 Q652 +Q388408 P161 Q352233 +Q569362 P102 Q151469 +Q78857 P106 Q201788 +Q744288 P20 Q1342 +Q235066 P136 Q213156 +Q724871 P119 Q831322 +Q61659 P106 Q82955 +Q214959 P1303 Q17172850 +Q469888 P106 Q1930187 +Q102822 P108 Q221653 +Q60644 P106 Q1622272 +Q734574 P106 Q177220 +Q327542 P106 Q2405480 +Q707827 P19 Q1748 +Q173175 P27 Q27 +Q218172 P495 Q30 +Q156321 P20 Q1085 +Q63432 P69 Q658975 +Q61195 P106 Q82955 +Q135645 P106 Q82955 +Q323060 P69 Q523926 +Q86093 P102 Q379922 +Q138050 P19 Q60 +Q52447 P264 Q1273666 +Q68757 P106 Q1622272 +Q78714 P463 Q463303 +Q310947 P106 Q10798782 +Q92639 P101 Q21198 +Q325427 P106 Q639669 +Q232449 P264 Q483938 +Q106508 P1412 Q150 +Q60966 P106 Q81096 +Q358345 P172 Q49085 +Q551075 P172 Q7325 +Q12908 P106 Q36180 +Q154759 P19 Q1754 +Q50012 P1412 Q1860 +Q1624891 P106 Q2259451 +Q57554 P27 Q183 +Q50020 P106 Q27532437 +Q668 P530 Q159583 +Q236161 P106 Q1281618 +Q98258 P106 Q2374149 +Q91162 P27 Q183 +Q154556 P1303 Q5994 +Q902 P530 Q796 +Q256037 P495 Q145 +Q67526 P1412 Q35497 +Q110397 P136 Q2484376 +Q156902 P106 Q24262584 +Q1044 P463 Q376150 +Q240886 P106 Q10800557 +Q76513 P106 Q2055046 +Q32522 P106 Q33999 +Q192474 P136 Q11399 +Q4266175 P102 Q79854 +Q234604 P106 Q2306091 +Q131864 P161 Q296577 +Q16297 P27 Q16 +Q1033 P463 Q7159 +Q298 P530 Q43 +Q185007 P106 Q783906 +Q30628 P106 Q8246794 +Q1036 P530 Q833 +Q437351 P106 Q4610556 +Q1273345 P106 Q177220 +Q314403 P27 Q142 +Q1333234 P106 Q36834 +Q60045 P106 Q18814623 +Q91059 P20 Q60 +Q233832 P106 Q33999 +Q115694 P69 Q273626 +Q934737 P136 Q37073 +Q888487 P27 Q30 +Q175104 P106 Q10800557 +Q833 P530 Q79 +Q522739 P106 Q822146 +Q111836 P1412 Q188 +Q481474 P106 Q81096 +Q11627 P264 Q466649 +Q51562 P27 Q30 +Q1223694 P106 Q639669 +Q905267 P20 Q90 +Q92481 P1412 Q188 +Q311672 P106 Q33999 +Q267306 P106 Q2259451 +Q150281 P106 Q1930187 +Q235066 P106 Q36834 +Q224650 P106 Q1327329 +Q690854 P27 Q39 +Q82110 P106 Q855091 +Q142 P463 Q41550 +Q8873 P737 Q50713 +Q66337 P509 Q12136 +Q15969 P106 Q36180 +Q105962 P106 Q188094 +Q49524 P106 Q970153 +Q7231 P106 Q3242115 +Q73768 P106 Q2259451 +Q114576 P1412 Q1860 +Q27304761 P37 Q1321 +Q764789 P19 Q61 +Q127870 P20 Q65 +Q313546 P106 Q28389 +Q290197 P1412 Q652 +Q500042 P1412 Q1860 +Q157313 P463 Q161806 +Q1026826 P106 Q14467526 +Q233475 P101 Q207628 +Q88748 P19 Q1794 +Q1047141 P106 Q753110 +Q333913 P106 Q40348 +Q109135 P136 Q959790 +Q123557 P106 Q2919046 +Q66155 P463 Q463303 +Q124784 P106 Q36180 +Q11815 P140 Q682443 +Q29008 P106 Q212238 +Q183094 P101 Q21201 +Q166769 P1303 Q6607 +Q220550 P119 Q2661974 +Q502864 P102 Q327591 +Q89219 P119 Q68752772 +Q153725 P106 Q753110 +Q121778 P106 Q49757 +Q946733 P106 Q1930187 +Q365044 P27 Q172579 +Q75649 P463 Q414110 +Q1361304 P106 Q177220 +Q43 P463 Q899770 +Q4593 P40 Q10218 +Q232015 P106 Q177220 +Q70113 P27 Q183 +Q728365 P135 Q37068 +Q708963 P119 Q5763964 +Q199943 P27 Q38 +Q132805 P172 Q42406 +Q200096 P161 Q171758 +Q189144 P509 Q204933 +Q298726 P106 Q486748 +Q207034 P264 Q311439 +Q106126 P172 Q7325 +Q716862 P463 Q427318 +Q231391 P106 Q10798782 +Q270935 P106 Q19723482 +Q19201 P106 Q639669 +Q115641 P106 Q36180 +Q223992 P106 Q7042855 +Q103591 P19 Q3141 +Q258847 P136 Q842256 +Q270005 P1303 Q17172850 +Q145 P530 Q805 +Q213736 P106 Q2405480 +Q272650 P1412 Q652 +Q35686 P69 Q49122 +Q89054 P463 Q543804 +Q265031 P106 Q36180 +Q461104 P1412 Q1321 +Q651 P101 Q5891 +Q1646438 P551 Q24826 +Q446504 P509 Q175111 +Q70425 P106 Q193391 +Q41 P530 Q928 +Q756563 P106 Q639669 +Q202589 P172 Q170826 +Q40054 P106 Q10800557 +Q158474 P136 Q1200678 +Q71618 P106 Q1622272 +Q269912 P840 Q65 +Q153597 P106 Q4610556 +Q124894 P463 Q463303 +Q1262590 P106 Q639669 +Q851 P463 Q842490 +Q153638 P1303 Q17172850 +Q1226921 P106 Q639669 +Q981236 P737 Q320146 +Q28480 P106 Q1930187 +Q44219 P106 Q1622272 +Q328320 P136 Q19367312 +Q154662 P136 Q8341 +Q535924 P19 Q656 +Q84335 P463 Q150793 +Q689600 P27 Q142 +Q148 P530 Q766 +Q327312 P495 Q30 +Q232491 P27 Q884 +Q244333 P136 Q319221 +Q14045 P27 Q30 +Q669597 P106 Q1622272 +Q329744 P106 Q2526255 +Q313470 P106 Q177220 +Q358387 P463 Q18912936 +Q232214 P106 Q36834 +Q55230 P27 Q145 +Q365 P17 Q41304 +Q187019 P737 Q93166 +Q124251 P108 Q372608 +Q255335 P1412 Q1860 +Q45374 P106 Q81096 +Q129263 P20 Q62 +Q11806 P463 Q466089 +Q822 P530 Q794 +Q668 P530 Q334 +Q479052 P1303 Q17172850 +Q473257 P136 Q482 +Q43247 P26 Q53003 +Q1793865 P106 Q1622272 +Q60052 P463 Q270794 +Q91093 P108 Q159895 +Q1941315 P509 Q11085 +Q435679 P106 Q488205 +Q312336 P1303 Q128309 +Q192185 P106 Q14915627 +Q244604 P161 Q230190 +Q292381 P1412 Q1860 +Q91640 P27 Q183 +Q237951 P106 Q1622272 +Q118982 P551 Q183 +Q180338 P1412 Q9027 +Q156133 P19 Q1345 +Q125462 P106 Q15980158 +Q20 P463 Q8908 +Q167821 P509 Q12192 +Q945 P463 Q384535 +Q67869663 P136 Q438503 +Q306403 P106 Q7042855 +Q9200 P172 Q7325 +Q311976 P106 Q2259451 +Q5443 P101 Q33999 +Q128582 P495 Q30 +Q100937 P136 Q1196752 +Q443166 P136 Q83270 +Q259691 P463 Q202041 +Q4491 P551 Q65 +Q138416 P69 Q43452 +Q746923 P1412 Q5287 +Q93853 P136 Q188473 +Q316709 P1412 Q1860 +Q319871 P509 Q389735 +Q36704 P530 Q40 +Q724343 P27 Q34266 +Q346216 P106 Q333634 +Q459251 P3373 Q359474 +Q963 P463 Q899770 +Q93188 P551 Q65 +Q69349 P27 Q183 +Q3262638 P20 Q270230 +Q159 P463 Q191384 +Q1715512 P1412 Q188 +Q86093 P119 Q240744 +Q331497 P20 Q485176 +Q213806 P108 Q49088 +Q191104 P106 Q33999 +Q103767 P20 Q60 +Q144439 P106 Q36180 +Q400729 P106 Q188094 +Q127897 P161 Q464320 +Q53783 P172 Q179248 +Q134022 P108 Q152087 +Q51537 P27 Q30 +Q963787 P106 Q33999 +Q35332 P140 Q288928 +Q254510 P19 Q340 +Q1666 P106 Q488205 +Q88029 P106 Q185351 +Q156911 P161 Q316528 +Q77755 P108 Q155354 +Q194333 P264 Q183387 +Q20726 P1412 Q9067 +Q554175 P102 Q10225 +Q668 P530 Q874 +Q709935 P69 Q168756 +Q70004 P108 Q54096 +Q335598 P106 Q855091 +Q248042 P106 Q12144794 +Q259788 P136 Q43343 +Q457739 P20 Q60 +Q218458 P57 Q51566 +Q4622 P106 Q37226 +Q262130 P106 Q3282637 +Q219 P463 Q191582 +Q49347 P1412 Q1860 +Q370560 P106 Q3282637 +Q93129 P108 Q49108 +Q110726 P27 Q16957 +Q228494 P119 Q2044 +Q43252 P27 Q38 +Q437039 P136 Q37073 +Q207458 P27 Q145 +Q714526 P27 Q15180 +Q169564 P136 Q130232 +Q266179 P106 Q10798782 +Q689820 P172 Q8060 +Q306403 P69 Q49088 +Q596717 P264 Q3415083 +Q44646 P140 Q7066 +Q256531 P108 Q30 +Q428814 P136 Q8341 +Q120599 P102 Q537303 +Q1401 P101 Q5891 +Q276415 P136 Q1146335 +Q181659 P737 Q909 +Q60059 P106 Q14915627 +Q231256 P1412 Q150 +Q233786 P1303 Q17172850 +Q182905 P119 Q4263743 +Q183 P463 Q1072120 +Q189197 P106 Q16533 +Q1140309 P495 Q30 +Q158079 P172 Q179248 +Q554971 P136 Q848399 +Q1000 P530 Q142 +Q329056 P161 Q311271 +Q178865 P641 Q718 +Q318475 P140 Q7066 +Q212790 P27 Q145 +Q104104 P106 Q169470 +Q9438 P1412 Q397 +Q430278 P161 Q313043 +Q317251 P106 Q33999 +Q1047141 P136 Q83440 +Q56093 P106 Q2526255 +Q229775 P106 Q2526255 +Q229379 P106 Q2252262 +Q232783 P19 Q90 +Q235946 P106 Q36180 +Q95522 P102 Q316533 +Q229232 P106 Q18814623 +Q745896 P106 Q33999 +Q348497 P27 Q34266 +Q188570 P27 Q34266 +Q79969 P140 Q7066 +Q40321 P140 Q432 +Q86777 P27 Q40 +Q76823 P69 Q152087 +Q60477 P19 Q1733 +Q95951 P102 Q7320 +Q45909 P264 Q277626 +Q60197 P106 Q14915627 +Q53004 P27 Q172579 +Q152301 P106 Q36180 +Q61078 P106 Q4964182 +Q1528185 P106 Q81096 +Q182509 P69 Q156598 +Q294372 P106 Q28389 +Q183 P530 Q912 +Q159473 P20 Q220 +Q1275 P1412 Q1860 +Q63486 P106 Q28789517 +Q100511 P69 Q55044 +Q270730 P69 Q432637 +Q100028 P106 Q10800557 +Q184805 P106 Q33999 +Q232414 P26 Q315271 +Q68656 P106 Q185351 +Q727301 P119 Q1242128 +Q53004 P106 Q1053574 +Q19796 P108 Q16952 +Q201477 P106 Q188094 +Q708963 P106 Q1930187 +Q1441251 P1303 Q5994 +Q160619 P106 Q36180 +Q295431 P106 Q1930187 +Q346085 P106 Q36834 +Q363698 P509 Q12078 +Q190631 P106 Q245068 +Q14277 P1303 Q8377 +Q314659 P1412 Q1860 +Q204057 P161 Q41548 +Q58720 P106 Q4964182 +Q61682 P108 Q223429 +Q557774 P136 Q11635 +Q212224 P106 Q10798782 +Q817 P30 Q48 +Q29573 P69 Q13371 +Q229735 P106 Q488205 +Q395714 P106 Q4964182 +Q62906 P1412 Q188 +Q427884 P1303 Q6607 +Q61584 P106 Q753110 +Q219420 P106 Q12144794 +Q62310 P1412 Q188 +Q8680 P30 Q48 +Q935407 P27 Q219 +Q128121 P264 Q203059 +Q239307 P172 Q42406 +Q265270 P20 Q18575 +Q122163 P1412 Q188 +Q203843 P106 Q36180 +Q140738 P106 Q2722764 +Q323112 P106 Q10798782 +Q11627 P106 Q639669 +Q712 P37 Q1860 +Q424 P530 Q183 +Q80966 P106 Q10800557 +Q100400 P27 Q183 +Q47284 P451 Q211040 +Q167265 P161 Q36949 +Q368674 P161 Q237194 +Q212648 P102 Q29468 +Q44461 P106 Q36180 +Q144746 P106 Q24067349 +Q2709 P106 Q10798782 +Q186504 P161 Q171363 +Q313727 P106 Q28389 +Q37621 P69 Q81162 +Q242792 P1303 Q5994 +Q209186 P509 Q12152 +Q268084 P106 Q10800557 +Q3499732 P161 Q258761 +Q32 P530 Q38 +Q168359 P1412 Q150 +Q6538 P106 Q1281618 +Q238866 P161 Q232851 +Q981236 P264 Q155152 +Q1618 P1412 Q1860 +Q708585 P19 Q975 +Q207130 P840 Q99 +Q106812 P140 Q5043 +Q1928973 P1412 Q5287 +Q117789 P106 Q333634 +Q1451186 P69 Q2994538 +Q237255 P106 Q33999 +Q912271 P106 Q1930187 +Q159 P530 Q736 +Q122968 P106 Q674426 +Q4397665 P20 Q485172 +Q68501 P140 Q9592 +Q434185 P106 Q15982858 +Q185122 P106 Q5716684 +Q465511 P106 Q16533 +Q80596 P106 Q1930187 +Q151118 P1412 Q1860 +Q92624 P106 Q82594 +Q20882 P20 Q90 +Q122701 P106 Q170790 +Q77807 P1412 Q188 +Q12658 P463 Q265058 +Q9047 P1412 Q397 +Q245363 P551 Q1524 +Q362258 P136 Q484641 +Q107730 P551 Q1297 +Q221462 P136 Q52162262 +Q435415 P27 Q30 +Q48734 P840 Q99 +Q69366 P463 Q833738 +Q38484 P106 Q43845 +Q519851 P27 Q750 +Q162331 P161 Q982023 +Q1281084 P69 Q751612 +Q1165439 P740 Q84 +Q36184 P509 Q12202 +Q203806 P69 Q55044 +Q56016 P451 Q71275 +Q1157945 P106 Q131512 +Q124357 P106 Q36180 +Q36268 P264 Q1881437 +Q116905 P495 Q30 +Q168274 P136 Q11399 +Q335760 P106 Q82955 +Q234558 P106 Q639669 +Q438014 P27 Q30 +Q89689 P108 Q151510 +Q381731 P495 Q142 +Q668 P463 Q1043527 +Q25973 P509 Q1368943 +Q120599 P106 Q36180 +Q1967070 P136 Q205560 +Q617932 P106 Q753110 +Q189 P530 Q38 +Q60141 P106 Q3621491 +Q235946 P106 Q11774202 +Q697 P530 Q159 +Q450282 P106 Q1350157 +Q125494 P495 Q183 +Q766 P530 Q230 +Q557730 P19 Q60 +Q276745 P101 Q207628 +Q961447 P19 Q189074 +Q191132 P106 Q10800557 +Q730 P463 Q4230 +Q153020 P101 Q5891 +Q327681 P495 Q142 +Q92379 P106 Q82955 +Q264253 P463 Q4430504 +Q90520 P106 Q36180 +Q278543 P106 Q28389 +Q233832 P20 Q60 +Q16409 P106 Q214917 +Q310252 P106 Q33999 +Q215673 P1412 Q652 +Q4391139 P1412 Q7737 +Q193504 P106 Q33999 +Q63670 P106 Q36180 +Q313727 P106 Q33999 +Q225 P463 Q656801 +Q636 P106 Q674067 +Q125484 P463 Q2043519 +Q152301 P26 Q267217 +Q324157 P463 Q83172 +Q206235 P172 Q1075293 +Q750 P463 Q1043527 +Q715315 P106 Q36180 +Q42156 P463 Q337543 +Q312073 P509 Q12192 +Q216896 P106 Q6625963 +Q1355431 P136 Q45981 +Q216692 P106 Q4964182 +Q44855 P19 Q184116 +Q541573 P264 Q190585 +Q400729 P69 Q27621 +Q34414 P57 Q7374 +Q73033 P106 Q36180 +Q1354341 P106 Q753110 +Q293149 P1303 Q17172850 +Q64406 P108 Q32120 +Q189186 P19 Q3141 +Q853 P106 Q2526255 +Q356499 P463 Q812155 +Q454334 P19 Q1721 +Q6969 P106 Q245068 +Q230 P530 Q668 +Q77844 P20 Q1726 +Q1233 P102 Q590750 +Q32678 P106 Q201788 +Q210447 P106 Q10800557 +Q166714 P509 Q3010352 +Q72790 P69 Q209842 +Q714526 P106 Q158852 +Q309926 P106 Q584301 +Q179051 P27 Q30 +Q347950 P106 Q222344 +Q68751 P140 Q432 +Q46132 P106 Q183945 +Q342430 P19 Q42462 +Q128085 P106 Q158852 +Q84233 P20 Q60 +Q179682 P136 Q37073 +Q123802 P102 Q49768 +Q229349 P106 Q10798782 +Q522592 P106 Q753110 +Q1677044 P264 Q557632 +Q57374 P106 Q18814623 +Q414 P530 Q41 +Q315664 P495 Q183 +Q112831 P495 Q145 +Q190373 P69 Q5384959 +Q43189 P27 Q739 +Q381726 P106 Q158852 +Q126432 P69 Q154804 +Q76343 P140 Q1841 +Q111323 P27 Q183 +Q314606 P106 Q10798782 +Q199943 P264 Q662575 +Q266959 P27 Q30 +Q160219 P19 Q33486 +Q362599 P20 Q65 +Q242939 P106 Q3282637 +Q1397888 P106 Q214917 +Q313009 P106 Q488205 +Q783 P37 Q1321 +Q194346 P57 Q458766 +Q617109 P1412 Q1860 +Q1370605 P1303 Q6607 +Q205473 P740 Q84 +Q445302 P106 Q28389 +Q346374 P136 Q83440 +Q310332 P1303 Q17172850 +Q811 P530 Q801 +Q181917 P509 Q206901 +Q71763 P19 Q365 +Q865275 P102 Q49768 +Q505517 P27 Q30 +Q1281738 P1412 Q1860 +Q207676 P1412 Q1860 +Q80405 P106 Q4853732 +Q37767 P737 Q151936 +Q108886 P101 Q1069 +Q233022 P106 Q10798782 +Q57387 P106 Q6625963 +Q44580 P27 Q34266 +Q44780 P1303 Q17172850 +Q11930 P2348 Q6927 +Q221236 P57 Q346595 +Q362353 P19 Q40435 +Q5577 P1412 Q150 +Q32520 P20 Q29303 +Q634025 P108 Q752663 +Q215392 P17 Q27 +Q186485 P106 Q2526255 +Q278625 P106 Q13590141 +Q244390 P509 Q623031 +Q350732 P106 Q639669 +Q180272 P106 Q639669 +Q805 P463 Q17495 +Q231942 P106 Q2405480 +Q73784 P106 Q36180 +Q264891 P1303 Q5994 +Q1329361 P108 Q193196 +Q8768 P106 Q205375 +Q972641 P106 Q806798 +Q727711 P1412 Q150 +Q362422 P136 Q1133657 +Q324753 P27 Q30 +Q783992 P1303 Q9798 +Q261601 P161 Q2685 +Q235470 P106 Q2468727 +Q854590 P136 Q131578 +Q298341 P106 Q901 +Q697200 P20 Q1741 +Q172303 P106 Q10800557 +Q955405 P19 Q100 +Q126927 P27 Q30 +Q234289 P19 Q406 +Q107008 P106 Q33999 +Q945633 P106 Q16145150 +Q948941 P551 Q15180 +Q92636 P106 Q5482740 +Q84555 P463 Q684415 +Q213806 P108 Q49112 +Q124610 P463 Q329464 +Q270730 P106 Q10798782 +Q41408 P1303 Q5994 +Q92617 P509 Q12202 +Q228512 P106 Q33999 +Q1453045 P264 Q202585 +Q649987 P20 Q270230 +Q82695 P102 Q79854 +Q186341 P136 Q52207399 +Q44328 P1412 Q188 +Q184530 P106 Q4964182 +Q310217 P106 Q2865819 +Q430922 P106 Q36180 +Q794 P361 Q7204 +Q63667 P106 Q214917 +Q323117 P136 Q9734 +Q347528 P20 Q488004 +Q45765 P106 Q3579035 +Q74252 P106 Q36180 +Q653949 P106 Q11900058 +Q215665 P106 Q28389 +Q698714 P106 Q40348 +Q105896 P20 Q1055 +Q280918 P161 Q95039 +Q7311 P463 Q1541450 +Q22072 P264 Q183412 +Q460323 P136 Q131539 +Q14540 P106 Q10798782 +Q157191 P106 Q17307272 +Q360531 P27 Q30 +Q76791 P463 Q299015 +Q76023 P106 Q201788 +Q697131 P1412 Q9288 +Q983249 P106 Q18844224 +Q704355 P106 Q189290 +Q561835 P106 Q49757 +Q128126 P69 Q1431541 +Q158878 P101 Q5891 +Q605443 P106 Q1930187 +Q86886 P69 Q154804 +Q229349 P106 Q5716684 +Q113601 P69 Q153006 +Q157271 P136 Q8261 +Q375775 P161 Q363518 +Q428551 P136 Q130232 +Q62459 P106 Q1930187 +Q431656 P106 Q33999 +Q256286 P106 Q18814623 +Q104814 P136 Q188473 +Q439358 P106 Q2405480 +Q2579732 P106 Q40348 +Q123825 P106 Q482980 +Q124670 P1303 Q17172850 +Q2793815 P27 Q30 +Q57386 P1412 Q188 +Q181795 P161 Q367017 +Q902 P463 Q191384 +Q164683 P27 Q183 +Q314834 P69 Q1727138 +Q95485 P106 Q12800682 +Q9358 P737 Q38193 +Q600635 P19 Q16568 +Q157034 P172 Q940348 +Q129288 P57 Q237659 +Q242939 P106 Q10798782 +Q202029 P495 Q30 +Q70988 P106 Q6625963 +Q320588 P135 Q377616 +Q239357 P106 Q177220 +Q186630 P106 Q11774202 +Q456762 P106 Q28389 +Q105895 P1412 Q188 +Q170842 P27 Q133356 +Q465105 P1303 Q8338 +Q44584 P106 Q42909 +Q1009 P463 Q340195 +Q319934 P106 Q1476215 +Q1351565 P106 Q205375 +Q307 P69 Q645663 +Q400678 P140 Q9585 +Q328320 P136 Q2484376 +Q726388 P19 Q26339 +Q242557 P106 Q2526255 +Q447121 P19 Q1781 +Q53719 P161 Q241160 +Q1577693 P106 Q1622272 +Q44077 P102 Q29552 +Q519838 P106 Q82955 +Q236217 P495 Q142 +Q391542 P495 Q30 +Q203533 P106 Q49757 +Q83492 P106 Q33999 +Q103157 P106 Q10798782 +Q160219 P106 Q33999 +Q44922 P106 Q4964182 +Q660553 P106 Q185351 +Q49319 P1303 Q52954 +Q189665 P106 Q6625963 +Q34670 P106 Q4964182 +Q70999 P106 Q169470 +Q240521 P106 Q482980 +Q57896 P1412 Q188 +Q737570 P737 Q909 +Q1606257 P106 Q855091 +Q2273039 P106 Q211236 +Q162277 P161 Q213567 +Q51537 P106 Q3387717 +Q448930 P172 Q49085 +Q189186 P1050 Q11085 +Q335036 P136 Q379671 +Q328664 P27 Q30 +Q363490 P106 Q10798782 +Q5383 P136 Q76092 +Q847345 P136 Q128758 +Q219060 P530 Q902 +Q8442 P106 Q193391 +Q556568 P106 Q1930187 +Q86924 P106 Q82955 +Q23301 P27 Q38 +Q38111 P106 Q33999 +Q717250 P509 Q12152 +Q90849 P27 Q15180 +Q44412 P106 Q1622272 +Q7259 P106 Q333634 +Q16574 P140 Q5043 +Q214299 P106 Q10798782 +Q1779574 P106 Q1792450 +Q49747 P463 Q2166029 +Q57592 P27 Q183 +Q577548 P136 Q3017271 +Q4631 P108 Q1026939 +Q751205 P106 Q82955 +Q1468277 P101 Q8242 +Q1286993 P106 Q488205 +Q9960 P106 Q2405480 +Q66800 P463 Q329464 +Q134333 P1412 Q1860 +Q1031340 P19 Q107126 +Q283988 P136 Q1152184 +Q1792 P17 Q36 +Q234928 P106 Q6625963 +Q303207 P119 Q1302545 +Q166318 P27 Q172579 +Q444728 P106 Q36834 +Q469310 P19 Q7003 +Q123973 P463 Q266063 +Q210428 P737 Q1299 +Q438475 P27 Q40 +Q242373 P119 Q1358639 +Q241 P530 Q796 +Q253882 P264 Q513712 +Q231345 P108 Q170027 +Q769 P30 Q49 +Q188018 P106 Q2259451 +Q134549 P3373 Q432694 +Q311804 P106 Q28389 +Q46706 P463 Q901677 +Q97325 P27 Q183 +Q193035 P1412 Q9027 +Q55163 P27 Q30 +Q172466 P463 Q123885 +Q548345 P106 Q1086863 +Q188570 P106 Q82955 +Q135420 P20 Q65 +Q1137719 P131 Q90 +Q3920695 P27 Q139319 +Q1552348 P27 Q159 +Q137115 P106 Q674426 +Q516786 P20 Q47164 +Q166212 P106 Q10798782 +Q145 P530 Q43 +Q232120 P69 Q8047423 +Q12862 P27 Q29 +Q202982 P161 Q228862 +Q186123 P101 Q5891 +Q41042 P106 Q482980 +Q963 P530 Q865 +Q154545 P106 Q23833535 +Q449140 P106 Q8246794 +Q9381 P101 Q8134 +Q444840 P106 Q36834 +Q11903 P101 Q5891 +Q239415 P27 Q30 +Q392697 P495 Q145 +Q2772878 P172 Q49085 +Q173869 P463 Q463303 +Q36970 P136 Q40831 +Q49081 P1412 Q7979 +Q116032 P69 Q152838 +Q315507 P1412 Q1321 +Q39 P463 Q134102 +Q332493 P1412 Q1860 +Q334 P530 Q884 +Q190994 P106 Q753110 +Q326229 P509 Q181754 +Q1125383 P1303 Q5994 +Q72365 P1412 Q188 +Q2686748 P27 Q15180 +Q1190235 P27 Q30 +Q41281 P27 Q794 +Q104067 P27 Q30 +Q460323 P1412 Q1860 +Q243969 P106 Q169470 +Q189564 P106 Q1662561 +Q234428 P136 Q37073 +Q361996 P69 Q348134 +Q5977 P1303 Q8355 +Q442721 P1303 Q6607 +Q70867 P106 Q193391 +Q1141280 P20 Q1770 +Q477461 P106 Q10800557 +Q84475 P140 Q9592 +Q89433 P106 Q1622272 +Q202725 P106 Q1476215 +Q375290 P69 Q1137719 +Q271903 P509 Q506616 +Q1392321 P749 Q38903 +Q1173676 P106 Q864503 +Q36233 P106 Q2526255 +Q162492 P27 Q145 +Q262 P530 Q230 +Q201687 P136 Q20442589 +Q70263 P69 Q50662 +Q76490 P27 Q183 +Q77881 P106 Q182436 +Q190145 P161 Q204672 +Q71499 P106 Q211346 +Q302880 P106 Q1930187 +Q1396305 P106 Q81096 +Q275652 P20 Q159288 +Q290197 P106 Q49757 +Q319121 P106 Q15077007 +Q984165 P106 Q121594 +Q295537 P1412 Q150 +Q434916 P106 Q16031530 +Q137115 P551 Q34404 +Q51488 P27 Q30 +Q436507 P108 Q193727 +Q110749 P106 Q36180 +Q176668 P106 Q33999 +Q12769 P27 Q29999 +Q184440 P463 Q337224 +Q78704 P119 Q564922 +Q316901 P106 Q1028181 +Q77112 P1303 Q5994 +Q3754146 P106 Q36180 +Q160618 P161 Q4491 +Q483203 P136 Q9794 +Q239453 P106 Q10798782 +Q189080 P106 Q36834 +Q44301 P69 Q861548 +Q16872 P106 Q10349745 +Q95273 P106 Q36180 +Q81324 P106 Q13474373 +Q679007 P159 Q1297 +Q375845 P106 Q36180 +Q974 P463 Q827525 +Q436187 P69 Q3098911 +Q94034 P106 Q17337766 +Q193357 P136 Q19715429 +Q963015 P106 Q1930187 +Q332953 P27 Q22 +Q349799 P264 Q654283 +Q445122 P161 Q722202 +Q57603 P108 Q155354 +Q106428 P161 Q198684 +Q108560 P136 Q9730 +Q64 P17 Q43287 +Q91461 P102 Q310296 +Q59572 P495 Q408 +Q206388 P136 Q21401869 +Q180416 P161 Q67917 +Q94555 P27 Q145 +Q550395 P27 Q30 +Q965 P463 Q7159 +Q313283 P1412 Q1860 +Q212 P530 Q36 +Q41342 P140 Q1841 +Q112929 P20 Q1741 +Q129747 P106 Q2252262 +Q185770 P20 Q220 +Q83059 P20 Q49142 +Q469478 P106 Q193391 +Q353007 P106 Q1320883 +Q3052333 P106 Q47064 +Q709751 P19 Q60 +Q103946 P106 Q10800557 +Q315417 P106 Q753110 +Q67409 P106 Q193391 +Q1350509 P69 Q55038 +Q43736 P136 Q8261 +Q47216 P106 Q36180 +Q187019 P737 Q151820 +Q221450 P27 Q172579 +Q75914 P19 Q1733 +Q233891 P106 Q6625963 +Q22432 P161 Q51489 +Q50764 P1412 Q150 +Q40874 P106 Q36180 +Q189042 P106 Q49757 +Q155845 P106 Q15949613 +Q242577 P1412 Q1860 +Q1232794 P106 Q2259451 +Q724082 P19 Q25610 +Q191 P463 Q41984 +Q568256 P172 Q127885 +Q274895 P161 Q106418 +Q432715 P509 Q12192 +Q559774 P1412 Q1568 +Q1965416 P106 Q177220 +Q531913 P172 Q49085 +Q325449 P106 Q10800557 +Q314640 P26 Q233061 +Q370102 P106 Q28389 +Q95259 P1412 Q188 +Q434291 P172 Q127885 +Q154325 P463 Q83172 +Q63454 P136 Q9730 +Q324162 P136 Q590870 +Q329454 P106 Q589298 +Q76487 P106 Q49757 +Q101886 P20 Q2090 +Q57384 P27 Q43287 +Q329131 P161 Q257165 +Q228585 P840 Q1261 +Q34981 P108 Q49110 +Q246731 P463 Q123885 +Q377725 P27 Q34266 +Q61390 P106 Q901 +Q1984061 P27 Q145 +Q12622 P1412 Q150 +Q271625 P19 Q490 +Q85034 P106 Q36180 +Q34670 P551 Q142 +Q112427 P1412 Q188 +Q12622 P106 Q201788 +Q37388 P106 Q82955 +Q113570 P1412 Q1860 +Q309014 P136 Q52207399 +Q3241949 P69 Q1189954 +Q160433 P264 Q193023 +Q76837 P106 Q1930187 +Q2415122 P1303 Q17172850 +Q271986 P69 Q8047423 +Q93614 P27 Q40 +Q2086130 P1412 Q1860 +Q255593 P106 Q177220 +Q236596 P509 Q12078 +Q37944 P27 Q222 +Q80399 P1412 Q188 +Q41854 P161 Q42869 +Q3346431 P106 Q33999 +Q187345 P106 Q33999 +Q715787 P69 Q9842 +Q2831 P737 Q36290 +Q40531 P106 Q10800557 +Q463832 P136 Q130232 +Q212048 P136 Q21590660 +Q364724 P509 Q12078 +Q26118 P27 Q145 +Q363876 P27 Q408 +Q381561 P1412 Q7850 +Q168724 P106 Q10800557 +Q159876 P106 Q36180 +Q172161 P463 Q1429947 +Q122998 P135 Q9730 +Q468577 P106 Q1930187 +Q722395 P136 Q186472 +Q93514 P27 Q40 +Q865 P530 Q710 +Q192668 P463 Q1051182 +Q994 P17 Q230 +Q124314 P27 Q7318 +Q444713 P106 Q201788 +Q313185 P136 Q132311 +Q448727 P20 Q60 +Q58051 P19 Q1726 +Q101638 P106 Q36180 +Q165792 P69 Q258464 +Q53031 P106 Q33999 +Q239030 P27 Q419 +Q314877 P1303 Q17172850 +Q254510 P27 Q16 +Q294144 P136 Q850412 +Q63026 P136 Q21401869 +Q299965 P737 Q23434 +Q215636 P1412 Q1860 +Q106255 P1412 Q150 +Q324588 P27 Q145 +Q1074226 P136 Q131578 +Q183397 P1412 Q1860 +Q234891 P19 Q90 +Q182372 P69 Q192334 +Q231608 P106 Q639669 +Q207660 P135 Q9730 +Q85510 P106 Q4263842 +Q330567 P20 Q49145 +Q230710 P27 Q38 +Q468577 P106 Q3282637 +Q142988 P69 Q49088 +Q287977 P106 Q43845 +Q107178 P106 Q185351 +Q220655 P161 Q311314 +Q45229 P106 Q10800557 +Q316627 P1412 Q1860 +Q505994 P136 Q76092 +Q424 P530 Q881 +Q90962 P106 Q193391 +Q310798 P69 Q161562 +Q46096 P509 Q12202 +Q60584 P27 Q183 +Q33866 P509 Q220570 +Q320190 P106 Q183945 +Q190643 P161 Q316032 +Q66475 P106 Q201788 +Q704931 P737 Q107002 +Q5809 P1412 Q1321 +Q125666 P106 Q183945 +Q207596 P1303 Q52954 +Q319061 P161 Q53680 +Q81819 P26 Q193504 +Q180619 P19 Q18424 +Q168419 P463 Q83172 +Q124610 P27 Q39 +Q342962 P106 Q639669 +Q469888 P106 Q4263842 +Q186185 P27 Q15180 +Q2979750 P102 Q29468 +Q403 P463 Q233611 +Q363308 P106 Q1930187 +Q213355 P69 Q1341516 +Q215 P463 Q191384 +Q453679 P106 Q322170 +Q311594 P106 Q350979 +Q3033 P17 Q153943 +Q359248 P106 Q169470 +Q286022 P140 Q5043 +Q43499 P20 Q78 +Q2902300 P159 Q23197 +Q48779 P27 Q403 +Q2118763 P106 Q18814623 +Q242 P463 Q496967 +Q53633 P106 Q193391 +Q190386 P451 Q298276 +Q455304 P106 Q2252262 +Q9327 P106 Q1930187 +Q118760 P106 Q1622272 +Q540192 P69 Q49110 +Q754 P463 Q294278 +Q180468 P509 Q476921 +Q235931 P106 Q488205 +Q922457 P19 Q1345 +Q44301 P1303 Q133163 +Q1285105 P106 Q639669 +Q207459 P106 Q33999 +Q800 P361 Q653884 +Q91544 P106 Q201788 +Q2918925 P106 Q43845 +Q344454 P20 Q90 +Q214697 P20 Q2843 +Q876706 P69 Q219317 +Q104123 P161 Q318267 +Q216129 P1412 Q1860 +Q66447 P69 Q159895 +Q237654 P136 Q43343 +Q242608 P140 Q7066 +Q248179 P27 Q30 +Q327981 P101 Q395 +Q230496 P136 Q130232 +Q131259 P106 Q177220 +Q34474 P106 Q201788 +Q234964 P1412 Q150 +Q157359 P106 Q16031530 +Q934820 P106 Q1930187 +Q352975 P106 Q10873124 +Q217303 P495 Q30 +Q159577 P136 Q1033891 +Q73482 P463 Q414188 +Q16 P530 Q252 +Q91657 P108 Q154804 +Q443892 P1303 Q17172850 +Q1031 P106 Q1209498 +Q452307 P69 Q1185037 +Q34677 P1412 Q1860 +Q2704774 P463 Q1003730 +Q2619019 P106 Q36180 +Q31 P530 Q668 +Q16397 P27 Q1054923 +Q76370 P1412 Q188 +Q65278 P106 Q1234713 +Q217552 P840 Q23768 +Q335598 P27 Q30 +Q180278 P509 Q12202 +Q160534 P106 Q36180 +Q368794 P106 Q10800557 +Q61199 P106 Q14467526 +Q1803720 P106 Q33999 +Q108946 P161 Q43044 +Q384979 P1412 Q9168 +Q354783 P108 Q969850 +Q91162 P463 Q543804 +Q881 P530 Q218 +Q45723 P106 Q1231865 +Q145 P463 Q1043527 +Q322794 P108 Q160302 +Q113626 P20 Q220 +Q116375 P69 Q41506 +Q157024 P172 Q86630688 +Q222873 P161 Q182372 +Q538284 P136 Q131272 +Q551491 P1412 Q1860 +Q275161 P27 Q30 +Q1042901 P106 Q639669 +Q374034 P106 Q11631 +Q193871 P106 Q4964182 +Q126927 P264 Q798658 +Q664 P463 Q842490 +Q161687 P161 Q172653 +Q101740 P69 Q273626 +Q96285 P102 Q7320 +Q366091 P1412 Q1860 +Q92882 P101 Q21198 +Q62202 P509 Q12152 +Q97096 P27 Q33946 +Q221594 P161 Q170574 +Q6512 P106 Q4263842 +Q1803720 P106 Q10798782 +Q420407 P1303 Q46185 +Q164824 P27 Q142 +Q104719 P108 Q151510 +Q34 P463 Q7825 +Q215120 P106 Q822146 +Q269094 P20 Q60 +Q42051 P161 Q401182 +Q60854 P20 Q1022 +Q983 P463 Q842490 +Q297794 P106 Q482980 +Q114405 P106 Q11569986 +Q124057 P106 Q33999 +Q288150 P161 Q320973 +Q301818 P1303 Q17172850 +Q55169 P27 Q36 +Q345446 P106 Q753110 +Q77755 P106 Q82955 +Q892 P136 Q676 +Q23114 P1412 Q7850 +Q84510 P1303 Q17172850 +Q17135 P1412 Q1860 +Q972641 P69 Q49126 +Q1246 P530 Q148 +Q165824 P106 Q3068305 +Q159690 P136 Q1054574 +Q18964 P136 Q599558 +Q130742 P1412 Q1860 +Q88997 P106 Q33999 +Q61962 P27 Q183 +Q182522 P106 Q36180 +Q208681 P264 Q165745 +Q51139 P1303 Q6607 +Q219622 P106 Q6625963 +Q1855369 P1303 Q5994 +Q31781 P69 Q189441 +Q233854 P106 Q10800557 +Q256708 P1303 Q17172850 +Q131864 P136 Q2143665 +Q122187 P27 Q31 +Q590787 P106 Q1622272 +Q234454 P27 Q30 +Q126961 P1412 Q150 +Q1044415 P509 Q12152 +Q85618 P27 Q183 +Q93632 P106 Q33999 +Q111074 P27 Q145 +Q297598 P106 Q2259451 +Q433459 P106 Q2259451 +Q1185803 P1303 Q17172850 +Q836 P463 Q233611 +Q380841 P161 Q190602 +Q1009499 P1303 Q11405 +Q357974 P1303 Q17172850 +Q116359 P106 Q28389 +Q7245 P463 Q463281 +Q1744 P172 Q974693 +Q314362 P106 Q14467526 +Q98215 P69 Q206702 +Q332693 P102 Q590750 +Q77555 P27 Q183 +Q213632 P106 Q82955 +Q88710 P1412 Q188 +Q72014 P1412 Q1860 +Q30875 P1412 Q397 +Q369681 P106 Q121594 +Q93562 P19 Q1741 +Q80739 P106 Q2405480 +Q162202 P136 Q45981 +Q107095 P19 Q3971 +Q43 P530 Q115 +Q796694 P106 Q1323191 +Q235066 P101 Q482 +Q103343 P1412 Q652 +Q151972 P119 Q235 +Q248592 P106 Q177220 +Q217112 P161 Q200534 +Q44032 P106 Q15296811 +Q156941 P463 Q299015 +Q305909 P106 Q36180 +Q57319 P108 Q1065 +Q45124 P106 Q82955 +Q432694 P3373 Q134549 +Q1556492 P106 Q901 +Q2184 P37 Q7737 +Q86900 P1412 Q188 +Q546926 P69 Q204181 +Q295502 P1303 Q5994 +Q546275 P106 Q18939491 +Q756617 P37 Q9035 +Q590420 P106 Q1622272 +Q36488 P106 Q169470 +Q482964 P264 Q165711 +Q9312 P737 Q41568 +Q722347 P140 Q9592 +Q76738 P106 Q16031530 +Q731139 P106 Q1930187 +Q382099 P19 Q220 +Q102822 P509 Q12204 +Q1079105 P27 Q145 +Q319283 P136 Q8341 +Q1551705 P136 Q9759 +Q452084 P106 Q1930187 +Q353978 P106 Q2405480 +Q187999 P136 Q645928 +Q77598 P1412 Q188 +Q1000051 P69 Q9842 +Q280978 P106 Q177220 +Q736 P530 Q183 +Q78931 P106 Q189290 +Q557382 P101 Q11190 +Q275050 P1412 Q1860 +Q273118 P102 Q29468 +Q298412 P136 Q131578 +Q217307 P161 Q238912 +Q137106 P463 Q123885 +Q11627 P27 Q30 +Q189665 P136 Q3017271 +Q15031 P106 Q82955 +Q782711 P106 Q82955 +Q72984 P136 Q1196752 +Q40640 P737 Q204868 +Q442897 P551 Q846421 +Q166835 P106 Q214917 +Q8743 P509 Q12206 +Q468864 P27 Q948 +Q78833 P106 Q3332711 +Q64238 P1412 Q1860 +Q186652 P1412 Q150 +Q270774 P106 Q2259451 +Q58793 P463 Q543804 +Q336467 P106 Q8178443 +Q78608 P69 Q838330 +Q235134 P136 Q35760 +Q583814 P106 Q1930187 +Q324726 P106 Q578109 +Q2213516 P69 Q49112 +Q843 P530 Q399 +Q24085 P140 Q23540 +Q312078 P136 Q188473 +Q2495947 P1412 Q5146 +Q287099 P69 Q27621 +Q67815 P106 Q4263842 +Q208214 P27 Q30 +Q314033 P106 Q10798782 +Q1329421 P106 Q639669 +Q380799 P737 Q165911 +Q60752 P106 Q81096 +Q1066875 P451 Q230190 +Q156622 P101 Q11629 +Q959875 P1412 Q1321 +Q356369 P136 Q43343 +Q193857 P106 Q4263842 +Q264699 P106 Q15295720 +Q573323 P264 Q664167 +Q710466 P740 Q807 +Q909 P106 Q333634 +Q154959 P106 Q201788 +Q348534 P161 Q309941 +Q4028 P106 Q753110 +Q215 P530 Q224 +Q313998 P161 Q344655 +Q67511 P102 Q49768 +Q61078 P69 Q153987 +Q237654 P101 Q207628 +Q449317 P106 Q177220 +Q29 P530 Q792 +Q60072 P136 Q842256 +Q214665 P136 Q1338153 +Q1885893 P106 Q40348 +Q1384236 P27 Q38 +Q105987 P106 Q2259451 +Q728542 P27 Q30 +Q236822 P69 Q21578 +Q1130554 P27 Q30 +Q274764 P106 Q201788 +Q71502 P20 Q2079 +Q91544 P106 Q36180 +Q711874 P509 Q12152 +Q165627 P136 Q130232 +Q264783 P1412 Q1321 +Q157707 P106 Q36834 +Q216221 P1412 Q1860 +Q318155 P27 Q27 +Q222390 P20 Q84 +Q310201 P463 Q123885 +Q408 P530 Q734 +Q231479 P106 Q644687 +Q179460 P136 Q52207399 +Q453679 P106 Q15253558 +Q363810 P136 Q5967378 +Q709685 P69 Q689400 +Q705737 P131 Q60 +Q75726 P19 Q1799 +Q335193 P106 Q2516866 +Q153232 P106 Q744738 +Q711 P463 Q17495 +Q70142 P27 Q801 +Q361762 P136 Q14390274 +Q342962 P1412 Q1860 +Q271054 P69 Q916444 +Q114819 P161 Q329734 +Q113601 P1412 Q809 +Q335643 P264 Q330629 +Q240886 P106 Q33999 +Q948808 P1412 Q150 +Q315732 P161 Q265031 +Q196159 P106 Q12144794 +Q76422 P101 Q9465 +Q172579 P463 Q38130 +Q90577 P106 Q3621491 +Q16 P463 Q134102 +Q4410089 P20 Q36036 +Q1441251 P1303 Q8343 +Q373895 P106 Q177220 +Q183 P530 Q881 +Q945301 P463 Q920266 +Q788572 P108 Q49088 +Q253607 P136 Q37073 +Q151830 P106 Q131524 +Q329454 P106 Q482980 +Q193397 P106 Q639669 +Q2063048 P27 Q30 +Q934737 P264 Q183412 +Q230454 P136 Q83440 +Q69773 P106 Q183945 +Q175142 P106 Q2259451 +Q105756 P737 Q234819 +Q465181 P27 Q43 +Q19074 P108 Q13371 +Q892 P1412 Q1860 +Q80900 P463 Q1938003 +Q408 P530 Q664 +Q47561 P463 Q1132636 +Q30875 P1412 Q1860 +Q189505 P57 Q8877 +Q83338 P106 Q33999 +Q15615 P106 Q753110 +Q160640 P69 Q209842 +Q192160 P136 Q1200678 +Q781878 P106 Q177220 +Q202729 P106 Q55960555 +Q766 P530 Q117 +Q164384 P463 Q938622 +Q1196157 P57 Q56094 +Q177883 P108 Q13371 +Q76513 P106 Q520549 +Q27 P463 Q656801 +Q215406 P1412 Q1860 +Q151814 P26 Q180975 +Q231171 P1412 Q7411 +Q65911 P1412 Q1860 +Q1072969 P2348 Q6927 +Q190908 P136 Q130232 +Q585272 P106 Q3242115 +Q1342470 P264 Q202440 +Q230622 P106 Q183945 +Q265 P530 Q219 +Q157326 P136 Q482 +Q429348 P106 Q33999 +Q1623549 P19 Q3616 +Q53944 P106 Q2516866 +Q238712 P106 Q753110 +Q77325 P27 Q183 +Q277559 P20 Q649 +Q220698 P27 Q30 +Q272719 P27 Q30 +Q348615 P264 Q575026 +Q891 P17 Q139319 +Q220299 P161 Q310926 +Q165392 P161 Q230383 +Q694732 P27 Q142 +Q366930 P20 Q1492 +Q101728 P106 Q169470 +Q193111 P69 Q28695 +Q179497 P69 Q49112 +Q368812 P136 Q699 +Q61469 P463 Q543804 +Q38757 P27 Q16957 +Q1680807 P108 Q37156 +Q454645 P106 Q4964182 +Q516505 P106 Q28389 +Q216466 P1412 Q150 +Q216934 P106 Q33999 +Q453472 P140 Q9268 +Q185610 P106 Q753110 +Q233581 P101 Q82955 +Q83542 P495 Q142 +Q1065956 P106 Q864380 +Q66631 P69 Q209842 +Q727705 P1412 Q1321 +Q217160 P1303 Q6607 +Q120647 P19 Q1345 +Q77112 P264 Q645889 +Q238819 P451 Q51101 +Q8016 P102 Q9626 +Q207947 P136 Q9730 +Q224081 P172 Q974693 +Q213430 P27 Q30 +Q217298 P19 Q6346 +Q93401 P108 Q622683 +Q335760 P102 Q9630 +Q316957 P20 Q65 +Q355009 P106 Q177220 +Q59215 P106 Q33999 +Q423 P463 Q125761 +Q163211 P136 Q38848 +Q75209 P106 Q1231865 +Q108297 P136 Q52162262 +Q722738 P106 Q1930187 +Q54867 P106 Q753110 +Q517 P3373 Q151083 +Q182212 P136 Q471839 +Q358714 P106 Q28389 +Q64509 P106 Q3621491 +Q239928 P463 Q463303 +Q515883 P27 Q145 +Q57681 P19 Q2807 +Q38111 P551 Q65 +Q2061964 P106 Q1930187 +Q156349 P106 Q121594 +Q57075 P27 Q43287 +Q9696 P451 Q4612 +Q189732 P27 Q212 +Q282002 P27 Q30 +Q202537 P102 Q79854 +Q47619 P106 Q214917 +Q106603 P106 Q36180 +Q4473 P19 Q16739 +Q170564 P161 Q2685 +Q318223 P27 Q34 +Q378639 P140 Q9592 +Q88135 P102 Q49750 +Q93153 P27 Q15180 +Q1686370 P106 Q49757 +Q224 P463 Q8908 +Q449317 P1412 Q1860 +Q5686 P27 Q174193 +Q36 P463 Q7809 +Q720722 P106 Q177220 +Q88464 P106 Q2374149 +Q92608 P463 Q463303 +Q318029 P106 Q188094 +Q833578 P161 Q202449 +Q195616 P1412 Q1860 +Q951010 P136 Q482 +Q18404 P106 Q28389 +Q92143 P106 Q36180 +Q434790 P106 Q177220 +Q733611 P106 Q753110 +Q300423 P161 Q232876 +Q7833 P106 Q639669 +Q347685 P106 Q4853732 +Q76823 P19 Q1781 +Q257630 P161 Q242732 +Q222 P463 Q7825 +Q471542 P106 Q10800557 +Q69439 P20 Q64 +Q374582 P1412 Q150 +Q272064 P161 Q16455 +Q230123 P1412 Q1860 +Q6096 P106 Q43845 +Q439204 P20 Q5092 +Q2902064 P108 Q333705 +Q704355 P27 Q30 +Q128529 P19 Q182625 +Q81082 P119 Q272208 +Q97144 P106 Q201788 +Q214831 P1303 Q5994 +Q171669 P161 Q329734 +Q344179 P27 Q218 +Q269869 P106 Q1930187 +Q506771 P106 Q36834 +Q278699 P106 Q2732142 +Q2858166 P1412 Q7026 +Q17 P463 Q5611262 +Q129187 P106 Q36180 +Q93157 P40 Q137808 +Q369900 P161 Q210741 +Q323771 P136 Q157443 +Q1077405 P509 Q12152 +Q63791 P106 Q1622272 +Q455827 P106 Q177220 +Q52937 P27 Q34 +Q311232 P136 Q45981 +Q727 P17 Q170072 +Q77708 P106 Q36180 +Q483507 P106 Q36834 +Q467482 P108 Q204181 +Q1683438 P509 Q12078 +Q156201 P106 Q36180 +Q359568 P463 Q2370801 +Q4631 P172 Q35323 +Q229330 P106 Q488205 +Q531247 P106 Q193391 +Q890204 P1412 Q1860 +Q334 P530 Q833 +Q227 P530 Q399 +Q184 P463 Q656801 +Q221075 P495 Q145 +Q237420 P551 Q641 +Q323516 P19 Q60 +Q1082312 P106 Q36834 +Q90037 P27 Q183 +Q221546 P1303 Q17172850 +Q113717 P102 Q7320 +Q463184 P106 Q10798782 +Q322272 P106 Q177220 +Q38875 P106 Q753110 +Q211 P463 Q827525 +Q300360 P840 Q60 +Q724323 P106 Q16287483 +Q262886 P27 Q29999 +Q289805 P69 Q28729082 +Q297618 P106 Q483501 +Q170510 P27 Q145 +Q513991 P119 Q1509 +Q206886 P161 Q544465 +Q160499 P463 Q337526 +Q156597 P161 Q2831 +Q151597 P161 Q176945 +Q715945 P20 Q3711 +Q124159 P27 Q183 +Q78939 P106 Q182436 +Q376807 P495 Q30 +Q6210809 P69 Q1150105 +Q93354 P106 Q28389 +Q313047 P27 Q145 +Q228860 P19 Q387047 +Q1973856 P19 Q649 +Q259913 P106 Q28389 +Q192668 P136 Q211573 +Q313411 P106 Q82955 +Q2594 P102 Q633731 +Q4030 P1303 Q5994 +Q2704774 P551 Q1899 +Q237030 P106 Q2259451 +Q420407 P106 Q488205 +Q80596 P463 Q463303 +Q170564 P161 Q208214 +Q100005 P106 Q6430706 +Q357184 P1412 Q809 +Q923242 P69 Q49165 +Q65587 P106 Q82955 +Q315507 P106 Q4991371 +Q449894 P106 Q43845 +Q66936 P106 Q1622272 +Q51603 P264 Q202440 +Q11132 P69 Q41506 +Q221090 P136 Q52162262 +Q762 P106 Q205375 +Q206534 P106 Q1930187 +Q332693 P106 Q4964182 +Q257872 P27 Q34266 +Q26688 P27 Q15180 +Q188159 P840 Q60 +Q124710 P3373 Q401645 +Q275185 P106 Q753110 +Q453288 P20 Q350 +Q322866 P106 Q14915627 +Q485280 P136 Q37073 +Q116928 P161 Q234809 +Q39246 P108 Q49115 +Q215359 P119 Q1358639 +Q7030 P17 Q7318 +Q220751 P106 Q10800557 +Q160433 P1412 Q150 +Q193660 P106 Q49757 +Q76527 P20 Q649 +Q214778 P106 Q1028181 +Q323641 P106 Q855091 +Q287451 P509 Q389735 +Q2054 P551 Q220 +Q14439 P19 Q60 +Q202319 P106 Q177220 +Q19658 P27 Q43 +Q937 P69 Q206702 +Q4617 P106 Q2405480 +Q324015 P264 Q772494 +Q71416 P102 Q328195 +Q44634 P136 Q11399 +Q431540 P20 Q1085 +Q271119 P737 Q162202 +Q1281738 P136 Q83440 +Q986 P37 Q1860 +Q105756 P737 Q36591 +Q190302 P106 Q744738 +Q13909 P106 Q13235160 +Q186326 P1412 Q1860 +Q14045 P106 Q753110 +Q502325 P551 Q649 +Q558167 P106 Q219477 +Q92562 P69 Q1059546 +Q122335 P106 Q2259451 +Q185658 P840 Q64 +Q96414 P20 Q14859 +Q147989 P106 Q1622272 +Q19425 P106 Q4263842 +Q310729 P161 Q306403 +Q275641 P551 Q84 +Q19198 P106 Q753110 +Q224 P530 Q219 +Q361336 P106 Q33999 +Q316641 P1303 Q17172850 +Q141869 P106 Q47064 +Q61398 P102 Q7320 +Q283988 P1412 Q1860 +Q546926 P1412 Q9072 +Q124670 P106 Q753110 +Q61520 P106 Q39631 +Q41 P30 Q46 +Q89204 P19 Q1799 +Q378098 P1412 Q1860 +Q705477 P69 Q738258 +Q155079 P264 Q202440 +Q92881 P463 Q1493021 +Q200883 P69 Q751612 +Q230196 P106 Q10800557 +Q708078 P27 Q142 +Q366307 P69 Q13371 +Q78492 P27 Q28513 +Q463313 P161 Q31293 +Q1451186 P106 Q639669 +Q172161 P69 Q926749 +Q452281 P106 Q1930187 +Q35011 P27 Q30 +Q113641 P20 Q1741 +Q60847 P69 Q155354 +Q44855 P3373 Q336222 +Q18800 P106 Q49757 +Q207416 P106 Q185351 +Q4985 P106 Q11774202 +Q311319 P106 Q10798782 +Q316427 P106 Q639669 +Q467519 P106 Q753110 +Q64637 P108 Q157575 +Q159552 P106 Q1086863 +Q317592 P106 Q39631 +Q231438 P27 Q30 +Q206972 P20 Q90 +Q270215 P840 Q1522 +Q76952 P106 Q33231 +Q311760 P463 Q463303 +Q62352 P1412 Q188 +Q432694 P3373 Q9696 +Q61743 P106 Q81096 +Q72276 P161 Q421471 +Q574885 P106 Q639669 +Q296177 P20 Q60 +Q68476 P106 Q432386 +Q170468 P138 Q35323 +Q314812 P20 Q39561 +Q132524 P106 Q6625963 +Q352914 P27 Q131964 +Q348603 P106 Q947873 +Q58040 P69 Q131252 +Q736099 P106 Q806349 +Q805 P530 Q148 +Q116462 P106 Q2259451 +Q69340 P106 Q2405480 +Q231614 P106 Q4610556 +Q605534 P463 Q161806 +Q241215 P1412 Q1860 +Q125663 P106 Q201788 +Q444366 P106 Q3282637 +Q1744 P106 Q36834 +Q356369 P106 Q10800557 +Q469164 P20 Q220 +Q133386 P106 Q185351 +Q553196 P106 Q1930187 +Q158030 P106 Q188094 +Q62365 P106 Q49757 +Q48410 P27 Q30 +Q424 P463 Q8475 +Q5369090 P463 Q329464 +Q145173 P27 Q30 +Q667925 P69 Q1431541 +Q85832 P551 Q3711 +Q1771189 P27 Q20 +Q467091 P106 Q28389 +Q138416 P69 Q219615 +Q68209 P69 Q152838 +Q242571 P136 Q131539 +Q153039 P161 Q80739 +Q1282562 P106 Q947873 +Q123101 P641 Q2736 +Q85084 P1412 Q188 +Q310394 P1050 Q12195 +Q94007 P106 Q18581305 +Q274314 P106 Q4610556 +Q1012900 P20 Q60 +Q12857 P106 Q170790 +Q129187 P106 Q6625963 +Q267772 P551 Q24639 +Q505743 P106 Q28389 +Q339604 P106 Q33999 +Q432268 P106 Q639669 +Q433044 P27 Q145 +Q851 P530 Q668 +Q132524 P737 Q460075 +Q64880 P106 Q2259451 +Q57775 P106 Q937857 +Q219 P530 Q224 +Q310582 P27 Q30 +Q215142 P108 Q168756 +Q433692 P106 Q10798782 +Q69045 P27 Q183 +Q55630 P17 Q191077 +Q982493 P106 Q864503 +Q71874 P106 Q82955 +Q263518 P509 Q12136 +Q116718 P20 Q90 +Q2757 P509 Q744913 +Q189164 P136 Q1344 +Q902 P530 Q1041 +Q230445 P1303 Q17172850 +Q303207 P136 Q11399 +Q216041 P19 Q1794 +Q356283 P509 Q12204 +Q35686 P1412 Q35497 +Q399 P530 Q212 +Q252 P530 Q717 +Q265069 P106 Q4610556 +Q837 P530 Q902 +Q272007 P106 Q13590141 +Q708506 P1303 Q17172850 +Q269894 P19 Q79860 +Q20882 P106 Q81096 +Q221103 P495 Q30 +Q6837 P17 Q156199 +Q455430 P106 Q1792450 +Q105598 P136 Q3990883 +Q232449 P106 Q10800557 +Q27610 P1412 Q9067 +Q320423 P136 Q52162262 +Q314133 P551 Q65 +Q41754 P161 Q368037 +Q1289900 P27 Q30 +Q196004 P840 Q96 +Q162688 P101 Q441 +Q582152 P102 Q79854 +Q380045 P27 Q142 +Q581018 P27 Q142 +Q53191106 P3373 Q13129708 +Q995245 P463 Q812155 +Q488099 P106 Q49757 +Q2002177 P17 Q30 +Q575689 P140 Q7361618 +Q865 P530 Q843 +Q38757 P27 Q43287 +Q84445 P551 Q3802 +Q215636 P19 Q64 +Q15180 P463 Q191582 +Q67529 P19 Q1720 +Q208117 P106 Q2405480 +Q1112005 P172 Q49085 +Q62942 P69 Q55038 +Q34670 P106 Q28389 +Q318192 P27 Q145 +Q130873 P106 Q82955 +Q437351 P106 Q10798782 +Q499028 P106 Q177220 +Q61282 P463 Q4345832 +Q164578 P101 Q34178 +Q171363 P102 Q29552 +Q236950 P106 Q6625963 +Q168992 P136 Q211756 +Q72267 P1412 Q1860 +Q88748 P108 Q32120 +Q782020 P106 Q639669 +Q207596 P27 Q30 +Q783 P463 Q3369762 +Q148429 P161 Q40791 +Q76444 P106 Q16031530 +Q239897 P106 Q715301 +Q41322 P106 Q39631 +Q294625 P106 Q18844224 +Q256061 P1412 Q1860 +Q161678 P161 Q342419 +Q104757 P108 Q156725 +Q376087 P106 Q81096 +Q11826 P101 Q5891 +Q629216 P20 Q65 +Q254142 P69 Q2177054 +Q104123 P161 Q104061 +Q714106 P106 Q27532437 +Q3057567 P108 Q13371 +Q254555 P161 Q237809 +Q74745 P106 Q82955 +Q182905 P106 Q1930187 +Q711 P530 Q865 +Q64265 P106 Q1622272 +Q364875 P1303 Q46185 +Q108355 P463 Q1285073 +Q204132 P1412 Q1860 +Q223992 P27 Q30 +Q63441 P1412 Q188 +Q70881 P106 Q1323191 +Q70047 P27 Q183 +Q243113 P264 Q183412 +Q19794 P106 Q10800557 +Q155775 P69 Q981195 +Q55456 P119 Q27426 +Q6709060 P106 Q28389 +Q219060 P530 Q458 +Q44086 P106 Q639669 +Q277978 P27 Q30 +Q126183 P495 Q30 +Q313764 P161 Q161852 +Q123802 P20 Q64 +Q1855369 P106 Q177220 +Q554018 P27 Q142 +Q454075 P106 Q639669 +Q324239 P161 Q234610 +Q3215817 P69 Q1432645 +Q154759 P69 Q152087 +Q215740 P20 Q1741 +Q456017 P840 Q21 +Q230636 P19 Q47164 +Q168010 P495 Q30 +Q123368 P19 Q72 +Q538284 P106 Q183945 +Q306403 P106 Q947873 +Q318509 P140 Q7066 +Q107769 P551 Q16557 +Q1479971 P27 Q183 +Q321454 P161 Q35011 +Q169020 P106 Q82955 +Q107130 P106 Q10798782 +Q229646 P106 Q4964182 +Q215546 P106 Q177220 +Q97070 P20 Q4120832 +Q212 P530 Q265 +Q60677 P106 Q169470 +Q526518 P106 Q82955 +Q164401 P27 Q30 +Q933749 P1412 Q7737 +Q38 P463 Q1065 +Q115 P530 Q28 +Q271576 P1303 Q46185 +Q44909 P106 Q488111 +Q198557 P136 Q224700 +Q236475 P106 Q10798782 +Q61456 P108 Q152087 +Q16345 P264 Q1251139 +Q7999 P1412 Q1321 +Q67815 P20 Q71 +Q356745 P106 Q639669 +Q48226 P737 Q41568 +Q510400 P20 Q84 +Q219772 P106 Q177220 +Q90885 P27 Q183 +Q292993 P136 Q850412 +Q62731543 P106 Q639669 +Q59084 P840 Q538 +Q705653 P136 Q37073 +Q441713 P140 Q9592 +Q577548 P1412 Q150 +Q668 P530 Q148 +Q66732 P106 Q201788 +Q739 P530 Q17 +Q323456 P264 Q190585 +Q192348 P106 Q4263842 +Q707008 P19 Q60 +Q30 P530 Q27 +Q254022 P737 Q298838 +Q150989 P27 Q142 +Q229013 P106 Q177220 +Q113206 P106 Q33999 +Q96591 P27 Q183 +Q108175 P19 Q7030 +Q115805 P140 Q9592 +Q159 P530 Q697 +Q216573 P19 Q1017 +Q192812 P106 Q10798782 +Q1277015 P106 Q639669 +Q183848 P20 Q11194 +Q62938 P106 Q82955 +Q120484 P136 Q188473 +Q438213 P463 Q188771 +Q346216 P20 Q1486 +Q237112 P27 Q218 +Q121507 P1303 Q46185 +Q134123 P140 Q9592 +Q695200 P19 Q84 +Q392 P737 Q4061 +Q805 P463 Q827525 +Q358885 P106 Q4263842 +Q233502 P106 Q10800557 +Q965 P463 Q842490 +Q70950 P27 Q183 +Q1459658 P106 Q82955 +Q326823 P106 Q36180 +Q255967 P106 Q33999 +Q40482 P1412 Q7737 +Q699950 P27 Q403 +Q1911440 P106 Q639669 +Q216129 P106 Q193391 +Q981256 P106 Q6625963 +Q148 P530 Q1007 +Q1042738 P20 Q1492 +Q230131 P136 Q21590660 +Q127606 P19 Q18383 +Q163042 P27 Q30 +Q1285105 P1412 Q9299 +Q5608 P106 Q18814623 +Q1765101 P20 Q47164 +Q237809 P106 Q3455803 +Q114 P463 Q7825 +Q713443 P1412 Q9288 +Q43 P530 Q55 +Q981996 P106 Q855091 +Q187154 P161 Q359604 +Q133855 P551 Q33959 +Q204810 P27 Q218 +Q1783775 P264 Q183387 +Q60116 P106 Q1622272 +Q92519 P1412 Q188 +Q379811 P106 Q10800557 +Q310300 P102 Q29552 +Q77 P530 Q408 +Q525949 P106 Q3055126 +Q169717 P1303 Q17172850 +Q408 P530 Q833 +Q19089 P840 Q656 +Q40103 P19 Q84 +Q24632 P106 Q6625963 +Q2996474 P106 Q37226 +Q471664 P106 Q82955 +Q88150 P106 Q36180 +Q972641 P27 Q30 +Q60133 P27 Q150981 +Q170800 P69 Q308963 +Q45396 P106 Q33999 +Q366930 P106 Q36180 +Q78491 P106 Q214917 +Q598344 P509 Q181257 +Q1185803 P106 Q33999 +Q242462 P136 Q1196752 +Q184750 P101 Q36442 +Q12735 P106 Q4964182 +Q161841 P102 Q108700 +Q200572 P161 Q349350 +Q313559 P106 Q183945 +Q114572 P463 Q812155 +Q329127 P136 Q860626 +Q1016 P530 Q159 +Q984614 P1303 Q6607 +Q261133 P119 Q1624932 +Q102301 P106 Q33999 +Q264989 P106 Q33999 +Q961851 P136 Q8341 +Q295542 P27 Q30 +Q87018 P106 Q36180 +Q261981 P106 Q6625963 +Q470841 P106 Q28389 +Q105466 P106 Q28389 +Q159473 P106 Q10800557 +Q531247 P106 Q189290 +Q230710 P106 Q28389 +Q1500187 P407 Q1860 +Q123421 P106 Q6625963 +Q339581 P106 Q11774156 +Q333856 P106 Q42909 +Q232 P530 Q458 +Q4430 P136 Q1054574 +Q74441 P106 Q13570226 +Q170472 P106 Q1234713 +Q232417 P69 Q1247589 +Q172261 P106 Q33999 +Q183266 P1412 Q1860 +Q79034 P27 Q40 +Q450335 P136 Q8261 +Q232356 P551 Q1138378 +Q315514 P106 Q131524 +Q366207 P106 Q130857 +Q346965 P106 Q639669 +Q528804 P106 Q214917 +Q232708 P19 Q33486 +Q4227 P119 Q1358639 +Q897275 P1412 Q188 +Q506915 P136 Q484641 +Q3167 P463 Q52144567 +Q207197 P106 Q8246794 +Q103476 P106 Q11513337 +Q49747 P106 Q214917 +Q89694 P106 Q1622272 +Q76625 P1412 Q188 +Q200509 P27 Q131964 +Q633 P451 Q266425 +Q221168 P161 Q129591 +Q311223 P463 Q123885 +Q64862 P106 Q36834 +Q134183 P1412 Q150 +Q162005 P641 Q41323 +Q130142 P136 Q20442589 +Q274711 P106 Q33999 +Q113641 P1412 Q188 +Q369907 P140 Q432 +Q112169 P509 Q12152 +Q25144 P1412 Q1860 +Q443995 P1412 Q7737 +Q963142 P1303 Q6607 +Q64970 P69 Q152838 +Q43203 P1412 Q1860 +Q192207 P140 Q9089 +Q313378 P106 Q855091 +Q11637 P2348 Q6927 +Q78318 P106 Q1955150 +Q232456 P1303 Q17172850 +Q273171 P136 Q49451 +Q158088 P172 Q179248 +Q344454 P19 Q90 +Q207544 P106 Q4853732 +Q65106 P1412 Q188 +Q392677 P136 Q860626 +Q162740 P106 Q1930187 +Q426582 P106 Q947873 +Q1451186 P106 Q2707485 +Q2973 P17 Q183 +Q227 P530 Q16 +Q182882 P1412 Q1860 +Q1689414 P140 Q42504 +Q180453 P264 Q165745 +Q78857 P106 Q17489339 +Q355344 P19 Q5092 +Q157204 P509 Q12152 +Q481477 P69 Q13371 +Q42122 P140 Q7066 +Q159054 P161 Q107438 +Q311193 P264 Q3629023 +Q4039 P106 Q2914170 +Q151593 P463 Q337580 +Q780102 P69 Q1399299 +Q267265 P264 Q726251 +Q171582 P161 Q93187 +Q7176 P140 Q432 +Q18391 P140 Q9268 +Q77734 P463 Q2043519 +Q4960 P106 Q131524 +Q76429 P106 Q876864 +Q156749 P172 Q726673 +Q224902 P106 Q214917 +Q606356 P27 Q222 +Q905267 P106 Q81096 +Q354033 P136 Q83440 +Q1286993 P27 Q145 +Q75174 P40 Q458390 +Q309003 P136 Q319221 +Q6078 P19 Q487119 +Q26876 P1303 Q5994 +Q172678 P106 Q948329 +Q1232630 P27 Q34266 +Q636 P264 Q183412 +Q313767 P27 Q34266 +Q72678 P108 Q20266330 +Q236960 P1303 Q6607 +Q32678 P69 Q49088 +Q2185 P106 Q82955 +Q45 P530 Q1011 +Q212790 P106 Q10798782 +Q428814 P106 Q486748 +Q377768 P101 Q184485 +Q571287 P106 Q170790 +Q241 P530 Q15180 +Q707990 P106 Q10816969 +Q227395 P106 Q36180 +Q740657 P106 Q201788 +Q76483 P451 Q71447 +Q104088 P69 Q1190355 +Q414 P530 Q142 +Q53001 P106 Q222344 +Q1395064 P106 Q33999 +Q242523 P106 Q33999 +Q137138 P19 Q340 +Q192762 P106 Q3282637 +Q260312 P1303 Q17172850 +Q9582 P106 Q82955 +Q538091 P27 Q30 +Q14277 P1303 Q281460 +Q48048 P106 Q11774156 +Q449140 P1303 Q17172850 +Q154353 P1412 Q150 +Q896966 P69 Q41506 +Q38193 P19 Q1792 +Q127349 P463 Q427318 +Q505949 P106 Q36180 +Q1044 P463 Q47543 +Q229319 P102 Q29552 +Q170250 P136 Q52162262 +Q924668 P19 Q342803 +Q171745 P136 Q1152184 +Q184255 P161 Q43203 +Q741862 P106 Q36834 +Q45970 P463 Q2092629 +Q62857 P106 Q170790 +Q216364 P749 Q56760250 +Q62046 P101 Q24454422 +Q76893 P509 Q128581 +Q273080 P1412 Q1860 +Q76 P106 Q372436 +Q153159 P106 Q49757 +Q906529 P106 Q81096 +Q233229 P106 Q33999 +Q35 P530 Q794 +Q148204 P135 Q377616 +Q220210 P106 Q11513337 +Q115883 P108 Q372608 +Q708284 P106 Q901 +Q490381 P106 Q765778 +Q168356 P106 Q36180 +Q536371 P106 Q49757 +Q15969 P119 Q240744 +Q1395790 P135 Q8361 +Q233424 P106 Q6625963 +Q230 P530 Q17 +Q41340 P106 Q43845 +Q27411 P136 Q853630 +Q194696 P161 Q104791 +Q171363 P106 Q639669 +Q115641 P27 Q39 +Q112169 P1412 Q9056 +Q539301 P20 Q90 +Q241299 P106 Q322170 +Q354783 P1412 Q1860 +Q275003 P106 Q36180 +Q73176 P69 Q1045828 +Q1678197 P20 Q649 +Q881189 P106 Q82955 +Q1176607 P106 Q639669 +Q294927 P19 Q25395 +Q115055 P106 Q578109 +Q202386 P27 Q142 +Q312270 P136 Q131272 +Q4425869 P20 Q649 +Q85927 P106 Q201788 +Q40096 P264 Q183387 +Q602779 P136 Q11401 +Q157004 P463 Q812155 +Q392785 P136 Q2484376 +Q298035 P119 Q831322 +Q126472 P27 Q717 +Q327312 P495 Q183 +Q133654 P840 Q1370 +Q1874 P17 Q34266 +Q716776 P106 Q36180 +Q234606 P101 Q482980 +Q621458 P20 Q34217 +Q85691 P102 Q49750 +Q469888 P1412 Q1860 +Q216636 P27 Q183 +Q373423 P69 Q13371 +Q87821 P27 Q40 +Q288359 P69 Q599316 +Q1409622 P1412 Q652 +Q134123 P106 Q47064 +Q1445729 P106 Q639669 +Q95264 P20 Q3033 +Q84207 P108 Q165980 +Q256738 P106 Q4263842 +Q96426 P106 Q18844224 +Q637949 P106 Q193391 +Q40791 P106 Q2405480 +Q2005601 P136 Q1298934 +Q457803 P19 Q1748 +Q51552 P106 Q28389 +Q356537 P463 Q161806 +Q731958 P1303 Q258896 +Q92085 P106 Q36180 +Q280734 P106 Q36834 +Q98173 P102 Q694299 +Q75929 P106 Q1622272 +Q265810 P69 Q49088 +Q1576675 P108 Q49108 +Q53651 P19 Q33405 +Q1226480 P1412 Q1860 +Q162597 P108 Q20808141 +Q539301 P106 Q49757 +Q143230 P509 Q47912 +Q573299 P27 Q28 +Q195710 P136 Q188473 +Q213929 P20 Q2966 +Q73033 P19 Q1055 +Q245787 P20 Q21197 +Q60115 P27 Q183 +Q340016 P106 Q18844224 +Q310580 P264 Q14192383 +Q221202 P136 Q1361932 +Q312975 P101 Q2329 +Q7197 P19 Q90 +Q173347 P140 Q9592 +Q888554 P27 Q30 +Q142 P530 Q1011 +Q26162388 P50 Q44403 +Q28930 P20 Q2868 +Q131545 P106 Q3282637 +Q103949 P737 Q104340 +Q48074 P1412 Q7737 +Q270207 P106 Q34074720 +Q252734 P1412 Q256 +Q193346 P106 Q10297252 +Q222 P530 Q843 +Q49615 P463 Q723551 +Q64509 P27 Q183 +Q442830 P106 Q177220 +Q195949 P161 Q313388 +Q556615 P106 Q488205 +Q139087 P69 Q49088 +Q4471 P161 Q352540 +Q156622 P106 Q1028181 +Q1006 P463 Q340195 +Q264326 P136 Q37073 +Q1824699 P19 Q1345 +Q297071 P26 Q229230 +Q1361304 P136 Q1344 +Q37150 P106 Q55960555 +Q178348 P106 Q4610556 +Q63169 P106 Q39631 +Q1153913 P136 Q1640319 +Q716282 P106 Q28389 +Q309248 P161 Q61677 +Q272946 P1412 Q1860 +Q539 P1412 Q150 +Q60100 P19 Q1022 +Q297552 P106 Q9648008 +Q149557 P140 Q7066 +Q166092 P106 Q43845 +Q241248 P1412 Q256 +Q559774 P106 Q36180 +Q769 P530 Q1016 +Q45 P530 Q916 +Q449199 P102 Q29468 +Q229669 P1412 Q9027 +Q144643 P27 Q30 +Q244296 P495 Q30 +Q220480 P106 Q201788 +Q949337 P106 Q3282637 +Q267170 P106 Q2490358 +Q450789 P106 Q201788 +Q314945 P106 Q5716684 +Q169982 P27 Q145 +Q84708562 P551 Q771 +Q182642 P106 Q11631 +Q84510 P20 Q2090 +Q220192 P161 Q76717 +Q168992 P1412 Q1860 +Q548185 P106 Q131524 +Q1346111 P101 Q441 +Q320604 P463 Q40970 +Q72932 P106 Q185351 +Q233894 P264 Q483938 +Q95971 P108 Q216047 +Q2120396 P101 Q43035 +Q19673 P19 Q61 +Q182576 P1303 Q17172850 +Q270510 P161 Q433403 +Q112635 P161 Q236822 +Q378116 P69 Q1059546 +Q60650 P27 Q183 +Q11820 P106 Q40348 +Q89219 P106 Q10732476 +Q63773 P106 Q81096 +Q55800 P106 Q578109 +Q75089 P106 Q1622272 +Q95951 P1412 Q188 +Q213521 P136 Q484641 +Q504025 P106 Q3665646 +Q171905 P106 Q3282637 +Q190251 P136 Q8341 +Q963626 P1412 Q1860 +Q84403 P106 Q333634 +Q26162388 P50 Q62432 +Q241660 P106 Q2259451 +Q833 P530 Q794 +Q38393 P106 Q33999 +Q436394 P27 Q145 +Q910486 P106 Q183945 +Q919961 P106 Q639669 +Q217427 P106 Q12362622 +Q311450 P106 Q639669 +Q712860 P264 Q208909 +Q360674 P106 Q10800557 +Q467368 P106 Q753110 +Q381505 P20 Q61 +Q7604 P463 Q4345832 +Q819 P530 Q148 +Q380983 P509 Q128581 +Q796 P530 Q142 +Q78763 P27 Q518101 +Q235525 P27 Q174193 +Q352023 P106 Q482980 +Q287572 P101 Q482 +Q66216 P27 Q183 +Q92601 P69 Q5103452 +Q232214 P136 Q842324 +Q82238 P1412 Q1860 +Q153670 P106 Q18844224 +Q1495109 P106 Q81096 +Q3186620 P106 Q806798 +Q272031 P551 Q23197 +Q944563 P106 Q1930187 +Q264326 P106 Q10800557 +Q60539 P19 Q64 +Q62831 P1412 Q188 +Q1349284 P106 Q639669 +Q1398507 P1412 Q1860 +Q180011 P451 Q103578 +Q4751826 P1412 Q7737 +Q1350303 P106 Q639669 +Q143945 P106 Q177220 +Q10648 P102 Q9630 +Q98370 P69 Q24382 +Q302174 P136 Q52162262 +Q489854 P1412 Q9176 +Q241686 P106 Q2259451 +Q96 P530 Q33 +Q697203 P161 Q202801 +Q59567 P161 Q208590 +Q157155 P463 Q83172 +Q116928 P161 Q234847 +Q211144 P106 Q2259451 +Q863514 P20 Q9005 +Q29086 P106 Q10798782 +Q105119 P19 Q64 +Q533369 P106 Q2405480 +Q109063 P264 Q3629023 +Q183439 P106 Q4610556 +Q682673 P19 Q160642 +Q67526 P108 Q153987 +Q75381 P102 Q153401 +Q288355 P136 Q188473 +Q221546 P136 Q483352 +Q1347215 P136 Q83440 +Q302280 P106 Q177220 +Q217280 P106 Q10800557 +Q376144 P161 Q172678 +Q11647 P264 Q183387 +Q960524 P1412 Q150 +Q260548 P136 Q172980 +Q106429 P101 Q309 +Q266335 P20 Q65 +Q317817 P106 Q10798782 +Q1718 P463 Q747279 +Q433144 P27 Q29 +Q230131 P19 Q39709 +Q271903 P27 Q142 +Q433471 P106 Q42973 +Q184750 P737 Q6512 +Q735399 P106 Q36180 +Q40688 P106 Q15980158 +Q77745 P1412 Q188 +Q965 P463 Q1065 +Q537112 P106 Q2516866 +Q92871 P69 Q41506 +Q432268 P106 Q177220 +Q537722 P19 Q18426 +Q434585 P106 Q584301 +Q106655 P119 Q438183 +Q93632 P27 Q30 +Q105865 P106 Q1622272 +Q1765101 P106 Q753110 +Q120599 P20 Q270 +Q461399 P106 Q639669 +Q123062 P108 Q503473 +Q1019 P463 Q7825 +Q684105 P27 Q30 +Q1941315 P106 Q43845 +Q311093 P106 Q33999 +Q6512 P106 Q49757 +Q433060 P106 Q1028181 +Q109455 P69 Q154804 +Q25351 P463 Q338432 +Q95367 P108 Q152087 +Q153421 P69 Q153978 +Q181776 P136 Q959790 +Q299194 P106 Q36180 +Q1158704 P106 Q639669 +Q42544 P106 Q6625963 +Q5809 P106 Q47064 +Q983400 P27 Q142 +Q333362 P19 Q84 +Q16409 P106 Q49757 +Q187199 P102 Q327591 +Q537386 P106 Q128124 +Q188214 P69 Q49088 +Q234096 P106 Q2405480 +Q383581 P495 Q29 +Q71242 P27 Q183 +Q4147199 P20 Q649 +Q93354 P26 Q187324 +Q294583 P106 Q2526255 +Q503013 P106 Q488111 +Q401182 P19 Q60 +Q188000 P161 Q273136 +Q78706 P1412 Q188 +Q202211 P495 Q145 +Q11928 P136 Q157443 +Q1064413 P106 Q201788 +Q260879 P509 Q12206 +Q1009 P463 Q8475 +Q214324 P106 Q49757 +Q432421 P19 Q1773 +Q159880 P1412 Q9056 +Q54945 P463 Q131566 +Q159 P530 Q115 +Q3161354 P27 Q30 +Q153232 P106 Q333634 +Q192069 P27 Q145 +Q318263 P106 Q33999 +Q265661 P19 Q41819 +Q3892790 P27 Q142 +Q327229 P1412 Q150 +Q77549 P106 Q6625963 +Q444217 P509 Q389735 +Q139121 P106 Q183945 +Q77087 P106 Q49757 +Q145 P530 Q27 +Q335142 P106 Q2306091 +Q305909 P1412 Q188 +Q951010 P19 Q5092 +Q23301 P1412 Q652 +Q92804 P106 Q36180 +Q33 P37 Q1412 +Q89292 P106 Q1622272 +Q76959 P1412 Q1860 +Q1739226 P108 Q662355 +Q493333 P106 Q177220 +Q366805 P106 Q214917 +Q456413 P19 Q60 +Q11612 P463 Q131566 +Q438366 P106 Q10800557 +Q441114 P106 Q4610556 +Q106429 P102 Q7320 +Q539301 P106 Q36180 +Q316844 P69 Q6608367 +Q240523 P106 Q43845 +Q43 P463 Q19771 +Q164782 P26 Q37628 +Q98461 P1412 Q188 +Q58328 P106 Q11063 +Q154770 P106 Q1028181 +Q37001 P106 Q10800557 +Q230196 P509 Q1368943 +Q171861 P136 Q157443 +Q266209 P136 Q130232 +Q229251 P119 Q1437214 +Q7302 P551 Q38 +Q298 P463 Q5611262 +Q365474 P106 Q28389 +Q206388 P161 Q272935 +Q180279 P136 Q52207399 +Q240509 P106 Q855091 +Q314151 P106 Q33999 +Q86820 P463 Q700570 +Q275543 P27 Q30 +Q468635 P1303 Q17172850 +Q400 P136 Q4184 +Q153905 P106 Q482980 +Q232371 P106 Q10800557 +Q2569 P106 Q193391 +Q76334 P551 Q72 +Q20562503 P3373 Q4218975 +Q33760 P102 Q9630 +Q202326 P161 Q193628 +Q107730 P2348 Q6927 +Q309555 P1303 Q46185 +Q433692 P172 Q49085 +Q179460 P161 Q39792 +Q263730 P106 Q214917 +Q59477 P1412 Q1860 +Q71819 P19 Q1726 +Q1406115 P106 Q855091 +Q148 P112 Q17427 +Q9594 P101 Q21198 +Q229784 P451 Q379461 +Q193236 P106 Q28389 +Q741600 P106 Q753110 +Q160219 P106 Q4853732 +Q961851 P106 Q1415090 +Q92819 P108 Q168751 +Q106481 P136 Q1152184 +Q181086 P161 Q117392 +Q333118 P106 Q19831149 +Q1025106 P749 Q38903 +Q188214 P106 Q185351 +Q41223 P1412 Q188 +Q380579 P106 Q10798782 +Q262886 P106 Q10798782 +Q107914 P495 Q145 +Q311115 P463 Q329464 +Q507327 P264 Q585643 +Q928 P463 Q827525 +Q17457 P1050 Q181257 +Q116812 P106 Q82955 +Q177883 P69 Q49122 +Q443708 P106 Q81096 +Q1065956 P108 Q13371 +Q163747 P172 Q7325 +Q2805 P463 Q747279 +Q287449 P27 Q30 +Q51581 P20 Q488004 +Q38222 P106 Q43845 +Q77729 P106 Q16323111 +Q49747 P106 Q8178443 +Q187337 P106 Q245068 +Q869758 P106 Q855091 +Q201579 P27 Q28 +Q217280 P1303 Q17172850 +Q367973 P27 Q142 +Q1044 P463 Q827525 +Q241498 P1303 Q17172850 +Q183094 P106 Q1622272 +Q1374080 P463 Q463303 +Q12288760 P1412 Q150 +Q1276 P69 Q201492 +Q157324 P140 Q101849 +Q238356 P69 Q608723 +Q207359 P101 Q21201 +Q312294 P551 Q24639 +Q207356 P19 Q43301 +Q156309 P161 Q228852 +Q465955 P106 Q10800557 +Q92094 P20 Q3033 +Q156796 P451 Q40572 +Q193570 P161 Q434466 +Q171363 P106 Q33999 +Q181803 P136 Q157394 +Q706571 P463 Q191583 +Q101170 P106 Q36180 +Q185007 P463 Q463303 +Q392785 P161 Q58801 +Q230534 P1412 Q1860 +Q185007 P463 Q338432 +Q102905 P27 Q183 +Q801 P530 Q36 +Q229264 P106 Q36180 +Q155979 P106 Q43845 +Q4293328 P102 Q79854 +Q311993 P27 Q30 +Q1185803 P136 Q37073 +Q150804 P136 Q842256 +Q1074590 P264 Q330629 +Q164702 P136 Q1054574 +Q160902 P27 Q713750 +Q310343 P69 Q81162 +Q105875 P1303 Q1343007 +Q1401 P136 Q482 +Q24631 P106 Q193391 +Q236189 P106 Q2259451 +Q709178 P106 Q1622272 +Q258 P463 Q5611262 +Q365129 P1412 Q1860 +Q229983 P26 Q159347 +Q704609 P106 Q42973 +Q518839 P27 Q31 +Q561458 P106 Q1622272 +Q235928 P1412 Q9067 +Q5333 P1412 Q1860 +Q272913 P264 Q557632 +Q314597 P106 Q753110 +Q257889 P106 Q639669 +Q544387 P106 Q2643890 +Q370928 P27 Q142 +Q148429 P136 Q157394 +Q270351 P161 Q52447 +Q12769 P106 Q82955 +Q39658 P106 Q4964182 +Q256061 P106 Q33999 +Q833 P530 Q805 +Q358087 P172 Q49085 +Q291068 P106 Q1476215 +Q149557 P106 Q16323111 +Q338826 P27 Q33946 +Q95928 P106 Q82955 +Q72938 P106 Q1930187 +Q276167 P106 Q33999 +Q234891 P106 Q33999 +Q96 P530 Q159583 +Q11930 P140 Q93191 +Q167726 P495 Q30 +Q196472 P101 Q333 +Q270385 P161 Q233368 +Q707186 P106 Q43845 +Q104137 P161 Q106775 +Q152293 P463 Q15646111 +Q236475 P69 Q640652 +Q932694 P106 Q2490358 +Q78528 P136 Q9730 +Q259679 P106 Q2526255 +Q98687 P106 Q36180 +Q311271 P463 Q463303 +Q164060 P106 Q2914170 +Q72541 P106 Q40348 +Q47034 P30 Q46 +Q364875 P106 Q49757 +Q371639 P19 Q1874 +Q181249 P27 Q16 +Q118488 P106 Q4220892 +Q2166029 P17 Q31 +Q93070 P19 Q33935 +Q40162 P106 Q33999 +Q129987 P140 Q101849 +Q24995 P19 Q597 +Q66812 P19 Q64 +Q59737 P27 Q172107 +Q709178 P20 Q1781 +Q213684 P106 Q47064 +Q319723 P509 Q623031 +Q506393 P106 Q639669 +Q959588 P106 Q1930187 +Q228901 P106 Q33999 +Q236066 P106 Q2405480 +Q67576 P106 Q639669 +Q312483 P119 Q208175 +Q283988 P509 Q47912 +Q438537 P40 Q1345514 +Q287828 P69 Q83259 +Q249719 P101 Q207628 +Q103955 P106 Q372436 +Q212549 P106 Q488205 +Q311050 P106 Q36834 +Q328662 P106 Q639669 +Q2263 P106 Q36180 +Q2560778 P106 Q169470 +Q213520 P106 Q33231 +Q368424 P106 Q10798782 +Q976417 P106 Q43845 +Q28493 P106 Q948329 +Q57802 P69 Q154804 +Q268111 P20 Q656 +Q722738 P1412 Q1321 +Q193676 P27 Q1000 +Q60506 P136 Q157394 +Q178403 P737 Q188176 +Q319523 P106 Q947873 +Q64707 P69 Q152087 +Q235928 P106 Q2405480 +Q105428 P27 Q39 +Q354158 P101 Q184485 +Q169717 P106 Q10800557 +Q254022 P140 Q288928 +Q12881 P136 Q8261 +Q214548 P136 Q83440 +Q311672 P264 Q585643 +Q711197 P172 Q49085 +Q215724 P1412 Q188 +Q84482 P19 Q1741 +Q135640 P106 Q333634 +Q154751 P101 Q5891 +Q32678 P19 Q60 +Q1725017 P106 Q82955 +Q260533 P161 Q483118 +Q187814 P106 Q639669 +Q598344 P264 Q3415083 +Q79038 P1412 Q188 +Q273978 P136 Q1054574 +Q203286 P102 Q29552 +Q58195 P1412 Q652 +Q49074 P108 Q182973 +Q179497 P40 Q256666 +Q463975 P106 Q6625963 +Q87974 P1412 Q188 +Q202548 P495 Q30 +Q266319 P27 Q45 +Q847018 P17 Q30 +Q723141 P140 Q1841 +Q6096 P106 Q33999 +Q321917 P106 Q18814623 +Q337722 P136 Q885561 +Q108602 P106 Q1650915 +Q45553 P106 Q33999 +Q449487 P20 Q16554 +Q366325 P27 Q28 +Q176176 P20 Q891 +Q179282 P108 Q168756 +Q434500 P19 Q18419 +Q151972 P1412 Q150 +Q450821 P27 Q801 +Q94108 P69 Q50662 +Q55800 P106 Q1930187 +Q232783 P106 Q2259451 +Q134262 P69 Q182973 +Q211213 P106 Q33999 +Q2904665 P106 Q380075 +Q78031 P102 Q153401 +Q184750 P1412 Q188 +Q160946 P57 Q55411 +Q23481 P69 Q206702 +Q224 P463 Q191384 +Q329448 P136 Q645928 +Q93401 P106 Q14467526 +Q65932 P27 Q30 +Q332032 P136 Q38848 +Q427534 P136 Q645928 +Q3589 P161 Q51559 +Q59346 P161 Q229184 +Q368421 P161 Q232101 +Q240371 P509 Q12202 +Q99294 P106 Q947873 +Q45839 P136 Q52162262 +Q368674 P495 Q408 +Q833 P530 Q842 +Q735283 P106 Q201788 +Q107420 P106 Q169470 +Q669448 P106 Q901 +Q582713 P106 Q639669 +Q748584 P106 Q33999 +Q1353559 P106 Q753110 +Q55198 P27 Q34266 +Q1016 P530 Q236 +Q332462 P136 Q49084 +Q2416148 P106 Q37226 +Q1396655 P106 Q82955 +Q843552 P27 Q30 +Q72908 P69 Q152087 +Q219237 P1303 Q17172850 +Q379461 P106 Q11338576 +Q37767 P551 Q38022 +Q41076 P136 Q11401 +Q91083 P106 Q36180 +Q200572 P161 Q180942 +Q432655 P106 Q1930187 +Q1974330 P106 Q639669 +Q462744 P27 Q215 +Q192668 P106 Q753110 +Q31487 P30 Q46 +Q283964 P463 Q337224 +Q133654 P161 Q1366460 +Q386514 P106 Q36180 +Q366930 P19 Q1492 +Q128582 P161 Q272019 +Q206124 P840 Q90 +Q11116 P27 Q30 +Q1005 P463 Q899770 +Q932959 P106 Q639669 +Q36951 P69 Q154804 +Q935051 P463 Q466089 +Q106231 P106 Q193391 +Q356986 P20 Q60 +Q234338 P19 Q138518 +Q216838 P27 Q174193 +Q270085 P101 Q132151 +Q83359 P1412 Q1860 +Q6530 P1412 Q1860 +Q103767 P106 Q639669 +Q450382 P509 Q1368943 +Q123706 P69 Q503473 +Q740181 P172 Q170217 +Q122713 P161 Q351290 +Q229671 P27 Q30 +Q837 P530 Q668 +Q4415063 P69 Q27621 +Q220918 P106 Q10798782 +Q313046 P119 Q1358639 +Q70800 P106 Q82955 +Q96 P530 Q414 +Q169082 P136 Q1146335 +Q57337 P1412 Q397 +Q629216 P1303 Q5994 +Q99258 P1412 Q188 +Q366195 P106 Q10800557 +Q245208 P161 Q45553 +Q308711 P106 Q1930187 +Q213512 P264 Q843402 +Q1563 P17 Q241 +Q241 P530 Q754 +Q44578 P840 Q60 +Q61163 P1412 Q188 +Q88443 P27 Q40 +Q1395064 P106 Q177220 +Q381884 P1412 Q7737 +Q537222 P106 Q639669 +Q34091 P106 Q121594 +Q434095 P69 Q219694 +Q44570 P27 Q30 +Q157282 P1412 Q809 +Q327332 P840 Q60 +Q232456 P106 Q177220 +Q40 P530 Q668 +Q2892622 P106 Q43845 +Q73924 P1412 Q188 +Q234773 P106 Q131524 +Q526424 P1303 Q8355 +Q156911 P57 Q55411 +Q202729 P264 Q5086379 +Q88427 P463 Q83172 +Q4527494 P108 Q1379834 +Q186799 P161 Q41449 +Q234653 P106 Q188094 +Q4724 P1412 Q150 +Q14010 P106 Q82594 +Q231614 P106 Q10800557 +Q105118 P1412 Q1860 +Q187033 P106 Q2405480 +Q51575 P27 Q30 +Q41142 P106 Q4610556 +Q73612 P27 Q27 +Q208667 P27 Q34 +Q434694 P1412 Q1860 +Q225 P530 Q215 +Q131324 P264 Q190585 +Q44331 P106 Q36180 +Q332953 P1412 Q1860 +Q1079105 P1303 Q6607 +Q186327 P106 Q2526255 +Q95367 P1412 Q188 +Q457727 P106 Q1415090 +Q215406 P27 Q30 +Q2464214 P1412 Q150 +Q18800 P106 Q183945 +Q3754146 P1412 Q7026 +Q1167005 P1303 Q17172850 +Q368129 P264 Q54860 +Q234137 P106 Q2405480 +Q286777 P551 Q5092 +Q575689 P3373 Q26318 +Q277559 P69 Q1719898 +Q325070 P106 Q2259451 +Q207947 P106 Q158852 +Q298818 P27 Q30 +Q346285 P172 Q42406 +Q712 P463 Q842490 +Q125494 P840 Q96 +Q481885 P136 Q37073 +Q102905 P20 Q1794 +Q588 P17 Q36 +Q369797 P136 Q2439025 +Q1245769 P27 Q50001 +Q51545 P106 Q36180 +Q102071 P172 Q726673 +Q982339 P1412 Q9027 +Q23114 P106 Q49757 +Q505827 P69 Q805285 +Q395274 P1412 Q1860 +Q195371 P106 Q2259451 +Q948 P530 Q142 +Q298 P530 Q191 +Q313596 P69 Q503424 +Q147811 P106 Q15981151 +Q302880 P69 Q579968 +Q45 P530 Q252 +Q222071 P27 Q30 +Q43444 P27 Q142 +Q599993 P101 Q413 +Q78185 P1412 Q188 +Q185696 P106 Q6625963 +Q231207 P27 Q145 +Q233340 P106 Q333634 +Q39 P463 Q827525 +Q150652 P27 Q27306 +Q64503 P102 Q49768 +Q388035 P106 Q131524 +Q680728 P463 Q463303 +Q231951 P106 Q4610556 +Q597433 P106 Q10798782 +Q294975 P106 Q10800557 +Q99452 P69 Q317053 +Q274267 P509 Q12078 +Q431793 P161 Q1198697 +Q267265 P106 Q33999 +Q95443 P27 Q16957 +Q287027 P27 Q17 +Q266617 P106 Q177220 +Q5809 P27 Q241 +Q184605 P161 Q343510 +Q323771 P57 Q6709060 +Q313210 P106 Q33231 +Q6078 P551 Q127856 +Q57124 P1412 Q6654 +Q216570 P20 Q49111 +Q184366 P463 Q191583 +Q218 P463 Q81299 +Q1394 P102 Q1774814 +Q224130 P161 Q232104 +Q63725 P106 Q82955 +Q57389 P140 Q9592 +Q271690 P136 Q2973181 +Q236596 P1412 Q1860 +Q61067 P106 Q1622272 +Q192301 P57 Q191755 +Q236217 P495 Q145 +Q4356896 P20 Q1757 +Q317539 P106 Q2405480 +Q342876 P840 Q60 +Q267522 P106 Q15981151 +Q78414 P106 Q2516852 +Q1066772 P106 Q43845 +Q60285 P106 Q4964182 +Q564886 P20 Q956 +Q641582 P106 Q82955 +Q44839 P19 Q1726 +Q874 P530 Q183 +Q127414 P136 Q496523 +Q84708562 P140 Q23540 +Q439895 P106 Q10800557 +Q193674 P106 Q36180 +Q280400 P840 Q99 +Q217033 P140 Q5043 +Q704609 P108 Q1145814 +Q320651 P69 Q190080 +Q229389 P27 Q30 +Q79191 P27 Q37024 +Q730190 P106 Q1930187 +Q356217 P106 Q1607826 +Q797615 P20 Q34404 +Q80 P463 Q123885 +Q365578 P106 Q81096 +Q38049 P101 Q482 +Q380848 P840 Q60 +Q2831 P20 Q65 +Q77845 P69 Q157575 +Q51549 P106 Q33999 +Q45321 P69 Q152171 +Q185165 P106 Q33999 +Q506127 P1303 Q128309 +Q233291 P106 Q5716684 +Q69430 P69 Q209842 +Q60966 P19 Q702259 +Q57136 P27 Q43287 +Q932884 P106 Q3922505 +Q142059 P1412 Q9056 +Q255342 P161 Q36970 +Q215866 P106 Q49757 +Q185610 P106 Q488205 +Q269927 P106 Q36180 +Q367905 P106 Q10798782 +Q236236 P106 Q487596 +Q96 P530 Q189 +Q439686 P106 Q177220 +Q110126 P106 Q937857 +Q454544 P106 Q43845 +Q216195 P19 Q43421 +Q1349702 P106 Q488205 +Q335160 P161 Q507845 +Q276218 P172 Q49085 +Q35 P530 Q222 +Q95174 P27 Q183 +Q19837 P106 Q5322166 +Q442656 P106 Q36834 +Q109310 P106 Q185351 +Q336222 P40 Q24356 +Q215072 P106 Q3282637 +Q97077 P1412 Q188 +Q170250 P136 Q471839 +Q767329 P463 Q337526 +Q37944 P106 Q33999 +Q63117 P1412 Q188 +Q114572 P106 Q486748 +Q20733 P136 Q8261 +Q127330 P106 Q28389 +Q96591 P108 Q156737 +Q273866 P140 Q9585 +Q35 P530 Q215 +Q1371798 P69 Q1472358 +Q172599 P1412 Q652 +Q188426 P264 Q898618 +Q1711743 P264 Q1660305 +Q3182472 P20 Q84 +Q46080 P106 Q245068 +Q168724 P106 Q2526255 +Q186329 P264 Q38903 +Q274274 P106 Q33999 +Q34424 P106 Q33999 +Q244214 P106 Q4610556 +Q76993 P1412 Q8641 +Q61282 P106 Q18805 +Q224187 P161 Q206922 +Q269901 P551 Q62 +Q173893 P106 Q24262584 +Q511124 P27 Q34266 +Q6701 P106 Q333634 +Q9095 P69 Q160302 +Q928939 P106 Q1930187 +Q1382495 P106 Q128124 +Q159542 P463 Q4345832 +Q37459 P106 Q4610556 +Q231345 P106 Q33999 +Q106775 P106 Q639669 +Q2749 P463 Q747279 +Q4271346 P106 Q901 +Q522569 P106 Q177220 +Q216692 P1412 Q9035 +Q310930 P106 Q10798782 +Q310638 P20 Q37320 +Q1294820 P1303 Q17172850 +Q168356 P1412 Q9035 +Q44219 P106 Q36180 +Q928 P530 Q1016 +Q66732 P108 Q154804 +Q195718 P551 Q172 +Q315325 P1050 Q11081 +Q2512 P69 Q20266330 +Q95663 P69 Q310695 +Q188461 P264 Q2338889 +Q239910 P136 Q186424 +Q1349639 P3373 Q233937 +Q87857 P106 Q33999 +Q188018 P106 Q3282637 +Q2579684 P27 Q15180 +Q187199 P463 Q938622 +Q11826 P106 Q4773904 +Q327312 P161 Q131380 +Q211329 P106 Q36834 +Q47159 P1303 Q17172850 +Q797078 P361 Q49210 +Q70881 P1412 Q188 +Q96556 P106 Q1930187 +Q349799 P106 Q177220 +Q241676 P463 Q463303 +Q84422 P27 Q40 +Q204212 P136 Q52207399 +Q126812 P19 Q2833 +Q115715 P1412 Q1860 +Q52922 P26 Q441551 +Q1251733 P106 Q488205 +Q419 P463 Q170481 +Q982175 P19 Q60 +Q171684 P69 Q13371 +Q327713 P840 Q60 +Q168161 P106 Q39631 +Q294931 P27 Q30 +Q320604 P20 Q1761 +Q1386793 P172 Q49085 +Q170509 P135 Q667661 +Q239652 P27 Q159 +Q5682 P106 Q482980 +Q83038 P1412 Q652 +Q451150 P27 Q30 +Q465955 P106 Q36834 +Q150651 P135 Q7066 +Q309898 P463 Q812155 +Q106418 P19 Q90 +Q1353559 P106 Q177220 +Q180727 P136 Q1344 +Q208359 P106 Q14915627 +Q380123 P106 Q486748 +Q187019 P108 Q1446181 +Q153232 P106 Q36180 +Q77482 P106 Q49757 +Q296872 P136 Q37073 +Q426828 P136 Q130232 +Q187423 P161 Q41749 +Q453288 P27 Q142 +Q310734 P161 Q236010 +Q231479 P106 Q753110 +Q193338 P106 Q1415090 +Q81447 P106 Q4964182 +Q310934 P69 Q523926 +Q357821 P463 Q337266 +Q296244 P106 Q333634 +Q25147 P106 Q177220 +Q488200 P140 Q483654 +Q64655 P19 Q64 +Q51522 P106 Q948329 +Q81082 P106 Q170790 +Q237 P463 Q8475 +Q339581 P106 Q2526255 +Q57393 P27 Q183 +Q1678730 P106 Q82955 +Q163549 P161 Q60996 +Q347362 P737 Q38757 +Q161678 P161 Q105682 +Q220889 P106 Q6168364 +Q77210 P1412 Q188 +Q166214 P161 Q107730 +Q40162 P106 Q3282637 +Q185658 P161 Q313047 +Q106231 P463 Q463303 +Q934734 P20 Q585 +Q658454 P106 Q1930187 +Q2685 P106 Q18814623 +Q86914 P1412 Q188 +Q312975 P106 Q169470 +Q95479 P106 Q36180 +Q156898 P26 Q7304 +Q980676 P463 Q188771 +Q215989 P1412 Q188 +Q29313 P161 Q313650 +Q231163 P106 Q10800557 +Q180919 P40 Q240467 +Q63699 P135 Q37068 +Q784 P463 Q294278 +Q110278 P161 Q8877 +Q12658 P108 Q49108 +Q266795 P27 Q30 +Q191480 P106 Q4853732 +Q740596 P106 Q4263842 +Q289003 P136 Q1133657 +Q313039 P106 Q28389 +Q100937 P106 Q2259451 +Q187241 P463 Q3291340 +Q202847 P106 Q36180 +Q66140 P27 Q154195 +Q345888 P102 Q1052584 +Q244674 P106 Q2259451 +Q72400 P102 Q694714 +Q53010 P106 Q7042855 +Q347128 P108 Q740308 +Q166159 P106 Q10800557 +Q129813 P161 Q4547 +Q106706 P264 Q557632 +Q214801 P136 Q471839 +Q80900 P140 Q178169 +Q76490 P106 Q18814623 +Q431565 P108 Q646229 +Q231106 P101 Q207628 +Q102905 P106 Q4853732 +Q159 P463 Q789769 +Q230836 P1303 Q81982 +Q449670 P106 Q1930187 +Q360079 P106 Q214917 +Q333014 P106 Q855091 +Q974238 P19 Q24826 +Q68219 P19 Q64 +Q267629 P26 Q310800 +Q465386 P106 Q82955 +Q72971 P20 Q1055 +Q282693 P106 Q10800557 +Q4044 P463 Q1768108 +Q297816 P106 Q177220 +Q207356 P106 Q28389 +Q162672 P495 Q30 +Q877537 P119 Q118967 +Q380981 P495 Q183 +Q273568 P136 Q2297927 +Q114509 P1412 Q1860 +Q204868 P106 Q28389 +Q242387 P106 Q33999 +Q813 P530 Q41 +Q76791 P69 Q315658 +Q236075 P264 Q387539 +Q82925 P106 Q18814623 +Q72653 P136 Q858330 +Q62664 P1412 Q188 +Q76509 P106 Q211346 +Q144929 P161 Q314603 +Q201315 P140 Q9592 +Q320384 P161 Q231595 +Q324239 P161 Q298368 +Q187154 P161 Q103343 +Q1246324 P106 Q1792450 +Q951010 P1412 Q1860 +Q319684 P172 Q539051 +Q233 P463 Q191384 +Q95030 P27 Q30 +Q2062366 P3373 Q53570396 +Q180453 P106 Q43845 +Q242095 P509 Q212961 +Q353762 P106 Q11774202 +Q72717 P108 Q599316 +Q294372 P1303 Q11404 +Q724160 P106 Q82594 +Q896193 P19 Q727 +Q129288 P161 Q181899 +Q52447 P106 Q2526255 +Q9960 P40 Q321846 +Q42904 P106 Q4610556 +Q232397 P106 Q5716684 +Q236212 P264 Q183387 +Q295420 P106 Q805221 +Q298027 P136 Q49084 +Q1618047 P106 Q82955 +Q189869 P106 Q6625963 +Q727257 P106 Q23833535 +Q220018 P1412 Q1860 +Q928 P530 Q38 +Q63309 P69 Q55044 +Q1014 P530 Q28 +Q178348 P69 Q1542213 +Q83038 P106 Q28389 +Q137098 P161 Q256164 +Q193660 P106 Q219477 +Q271981 P106 Q639669 +Q275553 P161 Q13909 +Q983544 P172 Q49085 +Q971493 P20 Q60 +Q1293950 P106 Q82955 +Q1509379 P463 Q337234 +Q193573 P161 Q133151 +Q370026 P27 Q174193 +Q432715 P1303 Q17172850 +Q589585 P106 Q1930187 +Q213 P530 Q347 +Q315441 P106 Q28389 +Q160478 P119 Q1362125 +Q42122 P20 Q1754 +Q94487 P1412 Q1860 +Q266228 P106 Q753110 +Q234204 P172 Q141817 +Q20 P530 Q801 +Q878 P530 Q805 +Q1152239 P19 Q18426 +Q819 P463 Q842490 +Q258 P530 Q414 +Q20 P463 Q842490 +Q25120 P106 Q14467526 +Q67953 P1412 Q188 +Q323175 P106 Q2259451 +Q445921 P106 Q639669 +Q131018 P172 Q121842 +Q233618 P69 Q1335573 +Q117315 P136 Q191489 +Q2568971 P27 Q174193 +Q230632 P106 Q177220 +Q724323 P136 Q186424 +Q212 P463 Q782942 +Q43330 P1412 Q7737 +Q152388 P1412 Q188 +Q21088 P136 Q20502 +Q309926 P136 Q211723 +Q298035 P20 Q1486 +Q541573 P27 Q145 +Q8680 P30 Q538 +Q38 P530 Q214 +Q524298 P27 Q96 +Q743597 P27 Q750 +Q236479 P106 Q33999 +Q130026 P27 Q145 +Q229139 P106 Q55960555 +Q239355 P106 Q36180 +Q84555 P27 Q183 +Q88641 P69 Q157575 +Q12957 P69 Q859363 +Q975547 P106 Q715301 +Q115 P530 Q668 +Q439315 P106 Q10800557 +Q7525 P131 Q133356 +Q714646 P140 Q9268 +Q116359 P27 Q39 +Q213706 P19 Q12439 +Q86635 P20 Q72 +Q3370728 P1412 Q1860 +Q88194 P27 Q183 +Q192682 P106 Q10798782 +Q159933 P1412 Q7737 +Q1057003 P1303 Q6607 +Q332032 P136 Q211573 +Q64091 P106 Q1622272 +Q1016 P463 Q4783148 +Q57399 P69 Q1719898 +Q39658 P106 Q11900058 +Q833578 P161 Q442300 +Q4636 P106 Q2259451 +Q203952 P1412 Q150 +Q9960 P106 Q18814623 +Q150662 P106 Q2259451 +Q30 P463 Q1928989 +Q801 P530 Q928 +Q59653 P136 Q645928 +Q254576 P106 Q486748 +Q308840 P106 Q28389 +Q489 P106 Q36180 +Q102541 P108 Q154804 +Q271614 P106 Q177220 +Q671665 P106 Q639669 +Q15462 P27 Q161885 +Q154691 P463 Q2749618 +Q618025 P106 Q36180 +Q92636 P101 Q21198 +Q132524 P509 Q181754 +Q233894 P106 Q36834 +Q319277 P106 Q55960555 +Q9327 P106 Q482980 +Q311760 P1412 Q1860 +Q129140 P264 Q54860 +Q39246 P106 Q1028181 +Q132899 P463 Q1971373 +Q62400 P1412 Q188 +Q41351 P140 Q7066 +Q962710 P119 Q1218 +Q63960 P106 Q33999 +Q862297 P119 Q216344 +Q48184 P264 Q311439 +Q219491 P106 Q1930187 +Q9047 P106 Q4964182 +Q246303 P1412 Q1860 +Q62665 P161 Q238919 +Q439315 P106 Q2526255 +Q213122 P106 Q5716684 +Q13375 P17 Q165154 +Q380865 P27 Q145 +Q202847 P106 Q36834 +Q129087 P20 Q11299 +Q76363 P101 Q309 +Q294927 P102 Q29468 +Q329498 P106 Q151197 +Q244975 P161 Q277978 +Q304609 P161 Q93188 +Q87910 P106 Q16533 +Q431356 P106 Q10798782 +Q456903 P69 Q1068752 +Q310582 P106 Q2252262 +Q813 P463 Q656801 +Q160717 P27 Q30 +Q215139 P106 Q188094 +Q727705 P106 Q4263842 +Q381185 P106 Q193391 +Q507864 P106 Q488205 +Q316872 P264 Q193023 +Q57218 P69 Q153006 +Q62731543 P106 Q15296811 +Q66527 P27 Q183 +Q106555 P106 Q33999 +Q669448 P27 Q159 +Q211009 P495 Q213 +Q526407 P106 Q483501 +Q153484 P495 Q183 +Q55456 P1303 Q17172850 +Q64467 P119 Q1783048 +Q205447 P840 Q812 +Q313009 P1303 Q6607 +Q231249 P451 Q297071 +Q34969 P106 Q10076267 +Q91232 P106 Q33999 +Q311779 P106 Q10800557 +Q81223 P106 Q33999 +Q169076 P106 Q1622272 +Q1586916 P20 Q1337818 +Q19837 P106 Q131524 +Q709646 P509 Q744913 +Q722042 P106 Q33999 +Q133054 P551 Q100 +Q110167 P106 Q1622272 +Q158088 P172 Q8060 +Q57372 P1412 Q188 +Q944478 P463 Q1971373 +Q689600 P1050 Q12204 +Q97077 P106 Q482980 +Q713246 P106 Q214917 +Q192145 P27 Q30 +Q85618 P509 Q12078 +Q229319 P27 Q30 +Q218 P463 Q5611262 +Q287793 P106 Q10798782 +Q110916 P101 Q2329 +Q202449 P27 Q30 +Q55195 P136 Q180902 +Q55004 P106 Q158852 +Q707827 P106 Q2526255 +Q311358 P106 Q39631 +Q55170 P1412 Q9027 +Q66127 P140 Q75809 +Q482964 P264 Q183412 +Q414 P361 Q653884 +Q67144 P106 Q4964182 +Q68476 P106 Q36180 +Q38 P530 Q183 +Q53018 P27 Q172579 +Q323653 P106 Q639669 +Q124183 P106 Q1622272 +Q315737 P106 Q2095549 +Q354863 P26 Q17676 +Q155152 P17 Q145 +Q201500 P106 Q36834 +Q14010 P27 Q145 +Q49347 P463 Q463303 +Q77555 P1412 Q9027 +Q88427 P69 Q40025 +Q128379 P106 Q10798782 +Q29086 P69 Q389336 +Q59152 P1412 Q1860 +Q156942 P463 Q3603946 +Q321990 P1412 Q1860 +Q84771 P463 Q338432 +Q216636 P106 Q10800557 +Q159 P530 Q800 +Q174153 P161 Q230736 +Q782629 P1412 Q150 +Q92977 P27 Q30 +Q989 P106 Q36180 +Q381726 P1303 Q8355 +Q380286 P106 Q82955 +Q1736382 P1412 Q9129 +Q328892 P102 Q9626 +Q865 P530 Q963 +Q275939 P106 Q10800557 +Q161678 P161 Q211730 +Q333265 P69 Q1379834 +Q74227 P69 Q219563 +Q41449 P106 Q33999 +Q1238180 P1303 Q17172850 +Q526406 P264 Q645889 +Q2153 P20 Q1867 +Q448930 P106 Q33999 +Q1955997 P106 Q49757 +Q51549 P106 Q2526255 +Q981526 P106 Q639669 +Q441825 P140 Q3333484 +Q190765 P495 Q145 +Q76823 P1412 Q9067 +Q125494 P161 Q203804 +Q236240 P19 Q84 +Q152513 P1412 Q1860 +Q374526 P161 Q254038 +Q124094 P106 Q82955 +Q782813 P19 Q1297 +Q90891 P1412 Q188 +Q705841 P264 Q557632 +Q96997 P106 Q14915627 +Q42775 P136 Q83440 +Q34060 P106 Q193391 +Q29 P463 Q233611 +Q84292 P3373 Q84233 +Q96334 P106 Q49757 +Q361257 P136 Q131539 +Q954 P530 Q408 +Q153677 P840 Q1439 +Q1906150 P551 Q189074 +Q762 P106 Q1028181 +Q184366 P1412 Q188 +Q769328 P106 Q639669 +Q1268 P509 Q12204 +Q105466 P106 Q970153 +Q229230 P26 Q297071 +Q252 P530 Q262 +Q1079105 P136 Q484641 +Q948 P463 Q1043527 +Q89054 P106 Q121594 +Q713213 P101 Q11023 +Q114076 P161 Q242707 +Q51110 P264 Q1988428 +Q311181 P1412 Q1860 +Q148 P463 Q7825 +Q600701 P108 Q202660 +Q293275 P27 Q30 +Q328320 P161 Q223193 +Q298 P463 Q170481 +Q316330 P106 Q2306091 +Q128854 P161 Q125904 +Q231171 P19 Q2807 +Q207034 P106 Q12800682 +Q33866 P140 Q6423963 +Q267217 P106 Q28389 +Q179888 P20 Q90 +Q238374 P106 Q957729 +Q93015 P106 Q81096 +Q6882 P140 Q1841 +Q107438 P1412 Q188 +Q107730 P551 Q36091 +Q92981 P19 Q30 +Q851 P530 Q846 +Q207824 P1303 Q52954 +Q129022 P463 Q329464 +Q1660599 P495 Q30 +Q4295 P106 Q36834 +Q324366 P69 Q1185037 +Q707999 P106 Q28389 +Q380407 P1303 Q17172850 +Q356351 P27 Q172579 +Q152738 P463 Q946380 +Q175142 P106 Q18814623 +Q315152 P106 Q4263842 +Q380095 P69 Q736674 +Q269890 P106 Q245068 +Q80510 P136 Q58339 +Q94071 P108 Q686522 +Q260947 P106 Q183945 +Q98812 P106 Q28389 +Q261923 P57 Q317567 +Q722202 P172 Q7325 +Q384387 P106 Q1326886 +Q150851 P106 Q82955 +Q42775 P106 Q488205 +Q128460 P106 Q36180 +Q96230 P69 Q161976 +Q123089 P20 Q90 +Q229056 P106 Q2405480 +Q161135 P1412 Q7737 +Q19201 P106 Q2252262 +Q207592 P106 Q33999 +Q76738 P1412 Q397 +Q150651 P106 Q1930187 +Q62558 P106 Q805221 +Q193257 P20 Q90 +Q29999 P37 Q7411 +Q241398 P106 Q34074720 +Q251984 P737 Q44221 +Q962402 P108 Q202660 +Q92670 P106 Q1622272 +Q78704 P27 Q41304 +Q152306 P1412 Q7737 +Q1911321 P140 Q9268 +Q155855 P106 Q36180 +Q105167 P106 Q15980158 +Q3550828 P1412 Q5287 +Q219780 P106 Q28389 +Q5809 P106 Q864380 +Q236351 P1303 Q5994 +Q129895 P136 Q2484376 +Q9358 P140 Q13211738 +Q270126 P1412 Q150 +Q312693 P1303 Q128309 +Q273022 P1412 Q1860 +Q267769 P106 Q6625963 +Q313875 P106 Q177220 +Q1237649 P463 Q48995 +Q1386793 P106 Q2252262 +Q327436 P106 Q3282637 +Q434915 P1303 Q17172850 +Q168859 P27 Q34266 +Q121425 P106 Q33999 +Q190089 P1412 Q397 +Q170564 P161 Q309631 +Q125904 P69 Q49112 +Q191966 P172 Q678551 +Q229353 P106 Q33999 +Q349117 P106 Q10800557 +Q128460 P69 Q471980 +Q1368185 P19 Q60 +Q241085 P161 Q95030 +Q278997 P136 Q52162262 +Q84346 P463 Q150793 +Q237560 P106 Q17351648 +Q213562 P106 Q36180 +Q506198 P19 Q975 +Q330376 P106 Q6625963 +Q5752 P106 Q36180 +Q865 P530 Q928 +Q63458 P106 Q333634 +Q662066 P106 Q639669 +Q43179 P69 Q736674 +Q164824 P463 Q3291340 +Q216060 P106 Q1930187 +Q180223 P108 Q13371 +Q78774 P27 Q153136 +Q957921 P106 Q49757 +Q254962 P106 Q33999 +Q30 P530 Q1006 +Q26741 P106 Q10798782 +Q709464 P106 Q488205 +Q184 P463 Q81299 +Q947291 P69 Q178416 +Q9047 P106 Q193391 +Q465955 P136 Q131272 +Q337090 P495 Q30 +Q44695 P106 Q12144794 +Q555226 P136 Q8341 +Q274748 P840 Q65 +Q254265 P102 Q9630 +Q58444 P27 Q30 +Q287385 P161 Q232307 +Q76501 P108 Q152838 +Q19330 P69 Q168756 +Q424 P530 Q35 +Q558104 P106 Q1350157 +Q82006 P27 Q174193 +Q77087 P136 Q8261 +Q112169 P463 Q459620 +Q710924 P551 Q65 +Q69395 P69 Q152838 +Q948977 P551 Q6602 +Q124442 P27 Q28513 +Q15873 P69 Q189022 +Q42930 P106 Q1759246 +Q862 P20 Q18419 +Q719623 P106 Q372436 +Q69884 P463 Q150793 +Q191020 P737 Q47426 +Q458215 P106 Q1930187 +Q72450 P161 Q133050 +Q67438 P106 Q183945 +Q43267 P138 Q2831 +Q159933 P106 Q36180 +Q267070 P264 Q664167 +Q332525 P106 Q855091 +Q951010 P69 Q230492 +Q24999 P106 Q18814623 +Q1556492 P108 Q245247 +Q80095 P108 Q153006 +Q151891 P27 Q30 +Q1031847 P136 Q213121 +Q441456 P1412 Q1321 +Q84734 P108 Q32120 +Q232113 P106 Q33999 +Q377538 P106 Q188094 +Q567340 P1412 Q188 +Q54543 P106 Q6625963 +Q265 P463 Q47543 +Q7314 P264 Q183387 +Q3656334 P19 Q72259 +Q77006 P106 Q639669 +Q529942 P1303 Q17172850 +Q438164 P106 Q1114448 +Q60946 P27 Q183 +Q633 P1303 Q17172850 +Q218319 P106 Q18939491 +Q836 P463 Q7809 +Q850746 P1412 Q5287 +Q4356896 P172 Q726673 +Q1376193 P106 Q81096 +Q370026 P106 Q10798782 +Q287824 P106 Q2259451 +Q236 P530 Q403 +Q235415 P106 Q33999 +Q272923 P451 Q102341 +Q366907 P172 Q2436423 +Q186709 P106 Q188094 +Q333892 P106 Q214917 +Q460876 P27 Q30 +Q431565 P1412 Q150 +Q2153 P106 Q18814623 +Q602033 P108 Q219694 +Q953153 P19 Q1342 +Q3133221 P1412 Q7026 +Q200883 P509 Q18554460 +Q41309 P136 Q9730 +Q7315 P106 Q36180 +Q164957 P106 Q214917 +Q702508 P106 Q43845 +Q46795 P69 Q55044 +Q16403 P161 Q255335 +Q380424 P106 Q333634 +Q217557 P1412 Q1860 +Q57319 P27 Q424 +Q67494 P106 Q1622272 +Q313874 P136 Q130232 +Q218575 P27 Q30 +Q180619 P1412 Q1860 +Q379941 P106 Q11774202 +Q53001 P26 Q232113 +Q62437 P106 Q36834 +Q80557 P161 Q203215 +Q124287 P106 Q36180 +Q43293 P106 Q6625963 +Q162518 P161 Q238895 +Q188093 P106 Q49757 +Q25120 P106 Q28389 +Q537960 P108 Q131252 +Q4235 P737 Q179257 +Q2772878 P27 Q30 +Q711 P530 Q159 +Q260318 P119 Q1625328 +Q573665 P1412 Q1860 +Q441528 P106 Q947873 +Q317169 P106 Q177220 +Q22686 P102 Q327591 +Q1432130 P106 Q1320883 +Q92035 P27 Q183 +Q673283 P27 Q34266 +Q62791 P106 Q28789517 +Q170576 P106 Q33999 +Q225657 P119 Q1358639 +Q513184 P106 Q15895020 +Q60582 P106 Q4964182 +Q63834 P140 Q9592 +Q173804 P136 Q17013749 +Q229065 P136 Q131272 +Q310767 P20 Q1733 +Q60801 P1412 Q150 +Q343616 P106 Q33999 +Q239807 P136 Q37073 +Q234204 P27 Q30 +Q111673 P106 Q201788 +Q3126 P17 Q43287 +Q264891 P264 Q202440 +Q2621694 P27 Q2305208 +Q213053 P495 Q145 +Q57063 P108 Q152171 +Q800 P530 Q865 +Q230939 P19 Q84 +Q170509 P27 Q172579 +Q436571 P106 Q177220 +Q244296 P136 Q188473 +Q96599 P1412 Q188 +Q452761 P101 Q35760 +Q88641 P19 Q64 +Q181145 P1303 Q5994 +Q259691 P264 Q165745 +Q142 P463 Q656801 +Q223596 P840 Q649 +Q432689 P1303 Q17172850 +Q1615184 P136 Q8341 +Q1354583 P1412 Q9027 +Q100765 P463 Q684415 +Q381827 P69 Q273626 +Q106746 P69 Q230492 +Q1167000 P19 Q18438 +Q193857 P27 Q21 +Q96230 P106 Q4002666 +Q125133 P1303 Q27939 +Q102289 P106 Q42973 +Q67645 P19 Q1726 +Q181803 P161 Q358345 +Q310060 P106 Q2526255 +Q154270 P1412 Q150 +Q116359 P119 Q311 +Q274404 P27 Q38 +Q16 P530 Q804 +Q157359 P106 Q158852 +Q215636 P106 Q201788 +Q64173 P136 Q645928 +Q73410 P106 Q10798782 +Q584500 P69 Q745967 +Q208546 P106 Q486748 +Q54452 P17 Q12560 +Q19199 P106 Q639669 +Q78714 P108 Q165980 +Q266228 P140 Q5043 +Q112307 P264 Q1881437 +Q221113 P136 Q130232 +Q105896 P106 Q270389 +Q922484 P27 Q145 +Q369113 P106 Q10798782 +Q645167 P1412 Q150 +Q675465 P106 Q49757 +Q39 P463 Q41550 +Q128121 P106 Q13235160 +Q281962 P106 Q33999 +Q316629 P106 Q28389 +Q258 P463 Q17495 +Q235931 P264 Q38903 +Q232851 P1412 Q1860 +Q181875 P463 Q123885 +Q61197 P106 Q1622272 +Q980676 P463 Q463303 +Q49347 P463 Q270794 +Q252 P463 Q376150 +Q108454 P27 Q183 +Q945 P530 Q117 +Q229735 P106 Q33999 +Q294625 P27 Q30 +Q8772 P463 Q188771 +Q184768 P136 Q52162262 +Q972107 P463 Q1938003 +Q387655 P1303 Q17172850 +Q232477 P1412 Q150 +Q594644 P106 Q855091 +Q728030 P1412 Q150 +Q983544 P106 Q1930187 +Q239145 P1303 Q17172850 +Q356499 P106 Q8178443 +Q48129 P27 Q34266 +Q445921 P106 Q82955 +Q92532 P20 Q64 +Q311165 P26 Q231576 +Q740631 P106 Q82955 +Q203286 P641 Q5372 +Q336467 P106 Q1930187 +Q232009 P161 Q234128 +Q441742 P136 Q131272 +Q77148 P108 Q165528 +Q551154 P264 Q203059 +Q325648 P495 Q183 +Q159 P530 Q739 +Q28776 P161 Q224081 +Q184750 P106 Q4964182 +Q342803 P138 Q72259 +Q70174 P1412 Q188 +Q695 P530 Q865 +Q311244 P27 Q30 +Q332709 P106 Q1930187 +Q76993 P106 Q215536 +Q444601 P106 Q18814623 +Q85716 P1412 Q397 +Q667683 P106 Q81096 +Q64076 P19 Q1748 +Q191305 P119 Q311 +Q134549 P106 Q40348 +Q11732 P106 Q201788 +Q260969 P509 Q2840 +Q530377 P27 Q30 +Q937 P106 Q19350898 +Q57640 P106 Q82955 +Q534419 P106 Q183945 +Q366521 P106 Q49757 +Q380467 P106 Q82594 +Q238331 P136 Q35760 +Q88095 P69 Q153987 +Q44833 P1303 Q6607 +Q158629 P27 Q145 +Q276407 P161 Q35912 +Q110942 P27 Q664 +Q504458 P264 Q1088453 +Q310217 P27 Q21 +Q57396 P136 Q1344 +Q18143 P106 Q1028181 +Q443317 P27 Q30 +Q583722 P106 Q947873 +Q151830 P106 Q49757 +Q1016 P463 Q7172 +Q321846 P140 Q7066 +Q438507 P27 Q142 +Q214659 P27 Q183 +Q59215 P69 Q736674 +Q55208 P108 Q4129798 +Q178991 P1412 Q150 +Q224130 P495 Q183 +Q189758 P136 Q37073 +Q902 P530 Q813 +Q160618 P495 Q30 +Q915447 P136 Q11401 +Q55796 P1412 Q1321 +Q192474 P106 Q183945 +Q51101 P1412 Q1860 +Q3150 P17 Q183 +Q71855 P20 Q1022 +Q450802 P106 Q34074720 +Q796 P530 Q43 +Q117970 P264 Q238095 +Q1577693 P27 Q183 +Q561147 P108 Q43452 +Q318263 P27 Q145 +Q70223 P106 Q2004963 +Q540516 P106 Q639669 +Q246497 P463 Q1003730 +Q313789 P19 Q1345 +Q756645 P172 Q86630688 +Q436394 P106 Q4610556 +Q86777 P136 Q37073 +Q295679 P106 Q2259451 +Q121995 P106 Q36180 +Q529858 P20 Q2044 +Q238356 P19 Q84 +Q1820387 P27 Q30 +Q7199 P106 Q6625963 +Q262838 P27 Q30 +Q714185 P106 Q183945 +Q106740 P737 Q183167 +Q45025 P19 Q1741 +Q938402 P106 Q49757 +Q77489 P1412 Q188 +Q259979 P1412 Q150 +Q211329 P27 Q172579 +Q270601 P101 Q35760 +Q328662 P106 Q855091 +Q82778 P106 Q4964182 +Q214 P131 Q140359 +Q249040 P495 Q30 +Q274117 P1303 Q17172850 +Q221104 P161 Q320052 +Q241087 P27 Q172579 +Q153909 P106 Q1238570 +Q114450 P106 Q1930187 +Q715 P463 Q1768108 +Q929 P463 Q294278 +Q937 P551 Q1726 +Q937936 P102 Q204911 +Q235931 P264 Q216364 +Q981971 P463 Q463303 +Q110695 P106 Q2526255 +Q544485 P509 Q12136 +Q91166 P106 Q1622272 +Q217750 P106 Q753110 +Q347685 P106 Q36180 +Q277180 P106 Q177220 +Q318736 P509 Q12192 +Q132433 P1303 Q5994 +Q481474 P106 Q4773904 +Q183567 P27 Q174193 +Q206374 P161 Q207969 +Q131380 P106 Q10798782 +Q562108 P106 Q18814623 +Q266027 P641 Q5369 +Q697131 P69 Q174570 +Q187423 P57 Q25089 +Q263439 P172 Q7325 +Q465679 P106 Q1930187 +Q99397 P463 Q451079 +Q232646 P106 Q33999 +Q123389 P106 Q1209498 +Q214097 P20 Q2079 +Q122701 P463 Q270794 +Q356397 P106 Q33999 +Q1315512 P19 Q84 +Q343668 P161 Q329807 +Q103598 P108 Q1760438 +Q195788 P106 Q177220 +Q161877 P106 Q10798782 +Q78782 P106 Q82955 +Q578396 P172 Q940348 +Q314502 P106 Q10800557 +Q57351 P27 Q183 +Q223596 P840 Q241 +Q214582 P1412 Q1860 +Q92635 P551 Q62 +Q134895 P1412 Q1860 +Q92602 P463 Q338432 +Q212518 P106 Q28389 +Q207640 P106 Q36180 +Q1279401 P1412 Q1860 +Q34529 P119 Q1625328 +Q347685 P27 Q34266 +Q104088 P551 Q649 +Q77111 P106 Q82955 +Q287805 P106 Q2259451 +Q151593 P463 Q337531 +Q272896 P136 Q37073 +Q230782 P27 Q30 +Q221102 P840 Q90 +Q5809 P551 Q96 +Q95522 P108 Q152087 +Q456271 P69 Q309350 +Q25186 P106 Q33231 +Q931890 P1412 Q1860 +Q318267 P69 Q7866352 +Q50005 P106 Q36180 +Q227 P530 Q96 +Q343456 P136 Q187760 +Q156133 P106 Q16287483 +Q93181 P69 Q174158 +Q272214 P509 Q12136 +Q774 P463 Q827525 +Q438164 P69 Q751612 +Q174438 P106 Q36180 +Q100122 P106 Q10800557 +Q4952325 P106 Q40348 +Q315650 P106 Q2643890 +Q51545 P463 Q463303 +Q189119 P463 Q812155 +Q334965 P106 Q1930187 +Q505563 P136 Q9730 +Q109232 P551 Q1297 +Q235742 P161 Q335376 +Q236066 P101 Q207628 +Q34943 P106 Q901402 +Q536723 P19 Q65 +Q72932 P69 Q152838 +Q77493 P102 Q153401 +Q96943 P102 Q49750 +Q3462736 P106 Q483501 +Q385703 P106 Q947873 +Q1451285 P1412 Q1860 +Q76819 P106 Q33999 +Q2512 P140 Q1841 +Q223596 P840 Q15180 +Q102902 P106 Q333634 +Q315152 P106 Q49757 +Q266520 P106 Q33999 +Q171969 P463 Q83172 +Q84393 P19 Q1741 +Q1646438 P27 Q145 +Q92767 P106 Q121594 +Q74236 P27 Q183 +Q297552 P106 Q488205 +Q58620 P106 Q82955 +Q390164 P161 Q82110 +Q222 P463 Q1043527 +Q73892 P106 Q1622272 +Q234388 P136 Q850412 +Q2633389 P19 Q1342 +Q1276 P106 Q36180 +Q64655 P106 Q3055126 +Q709077 P106 Q1607826 +Q323175 P1303 Q8371 +Q233340 P106 Q1734662 +Q332256 P1303 Q17172850 +Q185085 P69 Q219694 +Q212015 P136 Q7749 +Q203223 P136 Q37073 +Q216813 P509 Q12152 +Q512 P106 Q36834 +Q96250 P106 Q482980 +Q607968 P69 Q170027 +Q30570 P19 Q18419 +Q84503 P106 Q1281618 +Q742634 P101 Q413 +Q80135 P69 Q178416 +Q208269 P161 Q41422 +Q76131 P106 Q82955 +Q365129 P108 Q49088 +Q229244 P106 Q2405480 +Q18154882 P161 Q223193 +Q77418 P1412 Q188 +Q215258 P20 Q47265 +Q183439 P106 Q33999 +Q436187 P106 Q2259451 +Q2449206 P3373 Q20562503 +Q45124 P106 Q36834 +Q319121 P140 Q5043 +Q96962 P1412 Q188 +Q73930 P106 Q10798782 +Q274608 P106 Q33231 +Q57239 P1412 Q188 +Q1382883 P19 Q1754 +Q330612 P136 Q157394 +Q98116 P106 Q1622272 +Q289428 P106 Q322170 +Q158398 P136 Q471839 +Q18806 P1412 Q188 +Q48042 P463 Q1971373 +Q1536003 P749 Q38903 +Q214622 P101 Q8261 +Q862184 P20 Q65 +Q292693 P106 Q2405480 +Q231648 P106 Q10800557 +Q374610 P1412 Q1860 +Q2161 P1412 Q397 +Q193405 P27 Q218 +Q220269 P106 Q4964182 +Q193573 P161 Q165518 +Q289847 P106 Q14915627 +Q440272 P106 Q639669 +Q35 P530 Q214 +Q248935 P106 Q1231865 +Q2831583 P1412 Q150 +Q313080 P136 Q37073 +Q152768 P27 Q219060 +Q326604 P19 Q18419 +Q781514 P101 Q3798668 +Q292993 P1303 Q17172850 +Q561826 P106 Q11900058 +Q119935 P27 Q30 +Q62866 P106 Q81096 +Q686 P463 Q188822 +Q1093318 P106 Q483501 +Q153776 P136 Q189201 +Q19504 P106 Q36180 +Q41142 P106 Q33999 +Q18425 P135 Q210115 +Q72962 P161 Q297744 +Q74235 P106 Q36180 +Q110749 P27 Q183 +Q284686 P136 Q2143665 +Q236829 P509 Q47912 +Q80510 P1303 Q17172850 +Q1378199 P119 Q1624932 +Q315391 P509 Q12204 +Q284360 P69 Q1727138 +Q95949 P102 Q49750 +Q180395 P161 Q314133 +Q74849 P106 Q36834 +Q181529 P463 Q127992 +Q273211 P1303 Q17172850 +Q229282 P106 Q639669 +Q1282562 P140 Q6423963 +Q57500 P463 Q15646111 +Q8772 P119 Q311 +Q311779 P106 Q3455803 +Q196401 P509 Q216169 +Q551204 P106 Q18814623 +Q60804 P69 Q152087 +Q106275 P19 Q90 +Q188375 P106 Q13235160 +Q19810 P26 Q10520 +Q231603 P1412 Q5287 +Q113489 P106 Q82955 +Q18415 P840 Q38 +Q189554 P106 Q4610556 +Q369681 P106 Q36180 +Q65 P131 Q104994 +Q385703 P27 Q29999 +Q544521 P69 Q160302 +Q162182 P161 Q313650 +Q182725 P106 Q15981151 +Q78720 P108 Q165980 +Q4808641 P27 Q794 +Q76791 P20 Q64 +Q96923 P106 Q15981151 +Q750 P530 Q96 +Q287793 P172 Q678551 +Q96285 P102 Q316533 +Q356487 P1303 Q17172850 +Q313814 P27 Q30 +Q669934 P106 Q121594 +Q270207 P106 Q27532437 +Q546956 P1303 Q6607 +Q461624 P106 Q121594 +Q103651 P69 Q1206658 +Q57679 P509 Q175111 +Q101567 P106 Q82955 +Q4275371 P27 Q159 +Q298276 P27 Q145 +Q286302 P106 Q33999 +Q245808 P27 Q30 +Q105387 P161 Q296577 +Q202770 P463 Q1971373 +Q72657 P106 Q82955 +Q11869 P106 Q372436 +Q4518 P106 Q10798782 +Q51814 P19 Q1581 +Q434805 P106 Q901 +Q36330 P106 Q1622272 +Q376144 P161 Q40337 +Q73089 P106 Q10798782 +Q356762 P1412 Q1321 +Q14278 P463 Q123885 +Q44354 P106 Q37226 +Q1766082 P264 Q38903 +Q174908 P106 Q3282637 +Q164663 P136 Q319221 +Q2828029 P101 Q101333 +Q47667 P106 Q82955 +Q186630 P106 Q49757 +Q1785 P136 Q373342 +Q92624 P27 Q30 +Q465702 P1412 Q1860 +Q224021 P106 Q10798782 +Q85927 P69 Q157575 +Q106997 P106 Q33999 +Q116003 P1412 Q1860 +Q44176 P106 Q33999 +Q1173676 P106 Q3126128 +Q2632 P140 Q5043 +Q1930688 P69 Q273626 +Q200407 P106 Q4610556 +Q96811 P19 Q24879 +Q106797 P106 Q33999 +Q67383 P106 Q1622272 +Q359248 P106 Q205375 +Q234992 P106 Q36180 +Q76479 P161 Q43203 +Q92644 P463 Q463303 +Q376176 P69 Q174710 +Q92760 P463 Q463303 +Q155236 P119 Q240744 +Q600385 P27 Q28 +Q369388 P136 Q319221 +Q278519 P69 Q304985 +Q181555 P161 Q273075 +Q48987 P69 Q501758 +Q522739 P106 Q2252262 +Q127688 P119 Q2972543 +Q1524 P30 Q46 +Q223887 P161 Q39979 +Q117147 P1412 Q150 +Q104267 P20 Q586 +Q364875 P136 Q484641 +Q401182 P106 Q10798782 +Q328814 P27 Q30 +Q215868 P106 Q28389 +Q9095 P172 Q181634 +Q20732 P102 Q79854 +Q223854 P106 Q10800557 +Q730 P463 Q3369762 +Q462466 P136 Q319221 +Q429348 P102 Q29552 +Q2902710 P106 Q81096 +Q95370 P106 Q16533 +Q12303639 P1412 Q188 +Q887993 P106 Q753110 +Q190628 P40 Q207 +Q292539 P1412 Q150 +Q542101 P106 Q822146 +Q1364820 P27 Q30 +Q731829 P69 Q156598 +Q459038 P136 Q235858 +Q76509 P106 Q4964182 +Q214475 P1412 Q7411 +Q84867 P102 Q179111 +Q67385 P106 Q82955 +Q352935 P106 Q10800557 +Q62323 P20 Q2865 +Q1379164 P27 Q858 +Q87884 P106 Q1622272 +Q233957 P27 Q29 +Q8768 P106 Q81096 +Q92897 P106 Q81096 +Q70795 P1412 Q7737 +Q503068 P27 Q131964 +Q543294 P27 Q30 +Q234898 P27 Q668 +Q664 P463 Q41550 +Q4218975 P3373 Q2062366 +Q27820706 P495 Q884 +Q434291 P106 Q639669 +Q348534 P136 Q859369 +Q63815 P102 Q7320 +Q434640 P106 Q1622272 +Q548964 P69 Q319239 +Q51814 P106 Q10800557 +Q182218 P161 Q34436 +Q45672 P161 Q314290 +Q75812 P108 Q24382 +Q81219 P1412 Q188 +Q439314 P106 Q5716684 +Q270935 P106 Q183945 +Q526407 P1303 Q17172850 +Q207947 P136 Q9734 +Q61456 P1412 Q188 +Q542217 P106 Q322170 +Q161955 P135 Q39427 +Q236066 P140 Q5043 +Q52255 P106 Q214917 +Q74688 P27 Q183 +Q95447 P463 Q329464 +Q229112 P551 Q60 +Q370293 P106 Q639669 +Q183008 P106 Q947873 +Q181881 P106 Q4610556 +Q187241 P463 Q123885 +Q359552 P106 Q33999 +Q240570 P27 Q30 +Q96665 P102 Q694714 +Q234544 P69 Q4614 +Q110183 P108 Q152171 +Q846373 P136 Q131272 +Q153358 P106 Q639669 +Q862412 P136 Q8261 +Q3816 P106 Q3068305 +Q187019 P737 Q7243 +Q1511 P106 Q158852 +Q232 P530 Q403 +Q710121 P27 Q30 +Q651690 P17 Q36 +Q70855 P69 Q32120 +Q487491 P463 Q123885 +Q40470 P106 Q10798782 +Q55704 P19 Q1156 +Q243771 P1412 Q1321 +Q363949 P106 Q82955 +Q313918 P27 Q30 +Q169566 P136 Q6585139 +Q254510 P106 Q4610556 +Q103157 P106 Q10871364 +Q212730 P108 Q13371 +Q350581 P106 Q177220 +Q31959 P106 Q36834 +Q77876 P106 Q1397808 +Q43 P463 Q233611 +Q1011 P530 Q865 +Q129263 P106 Q43845 +Q19364345 P27 Q159 +Q34286 P69 Q193196 +Q74236 P108 Q151510 +Q5354 P1412 Q188 +Q320895 P106 Q639669 +Q83338 P264 Q183387 +Q670277 P106 Q753110 +Q24999 P19 Q1726 +Q272438 P106 Q43845 +Q155928 P106 Q3665646 +Q79904 P1412 Q1860 +Q699541 P463 Q270794 +Q241218 P57 Q16297 +Q235992 P106 Q82955 +Q142 P463 Q842490 +Q9387 P172 Q42884 +Q332368 P495 Q145 +Q704742 P106 Q10798782 +Q262 P530 Q148 +Q478601 P106 Q3089940 +Q7294 P19 Q1055 +Q248059 P106 Q28389 +Q204725 P161 Q270622 +Q2622688 P20 Q649 +Q333405 P106 Q15981151 +Q77112 P106 Q183945 +Q309003 P495 Q96 +Q296887 P106 Q10798782 +Q736099 P106 Q36834 +Q444017 P161 Q84330 +Q283988 P106 Q33999 +Q342397 P108 Q1934904 +Q930987 P27 Q16 +Q128126 P106 Q4773904 +Q121507 P172 Q49085 +Q224004 P136 Q959790 +Q1242553 P264 Q202585 +Q249040 P161 Q314208 +Q145 P530 Q142 +Q9391 P509 Q181257 +Q159 P530 Q962 +Q554746 P20 Q656 +Q38573 P463 Q459620 +Q314841 P106 Q3455803 +Q240894 P495 Q28 +Q919081 P106 Q1930187 +Q219 P463 Q1072120 +Q51101 P106 Q131524 +Q233289 P140 Q9089 +Q112831 P136 Q130232 +Q64151 P136 Q1146335 +Q58577 P27 Q183 +Q87018 P106 Q2259451 +Q55915 P140 Q9592 +Q714739 P136 Q149537 +Q511471 P27 Q15180 +Q180619 P106 Q4964182 +Q93188 P106 Q948329 +Q272435 P19 Q1492 +Q60465 P106 Q36180 +Q103569 P495 Q30 +Q34969 P463 Q4345832 +Q158030 P106 Q1622272 +Q552215 P102 Q29468 +Q333475 P106 Q36180 +Q342949 P106 Q36834 +Q72925 P641 Q2736 +Q358306 P106 Q33999 +Q72060 P119 Q2066 +Q73176 P106 Q6625963 +Q45909 P264 Q3629023 +Q249235 P136 Q130232 +Q1716 P106 Q36834 +Q278319 P27 Q34266 +Q208871 P106 Q183945 +Q62377 P106 Q81096 +Q366306 P19 Q37320 +Q63456 P108 Q152838 +Q35332 P106 Q1053574 +Q230395 P27 Q30 +Q362340 P106 Q1622272 +Q160325 P136 Q9730 +Q432473 P1412 Q150 +Q294185 P641 Q131359 +Q729117 P551 Q138518 +Q263172 P106 Q36180 +Q104514 P172 Q7325 +Q231595 P20 Q60 +Q191088 P106 Q639669 +Q1346521 P69 Q193196 +Q32910 P136 Q130232 +Q2273039 P106 Q43845 +Q235952 P106 Q36834 +Q739 P530 Q801 +Q234847 P106 Q10798782 +Q5682 P172 Q160894 +Q337090 P495 Q145 +Q2424996 P108 Q41506 +Q44176 P641 Q131359 +Q313509 P106 Q36180 +Q60087 P69 Q55044 +Q7542 P106 Q10800557 +Q560647 P463 Q463303 +Q189400 P106 Q4853732 +Q2551 P102 Q49768 +Q249032 P136 Q2439025 +Q58720 P101 Q413 +Q214063 P106 Q33999 +Q68529 P1412 Q150 +Q336018 P19 Q85 +Q206399 P1303 Q17172850 +Q317397 P106 Q214917 +Q106506 P161 Q2680 +Q126843 P509 Q181257 +Q151646 P106 Q1930187 +Q114576 P106 Q20669622 +Q106812 P106 Q333634 +Q318475 P264 Q843402 +Q106275 P69 Q1127387 +Q704355 P106 Q81096 +Q309003 P161 Q1388769 +Q126843 P19 Q1428 +Q382680 P101 Q184485 +Q164765 P1412 Q7737 +Q230 P530 Q212 +Q15257 P106 Q1930187 +Q495272 P1412 Q9176 +Q172975 P161 Q164119 +Q319871 P1412 Q1860 +Q112307 P1412 Q1860 +Q303464 P136 Q131578 +Q202801 P136 Q378988 +Q234791 P740 Q1711 +Q74636 P136 Q188473 +Q252 P530 Q79 +Q435415 P106 Q2865819 +Q450984 P1412 Q1860 +Q13132095 P3373 Q51908481 +Q202735 P27 Q30 +Q159976 P106 Q639669 +Q1147551 P106 Q639669 +Q7416 P69 Q34433 +Q129895 P136 Q130232 +Q733720 P69 Q21578 +Q312995 P108 Q681250 +Q148 P530 Q736 +Q296630 P106 Q10798782 +Q447827 P509 Q12204 +Q75814 P69 Q152087 +Q133405 P136 Q217191 +Q221771 P136 Q8261 +Q50969 P136 Q130232 +Q167683 P106 Q33999 +Q110138 P136 Q1054574 +Q817 P463 Q899770 +Q268582 P20 Q2807 +Q332709 P106 Q82955 +Q928 P463 Q1043527 +Q4491 P1412 Q1860 +Q355374 P106 Q584301 +Q155559 P136 Q130232 +Q574124 P69 Q49108 +Q818048 P106 Q639669 +Q902 P530 Q241 +Q211 P463 Q789769 +Q212532 P106 Q33999 +Q34660 P172 Q42406 +Q119798 P102 Q29552 +Q51781 P27 Q41 +Q128832 P106 Q156035 +Q77734 P463 Q414110 +Q280098 P106 Q28389 +Q70326 P106 Q16287483 +Q974 P463 Q191384 +Q68225 P1412 Q188 +Q186959 P69 Q80207 +Q436648 P106 Q753110 +Q387603 P161 Q80405 +Q123273 P69 Q610999 +Q174843 P106 Q10800557 +Q85118 P106 Q13590141 +Q371119 P106 Q639669 +Q9358 P106 Q36180 +Q229048 P106 Q10798782 +Q62845 P1412 Q188 +Q2308660 P106 Q43845 +Q1361397 P27 Q33946 +Q7200 P106 Q333634 +Q79078 P27 Q40 +Q297736 P20 Q44989 +Q7199 P119 Q311 +Q46479 P1412 Q9027 +Q168419 P463 Q123885 +Q356719 P551 Q3820 +Q77004 P27 Q1206012 +Q48070 P69 Q14404494 +Q112136 P106 Q14467526 +Q356537 P1412 Q150 +Q437710 P106 Q1930187 +Q123802 P106 Q3242115 +Q287793 P106 Q28389 +Q1007 P530 Q159 +Q381110 P1412 Q652 +Q711 P463 Q7809 +Q53783 P1412 Q1860 +Q2271710 P106 Q1930187 +Q62942 P463 Q414110 +Q104183 P106 Q10800557 +Q981236 P106 Q639669 +Q433471 P20 Q11299 +Q743051 P264 Q557632 +Q106303 P106 Q10798782 +Q562641 P106 Q639669 +Q350552 P106 Q36180 +Q1898177 P27 Q183 +Q4202684 P1303 Q17172850 +Q32595 P106 Q486748 +Q234551 P106 Q2405480 +Q67518 P106 Q2468727 +Q94040 P27 Q28513 +Q112145 P106 Q14467526 +Q1475124 P172 Q49085 +Q168269 P101 Q482 +Q437094 P106 Q3068305 +Q11675 P140 Q9268 +Q232834 P106 Q10798782 +Q316064 P106 Q40348 +Q934734 P106 Q28389 +Q1606016 P19 Q90 +Q261990 P27 Q30 +Q104196 P1412 Q188 +Q78503 P1412 Q188 +Q842 P530 Q865 +Q34851 P106 Q18814623 +Q501697 P106 Q81096 +Q367391 P27 Q39 +Q237416 P1412 Q6654 +Q889 P172 Q35323 +Q428551 P136 Q860626 +Q206399 P106 Q2865819 +Q645362 P27 Q30 +Q193105 P641 Q80131 +Q243419 P463 Q123885 +Q44086 P20 Q1726 +Q885977 P136 Q56284716 +Q97301 P106 Q1930187 +Q113233 P106 Q482980 +Q554422 P264 Q193023 +Q782020 P106 Q10798782 +Q295679 P509 Q14467705 +Q313193 P106 Q3282637 +Q408 P530 Q219 +Q193257 P27 Q142 +Q544485 P463 Q463281 +Q181249 P27 Q30 +Q282002 P136 Q217191 +Q253395 P19 Q649 +Q826 P463 Q188822 +Q310106 P106 Q1622272 +Q698714 P509 Q12152 +Q172916 P1412 Q397 +Q234137 P106 Q33999 +Q128126 P27 Q142 +Q732142 P106 Q81096 +Q936760 P19 Q19660 +Q458372 P106 Q49757 +Q246538 P106 Q36834 +Q347368 P106 Q177220 +Q126843 P106 Q753110 +Q194287 P1303 Q6607 +Q463018 P106 Q765778 +Q192668 P1303 Q6607 +Q157814 P1412 Q1860 +Q356283 P172 Q181634 +Q484702 P106 Q2526255 +Q28 P530 Q711 +Q724160 P106 Q8246794 +Q169000 P495 Q30 +Q653949 P106 Q82955 +Q150526 P463 Q188771 +Q231487 P136 Q43343 +Q189067 P106 Q2259451 +Q207359 P451 Q120381 +Q47904 P106 Q82955 +Q346280 P106 Q3282637 +Q658454 P106 Q36180 +Q76811 P102 Q633731 +Q702 P530 Q695 +Q7259 P1412 Q1860 +Q1973878 P27 Q30 +Q39803 P463 Q337224 +Q365550 P106 Q10800557 +Q962710 P106 Q39631 +Q42037 P106 Q4853732 +Q917 P530 Q17 +Q310939 P106 Q639669 +Q235305 P106 Q4610556 +Q274297 P106 Q82955 +Q315868 P106 Q2722764 +Q151403 P106 Q13570226 +Q1154804 P27 Q298 +Q17738 P136 Q471839 +Q360313 P106 Q10800557 +Q55 P530 Q183 +Q4617 P106 Q5716684 +Q1072843 P106 Q28389 +Q320185 P106 Q2059704 +Q178963 P20 Q586 +Q189729 P106 Q486748 +Q299073 P509 Q202837 +Q558104 P69 Q5103452 +Q65126 P1412 Q188 +Q166835 P509 Q189588 +Q59215 P19 Q47164 +Q51143 P106 Q36834 +Q216536 P106 Q482980 +Q20 P530 Q183 +Q61407 P106 Q82955 +Q231004 P106 Q33999 +Q785404 P40 Q106193 +Q292623 P106 Q639669 +Q382570 P136 Q11399 +Q76114 P106 Q36180 +Q964219 P1303 Q6607 +Q144622 P1412 Q188 +Q155476 P161 Q538716 +Q185610 P106 Q5716684 +Q104088 P20 Q56037 +Q92035 P106 Q16533 +Q532279 P69 Q559549 +Q28494 P106 Q15949613 +Q38573 P19 Q1055 +Q220550 P106 Q82955 +Q549729 P108 Q35794 +Q203264 P463 Q83172 +Q75786 P106 Q876864 +Q191966 P69 Q182973 +Q2628 P140 Q7066 +Q61322 P19 Q72 +Q92004 P106 Q2526255 +Q35686 P27 Q30 +Q260026 P3373 Q462574 +Q206497 P136 Q859369 +Q918681 P106 Q4220892 +Q99634 P106 Q1622272 +Q386249 P27 Q30 +Q171976 P69 Q3890936 +Q65917 P27 Q16957 +Q40909 P737 Q131333 +Q668 P530 Q27 +Q115922 P20 Q60 +Q711509 P106 Q121594 +Q244 P530 Q145 +Q231841 P106 Q6625963 +Q233977 P106 Q753110 +Q106099 P106 Q10800557 +Q327436 P106 Q2526255 +Q1329361 P27 Q174193 +Q216896 P106 Q18844224 +Q158250 P106 Q4220892 +Q211136 P264 Q843402 +Q13426199 P30 Q48 +Q295593 P509 Q12152 +Q273215 P69 Q216458 +Q229251 P136 Q1196752 +Q263172 P19 Q340 +Q863049 P106 Q6625963 +Q108677 P509 Q12152 +Q659238 P1412 Q1860 +Q776387 P108 Q459506 +Q201924 P161 Q236613 +Q1785 P140 Q5043 +Q1666 P106 Q36180 +Q29328 P106 Q2526255 +Q190643 P161 Q299317 +Q316844 P19 Q6346 +Q239838 P1412 Q150 +Q1005 P530 Q30 +Q78928 P27 Q115 +Q312288 P463 Q270794 +Q80424 P1303 Q5994 +Q1424117 P1412 Q150 +Q948093 P106 Q753110 +Q233213 P106 Q33999 +Q1720 P463 Q747279 +Q40523 P106 Q33999 +Q315514 P106 Q557880 +Q239807 P106 Q10800557 +Q96585 P1412 Q188 +Q975547 P19 Q18426 +Q43179 P551 Q1014 +Q327681 P161 Q104000 +Q138166 P19 Q90 +Q464941 P106 Q1930187 +Q98058 P106 Q169470 +Q62202 P20 Q64 +Q6080085 P1412 Q1860 +Q316596 P106 Q28389 +Q65600 P119 Q438183 +Q167216 P106 Q201788 +Q1900440 P106 Q14467526 +Q224 P530 Q212 +Q403 P463 Q656801 +Q455304 P172 Q49085 +Q338826 P106 Q82955 +Q154367 P119 Q1055 +Q896660 P101 Q7754 +Q217685 P136 Q599558 +Q208681 P264 Q183387 +Q106235 P140 Q23540 +Q1138602 P27 Q30 +Q202537 P106 Q4853732 +Q1770 P17 Q15180 +Q36951 P106 Q6625963 +Q68468 P27 Q183 +Q139637 P106 Q36180 +Q717 P138 Q641 +Q1281738 P140 Q9268 +Q689600 P69 Q3064259 +Q362258 P106 Q33999 +Q72908 P1412 Q1860 +Q49208 P131 Q18383 +Q1551705 P136 Q8341 +Q105993 P161 Q2680 +Q287177 P136 Q45981 +Q171730 P106 Q39631 +Q1771189 P106 Q16145150 +Q74236 P463 Q459620 +Q242608 P19 Q6106 +Q312129 P106 Q10800557 +Q863514 P106 Q193391 +Q110628 P106 Q10798782 +Q61199 P136 Q482 +Q60115 P102 Q158227 +Q884 P530 Q145 +Q428490 P106 Q2259451 +Q124208 P108 Q20266894 +Q4487 P463 Q2749618 +Q356283 P1050 Q12204 +Q41 P463 Q1065 +Q4344126 P102 Q79854 +Q208590 P106 Q2259451 +Q41117 P102 Q17427 +Q232491 P106 Q183945 +Q175305 P106 Q2252262 +Q304609 P840 Q15 +Q185507 P161 Q150943 +Q1242553 P27 Q30 +Q216720 P161 Q200841 +Q180098 P161 Q80739 +Q113951 P106 Q82955 +Q4960 P106 Q28389 +Q106709 P106 Q33999 +Q87131 P20 Q3869 +Q235141 P69 Q49210 +Q75812 P106 Q14915627 +Q57462 P106 Q82955 +Q220192 P161 Q532169 +Q153579 P106 Q36834 +Q229535 P19 Q84 +Q309941 P106 Q36180 +Q111182 P27 Q183 +Q760790 P463 Q265058 +Q60208 P27 Q183 +Q744288 P27 Q30 +Q221289 P106 Q10800557 +Q124993 P106 Q189290 +Q183066 P840 Q796 +Q192515 P136 Q37073 +Q962609 P119 Q1437214 +Q43440 P106 Q82955 +Q190076 P1412 Q1860 +Q369762 P20 Q90 +Q1545284 P106 Q488205 +Q1179504 P1303 Q258896 +Q77728 P19 Q1022 +Q175759 P264 Q216364 +Q917 P530 Q183 +Q194917 P27 Q159 +Q47159 P136 Q429264 +Q726170 P106 Q639669 +Q1805943 P69 Q738258 +Q350255 P27 Q30 +Q180727 P106 Q14915627 +Q168307 P106 Q14467526 +Q83287 P451 Q201656 +Q204132 P264 Q645889 +Q36 P463 Q1928989 +Q29 P530 Q766 +Q59346 P161 Q213567 +Q282882 P106 Q36180 +Q29 P530 Q41 +Q573223 P106 Q193391 +Q142059 P106 Q333634 +Q19796 P27 Q13426199 +Q98124 P106 Q1397808 +Q181540 P161 Q4547 +Q916 P530 Q183 +Q319061 P161 Q299297 +Q1064692 P106 Q189290 +Q159638 P161 Q538716 +Q67054 P27 Q183 +Q203860 P106 Q17337766 +Q1289900 P1412 Q1860 +Q60903 P27 Q30 +Q229325 P19 Q65 +Q230 P530 Q874 +Q379923 P106 Q6625963 +Q708423 P264 Q1465812 +Q271006 P161 Q107438 +Q673567 P106 Q4853732 +Q297881 P106 Q49757 +Q30 P530 Q8646 +Q853461 P1412 Q1860 +Q765165 P140 Q7066 +Q75823 P20 Q649 +Q53714 P19 Q23197 +Q57085 P108 Q230492 +Q155786 P69 Q1186843 +Q74236 P106 Q40348 +Q63682 P19 Q715 +Q84561 P102 Q179111 +Q360266 P19 Q12439 +Q123097 P161 Q275402 +Q376140 P106 Q2405480 +Q83286 P463 Q81299 +Q503147 P27 Q145 +Q261923 P161 Q3157150 +Q194333 P106 Q177220 +Q62763 P108 Q309988 +Q272374 P1303 Q6607 +Q229112 P106 Q10800557 +Q119719 P463 Q700570 +Q336278 P136 Q1298934 +Q132952 P106 Q855091 +Q176277 P27 Q30 +Q184605 P161 Q317343 +Q190089 P69 Q34433 +Q77751 P136 Q8261 +Q182123 P106 Q42603 +Q232301 P172 Q678551 +Q944478 P102 Q1774814 +Q25351 P172 Q42884 +Q587004 P19 Q3820 +Q192979 P161 Q217137 +Q234893 P19 Q1085 +Q55282 P106 Q7042855 +Q72262 P106 Q33999 +Q96028 P1412 Q9129 +Q340911 P161 Q318685 +Q912791 P509 Q12136 +Q4636 P172 Q7325 +Q2263 P106 Q2526255 +Q330238 P69 Q49088 +Q538824 P1412 Q1860 +Q797599 P136 Q8341 +Q65783 P135 Q8361 +Q327332 P136 Q188473 +Q813964 P119 Q118967 +Q134773 P161 Q442310 +Q312081 P106 Q2259451 +Q329131 P161 Q37079 +Q865 P530 Q974 +Q444545 P106 Q10800557 +Q617215 P106 Q6625963 +Q976022 P106 Q10798782 +Q384387 P20 Q1781 +Q392441 P840 Q55 +Q55690 P106 Q214917 +Q213736 P1303 Q3382191 +Q131240 P119 Q1457437 +Q232149 P27 Q174193 +Q165121 P20 Q9005 +Q6709060 P551 Q60 +Q130127 P136 Q11399 +Q91544 P106 Q333634 +Q118375 P161 Q544465 +Q301083 P136 Q859369 +Q245257 P737 Q43444 +Q1537105 P106 Q855091 +Q216720 P495 Q30 +Q58033 P119 Q12404547 +Q519466 P136 Q1133657 +Q99706 P69 Q371625 +Q544283 P106 Q639669 +Q222791 P106 Q28389 +Q2071 P106 Q10798782 +Q55413 P27 Q183 +Q1036 P530 Q30 +Q268294 P106 Q10800557 +Q170472 P106 Q2259532 +Q12548 P30 Q46 +Q541708 P69 Q9219 +Q368636 P106 Q855091 +Q61282 P463 Q329464 +Q215949 P463 Q270794 +Q228598 P106 Q3357567 +Q33 P530 Q843 +Q595529 P27 Q30 +Q334180 P106 Q33999 +Q86820 P136 Q35760 +Q83557 P27 Q2305208 +Q332032 P1303 Q51290 +Q980151 P69 Q49088 +Q168724 P106 Q28389 +Q319084 P551 Q36091 +Q236958 P106 Q28389 +Q237331 P106 Q2259451 +Q78038 P20 Q1741 +Q11593 P136 Q1033891 +Q600488 P161 Q229364 +Q487391 P106 Q10798782 +Q97998 P106 Q36180 +Q606356 P172 Q179248 +Q347 P463 Q8475 +Q160478 P106 Q4164507 +Q233724 P27 Q30 +Q112214 P140 Q1841 +Q162597 P102 Q192821 +Q57999 P106 Q36180 +Q119159 P463 Q329464 +Q309756 P106 Q10800557 +Q634100 P106 Q82955 +Q1398058 P1412 Q9027 +Q311580 P136 Q83440 +Q156608 P136 Q188473 +Q65600 P69 Q152171 +Q314269 P106 Q2516866 +Q118243 P69 Q209842 +Q213512 P106 Q19204627 +Q199943 P106 Q10800557 +Q119546 P20 Q47164 +Q97144 P19 Q2814 +Q80222 P27 Q165154 +Q540155 P106 Q333634 +Q145627 P102 Q29468 +Q71000 P106 Q81096 +Q441440 P135 Q1246516 +Q310767 P119 Q188856 +Q152453 P101 Q207628 +Q360663 P106 Q10800557 +Q180278 P69 Q471980 +Q451825 P172 Q49542 +Q192686 P136 Q471839 +Q455754 P136 Q9759 +Q190251 P106 Q486748 +Q289647 P136 Q38848 +Q213521 P106 Q10798782 +Q269402 P106 Q183945 +Q503997 P27 Q30 +Q36970 P106 Q2490358 +Q294931 P106 Q42909 +Q304488 P136 Q130232 +Q147989 P1050 Q10874 +Q298766 P106 Q81096 +Q7104 P27 Q183 +Q503147 P106 Q557880 +Q108719 P106 Q49757 +Q342876 P161 Q125106 +Q464218 P106 Q177220 +Q156552 P1412 Q1860 +Q84217 P27 Q40 +Q230 P530 Q710 +Q188850 P840 Q41 +Q782711 P20 Q2807 +Q254980 P106 Q10800557 +Q457022 P106 Q4610556 +Q99784 P106 Q36180 +Q154852 P106 Q36180 +Q1353252 P1303 Q9798 +Q49034 P106 Q28389 +Q526406 P264 Q212699 +Q726251 P749 Q21077 +Q133489 P136 Q37073 +Q180619 P106 Q3368718 +Q948 P530 Q833 +Q71905 P106 Q36834 +Q123386 P106 Q36834 +Q549729 P140 Q6423963 +Q229599 P495 Q30 +Q237385 P106 Q639669 +Q38 P530 Q889 +Q77549 P106 Q49757 +Q7245 P106 Q4853732 +Q84475 P106 Q36180 +Q92341 P106 Q36180 +Q882 P19 Q84 +Q51537 P19 Q64 +Q112145 P106 Q82955 +Q9204 P551 Q10686 +Q522739 P1303 Q17172850 +Q62725 P1412 Q188 +Q67518 P108 Q214341 +Q333505 P1412 Q1860 +Q332798 P136 Q622370 +Q239002 P106 Q33999 +Q315266 P172 Q49542 +Q95443 P1412 Q188 +Q92824 P106 Q81096 +Q48259 P106 Q82955 +Q96087 P106 Q1607826 +Q240886 P509 Q504775 +Q256809 P106 Q10800557 +Q242650 P1412 Q1860 +Q438885 P27 Q145 +Q229606 P106 Q33999 +Q310204 P136 Q188473 +Q98703 P1412 Q188 +Q55258 P27 Q145 +Q438885 P106 Q855091 +Q155845 P108 Q49114 +Q1382863 P1303 Q51290 +Q38903 P159 Q47164 +Q297744 P106 Q2405480 +Q292693 P106 Q28389 +Q983 P37 Q150 +Q617 P17 Q38 +Q455605 P27 Q30 +Q57477 P1412 Q188 +Q105666 P69 Q317053 +Q193035 P106 Q36180 +Q104049 P106 Q3282637 +Q161678 P161 Q207179 +Q165325 P161 Q263178 +Q211 P530 Q219 +Q9041 P106 Q81096 +Q282722 P106 Q177220 +Q270935 P509 Q175111 +Q728991 P106 Q39631 +Q300566 P161 Q89486 +Q65292 P106 Q1622272 +Q95710 P106 Q333634 +Q213081 P161 Q232917 +Q892 P108 Q34433 +Q197162 P106 Q14467526 +Q62565 P106 Q201788 +Q35314 P1412 Q7737 +Q241660 P106 Q10798782 +Q419 P530 Q96 +Q946570 P106 Q901 +Q78513 P509 Q2140674 +Q931278 P463 Q329464 +Q78720 P1412 Q143 +Q263772 P136 Q83270 +Q83649 P136 Q859369 +Q77204 P69 Q32120 +Q706034 P509 Q12078 +Q630446 P737 Q93354 +Q233977 P1303 Q17172850 +Q445109 P106 Q2259451 +Q171976 P106 Q3387717 +Q295593 P19 Q1345 +Q379580 P641 Q36908 +Q705841 P1303 Q6607 +Q717250 P106 Q1930187 +Q215042 P106 Q482980 +Q44529 P106 Q33999 +Q356745 P136 Q37073 +Q567 P551 Q1055 +Q55497 P106 Q639669 +Q315868 P106 Q36180 +Q59945 P27 Q39 +Q77888 P20 Q64 +Q524780 P27 Q30 +Q71412 P509 Q12078 +Q181662 P106 Q82955 +Q919156 P106 Q486748 +Q60970 P106 Q183945 +Q128933 P106 Q1930187 +Q64467 P106 Q131512 +Q3074304 P108 Q319239 +Q2831583 P119 Q311 +Q1861 P17 Q869 +Q356115 P106 Q482980 +Q299331 P509 Q12152 +Q99903 P102 Q13124 +Q57249 P463 Q44687 +Q555226 P106 Q18814623 +Q695 P463 Q1065 +Q242889 P27 Q30 +Q606356 P69 Q820887 +Q91823 P19 Q2090 +Q101638 P140 Q620629 +Q221202 P136 Q28026639 +Q166234 P140 Q7066 +Q276158 P1303 Q5994 +Q433459 P119 Q1771319 +Q314972 P136 Q49084 +Q264730 P1412 Q1860 +Q61058 P27 Q183 +Q78706 P106 Q11774202 +Q89491 P106 Q13570226 +Q26648 P140 Q9592 +Q350903 P106 Q2490358 +Q833738 P17 Q183 +Q207 P40 Q153730 +Q239296 P136 Q52207399 +Q337226 P106 Q10800557 +Q59778 P159 Q1524 +Q67144 P27 Q183 +Q104912 P27 Q7318 +Q76683 P106 Q81096 +Q200873 P161 Q51506 +Q193357 P106 Q214917 +Q1392583 P106 Q855091 +Q1179504 P136 Q9759 +Q248179 P69 Q766145 +Q76600 P27 Q183 +Q296872 P136 Q58339 +Q179126 P19 Q84 +Q41502 P106 Q36180 +Q315391 P106 Q170790 +Q712860 P264 Q193023 +Q54545 P27 Q30 +Q562178 P106 Q82955 +Q605678 P463 Q2749618 +Q213543 P106 Q14467526 +Q160627 P463 Q123885 +Q265058 P17 Q28 +Q128576 P1412 Q1860 +Q31 P530 Q30 +Q106506 P136 Q188473 +Q186111 P106 Q82955 +Q229840 P463 Q463303 +Q458372 P106 Q36180 +Q284876 P106 Q2526255 +Q322211 P1412 Q9309 +Q213512 P106 Q3282637 +Q109608 P1412 Q188 +Q212 P463 Q81299 +Q310618 P551 Q16557 +Q602033 P69 Q584919 +Q590420 P463 Q11993457 +Q297945 P106 Q33999 +Q202735 P106 Q177220 +Q58073 P106 Q82955 +Q379923 P106 Q36180 +Q185724 P1303 Q17172850 +Q62898 P463 Q463303 +Q361297 P106 Q183945 +Q76727 P101 Q5891 +Q654283 P136 Q56284716 +Q955684 P106 Q2252262 +Q162667 P136 Q37073 +Q1008 P530 Q15180 +Q374912 P27 Q142 +Q255233 P1412 Q9168 +Q95901 P20 Q585 +Q303456 P161 Q468635 +Q41590 P463 Q2166029 +Q65087 P106 Q16533 +Q519289 P106 Q753110 +Q14279 P463 Q188771 +Q489854 P140 Q9592 +Q1195301 P1303 Q17172850 +Q159 P30 Q48 +Q71335 P69 Q152171 +Q291239 P19 Q270230 +Q158813 P106 Q82955 +Q313516 P27 Q30 +Q60206 P69 Q319239 +Q297532 P1412 Q1321 +Q318312 P106 Q2259451 +Q320204 P106 Q3387717 +Q95951 P106 Q2259451 +Q176176 P106 Q1622272 +Q435857 P27 Q30 +Q106691 P108 Q154561 +Q292373 P106 Q177220 +Q152750 P37 Q188 +Q129140 P106 Q10800557 +Q168161 P27 Q36 +Q173144 P106 Q18814623 +Q92831 P106 Q82594 +Q44086 P27 Q41304 +Q925240 P69 Q179036 +Q695 P463 Q842490 +Q329778 P106 Q10800557 +Q715265 P509 Q29496 +Q853461 P27 Q214 +Q464246 P136 Q83440 +Q44646 P106 Q170790 +Q12795 P106 Q860918 +Q240250 P26 Q395494 +Q240233 P106 Q10800557 +Q1290 P509 Q189588 +Q218589 P161 Q244674 +Q117970 P136 Q1298934 +Q4786 P106 Q121594 +Q157191 P27 Q142 +Q68656 P463 Q150793 +Q721819 P264 Q287177 +Q158398 P161 Q62676 +Q90885 P20 Q2044 +Q234244 P106 Q1231865 +Q56094 P106 Q36834 +Q451312 P106 Q49757 +Q301818 P106 Q177220 +Q11975 P106 Q2259451 +Q9353 P101 Q9471 +Q366930 P1412 Q7026 +Q522579 P106 Q4220892 +Q5752 P1412 Q7737 +Q273981 P136 Q37073 +Q98062 P69 Q153006 +Q1046616 P106 Q639669 +Q235364 P19 Q3616 +Q198684 P106 Q10800557 +Q243011 P106 Q36180 +Q811 P530 Q30 +Q106182 P840 Q1384 +Q1368401 P20 Q270 +Q166092 P172 Q50001 +Q131725 P1303 Q6607 +Q313501 P106 Q33999 +Q488099 P102 Q79854 +Q77015 P20 Q1715 +Q230 P530 Q805 +Q230456 P69 Q336968 +Q108814 P106 Q188094 +Q13005 P106 Q4853732 +Q554018 P108 Q202660 +Q35648 P1412 Q1860 +Q91595 P102 Q153401 +Q546 P17 Q153136 +Q92983 P101 Q21198 +Q207921 P136 Q130232 +Q526382 P1412 Q7918 +Q65587 P106 Q1622272 +Q49823 P106 Q82594 +Q76329 P20 Q64 +Q104127 P106 Q3282637 +Q966565 P106 Q753110 +Q324726 P136 Q11401 +Q355344 P102 Q29468 +Q238702 P737 Q155855 +Q237270 P1412 Q1860 +Q765165 P27 Q2305208 +Q363371 P19 Q898 +Q190251 P264 Q193023 +Q60029 P106 Q43845 +Q502 P20 Q90 +Q76895 P106 Q10798782 +Q298139 P106 Q183945 +Q82778 P106 Q201788 +Q1029 P463 Q827525 +Q300566 P136 Q471839 +Q40115 P161 Q175535 +Q105598 P136 Q52207399 +Q212041 P840 Q84 +Q47122 P1303 Q78987 +Q25147 P136 Q484641 +Q154809 P1303 Q17172850 +Q72014 P106 Q3282637 +Q214191 P108 Q168756 +Q57576 P20 Q1085 +Q865 P530 Q962 +Q137098 P161 Q270005 +Q92004 P106 Q18814623 +Q797649 P19 Q60 +Q9353 P1412 Q1860 +Q438366 P106 Q10798782 +Q354181 P106 Q183945 +Q312610 P106 Q177220 +Q337658 P106 Q33999 +Q668 P463 Q17495 +Q264722 P495 Q30 +Q120626 P161 Q59314 +Q367927 P106 Q10800557 +Q470233 P106 Q33999 +Q189330 P136 Q1535153 +Q152513 P106 Q36180 +Q1292110 P106 Q639669 +Q450382 P106 Q7042855 +Q34086 P136 Q11401 +Q794 P530 Q889 +Q464207 P106 Q36180 +Q60804 P108 Q55044 +Q83059 P737 Q905 +Q221090 P495 Q30 +Q60987 P509 Q11085 +Q380904 P27 Q30 +Q67477 P108 Q154561 +Q151848 P136 Q2439025 +Q222071 P69 Q258464 +Q940686 P27 Q30 +Q1327115 P20 Q23197 +Q230728 P106 Q3501317 +Q230 P530 Q792 +Q139933 P140 Q5043 +Q93632 P106 Q222749 +Q214574 P106 Q3455803 +Q278699 P106 Q36180 +Q458229 P106 Q177220 +Q181555 P161 Q421707 +Q205321 P136 Q185867 +Q349507 P106 Q36180 +Q97550 P106 Q4964182 +Q42398 P463 Q2370801 +Q76715 P463 Q1017002 +Q72553 P106 Q193391 +Q380118 P106 Q33999 +Q298761 P106 Q483501 +Q552529 P1412 Q9027 +Q2599 P264 Q213710 +Q702468 P106 Q1622272 +Q78484 P27 Q131964 +Q115922 P69 Q153978 +Q188461 P136 Q316930 +Q386245 P136 Q2484376 +Q57578 P463 Q150793 +Q233 P530 Q229 +Q76332 P106 Q1028181 +Q259055 P136 Q37073 +Q104127 P20 Q47164 +Q1028 P463 Q376150 +Q32734 P495 Q38 +Q220889 P136 Q8341 +Q173804 P161 Q75866 +Q313039 P106 Q33999 +Q39691 P106 Q1792450 +Q25120 P106 Q33999 +Q25144 P106 Q10798782 +Q313501 P106 Q28389 +Q217160 P106 Q482980 +Q112160 P27 Q16957 +Q966349 P106 Q1930187 +Q1898177 P1303 Q17172850 +Q149557 P509 Q12078 +Q163543 P1412 Q150 +Q215444 P106 Q1622272 +Q159552 P106 Q1281618 +Q80596 P551 Q60 +Q244257 P161 Q35332 +Q297377 P106 Q212238 +Q106231 P463 Q4742987 +Q38823 P1412 Q9168 +Q232449 P136 Q37073 +Q88135 P463 Q700570 +Q296008 P27 Q145 +Q69110 P108 Q51985 +Q191734 P3373 Q44258 +Q358317 P102 Q29468 +Q184267 P106 Q11774156 +Q291239 P106 Q322170 +Q69301 P106 Q82955 +Q67881 P106 Q2526255 +Q513615 P106 Q36180 +Q87293 P20 Q1741 +Q738978 P463 Q1493021 +Q234519 P108 Q1045828 +Q1250743 P69 Q245247 +Q44578 P136 Q191489 +Q11812 P27 Q30 +Q451483 P1412 Q9035 +Q203223 P106 Q4610556 +Q188018 P1412 Q1860 +Q171235 P106 Q33999 +Q927 P27 Q29999 +Q182882 P463 Q466089 +Q66126 P106 Q2259451 +Q262 P463 Q7825 +Q183 P530 Q218 +Q16867 P106 Q822146 +Q72984 P264 Q557632 +Q27357 P106 Q36180 +Q87974 P27 Q16957 +Q1275 P27 Q174193 +Q79 P530 Q843 +Q775671 P106 Q36180 +Q560649 P106 Q36180 +Q138846 P106 Q164236 +Q39829 P136 Q19715429 +Q58978 P106 Q170790 +Q55411 P1412 Q1860 +Q1577693 P106 Q2487799 +Q240576 P106 Q4853732 +Q57379 P1412 Q9083 +Q9545 P140 Q6423963 +Q215444 P106 Q36180 +Q286868 P161 Q188018 +Q1610776 P1303 Q17172850 +Q230011 P106 Q10798782 +Q853 P106 Q33999 +Q232273 P1412 Q1321 +Q541573 P106 Q177220 +Q530109 P140 Q7066 +Q155 P463 Q8475 +Q375419 P106 Q33999 +Q134333 P108 Q1065 +Q453602 P20 Q90 +Q283408 P136 Q147516 +Q1643790 P106 Q4263842 +Q289428 P101 Q21201 +Q34370 P17 Q55 +Q205028 P840 Q99 +Q80510 P1412 Q7737 +Q215866 P106 Q201788 +Q170468 P37 Q13955 +Q129831 P106 Q10798782 +Q68501 P101 Q482 +Q37150 P106 Q10800557 +Q1192 P1412 Q150 +Q229286 P1412 Q397 +Q191088 P106 Q488205 +Q355781 P27 Q30 +Q730261 P1303 Q17172850 +Q222071 P101 Q207628 +Q192410 P27 Q30 +Q321990 P19 Q18419 +Q337090 P161 Q372947 +Q362332 P264 Q778673 +Q27 P463 Q1043527 +Q57410 P1412 Q9288 +Q1350527 P106 Q639669 +Q264989 P1412 Q5287 +Q484523 P106 Q2405480 +Q60549 P1412 Q188 +Q192348 P737 Q342730 +Q267550 P106 Q5716684 +Q23 P106 Q372436 +Q434915 P106 Q639669 +Q41257 P101 Q43035 +Q216364 P159 Q65 +Q339045 P495 Q30 +Q272942 P27 Q30 +Q32049 P106 Q177220 +Q62323 P106 Q222344 +Q286566 P19 Q456 +Q333425 P69 Q13371 +Q200392 P140 Q1841 +Q155124 P1412 Q1860 +Q69412 P463 Q1493021 +Q470543 P20 Q1891 +Q4941 P161 Q134895 +Q789926 P1412 Q1860 +Q314957 P106 Q36180 +Q8704 P551 Q1297 +Q2477225 P106 Q15895020 +Q46080 P19 Q8652 +Q706332 P1303 Q17172850 +Q124065 P106 Q1622272 +Q35733 P27 Q2305208 +Q314319 P1303 Q31561 +Q148 P530 Q262 +Q127481 P27 Q142 +Q127367 P495 Q30 +Q590 P1412 Q5146 +Q232514 P1303 Q3382191 +Q180125 P495 Q30 +Q221586 P161 Q193048 +Q48779 P106 Q82955 +Q236 P463 Q191384 +Q318287 P19 Q488004 +Q274117 P106 Q177220 +Q63505 P106 Q131524 +Q515904 P509 Q12078 +Q164119 P1412 Q1860 +Q67204 P463 Q150793 +Q77006 P1303 Q17172850 +Q153238 P106 Q205375 +Q902 P463 Q5611262 +Q113480 P27 Q34266 +Q309246 P840 Q419 +Q211213 P1303 Q17172850 +Q40531 P27 Q30 +Q229274 P101 Q207628 +Q1377134 P136 Q187760 +Q337578 P106 Q488205 +Q181555 P161 Q284876 +Q106655 P106 Q15253558 +Q1265657 P106 Q39631 +Q77476 P27 Q40 +Q1257 P108 Q1065 +Q202982 P161 Q363525 +Q75539 P161 Q83851 +Q447121 P106 Q10800557 +Q60677 P106 Q170790 +Q38 P530 Q34 +Q460366 P1412 Q1860 +Q213684 P27 Q16957 +Q193509 P106 Q639669 +Q321339 P19 Q84 +Q355839 P106 Q33999 +Q161819 P106 Q6625963 +Q720868 P69 Q315658 +Q541573 P1412 Q1860 +Q356639 P509 Q12202 +Q299194 P19 Q60 +Q231228 P106 Q177220 +Q29 P463 Q7184 +Q229249 P140 Q131036 +Q67511 P108 Q50662 +Q84509 P106 Q4773904 +Q172261 P106 Q2405480 +Q561169 P106 Q36180 +Q184750 P737 Q9358 +Q79969 P737 Q76725 +Q15809 P106 Q11774202 +Q272007 P19 Q60 +Q53003 P27 Q38 +Q357184 P106 Q36180 +Q2112 P17 Q183 +Q292993 P19 Q84 +Q704742 P106 Q28389 +Q941210 P1303 Q17172850 +Q256708 P101 Q207628 +Q123923 P1412 Q1860 +Q159063 P161 Q202765 +Q92562 P106 Q4263842 +Q319578 P20 Q18424 +Q123421 P27 Q39 +Q545818 P106 Q4263842 +Q330014 P19 Q2807 +Q124287 P106 Q2259451 +Q25 P131 Q179876 +Q185610 P136 Q37073 +Q1766736 P69 Q273523 +Q289752 P26 Q379824 +Q57379 P69 Q333886 +Q316957 P106 Q33999 +Q720009 P106 Q855091 +Q236543 P27 Q16 +Q168728 P69 Q13371 +Q589497 P27 Q30 +Q467368 P509 Q12078 +Q713058 P1303 Q128309 +Q1395064 P1303 Q17172850 +Q186273 P106 Q482980 +Q159 P530 Q881 +Q455344 P106 Q639669 +Q907738 P20 Q49111 +Q160422 P737 Q61064 +Q334760 P27 Q148 +Q186221 P106 Q1930187 +Q270123 P264 Q216364 +Q148 P530 Q1028 +Q57344 P106 Q82955 +Q3770812 P463 Q270794 +Q281296 P136 Q52162262 +Q13894 P140 Q7066 +Q61533 P106 Q82955 +Q375036 P106 Q49757 +Q169566 P106 Q11774202 +Q700359 P112 Q1536003 +Q672301 P69 Q204181 +Q159 P530 Q79 +Q179746 P136 Q842256 +Q57737 P106 Q4964182 +Q78824 P27 Q40 +Q311314 P106 Q10800557 +Q232 P530 Q843 +Q188697 P106 Q201788 +Q811 P530 Q33 +Q349039 P106 Q43845 +Q945633 P27 Q145 +Q60100 P106 Q28389 +Q106099 P19 Q90 +Q120905 P106 Q2732142 +Q202801 P27 Q30 +Q72267 P106 Q28389 +Q1047 P106 Q15627169 +Q949 P463 Q270794 +Q227395 P463 Q2043519 +Q106371 P106 Q82955 +Q214481 P106 Q16533 +Q181659 P509 Q12152 +Q77148 P108 Q54096 +Q340046 P106 Q1476215 +Q351527 P106 Q4964182 +Q74165 P102 Q152554 +Q272943 P1303 Q6607 +Q392 P106 Q5322166 +Q76343 P27 Q40 +Q352738 P106 Q36180 +Q2643 P1303 Q6607 +Q207034 P106 Q639669 +Q69320 P106 Q214917 +Q53050 P19 Q2634 +Q186042 P463 Q83172 +Q57781 P69 Q152171 +Q4344126 P108 Q13164 +Q70350 P106 Q1209498 +Q935258 P106 Q205375 +Q68126 P20 Q3806 +Q173441 P140 Q432 +Q285254 P1303 Q6607 +Q222744 P1412 Q1321 +Q236960 P1412 Q1860 +Q131685 P106 Q33999 +Q220584 P19 Q1297 +Q455827 P106 Q488205 +Q188713 P136 Q83270 +Q152824 P19 Q60 +Q1251733 P106 Q639669 +Q454840 P106 Q333634 +Q105666 P69 Q154804 +Q310679 P27 Q225 +Q313509 P106 Q43845 +Q519590 P27 Q145 +Q62753 P136 Q8261 +Q160270 P102 Q108700 +Q462282 P1412 Q9168 +Q3821445 P69 Q217741 +Q193744 P1412 Q1860 +Q137130 P495 Q30 +Q115547 P106 Q15077007 +Q1000 P463 Q2029901 +Q215026 P106 Q177220 +Q314843 P27 Q30 +Q261812 P1303 Q5994 +Q316568 P463 Q463281 +Q317761 P136 Q1152184 +Q742396 P509 Q12204 +Q222939 P161 Q83338 +Q1678197 P106 Q82955 +Q316138 P737 Q188176 +Q36 P463 Q7184 +Q334646 P106 Q482980 +Q238716 P106 Q1622272 +Q31984 P737 Q16867 +Q102754 P136 Q52162262 +Q215708 P106 Q2865819 +Q276620 P106 Q486748 +Q427403 P1412 Q7026 +Q90653 P136 Q8341 +Q64856 P69 Q152087 +Q41 P530 Q43 +Q1649321 P106 Q753110 +Q257889 P136 Q213121 +Q128297 P20 Q90 +Q350714 P106 Q10800557 +Q155845 P106 Q1622272 +Q534419 P136 Q58339 +Q239739 P136 Q24925 +Q318503 P1412 Q9288 +Q229612 P19 Q39561 +Q543195 P1412 Q9027 +Q403 P530 Q423 +Q311672 P264 Q557632 +Q40 P530 Q403 +Q58845 P106 Q188094 +Q303678 P161 Q4960 +Q1363261 P27 Q34266 +Q178106 P1412 Q1860 +Q1287147 P106 Q639669 +Q1153032 P136 Q56284716 +Q4559180 P106 Q43845 +Q467368 P101 Q482 +Q151705 P161 Q42775 +Q40791 P106 Q3282637 +Q108622 P27 Q30 +Q101797 P2348 Q6939 +Q53651 P106 Q10800557 +Q82934 P106 Q4964182 +Q302650 P106 Q10800557 +Q78490 P140 Q9592 +Q183512 P495 Q30 +Q304488 P136 Q496523 +Q184697 P27 Q30 +Q228645 P1303 Q17172850 +Q273171 P264 Q679007 +Q327107 P106 Q82955 +Q110960 P1303 Q1444 +Q458215 P27 Q34266 +Q1865656 P1303 Q17172850 +Q223687 P106 Q36180 +Q219368 P19 Q37320 +Q187913 P1303 Q17172850 +Q454758 P106 Q82955 +Q435151 P136 Q492537 +Q8446 P106 Q18939491 +Q67138 P106 Q28389 +Q185007 P19 Q90 +Q1269512 P106 Q1622272 +Q281480 P161 Q40026 +Q165534 P27 Q70972 +Q182031 P106 Q205375 +Q157879 P136 Q959790 +Q433692 P106 Q10800557 +Q60650 P40 Q2567 +Q16019 P463 Q337543 +Q201538 P19 Q1218 +Q67535 P106 Q1930187 +Q4496 P140 Q42504 +Q44403 P27 Q183 +Q459171 P106 Q901 +Q15794 P106 Q36180 +Q98448 P106 Q1622272 +Q1035323 P106 Q36180 +Q232646 P1303 Q17172850 +Q782629 P1412 Q652 +Q245271 P161 Q41548 +Q234145 P108 Q219317 +Q230209 P106 Q10798782 +Q87073 P106 Q1622272 +Q323318 P136 Q2137852 +Q376087 P463 Q691152 +Q456017 P161 Q314892 +Q205456 P19 Q36600 +Q398 P463 Q7825 +Q96772 P27 Q183 +Q67645 P463 Q459620 +Q212026 P172 Q974693 +Q328814 P1412 Q1860 +Q552273 P106 Q39631 +Q448727 P106 Q1930187 +Q380407 P106 Q10800557 +Q598344 P1303 Q17172850 +Q93401 P463 Q12759592 +Q531287 P106 Q177220 +Q1064423 P106 Q205375 +Q443190 P106 Q1930187 +Q154759 P69 Q185246 +Q208344 P161 Q233313 +Q68476 P27 Q183 +Q92831 P463 Q131566 +Q69631 P106 Q1622272 +Q255070 P106 Q10800557 +Q154353 P463 Q4345832 +Q171525 P69 Q182973 +Q858 P530 Q846 +Q96556 P106 Q947873 +Q44032 P1412 Q188 +Q822 P463 Q47543 +Q38757 P463 Q414110 +Q128911 P106 Q618694 +Q3754146 P106 Q1607826 +Q320588 P161 Q233873 +Q218022 P106 Q33999 +Q78511 P106 Q36180 +Q59112 P106 Q201788 +Q725933 P1412 Q7737 +Q32529 P106 Q36180 +Q1280986 P136 Q484641 +Q441520 P106 Q488205 +Q801 P530 Q846 +Q59837 P27 Q29 +Q152767 P106 Q33999 +Q241 P530 Q851 +Q119546 P108 Q49110 +Q30 P530 Q750 +Q337521 P1303 Q6607 +Q314535 P136 Q241662 +Q463184 P20 Q18424 +Q982175 P106 Q482980 +Q233061 P136 Q235858 +Q187019 P172 Q678551 +Q168821 P161 Q236399 +Q53549 P106 Q10800557 +Q76409 P69 Q1727138 +Q72653 P106 Q36180 +Q159347 P69 Q993267 +Q715 P17 Q12548 +Q311147 P106 Q36180 +Q771229 P1412 Q1860 +Q1355431 P136 Q484641 +Q313512 P463 Q3291340 +Q65350 P69 Q152838 +Q186089 P106 Q121594 +Q57477 P136 Q676 +Q596925 P69 Q1227526 +Q195718 P641 Q11419 +Q454840 P106 Q40348 +Q448910 P106 Q33999 +Q16558 P131 Q1439 +Q104326 P136 Q9778 +Q105756 P737 Q692 +Q69894 P106 Q81096 +Q540915 P106 Q177220 +Q347891 P106 Q1930187 +Q78608 P106 Q18844224 +Q235946 P551 Q100 +Q2103 P463 Q747279 +Q168154 P495 Q38 +Q57244 P106 Q1415090 +Q535972 P106 Q2252262 +Q115547 P106 Q10800557 +Q445648 P106 Q488205 +Q506231 P106 Q18844224 +Q947291 P106 Q36834 +Q86260 P27 Q41304 +Q514998 P106 Q333634 +Q314035 P106 Q2095549 +Q123861 P108 Q372608 +Q340016 P106 Q15949613 +Q429311 P136 Q130232 +Q115922 P106 Q1622272 +Q1276 P451 Q232851 +Q109135 P161 Q165518 +Q57500 P69 Q657167 +Q216398 P106 Q28389 +Q579773 P106 Q13582652 +Q398 P361 Q7204 +Q169717 P106 Q10798782 +Q1386443 P106 Q36834 +Q1345514 P106 Q488205 +Q315756 P106 Q36180 +Q443292 P106 Q10800557 +Q309589 P69 Q1419737 +Q313578 P740 Q1384 +Q323112 P69 Q1127387 +Q346532 P463 Q2092629 +Q42051 P161 Q38222 +Q198051 P27 Q148 +Q76459 P108 Q55044 +Q105118 P136 Q21010853 +Q38757 P463 Q15646111 +Q553259 P101 Q11629 +Q462406 P840 Q62 +Q2159912 P19 Q216 +Q842 P463 Q376150 +Q124697 P161 Q282951 +Q344655 P1412 Q1860 +Q11813 P69 Q21578 +Q360243 P161 Q314924 +Q232109 P106 Q10798782 +Q909 P119 Q665815 +Q867257 P106 Q10798782 +Q1382830 P264 Q1025106 +Q193405 P463 Q901677 +Q765165 P509 Q12152 +Q89713 P20 Q2814 +Q105428 P509 Q12136 +Q202028 P840 Q60 +Q714739 P136 Q25379 +Q61197 P463 Q684415 +Q66316 P101 Q432 +Q322866 P106 Q12377274 +Q16053 P27 Q142 +Q156597 P495 Q30 +Q327288 P27 Q30 +Q643408 P106 Q1930187 +Q78012 P1412 Q7737 +Q78504 P463 Q723551 +Q198051 P106 Q860918 +Q464318 P140 Q9089 +Q35 P530 Q836 +Q1236051 P106 Q20198542 +Q214977 P19 Q365 +Q219782 P264 Q1536003 +Q1585964 P106 Q1622272 +Q4295 P27 Q70972 +Q214907 P106 Q350979 +Q76479 P57 Q164562 +Q445417 P106 Q639669 +Q332540 P27 Q145 +Q221102 P136 Q130232 +Q690974 P106 Q512314 +Q233237 P106 Q33999 +Q577504 P140 Q9592 +Q432552 P106 Q10800557 +Q1153032 P749 Q38903 +Q84509 P106 Q3621491 +Q382676 P106 Q488205 +Q71855 P108 Q32120 +Q334670 P1303 Q46185 +Q144622 P1412 Q1321 +Q529942 P136 Q9778 +Q157242 P463 Q123885 +Q6107 P1412 Q1860 +Q1702240 P106 Q753110 +Q267070 P27 Q30 +Q123870 P106 Q10798782 +Q2460829 P106 Q43845 +Q223193 P106 Q10798782 +Q228 P463 Q1065 +Q320190 P106 Q36834 +Q529858 P106 Q1930187 +Q43723 P551 Q1218 +Q285431 P106 Q2259451 +Q60285 P108 Q152171 +Q123089 P106 Q36180 +Q843 P530 Q17 +Q76641 P108 Q157808 +Q61282 P106 Q2374149 +Q203860 P106 Q33999 +Q297816 P1412 Q1860 +Q93817 P1303 Q5994 +Q40057 P106 Q33999 +Q455703 P69 Q835960 +Q192348 P101 Q5891 +Q426433 P136 Q52162262 +Q80557 P57 Q53050 +Q65863 P106 Q36180 +Q126783 P102 Q79854 +Q851 P530 Q1049 +Q215708 P106 Q10800557 +Q229268 P69 Q130965 +Q240782 P26 Q50020 +Q59210 P106 Q1930187 +Q151523 P106 Q4263842 +Q729115 P106 Q639669 +Q217557 P106 Q49757 +Q114179 P172 Q1075293 +Q39318 P106 Q82955 +Q316313 P106 Q6625963 +Q520346 P27 Q145 +Q430849 P106 Q3282637 +Q84992 P509 Q175111 +Q60584 P1412 Q188 +Q678410 P264 Q1347984 +Q298016 P106 Q82955 +Q2233935 P27 Q30 +Q60163 P106 Q1028181 +Q282787 P69 Q1399299 +Q161933 P106 Q49757 +Q723839 P106 Q1028181 +Q64988 P20 Q78 +Q35738 P161 Q232419 +Q982175 P27 Q30 +Q55743 P69 Q144488 +Q220550 P106 Q49757 +Q245787 P106 Q1930187 +Q1289541 P106 Q2259451 +Q233736 P136 Q11401 +Q57640 P106 Q593644 +Q73089 P106 Q28389 +Q77938 P1412 Q188 +Q465679 P20 Q220 +Q1384236 P108 Q499911 +Q139542 P57 Q56093 +Q235517 P509 Q47912 +Q333425 P27 Q30 +Q189226 P106 Q2405480 +Q85914 P106 Q1622272 +Q182031 P106 Q169470 +Q202326 P840 Q38 +Q10716 P106 Q1371378 +Q1897271 P509 Q12078 +Q137138 P106 Q40348 +Q299331 P136 Q1344 +Q982175 P106 Q1930187 +Q234847 P106 Q10800557 +Q170515 P1412 Q1321 +Q178709 P20 Q2634 +Q193608 P106 Q28389 +Q176944 P106 Q82955 +Q83501 P106 Q593644 +Q1005 P37 Q1860 +Q58777 P20 Q1022 +Q180861 P106 Q584301 +Q312252 P102 Q29552 +Q234224 P19 Q62 +Q49355 P119 Q1950363 +Q60506 P161 Q192052 +Q154938 P106 Q13424456 +Q202801 P106 Q3501317 +Q64509 P19 Q393 +Q189400 P106 Q2259451 +Q1622098 P551 Q1733 +Q362236 P106 Q10800557 +Q5327 P69 Q155354 +Q717250 P20 Q19660 +Q236708 P106 Q10800557 +Q92115 P1412 Q188 +Q1031340 P106 Q183945 +Q163118 P463 Q463303 +Q132964 P136 Q1661 +Q60153 P106 Q40348 +Q112176 P27 Q40 +Q63228 P1412 Q188 +Q240628 P19 Q16556 +Q291180 P161 Q155775 +Q276734 P161 Q234807 +Q86516 P106 Q33999 +Q86758 P1412 Q188 +Q4227341 P1412 Q7737 +Q989 P27 Q36 +Q712683 P119 Q5763964 +Q25191 P106 Q2526255 +Q5354 P106 Q36180 +Q285020 P161 Q29250 +Q324015 P27 Q30 +Q269810 P161 Q371430 +Q37333 P17 Q131964 +Q156815 P1412 Q1860 +Q234604 P69 Q168756 +Q28 P530 Q1044 +Q74512 P106 Q974144 +Q206112 P106 Q578109 +Q63630 P101 Q5891 +Q106481 P1412 Q1860 +Q284876 P19 Q49111 +Q734564 P27 Q129286 +Q223887 P161 Q229325 +Q105201 P106 Q82955 +Q705210 P106 Q36180 +Q1281772 P106 Q10800557 +Q266109 P19 Q61 +Q62115 P20 Q64 +Q60163 P101 Q12271 +Q175759 P106 Q639669 +Q144904 P106 Q855091 +Q58009 P1412 Q188 +Q232391 P106 Q15296811 +Q169065 P106 Q49757 +Q329778 P19 Q84 +Q632532 P161 Q366322 +Q44461 P106 Q3126128 +Q312288 P463 Q338432 +Q358885 P106 Q11774202 +Q433692 P27 Q30 +Q34743 P119 Q5933 +Q229232 P26 Q322179 +Q359331 P106 Q10800557 +Q381014 P19 Q7473516 +Q230916 P69 Q215539 +Q317358 P140 Q748 +Q557699 P1412 Q1860 +Q733850 P19 Q16555 +Q333653 P106 Q333634 +Q5685 P737 Q7200 +Q11627 P1303 Q6607 +Q363079 P106 Q82955 +Q333362 P106 Q82955 +Q78278 P19 Q3936 +Q275939 P1303 Q17172850 +Q53783 P1412 Q150 +Q60506 P161 Q313283 +Q68490 P27 Q183 +Q142 P530 Q43 +Q3262638 P69 Q273626 +Q270560 P20 Q65 +Q235072 P106 Q10800557 +Q313043 P106 Q33999 +Q169946 P106 Q10798782 +Q333856 P106 Q36834 +Q1005 P463 Q191384 +Q30 P530 Q34266 +Q113928 P463 Q1636237 +Q12844 P27 Q34 +Q278699 P106 Q4964182 +Q572741 P108 Q21578 +Q507985 P19 Q100 +Q734 P463 Q1043527 +Q229228 P27 Q30 +Q335193 P1412 Q1860 +Q872815 P172 Q170217 +Q131333 P106 Q36180 +Q235121 P106 Q49757 +Q243041 P136 Q485395 +Q5921 P106 Q855091 +Q215562 P106 Q1607826 +Q262479 P1412 Q1860 +Q180619 P108 Q49210 +Q334 P530 Q8646 +Q350362 P106 Q36834 +Q4451565 P101 Q5891 +Q319374 P106 Q855091 +Q19543 P106 Q214917 +Q295919 P1412 Q1860 +Q2263 P106 Q10800557 +Q3048 P1412 Q150 +Q95030 P106 Q2526255 +Q231135 P106 Q10800557 +Q91161 P106 Q753110 +Q109767 P161 Q354033 +Q211731 P108 Q13371 +Q68757 P69 Q40025 +Q63117 P106 Q4773904 +Q47447 P551 Q84 +Q5105 P106 Q3427922 +Q1586454 P1303 Q258896 +Q12279060 P1412 Q7918 +Q96 P530 Q810 +Q209913 P161 Q725519 +Q95252 P1412 Q188 +Q6294 P551 Q61 +Q102788 P1412 Q188 +Q182905 P27 Q159 +Q767 P106 Q644687 +Q232458 P1412 Q1321 +Q180453 P264 Q1998195 +Q148387 P136 Q130232 +Q320 P1412 Q188 +Q348790 P106 Q482980 +Q49034 P106 Q33999 +Q973755 P136 Q263734 +Q944386 P463 Q466113 +Q152520 P509 Q47912 +Q177847 P106 Q4964182 +Q1010602 P27 Q172579 +Q182123 P1412 Q35497 +Q914054 P19 Q1297 +Q66475 P20 Q1794 +Q152824 P106 Q121594 +Q92983 P106 Q82594 +Q171969 P463 Q4345832 +Q371932 P106 Q33999 +Q47484 P1412 Q150 +Q185002 P106 Q33999 +Q215721 P1412 Q9288 +Q13014 P27 Q7318 +Q867599 P106 Q855091 +Q912687 P27 Q174193 +Q22686 P106 Q484876 +Q313655 P106 Q18814623 +Q150651 P1412 Q1860 +Q445124 P106 Q10798782 +Q208572 P161 Q314805 +Q105201 P108 Q152087 +Q25057 P161 Q211283 +Q108285 P20 Q3126 +Q191598 P136 Q482 +Q152272 P106 Q266569 +Q228818 P19 Q3130 +Q95543 P27 Q183 +Q578396 P172 Q127885 +Q5152 P106 Q189290 +Q286022 P264 Q843402 +Q284333 P161 Q294185 +Q1039 P463 Q842490 +Q214911 P20 Q72 +Q722042 P106 Q3665646 +Q32529 P106 Q6625963 +Q235394 P106 Q8246794 +Q964219 P106 Q855091 +Q69189 P20 Q2079 +Q83158 P27 Q142 +Q1077554 P106 Q482980 +Q1064284 P1303 Q8355 +Q109180 P106 Q644687 +Q28776 P57 Q270639 +Q455430 P101 Q476294 +Q108206 P106 Q6625963 +Q444674 P135 Q9730 +Q255725 P136 Q1062400 +Q258630 P106 Q2490358 +Q152301 P106 Q2526255 +Q81438 P509 Q12192 +Q1025 P30 Q15 +Q194220 P106 Q3427922 +Q80959 P840 Q65 +Q317988 P3373 Q331896 +Q70737 P106 Q36180 +Q467574 P106 Q222344 +Q259047 P136 Q37073 +Q93503 P20 Q72 +Q189080 P509 Q147778 +Q323117 P69 Q304985 +Q78349 P106 Q1209498 +Q235053 P106 Q488111 +Q607825 P27 Q15180 +Q2831 P106 Q5716684 +Q33240 P264 Q1070152 +Q1281084 P106 Q82955 +Q723551 P131 Q84 +Q1391164 P106 Q855091 +Q76487 P69 Q152087 +Q119136 P1412 Q188 +Q183382 P1412 Q7737 +Q232120 P106 Q177220 +Q2901936 P106 Q82955 +Q229230 P1412 Q1860 +Q216814 P1412 Q150 +Q206534 P106 Q10871364 +Q78490 P27 Q518101 +Q685 P530 Q241 +Q203268 P106 Q10798782 +Q63791 P1412 Q7026 +Q363079 P69 Q9842 +Q57802 P119 Q1517387 +Q153657 P1303 Q17172850 +Q350704 P106 Q36834 +Q470931 P106 Q1930187 +Q78318 P106 Q482980 +Q61319 P463 Q543804 +Q93356 P136 Q482 +Q181819 P106 Q2259451 +Q9696 P40 Q230303 +Q1336479 P27 Q213 +Q31164 P737 Q33240 +Q153248 P106 Q1930187 +Q337521 P106 Q15981151 +Q1362223 P106 Q36834 +Q959097 P27 Q30 +Q299122 P19 Q17042 +Q154338 P101 Q11629 +Q180636 P106 Q36180 +Q180453 P264 Q843402 +Q343477 P106 Q36180 +Q181667 P106 Q201788 +Q443528 P106 Q4263842 +Q110587 P131 Q1761 +Q2841 P17 Q739 +Q467817 P106 Q947873 +Q708423 P1303 Q6607 +Q53300 P27 Q34 +Q253288 P69 Q926749 +Q38 P530 Q298 +Q873178 P27 Q131964 +Q354002 P106 Q1028181 +Q4536 P136 Q859369 +Q78869 P551 Q1741 +Q11590 P108 Q217365 +Q104104 P106 Q901 +Q315199 P19 Q39709 +Q19198 P136 Q83270 +Q1409622 P27 Q39 +Q311769 P106 Q10349745 +Q168542 P106 Q36180 +Q1383155 P108 Q21578 +Q106182 P136 Q3990883 +Q191974 P106 Q40348 +Q479992 P119 Q996499 +Q269912 P161 Q126599 +Q941984 P106 Q177220 +Q142292 P161 Q705477 +Q63670 P69 Q193196 +Q342730 P106 Q4964182 +Q22665 P27 Q17 +Q921 P530 Q424 +Q124159 P106 Q17489339 +Q539897 P1303 Q128309 +Q95901 P106 Q10800557 +Q507612 P106 Q36180 +Q57239 P463 Q1792159 +Q339581 P106 Q28389 +Q56094 P40 Q245808 +Q310048 P19 Q60 +Q231276 P551 Q60 +Q167696 P106 Q639669 +Q947519 P69 Q230492 +Q303207 P136 Q83440 +Q158465 P106 Q170790 +Q83338 P106 Q18545066 +Q867599 P136 Q37073 +Q435330 P106 Q488205 +Q945024 P102 Q187009 +Q484292 P1412 Q150 +Q429046 P106 Q36834 +Q212660 P161 Q338726 +Q381390 P509 Q9687 +Q204868 P106 Q81096 +Q310932 P106 Q33999 +Q296887 P106 Q2405480 +Q81624 P19 Q84 +Q131660 P140 Q9592 +Q44219 P136 Q858330 +Q33528 P463 Q2822396 +Q843 P530 Q114 +Q313311 P106 Q15077007 +Q116553 P27 Q39 +Q82278 P463 Q123885 +Q310367 P106 Q36180 +Q357980 P106 Q182436 +Q309289 P161 Q232860 +Q140052 P136 Q8261 +Q168010 P161 Q42869 +Q2518 P69 Q151510 +Q67247 P106 Q13582652 +Q53004 P40 Q1891483 +Q94487 P27 Q30 +Q171969 P106 Q10872101 +Q902 P530 Q881 +Q4089775 P108 Q13164 +Q242889 P106 Q177220 +Q91323 P102 Q49750 +Q527146 P106 Q28389 +Q119136 P106 Q17489339 +Q410 P27 Q30 +Q190231 P264 Q202585 +Q439455 P106 Q49757 +Q236613 P737 Q1276 +Q75849 P106 Q1930187 +Q56094 P136 Q377616 +Q2831 P1303 Q17172850 +Q386784 P106 Q10800557 +Q188426 P119 Q1358639 +Q231071 P106 Q753110 +Q315136 P27 Q191077 +Q4977994 P27 Q145 +Q166714 P106 Q193391 +Q310324 P106 Q3282637 +Q193052 P1412 Q1321 +Q296616 P106 Q37226 +Q166212 P106 Q177220 +Q703091 P20 Q90 +Q1770797 P69 Q457281 +Q62686 P463 Q4345832 +Q154817 P495 Q183 +Q309248 P495 Q145 +Q240896 P106 Q177220 +Q151972 P264 Q165745 +Q380626 P20 Q60 +Q128985 P27 Q145 +Q950350 P136 Q37073 +Q154269 P69 Q1934904 +Q1766082 P1303 Q17172850 +Q386336 P136 Q235858 +Q122514 P19 Q2966 +Q309768 P106 Q214917 +Q336131 P27 Q145 +Q337063 P106 Q82955 +Q1558793 P1412 Q188 +Q151848 P495 Q145 +Q295964 P106 Q10798782 +Q381726 P106 Q639669 +Q94765 P102 Q108700 +Q184226 P737 Q9364 +Q4263050 P106 Q12362622 +Q76480 P463 Q414110 +Q1711615 P106 Q36834 +Q347118 P737 Q5749 +Q221852 P161 Q48259 +Q154855 P69 Q219694 +Q311147 P27 Q30 +Q66992 P27 Q30 +Q313525 P69 Q4614 +Q391784 P161 Q316627 +Q380381 P1303 Q17172850 +Q387539 P136 Q56284716 +Q242208 P69 Q797078 +Q401645 P69 Q4614 +Q139121 P136 Q9778 +Q153694 P1303 Q5994 +Q76329 P106 Q482980 +Q75886 P102 Q153401 +Q1984061 P1303 Q46185 +Q162740 P1050 Q131755 +Q746923 P106 Q4610556 +Q313789 P106 Q10798782 +Q312578 P138 Q46096 +Q66545534 P407 Q9176 +Q30896 P136 Q37073 +Q548672 P463 Q2822396 +Q78977 P106 Q49757 +Q59610 P495 Q30 +Q63035 P102 Q694299 +Q310275 P106 Q3282637 +Q65292 P106 Q1792450 +Q535 P463 Q161806 +Q193257 P119 Q311 +Q45 P530 Q233 +Q4029 P19 Q172 +Q261207 P106 Q10349745 +Q248837 P106 Q10798782 +Q501429 P106 Q639669 +Q452797 P1412 Q1321 +Q57619 P69 Q658975 +Q235870 P106 Q10798782 +Q974888 P136 Q487965 +Q975084 P106 Q201788 +Q276209 P1303 Q17172850 +Q182212 P161 Q948751 +Q105201 P20 Q4120832 +Q17676 P27 Q30 +Q270638 P106 Q4610556 +Q481482 P106 Q10349745 +Q91582 P20 Q1726 +Q238331 P106 Q6625963 +Q102244 P161 Q214223 +Q40115 P136 Q1054574 +Q574 P530 Q865 +Q323937 P136 Q9730 +Q311084 P106 Q10798782 +Q6714 P463 Q329464 +Q865 P530 Q229 +Q134456 P106 Q12144794 +Q7013 P264 Q38903 +Q233207 P106 Q2707485 +Q82278 P106 Q193391 +Q236505 P106 Q753110 +Q237345 P1412 Q1860 +Q221202 P161 Q20178 +Q358455 P20 Q24861 +Q435398 P106 Q753110 +Q315391 P463 Q3291340 +Q237420 P136 Q182015 +Q659027 P106 Q482980 +Q53068 P135 Q8361 +Q153149 P69 Q204181 +Q160518 P101 Q413 +Q90934 P106 Q14915627 +Q166554 P161 Q222833 +Q6080085 P108 Q41984 +Q1361304 P1303 Q17172850 +Q270123 P1303 Q17172850 +Q102711 P106 Q33231 +Q865 P530 Q750 +Q1047474 P106 Q753110 +Q709178 P1303 Q8355 +Q1493339 P264 Q213710 +Q2793815 P106 Q17351648 +Q709685 P106 Q1028181 +Q555147 P106 Q36180 +Q342756 P27 Q30 +Q92882 P20 Q43788 +Q109067 P106 Q10873124 +Q219 P530 Q148 +Q436664 P136 Q24925 +Q32433 P161 Q170587 +Q239739 P136 Q132311 +Q20145 P1412 Q9176 +Q51010 P1412 Q1860 +Q320146 P135 Q9730 +Q878956 P102 Q29552 +Q117197 P106 Q36180 +Q96595 P27 Q183 +Q551154 P1303 Q320002 +Q181678 P106 Q6665249 +Q1711743 P509 Q12152 +Q213754 P1412 Q397 +Q191543 P840 Q65 +Q309648 P1303 Q281460 +Q794 P530 Q668 +Q65587 P108 Q24382 +Q29055 P106 Q10800557 +Q235278 P106 Q33999 +Q72908 P20 Q693653 +Q138850 P106 Q36180 +Q57329 P27 Q83286 +Q49735 P1303 Q17172850 +Q85232 P19 Q1741 +Q296616 P551 Q18419 +Q161877 P136 Q37073 +Q320236 P495 Q142 +Q221202 P161 Q22686 +Q34969 P106 Q1607826 +Q10664 P509 Q188874 +Q20715407 P108 Q499451 +Q65350 P106 Q16742096 +Q124159 P19 Q64 +Q168419 P463 Q188771 +Q328201 P102 Q256121 +Q117194 P106 Q131524 +Q964355 P136 Q492537 +Q106134 P19 Q3802 +Q308840 P106 Q7042855 +Q4235 P136 Q211756 +Q1334439 P106 Q193391 +Q650878 P106 Q82955 +Q192402 P264 Q557632 +Q757 P463 Q3772571 +Q61558 P69 Q32120 +Q552273 P106 Q36180 +Q113681 P106 Q245068 +Q1087475 P106 Q639669 +Q240851 P106 Q4964182 +Q157032 P172 Q940348 +Q70950 P19 Q64 +Q425821 P136 Q37073 +Q227129 P1412 Q1860 +Q223316 P161 Q223117 +Q361004 P119 Q311 +Q211040 P551 Q65 +Q317516 P1303 Q17172850 +Q179888 P106 Q40348 +Q212498 P27 Q30 +Q1729 P17 Q183 +Q104591 P19 Q393 +Q26876 P264 Q2902300 +Q116265 P1412 Q150 +Q303040 P161 Q232851 +Q360243 P136 Q130232 +Q901070 P1412 Q1860 +Q878 P530 Q833 +Q10520 P1412 Q1860 +Q1461840 P1412 Q150 +Q370711 P136 Q9778 +Q155684 P20 Q1781 +Q221949 P161 Q171525 +Q164060 P264 Q183387 +Q128708 P140 Q93191 +Q219989 P17 Q183 +Q313211 P1412 Q150 +Q278625 P106 Q36180 +Q311854 P106 Q1930187 +Q61852 P20 Q6986 +Q1392583 P27 Q155 +Q164869 P106 Q183945 +Q199644 P27 Q155 +Q108398 P108 Q154561 +Q221450 P106 Q36834 +Q104859 P108 Q131626 +Q247501 P108 Q762266 +Q310798 P106 Q169470 +Q133654 P136 Q2484376 +Q445795 P136 Q52162262 +Q1391397 P69 Q160302 +Q539171 P19 Q85 +Q964071 P27 Q30 +Q314403 P106 Q28389 +Q204374 P136 Q5442753 +Q232646 P106 Q2490358 +Q95485 P1303 Q9798 +Q45 P530 Q865 +Q895636 P69 Q152838 +Q84696 P106 Q10798782 +Q217010 P161 Q325020 +Q234487 P106 Q33999 +Q342949 P106 Q2500638 +Q231194 P27 Q17 +Q162667 P1303 Q6607 +Q75237 P106 Q36180 +Q351732 P641 Q11420 +Q444125 P1412 Q1860 +Q155412 P136 Q131272 +Q42229 P102 Q29468 +Q25351 P108 Q152087 +Q80424 P1303 Q52954 +Q73416 P106 Q10798782 +Q91595 P463 Q18650004 +Q451812 P106 Q639669 +Q108297 P840 Q38 +Q221249 P161 Q51522 +Q185658 P161 Q4573 +Q4029 P106 Q43845 +Q691 P463 Q170481 +Q425821 P1303 Q52954 +Q273652 P136 Q193207 +Q470758 P106 Q214917 +Q713297 P509 Q12204 +Q36290 P106 Q3282637 +Q934722 P19 Q47164 +Q215637 P1412 Q7737 +Q236343 P106 Q10800557 +Q44412 P106 Q593644 +Q92760 P106 Q170790 +Q311684 P106 Q36180 +Q72804 P106 Q36180 +Q487491 P101 Q413 +Q353754 P108 Q193727 +Q12957 P106 Q82955 +Q228546 P136 Q25372 +Q189665 P136 Q8261 +Q228904 P264 Q1757254 +Q535355 P106 Q6430706 +Q934820 P106 Q957729 +Q125405 P102 Q310296 +Q191702 P106 Q189290 +Q919515 P40 Q728542 +Q317988 P106 Q193391 +Q329845 P106 Q214917 +Q679007 P136 Q8341 +Q384397 P57 Q51575 +Q432806 P106 Q49757 +Q284229 P840 Q1408 +Q235928 P509 Q12192 +Q286525 P264 Q4883239 +Q1394654 P136 Q183504 +Q653496 P106 Q36180 +Q1275039 P106 Q2252262 +Q216934 P106 Q177220 +Q936422 P27 Q15180 +Q449235 P106 Q4263842 +Q342604 P106 Q33999 +Q726057 P1303 Q17172850 +Q296771 P1412 Q1860 +Q1765101 P106 Q158852 +Q863 P530 Q183 +Q107274 P463 Q812155 +Q152208 P1412 Q5146 +Q315592 P161 Q295964 +Q60969 P101 Q24454422 +Q4612 P27 Q30 +Q244333 P161 Q316709 +Q152929 P69 Q860527 +Q29 P530 Q833 +Q369394 P106 Q33999 +Q362500 P106 Q10800557 +Q232783 P20 Q18125 +Q317343 P1412 Q1860 +Q55392 P26 Q106942 +Q189054 P161 Q185051 +Q463407 P509 Q12152 +Q152208 P551 Q100 +Q185007 P106 Q2919046 +Q236005 P27 Q30 +Q75797 P140 Q75809 +Q218 P530 Q159583 +Q189351 P69 Q174710 +Q5046268 P19 Q6106 +Q172035 P27 Q30 +Q213675 P106 Q333634 +Q312720 P1412 Q1860 +Q223741 P1303 Q6607 +Q462118 P106 Q2405480 +Q51537 P106 Q28389 +Q366890 P106 Q36180 +Q154353 P463 Q188771 +Q570913 P27 Q131964 +Q428422 P119 Q168886 +Q1173317 P27 Q30 +Q438124 P1412 Q1860 +Q216016 P1412 Q188 +Q1394 P102 Q204911 +Q312053 P27 Q145 +Q347528 P106 Q33999 +Q1869627 P136 Q9759 +Q165219 P551 Q11299 +Q75856 P106 Q36180 +Q69319 P1412 Q1860 +Q59478 P106 Q205375 +Q41342 P27 Q30 +Q310170 P106 Q177220 +Q207272 P37 Q809 +Q183519 P1303 Q17172850 +Q124710 P3373 Q2460829 +Q222 P172 Q179248 +Q309555 P106 Q10798782 +Q175535 P106 Q10800557 +Q1112005 P264 Q277626 +Q717755 P1412 Q5146 +Q211987 P106 Q36180 +Q466477 P106 Q1930187 +Q152272 P106 Q222344 +Q42585 P37 Q9056 +Q1138600 P106 Q183945 +Q971702 P1412 Q9035 +Q51495 P106 Q10800557 +Q314164 P106 Q36834 +Q976090 P264 Q1047366 +Q467231 P106 Q49757 +Q229018 P106 Q855091 +Q83338 P737 Q104266 +Q40479 P737 Q134798 +Q105362 P463 Q15646111 +Q433608 P20 Q65 +Q213864 P27 Q30 +Q306122 P1303 Q52954 +Q257271 P106 Q10798782 +Q723839 P20 Q1953 +Q380981 P161 Q348738 +Q2607 P551 Q298 +Q328797 P1303 Q128309 +Q248289 P161 Q202449 +Q145 P530 Q408 +Q201315 P136 Q8261 +Q445795 P161 Q165357 +Q8298 P19 Q90 +Q254576 P463 Q463303 +Q678 P530 Q865 +Q435347 P20 Q47164 +Q90581 P106 Q4263842 +Q189 P530 Q928 +Q211 P463 Q5611262 +Q3339429 P1303 Q5994 +Q27 P530 Q414 +Q190373 P20 Q3143067 +Q3186620 P27 Q29 +Q1886750 P19 Q61 +Q64812 P463 Q700570 +Q455930 P27 Q17 +Q39789 P106 Q18805 +Q45593 P463 Q44687 +Q1020 P530 Q148 +Q116258 P27 Q39 +Q5383 P27 Q145 +Q282002 P1303 Q17172850 +Q61863 P463 Q265058 +Q311755 P106 Q1930187 +Q323937 P106 Q1622272 +Q233439 P106 Q17125263 +Q9268 P17 Q801 +Q234289 P1412 Q256 +Q561596 P1303 Q17172850 +Q544283 P106 Q36834 +Q174210 P106 Q1622272 +Q26702 P106 Q2259532 +Q8814 P463 Q191583 +Q212772 P106 Q639669 +Q216838 P106 Q36180 +Q313482 P69 Q13371 +Q266795 P106 Q2405480 +Q267186 P20 Q65 +Q178963 P1303 Q17172850 +Q64503 P119 Q190494 +Q668 P530 Q958 +Q66649 P106 Q201788 +Q254576 P19 Q5083 +Q193070 P69 Q1542213 +Q92965 P27 Q129286 +Q479992 P69 Q390287 +Q319799 P27 Q30 +Q169566 P1412 Q1860 +Q240808 P106 Q855091 +Q847446 P106 Q177220 +Q240370 P19 Q60 +Q331759 P106 Q33999 +Q776752 P106 Q11774202 +Q4892001 P106 Q10800557 +Q321365 P1412 Q150 +Q316901 P106 Q1930187 +Q1399 P19 Q2044 +Q235278 P106 Q3282637 +Q222720 P136 Q2421031 +Q111436 P106 Q36834 +Q902 P530 Q38 +Q367447 P1412 Q1860 +Q683058 P20 Q1726 +Q311450 P19 Q16555 +Q274297 P27 Q142 +Q299132 P106 Q639669 +Q64988 P19 Q656 +Q233424 P106 Q4853732 +Q62798 P69 Q151510 +Q983450 P19 Q987 +Q2149302 P463 Q463303 +Q714602 P106 Q639669 +Q253583 P27 Q30 +Q4889934 P106 Q483501 +Q40096 P106 Q3282637 +Q364868 P119 Q1358639 +Q724343 P106 Q156035 +Q640292 P641 Q5386 +Q182546 P106 Q169470 +Q78607 P69 Q165980 +Q256354 P119 Q1517387 +Q156539 P495 Q30 +Q2424996 P106 Q170790 +Q324424 P27 Q30 +Q236606 P69 Q174570 +Q55195 P108 Q1130457 +Q181145 P106 Q639669 +Q78514 P26 Q156898 +Q392697 P161 Q440926 +Q165524 P172 Q1075293 +Q264618 P106 Q1930187 +Q4590643 P106 Q864380 +Q16 P530 Q664 +Q201819 P136 Q2973181 +Q714462 P106 Q81096 +Q242969 P27 Q30 +Q464318 P1412 Q1860 +Q40495 P19 Q1353 +Q15981 P27 Q183 +Q708506 P106 Q639669 +Q39792 P106 Q3282637 +Q190602 P26 Q95030 +Q1660305 P749 Q38903 +Q331497 P106 Q81096 +Q86820 P106 Q482980 +Q323260 P106 Q205375 +Q592504 P136 Q8261 +Q297384 P69 Q981195 +Q334205 P20 Q490 +Q59478 P106 Q169470 +Q95019 P106 Q33999 +Q440668 P106 Q2405480 +Q143230 P19 Q18419 +Q57244 P1412 Q188 +Q84755 P1412 Q9067 +Q651059 P106 Q520549 +Q308711 P463 Q1425328 +Q230916 P106 Q177220 +Q1282826 P106 Q49757 +Q704645 P27 Q29 +Q878 P463 Q4783148 +Q2124852 P17 Q31 +Q387072 P106 Q10800557 +Q6714 P106 Q1231865 +Q548438 P136 Q11399 +Q705715 P106 Q33999 +Q359451 P106 Q36180 +Q553276 P106 Q947873 +Q313388 P69 Q599316 +Q231135 P106 Q753110 +Q1686156 P136 Q205560 +Q937 P106 Q1622272 +Q323463 P463 Q52463 +Q732055 P361 Q6354282 +Q57730 P1412 Q188 +Q250545 P106 Q28389 +Q180861 P136 Q217467 +Q704683 P106 Q855091 +Q176985 P106 Q49757 +Q243267 P27 Q34266 +Q61677 P1412 Q188 +Q96064 P108 Q152087 +Q8011 P106 Q170790 +Q314535 P264 Q585643 +Q205687 P161 Q106508 +Q449013 P26 Q1280288 +Q261669 P106 Q10800557 +Q165357 P106 Q948329 +Q76641 P463 Q123885 +Q47703 P161 Q193628 +Q44634 P106 Q10800557 +Q23844 P1412 Q1860 +Q544469 P136 Q325504 +Q58760 P1412 Q188 +Q816518 P106 Q177220 +Q189375 P2348 Q2277 +Q92983 P106 Q36180 +Q242620 P27 Q30 +Q276167 P106 Q36180 +Q76823 P69 Q390287 +Q983316 P463 Q83172 +Q1196157 P495 Q30 +Q97998 P106 Q1259917 +Q280918 P161 Q42869 +Q128073 P106 Q333634 +Q369292 P106 Q10798782 +Q744689 P463 Q40358 +Q714845 P264 Q190585 +Q762 P106 Q639669 +Q113007 P106 Q10798782 +Q212575 P509 Q3505252 +Q25057 P136 Q471839 +Q180409 P106 Q82955 +Q155419 P106 Q193391 +Q750 P463 Q1065 +Q203715 P509 Q41083 +Q51884 P27 Q12544 +Q76568 P106 Q11063 +Q230203 P106 Q3282637 +Q317441 P106 Q177220 +Q708473 P106 Q36180 +Q108560 P136 Q851213 +Q235719 P106 Q4610556 +Q212993 P69 Q192088 +Q66097 P106 Q28389 +Q86105 P106 Q177220 +Q526518 P106 Q14467526 +Q78704 P19 Q2079 +Q235305 P509 Q188874 +Q208685 P69 Q981195 +Q924232 P136 Q885561 +Q25 P17 Q174193 +Q93070 P1412 Q9288 +Q150281 P106 Q16323111 +Q164824 P119 Q272208 +Q5396 P106 Q43845 +Q201819 P495 Q664 +Q329999 P136 Q24925 +Q170333 P27 Q183 +Q3629023 P17 Q145 +Q105428 P19 Q72 +Q104266 P106 Q36180 +Q76501 P108 Q155354 +Q156178 P106 Q2259451 +Q551543 P106 Q4263842 +Q77832 P102 Q7320 +Q1085 P17 Q42585 +Q1062350 P551 Q915 +Q84365 P106 Q10800557 +Q3188007 P19 Q1345 +Q214289 P140 Q748 +Q97531 P106 Q482980 +Q49828 P101 Q4027615 +Q124610 P140 Q7066 +Q715790 P108 Q80207 +Q128187 P136 Q188473 +Q467103 P27 Q145 +Q267435 P264 Q202440 +Q72667 P1412 Q188 +Q47651 P27 Q38 +Q61687 P463 Q150793 +Q120626 P495 Q30 +Q822666 P463 Q543804 +Q319502 P106 Q639669 +Q35 P530 Q221 +Q259940 P106 Q245068 +Q89043 P27 Q34266 +Q4320172 P1412 Q7737 +Q232 P463 Q1480793 +Q83326 P1303 Q5994 +Q927879 P106 Q1622272 +Q714526 P106 Q639669 +Q92624 P106 Q81096 +Q452761 P106 Q1622272 +Q23810 P101 Q81096 +Q944759 P106 Q177220 +Q382604 P106 Q1792450 +Q973488 P106 Q2865819 +Q104000 P106 Q2405480 +Q420407 P106 Q36834 +Q273171 P264 Q843402 +Q272019 P106 Q3282637 +Q55404 P1412 Q9610 +Q11613 P509 Q12192 +Q36450 P1412 Q188 +Q247538 P1412 Q9288 +Q1622571 P106 Q486748 +Q710 P463 Q376150 +Q1037 P463 Q842490 +Q897275 P20 Q64 +Q557948 P172 Q49085 +Q29313 P161 Q314640 +Q371932 P27 Q30 +Q187884 P27 Q16 +Q555147 P20 Q90 +Q127870 P106 Q28389 +Q32433 P136 Q3072039 +Q461104 P69 Q31519 +Q833 P463 Q656801 +Q8620 P509 Q181257 +Q153185 P463 Q83172 +Q968565 P106 Q36180 +Q110203 P136 Q188473 +Q276167 P106 Q10798782 +Q982493 P106 Q1622272 +Q104302 P17 Q36 +Q201562 P1412 Q1860 +Q191 P530 Q668 +Q12292644 P106 Q1622272 +Q68219 P106 Q18844224 +Q332394 P136 Q1054574 +Q229156 P69 Q35794 +Q376140 P19 Q12439 +Q86225 P106 Q82955 +Q429311 P161 Q286777 +Q816518 P19 Q84 +Q180665 P106 Q10798782 +Q289847 P1412 Q150 +Q7317 P27 Q172579 +Q57382 P463 Q15646111 +Q487491 P20 Q90 +Q535 P106 Q6625963 +Q335643 P106 Q4610556 +Q742079 P106 Q36180 +Q1151944 P2348 Q6939 +Q1112005 P106 Q4610556 +Q107130 P27 Q668 +Q84734 P106 Q82955 +Q55394 P463 Q337531 +Q3138 P17 Q27306 +Q23527 P140 Q7066 +Q41523 P106 Q864380 +Q77755 P27 Q183 +Q16053 P463 Q83172 +Q272225 P27 Q30 +Q387958 P161 Q1409622 +Q69395 P102 Q694299 +Q153159 P69 Q28695 +Q500999 P27 Q218 +Q3762573 P106 Q520549 +Q253697 P106 Q622807 +Q944996 P119 Q592204 +Q2159912 P451 Q172183 +Q249040 P495 Q142 +Q76332 P463 Q812155 +Q133050 P19 Q60 +Q128746 P106 Q36834 +Q435151 P106 Q37226 +Q717059 P106 Q177220 +Q517448 P106 Q753110 +Q242620 P106 Q4610556 +Q199418 P106 Q753110 +Q170564 P840 Q65 +Q242873 P136 Q37073 +Q1019 P530 Q252 +Q248059 P106 Q82955 +Q216934 P136 Q45981 +Q30875 P136 Q35760 +Q1678197 P27 Q265 +Q32522 P106 Q3282637 +Q43444 P135 Q667661 +Q207816 P136 Q157443 +Q152785 P3373 Q7726 +Q746182 P27 Q155 +Q49001 P19 Q11299 +Q217750 P106 Q177220 +Q727301 P106 Q1930187 +Q637195 P106 Q2526255 +Q666875 P27 Q28513 +Q499339 P108 Q156737 +Q400341 P27 Q15180 +Q80095 P106 Q18844224 +Q386249 P106 Q33999 +Q60644 P27 Q183 +Q155684 P1412 Q9299 +Q7327 P172 Q49542 +Q315271 P106 Q2405480 +Q206124 P161 Q104514 +Q6527 P106 Q36834 +Q114623 P106 Q49757 +Q188726 P1412 Q188 +Q35171 P20 Q138518 +Q230736 P106 Q2259451 +Q216179 P264 Q190585 +Q11590 P108 Q49210 +Q269887 P161 Q191719 +Q171363 P106 Q36834 +Q262314 P1303 Q5994 +Q144483 P136 Q369747 +Q2866 P102 Q79854 +Q645362 P106 Q482980 +Q706034 P463 Q270794 +Q231811 P106 Q2259451 +Q522618 P17 Q30 +Q269887 P840 Q65 +Q23870 P106 Q18814623 +Q332394 P840 Q84 +Q42402 P1303 Q8350 +Q155419 P140 Q75809 +Q161842 P27 Q191 +Q41 P530 Q1033 +Q20882 P69 Q273447 +Q107422 P20 Q40435 +Q1461567 P27 Q28 +Q294531 P106 Q33999 +Q11826 P1412 Q35497 +Q274562 P106 Q639669 +Q55421 P106 Q2259451 +Q31 P37 Q7411 +Q336278 P106 Q488205 +Q2607 P463 Q18650004 +Q982005 P27 Q142 +Q230636 P106 Q28389 +Q234244 P106 Q36180 +Q465594 P26 Q9204 +Q327713 P161 Q41396 +Q221586 P495 Q30 +Q45396 P1412 Q7737 +Q179493 P463 Q191583 +Q230622 P136 Q850412 +Q1974190 P106 Q639669 +Q288620 P106 Q177220 +Q3091395 P69 Q273626 +Q355009 P264 Q1998195 +Q4751826 P106 Q901 +Q1351565 P19 Q90 +Q310295 P106 Q36180 +Q106740 P106 Q15949613 +Q236950 P69 Q7739610 +Q124401 P1303 Q5994 +Q168362 P106 Q205375 +Q554168 P19 Q18424 +Q524298 P106 Q82955 +Q303040 P161 Q230278 +Q574 P463 Q7768 +Q57351 P108 Q152171 +Q66545534 P407 Q150 +Q118760 P106 Q1028181 +Q379811 P19 Q584451 +Q522579 P1412 Q1321 +Q430849 P106 Q10798782 +Q66942 P27 Q183 +Q43718 P119 Q208175 +Q430852 P495 Q30 +Q645889 P17 Q30 +Q92828 P69 Q168756 +Q155 P530 Q766 +Q35236 P106 Q36180 +Q235615 P19 Q36091 +Q602779 P19 Q16563 +Q58612 P106 Q49757 +Q18456 P106 Q6625963 +Q395714 P1412 Q652 +Q152767 P106 Q639669 +Q488429 P106 Q36834 +Q503770 P136 Q1133657 +Q68225 P19 Q2795 +Q126234 P106 Q1930187 +Q728991 P101 Q1071 +Q184440 P106 Q28389 +Q311223 P106 Q2374149 +Q137098 P161 Q37459 +Q232774 P161 Q589015 +Q86096 P119 Q2079 +Q445863 P101 Q207628 +Q346607 P136 Q3071 +Q132351 P161 Q235635 +Q154331 P106 Q644687 +Q75185 P108 Q152087 +Q34424 P106 Q2490358 +Q217182 P161 Q219640 +Q163234 P106 Q36834 +Q272505 P106 Q10798782 +Q60802 P106 Q33999 +Q243267 P119 Q746647 +Q467378 P551 Q159288 +Q4024 P17 Q43287 +Q47906 P463 Q150793 +Q144904 P106 Q177220 +Q2772878 P106 Q183945 +Q43203 P106 Q10800557 +Q95356 P27 Q183 +Q383784 P1412 Q1860 +Q252 P530 Q31 +Q363822 P1303 Q17172850 +Q380467 P106 Q131524 +Q76513 P1412 Q188 +Q88821 P101 Q482 +Q49498 P161 Q153018 +Q41173 P1303 Q128309 +Q22979 P27 Q183 +Q713964 P172 Q49085 +Q3018520 P1412 Q1860 +Q364864 P106 Q855091 +Q761453 P1412 Q1860 +Q945641 P106 Q4773904 +Q190585 P136 Q186472 +Q469893 P27 Q15180 +Q31164 P1303 Q302497 +Q173061 P106 Q36834 +Q108006 P161 Q355209 +Q105954 P106 Q4853732 +Q151113 P27 Q145 +Q229166 P106 Q4610556 +Q429397 P161 Q192165 +Q44024 P106 Q250867 +Q505129 P463 Q188771 +Q15873 P69 Q170027 +Q180710 P1412 Q1860 +Q708922 P106 Q753110 +Q313868 P264 Q2535085 +Q327809 P57 Q78367 +Q297384 P106 Q36180 +Q233876 P106 Q1622272 +Q1789286 P27 Q155 +Q66812 P106 Q214917 +Q58577 P106 Q66711686 +Q77428 P106 Q49757 +Q809003 P1303 Q17172850 +Q206161 P17 Q801 +Q354654 P106 Q855091 +Q44336 P106 Q214917 +Q222873 P136 Q2421031 +Q139542 P161 Q202148 +Q294321 P106 Q6625963 +Q187832 P106 Q10800557 +Q125451 P20 Q64 +Q193871 P101 Q208217 +Q503013 P106 Q18814623 +Q318475 P172 Q7325 +Q202548 P136 Q130232 +Q884 P530 Q183 +Q166344 P106 Q639669 +Q273887 P106 Q36834 +Q540787 P106 Q1930187 +Q131366 P136 Q83270 +Q310800 P106 Q28389 +Q724871 P106 Q1930187 +Q502325 P106 Q947873 +Q284917 P161 Q232837 +Q237413 P172 Q165192 +Q1803090 P106 Q2095549 +Q124670 P106 Q855091 +Q9582 P108 Q21578 +Q1398507 P264 Q5086379 +Q216563 P106 Q177220 +Q202536 P106 Q10800557 +Q311244 P264 Q231694 +Q1360888 P106 Q17307272 +Q328335 P20 Q39984 +Q395274 P27 Q30 +Q209926 P19 Q1899 +Q120260 P551 Q5092 +Q123174 P1303 Q17172850 +Q136264 P161 Q294583 +Q59572 P57 Q230448 +Q332693 P20 Q495 +Q54828 P27 Q34266 +Q181795 P161 Q210447 +Q174193 P30 Q46 +Q268582 P136 Q8261 +Q78290 P106 Q36180 +Q221491 P161 Q23844 +Q78126 P106 Q82955 +Q213579 P27 Q27306 +Q313185 P737 Q207640 +Q45772 P27 Q30 +Q642817 P106 Q1622272 +Q374812 P1412 Q6654 +Q8680 P17 Q161885 +Q232288 P106 Q639669 +Q95949 P19 Q64 +Q454840 P102 Q29468 +Q46795 P27 Q114 +Q4747436 P108 Q37156 +Q1487770 P1303 Q17172850 +Q136264 P136 Q19367312 +Q118982 P27 Q183 +Q200509 P106 Q13416354 +Q171969 P106 Q1225716 +Q153658 P509 Q41083 +Q105940 P19 Q64 +Q487391 P106 Q177220 +Q106555 P27 Q142 +Q4977994 P69 Q1053996 +Q14281 P119 Q608405 +Q1225 P1303 Q51290 +Q64910 P106 Q82955 +Q154410 P19 Q1770 +Q315136 P19 Q3711 +Q1468495 P106 Q753110 +Q311769 P106 Q33999 +Q61147 P106 Q593644 +Q15800 P106 Q82955 +Q728991 P69 Q156598 +Q247182 P495 Q30 +Q44517 P69 Q165980 +Q296950 P108 Q658192 +Q83059 P140 Q9268 +Q446294 P69 Q4359408 +Q28656886 P551 Q60 +Q668 P530 Q1013 +Q101915 P106 Q182436 +Q854590 P264 Q732503 +Q438213 P19 Q90 +Q266080 P106 Q486748 +Q1683438 P27 Q145 +Q204810 P106 Q36180 +Q93959 P136 Q482 +Q184366 P108 Q189022 +Q1008 P463 Q294278 +Q367094 P106 Q10800557 +Q155485 P840 Q1261 +Q267441 P106 Q1930187 +Q664 P463 Q1065 +Q4119 P106 Q28389 +Q52433 P108 Q617433 +Q151792 P136 Q130232 +Q61942 P17 Q7318 +Q205456 P106 Q1930187 +Q1095533 P106 Q177220 +Q944509 P106 Q188094 +Q395340 P1412 Q7918 +Q355374 P1303 Q46185 +Q6080085 P108 Q209842 +Q1049686 P106 Q639669 +Q229 P530 Q183 +Q76409 P551 Q1200 +Q60486 P108 Q151510 +Q929 P463 Q899770 +Q378098 P69 Q49112 +Q884 P530 Q79 +Q966300 P101 Q11629 +Q103651 P106 Q639669 +Q89188 P172 Q127885 +Q62763 P463 Q684415 +Q26208 P509 Q333495 +Q194638 P69 Q336968 +Q312514 P106 Q33999 +Q46132 P106 Q177220 +Q137584 P840 Q1454 +Q309697 P1303 Q5994 +Q222041 P161 Q316857 +Q28480 P106 Q1209498 +Q934820 P69 Q503419 +Q1549911 P264 Q183412 +Q536102 P106 Q1397808 +Q49847 P106 Q245068 +Q101809 P1412 Q188 +Q229606 P106 Q2259451 +Q664 P530 Q423 +Q3074304 P1412 Q150 +Q916 P463 Q656801 +Q1678110 P20 Q1486 +Q57384 P172 Q42884 +Q161687 P161 Q232163 +Q856008 P106 Q2306091 +Q213579 P27 Q183 +Q736 P530 Q159 +Q230990 P106 Q5716684 +Q484427 P136 Q485395 +Q107816 P140 Q1841 +Q193257 P106 Q36180 +Q249719 P106 Q488205 +Q180850 P136 Q9759 +Q127688 P108 Q28695 +Q232009 P161 Q106481 +Q355341 P1303 Q163829 +Q706422 P106 Q806349 +Q201927 P106 Q10800557 +Q353366 P264 Q1347984 +Q651059 P27 Q29999 +Q200883 P27 Q30 +Q216102 P106 Q36180 +Q426393 P161 Q229271 +Q261700 P495 Q30 +Q300393 P161 Q295034 +Q236960 P69 Q49208 +Q109612 P106 Q639669 +Q573017 P136 Q598929 +Q234204 P106 Q33999 +Q97723 P119 Q190494 +Q325718 P136 Q11401 +Q1668660 P1303 Q17172850 +Q271856 P106 Q2259451 +Q344153 P106 Q193391 +Q106418 P551 Q90 +Q111344 P108 Q40025 +Q529619 P27 Q30 +Q601304 P69 Q179036 +Q1445276 P102 Q29552 +Q315518 P27 Q15180 +Q165392 P495 Q183 +Q436664 P27 Q30 +Q553276 P26 Q200460 +Q869 P463 Q7768 +Q94123 P27 Q30 +Q157324 P106 Q82955 +Q264326 P264 Q231694 +Q462466 P136 Q471839 +Q76699 P102 Q49768 +Q712319 P264 Q645889 +Q220335 P106 Q10798782 +Q439209 P1412 Q150 +Q44328 P20 Q1741 +Q343456 P1303 Q46185 +Q1974330 P106 Q2252262 +Q97341 P19 Q43196 +Q2645477 P1412 Q150 +Q9696 P106 Q372436 +Q3620117 P106 Q901 +Q74875 P20 Q64 +Q717204 P1412 Q1860 +Q182870 P737 Q9711 +Q4786 P1412 Q1321 +Q117761 P136 Q487965 +Q38049 P108 Q153006 +Q276407 P136 Q1054574 +Q183347 P69 Q49112 +Q295593 P106 Q28389 +Q3188007 P106 Q43845 +Q27 P530 Q865 +Q93817 P20 Q62 +Q171969 P20 Q90 +Q169963 P1412 Q1860 +Q257182 P27 Q30 +Q550262 P463 Q3603946 +Q774 P463 Q8475 +Q131685 P1412 Q1860 +Q130631 P69 Q13371 +Q84751 P106 Q1231865 +Q212772 P106 Q33999 +Q430905 P106 Q639669 +Q231276 P1412 Q1860 +Q3821445 P108 Q309331 +Q345571 P463 Q46703 +Q458215 P106 Q33999 +Q60052 P106 Q593644 +Q206461 P495 Q30 +Q125354 P106 Q10800557 +Q34453 P463 Q1971373 +Q67231 P106 Q15296811 +Q101715 P27 Q183 +Q84698 P1412 Q188 +Q735539 P106 Q15253558 +Q319799 P106 Q10800557 +Q229153 P136 Q37073 +Q365682 P106 Q483501 +Q333573 P106 Q36180 +Q104061 P106 Q10798782 +Q602779 P106 Q2252262 +Q615896 P106 Q639669 +Q338432 P17 Q38 +Q223596 P840 Q1384 +Q5603 P27 Q30 +Q153694 P136 Q8341 +Q72334 P106 Q36180 +Q4137 P26 Q4128 +Q557948 P106 Q33999 +Q715315 P106 Q201788 +Q175102 P106 Q36834 +Q455344 P136 Q83440 +Q7241 P1303 Q17172850 +Q123483 P106 Q49757 +Q78408 P102 Q49768 +Q11826 P1412 Q13955 +Q145 P530 Q35 +Q345494 P1303 Q1343007 +Q124494 P20 Q3150 +Q1803090 P27 Q145 +Q297024 P172 Q539051 +Q36023 P106 Q82955 +Q244975 P161 Q23359 +Q554775 P101 Q36834 +Q76 P1412 Q1860 +Q935369 P106 Q81096 +Q4428333 P106 Q901 +Q163249 P27 Q30 +Q156890 P27 Q1206012 +Q371972 P140 Q432 +Q204996 P106 Q42603 +Q242956 P69 Q501758 +Q89188 P551 Q55630 +Q1899 P17 Q133356 +Q39972 P20 Q65 +Q67221 P1412 Q9192 +Q314419 P106 Q10349745 +Q1045 P463 Q376150 +Q174284 P161 Q81328 +Q208204 P136 Q130232 +Q634100 P1412 Q9056 +Q216838 P1412 Q1860 +Q208204 P161 Q37175 +Q963 P463 Q8475 +Q16759 P1303 Q17172850 +Q1384822 P106 Q3282637 +Q57344 P106 Q15980158 +Q313509 P27 Q142 +Q9960 P509 Q11081 +Q984614 P20 Q65 +Q97301 P19 Q794 +Q517682 P19 Q12892 +Q11617 P264 Q27184 +Q120647 P1412 Q9288 +Q57281 P1412 Q397 +Q128085 P106 Q1198887 +Q77144 P108 Q35794 +Q319392 P106 Q183945 +Q269890 P19 Q18424 +Q74958 P161 Q38111 +Q275793 P106 Q1930187 +Q92830 P108 Q189022 +Q817 P463 Q842490 +Q528832 P69 Q540672 +Q2287423 P3373 Q2062366 +Q916 P530 Q28 +Q361677 P1412 Q1860 +Q483203 P106 Q33999 +Q927 P509 Q12078 +Q153020 P19 Q2807 +Q81752 P106 Q765778 +Q282787 P106 Q2526255 +Q26648 P108 Q192964 +Q59572 P495 Q145 +Q310734 P161 Q185079 +Q1286993 P1303 Q46185 +Q11815 P106 Q372436 +Q461447 P840 Q538 +Q441351 P106 Q177220 +Q361587 P106 Q33999 +Q230169 P106 Q36180 +Q332693 P463 Q463303 +Q238315 P69 Q1664782 +Q165357 P106 Q33999 +Q212015 P136 Q83440 +Q1939373 P3373 Q437049 +Q23728 P106 Q2059704 +Q257551 P451 Q126599 +Q104668 P463 Q2095524 +Q181667 P106 Q214917 +Q106554 P102 Q153401 +Q1803720 P27 Q145 +Q348678 P161 Q445018 +Q454970 P106 Q1930187 +Q552053 P1303 Q5994 +Q47087 P69 Q245247 +Q357929 P106 Q947873 +Q283932 P161 Q229112 +Q4173649 P27 Q15180 +Q1715 P17 Q713750 +Q960935 P19 Q16563 +Q2908686 P106 Q193391 +Q96577 P27 Q183 +Q37 P530 Q41 +Q19658 P69 Q1149089 +Q176944 P102 Q138345 +Q984614 P264 Q1392321 +Q319527 P1412 Q150 +Q711538 P1412 Q150 +Q19526 P106 Q28389 +Q1240856 P1412 Q150 +Q70795 P106 Q3075052 +Q311976 P1412 Q1860 +Q219377 P19 Q43199 +Q236527 P106 Q10798782 +Q162740 P1412 Q9299 +Q69884 P463 Q44687 +Q83542 P161 Q360528 +Q75866 P106 Q2095549 +Q23395 P161 Q184103 +Q72833 P27 Q183 +Q722395 P27 Q30 +Q7976772 P106 Q1028181 +Q196685 P136 Q188473 +Q362340 P27 Q36 +Q239293 P20 Q65 +Q426828 P161 Q232837 +Q68501 P27 Q183 +Q208101 P106 Q214917 +Q110106 P69 Q49210 +Q169996 P161 Q726074 +Q60579 P106 Q205375 +Q290094 P27 Q30 +Q224029 P140 Q1841 +Q128582 P161 Q231951 +Q193338 P106 Q55960555 +Q948 P37 Q13955 +Q373948 P27 Q30 +Q5950 P1303 Q1444 +Q297071 P172 Q42406 +Q48984 P161 Q313009 +Q390299 P161 Q193668 +Q1445276 P106 Q2462658 +Q312270 P106 Q639669 +Q1439592 P463 Q131566 +Q170333 P20 Q1055 +Q196159 P1412 Q7737 +Q127866 P17 Q15180 +Q96285 P20 Q2833 +Q107067 P264 Q183412 +Q432743 P106 Q855091 +Q310930 P106 Q33999 +Q502325 P106 Q876864 +Q244234 P106 Q2259451 +Q52922 P1412 Q1860 +Q4042 P19 Q23556 +Q92637 P69 Q1145814 +Q258846 P136 Q37073 +Q57139 P106 Q36834 +Q4128 P106 Q201788 +Q1500 P69 Q219694 +Q230739 P106 Q1930187 +Q77214 P106 Q1209498 +Q313023 P106 Q2259451 +Q720208 P136 Q9759 +Q805 P530 Q865 +Q529309 P106 Q36180 +Q438635 P1412 Q1860 +Q85295 P108 Q159895 +Q29 P530 Q664 +Q77006 P136 Q193207 +Q185048 P57 Q51495 +Q322794 P106 Q36180 +Q51506 P106 Q33999 +Q190998 P106 Q18814623 +Q12658 P463 Q270794 +Q220351 P106 Q33999 +Q710924 P106 Q3282637 +Q207660 P106 Q36180 +Q296609 P106 Q947873 +Q17 P530 Q38 +Q889 P463 Q188822 +Q159 P530 Q145 +Q1037 P463 Q191384 +Q393407 P106 Q3387717 +Q168724 P140 Q7066 +Q182692 P161 Q245808 +Q316872 P172 Q49085 +Q36878 P69 Q1250779 +Q193628 P27 Q30 +Q392697 P161 Q309900 +Q129288 P161 Q26806 +Q445648 P106 Q36834 +Q71616 P106 Q49757 +Q754 P530 Q17 +Q7604 P1412 Q397 +Q323060 P106 Q28389 +Q92824 P69 Q174710 +Q80135 P463 Q15646111 +Q76543 P106 Q36180 +Q292373 P106 Q10798782 +Q313666 P106 Q15627169 +Q178391 P1412 Q1860 +Q163225 P27 Q668 +Q58793 P101 Q132151 +Q154959 P69 Q156598 +Q140099 P106 Q33999 +Q784 P463 Q656801 +Q166262 P136 Q188473 +Q88478 P106 Q36180 +Q483907 P140 Q7066 +Q5763208 P106 Q49757 +Q81796 P106 Q6625963 +Q526406 P136 Q37073 +Q921808 P101 Q7867 +Q234144 P27 Q30 +Q1534428 P509 Q9687 +Q102822 P463 Q123885 +Q23517 P140 Q7066 +Q61318 P1412 Q397 +Q69631 P1412 Q652 +Q313046 P106 Q10798782 +Q152503 P106 Q82955 +Q93664 P463 Q40358 +Q76824 P161 Q330847 +Q299122 P136 Q211723 +Q865 P530 Q734 +Q352431 P161 Q106175 +Q7200 P101 Q492537 +Q431591 P27 Q30 +Q66031 P20 Q641 +Q1585614 P136 Q9759 +Q865 P530 Q227 +Q365042 P106 Q639669 +Q181678 P1412 Q1860 +Q261812 P106 Q10798782 +Q11975 P3373 Q55497 +Q62929 P19 Q2090 +Q167726 P136 Q188473 +Q83275 P106 Q1622272 +Q42831 P136 Q8261 +Q248562 P495 Q30 +Q382197 P69 Q49112 +Q270123 P264 Q54860 +Q8619 P106 Q11774156 +Q3138 P17 Q41304 +Q375036 P1412 Q9129 +Q41304 P463 Q38130 +Q71275 P19 Q37836 +Q34414 P136 Q52162262 +Q269462 P101 Q207628 +Q966565 P69 Q49213 +Q760 P463 Q827525 +Q338826 P102 Q727724 +Q380981 P161 Q167520 +Q314164 P20 Q1741 +Q843 P530 Q1028 +Q1827208 P27 Q16 +Q57303 P140 Q59778 +Q75089 P20 Q3033 +Q282804 P136 Q645928 +Q219060 P530 Q35 +Q289204 P57 Q2071 +Q40482 P27 Q36 +Q549233 P106 Q33999 +Q734574 P27 Q129286 +Q125405 P102 Q153401 +Q257145 P106 Q28389 +Q77079 P106 Q36180 +Q212224 P1412 Q1860 +Q134022 P102 Q49750 +Q223613 P106 Q10800557 +Q200883 P106 Q1622272 +Q843 P530 Q863 +Q92756 P106 Q170790 +Q319523 P1412 Q7737 +Q541708 P102 Q29552 +Q44517 P509 Q181754 +Q124523 P106 Q36180 +Q86924 P463 Q695302 +Q29313 P136 Q157443 +Q311193 P136 Q11399 +Q65917 P106 Q82955 +Q1016 P530 Q1028 +Q77749 P106 Q36180 +Q101638 P26 Q188569 +Q234141 P106 Q2259451 +Q39212 P463 Q463281 +Q221098 P161 Q349350 +Q61194 P119 Q64 +Q1382883 P106 Q855091 +Q216814 P27 Q142 +Q23880 P106 Q33999 +Q130742 P136 Q11366 +Q162518 P161 Q71275 +Q44767 P136 Q105527 +Q168821 P161 Q242555 +Q202537 P106 Q164236 +Q139223 P106 Q36834 +Q64600 P106 Q81096 +Q706084 P106 Q36180 +Q381307 P463 Q463303 +Q115754 P509 Q1368943 +Q573171 P69 Q13371 +Q171428 P551 Q33935 +Q851 P530 Q881 +Q4894155 P106 Q901 +Q560921 P106 Q36180 +Q234773 P106 Q13235160 +Q53040 P140 Q9592 +Q83325 P106 Q947873 +Q128911 P106 Q82955 +Q648359 P1303 Q6607 +Q61059 P69 Q1093910 +Q152293 P106 Q1415090 +Q167520 P69 Q179036 +Q733 P463 Q4230 +Q385236 P106 Q333634 +Q240576 P463 Q463303 +Q977 P463 Q134102 +Q139330 P106 Q2259451 +Q1893889 P551 Q15180 +Q161852 P27 Q36 +Q442797 P136 Q182659 +Q16766 P106 Q947873 +Q203806 P106 Q3282637 +Q22686 P106 Q33999 +Q170572 P106 Q33999 +Q337521 P136 Q11399 +Q163593 P106 Q10798782 +Q335556 P106 Q43845 +Q64014 P140 Q75809 +Q526970 P106 Q177220 +Q727301 P106 Q82955 +Q115805 P106 Q250867 +Q114191 P106 Q1622272 +Q708581 P463 Q7118978 +Q104898 P1412 Q1860 +Q55245 P1412 Q1860 +Q207596 P26 Q633 +Q104688 P69 Q157575 +Q144622 P1412 Q652 +Q508752 P119 Q216344 +Q353978 P106 Q10798782 +Q651763 P106 Q864380 +Q86635 P69 Q154804 +Q165257 P1412 Q1321 +Q37 P463 Q8475 +Q57802 P463 Q4345832 +Q298276 P106 Q33999 +Q312337 P106 Q33999 +Q181795 P161 Q441685 +Q312657 P106 Q33999 +Q80064 P106 Q36180 +Q210741 P106 Q822146 +Q75720 P1412 Q188 +Q503672 P136 Q1344 +Q191819 P106 Q183945 +Q16390 P108 Q126399 +Q105031 P136 Q319221 +Q70795 P108 Q672420 +Q1666 P264 Q2535085 +Q567 P1412 Q188 +Q153481 P19 Q16557 +Q61147 P463 Q543804 +Q727717 P106 Q49757 +Q1299302 P106 Q855091 +Q680971 P17 Q38 +Q297425 P19 Q60 +Q208871 P1412 Q1860 +Q377956 P106 Q177220 +Q106762 P108 Q189022 +Q92446 P19 Q64 +Q1744 P264 Q165711 +Q379994 P161 Q14537 +Q670440 P101 Q166542 +Q155124 P69 Q174710 +Q16 P530 Q739 +Q139330 P106 Q10800557 +Q76943 P1412 Q150 +Q350424 P106 Q10800557 +Q237081 P106 Q49757 +Q1157139 P106 Q158852 +Q763 P463 Q656801 +Q379929 P106 Q214917 +Q65932 P101 Q33999 +Q434669 P19 Q38022 +Q10133 P106 Q49757 +Q310343 P19 Q277162 +Q132489 P106 Q1622272 +Q682673 P136 Q37073 +Q90319 P106 Q2526255 +Q170328 P106 Q33999 +Q316427 P106 Q36834 +Q374582 P106 Q14915627 +Q1888523 P106 Q81096 +Q357326 P463 Q5142859 +Q86812 P20 Q64 +Q114169 P102 Q49764 +Q465465 P106 Q333634 +Q49081 P106 Q1238570 +Q189067 P264 Q513712 +Q150652 P20 Q64 +Q358455 P27 Q30 +Q5890 P161 Q45647 +Q183081 P161 Q464320 +Q74958 P840 Q258 +Q181 P69 Q6608367 +Q154367 P737 Q79759 +Q12303639 P1412 Q9027 +Q434932 P106 Q193391 +Q219782 P136 Q131272 +Q945641 P27 Q35 +Q64440 P27 Q183 +Q73482 P108 Q153978 +Q101326 P106 Q350979 +Q270935 P27 Q30 +Q265252 P106 Q639669 +Q448764 P108 Q153265 +Q213122 P19 Q1297 +Q76478 P106 Q10800557 +Q192331 P106 Q6625963 +Q352023 P19 Q60 +Q55411 P106 Q1622272 +Q304488 P161 Q436503 +Q1443689 P20 Q60 +Q97301 P27 Q183 +Q432715 P20 Q65 +Q313411 P102 Q29468 +Q76432 P119 Q438183 +Q78321 P106 Q15627169 +Q1022 P17 Q7318 +Q76895 P106 Q4991371 +Q431401 P136 Q8341 +Q165110 P106 Q23833535 +Q34414 P161 Q1176607 +Q220192 P161 Q233022 +Q6714 P106 Q4773904 +Q297816 P106 Q947873 +Q668 P463 Q1072120 +Q348649 P27 Q800 +Q95485 P108 Q700758 +Q526709 P106 Q36180 +Q45909 P106 Q10800557 +Q1041749 P106 Q822146 +Q694081 P1412 Q1860 +Q137130 P161 Q207307 +Q231135 P106 Q2259451 +Q33946 P37 Q9058 +Q438213 P106 Q81096 +Q139642 P106 Q3282637 +Q348615 P136 Q966564 +Q4235 P136 Q83440 +Q104266 P106 Q2259451 +Q194045 P69 Q248970 +Q9916 P509 Q12152 +Q35738 P161 Q313044 +Q2567 P106 Q47064 +Q552215 P69 Q49112 +Q233 P463 Q656801 +Q174843 P106 Q33999 +Q267764 P106 Q2252262 +Q421478 P69 Q1379834 +Q1397252 P19 Q220 +Q181555 P161 Q207596 +Q159 P530 Q189 +Q115987 P69 Q5384959 +Q362531 P1412 Q294 +Q55388 P551 Q90 +Q86407 P19 Q1794 +Q224069 P161 Q40470 +Q272929 P106 Q10800557 +Q270268 P106 Q82955 +Q1185803 P641 Q5386 +Q2643 P264 Q208909 +Q432129 P1412 Q9027 +Q282588 P106 Q3387717 +Q92875 P463 Q127992 +Q1397888 P106 Q36834 +Q129817 P27 Q664 +Q298726 P136 Q8341 +Q44584 P136 Q36180 +Q374223 P27 Q30 +Q432473 P106 Q43845 +Q437049 P3373 Q243113 +Q384387 P106 Q10873124 +Q215076 P27 Q334 +Q64655 P463 Q543804 +Q153484 P136 Q471839 +Q718609 P19 Q727 +Q66774 P106 Q222344 +Q426517 P136 Q130232 +Q187999 P161 Q132616 +Q991 P108 Q4345832 +Q1941315 P641 Q5372 +Q176626 P161 Q110462 +Q684105 P136 Q1133657 +Q214983 P463 Q133957 +Q4889934 P27 Q30 +Q455552 P136 Q859369 +Q77608 P463 Q463281 +Q23434 P26 Q120085 +Q8349 P106 Q2405480 +Q971027 P27 Q30 +Q235305 P509 Q12078 +Q30875 P106 Q16287483 +Q77161 P20 Q60 +Q711172 P108 Q457281 +Q819 P463 Q134102 +Q154325 P27 Q34266 +Q945 P463 Q1065 +Q561826 P40 Q294931 +Q78030 P27 Q41304 +Q233529 P27 Q30 +Q82049 P101 Q9471 +Q76483 P509 Q29496 +Q239910 P27 Q30 +Q11726 P1412 Q188 +Q981270 P69 Q471980 +Q722395 P136 Q83440 +Q24962 P106 Q10798782 +Q5878 P106 Q6625963 +Q184697 P1303 Q133163 +Q61940 P136 Q676 +Q713443 P1412 Q8641 +Q236378 P27 Q30 +Q179051 P140 Q432 +Q232035 P106 Q177220 +Q191 P463 Q81299 +Q39829 P737 Q239910 +Q221491 P161 Q249865 +Q62986 P69 Q154804 +Q483203 P136 Q187760 +Q36 P530 Q38 +Q212 P463 Q376150 +Q380983 P20 Q34217 +Q975210 P19 Q1017 +Q527146 P106 Q864380 +Q320973 P106 Q10798782 +Q46248 P106 Q18844224 +Q94018 P106 Q1622272 +Q342430 P106 Q10800557 +Q151792 P161 Q276005 +Q763507 P27 Q30 +Q1018838 P1412 Q1321 +Q79038 P106 Q214917 +Q373968 P106 Q10798782 +Q38392 P135 Q971480 +Q44747 P27 Q40 +Q7241 P108 Q1145306 +Q239652 P106 Q36834 +Q380848 P840 Q90 +Q222720 P57 Q13595311 +Q458593 P69 Q51985 +Q511399 P1412 Q150 +Q2601 P106 Q82955 +Q235685 P19 Q60 +Q490381 P3373 Q7349 +Q234700 P136 Q24925 +Q368519 P1412 Q1860 +Q257277 P27 Q30 +Q133151 P136 Q83270 +Q228584 P509 Q188874 +Q154145 P108 Q209842 +Q231815 P106 Q49757 +Q151870 P161 Q359325 +Q212575 P106 Q49757 +Q1151 P106 Q1930187 +Q55452 P26 Q202144 +Q182665 P106 Q753110 +Q232562 P106 Q2259451 +Q228943 P106 Q28389 +Q965 P530 Q117 +Q311193 P106 Q822146 +Q234980 P27 Q34266 +Q61262 P20 Q3834 +Q152555 P140 Q5043 +Q124357 P19 Q350 +Q725510 P106 Q947873 +Q235952 P1303 Q17172850 +Q289108 P509 Q12136 +Q865 P530 Q232 +Q441913 P106 Q33999 +Q443317 P136 Q8341 +Q87392 P119 Q68752772 +Q96591 P108 Q152838 +Q314787 P27 Q145 +Q937359 P106 Q33999 +Q374770 P106 Q10798782 +Q2460829 P3373 Q307463 +Q192069 P106 Q5716684 +Q390097 P161 Q122614 +Q41257 P69 Q152087 +Q323318 P840 Q724 +Q48184 P463 Q15646111 +Q369190 P106 Q3282637 +Q231255 P106 Q488205 +Q29344 P106 Q1930187 +Q5959091 P463 Q337555 +Q33977 P551 Q90 +Q38573 P106 Q36180 +Q267018 P495 Q30 +Q1346849 P1303 Q5994 +Q928851 P106 Q487596 +Q37217 P106 Q193391 +Q785404 P641 Q847 +Q535 P69 Q1059546 +Q1047474 P140 Q7066 +Q170072 P30 Q46 +Q388286 P27 Q30 +Q182905 P106 Q4964182 +Q510361 P264 Q2996526 +Q196665 P161 Q314597 +Q166056 P140 Q9592 +Q362371 P20 Q33405 +Q77214 P136 Q482 +Q117012 P106 Q639669 +Q208537 P106 Q158852 +Q453314 P1303 Q46185 +Q204804 P106 Q855091 +Q266544 P136 Q483251 +Q48984 P161 Q345212 +Q191598 P20 Q656 +Q58057 P1412 Q188 +Q154331 P264 Q168407 +Q728030 P106 Q37226 +Q188744 P106 Q33999 +Q85295 P108 Q40025 +Q537222 P19 Q49231 +Q1590452 P19 Q3711 +Q108886 P108 Q23548 +Q32910 P495 Q30 +Q451369 P1412 Q9288 +Q23395 P161 Q312081 +Q25310 P20 Q65 +Q263143 P551 Q65 +Q469753 P106 Q177220 +Q1702383 P106 Q753110 +Q5603 P106 Q3282637 +Q47293 P106 Q6625963 +Q123371 P108 Q168756 +Q57276 P140 Q1841 +Q280734 P1303 Q6607 +Q949337 P106 Q33999 +Q296370 P106 Q177220 +Q57213 P106 Q488205 +Q112136 P69 Q165980 +Q175366 P106 Q82955 +Q1820387 P1303 Q17172850 +Q703935 P106 Q36180 +Q349391 P27 Q145 +Q440910 P106 Q10798782 +Q154770 P19 Q1741 +Q12544 P140 Q35032 +Q76811 P106 Q1234713 +Q103784 P1050 Q12195 +Q1606016 P106 Q1028181 +Q467574 P737 Q363308 +Q1276 P172 Q7325 +Q31 P463 Q826700 +Q201315 P27 Q29 +Q199644 P20 Q8678 +Q38193 P551 Q1794 +Q181402 P1412 Q1860 +Q202148 P1412 Q1860 +Q85102 P108 Q1051840 +Q334 P530 Q928 +Q25188 P161 Q8927 +Q3936 P463 Q747279 +Q309995 P463 Q337543 +Q62459 P463 Q15646111 +Q327261 P1412 Q256 +Q983654 P140 Q60995 +Q79141 P106 Q193391 +Q61682 P19 Q2079 +Q237497 P136 Q3071 +Q1552348 P27 Q31 +Q4636 P19 Q18419 +Q298016 P106 Q2722764 +Q717250 P106 Q82955 +Q326177 P161 Q269830 +Q4673 P106 Q33999 +Q1282826 P106 Q36180 +Q991 P106 Q1930187 +Q40791 P1412 Q1860 +Q150767 P106 Q82955 +Q865 P530 Q1006 +Q160071 P840 Q1223 +Q72538 P106 Q170790 +Q92532 P106 Q188094 +Q158436 P20 Q488004 +Q1549911 P106 Q639669 +Q298334 P106 Q33999 +Q296950 P119 Q1397 +Q160560 P161 Q289524 +Q711978 P136 Q11401 +Q49767 P20 Q90 +Q405565 P106 Q1930187 +Q957575 P106 Q1930187 +Q67553 P463 Q329464 +Q64091 P20 Q1297 +Q49017 P106 Q36180 +Q22222 P1412 Q1860 +Q155398 P69 Q152171 +Q549729 P106 Q3055126 +Q320025 P106 Q28389 +Q44634 P19 Q365 +Q57085 P19 Q1794 +Q159 P530 Q45 +Q92693 P509 Q29496 +Q489643 P106 Q855091 +Q535972 P1303 Q17172850 +Q155124 P140 Q106039 +Q273568 P161 Q400046 +Q104929 P106 Q36180 +Q145480 P106 Q177220 +Q5592 P106 Q81096 +Q312803 P106 Q10800557 +Q215856 P102 Q7320 +Q346648 P27 Q142 +Q289895 P119 Q240744 +Q77009 P161 Q188955 +Q171242 P136 Q49084 +Q78031 P106 Q33999 +Q267914 P106 Q10800557 +Q63505 P1412 Q188 +Q6714 P463 Q684415 +Q213053 P57 Q262130 +Q315391 P108 Q273626 +Q63032 P1412 Q188 +Q974 P530 Q183 +Q704742 P1303 Q17172850 +Q268994 P106 Q1930187 +Q528323 P264 Q1998195 +Q131380 P106 Q33999 +Q547181 P106 Q488205 +Q194333 P1412 Q1860 +Q873 P106 Q33999 +Q214191 P3373 Q77087 +Q143867 P106 Q2526255 +Q2833 P17 Q43287 +Q254838 P106 Q33999 +Q172183 P140 Q9268 +Q95174 P106 Q177220 +Q78928 P106 Q33999 +Q230555 P20 Q16555 +Q449317 P27 Q30 +Q117139 P551 Q183 +Q303235 P495 Q804 +Q20715407 P27 Q30 +Q4029 P106 Q2405480 +Q72856 P106 Q185351 +Q843 P463 Q233611 +Q12881 P463 Q337224 +Q215735 P108 Q315658 +Q55404 P19 Q1354 +Q207034 P1303 Q9798 +Q96743 P102 Q49768 +Q286777 P106 Q28389 +Q3847508 P27 Q129286 +Q240233 P509 Q12078 +Q376477 P106 Q10798782 +Q365474 P106 Q3282637 +Q134183 P140 Q5043 +Q219491 P106 Q49757 +Q353978 P106 Q28389 +Q965301 P509 Q12192 +Q77615 P1412 Q1860 +Q511471 P27 Q34266 +Q84011 P27 Q16 +Q345217 P20 Q220 +Q223839 P551 Q1138378 +Q449634 P19 Q1297 +Q80889 P106 Q49757 +Q11459 P108 Q740308 +Q4356896 P119 Q2972543 +Q2902710 P27 Q16 +Q79069 P106 Q36180 +Q185714 P1412 Q1860 +Q213 P530 Q41 +Q167877 P1412 Q1860 +Q310315 P136 Q21010853 +Q848723 P19 Q1781 +Q98265 P1412 Q397 +Q2685 P101 Q222749 +Q434932 P20 Q90 +Q274404 P463 Q414110 +Q2673 P102 Q29468 +Q237420 P106 Q36180 +Q76532 P106 Q1930187 +Q1003730 P159 Q472 +Q5383 P264 Q50074604 +Q119719 P102 Q153401 +Q7301731 P69 Q49124 +Q78608 P19 Q1741 +Q144643 P106 Q10800557 +Q1446475 P1303 Q17172850 +Q76444 P106 Q36180 +Q38 P530 Q796 +Q234606 P27 Q30 +Q3741406 P106 Q201788 +Q64850 P106 Q189290 +Q298276 P27 Q25 +Q74579 P161 Q231163 +Q233502 P106 Q10798782 +Q314569 P27 Q30 +Q436463 P106 Q1397808 +Q1439592 P69 Q1145814 +Q1376193 P463 Q463303 +Q7728 P20 Q220 +Q359563 P102 Q79854 +Q238638 P27 Q30 +Q183347 P106 Q222344 +Q291314 P106 Q33999 +Q232592 P106 Q15981151 +Q381477 P106 Q28389 +Q184933 P509 Q12192 +Q3150 P17 Q7318 +Q14678 P19 Q2044 +Q76791 P119 Q64 +Q374263 P106 Q2405480 +Q714739 P106 Q12406482 +Q223443 P1303 Q17172850 +Q268905 P161 Q77035 +Q332528 P27 Q145 +Q380381 P106 Q36834 +Q53454 P27 Q172107 +Q171453 P161 Q439358 +Q453330 P106 Q183945 +Q55415 P106 Q3282637 +Q707607 P106 Q4351403 +Q220910 P840 Q23768 +Q40 P530 Q183 +Q183 P530 Q983 +Q384804 P27 Q155 +Q200804 P136 Q471839 +Q734 P530 Q244 +Q314319 P27 Q408 +Q573223 P463 Q11993457 +Q194280 P106 Q36180 +Q379250 P106 Q639669 +Q60884 P1412 Q1860 +Q222867 P161 Q170606 +Q98448 P108 Q159895 +Q116462 P69 Q9842 +Q182609 P19 Q1296 +Q58062 P106 Q182436 +Q45165 P264 Q330629 +Q342774 P264 Q165745 +Q57311 P69 Q174570 +Q202847 P106 Q806349 +Q289598 P840 Q65 +Q62766 P136 Q11401 +Q5046268 P101 Q11633 +Q46000 P509 Q12202 +Q1435910 P69 Q1524124 +Q1273345 P27 Q30 +Q902 P463 Q656801 +Q1173441 P136 Q842324 +Q84510 P27 Q183 +Q175535 P551 Q65 +Q231091 P106 Q33999 +Q204323 P106 Q36834 +Q156941 P101 Q1069 +Q249141 P19 Q1345 +Q29 P463 Q8475 +Q215748 P27 Q30 +Q1389258 P27 Q142 +Q29008 P69 Q622683 +Q52924 P463 Q1792159 +Q105941 P102 Q29552 +Q193857 P172 Q42406 +Q542307 P106 Q36180 +Q983400 P69 Q209842 +Q92882 P69 Q49114 +Q221 P463 Q7809 +Q212 P172 Q44806 +Q216134 P106 Q49757 +Q333519 P463 Q123885 +Q214466 P106 Q639669 +Q364875 P106 Q488205 +Q733174 P106 Q6625963 +Q160215 P161 Q104514 +Q552273 P106 Q901 +Q327660 P27 Q38 +Q2633389 P106 Q33999 +Q272935 P106 Q33999 +Q189415 P19 Q1563 +Q130780 P27 Q145 +Q133386 P106 Q82955 +Q408 P530 Q846 +Q150767 P136 Q9730 +Q273981 P264 Q216364 +Q273171 P1303 Q52954 +Q45647 P27 Q145 +Q157707 P264 Q770103 +Q190772 P119 Q311 +Q78526 P463 Q46703 +Q309989 P119 Q1624932 +Q977 P530 Q183 +Q217298 P140 Q75809 +Q233868 P106 Q36834 +Q29697 P840 Q65 +Q365474 P1303 Q17172850 +Q202041 P136 Q164444 +Q180468 P1412 Q188 +Q232009 P161 Q185079 +Q183081 P136 Q959790 +Q340016 P106 Q639669 +Q153694 P106 Q10798782 +Q110203 P161 Q134895 +Q5354 P463 Q188771 +Q233937 P264 Q3415083 +Q25161 P1412 Q1860 +Q1380398 P69 Q49088 +Q316045 P1412 Q9035 +Q88443 P106 Q1622272 +Q113626 P106 Q193391 +Q159976 P106 Q36834 +Q75803 P106 Q2865819 +Q127856 P17 Q30 +Q182654 P1412 Q7737 +Q796 P530 Q810 +Q4266175 P27 Q34266 +Q237416 P27 Q224 +Q280724 P101 Q207628 +Q261923 P161 Q237659 +Q1677606 P463 Q463303 +Q37030 P1412 Q188 +Q276209 P106 Q2405480 +Q692632 P1303 Q17172850 +Q358885 P106 Q1028181 +Q122514 P106 Q1238570 +Q215478 P1412 Q150 +Q219 P463 Q191384 +Q7604 P27 Q27306 +Q44517 P27 Q40 +Q314841 P551 Q975 +Q232282 P106 Q2259451 +Q19526 P106 Q6625963 +Q120342 P1412 Q652 +Q160456 P106 Q4964182 +Q391542 P161 Q288620 +Q46053 P20 Q45 +Q402194 P1303 Q17172850 +Q529555 P106 Q639669 +Q959875 P106 Q6625963 +Q91004 P106 Q2405480 +Q11815 P106 Q10076267 +Q74315 P136 Q52162262 +Q536371 P106 Q482980 +Q70867 P19 Q1726 +Q171834 P20 Q220 +Q34981 P69 Q5149833 +Q312292 P1412 Q1860 +Q724871 P20 Q24826 +Q57063 P108 Q273263 +Q271879 P106 Q33999 +Q340138 P161 Q195367 +Q31 P530 Q212 +Q41272 P136 Q1298934 +Q436759 P1412 Q188 +Q221482 P27 Q30 +Q173955 P136 Q959790 +Q229153 P106 Q639669 +Q450789 P69 Q547867 +Q78918 P106 Q8178443 +Q216102 P106 Q201788 +Q284386 P106 Q2722764 +Q91162 P106 Q82955 +Q445463 P1412 Q1860 +Q138984 P108 Q737835 +Q262354 P106 Q49757 +Q584850 P27 Q38 +Q310048 P106 Q214917 +Q44580 P27 Q41304 +Q111288 P20 Q64 +Q704931 P737 Q40213 +Q202028 P161 Q265661 +Q193426 P172 Q49078 +Q3435328 P27 Q145 +Q198451 P161 Q294531 +Q104183 P106 Q2259451 +Q467378 P19 Q18419 +Q153020 P106 Q4964182 +Q6107 P106 Q28389 +Q76589 P20 Q586 +Q167265 P161 Q296774 +Q1266083 P106 Q1930187 +Q435665 P69 Q270222 +Q49017 P106 Q6625963 +Q190770 P108 Q21578 +Q105084 P17 Q27306 +Q139330 P102 Q29552 +Q766314 P27 Q218 +Q436131 P27 Q30 +Q47755 P119 Q288130 +Q131324 P106 Q183945 +Q65113 P102 Q49768 +Q155882 P106 Q753110 +Q235716 P106 Q4610556 +Q239917 P106 Q15981151 +Q66800 P20 Q2742 +Q316568 P69 Q13371 +Q992295 P495 Q30 +Q917 P530 Q148 +Q80222 P463 Q3603946 +Q187033 P463 Q463303 +Q427403 P27 Q29 +Q282002 P136 Q45981 +Q665344 P106 Q333634 +Q90319 P106 Q2707485 +Q446151 P102 Q590750 +Q976296 P27 Q36 +Q368812 P136 Q3017271 +Q549729 P106 Q3621491 +Q46551 P161 Q123351 +Q453288 P69 Q131252 +Q276139 P27 Q30 +Q212965 P161 Q201279 +Q361610 P106 Q10798782 +Q221074 P1303 Q17172850 +Q88150 P20 Q64 +Q1028 P530 Q1025 +Q3052333 P1412 Q143 +Q62866 P463 Q1493021 +Q193405 P140 Q288928 +Q43247 P106 Q33999 +Q385309 P161 Q272505 +Q347362 P106 Q1238570 +Q463639 P106 Q33231 +Q88223 P27 Q183 +Q183535 P1412 Q7737 +Q190050 P495 Q30 +Q342580 P106 Q36180 +Q134477 P106 Q4853732 +Q28 P530 Q142 +Q1764 P30 Q46 +Q67271 P1412 Q188 +Q955619 P106 Q1930187 +Q386053 P136 Q885561 +Q77682 P106 Q82955 +Q292993 P106 Q4610556 +Q244604 P840 Q61 +Q247526 P106 Q6625963 +Q25310 P119 Q216344 +Q175285 P106 Q36180 +Q72667 P101 Q82955 +Q44380 P451 Q193070 +Q434500 P106 Q177220 +Q778716 P27 Q38 +Q544387 P264 Q202440 +Q865 P530 Q242 +Q373566 P69 Q745967 +Q362118 P20 Q49202 +Q374220 P140 Q131036 +Q190956 P136 Q130232 +Q155928 P106 Q11513337 +Q441528 P140 Q5043 +Q140099 P106 Q4610556 +Q710466 P106 Q130857 +Q102071 P509 Q47912 +Q67597 P69 Q55044 +Q210741 P106 Q33999 +Q310060 P106 Q3282637 +Q12908 P463 Q958769 +Q110709 P69 Q691851 +Q215689 P27 Q183 +Q191734 P106 Q2259532 +Q721376 P106 Q82955 +Q1333385 P136 Q485395 +Q180008 P161 Q218532 +Q910392 P106 Q1930187 +Q5152 P27 Q43 +Q79120 P20 Q1345 +Q102902 P69 Q154561 +Q189197 P20 Q584451 +Q307463 P106 Q82955 +Q11847 P509 Q12152 +Q718368 P106 Q1259917 +Q478967 P136 Q11366 +Q34105 P509 Q14467705 +Q254611 P106 Q10800557 +Q35385 P1412 Q7737 +Q127437 P27 Q30 +Q3920 P17 Q713750 +Q69474 P19 Q2887 +Q215219 P106 Q177220 +Q53403 P119 Q216344 +Q212523 P69 Q80207 +Q104898 P463 Q463281 +Q372234 P69 Q1472245 +Q37103 P1412 Q1860 +Q217750 P1412 Q809 +Q1537105 P136 Q8341 +Q689486 P463 Q2370801 +Q705221 P463 Q854590 +Q45221 P106 Q49757 +Q39246 P140 Q55004488 +Q132193 P106 Q1234713 +Q2308660 P19 Q85 +Q238557 P509 Q506616 +Q136591 P264 Q202585 +Q154083 P27 Q183 +Q269890 P106 Q2405480 +Q715265 P1303 Q52954 +Q61864 P119 Q253763 +Q123628 P136 Q6010 +Q151848 P136 Q2484376 +Q40096 P140 Q5043 +Q160499 P140 Q9592 +Q57475 P140 Q55004488 +Q727730 P27 Q30 +Q140099 P1412 Q9176 +Q333856 P106 Q55960555 +Q298412 P1412 Q5287 +Q37628 P106 Q4610556 +Q62977 P106 Q49757 +Q2019530 P3373 Q457856 +Q152452 P101 Q8134 +Q217627 P840 Q62 +Q462579 P106 Q28389 +Q468452 P108 Q217365 +Q354508 P106 Q486748 +Q114 P463 Q384535 +Q38849 P106 Q6430706 +Q36290 P136 Q58339 +Q380026 P106 Q1622272 +Q991 P509 Q188605 +Q708423 P19 Q1509 +Q272896 P27 Q30 +Q69349 P106 Q1622272 +Q42047 P161 Q463407 +Q187166 P19 Q23482 +Q310947 P102 Q29468 +Q102438 P136 Q157394 +Q190379 P737 Q83059 +Q75886 P106 Q40348 +Q246497 P20 Q649 +Q1432551 P106 Q28389 +Q151164 P106 Q28389 +Q58758 P463 Q44687 +Q511399 P106 Q9352089 +Q184805 P1412 Q1860 +Q66155 P69 Q152171 +Q516870 P106 Q1209498 +Q358529 P27 Q38 +Q105875 P106 Q33999 +Q73918 P27 Q183 +Q465181 P106 Q1086863 +Q518850 P27 Q414 +Q254980 P106 Q4610556 +Q283408 P1412 Q1860 +Q330316 P1303 Q17172850 +Q189144 P106 Q9352089 +Q4612 P27 Q41304 +Q183105 P509 Q12152 +Q329716 P106 Q2405480 +Q212173 P106 Q42909 +Q43252 P106 Q222749 +Q441351 P106 Q753110 +Q180560 P69 Q5121453 +Q58760 P509 Q12202 +Q457306 P264 Q4883239 +Q35610 P172 Q181634 +Q730 P530 Q734 +Q795220 P1303 Q17172850 +Q12571 P106 Q1930187 +Q281034 P136 Q217191 +Q106762 P69 Q797892 +Q276038 P19 Q2634 +Q442667 P1412 Q5287 +Q361297 P20 Q23768 +Q728030 P106 Q13418253 +Q83286 P138 Q36704 +Q915447 P136 Q45981 +Q1973878 P551 Q18438 +Q251144 P19 Q65 +Q434680 P20 Q33935 +Q204005 P27 Q30 +Q78481 P106 Q205375 +Q161678 P161 Q430804 +Q314269 P106 Q16323111 +Q949696 P106 Q639669 +Q3754146 P19 Q1492 +Q925493 P69 Q31519 +Q75886 P27 Q43287 +Q365578 P106 Q482980 +Q611927 P106 Q1930187 +Q108586 P161 Q234647 +Q79848 P17 Q174193 +Q946733 P106 Q6625963 +Q233479 P69 Q49112 +Q58845 P20 Q64 +Q157309 P101 Q482 +Q88412 P106 Q1930187 +Q51537 P106 Q10800557 +Q229264 P106 Q3055126 +Q239293 P27 Q142 +Q106506 P136 Q157443 +Q165823 P1412 Q36510 +Q358538 P1303 Q5994 +Q170371 P27 Q29 +Q959097 P106 Q36180 +Q81752 P108 Q686522 +Q365670 P1303 Q6607 +Q453390 P69 Q230492 +Q132537 P463 Q466089 +Q312870 P106 Q36834 +Q9317 P106 Q193391 +Q80938 P106 Q639669 +Q1379164 P20 Q406 +Q330567 P108 Q180865 +Q59931 P161 Q83677 +Q71645 P106 Q49757 +Q215630 P106 Q82955 +Q3184115 P27 Q29 +Q320093 P69 Q7864046 +Q235639 P106 Q33999 +Q502417 P106 Q82955 +Q80805 P27 Q30 +Q561596 P1303 Q6607 +Q436503 P106 Q644687 +Q25318 P106 Q47064 +Q106071 P264 Q38903 +Q76405 P1303 Q17172850 +Q3971 P463 Q52144567 +Q1344392 P19 Q23337 +Q306122 P1303 Q27939 +Q629216 P40 Q313013 +Q206497 P840 Q1509 +Q2447874 P106 Q169470 +Q346607 P264 Q165711 +Q4347990 P20 Q649 +Q161400 P495 Q183 +Q36844 P136 Q851213 +Q495272 P106 Q36834 +Q450335 P1412 Q1321 +Q70174 P136 Q9730 +Q270385 P161 Q219655 +Q175600 P161 Q234212 +Q540915 P27 Q212 +Q142 P530 Q159583 +Q183187 P509 Q12192 +Q175102 P463 Q162586 +Q380787 P106 Q1930187 +Q160456 P19 Q79867 +Q151892 P451 Q324726 +Q205721 P136 Q8341 +Q20 P463 Q7809 +Q540516 P106 Q177220 +Q179449 P106 Q33999 +Q96665 P106 Q82955 +Q254265 P551 Q84 +Q188384 P136 Q130232 +Q310324 P106 Q2526255 +Q2902710 P463 Q1493021 +Q746182 P106 Q753110 +Q63834 P69 Q55044 +Q376278 P27 Q36 +Q302835 P106 Q11063 +Q334288 P106 Q1930187 +Q215520 P26 Q108306 +Q317574 P106 Q3282637 +Q284876 P27 Q30 +Q767 P1412 Q150 +Q93031 P102 Q79854 +Q266816 P106 Q333634 +Q129895 P161 Q7374 +Q152493 P57 Q51547 +Q330847 P106 Q2259451 +Q558104 P106 Q14915627 +Q88389 P108 Q152087 +Q78494 P106 Q28389 +Q977 P463 Q7172 +Q557948 P106 Q10798782 +Q1253 P172 Q484464 +Q1238400 P136 Q598929 +Q435665 P264 Q843402 +Q10490 P1412 Q652 +Q523589 P1303 Q6607 +Q202749 P1050 Q2840 +Q43697 P27 Q142 +Q204751 P106 Q177220 +Q109310 P69 Q55044 +Q574124 P463 Q131566 +Q151118 P106 Q177220 +Q366890 P106 Q28389 +Q103285 P106 Q333634 +Q88899 P69 Q152087 +Q191100 P161 Q42204 +Q292693 P1303 Q17172850 +Q213355 P106 Q333634 +Q794 P530 Q43 +Q238383 P106 Q10800557 +Q1009 P463 Q47543 +Q154195 P17 Q43287 +Q104267 P106 Q1622272 +Q116032 P463 Q253439 +Q333873 P27 Q15180 +Q851 P530 Q159 +Q1345514 P26 Q239587 +Q171669 P161 Q182372 +Q1351177 P264 Q193023 +Q180125 P840 Q5092 +Q332368 P161 Q61552 +Q339045 P136 Q157443 +Q319902 P106 Q806798 +Q466457 P106 Q18814623 +Q218672 P1412 Q36510 +Q235364 P106 Q6625963 +Q201500 P20 Q65 +Q348944 P136 Q37073 +Q5383 P1303 Q9798 +Q962974 P1412 Q1860 +Q160717 P106 Q37226 +Q106662 P136 Q11366 +Q446257 P27 Q142 +Q323470 P19 Q1028 +Q1398058 P509 Q12078 +Q8927 P106 Q488205 +Q234169 P106 Q10800557 +Q41309 P106 Q42603 +Q317761 P106 Q2259451 +Q4124737 P106 Q43845 +Q127870 P509 Q29496 +Q58735 P106 Q33999 +Q754 P463 Q17495 +Q16390 P19 Q60 +Q285543 P69 Q209344 +Q10959 P108 Q168756 +Q223596 P161 Q193659 +Q1803720 P106 Q855091 +Q191104 P106 Q10798782 +Q124357 P136 Q157443 +Q16053 P19 Q33959 +Q5928 P106 Q855091 +Q154077 P136 Q645928 +Q216936 P106 Q43845 +Q269810 P136 Q130232 +Q235931 P1303 Q52954 +Q125600 P1412 Q188 +Q379836 P106 Q1930187 +Q451312 P106 Q11774202 +Q6969 P106 Q488205 +Q741605 P69 Q1093910 +Q5749 P106 Q36180 +Q110726 P106 Q333634 +Q461768 P161 Q229957 +Q317122 P119 Q2000666 +Q307 P106 Q1622272 +Q443528 P1412 Q1860 +Q801 P530 Q948 +Q196977 P495 Q30 +Q2514411 P106 Q36180 +Q382150 P27 Q212 +Q93664 P27 Q30 +Q339358 P27 Q172579 +Q314290 P106 Q10798782 +Q123849 P106 Q131524 +Q209684 P20 Q649 +Q882 P106 Q36834 +Q357184 P140 Q1841 +Q77983 P106 Q212980 +Q884 P530 Q733 +Q232834 P106 Q3282637 +Q143172 P1412 Q9288 +Q796694 P106 Q5322166 +Q85426 P3373 Q57384 +Q1222903 P1412 Q188 +Q3334710 P106 Q901 +Q37876 P106 Q3282637 +Q468356 P106 Q639669 +Q311253 P172 Q7325 +Q183094 P69 Q216273 +Q221 P530 Q40 +Q82222 P1412 Q1860 +Q123166 P840 Q1400 +Q234980 P119 Q4263743 +Q24302 P27 Q30 +Q1016 P530 Q213 +Q263442 P106 Q2259451 +Q322866 P69 Q336968 +Q241909 P106 Q4610556 +Q43330 P1412 Q150 +Q1888523 P1412 Q1321 +Q58626 P140 Q55004488 +Q244 P530 Q16 +Q17714 P106 Q169470 +Q60059 P106 Q2374149 +Q310347 P106 Q205375 +Q215927 P106 Q2919046 +Q170572 P3373 Q313546 +Q96334 P106 Q482980 +Q129022 P106 Q11774156 +Q7327 P102 Q79854 +Q41269 P69 Q273523 +Q124670 P106 Q177220 +Q441086 P108 Q593321 +Q72070 P26 Q61723 +Q172466 P463 Q466089 +Q332540 P69 Q209842 +Q134077 P106 Q4610556 +Q108525 P161 Q11930 +Q1280288 P1412 Q1860 +Q207506 P106 Q2259451 +Q1041749 P136 Q11399 +Q12795 P106 Q1607826 +Q554406 P551 Q1486 +Q27513 P161 Q223117 +Q16285 P136 Q8261 +Q275875 P1303 Q5994 +Q204996 P106 Q36180 +Q14045 P19 Q189074 +Q60876 P19 Q2066 +Q18154882 P495 Q30 +Q2890097 P106 Q43845 +Q583814 P106 Q28389 +Q340016 P1412 Q1860 +Q201484 P106 Q155647 +Q340911 P495 Q30 +Q89054 P106 Q169470 +Q207698 P161 Q44467 +Q379873 P495 Q30 +Q128121 P1303 Q3382191 +Q262396 P106 Q36834 +Q465636 P1303 Q17172850 +Q179041 P106 Q10798782 +Q45396 P27 Q232 +Q124993 P119 Q831300 +Q626061 P1412 Q9176 +Q182642 P106 Q189290 +Q463927 P161 Q379811 +Q84186 P1412 Q188 +Q374045 P20 Q84 +Q151892 P136 Q37073 +Q276525 P106 Q10798782 +Q92644 P1412 Q1860 +Q153576 P106 Q2526255 +Q41 P530 Q796 +Q55211 P106 Q7042855 +Q78928 P1412 Q188 +Q607 P69 Q49126 +Q246722 P106 Q36180 +Q148 P530 Q28 +Q167399 P106 Q1415090 +Q207536 P161 Q193048 +Q588067 P19 Q586 +Q287001 P495 Q145 +Q151098 P3373 Q152785 +Q170509 P20 Q84 +Q202792 P19 Q484678 +Q167498 P27 Q30 +Q295964 P106 Q10800557 +Q735560 P106 Q486748 +Q244296 P161 Q228717 +Q193070 P106 Q2526255 +Q170095 P106 Q36180 +Q433608 P106 Q189290 +Q375024 P136 Q9730 +Q1048660 P463 Q463303 +Q172632 P1303 Q47369 +Q72787 P106 Q36180 +Q1897911 P106 Q488205 +Q123454 P106 Q5322166 +Q711406 P106 Q177220 +Q309555 P1412 Q1860 +Q84561 P106 Q37226 +Q316997 P106 Q947873 +Q274752 P106 Q1930187 +Q62866 P108 Q168515 +Q349434 P106 Q1320883 +Q156941 P27 Q40 +Q213799 P106 Q901402 +Q323653 P136 Q11366 +Q536102 P106 Q189290 +Q234145 P106 Q1622272 +Q107095 P69 Q153978 +Q438014 P106 Q214917 +Q3806666 P106 Q81096 +Q518576 P69 Q2983698 +Q40479 P27 Q145 +Q78608 P463 Q270794 +Q5879 P463 Q543804 +Q1362223 P106 Q16323111 +Q336397 P108 Q487556 +Q222868 P161 Q42869 +Q212965 P495 Q30 +Q231479 P106 Q486748 +Q981171 P19 Q656 +Q367973 P106 Q1281618 +Q167997 P463 Q2370801 +Q29 P463 Q842490 +Q187336 P106 Q4964182 +Q309503 P1412 Q1860 +Q70049 P20 Q2079 +Q912023 P106 Q482980 +Q27 P463 Q41550 +Q90201 P27 Q28513 +Q45233 P106 Q2259451 +Q1178789 P106 Q177220 +Q8877 P106 Q3282637 +Q620732 P101 Q21201 +Q716293 P27 Q801 +Q1549911 P27 Q30 +Q453330 P136 Q37073 +Q316756 P106 Q222344 +Q4786 P463 Q83172 +Q365557 P106 Q4964182 +Q376140 P106 Q28389 +Q1101938 P106 Q3089940 +Q158436 P108 Q2093794 +Q78494 P1412 Q150 +Q276523 P161 Q125017 +Q3339429 P106 Q3501317 +Q601957 P27 Q36 +Q237548 P106 Q10800557 +Q883730 P106 Q16145150 +Q773736 P106 Q13424456 +Q911923 P27 Q145 +Q335011 P20 Q1861 +Q15981 P69 Q157575 +Q387868 P161 Q347395 +Q375351 P106 Q170790 +Q392825 P840 Q30 +Q164582 P106 Q82955 +Q123918 P140 Q23540 +Q220955 P161 Q192643 +Q29 P530 Q1025 +Q71452 P136 Q1062400 +Q357776 P106 Q1114448 +Q597698 P1412 Q809 +Q38573 P20 Q3806 +Q724517 P106 Q488205 +Q320984 P1412 Q9129 +Q91544 P106 Q182436 +Q760 P463 Q123759 +Q982109 P27 Q668 +Q648359 P27 Q30 +Q1386793 P106 Q639669 +Q163714 P172 Q7325 +Q433608 P19 Q100 +Q82280 P1412 Q809 +Q188713 P264 Q2338889 +Q59215 P69 Q389336 +Q207482 P161 Q283328 +Q312975 P463 Q123885 +Q73651 P495 Q16 +Q69209 P20 Q64 +Q171711 P161 Q199929 +Q104358 P1412 Q1860 +Q192409 P136 Q663106 +Q125484 P27 Q183 +Q64238 P27 Q183 +Q57075 P69 Q151510 +Q807787 P509 Q12204 +Q105666 P1412 Q188 +Q71645 P106 Q333634 +Q909001 P106 Q42603 +Q78763 P106 Q33999 +Q4271346 P106 Q201788 +Q435415 P106 Q33999 +Q208537 P106 Q36834 +Q24348 P172 Q49542 +Q775671 P463 Q107569 +Q60389 P1412 Q397 +Q271874 P136 Q850412 +Q1184501 P136 Q9759 +Q309898 P463 Q53249065 +Q242474 P69 Q14404494 +Q533284 P106 Q177220 +Q2563 P106 Q82955 +Q208572 P840 Q65 +Q238 P530 Q865 +Q241609 P69 Q49110 +Q423 P530 Q38 +Q45221 P106 Q28389 +Q126281 P161 Q103578 +Q271554 P102 Q29552 +Q233253 P264 Q1392321 +Q131074 P161 Q223091 +Q673283 P27 Q36 +Q35610 P136 Q19715429 +Q57075 P19 Q1799 +Q105387 P161 Q117500 +Q302433 P106 Q1930187 +Q108543 P161 Q124357 +Q49601 P1412 Q188 +Q335036 P136 Q83270 +Q113830 P1050 Q12204 +Q54868 P27 Q30 +Q809093 P1303 Q17172850 +Q38 P530 Q79 +Q544464 P106 Q82955 +Q323260 P106 Q81096 +Q237273 P172 Q49085 +Q102788 P20 Q36600 +Q535355 P27 Q28513 +Q356639 P27 Q145 +Q119811 P27 Q39 +Q323834 P136 Q485395 +Q152493 P161 Q95002 +Q953 P463 Q340195 +Q2368353 P106 Q82955 +Q311050 P20 Q16567 +Q53096 P840 Q84 +Q983450 P551 Q60 +Q262479 P20 Q34006 +Q5683 P106 Q155647 +Q92562 P136 Q8261 +Q650878 P69 Q154804 +Q302682 P57 Q51564 +Q363383 P106 Q10732476 +Q843 P530 Q881 +Q2130862 P108 Q37156 +Q82280 P27 Q207272 +Q1893889 P106 Q1622272 +Q58735 P27 Q145 +Q706898 P27 Q29999 +Q116088 P106 Q551835 +Q303207 P106 Q33999 +Q228789 P106 Q33999 +Q57063 P106 Q169470 +Q381944 P119 Q208175 +Q95034 P509 Q147778 +Q26058 P1303 Q5994 +Q78716 P119 Q240744 +Q201418 P106 Q177220 +Q117197 P172 Q121842 +Q172975 P161 Q170572 +Q735399 P1412 Q7737 +Q310217 P106 Q10800557 +Q45396 P1303 Q17172850 +Q441362 P136 Q11401 +Q9061 P737 Q76422 +Q446586 P106 Q1028181 +Q229606 P106 Q177220 +Q401182 P106 Q183945 +Q797659 P1412 Q7737 +Q313044 P19 Q1489 +Q314914 P1412 Q1860 +Q157176 P106 Q639669 +Q124401 P108 Q206702 +Q132095 P106 Q82955 +Q1974330 P1303 Q5994 +Q94653 P108 Q31519 +Q435398 P106 Q33999 +Q3656334 P69 Q41506 +Q76215 P27 Q7318 +Q9457 P1412 Q1568 +Q708581 P106 Q49757 +Q267170 P264 Q311439 +Q284686 P136 Q52162262 +Q311987 P19 Q12439 +Q165854 P509 Q216169 +Q1045 P463 Q624307 +Q26318 P3373 Q575689 +Q232462 P101 Q207628 +Q78528 P20 Q64 +Q41315 P161 Q53026 +Q678840 P136 Q8341 +Q573388 P69 Q1341516 +Q9438 P737 Q8011 +Q1347919 P27 Q30 +Q242889 P106 Q222344 +Q84696 P106 Q33999 +Q2706204 P27 Q145 +Q1451186 P1412 Q150 +Q152298 P106 Q11631 +Q463101 P136 Q52162262 +Q238919 P106 Q10798782 +Q91640 P106 Q1622272 +Q84734 P108 Q316592 +Q289895 P106 Q1622272 +Q270599 P161 Q107769 +Q365144 P641 Q41323 +Q35 P530 Q902 +Q68312 P106 Q36180 +Q562874 P1412 Q1860 +Q1754823 P1050 Q10874 +Q296616 P106 Q28389 +Q75151 P551 Q8686 +Q153579 P1412 Q1860 +Q85040 P641 Q38108 +Q148383 P840 Q90 +Q79 P530 Q145 +Q47703 P161 Q245808 +Q438440 P106 Q36180 +Q505677 P27 Q30 +Q95043 P19 Q18426 +Q175395 P27 Q36 +Q201924 P161 Q223091 +Q1239933 P106 Q2405480 +Q66379 P69 Q154804 +Q220423 P161 Q296028 +Q344179 P106 Q1930187 +Q851 P530 Q212 +Q121995 P19 Q490 +Q445606 P106 Q380075 +Q58845 P463 Q191583 +Q319799 P106 Q639669 +Q103949 P106 Q28389 +Q39792 P136 Q21590660 +Q181413 P106 Q2259451 +Q727151 P106 Q2252262 +Q274143 P106 Q1930187 +Q123166 P161 Q312902 +Q729048 P27 Q155 +Q165421 P69 Q333886 +Q647445 P1303 Q9798 +Q190525 P136 Q1200678 +Q76343 P1412 Q188 +Q28975 P106 Q49757 +Q140099 P1303 Q27939 +Q228936 P161 Q205707 +Q68121 P108 Q152171 +Q525180 P108 Q681250 +Q210812 P161 Q28310 +Q106740 P106 Q333634 +Q231487 P106 Q5716684 +Q334 P463 Q188822 +Q1370605 P27 Q30 +Q674739 P106 Q16145150 +Q539897 P136 Q11399 +Q112831 P136 Q157443 +Q16555 P17 Q30 +Q159 P530 Q889 +Q299190 P106 Q1930187 +Q953 P530 Q115 +Q77042 P20 Q2966 +Q184750 P19 Q437 +Q935051 P463 Q463303 +Q929 P463 Q1065 +Q111087 P27 Q801 +Q458766 P27 Q30 +Q103562 P106 Q1234713 +Q238296 P161 Q229572 +Q139325 P27 Q30 +Q3802 P17 Q183 +Q113717 P106 Q1622272 +Q228766 P106 Q10798782 +Q1353559 P1303 Q17172850 +Q44132 P106 Q40348 +Q176626 P840 Q15180 +Q138850 P463 Q723551 +Q70 P37 Q188 +Q28936 P161 Q2263 +Q159481 P101 Q9471 +Q229184 P106 Q36180 +Q23728 P106 Q10800557 +Q865275 P106 Q1930187 +Q15850 P106 Q28389 +Q208003 P106 Q49757 +Q433142 P106 Q33999 +Q280666 P20 Q65 +Q93031 P101 Q170790 +Q470732 P106 Q36180 +Q39975 P161 Q532180 +Q231781 P69 Q645663 +Q156502 P106 Q82955 +Q374770 P19 Q84 +Q104049 P40 Q261244 +Q310800 P106 Q49757 +Q936470 P106 Q81096 +Q127866 P136 Q193355 +Q309246 P495 Q142 +Q154338 P106 Q42973 +Q819 P530 Q869 +Q975210 P108 Q622664 +Q615625 P106 Q639669 +Q262608 P1412 Q1860 +Q1544666 P106 Q639669 +Q2585807 P1412 Q7411 +Q60644 P106 Q1209498 +Q171758 P106 Q36180 +Q347 P530 Q30 +Q1028 P463 Q656801 +Q380852 P106 Q28389 +Q59931 P136 Q130232 +Q333362 P1412 Q1860 +Q712082 P106 Q36180 +Q954623 P1303 Q17172850 +Q64238 P1303 Q5994 +Q313874 P161 Q211040 +Q85716 P106 Q1622272 +Q311615 P106 Q245068 +Q204514 P161 Q65932 +Q76589 P19 Q7030 +Q369933 P509 Q18554460 +Q123698 P1412 Q188 +Q240808 P1303 Q133163 +Q213 P463 Q17495 +Q1036 P530 Q865 +Q183297 P106 Q82955 +Q1029 P530 Q159 +Q86812 P106 Q40348 +Q103637 P106 Q639669 +Q705515 P101 Q11629 +Q1396305 P102 Q79854 +Q215652 P20 Q70 +Q354519 P106 Q177220 +Q722555 P106 Q49757 +Q275779 P106 Q10800557 +Q217388 P106 Q1930187 +Q223117 P106 Q33999 +Q302762 P19 Q18419 +Q131333 P140 Q288928 +Q41269 P463 Q338432 +Q3731533 P3373 Q239411 +Q557665 P1412 Q9067 +Q181555 P161 Q233882 +Q233854 P509 Q128581 +Q105585 P20 Q64 +Q271877 P119 Q1302545 +Q234519 P106 Q1930187 +Q180962 P136 Q8261 +Q284087 P509 Q389735 +Q263930 P161 Q58444 +Q525949 P463 Q4345832 +Q311580 P19 Q16559 +Q323318 P161 Q674451 +Q76334 P1412 Q1860 +Q89434 P106 Q10843402 +Q2643 P737 Q103774 +Q62731543 P106 Q3391743 +Q2120396 P69 Q49115 +Q234750 P1303 Q46185 +Q76791 P106 Q520549 +Q32678 P106 Q1238570 +Q97771 P106 Q1622272 +Q132489 P27 Q129286 +Q711172 P19 Q84 +Q66408 P20 Q1726 +Q92663 P69 Q190080 +Q158436 P136 Q1344 +Q237387 P106 Q33999 +Q257217 P106 Q10800557 +Q276167 P1412 Q1860 +Q3018520 P106 Q121594 +Q52627 P106 Q189290 +Q178903 P509 Q2140674 +Q76748 P27 Q1206012 +Q242329 P19 Q1297 +Q357645 P19 Q16739 +Q727786 P106 Q2259451 +Q329549 P106 Q2526255 +Q334 P530 Q408 +Q103646 P2348 Q6927 +Q230654 P69 Q333886 +Q180214 P840 Q60 +Q106529 P106 Q47064 +Q214778 P27 Q183 +Q12908 P551 Q60 +Q76725 P20 Q64 +Q1282910 P106 Q10798782 +Q499742 P136 Q1344 +Q234663 P1412 Q1321 +Q437622 P1303 Q17172850 +Q529858 P27 Q172579 +Q76000 P106 Q1792450 +Q4177355 P463 Q2370801 +Q113190 P106 Q1622272 +Q54868 P106 Q10800557 +Q5686 P106 Q36180 +Q106418 P451 Q383420 +Q229 P530 Q233 +Q49355 P1050 Q12202 +Q236960 P106 Q49757 +Q230456 P106 Q34074720 +Q255786 P106 Q5716684 +Q242130 P509 Q11868838 +Q1046038 P136 Q11399 +Q213734 P19 Q24879 +Q444250 P106 Q10798782 +Q49074 P27 Q30 +Q39789 P108 Q185246 +Q685 P463 Q1065 +Q268905 P161 Q220698 +Q212145 P495 Q30 +Q379929 P463 Q161806 +Q328797 P106 Q855091 +Q53714 P27 Q30 +Q510361 P19 Q23436 +Q93015 P106 Q5482740 +Q1445276 P69 Q49122 +Q183535 P27 Q159 +Q235744 P106 Q2259451 +Q91428 P106 Q482980 +Q48093 P27 Q34266 +Q366671 P69 Q248970 +Q865 P530 Q1025 +Q220192 P161 Q44707 +Q85807 P106 Q1234713 +Q1188776 P106 Q158852 +Q4530046 P3373 Q13132095 +Q1397191 P136 Q43343 +Q154325 P463 Q329464 +Q185714 P19 Q18419 +Q928851 P106 Q639669 +Q667841 P106 Q16742096 +Q6512 P1412 Q397 +Q704355 P106 Q730242 +Q44578 P161 Q544465 +Q573171 P108 Q41506 +Q67204 P102 Q7320 +Q221168 P161 Q16296 +Q673283 P69 Q80207 +Q374065 P106 Q10798782 +Q219878 P27 Q145 +Q2347483 P20 Q8678 +Q331180 P136 Q157443 +Q550778 P106 Q578109 +Q206112 P641 Q36389 +Q290312 P161 Q237774 +Q430872 P106 Q33999 +Q188492 P106 Q177220 +Q43203 P27 Q30 +Q72984 P264 Q183387 +Q83630 P161 Q234212 +Q406 P30 Q48 +Q1045 P530 Q884 +Q367129 P106 Q10798782 +Q64910 P19 Q1726 +Q236229 P463 Q4430504 +Q51566 P69 Q797078 +Q59474 P106 Q40348 +Q116253 P106 Q2526255 +Q153911 P27 Q142 +Q1556492 P172 Q42884 +Q133654 P840 Q16563 +Q20 P530 Q1049 +Q156058 P106 Q1622272 +Q61469 P101 Q431 +Q458766 P106 Q3282637 +Q234891 P106 Q36834 +Q210364 P840 Q183 +Q318249 P27 Q30 +Q311892 P551 Q462799 +Q1077158 P106 Q639669 +Q1359247 P172 Q49085 +Q34086 P106 Q753110 +Q444312 P140 Q7066 +Q165911 P106 Q36834 +Q1750541 P463 Q463303 +Q67941 P108 Q152171 +Q322794 P463 Q117467 +Q41340 P19 Q34404 +Q881 P530 Q403 +Q157131 P106 Q4964182 +Q48984 P161 Q1366460 +Q333405 P1303 Q17172850 +Q66456 P106 Q20725072 +Q230578 P108 Q202660 +Q219 P37 Q7918 +Q127866 P136 Q183504 +Q55922 P1412 Q809 +Q185510 P106 Q901402 +Q434813 P463 Q1938003 +Q316454 P1303 Q17172850 +Q16867 P106 Q36180 +Q350717 P106 Q2526255 +Q189081 P101 Q131524 +Q4715 P106 Q1622272 +Q235115 P1412 Q150 +Q57619 P40 Q74865 +Q326856 P106 Q2405480 +Q61171 P106 Q36180 +Q941655 P140 Q7066 +Q591270 P106 Q1930187 +Q276415 P161 Q299297 +Q932959 P27 Q30 +Q4509 P106 Q10798782 +Q369762 P106 Q169470 +Q241218 P136 Q319221 +Q203223 P172 Q49085 +Q290345 P106 Q33999 +Q105084 P17 Q36 +Q61723 P737 Q27645 +Q110167 P69 Q152838 +Q57495 P106 Q189290 +Q43 P530 Q843 +Q161963 P106 Q36180 +Q51566 P463 Q463303 +Q573665 P106 Q1622272 +Q532915 P1303 Q17172850 +Q541708 P106 Q82955 +Q313814 P106 Q33999 +Q185832 P1412 Q9027 +Q83410 P102 Q5020915 +Q463313 P161 Q355133 +Q1487770 P27 Q30 +Q221546 P106 Q584301 +Q46132 P106 Q36834 +Q980000 P69 Q49108 +Q453602 P106 Q33999 +Q203690 P1412 Q1860 +Q163662 P106 Q36180 +Q1109636 P27 Q30 +Q44909 P106 Q753110 +Q738125 P101 Q5891 +Q274306 P106 Q13590141 +Q274233 P20 Q90 +Q111436 P106 Q753110 +Q291731 P140 Q9268 +Q763 P463 Q205995 +Q267265 P172 Q49085 +Q223985 P106 Q947873 +Q106762 P463 Q265058 +Q228 P37 Q7026 +Q298 P530 Q142 +Q20562503 P3373 Q18118088 +Q188955 P69 Q49213 +Q66370 P106 Q49757 +Q239464 P106 Q177220 +Q316602 P106 Q10800557 +Q469478 P102 Q815348 +Q160499 P1412 Q150 +Q241299 P106 Q36180 +Q93070 P463 Q463303 +Q37767 P737 Q82925 +Q554018 P106 Q201788 +Q65911 P106 Q1476215 +Q103579 P641 Q11420 +Q65385 P108 Q43250 +Q65445 P106 Q484876 +Q112929 P106 Q28389 +Q310357 P106 Q177220 +Q435060 P106 Q15295720 +Q19199 P27 Q30 +Q40787 P1412 Q7737 +Q311241 P26 Q34389 +Q239464 P172 Q49085 +Q465350 P106 Q28389 +Q333251 P106 Q36180 +Q239464 P106 Q2405480 +Q733 P30 Q18 +Q324129 P106 Q4853732 +Q1942336 P106 Q1327329 +Q219810 P161 Q229166 +Q255577 P106 Q10798782 +Q214116 P27 Q30 +Q94031 P108 Q217365 +Q327914 P108 Q204181 +Q361257 P264 Q726251 +Q138007 P119 Q335336 +Q213773 P161 Q294583 +Q276415 P161 Q230278 +Q599993 P20 Q90 +Q1691611 P495 Q27 +Q85700 P69 Q151510 +Q128854 P161 Q298368 +Q869758 P27 Q30 +Q70236 P106 Q1234713 +Q125462 P19 Q70 +Q560040 P1303 Q51290 +Q365090 P106 Q28389 +Q208203 P106 Q36180 +Q219315 P840 Q65 +Q2281920 P1412 Q1860 +Q242555 P106 Q33999 +Q225509 P1412 Q1860 +Q213 P138 Q170217 +Q236482 P106 Q6625963 +Q2545780 P69 Q705737 +Q101383 P106 Q855091 +Q55456 P106 Q214917 +Q379929 P69 Q471980 +Q229389 P106 Q10800557 +Q41 P530 Q408 +Q11676 P102 Q29468 +Q3734755 P106 Q1622272 +Q884143 P1303 Q6607 +Q167216 P106 Q1622272 +Q337078 P161 Q211082 +Q471443 P136 Q676 +Q1345210 P106 Q639669 +Q43416 P106 Q33999 +Q3589 P161 Q345212 +Q91903 P106 Q1622272 +Q86096 P1412 Q35497 +Q39792 P106 Q33999 +Q184565 P27 Q30 +Q71645 P106 Q36180 +Q78496 P19 Q1741 +Q47087 P1412 Q1860 +Q236303 P172 Q49085 +Q58091 P463 Q939743 +Q369957 P1412 Q1860 +Q984369 P27 Q16 +Q563 P106 Q6625963 +Q274306 P27 Q184 +Q542101 P106 Q1415090 +Q78739 P106 Q1622272 +Q204514 P161 Q106775 +Q48259 P102 Q29468 +Q34 P463 Q899770 +Q45275 P106 Q36834 +Q60847 P20 Q84 +Q315266 P19 Q649 +Q52255 P106 Q13570226 +Q12898 P463 Q202479 +Q299100 P106 Q49757 +Q561596 P106 Q4773904 +Q237530 P69 Q168756 +Q76291 P27 Q183 +Q77234 P106 Q1234713 +Q43189 P106 Q177220 +Q97531 P140 Q75809 +Q117497 P27 Q39 +Q1624891 P1303 Q17172850 +Q241422 P106 Q18805 +Q697131 P106 Q3282637 +Q60174 P106 Q639669 +Q177111 P136 Q3071 +Q57387 P463 Q2043519 +Q773303 P106 Q36180 +Q164424 P161 Q106481 +Q121810 P161 Q236527 +Q189330 P136 Q130232 +Q66236 P106 Q2259451 +Q297736 P106 Q36180 +Q669597 P19 Q24861 +Q151936 P463 Q123885 +Q5383 P106 Q674067 +Q88832 P20 Q64 +Q607825 P106 Q1930187 +Q38 P530 Q233 +Q429867 P161 Q323524 +Q163118 P106 Q36180 +Q77 P463 Q7825 +Q313411 P106 Q193391 +Q320305 P19 Q220 +Q183066 P136 Q459290 +Q382036 P106 Q2259451 +Q423 P530 Q967 +Q322750 P106 Q33231 +Q39999 P161 Q314610 +Q76727 P106 Q18844224 +Q339031 P106 Q33999 +Q61520 P19 Q2119 +Q786 P361 Q653884 +Q229141 P20 Q100 +Q75803 P106 Q177220 +Q164824 P101 Q2329 +Q328662 P119 Q1645215 +Q795220 P172 Q49085 +Q617109 P19 Q23436 +Q11609 P463 Q463303 +Q76370 P463 Q459620 +Q215392 P17 Q414 +Q307 P106 Q205375 +Q259047 P1303 Q17172850 +Q44221 P106 Q10800557 +Q95443 P106 Q82955 +Q115630 P108 Q155354 +Q182763 P106 Q3282637 +Q61064 P737 Q189454 +Q130742 P136 Q379671 +Q70849 P19 Q64 +Q116861 P106 Q2526255 +Q83656 P57 Q361336 +Q95356 P20 Q64 +Q157242 P106 Q169470 +Q562402 P1412 Q188 +Q17 P530 Q45 +Q84412 P106 Q4964182 +Q320185 P106 Q10798782 +Q168419 P27 Q142 +Q60804 P106 Q1622272 +Q230 P530 Q115 +Q171905 P106 Q2405480 +Q78318 P27 Q183 +Q93890 P27 Q40 +Q513615 P1412 Q1321 +Q30875 P106 Q6625963 +Q72217 P27 Q1206012 +Q94882 P19 Q11194 +Q32 P37 Q150 +Q76444 P106 Q177220 +Q448778 P106 Q193391 +Q446257 P101 Q184485 +Q189119 P509 Q12202 +Q134575 P106 Q5716684 +Q3312950 P69 Q219694 +Q530109 P106 Q753110 +Q455120 P27 Q155 +Q210812 P161 Q181678 +Q709499 P1303 Q17172850 +Q781 P463 Q8475 +Q97077 P27 Q183 +Q92684 P108 Q238101 +Q437094 P106 Q36180 +Q77031 P106 Q36180 +Q6882 P1412 Q397 +Q123923 P106 Q49757 +Q331425 P106 Q36180 +Q62377 P106 Q1326886 +Q8863 P106 Q82955 +Q3132761 P106 Q188094 +Q329709 P136 Q52162262 +Q449525 P106 Q1320883 +Q356351 P106 Q131524 +Q149557 P106 Q36180 +Q44922 P106 Q11774202 +Q11806 P27 Q30 +Q228787 P106 Q488205 +Q617215 P136 Q8242 +Q257953 P737 Q48226 +Q9204 P140 Q1841 +Q369283 P1412 Q1860 +Q367073 P106 Q10800557 +Q43994 P106 Q266569 +Q44862 P27 Q408 +Q101820 P69 Q315658 +Q317742 P106 Q855091 +Q66634 P27 Q183 +Q240782 P106 Q4964182 +Q354181 P1303 Q6607 +Q229535 P106 Q10800557 +Q159552 P106 Q1930187 +Q199943 P106 Q13235160 +Q51583 P509 Q12152 +Q442931 P737 Q5878 +Q186327 P1412 Q1860 +Q334965 P27 Q142 +Q106797 P1303 Q17172850 +Q211462 P106 Q10800557 +Q153677 P161 Q193278 +Q797649 P106 Q1930187 +Q131579 P106 Q2259532 +Q157879 P161 Q81520 +Q1373347 P27 Q30 +Q322794 P1412 Q1860 +Q235946 P463 Q463281 +Q86685 P509 Q12152 +Q237659 P119 Q1302545 +Q204057 P161 Q318292 +Q263730 P140 Q7066 +Q122461 P106 Q15980158 +Q4242236 P1412 Q7737 +Q153232 P106 Q14915627 +Q296698 P106 Q3282637 +Q4157585 P106 Q901 +Q216573 P106 Q1622272 +Q232163 P172 Q160894 +Q1268 P27 Q34266 +Q68543 P136 Q11399 +Q51511 P106 Q2526255 +Q113052 P161 Q236189 +Q113206 P27 Q30 +Q61743 P108 Q156725 +Q275652 P106 Q2259451 +Q184843 P161 Q230736 +Q486786 P172 Q2325516 +Q178865 P509 Q212961 +Q168963 P463 Q123885 +Q363371 P1303 Q133163 +Q229244 P1303 Q17172850 +Q205028 P495 Q30 +Q1432130 P509 Q29496 +Q128633 P106 Q193391 +Q229948 P106 Q4610556 +Q258761 P106 Q488205 +Q123628 P106 Q177220 +Q229697 P106 Q5716684 +Q382408 P161 Q282951 +Q778 P530 Q183 +Q213567 P106 Q4610556 +Q56011 P1412 Q652 +Q358317 P119 Q1603 +Q80379 P495 Q30 +Q107957 P27 Q30 +Q23505 P172 Q7435494 +Q152208 P106 Q3282637 +Q23434 P106 Q214917 +Q372438 P106 Q753110 +Q70737 P108 Q678982 +Q213 P37 Q9056 +Q464097 P1303 Q17172850 +Q361336 P69 Q49088 +Q37767 P737 Q5686 +Q668 P530 Q774 +Q69773 P106 Q2500638 +Q204672 P106 Q3282637 +Q365985 P106 Q33231 +Q76586 P140 Q7066 +Q322272 P27 Q30 +Q1591857 P1303 Q17172850 +Q969753 P1412 Q1321 +Q380459 P106 Q1622272 +Q113007 P1412 Q652 +Q49847 P19 Q34863 +Q76363 P101 Q395 +Q329448 P161 Q443534 +Q57213 P106 Q158852 +Q63026 P495 Q30 +Q92608 P108 Q21578 +Q85112 P69 Q165980 +Q343394 P1303 Q17172850 +Q134022 P463 Q15646111 +Q28 P530 Q211 +Q299138 P172 Q49085 +Q134077 P106 Q2259451 +Q4430 P161 Q29092 +Q96334 P27 Q183 +Q83038 P106 Q1622272 +Q1060395 P20 Q220 +Q89461 P106 Q36180 +Q550232 P136 Q52162262 +Q228832 P1303 Q17172850 +Q76579 P106 Q201788 +Q344655 P1303 Q17172850 +Q86943 P69 Q152087 +Q236531 P1303 Q128309 +Q172684 P641 Q718 +Q3662078 P463 Q463303 +Q29999 P463 Q458 +Q58057 P551 Q64 +Q185465 P106 Q20669622 +Q267170 P19 Q18424 +Q414163 P463 Q1559701 +Q702468 P106 Q3400985 +Q1322959 P463 Q1971373 +Q1479971 P463 Q219989 +Q171669 P495 Q30 +Q137042 P106 Q33999 +Q3150 P17 Q156199 +Q332881 P106 Q82955 +Q1386899 P264 Q202585 +Q712878 P106 Q43845 +Q28 P530 Q183 +Q221586 P136 Q52207399 +Q48987 P509 Q372701 +Q9294 P106 Q201788 +Q42930 P106 Q10798782 +Q296809 P1412 Q9067 +Q41 P463 Q8908 +Q176985 P1412 Q7737 +Q160640 P1412 Q188 +Q1158704 P1412 Q188 +Q1181035 P106 Q15981151 +Q31781 P106 Q1622272 +Q76583 P101 Q5891 +Q15180 P530 Q833 +Q49017 P106 Q28389 +Q292081 P1303 Q17172850 +Q322056 P69 Q8047423 +Q213543 P106 Q1622272 +Q89204 P106 Q81096 +Q665344 P106 Q1930187 +Q267242 P27 Q34 +Q97027 P108 Q678982 +Q922457 P27 Q30 +Q320204 P172 Q7325 +Q182589 P106 Q488205 +Q31621 P19 Q727 +Q164593 P27 Q33946 +Q1524938 P136 Q83270 +Q5685 P106 Q39631 +Q98806 P106 Q40348 +Q357324 P106 Q81096 +Q6173722 P106 Q11569986 +Q75797 P101 Q11063 +Q125133 P69 Q232141 +Q769080 P106 Q1415090 +Q983239 P1412 Q150 +Q25080 P27 Q15180 +Q333118 P641 Q2736 +Q3741406 P69 Q152838 +Q189564 P737 Q42156 +Q116905 P161 Q42930 +Q951621 P69 Q584919 +Q356719 P106 Q36180 +Q6173306 P106 Q2919046 +Q967 P530 Q142 +Q188385 P106 Q49757 +Q192115 P161 Q192887 +Q20145 P106 Q10800557 +Q1385119 P1412 Q9288 +Q437970 P26 Q187832 +Q1395732 P106 Q753110 +Q153776 P27 Q34266 +Q9695 P106 Q16031530 +Q96595 P106 Q201788 +Q215 P463 Q1579424 +Q174153 P136 Q369747 +Q36951 P106 Q1930187 +Q313833 P20 Q472 +Q296822 P106 Q10798782 +Q506393 P1303 Q6607 +Q887889 P106 Q82955 +Q258 P530 Q142 +Q60100 P106 Q2526255 +Q159917 P106 Q1622272 +Q181875 P108 Q192775 +Q888713 P106 Q855091 +Q965 P463 Q656801 +Q322730 P463 Q463303 +Q313755 P106 Q158852 +Q106009 P19 Q1040 +Q47122 P1412 Q1321 +Q450282 P136 Q8341 +Q229948 P551 Q23768 +Q3088816 P264 Q183387 +Q75955 P463 Q939743 +Q168109 P1412 Q809 +Q119348 P69 Q1420239 +Q65783 P106 Q36180 +Q8015 P19 Q1492 +Q748222 P106 Q14467526 +Q711 P463 Q191582 +Q44107 P106 Q36180 +Q41076 P264 Q183387 +Q323112 P106 Q10800557 +Q1292776 P1412 Q1860 +Q302433 P1412 Q1860 +Q345325 P69 Q13371 +Q339031 P106 Q183945 +Q123476 P27 Q39 +Q228585 P161 Q311615 +Q191040 P136 Q860626 +Q105940 P20 Q994 +Q75955 P69 Q55044 +Q354604 P106 Q12144794 +Q526406 P264 Q726251 +Q705399 P69 Q49088 +Q132162 P106 Q1028181 +Q138005 P106 Q2526255 +Q47087 P140 Q7066 +Q193346 P136 Q208505 +Q60869 P106 Q822146 +Q796 P530 Q219 +Q348534 P161 Q294185 +Q529619 P1303 Q79838 +Q251865 P106 Q1930187 +Q299965 P106 Q6625963 +Q219150 P161 Q295148 +Q66942 P20 Q1799 +Q313594 P102 Q79854 +Q223303 P106 Q33999 +Q123097 P136 Q188473 +Q103637 P106 Q131524 +Q967 P463 Q191384 +Q295431 P106 Q6625963 +Q1055 P17 Q41304 +Q300508 P161 Q228766 +Q581943 P172 Q127885 +Q229228 P69 Q49114 +Q351527 P106 Q82955 +Q400341 P106 Q3387717 +Q712860 P264 Q38903 +Q159 P530 Q734 +Q128967 P106 Q1930187 +Q280918 P161 Q39972 +Q335142 P119 Q208175 +Q234750 P136 Q76092 +Q432526 P136 Q959790 +Q187019 P737 Q6882 +Q23543 P136 Q45981 +Q230131 P106 Q33999 +Q171730 P106 Q1930187 +Q310012 P106 Q10800557 +Q45 P530 Q1039 +Q465290 P106 Q2705098 +Q437713 P27 Q30 +Q277356 P1412 Q7737 +Q142292 P495 Q183 +Q231635 P106 Q2405480 +Q164487 P26 Q104081 +Q108619 P19 Q24879 +Q44648 P136 Q193355 +Q311306 P106 Q488205 +Q1820469 P106 Q183945 +Q1027 P463 Q827525 +Q947519 P19 Q100 +Q57552 P27 Q183 +Q70737 P108 Q154804 +Q85040 P106 Q13219587 +Q180395 P495 Q183 +Q670440 P27 Q30 +Q252 P530 Q664 +Q360528 P69 Q981195 +Q271731 P1303 Q17172850 +Q665344 P106 Q49757 +Q273180 P69 Q993267 +Q313653 P106 Q33999 +Q48184 P463 Q414110 +Q309926 P106 Q488205 +Q93835 P27 Q159 +Q57603 P106 Q333634 +Q58062 P106 Q11900058 +Q162277 P161 Q172035 +Q231694 P749 Q38903 +Q179051 P1412 Q1860 +Q46795 P1412 Q1860 +Q937 P106 Q1231865 +Q625272 P1412 Q1860 +Q193871 P106 Q36180 +Q57106 P1412 Q9035 +Q107933 P106 Q245068 +Q1082312 P1303 Q17172850 +Q148 P530 Q796 +Q131074 P136 Q188473 +Q441713 P1050 Q11081 +Q26993 P69 Q152087 +Q970649 P106 Q36180 +Q52392 P106 Q245068 +Q357001 P19 Q1297 +Q3088816 P136 Q217191 +Q444832 P1303 Q17172850 +Q70650 P101 Q8134 +Q4444 P161 Q13909 +Q971702 P106 Q193391 +Q525180 P106 Q639669 +Q729697 P106 Q639669 +Q380983 P106 Q482980 +Q708007 P27 Q145 +Q5816 P1050 Q11085 +Q708473 P27 Q142 +Q59478 P551 Q1874 +Q232333 P509 Q504775 +Q4636 P551 Q1337818 +Q44653 P136 Q1133657 +Q88844 P463 Q414163 +Q4724 P27 Q142 +Q449235 P27 Q145 +Q208592 P495 Q30 +Q843 P530 Q39 +Q166010 P264 Q885977 +Q107183 P106 Q1622272 +Q516716 P106 Q639669 +Q188718 P136 Q52162262 +Q41564 P1412 Q1860 +Q155236 P27 Q40 +Q573017 P136 Q485395 +Q965301 P106 Q639669 +Q117 P463 Q7159 +Q732142 P551 Q649 +Q317907 P1412 Q1617 +Q467574 P106 Q11569986 +Q228909 P106 Q4610556 +Q44839 P69 Q179036 +Q319121 P19 Q16557 +Q80 P172 Q42406 +Q435347 P106 Q10800557 +Q1105367 P108 Q1446181 +Q221098 P161 Q257317 +Q54452 P172 Q127885 +Q23870 P20 Q1748 +Q1548904 P106 Q177220 +Q1887014 P69 Q21578 +Q682030 P136 Q186472 +Q368519 P140 Q178169 +Q230969 P172 Q49085 +Q559609 P106 Q753110 +Q701802 P106 Q2526255 +Q205532 P161 Q193517 +Q313596 P106 Q177220 +Q287427 P27 Q142 +Q232834 P1303 Q17172850 +Q229341 P19 Q1345 +Q234750 P106 Q639669 +Q306 P106 Q43845 +Q462446 P108 Q174710 +Q69406 P463 Q695302 +Q263143 P106 Q2405480 +Q204586 P106 Q177220 +Q445367 P106 Q639669 +Q574885 P26 Q189554 +Q454428 P106 Q177220 +Q37030 P463 Q812155 +Q558177 P140 Q9592 +Q11100 P140 Q178169 +Q38 P463 Q125761 +Q103109 P69 Q152171 +Q98885 P106 Q15980158 +Q919367 P106 Q1350157 +Q84335 P1412 Q188 +Q319648 P106 Q36180 +Q65533 P106 Q33999 +Q316756 P106 Q3282637 +Q202536 P106 Q33999 +Q66286 P106 Q212980 +Q6346 P17 Q30 +Q392924 P161 Q105941 +Q157309 P101 Q179805 +Q294531 P106 Q55960555 +Q218 P463 Q827525 +Q713213 P19 Q617 +Q219842 P19 Q275118 +Q329454 P106 Q16287483 +Q30 P530 Q115 +Q780842 P106 Q82955 +Q11812 P106 Q185351 +Q7711132 P161 Q277978 +Q44032 P101 Q11629 +Q87208 P1412 Q188 +Q1382535 P106 Q639669 +Q206388 P161 Q164562 +Q3384965 P69 Q1059546 +Q167243 P27 Q159 +Q726440 P1303 Q17172850 +Q26378 P106 Q2405480 +Q578529 P1412 Q7737 +Q453602 P106 Q28389 +Q4593 P106 Q82955 +Q48070 P106 Q47064 +Q108398 P102 Q310296 +Q978389 P463 Q11993457 +Q644797 P106 Q753110 +Q323112 P27 Q142 +Q337226 P551 Q456 +Q712 P463 Q376150 +Q582713 P20 Q1741 +Q1154246 P106 Q130857 +Q41142 P19 Q60 +Q170564 P136 Q471839 +Q154194 P136 Q130232 +Q182665 P1303 Q133163 +Q63190 P106 Q1930187 +Q335238 P27 Q668 +Q76641 P19 Q1718 +Q19425 P106 Q14467526 +Q230448 P69 Q487556 +Q738125 P106 Q1238570 +Q63439 P1303 Q6607 +Q993950 P106 Q18844224 +Q1354341 P264 Q193023 +Q104123 P161 Q203804 +Q865 P530 Q760 +Q232876 P106 Q10798782 +Q1397888 P27 Q55 +Q428668 P161 Q286570 +Q219237 P106 Q488205 +Q244398 P161 Q343463 +Q309768 P106 Q483501 +Q217750 P1412 Q188 +Q106751 P106 Q593644 +Q31215 P136 Q482 +Q1203 P264 Q183412 +Q1049 P463 Q899770 +Q990890 P27 Q30 +Q233385 P136 Q213665 +Q97723 P102 Q49768 +Q235077 P106 Q639669 +Q167475 P509 Q11081 +Q298341 P106 Q36180 +Q192912 P106 Q33999 +Q232301 P19 Q23337 +Q315826 P106 Q28389 +Q237324 P136 Q484641 +Q510034 P106 Q28389 +Q270268 P509 Q12152 +Q134165 P106 Q82955 +Q434916 P106 Q1955150 +Q705748 P264 Q43327 +Q90840 P108 Q153987 +Q367234 P106 Q36180 +Q114808 P106 Q333634 +Q5369090 P27 Q183 +Q164702 P136 Q471839 +Q104865 P106 Q11631 +Q239928 P106 Q43845 +Q225933 P140 Q1841 +Q64241 P108 Q55044 +Q1443825 P106 Q36834 +Q443403 P27 Q29 +Q919565 P1303 Q6607 +Q189889 P136 Q130232 +Q669733 P102 Q192821 +Q215072 P27 Q30 +Q165193 P1412 Q1860 +Q315181 P1303 Q17172850 +Q439315 P27 Q664 +Q209538 P840 Q8652 +Q1006 P463 Q1065 +Q217 P463 Q8908 +Q231880 P106 Q33999 +Q187210 P106 Q33999 +Q75814 P106 Q82955 +Q506915 P106 Q1075651 +Q80440 P551 Q656 +Q103946 P106 Q578109 +Q275641 P136 Q45981 +Q458215 P106 Q37226 +Q421707 P69 Q7060402 +Q123987 P463 Q1938003 +Q229282 P136 Q37073 +Q176026 P69 Q49108 +Q551421 P106 Q17351648 +Q110450 P108 Q23548 +Q76625 P102 Q153401 +Q368812 P172 Q44806 +Q934097 P106 Q47064 +Q77183 P140 Q9592 +Q165121 P27 Q31 +Q671985 P106 Q1930187 +Q57475 P106 Q19350898 +Q1045 P463 Q7809 +Q298761 P106 Q6625963 +Q67711 P1412 Q188 +Q4099149 P20 Q649 +Q298209 P106 Q10800557 +Q214642 P106 Q14467526 +Q272913 P20 Q23197 +Q66097 P27 Q41304 +Q72245 P1412 Q188 +Q1397252 P27 Q38 +Q23543 P136 Q850412 +Q37610 P20 Q33935 +Q232009 P161 Q231310 +Q159552 P106 Q49757 +Q153178 P463 Q83172 +Q174908 P106 Q1930187 +Q265270 P106 Q1930187 +Q49075 P106 Q177220 +Q143230 P106 Q2405480 +Q84147 P161 Q310012 +Q117 P463 Q842490 +Q229258 P106 Q2259451 +Q73089 P106 Q3282637 +Q5105 P106 Q33999 +Q1689075 P1303 Q17172850 +Q242873 P106 Q822146 +Q451312 P69 Q645663 +Q429867 P136 Q185867 +Q69645 P26 Q275543 +Q314223 P19 Q90 +Q46000 P106 Q2095549 +Q261465 P1412 Q1860 +Q39 P463 Q656801 +Q552273 P106 Q205375 +Q1493339 P27 Q145 +Q361587 P106 Q10800557 +Q3305837 P463 Q337352 +Q961671 P1303 Q17172850 +Q311476 P106 Q482980 +Q44442 P1412 Q1860 +Q92933 P108 Q186285 +Q2895857 P102 Q29468 +Q354508 P1303 Q163829 +Q65329 P69 Q152087 +Q12688 P102 Q1332068 +Q60815 P106 Q19350898 +Q611586 P1412 Q1860 +Q4894597 P1412 Q188 +Q888256 P20 Q11299 +Q167636 P106 Q947873 +Q48042 P509 Q175111 +Q251738 P106 Q42973 +Q314805 P106 Q948329 +Q712586 P1303 Q17172850 +Q428215 P106 Q36180 +Q38670 P69 Q49088 +Q98265 P106 Q3332711 +Q438310 P27 Q28 +Q363822 P106 Q753110 +Q363708 P106 Q639669 +Q792 P463 Q7809 +Q182509 P106 Q185351 +Q240998 P19 Q12439 +Q278853 P27 Q30 +Q237944 P119 Q272208 +Q114819 P161 Q232874 +Q1687749 P463 Q463303 +Q298773 P135 Q37068 +Q347428 P136 Q37073 +Q163159 P108 Q4345832 +Q167803 P69 Q131262 +Q125057 P106 Q4773904 +Q2601 P106 Q1397808 +Q393407 P69 Q1377 +Q229050 P106 Q28389 +Q106391 P27 Q183 +Q1271 P140 Q75809 +Q179041 P106 Q3282637 +Q299161 P69 Q219694 +Q445124 P27 Q30 +Q217427 P106 Q36180 +Q356115 P27 Q30 +Q107438 P106 Q33999 +Q782629 P509 Q1368943 +Q349420 P106 Q177220 +Q95548 P106 Q1622272 +Q123273 P27 Q39 +Q826 P463 Q17495 +Q471664 P106 Q214917 +Q210315 P106 Q81096 +Q239917 P136 Q45981 +Q975777 P106 Q201788 +Q7711132 P161 Q37628 +Q144746 P1303 Q17172850 +Q543060 P20 Q25395 +Q132524 P27 Q30 +Q885 P27 Q34266 +Q36184 P1050 Q12202 +Q104561 P106 Q36180 +Q78475 P27 Q268970 +Q108283 P106 Q4853732 +Q76346 P106 Q169470 +Q67207 P106 Q82955 +Q1785 P172 Q79797 +Q231178 P106 Q1930187 +Q88914 P106 Q1231865 +Q263696 P1412 Q1860 +Q529276 P106 Q2722764 +Q299723 P108 Q738258 +Q454334 P20 Q1794 +Q104955 P26 Q57730 +Q154346 P27 Q28513 +Q75649 P136 Q8261 +Q62409 P1412 Q188 +Q155 P463 Q842490 +Q345538 P119 Q84 +Q73063 P106 Q11063 +Q359521 P106 Q177220 +Q1282413 P101 Q11629 +Q216913 P1303 Q46185 +Q91124 P20 Q64 +Q1391164 P106 Q131524 +Q241422 P20 Q6602 +Q354542 P136 Q8341 +Q1060395 P463 Q338432 +Q37628 P106 Q10798782 +Q348658 P136 Q187760 +Q90577 P19 Q64 +Q48990 P69 Q28729082 +Q435826 P106 Q33999 +Q523589 P106 Q36834 +Q12908 P19 Q1781 +Q70871 P1412 Q188 +Q5683 P136 Q482 +Q43182 P101 Q8087 +Q313013 P1303 Q52954 +Q235470 P463 Q463303 +Q239331 P106 Q2405480 +Q92849 P106 Q18844224 +Q267406 P551 Q65 +Q2587336 P106 Q81096 +Q182692 P57 Q56094 +Q1382521 P136 Q43343 +Q40688 P108 Q49213 +Q32535 P161 Q203223 +Q87073 P102 Q7320 +Q347461 P106 Q36180 +Q631722 P106 Q33999 +Q181819 P27 Q30 +Q304074 P161 Q217137 +Q69019 P106 Q4964182 +Q77144 P737 Q35802 +Q229232 P509 Q181754 +Q180589 P140 Q6423963 +Q107350 P106 Q10800557 +Q256666 P106 Q2526255 +Q69439 P106 Q36180 +Q220269 P106 Q2306091 +Q373034 P106 Q10798782 +Q183 P530 Q242 +Q456413 P106 Q512314 +Q17 P530 Q12585 +Q160640 P108 Q202660 +Q379684 P106 Q1028181 +Q471443 P106 Q9334029 +Q110106 P27 Q36 +Q274314 P27 Q38 +Q223299 P161 Q55800 +Q1287147 P136 Q14390274 +Q558794 P106 Q1930187 +Q234096 P106 Q10800557 +Q110714 P136 Q8341 +Q35 P530 Q1016 +Q170373 P172 Q42406 +Q188783 P140 Q7066 +Q104109 P27 Q16 +Q258183 P106 Q10800557 +Q61497 P102 Q7320 +Q103623 P551 Q60 +Q699541 P19 Q84 +Q60469 P69 Q156598 +Q257630 P161 Q235002 +Q60285 P106 Q2306091 +Q104127 P119 Q1624932 +Q239328 P106 Q10800557 +Q62988 P106 Q43845 +Q124094 P463 Q463303 +Q310767 P106 Q82955 +Q347986 P136 Q38848 +Q297744 P3373 Q239587 +Q318292 P27 Q30 +Q186587 P161 Q191104 +Q77468 P463 Q812155 +Q473030 P1412 Q150 +Q957575 P102 Q622441 +Q283061 P172 Q49085 +Q241392 P140 Q9592 +Q106762 P106 Q593644 +Q448404 P264 Q193023 +Q215339 P27 Q33 +Q229784 P106 Q33999 +Q652815 P106 Q43845 +Q3719620 P69 Q217741 +Q295847 P19 Q127856 +Q1014 P463 Q8475 +Q562789 P106 Q81096 +Q260533 P161 Q185051 +Q200639 P69 Q926749 +Q14540 P106 Q28389 +Q314673 P27 Q30 +Q42544 P172 Q42406 +Q297097 P136 Q484641 +Q578396 P172 Q8060 +Q162917 P106 Q6625963 +Q77734 P106 Q2526255 +Q187999 P57 Q697131 +Q38785 P106 Q644687 +Q72790 P106 Q6430706 +Q332693 P106 Q36180 +Q188850 P161 Q208667 +Q131366 P495 Q30 +Q733 P361 Q18 +Q317152 P106 Q4263842 +Q69894 P27 Q183 +Q357515 P106 Q10800557 +Q213613 P106 Q36834 +Q362422 P264 Q843402 +Q201538 P1412 Q1860 +Q231942 P106 Q15981151 +Q61674 P106 Q188094 +Q237273 P106 Q2405480 +Q227395 P27 Q183 +Q1399299 P17 Q145 +Q726198 P106 Q40348 +Q309486 P69 Q981195 +Q76893 P1412 Q188 +Q25153 P264 Q155152 +Q153248 P106 Q4964182 +Q187165 P106 Q177220 +Q212965 P161 Q237053 +Q168724 P69 Q1247589 +Q453011 P106 Q49757 +Q443897 P1303 Q17172850 +Q235460 P106 Q245068 +Q621458 P27 Q145 +Q98812 P27 Q183 +Q180377 P27 Q30 +Q200586 P106 Q855091 +Q123041 P1412 Q150 +Q450646 P26 Q990890 +Q295919 P172 Q49085 +Q342774 P1303 Q17172850 +Q78214 P106 Q82955 +Q175102 P136 Q484344 +Q189729 P264 Q203059 +Q123238 P27 Q39 +Q324129 P27 Q215 +Q232251 P161 Q329807 +Q272374 P1303 Q17172850 +Q337614 P106 Q36180 +Q361762 P106 Q1259917 +Q334396 P102 Q622441 +Q40852 P27 Q174193 +Q216041 P463 Q723551 +Q224754 P106 Q28389 +Q370560 P106 Q639669 +Q30 P530 Q1019 +Q237809 P106 Q2526255 +Q2587336 P106 Q333634 +Q19405 P495 Q29 +Q151917 P27 Q41 +Q203413 P106 Q36834 +Q93957 P140 Q9592 +Q59931 P136 Q860626 +Q95120 P106 Q36180 +Q408 P463 Q826700 +Q2038 P106 Q1930187 +Q110106 P463 Q123885 +Q846 P37 Q13955 +Q23858 P1412 Q1860 +Q91461 P106 Q193391 +Q34 P463 Q376150 +Q92622 P106 Q8246794 +Q2643 P106 Q1415090 +Q13014 P106 Q860918 +Q971702 P106 Q864380 +Q332881 P1412 Q1860 +Q1363261 P106 Q49757 +Q1026826 P20 Q1492 +Q169452 P264 Q277626 +Q89461 P20 Q34713 +Q92613 P27 Q30 +Q179888 P106 Q36180 +Q75261 P27 Q183 +Q104022 P1412 Q188 +Q70142 P106 Q16145150 +Q321365 P551 Q994 +Q262294 P106 Q855091 +Q320218 P641 Q41323 +Q93166 P106 Q1622272 +Q24558760 P3373 Q4218975 +Q216409 P108 Q4614 +Q205707 P551 Q61 +Q502325 P69 Q4480746 +Q104137 P161 Q43203 +Q38849 P106 Q36180 +Q315181 P106 Q3455803 +Q8704 P27 Q30 +Q310930 P69 Q610999 +Q1245769 P106 Q4964182 +Q86095 P106 Q1622272 +Q159063 P495 Q30 +Q83184 P69 Q219694 +Q60197 P106 Q1350157 +Q347 P530 Q38 +Q268039 P551 Q65 +Q325262 P106 Q201788 +Q183063 P57 Q51489 +Q311267 P264 Q557632 +Q189729 P136 Q9734 +Q386438 P106 Q28389 +Q103835 P463 Q83172 +Q1397888 P101 Q11190 +Q435626 P106 Q2526255 +Q273233 P463 Q1938003 +Q508182 P106 Q639669 +Q223854 P106 Q639669 +Q92670 P19 Q1297 +Q183 P463 Q8475 +Q109232 P551 Q60 +Q423 P530 Q796 +Q1955997 P106 Q639669 +Q1634784 P136 Q38848 +Q219060 P361 Q7204 +Q538824 P27 Q30 +Q975911 P136 Q83440 +Q1281084 P69 Q13371 +Q670277 P69 Q1702106 +Q975911 P106 Q177220 +Q725933 P102 Q79854 +Q234335 P106 Q482980 +Q572655 P106 Q6625963 +Q1070572 P106 Q10798782 +Q865 P530 Q233 +Q105666 P102 Q689018 +Q77009 P161 Q352935 +Q170510 P106 Q10798782 +Q91865 P106 Q82955 +Q234356 P551 Q23556 +Q155855 P106 Q1930187 +Q66023 P27 Q183 +Q61520 P108 Q165528 +Q62052 P106 Q2526255 +Q296537 P106 Q33999 +Q3075 P17 Q2415901 +Q4513768 P27 Q2305208 +Q1131225 P161 Q52392 +Q6701 P108 Q152838 +Q40337 P1412 Q1860 +Q184750 P1412 Q1860 +Q6538 P102 Q49768 +Q267522 P136 Q37073 +Q434266 P106 Q4964182 +Q25856 P27 Q28513 +Q197162 P106 Q121594 +Q605489 P1412 Q7026 +Q311594 P27 Q142 +Q7304 P106 Q36834 +Q227 P463 Q842490 +Q272913 P106 Q488205 +Q119676 P106 Q2252262 +Q133054 P551 Q84 +Q216016 P27 Q30 +Q374610 P463 Q463281 +Q225 P463 Q1043527 +Q172916 P106 Q4964182 +Q228585 P161 Q184572 +Q918647 P106 Q486748 +Q74639 P27 Q183 +Q53944 P19 Q3141 +Q115987 P106 Q36180 +Q651690 P131 Q270 +Q64640 P106 Q4263842 +Q12862 P1412 Q1412 +Q648366 P106 Q753110 +Q188440 P20 Q65 +Q795238 P20 Q84 +Q240933 P102 Q29468 +Q708284 P69 Q151510 +Q176944 P106 Q1622272 +Q363079 P106 Q47064 +Q232052 P106 Q33999 +Q315507 P106 Q185351 +Q1744 P106 Q10732476 +Q156814 P463 Q463303 +Q267769 P20 Q55630 +Q963 P463 Q816706 +Q917 P463 Q17495 +Q229009 P19 Q37320 +Q362332 P135 Q7066 +Q211429 P161 Q139325 +Q804348 P19 Q79867 +Q507046 P106 Q189290 +Q155979 P1412 Q1860 +Q444217 P19 Q1297 +Q106481 P106 Q2405480 +Q182725 P264 Q202585 +Q128532 P172 Q678551 +Q1985556 P119 Q1625328 +Q43 P530 Q224 +Q547414 P106 Q1607826 +Q41309 P27 Q171150 +Q286339 P136 Q8341 +Q2233935 P101 Q11634 +Q40143 P106 Q3282637 +Q266520 P106 Q10800557 +Q312252 P106 Q10800557 +Q1276 P509 Q12078 +Q115715 P106 Q36180 +Q229379 P106 Q482980 +Q568595 P106 Q901 +Q231171 P1412 Q652 +Q203860 P106 Q3455803 +Q266670 P106 Q622807 +Q524236 P19 Q1603 +Q192655 P136 Q43343 +Q311621 P106 Q855091 +Q66286 P69 Q168426 +Q1040186 P19 Q44989 +Q106812 P27 Q20 +Q118061 P27 Q183 +Q76487 P106 Q214917 +Q201418 P106 Q2405480 +Q298651 P19 Q38022 +Q266676 P1412 Q5287 +Q5348 P27 Q83286 +Q31164 P737 Q36844 +Q19364345 P551 Q16957 +Q740657 P106 Q14972848 +Q81224 P57 Q51566 +Q93349 P106 Q2914170 +Q92906 P463 Q127992 +Q348658 P264 Q183387 +Q371202 P106 Q2252262 +Q12658 P1412 Q188 +Q35498 P1412 Q397 +Q123368 P106 Q3621491 +Q281964 P1412 Q1860 +Q213824 P136 Q37073 +Q364864 P106 Q486748 +Q153832 P27 Q172579 +Q310767 P1412 Q150 +Q1041 P463 Q5611262 +Q36970 P27 Q30 +Q183094 P106 Q36180 +Q184697 P106 Q488205 +Q106603 P27 Q43287 +Q207817 P140 Q432 +Q291693 P3373 Q355024 +Q6694 P463 Q191583 +Q1699618 P106 Q639669 +Q1590452 P69 Q49088 +Q186264 P108 Q463055 +Q43 P530 Q39 +Q72790 P509 Q852423 +Q319902 P27 Q45 +Q60528 P102 Q153401 +Q516004 P106 Q1622272 +Q164224 P136 Q20443008 +Q293590 P106 Q2252262 +Q94653 P106 Q82955 +Q1686370 P106 Q488205 +Q96772 P106 Q333634 +Q364582 P106 Q33999 +Q90201 P1412 Q188 +Q229330 P106 Q18814623 +Q185610 P264 Q38903 +Q43697 P106 Q33999 +Q263279 P106 Q10800557 +Q471188 P106 Q36180 +Q4271 P106 Q855091 +Q597694 P27 Q142 +Q77087 P27 Q7318 +Q97383 P106 Q482980 +Q86809 P106 Q16267607 +Q78528 P106 Q36180 +Q95971 P106 Q214917 +Q126927 P106 Q177220 +Q1549911 P136 Q9759 +Q234388 P106 Q177220 +Q60141 P27 Q1055 +Q337521 P1303 Q46185 +Q75828 P463 Q188771 +Q289303 P3373 Q154353 +Q1026532 P106 Q33999 +Q153909 P27 Q36704 +Q78475 P27 Q40 +Q104000 P106 Q177220 +Q373566 P106 Q8178443 +Q68757 P27 Q154195 +Q151118 P106 Q36834 +Q195333 P19 Q34647 +Q3559761 P27 Q30 +Q361940 P106 Q386854 +Q3903340 P106 Q42973 +Q1058532 P106 Q639669 +Q139927 P161 Q299324 +Q355344 P106 Q10798782 +Q981171 P106 Q1930187 +Q236005 P136 Q850412 +Q92776 P106 Q81096 +Q727786 P27 Q172579 +Q348533 P106 Q10798782 +Q126234 P1412 Q188 +Q182654 P102 Q79854 +Q506006 P106 Q15981151 +Q739 P530 Q155 +Q113909 P106 Q1209498 +Q6123726 P20 Q60 +Q1066875 P1412 Q1860 +Q313596 P509 Q333495 +Q379400 P106 Q1476215 +Q70474 P108 Q153006 +Q723063 P106 Q639669 +Q4536 P495 Q145 +Q184843 P495 Q8646 +Q311145 P135 Q667661 +Q122094 P140 Q1841 +Q781514 P119 Q18405702 +Q76501 P108 Q54096 +Q459171 P108 Q591115 +Q381256 P69 Q165980 +Q338826 P106 Q333634 +Q9041 P463 Q117467 +Q184440 P106 Q82955 +Q962308 P106 Q49757 +Q215708 P509 Q12152 +Q78514 P451 Q156898 +Q87040 P102 Q7320 +Q106769 P106 Q214917 +Q223687 P463 Q8038459 +Q254980 P19 Q65 +Q171242 P1412 Q7737 +Q235572 P69 Q1419737 +Q312051 P106 Q10800557 +Q19201 P1412 Q1860 +Q219060 P530 Q222 +Q264730 P106 Q18814623 +Q435330 P27 Q30 +Q510361 P136 Q11399 +Q72893 P509 Q212961 +Q62977 P106 Q36180 +Q313981 P106 Q6625963 +Q359451 P106 Q2516866 +Q236355 P106 Q33999 +Q329744 P1412 Q1860 +Q241748 P37 Q9299 +Q67018 P1412 Q188 +Q78524 P106 Q37226 +Q1391397 P463 Q1468277 +Q694042 P27 Q183 +Q76641 P463 Q543804 +Q547660 P106 Q753110 +Q255129 P1303 Q8343 +Q222868 P840 Q60 +Q111447 P463 Q188771 +Q15257 P69 Q168751 +Q984353 P136 Q11399 +Q705174 P106 Q36180 +Q285543 P106 Q639669 +Q313020 P1412 Q7979 +Q216134 P106 Q82955 +Q163159 P27 Q142 +Q79759 P106 Q36180 +Q160619 P1412 Q150 +Q221491 P161 Q223110 +Q1707 P17 Q7318 +Q86809 P69 Q152171 +Q633 P106 Q33999 +Q49072 P20 Q488004 +Q44707 P19 Q16568 +Q207482 P161 Q180338 +Q252 P530 Q869 +Q129601 P161 Q193105 +Q323937 P1303 Q5994 +Q314926 P106 Q33999 +Q166355 P161 Q95314 +Q18430 P108 Q34433 +Q206890 P69 Q389336 +Q74512 P1412 Q188 +Q1507223 P119 Q1370 +Q555324 P737 Q159552 +Q229560 P27 Q16 +Q39829 P106 Q639669 +Q32734 P495 Q31 +Q775671 P19 Q495 +Q105220 P19 Q4024 +Q335142 P106 Q39631 +Q727151 P172 Q49085 +Q1649321 P264 Q557632 +Q232222 P161 Q102711 +Q335087 P69 Q82513 +Q463639 P26 Q315348 +Q62904 P463 Q131566 +Q719360 P69 Q820887 +Q766293 P1412 Q150 +Q229230 P106 Q33999 +Q11153 P102 Q29468 +Q240804 P17 Q145 +Q168274 P136 Q131272 +Q377768 P1303 Q1444 +Q218992 P106 Q177220 +Q285584 P161 Q211082 +Q836 P530 Q148 +Q697741 P27 Q37024 +Q55208 P1412 Q188 +Q188411 P106 Q13424456 +Q686 P463 Q376150 +Q246656 P161 Q95034 +Q45383 P106 Q947873 +Q234169 P69 Q3072747 +Q83643 P106 Q822146 +Q60954 P1412 Q188 +Q57281 P106 Q4263842 +Q986622 P106 Q8246794 +Q10444417 P106 Q2526255 +Q3816 P106 Q18939491 +Q359665 P106 Q6625963 +Q323318 P136 Q224700 +Q836656 P106 Q36834 +Q588067 P1303 Q17172850 +Q243267 P69 Q658192 +Q974 P463 Q899770 +Q233229 P106 Q10800557 +Q489197 P131 Q104994 +Q437049 P106 Q33999 +Q382680 P27 Q20 +Q85586 P1412 Q188 +Q232214 P136 Q484641 +Q7473516 P17 Q17 +Q348790 P106 Q36180 +Q150651 P264 Q202440 +Q130631 P69 Q209842 +Q69301 P27 Q183 +Q1406622 P106 Q36834 +Q78126 P27 Q41 +Q41269 P106 Q593644 +Q74441 P106 Q2599593 +Q76127 P27 Q252 +Q320895 P106 Q183945 +Q366671 P106 Q486748 +Q297794 P106 Q6625963 +Q71206 P106 Q10798782 +Q229271 P106 Q28389 +Q562178 P106 Q1930187 +Q934097 P27 Q414 +Q109767 P136 Q663106 +Q61058 P106 Q13570226 +Q1676929 P106 Q33999 +Q872815 P106 Q2135538 +Q26208 P106 Q10800557 +Q235388 P106 Q10800557 +Q538901 P106 Q177220 +Q17455 P106 Q82594 +Q212804 P495 Q30 +Q207034 P264 Q202440 +Q62558 P102 Q29468 +Q31112 P106 Q482980 +Q218679 P106 Q28389 +Q225089 P1412 Q1860 +Q3186620 P463 Q6101686 +Q102438 P161 Q19190 +Q107067 P27 Q129286 +Q597433 P106 Q177220 +Q166031 P136 Q319221 +Q272650 P106 Q1930187 +Q209641 P106 Q28389 +Q231484 P106 Q488205 +Q704700 P1303 Q6607 +Q9513 P509 Q202837 +Q141114 P27 Q30 +Q148 P530 Q1025 +Q746182 P136 Q8341 +Q3438272 P69 Q332342 +Q152298 P27 Q15180 +Q2825252 P106 Q81096 +Q274334 P172 Q49542 +Q822666 P106 Q1622272 +Q45553 P20 Q65 +Q271032 P106 Q36180 +Q235252 P1412 Q1860 +Q43746 P140 Q5043 +Q234765 P106 Q49757 +Q318910 P136 Q200092 +Q2545780 P19 Q47164 +Q212804 P161 Q231128 +Q76000 P463 Q320642 +Q185696 P119 Q771 +Q313596 P106 Q753110 +Q311093 P19 Q189960 +Q91389 P106 Q11063 +Q4977994 P135 Q186030 +Q337526 P112 Q188971 +Q10957559 P140 Q35032 +Q309838 P20 Q5083 +Q77468 P1412 Q188 +Q64579 P1412 Q188 +Q733720 P69 Q82513 +Q213736 P106 Q639669 +Q60969 P463 Q4345832 +Q346965 P119 Q1302545 +Q273136 P106 Q10800557 +Q220751 P106 Q28389 +Q76887 P140 Q55004488 +Q381920 P135 Q39427 +Q715787 P140 Q42504 +Q206534 P27 Q30 +Q150916 P1303 Q17172850 +Q83492 P451 Q203840 +Q33391 P102 Q1774814 +Q18430 P106 Q15980158 +Q358345 P69 Q3072747 +Q483507 P27 Q30 +Q262 P530 Q159 +Q11847 P27 Q36 +Q296609 P106 Q8246794 +Q7197 P140 Q7066 +Q241248 P551 Q60 +Q57106 P101 Q23498 +Q37767 P19 Q38022 +Q979865 P106 Q43845 +Q81487 P161 Q317614 +Q85118 P106 Q1930187 +Q274936 P106 Q333634 +Q46717 P161 Q190162 +Q114450 P1412 Q7918 +Q333405 P119 Q812 +Q73975 P1412 Q188 +Q274404 P108 Q202660 +Q738765 P106 Q2516866 +Q49003 P495 Q30 +Q220901 P451 Q207506 +Q336010 P20 Q90 +Q220980 P106 Q49757 +Q502896 P737 Q202314 +Q505476 P27 Q34 +Q18430 P463 Q107569 +Q704710 P1303 Q6607 +Q153159 P27 Q33 +Q213520 P463 Q463281 +Q188461 P106 Q488205 +Q285928 P27 Q30 +Q959875 P106 Q40348 +Q717 P530 Q219060 +Q52255 P69 Q35794 +Q219842 P69 Q273626 +Q74316 P101 Q309 +Q83321 P106 Q182436 +Q455605 P1303 Q6607 +Q715404 P1303 Q17172850 +Q113953 P1412 Q1321 +Q164401 P106 Q18844224 +Q435665 P264 Q202440 +Q971962 P108 Q591115 +Q1009 P463 Q7825 +Q162778 P106 Q177220 +Q92562 P136 Q112983 +Q395494 P20 Q159288 +Q269901 P106 Q2259451 +Q256809 P20 Q1754 +Q1893889 P27 Q36 +Q1397888 P1412 Q397 +Q135645 P106 Q131524 +Q171571 P106 Q33999 +Q21826 P69 Q838330 +Q18425 P463 Q2822396 +Q3132658 P106 Q14089670 +Q488099 P106 Q214917 +Q268294 P106 Q10798782 +Q78639 P20 Q60 +Q57239 P20 Q64 +Q179201 P106 Q18844224 +Q312078 P161 Q726074 +Q55174 P106 Q131524 +Q68543 P106 Q33999 +Q40912 P1412 Q1860 +Q233957 P106 Q1650915 +Q1885893 P106 Q81096 +Q203560 P136 Q130232 +Q131545 P20 Q12439 +Q311232 P172 Q49085 +Q92854 P463 Q127992 +Q220536 P140 Q9089 +Q183167 P106 Q864380 +Q248562 P161 Q228871 +Q36 P463 Q827525 +Q333913 P1412 Q1860 +Q710100 P69 Q49112 +Q236161 P106 Q36180 +Q810 P37 Q13955 +Q4496 P106 Q15978655 +Q128297 P551 Q1524 +Q32849 P106 Q753110 +Q1165439 P136 Q373342 +Q437748 P264 Q885833 +Q783 P361 Q12585 +Q3955 P463 Q747279 +Q1805442 P1303 Q17172850 +Q1272729 P19 Q34404 +Q375855 P136 Q1146335 +Q351705 P69 Q486156 +Q169461 P106 Q33999 +Q589781 P1303 Q17172850 +Q321917 P509 Q506616 +Q313522 P106 Q3282637 +Q4093262 P106 Q3357567 +Q77745 P106 Q1209498 +Q153232 P140 Q7066 +Q83807 P19 Q189074 +Q38203 P101 Q35760 +Q1028859 P509 Q12152 +Q191543 P136 Q188473 +Q1066772 P172 Q49085 +Q535924 P106 Q1622272 +Q267386 P136 Q37073 +Q97136 P106 Q36180 +Q2736087 P106 Q11900058 +Q78107 P108 Q168426 +Q207380 P119 Q1574424 +Q41132 P161 Q55468 +Q77824 P106 Q1234713 +Q311961 P106 Q36834 +Q242130 P136 Q482 +Q664909 P106 Q753110 +Q254041 P106 Q1930187 +Q1398876 P106 Q169470 +Q389851 P1303 Q5994 +Q157400 P106 Q488205 +Q271690 P161 Q296577 +Q209538 P840 Q65 +Q207197 P106 Q10800557 +Q948 P463 Q656801 +Q333187 P264 Q155152 +Q150471 P135 Q37068 +Q525949 P106 Q1781198 +Q3490465 P108 Q189022 +Q937 P551 Q183 +Q433144 P106 Q33999 +Q151972 P106 Q177220 +Q170515 P1412 Q150 +Q171969 P463 Q123885 +Q935051 P27 Q183 +Q642127 P106 Q170790 +Q212048 P102 Q29468 +Q55174 P69 Q21578 +Q342580 P106 Q551835 +Q116032 P463 Q329464 +Q50612 P101 Q166542 +Q83649 P161 Q356303 +Q1293950 P106 Q131512 +Q276167 P106 Q2259451 +Q202144 P20 Q127856 +Q105962 P737 Q11031 +Q89516 P463 Q329464 +Q369900 P161 Q309214 +Q230744 P102 Q29552 +Q17905 P1412 Q7411 +Q3074304 P106 Q1622272 +Q218589 P161 Q212790 +Q5577 P463 Q337580 +Q433403 P27 Q30 +Q55195 P1412 Q7737 +Q241215 P106 Q36180 +Q1174771 P136 Q83440 +Q352730 P106 Q4853732 +Q135139 P106 Q593644 +Q168482 P106 Q3427922 +Q246303 P20 Q17042 +Q78494 P69 Q689400 +Q61469 P106 Q2487799 +Q11239 P463 Q466089 +Q78116 P106 Q169470 +Q105937 P106 Q36180 +Q178963 P106 Q753110 +Q712319 P1303 Q6607 +Q160058 P1412 Q652 +Q184 P37 Q9091 +Q357776 P106 Q483501 +Q84555 P108 Q31519 +Q311241 P106 Q177220 +Q335794 P136 Q12799318 +Q66527 P106 Q593644 +Q58857 P27 Q183 +Q2100 P463 Q52144567 +Q315099 P106 Q33999 +Q362332 P106 Q2259451 +Q1341906 P106 Q36834 +Q19200 P19 Q16557 +Q63432 P106 Q1397808 +Q121926 P106 Q121594 +Q174284 P161 Q16455 +Q308929 P136 Q188473 +Q165817 P161 Q352935 +Q180619 P509 Q47912 +Q234117 P20 Q65 +Q11609 P101 Q21198 +Q486096 P106 Q28389 +Q213662 P27 Q183 +Q668 P530 Q31 +Q238215 P136 Q11399 +Q257317 P69 Q13371 +Q105531 P106 Q1622272 +Q11673 P101 Q1328508 +Q233957 P463 Q938622 +Q48613 P1412 Q1860 +Q47243 P102 Q161118 +Q8016 P106 Q372436 +Q970 P530 Q423 +Q482334 P463 Q463303 +Q185465 P106 Q5716684 +Q520053 P106 Q170790 +Q463013 P106 Q639669 +Q167243 P19 Q656 +Q62731543 P106 Q483501 +Q240658 P27 Q30 +Q197977 P1412 Q188 +Q82049 P737 Q9353 +Q313013 P1303 Q128309 +Q211136 P264 Q216364 +Q286022 P264 Q126399 +Q726074 P106 Q33999 +Q1346192 P136 Q11399 +Q91 P106 Q372436 +Q152293 P106 Q36834 +Q240954 P136 Q492537 +Q134456 P20 Q7473516 +Q332956 P106 Q82955 +Q165911 P106 Q5716684 +Q544301 P106 Q128124 +Q2157440 P108 Q193727 +Q183848 P106 Q82955 +Q554406 P106 Q4263842 +Q223299 P161 Q271846 +Q185696 P20 Q100 +Q800 P463 Q842490 +Q537722 P106 Q183945 +Q36290 P26 Q355288 +Q482334 P69 Q168515 +Q264577 P161 Q326723 +Q235622 P26 Q187019 +Q330824 P106 Q488205 +Q207824 P136 Q483352 +Q1041034 P136 Q180268 +Q547414 P106 Q6625963 +Q450714 P509 Q12192 +Q509974 P20 Q1486 +Q366805 P1412 Q1860 +Q274157 P106 Q2405480 +Q41513 P106 Q1028181 +Q283335 P106 Q33999 +Q76683 P463 Q2822396 +Q78318 P106 Q36180 +Q357929 P1412 Q1860 +Q253977 P106 Q2526255 +Q27411 P161 Q343983 +Q461540 P136 Q1535153 +Q159551 P69 Q927373 +Q134477 P69 Q49088 +Q219878 P1303 Q17172850 +Q36970 P106 Q465501 +Q154770 P106 Q36834 +Q441551 P69 Q209344 +Q119676 P106 Q2526255 +Q207698 P2283 Q568723 +Q686 P463 Q191384 +Q68202 P140 Q9592 +Q203860 P106 Q214917 +Q4894597 P69 Q152838 +Q12833 P1412 Q7737 +Q1606718 P1412 Q1860 +Q340074 P106 Q36180 +Q38875 P27 Q30 +Q229603 P161 Q676094 +Q298139 P106 Q822146 +Q965179 P509 Q12152 +Q233843 P106 Q10798782 +Q268284 P106 Q183945 +Q55163 P106 Q3387717 +Q235635 P19 Q34863 +Q1391164 P1303 Q17172850 +Q60579 P108 Q28024477 +Q1744 P1303 Q6607 +Q120664 P106 Q201788 +Q215026 P106 Q36834 +Q38193 P1412 Q188 +Q6714 P463 Q1792159 +Q391562 P106 Q36180 +Q102235 P161 Q170428 +Q434745 P264 Q202585 +Q96591 P19 Q64 +Q214930 P20 Q1726 +Q205000 P106 Q2259451 +Q5608 P106 Q482980 +Q43 P530 Q145 +Q126927 P106 Q10800557 +Q220525 P106 Q36180 +Q9364 P106 Q6625963 +Q205435 P106 Q10798782 +Q4074458 P69 Q1367256 +Q135230 P136 Q959790 +Q74513 P106 Q15981151 +Q80871 P106 Q49757 +Q353449 P1412 Q7737 +Q275575 P136 Q131272 +Q232000 P57 Q51570 +Q298025 P19 Q60 +Q357786 P119 Q5092 +Q77235 P463 Q131566 +Q435124 P27 Q30 +Q95237 P69 Q161982 +Q231276 P106 Q55960555 +Q1032 P463 Q3348506 +Q200804 P161 Q2685 +Q105158 P106 Q4991371 +Q285431 P19 Q1891 +Q44467 P106 Q2259451 +Q171421 P1412 Q1860 +Q2585807 P106 Q36180 +Q1286510 P264 Q679007 +Q236946 P551 Q65 +Q2061371 P172 Q7325 +Q50861 P840 Q60 +Q107759 P1412 Q188 +Q897275 P106 Q15627169 +Q443403 P106 Q1930187 +Q298766 P106 Q10349745 +Q1164663 P106 Q855091 +Q210172 P106 Q488205 +Q119198 P27 Q30 +Q204936 P509 Q128581 +Q561147 P1412 Q7026 +Q439267 P136 Q203720 +Q203223 P106 Q183945 +Q712878 P106 Q3282637 +Q236066 P106 Q33999 +Q443534 P106 Q10798782 +Q81328 P106 Q2405480 +Q1351751 P1303 Q6607 +Q129140 P106 Q33999 +Q104791 P69 Q640652 +Q169038 P106 Q16145150 +Q443567 P106 Q6625963 +Q268024 P1412 Q1860 +Q971 P463 Q827525 +Q45383 P106 Q177220 +Q310295 P106 Q10798782 +Q77235 P106 Q81096 +Q309980 P27 Q145 +Q310464 P27 Q30 +Q310150 P20 Q47164 +Q296287 P69 Q216458 +Q117902 P106 Q82955 +Q954997 P27 Q30 +Q574885 P264 Q387539 +Q982023 P69 Q926749 +Q252469 P264 Q212699 +Q236 P463 Q8475 +Q1276176 P27 Q145 +Q242889 P101 Q207628 +Q12325 P509 Q767485 +Q267406 P106 Q639669 +Q152750 P30 Q46 +Q7052125 P69 Q21578 +Q144622 P106 Q18814623 +Q242873 P1303 Q17172850 +Q686 P37 Q150 +Q62666 P106 Q40348 +Q297736 P69 Q1250779 +Q57281 P106 Q214917 +Q90787 P106 Q482980 +Q236075 P106 Q10800557 +Q60954 P102 Q49762 +Q1396305 P27 Q15180 +Q751205 P106 Q188094 +Q461540 P161 Q264748 +Q242454 P1303 Q17172850 +Q174 P17 Q155 +Q403 P530 Q408 +Q196472 P106 Q1734662 +Q320190 P1303 Q52954 +Q71275 P451 Q56016 +Q727151 P264 Q654283 +Q1123489 P19 Q36091 +Q241 P463 Q842490 +Q362681 P136 Q8341 +Q131674 P641 Q542 +Q95039 P106 Q2526255 +Q48956 P108 Q309988 +Q35 P530 Q800 +Q362531 P19 Q1764 +Q126183 P161 Q25144 +Q7542 P136 Q37073 +Q2831 P106 Q131524 +Q318514 P106 Q183945 +Q40096 P27 Q30 +Q191026 P106 Q170790 +Q215855 P27 Q30 +Q123521 P69 Q658975 +Q362353 P106 Q36180 +Q526406 P1303 Q6607 +Q48259 P69 Q49112 +Q237673 P106 Q4610556 +Q368636 P27 Q30 +Q11459 P106 Q43845 +Q865275 P106 Q36180 +Q112202 P108 Q52413 +Q317953 P106 Q188094 +Q358387 P106 Q81096 +Q275876 P509 Q47912 +Q208572 P136 Q586250 +Q12658 P463 Q4345832 +Q30 P530 Q191 +Q20732 P27 Q15180 +Q181490 P106 Q10800557 +Q128985 P106 Q82955 +Q266335 P106 Q2259451 +Q1544666 P737 Q5383 +Q1585138 P1303 Q17172850 +Q123923 P102 Q641691 +Q726170 P1303 Q17172850 +Q129629 P106 Q28389 +Q240485 P106 Q36180 +Q822401 P106 Q183945 +Q208108 P161 Q219373 +Q544464 P106 Q131524 +Q180989 P106 Q16323111 +Q78833 P106 Q193391 +Q1004670 P20 Q1781 +Q334 P530 Q851 +Q218235 P161 Q105695 +Q127349 P172 Q160894 +Q68815 P106 Q333634 +Q561212 P1412 Q150 +Q909 P136 Q482 +Q188652 P161 Q959153 +Q70396 P40 Q215820 +Q516786 P106 Q333634 +Q962308 P69 Q610999 +Q139460 P161 Q269669 +Q817 P530 Q851 +Q347986 P1303 Q46185 +Q167546 P27 Q172579 +Q183 P463 Q5611262 +Q232260 P737 Q35064 +Q334 P463 Q1065 +Q573299 P106 Q82955 +Q373362 P136 Q200092 +Q315362 P101 Q184485 +Q232288 P264 Q121698 +Q77755 P108 Q273263 +Q467670 P509 Q852423 +Q191 P530 Q28 +Q86225 P106 Q1930187 +Q1058562 P27 Q145 +Q600488 P161 Q228733 +Q80069 P1412 Q1860 +Q732434 P509 Q12192 +Q206374 P161 Q169963 +Q414 P530 Q1028 +Q280400 P161 Q1366460 +Q22670 P108 Q154561 +Q169311 P106 Q36180 +Q1349702 P136 Q11399 +Q485310 P106 Q947873 +Q25997 P20 Q656 +Q83542 P161 Q270652 +Q160640 P106 Q1930187 +Q88015 P20 Q1741 +Q274529 P161 Q233457 +Q235517 P106 Q177220 +Q364875 P136 Q885561 +Q456751 P106 Q49757 +Q87375 P19 Q2119 +Q229263 P106 Q4610556 +Q371119 P27 Q30 +Q228692 P106 Q13590141 +Q167265 P161 Q207969 +Q180224 P27 Q30 +Q921 P463 Q7825 +Q215 P463 Q7825 +Q77109 P108 Q658626 +Q208537 P106 Q13219637 +Q54452 P172 Q86630688 +Q40946 P27 Q145 +Q255577 P106 Q33999 +Q193070 P106 Q10798782 +Q7726 P1412 Q150 +Q77096 P102 Q7320 +Q597863 P106 Q482980 +Q367634 P27 Q30 +Q432281 P106 Q2259451 +Q937 P108 Q168756 +Q57168 P27 Q183 +Q11813 P106 Q10076267 +Q96050 P106 Q10800557 +Q5577 P463 Q337531 +Q171969 P463 Q188771 +Q115754 P69 Q2983698 +Q164396 P463 Q83172 +Q57118 P451 Q219653 +Q263172 P1050 Q11081 +Q505274 P106 Q644687 +Q220883 P106 Q36180 +Q38 P530 Q31 +Q1163944 P27 Q15180 +Q705477 P106 Q10800557 +Q163872 P161 Q123351 +Q921869 P101 Q8087 +Q132537 P20 Q138518 +Q246711 P161 Q80966 +Q454696 P509 Q12152 +Q327303 P106 Q28389 +Q214816 P106 Q14972848 +Q76346 P106 Q170790 +Q199943 P106 Q947873 +Q164469 P106 Q23833535 +Q710026 P106 Q806798 +Q53040 P509 Q12136 +Q220816 P1412 Q7737 +Q312078 P161 Q61677 +Q1391164 P106 Q177220 +Q380531 P1303 Q133163 +Q245430 P136 Q369747 +Q164593 P20 Q1726 +Q710100 P106 Q1930187 +Q330840 P106 Q10800557 +Q106685 P106 Q3282637 +Q17889 P106 Q40348 +Q80440 P106 Q36180 +Q1938740 P119 Q252312 +Q177632 P106 Q177220 +Q232015 P1412 Q1321 +Q124008 P106 Q486748 +Q1379510 P106 Q2259451 +Q458372 P140 Q170208 +Q313758 P106 Q20669622 +Q323392 P161 Q193482 +Q219780 P19 Q43668 +Q114 P530 Q252 +Q233479 P1412 Q1860 +Q455292 P172 Q49085 +Q1005 P463 Q827525 +Q1744 P264 Q843402 +Q1039 P17 Q200464 +Q472783 P106 Q1930187 +Q185364 P19 Q60 +Q7243 P1412 Q7737 +Q346036 P1303 Q6607 +Q2281897 P106 Q169470 +Q523578 P106 Q6625963 +Q77742 P27 Q142 +Q287478 P69 Q969850 +Q168356 P463 Q1792159 +Q230736 P19 Q43668 +Q49074 P106 Q11774202 +Q222818 P106 Q639669 +Q882 P106 Q2259451 +Q375419 P106 Q10800557 +Q128985 P140 Q6423963 +Q343616 P106 Q28389 +Q108719 P27 Q36 +Q471188 P1412 Q9072 +Q316064 P106 Q512314 +Q23441 P106 Q214917 +Q63078 P509 Q12152 +Q170596 P69 Q81162 +Q58577 P1412 Q188 +Q1099640 P264 Q3699593 +Q461447 P136 Q130232 +Q325487 P69 Q230492 +Q84238 P106 Q43845 +Q236005 P106 Q488205 +Q414 P530 Q34 +Q70350 P108 Q152171 +Q308840 P106 Q9017214 +Q87589 P1412 Q188 +Q42775 P27 Q30 +Q208685 P27 Q145 +Q235121 P106 Q36180 +Q177288 P106 Q14467526 +Q354867 P737 Q44847 +Q180453 P136 Q180268 +Q334 P530 Q148 +Q550778 P106 Q10800557 +Q563549 P106 Q49757 +Q38049 P136 Q35760 +Q91827 P108 Q155354 +Q228901 P27 Q145 +Q159 P530 Q819 +Q884 P530 Q833 +Q979347 P1303 Q61285 +Q640292 P106 Q10349745 +Q313256 P106 Q2526255 +Q274400 P840 Q1223 +Q84217 P106 Q33999 +Q434095 P106 Q36180 +Q158465 P1412 Q7737 +Q234438 P106 Q2259451 +Q92379 P106 Q201788 +Q183 P530 Q244 +Q270546 P19 Q43196 +Q10681 P106 Q183945 +Q235141 P69 Q8008661 +Q60025 P737 Q15975 +Q1070152 P136 Q11401 +Q110365 P495 Q20 +Q310204 P495 Q30 +Q312641 P26 Q276304 +Q255376 P136 Q130232 +Q41502 P463 Q4345832 +Q642817 P106 Q1930187 +Q274609 P551 Q65 +Q208546 P509 Q12202 +Q455236 P1412 Q1860 +Q1045 P530 Q145 +Q64812 P19 Q105084 +Q540544 P69 Q333886 +Q244931 P495 Q30 +Q5052689 P69 Q209842 +Q232945 P106 Q33999 +Q111836 P102 Q1332068 +Q176277 P106 Q10800557 +Q70324 P27 Q183 +Q352975 P27 Q29999 +Q374041 P106 Q33999 +Q971447 P20 Q649 +Q471443 P509 Q12204 +Q166262 P161 Q83492 +Q333519 P106 Q36180 +Q202815 P106 Q24262584 +Q701587 P108 Q661916 +Q17714 P551 Q21 +Q312693 P551 Q23154 +Q301132 P161 Q962908 +Q17455 P106 Q593644 +Q63876 P106 Q333634 +Q337185 P106 Q3282637 +Q727717 P106 Q36180 +Q289180 P20 Q18575 +Q949 P106 Q1622272 +Q14540 P106 Q2405480 +Q150445 P136 Q9734 +Q51511 P106 Q10800557 +Q244333 P161 Q230378 +Q23517 P106 Q33999 +Q207179 P106 Q10800557 +Q29344 P27 Q30 +Q78491 P172 Q237534 +Q3188663 P27 Q142 +Q251338 P119 Q1053320 +Q312394 P136 Q130232 +Q1445276 P463 Q463303 +Q887259 P551 Q55630 +Q4700 P119 Q1092107 +Q918966 P1412 Q9288 +Q91083 P27 Q183 +Q58777 P106 Q47064 +Q450296 P1303 Q17172850 +Q244214 P106 Q10800557 +Q106235 P106 Q40348 +Q57730 P106 Q82955 +Q7726 P140 Q1841 +Q216060 P26 Q105954 +Q92814 P27 Q30 +Q733720 P463 Q463303 +Q77555 P1412 Q188 +Q126958 P106 Q33999 +Q215300 P106 Q10800557 +Q357515 P106 Q177220 +Q280098 P140 Q1062789 +Q118375 P161 Q1889124 +Q303391 P161 Q170510 +Q274334 P1412 Q9091 +Q707008 P172 Q49085 +Q537960 P108 Q168756 +Q11826 P101 Q2329 +Q240647 P106 Q6625963 +Q310332 P19 Q12439 +Q250545 P19 Q3130 +Q1739226 P1412 Q9288 +Q115901 P108 Q372608 +Q463313 P161 Q217137 +Q44747 P106 Q36180 +Q238374 P106 Q1930187 +Q192706 P20 Q84 +Q157400 P1303 Q17172850 +Q179449 P106 Q36180 +Q708236 P1303 Q6607 +Q485310 P106 Q18814623 +Q63454 P106 Q1198887 +Q276038 P27 Q38 +Q44578 P161 Q363271 +Q85282 P463 Q684415 +Q273055 P641 Q5372 +Q184535 P463 Q83172 +Q443995 P106 Q2259451 +Q270324 P69 Q503246 +Q333148 P1412 Q1860 +Q60039 P19 Q2814 +Q360477 P106 Q3455803 +Q193835 P161 Q483118 +Q123368 P106 Q36180 +Q157271 P108 Q158158 +Q65932 P106 Q3282637 +Q356129 P106 Q33999 +Q60153 P102 Q13124 +Q223455 P106 Q2259451 +Q853461 P106 Q1930187 +Q26168 P20 Q62 +Q203574 P136 Q130232 +Q2044 P17 Q148540 +Q948977 P1412 Q1860 +Q443317 P106 Q15981151 +Q356309 P136 Q21590660 +Q1345514 P3373 Q44221 +Q180272 P106 Q3387717 +Q60969 P106 Q1622272 +Q129598 P108 Q49112 +Q709454 P136 Q45981 +Q229264 P101 Q1071 +Q8349 P264 Q202585 +Q97083 P463 Q329464 +Q469753 P136 Q11399 +Q163249 P106 Q33999 +Q70215 P463 Q2043519 +Q213706 P106 Q4610556 +Q706571 P27 Q145 +Q414 P530 Q750 +Q236 P530 Q224 +Q34389 P27 Q30 +Q467027 P264 Q2034661 +Q968099 P102 Q79854 +Q239818 P27 Q30 +Q207350 P17 Q193714 +Q14537 P106 Q10800557 +Q23368 P69 Q805285 +Q61629 P69 Q55044 +Q82110 P1303 Q17172850 +Q92853 P101 Q21198 +Q47011 P108 Q658192 +Q483203 P1412 Q1860 +Q465105 P106 Q158852 +Q912 P530 Q148 +Q80871 P106 Q36180 +Q559794 P27 Q30 +Q40096 P1303 Q17172850 +Q42443 P106 Q864380 +Q7407 P27 Q30 +Q171969 P463 Q543804 +Q41269 P1412 Q150 +Q332515 P161 Q312380 +Q144622 P1303 Q46185 +Q23505 P20 Q16555 +Q39829 P136 Q186424 +Q162458 P495 Q30 +Q74441 P108 Q153006 +Q61318 P20 Q3033 +Q88748 P106 Q1234713 +Q319785 P106 Q201788 +Q365042 P106 Q855091 +Q288359 P106 Q3282637 +Q958 P463 Q7159 +Q229389 P1303 Q17172850 +Q660545 P19 Q406 +Q215820 P19 Q64 +Q2599 P106 Q488205 +Q282199 P136 Q130232 +Q1930688 P463 Q253439 +Q902 P530 Q17 +Q57139 P106 Q486748 +Q180279 P161 Q203215 +Q350915 P20 Q1489 +Q294321 P19 Q100 +Q270351 P840 Q189074 +Q235284 P106 Q28389 +Q319871 P106 Q36180 +Q708585 P106 Q639669 +Q511124 P509 Q181754 +Q29 P463 Q41550 +Q207544 P106 Q2259451 +Q28 P530 Q34 +Q286475 P106 Q4853732 +Q125057 P106 Q36180 +Q11860 P1412 Q652 +Q171582 P161 Q49004 +Q261669 P106 Q2259451 +Q294975 P106 Q2259451 +Q560847 P106 Q43845 +Q711874 P1303 Q17172850 +Q69397 P108 Q152838 +Q319934 P1412 Q1860 +Q125133 P106 Q177220 +Q365129 P106 Q1792450 +Q242729 P26 Q287977 +Q505871 P69 Q49108 +Q139087 P108 Q1051840 +Q13129708 P3373 Q51908481 +Q289647 P106 Q33999 +Q981236 P1303 Q6607 +Q388035 P27 Q96 +Q63960 P106 Q10800557 +Q159 P530 Q227 +Q552819 P40 Q293149 +Q83396 P463 Q3308284 +Q556544 P69 Q41506 +Q858623 P106 Q177220 +Q86943 P69 Q156737 +Q57535 P27 Q41304 +Q589978 P106 Q201788 +Q61244 P19 Q1055 +Q23114 P27 Q8733 +Q105954 P119 Q190494 +Q82301 P463 Q1423356 +Q58912 P106 Q3282637 +Q78993 P106 Q36180 +Q782629 P106 Q43845 +Q11124 P106 Q185351 +Q77042 P27 Q183 +Q192515 P264 Q202440 +Q319374 P1303 Q17172850 +Q66162 P106 Q1622272 +Q164224 P495 Q142 +Q327312 P161 Q119849 +Q318263 P106 Q10800557 +Q445372 P20 Q60 +Q11907 P1303 Q17172850 +Q4617 P19 Q18419 +Q1138600 P1303 Q17172850 +Q34296 P140 Q178169 +Q55435 P106 Q28389 +Q709685 P106 Q15296811 +Q123565 P1412 Q150 +Q76291 P463 Q4345832 +Q103285 P106 Q4991371 +Q207676 P106 Q28389 +Q344822 P106 Q33999 +Q184499 P27 Q145 +Q562781 P20 Q649 +Q16474 P551 Q60 +Q110106 P172 Q7325 +Q165219 P551 Q641 +Q544469 P106 Q183945 +Q62459 P140 Q7066 +Q212173 P69 Q131252 +Q25854 P106 Q36180 +Q180727 P136 Q213156 +Q367927 P106 Q33999 +Q90709 P106 Q1622272 +Q554164 P19 Q33486 +Q270935 P1412 Q1860 +Q410 P509 Q12192 +Q51581 P69 Q49115 +Q18425 P463 Q191583 +Q276005 P27 Q142 +Q2428820 P69 Q310695 +Q311854 P1412 Q150 +Q14536 P106 Q2405480 +Q1029 P17 Q200464 +Q333425 P106 Q1238570 +Q182057 P106 Q33999 +Q193278 P136 Q21590660 +Q65329 P108 Q55044 +Q379684 P106 Q1930187 +Q41568 P1412 Q652 +Q504 P106 Q33231 +Q68584 P106 Q10872101 +Q201221 P106 Q4263842 +Q389511 P161 Q55469 +Q220018 P106 Q18814623 +Q952428 P106 Q36834 +Q44606 P106 Q49757 +Q208546 P106 Q36834 +Q94071 P106 Q1350157 +Q44219 P106 Q11774202 +Q895636 P106 Q82955 +Q64440 P463 Q150793 +Q44570 P106 Q177220 +Q935051 P106 Q4964182 +Q580414 P106 Q12406482 +Q103788 P509 Q11081 +Q79031 P27 Q30 +Q1281084 P106 Q43845 +Q217557 P737 Q5686 +Q139557 P106 Q42603 +Q67637 P106 Q47064 +Q27204 P136 Q52162262 +Q954681 P509 Q12152 +Q44176 P106 Q183945 +Q63338 P463 Q46703 +Q346280 P106 Q2405480 +Q374323 P106 Q177220 +Q888256 P106 Q201788 +Q72867 P106 Q28389 +Q295080 P19 Q16557 +Q81796 P101 Q184485 +Q101087 P106 Q40348 +Q154010 P69 Q153978 +Q554074 P119 Q208175 +Q763897 P106 Q488205 +Q157194 P106 Q36180 +Q44301 P737 Q303 +Q83003 P106 Q1930187 +Q182046 P106 Q765778 +Q183 P37 Q188 +Q1111386 P102 Q29468 +Q710 P463 Q496967 +Q228676 P1412 Q9043 +Q77667 P108 Q206702 +Q205687 P495 Q34 +Q177962 P106 Q1234713 +Q241800 P106 Q7042855 +Q963 P463 Q1065 +Q630446 P3373 Q550996 +Q191026 P106 Q4773904 +Q2986943 P69 Q459506 +Q12883 P69 Q156598 +Q259807 P840 Q1563 +Q48020 P106 Q82955 +Q428422 P106 Q33999 +Q20732 P106 Q860918 +Q1443689 P264 Q557632 +Q300568 P161 Q208681 +Q833 P530 Q17 +Q62889 P108 Q678982 +Q337658 P136 Q2973181 +Q116928 P161 Q311169 +Q254675 P27 Q142 +Q287329 P106 Q488205 +Q313522 P27 Q30 +Q228755 P69 Q1536258 +Q937936 P106 Q36180 +Q48987 P106 Q2526255 +Q17 P530 Q33 +Q1887014 P106 Q1930187 +Q299965 P172 Q49085 +Q219 P530 Q221 +Q218235 P161 Q310012 +Q428668 P161 Q1377218 +Q61813 P106 Q169470 +Q362353 P106 Q1028181 +Q175142 P69 Q4614 +Q434640 P106 Q1234713 +Q165668 P27 Q15180 +Q292043 P106 Q11774202 +Q414 P463 Q190008 +Q238795 P106 Q639669 +Q280918 P495 Q30 +Q78774 P119 Q1741 +Q18430 P463 Q723551 +Q41309 P1412 Q188 +Q97096 P20 Q3955 +Q32257 P69 Q154561 +Q361677 P1303 Q8371 +Q313528 P463 Q463303 +Q166769 P136 Q187760 +Q69837 P136 Q38848 +Q525180 P106 Q3387717 +Q43718 P737 Q150471 +Q169038 P106 Q82955 +Q43179 P106 Q131524 +Q193116 P106 Q39631 +Q224069 P161 Q233313 +Q154331 P1412 Q188 +Q98110 P20 Q2119 +Q48093 P463 Q1971373 +Q945691 P106 Q10800557 +Q131674 P106 Q36180 +Q41239 P106 Q205375 +Q315610 P27 Q172579 +Q82222 P136 Q180268 +Q217427 P136 Q211756 +Q84292 P108 Q13371 +Q445648 P1303 Q27939 +Q437710 P26 Q122003 +Q209471 P69 Q49088 +Q61682 P106 Q42973 +Q232104 P27 Q30 +Q148 P530 Q851 +Q437748 P1412 Q7411 +Q30 P530 Q230 +Q874588 P27 Q28 +Q296313 P20 Q649 +Q224069 P161 Q589015 +Q526120 P106 Q177220 +Q85112 P106 Q185351 +Q192069 P106 Q37226 +Q207916 P161 Q29092 +Q234356 P264 Q216364 +Q51139 P136 Q76092 +Q554018 P106 Q169470 +Q354519 P509 Q181754 +Q313512 P108 Q273626 +Q300300 P136 Q11401 +Q232288 P106 Q2259451 +Q373034 P1412 Q1860 +Q49828 P108 Q190080 +Q68529 P509 Q12202 +Q67271 P106 Q82955 +Q3816 P106 Q36180 +Q85832 P27 Q40 +Q275575 P106 Q488205 +Q178989 P161 Q239415 +Q206534 P641 Q5369 +Q345431 P106 Q177220 +Q332032 P136 Q76092 +Q64856 P108 Q672420 +Q73007 P19 Q65 +Q271874 P106 Q33999 +Q362406 P106 Q2259451 +Q345538 P1412 Q8785 +Q2656667 P1412 Q9027 +Q90195 P20 Q1735 +Q539120 P27 Q30 +Q315752 P69 Q34433 +Q741862 P106 Q6625963 +Q431540 P106 Q36180 +Q228909 P264 Q212699 +Q435398 P106 Q177220 +Q452116 P106 Q901 +Q108398 P106 Q82955 +Q208214 P136 Q40831 +Q26695 P27 Q30 +Q139326 P161 Q934506 +Q151891 P106 Q82955 +Q34389 P19 Q25395 +Q264891 P1303 Q11405 +Q954 P463 Q7809 +Q6648722 P106 Q901 +Q167345 P69 Q13371 +Q66213 P136 Q35760 +Q310939 P106 Q36834 +Q53651 P106 Q10798782 +Q319061 P161 Q165219 +Q96 P530 Q242 +Q169038 P106 Q14915627 +Q252142 P106 Q81096 +Q106762 P20 Q29303 +Q129429 P69 Q523926 +Q1029 P530 Q953 +Q207852 P27 Q30 +Q96798 P108 Q372608 +Q246656 P161 Q322179 +Q520296 P1303 Q17172850 +Q5928 P106 Q36834 +Q1744 P106 Q12362622 +Q388785 P1303 Q17172850 +Q163872 P136 Q130232 +Q544301 P106 Q36834 +Q809093 P119 Q1509 +Q720009 P106 Q488205 +Q241909 P106 Q36180 +Q1585138 P264 Q5086379 +Q454243 P106 Q11063 +Q5105 P264 Q183387 +Q175305 P106 Q10800557 +Q112227 P463 Q329464 +Q612005 P27 Q29 +Q1556492 P463 Q543804 +Q362371 P264 Q5086379 +Q277976 P106 Q36834 +Q57106 P1412 Q5146 +Q35 P530 Q114 +Q468003 P106 Q1622272 +Q73918 P106 Q81096 +Q317592 P106 Q482980 +Q123089 P106 Q18939491 +Q312656 P40 Q318261 +Q355384 P264 Q664167 +Q380252 P106 Q33999 +Q982175 P69 Q49088 +Q237497 P1303 Q6607 +Q163513 P69 Q2093794 +Q17738 P136 Q188473 +Q11676 P27 Q30 +Q1049 P463 Q340195 +Q320653 P27 Q34266 +Q379022 P19 Q90 +Q2685 P101 Q7163 +Q364864 P27 Q30 +Q66337 P106 Q36180 +Q471443 P551 Q649 +Q274227 P19 Q172455 +Q102336 P20 Q3150 +Q159636 P101 Q2329 +Q61813 P551 Q183 +Q99294 P1412 Q1860 +Q177311 P106 Q28389 +Q230203 P106 Q36180 +Q354508 P106 Q1643514 +Q545375 P106 Q121594 +Q325679 P106 Q16287483 +Q312630 P106 Q214917 +Q110569 P27 Q183 +Q6078 P1303 Q163829 +Q1586454 P106 Q486748 +Q156309 P161 Q362599 +Q12833 P27 Q30 +Q62254 P27 Q183 +Q215120 P106 Q36834 +Q19673 P108 Q174710 +Q316528 P106 Q36180 +Q975491 P108 Q49088 +Q39212 P106 Q36180 +Q176985 P106 Q214917 +Q47100 P106 Q3455803 +Q437289 P106 Q40348 +Q332368 P161 Q134333 +Q254983 P509 Q212961 +Q1077405 P106 Q639669 +Q234647 P106 Q33999 +Q287001 P161 Q288180 +Q552770 P106 Q4610556 +Q245075 P106 Q13382533 +Q705515 P27 Q159 +Q332399 P264 Q843402 +Q430911 P27 Q148 +Q238140 P106 Q4853732 +Q56094 P19 Q12439 +Q368424 P106 Q4610556 +Q94513 P27 Q40 +Q65013 P1412 Q188 +Q336272 P106 Q13235160 +Q275003 P119 Q311 +Q519466 P106 Q24067349 +Q131674 P102 Q79854 +Q233464 P161 Q4028 +Q1362223 P106 Q49757 +Q1535539 P106 Q12800682 +Q60809 P509 Q389735 +Q83484 P509 Q12192 +Q72400 P106 Q82955 +Q2875 P136 Q130232 +Q1064 P737 Q166234 +Q289895 P106 Q33999 +Q769 P530 Q865 +Q192301 P161 Q349857 +Q11817 P1412 Q1860 +Q1760695 P161 Q225852 +Q715945 P27 Q28513 +Q131866 P106 Q10800557 +Q15969 P106 Q1397808 +Q354181 P106 Q33999 +Q11124 P108 Q13371 +Q270869 P101 Q207628 +Q81082 P101 Q395 +Q442031 P27 Q34 +Q151936 P27 Q145 +Q329719 P106 Q36180 +Q110569 P106 Q15214752 +Q63486 P106 Q82955 +Q49941 P106 Q82955 +Q10633 P463 Q123885 +Q705477 P106 Q639669 +Q22889 P17 Q145 +Q267866 P136 Q157394 +Q3821445 P69 Q309331 +Q211322 P106 Q33999 +Q207698 P136 Q188473 +Q965179 P27 Q30 +Q193458 P106 Q4610556 +Q53004 P119 Q27426 +Q49061 P551 Q16558 +Q58720 P106 Q520549 +Q237033 P106 Q11774202 +Q720443 P108 Q13371 +Q99596 P106 Q82955 +Q267010 P27 Q17 +Q104276 P102 Q7320 +Q78586 P106 Q177220 +Q44845 P106 Q36180 +Q78528 P509 Q12152 +Q452627 P69 Q1189954 +Q382864 P161 Q40523 +Q1516431 P161 Q316596 +Q1364884 P106 Q169470 +Q36767 P1412 Q1860 +Q976296 P101 Q395 +Q76749 P106 Q36180 +Q92775 P19 Q34217 +Q263598 P106 Q13590141 +Q97431 P106 Q36180 +Q233054 P106 Q10798782 +Q96492 P106 Q16533 +Q130780 P108 Q168751 +Q659027 P19 Q1486 +Q739 P530 Q252 +Q312292 P106 Q753110 +Q54945 P106 Q169470 +Q94653 P19 Q1741 +Q389014 P136 Q4984974 +Q42574 P106 Q3282637 +Q58077 P1412 Q7918 +Q143605 P161 Q348738 +Q708007 P509 Q12152 +Q248837 P106 Q4610556 +Q858 P530 Q865 +Q47619 P27 Q258 +Q49001 P106 Q36834 +Q1886750 P106 Q177220 +Q235318 P27 Q45 +Q256402 P69 Q2537765 +Q361587 P27 Q30 +Q371403 P1303 Q6607 +Q24631 P20 Q84 +Q76324 P136 Q25379 +Q368129 P106 Q3282637 +Q410 P106 Q11063 +Q115 P463 Q294278 +Q215137 P19 Q1085 +Q1370873 P106 Q40348 +Q382099 P1412 Q652 +Q6123726 P551 Q37320 +Q380531 P264 Q2576206 +Q189080 P27 Q30 +Q1869643 P136 Q193355 +Q199943 P106 Q1415090 +Q692632 P1303 Q6607 +Q222832 P27 Q30 +Q444520 P1303 Q17172850 +Q329001 P69 Q1702106 +Q229784 P106 Q13235160 +Q515845 P19 Q39121 +Q713301 P264 Q3415083 +Q61922 P106 Q185351 +Q53729 P509 Q212961 +Q551512 P106 Q1930187 +Q12817 P463 Q202479 +Q77082 P106 Q783906 +Q373566 P106 Q28389 +Q40319 P106 Q10872101 +Q192724 P57 Q431191 +Q310347 P69 Q1472245 +Q296771 P551 Q3820 +Q128576 P106 Q512314 +Q368732 P106 Q188094 +Q537722 P136 Q9759 +Q61673 P102 Q727724 +Q107124 P106 Q1622272 +Q231182 P136 Q187760 +Q878 P530 Q902 +Q239355 P1412 Q9288 +Q541708 P119 Q216344 +Q337063 P140 Q9089 +Q243643 P840 Q39 +Q211730 P1412 Q1860 +Q818968 P161 Q318249 +Q324162 P27 Q36 +Q40197 P106 Q37226 +Q127984 P1412 Q150 +Q69412 P463 Q270794 +Q80095 P108 Q21578 +Q1027 P463 Q340195 +Q275929 P106 Q1930187 +Q57501 P108 Q149481 +Q202144 P69 Q599316 +Q108619 P102 Q49768 +Q188411 P106 Q36180 +Q1929135 P106 Q177220 +Q76600 P463 Q265058 +Q47011 P509 Q181754 +Q68137 P106 Q36180 +Q233207 P1412 Q1860 +Q540192 P106 Q13582652 +Q1337067 P106 Q864380 +Q62377 P463 Q123885 +Q83287 P451 Q34086 +Q684748 P106 Q6625963 +Q169996 P495 Q183 +Q37160 P20 Q23436 +Q68746 P27 Q183 +Q160802 P106 Q82955 +Q982546 P106 Q219477 +Q34787 P737 Q9061 +Q153527 P106 Q2259451 +Q231487 P106 Q10800557 +Q180861 P106 Q177220 +Q360445 P69 Q1145814 +Q367653 P20 Q65 +Q194280 P106 Q1607826 +Q298726 P106 Q15981151 +Q96407 P20 Q3126 +Q233365 P106 Q33999 +Q273574 P19 Q47164 +Q55993 P27 Q17 +Q716293 P106 Q169470 +Q428372 P161 Q367094 +Q34296 P69 Q213439 +Q171166 P1412 Q7026 +Q469753 P19 Q1408 +Q296069 P1412 Q1860 +Q311145 P737 Q218960 +Q193504 P1412 Q1321 +Q1733 P463 Q1768108 +Q76738 P106 Q1234713 +Q77177 P106 Q1622272 +Q315362 P27 Q1033 +Q208263 P161 Q311169 +Q634025 P106 Q82955 +Q44648 P106 Q488205 +Q232397 P106 Q639669 +Q403 P530 Q221 +Q299965 P106 Q36180 +Q303456 P57 Q52997 +Q69631 P463 Q459620 +Q232384 P106 Q33999 +Q35236 P106 Q82955 +Q252 P530 Q851 +Q216636 P19 Q64 +Q20995 P106 Q82594 +Q62889 P463 Q46703 +Q551204 P463 Q188771 +Q289108 P106 Q639669 +Q88821 P106 Q482980 +Q107420 P463 Q270794 +Q284229 P161 Q204586 +Q363666 P106 Q2526255 +Q33977 P136 Q24925 +Q180727 P135 Q1338153 +Q116375 P69 Q131252 +Q15800 P106 Q4263842 +Q78491 P106 Q6625963 +Q462261 P19 Q414 +Q268084 P509 Q12192 +Q104094 P1412 Q188 +Q273180 P20 Q1337818 +Q232834 P106 Q4610556 +Q66232 P106 Q131512 +Q47007 P106 Q333634 +Q76432 P509 Q181754 +Q605443 P19 Q1218 +Q1049 P463 Q47543 +Q950350 P27 Q30 +Q822630 P106 Q33999 +Q314972 P106 Q28389 +Q1203 P40 Q311238 +Q551543 P106 Q1622272 +Q1013 P530 Q159 +Q139602 P106 Q36180 +Q557525 P135 Q9730 +Q137115 P106 Q15253558 +Q88073 P27 Q189 +Q1726 P17 Q41304 +Q320146 P106 Q49757 +Q171571 P106 Q10798782 +Q106029 P106 Q1622272 +Q332419 P102 Q9630 +Q76490 P1303 Q8371 +Q70087 P20 Q64 +Q131674 P106 Q82955 +Q432473 P1412 Q188 +Q266694 P106 Q33999 +Q31293 P106 Q36180 +Q367032 P106 Q158852 +Q78080 P69 Q154804 +Q180962 P737 Q7243 +Q102385 P136 Q211756 +Q233546 P19 Q340 +Q76699 P106 Q28389 +Q1142456 P749 Q654283 +Q2054 P27 Q1747689 +Q766403 P20 Q90 +Q95443 P19 Q64 +Q171905 P106 Q2252262 +Q168859 P106 Q14467526 +Q36184 P1412 Q1860 +Q1909248 P27 Q30 +Q144164 P463 Q463303 +Q128073 P27 Q38 +Q44648 P106 Q55960555 +Q124527 P106 Q36180 +Q55195 P106 Q33999 +Q7407 P106 Q10833314 +Q180099 P463 Q463281 +Q3986379 P161 Q311450 +Q62798 P101 Q482 +Q188176 P106 Q28389 +Q344758 P27 Q30 +Q1138602 P106 Q10800557 +Q498045 P27 Q17 +Q1007 P463 Q340195 +Q187165 P136 Q1133657 +Q971702 P27 Q35 +Q2966 P17 Q41304 +Q184440 P463 Q414110 +Q131380 P106 Q2259451 +Q2133214 P136 Q1200678 +Q43736 P106 Q49757 +Q68202 P106 Q37226 +Q2704774 P19 Q1899 +Q40531 P69 Q4614 +Q1516431 P161 Q357762 +Q92613 P69 Q49119 +Q207824 P106 Q36834 +Q1451270 P1303 Q281460 +Q80379 P136 Q188473 +Q355209 P69 Q1093910 +Q57535 P27 Q7318 +Q164582 P27 Q37 +Q150482 P106 Q948329 +Q181991 P264 Q2265719 +Q117021 P463 Q543804 +Q45165 P136 Q11366 +Q329719 P19 Q18419 +Q60546 P106 Q169470 +Q98172 P119 Q190494 +Q190944 P1412 Q397 +Q2518 P69 Q50662 +Q57501 P106 Q1622272 +Q336640 P106 Q177220 +Q887553 P119 Q1494 +Q4559180 P106 Q185351 +Q77184 P108 Q152087 +Q547183 P19 Q2256 +Q1930688 P69 Q1189954 +Q35385 P19 Q649 +Q67047 P19 Q2999 +Q152301 P106 Q28389 +Q162518 P161 Q949696 +Q218672 P106 Q733786 +Q76624 P463 Q117467 +Q105031 P136 Q2143665 +Q135230 P161 Q294586 +Q221364 P172 Q49085 +Q50599 P69 Q49122 +Q193482 P1412 Q1860 +Q436693 P106 Q753110 +Q221468 P106 Q639669 +Q192214 P27 Q142 +Q387868 P161 Q309788 +Q180962 P509 Q476921 +Q350405 P69 Q1420239 +Q374263 P106 Q10798782 +Q78030 P27 Q43287 +Q126896 P161 Q306403 +Q212804 P136 Q604725 +Q75612 P509 Q12202 +Q150445 P1303 Q1444 +Q561458 P69 Q2599077 +Q58758 P27 Q183 +Q518850 P1412 Q1321 +Q94358 P106 Q33999 +Q108525 P495 Q30 +Q855 P463 Q842008 +Q181776 P161 Q168721 +Q728169 P106 Q82955 +Q57781 P1412 Q188 +Q242796 P26 Q41042 +Q123273 P1412 Q188 +Q633 P1303 Q51290 +Q470334 P463 Q337224 +Q222018 P136 Q319221 +Q266335 P69 Q7060402 +Q1899781 P112 Q8877 +Q354033 P106 Q36834 +Q5673 P106 Q49757 +Q181425 P106 Q10798782 +Q312803 P106 Q33999 +Q291239 P20 Q90 +Q366307 P106 Q193391 +Q1193914 P69 Q49210 +Q465196 P136 Q38848 +Q460323 P106 Q36180 +Q706560 P106 Q2405480 +Q110085 P27 Q183 +Q180636 P172 Q79797 +Q143286 P106 Q4610556 +Q5679 P136 Q474090 +Q2901987 P106 Q43845 +Q63773 P106 Q205375 +Q84211 P463 Q44687 +Q617920 P106 Q16145150 +Q304074 P136 Q645928 +Q299317 P69 Q579968 +Q186327 P1303 Q9798 +Q11617 P1303 Q17172850 +Q69019 P27 Q183 +Q154581 P136 Q17013749 +Q37 P463 Q191384 +Q76959 P463 Q558439 +Q83338 P106 Q2259451 +Q85417 P27 Q183 +Q261456 P106 Q2526255 +Q84704 P102 Q694299 +Q104081 P2348 Q6927 +Q211 P530 Q408 +Q96330 P27 Q183 +Q180453 P106 Q855091 +Q210798 P20 Q90 +Q175142 P27 Q30 +Q131018 P106 Q36180 +Q606125 P27 Q30 +Q115987 P27 Q39 +Q168431 P463 Q463303 +Q288680 P19 Q12439 +Q472270 P20 Q90 +Q57554 P463 Q4345832 +Q970 P530 Q865 +Q158030 P106 Q3410028 +Q363271 P106 Q10800557 +Q75860 P108 Q13371 +Q938402 P463 Q1132636 +Q78318 P19 Q2112 +Q109388 P108 Q13371 +Q200873 P161 Q217137 +Q172035 P106 Q948329 +Q62664 P106 Q185351 +Q602137 P27 Q29 +Q302817 P106 Q36180 +Q264730 P69 Q705737 +Q302762 P106 Q3282637 +Q76363 P106 Q201788 +Q954 P463 Q827525 +Q23148 P17 Q145 +Q258715 P172 Q7325 +Q342526 P106 Q1259917 +Q7439 P106 Q15976092 +Q9438 P106 Q121594 +Q3720507 P106 Q82594 +Q117139 P106 Q639669 +Q453987 P106 Q183945 +Q58444 P1412 Q1860 +Q2695220 P27 Q34 +Q104022 P69 Q155354 +Q330093 P1303 Q6607 +Q168728 P20 Q100 +Q25120 P106 Q1930187 +Q47221 P495 Q30 +Q189015 P106 Q36180 +Q888671 P1303 Q6607 +Q383764 P106 Q33999 +Q5686 P135 Q667661 +Q1766082 P106 Q486748 +Q3504610 P106 Q82955 +Q151414 P119 Q216344 +Q541922 P19 Q4093 +Q68411 P19 Q2865 +Q217495 P1412 Q1860 +Q229166 P27 Q30 +Q233479 P463 Q1938003 +Q1698 P106 Q753110 +Q221546 P136 Q484344 +Q12940 P509 Q12152 +Q101995 P102 Q49768 +Q243643 P495 Q408 +Q158629 P106 Q36180 +Q76004 P20 Q1726 +Q37030 P106 Q11774202 +Q380626 P106 Q15981151 +Q69339 P119 Q771 +Q3057348 P69 Q9219 +Q38 P463 Q842490 +Q456413 P106 Q193391 +Q44403 P69 Q20266330 +Q123140 P1412 Q150 +Q229487 P19 Q100 +Q1560915 P1412 Q188 +Q60113 P69 Q165528 +Q19405 P840 Q60 +Q81447 P106 Q36180 +Q52627 P106 Q11513337 +Q64577 P106 Q28389 +Q122020 P106 Q177220 +Q953288 P106 Q6625963 +Q28 P530 Q408 +Q434821 P1303 Q8355 +Q20726 P106 Q1231865 +Q76310 P19 Q2843 +Q121810 P161 Q132952 +Q254789 P106 Q10800557 +Q253862 P509 Q181754 +Q39691 P27 Q39 +Q92621 P69 Q49108 +Q356115 P106 Q1622272 +Q1744 P106 Q177220 +Q127414 P495 Q30 +Q25310 P40 Q273833 +Q172241 P161 Q352203 +Q206439 P106 Q639669 +Q1079105 P1303 Q17172850 +Q342962 P106 Q33999 +Q101235 P106 Q214917 +Q435415 P20 Q1342 +Q296039 P264 Q18628 +Q77006 P1303 Q5994 +Q379684 P1303 Q17172850 +Q797615 P27 Q30 +Q217427 P101 Q207628 +Q364875 P1303 Q5994 +Q20 P530 Q28 +Q379250 P20 Q18419 +Q48814 P172 Q86630688 +Q201315 P69 Q219694 +Q332256 P1303 Q51290 +Q833578 P161 Q182763 +Q282951 P106 Q2526255 +Q164824 P106 Q593644 +Q113570 P19 Q18419 +Q120563 P106 Q49757 +Q60547 P106 Q40348 +Q1360888 P106 Q639669 +Q502896 P1303 Q6607 +Q221168 P161 Q313579 +Q460161 P106 Q2095549 +Q1079105 P106 Q639669 +Q120381 P106 Q36180 +Q221450 P1303 Q5994 +Q186652 P1412 Q1860 +Q181677 P106 Q18844224 +Q274252 P463 Q270794 +Q84211 P1412 Q188 +Q245257 P737 Q544611 +Q289064 P1412 Q1321 +Q403 P530 Q183 +Q981785 P106 Q183945 +Q267769 P106 Q28389 +Q229612 P106 Q10798782 +Q103002 P27 Q183 +Q299331 P1303 Q17172850 +Q91595 P27 Q16957 +Q347986 P106 Q2722764 +Q1084226 P119 Q3400970 +Q216582 P140 Q7066 +Q51498 P1412 Q188 +Q884 P463 Q17495 +Q151705 P136 Q19367312 +Q71242 P20 Q60 +Q465695 P106 Q1930187 +Q268181 P106 Q6625963 +Q155079 P172 Q49085 +Q253862 P27 Q148 +Q182229 P27 Q145 +Q229254 P69 Q540672 +Q296069 P172 Q49085 +Q555993 P27 Q35 +Q1229223 P69 Q180865 +Q1646438 P106 Q639669 +Q127345 P1412 Q809 +Q583814 P27 Q414 +Q14279 P106 Q11063 +Q45337 P108 Q154561 +Q314640 P1412 Q1860 +Q311244 P106 Q183945 +Q25014 P106 Q245068 +Q12121820 P19 Q1899 +Q374912 P1412 Q150 +Q264137 P136 Q56284716 +Q155458 P840 Q60 +Q76004 P108 Q55044 +Q51562 P106 Q7042855 +Q575444 P106 Q855091 +Q55390 P106 Q177220 +Q350424 P69 Q1426464 +Q252 P530 Q836 +Q317160 P106 Q1930187 +Q6107 P551 Q11299 +Q295537 P136 Q8261 +Q16053 P1412 Q7737 +Q371639 P106 Q9352089 +Q238402 P40 Q217427 +Q444237 P106 Q1792450 +Q6080085 P106 Q81096 +Q200883 P101 Q9778 +Q78592 P106 Q1259917 +Q804348 P264 Q772494 +Q617215 P1412 Q7026 +Q380180 P19 Q185582 +Q59478 P27 Q30 +Q91990 P27 Q183 +Q363763 P106 Q14915627 +Q191819 P136 Q9730 +Q1618928 P106 Q55960555 +Q349690 P119 Q1624932 +Q246296 P27 Q28513 +Q219424 P136 Q224700 +Q228494 P106 Q49757 +Q180852 P19 Q956 +Q193803 P108 Q156598 +Q1399 P106 Q201788 +Q159 P530 Q424 +Q28 P530 Q227 +Q1545284 P20 Q127856 +Q37134 P140 Q101849 +Q974888 P1303 Q6607 +Q319773 P1303 Q6607 +Q366057 P509 Q47912 +Q108009 P108 Q55038 +Q192279 P27 Q15180 +Q11730 P1412 Q188 +Q468585 P27 Q30 +Q203674 P106 Q4964182 +Q28 P530 Q115 +Q287099 P106 Q2722764 +Q159542 P106 Q36180 +Q265621 P27 Q38 +Q219772 P106 Q639669 +Q386438 P119 Q48958 +Q367973 P106 Q644687 +Q213754 P20 Q656 +Q287027 P19 Q1490 +Q105167 P737 Q692 +Q101437 P1412 Q652 +Q135640 P106 Q18939491 +Q716906 P509 Q212961 +Q312610 P27 Q38 +Q234224 P106 Q15839134 +Q185696 P106 Q186360 +Q984369 P19 Q172 +Q1068631 P172 Q133032 +Q9391 P737 Q6512 +Q1799 P17 Q42585 +Q253862 P106 Q2259451 +Q633 P106 Q855091 +Q313512 P1412 Q150 +Q47755 P106 Q482980 +Q529629 P106 Q10800557 +Q184746 P463 Q466089 +Q283267 P106 Q36180 +Q649667 P69 Q457281 +Q2706204 P106 Q6168364 +Q155860 P172 Q49542 +Q274070 P106 Q1415090 +Q287099 P106 Q1930187 +Q235115 P27 Q45 +Q183 P530 Q865 +Q158997 P106 Q1238570 +Q84412 P509 Q181754 +Q1622571 P19 Q16555 +Q96665 P463 Q684415 +Q1203 P106 Q488205 +Q360243 P136 Q2484376 +Q169452 P551 Q975 +Q180560 P106 Q948329 +Q44024 P1412 Q397 +Q69019 P3373 Q73892 +Q179269 P20 Q65 +Q251262 P463 Q463303 +Q78494 P1412 Q188 +Q154331 P69 Q847099 +Q470841 P1412 Q7850 +Q1036 P530 Q159 +Q229808 P161 Q270186 +Q61649 P19 Q1726 +Q122968 P27 Q30 +Q912 P463 Q7825 +Q438271 P264 Q726251 +Q213547 P20 Q1741 +Q217557 P737 Q23434 +Q12303639 P27 Q34 +Q511124 P119 Q208175 +Q23434 P136 Q676 +Q102235 P161 Q329778 +Q986622 P20 Q736 +Q712914 P106 Q33999 +Q345531 P102 Q29468 +Q309697 P1303 Q17172850 +Q44529 P1303 Q17172850 +Q70767 P27 Q16957 +Q192529 P463 Q1322403 +Q60093 P69 Q51985 +Q6694 P463 Q329464 +Q647687 P106 Q214917 +Q564953 P106 Q36834 +Q229048 P106 Q2259451 +Q57303 P27 Q41 +Q231182 P19 Q189960 +Q233397 P19 Q1524 +Q269569 P19 Q340 +Q283267 P106 Q3400985 +Q225 P463 Q17495 +Q36591 P69 Q35794 +Q153610 P106 Q15895020 +Q175457 P106 Q2095549 +Q16 P463 Q17495 +Q272303 P106 Q333634 +Q179215 P161 Q8877 +Q128297 P119 Q3006253 +Q786339 P463 Q107569 +Q111323 P106 Q1930187 +Q986 P530 Q977 +Q240954 P1412 Q8108 +Q555993 P463 Q835943 +Q314424 P27 Q30 +Q782629 P69 Q593321 +Q23543 P136 Q37073 +Q167803 P1412 Q397 +Q715150 P1412 Q7411 +Q211785 P106 Q6625963 +Q66264 P1412 Q809 +Q28 P30 Q46 +Q157245 P106 Q901 +Q93835 P20 Q649 +Q296928 P451 Q431874 +Q1560915 P106 Q1622272 +Q101727 P108 Q168426 +Q510361 P106 Q486748 +Q191543 P161 Q170428 +Q38111 P19 Q34006 +Q7563919 P101 Q2329 +Q477461 P1303 Q17172850 +Q305106 P106 Q4164507 +Q1147551 P1412 Q1860 +Q1173441 P106 Q177220 +Q116055 P106 Q11774202 +Q105167 P737 Q123078 +Q214226 P106 Q33999 +Q349312 P106 Q2259451 +Q537386 P136 Q208494 +Q452252 P106 Q639669 +Q37767 P737 Q173869 +Q23395 P161 Q314290 +Q462579 P106 Q11774202 +Q207916 P161 Q460578 +Q60285 P463 Q684415 +Q78714 P1412 Q188 +Q740181 P1412 Q188 +Q76346 P69 Q206702 +Q12303639 P19 Q1748 +Q63834 P69 Q34433 +Q25078 P106 Q33999 +Q106611 P1412 Q188 +Q140738 P106 Q10800557 +Q271119 P136 Q850412 +Q23880 P136 Q43343 +Q247063 P102 Q727724 +Q448905 P1412 Q9027 +Q53050 P106 Q1930187 +Q30570 P106 Q183945 +Q232417 P19 Q42448 +Q174371 P136 Q645928 +Q62052 P106 Q28389 +Q84412 P27 Q40 +Q678 P463 Q17495 +Q158753 P106 Q639669 +Q232085 P101 Q207628 +Q105453 P106 Q185351 +Q87018 P509 Q189588 +Q76513 P108 Q317053 +Q619328 P27 Q30 +Q212333 P161 Q189415 +Q842 P463 Q191384 +Q112227 P108 Q165980 +Q520504 P1412 Q1321 +Q203243 P106 Q1622272 +Q367085 P509 Q12152 +Q3830446 P27 Q172579 +Q826731 P106 Q1930187 +Q334885 P27 Q30 +Q705477 P27 Q241 +Q4120312 P3373 Q183187 +Q188648 P106 Q2405480 +Q51476 P106 Q2526255 +Q318309 P106 Q1930187 +Q388319 P161 Q49001 +Q231360 P101 Q23498 +Q181145 P27 Q34266 +Q251287 P1412 Q1860 +Q103157 P27 Q30 +Q704696 P106 Q864503 +Q263501 P106 Q33999 +Q77753 P106 Q333634 +Q11941 P106 Q1930187 +Q338442 P161 Q431656 +Q388950 P161 Q35332 +Q3709961 P69 Q230492 +Q331425 P119 Q168886 +Q77 P37 Q1321 +Q287828 P106 Q2526255 +Q49004 P106 Q33999 +Q159642 P108 Q4345832 +Q64902 P106 Q1234713 +Q62730 P161 Q68468 +Q451680 P106 Q33999 +Q122514 P27 Q183 +Q343433 P20 Q1781 +Q42581 P1412 Q1860 +Q96669 P106 Q1930187 +Q171976 P106 Q36180 +Q61863 P463 Q299015 +Q313525 P20 Q60 +Q354382 P106 Q193391 +Q644797 P106 Q1415090 +Q9545 P140 Q9592 +Q733373 P106 Q639669 +Q558838 P463 Q4345832 +Q286642 P106 Q10798782 +Q491019 P69 Q1524124 +Q362824 P27 Q30 +Q59610 P136 Q157443 +Q3480998 P106 Q482980 +Q45765 P106 Q164236 +Q316138 P737 Q207640 +Q214357 P463 Q463303 +Q271385 P106 Q2252262 +Q303751 P106 Q28389 +Q203843 P463 Q5142859 +Q631722 P19 Q60 +Q445417 P264 Q522618 +Q45388 P136 Q130232 +Q3189110 P1412 Q1860 +Q271824 P106 Q49757 +Q313789 P27 Q30 +Q16 P463 Q826700 +Q91417 P106 Q36180 +Q115010 P1412 Q188 +Q212145 P161 Q81520 +Q267683 P27 Q161885 +Q45025 P106 Q33999 +Q109612 P106 Q15981151 +Q231106 P106 Q855091 +Q81438 P1412 Q1860 +Q70819 P108 Q55021 +Q313107 P19 Q38022 +Q315441 P19 Q41621 +Q150767 P463 Q463303 +Q249141 P106 Q177220 +Q290370 P106 Q4610556 +Q258 P530 Q1027 +Q960376 P69 Q9219 +Q208592 P57 Q56008 +Q348916 P119 Q41 +Q317110 P106 Q33999 +Q135645 P69 Q157808 +Q57781 P102 Q7320 +Q220751 P69 Q4614 +Q55993 P106 Q49757 +Q201500 P106 Q16145150 +Q191088 P264 Q387539 +Q207036 P106 Q49757 +Q60506 P161 Q160219 +Q715281 P27 Q34266 +Q1372074 P27 Q30 +Q51564 P19 Q1297 +Q919835 P106 Q28389 +Q108009 P1303 Q8371 +Q11941 P106 Q28389 +Q258183 P106 Q488205 +Q215120 P136 Q2743 +Q76509 P106 Q1622272 +Q717 P463 Q842490 +Q1025 P530 Q30 +Q52463 P264 Q202585 +Q165121 P106 Q36180 +Q133665 P106 Q2259451 +Q19242 P27 Q30 +Q85426 P140 Q75809 +Q40688 P19 Q1524 +Q53004 P106 Q10800557 +Q16 P530 Q241 +Q57074 P27 Q183 +Q60546 P69 Q51985 +Q58121 P140 Q7066 +Q209004 P106 Q214917 +Q377638 P106 Q1622272 +Q273044 P106 Q2405480 +Q151921 P136 Q663106 +Q347428 P106 Q10798782 +Q140694 P20 Q39984 +Q1382863 P1303 Q17172850 +Q322915 P106 Q2252262 +Q1764153 P1412 Q1860 +Q229606 P1412 Q1860 +Q387434 P106 Q10798782 +Q26702 P106 Q193391 +Q162277 P495 Q145 +Q444486 P101 Q482 +Q233529 P106 Q10800557 +Q114808 P1412 Q7913 +Q378882 P1412 Q9288 +Q294372 P27 Q30 +Q551735 P20 Q621 +Q1141825 P106 Q33231 +Q445367 P106 Q177220 +Q4428333 P27 Q159 +Q313578 P27 Q30 +Q1900054 P106 Q639669 +Q76127 P1412 Q188 +Q435203 P106 Q1607826 +Q122968 P101 Q1069 +Q717204 P106 Q28389 +Q40119 P136 Q5442753 +Q323937 P20 Q65 +Q154938 P106 Q49757 +Q286690 P19 Q84 +Q367653 P27 Q30 +Q238912 P106 Q2259451 +Q333362 P106 Q36180 +Q66448 P20 Q60 +Q771296 P136 Q11366 +Q69281 P106 Q1622272 +Q983544 P106 Q753110 +Q78205 P106 Q185351 +Q76432 P106 Q864503 +Q336010 P463 Q161806 +Q165817 P161 Q381203 +Q357786 P106 Q639669 +Q3335 P27 Q145 +Q963787 P136 Q37073 +Q1050 P463 Q8475 +Q85102 P108 Q838330 +Q92562 P106 Q82955 +Q237654 P1303 Q6607 +Q1276 P136 Q11399 +Q76442 P27 Q183 +Q256708 P106 Q639669 +Q332693 P106 Q201788 +Q60486 P108 Q161976 +Q323937 P27 Q212 +Q78857 P463 Q684415 +Q270351 P161 Q317343 +Q325396 P551 Q65 +Q322915 P106 Q488205 +Q126783 P119 Q208175 +Q208374 P69 Q1419737 +Q311181 P106 Q33999 +Q36767 P106 Q33999 +Q102225 P161 Q232868 +Q115490 P463 Q123885 +Q3499732 P161 Q200586 +Q248179 P1412 Q1860 +Q931607 P136 Q9759 +Q1334439 P27 Q4948 +Q155928 P106 Q43845 +Q726369 P106 Q36834 +Q84475 P106 Q188094 +Q225657 P69 Q179036 +Q294583 P106 Q10800557 +Q361158 P19 Q100 +Q59931 P161 Q315099 +Q93341 P119 Q2000666 +Q60954 P106 Q189010 +Q76606 P106 Q205375 +Q92562 P136 Q35760 +Q645167 P106 Q36180 +Q185610 P1303 Q52954 +Q642127 P106 Q23833535 +Q20 P530 Q189 +Q129006 P108 Q174570 +Q7231 P1412 Q188 +Q92128 P106 Q33999 +Q117970 P2348 Q6939 +Q313411 P108 Q49108 +Q314659 P106 Q3282637 +Q213799 P106 Q49757 +Q124008 P264 Q7659636 +Q332693 P69 Q499911 +Q201477 P101 Q395 +Q299194 P1412 Q1860 +Q93692 P20 Q90 +Q289303 P27 Q142 +Q271032 P463 Q463303 +Q1451270 P106 Q36834 +Q121111 P1412 Q150 +Q73362 P106 Q10800557 +Q1395573 P106 Q10800557 +Q237951 P1412 Q1860 +Q506900 P264 Q726251 +Q231923 P264 Q3415083 +Q76399 P19 Q1295 +Q236 P463 Q1065 +Q259461 P106 Q10800557 +Q157246 P172 Q86630688 +Q717 P530 Q734 +Q278319 P1412 Q7737 +Q216134 P106 Q36180 +Q1037 P530 Q30 +Q103343 P106 Q177220 +Q1149 P106 Q82955 +Q984481 P106 Q1622272 +Q408 P530 Q77 +Q61940 P1412 Q7737 +Q704645 P1412 Q1321 +Q236318 P136 Q45981 +Q230665 P509 Q29496 +Q157176 P27 Q207272 +Q249931 P161 Q211111 +Q256164 P106 Q10798782 +Q91470 P27 Q183 +Q237 P530 Q851 +Q1131225 P495 Q30 +Q236842 P69 Q4614 +Q156505 P102 Q327591 +Q2433868 P106 Q81096 +Q319374 P106 Q488205 +Q106465 P551 Q1370 +Q1203 P264 Q193023 +Q436507 P19 Q6106 +Q1392102 P1303 Q5994 +Q378639 P27 Q172579 +Q221949 P57 Q269927 +Q1965416 P136 Q484641 +Q104898 P101 Q12271 +Q151087 P140 Q9592 +Q124296 P108 Q49088 +Q443892 P1412 Q1860 +Q77112 P106 Q1415090 +Q84618 P20 Q1741 +Q380799 P451 Q230501 +Q444651 P106 Q33999 +Q232009 P161 Q320073 +Q248562 P136 Q2137852 +Q184169 P737 Q128126 +Q922795 P106 Q82955 +Q152451 P140 Q9592 +Q320224 P264 Q38903 +Q319902 P106 Q4964182 +Q2794265 P108 Q49115 +Q239501 P140 Q6423963 +Q1138602 P1412 Q1860 +Q53031 P106 Q36834 +Q203690 P106 Q131524 +Q223303 P27 Q30 +Q212660 P136 Q959790 +Q103578 P106 Q2259451 +Q202693 P106 Q937857 +Q151814 P1303 Q5994 +Q209186 P106 Q10800557 +Q1374180 P27 Q159 +Q258053 P264 Q3001888 +Q329807 P106 Q3282637 +Q361004 P106 Q18844224 +Q401107 P106 Q1930187 +Q408 P463 Q1480793 +Q878 P530 Q262 +Q2464214 P69 Q273523 +Q155871 P69 Q151510 +Q712319 P1303 Q17172850 +Q224029 P106 Q864380 +Q40640 P737 Q169566 +Q372311 P106 Q3282637 +Q4444 P136 Q188473 +Q189132 P27 Q145 +Q229139 P1303 Q17172850 +Q159 P530 Q865 +Q88412 P20 Q64 +Q257872 P27 Q211 +Q215359 P140 Q1069127 +Q3012 P17 Q154195 +Q2019530 P106 Q43845 +Q51023 P1303 Q6607 +Q313868 P106 Q177220 +Q78553 P463 Q191583 +Q106529 P106 Q3282637 +Q78857 P20 Q1741 +Q309648 P27 Q30 +Q233428 P106 Q28389 +Q78185 P106 Q1415090 +Q139602 P106 Q10798782 +Q691471 P106 Q49757 +Q240377 P19 Q60 +Q450984 P106 Q1930187 +Q64238 P106 Q16145150 +Q175142 P106 Q10800557 +Q152437 P1412 Q9027 +Q2103 P30 Q46 +Q311238 P264 Q193023 +Q45963 P27 Q30 +Q1345751 P106 Q486748 +Q379785 P108 Q219615 +Q212145 P161 Q67917 +Q2005601 P136 Q187760 +Q1360993 P106 Q488205 +Q356762 P106 Q639669 +Q167475 P119 Q746647 +Q12288760 P1412 Q1860 +Q223884 P136 Q645928 +Q168154 P495 Q30 +Q19330 P106 Q6625963 +Q318412 P69 Q993267 +Q203286 P551 Q18013 +Q1070572 P1303 Q17172850 +Q59259 P19 Q65 +Q104177 P20 Q2634 +Q161841 P106 Q201788 +Q113052 P840 Q1603 +Q1702383 P1303 Q17172850 +Q52926 P463 Q1792159 +Q19796 P106 Q82955 +Q113570 P27 Q30 +Q124008 P1412 Q1321 +Q151523 P27 Q28 +Q58040 P69 Q1378320 +Q66987 P106 Q36180 +Q1123533 P106 Q15981151 +Q111263 P106 Q2259451 +Q72365 P119 Q64 +Q166212 P20 Q678437 +Q272913 P106 Q177220 +Q539156 P106 Q855091 +Q287001 P136 Q842256 +Q99596 P20 Q586 +Q261990 P106 Q177220 +Q453314 P1412 Q1860 +Q3559761 P27 Q36 +Q449371 P136 Q58339 +Q51545 P20 Q1489 +Q84614 P102 Q7320 +Q116577 P106 Q1622272 +Q81438 P737 Q48226 +Q551521 P106 Q49757 +Q261133 P20 Q23768 +Q449634 P172 Q49085 +Q132266 P161 Q313043 +Q733720 P69 Q193196 +Q484523 P136 Q379671 +Q520430 P106 Q1622272 +Q537112 P106 Q49757 +Q119840 P27 Q39 +Q46717 P161 Q167774 +Q535355 P106 Q14467526 +Q108941 P69 Q981195 +Q340138 P840 Q2915506 +Q28517 P20 Q472 +Q714526 P27 Q227 +Q161687 P161 Q296008 +Q90653 P136 Q205049 +Q441114 P106 Q177220 +Q76952 P1412 Q188 +Q170371 P101 Q482 +Q77112 P1412 Q1860 +Q547181 P172 Q49085 +Q159 P530 Q183 +Q152301 P119 Q564922 +Q57384 P108 Q23548 +Q853 P1412 Q7737 +Q295803 P101 Q33999 +Q348944 P106 Q2252262 +Q862412 P20 Q649 +Q72400 P19 Q1720 +Q94586 P1412 Q188 +Q44426 P1412 Q1860 +Q922830 P106 Q639669 +Q213642 P106 Q1622272 +Q176361 P69 Q174710 +Q186111 P106 Q1234713 +Q1366840 P136 Q187760 +Q278699 P27 Q145 +Q242552 P27 Q30 +Q329127 P161 Q199927 +Q242949 P1412 Q150 +Q887903 P106 Q36180 +Q50797 P27 Q29999 +Q34 P463 Q188822 +Q448960 P106 Q177220 +Q19356 P161 Q25014 +Q219862 P106 Q49757 +Q236748 P106 Q33999 +Q104081 P106 Q177220 +Q76361 P140 Q55004488 +Q242792 P136 Q37073 +Q1397191 P106 Q753110 +Q557774 P1412 Q1321 +Q545822 P119 Q216344 +Q428451 P20 Q90 +Q292693 P106 Q3282637 +Q432101 P106 Q36180 +Q528742 P1412 Q9288 +Q189554 P1412 Q1860 +Q371348 P27 Q30 +Q274143 P27 Q27 +Q190765 P136 Q645928 +Q47426 P102 Q29468 +Q28193 P840 Q84 +Q71106 P106 Q3242115 +Q323392 P161 Q224026 +Q561617 P69 Q1250779 +Q2218967 P27 Q36 +Q222 P463 Q8475 +Q152208 P27 Q155 +Q314362 P119 Q831322 +Q193146 P264 Q216364 +Q83003 P106 Q82955 +Q129399 P106 Q82955 +Q555613 P106 Q82955 +Q312857 P106 Q1259917 +Q529639 P463 Q463281 +Q84233 P69 Q165980 +Q179051 P172 Q190168 +Q971 P463 Q7825 +Q55392 P20 Q127856 +Q272650 P106 Q36180 +Q19504 P106 Q3282637 +Q2044 P17 Q142 +Q233 P463 Q1043527 +Q487491 P1412 Q150 +Q283335 P1303 Q17172850 +Q44647 P27 Q713750 +Q72971 P551 Q1055 +Q229442 P136 Q37073 +Q108355 P106 Q81096 +Q40640 P27 Q30 +Q269569 P106 Q177220 +Q626061 P20 Q8684 +Q179576 P106 Q2526255 +Q212167 P1412 Q1860 +Q1376193 P19 Q18125 +Q437340 P106 Q81096 +Q59945 P106 Q201788 +Q104358 P136 Q203775 +Q98434 P19 Q4098 +Q929 P530 Q1009 +Q976071 P106 Q36180 +Q653632 P136 Q187760 +Q427167 P20 Q90 +Q481474 P106 Q82955 +Q235870 P27 Q30 +Q185122 P26 Q201608 +Q62843 P69 Q21578 +Q434680 P509 Q12078 +Q732503 P740 Q1490 +Q62753 P1412 Q188 +Q1827266 P3373 Q367032 +Q225916 P161 Q232520 +Q234169 P264 Q216364 +Q241504 P161 Q320218 +Q76409 P1412 Q1860 +Q9047 P106 Q520549 +Q268615 P20 Q85 +Q216195 P106 Q15980158 +Q334633 P509 Q12192 +Q973755 P27 Q30 +Q184366 P106 Q333634 +Q367748 P136 Q130232 +Q208993 P101 Q5891 +Q991 P737 Q192885 +Q102788 P463 Q329464 +Q65475 P27 Q414 +Q327288 P106 Q753110 +Q317521 P451 Q117970 +Q94031 P106 Q205375 +Q18446 P20 Q1435 +Q200355 P106 Q2259451 +Q272213 P106 Q3282637 +Q3830446 P106 Q49757 +Q43432 P106 Q753110 +Q188652 P161 Q316955 +Q271500 P106 Q10798782 +Q1500 P140 Q9592 +Q166318 P106 Q33999 +Q708581 P19 Q39709 +Q66916 P1412 Q188 +Q104123 P136 Q2484376 +Q51133 P140 Q624477 +Q234992 P69 Q736674 +Q44634 P106 Q4610556 +Q754 P463 Q205995 +Q36620 P101 Q333 +Q69412 P27 Q183 +Q157204 P106 Q14467526 +Q153610 P27 Q15180 +Q428215 P106 Q482980 +Q154691 P1412 Q1321 +Q50020 P172 Q42406 +Q169982 P106 Q3282637 +Q64440 P106 Q1622272 +Q35 P530 Q40 +Q2054 P20 Q220 +Q1475124 P106 Q855091 +Q14045 P1303 Q46185 +Q221020 P161 Q233457 +Q299161 P737 Q38392 +Q5912 P463 Q1371509 +Q130127 P19 Q585 +Q70991 P106 Q1234713 +Q274608 P106 Q33999 +Q76459 P106 Q49757 +Q170509 P27 Q142 +Q1882498 P1303 Q17172850 +Q95174 P106 Q10798782 +Q12857 P1412 Q1412 +Q116789 P106 Q36180 +Q213521 P101 Q207628 +Q1042 P463 Q17495 +Q345494 P106 Q1622272 +Q282041 P161 Q229572 +Q220550 P27 Q131964 +Q114169 P69 Q152087 +Q60801 P119 Q746647 +Q448837 P172 Q49085 +Q60644 P69 Q151510 +Q751205 P1412 Q652 +Q274752 P106 Q177220 +Q261923 P840 Q8652 +Q853932 P20 Q60 +Q151973 P1412 Q1860 +Q78484 P106 Q2490358 +Q57242 P106 Q18814623 +Q867599 P1303 Q17172850 +Q434003 P19 Q1345 +Q444591 P20 Q8646 +Q235470 P106 Q1622272 +Q105026 P20 Q64 +Q201562 P1303 Q5994 +Q179269 P27 Q30 +Q90012 P106 Q1397808 +Q76442 P19 Q4120832 +Q58444 P27 Q145 +Q223281 P106 Q33999 +Q311303 P106 Q33999 +Q57106 P106 Q131524 +Q268615 P27 Q262 +Q1030 P530 Q954 +Q49111 P17 Q30 +Q274748 P161 Q290370 +Q978389 P19 Q1489 +Q1453045 P106 Q177220 +Q262294 P106 Q183945 +Q529276 P106 Q201788 +Q314843 P106 Q40348 +Q42122 P106 Q49757 +Q619051 P106 Q82955 +Q976283 P106 Q4220892 +Q49285 P1412 Q1860 +Q933749 P27 Q243610 +Q54828 P101 Q5891 +Q211696 P106 Q36834 +Q218083 P106 Q10798782 +Q201656 P264 Q183387 +Q9061 P106 Q201788 +Q78214 P1412 Q188 +Q137571 P1412 Q9035 +Q512 P106 Q855091 +Q25080 P20 Q656 +Q333615 P106 Q6625963 +Q664592 P106 Q486748 +Q122713 P136 Q1200678 +Q23517 P135 Q7066 +Q333987 P106 Q205375 +Q908569 P27 Q30 +Q345612 P69 Q49115 +Q51416 P161 Q362332 +Q202029 P161 Q373895 +Q11903 P1412 Q35497 +Q179743 P136 Q860626 +Q7199 P69 Q859363 +Q129591 P106 Q639669 +Q1056805 P136 Q37073 +Q333231 P463 Q939743 +Q949 P106 Q169470 +Q187336 P19 Q1449 +Q159 P530 Q1005 +Q458229 P136 Q8341 +Q234556 P19 Q49255 +Q116307 P1412 Q188 +Q382197 P106 Q2259451 +Q244115 P161 Q181917 +Q213 P530 Q214 +Q98120 P20 Q3955 +Q213053 P161 Q225509 +Q231214 P106 Q10798782 +Q1040028 P136 Q182015 +Q171730 P140 Q7066 +Q1500 P106 Q1028181 +Q379580 P106 Q4964182 +Q220192 P161 Q22686 +Q30487 P27 Q159 +Q483203 P136 Q885561 +Q68865 P172 Q7325 +Q232491 P106 Q33999 +Q443292 P172 Q49085 +Q152513 P551 Q724 +Q101339 P106 Q82955 +Q87402 P106 Q3400985 +Q207458 P69 Q523926 +Q711874 P172 Q49085 +Q157040 P106 Q40348 +Q266179 P106 Q33999 +Q174843 P106 Q36834 +Q67247 P108 Q689400 +Q437710 P106 Q512314 +Q166355 P495 Q183 +Q242132 P106 Q4610556 +Q102385 P136 Q11401 +Q453288 P106 Q11774202 +Q233253 P106 Q9648008 +Q76887 P106 Q82955 +Q88389 P69 Q672420 +Q88749 P106 Q482980 +Q6246180 P106 Q11569986 +Q441439 P106 Q1930187 +Q60259 P102 Q7320 +Q224113 P69 Q49167 +Q284360 P1412 Q1860 +Q93959 P106 Q36180 +Q73437 P1303 Q17172850 +Q67941 P463 Q338432 +Q177962 P27 Q38872 +Q228766 P106 Q33999 +Q178391 P1412 Q188 +Q153776 P27 Q15180 +Q63528 P27 Q16957 +Q72867 P106 Q10798782 +Q124065 P106 Q36180 +Q561196 P106 Q36180 +Q57249 P20 Q1022 +Q184843 P495 Q30 +Q137584 P136 Q1146335 +Q564886 P27 Q148 +Q77608 P106 Q2468727 +Q928 P530 Q423 +Q272031 P19 Q12439 +Q105987 P509 Q3505252 +Q459038 P264 Q213710 +Q293590 P106 Q639669 +Q222018 P136 Q188473 +Q309926 P119 Q1302545 +Q274297 P136 Q35760 +Q246497 P463 Q117467 +Q1468495 P27 Q30 +Q85877 P106 Q10800557 +Q95663 P27 Q30 +Q155419 P106 Q82955 +Q338623 P106 Q14915627 +Q229379 P106 Q183945 +Q167409 P1412 Q1860 +Q128934 P161 Q236527 +Q8739 P101 Q8087 +Q224650 P264 Q202585 +Q107270 P161 Q224081 +Q37030 P69 Q157808 +Q95268 P1412 Q188 +Q31033707 P106 Q483501 +Q115641 P69 Q206702 +Q1067 P737 Q868 +Q215778 P69 Q273626 +Q983962 P101 Q638 +Q225 P530 Q865 +Q1687749 P69 Q49126 +Q92740 P19 Q60 +Q955077 P69 Q168756 +Q66456 P106 Q39631 +Q444237 P1412 Q150 +Q182692 P161 Q193048 +Q235934 P106 Q10800557 +Q164534 P27 Q30 +Q166769 P136 Q11399 +Q129747 P264 Q1153032 +Q100511 P1412 Q188 +Q86362 P20 Q33935 +Q854 P463 Q233611 +Q181573 P106 Q11774202 +Q963003 P20 Q84 +Q795220 P136 Q11401 +Q229566 P69 Q1542213 +Q356745 P27 Q145 +Q34851 P106 Q10732476 +Q76824 P161 Q1803090 +Q229048 P551 Q65 +Q110872 P27 Q183 +Q105865 P1412 Q188 +Q67953 P106 Q1930187 +Q116307 P106 Q205375 +Q717 P463 Q7809 +Q109522 P106 Q10798782 +Q271464 P106 Q33999 +Q219420 P551 Q61 +Q89188 P27 Q191077 +Q39829 P106 Q1930187 +Q110043 P161 Q330840 +Q108946 P161 Q37079 +Q1659471 P19 Q60 +Q129542 P1412 Q188 +Q446504 P20 Q2634 +Q266361 P26 Q529603 +Q965 P30 Q15 +Q356283 P106 Q1930187 +Q721963 P106 Q11338576 +Q309248 P136 Q188473 +Q1531285 P106 Q177220 +Q92643 P108 Q160302 +Q258854 P26 Q270730 +Q286868 P136 Q2973181 +Q354181 P106 Q639669 +Q78716 P106 Q1231865 +Q1130554 P136 Q58339 +Q991720 P20 Q1190590 +Q1711615 P106 Q158852 +Q551597 P509 Q12206 +Q355384 P27 Q145 +Q110278 P161 Q103157 +Q246497 P463 Q543804 +Q946570 P509 Q12204 +Q237833 P1412 Q1321 +Q180468 P101 Q7094 +Q360674 P19 Q36091 +Q977036 P27 Q174193 +Q796 P530 Q794 +Q1195301 P27 Q17 +Q266006 P106 Q855091 +Q559774 P20 Q1156 +Q66600 P19 Q2999 +Q34933 P108 Q375606 +Q878 P530 Q96 +Q157044 P136 Q130232 +Q235205 P27 Q30 +Q352431 P136 Q130232 +Q66709 P69 Q51985 +Q236958 P106 Q36180 +Q14320 P840 Q65 +Q231487 P106 Q177220 +Q756617 P30 Q46 +Q11891 P69 Q192334 +Q941984 P27 Q30 +Q165627 P495 Q30 +Q1631 P136 Q1062400 +Q10390 P106 Q2095549 +Q1764153 P106 Q639669 +Q40482 P20 Q649 +Q175142 P264 Q2338889 +Q4245942 P1412 Q7737 +Q1241173 P136 Q850412 +Q228860 P106 Q753110 +Q499757 P495 Q15180 +Q69339 P463 Q1938003 +Q2429435 P463 Q684415 +Q155700 P1050 Q131755 +Q967 P463 Q656801 +Q1242553 P106 Q486748 +Q116553 P20 Q36091 +Q375419 P106 Q2259451 +Q214349 P106 Q14915627 +Q319392 P3373 Q234388 +Q383173 P136 Q2484376 +Q784 P530 Q230 +Q53729 P27 Q172579 +Q107894 P840 Q84 +Q709670 P19 Q90 +Q57106 P1412 Q1321 +Q822668 P1412 Q1860 +Q156201 P108 Q49108 +Q41042 P463 Q1468277 +Q1452597 P27 Q30 +Q313627 P264 Q1238400 +Q2704774 P463 Q958769 +Q285462 P106 Q177220 +Q285483 P27 Q30 +Q983 P530 Q230 +Q12795 P106 Q11774202 +Q151869 P40 Q517 +Q3074304 P108 Q309350 +Q1930839 P27 Q30 +Q263730 P106 Q7042855 +Q460196 P106 Q11900058 +Q712683 P106 Q36834 +Q232104 P106 Q33999 +Q74258 P106 Q4610556 +Q232810 P106 Q15980158 +Q235221 P106 Q33999 +Q741862 P106 Q49757 +Q60804 P106 Q2306091 +Q73063 P27 Q183 +Q221289 P1303 Q17172850 +Q322381 P27 Q28 +Q209481 P136 Q130232 +Q232927 P69 Q993267 +Q25649 P19 Q1297 +Q373566 P509 Q12152 +Q335011 P119 Q1603 +Q76791 P551 Q985 +Q327261 P135 Q432 +Q267051 P106 Q33999 +Q963 P530 Q30 +Q90195 P106 Q201788 +Q12702 P106 Q193391 +Q865 P530 Q792 +Q370747 P106 Q40348 +Q237821 P69 Q193727 +Q235020 P69 Q385471 +Q152520 P20 Q60 +Q71635 P140 Q432 +Q93401 P463 Q265058 +Q1396305 P20 Q649 +Q171976 P106 Q333634 +Q312252 P106 Q36180 +Q164170 P106 Q188094 +Q185832 P20 Q84 +Q169020 P20 Q1741 +Q2599 P106 Q20521670 +Q335643 P136 Q484641 +Q182609 P27 Q31 +Q39999 P161 Q354010 +Q1000 P37 Q150 +Q366700 P1303 Q6607 +Q55462 P106 Q28389 +Q283408 P27 Q159 +Q180338 P106 Q3282637 +Q2579604 P106 Q482980 +Q12881 P1412 Q5146 +Q505274 P19 Q84 +Q25997 P106 Q49757 +Q858 P463 Q47543 +Q193628 P106 Q36180 +Q49767 P106 Q47064 +Q73506 P106 Q4853732 +Q313388 P106 Q10800557 +Q309003 P161 Q203215 +Q954997 P106 Q639669 +Q238919 P1303 Q17172850 +Q81447 P451 Q275793 +Q4391139 P27 Q159 +Q355314 P102 Q29468 +Q83275 P27 Q12560 +Q874 P530 Q403 +Q216409 P106 Q4964182 +Q311613 P106 Q10800557 +Q216288 P1303 Q17172850 +Q37767 P463 Q812155 +Q57372 P106 Q36180 +Q2464214 P27 Q34266 +Q91446 P27 Q183 +Q503657 P172 Q7325 +Q565678 P1303 Q81982 +Q187832 P264 Q183412 +Q107416 P106 Q169470 +Q64014 P108 Q316592 +Q325038 P1412 Q7737 +Q190628 P106 Q82955 +Q363666 P106 Q28389 +Q171730 P106 Q82955 +Q44132 P20 Q1524 +Q505476 P264 Q193023 +Q263143 P19 Q1297 +Q7546 P451 Q191064 +Q297618 P106 Q37226 +Q51908481 P3373 Q2449206 +Q207177 P1303 Q17172850 +Q62188 P1412 Q188 +Q185147 P106 Q753110 +Q64356 P463 Q4345832 +Q1392694 P463 Q1493021 +Q544387 P264 Q287177 +Q319684 P106 Q1930187 +Q436187 P27 Q30 +Q527394 P106 Q10798782 +Q28885 P106 Q33999 +Q7336 P69 Q151510 +Q297552 P27 Q30 +Q296524 P1303 Q17172850 +Q729048 P106 Q4263842 +Q5878 P1412 Q1321 +Q4089775 P27 Q34266 +Q107274 P551 Q1726 +Q364881 P106 Q855091 +Q555449 P106 Q193391 +Q29572198 P106 Q713200 +Q144391 P101 Q482 +Q399318 P1303 Q17172850 +Q326526 P161 Q41396 +Q615896 P20 Q23197 +Q229603 P161 Q102385 +Q112307 P509 Q181754 +Q559567 P106 Q49757 +Q183 P530 Q39 +Q4093262 P1412 Q7737 +Q157043 P106 Q1622272 +Q41257 P108 Q152171 +Q4465 P27 Q664 +Q210364 P136 Q959790 +Q371119 P1303 Q8350 +Q327261 P106 Q4853732 +Q3490465 P106 Q170790 +Q355531 P19 Q65 +Q303 P106 Q1643514 +Q984644 P106 Q1930187 +Q202449 P106 Q2059704 +Q229050 P106 Q10800557 +Q598050 P106 Q1930187 +Q88427 P463 Q49738 +Q1649321 P106 Q177220 +Q200827 P161 Q42869 +Q283061 P106 Q12800682 +Q455120 P106 Q1930187 +Q32257 P27 Q183 +Q967 P463 Q17495 +Q881189 P19 Q3766 +Q370382 P20 Q90 +Q278543 P106 Q4263842 +Q55218 P1412 Q9067 +Q200867 P27 Q174193 +Q1744 P106 Q5716684 +Q11609 P106 Q15442776 +Q13909 P106 Q10800557 +Q42 P509 Q12152 +Q224 P530 Q79 +Q1383155 P106 Q188094 +Q160618 P840 Q1439 +Q481482 P108 Q499911 +Q42869 P19 Q16739 +Q151872 P20 Q1218 +Q78706 P463 Q812155 +Q223414 P69 Q390287 +Q1368401 P106 Q36834 +Q539171 P509 Q3505252 +Q77888 P1412 Q150 +Q150767 P106 Q486748 +Q258 P530 Q1013 +Q666875 P101 Q11023 +Q76892 P20 Q64 +Q1939373 P26 Q214226 +Q78632 P1303 Q17172850 +Q917 P530 Q837 +Q296287 P69 Q3098911 +Q159995 P27 Q183 +Q242620 P1412 Q1860 +Q60970 P106 Q3501317 +Q122622 P1412 Q188 +Q96978 P69 Q32120 +Q75856 P27 Q1206012 +Q83326 P106 Q1622272 +Q317539 P106 Q10800557 +Q1265451 P106 Q36834 +Q110042 P106 Q13418253 +Q123557 P463 Q2370801 +Q229375 P106 Q15981151 +Q6527 P106 Q18805 +Q196665 P161 Q5608 +Q137659 P1412 Q7026 +Q231811 P1412 Q1860 +Q93562 P106 Q81096 +Q442980 P19 Q65 +Q210059 P106 Q8246794 +Q242376 P69 Q49119 +Q234149 P106 Q2259451 +Q501 P20 Q90 +Q1046038 P106 Q488205 +Q347528 P106 Q36180 +Q309900 P19 Q11299 +Q60296 P57 Q295463 +Q801 P530 Q258 +Q151608 P136 Q1344 +Q87073 P69 Q875788 +Q234099 P463 Q174291 +Q152824 P463 Q7118978 +Q132964 P106 Q1028181 +Q1770624 P106 Q211236 +Q1348831 P19 Q34006 +Q732055 P106 Q639669 +Q334885 P106 Q11481802 +Q228645 P463 Q1938003 +Q357980 P106 Q1930187 +Q65561 P509 Q12136 +Q184605 P136 Q471839 +Q1143660 P106 Q943995 +Q5784301 P161 Q93341 +Q449525 P509 Q181754 +Q42904 P106 Q36834 +Q220423 P161 Q206890 +Q211 P463 Q7184 +Q504 P106 Q17337766 +Q805 P463 Q1065 +Q228186 P136 Q130232 +Q884143 P27 Q30 +Q353816 P106 Q1930187 +Q158078 P463 Q15646111 +Q295847 P106 Q33999 +Q168992 P136 Q37073 +Q159250 P19 Q1085 +Q1687804 P27 Q30 +Q202537 P1412 Q7737 +Q1145 P136 Q1344 +Q373508 P102 Q138345 +Q96588 P1412 Q188 +Q406 P17 Q12544 +Q48959 P106 Q639669 +Q156597 P161 Q228692 +Q282665 P1303 Q8377 +Q30 P530 Q298 +Q505743 P106 Q7042855 +Q43723 P19 Q33935 +Q105962 P69 Q1189954 +Q707151 P106 Q177220 +Q289212 P106 Q13590141 +Q187165 P27 Q30 +Q1078152 P106 Q622807 +Q237405 P106 Q177220 +Q264730 P40 Q316997 +Q89383 P1412 Q188 +Q327613 P136 Q1200678 +Q7315 P106 Q2490358 +Q133356 P463 Q1065 +Q78476 P135 Q80113 +Q70881 P106 Q33999 +Q100765 P119 Q819654 +Q101338 P106 Q82955 +Q531913 P19 Q487119 +Q124159 P106 Q201788 +Q193023 P112 Q363698 +Q240954 P69 Q204181 +Q338826 P20 Q1085 +Q97423 P106 Q10798782 +Q55800 P106 Q10798782 +Q470758 P140 Q1841 +Q1888523 P106 Q1734662 +Q157400 P106 Q2405480 +Q222791 P106 Q6673651 +Q157814 P106 Q158852 +Q229671 P69 Q49210 +Q220780 P161 Q463407 +Q214475 P27 Q30 +Q183187 P3373 Q124710 +Q2887 P17 Q80702 +Q99728 P19 Q3167 +Q229697 P27 Q30 +Q365682 P106 Q6625963 +Q4320172 P102 Q79854 +Q464318 P19 Q84 +Q161955 P1412 Q150 +Q378639 P106 Q28389 +Q149431 P161 Q231648 +Q61648 P463 Q414188 +Q443327 P106 Q10800557 +Q188389 P509 Q12202 +Q34851 P119 Q1437214 +Q323937 P106 Q639669 +Q75955 P106 Q16533 +Q220713 P161 Q228882 +Q1702383 P264 Q330629 +Q6829 P17 Q2415901 +Q159933 P20 Q42308 +Q164954 P17 Q221 +Q161842 P106 Q28389 +Q909149 P136 Q130232 +Q46706 P463 Q1371509 +Q209170 P136 Q842256 +Q518576 P1412 Q150 +Q1523426 P27 Q15180 +Q157245 P106 Q1622272 +Q1001 P551 Q668 +Q319374 P264 Q193023 +Q735539 P509 Q47912 +Q287828 P106 Q28389 +Q760 P463 Q7809 +Q172303 P106 Q947873 +Q408 P530 Q711 +Q83321 P1303 Q8355 +Q1173317 P106 Q12377274 +Q365199 P106 Q1259917 +Q179682 P1412 Q1860 +Q252 P530 Q423 +Q176361 P136 Q21590660 +Q37944 P106 Q10798782 +Q48734 P840 Q1558 +Q337063 P1412 Q1860 +Q62443 P69 Q372608 +Q66447 P69 Q153978 +Q336222 P3373 Q2831 +Q304488 P136 Q185867 +Q154216 P106 Q639669 +Q311022 P172 Q121842 +Q137659 P463 Q835943 +Q63630 P20 Q3933 +Q712 P463 Q7809 +Q213778 P1412 Q188 +Q553959 P136 Q9730 +Q173893 P108 Q34433 +Q142 P530 Q235 +Q318412 P509 Q12192 +Q60579 P27 Q34266 +Q57775 P641 Q2736 +Q1151 P106 Q158852 +Q237514 P106 Q4853732 +Q449317 P264 Q778673 +Q331497 P101 Q11023 +Q440528 P106 Q6625963 +Q230501 P106 Q488205 +Q62791 P509 Q216169 +Q263730 P106 Q36180 +Q1333939 P106 Q753110 +Q212730 P463 Q463303 +Q2892622 P1412 Q1860 +Q77555 P106 Q185351 +Q807787 P264 Q183387 +Q270324 P106 Q10800557 +Q1039759 P136 Q9778 +Q285254 P106 Q15981151 +Q78993 P20 Q1741 +Q233291 P106 Q4610556 +Q594272 P463 Q265058 +Q481477 P106 Q1415090 +Q395274 P106 Q10798782 +Q1353064 P27 Q142 +Q1276 P140 Q748 +Q254265 P1412 Q150 +Q713099 P106 Q28389 +Q159347 P27 Q30 +Q185085 P106 Q4964182 +Q202827 P108 Q273626 +Q166318 P106 Q7042855 +Q57337 P135 Q2455000 +Q405542 P106 Q10798782 +Q981256 P19 Q90 +Q41568 P140 Q9592 +Q294723 P106 Q855091 +Q259055 P101 Q207628 +Q131324 P106 Q33999 +Q231106 P1303 Q46185 +Q165534 P101 Q8242 +Q22222 P19 Q24861 +Q4418776 P509 Q9687 +Q17279884 P551 Q490 +Q61597 P106 Q28389 +Q35610 P106 Q551835 +Q345531 P106 Q43845 +Q86632 P106 Q10800557 +Q484292 P27 Q813 +Q84292 P108 Q192964 +Q75828 P27 Q183 +Q180453 P106 Q177220 +Q219878 P101 Q207628 +Q151973 P106 Q33999 +Q57554 P1412 Q188 +Q260312 P106 Q177220 +Q1511 P26 Q75789 +Q123878 P106 Q4853732 +Q73213 P108 Q168426 +Q220655 P57 Q55258 +Q99397 P1412 Q188 +Q128085 P69 Q847099 +Q380787 P106 Q14467526 +Q5673 P1412 Q9035 +Q33 P463 Q1065 +Q171905 P106 Q245068 +Q77667 P106 Q188094 +Q298838 P106 Q28389 +Q123973 P108 Q155354 +Q215 P530 Q28 +Q237413 P106 Q49757 +Q324366 P106 Q33999 +Q269927 P106 Q49757 +Q51498 P106 Q33999 +Q330316 P136 Q547137 +Q264722 P161 Q350255 +Q232592 P106 Q177220 +Q147810 P106 Q333634 +Q389851 P69 Q847099 +Q243267 P106 Q333634 +Q92875 P106 Q82594 +Q734574 P20 Q1156 +Q187165 P264 Q18628 +Q296729 P106 Q18814623 +Q228904 P101 Q207628 +Q182905 P106 Q188094 +Q186807 P69 Q219694 +Q239307 P106 Q4263842 +Q155 P530 Q244 +Q703091 P106 Q6606110 +Q329454 P27 Q15180 +Q318736 P136 Q492537 +Q572655 P106 Q82955 +Q1299129 P136 Q83440 +Q176163 P27 Q36 +Q48613 P1412 Q7737 +Q81685 P27 Q142 +Q323201 P106 Q3282637 +Q97129 P19 Q2999 +Q1157945 P106 Q43845 +Q504458 P106 Q639669 +Q910761 P1303 Q17172850 +Q34628 P106 Q182436 +Q444147 P1412 Q7737 +Q70300 P27 Q183 +Q186326 P19 Q7473516 +Q368613 P106 Q33999 +Q40874 P106 Q18844224 +Q1271 P106 Q193391 +Q189895 P69 Q389336 +Q42511 P106 Q18844224 +Q218 P463 Q656801 +Q73063 P463 Q123885 +Q676777 P27 Q15180 +Q982677 P19 Q84 +Q190956 P57 Q51525 +Q303 P27 Q30 +Q450282 P106 Q15981151 +Q120085 P106 Q1930187 +Q80379 P161 Q42204 +Q298259 P19 Q43421 +Q3132761 P140 Q1841 +Q106685 P106 Q2526255 +Q399 P530 Q148 +Q83612 P161 Q219653 +Q1792 P17 Q27306 +Q1127387 P17 Q142 +Q2424996 P27 Q30 +Q281908 P106 Q753110 +Q128187 P136 Q157443 +Q78237 P106 Q482980 +Q314164 P106 Q16145150 +Q58311 P19 Q21197 +Q247526 P106 Q36180 +Q315325 P106 Q7042855 +Q176455 P106 Q8246794 +Q2347483 P106 Q1930187 +Q318475 P264 Q64485314 +Q310947 P106 Q10800557 +Q231530 P69 Q168751 +Q74512 P102 Q49762 +Q449525 P106 Q639669 +Q78607 P106 Q1622272 +Q92497 P69 Q152171 +Q117902 P106 Q16533 +Q315266 P106 Q10872101 +Q106182 P840 Q36 +Q123706 P106 Q82955 +Q983400 P1412 Q397 +Q428780 P495 Q713750 +Q184169 P737 Q9061 +Q296287 P106 Q33999 +Q1360888 P106 Q3282637 +Q134262 P69 Q777403 +Q236189 P69 Q1179603 +Q312053 P1303 Q1444 +Q60801 P509 Q12152 +Q102225 P161 Q229241 +Q867852 P106 Q49757 +Q128888 P102 Q210703 +Q44380 P27 Q30 +Q1026826 P106 Q333634 +Q187210 P106 Q482980 +Q804 P30 Q18 +Q931607 P172 Q49085 +Q96 P530 Q77 +Q160219 P136 Q858330 +Q865 P530 Q733 +Q108560 P19 Q1352 +Q95019 P102 Q29468 +Q2096585 P106 Q43845 +Q58811 P106 Q36180 +Q1291679 P27 Q30 +Q526107 P264 Q2291171 +Q151691 P1412 Q1860 +Q236253 P19 Q79867 +Q273233 P119 Q1771319 +Q948 P530 Q43 +Q72060 P19 Q702259 +Q121810 P161 Q230943 +Q186504 P161 Q229957 +Q76325 P69 Q153978 +Q408 P530 Q334 +Q153159 P106 Q14972848 +Q1766736 P106 Q36180 +Q139460 P161 Q361158 +Q4119 P106 Q10800557 +Q379580 P106 Q11774202 +Q101886 P509 Q175111 +Q312901 P106 Q82955 +Q240082 P106 Q2259451 +Q68604 P106 Q81096 +Q107008 P106 Q753110 +Q158354 P69 Q154561 +Q205772 P19 Q100 +Q1067000 P1303 Q17172850 +Q216563 P106 Q10800557 +Q212663 P106 Q1350157 +Q653949 P551 Q1764 +Q314638 P106 Q753110 +Q1626025 P106 Q15895020 +Q843552 P106 Q2405480 +Q93664 P463 Q1493021 +Q176945 P27 Q30 +Q240894 P840 Q36 +Q158050 P106 Q1930187 +Q152452 P108 Q221645 +Q17132 P3373 Q17135 +Q126693 P509 Q12078 +Q1190235 P106 Q9017214 +Q348678 P161 Q40475 +Q235615 P463 Q1938003 +Q9204 P737 Q40213 +Q9358 P101 Q482 +Q463615 P161 Q230378 +Q129037 P495 Q142 +Q1022 P17 Q183 +Q87073 P463 Q44687 +Q73646 P101 Q8134 +Q23728 P1412 Q1860 +Q103835 P463 Q123885 +Q168269 P101 Q35760 +Q270085 P106 Q36180 +Q241903 P106 Q10798782 +Q165699 P136 Q471839 +Q116760 P20 Q1754 +Q83287 P27 Q30 +Q124094 P106 Q1209498 +Q229449 P136 Q378988 +Q207969 P106 Q2405480 +Q705221 P27 Q17 +Q877537 P106 Q1930187 +Q88767 P1412 Q188 +Q150630 P106 Q39631 +Q65475 P106 Q82955 +Q235077 P509 Q188874 +Q57619 P20 Q1726 +Q386438 P108 Q646229 +Q920 P27 Q29999 +Q543910 P106 Q121594 +Q63667 P106 Q212238 +Q550232 P161 Q296887 +Q224029 P106 Q4263842 +Q79178 P106 Q1622272 +Q187999 P161 Q343510 +Q221846 P161 Q188955 +Q313849 P106 Q183945 +Q133042 P119 Q12404547 +Q539897 P106 Q639669 +Q4451656 P1412 Q7737 +Q960935 P106 Q43845 +Q44517 P27 Q7318 +Q166663 P20 Q84 +Q171711 P57 Q188137 +Q96 P530 Q16 +Q192634 P463 Q939743 +Q2263 P136 Q191489 +Q58062 P106 Q3055126 +Q443327 P106 Q33999 +Q7833 P106 Q333634 +Q315343 P106 Q33999 +Q8442 P101 Q185351 +Q78539 P69 Q689400 +Q154759 P106 Q520549 +Q553259 P106 Q49757 +Q175366 P20 Q84 +Q229166 P106 Q10798782 +Q112979 P106 Q487596 +Q49034 P26 Q117497 +Q216 P17 Q15180 +Q369113 P69 Q1815371 +Q104081 P106 Q10800557 +Q388286 P106 Q753110 +Q253757 P106 Q2259451 +Q269890 P106 Q33999 +Q148 P530 Q778 +Q158997 P106 Q201788 +Q387434 P27 Q145 +Q266445 P27 Q30 +Q551543 P106 Q36180 +Q554074 P27 Q34266 +Q152306 P119 Q2972543 +Q705477 P106 Q33999 +Q219060 P530 Q833 +Q137106 P106 Q121594 +Q8556 P27 Q29999 +Q2656667 P106 Q177220 +Q331 P108 Q192334 +Q299194 P106 Q28389 +Q1523176 P106 Q33999 +Q47447 P1303 Q17172850 +Q194220 P140 Q432 +Q1155256 P1303 Q17172850 +Q216814 P106 Q81096 +Q60039 P1412 Q188 +Q356309 P106 Q10800557 +Q78437 P20 Q365 +Q324366 P27 Q30 +Q153700 P27 Q172579 +Q229197 P106 Q36180 +Q355384 P106 Q18814623 +Q211213 P136 Q37073 +Q153579 P106 Q28389 +Q918447 P264 Q202440 +Q83333 P69 Q1079140 +Q77161 P1412 Q188 +Q66600 P27 Q43287 +Q231648 P1412 Q1860 +Q92828 P106 Q82594 +Q563 P106 Q36180 +Q1040186 P136 Q193355 +Q189144 P551 Q21 +Q41269 P106 Q169470 +Q256666 P19 Q60 +Q89054 P106 Q170790 +Q69366 P102 Q328195 +Q426433 P161 Q275543 +Q143945 P106 Q33999 +Q106399 P551 Q816 +Q835 P106 Q39631 +Q259446 P1412 Q1321 +Q76516 P69 Q154804 +Q441362 P106 Q177220 +Q4247 P106 Q37226 +Q507734 P106 Q855091 +Q92094 P1412 Q188 +Q274334 P27 Q184 +Q274181 P1303 Q17172850 +Q743642 P19 Q38022 +Q1398876 P106 Q81096 +Q76895 P19 Q60 +Q723320 P1412 Q1860 +Q709640 P106 Q2252262 +Q1226480 P106 Q753110 +Q451680 P106 Q177220 +Q925493 P106 Q1930187 +Q159551 P106 Q18939491 +Q24075 P161 Q322056 +Q822630 P27 Q218 +Q362886 P1412 Q1860 +Q919515 P106 Q28389 +Q236842 P106 Q10800557 +Q434185 P108 Q319239 +Q60804 P69 Q672420 +Q428451 P19 Q90 +Q959875 P106 Q193391 +Q73463 P264 Q202585 +Q272438 P551 Q38 +Q714162 P1412 Q1860 +Q604086 P106 Q14467526 +Q105460 P106 Q822146 +Q265179 P106 Q855091 +Q309788 P106 Q753110 +Q930324 P27 Q15180 +Q1789286 P20 Q8678 +Q725943 P119 Q311 +Q78492 P108 Q245247 +Q319392 P3373 Q317784 +Q80758 P106 Q4610556 +Q319723 P1050 Q3321212 +Q858741 P106 Q177220 +Q228717 P551 Q65 +Q90709 P463 Q812155 +Q309545 P136 Q3072039 +Q453288 P1412 Q1860 +Q159 P530 Q159583 +Q981996 P27 Q30 +Q20153 P264 Q483938 +Q2902064 P69 Q174158 +Q61318 P463 Q684415 +Q80758 P106 Q10798782 +Q1141280 P509 Q12152 +Q69301 P106 Q185351 +Q45229 P140 Q288928 +Q78766 P106 Q10798782 +Q46479 P106 Q18814623 +Q43936 P101 Q9471 +Q110203 P161 Q183141 +Q178391 P106 Q2252262 +Q498 P20 Q90 +Q179888 P106 Q82955 +Q44529 P27 Q414 +Q266816 P106 Q6625963 +Q310773 P551 Q843 +Q218458 P161 Q125904 +Q39246 P106 Q205375 +Q72276 P136 Q3990883 +Q1203 P361 Q1299 +Q59945 P463 Q338432 +Q372692 P106 Q28389 +Q512 P136 Q676 +Q240222 P27 Q408 +Q115922 P106 Q1743122 +Q262791 P264 Q168407 +Q647687 P106 Q82955 +Q212167 P106 Q3282637 +Q6530 P172 Q7325 +Q362422 P19 Q34006 +Q228584 P27 Q30 +Q651059 P108 Q752663 +Q318694 P106 Q855091 +Q57806 P106 Q193391 +Q116359 P463 Q414110 +Q82301 P108 Q486156 +Q44481 P20 Q90 +Q55468 P20 Q220 +Q339551 P1412 Q1860 +Q355153 P119 Q1358639 +Q95367 P106 Q82955 +Q17714 P737 Q47480 +Q108558 P106 Q486748 +Q193504 P106 Q2526255 +Q502 P172 Q121842 +Q139602 P19 Q1297 +Q70950 P102 Q328195 +Q233313 P106 Q13235160 +Q200392 P19 Q490 +Q142292 P57 Q103917 +Q313767 P1412 Q7737 +Q381256 P509 Q12078 +Q8446 P264 Q212699 +Q439366 P509 Q3505252 +Q68501 P20 Q1040 +Q1203 P106 Q10800557 +Q188426 P264 Q1998195 +Q542217 P106 Q36180 +Q19201 P172 Q141817 +Q196665 P136 Q842256 +Q544521 P27 Q161885 +Q157309 P106 Q36180 +Q280666 P106 Q10798782 +Q247501 P27 Q145 +Q312053 P136 Q213121 +Q921 P530 Q843 +Q216041 P463 Q684415 +Q128532 P1412 Q1860 +Q296729 P106 Q177220 +Q168862 P495 Q17 +Q55800 P106 Q3282637 +Q826 P530 Q902 +Q296887 P551 Q84 +Q1077158 P27 Q145 +Q242717 P106 Q2259451 +Q219622 P463 Q123885 +Q55422 P106 Q10798782 +Q360383 P19 Q597 +Q756563 P172 Q1075293 +Q49747 P69 Q1137665 +Q369492 P161 Q10536 +Q361158 P69 Q4614 +Q1238828 P106 Q177220 +Q192301 P161 Q39979 +Q92604 P737 Q8556 +Q42402 P1050 Q10874 +Q74441 P463 Q684415 +Q217 P530 Q38 +Q329018 P106 Q177220 +Q333190 P106 Q10798782 +Q1435910 P172 Q49085 +Q201608 P106 Q3665646 +Q187154 P840 Q1408 +Q359457 P106 Q8246794 +Q359665 P106 Q482980 +Q53454 P1412 Q188 +Q11703496 P106 Q2374149 +Q3297386 P27 Q30 +Q948 P530 Q403 +Q2599 P106 Q55960555 +Q944509 P106 Q40348 +Q761 P17 Q15180 +Q609095 P106 Q753110 +Q363308 P69 Q49166 +Q283659 P106 Q36180 +Q75812 P20 Q727 +Q260011 P19 Q3130 +Q117392 P106 Q948329 +Q220010 P106 Q639669 +Q200566 P106 Q2259451 +Q53096 P161 Q440926 +Q121656 P102 Q7320 +Q587823 P106 Q193391 +Q1277015 P69 Q739627 +Q408 P530 Q8646 +Q8927 P1303 Q6607 +Q92933 P106 Q81096 +Q1020 P463 Q827525 +Q993950 P19 Q270 +Q387539 P159 Q39561 +Q2119 P17 Q151624 +Q633 P106 Q183945 +Q57535 P106 Q18814623 +Q153243 P1412 Q1860 +Q85092 P108 Q161976 +Q96 P463 Q656801 +Q41408 P509 Q216169 +Q229606 P136 Q37073 +Q116022 P19 Q71 +Q76422 P1412 Q188 +Q191966 P106 Q2259451 +Q355024 P27 Q30 +Q159704 P1412 Q188 +Q297794 P106 Q36180 +Q65911 P106 Q40348 +Q162753 P27 Q142 +Q242208 P27 Q30 +Q234989 P69 Q168756 +Q309898 P509 Q12152 +Q57434 P106 Q82955 +Q80135 P108 Q178416 +Q928 P530 Q148 +Q240677 P106 Q28389 +Q104061 P69 Q1542213 +Q843 P530 Q227 +Q414 P530 Q224 +Q42398 P509 Q852423 +Q130631 P737 Q6882 +Q112747 P161 Q39972 +Q11637 P69 Q7894738 +Q124617 P27 Q34266 +Q314966 P27 Q1041 +Q80405 P106 Q3282637 +Q2252 P69 Q9219 +Q737922 P106 Q36180 +Q253697 P106 Q177220 +Q164784 P20 Q90 +Q324757 P106 Q486748 +Q924 P463 Q294278 +Q310930 P69 Q1045828 +Q234579 P106 Q36180 +Q219377 P27 Q30 +Q106126 P509 Q212961 +Q23814 P27 Q145 +Q213411 P136 Q319221 +Q304366 P136 Q188473 +Q366700 P106 Q627325 +Q233541 P136 Q11401 +Q95447 P108 Q154804 +Q434669 P106 Q40348 +Q155412 P264 Q38903 +Q228546 P27 Q142 +Q2643 P106 Q855091 +Q243419 P19 Q84 +Q66880 P108 Q32120 +Q103174 P106 Q578109 +Q380123 P106 Q753110 +Q515883 P264 Q183387 +Q104276 P108 Q54096 +Q34424 P136 Q11399 +Q92815 P69 Q174710 +Q76324 P106 Q11774202 +Q208204 P161 Q202765 +Q426517 P161 Q329807 +Q1347919 P509 Q188874 +Q599993 P106 Q81096 +Q230939 P27 Q30 +Q245271 P840 Q414 +Q206388 P840 Q18419 +Q1251733 P106 Q855091 +Q314424 P106 Q486748 +Q2281897 P19 Q1345 +Q242749 P1412 Q1860 +Q68543 P19 Q49231 +Q3346431 P106 Q5716684 +Q221303 P27 Q142 +Q88937 P106 Q214917 +Q4487 P106 Q214917 +Q143716 P840 Q1400 +Q155375 P1412 Q1860 +Q17455 P106 Q1622272 +Q315362 P737 Q82409 +Q51461 P106 Q3282637 +Q39318 P69 Q174158 +Q102244 P161 Q234128 +Q231713 P106 Q33999 +Q398 P463 Q1065 +Q193052 P1412 Q150 +Q962609 P20 Q65 +Q33 P530 Q408 +Q3816 P451 Q179680 +Q272770 P106 Q10798782 +Q719083 P106 Q177220 +Q73993 P69 Q165980 +Q193346 P20 Q25287 +Q366578 P27 Q30 +Q295593 P136 Q21590660 +Q658706 P1412 Q1321 +Q25973 P27 Q43287 +Q320895 P140 Q7066 +Q1070606 P740 Q1490 +Q113777 P106 Q1734662 +Q526989 P20 Q956 +Q706889 P106 Q1930187 +Q1007 P463 Q7809 +Q12003 P106 Q36834 +Q128187 P840 Q1439 +Q234865 P27 Q30 +Q1355279 P106 Q482980 +Q435455 P106 Q10798782 +Q309631 P27 Q30 +Q117990 P108 Q219694 +Q192145 P106 Q82594 +Q216180 P106 Q82955 +Q146605 P136 Q130232 +Q246538 P106 Q177220 +Q311760 P463 Q723551 +Q486096 P172 Q846570 +Q40479 P106 Q333634 +Q1329361 P20 Q23436 +Q201656 P27 Q30 +Q110138 P136 Q188473 +Q229268 P27 Q30 +Q221155 P1303 Q52954 +Q117688 P106 Q39631 +Q15489989 P106 Q11569986 +Q18391 P106 Q11499147 +Q205721 P136 Q205049 +Q60487 P161 Q234847 +Q71443 P509 Q12078 +Q57242 P463 Q4345832 +Q11826 P106 Q901402 +Q75727 P1412 Q188 +Q235252 P106 Q488205 +Q77004 P509 Q216169 +Q312053 P264 Q277626 +Q40 P463 Q8475 +Q180619 P106 Q36180 +Q154145 P106 Q4964182 +Q231391 P106 Q970153 +Q180125 P136 Q130232 +Q34086 P1303 Q6607 +Q297598 P1303 Q17172850 +Q190379 P69 Q1161297 +Q112635 P161 Q191084 +Q742396 P106 Q639669 +Q584292 P106 Q1792450 +Q292539 P106 Q1930187 +Q435151 P106 Q49757 +Q1974885 P27 Q179876 +Q462574 P19 Q84 +Q64487 P106 Q1281618 +Q880181 P463 Q833738 +Q128085 P27 Q145 +Q142999 P1412 Q35497 +Q165711 P17 Q30 +Q244975 P161 Q26876 +Q64655 P1412 Q188 +Q179041 P106 Q36180 +Q360685 P106 Q901 +Q42904 P1412 Q7737 +Q216052 P102 Q49750 +Q209186 P69 Q35794 +Q42051 P161 Q311319 +Q230456 P140 Q748 +Q714845 P27 Q27 +Q236987 P106 Q2865819 +Q15873 P264 Q208909 +Q155 P530 Q736 +Q742079 P106 Q11774156 +Q77112 P106 Q639669 +Q551512 P106 Q28389 +Q214801 P161 Q447669 +Q112284 P69 Q559549 +Q76197 P108 Q51985 +Q193146 P1412 Q1860 +Q462261 P106 Q333634 +Q725060 P106 Q1930187 +Q208117 P106 Q10798782 +Q320218 P106 Q19204627 +Q242530 P1050 Q11081 +Q332368 P161 Q436719 +Q234964 P136 Q35760 +Q92906 P69 Q49088 +Q73063 P101 Q333 +Q133151 P106 Q488205 +Q168468 P463 Q2822396 +Q712319 P106 Q855091 +Q264921 P106 Q28389 +Q110163 P1303 Q17172850 +Q27411 P161 Q294185 +Q45272 P106 Q11774202 +Q1046616 P136 Q484641 +Q67177 P106 Q12362622 +Q505949 P509 Q12152 +Q9312 P737 Q859 +Q256649 P106 Q10798782 +Q333106 P1412 Q1860 +Q912791 P106 Q28389 +Q2551 P1412 Q188 +Q736 P463 Q384535 +Q171166 P1412 Q1321 +Q112536 P106 Q2259451 +Q234392 P106 Q28389 +Q45245 P140 Q75809 +Q153576 P106 Q3282637 +Q76487 P119 Q253763 +Q187199 P108 Q13371 +Q55208 P106 Q33999 +Q435532 P27 Q30 +Q337453 P27 Q145 +Q61356 P106 Q2259451 +Q268084 P106 Q18814623 +Q311615 P1412 Q1860 +Q76483 P1412 Q150 +Q213684 P509 Q210392 +Q338812 P106 Q2405480 +Q230378 P106 Q10798782 +Q323452 P27 Q145 +Q76512 P106 Q1234713 +Q25318 P106 Q170790 +Q151830 P106 Q639669 +Q276139 P136 Q37073 +Q125058 P136 Q959790 +Q184499 P463 Q270794 +Q60847 P27 Q183 +Q49009 P264 Q1200368 +Q702 P463 Q656801 +Q55168 P19 Q1524 +Q23114 P106 Q860918 +Q210741 P106 Q10798782 +Q481477 P106 Q1028181 +Q299324 P1412 Q1860 +Q664 P530 Q252 +Q945 P463 Q8475 +Q977 P463 Q7159 +Q327426 P19 Q65 +Q720443 P106 Q4263842 +Q3936 P17 Q183 +Q76686 P69 Q152171 +Q139325 P106 Q245068 +Q179201 P27 Q668 +Q1246 P530 Q843 +Q520001 P106 Q177220 +Q189144 P106 Q11900058 +Q57241 P102 Q152554 +Q1042 P463 Q7785 +Q194280 P106 Q3282637 +Q85726 P69 Q689400 +Q399 P131 Q15180 +Q929 P530 Q148 +Q1622098 P136 Q76092 +Q124208 P1412 Q188 +Q78496 P27 Q40 +Q201732 P106 Q4263842 +Q4934689 P27 Q902 +Q475004 P1412 Q9091 +Q57465 P106 Q1397808 +Q134183 P172 Q49085 +Q720443 P108 Q21578 +Q383784 P1303 Q302497 +Q232810 P106 Q15253558 +Q94031 P101 Q43035 +Q316709 P106 Q36834 +Q215637 P106 Q182436 +Q234653 P106 Q43845 +Q60777 P106 Q185351 +Q44606 P106 Q622807 +Q64257 P27 Q183 +Q44107 P106 Q28389 +Q107816 P19 Q3104 +Q370155 P27 Q30 +Q4074457 P69 Q13164 +Q918681 P106 Q28389 +Q313874 P161 Q230454 +Q928 P463 Q899770 +Q364582 P27 Q172579 +Q52488 P463 Q1425328 +Q737486 P106 Q333634 +Q57737 P19 Q72259 +Q192165 P106 Q1053574 +Q58198 P1412 Q256 +Q71130 P106 Q10800557 +Q236151 P106 Q10800557 +Q200096 P161 Q151118 +Q208116 P136 Q25379 +Q312901 P106 Q15627169 +Q43432 P106 Q2340668 +Q352431 P495 Q30 +Q320849 P27 Q174193 +Q204725 P161 Q299309 +Q44473 P106 Q11513337 +Q212575 P463 Q4345832 +Q972107 P69 Q81162 +Q202319 P27 Q30 +Q969048 P106 Q36180 +Q1934319 P106 Q43845 +Q72913 P106 Q36180 +Q607464 P106 Q551835 +Q3186620 P106 Q188094 +Q91587 P106 Q10800557 +Q184267 P106 Q193391 +Q60584 P69 Q154804 +Q1461567 P1412 Q652 +Q97871 P463 Q83172 +Q706332 P102 Q29468 +Q111230 P106 Q10798782 +Q781 P463 Q496967 +Q270786 P101 Q4610556 +Q966067 P1412 Q9056 +Q10681 P264 Q729590 +Q1666 P136 Q1062400 +Q1346521 P106 Q1326886 +Q43718 P172 Q44806 +Q171235 P106 Q36834 +Q980000 P1412 Q1860 +Q8704 P509 Q47912 +Q314926 P106 Q3282637 +Q221482 P106 Q3665646 +Q220883 P509 Q12078 +Q58087 P106 Q82955 +Q123268 P106 Q1622272 +Q863226 P106 Q177220 +Q23114 P140 Q1841 +Q123557 P463 Q543804 +Q78539 P102 Q186867 +Q1277187 P20 Q12439 +Q104061 P2348 Q6927 +Q972107 P1412 Q1860 +Q187814 P1412 Q7976 +Q69631 P106 Q14467526 +Q12908 P172 Q34069 +Q193803 P463 Q463303 +Q188857 P106 Q36180 +Q55388 P1412 Q150 +Q66456 P463 Q150793 +Q321990 P106 Q2722764 +Q256380 P69 Q142740 +Q657 P530 Q218 +Q221364 P3373 Q298209 +Q227312 P106 Q4853732 +Q1393149 P1303 Q6607 +Q299700 P106 Q2405480 +Q1085 P17 Q28513 +Q60039 P27 Q1206012 +Q264764 P106 Q81096 +Q161678 P161 Q234798 +Q35 P530 Q230 +Q191719 P19 Q65 +Q347891 P101 Q5891 +Q342774 P136 Q83440 +Q34 P463 Q7809 +Q91338 P69 Q28024477 +Q220901 P451 Q42869 +Q382393 P27 Q142 +Q219622 P106 Q49757 +Q521116 P463 Q1003730 +Q26378 P1412 Q1860 +Q233817 P106 Q36834 +Q93401 P463 Q1003730 +Q976417 P27 Q30 +Q295537 P119 Q1457437 +Q96665 P108 Q157808 +Q717059 P20 Q1297 +Q49034 P119 Q240744 +Q181677 P27 Q30 +Q264921 P1303 Q17172850 +Q947519 P106 Q18844224 +Q116309 P106 Q36180 +Q20715407 P106 Q627325 +Q427167 P106 Q1930187 +Q44593 P106 Q36180 +Q53619 P140 Q9089 +Q262659 P106 Q488205 +Q345494 P106 Q55960555 +Q211009 P161 Q129591 +Q200873 P161 Q8877 +Q90009 P106 Q36180 +Q1178 P106 Q36834 +Q320653 P463 Q1425328 +Q259691 P136 Q211756 +Q163557 P136 Q8261 +Q112856 P106 Q11569986 +Q314424 P1303 Q46185 +Q180861 P264 Q330629 +Q103917 P106 Q7042855 +Q219842 P106 Q131524 +Q73195 P20 Q56037 +Q233289 P20 Q987 +Q162634 P106 Q33999 +Q676562 P19 Q71 +Q169077 P20 Q1085 +Q647445 P106 Q20198542 +Q77079 P106 Q49757 +Q126693 P106 Q10800557 +Q64241 P69 Q157808 +Q44833 P106 Q488205 +Q156379 P102 Q79854 +Q960778 P106 Q2526255 +Q7964724 P106 Q901 +Q267170 P106 Q33999 +Q206336 P495 Q30 +Q212575 P19 Q656 +Q161400 P495 Q30 +Q93868 P161 Q311453 +Q83275 P20 Q406 +Q180962 P69 Q209842 +Q548185 P1412 Q1860 +Q474810 P27 Q414 +Q87073 P106 Q1231865 +Q442512 P106 Q214917 +Q67007 P135 Q7066 +Q184366 P463 Q329464 +Q780102 P106 Q4263842 +Q60095 P119 Q1733 +Q419 P463 Q191384 +Q6882 P1412 Q652 +Q75603 P106 Q36180 +Q197491 P495 Q145 +Q25191 P106 Q7042855 +Q436784 P136 Q21590660 +Q924668 P136 Q3071 +Q285928 P106 Q33999 +Q217427 P106 Q33999 +Q298209 P101 Q207628 +Q26806 P106 Q2526255 +Q937 P69 Q11942 +Q918447 P1303 Q5994 +Q435205 P106 Q855091 +Q335569 P106 Q947873 +Q162667 P264 Q202440 +Q780720 P106 Q753110 +Q64263 P69 Q156598 +Q203690 P20 Q84 +Q347685 P19 Q656 +Q662066 P108 Q55021 +Q40852 P106 Q39631 +Q310275 P641 Q5386 +Q1047474 P1303 Q5994 +Q236066 P136 Q484641 +Q63960 P69 Q157808 +Q108239 P27 Q183 +Q51461 P106 Q28389 +Q93835 P69 Q215539 +Q668 P463 Q5611262 +Q236005 P136 Q131272 +Q71335 P106 Q16533 +Q236066 P106 Q639669 +Q697741 P27 Q838261 +Q529604 P106 Q212238 +Q117301 P106 Q36180 +Q337226 P106 Q28389 +Q51094 P106 Q13235160 +Q216563 P19 Q1930 +Q264610 P106 Q486748 +Q92893 P463 Q131566 +Q253607 P737 Q129119 +Q316957 P509 Q12078 +Q329577 P641 Q32112 +Q357001 P106 Q10798782 +Q73213 P69 Q156737 +Q1353962 P136 Q850412 +Q434790 P106 Q10800557 +Q1276 P106 Q10800557 +Q550598 P27 Q30 +Q352914 P106 Q635734 +Q596746 P106 Q183945 +Q237833 P101 Q5891 +Q363254 P106 Q177220 +Q223367 P840 Q22 +Q296028 P27 Q145 +Q78918 P106 Q36180 +Q362258 P1303 Q5994 +Q262850 P106 Q1930187 +Q400678 P101 Q8162 +Q221020 P840 Q1741 +Q23365 P27 Q30 +Q83287 P551 Q65 +Q295935 P106 Q36180 +Q348497 P509 Q12152 +Q373968 P106 Q10800557 +Q320 P69 Q232141 +Q75757 P108 Q152838 +Q95469 P106 Q201788 +Q72450 P136 Q20442589 +Q105180 P1412 Q7411 +Q164562 P119 Q27426 +Q105676 P69 Q273263 +Q945 P463 Q656801 +Q918966 P20 Q84 +Q19089 P161 Q238356 +Q381944 P106 Q36180 +Q95002 P136 Q21590660 +Q232468 P551 Q490 +Q312081 P27 Q30 +Q78772 P19 Q1741 +Q1461567 P1303 Q6607 +Q83630 P161 Q235115 +Q343616 P19 Q189074 +Q165392 P495 Q38 +Q249288 P136 Q172980 +Q701587 P108 Q216047 +Q69406 P19 Q14859 +Q314957 P106 Q82955 +Q320224 P106 Q947873 +Q297816 P19 Q60 +Q709873 P20 Q1345 +Q119840 P1412 Q150 +Q37388 P106 Q16533 +Q229319 P26 Q211415 +Q216936 P106 Q3427922 +Q58592 P19 Q1492 +Q11093 P27 Q30 +Q515845 P551 Q39121 +Q80069 P27 Q30 +Q237552 P136 Q45981 +Q235346 P106 Q33999 +Q683058 P106 Q1930187 +Q535157 P27 Q15180 +Q371639 P106 Q36180 +Q101995 P463 Q18650004 +Q455236 P136 Q9759 +Q129591 P106 Q10798782 +Q78607 P101 Q166542 +Q727782 P463 Q329464 +Q323392 P161 Q294185 +Q201359 P106 Q36180 +Q346309 P106 Q177220 +Q92881 P27 Q30 +Q45553 P106 Q10798782 +Q92510 P106 Q49757 +Q144164 P106 Q674426 +Q224902 P106 Q1930187 +Q346064 P1412 Q188 +Q152272 P106 Q15296811 +Q403 P530 Q858 +Q60854 P69 Q153978 +Q234750 P264 Q165745 +Q251068 P136 Q11399 +Q193116 P106 Q36180 +Q361158 P27 Q30 +Q239382 P106 Q33999 +Q74849 P20 Q490 +Q131660 P27 Q142 +Q259807 P161 Q223786 +Q863 P463 Q5611262 +Q755 P20 Q90 +Q41 P530 Q954 +Q311115 P463 Q3603946 +Q106482 P106 Q245068 +Q81624 P136 Q37073 +Q452232 P106 Q177220 +Q181819 P1412 Q1860 +Q892 P108 Q503424 +Q223769 P106 Q10800557 +Q207380 P106 Q13582652 +Q229139 P106 Q18814623 +Q167696 P27 Q30 +Q254341 P264 Q1341612 +Q434500 P1303 Q17172850 +Q1950678 P69 Q174710 +Q150630 P463 Q4345832 +Q68584 P463 Q543804 +Q2578559 P106 Q169470 +Q217160 P1412 Q1860 +Q110278 P161 Q4960 +Q230969 P106 Q1476215 +Q86685 P27 Q40 +Q193426 P19 Q11299 +Q178700 P161 Q70309 +Q275247 P1412 Q1860 +Q184169 P135 Q7264 +Q142 P530 Q730 +Q1065956 P27 Q30 +Q73416 P19 Q18419 +Q350903 P172 Q7325 +Q230011 P106 Q948329 +Q244115 P161 Q395494 +Q315325 P106 Q10800557 +Q62963 P106 Q1397808 +Q132616 P106 Q10798782 +Q61687 P1412 Q188 +Q519851 P106 Q1930187 +Q2622688 P106 Q3455803 +Q77745 P27 Q183 +Q551015 P20 Q1335 +Q38 P530 Q1246 +Q434502 P106 Q33999 +Q465679 P1412 Q8641 +Q41 P530 Q115 +Q10327963 P69 Q2599077 +Q40115 P161 Q270730 +Q234204 P172 Q1075293 +Q202847 P136 Q8341 +Q61407 P463 Q4742987 +Q123273 P106 Q2516866 +Q235870 P551 Q60 +Q150445 P136 Q1344 +Q82280 P106 Q39631 +Q313666 P27 Q142 +Q165110 P106 Q193391 +Q76534 P102 Q327591 +Q205456 P106 Q2526255 +Q171228 P69 Q1377 +Q955405 P106 Q193391 +Q58626 P27 Q183 +Q365144 P102 Q29468 +Q736847 P106 Q82955 +Q75860 P106 Q333634 +Q166355 P161 Q57391 +Q888554 P509 Q188605 +Q160060 P840 Q22 +Q545544 P119 Q180083 +Q2579604 P19 Q84 +Q74062 P106 Q1234713 +Q55190 P27 Q159 +Q37217 P106 Q36180 +Q380799 P106 Q4610556 +Q65917 P102 Q153401 +Q122968 P106 Q81096 +Q230633 P106 Q2259451 +Q526022 P106 Q901 +Q42831 P136 Q25372 +Q754 P463 Q376150 +Q918681 P106 Q2526255 +Q442512 P1412 Q1321 +Q182345 P1412 Q1860 +Q13005 P1050 Q11085 +Q234207 P106 Q10798782 +Q559774 P106 Q2526255 +Q447592 P19 Q3616 +Q122187 P106 Q7042855 +Q348001 P106 Q214917 +Q182658 P106 Q1209498 +Q122713 P161 Q228717 +Q233385 P463 Q20153 +Q20145 P136 Q213665 +Q60539 P27 Q183 +Q184750 P108 Q681250 +Q273206 P20 Q23768 +Q85394 P27 Q176495 +Q96399 P106 Q189010 +Q329849 P27 Q30 +Q314133 P27 Q30 +Q1500187 P161 Q229228 +Q34474 P463 Q812155 +Q308840 P1050 Q131755 +Q589978 P172 Q539051 +Q123516 P463 Q414110 +Q231178 P135 Q7252 +Q8772 P1412 Q150 +Q201484 P106 Q1734662 +Q70372 P106 Q82955 +Q121180 P119 Q168886 +Q183 P530 Q794 +Q259254 P136 Q83270 +Q167635 P1303 Q17172850 +Q44872 P106 Q4964182 +Q236527 P106 Q639669 +Q233584 P27 Q145 +Q254 P1303 Q80284 +Q43 P530 Q801 +Q57434 P463 Q1132636 +Q82238 P106 Q18814623 +Q40572 P106 Q10798782 +Q206374 P161 Q2680 +Q483382 P69 Q168756 +Q159 P530 Q902 +Q238912 P106 Q33999 +Q335508 P161 Q25089 +Q1174183 P19 Q18438 +Q187165 P136 Q483352 +Q560447 P69 Q838330 +Q465937 P106 Q1930187 +Q194143 P161 Q317817 +Q95453 P106 Q81096 +Q76512 P1412 Q188 +Q80739 P102 Q29552 +Q131074 P161 Q4465 +Q46551 P161 Q129591 +Q426828 P136 Q1200678 +Q62904 P463 Q127992 +Q60506 P161 Q223854 +Q353449 P106 Q36834 +Q83396 P108 Q1065 +Q1173086 P136 Q3071 +Q1344185 P1303 Q6607 +Q246711 P161 Q193338 +Q271576 P551 Q16556 +Q250954 P161 Q55800 +Q736 P361 Q18 +Q220018 P27 Q142 +Q747 P106 Q1209498 +Q232495 P106 Q3501317 +Q22670 P106 Q1930187 +Q305864 P106 Q1930187 +Q163159 P463 Q83172 +Q11637 P106 Q2722764 +Q313755 P106 Q36834 +Q975491 P106 Q121594 +Q158060 P69 Q151510 +Q324557 P495 Q183 +Q22670 P463 Q414379 +Q113909 P106 Q3282637 +Q153015 P131 Q43287 +Q106175 P106 Q10798782 +Q222 P530 Q148 +Q6714 P140 Q101849 +Q346036 P27 Q30 +Q315391 P1412 Q150 +Q261700 P161 Q173637 +Q25649 P140 Q9268 +Q104049 P19 Q8652 +Q258980 P69 Q174710 +Q41132 P495 Q142 +Q400678 P101 Q7163 +Q8349 P136 Q40831 +Q164683 P1412 Q188 +Q4039 P106 Q10798782 +Q51489 P140 Q9089 +Q67538 P463 Q83172 +Q132266 P136 Q496523 +Q587823 P106 Q82955 +Q455703 P136 Q492537 +Q182123 P27 Q1747689 +Q87402 P69 Q168756 +Q239807 P106 Q55960555 +Q142 P463 Q1928989 +Q432421 P106 Q639669 +Q124527 P19 Q16567 +Q961851 P106 Q33999 +Q47162 P463 Q2370801 +Q1173086 P106 Q488205 +Q194413 P161 Q167520 +Q162959 P27 Q30 +Q141829 P119 Q1242128 +Q62845 P1412 Q7411 +Q192979 P161 Q311165 +Q5577 P101 Q11629 +Q717755 P106 Q1930187 +Q73892 P106 Q13570226 +Q102438 P136 Q2143665 +Q313525 P106 Q12800682 +Q106775 P264 Q3716272 +Q4225527 P101 Q309 +Q208266 P161 Q873 +Q611121 P108 Q49088 +Q77111 P463 Q44687 +Q154938 P106 Q24262584 +Q62052 P1303 Q17172850 +Q390299 P161 Q483907 +Q383420 P20 Q90 +Q241941 P161 Q36949 +Q103876 P2348 Q6939 +Q935369 P106 Q855091 +Q12807 P737 Q9438 +Q66023 P19 Q64 +Q202662 P106 Q5716684 +Q166092 P140 Q620629 +Q440817 P106 Q488205 +Q1041 P530 Q458 +Q228901 P106 Q36180 +Q57445 P106 Q82955 +Q1453398 P106 Q177220 +Q794 P530 Q41 +Q353788 P106 Q639669 +Q893667 P106 Q13582652 +Q64406 P737 Q60070 +Q45765 P19 Q62 +Q164757 P106 Q36834 +Q83643 P1303 Q17172850 +Q711499 P106 Q753110 +Q241 P361 Q12585 +Q102225 P161 Q203545 +Q331759 P1303 Q17172850 +Q8573 P106 Q39631 +Q298920 P101 Q5322166 +Q2046788 P27 Q34266 +Q155649 P19 Q60 +Q137130 P161 Q359665 +Q731254 P1412 Q1860 +Q132952 P106 Q639669 +Q1930839 P1412 Q1860 +Q450663 P27 Q30 +Q309932 P106 Q33999 +Q69474 P106 Q753110 +Q66023 P1412 Q143 +Q40531 P264 Q202585 +Q986622 P106 Q901 +Q4044 P17 Q183 +Q238464 P106 Q33999 +Q102852 P1412 Q188 +Q193857 P119 Q5933 +Q215855 P106 Q639669 +Q1729 P17 Q7318 +Q188482 P1303 Q5994 +Q283932 P495 Q30 +Q1382535 P106 Q16145150 +Q430922 P106 Q10800557 +Q200396 P495 Q408 +Q143230 P27 Q30 +Q191999 P463 Q218868 +Q311084 P106 Q2526255 +Q116905 P136 Q157443 +Q508752 P1412 Q1860 +Q256649 P106 Q36834 +Q713964 P264 Q18149651 +Q35236 P106 Q81096 +Q2079 P463 Q1768108 +Q58073 P1412 Q1321 +Q214 P530 Q215 +Q206832 P106 Q1622272 +Q1984116 P106 Q33999 +Q94765 P106 Q82955 +Q263621 P106 Q488205 +Q44593 P106 Q6625963 +Q42122 P106 Q14467526 +Q1286993 P106 Q753110 +Q8612 P106 Q82955 +Q77 P463 Q3369762 +Q49615 P69 Q2537765 +Q120406 P1412 Q1860 +Q168154 P136 Q188473 +Q266445 P1303 Q17172850 +Q92831 P463 Q127992 +Q183008 P264 Q330629 +Q75116 P463 Q684415 +Q296609 P106 Q18814623 +Q36023 P106 Q40348 +Q77492 P102 Q157537 +Q175102 P69 Q503246 +Q391562 P69 Q192088 +Q375186 P136 Q663106 +Q488429 P1412 Q9176 +Q218960 P172 Q170826 +Q558419 P108 Q661916 +Q314290 P27 Q30 +Q176351 P106 Q169470 +Q734 P530 Q230 +Q107724 P161 Q323452 +Q869 P530 Q148 +Q179746 P161 Q182665 +Q203806 P106 Q15980158 +Q339425 P136 Q130232 +Q607 P102 Q29468 +Q934820 P27 Q30 +Q551421 P19 Q31487 +Q379830 P106 Q753110 +Q7176 P136 Q8261 +Q140412 P106 Q36180 +Q1950678 P27 Q30 +Q1163944 P19 Q656 +Q4513768 P108 Q27923720 +Q36620 P69 Q186285 +Q159 P530 Q217 +Q742284 P102 Q139596 +Q105987 P2348 Q6927 +Q47122 P106 Q36834 +Q165680 P106 Q3606216 +Q1608224 P1303 Q17172850 +Q272960 P27 Q29 +Q480037 P27 Q38 +Q40470 P140 Q432 +Q441836 P101 Q482 +Q148 P463 Q5611262 +Q159 P530 Q912 +Q1232630 P106 Q82955 +Q1384181 P106 Q36834 +Q1558698 P69 Q847099 +Q162269 P138 Q11812 +Q1882472 P509 Q9687 +Q750 P530 Q148 +Q167774 P106 Q28389 +Q983590 P19 Q16558 +Q113570 P106 Q627325 +Q76516 P20 Q72 +Q77144 P101 Q5891 +Q464037 P27 Q30 +Q15180 P463 Q37470 +Q154346 P1412 Q9058 +Q104267 P463 Q459620 +Q67953 P106 Q214917 +Q729117 P140 Q7066 +Q441940 P551 Q724 +Q78732 P463 Q543804 +Q63189 P106 Q2259451 +Q69281 P106 Q1350189 +Q312578 P131 Q2079 +Q435455 P20 Q1337818 +Q186709 P69 Q3890936 +Q78704 P20 Q56037 +Q67405 P106 Q36180 +Q471443 P119 Q208175 +Q231276 P108 Q740308 +Q16458 P161 Q231128 +Q253697 P1303 Q17172850 +Q863226 P106 Q639669 +Q31786 P161 Q339358 +Q110872 P1412 Q1860 +Q32681 P1412 Q7737 +Q75811 P108 Q158158 +Q863 P463 Q1043527 +Q267243 P69 Q389336 +Q433039 P19 Q21197 +Q42747 P106 Q6625963 +Q463407 P1412 Q1860 +Q236939 P106 Q33999 +Q1077409 P69 Q174710 +Q93031 P106 Q170790 +Q100913 P119 Q564922 +Q7104 P106 Q36180 +Q658454 P106 Q189290 +Q107183 P108 Q161982 +Q217154 P26 Q144195 +Q273233 P463 Q2839513 +Q190368 P1412 Q397 +Q126652 P136 Q2484376 +Q460161 P69 Q3428253 +Q20 P530 Q34 +Q84186 P1412 Q652 +Q159704 P106 Q177220 +Q1386311 P136 Q11366 +Q235346 P101 Q207628 +Q256061 P19 Q1930 +Q569362 P106 Q81096 +Q2849296 P106 Q483501 +Q78479 P106 Q211346 +Q637195 P27 Q16 +Q70103 P119 Q881481 +Q720868 P27 Q36 +Q3731533 P3373 Q3713655 +Q19405 P840 Q90 +Q41871 P106 Q3282637 +Q62963 P140 Q7066 +Q339876 P161 Q129817 +Q95522 P1412 Q188 +Q309768 P27 Q29 +Q2704774 P27 Q212 +Q272595 P57 Q11930 +Q317169 P106 Q753110 +Q707186 P106 Q131524 +Q454568 P27 Q213 +Q123268 P106 Q1234713 +Q962974 P106 Q1238570 +Q25089 P463 Q463303 +Q1348831 P27 Q30 +Q48995 P740 Q60 +Q49347 P106 Q2919046 +Q236434 P27 Q30 +Q64991 P108 Q43250 +Q65035 P19 Q2973 +Q2424996 P463 Q123885 +Q234104 P1303 Q17172850 +Q259807 P136 Q1146335 +Q210428 P264 Q264137 +Q182609 P106 Q82955 +Q82519 P161 Q309640 +Q77753 P463 Q812155 +Q11107 P19 Q18426 +Q127868 P106 Q28389 +Q193236 P69 Q209344 +Q230499 P1412 Q1321 +Q96285 P106 Q82955 +Q1151944 P3373 Q1193914 +Q29572198 P69 Q49210 +Q712 P530 Q902 +Q1087475 P106 Q33999 +Q93514 P737 Q78506 +Q128507 P19 Q1345 +Q843 P530 Q142 +Q75886 P106 Q3242115 +Q81219 P27 Q171150 +Q287572 P106 Q753110 +Q45789 P1412 Q150 +Q337145 P19 Q727 +Q79031 P641 Q32112 +Q29418 P106 Q1930187 +Q459057 P840 Q812 +Q127330 P106 Q2405480 +Q259254 P136 Q217191 +Q456235 P20 Q84 +Q435437 P106 Q10800557 +Q18456 P106 Q18844224 +Q185071 P161 Q311271 +Q450714 P20 Q127856 +Q164908 P102 Q1713492 +Q366845 P27 Q40 +Q1321910 P27 Q30 +Q194143 P840 Q20 +Q273080 P1303 Q17172850 +Q1020 P530 Q30 +Q742634 P463 Q117467 +Q563 P27 Q142 +Q8023 P119 Q258 +Q270601 P106 Q11774202 +Q194333 P26 Q253476 +Q229920 P1303 Q17172850 +Q291170 P161 Q80405 +Q589497 P106 Q1607826 +Q309838 P1303 Q17172850 +Q78857 P1412 Q188 +Q171969 P106 Q520549 +Q150526 P106 Q10872101 +Q122451 P463 Q4345832 +Q112929 P106 Q4853732 +Q1376957 P27 Q30 +Q432919 P27 Q30 +Q2587336 P27 Q212 +Q523870 P27 Q30 +Q983590 P106 Q19831149 +Q1646 P108 Q646229 +Q2079 P463 Q747279 +Q38193 P69 Q152838 +Q313522 P106 Q2526255 +Q1292776 P19 Q16552 +Q191026 P101 Q23404 +Q44529 P509 Q12192 +Q940439 P27 Q142 +Q72971 P119 Q562211 +Q92455 P106 Q1622272 +Q948 P463 Q191384 +Q69397 P69 Q152838 +Q1380398 P106 Q488205 +Q386514 P106 Q10800557 +Q709646 P106 Q730242 +Q237190 P69 Q7894738 +Q1336479 P106 Q36834 +Q331791 P172 Q49085 +Q103114 P106 Q33999 +Q543443 P1303 Q17172850 +Q228812 P1412 Q7737 +Q588067 P106 Q4610556 +Q155545 P509 Q12202 +Q78763 P27 Q12560 +Q312252 P106 Q28389 +Q21077 P159 Q60 +Q661848 P1412 Q809 +Q16873 P27 Q77 +Q348678 P161 Q391663 +Q17457 P463 Q463303 +Q5549674 P69 Q487556 +Q63117 P106 Q36180 +Q458593 P641 Q847 +Q332892 P136 Q11401 +Q843 P530 Q826 +Q28494 P106 Q36180 +Q453351 P106 Q1930187 +Q20 P530 Q837 +Q184535 P106 Q36180 +Q444371 P140 Q75809 +Q192912 P108 Q9531 +Q85084 P69 Q622683 +Q60876 P27 Q41304 +Q88749 P106 Q49757 +Q244 P463 Q656801 +Q975210 P463 Q463303 +Q68209 P20 Q2833 +Q712 P530 Q865 +Q219810 P136 Q1341051 +Q444857 P19 Q16555 +Q77177 P27 Q218 +Q297552 P106 Q855091 +Q360046 P69 Q35794 +Q251479 P27 Q29 +Q174843 P27 Q30 +Q112176 P108 Q761534 +Q365474 P136 Q37073 +Q216070 P19 Q64 +Q351290 P69 Q190080 +Q235289 P136 Q1196752 +Q6101686 P101 Q8134 +Q314805 P106 Q33999 +Q705743 P27 Q30 +Q258 P530 Q39 +Q134477 P136 Q131539 +Q1277181 P106 Q12800682 +Q182692 P161 Q114179 +Q2287423 P3373 Q13129708 +Q92871 P108 Q230492 +Q430900 P69 Q49167 +Q328532 P27 Q30 +Q232251 P161 Q346965 +Q153015 P37 Q188 +Q337628 P106 Q4773904 +Q101638 P1412 Q1860 +Q76483 P106 Q214917 +Q219780 P106 Q1930187 +Q193156 P106 Q6625963 +Q801 P530 Q16957 +Q216004 P106 Q3658608 +Q2578559 P106 Q901 +Q443166 P106 Q753110 +Q290490 P840 Q1408 +Q101919 P102 Q49768 +Q192812 P1412 Q1860 +Q969048 P106 Q14467526 +Q87073 P140 Q9592 +Q1077554 P106 Q715301 +Q58040 P106 Q188094 +Q83906 P69 Q4614 +Q206124 P161 Q298276 +Q70326 P106 Q482980 +Q723320 P69 Q1426464 +Q435780 P106 Q639669 +Q212518 P106 Q3282637 +Q711978 P19 Q18426 +Q219631 P1303 Q46185 +Q48067 P102 Q79854 +Q188100 P106 Q33999 +Q934097 P1412 Q1321 +Q1678730 P737 Q34787 +Q164674 P1412 Q1860 +Q283932 P136 Q645928 +Q82934 P20 Q90 +Q189534 P1412 Q9072 +Q981171 P69 Q27621 +Q274348 P136 Q8261 +Q356719 P27 Q822 +Q276778 P161 Q440007 +Q159409 P27 Q30 +Q313581 P106 Q36180 +Q63725 P463 Q44687 +Q320305 P106 Q47064 +Q200586 P106 Q10798782 +Q4349 P106 Q970153 +Q678840 P108 Q181410 +Q97676 P27 Q183 +Q180861 P106 Q2526255 +Q17457 P463 Q684415 +Q125663 P106 Q662729 +Q331155 P136 Q11366 +Q230916 P1412 Q7737 +Q77148 P69 Q20266894 +Q487491 P106 Q169470 +Q241941 P161 Q232120 +Q11093 P106 Q36180 +Q5333 P463 Q253439 +Q1349827 P264 Q557632 +Q78704 P106 Q36834 +Q72913 P106 Q1930187 +Q90885 P106 Q36180 +Q550598 P264 Q575026 +Q367748 P840 Q1747689 +Q366057 P106 Q28389 +Q29 P463 Q1072120 +Q331180 P136 Q1054574 +Q85092 P106 Q82955 +Q633103 P106 Q12800682 +Q156321 P509 Q12078 +Q359563 P69 Q658192 +Q105349 P19 Q340 +Q66622 P69 Q315658 +Q203643 P136 Q134307 +Q229156 P106 Q10798782 +Q98687 P1412 Q188 +Q1167005 P106 Q36834 +Q101170 P69 Q34433 +Q252 P530 Q1033 +Q57802 P106 Q1622272 +Q321857 P1303 Q17172850 +Q1200053 P106 Q3282637 +Q189164 P27 Q34266 +Q473239 P69 Q9219 +Q1175266 P264 Q193023 +Q336520 P106 Q131524 +Q204005 P136 Q8341 +Q188526 P136 Q112983 +Q93450 P106 Q36180 +Q44855 P172 Q49085 +Q1691611 P161 Q347986 +Q124159 P69 Q1420239 +Q432929 P1412 Q1860 +Q107914 P161 Q373500 +Q108175 P106 Q1622272 +Q2560493 P108 Q854280 +Q84579 P27 Q40 +Q1441274 P136 Q11399 +Q11124 P69 Q34433 +Q147243 P17 Q12560 +Q116032 P463 Q133957 +Q270669 P106 Q488205 +Q64949 P1303 Q17172850 +Q485280 P1303 Q5994 +Q706034 P27 Q30 +Q55502 P17 Q822 +Q556858 P106 Q158852 +Q189454 P1050 Q2840 +Q165421 P26 Q9696 +Q26876 P1303 Q78987 +Q897275 P27 Q183 +Q39 P530 Q1016 +Q51488 P20 Q65 +Q65385 P108 Q658626 +Q75968 P106 Q1743122 +Q35064 P509 Q12192 +Q57303 P106 Q82955 +Q344153 P1412 Q256 +Q49819 P106 Q5482740 +Q76513 P101 Q5891 +Q221586 P161 Q95048 +Q319751 P106 Q1415090 +Q510653 P69 Q849751 +Q86165 P19 Q1741 +Q41257 P20 Q586 +Q1349284 P509 Q29496 +Q4119 P140 Q7066 +Q351339 P106 Q10732476 +Q180099 P19 Q1345 +Q102788 P108 Q156598 +Q320025 P106 Q43845 +Q3769061 P1303 Q17172850 +Q726440 P106 Q488205 +Q277099 P106 Q3282637 +Q97470 P106 Q36180 +Q1112005 P551 Q127856 +Q58612 P19 Q2999 +Q58198 P1412 Q188 +Q261669 P106 Q33999 +Q370026 P27 Q145 +Q319277 P106 Q19723482 +Q369762 P463 Q188771 +Q405672 P1412 Q809 +Q373508 P106 Q82955 +Q443120 P27 Q30 +Q470334 P106 Q2306091 +Q435468 P106 Q33999 +Q7199 P106 Q12144794 +Q263582 P106 Q130857 +Q175759 P101 Q184485 +Q316231 P27 Q30 +Q4356896 P27 Q33 +Q43 P530 Q142 +Q5482339 P27 Q174193 +Q268160 P136 Q211573 +Q456903 P27 Q30 +Q455552 P136 Q1054574 +Q481474 P106 Q1792450 +Q945633 P136 Q1344 +Q83906 P20 Q65 +Q113601 P1412 Q652 +Q255577 P108 Q126399 +Q165824 P20 Q84 +Q2628 P102 Q310296 +Q3731533 P27 Q30 +Q203243 P463 Q270794 +Q102813 P509 Q47912 +Q22686 P69 Q130965 +Q212145 P840 Q232 +Q117970 P106 Q8246794 +Q387414 P495 Q183 +Q516505 P27 Q31 +Q189042 P106 Q1234713 +Q85394 P108 Q1446181 +Q287572 P106 Q36834 +Q2516 P140 Q75809 +Q25147 P136 Q1344 +Q88844 P1412 Q188 +Q159227 P106 Q82955 +Q49498 P136 Q130232 +Q62354 P27 Q142 +Q34 P530 Q833 +Q538708 P106 Q36180 +Q86602 P106 Q201788 +Q517 P3373 Q7729 +Q1321093 P19 Q65 +Q298908 P106 Q10800557 +Q193659 P140 Q13211738 +Q153018 P20 Q1735 +Q284229 P161 Q445115 +Q238422 P1412 Q1860 +Q321527 P27 Q30 +Q286868 P136 Q319221 +Q241510 P106 Q3282637 +Q11869 P20 Q61 +Q276525 P172 Q678551 +Q96 P530 Q79 +Q1060636 P106 Q4853732 +Q1590452 P108 Q621043 +Q521170 P1412 Q7737 +Q63209 P106 Q39631 +Q104276 P106 Q36180 +Q62661 P1412 Q188 +Q76329 P106 Q36180 +Q161084 P1412 Q188 +Q60766 P69 Q569350 +Q77006 P1412 Q1860 +Q968099 P136 Q3017271 +Q714141 P106 Q10800557 +Q71004 P551 Q30 +Q89491 P69 Q174710 +Q108703 P106 Q901402 +Q359791 P264 Q277626 +Q207380 P106 Q42973 +Q81224 P495 Q30 +Q253978 P161 Q421707 +Q234591 P136 Q11366 +Q1965416 P551 Q159 +Q123386 P106 Q6625963 +Q435857 P19 Q12439 +Q314151 P27 Q159 +Q117301 P106 Q10800557 +Q269810 P161 Q873 +Q45789 P106 Q170790 +Q41142 P102 Q29552 +Q52570 P1412 Q9027 +Q154353 P463 Q3291340 +Q329700 P106 Q10798782 +Q85691 P102 Q49764 +Q164578 P106 Q1234713 +Q33031 P19 Q3711 +Q152437 P69 Q221645 +Q12957 P509 Q12152 +Q160902 P69 Q152838 +Q47265 P17 Q30 +Q1689346 P106 Q177220 +Q151118 P1303 Q17172850 +Q44833 P1303 Q17172850 +Q289180 P106 Q15627169 +Q1049686 P136 Q11399 +Q325422 P106 Q18844224 +Q25880 P106 Q36180 +Q263772 P1412 Q1860 +Q81223 P106 Q10798782 +Q295964 P106 Q1053574 +Q626061 P509 Q12136 +Q945641 P106 Q1930187 +Q1012900 P69 Q705737 +Q429046 P106 Q10800557 +Q1375814 P264 Q2338889 +Q177847 P20 Q1524 +Q164674 P106 Q28389 +Q110714 P1303 Q8343 +Q319684 P106 Q36180 +Q275939 P106 Q753110 +Q543719 P106 Q639669 +Q254555 P161 Q436503 +Q92635 P106 Q81096 +Q955077 P69 Q13371 +Q388950 P136 Q645928 +Q6294 P102 Q29552 +Q4430 P161 Q151973 +Q128967 P69 Q34433 +Q171453 P840 Q65 +Q107422 P135 Q7066 +Q109149 P69 Q159895 +Q242128 P106 Q15253558 +Q434095 P1412 Q7026 +Q266445 P106 Q10800557 +Q169982 P106 Q40348 +Q213864 P106 Q10349745 +Q986 P463 Q340195 +Q50797 P106 Q33999 +Q10953 P106 Q182436 +Q110714 P551 Q1581 +Q364679 P1412 Q1860 +Q188000 P495 Q30 +Q106326 P27 Q142 +Q23114 P106 Q15949613 +Q84266 P27 Q15180 +Q505563 P1303 Q5994 +Q84579 P27 Q34266 +Q339403 P106 Q13382533 +Q588449 P106 Q1930187 +Q232384 P106 Q177220 +Q719010 P69 Q273626 +Q704294 P19 Q2634 +Q309709 P106 Q36834 +Q254789 P69 Q1335573 +Q463184 P509 Q389735 +Q738765 P19 Q3640 +Q44412 P463 Q1636237 +Q122335 P27 Q30 +Q102336 P69 Q161976 +Q165219 P551 Q99 +Q928 P530 Q41 +Q271981 P27 Q145 +Q1027 P530 Q865 +Q11734 P106 Q193391 +Q433403 P20 Q34006 +Q36233 P106 Q36180 +Q241248 P106 Q11774202 +Q95026 P106 Q3282637 +Q12696 P106 Q37226 +Q42051 P495 Q30 +Q434502 P27 Q30 +Q214466 P551 Q23768 +Q836 P463 Q827525 +Q1346521 P106 Q1622272 +Q708963 P509 Q188605 +Q383784 P106 Q28389 +Q135481 P106 Q49757 +Q131074 P407 Q1860 +Q89054 P1412 Q150 +Q930987 P69 Q999763 +Q319523 P101 Q1930187 +Q363949 P106 Q39631 +Q99612 P106 Q13416354 +Q249235 P136 Q20442589 +Q966669 P19 Q172 +Q554746 P1412 Q7737 +Q90577 P106 Q49757 +Q165524 P106 Q33999 +Q7934 P1412 Q7976 +Q70650 P108 Q153978 +Q538901 P264 Q216364 +Q212804 P161 Q242717 +Q83542 P161 Q170576 +Q337453 P19 Q84 +Q64902 P69 Q154804 +Q291500 P106 Q36180 +Q91730 P20 Q2999 +Q43936 P106 Q4504549 +Q60116 P106 Q36180 +Q1787960 P19 Q8678 +Q530377 P551 Q12439 +Q947519 P1412 Q652 +Q231182 P106 Q947873 +Q232395 P27 Q30 +Q190379 P463 Q40358 +Q156201 P106 Q17167049 +Q634776 P106 Q11900058 +Q300439 P161 Q229220 +Q651059 P108 Q221653 +Q123078 P106 Q4263842 +Q14277 P463 Q188771 +Q213870 P463 Q329464 +Q202815 P106 Q64733534 +Q379250 P106 Q177220 +Q272303 P40 Q30875 +Q88050 P1412 Q188 +Q343394 P106 Q2526255 +Q1577693 P463 Q1202021 +Q105158 P136 Q2973181 +Q235384 P106 Q177220 +Q64180 P108 Q152171 +Q313653 P69 Q49110 +Q221202 P136 Q1200678 +Q727717 P106 Q193391 +Q304030 P161 Q313043 +Q5912 P135 Q39427 +Q313039 P106 Q2259451 +Q921823 P69 Q270145 +Q43416 P1303 Q46185 +Q298016 P69 Q29052 +Q233081 P101 Q207628 +Q465105 P19 Q16563 +Q462149 P495 Q145 +Q61000 P106 Q82955 +Q373895 P27 Q30 +Q19356 P136 Q157443 +Q557665 P1412 Q9288 +Q62882 P106 Q81096 +Q8015 P27 Q29 +Q272079 P27 Q30 +Q333265 P102 Q79854 +Q71407 P1412 Q188 +Q557948 P106 Q639669 +Q125666 P106 Q13235160 +Q4275371 P106 Q901 +Q338623 P101 Q208217 +Q110354 P161 Q108510 +Q168274 P27 Q30 +Q310926 P69 Q49109 +Q36843 P102 Q7320 +Q152503 P551 Q84 +Q239331 P106 Q10800557 +Q6096 P19 Q16739 +Q440932 P106 Q2526255 +Q354394 P106 Q1622272 +Q156516 P161 Q94882 +Q717 P530 Q766 +Q452307 P106 Q10800557 +Q310315 P1412 Q1860 +Q51781 P108 Q190080 +Q368732 P106 Q36180 +Q296950 P69 Q55044 +Q3731533 P19 Q11299 +Q252734 P106 Q36834 +Q977488 P1412 Q1860 +Q1011 P463 Q376150 +Q319648 P101 Q131524 +Q129629 P106 Q937857 +Q57266 P69 Q55044 +Q236835 P106 Q36180 +Q132964 P509 Q2140674 +Q83643 P27 Q159 +Q432385 P106 Q10800557 +Q72060 P1412 Q188 +Q163159 P101 Q309 +Q103343 P106 Q10798782 +Q152388 P119 Q881481 +Q596817 P106 Q177220 +Q7739610 P17 Q30 +Q621549 P131 Q104994 +Q49319 P106 Q177220 +Q154448 P106 Q5322166 +Q12833 P101 Q143 +Q152318 P106 Q2095549 +Q90315 P106 Q1930187 +Q259047 P106 Q177220 +Q77667 P106 Q82955 +Q257317 P69 Q230492 +Q274604 P19 Q5092 +Q83566 P106 Q1930187 +Q178517 P264 Q183412 +Q81807 P27 Q30 +Q102551 P136 Q21590660 +Q192073 P161 Q269869 +Q635131 P20 Q1337818 +Q342723 P20 Q3143067 +Q277551 P264 Q2291171 +Q5784301 P161 Q319751 +Q919565 P106 Q488205 +Q215820 P27 Q183 +Q108677 P69 Q152087 +Q73651 P161 Q170587 +Q236094 P136 Q182357 +Q15462 P106 Q3621491 +Q154367 P106 Q14467526 +Q153658 P106 Q5716684 +Q392677 P161 Q238305 +Q220210 P106 Q557880 +Q41340 P26 Q102711 +Q12706 P509 Q12192 +Q291183 P106 Q864380 +Q186327 P106 Q177220 +Q1346832 P106 Q2252262 +Q453602 P119 Q746647 +Q874 P463 Q188822 +Q239652 P106 Q13418253 +Q315087 P106 Q2405480 +Q312857 P108 Q336968 +Q84199 P463 Q414110 +Q71650 P136 Q182015 +Q37767 P737 Q271032 +Q730 P530 Q30 +Q315518 P1412 Q7737 +Q145132 P136 Q21590660 +Q221202 P136 Q157443 +Q290091 P69 Q49110 +Q65329 P19 Q1733 +Q229545 P106 Q10800557 +Q76534 P19 Q2795 +Q236017 P27 Q13426199 +Q408 P530 Q685 +Q303 P641 Q11419 +Q534599 P106 Q4263842 +Q298761 P737 Q83158 +Q80510 P136 Q164444 +Q104137 P136 Q959790 +Q940891 P106 Q36834 +Q232015 P106 Q55960555 +Q152542 P19 Q40435 +Q325389 P264 Q121698 +Q77881 P106 Q4964182 +Q235719 P106 Q10800557 +Q82934 P27 Q142 +Q65344 P27 Q183 +Q72756 P1050 Q3321212 +Q180395 P161 Q209175 +Q188159 P840 Q39 +Q951581 P106 Q487596 +Q172183 P108 Q503473 +Q235737 P106 Q177220 +Q713246 P19 Q1492 +Q936132 P509 Q181754 +Q569378 P106 Q201788 +Q141829 P140 Q7066 +Q34660 P136 Q132311 +Q40912 P264 Q843402 +Q248562 P161 Q313653 +Q231091 P106 Q2405480 +Q314673 P1412 Q1860 +Q436664 P140 Q7066 +Q211136 P106 Q639669 +Q152335 P106 Q40348 +Q45 P530 Q35 +Q159704 P27 Q142 +Q289204 P840 Q65 +Q189554 P106 Q33999 +Q66379 P69 Q55044 +Q196004 P840 Q1439 +Q79025 P106 Q14915627 +Q84476 P27 Q183 +Q347428 P106 Q10800557 +Q294185 P3373 Q109232 +Q208344 P161 Q2680 +Q318910 P840 Q90 +Q11637 P140 Q6423963 +Q65084 P27 Q183 +Q2066 P463 Q747279 +Q225 P463 Q899770 +Q75757 P1412 Q188 +Q292043 P106 Q4853732 +Q202144 P27 Q30 +Q346801 P551 Q5083 +Q45765 P106 Q1930187 +Q209169 P106 Q81096 +Q110185 P463 Q684415 +Q217619 P108 Q49088 +Q235252 P19 Q18419 +Q272224 P27 Q145 +Q93797 P106 Q36180 +Q58720 P20 Q656 +Q503597 P27 Q30 +Q41871 P1412 Q1860 +Q60970 P106 Q36834 +Q66475 P27 Q183 +Q61059 P106 Q36834 +Q73918 P551 Q2814 +Q120664 P106 Q18805 +Q12769 P106 Q860918 +Q35610 P106 Q28389 +Q92638 P108 Q49108 +Q155412 P264 Q664167 +Q42493 P264 Q193023 +Q380286 P106 Q193391 +Q75185 P463 Q44687 +Q440528 P1412 Q1860 +Q31 P30 Q46 +Q327681 P495 Q183 +Q91428 P27 Q183 +Q311684 P69 Q34433 +Q918268 P463 Q161806 +Q1869643 P106 Q177220 +Q89764 P106 Q10798782 +Q43408 P161 Q223830 +Q186504 P136 Q130232 +Q835 P106 Q214917 +Q29055 P106 Q3282637 +Q557 P264 Q664167 +Q945301 P463 Q191583 +Q1261353 P106 Q4610556 +Q275875 P106 Q245068 +Q269890 P106 Q5716684 +Q184404 P106 Q5716684 +Q35064 P106 Q186360 +Q1175266 P264 Q287177 +Q1140309 P840 Q889 +Q177917 P106 Q82955 +Q361158 P69 Q7866352 +Q90635 P106 Q2490358 +Q206439 P136 Q164444 +Q155855 P509 Q12192 +Q11459 P641 Q847 +Q188426 P27 Q30 +Q63826 P102 Q49768 +Q203840 P106 Q2526255 +Q285462 P26 Q221450 +Q324588 P106 Q177220 +Q854 P463 Q7825 +Q62898 P69 Q180865 +Q309989 P106 Q189290 +Q267526 P136 Q2484376 +Q93692 P19 Q90 +Q306 P106 Q557880 +Q267265 P551 Q49218 +Q182870 P106 Q18844224 +Q299194 P106 Q2707485 +Q659020 P106 Q11900058 +Q218889 P108 Q1186843 +Q117101 P106 Q864380 +Q259446 P27 Q96 +Q846 P463 Q47543 +Q78628 P106 Q1622272 +Q94284 P495 Q183 +Q5977 P27 Q30 +Q634025 P106 Q13582652 +Q431591 P106 Q36834 +Q3550828 P106 Q28389 +Q132095 P106 Q170790 +Q77109 P108 Q122453 +Q99564 P106 Q250867 +Q214947 P27 Q28513 +Q429664 P106 Q10798782 +Q930987 P106 Q4263842 +Q55 P30 Q46 +Q421478 P106 Q81096 +Q541599 P136 Q379671 +Q48055 P20 Q3711 +Q125133 P106 Q82955 +Q451079 P463 Q1559701 +Q555613 P172 Q50001 +Q272943 P106 Q639669 +Q539171 P27 Q142 +Q291314 P27 Q145 +Q225933 P27 Q30 +Q57399 P20 Q64 +Q1173729 P1303 Q8338 +Q78107 P27 Q183 +Q375356 P106 Q33999 +Q537386 P1303 Q133163 +Q7711132 P161 Q374220 +Q238751 P20 Q1781 +Q319934 P27 Q30 +Q34 P530 Q965 +Q441551 P69 Q49088 +Q1349501 P27 Q183 +Q52440 P27 Q30 +Q7197 P106 Q18939491 +Q159976 P1412 Q188 +Q215673 P509 Q12192 +Q10681 P1412 Q150 +Q1346832 P1412 Q1860 +Q851 P530 Q403 +Q69110 P106 Q15895020 +Q233697 P1303 Q17172850 +Q237030 P106 Q2865819 +Q41 P530 Q739 +Q379684 P106 Q36834 +Q364131 P106 Q36834 +Q236151 P106 Q4610556 +Q11031 P108 Q593321 +Q78525 P27 Q142 +Q60969 P106 Q520549 +Q319527 P40 Q193504 +Q158436 P136 Q9734 +Q78928 P106 Q2259451 +Q230 P530 Q801 +Q75089 P106 Q350979 +Q51575 P69 Q705737 +Q359031 P27 Q30 +Q247501 P108 Q21578 +Q55190 P509 Q12152 +Q462406 P136 Q1033891 +Q81244 P551 Q1741 +Q57619 P19 Q1715 +Q706941 P1303 Q9798 +Q39246 P1412 Q1860 +Q352203 P106 Q33999 +Q274342 P69 Q27621 +Q591270 P106 Q33999 +Q323318 P495 Q30 +Q41042 P106 Q49757 +Q180819 P106 Q639669 +Q158753 P264 Q700359 +Q213553 P69 Q371625 +Q62263 P27 Q183 +Q13047979 P101 Q11190 +Q76258 P1412 Q188 +Q14278 P463 Q543804 +Q356986 P106 Q19723482 +Q102139 P27 Q35 +Q96050 P19 Q2814 +Q441713 P40 Q41148 +Q3259416 P19 Q1449 +Q797649 P106 Q14467526 +Q527394 P106 Q28389 +Q167409 P1303 Q8355 +Q931148 P106 Q6625963 +Q189078 P264 Q183387 +Q739915 P106 Q753110 +Q19837 P140 Q748 +Q95994 P108 Q154804 +Q339403 P69 Q1426464 +Q92747 P106 Q10732476 +Q465350 P106 Q33999 +Q317742 P106 Q177220 +Q33528 P463 Q3291340 +Q85636 P27 Q28513 +Q292373 P264 Q193023 +Q31959 P106 Q36180 +Q189186 P69 Q1376987 +Q162492 P106 Q2259451 +Q228792 P106 Q5716684 +Q1046038 P27 Q38 +Q83739 P161 Q310785 +Q561116 P106 Q28389 +Q159542 P463 Q543804 +Q237514 P106 Q42909 +Q183 P463 Q826700 +Q311755 P106 Q28389 +Q740596 P106 Q49757 +Q1544666 P106 Q36834 +Q731139 P27 Q145 +Q36591 P172 Q49542 +Q191408 P106 Q486748 +Q64856 P106 Q1622272 +Q43267 P138 Q336222 +Q24075 P136 Q200092 +Q322381 P106 Q1350157 +Q726295 P136 Q183504 +Q127539 P69 Q3064259 +Q172975 P161 Q39792 +Q351527 P463 Q2822396 +Q49492 P20 Q127856 +Q430872 P106 Q10800557 +Q959153 P3373 Q40026 +Q207 P19 Q49145 +Q1041 P463 Q1065 +Q222791 P27 Q38 +Q691 P463 Q8475 +Q366091 P69 Q156598 +Q275003 P737 Q859 +Q359552 P1303 Q17172850 +Q188482 P106 Q639669 +Q149557 P102 Q29468 +Q724343 P106 Q49757 +Q270374 P27 Q801 +Q69773 P106 Q8178443 +Q506379 P106 Q1238570 +Q155786 P106 Q205375 +Q542886 P27 Q35 +Q294819 P27 Q155 +Q123973 P108 Q156737 +Q379949 P27 Q142 +Q318485 P106 Q10798782 +Q104276 P106 Q4964182 +Q196685 P840 Q8652 +Q30 P530 Q1039 +Q98524 P20 Q2814 +Q380787 P27 Q822 +Q35314 P106 Q82955 +Q1029 P463 Q816706 +Q544387 P102 Q29468 +Q621462 P106 Q189290 +Q668 P463 Q376150 +Q204868 P106 Q4263842 +Q62906 P101 Q21198 +Q734 P463 Q294278 +Q488429 P1303 Q6607 +Q377614 P106 Q205375 +Q60714 P463 Q44687 +Q164351 P1412 Q188 +Q357974 P19 Q24826 +Q370747 P19 Q40435 +Q166796 P106 Q488205 +Q264730 P106 Q5322166 +Q191850 P20 Q90 +Q144164 P106 Q1792450 +Q435290 P106 Q205375 +Q220192 P161 Q316596 +Q62254 P106 Q250867 +Q916444 P131 Q90 +Q155786 P27 Q28 +Q105895 P106 Q49757 +Q826 P463 Q7809 +Q28234 P136 Q130232 +Q85112 P27 Q40 +Q232511 P106 Q186360 +Q190770 P69 Q13371 +Q538716 P19 Q38022 +Q20749396 P106 Q3387717 +Q709935 P106 Q11631 +Q138084 P495 Q30 +Q219655 P1412 Q188 +Q71633 P106 Q170790 +Q249350 P136 Q1033891 +Q208537 P463 Q463303 +Q34787 P172 Q42884 +Q2308660 P69 Q926749 +Q190220 P106 Q4853732 +Q219551 P136 Q1344 +Q869 P530 Q928 +Q182212 P161 Q76478 +Q314945 P69 Q1026827 +Q50020 P106 Q34074720 +Q168728 P172 Q846570 +Q271032 P69 Q1143281 +Q105940 P106 Q36180 +Q105801 P161 Q235146 +Q264699 P106 Q36180 +Q150630 P27 Q172579 +Q241248 P463 Q463281 +Q166554 P161 Q259461 +Q65126 P102 Q49764 +Q88464 P20 Q2090 +Q901677 P112 Q590420 +Q200509 P27 Q12548 +Q216478 P106 Q43845 +Q270664 P106 Q177220 +Q967886 P101 Q1238570 +Q609151 P69 Q49204 +Q271956 P108 Q27923720 +Q314597 P27 Q30 +Q80739 P19 Q462799 +Q182991 P26 Q283317 +Q26274 P106 Q2526255 +Q441440 P27 Q30 +Q153484 P161 Q313652 +Q51110 P106 Q33999 +Q381039 P1412 Q1860 +Q227129 P106 Q33999 +Q92906 P106 Q1622272 +Q134456 P106 Q482980 +Q222071 P551 Q65 +Q4346512 P69 Q981195 +Q74579 P161 Q357607 +Q213799 P106 Q36180 +Q1978533 P69 Q1329269 +Q182870 P136 Q186424 +Q72543 P108 Q2994538 +Q335598 P1303 Q5994 +Q77079 P1412 Q188 +Q333265 P106 Q13219637 +Q19069 P161 Q36105 +Q27513 P57 Q220751 +Q212632 P140 Q35032 +Q108206 P27 Q145 +Q92456 P19 Q365 +Q188848 P106 Q4853732 +Q1715 P17 Q27306 +Q922191 P463 Q463281 +Q221113 P136 Q1341051 +Q75220 P27 Q183 +Q2902064 P106 Q43845 +Q292539 P119 Q592204 +Q100276 P108 Q151510 +Q229228 P106 Q33999 +Q1507223 P106 Q81096 +Q368674 P161 Q621490 +Q1453045 P106 Q639669 +Q155112 P101 Q431 +Q706034 P106 Q3368718 +Q170373 P101 Q12271 +Q60178 P106 Q36180 +Q94350 P108 Q165980 +Q526220 P20 Q61 +Q261923 P161 Q229612 +Q604510 P27 Q30 +Q274233 P106 Q333634 +Q40572 P451 Q156796 +Q123225 P1412 Q397 +Q111189 P140 Q9592 +Q924 P463 Q1065 +Q331155 P1303 Q17172850 +Q63234 P106 Q82955 +Q960778 P106 Q28389 +Q76625 P102 Q49750 +Q34836 P27 Q30 +Q264730 P26 Q51559 +Q1534428 P19 Q65 +Q944159 P172 Q49085 +Q189172 P108 Q83172 +Q370959 P106 Q10800557 +Q92670 P106 Q170790 +Q164824 P106 Q901 +Q905 P106 Q1209498 +Q13003 P27 Q38 +Q57344 P106 Q1622272 +Q244234 P106 Q2405480 +Q112307 P136 Q37073 +Q29473 P106 Q36180 +Q152318 P102 Q79854 +Q438608 P509 Q12078 +Q587873 P27 Q77 +Q761838 P106 Q131524 +Q58009 P463 Q44687 +Q61863 P463 Q337526 +Q187019 P136 Q8261 +Q135156 P136 Q188473 +Q264989 P106 Q36834 +Q131660 P69 Q209842 +Q118066 P106 Q177220 +Q67597 P19 Q3936 +Q230 P530 Q686 +Q310926 P102 Q29552 +Q282722 P106 Q855091 +Q493 P106 Q49757 +Q505882 P106 Q2252262 +Q106592 P1412 Q150 +Q261588 P1412 Q7737 +Q761176 P106 Q82955 +Q948093 P106 Q177220 +Q156349 P106 Q193391 +Q95314 P106 Q2259451 +Q233946 P1303 Q5994 +Q33977 P136 Q482 +Q323452 P69 Q523926 +Q233566 P136 Q858330 +Q843 P530 Q865 +Q263772 P106 Q36834 +Q441414 P119 Q1437214 +Q561212 P106 Q182436 +Q73007 P106 Q36180 +Q3986379 P161 Q10633 +Q433059 P69 Q309350 +Q453314 P106 Q183945 +Q1111386 P101 Q12271 +Q316032 P106 Q3282637 +Q1299302 P106 Q753110 +Q41513 P27 Q174193 +Q92745 P463 Q1423356 +Q344537 P161 Q288180 +Q1435910 P106 Q33999 +Q191543 P161 Q229775 +Q227 P463 Q81299 +Q371182 P27 Q145 +Q153159 P106 Q36180 +Q107405 P106 Q81096 +Q90201 P27 Q15180 +Q276005 P1303 Q17172850 +Q66735968 P101 Q11629 +Q192185 P106 Q486748 +Q1329421 P106 Q183945 +Q505476 P264 Q212699 +Q1711615 P1303 Q128309 +Q573584 P463 Q1429947 +Q108941 P69 Q1051840 +Q937 P463 Q123885 +Q332462 P108 Q165980 +Q11256 P101 Q7163 +Q555426 P1303 Q6607 +Q28517 P101 Q82955 +Q634125 P20 Q1345 +Q553959 P1303 Q5994 +Q85490 P1412 Q188 +Q60153 P140 Q75809 +Q4864 P106 Q5482740 +Q345531 P19 Q60 +Q114191 P1412 Q7411 +Q329018 P136 Q9759 +Q386291 P161 Q102711 +Q124094 P106 Q1622272 +Q183439 P106 Q10798782 +Q2973 P17 Q41304 +Q843 P530 Q33 +Q456903 P106 Q10800557 +Q3017168 P106 Q128124 +Q924 P530 Q851 +Q164396 P1412 Q8785 +Q123849 P106 Q10798782 +Q220078 P106 Q28389 +Q115483 P106 Q864380 +Q45 P463 Q1072120 +Q72984 P106 Q2259451 +Q216179 P264 Q1200368 +Q2793815 P106 Q28389 +Q47906 P106 Q82955 +Q280856 P140 Q6423963 +Q278174 P106 Q1930187 +Q364582 P106 Q28389 +Q93043 P69 Q610999 +Q58577 P106 Q205375 +Q260548 P136 Q188473 +Q332348 P161 Q184572 +Q107130 P106 Q82955 +Q1287147 P106 Q855091 +Q1382863 P136 Q9759 +Q72001 P27 Q183 +Q381014 P27 Q17 +Q325077 P161 Q78006 +Q179201 P106 Q752129 +Q17889 P140 Q178169 +Q47216 P106 Q18814623 +Q884 P463 Q191384 +Q346801 P106 Q855091 +Q356217 P106 Q20669622 +Q244333 P840 Q1509 +Q49285 P108 Q622664 +Q300568 P161 Q726057 +Q57426 P106 Q49757 +Q62833 P108 Q32120 +Q185465 P451 Q44855 +Q142292 P495 Q30 +Q44331 P106 Q6625963 +Q203533 P27 Q38 +Q445703 P119 Q311 +Q168431 P106 Q6625963 +Q516285 P106 Q1326886 +Q724276 P106 Q33999 +Q28 P530 Q948 +Q392 P1303 Q5994 +Q183 P530 Q804 +Q551075 P20 Q1085 +Q851 P530 Q30 +Q58801 P27 Q145 +Q545822 P27 Q30 +Q220376 P161 Q40096 +Q129259 P17 Q12544 +Q443343 P106 Q2259451 +Q80938 P140 Q131036 +Q367973 P119 Q311 +Q151898 P136 Q157394 +Q1944655 P108 Q49115 +Q268181 P140 Q7066 +Q61310 P20 Q3033 +Q57139 P27 Q43287 +Q242 P463 Q1065 +Q123724 P106 Q753110 +Q72867 P106 Q3282637 +Q67535 P119 Q819654 +Q313814 P106 Q2405480 +Q781 P463 Q7825 +Q231942 P27 Q30 +Q371348 P106 Q177220 +Q717 P530 Q801 +Q231214 P69 Q1420239 +Q97771 P102 Q49768 +Q211831 P1412 Q1860 +Q74667 P108 Q875788 +Q57384 P1412 Q1860 +Q76395 P106 Q1238570 +Q73482 P108 Q161976 +Q183008 P1303 Q17172850 +Q273311 P106 Q1930187 +Q200299 P161 Q513849 +Q104067 P106 Q10798782 +Q37 P463 Q656801 +Q3022141 P69 Q35794 +Q197491 P57 Q433893 +Q221113 P161 Q160432 +Q272719 P106 Q639669 +Q528647 P106 Q36180 +Q327312 P136 Q188473 +Q545822 P140 Q9592 +Q221202 P161 Q166212 +Q369394 P106 Q28389 +Q191999 P172 Q1075293 +Q720868 P106 Q36180 +Q62765 P463 Q265058 +Q449575 P106 Q1930187 +Q216070 P20 Q60 +Q187884 P106 Q2722764 +Q691973 P20 Q220 +Q388950 P161 Q433520 +Q102754 P50 Q82104 +Q105585 P641 Q718 +Q434095 P106 Q201788 +Q93890 P463 Q44687 +Q62202 P19 Q3033 +Q167399 P106 Q28389 +Q156622 P27 Q38 +Q235415 P106 Q37226 +Q1691566 P27 Q145 +Q438310 P136 Q37073 +Q241 P530 Q77 +Q1325743 P69 Q1093910 +Q311439 P136 Q9730 +Q153238 P1412 Q1860 +Q211785 P136 Q699 +Q245257 P737 Q6882 +Q94882 P27 Q83286 +Q306122 P136 Q83270 +Q239818 P26 Q310343 +Q60163 P101 Q11629 +Q38203 P509 Q12136 +Q206374 P136 Q2484376 +Q233253 P509 Q12206 +Q167696 P106 Q36834 +Q460379 P136 Q2484376 +Q195949 P161 Q299297 +Q387655 P106 Q488205 +Q267386 P106 Q10800557 +Q280978 P19 Q1345 +Q918668 P108 Q9531 +Q705653 P27 Q30 +Q348497 P106 Q49757 +Q93562 P463 Q270794 +Q962908 P19 Q1486 +Q312975 P106 Q593644 +Q20 P530 Q711 +Q55456 P106 Q36180 +Q51525 P106 Q3282637 +Q143867 P27 Q183 +Q23543 P106 Q488205 +Q233618 P106 Q10798782 +Q62400 P106 Q1622272 +Q528832 P108 Q23548 +Q57180 P463 Q83172 +Q118812 P108 Q168426 +Q148 P530 Q843 +Q188569 P101 Q179805 +Q1181035 P1412 Q1860 +Q516473 P20 Q16556 +Q76516 P27 Q183 +Q2849296 P106 Q1281618 +Q232419 P106 Q2259451 +Q116359 P106 Q3387717 +Q180338 P106 Q33999 +Q62963 P1412 Q188 +Q123469 P20 Q220 +Q717884 P108 Q1760438 +Q78890 P69 Q165980 +Q105167 P106 Q36180 +Q596717 P106 Q639669 +Q46706 P737 Q315132 +Q234335 P106 Q1930187 +Q13513 P1412 Q150 +Q131152 P69 Q737835 +Q230836 P1412 Q1860 +Q363867 P119 Q1302545 +Q276218 P106 Q28389 +Q287793 P106 Q10800557 +Q167265 P161 Q191132 +Q446743 P106 Q201788 +Q237255 P106 Q2526255 +Q175305 P106 Q639669 +Q970 P463 Q7159 +Q151972 P106 Q10800557 +Q104301 P27 Q43287 +Q166262 P161 Q45772 +Q865 P530 Q970 +Q231576 P106 Q5716684 +Q295923 P136 Q11401 +Q131374 P27 Q2184 +Q317251 P106 Q10798782 +Q87298 P106 Q1622272 +Q716776 P106 Q188094 +Q230454 P106 Q639669 +Q323463 P19 Q18432 +Q277978 P106 Q10800557 +Q148 P530 Q39 +Q561116 P106 Q49757 +Q337206 P27 Q30 +Q440817 P136 Q183504 +Q2646 P102 Q49768 +Q257551 P1412 Q150 +Q254555 P161 Q232827 +Q951621 P106 Q1930187 +Q456271 P1412 Q1860 +Q18832 P106 Q18844224 +Q448930 P27 Q30 +Q1337067 P106 Q43845 +Q468577 P551 Q84 +Q362258 P1303 Q79838 +Q314926 P106 Q10800557 +Q158474 P161 Q313653 +Q432102 P161 Q314208 +Q429934 P136 Q2484376 +Q219878 P463 Q55641 +Q180989 P20 Q1297 +Q352233 P19 Q25395 +Q706332 P1303 Q6607 +Q202449 P69 Q503246 +Q233584 P737 Q37767 +Q199927 P106 Q10798782 +Q449743 P495 Q30 +Q43274 P106 Q36180 +Q974795 P264 Q1088453 +Q77144 P106 Q1622272 +Q81960 P27 Q145 +Q449235 P463 Q1468277 +Q295974 P106 Q2259451 +Q266368 P106 Q4853732 +Q729115 P27 Q41 +Q774 P463 Q1043527 +Q33977 P172 Q121842 +Q52924 P20 Q1754 +Q315208 P106 Q1053574 +Q1059718 P27 Q17 +Q431802 P106 Q82955 +Q1000 P463 Q376150 +Q367489 P106 Q2526255 +Q363525 P106 Q3282637 +Q106942 P106 Q36180 +Q357786 P136 Q37073 +Q159250 P641 Q5386 +Q587852 P136 Q11401 +Q202878 P106 Q2259451 +Q450789 P19 Q1524 +Q180405 P136 Q3072039 +Q1853186 P106 Q855091 +Q2201 P161 Q233868 +Q240788 P106 Q81096 +Q288661 P106 Q3282637 +Q242351 P69 Q31519 +Q480484 P106 Q1209498 +Q327546 P136 Q200092 +Q205435 P106 Q33999 +Q219634 P106 Q36180 +Q215600 P106 Q1930187 +Q319171 P136 Q959790 +Q206439 P106 Q33999 +Q215999 P27 Q145 +Q883730 P69 Q60450 +Q216478 P140 Q7066 +Q352738 P1412 Q7913 +Q981526 P1303 Q8355 +Q605443 P106 Q133485 +Q79178 P106 Q805221 +Q126183 P840 Q60 +Q48093 P119 Q208175 +Q160215 P136 Q1054574 +Q75209 P119 Q176298 +Q435060 P106 Q488205 +Q49021 P136 Q191489 +Q715150 P106 Q81096 +Q128759 P463 Q2822396 +Q126432 P106 Q2599593 +Q1803878 P509 Q188605 +Q357645 P172 Q49085 +Q317521 P69 Q1329269 +Q23844 P106 Q2405480 +Q164797 P20 Q174 +Q209169 P27 Q142 +Q232260 P172 Q42406 +Q231487 P101 Q207628 +Q843 P530 Q183 +Q240896 P106 Q36180 +Q93115 P108 Q217365 +Q193835 P161 Q175535 +Q52627 P27 Q30 +Q336640 P106 Q1415090 +Q33131 P161 Q296028 +Q943298 P106 Q177220 +Q192115 P161 Q220584 +Q933892 P1412 Q1860 +Q456762 P136 Q8261 +Q192529 P27 Q29 +Q762 P106 Q36834 +Q322211 P136 Q1344 +Q269462 P106 Q488205 +Q579773 P27 Q142 +Q57554 P106 Q36180 +Q49620 P106 Q1622272 +Q78644 P106 Q34074720 +Q356986 P106 Q386854 +Q44552 P264 Q513712 +Q170572 P3373 Q432940 +Q174346 P106 Q3282637 +Q69289 P1412 Q188 +Q35385 P136 Q842324 +Q357645 P1412 Q1860 +Q215300 P264 Q14192383 +Q230 P530 Q398 +Q44461 P106 Q482980 +Q143716 P161 Q229184 +Q434003 P27 Q30 +Q180989 P463 Q1938003 +Q95030 P69 Q7607037 +Q183141 P106 Q2059704 +Q27 P530 Q159583 +Q119676 P106 Q10800557 +Q47619 P106 Q15949613 +Q467231 P19 Q1352 +Q303040 P161 Q228882 +Q234819 P737 Q105756 +Q314877 P27 Q30 +Q56011 P19 Q220 +Q16297 P106 Q18844224 +Q19955709 P69 Q1093910 +Q936422 P106 Q81096 +Q242949 P106 Q3455803 +Q49819 P69 Q168756 +Q42552 P463 Q463303 +Q302484 P27 Q159 +Q294321 P69 Q13371 +Q456762 P106 Q1930187 +Q90962 P1412 Q188 +Q233956 P106 Q6625963 +Q18227 P106 Q6625963 +Q257243 P106 Q10798782 +Q1262590 P264 Q155152 +Q8680 P30 Q46 +Q289064 P106 Q10798782 +Q235346 P106 Q4610556 +Q156941 P463 Q684415 +Q2547113 P551 Q60 +Q48410 P106 Q3282637 +Q212145 P840 Q227 +Q216814 P69 Q2983698 +Q36488 P463 Q191583 +Q1044415 P106 Q855091 +Q298259 P106 Q974144 +Q1603685 P136 Q11399 +Q194419 P106 Q131524 +Q449129 P1412 Q1860 +Q108677 P1412 Q188 +Q462282 P106 Q947873 +Q2900328 P106 Q2462658 +Q87402 P108 Q55044 +Q559609 P1303 Q17172850 +Q272622 P106 Q6625963 +Q432101 P106 Q483501 +Q241941 P161 Q125904 +Q380026 P106 Q4964182 +Q239328 P19 Q5092 +Q924053 P106 Q36180 +Q30487 P69 Q3890936 +Q256037 P136 Q157443 +Q2563 P463 Q901677 +Q328814 P106 Q2526255 +Q902 P37 Q9610 +Q311594 P106 Q212980 +Q916 P530 Q1033 +Q148204 P161 Q208681 +Q1349702 P1303 Q17172850 +Q9588 P509 Q12202 +Q506231 P69 Q35794 +Q1586454 P106 Q639669 +Q801 P530 Q215 +Q294901 P106 Q131524 +Q123916 P106 Q49757 +Q55704 P102 Q9630 +Q405672 P172 Q1026 +Q46599 P140 Q35032 +Q1885893 P106 Q189290 +Q1151944 P69 Q49210 +Q231276 P106 Q177220 +Q884 P530 Q16 +Q57213 P19 Q24879 +Q490464 P136 Q860626 +Q32049 P1303 Q17172850 +Q171428 P551 Q649 +Q265069 P27 Q17 +Q957921 P106 Q36180 +Q55004 P551 Q104192 +Q332610 P106 Q81096 +Q604940 P136 Q316930 +Q705400 P19 Q38022 +Q237242 P136 Q8261 +Q537665 P27 Q30 +Q983 P530 Q159 +Q441086 P1412 Q652 +Q2042 P106 Q11774156 +Q180252 P106 Q245068 +Q157058 P172 Q127885 +Q45321 P106 Q11063 +Q153694 P27 Q16 +Q16766 P1303 Q17172850 +Q76480 P106 Q28389 +Q338623 P101 Q14915627 +Q2112 P463 Q1768108 +Q96 P530 Q458 +Q231141 P106 Q214917 +Q71419 P106 Q36180 +Q109612 P737 Q4700 +Q60174 P106 Q158852 +Q276523 P161 Q23844 +Q124735 P106 Q28389 +Q191088 P264 Q54860 +Q781514 P106 Q2095549 +Q183239 P840 Q90 +Q100122 P551 Q127856 +Q179150 P19 Q12439 +Q11107 P1050 Q124407 +Q242949 P27 Q30 +Q250250 P106 Q10800557 +Q128934 P57 Q26806 +Q8814 P69 Q273626 +Q51010 P1412 Q150 +Q333265 P1412 Q150 +Q93343 P106 Q6625963 +Q723141 P1412 Q1321 +Q45394 P136 Q471839 +Q1064423 P463 Q466089 +Q878 P530 Q79 +Q933892 P27 Q30 +Q267721 P161 Q272719 +Q357184 P19 Q656 +Q244390 P1412 Q1860 +Q208101 P69 Q49088 +Q521116 P1412 Q7737 +Q204005 P1303 Q5994 +Q734 P463 Q8475 +Q450714 P106 Q2252262 +Q70737 P69 Q152087 +Q6123726 P106 Q627325 +Q319121 P106 Q1930187 +Q1225141 P136 Q11399 +Q320864 P20 Q90 +Q1290 P20 Q90 +Q2622193 P27 Q49683 +Q835 P106 Q9334029 +Q112202 P1412 Q188 +Q278543 P69 Q219563 +Q43189 P1412 Q1321 +Q356745 P1303 Q6607 +Q273814 P509 Q12152 +Q47906 P27 Q43287 +Q215652 P106 Q1622272 +Q44647 P106 Q36180 +Q296630 P69 Q389336 +Q156309 P161 Q1889124 +Q160802 P106 Q28389 +Q276343 P495 Q34 +Q120647 P463 Q463303 +Q324219 P27 Q142 +Q949696 P1303 Q17172850 +Q44328 P106 Q4263842 +Q540803 P1412 Q7737 +Q18149651 P740 Q62 +Q77008 P108 Q49088 +Q34286 P106 Q81096 +Q1175266 P27 Q30 +Q182229 P106 Q10800557 +Q42585 P140 Q9268 +Q238819 P136 Q37073 +Q8863 P27 Q183 +Q58009 P20 Q1715 +Q486096 P106 Q18814623 +Q249040 P161 Q315099 +Q352431 P161 Q438908 +Q100765 P106 Q1622272 +Q12702 P106 Q82955 +Q256928 P106 Q205375 +Q187019 P108 Q182973 +Q463927 P495 Q30 +Q1377134 P1303 Q17172850 +Q77967 P27 Q183 +Q47561 P1412 Q6654 +Q183512 P161 Q316032 +Q781 P463 Q7809 +Q67535 P140 Q23540 +Q983962 P106 Q639669 +Q18832 P27 Q142 +Q131149 P106 Q18814623 +Q40143 P106 Q2405480 +Q269462 P106 Q36834 +Q188411 P1412 Q150 +Q164933 P161 Q313283 +Q254789 P106 Q2405480 +Q59477 P106 Q639669 +Q185610 P106 Q2405480 +Q444509 P119 Q608405 +Q26876 P106 Q177220 +Q189015 P136 Q1344 +Q113953 P106 Q333634 +Q328662 P136 Q9759 +Q190379 P737 Q905 +Q216608 P136 Q37073 +Q322381 P69 Q49115 +Q37577 P20 Q71 +Q62234 P69 Q151510 +Q74165 P27 Q16957 +Q42930 P106 Q2526255 +Q59653 P840 Q794 +Q865 P530 Q965 +Q263172 P140 Q9268 +Q363525 P27 Q27 +Q36488 P19 Q1891 +Q316327 P135 Q37068 +Q122517 P19 Q1731 +Q231694 P136 Q37073 +Q664 P530 Q334 +Q189600 P161 Q228787 +Q230534 P19 Q84 +Q44219 P108 Q861548 +Q107124 P463 Q219989 +Q983233 P27 Q29999 +Q192165 P106 Q16323111 +Q133855 P106 Q49757 +Q42 P119 Q533697 +Q181659 P106 Q6625963 +Q720868 P106 Q28389 +Q234399 P106 Q639669 +Q309843 P172 Q49085 +Q685 P463 Q191384 +Q1988375 P136 Q3071 +Q181540 P136 Q319221 +Q77447 P1412 Q188 +Q255720 P106 Q13219637 +Q336520 P106 Q18814623 +Q208263 P161 Q329716 +Q157191 P106 Q1028181 +Q1077546 P27 Q30 +Q160518 P106 Q131524 +Q332670 P140 Q7066 +Q103917 P551 Q60 +Q1282289 P19 Q1297 +Q340911 P136 Q2421031 +Q128967 P106 Q47064 +Q329807 P106 Q10800557 +Q55422 P106 Q28389 +Q282372 P161 Q43203 +Q130026 P106 Q18814623 +Q105598 P136 Q188473 +Q324031 P463 Q270794 +Q20562503 P1412 Q9309 +Q132205 P106 Q3387717 +Q3439052 P69 Q273626 +Q195710 P136 Q20656232 +Q262294 P264 Q183412 +Q3022141 P106 Q15295720 +Q1223694 P106 Q1415090 +Q11612 P19 Q37320 +Q315343 P106 Q6625963 +Q61687 P27 Q183 +Q142999 P106 Q2259532 +Q234080 P106 Q10798782 +Q83557 P106 Q82955 +Q486786 P19 Q34006 +Q713443 P1412 Q7737 +Q67511 P106 Q1622272 +Q448767 P3373 Q705022 +Q52583 P106 Q639669 +Q224081 P140 Q131036 +Q91461 P106 Q49757 +Q131725 P264 Q277626 +Q28941 P106 Q33999 +Q105466 P106 Q3455803 +Q116905 P161 Q347395 +Q2367411 P106 Q36180 +Q168482 P106 Q81096 +Q1761095 P106 Q3242115 +Q44892 P264 Q1200368 +Q4631 P106 Q81096 +Q163063 P136 Q11399 +Q1139388 P136 Q483352 +Q888487 P106 Q488205 +Q103876 P106 Q33999 +Q298694 P106 Q753110 +Q154325 P20 Q220 +Q171571 P451 Q83733 +Q236950 P101 Q482 +Q51476 P106 Q10800557 +Q60128 P463 Q1425328 +Q217008 P136 Q471839 +Q481871 P19 Q1297 +Q888554 P1303 Q17172850 +Q24558760 P3373 Q22955657 +Q274400 P161 Q41163 +Q29 P530 Q45 +Q213539 P106 Q14915627 +Q80440 P737 Q7200 +Q165792 P737 Q1541 +Q1058562 P106 Q10800557 +Q77061 P106 Q3282637 +Q134456 P140 Q748 +Q233536 P106 Q18581305 +Q532852 P1412 Q652 +Q242949 P69 Q174710 +Q617215 P106 Q1930187 +Q311453 P1303 Q17172850 +Q5685 P172 Q49542 +Q6173722 P106 Q3391743 +Q233932 P1303 Q17172850 +Q220308 P106 Q245068 +Q191974 P27 Q142 +Q237821 P1412 Q1860 +Q353788 P136 Q11399 +Q275575 P264 Q1881437 +Q48868 P108 Q21578 +Q61244 P1303 Q17172850 +Q237389 P27 Q17 +Q65513 P1412 Q188 +Q13513 P463 Q191583 +Q277978 P106 Q10798782 +Q69349 P108 Q985 +Q160219 P106 Q18844224 +Q189197 P140 Q9592 +Q1546566 P27 Q30 +Q20995 P106 Q39631 +Q118059 P106 Q864380 +Q159603 P20 Q270 +Q66107 P1412 Q188 +Q233365 P1303 Q17172850 +Q117021 P106 Q1622272 +Q430278 P161 Q296500 +Q145 P530 Q241 +Q77109 P463 Q463303 +Q155871 P106 Q185351 +Q316064 P106 Q2095549 +Q255267 P106 Q33999 +Q131725 P106 Q2914170 +Q84455 P1412 Q188 +Q51908481 P27 Q25 +Q82984 P463 Q40970 +Q106245 P106 Q28389 +Q230454 P27 Q16 +Q78632 P136 Q1344 +Q228860 P1303 Q5994 +Q110726 P1412 Q188 +Q133855 P27 Q142 +Q77193 P69 Q154561 +Q711 P530 Q43 +Q163872 P161 Q379830 +Q211462 P551 Q8646 +Q270560 P106 Q36180 +Q90962 P27 Q16957 +Q69631 P1412 Q188 +Q5577 P106 Q33999 +Q238331 P69 Q5149905 +Q165325 P495 Q30 +Q40119 P161 Q192887 +Q215866 P106 Q15980158 +Q350915 P106 Q1622272 +Q92987 P106 Q81096 +Q5354 P463 Q684415 +Q231730 P19 Q65 +Q191026 P106 Q901402 +Q60969 P106 Q3055126 +Q349461 P106 Q488205 +Q1230528 P108 Q193510 +Q932884 P19 Q1757 +Q952491 P106 Q639669 +Q316884 P1412 Q7026 +Q372692 P27 Q145 +Q91617 P27 Q183 +Q306 P140 Q1841 +Q573299 P1412 Q9067 +Q3074304 P27 Q142 +Q1680807 P102 Q29468 +Q764570 P19 Q220 +Q794 P463 Q7809 +Q8018 P106 Q1234713 +Q334 P463 Q1043527 +Q228918 P136 Q131272 +Q433683 P106 Q17307272 +Q230045 P106 Q10800557 +Q794 P530 Q902 +Q66408 P27 Q183 +Q659238 P69 Q1026827 +Q689600 P463 Q684415 +Q93614 P106 Q36180 +Q60145 P106 Q36180 +Q934737 P106 Q753110 +Q979865 P463 Q123885 +Q553196 P69 Q1093910 +Q5890 P495 Q145 +Q213545 P106 Q639669 +Q1013 P463 Q376150 +Q83542 P136 Q1341051 +Q128553 P106 Q82955 +Q78089 P108 Q161982 +Q336520 P27 Q145 +Q45553 P509 Q12078 +Q41252 P17 Q27306 +Q232260 P463 Q1468277 +Q318792 P136 Q11401 +Q183031 P1412 Q1860 +Q101170 P1412 Q188 +Q324031 P20 Q100 +Q5679 P69 Q1247373 +Q106073 P119 Q2973 +Q323524 P106 Q10798782 +Q152298 P27 Q159 +Q257271 P1412 Q1860 +Q295964 P106 Q948329 +Q193338 P1412 Q1860 +Q73432 P20 Q6986 +Q1668660 P106 Q177220 +Q232214 P136 Q186472 +Q908569 P1303 Q6607 +Q556568 P106 Q333634 +Q55796 P106 Q214917 +Q316528 P106 Q177220 +Q128532 P26 Q272092 +Q1203 P136 Q484641 +Q4271346 P1412 Q7737 +Q937 P101 Q18362 +Q233483 P106 Q3391743 +Q792 P530 Q30 +Q98173 P27 Q183 +Q354863 P102 Q29468 +Q159933 P1412 Q36510 +Q286570 P106 Q2405480 +Q122701 P463 Q265058 +Q159552 P27 Q35 +Q1049 P530 Q79 +Q649987 P106 Q131524 +Q131018 P106 Q551835 +Q186326 P136 Q49084 +Q1744 P1412 Q1860 +Q78371 P108 Q154561 +Q76791 P463 Q123885 +Q345538 P106 Q131524 +Q19845 P106 Q10800557 +Q483507 P106 Q177220 +Q66622 P102 Q694299 +Q246997 P161 Q313044 +Q107432 P509 Q206901 +Q356499 P136 Q9730 +Q273568 P136 Q52162262 +Q104049 P463 Q463303 +Q57236 P26 Q70988 +Q50003 P106 Q177220 +Q246497 P463 Q465654 +Q463615 P136 Q20442589 +Q333265 P108 Q215539 +Q981785 P136 Q37073 +Q164384 P27 Q171150 +Q974 P530 Q31 +Q710026 P463 Q338432 +Q72804 P463 Q459620 +Q215072 P172 Q49078 +Q335680 P106 Q245068 +Q457306 P106 Q33999 +Q28 P530 Q117 +Q429934 P136 Q471839 +Q201608 P106 Q10800557 +Q733392 P106 Q1930187 +Q150630 P463 Q2370801 +Q94081 P106 Q10800557 +Q318192 P108 Q34433 +Q451369 P27 Q152750 +Q265252 P106 Q855091 +Q76367 P106 Q4991371 +Q124094 P1412 Q188 +Q201924 P161 Q357762 +Q245808 P106 Q33999 +Q268322 P1412 Q150 +Q26391 P161 Q103476 +Q266670 P106 Q186360 +Q85715 P19 Q586 +Q1351259 P1303 Q163829 +Q102438 P161 Q108270 +Q238919 P20 Q39561 +Q76534 P509 Q12152 +Q1160461 P27 Q30 +Q131074 P161 Q189351 +Q203574 P161 Q313047 +Q1761095 P106 Q82955 +Q77825 P102 Q7320 +Q76554 P106 Q36180 +Q504923 P27 Q30 +Q318750 P106 Q3282637 +Q202185 P1303 Q17172850 +Q54945 P463 Q123885 +Q231484 P101 Q207628 +Q664 P530 Q145 +Q163557 P136 Q11635 +Q61813 P463 Q83172 +Q380026 P1412 Q9083 +Q296887 P106 Q10800557 +Q315343 P119 Q84 +Q328760 P1412 Q150 +Q1253366 P161 Q231006 +Q14010 P106 Q81096 +Q327240 P20 Q127856 +Q1400917 P136 Q186424 +Q8354131 P108 Q43452 +Q704742 P106 Q7042855 +Q723839 P1412 Q150 +Q57317 P106 Q250867 +Q1046038 P27 Q172579 +Q240872 P106 Q2526255 +Q47426 P172 Q678551 +Q213 P463 Q8475 +Q106440 P495 Q145 +Q224544 P1412 Q9056 +Q237405 P106 Q33999 +Q35498 P106 Q82955 +Q104109 P106 Q36180 +Q232840 P106 Q33999 +Q339423 P106 Q130857 +Q3298815 P106 Q2252262 +Q235719 P106 Q10798782 +Q72267 P106 Q2526255 +Q121507 P69 Q49088 +Q373895 P106 Q245068 +Q439566 P136 Q156035 +Q271006 P161 Q134077 +Q947291 P106 Q158852 +Q233207 P509 Q12136 +Q1029853 P1412 Q1321 +Q184935 P135 Q37068 +Q668 P530 Q184 +Q174284 P135 Q377616 +Q549442 P108 Q2994538 +Q222833 P69 Q13371 +Q55245 P27 Q145 +Q763897 P136 Q186472 +Q267070 P264 Q121698 +Q232120 P106 Q2405480 +Q320224 P136 Q37073 +Q362353 P106 Q855091 +Q323516 P106 Q1930187 +Q620732 P106 Q333634 +Q30449 P26 Q216913 +Q7317 P106 Q36834 +Q212026 P140 Q106039 +Q198638 P1412 Q1860 +Q171582 P161 Q232101 +Q345538 P172 Q79797 +Q153159 P106 Q1231865 +Q160215 P161 Q483907 +Q161842 P106 Q6625963 +Q113052 P57 Q318287 +Q2964710 P106 Q2722764 +Q117147 P106 Q33999 +Q169311 P1412 Q188 +Q214677 P106 Q214917 +Q6709060 P106 Q3391743 +Q507075 P27 Q30 +Q2263 P140 Q3333484 +Q330612 P495 Q145 +Q203952 P106 Q333634 +Q45383 P27 Q183 +Q234595 P19 Q1490 +Q315132 P106 Q36180 +Q1646438 P136 Q484641 +Q321454 P161 Q200534 +Q39658 P106 Q1225716 +Q236075 P106 Q488205 +Q310375 P69 Q1420239 +Q978375 P27 Q155 +Q65084 P1412 Q188 +Q1382482 P463 Q2003501 +Q188459 P1412 Q1860 +Q188482 P1412 Q1860 +Q230 P530 Q983 +Q48502 P509 Q12152 +Q267321 P161 Q1889124 +Q4934689 P106 Q901 +Q213675 P27 Q183 +Q4084084 P27 Q15180 +Q181529 P1412 Q1860 +Q155476 P161 Q433520 +Q661848 P106 Q2526255 +Q33240 P136 Q37073 +Q329127 P161 Q234207 +Q95008 P106 Q33999 +Q1711513 P1303 Q6607 +Q634125 P509 Q12078 +Q4275371 P463 Q83172 +Q275003 P69 Q3268638 +Q238140 P69 Q2093794 +Q342876 P136 Q130232 +Q106193 P1412 Q1860 +Q314984 P106 Q40348 +Q251340 P106 Q33999 +Q45575 P106 Q170790 +Q172684 P106 Q155647 +Q869 P463 Q170481 +Q204750 P20 Q16554 +Q241248 P172 Q84072 +Q62730 P495 Q183 +Q241 P463 Q3369762 +Q110354 P57 Q361670 +Q84393 P136 Q35760 +Q153039 P495 Q38 +Q119687 P27 Q20 +Q359421 P101 Q11629 +Q91587 P1303 Q17172850 +Q217427 P3373 Q234388 +Q50797 P106 Q177220 +Q368 P140 Q1841 +Q552053 P27 Q43 +Q220918 P106 Q10800557 +Q103578 P106 Q33999 +Q1276176 P106 Q158852 +Q1389589 P106 Q639669 +Q159 P463 Q1072120 +Q2038 P27 Q142 +Q332462 P101 Q482 +Q2573 P140 Q75809 +Q357961 P106 Q169470 +Q234636 P106 Q3501317 +Q304030 P161 Q313650 +Q723839 P106 Q1930187 +Q253607 P1303 Q17172850 +Q223949 P69 Q1059546 +Q55282 P27 Q145 +Q92965 P106 Q15976092 +Q330014 P106 Q10800557 +Q4617 P1303 Q17172850 +Q391536 P106 Q177220 +Q218 P530 Q159 +Q600859 P136 Q1133657 +Q230445 P264 Q330629 +Q707990 P106 Q2252262 +Q590911 P106 Q36834 +Q108560 P1303 Q8377 +Q90269 P27 Q183 +Q84618 P106 Q82955 +Q8027 P463 Q463303 +Q114132 P1412 Q150 +Q274274 P106 Q177220 +Q182870 P101 Q184485 +Q709670 P20 Q90 +Q30 P530 Q236 +Q255577 P106 Q3282637 +Q223033 P27 Q30 +Q44481 P106 Q170790 +Q313788 P106 Q10798782 +Q178653 P119 Q311 +Q191064 P106 Q2259451 +Q216934 P106 Q183945 +Q255577 P106 Q177220 +Q310679 P551 Q11194 +Q67953 P69 Q152087 +Q215652 P172 Q7325 +Q362687 P27 Q30 +Q26391 P161 Q432940 +Q219829 P106 Q15949613 +Q109612 P1412 Q1860 +Q551735 P119 Q272208 +Q336278 P106 Q13235160 +Q224 P463 Q1928989 +Q47139 P509 Q12152 +Q9696 P69 Q21578 +Q934734 P27 Q20 +Q353762 P1412 Q7026 +Q366700 P106 Q1925963 +Q44437 P264 Q183387 +Q235519 P551 Q65 +Q7286 P106 Q3068305 +Q106182 P136 Q188473 +Q91166 P463 Q684415 +Q983 P463 Q17495 +Q111164 P106 Q36180 +Q188461 P106 Q130857 +Q102851 P737 Q2054 +Q119386 P1412 Q150 +Q432101 P106 Q4164507 +Q231730 P27 Q30 +Q188482 P509 Q188874 +Q42904 P69 Q2177054 +Q707151 P140 Q7066 +Q311755 P1412 Q1860 +Q51575 P106 Q2526255 +Q332953 P264 Q1254522 +Q95273 P106 Q182436 +Q49328 P69 Q156737 +Q1601945 P27 Q142 +Q1246 P530 Q826 +Q205028 P840 Q60 +Q213778 P106 Q14467526 +Q431793 P161 Q48337 +Q155079 P106 Q5716684 +Q930961 P106 Q1930187 +Q18456 P19 Q1085 +Q266006 P1303 Q46185 +Q213430 P106 Q36180 +Q454388 P19 Q1345 +Q229009 P106 Q10800557 +Q320984 P1412 Q1860 +Q362254 P106 Q33999 +Q427167 P136 Q3017271 +Q704355 P108 Q23548 +Q155375 P20 Q350 +Q51489 P140 Q9592 +Q359026 P106 Q10800557 +Q76023 P20 Q1731 +Q77428 P140 Q75809 +Q216179 P136 Q11399 +Q334646 P27 Q145 +Q1230528 P101 Q413 +Q179051 P172 Q49085 +Q156815 P106 Q639669 +Q258626 P27 Q96 +Q76004 P106 Q2374149 +Q126927 P106 Q753110 +Q363271 P19 Q18125 +Q37388 P101 Q5891 +Q885 P106 Q82955 +Q362422 P106 Q33999 +Q105987 P1412 Q1860 +Q863 P530 Q902 +Q1276376 P106 Q81096 +Q207416 P106 Q219477 +Q3091395 P27 Q142 +Q18832 P106 Q18939491 +Q213684 P102 Q49750 +Q76984 P20 Q2090 +Q399318 P106 Q36834 +Q100765 P106 Q188094 +Q101437 P27 Q12548 +Q96595 P20 Q64 +Q16 P530 Q974 +Q359791 P1303 Q5994 +Q239910 P136 Q193606 +Q83656 P161 Q273727 +Q3297386 P69 Q273447 +Q196923 P106 Q10843402 +Q55841 P1412 Q809 +Q325396 P106 Q3282637 +Q33760 P101 Q9465 +Q228624 P106 Q6625963 +Q1019 P30 Q15 +Q96997 P463 Q18650004 +Q1179504 P106 Q639669 +Q2733913 P136 Q37073 +Q212678 P172 Q133255 +Q62354 P106 Q188094 +Q432694 P26 Q345517 +Q123885 P17 Q145 +Q206112 P106 Q10798782 +Q44652 P106 Q49757 +Q348658 P264 Q183412 +Q441628 P27 Q34266 +Q2577771 P20 Q49145 +Q440996 P27 Q15180 +Q76696 P463 Q684415 +Q11153 P551 Q40435 +Q229 P463 Q191384 +Q312641 P136 Q5967378 +Q139330 P27 Q30 +Q36965 P27 Q28513 +Q173978 P1303 Q17172850 +Q261700 P136 Q200092 +Q117990 P27 Q29 +Q30 P530 Q717 +Q515904 P451 Q162753 +Q275658 P106 Q2405480 +Q183094 P140 Q178169 +Q314926 P106 Q2526255 +Q336125 P106 Q4263842 +Q217552 P840 Q881 +Q116928 P136 Q200092 +Q123371 P1412 Q188 +Q171530 P69 Q1878600 +Q92893 P27 Q30 +Q436463 P106 Q1930187 +Q29 P463 Q458 +Q111230 P106 Q33999 +Q454970 P69 Q49122 +Q129857 P106 Q82955 +Q66107 P106 Q1238570 +Q30487 P463 Q842008 +Q336397 P1412 Q1860 +Q232786 P69 Q1341516 +Q94331 P69 Q165980 +Q313077 P106 Q6625963 +Q16 P530 Q865 +Q719010 P19 Q90 +Q188461 P27 Q408 +Q62437 P1303 Q17172850 +Q47447 P106 Q753110 +Q87974 P106 Q82955 +Q231880 P1303 Q17172850 +Q441362 P172 Q49085 +Q133054 P19 Q100 +Q165110 P119 Q272208 +Q258854 P3373 Q185140 +Q60116 P106 Q9149093 +Q311232 P264 Q202585 +Q450821 P106 Q16323111 +Q193570 P136 Q130232 +Q19198 P106 Q33999 +Q220901 P19 Q65 +Q223271 P27 Q129286 +Q5673 P106 Q18814623 +Q326542 P106 Q947873 +Q702508 P106 Q33999 +Q23436 P131 Q22 +Q84423 P106 Q974144 +Q954 P530 Q843 +Q221098 P161 Q40791 +Q953768 P106 Q627325 +Q641 P17 Q131964 +Q74513 P101 Q482 +Q605678 P69 Q222738 +Q9353 P106 Q39631 +Q99258 P106 Q4351403 +Q801 P530 Q1032 +Q141860 P27 Q34266 +Q1648062 P106 Q82955 +Q843 P530 Q43 +Q37333 P17 Q153136 +Q45388 P57 Q358322 +Q78505 P106 Q33999 +Q77 P530 Q298 +Q921679 P1303 Q17172850 +Q131380 P106 Q2405480 +Q971 P30 Q15 +Q421707 P19 Q60 +Q1461567 P1412 Q188 +Q783 P530 Q219060 +Q123973 P106 Q3400985 +Q1711470 P1303 Q11404 +Q44519 P27 Q34 +Q92747 P69 Q21578 +Q3186620 P463 Q46703 +Q374936 P1303 Q17172850 +Q78408 P106 Q1622272 +Q123878 P106 Q36180 +Q41 P530 Q843 +Q62730 P161 Q69340 +Q484523 P106 Q36834 +Q328664 P19 Q1345 +Q180224 P172 Q34069 +Q46096 P106 Q36834 +Q185696 P106 Q4853732 +Q61067 P140 Q9592 +Q283061 P1303 Q9798 +Q921 P530 Q664 +Q114115 P161 Q28054 +Q64406 P108 Q186285 +Q2184 P30 Q5401 +Q26625 P106 Q55960555 +Q237081 P27 Q15180 +Q123557 P108 Q206702 +Q471664 P136 Q25379 +Q352452 P1303 Q6607 +Q315732 P136 Q157443 +Q836656 P1412 Q150 +Q47122 P1303 Q6607 +Q19425 P20 Q4100 +Q445417 P172 Q49085 +Q75904 P106 Q4773904 +Q1282910 P106 Q177220 +Q231811 P136 Q37073 +Q833578 P161 Q42775 +Q75546 P161 Q271986 +Q127349 P19 Q2807 +Q11812 P463 Q607496 +Q61058 P19 Q3806 +Q69474 P27 Q298 +Q37355 P1303 Q6607 +Q163683 P106 Q170790 +Q83233 P106 Q11900058 +Q237809 P106 Q10800557 +Q437289 P108 Q194223 +Q68596 P1412 Q188 +Q91557 P106 Q33999 +Q207359 P106 Q36180 +Q229341 P106 Q177220 +Q295923 P106 Q2490358 +Q54836 P27 Q34 +Q101338 P106 Q185351 +Q102244 P161 Q172653 +Q80938 P106 Q33999 +Q912 P463 Q1043527 +Q386336 P106 Q177220 +Q71335 P106 Q1622272 +Q106363 P106 Q11774202 +Q266080 P106 Q855091 +Q231487 P551 Q23556 +Q953 P463 Q191384 +Q189564 P106 Q520549 +Q484523 P106 Q4610556 +Q3057348 P463 Q463303 +Q188971 P20 Q90 +Q439198 P1303 Q17172850 +Q78608 P140 Q7066 +Q483363 P1412 Q9176 +Q189119 P106 Q864380 +Q356129 P1303 Q6607 +Q380981 P161 Q188018 +Q274608 P106 Q10800557 +Q180272 P106 Q10800557 +Q38392 P106 Q36180 +Q317516 P106 Q855091 +Q1050 P463 Q7159 +Q1203 P136 Q193355 +Q117139 P172 Q49085 +Q285462 P106 Q2865819 +Q35 P463 Q7809 +Q1333234 P106 Q177220 +Q488200 P106 Q36180 +Q689713 P69 Q499911 +Q46739 P106 Q193391 +Q271824 P509 Q12192 +Q224026 P106 Q33999 +Q1382883 P106 Q2643890 +Q182046 P106 Q170790 +Q232462 P27 Q30 +Q813 P463 Q81299 +Q7013 P106 Q36834 +Q62 P17 Q30 +Q27214 P106 Q2722764 +Q208572 P136 Q130232 +Q304609 P161 Q343037 +Q1361397 P641 Q38108 +Q236010 P106 Q2259451 +Q9312 P140 Q75809 +Q130746 P135 Q210115 +Q83326 P463 Q265058 +Q185610 P264 Q183387 +Q98719 P106 Q1622272 +Q233368 P106 Q177220 +Q155700 P264 Q202585 +Q706931 P1412 Q1860 +Q285330 P106 Q10800557 +Q380799 P136 Q851213 +Q130355 P264 Q183387 +Q1392102 P136 Q11399 +Q601304 P136 Q35760 +Q215562 P20 Q61 +Q347539 P101 Q309 +Q823935 P106 Q193391 +Q559794 P108 Q49108 +Q67672 P27 Q183 +Q375845 P1412 Q1321 +Q193509 P1412 Q1860 +Q523589 P1303 Q46185 +Q1269512 P1412 Q188 +Q465350 P106 Q33231 +Q327660 P106 Q947873 +Q118233 P136 Q1641839 +Q34677 P136 Q40831 +Q164824 P463 Q265058 +Q107933 P2348 Q6927 +Q67054 P106 Q8178443 +Q312570 P106 Q947873 +Q266368 P19 Q1297 +Q334818 P140 Q483654 +Q20127 P106 Q82955 +Q91124 P106 Q2004963 +Q297425 P106 Q18844224 +Q59485 P106 Q2526255 +Q66216 P463 Q219989 +Q277551 P136 Q487914 +Q656684 P27 Q15180 +Q1200053 P1412 Q1860 +Q694052 P136 Q11366 +Q390299 P641 Q5369 +Q299161 P106 Q333634 +Q361617 P463 Q463281 +Q230654 P1412 Q1860 +Q228186 P161 Q170515 +Q948 P463 Q47543 +Q134575 P1412 Q9176 +Q177650 P102 Q29552 +Q187999 P161 Q236702 +Q312252 P106 Q2259451 +Q243639 P264 Q64485314 +Q518839 P106 Q1259917 +Q362687 P106 Q33999 +Q7199 P136 Q35760 +Q34060 P140 Q7066 +Q957627 P106 Q855091 +Q312870 P106 Q9648008 +Q460075 P20 Q678437 +Q217557 P106 Q11774202 +Q253845 P69 Q2994538 +Q342580 P106 Q1930187 +Q163225 P27 Q38 +Q249350 P840 Q1761 +Q87168 P69 Q686522 +Q12908 P69 Q174570 +Q86367 P106 Q10800557 +Q16397 P551 Q5083 +Q201608 P106 Q13474373 +Q28193 P161 Q45647 +Q115490 P463 Q651690 +Q145 P530 Q189 +Q310798 P737 Q93129 +Q229141 P108 Q333886 +Q1277187 P27 Q30 +Q34584 P106 Q639669 +Q14281 P463 Q123885 +Q1391820 P264 Q190585 +Q216720 P136 Q188473 +Q403 P463 Q380340 +Q441836 P106 Q10800557 +Q87131 P106 Q1622272 +Q102822 P463 Q270794 +Q93129 P463 Q1493021 +Q101919 P106 Q188094 +Q205314 P119 Q1358639 +Q408 P463 Q7825 +Q377 P106 Q82955 +Q754 P463 Q656801 +Q1314285 P69 Q153265 +Q216934 P264 Q216364 +Q921808 P27 Q30 +Q372073 P106 Q33999 +Q269890 P20 Q127856 +Q239195 P106 Q177220 +Q727711 P27 Q34266 +Q148326 P495 Q30 +Q632532 P161 Q261244 +Q75904 P463 Q451079 +Q112856 P106 Q1622272 +Q179493 P69 Q13371 +Q77684 P19 Q2100 +Q212575 P136 Q482 +Q144391 P106 Q6625963 +Q42581 P106 Q4610556 +Q150916 P106 Q855091 +Q4593 P1412 Q1568 +Q183519 P106 Q753110 +Q61227 P20 Q586 +Q193236 P140 Q7066 +Q873178 P102 Q1713492 +Q216195 P102 Q29468 +Q96230 P106 Q81096 +Q78706 P102 Q153401 +Q361297 P40 Q319392 +Q167498 P26 Q200768 +Q112255 P106 Q333634 +Q66213 P27 Q183 +Q35 P463 Q151991 +Q18415 P161 Q254265 +Q262396 P106 Q2259451 +Q151597 P161 Q257165 +Q1608224 P1303 Q6607 +Q364070 P106 Q639669 +Q382150 P106 Q11631 +Q82426 P161 Q343510 +Q714602 P106 Q177220 +Q190765 P136 Q130232 +Q966690 P161 Q16297 +Q241422 P106 Q350979 +Q697200 P19 Q1741 +Q64151 P136 Q130232 +Q113928 P106 Q36180 +Q190373 P69 Q1204714 +Q213081 P161 Q314133 +Q347528 P509 Q12192 +Q83410 P106 Q43845 +Q366057 P20 Q90 +Q552900 P172 Q49085 +Q5749 P106 Q82955 +Q18628 P159 Q60 +Q549487 P106 Q6625963 +Q9204 P737 Q1067 +Q308711 P27 Q15180 +Q1033 P37 Q1860 +Q140099 P106 Q177220 +Q229264 P20 Q90 +Q19008 P140 Q178169 +Q79 P463 Q384535 +Q63699 P106 Q49757 +Q229646 P737 Q9391 +Q367927 P3373 Q450984 +Q91137 P108 Q55044 +Q182218 P840 Q1348 +Q53300 P102 Q327591 +Q1290755 P19 Q64 +Q47737 P106 Q49757 +Q30 P530 Q774 +Q1634482 P102 Q29552 +Q191755 P106 Q28389 +Q467027 P136 Q9778 +Q168307 P106 Q201788 +Q15873 P1303 Q27939 +Q313077 P106 Q214917 +Q983 P463 Q134102 +Q277626 P136 Q8341 +Q7542 P1303 Q133163 +Q7542 P737 Q336272 +Q1016 P530 Q145 +Q1017 P17 Q150981 +Q167726 P161 Q106706 +Q35498 P1412 Q1860 +Q176176 P19 Q649 +Q865 P530 Q1013 +Q23301 P106 Q245068 +Q367973 P19 Q33959 +Q76600 P463 Q299015 +Q102822 P1050 Q12204 +Q70917 P102 Q179111 +Q437748 P106 Q36180 +Q270935 P136 Q1133657 +Q4977994 P108 Q193196 +Q364070 P106 Q36180 +Q101797 P106 Q10800557 +Q47426 P27 Q30 +Q105084 P17 Q153136 +Q337090 P161 Q381768 +Q969468 P172 Q49085 +Q348603 P451 Q437351 +Q1988375 P136 Q11366 +Q93187 P106 Q10798782 +Q115210 P495 Q183 +Q449769 P106 Q1930187 +Q186329 P1412 Q13955 +Q972107 P27 Q30 +Q2061964 P19 Q485716 +Q3048 P106 Q4964182 +Q4347990 P108 Q2370801 +Q321846 P19 Q65 +Q11930 P106 Q10800557 +Q213734 P106 Q1028181 +Q89486 P106 Q33999 +Q432919 P106 Q1930187 +Q212518 P106 Q10798782 +Q74062 P106 Q1743122 +Q275658 P106 Q10800557 +Q1931654 P27 Q30 +Q184440 P106 Q36180 +Q65344 P106 Q205375 +Q244963 P136 Q52162262 +Q728169 P101 Q7163 +Q229166 P26 Q37175 +Q221949 P136 Q2484376 +Q76513 P20 Q71 +Q1282956 P106 Q36834 +Q256327 P1412 Q809 +Q213662 P108 Q152087 +Q60025 P737 Q140694 +Q268131 P106 Q10800557 +Q217020 P161 Q295803 +Q63234 P106 Q20725072 +Q216838 P106 Q201788 +Q989 P1412 Q652 +Q271856 P106 Q33999 +Q256327 P19 Q31487 +Q1372851 P106 Q901 +Q463013 P27 Q30 +Q5369090 P106 Q901 +Q122622 P136 Q676 +Q168721 P106 Q2259451 +Q4173649 P463 Q2370801 +Q2560493 P463 Q3394637 +Q93157 P20 Q100 +Q316022 P106 Q170790 +Q64151 P495 Q30 +Q44909 P106 Q10800557 +Q707999 P106 Q1415090 +Q109053 P106 Q486748 +Q311472 P69 Q49112 +Q1137404 P495 Q142 +Q1047141 P2348 Q6927 +Q1033 P530 Q252 +Q928 P530 Q865 +Q1435910 P106 Q639669 +Q230665 P509 Q12078 +Q568595 P69 Q152838 +Q123174 P106 Q10798782 +Q92663 P108 Q49110 +Q766 P463 Q1043527 +Q96950 P106 Q82955 +Q334825 P20 Q1348 +Q191020 P20 Q1297 +Q1780 P17 Q171150 +Q62725 P106 Q2306091 +Q237387 P106 Q10800557 +Q432102 P161 Q272031 +Q231207 P136 Q842324 +Q76543 P509 Q175111 +Q217787 P136 Q37073 +Q129601 P161 Q349857 +Q76738 P106 Q520549 +Q183 P530 Q30 +Q44922 P1412 Q1860 +Q6538 P463 Q1468277 +Q98960 P463 Q684415 +Q971 P463 Q1043527 +Q36 P530 Q218 +Q240253 P106 Q4263842 +Q110942 P509 Q11868838 +Q106795 P106 Q36180 +Q364781 P106 Q1415090 +Q123334 P108 Q155354 +Q155412 P172 Q49085 +Q1232794 P27 Q30 +Q90201 P136 Q482 +Q243983 P161 Q306403 +Q227 P530 Q28 +Q1292110 P106 Q806349 +Q14678 P106 Q1622272 +Q216936 P136 Q11401 +Q33 P463 Q8475 +Q202144 P106 Q33999 +Q159700 P106 Q43845 +Q1687804 P69 Q52413 +Q237548 P1303 Q17172850 +Q982535 P140 Q7066 +Q545818 P69 Q31519 +Q295847 P106 Q10800557 +Q366307 P106 Q201788 +Q364873 P106 Q386854 +Q176455 P106 Q10798782 +Q72787 P106 Q1622272 +Q1242553 P136 Q45981 +Q553276 P102 Q29552 +Q57603 P106 Q13570226 +Q38875 P140 Q432 +Q18450 P1412 Q143 +Q276139 P106 Q177220 +Q699456 P19 Q641 +Q60809 P1303 Q5994 +Q1030 P530 Q953 +Q168517 P106 Q82955 +Q169996 P161 Q165518 +Q325262 P140 Q9585 +Q281296 P161 Q110628 +Q313571 P106 Q177220 +Q196685 P136 Q2484376 +Q726074 P108 Q9531 +Q74688 P106 Q4964182 +Q661452 P20 Q46852 +Q58777 P19 Q1711 +Q267186 P509 Q47912 +Q702 P463 Q1043527 +Q1528185 P106 Q43845 +Q267051 P106 Q639669 +Q70103 P106 Q1622272 +Q118936 P1412 Q1321 +Q19405 P136 Q2484376 +Q101809 P19 Q3033 +Q58857 P19 Q64 +Q156268 P463 Q463303 +Q885 P140 Q75809 +Q733392 P20 Q90 +Q7841 P463 Q1371509 +Q463581 P27 Q145 +Q709790 P463 Q466089 +Q23301 P106 Q36834 +Q201810 P27 Q142 +Q1711513 P106 Q33999 +Q59572 P495 Q30 +Q315199 P27 Q30 +Q75886 P27 Q183 +Q135347 P161 Q42229 +Q263696 P106 Q28389 +Q520053 P20 Q1741 +Q171905 P106 Q486748 +Q71848 P106 Q1622272 +Q96 P463 Q7809 +Q240769 P108 Q37156 +Q452761 P106 Q6625963 +Q454075 P106 Q855091 +Q450382 P20 Q60 +Q230782 P106 Q10800557 +Q365 P463 Q52144567 +Q557948 P106 Q2252262 +Q430076 P106 Q6625963 +Q61217 P106 Q36180 +Q55994 P106 Q28389 +Q102905 P106 Q49757 +Q159 P530 Q774 +Q182046 P106 Q49757 +Q123483 P26 Q119768 +Q158078 P106 Q1415090 +Q64417 P1303 Q17172850 +Q258847 P161 Q122020 +Q437616 P106 Q639669 +Q70618 P106 Q16287483 +Q528323 P172 Q49085 +Q13014 P106 Q82955 +Q84423 P106 Q1231865 +Q1030 P463 Q842490 +Q40096 P19 Q1345 +Q1801255 P264 Q1660305 +Q334 P530 Q902 +Q62414 P509 Q12192 +Q57384 P551 Q79860 +Q57386 P102 Q310296 +Q675465 P172 Q79797 +Q66709 P106 Q81096 +Q160433 P106 Q33999 +Q71633 P27 Q183 +Q471774 P1412 Q150 +Q102112 P463 Q700570 +Q213945 P106 Q36180 +Q343983 P69 Q8047423 +Q55469 P451 Q107006 +Q7318 P30 Q46 +Q198644 P140 Q9592 +Q7345 P69 Q1426464 +Q108857 P106 Q82955 +Q177131 P106 Q639669 +Q1257 P106 Q193391 +Q234360 P106 Q10800557 +Q127442 P106 Q82955 +Q464833 P1303 Q6607 +Q28941 P106 Q2526255 +Q441086 P106 Q250867 +Q128518 P161 Q129817 +Q123166 P161 Q442300 +Q1783775 P106 Q639669 +Q266694 P509 Q12136 +Q320146 P27 Q142 +Q193517 P106 Q28389 +Q334205 P106 Q8178443 +Q516285 P106 Q169470 +Q57629 P140 Q75809 +Q598050 P106 Q49757 +Q1698 P27 Q142 +Q22432 P136 Q471839 +Q1196157 P161 Q36949 +Q282693 P106 Q5716684 +Q313462 P106 Q4610556 +Q637949 P102 Q29468 +Q842 P37 Q13955 +Q1174641 P106 Q215536 +Q102570 P20 Q2966 +Q35314 P463 Q842008 +Q231942 P106 Q10798782 +Q60869 P26 Q93514 +Q315756 P27 Q145 +Q542217 P106 Q6430706 +Q807545 P106 Q639669 +Q48093 P106 Q82955 +Q78824 P108 Q31519 +Q78030 P27 Q713750 +Q57896 P463 Q18650004 +Q220078 P106 Q4263842 +Q235451 P1412 Q9610 +Q380579 P106 Q10800557 +Q274400 P136 Q959790 +Q184622 P509 Q372701 +Q201500 P106 Q158852 +Q5749 P737 Q9061 +Q63309 P19 Q472 +Q389466 P161 Q335680 +Q88641 P108 Q152087 +Q375290 P19 Q90 +Q151892 P106 Q488205 +Q93996 P463 Q414188 +Q428347 P136 Q193207 +Q77980 P509 Q128581 +Q1165439 P495 Q145 +Q73063 P106 Q40348 +Q359604 P69 Q761534 +Q1764153 P106 Q177220 +Q168468 P1412 Q1860 +Q351290 P106 Q10798782 +Q186757 P106 Q36180 +Q158078 P27 Q15180 +Q1453287 P19 Q1754 +Q152388 P106 Q2306091 +Q314966 P106 Q33999 +Q216936 P106 Q131524 +Q123878 P69 Q1377 +Q109540 P27 Q183 +Q61318 P463 Q191583 +Q229669 P1303 Q17172850 +Q77377 P3373 Q9358 +Q929 P463 Q2029901 +Q969048 P69 Q209842 +Q236351 P106 Q10798782 +Q72833 P69 Q51985 +Q671665 P172 Q49085 +Q87302 P463 Q44687 +Q274936 P1412 Q150 +Q9588 P102 Q29468 +Q289428 P1412 Q1860 +Q53403 P27 Q30 +Q62052 P27 Q183 +Q109455 P106 Q201788 +Q310113 P1412 Q1860 +Q27 P463 Q7809 +Q57426 P119 Q564922 +Q1685286 P1412 Q150 +Q155412 P106 Q183945 +Q61310 P108 Q152838 +Q433520 P106 Q948329 +Q3520383 P495 Q32 +Q446586 P106 Q4351403 +Q152301 P27 Q28 +Q823003 P1412 Q5146 +Q932959 P106 Q488205 +Q315707 P20 Q1085 +Q87910 P102 Q7320 +Q166262 P161 Q674451 +Q31293 P106 Q2526255 +Q84755 P27 Q28 +Q151872 P20 Q33935 +Q237056 P106 Q1930187 +Q439895 P1303 Q17172850 +Q280098 P106 Q36180 +Q83184 P20 Q2807 +Q268111 P106 Q1930187 +Q160499 P106 Q2259532 +Q135139 P463 Q3394637 +Q106602 P20 Q64 +Q120664 P106 Q864503 +Q273910 P1303 Q17172850 +Q431191 P106 Q2526255 +Q128934 P161 Q1366460 +Q2492 P27 Q183 +Q228733 P106 Q639669 +Q69412 P463 Q463303 +Q84561 P27 Q40 +Q127330 P509 Q181257 +Q302762 P106 Q28389 +Q35912 P69 Q41506 +Q2904665 P27 Q801 +Q217552 P495 Q30 +Q379830 P106 Q33999 +Q187423 P161 Q242416 +Q944478 P463 Q2370801 +Q378333 P27 Q159 +Q9312 P108 Q672420 +Q44580 P1412 Q188 +Q40791 P106 Q33999 +Q100440 P2348 Q6927 +Q91587 P106 Q177220 +Q78833 P106 Q17489339 +Q251068 P1303 Q8355 +Q20733 P463 Q161806 +Q76600 P463 Q414188 +Q159 P530 Q954 +Q251865 P19 Q5083 +Q114558 P106 Q2526255 +Q607 P69 Q193727 +Q296822 P106 Q10800557 +Q1360888 P20 Q90 +Q239565 P106 Q4610556 +Q124869 P40 Q124894 +Q327436 P19 Q71 +Q202729 P264 Q726251 +Q172466 P463 Q938622 +Q11617 P136 Q37073 +Q101338 P463 Q469210 +Q57123 P19 Q2999 +Q557930 P106 Q28389 +Q57629 P1412 Q188 +Q78791 P27 Q28513 +Q182727 P840 Q84 +Q152272 P106 Q28389 +Q327836 P19 Q23556 +Q349777 P463 Q463303 +Q267265 P264 Q1273666 +Q640096 P106 Q1930187 +Q426631 P136 Q130232 +Q439686 P106 Q4610556 +Q383764 P106 Q33231 +Q114152 P1412 Q188 +Q443528 P106 Q4853732 +Q89043 P108 Q189441 +Q81438 P106 Q1930187 +Q678 P463 Q7785 +Q739915 P1412 Q1860 +Q367927 P106 Q193391 +Q504083 P1412 Q7737 +Q115055 P101 Q131524 +Q115780 P463 Q2822396 +Q112136 P119 Q438183 +Q92858 P27 Q801 +Q205028 P161 Q239453 +Q337185 P119 Q216344 +Q315744 P106 Q14915627 +Q115754 P106 Q2526255 +Q878 P530 Q145 +Q465633 P106 Q15982858 +Q4218975 P3373 Q53570396 +Q217020 P495 Q30 +Q219551 P27 Q172579 +Q34296 P102 Q29552 +Q50003 P106 Q28389 +Q47216 P140 Q23540 +Q332419 P106 Q864380 +Q53006 P19 Q1449 +Q82110 P106 Q465501 +Q1009499 P1303 Q8343 +Q171428 P106 Q131524 +Q722738 P20 Q48958 +Q914054 P108 Q131252 +Q155412 P106 Q177220 +Q300547 P840 Q65 +Q527394 P106 Q947873 +Q853461 P106 Q33999 +Q453314 P361 Q183048 +Q2062366 P27 Q25 +Q84771 P1412 Q188 +Q3656334 P106 Q15976092 +Q84423 P463 Q463303 +Q843402 P136 Q56284716 +Q544387 P136 Q9759 +Q76959 P69 Q174570 +Q172584 P2348 Q6927 +Q382036 P27 Q30 +Q62323 P106 Q2526255 +Q326542 P106 Q2722764 +Q96064 P69 Q155354 +Q216364 P17 Q30 +Q178698 P106 Q1622272 +Q267581 P27 Q30 +Q57426 P106 Q482980 +Q104688 P27 Q183 +Q71618 P106 Q214917 +Q11031 P1412 Q150 +Q196287 P69 Q5149833 +Q309246 P136 Q2975633 +Q664 P530 Q43 +Q198557 P161 Q223117 +Q29573 P27 Q30 +Q32529 P136 Q37073 +Q61199 P27 Q16957 +Q518839 P108 Q336968 +Q190994 P106 Q948329 +Q573223 P1412 Q1321 +Q709464 P264 Q1238400 +Q233368 P106 Q33999 +Q1077608 P106 Q1028181 +Q438885 P136 Q187760 +Q778 P463 Q191384 +Q365042 P136 Q83440 +Q244257 P840 Q1439 +Q96556 P102 Q153401 +Q48984 P161 Q170572 +Q313470 P19 Q100 +Q316556 P106 Q36180 +Q463673 P106 Q639669 +Q71499 P1412 Q188 +Q319523 P102 Q79854 +Q25351 P108 Q315658 +Q555449 P136 Q35760 +Q228812 P101 Q482 +Q151972 P106 Q15981151 +Q1004670 P106 Q36180 +Q513615 P69 Q219615 +Q72267 P106 Q33999 +Q49452 P106 Q36180 +Q180004 P136 Q37073 +Q64509 P108 Q414110 +Q112255 P140 Q75809 +Q233937 P3373 Q1349639 +Q158092 P106 Q2306091 +Q154077 P136 Q21401869 +Q174559 P57 Q51495 +Q23517 P106 Q639669 +Q106514 P509 Q181754 +Q250669 P106 Q177220 +Q313366 P106 Q130857 +Q533369 P264 Q466649 +Q236950 P19 Q60 +Q972676 P106 Q36180 +Q100028 P20 Q1726 +Q181799 P106 Q10798782 +Q3892790 P106 Q170790 +Q658706 P106 Q1930187 +Q889 P530 Q878 +Q311181 P106 Q10800557 +Q241215 P106 Q49757 +Q428551 P161 Q42869 +Q76772 P463 Q684415 +Q347950 P27 Q414 +Q281034 P106 Q855091 +Q869 P530 Q35 +Q6694 P106 Q520549 +Q85914 P551 Q1741 +Q358345 P136 Q40831 +Q531913 P1303 Q17172850 +Q215436 P106 Q36180 +Q192762 P106 Q10800557 +Q262791 P264 Q311439 +Q220901 P27 Q30 +Q1250743 P19 Q84 +Q131374 P106 Q333634 +Q17738 P136 Q157394 +Q70236 P106 Q250867 +Q232348 P27 Q30 +Q971 P530 Q148 +Q153018 P27 Q40 +Q1553657 P20 Q1335 +Q125058 P161 Q444217 +Q433060 P106 Q753110 +Q62809 P1412 Q188 +Q10444417 P551 Q2256 +Q929665 P106 Q2865819 +Q258 P530 Q865 +Q156898 P106 Q864380 +Q309248 P495 Q183 +Q117902 P102 Q590750 +Q141680 P69 Q503246 +Q333653 P136 Q49084 +Q310734 P161 Q442547 +Q44520 P27 Q174193 +Q24980 P136 Q157443 +Q2514 P102 Q49768 +Q78504 P108 Q170027 +Q2754 P27 Q33946 +Q156394 P161 Q259461 +Q158060 P69 Q13371 +Q161687 P161 Q105682 +Q4149437 P27 Q15180 +Q173804 P161 Q76887 +Q72717 P69 Q503246 +Q42574 P106 Q2526255 +Q1292738 P106 Q131524 +Q461540 P161 Q320204 +Q73028 P161 Q348533 +Q159 P530 Q1019 +Q934097 P106 Q193391 +Q300423 P136 Q52162262 +Q1698 P106 Q33999 +Q708581 P136 Q131539 +Q2622688 P106 Q12406482 +Q19794 P106 Q10798782 +Q203804 P106 Q10800557 +Q50797 P264 Q155152 +Q72334 P1412 Q1860 +Q60039 P106 Q4991371 +Q249865 P106 Q10798782 +Q312173 P27 Q30 +Q325589 P106 Q14467526 +Q431793 P495 Q183 +Q388408 P161 Q37079 +Q144483 P495 Q30 +Q76324 P106 Q36180 +Q61673 P106 Q36180 +Q188384 P495 Q142 +Q20178 P19 Q25395 +Q42493 P1303 Q6607 +Q90493 P106 Q1622272 +Q210172 P106 Q2405480 +Q124523 P463 Q329464 +Q167635 P264 Q56760250 +Q683 P530 Q408 +Q261104 P106 Q2405480 +Q232 P30 Q46 +Q103075 P106 Q16533 +Q49941 P1412 Q652 +Q55428 P106 Q28389 +Q310755 P463 Q270794 +Q287793 P106 Q2405480 +Q214930 P136 Q1344 +Q99448 P20 Q3955 +Q92641 P106 Q81096 +Q312394 P495 Q35 +Q191974 P106 Q82955 +Q44414 P1303 Q17172850 +Q9602 P108 Q168756 +Q1974190 P1303 Q8371 +Q641 P17 Q4948 +Q77184 P463 Q1792159 +Q916 P530 Q403 +Q414163 P17 Q183 +Q43689 P27 Q1747689 +Q179746 P840 Q5092 +Q312885 P106 Q55960555 +Q644797 P1303 Q17172850 +Q478967 P27 Q30 +Q329454 P101 Q1930187 +Q25351 P106 Q1622272 +Q145 P530 Q1049 +Q76738 P20 Q220 +Q33 P530 Q865 +Q215623 P106 Q1930187 +Q70618 P20 Q456 +Q114 P463 Q656801 +Q499742 P463 Q337234 +Q9358 P737 Q78491 +Q123386 P27 Q39 +Q191966 P106 Q10798782 +Q294812 P106 Q10798782 +Q970649 P69 Q209842 +Q22670 P106 Q182436 +Q221450 P26 Q285462 +Q55375 P509 Q12078 +Q2569 P69 Q54096 +Q642060 P106 Q214917 +Q41257 P509 Q183134 +Q97871 P1412 Q188 +Q46182 P106 Q49757 +Q712359 P1303 Q17172850 +Q353816 P1412 Q1860 +Q507327 P136 Q9759 +Q709790 P463 Q83172 +Q8573 P27 Q13426199 +Q315087 P106 Q482980 +Q49452 P27 Q155 +Q60126 P102 Q7320 +Q433893 P27 Q30 +Q80871 P69 Q232141 +Q220335 P27 Q30 +Q115134 P106 Q33999 +Q19794 P106 Q33999 +Q957439 P69 Q49108 +Q208204 P161 Q342419 +Q183094 P172 Q181634 +Q156178 P27 Q174193 +Q438440 P106 Q1930187 +Q185364 P106 Q639669 +Q217470 P172 Q49542 +Q910761 P106 Q753110 +Q44461 P135 Q7066 +Q25153 P1303 Q17172850 +Q9047 P1412 Q188 +Q689486 P20 Q649 +Q172599 P106 Q333634 +Q818968 P161 Q295148 +Q71004 P509 Q12152 +Q212689 P136 Q1341051 +Q717 P530 Q16 +Q78107 P102 Q7320 +Q75889 P106 Q182436 +Q318004 P463 Q329464 +Q113489 P102 Q153401 +Q106602 P1412 Q188 +Q207 P69 Q49126 +Q150652 P27 Q43287 +Q453330 P361 Q183048 +Q383420 P27 Q142 +Q1556241 P463 Q463303 +Q57473 P27 Q228 +Q544750 P106 Q1930187 +Q544750 P69 Q392904 +Q361257 P509 Q12152 +Q84403 P106 Q16267607 +Q276218 P106 Q177220 +Q931890 P509 Q181754 +Q605489 P27 Q29 +Q213945 P1412 Q188 +Q313647 P106 Q855091 +Q16472 P106 Q10800557 +Q66408 P106 Q10798782 +Q57802 P106 Q1225716 +Q200804 P136 Q200092 +Q290287 P27 Q172579 +Q320423 P136 Q2297927 +Q73581 P27 Q16957 +Q697200 P106 Q3391743 +Q505517 P1303 Q46185 +Q446257 P106 Q639669 +Q833 P530 Q34 +Q442031 P106 Q14467526 +Q187553 P27 Q17 +Q22670 P1412 Q150 +Q189454 P106 Q1607826 +Q114179 P106 Q10798782 +Q463765 P161 Q44077 +Q35648 P102 Q29468 +Q916 P463 Q294278 +Q189 P463 Q1969730 +Q7241 P136 Q35760 +Q44653 P1303 Q78987 +Q79034 P1412 Q188 +Q230476 P135 Q667661 +Q75177 P1303 Q17172850 +Q548185 P69 Q161562 +Q202589 P106 Q10798782 +Q59672 P69 Q459506 +Q204868 P106 Q12144794 +Q78278 P108 Q55044 +Q121111 P106 Q36180 +Q82695 P27 Q15180 +Q253882 P106 Q33999 +Q392825 P161 Q318231 +Q180861 P106 Q183945 +Q302835 P1412 Q13955 +Q35648 P69 Q153265 +Q61390 P106 Q11900058 +Q324424 P172 Q49085 +Q171582 P161 Q506198 +Q1246324 P106 Q4773904 +Q902 P530 Q184 +Q107420 P463 Q466089 +Q34424 P1412 Q150 +Q186327 P136 Q76092 +Q70478 P106 Q1622272 +Q51522 P106 Q2059704 +Q150630 P463 Q329464 +Q156749 P1412 Q9027 +Q333653 P1412 Q1321 +Q1037263 P19 Q12439 +Q69105 P1412 Q188 +Q312081 P106 Q3282637 +Q539171 P119 Q746647 +Q189015 P27 Q172579 +Q180125 P161 Q450714 +Q164047 P106 Q333634 +Q401107 P106 Q333634 +Q17455 P551 Q30 +Q27513 P161 Q298347 +Q311193 P106 Q386854 +Q642060 P106 Q36180 +Q336222 P361 Q43267 +Q213754 P27 Q55 +Q183713 P106 Q1930187 +Q182589 P1412 Q143 +Q921 P530 Q819 +Q507075 P106 Q1930187 +Q155860 P106 Q185351 +Q110085 P19 Q1731 +Q324239 P840 Q60 +Q194333 P1303 Q17172850 +Q441520 P19 Q6106 +Q272224 P106 Q1231865 +Q303456 P840 Q62 +Q212002 P69 Q174710 +Q212 P463 Q1480793 +Q269912 P136 Q645928 +Q99612 P108 Q32120 +Q72913 P509 Q12078 +Q102902 P27 Q183 +Q86152 P1412 Q188 +Q215735 P106 Q4263842 +Q19526 P551 Q38022 +Q129813 P136 Q20442589 +Q75828 P101 Q333 +Q14100 P509 Q506616 +Q159 P463 Q37470 +Q2005601 P27 Q145 +Q237387 P264 Q330629 +Q1671177 P463 Q463303 +Q34969 P106 Q18814623 +Q189895 P19 Q44989 +Q90319 P106 Q3282637 +Q26274 P106 Q3282637 +Q381256 P27 Q218 +Q270441 P106 Q2259451 +Q90288 P463 Q299015 +Q297097 P69 Q263064 +Q183063 P136 Q2484376 +Q7294 P1412 Q188 +Q91090 P108 Q152087 +Q111873 P27 Q43287 +Q188526 P27 Q15180 +Q213870 P119 Q1731 +Q173839 P106 Q82955 +Q49747 P1412 Q150 +Q1339164 P106 Q81096 +Q318267 P106 Q10798782 +Q310332 P106 Q177220 +Q314984 P106 Q82955 +Q351670 P27 Q34266 +Q23481 P106 Q482980 +Q271054 P106 Q33999 +Q229603 P161 Q272977 +Q131074 P495 Q664 +Q538362 P1303 Q17172850 +Q33866 P551 Q61 +Q160456 P106 Q37226 +Q313470 P106 Q28389 +Q276005 P1412 Q1860 +Q85411 P19 Q1799 +Q1338141 P20 Q131491 +Q55195 P69 Q1130457 +Q119768 P136 Q8242 +Q1635222 P106 Q177220 +Q41 P37 Q9129 +Q156814 P106 Q158852 +Q472783 P20 Q649 +Q977 P463 Q8475 +Q801 P463 Q8475 +Q152293 P106 Q486748 +Q885833 P136 Q8341 +Q62558 P509 Q12152 +Q92739 P463 Q463303 +Q23434 P106 Q1930187 +Q925493 P106 Q937857 +Q469752 P106 Q728425 +Q275120 P136 Q188473 +Q39 P530 Q35 +Q442797 P106 Q947873 +Q231207 P136 Q11366 +Q170509 P106 Q36180 +Q545818 P172 Q170217 +Q982109 P102 Q10225 +Q299595 P463 Q466113 +Q229379 P264 Q1025106 +Q441267 P106 Q33999 +Q3852 P17 Q7318 +Q60506 P161 Q368129 +Q290490 P136 Q157394 +Q105090 P106 Q1622272 +Q170510 P1412 Q1860 +Q229141 P106 Q36180 +Q463407 P106 Q10798782 +Q198638 P106 Q3282637 +Q976296 P20 Q270 +Q896660 P106 Q81096 +Q686 P530 Q408 +Q103788 P551 Q62 +Q34424 P106 Q1028181 +Q345517 P106 Q10798782 +Q24999 P27 Q29 +Q1811612 P106 Q183945 +Q252469 P1303 Q17172850 +Q177993 P27 Q142 +Q923242 P106 Q82955 +Q730190 P106 Q2306091 +Q822 P463 Q1137381 +Q282823 P509 Q12152 +Q60546 P106 Q15895020 +Q584500 P509 Q12192 +Q182576 P264 Q732503 +Q64014 P1303 Q1444 +Q310389 P69 Q174710 +Q1297 P17 Q30 +Q171363 P106 Q15981151 +Q354250 P108 Q34433 +Q442721 P1303 Q17172850 +Q973305 P106 Q49757 +Q233253 P1303 Q51290 +Q2892622 P140 Q6423963 +Q51510 P27 Q1206012 +Q736847 P108 Q661916 +Q1123489 P106 Q593644 +Q102905 P1412 Q150 +Q176537 P106 Q177220 +Q35900 P101 Q395 +Q33031 P551 Q3711 +Q64076 P106 Q1397808 +Q55264 P20 Q34006 +Q551521 P27 Q38 +Q424 P530 Q921 +Q675 P119 Q746647 +Q219060 P530 Q30 +Q1138543 P106 Q177220 +Q263730 P106 Q18844224 +Q890204 P19 Q60 +Q206693 P106 Q183945 +Q567772 P27 Q822 +Q159347 P106 Q10800557 +Q76527 P106 Q36180 +Q1698 P106 Q1415090 +Q270560 P19 Q60 +Q6882 P509 Q223102 +Q1772432 P264 Q183412 +Q96426 P27 Q16957 +Q1509379 P106 Q1622272 +Q1041034 P106 Q183945 +Q236943 P106 Q33999 +Q401963 P3373 Q127548 +Q131725 P136 Q182659 +Q888152 P136 Q3071 +Q332462 P136 Q8261 +Q70372 P106 Q185351 +Q261700 P136 Q471839 +Q159 P530 Q262 +Q855 P40 Q228584 +Q31112 P106 Q121594 +Q1349827 P106 Q177220 +Q244395 P27 Q142 +Q897275 P69 Q50662 +Q539171 P106 Q639669 +Q180453 P264 Q557632 +Q216129 P106 Q189290 +Q76811 P69 Q154804 +Q19199 P1303 Q46185 +Q77851 P106 Q1792450 +Q314606 P106 Q33999 +Q320146 P19 Q235 +Q206173 P106 Q49757 +Q391562 P3373 Q468577 +Q464097 P509 Q128581 +Q77598 P463 Q695302 +Q34424 P264 Q330629 +Q89491 P106 Q1622272 +Q181774 P106 Q3282637 +Q293520 P101 Q1071 +Q458656 P136 Q859369 +Q433039 P136 Q37073 +Q881189 P1412 Q150 +Q83501 P463 Q2370801 +Q373566 P106 Q214917 +Q262091 P106 Q33999 +Q470334 P135 Q878985 +Q64257 P463 Q191583 +Q62757 P102 Q7320 +Q294326 P19 Q23154 +Q71645 P27 Q183 +Q84771 P106 Q593644 +Q316032 P106 Q2405480 +Q183492 P108 Q391028 +Q273978 P136 Q130232 +Q94034 P27 Q28513 +Q17 P530 Q668 +Q874 P530 Q265 +Q180626 P106 Q1930187 +Q232214 P136 Q547137 +Q73357 P106 Q1622272 +Q172466 P106 Q3400985 +Q159481 P463 Q133957 +Q439626 P106 Q2259451 +Q448910 P1412 Q150 +Q240430 P106 Q2865819 +Q1364884 P108 Q503415 +Q132162 P106 Q1234713 +Q1579916 P106 Q158852 +Q318249 P106 Q10800557 +Q76442 P106 Q36180 +Q10444417 P106 Q33231 +Q104183 P509 Q389735 +Q472071 P106 Q3658608 +Q206856 P106 Q36180 +Q267676 P106 Q10798782 +Q100440 P106 Q2405480 +Q180727 P106 Q36180 +Q486786 P106 Q753110 +Q201221 P106 Q1231865 +Q451312 P27 Q172579 +Q216936 P1412 Q1860 +Q3132761 P27 Q739 +Q676455 P1412 Q1321 +Q77751 P69 Q153987 +Q332394 P161 Q229920 +Q181555 P136 Q130232 +Q1333939 P106 Q177220 +Q1973537 P1303 Q8355 +Q106428 P840 Q812 +Q274252 P1412 Q150 +Q939357 P106 Q36834 +Q253882 P106 Q639669 +Q173441 P106 Q901402 +Q268131 P106 Q33999 +Q312833 P27 Q30 +Q331155 P136 Q11700058 +Q215036 P106 Q28389 +Q167696 P106 Q5716684 +Q187282 P106 Q201788 +Q63505 P27 Q183 +Q131074 P161 Q44467 +Q77729 P106 Q1622272 +Q246656 P840 Q64 +Q176163 P69 Q152087 +Q40 P463 Q45177 +Q78012 P19 Q656 +Q230 P530 Q970 +Q246656 P161 Q359251 +Q976022 P106 Q4610556 +Q96 P530 Q145 +Q975547 P69 Q1204714 +Q106529 P106 Q10800557 +Q1930688 P106 Q1930187 +Q232163 P106 Q177220 +Q23870 P106 Q860918 +Q26419 P27 Q145 +Q211513 P27 Q34266 +Q445648 P136 Q8341 +Q329448 P161 Q442547 +Q505129 P119 Q746647 +Q931607 P106 Q753110 +Q234101 P106 Q33999 +Q133151 P136 Q38848 +Q743162 P106 Q1930187 +Q208572 P161 Q234551 +Q64180 P69 Q151510 +Q43736 P69 Q7842 +Q273055 P106 Q639669 +Q380531 P136 Q38848 +Q471774 P136 Q8341 +Q378891 P161 Q349312 +Q61456 P106 Q1209498 +Q44328 P106 Q333634 +Q225089 P106 Q40348 +Q270672 P106 Q33999 +Q157043 P463 Q4742987 +Q75151 P106 Q33999 +Q155449 P27 Q241 +Q1827208 P106 Q753110 +Q258846 P106 Q183945 +Q112214 P106 Q36180 +Q77428 P108 Q1278808 +Q1397252 P27 Q172579 +Q270692 P1303 Q17172850 +Q423644 P27 Q12560 +Q367653 P1303 Q17172850 +Q177917 P102 Q1774814 +Q435290 P20 Q60 +Q51489 P27 Q668 +Q171976 P463 Q4345832 +Q145 P463 Q826700 +Q234101 P106 Q28389 +Q236017 P106 Q33999 +Q339425 P161 Q182486 +Q77177 P106 Q639669 +Q139542 P161 Q161819 +Q7243 P737 Q868 +Q80135 P20 Q649 +Q46599 P106 Q49757 +Q8007 P27 Q30 +Q196287 P119 Q2000666 +Q117 P530 Q408 +Q722202 P69 Q319239 +Q55993 P106 Q1781198 +Q44909 P27 Q30 +Q77598 P108 Q153987 +Q75237 P27 Q183 +Q91557 P551 Q2773 +Q2577771 P463 Q463281 +Q1305608 P106 Q214917 +Q166159 P106 Q2500638 +Q471443 P1412 Q7737 +Q80095 P1412 Q5287 +Q562874 P106 Q3282637 +Q721963 P106 Q10798782 +Q87073 P106 Q1234713 +Q72070 P27 Q43287 +Q399 P530 Q232 +Q75371 P106 Q188094 +Q435290 P140 Q288928 +Q217495 P69 Q1247589 +Q33391 P106 Q201788 +Q256164 P106 Q33999 +Q36023 P27 Q30 +Q1441251 P19 Q18426 +Q428372 P495 Q30 +Q611672 P106 Q6625963 +Q206173 P1412 Q7411 +Q222 P463 Q380340 +Q105954 P102 Q153401 +Q60206 P106 Q189290 +Q376278 P19 Q580 +Q8619 P27 Q16 +Q727301 P106 Q40348 +Q716367 P69 Q149990 +Q1063743 P106 Q901 +Q214831 P27 Q30 +Q183 P530 Q36 +Q67007 P19 Q1794 +Q66426 P136 Q8261 +Q103527 P1412 Q1860 +Q441439 P20 Q727 +Q110073 P463 Q270794 +Q179215 P136 Q188473 +Q430872 P1412 Q1860 +Q216536 P27 Q183 +Q22222 P69 Q49116 +Q44063 P140 Q682443 +Q302484 P106 Q177220 +Q25820 P106 Q3621491 +Q1386793 P27 Q30 +Q112831 P161 Q172261 +Q47667 P69 Q49115 +Q233475 P106 Q753110 +Q3335 P140 Q6423963 +Q723320 P20 Q649 +Q150630 P463 Q191583 +Q208263 P161 Q2263 +Q242329 P69 Q4614 +Q207588 P161 Q373968 +Q232810 P106 Q28389 +Q20145 P106 Q2405480 +Q190089 P106 Q36180 +Q929 P530 Q971 +Q190602 P106 Q2405480 +Q58284 P69 Q152171 +Q311253 P463 Q8038459 +Q347832 P69 Q5142861 +Q61674 P20 Q3869 +Q20127 P106 Q3242115 +Q184535 P20 Q1754 +Q949184 P27 Q419 +Q500042 P463 Q463281 +Q392441 P495 Q32 +Q228611 P119 Q1362125 +Q371403 P1303 Q187851 +Q87375 P106 Q33999 +Q189164 P20 Q90 +Q126812 P106 Q1650915 +Q124735 P27 Q145 +Q125904 P106 Q28389 +Q229603 P136 Q319221 +Q980235 P106 Q901402 +Q444518 P140 Q9268 +Q2545780 P106 Q5716684 +Q141869 P1412 Q7737 +Q31487 P17 Q153136 +Q233701 P106 Q18814623 +Q2695220 P106 Q131512 +Q719623 P106 Q16533 +Q185110 P106 Q169470 +Q336640 P106 Q28389 +Q76938 P106 Q182436 +Q103075 P108 Q168426 +Q893785 P27 Q34266 +Q2587669 P106 Q1622272 +Q82778 P1412 Q35497 +Q1391820 P27 Q145 +Q230 P463 Q7809 +Q537722 P136 Q7749 +Q408 P530 Q574 +Q86095 P463 Q83172 +Q206384 P119 Q5933 +Q213543 P106 Q674426 +Q1354583 P106 Q639669 +Q293067 P1303 Q17172850 +Q59152 P106 Q6625963 +Q1192 P106 Q36834 +Q116852 P495 Q30 +Q312582 P106 Q14915627 +Q233 P530 Q184 +Q5383 P136 Q187760 +Q782813 P106 Q36180 +Q201656 P106 Q2259451 +Q948561 P106 Q81096 +Q229264 P463 Q188771 +Q237654 P106 Q488205 +Q1036 P530 Q148 +Q961972 P69 Q192088 +Q239522 P106 Q182436 +Q128568 P106 Q40348 +Q215090 P509 Q12152 +Q330447 P69 Q179036 +Q1446475 P136 Q83440 +Q94586 P106 Q36180 +Q167768 P19 Q1348 +Q238795 P106 Q488205 +Q989 P106 Q4964182 +Q231360 P106 Q4773904 +Q712860 P69 Q193196 +Q381477 P106 Q36834 +Q124070 P106 Q201788 +Q115641 P108 Q153978 +Q71502 P106 Q36180 +Q86060 P69 Q161976 +Q107328 P106 Q16287483 +Q375024 P27 Q28 +Q220308 P106 Q10798782 +Q1649871 P530 Q49683 +Q225885 P161 Q262170 +Q45396 P136 Q316930 +Q548438 P106 Q488205 +Q187166 P106 Q36180 +Q318619 P264 Q183387 +Q84352 P737 Q84186 +Q312394 P161 Q372311 +Q203804 P551 Q84 +Q221917 P509 Q12152 +Q44306 P106 Q28389 +Q435857 P264 Q202440 +Q68202 P27 Q183 +Q310060 P106 Q483501 +Q297425 P27 Q30 +Q131814 P172 Q49085 +Q369292 P106 Q10800557 +Q315343 P1412 Q1860 +Q119840 P27 Q38 +Q234890 P26 Q51552 +Q172466 P106 Q82955 +Q289752 P101 Q207628 +Q78490 P106 Q193391 +Q16 P530 Q37 +Q966565 P264 Q193023 +Q313875 P27 Q30 +Q430804 P106 Q2259451 +Q981270 P106 Q131524 +Q1382830 P106 Q753110 +Q230278 P551 Q34006 +Q732513 P1412 Q1321 +Q342778 P106 Q488205 +Q272225 P106 Q639669 +Q189895 P69 Q309350 +Q1077554 P106 Q627325 +Q91642 P1412 Q188 +Q318412 P106 Q18844224 +Q1139628 P106 Q177220 +Q30893 P106 Q578109 +Q921 P530 Q928 +Q109608 P551 Q64 +Q241609 P19 Q61 +Q43499 P106 Q1234713 +Q129140 P136 Q37073 +Q94653 P140 Q9268 +Q378240 P106 Q1209498 +Q131579 P140 Q9592 +Q454544 P20 Q40435 +Q399 P530 Q334 +Q29 P463 Q827525 +Q270937 P106 Q11481802 +Q72925 P136 Q860626 +Q281964 P27 Q30 +Q273866 P69 Q209842 +Q94513 P106 Q10800557 +Q229011 P1412 Q1860 +Q2551 P27 Q183 +Q938402 P106 Q82955 +Q662066 P108 Q871369 +Q135481 P108 Q4129798 +Q335376 P106 Q10800557 +Q203715 P106 Q214917 +Q69209 P102 Q7320 +Q60285 P140 Q75809 +Q237053 P106 Q33999 +Q457338 P106 Q40348 +Q120599 P106 Q49757 +Q86843 P102 Q49763 +Q61469 P106 Q350979 +Q90653 P19 Q1726 +Q186587 P136 Q130232 +Q966300 P106 Q3391743 +Q155423 P509 Q208414 +Q235 P463 Q7809 +Q977036 P463 Q270794 +Q155684 P106 Q188094 +Q106193 P106 Q36834 +Q381477 P1303 Q17172850 +Q357821 P108 Q530471 +Q78628 P108 Q165980 +Q217182 P136 Q200092 +Q220889 P26 Q90653 +Q102711 P106 Q1028181 +Q428347 P20 Q64 +Q44648 P136 Q7749 +Q1282750 P1303 Q17172850 +Q60029 P106 Q6606110 +Q443225 P1303 Q17172850 +Q205721 P106 Q177220 +Q502362 P108 Q608338 +Q657 P530 Q148 +Q38875 P106 Q177220 +Q972676 P27 Q30 +Q297831 P106 Q753110 +Q8814 P27 Q142 +Q193660 P106 Q2259532 +Q487488 P106 Q2374149 +Q168704 P106 Q644687 +Q76258 P106 Q482980 +Q310800 P69 Q13371 +Q159876 P27 Q142 +Q529603 P106 Q36834 +Q711197 P136 Q9759 +Q234875 P106 Q10800557 +Q58217 P69 Q322964 +Q158078 P136 Q1344 +Q435203 P27 Q30 +Q229220 P106 Q177220 +Q215868 P27 Q30 +Q296039 P1412 Q1860 +Q40572 P20 Q11299 +Q113233 P106 Q18844224 +Q279057 P136 Q130232 +Q1523426 P20 Q649 +Q1218 P17 Q12544 +Q214477 P106 Q36180 +Q138850 P1412 Q9288 +Q51603 P551 Q65 +Q530550 P106 Q3282637 +Q1105367 P463 Q466089 +Q105349 P136 Q8341 +Q153527 P106 Q33999 +Q44862 P106 Q49757 +Q20 P530 Q41 +Q318736 P19 Q2868 +Q445429 P140 Q9592 +Q109063 P1412 Q1860 +Q309086 P136 Q2297927 +Q332525 P136 Q484641 +Q2607 P119 Q2887 +Q63189 P1412 Q1860 +Q62126 P106 Q1622272 +Q36844 P106 Q43845 +Q367447 P1303 Q17172850 +Q58328 P106 Q121594 +Q184650 P106 Q193391 +Q12706 P551 Q891 +Q302403 P161 Q106349 +Q817 P463 Q1137381 +Q202749 P106 Q36180 +Q454970 P106 Q1231865 +Q7199 P1412 Q150 +Q983686 P106 Q47064 +Q193018 P106 Q1231865 +Q1770797 P463 Q463303 +Q237214 P106 Q10800557 +Q47667 P102 Q31113 +Q148 P530 Q1014 +Q712 P530 Q408 +Q157303 P106 Q36180 +Q220299 P136 Q1535153 +Q250954 P161 Q296630 +Q76546 P27 Q43287 +Q25120 P106 Q333634 +Q47484 P27 Q142 +Q435455 P19 Q485716 +Q87208 P106 Q1930187 +Q1028859 P136 Q54365 +Q98058 P27 Q183 +Q45025 P509 Q2140674 +Q106349 P106 Q33999 +Q45255 P19 Q1726 +Q114558 P509 Q12202 +Q115761 P20 Q71 +Q5327 P20 Q1726 +Q38 P530 Q869 +Q465636 P1303 Q6607 +Q1194456 P159 Q60 +Q355344 P1412 Q1860 +Q144535 P463 Q2822396 +Q4098 P17 Q16957 +Q336278 P106 Q1930187 +Q92621 P106 Q5482740 +Q83789 P161 Q349391 +Q858623 P1412 Q5287 +Q711226 P20 Q744948 +Q833 P530 Q55 +Q76364 P106 Q486748 +Q372692 P19 Q131491 +Q295120 P106 Q36834 +Q104109 P140 Q1841 +Q60217 P1412 Q188 +Q179150 P106 Q177220 +Q70326 P101 Q184485 +Q75177 P106 Q10800557 +Q103949 P119 Q1302545 +Q188955 P551 Q16559 +Q320224 P641 Q2736 +Q540443 P69 Q245247 +Q72538 P1412 Q188 +Q262 P530 Q948 +Q333118 P108 Q9531 +Q2514 P106 Q18814623 +Q725516 P106 Q855091 +Q123469 P140 Q7066 +Q62977 P108 Q21578 +Q552770 P106 Q2490358 +Q981270 P106 Q43845 +Q240174 P106 Q36180 +Q200464 P17 Q45 +Q175104 P264 Q202440 +Q126472 P1412 Q188 +Q87589 P1303 Q17172850 +Q884 P530 Q189 +Q123698 P106 Q4964182 +Q37333 P17 Q36 +Q668 P530 Q423 +Q57462 P27 Q33946 +Q543294 P20 Q65 +Q982109 P106 Q901 +Q35498 P102 Q42183 +Q310798 P69 Q192088 +Q58978 P108 Q160302 +Q309932 P106 Q3282637 +Q45553 P19 Q43196 +Q161963 P1412 Q1321 +Q155463 P106 Q36180 +Q390097 P136 Q52162262 +Q89416 P106 Q4263842 +Q242796 P27 Q145 +Q271640 P106 Q13590141 +Q93443 P161 Q205473 +Q131248 P69 Q174570 +Q2749 P17 Q12548 +Q298259 P106 Q1476215 +Q252 P530 Q39 +Q647687 P106 Q333634 +Q180272 P106 Q10798782 +Q89546 P1412 Q188 +Q4263050 P27 Q252 +Q1196965 P1303 Q31561 +Q155545 P106 Q47064 +Q154410 P26 Q333892 +Q654283 P159 Q60 +Q426582 P551 Q11299 +Q166454 P106 Q2252262 +Q95008 P737 Q51581 +Q116258 P106 Q214917 +Q70342 P27 Q183 +Q435205 P106 Q486748 +Q352203 P27 Q30 +Q269912 P136 Q130232 +Q49903 P161 Q349312 +Q105624 P161 Q65105 +Q1200053 P106 Q1053574 +Q708110 P106 Q177220 +Q1733964 P106 Q2732142 +Q183141 P106 Q2526255 +Q67138 P108 Q55044 +Q270669 P1303 Q6607 +Q311439 P159 Q1726 +Q7546 P463 Q463303 +Q727151 P1412 Q1860 +Q622636 P106 Q15981151 +Q84147 P161 Q314151 +Q188482 P136 Q187760 +Q2477225 P463 Q2370801 +Q540787 P106 Q15949613 +Q172154 P102 Q153401 +Q70350 P106 Q36180 +Q238557 P1412 Q1321 +Q190994 P27 Q30 +Q1027 P463 Q816706 +Q223596 P136 Q157394 +Q2831 P106 Q33999 +Q58793 P106 Q4773904 +Q63815 P102 Q158227 +Q85807 P27 Q40 +Q117902 P108 Q593321 +Q129591 P106 Q947873 +Q105031 P161 Q233365 +Q44426 P509 Q12152 +Q265131 P106 Q164236 +Q275170 P27 Q30 +Q213393 P106 Q219477 +Q203519 P27 Q15180 +Q1041 P30 Q15 +Q115483 P106 Q482980 +Q710924 P69 Q41506 +Q65337 P108 Q32120 +Q57063 P108 Q151510 +Q234663 P1412 Q7026 +Q369900 P161 Q49001 +Q61217 P1412 Q188 +Q310150 P106 Q3665646 +Q103946 P27 Q145 +Q674739 P108 Q1144673 +Q67645 P108 Q310695 +Q252 P530 Q36 +Q400729 P20 Q801 +Q180560 P27 Q30 +Q5104 P106 Q639669 +Q294531 P106 Q639669 +Q59185 P264 Q1070152 +Q355314 P108 Q49108 +Q134180 P27 Q30 +Q125106 P27 Q30 +Q723839 P1412 Q8785 +Q335142 P108 Q13164 +Q1500297 P106 Q639669 +Q8015 P1412 Q1860 +Q9696 P69 Q49123 +Q440609 P106 Q2526255 +Q743162 P106 Q1642960 +Q160263 P106 Q36180 +Q12750 P106 Q121594 +Q1041034 P264 Q183387 +Q88388 P69 Q51985 +Q62459 P106 Q36180 +Q154014 P27 Q183 +Q57802 P106 Q333634 +Q67018 P106 Q806798 +Q150916 P106 Q10798782 +Q150471 P19 Q4120832 +Q215026 P1303 Q17172850 +Q230636 P27 Q30 +Q162554 P106 Q10800557 +Q61453 P106 Q4964182 +Q295873 P27 Q30 +Q105158 P106 Q10798782 +Q64910 P463 Q44687 +Q357391 P106 Q10800557 +Q526382 P1412 Q256 +Q208869 P106 Q37226 +Q346801 P1412 Q7976 +Q217160 P1303 Q17172850 +Q3052333 P463 Q427318 +Q1720 P17 Q12548 +Q229282 P106 Q36834 +Q239501 P69 Q216273 +Q124094 P19 Q72 +Q2704774 P106 Q81096 +Q764570 P463 Q131566 +Q5383 P106 Q2340668 +Q1237689 P136 Q1344 +Q313210 P106 Q81096 +Q190643 P161 Q188772 +Q22316 P106 Q82955 +Q1441274 P361 Q6354282 +Q381827 P19 Q1479 +Q201477 P106 Q36180 +Q878708 P106 Q82955 +Q31 P530 Q41 +Q213547 P27 Q183 +Q1267 P69 Q185246 +Q833 P530 Q142 +Q71490 P19 Q7473516 +Q62402 P1412 Q188 +Q182665 P106 Q177220 +Q183 P463 Q1065 +Q143901 P136 Q959790 +Q134982 P140 Q93191 +Q87840 P20 Q64 +Q63184 P27 Q183 +Q91232 P106 Q2526255 +Q121507 P106 Q36834 +Q884 P463 Q19771 +Q214549 P463 Q3291340 +Q1248240 P20 Q1342 +Q2574737 P27 Q794 +Q38873 P1412 Q7737 +Q108216 P551 Q104192 +Q267914 P106 Q639669 +Q155378 P106 Q33999 +Q880598 P19 Q1345 +Q434555 P106 Q81096 +Q76524 P106 Q2252262 +Q804 P463 Q17495 +Q59314 P1303 Q17172850 +Q111536 P106 Q2306091 +Q392662 P161 Q81131 +Q161084 P108 Q55044 +Q42869 P106 Q2526255 +Q358087 P136 Q11401 +Q311804 P106 Q10798782 +Q273338 P27 Q142 +Q125904 P106 Q3282637 +Q154809 P27 Q241 +Q107438 P106 Q10800557 +Q299122 P136 Q483352 +Q1586732 P106 Q806349 +Q84455 P69 Q55044 +Q156501 P27 Q843 +Q552770 P264 Q7659636 +Q212089 P106 Q753110 +Q585643 P17 Q30 +Q186807 P1412 Q652 +Q726198 P119 Q216344 +Q128576 P106 Q1607826 +Q41132 P136 Q319221 +Q512741 P19 Q49145 +Q180099 P463 Q40358 +Q61942 P463 Q55473342 +Q1385119 P1412 Q13955 +Q854912 P106 Q158852 +Q220396 P19 Q6346 +Q296630 P1412 Q1860 +Q92635 P69 Q309350 +Q36767 P106 Q3282637 +Q78278 P108 Q317053 +Q5383 P26 Q256531 +Q45 P530 Q17 +Q346777 P27 Q2305208 +Q92695 P106 Q81096 +Q129140 P106 Q4610556 +Q41223 P19 Q649 +Q40826 P1412 Q9043 +Q47162 P106 Q14915627 +Q78511 P106 Q6625963 +Q63026 P57 Q188726 +Q38 P530 Q36704 +Q84780 P106 Q2526255 +Q9095 P27 Q174193 +Q76938 P106 Q674426 +Q132330 P108 Q1150105 +Q949046 P551 Q1757 +Q314290 P509 Q767485 +Q430535 P161 Q106481 +Q106751 P108 Q263064 +Q62766 P106 Q43845 +Q236217 P136 Q842256 +Q188286 P108 Q193727 +Q3379094 P19 Q30 +Q948561 P1303 Q6607 +Q19526 P101 Q482 +Q11815 P463 Q4742987 +Q1005 P361 Q4412 +Q884 P530 Q769 +Q560694 P106 Q333634 +Q110365 P161 Q382197 +Q4099149 P106 Q901 +Q316957 P27 Q30 +Q238869 P106 Q10800557 +Q240788 P106 Q182436 +Q1733964 P108 Q41506 +Q208871 P106 Q33999 +Q196665 P136 Q2975633 +Q216398 P509 Q12078 +Q280734 P136 Q49451 +Q152306 P106 Q82955 +Q80871 P108 Q167733 +Q71508 P106 Q82955 +Q550232 P161 Q338812 +Q329709 P840 Q538 +Q58760 P1303 Q5994 +Q70618 P106 Q8178443 +Q310204 P161 Q233347 +Q41590 P1412 Q1860 +Q244398 P495 Q145 +Q868839 P106 Q49757 +Q117012 P106 Q1028181 +Q713058 P106 Q6665249 +Q108239 P1412 Q188 +Q213585 P140 Q620629 +Q311993 P106 Q10798782 +Q876590 P27 Q30 +Q932884 P136 Q9778 +Q114 P530 Q423 +Q4128 P106 Q82955 +Q61078 P101 Q5891 +Q735283 P106 Q1622272 +Q258 P530 Q219 +Q206886 P161 Q382197 +Q67494 P20 Q1748 +Q230445 P1303 Q5994 +Q467940 P1303 Q17172850 +Q302682 P161 Q94358 +Q76632 P106 Q6625963 +Q215673 P106 Q36180 +Q181573 P509 Q202837 +Q294185 P106 Q3282637 +Q270935 P136 Q45981 +Q323805 P106 Q177220 +Q272303 P119 Q1574424 +Q229 P37 Q256 +Q262791 P69 Q49115 +Q854590 P136 Q325504 +Q178391 P106 Q488205 +Q384387 P641 Q718 +Q434585 P27 Q30 +Q974 P463 Q656801 +Q365144 P106 Q4610556 +Q44519 P140 Q75809 +Q9047 P1412 Q7411 +Q8739 P106 Q81096 +Q78237 P463 Q2749618 +Q400765 P27 Q30 +Q191734 P1412 Q35497 +Q887259 P20 Q55630 +Q233365 P106 Q10798782 +Q972641 P102 Q29468 +Q584292 P106 Q943995 +Q55796 P106 Q18814623 +Q2157440 P69 Q131252 +Q312288 P27 Q30 +Q216134 P106 Q6625963 +Q278053 P136 Q2143665 +Q123698 P106 Q11774202 +Q921 P463 Q7768 +Q239411 P69 Q5103452 +Q55282 P106 Q33999 +Q190379 P27 Q145 +Q153739 P27 Q183 +Q1371735 P106 Q36180 +Q61497 P69 Q51985 +Q232047 P106 Q10800557 +Q1273345 P19 Q16563 +Q262502 P106 Q33999 +Q589781 P27 Q30 +Q228546 P119 Q311 +Q36233 P1412 Q9056 +Q4460848 P20 Q586 +Q190251 P19 Q84 +Q18425 P463 Q337555 +Q677769 P463 Q463303 +Q809028 P106 Q1607826 +Q2903389 P1412 Q1860 +Q1065624 P27 Q17 +Q455344 P106 Q177220 +Q17714 P106 Q170790 +Q563057 P136 Q8341 +Q420407 P19 Q107126 +Q40531 P509 Q189588 +Q92942 P1412 Q1860 +Q154723 P108 Q165980 +Q360079 P106 Q14467526 +Q440817 P1303 Q6607 +Q233894 P1303 Q17172850 +Q223949 P463 Q901677 +Q499028 P106 Q36834 +Q90331 P69 Q152171 +Q9294 P106 Q18814623 +Q188697 P463 Q161806 +Q224647 P136 Q2484376 +Q267866 P136 Q860626 +Q8556 P108 Q49213 +Q36704 P530 Q16957 +Q43499 P69 Q499911 +Q76748 P102 Q328195 +Q235992 P140 Q1841 +Q1750532 P106 Q1643514 +Q123010 P106 Q36180 +Q109438 P106 Q2707485 +Q206124 P57 Q25089 +Q41309 P106 Q158852 +Q114740 P1412 Q188 +Q181659 P106 Q676 +Q51513 P106 Q214917 +Q2619019 P1412 Q1860 +Q234436 P106 Q36180 +Q8680 P30 Q15 +Q215520 P106 Q2526255 +Q702 P463 Q496967 +Q140181 P106 Q4610556 +Q311672 P264 Q202440 +Q923242 P1412 Q1860 +Q44107 P69 Q622683 +Q103114 P737 Q241583 +Q286868 P495 Q30 +Q763897 P27 Q145 +Q29427 P106 Q82955 +Q258010 P106 Q36834 +Q352023 P106 Q6625963 +Q69439 P106 Q49757 +Q4430 P161 Q34851 +Q201477 P106 Q1238570 +Q587741 P27 Q30 +Q238819 P106 Q753110 +Q48814 P172 Q84072 +Q561169 P106 Q15980158 +Q124401 P108 Q762266 +Q106691 P102 Q7320 +Q108558 P106 Q158852 +Q497271 P69 Q49088 +Q241665 P101 Q207628 +Q1861917 P106 Q10800557 +Q86758 P27 Q183 +Q41257 P1412 Q188 +Q463975 P20 Q60 +Q155463 P106 Q214917 +Q1253 P140 Q748 +Q91595 P19 Q2795 +Q193573 P495 Q408 +Q108558 P106 Q1622272 +Q984165 P27 Q145 +Q874481 P1412 Q9056 +Q61319 P20 Q4100 +Q117249 P136 Q45981 +Q4068880 P106 Q43845 +Q362639 P106 Q486748 +Q57576 P1412 Q188 +Q1361397 P1412 Q9056 +Q30 P530 Q668 +Q357798 P69 Q165980 +Q16581 P463 Q684415 +Q918655 P27 Q30 +Q106508 P106 Q245068 +Q229263 P106 Q177220 +Q1711470 P27 Q37024 +Q1293950 P69 Q9842 +Q123825 P106 Q333634 +Q313046 P106 Q3282637 +Q332515 P136 Q604725 +Q608235 P106 Q155647 +Q807787 P1412 Q1860 +Q38873 P737 Q9358 +Q310734 P161 Q349391 +Q200873 P161 Q358714 +Q191999 P119 Q216344 +Q912687 P136 Q482 +Q91371 P108 Q206702 +Q220396 P106 Q10798782 +Q166355 P136 Q188473 +Q91428 P106 Q28389 +Q364179 P106 Q639669 +Q212 P530 Q20 +Q881189 P106 Q1930187 +Q192145 P19 Q40435 +Q292558 P1412 Q150 +Q550262 P106 Q169470 +Q961972 P106 Q36180 +Q176944 P106 Q40348 +Q224754 P106 Q3282637 +Q211040 P27 Q30 +Q57999 P106 Q1622272 +Q79178 P106 Q2259451 +Q1352 P17 Q129286 +Q443199 P101 Q11629 +Q487391 P106 Q33999 +Q184366 P106 Q350979 +Q234570 P106 Q1930187 +Q16 P463 Q188822 +Q216924 P106 Q486748 +Q2415122 P19 Q38022 +Q439315 P106 Q1053574 +Q232592 P136 Q131272 +Q256054 P1412 Q9067 +Q910092 P19 Q1891 +Q263279 P106 Q33999 +Q103562 P108 Q32120 +Q156516 P161 Q28152 +Q22 P131 Q174193 +Q242095 P106 Q18844224 +Q4030 P19 Q61 +Q213081 P495 Q30 +Q106691 P106 Q36180 +Q47112095 P106 Q483501 +Q209538 P161 Q152542 +Q836 P463 Q188822 +Q165817 P161 Q349852 +Q100765 P108 Q151510 +Q43293 P463 Q1468277 +Q215142 P106 Q1622272 +Q229013 P106 Q245068 +Q282787 P27 Q145 +Q73013 P20 Q1792 +Q4573 P172 Q181634 +Q363371 P509 Q181754 +Q159 P530 Q37 +Q298 P463 Q827525 +Q320073 P69 Q523926 +Q152880 P135 Q1338153 +Q128832 P106 Q36180 +Q151814 P1412 Q188 +Q380904 P106 Q10798782 +Q7607037 P17 Q30 +Q220269 P69 Q154804 +Q663447 P1412 Q7737 +Q157204 P19 Q3711 +Q232 P463 Q8475 +Q127868 P106 Q33999 +Q71819 P3373 Q61597 +Q160619 P106 Q23833535 +Q235077 P69 Q4614 +Q1351047 P106 Q33999 +Q221 P463 Q81299 +Q110085 P106 Q4263842 +Q567340 P106 Q130857 +Q116088 P69 Q156737 +Q215215 P551 Q60 +Q247501 P69 Q82513 +Q122968 P108 Q13371 +Q110695 P20 Q1085 +Q216180 P106 Q193391 +Q231942 P106 Q488205 +Q187814 P264 Q202440 +Q66812 P106 Q864380 +Q439314 P27 Q34 +Q851 P530 Q145 +Q1016 P30 Q15 +Q545822 P106 Q82955 +Q128073 P106 Q250867 +Q711226 P106 Q957729 +Q466477 P509 Q11085 +Q57445 P463 Q18650004 +Q39789 P27 Q34 +Q267721 P136 Q842256 +Q1618047 P551 Q586 +Q184535 P101 Q7754 +Q938749 P106 Q639669 +Q236378 P106 Q177220 +Q309768 P69 Q219615 +Q166262 P57 Q25191 +Q271032 P20 Q24826 +Q663858 P27 Q30 +Q5577 P106 Q1028181 +Q872815 P106 Q36180 +Q5577 P106 Q36180 +Q236217 P136 Q21401869 +Q48410 P1412 Q1860 +Q2133214 P495 Q159 +Q1095520 P1303 Q5994 +Q632532 P136 Q1054574 +Q269890 P140 Q7325 +Q310300 P264 Q213710 +Q34060 P19 Q1218 +Q47293 P1412 Q188 +Q84053 P27 Q30 +Q53050 P1412 Q652 +Q270692 P1303 Q128309 +Q456467 P161 Q296883 +Q76534 P106 Q36180 +Q63228 P106 Q33999 +Q61114 P19 Q393 +Q169065 P106 Q753110 +Q212965 P136 Q590103 +Q528804 P106 Q1028181 +Q355009 P106 Q13235160 +Q2308660 P20 Q90 +Q1453398 P19 Q25395 +Q931561 P106 Q855091 +Q773303 P106 Q333634 +Q24348 P27 Q34266 +Q739 P530 Q38 +Q193674 P106 Q28389 +Q221102 P161 Q207307 +Q192301 P161 Q235870 +Q1556241 P108 Q319078 +Q68209 P108 Q32120 +Q19242 P106 Q81096 +Q5763208 P19 Q3616 +Q1820469 P106 Q177220 +Q437049 P106 Q639669 +Q78714 P463 Q543804 +Q356115 P1412 Q1860 +Q232993 P57 Q57391 +Q132162 P27 Q30 +Q4074457 P106 Q1622272 +Q75860 P106 Q1622272 +Q715315 P106 Q1930187 +Q1373546 P69 Q273447 +Q262091 P26 Q294901 +Q313849 P106 Q177220 +Q357168 P106 Q753110 +Q356994 P19 Q42448 +Q83542 P840 Q649 +Q505827 P106 Q49757 +Q183 P530 Q252 +Q191064 P106 Q33999 +Q77177 P136 Q9734 +Q183848 P140 Q432 +Q300547 P161 Q43416 +Q165854 P102 Q1774814 +Q349461 P106 Q855091 +Q278550 P57 Q51522 +Q2516 P172 Q42884 +Q236151 P69 Q993267 +Q271614 P136 Q484641 +Q214660 P140 Q7066 +Q359451 P106 Q482980 +Q343477 P1412 Q7411 +Q60869 P463 Q459620 +Q128568 P641 Q542 +Q84386 P106 Q212980 +Q305106 P106 Q1622272 +Q275985 P140 Q9268 +Q711538 P20 Q220 +Q41871 P106 Q2259451 +Q231128 P101 Q482 +Q724871 P106 Q40348 +Q435151 P172 Q50001 +Q1032 P463 Q294278 +Q189758 P19 Q61 +Q100718 P106 Q49757 +Q437484 P69 Q385471 +Q332399 P17 Q145 +Q441362 P19 Q23556 +Q464207 P106 Q12406482 +Q554168 P1303 Q17172850 +Q537222 P106 Q177220 +Q298532 P106 Q1930187 +Q9061 P1412 Q188 +Q153638 P106 Q486748 +Q30 P530 Q953 +Q200407 P106 Q465501 +Q84352 P1412 Q188 +Q889 P530 Q222 +Q273180 P19 Q60 +Q106009 P27 Q183 +Q300393 P495 Q30 +Q310048 P551 Q1524 +Q126652 P161 Q234890 +Q92649 P463 Q209184 +Q731108 P106 Q170790 +Q17905 P106 Q15980158 +Q2415122 P136 Q1641839 +Q2433868 P1412 Q188 +Q106662 P136 Q3071 +Q84292 P108 Q152087 +Q117012 P264 Q1200368 +Q101740 P106 Q36180 +Q327332 P57 Q191755 +Q202028 P161 Q95048 +Q516786 P102 Q537303 +Q106816 P27 Q29 +Q235719 P551 Q485176 +Q93356 P106 Q482980 +Q713301 P106 Q158852 +Q134262 P463 Q463281 +Q122003 P1412 Q1860 +Q34086 P106 Q10798782 +Q5752 P509 Q12192 +Q169566 P106 Q49757 +Q657 P463 Q294278 +Q90634 P1412 Q188 +Q314035 P20 Q649 +Q232827 P19 Q60 +Q312480 P106 Q2526255 +Q467574 P551 Q11299 +Q317988 P106 Q1930187 +Q212790 P106 Q33999 +Q543294 P19 Q12439 +Q16558 P17 Q30 +Q453583 P136 Q9730 +Q97894 P106 Q482980 +Q59084 P161 Q106775 +Q256531 P27 Q30 +Q254804 P106 Q482980 +Q36 P530 Q43 +Q347 P463 Q8908 +Q795220 P106 Q33999 +Q79848 P17 Q145 +Q558794 P106 Q82955 +Q79191 P1303 Q17172850 +Q36949 P106 Q10800557 +Q125663 P106 Q18844224 +Q223559 P136 Q188473 +Q379117 P27 Q974 +Q242949 P106 Q10798782 +Q1715 P17 Q2415901 +Q424 P530 Q148 +Q48990 P108 Q13164 +Q84147 P840 Q34266 +Q157271 P106 Q4263842 +Q519590 P106 Q6625963 +Q273978 P136 Q157394 +Q60903 P106 Q36180 +Q237324 P106 Q49757 +Q541929 P106 Q1607826 +Q93166 P108 Q273518 +Q81082 P463 Q161806 +Q258 P463 Q8475 +Q211280 P106 Q948329 +Q108622 P106 Q10800557 +Q277559 P27 Q15180 +Q78720 P106 Q250867 +Q257840 P1303 Q17172850 +Q376182 P106 Q10800557 +Q91990 P1412 Q188 +Q184255 P161 Q48337 +Q4473 P106 Q5716684 +Q981526 P106 Q36834 +Q1389258 P1303 Q5994 +Q313559 P1412 Q1860 +Q77708 P106 Q214917 +Q72962 P136 Q130232 +Q203843 P108 Q1065 +Q1292110 P1412 Q1860 +Q347 P530 Q40 +Q213844 P106 Q36180 +Q919367 P106 Q36834 +Q207921 P641 Q542 +Q16 P463 Q1480793 +Q273206 P172 Q49085 +Q187423 P161 Q202725 +Q68533 P108 Q55044 +Q271554 P106 Q3282637 +Q35912 P27 Q30 +Q202662 P106 Q10800557 +Q62310 P106 Q2259451 +Q505563 P106 Q486748 +Q270935 P1303 Q46185 +Q4593 P69 Q35794 +Q63234 P27 Q183 +Q20145 P1303 Q6607 +Q445703 P106 Q1930187 +Q446673 P106 Q639669 +Q1560657 P1412 Q188 +Q482318 P106 Q82594 +Q216341 P1412 Q8641 +Q13909 P1412 Q1860 +Q70215 P1412 Q1860 +Q212676 P106 Q1930187 +Q363949 P27 Q34266 +Q152298 P119 Q208175 +Q558288 P19 Q12892 +Q241676 P106 Q1930187 +Q760790 P106 Q1930187 +Q3490296 P108 Q156598 +Q270089 P106 Q49757 +Q94486 P106 Q1231865 +Q57266 P1412 Q8641 +Q66127 P27 Q16957 +Q858 P463 Q624307 +Q272019 P641 Q80131 +Q191026 P106 Q2306091 +Q442656 P509 Q12152 +Q1072843 P106 Q2526255 +Q303678 P161 Q362332 +Q943361 P106 Q82594 +Q1507495 P1303 Q17172850 +Q437340 P106 Q82955 +Q252 P530 Q145 +Q265252 P106 Q9648008 +Q25820 P140 Q170208 +Q228585 P495 Q30 +Q193803 P106 Q212980 +Q61708 P1412 Q188 +Q472783 P27 Q34266 +Q36268 P1412 Q150 +Q92602 P69 Q13164 +Q339581 P106 Q36180 +Q813 P37 Q7737 +Q1346255 P136 Q598929 +Q4444 P495 Q30 +Q330316 P1412 Q1321 +Q332497 P161 Q239328 +Q270085 P106 Q13582652 +Q116375 P108 Q49108 +Q98265 P1412 Q1860 +Q35 P463 Q899770 +Q4073580 P106 Q662729 +Q367032 P119 Q1437214 +Q323175 P106 Q33999 +Q30 P463 Q7825 +Q20 P530 Q38 +Q19658 P106 Q17125263 +Q946570 P27 Q155 +Q704696 P463 Q4345832 +Q4747436 P69 Q13371 +Q408 P530 Q142 +Q979545 P108 Q168756 +Q352963 P19 Q185582 +Q594272 P106 Q82955 +Q11132 P102 Q29468 +Q190772 P101 Q7754 +Q183167 P136 Q482 +Q51566 P27 Q30 +Q89689 P106 Q1622272 +Q909001 P106 Q49757 +Q2578559 P463 Q270794 +Q41 P530 Q142 +Q44519 P106 Q49757 +Q41281 P136 Q9759 +Q3480998 P106 Q131524 +Q88641 P20 Q64 +Q271763 P69 Q219563 +Q10959 P463 Q463303 +Q182486 P106 Q2259451 +Q2680 P102 Q5020915 +Q273532 P106 Q28389 +Q350678 P136 Q21590660 +Q151869 P509 Q189588 +Q9364 P69 Q209842 +Q561826 P106 Q82955 +Q104814 P161 Q110374 +Q558177 P20 Q2044 +Q55174 P106 Q82955 +Q244398 P161 Q472504 +Q68202 P106 Q250867 +Q311022 P106 Q11063 +Q728542 P69 Q1432645 +Q117688 P108 Q156598 +Q55800 P106 Q43845 +Q55450 P106 Q10800557 +Q332610 P69 Q659706 +Q435744 P1303 Q11405 +Q206890 P106 Q33999 +Q276005 P106 Q177220 +Q76000 P19 Q3806 +Q8814 P108 Q209842 +Q167475 P737 Q9711 +Q16285 P1412 Q1321 +Q57384 P27 Q41304 +Q24558760 P3373 Q20562503 +Q6293853 P106 Q1930187 +Q49081 P106 Q4263842 +Q44855 P106 Q5716684 +Q115547 P19 Q44989 +Q448163 P106 Q15981151 +Q942923 P69 Q49088 +Q155378 P106 Q214917 +Q184785 P69 Q860527 +Q323201 P106 Q2526255 +Q163549 P136 Q130232 +Q132537 P1412 Q9129 +Q109522 P106 Q33999 +Q298205 P1412 Q9288 +Q990890 P106 Q1930187 +Q41523 P2348 Q2277 +Q435455 P106 Q2259451 +Q47480 P106 Q3400985 +Q211429 P161 Q311314 +Q445405 P136 Q11399 +Q431802 P106 Q201788 +Q301083 P161 Q285460 +Q66493 P106 Q193391 +Q186485 P69 Q797078 +Q230665 P27 Q30 +Q374936 P106 Q177220 +Q381256 P463 Q901677 +Q229258 P1412 Q1860 +Q11816 P69 Q13371 +Q439209 P106 Q36180 +Q106255 P106 Q465501 +Q436507 P101 Q11372 +Q142768 P102 Q79854 +Q45772 P106 Q3282637 +Q538379 P26 Q84266 +Q157324 P27 Q142 +Q274895 P161 Q106349 +Q11627 P106 Q183945 +Q240523 P106 Q3501317 +Q660553 P463 Q1792159 +Q123870 P27 Q145 +Q19526 P106 Q177220 +Q135139 P463 Q123885 +Q551154 P106 Q177220 +Q254142 P119 Q208175 +Q342774 P27 Q30 +Q984644 P1412 Q7737 +Q177374 P161 Q193070 +Q83396 P106 Q82955 +Q51537 P106 Q3282637 +Q252 P530 Q691 +Q167211 P20 Q2868 +Q432919 P106 Q28389 +Q1347483 P106 Q10800557 +Q324726 P27 Q30 +Q551154 P106 Q2252262 +Q81037 P136 Q1054574 +Q19190 P27 Q145 +Q64173 P495 Q183 +Q164424 P161 Q3157150 +Q1327115 P27 Q30 +Q348533 P26 Q41076 +Q736 P463 Q827525 +Q93890 P102 Q7320 +Q24367 P27 Q16957 +Q188093 P463 Q463303 +Q149997 P27 Q30 +Q234807 P1412 Q1860 +Q88914 P27 Q28513 +Q77967 P108 Q152838 +Q454428 P1303 Q17172850 +Q329056 P136 Q1054574 +Q228755 P106 Q36180 +Q76367 P106 Q82955 +Q40495 P140 Q483654 +Q77214 P27 Q183 +Q207036 P172 Q42406 +Q453614 P20 Q90 +Q450646 P119 Q1302545 +Q236005 P106 Q177220 +Q619051 P20 Q956 +Q242571 P106 Q4853732 +Q47447 P106 Q639669 +Q321365 P69 Q1130457 +Q156501 P140 Q432 +Q309246 P840 Q414 +Q695886 P69 Q457281 +Q33866 P106 Q372436 +Q1047 P1412 Q1860 +Q103623 P106 Q33999 +Q261133 P69 Q5384959 +Q939105 P264 Q193023 +Q223839 P1050 Q131755 +Q53300 P463 Q191583 +Q561670 P106 Q131512 +Q453987 P136 Q188539 +Q340046 P106 Q1930187 +Q190251 P1303 Q17172850 +Q964620 P27 Q766 +Q1687803 P1303 Q6607 +Q314485 P106 Q10800557 +Q318287 P106 Q2526255 +Q371119 P106 Q15981151 +Q71508 P1412 Q188 +Q320190 P136 Q45981 +Q97077 P106 Q1622272 +Q184366 P119 Q84 +Q310755 P463 Q3603946 +Q312385 P69 Q1045828 +Q683 P463 Q496967 +Q92824 P463 Q131566 +Q947519 P106 Q333634 +Q4029 P106 Q177220 +Q1849138 P749 Q21077 +Q296771 P27 Q142 +Q95068 P27 Q30 +Q159 P530 Q974 +Q92767 P69 Q49108 +Q399 P530 Q794 +Q4960 P172 Q3476361 +Q465679 P27 Q28513 +Q48978 P136 Q188450 +Q7301731 P20 Q350 +Q85460 P27 Q28513 +Q288157 P106 Q2259451 +Q57063 P106 Q82955 +Q217154 P106 Q11774202 +Q102341 P106 Q4610556 +Q213765 P20 Q656 +Q75786 P20 Q64 +Q60766 P463 Q879171 +Q77969 P19 Q14960 +Q120977 P106 Q16031530 +Q139549 P172 Q726673 +Q428780 P495 Q183 +Q905323 P106 Q593644 +Q96028 P106 Q36180 +Q547635 P1303 Q52954 +Q275575 P136 Q37073 +Q260026 P106 Q28389 +Q179854 P463 Q463303 +Q99076 P463 Q684415 +Q338623 P19 Q906 +Q198557 P136 Q52162262 +Q1810650 P20 Q1022 +Q336517 P136 Q471839 +Q214660 P106 Q6625963 +Q62880 P69 Q20808141 +Q184933 P1412 Q9056 +Q468585 P106 Q2500638 +Q131412 P1412 Q1860 +Q150851 P1412 Q1860 +Q276769 P840 Q1439 +Q896835 P106 Q36834 +Q888256 P106 Q1930187 +Q94031 P108 Q223429 +Q321378 P463 Q463281 +Q295679 P106 Q10798782 +Q211 P463 Q663492 +Q335238 P19 Q1348 +Q60441 P106 Q16145150 +Q150471 P106 Q36834 +Q43 P463 Q8475 +Q368812 P1412 Q7737 +Q54836 P136 Q37073 +Q464277 P136 Q235858 +Q68596 P69 Q153987 +Q92649 P106 Q81096 +Q157050 P172 Q201111 +Q357102 P106 Q18814623 +Q520001 P26 Q65106 +Q313818 P19 Q1748 +Q697 P530 Q865 +Q991 P737 Q46599 +Q381307 P27 Q30 +Q53004 P26 Q265621 +Q390299 P495 Q30 +Q348571 P1303 Q17172850 +Q97431 P106 Q3621491 +Q92695 P463 Q188771 +Q48337 P106 Q3282637 +Q61446 P106 Q4964182 +Q57700 P1303 Q17172850 +Q458372 P106 Q40348 +Q207698 P495 Q183 +Q1321093 P136 Q37073 +Q234324 P106 Q36180 +Q11609 P108 Q49108 +Q445386 P264 Q654283 +Q365670 P106 Q639669 +Q231256 P509 Q12202 +Q234335 P106 Q131062 +Q77851 P1412 Q188 +Q115525 P1412 Q150 +Q288645 P136 Q471839 +Q378116 P1412 Q150 +Q154756 P27 Q172579 +Q135420 P106 Q158852 +Q123987 P106 Q193391 +Q5763208 P106 Q14467526 +Q295974 P106 Q10800557 +Q8619 P106 Q16533 +Q215735 P101 Q5891 +Q235403 P1412 Q7026 +Q432421 P106 Q486748 +Q138005 P172 Q170826 +Q2892622 P20 Q84 +Q113951 P106 Q4263842 +Q950350 P106 Q183945 +Q77807 P1412 Q1860 +Q888671 P19 Q6346 +Q369283 P27 Q30 +Q57236 P3373 Q57235 +Q36290 P172 Q49085 +Q183713 P172 Q121842 +Q423 P530 Q668 +Q62052 P106 Q10798782 +Q55210 P106 Q49757 +Q2022 P140 Q7066 +Q346777 P1412 Q7737 +Q23814 P106 Q245068 +Q648366 P27 Q16 +Q106573 P26 Q212015 +Q234798 P27 Q145 +Q438402 P106 Q578109 +Q44403 P106 Q482980 +Q92760 P1050 Q11081 +Q270869 P264 Q202440 +Q159636 P106 Q82955 +Q1715 P17 Q7318 +Q57389 P106 Q214917 +Q362258 P1303 Q17172850 +Q245075 P106 Q33999 +Q187414 P161 Q129817 +Q242110 P136 Q43343 +Q428223 P1303 Q51290 +Q61262 P106 Q4964182 +Q356287 P106 Q639669 +Q221546 P136 Q241662 +Q517273 P106 Q177220 +Q544464 P140 Q682443 +Q8873 P737 Q7241 +Q71352 P69 Q152838 +Q61356 P106 Q10800557 +Q112536 P106 Q2405480 +Q275120 P840 Q38 +Q188137 P106 Q2059704 +Q160499 P463 Q337543 +Q44570 P509 Q12136 +Q317110 P27 Q38 +Q312995 P106 Q17167049 +Q238912 P19 Q60 +Q1291679 P1412 Q1860 +Q471774 P106 Q177220 +Q152388 P106 Q486748 +Q157321 P20 Q90 +Q252041 P106 Q1028181 +Q83158 P737 Q33977 +Q173417 P101 Q1930187 +Q184366 P106 Q36180 +Q167877 P106 Q36180 +Q223316 P840 Q60 +Q3920695 P101 Q1069 +Q854 P530 Q865 +Q3766 P37 Q13955 +Q232391 P106 Q2707485 +Q78503 P27 Q40 +Q221074 P106 Q177220 +Q360663 P106 Q11481802 +Q766 P530 Q148 +Q350704 P119 Q1437214 +Q309989 P106 Q33999 +Q231811 P27 Q30 +Q88050 P69 Q165980 +Q2633389 P106 Q3282637 +Q311293 P27 Q30 +Q440910 P106 Q245068 +Q401963 P106 Q639669 +Q216563 P1412 Q1860 +Q262772 P106 Q10800557 +Q69973 P106 Q40348 +Q276440 P27 Q174193 +Q574 P463 Q8475 +Q43416 P136 Q11366 +Q228494 P27 Q174193 +Q57956 P102 Q49762 +Q105875 P27 Q30 +Q292373 P264 Q216364 +Q233428 P106 Q10798782 +Q2902710 P69 Q4614 +Q240998 P27 Q30 +Q1251733 P20 Q1337818 +Q428493 P136 Q83440 +Q47695 P69 Q152838 +Q5977 P106 Q36834 +Q427917 P19 Q5083 +Q282372 P161 Q313522 +Q579773 P106 Q43845 +Q362332 P106 Q578109 +Q7542 P106 Q177220 +Q237548 P106 Q33999 +Q986 P530 Q230 +Q854 P463 Q1065 +Q1030 P530 Q16 +Q380318 P136 Q11399 +Q671665 P106 Q753110 +Q183279 P463 Q2370801 +Q160060 P136 Q663106 +Q1000 P463 Q3348506 +Q448778 P106 Q1930187 +Q102071 P119 Q2972543 +Q9391 P106 Q3606216 +Q242552 P106 Q33999 +Q1082312 P27 Q145 +Q191100 P161 Q311232 +Q204810 P463 Q901677 +Q1067000 P19 Q1297 +Q216092 P101 Q482 +Q76624 P108 Q50662 +Q178100 P136 Q8261 +Q5977 P1412 Q1860 +Q131324 P264 Q165745 +Q157034 P172 Q86630688 +Q7516 P106 Q3282637 +Q2865 P17 Q183 +Q346216 P106 Q1930187 +Q667683 P69 Q160302 +Q375855 P161 Q81328 +Q168859 P69 Q27621 +Q76993 P27 Q183 +Q337226 P27 Q142 +Q316022 P106 Q2732142 +Q958769 P131 Q1899 +Q332399 P136 Q186472 +Q257317 P106 Q2259451 +Q601957 P20 Q956 +Q275985 P172 Q7325 +Q11705409 P509 Q12152 +Q298694 P106 Q10800557 +Q295034 P106 Q3282637 +Q189739 P106 Q36180 +Q230591 P106 Q49757 +Q241686 P27 Q30 +Q1254 P69 Q142740 +Q81624 P106 Q10800557 +Q230303 P3373 Q316064 +Q45321 P106 Q36180 +Q315707 P1303 Q17172850 +Q215860 P27 Q801 +Q1276176 P1303 Q8343 +Q216398 P119 Q533697 +Q95424 P19 Q2861 +Q2902064 P1412 Q9288 +Q44736 P106 Q245068 +Q380252 P19 Q994 +Q7301731 P106 Q49757 +Q158753 P264 Q183412 +Q867599 P1303 Q46185 +Q20127 P20 Q162049 +Q434312 P19 Q1761 +Q233932 P140 Q432 +Q67921 P463 Q459620 +Q57244 P106 Q1259917 +Q193300 P119 Q1490 +Q55207 P106 Q33999 +Q233724 P19 Q18419 +Q310729 P136 Q188473 +Q86758 P20 Q586 +Q915447 P172 Q49085 +Q274233 P1412 Q150 +Q234663 P551 Q1479 +Q381477 P1412 Q5885 +Q230530 P106 Q4610556 +Q241504 P161 Q108622 +Q441067 P19 Q65 +Q117789 P106 Q1622272 +Q351290 P1303 Q17172850 +Q324397 P106 Q5371902 +Q122094 P1412 Q150 +Q190373 P106 Q28389 +Q76820 P106 Q28389 +Q544485 P136 Q1344 +Q274157 P106 Q33999 +Q153159 P27 Q34 +Q213545 P1303 Q5994 +Q239328 P106 Q10798782 +Q695886 P106 Q1326886 +Q231576 P19 Q60 +Q13298 P17 Q131964 +Q215665 P106 Q1930187 +Q50003 P1412 Q652 +Q1384181 P106 Q2259451 +Q41568 P27 Q70972 +Q983316 P463 Q2370801 +Q202613 P106 Q639669 +Q313501 P106 Q2405480 +Q4100 P17 Q183 +Q11730 P106 Q4964182 +Q87208 P19 Q1055 +Q554074 P69 Q1719898 +Q80900 P106 Q28389 +Q1353064 P119 Q272208 +Q62115 P106 Q333634 +Q92183 P27 Q183 +Q271385 P264 Q1123947 +Q46132 P106 Q753110 +Q104049 P106 Q2526255 +Q294321 P106 Q82955 +Q456762 P1412 Q1321 +Q443030 P20 Q65 +Q172599 P172 Q50001 +Q63556 P172 Q7325 +Q19543 P27 Q12548 +Q361940 P27 Q145 +Q326526 P161 Q179497 +Q287828 P1412 Q150 +Q77226 P27 Q41304 +Q18964 P136 Q2439025 +Q682673 P106 Q753110 +Q62725 P108 Q24382 +Q691798 P106 Q4964182 +Q764570 P463 Q463303 +Q154216 P106 Q177220 +Q357974 P3373 Q311238 +Q124697 P161 Q103784 +Q450802 P140 Q6423963 +Q238215 P264 Q726251 +Q80064 P106 Q593644 +Q237639 P1412 Q7979 +Q164674 P69 Q924289 +Q38 P530 Q29 +Q108586 P161 Q229669 +Q561617 P106 Q36180 +Q312385 P140 Q7066 +Q67538 P69 Q152838 +Q221113 P161 Q232968 +Q289064 P106 Q177220 +Q4028 P1303 Q17172850 +Q41173 P1303 Q17172850 +Q237331 P136 Q157443 +Q1356586 P108 Q49110 +Q236399 P106 Q2259451 +Q82066 P27 Q129286 +Q106598 P20 Q1726 +Q314133 P106 Q10798782 +Q218031 P106 Q386854 +Q145 P530 Q258 +Q264253 P27 Q15180 +Q296771 P1412 Q150 +Q190145 P136 Q471839 +Q163899 P136 Q130232 +Q44570 P106 Q639669 +Q694081 P1412 Q7411 +Q314485 P106 Q28389 +Q93015 P106 Q82594 +Q214697 P106 Q82955 +Q323653 P106 Q753110 +Q78494 P1412 Q1860 +Q93817 P106 Q333634 +Q92977 P106 Q1326886 +Q275652 P106 Q10800557 +Q41269 P101 Q413 +Q23395 P57 Q25078 +Q326723 P106 Q10798782 +Q72001 P19 Q1055 +Q48280 P19 Q25610 +Q183 P463 Q188822 +Q46096 P1303 Q1444 +Q72224 P69 Q55044 +Q46717 P136 Q319221 +Q334885 P119 Q1437214 +Q151087 P106 Q189290 +Q233618 P106 Q10800557 +Q253845 P136 Q9730 +Q310800 P106 Q36180 +Q1707 P17 Q27306 +Q319084 P106 Q82955 +Q86723 P106 Q1622272 +Q1187592 P106 Q10800557 +Q43274 P106 Q131524 +Q113480 P119 Q4263743 +Q173637 P106 Q183945 +Q176176 P27 Q15180 +Q4085141 P20 Q649 +Q742079 P106 Q188094 +Q66379 P106 Q182436 +Q468356 P27 Q902 +Q60506 P840 Q8678 +Q128911 P509 Q767485 +Q123166 P161 Q53680 +Q726388 P106 Q36180 +Q1055 P131 Q713750 +Q93343 P509 Q506616 +Q448767 P69 Q49166 +Q515883 P1303 Q128309 +Q91162 P106 Q482980 +Q62402 P69 Q155354 +Q217182 P161 Q236250 +Q267070 P136 Q37073 +Q319342 P20 Q61 +Q153238 P27 Q183 +Q103002 P106 Q245068 +Q941655 P106 Q2516852 +Q159642 P463 Q83172 +Q229268 P106 Q2259451 +Q95008 P1412 Q1860 +Q50764 P140 Q1841 +Q232260 P19 Q84 +Q357974 P106 Q855091 +Q488099 P106 Q333634 +Q229264 P463 Q123885 +Q324366 P19 Q65 +Q184255 P57 Q43203 +Q219377 P106 Q11513337 +Q299700 P106 Q33999 +Q12276134 P106 Q901 +Q11627 P136 Q183504 +Q560447 P19 Q37836 +Q556765 P106 Q6168364 +Q1973537 P27 Q159 +Q108970 P1412 Q188 +Q309926 P106 Q33999 +Q455703 P1412 Q5146 +Q719083 P106 Q639669 +Q333265 P1303 Q8371 +Q184 P530 Q215 +Q222800 P161 Q367094 +Q3892790 P1412 Q150 +Q359451 P106 Q1930187 +Q1351527 P106 Q488205 +Q117644 P106 Q10798782 +Q163063 P106 Q183945 +Q19200 P106 Q130857 +Q26208 P20 Q220 +Q88427 P101 Q309 +Q529276 P106 Q20669622 +Q464037 P106 Q512314 +Q590792 P106 Q12377274 +Q391536 P1303 Q17172850 +Q272203 P106 Q183945 +Q67869663 P136 Q850412 +Q37 P463 Q41550 +Q29697 P495 Q30 +Q363308 P69 Q1432645 +Q1239155 P136 Q8341 +Q175285 P106 Q333634 +Q74062 P27 Q183 +Q462446 P463 Q270794 +Q157282 P106 Q15627169 +Q733373 P136 Q11401 +Q916 P463 Q1043527 +Q125494 P161 Q297744 +Q260918 P172 Q49085 +Q49009 P1303 Q163829 +Q204019 P264 Q231694 +Q662119 P106 Q1930187 +Q19796 P69 Q154804 +Q453583 P106 Q36834 +Q93562 P106 Q15895020 +Q92926 P27 Q30 +Q945641 P69 Q186285 +Q221 P463 Q827525 +Q305106 P106 Q1792450 +Q220192 P161 Q229566 +Q132351 P161 Q217137 +Q152824 P101 Q5891 +Q6709060 P551 Q62 +Q481885 P1303 Q6607 +Q107940 P136 Q471839 +Q55168 P106 Q4220892 +Q558972 P119 Q311 +Q66002 P69 Q152838 +Q81796 P1412 Q1860 +Q982677 P106 Q16947657 +Q233898 P136 Q8261 +Q313315 P136 Q319221 +Q155485 P136 Q1339864 +Q6714 P106 Q14972848 +Q84422 P27 Q183 +Q224069 P161 Q298682 +Q134262 P551 Q38022 +Q235388 P136 Q37073 +Q741605 P1412 Q1860 +Q575795 P106 Q2405480 +Q15909 P106 Q333634 +Q123724 P136 Q49451 +Q232 P463 Q81299 +Q449634 P106 Q33999 +Q232391 P20 Q90 +Q116812 P106 Q36180 +Q310515 P27 Q145 +Q92767 P463 Q1493021 +Q110278 P161 Q257165 +Q38573 P106 Q1622272 +Q57213 P27 Q183 +Q37621 P1412 Q397 +Q337078 P495 Q145 +Q178403 P737 Q151820 +Q78716 P106 Q121594 +Q76738 P106 Q3621491 +Q233837 P27 Q34 +Q299723 P106 Q170790 +Q136264 P136 Q130232 +Q387601 P161 Q310295 +Q722390 P509 Q12152 +Q27304761 P37 Q13955 +Q229612 P106 Q10800557 +Q235384 P106 Q639669 +Q117185 P69 Q372608 +Q64812 P69 Q55044 +Q41422 P172 Q974693 +Q216288 P136 Q2280497 +Q256884 P106 Q10798782 +Q577504 P463 Q265058 +Q1376957 P106 Q10798782 +Q229264 P463 Q3603946 +Q78237 P1412 Q188 +Q158486 P20 Q16555 +Q34969 P106 Q182436 +Q72833 P463 Q459620 +Q201810 P69 Q2994538 +Q2416148 P106 Q13590141 +Q190373 P106 Q3282637 +Q270869 P106 Q2722764 +Q2737 P106 Q10800557 +Q846 P463 Q233611 +Q242482 P106 Q10800557 +Q159347 P106 Q10798782 +Q2118763 P1412 Q1860 +Q4028 P136 Q186472 +Q157043 P1412 Q1860 +Q316086 P69 Q1130457 +Q72090 P495 Q142 +Q726295 P1303 Q6607 +Q368852 P136 Q37073 +Q230501 P136 Q37073 +Q296244 P106 Q49757 +Q16759 P27 Q30 +Q230836 P136 Q9730 +Q2973 P17 Q2415901 +Q167696 P136 Q850412 +Q266228 P106 Q33999 +Q652815 P140 Q1841 +Q53719 P495 Q30 +Q325428 P463 Q266063 +Q2646 P509 Q223102 +Q331711 P136 Q37073 +Q77177 P106 Q16145150 +Q22072 P136 Q378988 +Q1045 P463 Q899770 +Q177984 P106 Q10798782 +Q47162 P135 Q210115 +Q130742 P106 Q177220 +Q784 P463 Q842490 +Q212015 P136 Q9759 +Q35 P530 Q183 +Q364070 P106 Q5322166 +Q129119 P106 Q82955 +Q362089 P106 Q4853732 +Q206466 P136 Q9759 +Q168307 P106 Q333634 +Q381751 P840 Q60 +Q238374 P1412 Q1860 +Q434466 P27 Q34 +Q76811 P27 Q183 +Q314924 P69 Q4614 +Q85460 P3373 Q85876 +Q44862 P27 Q40 +Q414 P530 Q408 +Q590792 P1303 Q8338 +Q270664 P106 Q2259451 +Q245787 P27 Q15180 +Q46706 P106 Q4263842 +Q77667 P108 Q659080 +Q185152 P27 Q148 +Q283335 P106 Q10800557 +Q236024 P1050 Q12195 +Q440121 P551 Q61 +Q43440 P140 Q7066 +Q24999 P20 Q1754 +Q3520383 P136 Q20443008 +Q80424 P106 Q488205 +Q263730 P106 Q3387717 +Q164784 P463 Q543804 +Q488099 P136 Q25379 +Q215721 P106 Q82955 +Q106255 P106 Q2259451 +Q165421 P20 Q60 +Q1233 P140 Q7066 +Q362422 P264 Q21077 +Q1008 P463 Q134102 +Q443121 P106 Q177220 +Q2622688 P108 Q1719898 +Q45255 P106 Q177220 +Q3188663 P106 Q201788 +Q181803 P161 Q367017 +Q362371 P19 Q1612 +Q310755 P463 Q83172 +Q24962 P69 Q35794 +Q231595 P509 Q372701 +Q434763 P1412 Q1860 +Q98461 P106 Q1397808 +Q1044 P530 Q865 +Q270639 P27 Q30 +Q73437 P136 Q187760 +Q224650 P136 Q11399 +Q1346126 P106 Q28389 +Q187199 P69 Q49088 +Q79025 P106 Q1209498 +Q76513 P106 Q1622272 +Q221289 P551 Q127856 +Q4985 P20 Q60 +Q19200 P106 Q2252262 +Q533369 P106 Q10800557 +Q215868 P106 Q49757 +Q46739 P106 Q822146 +Q1001 P737 Q131149 +Q68757 P463 Q684415 +Q387603 P495 Q30 +Q1251733 P264 Q202585 +Q287177 P159 Q60 +Q450789 P106 Q36180 +Q70988 P19 Q64 +Q28975 P106 Q36180 +Q324499 P27 Q224 +Q234606 P106 Q8246794 +Q346801 P19 Q484678 +Q204338 P106 Q82955 +Q23481 P136 Q676 +Q444840 P106 Q488205 +Q549233 P27 Q1054923 +Q92649 P108 Q319239 +Q9061 P737 Q76725 +Q195333 P1303 Q17172850 +Q298 P530 Q408 +Q213794 P106 Q40348 +Q18446 P108 Q1377 +Q1389588 P27 Q15180 +Q276769 P136 Q172980 +Q29 P30 Q46 +Q380981 P161 Q165219 +Q16872 P106 Q177220 +Q11637 P40 Q14441 +Q232397 P106 Q10800557 +Q47152 P136 Q8261 +Q12121820 P1303 Q17172850 +Q2233935 P69 Q49205 +Q19660 P131 Q218 +Q313315 P161 Q310934 +Q1351259 P106 Q639669 +Q713443 P172 Q7325 +Q212416 P106 Q33999 +Q293590 P1303 Q17172850 +Q676455 P136 Q8261 +Q1094716 P1412 Q1860 +Q224097 P106 Q10800557 +Q277356 P108 Q4129798 +Q557382 P106 Q39631 +Q50764 P1412 Q188 +Q6882 P1412 Q150 +Q370747 P106 Q42909 +Q92787 P27 Q30 +Q75186 P119 Q1497554 +Q234591 P136 Q3071 +Q288661 P119 Q1437214 +Q1277187 P1303 Q5994 +Q270622 P106 Q10800557 +Q102438 P136 Q52207399 +Q388950 P136 Q172980 +Q1353064 P108 Q273447 +Q325077 P161 Q77777 +Q157044 P161 Q229241 +Q79 P530 Q38 +Q228925 P106 Q2259451 +Q180278 P69 Q2994538 +Q354519 P1412 Q1860 +Q92510 P1412 Q188 +Q589497 P106 Q6625963 +Q156193 P106 Q36180 +Q203806 P106 Q947873 +Q30487 P102 Q79854 +Q932694 P106 Q20198542 +Q114169 P102 Q152554 +Q274604 P106 Q33231 +Q96585 P19 Q1711 +Q716906 P140 Q75809 +Q131549 P172 Q121842 +Q1346849 P463 Q463281 +Q37388 P140 Q6423963 +Q65385 P106 Q36180 +Q28975 P106 Q214917 +Q744566 P19 Q3820 +Q1345751 P106 Q855091 +Q153243 P463 Q123885 +Q321454 P136 Q130232 +Q50612 P69 Q1376987 +Q9364 P140 Q7066 +Q364881 P27 Q30 +Q228860 P551 Q65 +Q270672 P106 Q2526255 +Q128995 P106 Q82955 +Q954623 P106 Q2252262 +Q187107 P106 Q2252262 +Q454645 P140 Q9592 +Q2347483 P27 Q155 +Q2918925 P69 Q168515 +Q215 P530 Q236 +Q276343 P840 Q408 +Q49452 P69 Q161562 +Q58087 P69 Q322964 +Q164869 P19 Q340 +Q3090082 P27 Q142 +Q261923 P161 Q150943 +Q441834 P136 Q37073 +Q315868 P27 Q801 +Q697 P463 Q17495 +Q819 P463 Q8475 +Q258854 P106 Q10798782 +Q789926 P20 Q1781 +Q201472 P106 Q170790 +Q40852 P463 Q191583 +Q364679 P106 Q43845 +Q299700 P1412 Q1860 +Q62188 P106 Q1622272 +Q29 P463 Q151991 +Q713273 P27 Q30 +Q91657 P551 Q156199 +Q190220 P106 Q182436 +Q434821 P140 Q9592 +Q323392 P161 Q229940 +Q291239 P19 Q90 +Q62373 P1412 Q188 +Q242557 P106 Q33999 +Q258 P530 Q159 +Q192934 P136 Q19367312 +Q140201 P19 Q8686 +Q78890 P20 Q220 +Q182218 P161 Q314290 +Q389151 P136 Q188473 +Q108941 P106 Q2259451 +Q547635 P106 Q1327329 +Q334670 P1303 Q6607 +Q219717 P172 Q49085 +Q300439 P136 Q52162262 +Q711 P530 Q183 +Q183 P530 Q917 +Q229042 P1412 Q1860 +Q125057 P27 Q174193 +Q649987 P106 Q12362622 +Q157058 P172 Q8060 +Q18404 P463 Q2370801 +Q153730 P3373 Q153481 +Q1687803 P27 Q30 +Q96962 P1412 Q7737 +Q159642 P27 Q131964 +Q467027 P106 Q3391743 +Q132805 P27 Q145 +Q57477 P106 Q333634 +Q242376 P101 Q1662673 +Q1371735 P1303 Q17172850 +Q243041 P106 Q753110 +Q408 P530 Q27 +Q1345210 P1412 Q150 +Q242474 P27 Q34266 +Q7200 P106 Q49757 +Q452116 P106 Q1622272 +Q211 P530 Q184 +Q598344 P119 Q1358639 +Q7304 P509 Q183134 +Q54945 P106 Q1622272 +Q161084 P27 Q154195 +Q35385 P136 Q11399 +Q82949 P495 Q30 +Q161885 P30 Q46 +Q242387 P106 Q2865819 +Q193871 P1412 Q1860 +Q233118 P106 Q3286043 +Q46551 P495 Q30 +Q163249 P106 Q1053574 +Q805 P530 Q398 +Q103598 P463 Q337234 +Q138416 P1412 Q7026 +Q146948 P106 Q82955 +Q127332 P3373 Q80137 +Q232 P463 Q47543 +Q608723 P112 Q55245 +Q193458 P106 Q3501317 +Q236340 P136 Q37073 +Q237633 P1303 Q52954 +Q2585807 P27 Q183 +Q84842 P1412 Q188 +Q367927 P1412 Q1860 +Q274267 P1412 Q150 +Q3520383 P161 Q191132 +Q232874 P27 Q30 +Q403 P463 Q7809 +Q662119 P69 Q21578 +Q472 P30 Q46 +Q311358 P106 Q1622272 +Q221345 P136 Q157394 +Q468577 P19 Q189960 +Q77447 P40 Q57399 +Q399 P530 Q219 +Q1702240 P1303 Q6607 +Q212730 P135 Q7066 +Q254341 P19 Q34404 +Q102669 P106 Q40348 +Q14536 P27 Q30 +Q1074038 P106 Q43845 +Q1560657 P108 Q55021 +Q471751 P106 Q16287483 +Q228624 P106 Q36180 +Q105349 P551 Q340 +Q188652 P161 Q102301 +Q60039 P69 Q157808 +Q310170 P106 Q12800682 +Q73410 P106 Q2914170 +Q237527 P509 Q12152 +Q88832 P106 Q82955 +Q503147 P106 Q43845 +Q434790 P106 Q482980 +Q78720 P119 Q240744 +Q43 P530 Q399 +Q349391 P106 Q222749 +Q1435910 P106 Q2252262 +Q69340 P1412 Q188 +Q318485 P106 Q10800557 +Q1355431 P264 Q155152 +Q313020 P27 Q145 +Q981929 P20 Q85 +Q23543 P106 Q5322166 +Q833 P530 Q398 +Q214171 P140 Q75809 +Q191479 P1412 Q809 +Q178698 P172 Q42406 +Q967 P463 Q1043527 +Q8646 P530 Q423 +Q316997 P27 Q30 +Q311621 P106 Q36834 +Q76211 P106 Q49757 +Q9364 P19 Q90 +Q704718 P1412 Q1860 +Q227 P530 Q159 +Q1585138 P106 Q639669 +Q1035807 P27 Q17 +Q8739 P172 Q539051 +Q1346192 P106 Q488205 +Q286339 P20 Q65 +Q76361 P20 Q2090 +Q249862 P1303 Q17172850 +Q975084 P106 Q1622272 +Q157043 P108 Q131626 +Q1321910 P19 Q16556 +Q6043036 P106 Q901 +Q48978 P136 Q316930 +Q47878 P20 Q11299 +Q77 P530 Q45 +Q26688 P106 Q12144794 +Q80889 P27 Q20 +Q547183 P106 Q639669 +Q71067 P106 Q16145150 +Q1032 P30 Q15 +Q94081 P641 Q32112 +Q92815 P463 Q131566 +Q228755 P106 Q3282637 +Q101734 P27 Q183 +Q67921 P106 Q822146 +Q9364 P108 Q926749 +Q68084 P106 Q33999 +Q45909 P106 Q822146 +Q235611 P463 Q83172 +Q1033 P530 Q117 +Q21088 P106 Q36834 +Q221075 P161 Q156586 +Q346777 P106 Q121594 +Q221168 P840 Q62 +Q762361 P1412 Q1412 +Q1290210 P136 Q1344 +Q287244 P1412 Q143 +Q77876 P463 Q459620 +Q459310 P106 Q121594 +Q1974330 P27 Q43 +Q59314 P27 Q30 +Q1139628 P19 Q16557 +Q271635 P27 Q30 +Q75209 P102 Q328195 +Q168859 P106 Q2516866 +Q33528 P1412 Q150 +Q19199 P1303 Q6607 +Q85261 P106 Q1622272 +Q273814 P106 Q33999 +Q224081 P106 Q33999 +Q96588 P108 Q151510 +Q270385 P136 Q1054574 +Q16349 P106 Q10798782 +Q33 P530 Q115 +Q765871 P106 Q36180 +Q32045 P3373 Q230123 +Q964620 P20 Q172 +Q714162 P106 Q1930187 +Q4093262 P106 Q131524 +Q6173722 P551 Q1204 +Q240174 P27 Q34266 +Q303 P264 Q202585 +Q467091 P101 Q482 +Q1785 P106 Q10800557 +Q331728 P27 Q30 +Q250539 P19 Q34006 +Q95119 P106 Q33999 +Q284694 P106 Q1622272 +Q212648 P106 Q36180 +Q61863 P463 Q338432 +Q587852 P172 Q49085 +Q450412 P19 Q1297 +Q205721 P264 Q212699 +Q1744 P106 Q855091 +Q350903 P106 Q33999 +Q454398 P161 Q314133 +Q4473 P101 Q207628 +Q188286 P69 Q503415 +Q1333326 P27 Q142 +Q191104 P106 Q2405480 +Q61412 P106 Q82955 +Q2149302 P106 Q6337803 +Q79 P463 Q7809 +Q75811 P27 Q183 +Q983450 P106 Q3400985 +Q504066 P106 Q33231 +Q32910 P161 Q232477 +Q106099 P106 Q177220 +Q313501 P106 Q3455803 +Q65863 P101 Q482 +Q331711 P1303 Q17172850 +Q233957 P463 Q2370801 +Q359421 P106 Q639669 +Q181689 P20 Q1428 +Q242387 P509 Q212961 +Q79759 P27 Q179876 +Q1203 P136 Q7749 +Q92942 P463 Q127992 +Q73362 P26 Q81131 +Q229230 P172 Q141817 +Q115 P530 Q159 +Q648366 P106 Q855091 +Q459310 P1412 Q1860 +Q160518 P1050 Q10874 +Q929 P463 Q3348506 +Q3711 P17 Q37024 +Q179215 P161 Q81328 +Q726298 P1412 Q1860 +Q193517 P136 Q191489 +Q952428 P106 Q639669 +Q810 P463 Q376150 +Q164384 P463 Q2822396 +Q127330 P1412 Q1860 +Q154356 P69 Q1059546 +Q156469 P69 Q204181 +Q302280 P106 Q488205 +Q12795 P1412 Q1860 +Q2516 P27 Q7318 +Q4263286 P102 Q79854 +Q63791 P106 Q82955 +Q134133 P106 Q33999 +Q182725 P1412 Q1860 +Q92981 P463 Q463303 +Q122701 P106 Q82955 +Q59215 P1412 Q1860 +Q7726 P3373 Q151098 +Q286302 P19 Q2079 +Q8772 P106 Q81096 +Q61761 P106 Q170790 +Q962442 P27 Q145 +Q274609 P106 Q488111 +Q180453 P136 Q182659 +Q241 P530 Q419 +Q548185 P1412 Q188 +Q76361 P106 Q82955 +Q78680 P1412 Q188 +Q289180 P106 Q27532437 +Q192052 P106 Q3282637 +Q313833 P119 Q3400970 +Q83287 P451 Q21088 +Q263442 P27 Q38 +Q198051 P106 Q333634 +Q487488 P463 Q188771 +Q183492 P737 Q45765 +Q213974 P19 Q3150 +Q2568971 P69 Q1341516 +Q190643 P161 Q351849 +Q240890 P106 Q177220 +Q220376 P136 Q157443 +Q313047 P106 Q10798782 +Q86060 P106 Q82955 +Q166554 P161 Q240658 +Q215219 P264 Q38903 +Q265252 P1303 Q6607 +Q215120 P106 Q214917 +Q143716 P136 Q2484376 +Q75868 P106 Q82955 +Q116928 P161 Q313283 +Q602137 P106 Q36180 +Q389014 P161 Q268294 +Q214344 P172 Q179248 +Q156469 P106 Q1930187 +Q210741 P106 Q2526255 +Q1345751 P136 Q9759 +Q261522 P27 Q159 +Q60946 P509 Q133780 +Q327981 P108 Q842909 +Q325487 P19 Q49142 +Q192668 P106 Q486748 +Q233061 P27 Q30 +Q1965416 P136 Q11399 +Q156349 P69 Q1145306 +Q80069 P106 Q10800557 +Q62753 P106 Q36180 +Q342526 P106 Q855091 +Q79969 P1412 Q7737 +Q1110652 P161 Q235305 +Q82032 P27 Q145 +Q113626 P27 Q40 +Q620732 P27 Q15180 +Q408 P530 Q183 +Q86367 P27 Q183 +Q215904 P106 Q47064 +Q463832 P161 Q129817 +Q57472 P69 Q315658 +Q65917 P102 Q49768 +Q355835 P106 Q33999 +Q1624891 P106 Q36834 +Q12857 P1412 Q9083 +Q180278 P27 Q142 +Q2030240 P106 Q9352089 +Q357036 P136 Q316930 +Q268024 P106 Q947873 +Q60070 P108 Q154561 +Q25820 P20 Q84 +Q444217 P106 Q10800557 +Q71322 P69 Q161976 +Q380667 P161 Q47284 +Q206534 P106 Q36180 +Q125133 P106 Q753110 +Q811 P463 Q8475 +Q184935 P106 Q11774202 +Q130327 P509 Q12202 +Q434701 P27 Q30 +Q315325 P106 Q222344 +Q117 P530 Q148 +Q304675 P106 Q639669 +Q551129 P463 Q123885 +Q93514 P1412 Q188 +Q248042 P27 Q43 +Q219060 P530 Q252 +Q61649 P27 Q183 +Q934722 P106 Q33999 +Q154691 P108 Q13371 +Q2843357 P106 Q901 +Q270089 P106 Q16287483 +Q101567 P69 Q157575 +Q7439 P19 Q11299 +Q95777 P106 Q4964182 +Q66720618 P106 Q1028181 +Q935258 P119 Q1514332 +Q224026 P140 Q7066 +Q128759 P106 Q593644 +Q274748 P57 Q362824 +Q296928 P106 Q10798782 +Q105993 P136 Q3990883 +Q452252 P69 Q389336 +Q215300 P136 Q37073 +Q253167 P106 Q4610556 +Q83492 P106 Q10798782 +Q57372 P106 Q17489339 +Q727717 P106 Q1930187 +Q909149 P161 Q209186 +Q126596 P27 Q174193 +Q477461 P106 Q488205 +Q62558 P20 Q65 +Q343433 P19 Q1780 +Q62046 P20 Q1726 +Q193744 P136 Q46046 +Q166262 P161 Q174346 +Q61686 P27 Q183 +Q974670 P106 Q177220 +Q705715 P136 Q211756 +Q86096 P1412 Q188 +Q84246 P106 Q14915627 +Q164908 P106 Q36180 +Q57603 P101 Q8162 +Q48047 P119 Q1130019 +Q5333 P463 Q329464 +Q313627 P106 Q177220 +Q92862 P106 Q82594 +Q93443 P495 Q145 +Q191305 P106 Q1930187 +Q1279401 P136 Q83440 +Q933453 P1412 Q1860 +Q25351 P1412 Q35497 +Q43499 P106 Q37226 +Q364315 P1412 Q150 +Q51562 P106 Q33999 +Q313302 P1412 Q1860 +Q704700 P264 Q843402 +Q208269 P136 Q5967378 +Q342756 P106 Q177220 +Q217182 P136 Q471839 +Q8873 P106 Q753110 +Q676455 P108 Q232141 +Q219 P530 Q711 +Q530550 P106 Q43845 +Q124070 P106 Q49757 +Q400678 P106 Q4964182 +Q45723 P19 Q90 +Q183382 P106 Q28389 +Q123062 P40 Q123041 +Q76324 P27 Q183 +Q118229 P27 Q39 +Q1967070 P136 Q7749 +Q380531 P264 Q585643 +Q215017 P106 Q10798782 +Q30937 P136 Q157394 +Q45374 P27 Q155 +Q294531 P136 Q484641 +Q705715 P264 Q1644016 +Q113806 P108 Q1065 +Q123628 P27 Q29 +Q455292 P106 Q639669 +Q184404 P27 Q30 +Q354002 P1050 Q12195 +Q87073 P27 Q40 +Q47162 P106 Q12144794 +Q345612 P106 Q121594 +Q239786 P136 Q37073 +Q43247 P106 Q10800557 +Q215497 P106 Q177220 +Q42544 P106 Q4964182 +Q490333 P106 Q1930187 +Q86914 P102 Q153401 +Q76429 P106 Q49757 +Q368812 P136 Q49084 +Q542307 P101 Q482 +Q62086 P1412 Q188 +Q60969 P69 Q32120 +Q51094 P106 Q1028181 +Q309756 P106 Q33999 +Q554775 P1303 Q5994 +Q431540 P106 Q333634 +Q457923 P106 Q8246794 +Q1370873 P106 Q82955 +Q465640 P27 Q15180 +Q865 P530 Q822 +Q85791 P27 Q183 +Q142 P530 Q717 +Q4218975 P3373 Q13132095 +Q213783 P106 Q169470 +Q30 P530 Q817 +Q931005 P106 Q188094 +Q47162 P1412 Q150 +Q320032 P161 Q298777 +Q339581 P108 Q1130457 +Q389151 P136 Q496523 +Q2433868 P19 Q1055 +Q380178 P69 Q745967 +Q370155 P136 Q11399 +Q76586 P102 Q49768 +Q734 P463 Q827525 +Q16397 P27 Q30 +Q105987 P106 Q177220 +Q47595 P136 Q333 +Q723826 P1412 Q1860 +Q332360 P27 Q174193 +Q315868 P1412 Q9292 +Q2416148 P19 Q649 +Q51552 P140 Q7066 +Q449743 P57 Q8877 +Q76811 P106 Q1607826 +Q453314 P1303 Q6607 +Q86553 P1412 Q188 +Q99080 P106 Q1397808 +Q240933 P106 Q2526255 +Q948093 P1412 Q1412 +Q256164 P106 Q10800557 +Q84464 P40 Q156023 +Q359031 P106 Q2259451 +Q212 P463 Q1065 +Q193871 P106 Q4263842 +Q160021 P119 Q2661974 +Q865 P530 Q212 +Q362531 P106 Q4853732 +Q49061 P106 Q6625963 +Q30 P530 Q347 +Q84464 P106 Q2865819 +Q778716 P106 Q333634 +Q7934 P106 Q6625963 +Q117761 P451 Q1345782 +Q484702 P1412 Q7411 +Q376278 P106 Q333634 +Q157004 P19 Q2807 +Q156796 P106 Q10800557 +Q266959 P106 Q864380 +Q4030 P463 Q2839513 +Q6530 P136 Q5891 +Q444601 P140 Q1841 +Q1004670 P119 Q996499 +Q318514 P19 Q39709 +Q299015 P131 Q1741 +Q315664 P136 Q130232 +Q202827 P69 Q273626 +Q827389 P102 Q192821 +Q87120 P106 Q6625963 +Q1349501 P106 Q36180 +Q691 P463 Q294278 +Q607464 P106 Q11774202 +Q138166 P27 Q142 +Q709751 P27 Q30 +Q259788 P106 Q11481802 +Q176361 P106 Q3282637 +Q109943 P27 Q183 +Q86777 P106 Q855091 +Q488099 P463 Q1425328 +Q785404 P19 Q1748 +Q67553 P509 Q12152 +Q55390 P1303 Q52954 +Q159409 P101 Q11634 +Q289003 P463 Q335036 +Q129598 P106 Q1622272 +Q372514 P840 Q12439 +Q90787 P69 Q159895 +Q112263 P1412 Q1860 +Q232479 P106 Q177220 +Q76444 P135 Q8361 +Q773828 P106 Q6625963 +Q274348 P106 Q28389 +Q153658 P1303 Q17172850 +Q67207 P27 Q183 +Q236355 P106 Q177220 +Q87375 P27 Q142 +Q55 P37 Q1860 +Q220396 P106 Q3282637 +Q634776 P19 Q84 +Q183081 P136 Q2421031 +Q85282 P1412 Q188 +Q902 P530 Q664 +Q4089775 P19 Q649 +Q189164 P551 Q33 +Q195949 P161 Q228755 +Q1638939 P19 Q26793 +Q450382 P27 Q30 +Q297425 P463 Q40358 +Q323452 P106 Q10798782 +Q320146 P1412 Q150 +Q459171 P69 Q49210 +Q302835 P101 Q333 +Q1356586 P106 Q639669 +Q87293 P106 Q121594 +Q503997 P106 Q36180 +Q345212 P1412 Q1860 +Q204005 P106 Q36834 +Q115010 P106 Q2259451 +Q272092 P106 Q5716684 +Q117315 P57 Q230448 +Q201751 P102 Q29468 +Q210172 P106 Q855091 +Q185085 P27 Q29 +Q41749 P106 Q1930187 +Q43723 P106 Q82955 +Q23728 P172 Q678551 +Q951110 P27 Q145 +Q75696 P27 Q183 +Q295431 P136 Q186424 +Q921823 P106 Q333634 +Q455552 P495 Q145 +Q188459 P19 Q61 +Q34086 P106 Q855091 +Q272942 P3373 Q538824 +Q264989 P106 Q49757 +Q5816 P108 Q16952 +Q326409 P106 Q3282637 +Q334 P530 Q258 +Q9353 P737 Q37621 +Q87432 P106 Q33999 +Q35236 P106 Q43845 +Q237270 P136 Q11635 +Q3709961 P106 Q169470 +Q208909 P17 Q183 +Q171421 P119 Q23276 +Q84238 P106 Q188094 +Q1770624 P106 Q43845 +Q46636 P106 Q39631 +Q38670 P69 Q5149905 +Q314290 P1412 Q1860 +Q766403 P27 Q142 +Q113830 P27 Q1206012 +Q66447 P102 Q49762 +Q1068631 P119 Q64 +Q213865 P106 Q20198542 +Q57442 P106 Q18814623 +Q975491 P106 Q4220892 +Q1382482 P27 Q159 +Q445417 P1303 Q17172850 +Q348037 P106 Q33999 +Q1260 P27 Q176495 +Q44561 P27 Q30 +Q6714 P119 Q438183 +Q66800 P106 Q2919046 +Q60659 P106 Q639669 +Q76149 P106 Q33999 +Q59112 P27 Q30 +Q310252 P27 Q17 +Q325389 P1303 Q5994 +Q119676 P1412 Q1860 +Q205303 P106 Q36180 +Q238795 P27 Q30 +Q19074 P106 Q1622272 +Q180989 P463 Q3308284 +Q13894 P1412 Q188 +Q257630 P161 Q271763 +Q162202 P1303 Q17172850 +Q2061964 P69 Q4614 +Q434694 P27 Q174193 +Q429311 P161 Q181799 +Q298388 P106 Q1415090 +Q132524 P106 Q1930187 +Q154809 P106 Q486748 +Q84579 P69 Q189441 +Q117012 P40 Q311238 +Q1445729 P1303 Q6607 +Q155390 P106 Q40348 +Q439686 P172 Q127885 +Q55195 P119 Q208175 +Q310060 P1412 Q1860 +Q60197 P108 Q230492 +Q203574 P136 Q52162262 +Q463715 P136 Q83270 +Q434640 P27 Q45 +Q61197 P1412 Q188 +Q874828 P106 Q36180 +Q317441 P106 Q10798782 +Q386784 P264 Q330629 +Q1348831 P1303 Q9798 +Q108558 P19 Q2119 +Q295120 P1303 Q78987 +Q910392 P106 Q18844224 +Q149499 P69 Q391028 +Q296577 P106 Q33999 +Q91557 P106 Q36180 +Q328662 P1303 Q6607 +Q232348 P106 Q36834 +Q400614 P1412 Q7737 +Q461540 P840 Q22 +Q270601 P106 Q4853732 +Q316313 P106 Q189290 +Q76997 P106 Q333634 +Q263930 P840 Q1342 +Q490114 P69 Q432637 +Q217427 P3373 Q319392 +Q109232 P106 Q10800557 +Q6515 P106 Q1028181 +Q549141 P40 Q1368185 +Q81082 P101 Q41217 +Q314158 P69 Q170027 +Q540134 P19 Q16557 +Q77753 P463 Q2043519 +Q231690 P27 Q129286 +Q62565 P463 Q329464 +Q727416 P106 Q15980158 +Q599993 P19 Q90 +Q234928 P1412 Q7976 +Q963003 P69 Q304985 +Q34660 P737 Q183167 +Q611997 P106 Q36180 +Q822 P463 Q376150 +Q90781 P106 Q482980 +Q215215 P1303 Q6607 +Q5086379 P17 Q145 +Q131380 P106 Q4610556 +Q106221 P69 Q4614 +Q373849 P136 Q130232 +Q1305608 P27 Q145 +Q4413456 P749 Q38903 +Q44695 P136 Q3017271 +Q733640 P106 Q49757 +Q112081 P27 Q15180 +Q240808 P106 Q753110 +Q128995 P102 Q9626 +Q278519 P106 Q486748 +Q4242236 P1412 Q1860 +Q1820387 P1303 Q5994 +Q1246 P530 Q34 +Q78924 P106 Q28389 +Q187192 P509 Q147778 +Q235384 P19 Q2807 +Q72832 P106 Q639669 +Q1049 P530 Q403 +Q196103 P495 Q183 +Q597433 P106 Q753110 +Q100028 P463 Q812155 +Q14278 P463 Q3603946 +Q865 P530 Q954 +Q324015 P172 Q49085 +Q1500297 P1303 Q17172850 +Q760 P463 Q656801 +Q271327 P106 Q10800557 +Q4538 P1050 Q131755 +Q61347 P1412 Q1860 +Q217298 P27 Q30 +Q72667 P102 Q49755 +Q77959 P27 Q159 +Q89486 P1303 Q8355 +Q1930839 P20 Q65 +Q169038 P106 Q1622272 +Q44461 P69 Q805285 +Q1359039 P27 Q30 +Q51506 P19 Q350 +Q49017 P264 Q843402 +Q45909 P136 Q9730 +Q220078 P1412 Q1860 +Q971422 P509 Q12078 +Q1398507 P264 Q1551705 +Q843552 P106 Q10798782 +Q12881 P106 Q36180 +Q60285 P108 Q152087 +Q77 P463 Q842490 +Q951621 P106 Q1622272 +Q444125 P106 Q36180 +Q542868 P172 Q49085 +Q128799 P1412 Q1860 +Q333873 P106 Q4853732 +Q69366 P106 Q1622272 +Q47122 P1303 Q5994 +Q243419 P108 Q842909 +Q7243 P1412 Q150 +Q231214 P106 Q10800557 +Q153657 P19 Q8684 +Q62988 P27 Q30 +Q1351177 P69 Q130965 +Q134773 P136 Q21401869 +Q315210 P20 Q90 +Q2599 P140 Q288928 +Q252 P463 Q19771 +Q200873 P161 Q80405 +Q193257 P737 Q48301 +Q169996 P136 Q2297927 +Q233941 P140 Q75809 +Q383844 P136 Q471839 +Q540544 P102 Q558334 +Q429934 P136 Q319221 +Q1037 P463 Q384535 +Q73195 P102 Q153401 +Q317614 P106 Q7042855 +Q276769 P161 Q180919 +Q228862 P106 Q2259451 +Q432526 P840 Q16555 +Q716862 P551 Q2807 +Q435857 P106 Q177220 +Q295781 P27 Q139319 +Q44580 P509 Q175111 +Q268912 P27 Q30 +Q192207 P69 Q1227526 +Q13909 P106 Q948329 +Q70855 P69 Q152838 +Q104061 P106 Q33999 +Q229156 P27 Q145 +Q72787 P106 Q350979 +Q1459658 P27 Q212 +Q161678 P161 Q232868 +Q107008 P1412 Q1860 +Q23368 P27 Q145 +Q113570 P106 Q214917 +Q380318 P19 Q1754 +Q378645 P1412 Q652 +Q231276 P136 Q8341 +Q918443 P69 Q49114 +Q236399 P106 Q33999 +Q179449 P106 Q333634 +Q184572 P27 Q29 +Q794 P530 Q801 +Q307440 P135 Q667661 +Q348497 P106 Q333634 +Q679289 P106 Q639669 +Q1439143 P108 Q34433 +Q731108 P69 Q392904 +Q215300 P172 Q49085 +Q2530 P463 Q218868 +Q231487 P106 Q55960555 +Q126927 P69 Q4359408 +Q318320 P106 Q1397808 +Q101437 P1412 Q397 +Q1127387 P131 Q275118 +Q984215 P108 Q29052 +Q66031 P27 Q183 +Q241903 P1412 Q1860 +Q41502 P463 Q1132636 +Q547660 P106 Q639669 +Q231951 P27 Q35 +Q315118 P106 Q10800557 +Q220816 P69 Q13164 +Q87040 P108 Q153006 +Q502864 P106 Q81096 +Q184697 P19 Q1563 +Q110106 P106 Q2919046 +Q150910 P106 Q205375 +Q60070 P463 Q684415 +Q7200 P106 Q36180 +Q1040 P463 Q1768108 +Q84365 P3373 Q153018 +Q880598 P172 Q49085 +Q62918 P69 Q457281 +Q153911 P1412 Q150 +Q86812 P102 Q49768 +Q230990 P106 Q10800557 +Q45811 P69 Q49116 +Q45789 P27 Q668 +Q123802 P19 Q216 +Q454692 P106 Q806349 +Q58051 P27 Q183 +Q170842 P106 Q15895020 +Q2066713 P551 Q174 +Q77753 P106 Q49757 +Q44481 P106 Q2732142 +Q77845 P106 Q36180 +Q66097 P106 Q1397808 +Q738029 P106 Q4964182 +Q429397 P57 Q262130 +Q234875 P106 Q10798782 +Q424 P530 Q252 +Q184843 P840 Q65 +Q300568 P161 Q310389 +Q105237 P106 Q158852 +Q138166 P102 Q49629 +Q102754 P136 Q2297927 +Q315083 P106 Q3282637 +Q142 P530 Q858 +Q3132658 P27 Q129286 +Q30 P530 Q813 +Q125106 P1412 Q1321 +Q506006 P1303 Q9798 +Q374065 P106 Q36180 +Q540166 P106 Q2259451 +Q186807 P1412 Q1321 +Q46602 P106 Q36180 +Q265252 P27 Q30 +Q128633 P106 Q1930187 +Q70809 P264 Q38903 +Q743035 P106 Q201788 +Q299073 P106 Q639669 +Q663465 P1412 Q7411 +Q3085338 P19 Q90 +Q326409 P102 Q727724 +Q44561 P140 Q1841 +Q938475 P140 Q9268 +Q213614 P106 Q36180 +Q556568 P106 Q49757 +Q129542 P140 Q9592 +Q429963 P172 Q49085 +Q123483 P69 Q35794 +Q11675 P69 Q5901972 +Q123521 P1412 Q652 +Q9438 P737 Q102851 +Q790 P30 Q49 +Q332508 P463 Q253439 +Q330059 P106 Q3387717 +Q223613 P106 Q33999 +Q209684 P106 Q49757 +Q614402 P106 Q10800557 +Q380045 P1412 Q150 +Q78607 P108 Q875788 +Q726071 P106 Q33999 +Q745896 P136 Q83440 +Q158079 P17 Q221 +Q185610 P264 Q277626 +Q734 P530 Q96 +Q434669 P106 Q2722764 +Q212518 P106 Q17307272 +Q125663 P106 Q4853732 +Q91162 P1412 Q188 +Q181776 P135 Q377616 +Q260918 P1303 Q17172850 +Q2416148 P106 Q2066131 +Q367634 P106 Q2252262 +Q170572 P106 Q2405480 +Q554406 P19 Q1486 +Q92814 P27 Q801 +Q340016 P106 Q36180 +Q34296 P27 Q30 +Q106812 P1412 Q9043 +Q60801 P106 Q105186 +Q41749 P509 Q2140674 +Q941210 P106 Q33999 +Q1453398 P140 Q432 +Q944478 P106 Q81096 +Q209471 P106 Q948329 +Q164396 P19 Q994 +Q155 P530 Q822 +Q6527 P140 Q23540 +Q3336032 P27 Q30 +Q356537 P106 Q6625963 +Q3713655 P551 Q60 +Q337089 P106 Q33999 +Q450821 P509 Q12202 +Q360079 P106 Q1930187 +Q102438 P136 Q319221 +Q155467 P1303 Q5994 +Q154782 P27 Q183 +Q333632 P106 Q33999 +Q560048 P1303 Q6607 +Q555226 P106 Q10800557 +Q167345 P27 Q20 +Q160021 P27 Q131964 +Q131374 P106 Q10873124 +Q1493021 P131 Q61 +Q79069 P106 Q82955 +Q203286 P172 Q49085 +Q28 P530 Q1045 +Q366805 P1412 Q150 +Q374812 P19 Q1435 +Q67054 P1412 Q188 +Q93996 P19 Q14960 +Q253862 P106 Q10800557 +Q230278 P69 Q389336 +Q668 P530 Q754 +Q256054 P27 Q145 +Q276769 P161 Q291228 +Q367155 P509 Q18554460 +Q4492929 P102 Q79854 +Q60625 P1412 Q397 +Q200873 P495 Q30 +Q423 P530 Q833 +Q61813 P463 Q329464 +Q66916 P106 Q36180 +Q184499 P69 Q924289 +Q24367 P102 Q49750 +Q47480 P106 Q121594 +Q105801 P161 Q947748 +Q134982 P108 Q160302 +Q78508 P106 Q10800557 +Q379929 P106 Q36180 +Q239411 P102 Q327591 +Q187364 P26 Q442310 +Q106706 P69 Q8008661 +Q528804 P106 Q49757 +Q73357 P106 Q82955 +Q76487 P1412 Q188 +Q349799 P1412 Q1860 +Q311976 P106 Q10798782 +Q314926 P102 Q29552 +Q62664 P20 Q64 +Q48032 P27 Q2305208 +Q963142 P106 Q177220 +Q551597 P106 Q6625963 +Q458559 P1412 Q150 +Q796 P172 Q35323 +Q63190 P106 Q3242115 +Q2622688 P106 Q8246794 +Q273055 P26 Q11617 +Q84708562 P551 Q90 +Q315208 P69 Q309350 +Q350915 P106 Q212238 +Q287607 P26 Q237659 +Q162753 P106 Q36180 +Q216720 P840 Q62 +Q212089 P106 Q639669 +Q4128 P136 Q8261 +Q183048 P136 Q37073 +Q60285 P20 Q64 +Q35678 P106 Q82955 +Q598344 P106 Q10800557 +Q1398876 P27 Q30 +Q57074 P463 Q459620 +Q311263 P106 Q3282637 +Q324219 P106 Q3282637 +Q310389 P106 Q2526255 +Q195303 P161 Q168721 +Q234685 P136 Q37073 +Q77728 P106 Q6625963 +Q150471 P106 Q4853732 +Q379461 P106 Q10798782 +Q708236 P106 Q639669 +Q220655 P161 Q313650 +Q108355 P27 Q183 +Q1239933 P1412 Q1860 +Q554018 P463 Q188771 +Q262294 P1412 Q150 +Q268994 P463 Q1425328 +Q529276 P106 Q33999 +Q244975 P161 Q315087 +Q29658 P57 Q25089 +Q234791 P495 Q183 +Q47906 P20 Q2090 +Q561401 P106 Q49757 +Q104912 P102 Q153401 +Q55641 P101 Q639669 +Q109063 P140 Q432 +Q121111 P106 Q1622272 +Q74958 P136 Q369747 +Q270905 P106 Q177220 +Q70263 P102 Q158227 +Q7729 P140 Q9592 +Q291228 P509 Q181754 +Q171530 P1303 Q17172850 +Q40143 P106 Q2722764 +Q101740 P463 Q1371509 +Q1235 P106 Q40348 +Q208048 P161 Q51814 +Q515904 P1412 Q150 +Q60788 P19 Q2103 +Q110365 P840 Q1223 +Q232874 P106 Q10798782 +Q76952 P108 Q156725 +Q1376957 P106 Q2405480 +Q365129 P106 Q4964182 +Q169082 P495 Q30 +Q509102 P106 Q10800557 +Q215916 P108 Q13371 +Q380252 P136 Q192881 +Q384397 P495 Q145 +Q270510 P57 Q51547 +Q252 P463 Q7825 +Q90577 P27 Q183 +Q216466 P509 Q12078 +Q3090082 P19 Q194420 +Q119159 P106 Q36180 +Q237215 P161 Q317567 +Q451812 P1303 Q6607 +Q930679 P463 Q11993457 +Q310582 P136 Q11366 +Q38849 P106 Q6625963 +Q80137 P140 Q6423963 +Q105158 P106 Q10800557 +Q342533 P136 Q1152184 +Q232417 P69 Q995265 +Q70047 P69 Q153978 +Q239823 P106 Q33231 +Q110942 P108 Q216273 +Q200396 P495 Q145 +Q131864 P161 Q73410 +Q157309 P69 Q209842 +Q533284 P20 Q1486 +Q76000 P463 Q46703 +Q329434 P161 Q238383 +Q321857 P264 Q165745 +Q11647 P136 Q325504 +Q155163 P161 Q241783 +Q234101 P106 Q10800557 +Q85791 P106 Q185351 +Q60752 P27 Q43287 +Q39829 P106 Q33999 +Q77729 P140 Q170208 +Q231214 P69 Q8008661 +Q104267 P106 Q36180 +Q365484 P69 Q1583249 +Q85232 P27 Q30 +Q184 P463 Q7809 +Q45337 P106 Q214917 +Q111288 P106 Q33999 +Q39979 P106 Q33999 +Q241 P37 Q1321 +Q62833 P463 Q4345832 +Q236318 P106 Q488205 +Q605489 P463 Q11993457 +Q781 P463 Q1043527 +Q289598 P136 Q188473 +Q57396 P1303 Q17172850 +Q192686 P495 Q30 +Q16389 P509 Q11081 +Q232514 P1303 Q5994 +Q231093 P106 Q10800557 +Q356994 P136 Q11366 +Q1239278 P106 Q16145150 +Q86820 P27 Q28513 +Q928 P530 Q833 +Q269692 P1412 Q1860 +Q190588 P161 Q312531 +Q34474 P106 Q6625963 +Q79069 P106 Q372436 +Q43936 P140 Q9592 +Q184366 P1412 Q1860 +Q384397 P495 Q30 +Q205028 P161 Q172678 +Q65533 P106 Q970153 +Q231730 P172 Q127885 +Q5784301 P161 Q131725 +Q255376 P161 Q44442 +Q888671 P106 Q10798782 +Q312833 P1050 Q11085 +Q311193 P264 Q1988428 +Q517 P3373 Q7726 +Q541964 P27 Q142 +Q960427 P106 Q1930187 +Q286022 P106 Q36180 +Q36268 P451 Q1698 +Q340138 P161 Q40504 +Q469681 P463 Q835943 +Q455120 P106 Q864380 +Q235515 P106 Q36834 +Q57442 P106 Q14467526 +Q143716 P161 Q214223 +Q46405 P1412 Q9043 +Q2866 P1412 Q9091 +Q19837 P102 Q29552 +Q251984 P106 Q10798782 +Q275185 P136 Q37073 +Q986622 P106 Q11063 +Q179269 P106 Q33999 +Q234773 P106 Q10800557 +Q51010 P106 Q33999 +Q181900 P19 Q11299 +Q183 P530 Q41 +Q230218 P1303 Q17172850 +Q162597 P106 Q82955 +Q71508 P140 Q9592 +Q23441 P108 Q1137404 +Q291500 P172 Q44806 +Q311263 P119 Q1204 +Q392662 P161 Q268294 +Q19673 P27 Q30 +Q1618047 P1412 Q13955 +Q237416 P106 Q482980 +Q61761 P463 Q414163 +Q204398 P161 Q94007 +Q48589 P101 Q208217 +Q18938 P26 Q215976 +Q106740 P737 Q35610 +Q132689 P495 Q30 +Q235421 P106 Q33999 +Q270652 P106 Q177220 +Q12292644 P108 Q841581 +Q494676 P106 Q639669 +Q118985 P136 Q471839 +Q8446 P27 Q30 +Q604086 P106 Q214917 +Q4039 P108 Q13371 +Q2966 P131 Q985 +Q185122 P1303 Q17172850 +Q232774 P161 Q42204 +Q376176 P106 Q36180 +Q2795317 P106 Q14467526 +Q270510 P136 Q28026639 +Q487391 P106 Q488205 +Q60715 P27 Q183 +Q170842 P509 Q12078 +Q16400 P27 Q148 +Q319133 P106 Q3282637 +Q801 P530 Q20 +Q982005 P106 Q82955 +Q236960 P101 Q207628 +Q258750 P106 Q183945 +Q188100 P106 Q10798782 +Q228936 P161 Q271059 +Q349223 P106 Q639669 +Q75603 P135 Q147516 +Q9317 P27 Q174193 +Q1685286 P106 Q744738 +Q65126 P106 Q40348 +Q1009 P30 Q15 +Q106175 P106 Q36180 +Q11490 P69 Q5149833 +Q157318 P106 Q860918 +Q805 P463 Q7809 +Q311293 P106 Q40348 +Q105962 P69 Q1878600 +Q213824 P106 Q177220 +Q437622 P264 Q27184 +Q322572 P495 Q20 +Q5809 P27 Q414 +Q113717 P108 Q689400 +Q174291 P136 Q1298934 +Q96399 P106 Q82955 +Q204057 P57 Q48987 +Q333595 P106 Q33999 +Q61130 P1412 Q188 +Q233956 P106 Q214917 +Q1400917 P106 Q28389 +Q221949 P136 Q1033891 +Q214697 P19 Q2843 +Q43444 P106 Q6625963 +Q463768 P136 Q663106 +Q241754 P106 Q957729 +Q322760 P106 Q9648008 +Q430278 P161 Q181413 +Q4401409 P27 Q159 +Q196159 P106 Q36180 +Q249647 P106 Q201788 +Q55394 P172 Q79797 +Q1988375 P106 Q1327329 +Q200586 P106 Q37226 +Q189950 P172 Q7325 +Q1189327 P69 Q348134 +Q27306 P131 Q151624 +Q272929 P106 Q8246794 +Q213081 P161 Q132430 +Q953 P530 Q408 +Q1035323 P27 Q142 +Q312472 P106 Q2526255 +Q162331 P161 Q106099 +Q380848 P136 Q860626 +Q52927 P509 Q12202 +Q44205 P106 Q201788 +Q238871 P106 Q2259451 +Q232414 P106 Q10800557 +Q237033 P27 Q218 +Q275180 P161 Q37459 +Q17917680 P106 Q11569986 +Q273315 P136 Q37073 +Q213824 P27 Q183 +Q230744 P551 Q84 +Q285928 P20 Q65 +Q52924 P463 Q191583 +Q92965 P106 Q14467526 +Q346216 P1412 Q188 +Q96779 P1412 Q188 +Q103569 P161 Q314290 +Q57554 P106 Q4964182 +Q93868 P161 Q271145 +Q83807 P27 Q30 +Q1351527 P69 Q640652 +Q182156 P463 Q1425328 +Q162005 P463 Q1493021 +Q602137 P106 Q1930187 +Q241 P530 Q928 +Q376477 P106 Q483501 +Q107933 P106 Q10798782 +Q41 P530 Q811 +Q616021 P27 Q142 +Q68604 P69 Q55044 +Q933749 P106 Q36180 +Q304488 P161 Q311084 +Q258761 P1303 Q17172850 +Q726057 P106 Q33999 +Q388319 P161 Q232917 +Q41 P530 Q189 +Q103157 P1412 Q1860 +Q367634 P740 Q12439 +Q64963 P69 Q153978 +Q728463 P106 Q18576582 +Q233832 P106 Q10800557 +Q224130 P136 Q157394 +Q550232 P161 Q202725 +Q313509 P69 Q1059546 +Q721819 P509 Q12192 +Q4751826 P69 Q152087 +Q233479 P27 Q30 +Q464277 P106 Q488205 +Q84233 P101 Q5891 +Q2573 P27 Q183 +Q221364 P19 Q387047 +Q229282 P106 Q10798782 +Q103591 P737 Q101638 +Q11637 P551 Q743535 +Q47007 P172 Q179248 +Q1032 P463 Q5611262 +Q740036 P1412 Q1860 +Q435347 P106 Q639669 +Q221384 P136 Q52162262 +Q1065956 P106 Q16145150 +Q368674 P161 Q275161 +Q1449438 P27 Q30 +Q33 P530 Q1030 +Q46795 P108 Q49112 +Q87293 P463 Q299015 +Q184750 P737 Q183167 +Q543910 P106 Q2306091 +Q323456 P106 Q753110 +Q442931 P19 Q19660 +Q312705 P106 Q177220 +Q310300 P1303 Q6607 +Q1668660 P509 Q181754 +Q142 P463 Q42262 +Q133042 P27 Q801 +Q19199 P136 Q11366 +Q118760 P27 Q39 +Q241665 P264 Q155152 +Q381664 P106 Q10800557 +Q4963372 P106 Q3391743 +Q209186 P106 Q33999 +Q1560662 P106 Q855091 +Q1031340 P106 Q177220 +Q291068 P106 Q27532437 +Q354542 P19 Q1342 +Q77462 P106 Q386854 +Q313525 P136 Q203775 +Q44306 P737 Q154756 +Q154346 P106 Q2259532 +Q70166 P106 Q39631 +Q40103 P106 Q33999 +Q231726 P106 Q4610556 +Q106706 P106 Q3282637 +Q291180 P495 Q145 +Q143172 P509 Q12152 +Q837 P463 Q376150 +Q180468 P463 Q543804 +Q705221 P106 Q33999 +Q25351 P463 Q329464 +Q208108 P161 Q184572 +Q129429 P20 Q84 +Q366671 P106 Q183945 +Q220889 P361 Q6354282 +Q470875 P1412 Q5885 +Q460366 P106 Q28389 +Q1274170 P19 Q1899 +Q11826 P106 Q105186 +Q200841 P69 Q219563 +Q708585 P136 Q8341 +Q85464 P1412 Q1860 +Q57384 P106 Q205375 +Q223985 P108 Q34433 +Q320984 P509 Q12192 +Q587361 P106 Q855091 +Q87432 P106 Q2526255 +Q444509 P1412 Q652 +Q434466 P106 Q10800557 +Q214999 P40 Q77109 +Q46248 P136 Q132311 +Q99784 P20 Q2742 +Q7729 P509 Q12202 +Q594644 P27 Q16 +Q110163 P106 Q8178443 +Q331277 P161 Q508404 +Q56760250 P159 Q60 +Q211730 P106 Q33999 +Q25310 P106 Q36180 +Q314569 P19 Q16559 +Q227395 P27 Q28 +Q506006 P27 Q30 +Q365042 P27 Q30 +Q322236 P172 Q49085 +Q14960 P17 Q153136 +Q3816 P451 Q1268 +Q983544 P106 Q18844224 +Q49478 P463 Q161806 +Q159 P530 Q971 +Q302403 P495 Q38 +Q318223 P106 Q36834 +Q835 P136 Q128758 +Q58866 P106 Q2259451 +Q620609 P106 Q81096 +Q47011 P463 Q1792159 +Q219551 P1412 Q652 +Q812105 P106 Q193391 +Q369957 P27 Q843 +Q928 P463 Q7809 +Q16781 P264 Q38903 +Q193273 P172 Q127885 +Q642127 P27 Q142 +Q259940 P106 Q10800557 +Q510190 P106 Q81096 +Q960427 P27 Q30 +Q124094 P102 Q694299 +Q356361 P19 Q3874 +Q124610 P106 Q1622272 +Q98897 P27 Q183 +Q55450 P19 Q220 +Q1930839 P106 Q639669 +Q561212 P106 Q49757 +Q32 P463 Q7825 +Q62889 P108 Q1065 +Q83906 P106 Q639669 +Q250954 P161 Q465955 +Q164933 P161 Q42581 +Q711226 P1412 Q1860 +Q208269 P840 Q1384 +Q139542 P495 Q30 +Q990492 P463 Q463281 +Q561147 P106 Q1930187 +Q153149 P106 Q82955 +Q287976 P1303 Q17172850 +Q85586 P463 Q42262 +Q737463 P19 Q649 +Q85791 P1412 Q188 +Q264618 P106 Q82955 +Q537705 P19 Q1342 +Q617932 P19 Q16556 +Q1054564 P136 Q43343 +Q584500 P19 Q23436 +Q200460 P26 Q553276 +Q72804 P106 Q214917 +Q376144 P136 Q1054574 +Q202185 P1303 Q6607 +Q112651 P106 Q33999 +Q229197 P106 Q10800557 +Q346285 P106 Q36834 +Q1275039 P27 Q30 +Q44561 P106 Q10800557 +Q55832 P119 Q2790054 +Q154194 P136 Q52162262 +Q361297 P106 Q11338576 +Q239214 P106 Q1259917 +Q77551 P108 Q309988 +Q41 P530 Q33 +Q722395 P106 Q177220 +Q258693 P106 Q36834 +Q2263 P463 Q463303 +Q183 P463 Q1480793 +Q712586 P172 Q49085 +Q40115 P136 Q860626 +Q1156782 P136 Q11366 +Q142059 P20 Q693653 +Q36268 P26 Q383420 +Q119687 P106 Q185351 +Q369174 P106 Q10798782 +Q264748 P551 Q65 +Q311267 P136 Q83440 +Q76325 P108 Q316592 +Q236950 P106 Q49757 +Q930679 P27 Q29 +Q4538 P106 Q2405480 +Q711499 P136 Q11366 +Q98737 P108 Q658626 +Q526518 P119 Q592204 +Q152293 P136 Q492264 +Q92804 P463 Q1493021 +Q106812 P106 Q24262584 +Q155485 P161 Q432655 +Q45396 P106 Q177220 +Q12940 P106 Q82955 +Q233474 P101 Q207628 +Q84114 P69 Q13371 +Q4514164 P102 Q79854 +Q88749 P19 Q1741 +Q44077 P106 Q10798782 +Q508752 P106 Q43845 +Q20749396 P106 Q10774753 +Q76152 P1412 Q188 +Q40213 P135 Q164800 +Q97083 P108 Q155354 +Q61282 P106 Q11900058 +Q295935 P136 Q1344 +Q230141 P136 Q482 +Q786339 P108 Q46210 +Q94186 P106 Q49757 +Q4941 P840 Q406 +Q164784 P463 Q414188 +Q1153913 P106 Q639669 +Q258204 P840 Q60 +Q636637 P106 Q1930187 +Q174346 P551 Q65 +Q124869 P108 Q503473 +Q76727 P106 Q18939491 +Q3379094 P27 Q145 +Q31033707 P27 Q38 +Q379341 P106 Q183945 +Q311580 P106 Q55960555 +Q5879 P463 Q414379 +Q742079 P106 Q1930187 +Q252 P463 Q8475 +Q205707 P106 Q10798782 +Q233566 P106 Q49757 +Q187423 P161 Q346309 +Q95994 P106 Q81096 +Q233479 P69 Q174570 +Q219878 P1412 Q1860 +Q672 P30 Q538 +Q57168 P106 Q822146 +Q201579 P106 Q333634 +Q69645 P20 Q65 +Q562402 P106 Q1930187 +Q28494 P1412 Q188 +Q104123 P161 Q80938 +Q514998 P27 Q145 +Q232214 P136 Q11399 +Q192887 P551 Q1384 +Q77193 P106 Q1930187 +Q210364 P161 Q314841 +Q617215 P19 Q1492 +Q896835 P1303 Q163829 +Q551512 P463 Q414110 +Q150989 P1412 Q150 +Q180619 P69 Q49088 +Q205772 P106 Q2055046 +Q1449438 P1303 Q17172850 +Q238716 P463 Q265058 +Q64862 P106 Q14915627 +Q215556 P1412 Q150 +Q77162 P69 Q157575 +Q51908481 P3373 Q2287423 +Q231310 P26 Q342533 +Q426828 P161 Q271635 +Q322750 P1412 Q1860 +Q102902 P463 Q414110 +Q152524 P106 Q164236 +Q90581 P27 Q155 +Q80805 P264 Q1273666 +Q32223 P106 Q33999 +Q905267 P106 Q593644 +Q446743 P106 Q4263842 +Q58978 P106 Q1622272 +Q690974 P106 Q4610556 +Q71407 P27 Q183 +Q389511 P161 Q116265 +Q48047 P1412 Q7737 +Q213736 P1303 Q17172850 +Q222818 P106 Q2405480 +Q36970 P1412 Q9192 +Q311760 P27 Q145 +Q118745 P119 Q208175 +Q33 P530 Q1246 +Q179888 P1412 Q150 +Q70989 P106 Q3387717 +Q252 P530 Q212 +Q344153 P106 Q82955 +Q1173373 P27 Q145 +Q940686 P106 Q33999 +Q919367 P106 Q855091 +Q172154 P19 Q365 +Q156133 P172 Q49085 +Q51506 P20 Q23306 +Q260616 P136 Q130232 +Q273981 P27 Q30 +Q366207 P136 Q7749 +Q76370 P463 Q812155 +Q4588976 P106 Q121594 +Q79102 P27 Q40 +Q200867 P27 Q145 +Q372073 P509 Q12136 +Q206497 P161 Q356487 +Q124287 P27 Q218 +Q311193 P106 Q3501317 +Q11930 P1412 Q1860 +Q163366 P1412 Q1860 +Q358188 P106 Q40348 +Q208344 P161 Q370918 +Q44872 P108 Q55044 +Q222018 P136 Q52162262 +Q59595 P161 Q296537 +Q65906 P20 Q1794 +Q312531 P106 Q4610556 +Q2335557 P106 Q43845 +Q443892 P106 Q822146 +Q204672 P106 Q10800557 +Q355384 P264 Q216364 +Q154935 P161 Q113206 +Q3903340 P27 Q38 +Q240782 P27 Q174193 +Q485716 P131 Q104994 +Q9161 P463 Q266063 +Q25310 P106 Q82955 +Q57372 P106 Q28389 +Q1008 P530 Q96 +Q215945 P106 Q49757 +Q350255 P106 Q2490358 +Q159917 P106 Q1930187 +Q2578559 P108 Q842909 +Q653632 P264 Q664167 +Q159638 P495 Q183 +Q504923 P69 Q131252 +Q241299 P101 Q482 +Q887111 P106 Q40348 +Q35 P463 Q7184 +Q47284 P106 Q36834 +Q51570 P69 Q49112 +Q60197 P27 Q30 +Q62188 P463 Q329464 +Q271554 P27 Q30 +Q185546 P20 Q2807 +Q563287 P106 Q177220 +Q51110 P106 Q10798782 +Q70474 P106 Q212980 +Q230 P530 Q954 +Q185654 P106 Q4610556 +Q907738 P106 Q81096 +Q63441 P463 Q150793 +Q14540 P106 Q18814623 +Q167635 P1303 Q5994 +Q975491 P463 Q463281 +Q271867 P69 Q385471 +Q154545 P463 Q161806 +Q134549 P106 Q18814623 +Q337185 P106 Q33999 +Q234145 P509 Q11085 +Q355133 P106 Q2405480 +Q78714 P106 Q82955 +Q133855 P27 Q34266 +Q239739 P19 Q485176 +Q254022 P737 Q16473 +Q185610 P106 Q974144 +Q314133 P106 Q33999 +Q705743 P106 Q639669 +Q538109 P69 Q185246 +Q275875 P1303 Q6607 +Q154545 P102 Q1332068 +Q45970 P1412 Q809 +Q59610 P161 Q352540 +Q981526 P264 Q1988428 +Q41239 P106 Q81096 +Q256054 P108 Q661916 +Q702508 P136 Q37073 +Q310773 P106 Q16742096 +Q649 P17 Q2305208 +Q78270 P106 Q201788 +Q217182 P161 Q508404 +Q105460 P551 Q16558 +Q202550 P1412 Q1860 +Q1664782 P131 Q90 +Q1195390 P106 Q183945 +Q809420 P27 Q142 +Q62725 P106 Q1238570 +Q572741 P27 Q145 +Q188286 P69 Q182973 +Q317160 P106 Q18814623 +Q189992 P69 Q1542213 +Q61453 P463 Q543804 +Q318509 P106 Q2405480 +Q481871 P463 Q463281 +Q41617 P106 Q36180 +Q57063 P463 Q835943 +Q1257 P69 Q859363 +Q116928 P136 Q130232 +Q1380398 P106 Q177220 +Q1409622 P106 Q10798782 +Q389151 P161 Q272019 +Q60113 P140 Q23540 +Q230303 P106 Q40348 +Q3118802 P27 Q30 +Q233739 P106 Q10798782 +Q605129 P106 Q488205 +Q3709961 P463 Q463303 +Q192160 P161 Q179576 +Q310166 P69 Q1179603 +Q970 P463 Q191384 +Q765871 P106 Q36834 +Q76589 P463 Q414188 +Q175759 P136 Q1196752 +Q251984 P19 Q60 +Q95252 P106 Q1622272 +Q359521 P1303 Q17172850 +Q315592 P161 Q356487 +Q92995 P463 Q1202021 +Q318750 P264 Q183387 +Q92747 P106 Q82594 +Q796 P463 Q4783148 +Q970 P463 Q47543 +Q127992 P159 Q60 +Q104061 P106 Q28389 +Q45909 P551 Q65 +Q183519 P737 Q34389 +Q432421 P1303 Q5994 +Q221074 P106 Q55960555 +Q314603 P106 Q10800557 +Q468864 P509 Q476921 +Q434312 P106 Q33999 +Q345446 P1412 Q1321 +Q5092 P131 Q1391 +Q1077577 P106 Q639669 +Q235394 P106 Q4610556 +Q766880 P69 Q29052 +Q40479 P737 Q36591 +Q138984 P106 Q1622272 +Q128730 P161 Q1677114 +Q157322 P1412 Q8641 +Q78704 P27 Q30 +Q113489 P463 Q18650004 +Q82110 P106 Q9017214 +Q59210 P108 Q49088 +Q365682 P106 Q3282637 +Q230 P530 Q30 +Q46182 P106 Q4853732 +Q465881 P106 Q33999 +Q912 P530 Q1028 +Q335629 P136 Q484344 +Q435347 P106 Q2865819 +Q81219 P106 Q333634 +Q1099640 P106 Q488205 +Q47426 P20 Q62 +Q57490 P106 Q82955 +Q310580 P27 Q30 +Q572741 P108 Q49210 +Q90430 P1412 Q188 +Q303235 P161 Q561401 +Q37621 P106 Q82955 +Q447599 P106 Q806349 +Q65278 P106 Q1622272 +Q126896 P136 Q369747 +Q274362 P136 Q316930 +Q78003 P1412 Q188 +Q162586 P136 Q49451 +Q117139 P106 Q10800557 +Q1347095 P1303 Q302497 +Q195788 P106 Q33999 +Q232149 P108 Q192775 +Q1022 P463 Q1768108 +Q182509 P106 Q1622272 +Q4985 P551 Q60 +Q183253 P106 Q201788 +Q16390 P136 Q21590660 +Q262838 P106 Q33999 +Q231690 P106 Q1476215 +Q168452 P106 Q151197 +Q107416 P19 Q11299 +Q42493 P172 Q141817 +Q76554 P108 Q316592 +Q1001 P551 Q84 +Q77143 P136 Q211756 +Q349799 P106 Q855091 +Q7729 P1412 Q7411 +Q62763 P69 Q157808 +Q9387 P1050 Q178275 +Q124607 P1412 Q188 +Q65329 P20 Q1726 +Q246997 P136 Q130232 +Q50797 P136 Q187760 +Q1166707 P106 Q2259451 +Q60772 P140 Q75809 +Q70819 P106 Q158852 +Q112284 P106 Q43845 +Q68537 P106 Q28389 +Q487491 P106 Q1622272 +Q10308228 P106 Q82955 +Q61915 P106 Q36180 +Q34713 P17 Q131964 +Q213 P463 Q899770 +Q202613 P1303 Q9798 +Q949696 P20 Q43301 +Q34597 P106 Q82955 +Q182576 P101 Q482 +Q69139 P69 Q766145 +Q335598 P106 Q183945 +Q737922 P136 Q12799318 +Q438366 P172 Q49085 +Q216720 P161 Q351849 +Q316327 P106 Q6625963 +Q310947 P3373 Q313546 +Q4960 P172 Q141817 +Q327713 P161 Q40096 +Q189 P463 Q8908 +Q190772 P463 Q123885 +Q93157 P737 Q5685 +Q450296 P19 Q34217 +Q490290 P136 Q9759 +Q232462 P106 Q183945 +Q186042 P463 Q466089 +Q72913 P1412 Q188 +Q1551705 P159 Q65 +Q182229 P106 Q2259451 +Q7200 P1412 Q150 +Q83038 P27 Q172579 +Q209186 P106 Q13235160 +Q92849 P106 Q170790 +Q151936 P108 Q35794 +Q163557 P106 Q36180 +Q183512 P840 Q771 +Q42156 P463 Q338432 +Q1370974 P106 Q177220 +Q83630 P161 Q296028 +Q573532 P106 Q1622272 +Q168269 P1412 Q1860 +Q846 P530 Q902 +Q238095 P159 Q84 +Q106418 P1412 Q150 +Q35 P530 Q854 +Q3802 P17 Q153943 +Q151898 P161 Q231811 +Q3186620 P463 Q2720582 +Q766 P463 Q7809 +Q1070832 P106 Q639669 +Q83158 P69 Q926749 +Q290197 P106 Q483501 +Q328691 P69 Q168756 +Q227 P530 Q191 +Q981944 P106 Q177220 +Q117012 P26 Q1203 +Q299194 P106 Q33999 +Q19008 P27 Q174193 +Q191084 P106 Q10798782 +Q811 P463 Q1065 +Q39792 P102 Q29552 +Q337722 P106 Q639669 +Q213675 P108 Q152838 +Q2042 P1412 Q150 +Q28310 P106 Q222749 +Q256928 P27 Q207272 +Q739 P530 Q884 +Q31 P37 Q150 +Q144164 P69 Q13371 +Q716862 P106 Q82594 +Q99448 P27 Q183 +Q176537 P106 Q488205 +Q183 P530 Q854 +Q526120 P101 Q482 +Q150767 P106 Q2490358 +Q1618047 P27 Q183 +Q736 P463 Q191384 +Q96426 P106 Q36180 +Q386714 P136 Q200092 +Q110709 P463 Q188771 +Q163063 P106 Q639669 +Q457338 P20 Q1486 +Q327303 P19 Q1085 +Q2908686 P1412 Q8785 +Q96978 P69 Q206702 +Q217160 P136 Q37073 +Q439455 P106 Q14467526 +Q584292 P1412 Q150 +Q60441 P1412 Q7737 +Q278193 P161 Q209186 +Q87208 P20 Q1741 +Q240371 P1303 Q17172850 +Q80596 P509 Q389735 +Q220550 P106 Q4964182 +Q19845 P737 Q7416 +Q349350 P106 Q33999 +Q65600 P27 Q183 +Q55163 P1412 Q1860 +Q254142 P106 Q33999 +Q662119 P106 Q4263842 +Q42493 P106 Q43845 +Q41173 P451 Q347436 +Q6096 P140 Q432 +Q46139 P135 Q6034 +Q445367 P106 Q855091 +Q449894 P1412 Q1860 +Q17 P463 Q376150 +Q163557 P27 Q213 +Q93031 P463 Q1003730 +Q85877 P20 Q1726 +Q16397 P106 Q3282637 +Q68757 P106 Q36180 +Q160422 P106 Q36180 +Q456005 P264 Q694052 +Q111344 P27 Q1206012 +Q151946 P495 Q30 +Q193815 P106 Q2526255 +Q243639 P136 Q11401 +Q272608 P161 Q316596 +Q916 P530 Q865 +Q440956 P1412 Q1860 +Q316313 P27 Q30 +Q641 P17 Q153136 +Q47152 P136 Q19715429 +Q34460 P106 Q753110 +Q961972 P106 Q1930187 +Q1060636 P106 Q36180 +Q762 P106 Q1281618 +Q92756 P463 Q465654 +Q154751 P106 Q170790 +Q5105 P106 Q10800557 +Q312870 P136 Q206159 +Q12622 P106 Q333634 +Q65825 P19 Q546 +Q66316 P463 Q46703 +Q213582 P1412 Q7737 +Q176351 P463 Q270794 +Q168724 P26 Q387434 +Q348571 P27 Q30 +Q77183 P106 Q16533 +Q464097 P136 Q205049 +Q509341 P69 Q4614 +Q147810 P106 Q37226 +Q742825 P106 Q36180 +Q107432 P1303 Q8350 +Q940686 P119 Q1437214 +Q2447874 P101 Q3798668 +Q78371 P1412 Q188 +Q304030 P57 Q316844 +Q445417 P106 Q2252262 +Q295974 P69 Q523926 +Q313755 P136 Q8341 +Q83326 P509 Q29496 +Q296577 P27 Q30 +Q231141 P1412 Q1860 +Q160325 P69 Q245247 +Q465640 P106 Q28389 +Q49601 P27 Q39 +Q159840 P106 Q16323111 +Q311769 P106 Q3282637 +Q77096 P106 Q1622272 +Q82280 P106 Q1622272 +Q2902710 P27 Q30 +Q221852 P161 Q11975 +Q34424 P136 Q484641 +Q329845 P27 Q34266 +Q241218 P161 Q254038 +Q1048660 P106 Q169470 +Q433893 P106 Q3282637 +Q76499 P106 Q4964182 +Q27304761 P37 Q7737 +Q213393 P106 Q333634 +Q328532 P1303 Q8355 +Q773736 P20 Q1454 +Q131366 P264 Q843402 +Q220713 P161 Q199927 +Q1453398 P136 Q268253 +Q215300 P101 Q222749 +Q9513 P106 Q82955 +Q238924 P264 Q183387 +Q27411 P161 Q223992 +Q11116 P106 Q16533 +Q119676 P19 Q60 +Q220210 P106 Q131524 +Q216102 P106 Q1231865 +Q971 P463 Q294278 +Q91865 P108 Q55044 +Q124710 P1412 Q13955 +Q37767 P106 Q15949613 +Q229282 P26 Q77112 +Q244115 P161 Q61552 +Q763507 P509 Q12152 +Q440528 P69 Q774489 +Q17 P463 Q188822 +Q109388 P69 Q309948 +Q267629 P19 Q62 +Q81796 P737 Q1512 +Q309697 P106 Q486748 +Q87392 P27 Q40 +Q253607 P27 Q869 +Q323470 P1303 Q17172850 +Q361617 P106 Q1930187 +Q106057 P1412 Q652 +Q49081 P737 Q201538 +Q156814 P106 Q82955 +Q73938 P69 Q151510 +Q38 P530 Q948 +Q131355 P106 Q193391 +Q176846 P19 Q649 +Q236340 P106 Q177220 +Q157309 P101 Q35277 +Q96243 P20 Q3150 +Q274157 P1303 Q5994 +Q116208 P27 Q183 +Q379994 P161 Q126599 +Q230 P530 Q822 +Q220698 P106 Q2405480 +Q84734 P1412 Q397 +Q558972 P19 Q580 +Q1039759 P19 Q26793 +Q36620 P69 Q154804 +Q290345 P106 Q10800557 +Q1927260 P106 Q482980 +Q159473 P1412 Q652 +Q1882498 P106 Q177220 +Q38 P30 Q46 +Q334180 P106 Q177220 +Q80871 P27 Q298 +Q84238 P101 Q8134 +Q202449 P140 Q5043 +Q105158 P26 Q162753 +Q6711 P106 Q28389 +Q144622 P106 Q488205 +Q249862 P106 Q855091 +Q76699 P1412 Q188 +Q368674 P840 Q1297 +Q229840 P106 Q8178443 +Q333265 P106 Q639669 +Q49319 P106 Q639669 +Q1352613 P161 Q117012 +Q6512 P1412 Q9035 +Q8007 P1050 Q12195 +Q940891 P172 Q678551 +Q189078 P106 Q10800557 +Q9312 P463 Q329464 +Q183 P463 Q1043527 +Q80900 P1412 Q727694 +Q240467 P19 Q65 +Q984165 P106 Q201788 +Q162672 P161 Q232282 +Q200460 P27 Q30 +Q60546 P106 Q81096 +Q213081 P840 Q62 +Q219519 P1303 Q17172850 +Q597694 P20 Q90 +Q180224 P106 Q1327329 +Q58009 P106 Q16533 +Q443892 P136 Q316930 +Q219060 P530 Q262 +Q72800 P106 Q1930187 +Q228871 P27 Q30 +Q204191 P136 Q860626 +Q114450 P106 Q49757 +Q151414 P106 Q82955 +Q318029 P108 Q49088 +Q219640 P1050 Q11085 +Q234636 P106 Q177220 +Q449235 P106 Q1930187 +Q217160 P264 Q165745 +Q78526 P106 Q158852 +Q239823 P20 Q90 +Q371932 P106 Q639669 +Q78639 P106 Q2526255 +Q1290021 P69 Q390287 +Q35686 P106 Q189290 +Q874 P463 Q81299 +Q331180 P161 Q106481 +Q531247 P27 Q30 +Q716282 P1412 Q1860 +Q57640 P106 Q43845 +Q40470 P69 Q1033692 +Q156749 P463 Q684415 +Q60059 P101 Q5891 +Q1105367 P106 Q593644 +Q178698 P737 Q132805 +Q874588 P106 Q28389 +Q265252 P1303 Q302497 +Q237420 P101 Q186424 +Q77204 P106 Q18939491 +Q315784 P106 Q36834 +Q70523 P101 Q413 +Q264618 P106 Q1622272 +Q8018 P106 Q16031530 +Q334648 P264 Q190585 +Q921 P530 Q148 +Q3012 P463 Q1768108 +Q8873 P27 Q668 +Q34 P530 Q37 +Q61197 P172 Q42884 +Q862 P463 Q812155 +Q323201 P106 Q10800557 +Q38294 P108 Q316592 +Q1246 P530 Q224 +Q351989 P161 Q380852 +Q126958 P136 Q83440 +Q1711470 P27 Q83286 +Q1232794 P106 Q10798782 +Q236848 P106 Q822146 +Q59346 P136 Q471839 +Q292623 P172 Q49085 +Q897281 P1412 Q188 +Q61194 P27 Q183 +Q240954 P69 Q154804 +Q228918 P106 Q10798782 +Q811 P463 Q3369762 +Q215689 P140 Q75809 +Q229038 P106 Q177220 +Q188971 P1412 Q150 +Q286570 P1412 Q1860 +Q152929 P106 Q33999 +Q59737 P106 Q333634 +Q2828029 P69 Q1189954 +Q131433 P19 Q182625 +Q9047 P106 Q182436 +Q114 P530 Q96 +Q218992 P106 Q183945 +Q190368 P172 Q539051 +Q152451 P69 Q168756 +Q60903 P136 Q5967378 +Q150471 P20 Q64 +Q12101508 P27 Q34266 +Q463018 P27 Q142 +Q115455 P106 Q36180 +Q62373 P19 Q6602 +Q373774 P840 Q60 +Q139927 P136 Q860626 +Q36951 P106 Q482980 +Q564953 P20 Q64 +Q62882 P106 Q8246794 +Q434500 P69 Q1542213 +Q562521 P27 Q30 +Q18149651 P17 Q30 +Q170333 P106 Q16031530 +Q188713 P136 Q11399 +Q6694 P463 Q463303 +Q314035 P69 Q1379834 +Q60650 P102 Q7320 +Q60869 P20 Q34713 +Q151593 P264 Q168407 +Q454840 P1412 Q1860 +Q285431 P106 Q10800557 +Q58720 P509 Q12192 +Q31 P463 Q1480793 +Q78525 P1412 Q150 +Q22316 P140 Q9592 +Q58811 P106 Q82955 +Q16409 P1412 Q150 +Q858 P530 Q183 +Q1399299 P361 Q193196 +Q3550828 P106 Q33999 +Q442656 P136 Q37073 +Q41 P530 Q414 +Q316138 P737 Q6515 +Q77 P530 Q96 +Q1057003 P136 Q3071 +Q504 P27 Q142 +Q43330 P108 Q49120 +Q460323 P509 Q12202 +Q979347 P106 Q177220 +Q131326 P27 Q34 +Q35314 P20 Q649 +Q319783 P495 Q96 +Q715404 P106 Q177220 +Q176163 P106 Q188094 +Q202693 P641 Q2736 +Q87168 P106 Q36180 +Q203185 P106 Q753110 +Q269094 P172 Q678551 +Q168859 P106 Q16287483 +Q76887 P1412 Q188 +Q469478 P106 Q82955 +Q984215 P106 Q1622272 +Q59346 P161 Q228789 +Q75856 P69 Q154804 +Q1203 P106 Q1028181 +Q132964 P106 Q36180 +Q1033 P530 Q30 +Q76332 P106 Q49757 +Q132433 P136 Q131578 +Q49398 P136 Q52162262 +Q51814 P106 Q33999 +Q205545 P1412 Q9129 +Q72543 P69 Q2994538 +Q164908 P106 Q188094 +Q205707 P106 Q33999 +Q92608 P106 Q5482740 +Q165824 P106 Q486748 +Q1556241 P463 Q270794 +Q454428 P172 Q49085 +Q833 P530 Q810 +Q432268 P1303 Q17172850 +Q761 P17 Q37 +Q445405 P172 Q49085 +Q23527 P106 Q18545066 +Q354519 P106 Q855091 +Q884 P530 Q159 +Q205707 P106 Q465501 +Q84510 P106 Q177220 +Q4960 P136 Q21010853 +Q112081 P27 Q28513 +Q86407 P136 Q8261 +Q201477 P106 Q2306091 +Q4177355 P106 Q901 +Q268604 P136 Q37073 +Q723678 P20 Q90 +Q369681 P27 Q8733 +Q42552 P140 Q7066 +Q550395 P106 Q2259451 +Q300502 P161 Q239145 +Q355788 P106 Q639669 +Q807787 P1303 Q6607 +Q244395 P463 Q939743 +Q221846 P136 Q860626 +Q65600 P463 Q684415 +Q57954 P108 Q65561 +Q156608 P495 Q30 +Q316556 P1412 Q35497 +Q333632 P1412 Q5146 +Q161819 P106 Q1198887 +Q178094 P161 Q39979 +Q1700315 P463 Q2839513 +Q216041 P1412 Q1860 +Q21088 P106 Q639669 +Q737626 P1412 Q7737 +Q30937 P57 Q1072843 +Q274764 P108 Q34433 +Q51416 P161 Q317567 +Q62400 P27 Q183 +Q290490 P161 Q106508 +Q264307 P161 Q336131 +Q245430 P495 Q30 +Q72804 P106 Q333634 +Q55168 P1412 Q36510 +Q78503 P106 Q169470 +Q218532 P106 Q28389 +Q1123533 P264 Q311439 +Q123718 P1412 Q188 +Q132589 P106 Q11774202 +Q546275 P106 Q1930187 +Q457856 P27 Q30 +Q313039 P69 Q49114 +Q82104 P106 Q6625963 +Q945691 P106 Q3387717 +Q324424 P1303 Q17172850 +Q217160 P106 Q183945 +Q222873 P161 Q270560 +Q434060 P551 Q90 +Q906529 P106 Q169470 +Q526382 P27 Q12560 +Q784 P463 Q3369762 +Q105466 P27 Q145 +Q82330 P106 Q2526255 +Q84555 P108 Q875788 +Q432552 P27 Q30 +Q11124 P463 Q463303 +Q102438 P161 Q329778 +Q163593 P101 Q207628 +Q1280986 P106 Q639669 +Q362828 P27 Q2305208 +Q216936 P264 Q664167 +Q334665 P27 Q15180 +Q3071779 P27 Q29 +Q213824 P106 Q947873 +Q310315 P106 Q2405480 +Q166554 P161 Q296028 +Q86886 P106 Q482980 +Q155449 P106 Q33999 +Q60549 P69 Q165528 +Q365 P17 Q2415901 +Q40645 P106 Q33999 +Q141680 P27 Q30 +Q1400917 P106 Q1930187 +Q309086 P495 Q30 +Q99279 P1412 Q188 +Q452084 P106 Q36180 +Q78037 P106 Q82955 +Q82083 P737 Q79759 +Q965301 P106 Q5371902 +Q228747 P106 Q36180 +Q221546 P1303 Q133163 +Q736 P463 Q123759 +Q442656 P140 Q432 +Q44892 P264 Q726251 +Q84704 P106 Q482980 +Q228818 P1412 Q1860 +Q196287 P69 Q20266330 +Q60506 P161 Q126599 +Q723281 P20 Q61 +Q218458 P161 Q233724 +Q347 P530 Q230 +Q231886 P106 Q214917 +Q41502 P136 Q8261 +Q1386031 P69 Q216273 +Q300566 P136 Q52162262 +Q30 P530 Q974 +Q87432 P106 Q36180 +Q5046268 P69 Q168756 +Q102301 P172 Q49085 +Q335376 P106 Q28389 +Q816499 P27 Q145 +Q429963 P106 Q10800557 +Q96050 P106 Q2865819 +Q1401 P1412 Q1321 +Q734436 P106 Q1930187 +Q322850 P106 Q177220 +Q268024 P106 Q11063 +Q104067 P1050 Q3321212 +Q976071 P106 Q28389 +Q1074038 P27 Q17 +Q235066 P19 Q1297 +Q159473 P136 Q1344 +Q33 P530 Q142 +Q1366840 P136 Q45981 +Q910392 P509 Q12152 +Q187033 P106 Q10800557 +Q1928973 P106 Q822146 +Q86809 P463 Q695302 +Q110714 P106 Q639669 +Q1686156 P136 Q8341 +Q34816 P106 Q28389 +Q249141 P106 Q488205 +Q200586 P1303 Q6607 +Q364582 P1412 Q652 +Q1242 P20 Q220 +Q1372851 P106 Q214917 +Q77112 P69 Q4614 +Q84207 P27 Q40 +Q254611 P27 Q17 +Q77667 P27 Q183 +Q289303 P1412 Q150 +Q3719620 P108 Q190080 +Q976238 P20 Q3711 +Q61112 P1412 Q188 +Q317122 P69 Q503246 +Q241903 P27 Q30 +Q312077 P106 Q33999 +Q69022 P106 Q49757 +Q166796 P1303 Q5994 +Q5482339 P463 Q123885 +Q287977 P102 Q29468 +Q264783 P551 Q1489 +Q1950678 P106 Q11063 +Q298766 P641 Q5386 +Q193048 P106 Q3282637 +Q617920 P108 Q6608367 +Q244 P530 Q865 +Q1671177 P20 Q43788 +Q2754 P106 Q1930187 +Q274711 P106 Q2259451 +Q1222903 P106 Q36834 +Q1528185 P69 Q49088 +Q101339 P106 Q201788 +Q979865 P106 Q81096 +Q102754 P161 Q4573 +Q60441 P106 Q14467526 +Q359059 P27 Q30 +Q128493 P161 Q223830 +Q1735 P37 Q188 +Q42775 P26 Q233253 +Q983421 P106 Q10297252 +Q116905 P161 Q72867 +Q200392 P106 Q4964182 +Q424 P530 Q159 +Q175535 P19 Q49111 +Q214310 P106 Q1209498 +Q46139 P106 Q7042855 +Q223414 P106 Q82955 +Q944159 P27 Q30 +Q937936 P106 Q188094 +Q77751 P108 Q168756 +Q76997 P737 Q37621 +Q235189 P106 Q10798782 +Q317350 P1412 Q1860 +Q30931 P840 Q423 +Q33866 P106 Q82955 +Q707151 P1303 Q6607 +Q106554 P106 Q36180 +Q92341 P27 Q30 +Q19242 P106 Q131524 +Q405672 P27 Q184 +Q709499 P1303 Q8377 +Q367017 P106 Q2526255 +Q92906 P108 Q15142 +Q1074226 P106 Q855091 +Q211462 P119 Q1223 +Q7313843 P106 Q1792450 +Q67438 P106 Q36834 +Q446294 P1412 Q1860 +Q297384 P106 Q10800557 +Q157255 P108 Q131252 +Q106225 P106 Q36834 +Q57242 P20 Q2119 +Q383844 P136 Q188473 +Q286022 P136 Q205560 +Q561212 P27 Q142 +Q108703 P102 Q49755 +Q62432 P27 Q183 +Q115901 P106 Q40348 +Q152011 P495 Q30 +Q11930 P136 Q83440 +Q216936 P172 Q49085 +Q366307 P106 Q36834 +Q380425 P101 Q8242 +Q190908 P161 Q34460 +Q1064284 P69 Q861548 +Q736099 P106 Q486748 +Q462466 P136 Q200092 +Q262791 P463 Q463281 +Q361004 P1412 Q150 +Q192934 P495 Q38 +Q1380767 P69 Q49126 +Q76358 P27 Q7318 +Q928 P30 Q48 +Q90849 P1412 Q188 +Q356375 P27 Q30 +Q755 P106 Q11774202 +Q350255 P106 Q10800557 +Q311453 P106 Q33999 +Q71821 P20 Q3033 +Q117 P530 Q183 +Q233736 P106 Q2490358 +Q48779 P106 Q16323111 +Q336018 P106 Q28389 +Q217298 P737 Q990890 +Q181795 P136 Q20656232 +Q116309 P463 Q4345832 +Q184768 P495 Q30 +Q230710 P451 Q193668 +Q100276 P463 Q253439 +Q313411 P106 Q43845 +Q329719 P106 Q2259451 +Q189330 P161 Q176277 +Q48613 P106 Q10816969 +Q231595 P19 Q18426 +Q154556 P463 Q463281 +Q695 P530 Q709 +Q336010 P106 Q4263842 +Q76641 P463 Q414188 +Q76197 P106 Q1930187 +Q322381 P463 Q463303 +Q70474 P102 Q49768 +Q164757 P106 Q639669 +Q1173729 P27 Q30 +Q311314 P106 Q33999 +Q153909 P106 Q1209498 +Q273055 P1303 Q17172850 +Q414 P463 Q782942 +Q39246 P140 Q7066 +Q104719 P108 Q700758 +Q605489 P69 Q152087 +Q234750 P106 Q2259451 +Q92602 P463 Q337234 +Q860206 P463 Q4345832 +Q445463 P1412 Q1321 +Q55415 P106 Q33999 +Q234388 P106 Q33999 +Q171166 P106 Q193391 +Q314308 P101 Q395 +Q229056 P106 Q488205 +Q153638 P106 Q10800557 +Q73463 P264 Q27184 +Q60133 P106 Q1734662 +Q118229 P106 Q16533 +Q118233 P106 Q13235160 +Q193676 P106 Q1320883 +Q949337 P106 Q639669 +Q70474 P108 Q50662 +Q1175373 P108 Q49108 +Q781 P463 Q7785 +Q34391 P27 Q28513 +Q11826 P106 Q270141 +Q11903 P27 Q2277 +Q349893 P27 Q28513 +Q131660 P102 Q1052584 +Q934722 P19 Q65 +Q441941 P106 Q10800557 +Q2086086 P106 Q947873 +Q10716 P1412 Q143 +Q300479 P69 Q7864046 +Q379941 P136 Q40831 +Q97383 P108 Q151510 +Q167997 P101 Q1071 +Q450802 P106 Q186360 +Q285928 P106 Q28389 +Q104301 P106 Q1622272 +Q6701 P463 Q684415 +Q172303 P69 Q49126 +Q67901 P106 Q2865819 +Q98311 P19 Q365 +Q313043 P106 Q10800557 +Q229011 P106 Q10800557 +Q323463 P106 Q2252262 +Q233253 P69 Q993267 +Q490290 P106 Q855091 +Q123010 P1412 Q188 +Q329056 P161 Q358306 +Q506771 P106 Q158852 +Q232260 P106 Q6625963 +Q302491 P106 Q2405480 +Q202815 P27 Q12560 +Q388286 P106 Q855091 +Q88464 P1412 Q188 +Q61361 P27 Q183 +Q193405 P1050 Q11081 +Q382570 P106 Q177220 +Q216398 P463 Q1468277 +Q192934 P161 Q165518 +Q165637 P264 Q557632 +Q60579 P463 Q329464 +Q232458 P27 Q77 +Q229042 P19 Q34006 +Q40213 P737 Q41513 +Q78506 P106 Q36180 +Q188384 P495 Q55 +Q180850 P136 Q885561 +Q104049 P108 Q1065 +Q205772 P106 Q15839134 +Q450335 P106 Q36180 +Q87073 P108 Q32120 +Q35 P530 Q142 +Q78607 P106 Q1238570 +Q342756 P106 Q488205 +Q454568 P106 Q1930187 +Q25820 P463 Q123885 +Q43293 P27 Q408 +Q217787 P1412 Q1860 +Q56094 P3373 Q108622 +Q242095 P106 Q1028181 +Q266640 P264 Q2535085 +Q383173 P161 Q87120 +Q526424 P136 Q14390274 +Q204205 P641 Q38108 +Q258204 P161 Q232047 +Q29328 P136 Q37073 +Q1054564 P106 Q488205 +Q14100 P19 Q1781 +Q1067812 P551 Q1726 +Q1279401 P106 Q644687 +Q918447 P172 Q49085 +Q48734 P161 Q316709 +Q185375 P106 Q14467526 +Q177917 P106 Q188094 +Q473770 P20 Q60 +Q161678 P161 Q108270 +Q35738 P136 Q645928 +Q354508 P136 Q105527 +Q152165 P101 Q941594 +Q316427 P69 Q681025 +Q190908 P161 Q353978 +Q515606 P106 Q482980 +Q336131 P106 Q33999 +Q312578 P17 Q183 +Q544485 P136 Q9734 +Q55294 P106 Q10800557 +Q47243 P106 Q6625963 +Q150651 P106 Q10800557 +Q208101 P106 Q28389 +Q34 P463 Q789769 +Q332670 P106 Q33999 +Q84992 P69 Q315658 +Q152388 P737 Q61078 +Q847446 P27 Q17 +Q337543 P159 Q90 +Q75929 P106 Q36180 +Q601307 P27 Q258 +Q157970 P106 Q36180 +Q45765 P106 Q12144794 +Q856008 P69 Q13371 +Q49767 P27 Q142 +Q269887 P495 Q408 +Q68121 P108 Q156725 +Q124494 P106 Q1622272 +Q329056 P136 Q130232 +Q982023 P102 Q49629 +Q270669 P101 Q207628 +Q104267 P19 Q1718 +Q846 P30 Q48 +Q441551 P1412 Q9027 +Q375024 P119 Q288130 +Q215999 P108 Q35794 +Q101087 P27 Q183 +Q324557 P161 Q112167 +Q170842 P106 Q901 +Q168542 P20 Q41329 +Q202314 P740 Q1761 +Q521790 P106 Q10798782 +Q4673 P19 Q64 +Q94882 P172 Q127885 +Q71322 P140 Q75809 +Q633 P264 Q43327 +Q63441 P108 Q152087 +Q230395 P106 Q177220 +Q11998 P264 Q843402 +Q219734 P463 Q83172 +Q1082312 P1412 Q1860 +Q560647 P106 Q1622272 +Q63667 P1412 Q1321 +Q963003 P1303 Q81982 +Q155018 P840 Q38 +Q156058 P20 Q138518 +Q26741 P106 Q2405480 +Q188176 P106 Q1028181 +Q245355 P19 Q90 +Q371716 P106 Q10798782 +Q1248240 P27 Q30 +Q82519 P161 Q329719 +Q160642 P37 Q1860 +Q235519 P106 Q177220 +Q48734 P136 Q157443 +Q467378 P106 Q212980 +Q239501 P106 Q11774202 +Q163249 P106 Q970153 +Q159 P530 Q804 +Q387655 P136 Q76092 +Q1017 P17 Q43287 +Q465350 P106 Q222749 +Q18391 P172 Q7325 +Q116208 P19 Q78 +Q214 P37 Q9058 +Q159481 P106 Q1622272 +Q444832 P106 Q2252262 +Q2569 P102 Q7320 +Q110916 P737 Q110942 +Q297425 P106 Q1930187 +Q218210 P106 Q36180 +Q135640 P1050 Q12202 +Q29 P530 Q17 +Q1036 P30 Q15 +Q302675 P106 Q36180 +Q312252 P106 Q33999 +Q448776 P106 Q864380 +Q185140 P106 Q2405480 +Q16458 P161 Q207506 +Q241583 P106 Q6625963 +Q352738 P19 Q19660 +Q296069 P106 Q1930187 +Q230993 P19 Q1297 +Q1779 P1412 Q1860 +Q498390 P136 Q11399 +Q34189 P106 Q193391 +Q561458 P106 Q4263842 +Q63078 P69 Q55044 +Q1049 P463 Q1043527 +Q235115 P19 Q597 +Q530377 P264 Q1123947 +Q298016 P106 Q33999 +Q256959 P106 Q12144794 +Q1281738 P27 Q30 +Q970 P530 Q148 +Q489643 P136 Q11399 +Q226053 P69 Q194223 +Q70855 P108 Q152087 +Q31033707 P27 Q172579 +Q713058 P27 Q865 +Q1031340 P264 Q193023 +Q130746 P1412 Q150 +Q384804 P106 Q10798782 +Q72365 P69 Q608338 +Q34296 P106 Q82955 +Q117012 P106 Q36834 +Q343456 P136 Q598929 +Q76409 P737 Q40826 +Q75059 P463 Q604840 +Q543804 P159 Q2814 +Q175600 P495 Q30 +Q231214 P19 Q43196 +Q236074 P27 Q30 +Q1277181 P106 Q15981151 +Q201477 P463 Q4345832 +Q505358 P27 Q38 +Q289064 P106 Q947873 +Q196401 P69 Q160302 +Q26695 P1303 Q9798 +Q187423 P161 Q83059 +Q456413 P106 Q82955 +Q22 P30 Q46 +Q222791 P106 Q18844224 +Q506198 P106 Q639669 +Q346607 P106 Q2252262 +Q956533 P69 Q49088 +Q1622571 P106 Q639669 +Q375024 P20 Q1781 +Q4029 P551 Q65 +Q1339164 P463 Q463303 +Q1043170 P106 Q42973 +Q154935 P495 Q30 +Q153670 P20 Q495 +Q60637 P106 Q28389 +Q314638 P19 Q172 +Q275575 P101 Q207628 +Q560818 P463 Q463303 +Q213772 P106 Q639669 +Q256666 P106 Q33999 +Q90 P17 Q142 +Q918443 P106 Q6625963 +Q60772 P1412 Q150 +Q232495 P106 Q512314 +Q653632 P264 Q770103 +Q66162 P509 Q333495 +Q1133611 P69 Q270222 +Q213562 P106 Q188094 +Q468452 P509 Q12152 +Q60684 P1412 Q188 +Q348658 P106 Q36834 +Q357102 P106 Q189290 +Q1037 P463 Q827525 +Q287478 P1412 Q1860 +Q1691566 P106 Q33999 +Q78514 P106 Q28389 +Q314208 P264 Q1184501 +Q96588 P106 Q82955 +Q44570 P264 Q5086379 +Q47480 P108 Q861548 +Q264914 P106 Q245068 +Q232449 P106 Q33999 +Q184249 P136 Q850412 +Q320895 P136 Q83270 +Q192442 P463 Q543804 +Q153481 P106 Q82955 +Q312582 P106 Q1622272 +Q318736 P106 Q3387717 +Q236181 P106 Q245068 +Q1603685 P136 Q83440 +Q270469 P136 Q11399 +Q469164 P27 Q172579 +Q200672 P136 Q859369 +Q419 P530 Q29 +Q583722 P1412 Q1321 +Q315217 P106 Q10800557 +Q558104 P106 Q20198542 +Q260099 P106 Q33999 +Q183081 P136 Q130232 +Q112651 P27 Q15180 +Q819 P30 Q48 +Q91982 P108 Q161976 +Q77881 P27 Q183 +Q187154 P161 Q544465 +Q805 P530 Q38 +Q366700 P106 Q33231 +Q61280 P69 Q156737 +Q188113 P1412 Q1860 +Q48280 P264 Q557632 +Q199418 P19 Q34692 +Q75849 P19 Q1770 +Q168161 P119 Q2790054 +Q382604 P106 Q49757 +Q234335 P20 Q172 +Q89434 P106 Q10800557 +Q123268 P1412 Q188 +Q55218 P27 Q28 +Q365985 P1303 Q17172850 +Q4509 P106 Q2405480 +Q239195 P106 Q2405480 +Q4145 P27 Q30 +Q182589 P106 Q3391743 +Q183253 P106 Q82955 +Q1439592 P108 Q230492 +Q60095 P106 Q81096 +Q46739 P20 Q1489 +Q270652 P27 Q17 +Q8877 P106 Q2526255 +Q124208 P106 Q1622272 +Q8739 P106 Q151197 +Q880598 P106 Q753110 +Q382680 P1412 Q9043 +Q329716 P106 Q245068 +Q84780 P27 Q30 +Q328892 P27 Q145 +Q8704 P106 Q205375 +Q1041 P463 Q340195 +Q315664 P495 Q145 +Q76895 P106 Q10800557 +Q256354 P136 Q49084 +Q76997 P1412 Q188 +Q438885 P106 Q488205 +Q27645 P463 Q183725 +Q324239 P161 Q230378 +Q166876 P140 Q9592 +Q463715 P1303 Q6607 +Q108617 P119 Q64 +Q54828 P463 Q1425328 +Q60145 P509 Q623031 +Q132589 P509 Q389735 +Q183535 P106 Q947873 +Q295679 P19 Q18383 +Q62558 P1050 Q12195 +Q76 P102 Q29552 +Q298838 P264 Q155152 +Q6078 P106 Q33999 +Q230308 P106 Q10800557 +Q332330 P161 Q499644 +Q51510 P1412 Q188 +Q167216 P1412 Q1860 +Q58328 P463 Q2822396 +Q69837 P106 Q183945 +Q174037 P509 Q12202 +Q446294 P106 Q3282637 +Q86685 P27 Q30 +Q435398 P27 Q34 +Q290312 P161 Q230278 +Q316086 P509 Q12152 +Q986 P463 Q1065 +Q443528 P106 Q36180 +Q311615 P136 Q157443 +Q4397665 P27 Q801 +Q362521 P106 Q753110 +Q1239155 P1303 Q5994 +Q223687 P106 Q266569 +Q60506 P161 Q234847 +Q733 P530 Q29 +Q369492 P136 Q2975633 +Q430905 P136 Q3071 +Q736 P463 Q5611262 +Q213929 P101 Q431 +Q370560 P1303 Q5994 +Q345217 P136 Q40831 +Q708963 P106 Q28389 +Q434291 P106 Q10798782 +Q211280 P19 Q25395 +Q62766 P106 Q33999 +Q188850 P136 Q860626 +Q175104 P27 Q30 +Q381944 P69 Q1130457 +Q187019 P737 Q7245 +Q235403 P136 Q482 +Q774 P30 Q49 +Q258053 P106 Q753110 +Q234865 P551 Q43668 +Q332525 P106 Q10800557 +Q292373 P1303 Q17172850 +Q285330 P27 Q159 +Q174346 P69 Q13371 +Q170800 P19 Q2807 +Q546956 P20 Q65 +Q953 P463 Q656801 +Q1014 P463 Q191384 +Q161084 P69 Q55044 +Q163557 P106 Q3455803 +Q976090 P106 Q2252262 +Q58645 P69 Q152171 +Q244931 P136 Q663106 +Q217303 P495 Q183 +Q76715 P106 Q49757 +Q154448 P27 Q171150 +Q450984 P27 Q30 +Q266535 P106 Q28389 +Q270324 P172 Q974693 +Q159 P530 Q142 +Q1176607 P20 Q127856 +Q97871 P108 Q152087 +Q252142 P27 Q171150 +Q356499 P136 Q1344 +Q549722 P161 Q106099 +Q151820 P172 Q121842 +Q471188 P1303 Q6607 +Q314269 P1412 Q1860 +Q2858166 P27 Q29 +Q271956 P108 Q1472245 +Q1886750 P172 Q49085 +Q115805 P27 Q39 +Q104109 P26 Q104127 +Q32535 P161 Q313578 +Q1411849 P106 Q855091 +Q2599 P1412 Q1860 +Q52937 P1412 Q7411 +Q7726 P3373 Q517 +Q335052 P20 Q1156 +Q128633 P140 Q178169 +Q4622 P106 Q193391 +Q156911 P161 Q436978 +Q50599 P119 Q216344 +Q84555 P108 Q165980 +Q188648 P19 Q23556 +Q310934 P106 Q2259451 +Q383420 P108 Q678095 +Q372215 P69 Q174710 +Q188569 P106 Q6625963 +Q12773 P101 Q143 +Q454200 P1412 Q1860 +Q110450 P264 Q4883239 +Q357980 P106 Q36180 +Q335376 P27 Q145 +Q240324 P106 Q10800557 +Q105466 P106 Q3282637 +Q213430 P551 Q127856 +Q152773 P69 Q1536258 +Q155 P530 Q242 +Q41568 P106 Q11774202 +Q562874 P108 Q658626 +Q237669 P136 Q484641 +Q202662 P136 Q37073 +Q8814 P69 Q1878600 +Q77009 P161 Q349852 +Q34474 P20 Q649 +Q187241 P27 Q142 +Q281962 P1303 Q17172850 +Q339423 P106 Q639669 +Q49498 P161 Q229228 +Q23870 P69 Q186285 +Q977 P463 Q624307 +Q267321 P161 Q170572 +Q848723 P106 Q2306091 +Q3047837 P20 Q90 +Q240082 P106 Q10800557 +Q273903 P106 Q753110 +Q786339 P27 Q38 +Q58444 P641 Q2736 +Q145 P530 Q334 +Q232840 P1412 Q1860 +Q131324 P172 Q49085 +Q709790 P106 Q81096 +Q126098 P1412 Q1860 +Q241 P463 Q17495 +Q76332 P27 Q183 +Q93996 P108 Q31519 +Q329744 P106 Q33999 +Q348678 P840 Q60 +Q216148 P40 Q600385 +Q110203 P161 Q37079 +Q223875 P106 Q36180 +Q154556 P106 Q36834 +Q229599 P840 Q65 +Q145132 P20 Q47164 +Q229760 P106 Q33999 +Q298255 P106 Q639669 +Q181555 P161 Q235622 +Q44221 P172 Q1075293 +Q236543 P1303 Q17172850 +Q168109 P106 Q49757 +Q91371 P19 Q393 +Q351061 P106 Q488205 +Q269402 P136 Q37073 +Q310819 P106 Q15855449 +Q62134 P101 Q482 +Q238751 P27 Q28513 +Q313596 P27 Q148 +Q519838 P106 Q1930187 +Q185007 P463 Q270794 +Q9960 P102 Q29468 +Q3383262 P27 Q155 +Q258761 P101 Q207628 +Q25856 P106 Q864380 +Q3259416 P106 Q82955 +Q92638 P108 Q49115 +Q319061 P161 Q310944 +Q311580 P1303 Q6607 +Q1618 P140 Q75809 +Q11153 P140 Q1841 +Q191 P463 Q842490 +Q59478 P27 Q15180 +Q1781 P17 Q28513 +Q128933 P27 Q16 +Q266429 P106 Q1415090 +Q239786 P101 Q207628 +Q57249 P108 Q55044 +Q274609 P106 Q10800557 +Q57410 P509 Q1368943 +Q1271 P108 Q1065 +Q64600 P106 Q170790 +Q38873 P106 Q18814623 +Q333615 P119 Q311 +Q70767 P108 Q152087 +Q954623 P106 Q639669 +Q151414 P140 Q55004488 +Q222873 P840 Q99 +Q419 P361 Q653884 +Q70004 P1412 Q188 +Q352431 P57 Q259913 +Q88150 P108 Q152087 +Q1934319 P106 Q82955 +Q271981 P106 Q1075651 +Q44593 P136 Q49084 +Q216341 P106 Q639669 +Q73581 P102 Q310296 +Q76478 P140 Q75809 +Q667925 P463 Q161806 +Q297816 P106 Q33999 +Q152176 P69 Q209842 +Q358455 P106 Q82955 +Q331 P106 Q121594 +Q55264 P27 Q145 +Q266694 P27 Q16 +Q27645 P106 Q82955 +Q19796 P106 Q121594 +Q677843 P27 Q31 +Q292373 P136 Q2280497 +Q124784 P106 Q15980158 +Q4245942 P106 Q901 +Q129087 P509 Q18554460 +Q326177 P161 Q448960 +Q76583 P19 Q64 +Q1158704 P106 Q177220 +Q68746 P463 Q1285073 +Q265069 P106 Q3357567 +Q168847 P106 Q10800557 +Q34474 P136 Q12799318 +Q124057 P106 Q4610556 +Q972641 P463 Q463303 +Q129399 P27 Q30 +Q181683 P106 Q753110 +Q66097 P102 Q153401 +Q223985 P106 Q10800557 +Q55294 P106 Q2259451 +Q1276 P463 Q463303 +Q53004 P106 Q3282637 +Q223193 P69 Q309350 +Q612005 P101 Q23498 +Q178549 P136 Q613408 +Q323669 P106 Q639669 +Q504743 P108 Q156598 +Q312870 P106 Q639669 +Q214778 P20 Q1726 +Q114605 P106 Q82955 +Q211 P530 Q28 +Q324726 P509 Q3505252 +Q189422 P106 Q33999 +Q106465 P106 Q28389 +Q91124 P106 Q182436 +Q34460 P27 Q30 +Q365557 P1412 Q397 +Q348603 P172 Q678551 +Q150916 P136 Q1133657 +Q187166 P172 Q121842 +Q13526 P463 Q83172 +Q17279884 P1412 Q652 +Q708164 P106 Q36180 +Q203243 P106 Q15980158 +Q285460 P106 Q28389 +Q232333 P106 Q36834 +Q37103 P106 Q82955 +Q408 P530 Q43 +Q131814 P27 Q30 +Q206112 P106 Q639669 +Q308929 P161 Q299317 +Q234558 P136 Q37073 +Q669685 P106 Q36180 +Q822668 P463 Q684415 +Q3766 P17 Q858 +Q540544 P27 Q30 +Q853461 P106 Q4610556 +Q39 P463 Q191384 +Q76324 P1412 Q188 +Q84403 P106 Q36180 +Q189080 P264 Q843402 +Q80938 P106 Q10800557 +Q64467 P1412 Q188 +Q223139 P840 Q18438 +Q184697 P106 Q33999 +Q358188 P1412 Q1860 +Q363254 P27 Q38 +Q835 P106 Q36180 +Q4263050 P1412 Q1860 +Q15935 P27 Q30 +Q414 P361 Q18 +Q23768 P17 Q30 +Q469752 P27 Q142 +Q142546 P106 Q33999 +Q436131 P106 Q1231865 +Q221586 P161 Q223281 +Q1731 P17 Q153015 +Q278550 P161 Q350208 +Q92379 P1412 Q188 +Q159704 P264 Q183387 +Q723678 P69 Q273626 +Q286410 P106 Q36834 +Q239652 P106 Q28389 +Q115715 P106 Q28389 +Q106175 P19 Q462799 +Q57303 P69 Q46210 +Q195788 P106 Q753110 +Q98960 P1412 Q188 +Q211731 P108 Q168756 +Q201687 P136 Q645928 +Q134123 P106 Q82955 +Q193608 P106 Q15627169 +Q319578 P27 Q843 +Q95055 P509 Q12206 +Q713273 P1303 Q8338 +Q264764 P108 Q9219 +Q39972 P106 Q2259451 +Q71206 P119 Q1302545 +Q313813 P1303 Q128309 +Q76399 P1303 Q17172850 +Q316313 P119 Q216344 +Q344758 P509 Q2140674 +Q253697 P106 Q5716684 +Q95050 P27 Q30 +Q84147 P161 Q191104 +Q34836 P106 Q36180 +Q1364884 P106 Q1622272 +Q83906 P1412 Q1860 +Q19069 P840 Q1439 +Q853095 P1412 Q9067 +Q924 P530 Q30 +Q115 P463 Q842490 +Q48502 P1303 Q17172850 +Q611927 P27 Q172579 +Q235351 P27 Q408 +Q78031 P1412 Q188 +Q156133 P106 Q36180 +Q61059 P106 Q36180 +Q9960 P172 Q846570 +Q32681 P1412 Q150 +Q327261 P140 Q432 +Q484523 P1303 Q6607 +Q1322959 P106 Q82955 +Q94653 P108 Q165980 +Q299700 P551 Q18094 +Q192115 P136 Q959790 +Q26294 P106 Q2252262 +Q93031 P27 Q15180 +Q773804 P106 Q639669 +Q318029 P106 Q4773904 +Q322750 P106 Q33999 +Q303 P1303 Q5994 +Q125106 P27 Q96 +Q933332 P108 Q49115 +Q92620 P1412 Q1860 +Q257145 P106 Q10798782 +Q618233 P172 Q49085 +Q44695 P136 Q474090 +Q41173 P551 Q65 +Q71336 P69 Q154804 +Q240998 P106 Q36180 +Q241800 P106 Q10798782 +Q333106 P140 Q1841 +Q45245 P1412 Q188 +Q76527 P106 Q333634 +Q24995 P551 Q597 +Q1556492 P140 Q9268 +Q982109 P69 Q35794 +Q78732 P106 Q11900058 +Q216060 P69 Q31519 +Q2280 P17 Q49683 +Q298035 P737 Q909 +Q98058 P108 Q168426 +Q31164 P1303 Q5994 +Q169038 P106 Q36180 +Q427403 P106 Q36180 +Q113830 P106 Q1930187 +Q1385119 P106 Q484876 +Q465881 P27 Q145 +Q300439 P161 Q104791 +Q35 P530 Q38 +Q463013 P136 Q9759 +Q433144 P106 Q4610556 +Q78586 P106 Q33999 +Q123041 P106 Q4263842 +Q121694 P27 Q39 +Q1349501 P106 Q2259451 +Q320 P1412 Q1321 +Q86632 P1412 Q188 +Q15180 P30 Q48 +Q202663 P106 Q2252262 +Q212048 P106 Q10798782 +Q272942 P106 Q639669 +Q291239 P106 Q1930187 +Q236943 P27 Q37024 +Q34296 P463 Q463303 +Q182665 P264 Q203059 +Q438908 P106 Q33999 +Q2159912 P106 Q3368718 +Q7416 P1050 Q504775 +Q233061 P106 Q639669 +Q268024 P463 Q123885 +Q329719 P69 Q49210 +Q190231 P106 Q177220 +Q32221 P27 Q34 +Q30 P530 Q77 +Q66987 P101 Q34178 +Q110921 P69 Q157575 +Q3713655 P106 Q131524 +Q30 P530 Q760 +Q216134 P1412 Q1860 +Q254524 P1412 Q809 +Q62730 P136 Q52207399 +Q70737 P463 Q414110 +Q192409 P161 Q23301 +Q48814 P172 Q940348 +Q186042 P108 Q21578 +Q129591 P106 Q1053574 +Q70694 P69 Q152171 +Q547660 P1303 Q78987 +Q206832 P20 Q90 +Q217750 P106 Q10800557 +Q207898 P106 Q488205 +Q285460 P106 Q10800557 +Q469888 P106 Q28389 +Q171242 P27 Q34266 +Q241252 P1303 Q8355 +Q132537 P551 Q138518 +Q9391 P108 Q332342 +Q439566 P119 Q208175 +Q315051 P106 Q33999 +Q212 P463 Q1072120 +Q356423 P106 Q864380 +Q889 P530 Q794 +Q182882 P106 Q1028181 +Q325538 P495 Q30 +Q103562 P108 Q152087 +Q439267 P106 Q488205 +Q490290 P106 Q753110 +Q64180 P106 Q185351 +Q5673 P20 Q1748 +Q234700 P101 Q482 +Q244395 P106 Q82955 +Q24632 P19 Q4093 +Q121507 P264 Q121698 +Q4384878 P463 Q83172 +Q60285 P108 Q152838 +Q214 P463 Q8475 +Q314290 P106 Q33999 +Q724323 P119 Q208175 +Q135347 P136 Q860626 +Q525180 P136 Q1344 +Q455951 P106 Q1930187 +Q89383 P106 Q189290 +Q885 P1412 Q809 +Q600344 P136 Q11399 +Q551390 P106 Q36180 +Q84998 P20 Q1794 +Q23114 P108 Q16952 +Q506582 P106 Q214917 +Q303464 P106 Q486748 +Q9960 P106 Q28389 +Q373968 P106 Q11338576 +Q105875 P264 Q843402 +Q312472 P19 Q490 +Q181683 P19 Q18426 +Q78732 P106 Q39631 +Q1045 P463 Q1137381 +Q186327 P106 Q639669 +Q171363 P106 Q36180 +Q93070 P463 Q127992 +Q57075 P108 Q309988 +Q78492 P1412 Q9058 +Q156890 P140 Q75809 +Q39 P530 Q43 +Q165637 P27 Q30 +Q40482 P119 Q1130019 +Q154077 P161 Q1159089 +Q180011 P106 Q3282637 +Q706084 P27 Q30 +Q2460829 P3373 Q57298 +Q102139 P69 Q174570 +Q80135 P106 Q1622272 +Q317311 P161 Q92004 +Q83158 P106 Q49757 +Q376176 P40 Q505743 +Q294326 P106 Q3391743 +Q115 P463 Q376150 +Q215263 P69 Q1426464 +Q55411 P106 Q3282637 +Q62254 P69 Q55044 +Q430276 P106 Q1930187 +Q148 P530 Q1019 +Q167437 P136 Q2297927 +Q216195 P106 Q28389 +Q10633 P40 Q9682 +Q178989 P161 Q232985 +Q178966 P161 Q284636 +Q71419 P509 Q12202 +Q368613 P106 Q488205 +Q255129 P27 Q30 +Q475004 P1412 Q7737 +Q232052 P106 Q36180 +Q7747 P1412 Q9027 +Q90074 P20 Q1741 +Q156502 P140 Q9592 +Q39789 P20 Q84 +Q55 P463 Q7825 +Q167877 P509 Q12152 +Q186652 P106 Q189290 +Q26876 P1303 Q61285 +Q91595 P20 Q64 +Q1007 P361 Q4412 +Q298838 P1303 Q6607 +Q722555 P27 Q403 +Q347 P463 Q81299 +Q266063 P17 Q215 +Q208214 P136 Q21010853 +Q437616 P106 Q222344 +Q313302 P106 Q82955 +Q206112 P551 Q16558 +Q958294 P509 Q2140674 +Q453288 P106 Q4263842 +Q433246 P1412 Q9288 +Q3248932 P27 Q30 +Q268905 P161 Q316622 +Q122370 P106 Q6625963 +Q87857 P19 Q14960 +Q4636 P106 Q3282637 +Q547635 P106 Q36834 +Q193710 P106 Q10798782 +Q469985 P106 Q81096 +Q464246 P106 Q36834 +Q188848 P106 Q1415090 +Q237669 P106 Q3501317 +Q211329 P106 Q49757 +Q878 P530 Q408 +Q223596 P495 Q30 +Q94765 P140 Q170208 +Q224 P530 Q858 +Q260331 P106 Q36834 +Q160534 P1412 Q150 +Q303680 P1412 Q1860 +Q189330 P161 Q112536 +Q292993 P264 Q155152 +Q357391 P106 Q10798782 +Q206693 P1303 Q6607 +Q55170 P119 Q252312 +Q53191106 P3373 Q51908481 +Q186587 P136 Q188473 +Q244398 P136 Q52162262 +Q1290 P106 Q170790 +Q386514 P69 Q167733 +Q1370974 P106 Q639669 +Q457856 P3373 Q462574 +Q43936 P108 Q34433 +Q9049 P101 Q9465 +Q115483 P106 Q49757 +Q1976514 P136 Q483352 +Q323483 P264 Q2338889 +Q192682 P551 Q65 +Q30893 P108 Q1335573 +Q99452 P106 Q82955 +Q668 P530 Q142 +Q222 P463 Q7184 +Q11617 P106 Q805221 +Q77888 P463 Q414379 +Q562521 P551 Q60 +Q510400 P106 Q2374149 +Q221468 P106 Q386854 +Q198962 P136 Q37073 +Q5592 P1412 Q652 +Q30 P530 Q1037 +Q457923 P463 Q8038459 +Q389284 P749 Q38903 +Q3731533 P106 Q947873 +Q347685 P27 Q15180 +Q348603 P106 Q1930187 +Q161363 P69 Q80207 +Q5921 P509 Q12152 +Q160021 P102 Q1713492 +Q353978 P106 Q245068 +Q215026 P106 Q3282637 +Q2772878 P106 Q177220 +Q315752 P27 Q174193 +Q199929 P19 Q1297 +Q61183 P27 Q43287 +Q592504 P136 Q12799318 +Q55168 P69 Q547867 +Q248289 P136 Q52162262 +Q43 P463 Q1928989 +Q58620 P106 Q1930187 +Q601957 P106 Q1930187 +Q19425 P106 Q201788 +Q334396 P27 Q174193 +Q203715 P172 Q160894 +Q3741406 P1412 Q7737 +Q1253 P1412 Q9176 +Q965 P530 Q30 +Q209012 P136 Q1200678 +Q1394 P102 Q79854 +Q150526 P463 Q191583 +Q296028 P26 Q443567 +Q391542 P136 Q188473 +Q730 P463 Q842490 +Q377614 P106 Q18576582 +Q5809 P106 Q39631 +Q313596 P106 Q33999 +Q272608 P161 Q132616 +Q202246 P106 Q488205 +Q445125 P106 Q10798782 +Q960935 P264 Q202440 +Q237497 P106 Q753110 +Q84238 P106 Q1086863 +Q336010 P27 Q142 +Q510361 P1303 Q5994 +Q697131 P106 Q43845 +Q10633 P106 Q82955 +Q297442 P1303 Q17172850 +Q689713 P106 Q2468727 +Q185165 P264 Q183412 +Q9312 P463 Q83172 +Q1347095 P106 Q855091 +Q111164 P106 Q36834 +Q1276376 P102 Q29468 +Q887259 P106 Q1028181 +Q1067 P551 Q2044 +Q242643 P136 Q24925 +Q3570727 P101 Q21198 +Q1954907 P140 Q1841 +Q444832 P106 Q177220 +Q195535 P27 Q142 +Q551015 P106 Q2722764 +Q91389 P1412 Q188 +Q241510 P106 Q4610556 +Q961981 P172 Q7325 +Q2149302 P69 Q49210 +Q869 P463 Q1043527 +Q61687 P101 Q309 +Q69412 P106 Q169470 +Q220980 P20 Q2807 +Q68596 P463 Q44687 +Q83789 P161 Q228747 +Q8023 P27 Q258 +Q77969 P108 Q156725 +Q164784 P463 Q329464 +Q1190235 P1412 Q1860 +Q157975 P136 Q959790 +Q306403 P106 Q33999 +Q229808 P161 Q184572 +Q206886 P161 Q51522 +Q946528 P264 Q645889 +Q510034 P106 Q6625963 +Q152690 P106 Q15949613 +Q16867 P136 Q19715429 +Q62437 P106 Q822146 +Q275939 P106 Q43845 +Q151869 P40 Q151083 +Q72867 P1412 Q1860 +Q325389 P136 Q1298934 +Q214289 P106 Q4610556 +Q329700 P106 Q36180 +Q457856 P27 Q145 +Q87972 P106 Q1622272 +Q766 P530 Q298 +Q214602 P19 Q2079 +Q69973 P106 Q1209498 +Q215145 P27 Q183 +Q853932 P19 Q1781 +Q1354583 P264 Q38903 +Q191084 P106 Q2405480 +Q392697 P161 Q45647 +Q408 P530 Q750 +Q1027051 P106 Q639669 +Q214299 P106 Q10800557 +Q313814 P509 Q12152 +Q331277 P161 Q133050 +Q237654 P69 Q49114 +Q200672 P161 Q40523 +Q698714 P102 Q29468 +Q367094 P27 Q30 +Q88844 P106 Q333634 +Q212333 P161 Q449679 +Q77967 P101 Q3798668 +Q37150 P106 Q36834 +Q219842 P106 Q6606110 +Q854 P463 Q17495 +Q37160 P106 Q11774202 +Q58195 P69 Q622683 +Q210364 P161 Q379808 +Q107002 P136 Q49084 +Q76442 P463 Q414379 +Q23436 P17 Q161885 +Q1699618 P106 Q855091 +Q159542 P172 Q170217 +Q43936 P69 Q82513 +Q426828 P840 Q1370 +Q202449 P106 Q158852 +Q982339 P69 Q28695 +Q434839 P172 Q7325 +Q347986 P106 Q753110 +Q131545 P19 Q1781 +Q216288 P106 Q33999 +Q12807 P106 Q6625963 +Q729661 P106 Q1622272 +Q964620 P106 Q486748 +Q40096 P451 Q228787 +Q444312 P19 Q172 +Q722876 P1303 Q6607 +Q350666 P106 Q36180 +Q45233 P106 Q10800557 +Q60847 P106 Q593644 +Q128746 P106 Q1415090 +Q54543 P27 Q30 +Q851 P463 Q1065 +Q57495 P27 Q183 +Q164384 P463 Q338432 +Q725953 P106 Q1259917 +Q448960 P106 Q33999 +Q8862012 P106 Q783906 +Q390052 P161 Q447669 +Q362422 P106 Q43845 +Q464833 P106 Q639669 +Q1824699 P264 Q165711 +Q1562145 P69 Q238101 +Q117990 P106 Q2504617 +Q444525 P136 Q188473 +Q157451 P27 Q15180 +Q286022 P106 Q10800557 +Q1295 P17 Q2415901 +Q436784 P1412 Q1860 +Q69406 P69 Q152838 +Q858623 P106 Q36834 +Q314926 P69 Q49210 +Q300423 P161 Q311271 +Q263552 P69 Q273631 +Q555993 P106 Q1622272 +Q46096 P106 Q158852 +Q45025 P106 Q3387717 +Q357645 P106 Q2252262 +Q206856 P106 Q948329 +Q82110 P106 Q28389 +Q334116 P69 Q81162 +Q442390 P161 Q78119 +Q41257 P108 Q309988 +Q90720 P106 Q82955 +Q345325 P19 Q65 +Q233937 P106 Q10800557 +Q57431 P102 Q327591 +Q22979 P136 Q37073 +Q286116 P106 Q28389 +Q60197 P106 Q20198542 +Q60052 P19 Q4120832 +Q36 P463 Q5611262 +Q984115 P27 Q298 +Q228584 P27 Q230 +Q34474 P106 Q37226 +Q273022 P106 Q177220 +Q124670 P27 Q16 +Q274887 P161 Q182763 +Q778539 P264 Q21077 +Q221594 P161 Q233786 +Q355159 P106 Q10800557 +Q125663 P27 Q159 +Q45 P530 Q16 +Q16349 P136 Q21590660 +Q187154 P161 Q223193 +Q89709 P19 Q6602 +Q234865 P106 Q36180 +Q442198 P106 Q486748 +Q358087 P106 Q13235160 +Q981526 P106 Q753110 +Q139637 P451 Q76717 +Q963 P463 Q7159 +Q319785 P106 Q482980 +Q3435328 P463 Q191583 +Q266080 P1303 Q6607 +Q2607 P737 Q9061 +Q315181 P106 Q5716684 +Q5879 P463 Q83172 +Q133720 P19 Q49111 +Q243550 P27 Q43 +Q172975 P57 Q41148 +Q100718 P140 Q75809 +Q77107 P106 Q82955 +Q551421 P106 Q82955 +Q380178 P27 Q145 +Q766293 P106 Q36180 +Q35738 P161 Q256649 +Q213783 P106 Q81096 +Q66600 P463 Q543804 +Q189415 P102 Q29468 +Q169038 P463 Q266063 +Q283799 P840 Q739 +Q962 P463 Q340195 +Q78791 P20 Q1085 +Q77823 P108 Q151510 +Q134165 P106 Q1622272 +Q71775 P3373 Q78704 +Q395340 P1412 Q397 +Q195788 P27 Q145 +Q143172 P106 Q82955 +Q259446 P106 Q2259451 +Q333405 P264 Q557632 +Q1489 P17 Q96 +Q115588 P27 Q183 +Q80424 P1303 Q27939 +Q734 P463 Q656801 +Q457727 P106 Q36834 +Q310295 P106 Q2405480 +Q153725 P106 Q36834 +Q44077 P106 Q43845 +Q168849 P161 Q129817 +Q99564 P20 Q1726 +Q447407 P106 Q177220 +Q99076 P108 Q32120 +Q1351751 P19 Q34404 +Q31033707 P106 Q1281618 +Q157131 P106 Q36180 +Q1174771 P551 Q1588 +Q109540 P106 Q49757 +Q3499732 P161 Q189599 +Q104109 P551 Q172 +Q115754 P106 Q28389 +Q168847 P172 Q170826 +Q7833 P1303 Q8338 +Q299100 P1412 Q9288 +Q155700 P106 Q753110 +Q593554 P108 Q215539 +Q973755 P509 Q389735 +Q865 P530 Q1029 +Q11885 P1303 Q17172850 +Q105466 P106 Q13235160 +Q153700 P1412 Q652 +Q561116 P106 Q36180 +Q158813 P1303 Q46185 +Q69281 P108 Q154804 +Q192115 P161 Q213574 +Q152941 P106 Q2526255 +Q322866 P108 Q1137665 +Q81037 P136 Q130232 +Q924232 P1412 Q1860 +Q559506 P106 Q6625963 +Q317397 P106 Q37226 +Q59595 P161 Q16474 +Q6701 P463 Q253439 +Q106746 P463 Q40358 +Q59346 P161 Q313283 +Q483907 P27 Q30 +Q223033 P106 Q10798782 +Q40479 P737 Q313077 +Q982175 P102 Q29468 +Q388035 P136 Q484641 +Q663858 P1303 Q128309 +Q190588 P161 Q296843 +Q57735 P106 Q188094 +Q187166 P106 Q1028181 +Q34787 P140 Q7066 +Q203243 P106 Q169470 +Q786 P463 Q191384 +Q352914 P135 Q37068 +Q9049 P106 Q1476215 +Q1025 P463 Q294278 +Q57319 P106 Q2490358 +Q229389 P27 Q884 +Q331759 P1412 Q1860 +Q46000 P106 Q193391 +Q101728 P140 Q9268 +Q1275 P27 Q145 +Q935407 P106 Q1930187 +Q1386420 P106 Q43845 +Q713575 P106 Q386854 +Q137115 P106 Q36180 +Q206534 P106 Q6625963 +Q272622 P1412 Q1860 +Q214475 P27 Q29999 +Q301951 P106 Q1930187 +Q457739 P19 Q649 +Q538708 P20 Q1492 +Q3335 P27 Q174193 +Q49819 P1412 Q1860 +Q77 P463 Q123759 +Q274812 P69 Q8047423 +Q298341 P106 Q18844224 +Q273171 P264 Q202440 +Q87756 P108 Q54096 +Q355839 P27 Q159 +Q124527 P69 Q309331 +Q31 P530 Q28 +Q365550 P106 Q2405480 +Q399 P530 Q28 +Q176668 P106 Q6625963 +Q532915 P264 Q935090 +Q80440 P1412 Q7737 +Q154203 P509 Q12202 +Q2633060 P106 Q81096 +Q673283 P106 Q482980 +Q6527 P106 Q1231865 +Q159 P530 Q41 +Q3847508 P106 Q1622272 +Q311181 P1412 Q5287 +Q284087 P106 Q3387717 +Q164351 P463 Q463281 +Q73482 P106 Q1231865 +Q298255 P27 Q30 +Q287748 P495 Q30 +Q82248 P106 Q36180 +Q273075 P106 Q10800557 +Q75089 P108 Q40025 +Q183 P530 Q227 +Q174908 P106 Q245068 +Q155 P530 Q865 +Q11826 P106 Q169470 +Q1898177 P27 Q30 +Q1556492 P463 Q320642 +Q807 P17 Q39 +Q242969 P106 Q1930187 +Q11753 P19 Q13298 +Q965 P463 Q7809 +Q456017 P161 Q342419 +Q263582 P1303 Q17172850 +Q240233 P140 Q93191 +Q124710 P3373 Q4120312 +Q123389 P27 Q142 +Q11237 P3373 Q878708 +Q66041 P1412 Q188 +Q34670 P136 Q8261 +Q186264 P106 Q1415090 +Q91982 P463 Q684415 +Q154817 P840 Q64 +Q362353 P106 Q33231 +Q187423 P161 Q728615 +Q2576206 P749 Q21077 +Q1351177 P106 Q855091 +Q368421 P840 Q1439 +Q112169 P119 Q176298 +Q68209 P106 Q16287483 +Q55743 P119 Q168886 +Q57578 P108 Q678982 +Q25351 P463 Q253439 +Q96050 P1303 Q17172850 +Q5673 P140 Q75809 +Q180409 P19 Q90 +Q70912 P106 Q245068 +Q61879 P106 Q82955 +Q16869 P131 Q406 +Q366907 P172 Q127885 +Q261207 P106 Q10833314 +Q104865 P69 Q1934904 +Q7199 P106 Q11774202 +Q221074 P172 Q50001 +Q128121 P106 Q36834 +Q4320172 P27 Q159 +Q254748 P264 Q193023 +Q107894 P136 Q188473 +Q57384 P551 Q64 +Q334 P530 Q145 +Q943361 P27 Q38 +Q172303 P19 Q621549 +Q126281 P161 Q676094 +Q7052125 P509 Q12152 +Q90885 P106 Q333634 +Q55800 P102 Q29552 +Q271576 P136 Q1133657 +Q445648 P1303 Q128309 +Q42037 P1412 Q1860 +Q164469 P106 Q49757 +Q221546 P1303 Q80019 +Q1353559 P27 Q30 +Q605443 P119 Q335336 +Q102403 P140 Q9592 +Q19008 P106 Q82955 +Q348001 P1412 Q9078 +Q708007 P136 Q187760 +Q135139 P1412 Q188 +Q331791 P106 Q10798782 +Q2857384 P1412 Q1321 +Q30 P530 Q657 +Q76815 P106 Q15214752 +Q42037 P19 Q33959 +Q1495109 P463 Q44687 +Q181819 P106 Q33999 +Q442031 P106 Q1930187 +Q84771 P463 Q299015 +Q1338141 P463 Q4345832 +Q170842 P106 Q81096 +Q924 P463 Q7809 +Q254675 P27 Q30 +Q65278 P140 Q75809 +Q5327 P102 Q7320 +Q159638 P161 Q220698 +Q58612 P106 Q4991371 +Q106481 P106 Q627325 +Q230303 P106 Q193391 +Q160640 P737 Q9061 +Q529555 P19 Q37320 +Q230420 P102 Q29552 +Q106193 P451 Q231951 +Q60586 P106 Q1622272 +Q4177355 P20 Q649 +Q352617 P463 Q12751277 +Q95068 P106 Q33999 +Q727257 P140 Q9592 +Q320052 P26 Q235351 +Q333265 P106 Q169470 +Q32910 P136 Q21401869 +Q356965 P106 Q36180 +Q69339 P106 Q36180 +Q1325743 P106 Q36834 +Q141829 P106 Q3242115 +Q561147 P106 Q11774202 +Q251340 P106 Q3282637 +Q92767 P463 Q127992 +Q97301 P106 Q1622272 +Q184440 P106 Q40348 +Q315222 P1412 Q7737 +Q433520 P106 Q33999 +Q329849 P106 Q8178443 +Q986 P463 Q842490 +Q169038 P102 Q727724 +Q163662 P106 Q3387717 +Q298388 P106 Q214917 +Q440121 P106 Q3665646 +Q842633 P106 Q10800557 +Q783 P463 Q1065 +Q154269 P106 Q11900058 +Q23359 P551 Q298 +Q715945 P1412 Q9299 +Q222921 P106 Q639669 +Q121507 P264 Q183387 +Q215740 P19 Q1486 +Q318312 P1412 Q1860 +Q1354 P17 Q843 +Q310343 P106 Q245068 +Q93354 P551 Q34006 +Q367973 P27 Q160894 +Q98087 P509 Q12136 +Q194220 P106 Q753110 +Q57434 P106 Q188094 +Q231360 P106 Q193391 +Q235351 P106 Q33999 +Q103343 P1412 Q1860 +Q76749 P69 Q152838 +Q105987 P119 Q1625328 +Q1779 P20 Q60 +Q237774 P1303 Q17172850 +Q84755 P106 Q201788 +Q1700315 P1412 Q1860 +Q7327064 P106 Q2055046 +Q313581 P108 Q209842 +Q367391 P108 Q659080 +Q65121 P69 Q152087 +Q357929 P106 Q1930187 +Q902 P463 Q842490 +Q235134 P101 Q5891 +Q756563 P26 Q232495 +Q433060 P1412 Q1860 +Q338826 P106 Q36180 +Q123268 P106 Q16533 +Q57169 P27 Q43287 +Q4892001 P106 Q482980 +Q41239 P106 Q4964182 +Q357168 P264 Q202585 +Q72984 P106 Q28389 +Q52922 P106 Q36180 +Q380799 P1303 Q17172850 +Q242555 P106 Q10800557 +Q122370 P136 Q149537 +Q156814 P1303 Q8355 +Q131374 P27 Q34266 +Q184805 P1303 Q5994 +Q620609 P463 Q46703 +Q104859 P108 Q23548 +Q242577 P106 Q753110 +Q89014 P108 Q875788 +Q2255438 P1412 Q13955 +Q82049 P106 Q36180 +Q222868 P161 Q206439 +Q647687 P106 Q43845 +Q669733 P102 Q1332068 +Q213595 P140 Q75809 +Q11812 P106 Q10076267 +Q115715 P19 Q2634 +Q81037 P161 Q348649 +Q374041 P106 Q10798782 +Q66023 P108 Q165980 +Q22432 P136 Q2484376 +Q1286510 P106 Q753110 +Q661452 P106 Q1028181 +Q335629 P1303 Q6607 +Q1384822 P106 Q2526255 +Q84422 P69 Q32120 +Q235635 P27 Q30 +Q1333326 P69 Q2994538 +Q28 P530 Q219060 +Q182991 P106 Q33999 +Q36949 P106 Q578109 +Q700018 P27 Q28 +Q62664 P69 Q1278808 +Q3379094 P69 Q41506 +Q164797 P106 Q188094 +Q142 P530 Q424 +Q105158 P1412 Q1860 +Q75546 P161 Q164782 +Q11813 P463 Q4742987 +Q258626 P1412 Q1321 +Q219368 P27 Q30 +Q949337 P509 Q47912 +Q312885 P106 Q2405480 +Q11617 P26 Q273055 +Q858 P530 Q843 +Q454544 P101 Q101333 +Q44176 P106 Q10798782 +Q154077 P161 Q272977 +Q16567 P37 Q1860 +Q253566 P136 Q188473 +Q91090 P27 Q183 +Q932884 P551 Q84 +Q32734 P136 Q959790 +Q106685 P509 Q767485 +Q215339 P106 Q36180 +Q584197 P1412 Q1321 +Q881176 P19 Q49145 +Q946570 P106 Q250867 +Q48184 P106 Q36834 +Q443708 P69 Q1472245 +Q380634 P69 Q49112 +Q221074 P27 Q172579 +Q143172 P106 Q16287483 +Q180852 P106 Q2259451 +Q234137 P1303 Q17172850 +Q41239 P106 Q170790 +Q162634 P1303 Q17172850 +Q66248 P463 Q15646111 +Q69110 P106 Q81096 +Q704718 P106 Q753110 +Q432129 P106 Q1792450 +Q557525 P106 Q36834 +Q463581 P108 Q230899 +Q25014 P27 Q145 +Q41239 P27 Q34266 +Q131660 P106 Q193391 +Q217160 P69 Q1472358 +Q314403 P1412 Q1860 +Q212224 P106 Q33999 +Q51581 P69 Q1426464 +Q11609 P19 Q60 +Q697203 P161 Q235351 +Q190145 P136 Q1535153 +Q187282 P106 Q82955 +Q91417 P19 Q6829 +Q344454 P106 Q1930187 +Q756645 P17 Q83286 +Q442310 P27 Q30 +Q333632 P106 Q15981151 +Q12696 P1412 Q143 +Q130742 P27 Q16 +Q508325 P19 Q1754 +Q531624 P106 Q2722764 +Q5333 P101 Q23498 +Q219631 P106 Q488205 +Q778 P463 Q123759 +Q314427 P106 Q177220 +Q57896 P27 Q16957 +Q13888 P509 Q12202 +Q165911 P27 Q30 +Q47075 P161 Q934506 +Q4425869 P106 Q901 +Q35314 P172 Q49542 +Q574 P463 Q376150 +Q113818 P119 Q240744 +Q153657 P136 Q37073 +Q41351 P102 Q29552 +Q120260 P27 Q30 +Q117688 P106 Q1622272 +Q76532 P27 Q145 +Q311594 P106 Q211346 +Q139549 P69 Q28695 +Q229940 P136 Q37073 +Q182218 P161 Q181900 +Q2433868 P108 Q157808 +Q229271 P27 Q30 +Q135329 P1412 Q7737 +Q919156 P20 Q62 +Q342876 P161 Q254022 +Q989 P27 Q237 +Q161852 P106 Q10800557 +Q132805 P119 Q5933 +Q173347 P509 Q12192 +Q436503 P1412 Q1860 +Q273981 P106 Q5716684 +Q892 P106 Q333634 +Q75904 P106 Q36180 +Q434745 P106 Q2526255 +Q2582 P140 Q9592 +Q213579 P20 Q1799 +Q314812 P140 Q5043 +Q239464 P106 Q2252262 +Q183266 P106 Q4263842 +Q84444 P108 Q4345832 +Q513615 P106 Q13418253 +Q4093262 P106 Q43845 +Q212575 P1412 Q7737 +Q205707 P27 Q30 +Q86573 P106 Q1622272 +Q323707 P69 Q46210 +Q354873 P106 Q28389 +Q392662 P495 Q30 +Q28978 P106 Q205375 +Q1027051 P27 Q16 +Q23 P1412 Q1860 +Q55375 P106 Q3282637 +Q550778 P27 Q30 +Q77193 P19 Q3150 +Q274973 P840 Q65 +Q653632 P264 Q202440 +Q120342 P27 Q38 +Q324424 P106 Q753110 +Q471188 P106 Q177220 +Q130447 P106 Q3282637 +Q350704 P106 Q158852 +Q60869 P737 Q93514 +Q48067 P119 Q1130019 +Q191408 P1303 Q5994 +Q272622 P19 Q42462 +Q702468 P1412 Q150 +Q114152 P106 Q28389 +Q380904 P1303 Q17172850 +Q185085 P1412 Q1321 +Q9570 P1412 Q1860 +Q114572 P1303 Q5994 +Q362332 P1303 Q17172850 +Q571605 P19 Q1899 +Q110043 P161 Q142546 +Q92643 P69 Q924289 +Q330376 P737 Q237196 +Q1047 P106 Q18814623 +Q732513 P106 Q36180 +Q1009 P463 Q1065 +Q703091 P106 Q1979607 +Q361617 P27 Q30 +Q453602 P106 Q36180 +Q5549674 P108 Q1472358 +Q271385 P27 Q30 +Q169082 P161 Q40572 +Q275875 P106 Q753110 +Q243771 P106 Q36180 +Q355843 P106 Q81096 +Q180099 P106 Q4773904 +Q178700 P161 Q375290 +Q44695 P69 Q1250779 +Q114533 P108 Q165980 +Q230958 P19 Q1156 +Q28 P530 Q800 +Q62664 P106 Q182436 +Q213706 P106 Q10798782 +Q444885 P27 Q30 +Q316756 P106 Q7042855 +Q18434 P106 Q193391 +Q131864 P161 Q65932 +Q95469 P106 Q36180 +Q131259 P106 Q639669 +Q161963 P106 Q974144 +Q188386 P106 Q40348 +Q115541 P1412 Q1860 +Q249862 P27 Q30 +Q262861 P106 Q2986228 +Q363708 P40 Q254789 +Q258 P463 Q842490 +Q937 P140 Q288928 +Q55418 P106 Q28389 +Q160946 P495 Q142 +Q213081 P136 Q188473 +Q1027 P37 Q1860 +Q65084 P20 Q2814 +Q233313 P106 Q177220 +Q221364 P106 Q10800557 +Q232646 P3373 Q1189327 +Q275641 P106 Q15981151 +Q84482 P108 Q31519 +Q286022 P19 Q1297 +Q204996 P20 Q220 +Q169717 P264 Q21077 +Q536723 P106 Q486748 +Q182218 P161 Q172678 +Q1668660 P106 Q639669 +Q55767 P106 Q6625963 +Q216092 P106 Q49757 +Q77312 P106 Q4263842 +Q71874 P463 Q337266 +Q1290021 P106 Q177220 +Q451250 P161 Q1198697 +Q91083 P106 Q1622272 +Q31164 P136 Q1298934 +Q346595 P106 Q10800557 +Q312053 P106 Q947873 +Q69339 P27 Q30 +Q77438 P106 Q333634 +Q237925 P106 Q10800557 +Q221098 P495 Q30 +Q185610 P102 Q29552 +Q215814 P106 Q1607826 +Q204019 P264 Q1194456 +Q96 P530 Q115 +Q108886 P108 Q838330 +Q77008 P27 Q183 +Q862184 P106 Q177220 +Q237497 P264 Q165745 +Q917 P530 Q902 +Q168728 P737 Q45546 +Q561116 P136 Q8261 +Q544301 P106 Q639669 +Q1811612 P1303 Q6607 +Q4963372 P27 Q145 +Q96588 P108 Q155354 +Q462466 P161 Q78119 +Q275900 P106 Q639669 +Q190588 P161 Q236010 +Q91338 P1412 Q188 +Q9364 P69 Q1059546 +Q188426 P1412 Q1860 +Q28152 P106 Q2526255 +Q468635 P106 Q10800557 +Q1493339 P136 Q11399 +Q713750 P530 Q183 +Q315348 P106 Q644687 +Q273614 P106 Q855091 +Q195788 P1303 Q17172850 +Q155 P530 Q29 +Q705333 P136 Q37073 +Q253583 P19 Q23436 +Q969468 P69 Q1068752 +Q20733 P1412 Q150 +Q26274 P106 Q488111 +Q1016 P530 Q224 +Q828641 P106 Q36180 +Q975911 P1303 Q258896 +Q83184 P19 Q2807 +Q93153 P1412 Q8785 +Q221450 P20 Q220 +Q8863 P106 Q15980158 +Q61178 P106 Q333634 +Q41315 P161 Q381110 +Q716906 P106 Q639669 +Q108006 P161 Q43416 +Q98173 P20 Q64 +Q439358 P106 Q33999 +Q14441 P26 Q1370974 +Q94081 P140 Q1841 +Q336278 P264 Q208909 +Q320423 P840 Q79 +Q180416 P161 Q60996 +Q96155 P69 Q672420 +Q389284 P136 Q45981 +Q233 P530 Q212 +Q216936 P106 Q639669 +Q123861 P69 Q372608 +Q323260 P106 Q3400985 +Q214481 P19 Q1794 +Q430278 P161 Q464320 +Q87884 P106 Q193391 +Q40162 P27 Q30 +Q1047141 P19 Q1297 +Q12881 P737 Q187765 +Q327685 P136 Q130232 +Q47293 P140 Q9592 +Q38757 P106 Q214917 +Q209175 P1412 Q1860 +Q333362 P106 Q482980 +Q335142 P106 Q18844224 +Q77226 P69 Q157808 +Q311093 P106 Q2259451 +Q159704 P264 Q155152 +Q209169 P463 Q188771 +Q72245 P463 Q40970 +Q240430 P106 Q639669 +Q287805 P106 Q10800557 +Q254 P106 Q639669 +Q44221 P102 Q29552 +Q557472 P106 Q177220 +Q86260 P27 Q43287 +Q254341 P106 Q177220 +Q463042 P106 Q5716684 +Q57430 P102 Q158227 +Q16872 P19 Q8646 +Q105756 P463 Q463303 +Q189600 P161 Q955619 +Q62126 P106 Q333634 +Q296630 P106 Q10800557 +Q41314 P641 Q718 +Q221820 P136 Q645928 +Q2149302 P27 Q30 +Q920857 P20 Q5083 +Q1882472 P106 Q177220 +Q30 P530 Q28 +Q97423 P106 Q2405480 +Q235931 P106 Q753110 +Q982677 P106 Q1028181 +Q138050 P102 Q29552 +Q135139 P463 Q338432 +Q643408 P20 Q90 +Q312531 P1303 Q6607 +Q155079 P136 Q6010 +Q440996 P106 Q333634 +Q157004 P106 Q36180 +Q224 P530 Q30 +Q982729 P509 Q18554460 +Q156749 P509 Q12152 +Q196560 P140 Q624477 +Q6986 P463 Q747279 +Q157322 P106 Q185351 +Q361762 P106 Q158852 +Q350255 P106 Q33999 +Q67383 P106 Q2259451 +Q94913 P27 Q30 +Q251144 P27 Q30 +Q276181 P106 Q177220 +Q408 P530 Q851 +Q319392 P3373 Q336222 +Q349591 P1303 Q17172850 +Q15180 P530 Q33946 +Q223887 P161 Q80938 +Q1077632 P106 Q639669 +Q258 P530 Q212 +Q11907 P106 Q183945 +Q434312 P106 Q482980 +Q1348831 P106 Q753110 +Q181659 P69 Q49124 +Q104256 P108 Q165528 +Q26876 P1303 Q6607 +Q352203 P1412 Q1860 +Q83059 P551 Q340 +Q214642 P463 Q463281 +Q90131 P106 Q36180 +Q95264 P463 Q44687 +Q93030 P106 Q81096 +Q73993 P106 Q82955 +Q1153913 P1303 Q9798 +Q1010602 P106 Q3455803 +Q302280 P106 Q639669 +Q26391 P840 Q5083 +Q726170 P264 Q1200368 +Q151976 P106 Q36834 +Q865 P530 Q754 +Q1074590 P19 Q84 +Q16957 P30 Q46 +Q106740 P101 Q35760 +Q2910 P17 Q183 +Q192724 P161 Q172678 +Q1029853 P27 Q29 +Q1031 P1412 Q9063 +Q232646 P106 Q5716684 +Q472071 P106 Q4263842 +Q462502 P509 Q12152 +Q106428 P161 Q3157150 +Q67637 P20 Q56037 +Q164663 P161 Q213567 +Q833 P530 Q258 +Q296500 P106 Q3282637 +Q51133 P102 Q5020915 +Q40787 P27 Q34266 +Q888713 P136 Q9759 +Q470875 P140 Q7066 +Q16766 P106 Q33999 +Q149431 P161 Q352708 +Q230378 P172 Q170826 +Q88150 P69 Q152087 +Q322549 P463 Q463303 +Q96 P530 Q241 +Q63397 P106 Q864503 +Q134077 P106 Q10798782 +Q272069 P106 Q639669 +Q38757 P509 Q12152 +Q152857 P495 Q38 +Q57179 P20 Q64 +Q268840 P106 Q33999 +Q11826 P140 Q432 +Q664592 P106 Q158852 +Q1988375 P136 Q8341 +Q193670 P1412 Q150 +Q77199 P106 Q1930187 +Q297210 P136 Q483352 +Q14678 P106 Q4964182 +Q160560 P161 Q242707 +Q254510 P264 Q193023 +Q276778 P161 Q230131 +Q100937 P106 Q10800557 +Q315752 P19 Q84 +Q229556 P27 Q30 +Q214642 P136 Q8242 +Q653496 P106 Q1114448 +Q12881 P140 Q9592 +Q97383 P106 Q201788 +Q73930 P27 Q16 +Q132537 P1412 Q1860 +Q102289 P106 Q4964182 +Q77042 P1412 Q188 +Q160215 P136 Q130232 +Q180453 P106 Q18814623 +Q4747436 P106 Q2961975 +Q151691 P69 Q209842 +Q8349 P1303 Q1343007 +Q131814 P106 Q33999 +Q2547113 P27 Q30 +Q167768 P140 Q6423963 +Q303678 P161 Q313501 +Q86152 P106 Q49757 +Q187033 P69 Q1542213 +Q112284 P106 Q11631 +Q521350 P20 Q38 +Q7199 P20 Q90 +Q234653 P27 Q30 +Q89054 P20 Q3711 +Q796 P530 Q865 +Q60285 P69 Q152087 +Q23810 P509 Q1368943 +Q766293 P69 Q273523 +Q234795 P509 Q389735 +Q61412 P106 Q27532437 +Q353442 P27 Q142 +Q161687 P161 Q233439 +Q380626 P27 Q30 +Q42198 P161 Q36949 +Q96071 P69 Q156737 +Q223414 P106 Q36180 +Q240253 P1412 Q1860 +Q289614 P106 Q822146 +Q75720 P69 Q13371 +Q162331 P161 Q545423 +Q365750 P106 Q28389 +Q327426 P27 Q30 +Q188713 P264 Q330629 +Q327303 P108 Q31519 +Q382197 P106 Q10800557 +Q449 P106 Q49757 +Q95026 P106 Q28389 +Q3346431 P106 Q3391743 +Q465695 P19 Q90 +Q207867 P106 Q177220 +Q182589 P106 Q49757 +Q229141 P106 Q40348 +Q766930 P264 Q216364 +Q62323 P509 Q47912 +Q502864 P106 Q188094 +Q9387 P106 Q201788 +Q1906150 P69 Q49088 +Q347118 P27 Q12560 +Q4410089 P27 Q36 +Q162331 P161 Q106255 +Q128746 P106 Q822146 +Q164281 P108 Q49088 +Q1345751 P264 Q885977 +Q979865 P101 Q41217 +Q865 P530 Q221 +Q181795 P495 Q30 +Q47007 P1412 Q9129 +Q189665 P106 Q36180 +Q355024 P27 Q145 +Q75951 P1412 Q1860 +Q33 P530 Q96 +Q190076 P264 Q190585 +Q15646111 P17 Q183 +Q207307 P106 Q10798782 +Q426517 P136 Q3072039 +Q1820387 P106 Q753110 +Q1008 P463 Q7809 +Q51908481 P3373 Q13132095 +Q177930 P161 Q257165 +Q76334 P551 Q1726 +Q401107 P1412 Q7411 +Q154331 P106 Q36834 +Q214226 P106 Q639669 +Q1285105 P1303 Q17172850 +Q2578559 P69 Q5171564 +Q57462 P20 Q43453 +Q201656 P106 Q36834 +Q31013 P106 Q10800557 +Q319527 P106 Q2259451 +Q882 P26 Q137808 +Q52447 P106 Q639669 +Q182305 P106 Q82955 +Q434585 P1412 Q1860 +Q465181 P106 Q28389 +Q801 P530 Q954 +Q174244 P509 Q220570 +Q311022 P27 Q142 +Q195303 P161 Q959153 +Q42747 P463 Q414110 +Q1274170 P106 Q13590141 +Q92854 P108 Q41506 +Q435744 P136 Q9778 +Q123089 P1412 Q150 +Q1586454 P106 Q177220 +Q45553 P1412 Q1860 +Q73132 P106 Q855091 +Q76158 P27 Q45 +Q918447 P20 Q34404 +Q342533 P106 Q2259451 +Q263024 P136 Q11401 +Q102301 P509 Q12078 +Q1591857 P106 Q177220 +Q371905 P20 Q90 +Q77204 P509 Q12192 +Q221074 P1412 Q1321 +Q61217 P27 Q16957 +Q272095 P27 Q30 +Q116105 P1412 Q188 +Q229599 P161 Q52392 +Q45970 P463 Q463281 +Q302819 P106 Q193391 +Q1138543 P1303 Q17172850 +Q264307 P161 Q233433 +Q543443 P106 Q486748 +Q238305 P106 Q33999 +Q160333 P463 Q161806 +Q65013 P102 Q49750 +Q34 P530 Q38 +Q356129 P27 Q30 +Q325262 P1412 Q9168 +Q7327064 P463 Q466089 +Q456467 P161 Q236842 +Q81244 P463 Q723551 +Q436507 P106 Q1622272 +Q1928051 P136 Q83440 +Q1068631 P106 Q19350898 +Q265270 P69 Q8047423 +Q121456 P20 Q220 +Q313553 P106 Q82955 +Q234128 P106 Q10800557 +Q300508 P161 Q235519 +Q375419 P106 Q177220 +Q59837 P463 Q812155 +Q284333 P161 Q189067 +Q128027 P106 Q864380 +Q275967 P106 Q4610556 +Q77728 P136 Q8261 +Q76699 P106 Q6625963 +Q217294 P161 Q725519 +Q95314 P106 Q10800557 +Q53012 P27 Q172579 +Q938749 P106 Q177220 +Q9327 P737 Q504 +Q202246 P1303 Q5994 +Q690759 P69 Q41506 +Q336010 P135 Q37068 +Q298 P530 Q33 +Q78508 P106 Q28389 +Q284694 P172 Q79797 +Q239565 P19 Q1490 +Q102669 P69 Q55044 +Q51495 P106 Q28389 +Q906 P17 Q159 +Q105954 P463 Q15646111 +Q240774 P27 Q30 +Q68219 P27 Q183 +Q2822225 P641 Q2736 +Q60637 P463 Q812155 +Q114576 P106 Q639669 +Q833 P463 Q188822 +Q25014 P106 Q10798782 +Q28930 P106 Q82955 +Q58077 P1412 Q7913 +Q200299 P161 Q71206 +Q348533 P264 Q4413456 +Q794 P530 Q155 +Q6173306 P463 Q427318 +Q72721 P140 Q75809 +Q207867 P1412 Q1860 +Q2134121 P106 Q1622272 +Q239652 P106 Q177220 +Q173540 P106 Q1930187 +Q155 P530 Q213 +Q633 P264 Q645889 +Q10308228 P106 Q2306091 +Q90331 P27 Q43287 +Q9513 P106 Q15895020 +Q41488 P106 Q6625963 +Q270529 P27 Q159 +Q311791 P106 Q639669 +Q390052 P161 Q180560 +Q181728 P551 Q159 +Q160071 P161 Q189992 +Q465937 P119 Q2972543 +Q62726 P106 Q13582652 +Q11104 P172 Q35323 +Q218172 P161 Q281964 +Q634100 P27 Q131964 +Q11612 P101 Q21198 +Q87137 P106 Q36180 +Q373423 P106 Q1930187 +Q189490 P27 Q30 +Q728991 P106 Q201788 +Q281480 P495 Q30 +Q191819 P106 Q1643514 +Q103788 P20 Q127856 +Q44371 P106 Q47064 +Q60785 P106 Q4964182 +Q272031 P106 Q36834 +Q182991 P1412 Q150 +Q176944 P106 Q193391 +Q103646 P106 Q2405480 +Q101715 P69 Q273263 +Q100913 P20 Q56037 +Q48084 P119 Q1130019 +Q429348 P1412 Q1860 +Q6246180 P106 Q42973 +Q57136 P140 Q23540 +Q209004 P106 Q36180 +Q657 P463 Q8475 +Q177930 P136 Q188473 +Q196923 P106 Q33999 +Q96 P530 Q717 +Q244234 P69 Q8047423 +Q44403 P737 Q9235 +Q7747 P102 Q79854 +Q1392694 P69 Q1145814 +Q327436 P1412 Q652 +Q119719 P27 Q183 +Q61280 P106 Q4964182 +Q44144 P106 Q13474373 +Q2986943 P1412 Q1860 +Q72756 P106 Q10800557 +Q258462 P69 Q49112 +Q193695 P840 Q1558 +Q236056 P106 Q177220 +Q470047 P106 Q82955 +Q218718 P69 Q1335573 +Q90787 P20 Q1055 +Q1262590 P509 Q389735 +Q457333 P495 Q30 +Q554018 P463 Q938622 +Q2646169 P106 Q1930187 +Q180214 P136 Q200092 +Q267051 P1303 Q17172850 +Q11817 P172 Q7435494 +Q392915 P136 Q2484376 +Q76414 P106 Q644687 +Q80222 P119 Q188856 +Q169461 P136 Q37073 +Q375036 P1412 Q150 +Q266816 P106 Q11774202 +Q283408 P1412 Q7737 +Q443327 P106 Q10798782 +Q683 P463 Q8475 +Q699456 P106 Q13582652 +Q368613 P106 Q36834 +Q1698 P106 Q1028181 +Q230969 P106 Q36180 +Q195008 P108 Q49112 +Q97027 P102 Q7320 +Q689486 P463 Q83172 +Q538000 P136 Q186472 +Q4145 P509 Q12202 +Q152293 P1412 Q8785 +Q315087 P106 Q245068 +Q24631 P463 Q123885 +Q213642 P106 Q4220892 +Q967886 P119 Q1242128 +Q980235 P27 Q35 +Q1396852 P119 Q208175 +Q183492 P737 Q131333 +Q428451 P27 Q142 +Q31073 P69 Q49213 +Q77667 P1412 Q188 +Q92775 P106 Q4853732 +Q391542 P161 Q40572 +Q326571 P463 Q463303 +Q444520 P19 Q16555 +Q104067 P551 Q18419 +Q154770 P1412 Q1860 +Q80399 P27 Q15180 +Q210428 P264 Q203059 +Q362828 P102 Q79854 +Q453602 P106 Q10800557 +Q813 P530 Q863 +Q1266083 P106 Q753110 +Q16390 P20 Q65 +Q296313 P69 Q332342 +Q362353 P106 Q10800557 +Q278699 P106 Q43845 +Q2901987 P106 Q380075 +Q76586 P102 Q310296 +Q342876 P136 Q157394 +Q322303 P27 Q25 +Q3920109 P19 Q6602 +Q228766 P27 Q30 +Q452281 P106 Q27532437 +Q53004 P106 Q2526255 +Q112747 P840 Q30 +Q254962 P264 Q155152 +Q2685 P106 Q43845 +Q34296 P1412 Q188 +Q380799 P106 Q33999 +Q766293 P69 Q273626 +Q1805943 P101 Q207628 +Q1257 P69 Q999763 +Q268294 P106 Q33999 +Q131355 P69 Q168756 +Q95002 P106 Q10800557 +Q186709 P1412 Q7737 +Q452219 P106 Q1930187 +Q76432 P463 Q543804 +Q332417 P27 Q38 +Q239501 P27 Q145 +Q358455 P106 Q1607826 +Q280724 P136 Q43343 +Q8446 P106 Q36180 +Q78716 P1412 Q188 +Q38 P530 Q33 +Q91640 P19 Q3033 +Q11613 P463 Q468865 +Q884 P530 Q17 +Q81752 P27 Q40 +Q164119 P3373 Q313470 +Q237497 P27 Q30 +Q237405 P27 Q17 +Q1358816 P106 Q1028181 +Q739915 P106 Q9017214 +Q865 P530 Q79 +Q163118 P106 Q6625963 +Q399 P463 Q827525 +Q1101195 P136 Q83440 +Q298766 P106 Q6606110 +Q113233 P101 Q482 +Q2120396 P27 Q145 +Q92007 P108 Q152838 +Q178698 P20 Q1741 +Q165792 P737 Q15975 +Q206384 P140 Q6423963 +Q484292 P106 Q18844224 +Q105167 P140 Q9592 +Q560847 P551 Q49142 +Q357455 P1303 Q6607 +Q188385 P106 Q18814623 +Q408 P530 Q424 +Q49074 P19 Q6346 +Q241392 P106 Q36180 +Q465428 P27 Q38 +Q359791 P27 Q145 +Q555324 P106 Q4263842 +Q530550 P106 Q947873 +Q76405 P106 Q713200 +Q44328 P106 Q36180 +Q712 P463 Q1043527 +Q71352 P19 Q1792 +Q212663 P108 Q1702106 +Q155871 P19 Q36600 +Q11881 P20 Q43421 +Q232348 P101 Q207628 +Q291183 P108 Q49088 +Q232840 P106 Q177220 +Q296809 P106 Q214917 +Q90962 P20 Q64 +Q60946 P106 Q333634 +Q518850 P551 Q414 +Q258 P530 Q408 +Q6714 P3373 Q6701 +Q77627 P20 Q6602 +Q76589 P106 Q1622272 +Q312833 P106 Q10349745 +Q122123 P106 Q1792450 +Q89713 P108 Q315658 +Q252 P530 Q334 +Q232993 P161 Q97423 +Q76546 P27 Q7318 +Q636 P106 Q9017214 +Q204750 P509 Q193840 +Q353812 P106 Q36180 +Q75968 P69 Q315658 +Q115883 P106 Q1622272 +Q337234 P17 Q46 +Q52924 P463 Q83172 +Q339604 P106 Q10798782 +Q40791 P140 Q7066 +Q230395 P106 Q10798782 +Q348615 P172 Q49085 +Q25186 P106 Q3282637 +Q298025 P106 Q6625963 +Q143867 P40 Q60452 +Q216339 P1412 Q188 +Q193660 P106 Q155647 +Q215488 P106 Q33999 +Q559567 P106 Q1930187 +Q209481 P136 Q52162262 +Q1346111 P27 Q174193 +Q183492 P737 Q5686 +Q268569 P1412 Q150 +Q1044415 P2348 Q6927 +Q512 P509 Q12152 +Q4042 P106 Q2252262 +Q312336 P106 Q386854 +Q453288 P69 Q13371 +Q7726 P106 Q193391 +Q918668 P69 Q192088 +Q392 P106 Q2526255 +Q937359 P1303 Q17172850 +Q123273 P106 Q36180 +Q311093 P1412 Q1860 +Q354783 P140 Q432 +Q64238 P27 Q145 +Q1322146 P1303 Q17172850 +Q48956 P108 Q11942 +Q40912 P106 Q753110 +Q45765 P106 Q18844224 +Q92862 P106 Q43845 +Q262 P530 Q30 +Q45025 P106 Q214917 +Q168274 P1303 Q17172850 +Q6512 P1412 Q188 +Q915 P138 Q132899 +Q257840 P172 Q49085 +Q715790 P106 Q2919046 +Q153232 P106 Q81096 +Q171166 P463 Q40970 +Q452084 P509 Q12204 +Q95367 P27 Q183 +Q800 P530 Q35 +Q309086 P161 Q236151 +Q1166988 P69 Q1420239 +Q96196 P106 Q1622272 +Q151796 P106 Q484876 +Q216570 P106 Q36180 +Q42775 P1303 Q51290 +Q714739 P27 Q15180 +Q981944 P140 Q9585 +Q312394 P161 Q271145 +Q220816 P27 Q15180 +Q154269 P106 Q618694 +Q229560 P106 Q10800557 +Q235020 P106 Q245068 +Q85280 P264 Q155152 +Q19089 P161 Q28054 +Q336444 P106 Q2516866 +Q2620784 P106 Q730242 +Q107422 P69 Q49210 +Q167437 P495 Q30 +Q164562 P106 Q36834 +Q163038 P161 Q442980 +Q66286 P106 Q82955 +Q558288 P106 Q33231 +Q92562 P463 Q604840 +Q62565 P106 Q193391 +Q116003 P106 Q81096 +Q60987 P27 Q41304 +Q1984061 P101 Q638 +Q350811 P106 Q10798782 +Q4030 P463 Q463281 +Q713213 P463 Q463303 +Q371119 P69 Q860527 +Q884142 P264 Q1465812 +Q159636 P106 Q4964182 +Q62963 P509 Q181754 +Q68596 P106 Q211346 +Q354519 P106 Q36834 +Q76332 P106 Q14467526 +Q389548 P161 Q309486 +Q255376 P840 Q1509 +Q296370 P106 Q33999 +Q156268 P106 Q4964182 +Q355288 P106 Q753110 +Q72077 P106 Q10798782 +Q57118 P106 Q4610556 +Q764570 P69 Q209344 +Q63876 P1412 Q188 +Q267769 P106 Q36180 +Q504753 P69 Q168756 +Q261923 P161 Q317567 +Q143286 P106 Q177220 +Q42493 P106 Q5716684 +Q14439 P106 Q10800557 +Q494412 P1412 Q9176 +Q5879 P106 Q350979 +Q37767 P463 Q463303 +Q142 P463 Q1480793 +Q312514 P264 Q183387 +Q131240 P106 Q1476215 +Q90934 P27 Q183 +Q80805 P106 Q639669 +Q107270 P161 Q34436 +Q23505 P641 Q41323 +Q242416 P19 Q18419 +Q313044 P106 Q10800557 +Q122553 P509 Q12202 +Q4137 P27 Q34266 +Q311068 P463 Q463303 +Q4227 P106 Q2259451 +Q8743 P101 Q43035 +Q320556 P106 Q36180 +Q168724 P1412 Q7979 +Q1556241 P27 Q408 +Q77991 P106 Q2526255 +Q4416818 P27 Q2305208 +Q188093 P27 Q30 +Q151646 P106 Q82955 +Q434585 P1412 Q1321 +Q347395 P106 Q10800557 +Q51908481 P3373 Q20562503 +Q217160 P1303 Q46185 +Q965 P463 Q17495 +Q61597 P3373 Q71819 +Q1382883 P136 Q483251 +Q1378383 P136 Q9730 +Q170572 P69 Q797078 +Q170800 P106 Q49757 +Q117970 P106 Q3455803 +Q110126 P551 Q406 +Q1700315 P106 Q2516866 +Q122622 P69 Q206702 +Q6043036 P1412 Q7737 +Q127866 P17 Q159 +Q690974 P106 Q33999 +Q456413 P27 Q30 +Q337891 P27 Q221 +Q26848 P106 Q10798782 +Q67526 P106 Q14467526 +Q230068 P551 Q60 +Q64910 P27 Q7318 +Q188113 P108 Q131252 +Q203059 P17 Q145 +Q845278 P1303 Q17172850 +Q848723 P106 Q82955 +Q35648 P140 Q106687 +Q356140 P172 Q49085 +Q313627 P19 Q23154 +Q484292 P106 Q36180 +Q347832 P20 Q2868 +Q114152 P106 Q2526255 +Q547373 P1303 Q6607 +Q553335 P1412 Q1860 +Q3215817 P27 Q16 +Q276745 P27 Q408 +Q991 P737 Q5682 +Q45233 P106 Q1930187 +Q67076 P101 Q40634 +Q187033 P19 Q485176 +Q278625 P27 Q159 +Q754 P463 Q191384 +Q526518 P106 Q49757 +Q349434 P136 Q11401 +Q23 P27 Q161885 +Q257805 P106 Q158852 +Q387072 P1412 Q1860 +Q241660 P106 Q10800557 +Q1050 P463 Q656801 +Q1432130 P106 Q128124 +Q106740 P106 Q1607826 +Q85715 P69 Q156725 +Q24558760 P3373 Q53570396 +Q1805442 P106 Q10798782 +Q1785 P106 Q193391 +Q77845 P102 Q328195 +Q99294 P1412 Q9168 +Q256809 P106 Q177220 +Q44707 P106 Q2526255 +Q363371 P136 Q206159 +Q219862 P106 Q28389 +Q51495 P1412 Q188 +Q183297 P172 Q84072 +Q433608 P69 Q41506 +Q241686 P106 Q2405480 +Q314787 P106 Q1930187 +Q104123 P161 Q185051 +Q424 P463 Q1065 +Q684748 P69 Q432637 +Q105987 P106 Q28389 +Q76524 P1412 Q188 +Q187907 P108 Q168756 +Q90635 P27 Q142 +Q45278 P106 Q1234713 +Q29328 P1303 Q17172850 +Q72276 P136 Q4984974 +Q672443 P161 Q271763 +Q940942 P106 Q36180 +Q106602 P106 Q1622272 +Q165672 P27 Q902 +Q71602 P106 Q121594 +Q61280 P463 Q684415 +Q176578 P1412 Q1860 +Q339876 P161 Q223745 +Q221 P463 Q1065 +Q236125 P136 Q11399 +Q189895 P106 Q10800557 +Q423 P530 Q20 +Q49767 P106 Q11774202 +Q83174 P106 Q182436 +Q314640 P106 Q33999 +Q668 P530 Q96 +Q234893 P106 Q36180 +Q374263 P106 Q33999 +Q1689414 P106 Q177220 +Q47296 P161 Q179269 +Q10716 P463 Q202479 +Q271471 P106 Q2405480 +Q29055 P140 Q9268 +Q509102 P106 Q177220 +Q207592 P27 Q29999 +Q165325 P161 Q207596 +Q962442 P106 Q1930187 +Q1716611 P1303 Q5994 +Q354783 P106 Q12144794 +Q49355 P463 Q123885 +Q163211 P1303 Q6607 +Q216092 P106 Q37226 +Q80702 P37 Q1321 +Q63078 P27 Q43287 +Q786 P463 Q7809 +Q71602 P1412 Q150 +Q1268 P136 Q9730 +Q306631 P106 Q33999 +Q47755 P106 Q333634 +Q190588 P161 Q162492 +Q1378199 P106 Q183945 +Q241 P530 Q159 +Q144535 P27 Q174193 +Q156941 P463 Q270794 +Q1286510 P106 Q639669 +Q233959 P136 Q11399 +Q215120 P69 Q49112 +Q191026 P101 Q5862903 +Q356639 P69 Q610999 +Q137042 P40 Q231942 +Q551015 P136 Q482 +Q231228 P106 Q4610556 +Q172632 P1303 Q281460 +Q881 P530 Q668 +Q35149 P108 Q161976 +Q222800 P161 Q189554 +Q451369 P106 Q1930187 +Q57169 P106 Q2095549 +Q127332 P136 Q8261 +Q128633 P106 Q188094 +Q105598 P136 Q496523 +Q302181 P161 Q953841 +Q467630 P27 Q34266 +Q703935 P106 Q6625963 +Q277978 P551 Q65 +Q272031 P1303 Q17172850 +Q359568 P106 Q520549 +Q11609 P106 Q81096 +Q66987 P27 Q183 +Q152520 P1303 Q17172850 +Q354181 P27 Q30 +Q106029 P20 Q3806 +Q188401 P106 Q36834 +Q1388990 P106 Q1930187 +Q189599 P106 Q33999 +Q217020 P136 Q471839 +Q606389 P106 Q1930187 +Q355835 P1412 Q150 +Q318750 P106 Q33999 +Q221917 P106 Q6625963 +Q233340 P140 Q1841 +Q172303 P106 Q131524 +Q78869 P106 Q188094 +Q68121 P19 Q727 +Q1618928 P106 Q177220 +Q337543 P1412 Q150 +Q124057 P106 Q2259451 +Q157321 P19 Q23482 +Q934737 P106 Q183945 +Q122113 P161 Q3454165 +Q249647 P69 Q3890936 +Q172241 P495 Q30 +Q27751 P495 Q408 +Q166454 P27 Q30 +Q381039 P106 Q1234713 +Q106209 P140 Q75809 +Q343477 P106 Q49757 +Q312394 P495 Q30 +Q314424 P106 Q10798782 +Q504061 P106 Q1930187 +Q463765 P161 Q306403 +Q105460 P551 Q18575 +Q732055 P106 Q15981151 +Q545423 P136 Q8261 +Q218 P530 Q217 +Q39 P463 Q151991 +Q232456 P106 Q33999 +Q95008 P27 Q30 +Q158753 P1303 Q17172850 +Q822401 P136 Q45981 +Q107730 P172 Q170826 +Q70737 P102 Q689018 +Q865 P463 Q188822 +Q40912 P1303 Q17172850 +Q350552 P20 Q1781 +Q434060 P69 Q1127387 +Q272595 P136 Q188473 +Q25139 P161 Q190602 +Q714739 P27 Q34266 +Q976090 P1303 Q163829 +Q215562 P509 Q12152 +Q229671 P106 Q131524 +Q91428 P69 Q153006 +Q7351 P27 Q183 +Q238140 P106 Q6625963 +Q204338 P102 Q79854 +Q235134 P1050 Q12204 +Q1001 P551 Q258 +Q944509 P27 Q30 +Q1064 P106 Q82955 +Q271385 P106 Q753110 +Q179695 P140 Q7066 +Q154216 P1303 Q6607 +Q159 P530 Q664 +Q4396425 P106 Q901 +Q50713 P106 Q482980 +Q228862 P106 Q33999 +Q270599 P161 Q223992 +Q44648 P1412 Q1860 +Q312258 P106 Q28389 +Q136591 P136 Q11399 +Q91617 P106 Q1622272 +Q87040 P1412 Q188 +Q96230 P69 Q55044 +Q5912 P106 Q49757 +Q429969 P136 Q2421031 +Q1020 P530 Q1029 +Q233 P463 Q782942 +Q84708562 P1412 Q1860 +Q237659 P106 Q177220 +Q130868 P136 Q157443 +Q464941 P1412 Q9043 +Q257302 P1303 Q17172850 +Q1351177 P106 Q9648008 +Q85084 P106 Q2310145 +Q332368 P136 Q188473 +Q236094 P509 Q216169 +Q391536 P26 Q313627 +Q49767 P136 Q4184 +Q544135 P20 Q649 +Q240324 P1303 Q17172850 +Q218083 P106 Q33999 +Q504677 P106 Q81096 +Q386394 P1412 Q188 +Q165419 P27 Q172107 +Q822630 P106 Q131524 +Q89461 P106 Q28389 +Q360313 P27 Q16 +Q444840 P101 Q207628 +Q11881 P1412 Q35497 +Q264921 P106 Q36834 +Q19658 P106 Q2722764 +Q229477 P102 Q29468 +Q176277 P106 Q33999 +Q457316 P106 Q28389 +Q45 P463 Q340195 +Q77753 P463 Q414163 +Q946019 P1303 Q17172850 +Q301818 P27 Q30 +Q145627 P106 Q193391 +Q4397665 P101 Q40634 +Q482708 P106 Q1930187 +Q232993 P840 Q64 +Q11753 P69 Q875788 +Q702468 P106 Q16287483 +Q30875 P106 Q12144794 +Q135481 P101 Q476294 +Q760790 P106 Q49757 +Q70948 P106 Q10800557 +Q158394 P136 Q49084 +Q13526 P20 Q22889 +Q317142 P106 Q214917 +Q188459 P106 Q177220 +Q298035 P106 Q36180 +Q206466 P509 Q12206 +Q64655 P106 Q2374149 +Q216070 P106 Q33231 +Q707186 P106 Q18576582 +Q291405 P264 Q208909 +Q1586732 P106 Q158852 +Q43453 P17 Q131964 +Q5333 P108 Q245247 +Q245257 P551 Q1370 +Q734 P463 Q3369762 +Q328892 P106 Q189290 +Q76959 P463 Q651690 +Q192374 P106 Q4964182 +Q80135 P19 Q656 +Q210590 P57 Q52997 +Q144391 P1412 Q9610 +Q236343 P106 Q177220 +Q283964 P106 Q82955 +Q89764 P106 Q2405480 +Q944159 P136 Q45981 +Q269835 P26 Q499644 +Q7729 P3373 Q7726 +Q1451270 P1303 Q81982 +Q456921 P102 Q29468 +Q64707 P69 Q317053 +Q298682 P1412 Q1860 +Q526989 P106 Q2259451 +Q959159 P106 Q855091 +Q465679 P106 Q36180 +Q185832 P1412 Q397 +Q2866 P106 Q47064 +Q271956 P27 Q34266 +Q255233 P1303 Q17172850 +Q450821 P1412 Q9288 +Q83059 P737 Q84412 +Q305864 P509 Q12206 +Q38903 P452 Q746359 +Q214801 P161 Q345325 +Q126281 P161 Q215721 +Q104123 P161 Q3772 +Q80900 P1412 Q9192 +Q72400 P1412 Q188 +Q272068 P27 Q174193 +Q2996474 P27 Q15180 +Q267243 P106 Q3282637 +Q483907 P106 Q10800557 +Q45 P530 Q1028 +Q335142 P106 Q36180 +Q32221 P136 Q483251 +Q488099 P136 Q8261 +Q6080085 P140 Q432 +Q64417 P106 Q177220 +Q892 P106 Q36180 +Q164730 P1412 Q8798 +Q383844 P495 Q30 +Q705748 P172 Q49085 +Q185776 P161 Q358306 +Q196080 P69 Q523926 +Q71998 P106 Q12144794 +Q186335 P119 Q216344 +Q460876 P135 Q213457 +Q298341 P106 Q205375 +Q227312 P119 Q288130 +Q555 P140 Q1841 +Q263178 P1412 Q1860 +Q87402 P106 Q36180 +Q224 P463 Q782942 +Q51139 P106 Q2259451 +Q441990 P106 Q49757 +Q15969 P27 Q40 +Q434813 P1412 Q1860 +Q12325 P140 Q178169 +Q310638 P463 Q463303 +Q1141825 P27 Q30 +Q312833 P106 Q81096 +Q103774 P106 Q2526255 +Q110872 P551 Q1731 +Q233397 P27 Q41 +Q82104 P69 Q55044 +Q117970 P106 Q36834 +Q42198 P161 Q228645 +Q562641 P27 Q30 +Q162740 P102 Q641691 +Q163118 P19 Q9005 +Q281998 P27 Q142 +Q67436 P69 Q745967 +Q112136 P106 Q121594 +Q65337 P101 Q40634 +Q502325 P69 Q230492 +Q132351 P161 Q164534 +Q287976 P26 Q199943 +Q183253 P19 Q7473516 +Q858741 P1303 Q51290 +Q217154 P140 Q9585 +Q266670 P1412 Q5287 +Q255725 P136 Q235858 +Q461610 P69 Q174710 +Q80135 P119 Q208175 +Q1174771 P1303 Q17172850 +Q215636 P27 Q30 +Q505358 P69 Q4614 +Q82222 P136 Q131272 +Q1067043 P106 Q488205 +Q64637 P108 Q154804 +Q16458 P840 Q43 +Q122968 P463 Q329464 +Q89188 P27 Q145 +Q203413 P106 Q1930187 +Q268582 P106 Q333634 +Q320849 P106 Q49757 +Q156268 P463 Q46703 +Q739 P530 Q41 +Q299595 P463 Q40358 +Q504 P135 Q210115 +Q170515 P1412 Q1860 +Q87487 P1412 Q188 +Q1599272 P69 Q152087 +Q219640 P69 Q49112 +Q181875 P69 Q1247373 +Q62676 P106 Q10798782 +Q93868 P136 Q130232 +Q65035 P119 Q819654 +Q152857 P136 Q369747 +Q469681 P27 Q20 +Q230 P530 Q35 +Q192979 P161 Q28493 +Q188492 P106 Q7042855 +Q67039 P463 Q107569 +Q193695 P161 Q235639 +Q5878 P136 Q8261 +Q446504 P106 Q82955 +Q170530 P106 Q4610556 +Q5327 P463 Q49738 +Q387370 P161 Q272214 +Q102822 P106 Q81096 +Q182212 P161 Q181899 +Q919961 P106 Q36834 +Q243011 P1412 Q1860 +Q163683 P463 Q463303 +Q120977 P1303 Q5994 +Q68202 P106 Q18814623 +Q235205 P106 Q10800557 +Q2849296 P106 Q222344 +Q388408 P161 Q189400 +Q1336685 P106 Q245068 +Q29473 P1412 Q652 +Q153905 P136 Q482 +Q336609 P106 Q20198542 +Q257217 P19 Q18419 +Q336222 P264 Q43327 +Q953768 P69 Q1753535 +Q186329 P106 Q488205 +Q102568 P69 Q152087 +Q479052 P106 Q33999 +Q39989 P106 Q10798782 +Q193458 P106 Q10800557 +Q11820 P1412 Q1860 +Q4029 P27 Q30 +Q350915 P106 Q82955 +Q297736 P1412 Q7737 +Q7302 P106 Q639669 +Q297794 P136 Q25379 +Q1174183 P106 Q177220 +Q207177 P101 Q207628 +Q92946 P19 Q90 +Q345446 P106 Q1415090 +Q128529 P106 Q40348 +Q1105367 P463 Q270794 +Q293067 P106 Q177220 +Q483203 P1303 Q46185 +Q134123 P3373 Q159585 +Q363117 P106 Q7042855 +Q258010 P1303 Q17172850 +Q171530 P1412 Q150 +Q190302 P27 Q142 +Q240885 P106 Q177220 +Q328590 P69 Q13371 +Q470047 P69 Q274486 +Q233479 P172 Q7325 +Q74441 P106 Q1622272 +Q324239 P495 Q30 +Q240851 P69 Q49115 +Q181728 P27 Q34266 +Q443190 P119 Q592204 +Q77234 P106 Q733786 +Q36 P463 Q1579424 +Q553276 P737 Q333402 +Q43189 P136 Q11399 +Q188845 P136 Q663106 +Q297831 P264 Q798658 +Q232113 P20 Q90 +Q299138 P19 Q37320 +Q89461 P19 Q1741 +Q31628 P136 Q1661 +Q863 P530 Q889 +Q172466 P108 Q168756 +Q183382 P108 Q4129798 +Q311115 P463 Q191583 +Q711509 P101 Q413 +Q29 P530 Q159 +Q1511 P108 Q686522 +Q1979936 P20 Q994 +Q554775 P101 Q158852 +Q215665 P136 Q186424 +Q170572 P106 Q8246794 +Q189564 P27 Q142 +Q558419 P1412 Q9067 +Q715945 P27 Q12560 +Q150916 P1412 Q1860 +Q118852 P1412 Q1860 +Q471664 P27 Q159 +Q185776 P57 Q323076 +Q57257 P106 Q1622272 +Q251144 P140 Q7066 +Q73951 P108 Q50662 +Q315610 P641 Q5386 +Q551204 P463 Q40358 +Q882 P106 Q33999 +Q12688 P106 Q1930187 +Q43 P463 Q7825 +Q311093 P106 Q28389 +Q348533 P264 Q27184 +Q106029 P69 Q153978 +Q76820 P1412 Q188 +Q180099 P140 Q6423963 +Q507940 P1303 Q8355 +Q219744 P136 Q482 +Q165699 P495 Q38 +Q358529 P108 Q49088 +Q391663 P27 Q30 +Q211280 P106 Q33999 +Q90577 P101 Q482 +Q134773 P136 Q52207399 +Q354394 P27 Q15180 +Q158092 P1412 Q1860 +Q8646 P361 Q148 +Q107759 P106 Q40348 +Q213430 P140 Q9268 +Q34266 P30 Q5401 +Q287001 P840 Q90 +Q150652 P106 Q116 +Q235952 P106 Q177220 +Q212660 P840 Q65 +Q311476 P27 Q34 +Q482708 P106 Q201788 +Q62725 P102 Q49766 +Q1276 P1412 Q150 +Q380983 P1412 Q1860 +Q795238 P69 Q245247 +Q219631 P106 Q177220 +Q76432 P106 Q4773904 +Q261244 P27 Q30 +Q188726 P106 Q3387717 +Q708473 P106 Q49757 +Q707352 P136 Q11366 +Q861227 P27 Q30 +Q288355 P840 Q1166 +Q88427 P102 Q49750 +Q151509 P40 Q4120312 +Q456235 P106 Q36180 +Q302762 P106 Q753110 +Q865 P530 Q774 +Q228818 P264 Q330629 +Q349893 P106 Q82955 +Q273981 P106 Q36180 +Q354783 P509 Q14467705 +Q193628 P26 Q259913 +Q64173 P136 Q130232 +Q315072 P106 Q11774202 +Q328797 P106 Q177220 +Q102289 P509 Q12078 +Q245075 P140 Q9089 +Q366805 P106 Q8178443 +Q206384 P20 Q288781 +Q152768 P106 Q158852 +Q212041 P161 Q37175 +Q184255 P161 Q511554 +Q694042 P106 Q1643514 +Q822630 P106 Q28389 +Q16409 P106 Q10732476 +Q933332 P1412 Q150 +Q490290 P1412 Q1860 +Q355341 P106 Q488205 +Q38 P530 Q155 +Q356639 P106 Q36180 +Q887347 P106 Q10800557 +Q57399 P106 Q36180 +Q47221 P161 Q191132 +Q213632 P27 Q30 +Q98173 P106 Q16287483 +Q1754823 P1303 Q6607 +Q59931 P161 Q190972 +Q336185 P106 Q28389 +Q84266 P19 Q36036 +Q309214 P106 Q2526255 +Q53719 P840 Q8686 +Q470875 P1412 Q1860 +Q238924 P106 Q33999 +Q254022 P1412 Q1860 +Q967886 P102 Q79854 +Q253288 P106 Q333634 +Q155375 P463 Q191583 +Q165854 P27 Q34266 +Q240360 P106 Q33999 +Q137659 P108 Q131252 +Q53714 P106 Q177220 +Q39789 P106 Q36180 +Q60068 P106 Q177220 +Q131814 P106 Q5716684 +Q49903 P161 Q447669 +Q7311 P136 Q9730 +Q19845 P1412 Q1860 +Q123918 P106 Q644687 +Q208572 P161 Q309631 +Q299161 P106 Q1930187 +Q73918 P106 Q121594 +Q254524 P27 Q34266 +Q215076 P136 Q170611 +Q60851 P106 Q1607826 +Q170515 P140 Q5043 +Q69022 P119 Q881481 +Q61058 P463 Q329464 +Q408 P530 Q736 +Q111536 P108 Q131252 +Q76442 P463 Q329464 +Q55 P463 Q376150 +Q1282956 P106 Q177220 +Q272256 P1412 Q1860 +Q983705 P106 Q1930187 +Q190089 P69 Q82513 +Q190588 P840 Q23482 +Q2280 P17 Q184 +Q61497 P106 Q15895020 +Q45593 P106 Q1622272 +Q10444417 P19 Q2256 +Q242557 P27 Q30 +Q13908 P161 Q386249 +Q365090 P106 Q33999 +Q507809 P106 Q8246794 +Q259254 P136 Q1133657 +Q1036 P463 Q376150 +Q333411 P1412 Q7737 +Q167265 P161 Q44221 +Q207867 P106 Q753110 +Q359474 P106 Q183945 +Q212632 P20 Q649 +Q504066 P463 Q372899 +Q359251 P1412 Q1860 +Q178106 P119 Q1408 +Q46739 P106 Q333634 +Q452797 P27 Q298 +Q61319 P69 Q40025 +Q896660 P27 Q36 +Q550436 P136 Q11399 +Q790 P530 Q902 +Q515845 P27 Q145 +Q78119 P106 Q2405480 +Q1286597 P27 Q403 +Q369283 P19 Q100 +Q453288 P106 Q1622272 +Q508325 P106 Q2722764 +Q202148 P106 Q28389 +Q189992 P27 Q30 +Q336272 P106 Q639669 +Q503147 P140 Q432 +Q298 P530 Q928 +Q99076 P20 Q2814 +Q206388 P840 Q60 +Q1047 P27 Q668 +Q2086086 P106 Q486748 +Q176361 P69 Q309350 +Q228832 P1412 Q7737 +Q47243 P1303 Q6607 +Q717884 P69 Q221653 +Q131964 P140 Q9592 +Q487391 P1412 Q9176 +Q3384965 P106 Q43845 +Q230320 P19 Q1342 +Q232514 P106 Q10798782 +Q212446 P101 Q3798668 +Q930679 P106 Q4263842 +Q508325 P3373 Q203840 +Q215444 P1412 Q1860 +Q66286 P19 Q2107 +Q355839 P106 Q10800557 +Q62880 P20 Q1794 +Q84942 P27 Q183 +Q189869 P119 Q1053320 +Q106071 P1412 Q188 +Q232449 P136 Q213665 +Q274895 P136 Q28026639 +Q287451 P20 Q47164 +Q796 P530 Q183 +Q362531 P106 Q214917 +Q362340 P106 Q14915627 +Q1262590 P106 Q36834 +Q72856 P140 Q9592 +Q262130 P106 Q2526255 +Q157194 P27 Q142 +Q132330 P20 Q185582 +Q224130 P161 Q295974 +Q78772 P463 Q459620 +Q40071 P161 Q370155 +Q134123 P101 Q82955 +Q935407 P1412 Q1860 +Q158759 P495 Q183 +Q453330 P106 Q639669 +Q69430 P140 Q1841 +Q301083 P161 Q202735 +Q111536 P106 Q121594 +Q948 P463 Q134102 +Q310116 P106 Q43845 +Q215927 P101 Q5891 +Q204751 P1303 Q6607 +Q1346521 P106 Q169470 +Q712683 P106 Q1415090 +Q45229 P551 Q65 +Q135640 P69 Q1059546 +Q278699 P106 Q82955 +Q64356 P1412 Q188 +Q158017 P106 Q36834 +Q12003 P136 Q316930 +Q57374 P106 Q488205 +Q2201 P136 Q1535153 +Q884172 P172 Q49085 +Q1678197 P102 Q79854 +Q659020 P106 Q15296811 +Q680728 P106 Q36180 +Q242526 P106 Q10800557 +Q92767 P106 Q81096 +Q1250743 P69 Q1143281 +Q257752 P69 Q1394262 +Q92638 P108 Q49210 +Q9960 P463 Q468865 +Q298908 P136 Q21590660 +Q2252 P106 Q18844224 +Q251287 P1303 Q5994 +Q240377 P106 Q8246794 +Q291693 P69 Q385471 +Q463715 P106 Q36834 +Q8011 P101 Q482 +Q264610 P1303 Q5994 +Q200355 P106 Q10798782 +Q35 P530 Q750 +Q329849 P106 Q753110 +Q164683 P106 Q1622272 +Q28193 P161 Q816565 +Q296177 P451 Q873 +Q83325 P106 Q10800557 +Q448404 P106 Q639669 +Q25 P17 Q145 +Q180338 P106 Q47064 +Q444518 P106 Q33999 +Q180861 P1412 Q1860 +Q333148 P69 Q1067870 +Q2643 P106 Q33999 +Q230383 P106 Q10800557 +Q353774 P106 Q1930187 +Q317095 P106 Q639669 +Q66343 P106 Q36180 +Q240250 P106 Q28389 +Q202029 P161 Q242557 +Q1112005 P106 Q177220 +Q234356 P106 Q183945 +Q725519 P106 Q753110 +Q104266 P106 Q753110 +Q463673 P106 Q10798782 +Q19069 P161 Q104067 +Q73007 P106 Q10800557 +Q42831 P551 Q142 +Q300547 P136 Q471839 +Q376335 P102 Q79854 +Q84509 P106 Q1930187 +Q18553 P106 Q185351 +Q241482 P161 Q233237 +Q323074 P106 Q222344 +Q276525 P106 Q28389 +Q158250 P27 Q30 +Q77807 P1303 Q17172850 +Q61195 P102 Q662377 +Q151972 P264 Q202585 +Q234324 P106 Q6625963 +Q91323 P1412 Q188 +Q237552 P106 Q488205 +Q191850 P106 Q36180 +Q219734 P40 Q153610 +Q953 P530 Q258 +Q1535539 P1303 Q9798 +Q502 P509 Q12202 +Q258 P530 Q971 +Q508497 P106 Q3282637 +Q16563 P17 Q30 +Q113206 P106 Q3455803 +Q336222 P19 Q184116 +Q205772 P69 Q13371 +Q327981 P69 Q21578 +Q403 P530 Q16957 +Q505882 P27 Q30 +Q25188 P840 Q90 +Q645167 P106 Q639669 +Q361670 P106 Q3282637 +Q473239 P106 Q2961975 +Q1064413 P463 Q466089 +Q41 P530 Q36 +Q11621 P57 Q8877 +Q344655 P106 Q10800557 +Q185610 P264 Q1273666 +Q56005 P69 Q1753535 +Q822 P361 Q7204 +Q238795 P136 Q46046 +Q44695 P102 Q79854 +Q359604 P106 Q10798782 +Q152293 P1303 Q8371 +Q75174 P463 Q466089 +Q106009 P106 Q1622272 +Q214216 P108 Q174158 +Q209641 P108 Q192088 +Q435744 P106 Q1622272 +Q40 P463 Q826700 +Q88821 P1412 Q188 +Q542101 P106 Q36180 +Q177374 P161 Q370918 +Q678 P530 Q15180 +Q658706 P106 Q28389 +Q60625 P106 Q36180 +Q105273 P102 Q161118 +Q33760 P140 Q288928 +Q221202 P161 Q379811 +Q519273 P106 Q488205 +Q977 P530 Q1045 +Q133654 P136 Q590103 +Q237821 P69 Q49115 +Q271888 P69 Q797078 +Q34086 P136 Q37073 +Q2709 P106 Q177220 +Q313849 P264 Q1025106 +Q432473 P106 Q4610556 +Q153018 P106 Q10800557 +Q23870 P106 Q36180 +Q251738 P27 Q4948 +Q314419 P1412 Q150 +Q60506 P161 Q234809 +Q539171 P136 Q1062400 +Q250995 P136 Q1146335 +Q434160 P106 Q1930187 +Q67672 P108 Q54096 +Q380981 P161 Q316596 +Q127367 P161 Q168763 +Q295420 P27 Q15180 +Q269683 P106 Q805221 +Q364131 P106 Q486748 +Q577508 P140 Q7066 +Q562789 P20 Q649 +Q77969 P509 Q12136 +Q77845 P106 Q82955 +Q1392102 P106 Q855091 +Q2569 P106 Q185351 +Q323392 P136 Q1146335 +Q4184336 P106 Q901 +Q202211 P136 Q645928 +Q58033 P1412 Q188 +Q505476 P1412 Q1860 +Q70166 P108 Q165980 +Q1606718 P106 Q13582652 +Q865 P530 Q26988 +Q441267 P27 Q38 +Q118375 P495 Q30 +Q40 P463 Q1043527 +Q58057 P463 Q15646111 +Q288645 P161 Q177311 +Q28 P530 Q37 +Q1985556 P27 Q30 +Q377538 P106 Q557880 +Q221586 P136 Q1200678 +Q345431 P106 Q36834 +Q336609 P140 Q6423963 +Q77753 P463 Q459620 +Q73506 P106 Q214917 +Q155684 P119 Q288130 +Q264596 P27 Q30 +Q11869 P509 Q12192 +Q980000 P20 Q47265 +Q76892 P108 Q20266894 +Q663858 P108 Q4614 +Q122998 P106 Q2865819 +Q41 P530 Q34 +Q69209 P108 Q55038 +Q706034 P106 Q39631 +Q63441 P106 Q4002666 +Q77627 P106 Q14467526 +Q88478 P106 Q82955 +Q222832 P69 Q235034 +Q150916 P27 Q30 +Q105564 P69 Q152087 +Q315343 P27 Q30 +Q984614 P136 Q83270 +Q254 P136 Q189201 +Q503770 P1303 Q6607 +Q216134 P27 Q30 +Q706898 P69 Q221653 +Q1203 P106 Q36180 +Q47667 P101 Q5891 +Q1280288 P26 Q449013 +Q60714 P106 Q82955 +Q83158 P106 Q8178443 +Q208048 P161 Q342533 +Q77024 P27 Q41304 +Q45383 P1303 Q17172850 +Q277356 P20 Q649 +Q219060 P530 Q717 +Q243267 P106 Q193391 +Q380484 P106 Q81096 +Q43746 P1412 Q397 +Q158765 P27 Q174193 +Q368732 P69 Q319239 +Q124710 P106 Q82955 +Q74639 P19 Q7030 +Q32849 P136 Q11401 +Q860206 P106 Q170790 +Q965179 P106 Q753110 +Q357961 P463 Q40358 +Q2046788 P101 Q41217 +Q10327963 P1412 Q1860 +Q313654 P1303 Q17172850 +Q167696 P264 Q277626 +Q668 P463 Q19771 +Q1930941 P19 Q90 +Q150630 P106 Q121594 +Q228244 P495 Q30 +Q235077 P119 Q5763964 +Q162277 P136 Q645928 +Q102244 P495 Q30 +Q138850 P69 Q152087 +Q234647 P19 Q1754 +Q1386443 P106 Q639669 +Q214226 P106 Q2252262 +Q33866 P106 Q11900058 +Q1452597 P20 Q39561 +Q89316 P69 Q165980 +Q39 P463 Q663492 +Q103774 P463 Q463281 +Q131018 P69 Q776223 +Q274334 P106 Q36180 +Q968214 P69 Q457281 +Q380981 P57 Q47100 +Q944275 P108 Q35794 +Q167821 P106 Q4263842 +Q387603 P161 Q370155 +Q5333 P27 Q174193 +Q229 P530 Q902 +Q374045 P27 Q37 +Q239464 P106 Q183945 +Q1268 P69 Q144488 +Q239807 P69 Q1137719 +Q12101508 P106 Q901 +Q435203 P69 Q131252 +Q357821 P27 Q148 +Q965 P463 Q5611262 +Q342526 P27 Q30 +Q314812 P1412 Q1860 +Q107730 P27 Q30 +Q164224 P161 Q520001 +Q236669 P27 Q145 +Q3215942 P19 Q270 +Q316884 P136 Q482 +Q48097 P27 Q15180 +Q523086 P27 Q145 +Q3057567 P20 Q869 +Q75612 P106 Q18814623 +Q103946 P106 Q2259451 +Q2577771 P19 Q49145 +Q168307 P1412 Q9056 +Q103949 P106 Q2259451 +Q273876 P106 Q639669 +Q943107 P106 Q43845 +Q1238180 P106 Q639669 +Q513712 P17 Q17 +Q215820 P1412 Q188 +Q36488 P463 Q938622 +Q65728 P27 Q183 +Q83325 P106 Q33999 +Q954563 P106 Q214917 +Q55230 P69 Q122453 +Q127870 P106 Q2526255 +Q83158 P451 Q168359 +Q955684 P106 Q753110 +Q51506 P106 Q1622272 +Q154203 P106 Q158852 +Q38 P530 Q668 +Q231207 P136 Q9730 +Q179150 P69 Q9842 +Q391784 P161 Q58912 +Q245257 P136 Q8261 +Q34286 P463 Q466089 +Q505274 P106 Q3282637 +Q189119 P1412 Q1860 +Q261133 P3373 Q444788 +Q232810 P106 Q37226 +Q220480 P106 Q1930187 +Q440932 P509 Q12152 +Q70871 P20 Q64 +Q43203 P102 Q558334 +Q11806 P69 Q13371 +Q323524 P106 Q28389 +Q19543 P106 Q49757 +Q373895 P69 Q1185037 +Q242530 P106 Q18844224 +Q3335 P106 Q4263842 +Q733 P361 Q653884 +Q880405 P19 Q12439 +Q313789 P106 Q177220 +Q444728 P19 Q90 +Q206224 P161 Q312077 +Q102568 P106 Q16287483 +Q33866 P551 Q60 +Q171834 P106 Q82955 +Q437356 P1412 Q1860 +Q51570 P19 Q36091 +Q18227 P106 Q2516866 +Q123389 P1412 Q150 +Q36 P530 Q902 +Q61813 P106 Q170790 +Q3430566 P106 Q2462658 +Q209926 P106 Q36834 +Q160534 P509 Q147778 +Q355566 P106 Q3391743 +Q10648 P106 Q3400985 +Q309838 P1412 Q1860 +Q365042 P1050 Q124407 +Q60093 P1412 Q188 +Q544301 P106 Q81096 +Q60854 P27 Q183 +Q223741 P136 Q11366 +Q130947 P136 Q182659 +Q202385 P106 Q28389 +Q233483 P106 Q1028181 +Q346091 P106 Q49757 +Q51583 P106 Q28389 +Q39246 P101 Q413 +Q317967 P1412 Q36510 +Q373362 P161 Q215976 +Q695200 P27 Q174193 +Q230633 P106 Q33999 +Q346540 P106 Q10800557 +Q156898 P27 Q30 +Q709594 P20 Q3130 +Q315208 P106 Q3282637 +Q311802 P463 Q812155 +Q204393 P106 Q33231 +Q238364 P106 Q1930187 +Q18434 P106 Q82955 +Q7416 P27 Q174193 +Q531624 P106 Q245068 +Q205707 P1412 Q150 +Q710619 P106 Q774306 +Q426433 P161 Q59314 +Q271281 P495 Q145 +Q518839 P108 Q55021 +Q469985 P106 Q82955 +Q244398 P161 Q36949 +Q819 P530 Q851 +Q186959 P1412 Q13955 +Q1451285 P106 Q170790 +Q437748 P101 Q207628 +Q4227 P1412 Q1860 +Q918655 P106 Q36180 +Q60487 P495 Q30 +Q32927 P136 Q58339 +Q470101 P27 Q142 +Q110870 P1412 Q188 +Q716367 P108 Q622664 +Q678840 P106 Q1415090 +Q77327 P106 Q4002666 +Q232149 P19 Q23436 +Q77753 P1412 Q1321 +Q208685 P106 Q10798782 +Q44132 P69 Q547867 +Q76 P172 Q49085 +Q76395 P106 Q1622272 +Q229349 P551 Q65 +Q200392 P119 Q608405 +Q483507 P106 Q183945 +Q84217 P509 Q4651894 +Q1042 P463 Q496967 +Q748222 P1412 Q1860 +Q328201 P106 Q82955 +Q222965 P136 Q20442589 +Q324499 P1412 Q6654 +Q373421 P106 Q82955 +Q432526 P136 Q130232 +Q369022 P106 Q43845 +Q485310 P1303 Q17172850 +Q325389 P106 Q639669 +Q662119 P19 Q18438 +Q62882 P27 Q30 +Q46795 P551 Q114 +Q192279 P1412 Q7737 +Q53619 P27 Q668 +Q1036131 P27 Q16 +Q281034 P106 Q639669 +Q865 P530 Q55 +Q228818 P1303 Q17172850 +Q299965 P19 Q34863 +Q2096585 P27 Q159 +Q5105 P264 Q216364 +Q90520 P108 Q152171 +Q521350 P106 Q901 +Q154581 P495 Q30 +Q343456 P1303 Q3382191 +Q49074 P463 Q463303 +Q708581 P106 Q18844224 +Q92620 P1412 Q9035 +Q86843 P106 Q3621491 +Q434291 P106 Q2259451 +Q329999 P172 Q42406 +Q63432 P108 Q152087 +Q4024 P17 Q16957 +Q1360993 P106 Q36180 +Q70795 P1412 Q150 +Q144622 P106 Q36834 +Q61132 P102 Q7320 +Q230123 P1412 Q1321 +Q88914 P106 Q36180 +Q332493 P106 Q201788 +Q92627 P69 Q219563 +Q7726 P3373 Q151087 +Q235318 P135 Q186030 +Q4093262 P106 Q2516866 +Q162035 P106 Q33999 +Q14320 P136 Q20443008 +Q313080 P136 Q850412 +Q153238 P509 Q12152 +Q77210 P102 Q49750 +Q75786 P102 Q310296 +Q245208 P161 Q318261 +Q182046 P106 Q1281618 +Q695886 P108 Q161562 +Q61723 P737 Q5752 +Q1729 P17 Q27306 +Q57372 P69 Q153006 +Q75814 P463 Q451079 +Q187336 P101 Q1930187 +Q139087 P1412 Q1860 +Q34060 P509 Q2140674 +Q191027 P108 Q126399 +Q262314 P106 Q639669 +Q594272 P27 Q28 +Q211 P30 Q46 +Q55 P463 Q826700 +Q323236 P106 Q3282637 +Q1853186 P136 Q37073 +Q262507 P40 Q254789 +Q921869 P69 Q160302 +Q271690 P161 Q329744 +Q234487 P106 Q177220 +Q282877 P106 Q855091 +Q214677 P509 Q12192 +Q191755 P106 Q3282637 +Q188648 P106 Q33999 +Q327886 P509 Q12152 +Q161955 P106 Q36180 +Q194287 P27 Q30 +Q375419 P106 Q10798782 +Q1154246 P106 Q10816969 +Q242530 P136 Q24925 +Q240808 P1412 Q1860 +Q6096 P106 Q13235160 +Q88029 P102 Q157537 +Q305864 P1412 Q150 +Q547183 P264 Q1542119 +Q465242 P463 Q463303 +Q189015 P19 Q2634 +Q1750541 P106 Q10732476 +Q18967 P161 Q299297 +Q333118 P106 Q947873 +Q153149 P106 Q28389 +Q443166 P136 Q38848 +Q1356586 P136 Q9730 +Q36878 P27 Q159 +Q4030 P106 Q1415090 +Q442198 P20 Q90 +Q67018 P106 Q82955 +Q94586 P106 Q28389 +Q714106 P106 Q1930187 +Q123987 P509 Q12078 +Q978375 P106 Q639669 +Q235421 P106 Q2259451 +Q554406 P106 Q182436 +Q349456 P106 Q201788 +Q92636 P27 Q30 +Q188726 P106 Q214917 +Q2964710 P106 Q578109 +Q182509 P140 Q75809 +Q506198 P106 Q33999 +Q90288 P106 Q1622272 +Q238871 P106 Q36180 +Q340138 P136 Q20442589 +Q310638 P27 Q30 +Q556858 P1412 Q1321 +Q711 P530 Q334 +Q9364 P463 Q463303 +Q562556 P509 Q12152 +Q312078 P136 Q1339864 +Q724517 P106 Q49757 +Q242707 P172 Q42406 +Q59259 P106 Q10800557 +Q106428 P136 Q319221 +Q428814 P106 Q15981151 +Q123413 P106 Q36180 +Q1064284 P264 Q1046066 +Q214851 P106 Q860918 +Q174284 P495 Q30 +Q308929 P161 Q164534 +Q125017 P1412 Q1860 +Q283696 P161 Q189078 +Q1360993 P27 Q16 +Q270869 P106 Q36834 +Q854 P530 Q159 +Q103357 P106 Q14915627 +Q1280986 P106 Q488205 +Q254524 P69 Q658192 +Q1710614 P106 Q4263842 +Q699565 P27 Q30 +Q48779 P69 Q219563 +Q12817 P1412 Q150 +Q444601 P106 Q33999 +Q91823 P27 Q1206012 +Q106607 P106 Q10800557 +Q117 P530 Q668 +Q327681 P161 Q208667 +Q4345832 P131 Q656 +Q242376 P101 Q35760 +Q151904 P495 Q30 +Q86812 P27 Q183 +Q213929 P106 Q350979 +Q276523 P136 Q188473 +Q503770 P27 Q30 +Q313388 P69 Q736674 +Q612005 P106 Q36180 +Q67462 P19 Q1055 +Q908693 P106 Q36180 +Q739 P463 Q123759 +Q88267 P27 Q183 +Q69236 P119 Q240744 +Q237673 P106 Q2526255 +Q72682 P106 Q864380 +Q105349 P264 Q1124849 +Q217750 P106 Q33999 +Q26625 P264 Q3001888 +Q237081 P106 Q4610556 +Q1280288 P102 Q29468 +Q366570 P106 Q482980 +Q75185 P108 Q622683 +Q132351 P840 Q60 +Q334760 P108 Q41506 +Q731139 P20 Q90 +Q578396 P172 Q201111 +Q858 P361 Q7204 +Q556767 P551 Q18424 +Q108622 P172 Q974693 +Q66942 P106 Q1209498 +Q336222 P3373 Q234388 +Q391784 P57 Q223992 +Q400 P172 Q974693 +Q709640 P69 Q1472358 +Q207177 P1303 Q5994 +Q233397 P551 Q1524 +Q275170 P19 Q79867 +Q33760 P737 Q37160 +Q317516 P1412 Q1860 +Q463615 P161 Q342788 +Q4573 P106 Q2259451 +Q51023 P451 Q182991 +Q990492 P106 Q36180 +Q313727 P106 Q2259451 +Q302174 P136 Q853630 +Q310113 P106 Q5716684 +Q14010 P108 Q230899 +Q48337 P106 Q2095549 +Q109438 P106 Q482980 +Q543910 P19 Q84 +Q902463 P463 Q270794 +Q81223 P106 Q28389 +Q399 P530 Q45 +Q191132 P106 Q3282637 +Q706941 P106 Q12800682 +Q105453 P27 Q183 +Q941655 P106 Q333634 +Q149406 P161 Q204750 +Q62352 P1303 Q17172850 +Q45396 P136 Q8341 +Q105273 P19 Q2079 +Q208590 P69 Q981195 +Q319392 P136 Q131272 +Q217627 P136 Q860626 +Q270324 P551 Q84 +Q42831 P108 Q4345832 +Q242956 P106 Q12144794 +Q60847 P463 Q329464 +Q167635 P264 Q1123947 +Q192474 P106 Q855091 +Q213684 P69 Q152087 +Q78107 P27 Q16957 +Q231603 P101 Q35760 +Q4492929 P20 Q649 +Q233739 P106 Q10800557 +Q57735 P463 Q40970 +Q312885 P27 Q30 +Q152555 P264 Q387539 +Q316709 P106 Q245068 +Q77193 P27 Q183 +Q128121 P1303 Q51290 +Q173839 P69 Q49112 +Q180453 P27 Q30 +Q30449 P264 Q796316 +Q188459 P451 Q103157 +Q326409 P27 Q213 +Q80758 P1303 Q17172850 +Q463715 P106 Q12800682 +Q284333 P161 Q356287 +Q1064 P19 Q490 +Q192474 P106 Q36834 +Q315090 P69 Q8047423 +Q1225141 P264 Q38903 +Q283859 P27 Q159 +Q323076 P106 Q10798782 +Q605489 P108 Q194223 +Q232810 P19 Q100 +Q674739 P69 Q1144673 +Q19364345 P106 Q2462658 +Q242949 P106 Q2526255 +Q41173 P136 Q37073 +Q60087 P1412 Q188 +Q226053 P106 Q40348 +Q389779 P119 Q2000666 +Q436712 P106 Q822146 +Q44007 P106 Q5322166 +Q61863 P69 Q152171 +Q389851 P264 Q311439 +Q155928 P463 Q40970 +Q4681470 P19 Q1033 +Q361257 P69 Q131252 +Q71848 P106 Q36180 +Q106812 P106 Q14467526 +Q471443 P20 Q649 +Q7327 P509 Q744913 +Q429046 P106 Q177220 +Q329700 P106 Q33999 +Q188850 P495 Q183 +Q329127 P161 Q228882 +Q1744 P27 Q30 +Q52488 P1412 Q9091 +Q107167 P161 Q292381 +Q153185 P463 Q684415 +Q48129 P102 Q1774814 +Q76343 P106 Q82955 +Q657 P463 Q47543 +Q311232 P264 Q121698 +Q4509 P19 Q23556 +Q311802 P119 Q27426 +Q445386 P172 Q49085 +Q451630 P136 Q188473 +Q266209 P136 Q2484376 +Q107194 P551 Q56036 +Q135329 P119 Q191 +Q122622 P106 Q49757 +Q98116 P140 Q75809 +Q1062350 P106 Q43845 +Q148204 P161 Q51461 +Q335142 P106 Q49757 +Q216052 P106 Q1930187 +Q1373347 P1303 Q8355 +Q139121 P106 Q639669 +Q231948 P136 Q35760 +Q115754 P106 Q36180 +Q956652 P69 Q691851 +Q374045 P509 Q12078 +Q2658411 P1412 Q13955 +Q145132 P509 Q47912 +Q123238 P106 Q82955 +Q166835 P551 Q33486 +Q96114 P106 Q1231865 +Q559774 P1412 Q1617 +Q291314 P106 Q2526255 +Q705333 P1303 Q17172850 +Q298412 P106 Q177220 +Q212678 P20 Q472 +Q18456 P106 Q36180 +Q44647 P1412 Q188 +Q173839 P69 Q640652 +Q99728 P1412 Q188 +Q185147 P509 Q12152 +Q361587 P19 Q1342 +Q40580 P1303 Q17172850 +Q65113 P101 Q7318 +Q164111 P1412 Q9168 +Q346833 P106 Q33999 +Q150471 P106 Q28389 +Q184935 P27 Q203493 +Q460075 P106 Q4263842 +Q269927 P27 Q30 +Q943694 P106 Q1930187 +Q225916 P161 Q40026 +Q207 P40 Q153481 +Q235511 P172 Q49085 +Q310060 P106 Q28389 +Q207916 P136 Q188473 +Q214 P463 Q827525 +Q40319 P463 Q123885 +Q434003 P106 Q10798782 +Q182229 P106 Q36180 +Q896966 P106 Q205375 +Q224029 P106 Q11774202 +Q90653 P27 Q183 +Q389779 P69 Q7739610 +Q63117 P106 Q201788 +Q182725 P106 Q488205 +Q40874 P101 Q35760 +Q76553 P106 Q15627169 +Q380381 P136 Q11399 +Q366624 P106 Q639669 +Q232985 P106 Q5716684 +Q135329 P27 Q159 +Q238045 P69 Q797078 +Q258847 P136 Q860626 +Q555613 P106 Q36180 +Q212026 P551 Q65 +Q558104 P27 Q30 +Q208204 P136 Q157394 +Q156911 P495 Q142 +Q468067 P1412 Q7737 +Q4124737 P1412 Q7737 +Q444371 P119 Q1358639 +Q182486 P26 Q361523 +Q448930 P136 Q11401 +Q256666 P136 Q182015 +Q84503 P106 Q33231 +Q328760 P106 Q169470 +Q204005 P106 Q10800557 +Q75757 P27 Q1206012 +Q184605 P840 Q99 +Q3490465 P69 Q41506 +Q1445729 P106 Q177220 +Q313509 P737 Q151164 +Q1760695 P161 Q131725 +Q138416 P106 Q40348 +Q947291 P1303 Q5994 +Q342533 P106 Q10800557 +Q1008 P463 Q899770 +Q434805 P106 Q3387717 +Q96962 P106 Q193391 +Q173804 P161 Q233801 +Q726251 P17 Q30 +Q180251 P1412 Q1860 +Q201359 P136 Q9730 +Q228739 P106 Q10798782 +Q83359 P69 Q174710 +Q458033 P161 Q203215 +Q72800 P102 Q49750 +Q20 P463 Q7184 +Q319502 P106 Q12800682 +Q826731 P1412 Q188 +Q153658 P106 Q753110 +Q1396655 P463 Q842008 +Q6694 P463 Q414188 +Q919462 P1303 Q51290 +Q319737 P1303 Q5994 +Q7336 P27 Q183 +Q714162 P106 Q1607826 +Q94513 P106 Q177220 +Q238305 P102 Q29468 +Q206972 P1412 Q150 +Q78003 P106 Q214917 +Q132524 P69 Q27621 +Q186959 P19 Q36036 +Q11817 P106 Q82955 +Q181799 P106 Q2259451 +Q433616 P20 Q65 +Q61813 P140 Q75809 +Q1396852 P102 Q79854 +Q98087 P106 Q1622272 +Q71640 P69 Q152087 +Q562641 P19 Q18383 +Q236066 P106 Q10800557 +Q439895 P264 Q3001888 +Q332640 P69 Q49088 +Q16 P530 Q34 +Q545375 P106 Q4263842 +Q61064 P1412 Q188 +Q58592 P27 Q183 +Q3666327 P69 Q209842 +Q192762 P1412 Q1860 +Q367391 P20 Q70 +Q709044 P264 Q885977 +Q20 P530 Q229 +Q442031 P106 Q36180 +Q55846 P69 Q174570 +Q560818 P106 Q170790 +Q498 P27 Q70972 +Q164351 P27 Q183 +Q236469 P69 Q995265 +Q918647 P69 Q178416 +Q951621 P106 Q4964182 +Q128126 P106 Q4964182 +Q574400 P106 Q4964182 +Q197162 P106 Q36180 +Q213081 P161 Q238464 +Q948561 P27 Q17 +Q235351 P19 Q490 +Q223559 P161 Q269835 +Q589978 P106 Q1930187 +Q380981 P840 Q48 +Q105387 P161 Q311453 +Q338623 P106 Q4263842 +Q971493 P27 Q30 +Q73482 P69 Q156725 +Q538824 P106 Q486748 +Q729115 P1303 Q5994 +Q353812 P119 Q2790054 +Q41749 P27 Q183 +Q62809 P26 Q49492 +Q70300 P19 Q1770 +Q323074 P1412 Q1860 +Q161363 P69 Q189441 +Q156814 P27 Q30 +Q112214 P551 Q1741 +Q108175 P1412 Q188 +Q211785 P27 Q34266 +Q57317 P108 Q875788 +Q65337 P463 Q684415 +Q689820 P172 Q179248 +Q63670 P27 Q30 +Q199929 P1412 Q1860 +Q319725 P106 Q10798782 +Q109067 P106 Q82955 +Q356762 P106 Q177220 +Q57676 P463 Q150793 +Q19837 P509 Q212961 +Q57085 P1412 Q1860 +Q111087 P1412 Q9288 +Q51476 P19 Q43668 +Q212790 P106 Q2526255 +Q1677044 P1050 Q11081 +Q888152 P264 Q843402 +Q333118 P106 Q1930187 +Q19801728 P136 Q157394 +Q23530 P27 Q159 +Q203674 P19 Q90 +Q339876 P136 Q2484376 +Q43144 P140 Q23540 +Q268940 P3373 Q276005 +Q272438 P1412 Q1860 +Q184366 P101 Q431 +Q907738 P69 Q1145814 +Q7563919 P27 Q115 +Q175102 P106 Q183945 +Q332525 P3373 Q484523 +Q24995 P106 Q753110 +Q927879 P1412 Q150 +Q1070152 P495 Q30 +Q854 P37 Q5885 +Q75292 P119 Q12404547 +Q91903 P463 Q451079 +Q200509 P463 Q543804 +Q104061 P19 Q18419 +Q176537 P119 Q1302545 +Q51537 P1412 Q1860 +Q357980 P27 Q219 +Q314382 P69 Q49116 +Q51416 P161 Q271471 +Q145 P530 Q230 +Q235685 P69 Q1026827 +Q107957 P140 Q1841 +Q188569 P27 Q174193 +Q34816 P69 Q49088 +Q505743 P106 Q2526255 +Q163263 P106 Q10798782 +Q718609 P463 Q209184 +Q1042 P530 Q114 +Q66426 P136 Q482 +Q163063 P106 Q177220 +Q61446 P108 Q678982 +Q465105 P136 Q45981 +Q313281 P106 Q1415090 +Q57187 P1412 Q150 +Q38573 P463 Q1792159 +Q763 P463 Q3369762 +Q61064 P737 Q78484 +Q67511 P1412 Q188 +Q2481742 P463 Q543804 +Q43408 P161 Q485310 +Q154331 P463 Q812155 +Q902 P530 Q912 +Q467737 P27 Q15180 +Q368424 P106 Q10800557 +Q437616 P463 Q463303 +Q61687 P102 Q7320 +Q766 P463 Q191384 +Q181795 P161 Q81328 +Q238 P530 Q38 +Q324588 P106 Q2259451 +Q11590 P19 Q1261 +Q31628 P136 Q474090 +Q185048 P161 Q181917 +Q51575 P140 Q7066 +Q202693 P106 Q177220 +Q49072 P27 Q30 +Q4679786 P106 Q43845 +Q99080 P1412 Q188 +Q5928 P106 Q639669 +Q444237 P106 Q2004963 +Q645167 P136 Q8341 +Q445115 P106 Q28389 +Q70991 P106 Q36180 +Q28493 P69 Q860450 +Q298930 P106 Q753110 +Q366091 P106 Q193391 +Q296609 P106 Q18545066 +Q23543 P106 Q5716684 +Q695200 P106 Q40348 +Q234428 P1303 Q6607 +Q529276 P101 Q8341 +Q4977994 P108 Q1399299 +Q333106 P69 Q805285 +Q313023 P106 Q639669 +Q884 P37 Q9176 +Q462149 P495 Q38 +Q193509 P136 Q11366 +Q366890 P108 Q194223 +Q1929135 P1303 Q17172850 +Q818048 P106 Q183945 +Q991720 P509 Q12136 +Q67917 P19 Q2843 +Q364875 P1303 Q9798 +Q288355 P161 Q315083 +Q1290 P140 Q1841 +Q124735 P106 Q6625963 +Q573665 P27 Q145 +Q108355 P19 Q3933 +Q168721 P106 Q10800557 +Q717 P463 Q17495 +Q531287 P1412 Q7913 +Q486096 P106 Q1930187 +Q347635 P106 Q28389 +Q257317 P106 Q33999 +Q350678 P20 Q34006 +Q6530 P69 Q189441 +Q35 P463 Q42262 +Q1124 P463 Q1938003 +Q326229 P19 Q60 +Q151904 P161 Q4547 +Q235931 P19 Q47164 +Q19201 P106 Q855091 +Q322730 P108 Q13371 +Q663858 P361 Q6354282 +Q232000 P495 Q30 +Q451812 P136 Q43343 +Q271465 P509 Q12136 +Q359325 P27 Q664 +Q237039 P106 Q13418253 +Q66729 P1412 Q188 +Q455552 P136 Q959790 +Q144746 P106 Q2722764 +Q367447 P1303 Q8338 +Q155458 P495 Q30 +Q236378 P106 Q10800557 +Q465181 P1412 Q256 +Q63169 P463 Q150793 +Q181086 P136 Q959790 +Q9047 P106 Q14915627 +Q539120 P1412 Q9288 +Q57389 P106 Q49757 +Q1070832 P106 Q1415090 +Q85586 P108 Q217741 +Q230665 P106 Q10800557 +Q164674 P106 Q2526255 +Q213411 P495 Q30 +Q183266 P106 Q36180 +Q188482 P509 Q12078 +Q214831 P136 Q37073 +Q178991 P106 Q121594 +Q102235 P161 Q234798 +Q234224 P106 Q864503 +Q212632 P106 Q214917 +Q811 P463 Q1043527 +Q181683 P136 Q37073 +Q541964 P20 Q23482 +Q275543 P108 Q126399 +Q361670 P106 Q2526255 +Q96 P530 Q43 +Q34166 P264 Q212699 +Q178966 P161 Q433059 +Q274181 P106 Q486748 +Q228936 P161 Q170530 +Q12688 P106 Q42909 +Q151870 P136 Q3072039 +Q315507 P106 Q188094 +Q62544 P102 Q7320 +Q35686 P463 Q4742987 +Q10738 P106 Q13474373 +Q268262 P106 Q82955 +Q713297 P1412 Q7918 +Q166769 P106 Q177220 +Q316313 P19 Q60 +Q326431 P27 Q142 +Q7833 P69 Q273447 +Q164562 P20 Q220 +Q318885 P106 Q33999 +Q71499 P20 Q2833 +Q1194456 P17 Q30 +Q49747 P19 Q1296 +Q271731 P106 Q49757 +Q207482 P136 Q28026639 +Q77549 P20 Q2966 +Q240521 P106 Q10800557 +Q207817 P1412 Q9168 +Q79025 P106 Q16533 +Q217552 P495 Q145 +Q359552 P264 Q843402 +Q1805943 P27 Q30 +Q222939 P136 Q188473 +Q127330 P40 Q401963 +Q205435 P106 Q2259451 +Q932884 P551 Q1492 +Q744689 P106 Q82955 +Q71819 P3373 Q214191 +Q159700 P102 Q327591 +Q208116 P1412 Q7737 +Q154751 P140 Q9592 +Q236479 P69 Q981195 +Q2737 P69 Q1137719 +Q938475 P106 Q1607826 +Q229808 P136 Q471839 +Q230939 P106 Q33999 +Q297831 P1303 Q17172850 +Q157400 P106 Q177220 +Q410 P101 Q11063 +Q202801 P106 Q2405480 +Q444832 P264 Q1273666 +Q40046 P106 Q2259451 +Q1736382 P1412 Q9288 +Q223985 P106 Q33999 +Q190231 P106 Q2259451 +Q322794 P106 Q2374149 +Q8877 P40 Q40057 +Q41173 P264 Q190585 +Q431401 P1303 Q6607 +Q272382 P1303 Q6607 +Q229048 P106 Q10800557 +Q47561 P69 Q622683 +Q271614 P1303 Q6607 +Q104791 P140 Q178169 +Q702111 P509 Q189588 +Q312252 P106 Q177220 +Q938749 P136 Q11399 +Q91982 P20 Q1726 +Q340016 P106 Q28389 +Q191819 P264 Q183412 +Q217495 P19 Q1761 +Q88748 P20 Q2814 +Q241665 P106 Q488205 +Q44892 P264 Q843402 +Q193426 P27 Q30 +Q760790 P106 Q4263842 +Q154959 P106 Q185351 +Q47484 P106 Q11774202 +Q322056 P106 Q2259451 +Q311752 P20 Q1297 +Q222818 P106 Q245068 +Q41257 P108 Q156737 +Q364679 P102 Q29468 +Q273574 P3373 Q106997 +Q577504 P27 Q142 +Q76 P463 Q463303 +Q152773 P27 Q30 +Q76534 P27 Q16957 +Q40197 P106 Q33231 +Q1721 P17 Q713750 +Q228852 P106 Q948329 +Q212416 P106 Q2259451 +Q156774 P463 Q684415 +Q647687 P20 Q7473516 +Q202729 P106 Q488205 +Q201221 P136 Q676 +Q538109 P106 Q18814623 +Q114115 P840 Q21 +Q299968 P106 Q33999 +Q238819 P136 Q850412 +Q338432 P159 Q220 +Q77492 P106 Q39631 +Q767435 P106 Q1792450 +Q169717 P106 Q36834 +Q23858 P106 Q36180 +Q1849355 P106 Q855091 +Q96230 P463 Q543804 +Q611586 P19 Q100 +Q896193 P106 Q33999 +Q324499 P106 Q2526255 +Q1766736 P1412 Q150 +Q62559 P551 Q64 +Q28941 P106 Q28389 +Q78931 P1412 Q188 +Q83059 P1412 Q1860 +Q61673 P106 Q82955 +Q78772 P172 Q7325 +Q1016 P530 Q233 +Q138084 P136 Q959790 +Q198621 P106 Q36180 +Q236987 P1412 Q150 +Q251068 P1303 Q51290 +Q489 P106 Q245068 +Q108460 P102 Q153401 +Q240377 P264 Q18628 +Q76600 P106 Q1622272 +Q918447 P1303 Q17172850 +Q109135 P136 Q52162262 +Q588591 P106 Q36834 +Q120966 P106 Q1607826 +Q34105 P69 Q1934911 +Q540134 P106 Q177220 +Q437944 P27 Q27 +Q157326 P509 Q188874 +Q471542 P1303 Q17172850 +Q442547 P27 Q145 +Q192762 P19 Q18419 +Q124494 P463 Q451079 +Q73993 P106 Q1622272 +Q151523 P101 Q5891 +Q207036 P509 Q12202 +Q756645 P172 Q201111 +Q109180 P1412 Q188 +Q70103 P106 Q16287483 +Q57619 P106 Q1930187 +Q79069 P69 Q165980 +Q103285 P69 Q219694 +Q114 P463 Q5611262 +Q173061 P106 Q488205 +Q75889 P135 Q37068 +Q581018 P20 Q90 +Q1701970 P106 Q488205 +Q115455 P1412 Q8748 +Q221957 P106 Q6625963 +Q211731 P27 Q30 +Q539897 P106 Q753110 +Q1016 P463 Q340195 +Q897275 P102 Q49762 +Q192022 P161 Q106791 +Q34 P530 Q419 +Q440145 P106 Q189290 +Q31073 P20 Q60 +Q874 P530 Q184 +Q153996 P106 Q639669 +Q536723 P106 Q488205 +Q38082 P27 Q174193 +Q61227 P1412 Q188 +Q219060 P530 Q878 +Q403 P463 Q376150 +Q217685 P161 Q349391 +Q369957 P27 Q129286 +Q330238 P1412 Q809 +Q91436 P20 Q3033 +Q408 P530 Q953 +Q10536 P27 Q766 +Q1443689 P1303 Q17172850 +Q376278 P106 Q3387717 +Q1683438 P106 Q627325 +Q268994 P27 Q15180 +Q96843 P40 Q214999 +Q44647 P27 Q140359 +Q57187 P106 Q36180 +Q452361 P136 Q1344 +Q216573 P106 Q36180 +Q562213 P106 Q1569495 +Q98370 P106 Q36180 +Q23728 P69 Q503415 +Q18430 P463 Q123885 +Q77031 P463 Q812155 +Q18066 P106 Q49757 +Q223745 P27 Q408 +Q105598 P57 Q270639 +Q99279 P106 Q10798782 +Q134773 P161 Q2263 +Q185610 P264 Q212699 +Q194638 P106 Q14915627 +Q187019 P19 Q25395 +Q171684 P1412 Q9176 +Q77749 P108 Q153987 +Q1976514 P106 Q36834 +Q180252 P106 Q2722764 +Q354863 P106 Q169470 +Q234058 P69 Q1446181 +Q165706 P27 Q159 +Q152453 P106 Q5716684 +Q62665 P136 Q130232 +Q44855 P136 Q45981 +Q24980 P161 Q210741 +Q253977 P106 Q2059704 +Q1041 P463 Q7159 +Q87542 P106 Q10800557 +Q295093 P106 Q36180 +Q312280 P106 Q33999 +Q229264 P106 Q169470 +Q248179 P106 Q10800557 +Q1153032 P17 Q30 +Q96772 P106 Q82955 +Q18809 P1412 Q7737 +Q3731533 P102 Q29468 +Q182991 P106 Q10800557 +Q78481 P27 Q40 +Q214665 P551 Q490 +Q208424 P136 Q52162262 +Q159840 P106 Q1622272 +Q833 P530 Q43 +Q85726 P106 Q753110 +Q206374 P161 Q271464 +Q311093 P106 Q3282637 +Q40479 P106 Q36834 +Q165699 P161 Q77035 +Q77 P530 Q155 +Q271145 P1303 Q17172850 +Q7302 P106 Q1259917 +Q77184 P69 Q154804 +Q94831 P106 Q177220 +Q41513 P19 Q84 +Q3335 P106 Q49757 +Q888487 P106 Q486748 +Q197977 P27 Q43 +Q73581 P106 Q82955 +Q1384181 P19 Q60 +Q124070 P106 Q16031530 +Q108560 P140 Q432 +Q239540 P106 Q333634 +Q543060 P106 Q1930187 +Q83184 P172 Q160894 +Q443995 P106 Q33999 +Q212041 P495 Q145 +Q448163 P509 Q12078 +Q58811 P20 Q1721 +Q323483 P1303 Q9798 +Q281034 P264 Q202585 +Q188570 P463 Q1971373 +Q212145 P57 Q350717 +Q108886 P106 Q82955 +Q297816 P106 Q10798782 +Q424 P463 Q384535 +Q6694 P172 Q42884 +Q72908 P27 Q30 +Q1899 P131 Q212 +Q515034 P106 Q1930187 +Q420407 P106 Q33999 +Q552819 P1303 Q6607 +Q1067043 P264 Q27184 +Q361630 P106 Q2526255 +Q653693 P17 Q145 +Q2100 P463 Q747279 +Q3762573 P106 Q205375 +Q98124 P102 Q49768 +Q92650 P1412 Q1860 +Q153776 P106 Q662729 +Q70087 P106 Q40348 +Q76811 P1412 Q188 +Q222071 P106 Q36834 +Q186327 P264 Q2996526 +Q1801255 P106 Q177220 +Q143945 P3373 Q232470 +Q1353064 P463 Q188771 +Q705630 P27 Q16 +Q59054 P1412 Q7737 +Q978959 P106 Q28389 +Q954231 P264 Q216364 +Q275545 P27 Q30 +Q172653 P27 Q145 +Q377428 P161 Q16390 +Q1623549 P106 Q81096 +Q332525 P136 Q11366 +Q119687 P106 Q10873124 +Q1149 P26 Q554175 +Q80204 P161 Q230383 +Q187423 P161 Q345468 +Q440528 P106 Q4263842 +Q118059 P19 Q64 +Q106762 P106 Q82955 +Q1680807 P69 Q49126 +Q58760 P19 Q56036 +Q485280 P172 Q49085 +Q225657 P1412 Q1860 +Q69366 P119 Q819654 +Q549729 P1412 Q1860 +Q1479971 P463 Q1202021 +Q99076 P106 Q13418253 +Q71452 P264 Q1536003 +Q72090 P161 Q314403 +Q352617 P1412 Q6654 +Q1067 P19 Q2044 +Q289614 P1303 Q5994 +Q290287 P106 Q33999 +Q238045 P106 Q10800557 +Q502896 P27 Q34 +Q108460 P106 Q4773904 +Q47561 P136 Q482 +Q11124 P69 Q81162 +Q78513 P1412 Q188 +Q107957 P106 Q82955 +Q93356 P737 Q37767 +Q307 P551 Q2044 +Q172154 P102 Q310296 +Q465181 P106 Q15949613 +Q221103 P57 Q95008 +Q67529 P1412 Q188 +Q152272 P27 Q142 +Q2607 P26 Q76893 +Q505517 P106 Q753110 +Q708164 P106 Q4853732 +Q371972 P106 Q10798782 +Q76772 P463 Q270794 +Q200883 P69 Q5149833 +Q314787 P106 Q6625963 +Q4145 P106 Q947873 +Q184605 P161 Q163234 +Q59314 P106 Q948329 +Q30 P530 Q1032 +Q472487 P1303 Q128309 +Q457316 P106 Q1930187 +Q596925 P106 Q49757 +Q887347 P1303 Q5994 +Q72790 P106 Q333634 +Q65126 P27 Q183 +Q7314 P551 Q656 +Q244876 P161 Q270672 +Q881176 P20 Q485172 +Q174843 P106 Q10798782 +Q1955997 P135 Q9730 +Q82519 P840 Q18419 +Q1343499 P106 Q806349 +Q237134 P136 Q130232 +Q2861 P463 Q1768108 +Q95855 P106 Q16533 +Q9513 P106 Q81096 +Q109324 P1412 Q1860 +Q143945 P27 Q142 +Q217787 P106 Q639669 +Q176351 P106 Q3400985 +Q430076 P106 Q33999 +Q269869 P106 Q10800557 +Q160778 P1303 Q17172850 +Q182580 P264 Q3415083 +Q348534 P161 Q296524 +Q276525 P69 Q52413 +Q176455 P26 Q309788 +Q11593 P161 Q359325 +Q156942 P106 Q169470 +Q520346 P106 Q1415090 +Q460366 P509 Q12152 +Q745363 P27 Q28513 +Q123706 P1412 Q1321 +Q218992 P1303 Q17172850 +Q220584 P106 Q2405480 +Q55497 P140 Q5043 +Q60625 P106 Q170790 +Q208108 P840 Q60 +Q4401409 P1412 Q7737 +Q125462 P106 Q185351 +Q134123 P172 Q133255 +Q234791 P1303 Q46185 +Q29213 P27 Q33 +Q168452 P106 Q81096 +Q57393 P106 Q6625963 +Q61356 P27 Q30 +Q38193 P737 Q859 +Q890204 P106 Q2526255 +Q494412 P69 Q274486 +Q292693 P1412 Q727694 +Q727257 P106 Q1930187 +Q101235 P106 Q36180 +Q1345514 P27 Q30 +Q295593 P106 Q33999 +Q2370801 P17 Q15180 +Q373267 P161 Q272977 +Q855 P27 Q2305208 +Q60579 P463 Q2124852 +Q43994 P140 Q288928 +Q750 P463 Q123759 +Q77060 P463 Q414110 +Q843 P530 Q837 +Q343510 P106 Q2259451 +Q869 P530 Q851 +Q249107 P1303 Q17172850 +Q47296 P57 Q7374 +Q237196 P136 Q132311 +Q962442 P106 Q957729 +Q82426 P161 Q340213 +Q213684 P19 Q1486 +Q184169 P101 Q179805 +Q49767 P172 Q121842 +Q296313 P509 Q12152 +Q353816 P27 Q145 +Q92600 P1412 Q7737 +Q233736 P101 Q207628 +Q16 P463 Q1043527 +Q242110 P1303 Q6607 +Q760 P463 Q205995 +Q75849 P1412 Q188 +Q275991 P1412 Q1321 +Q210812 P161 Q271464 +Q237331 P27 Q145 +Q75546 P495 Q30 +Q200396 P840 Q84 +Q108639 P140 Q9268 +Q252469 P27 Q145 +Q55207 P106 Q8246794 +Q58978 P101 Q18362 +Q9049 P463 Q463303 +Q66649 P27 Q172107 +Q797599 P264 Q183387 +Q60970 P1303 Q6607 +Q2908 P172 Q121842 +Q84335 P102 Q7320 +Q5921354 P27 Q30 +Q233959 P106 Q177220 +Q4977994 P106 Q713200 +Q37160 P106 Q36180 +Q442549 P20 Q84 +Q159 P530 Q55 +Q9095 P101 Q395 +Q6050 P106 Q4610556 +Q47100 P106 Q245068 +Q39789 P101 Q431 +Q180589 P106 Q82955 +Q294773 P463 Q463303 +Q82949 P161 Q343633 +Q898618 P136 Q7749 +Q12696 P106 Q193391 +Q1479971 P106 Q1622272 +Q1887014 P106 Q10732476 +Q120977 P106 Q170790 +Q2814 P17 Q55300 +Q221364 P106 Q753110 +Q1016 P530 Q865 +Q77144 P1412 Q150 +Q547565 P106 Q1930187 +Q47139 P102 Q641691 +Q175457 P106 Q81096 +Q103174 P1412 Q188 +Q60851 P27 Q183 +Q258 P37 Q1860 +Q380424 P1412 Q8798 +Q7439 P69 Q5676553 +Q437039 P106 Q753110 +Q47293 P106 Q28389 +Q550598 P136 Q11401 +Q299100 P69 Q20808141 +Q264326 P1303 Q17172850 +Q445703 P509 Q35869 +Q40046 P106 Q10800557 +Q29055 P172 Q7325 +Q435290 P463 Q835943 +Q356965 P106 Q1930187 +Q357980 P172 Q133255 +Q84386 P19 Q1741 +Q437254 P19 Q90 +Q232 P463 Q376150 +Q178412 P106 Q11063 +Q159542 P463 Q2124852 +Q92819 P101 Q21198 +Q947519 P108 Q499451 +Q1049 P463 Q294278 +Q526709 P135 Q667661 +Q164963 P161 Q189351 +Q167437 P161 Q483907 +Q130447 P106 Q33999 +Q58801 P106 Q2259451 +Q297598 P106 Q10800557 +Q125904 P106 Q1930187 +Q6538 P551 Q1792 +Q103835 P108 Q152087 +Q151898 P161 Q42930 +Q192409 P136 Q157443 +Q186525 P106 Q974144 +Q261522 P106 Q33999 +Q315773 P1412 Q1860 +Q955405 P119 Q771 +Q4397665 P69 Q174158 +Q539156 P106 Q19723482 +Q544915 P463 Q188771 +Q61197 P463 Q4345832 +Q148387 P161 Q242717 +Q707446 P106 Q177220 +Q157032 P172 Q84072 +Q380545 P106 Q214917 +Q213355 P69 Q332342 +Q202148 P69 Q993267 +Q92115 P108 Q55044 +Q235470 P106 Q36180 +Q697741 P19 Q3711 +Q179201 P27 Q129286 +Q67436 P106 Q333634 +Q454388 P106 Q482980 +Q1345844 P27 Q31 +Q218992 P106 Q753110 +Q297744 P3373 Q1345514 +Q63458 P463 Q329464 +Q7317 P106 Q639669 +Q297442 P27 Q30 +Q157707 P106 Q36180 +Q331425 P172 Q1026 +Q544521 P20 Q84 +Q228 P530 Q865 +Q264960 P106 Q10798782 +Q464882 P27 Q142 +Q75951 P108 Q51985 +Q109067 P119 Q2661974 +Q30 P530 Q41 +Q5977 P136 Q203720 +Q289614 P1412 Q150 +Q148 P463 Q191384 +Q32221 P106 Q386854 +Q76324 P69 Q154804 +Q156193 P463 Q46703 +Q253978 P161 Q311976 +Q16472 P27 Q30 +Q92094 P19 Q1022 +Q96 P530 Q889 +Q457333 P161 Q449072 +Q240370 P27 Q30 +Q444674 P136 Q9730 +Q1040028 P136 Q6585139 +Q93147 P27 Q30 +Q239293 P1412 Q1860 +Q213945 P106 Q47064 +Q558972 P106 Q36180 +Q17 P530 Q717 +Q177883 P106 Q40348 +Q221594 P840 Q60 +Q921808 P69 Q49114 +Q319578 P1412 Q9610 +Q215488 P106 Q10798782 +Q38193 P551 Q1792 +Q217 P530 Q34 +Q18913 P463 Q83172 +Q41342 P106 Q3282637 +Q519466 P136 Q83270 +Q27214 P106 Q15077007 +Q127606 P106 Q82955 +Q66248 P106 Q1930187 +Q154145 P737 Q38193 +Q431660 P840 Q17 +Q1395790 P106 Q36834 +Q1082312 P106 Q639669 +Q231781 P1412 Q652 +Q6043036 P106 Q1622272 +Q367085 P20 Q16559 +Q648098 P509 Q189588 +Q161400 P161 Q371430 +Q556941 P19 Q24826 +Q192686 P161 Q351290 +Q43303 P1412 Q1860 +Q359791 P106 Q639669 +Q222818 P1303 Q17172850 +Q2607 P737 Q855 +Q954623 P136 Q11401 +Q324905 P27 Q145 +Q266959 P106 Q36180 +Q252 P530 Q928 +Q29 P463 Q191384 +Q48984 P840 Q8652 +Q118375 P136 Q1200678 +Q2725555 P136 Q37073 +Q55497 P3373 Q11975 +Q244257 P161 Q73612 +Q64397 P27 Q30 +Q168963 P27 Q30 +Q84220 P57 Q350666 +Q93397 P1412 Q188 +Q441940 P106 Q183945 +Q271877 P69 Q7060402 +Q129601 P161 Q47899 +Q317350 P140 Q35032 +Q188214 P1412 Q1860 +Q3129951 P27 Q30 +Q105875 P1303 Q163829 +Q71633 P69 Q152087 +Q451312 P136 Q35760 +Q910392 P19 Q1899 +Q192979 P495 Q145 +Q252 P530 Q114 +Q309555 P106 Q3282637 +Q983686 P27 Q184 +Q104955 P106 Q1622272 +Q4202684 P106 Q177220 +Q222818 P106 Q5716684 +Q526382 P106 Q81096 +Q731958 P1303 Q6607 +Q712860 P1303 Q320002 +Q34677 P27 Q30 +Q934734 P106 Q36180 +Q284917 P161 Q312098 +Q60969 P27 Q38872 +Q1334617 P264 Q994175 +Q202982 P136 Q130232 +Q816565 P106 Q639669 +Q229241 P27 Q145 +Q73892 P19 Q1055 +Q310551 P106 Q10800557 +Q186221 P1412 Q150 +Q96556 P106 Q482980 +Q185888 P136 Q3072039 +Q1345514 P106 Q177220 +Q90220 P106 Q36834 +Q467378 P69 Q49088 +Q506582 P1412 Q9056 +Q298838 P106 Q33999 +Q61064 P172 Q49542 +Q9047 P737 Q37621 +Q24871 P161 Q102124 +Q74688 P108 Q152087 +Q179497 P551 Q11299 +Q311253 P1412 Q1860 +Q202613 P19 Q38022 +Q274608 P106 Q18939491 +Q69022 P106 Q15627169 +Q107226 P840 Q649 +Q223887 P161 Q42869 +Q274143 P106 Q40348 +Q910092 P106 Q81096 +Q356351 P106 Q43845 +Q46795 P106 Q11499147 +Q124287 P106 Q33999 +Q1101377 P136 Q45981 +Q782738 P20 Q2807 +Q67449 P108 Q50662 +Q16 P463 Q7184 +Q182229 P1412 Q1860 +Q212123 P136 Q859369 +Q55 P530 Q77 +Q215730 P108 Q55044 +Q71905 P108 Q154804 +Q16867 P172 Q846570 +Q713213 P69 Q645663 +Q67921 P106 Q753110 +Q1393149 P106 Q177220 +Q356487 P136 Q37073 +Q708963 P106 Q2405480 +Q15615 P1412 Q1860 +Q286339 P27 Q30 +Q118812 P106 Q1622272 +Q45233 P101 Q492537 +Q62666 P119 Q64 +Q171969 P106 Q350979 +Q174291 P495 Q17 +Q73890 P1412 Q188 +Q113830 P20 Q84 +Q937 P737 Q37160 +Q554406 P463 Q1468277 +Q80900 P106 Q219477 +Q1055 P17 Q183 +Q526120 P136 Q83270 +Q378645 P106 Q36180 +Q27645 P27 Q34266 +Q77024 P172 Q7325 +Q441551 P108 Q1065 +Q11593 P161 Q245075 +Q725510 P106 Q245068 +Q146673 P495 Q142 +Q57386 P20 Q25287 +Q121456 P106 Q2259451 +Q83333 P463 Q463303 +Q545375 P108 Q180865 +Q292558 P106 Q43845 +Q155907 P106 Q82955 +Q92871 P27 Q30 +Q360531 P69 Q797078 +Q1019 P530 Q148 +Q39246 P463 Q40358 +Q233581 P106 Q131524 +Q103835 P108 Q154804 +Q62686 P27 Q183 +Q128187 P161 Q229166 +Q57676 P20 Q64 +Q89433 P108 Q35794 +Q93124 P463 Q463303 +Q288645 P136 Q188473 +Q167265 P161 Q184572 +Q43736 P106 Q6625963 +Q39574 P1303 Q17172850 +Q309926 P136 Q11399 +Q1037 P463 Q7785 +Q423 P530 Q16 +Q337628 P106 Q2306091 +Q61078 P1412 Q188 +Q335629 P106 Q183945 +Q733640 P106 Q1209498 +Q335087 P106 Q1930187 +Q372234 P20 Q649 +Q366845 P106 Q1930187 +Q154346 P106 Q82955 +Q362228 P106 Q10800557 +Q353754 P108 Q49115 +Q529619 P19 Q37320 +Q57477 P106 Q36180 +Q1524938 P737 Q5928 +Q449575 P27 Q30 +Q9387 P106 Q40348 +Q62126 P106 Q219477 +Q1384181 P106 Q753110 +Q235515 P106 Q177220 +Q1443825 P27 Q183 +Q215652 P1412 Q188 +Q106571 P840 Q406 +Q466115 P106 Q40348 +Q76370 P69 Q153987 +Q214063 P27 Q183 +Q116105 P27 Q39 +Q186326 P106 Q4263842 +Q273866 P27 Q794 +Q783992 P1303 Q128309 +Q249107 P106 Q33999 +Q1341315 P106 Q13582652 +Q539171 P1412 Q13955 +Q9312 P737 Q9353 +Q155485 P161 Q354873 +Q66916 P27 Q183 +Q93188 P20 Q24639 +Q117392 P106 Q10798782 +Q5208 P106 Q1371378 +Q174843 P3373 Q309640 +Q652815 P106 Q270389 +Q62766 P106 Q2526255 +Q257953 P106 Q36180 +Q18125 P17 Q161885 +Q909 P737 Q6691 +Q254510 P1303 Q17172850 +Q505957 P106 Q639669 +Q244115 P161 Q80739 +Q106795 P27 Q183 +Q109767 P161 Q273079 +Q4218975 P3373 Q2449206 +Q216927 P136 Q484641 +Q262524 P102 Q29468 +Q9294 P1412 Q13955 +Q362133 P106 Q11481802 +Q25649 P106 Q1476215 +Q88135 P119 Q190494 +Q373034 P1412 Q150 +Q60772 P1412 Q1860 +Q191702 P463 Q1971373 +Q62084 P102 Q7320 +Q76824 P161 Q373500 +Q65445 P27 Q183 +Q78481 P140 Q75809 +Q2068521 P106 Q15855449 +Q65504 P1412 Q188 +Q53004 P106 Q2259451 +Q157970 P106 Q4853732 +Q77888 P69 Q152838 +Q285330 P136 Q1298934 +Q333260 P101 Q41217 +Q138007 P509 Q12078 +Q132537 P140 Q55004488 +Q330840 P509 Q11868838 +Q963 P530 Q230 +Q114 P463 Q376150 +Q30896 P1303 Q46185 +Q92858 P106 Q43845 +Q166214 P57 Q55258 +Q856008 P20 Q60 +Q61073 P509 Q133780 +Q132506 P27 Q30 +Q935407 P1412 Q7918 +Q228692 P106 Q10800557 +Q234630 P106 Q33999 +Q61677 P106 Q2405480 +Q809028 P1412 Q1860 +Q75174 P20 Q100 +Q223596 P161 Q89486 +Q274400 P161 Q233801 +Q376477 P19 Q60 +Q738978 P106 Q205375 +Q438355 P106 Q15253558 +Q256959 P106 Q639669 +Q87832 P108 Q151510 +Q1900054 P106 Q855091 +Q60025 P737 Q302 +Q180962 P737 Q170509 +Q165219 P106 Q2526255 +Q193815 P451 Q190386 +Q868839 P106 Q82955 +Q121926 P108 Q209842 +Q217627 P161 Q232837 +Q435034 P1303 Q5994 +Q229263 P27 Q30 +Q44412 P463 Q463303 +Q57604 P451 Q7833 +Q286022 P106 Q10798782 +Q30896 P27 Q30 +Q106209 P106 Q1622272 +Q164721 P106 Q855091 +Q187241 P106 Q81096 +Q216129 P140 Q6423963 +Q937359 P106 Q177220 +Q1239933 P1303 Q128309 +Q822 P530 Q403 +Q171150 P131 Q131964 +Q288359 P69 Q616591 +Q47904 P27 Q38 +Q2256 P17 Q161885 +Q7311 P136 Q1344 +Q156902 P106 Q250867 +Q295144 P106 Q10732476 +Q213553 P19 Q1741 +Q4030 P106 Q822146 +Q9594 P106 Q169470 +Q665344 P20 Q656 +Q383420 P106 Q28389 +Q243267 P509 Q12204 +Q192979 P136 Q130232 +Q29999 P463 Q782942 +Q296809 P172 Q7325 +Q148 P530 Q20 +Q145627 P106 Q2259451 +Q1057003 P106 Q639669 +Q203223 P264 Q216364 +Q77111 P509 Q175111 +Q645889 P452 Q746359 +Q243639 P106 Q177220 +Q183 P530 Q414 +Q180723 P1412 Q5287 +Q106997 P551 Q65 +Q77851 P27 Q183 +Q42047 P840 Q18419 +Q239307 P27 Q145 +Q660237 P161 Q229241 +Q6530 P106 Q18844224 +Q5878 P106 Q18814623 +Q1067043 P106 Q33999 +Q192887 P69 Q797078 +Q130742 P101 Q207628 +Q96962 P106 Q82955 +Q323175 P69 Q2994538 +Q370155 P19 Q18432 +Q182589 P106 Q5322166 +Q337453 P1412 Q1860 +Q314133 P119 Q1624932 +Q239540 P106 Q18814623 +Q49021 P161 Q11930 +Q68171 P136 Q9730 +Q66493 P40 Q60113 +Q32595 P264 Q208909 +Q1181035 P1303 Q78987 +Q31073 P1412 Q1860 +Q1507223 P19 Q37320 +Q120905 P106 Q1622272 +Q95710 P27 Q183 +Q381039 P106 Q15442776 +Q340213 P27 Q30 +Q715315 P69 Q194223 +Q234338 P106 Q1930187 +Q128532 P106 Q177220 +Q1046038 P106 Q15981151 +Q438355 P264 Q155152 +Q534599 P106 Q36180 +Q856008 P19 Q100 +Q106225 P106 Q2526255 +Q1546566 P106 Q28389 +Q1282562 P1412 Q1860 +Q104340 P20 Q127856 +Q381390 P106 Q36180 +Q160778 P19 Q1055 +Q67641 P106 Q10800557 +Q312078 P161 Q318485 +Q126896 P161 Q35011 +Q590 P19 Q597 +Q184933 P27 Q131964 +Q324905 P106 Q177220 +Q39 P530 Q408 +Q61194 P463 Q414110 +Q328320 P495 Q183 +Q2107 P463 Q52144567 +Q138166 P463 Q161806 +Q272896 P106 Q33999 +Q72553 P106 Q82955 +Q83326 P20 Q60 +Q363876 P106 Q753110 +Q313077 P463 Q463303 +Q1435910 P106 Q10800557 +Q3666327 P106 Q39631 +Q159552 P737 Q168356 +Q234096 P106 Q10798782 +Q689600 P108 Q209842 +Q83649 P136 Q157443 +Q163038 P161 Q193146 +Q243643 P161 Q228676 +Q4416818 P27 Q159 +Q1101195 P106 Q177220 +Q193426 P106 Q10798782 +Q8772 P172 Q121842 +Q258 P530 Q794 +Q19837 P106 Q1979607 +Q91023 P69 Q55044 +Q195367 P140 Q1841 +Q229881 P136 Q11399 +Q298930 P106 Q486748 +Q313023 P27 Q145 +Q1242553 P136 Q131272 +Q11703496 P1412 Q1321 +Q230744 P27 Q145 +Q76512 P463 Q684415 +Q312656 P106 Q28389 +Q92760 P463 Q123885 +Q92379 P102 Q49768 +Q86096 P463 Q695302 +Q9391 P20 Q350 +Q741862 P106 Q36180 +Q710619 P27 Q30 +Q65863 P1412 Q150 +Q153776 P463 Q2003501 +Q92621 P106 Q3400985 +Q240377 P27 Q30 +Q4538 P106 Q36180 +Q101235 P106 Q49757 +Q1060115 P106 Q33999 +Q254431 P119 Q1358639 +Q8354131 P1412 Q1321 +Q361617 P106 Q49757 +Q109943 P106 Q82955 +Q970 P30 Q15 +Q62323 P27 Q183 +Q2335557 P106 Q49757 +Q313013 P106 Q486748 +Q17714 P135 Q7066 +Q337078 P161 Q296287 +Q70849 P1412 Q188 +Q60133 P20 Q64 +Q212416 P106 Q10800557 +Q235146 P19 Q1218 +Q446504 P106 Q1607826 +Q20 P463 Q1065 +Q316644 P264 Q14192383 +Q56760250 P740 Q60 +Q361630 P26 Q271625 +Q77888 P1412 Q35497 +Q191132 P106 Q2259451 +Q55207 P106 Q177220 +Q557730 P140 Q1841 +Q193405 P20 Q90 +Q328691 P27 Q30 +Q200460 P509 Q12136 +Q541922 P69 Q1419737 +Q474796 P106 Q1930187 +Q269177 P108 Q2177054 +Q59185 P106 Q10800557 +Q2577771 P106 Q36180 +Q430276 P27 Q145 +Q3339429 P106 Q753110 +Q231270 P106 Q4610556 +Q777354 P27 Q29 +Q506915 P264 Q183387 +Q671985 P20 Q1899 +Q204205 P27 Q30 +Q556648 P106 Q49757 +Q2440716 P20 Q7473516 +Q380983 P19 Q39121 +Q36949 P102 Q29552 +Q266027 P161 Q127423 +Q555226 P172 Q678551 +Q103569 P136 Q188473 +Q117497 P106 Q12800682 +Q354033 P264 Q3716272 +Q35738 P495 Q30 +Q35725 P161 Q207506 +Q310166 P106 Q822146 +Q104266 P106 Q1930187 +Q7999 P1303 Q6607 +Q297097 P106 Q855091 +Q381726 P136 Q9734 +Q39979 P19 Q65 +Q138984 P106 Q13570226 +Q634100 P1412 Q188 +Q467940 P136 Q186472 +Q399 P530 Q96 +Q446024 P106 Q639669 +Q191479 P106 Q82955 +Q1459658 P106 Q10349745 +Q708506 P172 Q49085 +Q155687 P106 Q639669 +Q44176 P1303 Q46185 +Q274400 P136 Q590103 +Q220910 P840 Q99 +Q179746 P495 Q30 +Q541922 P106 Q639669 +Q649667 P106 Q15077007 +Q294225 P1412 Q7026 +Q217110 P27 Q30 +Q685 P530 Q148 +Q192529 P136 Q9730 +Q342604 P106 Q36834 +Q1016 P463 Q827525 +Q1066965 P27 Q30 +Q53939 P106 Q10800557 +Q253395 P136 Q182357 +Q59837 P463 Q463303 +Q6060 P264 Q231694 +Q76616 P1412 Q188 +Q5494459 P737 Q131433 +Q164047 P27 Q161885 +Q87487 P19 Q2079 +Q12735 P106 Q36180 +Q157282 P509 Q9687 +Q234928 P136 Q24925 +Q37577 P1412 Q150 +Q366671 P106 Q15981151 +Q95971 P106 Q36180 +Q1067 P140 Q1841 +Q888666 P264 Q287177 +Q370893 P136 Q1054574 +Q311580 P1303 Q78987 +Q331497 P106 Q593644 +Q180224 P1303 Q133163 +Q467940 P551 Q1486 +Q242620 P19 Q18419 +Q11941 P106 Q1114448 +Q181727 P27 Q30 +Q742079 P106 Q15253558 +Q206589 P161 Q1198697 +Q275553 P57 Q43203 +Q6882 P106 Q214917 +Q42775 P1303 Q17172850 +Q440996 P106 Q864380 +Q183 P530 Q34 +Q106573 P106 Q10800557 +Q311778 P102 Q622441 +Q97325 P102 Q49750 +Q57465 P27 Q7318 +Q73096 P19 Q1726 +Q317907 P108 Q27621 +Q342949 P1303 Q17172850 +Q92641 P101 Q21198 +Q320224 P27 Q27 +Q140201 P1412 Q1860 +Q156379 P20 Q1726 +Q39 P463 Q7809 +Q164804 P840 Q1781 +Q91083 P463 Q1017002 +Q76688 P27 Q183 +Q104302 P17 Q43287 +Q1173441 P1303 Q6607 +Q5608 P106 Q488205 +Q92693 P19 Q485172 +Q544915 P463 Q4345832 +Q312480 P136 Q40831 +Q247538 P27 Q801 +Q41513 P106 Q4964182 +Q229477 P106 Q18814623 +Q43939 P101 Q5891 +Q236005 P106 Q4610556 +Q37160 P463 Q117467 +Q981971 P108 Q209344 +Q310113 P106 Q2526255 +Q318223 P1412 Q1860 +Q928 P530 Q30 +Q180377 P19 Q1297 +Q119136 P27 Q145 +Q130917 P106 Q82955 +Q76641 P463 Q83172 +Q336125 P106 Q1930187 +Q708284 P20 Q23306 +Q2573 P108 Q54096 +Q126599 P106 Q10798782 +Q354603 P1412 Q1860 +Q58040 P108 Q1045828 +Q187019 P737 Q105756 +Q4405759 P27 Q15180 +Q177917 P20 Q1781 +Q41 P530 Q262 +Q14960 P17 Q131964 +Q72267 P106 Q214917 +Q106391 P106 Q33231 +Q299122 P106 Q639669 +Q312641 P106 Q36180 +Q1345514 P106 Q639669 +Q1439592 P106 Q81096 +Q154203 P1303 Q17172850 +Q183081 P161 Q271635 +Q780102 P27 Q145 +Q125451 P1412 Q188 +Q25153 P106 Q36834 +Q296771 P27 Q851 +Q577504 P19 Q84 +Q236748 P136 Q11401 +Q558177 P106 Q201788 +Q68757 P463 Q543804 +Q374507 P161 Q296028 +Q215036 P1412 Q188 +Q8646 P463 Q170481 +Q348497 P106 Q6625963 +Q272622 P551 Q23436 +Q538091 P106 Q43845 +Q63209 P463 Q543804 +Q1143660 P106 Q822146 +Q1583707 P136 Q8341 +Q219810 P840 Q23556 +Q187857 P106 Q36180 +Q491019 P106 Q1930187 +Q235020 P26 Q8877 +Q452252 P27 Q30 +Q77144 P108 Q131252 +Q35332 P102 Q29552 +Q187337 P19 Q60 +Q22979 P1303 Q17172850 +Q43499 P106 Q4964182 +Q739 P530 Q668 +Q9268 P3095 Q7325 +Q85464 P69 Q54096 +Q54867 P106 Q855091 +Q982677 P135 Q39427 +Q233265 P119 Q5933 +Q30931 P840 Q8646 +Q14277 P119 Q5933 +Q319283 P20 Q65 +Q121694 P20 Q72 +Q800 P463 Q7825 +Q605489 P106 Q201788 +Q242620 P136 Q11401 +Q507612 P106 Q36834 +Q403 P530 Q874 +Q962710 P27 Q36 +Q85691 P19 Q1709 +Q73213 P69 Q152171 +Q374323 P264 Q568246 +Q130952 P161 Q191084 +Q438440 P108 Q547867 +Q94018 P1412 Q1860 +Q699541 P69 Q332342 +Q10520 P172 Q7325 +Q851 P530 Q262 +Q78476 P509 Q3505252 +Q215436 P106 Q6625963 +Q1680268 P108 Q168756 +Q238712 P106 Q33999 +Q60486 P463 Q463303 +Q72657 P1412 Q188 +Q722202 P106 Q4263842 +Q77235 P1412 Q188 +Q1238180 P106 Q753110 +Q55207 P106 Q28389 +Q121655 P106 Q5716684 +Q879316 P106 Q193391 +Q83492 P101 Q941594 +Q61863 P463 Q2370801 +Q296028 P101 Q941594 +Q211009 P840 Q213 +Q119455 P106 Q11513337 +Q1382495 P1303 Q6607 +Q313107 P27 Q30 +Q194896 P20 Q84 +Q102438 P161 Q296008 +Q12795 P106 Q18844224 +Q265 P530 Q874 +Q3057567 P1412 Q1321 +Q459889 P495 Q30 +Q106769 P106 Q333634 +Q185375 P106 Q36180 +Q1006 P463 Q376150 +Q70083 P69 Q154804 +Q59185 P140 Q432 +Q490738 P1412 Q9027 +Q230 P530 Q237 +Q149499 P1412 Q1860 +Q44767 P69 Q248970 +Q125494 P161 Q193668 +Q275161 P106 Q33999 +Q172154 P119 Q1497554 +Q428451 P106 Q1930187 +Q704718 P106 Q36180 +Q245075 P19 Q84 +Q180505 P106 Q2259451 +Q211111 P451 Q55469 +Q180819 P1412 Q7737 +Q715404 P140 Q7066 +Q312385 P1412 Q1860 +Q156749 P463 Q2822396 +Q843 P530 Q842 +Q90220 P106 Q4220892 +Q45239 P19 Q1726 +Q445018 P509 Q47912 +Q110942 P463 Q123885 +Q76616 P69 Q152087 +Q1648062 P106 Q482980 +Q432421 P136 Q83270 +Q367129 P264 Q557632 +Q334116 P106 Q188094 +Q176405 P136 Q482 +Q1361841 P19 Q60 +Q379877 P136 Q188473 +Q191123 P1412 Q7737 +Q500042 P69 Q49115 +Q52927 P27 Q142 +Q135329 P106 Q47064 +Q189950 P106 Q333634 +Q43 P463 Q7809 +Q151796 P1412 Q150 +Q223258 P108 Q21578 +Q121850 P27 Q183 +Q4247 P106 Q644687 +Q256327 P27 Q15180 +Q11256 P106 Q372436 +Q600635 P136 Q83440 +Q229487 P27 Q30 +Q334633 P106 Q864380 +Q8605 P140 Q1841 +Q9047 P101 Q7754 +Q930197 P463 Q463303 +Q507845 P106 Q130857 +Q4223 P26 Q188461 +Q8927 P106 Q753110 +Q577504 P106 Q82955 +Q983421 P106 Q214917 +Q691 P530 Q148 +Q231648 P106 Q10798782 +Q27357 P463 Q2720582 +Q45278 P1412 Q397 +Q627520 P495 Q211 +Q77462 P136 Q11399 +Q232298 P106 Q33999 +Q47164 P131 Q104994 +Q302280 P1303 Q17172850 +Q84503 P135 Q6034 +Q33637 P106 Q18814623 +Q354241 P106 Q28389 +Q75860 P20 Q586 +Q726280 P1412 Q1860 +Q324157 P106 Q82955 +Q97723 P106 Q82955 +Q30570 P106 Q177220 +Q219373 P106 Q10800557 +Q472071 P69 Q1067870 +Q179540 P1303 Q6607 +Q309838 P136 Q11399 +Q224650 P264 Q664167 +Q219491 P106 Q82955 +Q92995 P106 Q121594 +Q770584 P106 Q81096 +Q96502 P140 Q75809 +Q276392 P161 Q231438 +Q148 P530 Q31 +Q12548 P37 Q652 +Q105875 P106 Q488205 +Q335680 P102 Q29552 +Q810 P463 Q1043527 +Q975874 P106 Q1930187 +Q314942 P495 Q30 +Q344567 P106 Q33999 +Q181667 P106 Q11774202 +Q43723 P69 Q49108 +Q1689414 P27 Q30 +Q715945 P106 Q6625963 +Q612005 P106 Q1930187 +Q187154 P161 Q43416 +Q141860 P737 Q855 +Q971702 P106 Q14467526 +Q811 P530 Q35 +Q382676 P106 Q177220 +Q494507 P1412 Q9176 +Q1348831 P1303 Q6607 +Q378672 P19 Q11299 +Q62443 P463 Q463303 +Q45 P463 Q899770 +Q198644 P27 Q142 +Q78918 P108 Q871369 +Q217685 P495 Q145 +Q361976 P106 Q36180 +Q433060 P106 Q177220 +Q42 P172 Q42406 +Q22686 P40 Q239411 +Q381734 P106 Q483501 +Q1132636 P17 Q403 +Q230929 P19 Q65 +Q17457 P106 Q36180 +Q153776 P106 Q2490358 +Q382638 P172 Q50001 +Q93959 P463 Q459620 +Q76892 P69 Q154561 +Q181899 P106 Q28389 +Q265 P463 Q899770 +Q152824 P106 Q1930187 +Q9711 P69 Q209842 +Q108009 P108 Q871369 +Q231556 P106 Q13235160 +Q57371 P140 Q432 +Q345888 P19 Q90 +Q954 P530 Q258 +Q75789 P20 Q3923 +Q20 P530 Q224 +Q263696 P40 Q108941 +Q32910 P161 Q313516 +Q37333 P17 Q34266 +Q104276 P108 Q206702 +Q487491 P27 Q142 +Q981526 P106 Q183945 +Q10287 P69 Q999763 +Q41281 P106 Q36834 +Q157400 P106 Q10800557 +Q70474 P106 Q4991371 +Q269402 P106 Q639669 +Q724343 P509 Q623031 +Q540155 P27 Q34266 +Q438014 P463 Q3308284 +Q5604 P27 Q30 +Q23530 P106 Q82955 +Q230636 P27 Q29 +Q28310 P27 Q145 +Q81244 P27 Q145 +Q346285 P106 Q1415090 +Q14279 P106 Q155647 +Q877537 P172 Q170217 +Q311093 P106 Q10800557 +Q133925 P20 Q84 +Q924232 P1303 Q78987 +Q470619 P106 Q177220 +Q449505 P106 Q3391743 +Q1351565 P1412 Q1860 +Q307391 P106 Q855091 +Q295537 P136 Q482 +Q215042 P108 Q168426 +Q4225547 P106 Q806798 +Q137138 P1412 Q150 +Q323260 P106 Q1622272 +Q469310 P27 Q142 +Q57629 P1412 Q7913 +Q41 P463 Q458 +Q333591 P102 Q9626 +Q205028 P136 Q188473 +Q335011 P27 Q30 +Q71322 P108 Q40025 +Q217750 P27 Q36 +Q449525 P1303 Q6607 +Q135867 P136 Q185867 +Q381827 P463 Q337531 +Q104022 P19 Q2910 +Q90635 P106 Q33999 +Q2892622 P69 Q332342 +Q207947 P20 Q84 +Q230445 P106 Q488205 +Q261207 P641 Q847 +Q326114 P161 Q174843 +Q319374 P136 Q83440 +Q183 P530 Q954 +Q114076 P161 Q231163 +Q191088 P136 Q484641 +Q941984 P106 Q10800557 +Q221303 P106 Q744738 +Q940942 P106 Q82955 +Q52488 P1412 Q7737 +Q61163 P463 Q459620 +Q89764 P27 Q183 +Q45672 P136 Q2678111 +Q375775 P840 Q27 +Q216701 P106 Q16145150 +Q295093 P106 Q3282637 +Q192762 P27 Q30 +Q480484 P140 Q9268 +Q242732 P106 Q10798782 +Q175457 P106 Q47064 +Q302762 P106 Q486748 +Q53003 P509 Q12152 +Q587361 P264 Q183387 +Q166023 P27 Q142 +Q313256 P1412 Q1860 +Q72217 P102 Q148861 +Q437094 P106 Q49757 +Q12288760 P27 Q219 +Q951957 P20 Q656 +Q44221 P172 Q34069 +Q318004 P69 Q273626 +Q54885 P106 Q36180 +Q662406 P69 Q859363 +Q40096 P26 Q228787 +Q117644 P106 Q33999 +Q45 P463 Q656801 +Q153597 P106 Q5716684 +Q36591 P1412 Q1860 +Q343433 P1412 Q188 +Q233701 P106 Q33999 +Q91124 P1412 Q188 +Q187561 P161 Q55171 +Q448764 P106 Q4263842 +Q1058532 P264 Q64485314 +Q270747 P106 Q2259451 +Q902 P530 Q258 +Q213393 P20 Q84 +Q110203 P136 Q2484376 +Q111836 P20 Q90 +Q243113 P1303 Q17172850 +Q271464 P106 Q2405480 +Q110942 P463 Q270794 +Q58978 P463 Q2370801 +Q970 P463 Q656801 +Q358990 P1412 Q1860 +Q123521 P463 Q53249065 +Q57473 P27 Q29 +Q1607976 P27 Q30 +Q232009 P161 Q28493 +Q317574 P119 Q1625328 +Q52255 P27 Q27 +Q182665 P264 Q1088453 +Q493333 P27 Q30 +Q298255 P140 Q7066 +Q5354 P106 Q350979 +Q561147 P27 Q29 +Q1351259 P1303 Q17172850 +Q310679 P106 Q177220 +Q202729 P136 Q9759 +Q99397 P20 Q64 +Q316622 P106 Q2259451 +Q3322718 P27 Q30 +Q657 P530 Q865 +Q164487 P1412 Q1860 +Q155649 P106 Q193391 +Q246374 P1412 Q188 +Q164281 P69 Q49108 +Q73013 P19 Q4120832 +Q160534 P27 Q30 +Q1806985 P106 Q18814623 +Q130947 P106 Q33999 +Q275402 P106 Q28389 +Q731254 P106 Q158852 +Q1392583 P264 Q183412 +Q530109 P27 Q30 +Q61585 P1412 Q143 +Q212632 P106 Q4263842 +Q255300 P1412 Q7737 +Q200572 P136 Q20443008 +Q18446 P1412 Q143 +Q1265451 P1412 Q1860 +Q241583 P737 Q38392 +Q132524 P1412 Q1860 +Q35498 P106 Q40348 +Q234314 P27 Q30 +Q314308 P106 Q205375 +Q131390 P136 Q369747 +Q1009 P463 Q233611 +Q64579 P1412 Q9056 +Q439283 P106 Q17489339 +Q961981 P106 Q81096 +Q7833 P737 Q7197 +Q40362 P530 Q96 +Q181678 P106 Q13235160 +Q69894 P106 Q205375 +Q214226 P101 Q207628 +Q96811 P1412 Q188 +Q4177355 P1412 Q7737 +Q60987 P1050 Q11085 +Q953 P530 Q183 +Q241 P530 Q145 +Q77325 P19 Q1055 +Q41132 P161 Q41142 +Q280098 P1412 Q1860 +Q380981 P161 Q284636 +Q36591 P106 Q214917 +Q1691611 P161 Q983530 +Q761176 P102 Q310296 +Q333231 P69 Q805285 +Q240954 P20 Q71 +Q513268 P106 Q36834 +Q366624 P27 Q145 +Q10218 P69 Q13371 +Q1299129 P1303 Q17172850 +Q309756 P172 Q1075293 +Q241909 P106 Q33999 +Q106399 P106 Q1622272 +Q7747 P106 Q465501 +Q354542 P119 Q1302545 +Q76513 P135 Q210115 +Q333260 P27 Q15180 +Q155547 P101 Q179805 +Q212 P530 Q41 +Q348916 P19 Q42448 +Q95522 P106 Q3332711 +Q350552 P27 Q28513 +Q444371 P106 Q2526255 +Q1001250 P1303 Q17172850 +Q51545 P509 Q147778 +Q630181 P27 Q41 +Q236613 P106 Q488205 +Q320185 P106 Q11481802 +Q597433 P1303 Q258896 +Q181 P27 Q30 +Q80064 P106 Q482980 +Q36023 P1412 Q1860 +Q225 P530 Q21 +Q708581 P106 Q36180 +Q117012 P136 Q11399 +Q312870 P1303 Q17172850 +Q94555 P108 Q193196 +Q157324 P69 Q503473 +Q75803 P106 Q2259451 +Q744288 P108 Q49117 +Q18832 P1412 Q809 +Q1816925 P136 Q37073 +Q263501 P1303 Q17172850 +Q8446 P26 Q222071 +Q314834 P509 Q29496 +Q105823 P106 Q855091 +Q271500 P551 Q18419 +Q292558 P509 Q12136 +Q577548 P136 Q8261 +Q126693 P106 Q28389 +Q218022 P1412 Q150 +Q132689 P136 Q21401869 +Q231004 P69 Q8008661 +Q104137 P840 Q1558 +Q154356 P101 Q5862903 +Q234080 P27 Q30 +Q704700 P106 Q855091 +Q209926 P1303 Q163829 +Q297618 P106 Q3282637 +Q157318 P106 Q1622272 +Q27306 P159 Q150981 +Q152767 P19 Q185582 +Q240885 P1412 Q150 +Q91617 P106 Q49757 +Q8605 P106 Q189290 +Q178698 P106 Q11774202 +Q204191 P136 Q28026639 +Q742634 P106 Q205375 +Q85261 P106 Q36180 +Q449743 P161 Q229577 +Q2514 P509 Q188874 +Q94765 P106 Q188094 +Q282804 P161 Q310012 +Q551735 P106 Q14467526 +Q66316 P27 Q183 +Q25973 P1412 Q188 +Q168468 P463 Q684415 +Q267406 P101 Q207628 +Q1360888 P509 Q12078 +Q77184 P1412 Q188 +Q69773 P27 Q183 +Q168307 P69 Q31519 +Q57619 P101 Q492537 +Q44855 P3373 Q2831 +Q315664 P161 Q174843 +Q78791 P172 Q7325 +Q187364 P69 Q1583249 +Q526989 P1412 Q7850 +Q1000 P463 Q1043527 +Q345888 P106 Q82955 +Q76499 P20 Q2742 +Q214642 P463 Q7118978 +Q39246 P737 Q47480 +Q239355 P106 Q133485 +Q506582 P27 Q213 +Q9695 P106 Q36834 +Q76579 P106 Q81096 +Q310947 P3373 Q432940 +Q120966 P1412 Q188 +Q97027 P106 Q1622272 +Q459889 P161 Q175392 +Q529603 P106 Q486748 +Q230622 P551 Q18419 +Q169076 P106 Q350979 +Q277356 P27 Q15180 +Q53002 P551 Q90 +Q67076 P1412 Q188 +Q796694 P27 Q38 +Q150526 P463 Q427318 +Q98812 P1412 Q188 +Q467482 P106 Q49757 +Q537999 P69 Q219615 +Q1530794 P27 Q30 +Q920 P135 Q39427 +Q55390 P1303 Q17172850 +Q4941 P161 Q4547 +Q241299 P1412 Q1860 +Q620732 P737 Q9364 +Q259317 P69 Q49124 +Q1254 P69 Q503473 +Q709685 P106 Q12144794 +Q188459 P106 Q2259451 +Q274342 P106 Q4263842 +Q705333 P136 Q11399 +Q260548 P161 Q314606 +Q102225 P161 Q235572 +Q1424269 P19 Q79867 +Q234144 P264 Q557632 +Q49760 P1412 Q1860 +Q1042 P530 Q30 +Q153677 P495 Q183 +Q41076 P106 Q36834 +Q102513 P27 Q30 +Q1350509 P27 Q20 +Q29 P530 Q1028 +Q712683 P264 Q183387 +Q128633 P102 Q138345 +Q273315 P1303 Q17172850 +Q151972 P551 Q38022 +Q283799 P161 Q223830 +Q90892 P106 Q36180 +Q312292 P27 Q298 +Q444237 P20 Q220 +Q67054 P106 Q36180 +Q230068 P551 Q30 +Q40852 P463 Q123885 +Q36268 P106 Q10800557 +Q794 P530 Q851 +Q112307 P264 Q843402 +Q70417 P106 Q16031530 +Q45 P530 Q902 +Q120626 P840 Q60 +Q1226921 P27 Q30 +Q158398 P161 Q77035 +Q590420 P20 Q19660 +Q210812 P495 Q30 +Q76291 P108 Q165528 +Q3490465 P69 Q131252 +Q927469 P1303 Q128309 +Q1195390 P264 Q216364 +Q470931 P108 Q737835 +Q704015 P463 Q1425328 +Q159 P530 Q953 +Q77009 P161 Q107730 +Q1329421 P106 Q20198542 +Q171365 P495 Q30 +Q17905 P1412 Q150 +Q1805943 P106 Q33999 +Q37160 P106 Q201788 +Q928 P530 Q39 +Q28 P463 Q899770 +Q336397 P106 Q350979 +Q1040 P17 Q183 +Q140099 P1303 Q17172850 +Q227129 P19 Q65 +Q1379164 P106 Q81096 +Q188718 P495 Q145 +Q591270 P106 Q13235160 +Q712914 P106 Q177220 +Q112227 P106 Q1622272 +Q323260 P106 Q170790 +Q62459 P102 Q49750 +Q57495 P106 Q20725072 +Q910092 P108 Q193510 +Q173804 P495 Q16 +Q62731543 P1412 Q652 +Q464207 P1412 Q9072 +Q1546566 P106 Q33999 +Q71874 P106 Q1792450 +Q287817 P27 Q408 +Q43144 P172 Q42406 +Q57169 P27 Q41304 +Q73768 P69 Q165980 +Q103949 P106 Q10800557 +Q345612 P108 Q49112 +Q36091 P17 Q30 +Q237833 P106 Q1622272 +Q175600 P161 Q203804 +Q40096 P40 Q298209 +Q235115 P106 Q33999 +Q223992 P106 Q2526255 +Q128708 P106 Q36180 +Q270529 P463 Q2370801 +Q372514 P136 Q20443008 +Q722042 P106 Q183945 +Q25161 P737 Q469681 +Q107424 P136 Q8341 +Q255267 P1412 Q8752 +Q1378199 P106 Q639669 +Q55418 P463 Q879171 +Q20562503 P106 Q15995642 +Q270707 P106 Q1086863 +Q4061 P1303 Q51290 +Q190588 P161 Q23760 +Q6096 P136 Q11401 +Q118982 P106 Q1622272 +Q222041 P161 Q45229 +Q193674 P1412 Q150 +Q258 P530 Q155 +Q563057 P264 Q216364 +Q289647 P106 Q3282637 +Q357974 P106 Q488205 +Q92510 P69 Q55044 +Q695886 P27 Q30 +Q551597 P451 Q453679 +Q454692 P106 Q753110 +Q262850 P463 Q1425328 +Q85464 P108 Q152171 +Q161087 P136 Q319221 +Q2825252 P20 Q90 +Q83275 P106 Q36180 +Q60714 P106 Q4991371 +Q991543 P106 Q1930187 +Q77969 P69 Q153978 +Q209169 P69 Q1878600 +Q704705 P106 Q855091 +Q927469 P106 Q36834 +Q317516 P106 Q10800557 +Q539791 P106 Q43845 +Q160433 P27 Q142 +Q2255438 P27 Q801 +Q681470 P106 Q193391 +Q470758 P172 Q170826 +Q316596 P106 Q10800557 +Q1043170 P106 Q36834 +Q170348 P106 Q16145150 +Q105543 P1412 Q188 +Q112427 P27 Q183 +Q444312 P106 Q28389 +Q42869 P69 Q7864046 +Q4509 P106 Q10800557 +Q796 P463 Q8475 +Q106103 P20 Q2814 +Q234128 P27 Q145 +Q212648 P101 Q1328508 +Q446504 P101 Q482 +Q39975 P136 Q1146335 +Q217427 P27 Q30 +Q225453 P463 Q18912936 +Q193052 P106 Q33999 +Q1354843 P737 Q193676 +Q67138 P1412 Q188 +Q167821 P106 Q18844224 +Q330612 P161 Q4573 +Q231207 P1303 Q17172850 +Q552900 P106 Q33999 +Q499757 P136 Q487914 +Q105940 P27 Q41304 +Q200586 P27 Q30 +Q318750 P106 Q1028181 +Q68084 P106 Q2526255 +Q69301 P69 Q151510 +Q43179 P27 Q1014 +Q449525 P106 Q1344174 +Q359552 P106 Q639669 +Q699565 P106 Q82955 +Q49355 P463 Q543804 +Q715701 P69 Q1432645 +Q72984 P106 Q177220 +Q29 P530 Q148 +Q783992 P136 Q217191 +Q740181 P27 Q131964 +Q184 P530 Q212 +Q154010 P106 Q49757 +Q92739 P463 Q40358 +Q455703 P136 Q8261 +Q219551 P106 Q14915627 +Q71404 P27 Q183 +Q781878 P27 Q30 +Q134262 P737 Q5685 +Q120578 P69 Q230492 +Q13298 P463 Q1768108 +Q343668 P161 Q131866 +Q190379 P140 Q7066 +Q64970 P69 Q153987 +Q268284 P106 Q488205 +Q253583 P172 Q181634 +Q76539 P106 Q6625963 +Q12303639 P27 Q35 +Q219491 P1412 Q652 +Q262576 P106 Q49757 +Q942923 P20 Q584451 +Q209169 P463 Q463303 +Q303 P136 Q11399 +Q551204 P172 Q44806 +Q350581 P106 Q10798782 +Q193035 P1412 Q1321 +Q463630 P106 Q49757 +Q204996 P27 Q34 +Q212790 P106 Q2259451 +Q2646169 P69 Q13371 +Q258847 P161 Q236303 +Q1195390 P1303 Q17172850 +Q714167 P1412 Q9027 +Q165817 P161 Q315604 +Q81489 P27 Q408 +Q102124 P106 Q10798782 +Q644797 P106 Q36834 +Q18421 P495 Q38 +Q214660 P106 Q37226 +Q158436 P119 Q240744 +Q694081 P136 Q11399 +Q1777864 P1303 Q17172850 +Q705221 P106 Q639669 +Q218679 P27 Q142 +Q424 P463 Q134102 +Q1292776 P140 Q1841 +Q14320 P161 Q35912 +Q78475 P27 Q28513 +Q223117 P106 Q10800557 +Q6701 P463 Q12751277 +Q129831 P27 Q30 +Q319374 P1303 Q6607 +Q60546 P106 Q4991371 +Q232449 P106 Q177220 +Q473239 P106 Q189290 +Q711538 P69 Q13371 +Q365144 P641 Q542 +Q123476 P106 Q2526255 +Q16 P530 Q878 +Q313818 P1303 Q17172850 +Q148 P530 Q1030 +Q3052333 P106 Q81096 +Q314774 P106 Q36180 +Q91093 P20 Q586 +Q80938 P106 Q55960555 +Q1893889 P1412 Q9288 +Q40103 P106 Q10798782 +Q154809 P264 Q202585 +Q1112005 P136 Q131272 +Q329035 P1303 Q6607 +Q456005 P106 Q639669 +Q208116 P27 Q34266 +Q329448 P136 Q188473 +Q5608 P264 Q568246 +Q237552 P27 Q145 +Q148 P530 Q819 +Q154412 P19 Q193478 +Q16409 P1412 Q7913 +Q179051 P106 Q3282637 +Q449769 P108 Q31519 +Q324397 P1303 Q81982 +Q112284 P69 Q3428253 +Q233697 P264 Q54860 +Q1930839 P27 Q142 +Q794 P530 Q34 +Q224544 P20 Q1085 +Q363386 P106 Q937857 +Q371905 P106 Q49757 +Q551075 P102 Q727724 +Q233876 P136 Q1344 +Q11621 P161 Q354873 +Q375186 P161 Q103939 +Q299331 P106 Q639669 +Q178391 P27 Q183 +Q187423 P161 Q434502 +Q162331 P161 Q118488 +Q264914 P106 Q10800557 +Q313193 P1412 Q1860 +Q392654 P136 Q186472 +Q464232 P1303 Q17172850 +Q3710088 P108 Q190080 +Q31164 P101 Q207628 +Q89949 P1412 Q188 +Q358714 P106 Q2526255 +Q44833 P106 Q639669 +Q174438 P106 Q82955 +Q234765 P19 Q5332 +Q5752 P1412 Q1860 +Q127367 P161 Q16455 +Q445311 P106 Q177220 +Q371403 P106 Q177220 +Q267866 P840 Q60 +Q275985 P27 Q172579 +Q185724 P106 Q753110 +Q233584 P106 Q28389 +Q196004 P136 Q959790 +Q315518 P106 Q81096 +Q457840 P102 Q29552 +Q322572 P57 Q7546 +Q235525 P106 Q4773904 +Q58612 P69 Q174158 +Q201221 P106 Q37226 +Q366195 P106 Q33999 +Q77708 P27 Q7318 +Q714845 P106 Q486748 +Q460196 P106 Q47064 +Q158394 P19 Q36600 +Q315737 P69 Q49213 +Q94370 P27 Q16957 +Q28 P530 Q218 +Q14439 P106 Q4610556 +Q313525 P264 Q557632 +Q66155 P101 Q309 +Q369283 P106 Q1238570 +Q201607 P495 Q30 +Q169996 P161 Q296008 +Q767329 P106 Q151197 +Q72429 P106 Q855091 +Q430922 P106 Q10798782 +Q377428 P136 Q959790 +Q336444 P140 Q9592 +Q554746 P106 Q36180 +Q1385887 P69 Q1426464 +Q423644 P1412 Q256 +Q313044 P1412 Q1321 +Q1349827 P136 Q9759 +Q99706 P106 Q36180 +Q30907154 P17 Q414 +Q113681 P1412 Q1860 +Q185776 P136 Q157443 +Q57462 P140 Q1841 +Q361670 P106 Q1607826 +Q58626 P106 Q774306 +Q53651 P1412 Q1860 +Q96250 P19 Q1022 +Q560847 P108 Q49108 +Q45 P463 Q376150 +Q874 P530 Q843 +Q252 P530 Q902 +Q408 P530 Q683 +Q45321 P106 Q15980158 +Q1683438 P106 Q36180 +Q1269512 P106 Q16145150 +Q229353 P19 Q3141 +Q931561 P136 Q1133657 +Q4636 P26 Q314805 +Q357776 P106 Q3391743 +Q271281 P161 Q172261 +Q76358 P101 Q11030 +Q311244 P1303 Q17172850 +Q55433 P136 Q482 +Q435878 P106 Q10798782 +Q121067 P106 Q36180 +Q155152 P159 Q84 +Q96962 P102 Q49750 +Q261923 P495 Q30 +Q347128 P140 Q5043 +Q233584 P106 Q3282637 +Q41590 P106 Q4773904 +Q239355 P101 Q5891 +Q587873 P27 Q414 +Q604086 P1412 Q9299 +Q57244 P463 Q463281 +Q1386311 P19 Q36091 +Q36951 P106 Q28389 +Q162672 P136 Q200092 +Q446504 P19 Q220 +Q9588 P69 Q9842 +Q274529 P136 Q188473 +Q205447 P57 Q103917 +Q160325 P1412 Q1860 +Q8011 P106 Q593644 +Q843 P530 Q36 +Q2492 P69 Q152171 +Q892930 P106 Q49757 +Q155860 P27 Q15180 +Q204810 P106 Q4853732 +Q1044 P463 Q294278 +Q292373 P106 Q639669 +Q93341 P27 Q30 +Q1702399 P106 Q639669 +Q230916 P136 Q9730 +Q312252 P27 Q30 +Q467630 P106 Q1930187 +Q293590 P463 Q134541 +Q769328 P1303 Q6607 +Q233347 P106 Q33999 +Q233736 P106 Q12362622 +Q20145 P106 Q33999 +Q77184 P463 Q83172 +Q315650 P106 Q177220 +Q96064 P1412 Q188 +Q171453 P161 Q42204 +Q1019 P530 Q30 +Q242208 P106 Q2259451 +Q233891 P27 Q30 +Q52447 P106 Q177220 +Q1374180 P108 Q49114 +Q79759 P172 Q42406 +Q248042 P106 Q49757 +Q361996 P509 Q389735 +Q454645 P106 Q860918 +Q230445 P136 Q2743 +Q483203 P1303 Q302497 +Q311729 P19 Q84 +Q69406 P20 Q64 +Q960778 P106 Q1930187 +Q8016 P551 Q1761 +Q1514 P136 Q83270 +Q106709 P27 Q142 +Q33 P530 Q1029 +Q3504610 P106 Q36180 +Q64440 P108 Q161982 +Q26695 P106 Q33999 +Q206124 P161 Q8927 +Q968099 P27 Q139319 +Q920526 P1412 Q1860 +Q583814 P106 Q36180 +Q276158 P106 Q33999 +Q968026 P509 Q2140674 +Q467519 P106 Q639669 +Q61648 P463 Q684415 +Q236829 P106 Q6625963 +Q80805 P106 Q36834 +Q82301 P140 Q75809 +Q103835 P1412 Q1860 +Q3490465 P69 Q144488 +Q232301 P106 Q36180 +Q299309 P69 Q238101 +Q356986 P509 Q12078 +Q76432 P463 Q4345832 +Q940891 P27 Q30 +Q383764 P27 Q30 +Q408 P463 Q899770 +Q348037 P106 Q15980158 +Q214582 P27 Q34 +Q240250 P106 Q33999 +Q584500 P140 Q7066 +Q471542 P106 Q3282637 +Q241835 P1412 Q188 +Q3297386 P20 Q90 +Q365578 P108 Q2283 +Q220376 P136 Q157394 +Q162389 P106 Q33999 +Q431874 P106 Q4610556 +Q80064 P1412 Q1860 +Q551204 P119 Q47265 +Q70417 P1303 Q281460 +Q378645 P136 Q8261 +Q18434 P69 Q1878600 +Q439920 P19 Q60 +Q153996 P1412 Q1860 +Q458390 P463 Q463281 +Q8619 P106 Q18939491 +Q50797 P136 Q131272 +Q7301731 P108 Q35794 +Q26118 P106 Q3282637 +Q8556 P19 Q34370 +Q403 P530 Q917 +Q489 P106 Q10800557 +Q347368 P27 Q30 +Q214227 P106 Q183945 +Q177930 P161 Q4960 +Q62845 P106 Q33999 +Q35149 P69 Q221653 +Q44380 P172 Q141817 +Q132266 P161 Q708059 +Q223559 P161 Q342430 +Q426631 P161 Q206659 +Q17457 P463 Q270794 +Q221104 P136 Q2484376 +Q559844 P106 Q855091 +Q31628 P136 Q482 +Q59478 P108 Q168756 +Q401777 P106 Q10800557 +Q76600 P463 Q543804 +Q160071 P136 Q130232 +Q6701 P106 Q64733534 +Q262 P530 Q252 +Q83325 P106 Q3286043 +Q229379 P27 Q30 +Q400 P106 Q2526255 +Q63826 P27 Q41304 +Q173175 P106 Q10349745 +Q374323 P106 Q2252262 +Q36268 P106 Q33999 +Q92743 P463 Q131566 +Q374362 P69 Q27923720 +Q189454 P27 Q34266 +Q362254 P1412 Q5287 +Q190884 P106 Q43845 +Q703642 P106 Q82955 +Q216870 P69 Q60450 +Q98885 P106 Q1930187 +Q132433 P106 Q183945 +Q1386098 P106 Q639669 +Q160263 P106 Q1930187 +Q92115 P106 Q635734 +Q82066 P1412 Q1617 +Q48280 P106 Q18814623 +Q273044 P106 Q488205 +Q213794 P106 Q201788 +Q204936 P69 Q1753535 +Q526407 P27 Q39 +Q45723 P140 Q7361618 +Q286339 P106 Q33999 +Q258 P530 Q953 +Q192912 P106 Q2259451 +Q5685 P737 Q171976 +Q334396 P1412 Q1860 +Q233817 P106 Q10800557 +Q130947 P106 Q4610556 +Q164281 P463 Q218868 +Q597698 P19 Q270 +Q42831 P119 Q4263743 +Q189015 P69 Q131262 +Q216339 P27 Q183 +Q1965416 P106 Q36180 +Q88015 P106 Q33999 +Q275793 P106 Q49757 +Q292180 P106 Q49757 +Q67139 P106 Q16287483 +Q551204 P463 Q958769 +Q313013 P106 Q177220 +Q104177 P102 Q49762 +Q484523 P136 Q11366 +Q159054 P161 Q57614 +Q295537 P108 Q1137404 +Q984644 P106 Q482980 +Q78993 P106 Q482980 +Q215630 P27 Q1206012 +Q345468 P119 Q1437214 +Q728169 P106 Q1397808 +Q333615 P106 Q49757 +Q278997 P161 Q26806 +Q153638 P264 Q483938 +Q188386 P19 Q33935 +Q221482 P641 Q5369 +Q784260 P264 Q1273666 +Q206576 P136 Q1200678 +Q95019 P19 Q340 +Q804348 P106 Q753110 +Q2918925 P108 Q4614 +Q620732 P27 Q159 +Q235931 P1303 Q17172850 +Q454696 P463 Q1493021 +Q206439 P264 Q183387 +Q274400 P161 Q316622 +Q68490 P1412 Q188 +Q208869 P106 Q28389 +Q90269 P106 Q49757 +Q121995 P108 Q1143289 +Q733611 P106 Q177220 +Q550232 P161 Q191132 +Q12786562 P106 Q169470 +Q92893 P106 Q82594 +Q1153913 P106 Q2516866 +Q244214 P27 Q30 +Q701802 P106 Q28389 +Q842 P463 Q7825 +Q706889 P106 Q49757 +Q237690 P106 Q10800557 +Q116845 P136 Q130232 +Q35725 P161 Q65932 +Q1190235 P106 Q639669 +Q119546 P106 Q201788 +Q164469 P106 Q36180 +Q577504 P1412 Q150 +Q91582 P69 Q152171 +Q3161354 P463 Q270794 +Q1622098 P136 Q851213 +Q315208 P106 Q33999 +Q126783 P106 Q49757 +Q24871 P136 Q188473 +Q999726 P20 Q159288 +Q62084 P69 Q672420 +Q125133 P27 Q298 +Q170800 P27 Q29 +Q2428820 P463 Q150793 +Q189015 P1303 Q5994 +Q49524 P136 Q131578 +Q467670 P101 Q207628 +Q713859 P106 Q639669 +Q58978 P101 Q413 +Q16389 P106 Q3400985 +Q94653 P119 Q68752772 +Q223875 P106 Q33999 +Q246303 P140 Q9592 +Q319121 P102 Q29468 +Q93996 P140 Q7066 +Q275593 P40 Q168763 +Q84352 P106 Q2306091 +Q309926 P136 Q83270 +Q323074 P19 Q84 +Q116852 P161 Q39792 +Q58444 P106 Q937857 +Q708473 P27 Q218 +Q191023 P20 Q60 +Q1039 P463 Q17495 +Q296872 P264 Q155152 +Q4145 P106 Q10798782 +Q172684 P106 Q10873124 +Q161087 P495 Q30 +Q843 P530 Q212 +Q19069 P136 Q172980 +Q733850 P106 Q18939491 +Q164047 P106 Q36180 +Q95008 P136 Q9778 +Q5208 P27 Q148 +Q346280 P509 Q152234 +Q928 P530 Q96 +Q1888794 P19 Q172 +Q727151 P106 Q177220 +Q374936 P119 Q1437214 +Q119348 P20 Q65 +Q520001 P1412 Q1860 +Q77 P530 Q804 +Q978375 P106 Q15981151 +Q314945 P106 Q3282637 +Q51566 P106 Q28389 +Q2005601 P106 Q43845 +Q214831 P19 Q8652 +Q156898 P26 Q78514 +Q2291171 P136 Q438503 +Q166298 P106 Q40348 +Q12940 P106 Q10833314 +Q931005 P509 Q152234 +Q155163 P161 Q381110 +Q242643 P106 Q36180 +Q152824 P1412 Q1860 +Q365750 P106 Q2059704 +Q77489 P27 Q41304 +Q101338 P108 Q151510 +Q233911 P106 Q2259451 +Q30875 P69 Q81162 +Q563287 P106 Q2914170 +Q408 P530 Q781 +Q597694 P106 Q201788 +Q314957 P463 Q604840 +Q91446 P69 Q165980 +Q270774 P106 Q10798782 +Q26208 P27 Q38 +Q231948 P119 Q996499 +Q84904 P106 Q82955 +Q34 P530 Q159 +Q82409 P27 Q161885 +Q84618 P1412 Q188 +Q162458 P161 Q508404 +Q1159089 P1303 Q17172850 +Q549442 P106 Q1622272 +Q431191 P106 Q36180 +Q551204 P463 Q466089 +Q128854 P161 Q232876 +Q140694 P106 Q185351 +Q675 P69 Q273626 +Q7833 P451 Q57604 +Q95089 P106 Q5716684 +Q2514 P106 Q82955 +Q299194 P106 Q214917 +Q547565 P119 Q272208 +Q1406115 P136 Q37073 +Q155378 P106 Q36180 +Q77020 P1412 Q188 +Q2621694 P27 Q34266 +Q73651 P840 Q1223 +Q298908 P1412 Q1860 +Q370026 P19 Q84 +Q73784 P27 Q183 +Q192402 P136 Q842324 +Q152011 P161 Q72984 +Q288157 P1412 Q150 +Q180099 P463 Q466089 +Q31 P463 Q663492 +Q462502 P19 Q1297 +Q193146 P69 Q49088 +Q266795 P106 Q10798782 +Q228936 P161 Q191719 +Q43936 P737 Q43939 +Q43182 P106 Q901402 +Q255725 P1303 Q17172850 +Q57410 P102 Q210703 +Q35738 P161 Q23880 +Q38 P530 Q822 +Q356986 P136 Q83440 +Q335598 P106 Q36834 +Q189600 P161 Q438161 +Q569378 P69 Q1341516 +Q219634 P27 Q142 +Q268940 P19 Q48958 +Q448776 P1412 Q1860 +Q181677 P106 Q8246794 +Q44107 P136 Q8261 +Q441226 P106 Q15253558 +Q436693 P106 Q2526255 +Q234890 P19 Q90 +Q217160 P264 Q3699593 +Q164060 P106 Q36834 +Q230534 P27 Q145 +Q270774 P27 Q30 +Q73013 P27 Q172107 +Q153832 P1412 Q652 +Q1124 P69 Q1143289 +Q697741 P136 Q49084 +Q264891 P27 Q27 +Q61940 P136 Q482 +Q221468 P1412 Q1860 +Q41523 P106 Q42603 +Q296287 P106 Q2259451 +Q329709 P136 Q319221 +Q971962 P106 Q864380 +Q116055 P106 Q4263842 +Q36704 P463 Q1065 +Q428668 P161 Q1384822 +Q276209 P172 Q678551 +Q229038 P106 Q2405480 +Q946019 P106 Q753110 +Q231207 P106 Q10800557 +Q76363 P101 Q413 +Q154751 P106 Q36180 +Q653496 P106 Q11499147 +Q364270 P106 Q205375 +Q285254 P106 Q183945 +Q310389 P106 Q10800557 +Q62234 P106 Q1622272 +Q217552 P161 Q185610 +Q7231 P102 Q49768 +Q7343182 P108 Q216273 +Q124442 P172 Q34069 +Q117741 P509 Q12078 +Q346285 P1303 Q6607 +Q925240 P172 Q49078 +Q766403 P19 Q90 +Q77598 P69 Q154804 +Q317397 P102 Q79854 +Q152293 P1412 Q7737 +Q186709 P140 Q7066 +Q314945 P106 Q18545066 +Q166272 P106 Q10800557 +Q54867 P3373 Q4235 +Q545476 P106 Q49757 +Q257630 P161 Q231614 +Q61761 P106 Q1622272 +Q435681 P106 Q486748 +Q5431220 P69 Q1093910 +Q109110 P161 Q223830 +Q282002 P106 Q55960555 +Q86812 P106 Q1238570 +Q233937 P106 Q177220 +Q3271606 P27 Q142 +Q482318 P463 Q463303 +Q322272 P119 Q1437214 +Q2516 P106 Q15980158 +Q219634 P106 Q33231 +Q151848 P840 Q1408 +Q161877 P264 Q27184 +Q361297 P106 Q3089940 +Q1087475 P1303 Q17172850 +Q290197 P106 Q14467526 +Q313981 P106 Q1930187 +Q294583 P106 Q482980 +Q154010 P1412 Q188 +Q272382 P136 Q37073 +Q9204 P136 Q24925 +Q47163 P106 Q81096 +Q119386 P27 Q142 +Q234399 P27 Q20 +Q3262638 P106 Q43845 +Q233898 P136 Q4184 +Q1321910 P106 Q639669 +Q44847 P106 Q4964182 +Q256928 P27 Q801 +Q833 P463 Q47543 +Q55245 P106 Q2526255 +Q57384 P737 Q78503 +Q223830 P136 Q200092 +Q201359 P106 Q16031530 +Q367653 P509 Q623031 +Q335142 P20 Q649 +Q73768 P463 Q1468277 +Q705210 P119 Q311 +Q35171 P27 Q30 +Q57285 P1303 Q5994 +Q313211 P509 Q175111 +Q309631 P136 Q484641 +Q44909 P106 Q639669 +Q65 P30 Q49 +Q112136 P27 Q40 +Q651059 P106 Q169470 +Q214344 P172 Q127885 +Q128854 P495 Q16 +Q607448 P106 Q177220 +Q42156 P106 Q2306091 +Q238941 P106 Q177220 +Q100440 P106 Q2059704 +Q403 P463 Q81299 +Q200460 P20 Q1190590 +Q11617 P106 Q33999 +Q70215 P1412 Q7737 +Q457803 P106 Q33999 +Q36949 P106 Q3282637 +Q432715 P106 Q177220 +Q222833 P119 Q1391 +Q265179 P69 Q835960 +Q191480 P106 Q36180 +Q76527 P106 Q1234713 +Q7200 P737 Q5879 +Q292623 P106 Q4610556 +Q28 P530 Q1049 +Q1007 P463 Q7825 +Q57281 P463 Q4742987 +Q14538 P136 Q37073 +Q233854 P106 Q28389 +Q312801 P106 Q177220 +Q62323 P106 Q7042855 +Q1345844 P1303 Q79838 +Q464251 P26 Q216288 +Q190628 P19 Q11299 +Q103767 P264 Q1341612 +Q83807 P106 Q36180 +Q98311 P27 Q183 +Q889 P463 Q8475 +Q940439 P106 Q49757 +Q77271 P19 Q64 +Q1531285 P106 Q158852 +Q125057 P463 Q691152 +Q274608 P135 Q667661 +Q734 P463 Q1065 +Q1553657 P106 Q1259917 +Q5496982 P106 Q17489339 +Q200841 P106 Q10800557 +Q222965 P161 Q190523 +Q454200 P106 Q10798782 +Q104898 P463 Q270920 +Q192655 P737 Q5105 +Q250954 P136 Q130232 +Q40523 P27 Q30 +Q93354 P19 Q28848 +Q1151 P119 Q746647 +Q690759 P1412 Q9067 +Q928 P530 Q16 +Q1291701 P264 Q212699 +Q229013 P106 Q10798782 +Q432101 P1412 Q150 +Q346064 P106 Q333634 +Q92893 P106 Q15442776 +Q230055 P27 Q36 +Q235223 P27 Q30 +Q9594 P27 Q801 +Q58583 P19 Q1726 +Q79038 P106 Q33999 +Q302835 P101 Q395 +Q106001 P106 Q5716684 +Q81627 P106 Q205375 +Q9602 P106 Q81096 +Q62046 P108 Q55044 +Q1048660 P106 Q81096 +Q2861 P17 Q16957 +Q126481 P106 Q4263842 +Q18404 P509 Q12192 +Q1028 P530 Q458 +Q92868 P27 Q30 +Q128297 P106 Q33999 +Q1806985 P26 Q133151 +Q378240 P119 Q311 +Q289847 P1303 Q81982 +Q717 P530 Q145 +Q8023 P106 Q18814623 +Q39789 P106 Q182436 +Q62188 P106 Q36180 +Q532852 P106 Q1930187 +Q338826 P19 Q1085 +Q18430 P737 Q355245 +Q273079 P264 Q287177 +Q233265 P140 Q7066 +Q650878 P20 Q64 +Q272929 P106 Q10798782 +Q151929 P106 Q193391 +Q211322 P551 Q39121 +Q129283 P161 Q215072 +Q612005 P136 Q6585139 +Q3480998 P106 Q36180 +Q108703 P1412 Q188 +Q231576 P27 Q30 +Q3057567 P106 Q674426 +Q457727 P106 Q639669 +Q13047979 P1412 Q7913 +Q346411 P641 Q542 +Q207596 P106 Q3282637 +Q365144 P106 Q10798782 +Q211462 P106 Q33999 +Q189869 P106 Q28389 +Q695 P37 Q1860 +Q488099 P1412 Q8785 +Q46132 P106 Q639669 +Q2079 P17 Q156199 +Q235 P30 Q46 +Q206461 P161 Q296616 +Q18404 P1412 Q150 +Q212775 P161 Q345494 +Q203952 P136 Q35760 +Q191123 P19 Q1899 +Q165392 P161 Q273136 +Q846 P463 Q624307 +Q5327 P1412 Q188 +Q1382863 P106 Q753110 +Q5738 P463 Q265058 +Q360507 P106 Q1930187 +Q274342 P136 Q676 +Q240541 P106 Q4610556 +Q156321 P106 Q1930187 +Q11617 P136 Q131272 +Q18953 P106 Q33999 +Q557774 P551 Q1489 +Q5046268 P172 Q49085 +Q9570 P140 Q9089 +Q299790 P106 Q10798782 +Q61682 P27 Q145 +Q129486 P1412 Q1321 +Q69547 P20 Q3033 +Q71208 P108 Q152087 +Q94701 P1412 Q188 +Q3336032 P108 Q41506 +Q193405 P106 Q36180 +Q262314 P136 Q217191 +Q92983 P108 Q21578 +Q34296 P108 Q49167 +Q470758 P737 Q23434 +Q292973 P106 Q482980 +Q431802 P20 Q90 +Q275793 P119 Q3006253 +Q913570 P27 Q142 +Q103474 P161 Q47087 +Q549442 P264 Q311439 +Q444651 P20 Q16552 +Q1358816 P106 Q3391743 +Q275985 P1412 Q652 +Q707460 P20 Q84 +Q270672 P106 Q10800557 +Q962 P463 Q17495 +Q79 P530 Q183 +Q183 P530 Q822 +Q468577 P106 Q36180 +Q205314 P27 Q30 +Q196665 P161 Q288680 +Q158078 P136 Q9734 +Q335544 P20 Q2868 +Q1010602 P106 Q639669 +Q39803 P106 Q4263842 +Q287805 P106 Q33999 +Q149127 P106 Q82955 +Q121507 P26 Q240523 +Q229274 P1303 Q52954 +Q464218 P106 Q488205 +Q918443 P106 Q15895020 +Q267010 P106 Q33999 +Q183279 P1412 Q7737 +Q17 P530 Q399 +Q102289 P509 Q12152 +Q68411 P106 Q201788 +Q410 P106 Q3745071 +Q937537 P1412 Q1860 +Q298 P530 Q833 +Q196004 P161 Q270186 +Q1039 P463 Q1043527 +Q313528 P463 Q270920 +Q137130 P136 Q157443 +Q89949 P106 Q82955 +Q379929 P20 Q90 +Q1049 P463 Q4783148 +Q148204 P136 Q130232 +Q219521 P264 Q1251139 +Q45272 P106 Q49757 +Q511399 P106 Q1930187 +Q213765 P140 Q9592 +Q42775 P106 Q36180 +Q302650 P69 Q4614 +Q294568 P1412 Q809 +Q83542 P495 Q145 +Q61585 P106 Q860918 +Q228624 P106 Q28389 +Q233 P530 Q30 +Q101339 P119 Q1799 +Q194045 P106 Q488205 +Q58978 P463 Q270794 +Q36450 P27 Q159 +Q350601 P1303 Q17172850 +Q313596 P106 Q36834 +Q192515 P27 Q30 +Q106598 P106 Q36180 +Q189042 P106 Q1622272 +Q67139 P19 Q1022 +Q162202 P106 Q639669 +Q311319 P106 Q2526255 +Q524780 P106 Q28389 +Q836910 P106 Q16533 +Q274764 P106 Q1238570 +Q89546 P463 Q299015 +Q96941 P108 Q152087 +Q214622 P106 Q214917 +Q207596 P19 Q1297 +Q190772 P106 Q11063 +Q319934 P106 Q39631 +Q537705 P463 Q1493021 +Q298209 P106 Q10798782 +Q340260 P106 Q17307272 +Q434839 P106 Q212980 +Q463877 P106 Q12362622 +Q266222 P1412 Q150 +Q24348 P106 Q82955 +Q329549 P1412 Q1860 +Q84207 P1412 Q188 +Q240541 P106 Q177220 +Q454758 P106 Q81096 +Q333505 P264 Q843402 +Q75823 P1412 Q188 +Q465350 P172 Q181634 +Q354863 P27 Q30 +Q521116 P172 Q133255 +Q11362 P136 Q482 +Q541929 P20 Q408 +Q537665 P463 Q337352 +Q229671 P19 Q33405 +Q726071 P264 Q700359 +Q217160 P264 Q843402 +Q239240 P106 Q10800557 +Q16296 P108 Q34433 +Q91417 P27 Q183 +Q30893 P27 Q30 +Q983544 P27 Q30 +Q221155 P136 Q11401 +Q179282 P69 Q49088 +Q2538 P140 Q75809 +Q236958 P463 Q463281 +Q143172 P106 Q36180 +Q92743 P463 Q127992 +Q445125 P27 Q30 +Q155079 P101 Q207628 +Q282002 P106 Q639669 +Q122187 P106 Q3282637 +Q18404 P106 Q1930187 +Q165706 P106 Q8178443 +Q288936 P20 Q1781 +Q220480 P172 Q49085 +Q241382 P106 Q177220 +Q235515 P106 Q18844224 +Q392806 P136 Q369747 +Q176846 P106 Q13235160 +Q328335 P106 Q10798782 +Q92619 P101 Q395 +Q897275 P463 Q939743 +Q502417 P106 Q1792450 +Q173834 P509 Q12152 +Q274887 P840 Q29 +Q983450 P69 Q41506 +Q66408 P1412 Q188 +Q67007 P27 Q183 +Q605534 P106 Q432386 +Q83492 P106 Q28389 +Q229276 P27 Q27 +Q311223 P1412 Q1860 +Q57391 P106 Q4610556 +Q120599 P19 Q2280 +Q560447 P106 Q82955 +Q181677 P737 Q38392 +Q202827 P27 Q142 +Q888713 P106 Q488205 +Q208667 P19 Q25287 +Q242329 P69 Q49116 +Q117185 P106 Q1231865 +Q211009 P840 Q90 +Q458686 P27 Q30 +Q210812 P136 Q188473 +Q234939 P26 Q153694 +Q52583 P136 Q37073 +Q233433 P27 Q30 +Q276440 P106 Q1028181 +Q865 P530 Q1042 +Q553196 P40 Q714646 +Q124442 P69 Q372608 +Q92636 P106 Q1622272 +Q155412 P106 Q10800557 +Q237925 P106 Q10798782 +Q157040 P27 Q28 +Q62857 P106 Q169470 +Q209641 P172 Q42406 +Q560647 P20 Q47265 +Q1928973 P27 Q17 +Q182944 P161 Q162492 +Q265179 P106 Q33999 +Q258847 P840 Q65 +Q437927 P1303 Q31561 +Q2545780 P27 Q30 +Q77627 P69 Q152087 +Q213772 P20 Q60 +Q1509379 P1303 Q6607 +Q370560 P136 Q186472 +Q104061 P1412 Q1860 +Q38082 P1050 Q41571 +Q1386031 P108 Q192775 +Q1779574 P106 Q43845 +Q156749 P463 Q207360 +Q312252 P119 Q1454 +Q43432 P106 Q43845 +Q60052 P1412 Q188 +Q287644 P27 Q17 +Q92882 P101 Q4027615 +Q41590 P737 Q9711 +Q96962 P1412 Q150 +Q444486 P27 Q145 +Q24980 P161 Q25014 +Q242608 P1303 Q6607 +Q67641 P106 Q2526255 +Q807787 P136 Q9759 +Q504025 P102 Q29552 +Q1402 P106 Q36180 +Q11107 P27 Q30 +Q24085 P108 Q156598 +Q157400 P264 Q843402 +Q190145 P136 Q2484376 +Q285330 P1303 Q17172850 +Q580414 P1412 Q1321 +Q83630 P136 Q459290 +Q87910 P27 Q43287 +Q187884 P106 Q947873 +Q1686370 P1303 Q6607 +Q108970 P106 Q82955 +Q4934 P1412 Q1860 +Q103637 P106 Q3282637 +Q49001 P106 Q948329 +Q40 P530 Q38 +Q108539 P106 Q18805 +Q339031 P106 Q1415090 +Q131324 P106 Q2259451 +Q441940 P264 Q202585 +Q106740 P106 Q6625963 +Q176909 P463 Q463303 +Q286410 P136 Q9778 +Q213 P463 Q7184 +Q645362 P106 Q6625963 +Q167803 P106 Q1622272 +Q71499 P106 Q947873 +Q123899 P106 Q16287483 +Q9049 P463 Q337234 +Q1805442 P106 Q5716684 +Q168362 P463 Q123885 +Q283267 P106 Q49757 +Q3312950 P106 Q188094 +Q84053 P106 Q33999 +Q1687890 P27 Q30 +Q2695220 P1412 Q9027 +Q160456 P69 Q622664 +Q267526 P161 Q36970 +Q61073 P106 Q1622272 +Q37327 P19 Q1761 +Q123802 P1412 Q809 +Q41281 P1303 Q17172850 +Q230632 P106 Q947873 +Q238702 P106 Q36180 +Q691973 P106 Q1028181 +Q854 P530 Q183 +Q240872 P27 Q30 +Q689486 P119 Q1514332 +Q34474 P119 Q1242128 +Q11705409 P106 Q81096 +Q78107 P1412 Q188 +Q4073580 P1412 Q7737 +Q328691 P108 Q161562 +Q62539 P102 Q7320 +Q541964 P106 Q13582652 +Q314535 P136 Q483251 +Q62559 P106 Q2599593 +Q241 P530 Q794 +Q706542 P27 Q801 +Q28 P530 Q916 +Q463765 P495 Q30 +Q222390 P136 Q1152184 +Q547373 P69 Q1179603 +Q58857 P20 Q64 +Q213 P530 Q28 +Q163225 P1412 Q1321 +Q315266 P69 Q204181 +Q315518 P27 Q34266 +Q60506 P161 Q60802 +Q98178 P172 Q7325 +Q115588 P106 Q201788 +Q215927 P737 Q81244 +Q342962 P106 Q177220 +Q441913 P106 Q10800557 +Q316138 P172 Q42406 +Q25997 P509 Q12152 +Q962402 P106 Q333634 +Q58793 P108 Q152087 +Q154691 P106 Q28389 +Q662406 P106 Q28389 +Q1123947 P159 Q1384 +Q289108 P119 Q1358639 +Q727257 P106 Q4964182 +Q93817 P106 Q36834 +Q930961 P106 Q177220 +Q219150 P495 Q30 +Q113777 P106 Q36180 +Q765 P106 Q10800557 +Q1093404 P27 Q30 +Q607968 P106 Q19831149 +Q983249 P1412 Q1860 +Q232009 P161 Q374041 +Q854 P463 Q7809 +Q40479 P1412 Q1860 +Q78321 P102 Q153401 +Q273079 P106 Q33999 +Q129022 P463 Q337526 +Q315744 P106 Q1350157 +Q110436 P106 Q18844224 +Q174284 P840 Q30 +Q171453 P161 Q80069 +Q274562 P264 Q843402 +Q77447 P27 Q16957 +Q318198 P20 Q47034 +Q165121 P106 Q1622272 +Q262294 P27 Q29999 +Q82925 P106 Q11774202 +Q74579 P136 Q52162262 +Q329454 P119 Q1517387 +Q231228 P106 Q130857 +Q863226 P1303 Q52954 +Q355133 P1412 Q1860 +Q299965 P108 Q49210 +Q171730 P463 Q161806 +Q902 P530 Q878 +Q955684 P106 Q639669 +Q19405 P136 Q2973181 +Q555613 P106 Q1930187 +Q232876 P463 Q463303 +Q329056 P161 Q171905 +Q62686 P463 Q414188 +Q101915 P463 Q414188 +Q1810650 P1303 Q17172850 +Q934682 P20 Q90 +Q2757 P106 Q33999 +Q17 P530 Q833 +Q253697 P136 Q37073 +Q13908 P161 Q13909 +Q103357 P27 Q183 +Q861994 P264 Q557632 +Q230 P530 Q794 +Q362886 P19 Q33405 +Q727711 P19 Q1874 +Q486786 P1303 Q1343007 +Q448704 P136 Q37073 +Q27751 P161 Q272977 +Q123718 P27 Q39 +Q4039 P69 Q7691246 +Q158394 P1412 Q7411 +Q1057893 P264 Q1025106 +Q2599 P264 Q183387 +Q119455 P106 Q82955 +Q55375 P1412 Q188 +Q671985 P106 Q36180 +Q1378199 P27 Q30 +Q253978 P495 Q30 +Q525180 P106 Q1622272 +Q152929 P106 Q488205 +Q710282 P106 Q639669 +Q1805398 P27 Q30 +Q472250 P106 Q82955 +Q295817 P19 Q39709 +Q1931736 P27 Q36 +Q189869 P451 Q275929 +Q56074 P264 Q662575 +Q963 P463 Q827525 +Q328695 P161 Q485901 +Q108355 P102 Q7320 +Q275593 P19 Q342803 +Q387603 P161 Q104061 +Q37160 P737 Q9353 +Q1891 P17 Q38 +Q529942 P106 Q639669 +Q100937 P1303 Q17172850 +Q466569 P1412 Q7411 +Q233118 P106 Q4610556 +Q134077 P1412 Q1860 +Q42992 P140 Q7066 +Q159475 P136 Q1062400 +Q380286 P108 Q841581 +Q232395 P106 Q10843402 +Q229153 P172 Q49085 +Q213765 P463 Q265058 +Q193857 P1412 Q1860 +Q697195 P106 Q81096 +Q2622688 P27 Q15180 +Q366307 P106 Q82955 +Q256649 P27 Q414 +Q442721 P106 Q639669 +Q60579 P108 Q4345832 +Q237215 P840 Q65 +Q192634 P106 Q82955 +Q45124 P27 Q34266 +Q184226 P737 Q9061 +Q408 P530 Q1036 +Q217110 P1412 Q1860 +Q106611 P102 Q49764 +Q104865 P19 Q649 +Q159808 P495 Q838261 +Q255593 P27 Q172579 +Q381039 P27 Q145 +Q213662 P463 Q684415 +Q215036 P19 Q1781 +Q26391 P136 Q2484376 +Q61132 P106 Q1397808 +Q202246 P1412 Q1860 +Q360 P106 Q82594 +Q254789 P3373 Q108941 +Q356375 P106 Q2405480 +Q189534 P463 Q1132636 +Q65047 P102 Q7320 +Q151606 P161 Q55218 +Q209471 P509 Q504775 +Q10444417 P106 Q3391743 +Q534419 P106 Q36834 +Q59837 P106 Q49757 +Q225 P530 Q43 +Q232511 P106 Q33999 +Q181899 P106 Q33999 +Q66992 P106 Q36180 +Q7542 P106 Q2526255 +Q557730 P27 Q30 +Q155871 P106 Q82955 +Q216936 P136 Q45981 +Q229603 P161 Q43044 +Q428493 P136 Q373342 +Q44032 P135 Q80113 +Q122094 P509 Q12152 +Q195390 P451 Q79969 +Q74865 P19 Q64 +Q794 P530 Q717 +Q213195 P106 Q1622272 +Q1113061 P20 Q641 +Q230023 P27 Q30 +Q957439 P27 Q801 +Q503770 P136 Q83270 +Q39 P530 Q399 +Q75612 P106 Q4853732 +Q544521 P463 Q123885 +Q106746 P463 Q463303 +Q254552 P106 Q10798782 +Q1453287 P106 Q1906857 +Q31781 P20 Q36036 +Q273362 P1050 Q178275 +Q2657741 P1412 Q1860 +Q209170 P161 Q443030 +Q189081 P140 Q33203 +Q286642 P106 Q177220 +Q6210809 P1412 Q1860 +Q231694 P159 Q47164 +Q9317 P106 Q121594 +Q253882 P27 Q17 +Q310052 P136 Q11399 +Q131366 P264 Q645889 +Q54836 P106 Q2405480 +Q310275 P106 Q28389 +Q224 P530 Q29 +Q311672 P106 Q488205 +Q36949 P69 Q1542213 +Q66162 P108 Q49210 +Q271903 P106 Q11900058 +Q333971 P136 Q1054574 +Q853461 P1412 Q9058 +Q928 P463 Q8475 +Q314843 P106 Q6625963 +Q371925 P106 Q18844224 +Q193458 P69 Q1542213 +Q7729 P106 Q201788 +Q96 P530 Q31 +Q236318 P136 Q850412 +Q305106 P106 Q1209498 +Q4963372 P1412 Q188 +Q551597 P69 Q926749 +Q445795 P161 Q51506 +Q261669 P106 Q947873 +Q310190 P27 Q30 +Q112284 P1412 Q1860 +Q706889 P509 Q506616 +Q201562 P106 Q486748 +Q854590 P136 Q2332751 +Q95370 P102 Q13124 +Q36184 P140 Q9268 +Q272303 P106 Q49757 +Q261244 P106 Q10800557 +Q92601 P69 Q49108 +Q241382 P106 Q4610556 +Q57490 P27 Q41304 +Q144669 P19 Q342803 +Q126783 P1412 Q9168 +Q319121 P1412 Q1860 +Q152274 P69 Q209842 +Q145480 P27 Q30 +Q156193 P106 Q36834 +Q102822 P106 Q520549 +Q152293 P69 Q215539 +Q233882 P172 Q1075293 +Q302403 P136 Q842256 +Q276299 P161 Q271986 +Q275793 P106 Q36180 +Q344616 P106 Q1930187 +Q15469 P69 Q1067870 +Q233479 P106 Q36180 +Q32 P131 Q151624 +Q62889 P69 Q168426 +Q295431 P737 Q105756 +Q70819 P19 Q2079 +Q442512 P106 Q33999 +Q148 P530 Q924 +Q3335 P172 Q42406 +Q211998 P20 Q1337818 +Q93181 P27 Q801 +Q441414 P102 Q5020915 +Q386291 P161 Q254552 +Q358538 P106 Q753110 +Q292373 P136 Q378988 +Q183167 P69 Q193196 +Q102822 P106 Q1650915 +Q128494 P108 Q13164 +Q145 P530 Q30 +Q229330 P264 Q557632 +Q35 P530 Q717 +Q114450 P106 Q4263842 +Q878 P463 Q827525 +Q32520 P101 Q5891 +Q370747 P509 Q12152 +Q234636 P106 Q4610556 +Q190643 P136 Q188473 +Q463765 P161 Q676094 +Q640991 P106 Q864503 +Q244390 P27 Q30 +Q24064 P69 Q230492 +Q36330 P106 Q155647 +Q37160 P101 Q5891 +Q168356 P19 Q1748 +Q240933 P69 Q49088 +Q232109 P119 Q1625328 +Q237039 P136 Q8242 +Q33760 P106 Q18814623 +Q1044 P361 Q4412 +Q232356 P106 Q2259451 +Q1028 P530 Q843 +Q726071 P69 Q540672 +Q440121 P27 Q30 +Q78037 P108 Q55038 +Q364270 P106 Q43845 +Q352914 P172 Q170217 +Q233054 P26 Q37079 +Q117913 P106 Q11900058 +Q280673 P19 Q159288 +Q214310 P106 Q36180 +Q642817 P106 Q4263842 +Q119935 P106 Q3282637 +Q159636 P463 Q3603946 +Q1343499 P1303 Q8355 +Q84851 P551 Q104192 +Q47695 P108 Q372608 +Q98687 P69 Q159895 +Q730158 P136 Q187760 +Q189351 P106 Q4610556 +Q81082 P463 Q117467 +Q55208 P106 Q3455803 +Q107178 P106 Q82955 +Q181229 P106 Q10798782 +Q41396 P106 Q33999 +Q137659 P106 Q13418253 +Q433979 P1412 Q150 +Q2263 P551 Q17042 +Q191020 P106 Q121594 +Q202319 P106 Q2722764 +Q271006 P136 Q369747 +Q191037 P20 Q11299 +Q2908 P106 Q36180 +Q206112 P264 Q183387 +Q18806 P106 Q1930187 +Q97096 P106 Q1930187 +Q315217 P106 Q3282637 +Q71135 P27 Q183 +Q9049 P106 Q36180 +Q152452 P1412 Q9027 +Q519838 P140 Q9268 +Q842633 P641 Q131359 +Q153238 P101 Q413 +Q216004 P106 Q5322166 +Q865 P530 Q1011 +Q44306 P1412 Q1860 +Q39658 P69 Q185246 +Q274277 P106 Q33999 +Q215090 P1412 Q188 +Q319171 P495 Q38 +Q70988 P27 Q183 +Q94331 P108 Q165980 +Q231694 P17 Q30 +Q178903 P106 Q4964182 +Q520053 P27 Q28 +Q60045 P119 Q819654 +Q218083 P1303 Q17172850 +Q60025 P69 Q151510 +Q267683 P1412 Q1860 +Q230004 P1412 Q1860 +Q1553197 P19 Q649 +Q224 P530 Q1246 +Q184906 P106 Q482980 +Q63528 P106 Q36180 +Q132205 P1412 Q36510 +Q221594 P161 Q355133 +Q432421 P264 Q231694 +Q174291 P136 Q484641 +Q7243 P27 Q34266 +Q221168 P161 Q196560 +Q74441 P20 Q64 +Q72790 P119 Q831322 +Q168154 P161 Q296630 +Q236340 P106 Q4610556 +Q5396 P509 Q12152 +Q212089 P264 Q183412 +Q3589 P136 Q2484376 +Q37030 P40 Q61597 +Q92641 P19 Q60 +Q316901 P140 Q1841 +Q61863 P463 Q684415 +Q505827 P1412 Q150 +Q44707 P106 Q2252262 +Q82066 P106 Q753110 +Q165421 P106 Q36180 +Q382638 P106 Q2526255 +Q763507 P106 Q7042855 +Q164869 P106 Q2340668 +Q84751 P69 Q165980 +Q450802 P106 Q36180 +Q239897 P19 Q33959 +Q215724 P69 Q32120 +Q115483 P27 Q39 +Q427597 P69 Q28695 +Q168431 P106 Q82955 +Q426393 P161 Q310394 +Q93890 P106 Q1792450 +Q61374 P69 Q372608 +Q51143 P136 Q817138 +Q428223 P106 Q639669 +Q302484 P106 Q36180 +Q57311 P106 Q1930187 +Q1885893 P1412 Q1860 +Q41564 P69 Q35794 +Q83326 P108 Q661916 +Q498 P106 Q82955 +Q191040 P161 Q232120 +Q961671 P106 Q177220 +Q1348831 P106 Q177220 +Q109438 P106 Q36180 +Q358087 P106 Q2252262 +Q38 P530 Q865 +Q726198 P69 Q1079140 +Q485172 P30 Q49 +Q102711 P106 Q33999 +Q18391 P1412 Q9288 +Q889 P463 Q1065 +Q57276 P106 Q1238570 +Q315343 P19 Q18419 +Q237270 P551 Q39561 +Q312053 P69 Q304985 +Q284087 P19 Q1874 +Q561458 P1412 Q1860 +Q253395 P1412 Q7737 +Q708506 P106 Q36834 +Q1927260 P106 Q487596 +Q587823 P106 Q185351 +Q742284 P19 Q2044 +Q276769 P495 Q30 +Q180636 P1412 Q8785 +Q211566 P106 Q4853732 +Q151898 P136 Q130232 +Q1451285 P108 Q174710 +Q133050 P106 Q2405480 +Q2757 P106 Q10800557 +Q75371 P69 Q153978 +Q488288 P27 Q211 +Q544469 P135 Q9730 +Q57149 P69 Q157808 +Q251262 P106 Q82594 +Q96330 P108 Q165980 +Q471664 P102 Q79854 +Q28117 P101 Q8162 +Q25188 P840 Q65 +Q4089775 P20 Q649 +Q131545 P101 Q15855449 +Q574 P463 Q191384 +Q134180 P20 Q65 +Q193018 P106 Q1930187 +Q354394 P27 Q34266 +Q805 P530 Q403 +Q222 P530 Q35 +Q264869 P161 Q379808 +Q174037 P69 Q9842 +Q120647 P106 Q36180 +Q44176 P136 Q11399 +Q1942336 P106 Q36834 +Q178698 P69 Q745967 +Q42869 P102 Q29552 +Q85624 P1303 Q8343 +Q441351 P1303 Q6607 +Q530471 P159 Q956 +Q559567 P19 Q60 +Q316997 P19 Q60 +Q1579916 P108 Q158158 +Q489 P69 Q49115 +Q32 P530 Q881 +Q251338 P27 Q29 +Q232288 P27 Q30 +Q61067 P27 Q12548 +Q254603 P106 Q10800557 +Q308840 P1412 Q150 +Q76699 P136 Q8261 +Q707008 P264 Q183387 +Q72856 P27 Q176495 +Q100511 P27 Q183 +Q408 P530 Q224 +Q231841 P136 Q858330 +Q443120 P106 Q177220 +Q118059 P106 Q1930187 +Q4227341 P101 Q476294 +Q108009 P463 Q812155 +Q106762 P463 Q270794 +Q181678 P106 Q33999 +Q1001254 P136 Q11399 +Q48956 P1412 Q188 +Q241583 P106 Q36180 +Q237194 P463 Q3308284 +Q193052 P1412 Q1860 +Q451250 P57 Q55411 +Q25351 P463 Q2822396 +Q12706 P19 Q891 +Q209471 P106 Q15295720 +Q182373 P136 Q188473 +Q74316 P69 Q154561 +Q57244 P108 Q55038 +Q115922 P27 Q39 +Q269669 P106 Q10800557 +Q434669 P463 Q1938003 +Q185465 P264 Q203059 +Q1355431 P106 Q177220 +Q991 P106 Q15949613 +Q787176 P106 Q753110 +Q61686 P19 Q64 +Q82280 P27 Q28513 +Q910761 P106 Q10800557 +Q724276 P1412 Q1860 +Q554670 P1303 Q177220 +Q78766 P27 Q183 +Q357102 P106 Q193391 +Q62906 P106 Q1622272 +Q206589 P161 Q69645 +Q105962 P106 Q169470 +Q315222 P106 Q49757 +Q180695 P161 Q165219 +Q472783 P27 Q15180 +Q241085 P57 Q269692 +Q63078 P69 Q152838 +Q819 P530 Q15180 +Q80504 P509 Q216169 +Q205314 P26 Q162389 +Q482964 P264 Q203059 +Q7504 P106 Q82955 +Q185888 P136 Q645928 +Q69115 P102 Q7320 +Q107270 P840 Q17 +Q60039 P463 Q469210 +Q191123 P509 Q12152 +Q200392 P101 Q7754 +Q187019 P737 Q79904 +Q30 P37 Q1860 +Q320423 P136 Q2484376 +Q1406115 P69 Q178848 +Q72657 P106 Q16533 +Q311621 P106 Q183945 +Q49285 P106 Q11631 +Q165394 P495 Q183 +Q28885 P19 Q656 +Q332348 P161 Q230736 +Q348571 P19 Q16568 +Q435826 P27 Q30 +Q57535 P551 Q84 +Q234094 P106 Q177220 +Q213684 P1303 Q79838 +Q96196 P27 Q183 +Q12622 P106 Q14467526 +Q99080 P102 Q49750 +Q215258 P140 Q7066 +Q202589 P106 Q33999 +Q4894597 P106 Q901 +Q205447 P136 Q496523 +Q235020 P106 Q33999 +Q106208 P108 Q35794 +Q242732 P106 Q43845 +Q106001 P19 Q90 +Q191543 P161 Q208214 +Q707186 P140 Q170208 +Q296872 P1303 Q6607 +Q365199 P1303 Q8355 +Q55450 P27 Q38 +Q235742 P136 Q2484376 +Q1353962 P264 Q798658 +Q327914 P106 Q2526255 +Q229139 P264 Q557632 +Q239195 P106 Q10800557 +Q315784 P106 Q6168364 +Q207482 P840 Q99 +Q76127 P1412 Q150 +Q357980 P20 Q472 +Q168407 P749 Q38903 +Q4952325 P641 Q5369 +Q1158704 P19 Q17 +Q47878 P106 Q36834 +Q208993 P106 Q49757 +Q221303 P101 Q8134 +Q253476 P26 Q194333 +Q125484 P463 Q414110 +Q3986379 P161 Q191819 +Q672443 P407 Q1860 +Q122517 P108 Q156737 +Q192348 P69 Q691851 +Q1031847 P106 Q639669 +Q725516 P106 Q33999 +Q91371 P102 Q153401 +Q327107 P106 Q1231865 +Q205721 P1303 Q5994 +Q60025 P108 Q131252 +Q1514 P509 Q3505252 +Q206336 P136 Q842256 +Q115055 P106 Q3282637 +Q1849355 P106 Q639669 +Q78586 P27 Q28513 +Q336769 P106 Q169470 +Q705743 P264 Q2164531 +Q2271710 P106 Q1607826 +Q62443 P106 Q589298 +Q70166 P19 Q1721 +Q689713 P69 Q131262 +Q187033 P106 Q177220 +Q2978 P30 Q46 +Q98110 P19 Q2119 +Q183397 P509 Q12202 +Q211462 P106 Q10798782 +Q150989 P26 Q7504 +Q169452 P106 Q3665646 +Q57475 P69 Q20266330 +Q590792 P509 Q12152 +Q92851 P106 Q81096 +Q439283 P106 Q482980 +Q1401 P106 Q49757 +Q61227 P27 Q183 +Q359604 P19 Q40435 +Q26695 P136 Q83440 +Q134541 P264 Q277626 +Q316629 P106 Q948329 +Q254983 P19 Q60 +Q20732 P27 Q211 +Q11612 P27 Q30 +Q338812 P106 Q3282637 +Q956533 P509 Q476921 +Q148540 P140 Q9592 +Q458390 P106 Q17489339 +Q357036 P20 Q1085 +Q902 P530 Q963 +Q182305 P27 Q28 +Q538379 P19 Q37333 +Q606389 P27 Q155 +Q295679 P106 Q10800557 +Q219 P530 Q28 +Q281034 P136 Q11399 +Q966349 P19 Q33935 +Q160371 P69 Q1419737 +Q1347561 P106 Q82955 +Q1346111 P463 Q191583 +Q76823 P1412 Q188 +Q166355 P161 Q66041 +Q503758 P1412 Q150 +Q560447 P106 Q131524 +Q105585 P27 Q750 +Q90771 P27 Q16957 +Q128633 P106 Q40348 +Q65559 P69 Q315658 +Q110709 P463 Q338432 +Q297945 P1412 Q1860 +Q1050 P463 Q340195 +Q816518 P136 Q43343 +Q733 P463 Q1065 +Q2833 P463 Q747279 +Q187019 P737 Q170509 +Q127345 P106 Q901402 +Q58284 P463 Q756504 +Q957627 P106 Q177220 +Q301132 P161 Q373500 +Q263730 P106 Q674067 +Q30 P530 Q419 +Q65728 P27 Q41304 +Q444651 P264 Q557632 +Q150916 P102 Q29552 +Q270269 P1303 Q17172850 +Q40572 P106 Q33999 +Q5549674 P551 Q64 +Q42229 P136 Q21590660 +Q382068 P106 Q2259451 +Q229735 P1303 Q11404 +Q966067 P20 Q14960 +Q212015 P136 Q11399 +Q951010 P106 Q1930187 +Q552053 P106 Q639669 +Q7197 P101 Q7252 +Q156532 P27 Q30 +Q224647 P495 Q30 +Q18227 P1412 Q143 +Q12622 P463 Q202479 +Q58073 P20 Q1486 +Q77615 P106 Q36180 +Q441528 P172 Q49085 +Q32221 P106 Q1028181 +Q205435 P106 Q4610556 +Q189330 P161 Q177311 +Q225 P463 Q7809 +Q372514 P495 Q30 +Q239540 P101 Q482 +Q598050 P106 Q4263842 +Q68171 P1303 Q1444 +Q44273 P106 Q10798782 +Q312450 P27 Q145 +Q192374 P1412 Q652 +Q223854 P106 Q33999 +Q113489 P1412 Q188 +Q45672 P161 Q295034 +Q51143 P264 Q1200368 +Q309589 P1412 Q1860 +Q27645 P737 Q150471 +Q272007 P106 Q2405480 +Q57641 P106 Q82955 +Q354863 P106 Q81096 +Q484523 P106 Q3282637 +Q77492 P69 Q315658 +Q73028 P136 Q959790 +Q166159 P106 Q201788 +Q172241 P161 Q443343 +Q77 P463 Q1065 +Q105090 P108 Q55044 +Q722555 P463 Q463303 +Q61520 P106 Q1622272 +Q1334439 P1303 Q8355 +Q261456 P1412 Q150 +Q26378 P27 Q30 +Q2464214 P106 Q47064 +Q364342 P119 Q1358639 +Q221546 P106 Q1028181 +Q387601 P161 Q104081 +Q239652 P136 Q676 +Q1141280 P106 Q753110 +Q51094 P106 Q488205 +Q192185 P1412 Q1860 +Q35385 P136 Q187760 +Q331277 P161 Q234997 +Q223414 P106 Q49757 +Q266209 P161 Q229112 +Q266694 P119 Q1624932 +Q736 P361 Q653884 +Q55796 P1412 Q188 +Q103835 P108 Q49115 +Q336640 P106 Q2526255 +Q1030 P530 Q34 +Q60025 P101 Q179805 +Q8646 P37 Q727694 +Q851 P530 Q843 +Q310367 P19 Q60 +Q74667 P1412 Q188 +Q170606 P27 Q30 +Q91544 P172 Q42884 +Q70087 P102 Q49755 +Q836656 P27 Q183 +Q67383 P106 Q2405480 +Q312078 P161 Q107438 +Q119198 P19 Q43199 +Q101567 P108 Q165528 +Q151509 P40 Q183187 +Q1573501 P106 Q36180 +Q157131 P27 Q37024 +Q836 P530 Q159583 +Q32 P463 Q899770 +Q50012 P27 Q183 +Q42552 P27 Q36 +Q158749 P106 Q81096 +Q132430 P1412 Q1860 +Q919081 P108 Q270222 +Q1887014 P102 Q29468 +Q215139 P69 Q131252 +Q229156 P19 Q84 +Q263172 P106 Q33999 +Q545476 P106 Q6625963 +Q181249 P106 Q250867 +Q695 P463 Q827525 +Q57578 P509 Q175111 +Q1046066 P136 Q183504 +Q190765 P161 Q317704 +Q450802 P101 Q482 +Q122461 P69 Q924289 +Q311672 P106 Q10800557 +Q76641 P463 Q451079 +Q142 P530 Q1000 +Q243983 P136 Q188473 +Q1027 P530 Q183 +Q183535 P69 Q4453555 +Q1618928 P106 Q753110 +Q4128 P20 Q90 +Q194696 P840 Q60 +Q93031 P19 Q908 +Q96811 P108 Q152087 +Q233736 P136 Q131272 +Q123878 P463 Q266063 +Q78414 P102 Q49768 +Q448776 P19 Q90 +Q506288 P136 Q37073 +Q1028 P463 Q899770 +Q32678 P106 Q1622272 +Q23481 P69 Q659080 +Q783 P463 Q8475 +Q1033 P463 Q827525 +Q260099 P27 Q30 +Q235115 P106 Q28389 +Q210447 P106 Q10798782 +Q115152 P463 Q299015 +Q357980 P106 Q4853732 +Q151936 P101 Q23404 +Q266425 P106 Q10798782 +Q337090 P136 Q188473 +Q183074 P106 Q36180 +Q456467 P495 Q30 +Q33 P530 Q17 +Q777688 P27 Q15180 +Q557525 P69 Q2994538 +Q201379 P161 Q202304 +Q267217 P27 Q30 +Q1761095 P19 Q9248 +Q801 P530 Q1025 +Q334 P530 Q17 +Q310953 P106 Q36180 +Q216004 P106 Q1281618 +Q4491 P106 Q33999 +Q2281920 P106 Q901 +Q982546 P140 Q9592 +Q668 P530 Q38 +Q166234 P106 Q333634 +Q19198 P27 Q30 +Q242423 P20 Q270 +Q57679 P463 Q44687 +Q266611 P106 Q36180 +Q76952 P106 Q36180 +Q295463 P106 Q2526255 +Q240849 P57 Q458766 +Q172261 P551 Q49111 +Q318267 P27 Q30 +Q247733 P136 Q52162262 +Q1900440 P463 Q2739680 +Q101326 P108 Q317053 +Q128746 P136 Q2743 +Q355009 P106 Q488205 +Q61425 P463 Q2822396 +Q519606 P551 Q1741 +Q314942 P136 Q200092 +Q203413 P509 Q223102 +Q94108 P106 Q82955 +Q58328 P19 Q90 +Q183 P530 Q754 +Q164534 P106 Q10800557 +Q36 P463 Q41550 +Q2068521 P1412 Q1860 +Q542886 P264 Q585643 +Q44707 P136 Q263734 +Q954 P463 Q340195 +Q145 P530 Q265 +Q958294 P20 Q61 +Q356965 P106 Q333634 +Q214289 P106 Q10800557 +Q5879 P106 Q13416354 +Q4235 P737 Q229379 +Q5383 P106 Q753110 +Q1698 P106 Q36180 +Q1241173 P1412 Q1860 +Q215868 P172 Q49085 +Q569378 P136 Q9730 +Q1955997 P106 Q214917 +Q187414 P136 Q471839 +Q101521 P106 Q1622272 +Q1173676 P27 Q145 +Q230534 P106 Q2259451 +Q431565 P451 Q386438 +Q43067 P19 Q1726 +Q375351 P27 Q142 +Q38561 P161 Q145627 +Q83677 P106 Q10800557 +Q355024 P69 Q1227526 +Q13908 P136 Q2484376 +Q55917 P3373 Q2757 +Q971 P37 Q150 +Q287644 P106 Q6625963 +Q319648 P172 Q49078 +Q354873 P106 Q36180 +Q441520 P27 Q30 +Q207867 P106 Q639669 +Q311256 P264 Q193023 +Q77462 P138 Q34529 +Q109422 P102 Q49750 +Q193458 P451 Q356287 +Q7833 P106 Q20669622 +Q884 P530 Q39 +Q1032 P463 Q191384 +Q86367 P19 Q1085 +Q311802 P20 Q490 +Q117970 P106 Q3922505 +Q974795 P106 Q639669 +Q710626 P20 Q25395 +Q125484 P19 Q1022 +Q90131 P1412 Q188 +Q229013 P1303 Q6607 +Q96591 P106 Q1622272 +Q1045 P530 Q423 +Q167265 P161 Q222008 +Q186327 P106 Q822146 +Q101995 P119 Q1497554 +Q611927 P19 Q220 +Q1131481 P106 Q9149093 +Q2594 P69 Q55044 +Q194346 P495 Q145 +Q89786 P69 Q165980 +Q1041 P530 Q408 +Q289647 P106 Q584301 +Q529942 P106 Q1281618 +Q76755 P106 Q36180 +Q278853 P136 Q8341 +Q171363 P106 Q10798782 +Q127688 P101 Q1412 +Q737570 P737 Q38082 +Q47480 P19 Q23154 +Q15180 P530 Q35 +Q238819 P106 Q177220 +Q131074 P136 Q130232 +Q542489 P140 Q93191 +Q1325743 P106 Q639669 +Q110709 P106 Q1622272 +Q66456 P106 Q1622272 +Q459889 P136 Q2484376 +Q64211 P161 Q310150 +Q89786 P106 Q482980 +Q980235 P27 Q142 +Q311238 P136 Q11399 +Q117913 P1412 Q150 +Q180278 P136 Q9730 +Q270652 P264 Q732503 +Q6060 P27 Q30 +Q230308 P1412 Q1860 +Q60539 P509 Q12192 +Q73924 P69 Q155354 +Q84708562 P551 Q33959 +Q4492929 P27 Q159 +Q511399 P27 Q142 +Q239296 P161 Q207307 +Q30931 P161 Q40103 +Q181662 P106 Q188094 +Q450663 P108 Q49210 +Q380118 P106 Q4610556 +Q313256 P106 Q28389 +Q13909 P106 Q2405480 +Q350601 P69 Q4614 +Q313875 P136 Q38848 +Q235744 P106 Q33999 +Q182455 P19 Q1345 +Q164824 P463 Q3603946 +Q208204 P495 Q145 +Q379941 P19 Q641 +Q80095 P106 Q28389 +Q96556 P1412 Q188 +Q333148 P106 Q36180 +Q182046 P106 Q1028181 +Q218718 P106 Q10798782 +Q48613 P106 Q183945 +Q366012 P69 Q616591 +Q2164531 P136 Q43343 +Q1785 P19 Q90 +Q1391164 P140 Q432 +Q188652 P136 Q130232 +Q242792 P19 Q65 +Q105362 P102 Q49750 +Q506393 P136 Q11366 +Q356115 P20 Q60 +Q317110 P1412 Q652 +Q17 P530 Q889 +Q220864 P27 Q96 +Q77042 P106 Q15214752 +Q78494 P27 Q145 +Q975874 P20 Q34006 +Q212 P530 Q38 +Q44301 P27 Q30 +Q313981 P1412 Q7979 +Q181689 P106 Q639669 +Q358529 P106 Q1930187 +Q457840 P119 Q1437214 +Q60969 P106 Q901402 +Q180723 P106 Q177220 +Q275543 P26 Q69645 +Q304966 P27 Q30 +Q314966 P106 Q36180 +Q573171 P19 Q12439 +Q171969 P463 Q337526 +Q219776 P161 Q316629 +Q156749 P463 Q414188 +Q1181035 P27 Q30 +Q132616 P451 Q40572 +Q1188776 P106 Q36834 +Q31786 P57 Q53050 +Q445606 P1412 Q9288 +Q106225 P106 Q3282637 +Q59485 P106 Q15214752 +Q157245 P69 Q34433 +Q378116 P106 Q4964182 +Q240782 P1412 Q1860 +Q312833 P106 Q730242 +Q105962 P108 Q1394262 +Q276620 P1303 Q17172850 +Q707460 P136 Q1641839 +Q89054 P106 Q81096 +Q677706 P106 Q4263842 +Q430182 P106 Q36180 +Q71410 P106 Q33999 +Q20887 P1050 Q10874 +Q251287 P106 Q33999 +Q221450 P108 Q503246 +Q151872 P509 Q12078 +Q4864 P27 Q15180 +Q275982 P19 Q1400 +Q981981 P20 Q23436 +Q63834 P69 Q152171 +Q9358 P20 Q3955 +Q117789 P463 Q253439 +Q242162 P20 Q5083 +Q37767 P136 Q482 +Q16390 P106 Q33999 +Q2308660 P106 Q205375 +Q79 P530 Q711 +Q241754 P106 Q1930187 +Q347118 P1412 Q7918 +Q166159 P27 Q145 +Q314787 P106 Q2526255 +Q471542 P27 Q129286 +Q234094 P106 Q3357567 +Q36488 P108 Q216273 +Q562108 P106 Q1930187 +Q129006 P69 Q81087 +Q590420 P106 Q82955 +Q228787 P19 Q5092 +Q707008 P106 Q639669 +Q1642230 P106 Q483501 +Q128956 P1050 Q11081 +Q959588 P106 Q82955 +Q313512 P106 Q81096 +Q106418 P451 Q55469 +Q543195 P463 Q207360 +Q332368 P840 Q62 +Q467027 P27 Q16 +Q165110 P19 Q64 +Q4518 P106 Q33999 +Q156749 P172 Q165192 +Q152298 P1412 Q7737 +Q216896 P27 Q30 +Q164562 P27 Q38 +Q70004 P106 Q39631 +Q8612 P102 Q29552 +Q573408 P1412 Q809 +Q57396 P106 Q639669 +Q228968 P27 Q30 +Q180004 P106 Q488205 +Q164047 P509 Q12204 +Q283328 P106 Q10800557 +Q266795 P69 Q4614 +Q151792 P495 Q38 +Q631508 P19 Q649 +Q1666 P106 Q639669 +Q562789 P27 Q34266 +Q858623 P1303 Q17172850 +Q346216 P101 Q482 +Q342876 P840 Q24826 +Q508752 P20 Q60 +Q181795 P136 Q188473 +Q76746 P463 Q156652 +Q1197841 P161 Q313788 +Q83297 P69 Q1247373 +Q712 P530 Q678 +Q95076 P19 Q1490 +Q7243 P106 Q16287483 +Q76579 P27 Q183 +Q73651 P136 Q959790 +Q234980 P106 Q36180 +Q127984 P20 Q90 +Q471664 P20 Q649 +Q444728 P69 Q2994538 +Q1395064 P106 Q10800557 +Q275641 P106 Q488205 +Q201538 P106 Q4263842 +Q115630 P106 Q15980158 +Q93959 P463 Q266063 +Q690854 P20 Q270 +Q329716 P106 Q10798782 +Q1583707 P106 Q639669 +Q331497 P19 Q65 +Q981256 P1412 Q150 +Q240849 P136 Q1033891 +Q89416 P106 Q1930187 +Q192069 P101 Q482 +Q349217 P106 Q28389 +Q145 P361 Q458 +Q80222 P69 Q273626 +Q251262 P106 Q170790 +Q294586 P172 Q190168 +Q68815 P106 Q49757 +Q58195 P140 Q9592 +Q60068 P140 Q9089 +Q15969 P463 Q459620 +Q223139 P161 Q513849 +Q109232 P106 Q33999 +Q91972 P102 Q157537 +Q266361 P106 Q2259451 +Q344822 P27 Q30 +Q232391 P27 Q159 +Q1618 P106 Q205375 +Q298255 P1303 Q6607 +Q580 P17 Q172107 +Q410 P1412 Q1860 +Q533970 P106 Q2490358 +Q540516 P106 Q855091 +Q95002 P102 Q29468 +Q122701 P551 Q10686 +Q57244 P463 Q463303 +Q314942 P161 Q236074 +Q104276 P108 Q168426 +Q116013 P509 Q476921 +Q315542 P106 Q1930187 +Q324162 P106 Q10798782 +Q420041 P106 Q7042855 +Q311093 P69 Q1542213 +Q154723 P106 Q774306 +Q3716272 P17 Q30 +Q703642 P1412 Q1860 +Q322211 P1303 Q17172850 +Q705697 P106 Q82955 +Q60644 P106 Q333634 +Q218 P530 Q30 +Q605443 P27 Q801 +Q1277015 P27 Q30 +Q11877 P106 Q486748 +Q234043 P136 Q83270 +Q31033707 P106 Q5322166 +Q280918 P161 Q353978 +Q258053 P1412 Q1860 +Q31 P463 Q191384 +Q754 P463 Q1043527 +Q207588 P495 Q30 +Q57213 P106 Q183945 +Q93624 P509 Q476921 +Q41594 P101 Q207628 +Q351670 P1303 Q17172850 +Q239587 P106 Q639669 +Q155106 P106 Q28389 +Q58577 P27 Q43287 +Q126067 P106 Q1930187 +Q507845 P1303 Q320002 +Q234980 P27 Q2184 +Q81960 P136 Q1661 +Q343668 P840 Q1166 +Q273568 P161 Q140181 +Q82238 P106 Q10798782 +Q902 P530 Q96 +Q463042 P27 Q30 +Q1232924 P264 Q796316 +Q112536 P1412 Q1860 +Q188113 P463 Q688638 +Q234244 P106 Q18814623 +Q316381 P69 Q185246 +Q211283 P106 Q2259451 +Q32595 P106 Q33999 +Q320556 P27 Q30 +Q705400 P106 Q245068 +Q175759 P106 Q55960555 +Q30487 P140 Q5043 +Q366057 P69 Q1059546 +Q437944 P106 Q10798782 +Q64915 P106 Q82955 +Q19955709 P69 Q762266 +Q151509 P27 Q851 +Q182046 P172 Q50001 +Q71018 P69 Q152087 +Q1396681 P106 Q36834 +Q11673 P1412 Q1860 +Q109438 P1412 Q188 +Q273981 P172 Q49085 +Q381920 P136 Q35760 +Q98448 P1412 Q188 +Q92809 P69 Q41506 +Q128532 P1303 Q17172850 +Q444312 P1412 Q1860 +Q554670 P106 Q177220 +Q55245 P106 Q948329 +Q86778 P106 Q1930187 +Q93031 P463 Q2370801 +Q501 P509 Q41083 +Q72450 P136 Q130232 +Q7200 P106 Q487596 +Q164721 P106 Q2095549 +Q557774 P136 Q482 +Q57063 P106 Q205375 +Q932959 P106 Q753110 +Q272019 P172 Q49085 +Q115715 P106 Q15253558 +Q159 P530 Q836 +Q234798 P106 Q33999 +Q216221 P551 Q65 +Q194638 P1303 Q187851 +Q270660 P27 Q142 +Q232273 P106 Q2526255 +Q1785 P136 Q1062400 +Q1509908 P509 Q476921 +Q106465 P106 Q36180 +Q908693 P19 Q33486 +Q333856 P106 Q49757 +Q131074 P161 Q310515 +Q14278 P463 Q191583 +Q76478 P1412 Q1860 +Q2071 P106 Q10800557 +Q61813 P106 Q1622272 +Q954997 P106 Q177220 +Q106655 P108 Q153006 +Q51519 P106 Q2526255 +Q180852 P106 Q33999 +Q662809 P27 Q28513 +Q450296 P136 Q37073 +Q185122 P106 Q177220 +Q85092 P108 Q154804 +Q41239 P106 Q15895020 +Q403 P530 Q212 +Q222 P530 Q219060 +Q111087 P106 Q10800557 +Q32535 P136 Q157443 +Q385236 P509 Q35869 +Q1370873 P509 Q12152 +Q1268 P106 Q639669 +Q342778 P106 Q55960555 +Q272929 P106 Q2405480 +Q237602 P106 Q36180 +Q11826 P106 Q4964182 +Q3101841 P106 Q37226 +Q156501 P509 Q147778 +Q1060636 P1412 Q1860 +Q23559 P1412 Q150 +Q316045 P106 Q13570226 +Q3353479 P69 Q49108 +Q216102 P69 Q152087 +Q95030 P106 Q2259451 +Q43 P530 Q668 +Q155398 P140 Q1841 +Q430905 P106 Q177220 +Q3892790 P106 Q37226 +Q1175266 P1303 Q258896 +Q427884 P106 Q2914170 +Q156539 P136 Q2484376 +Q152293 P106 Q1231865 +Q34404 P17 Q30 +Q92316 P119 Q1497554 +Q935258 P106 Q2095549 +Q171463 P106 Q36834 +Q20887 P106 Q1622272 +Q145 P463 Q45177 +Q556615 P27 Q30 +Q73437 P264 Q1088453 +Q106465 P106 Q4853732 +Q185152 P27 Q8733 +Q2895 P131 Q15180 +Q78214 P106 Q1930187 +Q105031 P161 Q218532 +Q453351 P27 Q30 +Q323456 P1303 Q17172850 +Q2518 P27 Q7318 +Q9049 P172 Q34069 +Q221202 P161 Q233365 +Q464251 P106 Q177220 +Q657 P463 Q842490 +Q426393 P161 Q308792 +Q44111 P106 Q1231865 +Q229840 P463 Q1938003 +Q142292 P840 Q1439 +Q30628 P106 Q4610556 +Q277099 P27 Q30 +Q86924 P27 Q183 +Q177288 P509 Q12152 +Q716367 P108 Q174710 +Q234204 P172 Q1344183 +Q204725 P161 Q184103 +Q94123 P106 Q33999 +Q77377 P106 Q635734 +Q64356 P69 Q152838 +Q109767 P161 Q544387 +Q144746 P106 Q639669 +Q530550 P106 Q81096 +Q97550 P106 Q151197 +Q146673 P840 Q62 +Q539 P1412 Q1860 +Q61374 P106 Q4964182 +Q464207 P737 Q504 +Q365682 P106 Q1930187 +Q55796 P1412 Q150 +Q41223 P106 Q49757 +Q25014 P106 Q33999 +Q317110 P509 Q12152 +Q68312 P27 Q151624 +Q453351 P102 Q29552 +Q170800 P106 Q36180 +Q155449 P106 Q2405480 +Q355159 P172 Q161652 +Q232592 P106 Q10798782 +Q573223 P20 Q2807 +Q44461 P737 Q42 +Q795220 P19 Q34404 +Q106775 P106 Q2526255 +Q374912 P106 Q33999 +Q267070 P136 Q131272 +Q207356 P1412 Q1860 +Q13133 P101 Q1328508 +Q439955 P26 Q274812 +Q644797 P106 Q177220 +Q55743 P102 Q537303 +Q931561 P106 Q36834 +Q30931 P161 Q25014 +Q76364 P740 Q1794 +Q66634 P1412 Q188 +Q481474 P20 Q220 +Q519273 P136 Q8341 +Q128832 P106 Q16287483 +Q5152 P509 Q147778 +Q296370 P106 Q948329 +Q240541 P106 Q10798782 +Q78939 P106 Q49757 +Q61761 P106 Q82955 +Q241392 P106 Q1234713 +Q851 P530 Q854 +Q78290 P27 Q183 +Q20235 P119 Q253763 +Q80135 P106 Q15981151 +Q211040 P106 Q177220 +Q5592 P106 Q42973 +Q302835 P101 Q5891 +Q92756 P106 Q1622272 +Q607 P106 Q36180 +Q93341 P106 Q158852 +Q151593 P106 Q765778 +Q110709 P1412 Q652 +Q109540 P1412 Q188 +Q17 P530 Q30 +Q18425 P463 Q3291340 +Q956275 P264 Q726251 +Q159551 P106 Q1231865 +Q12325 P106 Q193391 +Q708585 P1303 Q163829 +Q796 P530 Q219060 +Q4428333 P108 Q1472245 +Q43267 P740 Q184116 +Q213865 P106 Q14915627 +Q12898 P1412 Q1860 +Q54945 P27 Q34 +Q4612 P69 Q895796 +Q1382883 P551 Q25287 +Q70004 P27 Q183 +Q225629 P20 Q65 +Q717 P463 Q191384 +Q282002 P136 Q885561 +Q60715 P463 Q44687 +Q489854 P264 Q38903 +Q707990 P106 Q639669 +Q128888 P20 Q33935 +Q16409 P135 Q39427 +Q106371 P1412 Q188 +Q315132 P20 Q64 +Q298 P530 Q801 +Q282722 P106 Q488205 +Q778 P463 Q17495 +Q74316 P106 Q1622272 +Q30937 P161 Q16473 +Q219150 P161 Q43416 +Q114354 P106 Q36180 +Q191702 P20 Q649 +Q32661 P106 Q6625963 +Q274404 P136 Q8261 +Q340260 P1412 Q150 +Q23810 P19 Q1754 +Q109767 P161 Q108941 +Q351670 P106 Q177220 +Q95855 P106 Q40348 +Q98172 P27 Q183 +Q154269 P106 Q2095549 +Q271614 P1303 Q17172850 +Q73646 P27 Q30 +Q719247 P69 Q1093910 +Q169717 P106 Q177220 +Q70849 P106 Q2516866 +Q300371 P161 Q343463 +Q2514 P27 Q43287 +Q57999 P69 Q154804 +Q275875 P106 Q3455803 +Q320895 P106 Q584301 +Q221074 P119 Q27426 +Q206922 P106 Q13235160 +Q539458 P106 Q15627169 +Q435437 P27 Q159 +Q63826 P20 Q60 +Q162269 P106 Q43845 +Q270560 P106 Q28389 +Q69631 P108 Q55044 +Q441226 P1412 Q7737 +Q196103 P136 Q860626 +Q16349 P27 Q30 +Q1040028 P161 Q234798 +Q708473 P106 Q6625963 +Q123454 P20 Q64 +Q219551 P106 Q16145150 +Q357036 P27 Q33946 +Q439209 P19 Q1085 +Q457923 P69 Q168756 +Q18154882 P161 Q708824 +Q22665 P106 Q1930187 +Q29 P530 Q881 +Q342788 P106 Q10798782 +Q275050 P106 Q10800557 +Q77 P361 Q653884 +Q329454 P106 Q156035 +Q10957559 P30 Q46 +Q232470 P451 Q382393 +Q78713 P19 Q1741 +Q313046 P106 Q33999 +Q444713 P463 Q723551 +Q166454 P106 Q639669 +Q380531 P264 Q726251 +Q387638 P57 Q40026 +Q76197 P102 Q49768 +Q357821 P106 Q33999 +Q1452607 P27 Q30 +Q1290210 P106 Q639669 +Q88478 P1412 Q188 +Q64707 P463 Q543804 +Q292043 P1412 Q7411 +Q299190 P106 Q18814623 +Q262314 P136 Q9759 +Q151682 P840 Q39 +Q188117 P106 Q214917 +Q107416 P106 Q81096 +Q104719 P27 Q183 +Q190162 P106 Q805221 +Q389511 P840 Q597 +Q328590 P69 Q8047423 +Q408 P530 Q458 +Q214582 P106 Q753110 +Q75089 P27 Q183 +Q170574 P106 Q3282637 +Q155 P530 Q733 +Q62661 P27 Q1206012 +Q681470 P102 Q29468 +Q218698 P106 Q12144794 +Q230456 P101 Q132151 +Q128730 P161 Q125354 +Q432281 P106 Q33999 +Q202693 P27 Q20 +Q797599 P1303 Q128309 +Q320556 P463 Q463303 +Q44412 P463 Q3603946 +Q78774 P27 Q172107 +Q237387 P106 Q36180 +Q108941 P106 Q36180 +Q123101 P27 Q39 +Q67207 P106 Q185351 +Q979545 P102 Q29468 +Q242351 P1412 Q7976 +Q349777 P106 Q1622272 +Q881 P530 Q865 +Q386053 P1303 Q9798 +Q34743 P737 Q1512 +Q84346 P106 Q82955 +Q41590 P69 Q608338 +Q233868 P106 Q10798782 +Q165651 P161 Q237255 +Q67047 P106 Q188094 +Q910486 P1412 Q1860 +Q19661 P106 Q1930187 +Q966669 P69 Q805285 +Q240933 P106 Q36180 +Q974221 P172 Q7325 +Q311621 P136 Q11399 +Q405565 P27 Q145 +Q84555 P463 Q299015 +Q84346 P69 Q161976 +Q1173321 P106 Q855091 +Q218083 P106 Q639669 +Q31 P463 Q899770 +Q4089775 P101 Q309 +Q504006 P106 Q188094 +Q59972 P106 Q33999 +Q31 P530 Q142 +Q481477 P108 Q681025 +Q439204 P1412 Q1860 +Q204019 P106 Q36834 +Q57106 P106 Q4773904 +Q65504 P27 Q183 +Q70962 P1412 Q188 +Q76748 P108 Q155354 +Q263930 P161 Q44273 +Q267866 P161 Q463673 +Q3830446 P106 Q36180 +Q46132 P1303 Q6607 +Q315222 P1412 Q9067 +Q282823 P119 Q288130 +Q41223 P27 Q15180 +Q171242 P106 Q1930187 +Q229353 P106 Q4610556 +Q152453 P264 Q231694 +Q188570 P1412 Q8641 +Q96997 P102 Q49750 +Q561596 P264 Q193023 +Q104398 P27 Q16957 +Q20145 P106 Q177220 +Q248562 P136 Q5442753 +Q11689 P108 Q273263 +Q312693 P136 Q11399 +Q1984061 P106 Q584301 +Q57124 P1412 Q188 +Q95050 P26 Q47293 +Q98719 P20 Q2079 +Q524298 P106 Q193391 +Q728169 P106 Q36180 +Q1452648 P106 Q855091 +Q727711 P106 Q860918 +Q1509908 P19 Q23337 +Q45672 P840 Q65 +Q11930 P1303 Q17172850 +Q5879 P106 Q1350157 +Q207698 P161 Q298276 +Q159636 P106 Q205375 +Q315072 P20 Q48958 +Q114760 P106 Q43845 +Q203574 P495 Q145 +Q1077409 P106 Q36180 +Q7546 P106 Q214917 +Q317817 P40 Q174843 +Q11705409 P20 Q2807 +Q560921 P1412 Q1412 +Q96492 P463 Q469210 +Q81447 P27 Q145 +Q382864 P136 Q130232 +Q358529 P69 Q820887 +Q76432 P106 Q1662561 +Q329127 P161 Q270730 +Q106740 P27 Q145 +Q1152239 P172 Q49085 +Q62115 P19 Q1733 +Q1360888 P69 Q1127387 +Q14278 P119 Q5933 +Q87675 P106 Q182436 +Q215820 P106 Q36180 +Q62725 P106 Q82955 +Q294812 P106 Q5716684 +Q57124 P26 Q154412 +Q55836 P69 Q11942 +Q77493 P27 Q183 +Q202859 P136 Q11366 +Q65105 P1412 Q188 +Q213 P463 Q1043527 +Q651763 P108 Q859363 +Q192145 P69 Q1093910 +Q188526 P106 Q18939491 +Q126941 P106 Q28389 +Q498389 P106 Q33231 +Q363254 P136 Q1344 +Q148326 P136 Q157394 +Q65047 P20 Q270 +Q274117 P106 Q488205 +Q597698 P106 Q82955 +Q253697 P1412 Q5287 +Q271054 P27 Q145 +Q216102 P1412 Q188 +Q255300 P106 Q16145150 +Q72357 P1412 Q188 +Q62918 P27 Q30 +Q167211 P19 Q2868 +Q229920 P106 Q33999 +Q473239 P69 Q49122 +Q35 P530 Q837 +Q61195 P69 Q55044 +Q40475 P106 Q5716684 +Q234891 P1303 Q8371 +Q33240 P136 Q1298934 +Q380123 P106 Q177220 +Q32522 P26 Q35332 +Q3806666 P509 Q506616 +Q124287 P106 Q49757 +Q61318 P106 Q201788 +Q8201431 P106 Q4773904 +Q283659 P106 Q82955 +Q62084 P1412 Q188 +Q104358 P136 Q8341 +Q83184 P106 Q82955 +Q76686 P463 Q684415 +Q17917680 P69 Q168756 +Q241583 P136 Q128758 +Q451369 P1412 Q9056 +Q154756 P106 Q36180 +Q204725 P161 Q317567 +Q26162388 P50 Q154367 +Q460161 P27 Q30 +Q761 P131 Q207272 +Q691 P530 Q928 +Q51583 P106 Q33999 +Q951957 P106 Q81096 +Q332508 P106 Q1607826 +Q1514469 P1303 Q302497 +Q329744 P106 Q177220 +Q79759 P1050 Q10874 +Q726298 P69 Q7060402 +Q106208 P20 Q84 +Q3248932 P69 Q2537765 +Q1361841 P106 Q16145150 +Q38875 P106 Q2252262 +Q110462 P106 Q177220 +Q223367 P136 Q622370 +Q100122 P27 Q30 +Q193146 P106 Q28389 +Q556568 P1412 Q809 +Q273652 P27 Q17 +Q983590 P106 Q28389 +Q507985 P106 Q10798782 +Q110330 P463 Q270794 +Q713575 P106 Q1028181 +Q60072 P136 Q52162262 +Q36591 P551 Q39984 +Q192052 P106 Q10800557 +Q1556492 P19 Q183 +Q185024 P27 Q34266 +Q42229 P27 Q27 +Q157282 P102 Q537303 +Q214475 P1412 Q1860 +Q884142 P136 Q9759 +Q298255 P136 Q11399 +Q369762 P106 Q81096 +Q69547 P69 Q152838 +Q7197 P101 Q8261 +Q202144 P106 Q10798782 +Q36 P463 Q8475 +Q49903 P161 Q310944 +Q235742 P161 Q106175 +Q42308 P17 Q212 +Q200572 P161 Q342788 +Q1389258 P106 Q49757 +Q123861 P106 Q4932206 +Q157359 P106 Q185351 +Q1783775 P264 Q1899781 +Q206589 P136 Q959790 +Q395494 P27 Q16 +Q822668 P106 Q1350189 +Q48792 P102 Q29552 +Q237081 P106 Q33999 +Q45255 P106 Q10800557 +Q229271 P69 Q349055 +Q198644 P106 Q4263842 +Q539143 P27 Q145 +Q943577 P463 Q463303 +Q125494 P495 Q142 +Q7197 P737 Q9364 +Q184935 P106 Q82955 +Q327240 P106 Q10732476 +Q57535 P20 Q64 +Q168849 P161 Q257317 +Q92624 P463 Q127992 +Q298682 P27 Q30 +Q235992 P20 Q597 +Q83557 P27 Q159 +Q809003 P136 Q598929 +Q76480 P463 Q15646111 +Q1618047 P69 Q152838 +Q313789 P1303 Q17172850 +Q32910 P161 Q352233 +Q750 P530 Q35 +Q86152 P108 Q32120 +Q467482 P69 Q204181 +Q360046 P106 Q2259451 +Q73195 P27 Q16957 +Q45255 P106 Q214917 +Q440731 P135 Q39427 +Q88710 P19 Q1715 +Q258010 P264 Q387539 +Q714106 P69 Q13371 +Q122461 P106 Q188094 +Q153020 P106 Q82955 +Q240769 P69 Q201492 +Q911923 P106 Q386854 +Q158092 P69 Q174570 +Q380407 P106 Q3282637 +Q68656 P19 Q1295 +Q529309 P27 Q15180 +Q176026 P19 Q1342 +Q383764 P106 Q3282637 +Q85460 P1412 Q188 +Q112160 P106 Q37226 +Q513615 P106 Q2516866 +Q51581 P27 Q30 +Q677769 P106 Q1930187 +Q229166 P106 Q10800557 +Q8704 P106 Q13235160 +Q335794 P106 Q36180 +Q61322 P106 Q33999 +Q313522 P69 Q49213 +Q983434 P106 Q18844224 +Q158436 P19 Q1741 +Q160163 P551 Q1297 +Q142 P530 Q27 +Q62352 P27 Q29999 +Q265726 P106 Q10800557 +Q239240 P1412 Q1860 +Q369907 P106 Q4964182 +Q171428 P27 Q15180 +Q76509 P463 Q833738 +Q17135 P19 Q8686 +Q108283 P551 Q65 +Q105180 P106 Q1476215 +Q7176 P463 Q463303 +Q392 P27 Q30 +Q370711 P106 Q177220 +Q322236 P27 Q30 +Q51506 P106 Q2259451 +Q155423 P106 Q33999 +Q964776 P136 Q35760 +Q94071 P106 Q1622272 +Q551596 P106 Q639669 +Q255070 P27 Q30 +Q346374 P264 Q843402 +Q960524 P1303 Q17172850 +Q399318 P106 Q177220 +Q73132 P1303 Q51290 +Q92876 P106 Q82594 +Q185364 P106 Q2252262 +Q104104 P69 Q230899 +Q103285 P106 Q11774202 +Q94672 P27 Q40 +Q709873 P19 Q1345 +Q332256 P27 Q33 +Q7314 P551 Q39 +Q258462 P106 Q4263842 +Q123923 P106 Q211346 +Q233956 P172 Q181634 +Q63791 P106 Q1607826 +Q542217 P106 Q34074720 +Q180819 P106 Q15980158 +Q691798 P106 Q36180 +Q241252 P1412 Q7737 +Q116258 P27 Q142 +Q73028 P161 Q313579 +Q194419 P106 Q2095549 +Q104358 P106 Q482980 +Q182665 P106 Q33999 +Q188235 P102 Q29468 +Q37134 P40 Q57180 +Q208269 P161 Q362332 +Q317953 P106 Q806798 +Q448778 P106 Q82955 +Q53012 P106 Q2526255 +Q71447 P20 Q90 +Q275161 P106 Q3282637 +Q235511 P106 Q177220 +Q182763 P641 Q11419 +Q1292344 P463 Q270794 +Q263178 P19 Q90 +Q44847 P106 Q212980 +Q568455 P106 Q486748 +Q139637 P26 Q76717 +Q699950 P106 Q2516852 +Q55004 P1303 Q5994 +Q189889 P161 Q48410 +Q270410 P161 Q234487 +Q924 P463 Q1043527 +Q597694 P463 Q18912936 +Q238919 P69 Q389336 +Q117761 P106 Q33231 +Q166876 P106 Q250867 +Q518839 P106 Q639669 +Q231595 P106 Q2259451 +Q296287 P106 Q10800557 +Q462744 P69 Q1377 +Q188526 P101 Q184485 +Q320052 P136 Q5967378 +Q2061964 P27 Q30 +Q95215 P69 Q152087 +Q357324 P69 Q222738 +Q74849 P69 Q193510 +Q232009 P161 Q200405 +Q1346521 P27 Q174193 +Q7336 P19 Q1794 +Q49355 P106 Q37226 +Q221462 P840 Q62 +Q460379 P136 Q188473 +Q189119 P27 Q145 +Q134022 P20 Q64 +Q133050 P102 Q29552 +Q330316 P1412 Q652 +Q902 P530 Q183 +Q88478 P27 Q183 +Q151164 P509 Q12078 +Q440528 P106 Q1930187 +Q155079 P106 Q2252262 +Q7245 P1412 Q1860 +Q455430 P463 Q329464 +Q267406 P106 Q5716684 +Q67039 P69 Q156725 +Q93166 P106 Q333634 +Q196401 P106 Q40348 +Q62544 P106 Q1622272 +Q1684779 P69 Q463055 +Q126958 P106 Q10800557 +Q948941 P20 Q649 +Q31621 P463 Q83172 +Q459038 P106 Q488205 +Q833 P530 Q766 +Q175759 P27 Q30 +Q273055 P136 Q131272 +Q240808 P136 Q186472 +Q357515 P106 Q855091 +Q232288 P106 Q177220 +Q236217 P161 Q234890 +Q216041 P106 Q1622272 +Q24632 P551 Q16552 +Q67535 P20 Q2966 +Q76152 P106 Q34074720 +Q456921 P69 Q6608367 +Q38203 P69 Q49124 +Q85464 P106 Q188094 +Q270869 P27 Q30 +Q320423 P840 Q15180 +Q534419 P19 Q60 +Q38 P530 Q27 +Q264577 P161 Q329163 +Q44412 P27 Q35 +Q621458 P69 Q193196 +Q91997 P27 Q183 +Q114819 P161 Q345212 +Q313755 P1303 Q17172850 +Q180011 P106 Q4610556 +Q1048660 P20 Q350 +Q127367 P161 Q152165 +Q39658 P101 Q441 +Q333014 P106 Q488205 +Q45662 P27 Q183 +Q542101 P106 Q55960555 +Q144483 P161 Q362500 +Q270351 P161 Q9588 +Q804 P530 Q668 +Q242110 P1412 Q1860 +Q164424 P136 Q130232 +Q46717 P161 Q310930 +Q105543 P106 Q333634 +Q180337 P136 Q130232 +Q272960 P106 Q10798782 +Q130631 P20 Q90 +Q65084 P106 Q182436 +Q95522 P463 Q329464 +Q131259 P106 Q33999 +Q123861 P19 Q78 +Q65600 P108 Q55044 +Q433355 P27 Q30 +Q325077 P161 Q77035 +Q184906 P69 Q13164 +Q57465 P102 Q49768 +Q44063 P737 Q204299 +Q274529 P161 Q117392 +Q220864 P1412 Q1321 +Q310767 P40 Q181685 +Q244604 P136 Q20443008 +Q408 P530 Q810 +Q1396630 P641 Q542 +Q60714 P106 Q193391 +Q154421 P102 Q29552 +Q115541 P106 Q10800557 +Q30449 P551 Q65 +Q270599 P136 Q224700 +Q455304 P106 Q753110 +Q319374 P136 Q9759 +Q360507 P106 Q28389 +Q399318 P106 Q33999 +Q72201 P106 Q82955 +Q158997 P27 Q30 +Q228585 P161 Q464320 +Q1154804 P69 Q232141 +Q311976 P106 Q177220 +Q160433 P1303 Q17172850 +Q1741 P17 Q7318 +Q636 P106 Q183945 +Q216913 P106 Q486748 +Q224130 P161 Q178348 +Q4396425 P108 Q13164 +Q951110 P106 Q6625963 +Q141114 P27 Q15180 +Q43303 P106 Q11499147 +Q44481 P106 Q19350898 +Q93349 P172 Q49085 +Q449 P1303 Q6607 +Q75886 P106 Q82955 +Q311778 P108 Q34433 +Q220376 P161 Q80046 +Q78553 P27 Q40 +Q183 P530 Q423 +Q60145 P20 Q1726 +Q502963 P119 Q216344 +Q78503 P463 Q901677 +Q71335 P27 Q183 +Q14441 P106 Q5716684 +Q87402 P20 Q1726 +Q188385 P135 Q878985 +Q237030 P140 Q624477 +Q379877 P161 Q236066 +Q17279884 P27 Q38 +Q290287 P27 Q30 +Q918655 P1412 Q1860 +Q53570396 P3373 Q20562503 +Q73784 P136 Q49084 +Q93692 P101 Q482 +Q262267 P106 Q10798782 +Q65728 P463 Q44687 +Q188375 P106 Q3455803 +Q128560 P106 Q18814623 +Q168992 P106 Q639669 +Q2103 P463 Q1768108 +Q37355 P1412 Q1860 +Q289204 P161 Q2071 +Q94586 P27 Q40 +Q49328 P1412 Q188 +Q361996 P106 Q33999 +Q102551 P1412 Q1860 +Q112856 P19 Q1741 +Q807398 P1303 Q17172850 +Q380425 P1412 Q150 +Q460425 P69 Q49120 +Q89416 P27 Q40 +Q25089 P1412 Q1860 +Q67076 P69 Q152838 +Q676455 P106 Q82955 +Q381014 P106 Q593644 +Q14538 P1303 Q6607 +Q57775 P1412 Q7918 +Q192348 P463 Q459620 +Q568256 P172 Q940348 +Q41314 P106 Q205375 +Q68656 P106 Q40348 +Q318292 P69 Q41506 +Q74865 P106 Q2259451 +Q191088 P106 Q33999 +Q61686 P106 Q169470 +Q89188 P106 Q185351 +Q44839 P106 Q33999 +Q347461 P551 Q34863 +Q843 P530 Q30 +Q1497744 P19 Q1588 +Q204514 P840 Q84 +Q368674 P161 Q313039 +Q2260923 P106 Q82955 +Q1403 P106 Q482980 +Q325427 P1412 Q1860 +Q5685 P106 Q482980 +Q763897 P1412 Q1860 +Q166876 P106 Q16031530 +Q242889 P106 Q488205 +Q617932 P27 Q30 +Q201687 P495 Q30 +Q230055 P19 Q761 +Q101064 P106 Q185351 +Q374912 P509 Q12152 +Q375827 P27 Q30 +Q71998 P27 Q15180 +Q193815 P106 Q3427922 +Q440353 P106 Q33999 +Q181900 P551 Q1138378 +Q434669 P69 Q777403 +Q200883 P69 Q248970 +Q275793 P101 Q482 +Q1941315 P1050 Q11085 +Q151976 P264 Q1435522 +Q491019 P106 Q2722764 +Q26741 P551 Q24639 +Q234335 P106 Q2306091 +Q313666 P69 Q273626 +Q160263 P106 Q482980 +Q84555 P69 Q55044 +Q107405 P108 Q193727 +Q710619 P106 Q864503 +Q86526 P463 Q123885 +Q1192 P551 Q142 +Q884172 P106 Q855091 +Q80966 P69 Q319078 +Q4963372 P106 Q1281618 +Q434573 P20 Q90 +Q241609 P106 Q33231 +Q757 P463 Q899770 +Q42229 P106 Q36180 +Q78864 P27 Q176495 +Q379877 P57 Q188137 +Q33131 P161 Q228739 +Q663465 P1412 Q188 +Q355009 P106 Q753110 +Q18456 P27 Q40 +Q229271 P106 Q10798782 +Q114450 P106 Q1028181 +Q370377 P69 Q2093794 +Q11860 P140 Q1841 +Q212446 P172 Q49542 +Q256649 P1412 Q1321 +Q195616 P108 Q1065 +Q106399 P106 Q2919046 +Q276769 P136 Q369747 +Q211784 P136 Q52162262 +Q805 P361 Q7204 +Q61412 P1412 Q9043 +Q184935 P106 Q49757 +Q32 P463 Q188822 +Q146948 P106 Q15627169 +Q316313 P106 Q201788 +Q24367 P69 Q154804 +Q107933 P106 Q33999 +Q318320 P509 Q18554460 +Q369022 P106 Q11023 +Q317521 P106 Q131524 +Q55207 P27 Q15180 +Q145 P463 Q188822 +Q76279 P27 Q183 +Q59485 P1303 Q17172850 +Q1060636 P737 Q242095 +Q254038 P172 Q49085 +Q560040 P1303 Q5994 +Q106571 P495 Q145 +Q99397 P106 Q82955 +Q91461 P106 Q18814623 +Q833 P463 Q842490 +Q36878 P106 Q12144794 +Q221771 P1412 Q8752 +Q253862 P1303 Q17172850 +Q1365901 P106 Q131524 +Q272608 P495 Q30 +Q443065 P106 Q10800557 +Q1094716 P106 Q193391 +Q82984 P106 Q1231865 +Q201477 P463 Q161806 +Q7315 P106 Q1231865 +Q334116 P20 Q84 +Q1032 P463 Q842490 +Q155449 P27 Q30 +Q558104 P69 Q49213 +Q232917 P106 Q2405480 +Q92851 P108 Q168756 +Q313755 P106 Q2259451 +Q212993 P106 Q36180 +Q58978 P108 Q50662 +Q739 P463 Q376150 +Q70989 P106 Q49757 +Q98687 P106 Q16533 +Q207544 P27 Q30 +Q30 P530 Q971 +Q13894 P19 Q1726 +Q315090 P106 Q578109 +Q16472 P106 Q177220 +Q1195390 P1303 Q6607 +Q231194 P136 Q131578 +Q2736087 P106 Q81096 +Q14439 P1412 Q1860 +Q220864 P106 Q1930187 +Q157246 P172 Q179248 +Q342604 P27 Q145 +Q261588 P19 Q7525 +Q249865 P106 Q3282637 +Q202489 P27 Q29999 +Q233701 P1412 Q1860 +Q85411 P69 Q153978 +Q310116 P106 Q183945 +Q464037 P106 Q1930187 +Q1022 P463 Q55473342 +Q181689 P1050 Q10874 +Q254 P1412 Q397 +Q81796 P106 Q36180 +Q287828 P106 Q13570226 +Q2890097 P106 Q4610556 +Q361940 P1303 Q128309 +Q229603 P161 Q188375 +Q812105 P106 Q6430706 +Q102124 P106 Q2259451 +Q1346255 P106 Q639669 +Q213 P530 Q739 +Q843 P530 Q917 +Q220655 P136 Q130232 +Q312969 P463 Q958769 +Q705515 P27 Q15180 +Q214983 P106 Q36180 +Q180098 P161 Q88997 +Q937537 P140 Q7066 +Q202537 P27 Q159 +Q202475 P106 Q33999 +Q277626 P136 Q56284716 +Q242792 P264 Q4413456 +Q271877 P19 Q16558 +Q70523 P108 Q155354 +Q833 P530 Q117 +Q150281 P69 Q457281 +Q981960 P20 Q656 +Q125106 P106 Q3282637 +Q229029 P106 Q10800557 +Q66337 P20 Q3150 +Q453987 P27 Q30 +Q45388 P135 Q377616 +Q55394 P106 Q81096 +Q295589 P106 Q6625963 +Q443813 P101 Q207628 +Q153700 P106 Q82955 +Q88844 P27 Q183 +Q184255 P161 Q120406 +Q132351 P161 Q310947 +Q140575 P463 Q695302 +Q76593 P106 Q18576582 +Q352431 P161 Q873 +Q43 P463 Q1065 +Q129831 P106 Q33999 +Q6527 P509 Q202837 +Q553543 P106 Q639669 +Q340260 P106 Q12377274 +Q84579 P106 Q1622272 +Q151872 P106 Q49757 +Q382676 P1303 Q6607 +Q94018 P69 Q165980 +Q7304 P1412 Q188 +Q1779574 P106 Q3621491 +Q188388 P106 Q6625963 +Q33240 P106 Q10800557 +Q41617 P106 Q1476215 +Q1010602 P551 Q490 +Q944275 P106 Q170790 +Q467091 P1412 Q1321 +Q210059 P108 Q49109 +Q172975 P840 Q100 +Q174153 P136 Q663106 +Q521790 P106 Q753110 +Q2737 P106 Q2259451 +Q117970 P19 Q24639 +Q170581 P551 Q1384 +Q68865 P27 Q183 +Q231391 P106 Q177220 +Q453288 P463 Q723551 +Q89516 P463 Q543804 +Q188848 P106 Q6625963 +Q212002 P106 Q10800557 +Q231182 P264 Q1347984 +Q236189 P106 Q10798782 +Q358714 P106 Q10800557 +Q174908 P1412 Q1321 +Q316454 P106 Q639669 +Q187019 P737 Q299965 +Q920167 P106 Q7042855 +Q765 P119 Q608405 +Q6078 P1303 Q52954 +Q408 P530 Q1033 +Q431802 P69 Q209842 +Q369681 P108 Q16952 +Q312173 P106 Q177220 +Q76823 P106 Q36180 +Q1406115 P140 Q9592 +Q217685 P136 Q130232 +Q83326 P136 Q1344 +Q183492 P106 Q18844224 +Q157318 P20 Q34217 +Q617 P17 Q131964 +Q11590 P106 Q170790 +Q1334617 P106 Q205375 +Q294144 P27 Q928 +Q234898 P19 Q1348 +Q236240 P27 Q145 +Q1750541 P172 Q678551 +Q1039 P30 Q15 +Q873178 P106 Q82955 +Q354241 P106 Q1281618 +Q123565 P106 Q2374149 +Q313204 P106 Q2259451 +Q18066 P27 Q15180 +Q203243 P463 Q463303 +Q173417 P106 Q36180 +Q305962 P737 Q151403 +Q47087 P27 Q854 +Q25649 P106 Q15253558 +Q254431 P106 Q639669 +Q173481 P20 Q597 +Q375290 P26 Q240896 +Q230555 P19 Q18419 +Q266816 P1412 Q1321 +Q558288 P106 Q1281618 +Q91428 P106 Q947873 +Q95355 P106 Q36180 +Q958294 P69 Q83259 +Q195710 P161 Q58444 +Q1365901 P102 Q29552 +Q28234 P161 Q129817 +Q234144 P106 Q33999 +Q790 P530 Q717 +Q481482 P106 Q1930187 +Q28656886 P106 Q1028181 +Q152274 P1412 Q9056 +Q1744 P106 Q43845 +Q1277181 P1303 Q9798 +Q290094 P19 Q6106 +Q433144 P19 Q1492 +Q928939 P106 Q82955 +Q76158 P106 Q4263842 +Q151792 P495 Q142 +Q519851 P106 Q49757 +Q265252 P1303 Q163829 +Q42747 P106 Q333634 +Q40531 P106 Q28389 +Q966669 P463 Q94301 +Q103285 P509 Q210392 +Q248837 P102 Q5020915 +Q3022141 P106 Q81096 +Q332330 P161 Q232860 +Q44371 P27 Q15180 +Q198451 P161 Q371403 +Q73013 P1412 Q188 +Q103569 P495 Q145 +Q143716 P161 Q229220 +Q215369 P106 Q10800557 +Q164469 P27 Q142 +Q354783 P27 Q30 +Q101087 P1412 Q1860 +Q554164 P3373 Q921542 +Q1037 P37 Q1860 +Q922457 P1412 Q1860 +Q126783 P27 Q794 +Q73482 P106 Q2468727 +Q229379 P106 Q4610556 +Q408 P530 Q754 +Q213579 P119 Q1799 +Q150471 P509 Q12204 +Q8027 P106 Q36180 +Q178709 P106 Q64733534 +Q237944 P106 Q4853732 +Q381307 P1412 Q1860 +Q76993 P106 Q131524 +Q240869 P106 Q3282637 +Q93070 P106 Q82594 +Q2429435 P108 Q151510 +Q444147 P106 Q4610556 +Q312747 P106 Q6625963 +Q238941 P106 Q855091 +Q31621 P463 Q253439 +Q865 P530 Q213 +Q1631 P106 Q2914170 +Q40071 P161 Q40143 +Q272224 P106 Q1238570 +Q31845 P1412 Q35497 +Q431565 P106 Q1930187 +Q364270 P106 Q1906857 +Q69439 P106 Q512314 +Q873 P451 Q296177 +Q71625 P106 Q1622272 +Q387539 P740 Q39561 +Q380852 P27 Q30 +Q81082 P463 Q466089 +Q1047141 P106 Q177220 +Q85788 P551 Q104192 +Q266445 P106 Q2259451 +Q253566 P136 Q1054574 +Q361996 P106 Q10798782 +Q152555 P1412 Q1860 +Q5121453 P17 Q30 +Q241646 P106 Q10800557 +Q316045 P108 Q186285 +Q125484 P172 Q42884 +Q142546 P264 Q4779433 +Q185375 P69 Q27621 +Q164060 P106 Q488205 +Q48084 P106 Q82955 +Q779932 P106 Q1930187 +Q267866 P161 Q215017 +Q261923 P840 Q65 +Q72856 P27 Q268970 +Q208266 P136 Q52162262 +Q344983 P264 Q216364 +Q60095 P106 Q185351 +Q255725 P20 Q19660 +Q1175373 P463 Q123885 +Q203059 P159 Q65 +Q797615 P106 Q855091 +Q370711 P106 Q753110 +Q944245 P106 Q713200 +Q96950 P102 Q49768 +Q78739 P106 Q13570226 +Q160627 P69 Q375606 +Q36488 P102 Q139596 +Q152767 P509 Q3505252 +Q298205 P1303 Q17172850 +Q380484 P1412 Q1860 +Q233502 P106 Q2259451 +Q81082 P140 Q7066 +Q57578 P20 Q2090 +Q181899 P136 Q21590660 +Q769 P463 Q899770 +Q65130 P101 Q24454422 +Q319084 P27 Q30 +Q51814 P106 Q189290 +Q232985 P106 Q33999 +Q67207 P509 Q216169 +Q100511 P108 Q153987 +Q365474 P106 Q2252262 +Q157044 P161 Q37459 +Q55388 P106 Q10800557 +Q288173 P161 Q45647 +Q102822 P108 Q214341 +Q339358 P27 Q38 +Q92882 P106 Q82594 +Q181145 P27 Q20 +Q204019 P69 Q1053996 +Q453691 P136 Q217597 +Q272225 P106 Q488205 +Q61456 P106 Q201788 +Q7604 P463 Q188771 +Q66732 P69 Q151510 +Q122553 P19 Q84 +Q741058 P106 Q43845 +Q29 P530 Q403 +Q1041034 P106 Q36834 +Q235351 P1412 Q1860 +Q164784 P463 Q253439 +Q152453 P106 Q177220 +Q244296 P161 Q32045 +Q242351 P40 Q3713655 +Q76772 P20 Q64 +Q108312 P119 Q1497554 +Q297831 P172 Q49085 +Q203560 P161 Q172678 +Q539791 P463 Q463303 +Q2429435 P463 Q812155 +Q65932 P106 Q28389 +Q84199 P19 Q1726 +Q968214 P69 Q1145814 +Q274362 P641 Q38108 +Q112145 P1412 Q1860 +Q5494459 P1303 Q5994 +Q460071 P106 Q488205 +Q1939373 P106 Q43845 +Q57475 P69 Q160302 +Q333402 P101 Q11023 +Q274348 P106 Q1930187 +Q264867 P106 Q10800557 +Q254038 P106 Q177220 +Q513712 P740 Q1490 +Q454645 P106 Q1397808 +Q2514 P27 Q713750 +Q231391 P106 Q10800557 +Q39829 P27 Q30 +Q1063743 P1412 Q1860 +Q555147 P27 Q142 +Q159409 P69 Q705737 +Q168721 P106 Q33999 +Q45970 P106 Q11774202 +Q167475 P737 Q19504 +Q98703 P106 Q16533 +Q343616 P106 Q2259451 +Q201500 P108 Q174710 +Q162740 P106 Q1209498 +Q104049 P106 Q36180 +Q432473 P1412 Q1860 +Q230501 P264 Q1047366 +Q91161 P27 Q183 +Q302817 P19 Q1297 +Q444713 P106 Q15442776 +Q32520 P106 Q36180 +Q108097 P20 Q64 +Q137138 P27 Q16 +Q432385 P27 Q30 +Q902 P530 Q717 +Q208116 P136 Q1661 +Q611586 P106 Q2526255 +Q272438 P551 Q90 +Q57462 P1412 Q188 +Q76725 P737 Q9235 +Q751205 P27 Q172579 +Q792 P463 Q190008 +Q356719 P1412 Q5146 +Q81487 P495 Q30 +Q200396 P840 Q21 +Q16455 P69 Q523926 +Q167997 P101 Q333 +Q220308 P106 Q28389 +Q164957 P106 Q333634 +Q168704 P27 Q39 +Q257630 P136 Q20442589 +Q25161 P26 Q191027 +Q187019 P140 Q9268 +Q539506 P106 Q36834 +Q508497 P106 Q82955 +Q219519 P106 Q639669 +Q311613 P106 Q36180 +Q37160 P737 Q82049 +Q154759 P463 Q835943 +Q156516 P161 Q299968 +Q239382 P106 Q753110 +Q2272369 P108 Q273523 +Q94882 P551 Q11194 +Q1157945 P69 Q168756 +Q87298 P106 Q4773904 +Q232783 P27 Q29 +Q506379 P69 Q24382 +Q2704774 P463 Q337234 +Q154581 P161 Q442547 +Q152857 P161 Q62676 +Q311802 P1412 Q652 +Q159542 P463 Q83172 +Q89694 P106 Q2526255 +Q143901 P161 Q103946 +Q213447 P1412 Q1860 +Q41422 P106 Q3282637 +Q79759 P509 Q476921 +Q575886 P106 Q1028181 +Q865 P530 Q801 +Q93853 P840 Q96 +Q84147 P57 Q323074 +Q568455 P19 Q60 +Q185654 P27 Q801 +Q264596 P106 Q177220 +Q432385 P69 Q13371 +Q369283 P108 Q13371 +Q169717 P106 Q488205 +Q267018 P161 Q40523 +Q148387 P495 Q30 +Q46080 P106 Q177220 +Q337555 P17 Q142 +Q45245 P20 Q2773 +Q192706 P101 Q169470 +Q470101 P140 Q9592 +Q43274 P106 Q4853732 +Q16574 P102 Q31113 +Q310464 P119 Q824 +Q188117 P106 Q18844224 +Q40933 P106 Q15627169 +Q322275 P264 Q193023 +Q85282 P108 Q152171 +Q889 P530 Q212 +Q235318 P106 Q3391743 +Q233479 P551 Q270 +Q1884 P17 Q142 +Q167265 P161 Q277099 +Q180011 P27 Q30 +Q20995 P106 Q1622272 +Q460088 P106 Q1622272 +Q45275 P1412 Q188 +Q677706 P27 Q30 +Q7294 P27 Q183 +Q204398 P495 Q30 +Q18143 P106 Q4263842 +Q79969 P20 Q172 +Q55462 P19 Q220 +Q18149651 P136 Q11401 +Q1371798 P106 Q639669 +Q366930 P106 Q6625963 +Q723320 P19 Q60 +Q232592 P106 Q10800557 +Q463313 P161 Q276525 +Q76490 P106 Q15981151 +Q44414 P106 Q28389 +Q88748 P106 Q1622272 +Q1333939 P264 Q193023 +Q76409 P106 Q18814623 +Q929665 P19 Q472 +Q204005 P106 Q10798782 +Q723678 P27 Q142 +Q940686 P20 Q60 +Q75886 P69 Q20266330 +Q16409 P106 Q2526255 +Q152306 P106 Q372436 +Q272650 P106 Q82955 +Q7176 P106 Q333634 +Q328320 P161 Q232511 +Q435857 P264 Q43327 +Q267435 P172 Q49085 +Q61199 P106 Q49757 +Q268284 P1303 Q52954 +Q184535 P106 Q1622272 +Q134123 P106 Q189290 +Q962971 P106 Q482980 +Q441940 P106 Q6168364 +Q375419 P27 Q30 +Q1874 P30 Q46 +Q148326 P161 Q95048 +Q645362 P463 Q7118978 +Q1451270 P135 Q9730 +Q1353559 P106 Q36834 +Q264730 P106 Q33999 +Q185165 P101 Q207628 +Q4527494 P106 Q81096 +Q278699 P1412 Q1860 +Q458766 P106 Q36180 +Q8298 P264 Q183412 +Q168721 P106 Q3282637 +Q311621 P740 Q65 +Q264960 P264 Q193023 +Q596817 P264 Q193023 +Q354508 P106 Q36180 +Q319737 P1303 Q52954 +Q272896 P1303 Q17172850 +Q4418776 P106 Q901 +Q81219 P509 Q210392 +Q323236 P106 Q33999 +Q31 P463 Q188822 +Q220078 P106 Q18844224 +Q93115 P27 Q30 +Q76498 P119 Q253763 +Q738029 P551 Q1297 +Q440433 P106 Q10800557 +Q89764 P106 Q10800557 +Q520296 P106 Q639669 +Q254576 P108 Q740308 +Q76959 P1412 Q188 +Q4068880 P106 Q2961975 +Q267406 P27 Q30 +Q115483 P106 Q1930187 +Q357961 P108 Q13371 +Q1001254 P27 Q30 +Q231128 P19 Q47164 +Q173714 P106 Q121594 +Q183 P530 Q739 +Q229775 P106 Q10800557 +Q336185 P106 Q10798782 +Q505476 P1303 Q52954 +Q71419 P106 Q1930187 +Q106482 P106 Q2259451 +Q2643 P1303 Q17172850 +Q52997 P1412 Q188 +Q575444 P136 Q20378 +Q5977 P106 Q855091 +Q16 P530 Q822 +Q207459 P1412 Q7737 +Q392654 P136 Q205049 +Q113818 P101 Q131524 +Q202589 P1412 Q1860 +Q184785 P27 Q30 +Q188845 P840 Q65 +Q240233 P106 Q177220 +Q193608 P1412 Q1860 +Q311615 P106 Q10800557 +Q901677 P131 Q19660 +Q315441 P106 Q1930187 +Q978375 P106 Q855091 +Q327542 P69 Q49088 +Q303 P106 Q486748 +Q400341 P106 Q2526255 +Q1804720 P3373 Q1386420 +Q174478 P1050 Q10874 +Q151691 P69 Q154804 +Q924 P530 Q148 +Q118936 P106 Q1028181 +Q124610 P19 Q78 +Q215520 P106 Q28389 +Q273233 P19 Q138518 +Q375024 P1303 Q5994 +Q34660 P1050 Q84263196 +Q72721 P19 Q1715 +Q11998 P1412 Q1860 +Q6512 P136 Q8261 +Q24995 P1303 Q17172850 +Q315507 P106 Q1930187 +Q300479 P106 Q33999 +Q343983 P106 Q4853732 +Q314640 P106 Q36180 +Q110043 P840 Q62 +Q182692 P161 Q353978 +Q316644 P106 Q639669 +Q5878 P106 Q482980 +Q233081 P140 Q7066 +Q6648722 P108 Q591115 +Q678 P530 Q712 +Q92635 P101 Q21198 +Q201579 P106 Q36180 +Q320384 P136 Q224700 +Q40909 P136 Q676 +Q83326 P27 Q28 +Q9358 P737 Q9312 +Q123512 P69 Q3064325 +Q471188 P106 Q36834 +Q100440 P20 Q16557 +Q112176 P106 Q1622272 +Q552770 P106 Q177220 +Q441528 P106 Q10800557 +Q311684 P69 Q180865 +Q225657 P106 Q10800557 +Q216536 P106 Q182436 +Q183 P530 Q702 +Q99634 P1412 Q188 +Q450271 P106 Q40348 +Q1888794 P106 Q82594 +Q154353 P106 Q864380 +Q1643790 P106 Q36180 +Q82519 P840 Q60 +Q128507 P27 Q145 +Q237173 P27 Q30 +Q1984061 P1303 Q6607 +Q58866 P1412 Q188 +Q67553 P106 Q36180 +Q70988 P172 Q42884 +Q53001 P108 Q909176 +Q1030 P530 Q114 +Q557774 P19 Q1489 +Q288173 P136 Q188473 +Q130952 P161 Q318249 +Q766880 P106 Q36180 +Q187107 P106 Q5716684 +Q428551 P161 Q202475 +Q93401 P1412 Q9301 +Q165672 P106 Q1622272 +Q88427 P3373 Q75151 +Q45 P530 Q1246 +Q1399 P106 Q36180 +Q159 P463 Q7825 +Q1202021 P463 Q1559701 +Q39561 P131 Q104994 +Q9312 P101 Q9471 +Q953153 P106 Q33999 +Q229908 P106 Q10800557 +Q464218 P106 Q36834 +Q63035 P106 Q82955 +Q1065624 P264 Q732503 +Q433459 P106 Q10798782 +Q739 P463 Q1043527 +Q922830 P172 Q49085 +Q241299 P463 Q463281 +Q81624 P27 Q145 +Q151814 P101 Q207628 +Q361257 P106 Q33999 +Q36949 P106 Q2526255 +Q101915 P106 Q36180 +Q230622 P136 Q11401 +Q1270525 P106 Q16145150 +Q167877 P509 Q12206 +Q155158 P106 Q627325 +Q252 P463 Q7768 +Q168821 P161 Q228931 +Q961447 P106 Q2252262 +Q289598 P136 Q3990883 +Q135347 P161 Q312294 +Q32535 P161 Q352233 +Q78833 P1412 Q188 +Q37355 P106 Q639669 +Q36740 P108 Q1065 +Q1601945 P140 Q75809 +Q252 P530 Q45 +Q131864 P161 Q40504 +Q340814 P136 Q130232 +Q53403 P102 Q29468 +Q2656667 P106 Q3282637 +Q445606 P106 Q16287483 +Q354654 P106 Q177220 +Q127688 P106 Q36180 +Q128799 P264 Q56760250 +Q2287423 P27 Q25 +Q440932 P106 Q36834 +Q76361 P102 Q7320 +Q220525 P172 Q127885 +Q94486 P108 Q31519 +Q326723 P106 Q10800557 +Q98258 P106 Q774306 +Q25997 P106 Q4263842 +Q289428 P172 Q49085 +Q214911 P101 Q482 +Q505274 P106 Q28389 +Q1715512 P106 Q2259451 +Q208101 P136 Q128758 +Q234809 P106 Q10798782 +Q32 P530 Q458 +Q203286 P106 Q3665646 +Q275593 P106 Q36834 +Q61183 P106 Q39631 +Q67518 P19 Q1022 +Q4157585 P101 Q43035 +Q67039 P108 Q263064 +Q179682 P106 Q753110 +Q261601 P840 Q1297 +Q310204 P136 Q1342372 +Q307463 P3373 Q183187 +Q442198 P106 Q1622272 +Q634100 P106 Q49757 +Q637195 P106 Q488205 +Q706931 P108 Q193196 +Q61319 P463 Q188771 +Q61319 P463 Q329464 +Q11607 P1412 Q1860 +Q148204 P161 Q766930 +Q1195390 P106 Q177220 +Q309631 P106 Q10800557 +Q159054 P136 Q645928 +Q142974 P106 Q214917 +Q58735 P106 Q13590141 +Q96825 P106 Q1925963 +Q118986 P20 Q64 +Q76892 P463 Q2822396 +Q323827 P136 Q52162262 +Q310953 P140 Q1841 +Q53939 P1412 Q188 +Q88267 P102 Q49762 +Q43179 P106 Q36180 +Q193035 P69 Q221645 +Q3370728 P20 Q90 +Q541599 P20 Q84 +Q207482 P161 Q218532 +Q709935 P108 Q23548 +Q919565 P509 Q14467705 +Q83501 P69 Q1329478 +Q211539 P27 Q408 +Q364864 P106 Q753110 +Q464882 P106 Q81096 +Q214602 P69 Q154804 +Q4295 P1412 Q397 +Q966690 P161 Q193048 +Q333475 P106 Q2526255 +Q15031 P27 Q148 +Q66475 P106 Q36180 +Q2066713 P106 Q36180 +Q605678 P27 Q96 +Q237951 P20 Q1761 +Q2568971 P19 Q84 +Q278997 P161 Q104061 +Q311115 P463 Q265058 +Q2079 P17 Q7318 +Q57109 P27 Q7318 +Q20145 P136 Q182659 +Q176351 P69 Q309331 +Q727151 P1303 Q52954 +Q274227 P69 Q2983698 +Q240485 P106 Q33999 +Q55411 P27 Q183 +Q216457 P106 Q482980 +Q1266083 P106 Q6625963 +Q2791686 P551 Q33935 +Q172684 P27 Q145 +Q190770 P140 Q7066 +Q2929654 P106 Q1028181 +Q89383 P102 Q7320 +Q229038 P106 Q753110 +Q154581 P57 Q41148 +Q343394 P106 Q82955 +Q208003 P20 Q656 +Q811 P463 Q7825 +Q48984 P161 Q202461 +Q357168 P106 Q855091 +Q10390 P26 Q240628 +Q95026 P27 Q30 +Q242729 P20 Q47164 +Q40482 P27 Q34266 +Q315592 P136 Q859369 +Q314403 P1412 Q150 +Q229349 P106 Q33999 +Q147810 P27 Q191077 +Q910761 P264 Q183387 +Q952428 P69 Q4614 +Q95994 P106 Q82955 +Q93514 P20 Q1741 +Q292432 P106 Q177220 +Q45789 P463 Q123885 +Q87120 P106 Q36180 +Q219829 P106 Q36180 +Q188093 P106 Q6625963 +Q91845 P20 Q72 +Q106508 P172 Q121842 +Q150767 P136 Q1344 +Q186221 P108 Q926749 +Q30 P530 Q398 +Q84770 P1412 Q397 +Q4536 P57 Q56005 +Q439566 P136 Q1661 +Q25351 P106 Q2468727 +Q120406 P69 Q617433 +Q312801 P1303 Q6607 +Q1452607 P1303 Q5994 +Q614402 P106 Q33999 +Q245787 P69 Q608338 +Q441267 P451 Q554971 +Q78006 P106 Q15214752 +Q38294 P106 Q1622272 +Q181799 P106 Q33999 +Q667925 P106 Q28389 +Q713859 P27 Q30 +Q697203 P161 Q62845 +Q1687803 P136 Q83440 +Q309048 P495 Q30 +Q161678 P840 Q84 +Q269462 P106 Q177220 +Q164424 P161 Q57391 +Q668 P530 Q262 +Q107420 P463 Q40358 +Q291170 P161 Q164119 +Q484678 P138 Q82049 +Q154353 P463 Q191583 +Q381726 P101 Q184485 +Q719247 P20 Q127856 +Q40162 P40 Q40057 +Q33760 P737 Q9391 +Q75868 P463 Q15646111 +Q180224 P106 Q2405480 +Q550232 P161 Q1744 +Q1271 P106 Q185351 +Q193018 P119 Q27426 +Q2602121 P737 Q150526 +Q149499 P106 Q1476215 +Q217068 P106 Q639669 +Q44780 P106 Q2914170 +Q51781 P106 Q82594 +Q235189 P106 Q10800557 +Q3924 P106 Q33999 +Q80379 P136 Q319221 +Q796 P463 Q1065 +Q14063 P106 Q937857 +Q76412 P463 Q414110 +Q1346255 P106 Q12800682 +Q3666327 P27 Q142 +Q17714 P106 Q901 +Q214816 P106 Q4964182 +Q102788 P19 Q2999 +Q865 P530 Q794 +Q332693 P106 Q82955 +Q229375 P106 Q2865819 +Q310295 P106 Q639669 +Q1147551 P27 Q30 +Q712319 P172 Q49085 +Q83287 P106 Q33999 +Q188845 P495 Q30 +Q98172 P19 Q3033 +Q316629 P27 Q30 +Q241909 P106 Q10798782 +Q346411 P509 Q623031 +Q203690 P172 Q7325 +Q528647 P106 Q901 +Q431540 P27 Q33946 +Q480484 P27 Q33946 +Q26695 P136 Q37073 +Q183387 P749 Q56760250 +Q222071 P1303 Q17172850 +Q6882 P106 Q4263842 +Q313023 P1412 Q1860 +Q1077158 P106 Q386854 +Q368732 P1412 Q1860 +Q12688 P20 Q90 +Q150651 P509 Q181754 +Q358538 P106 Q2914170 +Q68746 P106 Q42973 +Q364881 P136 Q49451 +Q184843 P136 Q52207399 +Q63187 P463 Q879171 +Q105201 P19 Q4120832 +Q356639 P106 Q28389 +Q1074590 P136 Q45981 +Q126164 P1412 Q1860 +Q104123 P161 Q235115 +Q535355 P1412 Q9063 +Q269569 P106 Q753110 +Q62084 P106 Q185351 +Q322381 P1412 Q1860 +Q11362 P106 Q2374149 +Q258854 P106 Q4610556 +Q976090 P1303 Q1343007 +Q169717 P136 Q131578 +Q55841 P69 Q189441 +Q44258 P1412 Q35497 +Q213793 P27 Q30 +Q423 P530 Q865 +Q1095533 P106 Q488205 +Q188176 P509 Q12152 +Q157324 P463 Q1792159 +Q2066713 P106 Q1622272 +Q457333 P161 Q229220 +Q104790 P69 Q55044 +Q715315 P27 Q414 +Q359552 P136 Q186472 +Q357762 P19 Q220 +Q460379 P161 Q317358 +Q44839 P20 Q1726 +Q558177 P106 Q36180 +Q1113061 P106 Q1028181 +Q536723 P106 Q177220 +Q51562 P108 Q4614 +Q123802 P451 Q7231 +Q150851 P19 Q60 +Q55452 P119 Q27426 +Q34597 P106 Q189290 +Q151720 P106 Q36180 +Q215120 P106 Q1415090 +Q138850 P20 Q1218 +Q275180 P136 Q1054574 +Q48996 P106 Q15981151 +Q74315 P136 Q188473 +Q289064 P1303 Q17172850 +Q183 P463 Q191384 +Q30628 P106 Q488111 +Q314424 P106 Q36834 +Q215122 P27 Q40 +Q77148 P140 Q1841 +Q318475 P19 Q65 +Q321378 P106 Q36180 +Q609095 P106 Q3282637 +Q389548 P136 Q860626 +Q317592 P20 Q406 +Q470193 P119 Q208175 +Q183081 P161 Q230383 +Q48047 P27 Q34266 +Q115 P463 Q340195 +Q3892790 P101 Q8087 +Q75786 P102 Q49768 +Q142 P530 Q851 +Q93996 P106 Q33231 +Q216341 P1412 Q9027 +Q213122 P27 Q30 +Q206388 P161 Q182372 +Q3710088 P108 Q49114 +Q47480 P463 Q463303 +Q157271 P135 Q37068 +Q55743 P106 Q201788 +Q14063 P106 Q49757 +Q193628 P463 Q8038459 +Q699597 P108 Q80207 +Q14045 P136 Q20502 +Q235252 P27 Q30 +Q427091 P136 Q130232 +Q63773 P106 Q15895020 +Q106303 P69 Q916444 +Q1699312 P106 Q183945 +Q429969 P161 Q93187 +Q510653 P106 Q2306091 +Q63809 P69 Q32120 +Q942923 P106 Q40348 +Q164963 P161 Q180338 +Q200841 P106 Q10798782 +Q155860 P106 Q193391 +Q45278 P1412 Q188 +Q309888 P1303 Q17172850 +Q1805442 P172 Q49085 +Q215562 P172 Q49085 +Q214999 P172 Q7325 +Q181728 P20 Q1218 +Q367129 P19 Q43196 +Q165325 P840 Q96 +Q313044 P106 Q10798782 +Q317592 P27 Q43 +Q328042 P106 Q1209498 +Q48987 P27 Q30 +Q940594 P136 Q8261 +Q320895 P106 Q753110 +Q11826 P106 Q11063 +Q1070152 P749 Q38903 +Q2042 P106 Q47064 +Q348351 P69 Q49210 +Q3806 P463 Q1768108 +Q155106 P106 Q36180 +Q7314 P106 Q36834 +Q98124 P102 Q49750 +Q118488 P27 Q142 +Q569362 P106 Q188094 +Q966690 P136 Q4984974 +Q1290 P27 Q70972 +Q972676 P463 Q1938003 +Q49941 P1412 Q9067 +Q549233 P106 Q639669 +Q386291 P840 Q62 +Q311169 P1412 Q1860 +Q63176 P140 Q9592 +Q1130554 P106 Q855091 +Q675 P108 Q273626 +Q4751826 P106 Q201788 +Q183492 P106 Q4263842 +Q1988428 P17 Q17 +Q215406 P1412 Q188 +Q7245 P106 Q16287483 +Q555505 P106 Q3391743 +Q383581 P840 Q1874 +Q297693 P106 Q49757 +Q356986 P136 Q11399 +Q80739 P136 Q21590660 +Q504006 P106 Q1930187 +Q143716 P161 Q102124 +Q198557 P495 Q30 +Q76959 P737 Q9061 +Q551735 P1412 Q150 +Q456751 P264 Q311439 +Q67138 P463 Q812155 +Q183 P530 Q211 +Q189067 P106 Q177220 +Q90520 P106 Q121594 +Q175278 P136 Q130232 +Q64417 P106 Q18814623 +Q382393 P69 Q1127387 +Q842633 P106 Q10798782 +Q92035 P106 Q1622272 +Q137098 P495 Q31 +Q554422 P106 Q36834 +Q41594 P106 Q36834 +Q336125 P108 Q762266 +Q595529 P136 Q851213 +Q219 P463 Q7809 +Q356109 P136 Q484641 +Q62730 P161 Q111263 +Q45839 P161 Q311084 +Q40 P530 Q148 +Q104898 P106 Q5322166 +Q230499 P101 Q482 +Q1720 P17 Q142 +Q70650 P20 Q1022 +Q314151 P106 Q3387717 +Q358529 P27 Q172579 +Q463013 P106 Q753110 +Q34 P463 Q1377612 +Q245787 P106 Q1231865 +Q189729 P463 Q463281 +Q46096 P106 Q14915627 +Q450714 P106 Q10798782 +Q65394 P106 Q1622272 +Q110749 P106 Q33999 +Q92819 P106 Q81096 +Q219150 P161 Q134077 +Q44412 P140 Q3333484 +Q686 P463 Q7825 +Q221113 P840 Q11299 +Q937 P106 Q37226 +Q439812 P106 Q753110 +Q958578 P106 Q18814623 +Q507845 P106 Q639669 +Q152880 P1050 Q3321212 +Q242889 P136 Q187760 +Q555993 P463 Q191583 +Q731108 P1412 Q652 +Q240523 P1303 Q17172850 +Q32221 P106 Q639669 +Q84998 P119 Q881481 +Q192979 P161 Q357762 +Q60052 P27 Q183 +Q34266 P530 Q188712 +Q25188 P495 Q30 +Q367973 P737 Q155158 +Q170596 P106 Q333634 +Q153232 P106 Q170790 +Q115694 P20 Q90 +Q167475 P737 Q83158 +Q83410 P106 Q36180 +Q92871 P106 Q5482740 +Q375351 P69 Q1189954 +Q104266 P737 Q94081 +Q428451 P463 Q604840 +Q188845 P136 Q130232 +Q355788 P106 Q855091 +Q267685 P106 Q10798782 +Q106691 P69 Q32120 +Q704294 P106 Q24262584 +Q34189 P106 Q82955 +Q1165439 P136 Q131272 +Q451483 P509 Q181754 +Q51562 P119 Q1437214 +Q34816 P106 Q2526255 +Q423 P530 Q929 +Q467027 P106 Q183945 +Q280918 P136 Q52162262 +Q208116 P40 Q55208 +Q961447 P172 Q49085 +Q809093 P106 Q4991371 +Q60637 P106 Q36180 +Q1546566 P106 Q222344 +Q880181 P101 Q7094 +Q949281 P27 Q142 +Q227 P530 Q41 +Q150651 P20 Q47164 +Q1294820 P27 Q30 +Q43330 P19 Q994 +Q220955 P840 Q99 +Q323834 P136 Q187760 +Q912791 P108 Q174710 +Q1382521 P106 Q177220 +Q573408 P106 Q81096 +Q156858 P172 Q86630688 +Q234773 P106 Q28389 +Q72090 P136 Q28026639 +Q309926 P20 Q65 +Q92897 P106 Q15976092 +Q34 P463 Q842490 +Q102301 P1412 Q1860 +Q650303 P27 Q172579 +Q67526 P463 Q543804 +Q448776 P27 Q30 +Q52997 P106 Q3282637 +Q153149 P20 Q1770 +Q930324 P1412 Q9072 +Q532852 P20 Q90 +Q184500 P20 Q21 +Q57347 P108 Q315658 +Q216148 P106 Q36180 +Q153776 P102 Q79854 +Q240896 P26 Q375290 +Q973400 P106 Q49757 +Q208667 P106 Q3282637 +Q282199 P840 Q65 +Q68476 P1412 Q188 +Q116003 P1412 Q397 +Q351339 P19 Q49218 +Q75868 P20 Q56037 +Q272068 P27 Q145 +Q212015 P106 Q55960555 +Q333004 P69 Q192775 +Q311594 P1412 Q150 +Q1350303 P106 Q36180 +Q966228 P106 Q1930187 +Q680881 P20 Q90 +Q826731 P20 Q64 +Q62765 P463 Q451079 +Q323260 P19 Q193478 +Q368421 P495 Q30 +Q217020 P161 Q172678 +Q80424 P106 Q10800557 +Q11734 P69 Q165980 +Q934097 P106 Q40348 +Q133654 P161 Q318292 +Q185375 P101 Q5891 +Q435034 P119 Q311 +Q347528 P106 Q18814623 +Q16 P463 Q5611262 +Q216720 P161 Q316032 +Q277356 P27 Q34266 +Q64257 P106 Q1622272 +Q298209 P106 Q177220 +Q45909 P136 Q11399 +Q1016 P463 Q8475 +Q494507 P106 Q1930187 +Q503997 P26 Q131332 +Q855 P737 Q141829 +Q168763 P451 Q185140 +Q96 P530 Q215 +Q313388 P106 Q2405480 +Q69189 P69 Q152838 +Q467333 P106 Q2306091 +Q360079 P69 Q28695 +Q187336 P27 Q172579 +Q937 P737 Q200639 +Q457687 P1412 Q9056 +Q167546 P106 Q177220 +Q153658 P119 Q1624932 +Q1334439 P509 Q133780 +Q11490 P106 Q81096 +Q207034 P136 Q8341 +Q282199 P161 Q223830 +Q33977 P106 Q36180 +Q35 P463 Q376150 +Q343304 P106 Q639669 +Q78924 P1412 Q188 +Q183397 P106 Q11063 +Q96155 P27 Q183 +Q157191 P106 Q23833535 +Q371202 P172 Q49085 +Q611121 P69 Q49108 +Q274348 P69 Q219694 +Q712914 P136 Q83440 +Q454398 P161 Q4538 +Q181086 P136 Q2484376 +Q159054 P136 Q369747 +Q722119 P20 Q8678 +Q454970 P19 Q84 +Q441520 P1303 Q17172850 +Q233424 P136 Q24925 +Q6530 P106 Q49757 +Q235934 P19 Q18125 +Q23434 P140 Q7066 +Q542886 P19 Q1748 +Q83338 P737 Q312657 +Q228598 P27 Q16 +Q385036 P136 Q2484376 +Q4263050 P19 Q1490 +Q46795 P106 Q82955 +Q1376193 P463 Q270794 +Q75059 P106 Q6625963 +Q126596 P20 Q84 +Q319129 P172 Q678551 +Q29213 P1412 Q9027 +Q105962 P463 Q270794 +Q86778 P106 Q2526255 +Q356423 P1412 Q8641 +Q64640 P106 Q13570226 +Q598344 P106 Q36834 +Q28493 P27 Q145 +Q191305 P106 Q49757 +Q822 P530 Q858 +Q461104 P106 Q4263842 +Q38484 P69 Q174570 +Q4120312 P3373 Q401645 +Q132616 P106 Q2259451 +Q73357 P108 Q317053 +Q582713 P106 Q16145150 +Q213539 P20 Q2079 +Q179201 P106 Q11063 +Q12883 P1412 Q7411 +Q434399 P106 Q15981151 +Q274267 P106 Q82955 +Q440668 P136 Q187760 +Q241 P530 Q881 +Q230993 P106 Q18814623 +Q43440 P20 Q1891 +Q60586 P463 Q463303 +Q89204 P106 Q13582652 +Q160456 P172 Q49085 +Q230445 P101 Q207628 +Q380180 P106 Q177220 +Q668 P530 Q17 +Q644797 P106 Q33999 +Q140412 P19 Q84 +Q311854 P106 Q36180 +Q160071 P136 Q188473 +Q372278 P27 Q45 +Q254789 P551 Q65 +Q878708 P509 Q212961 +Q88997 P509 Q11085 +Q62234 P463 Q833738 +Q11148 P17 Q145 +Q702468 P106 Q49757 +Q233536 P106 Q4610556 +Q375845 P27 Q28513 +Q117497 P106 Q15981151 +Q165524 P641 Q80131 +Q408 P530 Q733 +Q375290 P106 Q10800557 +Q117644 P19 Q656 +Q266578 P27 Q801 +Q265131 P101 Q11633 +Q86407 P106 Q18939491 +Q47152 P26 Q93343 +Q83649 P161 Q235221 +Q76539 P1412 Q188 +Q36 P530 Q41 +Q77161 P101 Q166542 +Q69439 P106 Q3068305 +Q57730 P27 Q16957 +Q171235 P106 Q36180 +Q9599 P463 Q414163 +Q73007 P106 Q10732476 +Q296028 P106 Q10798782 +Q221364 P1412 Q1860 +Q460075 P27 Q30 +Q430278 P161 Q289380 +Q3394637 P17 Q34 +Q8312 P106 Q6625963 +Q333402 P19 Q270 +Q447659 P27 Q15180 +Q726071 P1303 Q17172850 +Q163714 P172 Q1026 +Q272031 P106 Q488205 +Q311621 P106 Q639669 +Q701587 P27 Q28 +Q110921 P102 Q694299 +Q350704 P27 Q40 +Q529942 P106 Q36180 +Q100122 P1412 Q188 +Q324031 P108 Q49112 +Q234558 P19 Q1345 +Q165817 P161 Q2263 +Q70215 P509 Q12136 +Q188526 P451 Q177288 +Q225852 P69 Q49112 +Q329744 P106 Q245068 +Q272608 P840 Q65 +Q704683 P264 Q183387 +Q101638 P551 Q90 +Q75539 P161 Q508404 +Q235639 P106 Q2722764 +Q232927 P106 Q2405480 +Q41617 P69 Q16952 +Q348534 P161 Q204590 +Q132689 P136 Q369747 +Q194413 P161 Q483118 +Q435151 P106 Q1930187 +Q921808 P106 Q8246794 +Q187765 P69 Q1093910 +Q344758 P26 Q233843 +Q123010 P108 Q153978 +Q41749 P140 Q1069127 +Q230516 P106 Q2526255 +Q438366 P136 Q45981 +Q92815 P1412 Q1860 +Q82934 P106 Q13582652 +Q44176 P1303 Q6607 +Q967 P463 Q3348506 +Q130142 P161 Q228931 +Q371639 P27 Q36 +Q709873 P172 Q49085 +Q7439 P1412 Q1860 +Q373417 P106 Q2405480 +Q464453 P106 Q864380 +Q160640 P69 Q926749 +Q949337 P20 Q387047 +Q63184 P20 Q84 +Q441439 P106 Q49757 +Q44371 P106 Q11631 +Q255463 P106 Q121594 +Q438402 P106 Q13590141 +Q1453398 P106 Q639669 +Q722876 P106 Q753110 +Q726369 P106 Q753110 +Q157271 P3373 Q57281 +Q76815 P1412 Q188 +Q672 P463 Q17495 +Q182870 P20 Q18438 +Q204299 P106 Q10800557 +Q215 P463 Q842490 +Q63078 P20 Q586 +Q7241 P27 Q129286 +Q53944 P1412 Q1860 +Q982677 P27 Q145 +Q1143660 P106 Q2705098 +Q1699902 P106 Q81096 +Q435626 P106 Q10798782 +Q44380 P551 Q127856 +Q164869 P1303 Q17172850 +Q96243 P108 Q206702 +Q183 P463 Q789769 +Q314774 P106 Q43845 +Q177632 P1303 Q17172850 +Q57239 P106 Q333634 +Q454696 P106 Q128124 +Q587361 P136 Q83440 +Q130127 P1412 Q9043 +Q6701 P106 Q17167049 +Q356986 P106 Q753110 +Q49767 P106 Q333634 +Q467231 P27 Q668 +Q314535 P106 Q36834 +Q270441 P27 Q20 +Q272069 P264 Q208909 +Q796 P530 Q252 +Q1809563 P106 Q639669 +Q370893 P161 Q180665 +Q3126 P17 Q27306 +Q335680 P106 Q10798782 +Q25310 P19 Q49142 +Q159 P530 Q811 +Q437254 P40 Q201810 +Q509102 P509 Q12136 +Q242416 P106 Q10800557 +Q57244 P140 Q75809 +Q1388990 P27 Q77 +Q443120 P106 Q18814623 +Q12276134 P27 Q219 +Q982314 P1303 Q17172850 +Q231255 P106 Q10800557 +Q3365459 P19 Q47716 +Q1064692 P27 Q30 +Q368129 P106 Q465501 +Q156178 P106 Q3282637 +Q521790 P106 Q177220 +Q207947 P27 Q145 +Q218235 P161 Q296887 +Q192912 P106 Q10798782 +Q61864 P1412 Q188 +Q93356 P737 Q213447 +Q190884 P27 Q159 +Q262608 P19 Q60 +Q103949 P509 Q47912 +Q40074 P136 Q93204 +Q229141 P102 Q29552 +Q63699 P172 Q42884 +Q7934 P509 Q212961 +Q584850 P69 Q645663 +Q354654 P106 Q486748 +Q66880 P69 Q152087 +Q640991 P463 Q684415 +Q336881 P69 Q2537765 +Q165257 P136 Q482 +Q231886 P1412 Q1860 +Q328723 P69 Q1026827 +Q69894 P106 Q1622272 +Q4679786 P1412 Q1860 +Q445863 P1303 Q6607 +Q330824 P20 Q39984 +Q461624 P463 Q1423356 +Q66527 P106 Q81096 +Q722202 P106 Q17337766 +Q60677 P106 Q205375 +Q490290 P106 Q488205 +Q176846 P106 Q183945 +Q97871 P101 Q2329 +Q92815 P108 Q4614 +Q184843 P136 Q20443008 +Q187561 P161 Q95030 +Q95485 P106 Q81096 +Q313411 P140 Q682443 +Q892930 P106 Q1930187 +Q76738 P106 Q250867 +Q27 P530 Q953 +Q164309 P463 Q1425328 +Q773804 P19 Q1509 +Q308792 P106 Q177220 +Q17132 P20 Q956 +Q715790 P106 Q1622272 +Q229560 P106 Q4610556 +Q1514 P106 Q639669 +Q107130 P106 Q3282637 +Q51530 P19 Q580 +Q439786 P136 Q1344 +Q288645 P840 Q649 +Q70417 P1303 Q1444 +Q189599 P106 Q183945 +Q1067000 P136 Q8341 +Q223271 P106 Q36180 +Q5369090 P106 Q1662561 +Q489252 P69 Q738258 +Q211987 P106 Q3282637 +Q376663 P136 Q1339864 +Q983544 P106 Q482980 +Q327293 P106 Q15296811 +Q228624 P106 Q18844224 +Q913570 P106 Q2526255 +Q219368 P106 Q36180 +Q72127 P463 Q44687 +Q4894597 P108 Q156737 +Q236482 P19 Q1054923 +Q161963 P106 Q333634 +Q210428 P106 Q177220 +Q295923 P106 Q1415090 +Q65329 P106 Q14972848 +Q1403698 P106 Q855091 +Q230068 P3373 Q7504 +Q315118 P106 Q33999 +Q46096 P106 Q16145150 +Q645362 P69 Q5901972 +Q1047474 P361 Q277551 +Q123140 P27 Q39 +Q69105 P27 Q183 +Q215860 P1412 Q9288 +Q320073 P106 Q33999 +Q157043 P27 Q30 +Q7311 P106 Q82955 +Q102244 P161 Q318155 +Q533970 P106 Q2259451 +Q154331 P106 Q8178443 +Q95777 P27 Q183 +Q18118088 P3373 Q20562503 +Q715150 P463 Q131566 +Q690474 P509 Q14467705 +Q519466 P136 Q9759 +Q194143 P161 Q342788 +Q170564 P840 Q99 +Q336222 P106 Q177220 +Q57123 P1412 Q188 +Q179497 P106 Q3282637 +Q158749 P27 Q142 +Q173834 P106 Q33999 +Q37217 P136 Q182357 +Q151705 P136 Q130232 +Q92824 P106 Q15976092 +Q70764 P106 Q5716684 +Q281296 P495 Q30 +Q699541 P108 Q35794 +Q77729 P69 Q51985 +Q62084 P106 Q1622272 +Q62234 P641 Q36908 +Q2643 P264 Q183412 +Q362089 P19 Q55630 +Q237194 P106 Q10798782 +Q213870 P463 Q4345832 +Q2545780 P108 Q273593 +Q366700 P27 Q183 +Q24367 P20 Q64 +Q5284 P69 Q49123 +Q76524 P106 Q639669 +Q675465 P106 Q188094 +Q237222 P136 Q185867 +Q130799 P1303 Q17172850 +Q335544 P106 Q2516866 +Q1351259 P106 Q36834 +Q691798 P106 Q1930187 +Q632532 P407 Q1860 +Q26806 P106 Q3282637 +Q235934 P101 Q207628 +Q191064 P27 Q34 +Q77708 P27 Q43287 +Q289064 P106 Q639669 +Q8619 P106 Q40348 +Q180224 P1412 Q1860 +Q152245 P106 Q639669 +Q77087 P19 Q1726 +Q282877 P106 Q488205 +Q73918 P69 Q157808 +Q1008 P530 Q668 +Q1042 P463 Q340195 +Q50713 P106 Q10800557 +Q1526406 P119 Q608405 +Q7311 P106 Q765778 +Q254510 P106 Q183945 +Q215072 P19 Q38022 +Q84509 P106 Q901402 +Q188111 P106 Q5716684 +Q72856 P27 Q518101 +Q1192 P106 Q1259917 +Q105598 P161 Q442310 +Q1065956 P19 Q11299 +Q128532 P106 Q245068 +Q66448 P19 Q64 +Q244931 P161 Q172035 +Q730261 P106 Q33999 +Q8556 P106 Q170790 +Q266535 P1412 Q1860 +Q419 P37 Q1321 +Q88223 P106 Q2259451 +Q142 P530 Q399 +Q239823 P106 Q222344 +Q2946731 P108 Q41506 +Q709935 P106 Q15982858 +Q605778 P740 Q17042 +Q378098 P106 Q36180 +Q182725 P264 Q772494 +Q380981 P136 Q188473 +Q151892 P264 Q4413456 +Q216936 P106 Q2252262 +Q63078 P106 Q1622272 +Q192686 P161 Q228676 +Q202982 P161 Q123476 +Q264914 P106 Q33999 +Q43718 P106 Q16287483 +Q1077608 P1412 Q1860 +Q1386311 P106 Q177220 +Q265179 P106 Q639669 +Q32522 P106 Q131524 +Q982023 P106 Q6625963 +Q473030 P106 Q36180 +Q91642 P69 Q678982 +Q335760 P1412 Q1860 +Q1609199 P106 Q36834 +Q244975 P495 Q30 +Q85580 P69 Q157808 +Q342778 P69 Q860527 +Q200873 P161 Q107730 +Q97291 P106 Q2865819 +Q198962 P737 Q224650 +Q1009 P463 Q7785 +Q131333 P135 Q667661 +Q2607 P106 Q82955 +Q975777 P106 Q11499147 +Q909 P106 Q49757 +Q96941 P102 Q49750 +Q238702 P106 Q18844224 +Q15469 P106 Q520549 +Q447015 P19 Q656 +Q1950678 P101 Q43035 +Q2656667 P106 Q43845 +Q1334244 P106 Q753110 +Q156539 P161 Q105158 +Q272935 P172 Q678551 +Q204168 P463 Q463281 +Q287309 P27 Q30 +Q284229 P136 Q28026639 +Q589585 P27 Q218 +Q241583 P106 Q28389 +Q60174 P27 Q183 +Q45909 P1303 Q78987 +Q86095 P19 Q1726 +Q1453398 P27 Q30 +Q229141 P509 Q12192 +Q178865 P106 Q36180 +Q162005 P106 Q205375 +Q4028 P27 Q30 +Q310217 P106 Q10798782 +Q705529 P463 Q123885 +Q17 P530 Q183 +Q232786 P27 Q145 +Q299122 P106 Q36834 +Q82918 P106 Q18814623 +Q83325 P27 Q30 +Q319084 P19 Q11299 +Q313705 P106 Q2405480 +Q1282289 P1412 Q1860 +Q8349 P106 Q36180 +Q548185 P106 Q193391 +Q124494 P463 Q684415 +Q105823 P27 Q20 +Q172241 P136 Q959790 +Q201656 P19 Q16557 +Q343456 P106 Q386854 +Q35 P530 Q29 +Q153802 P20 Q16563 +Q12881 P106 Q8246794 +Q316872 P106 Q130857 +Q837 P530 Q851 +Q981996 P1303 Q6607 +Q273022 P509 Q12202 +Q529603 P106 Q753110 +Q208269 P136 Q859369 +Q224097 P1412 Q150 +Q168728 P106 Q214917 +Q726295 P27 Q20 +Q64091 P1412 Q188 +Q237134 P57 Q51547 +Q159 P530 Q35 +Q19069 P161 Q314834 +Q191 P530 Q30 +Q336131 P69 Q993267 +Q86685 P106 Q2526255 +Q23481 P509 Q181754 +Q238 P463 Q376150 +Q174908 P106 Q947873 +Q4593 P27 Q129286 +Q145 P463 Q3772571 +Q36 P530 Q159583 +Q220154 P495 Q30 +Q270126 P1412 Q1860 +Q91232 P106 Q28389 +Q503917 P20 Q65 +Q9439 P463 Q123885 +Q56016 P106 Q33999 +Q443995 P69 Q309350 +Q3182472 P102 Q29552 +Q125451 P106 Q1622272 +Q133042 P1412 Q9288 +Q78506 P451 Q115483 +Q95215 P69 Q154804 +Q190998 P19 Q47164 +Q310939 P509 Q12152 +Q173061 P264 Q193023 +Q16409 P106 Q4263842 +Q252041 P106 Q81096 +Q469888 P463 Q463303 +Q539120 P106 Q1930187 +Q61456 P172 Q42884 +Q81082 P108 Q273626 +Q28 P530 Q242 +Q334180 P1303 Q17172850 +Q114623 P106 Q4853732 +Q172303 P106 Q33999 +Q490938 P106 Q36834 +Q193871 P101 Q5891 +Q208214 P136 Q182015 +Q104859 P19 Q220 +Q311892 P106 Q33999 +Q276299 P161 Q202765 +Q101740 P463 Q270794 +Q194413 P136 Q1054574 +Q357974 P27 Q145 +Q320014 P27 Q29999 +Q84445 P106 Q9149093 +Q75866 P19 Q87 +Q173061 P1303 Q258896 +Q439314 P1412 Q9027 +Q287099 P106 Q947873 +Q712860 P1303 Q17172850 +Q167345 P108 Q1065 +Q308840 P106 Q2405480 +Q266617 P106 Q33999 +Q106440 P840 Q1603 +Q107894 P136 Q52162262 +Q234030 P1412 Q1860 +Q187019 P737 Q83059 +Q265621 P1412 Q1321 +Q304609 P136 Q319221 +Q1067043 P106 Q639669 +Q368812 P136 Q12799318 +Q193346 P27 Q34 +Q182727 P136 Q590103 +Q801 P530 Q414 +Q271426 P172 Q678551 +Q156608 P840 Q649 +Q219842 P27 Q142 +Q57281 P27 Q183 +Q196159 P172 Q49542 +Q97883 P119 Q190494 +Q235289 P106 Q10798782 +Q154691 P463 Q463303 +Q65144 P106 Q36180 +Q538362 P20 Q4191 +Q44922 P119 Q1494 +Q8011 P1412 Q13955 +Q209538 P840 Q1509 +Q4492929 P463 Q1971373 +Q298352 P106 Q2059704 +Q1618928 P264 Q43327 +Q428551 P136 Q28026639 +Q161678 P161 Q203545 +Q55369 P106 Q33999 +Q3301546 P19 Q90 +Q241660 P1303 Q17172850 +Q182212 P161 Q299483 +Q174244 P106 Q49757 +Q178527 P509 Q3505252 +Q62798 P106 Q49757 +Q1047 P20 Q987 +Q319061 P136 Q645928 +Q88427 P27 Q16957 +Q242300 P106 Q177220 +Q83287 P108 Q740308 +Q66729 P106 Q36180 +Q704931 P509 Q389735 +Q684105 P136 Q211723 +Q357391 P106 Q33999 +Q89967 P106 Q2374149 +Q107424 P551 Q1384 +Q30 P463 Q1043527 +Q1008 P463 Q17495 +Q109496 P108 Q155354 +Q268970 P37 Q188 +Q152513 P106 Q49757 +Q317953 P102 Q29552 +Q50656 P101 Q11629 +Q18425 P19 Q90 +Q57124 P1412 Q150 +Q979545 P108 Q49112 +Q2704774 P463 Q1971373 +Q315362 P106 Q6625963 +Q50186 P19 Q90 +Q211 P530 Q33 +Q234436 P106 Q805221 +Q234819 P106 Q1930187 +Q53026 P27 Q38 +Q153243 P102 Q29468 +Q272374 P19 Q65 +Q192410 P1412 Q1860 +Q1941315 P106 Q18814623 +Q48034 P20 Q649 +Q366464 P509 Q12204 +Q311145 P737 Q1067 +Q160071 P161 Q160219 +Q110397 P161 Q110374 +Q41257 P140 Q75809 +Q85261 P106 Q2306091 +Q375036 P136 Q482 +Q154216 P106 Q488205 +Q728991 P20 Q727 +Q52583 P1303 Q6607 +Q65337 P463 Q337526 +Q91903 P20 Q1731 +Q276332 P106 Q6625963 +Q78278 P106 Q82955 +Q261981 P106 Q10800557 +Q202489 P106 Q214917 +Q110374 P106 Q33999 +Q83643 P106 Q183945 +Q1284551 P106 Q2722764 +Q241398 P509 Q389735 +Q77667 P106 Q1622272 +Q23810 P106 Q12362622 +Q115901 P463 Q543804 +Q241087 P106 Q49757 +Q8733 P37 Q7850 +Q72678 P106 Q185351 +Q155649 P106 Q82955 +Q949 P1412 Q1860 +Q357786 P106 Q10800557 +Q380667 P161 Q277978 +Q193300 P106 Q28389 +Q65144 P136 Q1344 +Q115152 P106 Q1231865 +Q42786 P106 Q2259451 +Q949 P463 Q463303 +Q106555 P106 Q2526255 +Q311141 P69 Q49112 +Q70326 P106 Q43845 +Q53010 P106 Q82955 +Q56093 P26 Q161819 +Q128560 P106 Q36180 +Q115 P530 Q1045 +Q8612 P27 Q30 +Q63962 P106 Q36180 +Q200228 P106 Q177220 +Q540516 P19 Q956 +Q1386899 P106 Q177220 +Q137042 P106 Q6168364 +Q59534 P161 Q59824 +Q221249 P161 Q232827 +Q3849085 P106 Q13582652 +Q230578 P1412 Q5146 +Q801 P463 Q656801 +Q445306 P27 Q142 +Q8349 P106 Q4853732 +Q57679 P463 Q150793 +Q76149 P27 Q183 +Q754 P463 Q7825 +Q185002 P264 Q155152 +Q123034 P106 Q36180 +Q215139 P27 Q30 +Q224 P530 Q298 +Q60854 P27 Q12548 +Q7351 P136 Q9734 +Q111673 P69 Q165528 +Q80596 P106 Q36180 +Q262354 P106 Q4263842 +Q108719 P106 Q333634 +Q17457 P19 Q37836 +Q192668 P106 Q8178443 +Q160270 P106 Q82955 +Q6694 P101 Q431 +Q182642 P102 Q29552 +Q84510 P106 Q1622272 +Q309246 P136 Q319221 +Q470841 P106 Q177220 +Q219 P30 Q46 +Q147243 P172 Q940348 +Q188176 P136 Q4184 +Q208871 P106 Q486748 +Q218503 P106 Q10798782 +Q315707 P106 Q33999 +Q105875 P264 Q3001888 +Q467333 P69 Q995265 +Q85295 P106 Q1622272 +Q471774 P106 Q33999 +Q57344 P641 Q542 +Q263501 P108 Q174710 +Q275991 P551 Q142 +Q42511 P106 Q1930187 +Q232810 P106 Q1622272 +Q329145 P161 Q362236 +Q314963 P20 Q90 +Q1606718 P106 Q81096 +Q128532 P20 Q62 +Q223985 P106 Q10798782 +Q150989 P463 Q253439 +Q28978 P509 Q12192 +Q69439 P19 Q3955 +Q315208 P19 Q34006 +Q170468 P30 Q15 +Q263172 P136 Q1344 +Q743597 P1412 Q1321 +Q264618 P27 Q145 +Q19504 P20 Q127856 +Q44662 P161 Q255577 +Q88937 P119 Q564922 +Q186327 P136 Q20378 +Q185007 P1412 Q652 +Q76576 P106 Q333634 +Q55264 P27 Q30 +Q309246 P161 Q256649 +Q327107 P106 Q49757 +Q454568 P106 Q1028181 +Q329700 P106 Q948329 +Q57954 P106 Q806798 +Q498389 P106 Q2526255 +Q39524 P27 Q79 +Q314110 P106 Q1930187 +Q55836 P106 Q1622272 +Q230308 P106 Q1930187 +Q73432 P106 Q82955 +Q77184 P140 Q75809 +Q49004 P106 Q5716684 +Q865 P530 Q1028 +Q380579 P106 Q177220 +Q208537 P1412 Q7026 +Q76405 P106 Q13219637 +Q887993 P1303 Q51290 +Q507612 P106 Q1415090 +Q194045 P106 Q9648008 +Q192474 P106 Q6168364 +Q33935 P17 Q193714 +Q190770 P20 Q138518 +Q88937 P1412 Q188 +Q737845 P172 Q179248 +Q185147 P136 Q11399 +Q267526 P136 Q157443 +Q104088 P551 Q33946 +Q134549 P1412 Q1860 +Q727148 P106 Q551835 +Q5496982 P101 Q309 +Q357184 P20 Q270 +Q466477 P106 Q1028181 +Q909 P1050 Q10874 +Q275985 P106 Q82955 +Q779932 P119 Q208175 +Q33977 P136 Q5967378 +Q71625 P106 Q333634 +Q52922 P106 Q193391 +Q70350 P106 Q14467526 +Q421707 P1412 Q1860 +Q193668 P106 Q3282637 +Q463975 P27 Q30 +Q153694 P1303 Q2643890 +Q380252 P1412 Q8108 +Q874 P463 Q842490 +Q89949 P106 Q1231865 +Q165651 P495 Q183 +Q348351 P20 Q1337818 +Q156193 P264 Q168407 +Q360674 P106 Q10798782 +Q728991 P106 Q1234713 +Q127330 P106 Q753110 +Q960778 P69 Q219694 +Q61244 P106 Q947873 +Q142059 P106 Q1930187 +Q97341 P106 Q55960555 +Q211392 P27 Q28 +Q162389 P1412 Q9067 +Q75860 P119 Q1783048 +Q45909 P1412 Q1860 +Q106573 P106 Q2259451 +Q264764 P106 Q151197 +Q45546 P140 Q6423963 +Q92876 P108 Q190080 +Q165268 P136 Q2975633 +Q98434 P106 Q482980 +Q854 P530 Q668 +Q1247078 P106 Q753110 +Q29572198 P551 Q60 +Q70737 P106 Q1622272 +Q64406 P463 Q684415 +Q220550 P106 Q1622272 +Q215976 P3373 Q109232 +Q117012 P1303 Q17172850 +Q885833 P17 Q30 +Q193660 P140 Q1841 +Q327681 P161 Q200405 +Q10133 P27 Q1747689 +Q535355 P106 Q482980 +Q43939 P106 Q36180 +Q190643 P161 Q51814 +Q174244 P106 Q36180 +Q182991 P27 Q142 +Q667841 P106 Q81096 +Q52255 P463 Q463303 +Q64503 P106 Q1397808 +Q152555 P106 Q10800557 +Q1383381 P264 Q43327 +Q507864 P20 Q60 +Q167498 P106 Q2405480 +Q17905 P1412 Q188 +Q81796 P27 Q174193 +Q1809563 P106 Q1327329 +Q128708 P106 Q1930187 +Q265069 P1303 Q17172850 +Q40054 P106 Q28389 +Q62929 P27 Q183 +Q361257 P264 Q183387 +Q237387 P136 Q37073 +Q380118 P27 Q884 +Q93187 P106 Q3282637 +Q213806 P1412 Q1860 +Q428490 P136 Q11366 +Q176909 P463 Q463281 +Q1271 P463 Q463303 +Q12773 P106 Q6625963 +Q860068 P737 Q5928 +Q782629 P106 Q15472169 +Q683 P463 Q7809 +Q158813 P1412 Q1860 +Q266429 P136 Q9778 +Q100937 P19 Q43199 +Q77 P530 Q717 +Q977 P463 Q7825 +Q96196 P19 Q1022 +Q22979 P106 Q177220 +Q235066 P106 Q177220 +Q370560 P136 Q613408 +Q1967070 P1303 Q8355 +Q983233 P106 Q1086863 +Q262507 P26 Q363708 +Q74289 P106 Q1622272 +Q562178 P69 Q270145 +Q481482 P69 Q209842 +Q34424 P27 Q739 +Q193482 P27 Q16 +Q155 P530 Q230 +Q61962 P140 Q9592 +Q1006152 P106 Q81096 +Q982023 P106 Q1930187 +Q58758 P102 Q49762 +Q34670 P737 Q6512 +Q36620 P20 Q1085 +Q35 P530 Q218 +Q368424 P106 Q33999 +Q236438 P106 Q639669 +Q452219 P108 Q467025 +Q264891 P1303 Q17172850 +Q990492 P27 Q30 +Q346091 P106 Q214917 +Q335629 P19 Q24639 +Q88641 P102 Q49768 +Q2201 P161 Q361610 +Q108886 P106 Q901 +Q922336 P737 Q41590 +Q154083 P106 Q5322166 +Q263501 P106 Q10800557 +Q231228 P106 Q3501317 +Q8442 P463 Q414379 +Q272946 P27 Q30 +Q163557 P172 Q170217 +Q160270 P27 Q161885 +Q152824 P69 Q34433 +Q836910 P106 Q37226 +Q123371 P27 Q30 +Q37103 P27 Q174193 +Q190602 P106 Q10800557 +Q194413 P840 Q21 +Q385036 P161 Q316622 +Q296287 P106 Q28389 +Q445648 P106 Q855091 +Q465679 P27 Q207272 +Q280666 P102 Q5020915 +Q64637 P106 Q1792450 +Q241087 P1050 Q131755 +Q89054 P69 Q689400 +Q902 P530 Q212 +Q95215 P106 Q16533 +Q118059 P106 Q201788 +Q280918 P161 Q207852 +Q310798 P106 Q1622272 +Q132537 P551 Q484678 +Q229166 P451 Q317521 +Q180453 P136 Q37073 +Q225453 P106 Q16267607 +Q327293 P106 Q2707485 +Q536102 P463 Q49629 +Q244234 P106 Q33999 +Q106775 P106 Q33999 +Q235617 P106 Q177220 +Q177847 P106 Q864380 +Q123706 P106 Q2306091 +Q57379 P106 Q193391 +Q1017 P17 Q142 +Q444366 P27 Q30 +Q897281 P19 Q1715 +Q1184931 P1303 Q5994 +Q36105 P136 Q21590660 +Q212333 P161 Q228862 +Q1973878 P102 Q29552 +Q737922 P102 Q151469 +Q34296 P463 Q338432 +Q601957 P1412 Q1860 +Q57236 P106 Q36180 +Q15001 P106 Q49757 +Q131866 P19 Q65 +Q117249 P106 Q55960555 +Q366907 P172 Q8060 +Q166454 P106 Q43845 +Q371430 P27 Q145 +Q310052 P106 Q855091 +Q481885 P106 Q177220 +Q865 P530 Q804 +Q46633 P1412 Q1860 +Q271731 P101 Q482 +Q8877 P106 Q18844224 +Q474796 P509 Q216169 +Q169717 P27 Q884 +Q72287 P106 Q33999 +Q4827652 P136 Q37073 +Q234145 P27 Q38 +Q982047 P27 Q174193 +Q129591 P1303 Q17172850 +Q698444 P106 Q214917 +Q117021 P106 Q520549 +Q16 P463 Q7785 +Q314269 P106 Q49757 +Q156058 P106 Q201788 +Q9204 P106 Q18844224 +Q367234 P106 Q49757 +Q1195301 P106 Q970153 +Q294144 P136 Q37073 +Q513991 P106 Q639669 +Q313528 P1412 Q652 +Q168728 P737 Q163366 +Q23530 P27 Q15180 +Q182218 P136 Q2973181 +Q155 P17 Q200464 +Q78857 P463 Q338432 +Q76324 P136 Q676 +Q78772 P108 Q835960 +Q616021 P106 Q4263842 +Q65047 P106 Q82955 +Q213595 P106 Q36180 +Q598185 P1303 Q5994 +Q346085 P136 Q83440 +Q1354843 P106 Q10798782 +Q31984 P106 Q6625963 +Q449525 P106 Q36834 +Q52927 P463 Q191583 +Q60059 P106 Q250867 +Q380243 P101 Q9418 +Q535812 P106 Q28389 +Q70300 P119 Q881481 +Q215359 P509 Q188605 +Q292543 P106 Q13219587 +Q217294 P161 Q312380 +Q370326 P840 Q1391 +Q38222 P463 Q8038459 +Q153701 P69 Q13371 +Q125057 P106 Q193391 +Q337526 P159 Q90 +Q38757 P119 Q564922 +Q7345 P106 Q37226 +Q85877 P27 Q183 +Q1277015 P20 Q1297 +Q2610 P463 Q18650004 +Q1138600 P136 Q11401 +Q55404 P27 Q129286 +Q303235 P161 Q230636 +Q48055 P106 Q82955 +Q92602 P106 Q1622272 +Q36591 P135 Q878985 +Q703935 P1412 Q1860 +Q483507 P106 Q2405480 +Q3806666 P106 Q36180 +Q8678 P17 Q155 +Q105221 P1303 Q17172850 +Q214851 P1412 Q143 +Q239453 P106 Q10800557 +Q724883 P106 Q49757 +Q11903 P737 Q859 +Q183 P530 Q1016 +Q5284 P1412 Q1860 +Q76459 P106 Q36180 +Q67018 P106 Q193391 +Q211 P530 Q865 +Q274604 P106 Q1622272 +Q726074 P19 Q23306 +Q151682 P495 Q145 +Q57688 P102 Q7320 +Q278319 P106 Q2526255 +Q44219 P101 Q482 +Q17676 P106 Q42973 +Q213355 P106 Q4263842 +Q435665 P172 Q49085 +Q6078 P1412 Q1860 +Q19810 P101 Q207628 +Q119935 P106 Q2259451 +Q295919 P106 Q177220 +Q229050 P1412 Q1860 +Q708236 P106 Q855091 +Q1514 P136 Q193355 +Q236835 P106 Q177220 +Q39212 P69 Q41506 +Q327886 P106 Q753110 +Q51498 P106 Q3282637 +Q366012 P27 Q30 +Q433144 P106 Q512314 +Q463765 P161 Q315087 +Q294773 P737 Q170509 +Q5383 P135 Q187760 +Q97676 P106 Q82955 +Q309980 P69 Q523926 +Q918966 P106 Q1930187 +Q7313843 P108 Q49108 +Q874828 P27 Q28 +Q36 P530 Q252 +Q187199 P463 Q337234 +Q311970 P1303 Q17172850 +Q168023 P106 Q639669 +Q76211 P737 Q93614 +Q188000 P161 Q232945 +Q183 P530 Q734 +Q192807 P17 Q801 +Q269869 P106 Q3282637 +Q183 P530 Q668 +Q158354 P1412 Q9058 +Q1397375 P106 Q16533 +Q156941 P463 Q920266 +Q194045 P106 Q36834 +Q777354 P1412 Q1321 +Q70174 P1303 Q8371 +Q117249 P106 Q33999 +Q326196 P106 Q33999 +Q431793 P161 Q310060 +Q207036 P136 Q131539 +Q1439143 P106 Q1622272 +Q347456 P106 Q639669 +Q11031 P108 Q658975 +Q164979 P136 Q134307 +Q961851 P1303 Q8350 +Q351705 P106 Q214917 +Q399 P530 Q43 +Q77184 P463 Q253439 +Q238795 P1303 Q17172850 +Q276745 P106 Q177220 +Q132433 P27 Q17 +Q573584 P106 Q1930187 +Q715195 P1412 Q188 +Q945641 P106 Q11900058 +Q272972 P172 Q7435494 +Q88267 P1412 Q188 +Q215925 P40 Q70215 +Q232646 P69 Q348134 +Q57389 P27 Q142 +Q215927 P106 Q593644 +Q131355 P106 Q82955 +Q278625 P1303 Q17172850 +Q130447 P106 Q2259451 +Q32 P463 Q17495 +Q361626 P108 Q309988 +Q1346192 P264 Q203059 +Q327660 P27 Q172579 +Q343633 P27 Q30 +Q240377 P1412 Q1860 +Q2551 P119 Q564922 +Q332348 P161 Q296928 +Q142988 P27 Q30 +Q1322959 P27 Q34266 +Q34086 P264 Q190585 +Q163366 P106 Q333634 +Q1239155 P106 Q639669 +Q152929 P106 Q855091 +Q323456 P106 Q177220 +Q333873 P106 Q36180 +Q922484 P27 Q174193 +Q935051 P69 Q13371 +Q229048 P106 Q578109 +Q134549 P102 Q29552 +Q374065 P106 Q578109 +Q4416818 P463 Q2370801 +Q7747 P106 Q40348 +Q90892 P27 Q183 +Q346777 P27 Q15180 +Q1687804 P641 Q5369 +Q70309 P1412 Q188 +Q85232 P106 Q33999 +Q689713 P106 Q4964182 +Q93514 P27 Q7318 +Q230916 P106 Q2865819 +Q636637 P108 Q240631 +Q271614 P27 Q30 +Q229775 P106 Q28389 +Q605443 P20 Q1218 +Q221957 P27 Q17 +Q92693 P20 Q6106 +Q317251 P27 Q145 +Q818048 P136 Q817138 +Q741862 P27 Q38 +Q254041 P509 Q181754 +Q566200 P27 Q7318 +Q214349 P19 Q1799 +Q83287 P136 Q188450 +Q222744 P106 Q333634 +Q313211 P106 Q2095549 +Q25351 P463 Q684415 +Q711 P530 Q928 +Q165219 P27 Q30 +Q97325 P106 Q1622272 +Q215444 P27 Q145 +Q219150 P161 Q200534 +Q365578 P69 Q21578 +Q219776 P161 Q485901 +Q219519 P106 Q488205 +Q436712 P140 Q7066 +Q191026 P69 Q245247 +Q552273 P1412 Q13955 +Q1396630 P106 Q82955 +Q295463 P1412 Q1860 +Q2680 P27 Q30 +Q183535 P106 Q3455803 +Q183297 P20 Q3640 +Q76517 P20 Q4024 +Q154855 P106 Q121594 +Q72060 P140 Q75809 +Q431802 P27 Q142 +Q358990 P19 Q36091 +Q84734 P463 Q83172 +Q187241 P1412 Q150 +Q248592 P106 Q33999 +Q1441251 P108 Q248970 +Q1887014 P106 Q2516866 +Q378891 P161 Q234438 +Q439955 P40 Q940891 +Q938749 P1303 Q6607 +Q38873 P19 Q656 +Q51123 P106 Q3282637 +Q801 P530 Q1030 +Q179018 P840 Q84 +Q448776 P106 Q11774202 +Q348649 P1412 Q1321 +Q270268 P27 Q45 +Q928939 P106 Q1622272 +Q236229 P119 Q208175 +Q299161 P27 Q29 +Q907738 P106 Q18576582 +Q229430 P106 Q639669 +Q45970 P106 Q193391 +Q587361 P106 Q28389 +Q44398 P1303 Q6607 +Q117249 P106 Q488205 +Q39972 P27 Q30 +Q522592 P136 Q183504 +Q440388 P136 Q9734 +Q366890 P20 Q1486 +Q913570 P119 Q272208 +Q75612 P106 Q28389 +Q244604 P136 Q2973181 +Q570913 P106 Q36180 +Q233464 P840 Q60 +Q465127 P106 Q753110 +Q767329 P106 Q170790 +Q769 P463 Q17495 +Q906529 P106 Q205375 +Q74165 P19 Q64 +Q335680 P1303 Q17172850 +Q442300 P551 Q3143067 +Q1049 P463 Q376150 +Q233464 P136 Q130232 +Q735560 P106 Q860918 +Q952491 P106 Q486748 +Q267676 P1303 Q17172850 +Q19526 P106 Q753110 +Q102813 P106 Q33999 +Q843 P530 Q55 +Q10308228 P19 Q2807 +Q65106 P19 Q19660 +Q329709 P161 Q55264 +Q447592 P1303 Q17172850 +Q267685 P27 Q30 +Q150981 P30 Q46 +Q115922 P106 Q333634 +Q5878 P27 Q739 +Q165854 P1412 Q7737 +Q155 P530 Q750 +Q359325 P106 Q33999 +Q216582 P106 Q18844224 +Q60802 P106 Q2259451 +Q167216 P106 Q333634 +Q216266 P106 Q4263842 +Q712765 P264 Q843402 +Q1701970 P106 Q49757 +Q60579 P106 Q1622272 +Q115 P463 Q7809 +Q232456 P106 Q183945 +Q8446 P264 Q778673 +Q57737 P106 Q82955 +Q231484 P69 Q1068752 +Q171421 P106 Q1930187 +Q853 P27 Q142 +Q432715 P136 Q9759 +Q11490 P108 Q230492 +Q434813 P20 Q60 +Q309289 P136 Q319221 +Q76152 P106 Q483501 +Q58760 P20 Q1055 +Q105158 P106 Q33999 +Q237514 P509 Q12206 +Q11877 P509 Q47912 +Q327981 P108 Q617433 +Q188344 P27 Q25 +Q104067 P1412 Q1860 +Q127345 P106 Q250867 +Q1939373 P106 Q19204627 +Q459038 P19 Q220 +Q164281 P108 Q547867 +Q715315 P20 Q1486 +Q1195390 P264 Q183387 +Q230499 P509 Q2140674 +Q60100 P106 Q3282637 +Q105460 P136 Q83440 +Q171969 P106 Q82955 +Q457306 P40 Q229908 +Q65613 P1412 Q188 +Q231071 P1303 Q17172850 +Q228868 P106 Q10798782 +Q929 P530 Q183 +Q708158 P106 Q639669 +Q130873 P20 Q33935 +Q1042738 P69 Q219615 +Q362258 P106 Q753110 +Q86407 P136 Q131539 +Q541573 P106 Q639669 +Q348678 P161 Q271324 +Q484523 P264 Q38903 +Q453583 P106 Q639669 +Q314646 P106 Q33999 +Q222965 P136 Q1054574 +Q213583 P101 Q431 +Q11812 P106 Q15442776 +Q75856 P119 Q1783048 +Q503013 P106 Q43845 +Q266670 P106 Q177220 +Q56635 P106 Q4773904 +Q334818 P27 Q668 +Q209186 P20 Q807 +Q216936 P106 Q3501317 +Q186525 P106 Q37226 +Q126281 P136 Q859369 +Q62400 P106 Q82955 +Q42775 P140 Q93191 +Q351989 P136 Q130232 +Q922795 P136 Q35760 +Q28 P530 Q241 +Q359251 P1412 Q9035 +Q1360782 P106 Q36834 +Q363379 P101 Q1069 +Q538284 P740 Q12439 +Q7176 P119 Q85 +Q40912 P102 Q29552 +Q981526 P106 Q855091 +Q686493 P106 Q36180 +Q206032 P172 Q49085 +Q48184 P136 Q9730 +Q157032 P172 Q179248 +Q1179504 P1303 Q6607 +Q65394 P463 Q939743 +Q506393 P106 Q36834 +Q387072 P106 Q10798782 +Q258009 P161 Q26625 +Q41523 P106 Q36180 +Q459681 P135 Q213156 +Q47480 P463 Q938622 +Q44132 P172 Q539051 +Q355843 P69 Q838330 +Q238751 P106 Q36180 +Q383784 P106 Q1259917 +Q107730 P27 Q16 +Q313559 P106 Q855091 +Q90009 P20 Q484678 +Q709499 P19 Q49218 +Q370155 P106 Q639669 +Q157191 P106 Q33999 +Q233529 P106 Q36834 +Q714167 P136 Q37073 +Q309926 P136 Q38848 +Q189454 P509 Q2840 +Q1396655 P463 Q939743 +Q271690 P495 Q30 +Q724883 P463 Q11993457 +Q15935 P106 Q3427922 +Q87012 P20 Q1726 +Q129399 P20 Q584451 +Q721704 P106 Q4964182 +Q1686156 P1303 Q17172850 +Q1370605 P172 Q49085 +Q64850 P106 Q1397808 +Q1350527 P27 Q30 +Q267550 P106 Q4610556 +Q49452 P102 Q1904825 +Q436978 P1412 Q150 +Q76553 P1412 Q188 +Q388785 P106 Q33999 +Q159933 P1412 Q13955 +Q168010 P161 Q167498 +Q224 P530 Q184 +Q642817 P106 Q2504617 +Q137659 P106 Q1622272 +Q150767 P463 Q15646111 +Q648366 P264 Q202585 +Q89546 P463 Q2822396 +Q67047 P27 Q183 +Q48589 P106 Q333634 +Q313655 P69 Q238101 +Q239131 P106 Q1622272 +Q183713 P106 Q49757 +Q554422 P136 Q7749 +Q89629 P20 Q1055 +Q60777 P509 Q188874 +Q71763 P69 Q152171 +Q181529 P106 Q188094 +Q368037 P106 Q10798782 +Q177984 P1412 Q1860 +Q45025 P27 Q40 +Q89188 P463 Q1132636 +Q484427 P264 Q1998195 +Q1226480 P136 Q83440 +Q383926 P264 Q183387 +Q266368 P27 Q30 +Q2119 P463 Q747279 +Q439394 P27 Q30 +Q215137 P106 Q2526255 +Q357821 P106 Q82955 +Q32522 P69 Q3072747 +Q503147 P551 Q159 +Q172466 P463 Q466113 +Q264869 P136 Q157394 +Q273887 P106 Q639669 +Q167475 P69 Q3268638 +Q218718 P106 Q177220 +Q184366 P463 Q253439 +Q166212 P27 Q30 +Q208681 P106 Q488205 +Q62202 P69 Q152838 +Q81324 P106 Q10798782 +Q154338 P509 Q133780 +Q446151 P20 Q490 +Q262 P530 Q1016 +Q234765 P26 Q189950 +Q184169 P737 Q83003 +Q183382 P106 Q12144794 +Q1020 P530 Q1033 +Q853 P27 Q15180 +Q5217489 P69 Q499451 +Q60884 P19 Q1799 +Q118745 P106 Q82955 +Q86943 P1412 Q188 +Q8023 P69 Q170027 +Q1050 P463 Q191384 +Q322586 P27 Q30 +Q574124 P106 Q593644 +Q152513 P737 Q1067 +Q299138 P136 Q11366 +Q168992 P136 Q850412 +Q2680 P1412 Q1860 +Q162492 P106 Q10800557 +Q35385 P136 Q9778 +Q35448 P1412 Q7737 +Q331155 P140 Q9089 +Q285584 P161 Q238432 +Q17738 P161 Q674451 +Q335760 P27 Q145 +Q1684779 P106 Q36834 +Q1358816 P106 Q644687 +Q16409 P172 Q7325 +Q369492 P495 Q30 +Q111121 P463 Q150793 +Q383926 P106 Q855091 +Q39972 P136 Q21590660 +Q187199 P1412 Q652 +Q259446 P106 Q10800557 +Q168962 P136 Q474090 +Q214851 P106 Q36180 +Q26058 P106 Q4610556 +Q59737 P140 Q9592 +Q57384 P69 Q51985 +Q11813 P106 Q193391 +Q42198 P161 Q223830 +Q105865 P27 Q183 +Q392697 P136 Q52162262 +Q164593 P106 Q36834 +Q452797 P106 Q36180 +Q725953 P106 Q639669 +Q213864 P19 Q485716 +Q24348 P106 Q4263842 +Q505563 P463 Q463303 +Q207947 P106 Q1415090 +Q188000 P161 Q1677114 +Q340016 P106 Q6625963 +Q2887 P17 Q298 +Q292432 P26 Q83677 +Q325428 P27 Q28513 +Q275985 P463 Q463303 +Q134456 P106 Q49757 +Q34060 P20 Q33935 +Q368613 P106 Q177220 +Q71618 P1412 Q188 +Q26372 P106 Q245068 +Q165668 P140 Q35032 +Q1646438 P136 Q187760 +Q315391 P172 Q121842 +Q311786 P106 Q1979607 +Q49034 P106 Q18814623 +Q503997 P19 Q60 +Q224159 P106 Q948329 +Q706034 P20 Q60 +Q1988375 P106 Q12377274 +Q232149 P106 Q13582652 +Q130142 P57 Q13595311 +Q774 P463 Q17495 +Q349039 P106 Q1930187 +Q722876 P136 Q20378 +Q380381 P1412 Q1860 +Q88135 P27 Q16957 +Q40071 P161 Q222071 +Q106655 P106 Q49757 +Q366307 P106 Q49757 +Q381883 P106 Q488205 +Q434694 P106 Q2259451 +Q4532076 P101 Q4932206 +Q452116 P463 Q463303 +Q60714 P27 Q713750 +Q9602 P463 Q270794 +Q940594 P463 Q30907154 +Q16867 P106 Q1930187 +Q135156 P136 Q20442589 +Q233 P463 Q842490 +Q9353 P69 Q745967 +Q84423 P69 Q152087 +Q241665 P106 Q33999 +Q156201 P20 Q100 +Q223299 P495 Q30 +Q169452 P106 Q2986228 +Q209926 P27 Q212 +Q912 P530 Q159 +Q436712 P106 Q33999 +Q353442 P20 Q90 +Q89764 P106 Q177220 +Q349434 P1303 Q17172850 +Q40640 P737 Q39212 +Q383764 P106 Q222344 +Q128995 P69 Q745967 +Q103174 P19 Q64 +Q1329421 P106 Q855091 +Q144391 P106 Q36180 +Q938475 P27 Q30 +Q949337 P27 Q30 +Q578396 P17 Q221 +Q219377 P641 Q542 +Q176163 P69 Q151510 +Q25320 P101 Q2329 +Q64151 P161 Q182372 +Q22686 P106 Q15980158 +Q354382 P463 Q161806 +Q2492 P106 Q18814623 +Q75886 P69 Q154804 +Q58091 P69 Q49210 +Q991543 P108 Q969850 +Q66735968 P1412 Q1860 +Q116013 P106 Q18844224 +Q704700 P1303 Q302497 +Q183239 P161 Q35332 +Q5950 P106 Q177220 +Q233541 P264 Q664167 +Q60347 P106 Q81096 +Q67672 P20 Q365 +Q318029 P19 Q1741 +Q528140 P1303 Q9798 +Q1677099 P106 Q33999 +Q211 P530 Q902 +Q865 P530 Q881 +Q219842 P509 Q189588 +Q195390 P20 Q33959 +Q354508 P136 Q8341 +Q72070 P106 Q974144 +Q165268 P840 Q812 +Q924 P463 Q8475 +Q230728 P27 Q30 +Q92995 P69 Q156725 +Q121180 P106 Q6625963 +Q263279 P136 Q213665 +Q505882 P19 Q60 +Q342533 P106 Q33999 +Q295935 P509 Q12152 +Q90787 P106 Q8178443 +Q92893 P463 Q127992 +Q356109 P26 Q270638 +Q322970 P106 Q1607826 +Q180962 P106 Q7042855 +Q1585138 P136 Q45981 +Q114191 P463 Q329464 +Q63184 P101 Q11633 +Q11930 P106 Q639669 +Q1087475 P1412 Q1860 +Q2569 P1412 Q188 +Q46633 P19 Q84 +Q518152 P136 Q482 +Q3085338 P102 Q192821 +Q1334617 P106 Q806349 +Q446257 P106 Q855091 +Q1035807 P106 Q639669 +Q712586 P106 Q639669 +Q4941 P161 Q28493 +Q936812 P27 Q38 +Q248592 P1303 Q6607 +Q267306 P106 Q36834 +Q49074 P106 Q1930187 +Q233724 P106 Q10798782 +Q94370 P106 Q1622272 +Q258626 P106 Q10798782 +Q961972 P1412 Q1860 +Q183297 P1412 Q150 +Q278625 P27 Q15180 +Q489643 P136 Q11366 +Q1799 P17 Q36 +Q162667 P136 Q43343 +Q110073 P69 Q168756 +Q976526 P69 Q503473 +Q193815 P106 Q10798782 +Q38823 P27 Q794 +Q2112 P17 Q713750 +Q241686 P19 Q60 +Q108454 P20 Q2966 +Q38049 P136 Q8261 +Q158175 P106 Q33999 +Q7176 P69 Q194445 +Q26318 P106 Q4610556 +Q220376 P136 Q471839 +Q167443 P1412 Q9299 +Q243550 P106 Q82955 +Q235707 P551 Q65 +Q208117 P1412 Q1321 +Q451825 P136 Q482 +Q65350 P463 Q543804 +Q1341315 P106 Q81096 +Q442656 P1412 Q256 +Q64600 P463 Q543804 +Q43327 P112 Q355288 +Q330376 P136 Q5967378 +Q306122 P1303 Q9798 +Q164954 P172 Q84072 +Q130026 P106 Q28389 +Q106371 P106 Q593644 +Q475733 P463 Q463303 +Q96452 P19 Q1741 +Q62377 P106 Q205375 +Q331711 P264 Q38903 +Q106429 P106 Q1622272 +Q184935 P20 Q19660 +Q104688 P106 Q11063 +Q427167 P136 Q12799318 +Q154331 P106 Q486748 +Q238305 P106 Q4610556 +Q233253 P106 Q177220 +Q73959 P27 Q183 +Q44111 P108 Q182973 +Q721043 P136 Q131272 +Q73195 P106 Q2259451 +Q198644 P20 Q90 +Q67903 P20 Q64 +Q7351 P106 Q14915627 +Q77234 P551 Q3150 +Q106175 P3373 Q272946 +Q287027 P106 Q10800557 +Q64180 P108 Q151510 +Q141114 P106 Q36180 +Q9545 P1412 Q1860 +Q77226 P172 Q42884 +Q712586 P136 Q9759 +Q52447 P172 Q49085 +Q391784 P161 Q230308 +Q233428 P106 Q33999 +Q1072969 P641 Q80131 +Q83566 P463 Q463281 +Q773736 P108 Q193727 +Q28 P530 Q159 +Q6512 P101 Q5891 +Q451608 P463 Q188771 +Q869 P530 Q843 +Q55404 P106 Q10800557 +Q79038 P106 Q2526255 +Q605678 P1412 Q1321 +Q166010 P1303 Q5994 +Q213880 P106 Q1930187 +Q180695 P161 Q81489 +Q127548 P106 Q2405480 +Q444509 P106 Q214917 +Q234570 P106 Q36180 +Q16473 P106 Q713200 +Q505882 P1303 Q17172850 +Q301132 P136 Q130232 +Q944159 P106 Q753110 +Q466569 P27 Q29999 +Q267243 P106 Q36180 +Q239587 P136 Q11366 +Q1911321 P27 Q129286 +Q354603 P19 Q1297 +Q180975 P69 Q1341516 +Q189078 P106 Q33999 +Q239002 P1412 Q652 +Q204005 P106 Q488205 +Q80046 P106 Q2405480 +Q1660599 P161 Q225657 +Q77888 P1412 Q188 +Q238800 P106 Q33999 +Q310947 P69 Q389336 +Q28493 P1412 Q1860 +Q221345 P495 Q30 +Q762361 P106 Q14467526 +Q67477 P1412 Q188 +Q80135 P509 Q47912 +Q48226 P1412 Q1860 +Q152520 P106 Q10798782 +Q332540 P69 Q1341516 +Q74227 P106 Q10800557 +Q30875 P136 Q49084 +Q76589 P106 Q16267607 +Q1766736 P27 Q1028 +Q167243 P27 Q15180 +Q1140309 P161 Q231004 +Q1322146 P1303 Q133163 +Q123628 P27 Q39 +Q1253366 P495 Q30 +Q80379 P161 Q206922 +Q221949 P161 Q294819 +Q976022 P551 Q84 +Q2218967 P106 Q36180 +Q244333 P161 Q191104 +Q347539 P106 Q201788 +Q7315 P106 Q36834 +Q273910 P106 Q36180 +Q16581 P106 Q170790 +Q630181 P20 Q1524 +Q699597 P106 Q49757 +Q264137 P159 Q84 +Q193608 P106 Q36180 +Q315441 P27 Q30 +Q729048 P140 Q1841 +Q16873 P119 Q1053320 +Q93343 P106 Q333634 +Q429397 P136 Q1033891 +Q67477 P140 Q75809 +Q74441 P108 Q165528 +Q71874 P27 Q148 +Q51510 P27 Q193714 +Q49734 P19 Q5092 +Q182345 P1412 Q188 +Q242873 P106 Q639669 +Q122003 P1412 Q5287 +Q151825 P161 Q229669 +Q313512 P106 Q169470 +Q234017 P136 Q83440 +Q164119 P551 Q65 +Q115483 P106 Q6625963 +Q8704 P106 Q266569 +Q105460 P264 Q165745 +Q11612 P69 Q41506 +Q244 P17 Q200464 +Q1082420 P19 Q72 +Q349117 P106 Q33999 +Q55169 P108 Q681250 +Q192069 P136 Q131539 +Q183 P138 Q38872 +Q956275 P106 Q33999 +Q126183 P136 Q859369 +Q263598 P27 Q212 +Q465465 P106 Q2306091 +Q449371 P1412 Q1860 +Q528340 P136 Q1196752 +Q146673 P136 Q959790 +Q443995 P27 Q30 +Q421707 P106 Q2405480 +Q207506 P106 Q33999 +Q216934 P264 Q18149651 +Q163366 P27 Q30 +Q367927 P106 Q40348 +Q329719 P106 Q2405480 +Q408 P530 Q29 +Q89014 P108 Q273518 +Q31164 P1303 Q11404 +Q55004 P136 Q9734 +Q102124 P106 Q2405480 +Q813 P530 Q902 +Q1077554 P106 Q82594 +Q72705 P20 Q84 +Q617920 P106 Q1622272 +Q1066894 P106 Q639669 +Q714845 P106 Q9648008 +Q470047 P20 Q8684 +Q322572 P161 Q256738 +Q529582 P172 Q49085 +Q8312 P106 Q3455803 +Q215735 P106 Q1622272 +Q267441 P106 Q6625963 +Q352540 P69 Q389336 +Q242530 P136 Q132311 +Q313814 P106 Q1281618 +Q101728 P106 Q901 +Q202319 P106 Q36834 +Q57074 P140 Q9268 +Q1176607 P136 Q37073 +Q563549 P106 Q1930187 +Q505677 P106 Q177220 +Q228901 P101 Q482 +Q368 P20 Q2887 +Q2903389 P106 Q43845 +Q212048 P27 Q30 +Q27751 P136 Q188473 +Q175104 P106 Q28389 +Q1290 P106 Q4964182 +Q208424 P840 Q84 +Q207356 P20 Q43301 +Q104154 P737 Q153185 +Q258 P30 Q15 +Q36322 P1412 Q1860 +Q65587 P27 Q183 +Q470334 P106 Q1622272 +Q219862 P106 Q36180 +Q174210 P106 Q11774202 +Q292043 P106 Q82955 +Q12571 P106 Q49757 +Q332640 P106 Q10349745 +Q371403 P1412 Q1860 +Q110073 P463 Q463303 +Q389851 P106 Q8178443 +Q25191 P106 Q1053574 +Q851 P463 Q1043527 +Q168452 P20 Q90 +Q475733 P106 Q1622272 +Q381884 P27 Q159 +Q743642 P27 Q30 +Q401963 P106 Q3282637 +Q231182 P106 Q10800557 +Q817353 P106 Q1930187 +Q1954907 P106 Q82955 +Q77688 P27 Q183 +Q314984 P463 Q463303 +Q744566 P1412 Q150 +Q38393 P1303 Q17172850 +Q223786 P106 Q4610556 +Q271967 P106 Q2526255 +Q217557 P551 Q138518 +Q3336032 P108 Q238101 +Q183337 P106 Q947873 +Q1070832 P106 Q753110 +Q273568 P161 Q2263 +Q64970 P27 Q16957 +Q196287 P27 Q30 +Q317228 P69 Q41506 +Q57387 P1412 Q188 +Q26274 P27 Q30 +Q1164663 P106 Q639669 +Q333362 P69 Q192088 +Q961981 P27 Q218 +Q227 P463 Q17495 +Q126432 P106 Q36180 +Q57281 P69 Q152838 +Q61374 P27 Q183 +Q152019 P106 Q182436 +Q9327 P20 Q90 +Q712683 P106 Q806349 +Q45 P463 Q188822 +Q65475 P27 Q43287 +Q347428 P106 Q5716684 +Q562213 P106 Q876864 +Q295919 P106 Q488205 +Q160432 P106 Q2059704 +Q319537 P106 Q33999 +Q1353 P37 Q1568 +Q540192 P1412 Q1321 +Q106598 P27 Q183 +Q984353 P69 Q49108 +Q721819 P106 Q33999 +Q82360 P136 Q21010853 +Q601304 P136 Q6585139 +Q75261 P106 Q33999 +Q248059 P1412 Q256 +Q235066 P106 Q2490358 +Q3802 P463 Q1768108 +Q162202 P2348 Q6939 +Q153911 P20 Q90 +Q171969 P463 Q329464 +Q771296 P136 Q2332751 +Q78739 P106 Q36180 +Q983421 P69 Q13371 +Q347528 P119 Q1302545 +Q47480 P106 Q170790 +Q379250 P136 Q483352 +Q348658 P106 Q33999 +Q270935 P136 Q379671 +Q530109 P106 Q177220 +Q964355 P136 Q8261 +Q325575 P136 Q157443 +Q809037 P1412 Q1860 +Q131018 P106 Q6625963 +Q1063743 P106 Q169470 +Q207459 P102 Q79854 +Q87073 P108 Q152087 +Q67436 P463 Q459620 +Q207515 P27 Q174193 +Q61696 P161 Q621490 +Q311253 P106 Q18844224 +Q82248 P106 Q214917 +Q364875 P106 Q639669 +Q192724 P161 Q181900 +Q235252 P264 Q1088453 +Q92632 P108 Q49108 +Q434805 P101 Q3455803 +Q217495 P106 Q6625963 +Q1820387 P106 Q12800682 +Q460196 P1412 Q150 +Q106245 P106 Q947873 +Q350255 P106 Q3282637 +Q434821 P509 Q12192 +Q763 P463 Q899770 +Q223949 P106 Q28389 +Q216838 P106 Q49757 +Q229449 P106 Q33999 +Q153185 P106 Q82955 +Q944275 P1412 Q1860 +Q234964 P27 Q262 +Q2973 P17 Q713750 +Q510400 P101 Q441 +Q1698 P264 Q165745 +Q96414 P106 Q185351 +Q230591 P106 Q214917 +Q108857 P1412 Q188 +Q33 P463 Q17495 +Q312258 P106 Q822146 +Q266535 P106 Q1208175 +Q1340677 P106 Q36180 +Q77844 P106 Q2526255 +Q76837 P27 Q183 +Q44653 P27 Q408 +Q102289 P106 Q483501 +Q173481 P136 Q482 +Q562641 P119 Q1624932 +Q918443 P106 Q81096 +Q161955 P172 Q121842 +Q184 P30 Q46 +Q164562 P106 Q33999 +Q168849 P136 Q959790 +Q297210 P140 Q7066 +Q221843 P106 Q36180 +Q455558 P106 Q36180 +Q235053 P451 Q103939 +Q481482 P19 Q220 +Q230641 P106 Q10800557 +Q115641 P106 Q2374149 +Q113007 P106 Q43845 +Q274562 P1303 Q79838 +Q57303 P106 Q193391 +Q130868 P161 Q318267 +Q353774 P119 Q1437214 +Q57584 P27 Q40 +Q63146 P20 Q2773 +Q90891 P106 Q82955 +Q84904 P106 Q185351 +Q741783 P106 Q1326886 +Q159 P37 Q7737 +Q123825 P136 Q676 +Q441456 P19 Q1489 +Q77143 P106 Q13235160 +Q426390 P1303 Q17172850 +Q57475 P102 Q49768 +Q1011 P463 Q827525 +Q28776 P136 Q1200678 +Q170576 P136 Q186472 +Q288620 P106 Q4610556 +Q736 P530 Q30 +Q136646 P106 Q10798782 +Q34975 P106 Q33999 +Q114760 P106 Q974144 +Q490 P17 Q172579 +Q145 P530 Q817 +Q11847 P106 Q333634 +Q235622 P106 Q33999 +Q61597 P3373 Q77109 +Q302181 P161 Q354002 +Q188570 P140 Q1069127 +Q60389 P106 Q185351 +Q55469 P3373 Q166318 +Q338812 P106 Q33999 +Q254138 P264 Q18628 +Q71067 P106 Q13424456 +Q268994 P136 Q474090 +Q312870 P509 Q12206 +Q742634 P463 Q4345832 +Q1275 P140 Q6423963 +Q126961 P106 Q49757 +Q11676 P106 Q40348 +Q46602 P27 Q34266 +Q362639 P69 Q2994538 +Q1680339 P106 Q482980 +Q75720 P69 Q193727 +Q325449 P27 Q172579 +Q373421 P463 Q946380 +Q238819 P1303 Q17172850 +Q11705409 P27 Q29 +Q221586 P840 Q100 +Q181086 P495 Q145 +Q43994 P102 Q29552 +Q82409 P463 Q1468277 +Q262 P530 Q1028 +Q334 P530 Q55 +Q118243 P27 Q39 +Q176626 P57 Q231019 +Q188176 P106 Q11774202 +Q272944 P106 Q13235160 +Q11607 P69 Q49117 +Q1512 P737 Q69339 +Q34453 P102 Q79854 +Q130873 P27 Q34266 +Q90822 P20 Q1794 +Q194346 P136 Q52162262 +Q98124 P119 Q190494 +Q116789 P108 Q27621 +Q18149651 P136 Q37073 +Q81082 P463 Q684415 +Q106208 P106 Q81096 +Q34597 P509 Q12152 +Q357929 P108 Q487556 +Q309246 P136 Q52162262 +Q659027 P106 Q121594 +Q4547 P106 Q4610556 +Q111873 P108 Q317053 +Q2022 P106 Q28389 +Q1039759 P27 Q20 +Q128121 P106 Q488205 +Q918966 P1412 Q150 +Q833 P463 Q7785 +Q234101 P27 Q30 +Q410 P106 Q1622272 +Q229349 P106 Q177220 +Q236596 P106 Q13424456 +Q134333 P106 Q10800557 +Q189889 P161 Q233736 +Q330847 P20 Q65 +Q152301 P1412 Q1860 +Q43416 P106 Q10800557 +Q158878 P1412 Q1321 +Q561458 P463 Q463303 +Q257551 P136 Q37073 +Q303456 P161 Q281034 +Q1173086 P106 Q177220 +Q102336 P509 Q2140674 +Q297334 P19 Q18419 +Q215999 P106 Q201788 +Q1074590 P106 Q177220 +Q561116 P106 Q2526255 +Q189067 P106 Q1476215 +Q116359 P106 Q8178443 +Q1507223 P27 Q30 +Q165534 P172 Q50001 +Q449 P106 Q855091 +Q669448 P140 Q432 +Q314308 P27 Q30 +Q27306 P159 Q151624 +Q8605 P1412 Q150 +Q61064 P509 Q12202 +Q180224 P451 Q51023 +Q57604 P106 Q36180 +Q5679 P463 Q1468277 +Q2105 P102 Q1904825 +Q389511 P495 Q45 +Q9575 P1412 Q1568 +Q216814 P463 Q338432 +Q855252 P1303 Q9798 +Q310638 P106 Q158852 +Q919367 P27 Q30 +Q465000 P509 Q3505252 +Q1029 P463 Q47543 +Q234128 P1412 Q1860 +Q166031 P161 Q202148 +Q162740 P106 Q40348 +Q90581 P108 Q835960 +Q262549 P27 Q30 +Q1151 P1303 Q6607 +Q965375 P20 Q194420 +Q299073 P20 Q84 +Q55993 P106 Q36180 +Q166023 P1412 Q150 +Q161678 P161 Q200405 +Q269894 P106 Q10800557 +Q135640 P106 Q4263842 +Q39212 P140 Q288928 +Q533369 P69 Q1524124 +Q311970 P106 Q488205 +Q19045 P101 Q11372 +Q184226 P737 Q188176 +Q961851 P20 Q65 +Q318261 P106 Q10800557 +Q356129 P106 Q386854 +Q350666 P136 Q21010853 +Q104398 P463 Q49738 +Q313193 P106 Q28389 +Q1711743 P136 Q9759 +Q133356 P112 Q243610 +Q287329 P136 Q37073 +Q313874 P161 Q73612 +Q34943 P106 Q4964182 +Q105682 P106 Q177220 +Q201379 P161 Q284636 +Q116307 P27 Q39 +Q285116 P136 Q11399 +Q382068 P106 Q6625963 +Q174037 P463 Q4742987 +Q264921 P106 Q177220 +Q190972 P1303 Q17172850 +Q123421 P69 Q372608 +Q333873 P136 Q12799318 +Q228852 P69 Q49115 +Q1625 P641 Q542 +Q533284 P264 Q330629 +Q16400 P1412 Q1860 +Q78487 P27 Q40 +Q45 P463 Q1928989 +Q76997 P737 Q35802 +Q213053 P161 Q212048 +Q9364 P106 Q482980 +Q83495 P136 Q1341051 +Q275991 P106 Q2259451 +Q1067812 P19 Q1726 +Q395340 P20 Q406 +Q473030 P136 Q858330 +Q243983 P136 Q471839 +Q28152 P27 Q183 +Q4532076 P108 Q4480746 +Q189330 P161 Q192643 +Q200804 P57 Q270639 +Q435805 P106 Q2526255 +Q161087 P136 Q157443 +Q849641 P106 Q10800557 +Q295679 P106 Q33999 +Q230209 P27 Q30 +Q186652 P463 Q463303 +Q96585 P106 Q1930187 +Q53680 P106 Q2259451 +Q233313 P106 Q2259451 +Q921 P530 Q17 +Q65600 P463 Q1792159 +Q529604 P106 Q82955 +Q262886 P1303 Q17172850 +Q380459 P108 Q189022 +Q40213 P27 Q27 +Q313918 P69 Q1068752 +Q191084 P26 Q164069 +Q644917 P106 Q753110 +Q4892001 P136 Q11635 +Q44922 P101 Q482 +Q740596 P106 Q37226 +Q49767 P136 Q35760 +Q322275 P509 Q181754 +Q267691 P1412 Q1860 +Q211785 P136 Q49084 +Q316022 P106 Q205375 +Q61318 P106 Q1930187 +Q633103 P106 Q1415090 +Q60869 P1412 Q188 +Q9696 P1050 Q35869 +Q738196 P106 Q36180 +Q83333 P106 Q169470 +Q36949 P19 Q60 +Q17714 P1412 Q1860 +Q79848 P17 Q161885 +Q74441 P108 Q155354 +Q2902710 P1412 Q1860 +Q122553 P106 Q82955 +Q165524 P172 Q1344183 +Q322236 P106 Q639669 +Q232104 P106 Q10800557 +Q298551 P106 Q10800557 +Q332454 P106 Q82955 +Q142 P530 Q183 +Q56037 P30 Q46 +Q711 P30 Q48 +Q270622 P1412 Q1860 +Q272845 P106 Q177220 +Q130799 P69 Q1247373 +Q190631 P106 Q10800557 +Q85802 P69 Q315658 +Q60174 P1303 Q8355 +Q478967 P106 Q855091 +Q705697 P19 Q1342 +Q207 P463 Q468865 +Q294225 P27 Q29 +Q76746 P106 Q15980158 +Q60163 P1412 Q188 +Q949281 P108 Q1137404 +Q124008 P19 Q4191 +Q153185 P1412 Q150 +Q232395 P641 Q31920 +Q4487 P551 Q774 +Q726280 P106 Q1028181 +Q55641 P136 Q211756 +Q215258 P69 Q131252 +Q210428 P264 Q1238400 +Q96811 P27 Q183 +Q72832 P136 Q850412 +Q954 P463 Q816706 +Q7304 P27 Q28513 +Q194280 P451 Q234454 +Q45563 P27 Q30 +Q326823 P27 Q28 +Q323076 P106 Q1053574 +Q58217 P27 Q159 +Q11116 P69 Q1149089 +Q235611 P106 Q36180 +Q241498 P106 Q33999 +Q29315 P102 Q49766 +Q116812 P106 Q28389 +Q3441496 P463 Q40358 +Q507612 P106 Q639669 +Q278625 P106 Q2722764 +Q231484 P1303 Q5994 +Q709873 P27 Q30 +Q5784301 P161 Q311672 +Q47561 P106 Q11774202 +Q73096 P463 Q265058 +Q3017168 P106 Q81096 +Q92635 P106 Q557880 +Q1007 P463 Q2029901 +Q999726 P106 Q6625963 +Q7104 P1412 Q150 +Q198638 P106 Q28389 +Q102139 P1412 Q188 +Q398 P463 Q5611262 +Q1970586 P106 Q3387717 +Q918668 P27 Q174193 +Q12658 P106 Q205375 +Q254603 P509 Q189588 +Q243041 P136 Q187760 +Q192934 P136 Q52207399 +Q183253 P69 Q13371 +Q107002 P106 Q6625963 +Q682673 P509 Q181257 +Q25820 P463 Q2822396 +Q310798 P101 Q395 +Q41 P463 Q7825 +Q712139 P106 Q55960555 +Q59824 P106 Q2259451 +Q68202 P20 Q2749 +Q50599 P106 Q40348 +Q168452 P106 Q82955 +Q134773 P495 Q30 +Q80424 P106 Q639669 +Q44071 P102 Q79854 +Q1036131 P106 Q183945 +Q83155 P106 Q82955 +Q567529 P20 Q90 +Q212167 P108 Q681250 +Q3754146 P27 Q29 +Q351884 P106 Q2405480 +Q708158 P106 Q183945 +Q59314 P20 Q60 +Q935258 P19 Q994 +Q201656 P106 Q855091 +Q205721 P1412 Q1860 +Q922484 P20 Q84 +Q104061 P106 Q948329 +Q463313 P161 Q310551 +Q1007 P463 Q376150 +Q113233 P106 Q483501 +Q440910 P19 Q30 +Q291228 P119 Q1437214 +Q526989 P119 Q956 +Q331728 P106 Q36180 +Q1733 P17 Q2415901 +Q78414 P20 Q1733 +Q919081 P69 Q151510 +Q231811 P106 Q10800557 +Q309926 P136 Q1133657 +Q155079 P106 Q177220 +Q1339164 P106 Q1622272 +Q38561 P840 Q90 +Q44855 P264 Q43327 +Q100765 P463 Q833738 +Q389779 P106 Q177220 +Q312407 P135 Q971480 +Q1382863 P106 Q639669 +Q1512 P737 Q9327 +Q235615 P106 Q4853732 +Q11692964 P108 Q219615 +Q95485 P1412 Q188 +Q530377 P106 Q4351403 +Q5608 P264 Q231694 +Q84992 P69 Q152087 +Q241098 P106 Q1281618 +Q40640 P106 Q12144794 +Q428223 P264 Q202440 +Q25318 P106 Q860918 +Q128967 P20 Q160642 +Q386245 P136 Q130232 +Q61497 P27 Q183 +Q77876 P20 Q2833 +Q76329 P509 Q193840 +Q1686156 P136 Q316930 +Q66041 P106 Q937857 +Q57393 P119 Q564922 +Q976238 P106 Q36180 +Q353007 P136 Q11399 +Q325718 P106 Q639669 +Q1393149 P136 Q11399 +Q274252 P69 Q273523 +Q310357 P19 Q487119 +Q66543 P106 Q1622272 +Q60095 P1412 Q397 +Q192655 P106 Q55960555 +Q733720 P69 Q13371 +Q274306 P106 Q947873 +Q1452607 P106 Q15981151 +Q153018 P106 Q3282637 +Q233736 P106 Q639669 +Q222800 P161 Q229011 +Q18809 P108 Q13164 +Q38 P530 Q733 +Q204996 P140 Q9592 +Q463101 P840 Q1400 +Q458260 P27 Q142 +Q149499 P69 Q193196 +Q1167005 P27 Q31 +Q465695 P1303 Q17172850 +Q78490 P27 Q176495 +Q55218 P106 Q2526255 +Q731195 P106 Q1930187 +Q336018 P106 Q33999 +Q302650 P19 Q60 +Q981236 P27 Q29 +Q215927 P106 Q4964182 +Q40197 P108 Q838330 +Q12121820 P27 Q212 +Q712359 P106 Q488205 +Q119676 P27 Q30 +Q952491 P136 Q7749 +Q231479 P27 Q17 +Q313525 P106 Q158852 +Q72014 P106 Q7042855 +Q262130 P106 Q28389 +Q437356 P106 Q36180 +Q362118 P108 Q1065 +Q1744 P136 Q9778 +Q708158 P140 Q432 +Q218172 P161 Q363386 +Q150851 P463 Q466089 +Q87018 P20 Q1741 +Q1884 P17 Q43287 +Q241835 P106 Q177220 +Q436719 P106 Q33999 +Q310637 P106 Q28389 +Q77608 P106 Q36180 +Q525949 P106 Q169470 +Q28936 P161 Q185079 +Q78713 P106 Q131524 +Q44652 P106 Q1930187 +Q325077 P161 Q45387 +Q102289 P106 Q901 +Q763 P463 Q7809 +Q700018 P106 Q15627169 +Q108285 P106 Q36180 +Q72124 P106 Q36180 +Q164224 P161 Q225509 +Q184805 P1303 Q6607 +Q266429 P1303 Q1343007 +Q155390 P1412 Q36510 +Q268905 P161 Q108270 +Q275003 P737 Q35802 +Q1044328 P17 Q142 +Q561617 P106 Q82955 +Q115641 P463 Q2822396 +Q206032 P136 Q11401 +Q61723 P27 Q183 +Q1062350 P102 Q79854 +Q287644 P1412 Q5287 +Q12622 P106 Q49757 +Q9599 P106 Q1622272 +Q7542 P264 Q664167 +Q135347 P495 Q30 +Q1082312 P136 Q38848 +Q381203 P26 Q108935 +Q1635222 P106 Q488205 +Q240899 P136 Q157443 +Q709178 P69 Q847099 +Q42402 P106 Q36834 +Q204019 P27 Q145 +Q105987 P106 Q3282637 +Q363708 P264 Q3415083 +Q23527 P27 Q408 +Q1352222 P119 Q2000666 +Q1344185 P27 Q30 +Q57391 P106 Q10800557 +Q461104 P106 Q1622272 +Q705715 P106 Q4610556 +Q262 P530 Q16 +Q281908 P106 Q488205 +Q229249 P106 Q3282637 +Q560040 P1412 Q1860 +Q30 P530 Q424 +Q53403 P19 Q38022 +Q368613 P106 Q10800557 +Q4145 P106 Q33999 +Q223992 P509 Q18554460 +Q215072 P106 Q2405480 +Q945 P463 Q7159 +Q106235 P69 Q154804 +Q327914 P69 Q820887 +Q102438 P840 Q84 +Q26294 P106 Q855091 +Q1145 P136 Q189201 +Q432268 P101 Q207628 +Q967886 P509 Q12078 +Q162586 P264 Q202440 +Q92987 P108 Q16952 +Q6043036 P69 Q841581 +Q240782 P101 Q482 +Q553196 P106 Q4964182 +Q62559 P106 Q37226 +Q398 P530 Q159 +Q71067 P20 Q2090 +Q76152 P106 Q947873 +Q187913 P27 Q30 +Q112635 P161 Q352708 +Q86778 P119 Q176298 +Q80760 P106 Q28389 +Q190602 P106 Q10798782 +Q26848 P106 Q13474373 +Q469478 P20 Q220 +Q15001 P106 Q486748 +Q39318 P1412 Q1860 +Q62354 P19 Q172455 +Q213081 P161 Q312705 +Q705715 P106 Q2722764 +Q179858 P641 Q542 +Q428158 P161 Q294912 +Q200299 P495 Q30 +Q208003 P106 Q1930187 +Q229545 P172 Q42406 +Q40096 P106 Q2526255 +Q128494 P20 Q649 +Q1322285 P1303 Q6607 +Q234144 P106 Q3282637 +Q213539 P108 Q154804 +Q65513 P102 Q49768 +Q5327 P463 Q329464 +Q777688 P27 Q801 +Q271846 P172 Q49085 +Q80739 P509 Q29496 +Q47703 P57 Q56094 +Q230308 P26 Q350424 +Q17279884 P1412 Q150 +Q88388 P463 Q320642 +Q71135 P108 Q32120 +Q131433 P1412 Q1860 +Q959588 P106 Q1622272 +Q242914 P69 Q859363 +Q57387 P106 Q28389 +Q479992 P27 Q28 +Q36488 P140 Q9592 +Q472071 P1412 Q1860 +Q49001 P27 Q30 +Q179695 P463 Q337543 +Q81489 P106 Q33999 +Q19845 P27 Q145 +Q130142 P495 Q30 +Q726607 P27 Q414 +Q9438 P737 Q184500 +Q60025 P737 Q9200 +Q766 P530 Q183 +Q1185803 P1412 Q5287 +Q258847 P161 Q178010 +Q2068521 P106 Q15995642 +Q715150 P69 Q752663 +Q137106 P1412 Q1860 +Q706332 P106 Q639669 +Q65035 P509 Q12078 +Q664 P463 Q17495 +Q971 P463 Q899770 +Q131018 P119 Q90 +Q270786 P1412 Q1860 +Q183397 P140 Q7066 +Q92604 P463 Q1202021 +Q268160 P136 Q11366 +Q47284 P106 Q10800557 +Q462744 P1412 Q9063 +Q809093 P106 Q6625963 +Q974 P463 Q842490 +Q457306 P106 Q10798782 +Q489 P27 Q30 +Q2416148 P106 Q177220 +Q1025 P530 Q801 +Q70087 P1412 Q188 +Q130799 P69 Q459506 +Q83492 P27 Q145 +Q83557 P463 Q1003730 +Q113052 P161 Q44467 +Q41315 P161 Q255070 +Q257764 P106 Q177220 +Q106083 P69 Q152838 +Q222071 P106 Q33999 +Q355374 P136 Q38848 +Q172183 P451 Q2159912 +Q71410 P106 Q1607826 +Q350811 P106 Q33999 +Q286022 P264 Q212699 +Q27 P463 Q458 +Q1012900 P106 Q11569986 +Q187561 P161 Q26695 +Q76715 P1412 Q188 +Q438608 P27 Q33946 +Q6701 P106 Q24387326 +Q164721 P106 Q488205 +Q455754 P136 Q7749 +Q1396305 P106 Q205375 +Q182576 P1303 Q6607 +Q559531 P106 Q1930187 +Q262354 P106 Q4964182 +Q792 P463 Q1043527 +Q181917 P27 Q145 +Q192887 P19 Q16555 +Q83484 P69 Q7607037 +Q1229223 P1412 Q652 +Q983400 P106 Q11063 +Q508752 P106 Q82955 +Q491019 P1412 Q1860 +Q81520 P106 Q33999 +Q711874 P106 Q639669 +Q12898 P69 Q35794 +Q11362 P106 Q39631 +Q178991 P106 Q201788 +Q150482 P19 Q12439 +Q677769 P106 Q4773904 +Q384397 P136 Q52207399 +Q729541 P106 Q1607826 +Q217427 P1412 Q1860 +Q148429 P161 Q257317 +Q387414 P495 Q16 +Q155545 P106 Q82955 +Q1321093 P20 Q1490 +Q252734 P106 Q49757 +Q361649 P27 Q30 +Q254603 P1412 Q1860 +Q265810 P69 Q167733 +Q2573 P106 Q82955 +Q677706 P106 Q1930187 +Q109388 P27 Q183 +Q85102 P463 Q463303 +Q188652 P161 Q343633 +Q313482 P106 Q121594 +Q445124 P106 Q465501 +Q133654 P495 Q30 +Q331277 P495 Q30 +Q8652 P17 Q30 +Q472071 P27 Q145 +Q862 P136 Q482 +Q902 P530 Q822 +Q199644 P737 Q504 +Q13894 P106 Q8178443 +Q4029 P551 Q24639 +Q354033 P264 Q1998195 +Q123972 P463 Q459620 +Q350903 P106 Q3282637 +Q201656 P264 Q387539 +Q148 P530 Q1027 +Q1771189 P20 Q21711493 +Q164683 P106 Q11569986 +Q80739 P1412 Q1860 +Q223854 P106 Q4610556 +Q46636 P27 Q30 +Q151691 P106 Q806798 +Q895636 P102 Q49766 +Q300393 P57 Q314926 +Q2277 P37 Q9129 +Q302174 P840 Q1454 +Q241909 P106 Q639669 +Q39659 P106 Q40348 +Q380424 P1412 Q1860 +Q96811 P102 Q49768 +Q48502 P106 Q177220 +Q310315 P19 Q60 +Q92143 P106 Q4263842 +Q312641 P136 Q24925 +Q709044 P27 Q30 +Q106816 P106 Q10800557 +Q312129 P106 Q639669 +Q76432 P106 Q39631 +Q2831 P1412 Q7976 +Q685149 P140 Q624477 +Q9582 P106 Q189290 +Q366570 P106 Q1028181 +Q71650 P27 Q183 +Q232222 P161 Q233832 +Q149489 P108 Q49114 +Q102225 P161 Q250250 +Q259788 P106 Q266569 +Q69110 P27 Q183 +Q74875 P69 Q152087 +Q187033 P106 Q2526255 +Q72479 P106 Q177220 +Q17676 P106 Q27532437 +Q432101 P27 Q142 +Q757 P463 Q7785 +Q48995 P495 Q30 +Q153832 P106 Q82955 +Q28494 P509 Q2140674 +Q117139 P106 Q2252262 +Q80805 P106 Q183945 +Q154325 P1412 Q188 +Q94555 P106 Q1930187 +Q130746 P106 Q4964182 +Q73892 P27 Q183 +Q234558 P106 Q177220 +Q241382 P106 Q10800557 +Q444366 P106 Q2526255 +Q182788 P106 Q36180 +Q329131 P495 Q30 +Q327574 P27 Q145 +Q832085 P106 Q185351 +Q4451656 P27 Q159 +Q154556 P69 Q55021 +Q370560 P106 Q177220 +Q939357 P1303 Q17172850 +Q310116 P106 Q177220 +Q214983 P1412 Q188 +Q367634 P106 Q753110 +Q216896 P106 Q36180 +Q272225 P106 Q177220 +Q184605 P2283 Q568723 +Q221090 P161 Q1676929 +Q78513 P27 Q40 +Q26412 P1412 Q7737 +Q8863 P102 Q49768 +Q945 P530 Q30 +Q278543 P106 Q201788 +Q190602 P1412 Q1860 +Q123097 P136 Q853630 +Q230 P530 Q1011 +Q1805398 P1303 Q5994 +Q1007 P463 Q1043527 +Q268994 P102 Q79854 +Q159690 P495 Q142 +Q230 P530 Q96 +Q41309 P106 Q16145150 +Q92639 P108 Q41506 +Q539120 P1412 Q9056 +Q371182 P106 Q13582652 +Q755 P509 Q12192 +Q302835 P106 Q901 +Q2271710 P19 Q1741 +Q15794 P20 Q437 +Q347436 P1412 Q1321 +Q336018 P27 Q145 +Q183297 P106 Q193391 +Q57730 P102 Q153401 +Q240628 P27 Q30 +Q311755 P106 Q6625963 +Q503597 P106 Q1930187 +Q395274 P106 Q8246794 +Q4384878 P101 Q1069 +Q301083 P161 Q150916 +Q720722 P136 Q11401 +Q160726 P463 Q463303 +Q164396 P102 Q79854 +Q1095520 P106 Q2914170 +Q330316 P264 Q330629 +Q225916 P495 Q30 +Q282588 P69 Q336968 +Q236 P37 Q8748 +Q231270 P106 Q33999 +Q533369 P106 Q10798782 +Q533284 P106 Q639669 +Q242 P463 Q1043527 +Q778716 P106 Q214917 +Q297071 P106 Q33999 +Q1349702 P19 Q159288 +Q444017 P495 Q142 +Q381203 P106 Q578109 +Q60714 P27 Q43287 +Q270730 P106 Q2526255 +Q75812 P106 Q1622272 +Q140412 P106 Q333634 +Q214357 P108 Q230492 +Q41594 P106 Q2340668 +Q116760 P19 Q1754 +Q4471 P136 Q157443 +Q400341 P20 Q649 +Q230476 P136 Q858330 +Q43182 P101 Q1071 +Q9545 P27 Q145 +Q95055 P106 Q33999 +Q1928051 P106 Q753110 +Q529582 P509 Q506616 +Q443813 P106 Q36834 +Q461624 P20 Q7473516 +Q32661 P19 Q277162 +Q62890 P106 Q81096 +Q229560 P26 Q40504 +Q229364 P106 Q4610556 +Q83906 P136 Q492264 +Q44221 P172 Q974693 +Q133925 P106 Q43845 +Q76893 P1412 Q7737 +Q96 P530 Q766 +Q236939 P19 Q84 +Q1799 P17 Q7318 +Q104061 P106 Q2259451 +Q127442 P140 Q7066 +Q116055 P108 Q503473 +Q254838 P1303 Q17172850 +Q359421 P27 Q38 +Q222867 P136 Q19367312 +Q68533 P27 Q43287 +Q216047 P407 Q150 +Q290490 P136 Q2143665 +Q43416 P106 Q2405480 +Q171969 P463 Q2822396 +Q42156 P737 Q144535 +Q16 P463 Q38130 +Q311476 P106 Q214917 +Q699597 P1412 Q809 +Q470572 P161 Q55796 +Q134123 P1412 Q7918 +Q76624 P463 Q320642 +Q1152239 P27 Q30 +Q131332 P19 Q60 +Q7833 P509 Q12152 +Q72938 P106 Q333634 +Q28 P530 Q399 +Q4157585 P463 Q2370801 +Q433246 P1303 Q17172850 +Q544387 P20 Q127856 +Q77468 P106 Q214917 +Q289212 P106 Q33999 +Q729661 P106 Q81096 +Q430922 P172 Q678551 +Q1151944 P106 Q10798782 +Q575026 P17 Q30 +Q123918 P106 Q1234713 +Q75966 P69 Q55044 +Q676914 P69 Q41506 +Q313044 P27 Q219 +Q504920 P106 Q36834 +Q314659 P27 Q145 +Q7302 P1412 Q652 +Q108239 P551 Q183 +Q380045 P1303 Q17172850 +Q44426 P737 Q38757 +Q456235 P106 Q193391 +Q70166 P106 Q1622272 +Q186341 P136 Q1200678 +Q164582 P106 Q10873124 +Q186924 P27 Q801 +Q346374 P106 Q639669 +Q11100 P106 Q82955 +Q733 P530 Q884 +Q156597 P161 Q348533 +Q34296 P1412 Q1860 +Q237673 P1412 Q9176 +Q125058 P136 Q130232 +Q45765 P106 Q36180 +Q66127 P69 Q153006 +Q722395 P106 Q855091 +Q369190 P27 Q30 +Q201459 P136 Q9778 +Q947519 P106 Q49757 +Q230454 P136 Q37073 +Q291866 P101 Q482 +Q164578 P1412 Q256 +Q1541 P509 Q204933 +Q199943 P1412 Q652 +Q649987 P27 Q142 +Q53031 P106 Q28389 +Q144391 P20 Q1348 +Q1132636 P159 Q3711 +Q272943 P509 Q12152 +Q136591 P136 Q484641 +Q311450 P1303 Q17172850 +Q193660 P69 Q776223 +Q193676 P264 Q654283 +Q76725 P69 Q672420 +Q1237689 P106 Q639669 +Q354867 P106 Q482980 +Q207380 P1412 Q1860 +Q867257 P106 Q639669 +Q274143 P19 Q1761 +Q92609 P106 Q82594 +Q48093 P106 Q806798 +Q184935 P119 Q592204 +Q270730 P106 Q10800557 +Q215258 P106 Q1622272 +Q329127 P161 Q211082 +Q215406 P40 Q58863 +Q1689346 P27 Q30 +Q166796 P136 Q11401 +Q1072843 P69 Q1026939 +Q64856 P27 Q183 +Q557930 P641 Q5386 +Q957010 P136 Q45981 +Q35314 P40 Q1374180 +Q1173321 P1303 Q17172850 +Q375419 P1412 Q1860 +Q185510 P119 Q5933 +Q179682 P140 Q7066 +Q312803 P106 Q639669 +Q59972 P106 Q28389 +Q288173 P840 Q237 +Q266544 P740 Q30 +Q47087 P27 Q145 +Q286339 P264 Q183387 +Q75220 P108 Q151510 +Q1344392 P463 Q1493021 +Q313647 P27 Q30 +Q121995 P27 Q30 +Q154353 P172 Q121842 +Q2030240 P27 Q34266 +Q268147 P509 Q47912 +Q157879 P161 Q107933 +Q865 P530 Q685 +Q156749 P19 Q1757 +Q4128 P106 Q4164507 +Q263143 P106 Q33999 +Q37767 P463 Q1938003 +Q200586 P106 Q16323111 +Q170564 P161 Q272977 +Q1045 P463 Q827525 +Q529276 P19 Q60 +Q77087 P3373 Q77109 +Q78505 P106 Q3455803 +Q72717 P106 Q3387717 +Q2929654 P106 Q3658608 +Q721819 P106 Q177220 +Q35610 P106 Q214917 +Q113806 P106 Q82955 +Q970 P530 Q230 +Q231006 P106 Q10798782 +Q1028 P37 Q13955 +Q215708 P27 Q183 +Q235770 P106 Q753110 +Q41378 P106 Q1622272 +Q374582 P69 Q2994538 +Q3869 P463 Q747279 +Q333519 P106 Q82955 +Q462282 P106 Q8246794 +Q323074 P27 Q145 +Q387655 P1412 Q1860 +Q117012 P106 Q16323111 +Q435801 P108 Q49108 +Q8349 P106 Q245068 +Q198962 P106 Q753110 +Q34060 P102 Q210703 +Q329434 P495 Q30 +Q266578 P106 Q33999 +Q234487 P106 Q3282637 +Q6694 P106 Q1225716 +Q157040 P140 Q75809 +Q977 P463 Q384535 +Q109767 P136 Q842256 +Q229274 P27 Q159 +Q163513 P69 Q193727 +Q1495109 P27 Q183 +Q78732 P106 Q350979 +Q730082 P106 Q183945 +Q273080 P27 Q30 +Q76553 P19 Q64 +Q739 P361 Q12585 +Q962 P530 Q30 +Q59054 P27 Q15180 +Q463501 P1412 Q7737 +Q106775 P69 Q385471 +Q160422 P106 Q42973 +Q1032 P463 Q7159 +Q274748 P161 Q208649 +Q294326 P106 Q3427922 +Q381203 P19 Q16552 +Q102851 P106 Q82955 +Q239501 P106 Q18814623 +Q95949 P509 Q189588 +Q91865 P19 Q1726 +Q292432 P1303 Q17172850 +Q183 P463 Q1377612 +Q19405 P161 Q37175 +Q96595 P69 Q152087 +Q6060 P106 Q1053574 +Q3778 P17 Q41304 +Q159642 P463 Q414188 +Q39989 P106 Q28389 +Q72400 P102 Q694299 +Q347539 P106 Q82955 +Q389779 P264 Q277626 +Q49767 P463 Q4742987 +Q95076 P27 Q30 +Q181659 P140 Q7066 +Q816499 P106 Q901 +Q707266 P20 Q18438 +Q283408 P737 Q5878 +Q315773 P27 Q34 +Q437289 P119 Q831322 +Q551512 P451 Q7197 +Q181069 P136 Q471839 +Q207515 P106 Q6625963 +Q60 P138 Q42462 +Q106942 P551 Q127856 +Q709044 P19 Q1494 +Q164401 P27 Q16 +Q813 P463 Q827525 +Q797659 P1412 Q188 +Q221113 P161 Q873 +Q63309 P106 Q1930187 +Q5052689 P69 Q13371 +Q976090 P19 Q34404 +Q311244 P264 Q1047366 +Q297442 P106 Q639669 +Q252 P530 Q298 +Q187814 P106 Q855091 +Q66236 P1303 Q17172850 +Q44461 P106 Q1622272 +Q65372 P1412 Q188 +Q202815 P106 Q201788 +Q67449 P140 Q7066 +Q235946 P106 Q333634 +Q90581 P106 Q482980 +Q61318 P463 Q83172 +Q266520 P69 Q21578 +Q615896 P1303 Q17172850 +Q126492 P136 Q157443 +Q275982 P1303 Q5994 +Q648366 P136 Q83440 +Q463042 P20 Q34006 +Q454692 P27 Q30 +Q49075 P106 Q1259917 +Q88951 P106 Q16267607 +Q3589 P57 Q48987 +Q436769 P19 Q288781 +Q58195 P27 Q39 +Q187345 P106 Q10800557 +Q66812 P106 Q1930187 +Q240808 P106 Q488205 +Q314485 P172 Q1075293 +Q276772 P495 Q668 +Q444147 P106 Q947873 +Q256164 P106 Q2259451 +Q52927 P140 Q75809 +Q849116 P17 Q172107 +Q152513 P1412 Q652 +Q453384 P19 Q6346 +Q1239933 P136 Q131272 +Q164703 P172 Q170217 +Q117 P530 Q1008 +Q1446475 P119 Q1302545 +Q344153 P509 Q47912 +Q193517 P106 Q10800557 +Q66155 P108 Q54096 +Q1534428 P1303 Q17172850 +Q228832 P136 Q37073 +Q315348 P463 Q463303 +Q276167 P1303 Q17172850 +Q156815 P1412 Q1568 +Q92649 P27 Q801 +Q255786 P106 Q177220 +Q224 P463 Q827525 +Q40362 P530 Q717 +Q25191 P106 Q33999 +Q132952 P69 Q797078 +Q8768 P106 Q1930187 +Q84842 P27 Q40 +Q257302 P264 Q193023 +Q98172 P106 Q185351 +Q49903 P136 Q959790 +Q377 P27 Q34266 +Q229606 P1303 Q17172850 +Q981489 P101 Q8134 +Q888554 P106 Q753110 +Q11673 P172 Q974693 +Q33391 P509 Q1368943 +Q443065 P106 Q2252262 +Q320032 P136 Q52162262 +Q14320 P840 Q22 +Q191088 P106 Q177220 +Q902285 P20 Q1781 +Q228968 P737 Q636 +Q148 P530 Q917 +Q340074 P106 Q49757 +Q974670 P136 Q45981 +Q323117 P1303 Q1444 +Q452232 P106 Q2526255 +Q13526 P69 Q35794 +Q733392 P1412 Q652 +Q151118 P136 Q850412 +Q77888 P463 Q265058 +Q600701 P106 Q170790 +Q252 P530 Q219060 +Q76892 P463 Q684415 +Q772064 P1412 Q1860 +Q344616 P106 Q1622272 +Q158749 P140 Q9592 +Q335629 P106 Q177220 +Q85580 P19 Q1718 +Q27751 P136 Q959790 +Q188344 P106 Q2259532 +Q44855 P463 Q43267 +Q286410 P106 Q855091 +Q60285 P27 Q183 +Q3480998 P106 Q43845 +Q148387 P161 Q350714 +Q84 P17 Q161885 +Q750 P361 Q18 +Q9204 P106 Q4964182 +Q154662 P1412 Q652 +Q378882 P69 Q319239 +Q352540 P106 Q4610556 +Q126462 P172 Q42406 +Q55800 P106 Q13590141 +Q528340 P1303 Q17172850 +Q938475 P551 Q61 +Q71275 P106 Q33999 +Q29 P530 Q408 +Q214477 P108 Q658626 +Q440433 P106 Q189290 +Q191755 P27 Q30 +Q484302 P106 Q386854 +Q960376 P463 Q463281 +Q244931 P136 Q28026639 +Q455430 P101 Q23498 +Q335807 P264 Q203059 +Q214983 P106 Q1622272 +Q782813 P69 Q21578 +Q672800 P106 Q13219637 +Q326196 P1303 Q31561 +Q232851 P69 Q1542213 +Q100511 P106 Q1622272 +Q107167 P161 Q233882 +Q130786 P172 Q44806 +Q887347 P1303 Q6607 +Q11815 P27 Q30 +Q201562 P136 Q484641 +Q241903 P106 Q2259451 +Q575444 P69 Q4614 +Q343304 P27 Q30 +Q83851 P106 Q33999 +Q91982 P119 Q438199 +Q957575 P27 Q174193 +Q91389 P106 Q82955 +Q694081 P106 Q33999 +Q1054564 P136 Q484641 +Q114354 P463 Q684415 +Q514998 P69 Q170027 +Q70989 P106 Q333634 +Q155476 P840 Q65 +Q104266 P19 Q18419 +Q193659 P27 Q22 +Q98448 P119 Q1783048 +Q800 P463 Q1043527 +Q235361 P106 Q16323111 +Q738765 P106 Q1607826 +Q251068 P264 Q38903 +Q176846 P106 Q131524 +Q144929 P136 Q130232 +Q343616 P27 Q30 +Q463877 P69 Q168751 +Q230641 P1412 Q1860 +Q76686 P108 Q31519 +Q466569 P106 Q82955 +Q207544 P106 Q3282637 +Q170472 P140 Q9592 +Q220901 P69 Q1542213 +Q60116 P101 Q24454422 +Q543719 P106 Q753110 +Q739 P361 Q18 +Q295919 P1303 Q3382191 +Q162793 P106 Q1930187 +Q714602 P27 Q30 +Q456711 P106 Q36834 +Q260026 P3373 Q2019530 +Q270126 P106 Q10798782 +Q76409 P135 Q213457 +Q1715 P17 Q43287 +Q467027 P106 Q488205 +Q1000 P463 Q17495 +Q212775 P495 Q145 +Q3033 P463 Q747279 +Q85618 P106 Q49757 +Q3057567 P106 Q81096 +Q188955 P106 Q3282637 +Q76772 P108 Q315658 +Q380484 P27 Q30 +Q498389 P172 Q170826 +Q4384878 P19 Q656 +Q55375 P27 Q142 +Q95055 P102 Q29468 +Q213690 P20 Q350 +Q117194 P27 Q159 +Q167345 P69 Q49122 +Q252 P530 Q881 +Q2904665 P69 Q174158 +Q77615 P27 Q34 +Q195333 P27 Q408 +Q141680 P102 Q5020915 +Q168154 P136 Q21401869 +Q43203 P106 Q16323111 +Q47139 P106 Q82955 +Q190148 P19 Q1449 +Q7104 P101 Q5891 +Q319737 P1412 Q1860 +Q446586 P1412 Q1860 +Q233977 P106 Q639669 +Q526406 P106 Q855091 +Q312380 P106 Q10800557 +Q456017 P136 Q130232 +Q284694 P264 Q311439 +Q733850 P509 Q202837 +Q348534 P495 Q30 +Q447121 P20 Q1781 +Q75968 P27 Q36 +Q342730 P106 Q1930187 +Q10738 P106 Q2405480 +Q214953 P102 Q161118 +Q172303 P27 Q30 +Q865 P530 Q159583 +Q427917 P106 Q488205 +Q881 P530 Q219060 +Q270005 P106 Q2259451 +Q102336 P27 Q183 +Q71000 P463 Q1202021 +Q187033 P106 Q3282637 +Q607825 P106 Q662729 +Q248042 P1412 Q8108 +Q47007 P106 Q1930187 +Q237186 P106 Q10800557 +Q43203 P106 Q1415090 +Q105756 P509 Q47912 +Q148429 P161 Q229230 +Q20 P361 Q46 +Q1364884 P1412 Q1860 +Q310638 P106 Q36834 +Q344179 P140 Q35032 +Q184499 P102 Q9630 +Q267691 P106 Q11774202 +Q37 P30 Q46 +Q134183 P106 Q1979607 +Q234570 P106 Q201788 +Q270672 P102 Q5020915 +Q159582 P1412 Q7737 +Q901303 P106 Q36834 +Q89546 P463 Q695302 +Q451825 P19 Q5332 +Q221546 P106 Q855091 +Q644797 P106 Q639669 +Q67405 P27 Q183 +Q353788 P106 Q822146 +Q41568 P101 Q5891 +Q454758 P1412 Q652 +Q313193 P19 Q1345 +Q157131 P27 Q83286 +Q379400 P106 Q36834 +Q982729 P106 Q13582652 +Q556544 P172 Q49085 +Q342419 P106 Q2259451 +Q72541 P106 Q28389 +Q71499 P27 Q183 +Q354783 P106 Q1930187 +Q450412 P108 Q174570 +Q185724 P551 Q172 +Q500999 P119 Q592204 +Q283061 P136 Q45981 +Q43723 P106 Q1238570 +Q304874 P463 Q463303 +Q2395959 P106 Q81096 +Q1322146 P19 Q1781 +Q215497 P1412 Q1860 +Q270560 P140 Q7066 +Q61361 P172 Q846570 +Q314223 P27 Q142 +Q704516 P106 Q1930187 +Q299595 P69 Q49120 +Q238305 P1412 Q1860 +Q84561 P20 Q1741 +Q233957 P172 Q160894 +Q47755 P1050 Q11085 +Q962 P463 Q827525 +Q137042 P172 Q49085 +Q251068 P106 Q855091 +Q69105 P19 Q1726 +Q84904 P102 Q316533 +Q154270 P106 Q1622272 +Q724323 P1412 Q7737 +Q954997 P136 Q37073 +Q84475 P1412 Q188 +Q329001 P19 Q60 +Q312450 P136 Q850412 +Q176846 P1412 Q7737 +Q892 P136 Q132311 +Q865 P530 Q403 +Q160333 P463 Q337526 +Q296698 P1412 Q1860 +Q198451 P495 Q30 +Q584292 P106 Q1930187 +Q959588 P106 Q36180 +Q941374 P106 Q2487799 +Q444486 P106 Q4164507 +Q717204 P19 Q84 +Q78782 P509 Q175111 +Q151872 P106 Q1231865 +Q468003 P106 Q36180 +Q152306 P102 Q327591 +Q437340 P69 Q273626 +Q783 P530 Q183 +Q219646 P106 Q49757 +Q778 P530 Q148 +Q92532 P106 Q16287483 +Q232562 P106 Q28389 +Q192442 P509 Q83319 +Q375356 P106 Q947873 +Q456017 P136 Q645928 +Q356303 P106 Q28389 +Q33946 P463 Q38130 +Q958769 P17 Q212 +Q29303 P17 Q161885 +Q183 P530 Q685 +Q172466 P69 Q149990 +Q446743 P106 Q36180 +Q221249 P161 Q42930 +Q311459 P509 Q12204 +Q239540 P106 Q18939491 +Q887259 P106 Q28389 +Q2516 P463 Q756504 +Q1534428 P119 Q1588 +Q57603 P106 Q1622272 +Q78639 P108 Q895796 +Q380280 P106 Q177220 +Q348678 P136 Q859369 +Q58057 P102 Q153401 +Q190231 P1303 Q17172850 +Q382864 P136 Q860626 +Q238315 P1412 Q188 +Q310275 P1412 Q1860 +Q196923 P1303 Q17172850 +Q29473 P20 Q1741 +Q313739 P106 Q28389 +Q92066 P463 Q414163 +Q387814 P172 Q1075293 +Q83184 P463 Q11993457 +Q62437 P136 Q58339 +Q4028 P106 Q33999 +Q876706 P20 Q90 +Q41309 P1412 Q150 +Q34969 P463 Q3603946 +Q817 P463 Q7809 +Q153159 P106 Q2374149 +Q1346849 P27 Q30 +Q156942 P106 Q1955150 +Q240430 P27 Q213 +Q230636 P106 Q10798782 +Q112378 P119 Q190494 +Q6969 P106 Q158852 +Q55171 P106 Q177220 +Q1346111 P69 Q160302 +Q113489 P102 Q49750 +Q549729 P69 Q1067870 +Q449371 P136 Q45981 +Q351527 P106 Q2306091 +Q177930 P161 Q232414 +Q220480 P69 Q49088 +Q106429 P27 Q183 +Q40580 P106 Q1415090 +Q38082 P106 Q170790 +Q104109 P140 Q33203 +Q168509 P69 Q3064325 +Q1468495 P106 Q49757 +Q215520 P20 Q65 +Q256750 P106 Q639669 +Q311263 P106 Q28389 +Q101995 P20 Q56037 +Q964071 P509 Q181754 +Q919515 P106 Q1930187 +Q389511 P161 Q1277002 +Q217 P530 Q183 +Q109063 P106 Q33999 +Q123899 P102 Q49766 +Q73416 P27 Q30 +Q240788 P106 Q1734662 +Q704700 P1303 Q17172850 +Q41076 P106 Q4610556 +Q236250 P69 Q168756 +Q517682 P27 Q142 +Q702468 P106 Q864380 +Q332462 P135 Q667661 +Q236010 P106 Q10800557 +Q9317 P463 Q723551 +Q230591 P27 Q30 +Q154662 P1303 Q17172850 +Q354654 P106 Q753110 +Q244 P530 Q754 +Q653496 P106 Q333634 +Q1133611 P264 Q843402 +Q257317 P106 Q10800557 +Q1051182 P740 Q3141 +Q333251 P20 Q138518 +Q2858166 P20 Q1492 +Q8877 P106 Q10732476 +Q967 P463 Q7159 +Q233365 P27 Q30 +Q234017 P106 Q177220 +Q40912 P106 Q2405480 +Q218 P530 Q851 +Q124183 P140 Q23540 +Q157321 P135 Q6034 +Q128085 P27 Q28 +Q221468 P264 Q18628 +Q172678 P106 Q10800557 +Q11609 P1412 Q1860 +Q7200 P136 Q192239 +Q7176 P136 Q49084 +Q113032 P106 Q36180 +Q107270 P840 Q1490 +Q33031 P27 Q83286 +Q296287 P106 Q10798782 +Q1253366 P136 Q2143665 +Q609151 P27 Q414 +Q76490 P1412 Q188 +Q504753 P27 Q30 +Q229920 P26 Q216708 +Q910486 P106 Q28389 +Q26695 P264 Q190585 +Q168963 P69 Q1329478 +Q154809 P106 Q158852 +Q256884 P106 Q3282637 +Q362340 P106 Q16145150 +Q1396305 P69 Q1367256 +Q188401 P1412 Q1860 +Q713859 P106 Q855091 +Q233873 P106 Q5716684 +Q1441251 P106 Q486748 +Q238374 P509 Q12136 +Q9047 P140 Q75809 +Q954 P463 Q17495 +Q212965 P161 Q103784 +Q30449 P106 Q488205 +Q435679 P27 Q30 +Q35610 P106 Q49757 +Q232708 P69 Q4614 +Q228692 P106 Q2259451 +Q7245 P27 Q30 +Q171363 P140 Q75809 +Q240521 P136 Q205049 +Q77109 P106 Q11774202 +Q221594 P161 Q236527 +Q57386 P27 Q183 +Q1340677 P509 Q12192 +Q216052 P119 Q1497554 +Q188783 P102 Q210703 +Q80596 P119 Q779 +Q61686 P463 Q684415 +Q97070 P106 Q1234713 +Q4612 P20 Q270230 +Q85040 P27 Q28513 +Q436394 P106 Q36180 +Q168274 P136 Q20502 +Q64043 P102 Q152554 +Q868839 P106 Q1930187 +Q23810 P140 Q7066 +Q166092 P19 Q495 +Q123166 P495 Q30 +Q188000 P161 Q272770 +Q467482 P1412 Q1321 +Q28170 P106 Q2405480 +Q313311 P106 Q3282637 +Q107933 P106 Q3282637 +Q276415 P161 Q180011 +Q713099 P106 Q33999 +Q161853 P106 Q205375 +Q465702 P106 Q177220 +Q3012 P463 Q55473342 +Q159690 P136 Q2439025 +Q48047 P106 Q47064 +Q115483 P509 Q188874 +Q215478 P551 Q16559 +Q334818 P106 Q49757 +Q5105 P1412 Q150 +Q313046 P509 Q12192 +Q227129 P106 Q4610556 +Q119687 P106 Q36180 +Q80222 P463 Q191583 +Q230011 P106 Q2259451 +Q1042 P37 Q150 +Q108558 P106 Q16031530 +Q110330 P20 Q207350 +Q67462 P463 Q543804 +Q430602 P27 Q17 +Q88821 P106 Q49757 +Q63035 P108 Q152087 +Q704645 P40 Q232783 +Q333856 P106 Q193391 +Q352738 P20 Q19660 +Q315208 P69 Q7060402 +Q287478 P106 Q10800557 +Q1535539 P106 Q639669 +Q1028 P463 Q233611 +Q206439 P106 Q486748 +Q83059 P737 Q78484 +Q110872 P106 Q1743122 +Q294901 P27 Q30 +Q12279060 P106 Q901 +Q77183 P1412 Q188 +Q1030 P530 Q183 +Q79969 P737 Q101638 +Q63224 P69 Q157575 +Q559771 P106 Q1930187 +Q207969 P27 Q30 +Q239897 P106 Q3282637 +Q236708 P106 Q33999 +Q98062 P509 Q12078 +Q1184931 P106 Q486748 +Q704696 P463 Q270794 +Q105624 P495 Q183 +Q2585807 P106 Q39631 +Q310012 P3373 Q309980 +Q87040 P27 Q40 +Q976022 P26 Q273484 +Q362828 P106 Q36180 +Q25997 P1412 Q150 +Q93129 P101 Q21198 +Q78720 P69 Q165980 +Q1030 P530 Q668 +Q435826 P19 Q60 +Q313874 P161 Q192643 +Q362749 P106 Q49757 +Q84842 P106 Q1930187 +Q188137 P19 Q60 +Q110719 P1050 Q181257 +Q490738 P106 Q753110 +Q168010 P136 Q157394 +Q232462 P1303 Q17172850 +Q34190 P106 Q214917 +Q45521 P106 Q28389 +Q4263286 P102 Q151469 +Q2416148 P106 Q33231 +Q122094 P69 Q659080 +Q713964 P19 Q18419 +Q298259 P172 Q49085 +Q64241 P108 Q157808 +Q176351 P106 Q18814623 +Q210364 P136 Q2484376 +Q44648 P136 Q45981 +Q94284 P161 Q110374 +Q230501 P106 Q183945 +Q124993 P509 Q12152 +Q48259 P106 Q43845 +Q29697 P161 Q316596 +Q27357 P106 Q214917 +Q186264 P106 Q158852 +Q242792 P106 Q2405480 +Q52433 P106 Q1622272 +Q65344 P69 Q190080 +Q311778 P106 Q4964182 +Q212 P530 Q236 +Q448776 P106 Q1930187 +Q62116 P20 Q1726 +Q940942 P69 Q131262 +Q371905 P106 Q1028181 +Q322465 P27 Q30 +Q182212 P161 Q234195 +Q390097 P161 Q236250 +Q215866 P20 Q60 +Q292539 P106 Q333634 +Q215778 P1412 Q150 +Q76291 P106 Q1622272 +Q229389 P1412 Q1860 +Q43293 P463 Q463303 +Q77020 P106 Q1622272 +Q312995 P551 Q1439 +Q12881 P106 Q1650915 +Q22979 P1412 Q188 +Q438968 P1412 Q1321 +Q1343669 P264 Q183412 +Q38392 P69 Q213439 +Q431565 P19 Q90 +Q117021 P69 Q32120 +Q53619 P1412 Q11059 +Q369907 P101 Q8134 +Q922484 P1412 Q1860 +Q16389 P19 Q8686 +Q318292 P106 Q3282637 +Q215673 P106 Q12961474 +Q181451 P27 Q794 +Q165419 P1412 Q652 +Q1911440 P106 Q1281618 +Q190145 P161 Q165524 +Q13894 P106 Q639669 +Q289064 P136 Q11399 +Q1803720 P264 Q193023 +Q62731543 P19 Q13375 +Q1315512 P136 Q11399 +Q157194 P1412 Q188 +Q221491 P161 Q294975 +Q1001 P69 Q193196 +Q311716 P106 Q28389 +Q165668 P463 Q414110 +Q2658411 P106 Q901 +Q346801 P136 Q11366 +Q1524 P17 Q41 +Q263552 P106 Q1930187 +Q299138 P264 Q4413456 +Q329454 P102 Q79854 +Q801 P530 Q230 +Q44306 P737 Q36591 +Q237056 P106 Q36180 +Q529639 P69 Q153265 +Q286302 P106 Q2259451 +Q96577 P20 Q1055 +Q816499 P69 Q81162 +Q234891 P106 Q639669 +Q77418 P106 Q39631 +Q172154 P20 Q649 +Q77143 P1412 Q188 +Q254555 P495 Q30 +Q211 P530 Q41 +Q453330 P1412 Q1860 +Q45321 P101 Q5891 +Q72267 P102 Q29468 +Q84246 P108 Q165980 +Q90653 P1303 Q6607 +Q94108 P27 Q518101 +Q304966 P106 Q55960555 +Q1618 P27 Q30 +Q313522 P106 Q10800557 +Q400046 P1412 Q9288 +Q278053 P161 Q103343 +Q69108 P27 Q16957 +Q1791962 P27 Q145 +Q1033 P530 Q916 +Q57180 P463 Q123885 +Q79025 P1412 Q1860 +Q193357 P106 Q36180 +Q538824 P106 Q36834 +Q105823 P106 Q36834 +Q709670 P106 Q49757 +Q287309 P106 Q753110 +Q809077 P106 Q177220 +Q138846 P106 Q1930187 +Q30 P530 Q962 +Q44839 P106 Q3578589 +Q85876 P27 Q131964 +Q26988 P463 Q294278 +Q188018 P106 Q2405480 +Q61078 P737 Q5879 +Q181425 P1412 Q727694 +Q356965 P106 Q28389 +Q921679 P106 Q639669 +Q270601 P101 Q482 +Q939357 P1050 Q10874 +Q428215 P1412 Q1860 +Q1386098 P106 Q2405480 +Q231093 P106 Q33999 +Q282722 P551 Q34404 +Q215868 P101 Q482 +Q120664 P106 Q188094 +Q138084 P161 Q267676 +Q217771 P106 Q2490358 +Q313043 P106 Q222749 +Q95237 P106 Q947873 +Q138984 P106 Q201788 +Q846 P463 Q656801 +Q631722 P106 Q183945 +Q154770 P1412 Q188 +Q1063743 P463 Q684415 +Q2265719 P136 Q187760 +Q84771 P108 Q499911 +Q185140 P140 Q7066 +Q112835 P509 Q12152 +Q37459 P27 Q30 +Q503710 P106 Q183945 +Q34660 P140 Q6423963 +Q214665 P1412 Q652 +Q269810 P161 Q380178 +Q183239 P161 Q379808 +Q90634 P106 Q3455803 +Q300479 P27 Q30 +Q48978 P136 Q211756 +Q1453287 P69 Q854280 +Q219373 P27 Q30 +Q1383155 P27 Q30 +Q64579 P106 Q82955 +Q316955 P106 Q2526255 +Q685 P463 Q827525 +Q735539 P106 Q639669 +Q4538 P106 Q3282637 +Q240713 P136 Q200092 +Q11093 P20 Q62 +Q269887 P136 Q860626 +Q237669 P106 Q10798782 +Q182046 P20 Q220 +Q61398 P509 Q506616 +Q507985 P106 Q3282637 +Q140575 P106 Q4773904 +Q77060 P119 Q176298 +Q242707 P551 Q18419 +Q76 P106 Q40348 +Q93343 P69 Q192088 +Q843 P463 Q1065 +Q348001 P27 Q34266 +Q221236 P136 Q471839 +Q80135 P108 Q215539 +Q1232924 P106 Q639669 +Q555613 P1412 Q652 +Q217557 P737 Q905 +Q276525 P106 Q3282637 +Q67449 P106 Q1622272 +Q544301 P27 Q145 +Q786579 P20 Q90 +Q48337 P19 Q16563 +Q726388 P106 Q43845 +Q273206 P509 Q12152 +Q216608 P1303 Q17172850 +Q295873 P69 Q559549 +Q336185 P19 Q43788 +Q5327 P106 Q1622272 +Q884172 P106 Q639669 +Q336278 P1303 Q52954 +Q194419 P140 Q13211738 +Q159054 P161 Q211322 +Q7542 P1412 Q1860 +Q108886 P69 Q486156 +Q157324 P463 Q695302 +Q303391 P136 Q130232 +Q467482 P27 Q15180 +Q276525 P69 Q389336 +Q77004 P27 Q41304 +Q82104 P172 Q42406 +Q309900 P27 Q30 +Q95120 P108 Q503424 +Q355288 P106 Q578109 +Q2164531 P136 Q11399 +Q640991 P463 Q270794 +Q432421 P1303 Q52954 +Q71616 P1412 Q188 +Q83155 P1412 Q150 +Q180695 P161 Q108941 +Q294912 P551 Q484678 +Q232562 P106 Q10800557 +Q122003 P136 Q1196752 +Q207179 P106 Q10798782 +Q254510 P106 Q855091 +Q234145 P1050 Q11085 +Q84246 P27 Q408 +Q1710614 P551 Q1492 +Q208266 P136 Q1054574 +Q936760 P509 Q12152 +Q540915 P106 Q49757 +Q958 P530 Q1049 +Q230141 P737 Q192069 +Q969753 P106 Q4263842 +Q138005 P106 Q2405480 +Q216608 P26 Q436394 +Q160640 P463 Q337543 +Q289469 P161 Q271846 +Q2602121 P551 Q779 +Q458593 P27 Q145 +Q221 P463 Q899770 +Q168821 P161 Q296028 +Q920 P106 Q49757 +Q173144 P463 Q18233 +Q321857 P1412 Q1860 +Q202749 P1050 Q178275 +Q123225 P463 Q543804 +Q1927260 P106 Q333634 +Q743051 P19 Q84 +Q256380 P69 Q41506 +Q229560 P106 Q2405480 +Q25483 P106 Q47064 +Q809077 P106 Q36834 +Q371925 P106 Q28389 +Q126164 P19 Q34006 +Q57329 P106 Q82955 +Q83557 P463 Q2095524 +Q88951 P106 Q36180 +Q240576 P106 Q49757 +Q312969 P20 Q1899 +Q167683 P106 Q2526255 +Q73028 P161 Q73007 +Q236469 P26 Q514998 +Q235121 P106 Q1607826 +Q65863 P19 Q1792 +Q51530 P106 Q2526255 +Q214475 P140 Q7066 +Q119546 P106 Q17489339 +Q234104 P106 Q10800557 +Q1585964 P463 Q2739680 +Q362106 P69 Q841581 +Q441456 P106 Q214917 +Q64640 P20 Q1022 +Q5682 P106 Q822146 +Q175600 P161 Q235072 +Q92641 P106 Q1622272 +Q47296 P136 Q157443 +Q365578 P106 Q1662561 +Q4124737 P106 Q82955 +Q191088 P136 Q211756 +Q347891 P463 Q161806 +Q193257 P108 Q209842 +Q7976772 P106 Q715301 +Q215026 P106 Q10800557 +Q180337 P161 Q310932 +Q249841 P27 Q172579 +Q30 P530 Q184 +Q164824 P106 Q1622272 +Q63187 P1412 Q188 +Q154581 P161 Q58444 +Q236630 P27 Q142 +Q93015 P106 Q170790 +Q92432 P102 Q689018 +Q1495109 P108 Q1329478 +Q168992 P27 Q30 +Q229153 P106 Q10798782 +Q716282 P106 Q3282637 +Q266611 P27 Q30 +Q313981 P106 Q28389 +Q438402 P106 Q662729 +Q3057348 P463 Q270794 +Q1049 P463 Q7809 +Q106363 P106 Q82955 +Q482964 P136 Q187760 +Q1886750 P106 Q753110 +Q313655 P27 Q30 +Q60016 P161 Q202461 +Q81224 P161 Q190523 +Q213195 P106 Q4964182 +Q888034 P140 Q748 +Q633 P264 Q843402 +Q274562 P264 Q38903 +Q1124 P69 Q333886 +Q28941 P1412 Q1860 +Q275161 P1412 Q1860 +Q131152 P140 Q9585 +Q736099 P1303 Q5994 +Q202729 P264 Q898618 +Q936760 P20 Q19660 +Q73432 P463 Q543804 +Q15180 P530 Q30 +Q164170 P108 Q309350 +Q182905 P101 Q5891 +Q234212 P106 Q177220 +Q453987 P1303 Q17172850 +Q200566 P106 Q4610556 +Q281480 P840 Q1408 +Q63630 P106 Q36180 +Q4028 P106 Q639669 +Q92622 P463 Q127992 +Q229760 P264 Q183387 +Q401963 P106 Q10800557 +Q93514 P737 Q60869 +Q181774 P106 Q2526255 +Q65613 P69 Q154804 +Q244674 P69 Q230899 +Q734436 P26 Q267629 +Q2622193 P106 Q482980 +Q184 P37 Q7737 +Q932959 P1303 Q17172850 +Q39803 P106 Q214917 +Q707990 P106 Q183945 +Q5809 P106 Q806798 +Q190631 P106 Q2405480 +Q9387 P108 Q153987 +Q438213 P69 Q1059546 +Q200096 P161 Q269901 +Q61649 P20 Q1731 +Q67637 P102 Q49750 +Q1160461 P101 Q41217 +Q333505 P509 Q9687 +Q512611 P106 Q245068 +Q233862 P106 Q33999 +Q365484 P19 Q18424 +Q216936 P106 Q36834 +Q441351 P106 Q36180 +Q64151 P161 Q434111 +Q141680 P106 Q28389 +Q380459 P106 Q82594 +Q332956 P69 Q805285 +Q35648 P27 Q30 +Q901070 P20 Q1761 +Q286525 P1303 Q17172850 +Q254 P106 Q1259917 +Q228871 P106 Q2259451 +Q92608 P106 Q36180 +Q45 P530 Q159 +Q220816 P20 Q649 +Q1360782 P106 Q177220 +Q271877 P69 Q309350 +Q235460 P106 Q2405480 +Q158474 P161 Q180942 +Q114115 P136 Q369747 +Q530109 P19 Q1342 +Q2794265 P40 Q560818 +Q15850 P27 Q15180 +Q302650 P106 Q2405480 +Q87302 P27 Q183 +Q96 P463 Q191384 +Q104049 P106 Q10798782 +Q51559 P509 Q208414 +Q190908 P136 Q1200678 +Q1145 P106 Q639669 +Q57956 P106 Q16533 +Q124784 P106 Q19831149 +Q46551 P840 Q1261 +Q18391 P20 Q11299 +Q217685 P840 Q220 +Q132589 P27 Q29 +Q235289 P69 Q219563 +Q235719 P551 Q65 +Q245363 P106 Q81096 +Q600385 P106 Q1930187 +Q445386 P136 Q11401 +Q981256 P27 Q142 +Q155845 P27 Q1033 +Q1680339 P106 Q36180 +Q152318 P106 Q11900058 +Q454696 P69 Q49108 +Q505994 P106 Q177220 +Q194346 P840 Q142 +Q108677 P69 Q55044 +Q57535 P106 Q1930187 +Q949281 P106 Q6625963 +Q379341 P264 Q1546001 +Q740181 P1412 Q9056 +Q922484 P106 Q1930187 +Q103578 P3373 Q431038 +Q1246 P530 Q43 +Q9582 P108 Q13371 +Q34460 P451 Q483118 +Q228 P463 Q81299 +Q1909258 P106 Q177220 +Q2645477 P69 Q273523 +Q249107 P106 Q639669 +Q259254 P136 Q11399 +Q66628 P20 Q1718 +Q467670 P106 Q36834 +Q86362 P27 Q148 +Q940439 P172 Q121842 +Q356283 P106 Q201788 +Q1039759 P136 Q43343 +Q468577 P451 Q296609 +Q938402 P1412 Q9067 +Q430076 P20 Q60 +Q130799 P106 Q855091 +Q4960 P737 Q29250 +Q192724 P161 Q239453 +Q901070 P463 Q117467 +Q35314 P140 Q7066 +Q75757 P1412 Q397 +Q6210809 P108 Q739627 +Q109310 P27 Q183 +Q1164355 P264 Q216364 +Q287572 P106 Q33999 +Q456467 P161 Q315325 +Q317427 P1412 Q1860 +Q383821 P106 Q947873 +Q183382 P106 Q49757 +Q191408 P106 Q8178443 +Q376335 P27 Q15180 +Q90220 P27 Q183 +Q1493339 P106 Q639669 +Q1711470 P19 Q3711 +Q337185 P27 Q30 +Q80064 P1412 Q188 +Q93343 P106 Q14467526 +Q954 P530 Q148 +Q112378 P102 Q153401 +Q451150 P106 Q1622272 +Q87137 P106 Q82955 +Q712359 P1303 Q6607 +Q5685 P737 Q7243 +Q228624 P140 Q9592 +Q44872 P463 Q812155 +Q101715 P106 Q15980158 +Q19661 P1412 Q8785 +Q151608 P20 Q1891 +Q96743 P27 Q183 +Q231942 P136 Q37073 +Q403 P530 Q851 +Q26702 P140 Q9592 +Q76525 P69 Q54096 +Q67169 P20 Q64 +Q170510 P463 Q463303 +Q944759 P1303 Q17172850 +Q224647 P161 Q329807 +Q117913 P106 Q11774156 +Q231556 P106 Q33999 +Q1101938 P69 Q49122 +Q1351047 P106 Q3621491 +Q115525 P119 Q665815 +Q1649321 P1412 Q1860 +Q170515 P106 Q33999 +Q369907 P101 Q5891 +Q374936 P20 Q65 +Q56011 P509 Q212961 +Q343037 P69 Q523926 +Q1048660 P27 Q30 +Q986 P463 Q17495 +Q12658 P106 Q860918 +Q1888794 P463 Q1493021 +Q159642 P463 Q329464 +Q25120 P140 Q7066 +Q31621 P106 Q2374149 +Q931278 P69 Q83259 +Q1242553 P136 Q164444 +Q224081 P106 Q2526255 +Q454870 P172 Q1026 +Q1928543 P106 Q33999 +Q215300 P106 Q4610556 +Q270085 P106 Q81096 +Q232149 P106 Q1622272 +Q2273039 P19 Q649 +Q89383 P19 Q1741 +Q212 P463 Q5611262 +Q434571 P27 Q142 +Q556858 P106 Q16145150 +Q228787 P106 Q2405480 +Q217787 P106 Q33999 +Q276343 P161 Q228676 +Q437927 P1303 Q17172850 +Q273614 P27 Q739 +Q90195 P106 Q1622272 +Q42869 P1412 Q1860 +Q318004 P106 Q82955 +Q4977994 P106 Q3391743 +Q359474 P106 Q3282637 +Q117185 P106 Q1622272 +Q76334 P106 Q15295720 +Q194413 P161 Q179414 +Q33 P530 Q20 +Q172599 P106 Q13418253 +Q1291701 P136 Q83270 +Q170576 P106 Q3357567 +Q941210 P106 Q177220 +Q311892 P106 Q10800557 +Q340138 P136 Q188473 +Q921516 P106 Q81096 +Q348001 P27 Q211 +Q191999 P27 Q30 +Q120647 P27 Q801 +Q94831 P264 Q843402 +Q104022 P108 Q317053 +Q57391 P106 Q28389 +Q186630 P106 Q169470 +Q126927 P1303 Q17172850 +Q190884 P119 Q208175 +Q232384 P1303 Q17172850 +Q320190 P106 Q753110 +Q371716 P509 Q47912 +Q168419 P119 Q311 +Q314535 P106 Q639669 +Q208993 P106 Q36180 +Q60582 P106 Q36180 +Q470193 P19 Q580 +Q93166 P551 Q142 +Q925240 P106 Q36180 +Q102385 P740 Q65 +Q1702240 P1303 Q46185 +Q244115 P57 Q240677 +Q71502 P106 Q20669622 +Q164396 P463 Q123885 +Q1750532 P27 Q17 +Q514424 P27 Q191 +Q3719620 P463 Q337234 +Q358990 P106 Q10800557 +Q187324 P106 Q18814623 +Q34597 P106 Q40348 +Q176578 P106 Q1930187 +Q67511 P108 Q153978 +Q93689 P161 Q199927 +Q44657 P106 Q33999 +Q241503 P106 Q36834 +Q1678730 P27 Q736 +Q516716 P136 Q11401 +Q106751 P463 Q530471 +Q167265 P136 Q93204 +Q272608 P161 Q367155 +Q251287 P106 Q36834 +Q152929 P102 Q29468 +Q113601 P19 Q23482 +Q75757 P108 Q155354 +Q42398 P1412 Q7737 +Q500999 P1412 Q7913 +Q81796 P27 Q145 +Q57389 P69 Q20266330 +Q1750541 P106 Q2516866 +Q236250 P106 Q2259451 +Q319684 P509 Q175111 +Q323463 P106 Q753110 +Q234169 P1303 Q17172850 +Q61453 P27 Q183 +Q20235 P106 Q21234378 +Q220955 P161 Q354873 +Q102301 P20 Q1345 +Q334116 P27 Q145 +Q160726 P69 Q1145814 +Q54945 P106 Q18844224 +Q316622 P106 Q10800557 +Q160534 P106 Q49757 +Q451812 P1303 Q17172850 +Q33240 P106 Q753110 +Q424 P530 Q403 +Q62889 P108 Q153978 +Q63439 P136 Q11366 +Q313868 P106 Q36834 +Q87012 P463 Q695302 +Q976238 P27 Q403 +Q329999 P20 Q24826 +Q65113 P106 Q82955 +Q84246 P1412 Q188 +Q1056805 P106 Q639669 +Q152293 P69 Q13164 +Q527394 P106 Q39631 +Q380286 P108 Q131252 +Q582152 P106 Q1930187 +Q1887014 P40 Q780842 +Q2978 P17 Q43287 +Q272382 P1303 Q17172850 +Q211462 P27 Q8646 +Q215945 P108 Q156737 +Q738125 P106 Q11774202 +Q62809 P106 Q864380 +Q102225 P161 Q36767 +Q129087 P106 Q36180 +Q944759 P27 Q241 +Q243113 P106 Q36180 +Q76414 P119 Q216344 +Q56008 P19 Q39561 +Q1035807 P106 Q822146 +Q193105 P106 Q33999 +Q179215 P840 Q668 +Q328662 P27 Q30 +Q1396852 P27 Q34266 +Q49279 P106 Q212980 +Q726198 P106 Q193391 +Q180989 P106 Q18814623 +Q92775 P136 Q131539 +Q87208 P106 Q482980 +Q981971 P106 Q333634 +Q130947 P136 Q211756 +Q121067 P27 Q713750 +Q2843357 P106 Q11063 +Q946774 P106 Q901 +Q42786 P106 Q33999 +Q326604 P1412 Q1860 +Q214548 P106 Q753110 +Q269927 P106 Q3387717 +Q72450 P136 Q860626 +Q77087 P106 Q333634 +Q237690 P19 Q90 +Q682673 P27 Q145 +Q421471 P106 Q2405480 +Q304366 P57 Q56093 +Q467940 P1412 Q1321 +Q31621 P1412 Q7411 +Q188385 P27 Q30 +Q968026 P106 Q1320883 +Q355788 P136 Q8341 +Q920 P20 Q727 +Q893785 P1412 Q150 +Q298205 P106 Q2259451 +Q76409 P737 Q991 +Q114 P530 Q833 +Q214 P463 Q899770 +Q55207 P1412 Q7737 +Q523870 P108 Q167733 +Q3711 P17 Q838261 +Q77161 P108 Q503473 +Q1376957 P106 Q2259451 +Q60815 P108 Q49115 +Q34 P530 Q408 +Q872815 P106 Q82955 +Q239328 P106 Q33999 +Q936470 P27 Q174193 +Q26207 P20 Q84 +Q798658 P452 Q746359 +Q181540 P136 Q2297927 +Q813 P530 Q183 +Q241248 P551 Q406 +Q270599 P161 Q224026 +Q214574 P69 Q895796 +Q858623 P27 Q17 +Q44519 P509 Q12202 +Q77788 P463 Q414163 +Q953 P530 Q1033 +Q34 P30 Q46 +Q112202 P106 Q212980 +Q156911 P136 Q157394 +Q105676 P106 Q36180 +Q218210 P69 Q49112 +Q172466 P463 Q270794 +Q287309 P106 Q639669 +Q167821 P69 Q1426464 +Q42198 P161 Q41163 +Q301077 P136 Q157443 +Q95843 P108 Q51985 +Q181728 P106 Q14972848 +Q201484 P106 Q11063 +Q961447 P264 Q165745 +Q12773 P106 Q36180 +Q44176 P106 Q2722764 +Q4612 P1412 Q1860 +Q76600 P463 Q123885 +Q379250 P1303 Q46185 +Q113099 P106 Q270389 +Q353816 P106 Q11513337 +Q267685 P69 Q1093910 +Q70142 P1412 Q188 +Q366805 P106 Q49757 +Q833 P530 Q1036 +Q711406 P27 Q30 +Q266535 P1412 Q150 +Q129629 P106 Q1415090 +Q708922 P264 Q1660305 +Q77193 P106 Q82955 +Q1461567 P1412 Q1860 +Q272225 P1303 Q17172850 +Q232458 P106 Q10798782 +Q310347 P119 Q208175 +Q594644 P106 Q639669 +Q109053 P106 Q15981151 +Q117783 P27 Q31 +Q709 P530 Q865 +Q432421 P264 Q165711 +Q66448 P106 Q20198542 +Q364582 P106 Q4220892 +Q568455 P106 Q158852 +Q208116 P135 Q180902 +Q128604 P108 Q1065 +Q55435 P19 Q1891 +Q232 P530 Q184 +Q732142 P27 Q212 +Q1067812 P136 Q38848 +Q313868 P106 Q639669 +Q1396630 P106 Q662729 +Q184366 P106 Q1662561 +Q182218 P161 Q34460 +Q88821 P106 Q2259451 +Q160640 P102 Q1332068 +Q163118 P27 Q142 +Q567340 P106 Q36834 +Q732434 P106 Q36180 +Q60970 P1303 Q17172850 +Q179126 P27 Q174193 +Q262 P530 Q142 +Q32910 P161 Q223303 +Q184650 P1412 Q1860 +Q206856 P106 Q10798782 +Q74745 P102 Q328195 +Q434111 P264 Q193023 +Q4612 P1303 Q17172850 +Q769 P463 Q191384 +Q230 P530 Q211 +Q231942 P106 Q36180 +Q15001 P20 Q3616 +Q373849 P161 Q178552 +Q614402 P106 Q43845 +Q1449438 P1412 Q1860 +Q2979750 P551 Q39709 +Q140099 P19 Q8684 +Q379923 P106 Q214917 +Q236240 P106 Q177220 +Q760790 P463 Q4345832 +Q298412 P1303 Q17172850 +Q1631 P509 Q623031 +Q230068 P106 Q23833535 +Q953841 P1412 Q1860 +Q227 P172 Q79797 +Q84266 P102 Q153401 +Q158078 P106 Q486748 +Q256061 P106 Q3282637 +Q359996 P1412 Q1321 +Q157324 P108 Q209842 +Q463832 P136 Q645928 +Q80938 P106 Q177220 +Q193212 P106 Q33999 +Q1143660 P1412 Q5287 +Q342774 P106 Q15981151 +Q1931736 P106 Q183945 +Q464833 P1303 Q9798 +Q313013 P106 Q1643514 +Q49601 P463 Q414110 +Q83158 P106 Q6625963 +Q450802 P106 Q16323111 +Q262294 P106 Q753110 +Q122003 P26 Q437710 +Q61659 P1412 Q188 +Q4786 P27 Q142 +Q285020 P161 Q705477 +Q106791 P106 Q33999 +Q170509 P106 Q4263842 +Q223741 P106 Q855091 +Q223830 P136 Q182015 +Q3123791 P106 Q169470 +Q88427 P108 Q152087 +Q78739 P1412 Q1860 +Q261812 P106 Q33999 +Q57382 P106 Q1930187 +Q72541 P551 Q84 +Q619328 P1303 Q17172850 +Q242423 P106 Q36180 +Q354181 P106 Q36834 +Q270935 P1303 Q51290 +Q303207 P509 Q3002150 +Q275652 P1412 Q1860 +Q445311 P27 Q96 +Q370959 P106 Q488111 +Q1698 P69 Q926749 +Q182455 P54 Q928 +Q208681 P106 Q2095549 +Q213783 P108 Q1329478 +Q105875 P1303 Q11405 +Q822630 P1412 Q150 +Q214324 P106 Q1622272 +Q66126 P509 Q12206 +Q930987 P106 Q2526255 +Q202613 P1303 Q6607 +Q625721 P106 Q49757 +Q233868 P1412 Q1860 +Q817 P463 Q17495 +Q131433 P136 Q37073 +Q504920 P3373 Q313013 +Q19661 P1412 Q1860 +Q275593 P106 Q728711 +Q2979750 P27 Q30 +Q725510 P106 Q937857 +Q211551 P106 Q593644 +Q39837 P106 Q11063 +Q99448 P69 Q151510 +Q356639 P69 Q805285 +Q103343 P136 Q130232 +Q916 P530 Q148 +Q274143 P20 Q1761 +Q57384 P106 Q81096 +Q42 P106 Q6625963 +Q131324 P106 Q488205 +Q76490 P106 Q33999 +Q106740 P140 Q6423963 +Q313647 P106 Q639669 +Q285116 P106 Q12377274 +Q41564 P106 Q82955 +Q77111 P20 Q1773 +Q760 P463 Q8475 +Q95019 P1412 Q1860 +Q354033 P106 Q10800557 +Q98461 P102 Q310296 +Q122370 P106 Q36180 +Q109053 P20 Q65 +Q716906 P19 Q43199 +Q380865 P106 Q36180 +Q109232 P106 Q3282637 +Q713575 P106 Q36834 +Q634125 P106 Q36180 +Q365090 P106 Q36180 +Q117997 P106 Q14467526 +Q127330 P1303 Q46185 +Q221090 P161 Q317343 +Q366956 P106 Q3282637 +Q185548 P106 Q28389 +Q131814 P106 Q36834 +Q309838 P106 Q488205 +Q64238 P106 Q486748 +Q25351 P106 Q2004963 +Q309690 P106 Q13235160 +Q47100 P69 Q7864046 +Q355566 P172 Q49085 +Q77087 P27 Q30 +Q57619 P172 Q42884 +Q3559761 P69 Q658975 +Q164562 P27 Q172579 +Q858 P530 Q805 +Q76593 P463 Q543804 +Q105801 P840 Q1261 +Q34943 P27 Q1747689 +Q212518 P106 Q2259451 +Q215665 P27 Q189 +Q240509 P264 Q238095 +Q261812 P1303 Q17172850 +Q77082 P119 Q40 +Q39 P530 Q227 +Q223299 P840 Q1428 +Q104688 P106 Q36180 +Q75886 P20 Q64 +Q315118 P27 Q28 +Q85429 P106 Q201788 +Q235318 P135 Q878985 +Q1046612 P1303 Q17172850 +Q231487 P264 Q121698 +Q106871 P57 Q270639 +Q712086 P19 Q1492 +Q9358 P737 Q1399 +Q181881 P106 Q177220 +Q1175266 P264 Q183387 +Q164908 P20 Q1085 +Q776752 P101 Q482 +Q91823 P463 Q1285073 +Q240849 P161 Q382036 +Q347950 P106 Q10800557 +Q505882 P106 Q183945 +Q207177 P1412 Q1860 +Q1016 P530 Q403 +Q358387 P106 Q82955 +Q214983 P106 Q201788 +Q60128 P463 Q1971373 +Q218 P530 Q846 +Q304675 P106 Q177220 +Q270660 P1412 Q1860 +Q67637 P136 Q21010853 +Q78720 P140 Q9592 +Q271385 P264 Q231694 +Q153911 P106 Q3579035 +Q1648062 P106 Q1650915 +Q130631 P101 Q5891 +Q4473 P106 Q1930187 +Q213 P530 Q148 +Q118986 P1412 Q188 +Q109324 P106 Q2259451 +Q62206 P106 Q82955 +Q1037263 P172 Q49085 +Q309756 P19 Q65 +Q202815 P140 Q188814 +Q1537105 P106 Q15981151 +Q659027 P108 Q232141 +Q86260 P27 Q16957 +Q255233 P106 Q177220 +Q1930941 P106 Q43845 +Q347128 P106 Q177220 +Q2068521 P106 Q36180 +Q237056 P1412 Q9072 +Q931005 P1412 Q1860 +Q908998 P106 Q177220 +Q207307 P106 Q33999 +Q202827 P463 Q2822396 +Q391542 P840 Q408 +Q57136 P27 Q7318 +Q4235 P1412 Q1860 +Q314957 P20 Q48958 +Q92684 P19 Q1538 +Q269683 P551 Q60 +Q813 P463 Q7809 +Q184565 P106 Q753110 +Q215949 P19 Q64 +Q89709 P463 Q4345832 +Q35912 P102 Q29552 +Q3188007 P27 Q30 +Q311306 P509 Q12206 +Q154751 P135 Q2455000 +Q9200 P106 Q36180 +Q506915 P106 Q822146 +Q241941 P136 Q188473 +Q287740 P161 Q193659 +Q908998 P106 Q639669 +Q408 P530 Q40 +Q450271 P1412 Q7026 +Q207544 P106 Q33999 +Q1292344 P106 Q1622272 +Q63346 P106 Q10843402 +Q501 P106 Q333634 +Q505957 P20 Q1741 +Q176455 P19 Q60 +Q728463 P463 Q337234 +Q24075 P57 Q60100 +Q193357 P20 Q23148 +Q313819 P57 Q60100 +Q168992 P102 Q29468 +Q165193 P136 Q83270 +Q115 P530 Q977 +Q711509 P20 Q90 +Q1888523 P106 Q372436 +Q17 P530 Q858 +Q1046616 P1303 Q6607 +Q223769 P264 Q183387 +Q105987 P106 Q578109 +Q460071 P106 Q36834 +Q106103 P106 Q1622272 +Q355835 P27 Q142 +Q241392 P69 Q36188 +Q128121 P106 Q33999 +Q353812 P106 Q482980 +Q55456 P20 Q220 +Q465196 P106 Q584301 +Q457803 P106 Q49757 +Q329448 P161 Q219655 +Q166092 P106 Q82955 +Q34190 P106 Q185351 +Q281296 P161 Q232333 +Q213585 P1412 Q188 +Q88464 P463 Q543804 +Q186587 P161 Q44467 +Q317567 P106 Q10800557 +Q1082420 P106 Q1415090 +Q210740 P106 Q1930187 +Q64509 P20 Q64 +Q399 P463 Q376150 +Q434790 P106 Q33999 +Q43044 P451 Q220918 +Q215721 P69 Q523926 +Q235134 P136 Q482 +Q728991 P101 Q270141 +Q243041 P136 Q11399 +Q85092 P20 Q1726 +Q191100 P57 Q59259 +Q362559 P27 Q145 +Q134958 P27 Q212 +Q62890 P106 Q43845 +Q211379 P1412 Q13955 +Q232419 P172 Q42406 +Q446586 P106 Q753110 +Q154353 P106 Q1622272 +Q4617 P106 Q488205 +Q383355 P57 Q51581 +Q316596 P26 Q32522 +Q541573 P1303 Q52954 +Q303235 P136 Q860626 +Q359791 P106 Q753110 +Q780102 P106 Q1028181 +Q247516 P495 Q30 +Q508752 P27 Q30 +Q223271 P20 Q60 +Q717 P463 Q376150 +Q183008 P106 Q753110 +Q599993 P27 Q142 +Q316709 P106 Q3282637 +Q1626025 P106 Q6625963 +Q213512 P106 Q10800557 +Q27684 P106 Q4964182 +Q207197 P1303 Q6607 +Q932694 P19 Q90 +Q142292 P161 Q277978 +Q54860 P740 Q30 +Q76772 P69 Q152838 +Q270529 P106 Q82955 +Q236 P30 Q46 +Q678840 P27 Q172579 +Q523870 P106 Q2306091 +Q1888794 P106 Q81096 +Q236599 P106 Q158852 +Q2929654 P19 Q1754 +Q19504 P1050 Q3321212 +Q212173 P106 Q13590141 +Q202326 P136 Q130232 +Q228645 P106 Q177220 +Q132193 P106 Q36180 +Q1020 P463 Q1043527 +Q153701 P106 Q36180 +Q319934 P1412 Q9176 +Q694732 P102 Q1332068 +Q94071 P27 Q28513 +Q346540 P106 Q10798782 +Q193066 P136 Q52162262 +Q4425869 P69 Q13164 +Q561596 P106 Q5716684 +Q233911 P106 Q3501317 +Q18450 P102 Q622441 +Q170572 P26 Q131380 +Q294583 P106 Q3387717 +Q312292 P1412 Q1321 +Q34 P530 Q801 +Q444591 P27 Q148 +Q155390 P1412 Q150 +Q431793 P161 Q192643 +Q4473 P136 Q37073 +Q165627 P840 Q18419 +Q254041 P106 Q193391 +Q1585614 P1303 Q6607 +Q931561 P264 Q726251 +Q57179 P27 Q1206012 +Q74289 P19 Q2103 +Q435801 P106 Q4964182 +Q332419 P27 Q145 +Q827389 P69 Q1878600 +Q690854 P19 Q270 +Q381799 P136 Q1200678 +Q61601 P106 Q1209498 +Q1289900 P69 Q49122 +Q319684 P106 Q193391 +Q1378199 P264 Q1660305 +Q367129 P264 Q193023 +Q1334617 P27 Q30 +Q165706 P27 Q15180 +Q85618 P19 Q2100 +Q957575 P1412 Q1860 +Q314646 P451 Q192410 +Q59572 P136 Q599558 +Q282002 P106 Q177220 +Q241085 P136 Q130232 +Q1279401 P106 Q177220 +Q4093 P17 Q161885 +Q472270 P463 Q18912936 +Q165193 P136 Q38848 +Q8772 P27 Q71084 +Q57136 P1412 Q188 +Q91 P106 Q40348 +Q60469 P69 Q157575 +Q71419 P19 Q4120832 +Q40640 P737 Q81447 +Q69631 P69 Q168426 +Q109067 P509 Q12152 +Q85788 P1412 Q188 +Q3123761 P463 Q1371509 +Q89629 P463 Q414110 +Q98960 P106 Q1622272 +Q106685 P1412 Q188 +Q549141 P106 Q183945 +Q974 P463 Q233611 +Q102905 P1412 Q188 +Q153185 P101 Q413 +Q92849 P1412 Q1860 +Q436571 P106 Q33999 +Q342549 P106 Q33999 +Q219491 P106 Q36834 +Q360477 P69 Q389336 +Q1686370 P27 Q30 +Q158175 P106 Q9648008 +Q12706 P1412 Q7737 +Q944509 P106 Q82955 +Q727705 P69 Q608338 +Q36233 P463 Q107569 +Q334646 P106 Q36180 +Q194333 P1303 Q79838 +Q233253 P1303 Q6607 +Q104127 P106 Q2259451 +Q557525 P106 Q16145150 +Q433616 P106 Q10798782 +Q213 P530 Q35 +Q34787 P27 Q183 +Q131332 P106 Q36180 +Q7711132 P840 Q37836 +Q184219 P19 Q975 +Q217619 P108 Q223429 +Q272972 P172 Q3476361 +Q94071 P27 Q40 +Q261207 P19 Q220 +Q95089 P106 Q2259451 +Q220192 P161 Q218503 +Q275964 P1412 Q1321 +Q567772 P106 Q2500638 +Q315592 P161 Q713099 +Q272069 P106 Q753110 +Q68312 P106 Q10872101 +Q93356 P108 Q168756 +Q7241 P106 Q822146 +Q957627 P106 Q753110 +Q119348 P27 Q30 +Q851 P530 Q826 +Q26741 P106 Q10800557 +Q584197 P106 Q333634 +Q151872 P136 Q49084 +Q36322 P136 Q19715429 +Q237134 P161 Q95055 +Q184746 P19 Q25610 +Q735560 P106 Q639669 +Q165257 P140 Q9592 +Q312288 P101 Q333 +Q449013 P101 Q1930187 +Q346374 P136 Q11399 +Q357645 P106 Q177220 +Q262 P530 Q668 +Q554422 P27 Q16 +Q213945 P69 Q152087 +Q259254 P264 Q190585 +Q68202 P106 Q4853732 +Q435236 P106 Q2259451 +Q467519 P106 Q488205 +Q941984 P106 Q10798782 +Q228909 P102 Q29552 +Q92926 P509 Q12078 +Q222041 P840 Q5092 +Q184750 P737 Q61078 +Q978389 P1412 Q1321 +Q155 P463 Q1043527 +Q26118 P509 Q852423 +Q157242 P108 Q230899 +Q55450 P106 Q28389 +Q128460 P106 Q4853732 +Q54545 P106 Q36180 +Q361649 P106 Q19204627 +Q221202 P161 Q313204 +Q274748 P161 Q79031 +Q65513 P106 Q1622272 +Q44662 P136 Q130232 +Q120085 P69 Q995265 +Q307 P106 Q155647 +Q346064 P27 Q801 +Q182218 P136 Q1535153 +Q604510 P1303 Q6607 +Q202246 P27 Q145 +Q67169 P102 Q7320 +Q209684 P106 Q639669 +Q3301546 P463 Q604840 +Q79141 P108 Q1065 +Q91389 P463 Q338489 +Q31845 P20 Q1524 +Q52583 P27 Q16 +Q224021 P119 Q1358639 +Q309153 P57 Q73089 +Q196685 P161 Q371972 +Q444616 P106 Q1569495 +Q365044 P509 Q12152 +Q94007 P106 Q10800557 +Q55211 P106 Q11774202 +Q965301 P1412 Q1860 +Q711874 P19 Q43668 +Q213567 P106 Q10800557 +Q100511 P106 Q36180 +Q78030 P1412 Q188 +Q62857 P101 Q21198 +Q179558 P20 Q649 +Q53012 P106 Q33999 +Q76725 P101 Q5891 +Q467737 P172 Q79797 +Q107914 P136 Q2297927 +Q390052 P57 Q188726 +Q188492 P27 Q30 +Q504920 P1303 Q6607 +Q382036 P509 Q372701 +Q1869643 P136 Q83440 +Q15462 P463 Q463303 +Q77214 P106 Q36180 +Q1020 P530 Q258 +Q587004 P106 Q1930187 +Q342397 P1412 Q7737 +Q84412 P106 Q36180 +Q57236 P106 Q644687 +Q872815 P19 Q1799 +Q220010 P106 Q177220 +Q271640 P106 Q10800557 +Q57475 P551 Q16957 +Q159 P530 Q17 +Q43067 P106 Q131512 +Q35900 P140 Q483654 +Q88073 P106 Q49757 +Q96334 P106 Q4263842 +Q184366 P463 Q2124852 +Q1787960 P106 Q151197 +Q219622 P1412 Q150 +Q276038 P1303 Q5994 +Q237420 P106 Q2526255 +Q193346 P19 Q1754 +Q189490 P102 Q29552 +Q712878 P27 Q172579 +Q100122 P106 Q33999 +Q54545 P106 Q10833314 +Q1043170 P106 Q36180 +Q931890 P106 Q33231 +Q529276 P106 Q36180 +Q150989 P108 Q202660 +Q181662 P106 Q1979607 +Q215637 P27 Q34266 +Q5496982 P106 Q201788 +Q69139 P463 Q459620 +Q36739 P840 Q99 +Q51814 P102 Q29468 +Q215673 P106 Q1930187 +Q155700 P1412 Q1860 +Q5679 P106 Q214917 +Q38670 P20 Q60 +Q954 P463 Q191384 +Q213547 P106 Q2259451 +Q454243 P1412 Q652 +Q555993 P463 Q920266 +Q400 P26 Q40263 +Q433044 P119 Q84 +Q316997 P551 Q881 +Q234314 P19 Q79860 +Q105585 P27 Q16957 +Q651059 P106 Q1622272 +Q223455 P106 Q2405480 +Q1160461 P106 Q81096 +Q71004 P27 Q30 +Q188176 P27 Q30 +Q28170 P19 Q11299 +Q274429 P106 Q201788 +Q14320 P57 Q60100 +Q7313843 P108 Q414219 +Q43432 P106 Q822146 +Q1806036 P106 Q855091 +Q93030 P106 Q82594 +Q230795 P106 Q5716684 +Q539171 P106 Q4610556 +Q738566 P1412 Q7918 +Q399 P530 Q30 +Q228645 P106 Q10798782 +Q3134064 P106 Q28389 +Q157034 P17 Q12560 +Q64173 P136 Q959790 +Q17455 P1412 Q397 +Q7864046 P17 Q30 +Q167768 P69 Q1067870 +Q189172 P106 Q188094 +Q115 P530 Q801 +Q62188 P106 Q49757 +Q311802 P1412 Q5146 +Q97644 P27 Q183 +Q78126 P27 Q43287 +Q212676 P119 Q272208 +Q181659 P106 Q34074720 +Q313788 P1412 Q1860 +Q940594 P136 Q36279 +Q57236 P106 Q36834 +Q214959 P106 Q33999 +Q7964724 P463 Q40358 +Q313581 P106 Q201788 +Q164765 P135 Q164800 +Q96 P530 Q734 +Q347362 P737 Q1394 +Q183008 P106 Q36834 +Q64880 P106 Q36834 +Q182763 P106 Q10800557 +Q75246 P463 Q18650004 +Q170576 P106 Q4610556 +Q110714 P106 Q36834 +Q677367 P27 Q15180 +Q256402 P19 Q84 +Q314164 P106 Q639669 +Q1056163 P1412 Q150 +Q49398 P161 Q16455 +Q230591 P101 Q49084 +Q114819 P161 Q312098 +Q7241 P1412 Q9610 +Q91990 P463 Q414163 +Q763507 P1412 Q1860 +Q144664 P136 Q9730 +Q51545 P140 Q7066 +Q232222 P161 Q283335 +Q186587 P495 Q30 +Q561809 P106 Q10798782 +Q143945 P69 Q999763 +Q193871 P101 Q8162 +Q182522 P106 Q205375 +Q78371 P19 Q727 +Q102551 P106 Q2405480 +Q27 P463 Q81299 +Q242351 P106 Q5322166 +Q594272 P106 Q1930187 +Q850746 P27 Q17 +Q65911 P20 Q34647 +Q57364 P102 Q49762 +Q216536 P1412 Q188 +Q221491 P161 Q200841 +Q223281 P106 Q10800557 +Q535924 P27 Q159 +Q189732 P27 Q15180 +Q92977 P106 Q82594 +Q726074 P106 Q639669 +Q165668 P463 Q463281 +Q578031 P27 Q30 +Q3430566 P102 Q29468 +Q9327 P737 Q9711 +Q509102 P69 Q49210 +Q216092 P27 Q142 +Q96502 P69 Q152171 +Q314926 P19 Q5092 +Q1497744 P172 Q49085 +Q705333 P27 Q16 +Q89629 P106 Q1792450 +Q80379 P161 Q170510 +Q106099 P463 Q337531 +Q4103721 P1412 Q1860 +Q84114 P136 Q1344 +Q109252 P27 Q183 +Q781 P463 Q376150 +Q110379 P106 Q222749 +Q77627 P69 Q672420 +Q563057 P106 Q488205 +Q381944 P27 Q15180 +Q39524 P69 Q194445 +Q310357 P106 Q10800557 +Q486096 P119 Q1437214 +Q468577 P108 Q740308 +Q233541 P106 Q33999 +Q1055 P463 Q1768108 +Q443708 P106 Q16742096 +Q232985 P106 Q805221 +Q817 P463 Q827525 +Q273910 P106 Q855091 +Q111121 P102 Q7320 +Q1236051 P19 Q2807 +Q25318 P463 Q41726 +Q19837 P19 Q62 +Q184935 P106 Q182436 +Q302817 P27 Q30 +Q53719 P161 Q228868 +Q172183 P106 Q593644 +Q232417 P108 Q15208489 +Q274887 P161 Q373034 +Q736143 P106 Q36180 +Q12288275 P69 Q263064 +Q1029 P530 Q16 +Q97894 P106 Q1930187 +Q516870 P27 Q2305208 +Q1766736 P101 Q482 +Q1419737 P159 Q84 +Q236005 P101 Q207628 +Q210428 P106 Q855091 +Q30 P530 Q805 +Q239533 P264 Q1465812 +Q190588 P161 Q106481 +Q454334 P1412 Q188 +Q242454 P136 Q11399 +Q34211 P106 Q13582652 +Q129486 P136 Q482 +Q107350 P27 Q183 +Q366563 P106 Q2722764 +Q129486 P27 Q29 +Q155375 P463 Q270794 +Q360266 P20 Q47164 +Q64440 P69 Q875788 +Q55163 P19 Q41819 +Q273055 P27 Q30 +Q1627834 P1412 Q1321 +Q235361 P101 Q482 +Q191026 P106 Q212980 +Q208116 P106 Q49757 +Q378891 P161 Q36949 +Q1053996 P159 Q84 +Q95050 P106 Q2259451 +Q152274 P27 Q33946 +Q6512 P106 Q4964182 +Q157359 P106 Q36180 +Q159 P530 Q219060 +Q73089 P509 Q12202 +Q384397 P136 Q130232 +Q5348 P463 Q266063 +Q943577 P19 Q1781 +Q298761 P737 Q169566 +Q232015 P106 Q33999 +Q219 P530 Q213 +Q68533 P69 Q154804 +Q190368 P106 Q201788 +Q453388 P106 Q15980158 +Q77327 P106 Q1622272 +Q240713 P161 Q214289 +Q41257 P119 Q562211 +Q330432 P106 Q28389 +Q348497 P136 Q3017271 +Q315222 P106 Q82955 +Q230123 P106 Q4610556 +Q214466 P106 Q177220 +Q44403 P172 Q42884 +Q247733 P136 Q859369 +Q311169 P106 Q10798782 +Q150989 P20 Q90 +Q12881 P106 Q36834 +Q936760 P106 Q1930187 +Q35648 P106 Q16533 +Q2807 P30 Q46 +Q558104 P1412 Q1860 +Q58040 P106 Q36180 +Q684105 P136 Q241662 +Q366322 P26 Q199927 +Q43746 P106 Q4504549 +Q933892 P69 Q705737 +Q243643 P840 Q90 +Q64963 P463 Q191583 +Q130780 P106 Q18844224 +Q1157139 P1303 Q128309 +Q71905 P20 Q2079 +Q235955 P551 Q8678 +Q213844 P27 Q41304 +Q786675 P106 Q1075651 +Q128759 P1412 Q652 +Q364881 P1303 Q6607 +Q128568 P106 Q11513337 +Q650640 P106 Q1930187 +Q561835 P1412 Q150 +Q364864 P136 Q11366 +Q2071 P69 Q432637 +Q48226 P69 Q13371 +Q16397 P106 Q33999 +Q39792 P172 Q1075293 +Q743035 P19 Q90 +Q206659 P27 Q27 +Q5354 P463 Q123885 +Q163683 P27 Q31 +Q435060 P27 Q30 +Q79025 P106 Q201788 +Q1145 P135 Q8361 +Q58978 P27 Q174193 +Q1766736 P106 Q4853732 +Q234058 P551 Q127856 +Q174843 P551 Q60 +Q96594 P102 Q633731 +Q152245 P26 Q9439 +Q801 P463 Q5611262 +Q45909 P1303 Q133163 +Q213844 P19 Q1707 +Q712082 P106 Q2516866 +Q414379 P131 Q1729 +Q424173 P20 Q7473516 +Q346532 P463 Q651690 +Q84246 P106 Q36834 +Q168542 P119 Q41329 +Q215814 P102 Q29468 +Q92775 P106 Q2722764 +Q309648 P106 Q639669 +Q454388 P106 Q36180 +Q27357 P27 Q29 +Q275964 P1412 Q652 +Q1806985 P106 Q36180 +Q589497 P106 Q18844224 +Q269887 P161 Q443534 +Q2086235 P69 Q34433 +Q332525 P1303 Q6607 +Q1240856 P106 Q14915627 +Q946733 P106 Q18844224 +Q185696 P106 Q37226 +Q313981 P172 Q42406 +Q191479 P27 Q30 +Q5890 P161 Q42204 +Q273136 P106 Q10798782 +Q1266083 P1303 Q6607 +Q676777 P106 Q639669 +Q1008 P30 Q15 +Q92602 P106 Q81096 +Q255967 P106 Q2259451 +Q2135 P17 Q16 +Q159347 P172 Q3476361 +Q434932 P463 Q463303 +Q184935 P106 Q12144794 +Q307737 P106 Q10798782 +Q33391 P106 Q1930187 +Q192682 P106 Q33999 +Q239002 P1303 Q17172850 +Q2578559 P108 Q49115 +Q36322 P1050 Q12204 +Q249719 P106 Q36834 +Q231256 P69 Q1059546 +Q311145 P106 Q49757 +Q1702383 P106 Q177220 +Q212173 P108 Q131252 +Q272069 P106 Q36834 +Q939105 P106 Q855091 +Q197935 P102 Q49629 +Q246656 P161 Q5443 +Q55207 P106 Q13590141 +Q70113 P27 Q41304 +Q90074 P27 Q40 +Q153484 P161 Q184219 +Q445115 P106 Q33999 +Q238402 P40 Q2831 +Q19526 P106 Q3282637 +Q113717 P463 Q329464 +Q328042 P106 Q4263842 +Q57735 P19 Q649 +Q1043170 P27 Q77 +Q561401 P106 Q2259451 +Q184219 P106 Q2405480 +Q865 P530 Q236 +Q1779574 P463 Q1423356 +Q607448 P20 Q60 +Q253882 P106 Q970153 +Q916 P530 Q241 +Q349117 P19 Q65 +Q38 P463 Q782942 +Q833578 P161 Q73089 +Q538362 P106 Q33999 +Q80069 P106 Q4610556 +Q1050 P463 Q842490 +Q153421 P69 Q152087 +Q6648722 P19 Q207350 +Q555324 P136 Q482 +Q405565 P19 Q84 +Q947519 P463 Q463281 +Q185024 P1412 Q7737 +Q275991 P1303 Q17172850 +Q186335 P106 Q4263842 +Q846 P463 Q376150 +Q78481 P19 Q1741 +Q7345 P106 Q36180 +Q237387 P106 Q10798782 +Q49683 P361 Q172107 +Q75539 P161 Q257165 +Q430893 P106 Q3282637 +Q236531 P264 Q231694 +Q468585 P69 Q1702106 +Q59534 P161 Q80739 +Q347395 P69 Q1093910 +Q1242 P463 Q2822396 +Q25163 P106 Q36180 +Q713575 P106 Q4351403 +Q50020 P135 Q7066 +Q128460 P463 Q337526 +Q234388 P3373 Q44855 +Q109612 P106 Q486748 +Q348790 P106 Q1930187 +Q669934 P1412 Q1860 +Q240370 P1412 Q8641 +Q313653 P106 Q2259451 +Q93868 P840 Q65 +Q461768 P136 Q157394 +Q236056 P106 Q753110 +Q57347 P27 Q55 +Q123089 P135 Q37068 +Q668 P361 Q7785 +Q48034 P27 Q34266 +Q288173 P840 Q64 +Q228943 P551 Q65 +Q263598 P27 Q15180 +Q155860 P463 Q2370801 +Q47122 P136 Q547137 +Q201924 P161 Q38111 +Q30 P530 Q889 +Q851 P463 Q8475 +Q705748 P106 Q639669 +Q96585 P108 Q152087 +Q981256 P106 Q28389 +Q183 P530 Q230 +Q15794 P27 Q215 +Q122968 P463 Q123885 +Q7314 P463 Q812155 +Q584197 P463 Q11993457 +Q364875 P1303 Q52954 +Q708824 P106 Q3282637 +Q112255 P119 Q240744 +Q973305 P463 Q1425328 +Q213870 P106 Q4263842 +Q159603 P27 Q211274 +Q212015 P1412 Q150 +Q66992 P106 Q1930187 +Q96591 P20 Q3033 +Q587823 P106 Q201788 +Q213 P530 Q843 +Q296609 P106 Q214917 +Q261923 P161 Q80938 +Q234807 P27 Q29 +Q62866 P106 Q205375 +Q10664 P27 Q145 +Q207177 P264 Q165745 +Q504920 P136 Q484641 +Q80739 P119 Q99 +Q551735 P106 Q333634 +Q135139 P463 Q938622 +Q512 P106 Q753110 +Q272374 P106 Q36834 +Q544472 P1412 Q188 +Q229671 P108 Q49088 +Q676562 P135 Q9730 +Q154203 P106 Q36180 +Q372692 P106 Q10800557 +Q1277002 P509 Q12152 +Q320052 P106 Q2259451 +Q164593 P1412 Q188 +Q170042 P264 Q202585 +Q739 P463 Q3772571 +Q984115 P106 Q36834 +Q314610 P106 Q10800557 +Q162667 P1303 Q46185 +Q503710 P27 Q30 +Q5604 P108 Q599316 +Q464453 P19 Q100 +Q843 P30 Q48 +Q344537 P161 Q230710 +Q9358 P737 Q57187 +Q357776 P106 Q36180 +Q219 P530 Q881 +Q67221 P140 Q75809 +Q262354 P106 Q1281618 +Q223596 P161 Q434291 +Q81807 P106 Q4164507 +Q216398 P106 Q4853732 +Q2599 P264 Q193023 +Q124527 P27 Q30 +Q981785 P136 Q170611 +Q60217 P69 Q152087 +Q189351 P106 Q10800557 +Q62918 P106 Q13582652 +Q187884 P106 Q2865819 +Q378870 P1412 Q652 +Q83733 P69 Q7864046 +Q133054 P106 Q4853732 +Q462149 P136 Q200092 +Q80222 P463 Q4345832 +Q944275 P463 Q188771 +Q3520383 P136 Q130232 +Q164957 P27 Q28513 +Q212333 P136 Q959790 +Q434399 P136 Q8341 +Q287793 P27 Q30 +Q11237 P1412 Q1860 +Q379949 P106 Q36180 +Q355288 P19 Q12439 +Q280978 P106 Q28389 +Q1395732 P136 Q8341 +Q155018 P495 Q38 +Q123469 P106 Q214917 +Q36704 P530 Q38 +Q2516 P463 Q218868 +Q168728 P737 Q132805 +Q219060 P530 Q403 +Q320052 P106 Q13235160 +Q192348 P463 Q695302 +Q647445 P106 Q15980158 +Q107759 P69 Q152087 +Q313666 P106 Q36180 +Q103917 P106 Q1053574 +Q667925 P106 Q3387717 +Q702508 P106 Q10798782 +Q544387 P740 Q812 +Q65613 P108 Q153978 +Q966690 P161 Q690974 +Q443708 P463 Q2370801 +Q464882 P463 Q191583 +Q96669 P27 Q750 +Q16472 P106 Q753110 +Q551491 P101 Q11633 +Q123823 P69 Q36188 +Q80758 P27 Q884 +Q5104 P106 Q753110 +Q35 P463 Q5611262 +Q386514 P27 Q30 +Q295120 P1303 Q17172850 +Q23530 P551 Q649 +Q235931 P106 Q177220 +Q67047 P106 Q1622272 +Q235770 P264 Q1200368 +Q320556 P106 Q33999 +Q706084 P106 Q753110 +Q39 P530 Q38 +Q218 P530 Q227 +Q1188776 P136 Q14390274 +Q309932 P106 Q10800557 +Q880598 P106 Q10800557 +Q527394 P106 Q36180 +Q213974 P106 Q36180 +Q83612 P161 Q239453 +Q181086 P840 Q84 +Q157322 P1412 Q150 +Q38203 P106 Q14467526 +Q374582 P106 Q639669 +Q274429 P1412 Q150 +Q70113 P106 Q4964182 +Q315136 P463 Q1132636 +Q98703 P27 Q1206012 +Q157032 P17 Q12560 +Q77881 P69 Q672420 +Q167726 P161 Q311976 +Q851 P530 Q928 +Q1101377 P264 Q4883239 +Q781 P463 Q205995 +Q3346431 P27 Q45 +Q573017 P136 Q11399 +Q207197 P106 Q10798782 +Q311750 P106 Q10800557 +Q837 P530 Q458 +Q131579 P106 Q193391 +Q105756 P106 Q11774202 +Q203264 P27 Q15180 +Q592504 P27 Q34266 +Q106529 P136 Q182015 +Q181881 P264 Q1988428 +Q83059 P108 Q49210 +Q2481742 P172 Q121842 +Q92693 P106 Q170790 +Q973488 P106 Q82955 +Q211998 P509 Q12078 +Q207544 P106 Q6625963 +Q200586 P69 Q579968 +Q367129 P136 Q83440 +Q167498 P102 Q29552 +Q232085 P172 Q49085 +Q72077 P106 Q2405480 +Q43044 P106 Q2259451 +Q225852 P1412 Q1860 +Q506379 P69 Q193727 +Q92743 P108 Q41506 +Q116577 P106 Q39631 +Q385703 P106 Q1930187 +Q164117 P106 Q2526255 +Q441834 P27 Q30 +Q238751 P106 Q482980 +Q361630 P27 Q408 +Q220889 P27 Q30 +Q71960 P136 Q842256 +Q356309 P119 Q1625328 +Q211998 P106 Q2405480 +Q62559 P1412 Q188 +Q520053 P69 Q390287 +Q195402 P161 Q25089 +Q131112 P737 Q34981 +Q551512 P119 Q272208 +Q329127 P161 Q230278 +Q238402 P27 Q30 +Q319129 P106 Q43845 +Q66002 P27 Q1206012 +Q710837 P27 Q148 +Q276525 P106 Q639669 +Q283696 P840 Q61 +Q465242 P106 Q6625963 +Q350552 P463 Q265058 +Q217303 P136 Q130232 +Q202326 P840 Q1408 +Q76405 P106 Q10800557 +Q353442 P106 Q170790 +Q378672 P106 Q33999 +Q95951 P27 Q16957 +Q4073580 P106 Q82955 +Q358714 P106 Q33999 +Q102568 P69 Q152838 +Q157303 P106 Q49757 +Q1342470 P1303 Q6607 +Q366207 P106 Q639669 +Q38111 P172 Q141817 +Q41342 P1303 Q17172850 +Q683 P530 Q148 +Q582713 P108 Q686522 +Q78592 P106 Q4964182 +Q107422 P106 Q593644 +Q49072 P106 Q6625963 +Q199418 P106 Q2405480 +Q951957 P27 Q15180 +Q232470 P1303 Q17172850 +Q163683 P106 Q81096 +Q439315 P1303 Q17172850 +Q41329 P463 Q1768108 +Q19504 P27 Q30 +Q267217 P106 Q3282637 +Q1193914 P1412 Q1860 +Q77888 P3373 Q6694 +Q9294 P20 Q85 +Q262507 P19 Q18419 +Q361523 P106 Q33999 +Q349039 P106 Q8246794 +Q40580 P1303 Q79838 +Q61761 P102 Q7320 +Q90771 P106 Q245068 +Q57109 P119 Q155 +Q1047 P1412 Q1568 +Q235141 P69 Q130965 +Q237413 P101 Q482 +Q185610 P106 Q3922505 +Q1009499 P106 Q12800682 +Q257302 P136 Q850412 +Q2184 P463 Q15180 +Q435805 P509 Q12202 +Q507864 P509 Q333495 +Q2795 P463 Q1768108 +Q826731 P69 Q152087 +Q134575 P1303 Q17172850 +Q61262 P106 Q4263842 +Q458656 P136 Q2484376 +Q57430 P140 Q75809 +Q73951 P463 Q46703 +Q217627 P495 Q30 +Q738617 P102 Q79854 +Q41 P530 Q20 +Q851 P530 Q218 +Q275575 P27 Q30 +Q73213 P69 Q658975 +Q61130 P106 Q5322166 +Q134183 P106 Q43845 +Q1282910 P20 Q65 +Q77031 P463 Q414110 +Q514424 P1412 Q9072 +Q151936 P20 Q350 +Q151118 P106 Q5716684 +Q76310 P106 Q482980 +Q1432551 P27 Q30 +Q142 P530 Q17 +Q79191 P136 Q43343 +Q170596 P106 Q2095549 +Q75726 P27 Q183 +Q237633 P106 Q753110 +Q434968 P106 Q855091 +Q167774 P106 Q947873 +Q17889 P27 Q30 +Q1556492 P40 Q1509379 +Q213734 P27 Q1206012 +Q207659 P161 Q231004 +Q458656 P136 Q496523 +Q744288 P1412 Q1860 +Q153015 P463 Q154741 +Q82934 P106 Q2306091 +Q1246 P530 Q33 +Q29 P530 Q928 +Q32257 P106 Q901 +Q66709 P27 Q183 +Q469753 P264 Q43327 +Q884 P530 Q77 +Q51566 P106 Q2526255 +Q708164 P20 Q47164 +Q229325 P106 Q10798782 +Q242376 P106 Q34074720 +Q189186 P463 Q463303 +Q77377 P27 Q183 +Q92868 P106 Q82594 +Q438608 P27 Q30 +Q164328 P106 Q177220 +Q364131 P106 Q855091 +Q60045 P27 Q183 +Q162959 P26 Q192682 +Q260026 P106 Q36180 +Q87487 P27 Q183 +Q297794 P106 Q14467526 +Q61558 P108 Q32120 +Q57168 P106 Q36834 +Q291405 P264 Q193023 +Q171567 P172 Q170826 +Q249350 P161 Q110374 +Q215 P463 Q1928989 +Q41076 P264 Q330629 +Q57501 P106 Q36180 +Q156622 P1412 Q652 +Q332528 P1412 Q1860 +Q550232 P136 Q157394 +Q536301 P106 Q2732142 +Q96595 P463 Q329464 +Q944478 P102 Q79854 +Q45229 P106 Q2259451 +Q130631 P737 Q9235 +Q605489 P106 Q36180 +Q16 P530 Q39 +Q82409 P1412 Q1860 +Q233862 P106 Q9017214 +Q192145 P20 Q61 +Q372959 P136 Q188473 +Q543719 P136 Q37073 +Q207359 P101 Q5891 +Q315542 P106 Q170790 +Q553335 P102 Q29468 +Q84011 P106 Q482980 +Q363117 P69 Q3098911 +Q236708 P509 Q181754 +Q1138543 P106 Q855091 +Q24045 P69 Q49088 +Q103174 P106 Q2526255 +Q51513 P106 Q8178443 +Q185085 P136 Q482 +Q108946 P161 Q299194 +Q34933 P1412 Q1860 +Q159 P530 Q983 +Q76938 P69 Q152171 +Q176351 P27 Q30 +Q332330 P136 Q188473 +Q49492 P27 Q34266 +Q220864 P140 Q9592 +Q344537 P161 Q382393 +Q217619 P172 Q42406 +Q60197 P106 Q1622272 +Q57384 P101 Q3798668 +Q344384 P106 Q1320883 +Q44767 P106 Q15981151 +Q49819 P106 Q205375 +Q102244 P161 Q111230 +Q29573 P69 Q49124 +Q153018 P106 Q33999 +Q216927 P1303 Q17172850 +Q157024 P172 Q2436423 +Q219631 P1412 Q1860 +Q5549674 P27 Q408 +Q186042 P106 Q82955 +Q214907 P106 Q1622272 +Q297816 P172 Q678551 +Q193660 P106 Q1234713 +Q4100 P463 Q1768108 +Q19045 P463 Q938622 +Q328664 P106 Q177220 +Q220 P37 Q652 +Q212676 P140 Q3333484 +Q383173 P161 Q106303 +Q65664 P463 Q44687 +Q70372 P106 Q16533 +Q186326 P106 Q36180 +Q320032 P495 Q183 +Q2569 P69 Q1143289 +Q156379 P106 Q901 +Q108454 P102 Q49768 +Q76444 P27 Q183 +Q174244 P106 Q1622272 +Q27214 P106 Q40348 +Q318685 P69 Q503246 +Q116258 P1412 Q150 +Q52570 P106 Q36180 +Q232197 P101 Q207628 +Q96 P530 Q232 +Q434466 P106 Q2500638 +Q69115 P1412 Q188 +Q942929 P106 Q2722764 +Q297744 P106 Q33999 +Q321178 P106 Q10800557 +Q1677606 P106 Q1622272 +Q106607 P106 Q4610556 +Q348534 P161 Q311615 +Q232251 P840 Q816 +Q216195 P551 Q60 +Q606356 P108 Q238101 +Q15180 P463 Q125761 +Q238819 P1412 Q7850 +Q213081 P161 Q16345 +Q467817 P27 Q38 +Q236842 P19 Q18094 +Q78539 P27 Q40 +Q84403 P69 Q152087 +Q231360 P106 Q11900058 +Q262354 P106 Q36180 +Q327914 P106 Q28389 +Q144439 P136 Q49084 +Q2512 P102 Q49762 +Q948808 P108 Q1065 +Q230555 P27 Q30 +Q235394 P106 Q3286043 +Q141829 P463 Q842008 +Q5431220 P1412 Q1860 +Q211429 P136 Q860626 +Q230654 P140 Q1841 +Q538716 P106 Q4610556 +Q96898 P102 Q49768 +Q164281 P27 Q41 +Q302682 P161 Q40026 +Q271967 P106 Q10800557 +Q297881 P136 Q28389 +Q44461 P737 Q49081 +Q457687 P19 Q43453 +Q437710 P40 Q47122 +Q3620117 P108 Q499911 +Q202148 P106 Q3282637 +Q78608 P463 Q543804 +Q377638 P69 Q81162 +Q436463 P1412 Q7411 +Q1379164 P106 Q11063 +Q376477 P106 Q36180 +Q215436 P106 Q333634 +Q712860 P463 Q45188 +Q1338141 P106 Q81096 +Q311472 P463 Q40358 +Q81244 P106 Q4964182 +Q92115 P106 Q82955 +Q1401 P106 Q822146 +Q355112 P106 Q82955 +Q67881 P463 Q414110 +Q94672 P20 Q1741 +Q237030 P106 Q33999 +Q72124 P106 Q1231865 +Q12898 P108 Q49117 +Q361610 P106 Q2405480 +Q450382 P19 Q1899 +Q2725555 P1412 Q1860 +Q29 P530 Q96 +Q49017 P27 Q145 +Q217388 P106 Q36180 +Q178989 P161 Q104514 +Q41239 P140 Q7066 +Q77024 P19 Q1726 +Q180505 P106 Q4610556 +Q96087 P27 Q183 +Q805 P530 Q843 +Q446586 P264 Q190585 +Q77027 P106 Q33999 +Q881 P463 Q8475 +Q12857 P19 Q84 +Q232101 P106 Q10800557 +Q288645 P840 Q90 +Q201500 P264 Q193023 +Q183347 P19 Q60 +Q314945 P106 Q33999 +Q161678 P161 Q374041 +Q294625 P106 Q28389 +Q298259 P69 Q49210 +Q41590 P106 Q6625963 +Q386053 P106 Q3282637 +Q49734 P106 Q33999 +Q351359 P140 Q9592 +Q2496 P106 Q82955 +Q183 P530 Q863 +Q3104 P17 Q27306 +Q234893 P106 Q1930187 +Q308840 P106 Q11338576 +Q343456 P106 Q1028181 +Q94486 P1412 Q188 +Q12773 P106 Q2516866 +Q72908 P106 Q13570226 +Q266228 P106 Q2252262 +Q102822 P463 Q4345832 +Q311970 P26 Q240485 +Q1016 P530 Q668 +Q241087 P119 Q608405 +Q375775 P161 Q16455 +Q61601 P106 Q6625963 +Q64440 P108 Q55044 +Q301136 P27 Q38 +Q381477 P27 Q668 +Q12807 P463 Q1371509 +Q200841 P102 Q29468 +Q254431 P19 Q65 +Q164963 P161 Q132430 +Q152437 P106 Q2306091 +Q122713 P136 Q2484376 +Q55630 P361 Q403 +Q214665 P551 Q172579 +Q2308660 P27 Q142 +Q271465 P106 Q2259451 +Q1350303 P136 Q37073 +Q331728 P106 Q2722764 +Q408 P530 Q1029 +Q850746 P106 Q36180 +Q91137 P106 Q4964182 +Q468667 P106 Q214917 +Q272382 P106 Q488205 +Q220299 P161 Q360663 +Q36843 P19 Q2865 +Q786339 P463 Q337352 +Q131112 P737 Q18430 +Q162778 P27 Q790 +Q12276134 P1412 Q1860 +Q433039 P106 Q639669 +Q242729 P19 Q11299 +Q3438272 P463 Q691152 +Q220883 P106 Q6625963 +Q833 P530 Q851 +Q731958 P106 Q855091 +Q96 P463 Q233611 +Q96071 P27 Q183 +Q367132 P27 Q38 +Q55375 P20 Q90 +Q89433 P509 Q12152 +Q1296812 P106 Q753110 +Q367447 P136 Q8341 +Q102336 P463 Q1285073 +Q364864 P106 Q639669 +Q235931 P264 Q1546001 +Q215927 P101 Q7094 +Q83297 P463 Q4345832 +Q2599 P136 Q206159 +Q192706 P1412 Q397 +Q209175 P106 Q2259451 +Q1356586 P1303 Q8355 +Q406854 P136 Q484641 +Q272595 P161 Q120366 +Q1087475 P106 Q855091 +Q640096 P509 Q12204 +Q179497 P140 Q748 +Q817 P463 Q656801 +Q711810 P106 Q16145150 +Q979865 P69 Q34433 +Q41523 P106 Q11774202 +Q336388 P106 Q486748 +Q544607 P495 Q16 +Q59477 P19 Q18419 +Q515883 P136 Q183504 +Q254341 P106 Q10800557 +Q193338 P106 Q488205 +Q2831 P3373 Q319392 +Q32910 P161 Q178552 +Q260616 P57 Q94882 +Q83643 P106 Q1930187 +Q58845 P101 Q8134 +Q312570 P1412 Q1860 +Q379941 P27 Q142 +Q156941 P1412 Q188 +Q938402 P69 Q390287 +Q130327 P463 Q4742987 +Q4430 P495 Q39 +Q350601 P551 Q65 +Q144622 P136 Q217191 +Q50599 P1412 Q1860 +Q5683 P20 Q84 +Q283408 P106 Q6625963 +Q472856 P106 Q333634 +Q108558 P27 Q183 +Q695886 P106 Q593644 +Q284333 P161 Q207506 +Q60045 P20 Q84 +Q211785 P106 Q1930187 +Q212123 P161 Q706117 +Q242474 P106 Q36180 +Q434913 P106 Q177220 +Q49074 P20 Q60 +Q546 P17 Q4948 +Q44380 P106 Q578109 +Q180626 P106 Q36180 +Q298388 P106 Q36834 +Q335556 P69 Q691283 +Q402194 P140 Q432 +Q115922 P106 Q24262584 +Q297794 P27 Q142 +Q158354 P106 Q49757 +Q1351751 P106 Q855091 +Q77969 P1412 Q188 +Q229276 P106 Q10798782 +Q691 P463 Q233611 +Q237654 P106 Q130857 +Q9204 P106 Q4263842 +Q279057 P161 Q208681 +Q392662 P161 Q44176 +Q53040 P551 Q220 +Q75720 P27 Q183 +Q860068 P19 Q65 +Q267186 P27 Q30 +Q144439 P119 Q168886 +Q712851 P27 Q145 +Q208108 P840 Q99 +Q242454 P136 Q484641 +Q70849 P119 Q564922 +Q913084 P106 Q2865819 +Q155485 P495 Q30 +Q49683 P140 Q1841 +Q44517 P27 Q268970 +Q669597 P108 Q13371 +Q41396 P106 Q10800557 +Q181689 P2348 Q6927 +Q297816 P1303 Q5994 +Q1072843 P19 Q1297 +Q106099 P106 Q639669 +Q708824 P106 Q10800557 +Q58583 P106 Q82955 +Q810 P530 Q902 +Q239240 P27 Q30 +Q453390 P27 Q30 +Q77204 P140 Q9592 +Q152524 P106 Q36180 +Q1392321 P17 Q30 +Q314110 P106 Q947873 +Q313814 P108 Q391028 +Q165911 P136 Q37073 +Q550395 P106 Q639669 +Q91338 P463 Q4742987 +Q179414 P106 Q4610556 +Q189490 P451 Q298347 +Q326229 P106 Q40348 +Q235134 P106 Q49757 +Q981513 P106 Q40348 +Q975491 P106 Q36180 +Q219368 P106 Q4964182 +Q43044 P106 Q2405480 +Q290345 P1412 Q150 +Q25483 P27 Q30 +Q78491 P1412 Q188 +Q1016 P530 Q35 +Q982546 P106 Q1234713 +Q19955709 P19 Q60 +Q15935 P264 Q1153032 +Q236954 P264 Q1988428 +Q138846 P19 Q24861 +Q117688 P106 Q2374149 +Q274306 P1303 Q17172850 +Q333190 P27 Q30 +Q323463 P140 Q432 +Q77684 P1412 Q256 +Q288645 P840 Q1490 +Q314308 P106 Q170790 +Q61469 P27 Q151624 +Q728959 P106 Q49757 +Q116928 P161 Q23359 +Q335629 P1303 Q17172850 +Q152824 P20 Q60 +Q124527 P20 Q60 +Q9682 P1412 Q1860 +Q67436 P27 Q145 +Q257165 P106 Q10798782 +Q3262638 P19 Q275118 +Q273180 P27 Q30 +Q218022 P27 Q142 +Q16 P463 Q656801 +Q430535 P495 Q30 +Q981489 P108 Q230492 +Q452232 P106 Q33999 +Q102124 P27 Q30 +Q215406 P106 Q40348 +Q7243 P135 Q667661 +Q182576 P27 Q17 +Q76699 P69 Q153006 +Q452232 P19 Q61 +Q2273039 P106 Q5322166 +Q313998 P161 Q41871 +Q254983 P106 Q1086863 +Q53783 P102 Q192821 +Q97070 P106 Q182436 +Q263696 P26 Q363708 +Q158088 P172 Q127885 +Q924 P530 Q252 +Q781 P530 Q865 +Q231360 P641 Q36908 +Q310785 P3373 Q323201 +Q62234 P19 Q2100 +Q625721 P106 Q6625963 +Q331155 P106 Q36834 +Q176026 P106 Q81096 +Q349799 P106 Q753110 +Q76 P26 Q13133 +Q78628 P106 Q82955 +Q275964 P106 Q33999 +Q91090 P106 Q36180 +Q189947 P1412 Q7411 +Q483363 P106 Q177220 +Q912023 P106 Q1930187 +Q302484 P136 Q37073 +Q313509 P106 Q4964182 +Q91093 P106 Q49757 +Q1599272 P108 Q32120 +Q65121 P106 Q1979607 +Q66735 P102 Q158227 +Q438608 P106 Q13219587 +Q189054 P495 Q30 +Q219060 P530 Q96 +Q179746 P57 Q314926 +Q2646 P140 Q9592 +Q42831 P172 Q49542 +Q484523 P106 Q33231 +Q297384 P106 Q33999 +Q981489 P69 Q49126 +Q155163 P495 Q183 +Q62664 P108 Q153978 +Q181917 P106 Q10798782 +Q380626 P106 Q639669 +Q256928 P69 Q209842 +Q235946 P69 Q2093794 +Q207898 P106 Q855091 +Q180727 P136 Q9730 +Q282882 P463 Q939743 +Q169311 P69 Q414219 +Q41342 P1050 Q124407 +Q288359 P106 Q28389 +Q60777 P69 Q55044 +Q3710088 P27 Q30 +Q347368 P106 Q639669 +Q354181 P19 Q100 +Q715265 P27 Q30 +Q35 P463 Q842490 +Q912687 P106 Q49757 +Q180852 P106 Q4610556 +Q531913 P136 Q11401 +Q3133221 P106 Q40348 +Q123565 P463 Q83172 +Q313509 P69 Q83259 +Q229187 P106 Q3282637 +Q123823 P106 Q82955 +Q152824 P106 Q482980 +Q346085 P27 Q30 +Q288359 P1412 Q1860 +Q2966 P17 Q2415901 +Q211542 P106 Q6625963 +Q6538 P140 Q9592 +Q234099 P1303 Q17172850 +Q975491 P69 Q49088 +Q174284 P161 Q296028 +Q206534 P140 Q7066 +Q233118 P551 Q65 +Q267306 P27 Q30 +Q316381 P27 Q34 +Q386053 P136 Q484641 +Q269887 P161 Q374220 +Q1585138 P264 Q557632 +Q106481 P106 Q2526255 +Q248042 P106 Q36180 +Q1222903 P106 Q627325 +Q271867 P106 Q10800557 +Q369957 P106 Q36180 +Q323117 P106 Q14915627 +Q313315 P161 Q238871 +Q436719 P106 Q10798782 +Q131240 P1412 Q7737 +Q40479 P106 Q18844224 +Q310275 P27 Q30 +Q142 P530 Q28 +Q2514 P19 Q2843 +Q605778 P136 Q438503 +Q325004 P20 Q649 +Q261601 P161 Q443317 +Q4247 P106 Q1622272 +Q254748 P119 Q1625328 +Q315099 P108 Q49109 +Q795220 P106 Q10800557 +Q49074 P106 Q36180 +Q301818 P136 Q37073 +Q170515 P19 Q87 +Q62746 P495 Q55 +Q322206 P136 Q2975633 +Q154269 P27 Q159 +Q120260 P2348 Q6927 +Q292185 P1303 Q17172850 +Q127548 P106 Q486748 +Q1885893 P102 Q29468 +Q246538 P136 Q11399 +Q261456 P106 Q33999 +Q76336 P106 Q1234713 +Q434701 P1303 Q17172850 +Q254962 P27 Q145 +Q256354 P463 Q1425328 +Q34660 P106 Q4853732 +Q106371 P108 Q55044 +Q228968 P106 Q753110 +Q160518 P1412 Q9027 +Q427534 P136 Q3072039 +Q1033 P463 Q8475 +Q313302 P106 Q189290 +Q726440 P136 Q9759 +Q446673 P106 Q18581305 +Q587741 P20 Q60 +Q433979 P19 Q172455 +Q222921 P19 Q12439 +Q31164 P106 Q386854 +Q76310 P27 Q183 +Q711 P530 Q224 +Q557472 P106 Q488205 +Q235289 P106 Q2259451 +Q38 P530 Q347 +Q432421 P136 Q11399 +Q235992 P106 Q4853732 +Q237214 P69 Q7739610 +Q85715 P108 Q156725 +Q479992 P106 Q36180 +Q453288 P19 Q48958 +Q765871 P106 Q49757 +Q60116 P1412 Q397 +Q24995 P1303 Q6607 +Q49828 P19 Q5092 +Q520504 P106 Q49757 +Q25529 P19 Q18419 +Q59215 P27 Q30 +Q276769 P161 Q176361 +Q212015 P1303 Q17172850 +Q211462 P69 Q1335573 +Q887993 P19 Q489197 +Q61407 P106 Q1622272 +Q968026 P106 Q18814623 +Q465386 P509 Q9687 +Q60970 P641 Q542 +Q1282289 P69 Q457281 +Q69319 P551 Q16567 +Q1033 P530 Q41 +Q241263 P106 Q2865819 +Q15474 P463 Q463303 +Q1035323 P106 Q333634 +Q381799 P27 Q17 +Q1141825 P106 Q639669 +Q198621 P106 Q1930187 +Q498389 P27 Q145 +Q158354 P106 Q201788 +Q202314 P136 Q193355 +Q43264 P106 Q222344 +Q188440 P106 Q6625963 +Q168896 P463 Q1792159 +Q1065189 P463 Q270794 +Q70881 P20 Q1726 +Q88997 P106 Q10798782 +Q544283 P27 Q241 +Q414 P530 Q30 +Q865 P530 Q38 +Q117249 P27 Q16 +Q69281 P106 Q36180 +Q180723 P106 Q753110 +Q274429 P463 Q2822396 +Q463615 P136 Q645928 +Q547181 P19 Q8652 +Q92446 P27 Q16957 +Q34091 P106 Q81096 +Q6714 P106 Q24387326 +Q216052 P27 Q33946 +Q329807 P1412 Q1860 +Q219 P530 Q183 +Q104929 P1412 Q1321 +Q178403 P106 Q12144794 +Q766930 P27 Q30 +Q215989 P27 Q183 +Q76492 P106 Q1028181 +Q309086 P161 Q72262 +Q104088 P106 Q82955 +Q312610 P106 Q639669 +Q465881 P136 Q484641 +Q381751 P136 Q5442753 +Q196287 P140 Q188814 +Q96532 P106 Q1622272 +Q228676 P1412 Q294 +Q241835 P106 Q2865819 +Q82006 P106 Q82955 +Q514424 P106 Q36180 +Q266544 P106 Q36834 +Q198638 P106 Q245068 +Q436693 P106 Q33999 +Q10411 P106 Q333634 +Q4139600 P106 Q82955 +Q7243 P737 Q102513 +Q695200 P463 Q684415 +Q175285 P106 Q18844224 +Q100511 P463 Q812155 +Q42198 P136 Q188473 +Q2492 P1412 Q188 +Q207659 P161 Q241646 +Q2587336 P119 Q281859 +Q78763 P27 Q40 +Q4103721 P69 Q13371 +Q115547 P1412 Q1860 +Q89546 P106 Q11900058 +Q165637 P106 Q639669 +Q229735 P101 Q207628 +Q316313 P106 Q36180 +Q272608 P136 Q20442589 +Q240222 P1303 Q5994 +Q157242 P463 Q270794 +Q526970 P27 Q145 +Q84960 P119 Q190494 +Q23760 P106 Q3282637 +Q207 P27 Q30 +Q48074 P20 Q649 +Q311672 P27 Q145 +Q312610 P1303 Q6607 +Q182031 P69 Q838330 +Q1375814 P106 Q13235160 +Q1229223 P106 Q40348 +Q1154246 P106 Q639669 +Q1043170 P106 Q43845 +Q275120 P495 Q30 +Q324219 P106 Q4220892 +Q78508 P27 Q30 +Q2429435 P19 Q1524 +Q155106 P172 Q160894 +Q471443 P551 Q656 +Q258183 P264 Q1988428 +Q1299302 P136 Q83440 +Q98258 P101 Q441 +Q1001250 P106 Q806349 +Q314208 P264 Q5086379 +Q35314 P119 Q208175 +Q355009 P106 Q486748 +Q314843 P1412 Q1860 +Q109422 P102 Q153401 +Q129119 P106 Q183945 +Q106073 P27 Q183 +Q1018838 P27 Q96 +Q193300 P106 Q483501 +Q467027 P69 Q15142 +Q1042 P530 Q865 +Q186799 P136 Q590103 +Q170581 P102 Q29552 +Q1542119 P749 Q183412 +Q62798 P27 Q183 +Q342730 P737 Q9235 +Q274609 P106 Q806798 +Q431793 P136 Q20442589 +Q1173373 P1412 Q1860 +Q188461 P106 Q4610556 +Q239131 P108 Q49108 +Q441685 P19 Q160642 +Q359568 P1412 Q7737 +Q83566 P27 Q30 +Q213772 P1303 Q5994 +Q189078 P264 Q1273666 +Q116013 P69 Q31519 +Q312902 P106 Q10798782 +Q722555 P1412 Q1860 +Q547373 P136 Q1640319 +Q38873 P1412 Q188 +Q67247 P69 Q154804 +Q65857 P106 Q33999 +Q232458 P19 Q1335 +Q66264 P1412 Q9288 +Q182486 P102 Q29468 +Q111164 P19 Q2805 +Q76938 P106 Q4853732 +Q181728 P106 Q1930187 +Q60039 P106 Q82955 +Q194287 P106 Q639669 +Q357821 P106 Q36180 +Q40319 P27 Q174193 +Q1678730 P106 Q2066131 +Q273211 P106 Q33999 +Q236829 P1412 Q1860 +Q436784 P27 Q30 +Q277551 P264 Q1046066 +Q331791 P27 Q30 +Q708581 P106 Q1930187 +Q48259 P140 Q33203 +Q126961 P172 Q121842 +Q91548 P106 Q10798782 +Q8442 P140 Q75809 +Q131549 P119 Q746647 +Q49478 P136 Q8261 +Q55994 P106 Q2405480 +Q454568 P172 Q170217 +Q1010602 P106 Q13590141 +Q448163 P136 Q8341 +Q58811 P106 Q214917 +Q1095432 P1303 Q302497 +Q451825 P27 Q145 +Q515904 P106 Q28389 +Q130947 P106 Q10800557 +Q252248 P106 Q36834 +Q171969 P106 Q2374149 +Q296609 P106 Q49757 +Q329849 P20 Q60 +Q57075 P463 Q2370801 +Q113032 P106 Q2516866 +Q14063 P1412 Q7411 +Q2038 P69 Q859363 +Q464246 P1303 Q17172850 +Q3589 P136 Q52162262 +Q115210 P136 Q20443008 +Q103835 P463 Q265058 +Q128832 P1412 Q7737 +Q75868 P1412 Q188 +Q201459 P106 Q386854 +Q77729 P106 Q34074720 +Q81244 P101 Q5891 +Q266544 P1303 Q6607 +Q29055 P106 Q10798782 +Q312483 P463 Q4430504 +Q313522 P1050 Q11081 +Q426433 P161 Q435532 +Q796 P530 Q241 +Q78608 P463 Q191583 +Q214324 P27 Q30 +Q1320912 P27 Q145 +Q516473 P102 Q29468 +Q17 P530 Q851 +Q100400 P19 Q4120832 +Q216179 P1303 Q51290 +Q235223 P106 Q177220 +Q29031 P108 Q34433 +Q214642 P106 Q36180 +Q166344 P106 Q183945 +Q1294820 P264 Q2002177 +Q369681 P106 Q82955 +Q40319 P106 Q36180 +Q155 P530 Q29999 +Q30 P530 Q1036 +Q40071 P161 Q1026532 +Q272929 P106 Q2259451 +Q190086 P495 Q30 +Q217110 P69 Q178848 +Q246731 P106 Q1622272 +Q103767 P509 Q12192 +Q244997 P106 Q82955 +Q876590 P20 Q65 +Q229364 P1303 Q17172850 +Q313516 P69 Q503246 +Q483907 P106 Q3282637 +Q8619 P1412 Q150 +Q214309 P106 Q222749 +Q5208 P106 Q82955 +Q262507 P106 Q43845 +Q132058 P27 Q30 +Q354783 P135 Q213457 +Q192165 P27 Q30 +Q68121 P69 Q151510 +Q574 P530 Q928 +Q45383 P106 Q855091 +Q202749 P20 Q90 +Q5679 P106 Q18939491 +Q239328 P172 Q49085 +Q713964 P264 Q798658 +Q108719 P27 Q183 +Q76358 P20 Q64 +Q620609 P106 Q205375 +Q321365 P1303 Q5994 +Q217010 P136 Q157394 +Q344153 P27 Q43 +Q65350 P463 Q684415 +Q266520 P19 Q61 +Q640292 P27 Q172579 +Q44736 P106 Q2526255 +Q5327 P463 Q188771 +Q190956 P136 Q842256 +Q319751 P136 Q49451 +Q833 P530 Q145 +Q119546 P106 Q36180 +Q105386 P108 Q168426 +Q212333 P161 Q223091 +Q708473 P106 Q214917 +Q180279 P161 Q3938408 +Q218 P530 Q928 +Q64856 P106 Q16533 +Q210447 P106 Q2405480 +Q1282750 P20 Q65 +Q191027 P40 Q291806 +Q246731 P140 Q35032 +Q258204 P161 Q199929 +Q101797 P106 Q13235160 +Q232395 P106 Q10800557 +Q179540 P106 Q482980 +Q265179 P106 Q55960555 +Q190089 P101 Q5891 +Q726295 P264 Q183412 +Q544485 P19 Q41819 +Q325422 P1412 Q7976 +Q7349 P1303 Q5994 +Q515606 P27 Q801 +Q366578 P1303 Q17172850 +Q225852 P106 Q2526255 +Q231886 P20 Q84 +Q484523 P1303 Q46185 +Q8612 P509 Q12202 +Q13909 P106 Q4610556 +Q57285 P119 Q819654 +Q444840 P106 Q639669 +Q203560 P161 Q242650 +Q272977 P641 Q41323 +Q192165 P1412 Q1860 +Q51884 P106 Q1234713 +Q55369 P1412 Q809 +Q153484 P840 Q30 +Q115 P530 Q212 +Q826 P530 Q854 +Q364724 P1412 Q1860 +Q437622 P264 Q202440 +Q317967 P106 Q1930187 +Q273833 P106 Q33999 +Q264748 P26 Q401963 +Q118066 P136 Q1640319 +Q1361841 P69 Q60450 +Q366306 P27 Q30 +Q441825 P1303 Q17172850 +Q982535 P102 Q590750 +Q97883 P27 Q183 +Q243643 P136 Q188473 +Q190231 P106 Q488205 +Q19845 P106 Q4853732 +Q40479 P1412 Q7979 +Q110719 P27 Q183 +Q79969 P106 Q16323111 +Q221090 P495 Q145 +Q203560 P161 Q106175 +Q239928 P106 Q40348 +Q75612 P1412 Q8641 +Q548964 P1412 Q150 +Q58085 P106 Q15627169 +Q368525 P27 Q31 +Q461768 P161 Q310318 +Q5912 P106 Q5322166 +Q223374 P57 Q431191 +Q78739 P108 Q152171 +Q67881 P463 Q414163 +Q206235 P106 Q2526255 +Q953153 P102 Q29468 +Q704931 P737 Q37767 +Q106399 P106 Q901 +Q234428 P1303 Q17172850 +Q176361 P102 Q5020915 +Q42493 P264 Q183387 +Q76791 P463 Q543804 +Q156505 P119 Q1362125 +Q15850 P1412 Q8798 +Q19201 P136 Q11366 +Q444088 P27 Q145 +Q96071 P69 Q153987 +Q155700 P106 Q2252262 +Q27214 P106 Q639669 +Q298766 P106 Q131524 +Q63454 P106 Q82955 +Q185610 P106 Q1415090 +Q240233 P264 Q3415083 +Q326571 P108 Q49108 +Q67449 P106 Q593644 +Q458709 P140 Q9592 +Q66942 P1412 Q188 +Q182870 P1412 Q1860 +Q309545 P161 Q275543 +Q1648062 P106 Q36180 +Q188954 P69 Q49117 +Q199644 P106 Q36180 +Q1898177 P106 Q1622272 +Q91640 P106 Q188094 +Q152531 P840 Q84 +Q954 P530 Q865 +Q1366840 P106 Q639669 +Q150526 P463 Q265058 +Q23441 P106 Q6625963 +Q1280288 P106 Q639669 +Q311778 P101 Q309 +Q215868 P463 Q3308284 +Q181662 P27 Q30 +Q1345844 P27 Q38 +Q170333 P106 Q36834 +Q42869 P106 Q578109 +Q237560 P69 Q371625 +Q336444 P1412 Q1860 +Q346064 P27 Q1206012 +Q192706 P106 Q39631 +Q1541 P106 Q36180 +Q6530 P140 Q7066 +Q265621 P106 Q33999 +Q10681 P106 Q36834 +Q254524 P19 Q270 +Q266006 P1303 Q6607 +Q854 P463 Q376150 +Q2831 P136 Q58339 +Q271824 P27 Q145 +Q1678730 P737 Q9061 +Q974238 P106 Q183945 +Q128730 P136 Q130232 +Q191305 P20 Q90 +Q206461 P161 Q349391 +Q228901 P106 Q4853732 +Q3615114 P27 Q34266 +Q231781 P108 Q593321 +Q276778 P495 Q30 +Q190076 P509 Q47912 +Q69631 P1412 Q1860 +Q25973 P106 Q644687 +Q312801 P1412 Q1860 +Q202663 P106 Q33999 +Q2831 P264 Q216364 +Q842 P530 Q805 +Q70997 P509 Q12136 +Q321857 P1303 Q6607 +Q1040459 P106 Q43845 +Q178903 P106 Q188094 +Q287451 P1412 Q1860 +Q213662 P106 Q1622272 +Q229948 P106 Q3357567 +Q191 P530 Q34 +Q529555 P106 Q36834 +Q77959 P106 Q1622272 +Q523086 P106 Q49757 +Q58062 P106 Q18805 +Q329549 P101 Q11635 +Q519590 P106 Q18939491 +Q663447 P20 Q649 +Q546275 P106 Q6625963 +Q63146 P27 Q183 +Q533284 P119 Q831300 +Q285483 P264 Q3415083 +Q311068 P106 Q948329 +Q76606 P106 Q81096 +Q37150 P106 Q177220 +Q119386 P27 Q16 +Q459251 P1303 Q17172850 +Q165257 P106 Q333634 +Q7243 P737 Q502 +Q34189 P27 Q298 +Q80204 P136 Q860626 +Q193338 P136 Q187760 +Q206374 P161 Q178552 +Q49747 P106 Q4964182 +Q57106 P1412 Q9129 +Q710619 P69 Q309331 +Q1942336 P27 Q16 +Q4679786 P27 Q30 +Q214309 P106 Q10798782 +Q430602 P106 Q2705098 +Q441439 P27 Q29999 +Q627520 P136 Q183504 +Q19526 P737 Q5686 +Q282722 P264 Q183387 +Q349391 P106 Q10798782 +Q313755 P106 Q10800557 +Q183 P530 Q953 +Q248562 P161 Q175305 +Q77980 P140 Q75809 +Q271554 P106 Q2259451 +Q271986 P106 Q10798782 +Q84751 P102 Q379922 +Q106057 P27 Q142 +Q264891 P106 Q639669 +Q2477225 P108 Q1472245 +Q705482 P106 Q49757 +Q517 P140 Q1841 +Q117500 P2348 Q6939 +Q57384 P69 Q318186 +Q98110 P106 Q1622272 +Q75797 P20 Q3806 +Q76395 P140 Q7066 +Q167726 P161 Q51506 +Q91059 P106 Q1622272 +Q346309 P106 Q639669 +Q219421 P161 Q40504 +Q125017 P106 Q10798782 +Q181991 P1303 Q5994 +Q949337 P106 Q10800557 +Q289524 P27 Q142 +Q160325 P106 Q1198887 +Q710100 P106 Q82955 +Q276772 P840 Q30 +Q13129708 P3373 Q53191106 +Q131112 P19 Q24861 +Q212678 P106 Q36180 +Q213775 P106 Q15980158 +Q106482 P106 Q2405480 +Q318261 P106 Q10798782 +Q315222 P106 Q13418253 +Q208048 P161 Q313470 +Q64970 P1412 Q188 +Q171166 P140 Q9592 +Q921808 P106 Q6625963 +Q324757 P1303 Q5994 +Q57236 P1412 Q188 +Q377725 P69 Q27621 +Q231556 P1412 Q1860 +Q465181 P108 Q740308 +Q114572 P106 Q639669 +Q91428 P106 Q4263842 +Q439566 P1412 Q7737 +Q325428 P106 Q36180 +Q343059 P1412 Q1860 +Q30 P530 Q242 +Q32522 P26 Q316596 +Q590420 P106 Q2504617 +Q448960 P27 Q16 +Q113206 P19 Q100 +Q151705 P161 Q431874 +Q1151944 P106 Q5322166 +Q185465 P106 Q10800557 +Q40580 P1303 Q6607 +Q19425 P19 Q649 +Q705529 P106 Q1622272 +Q297618 P106 Q947873 +Q60285 P463 Q833738 +Q602033 P20 Q2807 +Q144483 P136 Q191489 +Q311580 P106 Q855091 +Q366570 P106 Q36180 +Q223316 P161 Q152208 +Q192165 P106 Q948329 +Q924104 P106 Q33999 +Q173481 P106 Q333634 +Q439283 P27 Q145 +Q974670 P172 Q49085 +Q326571 P463 Q1938003 +Q239240 P172 Q49085 +Q76512 P19 Q1726 +Q105993 P161 Q298016 +Q205321 P840 Q1408 +Q215945 P106 Q36180 +Q194917 P27 Q15180 +Q320864 P119 Q5933 +Q168896 P27 Q34266 +Q787176 P106 Q2526255 +Q99076 P1412 Q397 +Q154581 P495 Q145 +Q66408 P106 Q4610556 +Q559774 P106 Q3282637 +Q154353 P463 Q329464 +Q2263 P463 Q8038459 +Q58328 P463 Q329464 +Q159995 P102 Q49762 +Q40688 P106 Q188094 +Q790 P463 Q1043527 +Q51267 P509 Q12152 +Q695036 P27 Q30 +Q709751 P106 Q6625963 +Q200661 P737 Q38392 +Q189694 P140 Q432 +Q215436 P106 Q4853732 +Q1804720 P19 Q61 +Q234169 P106 Q10798782 +Q98897 P136 Q482 +Q24632 P106 Q33999 +Q229341 P106 Q639669 +Q70474 P106 Q82955 +Q92854 P106 Q81096 +Q4405759 P27 Q159 +Q182218 P161 Q165219 +Q57075 P27 Q41304 +Q58091 P1412 Q36510 +Q87402 P463 Q46703 +Q274812 P102 Q29552 +Q4977994 P106 Q644687 +Q979865 P27 Q27 +Q207544 P106 Q27532437 +Q59567 P136 Q21401869 +Q1725017 P106 Q1622272 +Q241422 P106 Q1225716 +Q380459 P106 Q81096 +Q188440 P119 Q5763964 +Q5603 P106 Q1281618 +Q80510 P136 Q187760 +Q196685 P840 Q65 +Q317427 P264 Q216364 +Q34286 P509 Q12206 +Q5383 P1303 Q52954 +Q363867 P1303 Q5994 +Q339551 P27 Q30 +Q73416 P551 Q65 +Q84476 P509 Q12152 +Q38 P463 Q8475 +Q302762 P264 Q1124061 +Q571287 P106 Q81096 +Q60785 P463 Q414110 +Q57281 P463 Q83172 +Q263730 P106 Q36834 +Q68596 P69 Q161976 +Q408 P530 Q423 +Q374223 P106 Q33999 +Q237273 P106 Q2059704 +Q930586 P19 Q1492 +Q113480 P106 Q901 +Q459038 P27 Q38 +Q94284 P495 Q145 +Q940686 P136 Q1344 +Q260969 P119 Q1362125 +Q2492691 P106 Q13570226 +Q364179 P108 Q60450 +Q186924 P737 Q5928 +Q222833 P27 Q30 +Q190972 P551 Q60 +Q120342 P1412 Q150 +Q161955 P102 Q192821 +Q44221 P3373 Q1345514 +Q359568 P27 Q15180 +Q953288 P108 Q761534 +Q155458 P161 Q80938 +Q324219 P106 Q1930187 +Q729117 P551 Q43196 +Q237081 P136 Q211756 +Q1266083 P106 Q864380 +Q165524 P106 Q3282637 +Q98812 P106 Q36180 +Q1586454 P27 Q30 +Q297334 P106 Q753110 +Q1396681 P106 Q1643514 +Q2574737 P1412 Q9168 +Q6050 P101 Q482 +Q96962 P463 Q18650004 +Q94358 P106 Q2405480 +Q36488 P106 Q205375 +Q165651 P136 Q130232 +Q44107 P737 Q38392 +Q260648 P161 Q356287 +Q2626233 P27 Q159 +Q213512 P27 Q30 +Q315514 P106 Q169470 +Q21197 P17 Q10957559 +Q490333 P106 Q82955 +Q123268 P27 Q39 +Q180279 P161 Q131380 +Q101734 P106 Q3282637 +Q724343 P69 Q3890936 +Q428819 P551 Q1384 +Q296039 P106 Q177220 +Q237270 P19 Q39561 +Q43293 P1412 Q1860 +Q192668 P106 Q488205 +Q26058 P1303 Q128309 +Q1011 P463 Q125761 +Q228899 P27 Q30 +Q432715 P172 Q49085 +Q223455 P19 Q16567 +Q81807 P106 Q4263842 +Q362332 P106 Q947873 +Q320190 P106 Q33999 +Q430535 P161 Q313042 +Q232397 P106 Q4610556 +Q270951 P264 Q38903 +Q76725 P106 Q4964182 +Q154145 P27 Q142 +Q124894 P463 Q2822396 +Q981513 P106 Q82955 +Q95479 P20 Q393 +Q664 P530 Q30 +Q58062 P20 Q90 +Q42511 P106 Q201788 +Q363386 P26 Q230378 +Q158813 P27 Q30 +Q283496 P106 Q214917 +Q363698 P106 Q36834 +Q234289 P106 Q36180 +Q64655 P106 Q350979 +Q64707 P19 Q2079 +Q441362 P264 Q54860 +Q96248 P463 Q133957 +Q240360 P106 Q2405480 +Q10681 P136 Q213121 +Q309589 P27 Q174193 +Q262507 P136 Q37073 +Q36949 P463 Q463303 +Q260969 P1412 Q1860 +Q26294 P106 Q33999 +Q1265657 P106 Q18576582 +Q826 P463 Q842490 +Q3939205 P1412 Q652 +Q156890 P106 Q11569986 +Q983 P463 Q7159 +Q190998 P106 Q3282637 +Q208214 P106 Q10800557 +Q64577 P106 Q10800557 +Q78367 P106 Q28389 +Q206693 P106 Q639669 +Q387047 P131 Q104994 +Q62443 P27 Q183 +Q360674 P106 Q33999 +Q84423 P20 Q1218 +Q865 P530 Q953 +Q190373 P20 Q65 +Q116208 P140 Q7066 +Q242526 P106 Q28389 +Q381883 P69 Q4948174 +Q116462 P106 Q82955 +Q102341 P140 Q1841 +Q7200 P136 Q482 +Q550996 P106 Q205375 +Q57396 P1412 Q188 +Q377 P27 Q842199 +Q236748 P136 Q11700058 +Q309640 P106 Q10800557 +Q98926 P19 Q64 +Q92620 P551 Q30 +Q44747 P463 Q46703 +Q198051 P3373 Q23114 +Q1060636 P69 Q49167 +Q124008 P106 Q2865819 +Q96330 P106 Q482980 +Q57187 P136 Q482 +Q440932 P27 Q30 +Q832085 P106 Q193391 +Q234096 P106 Q2259451 +Q157318 P463 Q46703 +Q953768 P136 Q193207 +Q220308 P106 Q36180 +Q55303 P19 Q84 +Q1586732 P106 Q639669 +Q310932 P106 Q10798782 +Q187192 P69 Q463055 +Q311232 P106 Q33999 +Q1638939 P106 Q639669 +Q212632 P106 Q4964182 +Q851 P530 Q878 +Q1042 P463 Q816706 +Q110436 P551 Q172 +Q77 P530 Q801 +Q355112 P106 Q36180 +Q107264 P1412 Q1860 +Q1827266 P106 Q36834 +Q786 P530 Q96 +Q379250 P27 Q30 +Q157814 P19 Q24826 +Q218672 P106 Q201788 +Q116905 P161 Q288620 +Q246731 P101 Q431 +Q956296 P106 Q36180 +Q87974 P106 Q1397808 +Q22979 P106 Q10798782 +Q17457 P106 Q1622272 +Q243837 P106 Q16145150 +Q165421 P69 Q49204 +Q237389 P136 Q37073 +Q43 P530 Q664 +Q164963 P161 Q44467 +Q88050 P20 Q1741 +Q144622 P106 Q33999 +Q390299 P161 Q189694 +Q2134121 P108 Q49088 +Q17917680 P27 Q30 +Q48084 P69 Q14404494 +Q962402 P1412 Q150 +Q520296 P136 Q83440 +Q346607 P106 Q639669 +Q879316 P106 Q1930187 +Q288157 P19 Q220 +Q215142 P106 Q81096 +Q705715 P136 Q58339 +Q902 P530 Q159 +Q298532 P19 Q649 +Q58062 P106 Q18814623 +Q228186 P161 Q3938408 +Q57239 P27 Q183 +Q423 P530 Q1030 +Q1042901 P19 Q1486 +Q288173 P840 Q8686 +Q329448 P136 Q2421031 +Q40852 P101 Q11190 +Q851 P463 Q656801 +Q313705 P106 Q639669 +Q164954 P172 Q86630688 +Q526382 P1412 Q7913 +Q743051 P106 Q128124 +Q139325 P106 Q10800557 +Q209012 P161 Q123351 +Q9358 P737 Q168542 +Q215856 P463 Q414163 +Q83359 P106 Q2259451 +Q46795 P69 Q317053 +Q958 P530 Q155 +Q18404 P106 Q82955 +Q170348 P3373 Q9391 +Q233253 P1303 Q17172850 +Q43 P463 Q1043527 +Q45909 P136 Q11366 +Q434060 P27 Q142 +Q220780 P161 Q41148 +Q1785 P264 Q155152 +Q268840 P19 Q84 +Q186185 P463 Q842008 +Q117249 P264 Q126399 +Q154723 P101 Q7867 +Q207592 P451 Q117783 +Q361683 P106 Q177220 +Q214 P463 Q663492 +Q460088 P69 Q16952 +Q3241949 P27 Q142 +Q110960 P1412 Q188 +Q211542 P136 Q482 +Q69430 P108 Q48989 +Q2908686 P172 Q79797 +Q5083 P17 Q30 +Q345531 P27 Q30 +Q171567 P551 Q1439 +Q427091 P840 Q60 +Q19045 P19 Q1489 +Q559794 P463 Q463303 +Q310755 P1412 Q150 +Q377 P27 Q2895 +Q41488 P27 Q1033 +Q728463 P106 Q1622272 +Q4471 P161 Q104061 +Q358317 P19 Q43668 +Q238895 P20 Q846421 +Q78628 P106 Q1231865 +Q7939652 P20 Q649 +Q9602 P108 Q37156 +Q915447 P106 Q36834 +Q9570 P1412 Q1568 +Q230141 P737 Q44593 +Q386514 P27 Q794 +Q196080 P106 Q15627169 +Q92854 P463 Q463303 +Q116265 P106 Q10800557 +Q334763 P136 Q20442589 +Q927771 P106 Q10798782 +Q260969 P27 Q142 +Q60547 P1412 Q1860 +Q192655 P27 Q31 +Q351705 P140 Q75809 +Q247063 P106 Q1930187 +Q208871 P172 Q49085 +Q470334 P106 Q901402 +Q322850 P20 Q38022 +Q356537 P69 Q1059546 +Q229319 P19 Q18419 +Q165792 P1050 Q35869 +Q208685 P106 Q3282637 +Q63035 P69 Q152087 +Q215855 P20 Q16563 +Q184903 P106 Q3282637 +Q374526 P161 Q297816 +Q1805442 P106 Q245068 +Q191132 P106 Q28389 +Q270599 P161 Q211040 +Q274764 P69 Q332342 +Q48337 P106 Q2405480 +Q214582 P463 Q1541450 +Q290287 P19 Q2044 +Q48990 P27 Q15180 +Q958294 P106 Q193391 +Q106816 P106 Q2259451 +Q653496 P106 Q1930187 +Q44845 P106 Q8178443 +Q737463 P106 Q1930187 +Q767435 P69 Q3064325 +Q919156 P136 Q9759 +Q740378 P27 Q15180 +Q165392 P161 Q192912 +Q1538 P37 Q1860 +Q369388 P495 Q8646 +Q58978 P106 Q19350898 +Q229375 P102 Q29552 +Q154581 P161 Q438908 +Q92650 P106 Q36180 +Q19089 P840 Q84 +Q25191 P19 Q84 +Q92620 P69 Q35794 +Q353449 P27 Q30 +Q378882 P106 Q2526255 +Q383420 P26 Q36268 +Q3439052 P108 Q273518 +Q192515 P1303 Q163829 +Q323516 P106 Q822146 +Q207416 P140 Q9592 +Q670440 P69 Q1093910 +Q59259 P69 Q49167 +Q101521 P106 Q1930187 +Q63189 P27 Q30 +Q216936 P264 Q38903 +Q271426 P27 Q30 +Q3772 P106 Q10798782 +Q77006 P27 Q713750 +Q720009 P106 Q486748 +Q229244 P264 Q203059 +Q1072969 P102 Q29468 +Q222939 P161 Q232985 +Q41449 P106 Q10800557 +Q308929 P161 Q170606 +Q207951 P27 Q142 +Q233848 P108 Q126399 +Q57386 P551 Q393 +Q43293 P106 Q49757 +Q1291679 P69 Q705737 +Q111436 P509 Q12078 +Q356965 P1412 Q1860 +Q190231 P106 Q822146 +Q85510 P108 Q49165 +Q63432 P106 Q188094 +Q273568 P161 Q40523 +Q473770 P106 Q36180 +Q238800 P106 Q11513337 +Q104049 P27 Q30 +Q76524 P106 Q753110 +Q863226 P136 Q83270 +Q271879 P27 Q30 +Q217388 P136 Q8261 +Q38049 P106 Q333634 +Q1495109 P69 Q309988 +Q1222903 P102 Q148861 +Q372959 P136 Q52162262 +Q1016 P463 Q191384 +Q526709 P106 Q1930187 +Q201562 P1303 Q6607 +Q162076 P19 Q1741 +Q40909 P106 Q11774202 +Q489 P19 Q60 +Q64356 P106 Q2504617 +Q116375 P106 Q1622272 +Q69474 P1303 Q17172850 +Q6694 P101 Q1071 +Q214690 P3373 Q215814 +Q153802 P27 Q30 +Q3936 P17 Q154195 +Q197935 P136 Q35760 +Q3713655 P27 Q30 +Q19837 P106 Q3282637 +Q865 P530 Q347 +Q555147 P1412 Q150 +Q60684 P27 Q156199 +Q819 P530 Q408 +Q268147 P106 Q28389 +Q232477 P1412 Q1860 +Q4119 P641 Q41323 +Q92876 P463 Q110587 +Q203223 P740 Q23556 +Q3910 P1412 Q150 +Q12786562 P19 Q437 +Q16 P463 Q1928989 +Q92906 P27 Q30 +Q170373 P106 Q169470 +Q76370 P106 Q6625963 +Q202729 P1303 Q17172850 +Q371430 P69 Q523926 +Q433520 P106 Q10800557 +Q234388 P3373 Q336222 +Q95548 P108 Q161976 +Q184750 P737 Q1394 +Q1067812 P136 Q83270 +Q85927 P1412 Q397 +Q60582 P106 Q1622272 +Q427167 P106 Q28389 +Q801 P463 Q899770 +Q315732 P495 Q30 +Q318249 P551 Q60 +Q11975 P106 Q10798782 +Q216573 P106 Q482980 +Q36 P530 Q142 +Q392 P106 Q822146 +Q100028 P106 Q33999 +Q776387 P106 Q81096 +Q235622 P106 Q18814623 +Q47087 P172 Q42406 +Q984215 P20 Q5092 +Q20127 P19 Q3874 +Q80379 P161 Q4465 +Q572001 P108 Q659080 +Q28 P530 Q717 +Q459038 P1412 Q652 +Q231880 P264 Q165745 +Q7030 P17 Q55300 +Q237324 P19 Q16563 +Q454075 P106 Q753110 +Q381883 P106 Q2252262 +Q313594 P106 Q10873124 +Q59653 P161 Q270664 +Q186123 P106 Q36180 +Q107724 P161 Q4573 +Q111344 P106 Q16267607 +Q653632 P264 Q796316 +Q116055 P19 Q2841 +Q12571 P106 Q214917 +Q868839 P106 Q14467526 +Q64640 P69 Q154561 +Q219646 P106 Q6625963 +Q91972 P102 Q49768 +Q84199 P106 Q4220892 +Q516505 P106 Q2526255 +Q450796 P106 Q33999 +Q245257 P106 Q36180 +Q55456 P106 Q177220 +Q253862 P1412 Q7850 +Q41488 P108 Q1786078 +Q1174771 P27 Q30 +Q318004 P106 Q1622272 +Q1528163 P106 Q205375 +Q251287 P1303 Q46185 +Q194896 P69 Q1067870 +Q662066 P108 Q686522 +Q233085 P1412 Q1860 +Q369022 P106 Q36180 +Q12898 P27 Q145 +Q211 P463 Q842490 +Q1005 P530 Q28 +Q66264 P106 Q1930187 +Q754 P530 Q766 +Q131018 P27 Q142 +Q463265 P106 Q82955 +Q230728 P69 Q209842 +Q1026826 P1412 Q7026 +Q356537 P172 Q7325 +Q727148 P463 Q337224 +Q239910 P106 Q4853732 +Q762361 P551 Q90 +Q697747 P106 Q1930187 +Q126492 P161 Q313918 +Q918268 P106 Q1930187 +Q58978 P106 Q3400985 +Q435681 P1303 Q17172850 +Q16 P463 Q3772571 +Q1187592 P106 Q28389 +Q352496 P69 Q274486 +Q843 P530 Q414 +Q181819 P136 Q21590660 +Q231249 P27 Q30 +Q1074226 P106 Q36834 +Q983705 P27 Q15180 +Q42198 P161 Q433520 +Q357168 P1303 Q6607 +Q1928973 P106 Q639669 +Q457316 P19 Q1335 +Q12857 P1412 Q143 +Q695886 P69 Q161562 +Q84266 P1412 Q8641 +Q1351177 P106 Q488205 +Q52463 P136 Q966564 +Q100718 P106 Q1234713 +Q439895 P106 Q177220 +Q12101508 P108 Q209842 +Q928 P463 Q191384 +Q141829 P1412 Q7737 +Q12544 P30 Q46 +Q15902 P136 Q217191 +Q298 P463 Q41550 +Q70839 P108 Q159895 +Q232479 P27 Q38 +Q269901 P19 Q16555 +Q45811 P27 Q30 +Q154782 P509 Q47912 +Q180004 P264 Q202585 +Q379461 P641 Q11420 +Q472356 P1412 Q7737 +Q395340 P1412 Q256 +Q784 P463 Q123759 +Q93397 P101 Q5891 +Q1282910 P1412 Q1860 +Q124607 P106 Q1622272 +Q18143 P106 Q36180 +Q443292 P106 Q36834 +Q25120 P106 Q2526255 +Q4724 P27 Q39 +Q156201 P106 Q1231865 +Q190525 P136 Q21401869 +Q465955 P106 Q177220 +Q349217 P106 Q10798782 +Q106221 P551 Q84 +Q45394 P161 Q152773 +Q53944 P27 Q30 +Q44847 P1412 Q5287 +Q159636 P463 Q4345832 +Q2567 P1412 Q188 +Q55469 P106 Q33999 +Q76998 P20 Q64 +Q168992 P106 Q177220 +Q431117 P264 Q155152 +Q1360888 P106 Q10800557 +Q154852 P106 Q10843402 +Q81487 P161 Q72832 +Q102570 P119 Q819654 +Q833578 P161 Q16472 +Q61922 P69 Q55044 +Q887259 P27 Q83286 +Q142292 P161 Q235020 +Q352914 P106 Q64733534 +Q1281084 P108 Q432637 +Q120966 P106 Q1930187 +Q706422 P106 Q753110 +Q1760695 P161 Q709499 +Q457840 P106 Q10800557 +Q1646 P136 Q11635 +Q62976 P136 Q185867 +Q458260 P69 Q1878600 +Q230045 P19 Q16739 +Q727782 P106 Q3068305 +Q176909 P737 Q9364 +Q340138 P161 Q77035 +Q22665 P106 Q860918 +Q419 P463 Q17495 +Q508325 P106 Q10800557 +Q65906 P27 Q183 +Q29 P37 Q8752 +Q440926 P106 Q2259451 +Q111836 P27 Q142 +Q191020 P463 Q463303 +Q9047 P463 Q123885 +Q244398 P161 Q208685 +Q470193 P106 Q1622272 +Q44839 P27 Q183 +Q60452 P3373 Q60465 +Q445122 P495 Q183 +Q116055 P136 Q8261 +Q64991 P463 Q44687 +Q207676 P102 Q29468 +Q168468 P463 Q270794 +Q184622 P106 Q49757 +Q290287 P27 Q145 +Q78766 P172 Q237534 +Q781 P463 Q191384 +Q110719 P26 Q77193 +Q731958 P27 Q30 +Q229291 P106 Q2259451 +Q215916 P106 Q1622272 +Q215730 P463 Q684415 +Q352431 P161 Q236189 +Q311672 P136 Q11399 +Q328664 P136 Q213714 +Q944996 P19 Q19660 +Q46739 P106 Q4964182 +Q364070 P106 Q3658608 +Q230555 P509 Q188605 +Q207506 P27 Q30 +Q536892 P136 Q379671 +Q238215 P1303 Q5994 +Q78553 P106 Q13416354 +Q919961 P136 Q11401 +Q131248 P1412 Q1860 +Q134798 P106 Q36180 +Q405565 P3373 Q231182 +Q73993 P19 Q3778 +Q438164 P737 Q43444 +Q38 P463 Q1969730 +Q267676 P27 Q30 +Q169452 P1303 Q17172850 +Q5679 P69 Q35794 +Q360507 P1412 Q7737 +Q231815 P27 Q30 +Q66936 P106 Q185351 +Q551570 P136 Q186424 +Q374526 P161 Q104049 +Q73357 P27 Q183 +Q323267 P101 Q41217 +Q77112 P106 Q177220 +Q106611 P106 Q1622272 +Q5333 P106 Q520549 +Q72070 P509 Q178275 +Q81807 P106 Q49757 +Q43440 P27 Q172579 +Q128494 P119 Q1242128 +Q121507 P136 Q850412 +Q319896 P509 Q389735 +Q1523176 P27 Q30 +Q464097 P140 Q9268 +Q1287147 P1303 Q17172850 +Q189758 P1303 Q17172850 +Q357391 P1412 Q1860 +Q724871 P69 Q5142861 +Q137115 P106 Q4164507 +Q486786 P463 Q45165 +Q401182 P106 Q2405480 +Q164111 P106 Q333634 +Q215866 P1412 Q188 +Q379684 P106 Q37226 +Q315744 P106 Q81096 +Q182486 P19 Q84 +Q910092 P463 Q123885 +Q263185 P106 Q639669 +Q230744 P106 Q1607826 +Q2643 P136 Q205049 +Q704516 P106 Q18844224 +Q268905 P136 Q319221 +Q318514 P106 Q639669 +Q71625 P20 Q3869 +Q78869 P108 Q875788 +Q36330 P106 Q49757 +Q47100 P106 Q2526255 +Q178391 P106 Q2643890 +Q176626 P136 Q2975633 +Q699541 P463 Q2370801 +Q717 P530 Q790 +Q102341 P106 Q2259451 +Q505677 P106 Q486748 +Q505946 P27 Q30 +Q121778 P108 Q49110 +Q737922 P136 Q8261 +Q192165 P106 Q2526255 +Q783992 P106 Q639669 +Q77888 P463 Q329464 +Q192374 P1412 Q397 +Q6694 P140 Q75809 +Q205447 P161 Q239415 +Q126896 P495 Q30 +Q175285 P19 Q1085 +Q11975 P264 Q202585 +Q214953 P1412 Q809 +Q213539 P106 Q16145150 +Q223414 P1412 Q7913 +Q167997 P463 Q958769 +Q48280 P106 Q55960555 +Q193695 P136 Q130232 +Q73013 P106 Q49757 +Q1070572 P106 Q33999 +Q437927 P136 Q37073 +Q2367411 P106 Q43845 +Q39975 P495 Q30 +Q364270 P69 Q185246 +Q190050 P136 Q52207399 +Q222041 P57 Q350903 +Q606125 P106 Q36834 +Q116845 P161 Q189490 +Q290091 P69 Q309350 +Q91389 P27 Q183 +Q34389 P106 Q55960555 +Q154331 P463 Q463303 +Q706560 P27 Q34 +Q271054 P26 Q295974 +Q434160 P69 Q610999 +Q55210 P106 Q2526255 +Q48112 P119 Q1130019 +Q3986379 P161 Q203690 +Q274227 P106 Q33999 +Q463692 P69 Q174710 +Q180727 P106 Q36834 +Q297598 P136 Q850412 +Q228925 P19 Q60 +Q208993 P172 Q49542 +Q40119 P161 Q162959 +Q213794 P69 Q152838 +Q1167005 P106 Q855091 +Q82778 P106 Q36180 +Q233253 P106 Q488205 +Q213690 P106 Q36180 +Q222873 P57 Q328814 +Q268111 P509 Q12152 +Q60788 P1412 Q188 +Q123565 P463 Q123885 +Q132489 P108 Q174570 +Q108664 P106 Q201788 +Q1973878 P19 Q61 +Q53714 P106 Q10798782 +Q183 P530 Q29999 +Q1827266 P19 Q49145 +Q282041 P161 Q270664 +Q92519 P69 Q165528 +Q57952 P27 Q183 +Q162667 P106 Q10800557 +Q490333 P27 Q884 +Q809003 P106 Q36834 +Q9575 P20 Q1156 +Q112176 P106 Q4964182 +Q783992 P106 Q486748 +Q297618 P108 Q2822225 +Q202449 P106 Q639669 +Q902 P530 Q817 +Q329805 P161 Q55171 +Q159995 P106 Q193391 +Q262524 P106 Q10800557 +Q1037 P530 Q902 +Q45233 P1412 Q188 +Q11891 P1412 Q35497 +Q179497 P172 Q7325 +Q9711 P106 Q6625963 +Q3825107 P495 Q142 +Q797615 P106 Q177220 +Q320714 P27 Q15180 +Q295919 P106 Q855091 +Q222833 P19 Q60 +Q95043 P69 Q270222 +Q596717 P26 Q254603 +Q82222 P106 Q36834 +Q387603 P161 Q215026 +Q102513 P106 Q6625963 +Q472250 P106 Q13582652 +Q161678 P161 Q170428 +Q445367 P19 Q16557 +Q351732 P106 Q9017214 +Q7243 P737 Q5749 +Q104737 P27 Q183 +Q229975 P106 Q33999 +Q729117 P106 Q1622272 +Q362599 P106 Q2259451 +Q1031340 P106 Q1075651 +Q230190 P106 Q2526255 +Q71548 P106 Q333634 +Q267866 P495 Q30 +Q560847 P172 Q7325 +Q1026532 P69 Q49210 +Q180819 P106 Q1231865 +Q504025 P69 Q34433 +Q274936 P106 Q4164507 +Q4864 P27 Q159 +Q234144 P1303 Q17172850 +Q77755 P106 Q188094 +Q64238 P1412 Q188 +Q108617 P106 Q2526255 +Q104688 P20 Q6602 +Q298360 P1303 Q5994 +Q123724 P106 Q1075651 +Q221535 P1303 Q6607 +Q67221 P106 Q36180 +Q343433 P106 Q482980 +Q319725 P106 Q2526255 +Q314290 P1303 Q17172850 +Q206461 P161 Q16296 +Q230 P530 Q219 +Q18913 P1412 Q397 +Q64584 P106 Q1622272 +Q367094 P106 Q10798782 +Q581943 P27 Q83286 +Q267685 P106 Q10800557 +Q236835 P106 Q4610556 +Q129747 P106 Q33999 +Q104067 P69 Q5384959 +Q76158 P106 Q36180 +Q93070 P463 Q131566 +Q181881 P1303 Q8350 +Q221305 P161 Q109324 +Q589978 P69 Q547867 +Q880598 P27 Q30 +Q336877 P27 Q16 +Q5603 P106 Q512314 +Q295919 P106 Q639669 +Q951010 P106 Q49757 +Q384804 P1303 Q17172850 +Q1000051 P106 Q40348 +Q890204 P106 Q10798782 +Q359421 P1412 Q652 +Q118982 P20 Q3033 +Q298027 P106 Q1607826 +Q342756 P551 Q16555 +Q918681 P106 Q10800557 +Q63184 P1412 Q1860 +Q280918 P161 Q357762 +Q582152 P106 Q28389 +Q233479 P26 Q58085 +Q42156 P737 Q9047 +Q512 P106 Q482980 +Q150445 P119 Q272208 +Q6060 P106 Q177220 +Q4084084 P69 Q27621 +Q77350 P19 Q3936 +Q355153 P20 Q127856 +Q124401 P20 Q70 +Q235305 P119 Q5763964 +Q44845 P1412 Q188 +Q179540 P106 Q36180 +Q690474 P106 Q177220 +Q329056 P136 Q842256 +Q928851 P106 Q2500638 +Q570913 P463 Q1132636 +Q270351 P57 Q56005 +Q445463 P106 Q177220 +Q50186 P1412 Q150 +Q150526 P106 Q783906 +Q36268 P106 Q662729 +Q677843 P106 Q42973 +Q239067 P108 Q161562 +Q8018 P106 Q250867 +Q163899 P840 Q46 +Q708423 P20 Q16563 +Q1366840 P136 Q83270 +Q255967 P1412 Q9027 +Q8877 P106 Q28389 +Q25351 P463 Q4742987 +Q708110 P106 Q2914170 +Q62365 P136 Q482 +Q251865 P106 Q639669 +Q157324 P463 Q337526 +Q127959 P106 Q11063 +Q392 P463 Q332399 +Q53002 P106 Q3282637 +Q57802 P106 Q18805 +Q4488 P136 Q188473 +Q210590 P161 Q16472 +Q119386 P140 Q9592 +Q90493 P19 Q1731 +Q575444 P136 Q484641 +Q1680807 P106 Q43845 +Q1687749 P19 Q744948 +Q97771 P463 Q463303 +Q490938 P106 Q177220 +Q244975 P136 Q860626 +Q202827 P106 Q81096 +Q178709 P19 Q2634 +Q183279 P463 Q49738 +Q196560 P106 Q36180 +Q57235 P106 Q49757 +Q181 P1412 Q7976 +Q256884 P136 Q484641 +Q11806 P140 Q1062789 +Q47695 P1412 Q188 +Q288173 P161 Q238464 +Q3188663 P106 Q40348 +Q57954 P1412 Q188 +Q711874 P106 Q753110 +Q46703 P159 Q34713 +Q253845 P1412 Q150 +Q562789 P463 Q83172 +Q207 P26 Q152019 +Q421478 P27 Q15180 +Q214831 P106 Q33999 +Q239917 P106 Q183945 +Q1976514 P1303 Q17172850 +Q301818 P106 Q10800557 +Q80399 P27 Q36 +Q429046 P106 Q2490358 +Q705697 P106 Q43845 +Q211 P37 Q9078 +Q313047 P106 Q10800557 +Q400614 P106 Q33999 +Q212064 P1412 Q1860 +Q278193 P161 Q72262 +Q74688 P106 Q182436 +Q193835 P136 Q1054574 +Q313647 P1303 Q6607 +Q216179 P27 Q145 +Q66127 P1412 Q188 +Q61687 P106 Q201788 +Q158088 P172 Q84072 +Q454243 P106 Q169470 +Q298682 P451 Q1339382 +Q560921 P119 Q2972543 +Q1361841 P108 Q60450 +Q336609 P106 Q18814623 +Q207969 P106 Q3282637 +Q373774 P161 Q234875 +Q842199 P37 Q9091 +Q186111 P140 Q432 +Q12807 P1412 Q397 +Q171228 P106 Q82955 +Q230169 P106 Q10798782 +Q79034 P106 Q193391 +Q44862 P106 Q1209498 +Q36 P463 Q3866537 +Q435826 P106 Q10798782 +Q186264 P136 Q9734 +Q322465 P106 Q639669 +Q888326 P106 Q158852 +Q192115 P136 Q2421031 +Q1446475 P106 Q639669 +Q185002 P136 Q205560 +Q4344126 P101 Q309 +Q262446 P1303 Q17172850 +Q1393149 P106 Q639669 +Q237951 P27 Q27 +Q528742 P69 Q319239 +Q367234 P20 Q84 +Q709499 P106 Q183945 +Q26318 P69 Q4614 +Q32 P463 Q842490 +Q17455 P69 Q11942 +Q143172 P19 Q207350 +Q502 P106 Q864380 +Q589497 P1412 Q1860 +Q179576 P69 Q981195 +Q437340 P19 Q456 +Q326196 P27 Q30 +Q206124 P161 Q295803 +Q888671 P264 Q193023 +Q280724 P136 Q11366 +Q7200 P737 Q93343 +Q165911 P106 Q2490358 +Q30449 P136 Q484641 +Q216195 P140 Q7066 +Q78706 P27 Q40 +Q253566 P495 Q30 +Q219772 P1303 Q17172850 +Q1392583 P136 Q186472 +Q1680807 P19 Q18383 +Q1048660 P69 Q165980 +Q87168 P1412 Q188 +Q108560 P136 Q217191 +Q500999 P106 Q36180 +Q166590 P1412 Q1321 +Q431656 P1412 Q1860 +Q70855 P106 Q36180 +Q298341 P106 Q4964182 +Q19200 P264 Q843402 +Q75220 P106 Q188094 +Q25188 P136 Q319221 +Q189 P530 Q865 +Q11705409 P27 Q717 +Q3920695 P108 Q13164 +Q152352 P1412 Q188 +Q12817 P1412 Q9610 +Q714185 P119 Q104994 +Q25144 P69 Q503246 +Q7243 P737 Q131149 +Q68865 P26 Q87012 +Q72678 P102 Q694299 +Q681470 P69 Q49122 +Q493333 P509 Q623031 +Q40 P530 Q865 +Q423 P530 Q79 +Q600018 P30 Q46 +Q313013 P1303 Q17172850 +Q522050 P106 Q14467526 +Q1334439 P20 Q641 +Q217112 P161 Q621490 +Q377638 P106 Q201788 +Q550784 P1303 Q17172850 +Q219653 P106 Q2259451 +Q60847 P27 Q174193 +Q3778 P17 Q2415901 +Q1240856 P106 Q36834 +Q76819 P27 Q40 +Q78003 P463 Q2043519 +Q12658 P108 Q154804 +Q323641 P106 Q36834 +Q116861 P106 Q36834 +Q85927 P106 Q182436 +Q1174183 P136 Q11399 +Q234581 P106 Q33999 +Q64397 P1412 Q188 +Q319497 P27 Q15180 +Q295144 P119 Q311 +Q103848 P106 Q36180 +Q863226 P1303 Q46185 +Q399318 P20 Q1489 +Q337063 P106 Q131524 +Q887889 P69 Q1786078 +Q381039 P172 Q42406 +Q459057 P136 Q959790 +Q233848 P106 Q10798782 +Q604940 P27 Q145 +Q48978 P136 Q20502 +Q68533 P27 Q41304 +Q544915 P463 Q338432 +Q1373629 P27 Q30 +Q173714 P106 Q170790 +Q72217 P106 Q947873 +Q213945 P108 Q658626 +Q302819 P27 Q191077 +Q728615 P463 Q463303 +Q90037 P463 Q150793 +Q6078 P106 Q10800557 +Q312610 P1412 Q1321 +Q223303 P106 Q4610556 +Q439209 P106 Q635734 +Q169946 P19 Q65 +Q153178 P106 Q36180 +Q178094 P161 Q233502 +Q156268 P20 Q90 +Q18421 P136 Q157443 +Q590792 P106 Q639669 +Q84444 P106 Q36180 +Q158175 P106 Q488205 +Q93562 P106 Q1622272 +Q3709961 P106 Q81096 +Q7304 P136 Q189201 +Q316857 P106 Q2405480 +Q110942 P108 Q838330 +Q598050 P509 Q9687 +Q72390 P106 Q36180 +Q229613 P106 Q488205 +Q8814 P101 Q7754 +Q202326 P161 Q249865 +Q76632 P106 Q333634 +Q12101508 P20 Q490 +Q62866 P69 Q190080 +Q315188 P106 Q4263842 +Q84618 P19 Q13298 +Q453679 P19 Q90 +Q272977 P106 Q3282637 +Q441114 P106 Q131524 +Q33528 P19 Q90 +Q282372 P161 Q433403 +Q123283 P106 Q36180 +Q1062350 P106 Q188094 +Q298 P530 Q865 +Q114533 P106 Q639669 +Q57584 P106 Q33999 +Q219646 P106 Q1930187 +Q439626 P106 Q177220 +Q30 P530 Q664 +Q439315 P106 Q177220 +Q300568 P495 Q30 +Q611672 P106 Q11774202 +Q88150 P19 Q4120832 +Q69340 P106 Q10798782 +Q440138 P106 Q33999 +Q80440 P106 Q333634 +Q846 P530 Q865 +Q837 P530 Q833 +Q228792 P27 Q30 +Q181573 P106 Q1930187 +Q194287 P136 Q11399 +Q191850 P69 Q193510 +Q219315 P161 Q139325 +Q76409 P27 Q183 +Q68656 P463 Q44687 +Q17 P530 Q262 +Q103578 P1412 Q1860 +Q148 P530 Q32 +Q448837 P106 Q33999 +Q105167 P1412 Q1860 +Q272225 P136 Q11366 +Q152301 P19 Q1781 +Q172916 P106 Q1622272 +Q436386 P106 Q2405480 +Q242526 P106 Q36180 +Q959153 P106 Q855091 +Q138416 P1412 Q1321 +Q144664 P106 Q639669 +Q82925 P119 Q29303 +Q1020 P463 Q7809 +Q296729 P106 Q1028181 +Q364315 P69 Q1189954 +Q357961 P463 Q463303 +Q2607 P737 Q765165 +Q104256 P20 Q393 +Q85280 P1412 Q188 +Q884 P530 Q458 +Q1750532 P1412 Q5287 +Q63682 P106 Q10800557 +Q19330 P27 Q30 +Q381477 P106 Q2526255 +Q212089 P136 Q37073 +Q74958 P161 Q298276 +Q922191 P20 Q100 +Q312902 P69 Q1378320 +Q124094 P108 Q151510 +Q1585138 P264 Q1881437 +Q92641 P27 Q30 +Q186185 P20 Q649 +Q154852 P1412 Q188 +Q60528 P106 Q82955 +Q6691 P106 Q36180 +Q102385 P136 Q45981 +Q298 P530 Q38 +Q175104 P106 Q5716684 +Q97470 P106 Q49757 +Q7243 P737 Q355245 +Q185002 P106 Q177220 +Q187765 P463 Q463281 +Q62116 P463 Q684415 +Q298682 P106 Q3282637 +Q260099 P106 Q177220 +Q399 P30 Q48 +Q217033 P106 Q4610556 +Q214665 P106 Q36834 +Q218672 P20 Q16869 +Q87392 P19 Q1741 +Q794 P463 Q384535 +Q188955 P106 Q2405480 +Q49001 P106 Q177220 +Q108560 P1303 Q47369 +Q228244 P840 Q60 +Q181799 P106 Q6625963 +Q271576 P136 Q38848 +Q963787 P106 Q10798782 +Q469478 P463 Q939743 +Q96772 P463 Q83172 +Q20235 P106 Q36180 +Q520430 P27 Q142 +Q971493 P69 Q1432645 +Q303391 P161 Q124357 +Q361297 P106 Q1320883 +Q43203 P102 Q29468 +Q2720582 P17 Q29 +Q164957 P106 Q36180 +Q373362 P161 Q193048 +Q37217 P135 Q37068 +Q428490 P27 Q884 +Q45337 P69 Q318186 +Q315542 P108 Q49088 +Q232819 P19 Q16563 +Q45772 P106 Q2405480 +Q105954 P27 Q28513 +Q306 P106 Q1622272 +Q7349 P27 Q40 +Q449670 P108 Q13371 +Q61962 P106 Q49757 +Q91461 P119 Q190494 +Q204005 P1412 Q1860 +Q95034 P106 Q33999 +Q215406 P106 Q482980 +Q193803 P463 Q338432 +Q40640 P737 Q16867 +Q201221 P106 Q36180 +Q401773 P1412 Q150 +Q744288 P69 Q179036 +Q292432 P1303 Q6607 +Q176455 P106 Q3282637 +Q1277015 P136 Q8341 +Q84708562 P1412 Q150 +Q12908 P106 Q860918 +Q1801255 P106 Q639669 +Q333873 P136 Q25379 +Q255463 P108 Q49112 +Q189564 P463 Q188771 +Q106706 P106 Q10798782 +Q96665 P108 Q40025 +Q704645 P19 Q8717 +Q1398058 P106 Q12800682 +Q235289 P106 Q33999 +Q106099 P106 Q2259451 +Q311621 P106 Q177220 +Q158398 P495 Q33 +Q707607 P106 Q36834 +Q236010 P106 Q33999 +Q159409 P20 Q60 +Q212 P530 Q233 +Q129259 P17 Q83286 +Q191023 P1412 Q1860 +Q83286 P361 Q36704 +Q4024 P17 Q183 +Q93620 P101 Q36180 +Q943361 P463 Q337234 +Q8442 P509 Q12136 +Q339423 P1303 Q46185 +Q59185 P1303 Q17172850 +Q851 P530 Q40 +Q311145 P737 Q38193 +Q131412 P509 Q204933 +Q46132 P27 Q145 +Q379830 P1303 Q17172850 +Q128759 P463 Q191583 +Q372073 P69 Q1185037 +Q287329 P106 Q10800557 +Q1157945 P20 Q34006 +Q135481 P20 Q656 +Q554746 P27 Q34266 +Q71548 P106 Q28389 +Q108602 P106 Q593644 +Q230990 P106 Q177220 +Q77888 P463 Q4345832 +Q809420 P69 Q1878600 +Q1125383 P106 Q5371902 +Q459251 P19 Q18419 +Q34782 P119 Q1092107 +Q270089 P19 Q1874 +Q36767 P19 Q84 +Q180224 P1303 Q46185 +Q44839 P69 Q55044 +Q58811 P106 Q1930187 +Q129022 P1412 Q150 +Q31 P463 Q81299 +Q125451 P463 Q459620 +Q55264 P264 Q3415083 +Q233377 P69 Q333886 +Q262314 P27 Q145 +Q434160 P106 Q201788 +Q242 P463 Q376150 +Q216720 P136 Q4984974 +Q267914 P106 Q28389 +Q379994 P495 Q30 +Q140201 P106 Q18844224 +Q52440 P106 Q10800557 +Q71000 P19 Q3126 +Q423 P463 Q233611 +Q106740 P101 Q49084 +Q1251139 P136 Q8341 +Q351884 P106 Q33999 +Q170371 P172 Q160894 +Q313013 P361 Q183048 +Q27645 P69 Q152087 +Q245787 P106 Q11774202 +Q3341701 P108 Q27923720 +Q554168 P172 Q49085 +Q95928 P106 Q1622272 +Q114 P463 Q7785 +Q964071 P19 Q62 +Q102483 P106 Q333634 +Q25649 P509 Q12152 +Q555993 P463 Q338432 +Q238045 P106 Q2405480 +Q40572 P27 Q408 +Q13909 P69 Q1542213 +Q232197 P740 Q99 +Q58777 P69 Q157575 +Q1050 P463 Q7809 +Q204019 P106 Q1028181 +Q745363 P172 Q170217 +Q110462 P106 Q10798782 +Q2464214 P106 Q170790 +Q348037 P27 Q15180 +Q129629 P106 Q10800557 +Q730 P463 Q205995 +Q207588 P161 Q224021 +Q112929 P69 Q622683 +Q340260 P106 Q674067 +Q33 P530 Q43 +Q185364 P106 Q753110 +Q356423 P106 Q36180 +Q225625 P27 Q15180 +Q216927 P1303 Q5994 +Q61687 P20 Q1055 +Q313666 P1412 Q150 +Q403 P530 Q142 +Q116013 P509 Q12206 +Q57389 P106 Q18844224 +Q168821 P161 Q6255748 +Q271879 P106 Q2259451 +Q217010 P161 Q350732 +Q2159912 P27 Q801 +Q43939 P106 Q4964182 +Q314033 P108 Q48989 +Q53549 P19 Q18424 +Q131112 P106 Q1622272 +Q234169 P136 Q37073 +Q37024 P30 Q46 +Q296887 P1412 Q1321 +Q549442 P106 Q639669 +Q57848 P102 Q310296 +Q1942336 P19 Q172 +Q258761 P19 Q49145 +Q85580 P20 Q64 +Q76000 P1412 Q150 +Q362828 P509 Q47912 +Q683 P463 Q7825 +Q124710 P27 Q851 +Q122553 P1412 Q1860 +Q355024 P3373 Q291693 +Q2090 P463 Q747279 +Q154723 P106 Q121594 +Q319773 P1303 Q27939 +Q289212 P136 Q11401 +Q77226 P106 Q11774202 +Q161400 P136 Q471839 +Q1025 P463 Q624307 +Q191543 P161 Q45772 +Q242956 P136 Q6585139 +Q30 P530 Q403 +Q233946 P106 Q10800557 +Q129429 P509 Q12204 +Q182212 P136 Q188473 +Q214349 P106 Q1622272 +Q325589 P106 Q14972848 +Q157058 P172 Q84072 +Q214097 P106 Q520549 +Q365750 P106 Q2526255 +Q271867 P106 Q33999 +Q1715512 P106 Q10798782 +Q314926 P106 Q7042855 +Q380981 P161 Q234647 +Q400765 P136 Q11399 +Q55421 P27 Q28513 +Q193668 P27 Q29 +Q544469 P509 Q183134 +Q709594 P1303 Q6607 +Q108622 P19 Q60 +Q155 P463 Q5611262 +Q348615 P264 Q231694 +Q435034 P136 Q492264 +Q72334 P108 Q21578 +Q66408 P106 Q2259451 +Q242889 P106 Q10800557 +Q44606 P106 Q488205 +Q272256 P27 Q30 +Q11975 P106 Q36834 +Q310190 P106 Q10798782 +Q114808 P106 Q876864 +Q213539 P106 Q1622272 +Q356140 P27 Q30 +Q40119 P136 Q130232 +Q77555 P106 Q82955 +Q962897 P463 Q2370801 +Q410 P20 Q5083 +Q720005 P136 Q37073 +Q47007 P3373 Q317988 +Q57285 P1412 Q188 +Q84704 P106 Q82955 +Q1273345 P106 Q639669 +Q12940 P20 Q90 +Q62898 P69 Q21578 +Q295803 P106 Q639669 +Q465465 P140 Q432 +Q159646 P19 Q90 +Q1439592 P108 Q4614 +Q230131 P106 Q2405480 +Q11816 P463 Q4742987 +Q215219 P106 Q36834 +Q460876 P106 Q245068 +Q11812 P106 Q4964182 +Q562108 P27 Q35 +Q35 P463 Q7825 +Q583814 P108 Q21578 +Q186924 P1303 Q6607 +Q60465 P1412 Q188 +Q730190 P106 Q4964182 +Q36450 P509 Q12202 +Q343059 P172 Q49085 +Q168721 P69 Q4948174 +Q475733 P463 Q270794 +Q1280986 P1303 Q6607 +Q161842 P1412 Q9072 +Q703935 P26 Q40909 +Q463639 P106 Q1028181 +Q445795 P495 Q142 +Q44872 P106 Q1622272 +Q171235 P27 Q30 +Q18800 P136 Q11401 +Q454568 P27 Q28513 +Q39658 P108 Q185246 +Q728615 P106 Q1930187 +Q326856 P106 Q10800557 +Q27820706 P264 Q231694 +Q408 P530 Q45 +Q458966 P463 Q337555 +Q76683 P106 Q169470 +Q192348 P737 Q178709 +Q955077 P20 Q17042 +Q218889 P106 Q1622272 +Q28196 P840 Q60 +Q503710 P1303 Q6607 +Q332508 P106 Q13424456 +Q49003 P161 Q49001 +Q202185 P106 Q639669 +Q308722 P106 Q10798782 +Q172584 P509 Q506616 +Q92609 P106 Q81096 +Q334 P463 Q17495 +Q156178 P19 Q84 +Q854912 P1303 Q8355 +Q335508 P161 Q105221 +Q242620 P106 Q177220 +Q123225 P1412 Q188 +Q240808 P27 Q30 +Q4827652 P17 Q30 +Q202028 P161 Q115541 +Q36233 P27 Q213 +Q246970 P172 Q42884 +Q884 P30 Q48 +Q214622 P172 Q539051 +Q1384236 P106 Q185351 +Q154855 P108 Q219694 +Q722876 P136 Q1133657 +Q215820 P69 Q15208489 +Q184103 P106 Q33999 +Q192762 P106 Q28389 +Q1036131 P136 Q851213 +Q463184 P106 Q177220 +Q208424 P136 Q20443008 +Q318503 P106 Q4853732 +Q26419 P106 Q43845 +Q64406 P1412 Q188 +Q152306 P27 Q34266 +Q219519 P27 Q30 +Q163662 P27 Q30 +Q229042 P27 Q30 +Q180505 P106 Q5716684 +Q8873 P106 Q4220892 +Q336222 P106 Q753110 +Q241754 P106 Q36180 +Q71335 P463 Q338432 +Q106514 P106 Q488205 +Q55502 P37 Q13955 +Q311141 P27 Q30 +Q706034 P69 Q49165 +Q34816 P69 Q5149905 +Q230011 P106 Q10800557 +Q556858 P106 Q177220 +Q214549 P106 Q170790 +Q112534 P106 Q43845 +Q320895 P1303 Q17172850 +Q917 P463 Q188822 +Q334 P463 Q899770 +Q34105 P551 Q85 +Q97028 P106 Q1231865 +Q69115 P140 Q1841 +Q133720 P509 Q29496 +Q2105 P106 Q82955 +Q882 P40 Q230636 +Q22432 P161 Q42229 +Q154662 P106 Q753110 +Q127414 P136 Q959790 +Q13133 P106 Q82955 +Q2568971 P1412 Q1860 +Q96798 P20 Q78 +Q219368 P69 Q49112 +Q60059 P106 Q1234713 +Q1382495 P106 Q81096 +Q237821 P463 Q463303 +Q26391 P161 Q255070 +Q112856 P1412 Q188 +Q73195 P19 Q64 +Q1009 P463 Q5611262 +Q58612 P108 Q174158 +Q269927 P463 Q463281 +Q116359 P20 Q72 +Q83396 P551 Q61 +Q1507223 P69 Q5171564 +Q1123489 P20 Q43788 +Q1677606 P463 Q253439 +Q1042 P463 Q5611262 +Q441551 P106 Q82955 +Q116119 P106 Q1930187 +Q47284 P106 Q3282637 +Q1869627 P20 Q1297 +Q529555 P136 Q11401 +Q281962 P27 Q145 +Q165268 P136 Q1146335 +Q135329 P106 Q82955 +Q544508 P509 Q12204 +Q206388 P495 Q30 +Q344758 P1412 Q1860 +Q213355 P106 Q36180 +Q206439 P264 Q287177 +Q132952 P106 Q177220 +Q215215 P136 Q11399 +Q183 P530 Q1008 +Q152773 P106 Q33999 +Q71775 P106 Q1930187 +Q70350 P69 Q152087 +Q234891 P106 Q13219637 +Q354033 P1303 Q302497 +Q249475 P106 Q10800557 +Q232 P530 Q96 +Q71410 P102 Q310296 +Q958578 P1303 Q17172850 +Q700323 P20 Q649 +Q61469 P106 Q3055126 +Q717 P463 Q7825 +Q256354 P106 Q1930187 +Q24367 P1412 Q188 +Q447407 P106 Q488205 +Q218672 P140 Q3333484 +Q2643 P264 Q679007 +Q34981 P106 Q28389 +Q84199 P69 Q165980 +Q1181035 P136 Q105527 +Q212064 P106 Q33999 +Q45811 P106 Q1622272 +Q675 P1412 Q397 +Q91004 P106 Q3282637 +Q280734 P106 Q639669 +Q66527 P106 Q169470 +Q316629 P106 Q245068 +Q261990 P1303 Q6607 +Q147243 P172 Q201111 +Q328201 P27 Q218 +Q11459 P1412 Q150 +Q173978 P106 Q488205 +Q434915 P27 Q16 +Q40213 P106 Q49757 +Q557699 P106 Q212238 +Q984215 P27 Q30 +Q2831 P106 Q10800557 +Q313546 P102 Q29552 +Q233061 P106 Q5371902 +Q200827 P495 Q16 +Q96492 P27 Q1206012 +Q92875 P463 Q131566 +Q293067 P106 Q10798782 +Q973400 P1303 Q6607 +Q79034 P26 Q538362 +Q215142 P106 Q947873 +Q918966 P27 Q34266 +Q158079 P172 Q940348 +Q1029 P530 Q408 +Q457856 P3373 Q2019530 +Q35171 P509 Q12152 +Q61064 P27 Q142 +Q92446 P463 Q18650004 +Q242640 P20 Q179876 +Q599993 P463 Q188771 +Q727 P17 Q142 +Q315271 P26 Q232414 +Q57730 P26 Q104955 +Q510653 P69 Q1026939 +Q215623 P69 Q31519 +Q55422 P106 Q3282637 +Q333190 P106 Q2405480 +Q551154 P136 Q11401 +Q879093 P106 Q1930187 +Q77555 P106 Q1930187 +Q533284 P1303 Q46185 +Q353007 P106 Q1259917 +Q805 P30 Q48 +Q311244 P172 Q49085 +Q233 P530 Q214 +Q12548 P140 Q75809 +Q348916 P737 Q909 +Q319129 P27 Q30 +Q660237 P161 Q329744 +Q4320172 P27 Q15180 +Q96595 P108 Q152087 +Q2607 P551 Q649 +Q84618 P463 Q265058 +Q145 P530 Q96 +Q192655 P1303 Q17172850 +Q76479 P136 Q21590660 +Q884 P463 Q45177 +Q57640 P27 Q191 +Q246997 P136 Q1054574 +Q83038 P108 Q209344 +Q165721 P69 Q13164 +Q359665 P106 Q245068 +Q282665 P136 Q9730 +Q327685 P840 Q956 +Q236212 P106 Q2259451 +Q372438 P1412 Q188 +Q17917680 P106 Q483501 +Q2673 P106 Q10798782 +Q241391 P161 Q106275 +Q1046038 P106 Q33999 +Q223596 P136 Q188473 +Q1280986 P509 Q12078 +Q191088 P451 Q387072 +Q236960 P27 Q145 +Q235615 P27 Q30 +Q89316 P106 Q947873 +Q287244 P106 Q81096 +Q311232 P136 Q11401 +Q691798 P106 Q947873 +Q660553 P463 Q337543 +Q219842 P69 Q926749 +Q117021 P101 Q1069 +Q183167 P140 Q1841 +Q88464 P106 Q3055126 +Q57244 P463 Q812155 +Q438908 P27 Q145 +Q354654 P136 Q11399 +Q77234 P101 Q395 +Q367634 P1303 Q17172850 +Q84942 P102 Q49768 +Q219491 P136 Q1344 +Q546 P17 Q38 +Q76938 P106 Q49757 +Q11647 P264 Q231694 +Q208871 P1303 Q5994 +Q432715 P19 Q1345 +Q35011 P106 Q10798782 +Q311786 P106 Q2095549 +Q133050 P140 Q1841 +Q106126 P26 Q106057 +Q287688 P20 Q39561 +Q75720 P108 Q21578 +Q685 P463 Q294278 +Q1395573 P551 Q1297 +Q165911 P106 Q639669 +Q983590 P106 Q15980158 +Q88914 P106 Q201788 +Q234595 P106 Q177220 +Q726607 P69 Q5142861 +Q277626 P17 Q30 +Q56093 P551 Q65 +Q233464 P161 Q375356 +Q260318 P106 Q10798782 +Q1084226 P172 Q133255 +Q9358 P737 Q692 +Q120381 P451 Q207359 +Q346595 P106 Q10798782 +Q289614 P136 Q37073 +Q164721 P1412 Q188 +Q153670 P27 Q38 +Q76738 P101 Q1069 +Q169077 P106 Q182436 +Q2622688 P106 Q28389 +Q1095533 P136 Q213714 +Q268024 P106 Q6625963 +Q19658 P69 Q1329269 +Q231886 P27 Q145 +Q134549 P19 Q100 +Q96 P530 Q668 +Q233291 P106 Q10800557 +Q298930 P1303 Q17172850 +Q443121 P106 Q4610556 +Q233941 P1412 Q652 +Q435681 P106 Q639669 +Q53453 P106 Q488205 +Q110942 P69 Q838330 +Q78644 P106 Q10800557 +Q93356 P737 Q76483 +Q62890 P20 Q47265 +Q176405 P106 Q6625963 +Q92622 P101 Q21198 +Q61648 P108 Q152838 +Q245257 P136 Q4184 +Q192979 P495 Q30 +Q893785 P102 Q192821 +Q434160 P19 Q34217 +Q212145 P840 Q406 +Q105624 P161 Q175535 +Q713213 P27 Q172579 +Q96 P530 Q34 +Q7546 P106 Q2526255 +Q212498 P463 Q1468277 +Q558838 P108 Q13164 +Q316997 P106 Q4610556 +Q171989 P20 Q5092 +Q1219622 P1412 Q7737 +Q371932 P20 Q60 +Q235928 P1412 Q1860 +Q219640 P106 Q1792450 +Q171242 P136 Q3017271 +Q1583707 P136 Q11399 +Q76641 P463 Q3603946 +Q230196 P102 Q29552 +Q202878 P106 Q28389 +Q785404 P106 Q36180 +Q239540 P106 Q214917 +Q224069 P136 Q471839 +Q266640 P264 Q183387 +Q214349 P106 Q36180 +Q303391 P161 Q164069 +Q67903 P27 Q183 +Q777354 P106 Q82955 +Q352963 P106 Q28389 +Q41502 P108 Q4345832 +Q561617 P1412 Q7737 +Q88194 P463 Q150793 +Q241085 P161 Q190602 +Q289524 P106 Q28389 +Q346091 P40 Q958294 +Q123724 P106 Q639669 +Q403 P530 Q884 +Q266676 P1303 Q17172850 +Q191 P530 Q227 +Q233701 P69 Q49088 +Q190998 P106 Q2405480 +Q328695 P161 Q299324 +Q76959 P102 Q13124 +Q182589 P172 Q42406 +Q185147 P27 Q145 +Q944478 P119 Q1130019 +Q151593 P463 Q463303 +Q658008 P106 Q333634 +Q97291 P27 Q183 +Q506288 P106 Q486748 +Q382680 P106 Q12377274 +Q383821 P106 Q36834 +Q178527 P106 Q488111 +Q11941 P106 Q266569 +Q282199 P161 Q202735 +Q204810 P136 Q182357 +Q77183 P102 Q157537 +Q165817 P161 Q51814 +Q123557 P102 Q328195 +Q195949 P161 Q239145 +Q1016 P463 Q1137381 +Q181490 P106 Q10798782 +Q1009 P463 Q656801 +Q265031 P106 Q3455803 +Q55169 P106 Q3282637 +Q109149 P106 Q17167049 +Q295781 P20 Q649 +Q133489 P1303 Q5994 +Q452797 P106 Q1930187 +Q93632 P106 Q10800557 +Q94186 P136 Q676 +Q1269512 P19 Q3936 +Q56635 P1412 Q1860 +Q262980 P136 Q52162262 +Q270385 P136 Q130232 +Q1934911 P131 Q649 +Q434095 P509 Q29496 +Q89054 P106 Q13582652 +Q312657 P106 Q3455803 +Q104127 P19 Q16554 +Q520621 P172 Q49085 +Q267070 P101 Q207628 +Q331711 P106 Q639669 +Q7343182 P69 Q192775 +Q1277063 P172 Q49085 +Q1367152 P1412 Q1321 +Q106482 P106 Q10800557 +Q353754 P463 Q463303 +Q68533 P19 Q1799 +Q1017117 P136 Q483251 +Q125484 P1412 Q188 +Q256959 P106 Q676 +Q907534 P106 Q1622272 +Q13133 P19 Q1297 +Q33866 P1412 Q652 +Q123041 P106 Q36180 +Q285116 P106 Q639669 +Q119546 P106 Q1930187 +Q20726 P106 Q250867 +Q26162388 P407 Q9056 +Q274404 P106 Q333634 +Q801 P463 Q7809 +Q254138 P136 Q241662 +Q888326 P20 Q16558 +Q433459 P27 Q30 +Q107006 P1412 Q150 +Q208681 P106 Q33999 +Q192686 P136 Q200092 +Q59084 P161 Q343037 +Q230378 P106 Q33999 +Q444525 P161 Q1366460 +Q63826 P69 Q55044 +Q276523 P136 Q471839 +Q390164 P495 Q218 +Q721376 P106 Q2914170 +Q217020 P840 Q1522 +Q337658 P106 Q2526255 +Q45909 P27 Q145 +Q60296 P161 Q123351 +Q343059 P27 Q30 +Q732142 P106 Q806798 +Q548438 P106 Q36834 +Q66992 P509 Q12152 +Q190379 P737 Q105756 +Q197162 P106 Q4964182 +Q504 P20 Q90 +Q278625 P106 Q1930187 +Q66631 P106 Q36180 +Q191100 P161 Q244234 +Q230647 P27 Q30 +Q203804 P106 Q3455803 +Q336131 P106 Q10798782 +Q201732 P106 Q28389 +Q45 P463 Q151991 +Q235223 P106 Q639669 +Q513615 P20 Q1492 +Q126961 P20 Q456 +Q151869 P40 Q7729 +Q187282 P69 Q165980 +Q350717 P27 Q145 +Q372514 P161 Q283328 +Q132430 P106 Q33999 +Q17 P530 Q227 +Q2066713 P106 Q36834 +Q315266 P509 Q12078 +Q3924 P106 Q488205 +Q57124 P106 Q116 +Q29031 P102 Q9626 +Q61682 P106 Q36180 +Q155547 P106 Q4263842 +Q193405 P69 Q608338 +Q523578 P106 Q36180 +Q232348 P106 Q177220 +Q188726 P106 Q36180 +Q81324 P106 Q1930187 +Q120406 P27 Q30 +Q44328 P106 Q49757 +Q884 P463 Q7825 +Q982314 P509 Q389735 +Q159 P463 Q1480793 +Q298818 P136 Q21590660 +Q981513 P106 Q36180 +Q309843 P106 Q33999 +Q186799 P495 Q30 +Q110085 P463 Q459620 +Q740378 P19 Q270 +Q29 P463 Q782942 +Q166298 P106 Q49757 +Q347891 P106 Q36180 +Q1378383 P106 Q16145150 +Q72124 P1412 Q9288 +Q2079 P17 Q153015 +Q174371 P161 Q352730 +Q88767 P463 Q44687 +Q1382535 P106 Q1259917 +Q77060 P27 Q183 +Q4518 P19 Q488004 +Q160560 P840 Q90 +Q90037 P69 Q310695 +Q49074 P463 Q463281 +Q75995 P108 Q31519 +Q24348 P106 Q333634 +Q90720 P27 Q183 +Q7542 P136 Q11401 +Q122113 P161 Q342549 +Q40470 P106 Q33999 +Q108285 P108 Q40025 +Q194220 P106 Q33999 +Q82238 P106 Q131524 +Q47447 P136 Q6010 +Q64257 P463 Q414379 +Q1095432 P1303 Q80284 +Q53068 P1412 Q652 +Q1062350 P27 Q159 +Q365042 P136 Q11399 +Q1292344 P20 Q173813 +Q887259 P27 Q191077 +Q13909 P106 Q10798782 +Q1070606 P136 Q131578 +Q78109 P20 Q1055 +Q104326 P136 Q193207 +Q55 P530 Q252 +Q91023 P27 Q183 +Q189330 P495 Q145 +Q156552 P27 Q145 +Q246497 P102 Q79854 +Q550778 P106 Q33999 +Q233911 P106 Q4610556 +Q82032 P737 Q892 +Q561169 P26 Q653496 +Q452307 P106 Q3665646 +Q67207 P69 Q151510 +Q8772 P101 Q23498 +Q221771 P69 Q219615 +Q224026 P19 Q37836 +Q91640 P463 Q337234 +Q315072 P106 Q1930187 +Q529276 P20 Q1297 +Q1700315 P106 Q131524 +Q528742 P69 Q174158 +Q65372 P27 Q7318 +Q271554 P69 Q49112 +Q120406 P1303 Q6607 +Q41272 P264 Q56760250 +Q90856 P27 Q183 +Q41076 P136 Q131272 +Q106418 P106 Q10800557 +Q105875 P106 Q806349 +Q30628 P106 Q10800557 +Q145480 P1303 Q6607 +Q66140 P27 Q41 +Q156516 P136 Q130232 +Q160946 P495 Q145 +Q78939 P1412 Q188 +Q40213 P737 Q185832 +Q106529 P27 Q39 +Q289469 P136 Q130232 +Q172632 P1303 Q5994 +Q194413 P57 Q59259 +Q503597 P106 Q28389 +Q1906150 P106 Q3391743 +Q108460 P463 Q18650004 +Q29092 P509 Q9687 +Q434571 P1412 Q150 +Q61813 P106 Q1209498 +Q4344126 P1412 Q7737 +Q329035 P106 Q177220 +Q105895 P108 Q154804 +Q253882 P641 Q31920 +Q323516 P106 Q8178443 +Q391262 P106 Q36180 +Q157707 P27 Q183 +Q45387 P1412 Q188 +Q669597 P106 Q205375 +Q96492 P106 Q82955 +Q43736 P106 Q36180 +Q233475 P106 Q639669 +Q374582 P27 Q142 +Q266356 P106 Q177220 +Q320849 P106 Q82955 +Q11813 P140 Q682443 +Q1166707 P27 Q142 +Q709178 P106 Q16145150 +Q258761 P136 Q11366 +Q91436 P106 Q1622272 +Q351359 P101 Q179805 +Q376278 P106 Q36180 +Q83739 P136 Q496523 +Q192410 P106 Q33999 +Q960524 P1303 Q5994 +Q76791 P106 Q1622272 +Q946570 P106 Q169470 +Q66232 P463 Q150793 +Q156310 P69 Q1145306 +Q9204 P509 Q476921 +Q221074 P106 Q2095549 +Q35064 P27 Q145 +Q72001 P106 Q13570226 +Q316872 P136 Q217597 +Q77107 P106 Q733786 +Q220864 P463 Q2749618 +Q211551 P106 Q11063 +Q67511 P27 Q183 +Q1409622 P106 Q639669 +Q284876 P106 Q2405480 +Q160333 P106 Q1028181 +Q228787 P106 Q36834 +Q76409 P737 Q124527 +Q7199 P27 Q142 +Q356140 P1303 Q5994 +Q964776 P1412 Q150 +Q283335 P106 Q10798782 +Q327312 P161 Q508404 +Q294144 P136 Q2743 +Q223985 P106 Q4853732 +Q1542213 P112 Q297945 +Q555 P106 Q2722764 +Q42247 P19 Q90 +Q152352 P106 Q3658608 +Q2153 P551 Q1348 +Q472487 P509 Q181754 +Q398 P463 Q899770 +Q260548 P161 Q106706 +Q705715 P106 Q13235160 +Q742284 P106 Q82955 +Q333187 P1412 Q188 +Q274252 P106 Q81096 +Q106791 P106 Q5716684 +Q116022 P106 Q4964182 +Q706417 P20 Q23197 +Q190251 P1303 Q8350 +Q43977 P69 Q31519 +Q182788 P27 Q30 +Q163249 P106 Q10798782 +Q151872 P463 Q46703 +Q159585 P140 Q3333484 +Q215979 P106 Q4964182 +Q8927 P27 Q142 +Q328723 P106 Q2526255 +Q406 P17 Q43 +Q61064 P106 Q37226 +Q364875 P106 Q2722764 +Q716293 P119 Q7186324 +Q62352 P509 Q12202 +Q374034 P27 Q30 +Q366578 P136 Q11399 +Q199927 P106 Q2259451 +Q167345 P106 Q40348 +Q237345 P1412 Q5287 +Q106303 P106 Q3387717 +Q221202 P161 Q75079 +Q68604 P19 Q2978 +Q86820 P102 Q79854 +Q2107 P17 Q183 +Q18953 P106 Q28389 +Q55428 P106 Q6625963 +Q368 P69 Q232141 +Q31 P463 Q233611 +Q82104 P106 Q36180 +Q367132 P27 Q172579 +Q386053 P106 Q12800682 +Q15615 P136 Q2913982 +Q276158 P106 Q177220 +Q1375814 P19 Q1297 +Q816518 P264 Q190585 +Q216692 P106 Q11774202 +Q458593 P106 Q43845 +Q320423 P161 Q460578 +Q215546 P106 Q10798782 +Q1928543 P264 Q216364 +Q434956 P27 Q16 +Q378870 P106 Q2259532 +Q106751 P551 Q43199 +Q154959 P106 Q36180 +Q8011 P101 Q34178 +Q153725 P106 Q3282637 +Q1275039 P106 Q177220 +Q37876 P69 Q174158 +Q5592 P106 Q49757 +Q529858 P106 Q49757 +Q381561 P27 Q1054923 +Q63026 P161 Q28493 +Q452627 P1412 Q150 +Q203804 P106 Q28389 +Q77983 P1412 Q188 +Q1855369 P106 Q183945 +Q93157 P106 Q28389 +Q180279 P57 Q119348 +Q7345 P136 Q182015 +Q232009 P161 Q105466 +Q181249 P106 Q2722764 +Q441834 P106 Q639669 +Q10520 P551 Q127856 +Q438124 P264 Q277626 +Q123870 P106 Q10800557 +Q72657 P106 Q189010 +Q132805 P106 Q36180 +Q58978 P20 Q3033 +Q887903 P106 Q49757 +Q39789 P106 Q2374149 +Q390097 P161 Q272031 +Q48051 P102 Q151469 +Q244674 P106 Q10800557 +Q7200 P106 Q4263842 +Q437927 P1412 Q652 +Q367073 P102 Q5020915 +Q55190 P69 Q1130457 +Q715265 P106 Q177220 +Q218210 P106 Q214917 +Q782738 P119 Q1053320 +Q312098 P69 Q21578 +Q166355 P136 Q663106 +Q26688 P106 Q49757 +Q3620117 P69 Q499911 +Q257630 P136 Q188473 +Q104088 P119 Q190494 +Q104514 P551 Q18424 +Q90037 P463 Q44687 +Q77888 P140 Q75809 +Q112136 P108 Q152087 +Q335807 P106 Q855091 +Q1014 P530 Q183 +Q1001 P1412 Q1860 +Q153670 P69 Q499911 +Q235289 P106 Q177220 +Q52570 P1412 Q143 +Q12658 P20 Q2079 +Q348603 P106 Q43845 +Q60363 P27 Q183 +Q131248 P106 Q82955 +Q215219 P1303 Q27939 +Q94284 P136 Q959790 +Q352023 P106 Q36180 +Q30 P530 Q214 +Q114169 P106 Q82955 +Q556941 P3373 Q2599 +Q310170 P106 Q36834 +Q11755 P69 Q41506 +Q124527 P106 Q15296811 +Q1353064 P463 Q83172 +Q60141 P1412 Q188 +Q75555 P106 Q49757 +Q991720 P106 Q28389 +Q366057 P463 Q414110 +Q86914 P106 Q82955 +Q82066 P20 Q1156 +Q126693 P1412 Q256 +Q135481 P106 Q201788 +Q191719 P3373 Q204672 +Q252469 P106 Q639669 +Q235 P463 Q17495 +Q97129 P106 Q1930187 +Q72479 P136 Q959583 +Q202770 P463 Q842008 +Q165706 P136 Q1344 +Q699565 P69 Q751612 +Q214226 P1303 Q6607 +Q353754 P106 Q4964182 +Q123097 P161 Q223830 +Q24995 P106 Q177220 +Q71821 P106 Q36180 +Q206384 P106 Q8178443 +Q205447 P136 Q319221 +Q149406 P161 Q34851 +Q215636 P106 Q17489339 +Q223830 P106 Q10798782 +Q313204 P1412 Q1860 +Q1041 P463 Q2029901 +Q137584 P161 Q219373 +Q334665 P27 Q34266 +Q76616 P106 Q593644 +Q1370605 P106 Q177220 +Q313525 P106 Q15981151 +Q2709 P140 Q7066 +Q630454 P1412 Q1860 +Q90771 P106 Q33999 +Q241676 P20 Q49145 +Q333411 P1412 Q8108 +Q4149437 P27 Q159 +Q441528 P106 Q2986228 +Q167429 P509 Q12152 +Q8814 P463 Q463303 +Q96243 P463 Q265058 +Q79 P530 Q155 +Q80095 P737 Q9364 +Q229223 P106 Q10798782 +Q473030 P106 Q1930187 +Q165154 P37 Q150 +Q209641 P1412 Q150 +Q1261353 P106 Q43845 +Q235289 P140 Q7361618 +Q270085 P101 Q333 +Q527146 P106 Q4263842 +Q275120 P136 Q1535153 +Q153527 P106 Q28389 +Q1394 P108 Q27621 +Q2946731 P463 Q1493021 +Q215520 P106 Q5716684 +Q109053 P136 Q8341 +Q70694 P106 Q635734 +Q58062 P106 Q864503 +Q353366 P136 Q188539 +Q344758 P136 Q21590660 +Q1176607 P106 Q10800557 +Q11816 P1412 Q150 +Q117789 P1412 Q188 +Q215406 P20 Q64 +Q234967 P1412 Q1860 +Q235946 P106 Q1622272 +Q192724 P161 Q34460 +Q30 P530 Q221 +Q44071 P27 Q15180 +Q193066 P136 Q860626 +Q873 P106 Q2405480 +Q202749 P69 Q2983698 +Q66812 P27 Q183 +Q191026 P106 Q205375 +Q275543 P509 Q389735 +Q103591 P69 Q865528 +Q57896 P19 Q1731 +Q124710 P106 Q43845 +Q193397 P737 Q127330 +Q184499 P106 Q82955 +Q31628 P119 Q281859 +Q91544 P106 Q864380 +Q52925 P69 Q185246 +Q156394 P161 Q229560 +Q234980 P1412 Q7737 +Q291170 P161 Q224159 +Q2477225 P19 Q649 +Q223687 P27 Q30 +Q102385 P495 Q30 +Q218031 P19 Q62 +Q57641 P106 Q40348 +Q379824 P106 Q2526255 +Q157318 P1412 Q809 +Q241215 P27 Q664 +Q242889 P264 Q1088453 +Q255463 P172 Q974693 +Q289847 P106 Q639669 +Q34713 P17 Q518101 +Q152764 P106 Q33999 +Q283700 P69 Q1026827 +Q240628 P26 Q10390 +Q145 P463 Q899770 +Q92635 P106 Q18844224 +Q45221 P19 Q1726 +Q302433 P69 Q1067870 +Q5816 P106 Q82955 +Q221594 P136 Q130232 +Q918443 P106 Q36180 +Q88223 P106 Q10800557 +Q67462 P106 Q901402 +Q338826 P106 Q49757 +Q363708 P26 Q262507 +Q78890 P1412 Q188 +Q7516 P106 Q33999 +Q108941 P509 Q12152 +Q174037 P69 Q13371 +Q2704774 P1412 Q188 +Q159552 P20 Q1748 +Q116359 P463 Q812155 +Q111436 P106 Q486748 +Q47478 P101 Q5891 +Q214642 P106 Q2526255 +Q689486 P69 Q1472245 +Q163662 P106 Q1930187 +Q76738 P101 Q34178 +Q238 P463 Q45177 +Q327240 P106 Q43845 +Q371403 P106 Q10798782 +Q67436 P106 Q4263842 +Q143945 P69 Q1431541 +Q122187 P1412 Q150 +Q191999 P108 Q13371 +Q28196 P136 Q130232 +Q312483 P1412 Q7737 +Q206832 P463 Q2822396 +Q705333 P27 Q30 +Q215 P530 Q38 +Q77728 P27 Q183 +Q60095 P20 Q1055 +Q181145 P27 Q15180 +Q334180 P1412 Q1321 +Q229775 P69 Q797078 +Q125488 P27 Q41304 +Q80504 P1412 Q7913 +Q439455 P20 Q90 +Q611586 P106 Q6625963 +Q139927 P161 Q316627 +Q115455 P27 Q222 +Q268615 P140 Q432 +Q367234 P19 Q36036 +Q26648 P69 Q193510 +Q128126 P463 Q463303 +Q672301 P108 Q28729082 +Q190884 P20 Q649 +Q74579 P161 Q174843 +Q1057003 P136 Q83270 +Q212123 P161 Q230534 +Q437254 P106 Q36180 +Q156539 P136 Q157394 +Q176537 P106 Q947873 +Q81627 P106 Q36180 +Q131259 P1412 Q1860 +Q962971 P101 Q8341 +Q430905 P106 Q33999 +Q835 P106 Q774306 +Q490938 P106 Q484876 +Q229735 P1303 Q17172850 +Q2161 P136 Q309 +Q238866 P136 Q663106 +Q1976514 P106 Q2722764 +Q58057 P102 Q310296 +Q345217 P1050 Q12206 +Q92946 P106 Q1622272 +Q6711 P463 Q463303 +Q705630 P20 Q65 +Q790 P463 Q842490 +Q267629 P27 Q30 +Q514424 P106 Q12406482 +Q214959 P1412 Q1860 +Q607825 P1412 Q7737 +Q87120 P27 Q30 +Q215721 P264 Q726251 +Q215735 P1412 Q150 +Q10953 P69 Q432637 +Q93514 P463 Q459620 +Q85510 P106 Q36180 +Q177131 P27 Q30 +Q1965416 P136 Q11366 +Q96898 P1412 Q188 +Q2086086 P106 Q13590141 +Q88029 P69 Q152087 +Q215730 P19 Q3104 +Q257953 P106 Q34074720 +Q183535 P106 Q13590141 +Q214344 P172 Q8060 +Q63317 P1412 Q188 +Q158092 P172 Q7325 +Q235519 P1412 Q1860 +Q113806 P106 Q1476215 +Q133356 P112 Q203493 +Q717250 P27 Q218 +Q455304 P19 Q258 +Q867599 P106 Q177220 +Q12750 P108 Q219615 +Q138850 P106 Q4964182 +Q473257 P136 Q182659 +Q26625 P106 Q36834 +Q443190 P102 Q256121 +Q128888 P1412 Q13955 +Q78270 P108 Q154804 +Q57554 P106 Q1622272 +Q9682 P463 Q123885 +Q678 P463 Q376150 +Q127548 P740 Q65 +Q2263 P106 Q2059704 +Q345325 P106 Q639669 +Q151118 P101 Q207628 +Q104358 P136 Q9759 +Q677843 P1412 Q150 +Q1050 P463 Q376150 +Q1689346 P106 Q43845 +Q769 P463 Q3369762 +Q93166 P106 Q28389 +Q229940 P106 Q639669 +Q1398507 P106 Q177220 +Q232109 P20 Q1337818 +Q456827 P27 Q172579 +Q243639 P106 Q2643890 +Q103109 P463 Q723551 +Q189081 P106 Q43845 +Q241835 P1412 Q652 +Q1386420 P3373 Q1804720 +Q182156 P27 Q34266 +Q1391397 P140 Q7066 +Q77 P530 Q40 +Q467817 P106 Q36180 +Q453472 P106 Q82955 +Q119840 P106 Q40348 +Q164784 P106 Q170790 +Q34816 P106 Q36180 +Q1785 P27 Q399 +Q92613 P106 Q36180 +Q238716 P106 Q18814623 +Q326177 P161 Q230320 +Q365199 P106 Q753110 +Q78999 P509 Q12152 +Q1742005 P20 Q16739 +Q219 P463 Q7825 +Q274277 P27 Q36 +Q443708 P463 Q83172 +Q453679 P27 Q142 +Q3075 P463 Q1768108 +Q79 P530 Q219 +Q78278 P27 Q183 +Q286525 P264 Q183412 +Q980151 P136 Q1344 +Q108553 P1412 Q188 +Q928 P37 Q1860 +Q207179 P106 Q11481802 +Q34743 P27 Q174193 +Q1293950 P106 Q81096 +Q102112 P1412 Q188 +Q238869 P1412 Q150 +Q65445 P106 Q215536 +Q912023 P106 Q36180 +Q76432 P69 Q152087 +Q34 P463 Q1065 +Q203840 P451 Q2071 +Q212965 P161 Q189490 +Q62845 P19 Q727 +Q304030 P161 Q134895 +Q234438 P106 Q10800557 +Q272092 P106 Q10800557 +Q69301 P69 Q309948 +Q296524 P106 Q10800557 +Q340074 P1412 Q9168 +Q70223 P106 Q193391 +Q697818 P69 Q31519 +Q203223 P106 Q639669 +Q25351 P27 Q43287 +Q42930 P106 Q948329 +Q161678 P136 Q52162262 +Q1885893 P69 Q501758 +Q41342 P106 Q33999 +Q123718 P1303 Q5994 +Q62857 P463 Q270794 +Q189694 P106 Q9017214 +Q133855 P106 Q4164507 +Q203843 P106 Q40348 +Q42122 P19 Q1754 +Q919367 P106 Q6168364 +Q267018 P161 Q133050 +Q556765 P1303 Q6607 +Q367073 P1412 Q1860 +Q547565 P1412 Q150 +Q439358 P1412 Q1860 +Q2449206 P106 Q15995642 +Q973488 P27 Q159 +Q230004 P27 Q145 +Q45338 P19 Q1726 +Q366671 P19 Q1085 +Q244 P530 Q1033 +Q60785 P106 Q36180 +Q106428 P136 Q130232 +Q737570 P27 Q145 +Q475733 P106 Q205375 +Q164702 P495 Q142 +Q354508 P20 Q79867 +Q455304 P1303 Q17172850 +Q29 P463 Q1928989 +Q807787 P19 Q1428 +Q60141 P108 Q152087 +Q313281 P136 Q8341 +Q458656 P136 Q959790 +Q773736 P1412 Q1860 +Q66216 P106 Q36180 +Q467333 P463 Q1468277 +Q1226480 P27 Q30 +Q298726 P1303 Q9798 +Q47162 P69 Q1059546 +Q5890 P161 Q313042 +Q330014 P106 Q36180 +Q41590 P20 Q1297 +Q4834218 P1050 Q11081 +Q257442 P106 Q10798782 +Q2563 P106 Q16533 +Q1649321 P20 Q18426 +Q75696 P69 Q317053 +Q27645 P737 Q374362 +Q255463 P106 Q11774202 +Q41269 P69 Q1059546 +Q618233 P27 Q30 +Q157318 P27 Q145 +Q64902 P108 Q32120 +Q68411 P69 Q153006 +Q276419 P106 Q10800557 +Q115 P530 Q34 +Q310116 P106 Q16323111 +Q3188007 P69 Q49088 +Q296609 P106 Q3282637 +Q741600 P106 Q855091 +Q1141280 P136 Q187760 +Q185007 P172 Q7325 +Q187857 P101 Q207628 +Q60093 P106 Q13582652 +Q93015 P463 Q253439 +Q28 P530 Q778 +Q29344 P19 Q47164 +Q117139 P106 Q488205 +Q163662 P463 Q463281 +Q902 P530 Q1033 +Q9513 P106 Q49757 +Q110695 P19 Q64 +Q119811 P1412 Q387066 +Q31786 P161 Q43252 +Q381307 P106 Q170790 +Q311804 P106 Q33999 +Q232774 P161 Q440910 +Q509341 P106 Q177220 +Q165721 P509 Q216169 +Q82238 P1303 Q6607 +Q237560 P101 Q1328508 +Q380243 P108 Q27923720 +Q114076 P161 Q232397 +Q92519 P19 Q4098 +Q15462 P1412 Q1860 +Q44653 P106 Q753110 +Q8573 P27 Q8733 +Q467027 P264 Q1088453 +Q57180 P463 Q4345832 +Q1341906 P509 Q188605 +Q125462 P108 Q659080 +Q98461 P106 Q1622272 +Q154691 P106 Q1930187 +Q47667 P106 Q1622272 +Q52922 P106 Q8246794 +Q512741 P106 Q188094 +Q464232 P264 Q64485314 +Q170576 P136 Q217191 +Q28 P530 Q1016 +Q70342 P108 Q186285 +Q175142 P106 Q10798782 +Q1886750 P136 Q37073 +Q918655 P69 Q1378320 +Q106508 P106 Q43845 +Q31073 P106 Q270389 +Q202319 P106 Q855091 +Q49601 P19 Q4191 +Q70417 P106 Q20198542 +Q219420 P69 Q5103452 +Q1157139 P27 Q30 +Q316884 P106 Q1930187 +Q234791 P1303 Q8343 +Q124505 P106 Q36180 +Q220423 P161 Q37175 +Q77476 P69 Q672420 +Q1046038 P106 Q36834 +Q343059 P69 Q49165 +Q311193 P106 Q486748 +Q1143660 P106 Q28389 +Q235305 P106 Q10798782 +Q737845 P106 Q36180 +Q92875 P463 Q463303 +Q71366 P106 Q1930187 +Q108006 P161 Q40791 +Q348351 P106 Q33999 +Q380425 P27 Q34266 +Q4413456 P17 Q30 +Q279057 P136 Q2484376 +Q78038 P106 Q3055126 +Q1195390 P106 Q639669 +Q153185 P106 Q169470 +Q685149 P69 Q49112 +Q11239 P140 Q23540 +Q1779 P106 Q753110 +Q231256 P20 Q456 +Q34 P530 Q20 +Q105118 P69 Q309350 +Q155398 P108 Q54096 +Q296616 P172 Q170826 +Q552053 P106 Q486748 +Q708284 P463 Q123885 +Q57501 P27 Q183 +Q60802 P106 Q10800557 +Q235519 P27 Q30 +Q215630 P102 Q49768 +Q187884 P106 Q33999 +Q108622 P40 Q313705 +Q232860 P69 Q523926 +Q63032 P106 Q188094 +Q310394 P27 Q30 +Q256354 P106 Q333634 +Q438608 P106 Q33999 +Q434500 P264 Q1881437 +Q77447 P106 Q214917 +Q442198 P108 Q2994538 +Q84992 P102 Q157537 +Q148 P530 Q1036 +Q544283 P106 Q177220 +Q467519 P264 Q64485314 +Q156902 P119 Q3806 +Q573405 P106 Q1622272 +Q189564 P140 Q1841 +Q58583 P1412 Q1321 +Q34424 P136 Q850412 +Q128633 P108 Q13371 +Q242577 P27 Q30 +Q4085141 P106 Q901 +Q207817 P1412 Q1617 +Q30937 P161 Q264418 +Q2861 P17 Q43287 +Q32522 P451 Q35332 +Q207359 P737 Q9235 +Q1031 P737 Q22670 +Q432806 P101 Q482 +Q235931 P106 Q639669 +Q573532 P108 Q13371 +Q607464 P106 Q18844224 +Q76738 P108 Q467025 +Q150630 P172 Q50001 +Q191040 P136 Q188473 +Q874481 P106 Q40348 +Q18456 P1412 Q188 +Q188648 P264 Q2338889 +Q180727 P19 Q65 +Q60296 P161 Q298347 +Q1666 P106 Q36834 +Q159917 P27 Q30 +Q117970 P451 Q317521 +Q161135 P106 Q10873124 +Q1041 P530 Q96 +Q44862 P1303 Q17172850 +Q32927 P106 Q33999 +Q104340 P106 Q245068 +Q110921 P69 Q152838 +Q952491 P1303 Q5994 +Q47152 P106 Q18844224 +Q167546 P106 Q55960555 +Q453679 P451 Q551597 +Q298694 P106 Q177220 +Q217557 P106 Q6625963 +Q971 P530 Q159 +Q85261 P106 Q2526255 +Q34628 P140 Q5043 +Q502325 P106 Q578109 +Q1353559 P1412 Q1860 +Q325422 P106 Q28389 +Q6096 P106 Q2252262 +Q272092 P106 Q33999 +Q76952 P509 Q12152 +Q64211 P136 Q369747 +Q593554 P69 Q49088 +Q270268 P106 Q36180 +Q65513 P27 Q183 +Q1339382 P106 Q10800557 +Q975210 P106 Q81096 +Q83906 P19 Q41819 +Q2482444 P69 Q216273 +Q704609 P69 Q1322403 +Q16053 P108 Q4345832 +Q1643790 P1412 Q188 +Q153776 P119 Q208175 +Q1439143 P69 Q34433 +Q437351 P27 Q30 +Q311755 P69 Q309350 +Q96532 P106 Q482980 +Q55388 P19 Q90 +Q232079 P161 Q131866 +Q215637 P27 Q2184 +Q241087 P106 Q36180 +Q106363 P27 Q16957 +Q168154 P161 Q164562 +Q302335 P551 Q65 +Q34 P530 Q1246 +Q380865 P509 Q12152 +Q34743 P106 Q28389 +Q359059 P106 Q488205 +Q228925 P106 Q10798782 +Q1181035 P136 Q8341 +Q4061 P136 Q83440 +Q183 P530 Q117 +Q237690 P106 Q10798782 +Q1044 P463 Q340195 +Q315118 P551 Q30 +Q233046 P27 Q27 +Q464232 P106 Q488205 +Q60052 P106 Q81096 +Q311193 P1303 Q52954 +Q98960 P106 Q3621491 +Q93028 P69 Q190080 +Q16581 P106 Q49757 +Q170530 P27 Q30 +Q289598 P136 Q130232 +Q134982 P1412 Q9309 +Q45374 P101 Q441 +Q633103 P106 Q639669 +Q955684 P172 Q49085 +Q1093318 P264 Q183412 +Q503710 P136 Q54365 +Q79503 P161 Q173399 +Q319896 P1412 Q9288 +Q1626134 P161 Q61322 +Q78526 P1303 Q8371 +Q145173 P106 Q2526255 +Q131412 P551 Q22 +Q741058 P102 Q29552 +Q57180 P1412 Q188 +Q77 P530 Q39 +Q347891 P20 Q90 +Q435681 P69 Q738258 +Q230190 P106 Q33999 +Q719623 P119 Q5933 +Q272224 P106 Q36180 +Q445372 P69 Q13371 +Q443403 P69 Q308963 +Q120085 P106 Q6625963 +Q219491 P106 Q28389 +Q76114 P27 Q183 +Q337090 P136 Q369747 +Q241735 P106 Q169470 +Q134180 P106 Q18814623 +Q391540 P161 Q40572 +Q518839 P106 Q1622272 +Q20995 P69 Q49117 +Q7351 P136 Q9730 +Q254022 P106 Q33999 +Q228968 P1303 Q5994 +Q560921 P106 Q49757 +Q95026 P106 Q639669 +Q51510 P106 Q214917 +Q678 P530 Q408 +Q60116 P19 Q72 +Q966690 P161 Q29250 +Q548964 P1412 Q9288 +Q123706 P1412 Q1860 +Q60126 P106 Q82955 +Q483907 P106 Q855091 +Q437927 P106 Q947873 +Q230993 P106 Q3282637 +Q55208 P27 Q142 +Q153670 P106 Q593644 +Q159 P530 Q1016 +Q126481 P1412 Q9288 +Q575886 P119 Q1053320 +Q183713 P20 Q48958 +Q1293950 P119 Q824 +Q352617 P106 Q36180 +Q313833 P106 Q1930187 +Q435330 P1303 Q6607 +Q962974 P106 Q36180 +Q217020 P161 Q372947 +Q83325 P26 Q158175 +Q41590 P1412 Q7913 +Q1622098 P106 Q1643514 +Q672 P463 Q496967 +Q1585614 P27 Q30 +Q89434 P106 Q214917 +Q1046038 P69 Q2045972 +Q104154 P463 Q3291340 +Q85411 P69 Q152087 +Q432806 P27 Q15180 +Q278997 P136 Q157394 +Q440996 P172 Q79797 +Q107914 P161 Q674451 +Q159250 P27 Q213 +Q71336 P19 Q2079 +Q34211 P106 Q81096 +Q342397 P102 Q79854 +Q286690 P106 Q2059704 +Q271846 P106 Q33999 +Q123140 P69 Q273631 +Q467423 P1303 Q3382191 +Q310170 P19 Q1297 +Q108454 P106 Q593644 +Q260318 P20 Q65 +Q65728 P27 Q43287 +Q934820 P1412 Q1860 +Q88821 P27 Q40 +Q127897 P495 Q30 +Q390063 P840 Q79 +Q106481 P509 Q212961 +Q60206 P509 Q476921 +Q244395 P106 Q193391 +Q461104 P108 Q31519 +Q312637 P69 Q209344 +Q103876 P172 Q170826 +Q313378 P106 Q36834 +Q50656 P106 Q4164507 +Q63078 P106 Q16267607 +Q187019 P136 Q482 +Q91436 P27 Q183 +Q301951 P136 Q208505 +Q83396 P40 Q275876 +Q901134 P463 Q3394637 +Q214677 P106 Q3282637 +Q423644 P106 Q169470 +Q110462 P1412 Q150 +Q76887 P509 Q175111 +Q118936 P27 Q29 +Q373948 P172 Q49085 +Q183337 P106 Q864503 +Q242956 P27 Q30 +Q124505 P27 Q39 +Q347 P37 Q188 +Q181659 P106 Q18844224 +Q234773 P106 Q11774156 +Q25186 P551 Q6106 +Q380467 P463 Q463303 +Q310060 P69 Q1185037 +Q1251733 P106 Q177220 +Q217008 P161 Q208681 +Q155 P530 Q399 +Q48226 P509 Q12192 +Q78528 P108 Q55038 +Q465290 P27 Q17 +Q380424 P27 Q212 +Q8027 P463 Q2839513 +Q207482 P161 Q355153 +Q311238 P106 Q488205 +Q105237 P106 Q36834 +Q119786 P106 Q36180 +Q192160 P161 Q580414 +Q334180 P106 Q1415090 +Q186264 P1412 Q150 +Q309835 P69 Q8008661 +Q123870 P1303 Q51290 +Q559567 P106 Q82955 +Q60487 P161 Q233433 +Q157176 P1412 Q809 +Q735560 P101 Q143 +Q333855 P69 Q223429 +Q944509 P106 Q193391 +Q313509 P106 Q1930187 +Q260947 P136 Q37073 +Q214930 P119 Q438199 +Q131074 P161 Q180338 +Q259254 P138 Q150916 +Q287644 P106 Q201788 +Q607 P27 Q30 +Q720005 P106 Q177220 +Q230 P530 Q408 +Q506006 P361 Q6354282 +Q170800 P106 Q214917 +Q1105367 P69 Q49088 +Q104514 P106 Q36834 +Q218031 P106 Q4351403 +Q477461 P106 Q177220 +Q967886 P463 Q1971373 +Q176455 P27 Q30 +Q154751 P69 Q54096 +Q343299 P106 Q10798782 +Q937 P737 Q355245 +Q25320 P106 Q169470 +Q310939 P69 Q34433 +Q222868 P136 Q860626 +Q457306 P102 Q29552 +Q2255438 P106 Q901 +Q324031 P1412 Q1860 +Q188100 P27 Q16 +Q242792 P106 Q10798782 +Q242557 P106 Q5716684 +Q1272729 P264 Q772494 +Q157131 P106 Q82955 +Q120626 P136 Q157443 +Q25191 P1412 Q1860 +Q28 P530 Q189 +Q77851 P69 Q151510 +Q742634 P106 Q81096 +Q97470 P19 Q1718 +Q357798 P27 Q28513 +Q4066893 P1412 Q150 +Q436978 P106 Q28389 +Q83807 P106 Q947873 +Q971735 P119 Q311 +Q1391397 P27 Q145 +Q3057567 P1412 Q188 +Q96290 P1412 Q188 +Q948 P463 Q233611 +Q181803 P161 Q210447 +Q350666 P20 Q65 +Q290312 P495 Q30 +Q311068 P551 Q11299 +Q182658 P106 Q36180 +Q187282 P106 Q16287483 +Q455236 P509 Q47912 +Q558582 P27 Q30 +Q1141825 P136 Q183504 +Q308711 P1412 Q7737 +Q221771 P106 Q28389 +Q234604 P69 Q49204 +Q266816 P20 Q2868 +Q656 P17 Q159 +Q275402 P106 Q10800557 +Q271690 P136 Q471839 +Q17 P463 Q1043527 +Q4593 P69 Q332342 +Q1512 P106 Q49757 +Q346801 P1303 Q302497 +Q298908 P106 Q3455803 +Q241735 P463 Q463303 +Q1382495 P136 Q11366 +Q75889 P106 Q6625963 +Q204323 P106 Q81096 +Q1687803 P106 Q639669 +Q309926 P106 Q855091 +Q580 P17 Q27306 +Q714602 P1303 Q17172850 +Q132162 P140 Q9089 +Q81131 P106 Q4610556 +Q123823 P1412 Q150 +Q316327 P20 Q90 +Q237331 P136 Q21010853 +Q189454 P106 Q4964182 +Q82083 P737 Q126596 +Q64655 P106 Q1622272 +Q974238 P136 Q850412 +Q337226 P106 Q36180 +Q77688 P106 Q2405480 +Q55375 P106 Q2526255 +Q266425 P20 Q65 +Q1151 P106 Q18814623 +Q128568 P69 Q391028 +Q92862 P106 Q11774202 +Q2895857 P1412 Q7976 +Q142999 P1412 Q397 +Q1173086 P136 Q203720 +Q2063048 P108 Q190080 +Q122614 P27 Q30 +Q541922 P1412 Q1860 +Q214466 P106 Q10800557 +Q59474 P106 Q484876 +Q61552 P106 Q10800557 +Q276620 P136 Q183504 +Q442721 P106 Q10798782 +Q69631 P106 Q2504617 +Q214549 P27 Q142 +Q148 P530 Q1029 +Q130742 P136 Q11399 +Q733640 P119 Q12404547 +Q241398 P106 Q4263842 +Q60145 P102 Q7320 +Q57477 P463 Q414163 +Q126472 P106 Q1622272 +Q332360 P463 Q939743 +Q57896 P102 Q153401 +Q317516 P19 Q23197 +Q62559 P106 Q11774202 +Q178403 P1412 Q1860 +Q314502 P69 Q4614 +Q48055 P1412 Q7737 +Q222720 P495 Q30 +Q106057 P509 Q12152 +Q5354 P463 Q543804 +Q162672 P161 Q1336685 +Q1019 P530 Q423 +Q223790 P106 Q10798782 +Q740378 P27 Q34266 +Q11806 P40 Q11816 +Q44775 P451 Q93614 +Q129629 P106 Q15981151 +Q48792 P69 Q49122 +Q209471 P106 Q28389 +Q154325 P106 Q169470 +Q161400 P161 Q57614 +Q313210 P1412 Q7737 +Q381420 P106 Q486748 +Q15615 P27 Q30 +Q83275 P1412 Q256 +Q219780 P106 Q82955 +Q381185 P19 Q270 +Q160640 P106 Q188094 +Q381827 P106 Q13582652 +Q1479971 P106 Q170790 +Q106221 P740 Q65 +Q276415 P495 Q16 +Q313185 P27 Q30 +Q378645 P27 Q172579 +Q976296 P27 Q34266 +Q677367 P135 Q667661 +Q255267 P1412 Q652 +Q62558 P106 Q33999 +Q229572 P106 Q2405480 +Q160534 P140 Q748 +Q1400917 P106 Q36180 +Q1711615 P106 Q386854 +Q61520 P27 Q39 +Q722347 P106 Q1622272 +Q1689414 P136 Q37073 +Q167997 P463 Q83172 +Q189947 P69 Q238101 +Q75555 P1412 Q7737 +Q230320 P1412 Q1860 +Q45789 P106 Q1622272 +Q373948 P1412 Q1860 +Q596717 P106 Q10800557 +Q87972 P106 Q36180 +Q361762 P27 Q414 +Q159933 P106 Q201788 +Q62765 P19 Q64 +Q504743 P27 Q29999 +Q213865 P106 Q16267607 +Q993267 P17 Q30 +Q325038 P106 Q15627169 +Q70871 P463 Q543804 +Q735399 P108 Q192964 +Q162688 P106 Q3055126 +Q319737 P27 Q145 +Q953450 P106 Q36834 +Q243643 P161 Q165219 +Q66023 P108 Q206702 +Q271426 P106 Q10798782 +Q71625 P108 Q152087 +Q215976 P106 Q36834 +Q155236 P106 Q177220 +Q11148 P452 Q11030 +Q327685 P136 Q188473 +Q128576 P106 Q2259451 +Q351705 P106 Q635734 +Q533970 P106 Q1930187 +Q148 P530 Q30 +Q95048 P69 Q174710 +Q359521 P1050 Q131755 +Q362687 P106 Q6665249 +Q45 P530 Q38 +Q313727 P106 Q10800557 +Q3847508 P27 Q145 +Q337185 P106 Q822146 +Q260879 P20 Q16558 +Q202211 P161 Q309980 +Q261990 P106 Q36180 +Q270747 P106 Q2405480 +Q529582 P19 Q60 +Q77959 P108 Q156725 +Q535972 P19 Q18419 +Q298777 P69 Q81087 +Q506102 P108 Q49210 +Q298694 P264 Q654283 +Q214831 P106 Q177220 +Q61696 P161 Q272994 +Q271006 P495 Q183 +Q184768 P161 Q41163 +Q57445 P102 Q49750 +Q345906 P106 Q36180 +Q313551 P27 Q142 +Q1391164 P106 Q33999 +Q1033 P530 Q183 +Q102289 P737 Q33760 +Q441628 P106 Q82955 +Q66343 P106 Q2004963 +Q400678 P101 Q309 +Q72971 P551 Q241 +Q377768 P106 Q158852 +Q4673 P106 Q10800557 +Q450412 P27 Q145 +Q238029 P106 Q33999 +Q90934 P106 Q639669 +Q60625 P106 Q1622272 +Q309835 P641 Q31920 +Q131864 P136 Q157443 +Q77428 P1412 Q150 +Q272595 P136 Q471839 +Q79 P530 Q262 +Q161135 P106 Q49757 +Q76409 P106 Q18939491 +Q51511 P69 Q190080 +Q232514 P19 Q2807 +Q580 P17 Q34266 +Q6107 P463 Q605778 +Q230203 P27 Q30 +Q77143 P136 Q37073 +Q59931 P136 Q2975633 +Q526407 P106 Q131524 +Q270601 P106 Q6625963 +Q7259 P40 Q451969 +Q78772 P27 Q40 +Q499339 P108 Q154561 +Q170572 P3373 Q310947 +Q270374 P106 Q33999 +Q203519 P102 Q79854 +Q59653 P840 Q406 +Q981489 P106 Q188094 +Q2579732 P102 Q29552 +Q103002 P1050 Q11085 +Q129288 P161 Q441913 +Q2908 P1412 Q150 +Q243771 P172 Q160894 +Q131259 P106 Q1259917 +Q190162 P106 Q3282637 +Q150281 P20 Q60 +Q65561 P20 Q1055 +Q188783 P40 Q609095 +Q72262 P40 Q258980 +Q205028 P136 Q1535153 +Q1585964 P108 Q37156 +Q573323 P106 Q639669 +Q169566 P136 Q132311 +Q195616 P69 Q49120 +Q183412 P452 Q746359 +Q242914 P136 Q373342 +Q709454 P27 Q30 +Q123174 P106 Q2259451 +Q187166 P106 Q49757 +Q366584 P106 Q10800557 +Q1032 P463 Q376150 +Q225852 P106 Q222344 +Q57124 P1412 Q809 +Q71631 P106 Q82955 +Q76501 P19 Q1773 +Q75539 P161 Q44063 +Q501697 P69 Q1206658 +Q232927 P1412 Q1860 +Q274604 P106 Q957729 +Q320588 P161 Q312077 +Q183 P530 Q1044 +Q40475 P20 Q60 +Q843 P463 Q656801 +Q92745 P1412 Q1860 +Q40475 P106 Q43845 +Q434555 P509 Q181754 +Q229430 P106 Q753110 +Q461540 P136 Q1342372 +Q93450 P106 Q214917 +Q598185 P106 Q36834 +Q267866 P136 Q157443 +Q267243 P19 Q1345 +Q81244 P20 Q84 +Q313528 P463 Q812155 +Q2233935 P40 Q449013 +Q43936 P106 Q169470 +Q236434 P106 Q10800557 +Q1027 P530 Q403 +Q907534 P27 Q30 +Q1101938 P106 Q183945 +Q318685 P106 Q33999 +Q743051 P106 Q36834 +Q202589 P140 Q7066 +Q2213516 P69 Q1026939 +Q1174641 P1412 Q1860 +Q108946 P136 Q959790 +Q237413 P106 Q6625963 +Q2046788 P69 Q28729082 +Q329716 P27 Q30 +Q350601 P19 Q24639 +Q215927 P1412 Q9288 +Q742079 P19 Q30 +Q443327 P106 Q855091 +Q1101195 P106 Q2722764 +Q14063 P106 Q36180 +Q241873 P27 Q30 +Q272064 P136 Q2297927 +Q12674 P106 Q81096 +Q96941 P19 Q1726 +Q108525 P136 Q17013749 +Q154014 P106 Q214917 +Q68121 P463 Q83172 +Q6709060 P27 Q30 +Q148383 P57 Q55218 +Q505850 P106 Q36180 +Q76837 P463 Q558439 +Q145627 P106 Q82955 +Q157044 P840 Q84 +Q133654 P840 Q1204 +Q188954 P27 Q30 +Q66709 P1412 Q1860 +Q79 P530 Q43 +Q179257 P136 Q45981 +Q272505 P20 Q60 +Q334180 P136 Q37073 +Q12786562 P106 Q81096 +Q209471 P102 Q29552 +Q1139628 P264 Q202440 +Q156193 P737 Q4700 +Q164813 P136 Q52162262 +Q181659 P106 Q482980 +Q71336 P106 Q36180 +Q11100 P19 Q1297 +Q132433 P106 Q36834 +Q215868 P106 Q1622272 +Q355384 P140 Q748 +Q1164355 P1303 Q6607 +Q863 P463 Q376150 +Q92871 P69 Q161562 +Q235351 P1412 Q652 +Q82049 P140 Q6423963 +Q1396681 P69 Q737835 +Q229268 P1412 Q1860 +Q221846 P840 Q771 +Q232468 P106 Q639669 +Q96248 P106 Q36180 +Q568256 P172 Q84072 +Q233046 P69 Q49124 +Q350700 P106 Q6168364 +Q440910 P69 Q168751 +Q314990 P106 Q2526255 +Q937537 P106 Q18814623 +Q440121 P641 Q5372 +Q869758 P136 Q483352 +Q42047 P136 Q52162262 +Q312407 P106 Q1028181 +Q131545 P27 Q28513 +Q436394 P26 Q216608 +Q95043 P102 Q29468 +Q314659 P106 Q2526255 +Q57737 P27 Q174193 +Q219060 P530 Q843 +Q441913 P1412 Q1860 +Q296887 P1412 Q150 +Q238432 P27 Q30 +Q2633060 P27 Q15180 +Q451812 P19 Q84 +Q12950 P106 Q23833535 +Q275967 P106 Q10800557 +Q202815 P463 Q329464 +Q971962 P27 Q801 +Q108553 P27 Q30 +Q253513 P106 Q33999 +Q83566 P1412 Q1321 +Q1382482 P102 Q79854 +Q15902 P27 Q145 +Q185888 P495 Q30 +Q228860 P106 Q183945 +Q91595 P3373 Q75186 +Q267306 P264 Q277626 +Q3430566 P27 Q30 +Q2514 P1412 Q9043 +Q110042 P106 Q201788 +Q69236 P27 Q183 +Q61761 P69 Q678982 +Q57848 P27 Q1206012 +Q528323 P136 Q11401 +Q93652 P27 Q40 +Q213865 P106 Q2004963 +Q53026 P1412 Q652 +Q112160 P106 Q15980158 +Q709935 P19 Q37836 +Q561401 P106 Q10798782 +Q931005 P27 Q30 +Q109943 P551 Q3920 +Q707460 P1303 Q8377 +Q125133 P140 Q1069127 +Q889 P463 Q376150 +Q465937 P69 Q28695 +Q83059 P108 Q131252 +Q77082 P20 Q13298 +Q190944 P106 Q188094 +Q109135 P840 Q22 +Q160627 P106 Q4773904 +Q3710088 P101 Q7754 +Q46633 P106 Q188094 +Q192529 P106 Q639669 +Q25139 P161 Q229487 +Q296244 P106 Q2259451 +Q259379 P1412 Q1860 +Q128560 P737 Q170509 +Q155419 P69 Q503473 +Q13909 P26 Q7516 +Q36 P463 Q782942 +Q102568 P106 Q49757 +Q149431 P495 Q30 +Q74315 P161 Q255577 +Q254038 P106 Q10800557 +Q362106 P1412 Q7918 +Q1770624 P19 Q65 +Q210741 P106 Q488205 +Q123334 P106 Q1622272 +Q58444 P106 Q10800557 +Q1265657 P106 Q2374149 +Q931005 P106 Q1930187 +Q1195390 P136 Q37073 +Q58866 P106 Q2526255 +Q310515 P106 Q33999 +Q78592 P106 Q36180 +Q7302 P27 Q12548 +Q336881 P106 Q8178443 +Q55449 P1303 Q52954 +Q96196 P106 Q205375 +Q962710 P106 Q36180 +Q270385 P161 Q230004 +Q716367 P27 Q30 +Q505517 P106 Q36834 +Q11816 P108 Q13371 +Q4894155 P106 Q170790 +Q106762 P101 Q2329 +Q142751 P136 Q369747 +Q30931 P495 Q145 +Q63228 P106 Q947873 +Q298360 P106 Q639669 +Q153185 P108 Q209842 +Q29213 P463 Q939743 +Q204338 P27 Q15180 +Q7542 P509 Q3505252 +Q351061 P106 Q183945 +Q373267 P57 Q47284 +Q184226 P737 Q9312 +Q78890 P463 Q150793 +Q978959 P106 Q6625963 +Q52627 P69 Q41506 +Q1699902 P106 Q245068 +Q72070 P106 Q36180 +Q153597 P27 Q884 +Q93187 P27 Q30 +Q19661 P140 Q7066 +Q128379 P106 Q10800557 +Q66031 P1412 Q188 +Q294586 P106 Q4610556 +Q261700 P161 Q233862 +Q55211 P19 Q3616 +Q236005 P106 Q2259451 +Q502963 P106 Q730242 +Q72787 P108 Q160302 +Q737922 P19 Q649 +Q159227 P27 Q213 +Q77204 P69 Q151510 +Q182727 P136 Q130232 +Q842633 P106 Q43845 +Q436463 P20 Q727 +Q9204 P737 Q868 +Q79031 P106 Q2405480 +Q191123 P102 Q210703 +Q158030 P19 Q406 +Q318292 P106 Q2526255 +Q337078 P161 Q311314 +Q77082 P69 Q165980 +Q61000 P108 Q43250 +Q195390 P509 Q2140674 +Q223271 P106 Q1234713 +Q259913 P106 Q10800557 +Q490464 P840 Q60 +Q154782 P69 Q318186 +Q313462 P106 Q10800557 +Q251338 P106 Q333634 +Q561835 P106 Q1930187 +Q221820 P495 Q30 +Q733850 P106 Q36180 +Q433608 P106 Q81096 +Q1049 P530 Q155 +Q71821 P106 Q2374149 +Q26702 P106 Q250867 +Q439314 P106 Q3282637 +Q743035 P106 Q40348 +Q387601 P136 Q52162262 +Q323060 P106 Q482980 +Q314382 P106 Q1350157 +Q66343 P69 Q156737 +Q456827 P1412 Q652 +Q221 P530 Q159 +Q439198 P106 Q10798782 +Q75220 P1412 Q188 +Q553543 P264 Q202585 +Q7259 P106 Q36180 +Q134133 P106 Q10800557 +Q1066965 P106 Q806349 +Q94301 P159 Q1930 +Q230 P530 Q1016 +Q9200 P106 Q133485 +Q240804 P159 Q84 +Q202211 P57 Q51506 +Q511399 P551 Q31487 +Q7747 P551 Q656 +Q240933 P264 Q212699 +Q312969 P106 Q205375 +Q191074 P840 Q1028 +Q236217 P840 Q90 +Q726295 P106 Q177220 +Q61863 P20 Q64 +Q451630 P161 Q73362 +Q45221 P106 Q36180 +Q81685 P106 Q1930187 +Q72682 P108 Q156737 +Q148 P463 Q19771 +Q981856 P19 Q145 +Q202878 P119 Q60 +Q88194 P140 Q55004488 +Q843 P530 Q155 +Q204996 P106 Q1234713 +Q242387 P106 Q10800557 +Q239565 P106 Q177220 +Q49017 P106 Q3282637 +Q309932 P106 Q2405480 +Q391542 P495 Q408 +Q449525 P136 Q45981 +Q53549 P27 Q30 +Q215142 P108 Q310695 +Q9438 P737 Q9200 +Q942923 P106 Q43845 +Q185002 P106 Q183945 +Q229957 P106 Q1930187 +Q61879 P140 Q7066 +Q9570 P27 Q129286 +Q697741 P106 Q193391 +Q362616 P106 Q10800557 +Q324757 P106 Q177220 +Q931607 P1412 Q1860 +Q103646 P106 Q2059704 +Q61863 P108 Q152087 +Q863049 P106 Q1028181 +Q4451565 P106 Q901 +Q159054 P161 Q310515 +Q974023 P27 Q145 +Q228868 P27 Q30 +Q94018 P106 Q36180 +Q265031 P106 Q10800557 +Q194419 P106 Q557880 +Q316850 P106 Q1075651 +Q744689 P108 Q13371 +Q62757 P106 Q39631 +Q481482 P108 Q593321 +Q22222 P106 Q40348 +Q339425 P161 Q346833 +Q401645 P3373 Q183187 +Q12303639 P1412 Q1860 +Q212064 P106 Q10798782 +Q209913 P161 Q237331 +Q89404 P27 Q30 +Q42402 P264 Q38903 +Q313652 P69 Q1051840 +Q105220 P69 Q32120 +Q1292110 P106 Q43845 +Q91461 P102 Q153401 +Q242571 P463 Q1468277 +Q801 P530 Q403 +Q434763 P19 Q1297 +Q584197 P20 Q1486 +Q219421 P136 Q157394 +Q2538 P106 Q82955 +Q233085 P106 Q2259451 +Q317521 P106 Q81096 +Q296729 P264 Q1124061 +Q964355 P1412 Q1321 +Q517 P1050 Q41571 +Q163593 P106 Q488205 +Q42747 P140 Q9592 +Q210364 P136 Q1200678 +Q1508451 P27 Q30 +Q11609 P463 Q209184 +Q2706204 P1303 Q6607 +Q877858 P106 Q639669 +Q14538 P106 Q855091 +Q169982 P106 Q33999 +Q179051 P106 Q10798782 +Q244333 P840 Q65 +Q192655 P264 Q155152 +Q346532 P106 Q81096 +Q184 P530 Q217 +Q52392 P106 Q177220 +Q444250 P106 Q753110 +Q2218967 P106 Q47064 +Q77555 P27 Q34 +Q159690 P840 Q1741 +Q429397 P161 Q442310 +Q105273 P463 Q18650004 +Q103562 P108 Q154561 +Q1626025 P106 Q4991371 +Q896136 P1412 Q188 +Q460876 P172 Q678551 +Q304609 P161 Q313046 +Q157245 P69 Q21578 +Q59474 P108 Q215392 +Q1342470 P106 Q486748 +Q551570 P27 Q142 +Q92663 P463 Q127992 +Q458215 P119 Q1517387 +Q221090 P136 Q20443008 +Q34933 P509 Q12078 +Q27925670 P20 Q90 +Q173347 P463 Q123885 +Q47651 P509 Q212961 +Q909001 P69 Q80207 +Q668 P530 Q836 +Q114115 P161 Q55294 +Q292081 P136 Q37073 +Q82984 P27 Q142 +Q380407 P106 Q43845 +Q386349 P27 Q30 +Q228899 P106 Q177220 +Q221949 P161 Q317343 +Q155419 P106 Q40348 +Q453472 P1412 Q9299 +Q69108 P106 Q33999 +Q125663 P106 Q333634 +Q963 P530 Q159 +Q664909 P264 Q1546001 +Q275120 P161 Q320073 +Q887993 P509 Q12152 +Q1163944 P27 Q159 +Q92743 P27 Q30 +Q61073 P101 Q1071 +Q98124 P1412 Q188 +Q6527 P27 Q23366230 +Q221546 P27 Q30 +Q1538 P37 Q1568 +Q126281 P161 Q6255748 +Q606389 P509 Q47912 +Q246970 P136 Q37073 +Q347528 P136 Q9730 +Q47007 P106 Q201788 +Q1130554 P136 Q37073 +Q1395732 P27 Q794 +Q41749 P106 Q28389 +Q443534 P1412 Q1860 +Q72262 P106 Q2259451 +Q215976 P106 Q10798782 +Q55497 P1303 Q17172850 +Q55836 P20 Q270 +Q4473 P551 Q3143067 +Q218 P463 Q42262 +Q49001 P264 Q2338889 +Q3986379 P495 Q30 +Q134180 P106 Q33999 +Q9204 P19 Q10686 +Q359331 P27 Q30 +Q204810 P106 Q18814623 +Q106428 P161 Q188100 +Q71447 P106 Q1930187 +Q455421 P106 Q23833535 +Q242717 P463 Q463303 +Q213562 P27 Q183 +Q192348 P463 Q338432 +Q83542 P161 Q236010 +Q210740 P106 Q6625963 +Q236939 P106 Q1930187 +Q82066 P27 Q668 +Q65475 P69 Q153978 +Q77688 P106 Q36180 +Q399 P30 Q46 +Q766403 P108 Q216047 +Q51603 P106 Q177220 +Q45909 P136 Q1641839 +Q75828 P463 Q337555 +Q921 P530 Q252 +Q408 P530 Q159 +Q203264 P20 Q915 +Q5959091 P119 Q311 +Q1342470 P1303 Q52954 +Q19200 P106 Q36834 +Q529639 P106 Q6625963 +Q55 P463 Q8475 +Q40187 P161 Q483118 +Q239464 P106 Q10800557 +Q60884 P106 Q4164507 +Q154194 P407 Q1860 +Q231071 P106 Q177220 +Q229330 P106 Q33999 +Q238305 P27 Q30 +Q659238 P27 Q30 +Q374582 P106 Q16145150 +Q9047 P19 Q2079 +Q400046 P106 Q2259451 +Q76399 P106 Q10800557 +Q257217 P172 Q678551 +Q156796 P106 Q10798782 +Q72925 P161 Q362332 +Q30 P530 Q858 +Q168452 P108 Q273626 +Q230141 P106 Q37226 +Q466477 P20 Q8684 +Q167429 P19 Q1781 +Q105387 P161 Q1366460 +Q149431 P161 Q265661 +Q277180 P27 Q45 +Q805 P530 Q230 +Q352233 P106 Q11481802 +Q213 P463 Q1928989 +Q30 P530 Q1014 +Q235223 P136 Q203720 +Q38392 P106 Q214917 +Q463768 P161 Q223033 +Q72971 P102 Q153401 +Q336881 P1412 Q1860 +Q83059 P172 Q7325 +Q92115 P69 Q55044 +Q463184 P264 Q202440 +Q55704 P551 Q1156 +Q239739 P27 Q30 +Q464474 P106 Q1028181 +Q266057 P27 Q30 +Q78367 P19 Q1726 +Q726607 P108 Q194223 +Q372073 P106 Q10798782 +Q59630 P509 Q12078 +Q58620 P1412 Q188 +Q351705 P509 Q12204 +Q77615 P106 Q9352089 +Q62046 P463 Q543804 +Q183266 P106 Q37226 +Q358306 P106 Q10800557 +Q475004 P27 Q34266 +Q157208 P140 Q6423963 +Q77087 P3373 Q71819 +Q800 P463 Q656801 +Q44205 P106 Q189290 +Q607448 P136 Q9759 +Q183 P530 Q1045 +Q442897 P106 Q3282637 +Q544472 P106 Q6430706 +Q912 P37 Q150 +Q306403 P69 Q797078 +Q234436 P27 Q27 +Q181 P737 Q132524 +Q365550 P27 Q30 +Q277976 P19 Q340 +Q75914 P1412 Q188 +Q262314 P1303 Q6607 +Q32678 P69 Q13371 +Q84998 P102 Q689018 +Q245355 P106 Q214917 +Q505994 P106 Q486748 +Q539458 P108 Q1137404 +Q168704 P106 Q1281618 +Q668 P530 Q79 +Q334665 P1412 Q7737 +Q57106 P1412 Q256 +Q159481 P551 Q6986 +Q85118 P106 Q947873 +Q435878 P106 Q33999 +Q83003 P27 Q172579 +Q1606016 P106 Q205375 +Q35149 P463 Q337555 +Q728991 P106 Q36180 +Q99294 P1303 Q17172850 +Q113928 P463 Q329464 +Q602137 P106 Q214917 +Q163042 P19 Q44989 +Q106175 P69 Q797078 +Q102225 P161 Q105682 +Q202585 P749 Q770103 +Q1750532 P106 Q183945 +Q114191 P20 Q1721 +Q722395 P106 Q16323111 +Q155390 P108 Q317053 +Q318694 P136 Q193355 +Q350903 P27 Q30 +Q207588 P161 Q193278 +Q150662 P19 Q39984 +Q294647 P106 Q10798782 +Q1153913 P136 Q206159 +Q242707 P26 Q103343 +Q220269 P106 Q201788 +Q331123 P19 Q84 +Q835 P27 Q15180 +Q236229 P1303 Q5994 +Q107914 P495 Q183 +Q150651 P140 Q7066 +Q313043 P106 Q2259451 +Q561147 P1412 Q1321 +Q345538 P106 Q43845 +Q1245769 P1412 Q397 +Q73768 P69 Q35794 +Q218 P463 Q1065 +Q470543 P19 Q1891 +Q1174641 P69 Q49108 +Q70737 P20 Q3806 +Q78999 P20 Q1741 +Q160783 P19 Q90 +Q229263 P551 Q65 +Q1000051 P1412 Q1860 +Q80046 P551 Q65 +Q67436 P1412 Q188 +Q261456 P20 Q90 +Q171969 P106 Q121594 +Q982047 P108 Q35794 +Q345217 P106 Q822146 +Q52924 P27 Q34 +Q731108 P106 Q43845 +Q310464 P463 Q463281 +Q435290 P3373 Q1938740 +Q740036 P106 Q177220 +Q388286 P1303 Q6607 +Q72287 P27 Q183 +Q310580 P136 Q11366 +Q766930 P106 Q753110 +Q96669 P20 Q1486 +Q151917 P69 Q174570 +Q25023 P20 Q33935 +Q51570 P1050 Q11085 +Q27925670 P106 Q644687 +Q49452 P106 Q2095549 +Q19198 P509 Q175111 +Q983450 P69 Q81162 +Q584850 P106 Q36180 +Q355835 P106 Q2526255 +Q521350 P108 Q49117 +Q89491 P463 Q46703 +Q157259 P102 Q108700 +Q2482444 P69 Q81162 +Q270123 P264 Q387539 +Q104302 P17 Q172107 +Q145480 P1412 Q1860 +Q346801 P27 Q30 +Q60087 P106 Q82955 +Q307440 P106 Q18814623 +Q633 P1303 Q5994 +Q63486 P20 Q1794 +Q26207 P108 Q174570 +Q137042 P264 Q193023 +Q340814 P161 Q310318 +Q8646 P463 Q8475 +Q173869 P106 Q49757 +Q421471 P106 Q2259451 +Q70650 P106 Q2306091 +Q89433 P108 Q192775 +Q175600 P495 Q142 +Q144622 P264 Q203059 +Q333460 P551 Q1156 +Q303040 P161 Q256884 +Q440388 P106 Q158852 +Q316022 P108 Q217365 +Q85034 P106 Q482980 +Q1248240 P463 Q337555 +Q691 P463 Q842490 +Q115674 P106 Q28389 +Q53003 P106 Q3282637 +Q1514 P136 Q9759 +Q160333 P69 Q1878600 +Q215856 P463 Q150793 +Q110379 P106 Q3282637 +Q233 P530 Q865 +Q41408 P1412 Q1321 +Q372959 P161 Q314834 +Q200464 P30 Q46 +Q40475 P509 Q212961 +Q178653 P19 Q456 +Q164979 P101 Q11629 +Q135640 P1412 Q188 +Q77708 P106 Q18844224 +Q93031 P463 Q958769 +Q108297 P161 Q165357 +Q78864 P463 Q939743 +Q380118 P1412 Q9176 +Q296872 P3373 Q176537 +Q158474 P495 Q183 +Q311684 P108 Q174570 +Q270268 P20 Q597 +Q232000 P136 Q645928 +Q101638 P551 Q25 +Q151872 P106 Q14467526 +Q796 P530 Q805 +Q2577771 P69 Q49112 +Q55 P530 Q148 +Q191305 P106 Q4263842 +Q434745 P106 Q488205 +Q1934904 P17 Q159 +Q168419 P463 Q337526 +Q57285 P463 Q152222 +Q1064423 P69 Q230492 +Q1386188 P69 Q217741 +Q944159 P264 Q43327 +Q314646 P69 Q457281 +Q577508 P106 Q11499147 +Q299324 P106 Q33999 +Q240849 P136 Q471839 +Q204299 P106 Q2259451 +Q32849 P136 Q37073 +Q103946 P1412 Q1860 +Q1928543 P106 Q855091 +Q59259 P106 Q33999 +Q315087 P3373 Q237659 +Q258980 P106 Q2526255 +Q526406 P106 Q488205 +Q123334 P102 Q662377 +Q1238180 P40 Q464232 +Q447831 P106 Q193391 +Q470841 P106 Q2526255 +Q309289 P495 Q145 +Q16389 P1050 Q11081 +Q269890 P140 Q678551 +Q337206 P106 Q1415090 +Q358714 P27 Q30 +Q142768 P69 Q14404494 +Q215 P530 Q79 +Q187154 P495 Q30 +Q70767 P102 Q153401 +Q50003 P19 Q220 +Q470572 P407 Q1860 +Q183337 P463 Q463303 +Q196004 P161 Q191132 +Q188093 P106 Q36180 +Q426582 P27 Q30 +Q702111 P69 Q168751 +Q310819 P20 Q846421 +Q374034 P106 Q189290 +Q362371 P1303 Q17172850 +Q102341 P106 Q33999 +Q729541 P106 Q214917 +Q28656886 P106 Q1281618 +Q34660 P106 Q28389 +Q167265 P161 Q83338 +Q1398834 P27 Q21 +Q319342 P136 Q128758 +Q52583 P1303 Q17172850 +Q68126 P27 Q36 +Q81447 P106 Q18844224 +Q376477 P27 Q30 +Q328814 P106 Q28389 +Q84053 P264 Q183387 +Q19796 P20 Q8646 +Q38 P530 Q414 +Q464277 P106 Q177220 +Q1526406 P106 Q82955 +Q27 P530 Q739 +Q12940 P69 Q859363 +Q48978 P136 Q1298934 +Q104183 P20 Q60 +Q2632 P106 Q177220 +Q442721 P106 Q36834 +Q44580 P27 Q43287 +Q2831 P172 Q49085 +Q95367 P102 Q148861 +Q71548 P27 Q183 +Q430893 P20 Q18419 +Q4077 P17 Q7318 +Q45970 P1412 Q150 +Q381734 P27 Q20 +Q77824 P27 Q183 +Q4894155 P463 Q11993457 +Q124617 P119 Q1130019 +Q265270 P27 Q30 +Q467378 P69 Q969850 +Q108283 P27 Q30 +Q369388 P136 Q130232 +Q406854 P27 Q212 +Q1629187 P463 Q123885 +Q51566 P106 Q10800557 +Q925240 P106 Q4964182 +Q216582 P106 Q49757 +Q237821 P108 Q13371 +Q80739 P106 Q28389 +Q108970 P27 Q183 +Q117783 P106 Q36180 +Q90288 P19 Q1741 +Q769 P463 Q842490 +Q305106 P106 Q3400985 +Q55174 P69 Q49126 +Q115780 P20 Q70 +Q925493 P27 Q213 +Q271054 P27 Q142 +Q59824 P19 Q12439 +Q164401 P463 Q253439 +Q780842 P102 Q29468 +Q154581 P161 Q185079 +Q161877 P172 Q49085 +Q19356 P136 Q130232 +Q104123 P161 Q191132 +Q372959 P161 Q95002 +Q715787 P509 Q212961 +Q437710 P140 Q1841 +Q57241 P106 Q188094 +Q7243 P737 Q859 +Q162331 P840 Q90 +Q902 P530 Q794 +Q313874 P495 Q183 +Q57063 P1412 Q9067 +Q68137 P1412 Q188 +Q714526 P20 Q9248 +Q217010 P161 Q235719 +Q82519 P161 Q276167 +Q3370728 P106 Q177220 +Q40321 P106 Q245068 +Q684808 P27 Q217 +Q317358 P106 Q13382533 +Q65504 P106 Q214917 +Q393407 P106 Q1930187 +Q973755 P136 Q11399 +Q241754 P1412 Q1860 +Q163872 P136 Q1535153 +Q76432 P463 Q684415 +Q88914 P1412 Q188 +Q119719 P1412 Q188 +Q220713 P161 Q362236 +Q294773 P106 Q214917 +Q152388 P27 Q183 +Q1785 P106 Q49757 +Q66379 P106 Q635734 +Q359996 P27 Q96 +Q161678 P161 Q215017 +Q207947 P106 Q36834 +Q86553 P119 Q3006253 +Q210590 P495 Q30 +Q958578 P106 Q15981151 +Q159 P463 Q7809 +Q77682 P106 Q36180 +Q75523 P106 Q82955 +Q10520 P140 Q5043 +Q232333 P106 Q33999 +Q783 P463 Q191384 +Q135481 P106 Q4773904 +Q467482 P106 Q1622272 +Q8007 P1412 Q150 +Q879316 P69 Q49114 +Q414 P530 Q148 +Q78885 P551 Q490 +Q119786 P19 Q2910 +Q104154 P463 Q191583 +Q679007 P136 Q58339 +Q83359 P69 Q1033692 +Q292081 P106 Q10800557 +Q70396 P106 Q4263842 +Q36105 P106 Q10800557 +Q95076 P106 Q36180 +Q34981 P106 Q1930187 +Q234207 P106 Q2405480 +Q314843 P106 Q1930187 +Q319996 P136 Q492264 +Q126067 P19 Q2814 +Q3298815 P19 Q16563 +Q60217 P106 Q4964182 +Q63962 P1412 Q188 +Q79 P530 Q796 +Q36844 P264 Q654283 +Q978959 P106 Q1930187 +Q342723 P106 Q2722764 +Q434915 P1303 Q6607 +Q190628 P140 Q682443 +Q211730 P1303 Q17172850 +Q354158 P136 Q8341 +Q88937 P509 Q181754 +Q237527 P136 Q9759 +Q56094 P69 Q7864046 +Q702508 P1303 Q17172850 +Q3754146 P1412 Q150 +Q274277 P509 Q12078 +Q519851 P106 Q14467526 +Q79034 P106 Q11900058 +Q1803878 P19 Q47716 +Q36 P530 Q184 +Q620732 P19 Q649 +Q193803 P108 Q375606 +Q1930941 P106 Q36180 +Q60465 P509 Q47912 +Q419 P463 Q123759 +Q182373 P161 Q81328 +Q1209649 P509 Q12152 +Q163211 P264 Q165745 +Q106209 P69 Q152087 +Q213793 P1303 Q5994 +Q318198 P106 Q1930187 +Q6538 P106 Q1028181 +Q5752 P106 Q901402 +Q553276 P264 Q3716272 +Q8877 P26 Q235020 +Q217160 P106 Q131524 +Q464474 P136 Q182357 +Q69198 P463 Q700570 +Q188459 P40 Q169946 +Q95048 P106 Q33999 +Q159646 P463 Q337555 +Q266611 P106 Q1930187 +Q102822 P463 Q329464 +Q163038 P136 Q20442589 +Q79025 P136 Q192239 +Q528742 P101 Q482 +Q774 P530 Q801 +Q401182 P106 Q4351403 +Q118061 P463 Q49738 +Q273568 P495 Q183 +Q201607 P136 Q11401 +Q2587669 P463 Q1493021 +Q516716 P264 Q1153032 +Q4263553 P27 Q15180 +Q699605 P108 Q190080 +Q130355 P106 Q177220 +Q180224 P106 Q36834 +Q62686 P463 Q83172 +Q783 P530 Q155 +Q4834218 P106 Q3427922 +Q271059 P106 Q10800557 +Q1355431 P264 Q377453 +Q288150 P161 Q114179 +Q44736 P106 Q10800557 +Q96250 P27 Q183 +Q1266083 P19 Q11299 +Q188384 P136 Q157394 +Q179825 P140 Q432 +Q376807 P136 Q157443 +Q38757 P106 Q36180 +Q180589 P1412 Q150 +Q49524 P19 Q1490 +Q105460 P1412 Q1860 +Q314990 P106 Q28389 +Q316957 P19 Q64 +Q231948 P106 Q12144794 +Q134180 P463 Q812155 +Q887111 P108 Q230492 +Q389548 P840 Q100 +Q335544 P106 Q11774202 +Q72334 P737 Q220480 +Q159481 P27 Q183 +Q801 P530 Q115 +Q207873 P106 Q2259451 +Q216266 P26 Q274608 +Q1353064 P463 Q463303 +Q100937 P27 Q30 +Q245208 P161 Q259446 +Q225885 P495 Q30 +Q67511 P106 Q40348 +Q55767 P106 Q4853732 +Q213567 P27 Q27 +Q1058562 P106 Q2526255 +Q214357 P108 Q192334 +Q317539 P106 Q2526255 +Q47906 P1412 Q188 +Q924053 P140 Q7066 +Q822666 P106 Q39631 +Q505871 P106 Q188094 +Q187516 P106 Q82955 +Q318938 P106 Q33999 +Q1542119 P159 Q60 +Q540516 P27 Q148 +Q97771 P106 Q1930187 +Q335556 P1412 Q1860 +Q68411 P106 Q16287483 +Q145 P463 Q656801 +Q259379 P27 Q30 +Q12571 P106 Q36180 +Q60259 P106 Q214917 +Q253845 P1303 Q5994 +Q1037 P361 Q7159 +Q124697 P495 Q142 +Q72276 P161 Q2680 +Q27204 P840 Q189074 +Q390063 P840 Q60 +Q293696 P264 Q645889 +Q104049 P106 Q193391 +Q313653 P106 Q2405480 +Q239818 P106 Q2259451 +Q3720507 P1412 Q1860 +Q200586 P106 Q36834 +Q11885 P136 Q11399 +Q236066 P136 Q37073 +Q211730 P551 Q84 +Q170515 P136 Q21590660 +Q313727 P106 Q214917 +Q1370873 P20 Q60 +Q6714 P106 Q36180 +Q90319 P27 Q183 +Q41117 P1412 Q9176 +Q37217 P108 Q4345832 +Q28 P530 Q843 +Q360313 P69 Q389336 +Q76696 P1412 Q188 +Q193676 P106 Q639669 +Q76412 P20 Q1055 +Q53300 P106 Q193391 +Q154809 P509 Q12202 +Q48051 P69 Q1934911 +Q238383 P19 Q44989 +Q67177 P27 Q34 +Q110960 P108 Q55038 +Q189665 P106 Q16287483 +Q63189 P106 Q10800557 +Q70087 P69 Q154804 +Q320025 P69 Q4614 +Q376807 P161 Q350405 +Q1726 P463 Q812378 +Q465511 P106 Q1622272 +Q220480 P69 Q167733 +Q489854 P1303 Q128309 +Q364873 P106 Q131512 +Q1389258 P1412 Q7850 +Q241873 P551 Q65 +Q91865 P106 Q1622272 +Q448837 P19 Q23556 +Q76625 P463 Q49738 +Q13888 P106 Q3387717 +Q386714 P161 Q440102 +Q457687 P106 Q214917 +Q574400 P106 Q189290 +Q365 P463 Q1768108 +Q9391 P737 Q38193 +Q169000 P136 Q188473 +Q319871 P27 Q30 +Q1026532 P108 Q49109 +Q1280288 P106 Q40348 +Q108935 P69 Q993267 +Q234750 P136 Q484641 +Q80222 P463 Q329464 +Q35686 P102 Q29468 +Q971 P530 Q183 +Q76197 P27 Q183 +Q168721 P106 Q10798782 +Q3834 P463 Q1768108 +Q414 P463 Q7825 +Q1173729 P106 Q806349 +Q86105 P27 Q183 +Q3040690 P106 Q1622272 +Q782738 P106 Q82955 +Q724883 P106 Q1930187 +Q536102 P119 Q311 +Q82104 P108 Q658626 +Q438475 P19 Q1741 +Q430849 P172 Q49085 +Q298908 P106 Q2405480 +Q235515 P106 Q6625963 +Q41754 P136 Q157394 +Q105756 P737 Q4985 +Q276170 P106 Q639669 +Q208869 P106 Q18814623 +Q188955 P106 Q28389 +Q260969 P20 Q1524 +Q2582 P509 Q189588 +Q335629 P1050 Q131755 +Q5950 P106 Q33999 +Q60153 P19 Q1017 +Q161687 P161 Q106481 +Q269912 P840 Q99 +Q145 P463 Q42262 +Q37767 P108 Q131252 +Q56011 P106 Q28389 +Q108097 P106 Q5716684 +Q689486 P106 Q170790 +Q234604 P106 Q36180 +Q76895 P102 Q29552 +Q503147 P108 Q2370801 +Q219717 P27 Q30 +Q295923 P264 Q847018 +Q135645 P106 Q36180 +Q1439592 P106 Q82594 +Q77020 P106 Q201788 +Q7939652 P1412 Q1860 +Q192331 P20 Q5332 +Q177610 P19 Q1781 +Q544508 P106 Q36180 +Q912791 P20 Q387047 +Q178549 P136 Q37073 +Q30 P463 Q81299 +Q287805 P106 Q8246794 +Q93356 P106 Q333634 +Q267772 P106 Q10798782 +Q126927 P19 Q16568 +Q402194 P136 Q37073 +Q186111 P106 Q131524 +Q343510 P69 Q49120 +Q801 P530 Q31 +Q331425 P27 Q36 +Q65121 P19 Q1715 +Q468345 P106 Q593644 +Q228186 P161 Q312098 +Q357961 P463 Q4742987 +Q62725 P108 Q152087 +Q369900 P161 Q40026 +Q334670 P264 Q330629 +Q108009 P106 Q1622272 +Q2750257 P101 Q101333 +Q952491 P264 Q165745 +Q4514164 P106 Q169470 +Q380381 P264 Q330629 +Q432552 P19 Q18426 +Q118061 P106 Q82955 +Q755 P140 Q9592 +Q310819 P106 Q28389 +Q51581 P106 Q28389 +Q706999 P463 Q1425328 +Q36 P463 Q826700 +Q3335 P106 Q11774202 +Q180395 P161 Q196560 +Q30449 P27 Q16 +Q218690 P106 Q333634 +Q989 P509 Q12152 +Q545375 P27 Q16 +Q708007 P106 Q639669 +Q122614 P69 Q49213 +Q213794 P27 Q30 +Q36881 P509 Q389735 +Q429963 P27 Q30 +Q44646 P106 Q36180 +Q142 P463 Q37470 +Q66543 P106 Q81096 +Q112929 P27 Q40 +Q358306 P1412 Q1860 +Q302817 P1412 Q1860 +Q152520 P106 Q2914170 +Q98110 P106 Q15980158 +Q319527 P20 Q90 +Q7604 P69 Q372608 +Q194280 P69 Q309350 +Q228692 P19 Q60 +Q217010 P136 Q1054574 +Q188117 P172 Q49085 +Q194280 P451 Q435826 +Q833 P530 Q1027 +Q156133 P106 Q2722764 +Q661848 P1412 Q1321 +Q112378 P106 Q2462658 +Q38294 P140 Q9592 +Q633 P26 Q207596 +Q58758 P69 Q151510 +Q292043 P106 Q4263842 +Q728959 P463 Q463303 +Q204338 P20 Q649 +Q215215 P264 Q664167 +Q132952 P172 Q678551 +Q41269 P108 Q273523 +Q128888 P140 Q9268 +Q433044 P106 Q177220 +Q321454 P161 Q275050 +Q49498 P840 Q60 +Q3189110 P106 Q49757 +Q115 P530 Q865 +Q507864 P264 Q585643 +Q259461 P106 Q4610556 +Q261700 P161 Q169963 +Q952737 P106 Q1607826 +Q207130 P161 Q287824 +Q1371735 P1303 Q46185 +Q223596 P161 Q223786 +Q71616 P69 Q672420 +Q84455 P27 Q40 +Q86886 P19 Q1733 +Q11132 P463 Q466089 +Q2429435 P69 Q55044 +Q236212 P136 Q37073 +Q133855 P551 Q220 +Q313981 P463 Q1468277 +Q272960 P1412 Q1860 +Q726607 P106 Q1930187 +Q354141 P106 Q10800557 +Q36949 P1412 Q1860 +Q219150 P136 Q130232 +Q201459 P106 Q3501317 +Q29418 P1412 Q1860 +Q139933 P1303 Q6607 +Q264610 P106 Q177220 +Q53040 P1412 Q652 +Q57236 P19 Q1794 +Q237196 P737 Q1512 +Q236848 P106 Q36180 +Q107422 P106 Q170790 +Q152824 P69 Q209842 +Q809420 P106 Q4964182 +Q170333 P19 Q1055 +Q153178 P20 Q90 +Q127984 P106 Q36180 +Q444509 P140 Q7066 +Q193273 P106 Q10800557 +Q3640 P30 Q48 +Q310638 P264 Q216364 +Q67921 P106 Q49757 +Q441086 P106 Q1930187 +Q367073 P69 Q34433 +Q377 P1412 Q7737 +Q1299129 P264 Q202440 +Q154935 P136 Q859369 +Q307440 P106 Q1930187 +Q314502 P106 Q2526255 +Q288180 P106 Q177220 +Q105158 P106 Q3282637 +Q346833 P106 Q49757 +Q7604 P551 Q656 +Q315604 P106 Q10798782 +Q709646 P119 Q216344 +Q260947 P106 Q488205 +Q228868 P106 Q2259451 +Q223875 P106 Q15981151 +Q924 P530 Q423 +Q1560657 P19 Q2973 +Q77312 P19 Q1799 +Q287748 P161 Q188955 +Q380252 P1412 Q7737 +Q61649 P106 Q36180 +Q365129 P20 Q11299 +Q78525 P27 Q40 +Q179257 P106 Q183945 +Q472071 P1412 Q397 +Q25529 P106 Q10800557 +Q2271710 P106 Q639669 +Q244395 P108 Q1065 +Q236630 P106 Q3282637 +Q42574 P551 Q387047 +Q148 P530 Q750 +Q51123 P20 Q34006 +Q19330 P136 Q8261 +Q40187 P136 Q157394 +Q860206 P106 Q82955 +Q229 P530 Q79 +Q332607 P69 Q332342 +Q265270 P1412 Q1860 +Q334965 P106 Q49757 +Q361257 P1303 Q17172850 +Q192634 P27 Q43 +Q25320 P463 Q1429947 +Q924104 P106 Q2405480 +Q1699902 P106 Q11063 +Q18446 P1412 Q6654 +Q445392 P1412 Q1860 +Q289204 P161 Q224081 +Q239067 P27 Q16 +Q114576 P19 Q1741 +Q19801728 P136 Q319221 +Q64211 P136 Q130232 +Q974238 P106 Q488205 +Q193668 P69 Q622664 +Q354508 P1303 Q1444 +Q165421 P40 Q316064 +Q190231 P264 Q14192383 +Q312656 P1412 Q1860 +Q189144 P106 Q36180 +Q154855 P69 Q213439 +Q320032 P161 Q356762 +Q451608 P463 Q123885 +Q75185 P102 Q7320 +Q1546566 P106 Q10798782 +Q949 P106 Q1326886 +Q1396852 P463 Q1425328 +Q228862 P106 Q10800557 +Q78586 P1303 Q17172850 +Q69209 P27 Q183 +Q46551 P840 Q84 +Q444663 P20 Q90 +Q237654 P106 Q2405480 +Q379877 P136 Q471839 +Q1036131 P1303 Q163829 +Q3504610 P106 Q901 +Q1237649 P136 Q8341 +Q137659 P1412 Q8752 +Q138166 P509 Q220570 +Q11637 P264 Q557632 +Q116119 P1412 Q188 +Q506379 P106 Q1930187 +Q233502 P27 Q30 +Q374912 P106 Q3387717 +Q272943 P1303 Q79838 +Q42443 P69 Q2983698 +Q313767 P106 Q1930187 +Q231608 P1412 Q7026 +Q60772 P1412 Q188 +Q219734 P69 Q1472245 +Q2709 P106 Q33231 +Q278174 P136 Q35760 +Q3770812 P27 Q172579 +Q7504 P106 Q121594 +Q312280 P69 Q1664782 +Q1386098 P27 Q30 +Q436712 P106 Q28389 +Q439955 P136 Q8341 +Q72287 P19 Q46852 +Q434916 P27 Q172579 +Q31621 P463 Q191583 +Q156608 P840 Q60 +Q371348 P1303 Q17172850 +Q199644 P106 Q6625963 +Q44855 P3373 Q319392 +Q1085 P17 Q131964 +Q274887 P161 Q190162 +Q1279401 P1303 Q17172850 +Q55449 P69 Q238101 +Q217008 P161 Q163249 +Q129259 P17 Q838261 +Q20733 P106 Q49757 +Q713964 P1303 Q17172850 +Q391663 P19 Q12439 +Q183347 P106 Q3282637 +Q59572 P840 Q60 +Q277559 P463 Q1971373 +Q65600 P106 Q201788 +Q3816 P172 Q121842 +Q90577 P106 Q482980 +Q196977 P161 Q309989 +Q19405 P161 Q228862 +Q943577 P106 Q81096 +Q42493 P106 Q33999 +Q10287 P1412 Q652 +Q223790 P69 Q1419737 +Q443030 P27 Q145 +Q7241 P106 Q36180 +Q85040 P106 Q937857 +Q191088 P27 Q30 +Q38872 P140 Q23540 +Q95048 P106 Q2526255 +Q575689 P106 Q43845 +Q219 P463 Q1928989 +Q7245 P106 Q18814623 +Q200661 P106 Q36180 +Q453314 P27 Q30 +Q72653 P27 Q30 +Q80379 P161 Q309486 +Q296809 P106 Q36180 +Q105220 P106 Q82955 +Q1006 P361 Q4412 +Q323707 P1412 Q150 +Q92760 P106 Q205375 +Q454243 P463 Q338432 +Q337206 P106 Q3282637 +Q437713 P136 Q105527 +Q208116 P106 Q753110 +Q940617 P27 Q414 +Q430922 P106 Q11774202 +Q240509 P1303 Q46185 +Q863 P463 Q827525 +Q328662 P106 Q177220 +Q1173086 P106 Q639669 +Q676562 P106 Q639669 +Q96997 P102 Q153401 +Q598185 P106 Q1415090 +Q219424 P161 Q235141 +Q70300 P108 Q865528 +Q62539 P20 Q1726 +Q179888 P106 Q372436 +Q177288 P106 Q36180 +Q209538 P161 Q181900 +Q55917 P1412 Q809 +Q87120 P106 Q14467526 +Q279057 P136 Q2421031 +Q286525 P106 Q947873 +Q74235 P27 Q172579 +Q142 P530 Q801 +Q742825 P551 Q43788 +Q730158 P740 Q42448 +Q221103 P161 Q314914 +Q295107 P264 Q183387 +Q57999 P1412 Q188 +Q303213 P161 Q335680 +Q3134064 P27 Q174193 +Q266611 P102 Q29468 +Q4631 P69 Q194445 +Q41076 P264 Q38903 +Q1988375 P136 Q235858 +Q117315 P495 Q664 +Q309995 P106 Q82955 +Q240541 P106 Q10800557 +Q9599 P27 Q183 +Q464318 P106 Q27532437 +Q188648 P69 Q2822225 +Q553276 P264 Q1251139 +Q1111386 P1412 Q1860 +Q310012 P106 Q33999 +Q1685286 P27 Q142 +Q673567 P106 Q33999 +Q1386948 P1412 Q1860 +Q58040 P108 Q214341 +Q114 P530 Q854 +Q25351 P108 Q206702 +Q80405 P106 Q2259451 +Q102902 P1412 Q188 +Q233397 P106 Q2405480 +Q283061 P106 Q486748 +Q211283 P119 Q533697 +Q116845 P495 Q30 +Q47243 P1412 Q188 +Q214324 P108 Q372608 +Q1804720 P140 Q9592 +Q222939 P136 Q157394 +Q45221 P106 Q1028181 +Q101638 P27 Q161885 +Q903208 P463 Q123885 +Q348649 P106 Q5716684 +Q268912 P69 Q1536258 +Q191480 P19 Q649 +Q239195 P106 Q36834 +Q325389 P1303 Q6607 +Q150445 P106 Q639669 +Q230 P530 Q29 +Q471664 P106 Q36180 +Q73463 P106 Q177220 +Q728030 P108 Q36188 +Q193710 P136 Q131272 +Q16766 P106 Q10800557 +Q119811 P1412 Q1860 +Q186089 P27 Q28 +Q42156 P69 Q926749 +Q96028 P1412 Q150 +Q762 P106 Q49757 +Q157282 P119 Q2790054 +Q12674 P106 Q860918 +Q380286 P69 Q4204467 +Q314603 P106 Q10798782 +Q1799 P17 Q43287 +Q235460 P27 Q30 +Q53003 P106 Q214917 +Q169996 P161 Q295592 +Q1514 P2348 Q6927 +Q1377218 P19 Q744948 +Q297384 P69 Q192088 +Q2622688 P106 Q33999 +Q222 P530 Q865 +Q201359 P108 Q1760438 +Q294372 P106 Q10798782 +Q981944 P551 Q65 +Q128494 P135 Q7264 +Q298908 P106 Q2059704 +Q314419 P19 Q490 +Q35 P530 Q217 +Q93957 P102 Q29468 +Q317567 P106 Q222344 +Q86105 P27 Q258 +Q520430 P1303 Q8350 +Q123034 P509 Q210392 +Q429348 P106 Q131524 +Q267629 P1412 Q1860 +Q2680 P106 Q8246794 +Q379580 P463 Q463281 +Q1130554 P20 Q60 +Q972676 P1412 Q1860 +Q313315 P136 Q157443 +Q1346126 P1412 Q7976 +Q235053 P106 Q33999 +Q229603 P161 Q1388769 +Q11881 P140 Q682443 +Q78857 P106 Q635734 +Q83338 P551 Q1297 +Q133720 P106 Q486748 +Q74235 P1412 Q652 +Q241609 P27 Q30 +Q294927 P106 Q2259451 +Q223258 P463 Q463281 +Q204725 P136 Q200092 +Q184351 P27 Q801 +Q296698 P1412 Q150 +Q122517 P106 Q82955 +Q188000 P161 Q299700 +Q432715 P27 Q30 +Q15935 P1412 Q1860 +Q1224 P69 Q645663 +Q348533 P106 Q2252262 +Q213865 P463 Q329464 +Q208871 P136 Q45981 +Q482708 P19 Q423 +Q179051 P19 Q60 +Q51549 P106 Q10798782 +Q153159 P108 Q28695 +Q54885 P106 Q36834 +Q5950 P136 Q180268 +Q276198 P264 Q277626 +Q51488 P136 Q21590660 +Q221364 P264 Q183387 +Q233295 P106 Q10798782 +Q463013 P136 Q83440 +Q468067 P106 Q639669 +Q315051 P27 Q30 +Q948977 P106 Q82955 +Q460075 P106 Q4964182 +Q26648 P19 Q16869 +Q76513 P27 Q183 +Q781 P530 Q148 +Q255376 P136 Q959790 +Q78270 P106 Q185351 +Q456712 P27 Q30 +Q887993 P20 Q65 +Q928 P463 Q5611262 +Q950350 P264 Q843402 +Q78716 P106 Q37226 +Q225509 P27 Q145 +Q231214 P106 Q214917 +Q93147 P106 Q81096 +Q193397 P27 Q30 +Q48613 P19 Q2079 +Q313528 P106 Q13582652 +Q213081 P161 Q140181 +Q245363 P1412 Q809 +Q463765 P161 Q270660 +Q71775 P69 Q165980 +Q86758 P106 Q82955 +Q184746 P69 Q1247589 +Q935369 P27 Q16 +Q426631 P161 Q213567 +Q162917 P106 Q36180 +Q41076 P106 Q55960555 +Q89461 P106 Q1930187 +Q130868 P136 Q1146335 +Q983705 P69 Q4480746 +Q550262 P106 Q205375 +Q48102 P20 Q649 +Q783 P530 Q865 +Q153248 P106 Q34074720 +Q92456 P108 Q55044 +Q983167 P106 Q1930187 +Q334126 P69 Q232141 +Q23261 P172 Q161652 +Q233 P463 Q899770 +Q464246 P27 Q30 +Q214801 P161 Q40504 +Q1345844 P106 Q753110 +Q208269 P161 Q40504 +Q11617 P551 Q18419 +Q236355 P27 Q30 +Q80 P463 Q1493021 +Q352540 P106 Q10798782 +Q451079 P463 Q1662834 +Q945691 P106 Q5716684 +Q153015 P131 Q151624 +Q36014 P509 Q181754 +Q187561 P495 Q30 +Q506102 P106 Q2504617 +Q1403 P509 Q12192 +Q1246 P530 Q211 +Q312801 P136 Q37073 +Q439955 P106 Q177220 +Q7302 P1303 Q81982 +Q363810 P136 Q132311 +Q154782 P106 Q49757 +Q285483 P106 Q177220 +Q213355 P140 Q9592 +Q131374 P641 Q718 +Q201927 P106 Q3282637 +Q127959 P463 Q414188 +Q590420 P106 Q1930187 +Q320849 P1412 Q1860 +Q175571 P106 Q18814623 +Q111074 P264 Q183412 +Q311267 P264 Q202440 +Q34389 P172 Q49085 +Q55435 P106 Q15981151 +Q956275 P106 Q488205 +Q221594 P161 Q240872 +Q1824699 P106 Q639669 +Q106225 P106 Q753110 +Q297736 P108 Q235034 +Q76641 P463 Q338432 +Q236161 P106 Q483501 +Q349217 P106 Q488205 +Q216563 P136 Q37073 +Q274748 P161 Q110379 +Q74875 P106 Q82955 +Q452307 P27 Q30 +Q385036 P161 Q48410 +Q419 P530 Q298 +Q3924 P1303 Q6607 +Q317350 P106 Q36834 +Q93157 P106 Q36180 +Q64151 P136 Q20442589 +Q311303 P106 Q10798782 +Q313833 P27 Q219 +Q467630 P20 Q649 +Q91544 P20 Q2833 +Q462446 P27 Q129286 +Q42443 P106 Q6625963 +Q537665 P463 Q270794 +Q194413 P161 Q947748 +Q87840 P106 Q1209498 +Q19356 P161 Q1112005 +Q465707 P106 Q644687 +Q108239 P106 Q169470 +Q184906 P106 Q214917 +Q28 P463 Q1579424 +Q82301 P106 Q1234713 +Q210059 P106 Q36180 +Q19810 P27 Q145 +Q83059 P106 Q482980 +Q1049686 P1303 Q46185 +Q874588 P106 Q487596 +Q334760 P108 Q622664 +Q910392 P20 Q490 +Q2272369 P1412 Q150 +Q765871 P119 Q831300 +Q170564 P57 Q42574 +Q4293328 P19 Q649 +Q61412 P20 Q84 +Q215120 P20 Q47164 +Q265202 P106 Q639669 +Q59837 P69 Q21705070 +Q65619 P1412 Q188 +Q85417 P108 Q156737 +Q92621 P69 Q168756 +Q285483 P106 Q10798782 +Q229613 P136 Q14390274 +Q430076 P106 Q822146 +Q2514 P102 Q689018 +Q55418 P106 Q2526255 +Q478601 P27 Q145 +Q2477225 P119 Q208175 +Q53783 P140 Q13211738 +Q1032998 P1412 Q1860 +Q287976 P106 Q33999 +Q1954907 P27 Q30 +Q182546 P106 Q81096 +Q1942336 P551 Q172 +Q11093 P106 Q3455803 +Q26265 P161 Q296616 +Q78553 P106 Q18576582 +Q129813 P161 Q296843 +Q34969 P463 Q2822396 +Q25080 P106 Q13590141 +Q310934 P27 Q25 +Q1290755 P108 Q657167 +Q103114 P106 Q6625963 +Q557 P106 Q36834 +Q732513 P1303 Q8338 +Q547565 P106 Q36180 +Q71035 P19 Q3920 +Q315604 P106 Q10800557 +Q974670 P1303 Q5994 +Q216608 P264 Q155152 +Q146673 P495 Q30 +Q188783 P27 Q801 +Q154367 P27 Q183 +Q298139 P106 Q753110 +Q9047 P106 Q170790 +Q863049 P106 Q36180 +Q133151 P40 Q405565 +Q444237 P463 Q337526 +Q60506 P161 Q235707 +Q201732 P106 Q1622272 +Q112227 P1412 Q188 +Q48070 P463 Q1971373 +Q51023 P264 Q2535085 +Q61456 P106 Q1622272 +Q181900 P106 Q18844224 +Q310116 P106 Q36834 +Q59215 P106 Q1053574 +Q260331 P19 Q65 +Q43994 P106 Q715301 +Q181677 P106 Q6625963 +Q81752 P20 Q1741 +Q94701 P119 Q64 +Q3167 P463 Q747279 +Q117500 P106 Q2259451 +Q354241 P106 Q2526255 +Q1066772 P641 Q5369 +Q428422 P106 Q177220 +Q157303 P106 Q11774202 +Q221594 P136 Q860626 +Q157155 P463 Q684415 +Q44197 P1412 Q652 +Q631508 P106 Q1930187 +Q1008 P530 Q159 +Q158486 P108 Q23548 +Q1267 P106 Q82955 +Q363308 P106 Q957729 +Q673567 P106 Q1930187 +Q32 P530 Q148 +Q817353 P106 Q482980 +Q473030 P106 Q6625963 +Q64 P17 Q183 +Q1321910 P106 Q1622272 +Q204299 P69 Q8047423 +Q189119 P463 Q463303 +Q234104 P27 Q145 +Q1615184 P106 Q639669 +Q102289 P551 Q724 +Q668 P530 Q889 +Q991543 P1412 Q9043 +Q75116 P106 Q1622272 +Q500546 P27 Q29 +Q261588 P106 Q1930187 +Q209926 P106 Q177220 +Q339604 P106 Q10800557 +Q305372 P27 Q16 +Q38082 P69 Q745967 +Q61078 P737 Q9061 +Q229487 P106 Q10798782 +Q44371 P463 Q1971373 +Q325575 P161 Q214223 +Q488429 P106 Q183945 +Q270639 P106 Q2526255 +Q123476 P106 Q10800557 +Q81960 P106 Q14915627 +Q319648 P172 Q170217 +Q318694 P136 Q7749 +Q217 P530 Q458 +Q373421 P509 Q389735 +Q34816 P27 Q30 +Q123334 P20 Q1794 +Q72564 P106 Q4773904 +Q310347 P27 Q34266 +Q1160461 P1412 Q1860 +Q423 P530 Q902 +Q109612 P264 Q885833 +Q270869 P19 Q16555 +Q240808 P106 Q4351403 +Q365 P17 Q12548 +Q356762 P106 Q2526255 +Q81685 P1412 Q150 +Q37767 P737 Q1398 +Q108543 P136 Q471839 +Q296630 P136 Q21590660 +Q185465 P106 Q805221 +Q2563 P108 Q55044 +Q919462 P106 Q855091 +Q177993 P1412 Q9288 +Q553730 P27 Q34 +Q92650 P106 Q5482740 +Q265 P463 Q7809 +Q153039 P136 Q130232 +Q49823 P463 Q270794 +Q242650 P106 Q33999 +Q243550 P69 Q170027 +Q437713 P136 Q1133657 +Q68476 P108 Q153987 +Q367391 P1412 Q188 +Q44647 P136 Q699 +Q122517 P27 Q183 +Q230011 P509 Q3242950 +Q319537 P106 Q639669 +Q68537 P106 Q10800557 +Q17 P172 Q161652 +Q156814 P19 Q60 +Q480484 P106 Q36180 +Q575444 P27 Q30 +Q313627 P1303 Q51290 +Q211392 P20 Q1781 +Q572001 P27 Q30 +Q89967 P106 Q482980 +Q433142 P27 Q30 +Q57266 P509 Q175111 +Q289752 P106 Q639669 +Q128730 P136 Q622291 +Q84150 P106 Q4964182 +Q271981 P1303 Q17172850 +Q522050 P106 Q1930187 +Q119386 P106 Q4263842 +Q66732 P106 Q2306091 +Q720722 P27 Q30 +Q64988 P106 Q1622272 +Q144391 P106 Q49757 +Q92977 P106 Q81096 +Q150471 P509 Q41083 +Q600859 P106 Q20521670 +Q61217 P102 Q17427 +Q170371 P136 Q482 +Q554406 P106 Q36180 +Q193628 P3373 Q245808 +Q715195 P509 Q12204 +Q134575 P106 Q4610556 +Q112651 P1303 Q17172850 +Q459310 P106 Q13570226 +Q311319 P27 Q30 +Q867599 P136 Q9759 +Q188962 P106 Q39631 +Q881 P530 Q902 +Q207816 P136 Q130232 +Q34296 P108 Q21578 +Q63670 P135 Q7066 +Q220584 P106 Q13235160 +Q296950 P106 Q36180 +Q55303 P509 Q12202 +Q216221 P106 Q3282637 +Q1760695 P161 Q439920 +Q918655 P69 Q219563 +Q194917 P1412 Q652 +Q542101 P106 Q2722764 +Q215927 P106 Q36180 +Q721376 P1303 Q6607 +Q75727 P106 Q2504617 +Q316756 P106 Q33999 +Q116265 P106 Q177220 +Q148 P530 Q334 +Q61073 P27 Q39 +Q192912 P106 Q2526255 +Q360313 P1412 Q1860 +Q58217 P1412 Q150 +Q521350 P1412 Q1860 +Q212 P530 Q664 +Q294531 P1412 Q1860 +Q5105 P27 Q16 +Q129873 P57 Q51552 +Q271500 P451 Q234356 +Q230 P530 Q31 +Q331845 P69 Q185246 +Q332798 P136 Q130232 +Q302817 P106 Q82594 +Q86843 P108 Q154804 +Q183 P30 Q46 +Q1349079 P2348 Q6927 +Q164804 P136 Q1054574 +Q137098 P161 Q204586 +Q738765 P1412 Q256 +Q169065 P106 Q177220 +Q220192 P161 Q205435 +Q23530 P172 Q49542 +Q126481 P106 Q28389 +Q368037 P106 Q10800557 +Q9457 P106 Q1028181 +Q441362 P106 Q639669 +Q1036 P361 Q27407 +Q25080 P172 Q7325 +Q78999 P102 Q179111 +Q90430 P27 Q40 +Q12003 P101 Q207628 +Q62188 P108 Q154561 +Q771229 P69 Q193196 +Q187019 P737 Q905 +Q239587 P106 Q36834 +Q473770 P106 Q10873124 +Q206235 P106 Q3282637 +Q230633 P1412 Q809 +Q155649 P463 Q218868 +Q231345 P106 Q177220 +Q726071 P106 Q18814623 +Q76432 P463 Q2822396 +Q981270 P69 Q1431541 +Q11590 P108 Q49108 +Q298 P463 Q45177 +Q130142 P161 Q244234 +Q786 P463 Q134102 +Q237809 P106 Q33999 +Q316872 P740 Q18426 +Q79969 P737 Q213632 +Q302181 P840 Q65 +Q77101 P102 Q7320 +Q349456 P69 Q193196 +Q13908 P161 Q229319 +Q14441 P106 Q10798782 +Q182788 P1412 Q1860 +Q119546 P27 Q30 +Q443121 P19 Q41819 +Q125488 P27 Q183 +Q388268 P106 Q520549 +Q57426 P1412 Q188 +Q62938 P1412 Q397 +Q484292 P463 Q4430504 +Q919835 P463 Q117467 +Q201751 P106 Q81096 +Q1386793 P106 Q177220 +Q233736 P136 Q850412 +Q1029853 P1412 Q7026 +Q3719620 P106 Q81096 +Q66127 P106 Q82955 +Q221468 P106 Q36834 +Q200096 P161 Q342756 +Q774 P530 Q408 +Q76583 P1412 Q188 +Q3910 P1050 Q84263196 +Q95548 P108 Q152087 +Q270215 P161 Q1124 +Q170842 P551 Q1874 +Q337352 P131 Q546 +Q175457 P20 Q649 +Q11104 P1412 Q13955 +Q982109 P463 Q463303 +Q454334 P106 Q1930187 +Q348533 P106 Q578109 +Q154216 P1412 Q1860 +Q325679 P27 Q193714 +Q2449206 P3373 Q13129708 +Q313981 P102 Q9630 +Q345906 P1412 Q7026 +Q117970 P27 Q16 +Q224026 P3373 Q405542 +Q1659471 P27 Q30 +Q102754 P840 Q766 +Q94765 P106 Q43845 +Q353366 P1412 Q1860 +Q4401409 P106 Q901 +Q106175 P551 Q462799 +Q973400 P106 Q1930187 +Q275793 P27 Q145 +Q489643 P106 Q1075651 +Q154077 P136 Q842256 +Q93188 P108 Q126399 +Q384397 P161 Q56016 +Q449487 P108 Q49204 +Q385309 P161 Q8349 +Q160456 P106 Q18814623 +Q2875 P161 Q267685 +Q54351 P1303 Q6607 +Q43067 P20 Q3920 +Q24302 P1412 Q1860 +Q332528 P69 Q192088 +Q719247 P106 Q2259451 +Q180727 P106 Q644687 +Q68751 P20 Q85 +Q270951 P106 Q33999 +Q333873 P3373 Q714739 +Q208269 P495 Q30 +Q975777 P108 Q209842 +Q353866 P463 Q53249065 +Q103583 P106 Q182436 +Q546926 P106 Q36180 +Q357929 P27 Q145 +Q246303 P69 Q4614 +Q153358 P106 Q4610556 +Q198621 P27 Q142 +Q236505 P264 Q38903 +Q59215 P106 Q3282637 +Q1064692 P1412 Q1860 +Q34 P530 Q865 +Q223374 P161 Q485901 +Q1016 P530 Q230 +Q67169 P106 Q33999 +Q34460 P19 Q65 +Q84444 P101 Q8162 +Q76399 P106 Q177220 +Q57371 P140 Q9585 +Q435347 P172 Q42884 +Q936760 P106 Q4263842 +Q654283 P749 Q38903 +Q12957 P119 Q272208 +Q319084 P102 Q29552 +Q207036 P136 Q699 +Q38 P463 Q1928989 +Q680728 P69 Q156598 +Q193426 P106 Q18814623 +Q986622 P27 Q30 +Q2030240 P27 Q30 +Q8873 P106 Q36180 +Q275964 P106 Q10800557 +Q93959 P106 Q333634 +Q216636 P27 Q16957 +Q273171 P264 Q190585 +Q132899 P463 Q842008 +Q583814 P108 Q13371 +Q25320 P106 Q593644 +Q64017 P161 Q191104 +Q45383 P136 Q959583 +Q670440 P106 Q1930187 +Q85394 P69 Q209842 +Q238716 P108 Q13371 +Q314424 P106 Q855091 +Q4514164 P101 Q395 +Q49941 P106 Q55960555 +Q57737 P119 Q3923 +Q1082312 P1303 Q46185 +Q465679 P69 Q144488 +Q59972 P27 Q171150 +Q320052 P106 Q28389 +Q217280 P136 Q8341 +Q79091 P27 Q40 +Q169038 P463 Q2003501 +Q353866 P463 Q337224 +Q580414 P106 Q33999 +Q122514 P106 Q36180 +Q159542 P27 Q28513 +Q168849 P161 Q212416 +Q486786 P106 Q855091 +Q131149 P69 Q13371 +Q3666327 P19 Q90 +Q218589 P161 Q229535 +Q204057 P161 Q431356 +Q493 P509 Q18554919 +Q276425 P551 Q4093 +Q131149 P106 Q49757 +Q235346 P136 Q186472 +Q324588 P1303 Q302497 +Q314990 P136 Q128758 +Q962897 P102 Q79854 +Q106245 P27 Q183 +Q367927 P19 Q61 +Q157623 P106 Q49757 +Q213545 P106 Q486748 +Q311684 P108 Q170027 +Q206693 P106 Q488205 +Q709178 P108 Q847099 +Q1048660 P463 Q123885 +Q159876 P463 Q723551 +Q2996474 P19 Q656 +Q171976 P27 Q34266 +Q95068 P551 Q90 +Q2287423 P3373 Q4218975 +Q2153 P102 Q10225 +Q1970586 P106 Q2500638 +Q163159 P20 Q90 +Q108510 P106 Q3282637 +Q956533 P3373 Q51583 +Q209481 P161 Q51522 +Q180272 P106 Q33999 +Q45909 P551 Q84 +Q262294 P106 Q33999 +Q270005 P106 Q177220 +Q193710 P106 Q5716684 +Q187423 P161 Q153358 +Q3365459 P102 Q29552 +Q75904 P106 Q1622272 +Q70948 P119 Q253763 +Q854 P530 Q39 +Q704742 P106 Q639669 +Q297425 P108 Q49115 +Q237215 P136 Q2421031 +Q194346 P495 Q183 +Q62833 P463 Q1636237 +Q43267 P495 Q30 +Q316045 P106 Q4263842 +Q9204 P106 Q3332711 +Q313578 P106 Q2252262 +Q266006 P27 Q414 +Q313705 P106 Q36834 +Q465937 P106 Q82955 +Q253715 P106 Q33999 +Q193676 P106 Q131524 +Q37030 P106 Q36180 +Q314805 P106 Q2259451 +Q96599 P1303 Q17172850 +Q232356 P106 Q4610556 +Q2737 P106 Q486748 +Q313367 P106 Q10798782 +Q211566 P106 Q10800557 +Q174843 P106 Q2405480 +Q102822 P27 Q29999 +Q189534 P463 Q463281 +Q249865 P69 Q389336 +Q57500 P106 Q16145150 +Q108560 P1303 Q80019 +Q123174 P1412 Q1860 +Q541573 P136 Q1133657 +Q36591 P19 Q656 +Q241422 P69 Q157575 +Q189186 P106 Q82955 +Q266057 P106 Q2405480 +Q76755 P106 Q6625963 +Q112307 P1303 Q17172850 +Q357645 P106 Q8246794 +Q68325 P106 Q49757 +Q3710088 P106 Q170790 +Q193695 P161 Q240886 +Q7243 P463 Q4345832 +Q69430 P69 Q859363 +Q970649 P1412 Q150 +Q126843 P106 Q639669 +Q76583 P106 Q1622272 +Q166214 P136 Q157443 +Q622636 P27 Q30 +Q12881 P106 Q753110 +Q354783 P463 Q463281 +Q3893579 P106 Q33231 +Q11609 P27 Q30 +Q312538 P57 Q77061 +Q4099230 P27 Q15180 +Q673283 P106 Q1930187 +Q107933 P1412 Q1860 +Q214548 P136 Q8341 +Q317152 P106 Q4964182 +Q319061 P161 Q302650 +Q46717 P136 Q188473 +Q55207 P106 Q947873 +Q1703194 P69 Q332342 +Q157321 P101 Q11629 +Q437484 P19 Q84 +Q297744 P20 Q47164 +Q375775 P136 Q157394 +Q77615 P102 Q153401 +Q213793 P1303 Q3382191 +Q2449206 P3373 Q18118088 +Q506582 P101 Q676 +Q320849 P106 Q1930187 +Q1827208 P106 Q36834 +Q198962 P136 Q484641 +Q293520 P140 Q432 +Q41617 P27 Q148 +Q109767 P161 Q5950 +Q490114 P69 Q49108 +Q20 P530 Q218 +Q233483 P106 Q2865819 +Q352708 P106 Q214917 +Q86864 P20 Q268 +Q1678730 P737 Q1394 +Q163263 P106 Q10800557 +Q553959 P106 Q16145150 +Q93996 P106 Q169470 +Q211784 P161 Q349391 +Q1882472 P106 Q639669 +Q78437 P27 Q183 +Q69110 P20 Q79860 +Q364131 P106 Q177220 +Q62263 P27 Q29 +Q164103 P495 Q30 +Q106391 P106 Q1281618 +Q160902 P106 Q82955 +Q86553 P106 Q4164507 +Q69430 P19 Q2103 +Q237925 P1303 Q17172850 +Q200873 P136 Q188473 +Q1345751 P2348 Q6927 +Q254962 P106 Q36834 +Q381477 P40 Q331155 +Q264867 P136 Q205560 +Q151720 P106 Q18844224 +Q262267 P509 Q147778 +Q581018 P106 Q36180 +Q43 P30 Q46 +Q71452 P264 Q193023 +Q112979 P27 Q40 +Q285483 P40 Q100440 +Q708581 P1412 Q1860 +Q164745 P106 Q82955 +Q61813 P1412 Q188 +Q4673 P27 Q41304 +Q19045 P1412 Q1321 +Q86060 P102 Q49762 +Q462149 P161 Q180338 +Q4415063 P1412 Q7737 +Q79 P530 Q77 +Q229442 P106 Q33999 +Q359521 P106 Q8246794 +Q220980 P1412 Q1321 +Q812105 P106 Q82955 +Q199418 P1412 Q1860 +Q165394 P161 Q366563 +Q59185 P27 Q30 +Q364270 P106 Q81096 +Q712914 P509 Q188605 +Q363876 P1303 Q6607 +Q48020 P27 Q159 +Q160640 P737 Q9312 +Q57074 P172 Q7325 +Q235388 P106 Q177220 +Q376477 P69 Q49115 +Q47900 P27 Q34266 +Q76959 P108 Q174570 +Q31637 P140 Q9585 +Q342778 P136 Q7749 +Q51525 P27 Q213 +Q11627 P136 Q11366 +Q11647 P740 Q37320 +Q102244 P161 Q25014 +Q1077409 P106 Q19204627 +Q170509 P463 Q1938003 +Q116208 P106 Q4964182 +Q234570 P106 Q333634 +Q450282 P1303 Q46185 +Q442656 P1303 Q17172850 +Q1361996 P106 Q82955 +Q152011 P161 Q346280 +Q323074 P106 Q2526255 +Q5928 P509 Q193840 +Q605534 P106 Q1234713 +Q108543 P136 Q319221 +Q244604 P161 Q40057 +Q53633 P69 Q185246 +Q171669 P57 Q51525 +Q211329 P136 Q1344 +Q65350 P3373 Q2567 +Q371925 P106 Q36180 +Q273338 P106 Q2490358 +Q190585 P159 Q84 +Q290345 P20 Q48958 +Q151523 P106 Q82955 +Q434399 P106 Q36834 +Q145 P530 Q403 +Q1057003 P136 Q38848 +Q77742 P27 Q183 +Q123923 P1412 Q9299 +Q84751 P106 Q121594 +Q949281 P106 Q214917 +Q235517 P27 Q30 +Q358529 P463 Q338432 +Q1965416 P27 Q159 +Q163872 P2283 Q568723 +Q3182472 P106 Q40348 +Q977 P463 Q1137381 +Q58777 P27 Q183 +Q274181 P20 Q60 +Q128511 P27 Q15180 +Q98885 P27 Q183 +Q727730 P106 Q33999 +Q55 P530 Q222 +Q1373629 P106 Q36180 +Q235351 P106 Q10800557 +Q450796 P106 Q1930187 +Q230445 P136 Q217191 +Q40187 P161 Q354010 +Q230209 P106 Q2259451 +Q215 P463 Q376150 +Q69045 P106 Q82955 +Q96779 P106 Q864380 +Q71000 P463 Q451079 +Q96798 P27 Q183 +Q540166 P20 Q84 +Q76632 P27 Q43287 +Q854 P463 Q899770 +Q230943 P136 Q37073 +Q206124 P161 Q143945 +Q1130554 P106 Q753110 +Q171861 P161 Q299483 +Q77684 P106 Q82955 +Q116760 P106 Q3455803 +Q42869 P551 Q23768 +Q57136 P27 Q183 +Q76480 P69 Q20266330 +Q854 P530 Q843 +Q395714 P106 Q1028181 +Q1095432 P136 Q11399 +Q150851 P102 Q29468 +Q10681 P1412 Q1860 +Q66140 P27 Q183 +Q61520 P108 Q50662 +Q133465 P20 Q31487 +Q249647 P1412 Q7737 +Q38875 P106 Q3282637 +Q62664 P69 Q153978 +Q131036 P112 Q216896 +Q215359 P264 Q183412 +Q37 P530 Q35 +Q275793 P1412 Q1860 +Q315222 P1412 Q9301 +Q121060 P106 Q214917 +Q439566 P463 Q1425328 +Q295420 P106 Q10798782 +Q324397 P106 Q1622272 +Q192348 P1412 Q652 +Q107432 P27 Q30 +Q140738 P106 Q13590141 +Q348497 P1412 Q150 +Q30 P463 Q191384 +Q106099 P27 Q142 +Q529604 P19 Q340 +Q706999 P106 Q1930187 +Q53939 P106 Q33999 +Q222867 P161 Q311232 +Q2547113 P551 Q1408 +Q114819 P161 Q483203 +Q133042 P27 Q28513 +Q85807 P20 Q1741 +Q236527 P106 Q2405480 +Q324015 P264 Q898618 +Q237387 P19 Q1489 +Q39803 P140 Q288928 +Q101339 P20 Q1799 +Q494676 P737 Q219772 +Q123972 P106 Q82955 +Q83059 P737 Q37030 +Q236056 P106 Q2259451 +Q708585 P1303 Q78987 +Q4344126 P19 Q1874 +Q584292 P20 Q90 +Q6096 P106 Q177220 +Q358538 P264 Q994175 +Q16759 P106 Q10798782 +Q1553197 P20 Q649 +Q374610 P172 Q7435494 +Q236438 P69 Q2994538 +Q948093 P509 Q476921 +Q239910 P19 Q62 +Q165824 P27 Q183 +Q710 P530 Q148 +Q60772 P69 Q152838 +Q180560 P106 Q2405480 +Q232860 P509 Q188874 +Q15809 P20 Q437 +Q1112005 P19 Q25395 +Q1370974 P27 Q408 +Q132524 P27 Q15180 +Q194917 P106 Q2865819 +Q706941 P106 Q15981151 +Q122998 P106 Q639669 +Q2929654 P106 Q3391743 +Q40119 P495 Q30 +Q70324 P106 Q1622272 +Q575886 P509 Q623031 +Q315051 P106 Q10798782 +Q41076 P1412 Q1860 +Q8605 P27 Q717 +Q47243 P106 Q49757 +Q1560657 P20 Q1720 +Q23301 P106 Q2526255 +Q311232 P106 Q36834 +Q1282956 P20 Q23197 +Q263501 P106 Q10798782 +Q551735 P106 Q121594 +Q4934689 P27 Q843 +Q3439052 P106 Q81096 +Q235415 P106 Q10800557 +Q330376 P106 Q1930187 +Q192682 P26 Q34436 +Q270441 P106 Q10800557 +Q217 P530 Q215 +Q1562145 P106 Q855091 +Q184565 P106 Q806798 +Q234847 P27 Q30 +Q6714 P106 Q64733534 +Q81224 P161 Q317343 +Q167429 P1412 Q9288 +Q260879 P106 Q6625963 +Q257217 P26 Q316857 +Q1101377 P136 Q9759 +Q184622 P106 Q36180 +Q882 P106 Q7042855 +Q157246 P17 Q83286 +Q156941 P69 Q689400 +Q96997 P106 Q1415090 +Q275641 P19 Q84 +Q495272 P27 Q884 +Q1246 P530 Q145 +Q209641 P1412 Q1860 +Q452281 P20 Q100 +Q466115 P509 Q12136 +Q2673 P106 Q36180 +Q278699 P69 Q34433 +Q1374080 P140 Q7066 +Q1037 P30 Q15 +Q1353962 P106 Q639669 +Q78890 P102 Q7320 +Q154938 P106 Q201788 +Q97301 P69 Q152171 +Q29328 P106 Q3282637 +Q213 P463 Q42262 +Q328695 P136 Q188473 +Q98116 P108 Q186285 +Q313138 P1303 Q17172850 +Q85700 P69 Q55044 +Q267242 P106 Q36180 +Q547414 P106 Q2516866 +Q231487 P136 Q11401 +Q168847 P119 Q1302545 +Q8704 P106 Q36180 +Q62857 P106 Q82594 +Q59215 P106 Q2405480 +Q163593 P509 Q12152 +Q343983 P19 Q11299 +Q95777 P106 Q201788 +Q2918925 P463 Q466089 +Q181573 P136 Q128758 +Q62929 P106 Q855091 +Q375351 P463 Q191583 +Q205447 P161 Q314805 +Q230530 P106 Q10798782 +Q206235 P106 Q2405480 +Q154014 P69 Q20808141 +Q47243 P1303 Q1444 +Q65013 P463 Q700570 +Q180989 P106 Q2306091 +Q528804 P27 Q142 +Q460425 P106 Q1930187 +Q662809 P641 Q847 +Q85931 P463 Q414110 +Q274362 P106 Q33999 +Q344983 P106 Q488205 +Q474810 P19 Q1486 +Q55392 P1412 Q150 +Q203413 P1412 Q1321 +Q206972 P106 Q1930187 +Q64257 P101 Q441 +Q358345 P106 Q10800557 +Q481477 P106 Q2526255 +Q1018838 P106 Q1930187 +Q131152 P106 Q1476215 +Q252 P530 Q403 +Q213811 P106 Q822146 +Q427534 P57 Q52997 +Q113641 P108 Q54096 +Q5977 P264 Q994175 +Q70948 P106 Q33999 +Q273866 P106 Q1930187 +Q151593 P106 Q36180 +Q280918 P136 Q130232 +Q134541 P136 Q170611 +Q1333234 P264 Q2902300 +Q725516 P106 Q639669 +Q345431 P106 Q488205 +Q154770 P108 Q55038 +Q310985 P106 Q639669 +Q120966 P106 Q2504617 +Q313042 P19 Q10686 +Q25057 P161 Q185079 +Q236829 P106 Q36180 +Q674739 P106 Q1622272 +Q554670 P106 Q753110 +Q428347 P106 Q36834 +Q263772 P19 Q62 +Q280098 P106 Q3282637 +Q12622 P27 Q142 +Q297334 P27 Q30 +Q157131 P172 Q127885 +Q314035 P106 Q15895020 +Q1173317 P1303 Q17172850 +Q392924 P161 Q316857 +Q38 P463 Q899770 +Q516870 P20 Q1335 +Q44857 P136 Q45981 +Q160058 P1303 Q5994 +Q937 P463 Q270794 +Q438164 P27 Q30 +Q448727 P69 Q13371 +Q389779 P1412 Q1860 +Q250995 P136 Q959790 +Q123724 P1303 Q5994 +Q1111386 P69 Q49088 +Q17 P463 Q38130 +Q372438 P27 Q183 +Q63505 P69 Q315658 +Q4631 P106 Q1622272 +Q710924 P106 Q557880 +Q55198 P106 Q28389 +Q93872 P106 Q36180 +Q265621 P40 Q1891483 +Q286366 P106 Q10798782 +Q320052 P106 Q177220 +Q92981 P106 Q15976092 +Q205456 P106 Q10800557 +Q215072 P551 Q34404 +Q3435328 P1412 Q1860 +Q93401 P463 Q4345832 +Q334205 P106 Q753110 +Q91827 P106 Q36180 +Q246303 P19 Q17042 +Q350700 P106 Q12800682 +Q275939 P106 Q947873 +Q137042 P106 Q486748 +Q222800 P161 Q316756 +Q559794 P463 Q466089 +Q216936 P264 Q216364 +Q352233 P106 Q10800557 +Q104104 P106 Q205375 +Q977036 P106 Q1622272 +Q42051 P161 Q172678 +Q352496 P463 Q131566 +Q168452 P69 Q273626 +Q188440 P106 Q1930187 +Q1801255 P106 Q15253558 +Q96585 P102 Q49768 +Q3259416 P27 Q38 +Q41252 P17 Q7318 +Q4451656 P106 Q82955 +Q962308 P106 Q333634 +Q716776 P106 Q482980 +Q44892 P495 Q183 +Q177883 P106 Q82955 +Q490381 P20 Q34713 +Q92035 P20 Q1735 +Q193744 P1303 Q163829 +Q143867 P136 Q1344 +Q971447 P27 Q15180 +Q728169 P1412 Q36510 +Q254038 P106 Q2259451 +Q812105 P27 Q30 +Q2996474 P106 Q5482740 +Q975491 P27 Q30 +Q114558 P106 Q28389 +Q935369 P136 Q217467 +Q55207 P106 Q3282637 +Q2757 P108 Q144488 +Q780102 P1412 Q1860 +Q1386031 P106 Q11063 +Q983530 P106 Q3455803 +Q61584 P27 Q30 +Q76325 P69 Q151510 +Q433939 P1303 Q17172850 +Q354033 P27 Q30 +Q905267 P27 Q142 +Q504677 P69 Q219563 +Q66155 P106 Q36180 +Q438635 P264 Q183412 +Q1906150 P172 Q49085 +Q105756 P106 Q6625963 +Q213775 P106 Q333634 +Q1891483 P106 Q1415090 +Q462261 P106 Q36180 +Q600385 P20 Q84 +Q132524 P27 Q139319 +Q10648 P1412 Q1860 +Q622636 P19 Q16739 +Q155855 P69 Q152087 +Q465636 P264 Q1435522 +Q239464 P264 Q389284 +Q1353252 P27 Q142 +Q435060 P69 Q309350 +Q55392 P106 Q2526255 +Q65337 P106 Q2468727 +Q15809 P106 Q6625963 +Q234058 P106 Q2405480 +Q75757 P119 Q1783048 +Q4889934 P106 Q11569986 +Q414110 P17 Q183 +Q188482 P106 Q753110 +Q953450 P1303 Q6607 +Q1500 P106 Q2306091 +Q131725 P451 Q392 +Q44371 P106 Q81096 +Q1398834 P106 Q177220 +Q283496 P509 Q12078 +Q912271 P106 Q8178443 +Q224647 P136 Q200092 +Q180099 P27 Q30 +Q1765101 P119 Q1625328 +Q98703 P19 Q2814 +Q76480 P27 Q183 +Q191966 P106 Q18939491 +Q732434 P69 Q193196 +Q77729 P106 Q169470 +Q84266 P102 Q49768 +Q214816 P1412 Q150 +Q314151 P106 Q10800557 +Q2918925 P106 Q205375 +Q11730 P119 Q311 +Q119159 P106 Q520549 +Q470233 P1412 Q188 +Q193744 P1303 Q1444 +Q189015 P106 Q8178443 +Q73033 P1412 Q1860 +Q319527 P106 Q28389 +Q441940 P106 Q855091 +Q189400 P1412 Q1860 +Q902 P530 Q851 +Q315072 P27 Q142 +Q77788 P1412 Q188 +Q221202 P840 Q1297 +Q352496 P27 Q17 +Q760 P463 Q191384 +Q460088 P1412 Q1860 +Q16345 P106 Q2526255 +Q106598 P102 Q49768 +Q11877 P106 Q639669 +Q851 P530 Q334 +Q337089 P106 Q855091 +Q159098 P140 Q93191 +Q45772 P106 Q948329 +Q29999 P463 Q8475 +Q208685 P106 Q10800557 +Q653496 P106 Q49757 +Q93401 P119 Q240744 +Q483907 P106 Q36834 +Q19069 P57 Q361670 +Q438161 P106 Q10800557 +Q349799 P106 Q10800557 +Q298205 P106 Q639669 +Q408 P530 Q28 +Q732513 P1412 Q188 +Q40 P463 Q17495 +Q71336 P106 Q822146 +Q77551 P106 Q593644 +Q276407 P161 Q314892 +Q370893 P161 Q362616 +Q1500297 P20 Q84 +Q76149 P106 Q2405480 +Q39 P530 Q16 +Q1933397 P106 Q1415090 +Q434916 P136 Q1640319 +Q884 P463 Q899770 +Q111087 P106 Q488205 +Q60363 P101 Q3798668 +Q11998 P264 Q183412 +Q318619 P264 Q726251 +Q77350 P106 Q4263842 +Q339031 P106 Q488205 +Q442892 P136 Q83440 +Q458372 P119 Q771 +Q169452 P106 Q2252262 +Q234721 P106 Q1930187 +Q242640 P106 Q11774202 +Q28 P530 Q191 +Q90635 P509 Q12202 +Q96250 P20 Q1022 +Q713246 P69 Q219615 +Q213675 P106 Q49757 +Q28858 P172 Q42884 +Q95469 P106 Q42603 +Q333892 P106 Q17337766 +Q304074 P495 Q30 +Q1010602 P106 Q855091 +Q1629187 P106 Q81096 +Q529276 P1412 Q1860 +Q400 P106 Q10800557 +Q295502 P106 Q10800557 +Q202536 P106 Q55960555 +Q115588 P106 Q49757 +Q230929 P106 Q18814623 +Q154216 P136 Q37073 +Q314774 P69 Q35794 +Q650878 P102 Q49768 +Q2620784 P119 Q216344 +Q40909 P136 Q21010853 +Q184366 P140 Q288928 +Q390164 P495 Q30 +Q313378 P102 Q29468 +Q233541 P106 Q10798782 +Q99258 P106 Q49757 +Q96997 P106 Q82955 +Q151720 P106 Q333634 +Q135645 P106 Q81096 +Q265270 P140 Q7066 +Q206112 P264 Q190585 +Q97325 P20 Q1711 +Q169996 P161 Q178552 +Q318619 P106 Q15981151 +Q1351751 P1303 Q8355 +Q295542 P1303 Q17172850 +Q92804 P27 Q30 +Q216180 P106 Q1930187 +Q311723 P106 Q10800557 +Q64091 P108 Q43452 +Q78977 P106 Q214917 +Q455754 P509 Q14467705 +Q438537 P40 Q297744 +Q63234 P106 Q28789517 +Q233054 P641 Q80131 +Q110185 P106 Q185351 +Q57371 P27 Q227 +Q2833 P463 Q55473342 +Q5752 P27 Q34266 +Q13513 P101 Q8134 +Q159063 P161 Q28493 +Q400341 P1303 Q17172850 +Q167475 P737 Q7374 +Q504753 P108 Q49088 +Q98215 P106 Q482980 +Q70737 P106 Q1930187 +Q186317 P106 Q36180 +Q313918 P106 Q1053574 +Q971782 P106 Q2259451 +Q522592 P136 Q235858 +Q191100 P161 Q298777 +Q167821 P106 Q33999 +Q42574 P106 Q11900058 +Q113480 P108 Q27621 +Q158878 P106 Q36180 +Q62086 P106 Q18805 +Q80 P27 Q145 +Q206461 P495 Q145 +Q173804 P161 Q28493 +Q237821 P19 Q60 +Q317441 P106 Q488205 +Q204057 P136 Q130232 +Q153579 P106 Q639669 +Q129813 P161 Q207179 +Q141869 P509 Q216169 +Q130742 P136 Q37073 +Q224159 P106 Q33999 +Q1196157 P161 Q297945 +Q6080085 P106 Q169470 +Q361677 P106 Q855091 +Q89461 P102 Q7320 +Q617215 P1412 Q1321 +Q9358 P106 Q2468727 +Q1187592 P106 Q2405480 +Q607968 P1412 Q1860 +Q435826 P136 Q83440 +Q156214 P1412 Q7026 +Q44481 P106 Q11063 +Q78526 P106 Q639669 +Q229784 P19 Q1297 +Q1424117 P106 Q1622272 +Q724276 P106 Q266569 +Q238422 P136 Q37073 +Q313023 P19 Q60 +Q637949 P40 Q35648 +Q133042 P106 Q6625963 +Q73938 P20 Q24879 +Q34969 P20 Q1345 +Q367447 P509 Q12192 +Q77729 P101 Q413 +Q310866 P106 Q36180 +Q70855 P463 Q265058 +Q72292 P463 Q329464 +Q552819 P106 Q488205 +Q62544 P108 Q55038 +Q76568 P106 Q155647 +Q3734755 P463 Q253439 +Q107067 P551 Q1156 +Q217619 P106 Q36834 +Q33760 P106 Q16323111 +Q328664 P106 Q28389 +Q160058 P69 Q46210 +Q350666 P106 Q3455803 +Q121778 P463 Q463303 +Q221109 P161 Q314610 +Q391784 P161 Q212518 +Q954 P463 Q384535 +Q287177 P136 Q56284716 +Q76367 P102 Q7320 +Q1754823 P106 Q855091 +Q4235815 P463 Q2370801 +Q708078 P106 Q49757 +Q113480 P106 Q82955 +Q41322 P106 Q121594 +Q26741 P69 Q503246 +Q1138600 P106 Q639669 +Q1560662 P1303 Q5994 +Q619328 P136 Q37073 +Q144622 P1303 Q133163 +Q457803 P1412 Q9035 +Q26625 P102 Q29552 +Q235302 P106 Q10800557 +Q20145 P27 Q884 +Q10308228 P69 Q43452 +Q204374 P136 Q52207399 +Q380180 P27 Q30 +Q434500 P69 Q5384959 +Q4149437 P119 Q1457437 +Q228792 P1303 Q17172850 +Q18404 P172 Q121842 +Q387434 P106 Q10800557 +Q71404 P69 Q35794 +Q321178 P19 Q1204 +Q745896 P27 Q30 +Q73132 P27 Q27 +Q103767 P1303 Q9798 +Q974888 P136 Q3071 +Q314308 P106 Q1622272 +Q1928051 P106 Q855091 +Q219521 P509 Q188605 +Q151792 P136 Q1054574 +Q76131 P106 Q24262584 +Q28 P530 Q36 +Q463615 P161 Q273208 +Q274973 P136 Q1200678 +Q205707 P106 Q948329 +Q36591 P106 Q18814623 +Q106083 P27 Q183 +Q705681 P108 Q681025 +Q77824 P102 Q7320 +Q765165 P1412 Q7737 +Q357929 P737 Q590787 +Q61708 P108 Q152087 +Q159481 P101 Q9465 +Q94555 P106 Q36180 +Q1524938 P106 Q639669 +Q915447 P106 Q33999 +Q25820 P1412 Q1860 +Q1742005 P19 Q18094 +Q1246 P530 Q35 +Q143605 P495 Q30 +Q282882 P106 Q193391 +Q266057 P106 Q2259451 +Q154581 P161 Q455280 +Q941210 P106 Q2405480 +Q17714 P106 Q19350898 +Q283328 P19 Q18426 +Q261456 P19 Q3820 +Q437748 P27 Q29999 +Q5105 P1303 Q17172850 +Q1352222 P106 Q40348 +Q366584 P136 Q83440 +Q325020 P106 Q3282637 +Q211 P463 Q656801 +Q65559 P106 Q36180 +Q235470 P737 Q868 +Q748584 P106 Q970153 +Q162672 P136 Q1146335 +Q906529 P69 Q49112 +Q215142 P106 Q169470 +Q349507 P106 Q8178443 +Q953841 P106 Q10798782 +Q159 P463 Q1043527 +Q63630 P106 Q1622272 +Q467368 P106 Q1930187 +Q109149 P140 Q75809 +Q41594 P106 Q5716684 +Q46479 P1303 Q17172850 +Q436784 P102 Q29468 +Q156321 P172 Q170217 +Q214659 P106 Q333634 +Q331461 P1303 Q17172850 +Q936470 P108 Q7842 +Q1000051 P27 Q30 +Q4098 P17 Q183 +Q191850 P106 Q18844224 +Q194143 P136 Q319221 +Q274711 P509 Q12078 +Q258847 P161 Q361158 +Q902 P530 Q928 +Q1585964 P108 Q842909 +Q156058 P106 Q16947320 +Q216341 P106 Q33999 +Q233081 P551 Q23197 +Q1200053 P509 Q12078 +Q983 P30 Q15 +Q23 P106 Q82955 +Q209186 P106 Q18814623 +Q202589 P106 Q130857 +Q152453 P136 Q45981 +Q290502 P106 Q333634 +Q123454 P106 Q82955 +Q359325 P106 Q3282637 +Q229808 P161 Q181900 +Q223316 P136 Q52162262 +Q308681 P840 Q1014 +Q15935 P1303 Q17172850 +Q351849 P106 Q2259451 +Q53719 P136 Q130232 +Q223769 P106 Q2252262 +Q573532 P108 Q49088 +Q23 P463 Q466089 +Q297210 P264 Q466649 +Q708236 P1303 Q46185 +Q202613 P106 Q177220 +Q1984116 P106 Q177220 +Q223887 P161 Q236434 +Q6527 P106 Q214917 +Q320093 P1412 Q1860 +Q602137 P106 Q8178443 +Q961851 P106 Q806349 +Q174210 P106 Q333634 +Q62843 P463 Q463303 +Q963626 P106 Q639669 +Q313551 P463 Q188771 +Q83287 P1412 Q1321 +Q614402 P106 Q2405480 +Q106611 P108 Q153006 +Q184843 P57 Q56005 +Q314427 P27 Q30 +Q465633 P106 Q3427922 +Q270951 P106 Q177220 +Q347717 P27 Q30 +Q163063 P106 Q488205 +Q282722 P1303 Q11404 +Q32335 P106 Q2405480 +Q149557 P106 Q8246794 +Q366570 P1412 Q9168 +Q72124 P106 Q188094 +Q58062 P106 Q36180 +Q252 P530 Q241 +Q965179 P172 Q49085 +Q193815 P106 Q10800557 +Q201562 P136 Q11366 +Q214171 P20 Q6986 +Q98703 P102 Q316533 +Q918443 P106 Q18844224 +Q175366 P69 Q745967 +Q93188 P551 Q691 +Q4227 P20 Q127856 +Q244 P463 Q123759 +Q61178 P27 Q40 +Q217557 P106 Q214917 +Q1715 P17 Q153943 +Q93343 P737 Q79759 +Q389151 P161 Q201279 +Q73482 P69 Q152838 +Q475942 P108 Q1137404 +Q442390 P840 Q220 +Q206534 P106 Q28389 +Q1386420 P172 Q170826 +Q567 P140 Q170111 +Q170509 P106 Q15949613 +Q11885 P27 Q30 +Q274277 P106 Q10800557 +Q715265 P106 Q2914170 +Q157814 P1303 Q133163 +Q543060 P1412 Q1860 +Q212 P530 Q902 +Q152019 P106 Q36180 +Q2022 P69 Q499911 +Q214299 P19 Q2107 +Q3262638 P106 Q82955 +Q1010602 P106 Q33999 +Q1497744 P1303 Q17172850 +Q66023 P106 Q860918 +Q115 P530 Q403 +Q76364 P1303 Q5994 +Q419 P530 Q183 +Q241422 P106 Q36180 +Q2089840 P1412 Q652 +Q51522 P69 Q993267 +Q17 P530 Q55 +Q46139 P119 Q272208 +Q35 P530 Q668 +Q214481 P106 Q40348 +Q234891 P264 Q202585 +Q60087 P509 Q175111 +Q101740 P69 Q209842 +Q107752 P1412 Q188 +Q135420 P19 Q1345 +Q213734 P106 Q644687 +Q152738 P1412 Q8785 +Q204212 P161 Q1803090 +Q471188 P136 Q11399 +Q893664 P19 Q656 +Q553196 P20 Q107126 +Q118243 P20 Q70 +Q762 P106 Q2055046 +Q241660 P106 Q36834 +Q313627 P1303 Q52954 +Q144904 P106 Q3427922 +Q480037 P106 Q1930187 +Q11612 P463 Q1493021 +Q77096 P69 Q157808 +Q1766082 P27 Q30 +Q710100 P102 Q31113 +Q127959 P463 Q463303 +Q267242 P106 Q1930187 +Q70950 P20 Q64 +Q529603 P1303 Q5994 +Q50012 P27 Q16957 +Q862 P463 Q463303 +Q1123489 P69 Q238101 +Q77438 P106 Q2516852 +Q240808 P1303 Q6607 +Q190368 P2348 Q2277 +Q390063 P161 Q181900 +Q765871 P136 Q14390274 +Q355374 P136 Q241662 +Q207459 P102 Q204911 +Q107730 P102 Q29468 +Q982493 P463 Q337234 +Q40119 P136 Q859369 +Q888554 P1303 Q6607 +Q157043 P463 Q270794 +Q83542 P495 Q16 +Q739 P530 Q902 +Q313813 P136 Q11366 +Q239214 P119 Q68752772 +Q363867 P27 Q30 +Q556615 P1303 Q6607 +Q115641 P108 Q152087 +Q128460 P19 Q90 +Q117139 P737 Q5928 +Q444616 P106 Q33999 +Q285341 P69 Q219563 +Q88710 P69 Q152087 +Q801 P530 Q43 +Q318309 P106 Q49757 +Q357036 P106 Q639669 +Q984215 P69 Q761534 +Q1027051 P106 Q486748 +Q4093 P17 Q174193 +Q180395 P161 Q80046 +Q137595 P840 Q824 +Q313868 P106 Q488205 +Q2260923 P106 Q1930187 +Q874828 P106 Q639669 +Q8007 P106 Q82955 +Q92650 P69 Q13371 +Q269912 P840 Q816 +Q112880 P1412 Q188 +Q72678 P108 Q165528 +Q223596 P136 Q471839 +Q1322285 P136 Q842324 +Q124065 P106 Q1930187 +Q1934319 P172 Q127885 +Q311319 P1412 Q1860 +Q87137 P106 Q2306091 +Q110374 P106 Q2526255 +Q12003 P264 Q183387 +Q160518 P106 Q205375 +Q156902 P20 Q3806 +Q372215 P108 Q23548 +Q283988 P19 Q84 +Q69631 P1412 Q150 +Q3709961 P108 Q49088 +Q103767 P106 Q12800682 +Q95355 P106 Q482980 +Q76343 P40 Q77555 +Q72262 P19 Q18383 +Q20 P463 Q45177 +Q851 P530 Q148 +Q104561 P102 Q7320 +Q949337 P19 Q65 +Q233 P530 Q801 +Q313578 P136 Q11401 +Q376176 P106 Q33999 +Q505129 P106 Q901 +Q457022 P19 Q23556 +Q934582 P136 Q11399 +Q184267 P27 Q34266 +Q123512 P106 Q4263842 +Q57954 P106 Q11774202 +Q1037 P530 Q1020 +Q559771 P27 Q36 +Q444663 P27 Q142 +Q107002 P106 Q18814623 +Q329163 P106 Q33999 +Q179682 P19 Q25287 +Q139933 P19 Q16739 +Q151403 P69 Q160302 +Q456386 P106 Q639669 +Q1783775 P106 Q753110 +Q219 P530 Q1049 +Q313579 P106 Q10798782 +Q152019 P40 Q153730 +Q189226 P106 Q177220 +Q39 P463 Q188822 +Q1036131 P1303 Q6607 +Q352963 P509 Q12152 +Q207356 P27 Q30 +Q216092 P106 Q1231865 +Q232993 P161 Q57391 +Q782813 P106 Q482980 +Q1276 P737 Q41408 +Q1001 P101 Q5891 +Q80440 P106 Q4263842 +Q435034 P106 Q1415090 +Q212089 P106 Q183945 +Q206112 P172 Q1344183 +Q1058562 P106 Q10798782 +Q26876 P136 Q83440 +Q551491 P69 Q178848 +Q177111 P106 Q36834 +Q381104 P69 Q28695 +Q64406 P106 Q18805 +Q62134 P509 Q11868838 +Q194220 P106 Q43845 +Q593554 P106 Q1930187 +Q81752 P101 Q184485 +Q953288 P106 Q37226 +Q63630 P69 Q153987 +Q854 P530 Q17 +Q76616 P463 Q543804 +Q161877 P106 Q33999 +Q1025 P37 Q13955 +Q62046 P106 Q2487799 +Q86093 P20 Q1741 +Q55388 P106 Q28389 +Q717 P463 Q1065 +Q183347 P106 Q33999 +Q264774 P27 Q16 +Q229775 P19 Q65 +Q356499 P20 Q84 +Q8862012 P69 Q503473 +Q145 P530 Q41 +Q2791686 P69 Q319239 +Q220335 P1412 Q1860 +Q106751 P106 Q81096 +Q381883 P106 Q639669 +Q363379 P27 Q142 +Q152785 P3373 Q151087 +Q105201 P69 Q672420 +Q445122 P161 Q106706 +Q45338 P106 Q10798782 +Q94487 P106 Q2405480 +Q430905 P106 Q488205 +Q369916 P1412 Q1860 +Q1041 P463 Q376150 +Q89709 P463 Q83172 +Q18800 P27 Q16 +Q134183 P1412 Q1860 +Q481871 P108 Q501758 +Q1382482 P69 Q215539 +Q215488 P106 Q10800557 +Q123483 P463 Q414163 +Q1394654 P106 Q488205 +Q187423 P161 Q60131 +Q540803 P19 Q649 +Q382680 P106 Q2500638 +Q172916 P106 Q36180 +Q188401 P136 Q37073 +Q167768 P136 Q35760 +Q58978 P69 Q315658 +Q92766 P463 Q1493021 +Q315514 P27 Q229 +Q2895 P37 Q8641 +Q517448 P106 Q183945 +Q389466 P161 Q189080 +Q179746 P161 Q229556 +Q626061 P69 Q49088 +Q962308 P106 Q4263842 +Q879093 P106 Q39631 +Q19089 P495 Q30 +Q362258 P106 Q488205 +Q86864 P1412 Q809 +Q61078 P106 Q333634 +Q160318 P20 Q956 +Q40116 P106 Q3658608 +Q14277 P463 Q414379 +Q71208 P20 Q162049 +Q8007 P509 Q1368943 +Q233265 P106 Q492537 +Q51139 P106 Q639669 +Q113951 P27 Q40 +Q57106 P1412 Q7411 +Q53006 P1412 Q652 +Q71419 P20 Q1794 +Q210172 P551 Q65 +Q181678 P106 Q9017214 +Q1629187 P463 Q337234 +Q361649 P106 Q2252262 +Q145173 P106 Q1208175 +Q561617 P463 Q1425328 +Q130355 P106 Q639669 +Q237673 P106 Q214917 +Q295847 P106 Q2259451 +Q350588 P106 Q183945 +Q233876 P463 Q1322403 +Q67477 P69 Q155354 +Q450412 P26 Q239419 +Q267550 P19 Q580 +Q379117 P27 Q34 +Q123371 P106 Q901 +Q128460 P1412 Q150 +Q457923 P106 Q188094 +Q94486 P106 Q36180 +Q392924 P161 Q233362 +Q505994 P136 Q186472 +Q710924 P106 Q2462658 +Q1157870 P106 Q177220 +Q47900 P106 Q47064 +Q1246324 P106 Q520549 +Q527394 P106 Q639669 +Q234997 P106 Q10798782 +Q76699 P106 Q1209498 +Q977 P463 Q7809 +Q958 P530 Q148 +Q77844 P106 Q36180 +Q317397 P106 Q14915627 +Q11975 P1303 Q17172850 +Q1432551 P106 Q10800557 +Q1286510 P1303 Q51290 +Q105756 P106 Q36180 +Q92851 P463 Q1493021 +Q73768 P69 Q55044 +Q198684 P69 Q503415 +Q2071 P106 Q33999 +Q271640 P106 Q4610556 +Q267386 P27 Q30 +Q267435 P27 Q30 +Q231091 P1412 Q1860 +Q582152 P106 Q33999 +Q92432 P69 Q152087 +Q2657741 P27 Q399 +Q263629 P509 Q212961 +Q1461840 P106 Q1622272 +Q634025 P27 Q29999 +Q331180 P495 Q183 +Q57737 P20 Q3923 +Q53012 P106 Q7042855 +Q29658 P495 Q38 +Q286366 P106 Q2526255 +Q1444438 P19 Q1297 +Q77061 P1412 Q188 +Q369190 P106 Q33999 +Q311615 P136 Q21010853 +Q380484 P20 Q173813 +Q62880 P106 Q36180 +Q215652 P27 Q145 +Q655213 P106 Q4263842 +Q284686 P161 Q206856 +Q72070 P106 Q333634 +Q51110 P106 Q947873 +Q336444 P551 Q172 +Q4120312 P20 Q90 +Q708158 P264 Q1273666 +Q801 P463 Q41550 +Q44780 P264 Q772494 +Q334825 P106 Q33999 +Q912271 P463 Q161806 +Q154145 P737 Q76509 +Q23844 P106 Q3282637 +Q196685 P161 Q200841 +Q659027 P108 Q168751 +Q207596 P106 Q13235160 +Q507075 P69 Q1797768 +Q236438 P119 Q1092107 +Q122370 P20 Q72 +Q235928 P106 Q512314 +Q230068 P108 Q1065 +Q573017 P264 Q2338889 +Q347395 P1412 Q1860 +Q249235 P840 Q21 +Q1359039 P172 Q49085 +Q558794 P1412 Q9168 +Q77020 P20 Q1726 +Q278550 P161 Q208590 +Q110138 P136 Q130232 +Q95453 P102 Q7320 +Q149499 P106 Q6625963 +Q1277181 P1303 Q5994 +Q69894 P106 Q169470 +Q2482444 P106 Q901 +Q127414 P136 Q859369 +Q355781 P106 Q10800557 +Q1041 P463 Q7825 +Q66248 P69 Q50662 +Q230665 P40 Q349312 +Q97423 P106 Q2526255 +Q974023 P106 Q82955 +Q340138 P840 Q8652 +Q212446 P27 Q30 +Q47899 P106 Q177220 +Q76876 P1412 Q188 +Q164424 P136 Q1776156 +Q106871 P136 Q496523 +Q320864 P106 Q1930187 +Q34296 P463 Q463281 +Q286868 P161 Q310932 +Q164721 P69 Q318186 +Q223271 P140 Q106039 +Q472270 P106 Q1930187 +Q95447 P1412 Q150 +Q232113 P106 Q177220 +Q49004 P106 Q2405480 +Q193815 P106 Q177220 +Q604086 P172 Q127885 +Q240647 P106 Q482980 +Q60946 P69 Q151510 +Q10648 P26 Q2986943 +Q353754 P69 Q13371 +Q936760 P69 Q608338 +Q48102 P119 Q1130019 +Q218031 P1303 Q128309 +Q144664 P69 Q215539 +Q734 P463 Q4230 +Q32335 P27 Q16 +Q24631 P463 Q117467 +Q786 P463 Q842490 +Q45647 P106 Q33999 +Q15462 P106 Q193391 +Q909149 P407 Q1860 +Q862412 P106 Q214917 +Q213765 P106 Q1234713 +Q967846 P106 Q43845 +Q954997 P106 Q10798782 +Q357102 P140 Q23540 +Q60441 P106 Q333634 +Q505946 P106 Q16145150 +Q229286 P106 Q82955 +Q216896 P106 Q28389 +Q66720618 P106 Q1281618 +Q316327 P27 Q45 +Q178903 P463 Q466089 +Q256037 P136 Q20442589 +Q553790 P19 Q84 +Q272374 P101 Q207628 +Q92995 P463 Q2739680 +Q45723 P1412 Q150 +Q695 P463 Q7809 +Q439315 P136 Q11366 +Q60296 P161 Q360313 +Q191026 P463 Q691152 +Q107759 P69 Q151510 +Q78349 P509 Q212961 +Q353762 P136 Q35760 +Q1353559 P136 Q37073 +Q483507 P106 Q55960555 +Q64265 P27 Q183 +Q240509 P136 Q11366 +Q291180 P161 Q360528 +Q541929 P27 Q408 +Q414 P530 Q801 +Q189080 P106 Q753110 +Q6512 P20 Q1748 +Q878 P463 Q340195 +Q351884 P106 Q266569 +Q704682 P1412 Q9083 +Q34970 P1412 Q1860 +Q2019530 P3373 Q260026 +Q106555 P1412 Q150 +Q216341 P136 Q83440 +Q312885 P106 Q10798782 +Q458390 P463 Q1938003 +Q432552 P136 Q11401 +Q909 P737 Q16867 +Q323827 P840 Q34266 +Q183382 P27 Q159 +Q110330 P102 Q210703 +Q234847 P26 Q130447 +Q60208 P106 Q11774202 +Q45909 P264 Q190585 +Q514998 P106 Q1930187 +Q25649 P1412 Q1860 +Q128126 P1412 Q150 +Q84238 P551 Q40 +Q385703 P69 Q156598 +Q265270 P106 Q34074720 +Q240509 P106 Q177220 +Q194220 P106 Q55960555 +Q320384 P57 Q56008 +Q184746 P1412 Q1860 +Q227 P463 Q899770 +Q76128 P172 Q79797 +Q72804 P27 Q183 +Q878 P463 Q47543 +Q310375 P106 Q36180 +Q69894 P1412 Q188 +Q112378 P106 Q47064 +Q67511 P106 Q36180 +Q77161 P106 Q1622272 +Q218690 P106 Q36180 +Q705697 P69 Q1426464 +Q1273666 P17 Q30 +Q105026 P463 Q459620 +Q62432 P106 Q49757 +Q28117 P106 Q36180 +Q1733964 P463 Q463303 +Q208993 P106 Q201788 +Q391540 P161 Q232371 +Q29 P530 Q733 +Q1402 P106 Q333634 +Q295803 P69 Q192088 +Q504 P106 Q4164507 +Q1265657 P106 Q4964182 +Q556767 P106 Q482980 +Q167437 P161 Q48410 +Q207824 P1303 Q17172850 +Q312803 P106 Q2259451 +Q155 P530 Q801 +Q359474 P106 Q2252262 +Q108006 P161 Q53680 +Q154545 P27 Q1041 +Q215215 P551 Q65 +Q1577693 P108 Q158158 +Q730261 P19 Q18419 +Q208344 P136 Q2973181 +Q374220 P27 Q30 +Q1046066 P749 Q21077 +Q1899 P17 Q172107 +Q979865 P69 Q258464 +Q51552 P106 Q33999 +Q215904 P20 Q19660 +Q15180 P530 Q916 +Q712851 P106 Q1415090 +Q754 P530 Q668 +Q124159 P108 Q371625 +Q503997 P106 Q37226 +Q63630 P108 Q317053 +Q310332 P264 Q43327 +Q722119 P509 Q12192 +Q217068 P106 Q333634 +Q166159 P106 Q4853732 +Q2658411 P119 Q794 +Q374770 P106 Q2259451 +Q322850 P1303 Q5994 +Q106193 P136 Q38848 +Q266179 P106 Q28389 +Q57554 P20 Q3033 +Q4681470 P69 Q49126 +Q337614 P27 Q1246 +Q471542 P27 Q668 +Q179051 P106 Q33999 +Q102660 P106 Q2259451 +Q1154246 P1303 Q17172850 +Q36450 P1412 Q7737 +Q106465 P106 Q578109 +Q236939 P1412 Q9168 +Q120381 P737 Q193236 +Q1268 P1412 Q809 +Q80204 P161 Q160432 +Q267010 P264 Q843402 +Q153725 P19 Q8684 +Q1251900 P106 Q855091 +Q157879 P161 Q310324 +Q233433 P27 Q16 +Q1224 P106 Q82955 +Q205456 P106 Q7042855 +Q294773 P27 Q145 +Q114819 P161 Q61356 +Q234030 P136 Q132311 +Q181678 P106 Q81096 +Q247516 P161 Q125017 +Q441351 P136 Q205049 +Q230445 P27 Q30 +Q194333 P737 Q1299 +Q41590 P106 Q214917 +Q130327 P463 Q123885 +Q265726 P40 Q189400 +Q240933 P140 Q9268 +Q311723 P106 Q33999 +Q647687 P106 Q6625963 +Q7317 P106 Q82955 +Q230203 P106 Q28389 +Q7231 P106 Q1930187 +Q232384 P451 Q63187 +Q34677 P140 Q1841 +Q4191 P17 Q39 +Q739 P530 Q142 +Q1189327 P106 Q2259451 +Q918447 P27 Q30 +Q705529 P27 Q41 +Q451369 P27 Q33946 +Q273652 P136 Q213121 +Q270707 P106 Q4263842 +Q181803 P161 Q441685 +Q244395 P106 Q40348 +Q97076 P27 Q183 +Q76554 P1412 Q188 +Q239355 P136 Q482 +Q77325 P106 Q33231 +Q95949 P27 Q183 +Q78475 P20 Q1741 +Q414 P530 Q865 +Q316427 P509 Q12078 +Q189739 P106 Q14467526 +Q155018 P161 Q45233 +Q1238180 P509 Q183134 +Q11107 P106 Q1622272 +Q32045 P106 Q10800557 +Q441086 P106 Q1622272 +Q231270 P101 Q211236 +Q489252 P106 Q1350157 +Q1929135 P106 Q639669 +Q236531 P106 Q4610556 +Q364679 P102 Q29552 +Q345906 P69 Q219615 +Q187364 P106 Q18844224 +Q287177 P136 Q83440 +Q19199 P136 Q20378 +Q217470 P106 Q4964182 +Q183 P463 Q8908 +Q181683 P106 Q855091 +Q153579 P463 Q463303 +Q980676 P463 Q191583 +Q267721 P136 Q1146335 +Q100937 P2348 Q6927 +Q62757 P19 Q2833 +Q153034 P108 Q209842 +Q273075 P106 Q10798782 +Q182763 P172 Q49085 +Q194917 P106 Q1622272 +Q710626 P106 Q16145150 +Q60884 P106 Q4220892 +Q73357 P108 Q151510 +Q303678 P161 Q191842 +Q2105 P1412 Q7737 +Q181659 P20 Q6106 +Q455558 P1412 Q1860 +Q690759 P69 Q390287 +Q349350 P1412 Q1860 +Q371639 P106 Q593644 +Q112378 P106 Q81096 +Q34660 P737 Q242571 +Q707293 P106 Q855091 +Q274362 P1303 Q17172850 +Q11593 P161 Q144643 +Q93692 P136 Q134307 +Q1025 P530 Q148 +Q94081 P106 Q11338576 +Q60025 P737 Q1399 +Q456413 P1412 Q1860 +Q236527 P106 Q10800557 +Q31959 P1303 Q6607 +Q131725 P106 Q177220 +Q105460 P2348 Q6927 +Q183141 P106 Q10800557 +Q335011 P106 Q18814623 +Q443708 P106 Q169470 +Q242110 P551 Q60 +Q115760 P136 Q2484376 +Q233541 P1303 Q5994 +Q934734 P1412 Q9043 +Q36767 P106 Q10798782 +Q554422 P106 Q639669 +Q379830 P106 Q10798782 +Q35733 P119 Q208175 +Q86778 P27 Q183 +Q89188 P106 Q36180 +Q861227 P106 Q639669 +Q27214 P106 Q3282637 +Q333971 P136 Q188473 +Q246538 P19 Q16559 +Q10490 P106 Q43845 +Q185490 P161 Q380904 +Q543294 P106 Q15296811 +Q177131 P1303 Q17172850 +Q1370873 P106 Q43845 +Q11928 P161 Q489 +Q81324 P641 Q131359 +Q920637 P20 Q11299 +Q5878 P106 Q36180 +Q120342 P1412 Q188 +Q37944 P106 Q177220 +Q315752 P20 Q84 +Q332783 P102 Q9626 +Q532852 P69 Q499911 +Q155412 P106 Q36834 +Q74849 P106 Q16145150 +Q233956 P140 Q9592 +Q223033 P106 Q33999 +Q2601 P19 Q2079 +Q10681 P69 Q273631 +Q329145 P161 Q544465 +Q102438 P161 Q1189327 +Q543443 P1412 Q1860 +Q137138 P20 Q90 +Q83495 P495 Q408 +Q465679 P1412 Q809 +Q268615 P264 Q183412 +Q180665 P1412 Q5146 +Q6512 P551 Q64 +Q323641 P1303 Q46185 +Q47755 P106 Q6625963 +Q164047 P27 Q179876 +Q209471 P1303 Q17172850 +Q23530 P102 Q79854 +Q239411 P102 Q29468 +Q269927 P106 Q2526255 +Q214349 P1303 Q5994 +Q549722 P161 Q68468 +Q1365901 P106 Q82955 +Q42051 P136 Q471839 +Q43067 P463 Q156652 +Q8349 P106 Q183945 +Q311450 P106 Q33999 +Q120905 P27 Q43287 +Q77708 P463 Q414163 +Q47221 P161 Q41148 +Q28 P463 Q826700 +Q382676 P27 Q25 +Q403 P530 Q801 +Q1248240 P69 Q49213 +Q70912 P1303 Q17172850 +Q981526 P264 Q155152 +Q720785 P19 Q1342 +Q15489989 P106 Q1028181 +Q1785 P1412 Q652 +Q271625 P1303 Q17172850 +Q218 P530 Q298 +Q191719 P27 Q30 +Q352738 P106 Q2259451 +Q1066965 P136 Q9759 +Q44063 P106 Q43845 +Q44205 P106 Q82955 +Q310052 P106 Q33999 +Q233911 P106 Q43845 +Q295107 P106 Q33999 +Q554164 P106 Q639669 +Q184785 P69 Q1256981 +Q710121 P106 Q36180 +Q219368 P106 Q2306091 +Q690974 P106 Q177220 +Q102403 P69 Q152171 +Q299965 P106 Q11774202 +Q117 P463 Q8475 +Q182665 P106 Q639669 +Q155559 P161 Q208681 +Q261923 P161 Q26806 +Q167997 P27 Q2305208 +Q379949 P106 Q6625963 +Q55433 P172 Q50001 +Q67139 P1412 Q188 +Q449670 P106 Q11774202 +Q188857 P69 Q209842 +Q503917 P119 Q5763964 +Q214677 P106 Q8246794 +Q709594 P106 Q183945 +Q734564 P106 Q482980 +Q49080 P1412 Q7737 +Q229599 P161 Q44380 +Q330840 P19 Q39709 +Q45387 P106 Q33999 +Q334116 P106 Q1930187 +Q1036 P463 Q191384 +Q232945 P69 Q1419737 +Q1764153 P106 Q855091 +Q78824 P106 Q82955 +Q200639 P106 Q49757 +Q271465 P27 Q30 +Q117741 P106 Q36834 +Q128507 P106 Q10800557 +Q238315 P106 Q28389 +Q863 P530 Q794 +Q67405 P1412 Q188 +Q863 P530 Q668 +Q287793 P106 Q33999 +Q46717 P161 Q166272 +Q183167 P106 Q11774202 +Q136264 P161 Q308722 +Q3133221 P106 Q43845 +Q154770 P27 Q30 +Q122968 P463 Q920266 +Q34 P463 Q81299 +Q12908 P140 Q7066 +Q517 P1412 Q150 +Q268615 P106 Q177220 +Q1290755 P106 Q14915627 +Q175305 P106 Q177220 +Q552273 P106 Q1930187 +Q99903 P1412 Q188 +Q219377 P106 Q36180 +Q215219 P106 Q10800557 +Q64812 P106 Q1397808 +Q23359 P106 Q33999 +Q181145 P20 Q585 +Q369022 P27 Q174193 +Q337078 P57 Q13595311 +Q102235 P161 Q203545 +Q137115 P106 Q1792450 +Q458978 P27 Q16 +Q188176 P136 Q24925 +Q233873 P106 Q10798782 +Q171571 P106 Q177220 +Q133925 P69 Q201492 +Q246296 P106 Q16267607 +Q37060 P106 Q6625963 +Q228747 P106 Q33999 +Q1606108 P1412 Q7411 +Q295542 P136 Q83270 +Q111182 P106 Q1622272 +Q2086086 P1412 Q7737 +Q80596 P106 Q6625963 +Q212 P530 Q28 +Q17455 P27 Q28 +Q201379 P161 Q14537 +Q57309 P102 Q153401 +Q204299 P106 Q10798782 +Q124869 P106 Q593644 +Q179257 P106 Q3089940 +Q92965 P106 Q170790 +Q57465 P106 Q82955 +Q92519 P69 Q151510 +Q231091 P27 Q30 +Q214831 P140 Q42504 +Q297693 P1303 Q17172850 +Q67039 P27 Q183 +Q313758 P27 Q145 +Q92085 P1412 Q188 +Q241085 P161 Q191132 +Q124607 P106 Q201788 +Q49081 P27 Q30 +Q64263 P106 Q36180 +Q93450 P1412 Q188 +Q103285 P106 Q1930187 +Q84579 P106 Q82955 +Q18425 P463 Q4345832 +Q232301 P106 Q10800557 +Q139557 P106 Q49757 +Q266057 P106 Q177220 +Q228925 P27 Q30 +Q168010 P136 Q1054574 +Q7314 P1412 Q7737 +Q1327115 P106 Q128124 +Q1236051 P106 Q36834 +Q109110 P136 Q1033891 +Q233566 P136 Q182015 +Q506900 P106 Q36834 +Q186504 P161 Q172261 +Q49285 P451 Q49279 +Q350666 P106 Q33999 +Q973400 P106 Q855091 +Q313581 P106 Q13570226 +Q189758 P119 Q485716 +Q78270 P463 Q684415 +Q189081 P106 Q2095549 +Q132351 P161 Q337658 +Q189080 P26 Q235066 +Q1225141 P106 Q639669 +Q87402 P101 Q413 +Q47162 P106 Q214917 +Q213844 P106 Q10800557 +Q23858 P106 Q245068 +Q185714 P106 Q15980158 +Q811 P463 Q899770 +Q187337 P1412 Q1860 +Q248837 P27 Q30 +Q62354 P106 Q40348 +Q7934 P27 Q30 +Q182727 P495 Q17 +Q204590 P1412 Q1860 +Q437 P17 Q215 +Q167821 P106 Q15980158 +Q38849 P140 Q748 +Q217160 P136 Q378988 +Q44570 P1303 Q17172850 +Q41594 P1303 Q17172850 +Q13133 P102 Q29552 +Q922336 P106 Q47064 +Q315099 P69 Q777403 +Q502325 P106 Q13235160 +Q48067 P106 Q36180 +Q87884 P106 Q82955 +Q8018 P140 Q9592 +Q367391 P106 Q82955 +Q254555 P161 Q310315 +Q1000051 P172 Q170826 +Q113206 P136 Q40831 +Q214565 P509 Q12192 +Q77325 P106 Q49757 +Q1552348 P106 Q158852 +Q36878 P106 Q16287483 +Q540544 P102 Q29468 +Q390063 P161 Q4223 +Q133720 P264 Q183387 +Q191123 P20 Q1218 +Q17455 P26 Q14100 +Q994 P30 Q46 +Q72893 P106 Q2259451 +Q934722 P106 Q639669 +Q1384181 P27 Q30 +Q148 P463 Q827525 +Q323483 P136 Q83440 +Q169452 P106 Q10800557 +Q74227 P106 Q28389 +Q96825 P106 Q1028181 +Q212518 P106 Q10800557 +Q313581 P69 Q154804 +Q311253 P27 Q30 +Q1277002 P20 Q597 +Q77 P463 Q5611262 +Q470193 P27 Q15180 +Q395494 P106 Q10800557 +Q57775 P101 Q82955 +Q811 P463 Q191384 +Q315132 P27 Q203493 +Q305372 P106 Q2526255 +Q113717 P19 Q1741 +Q72400 P106 Q3242115 +Q1402 P106 Q864380 +Q182546 P463 Q40358 +Q7104 P27 Q142 +Q1124849 P159 Q47164 +Q359248 P463 Q265058 +Q299309 P106 Q28389 +Q348351 P509 Q12152 +Q560818 P69 Q209842 +Q426631 P840 Q1761 +Q561458 P69 Q1143289 +Q180405 P161 Q310318 +Q231690 P106 Q11774202 +Q11153 P108 Q333886 +Q104094 P106 Q33999 +Q228852 P106 Q177220 +Q110043 P57 Q7374 +Q299190 P20 Q743535 +Q516505 P106 Q482980 +Q48051 P102 Q79854 +Q293067 P27 Q145 +Q443892 P136 Q850412 +Q70425 P69 Q131262 +Q263730 P106 Q33999 +Q315087 P140 Q75809 +Q92007 P106 Q1622272 +Q224029 P69 Q3268638 +Q434805 P106 Q82955 +Q317614 P27 Q30 +Q233291 P106 Q33999 +Q976071 P119 Q21 +Q726388 P106 Q182436 +Q216458 P159 Q60 +Q1055 P17 Q7318 +Q5879 P106 Q193391 +Q921 P530 Q145 +Q274711 P106 Q4853732 +Q241873 P1412 Q9176 +Q181451 P106 Q193391 +Q96762 P106 Q1622272 +Q187282 P20 Q406 +Q68126 P27 Q801 +Q1346255 P106 Q855091 +Q181728 P119 Q12404547 +Q538362 P106 Q639669 +Q27610 P106 Q49757 +Q338726 P509 Q12136 +Q315181 P106 Q13235160 +Q367927 P69 Q9842 +Q57393 P551 Q90 +Q1018838 P19 Q1489 +Q77042 P106 Q36834 +Q76498 P1412 Q188 +Q3118802 P106 Q1622272 +Q1809563 P106 Q177220 +Q183253 P1412 Q1860 +Q116553 P106 Q1622272 +Q330238 P140 Q624477 +Q1060395 P106 Q1622272 +Q268084 P106 Q28389 +Q264891 P106 Q488205 +Q40495 P1412 Q256 +Q250250 P106 Q33999 +Q553861 P1303 Q6607 +Q355314 P69 Q457281 +Q42585 P361 Q153136 +Q57999 P119 Q3806 +Q1272729 P136 Q45981 +Q189869 P106 Q214917 +Q237345 P136 Q45981 +Q34597 P1412 Q35497 +Q153248 P106 Q28389 +Q191480 P509 Q12192 +Q196287 P106 Q170790 +Q727148 P106 Q6625963 +Q152857 P161 Q67917 +Q214299 P106 Q1622272 +Q527146 P106 Q1930187 +Q98258 P106 Q482980 +Q192402 P1303 Q3382191 +Q132351 P161 Q338812 +Q351359 P509 Q12152 +Q77482 P19 Q2795 +Q334 P463 Q7768 +Q160433 P136 Q1062400 +Q78089 P140 Q75809 +Q232458 P106 Q177220 +Q67247 P106 Q81096 +Q331461 P27 Q30 +Q369492 P136 Q5442753 +Q1514 P69 Q49213 +Q211462 P27 Q30 +Q76478 P106 Q3282637 +Q220018 P106 Q18939491 +Q88710 P106 Q49757 +Q60487 P161 Q189992 +Q381014 P108 Q7842 +Q1046038 P106 Q177220 +Q1684779 P27 Q142 +Q456413 P26 Q516473 +Q192979 P136 Q157394 +Q186327 P106 Q855091 +Q156911 P840 Q64 +Q736847 P1412 Q9067 +Q151593 P136 Q1344 +Q73959 P69 Q55044 +Q219368 P463 Q463303 +Q233377 P106 Q10798782 +Q285928 P19 Q21197 +Q76998 P106 Q82955 +Q261550 P840 Q65 +Q159 P530 Q238 +Q291183 P19 Q185582 +Q1646 P106 Q6625963 +Q851 P530 Q114 +Q2910 P463 Q1768108 +Q1396852 P135 Q180902 +Q148204 P161 Q3157150 +Q919156 P509 Q3505252 +Q1346832 P551 Q60 +Q213582 P106 Q333634 +Q684808 P106 Q49757 +Q2757 P106 Q15627169 +Q262838 P27 Q16 +Q296537 P106 Q10798782 +Q329700 P19 Q18424 +Q213512 P106 Q177220 +Q187414 P495 Q30 +Q1047474 P1303 Q17172850 +Q311580 P106 Q753110 +Q7504 P106 Q169470 +Q48613 P106 Q33999 +Q1648062 P106 Q901 +Q243113 P3373 Q199418 +Q197491 P495 Q30 +Q436571 P106 Q2722764 +Q60876 P106 Q33999 +Q569350 P138 Q1726 +Q317350 P19 Q84 +Q350362 P106 Q177220 +Q42775 P106 Q10798782 +Q206112 P136 Q11399 +Q57477 P69 Q165980 +Q441114 P106 Q3286043 +Q2978 P17 Q183 +Q16867 P136 Q186424 +Q884 P463 Q1043527 +Q69395 P1412 Q188 +Q229056 P136 Q37073 +Q940891 P106 Q753110 +Q254142 P509 Q181754 +Q5679 P135 Q37068 +Q436693 P106 Q177220 +Q214999 P140 Q75809 +Q315132 P463 Q901677 +Q221 P530 Q212 +Q62402 P27 Q183 +Q204191 P136 Q52162262 +Q1793865 P20 Q34217 +Q60285 P102 Q328195 +Q85490 P106 Q18814623 +Q191480 P106 Q2516866 +Q207536 P136 Q188473 +Q310389 P69 Q523926 +Q159646 P20 Q90 +Q184530 P69 Q219317 +Q63809 P463 Q44687 +Q333519 P106 Q1930187 +Q168542 P27 Q40 +Q256354 P101 Q482 +Q11637 P101 Q184485 +Q193744 P264 Q202440 +Q159409 P108 Q371625 +Q214475 P106 Q28389 +Q167821 P106 Q6625963 +Q959153 P106 Q639669 +Q45388 P161 Q43203 +Q64091 P108 Q213439 +Q77161 P27 Q183 +Q714646 P101 Q36442 +Q379941 P106 Q49757 +Q219060 P530 Q28 +Q210741 P106 Q855091 +Q309690 P106 Q2259451 +Q203952 P20 Q64 +Q224004 P161 Q11256 +Q828641 P106 Q188094 +Q549141 P20 Q60 +Q202735 P106 Q3282637 +Q314972 P106 Q36180 +Q167768 P106 Q36180 +Q379824 P1412 Q5287 +Q373267 P161 Q211987 +Q182882 P106 Q1225716 +Q547373 P27 Q30 +Q302762 P27 Q30 +Q4473 P106 Q13235160 +Q979545 P106 Q43845 +Q39975 P161 Q204586 +Q215925 P1412 Q188 +Q84292 P27 Q40 +Q205456 P106 Q28389 +Q205314 P1412 Q1860 +Q192979 P161 Q58444 +Q66126 P1412 Q188 +Q937 P40 Q123371 +Q18233 P264 Q202585 +Q713213 P101 Q333 +Q309898 P27 Q142 +Q28 P463 Q8908 +Q176626 P495 Q36 +Q507327 P264 Q664167 +Q309788 P26 Q176455 +Q93166 P140 Q7066 +Q15981 P106 Q82955 +Q105801 P136 Q2973181 +Q44437 P106 Q639669 +Q336444 P106 Q18814623 +Q38757 P19 Q2749 +Q355344 P106 Q2259451 +Q11998 P106 Q10800557 +Q275185 P106 Q488205 +Q163714 P106 Q36180 +Q233736 P1303 Q17172850 +Q1178789 P106 Q12800682 +Q20733 P106 Q28389 +Q202770 P106 Q82955 +Q226053 P106 Q483501 +Q87487 P106 Q177220 +Q181799 P1050 Q131755 +Q11885 P1303 Q5994 +Q78185 P1303 Q17172850 +Q994 P17 Q34266 +Q182727 P161 Q124357 +Q656684 P119 Q399 +Q349799 P1303 Q17172850 +Q733 P530 Q414 +Q36591 P106 Q6625963 +Q15489989 P20 Q60 +Q182870 P19 Q11299 +Q207197 P106 Q855091 +Q66127 P69 Q154561 +Q322549 P106 Q901 +Q1353064 P69 Q273626 +Q273887 P106 Q33999 +Q30875 P20 Q90 +Q95710 P463 Q329464 +Q231091 P106 Q10798782 +Q297377 P106 Q82955 +Q783992 P1303 Q133163 +Q78528 P19 Q235 +Q724343 P106 Q4263842 +Q981526 P106 Q1259917 +Q1152239 P106 Q33999 +Q68137 P106 Q1930187 +Q335011 P140 Q1841 +Q262980 P161 Q104000 +Q547414 P69 Q49088 +Q440138 P1412 Q7026 +Q39979 P69 Q8047423 +Q200299 P136 Q157443 +Q264730 P509 Q189588 +Q254510 P106 Q33999 +Q314485 P106 Q578109 +Q11617 P19 Q18419 +Q311459 P106 Q16287483 +Q66023 P106 Q1231865 +Q441551 P27 Q38 +Q786 P463 Q190008 +Q379400 P106 Q584301 +Q153018 P69 Q55044 +Q209641 P106 Q36180 +Q118061 P106 Q169470 +Q3986379 P161 Q202729 +Q162389 P1412 Q1860 +Q167520 P106 Q33999 +Q98434 P106 Q1607826 +Q131248 P106 Q18814623 +Q230636 P1412 Q1860 +Q154959 P106 Q4964182 +Q183 P530 Q963 +Q107724 P136 Q188473 +Q7231 P106 Q188094 +Q11869 P27 Q30 +Q3520383 P161 Q208649 +Q378952 P27 Q30 +Q63309 P106 Q1607826 +Q437138 P69 Q847099 +Q961972 P463 Q1468277 +Q184785 P106 Q6625963 +Q983167 P140 Q1069127 +Q76727 P106 Q3055126 +Q318223 P19 Q1754 +Q12862 P1412 Q1860 +Q727416 P106 Q15949613 +Q2594947 P27 Q16 +Q69289 P102 Q316533 +Q86060 P102 Q158227 +Q269094 P106 Q753110 +Q43179 P69 Q838330 +Q607448 P264 Q1660305 +Q905323 P106 Q49757 +Q175278 P161 Q295964 +Q26058 P27 Q30 +Q261759 P840 Q12439 +Q157271 P1412 Q188 +Q177131 P19 Q5092 +Q809037 P1303 Q1444 +Q286074 P101 Q8087 +Q2621694 P106 Q11063 +Q275939 P451 Q10490 +Q195535 P1303 Q17172850 +Q975911 P106 Q639669 +Q60025 P106 Q2306091 +Q125494 P161 Q141680 +Q166010 P19 Q23556 +Q386053 P106 Q639669 +Q245271 P495 Q30 +Q354010 P27 Q30 +Q165392 P161 Q621490 +Q435744 P106 Q753110 +Q873178 P106 Q1930187 +Q269692 P19 Q5092 +Q51522 P27 Q30 +Q3430566 P106 Q40348 +Q228 P530 Q458 +Q953288 P69 Q761534 +Q110397 P136 Q860626 +Q65144 P106 Q177220 +Q78525 P106 Q16947320 +Q317953 P463 Q463303 +Q90781 P509 Q12078 +Q73416 P69 Q371625 +Q26625 P136 Q37073 +Q63035 P1412 Q188 +Q230448 P69 Q860450 +Q66631 P140 Q9592 +Q452252 P106 Q49757 +Q1361397 P106 Q13219587 +Q58073 P19 Q1486 +Q954231 P106 Q1415090 +Q49452 P106 Q23833535 +Q78918 P106 Q1622272 +Q155018 P495 Q142 +Q639065 P19 Q100 +Q574400 P106 Q1930187 +Q7231 P27 Q34266 +Q690854 P27 Q34266 +Q3048 P136 Q482 +Q731195 P106 Q1622272 +Q551129 P106 Q1622272 +Q315136 P1412 Q9299 +Q284229 P161 Q167498 +Q222 P530 Q230 +Q188214 P27 Q27 +Q363867 P136 Q8341 +Q74513 P19 Q100 +Q389589 P1412 Q150 +Q334760 P106 Q901 +Q233941 P106 Q639669 +Q60954 P509 Q12078 +Q383926 P106 Q177220 +Q57242 P463 Q83172 +Q323937 P69 Q178416 +Q2861 P17 Q7318 +Q84114 P463 Q463281 +Q190220 P136 Q132311 +Q953153 P106 Q10800557 +Q1232794 P106 Q639669 +Q123268 P108 Q659080 +Q733174 P119 Q3006253 +Q548185 P106 Q82955 +Q335794 P136 Q156035 +Q17455 P172 Q34069 +Q1155256 P106 Q177220 +Q171242 P20 Q656 +Q272203 P106 Q36834 +Q221289 P1303 Q9798 +Q333595 P509 Q181754 +Q267866 P161 Q436386 +Q76409 P27 Q30 +Q168010 P161 Q273075 +Q709499 P136 Q1196752 +Q1253366 P161 Q4538 +Q240899 P161 Q311271 +Q74258 P106 Q10800557 +Q847018 P136 Q753679 +Q93450 P136 Q147516 +Q44380 P106 Q1053574 +Q60469 P20 Q1799 +Q84503 P101 Q11633 +Q65121 P106 Q193391 +Q61310 P101 Q309 +Q72538 P463 Q543804 +Q69319 P106 Q43845 +Q69301 P1412 Q188 +Q234137 P106 Q10798782 +Q543443 P19 Q16555 +Q1066894 P20 Q16563 +Q73410 P106 Q33999 +Q262608 P106 Q10800557 +Q2607 P140 Q7066 +Q893664 P102 Q689018 +Q236066 P106 Q36834 +Q421707 P106 Q10800557 +Q148 P530 Q902 +Q1101938 P106 Q43845 +Q357936 P19 Q138518 +Q225089 P136 Q6585139 +Q76746 P106 Q16947320 +Q462744 P19 Q437 +Q330612 P161 Q214223 +Q521790 P106 Q2259451 +Q26806 P106 Q11481802 +Q837 P530 Q801 +Q60128 P172 Q49542 +Q92946 P106 Q82594 +Q249862 P106 Q2722764 +Q40187 P161 Q175535 +Q73357 P463 Q684415 +Q94513 P509 Q12152 +Q215949 P108 Q168756 +Q41 P530 Q224 +Q801 P530 Q836 +Q153243 P463 Q329464 +Q44857 P106 Q10798782 +Q110714 P1303 Q9798 +Q103598 P106 Q39631 +Q971447 P463 Q1425328 +Q124314 P106 Q36180 +Q41239 P172 Q49542 +Q240523 P1303 Q1343007 +Q72127 P20 Q31487 +Q123698 P20 Q71 +Q298027 P106 Q214917 +Q106592 P69 Q916444 +Q275876 P108 Q49114 +Q944245 P69 Q523926 +Q57244 P1303 Q1444 +Q187165 P106 Q13382533 +Q212730 P19 Q340 +Q325538 P161 Q72984 +Q220889 P264 Q202440 +Q110870 P106 Q635734 +Q2646169 P551 Q60 +Q318029 P106 Q36180 +Q263024 P106 Q183945 +Q230710 P106 Q2526255 +Q778539 P1303 Q6607 +Q1511 P172 Q42884 +Q433692 P106 Q33999 +Q298838 P106 Q10798782 +Q154662 P106 Q177220 +Q52447 P106 Q753110 +Q310734 P161 Q103343 +Q315210 P106 Q1930187 +Q42156 P106 Q36180 +Q44176 P106 Q2405480 +Q50003 P27 Q172579 +Q44398 P136 Q11401 +Q57218 P1412 Q188 +Q560847 P108 Q13371 +Q62906 P19 Q3971 +Q783 P463 Q827525 +Q104358 P551 Q189074 +Q56094 P106 Q3282637 +Q509341 P106 Q639669 +Q578031 P509 Q12152 +Q76158 P19 Q64 +Q340911 P136 Q2484376 +Q92432 P102 Q310296 +Q350714 P106 Q3282637 +Q147810 P737 Q991 +Q72287 P106 Q10800557 +Q43293 P106 Q482980 +Q296774 P27 Q30 +Q708158 P136 Q11401 +Q184226 P140 Q7066 +Q362516 P1303 Q6607 +Q357798 P27 Q36704 +Q55210 P69 Q737835 +Q153776 P20 Q649 +Q376176 P27 Q30 +Q134477 P106 Q6625963 +Q659027 P106 Q28389 +Q1356737 P1303 Q17172850 +Q135640 P1412 Q1860 +Q14010 P69 Q865528 +Q1955997 P20 Q90 +Q8027 P106 Q432386 +Q220192 P57 Q47100 +Q102570 P1412 Q188 +Q91371 P106 Q36180 +Q159933 P1412 Q9168 +Q106231 P140 Q106687 +Q105575 P551 Q13298 +Q318292 P106 Q10798782 +Q193660 P136 Q4184 +Q88478 P69 Q1278808 +Q96997 P27 Q16957 +Q282199 P161 Q73362 +Q298905 P106 Q2259451 +Q173061 P106 Q1028181 +Q273044 P27 Q30 +Q611997 P463 Q337224 +Q73612 P69 Q523926 +Q33977 P136 Q11635 +Q207873 P140 Q93191 +Q177993 P106 Q2526255 +Q69189 P106 Q2599593 +Q300566 P57 Q458766 +Q517448 P136 Q11401 +Q1039759 P1303 Q17172850 +Q232301 P106 Q8246794 +Q14441 P1303 Q17172850 +Q434060 P451 Q106555 +Q245363 P27 Q36 +Q235205 P1412 Q1860 +Q153670 P140 Q9268 +Q705681 P551 Q40435 +Q8873 P106 Q28389 +Q855 P102 Q204911 +Q575689 P69 Q503419 +Q163225 P40 Q10218 +Q331180 P161 Q320073 +Q77101 P106 Q4002666 +Q73357 P108 Q55044 +Q272438 P69 Q503473 +Q380079 P108 Q457281 +Q441913 P69 Q993267 +Q44354 P106 Q13474373 +Q543294 P106 Q639669 +Q98265 P106 Q36180 +Q99612 P69 Q318186 +Q2579684 P106 Q193391 +Q95215 P106 Q82955 +Q224026 P106 Q578109 +Q230530 P106 Q2405480 +Q60815 P27 Q30 +Q475733 P101 Q43035 +Q236708 P106 Q10798782 +Q64417 P101 Q184485 +Q47163 P106 Q42973 +Q61585 P102 Q153401 +Q720009 P1303 Q17172850 +Q35385 P136 Q484641 +Q3893579 P106 Q901 +Q1897271 P27 Q30 +Q271554 P106 Q2526255 +Q191966 P106 Q36180 +Q3589 P161 Q873 +Q207867 P106 Q49757 +Q863226 P136 Q11399 +Q82301 P106 Q822146 +Q445863 P106 Q177220 +Q62432 P106 Q1209498 +Q130780 P69 Q805285 +Q131112 P737 Q50020 +Q147989 P140 Q9592 +Q299595 P119 Q771 +Q228 P463 Q134102 +Q450335 P737 Q38392 +Q339551 P106 Q2526255 +Q102568 P106 Q36180 +Q69834 P69 Q152087 +Q162182 P495 Q30 +Q304030 P136 Q130232 +Q42493 P1303 Q17172850 +Q123225 P20 Q70 +Q45970 P108 Q168756 +Q380318 P1303 Q78987 +Q15969 P1412 Q188 +Q448767 P27 Q30 +Q45963 P140 Q9592 +Q323456 P264 Q3716272 +Q320714 P106 Q1930187 +Q522618 P749 Q38903 +Q26876 P106 Q488205 +Q9312 P20 Q4120832 +Q1031 P27 Q131964 +Q25078 P106 Q266569 +Q36 P463 Q789769 +Q329454 P20 Q649 +Q162597 P106 Q901402 +Q392697 P161 Q388557 +Q707990 P106 Q130857 +Q160215 P161 Q4465 +Q192655 P1303 Q5994 +Q541573 P136 Q188539 +Q106225 P106 Q177220 +Q66628 P1412 Q188 +Q455421 P106 Q4964182 +Q434913 P19 Q60 +Q133855 P551 Q39984 +Q1939469 P106 Q3387717 +Q480484 P27 Q28513 +Q7728 P551 Q220 +Q617215 P136 Q492537 +Q153232 P463 Q161806 +Q550996 P3373 Q630446 +Q322970 P1412 Q1860 +Q65783 P106 Q13424456 +Q356287 P106 Q10798782 +Q545822 P509 Q12202 +Q264867 P1412 Q13955 +Q80440 P101 Q482 +Q218992 P106 Q33999 +Q75811 P20 Q1731 +Q573299 P106 Q49757 +Q257217 P20 Q11299 +Q956296 P106 Q1930187 +Q59314 P106 Q177220 +Q83612 P136 Q130232 +Q233891 P106 Q10798782 +Q68225 P463 Q191583 +Q215017 P106 Q2259451 +Q3570727 P106 Q82594 +Q106231 P463 Q2822396 +Q58866 P106 Q28389 +Q561212 P106 Q1930187 +Q699605 P19 Q1867 +Q736 P530 Q833 +Q1385887 P106 Q82955 +Q45278 P108 Q55044 +Q72245 P1412 Q1860 +Q5683 P27 Q179876 +Q365682 P106 Q36834 +Q233479 P106 Q201788 +Q165110 P27 Q142 +Q57187 P106 Q333634 +Q106506 P136 Q471839 +Q82949 P840 Q649 +Q433284 P106 Q10800557 +Q171861 P136 Q860626 +Q89694 P106 Q33999 +Q1066772 P106 Q639669 +Q322549 P1412 Q1412 +Q705399 P69 Q13371 +Q55415 P1412 Q188 +Q762 P106 Q11063 +Q240485 P106 Q177220 +Q10490 P1412 Q1860 +Q53068 P106 Q250867 +Q67538 P1412 Q188 +Q289847 P1303 Q11405 +Q86407 P106 Q6625963 +Q223281 P69 Q503246 +Q215392 P113 Q220 +Q109496 P106 Q16267607 +Q112929 P69 Q165980 +Q464232 P101 Q207628 +Q59112 P463 Q463281 +Q184750 P737 Q347362 +Q34969 P106 Q205375 +Q296729 P136 Q8341 +Q314877 P106 Q753110 +Q162225 P161 Q103784 +Q2547113 P172 Q49085 +Q164784 P463 Q2822396 +Q1897271 P172 Q49085 +Q182576 P106 Q49757 +Q128911 P106 Q189290 +Q308840 P1412 Q1860 +Q78739 P19 Q1741 +Q160534 P119 Q771 +Q36970 P1412 Q1860 +Q95268 P106 Q14467526 +Q58720 P106 Q11063 +Q232491 P106 Q177220 +Q1305608 P106 Q36834 +Q230131 P140 Q7066 +Q558582 P1303 Q5994 +Q215949 P27 Q30 +Q108460 P19 Q1799 +Q155 P530 Q1033 +Q11726 P102 Q179111 +Q532279 P106 Q82955 +Q60296 P840 Q1297 +Q109438 P19 Q2107 +Q267441 P19 Q60 +Q168847 P136 Q316930 +Q43994 P106 Q578109 +Q84842 P106 Q193391 +Q349852 P19 Q12439 +Q314308 P1412 Q1860 +Q90131 P19 Q586 +Q156349 P106 Q4964182 +Q298761 P737 Q41513 +Q75381 P20 Q56037 +Q215860 P463 Q459620 +Q475942 P1412 Q150 +Q98124 P20 Q64 +Q115780 P27 Q39 +Q702508 P106 Q177220 +Q215623 P106 Q1622272 +Q426396 P161 Q233786 +Q357324 P106 Q82955 +Q175571 P20 Q387047 +Q843 P530 Q20 +Q551596 P106 Q10798782 +Q709044 P1303 Q6607 +Q960778 P1412 Q1321 +Q242474 P1412 Q7737 +Q71633 P106 Q901 +Q79031 P106 Q18814623 +Q925240 P106 Q19831149 +Q310638 P106 Q486748 +Q6714 P172 Q42884 +Q204810 P1050 Q41571 +Q124183 P108 Q206702 +Q362258 P106 Q36834 +Q23760 P106 Q10800557 +Q52997 P20 Q60 +Q537320 P106 Q33999 +Q129429 P1412 Q1860 +Q29 P530 Q668 +Q1976514 P20 Q649 +Q239411 P69 Q1329269 +Q405672 P106 Q864380 +Q19242 P106 Q2095549 +Q76128 P27 Q183 +Q43044 P26 Q164782 +Q240521 P106 Q36180 +Q165325 P840 Q1490 +Q187814 P1303 Q17172850 +Q315348 P106 Q36180 +Q2733913 P159 Q84 +Q62880 P106 Q1209498 +Q92760 P27 Q30 +Q691 P463 Q376150 +Q108355 P1412 Q188 +Q350666 P106 Q3282637 +Q82085 P106 Q2405480 +Q957439 P463 Q46703 +Q194287 P19 Q60 +Q590 P106 Q47064 +Q276170 P106 Q488205 +Q549626 P1412 Q1860 +Q82238 P106 Q753110 +Q741783 P106 Q169470 +Q439267 P264 Q287177 +Q135420 P106 Q806349 +Q4263050 P1412 Q5287 +Q1084226 P1412 Q150 +Q38049 P106 Q14467526 +Q313652 P106 Q10800557 +Q38049 P463 Q459620 +Q441742 P136 Q9759 +Q713964 P1303 Q5994 +Q683058 P27 Q154195 +Q12279060 P1412 Q7737 +Q289064 P19 Q1489 +Q954997 P1303 Q17172850 +Q335142 P101 Q8134 +Q215072 P106 Q10800557 +Q286366 P1412 Q1860 +Q712820 P264 Q726251 +Q76586 P69 Q165980 +Q391536 P19 Q288781 +Q296537 P106 Q2405480 +Q727717 P27 Q29 +Q7439 P69 Q49108 +Q724343 P1412 Q7737 +Q155378 P106 Q10798782 +Q202314 P495 Q27 +Q200299 P57 Q51583 +Q1016 P463 Q376150 +Q971447 P27 Q159 +Q207916 P136 Q2297927 +Q141680 P106 Q33999 +Q97341 P136 Q959583 +Q442897 P106 Q245068 +Q5763208 P106 Q2374149 +Q708922 P20 Q34404 +Q117990 P106 Q1930187 +Q28517 P27 Q147909 +Q294819 P106 Q10800557 +Q2822225 P641 Q5372 +Q357184 P27 Q207272 +Q704931 P108 Q49167 +Q155112 P106 Q350979 +Q191100 P840 Q90 +Q465633 P27 Q30 +Q905267 P1412 Q150 +Q221903 P27 Q171150 +Q257752 P106 Q33999 +Q133054 P69 Q49204 +Q85102 P106 Q1622272 +Q435744 P106 Q183945 +Q349461 P3373 Q131324 +Q78290 P172 Q7325 +Q297744 P119 Q1625328 +Q408 P530 Q884 +Q106429 P106 Q36180 +Q67436 P106 Q11774156 +Q455421 P106 Q36180 +Q69834 P106 Q1622272 +Q1140309 P136 Q130232 +Q57396 P264 Q183387 +Q541599 P264 Q2996526 +Q508497 P106 Q639669 +Q182580 P106 Q33999 +Q36844 P106 Q488205 +Q57106 P1412 Q1860 +Q171242 P136 Q12799318 +Q43 P530 Q252 +Q60584 P140 Q75809 +Q77327 P509 Q12152 +Q533284 P136 Q11366 +Q441940 P27 Q30 +Q233295 P106 Q1930187 +Q9358 P737 Q76725 +Q887903 P19 Q2841 +Q77959 P19 Q1874 +Q439455 P106 Q1476215 +Q333653 P27 Q29 +Q427534 P161 Q156532 +Q281964 P551 Q65 +Q106057 P26 Q106126 +Q455951 P69 Q751612 +Q190908 P57 Q184903 +Q24075 P840 Q1408 +Q152767 P106 Q28389 +Q465350 P106 Q2526255 +Q139638 P1412 Q1860 +Q190379 P1412 Q1860 +Q281908 P69 Q49165 +Q312610 P1303 Q17172850 +Q520275 P27 Q30 +Q242418 P264 Q212699 +Q164111 P140 Q9585 +Q560390 P69 Q31519 +Q351989 P161 Q465955 +Q76641 P27 Q43287 +Q91083 P106 Q16533 +Q116553 P106 Q728425 +Q192515 P106 Q19723482 +Q104081 P1303 Q17172850 +Q57554 P108 Q152838 +Q315087 P106 Q3282637 +Q121926 P463 Q2822396 +Q50612 P1412 Q1860 +Q267522 P1303 Q17172850 +Q234647 P1412 Q9027 +Q363822 P106 Q639669 +Q169963 P106 Q10800557 +Q237215 P57 Q13595311 +Q57490 P27 Q43287 +Q242376 P106 Q2306091 +Q61895 P20 Q220 +Q130799 P264 Q202440 +Q134133 P106 Q10798782 +Q229375 P140 Q7066 +Q289003 P264 Q1025106 +Q816518 P1303 Q6607 +Q88073 P69 Q154804 +Q157155 P106 Q13418253 +Q29658 P161 Q166562 +Q88832 P106 Q1397808 +Q714739 P19 Q1874 +Q85417 P102 Q694299 +Q955077 P19 Q16558 +Q221168 P495 Q145 +Q172183 P27 Q801 +Q324162 P106 Q33999 +Q457338 P69 Q5142861 +Q111873 P106 Q1622272 +Q235 P463 Q233611 +Q110330 P106 Q14906342 +Q788572 P140 Q7066 +Q192069 P106 Q49757 +Q88914 P108 Q189441 +Q438537 P40 Q44221 +Q311145 P106 Q1930187 +Q4320172 P108 Q13164 +Q48956 P106 Q593644 +Q372174 P161 Q71412 +Q160618 P161 Q40572 +Q229613 P119 Q831300 +Q1988375 P136 Q43343 +Q9682 P1412 Q150 +Q484302 P1303 Q17172850 +Q57118 P69 Q916444 +Q188569 P106 Q36180 +Q335036 P136 Q20378 +Q288936 P106 Q49757 +Q105026 P463 Q414110 +Q78437 P1412 Q188 +Q69281 P69 Q154804 +Q106816 P1412 Q1321 +Q81131 P26 Q73362 +Q433471 P27 Q30 +Q152272 P106 Q33999 +Q430852 P136 Q842256 +Q91617 P108 Q152838 +Q447592 P106 Q639669 +Q61078 P69 Q55044 +Q951957 P106 Q19350898 +Q4496 P69 Q49122 +Q215478 P108 Q49108 +Q233207 P27 Q145 +Q146605 P161 Q296883 +Q281034 P27 Q30 +Q281034 P106 Q488205 +Q1411849 P106 Q36834 +Q128967 P140 Q6423963 +Q1174183 P1412 Q1860 +Q403 P37 Q9299 +Q148 P463 Q8475 +Q48987 P20 Q11299 +Q217470 P106 Q49757 +Q716862 P101 Q11023 +Q34933 P106 Q1622272 +Q189144 P20 Q84 +Q509102 P27 Q30 +Q155158 P27 Q183 +Q156069 P495 Q142 +Q188176 P106 Q12144794 +Q311993 P106 Q2405480 +Q590420 P106 Q14467526 +Q69022 P27 Q183 +Q113007 P106 Q33231 +Q240370 P106 Q28389 +Q931890 P106 Q957729 +Q134958 P135 Q37068 +Q5752 P19 Q649 +Q110201 P20 Q2079 +Q181678 P69 Q854280 +Q102438 P161 Q250250 +Q58282 P106 Q201788 +Q92635 P1412 Q1860 +Q62409 P101 Q41217 +Q92854 P106 Q1622272 +Q76537 P27 Q183 +Q266520 P106 Q2259451 +Q283061 P27 Q30 +Q220713 P495 Q30 +Q1178 P106 Q486748 +Q262354 P106 Q639669 +Q44695 P463 Q1425328 +Q230004 P106 Q2259451 +Q38111 P102 Q29552 +Q437748 P106 Q177220 +Q51908481 P3373 Q18118088 +Q668 P530 Q1029 +Q902 P530 Q810 +Q66248 P20 Q1794 +Q55411 P463 Q8038459 +Q381768 P106 Q2526255 +Q470572 P495 Q38 +Q272935 P106 Q2259451 +Q11877 P509 Q12078 +Q1401 P140 Q9592 +Q271888 P69 Q1702106 +Q264960 P106 Q33999 +Q239357 P264 Q183387 +Q348533 P106 Q28389 +Q596817 P27 Q30 +Q61171 P106 Q49757 +Q888713 P106 Q486748 +Q1140309 P840 Q1223 +Q61073 P108 Q151510 +Q105756 P135 Q971480 +Q70083 P102 Q13124 +Q333892 P106 Q482980 +Q1368185 P106 Q639669 +Q14010 P108 Q457281 +Q270126 P1412 Q1321 +Q310551 P19 Q18419 +Q212173 P106 Q1930187 +Q258715 P19 Q1085 +Q187662 P136 Q131578 +Q206589 P57 Q55208 +Q981971 P19 Q220 +Q361626 P106 Q1622272 +Q760 P463 Q1043527 +Q8927 P106 Q2259451 +Q92743 P19 Q49145 +Q207867 P106 Q488205 +Q1523426 P136 Q8341 +Q242555 P69 Q309350 +Q153579 P27 Q30 +Q774 P530 Q668 +Q65504 P106 Q49757 +Q185548 P106 Q4853732 +Q97291 P106 Q33999 +Q323392 P57 Q223992 +Q95055 P140 Q9592 +Q316884 P27 Q29 +Q112263 P106 Q81096 +Q126164 P106 Q10800557 +Q446024 P27 Q20 +Q461624 P27 Q20 +Q95447 P20 Q2079 +Q246929 P106 Q177220 +Q1715 P17 Q41304 +Q231178 P101 Q35760 +Q266670 P106 Q33999 +Q157194 P106 Q5322166 +Q323834 P495 Q145 +Q241665 P106 Q4610556 +Q75292 P69 Q157575 +Q231106 P1303 Q17172850 +Q116105 P1303 Q6607 +Q1545 P136 Q378988 +Q41 P463 Q826700 +Q55392 P737 Q93341 +Q369957 P140 Q483654 +Q49492 P119 Q1302545 +Q574400 P27 Q145 +Q229282 P106 Q10800557 +Q219631 P1303 Q17172850 +Q230641 P69 Q503246 +Q108677 P106 Q36180 +Q267522 P106 Q10798782 +Q160422 P106 Q1028181 +Q35332 P106 Q3282637 +Q205545 P102 Q694299 +Q45839 P136 Q130232 +Q252 P530 Q96 +Q41488 P106 Q49757 +Q486096 P1412 Q1860 +Q209175 P27 Q16 +Q204868 P136 Q11635 +Q122335 P106 Q3282637 +Q433471 P101 Q213156 +Q1359247 P106 Q639669 +Q77959 P1412 Q188 +Q18430 P1412 Q1860 +Q552770 P1303 Q6607 +Q274334 P1412 Q7737 +Q813 P30 Q48 +Q274117 P106 Q36834 +Q57410 P106 Q82955 +Q168431 P106 Q1930187 +Q2496057 P106 Q169470 +Q273652 P1303 Q1343007 +Q310106 P108 Q437 +Q154269 P509 Q12206 +Q88248 P1412 Q188 +Q130355 P1050 Q10874 +Q188176 P106 Q18844224 +Q88748 P69 Q152087 +Q138832 P1412 Q652 +Q542101 P106 Q13590141 +Q42398 P463 Q1425328 +Q105575 P27 Q16957 +Q185071 P161 Q53680 +Q223745 P106 Q639669 +Q314924 P27 Q30 +Q90201 P27 Q40 +Q233911 P1303 Q17172850 +Q269809 P509 Q47912 +Q902 P530 Q1027 +Q154556 P106 Q16145150 +Q165268 P161 Q229166 +Q1329361 P101 Q11023 +Q325679 P509 Q3010352 +Q77204 P106 Q214917 +Q116309 P1412 Q8108 +Q1095432 P136 Q9759 +Q312514 P106 Q3282637 +Q697 P17 Q43287 +Q70478 P108 Q41506 +Q63035 P463 Q338432 +Q193835 P161 Q229056 +Q57347 P27 Q43287 +Q85394 P1412 Q188 +Q312657 P106 Q28389 +Q656 P17 Q2305208 +Q86260 P119 Q564922 +Q78437 P106 Q36180 +Q236181 P106 Q10798782 +Q963142 P20 Q23197 +Q19504 P135 Q80113 +Q61055 P1412 Q188 +Q1260 P20 Q1741 +Q92882 P108 Q13371 +Q201315 P106 Q36180 +Q34414 P136 Q2484376 +Q67635 P106 Q82955 +Q441941 P27 Q30 +Q327574 P106 Q10798782 +Q292539 P1412 Q7913 +Q912791 P106 Q1930187 +Q888487 P106 Q5716684 +Q47878 P106 Q177220 +Q188235 P264 Q843402 +Q2680 P264 Q43327 +Q1479971 P463 Q543804 +Q544135 P69 Q392904 +Q335629 P136 Q38848 +Q215925 P106 Q49757 +Q104177 P463 Q939743 +Q276525 P106 Q2259451 +Q81037 P161 Q235460 +Q10686 P17 Q174193 +Q202536 P106 Q10798782 +Q233937 P136 Q11399 +Q90581 P106 Q1622272 +Q386784 P106 Q10798782 +Q555324 P27 Q35 +Q16473 P106 Q2405480 +Q656684 P1412 Q9091 +Q67941 P119 Q1783048 +Q98806 P108 Q28024477 +Q2042 P102 Q1904825 +Q86488 P108 Q273263 +Q863226 P1303 Q6607 +Q313764 P161 Q61322 +Q139326 P495 Q142 +Q281034 P1303 Q6607 +Q3091395 P69 Q1189954 +Q548964 P106 Q1930187 +Q459171 P463 Q40358 +Q435060 P1303 Q6607 +Q152880 P106 Q42973 +Q1054564 P509 Q12152 +Q332330 P161 Q3938408 +Q245208 P840 Q1522 +Q193608 P106 Q49757 +Q380634 P19 Q790 +Q1113061 P1412 Q1321 +Q355153 P106 Q2405480 +Q167696 P106 Q177220 +Q531624 P106 Q15077007 +Q454840 P106 Q36180 +Q552819 P1412 Q1860 +Q99076 P106 Q333634 +Q64655 P20 Q64 +Q84503 P106 Q644687 +Q309835 P106 Q3282637 +Q57063 P463 Q1285073 +Q504006 P106 Q36180 +Q33866 P463 Q463281 +Q57257 P27 Q183 +Q114509 P509 Q181257 +Q1855369 P106 Q3282637 +Q343633 P106 Q3455803 +Q726057 P106 Q10798782 +Q115347 P106 Q10798782 +Q388035 P106 Q5716684 +Q276332 P106 Q177220 +Q66527 P1412 Q188 +Q195008 P106 Q4263842 +Q382680 P106 Q639669 +Q312280 P106 Q10800557 +Q62938 P27 Q183 +Q445306 P27 Q161885 +Q1585138 P136 Q11399 +Q29 P530 Q43 +Q236125 P106 Q177220 +Q283700 P136 Q1361932 +Q202847 P106 Q482980 +Q3439052 P106 Q1622272 +Q549626 P1412 Q188 +Q314942 P136 Q188473 +Q168468 P463 Q4742987 +Q86152 P108 Q152087 +Q102813 P1412 Q7737 +Q192410 P106 Q483501 +Q204750 P106 Q10800557 +Q76887 P20 Q2090 +Q313868 P1412 Q1860 +Q707607 P106 Q753110 +Q1449438 P551 Q65 +Q309756 P106 Q10798782 +Q99294 P106 Q18581305 +Q1750532 P1303 Q128309 +Q685 P463 Q8475 +Q9312 P27 Q27306 +Q276299 P161 Q41449 +Q276440 P27 Q145 +Q80405 P140 Q7066 +Q707446 P27 Q30 +Q726295 P19 Q26793 +Q258462 P509 Q128581 +Q435878 P140 Q1062789 +Q166796 P172 Q49085 +Q472783 P136 Q8261 +Q194413 P136 Q369747 +Q443995 P106 Q2526255 +Q44426 P106 Q3387717 +Q524780 P106 Q3282637 +Q290094 P106 Q33999 +Q1269512 P106 Q765778 +Q163543 P463 Q253439 +Q148387 P161 Q257317 +Q7336 P106 Q215536 +Q51525 P463 Q463303 +Q1014 P463 Q17495 +Q44775 P463 Q812155 +Q76952 P106 Q49757 +Q1025 P463 Q842490 +Q544469 P19 Q90 +Q472783 P1412 Q7737 +Q932884 P106 Q639669 +Q80222 P1412 Q150 +Q76114 P20 Q220 +Q705174 P106 Q1930187 +Q72717 P20 Q60 +Q7351 P136 Q189201 +Q49081 P106 Q18814623 +Q816499 P69 Q193196 +Q171669 P136 Q157443 +Q120905 P69 Q154804 +Q256164 P69 Q35794 +Q589585 P106 Q6625963 +Q294185 P106 Q36834 +Q56094 P106 Q2526255 +Q367017 P106 Q3282637 +Q295593 P106 Q639669 +Q37 P463 Q3866537 +Q320651 P106 Q10798782 +Q953 P463 Q294278 +Q504458 P106 Q488205 +Q36620 P27 Q35 +Q1266083 P106 Q20669622 +Q74667 P108 Q155354 +Q159473 P27 Q38 +Q108602 P69 Q622664 +Q97723 P463 Q700570 +Q362353 P106 Q33999 +Q246711 P57 Q275402 +Q258980 P27 Q30 +Q428490 P136 Q37073 +Q944478 P102 Q204911 +Q124401 P106 Q1622272 +Q3085338 P106 Q6625963 +Q730158 P17 Q145 +Q365670 P19 Q18125 +Q976090 P106 Q130857 +Q449013 P19 Q60 +Q327229 P509 Q12078 +Q99564 P463 Q459620 +Q105531 P463 Q459620 +Q176945 P106 Q3282637 +Q9312 P27 Q34266 +Q77148 P69 Q20808141 +Q238215 P106 Q36834 +Q1101195 P106 Q3282637 +Q164824 P106 Q105186 +Q1248240 P108 Q235034 +Q726153 P136 Q56284716 +Q440528 P19 Q71 +Q507612 P106 Q822146 +Q2601 P106 Q185351 +Q79191 P106 Q639669 +Q781878 P1303 Q17172850 +Q178391 P106 Q33999 +Q11609 P106 Q82594 +Q1123489 P108 Q838330 +Q235870 P106 Q4610556 +Q318938 P106 Q10798782 +Q156501 P1412 Q1617 +Q863 P463 Q8475 +Q282199 P136 Q586250 +Q385703 P106 Q82955 +Q130127 P1303 Q9798 +Q368636 P20 Q60 +Q32257 P463 Q414379 +Q263598 P106 Q2526255 +Q180727 P463 Q463303 +Q62725 P463 Q337234 +Q206032 P27 Q30 +Q108886 P106 Q520549 +Q196617 P27 Q129286 +Q958578 P1303 Q5994 +Q97077 P106 Q36180 +Q61183 P102 Q7320 +Q240647 P106 Q33999 +Q444250 P106 Q3282637 +Q978375 P106 Q36834 +Q212048 P106 Q189290 +Q127442 P20 Q649 +Q976090 P106 Q753110 +Q57802 P463 Q543804 +Q426393 P161 Q106573 +Q317358 P106 Q10798782 +Q380981 P161 Q14537 +Q181899 P106 Q2095549 +Q1375814 P106 Q183945 +Q48020 P119 Q208175 +Q271874 P136 Q45981 +Q32335 P106 Q10800557 +Q78476 P20 Q31487 +Q27214 P27 Q30 +Q60317 P27 Q30 +Q213081 P161 Q101797 +Q551129 P106 Q15895020 +Q177632 P69 Q389336 +Q151892 P1303 Q6607 +Q231270 P27 Q30 +Q193458 P27 Q145 +Q233566 P641 Q11419 +Q983705 P1412 Q7737 +Q234169 P106 Q2259451 +Q123010 P1050 Q11085 +Q234058 P1412 Q1860 +Q556941 P264 Q208909 +Q101521 P106 Q36180 +Q291170 P161 Q202148 +Q313009 P27 Q30 +Q240324 P27 Q145 +Q25147 P136 Q187760 +Q35332 P140 Q7066 +Q57241 P27 Q16957 +Q61696 P161 Q383764 +Q7259 P106 Q5482740 +Q323166 P509 Q181257 +Q345468 P106 Q33999 +Q781878 P264 Q287177 +Q443121 P106 Q33999 +Q183048 P264 Q193023 +Q77598 P101 Q13418253 +Q528340 P264 Q1251139 +Q317742 P106 Q183945 +Q84441 P1412 Q652 +Q316138 P106 Q18844224 +Q93343 P27 Q161885 +Q164469 P119 Q311 +Q150662 P102 Q192821 +Q19008 P102 Q9626 +Q918268 P106 Q33231 +Q278519 P1050 Q10874 +Q8877 P106 Q7042855 +Q116258 P106 Q1930187 +Q112651 P19 Q9248 +Q270707 P106 Q36180 +Q1200368 P159 Q65 +Q208263 P161 Q299483 +Q26876 P106 Q753110 +Q269094 P106 Q36834 +Q366012 P106 Q2405480 +Q3462736 P27 Q34 +Q631416 P140 Q5043 +Q213 P463 Q1480793 +Q273866 P69 Q737835 +Q295593 P102 Q29468 +Q123516 P106 Q4263842 +Q89689 P102 Q633731 +Q168859 P106 Q201788 +Q774 P463 Q899770 +Q85464 P108 Q49108 +Q214357 P106 Q36180 +Q168431 P27 Q172579 +Q79023 P106 Q205375 +Q223299 P161 Q969468 +Q89054 P106 Q11063 +Q84335 P20 Q3766 +Q236748 P1303 Q17172850 +Q470758 P106 Q1930187 +Q193803 P140 Q7066 +Q185007 P27 Q30 +Q123389 P106 Q40348 +Q51545 P27 Q29 +Q1634482 P20 Q5083 +Q48502 P106 Q2259451 +Q40057 P27 Q30 +Q53714 P106 Q639669 +Q182727 P161 Q182763 +Q464207 P106 Q193391 +Q51575 P106 Q10800557 +Q62746 P136 Q369747 +Q249841 P20 Q490 +Q95174 P106 Q753110 +Q200661 P106 Q33231 +Q41594 P106 Q4610556 +Q86778 P106 Q2722764 +Q7243 P737 Q535 +Q68476 P106 Q250867 +Q217619 P27 Q145 +Q180861 P106 Q28389 +Q296069 P106 Q47064 +Q113233 P27 Q30 +Q164979 P119 Q438199 +Q602779 P106 Q177220 +Q66264 P19 Q588 +Q181659 P108 Q766145 +Q54885 P264 Q557632 +Q1347215 P264 Q183387 +Q348790 P20 Q19660 +Q298682 P106 Q10800557 +Q57317 P106 Q36180 +Q310275 P1303 Q128309 +Q192515 P106 Q488205 +Q61059 P106 Q49757 +Q43421 P17 Q30 +Q735283 P69 Q46210 +Q57576 P69 Q51985 +Q188426 P264 Q165745 +Q78885 P27 Q40 +Q6648722 P69 Q319239 +Q320653 P106 Q482980 +Q271874 P106 Q753110 +Q388286 P264 Q1542119 +Q67169 P102 Q158227 +Q1361841 P1303 Q5994 +Q274070 P1412 Q1321 +Q95039 P1412 Q1860 +Q714162 P69 Q13371 +Q113641 P106 Q1622272 +Q157208 P1412 Q1860 +Q77210 P119 Q1497554 +Q361670 P106 Q36180 +Q217068 P106 Q36834 +Q972676 P106 Q1930187 +Q38561 P495 Q145 +Q699605 P69 Q190080 +Q234017 P1303 Q17172850 +Q92871 P106 Q170790 +Q259461 P27 Q30 +Q380381 P106 Q33999 +Q1449 P17 Q142 +Q239382 P106 Q10800557 +Q76606 P119 Q819654 +Q359568 P101 Q1069 +Q451369 P119 Q7186324 +Q177131 P106 Q488205 +Q204804 P106 Q36834 +Q229232 P102 Q29468 +Q311450 P136 Q180268 +Q228792 P106 Q8246794 +Q14281 P463 Q329464 +Q2112 P463 Q52144567 +Q1715512 P106 Q2405480 +Q86165 P27 Q40 +Q192474 P106 Q753110 +Q332693 P1412 Q652 +Q1678110 P1303 Q5994 +Q47007 P27 Q12560 +Q231635 P1412 Q1860 +Q270351 P161 Q228871 +Q333187 P136 Q1062400 +Q1397252 P106 Q639669 +Q534419 P106 Q177220 +Q292185 P509 Q188605 +Q8298 P106 Q130857 +Q438355 P101 Q207628 +Q104326 P136 Q325504 +Q757 P463 Q376150 +Q188401 P106 Q10798782 +Q1005 P463 Q1043527 +Q121060 P69 Q1341516 +Q254431 P3373 Q294185 +Q72667 P463 Q939743 +Q9513 P140 Q483654 +Q287385 P495 Q408 +Q230 P530 Q878 +Q213081 P161 Q342788 +Q250669 P106 Q130857 +Q158175 P136 Q1133657 +Q94882 P106 Q13235160 +Q107167 P840 Q5092 +Q192022 P136 Q2484376 +Q14960 P17 Q28513 +Q23441 P119 Q1092107 +Q263696 P106 Q5716684 +Q789926 P69 Q390287 +Q303235 P840 Q90 +Q327713 P136 Q157443 +Q573532 P108 Q503419 +Q3075 P463 Q747279 +Q60486 P108 Q54096 +Q708620 P106 Q639669 +Q313138 P27 Q30 +Q756645 P17 Q12560 +Q110726 P102 Q49768 +Q368852 P106 Q639669 +Q63791 P106 Q43845 +Q444885 P69 Q49165 +Q345212 P106 Q10800557 +Q95355 P108 Q672420 +Q55469 P40 Q283317 +Q52950 P106 Q40348 +Q109252 P106 Q36834 +Q584197 P106 Q4964182 +Q695036 P106 Q40348 +Q70350 P106 Q49757 +Q313107 P106 Q10800557 +Q91982 P106 Q4964182 +Q220550 P106 Q14467526 +Q123174 P264 Q387539 +Q2464214 P101 Q41217 +Q769 P530 Q16 +Q524298 P1412 Q1321 +Q37103 P19 Q2044 +Q246711 P161 Q150482 +Q239587 P3373 Q297744 +Q85232 P26 Q78505 +Q161135 P27 Q142 +Q152785 P27 Q142 +Q242 P530 Q30 +Q34389 P136 Q37073 +Q320556 P1412 Q1860 +Q276218 P106 Q10798782 +Q1441251 P106 Q12800682 +Q241382 P1303 Q17172850 +Q168362 P106 Q169470 +Q171969 P463 Q414379 +Q1238828 P136 Q11401 +Q91640 P69 Q151510 +Q104929 P108 Q179036 +Q106942 P69 Q49117 +Q79069 P106 Q333634 +Q380252 P509 Q181754 +Q242128 P106 Q1930187 +Q567 P69 Q49738 +Q83333 P106 Q864503 +Q214983 P106 Q482980 +Q128518 P161 Q1388769 +Q400765 P106 Q33999 +Q43252 P106 Q10800557 +Q91090 P69 Q32120 +Q219521 P106 Q33999 +Q115901 P1412 Q188 +Q51547 P106 Q28389 +Q402194 P106 Q753110 +Q795238 P106 Q1930187 +Q204586 P106 Q19723482 +Q29573 P463 Q40358 +Q948966 P108 Q49115 +Q108560 P1303 Q9798 +Q49355 P463 Q1938003 +Q55469 P106 Q10800557 +Q84199 P106 Q3387717 +Q460366 P20 Q60 +Q105954 P19 Q34713 +Q329999 P106 Q6625963 +Q328892 P106 Q3579035 +Q208871 P106 Q158852 +Q212965 P161 Q368037 +Q65130 P463 Q543804 +Q57074 P27 Q34 +Q158250 P106 Q33999 +Q69198 P20 Q56037 +Q36105 P106 Q948329 +Q118059 P69 Q152087 +Q168419 P108 Q202660 +Q736847 P106 Q1028181 +Q426393 P161 Q170510 +Q266356 P19 Q8684 +Q44414 P106 Q2059704 +Q115 P530 Q833 +Q2979750 P1412 Q1860 +Q262791 P19 Q60 +Q44412 P463 Q123885 +Q38222 P1412 Q1860 +Q98370 P19 Q365 +Q188526 P27 Q34266 +Q115761 P19 Q270 +Q272031 P1303 Q302497 +Q322272 P136 Q37073 +Q38 P530 Q211 +Q1095520 P1303 Q17172850 +Q982493 P20 Q84 +Q381726 P106 Q1259917 +Q61659 P27 Q16957 +Q259047 P264 Q387539 +Q200768 P140 Q93191 +Q3088816 P106 Q753110 +Q26265 P57 Q315441 +Q263518 P264 Q772494 +Q44301 P1303 Q51290 +Q60547 P102 Q29468 +Q591270 P106 Q28389 +Q186485 P106 Q245068 +Q154010 P106 Q1622272 +Q334665 P106 Q2095549 +Q327681 P161 Q95043 +Q531287 P1412 Q188 +Q17135 P106 Q662729 +Q71490 P106 Q947873 +Q1066965 P264 Q203059 +Q3365459 P1412 Q1860 +Q107914 P161 Q232860 +Q11124 P1412 Q1860 +Q240570 P106 Q33999 +Q109608 P106 Q33999 +Q98087 P19 Q1726 +Q90331 P106 Q14915627 +Q293149 P27 Q30 +Q85490 P119 Q253763 +Q153248 P119 Q272208 +Q148 P463 Q1065 +Q387868 P136 Q599558 +Q360046 P27 Q145 +Q202148 P509 Q12152 +Q157155 P463 Q2822396 +Q3335 P106 Q36180 +Q4346512 P106 Q3501317 +Q294326 P27 Q145 +Q241583 P551 Q65 +Q62377 P20 Q84 +Q77184 P463 Q329464 +Q380045 P136 Q11399 +Q438329 P20 Q18383 +Q214477 P19 Q485176 +Q27411 P136 Q1146335 +Q214310 P135 Q7252 +Q84423 P106 Q333634 +Q444651 P119 Q1625328 +Q8619 P463 Q107569 +Q712586 P1050 Q10874 +Q116861 P1412 Q1860 +Q887553 P106 Q81096 +Q12688 P101 Q5891 +Q182589 P106 Q860918 +Q133855 P106 Q4263842 +Q219 P463 Q376150 +Q964355 P106 Q82955 +Q337453 P106 Q201788 +Q39691 P1412 Q13955 +Q70372 P20 Q1726 +Q298777 P106 Q2405480 +Q309697 P106 Q753110 +Q215145 P27 Q20 +Q165419 P140 Q35032 +Q44645 P106 Q81096 +Q374220 P1412 Q1860 +Q274342 P136 Q49084 +Q156502 P27 Q152750 +Q2185 P69 Q1059546 +Q454075 P106 Q36834 +Q265661 P106 Q33999 +Q130952 P161 Q435475 +Q289645 P106 Q2526255 +Q61659 P27 Q41304 +Q922336 P1412 Q652 +Q78704 P106 Q639669 +Q78371 P20 Q2079 +Q342665 P1412 Q1860 +Q57500 P136 Q9730 +Q11256 P106 Q82955 +Q376140 P106 Q33999 +Q352935 P509 Q220570 +Q174037 P19 Q100 +Q119935 P69 Q130965 +Q353774 P27 Q30 +Q77004 P102 Q49768 +Q115987 P19 Q64 +Q735283 P1412 Q652 +Q4347990 P106 Q901 +Q354241 P106 Q33999 +Q267866 P161 Q296537 +Q118852 P106 Q639669 +Q230662 P1412 Q1860 +Q100440 P106 Q10800557 +Q61453 P136 Q5967378 +Q676455 P136 Q4184 +Q1139388 P136 Q211723 +Q124065 P106 Q4964182 +Q162793 P1412 Q8641 +Q427534 P161 Q346833 +Q115641 P20 Q64 +Q85618 P463 Q414163 +Q710026 P69 Q193510 +Q157043 P101 Q413 +Q120905 P106 Q1930187 +Q37 P530 Q212 +Q191479 P106 Q81096 +Q74688 P106 Q4263842 +Q363810 P106 Q18844224 +Q907534 P69 Q838330 +Q233786 P106 Q753110 +Q29473 P106 Q8178443 +Q469752 P106 Q9149093 +Q928 P530 Q189 +Q2569 P27 Q183 +Q159976 P20 Q64 +Q262861 P27 Q174193 +Q96399 P1412 Q188 +Q34628 P1412 Q188 +Q200639 P27 Q142 +Q483203 P27 Q145 +Q368812 P27 Q34266 +Q336018 P106 Q12144794 +Q123174 P106 Q639669 +Q198644 P463 Q604840 +Q230958 P106 Q33999 +Q128511 P106 Q2306091 +Q1028 P463 Q7172 +Q128126 P108 Q202660 +Q878 P463 Q1043527 +Q76399 P27 Q183 +Q76364 P19 Q1794 +Q157155 P106 Q121594 +Q37767 P737 Q692 +Q948 P463 Q827525 +Q109767 P161 Q44570 +Q448764 P106 Q333634 +Q2895857 P19 Q65 +Q912 P463 Q47543 +Q92776 P106 Q82594 +Q895636 P106 Q1234713 +Q558838 P27 Q34266 +Q1349827 P20 Q1297 +Q9061 P551 Q90 +Q3821445 P27 Q30 +Q232 P530 Q16 +Q193570 P57 Q51547 +Q447659 P69 Q215539 +Q337578 P106 Q486748 +Q81145 P161 Q297071 +Q181229 P69 Q2599077 +Q30937 P161 Q190631 +Q450821 P108 Q319239 +Q213565 P106 Q4964182 +Q105756 P463 Q7118978 +Q200355 P106 Q2526255 +Q90885 P106 Q3391743 +Q41 P530 Q974 +Q378672 P106 Q28389 +Q162492 P106 Q33999 +Q231841 P69 Q6608367 +Q271256 P106 Q10800557 +Q131374 P106 Q36180 +Q67039 P106 Q82955 +Q356375 P1303 Q5994 +Q129486 P19 Q2807 +Q108285 P140 Q23540 +Q51575 P1412 Q1860 +Q184351 P1412 Q1860 +Q68468 P106 Q33999 +Q635131 P106 Q33999 +Q66316 P106 Q1622272 +Q966349 P1412 Q9288 +Q786 P530 Q30 +Q233848 P509 Q623031 +Q464232 P106 Q2259451 +Q170095 P119 Q272208 +Q165824 P106 Q3242115 +Q92641 P69 Q131252 +Q157004 P106 Q4964182 +Q719083 P136 Q186472 +Q115694 P19 Q7003 +Q104123 P161 Q109232 +Q157318 P463 Q812155 +Q41488 P106 Q214917 +Q380467 P19 Q485172 +Q449 P106 Q36180 +Q213053 P136 Q1535153 +Q72259 P17 Q179876 +Q77096 P19 Q1794 +Q44473 P19 Q62 +Q1927260 P106 Q3387717 +Q249719 P27 Q17 +Q437039 P1303 Q17172850 +Q58612 P463 Q463303 +Q90819 P69 Q155354 +Q51545 P69 Q219694 +Q216536 P463 Q812155 +Q381256 P106 Q1930187 +Q465350 P27 Q145 +Q154556 P463 Q463303 +Q203185 P106 Q36834 +Q74865 P106 Q177220 +Q238402 P106 Q36180 +Q104256 P27 Q183 +Q238315 P19 Q90 +Q828641 P108 Q131252 +Q5443 P27 Q30 +Q300568 P136 Q842256 +Q236112 P101 Q207628 +Q435398 P27 Q30 +Q29086 P551 Q65 +Q289064 P136 Q11366 +Q213520 P463 Q414110 +Q310755 P69 Q273626 +Q918647 P19 Q656 +Q92824 P463 Q127992 +Q95055 P106 Q10800557 +Q238296 P136 Q157443 +Q180338 P106 Q2259451 +Q6538 P69 Q662355 +Q562521 P641 Q80131 +Q506379 P27 Q30 +Q208871 P106 Q806349 +Q216004 P106 Q644687 +Q129283 P495 Q30 +Q42 P19 Q350 +Q1430 P1412 Q397 +Q94018 P106 Q14915627 +Q160717 P106 Q188094 +Q249040 P161 Q170587 +Q173834 P106 Q28389 +Q113717 P463 Q150793 +Q106326 P106 Q2259451 +Q192442 P106 Q36180 +Q1273345 P1303 Q17172850 +Q258 P530 Q801 +Q312258 P20 Q90 +Q156902 P106 Q1234713 +Q64263 P19 Q12892 +Q55704 P1412 Q1860 +Q346085 P106 Q177220 +Q43 P530 Q805 +Q108941 P119 Q1437214 +Q462118 P264 Q165745 +Q228585 P161 Q234438 +Q746923 P1303 Q6607 +Q907600 P641 Q847 +Q760790 P27 Q34266 +Q71336 P1412 Q188 +Q560048 P19 Q1022 +Q39666 P172 Q160894 +Q439812 P106 Q33999 +Q8018 P106 Q201788 +Q123849 P106 Q2259451 +Q245075 P106 Q10800557 +Q236229 P69 Q2177054 +Q129119 P1303 Q17172850 +Q526022 P119 Q118967 +Q78116 P102 Q157537 +Q1744 P106 Q4610556 +Q462574 P106 Q18939491 +Q150894 P27 Q159 +Q378333 P27 Q15180 +Q96 P463 Q125761 +Q289003 P19 Q100 +Q51094 P106 Q16323111 +Q69834 P140 Q9592 +Q237669 P106 Q639669 +Q214574 P27 Q16957 +Q553543 P106 Q12800682 +Q918668 P551 Q350 +Q1006 P463 Q47543 +Q171730 P27 Q142 +Q234043 P27 Q30 +Q263439 P172 Q50001 +Q766314 P106 Q82955 +Q213539 P106 Q158852 +Q1063242 P749 Q38903 +Q96591 P106 Q185351 +Q31637 P106 Q7042855 +Q2118763 P106 Q193391 +Q1094716 P27 Q30 +Q239293 P106 Q33999 +Q275180 P495 Q30 +Q115152 P106 Q36180 +Q185165 P27 Q408 +Q44403 P140 Q9268 +Q215090 P27 Q183 +Q189144 P106 Q82955 +Q230 P530 Q1013 +Q984644 P106 Q4853732 +Q106440 P161 Q29092 +Q315752 P106 Q593644 +Q123174 P551 Q65 +Q83566 P136 Q8261 +Q232104 P1412 Q1860 +Q41076 P106 Q2340668 +Q869 P463 Q8475 +Q83501 P172 Q224 +Q887553 P509 Q29496 +Q360477 P106 Q37226 +Q1545 P136 Q211756 +Q32223 P19 Q1055 +Q238919 P106 Q10800557 +Q783 P463 Q5611262 +Q461104 P1412 Q809 +Q781514 P69 Q1186843 +Q237385 P106 Q10800557 +Q311115 P27 Q142 +Q230123 P1412 Q150 +Q354181 P106 Q486748 +Q174478 P1303 Q6607 +Q82248 P27 Q174193 +Q453390 P264 Q2164531 +Q215263 P463 Q2739680 +Q79 P463 Q624307 +Q65106 P106 Q10800557 +Q69349 P1412 Q188 +Q60116 P509 Q133780 +Q208572 P161 Q314610 +Q294586 P106 Q28389 +Q711 P463 Q191384 +Q1380398 P106 Q486748 +Q183066 P161 Q511554 +Q213974 P463 Q133957 +Q930324 P102 Q327591 +Q1230528 P19 Q641 +Q137571 P140 Q75809 +Q314569 P106 Q28389 +Q884 P530 Q334 +Q276620 P106 Q639669 +Q448704 P264 Q193023 +Q271856 P119 Q1400 +Q188111 P106 Q822146 +Q962442 P106 Q222344 +Q483907 P1412 Q1860 +Q1451186 P106 Q2251335 +Q90581 P19 Q64 +Q552900 P19 Q23556 +Q271385 P106 Q177220 +Q97291 P1412 Q188 +Q234606 P69 Q167733 +Q680881 P69 Q1431541 +Q658008 P106 Q169470 +Q359457 P106 Q488205 +Q316622 P27 Q145 +Q515696 P27 Q20 +Q1041 P530 Q30 +Q16957 P530 Q801 +Q44414 P69 Q248970 +Q579773 P69 Q273447 +Q209538 P136 Q319221 +Q946019 P27 Q30 +Q92804 P108 Q13371 +Q965 P530 Q35 +Q544611 P20 Q79867 +Q241609 P106 Q36180 +Q187336 P106 Q36180 +Q26274 P106 Q1344174 +Q12003 P1303 Q17172850 +Q105009 P1303 Q17172850 +Q541599 P106 Q639669 +Q442854 P106 Q18814623 +Q316427 P509 Q212961 +Q88427 P102 Q153401 +Q34851 P1412 Q1860 +Q487391 P1303 Q17172850 +Q379836 P102 Q31113 +Q45 P463 Q5611262 +Q127330 P264 Q843402 +Q190231 P136 Q37073 +Q64180 P106 Q82955 +Q57139 P1412 Q188 +Q232562 P27 Q30 +Q76367 P27 Q43287 +Q83297 P106 Q170790 +Q4894155 P106 Q169470 +Q1339107 P106 Q639669 +Q184226 P737 Q184169 +Q124869 P19 Q71 +Q274609 P19 Q23556 +Q30 P530 Q227 +Q691 P30 Q538 +Q48280 P106 Q10800557 +Q318694 P106 Q584301 +Q92604 P463 Q219989 +Q105624 P840 Q61 +Q184805 P136 Q11399 +Q334126 P1412 Q150 +Q225885 P161 Q158250 +Q87884 P69 Q154561 +Q70478 P108 Q152838 +Q294326 P106 Q1028181 +Q219060 P30 Q48 +Q344179 P737 Q214622 +Q98173 P106 Q36180 +Q217552 P840 Q16 +Q352708 P106 Q36180 +Q5217489 P106 Q1781198 +Q128493 P161 Q211040 +Q1299129 P106 Q177220 +Q107416 P463 Q466113 +Q239917 P19 Q3141 +Q110436 P27 Q145 +Q463692 P106 Q10798782 +Q893785 P106 Q201788 +Q86900 P19 Q14960 +Q55915 P1412 Q809 +Q34933 P1412 Q150 +Q434715 P19 Q60 +Q204725 P161 Q708059 +Q711978 P172 Q49085 +Q213547 P106 Q36180 +Q320218 P69 Q1256981 +Q664 P463 Q827525 +Q212123 P840 Q29 +Q111263 P27 Q183 +Q39 P463 Q1072120 +Q238383 P106 Q33999 +Q313528 P106 Q1622272 +Q1729 P463 Q747279 +Q328335 P106 Q2259451 +Q3001888 P1056 Q638 +Q183094 P106 Q2259532 +Q331791 P106 Q33999 +Q315756 P463 Q463303 +Q330093 P27 Q30 +Q66732 P106 Q1622272 +Q274604 P69 Q13371 +Q60487 P57 Q361336 +Q36767 P106 Q177220 +Q250975 P106 Q193391 +Q105954 P106 Q28389 +Q171365 P495 Q38 +Q171969 P140 Q23540 +Q104067 P106 Q33999 +Q4119 P27 Q30 +Q218960 P106 Q36180 +Q207916 P161 Q238356 +Q193116 P136 Q8261 +Q463101 P161 Q101797 +Q60029 P172 Q42884 +Q8018 P27 Q1747689 +Q73581 P20 Q64 +Q2658411 P101 Q5891 +Q311358 P463 Q463303 +Q1350303 P106 Q753110 +Q187165 P106 Q24067349 +Q313302 P106 Q1607826 +Q930679 P108 Q219694 +Q208117 P1303 Q17172850 +Q69189 P463 Q451079 +Q1027 P463 Q1043527 +Q251479 P106 Q250867 +Q78644 P551 Q1792 +Q53003 P106 Q10349745 +Q77991 P106 Q1930187 +Q122020 P27 Q30 +Q92747 P19 Q61 +Q314843 P69 Q5384959 +Q133465 P19 Q37333 +Q102244 P495 Q145 +Q813964 P108 Q695599 +Q295919 P106 Q55960555 +Q238402 P1412 Q1860 +Q19089 P161 Q229056 +Q215636 P106 Q36180 +Q761176 P1412 Q188 +Q334 P463 Q496967 +Q9095 P19 Q23436 +Q7542 P27 Q30 +Q8686 P17 Q148 +Q115760 P136 Q1535153 +Q481871 P108 Q21578 +Q801 P530 Q218 +Q5592 P172 Q50001 +Q429664 P509 Q12202 +Q1373347 P106 Q639669 +Q64014 P108 Q154561 +Q887347 P106 Q222749 +Q251068 P1412 Q727694 +Q637949 P106 Q82955 +Q244333 P161 Q310932 +Q4473 P136 Q83440 +Q229056 P69 Q927627 +Q430278 P495 Q30 +Q596925 P20 Q84 +Q661452 P106 Q81096 +Q373849 P840 Q778 +Q98087 P463 Q270794 +Q46706 P737 Q37327 +Q49355 P463 Q463303 +Q165219 P106 Q10798782 +Q8873 P737 Q53004 +Q294372 P106 Q639669 +Q310201 P1412 Q1860 +Q981513 P106 Q182436 +Q320093 P106 Q948329 +Q334116 P102 Q9630 +Q790 P530 Q183 +Q213880 P551 Q1055 +Q237548 P106 Q177220 +Q332670 P106 Q2526255 +Q65917 P106 Q1397808 +Q192706 P106 Q4964182 +Q4538 P172 Q1344183 +Q262886 P106 Q10800557 +Q19074 P102 Q29552 +Q84233 P101 Q8134 +Q189422 P106 Q2259451 +Q191480 P20 Q656 +Q234289 P20 Q406 +Q316064 P69 Q49210 +Q111673 P106 Q36180 +Q318029 P27 Q28 +Q294931 P106 Q43845 +Q16389 P27 Q30 +Q78290 P119 Q771 +Q104340 P2348 Q6927 +Q126599 P1412 Q1860 +Q547635 P136 Q9778 +Q66543 P27 Q183 +Q167768 P69 Q332342 +Q157309 P140 Q7361618 +Q7302 P106 Q36834 +Q182665 P1303 Q52954 +Q242873 P136 Q43343 +Q206112 P106 Q33999 +Q91461 P27 Q16957 +Q359248 P19 Q1781 +Q72365 P106 Q36180 +Q212446 P1412 Q7737 +Q311729 P106 Q36180 +Q430911 P551 Q956 +Q68312 P106 Q1622272 +Q160060 P161 Q235622 +Q2512 P102 Q7320 +Q5383 P106 Q488205 +Q314035 P27 Q15180 +Q212993 P463 Q463303 +Q191088 P106 Q855091 +Q76478 P106 Q177220 +Q278625 P641 Q847 +Q158354 P106 Q36180 +Q2338889 P17 Q30 +Q704710 P106 Q855091 +Q237214 P106 Q33999 +Q221546 P106 Q36834 +Q607 P102 Q29552 +Q223887 P161 Q431191 +Q287805 P106 Q2405480 +Q190145 P840 Q60 +Q72543 P106 Q16145150 +Q1779 P106 Q177220 +Q295964 P106 Q36180 +Q390299 P161 Q313814 +Q663465 P27 Q29999 +Q30570 P1412 Q1860 +Q781878 P264 Q772494 +Q309838 P106 Q639669 +Q155559 P136 Q191489 +Q1397191 P1412 Q9168 +Q443292 P27 Q30 +Q1065956 P106 Q639669 +Q193357 P1412 Q1860 +Q262314 P136 Q11399 +Q22670 P463 Q1792159 +Q119798 P101 Q1328508 +Q75929 P20 Q2814 +Q403 P530 Q155 +Q1741 P17 Q28513 +Q185147 P106 Q855091 +Q319684 P1412 Q36510 +Q318509 P106 Q488205 +Q600344 P136 Q186472 +Q213585 P108 Q154561 +Q383420 P106 Q33999 +Q216563 P136 Q8341 +Q743642 P106 Q639669 +Q59672 P1412 Q1860 +Q162005 P136 Q11399 +Q124697 P161 Q323166 +Q865 P530 Q695 +Q115760 P136 Q157394 +Q163366 P69 Q49117 +Q851 P530 Q155 +Q88388 P19 Q41329 +Q1349639 P106 Q36834 +Q320218 P106 Q28389 +Q215359 P136 Q37073 +Q952737 P1412 Q7026 +Q142 P530 Q159 +Q11998 P106 Q10798782 +Q155375 P19 Q23154 +Q173417 P119 Q2000666 +Q44301 P106 Q49757 +Q346532 P119 Q168886 +Q75812 P27 Q145 +Q219810 P161 Q223110 +Q336397 P463 Q123885 +Q712139 P136 Q83440 +Q34 P530 Q794 +Q76513 P1412 Q150 +Q663447 P106 Q33999 +Q49319 P69 Q4614 +Q95008 P69 Q4614 +Q302174 P161 Q175104 +Q2673 P27 Q30 +Q3118802 P106 Q482980 +Q124442 P27 Q39 +Q212015 P451 Q106573 +Q976526 P172 Q133255 +Q213736 P106 Q33999 +Q31 P463 Q7184 +Q124894 P106 Q82955 +Q106001 P2348 Q6927 +Q313755 P27 Q30 +Q201477 P119 Q188856 +Q1354341 P2348 Q6927 +Q213583 P69 Q154561 +Q36970 P106 Q245068 +Q144483 P136 Q1054574 +Q309980 P3373 Q310012 +Q365557 P101 Q5891 +Q240869 P106 Q177220 +Q1376193 P463 Q123885 +Q855 P119 Q1130019 +Q1066875 P106 Q28389 +Q107194 P106 Q1028181 +Q730082 P136 Q8341 +Q191020 P108 Q49088 +Q155545 P140 Q9592 +Q549722 P161 Q1187592 +Q26118 P106 Q10798782 +Q310357 P27 Q30 +Q70263 P106 Q189010 +Q1260 P108 Q1065 +Q975777 P106 Q1622272 +Q72334 P106 Q8178443 +Q297425 P108 Q599316 +Q330447 P27 Q30 +Q170596 P27 Q145 +Q203268 P27 Q30 +Q77740 P19 Q64 +Q113233 P1412 Q1860 +Q235615 P106 Q182436 +Q65113 P27 Q142 +Q67449 P106 Q15980158 +Q217280 P264 Q203059 +Q51495 P1412 Q1860 +Q438475 P106 Q947873 +Q12658 P108 Q28024477 +Q512611 P1412 Q1860 +Q61686 P69 Q152087 +Q332693 P463 Q2822396 +Q338489 P131 Q2044 +Q81244 P106 Q1622272 +Q60785 P19 Q2773 +Q1049 P530 Q843 +Q75889 P20 Q3806 +Q437713 P136 Q83270 +Q64151 P840 Q60 +Q187364 P551 Q99 +Q314208 P106 Q753110 +Q458709 P69 Q209344 +Q4451565 P69 Q13164 +Q8047423 P17 Q30 +Q9353 P172 Q42406 +Q1351047 P106 Q201788 +Q230473 P69 Q4614 +Q155419 P69 Q156737 +Q434915 P101 Q207628 +Q370928 P106 Q6168364 +Q360243 P161 Q320973 +Q222965 P161 Q283988 +Q313509 P101 Q5891 +Q180619 P108 Q13371 +Q30 P30 Q538 +Q7327 P106 Q82955 +Q213662 P106 Q16267607 +Q223830 P27 Q30 +Q58720 P106 Q170790 +Q981256 P106 Q1930187 +Q607464 P106 Q214917 +Q1779 P172 Q49085 +Q172678 P106 Q33999 +Q47159 P264 Q847018 +Q215076 P27 Q869 +Q122163 P20 Q72 +Q4451656 P106 Q43845 +Q267691 P19 Q18013 +Q596817 P136 Q45981 +Q258715 P106 Q28389 +Q2086235 P101 Q101333 +Q110916 P106 Q593644 +Q60100 P27 Q183 +Q207816 P161 Q32522 +Q231249 P551 Q65 +Q43 P530 Q878 +Q182345 P106 Q855091 +Q162753 P1303 Q17172850 +Q202815 P106 Q4773904 +Q195303 P161 Q178552 +Q184572 P1412 Q1860 +Q220078 P106 Q49757 +Q136264 P161 Q211280 +Q64963 P1412 Q188 +Q72276 P840 Q60 +Q298 P463 Q1043527 +Q95453 P69 Q157575 +Q1065956 P106 Q16031530 +Q61696 P161 Q42930 +Q381390 P106 Q1476215 +Q366578 P1303 Q6607 +Q80440 P737 Q46599 +Q132524 P737 Q84233 +Q981513 P106 Q39631 +Q314427 P136 Q131272 +Q433989 P101 Q11633 +Q783 P463 Q656801 +Q722555 P172 Q127885 +Q151083 P106 Q82955 +Q874 P463 Q376150 +Q102822 P463 Q83172 +Q1010602 P119 Q608405 +Q163063 P1303 Q17172850 +Q9602 P463 Q131566 +Q159582 P102 Q79854 +Q221546 P136 Q1133657 +Q51583 P106 Q333634 +Q730190 P509 Q12152 +Q276392 P161 Q311093 +Q61199 P102 Q49750 +Q156597 P840 Q60 +Q368732 P106 Q169470 +Q39972 P106 Q10798782 +Q254838 P106 Q488205 +Q302675 P27 Q145 +Q360528 P136 Q1152184 +Q333873 P119 Q208175 +Q214216 P119 Q12404547 +Q258793 P1303 Q6607 +Q294583 P106 Q33999 +Q118233 P27 Q159 +Q107730 P106 Q33999 +Q324905 P19 Q23306 +Q106193 P106 Q753110 +Q25649 P106 Q15627169 +Q216409 P463 Q459620 +Q277976 P106 Q177220 +Q84335 P108 Q43250 +Q436664 P106 Q1607826 +Q256928 P27 Q30 +Q208546 P106 Q189290 +Q159638 P136 Q188473 +Q352730 P106 Q2259451 +Q173061 P136 Q11399 +Q36767 P1303 Q6607 +Q20887 P1412 Q143 +Q8605 P106 Q82955 +Q318792 P1303 Q17172850 +Q104791 P106 Q28389 +Q180272 P140 Q1841 +Q551154 P1303 Q128309 +Q303918 P551 Q649 +Q24367 P106 Q82955 +Q202319 P509 Q12152 +Q183031 P106 Q2722764 +Q381420 P136 Q37073 +Q3778 P17 Q12548 +Q242969 P106 Q186360 +Q984165 P108 Q21578 +Q229487 P1412 Q1860 +Q739 P530 Q20 +Q501 P27 Q142 +Q312630 P135 Q37068 +Q312129 P106 Q3282637 +Q92946 P463 Q337234 +Q128494 P27 Q34266 +Q686 P530 Q865 +Q441439 P106 Q1607826 +Q438014 P106 Q33999 +Q75381 P19 Q2090 +Q214014 P136 Q1146335 +Q435034 P27 Q142 +Q174244 P108 Q49167 +Q70049 P27 Q183 +Q206112 P136 Q83440 +Q150471 P106 Q1350157 +Q123371 P1412 Q1860 +Q331759 P106 Q10800557 +Q25014 P106 Q28389 +Q6694 P106 Q11900058 +Q108857 P106 Q1622272 +Q548185 P106 Q36180 +Q128187 P161 Q41548 +Q982005 P106 Q947873 +Q316641 P69 Q1185037 +Q9200 P20 Q220 +Q444857 P1303 Q79838 +Q166010 P172 Q49085 +Q205000 P106 Q33999 +Q677706 P106 Q15855449 +Q895636 P27 Q183 +Q525180 P463 Q414163 +Q826731 P106 Q1607826 +Q336640 P1303 Q17172850 +Q348678 P161 Q95050 +Q215 P463 Q8475 +Q984115 P26 Q432421 +Q89689 P1412 Q188 +Q215623 P1412 Q188 +Q41502 P136 Q149537 +Q351670 P106 Q36834 +Q231726 P264 Q4413456 +Q43247 P140 Q75809 +Q29 P530 Q233 +Q75603 P106 Q49757 +Q737922 P1412 Q7737 +Q154077 P57 Q433893 +Q453447 P106 Q49757 +Q195788 P136 Q37073 +Q920526 P69 Q591115 +Q122553 P119 Q5933 +Q1686156 P264 Q3001888 +Q221846 P161 Q360674 +Q178698 P108 Q230492 +Q851 P463 Q899770 +Q311769 P19 Q24639 +Q51814 P106 Q43845 +Q5685 P106 Q1930187 +Q328042 P27 Q218 +Q289204 P161 Q386349 +Q77061 P27 Q183 +Q84464 P27 Q131964 +Q344384 P19 Q60 +Q493 P737 Q755 +Q549442 P106 Q36834 +Q12857 P27 Q145 +Q551735 P108 Q202660 +Q186335 P136 Q208505 +Q363666 P69 Q838330 +Q1827266 P20 Q65 +Q270215 P840 Q812 +Q1715512 P27 Q39 +Q114191 P108 Q156598 +Q443225 P106 Q639669 +Q2686748 P463 Q958769 +Q303235 P136 Q319221 +Q273171 P1303 Q17172850 +Q22686 P106 Q3282637 +Q12696 P106 Q860918 +Q55163 P106 Q8178443 +Q168359 P106 Q2526255 +Q229 P463 Q233611 +Q240523 P264 Q21077 +Q202144 P509 Q12152 +Q538284 P106 Q3282637 +Q217068 P119 Q746647 +Q103357 P19 Q3150 +Q2218967 P509 Q12202 +Q78473 P27 Q40 +Q434839 P1412 Q7976 +Q42122 P106 Q333634 +Q2563 P140 Q170111 +Q336388 P27 Q30 +Q1382830 P106 Q1415090 +Q93957 P106 Q33999 +Q236543 P106 Q37226 +Q161687 P161 Q235716 +Q130853 P106 Q2865819 +Q45255 P106 Q482980 +Q59572 P136 Q1200678 +Q104196 P106 Q10798782 +Q7563919 P69 Q168756 +Q381734 P106 Q1930187 +Q925240 P463 Q1938003 +Q130780 P69 Q35794 +Q229254 P27 Q30 +Q137808 P40 Q230636 +Q232819 P172 Q49085 +Q743051 P27 Q145 +Q53002 P19 Q90 +Q9960 P106 Q948329 +Q151881 P136 Q19367312 +Q110379 P69 Q797078 +Q62725 P19 Q64 +Q2822225 P641 Q5369 +Q75612 P27 Q34266 +Q25120 P27 Q172579 +Q231635 P136 Q484641 +Q242956 P1412 Q1860 +Q154269 P27 Q15180 +Q12674 P27 Q183 +Q733611 P106 Q486748 +Q136646 P106 Q2259451 +Q44653 P1412 Q1860 +Q36620 P509 Q476921 +Q335629 P106 Q13235160 +Q594644 P1303 Q6607 +Q1354843 P19 Q16555 +Q48034 P69 Q1934911 +Q231942 P106 Q486748 +Q214309 P27 Q664 +Q61469 P106 Q2374149 +Q261133 P509 Q12192 +Q221113 P136 Q52162262 +Q41329 P17 Q40 +Q214697 P463 Q133957 +Q202735 P1412 Q1860 +Q55 P463 Q7184 +Q220308 P19 Q24639 +Q333190 P106 Q1930187 +Q5749 P737 Q9235 +Q194638 P106 Q639669 +Q1585614 P20 Q16563 +Q116928 P136 Q2137852 +Q58645 P106 Q593644 +Q120578 P69 Q838330 +Q22316 P69 Q2599077 +Q168468 P106 Q13582652 +Q298352 P106 Q33999 +Q19504 P27 Q40 +Q454428 P106 Q639669 +Q262502 P106 Q10800557 +Q168161 P106 Q82955 +Q1686156 P136 Q217597 +Q228943 P106 Q2405480 +Q103579 P27 Q183 +Q19796 P27 Q148 +Q465955 P106 Q639669 +Q160318 P1303 Q8343 +Q11806 P106 Q82955 +Q84441 P27 Q40 +Q304488 P161 Q41148 +Q715945 P106 Q1930187 +Q35 P530 Q1028 +Q165419 P106 Q193391 +Q241909 P1412 Q1860 +Q371716 P1303 Q17172850 +Q246656 P136 Q1054574 +Q383926 P136 Q9759 +Q1246324 P1412 Q1860 +Q72090 P136 Q130232 +Q165394 P161 Q174908 +Q38049 P551 Q64 +Q64880 P1303 Q17172850 +Q445392 P102 Q42183 +Q189132 P106 Q4610556 +Q299723 P1412 Q1860 +Q256928 P20 Q1345 +Q40162 P106 Q4610556 +Q162202 P106 Q2252262 +Q86635 P106 Q1930187 +Q1151 P106 Q8178443 +Q237639 P140 Q9592 +Q207898 P264 Q203059 +Q1770624 P1412 Q1860 +Q55369 P106 Q10800557 +Q5879 P1412 Q188 +Q632532 P161 Q235302 +Q126596 P1412 Q1860 +Q75727 P19 Q2865 +Q200355 P106 Q33999 +Q152451 P102 Q29552 +Q311854 P106 Q18939491 +Q314843 P69 Q49122 +Q313581 P463 Q1792159 +Q381944 P27 Q159 +Q108553 P106 Q1622272 +Q315188 P106 Q17337766 +Q222041 P161 Q230782 +Q59672 P106 Q10798782 +Q104737 P1303 Q17172850 +Q80137 P172 Q42406 +Q155649 P106 Q36180 +Q334180 P1303 Q8355 +Q379250 P106 Q488205 +Q98737 P1412 Q188 +Q1334244 P106 Q639669 +Q1292110 P19 Q1874 +Q434680 P69 Q319239 +Q520053 P119 Q240744 +Q184805 P106 Q855091 +Q362353 P1412 Q1860 +Q78006 P106 Q177220 +Q358529 P19 Q2044 +Q255376 P161 Q224159 +Q5879 P106 Q214917 +Q242535 P3373 Q1798353 +Q102551 P106 Q10798782 +Q167265 P161 Q445302 +Q60788 P106 Q82955 +Q311181 P106 Q177220 +Q597698 P27 Q36 +Q44747 P69 Q165980 +Q214548 P264 Q183387 +Q36970 P27 Q1054923 +Q28 P530 Q148 +Q57802 P101 Q1069 +Q1371798 P27 Q30 +Q542101 P106 Q2516866 +Q4487 P551 Q55 +Q1815371 P131 Q3130 +Q358306 P106 Q10798782 +Q80739 P27 Q30 +Q87884 P1412 Q188 +Q51559 P463 Q7118978 +Q716906 P69 Q503246 +Q105695 P1412 Q1860 +Q9391 P140 Q288928 +Q347717 P106 Q36834 +Q233483 P106 Q177220 +Q231106 P106 Q177220 +Q128956 P463 Q123885 +Q2643 P106 Q753110 +Q4275371 P102 Q79854 +Q51416 P495 Q30 +Q533284 P106 Q183945 +Q105598 P161 Q234997 +Q260331 P106 Q10798782 +Q176405 P27 Q241 +Q241909 P106 Q2405480 +Q378870 P69 Q193510 +Q428347 P19 Q1764 +Q164957 P27 Q33946 +Q2602121 P1412 Q1321 +Q465640 P20 Q649 +Q314606 P106 Q3282637 +Q163234 P106 Q10798782 +Q16 P530 Q189 +Q164784 P463 Q265058 +Q268160 P264 Q377453 +Q90319 P69 Q152171 +Q706417 P136 Q83440 +Q214999 P40 Q214191 +Q529604 P106 Q4773904 +Q76534 P27 Q41304 +Q575689 P106 Q33999 +Q22222 P106 Q82955 +Q240238 P106 Q2259451 +Q173158 P1412 Q1860 +Q200509 P106 Q1225716 +Q60546 P27 Q30 +Q185465 P101 Q207628 +Q287607 P106 Q8246794 +Q101734 P106 Q1415090 +Q329448 P136 Q130232 +Q11903 P106 Q11063 +Q167399 P106 Q36834 +Q182218 P161 Q267359 +Q234030 P27 Q30 +Q207458 P19 Q277162 +Q104088 P463 Q700570 +Q464251 P264 Q2902300 +Q1430 P27 Q1747689 +Q179150 P106 Q82955 +Q258736 P106 Q947873 +Q229 P530 Q801 +Q8739 P106 Q11063 +Q347461 P140 Q9268 +Q607448 P172 Q49085 +Q379873 P136 Q663106 +Q84330 P27 Q183 +Q1329361 P106 Q14467526 +Q232101 P106 Q33999 +Q428489 P136 Q860626 +Q1030 P463 Q656801 +Q234819 P27 Q16 +Q283267 P27 Q668 +Q229232 P106 Q2259451 +Q242557 P106 Q3282637 +Q316596 P27 Q30 +Q951010 P106 Q1792450 +Q13298 P17 Q518101 +Q190076 P136 Q11399 +Q215724 P20 Q1794 +Q234989 P106 Q6625963 +Q352975 P69 Q214341 +Q499339 P463 Q451079 +Q500546 P106 Q36180 +Q324219 P19 Q90 +Q236 P530 Q41 +Q1810650 P106 Q177220 +Q92868 P106 Q81096 +Q97550 P108 Q161982 +Q184746 P463 Q463303 +Q51581 P509 Q12202 +Q96798 P106 Q36180 +Q95843 P69 Q152171 +Q170515 P20 Q85 +Q362118 P19 Q1297 +Q84734 P69 Q154804 +Q92481 P108 Q153987 +Q333004 P106 Q1930187 +Q4103721 P69 Q13164 +Q195367 P641 Q41323 +Q888487 P136 Q164444 +Q15800 P27 Q131964 +Q93562 P27 Q40 +Q31781 P69 Q467025 +Q765 P1412 Q652 +Q231255 P119 Q1302545 +Q96997 P136 Q1344 +Q1549911 P136 Q7749 +Q129119 P106 Q2722764 +Q61649 P136 Q1344 +Q64509 P1412 Q188 +Q587361 P264 Q843402 +Q60487 P161 Q115541 +Q218679 P106 Q36180 +Q69406 P106 Q82955 +Q34 P463 Q1043527 +Q384804 P106 Q17307272 +Q40187 P161 Q150651 +Q796316 P17 Q183 +Q153723 P136 Q21010853 +Q231228 P106 Q2490358 +Q97028 P1412 Q188 +Q76524 P264 Q21077 +Q78316 P1412 Q188 +Q264960 P106 Q10800557 +Q159542 P1412 Q9056 +Q3335 P1050 Q12204 +Q902 P530 Q252 +Q87972 P108 Q662355 +Q298818 P509 Q12152 +Q275875 P106 Q1415090 +Q33760 P737 Q9047 +Q663858 P106 Q639669 +Q215989 P106 Q36180 +Q697200 P106 Q713200 +Q1046038 P106 Q639669 +Q20 P463 Q41550 +Q60039 P509 Q2140674 +Q366012 P108 Q499451 +Q2030240 P69 Q7691246 +Q773303 P106 Q1930187 +Q242376 P106 Q36180 +Q70917 P106 Q188094 +Q313138 P106 Q2252262 +Q46096 P106 Q1622272 +Q309768 P106 Q49757 +Q49498 P161 Q254552 +Q861994 P106 Q488205 +Q4617 P106 Q10800557 +Q213773 P136 Q52162262 +Q393407 P27 Q191077 +Q381799 P69 Q4614 +Q206399 P27 Q15180 +Q60052 P20 Q64 +Q1726 P463 Q1768108 +Q1145 P106 Q765778 +Q333856 P106 Q177220 +Q61055 P106 Q1281618 +Q702 P530 Q30 +Q316857 P172 Q678551 +Q332368 P161 Q232356 +Q68490 P106 Q49757 +Q166796 P106 Q753110 +Q444840 P1303 Q6607 +Q207592 P106 Q18814623 +Q1045 P530 Q805 +Q75555 P27 Q2305208 +Q462574 P509 Q12202 +Q78939 P69 Q165980 +Q156193 P69 Q2994538 +Q229319 P106 Q4610556 +Q1064423 P20 Q37320 +Q110201 P27 Q183 +Q238719 P136 Q205049 +Q76895 P509 Q12152 +Q334205 P106 Q1930187 +Q76606 P19 Q365 +Q299723 P551 Q96 +Q1077158 P106 Q43845 +Q64503 P106 Q36180 +Q356745 P264 Q27184 +Q472071 P106 Q1930187 +Q951110 P69 Q523926 +Q233697 P106 Q4610556 +Q426828 P136 Q859369 +Q315752 P463 Q329464 +Q1350303 P136 Q316930 +Q256649 P1303 Q17172850 +Q621879 P106 Q2095549 +Q93157 P463 Q463281 +Q1401 P641 Q36908 +Q707266 P27 Q12560 +Q180395 P495 Q30 +Q318607 P19 Q65 +Q77004 P106 Q15627169 +Q1459658 P1412 Q8798 +Q271824 P106 Q1930187 +Q224 P463 Q842490 +Q271426 P1412 Q1860 +Q239897 P27 Q142 +Q316313 P69 Q161562 +Q259807 P161 Q49004 +Q436719 P1412 Q1860 +Q74795 P27 Q41304 +Q157043 P106 Q81096 +Q151691 P69 Q152087 +Q155390 P69 Q155354 +Q128911 P102 Q187009 +Q166092 P27 Q165154 +Q316872 P264 Q183412 +Q1779 P106 Q10800557 +Q268262 P102 Q210703 +Q9696 P140 Q1841 +Q214116 P19 Q36036 +Q200228 P19 Q79848 +Q234653 P551 Q61 +Q64278 P27 Q183 +Q155467 P106 Q1415090 +Q128518 P161 Q185140 +Q200228 P106 Q10798782 +Q71490 P1412 Q188 +Q506379 P108 Q21578 +Q218083 P27 Q30 +Q3318964 P1412 Q9168 +Q161841 P509 Q223102 +Q149489 P106 Q1930187 +Q1646438 P1303 Q128309 +Q447827 P463 Q265058 +Q213870 P106 Q3621491 +Q151898 P495 Q30 +Q466477 P27 Q884 +Q691798 P106 Q250867 +Q152176 P119 Q311 +Q258980 P69 Q4359408 +Q2904665 P106 Q484876 +Q369113 P551 Q84 +Q933453 P106 Q1930187 +Q154691 P106 Q193391 +Q320556 P106 Q28389 +Q297881 P27 Q142 +Q309214 P27 Q16 +Q362340 P20 Q1731 +Q124670 P106 Q21234378 +Q38561 P161 Q102813 +Q444713 P27 Q145 +Q102225 P161 Q296008 +Q280400 P136 Q157394 +Q44176 P106 Q947873 +Q68312 P106 Q350979 +Q563057 P27 Q30 +Q880181 P463 Q337234 +Q33637 P1412 Q188 +Q36951 P69 Q390287 +Q77489 P27 Q30 +Q47210 P69 Q1059546 +Q385309 P161 Q298818 +Q23434 P509 Q2140674 +Q77031 P463 Q320642 +Q66543 P69 Q51985 +Q41 P530 Q29 +Q235517 P1303 Q17172850 +Q991543 P106 Q333634 +Q991 P737 Q16867 +Q58866 P509 Q11868838 +Q16554 P17 Q30 +Q891 P138 Q12706 +Q176909 P69 Q192334 +Q169461 P106 Q4610556 +Q1765101 P463 Q1938003 +Q902 P530 Q1049 +Q263172 P551 Q172 +Q8680 P37 Q1860 +Q878 P530 Q810 +Q157242 P108 Q35794 +Q582152 P119 Q1514332 +Q186709 P102 Q204911 +Q84851 P69 Q32120 +Q219237 P27 Q145 +Q77087 P106 Q6625963 +Q863049 P106 Q639669 +Q235622 P106 Q10800557 +Q336640 P106 Q855091 +Q431591 P106 Q177220 +Q129857 P106 Q116 +Q164351 P106 Q3391743 +Q165824 P106 Q36834 +Q389779 P106 Q183945 +Q984614 P106 Q177220 +Q313256 P27 Q30 +Q312450 P19 Q160642 +Q201484 P106 Q4964182 +Q740181 P19 Q1085 +Q282588 P27 Q31 +Q70819 P20 Q2833 +Q7052125 P20 Q34217 +Q331 P106 Q40348 +Q5809 P106 Q82955 +Q213543 P106 Q333634 +Q78939 P27 Q40 +Q1147551 P106 Q10798782 +Q152272 P1412 Q150 +Q192643 P27 Q30 +Q164745 P1412 Q13955 +Q804 P37 Q1321 +Q93562 P463 Q466089 +Q484302 P106 Q183945 +Q184530 P106 Q11063 +Q234989 P106 Q11774202 +Q127548 P1303 Q6607 +Q318885 P27 Q30 +Q545822 P106 Q36180 +Q236463 P106 Q10798782 +Q245363 P106 Q1930187 +Q362340 P20 Q1741 +Q544469 P264 Q1536003 +Q55207 P140 Q35032 +Q465640 P108 Q1130457 +Q649 P17 Q139319 +Q85691 P106 Q482980 +Q9364 P106 Q1397808 +Q162277 P161 Q190523 +Q360531 P19 Q17042 +Q1046038 P106 Q245068 +Q13909 P27 Q424 +Q67637 P27 Q16957 +Q181900 P106 Q10800557 +Q313818 P106 Q177220 +Q597863 P106 Q1930187 +Q1291701 P106 Q18814623 +Q314208 P136 Q9759 +Q211730 P27 Q27 +Q122020 P106 Q36180 +Q347456 P106 Q488205 +Q282951 P27 Q38 +Q96 P530 Q408 +Q83003 P69 Q499911 +Q265270 P69 Q49115 +Q60884 P106 Q333634 +Q236599 P106 Q36180 +Q3986379 P161 Q1266083 +Q57063 P106 Q1622272 +Q60752 P69 Q51985 +Q185110 P27 Q15180 +Q77183 P27 Q183 +Q334646 P106 Q82955 +Q334180 P106 Q639669 +Q254430 P27 Q129286 +Q203674 P20 Q90 +Q232874 P106 Q2405480 +Q265 P463 Q191384 +Q316872 P106 Q639669 +Q587741 P106 Q3282637 +Q119768 P69 Q155354 +Q33760 P1412 Q1860 +Q312969 P106 Q81096 +Q931561 P136 Q211723 +Q274334 P27 Q15180 +Q180453 P106 Q753110 +Q431401 P20 Q172 +Q362089 P1412 Q9299 +Q435124 P69 Q503246 +Q34474 P136 Q156035 +Q30875 P19 Q1761 +Q313581 P1412 Q188 +Q1750541 P20 Q1400 +Q233876 P19 Q2807 +Q207698 P840 Q142 +Q240222 P106 Q488205 +Q948 P463 Q7172 +Q937 P737 Q9095 +Q42051 P161 Q438161 +Q217280 P101 Q207628 +Q95861 P106 Q193391 +Q90653 P1303 Q17172850 +Q432919 P140 Q7066 +Q230943 P101 Q207628 +Q193482 P106 Q28389 +Q238045 P106 Q33999 +Q563 P106 Q15949613 +Q92130 P106 Q36180 +Q184366 P463 Q270794 +Q244604 P136 Q188473 +Q80596 P106 Q482980 +Q473770 P106 Q14915627 +Q1461567 P1303 Q46185 +Q311253 P69 Q309331 +Q231923 P20 Q6106 +Q1327115 P106 Q753110 +Q312570 P172 Q49085 +Q357607 P106 Q10798782 +Q67635 P119 Q881481 +Q401182 P106 Q33999 +Q376335 P69 Q4453555 +Q57285 P106 Q36834 +Q233977 P106 Q855091 +Q206832 P106 Q593644 +Q77476 P106 Q36180 +Q202735 P106 Q28389 +Q489854 P106 Q10798782 +Q458229 P1303 Q6607 +Q85580 P27 Q183 +Q91903 P106 Q82955 +Q317967 P69 Q547867 +Q129817 P106 Q28389 +Q286074 P20 Q90 +Q156069 P136 Q1341051 +Q189119 P106 Q36180 +Q784 P463 Q827525 +Q935051 P27 Q30 +Q912687 P136 Q11635 +Q212 P530 Q458 +Q1399 P101 Q5891 +Q1382830 P69 Q738258 +Q445863 P106 Q639669 +Q310679 P140 Q432 +Q174908 P106 Q16323111 +Q126183 P161 Q343510 +Q340016 P106 Q49757 +Q28152 P106 Q28389 +Q427534 P161 Q93957 +Q148540 P37 Q397 +Q240782 P106 Q36180 +Q72653 P106 Q4853732 +Q131374 P119 Q272208 +Q72224 P136 Q25379 +Q84211 P106 Q901402 +Q348658 P1303 Q46185 +Q61147 P106 Q18576582 +Q77881 P108 Q672420 +Q319902 P19 Q597 +Q66031 P101 Q8162 +Q32223 P106 Q13590141 +Q110167 P1412 Q188 +Q66162 P27 Q30 +Q235318 P27 Q145 +Q165524 P172 Q141817 +Q436759 P1412 Q1860 +Q70795 P69 Q20266330 +Q76405 P27 Q183 +Q270374 P1412 Q8641 +Q2066 P463 Q52144567 +Q59672 P509 Q11868838 +Q89043 P69 Q165980 +Q170095 P172 Q121842 +Q69019 P106 Q16267607 +Q304609 P57 Q51575 +Q233289 P106 Q82955 +Q190525 P161 Q231807 +Q154723 P106 Q36180 +Q272942 P20 Q11299 +Q168482 P106 Q42973 +Q611586 P172 Q1075293 +Q67725 P20 Q64 +Q131660 P106 Q36180 +Q73890 P106 Q82955 +Q66729 P463 Q265058 +Q2685 P140 Q1841 +Q235302 P106 Q2259451 +Q1286597 P1412 Q9299 +Q57337 P140 Q101849 +Q557382 P69 Q185246 +Q151597 P161 Q230045 +Q28776 P495 Q183 +Q218210 P106 Q28389 +Q209481 P161 Q316629 +Q11812 P106 Q40348 +Q432129 P106 Q36180 +Q57472 P463 Q44687 +Q1290210 P106 Q36834 +Q202878 P1303 Q17172850 +Q229735 P106 Q177220 +Q346411 P1303 Q17172850 +Q31164 P737 Q162202 +Q869758 P136 Q38848 +Q151646 P20 Q649 +Q129037 P495 Q145 +Q1173676 P463 Q123885 +Q270085 P106 Q193391 +Q702508 P27 Q30 +Q7327 P119 Q1130019 +Q11753 P27 Q40 +Q44301 P106 Q3455803 +Q863514 P106 Q4964182 +Q115715 P1412 Q150 +Q1383381 P172 Q49085 +Q156774 P1412 Q1321 +Q515696 P106 Q1622272 +Q4960 P27 Q30 +Q57681 P106 Q380075 +Q48020 P1412 Q7737 +Q466569 P106 Q947873 +Q116013 P102 Q727724 +Q1025 P463 Q191384 +Q469888 P1050 Q12204 +Q139330 P106 Q28389 +Q1882498 P1303 Q80019 +Q522579 P19 Q1489 +Q23543 P106 Q4610556 +Q237039 P551 Q1563 +Q202386 P1412 Q150 +Q534599 P106 Q28389 +Q244975 P136 Q20442589 +Q325389 P106 Q855091 +Q344153 P20 Q406 +Q410 P106 Q28389 +Q270085 P101 Q431 +Q256959 P106 Q6625963 +Q332798 P161 Q172261 +Q287740 P840 Q84 +Q1909248 P1303 Q6607 +Q221771 P106 Q36180 +Q443534 P106 Q10800557 +Q1803090 P509 Q12202 +Q315868 P20 Q1726 +Q231106 P106 Q10798782 +Q1409622 P106 Q33999 +Q202725 P106 Q10800557 +Q190628 P140 Q23540 +Q212 P530 Q833 +Q959159 P1303 Q17172850 +Q531247 P1412 Q1860 +Q298682 P106 Q4610556 +Q544915 P19 Q456 +Q976022 P106 Q10800557 +Q310985 P106 Q36834 +Q236950 P27 Q30 +Q80424 P1412 Q1321 +Q70215 P106 Q36180 +Q431793 P136 Q959790 +Q47011 P69 Q658192 +Q3504610 P463 Q3603946 +Q538379 P27 Q159 +Q60128 P102 Q79854 +Q330730 P69 Q238101 +Q71855 P106 Q36180 +Q183412 P17 Q145 +Q528647 P106 Q37226 +Q180098 P57 Q51495 +Q185654 P106 Q3357567 +Q70396 P19 Q1799 +Q92639 P106 Q170790 +Q1267 P106 Q188094 +Q84114 P1303 Q8343 +Q380425 P106 Q1930187 +Q311263 P69 Q503419 +Q549729 P106 Q2374149 +Q555426 P106 Q177220 +Q991720 P27 Q30 +Q274895 P161 Q234149 +Q79191 P106 Q3501317 +Q215026 P136 Q187760 +Q24558760 P106 Q15995642 +Q157970 P172 Q170217 +Q187832 P106 Q10798782 +Q215949 P106 Q36180 +Q169982 P106 Q2259451 +Q221168 P161 Q485901 +Q184903 P19 Q16554 +Q235503 P69 Q309350 +Q168274 P101 Q207628 +Q556648 P463 Q2720582 +Q300393 P161 Q264748 +Q217010 P161 Q126599 +Q60131 P106 Q82955 +Q66337 P69 Q32120 +Q106175 P27 Q30 +Q229353 P136 Q37073 +Q1060395 P108 Q691851 +Q207482 P161 Q105221 +Q1988375 P1303 Q8338 +Q1156 P17 Q179876 +Q216398 P106 Q6625963 +Q76525 P27 Q183 +Q60059 P106 Q901402 +Q88478 P106 Q201788 +Q57681 P69 Q21705070 +Q2890097 P106 Q947873 +Q165392 P161 Q309690 +Q54945 P101 Q413 +Q720009 P106 Q177220 +Q190162 P106 Q2259451 +Q442830 P27 Q801 +Q765871 P106 Q33999 +Q266368 P106 Q6625963 +Q224159 P102 Q29552 +Q503672 P106 Q639669 +Q60854 P106 Q49757 +Q242643 P106 Q6625963 +Q1113061 P1412 Q7026 +Q183 P463 Q663492 +Q6080085 P106 Q901 +Q310618 P102 Q29468 +Q151087 P3373 Q517 +Q455827 P106 Q639669 +Q43293 P106 Q28389 +Q153358 P509 Q1368943 +Q25839 P106 Q2259451 +Q68604 P463 Q299015 +Q1699902 P27 Q145 +Q192686 P136 Q1200678 +Q12288760 P106 Q82955 +Q311068 P140 Q7066 +Q6123726 P1412 Q1860 +Q217154 P106 Q42973 +Q52488 P20 Q649 +Q457803 P101 Q482 +Q78644 P101 Q4610556 +Q449575 P135 Q1246516 +Q319374 P27 Q30 +Q181683 P106 Q486748 +Q962308 P19 Q84 +Q64949 P19 Q60 +Q843 P530 Q794 +Q274608 P106 Q2259451 +Q156815 P27 Q668 +Q606125 P172 Q49085 +Q91323 P106 Q1622272 +Q310798 P69 Q610999 +Q108206 P106 Q432386 +Q160071 P161 Q60802 +Q24075 P161 Q345325 +Q423644 P119 Q43 +Q544915 P106 Q783906 +Q230929 P102 Q29552 +Q77807 P19 Q1726 +Q724883 P1412 Q1321 +Q1765101 P1303 Q5994 +Q145627 P106 Q10800557 +Q15850 P140 Q93191 +Q238296 P161 Q349852 +Q256750 P106 Q36180 +Q231690 P106 Q36180 +Q275982 P106 Q512314 +Q75786 P27 Q41304 +Q1676929 P106 Q10798782 +Q169564 P840 Q18419 +Q145 P530 Q222 +Q116003 P27 Q30 +Q331791 P106 Q177220 +Q290197 P101 Q482 +Q275543 P106 Q10800557 +Q11812 P1412 Q150 +Q186185 P102 Q79854 +Q537112 P106 Q4263842 +Q374812 P106 Q33999 +Q174559 P161 Q271696 +Q1354843 P106 Q2252262 +Q506915 P106 Q177220 +Q57244 P136 Q9734 +Q2218967 P106 Q482980 +Q5679 P106 Q47064 +Q106182 P161 Q485901 +Q1351259 P106 Q33999 +Q372959 P161 Q168721 +Q980676 P69 Q273626 +Q461104 P106 Q36180 +Q141860 P106 Q82955 +Q260648 P161 Q438537 +Q6538 P27 Q183 +Q1772432 P69 Q849751 +Q76593 P106 Q81096 +Q96452 P20 Q64 +Q60197 P1303 Q8355 +Q315784 P1303 Q6607 +Q392441 P495 Q145 +Q283696 P136 Q2484376 +Q432421 P136 Q37073 +Q11692964 P1412 Q7026 +Q92828 P20 Q47265 +Q44221 P106 Q33999 +Q4014532 P101 Q1328508 +Q208993 P19 Q656 +Q184 P530 Q794 +Q77184 P463 Q12751277 +Q158250 P106 Q1208175 +Q953153 P264 Q843402 +Q8027 P737 Q1001 +Q507940 P106 Q1415090 +Q242577 P106 Q10800557 +Q216701 P106 Q1622272 +Q213553 P69 Q49088 +Q3047837 P106 Q1622272 +Q240890 P106 Q2865819 +Q295431 P106 Q4263842 +Q43293 P106 Q36180 +Q7327 P27 Q15180 +Q271554 P106 Q10800557 +Q94007 P27 Q40 +Q9161 P463 Q1132636 +Q1364820 P1412 Q1860 +Q34424 P264 Q216364 +Q41272 P1412 Q7737 +Q51267 P20 Q34217 +Q23814 P106 Q28389 +Q117012 P551 Q1490 +Q537960 P106 Q1930187 +Q2858166 P106 Q43845 +Q40054 P106 Q4220892 +Q668 P530 Q43 +Q763507 P69 Q52413 +Q165534 P106 Q482980 +Q15257 P1412 Q1860 +Q714602 P106 Q855091 +Q941374 P69 Q238101 +Q395274 P106 Q10800557 +Q219373 P140 Q9268 +Q155112 P106 Q1028181 +Q313788 P106 Q2405480 +Q959153 P136 Q37073 +Q167475 P106 Q2526255 +Q252 P463 Q191384 +Q333265 P19 Q656 +Q333106 P106 Q82955 +Q263501 P27 Q30 +Q92183 P106 Q188094 +Q766 P463 Q205995 +Q255129 P136 Q37073 +Q876706 P27 Q28513 +Q222008 P106 Q2259451 +Q348615 P106 Q753110 +Q110201 P1412 Q188 +Q336278 P136 Q37073 +Q212446 P119 Q779 +Q57640 P27 Q15180 +Q82006 P102 Q9626 +Q315784 P1303 Q17172850 +Q449371 P172 Q49085 +Q125451 P106 Q36180 +Q232000 P161 Q41871 +Q377638 P108 Q49210 +Q4128 P106 Q49757 +Q78030 P106 Q82955 +Q76568 P106 Q1234713 +Q160433 P106 Q486748 +Q133665 P106 Q36834 +Q977036 P106 Q81096 +Q254555 P136 Q663106 +Q223887 P161 Q18938 +Q77428 P19 Q1022 +Q125462 P101 Q156035 +Q311453 P69 Q1472358 +Q313077 P172 Q170826 +Q77788 P463 Q459620 +Q46706 P463 Q463303 +Q222390 P1412 Q1860 +Q187364 P106 Q2526255 +Q38222 P106 Q222344 +Q674739 P136 Q1344 +Q177131 P136 Q850412 +Q287828 P106 Q36180 +Q60087 P463 Q150793 +Q1684779 P106 Q639669 +Q2482444 P108 Q34433 +Q23728 P106 Q245068 +Q133405 P136 Q58339 +Q366521 P1412 Q9168 +Q328590 P106 Q3400985 +Q880181 P106 Q1622272 +Q3570727 P108 Q202660 +Q3301546 P108 Q273523 +Q164813 P495 Q29 +Q46739 P69 Q222738 +Q312975 P463 Q684415 +Q152785 P20 Q2044 +Q192912 P27 Q145 +Q9570 P106 Q177220 +Q684105 P136 Q483352 +Q91323 P20 Q64 +Q84147 P161 Q357762 +Q552215 P108 Q49088 +Q550784 P136 Q21590660 +Q298388 P1412 Q1860 +Q76361 P509 Q175111 +Q363949 P27 Q207272 +Q874 P463 Q191384 +Q339358 P106 Q33999 +Q72717 P27 Q30 +Q348001 P1412 Q7737 +Q55452 P106 Q33999 +Q351732 P106 Q2526255 +Q978389 P106 Q49757 +Q880598 P27 Q912 +Q243969 P69 Q168756 +Q216563 P264 Q1542119 +Q103835 P106 Q901 +Q374504 P106 Q644687 +Q241085 P136 Q645928 +Q70174 P264 Q168407 +Q621521 P1303 Q5994 +Q87208 P106 Q864380 +Q981944 P1303 Q17172850 +Q79 P463 Q4783148 +Q503657 P102 Q79854 +Q42904 P27 Q15180 +Q468003 P106 Q49757 +Q50599 P19 Q6346 +Q215282 P106 Q36180 +Q93853 P161 Q37175 +Q159054 P495 Q30 +Q123918 P106 Q36180 +Q105453 P106 Q1622272 +Q1687890 P106 Q639669 +Q78528 P27 Q40 +Q232819 P136 Q9759 +Q367234 P106 Q1930187 +Q237413 P27 Q34 +Q274748 P136 Q20442589 +Q195949 P136 Q157443 +Q473257 P20 Q19660 +Q174153 P840 Q183 +Q151113 P106 Q33999 +Q181677 P106 Q578109 +Q67494 P106 Q36180 +Q57410 P1412 Q1860 +Q83297 P106 Q169470 +Q722395 P106 Q2914170 +Q47210 P69 Q273626 +Q525180 P264 Q311439 +Q662575 P17 Q183 +Q259047 P172 Q115026 +Q780842 P106 Q1930187 +Q1770797 P106 Q81096 +Q1174771 P106 Q177220 +Q214831 P1303 Q3382191 +Q236075 P27 Q30 +Q318309 P463 Q812155 +Q6538 P69 Q55038 +Q4028 P26 Q108941 +Q90787 P106 Q49757 +Q297831 P106 Q2252262 +Q202749 P106 Q214917 +Q106685 P20 Q270 +Q18421 P161 Q121456 +Q42402 P106 Q183945 +Q241660 P106 Q177220 +Q1077577 P27 Q30 +Q220955 P161 Q229577 +Q1572124 P27 Q17 +Q43274 P463 Q337543 +Q781514 P106 Q205375 +Q517 P3373 Q151098 +Q214660 P737 Q9364 +Q58073 P509 Q623031 +Q34453 P106 Q13582652 +Q531624 P1303 Q6607 +Q219772 P27 Q145 +Q61864 P108 Q157808 +Q108539 P27 Q43287 +Q338726 P27 Q30 +Q318885 P1412 Q1860 +Q188384 P840 Q21 +Q933332 P69 Q13371 +Q270599 P136 Q853630 +Q31 P530 Q183 +Q363525 P106 Q33999 +Q1270525 P19 Q1781 +Q2607 P509 Q623031 +Q106443 P1412 Q150 +Q127856 P131 Q104994 +Q352452 P136 Q483352 +Q359604 P106 Q33999 +Q37134 P463 Q83172 +Q928281 P106 Q43845 +Q717 P530 Q41 +Q767329 P27 Q29 +Q10716 P106 Q11900058 +Q29031 P106 Q201788 +Q68202 P106 Q49757 +Q215219 P27 Q30 +Q2347483 P1412 Q5146 +Q287977 P264 Q4883239 +Q72832 P27 Q30 +Q76440 P106 Q36180 +Q962609 P106 Q33999 +Q155687 P27 Q183 +Q484702 P106 Q33999 +Q229011 P551 Q62 +Q167683 P106 Q3282637 +Q83677 P1412 Q1860 +Q898 P17 Q15180 +Q63834 P1412 Q188 +Q55369 P106 Q28389 +Q204804 P106 Q177220 +Q213562 P106 Q15627169 +Q288355 P495 Q30 +Q339031 P106 Q486748 +Q180099 P69 Q49088 +Q324397 P108 Q168751 +Q57276 P27 Q27 +Q194143 P495 Q16 +Q115 P463 Q827525 +Q573665 P264 Q155152 +Q159933 P1412 Q652 +Q392785 P161 Q78505 +Q218889 P108 Q432637 +Q110138 P161 Q311303 +Q102813 P27 Q30 +Q168821 P161 Q110462 +Q60772 P69 Q168426 +Q76546 P106 Q1930187 +Q171969 P108 Q202660 +Q87265 P106 Q15981151 +Q166214 P161 Q2680 +Q453288 P108 Q21578 +Q265252 P136 Q164444 +Q1523426 P27 Q34266 +Q138846 P140 Q7066 +Q70478 P106 Q16267607 +Q25153 P136 Q37073 +Q528140 P1303 Q46185 +Q282722 P136 Q11366 +Q231135 P106 Q488205 +Q231487 P264 Q664167 +Q4263286 P106 Q82955 +Q316957 P27 Q183 +Q76998 P106 Q133485 +Q166234 P106 Q49757 +Q12735 P106 Q1234713 +Q358538 P106 Q486748 +Q178698 P737 Q37767 +Q78492 P463 Q466089 +Q249862 P136 Q83440 +Q2599 P106 Q1028181 +Q294531 P1050 Q11085 +Q274608 P1412 Q150 +Q59346 P136 Q130232 +Q962908 P136 Q1196752 +Q499028 P69 Q230492 +Q974023 P19 Q2868 +Q89043 P1412 Q188 +Q425821 P264 Q1194456 +Q242482 P108 Q126399 +Q66236 P106 Q10798782 +Q551570 P108 Q678095 +Q57384 P551 Q61 +Q62558 P106 Q10800557 +Q224187 P136 Q157394 +Q327809 P161 Q87432 +Q388785 P106 Q2252262 +Q57393 P106 Q18844224 +Q289805 P463 Q83172 +Q362521 P106 Q1930187 +Q380865 P106 Q947873 +Q240371 P106 Q177220 +Q163038 P136 Q853630 +Q232222 P136 Q172980 +Q219862 P509 Q47912 +Q104049 P106 Q3387717 +Q208117 P106 Q36180 +Q360313 P106 Q33999 +Q235205 P106 Q33999 +Q76509 P108 Q151510 +Q314659 P106 Q10800557 +Q330316 P106 Q177220 +Q833738 P463 Q1662834 +Q233959 P264 Q2265719 +Q500999 P20 Q19660 +Q47619 P20 Q34647 +Q53719 P136 Q19367312 +Q4487 P20 Q1489 +Q219640 P27 Q30 +Q2071 P135 Q39427 +Q287099 P106 Q36180 +Q83287 P136 Q211756 +Q464218 P106 Q753110 +Q1138543 P136 Q11399 +Q1634784 P27 Q30 +Q127367 P136 Q319221 +Q441628 P509 Q372701 +Q518839 P19 Q1781 +Q236151 P69 Q736674 +Q3852 P17 Q142 +Q451812 P27 Q145 +Q314308 P69 Q501758 +Q229766 P27 Q794 +Q93868 P495 Q30 +Q71759 P19 Q172 +Q38 P530 Q419 +Q128073 P140 Q9592 +Q41408 P106 Q639669 +Q234141 P451 Q207592 +Q918268 P1412 Q150 +Q274748 P161 Q232642 +Q44273 P106 Q639669 +Q557472 P136 Q83440 +Q283267 P1412 Q1568 +Q192409 P495 Q30 +Q92130 P1412 Q188 +Q573017 P264 Q183412 +Q312582 P136 Q1344 +Q1299129 P106 Q753110 +Q81082 P101 Q8087 +Q5879 P106 Q182436 +Q714462 P106 Q3400985 +Q352030 P106 Q1231865 +Q380407 P106 Q10798782 +Q318485 P106 Q2490358 +Q44176 P106 Q10800557 +Q108216 P69 Q152087 +Q186326 P509 Q3505252 +Q330432 P106 Q465501 +Q428422 P20 Q270 +Q6512 P106 Q6625963 +Q40054 P106 Q2722764 +Q732513 P19 Q8678 +Q104340 P106 Q10800557 +Q69631 P463 Q812155 +Q132616 P451 Q298368 +Q780102 P106 Q1607826 +Q96 P530 Q902 +Q1229223 P106 Q484876 +Q312514 P106 Q488205 +Q186709 P27 Q15180 +Q428158 P136 Q157394 +Q715404 P106 Q639669 +Q163549 P161 Q63187 +Q592504 P27 Q159 +Q538362 P27 Q30 +Q944478 P106 Q82955 +Q202550 P1303 Q133163 +Q258204 P161 Q325070 +Q436463 P106 Q765778 +Q207873 P106 Q10798782 +Q2514411 P106 Q82955 +Q67941 P69 Q315658 +Q116462 P106 Q33999 +Q212993 P101 Q36442 +Q23505 P106 Q2095549 +Q42930 P106 Q2259451 +Q230523 P106 Q10798782 +Q34474 P27 Q2305208 +Q58328 P69 Q273626 +Q97431 P27 Q183 +Q46132 P106 Q488205 +Q61648 P106 Q1622272 +Q333014 P1303 Q17172850 +Q178391 P136 Q131272 +Q233956 P106 Q4263842 +Q5752 P463 Q183725 +Q310252 P106 Q10798782 +Q95068 P19 Q1490 +Q103774 P140 Q9089 +Q353366 P1303 Q17172850 +Q382638 P106 Q947873 +Q232214 P136 Q11366 +Q238557 P136 Q482 +Q219491 P106 Q36180 +Q266057 P27 Q16 +Q147989 P106 Q49757 +Q218575 P19 Q100 +Q156469 P19 Q1770 +Q303 P136 Q9759 +Q313107 P106 Q33999 +Q169011 P27 Q30 +Q76632 P106 Q201788 +Q983654 P102 Q151469 +Q256824 P106 Q639669 +Q3847508 P20 Q34217 +Q529276 P27 Q30 +Q89629 P463 Q459620 +Q781514 P119 Q592204 +Q211696 P106 Q822146 +Q79141 P69 Q49088 +Q67553 P106 Q14467526 +Q270123 P106 Q10800557 +Q83495 P161 Q43416 +Q219060 P463 Q47543 +Q312641 P509 Q767485 +Q4074457 P3373 Q4074458 +Q93450 P106 Q6625963 +Q45647 P106 Q2259451 +Q20726 P140 Q9592 +Q357102 P102 Q29468 +Q225 P37 Q9299 +Q168419 P106 Q11063 +Q34787 P101 Q5891 +Q152764 P106 Q3282637 +Q160318 P1303 Q9798 +Q189144 P140 Q23540 +Q62809 P106 Q33999 +Q1383381 P27 Q30 +Q483507 P101 Q207628 +Q236066 P1303 Q6607 +Q228624 P106 Q4853732 +Q127897 P161 Q463692 +Q430922 P19 Q60 +Q350857 P1412 Q7737 +Q321378 P106 Q49757 +Q57075 P108 Q11942 +Q922528 P136 Q164444 +Q529639 P106 Q1930187 +Q157208 P102 Q108700 +Q221820 P161 Q35332 +Q30 P530 Q924 +Q42992 P551 Q30 +Q1084226 P106 Q2251335 +Q159063 P136 Q52207399 +Q319084 P69 Q49123 +Q291314 P1303 Q17172850 +Q387638 P840 Q649 +Q208117 P136 Q484641 +Q122123 P27 Q183 +Q262608 P106 Q28389 +Q178903 P106 Q43845 +Q188389 P69 Q981195 +Q983654 P27 Q15180 +Q40688 P69 Q223429 +Q159646 P140 Q9592 +Q104061 P172 Q974693 +Q76023 P106 Q49757 +Q1285105 P172 Q127885 +Q298726 P106 Q12800682 +Q68121 P106 Q1622272 +Q86553 P19 Q1741 +Q1678197 P27 Q2184 +Q278319 P19 Q64 +Q57266 P102 Q310296 +Q542101 P106 Q33999 +Q181249 P106 Q36180 +Q362559 P106 Q3455803 +Q522856 P106 Q2405480 +Q4631 P1412 Q1860 +Q327261 P106 Q6625963 +Q164117 P106 Q1028181 +Q261207 P27 Q38 +Q365129 P463 Q463303 +Q310785 P172 Q49085 +Q16397 P106 Q465501 +Q833 P530 Q183 +Q70049 P106 Q1622272 +Q202386 P172 Q121842 +Q392677 P161 Q122020 +Q51545 P106 Q3282637 +Q95043 P641 Q11419 +Q238383 P106 Q2526255 +Q219 P530 Q41 +Q215927 P106 Q1930187 +Q145 P530 Q219 +Q822 P530 Q159583 +Q201079 P69 Q871369 +Q727752 P27 Q30 +Q17 P530 Q769 +Q325020 P106 Q10798782 +Q442892 P106 Q33999 +Q313256 P106 Q5716684 +Q335087 P106 Q17489339 +Q164384 P106 Q170790 +Q63441 P102 Q7320 +Q12288760 P106 Q189290 +Q843 P530 Q16 +Q96050 P106 Q14915627 +Q945633 P106 Q36834 +Q5921 P1303 Q17172850 +Q104358 P106 Q18814623 +Q173441 P172 Q35323 +Q13909 P19 Q65 +Q83612 P161 Q311892 +Q23517 P106 Q245068 +Q11490 P27 Q30 +Q1403 P1412 Q652 +Q82984 P106 Q82955 +Q1347919 P106 Q855091 +Q193871 P27 Q16 +Q185776 P161 Q310275 +Q106607 P106 Q28389 +Q731195 P106 Q36180 +Q36014 P106 Q47064 +Q64406 P463 Q329464 +Q7336 P106 Q43845 +Q77980 P102 Q49768 +Q102244 P161 Q314831 +Q107226 P161 Q498389 +Q242423 P106 Q6625963 +Q5333 P101 Q1069 +Q79 P530 Q1049 +Q76279 P106 Q14467526 +Q761 P17 Q7318 +Q389014 P136 Q959790 +Q92965 P463 Q131566 +Q246711 P136 Q130232 +Q30931 P840 Q884 +Q77967 P108 Q736674 +Q162277 P161 Q484523 +Q534234 P26 Q533369 +Q11362 P106 Q4964182 +Q7349 P136 Q1344 +Q128532 P106 Q2259451 +Q314610 P27 Q30 +Q1976514 P136 Q38848 +Q92965 P20 Q1345 +Q44584 P106 Q36180 +Q237820 P106 Q33999 +Q5685 P106 Q6625963 +Q444518 P1303 Q6607 +Q188569 P140 Q7066 +Q966228 P737 Q310048 +Q65047 P463 Q150793 +Q2120396 P19 Q40435 +Q505850 P106 Q1281618 +Q123899 P102 Q153401 +Q233894 P463 Q20153 +Q44176 P106 Q855091 +Q336769 P69 Q4483556 +Q107769 P106 Q10798782 +Q358087 P264 Q1047366 +Q441940 P119 Q1437214 +Q76279 P106 Q333634 +Q982546 P20 Q220 +Q18425 P106 Q121594 +Q278319 P26 Q55199 +Q364724 P106 Q10800557 +Q388268 P69 Q273626 +Q236599 P136 Q1344 +Q353762 P106 Q28389 +Q41042 P463 Q1132636 +Q1930688 P108 Q202660 +Q309995 P106 Q36180 +Q268604 P69 Q861548 +Q11116 P106 Q40348 +Q67271 P102 Q328195 +Q87457 P106 Q33999 +Q672 P463 Q7785 +Q267441 P106 Q214917 +Q531743 P27 Q145 +Q2149302 P106 Q3400985 +Q28 P530 Q794 +Q237345 P106 Q177220 +Q1203 P136 Q83270 +Q1599272 P551 Q183 +Q61682 P108 Q152838 +Q263696 P106 Q2405480 +Q92663 P27 Q148 +Q694042 P106 Q36834 +Q108283 P551 Q18419 +Q701802 P172 Q539051 +Q161135 P106 Q1930187 +Q11617 P136 Q817138 +Q214953 P27 Q36 +Q2791686 P140 Q9268 +Q298908 P106 Q33999 +Q1226921 P136 Q11399 +Q209684 P19 Q1761 +Q76546 P27 Q713750 +Q253288 P1412 Q150 +Q174153 P161 Q285460 +Q228611 P106 Q33999 +Q81819 P27 Q38 +Q455951 P69 Q1093910 +Q14278 P463 Q188771 +Q453351 P106 Q1607826 +Q188440 P106 Q36180 +Q379580 P106 Q36180 +Q104591 P20 Q2079 +Q75856 P108 Q152171 +Q517273 P136 Q9759 +Q157242 P27 Q145 +Q708284 P20 Q84 +Q218235 P161 Q945691 +Q299297 P69 Q797078 +Q98812 P106 Q2306091 +Q214665 P106 Q28389 +Q58799 P106 Q49757 +Q333148 P102 Q108700 +Q15180 P530 Q20 +Q233 P530 Q38 +Q16458 P161 Q40046 +Q1530794 P106 Q177220 +Q154691 P106 Q40348 +Q205303 P108 Q414 +Q60070 P463 Q329464 +Q86553 P106 Q36180 +Q7747 P140 Q3333484 +Q981489 P106 Q121594 +Q232052 P106 Q2526255 +Q231648 P172 Q49085 +Q309048 P161 Q82360 +Q50005 P106 Q82955 +Q8573 P106 Q4964182 +Q26391 P495 Q183 +Q438402 P106 Q177220 +Q143605 P161 Q228645 +Q323463 P136 Q11401 +Q3656334 P106 Q82594 +Q162688 P463 Q4345832 +Q36591 P551 Q64 +Q192165 P69 Q1256981 +Q1487770 P106 Q55960555 +Q162255 P136 Q20443008 +Q62437 P106 Q177220 +Q266617 P136 Q37073 +Q109053 P119 Q1437214 +Q219634 P1412 Q150 +Q5816 P27 Q13426199 +Q684748 P27 Q30 +Q241676 P106 Q14467526 +Q33528 P106 Q1225716 +Q332348 P161 Q110628 +Q228852 P106 Q2405480 +Q1346832 P264 Q798658 +Q715 P463 Q747279 +Q952491 P27 Q30 +Q85394 P1412 Q1860 +Q365 P17 Q7318 +Q60714 P463 Q469210 +Q245208 P136 Q52162262 +Q1888523 P1412 Q652 +Q1173373 P106 Q177220 +Q434095 P106 Q1930187 +Q154448 P20 Q90 +Q50599 P106 Q82955 +Q465350 P106 Q3282637 +Q309248 P161 Q44467 +Q34190 P106 Q1930187 +Q816565 P106 Q33999 +Q109455 P106 Q1622272 +Q75059 P106 Q4263842 +Q200566 P106 Q10800557 +Q36620 P106 Q11063 +Q1827208 P551 Q84 +Q235077 P19 Q65 +Q298 P530 Q668 +Q249475 P106 Q947873 +Q82280 P108 Q189441 +Q555324 P106 Q49757 +Q101170 P463 Q459620 +Q4202684 P106 Q2066131 +Q230501 P451 Q380799 +Q1820387 P69 Q1068752 +Q12702 P106 Q40348 +Q153149 P27 Q15180 +Q337891 P106 Q855091 +Q437970 P1303 Q6607 +Q1010602 P1303 Q17172850 +Q887903 P106 Q1930187 +Q189 P463 Q1065 +Q221546 P106 Q488205 +Q155786 P69 Q152087 +Q193482 P106 Q33999 +Q167821 P463 Q463281 +Q155412 P1303 Q17172850 +Q312693 P1303 Q17172850 +Q232395 P69 Q1727138 +Q156941 P108 Q165980 +Q266544 P106 Q855091 +Q66634 P19 Q365 +Q713859 P264 Q183387 +Q912023 P106 Q201788 +Q157282 P27 Q36 +Q465196 P1303 Q46185 +Q2966 P463 Q747279 +Q83333 P463 Q270794 +Q41269 P463 Q123885 +Q156749 P463 Q4345832 +Q104591 P106 Q40348 +Q461768 P136 Q52162262 +Q469753 P106 Q36834 +Q350362 P136 Q37073 +Q60465 P19 Q3923 +Q76553 P463 Q414188 +Q66216 P463 Q337234 +Q428668 P161 Q431356 +Q338812 P106 Q2259451 +Q214171 P19 Q1729 +Q71084 P37 Q150 +Q43723 P1412 Q1860 +Q715790 P463 Q543804 +Q981419 P27 Q30 +Q204393 P69 Q5121453 +Q235470 P463 Q466089 +Q171989 P108 Q213439 +Q691 P463 Q188822 +Q338726 P106 Q10798782 +Q3167 P17 Q713750 +Q22432 P495 Q30 +Q253978 P136 Q1146335 +Q962308 P1412 Q1860 +Q431591 P264 Q295794 +Q678095 P495 Q142 +Q44219 P1412 Q7976 +Q312693 P1412 Q1860 +Q506102 P108 Q49167 +Q494507 P27 Q423 +Q187999 P161 Q62845 +Q15474 P106 Q4964182 +Q1699902 P509 Q12202 +Q1626134 P161 Q16345 +Q141680 P106 Q2259451 +Q934682 P106 Q6625963 +Q233882 P1412 Q1860 +Q1030 P463 Q384535 +Q38486 P161 Q213864 +Q925240 P69 Q21578 +Q30937 P495 Q30 +Q34628 P69 Q154804 +Q79969 P106 Q12961474 +Q457353 P106 Q639669 +Q724517 P136 Q83270 +Q342723 P106 Q177220 +Q272213 P106 Q10800557 +Q9438 P140 Q1841 +Q888671 P106 Q2722764 +Q756645 P172 Q84072 +Q110374 P106 Q28389 +Q18066 P106 Q4853732 +Q252409 P840 Q34404 +Q378882 P106 Q214917 +Q356986 P1303 Q51290 +Q318750 P1050 Q206901 +Q159227 P27 Q33946 +Q153243 P69 Q151510 +Q356109 P1303 Q17172850 +Q66735 P106 Q42973 +Q647687 P27 Q17 +Q1350303 P27 Q145 +Q430076 P106 Q1930187 +Q537722 P136 Q45981 +Q11116 P463 Q463303 +Q177930 P161 Q708824 +Q199943 P106 Q2526255 +Q1041034 P136 Q753679 +Q263930 P136 Q959790 +Q230209 P106 Q10800557 +Q122123 P106 Q864380 +Q90493 P108 Q152838 +Q121656 P108 Q55044 +Q612005 P101 Q132151 +Q489252 P1303 Q8350 +Q45909 P101 Q638 +Q532279 P551 Q1370 +Q315507 P509 Q152234 +Q108460 P1412 Q188 +Q213806 P463 Q463303 +Q1070606 P136 Q487914 +Q60969 P106 Q2374149 +Q96 P530 Q804 +Q754 P530 Q145 +Q128746 P264 Q183387 +Q2068521 P106 Q1930187 +Q769 P37 Q1860 +Q275875 P106 Q49757 +Q161135 P19 Q908 +Q842633 P106 Q33999 +Q728615 P108 Q49119 +Q698444 P106 Q1622272 +Q76959 P106 Q82955 +Q300547 P161 Q319121 +Q34 P463 Q233611 +Q316844 P106 Q3282637 +Q971493 P69 Q49112 +Q801 P530 Q916 +Q478601 P1412 Q1860 +Q154809 P106 Q639669 +Q43499 P106 Q36180 +Q251818 P135 Q9730 +Q4263050 P106 Q43845 +Q16 P530 Q183 +Q102438 P495 Q30 +Q72390 P1412 Q1860 +Q26207 P463 Q939743 +Q29344 P69 Q49115 +Q707446 P106 Q488205 +Q196923 P27 Q38 +Q95034 P20 Q65 +Q312901 P69 Q41506 +Q332399 P17 Q30 +Q16759 P1412 Q1860 +Q882 P27 Q145 +Q59737 P69 Q189441 +Q42869 P69 Q174710 +Q467091 P509 Q389735 +Q549626 P106 Q2526255 +Q286570 P106 Q177220 +Q274306 P106 Q3357567 +Q230218 P106 Q10800557 +Q199943 P264 Q3001888 +Q240174 P106 Q333634 +Q166876 P1412 Q1321 +Q214665 P1303 Q5994 +Q618233 P106 Q10800557 +Q465386 P102 Q1332068 +Q153149 P1412 Q7737 +Q145 P530 Q921 +Q935090 P749 Q38903 +Q1247078 P1303 Q17172850 +Q216016 P27 Q34266 +Q126812 P1412 Q188 +Q273362 P27 Q142 +Q92946 P106 Q81096 +Q9095 P106 Q1622272 +Q157176 P27 Q211274 +Q8743 P106 Q131524 +Q281962 P106 Q2259451 +Q1350527 P19 Q484678 +Q84444 P20 Q1741 +Q318267 P106 Q2059704 +Q888671 P27 Q30 +Q92609 P463 Q127992 +Q199943 P106 Q55960555 +Q7728 P106 Q6625963 +Q378672 P106 Q10800557 +Q231019 P106 Q28389 +Q698714 P106 Q82955 +Q388557 P27 Q145 +Q35900 P106 Q822146 +Q182156 P106 Q28389 +Q7060402 P17 Q30 +Q446673 P1303 Q17172850 +Q124607 P106 Q4964182 +Q233475 P106 Q177220 +Q434571 P106 Q3332711 +Q6173306 P69 Q308963 +Q822666 P463 Q451079 +Q380280 P1303 Q17172850 +Q269462 P106 Q639669 +Q1451285 P463 Q466113 +Q171669 P161 Q333190 +Q708824 P106 Q639669 +Q201927 P106 Q2405480 +Q537665 P108 Q131252 +Q274362 P136 Q37073 +Q1927260 P106 Q713200 +Q76114 P108 Q168426 +Q312336 P136 Q241662 +Q315756 P463 Q1468277 +Q65087 P106 Q201788 +Q240206 P69 Q49210 +Q7343182 P106 Q4263842 +Q60052 P106 Q169470 +Q246711 P161 Q224081 +Q804 P463 Q656801 +Q239587 P106 Q488205 +Q944759 P19 Q1563 +Q156268 P106 Q36180 +Q91083 P106 Q82955 +Q955684 P106 Q33999 +Q28975 P27 Q179876 +Q315188 P106 Q11774156 +Q202801 P136 Q131272 +Q5784301 P161 Q211696 +Q349350 P27 Q30 +Q1760695 P495 Q145 +Q344983 P264 Q190585 +Q245257 P737 Q157322 +Q55195 P69 Q13164 +Q219653 P451 Q57118 +Q238912 P69 Q49124 +Q435805 P106 Q33999 +Q9095 P69 Q35794 +Q71618 P27 Q16957 +Q141829 P27 Q34266 +Q71366 P106 Q36180 +Q93872 P1412 Q188 +Q55294 P1412 Q1860 +Q230383 P106 Q33999 +Q104256 P106 Q201788 +Q177311 P106 Q33999 +Q1087475 P1303 Q6607 +Q207197 P106 Q488205 +Q849641 P106 Q3282637 +Q274404 P19 Q546 +Q618025 P69 Q221645 +Q59567 P136 Q20442589 +Q239030 P106 Q33999 +Q972107 P69 Q49123 +Q2424996 P106 Q81096 +Q843 P530 Q854 +Q540915 P106 Q822146 +Q1031847 P1303 Q5994 +Q71206 P106 Q948329 +Q329056 P161 Q192410 +Q461624 P509 Q3505252 +Q368519 P106 Q6625963 +Q408 P530 Q37 +Q637949 P69 Q1143289 +Q103562 P19 Q3033 +Q1444438 P264 Q183387 +Q25186 P1412 Q1860 +Q38111 P106 Q3282637 +Q236212 P106 Q55960555 +Q910092 P463 Q543804 +Q288645 P161 Q212064 +Q216636 P106 Q947873 +Q237186 P27 Q30 +Q561596 P106 Q488205 +Q57386 P106 Q1930187 +Q333855 P106 Q81096 +Q332610 P463 Q463303 +Q213081 P161 Q190162 +Q134982 P19 Q18125 +Q367129 P1303 Q17172850 +Q168555 P106 Q639669 +Q222921 P136 Q37073 +Q400341 P106 Q33999 +Q14538 P1303 Q17172850 +Q1560915 P19 Q64 +Q60095 P106 Q205375 +Q270638 P106 Q10798782 +Q144535 P1412 Q1860 +Q449487 P106 Q1622272 +Q796 P530 Q212 +Q929665 P1412 Q7918 +Q311232 P1303 Q17172850 +Q178653 P106 Q188094 +Q92066 P106 Q482980 +Q152274 P27 Q28513 +Q228832 P1303 Q5994 +Q178698 P106 Q28389 +Q128799 P264 Q330629 +Q202028 P161 Q48337 +Q945641 P106 Q36180 +Q208203 P140 Q33203 +Q455703 P135 Q37068 +Q84246 P106 Q36180 +Q229556 P106 Q33999 +Q177610 P69 Q390287 +Q403 P530 Q28 +Q3893579 P20 Q47034 +Q151113 P106 Q2259451 +Q35678 P172 Q7435494 +Q44086 P106 Q36834 +Q1934319 P27 Q30 +Q273055 P136 Q11401 +Q195274 P161 Q56016 +Q8743 P140 Q620629 +Q12658 P463 Q329464 +Q504920 P509 Q18554460 +Q355153 P27 Q30 +Q253476 P106 Q5322166 +Q140412 P106 Q49757 +Q221104 P161 Q380180 +Q9049 P108 Q49108 +Q86632 P27 Q40 +Q110183 P106 Q82955 +Q234721 P1412 Q7026 +Q155236 P136 Q37073 +Q61915 P69 Q50662 +Q726057 P106 Q177220 +Q204019 P136 Q37073 +Q221102 P840 Q84 +Q57139 P1303 Q5994 +Q352766 P264 Q264137 +Q30570 P106 Q753110 +Q191 P463 Q789769 +Q519273 P1303 Q52954 +Q235077 P106 Q158852 +Q61915 P106 Q947873 +Q43044 P1412 Q1860 +Q208685 P106 Q2259451 +Q154545 P463 Q812155 +Q208263 P161 Q315604 +Q57802 P106 Q350979 +Q37 P463 Q827525 +Q221462 P161 Q78505 +Q171672 P27 Q750 +Q979347 P1303 Q17172850 +Q194045 P1412 Q1860 +Q434763 P106 Q10800557 +Q720005 P106 Q639669 +Q215369 P509 Q152234 +Q84441 P463 Q44687 +Q289645 P1412 Q150 +Q76820 P27 Q183 +Q45272 P136 Q25379 +Q982677 P106 Q1792450 +Q177847 P1412 Q35497 +Q202801 P106 Q10800557 +Q175571 P26 Q313023 +Q167243 P1412 Q150 +Q141114 P509 Q181754 +Q445405 P1303 Q17172850 +Q128799 P106 Q177220 +Q40531 P106 Q3282637 +Q178094 P840 Q1509 +Q55190 P463 Q4430504 +Q231255 P509 Q12202 +Q315592 P161 Q44063 +Q4147199 P69 Q13164 +Q47284 P106 Q2526255 +Q236229 P106 Q10800557 +Q200867 P69 Q193196 +Q865 P37 Q7850 +Q59478 P106 Q752129 +Q369957 P106 Q193391 +Q42869 P106 Q28389 +Q94007 P106 Q483501 +Q93664 P69 Q165980 +Q369022 P106 Q1238570 +Q218992 P106 Q10798782 +Q965179 P106 Q177220 +Q97771 P27 Q30 +Q1322959 P27 Q15180 +Q158486 P106 Q189290 +Q40479 P106 Q14467526 +Q555 P106 Q36180 +Q49847 P69 Q49088 +Q272845 P264 Q557632 +Q132433 P19 Q1490 +Q70300 P106 Q644687 +Q430922 P106 Q36834 +Q3620117 P101 Q413 +Q162740 P106 Q82955 +Q287817 P1303 Q17172850 +Q6714 P106 Q14467526 +Q145 P463 Q458 +Q167216 P69 Q13164 +Q114405 P27 Q30 +Q1192 P106 Q805221 +Q59972 P1412 Q188 +Q1064413 P19 Q100 +Q210798 P172 Q121842 +Q320984 P106 Q36180 +Q16474 P641 Q847 +Q76938 P1412 Q188 +Q115483 P106 Q36180 +Q104127 P106 Q465501 +Q237994 P140 Q7066 +Q779932 P20 Q649 +Q38 P530 Q423 +Q120563 P108 Q155354 +Q463615 P136 Q959790 +Q212041 P136 Q842256 +Q16867 P106 Q18844224 +Q49003 P161 Q43044 +Q216636 P1303 Q17172850 +Q311267 P136 Q484641 +Q7200 P106 Q201788 +Q237820 P136 Q187760 +Q962609 P172 Q49085 +Q34 P530 Q183 +Q41449 P106 Q10798782 +Q235364 P140 Q748 +Q264326 P551 Q60 +Q551204 P106 Q81096 +Q60486 P106 Q36180 +Q1139388 P27 Q30 +Q2054 P101 Q179805 +Q37610 P106 Q15627169 +Q10716 P106 Q49757 +Q1155256 P19 Q1490 +Q380407 P27 Q159 +Q8646 P463 Q188822 +Q354158 P106 Q15981151 +Q279648 P69 Q4480746 +Q560390 P102 Q727724 +Q4889934 P135 Q80113 +Q430922 P106 Q2259451 +Q596746 P19 Q62 +Q725519 P106 Q947873 +Q64856 P106 Q185351 +Q95002 P106 Q10798782 +Q367905 P20 Q34006 +Q49081 P737 Q34670 +Q242729 P106 Q10800557 +Q83677 P106 Q10798782 +Q3394637 P159 Q1754 +Q177930 P495 Q30 +Q110436 P106 Q36180 +Q57399 P1412 Q7737 +Q309289 P840 Q84 +Q1516431 P407 Q1860 +Q1691566 P106 Q9017214 +Q177930 P161 Q150943 +Q299968 P106 Q10798782 +Q354250 P106 Q16145150 +Q329 P27 Q142 +Q138050 P106 Q82955 +Q1242 P140 Q1841 +Q57384 P1412 Q188 +Q143198 P106 Q36180 +Q62664 P106 Q82955 +Q85118 P106 Q10800557 +Q240769 P106 Q82955 +Q84266 P106 Q1622272 +Q287688 P106 Q10800557 +Q82949 P161 Q359331 +Q869 P463 Q5611262 +Q962908 P1303 Q17172850 +Q24075 P161 Q589015 +Q7104 P463 Q329464 +Q184535 P463 Q4345832 +Q309697 P106 Q639669 +Q215814 P19 Q1295 +Q48990 P463 Q123885 +Q74795 P108 Q152171 +Q185110 P106 Q1622272 +Q108460 P102 Q49750 +Q435437 P1412 Q9083 +Q107420 P69 Q13371 +Q1680268 P106 Q1622272 +Q155547 P20 Q3955 +Q631416 P119 Q1771319 +Q4977994 P19 Q4093 +Q232514 P106 Q43845 +Q20715407 P106 Q1028181 +Q468356 P106 Q36834 +Q41315 P495 Q38 +Q884 P530 Q403 +Q81796 P106 Q1930187 +Q168359 P69 Q926749 +Q75186 P3373 Q91595 +Q271281 P161 Q47100 +Q1351259 P27 Q30 +Q105387 P840 Q99 +Q15975 P27 Q142 +Q1066772 P1050 Q131755 +Q961972 P106 Q188094 +Q234043 P264 Q694052 +Q274748 P840 Q869 +Q1353252 P106 Q1415090 +Q210172 P106 Q19723482 +Q451150 P106 Q188094 +Q1251900 P106 Q488205 +Q230395 P106 Q5716684 +Q437927 P27 Q38 +Q932959 P106 Q855091 +Q720722 P509 Q210392 +Q36591 P136 Q128758 +Q817 P530 Q96 +Q268131 P19 Q1588 +Q783 P530 Q96 +Q323805 P106 Q486748 +Q668 P530 Q189 +Q281034 P106 Q36834 +Q4573 P106 Q10798782 +Q539156 P1303 Q6607 +Q74252 P463 Q459620 +Q2858166 P106 Q49757 +Q237820 P1050 Q131755 +Q207898 P27 Q142 +Q131324 P136 Q484641 +Q371639 P106 Q4263842 +Q1382535 P1303 Q8355 +Q550262 P106 Q82955 +Q36322 P27 Q161885 +Q95543 P19 Q2966 +Q103591 P69 Q319078 +Q447599 P106 Q1259917 +Q726298 P119 Q1204 +Q313918 P19 Q65 +Q217160 P264 Q21077 +Q100937 P106 Q2405480 +Q2038 P106 Q82955 +Q236340 P27 Q17 +Q1526406 P27 Q172579 +Q192762 P172 Q678551 +Q214659 P106 Q2259451 +Q79969 P172 Q7325 +Q117194 P1412 Q150 +Q182905 P509 Q12204 +Q45662 P106 Q82955 +Q235639 P106 Q10798782 +Q433039 P106 Q177220 +Q62798 P463 Q414110 +Q347362 P106 Q2306091 +Q191974 P106 Q1930187 +Q506582 P102 Q727724 +Q234335 P737 Q4724 +Q6294 P69 Q49205 +Q425821 P106 Q130857 +Q63876 P27 Q183 +Q1512 P509 Q1368943 +Q274609 P551 Q172 +Q15180 P112 Q133356 +Q1439143 P20 Q350 +Q234117 P106 Q10798782 +Q282002 P1303 Q5994 +Q537999 P106 Q1930187 +Q161819 P106 Q28389 +Q115483 P19 Q72 +Q57379 P19 Q216 +Q164933 P136 Q1054574 +Q736 P530 Q865 +Q1064284 P136 Q11366 +Q562521 P106 Q170790 +Q151414 P106 Q189290 +Q11816 P1412 Q397 +Q313581 P106 Q4853732 +Q167546 P106 Q33999 +Q268582 P106 Q4853732 +Q15489989 P106 Q3391743 +Q76686 P463 Q451079 +Q93181 P1412 Q9288 +Q728959 P69 Q131252 +Q230916 P106 Q3387717 +Q77097 P27 Q183 +Q154959 P106 Q40348 +Q1366840 P136 Q484641 +Q167546 P106 Q1415090 +Q67018 P106 Q1622272 +Q274887 P161 Q102124 +Q892930 P509 Q12202 +Q135156 P161 Q40791 +Q215076 P264 Q330629 +Q322866 P1303 Q8338 +Q169452 P27 Q30 +Q204514 P136 Q188473 +Q225885 P161 Q428819 +Q81685 P106 Q864380 +Q198638 P27 Q30 +Q168452 P463 Q463303 +Q213772 P106 Q486748 +Q457333 P161 Q314603 +Q729590 P159 Q65 +Q93153 P106 Q193391 +Q39666 P106 Q33999 +Q132095 P101 Q395 +Q1255631 P17 Q145 +Q11877 P136 Q45981 +Q242128 P106 Q36180 +Q4636 P27 Q30 +Q241215 P106 Q15949613 +Q353366 P264 Q208909 +Q337747 P161 Q173158 +Q314787 P106 Q201788 +Q202801 P69 Q617433 +Q294819 P551 Q65 +Q150526 P69 Q219694 +Q232592 P106 Q33999 +Q1938740 P20 Q1754 +Q46132 P264 Q202440 +Q351359 P1412 Q9192 +Q319129 P106 Q33231 +Q50012 P1412 Q188 +Q234989 P1412 Q1860 +Q193674 P27 Q34266 +Q1609199 P106 Q753110 +Q80424 P106 Q183945 +Q312628 P27 Q38 +Q568455 P27 Q30 +Q677706 P106 Q4964182 +Q287740 P161 Q185079 +Q60539 P106 Q33999 +Q56074 P1412 Q1321 +Q77015 P1412 Q188 +Q313210 P463 Q2370801 +Q270546 P106 Q183945 +Q666875 P108 Q11942 +Q168763 P108 Q740308 +Q340260 P106 Q33999 +Q133386 P106 Q121594 +Q351061 P27 Q30 +Q73132 P106 Q177220 +Q462502 P106 Q639669 +Q122370 P136 Q182357 +Q311453 P106 Q28389 +Q38 P530 Q114 +Q232009 P161 Q313283 +Q65728 P102 Q7320 +Q738765 P69 Q192964 +Q108886 P1412 Q1860 +Q312747 P106 Q4263842 +Q556568 P27 Q172107 +Q714162 P69 Q29052 +Q193835 P161 Q270730 +Q232009 P161 Q232163 +Q235946 P1412 Q1321 +Q959097 P106 Q4853732 +Q30 P530 Q43 +Q253882 P1412 Q5287 +Q28 P530 Q33 +Q560048 P106 Q36834 +Q187414 P161 Q16759 +Q178963 P106 Q49757 +Q108510 P551 Q65 +Q215637 P463 Q1971373 +Q87487 P20 Q1726 +Q229389 P69 Q49110 +Q527146 P27 Q145 +Q4099230 P27 Q2305208 +Q1590452 P641 Q542 +Q286642 P106 Q3282637 +Q240788 P27 Q142 +Q98120 P108 Q154561 +Q61183 P19 Q2833 +Q310357 P1303 Q17172850 +Q43 P530 Q833 +Q986 P530 Q805 +Q278053 P495 Q145 +Q181774 P1412 Q1860 +Q520760 P1412 Q7737 +Q851 P530 Q837 +Q151792 P840 Q90 +Q79 P530 Q1016 +Q77008 P69 Q49210 +Q266006 P1303 Q8355 +Q39658 P463 Q4345832 +Q625721 P106 Q28389 +Q453384 P20 Q60 +Q294912 P106 Q245068 +Q37327 P106 Q483501 +Q235141 P27 Q30 +Q90892 P106 Q10800557 +Q138559 P19 Q6106 +Q292432 P106 Q488205 +Q77087 P3373 Q71407 +Q462447 P57 Q262130 +Q94701 P108 Q80207 +Q162634 P172 Q49085 +Q1391164 P106 Q488205 +Q164582 P1303 Q5994 +Q26688 P106 Q177220 +Q3229792 P108 Q41506 +Q28936 P840 Q62 +Q63146 P140 Q75809 +Q3547 P1412 Q809 +Q213773 P840 Q724 +Q291405 P19 Q65 +Q970 P463 Q8475 +Q191842 P27 Q30 +Q313594 P106 Q43845 +Q552053 P106 Q14915627 +Q93343 P135 Q37068 +Q641 P17 Q142 +Q232273 P1412 Q7026 +Q66213 P1412 Q188 +Q28885 P106 Q805221 +Q380634 P27 Q30 +Q376278 P1412 Q809 +Q274342 P106 Q1930187 +Q268262 P106 Q1476215 +Q862297 P106 Q33999 +Q365090 P509 Q188874 +Q42051 P161 Q441685 +Q709464 P1303 Q6607 +Q386245 P136 Q319221 +Q318287 P106 Q28389 +Q175759 P106 Q488205 +Q15474 P1412 Q1860 +Q313046 P108 Q126399 +Q76412 P106 Q1930187 +Q429867 P161 Q208590 +Q84246 P19 Q1085 +Q89043 P106 Q593644 +Q386245 P136 Q2975633 +Q39246 P106 Q36180 +Q233546 P106 Q10800557 +Q907600 P119 Q996499 +Q295420 P27 Q211 +Q312380 P27 Q145 +Q191100 P161 Q80069 +Q364781 P264 Q4883239 +Q230 P530 Q189 +Q137800 P136 Q130232 +Q234145 P463 Q83172 +Q231178 P463 Q1938003 +Q194413 P161 Q349852 +Q103949 P106 Q465501 +Q944386 P106 Q947873 +Q347118 P737 Q201221 +Q60059 P140 Q9592 +Q76512 P106 Q4964182 +Q110870 P106 Q82955 +Q33760 P27 Q145 +Q333573 P102 Q9626 +Q214097 P463 Q329464 +Q590420 P106 Q864380 +Q244390 P106 Q6625963 +Q99706 P1412 Q188 +Q310106 P106 Q17489339 +Q129087 P102 Q29468 +Q319523 P27 Q15180 +Q109540 P172 Q42884 +Q95710 P1412 Q188 +Q95215 P69 Q55044 +Q187884 P106 Q10798782 +Q72262 P20 Q65 +Q151973 P106 Q18939491 +Q1268 P106 Q16145150 +Q114354 P108 Q55044 +Q64640 P106 Q49757 +Q16019 P27 Q183 +Q357455 P106 Q183945 +Q350857 P106 Q193391 +Q58062 P106 Q4773904 +Q29 P530 Q145 +Q3301546 P69 Q926749 +Q463013 P264 Q3699593 +Q522579 P27 Q96 +Q94370 P102 Q153401 +Q297881 P106 Q6625963 +Q188214 P463 Q466089 +Q106428 P136 Q846544 +Q217010 P840 Q1223 +Q35149 P69 Q11942 +Q65504 P106 Q333634 +Q4530046 P3373 Q2062366 +Q347685 P1412 Q7737 +Q70342 P40 Q72682 +Q189 P530 Q219060 +Q212 P530 Q40 +Q2495947 P1303 Q17172850 +Q98062 P106 Q33999 +Q240523 P106 Q177220 +Q51476 P509 Q852423 +Q60072 P136 Q130232 +Q160071 P161 Q36767 +Q370382 P106 Q214917 +Q465000 P119 Q533697 +Q1046038 P106 Q10800557 +Q62749 P108 Q154804 +Q270510 P840 Q60 +Q421471 P106 Q28389 +Q509102 P69 Q1446181 +Q171758 P27 Q16 +Q2560778 P108 Q158158 +Q251287 P40 Q331652 +Q13909 P69 Q1185037 +Q9353 P101 Q5891 +Q973488 P106 Q177220 +Q247501 P20 Q60 +Q778 P463 Q1065 +Q78524 P106 Q158852 +Q2903389 P106 Q131524 +Q1095432 P2348 Q6927 +Q93957 P136 Q21590660 +Q437710 P1412 Q1860 +Q457029 P106 Q33999 +Q36591 P551 Q350 +Q399 P530 Q843 +Q207416 P20 Q2807 +Q705210 P106 Q49757 +Q715787 P27 Q30 +Q313013 P106 Q20521670 +Q26207 P27 Q145 +Q225 P530 Q30 +Q171969 P106 Q3621491 +Q59630 P27 Q16 +Q924668 P106 Q15077007 +Q167726 P136 Q471839 +Q506379 P69 Q41506 +Q168763 P106 Q4610556 +Q158465 P106 Q1622272 +Q282787 P106 Q18939491 +Q67941 P69 Q153987 +Q92809 P106 Q1622272 +Q228899 P1303 Q17172850 +Q888152 P106 Q130857 +Q189992 P106 Q4610556 +Q354519 P106 Q639669 +Q235685 P106 Q2259451 +Q780720 P106 Q855091 +Q219377 P140 Q9592 +Q578396 P172 Q84072 +Q1841 P361 Q5043 +Q110569 P106 Q33999 +Q278699 P108 Q34433 +Q1056805 P27 Q38 +Q37628 P106 Q10800557 +Q359325 P1412 Q1860 +Q1028 P463 Q1137381 +Q1037 P463 Q7809 +Q91161 P69 Q153978 +Q309980 P1412 Q1860 +Q206589 P161 Q49001 +Q259379 P106 Q36834 +Q46053 P69 Q348134 +Q660553 P106 Q201788 +Q71602 P106 Q36180 +Q1452597 P136 Q83440 +Q20153 P136 Q131578 +Q203840 P26 Q41148 +Q76308 P108 Q700758 +Q371403 P1303 Q17172850 +Q898618 P136 Q203720 +Q435205 P19 Q585 +Q104912 P119 Q1497554 +Q1093404 P106 Q177220 +Q379836 P101 Q201788 +Q982493 P106 Q81096 +Q91166 P20 Q1726 +Q106221 P551 Q816 +Q1178 P106 Q2490358 +Q16 P463 Q170481 +Q215979 P106 Q188094 +Q94487 P106 Q177220 +Q76717 P1412 Q809 +Q268615 P1303 Q6607 +Q312129 P551 Q65 +Q363525 P106 Q28389 +Q213778 P140 Q75809 +Q5890 P840 Q84 +Q294901 P106 Q33999 +Q3129951 P106 Q43845 +Q286525 P136 Q37073 +Q981419 P69 Q230492 +Q236161 P106 Q49757 +Q1174641 P102 Q558334 +Q239917 P106 Q2259451 +Q148 P530 Q974 +Q103949 P106 Q674067 +Q57169 P119 Q3920 +Q232282 P1412 Q1860 +Q76568 P106 Q185351 +Q268111 P106 Q214917 +Q242643 P69 Q49088 +Q176909 P737 Q9438 +Q366956 P106 Q10798782 +Q465465 P106 Q82955 +Q216179 P106 Q33999 +Q90815 P102 Q49762 +Q560447 P27 Q30 +Q315518 P102 Q79854 +Q439267 P509 Q181754 +Q318474 P69 Q219615 +Q1511 P69 Q154804 +Q214466 P3373 Q255129 +Q451369 P27 Q28513 +Q82083 P1050 Q12204 +Q668 P530 Q30 +Q348571 P106 Q639669 +Q17279884 P19 Q490 +Q211785 P106 Q36180 +Q315343 P108 Q13371 +Q375186 P136 Q157443 +Q169452 P136 Q11401 +Q75914 P106 Q1662561 +Q76641 P463 Q270794 +Q450382 P106 Q639669 +Q360445 P101 Q169470 +Q262 P463 Q7159 +Q706560 P106 Q36834 +Q267018 P161 Q233368 +Q60217 P27 Q183 +Q138007 P106 Q333634 +Q34190 P509 Q147778 +Q162182 P136 Q1535153 +Q76959 P463 Q83172 +Q92094 P106 Q1622272 +Q18806 P69 Q154804 +Q960524 P106 Q36834 +Q309289 P136 Q2297927 +Q38 P530 Q881 +Q455430 P27 Q174193 +Q506393 P1303 Q17172850 +Q155700 P106 Q43845 +Q167520 P106 Q28389 +Q93401 P1412 Q7913 +Q41315 P136 Q52162262 +Q130786 P27 Q145 +Q550436 P136 Q217467 +Q57289 P1412 Q188 +Q60133 P3373 Q105237 +Q224754 P1412 Q1860 +Q76632 P135 Q667661 +Q959097 P106 Q5322166 +Q209481 P495 Q145 +Q1622098 P136 Q183504 +Q271888 P1303 Q17172850 +Q317817 P106 Q10800557 +Q2149302 P106 Q211346 +Q444616 P1303 Q17172850 +Q368424 P27 Q16 +Q283328 P69 Q1542213 +Q180098 P840 Q801 +Q268322 P106 Q12961474 +Q435278 P27 Q30 +Q218172 P57 Q184903 +Q53002 P509 Q18554460 +Q257271 P463 Q3308284 +Q298 P530 Q419 +Q96407 P1412 Q188 +Q55832 P69 Q1190355 +Q376335 P106 Q3387717 +Q426828 P161 Q676094 +Q153909 P1412 Q1860 +Q537960 P69 Q31519 +Q819 P463 Q827525 +Q1461840 P1412 Q188 +Q715315 P106 Q2306091 +Q239415 P551 Q65 +Q77745 P136 Q235858 +Q66732 P106 Q4964182 +Q335052 P27 Q668 +Q1334244 P1303 Q6607 +Q270186 P106 Q33999 +Q109388 P1412 Q188 +Q255300 P106 Q639669 +Q4418776 P106 Q520549 +Q61178 P106 Q482980 +Q433459 P19 Q34404 +Q230578 P106 Q82955 +Q4934689 P69 Q170027 +Q560390 P1412 Q188 +Q267018 P136 Q859369 +Q357036 P1303 Q80019 +Q77755 P1412 Q188 +Q1046038 P19 Q490 +Q132899 P27 Q15180 +Q189400 P19 Q11299 +Q231270 P19 Q65 +Q315542 P69 Q182973 +Q408 P530 Q212 +Q231923 P1412 Q1860 +Q238638 P106 Q28389 +Q215562 P106 Q7042855 +Q49734 P106 Q177220 +Q78864 P27 Q518101 +Q337206 P69 Q1760438 +Q35064 P106 Q12144794 +Q789926 P1412 Q188 +Q551596 P106 Q3282637 +Q94487 P106 Q245068 +Q484523 P264 Q183412 +Q311022 P106 Q170790 +Q159054 P161 Q67383 +Q449634 P106 Q10798782 +Q191966 P19 Q37836 +Q18425 P1412 Q143 +Q436712 P69 Q230899 +Q206534 P1412 Q1860 +Q668 P530 Q921 +Q1145 P106 Q14915627 +Q453614 P101 Q482 +Q320236 P161 Q102124 +Q60970 P106 Q33999 +Q221482 P106 Q11513337 +Q310464 P106 Q4853732 +Q311961 P1412 Q188 +Q224544 P106 Q1622272 +Q414 P530 Q846 +Q342962 P106 Q10800557 +Q75811 P106 Q13582652 +Q231730 P106 Q3282637 +Q230633 P509 Q18554460 +Q625272 P106 Q11774202 +Q11692964 P20 Q1492 +Q233736 P1303 Q5994 +Q980235 P1412 Q150 +Q78367 P106 Q33999 +Q69884 P27 Q183 +Q1039 P463 Q8475 +Q233536 P27 Q30 +Q295935 P106 Q806349 +Q44328 P106 Q11774202 +Q91544 P1412 Q188 +Q215673 P27 Q172579 +Q8646 P463 Q7825 +Q587852 P264 Q568246 +Q2368353 P27 Q15180 +Q275982 P264 Q3415083 +Q342778 P136 Q83440 +Q331759 P136 Q187760 +Q4513768 P108 Q13164 +Q1016 P530 Q184 +Q186525 P509 Q29496 +Q92767 P27 Q227 +Q217010 P136 Q1146335 +Q311752 P1303 Q17172850 +Q325575 P840 Q62 +Q453011 P136 Q8261 +Q81224 P161 Q312051 +Q366845 P102 Q179111 +Q172383 P106 Q2259532 +Q272064 P161 Q62845 +Q185140 P106 Q2914170 +Q219655 P106 Q2259451 +Q550778 P551 Q1345 +Q256327 P27 Q211274 +Q317742 P136 Q3071 +Q239355 P140 Q9268 +Q42 P27 Q145 +Q68656 P69 Q168426 +Q854 P463 Q191384 +Q160215 P2283 Q568723 +Q169038 P463 Q49738 +Q17455 P172 Q7325 +Q231121 P106 Q1281618 +Q665344 P106 Q4263842 +Q443534 P106 Q3282637 +Q712319 P27 Q30 +Q7231 P102 Q310296 +Q810 P463 Q624307 +Q837 P463 Q8475 +Q236355 P27 Q884 +Q35 P463 Q1969730 +Q246722 P19 Q649 +Q164119 P106 Q10800557 +Q769 P463 Q7825 +Q139557 P106 Q36180 +Q106740 P509 Q12152 +Q350194 P136 Q21010853 +Q39989 P106 Q36180 +Q9327 P69 Q3268638 +Q102235 P136 Q52162262 +Q1384236 P106 Q193391 +Q105666 P19 Q64 +Q508497 P551 Q90 +Q170373 P1412 Q1860 +Q72564 P463 Q44687 +Q214063 P106 Q36180 +Q40197 P19 Q17042 +Q44857 P106 Q177220 +Q961972 P101 Q431 +Q269901 P106 Q10800557 +Q2530 P106 Q15980158 +Q11689 P27 Q183 +Q287793 P106 Q2526255 +Q1339382 P106 Q36180 +Q72678 P1412 Q188 +Q185776 P161 Q212002 +Q328201 P106 Q15627169 +Q35610 P509 Q202837 +Q963003 P106 Q5371902 +Q556568 P106 Q36180 +Q44426 P106 Q2259451 +Q801 P530 Q145 +Q704931 P69 Q21578 +Q91338 P108 Q131252 +Q1248240 P108 Q1206658 +Q438608 P106 Q10800557 +Q236946 P1303 Q17172850 +Q371716 P119 Q1302545 +Q346216 P27 Q414 +Q295847 P106 Q10798782 +Q2130862 P106 Q81096 +Q408 P530 Q878 +Q51547 P106 Q1930187 +Q77096 P1412 Q188 +Q18425 P119 Q188856 +Q241 P530 Q833 +Q442854 P69 Q13371 +Q223596 P161 Q298347 +Q551491 P509 Q12202 +Q70174 P106 Q1622272 +Q242969 P106 Q488111 +Q131814 P1412 Q1860 +Q1394654 P106 Q639669 +Q1225 P264 Q183387 +Q123101 P69 Q1431541 +Q555324 P106 Q1930187 +Q342533 P27 Q145 +Q182905 P1050 Q12204 +Q1548904 P27 Q142 +Q69631 P463 Q337234 +Q5673 P551 Q35 +Q499742 P106 Q8178443 +Q86900 P27 Q40 +Q954623 P264 Q1998195 +Q1869643 P1303 Q6607 +Q123273 P106 Q4964182 +Q234928 P69 Q432637 +Q273652 P106 Q1075651 +Q769080 P1412 Q7026 +Q4401409 P106 Q36180 +Q183239 P840 Q812 +Q431793 P161 Q270622 +Q238819 P136 Q11399 +Q931005 P19 Q100 +Q399 P463 Q899770 +Q881 P530 Q142 +Q170373 P463 Q123885 +Q106001 P509 Q202837 +Q228739 P19 Q18419 +Q6709060 P106 Q3282637 +Q220550 P20 Q1741 +Q105460 P172 Q1075293 +Q1006 P463 Q7825 +Q156749 P463 Q191583 +Q50764 P27 Q142 +Q1352613 P161 Q2643 +Q139542 P161 Q229187 +Q87974 P463 Q18650004 +Q123413 P106 Q201788 +Q220376 P161 Q45647 +Q442931 P1412 Q7913 +Q965 P530 Q423 +Q555226 P27 Q30 +Q205321 P136 Q52162262 +Q451608 P27 Q142 +Q256809 P1412 Q9027 +Q1531285 P264 Q557632 +Q44695 P136 Q25379 +Q322056 P1412 Q1860 +Q219631 P551 Q1138378 +Q4346512 P106 Q2059704 +Q1101377 P172 Q49085 +Q742079 P27 Q30 +Q833 P530 Q227 +Q84153 P1412 Q150 +Q193426 P26 Q9960 +Q380121 P106 Q33999 +Q315271 P106 Q4610556 +Q128746 P106 Q639669 +Q78977 P27 Q131964 +Q175392 P106 Q28389 +Q381731 P161 Q313043 +Q359251 P19 Q1748 +Q99076 P106 Q1622272 +Q315210 P69 Q157575 +Q1347919 P136 Q9759 +Q205707 P106 Q2526255 +Q123825 P136 Q25379 +Q254 P136 Q9734 +Q551570 P106 Q42909 +Q356140 P264 Q585643 +Q206890 P106 Q10800557 +Q231807 P106 Q10798782 +Q310729 P495 Q30 +Q34474 P463 Q463303 +Q11617 P136 Q268253 +Q310295 P551 Q387047 +Q563057 P106 Q639669 +Q161900 P20 Q437 +Q140201 P172 Q42406 +Q104104 P106 Q121594 +Q801 P463 Q1065 +Q453314 P106 Q855091 +Q553543 P136 Q83270 +Q234663 P551 Q1492 +Q115922 P140 Q23540 +Q1364884 P463 Q270794 +Q71275 P69 Q389336 +Q53002 P140 Q1841 +Q188235 P27 Q30 +Q369292 P19 Q23768 +Q435203 P19 Q60 +Q221771 P106 Q4853732 +Q239411 P106 Q15980158 +Q516505 P106 Q33999 +Q181881 P264 Q1328605 +Q324557 P161 Q170576 +Q318736 P20 Q2807 +Q41 P530 Q145 +Q910392 P27 Q34266 +Q60141 P463 Q543804 +Q39318 P27 Q801 +Q318474 P106 Q937857 +Q745363 P106 Q1930187 +Q219060 P530 Q189 +Q85807 P140 Q9592 +Q2706204 P106 Q183945 +Q273055 P106 Q2340668 +Q71004 P1412 Q188 +Q102244 P136 Q157394 +Q54828 P136 Q8261 +Q106175 P106 Q8246794 +Q241248 P463 Q463303 +Q70917 P27 Q1206012 +Q233502 P551 Q60 +Q373423 P463 Q463303 +Q4344126 P27 Q34266 +Q211415 P19 Q65 +Q260331 P106 Q488205 +Q5608 P1303 Q17172850 +Q1586732 P106 Q15981151 +Q187241 P119 Q311 +Q918966 P106 Q333634 +Q471188 P106 Q49757 +Q518576 P463 Q337543 +Q219878 P264 Q38903 +Q188176 P106 Q6625963 +Q237633 P1303 Q17172850 +Q153358 P20 Q34006 +Q74849 P106 Q158852 +Q1791962 P20 Q2256 +Q191719 P106 Q10798782 +Q130127 P106 Q36834 +Q448930 P106 Q639669 +Q127984 P172 Q121842 +Q432929 P69 Q1093910 +Q362353 P106 Q36834 +Q391542 P136 Q959790 +Q1371735 P27 Q145 +Q600344 P495 Q16 +Q358538 P264 Q202440 +Q122094 P106 Q2306091 +Q222071 P136 Q11366 +Q456235 P1412 Q1321 +Q42 P1412 Q7979 +Q519289 P106 Q55960555 +Q6701 P172 Q42884 +Q888666 P136 Q8341 +Q63432 P463 Q695302 +Q273910 P106 Q177220 +Q482334 P101 Q43035 +Q206112 P136 Q9759 +Q240377 P106 Q639669 +Q63439 P106 Q1415090 +Q117315 P161 Q191132 +Q266617 P106 Q10800557 +Q164933 P161 Q212790 +Q309898 P119 Q1092107 +Q462447 P136 Q4984974 +Q966300 P69 Q1399299 +Q911923 P106 Q4351403 +Q60113 P27 Q183 +Q105575 P106 Q1622272 +Q189665 P172 Q49542 +Q88951 P1412 Q397 +Q40263 P106 Q488111 +Q79120 P108 Q689400 +Q313525 P172 Q49085 +Q455430 P1412 Q1860 +Q958769 P159 Q1899 +Q437254 P101 Q184485 +Q11816 P106 Q82955 +Q221384 P161 Q214223 +Q186799 P161 Q178552 +Q259807 P136 Q860626 +Q16296 P69 Q608723 +Q1072843 P27 Q30 +Q708963 P19 Q1297 +Q230045 P106 Q3282637 +Q1047366 P749 Q38903 +Q225657 P509 Q12078 +Q76699 P106 Q1622272 +Q216195 P463 Q463281 +Q178653 P140 Q1841 +Q236212 P106 Q177220 +Q68036 P27 Q183 +Q1384236 P106 Q1622272 +Q215120 P106 Q753110 +Q794 P530 Q408 +Q1375814 P106 Q130857 +Q25856 P69 Q80207 +Q65445 P19 Q406 +Q185071 P161 Q238924 +Q550262 P20 Q495 +Q68533 P108 Q51985 +Q138846 P27 Q30 +Q201924 P161 Q233882 +Q71407 P3373 Q77087 +Q468667 P27 Q30 +Q6173722 P27 Q30 +Q348603 P140 Q7066 +Q259047 P106 Q33999 +Q257165 P106 Q33999 +Q155 P463 Q191384 +Q130355 P1303 Q17172850 +Q77 P463 Q191384 +Q188857 P106 Q201788 +Q345538 P106 Q15472169 +Q69320 P106 Q2259451 +Q29658 P161 Q39666 +Q983962 P1303 Q1444 +Q91059 P108 Q49210 +Q59474 P69 Q486156 +Q83184 P106 Q36180 +Q123010 P69 Q467025 +Q202827 P119 Q272208 +Q58062 P19 Q1792 +Q559794 P106 Q81096 +Q133925 P27 Q145 +Q315441 P106 Q2405480 +Q443897 P1303 Q6607 +Q236125 P106 Q753110 +Q223455 P106 Q3282637 +Q366956 P106 Q2526255 +Q287817 P136 Q37073 +Q57168 P1303 Q128309 +Q450412 P27 Q30 +Q553959 P108 Q215539 +Q303213 P161 Q239464 +Q240523 P264 Q216364 +Q451312 P106 Q1930187 +Q77492 P106 Q49757 +Q187423 P161 Q1618 +Q512741 P27 Q30 +Q431117 P264 Q231694 +Q251068 P19 Q49218 +Q160371 P27 Q145 +Q183 P463 Q81299 +Q241482 P161 Q676094 +Q98448 P106 Q188094 +Q234104 P106 Q34074720 +Q582713 P106 Q158852 +Q61163 P69 Q168426 +Q180377 P106 Q6625963 +Q539301 P69 Q20808141 +Q72127 P1412 Q188 +Q273180 P106 Q28389 +Q228909 P136 Q850412 +Q348603 P106 Q33999 +Q228692 P69 Q1542213 +Q192979 P161 Q82085 +Q434573 P106 Q28389 +Q1379164 P27 Q12560 +Q311303 P69 Q501758 +Q1045 P530 Q148 +Q611586 P106 Q8261 +Q27184 P17 Q30 +Q229319 P106 Q10798782 +Q106275 P1412 Q150 +Q434745 P106 Q4610556 +Q1254 P463 Q463303 +Q93562 P108 Q49115 +Q215927 P27 Q801 +Q20 P463 Q81299 +Q313443 P106 Q1930187 +Q3017168 P1303 Q46185 +Q1700315 P106 Q1930187 +Q582152 P1412 Q7737 +Q363810 P140 Q1841 +Q1143660 P106 Q36180 +Q46053 P1412 Q1860 +Q363371 P1303 Q6607 +Q185610 P264 Q202440 +Q116789 P106 Q212980 +Q116309 P101 Q132151 +Q83566 P1412 Q1860 +Q317521 P106 Q33999 +Q932959 P136 Q37073 +Q975 P17 Q30 +Q7314 P20 Q60 +Q714167 P27 Q34 +Q375356 P106 Q36180 +Q314382 P108 Q49210 +Q49760 P27 Q145 +Q102851 P106 Q4964182 +Q455703 P106 Q40348 +Q1984116 P27 Q29 +Q51498 P3373 Q77489 +Q67917 P106 Q10800557 +Q235 P463 Q376150 +Q66732 P101 Q5891 +Q219631 P106 Q10800557 +Q605678 P108 Q222738 +Q389548 P161 Q178348 +Q233581 P102 Q79854 +Q182229 P106 Q28389 +Q76576 P19 Q1799 +Q313868 P1303 Q9798 +Q927469 P106 Q639669 +Q191966 P106 Q245068 +Q232015 P136 Q37073 +Q550778 P106 Q3282637 +Q444486 P451 Q780102 +Q903208 P101 Q413 +Q529639 P106 Q482980 +Q115483 P106 Q28389 +Q321636 P106 Q1259917 +Q691076 P27 Q30 +Q56008 P27 Q30 +Q319537 P1412 Q652 +Q57640 P1412 Q9072 +Q123512 P20 Q72 +Q1810650 P106 Q1622272 +Q105575 P119 Q64 +Q81082 P463 Q83172 +Q213122 P106 Q36180 +Q313764 P495 Q142 +Q152824 P106 Q3387717 +Q54836 P1303 Q3382191 +Q974670 P106 Q486748 +Q122451 P69 Q152087 +Q70425 P108 Q316592 +Q157024 P17 Q221 +Q664167 P749 Q56760250 +Q111182 P69 Q152838 +Q303751 P140 Q42504 +Q125600 P1412 Q9058 +Q108733 P108 Q154804 +Q112979 P106 Q1930187 +Q101338 P106 Q36180 +Q3248932 P106 Q864503 +Q316622 P106 Q2059704 +Q707352 P1303 Q9798 +Q704609 P106 Q1028181 +Q345612 P463 Q466089 +Q372311 P19 Q49202 +Q105349 P106 Q14915627 +Q170373 P106 Q11063 +Q143230 P106 Q10798782 +Q12950 P106 Q82955 +Q724883 P106 Q4263842 +Q321178 P106 Q177220 +Q91166 P106 Q188094 +Q854 P530 Q794 +Q178403 P106 Q214917 +Q84199 P106 Q28389 +Q358455 P106 Q40348 +Q205028 P136 Q471839 +Q48051 P106 Q82955 +Q245430 P161 Q314659 +Q9200 P1412 Q35497 +Q773303 P106 Q4853732 +Q34969 P463 Q466089 +Q85931 P1412 Q188 +Q314382 P106 Q1930187 +Q217008 P495 Q30 +Q164396 P463 Q188771 +Q213681 P27 Q183 +Q138846 P106 Q36180 +Q459969 P69 Q7739610 +Q236708 P27 Q30 +Q786 P463 Q17495 +Q2030240 P19 Q60 +Q349690 P509 Q188605 +Q9711 P20 Q90 +Q289614 P1303 Q17172850 +Q68312 P106 Q18805 +Q439209 P106 Q1622272 +Q223949 P136 Q8261 +Q2387083 P106 Q43845 +Q336397 P106 Q81096 +Q382150 P106 Q82955 +Q94040 P509 Q12192 +Q95043 P69 Q993267 +Q93341 P264 Q193023 +Q436648 P136 Q11366 +Q953 P530 Q155 +Q2273039 P69 Q13164 +Q328532 P106 Q639669 +Q84464 P1412 Q188 +Q239910 P551 Q62 +Q379808 P27 Q16 +Q865 P530 Q1030 +Q26695 P106 Q183945 +Q435455 P69 Q309350 +Q154083 P27 Q31 +Q1063743 P69 Q160302 +Q255725 P19 Q19660 +Q259788 P106 Q177220 +Q66812 P20 Q34713 +Q316850 P106 Q36834 +Q427597 P1412 Q1412 +Q807787 P106 Q639669 +Q320895 P106 Q13235160 +Q142 P530 Q218 +Q102403 P106 Q1234713 +Q1816925 P1303 Q5994 +Q596717 P136 Q8341 +Q930197 P106 Q36180 +Q670277 P1303 Q8371 +Q354158 P264 Q183387 +Q100511 P463 Q684415 +Q186587 P161 Q103876 +Q76000 P69 Q152171 +Q202148 P1303 Q17172850 +Q2516 P27 Q183 +Q719623 P463 Q123885 +Q2903389 P69 Q838330 +Q366570 P27 Q794 +Q400 P102 Q29468 +Q593554 P69 Q503246 +Q242095 P140 Q7066 +Q2287423 P3373 Q20562503 +Q695 P530 Q928 +Q2903389 P69 Q13371 +Q150651 P106 Q947873 +Q241800 P106 Q36180 +Q274342 P136 Q3017271 +Q140099 P106 Q10800557 +Q70991 P106 Q18805 +Q214 P530 Q159 +Q294927 P106 Q10798782 +Q213772 P27 Q30 +Q737626 P1050 Q11085 +Q104109 P20 Q47164 +Q984115 P27 Q30 +Q346036 P136 Q83440 +Q157255 P1412 Q1860 +Q724323 P108 Q13164 +Q83789 P840 Q65 +Q983654 P1412 Q7737 +Q57085 P108 Q49088 +Q705715 P172 Q49085 +Q26993 P106 Q40348 +Q115715 P27 Q39 +Q4099230 P1412 Q7737 +Q69834 P27 Q43287 +Q97144 P509 Q212961 +Q438366 P106 Q5716684 +Q393 P30 Q46 +Q191755 P106 Q7042855 +Q9161 P106 Q372436 +Q76938 P106 Q36180 +Q91587 P69 Q895796 +Q321378 P19 Q1204 +Q435203 P106 Q1930187 +Q53068 P136 Q8361 +Q77027 P27 Q183 +Q1347984 P749 Q796316 +Q122003 P40 Q47122 +Q332670 P27 Q145 +Q705841 P264 Q2733913 +Q287607 P69 Q174710 +Q709640 P106 Q33999 +Q392 P737 Q6711 +Q160640 P463 Q459620 +Q3830446 P20 Q220 +Q80959 P161 Q371972 +Q104154 P1412 Q150 +Q526406 P1303 Q17172850 +Q127330 P106 Q6168364 +Q315217 P102 Q29552 +Q310343 P106 Q33999 +Q151936 P106 Q4773904 +Q273215 P19 Q60 +Q239214 P1303 Q5994 +Q22955657 P106 Q15995642 +Q184572 P106 Q2405480 +Q327303 P106 Q1930187 +Q922528 P136 Q11401 +Q216013 P106 Q482980 +Q18118088 P3373 Q13129708 +Q55411 P463 Q15646111 +Q71819 P3373 Q77087 +Q677843 P106 Q40348 +Q43247 P509 Q128581 +Q103637 P106 Q10800557 +Q76414 P106 Q483501 +Q552053 P20 Q16869 +Q4679786 P69 Q168751 +Q2632 P106 Q1028181 +Q76509 P101 Q5891 +Q719360 P106 Q333634 +Q3384965 P69 Q1189954 +Q192724 P136 Q471839 +Q193111 P1412 Q1412 +Q96243 P102 Q694299 +Q436571 P1412 Q1860 +Q188137 P69 Q1051840 +Q710924 P106 Q12362622 +Q391540 P161 Q298276 +Q310060 P106 Q33999 +Q981526 P1303 Q6607 +Q318503 P19 Q1342 +Q151608 P264 Q168407 +Q213765 P108 Q80207 +Q46139 P106 Q18814623 +Q9358 P1412 Q188 +Q44845 P69 Q156725 +Q325427 P509 Q188874 +Q320 P27 Q298 +Q712 P530 Q672 +Q65906 P1412 Q188 +Q743597 P106 Q49757 +Q230501 P1412 Q1860 +Q303678 P161 Q349350 +Q92830 P1412 Q1860 +Q311892 P27 Q30 +Q218 P463 Q1480793 +Q206336 P136 Q2975633 +Q782629 P106 Q131524 +Q175102 P106 Q486748 +Q153034 P172 Q34069 +Q35064 P106 Q487596 +Q276198 P106 Q177220 +Q120563 P106 Q36180 +Q41502 P136 Q12799318 +Q118243 P69 Q55044 +Q43994 P106 Q1930187 +Q193278 P136 Q172980 +Q166554 P161 Q123351 +Q329709 P161 Q181917 +Q108814 P463 Q684415 +Q434915 P264 Q277626 +Q55630 P17 Q37024 +Q91642 P20 Q64 +Q437616 P106 Q28389 +Q286022 P264 Q1142456 +Q956652 P106 Q193391 +Q731139 P27 Q15180 +Q229775 P106 Q33999 +Q155458 P161 Q317228 +Q366012 P69 Q499451 +Q452761 P101 Q482 +Q535 P106 Q3579035 +Q45 P463 Q826700 +Q352935 P106 Q10798782 +Q105460 P136 Q235858 +Q1131225 P161 Q231135 +Q105386 P106 Q36180 +Q101915 P27 Q183 +Q7542 P737 Q205721 +Q281296 P161 Q343633 +Q334780 P161 Q134333 +Q11613 P106 Q189290 +Q191819 P264 Q208909 +Q285431 P20 Q220 +Q375855 P495 Q30 +Q282041 P840 Q1223 +Q501 P106 Q4164507 +Q234551 P106 Q33999 +Q291405 P106 Q4610556 +Q880405 P106 Q2252262 +Q668 P530 Q117 +Q36844 P1412 Q1860 +Q336222 P136 Q37073 +Q110201 P106 Q16031530 +Q4263286 P101 Q131524 +Q117761 P20 Q1861 +Q255786 P27 Q30 +Q29 P463 Q38130 +Q311716 P106 Q2526255 +Q176578 P102 Q204911 +Q1689075 P106 Q753110 +Q29999 P463 Q1043527 +Q466457 P19 Q8684 +Q313543 P108 Q23548 +Q1929135 P27 Q30 +Q83566 P19 Q2868 +Q106245 P106 Q16287483 +Q80959 P495 Q258 +Q769080 P106 Q43845 +Q144483 P161 Q319799 +Q375024 P106 Q639669 +Q261550 P161 Q242482 +Q53714 P106 Q10800557 +Q84238 P1412 Q1860 +Q134982 P1412 Q1860 +Q191084 P106 Q10800557 +Q38049 P1412 Q7913 +Q6694 P463 Q3603946 +Q274233 P106 Q66711686 +Q20127 P40 Q75886 +Q659027 P69 Q168756 +Q441351 P101 Q482 +Q116309 P1412 Q7737 +Q942147 P264 Q311439 +Q298 P463 Q17495 +Q41590 P108 Q608338 +Q5354 P27 Q183 +Q102754 P136 Q188473 +Q235931 P20 Q485176 +Q231255 P106 Q55960555 +Q309648 P136 Q9734 +Q45909 P106 Q33999 +Q113626 P27 Q30 +Q237173 P106 Q1238570 +Q88710 P69 Q151510 +Q276198 P106 Q639669 +Q447015 P106 Q36180 +Q261207 P20 Q2807 +Q131814 P106 Q2490358 +Q96997 P27 Q183 +Q362681 P19 Q60 +Q43 P530 Q155 +Q76600 P106 Q3400985 +Q32 P463 Q656801 +Q551735 P106 Q1930187 +Q219060 P37 Q13955 +Q82301 P106 Q42603 +Q287976 P106 Q10800557 +Q1344185 P509 Q506616 +Q237821 P106 Q188094 +Q376140 P106 Q10798782 +Q132689 P161 Q78505 +Q319684 P106 Q4964182 +Q450821 P69 Q174158 +Q180505 P106 Q2490358 +Q58857 P108 Q152087 +Q267051 P136 Q1196752 +Q346411 P106 Q2059704 +Q52447 P1303 Q17172850 +Q381726 P27 Q33 +Q61863 P463 Q835943 +Q260099 P106 Q10800557 +Q1282562 P106 Q4220892 +Q38392 P106 Q28389 +Q4723060 P463 Q40358 +Q181069 P161 Q165518 +Q449013 P69 Q49166 +Q110354 P161 Q36105 +Q142 P463 Q826700 +Q95314 P1412 Q188 +Q314424 P106 Q183945 +Q498 P463 Q188771 +Q76686 P463 Q83172 +Q171235 P27 Q96 +Q92942 P106 Q82594 +Q231648 P106 Q4610556 +Q137042 P27 Q30 +Q362371 P106 Q855091 +Q161678 P495 Q145 +Q169076 P27 Q213 +Q312610 P136 Q1062400 +Q862297 P27 Q30 +Q228692 P102 Q29552 +Q202028 P136 Q130232 +Q39246 P106 Q1622272 +Q346648 P106 Q1930187 +Q156193 P106 Q486748 +Q119527 P106 Q36180 +Q507845 P106 Q10816969 +Q85726 P27 Q40 +Q220780 P840 Q60 +Q34 P463 Q656801 +Q77031 P1412 Q188 +Q730082 P106 Q639669 +Q170509 P106 Q28389 +Q154353 P106 Q11063 +Q311723 P1412 Q7850 +Q141869 P20 Q649 +Q1203 P509 Q2140674 +Q163714 P101 Q309 +Q709935 P106 Q81096 +Q344983 P740 Q6346 +Q865 P530 Q967 +Q873 P140 Q7066 +Q63826 P1412 Q1860 +Q310106 P27 Q83286 +Q49734 P264 Q202585 +Q348351 P136 Q21590660 +Q25820 P463 Q463303 +Q50005 P69 Q209344 +Q276440 P19 Q84 +Q234795 P106 Q3282637 +Q231004 P106 Q10800557 +Q238819 P27 Q865 +Q1027 P530 Q902 +Q17738 P57 Q38222 +Q1492 P17 Q29 +Q902 P530 Q1014 +Q441990 P106 Q10800557 +Q270385 P161 Q103784 +Q191598 P106 Q201788 +Q79 P463 Q7172 +Q105585 P102 Q153401 +Q305962 P551 Q1049 +Q311358 P106 Q593644 +Q183 P530 Q159583 +Q337521 P106 Q36834 +Q357929 P463 Q1468277 +Q96941 P102 Q153401 +Q243027 P136 Q132311 +Q289598 P495 Q142 +Q137595 P161 Q355153 +Q725933 P463 Q1425328 +Q714602 P509 Q12152 +Q401773 P1412 Q256 +Q101087 P69 Q153978 +Q101915 P106 Q635734 +Q287027 P1412 Q5287 +Q459969 P69 Q1760438 +Q349852 P106 Q10800557 +Q376807 P161 Q189400 +Q101064 P102 Q7320 +Q128967 P102 Q9626 +Q71000 P69 Q40025 +Q166023 P1412 Q1321 +Q201315 P172 Q160894 +Q153723 P161 Q77462 +Q621521 P1303 Q6607 +Q51133 P509 Q389735 +Q3825107 P495 Q38 +Q232840 P1303 Q17172850 +Q919515 P1412 Q1860 +Q3802 P463 Q747279 +Q682030 P136 Q206159 +Q837 P530 Q917 +Q207898 P1412 Q150 +Q357645 P106 Q753110 +Q285020 P136 Q130232 +Q238356 P106 Q33999 +Q262354 P1412 Q9168 +Q1771189 P106 Q36834 +Q2632 P106 Q3282637 +Q1032998 P106 Q193391 +Q1079105 P106 Q488205 +Q321365 P27 Q142 +Q266611 P19 Q60 +Q118375 P161 Q233428 +Q37610 P140 Q7066 +Q1358816 P20 Q656 +Q1453045 P27 Q96 +Q67204 P27 Q183 +Q143867 P106 Q36180 +Q217619 P140 Q9592 +Q222921 P20 Q23768 +Q1225141 P19 Q38022 +Q51476 P106 Q33999 +Q1226921 P1303 Q6607 +Q1586454 P1303 Q5994 +Q357798 P106 Q36180 +Q828641 P1412 Q150 +Q147810 P463 Q266063 +Q63338 P140 Q9592 +Q190770 P106 Q19350898 +Q414 P530 Q77 +Q1044 P463 Q384535 +Q521350 P106 Q81096 +Q57500 P27 Q16957 +Q76624 P69 Q273263 +Q89204 P20 Q64 +Q232000 P161 Q311314 +Q333004 P106 Q6625963 +Q289003 P106 Q488205 +Q93343 P737 Q37388 +Q55 P530 Q215 +Q229153 P136 Q180268 +Q230218 P264 Q183387 +Q3262638 P27 Q142 +Q366700 P106 Q183945 +Q202663 P69 Q248970 +Q1906150 P27 Q30 +Q362118 P106 Q82955 +Q324499 P106 Q49757 +Q34 P463 Q151991 +Q714646 P106 Q1622272 +Q193346 P1412 Q9027 +Q180019 P19 Q1297 +Q310464 P106 Q1930187 +Q305909 P106 Q1930187 +Q34969 P106 Q270141 +Q174371 P136 Q130232 +Q218319 P101 Q482 +Q242555 P106 Q2259451 +Q164804 P495 Q28 +Q138084 P161 Q320973 +Q345538 P106 Q193391 +Q106529 P1412 Q150 +Q9387 P69 Q151510 +Q168269 P19 Q1297 +Q430278 P161 Q73930 +Q36105 P106 Q28389 +Q2281920 P19 Q40435 +Q46599 P136 Q474090 +Q172183 P27 Q174193 +Q380865 P1412 Q1860 +Q254838 P101 Q207628 +Q351705 P106 Q201788 +Q23870 P1412 Q1860 +Q1406622 P1303 Q6607 +Q221535 P140 Q7066 +Q57285 P136 Q9734 +Q41 P463 Q81299 +Q438164 P737 Q40909 +Q157451 P40 Q57371 +Q164804 P136 Q188473 +Q675 P1412 Q150 +Q1549911 P136 Q131272 +Q730190 P101 Q188094 +Q705174 P106 Q4263842 +Q1065189 P463 Q463303 +Q1508451 P20 Q61 +Q119935 P106 Q33999 +Q302335 P106 Q10800557 +Q819 P463 Q656801 +Q171365 P136 Q130232 +Q71855 P69 Q153978 +Q4681470 P69 Q49122 +Q44645 P106 Q169470 +Q966067 P106 Q214917 +Q42 P20 Q159288 +Q946774 P108 Q131626 +Q312407 P106 Q28389 +Q77740 P106 Q4220892 +Q928851 P106 Q36834 +Q441990 P737 Q9327 +Q540544 P106 Q40348 +Q153905 P106 Q49757 +Q611997 P106 Q1622272 +Q151936 P1412 Q1860 +Q60059 P106 Q4504549 +Q62749 P108 Q156737 +Q165706 P106 Q639669 +Q23543 P1303 Q17172850 +Q1886750 P136 Q58339 +Q804 P530 Q148 +Q306403 P69 Q49112 +Q370560 P106 Q488205 +Q921679 P27 Q30 +Q467368 P1412 Q809 +Q254983 P69 Q751612 +Q179282 P27 Q30 +Q964396 P106 Q43845 +Q888671 P106 Q36834 +Q189132 P106 Q33999 +Q178010 P106 Q33999 +Q103767 P140 Q7066 +Q1039 P530 Q30 +Q319684 P27 Q12560 +Q79969 P509 Q12202 +Q733 P463 Q17495 +Q1042 P463 Q842490 +Q356397 P106 Q2526255 +Q505476 P264 Q38903 +Q379811 P106 Q2405480 +Q30449 P106 Q12362622 +Q286868 P57 Q192762 +Q249862 P106 Q33999 +Q358455 P69 Q130965 +Q360477 P69 Q860527 +Q241482 P161 Q189351 +Q155 P463 Q17495 +Q264774 P264 Q183387 +Q310800 P1412 Q1321 +Q287960 P840 Q65 +Q357515 P106 Q36834 +Q2658411 P140 Q432 +Q15474 P27 Q174193 +Q181991 P19 Q84 +Q92987 P27 Q148 +Q433355 P172 Q49085 +Q442031 P106 Q333634 +Q249350 P136 Q188473 +Q64397 P106 Q36180 +Q60153 P106 Q82955 +Q20 P37 Q9043 +Q342730 P106 Q1622272 +Q726440 P19 Q23556 +Q88383 P106 Q36180 +Q365633 P27 Q30 +Q76490 P106 Q2526255 +Q238716 P27 Q30 +Q349852 P69 Q1420239 +Q234015 P1412 Q150 +Q64579 P106 Q36180 +Q71412 P106 Q13474373 +Q356639 P106 Q15895020 +Q219862 P108 Q617433 +Q71452 P106 Q33999 +Q10536 P1412 Q1860 +Q2607 P69 Q1190355 +Q87168 P1303 Q8355 +Q235077 P20 Q127856 +Q76442 P106 Q1622272 +Q92828 P106 Q205375 +Q964219 P172 Q49085 +Q60052 P106 Q170790 +Q169946 P1412 Q1860 +Q151929 P102 Q79854 +Q355153 P136 Q21590660 +Q365199 P106 Q158852 +Q162688 P106 Q36180 +Q780538 P106 Q36180 +Q262294 P1303 Q17172850 +Q1028859 P106 Q177220 +Q36450 P140 Q3333484 +Q982314 P1303 Q79838 +Q225 P463 Q8908 +Q77844 P1412 Q188 +Q242949 P69 Q1542213 +Q298030 P106 Q82955 +Q310515 P1412 Q1860 +Q30875 P69 Q258464 +Q162554 P106 Q10798782 +Q213754 P1412 Q7737 +Q271324 P106 Q2259451 +Q1329361 P108 Q160302 +Q241299 P27 Q30 +Q128730 P136 Q17013749 +Q76527 P27 Q211 +Q333971 P136 Q369747 +Q299138 P106 Q2252262 +Q310580 P106 Q177220 +Q240894 P495 Q30 +Q949 P463 Q83172 +Q465594 P106 Q6625963 +Q157131 P1412 Q9299 +Q332798 P136 Q52162262 +Q119527 P106 Q864380 +Q367017 P106 Q28389 +Q684748 P106 Q4263842 +Q121425 P106 Q10798782 +Q116055 P106 Q1622272 +Q154014 P106 Q4964182 +Q101170 P106 Q49757 +Q207356 P106 Q214917 +Q733720 P1412 Q1860 +Q154782 P27 Q38872 +Q577704 P106 Q4964182 +Q314308 P106 Q169470 +Q297794 P69 Q209842 +Q58311 P27 Q801 +Q428422 P106 Q15214752 +Q1253 P106 Q193391 +Q19661 P102 Q29552 +Q107933 P140 Q35032 +Q45165 P264 Q466649 +Q228584 P140 Q9592 +Q379873 P136 Q52162262 +Q118745 P135 Q7264 +Q913570 P106 Q28389 +Q16872 P27 Q148 +Q255725 P106 Q33999 +Q192682 P106 Q2405480 +Q1155256 P106 Q622807 +Q9695 P69 Q1341516 +Q237548 P106 Q855091 +Q6078 P106 Q28389 +Q288936 P106 Q333634 +Q55497 P106 Q488205 +Q204019 P106 Q33231 +Q502963 P108 Q23548 +Q183239 P161 Q362500 +Q89516 P108 Q31519 +Q9588 P106 Q189290 +Q201810 P69 Q926749 +Q113818 P172 Q237534 +Q72334 P463 Q463303 +Q150767 P69 Q304985 +Q537960 P27 Q33946 +Q79191 P19 Q3711 +Q184768 P840 Q60 +Q928939 P106 Q16533 +Q217182 P161 Q214466 +Q362749 P106 Q182436 +Q132899 P106 Q82955 +Q114405 P1412 Q1860 +Q39970 P161 Q93187 +Q347118 P106 Q1930187 +Q334 P530 Q843 +Q151593 P463 Q812155 +Q1133611 P106 Q9648008 +Q61682 P463 Q414188 +Q881189 P106 Q40348 +Q75186 P102 Q49750 +Q45221 P106 Q482980 +Q10716 P27 Q403 +Q540915 P106 Q639669 +Q449 P27 Q142 +Q62731543 P106 Q33231 +Q670277 P106 Q177220 +Q230836 P106 Q49757 +Q156815 P20 Q1156 +Q49620 P27 Q30 +Q51511 P106 Q7042855 +Q272031 P27 Q30 +Q921 P530 Q865 +Q76343 P1412 Q1860 +Q303207 P264 Q1124849 +Q155979 P106 Q1476215 +Q231135 P27 Q30 +Q99294 P27 Q43 +Q78763 P27 Q30 +Q31628 P69 Q13164 +Q66370 P20 Q1055 +Q1805398 P106 Q482980 +Q83733 P106 Q2526255 +Q15873 P136 Q83270 +Q148 P530 Q967 +Q123476 P106 Q33999 +Q7197 P451 Q551512 +Q233061 P1303 Q47369 +Q359521 P264 Q38903 +Q290856 P19 Q1345 +Q201500 P136 Q8341 +Q218210 P106 Q10798782 +Q222071 P1303 Q6607 +Q315737 P27 Q30 +Q270622 P106 Q33999 +Q4093262 P27 Q15180 +Q210428 P19 Q43199 +Q128560 P106 Q1930187 +Q652815 P102 Q29468 +Q369492 P136 Q859369 +Q938402 P135 Q37068 +Q7563919 P108 Q161562 +Q853461 P1412 Q188 +Q822 P530 Q77 +Q823003 P27 Q155 +Q79191 P27 Q838261 +Q563057 P136 Q180268 +Q543060 P19 Q1345 +Q229286 P20 Q90 +Q233397 P106 Q36180 +Q717543 P106 Q39631 +Q982047 P27 Q145 +Q91657 P106 Q3400985 +Q346595 P106 Q3282637 +Q18832 P136 Q676 +Q369283 P106 Q201788 +Q187516 P106 Q201788 +Q212 P530 Q35 +Q434839 P27 Q30 +Q239917 P106 Q177220 +Q164224 P136 Q130232 +Q33 P530 Q811 +Q208108 P840 Q23482 +Q308840 P106 Q2707485 +Q117194 P106 Q33999 +Q62539 P551 Q1726 +Q181677 P106 Q3282637 +Q1453398 P551 Q1391 +Q439209 P27 Q213 +Q71275 P102 Q29552 +Q888671 P106 Q12377274 +Q952428 P3373 Q319996 +Q977488 P463 Q463281 +Q49734 P1303 Q17172850 +Q313512 P108 Q273523 +Q295537 P106 Q1476215 +Q128730 P840 Q61 +Q4559180 P1412 Q9043 +Q1576675 P69 Q49088 +Q275641 P136 Q11399 +Q231942 P264 Q726251 +Q2433868 P108 Q309988 +Q25351 P102 Q694714 +Q426396 P161 Q32522 +Q333106 P1412 Q150 +Q449670 P119 Q1950363 +Q103917 P106 Q28389 +Q59152 P69 Q131252 +Q261104 P106 Q2259451 +Q221771 P136 Q482 +Q1239933 P106 Q177220 +Q445392 P106 Q36180 +Q157451 P1412 Q7737 +Q193835 P136 Q2975633 +Q178010 P106 Q10800557 +Q82301 P106 Q82955 +Q69019 P463 Q329464 +Q23368 P463 Q463303 +Q951621 P27 Q29 +Q7416 P172 Q21 +Q51575 P119 Q1624932 +Q250545 P27 Q408 +Q64487 P19 Q1792 +Q221852 P161 Q184650 +Q2086086 P27 Q15180 +Q117913 P106 Q6625963 +Q94081 P106 Q245068 +Q208266 P57 Q51522 +Q155112 P27 Q43287 +Q167265 P161 Q106443 +Q242373 P1303 Q17172850 +Q442931 P27 Q218 +Q947291 P106 Q639669 +Q306403 P551 Q65 +Q7542 P264 Q183412 +Q231106 P1412 Q1860 +Q540395 P106 Q639669 +Q46080 P106 Q28389 +Q235 P530 Q38 +Q124735 P69 Q193196 +Q298 P530 Q184 +Q455605 P106 Q183945 +Q84346 P509 Q3010352 +Q179493 P101 Q8134 +Q336877 P106 Q33999 +Q345517 P106 Q33999 +Q368129 P106 Q33999 +Q1396305 P119 Q208175 +Q84233 P108 Q165980 +Q207816 P161 Q216221 +Q186123 P108 Q193727 +Q377538 P106 Q82955 +Q191100 P161 Q589015 +Q192279 P106 Q49757 +Q550262 P27 Q172579 +Q79091 P20 Q220 +Q548345 P20 Q138518 +Q237654 P106 Q36834 +Q87487 P101 Q482 +Q459681 P135 Q1246516 +Q221098 P136 Q859369 +Q543443 P106 Q753110 +Q62402 P69 Q154561 +Q371938 P136 Q378988 +Q5921 P27 Q30 +Q62910 P27 Q30 +Q312252 P1303 Q17172850 +Q105666 P106 Q1397808 +Q233937 P106 Q753110 +Q62898 P463 Q127992 +Q44007 P106 Q1622272 +Q149489 P69 Q49210 +Q709 P463 Q656801 +Q935369 P140 Q7066 +Q117021 P463 Q123885 +Q40096 P1412 Q1860 +Q668 P463 Q1065 +Q206886 P161 Q316602 +Q107226 P136 Q2297927 +Q232417 P106 Q4263842 +Q42047 P161 Q229319 +Q1070606 P264 Q1328605 +Q535 P106 Q8178443 +Q204804 P27 Q30 +Q270660 P172 Q2325516 +Q47210 P108 Q273626 +Q966894 P102 Q49629 +Q1020 P361 Q27407 +Q381505 P1412 Q1860 +Q220010 P136 Q235858 +Q69645 P106 Q10800557 +Q433939 P1412 Q150 +Q1281772 P106 Q33999 +Q69340 P27 Q414 +Q7243 P106 Q4964182 +Q57681 P509 Q216169 +Q379580 P106 Q2374149 +Q705458 P106 Q488205 +Q88383 P27 Q183 +Q230591 P69 Q49088 +Q3520383 P495 Q183 +Q75371 P19 Q1055 +Q155860 P102 Q79854 +Q76543 P69 Q168426 +Q130780 P1412 Q1860 +Q722042 P136 Q11401 +Q70113 P106 Q212980 +Q106134 P108 Q152171 +Q106592 P106 Q10800557 +Q428451 P106 Q36180 +Q287607 P69 Q1185037 +Q443225 P136 Q37073 +Q4527494 P119 Q208175 +Q310618 P106 Q82955 +Q42992 P20 Q1218 +Q949184 P69 Q161976 +Q91137 P737 Q991 +Q117021 P106 Q674426 +Q1736382 P106 Q177220 +Q105453 P102 Q662377 +Q2623752 P108 Q658192 +Q258462 P106 Q1930187 +Q467231 P140 Q7066 +Q1687803 P106 Q177220 +Q272994 P106 Q33999 +Q195949 P161 Q230939 +Q115674 P27 Q30 +Q103474 P136 Q52162262 +Q179201 P1412 Q1860 +Q93614 P101 Q482 +Q225 P463 Q376150 +Q93030 P106 Q170790 +Q920857 P106 Q82955 +Q441990 P101 Q482 +Q23543 P136 Q547137 +Q530377 P361 Q268160 +Q380634 P106 Q33999 +Q76258 P136 Q8261 +Q92094 P106 Q482980 +Q406854 P136 Q164444 +Q213613 P119 Q564922 +Q331728 P106 Q10800557 +Q241686 P106 Q33999 +Q302484 P27 Q15180 +Q778 P463 Q376150 +Q299161 P1412 Q1321 +Q295593 P3373 Q95034 +Q388286 P106 Q183945 +Q902 P138 Q9610 +Q12288760 P1412 Q7918 +Q750 P463 Q3369762 +Q80510 P1303 Q5994 +Q554670 P106 Q488205 +Q132952 P27 Q30 +Q1016 P530 Q657 +Q239652 P106 Q488205 +Q187907 P27 Q15180 +Q884 P463 Q782942 +Q95710 P463 Q543804 +Q215979 P106 Q36180 +Q16400 P106 Q36180 +Q232009 P136 Q52207399 +Q152298 P509 Q181754 +Q538109 P106 Q49757 +Q380178 P19 Q84 +Q60029 P106 Q1397808 +Q115541 P106 Q2405480 +Q197935 P463 Q604840 +Q165394 P161 Q80739 +Q664 P463 Q191384 +Q189490 P106 Q10798782 +Q95901 P1412 Q9043 +Q457687 P106 Q36834 +Q370293 P264 Q330629 +Q16297 P106 Q10798782 +Q110278 P161 Q312051 +Q212549 P1412 Q150 +Q11637 P264 Q193023 +Q150989 P463 Q123885 +Q332709 P27 Q38 +Q353366 P136 Q1133657 +Q156749 P106 Q2374149 +Q48053 P106 Q47064 +Q337206 P20 Q65 +Q22072 P264 Q770103 +Q366322 P106 Q10800557 +Q1138543 P1303 Q6607 +Q95370 P108 Q152171 +Q37217 P1412 Q7737 +Q162005 P106 Q3282637 +Q251340 P106 Q2526255 +Q525180 P27 Q20 +Q110085 P106 Q4220892 +Q133356 P37 Q7737 +Q296287 P69 Q599316 +Q434160 P1412 Q1860 +Q434915 P106 Q177220 +Q498390 P106 Q1281618 +Q72925 P161 Q212002 +Q234939 P27 Q414 +Q506393 P106 Q1320883 +Q77199 P106 Q14467526 +Q561458 P27 Q30 +Q76997 P27 Q183 +Q104123 P495 Q30 +Q942147 P108 Q372608 +Q366570 P20 Q3616 +Q130355 P136 Q11399 +Q340074 P106 Q1930187 +Q164745 P140 Q483654 +Q96114 P106 Q1622272 +Q203519 P20 Q1773 +Q1124061 P17 Q30 +Q318198 P27 Q33 +Q25483 P108 Q363079 +Q71631 P27 Q41304 +Q232391 P106 Q36180 +Q2086235 P27 Q30 +Q575689 P106 Q131524 +Q131814 P136 Q83440 +Q80739 P106 Q18814623 +Q239214 P136 Q9734 +Q9161 P140 Q1069127 +Q883730 P108 Q55021 +Q4344126 P27 Q15180 +Q283408 P69 Q174158 +Q76483 P106 Q36180 +Q354250 P106 Q14915627 +Q2496 P463 Q688638 +Q984481 P106 Q36180 +Q1067812 P106 Q639669 +Q2038 P106 Q40348 +Q241 P463 Q233611 +Q1158704 P106 Q2914170 +Q1047141 P106 Q855091 +Q57584 P27 Q183 +Q408 P530 Q963 +Q23114 P106 Q333634 +Q95710 P69 Q32120 +Q219420 P106 Q1622272 +Q272505 P27 Q30 +Q28 P530 Q145 +Q243639 P1303 Q17172850 +Q463673 P264 Q165745 +Q8011 P101 Q9418 +Q95861 P106 Q36180 +Q984369 P106 Q36180 +Q984369 P106 Q37226 +Q38294 P106 Q201788 +Q550395 P106 Q2405480 +Q467027 P106 Q36180 +Q132524 P106 Q18844224 +Q493333 P1303 Q17172850 +Q207640 P27 Q30 +Q336125 P463 Q1468277 +Q188214 P69 Q49122 +Q65087 P463 Q414379 +Q19955709 P69 Q49088 +Q16053 P106 Q4263842 +Q66527 P463 Q543804 +Q166262 P136 Q959790 +Q109422 P19 Q64 +Q902 P530 Q29 +Q229065 P27 Q212 +Q96978 P1412 Q188 +Q114572 P106 Q16145150 +Q177374 P495 Q30 +Q1344392 P106 Q81096 +Q89546 P106 Q333634 +Q191842 P106 Q2405480 +Q212660 P161 Q302650 +Q5950 P20 Q23556 +Q158354 P106 Q14467526 +Q1175266 P106 Q753110 +Q241215 P106 Q11774202 +Q221345 P161 Q40504 +Q456712 P19 Q12439 +Q156379 P19 Q649 +Q1394 P551 Q656 +Q143198 P136 Q1344 +Q428780 P495 Q142 +Q71775 P1412 Q1860 +Q316955 P106 Q2405480 +Q315099 P106 Q2405480 +Q69110 P106 Q169470 +Q63184 P106 Q957729 +Q187814 P106 Q488205 +Q1677606 P108 Q13371 +Q75866 P27 Q183 +Q189758 P136 Q45981 +Q295593 P106 Q947873 +Q44442 P106 Q2405480 +Q334126 P106 Q1930187 +Q721043 P1412 Q1860 +Q11627 P264 Q238095 +Q229760 P69 Q653693 +Q156942 P1412 Q1860 +Q233 P17 Q7785 +Q832085 P106 Q1209498 +Q269645 P106 Q183945 +Q191100 P840 Q61 +Q200586 P136 Q11399 +Q1625 P1412 Q9027 +Q202589 P106 Q2405480 +Q553730 P19 Q25287 +Q754 P463 Q1065 +Q269177 P119 Q208175 +Q24980 P161 Q325070 +Q316901 P106 Q82955 +Q313788 P27 Q30 +Q45 P530 Q403 +Q606356 P106 Q49757 +Q196287 P463 Q1132636 +Q106685 P463 Q414110 +Q266520 P106 Q10798782 +Q219780 P106 Q33231 +Q597433 P106 Q3282637 +Q117315 P840 Q664 +Q307440 P106 Q188094 +Q97083 P106 Q201788 +Q677843 P69 Q154804 +Q16472 P1412 Q1860 +Q163714 P1412 Q809 +Q293149 P106 Q488205 +Q836910 P106 Q40348 +Q60465 P3373 Q60452 +Q116265 P106 Q2259451 +Q72984 P119 Q1625328 +Q85282 P463 Q414188 +Q27751 P136 Q2484376 +Q11104 P737 Q868 +Q27204 P161 Q134333 +Q160433 P106 Q488205 +Q131324 P3373 Q336222 +Q64509 P106 Q36180 +Q214677 P106 Q36180 +Q11941 P106 Q644687 +Q32678 P106 Q864380 +Q41594 P106 Q33999 +Q311716 P27 Q38 +Q180252 P1412 Q1860 +Q1352613 P161 Q228899 +Q3040690 P106 Q81096 +Q183297 P1412 Q256 +Q231811 P106 Q18814623 +Q233956 P106 Q864380 +Q297071 P106 Q10798782 +Q47122 P136 Q37073 +Q1269512 P106 Q14915627 +Q184768 P840 Q1563 +Q569378 P106 Q2865819 +Q981256 P106 Q4263842 +Q48987 P106 Q3282637 +Q58866 P27 Q43287 +Q78481 P1412 Q188 +Q283328 P106 Q33999 +Q159690 P136 Q599558 +Q1394 P1412 Q150 +Q71650 P1303 Q17172850 +Q215721 P106 Q10800557 +Q280856 P69 Q332342 +Q71018 P27 Q16957 +Q250954 P161 Q229029 +Q61280 P69 Q154804 +Q77350 P106 Q201788 +Q436769 P106 Q10800557 +Q303678 P495 Q30 +Q63224 P1412 Q188 +Q575444 P106 Q33999 +Q1753535 P101 Q12271 +Q1511 P106 Q3387717 +Q330014 P1412 Q1321 +Q445306 P463 Q463303 +Q126961 P106 Q214917 +Q257889 P1303 Q17172850 +Q235072 P19 Q65 +Q3104 P17 Q12548 +Q366057 P119 Q311 +Q45 P530 Q183 +Q1210022 P106 Q43845 +Q62656 P106 Q36180 +Q102289 P106 Q36180 +Q76128 P106 Q10798782 +Q2996474 P106 Q947873 +Q224 P463 Q1065 +Q92981 P551 Q771 +Q660237 P161 Q55796 +Q64417 P106 Q639669 +Q465594 P101 Q482 +Q33031 P108 Q240631 +Q234454 P451 Q194280 +Q90012 P19 Q1055 +Q435455 P106 Q10800557 +Q827047 P172 Q179248 +Q120342 P106 Q177220 +Q102551 P106 Q2259451 +Q68751 P69 Q152087 +Q104137 P161 Q48337 +Q189080 P106 Q488205 +Q179150 P102 Q29468 +Q191074 P136 Q130232 +Q71960 P161 Q730261 +Q733720 P106 Q1622272 +Q560390 P1412 Q9056 +Q269692 P106 Q3282637 +Q949 P108 Q457281 +Q27357 P20 Q2807 +Q310116 P140 Q432 +Q107724 P161 Q365044 +Q154270 P106 Q1930187 +Q154662 P106 Q82955 +Q312720 P69 Q49112 +Q365 P17 Q27306 +Q297736 P27 Q15180 +Q82110 P140 Q748 +Q232470 P106 Q177220 +Q152011 P161 Q78505 +Q347685 P106 Q333634 +Q239897 P106 Q37226 +Q1001254 P136 Q203720 +Q95252 P69 Q155354 +Q76600 P106 Q593644 +Q92804 P108 Q622664 +Q211513 P509 Q12206 +Q16 P530 Q232 +Q430852 P161 Q11637 +Q69397 P119 Q562211 +Q258 P530 Q219060 +Q6078 P106 Q3282637 +Q75059 P1412 Q150 +Q347428 P106 Q33999 +Q206922 P106 Q10800557 +Q182218 P136 Q188473 +Q185147 P136 Q105527 +Q4028 P108 Q21578 +Q313256 P106 Q10800557 +Q237639 P27 Q145 +Q60197 P1412 Q1860 +Q381420 P26 Q273315 +Q539897 P136 Q598929 +Q70997 P1412 Q1860 +Q375419 P106 Q2405480 +Q180665 P102 Q5020915 +Q800 P30 Q49 +Q455552 P57 Q446294 +Q2370801 P159 Q649 +Q11116 P69 Q49122 +Q963787 P106 Q177220 +Q163513 P108 Q1420239 +Q11100 P27 Q30 +Q149406 P136 Q52162262 +Q376335 P106 Q2526255 +Q165219 P19 Q11299 +Q72832 P172 Q49085 +Q5685 P737 Q504 +Q376807 P840 Q60 +Q169461 P106 Q10798782 +Q363490 P106 Q33999 +Q48093 P1412 Q7737 +Q78608 P69 Q349055 +Q858623 P106 Q5716684 +Q256286 P20 Q1352 +Q235503 P106 Q2259451 +Q465594 P27 Q30 +Q233362 P106 Q10800557 +Q164674 P106 Q214917 +Q4496 P106 Q82955 +Q444088 P69 Q174570 +Q106573 P27 Q142 +Q216013 P20 Q64 +Q151929 P20 Q994 +Q172183 P106 Q1622272 +Q390052 P136 Q52162262 +Q9204 P737 Q368519 +Q352730 P106 Q3282637 +Q39837 P106 Q4964182 +Q1289541 P20 Q18575 +Q450663 P106 Q36180 +Q357168 P19 Q26793 +Q228882 P27 Q30 +Q901070 P463 Q543804 +Q251984 P3373 Q201418 +Q109053 P27 Q30 +Q311244 P106 Q36834 +Q327546 P136 Q52162262 +Q264722 P161 Q238432 +Q55294 P27 Q145 +Q192410 P264 Q664167 +Q468523 P106 Q1930187 +Q1882472 P20 Q1439 +Q49828 P69 Q49114 +Q306 P27 Q298 +Q57475 P119 Q1497554 +Q2895 P37 Q9091 +Q2578559 P106 Q11063 +Q664 P37 Q1860 +Q302817 P106 Q43845 +Q434763 P106 Q10798782 +Q221098 P161 Q232047 +Q7294 P140 Q75809 +Q52447 P740 Q18432 +Q360243 P161 Q180272 +Q254962 P106 Q2526255 +Q989 P106 Q250867 +Q1290 P737 Q41568 +Q504743 P1412 Q7411 +Q5950 P106 Q488205 +Q102813 P106 Q33231 +Q58912 P106 Q33999 +Q76442 P106 Q49757 +Q155559 P136 Q52162262 +Q247733 P136 Q130232 +Q95710 P140 Q75809 +Q156942 P27 Q174193 +Q46132 P264 Q557632 +Q311271 P106 Q10798782 +Q981944 P27 Q794 +Q705529 P20 Q1022 +Q85426 P106 Q81096 +Q1255631 P131 Q84 +Q337555 P159 Q90 +Q183 P530 Q1000 +Q27411 P161 Q355133 +Q83643 P1412 Q7737 +Q119676 P172 Q49085 +Q325449 P106 Q13474373 +Q439314 P551 Q45 +Q208116 P106 Q36180 +Q975911 P264 Q183412 +Q1074038 P106 Q488205 +Q441825 P119 Q27426 +Q865275 P551 Q1055 +Q2673 P140 Q93191 +Q365484 P106 Q2405480 +Q61262 P27 Q183 +Q5679 P40 Q7259 +Q204132 P136 Q11399 +Q37610 P27 Q12560 +Q71631 P69 Q55044 +Q200883 P69 Q5171564 +Q157204 P106 Q1622272 +Q50003 P119 Q27426 +Q272944 P106 Q33999 +Q270303 P27 Q30 +Q461104 P119 Q118967 +Q1296812 P264 Q1465812 +Q102385 P136 Q850412 +Q221103 P135 Q377616 +Q81960 P1412 Q1860 +Q62656 P101 Q441 +Q299700 P1050 Q84263196 +Q429046 P106 Q753110 +Q464097 P136 Q11366 +Q76725 P106 Q333634 +Q155 P530 Q843 +Q465594 P19 Q60 +Q84618 P106 Q193391 +Q162667 P264 Q1392321 +Q89014 P106 Q36180 +Q229230 P140 Q9268 +Q300300 P264 Q183412 +Q981929 P1412 Q13955 +Q104137 P57 Q43203 +Q346285 P264 Q3415083 +Q3074304 P106 Q188094 +Q207380 P106 Q66711686 +Q1028 P530 Q96 +Q84455 P106 Q36180 +Q139927 P161 Q219373 +Q554422 P106 Q486748 +Q60131 P27 Q183 +Q391536 P551 Q18419 +Q298 P530 Q902 +Q231270 P551 Q65 +Q174908 P102 Q29552 +Q149127 P106 Q1930187 +Q236112 P264 Q2996526 +Q188388 P19 Q987 +Q74165 P102 Q49750 +Q213811 P27 Q30 +Q16 P530 Q902 +Q155 P530 Q974 +Q392 P106 Q2722764 +Q152785 P106 Q82955 +Q205707 P106 Q28389 +Q129831 P106 Q2259451 +Q419 P463 Q1065 +Q727705 P106 Q49757 +Q294372 P106 Q3282637 +Q373849 P136 Q2484376 +Q310106 P69 Q1377 +Q314926 P106 Q10732476 +Q1364884 P463 Q463303 +Q105962 P737 Q84233 +Q203840 P451 Q83492 +Q298025 P1412 Q1860 +Q262772 P106 Q855091 +Q188492 P106 Q10798782 +Q180665 P106 Q2259451 +Q373034 P106 Q10800557 +Q194287 P106 Q855091 +Q30937 P161 Q334885 +Q313581 P1412 Q7913 +Q379608 P106 Q639669 +Q76815 P27 Q183 +Q531287 P136 Q11399 +Q46602 P101 Q49084 +Q365042 P136 Q188539 +Q95548 P20 Q64 +Q7833 P106 Q177220 +Q12622 P1412 Q143 +Q272896 P106 Q10800557 +Q158629 P551 Q84 +Q168992 P264 Q183387 +Q34086 P106 Q4610556 +Q1927260 P101 Q184485 +Q54885 P106 Q177220 +Q84403 P27 Q183 +Q192165 P106 Q10800557 +Q60093 P463 Q543804 +Q211213 P106 Q488205 +Q707008 P106 Q33999 +Q231228 P27 Q30 +Q434466 P106 Q33999 +Q207458 P106 Q2259451 +Q30 P530 Q874 +Q163118 P106 Q49757 +Q223596 P840 Q39 +Q287960 P495 Q30 +Q248562 P161 Q367155 +Q229153 P106 Q10800557 +Q262886 P106 Q33999 +Q189694 P106 Q33999 +Q308681 P136 Q188473 +Q85982 P27 Q40 +Q6107 P551 Q23768 +Q259913 P106 Q10798782 +Q464232 P106 Q177220 +Q6096 P106 Q10798782 +Q122020 P1412 Q1860 +Q69366 P106 Q82955 +Q67725 P106 Q3455803 +Q83410 P106 Q18814623 +Q201751 P1412 Q1860 +Q465386 P1412 Q150 +Q35912 P69 Q49088 +Q61194 P19 Q1799 +Q1766736 P1412 Q1860 +Q81219 P106 Q36180 +Q219420 P463 Q463281 +Q14063 P641 Q2736 +Q463042 P106 Q10800557 +Q64988 P69 Q154804 +Q67903 P1412 Q188 +Q1903090 P106 Q33231 +Q161819 P264 Q183387 +Q191408 P135 Q9730 +Q64880 P106 Q753110 +Q201379 P161 Q432281 +Q237255 P1412 Q9027 +Q40874 P1412 Q1860 +Q192402 P136 Q37073 +Q256286 P1412 Q150 +Q205721 P1303 Q6607 +Q86407 P106 Q49757 +Q1159089 P106 Q36834 +Q274404 P1412 Q652 +Q388035 P106 Q10798782 +Q103949 P106 Q245068 +Q47480 P463 Q2370801 +Q238464 P106 Q36180 +Q376087 P1412 Q1860 +Q317142 P106 Q1930187 +Q681465 P27 Q183 +Q74745 P1412 Q188 +Q61064 P737 Q1511 +Q333892 P106 Q36180 +Q427386 P161 Q344655 +Q215949 P69 Q174570 +Q361677 P1303 Q11405 +Q89043 P106 Q82955 +Q43994 P101 Q1114448 +Q181425 P27 Q148 +Q2068521 P106 Q11774202 +Q235066 P27 Q30 +Q237053 P106 Q2405480 +Q170509 P737 Q9711 +Q179743 P840 Q779 +Q101638 P106 Q3579035 +Q42398 P463 Q1971373 +Q44839 P102 Q49766 +Q183297 P27 Q43 +Q163662 P106 Q3282637 +Q106235 P102 Q13124 +Q430278 P57 Q59215 +Q76686 P106 Q1622272 +Q11881 P102 Q29552 +Q235685 P106 Q639669 +Q9387 P19 Q1729 +Q452361 P106 Q2865819 +Q70142 P106 Q1622272 +Q105167 P20 Q5092 +Q464318 P106 Q82955 +Q330238 P1412 Q7737 +Q938402 P463 Q12759592 +Q350405 P106 Q33999 +Q14538 P106 Q177220 +Q366355 P69 Q503246 +Q192374 P106 Q155647 +Q68126 P106 Q380075 +Q87857 P106 Q36180 +Q660545 P136 Q8341 +Q1446475 P1412 Q1860 +Q245808 P69 Q797078 +Q2620784 P69 Q3428253 +Q153996 P136 Q484641 +Q362599 P19 Q38022 +Q400341 P27 Q34266 +Q695200 P106 Q4964182 +Q226525 P106 Q36180 +Q104000 P172 Q34069 +Q322465 P106 Q855091 +Q160263 P1412 Q9288 +Q589585 P1412 Q7913 +Q332462 P27 Q28513 +Q1934319 P69 Q151510 +Q55282 P106 Q36180 +Q188093 P463 Q463281 +Q240485 P1412 Q1860 +Q258846 P101 Q207628 +Q232301 P106 Q10798782 +Q151682 P495 Q142 +Q58062 P106 Q333634 +Q718368 P20 Q488004 +Q517273 P106 Q33999 +Q68312 P106 Q11900058 +Q41523 P106 Q4964182 +Q231194 P106 Q622807 +Q85636 P27 Q268970 +Q540516 P1303 Q6607 +Q305962 P106 Q36180 +Q928939 P19 Q46852 +Q507046 P20 Q79860 +Q62084 P108 Q152087 +Q427091 P57 Q55428 +Q1292738 P1412 Q150 +Q43 P463 Q1480793 +Q99596 P140 Q75809 +Q58777 P102 Q7320 +Q232462 P19 Q40435 +Q96941 P106 Q4853732 +Q11607 P106 Q219477 +Q64076 P106 Q47064 +Q28858 P20 Q64 +Q12696 P101 Q5891 +Q234581 P106 Q10800557 +Q237112 P106 Q36180 +Q171711 P161 Q244674 +Q369174 P106 Q33999 +Q322206 P161 Q4465 +Q333402 P27 Q36 +Q76959 P119 Q562211 +Q184622 P106 Q2526255 +Q249107 P106 Q177220 +Q78639 P106 Q3387717 +Q352203 P19 Q47164 +Q187199 P463 Q270794 +Q632532 P161 Q4227 +Q192912 P1412 Q1860 +Q123476 P106 Q2259451 +Q4293328 P27 Q15180 +Q268322 P106 Q49757 +Q244674 P551 Q84 +Q502896 P106 Q639669 +Q32927 P136 Q37073 +Q202548 P136 Q21401869 +Q205321 P161 Q275543 +Q179497 P69 Q797078 +Q83656 P136 Q645928 +Q1382863 P27 Q30 +Q77234 P1412 Q188 +Q97644 P19 Q2910 +Q254 P136 Q1344 +Q55 P530 Q219 +Q44467 P106 Q4610556 +Q2061371 P106 Q81096 +Q337658 P136 Q186424 +Q948561 P106 Q82594 +Q108560 P106 Q1198887 +Q1941315 P106 Q82955 +Q107226 P495 Q145 +Q358455 P102 Q29552 +Q691973 P27 Q38 +Q362332 P106 Q2526255 +Q45394 P136 Q853630 +Q432929 P106 Q82594 +Q279648 P106 Q4263842 +Q215949 P463 Q219989 +Q165534 P19 Q641 +Q167696 P106 Q488205 +Q299723 P106 Q15978655 +Q1032 P530 Q865 +Q139933 P106 Q1476215 +Q310773 P1412 Q1617 +Q645362 P106 Q1930187 +Q179682 P463 Q18233 +Q241398 P106 Q6625963 +Q97644 P106 Q1622272 +Q1783775 P106 Q183945 +Q1435910 P136 Q11401 +Q77210 P20 Q56037 +Q193111 P1050 Q131755 +Q216692 P69 Q186285 +Q1906150 P509 Q12078 +Q155375 P108 Q193196 +Q301083 P161 Q311271 +Q38 P463 Q340195 +Q360 P106 Q5482740 +Q274764 P106 Q193391 +Q174371 P495 Q30 +Q229983 P106 Q10798782 +Q228789 P1412 Q1860 +Q92066 P463 Q459620 +Q1371735 P106 Q639669 +Q131366 P136 Q263734 +Q400 P106 Q131524 +Q123174 P136 Q316930 +Q174438 P140 Q682443 +Q442830 P106 Q3282637 +Q71640 P19 Q56037 +Q858 P463 Q233611 +Q449140 P106 Q177220 +Q84998 P27 Q183 +Q1373347 P106 Q855091 +Q1816925 P106 Q177220 +Q408 P530 Q229 +Q270303 P106 Q488205 +Q435532 P1412 Q1860 +Q78639 P106 Q2259451 +Q24980 P57 Q25078 +Q18553 P27 Q16 +Q86419 P119 Q68752772 +Q1739226 P106 Q28389 +Q4960 P106 Q578109 +Q35610 P106 Q6625963 +Q73892 P69 Q152171 +Q243267 P1412 Q809 +Q55264 P509 Q3242950 +Q382036 P69 Q681025 +Q952491 P106 Q36834 +Q215860 P106 Q482980 +Q236842 P27 Q30 +Q61262 P106 Q13570226 +Q44517 P119 Q240744 +Q104123 P161 Q164534 +Q587873 P106 Q1930187 +Q17714 P106 Q11063 +Q166010 P20 Q1297 +Q311970 P1303 Q6607 +Q264914 P69 Q174710 +Q1337067 P106 Q1930187 +Q80137 P106 Q49757 +Q60126 P69 Q20266330 +Q95951 P106 Q33999 +Q216004 P106 Q627325 +Q34628 P106 Q36180 +Q128633 P106 Q18939491 +Q204323 P136 Q11399 +Q76197 P20 Q2973 +Q134798 P106 Q11774202 +Q316844 P27 Q30 +Q1017 P17 Q151624 +Q181819 P106 Q10800557 +Q1626134 P136 Q130232 +Q7013 P136 Q842324 +Q333106 P27 Q142 +Q51511 P27 Q16 +Q73432 P27 Q183 +Q167546 P1412 Q652 +Q183094 P69 Q160302 +Q160499 P27 Q142 +Q71499 P106 Q39631 +Q44646 P106 Q28389 +Q153700 P20 Q2044 +Q311684 P101 Q1569495 +Q67438 P19 Q1729 +Q67941 P20 Q586 +Q321378 P106 Q1930187 +Q59567 P161 Q106573 +Q386291 P161 Q174908 +Q75174 P106 Q82955 +Q234579 P106 Q11774202 +Q312077 P106 Q10798782 +Q909 P136 Q49084 +Q1281772 P106 Q639669 +Q214953 P1412 Q150 +Q769 P530 Q754 +Q266368 P106 Q36180 +Q446586 P27 Q30 +Q93349 P27 Q30 +Q20749396 P106 Q2707485 +Q102403 P106 Q4964182 +Q962 P530 Q148 +Q34391 P106 Q1607826 +Q465000 P1412 Q1860 +Q182212 P161 Q306403 +Q431802 P106 Q1930187 +Q63556 P19 Q1085 +Q59824 P1412 Q1860 +Q241115 P19 Q64 +Q869 P463 Q842490 +Q296609 P106 Q17125263 +Q356217 P106 Q1930187 +Q77031 P463 Q459620 +Q228739 P27 Q30 +Q865 P30 Q48 +Q213675 P106 Q1622272 +Q357676 P1412 Q1860 +Q168728 P509 Q14467705 +Q153034 P1412 Q150 +Q116462 P20 Q60 +Q7563919 P106 Q593644 +Q20145 P1303 Q31561 +Q85417 P108 Q152087 +Q15975 P106 Q2306091 +Q57382 P106 Q11774202 +Q186264 P69 Q2994538 +Q229325 P27 Q30 +Q5354 P463 Q270794 +Q60247 P20 Q1733 +Q393407 P106 Q36180 +Q369174 P106 Q639669 +Q205532 P136 Q130232 +Q194696 P161 Q152542 +Q316022 P172 Q115026 +Q324366 P106 Q488205 +Q48502 P27 Q7318 +Q878 P530 Q148 +Q3550828 P106 Q6430706 +Q274274 P136 Q11399 +Q314926 P106 Q1930187 +Q526107 P463 Q277551 +Q324366 P3373 Q457306 +Q201819 P136 Q188473 +Q364582 P106 Q1930187 +Q291314 P69 Q653693 +Q78371 P463 Q684415 +Q312870 P509 Q12152 +Q360046 P106 Q10798782 +Q507845 P106 Q183945 +Q10490 P106 Q10349745 +Q33977 P106 Q901402 +Q318198 P1412 Q9027 +Q143172 P20 Q33935 +Q264867 P1303 Q17172850 +Q90195 P106 Q36180 +Q345446 P106 Q486748 +Q309980 P106 Q2259451 +Q236343 P1412 Q1860 +Q171711 P161 Q16345 +Q657 P530 Q30 +Q318792 P172 Q49085 +Q887903 P106 Q333634 +Q161877 P27 Q30 +Q77317 P106 Q28389 +Q933892 P19 Q1345 +Q4184336 P101 Q309 +Q560649 P20 Q727 +Q145627 P27 Q30 +Q1391164 P1412 Q13955 +Q220192 P161 Q167520 +Q233377 P106 Q4610556 +Q72916 P20 Q1718 +Q202589 P106 Q578109 +Q1064 P119 Q608405 +Q435532 P20 Q1337818 +Q442931 P106 Q18844224 +Q355835 P26 Q270005 +Q118760 P463 Q2043519 +Q111164 P106 Q2526255 +Q44461 P106 Q11774202 +Q239355 P1412 Q1321 +Q233541 P136 Q37073 +Q40362 P463 Q7159 +Q330059 P108 Q9531 +Q123823 P106 Q33231 +Q299100 P106 Q82955 +Q55218 P106 Q12144794 +Q296287 P108 Q599316 +Q340016 P106 Q10800557 +Q387958 P57 Q64645 +Q322179 P26 Q229232 +Q4451656 P27 Q15180 +Q366091 P509 Q47912 +Q316884 P106 Q49757 +Q152298 P106 Q36180 +Q945301 P108 Q185246 +Q142751 P161 Q68654 +Q457338 P106 Q1930187 +Q1070572 P106 Q822146 +Q1820469 P106 Q158852 +Q331 P106 Q193391 +Q587873 P106 Q15627169 +Q235931 P509 Q12136 +Q120664 P106 Q4773904 +Q196685 P840 Q34404 +Q228512 P136 Q131578 +Q352030 P106 Q3387717 +Q1261353 P1303 Q17172850 +Q981856 P136 Q483251 +Q123454 P27 Q39 +Q267914 P106 Q10798782 +Q234630 P27 Q30 +Q69894 P20 Q1017 +Q220480 P69 Q1068752 +Q16403 P161 Q8016 +Q598344 P102 Q29468 +Q435878 P27 Q30 +Q435857 P1303 Q17172850 +Q161687 P161 Q214223 +Q168109 P106 Q3658608 +Q938475 P106 Q1642960 +Q94701 P463 Q253439 +Q317427 P106 Q49757 +Q106440 P161 Q232860 +Q145173 P509 Q12078 +Q2086086 P106 Q177220 +Q92906 P106 Q82594 +Q715404 P136 Q11366 +Q190162 P106 Q2405480 +Q70130 P106 Q2405480 +Q7604 P551 Q78 +Q230473 P19 Q100 +Q309014 P161 Q302650 +Q7301731 P27 Q16 +Q262 P530 Q219060 +Q91137 P106 Q482980 +Q85914 P108 Q309988 +Q92830 P106 Q4964182 +Q234795 P20 Q65 +Q384979 P27 Q794 +Q605129 P19 Q786 +Q163225 P1412 Q652 +Q184750 P1412 Q9301 +Q7416 P106 Q40348 +Q288173 P161 Q432281 +Q317311 P161 Q106529 +Q319799 P106 Q33999 +Q167546 P1303 Q17172850 +Q52433 P101 Q35760 +Q61453 P106 Q169470 +Q159063 P840 Q38 +Q78706 P20 Q90 +Q730082 P106 Q1622272 +Q382036 P69 Q3098911 +Q62910 P106 Q82594 +Q271731 P106 Q333634 +Q219776 P840 Q1384 +Q362749 P27 Q34 +Q45272 P106 Q482980 +Q2449206 P3373 Q53570396 +Q273233 P69 Q1149089 +Q382408 P495 Q38 +Q5482339 P1412 Q1860 +Q312833 P106 Q2095549 +Q213736 P106 Q753110 +Q878 P530 Q928 +Q956533 P19 Q60 +Q401963 P26 Q264748 +Q690474 P264 Q2034661 +Q14278 P27 Q174193 +Q1350527 P1303 Q46185 +Q256054 P27 Q174193 +Q72971 P551 Q24879 +Q984481 P106 Q188094 +Q73132 P106 Q19723482 +Q539791 P69 Q739627 +Q190643 P161 Q182763 +Q519838 P27 Q30 +Q333118 P106 Q82955 +Q68543 P106 Q12800682 +Q313411 P19 Q60 +Q92432 P69 Q153987 +Q84186 P106 Q4773904 +Q18233 P495 Q34 +Q232514 P106 Q4610556 +Q11116 P108 Q49088 +Q310150 P641 Q5372 +Q40909 P1412 Q1860 +Q73651 P161 Q342788 +Q374263 P172 Q7325 +Q1789286 P106 Q36180 +Q186485 P106 Q947873 +Q78931 P140 Q55004488 +Q66023 P106 Q1622272 +Q152738 P27 Q15180 +Q316568 P27 Q30 +Q134575 P27 Q884 +Q106812 P106 Q14972848 +Q1397191 P106 Q177220 +Q251287 P119 Q816 +Q156815 P1303 Q17172850 +Q125904 P27 Q30 +Q254431 P106 Q10798782 +Q13005 P106 Q82955 +Q44461 P106 Q864503 +Q239464 P1303 Q17172850 +Q256809 P1303 Q17172850 +Q217388 P106 Q28389 +Q4628 P530 Q458 +Q229 P530 Q399 +Q311145 P737 Q692 +Q14678 P20 Q744948 +Q106275 P106 Q5716684 +Q12706 P172 Q49542 +Q223875 P1303 Q6607 +Q4074458 P3373 Q4074457 +Q78524 P27 Q28513 +Q896136 P20 Q1726 +Q11237 P106 Q43845 +Q43689 P2348 Q2277 +Q712914 P1303 Q17172850 +Q863514 P1412 Q150 +Q949184 P106 Q81096 +Q273614 P106 Q488205 +Q273502 P69 Q245247 +Q990890 P119 Q1302545 +Q1189327 P2348 Q6939 +Q540544 P69 Q432637 +Q310582 P106 Q33999 +Q1239278 P136 Q8341 +Q47900 P106 Q3242115 +Q91845 P27 Q41304 +Q103835 P108 Q206702 +Q282002 P136 Q37073 +Q446427 P69 Q559549 +Q76772 P27 Q41304 +Q131433 P106 Q753110 +Q45789 P1412 Q9610 +Q310170 P136 Q131272 +Q369957 P27 Q40 +Q178709 P108 Q691851 +Q460323 P106 Q4853732 +Q92926 P106 Q81096 +Q1000 P463 Q134102 +Q57603 P69 Q318186 +Q981785 P1303 Q17172850 +Q644917 P119 Q1624932 +Q905323 P106 Q6625963 +Q354783 P108 Q1256981 +Q67438 P136 Q37073 +Q163899 P136 Q157394 +Q981785 P106 Q639669 +Q269830 P106 Q10798782 +Q560818 P463 Q270794 +Q110872 P140 Q75809 +Q234104 P27 Q30 +Q96923 P106 Q177220 +Q71821 P463 Q414188 +Q83297 P463 Q463303 +Q151796 P551 Q33935 +Q600635 P1303 Q17172850 +Q92743 P69 Q41506 +Q96843 P27 Q1206012 +Q18066 P27 Q159 +Q669685 P106 Q49757 +Q123516 P27 Q750 +Q345538 P106 Q10732476 +Q11928 P161 Q285460 +Q1236051 P463 Q1322403 +Q82278 P1412 Q1860 +Q224159 P106 Q3387717 +Q5749 P737 Q1541 +Q187033 P106 Q33999 +Q93356 P463 Q1468277 +Q66936 P20 Q64 +Q254552 P106 Q10800557 +Q124287 P20 Q72 +Q310367 P106 Q10800557 +Q76364 P140 Q5043 +Q935369 P264 Q843402 +Q60029 P1412 Q188 +Q1741 P131 Q40 +Q26419 P69 Q192088 +Q77734 P69 Q569350 +Q83059 P463 Q463281 +Q31 P530 Q230 +Q265 P463 Q842490 +Q114605 P27 Q213 +Q596925 P19 Q84 +Q8863 P551 Q64 +Q243771 P551 Q90 +Q22955657 P3373 Q4218975 +Q393407 P27 Q215 +Q597694 P463 Q161806 +Q1007 P530 Q148 +Q385309 P161 Q437039 +Q1124 P106 Q36180 +Q229940 P27 Q30 +Q275120 P161 Q223117 +Q156942 P463 Q191583 +Q186709 P106 Q4964182 +Q1476652 P136 Q43343 +Q107432 P140 Q9089 +Q255335 P106 Q10800557 +Q348649 P551 Q1138378 +Q83484 P27 Q96 +Q126481 P19 Q157246 +Q192885 P69 Q27923720 +Q208546 P106 Q1350157 +Q7833 P1303 Q17172850 +Q261465 P106 Q1930187 +Q676562 P1412 Q150 +Q114076 P161 Q342430 +Q151936 P106 Q36180 +Q193815 P136 Q183504 +Q185375 P106 Q4964182 +Q663858 P19 Q49218 +Q317142 P106 Q49757 +Q168896 P27 Q211274 +Q134644 P172 Q160894 +Q182725 P27 Q30 +Q61585 P119 Q190494 +Q314343 P106 Q855091 +Q138005 P106 Q3282637 +Q237405 P106 Q2705098 +Q44540 P106 Q49757 +Q76755 P106 Q1930187 +Q85636 P27 Q518101 +Q193111 P140 Q75809 +Q471751 P19 Q55630 +Q471443 P1050 Q12204 +Q153185 P108 Q273626 +Q441940 P136 Q9730 +Q324588 P136 Q7749 +Q113099 P27 Q183 +Q431660 P136 Q471839 +Q188386 P106 Q380075 +Q1345514 P1303 Q6607 +Q233736 P1303 Q8355 +Q371925 P20 Q220 +Q84207 P106 Q36180 +Q540803 P106 Q10800557 +Q9387 P26 Q66916 +Q15462 P69 Q1341516 +Q76149 P19 Q1726 +Q237994 P101 Q482 +Q506915 P106 Q36834 +Q129006 P119 Q5933 +Q709790 P463 Q463303 +Q573405 P19 Q38 +Q733174 P106 Q1930187 +Q318312 P106 Q10800557 +Q215721 P106 Q10798782 +Q468067 P106 Q1350157 +Q125095 P108 Q153987 +Q596717 P106 Q806349 +Q348571 P106 Q177220 +Q174559 P161 Q436784 +Q104865 P106 Q730242 +Q217787 P264 Q1273666 +Q160270 P19 Q84 +Q11820 P102 Q29552 +Q115483 P463 Q812155 +Q278053 P136 Q2975633 +Q155 P463 Q340195 +Q647445 P106 Q1930187 +Q215708 P106 Q1415090 +Q331497 P108 Q161562 +Q117249 P264 Q212699 +Q666875 P106 Q205375 +Q230647 P106 Q33999 +Q272943 P19 Q18419 +Q324239 P136 Q860626 +Q9916 P69 Q9219 +Q935369 P136 Q186472 +Q867257 P106 Q10800557 +Q223374 P161 Q108510 +Q229379 P106 Q10798782 +Q934722 P20 Q34006 +Q250995 P161 Q48280 +Q437289 P106 Q1622272 +Q368421 P161 Q272977 +Q228584 P106 Q11774156 +Q273981 P101 Q207628 +Q100937 P106 Q3282637 +Q441067 P27 Q30 +Q189869 P106 Q36180 +Q65013 P102 Q79854 +Q1290210 P27 Q29 +Q123283 P101 Q39631 +Q2929654 P69 Q273593 +Q111182 P27 Q16 +Q32257 P101 Q11190 +Q58866 P27 Q41304 +Q295817 P106 Q183945 +Q456467 P161 Q109232 +Q155 P530 Q219060 +Q39803 P135 Q147516 +Q444788 P119 Q1624932 +Q1757 P37 Q1412 +Q1377218 P106 Q639669 +Q303 P1303 Q17172850 +Q356719 P69 Q471980 +Q905267 P19 Q90 +Q337722 P1303 Q5994 +Q570913 P172 Q127885 +Q58057 P20 Q56037 +Q107432 P136 Q105513 +Q132537 P108 Q161562 +Q505957 P509 Q220570 +Q267265 P106 Q488205 +Q298347 P106 Q33999 +Q973488 P1303 Q17172850 +Q699950 P463 Q1132636 +Q861227 P106 Q3282637 +Q380079 P106 Q1622272 +Q356375 P106 Q81096 +Q106834 P1412 Q150 +Q23559 P451 Q261041 +Q93147 P463 Q40358 +Q322915 P106 Q183945 +Q553196 P106 Q82955 +Q4039 P106 Q33999 +Q356129 P106 Q2259451 +Q36268 P106 Q177220 +Q260918 P27 Q30 +Q45386 P57 Q358322 +Q921 P37 Q1860 +Q470572 P161 Q315090 +Q924 P530 Q35 +Q202770 P19 Q656 +Q188783 P106 Q189290 +Q317228 P551 Q485716 +Q76959 P108 Q153978 +Q463101 P161 Q49001 +Q2643 P264 Q193023 +Q193815 P106 Q33999 +Q269526 P136 Q37073 +Q44855 P106 Q753110 +Q208909 P159 Q183 +Q971 P530 Q974 +Q27610 P108 Q661916 +Q239845 P26 Q383420 +Q83501 P106 Q1622272 +Q78608 P106 Q593644 +Q691471 P27 Q15180 +Q1265657 P106 Q13582652 +Q155 P463 Q7825 +Q57074 P101 Q482 +Q23530 P106 Q43845 +Q212 P530 Q214 +Q958206 P106 Q33999 +Q71018 P27 Q183 +Q76876 P140 Q55004488 +Q76895 P106 Q33999 +Q35385 P136 Q37073 +Q108733 P1412 Q188 +Q744689 P27 Q30 +Q49615 P106 Q82955 +Q1391820 P264 Q231694 +Q231811 P106 Q36180 +Q7243 P737 Q991 +Q189950 P69 Q151510 +Q380981 P161 Q37079 +Q66916 P106 Q2135538 +Q221289 P136 Q848399 +Q61199 P106 Q36180 +Q203533 P106 Q28389 +Q433039 P136 Q850412 +Q60128 P136 Q156035 +Q121655 P264 Q202585 +Q213053 P161 Q100440 +Q51525 P106 Q33999 +Q58040 P106 Q2306091 +Q76892 P106 Q4964182 +Q440102 P106 Q36180 +Q77204 P27 Q38872 +Q481482 P106 Q482980 +Q1341612 P136 Q8341 +Q207698 P495 Q145 +Q1159089 P106 Q639669 +Q116548 P101 Q34178 +Q34190 P106 Q1209498 +Q113570 P106 Q36180 +Q171453 P161 Q244234 +Q178100 P19 Q1761 +Q44767 P1412 Q1860 +Q783 P463 Q17495 +Q156058 P106 Q36180 +Q214911 P106 Q49757 +Q228943 P106 Q4610556 +Q92128 P119 Q176298 +Q1209649 P106 Q10798782 +Q113997 P106 Q2259451 +Q434003 P106 Q33999 +Q318267 P106 Q2526255 +Q189015 P106 Q486748 +Q408 P463 Q170481 +Q62938 P27 Q12548 +Q711406 P264 Q38903 +Q535355 P27 Q191077 +Q311750 P69 Q1033692 +Q205303 P101 Q132151 +Q217552 P161 Q233237 +Q235002 P106 Q10798782 +Q1032 P463 Q134102 +Q836 P463 Q191384 +Q231530 P106 Q639669 +Q107270 P161 Q29250 +Q493333 P19 Q16567 +Q267526 P840 Q8646 +Q194280 P140 Q7066 +Q161841 P106 Q2468727 +Q44331 P20 Q1741 +Q359031 P106 Q3282637 +Q463692 P106 Q2526255 +Q187662 P27 Q17 +Q65475 P106 Q2374149 +Q896193 P509 Q12152 +Q172261 P140 Q7066 +Q115525 P108 Q503473 +Q299122 P106 Q753110 +Q445392 P106 Q81096 +Q817353 P106 Q28389 +Q42869 P106 Q33999 +Q367489 P19 Q490 +Q392 P463 Q463303 +Q5284 P106 Q12362622 +Q651763 P108 Q1044328 +Q945633 P106 Q158852 +Q43408 P136 Q28026639 +Q235931 P1303 Q6607 +Q184169 P106 Q1622272 +Q232104 P106 Q10798782 +Q84346 P69 Q157575 +Q314110 P106 Q14467526 +Q733 P463 Q376150 +Q193048 P106 Q1053574 +Q5348 P172 Q127885 +Q450663 P1412 Q1860 +Q359665 P106 Q28389 +Q177993 P106 Q33231 +Q25948 P106 Q158852 +Q124869 P1412 Q150 +Q865 P530 Q43 +Q66002 P19 Q1711 +Q535812 P106 Q1930187 +Q363490 P106 Q10800557 +Q266335 P106 Q33999 +Q381883 P106 Q177220 +Q44653 P19 Q4093 +Q271731 P106 Q36180 +Q106209 P19 Q64 +Q232260 P551 Q84 +Q268181 P106 Q11774202 +Q64862 P106 Q36180 +Q506198 P106 Q10800557 +Q47296 P161 Q39972 +Q4491 P106 Q10800557 +Q322586 P119 Q812 +Q525180 P106 Q2500638 +Q143286 P106 Q5716684 +Q232495 P69 Q503419 +Q3173947 P69 Q273626 +Q344537 P57 Q232470 +Q14277 P551 Q21 +Q434821 P20 Q1741 +Q1364820 P69 Q659706 +Q17279884 P27 Q172579 +Q90709 P27 Q183 +Q77082 P108 Q165980 +Q263518 P106 Q855091 +Q542101 P136 Q186472 +Q444509 P27 Q38 +Q129542 P106 Q1622272 +Q587852 P1303 Q17172850 +Q120342 P106 Q13590141 +Q183074 P106 Q214917 +Q103527 P20 Q1055 +Q440932 P140 Q9592 +Q532279 P69 Q4614 +Q184404 P1303 Q47369 +Q562178 P19 Q2868 +Q312901 P1412 Q1860 +Q209004 P106 Q1930187 +Q847345 P136 Q182357 +Q159475 P106 Q33999 +Q116928 P840 Q38 +Q95370 P1412 Q188 +Q541922 P106 Q1231865 +Q241316 P463 Q879171 +Q16455 P106 Q10800557 +Q47162 P172 Q121842 +Q214324 P1412 Q1860 +Q314158 P1412 Q1860 +Q2568971 P102 Q108700 +Q46633 P119 Q1574424 +Q326823 P106 Q2306091 +Q5443 P509 Q12192 +Q75381 P27 Q16957 +Q318475 P106 Q177220 +Q337063 P69 Q49108 +Q700018 P106 Q1930187 +Q243983 P161 Q105682 +Q313739 P509 Q193840 +Q167696 P1303 Q5994 +Q191020 P106 Q188094 +Q295537 P106 Q82955 +Q50012 P1412 Q150 +Q44248 P106 Q333634 +Q62831 P102 Q694714 +Q242889 P19 Q1345 +Q246374 P106 Q1930187 +Q246970 P106 Q4610556 +Q70795 P108 Q204181 +Q1891483 P27 Q38 +Q206374 P840 Q65 +Q77492 P106 Q82955 +Q311193 P106 Q1075651 +Q178275 P495 Q30 +Q312129 P106 Q2526255 +Q2833 P17 Q2415901 +Q312628 P509 Q12192 +Q273876 P106 Q2259451 +Q265058 P131 Q1781 +Q216148 P106 Q589298 +Q438164 P106 Q6625963 +Q520296 P106 Q488205 +Q452116 P106 Q4964182 +Q557382 P27 Q34 +Q132430 P106 Q10798782 +Q447121 P106 Q1930187 +Q41513 P106 Q1234713 +Q107769 P106 Q33999 +Q76546 P106 Q28389 +Q329807 P69 Q503419 +Q214 P463 Q842490 +Q164824 P463 Q188771 +Q1004670 P106 Q1930187 +Q151593 P463 Q15646111 +Q299073 P106 Q177220 +Q95030 P451 Q230023 +Q101383 P20 Q2119 +Q2986943 P102 Q9630 +Q221289 P264 Q557632 +Q59824 P69 Q705737 +Q131333 P1412 Q1860 +Q295420 P463 Q463303 +Q316641 P1412 Q1860 +Q1022 P463 Q747279 +Q126462 P106 Q131524 +Q1044657 P19 Q60 +Q171905 P106 Q36180 +Q62565 P463 Q123885 +Q272064 P136 Q188473 +Q289805 P106 Q593644 +Q92848 P106 Q81096 +Q469164 P27 Q38 +Q2079 P17 Q41304 +Q699456 P106 Q42973 +Q109767 P161 Q23858 +Q1623549 P20 Q484678 +Q159690 P136 Q2484376 +Q87910 P27 Q713750 +Q204205 P509 Q29496 +Q9457 P140 Q432 +Q153159 P106 Q13424456 +Q355374 P106 Q639669 +Q267217 P26 Q358322 +Q62676 P106 Q2259451 +Q355209 P102 Q29552 +Q34851 P140 Q1069127 +Q505850 P106 Q28389 +Q335552 P27 Q30 +Q433471 P106 Q3391743 +Q18800 P69 Q41506 +Q302675 P106 Q28389 +Q103835 P69 Q55044 +Q439315 P106 Q639669 +Q2260923 P69 Q838330 +Q95951 P119 Q564922 +Q78503 P551 Q1726 +Q3048 P106 Q36180 +Q388319 P136 Q471839 +Q453602 P106 Q2259451 +Q67815 P106 Q49757 +Q125017 P27 Q30 +Q229606 P27 Q229 +Q172684 P106 Q9149093 +Q356115 P19 Q64 +Q822 P530 Q142 +Q229908 P27 Q30 +Q64970 P106 Q82955 +Q124617 P463 Q842008 +Q64180 P108 Q156737 +Q81960 P135 Q37068 +Q57281 P108 Q152171 +Q85034 P106 Q333634 +Q107226 P136 Q188473 +Q75177 P27 Q713750 +Q465702 P27 Q30 +Q312582 P106 Q639669 +Q34086 P1303 Q5994 +Q314805 P106 Q2405480 +Q215282 P140 Q75809 +Q2576206 P136 Q37073 +Q46096 P108 Q312578 +Q649667 P140 Q7066 +Q260011 P551 Q3130 +Q108009 P69 Q657167 +Q265726 P106 Q4610556 +Q63556 P1303 Q5994 +Q363254 P27 Q172579 +Q138559 P106 Q82955 +Q92066 P102 Q7320 +Q1349284 P106 Q10800557 +Q154356 P463 Q901677 +Q278550 P136 Q130232 +Q64509 P106 Q1622272 +Q1387593 P463 Q191583 +Q2632 P264 Q1273666 +Q187414 P136 Q188473 +Q234551 P1303 Q17172850 +Q16 P463 Q376150 +Q206886 P161 Q313516 +Q366012 P106 Q2865819 +Q217619 P106 Q4263842 +Q40531 P451 Q4612 +Q366012 P106 Q2526255 +Q210172 P3373 Q648359 +Q97423 P27 Q183 +Q6701 P140 Q9592 +Q228611 P26 Q260969 +Q51552 P1412 Q1860 +Q1200053 P108 Q13371 +Q61682 P509 Q12136 +Q1366840 P136 Q58339 +Q176351 P108 Q49115 +Q221289 P106 Q36834 +Q155 P530 Q403 +Q381799 P106 Q9017214 +Q155545 P27 Q142 +Q2415122 P106 Q33999 +Q2902064 P27 Q801 +Q82519 P495 Q30 +Q170515 P106 Q15980158 +Q1804720 P106 Q43845 +Q484523 P106 Q855091 +Q41223 P106 Q36180 +Q391562 P106 Q82955 +Q106769 P27 Q16957 +Q316556 P106 Q14467526 +Q63695 P106 Q188094 +Q162005 P106 Q10732476 +Q131390 P495 Q30 +Q63815 P27 Q43287 +Q239131 P106 Q36180 +Q263621 P106 Q28389 +Q84217 P27 Q159 +Q11930 P106 Q177220 +Q96155 P106 Q36180 +Q717 P530 Q241 +Q742825 P27 Q30 +Q39658 P463 Q191583 +Q358345 P106 Q6625963 +Q61322 P27 Q39 +Q57149 P463 Q150793 +Q97723 P102 Q310296 +Q233289 P106 Q1930187 +Q27 P530 Q38 +Q123273 P69 Q1247373 +Q60141 P101 Q1071 +Q188375 P69 Q49210 +Q272944 P106 Q10800557 +Q18967 P161 Q302491 +Q155 P530 Q17 +Q116309 P106 Q4773904 +Q63026 P161 Q208590 +Q225089 P106 Q6625963 +Q282041 P840 Q5083 +Q88150 P102 Q49750 +Q426393 P161 Q318249 +Q48184 P69 Q847099 +Q3052333 P106 Q205375 +Q232449 P140 Q1841 +Q159 P530 Q184 +Q286410 P1412 Q1860 +Q1067000 P106 Q753110 +Q40071 P161 Q483118 +Q65337 P106 Q4263842 +Q85788 P102 Q49750 +Q292081 P106 Q33999 +Q2822225 P159 Q62 +Q6096 P106 Q488205 +Q12957 P20 Q90 +Q368636 P1303 Q6607 +Q76517 P106 Q36180 +Q106611 P1412 Q1321 +Q567529 P1412 Q150 +Q5685 P140 Q7066 +Q263518 P106 Q639669 +Q67637 P1412 Q188 +Q361626 P106 Q81096 +Q470101 P20 Q90 +Q258846 P106 Q36834 +Q191084 P1412 Q1860 +Q154723 P19 Q1741 +Q942923 P19 Q60 +Q3731533 P106 Q43845 +Q242949 P106 Q28389 +Q235121 P101 Q482 +Q158398 P840 Q61 +Q435060 P106 Q183945 +Q611927 P69 Q820887 +Q128121 P106 Q177220 +Q213793 P106 Q753110 +Q63962 P106 Q1622272 +Q216341 P106 Q10800557 +Q8873 P106 Q222344 +Q49001 P106 Q245068 +Q233439 P106 Q33999 +Q106371 P106 Q1622272 +Q183 P530 Q851 +Q2255438 P1412 Q1860 +Q10959 P108 Q49117 +Q1373546 P27 Q142 +Q83172 P131 Q649 +Q60465 P20 Q1726 +Q102570 P106 Q2135538 +Q388268 P27 Q142 +Q301136 P27 Q172579 +Q350690 P136 Q21590660 +Q374812 P69 Q55038 +Q12688 P1412 Q150 +Q121850 P101 Q5891 +Q215856 P69 Q151510 +Q319523 P101 Q578109 +Q544387 P1303 Q17172850 +Q448727 P27 Q30 +Q2161 P106 Q201788 +Q155547 P106 Q4964182 +Q25320 P1412 Q188 +Q724883 P106 Q170790 +Q337185 P106 Q10800557 +Q311755 P106 Q36180 +Q58198 P140 Q483654 +Q48978 P136 Q851213 +Q380667 P161 Q193048 +Q1772432 P69 Q248970 +Q461447 P161 Q93187 +Q265202 P1303 Q17172850 +Q1867 P37 Q7850 +Q309980 P69 Q1247373 +Q78514 P106 Q214917 +Q350581 P740 Q60 +Q16 P530 Q36 +Q115483 P20 Q72 +Q110916 P106 Q81096 +Q253697 P264 Q732503 +Q843 P530 Q159583 +Q211731 P20 Q127856 +Q314646 P106 Q10798782 +Q107067 P27 Q668 +Q187199 P463 Q265058 +Q118066 P19 Q72 +Q15001 P106 Q36180 +Q60644 P1412 Q188 +Q77031 P463 Q15646111 +Q295589 P106 Q28389 +Q953153 P106 Q2722764 +Q504006 P106 Q201788 +Q61585 P102 Q49750 +Q219842 P1412 Q150 +Q1173317 P264 Q183387 +Q14320 P136 Q846544 +Q91371 P27 Q183 +Q84851 P463 Q459620 +Q424 P463 Q7809 +Q78931 P106 Q82955 +Q44662 P161 Q287977 +Q44437 P27 Q30 +Q217557 P463 Q463281 +Q298908 P20 Q65 +Q74875 P106 Q774306 +Q28170 P106 Q36180 +Q450663 P106 Q4964182 +Q327713 P161 Q232786 +Q266670 P264 Q1328605 +Q29008 P27 Q7318 +Q332032 P264 Q2338889 +Q157242 P106 Q2919046 +Q351670 P27 Q142 +Q379580 P509 Q12192 +Q1340677 P108 Q217365 +Q3487499 P840 Q60 +Q233092 P106 Q36180 +Q222832 P106 Q33999 +Q1809563 P1303 Q51290 +Q232479 P136 Q37073 +Q786 P530 Q183 +Q276181 P106 Q639669 +Q28196 P136 Q1341051 +Q558582 P106 Q486748 +Q318509 P27 Q30 +Q1308212 P106 Q639669 +Q522856 P106 Q488205 +Q403 P530 Q794 +Q242300 P106 Q3501317 +Q171530 P106 Q55960555 +Q105460 P106 Q753110 +Q76215 P1412 Q188 +Q214548 P106 Q177220 +Q1973537 P106 Q639669 +Q977 P530 Q142 +Q3939205 P108 Q392904 +Q77199 P19 Q1715 +Q179497 P19 Q60 +Q563057 P106 Q486748 +Q262980 P136 Q1200678 +Q691798 P20 Q11299 +Q937359 P106 Q3286043 +Q36 P530 Q28 +Q76361 P106 Q47064 +Q166010 P27 Q30 +Q369933 P1303 Q258896 +Q110330 P463 Q188771 +Q30931 P161 Q230004 +Q855252 P1412 Q1860 +Q445386 P106 Q183945 +Q101235 P27 Q183 +Q458372 P106 Q1930187 +Q317907 P1412 Q7737 +Q49285 P108 Q41506 +Q402194 P1303 Q6607 +Q160432 P106 Q10800557 +Q1534428 P2348 Q6927 +Q48048 P119 Q1130019 +Q822401 P106 Q753110 +Q1603685 P27 Q34 +Q182509 P101 Q166542 +Q662406 P106 Q82955 +Q342419 P19 Q277162 +Q151796 P106 Q193391 +Q294647 P106 Q2405480 +Q16472 P102 Q29468 +Q43267 P136 Q58339 +Q453384 P1412 Q1860 +Q34296 P108 Q213439 +Q4184336 P102 Q79854 +Q444674 P106 Q36834 +Q168023 P19 Q43668 +Q124442 P1412 Q387066 +Q65278 P106 Q49757 +Q383821 P27 Q34 +Q426687 P1303 Q128309 +Q286690 P106 Q4610556 +Q189067 P102 Q29552 +Q102341 P69 Q49213 +Q222832 P19 Q18426 +Q223839 P106 Q131524 +Q339196 P106 Q6625963 +Q715281 P463 Q1425328 +Q60625 P69 Q54096 +Q134183 P641 Q5372 +Q90910 P1412 Q188 +Q218679 P106 Q15949613 +Q193116 P106 Q6625963 +Q299132 P106 Q183945 +Q234356 P172 Q49085 +Q195390 P140 Q7066 +Q38823 P106 Q1234713 +Q807398 P1303 Q5994 +Q264989 P27 Q17 +Q257953 P106 Q333634 +Q158030 P27 Q142 +Q240082 P106 Q33999 +Q540516 P1303 Q17172850 +Q584850 P106 Q182436 +Q9049 P463 Q466089 +Q534599 P106 Q18844224 +Q205721 P551 Q172 +Q219368 P1412 Q1860 +Q103955 P69 Q20266330 +Q315090 P106 Q10798782 +Q1105367 P69 Q5149833 +Q184351 P102 Q187009 +Q2632 P264 Q202440 +Q244234 P106 Q3387717 +Q489854 P106 Q177220 +Q242418 P106 Q33999 +Q165219 P106 Q2405480 +Q1004670 P27 Q28 +Q470758 P106 Q4263842 +Q242873 P101 Q207628 +Q2260923 P102 Q29468 +Q428451 P1412 Q150 +Q991 P19 Q649 +Q192052 P19 Q18424 +Q269669 P106 Q33999 +Q432552 P106 Q33999 +Q49735 P106 Q177220 +Q300479 P106 Q3282637 +Q1396852 P106 Q753110 +Q1031340 P264 Q201607 +Q151848 P57 Q212167 +Q299968 P27 Q37024 +Q1967070 P106 Q482980 +Q71447 P27 Q183 +Q44473 P106 Q33999 +Q256531 P106 Q18814623 +Q64017 P136 Q604725 +Q206112 P136 Q1196752 +Q304966 P1303 Q5994 +Q711172 P106 Q81096 +Q280724 P136 Q842324 +Q3847508 P106 Q81096 +Q1770 P17 Q191 +Q101339 P106 Q1622272 +Q16867 P106 Q4263842 +Q34020 P530 Q148 +Q123034 P106 Q1234713 +Q1049 P530 Q865 +Q86095 P108 Q152087 +Q6711 P108 Q371625 +Q229139 P106 Q10798782 +Q77970 P106 Q1350157 +Q152929 P264 Q43327 +Q721963 P106 Q3282637 +Q213793 P106 Q36834 +Q289428 P106 Q36180 +Q48097 P119 Q208175 +Q11816 P27 Q30 +Q116928 P161 Q235707 +Q60659 P106 Q2259451 +Q532279 P102 Q29552 +Q333148 P106 Q82955 +Q193570 P161 Q443121 +Q43330 P106 Q185351 +Q1192 P19 Q2044 +Q331791 P106 Q10800557 +Q153034 P106 Q1622272 +Q106740 P106 Q11774202 +Q919835 P69 Q168756 +Q4963372 P1412 Q1860 +Q60809 P19 Q62 +Q371430 P106 Q33999 +Q302762 P1303 Q17172850 +Q163683 P106 Q901 +Q42552 P101 Q482 +Q38222 P106 Q33999 +Q307 P106 Q270141 +Q223884 P495 Q38 +Q159481 P101 Q35277 +Q368674 P161 Q83338 +Q349893 P106 Q1930187 +Q94007 P106 Q10798782 +Q1284551 P509 Q12152 +Q58720 P106 Q901402 +Q31487 P17 Q172107 +Q275939 P27 Q38 +Q43330 P106 Q40348 +Q61743 P101 Q21198 +Q1403 P106 Q214917 +Q528832 P106 Q1622272 +Q1349501 P106 Q82955 +Q363666 P27 Q30 +Q885977 P17 Q30 +Q355314 P20 Q60 +Q214548 P1303 Q17172850 +Q909149 P136 Q2137852 +Q58845 P106 Q1622272 +Q714462 P463 Q463303 +Q91972 P19 Q365 +Q312252 P509 Q12152 +Q983654 P101 Q7163 +Q361683 P1303 Q17172850 +Q320556 P463 Q463281 +Q64991 P106 Q82955 +Q337891 P136 Q11399 +Q93503 P106 Q1930187 +Q653496 P26 Q561169 +Q57535 P27 Q713750 +Q310785 P69 Q1068752 +Q350915 P69 Q222738 +Q1033 P463 Q376150 +Q442897 P106 Q33999 +Q559844 P106 Q1979607 +Q12279060 P106 Q1622272 +Q519273 P106 Q1075651 +Q72787 P20 Q23436 +Q1882498 P106 Q753110 +Q56011 P136 Q21010853 +Q87850 P27 Q7318 +Q433683 P1412 Q1860 +Q442897 P19 Q3130 +Q1058124 P27 Q38 +Q313107 P106 Q3455803 +Q168704 P106 Q1028181 +Q3173947 P27 Q142 +Q853095 P108 Q390287 +Q90840 P106 Q14467526 +Q51522 P509 Q189588 +Q60586 P463 Q253439 +Q471664 P106 Q1930187 +Q63190 P102 Q29468 +Q1016 P463 Q7809 +Q62672 P106 Q36180 +Q3318964 P106 Q14467526 +Q186504 P136 Q1054574 +Q432919 P509 Q12202 +Q572608 P136 Q11399 +Q48987 P1412 Q1860 +Q315737 P106 Q43845 +Q175278 P161 Q1545 +Q333591 P69 Q160302 +Q62354 P69 Q859363 +Q253476 P106 Q10798782 +Q231690 P1412 Q9610 +Q361996 P106 Q2259451 +Q27513 P136 Q1342372 +Q464318 P27 Q145 +Q354867 P106 Q1234713 +Q739 P530 Q16 +Q92621 P106 Q82594 +Q445311 P264 Q168407 +Q504006 P1412 Q7737 +Q65559 P27 Q27306 +Q1884 P17 Q2415901 +Q60128 P136 Q49084 +Q200566 P551 Q60 +Q115547 P27 Q30 +Q955619 P1303 Q17172850 +Q216466 P19 Q1563 +Q991 P135 Q667661 +Q1033 P463 Q340195 +Q217020 P161 Q37876 +Q57584 P106 Q10800557 +Q179682 P106 Q36834 +Q310098 P1050 Q84263196 +Q232840 P69 Q1419737 +Q237669 P27 Q30 +Q29 P463 Q81299 +Q38222 P106 Q2526255 +Q78481 P108 Q622683 +Q61687 P106 Q81096 +Q967846 P27 Q38 +Q242418 P106 Q2259451 +Q506771 P1303 Q8355 +Q44007 P106 Q1028181 +Q505358 P463 Q270794 +Q648359 P106 Q2405480 +Q152208 P106 Q4610556 +Q362824 P106 Q3282637 +Q46795 P69 Q235034 +Q50656 P119 Q272208 +Q64014 P108 Q154804 +Q258750 P136 Q131272 +Q419 P530 Q30 +Q243113 P106 Q3501317 +Q180861 P106 Q488205 +Q2737 P106 Q2526255 +Q509341 P264 Q843402 +Q199418 P264 Q726251 +Q126843 P27 Q30 +Q158092 P106 Q4964182 +Q319277 P1303 Q17172850 +Q87850 P106 Q487596 +Q7833 P106 Q49757 +Q336881 P106 Q82955 +Q187107 P106 Q177220 +Q36330 P106 Q4964182 +Q139223 P106 Q1415090 +Q444832 P264 Q18149651 +Q92650 P101 Q21198 +Q220525 P27 Q403 +Q186757 P106 Q2405480 +Q440668 P140 Q7066 +Q188954 P106 Q1930187 +Q1001 P106 Q82955 +Q349852 P69 Q270222 +Q441520 P101 Q207628 +Q109053 P264 Q994175 +Q11148 P495 Q145 +Q3830446 P27 Q38 +Q1095432 P27 Q30 +Q324366 P106 Q3282637 +Q503997 P106 Q1930187 +Q51510 P106 Q876864 +Q2347483 P106 Q82955 +Q208871 P1303 Q17172850 +Q1156782 P1303 Q46185 +Q62963 P102 Q153401 +Q125106 P106 Q33999 +Q458978 P1303 Q17172850 +Q204996 P1412 Q9027 +Q378952 P19 Q37320 +Q213595 P20 Q90 +Q1077608 P551 Q18125 +Q22665 P1412 Q5287 +Q256884 P106 Q639669 +Q78983 P106 Q1930187 +Q61915 P106 Q13570226 +Q182373 P136 Q471839 +Q174210 P106 Q49757 +Q336640 P106 Q36834 +Q177993 P1412 Q13955 +Q36878 P106 Q36180 +Q190643 P57 Q179497 +Q214911 P106 Q482980 +Q152542 P27 Q30 +Q1329421 P1303 Q6607 +Q78490 P27 Q40 +Q235278 P106 Q13235160 +Q1528163 P27 Q172579 +Q1179504 P27 Q30 +Q80938 P26 Q236842 +Q333251 P106 Q6625963 +Q649987 P106 Q81096 +Q152929 P136 Q38848 +Q57431 P27 Q37024 +Q470047 P106 Q193391 +Q251068 P136 Q37073 +Q11256 P140 Q7066 +Q187907 P27 Q37 +Q265131 P69 Q273593 +Q914054 P106 Q212980 +Q782813 P106 Q1930187 +Q600859 P27 Q30 +Q230795 P27 Q30 +Q92600 P69 Q1719898 +Q78109 P69 Q153987 +Q188113 P69 Q174570 +Q640096 P106 Q1231865 +Q164469 P463 Q161806 +Q253476 P102 Q29552 +Q3847508 P108 Q34433 +Q273338 P106 Q49757 +Q206922 P106 Q2259451 +Q226053 P27 Q414 +Q116553 P27 Q30 +Q173714 P20 Q727 +Q522679 P1412 Q150 +Q165680 P106 Q36180 +Q230 P530 Q769 +Q199927 P19 Q61 +Q984481 P106 Q82955 +Q2201 P161 Q1058562 +Q139933 P1412 Q1860 +Q309589 P509 Q181257 +Q55796 P264 Q208909 +Q1684779 P19 Q90 +Q138005 P106 Q177220 +Q129598 P140 Q1062789 +Q34970 P106 Q36180 +Q452116 P463 Q270794 +Q60970 P106 Q43845 +Q555505 P106 Q1323191 +Q909 P737 Q1398 +Q221090 P136 Q2484376 +Q218532 P509 Q12152 +Q236318 P106 Q177220 +Q227 P463 Q1065 +Q58866 P106 Q18844224 +Q62437 P106 Q1320883 +Q559771 P106 Q201788 +Q464318 P106 Q1930187 +Q64091 P106 Q36180 +Q168555 P136 Q817138 +Q60347 P108 Q154561 +Q274143 P106 Q82955 +Q273338 P140 Q432 +Q1238828 P106 Q639669 +Q57371 P27 Q15180 +Q236024 P1303 Q17172850 +Q182486 P106 Q10798782 +Q668 P530 Q863 +Q521170 P20 Q649 +Q132589 P106 Q1930187 +Q57106 P106 Q43845 +Q800 P361 Q12585 +Q237389 P106 Q488205 +Q108216 P106 Q82955 +Q453288 P27 Q145 +Q11459 P106 Q10833314 +Q363525 P451 Q80046 +Q1353252 P106 Q36834 +Q7231 P140 Q7066 +Q168517 P69 Q194445 +Q444674 P264 Q183412 +Q171365 P161 Q314892 +Q837 P463 Q191384 +Q116462 P1412 Q1860 +Q130142 P136 Q130232 +Q154077 P840 Q1509 +Q233464 P161 Q193871 +Q212 P463 Q663492 +Q35725 P136 Q3072039 +Q356361 P102 Q9626 +Q704696 P108 Q193196 +Q653632 P136 Q378988 +Q333475 P69 Q21578 +Q53403 P69 Q13371 +Q553276 P140 Q7066 +Q117500 P27 Q30 +Q106748 P102 Q49766 +Q219551 P106 Q158852 +Q67526 P463 Q833738 +Q711 P463 Q7825 +Q1395573 P27 Q30 +Q92341 P27 Q183 +Q362500 P19 Q84 +Q365044 P106 Q10800557 +Q314843 P106 Q28389 +Q1770 P131 Q191 +Q102822 P1412 Q150 +Q88832 P108 Q154804 +Q25351 P1412 Q397 +Q202508 P136 Q22981906 +Q66127 P27 Q183 +Q356994 P106 Q36834 +Q153243 P19 Q49145 +Q329163 P509 Q3505252 +Q367032 P40 Q952428 +Q6096 P106 Q639669 +Q213783 P106 Q11063 +Q152738 P106 Q36180 +Q312098 P106 Q10800557 +Q1432551 P1412 Q1860 +Q142 P530 Q711 +Q1791962 P27 Q129286 +Q63117 P27 Q1206012 +Q348001 P106 Q333634 +Q32522 P106 Q10800557 +Q1680339 P69 Q270920 +Q62910 P106 Q43845 +Q1383381 P106 Q2252262 +Q10681 P106 Q177220 +Q505358 P463 Q1493021 +Q37876 P1412 Q7976 +Q502417 P19 Q19660 +Q272256 P69 Q49088 +Q159638 P161 Q57614 +Q106706 P27 Q30 +Q295923 P1303 Q17172850 +Q733640 P106 Q1622272 +Q726071 P106 Q177220 +Q891 P30 Q5401 +Q540544 P1412 Q1860 +Q272650 P106 Q333634 +Q314164 P106 Q1231865 +Q188857 P463 Q337526 +Q163593 P136 Q83440 +Q187324 P101 Q482 +Q229330 P264 Q935090 +Q376087 P27 Q174193 +Q1251900 P106 Q1955150 +Q108560 P136 Q205049 +Q987724 P27 Q96 +Q94913 P19 Q65 +Q432421 P1303 Q17172850 +Q320093 P19 Q12439 +Q151972 P172 Q49085 +Q551204 P551 Q30 +Q192160 P161 Q200405 +Q139223 P463 Q812155 +Q62938 P20 Q33959 +Q30931 P840 Q189 +Q370326 P161 Q95043 +Q122701 P106 Q1622272 +Q83275 P106 Q2306091 +Q48956 P463 Q684415 +Q662809 P106 Q10833314 +Q201924 P161 Q160432 +Q126941 P1412 Q1860 +Q436664 P106 Q28389 +Q711 P463 Q1065 +Q119798 P106 Q28389 +Q10681 P106 Q158852 +Q75814 P106 Q4964182 +Q191064 P19 Q1490 +Q367109 P27 Q172107 +Q32045 P106 Q33999 +Q519606 P102 Q179111 +Q1045 P530 Q35 +Q75116 P19 Q64 +Q67633 P69 Q156598 +Q65664 P20 Q1792 +Q333231 P106 Q2516866 +Q908998 P1303 Q128309 +Q212632 P106 Q18844224 +Q83286 P37 Q9301 +Q962710 P1412 Q188 +Q112536 P106 Q10798782 +Q369797 P161 Q229784 +Q187165 P106 Q36834 +Q327426 P106 Q957729 +Q266429 P106 Q81096 +Q656684 P19 Q1335 +Q312870 P136 Q45981 +Q87302 P1412 Q188 +Q83484 P106 Q1028181 +Q968565 P1412 Q1860 +Q122968 P69 Q13371 +Q17455 P69 Q152838 +Q441940 P106 Q24067349 +Q140181 P106 Q33999 +Q271877 P106 Q10798782 +Q344454 P463 Q337543 +Q45374 P1412 Q5146 +Q1372851 P106 Q2526255 +Q151870 P161 Q134077 +Q344973 P106 Q2526255 +Q28930 P106 Q47064 +Q356537 P119 Q272208 +Q112255 P106 Q36180 +Q386291 P136 Q157443 +Q1040028 P407 Q1860 +Q123802 P102 Q153401 +Q77447 P119 Q1497554 +Q156608 P136 Q2297927 +Q243267 P106 Q214917 +Q173834 P106 Q674067 +Q189400 P106 Q10800557 +Q244997 P140 Q1841 +Q179150 P106 Q183945 +Q26208 P1412 Q652 +Q449769 P140 Q9592 +Q8007 P69 Q1149089 +Q110085 P106 Q49757 +Q95076 P108 Q126399 +Q352766 P106 Q753110 +Q444371 P27 Q30 +Q388286 P1412 Q1860 +Q734564 P20 Q1354 +Q296809 P27 Q28 +Q12292644 P106 Q901402 +Q137808 P27 Q145 +Q46717 P161 Q335376 +Q227395 P106 Q482980 +Q232837 P106 Q4853732 +Q906529 P1412 Q1860 +Q962974 P106 Q947873 +Q1586732 P106 Q9648008 +Q1112005 P106 Q3282637 +Q232468 P1412 Q652 +Q324726 P1303 Q17172850 +Q212790 P136 Q1152184 +Q1044 P463 Q7785 +Q92446 P106 Q82955 +Q180861 P106 Q12377274 +Q597433 P1303 Q5994 +Q176537 P106 Q2259451 +Q102225 P161 Q105466 +Q297816 P119 Q1437214 +Q84153 P27 Q142 +Q356129 P106 Q3282637 +Q177962 P106 Q36180 +Q190050 P136 Q21401869 +Q2568971 P106 Q81096 +Q80379 P161 Q223091 +Q214191 P27 Q30 +Q215339 P101 Q482 +Q284333 P161 Q262091 +Q320093 P106 Q4610556 +Q191123 P1412 Q8641 +Q954 P463 Q842490 +Q209012 P136 Q130232 +Q669597 P1412 Q1860 +Q57442 P108 Q152087 +Q2255438 P101 Q309 +Q237552 P69 Q653693 +Q1016 P530 Q258 +Q369762 P106 Q1238570 +Q519466 P106 Q753110 +Q478967 P106 Q639669 +Q77 P530 Q148 +Q157032 P172 Q86630688 +Q221384 P161 Q44467 +Q127866 P136 Q217467 +Q82248 P27 Q145 +Q907738 P27 Q30 +Q50764 P106 Q2526255 +Q6714 P106 Q4853732 +Q233724 P106 Q10800557 +Q550232 P161 Q220918 +Q2368353 P102 Q79854 +Q94882 P106 Q3282637 +Q58040 P108 Q232141 +Q89694 P106 Q10798782 +Q315756 P106 Q28389 +Q200768 P19 Q16555 +Q190251 P136 Q1641839 +Q1057003 P1303 Q46185 +Q219 P530 Q45 +Q103767 P136 Q105513 +Q221109 P136 Q157394 +Q56016 P106 Q10800557 +Q362353 P27 Q30 +Q34086 P106 Q36834 +Q215026 P106 Q11481802 +Q78869 P140 Q75809 +Q242939 P106 Q28389 +Q1027051 P20 Q100 +Q184785 P106 Q28389 +Q434585 P106 Q1930187 +Q3720507 P27 Q183 +Q551129 P106 Q81096 +Q1974330 P106 Q36834 +Q1237689 P20 Q60 +Q453583 P69 Q304985 +Q73089 P140 Q1069127 +Q78386 P136 Q8261 +Q270186 P1303 Q17172850 +Q40 P530 Q17 +Q960778 P19 Q2807 +Q75823 P102 Q49768 +Q251068 P1303 Q5994 +Q352914 P1412 Q188 +Q1325743 P19 Q49145 +Q549722 P495 Q142 +Q64949 P106 Q177220 +Q215600 P106 Q193391 +Q82330 P27 Q30 +Q188482 P3373 Q296872 +Q40 P530 Q408 +Q40640 P136 Q24925 +Q443292 P19 Q16555 +Q230523 P140 Q131036 +Q91093 P108 Q152838 +Q231228 P106 Q43845 +Q108622 P3373 Q56094 +Q98703 P108 Q154561 +Q170042 P1412 Q1860 +Q75968 P106 Q250867 +Q7311 P509 Q852423 +Q217495 P509 Q11081 +Q2599 P1303 Q8338 +Q60969 P106 Q674426 +Q77317 P69 Q152087 +Q443403 P136 Q25372 +Q86812 P19 Q365 +Q1731 P17 Q55300 +Q134165 P27 Q155 +Q779682 P106 Q1930187 +Q37 P463 Q17495 +Q786 P530 Q77 +Q676455 P27 Q298 +Q242130 P106 Q28389 +Q60093 P106 Q131524 +Q1389588 P27 Q133356 +Q165816 P641 Q131359 +Q710 P463 Q7809 +Q297598 P264 Q38903 +Q1900440 P108 Q160302 +Q463615 P161 Q180560 +Q410 P106 Q18844224 +Q984614 P1303 Q17172850 +Q272438 P27 Q30 +Q270691 P509 Q506616 +Q72450 P161 Q233736 +Q313509 P1412 Q150 +Q1687804 P641 Q5372 +Q272622 P106 Q15949613 +Q126098 P106 Q28389 +Q611586 P106 Q1930187 +Q236669 P106 Q322170 +Q11907 P106 Q639669 +Q191850 P106 Q155647 +Q239652 P106 Q49757 +Q188111 P1412 Q5287 +Q389548 P161 Q4491 +Q507985 P27 Q30 +Q517682 P20 Q48958 +Q207921 P161 Q236479 +Q227129 P172 Q49085 +Q219 P530 Q43 +Q504025 P69 Q9842 +Q457739 P106 Q1792450 +Q8873 P1412 Q1568 +Q96285 P1412 Q188 +Q507327 P740 Q16568 +Q164119 P136 Q11401 +Q275185 P101 Q207628 +Q356423 P106 Q333634 +Q662406 P463 Q161806 +Q43718 P1412 Q8798 +Q333971 P495 Q30 +Q154356 P101 Q395 +Q228546 P106 Q49757 +Q106443 P1050 Q11081 +Q538091 P106 Q1930187 +Q78644 P106 Q6625963 +Q157322 P19 Q216 +Q163899 P161 Q359325 +Q1736382 P1303 Q17172850 +Q284694 P106 Q1259917 +Q313525 P1303 Q2643890 +Q1113061 P106 Q5322166 +Q26162388 P50 Q60684 +Q122163 P1412 Q387066 +Q165911 P1303 Q17172850 +Q189415 P106 Q3282637 +Q235744 P20 Q65 +Q44578 P161 Q202765 +Q58978 P1412 Q188 +Q34981 P106 Q12144794 +Q111536 P1412 Q1860 +Q162005 P106 Q639669 +Q77193 P102 Q49750 +Q164824 P463 Q83172 +Q4030 P106 Q639669 +Q153677 P161 Q75261 +Q47695 P27 Q183 +Q18800 P1412 Q1860 +Q315343 P106 Q36180 +Q164224 P136 Q2421031 +Q106225 P106 Q10800557 +Q98258 P69 Q154804 +Q982729 P106 Q36180 +Q340814 P840 Q1297 +Q311580 P106 Q183945 +Q194045 P106 Q33999 +Q2585807 P106 Q3400985 +Q242454 P1303 Q52954 +Q512611 P27 Q408 +Q311022 P106 Q169470 +Q47480 P463 Q270794 +Q96155 P106 Q39631 +Q69139 P27 Q183 +Q187913 P136 Q131272 +Q215689 P106 Q482980 +Q264137 P136 Q8341 +Q51498 P27 Q183 +Q949046 P1412 Q1412 +Q233061 P26 Q314640 +Q1570102 P1303 Q6607 +Q748222 P106 Q333634 +Q290287 P106 Q27532437 +Q1124 P140 Q93191 +Q79102 P106 Q2865819 +Q35332 P106 Q4610556 +Q512741 P106 Q1642960 +Q39803 P27 Q29 +Q162277 P495 Q142 +Q881 P463 Q376150 +Q67076 P106 Q13570226 +Q5685 P1412 Q7737 +Q78038 P106 Q14467526 +Q315343 P69 Q13371 +Q41076 P106 Q3282637 +Q460088 P1412 Q7976 +Q367132 P119 Q27426 +Q271824 P172 Q42406 +Q108941 P26 Q4028 +Q327660 P19 Q60 +Q315752 P101 Q413 +Q168728 P108 Q13371 +Q600488 P161 Q231006 +Q512611 P551 Q3130 +Q303213 P57 Q676094 +Q156532 P136 Q21590660 +Q765871 P136 Q11635 +Q334288 P106 Q82955 +Q329549 P27 Q142 +Q12807 P136 Q35760 +Q298 P361 Q18 +Q544607 P495 Q142 +Q313020 P106 Q3282637 +Q310773 P106 Q169470 +Q562402 P19 Q1492 +Q372234 P106 Q10798782 +Q339045 P161 Q313046 +Q7313843 P69 Q13371 +Q104302 P17 Q41304 +Q84423 P463 Q209184 +Q213642 P19 Q64 +Q213794 P27 Q183 +Q86635 P509 Q12152 +Q43044 P106 Q10798782 +Q39709 P17 Q30 +Q17279884 P641 Q32112 +Q179201 P106 Q1622272 +Q1281738 P1303 Q17172850 +Q78349 P106 Q182436 +Q73646 P106 Q1622272 +Q439895 P136 Q37073 +Q61863 P1412 Q150 +Q61217 P27 Q15180 +Q84441 P19 Q546 +Q357786 P551 Q65 +Q316756 P106 Q245068 +Q60586 P27 Q35 +Q72070 P1412 Q188 +Q471542 P20 Q1156 +Q314972 P69 Q1059546 +Q311472 P106 Q188094 +Q229353 P106 Q177220 +Q238819 P106 Q33999 +Q889 P463 Q656801 +Q94040 P106 Q155647 +Q4894597 P463 Q414163 +Q457923 P106 Q715301 +Q1041034 P136 Q2913982 +Q2496 P69 Q50662 +Q7346 P106 Q806349 +Q862297 P106 Q3658608 +Q49615 P106 Q121594 +Q347635 P1412 Q150 +Q515696 P20 Q585 +Q4235 P737 Q11975 +Q180338 P1412 Q1321 +Q166696 P136 Q130232 +Q90384 P106 Q713200 +Q77112 P106 Q36834 +Q55704 P106 Q49757 +Q161087 P161 Q166272 +Q427917 P106 Q855091 +Q706084 P106 Q15253558 +Q92341 P1412 Q188 +Q92481 P106 Q36180 +Q164908 P106 Q40348 +Q221594 P161 Q39792 +Q76893 P463 Q18650004 +Q257182 P1303 Q5994 +Q35 P530 Q458 +Q152272 P20 Q90 +Q284087 P27 Q34266 +Q119348 P509 Q47912 +Q200639 P101 Q5891 +Q312073 P19 Q16567 +Q154759 P106 Q15980158 +Q278519 P27 Q30 +Q334648 P264 Q155152 +Q48067 P27 Q15180 +Q34086 P106 Q488205 +Q187165 P136 Q211723 +Q153911 P106 Q11900058 +Q1342003 P463 Q1971373 +Q44584 P106 Q333634 +Q526407 P136 Q9778 +Q234436 P463 Q463303 +Q44780 P106 Q177220 +Q2833 P17 Q713750 +Q318685 P106 Q10800557 +Q255335 P106 Q28389 +Q123825 P108 Q50662 +Q57462 P463 Q44687 +Q335629 P27 Q16 +Q331180 P161 Q234195 +Q188652 P161 Q320218 +Q51575 P102 Q29468 +Q61520 P102 Q7320 +Q188117 P1412 Q1860 +Q1095533 P1303 Q6607 +Q34660 P136 Q208505 +Q321846 P135 Q7066 +Q408 P530 Q159583 +Q232414 P27 Q30 +Q92747 P106 Q43845 +Q60178 P27 Q183 +Q264418 P27 Q30 +Q953841 P1303 Q17172850 +Q483363 P106 Q10800557 +Q157242 P108 Q170027 +Q1791962 P106 Q81096 +Q200407 P106 Q177220 +Q84266 P69 Q189441 +Q16781 P106 Q753110 +Q102568 P27 Q43287 +Q192115 P161 Q228871 +Q1900054 P27 Q30 +Q313788 P641 Q41323 +Q78116 P106 Q82955 +Q73959 P106 Q40348 +Q61073 P106 Q1734662 +Q229646 P463 Q723551 +Q59185 P172 Q49085 +Q535 P27 Q142 +Q374912 P106 Q28389 +Q51522 P106 Q10800557 +Q44855 P361 Q43267 +Q1229223 P69 Q849751 +Q106235 P27 Q183 +Q128576 P106 Q186360 +Q72938 P106 Q49757 +Q1276 P1303 Q5994 +Q9358 P737 Q40213 +Q9582 P106 Q18814623 +Q11730 P20 Q90 +Q12795 P463 Q202479 +Q266795 P106 Q639669 +Q307463 P3373 Q401645 +Q229430 P106 Q10798782 +Q302675 P106 Q333634 +Q229697 P106 Q36834 +Q83484 P20 Q100 +Q49034 P19 Q1741 +Q236599 P1412 Q1860 +Q456413 P140 Q9592 +Q276468 P27 Q30 +Q188492 P106 Q266569 +Q4941 P161 Q196080 +Q265202 P106 Q753110 +Q159551 P106 Q158852 +Q76576 P106 Q1622272 +Q322206 P495 Q183 +Q273652 P106 Q36834 +Q68312 P106 Q1371378 +Q434573 P19 Q8678 +Q252 P530 Q159 +Q315222 P106 Q201788 +Q202028 P161 Q37079 +Q98703 P106 Q1622272 +Q52488 P509 Q12152 +Q12940 P106 Q47064 +Q202508 P161 Q1132632 +Q800 P530 Q183 +Q1046038 P106 Q15214752 +Q114760 P106 Q47064 +Q92756 P69 Q49108 +Q1511 P106 Q36834 +Q232827 P106 Q10800557 +Q242423 P106 Q333634 +Q42775 P20 Q23197 +Q2367411 P1412 Q1321 +Q1903090 P106 Q1622272 +Q175392 P19 Q117 +Q105090 P106 Q14467526 +Q155458 P136 Q130232 +Q116253 P20 Q180083 +Q14278 P463 Q414188 +Q204590 P19 Q60 +Q88951 P20 Q1085 +Q1173086 P136 Q43343 +Q794 P530 Q218 +Q2134121 P463 Q466113 +Q22955657 P3373 Q2449206 +Q17905 P1412 Q652 +Q77682 P27 Q43 +Q313281 P106 Q15981151 +Q512 P106 Q33999 +Q1351527 P1303 Q6607 +Q747538 P106 Q12362622 +Q168274 P106 Q10800557 +Q215145 P106 Q482980 +Q1044 P463 Q7159 +Q111230 P106 Q2259451 +Q108946 P161 Q103946 +Q234890 P106 Q33999 +Q101886 P1412 Q188 +Q241098 P19 Q90 +Q63441 P69 Q32120 +Q128085 P509 Q12152 +Q82238 P264 Q183412 +Q302484 P1303 Q5994 +Q351527 P106 Q185351 +Q213778 P463 Q133957 +Q206693 P20 Q34404 +Q110278 P57 Q318287 +Q59653 P161 Q233347 +Q250545 P106 Q36180 +Q229430 P106 Q36834 +Q351339 P27 Q30 +Q963787 P136 Q180268 +Q606389 P1412 Q5146 +Q97301 P108 Q54096 +Q76444 P106 Q482980 +Q310275 P106 Q33999 +Q212648 P27 Q30 +Q229263 P1303 Q17172850 +Q704516 P27 Q36 +Q4418776 P101 Q1069 +Q512741 P102 Q29468 +Q182046 P106 Q901 +Q362258 P136 Q11399 +Q331461 P106 Q753110 +Q454568 P106 Q644687 +Q717 P530 Q794 +Q49285 P463 Q466113 +Q271281 P161 Q140201 +Q1424117 P106 Q170790 +Q37370 P1412 Q150 +Q85295 P20 Q64 +Q265810 P69 Q309331 +Q47293 P509 Q12136 +Q185122 P106 Q639669 +Q108935 P106 Q578109 +Q183535 P106 Q2526255 +Q159876 P1412 Q150 +Q87487 P106 Q6625963 +Q13513 P19 Q456 +Q296609 P1303 Q17172850 +Q438124 P106 Q488205 +Q220780 P161 Q36949 +Q216180 P1412 Q188 +Q958 P463 Q827525 +Q918647 P140 Q35032 +Q414 P361 Q12585 +Q76959 P106 Q4964182 +Q92767 P27 Q30 +Q299317 P106 Q10800557 +Q40946 P106 Q4853732 +Q234030 P19 Q38022 +Q278625 P106 Q33999 +Q238800 P106 Q18581305 +Q86105 P1303 Q17172850 +Q3734755 P106 Q81096 +Q331425 P27 Q34266 +Q117990 P108 Q308963 +Q334 P30 Q48 +Q70174 P106 Q13219637 +Q38294 P106 Q49757 +Q80440 P27 Q15180 +Q112635 P161 Q433520 +Q185610 P106 Q12362622 +Q537386 P106 Q183945 +Q347368 P740 Q189074 +Q1040028 P136 Q842256 +Q150767 P27 Q145 +Q1011 P530 Q30 +Q322303 P136 Q193355 +Q982535 P1050 Q11085 +Q333411 P106 Q1930187 +Q261981 P106 Q33999 +Q315773 P106 Q1930187 +Q381014 P106 Q2732142 +Q66720618 P69 Q686522 +Q902 P530 Q230 +Q262091 P26 Q275161 +Q466115 P106 Q43845 +Q1070572 P1412 Q5287 +Q41449 P106 Q639669 +Q43189 P136 Q547137 +Q4223 P106 Q4610556 +Q536892 P1303 Q17172850 +Q2791686 P106 Q82594 +Q40115 P161 Q4960 +Q45394 P136 Q1342372 +Q230647 P106 Q2259451 +Q266445 P106 Q177220 +Q76524 P1303 Q5994 +Q228676 P1412 Q9027 +Q354241 P106 Q3391743 +Q3719620 P108 Q617433 +Q658454 P106 Q16287483 +Q124159 P106 Q1622272 +Q105237 P136 Q1344 +Q294583 P106 Q4351403 +Q963142 P509 Q188605 +Q199943 P1303 Q5994 +Q481474 P106 Q121594 +Q85464 P69 Q152171 +Q924668 P1303 Q46185 +Q58592 P106 Q10800557 +Q938749 P106 Q488205 +Q104865 P102 Q79854 +Q67247 P69 Q158158 +Q146948 P106 Q4964182 +Q372438 P106 Q639669 +Q266356 P264 Q483938 +Q6711 P106 Q18939491 +Q18233 P136 Q37073 +Q179414 P106 Q10800557 +Q44520 P106 Q6625963 +Q96334 P463 Q320642 +Q71416 P102 Q49763 +Q185658 P161 Q106514 +Q1897271 P106 Q2490358 +Q187553 P106 Q622807 +Q1806985 P106 Q1344174 +Q379811 P136 Q157443 +Q87457 P40 Q96843 +Q214665 P27 Q38 +Q574 P530 Q159 +Q465594 P69 Q1446181 +Q11826 P106 Q170790 +Q467423 P106 Q33999 +Q1511 P106 Q18939491 +Q60025 P108 Q49088 +Q164663 P495 Q30 +Q196685 P136 Q586250 +Q1195301 P106 Q33999 +Q272079 P106 Q3282637 +Q147811 P27 Q17 +Q309768 P106 Q36180 +Q1855369 P106 Q639669 +Q70004 P106 Q201788 +Q128759 P463 Q4345832 +Q732980 P1412 Q150 +Q408 P530 Q712 +Q167726 P161 Q220901 +Q26208 P19 Q220 +Q328590 P106 Q28389 +Q728959 P463 Q463281 +Q436686 P27 Q30 +Q438164 P551 Q1384 +Q234015 P27 Q142 +Q128854 P495 Q148 +Q191479 P106 Q1397808 +Q204299 P106 Q2405480 +Q249475 P27 Q29 +Q110695 P106 Q3282637 +Q181529 P106 Q2306091 +Q117644 P27 Q159 +Q428422 P69 Q144488 +Q2495947 P106 Q33999 +Q236613 P106 Q177220 +Q61058 P20 Q3806 +Q953768 P106 Q177220 +Q26806 P26 Q234058 +Q356719 P27 Q155 +Q14320 P161 Q229187 +Q92609 P106 Q170790 +Q313509 P106 Q2526255 +Q69834 P19 Q2742 +Q9204 P20 Q34217 +Q118061 P108 Q152087 +Q560694 P106 Q36180 +Q103955 P551 Q64 +Q337521 P106 Q1320883 +Q313013 P1050 Q131755 +Q173893 P69 Q73094 +Q3939205 P108 Q503473 +Q102669 P106 Q3391743 +Q55218 P106 Q36180 +Q41 P463 Q1480793 +Q46706 P119 Q272208 +Q458033 P57 Q51522 +Q230218 P106 Q2259451 +Q297945 P509 Q12152 +Q80399 P1303 Q17172850 +Q59737 P1412 Q809 +Q217787 P27 Q30 +Q128934 P136 Q157443 +Q921 P463 Q7785 +Q60854 P1412 Q188 +Q1239278 P106 Q36834 +Q3129951 P19 Q64 +Q714030 P136 Q187760 +Q499757 P495 Q159 +Q1035807 P19 Q35765 +Q93624 P106 Q639669 +Q7200 P20 Q656 +Q241646 P119 Q1358639 +Q479052 P106 Q10798782 +Q110278 P136 Q130232 +Q180395 P161 Q36949 +Q46479 P509 Q12202 +Q153238 P27 Q28 +Q60059 P106 Q593644 +Q92740 P106 Q5482740 +Q55922 P20 Q270 +Q115760 P161 Q204299 +Q312294 P1412 Q1860 +Q206589 P161 Q107933 +Q429867 P161 Q23760 +Q1353962 P106 Q488205 +Q330238 P106 Q486748 +Q465290 P106 Q1930187 +Q326409 P106 Q2526255 +Q221820 P161 Q313388 +Q309086 P161 Q443317 +Q572655 P27 Q96 +Q83906 P106 Q36834 +Q75381 P102 Q49750 +Q505358 P463 Q463303 +Q117139 P1412 Q1860 +Q1609199 P69 Q838330 +Q11734 P140 Q1841 +Q221303 P106 Q333634 +Q212730 P737 Q9049 +Q164281 P140 Q59778 +Q1032 P463 Q1065 +Q443121 P27 Q30 +Q87910 P27 Q7318 +Q313594 P102 Q151469 +Q38 P530 Q39 +Q201418 P1303 Q17172850 +Q323805 P106 Q36834 +Q62890 P108 Q37156 +Q81224 P161 Q42101 +Q865 P530 Q709 +Q441990 P106 Q205375 +Q711810 P1303 Q187851 +Q325070 P106 Q10798782 +Q701587 P119 Q288130 +Q314984 P106 Q193391 +Q4084084 P106 Q901 +Q153996 P27 Q183 +Q104737 P19 Q3138 +Q85691 P108 Q152087 +Q728615 P20 Q60 +Q231807 P106 Q33999 +Q51908481 P3373 Q53191106 +Q140575 P27 Q79 +Q240896 P1303 Q17172850 +Q896193 P106 Q1086863 +Q41315 P136 Q860626 +Q1351177 P106 Q639669 +Q116258 P69 Q20266894 +Q75209 P106 Q34074720 +Q142 P530 Q212 +Q1140309 P161 Q313470 +Q354241 P106 Q36180 +Q11860 P106 Q3387717 +Q236005 P264 Q183412 +Q4428333 P1412 Q7737 +Q1165439 P136 Q850412 +Q1398058 P106 Q1415090 +Q211542 P27 Q33 +Q706560 P106 Q2526255 +Q273532 P27 Q30 +Q430076 P106 Q36180 +Q347362 P106 Q4964182 +Q261244 P106 Q10798782 +Q361626 P106 Q16287483 +Q27645 P737 Q6527 +Q442830 P106 Q486748 +Q662406 P20 Q90 +Q315266 P106 Q774306 +Q275967 P106 Q2259451 +Q162045 P106 Q177220 +Q26702 P19 Q90 +Q123010 P106 Q250867 +Q235 P530 Q30 +Q236482 P1412 Q9186 +Q399 P530 Q17 +Q236613 P19 Q340 +Q733 P530 Q155 +Q295919 P20 Q65 +Q289469 P161 Q80938 +Q948808 P1412 Q7913 +Q237186 P19 Q11299 +Q83059 P463 Q463303 +Q743597 P509 Q2140674 +Q299190 P27 Q145 +Q124527 P1050 Q10874 +Q309756 P102 Q29468 +Q44336 P106 Q482980 +Q78475 P27 Q176495 +Q778 P463 Q827525 +Q905 P136 Q49084 +Q155547 P140 Q75809 +Q159636 P27 Q174193 +Q334760 P463 Q465654 +Q283988 P106 Q10798782 +Q25089 P106 Q36834 +Q130799 P106 Q486748 +Q184 P530 Q38 +Q323524 P69 Q523926 +Q1049686 P264 Q1988428 +Q206685 P509 Q12152 +Q356745 P106 Q36834 +Q2861 P17 Q183 +Q34389 P136 Q45981 +Q168992 P264 Q183412 +Q175395 P27 Q801 +Q561212 P106 Q8178443 +Q85417 P1412 Q188 +Q131240 P27 Q159 +Q32661 P106 Q28389 +Q843 P530 Q15180 +Q699605 P27 Q865 +Q561458 P69 Q35794 +Q223367 P136 Q130232 +Q63695 P1412 Q188 +Q298341 P69 Q49108 +Q273484 P106 Q33999 +Q465640 P136 Q180902 +Q121507 P106 Q10732476 +Q64485314 P17 Q30 +Q67526 P463 Q414379 +Q233541 P172 Q49085 +Q558838 P106 Q4263842 +Q102822 P69 Q152171 +Q105460 P1303 Q52954 +Q296609 P69 Q1255631 +Q90815 P102 Q7320 +Q277978 P19 Q60 +Q180011 P106 Q177220 +Q493 P737 Q535 +Q489 P1412 Q1860 +Q107194 P551 Q64 +Q92532 P69 Q672420 +Q564953 P106 Q158852 +Q133050 P106 Q3282637 +Q234204 P106 Q10798782 +Q266520 P1412 Q1860 +Q2966 P17 Q183 +Q191543 P161 Q314133 +Q379830 P19 Q24639 +Q540155 P106 Q1930187 +Q78999 P69 Q165980 +Q400614 P119 Q281859 +Q206576 P136 Q157394 +Q382393 P106 Q33999 +Q127866 P136 Q187760 +Q123097 P136 Q2484376 +Q95050 P106 Q10798782 +Q2574737 P19 Q3616 +Q230218 P102 Q29468 +Q130746 P106 Q49757 +Q77042 P106 Q333634 +Q212 P530 Q796 +Q72060 P106 Q1397808 +Q436686 P106 Q33999 +Q572741 P106 Q6625963 +Q77428 P1412 Q188 +Q106598 P106 Q1930187 +Q72262 P27 Q30 +Q35149 P27 Q41304 +Q106775 P106 Q2259451 +Q175759 P264 Q183387 +Q92624 P106 Q5482740 +Q1046612 P69 Q160302 +Q161806 P17 Q142 +Q2281920 P106 Q1622272 +Q455754 P106 Q639669 +Q36843 P106 Q82955 +Q109324 P106 Q33999 +Q233054 P27 Q30 +Q255786 P106 Q33999 +Q551154 P106 Q639669 +Q92766 P69 Q49108 +Q69430 P106 Q11774202 +Q258750 P106 Q36834 +Q434466 P106 Q4610556 +Q70083 P19 Q2814 +Q729697 P136 Q83440 +Q66527 P463 Q329464 +Q263439 P106 Q10800557 +Q287748 P161 Q240206 +Q88464 P106 Q36180 +Q267359 P1412 Q1860 +Q228645 P106 Q2405480 +Q57187 P27 Q183 +Q76308 P463 Q414163 +Q51010 P1412 Q387066 +Q297552 P264 Q796316 +Q95971 P69 Q152171 +Q60025 P551 Q60 +Q83321 P106 Q806798 +Q288355 P161 Q229056 +Q76499 P19 Q4120832 +Q963015 P106 Q6625963 +Q123041 P27 Q23366230 +Q516870 P509 Q12078 +Q1273666 P452 Q746359 +Q128854 P161 Q342419 +Q155786 P19 Q1781 +Q68529 P106 Q901402 +Q78316 P20 Q90 +Q97676 P140 Q9592 +Q221103 P161 Q106997 +Q1037 P463 Q376150 +Q107432 P264 Q202440 +Q1254522 P136 Q1640319 +Q6294 P27 Q30 +Q234017 P106 Q33999 +Q668 P530 Q902 +Q178517 P136 Q11399 +Q63026 P840 Q38 +Q946774 P1412 Q809 +Q241783 P172 Q49085 +Q183492 P463 Q94301 +Q315592 P840 Q62 +Q83656 P161 Q152542 +Q171530 P69 Q209842 +Q237387 P106 Q36834 +Q64241 P106 Q169470 +Q181875 P27 Q174193 +Q1123489 P463 Q270794 +Q4242236 P19 Q908 +Q2416148 P106 Q2722764 +Q762361 P106 Q1930187 +Q438329 P102 Q29468 +Q66527 P20 Q1731 +Q16 P530 Q921 +Q561196 P106 Q28389 +Q234144 P106 Q177220 +Q62116 P108 Q55044 +Q236475 P641 Q36389 +Q265621 P20 Q220 +Q1344392 P106 Q82594 +Q554406 P106 Q482980 +Q218172 P161 Q233347 +Q215145 P106 Q36180 +Q114533 P19 Q1741 +Q304074 P136 Q130232 +Q444520 P106 Q482980 +Q380848 P161 Q228852 +Q314914 P27 Q145 +Q171861 P161 Q39972 +Q505882 P106 Q36834 +Q217033 P102 Q29468 +Q313553 P106 Q36180 +Q119546 P69 Q49210 +Q445606 P106 Q82955 +Q192301 P136 Q157443 +Q214816 P106 Q36180 +Q702111 P40 Q17132 +Q368794 P20 Q1337818 +Q49823 P106 Q1622272 +Q311169 P27 Q16 +Q131366 P136 Q38848 +Q346280 P119 Q1437214 +Q58978 P106 Q15980158 +Q668 P530 Q1036 +Q188492 P106 Q2059704 +Q321365 P27 Q15180 +Q734436 P69 Q49122 +Q219060 P530 Q159 +Q357001 P69 Q5103452 +Q76748 P108 Q315658 +Q271145 P1303 Q27939 +Q329035 P264 Q183387 +Q5549674 P106 Q6337803 +Q506900 P106 Q10816969 +Q255335 P26 Q25014 +Q192887 P140 Q3333484 +Q590792 P19 Q60 +Q77027 P1412 Q150 +Q370155 P1303 Q17172850 +Q727711 P20 Q90 +Q320146 P106 Q753110 +Q364315 P108 Q273626 +Q117970 P136 Q817138 +Q47216 P106 Q193391 +Q888671 P106 Q639669 +Q264869 P136 Q2975633 +Q365750 P106 Q2722764 +Q83649 P840 Q31 +Q699456 P119 Q240744 +Q522592 P106 Q639669 +Q14747 P106 Q10800557 +Q128934 P161 Q676094 +Q261104 P106 Q10800557 +Q367973 P1412 Q150 +Q429969 P495 Q30 +Q168555 P27 Q145 +Q458978 P1303 Q6607 +Q37150 P136 Q46046 +Q455625 P106 Q753110 +Q92604 P106 Q5482740 +Q173061 P1303 Q17172850 +Q2044 P17 Q172579 +Q2120396 P69 Q5171564 +Q644917 P106 Q49757 +Q126122 P27 Q183 +Q319133 P27 Q801 +Q26625 P106 Q10798782 +Q215945 P1412 Q9035 +Q156898 P101 Q184485 +Q40791 P106 Q10800557 +Q334885 P20 Q65 +Q71035 P108 Q273263 +Q1057893 P106 Q177220 +Q224 P530 Q794 +Q270268 P106 Q11774202 +Q95068 P551 Q194420 +Q438440 P1412 Q36510 +Q128073 P106 Q219477 +Q65917 P463 Q18650004 +Q709685 P106 Q36180 +Q221594 P136 Q20442589 +Q196923 P106 Q177220 +Q105875 P19 Q1297 +Q549729 P69 Q691283 +Q311752 P106 Q28389 +Q183 P530 Q971 +Q441528 P641 Q41323 +Q204868 P106 Q36180 +Q18421 P495 Q142 +Q354867 P27 Q30 +Q237112 P101 Q482 +Q367109 P1412 Q150 +Q230445 P106 Q55960555 +Q4430 P161 Q436769 +Q317953 P19 Q49145 +Q4271346 P69 Q4204467 +Q64850 P27 Q1206012 +Q96 P530 Q298 +Q256380 P69 Q49108 +Q433989 P106 Q482980 +Q771296 P136 Q217467 +Q102438 P161 Q111230 +Q981971 P1412 Q188 +Q969048 P69 Q174158 +Q833 P530 Q574 +Q262850 P1412 Q7737 +Q980000 P108 Q41506 +Q337206 P19 Q11299 +Q62686 P20 Q3033 +Q66002 P106 Q193391 +Q1013 P463 Q827525 +Q1569251 P1303 Q8338 +Q11903 P737 Q34943 +Q19356 P161 Q360674 +Q91642 P106 Q1622272 +Q207515 P509 Q12152 +Q214642 P106 Q6625963 +Q2875 P136 Q17013749 +Q189869 P106 Q49757 +Q1036 P463 Q7785 +Q898 P17 Q159 +Q187019 P108 Q49117 +Q93443 P161 Q296609 +Q809077 P106 Q639669 +Q230476 P106 Q36180 +Q45575 P1412 Q1860 +Q88899 P27 Q183 +Q295463 P106 Q28389 +Q193070 P106 Q28389 +Q56094 P102 Q29552 +Q164351 P140 Q7066 +Q310375 P19 Q277162 +Q637195 P106 Q3391743 +Q92739 P463 Q127992 +Q215735 P1412 Q652 +Q97871 P108 Q154561 +Q172161 P19 Q90 +Q186630 P108 Q194223 +Q189600 P161 Q43416 +Q29418 P27 Q30 +Q11124 P106 Q40348 +Q61310 P1412 Q188 +Q9391 P69 Q51985 +Q357168 P106 Q177220 +Q201538 P69 Q21578 +Q7301731 P69 Q13371 +Q445392 P20 Q61 +Q526022 P106 Q66711686 +Q1085 P131 Q33946 +Q74745 P108 Q315658 +Q319121 P551 Q16559 +Q253715 P1303 Q5994 +Q981513 P106 Q1930187 +Q712082 P1412 Q5146 +Q316330 P69 Q49088 +Q57374 P509 Q12152 +Q150471 P106 Q18844224 +Q873 P106 Q10798782 +Q49074 P509 Q11868838 +Q277559 P69 Q1472245 +Q2255438 P108 Q174158 +Q213545 P108 Q60450 +Q350666 P27 Q30 +Q49398 P161 Q314914 +Q94350 P27 Q40 +Q81752 P69 Q686522 +Q278625 P106 Q131524 +Q123140 P108 Q503473 +Q297816 P264 Q557632 +Q699597 P106 Q39631 +Q575795 P106 Q1028181 +Q361587 P20 Q34006 +Q42247 P119 Q311 +Q445306 P27 Q174193 +Q60677 P27 Q30 +Q2577771 P69 Q13371 +Q74315 P136 Q1200678 +Q57700 P106 Q753110 +Q275875 P106 Q822146 +Q230929 P106 Q15627169 +Q158123 P641 Q5372 +Q315199 P136 Q20378 +Q44197 P106 Q82955 +Q380904 P106 Q2405480 +Q316330 P737 Q318029 +Q170510 P106 Q33999 +Q55258 P106 Q2059704 +Q104266 P106 Q4991371 +Q207536 P161 Q81819 +Q76738 P108 Q161976 +Q74258 P106 Q639669 +Q238215 P101 Q207628 +Q82949 P161 Q183347 +Q295817 P264 Q18628 +Q74165 P1412 Q188 +Q4513768 P27 Q139319 +Q53003 P27 Q172579 +Q309709 P1303 Q52954 +Q231182 P106 Q33999 +Q212 P530 Q114 +Q116760 P106 Q7042855 +Q55 P530 Q801 +Q690974 P27 Q30 +Q322549 P27 Q33 +Q202461 P106 Q33999 +Q176558 P101 Q35760 +Q236340 P361 Q174291 +Q671665 P264 Q202440 +Q182609 P140 Q9592 +Q1281738 P102 Q29468 +Q199644 P106 Q49757 +Q239411 P106 Q43845 +Q92644 P19 Q61 +Q348916 P106 Q11900058 +Q431401 P106 Q2643890 +Q64263 P20 Q2966 +Q67633 P69 Q157575 +Q175102 P106 Q1075651 +Q72090 P495 Q183 +Q174843 P1303 Q17172850 +Q110709 P20 Q2634 +Q169000 P136 Q959790 +Q81244 P27 Q176495 +Q96556 P20 Q104192 +Q1025919 P136 Q263734 +Q70795 P1412 Q9078 +Q1006152 P69 Q691851 +Q961671 P106 Q488205 +Q954623 P106 Q28389 +Q2908686 P106 Q82955 +Q151164 P106 Q82955 +Q105387 P161 Q277099 +Q353754 P106 Q4263842 +Q82301 P19 Q26793 +Q199418 P136 Q9794 +Q103578 P172 Q1075293 +Q70767 P106 Q36180 +Q264699 P106 Q10798782 +Q132351 P57 Q220751 +Q52488 P106 Q36180 +Q1386793 P264 Q522618 +Q76943 P27 Q183 +Q93356 P737 Q1067 +Q52997 P119 Q2000666 +Q232288 P106 Q10798782 +Q312885 P106 Q36834 +Q270126 P106 Q33999 +Q381185 P106 Q1930187 +Q448837 P106 Q177220 +Q906 P30 Q48 +Q44336 P106 Q6625963 +Q273118 P106 Q10800557 +Q72201 P106 Q121594 +Q334288 P1412 Q7976 +Q48502 P19 Q85 +Q494676 P106 Q177220 +Q32257 P106 Q1622272 +Q373895 P106 Q947873 +Q58720 P101 Q2329 +Q126596 P106 Q36180 +Q7439 P172 Q7325 +Q318503 P106 Q3282637 +Q193517 P136 Q40831 +Q420041 P106 Q10800557 +Q546275 P136 Q49084 +Q230 P530 Q796 +Q92608 P27 Q30 +Q217112 P161 Q29250 +Q106571 P840 Q1435 +Q663447 P106 Q1028181 +Q82280 P20 Q31487 +Q234212 P106 Q33999 +Q49081 P551 Q61 +Q3849085 P106 Q1622272 +Q724160 P69 Q2599077 +Q10520 P27 Q145 +Q4444 P161 Q193659 +Q179682 P1303 Q6607 +Q231948 P463 Q46703 +Q159646 P69 Q2983698 +Q263582 P1303 Q5994 +Q405565 P106 Q10800557 +Q743051 P1303 Q128309 +Q314963 P106 Q6625963 +Q97470 P27 Q183 +Q2022 P136 Q482 +Q121850 P106 Q36180 +Q117301 P19 Q1757 +Q332528 P509 Q181257 +Q458229 P106 Q486748 +Q535924 P463 Q83172 +Q216341 P1303 Q79838 +Q2602121 P106 Q211346 +Q336125 P551 Q1348 +Q359665 P106 Q18814623 +Q1041034 P106 Q3089940 +Q313581 P69 Q152087 +Q78766 P106 Q33999 +Q268824 P136 Q1146335 +Q187192 P1412 Q150 +Q1511 P136 Q9730 +Q90009 P108 Q995265 +Q67576 P108 Q152087 +Q350714 P106 Q33999 +Q427597 P27 Q33 +Q245208 P161 Q93957 +Q205721 P106 Q1028181 +Q303 P106 Q855091 +Q253978 P161 Q232927 +Q266057 P19 Q11299 +Q290490 P495 Q30 +Q604086 P106 Q49757 +Q469888 P69 Q3098911 +Q47480 P27 Q39 +Q239522 P106 Q482980 +Q322381 P19 Q1781 +Q150662 P69 Q1127387 +Q81752 P106 Q16145150 +Q540516 P172 Q484464 +Q156815 P509 Q12152 +Q1702240 P1303 Q17172850 +Q454200 P106 Q28389 +Q57351 P106 Q1622272 +Q727711 P106 Q1930187 +Q19526 P106 Q5716684 +Q78513 P106 Q4964182 +Q454645 P106 Q1930187 +Q329156 P106 Q10798782 +Q305909 P27 Q794 +Q86723 P463 Q253439 +Q311594 P463 Q188771 +Q92130 P19 Q2079 +Q257145 P106 Q2526255 +Q182455 P140 Q55004488 +Q200804 P495 Q96 +Q316709 P106 Q18814623 +Q11806 P1412 Q397 +Q183279 P172 Q7325 +Q49524 P106 Q33999 +Q1033 P530 Q843 +Q213613 P136 Q1344 +Q61497 P106 Q1622272 +Q272770 P1303 Q17172850 +Q450796 P106 Q1607826 +Q29 P463 Q1480793 +Q282722 P27 Q30 +Q229232 P106 Q33999 +Q40321 P106 Q10800557 +Q33977 P106 Q49757 +Q84217 P106 Q158852 +Q105466 P106 Q2526255 +Q37628 P140 Q9268 +Q2895 P361 Q15180 +Q6294 P106 Q82955 +Q131380 P69 Q993267 +Q206399 P1412 Q7737 +Q236005 P106 Q639669 +Q217627 P161 Q272719 +Q221305 P161 Q254038 +Q92143 P1050 Q178275 +Q17714 P106 Q1650915 +Q2685 P27 Q30 +Q718609 P106 Q43845 +Q2643 P106 Q488205 +Q419 P463 Q842490 +Q19661 P69 Q1026939 +Q236613 P1412 Q1860 +Q218889 P27 Q28513 +Q2680 P106 Q1053574 +Q318619 P20 Q1408 +Q712765 P106 Q43845 +Q87756 P106 Q201788 +Q210172 P106 Q33999 +Q544387 P119 Q1645215 +Q102669 P106 Q1209498 +Q4588976 P108 Q486156 +Q313388 P27 Q30 +Q888034 P106 Q49757 +Q90319 P106 Q33999 +Q40187 P161 Q204393 +Q234101 P106 Q2259451 +Q414163 P159 Q1720 +Q1376957 P106 Q177220 +Q1511 P20 Q641 +Q108970 P106 Q40348 +Q325422 P136 Q147516 +Q861994 P1303 Q6607 +Q148 P530 Q43 +Q706999 P1412 Q7737 +Q154338 P106 Q15296811 +Q1173676 P463 Q337234 +Q112651 P106 Q177220 +Q83733 P106 Q3282637 +Q298016 P106 Q10798782 +Q55 P463 Q125761 +Q1659471 P1412 Q1860 +Q272095 P106 Q33999 +Q1347561 P108 Q7842 +Q215300 P106 Q488205 +Q292623 P19 Q39709 +Q215520 P19 Q1781 +Q4320172 P463 Q2370801 +Q339423 P1303 Q17172850 +Q214801 P161 Q208649 +Q137584 P136 Q842256 +Q52997 P106 Q2526255 +Q332032 P264 Q21077 +Q381307 P106 Q1622272 +Q35149 P1412 Q188 +Q102852 P106 Q28389 +Q186123 P106 Q33231 +Q1377134 P264 Q165745 +Q142292 P161 Q272019 +Q80966 P19 Q3141 +Q55462 P106 Q33999 +Q309941 P106 Q2252262 +Q36023 P140 Q1062789 +Q729697 P20 Q1439 +Q106428 P136 Q622370 +Q61813 P69 Q154804 +Q365484 P106 Q10798782 +Q12674 P509 Q506616 +Q154367 P1412 Q188 +Q361677 P136 Q11399 +Q93188 P106 Q28389 +Q23685 P102 Q29552 +Q720009 P1303 Q51290 +Q262772 P106 Q33999 +Q887347 P1303 Q163829 +Q322970 P106 Q82955 +Q458966 P108 Q209842 +Q558794 P106 Q201788 +Q457803 P106 Q482980 +Q107914 P161 Q4573 +Q1233 P69 Q593321 +Q534599 P106 Q1930187 +Q443030 P106 Q2259451 +Q112136 P106 Q36180 +Q1353064 P20 Q90 +Q364881 P27 Q258 +Q1329421 P19 Q49111 +Q151881 P161 Q241783 +Q310985 P264 Q664167 +Q921679 P1303 Q6607 +Q117 P463 Q7825 +Q436463 P106 Q49757 +Q232000 P161 Q230131 +Q194333 P1303 Q5994 +Q350581 P27 Q30 +Q216179 P106 Q753110 +Q30 P530 Q967 +Q309926 P264 Q694052 +Q1772432 P136 Q205049 +Q4077 P17 Q16957 +Q126941 P106 Q6625963 +Q1351259 P106 Q753110 +Q92627 P106 Q43845 +Q675 P463 Q329464 +Q101809 P106 Q3621491 +Q83851 P69 Q797078 +Q948 P530 Q38 +Q60452 P463 Q812155 +Q76310 P106 Q12144794 +Q316596 P106 Q2259451 +Q231106 P106 Q488205 +Q1396681 P1303 Q6607 +Q220816 P106 Q49757 +Q271119 P106 Q33999 +Q234335 P27 Q16 +Q232113 P106 Q2259451 +Q454075 P136 Q1298934 +Q713575 P136 Q8341 +Q314914 P106 Q33999 +Q191 P530 Q38 +Q1378199 P69 Q7894738 +Q213122 P119 Q1166 +Q194896 P106 Q82955 +Q11171 P69 Q49122 +Q318938 P69 Q270222 +Q188954 P106 Q81096 +Q44144 P27 Q30 +Q351527 P106 Q1930187 +Q352030 P106 Q2526255 +Q84561 P106 Q169470 +Q128799 P136 Q850412 +Q133465 P106 Q49757 +Q443327 P19 Q39121 +Q264774 P106 Q753110 +Q320423 P161 Q323452 +Q836 P463 Q1043527 +Q258183 P136 Q131578 +Q258846 P264 Q64485314 +Q348678 P136 Q20442589 +Q200883 P106 Q1955150 +Q232109 P106 Q10800557 +Q79 P463 Q656801 +Q96285 P106 Q1622272 +Q92897 P1412 Q188 +Q568455 P69 Q49210 +Q1290021 P1303 Q9798 +Q961447 P136 Q11401 +Q457306 P69 Q7894738 +Q118745 P27 Q15180 +Q77148 P108 Q152087 +Q1731 P463 Q1768108 +Q1281772 P19 Q18426 +Q14100 P101 Q21198 +Q1141825 P1303 Q6607 +Q92760 P69 Q49108 +Q884 P530 Q794 +Q28480 P1303 Q5994 +Q133489 P1303 Q6607 +Q81685 P40 Q581018 +Q102301 P27 Q30 +Q261812 P106 Q3455803 +Q223741 P106 Q33999 +Q230045 P106 Q4610556 +Q121060 P69 Q745967 +Q348678 P161 Q233854 +Q102822 P106 Q593644 +Q236253 P106 Q4610556 +Q209471 P106 Q3455803 +Q67047 P106 Q36180 +Q984215 P19 Q1428 +Q313666 P101 Q5891 +Q138166 P140 Q9592 +Q116013 P106 Q333634 +Q66628 P106 Q185351 +Q142 P530 Q219 +Q151720 P106 Q6625963 +Q5738 P27 Q142 +Q47011 P106 Q201788 +Q60025 P69 Q155354 +Q538676 P106 Q2722764 +Q142 P463 Q1065 +Q2822396 P17 Q38 +Q551570 P19 Q172455 +Q218022 P69 Q1664782 +Q61915 P463 Q2043519 +Q439209 P1412 Q9056 +Q208572 P161 Q366012 +Q3662078 P69 Q13371 +Q110916 P106 Q3400985 +Q192885 P27 Q34266 +Q92747 P172 Q49078 +Q92775 P1412 Q1860 +Q347891 P106 Q214917 +Q982535 P106 Q36180 +Q72334 P69 Q1068752 +Q771229 P106 Q81096 +Q234591 P106 Q488205 +Q62664 P140 Q75809 +Q323260 P101 Q413 +Q83038 P106 Q4263842 +Q377939 P136 Q130232 +Q113928 P106 Q4964182 +Q160852 P27 Q145 +Q1028 P530 Q912 +Q346595 P106 Q2526255 +Q449769 P106 Q333634 +Q154770 P27 Q40 +Q215937 P27 Q183 +Q633103 P361 Q6354282 +Q269177 P27 Q15180 +Q19673 P102 Q29552 +Q382680 P1303 Q8338 +Q563 P101 Q207628 +Q318155 P106 Q10798782 +Q124065 P108 Q372608 +Q49001 P106 Q2259451 +Q11107 P69 Q21578 +Q35 P530 Q869 +Q107405 P27 Q29999 +Q1164663 P264 Q645889 +Q92644 P463 Q123885 +Q456017 P161 Q295974 +Q75797 P108 Q153978 +Q19673 P106 Q43845 +Q668 P530 Q183 +Q83492 P106 Q2526255 +Q61073 P140 Q1841 +Q29315 P106 Q82955 +Q332892 P264 Q466649 +Q1789286 P106 Q1930187 +Q64043 P1412 Q188 +Q487491 P463 Q337234 +Q489252 P27 Q30 +Q165419 P106 Q82955 +Q2291 P509 Q12152 +Q918681 P106 Q1930187 +Q356745 P27 Q754 +Q471664 P27 Q34266 +Q111182 P19 Q64 +Q84403 P27 Q30 +Q297744 P106 Q10800557 +Q1391820 P106 Q488205 +Q342430 P69 Q523926 +Q150630 P463 Q2124852 +Q112880 P463 Q459620 +Q1058124 P106 Q36834 +Q276734 P161 Q41548 +Q48734 P161 Q310785 +Q285543 P106 Q82955 +Q87542 P26 Q145132 +Q151872 P172 Q7325 +Q60539 P40 Q114152 +Q329434 P136 Q200092 +Q34286 P463 Q543804 +Q71322 P19 Q2999 +Q227 P463 Q7809 +Q329 P106 Q40348 +Q667925 P106 Q2526255 +Q30 P463 Q19771 +Q258736 P106 Q33999 +Q164103 P136 Q645928 +Q367653 P106 Q33999 +Q458229 P106 Q639669 +Q352496 P1412 Q5287 +Q354542 P27 Q30 +Q5333 P106 Q1662561 +Q200355 P69 Q1432645 +Q314427 P106 Q5716684 +Q17 P530 Q865 +Q733 P37 Q1321 +Q152773 P106 Q10798782 +Q61558 P119 Q131491 +Q207380 P509 Q12202 +Q58866 P26 Q19504 +Q139121 P136 Q8341 +Q12325 P27 Q30 +Q72932 P108 Q155354 +Q44481 P463 Q3291340 +Q214116 P108 Q49119 +Q465181 P106 Q1930187 +Q229646 P106 Q333634 +Q683058 P106 Q82955 +Q2902064 P106 Q82955 +Q363386 P106 Q2405480 +Q36450 P463 Q329464 +Q269809 P1412 Q1860 +Q265202 P106 Q386854 +Q345431 P1303 Q17172850 +Q55468 P106 Q2526255 +Q170530 P108 Q740308 +Q236005 P1412 Q1860 +Q318287 P106 Q3282637 +Q262576 P106 Q2259451 +Q1321093 P106 Q183945 +Q239214 P136 Q1344 +Q26848 P106 Q10800557 +Q222 P530 Q183 +Q61282 P463 Q684415 +Q243639 P264 Q1998195 +Q187345 P509 Q476921 +Q6512 P19 Q1748 +Q2831 P106 Q43845 +Q157313 P106 Q201788 +Q877537 P108 Q31519 +Q486096 P140 Q7066 +Q95039 P69 Q5901972 +Q324557 P136 Q1776156 +Q662066 P106 Q158852 +Q462356 P69 Q1059546 +Q1353962 P106 Q753110 +Q955077 P172 Q49085 +Q436648 P106 Q639669 +Q315514 P106 Q12362622 +Q45386 P161 Q275543 +Q370747 P140 Q1841 +Q215927 P1412 Q397 +Q2587336 P20 Q649 +Q156201 P1412 Q7737 +Q237413 P69 Q185246 +Q784260 P106 Q2252262 +Q293696 P19 Q60 +Q158436 P27 Q40 +Q154325 P106 Q205375 +Q11362 P106 Q49757 +Q442300 P106 Q10800557 +Q37577 P119 Q665815 +Q92965 P108 Q49117 +Q235737 P106 Q10800557 +Q380634 P1303 Q17172850 +Q444371 P1412 Q1860 +Q202136 P463 Q123885 +Q96950 P20 Q2814 +Q208909 P17 Q145 +Q155485 P161 Q232968 +Q4289338 P102 Q79854 +Q272225 P101 Q207628 +Q386714 P136 Q2137852 +Q157208 P27 Q161885 +Q93028 P27 Q30 +Q488099 P136 Q156035 +Q230 P530 Q784 +Q2709 P1303 Q17172850 +Q2918925 P106 Q1622272 +Q312252 P106 Q10798782 +Q166159 P106 Q947873 +Q315152 P641 Q5369 +Q953 P530 Q954 +Q463832 P161 Q203545 +Q17457 P108 Q161562 +Q35286 P106 Q17351648 +Q171684 P20 Q18094 +Q366207 P106 Q753110 +Q202801 P136 Q850412 +Q103946 P106 Q3282637 +Q3022141 P463 Q123885 +Q25144 P106 Q578109 +Q573223 P135 Q37068 +Q220713 P161 Q350811 +Q107769 P27 Q30 +Q67645 P102 Q49762 +Q966669 P20 Q84 +Q154855 P106 Q193391 +Q1441251 P106 Q639669 +Q44071 P463 Q1971373 +Q956652 P106 Q43845 +Q105118 P27 Q30 +Q779682 P106 Q4964182 +Q296545 P463 Q466113 +Q224097 P69 Q487556 +Q500042 P20 Q16567 +Q218458 P161 Q228692 +Q380252 P119 Q208175 +Q258 P530 Q55 +Q347128 P106 Q33999 +Q214466 P136 Q37073 +Q80 P106 Q81096 +Q1689075 P136 Q83440 +Q551075 P106 Q36180 +Q40213 P737 Q93343 +Q356361 P106 Q1930187 +Q1545284 P106 Q3282637 +Q135329 P108 Q4345832 +Q30 P530 Q1020 +Q780102 P106 Q6625963 +Q370928 P106 Q488205 +Q47163 P19 Q220 +Q88015 P19 Q1780 +Q605678 P106 Q482980 +Q241252 P106 Q47064 +Q232260 P136 Q149537 +Q55452 P20 Q220 +Q380407 P106 Q177220 +Q11816 P463 Q463303 +Q562781 P108 Q1934904 +Q272845 P106 Q639669 +Q152293 P27 Q15180 +Q433060 P19 Q18013 +Q204299 P106 Q948329 +Q239565 P106 Q33999 +Q160778 P27 Q183 +Q77447 P106 Q193391 +Q4242236 P106 Q4773904 +Q16400 P1412 Q9192 +Q167429 P106 Q1281618 +Q51139 P136 Q11399 +Q62676 P641 Q5386 +Q319374 P1303 Q8355 +Q53633 P106 Q1622272 +Q151087 P27 Q142 +Q251738 P101 Q270141 +Q42574 P106 Q12362622 +Q57218 P119 Q64 +Q206032 P136 Q966564 +Q929 P530 Q1028 +Q359568 P106 Q901402 +Q234898 P1412 Q9610 +Q296577 P106 Q10800557 +Q60045 P106 Q131062 +Q27684 P27 Q34 +Q8201431 P1412 Q1321 +Q229153 P106 Q177220 +Q269683 P19 Q1773 +Q548672 P463 Q938622 +Q143605 P136 Q157394 +Q319799 P101 Q33999 +Q73581 P106 Q131512 +Q72756 P106 Q3282637 +Q52488 P106 Q17167049 +Q229018 P1303 Q6607 +Q262267 P106 Q33999 +Q95356 P106 Q10800557 +Q4985 P106 Q37226 +Q285330 P106 Q33999 +Q22955657 P3373 Q53191106 +Q47007 P3373 Q331896 +Q62052 P106 Q13235160 +Q712914 P106 Q488205 +Q288180 P106 Q10800557 +Q171463 P106 Q2259451 +Q105756 P1412 Q1860 +Q234388 P3373 Q319392 +Q92983 P106 Q1622272 +Q275985 P106 Q214917 +Q465465 P20 Q3640 +Q218172 P136 Q622370 +Q5603 P106 Q5322166 +Q12054 P106 Q2526255 +Q162182 P136 Q2421031 +Q104256 P106 Q36180 +Q6882 P106 Q12144794 +Q454398 P161 Q231006 +Q105875 P264 Q885833 +Q176985 P19 Q649 +Q185548 P106 Q37226 +Q77708 P463 Q459620 +Q95034 P3373 Q295593 +Q77009 P495 Q30 +Q108857 P20 Q1055 +Q439455 P27 Q15180 +Q184103 P19 Q47164 +Q350552 P69 Q390287 +Q442897 P106 Q10800557 +Q1352613 P136 Q842256 +Q173481 P106 Q36180 +Q183279 P27 Q159 +Q234591 P136 Q8341 +Q68468 P106 Q10800557 +Q332632 P1412 Q652 +Q959097 P108 Q49115 +Q273136 P106 Q2526255 +Q566200 P106 Q10800557 +Q778 P530 Q408 +Q528140 P106 Q639669 +Q1276176 P106 Q36834 +Q85426 P1412 Q188 +Q37030 P106 Q18939491 +Q234519 P509 Q47912 +Q10490 P1412 Q5146 +Q241248 P737 Q36591 +Q4101530 P27 Q159 +Q123802 P1412 Q188 +Q901303 P106 Q39631 +Q609095 P106 Q36180 +Q283859 P106 Q36180 +Q182642 P106 Q82955 +Q439920 P106 Q483501 +Q4473 P106 Q177220 +Q106465 P106 Q40348 +Q23810 P101 Q205375 +Q668 P361 Q7768 +Q85715 P106 Q201788 +Q258761 P264 Q193023 +Q236161 P20 Q90 +Q127332 P101 Q184485 +Q7304 P26 Q156898 +Q310767 P106 Q81096 +Q217020 P161 Q342604 +Q40319 P106 Q774306 +Q357961 P106 Q11063 +Q92635 P106 Q11063 +Q1626134 P161 Q358990 +Q448960 P19 Q24639 +Q205028 P161 Q34460 +Q210172 P106 Q10800557 +Q49601 P463 Q219989 +Q116789 P20 Q656 +Q336278 P106 Q177220 +Q19201 P106 Q177220 +Q966228 P737 Q160534 +Q906529 P463 Q188771 +Q48074 P69 Q14404494 +Q126812 P108 Q152171 +Q97676 P106 Q1743122 +Q232477 P106 Q4610556 +Q2086086 P106 Q488205 +Q77184 P463 Q414188 +Q267386 P19 Q60 +Q944159 P106 Q177220 +Q1305608 P106 Q1415090 +Q63670 P108 Q49112 +Q48020 P20 Q649 +Q176361 P119 Q99 +Q948808 P1412 Q1860 +Q311459 P1412 Q7737 +Q352540 P27 Q30 +Q505827 P463 Q723551 +Q30 P530 Q20 +Q296069 P106 Q201788 +Q163042 P106 Q201788 +Q332610 P463 Q463281 +Q69349 P20 Q1022 +Q1511 P106 Q1350157 +Q16400 P27 Q145 +Q421707 P106 Q2259451 +Q63791 P1412 Q1321 +Q741058 P509 Q12152 +Q236599 P106 Q8178443 +Q206374 P161 Q181678 +Q869 P530 Q17 +Q435278 P106 Q639669 +Q436769 P27 Q145 +Q440528 P27 Q145 +Q311181 P27 Q17 +Q93817 P106 Q4964182 +Q711874 P136 Q45981 +Q214477 P463 Q463303 +Q98926 P106 Q482980 +Q1047474 P136 Q484641 +Q444525 P161 Q350714 +Q207588 P161 Q40912 +Q186504 P161 Q37459 +Q258980 P106 Q10800557 +Q202211 P840 Q668 +Q1334617 P106 Q36834 +Q314110 P106 Q81096 +Q94765 P102 Q622441 +Q519606 P106 Q1281618 +Q155463 P20 Q2807 +Q62409 P108 Q51985 +Q438968 P1412 Q188 +Q557171 P106 Q1622272 +Q71322 P108 Q152087 +Q383355 P161 Q134333 +Q315132 P119 Q592204 +Q776752 P27 Q184 +Q457316 P106 Q4263842 +Q554209 P27 Q36 +Q123034 P106 Q333634 +Q1154804 P136 Q37073 +Q20887 P1412 Q7737 +Q215927 P737 Q868 +Q36322 P172 Q42406 +Q349350 P106 Q11481802 +Q720868 P1412 Q809 +Q220010 P19 Q1761 +Q215 P463 Q1969730 +Q119348 P1412 Q1860 +Q62116 P69 Q161976 +Q233433 P19 Q340 +Q1383155 P463 Q463303 +Q189164 P27 Q2184 +Q362258 P27 Q159 +Q315348 P1412 Q1860 +Q77888 P106 Q14467526 +Q131333 P106 Q1930187 +Q167475 P106 Q33999 +Q234388 P27 Q30 +Q1238828 P106 Q2252262 +Q318029 P106 Q201788 +Q289645 P106 Q4220892 +Q530550 P27 Q30 +Q323117 P106 Q1569495 +Q171758 P106 Q3282637 +Q1556241 P463 Q2095524 +Q263185 P19 Q1297 +Q236351 P101 Q207628 +Q357455 P1303 Q51290 +Q87168 P119 Q68752772 +Q1356368 P1412 Q1860 +Q94040 P27 Q131964 +Q228818 P1303 Q5994 +Q366890 P106 Q15627169 +Q41488 P108 Q49115 +Q1744 P737 Q202878 +Q106001 P106 Q10800557 +Q168847 P27 Q30 +Q92893 P19 Q18419 +Q57604 P1412 Q188 +Q432421 P27 Q30 +Q541599 P140 Q1841 +Q80064 P27 Q219 +Q102754 P161 Q232860 +Q59485 P106 Q33999 +Q270560 P106 Q33999 +Q351884 P106 Q28389 +Q589497 P463 Q463281 +Q321339 P1412 Q1860 +Q171463 P1303 Q17172850 +Q243639 P106 Q10800557 +Q212965 P161 Q342419 +Q224902 P106 Q28389 +Q931148 P1412 Q1860 +Q811 P530 Q41 +Q13132095 P3373 Q4530046 +Q89694 P27 Q183 +Q154325 P108 Q28729082 +Q73033 P106 Q1930187 +Q37767 P106 Q822146 +Q219655 P106 Q2405480 +Q236939 P1412 Q1860 +Q92830 P27 Q668 +Q924104 P106 Q3282637 +Q276343 P495 Q35 +Q336520 P106 Q82594 +Q199943 P26 Q287976 +Q149127 P27 Q30 +Q323834 P264 Q155152 +Q221843 P106 Q6625963 +Q201459 P1303 Q128309 +Q55207 P106 Q2526255 +Q62323 P106 Q28389 +Q20887 P106 Q639669 +Q507612 P106 Q33999 +Q93153 P19 Q1953 +Q213 P463 Q191384 +Q235955 P1412 Q1321 +Q233894 P136 Q213665 +Q106349 P1412 Q150 +Q78003 P463 Q459620 +Q1803090 P106 Q11338576 +Q192279 P136 Q192239 +Q1887014 P106 Q82955 +Q235770 P106 Q183945 +Q135139 P463 Q253439 +Q1000051 P106 Q1930187 +Q314646 P106 Q13474373 +Q435330 P1303 Q17172850 +Q45229 P106 Q2405480 +Q183 P463 Q782942 +Q40162 P106 Q10800557 +Q259047 P1412 Q1860 +Q1325743 P1303 Q6607 +Q55171 P140 Q7066 +Q441520 P106 Q486748 +Q97129 P106 Q15980158 +Q229330 P1412 Q1860 +Q229223 P69 Q1179603 +Q233483 P1303 Q5994 +Q2633389 P106 Q10798782 +Q346216 P106 Q14467526 +Q319725 P106 Q10800557 +Q184 P530 Q41 +Q48956 P101 Q11372 +Q220 P131 Q2277 +Q239823 P1412 Q150 +Q332892 P106 Q639669 +Q70950 P106 Q34074720 +Q5784301 P136 Q11399 +Q704710 P264 Q1184501 +Q526406 P1412 Q1860 +Q1827208 P136 Q9730 +Q1558793 P27 Q183 +Q220525 P463 Q266063 +Q1430 P2348 Q2277 +Q261465 P509 Q12202 +Q329434 P840 Q1397 +Q155907 P69 Q35794 +Q1740125 P106 Q177220 +Q60116 P27 Q39 +Q37217 P106 Q49757 +Q1351565 P106 Q66711686 +Q54945 P69 Q854280 +Q110960 P106 Q36834 +Q94672 P1412 Q188 +Q166031 P495 Q183 +Q95522 P19 Q1715 +Q408 P530 Q843 +Q96779 P27 Q183 +Q145 P530 Q833 +Q375845 P1412 Q188 +Q107008 P106 Q158852 +Q380045 P106 Q55960555 +Q114132 P106 Q36180 +Q248042 P106 Q16287483 +Q306122 P1303 Q17172850 +Q822668 P69 Q73094 +Q110042 P101 Q35760 +Q313818 P1303 Q52954 +Q297816 P172 Q49085 +Q313655 P106 Q3282637 +Q106834 P27 Q183 +Q463673 P106 Q177220 +Q720208 P1303 Q6607 +Q284017 P106 Q639669 +Q18425 P20 Q90 +Q78592 P106 Q36834 +Q238402 P40 Q319392 +Q917 P530 Q159 +Q71998 P136 Q49084 +Q187019 P140 Q7066 +Q1716 P106 Q55960555 +Q207816 P161 Q503013 +Q129119 P19 Q36036 +Q46633 P106 Q82594 +Q437622 P106 Q639669 +Q41342 P509 Q12192 +Q545375 P106 Q1930187 +Q106073 P463 Q459620 +Q9381 P1412 Q1860 +Q55421 P1412 Q1860 +Q7841 P106 Q6625963 +Q348170 P106 Q333634 +Q84186 P108 Q739627 +Q354033 P1303 Q17172850 +Q892930 P106 Q14467526 +Q249032 P840 Q1588 +Q995245 P69 Q55044 +Q110278 P161 Q41449 +Q387601 P840 Q60 +Q544607 P161 Q287427 +Q229612 P106 Q4610556 +Q107350 P69 Q895796 +Q103114 P106 Q482980 +Q232827 P27 Q30 +Q595529 P19 Q462799 +Q64949 P27 Q183 +Q231781 P106 Q121594 +Q295542 P19 Q18424 +Q208685 P106 Q13235160 +Q797599 P27 Q1033 +Q213706 P106 Q10800557 +Q118745 P19 Q656 +Q290502 P1412 Q1321 +Q589978 P19 Q1524 +Q555505 P69 Q273593 +Q84942 P102 Q49762 +Q671985 P106 Q185351 +Q294185 P106 Q28389 +Q2440716 P106 Q901 +Q139637 P106 Q465501 +Q383355 P136 Q130232 +Q188018 P69 Q7607037 +Q717059 P1303 Q6607 +Q206388 P495 Q38 +Q352914 P119 Q2661974 +Q760 P530 Q30 +Q30896 P106 Q36834 +Q374582 P106 Q36834 +Q389548 P161 Q445115 +Q444125 P119 Q2000666 +Q86165 P106 Q82955 +Q173540 P1412 Q1860 +Q1766736 P106 Q49757 +Q336640 P264 Q1849138 +Q36268 P551 Q90 +Q1394654 P1303 Q6607 +Q59215 P106 Q2526255 +Q697200 P101 Q184485 +Q183 P463 Q3866537 +Q2149885 P69 Q1419737 +Q78607 P106 Q201788 +Q43144 P27 Q30 +Q2281920 P463 Q463303 +Q53004 P20 Q48958 +Q311193 P1303 Q128309 +Q23301 P106 Q10800557 +Q237033 P1412 Q7913 +Q12844 P1412 Q143 +Q390097 P161 Q37459 +Q267803 P20 Q34006 +Q264730 P106 Q36180 +Q37 P463 Q8908 +Q136646 P106 Q10800557 +Q309838 P106 Q177220 +Q705653 P106 Q177220 +Q252409 P136 Q19367312 +Q112169 P136 Q8261 +Q3017168 P27 Q30 +Q81438 P106 Q186360 +Q316045 P551 Q1748 +Q876706 P106 Q82955 +Q216129 P1412 Q150 +Q1044 P463 Q7825 +Q562874 P106 Q36180 +Q330014 P106 Q10798782 +Q106795 P19 Q1726 +Q314164 P106 Q765778 +Q8772 P101 Q7754 +Q154545 P140 Q9592 +Q165257 P20 Q2807 +Q44306 P140 Q7066 +Q157155 P106 Q4964182 +Q241098 P106 Q15296811 +Q80437 P840 Q155 +Q350601 P106 Q177220 +Q779932 P106 Q49757 +Q299138 P106 Q33999 +Q77143 P264 Q770103 +Q165680 P27 Q28513 +Q10327963 P19 Q49145 +Q548185 P27 Q30 +Q61863 P463 Q253439 +Q331497 P106 Q205375 +Q61962 P119 Q220 +Q285116 P551 Q24639 +Q1077409 P106 Q2722764 +Q1691566 P641 Q11420 +Q213053 P495 Q30 +Q187241 P106 Q13582652 +Q76892 P106 Q185351 +Q522569 P136 Q83440 +Q238895 P26 Q295080 +Q41408 P106 Q15296811 +Q192207 P106 Q82955 +Q910392 P27 Q172579 +Q2695220 P106 Q43845 +Q983434 P106 Q1930187 +Q313210 P106 Q169470 +Q295120 P19 Q39709 +Q182642 P1412 Q1860 +Q99258 P106 Q15981151 +Q76422 P20 Q2090 +Q379022 P140 Q9592 +Q975911 P1303 Q17172850 +Q83656 P161 Q343510 +Q960524 P136 Q8341 +Q456921 P69 Q1079140 +Q55800 P106 Q15982858 +Q61761 P106 Q169470 +Q562178 P27 Q419 +Q543294 P106 Q483501 +Q264699 P641 Q80131 +Q154935 P161 Q433355 +Q382316 P106 Q183945 +Q261550 P161 Q71206 +Q184499 P20 Q84 +Q97883 P27 Q15180 +Q125663 P106 Q589298 +Q2514 P101 Q7163 +Q165518 P27 Q145 +Q187336 P106 Q1930187 +Q327240 P19 Q6106 +Q180975 P106 Q82955 +Q11362 P140 Q432 +Q223316 P161 Q240869 +Q315217 P106 Q948329 +Q68654 P27 Q183 +Q328691 P19 Q33935 +Q974 P463 Q1043527 +Q318792 P106 Q33999 +Q842243 P106 Q81096 +Q219 P530 Q38 +Q61262 P463 Q265058 +Q258010 P19 Q24826 +Q137571 P27 Q35 +Q268615 P509 Q181754 +Q27751 P161 Q188018 +Q521170 P135 Q667661 +Q685149 P106 Q82955 +Q206235 P1412 Q1860 +Q552529 P1303 Q5994 +Q243113 P19 Q34692 +Q269569 P1303 Q6607 +Q273211 P27 Q30 +Q162554 P1412 Q1860 +Q617920 P136 Q9730 +Q356397 P106 Q36180 +Q276468 P106 Q2526255 +Q5921 P140 Q93191 +Q83739 P161 Q150482 +Q219634 P172 Q7325 +Q888487 P106 Q639669 +Q95050 P26 Q343633 +Q85802 P102 Q157537 +Q708473 P106 Q1028181 +Q436394 P509 Q3505252 +Q316955 P106 Q10800557 +Q193803 P106 Q11063 +Q746182 P106 Q15981151 +Q218022 P69 Q1137719 +Q2367411 P136 Q35760 +Q1245 P27 Q38 +Q298930 P106 Q584301 +Q198621 P119 Q311 +Q2367411 P19 Q1492 +Q46248 P737 Q183167 +Q24356 P106 Q177220 +Q332454 P106 Q43845 +Q235515 P264 Q1124849 +Q124697 P161 Q106508 +Q114089 P106 Q28389 +Q332610 P27 Q30 +Q82248 P69 Q1376987 +Q106748 P19 Q406 +Q1314285 P106 Q2516866 +Q266179 P106 Q4610556 +Q786052 P19 Q490 +Q380996 P136 Q19367312 +Q153776 P136 Q1344 +Q222 P530 Q41 +Q44412 P101 Q413 +Q90781 P106 Q36180 +Q133151 P1412 Q1860 +Q107933 P3373 Q23858 +Q1239155 P106 Q15981151 +Q173955 P161 Q359325 +Q212145 P161 Q507845 +Q57109 P102 Q7320 +Q882 P106 Q1415090 +Q268824 P161 Q172035 +Q188461 P106 Q177220 +Q16409 P106 Q15296811 +Q464277 P509 Q3002150 +Q1402 P140 Q13211738 +Q345217 P106 Q33999 +Q1395732 P136 Q316930 +Q230836 P136 Q817138 +Q164170 P106 Q43845 +Q229550 P106 Q177220 +Q444147 P106 Q1930187 +Q45025 P106 Q49757 +Q270529 P119 Q208175 +Q727148 P106 Q1622272 +Q441456 P27 Q96 +Q204672 P106 Q33999 +Q447599 P27 Q29 +Q210740 P1412 Q1860 +Q16957 P530 Q713750 +Q272068 P106 Q10798782 +Q313546 P106 Q33999 +Q3436506 P102 Q29468 +Q76370 P106 Q333634 +Q708158 P136 Q753679 +Q604086 P106 Q1930187 +Q335142 P106 Q82955 +Q298761 P106 Q3282637 +Q183 P530 Q32 +Q240233 P19 Q18426 +Q215530 P37 Q1860 +Q191543 P840 Q62 +Q380045 P106 Q177220 +Q430276 P69 Q168756 +Q1360993 P136 Q11399 +Q304488 P161 Q190602 +Q190765 P495 Q30 +Q87012 P108 Q161976 +Q35 P530 Q843 +Q473770 P69 Q1149089 +Q984369 P106 Q43845 +Q153725 P106 Q10798782 +Q690974 P1303 Q17172850 +Q210798 P106 Q482980 +Q13005 P140 Q7066 +Q1396852 P69 Q13164 +Q47651 P1412 Q652 +Q117990 P69 Q308963 +Q379785 P1412 Q150 +Q298838 P19 Q4093 +Q1703194 P106 Q43845 +Q75812 P1412 Q188 +Q678 P463 Q899770 +Q86093 P463 Q299015 +Q3017168 P19 Q40435 +Q695036 P27 Q34266 +Q39999 P161 Q316627 +Q919565 P106 Q33999 +Q320984 P1412 Q36510 +Q483363 P106 Q33999 +Q379117 P1412 Q1321 +Q224081 P106 Q10798782 +Q214677 P1412 Q1860 +Q713750 P530 Q16957 +Q169996 P840 Q84 +Q8349 P1303 Q79838 +Q11104 P106 Q81096 +Q263930 P161 Q52447 +Q150526 P106 Q82955 +Q446673 P106 Q177220 +Q67921 P1412 Q188 +Q381561 P106 Q10798782 +Q363810 P19 Q40435 +Q200639 P463 Q161806 +Q29697 P161 Q230278 +Q188401 P106 Q488205 +Q833 P463 Q191384 +Q309048 P161 Q964071 +Q314424 P106 Q33999 +Q713099 P106 Q3282637 +Q786954 P69 Q312578 +Q168362 P106 Q1622272 +Q467378 P106 Q36180 +Q91166 P106 Q2732142 +Q713273 P19 Q1342 +Q276392 P161 Q313470 +Q538000 P1303 Q6607 +Q76576 P106 Q4964182 +Q185655 P1412 Q1860 +Q86820 P1412 Q188 +Q310953 P641 Q5369 +Q63146 P108 Q316592 +Q231255 P106 Q948329 +Q220901 P106 Q10798782 +Q505946 P1303 Q128309 +Q215137 P106 Q3282637 +Q563057 P106 Q4991371 +Q79 P530 Q114 +Q188286 P106 Q6625963 +Q6711 P69 Q49088 +Q433692 P26 Q112167 +Q983316 P509 Q12202 +Q4263553 P1412 Q188 +Q843 P530 Q889 +Q440433 P106 Q33999 +Q234847 P106 Q3282637 +Q112835 P106 Q11774202 +Q55502 P37 Q9129 +Q204804 P264 Q2002177 +Q380095 P69 Q993267 +Q229572 P106 Q10800557 +Q47162 P27 Q142 +Q358188 P106 Q1930187 +Q157155 P106 Q1731155 +Q62977 P69 Q49166 +Q243267 P106 Q49757 +Q207130 P161 Q224754 +Q139223 P106 Q486748 +Q16397 P101 Q3282637 +Q2272369 P106 Q13582652 +Q482964 P264 Q193023 +Q32849 P140 Q432 +Q87457 P20 Q64 +Q435679 P136 Q83440 +Q29573 P1412 Q1860 +Q314957 P106 Q6625963 +Q72717 P27 Q12560 +Q110749 P20 Q1726 +Q2272369 P108 Q273518 +Q49285 P19 Q65 +Q128553 P106 Q1238570 +Q207698 P161 Q191644 +Q189078 P106 Q2405480 +Q32678 P69 Q751612 +Q560694 P27 Q222 +Q223613 P1412 Q7913 +Q44221 P106 Q2526255 +Q261550 P495 Q30 +Q155018 P136 Q130232 +Q191598 P106 Q12144794 +Q915447 P106 Q177220 +Q118233 P136 Q2332751 +Q78349 P69 Q55044 +Q545822 P102 Q29468 +Q110436 P106 Q1930187 +Q81520 P106 Q10800557 +Q312258 P106 Q2526255 +Q970649 P27 Q739 +Q305372 P106 Q3282637 +Q953841 P27 Q30 +Q101638 P106 Q11774202 +Q3193543 P106 Q901 +Q92519 P20 Q1022 +Q766293 P106 Q13582652 +Q114533 P27 Q40 +Q51583 P1412 Q1860 +Q22686 P551 Q18424 +Q186264 P106 Q15981151 +Q76346 P551 Q55630 +Q47216 P172 Q49085 +Q91 P27 Q30 +Q28493 P106 Q10798782 +Q188176 P463 Q463281 +Q166355 P161 Q213574 +Q236630 P140 Q7066 +Q65825 P69 Q622683 +Q1161444 P106 Q2516852 +Q27645 P106 Q4964182 +Q236 P530 Q30 +Q218992 P264 Q38903 +Q119786 P27 Q16957 +Q318509 P19 Q61 +Q235515 P136 Q235858 +Q61319 P463 Q414188 +Q149406 P136 Q842256 +Q38111 P106 Q10800557 +Q66207 P69 Q149481 +Q77468 P551 Q1726 +Q67672 P101 Q8134 +Q76532 P69 Q375606 +Q44221 P106 Q10798782 +Q83733 P451 Q171571 +Q234338 P69 Q193727 +Q174037 P463 Q463303 +Q4465 P1412 Q1860 +Q152208 P106 Q12362622 +Q170596 P1412 Q1860 +Q316313 P106 Q11774202 +Q9391 P27 Q145 +Q67526 P19 Q64 +Q296774 P106 Q2405480 +Q266209 P495 Q16 +Q187884 P20 Q172 +Q323483 P106 Q177220 +Q12121820 P106 Q16145150 +Q151403 P101 Q5891 +Q990492 P106 Q1622272 +Q17 P530 Q159 +Q297097 P136 Q217191 +Q342730 P27 Q172579 +Q175102 P1303 Q1343007 +Q53454 P69 Q189441 +Q104123 P161 Q270774 +Q4177355 P27 Q34266 +Q51495 P69 Q463055 +Q503068 P1412 Q9058 +Q5784301 P161 Q273171 +Q88383 P106 Q333634 +Q124993 P102 Q327591 +Q1173317 P1303 Q11404 +Q242351 P1412 Q9056 +Q154216 P1303 Q5994 +Q98703 P20 Q3150 +Q73362 P19 Q62 +Q93664 P509 Q181754 +Q191123 P119 Q206161 +Q57289 P19 Q1754 +Q792 P463 Q7825 +Q937 P463 Q543804 +Q142 P530 Q258 +Q29 P463 Q42262 +Q1017117 P136 Q208494 +Q89054 P140 Q188814 +Q187561 P136 Q93204 +Q229566 P106 Q33999 +Q3057567 P27 Q30 +Q462466 P136 Q19367312 +Q427884 P136 Q131272 +Q1095533 P136 Q613408 +Q1771189 P1303 Q281460 +Q104081 P551 Q18419 +Q48779 P106 Q1476215 +Q7345 P140 Q288928 +Q313705 P19 Q65 +Q1157870 P106 Q855091 +Q235388 P106 Q2259451 +Q180251 P106 Q6625963 +Q310866 P172 Q49542 +Q158092 P27 Q145 +Q50612 P106 Q82955 +Q153232 P101 Q395 +Q968099 P106 Q36180 +Q178412 P106 Q169470 +Q843 P463 Q8475 +Q106871 P495 Q30 +Q9061 P551 Q3138 +Q337206 P509 Q767485 +Q109455 P69 Q152171 +Q312051 P69 Q49210 +Q94331 P463 Q299015 +Q182509 P106 Q121594 +Q1514 P172 Q49078 +Q184249 P172 Q49085 +Q347717 P1303 Q6607 +Q83155 P69 Q209842 +Q1387593 P69 Q854280 +Q220308 P106 Q2405480 +Q651763 P27 Q142 +Q880776 P106 Q193391 +Q133720 P106 Q639669 +Q426517 P135 Q377616 +Q504 P140 Q7066 +Q9960 P106 Q10798782 +Q233229 P106 Q177220 +Q928 P530 Q29 +Q118488 P20 Q39984 +Q237669 P101 Q207628 +Q93166 P463 Q463303 +Q289752 P27 Q17 +Q1815371 P17 Q408 +Q60987 P102 Q7320 +Q87974 P102 Q49768 +Q61067 P106 Q1234713 +Q6694 P463 Q2822396 +Q208681 P106 Q855091 +Q202148 P136 Q21590660 +Q112202 P19 Q1741 +Q983421 P106 Q1930187 +Q1978533 P106 Q43845 +Q215042 P20 Q2742 +Q325020 P106 Q28389 +Q208592 P136 Q157394 +Q53403 P20 Q61 +Q221364 P136 Q11401 +Q219 P463 Q5611262 +Q7302 P1412 Q1860 +Q1711743 P136 Q8341 +Q40 P463 Q827525 +Q237673 P27 Q884 +Q943694 P106 Q482980 +Q1535539 P27 Q30 +Q158030 P119 Q272208 +Q64707 P1412 Q188 +Q505563 P108 Q503246 +Q234750 P1303 Q17172850 +Q126067 P102 Q79854 +Q57075 P69 Q51985 +Q1250743 P140 Q432 +Q108539 P69 Q204181 +Q630446 P106 Q1930187 +Q1383002 P106 Q169470 +Q49004 P20 Q65 +Q2685 P69 Q174710 +Q47122 P264 Q155152 +Q562402 P106 Q333634 +Q736099 P106 Q488205 +Q620732 P737 Q193670 +Q53068 P20 Q641 +Q51101 P106 Q488205 +Q155882 P1412 Q188 +Q40 P530 Q739 +Q6043036 P119 Q3400970 +Q203623 P19 Q174 +Q234428 P106 Q488205 +Q51416 P161 Q313522 +Q103109 P463 Q320642 +Q917 P530 Q865 +Q346607 P136 Q11401 +Q5052689 P69 Q49204 +Q154353 P463 Q123885 +Q126462 P106 Q1930187 +Q337628 P119 Q272208 +Q1569251 P106 Q12377274 +Q9041 P106 Q205375 +Q4538 P106 Q483501 +Q310985 P27 Q38 +Q185507 P161 Q229013 +Q11730 P102 Q179111 +Q249719 P106 Q33999 +Q316556 P20 Q1781 +Q208214 P106 Q2405480 +Q200768 P106 Q33999 +Q211206 P136 Q130232 +Q48102 P69 Q1934911 +Q72201 P20 Q3806 +Q105801 P161 Q296577 +Q463639 P101 Q213156 +Q57399 P27 Q183 +Q1349702 P106 Q639669 +Q182372 P136 Q21590660 +Q444520 P106 Q33999 +Q538091 P1412 Q1860 +Q365670 P264 Q1392321 +Q34584 P264 Q216364 +Q96762 P27 Q151624 +Q76534 P69 Q131252 +Q157975 P161 Q58592 +Q314419 P106 Q131524 +Q9049 P69 Q13371 +Q127330 P737 Q154331 +Q151904 P161 Q194419 +Q247538 P509 Q2140674 +Q201674 P136 Q130232 +Q483382 P463 Q1493021 +Q1950678 P19 Q822 +Q2918925 P101 Q43035 +Q435034 P509 Q3010352 +Q35738 P495 Q96 +Q456921 P27 Q30 +Q362254 P106 Q4610556 +Q87012 P106 Q201788 +Q123973 P106 Q1622272 +Q223769 P136 Q11401 +Q106073 P463 Q414110 +Q232470 P27 Q142 +Q166454 P264 Q202440 +Q64509 P106 Q1792450 +Q214171 P1412 Q188 +Q902 P530 Q28 +Q87821 P19 Q1741 +Q318029 P101 Q21201 +Q91428 P1412 Q188 +Q512611 P1050 Q8277 +Q182218 P161 Q54314 +Q483382 P106 Q5482740 +Q72867 P27 Q30 +Q522856 P551 Q65 +Q57462 P140 Q23540 +Q106235 P27 Q16957 +Q196472 P106 Q11063 +Q51416 P136 Q157443 +Q1063743 P106 Q39631 +Q115683 P106 Q6625963 +Q152513 P135 Q37068 +Q99627 P106 Q901 +Q924104 P27 Q30 +Q76893 P27 Q298 +Q310618 P106 Q662729 +Q10218 P1412 Q1568 +Q342580 P106 Q36834 +Q165394 P495 Q16 +Q336185 P27 Q30 +Q70737 P108 Q153978 +Q1047 P106 Q82955 +Q245208 P161 Q317817 +Q222 P530 Q142 +Q312380 P106 Q10798782 +Q282588 P106 Q28389 +Q358322 P119 Q99 +Q4396425 P463 Q2370801 +Q105362 P1412 Q188 +Q90819 P20 Q2865 +Q519606 P106 Q639669 +Q187913 P20 Q1509 +Q49075 P19 Q18426 +Q1028 P463 Q8475 +Q143230 P106 Q639669 +Q7747 P106 Q82955 +Q1370605 P1303 Q17172850 +Q1166707 P106 Q639669 +Q18809 P106 Q193391 +Q369174 P106 Q36180 +Q48956 P463 Q543804 +Q215916 P1412 Q1860 +Q131333 P106 Q4964182 +Q457739 P27 Q15180 +Q378645 P463 Q812155 +Q65035 P106 Q1622272 +Q364131 P136 Q11399 +Q732142 P106 Q131524 +Q204672 P140 Q7066 +Q182031 P20 Q16557 +Q1153913 P106 Q12800682 +Q141680 P106 Q10800557 +Q11692964 P106 Q212980 +Q228512 P106 Q177220 +Q229948 P551 Q824 +Q366195 P106 Q28389 +Q83612 P495 Q16 +Q188713 P264 Q645889 +Q932959 P19 Q44989 +Q85982 P106 Q1622272 +Q153421 P509 Q12152 +Q106099 P551 Q90 +Q215215 P106 Q177220 +Q361224 P102 Q29552 +Q134644 P106 Q37226 +Q587361 P106 Q36834 +Q274404 P463 Q459620 +Q78003 P27 Q183 +Q1944655 P463 Q337234 +Q269645 P27 Q30 +Q266425 P106 Q2259451 +Q309926 P27 Q145 +Q55264 P106 Q28389 +Q109522 P69 Q385471 +Q556544 P463 Q1493021 +Q127442 P1412 Q7737 +Q353366 P19 Q18432 +Q488099 P106 Q662729 +Q573323 P136 Q850412 +Q436686 P551 Q24639 +Q1355431 P106 Q488205 +Q164309 P102 Q79854 +Q300423 P161 Q4573 +Q10953 P106 Q82594 +Q1687804 P69 Q1145814 +Q188971 P106 Q188094 +Q175600 P57 Q55411 +Q544469 P69 Q463055 +Q99634 P106 Q81096 +Q120484 P161 Q313546 +Q321378 P106 Q482980 +Q125017 P19 Q100 +Q956 P17 Q8733 +Q442830 P19 Q656 +Q270546 P1303 Q5994 +Q2622688 P509 Q18554460 +Q244390 P737 Q38392 +Q229353 P1303 Q17172850 +Q41513 P106 Q49757 +Q706034 P106 Q901 +Q70839 P463 Q451079 +Q234663 P1412 Q143 +Q621462 P119 Q216344 +Q209012 P57 Q55294 +Q182905 P106 Q2306091 +Q60946 P69 Q149481 +Q43179 P140 Q33203 +Q531287 P106 Q753110 +Q846 P463 Q899770 +Q2387083 P108 Q2283 +Q10411 P1303 Q17172850 +Q57535 P106 Q36180 +Q190076 P27 Q145 +Q163063 P106 Q36834 +Q61112 P641 Q31920 +Q374507 P161 Q104061 +Q142 P530 Q1016 +Q721819 P106 Q855091 +Q235635 P551 Q34863 +Q270085 P106 Q11063 +Q214 P463 Q7809 +Q31984 P737 Q692 +Q208359 P108 Q34433 +Q134183 P106 Q131524 +Q107002 P136 Q128758 +Q372311 P106 Q28389 +Q313013 P106 Q753110 +Q163249 P451 Q178348 +Q49615 P463 Q1468277 +Q617215 P27 Q29 +Q154852 P641 Q31920 +Q75116 P108 Q155354 +Q41272 P1303 Q17172850 +Q70650 P27 Q183 +Q137130 P161 Q317251 +Q233340 P463 Q2822396 +Q50186 P106 Q765778 +Q65344 P106 Q43845 +Q968565 P106 Q6625963 +Q13526 P27 Q174193 +Q333265 P106 Q901 +Q4941 P136 Q2297927 +Q80135 P463 Q1541450 +Q180395 P136 Q2484376 +Q2054 P106 Q49757 +Q459969 P106 Q1622272 +Q112176 P737 Q82049 +Q345531 P20 Q60 +Q704294 P106 Q9149093 +Q47243 P101 Q482 +Q209684 P119 Q1517387 +Q344153 P69 Q658975 +Q1820387 P106 Q177220 +Q138084 P161 Q270622 +Q191644 P106 Q10800557 +Q179051 P106 Q482980 +Q969468 P1412 Q1860 +Q897275 P20 Q56036 +Q235742 P161 Q232786 +Q216720 P161 Q447669 +Q408 P172 Q539051 +Q216478 P106 Q36180 +Q118229 P69 Q206702 +Q16781 P1412 Q1860 +Q109053 P172 Q49085 +Q68529 P106 Q82955 +Q313482 P140 Q42504 +Q128560 P106 Q6625963 +Q319773 P1303 Q177220 +Q61310 P463 Q414188 +Q7345 P1412 Q1860 +Q153579 P106 Q487596 +Q93624 P27 Q30 +Q352496 P106 Q131524 +Q356499 P1412 Q1860 +Q252 P530 Q258 +Q57236 P106 Q6625963 +Q1082312 P106 Q177220 +Q23844 P106 Q28389 +Q336609 P1412 Q1860 +Q367234 P69 Q80207 +Q28196 P136 Q3990883 +Q345494 P264 Q183387 +Q237994 P27 Q145 +Q692632 P119 Q1437214 +Q270920 P17 Q145 +Q449769 P19 Q1085 +Q240954 P106 Q482980 +Q61696 P840 Q60 +Q510361 P106 Q855091 +Q209926 P106 Q33999 +Q230209 P106 Q5716684 +Q240576 P136 Q131539 +Q213734 P1412 Q188 +Q41 P530 Q833 +Q90822 P1412 Q188 +Q7013 P1303 Q17172850 +Q710121 P69 Q1204714 +Q90892 P19 Q1295 +Q213567 P106 Q177220 +Q1792 P17 Q43287 +Q11617 P136 Q11401 +Q235223 P264 Q557632 +Q25057 P136 Q157394 +Q49074 P140 Q7066 +Q76308 P463 Q320642 +Q44273 P106 Q10800557 +Q313138 P106 Q177220 +Q52937 P106 Q10732476 +Q154401 P30 Q46 +Q712359 P264 Q183387 +Q1349284 P1303 Q17172850 +Q182882 P463 Q123885 +Q215369 P106 Q177220 +Q960376 P102 Q29468 +Q288173 P161 Q180560 +Q105119 P106 Q40348 +Q573017 P136 Q11366 +Q1698 P106 Q10800557 +Q902285 P119 Q288130 +Q42 P69 Q691283 +Q383764 P106 Q28389 +Q550900 P106 Q855091 +Q2736087 P106 Q151197 +Q305962 P106 Q49757 +Q435060 P140 Q7066 +Q63338 P27 Q183 +Q144535 P20 Q131491 +Q635131 P1303 Q17172850 +Q202749 P19 Q23482 +Q275161 P106 Q2405480 +Q235525 P509 Q83319 +Q151593 P1303 Q1444 +Q43264 P106 Q10349745 +Q158486 P106 Q618694 +Q228882 P106 Q33999 +Q240360 P106 Q177220 +Q1113061 P463 Q1322403 +Q316872 P106 Q183945 +Q452219 P140 Q9592 +Q979347 P20 Q36091 +Q186264 P135 Q9730 +Q65278 P509 Q12152 +Q298255 P106 Q1320883 +Q217010 P161 Q192052 +Q277180 P264 Q557632 +Q319783 P161 Q40026 +Q1955997 P106 Q36180 +Q366325 P106 Q18844224 +Q367032 P106 Q36834 +Q1001254 P264 Q1542119 +Q110921 P102 Q328195 +Q77177 P69 Q2994538 +Q235223 P106 Q855091 +Q296545 P101 Q43035 +Q1290210 P106 Q158852 +Q201687 P161 Q215488 +Q25188 P161 Q532169 +Q294225 P1412 Q150 +Q909 P1412 Q188 +Q582152 P106 Q214917 +Q236954 P1303 Q17172850 +Q205545 P106 Q1930187 +Q312394 P136 Q1054574 +Q370326 P136 Q2484376 +Q25529 P106 Q36834 +Q40912 P136 Q8341 +Q432919 P106 Q49757 +Q388319 P161 Q231438 +Q1493339 P1303 Q17172850 +Q223596 P161 Q189490 +Q236822 P106 Q10800557 +Q3188007 P106 Q212980 +Q461540 P136 Q157394 +Q19837 P106 Q81096 +Q61723 P106 Q1607826 +Q72217 P1412 Q188 +Q25089 P27 Q30 +Q184 P530 Q230 +Q116845 P136 Q860626 +Q983530 P136 Q9794 +Q887111 P102 Q29468 +Q83325 P27 Q16 +Q70326 P106 Q2516866 +Q89546 P106 Q36180 +Q115 P530 Q17 +Q179257 P172 Q49085 +Q1252841 P106 Q205375 +Q372174 P161 Q7374 +Q265131 P106 Q4610556 +Q367653 P106 Q10798782 +Q12288275 P1412 Q7918 +Q74441 P108 Q659080 +Q710837 P140 Q748 +Q607 P106 Q2095549 +Q44197 P1412 Q150 +Q70809 P1412 Q188 +Q63338 P106 Q1622272 +Q57393 P102 Q153401 +Q96762 P69 Q161976 +Q262850 P106 Q6625963 +Q57319 P69 Q927373 +Q187414 P161 Q182372 +Q239501 P463 Q1468277 +Q4120312 P106 Q82955 +Q35 P530 Q219 +Q426390 P106 Q639669 +Q188744 P106 Q10800557 +Q24302 P463 Q463281 +Q1109636 P106 Q4351403 +Q207544 P102 Q29468 +Q106009 P20 Q1055 +Q727301 P1412 Q7737 +Q238751 P106 Q14467526 +Q31 P530 Q55 +Q298016 P1412 Q1860 +Q28493 P106 Q222749 +Q158030 P106 Q36180 +Q75995 P106 Q11063 +Q85034 P27 Q183 +Q219 P530 Q408 +Q685149 P19 Q975 +Q196472 P106 Q1234713 +Q502896 P1303 Q17172850 +Q271956 P69 Q4483556 +Q463832 P161 Q313522 +Q229697 P106 Q2490358 +Q17714 P1050 Q206901 +Q736099 P1303 Q17172850 +Q137584 P136 Q20442589 +Q14320 P840 Q1353 +Q80222 P463 Q83172 +Q128799 P136 Q211756 +Q194220 P264 Q654283 +Q764913 P106 Q947873 +Q16 P530 Q794 +Q220299 P136 Q157394 +Q1026532 P106 Q6625963 +Q183105 P27 Q174193 +Q48280 P1303 Q17172850 +Q80758 P106 Q10800557 +Q164119 P106 Q4610556 +Q127332 P3373 Q44520 +Q1805398 P136 Q8341 +Q191644 P27 Q142 +Q114 P463 Q8475 +Q357001 P69 Q49117 +Q152352 P106 Q4853732 +Q180962 P737 Q37030 +Q1988375 P106 Q33999 +Q7200 P737 Q1067 +Q1101938 P27 Q30 +Q148428 P161 Q237273 +Q90815 P463 Q44687 +Q6060 P136 Q753679 +Q19200 P136 Q263734 +Q188492 P140 Q7066 +Q102124 P69 Q8047423 +Q83333 P69 Q131252 +Q91470 P106 Q82955 +Q148 P530 Q55 +Q233786 P19 Q16555 +Q236112 P106 Q177220 +Q452627 P69 Q273626 +Q102124 P106 Q3282637 +Q230499 P106 Q1281618 +Q292973 P106 Q947873 +Q77489 P106 Q6625963 +Q182455 P641 Q5372 +Q56036 P17 Q713750 +Q172035 P106 Q2259451 +Q115490 P27 Q36 +Q44540 P106 Q1930187 +Q76959 P27 Q183 +Q302 P172 Q7325 +Q201484 P106 Q36180 +Q319578 P140 Q9089 +Q71650 P136 Q40831 +Q81752 P106 Q1622272 +Q176558 P463 Q463281 +Q432421 P119 Q1624932 +Q194917 P19 Q649 +Q748584 P106 Q177220 +Q359457 P27 Q30 +Q387370 P136 Q860626 +Q237214 P19 Q60 +Q60969 P106 Q82955 +Q61055 P101 Q12271 +Q1783775 P1303 Q46185 +Q131240 P1412 Q1860 +Q1512 P106 Q15949613 +Q903208 P106 Q169470 +Q106611 P106 Q333634 +Q298352 P27 Q145 +Q25161 P106 Q15949613 +Q465640 P106 Q5322166 +Q72400 P27 Q183 +Q236005 P264 Q203059 +Q80739 P69 Q7060402 +Q233873 P106 Q2259451 +Q135645 P19 Q64 +Q957627 P136 Q11399 +Q191 P530 Q211 +Q87457 P106 Q36180 +Q233229 P106 Q183945 +Q342580 P106 Q333634 +Q126812 P106 Q593644 +Q294812 P106 Q177220 +Q43330 P69 Q49088 +Q954231 P27 Q30 +Q314223 P106 Q28389 +Q459310 P106 Q16323111 +Q80760 P106 Q36180 +Q887347 P106 Q33999 +Q728030 P106 Q1930187 +Q262314 P106 Q177220 +Q102813 P140 Q35032 +Q181881 P106 Q622807 +Q11928 P161 Q196560 +Q168728 P463 Q7118978 +Q55422 P463 Q94301 +Q470758 P69 Q1068258 +Q359568 P106 Q901 +Q241391 P161 Q309486 +Q214582 P463 Q18233 +Q109063 P1303 Q17172850 +Q312570 P106 Q15077007 +Q72856 P106 Q1622272 +Q109455 P108 Q156737 +Q467027 P136 Q11399 +Q3920109 P106 Q11900058 +Q3487499 P161 Q16345 +Q378098 P463 Q688638 +Q1290021 P1303 Q46185 +Q78505 P106 Q948329 +Q76399 P20 Q60 +Q352496 P20 Q7473516 +Q790 P463 Q123759 +Q31033707 P106 Q3391743 +Q171969 P463 Q463303 +Q24085 P106 Q1234713 +Q516870 P106 Q36180 +Q228832 P19 Q649 +Q246374 P102 Q328195 +Q48734 P161 Q311314 +Q243643 P840 Q84 +Q440551 P101 Q207628 +Q234144 P1412 Q1860 +Q60025 P737 Q905 +Q431117 P27 Q145 +Q349893 P106 Q1231865 +Q273075 P27 Q30 +Q380407 P106 Q13235160 +Q717884 P140 Q7066 +Q951110 P106 Q18844224 +Q58978 P108 Q35794 +Q3189110 P106 Q1028181 +Q2619019 P69 Q49115 +Q270935 P136 Q83270 +Q158354 P119 Q2661974 +Q1869643 P264 Q726251 +Q552053 P106 Q81096 +Q62664 P106 Q1622272 +Q541573 P19 Q42448 +Q1623549 P27 Q794 +Q354250 P106 Q1622272 +Q151814 P136 Q205049 +Q733 P463 Q191384 +Q207592 P106 Q4610556 +Q179215 P161 Q105221 +Q463501 P106 Q36180 +Q286570 P19 Q18094 +Q881 P463 Q191384 +Q1276376 P69 Q49108 +Q54828 P69 Q27621 +Q19008 P69 Q192088 +Q910092 P106 Q18805 +Q230141 P27 Q1033 +Q90384 P106 Q482980 +Q181678 P106 Q4610556 +Q121507 P101 Q207628 +Q707008 P27 Q30 +Q304609 P495 Q30 +Q85877 P106 Q482980 +Q1750541 P69 Q1329269 +Q167429 P106 Q36180 +Q47900 P1412 Q7737 +Q77832 P106 Q82955 +Q36949 P106 Q1028181 +Q89014 P69 Q165980 +Q90269 P1412 Q188 +Q44032 P136 Q134307 +Q408 P530 Q20 +Q551204 P27 Q30 +Q180560 P106 Q3282637 +Q3133221 P106 Q1607826 +Q705022 P27 Q30 +Q311729 P1412 Q1860 +Q107350 P19 Q64 +Q273118 P20 Q1337818 +Q202461 P27 Q30 +Q161819 P106 Q10800557 +Q959159 P106 Q36834 +Q115588 P108 Q206702 +Q1238180 P27 Q30 +Q550778 P106 Q245068 +Q23685 P106 Q3578589 +Q35 P530 Q258 +Q471542 P106 Q36834 +Q368613 P136 Q37073 +Q349350 P106 Q2259451 +Q103114 P737 Q294625 +Q104898 P106 Q82955 +Q38203 P106 Q15627169 +Q103917 P27 Q30 +Q58735 P136 Q842324 +Q237530 P106 Q10798782 +Q63456 P106 Q901402 +Q589497 P106 Q1930187 +Q4085141 P27 Q34266 +Q725519 P40 Q58735 +Q44517 P102 Q179111 +Q364873 P136 Q11366 +Q27304761 P37 Q9168 +Q110628 P106 Q33999 +Q202859 P106 Q20521670 +Q242732 P106 Q33999 +Q349117 P69 Q1797768 +Q80321 P106 Q49757 +Q538284 P27 Q30 +Q83396 P19 Q11299 +Q460876 P20 Q34006 +Q607448 P27 Q30 +Q329127 P840 Q99 +Q64637 P108 Q152171 +Q972676 P106 Q49757 +Q268994 P135 Q180902 +Q55630 P17 Q838261 +Q70795 P1412 Q652 +Q662119 P27 Q30 +Q1541 P106 Q49757 +Q989 P106 Q82955 +Q131149 P27 Q30 +Q550232 P161 Q211831 +Q83906 P106 Q158852 +Q111436 P106 Q158852 +Q4401409 P27 Q15180 +Q1383155 P108 Q13371 +Q71067 P106 Q36180 +Q26372 P106 Q1281618 +Q329549 P101 Q590870 +Q74235 P19 Q490 +Q145 P530 Q159583 +Q61648 P1412 Q188 +Q455236 P264 Q557632 +Q85691 P106 Q36180 +Q677769 P1412 Q5146 +Q320651 P106 Q10800557 +Q158092 P1412 Q809 +Q43264 P641 Q5386 +Q84422 P106 Q193391 +Q329127 P161 Q362236 +Q230662 P1412 Q9027 +Q2567 P20 Q64 +Q220351 P1303 Q1444 +Q42493 P26 Q44467 +Q25997 P106 Q333634 +Q255342 P161 Q297744 +Q145 P530 Q769 +Q353442 P106 Q169470 +Q187907 P1412 Q809 +Q543294 P106 Q1028181 +Q80135 P136 Q1344 +Q1387593 P106 Q81096 +Q939105 P136 Q11399 +Q80424 P1303 Q8350 +Q220351 P136 Q45981 +Q123972 P106 Q1238570 +Q549442 P463 Q812155 +Q440433 P106 Q10871364 +Q360243 P161 Q313020 +Q482318 P108 Q168756 +Q169076 P509 Q12152 +Q8772 P106 Q169470 +Q123454 P463 Q30907154 +Q1370605 P264 Q1251139 +Q647445 P1412 Q150 +Q184 P463 Q899770 +Q3589 P161 Q382197 +Q705529 P106 Q15895020 +Q725060 P106 Q3282637 +Q116760 P1412 Q9027 +Q507809 P106 Q1607826 +Q186329 P106 Q639669 +Q178698 P1412 Q1860 +Q744689 P1412 Q1860 +Q87018 P106 Q28389 +Q379250 P264 Q18628 +Q90822 P102 Q49762 +Q506582 P106 Q11774202 +Q236606 P136 Q35760 +Q165911 P106 Q33999 +Q104301 P108 Q315658 +Q207852 P106 Q33999 +Q2563 P463 Q83172 +Q78632 P106 Q33999 +Q19405 P136 Q200092 +Q67436 P27 Q183 +Q234099 P106 Q177220 +Q64263 P27 Q55 +Q57364 P19 Q586 +Q157155 P463 Q161806 +Q124057 P1412 Q1321 +Q105756 P106 Q214917 +Q391540 P495 Q30 +Q915447 P264 Q277626 +Q259055 P106 Q10800557 +Q150494 P106 Q116 +Q125600 P69 Q372608 +Q1741 P17 Q176495 +Q484292 P20 Q2090 +Q137098 P161 Q944245 +Q224902 P463 Q939743 +Q3550828 P106 Q947873 +Q538901 P106 Q639669 +Q43144 P106 Q4610556 +Q2908 P509 Q3002150 +Q60547 P106 Q82955 +Q154083 P1412 Q7411 +Q737626 P106 Q18844224 +Q185085 P140 Q9592 +Q300547 P136 Q52162262 +Q260879 P102 Q29552 +Q356309 P106 Q33999 +Q228904 P27 Q30 +Q92316 P69 Q152171 +Q19242 P463 Q1493021 +Q101728 P69 Q192775 +Q507864 P19 Q1297 +Q132537 P106 Q81096 +Q51488 P106 Q3282637 +Q281480 P136 Q130232 +Q77788 P27 Q183 +Q590 P106 Q214917 +Q116861 P106 Q28389 +Q244 P463 Q496967 +Q225629 P106 Q486748 +Q21826 P108 Q49213 +Q315132 P106 Q4853732 +Q43293 P106 Q14467526 +Q309697 P106 Q177220 +Q1281772 P136 Q37073 +Q1151 P106 Q182436 +Q106706 P106 Q486748 +Q37 P463 Q81299 +Q429311 P161 Q119798 +Q726296 P1303 Q46185 +Q327613 P495 Q30 +Q878956 P106 Q1607826 +Q192331 P27 Q34266 +Q658706 P106 Q12406482 +Q435205 P1412 Q9043 +Q884 P530 Q408 +Q159700 P1412 Q150 +Q11726 P27 Q7318 +Q269810 P161 Q185079 +Q62749 P27 Q183 +Q234636 P106 Q10798782 +Q353442 P108 Q209842 +Q235221 P69 Q389336 +Q180962 P463 Q463281 +Q355531 P1412 Q1860 +Q7711132 P161 Q347436 +Q60317 P106 Q639669 +Q633103 P106 Q183945 +Q455558 P27 Q145 +Q108312 P102 Q153401 +Q78496 P108 Q165980 +Q64043 P106 Q82955 +Q3734755 P106 Q3400985 +Q230578 P27 Q155 +Q355341 P737 Q9730 +Q41513 P737 Q193857 +Q56016 P509 Q372701 +Q990890 P106 Q10800557 +Q160422 P106 Q49757 +Q310343 P106 Q15981151 +Q810 P530 Q408 +Q289204 P136 Q200092 +Q48984 P161 Q370155 +Q437944 P106 Q10800557 +Q270469 P101 Q207628 +Q1509908 P106 Q15295720 +Q88050 P106 Q4853732 +Q156309 P495 Q30 +Q6829 P17 Q183 +Q225453 P463 Q83172 +Q354158 P27 Q30 +Q311241 P19 Q100 +Q156608 P161 Q175535 +Q379941 P106 Q214917 +Q41749 P106 Q18939491 +Q444486 P509 Q193840 +Q273315 P27 Q20 +Q311303 P106 Q36834 +Q283408 P737 Q7833 +Q972676 P106 Q4853732 +Q219717 P19 Q23556 +Q456712 P106 Q482980 +Q1253 P106 Q82955 +Q247526 P1412 Q150 +Q216936 P106 Q10800557 +Q280724 P264 Q1124061 +Q61282 P463 Q83172 +Q76442 P69 Q672420 +Q229056 P19 Q84 +Q7013 P136 Q37073 +Q867852 P20 Q90 +Q4808641 P20 Q816 +Q880776 P69 Q1143289 +Q550778 P69 Q3428253 +Q268840 P106 Q3282637 +Q41252 P17 Q1649871 +Q131433 P106 Q177220 +Q1289541 P1412 Q1860 +Q458978 P1303 Q5994 +Q257840 P106 Q639669 +Q457333 P136 Q130232 +Q144622 P1303 Q17172850 +Q339045 P161 Q3454165 +Q128746 P1303 Q5994 +Q9358 P737 Q198644 +Q303678 P136 Q157394 +Q165672 P20 Q1861 +Q2737 P69 Q926749 +Q104340 P119 Q1437214 +Q73768 P106 Q33999 +Q213945 P27 Q183 +Q108814 P20 Q656 +Q216339 P20 Q64 +Q163593 P106 Q33999 +Q139326 P840 Q1408 +Q10959 P69 Q41506 +Q450984 P140 Q682443 +Q193300 P106 Q36180 +Q117997 P106 Q49757 +Q812105 P1412 Q1860 +Q8023 P106 Q40348 +Q291405 P106 Q10800557 +Q50969 P136 Q1054574 +Q458766 P19 Q60 +Q147810 P27 Q83286 +Q2843357 P106 Q36180 +Q58085 P106 Q36180 +Q267676 P106 Q177220 +Q53003 P106 Q33999 +Q158753 P27 Q786 +Q78012 P20 Q656 +Q2263 P551 Q65 +Q678840 P1412 Q652 +Q237548 P27 Q145 +Q924232 P1303 Q17172850 +Q85726 P106 Q36180 +Q334180 P27 Q29 +Q68121 P108 Q152087 +Q35610 P106 Q8178443 +Q55190 P106 Q28389 +Q559506 P1412 Q1860 +Q189132 P19 Q84 +Q202449 P106 Q177220 +Q169461 P106 Q753110 +Q600859 P106 Q584301 +Q190220 P27 Q145 +Q187282 P108 Q152171 +Q86922 P106 Q188094 +Q166023 P509 Q210392 +Q1954907 P106 Q1930187 +Q203268 P106 Q10800557 +Q220698 P106 Q245068 +Q111344 P106 Q36180 +Q578529 P69 Q4204467 +Q122514 P106 Q188094 +Q215866 P106 Q864380 +Q710282 P1303 Q5994 +Q68171 P1412 Q188 +Q761176 P20 Q365 +Q513268 P19 Q38022 +Q57169 P106 Q82955 +Q241 P530 Q902 +Q137098 P161 Q83733 +Q202815 P463 Q12751277 +Q1041 P530 Q668 +Q174210 P140 Q7066 +Q73951 P102 Q49762 +Q57236 P106 Q177220 +Q537320 P106 Q131524 +Q169104 P106 Q10800557 +Q149406 P161 Q49492 +Q443190 P119 Q18405702 +Q298 P463 Q656801 +Q1341906 P106 Q81096 +Q573223 P106 Q1930187 +Q109232 P3373 Q254431 +Q157707 P1303 Q6607 +Q340213 P19 Q18419 +Q336881 P106 Q947873 +Q365 P17 Q183 +Q151825 P136 Q130232 +Q76346 P40 Q123371 +Q453691 P106 Q2526255 +Q439394 P106 Q2526255 +Q995245 P106 Q482980 +Q381420 P106 Q639669 +Q314787 P106 Q82955 +Q313193 P106 Q1930187 +Q246731 P1412 Q1860 +Q189132 P27 Q408 +Q604510 P136 Q9759 +Q880405 P106 Q753110 +Q975084 P1412 Q9288 +Q969468 P27 Q30 +Q76364 P106 Q855091 +Q77549 P463 Q459620 +Q676455 P106 Q4964182 +Q796 P463 Q7172 +Q108239 P106 Q81096 +Q126281 P161 Q273075 +Q32 P463 Q191384 +Q1127387 P159 Q90 +Q93689 P136 Q860626 +Q161363 P119 Q168886 +Q171235 P551 Q60 +Q247846 P106 Q2526255 +Q737845 P1412 Q8748 +Q554164 P106 Q1415090 +Q96556 P106 Q36180 +Q423 P530 Q159 +Q896193 P27 Q29999 +Q544472 P1412 Q7737 +Q42511 P1412 Q1860 +Q726074 P27 Q145 +Q742396 P172 Q49085 +Q64963 P106 Q211346 +Q44652 P509 Q12204 +Q434500 P106 Q33999 +Q107769 P106 Q2405480 +Q50764 P106 Q3387717 +Q57351 P20 Q586 +Q706941 P19 Q23154 +Q1649321 P27 Q30 +Q918681 P106 Q36180 +Q986 P463 Q656801 +Q173637 P136 Q753679 +Q227 P530 Q148 +Q299138 P106 Q183945 +Q1025 P463 Q134102 +Q83233 P509 Q12152 +Q327685 P161 Q36970 +Q90217 P463 Q459620 +Q186123 P106 Q188094 +Q64265 P106 Q36180 +Q205721 P136 Q217467 +Q78983 P106 Q82955 +Q605489 P106 Q1622272 +Q110203 P161 Q311084 +Q78109 P106 Q36180 +Q729117 P106 Q11774202 +Q3490296 P108 Q214341 +Q36488 P27 Q172579 +Q255342 P840 Q65 +Q314502 P19 Q340 +Q1010602 P106 Q13235160 +Q164069 P26 Q191084 +Q313525 P1303 Q133163 +Q31215 P69 Q165980 +Q43 P530 Q863 +Q2918925 P463 Q270794 +Q104109 P106 Q28389 +Q131814 P106 Q177220 +Q11812 P106 Q3621491 +Q109110 P161 Q272944 +Q362258 P106 Q177220 +Q34091 P106 Q169470 +Q41239 P27 Q2305208 +Q60363 P119 Q253763 +Q462261 P20 Q1486 +Q896193 P172 Q7325 +Q37767 P1412 Q1860 +Q219150 P161 Q1198697 +Q168359 P106 Q12144794 +Q5878 P737 Q40909 +Q214697 P27 Q183 +Q166056 P69 Q467025 +Q146605 P136 Q2484376 +Q66162 P106 Q36180 +Q287385 P161 Q306403 +Q163549 P136 Q2484376 +Q218210 P27 Q30 +Q334670 P136 Q83270 +Q187019 P737 Q23434 +Q1067812 P1303 Q128309 +Q171861 P161 Q215072 +Q1347561 P1412 Q5287 +Q232449 P27 Q884 +Q1443825 P1412 Q188 +Q151917 P1412 Q36510 +Q605778 P136 Q164444 +Q2903389 P106 Q82955 +Q220423 P136 Q130232 +Q349217 P1412 Q1860 +Q92622 P106 Q82594 +Q230 P530 Q921 +Q126492 P161 Q229477 +Q185658 P161 Q16455 +Q82426 P161 Q208649 +Q191408 P106 Q639669 +Q888671 P106 Q10800557 +Q123825 P509 Q12136 +Q219315 P161 Q224026 +Q201500 P27 Q30 +Q440433 P69 Q838330 +Q171905 P106 Q10800557 +Q229223 P69 Q180865 +Q236606 P106 Q2306091 +Q108553 P106 Q4964182 +Q311244 P106 Q33999 +Q2046788 P20 Q656 +Q18938 P106 Q2259451 +Q2900328 P106 Q82955 +Q70523 P27 Q43287 +Q469681 P106 Q49757 +Q193048 P106 Q13235160 +Q296609 P106 Q1086863 +Q1139628 P737 Q380381 +Q317441 P106 Q10800557 +Q189758 P106 Q36834 +Q193509 P264 Q231694 +Q130355 P27 Q142 +Q215 P463 Q1043527 +Q1289541 P19 Q40435 +Q633103 P136 Q8341 +Q126281 P161 Q102341 +Q309756 P172 Q1344183 +Q458686 P106 Q901402 +Q976090 P27 Q30 +Q192655 P264 Q330629 +Q442390 P161 Q106326 +Q1001 P509 Q2140674 +Q1386311 P106 Q855091 +Q269683 P106 Q33999 +Q304874 P509 Q181754 +Q809077 P136 Q11399 +Q251144 P106 Q36834 +Q23505 P40 Q207 +Q902 P530 Q790 +Q456005 P106 Q19723482 +Q833578 P161 Q34851 +Q190076 P19 Q42448 +Q90195 P106 Q1231865 +Q234773 P106 Q36180 +Q434160 P108 Q235034 +Q73651 P495 Q30 +Q310866 P509 Q181754 +Q15794 P19 Q1435 +Q724343 P106 Q36180 +Q219421 P161 Q164534 +Q444545 P1412 Q150 +Q704742 P264 Q654283 +Q65106 P69 Q318186 +Q1398876 P19 Q60 +Q77015 P106 Q1781198 +Q181659 P19 Q484678 +Q1046612 P106 Q36834 +Q31164 P106 Q488205 +Q1047 P140 Q9089 +Q336018 P1412 Q1860 +Q237821 P108 Q193727 +Q912 P530 Q865 +Q311993 P106 Q36180 +Q361626 P1412 Q188 +Q196287 P106 Q169470 +Q732513 P106 Q947873 +Q523578 P106 Q322170 +Q7604 P509 Q1368943 +Q258847 P136 Q1146335 +Q970 P530 Q30 +Q310295 P106 Q28389 +Q4724 P106 Q131062 +Q158749 P509 Q12192 +Q154556 P106 Q14915627 +Q360 P1412 Q1860 +Q172684 P1412 Q1860 +Q577548 P106 Q1930187 +Q314424 P106 Q10800557 +Q85715 P106 Q3621491 +Q83630 P161 Q215026 +Q186264 P106 Q36834 +Q55 P463 Q41984 +Q672800 P108 Q49119 +Q551570 P69 Q209842 +Q355314 P69 Q15142 +Q81082 P463 Q414188 +Q70795 P1412 Q397 +Q430905 P1303 Q6607 +Q664 P463 Q826700 +Q229271 P106 Q10800557 +Q449670 P20 Q49111 +Q233479 P106 Q15980158 +Q919462 P1303 Q133163 +Q1334617 P106 Q15981151 +Q37876 P69 Q13371 +Q366355 P106 Q639669 +Q300479 P19 Q485716 +Q102289 P108 Q777403 +Q640292 P106 Q2095549 +Q219862 P106 Q482980 +Q725964 P1303 Q17172850 +Q182522 P101 Q43035 +Q377428 P161 Q344758 +Q1867 P30 Q48 +Q42552 P509 Q47912 +Q188344 P106 Q250867 +Q104791 P106 Q2405480 +Q325487 P106 Q1930187 +Q313013 P106 Q33999 +Q169065 P106 Q10800557 +Q712586 P106 Q855091 +Q209169 P119 Q311 +Q932344 P69 Q5149833 +Q19801728 P136 Q157443 +Q39979 P69 Q389336 +Q350915 P19 Q1489 +Q221 P530 Q159583 +Q1395573 P106 Q15855449 +Q188971 P27 Q142 +Q154852 P264 Q4413456 +Q254576 P106 Q36834 +Q1014 P30 Q15 +Q105273 P102 Q153401 +Q313818 P106 Q36834 +Q541922 P106 Q16145150 +Q1064 P463 Q2822396 +Q73432 P19 Q6986 +Q557699 P106 Q40348 +Q6096 P264 Q212699 +Q49492 P106 Q10800557 +Q91083 P463 Q451079 +Q445863 P1303 Q17172850 +Q294723 P1303 Q6607 +Q34086 P106 Q486748 +Q584850 P106 Q333634 +Q64645 P27 Q183 +Q77967 P106 Q169470 +Q572608 P106 Q10800557 +Q92760 P463 Q253439 +Q234685 P106 Q488205 +Q83038 P108 Q2045972 +Q346777 P20 Q649 +Q534599 P106 Q6430706 +Q11627 P106 Q177220 +Q202801 P136 Q37073 +Q962 P361 Q4412 +Q53944 P551 Q60 +Q86843 P106 Q82955 +Q215546 P101 Q207628 +Q369681 P106 Q4964182 +Q726057 P106 Q2259451 +Q497271 P106 Q40348 +Q450821 P106 Q1930187 +Q401645 P140 Q483654 +Q172241 P161 Q4488 +Q515034 P101 Q482 +Q233956 P19 Q23436 +Q600859 P136 Q20378 +Q121810 P495 Q30 +Q127437 P106 Q193391 +Q321990 P106 Q10798782 +Q105756 P463 Q463281 +Q1293950 P102 Q29468 +Q375845 P108 Q661916 +Q202859 P106 Q2405480 +Q381884 P19 Q649 +Q232273 P27 Q29 +Q148429 P136 Q860626 +Q23380 P119 Q311 +Q208108 P840 Q812 +Q9327 P106 Q214917 +Q312969 P69 Q1379834 +Q115761 P69 Q144488 +Q217619 P463 Q1468277 +Q567772 P106 Q33231 +Q230 P463 Q1065 +Q192214 P1412 Q150 +Q221482 P641 Q41323 +Q157309 P27 Q142 +Q35448 P20 Q649 +Q117688 P1412 Q7411 +Q55199 P106 Q2526255 +Q238364 P1412 Q1860 +Q242914 P1303 Q17172850 +Q58801 P1412 Q1860 +Q58735 P136 Q37073 +Q61708 P19 Q64 +Q51562 P106 Q2526255 +Q607968 P101 Q309 +Q180337 P161 Q200405 +Q1067043 P106 Q177220 +Q550232 P136 Q319221 +Q11730 P19 Q1741 +Q258750 P172 Q49085 +Q363698 P119 Q1428 +Q236181 P106 Q177220 +Q159 P530 Q298 +Q247516 P161 Q483118 +Q44552 P1303 Q17172850 +Q356369 P27 Q27 +Q720785 P136 Q8341 +Q58978 P463 Q329464 +Q92938 P463 Q123885 +Q313705 P106 Q10800557 +Q203860 P27 Q15180 +Q49819 P69 Q41506 +Q560847 P1412 Q1860 +Q1720 P17 Q27306 +Q183 P530 Q783 +Q62263 P106 Q4991371 +Q7052125 P102 Q9630 +Q229375 P106 Q855091 +Q445124 P106 Q4610556 +Q444545 P106 Q33999 +Q905 P106 Q36180 +Q156898 P106 Q4610556 +Q217010 P161 Q234809 +Q203460 P136 Q8261 +Q216016 P106 Q82955 +Q3075 P463 Q812378 +Q106126 P106 Q36180 +Q179743 P495 Q30 +Q216 P17 Q172107 +Q319684 P551 Q19660 +Q200639 P108 Q202660 +Q312637 P20 Q220 +Q263501 P106 Q5716684 +Q34453 P119 Q208175 +Q708007 P19 Q17042 +Q447121 P106 Q28389 +Q215708 P1303 Q17172850 +Q363254 P106 Q2865819 +Q125484 P136 Q8261 +Q61398 P27 Q43 +Q975777 P69 Q3064259 +Q96 P530 Q869 +Q653949 P106 Q482980 +Q60785 P69 Q206702 +Q78496 P106 Q350979 +Q1545 P1412 Q1860 +Q234967 P106 Q2259451 +Q55704 P106 Q43845 +Q203059 P749 Q38903 +Q461104 P106 Q8178443 +Q161819 P106 Q947873 +Q112145 P1412 Q7737 +Q229430 P106 Q177220 +Q193478 P131 Q1781 +Q164578 P106 Q82955 +Q311193 P264 Q330629 +Q869 P530 Q183 +Q710924 P106 Q81096 +Q78492 P1412 Q809 +Q55796 P106 Q3282637 +Q369492 P495 Q145 +Q171363 P1412 Q1860 +Q879316 P106 Q1622272 +Q172632 P551 Q18419 +Q103598 P106 Q121594 +Q928 P530 Q794 +Q1226480 P106 Q639669 +Q344983 P106 Q183945 +Q683058 P106 Q1622272 +Q367489 P106 Q28389 +Q222744 P119 Q272208 +Q80889 P106 Q333634 +Q63397 P106 Q2055046 +Q374220 P106 Q10798782 +Q133405 P136 Q484641 +Q92619 P463 Q127992 +Q192069 P106 Q28389 +Q254576 P106 Q2914170 +Q1011 P37 Q5146 +Q1047141 P136 Q9759 +Q729541 P106 Q6625963 +Q317742 P106 Q753110 +Q229603 P161 Q352708 +Q235132 P19 Q84 +Q275247 P106 Q10800557 +Q55198 P27 Q243610 +Q18415 P161 Q132205 +Q189729 P106 Q639669 +Q1345514 P106 Q183945 +Q59595 P161 Q244234 +Q414 P530 Q258 +Q501429 P19 Q182625 +Q457316 P106 Q214917 +Q1394 P172 Q49542 +Q454840 P463 Q463303 +Q84220 P161 Q296630 +Q173347 P1412 Q1860 +Q132238 P106 Q486748 +Q540166 P106 Q1930187 +Q3709961 P463 Q40358 +Q5752 P20 Q649 +Q3318964 P20 Q3616 +Q273910 P106 Q639669 +Q156586 P19 Q84 +Q42198 P161 Q220335 +Q451608 P69 Q273523 +Q11705409 P106 Q36834 +Q238 P530 Q458 +Q372174 P840 Q64 +Q153909 P1412 Q7737 +Q502896 P106 Q36834 +Q213865 P106 Q36834 +Q455120 P136 Q36279 +Q234338 P106 Q11499147 +Q254576 P1050 Q12195 +Q731195 P106 Q4220892 +Q253695 P19 Q16739 +Q45387 P1303 Q17172850 +Q272224 P106 Q82955 +Q193156 P69 Q21578 +Q236 P530 Q17 +Q69884 P140 Q55004488 +Q78 P37 Q188 +Q57679 P1412 Q188 +Q153238 P106 Q1622272 +Q229948 P106 Q483501 +Q71502 P27 Q183 +Q112929 P509 Q18554919 +Q229011 P27 Q30 +Q715790 P509 Q12152 +Q233566 P27 Q30 +Q235115 P106 Q177220 +Q67869663 P136 Q45981 +Q708158 P106 Q2252262 +Q16296 P106 Q2405480 +Q567340 P106 Q177220 +Q165854 P106 Q36180 +Q318509 P106 Q36180 +Q207588 P136 Q130232 +Q922795 P136 Q8261 +Q1044657 P27 Q30 +Q541599 P264 Q1347984 +Q211998 P27 Q30 +Q9358 P27 Q27306 +Q172632 P106 Q488205 +Q173955 P161 Q81328 +Q188569 P26 Q101638 +Q437138 P27 Q28 +Q573584 P106 Q82955 +Q168359 P27 Q142 +Q236240 P106 Q33999 +Q290490 P161 Q60659 +Q271281 P136 Q369747 +Q67221 P106 Q14972848 +Q401107 P551 Q727 +Q41871 P509 Q47912 +Q9049 P463 Q543804 +Q901070 P106 Q593644 +Q82934 P119 Q311 +Q707151 P106 Q183945 +Q981785 P1303 Q6607 +Q75186 P1412 Q188 +Q160060 P161 Q256164 +Q53944 P106 Q1979607 +Q231270 P106 Q36180 +Q315083 P69 Q797078 +Q286566 P106 Q1350157 +Q193116 P106 Q551835 +Q57730 P102 Q49750 +Q323267 P509 Q2840 +Q241735 P20 Q16559 +Q235364 P27 Q30 +Q195616 P106 Q82955 +Q614402 P106 Q36834 +Q1124061 P159 Q127856 +Q766 P530 Q29 +Q333014 P27 Q30 +Q61649 P1303 Q17172850 +Q502 P119 Q746647 +Q766403 P119 Q1092107 +Q449505 P1412 Q1860 +Q457727 P264 Q3415083 +Q112378 P1412 Q188 +Q361677 P509 Q623031 +Q327240 P26 Q189895 +Q288661 P509 Q12152 +Q246538 P264 Q1124061 +Q96 P530 Q29 +Q42869 P27 Q30 +Q128759 P20 Q220 +Q252142 P106 Q169470 +Q5749 P106 Q2306091 +Q313789 P106 Q33999 +Q66493 P1412 Q9035 +Q117249 P551 Q172 +Q311961 P136 Q11401 +Q331587 P27 Q30 +Q117139 P551 Q1342 +Q120260 P106 Q82955 +Q215927 P737 Q9391 +Q47087 P106 Q81096 +Q189895 P102 Q5020915 +Q365578 P19 Q5083 +Q312610 P1412 Q652 +Q177650 P106 Q40348 +Q175278 P161 Q311068 +Q80557 P136 Q622291 +Q8016 P463 Q123885 +Q505743 P509 Q175111 +Q373508 P106 Q43845 +Q113806 P106 Q121594 +Q449769 P27 Q213 +Q251068 P69 Q49166 +Q2973 P17 Q7318 +Q75151 P27 Q16957 +Q11826 P1412 Q9168 +Q34389 P106 Q10798782 +Q219744 P1412 Q1321 +Q28776 P161 Q80938 +Q365474 P1412 Q1860 +Q106134 P27 Q43287 +Q274181 P136 Q9759 +Q66426 P27 Q183 +Q445302 P27 Q30 +Q851 P463 Q17495 +Q381884 P106 Q5716684 +Q69108 P463 Q879171 +Q98687 P106 Q201788 +Q338826 P1412 Q9056 +Q236355 P136 Q213665 +Q271385 P106 Q183945 +Q229013 P106 Q10800557 +Q8446 P1303 Q17172850 +Q1386443 P136 Q11399 +Q310252 P19 Q1867 +Q807398 P101 Q207628 +Q434185 P106 Q16287483 +Q433059 P27 Q30 +Q182057 P106 Q28389 +Q208424 P136 Q471839 +Q134262 P551 Q34404 +Q183008 P27 Q34 +Q193212 P106 Q10800557 +Q90815 P106 Q806798 +Q66936 P27 Q183 +Q70236 P108 Q315658 +Q314926 P27 Q30 +Q373566 P106 Q49757 +Q51575 P106 Q28389 +Q503710 P106 Q177220 +Q1944655 P27 Q183 +Q369900 P161 Q733373 +Q60650 P106 Q193391 +Q2492 P106 Q16533 +Q344384 P26 Q11617 +Q4320172 P101 Q208217 +Q117101 P69 Q49114 +Q154353 P463 Q3603946 +Q229550 P106 Q2259451 +Q215999 P19 Q64 +Q7747 P1412 Q1860 +Q962308 P27 Q174193 +Q487491 P106 Q81096 +Q67076 P20 Q64 +Q174327 P27 Q145 +Q188526 P106 Q49757 +Q128823 P106 Q81096 +Q156394 P161 Q361158 +Q57735 P27 Q15180 +Q251068 P1303 Q6607 +Q538379 P509 Q83319 +Q232819 P1303 Q17172850 +Q364131 P106 Q639669 +Q29 P530 Q414 +Q332540 P106 Q82955 +Q345212 P27 Q30 +Q69108 P27 Q183 +Q521116 P1412 Q7918 +Q443528 P106 Q1930187 +Q155979 P1412 Q7737 +Q62414 P102 Q13124 +Q809093 P1412 Q1860 +Q335160 P161 Q352935 +Q66162 P106 Q3400985 +Q76616 P27 Q183 +Q510190 P69 Q332342 +Q2904665 P19 Q801 +Q78476 P106 Q49757 +Q215036 P106 Q36180 +Q427326 P17 Q96 +Q201514 P106 Q488205 +Q56094 P27 Q30 +Q298777 P106 Q10798782 +Q324129 P106 Q2516852 +Q1068631 P27 Q28 +Q337145 P106 Q947873 +Q77004 P1412 Q188 +Q322970 P509 Q12152 +Q239533 P106 Q177220 +Q311791 P106 Q486748 +Q92609 P101 Q21198 +Q86367 P20 Q64 +Q204299 P106 Q33999 +Q630446 P106 Q4853732 +Q200672 P161 Q207458 +Q222 P37 Q8748 +Q317397 P463 Q2003501 +Q668 P530 Q403 +Q5673 P106 Q4853732 +Q313043 P106 Q10798782 +Q302835 P106 Q1234713 +Q76717 P106 Q10800557 +Q86407 P106 Q36180 +Q92743 P108 Q37156 +Q311961 P19 Q586 +Q5738 P106 Q1930187 +Q86820 P106 Q49757 +Q230454 P140 Q748 +Q173955 P161 Q232786 +Q2831 P509 Q12152 +Q106371 P20 Q1726 +Q191100 P840 Q65 +Q192279 P463 Q2370801 +Q61659 P463 Q18650004 +Q183 P530 Q1005 +Q327613 P136 Q130232 +Q636637 P19 Q3711 +Q111836 P106 Q82955 +Q112167 P172 Q49085 +Q164562 P19 Q220 +Q252248 P136 Q7749 +Q439812 P1303 Q17172850 +Q228598 P106 Q4610556 +Q253715 P264 Q1328605 +Q72553 P1412 Q188 +Q539 P106 Q36180 +Q3241949 P106 Q82955 +Q1275039 P106 Q753110 +Q189080 P136 Q885561 +Q902 P530 Q142 +Q689713 P20 Q71 +Q45563 P106 Q10800557 +Q94081 P509 Q12192 +Q157321 P69 Q2983698 +Q97646 P106 Q483501 +Q183 P530 Q37 +Q206336 P136 Q645928 +Q583722 P106 Q1930187 +Q137571 P106 Q4964182 +Q967 P361 Q27407 +Q189665 P106 Q12144794 +Q543719 P1303 Q17172850 +Q44481 P463 Q253439 +Q6173722 P551 Q1297 +Q902 P530 Q424 +Q1479971 P108 Q51985 +Q780538 P509 Q767485 +Q160071 P136 Q52207399 +Q8739 P101 Q11023 +Q718368 P509 Q181754 +Q228943 P106 Q10800557 +Q463407 P106 Q10800557 +Q207867 P1303 Q17172850 +Q315271 P106 Q3282637 +Q43939 P106 Q1234713 +Q156469 P27 Q191 +Q700323 P119 Q1517387 +Q183492 P136 Q24925 +Q230203 P106 Q10800557 +Q231249 P106 Q2405480 +Q24980 P161 Q24962 +Q320864 P69 Q1341516 +Q370377 P106 Q6625963 +Q298 P530 Q77 +Q168992 P551 Q65 +Q199418 P3373 Q1939373 +Q741600 P106 Q639669 +Q233873 P106 Q10800557 +Q129119 P27 Q212 +Q310357 P106 Q10798782 +Q313727 P27 Q145 +Q77627 P463 Q684415 +Q1389589 P106 Q177220 +Q203715 P135 Q37068 +Q93188 P551 Q3130 +Q3834 P463 Q55473342 +Q573408 P106 Q482980 +Q107006 P1412 Q1860 +Q357798 P106 Q1326886 +Q215 P463 Q899770 +Q365484 P69 Q4614 +Q215916 P106 Q16031530 +Q234058 P106 Q33999 +Q230665 P106 Q33999 +Q15975 P106 Q82955 +Q105387 P161 Q40096 +Q213122 P106 Q18814623 +Q273532 P106 Q10798782 +Q75059 P106 Q49757 +Q780102 P20 Q84 +Q107167 P136 Q130232 +Q91338 P463 Q329464 +Q50020 P140 Q7066 +Q65917 P1412 Q188 +Q526220 P509 Q12152 +Q189330 P161 Q948751 +Q17132 P19 Q8686 +Q85411 P463 Q684415 +Q60025 P106 Q36180 +Q271625 P106 Q10800557 +Q22072 P106 Q488205 +Q5685 P737 Q43718 +Q7604 P463 Q191583 +Q794 P530 Q750 +Q44847 P108 Q49088 +Q58978 P463 Q414188 +Q2908686 P19 Q16869 +Q267406 P106 Q10798782 +Q676777 P106 Q211236 +Q387603 P136 Q200092 +Q2263 P27 Q30 +Q203413 P106 Q753110 +Q57954 P106 Q15980158 +Q209913 P136 Q860626 +Q70166 P27 Q183 +Q202765 P106 Q2405480 +Q166835 P20 Q33486 +Q76478 P106 Q10798782 +Q1500297 P106 Q36834 +Q1603685 P106 Q36834 +Q971422 P106 Q36834 +Q354604 P106 Q1930187 +Q159700 P27 Q142 +Q965179 P106 Q639669 +Q1394654 P106 Q33999 +Q454870 P106 Q333634 +Q77 P530 Q399 +Q314924 P106 Q3282637 +Q68533 P106 Q170790 +Q1739226 P106 Q3455803 +Q917 P463 Q1043527 +Q155423 P20 Q60 +Q23261 P106 Q266569 +Q64645 P1412 Q188 +Q561116 P106 Q1930187 +Q73089 P1412 Q1860 +Q231487 P106 Q183945 +Q175278 P840 Q60 +Q4245942 P119 Q1517387 +Q311672 P1412 Q1860 +Q175278 P161 Q309900 +Q98719 P27 Q183 +Q334760 P463 Q270794 +Q312628 P106 Q551835 +Q463768 P161 Q344567 +Q234207 P27 Q30 +Q188389 P106 Q2259451 +Q166092 P27 Q172579 +Q272977 P106 Q19204627 +Q152690 P106 Q214917 +Q2287423 P3373 Q4530046 +Q60715 P20 Q64 +Q29344 P106 Q15949613 +Q782629 P551 Q220 +Q187019 P737 Q590787 +Q328662 P106 Q36834 +Q35 P530 Q229 +Q313281 P264 Q183387 +Q58612 P136 Q25372 +Q76324 P19 Q586 +Q139330 P106 Q33999 +Q434266 P19 Q649 +Q370928 P136 Q8341 +Q724082 P106 Q205375 +Q10664 P106 Q43845 +Q95901 P106 Q2259451 +Q4286203 P106 Q901 +Q1074226 P1303 Q6607 +Q64988 P1412 Q188 +Q96798 P1412 Q188 +Q313849 P1303 Q6607 +Q220525 P20 Q3711 +Q167635 P106 Q177220 +Q780720 P20 Q23197 +Q104266 P106 Q822146 +Q1196965 P27 Q17 +Q469681 P106 Q42909 +Q19190 P106 Q10800557 +Q1824699 P136 Q11399 +Q437356 P27 Q174193 +Q247516 P161 Q208649 +Q332493 P106 Q188094 +Q96 P530 Q843 +Q551075 P27 Q28513 +Q234030 P1412 Q150 +Q244876 P57 Q179497 +Q7013 P106 Q177220 +Q76553 P27 Q183 +Q77024 P106 Q214917 +Q240896 P1412 Q150 +Q76699 P27 Q183 +Q357624 P27 Q30 +Q157044 P161 Q53680 +Q38 P530 Q191 +Q271119 P1303 Q17172850 +Q234898 P106 Q36180 +Q712878 P106 Q131524 +Q202029 P57 Q350903 +Q214953 P1412 Q8798 +Q159098 P106 Q2914170 +Q127548 P19 Q65 +Q110365 P495 Q33 +Q263552 P27 Q155 +Q691973 P106 Q214917 +Q342397 P106 Q81096 +Q383821 P509 Q623031 +Q362406 P20 Q1761 +Q129813 P495 Q27 +Q431191 P69 Q617433 +Q84266 P106 Q1930187 +Q335680 P106 Q36180 +Q206497 P161 Q229184 +Q202801 P136 Q11399 +Q70004 P106 Q1622272 +Q219776 P161 Q16296 +Q238140 P106 Q214917 +Q236946 P106 Q2405480 +Q83158 P1412 Q150 +Q311615 P106 Q3455803 +Q317704 P19 Q406 +Q63528 P19 Q1055 +Q262 P530 Q843 +Q1733 P17 Q27306 +Q214 P530 Q28 +Q288173 P161 Q302491 +Q288936 P1412 Q9067 +Q454075 P106 Q486748 +Q289303 P106 Q82955 +Q796 P361 Q7204 +Q706641 P136 Q11399 +Q436664 P463 Q40358 +Q553196 P102 Q29468 +Q299161 P136 Q8261 +Q155412 P106 Q488205 +Q92663 P108 Q37156 +Q435278 P106 Q1114448 +Q77199 P106 Q49757 +Q76516 P106 Q4964182 +Q62904 P69 Q1093910 +Q922795 P1412 Q1321 +Q215856 P40 Q71490 +Q1805442 P106 Q33999 +Q12908 P102 Q29552 +Q723839 P106 Q36180 +Q60625 P106 Q4964182 +Q229375 P106 Q10798782 +Q743051 P106 Q81096 +Q302181 P161 Q18938 +Q259679 P106 Q10800557 +Q119136 P106 Q82955 +Q78608 P108 Q41506 +Q975777 P101 Q309 +Q25186 P106 Q28389 +Q6244080 P106 Q483501 +Q380983 P27 Q145 +Q80889 P140 Q1841 +Q360 P106 Q2059704 +Q180975 P106 Q183945 +Q317614 P106 Q10800557 +Q448404 P509 Q12152 +Q14441 P551 Q65 +Q978830 P106 Q36180 +Q319723 P27 Q30 +Q335087 P108 Q34433 +Q220735 P136 Q130232 +Q231811 P106 Q2405480 +Q263696 P106 Q10798782 +Q204398 P161 Q367085 +Q220901 P451 Q202735 +Q83321 P106 Q193391 +Q369797 P161 Q152542 +Q551015 P1412 Q1860 +Q76823 P27 Q183 +Q1900295 P27 Q30 +Q465242 P106 Q36180 +Q83542 P136 Q2484376 +Q44481 P463 Q684415 +Q180727 P106 Q639669 +Q633 P1050 Q12195 +Q2587669 P106 Q205375 +Q139460 P495 Q145 +Q240509 P106 Q639669 +Q881 P463 Q191582 +Q231207 P641 Q11419 +Q153579 P19 Q60 +Q55264 P106 Q10800557 +Q1248240 P463 Q270794 +Q129987 P69 Q156598 +Q115630 P69 Q168756 +Q75720 P108 Q13371 +Q252 P463 Q233611 +Q1016 P530 Q928 +Q320714 P102 Q79854 +Q283859 P1412 Q7737 +Q34975 P27 Q22 +Q126432 P69 Q157575 +Q79120 P19 Q1085 +Q55249 P106 Q222344 +Q673567 P27 Q30 +Q212 P530 Q221 +Q1282562 P69 Q230899 +Q919961 P264 Q726153 +Q104094 P463 Q879171 +Q2496 P108 Q55044 +Q299790 P3373 Q224081 +Q707446 P106 Q36834 +Q332607 P27 Q145 +Q153802 P1303 Q17172850 +Q60777 P463 Q939743 +Q106029 P108 Q153978 +Q1257 P108 Q194445 +Q1702240 P1412 Q1860 +Q332508 P1412 Q1860 +Q233377 P106 Q488205 +Q16 P463 Q899770 +Q282877 P264 Q1254522 +Q160371 P69 Q2994538 +Q275545 P1412 Q1860 +Q366890 P106 Q864380 +Q312870 P1303 Q258896 +Q105676 P108 Q54096 +Q346309 P172 Q49085 +Q84153 P509 Q4651894 +Q579773 P106 Q131524 +Q290502 P106 Q6625963 +Q424173 P19 Q1490 +Q229139 P509 Q12152 +Q550778 P106 Q639669 +Q114 P463 Q294278 +Q375351 P463 Q123885 +Q176558 P463 Q463303 +Q1196965 P264 Q732503 +Q238795 P264 Q238095 +Q211730 P106 Q10800557 +Q230308 P106 Q3282637 +Q242454 P1412 Q7737 +Q325589 P106 Q201788 +Q322730 P106 Q18576582 +Q464246 P101 Q207628 +Q221020 P136 Q157394 +Q818006 P27 Q40 +Q72357 P106 Q205375 +Q180665 P27 Q30 +Q462744 P1412 Q1860 +Q165745 P159 Q60 +Q231106 P106 Q33999 +Q41309 P136 Q9734 +Q231948 P20 Q1781 +Q359996 P509 Q2140674 +Q313755 P106 Q33999 +Q311314 P106 Q28389 +Q324726 P106 Q33999 +Q521116 P106 Q201788 +Q953153 P106 Q36180 +Q767329 P1412 Q7026 +Q421478 P102 Q79854 +Q130799 P136 Q484641 +Q78492 P106 Q1622272 +Q150651 P106 Q245068 +Q676455 P106 Q193391 +Q1546566 P106 Q7042855 +Q199943 P40 Q274314 +Q1101938 P69 Q5384959 +Q1028 P463 Q827525 +Q265 P463 Q376150 +Q235223 P1303 Q17172850 +Q323834 P136 Q11366 +Q282041 P57 Q318287 +Q76576 P119 Q64 +Q26688 P106 Q10800557 +Q414 P463 Q233611 +Q165816 P27 Q668 +Q1354341 P509 Q12206 +Q219744 P106 Q36180 +Q5603 P106 Q18939491 +Q1175266 P1412 Q1860 +Q85394 P106 Q1622272 +Q213521 P1303 Q27939 +Q408 P530 Q686 +Q77418 P27 Q183 +Q34424 P108 Q38903 +Q264774 P106 Q33999 +Q2428820 P106 Q482980 +Q1226480 P106 Q55960555 +Q57386 P106 Q49757 +Q232851 P106 Q3282637 +Q387958 P161 Q57614 +Q273614 P1303 Q17172850 +Q34 P530 Q41 +Q19198 P136 Q325504 +Q47595 P1412 Q1321 +Q194638 P27 Q39 +Q92862 P106 Q1622272 +Q201379 P136 Q860626 +Q81489 P106 Q10800557 +Q201927 P19 Q5092 +Q228852 P106 Q18814623 +Q233213 P1412 Q1860 +Q333231 P106 Q82955 +Q606356 P106 Q1930187 +Q51139 P40 Q51143 +Q62880 P19 Q6602 +Q331759 P136 Q11399 +Q183 P530 Q790 +Q82083 P140 Q6423963 +Q92085 P108 Q165528 +Q237215 P136 Q859369 +Q317095 P106 Q855091 +Q79038 P106 Q36180 +Q705515 P106 Q1930187 +Q60100 P106 Q36180 +Q438885 P106 Q822146 +Q119455 P641 Q542 +Q96943 P19 Q1711 +Q219810 P136 Q200092 +Q156516 P161 Q765165 +Q84423 P106 Q4964182 +Q64440 P27 Q40 +Q2535085 P17 Q142 +Q78126 P106 Q185351 +Q116088 P106 Q1622272 +Q72553 P69 Q154561 +Q1347919 P264 Q772494 +Q12003 P172 Q170826 +Q76959 P463 Q723551 +Q170530 P451 Q165219 +Q664592 P106 Q1198887 +Q183 P530 Q77 +Q309888 P106 Q639669 +Q436759 P106 Q36834 +Q438885 P1303 Q17172850 +Q882 P140 Q288928 +Q102822 P108 Q20266330 +Q247320 P106 Q49757 +Q932344 P106 Q81096 +Q4093262 P106 Q13590141 +Q311450 P106 Q55960555 +Q37355 P27 Q30 +Q202550 P1303 Q17172850 +Q435415 P106 Q10800557 +Q221249 P161 Q5603 +Q185140 P106 Q28389 +Q263772 P106 Q177220 +Q342949 P106 Q177220 +Q273079 P509 Q12202 +Q556941 P136 Q484641 +Q1984116 P106 Q43845 +Q246731 P106 Q3126128 +Q1163944 P106 Q639669 +Q677367 P1412 Q809 +Q539143 P106 Q1930187 +Q62377 P69 Q152838 +Q60068 P106 Q3282637 +Q8442 P1412 Q1860 +Q9317 P69 Q35794 +Q152764 P106 Q10800557 +Q43408 P161 Q220536 +Q221586 P161 Q35912 +Q1783775 P136 Q11401 +Q235121 P106 Q11900058 +Q82925 P135 Q971480 +Q761453 P106 Q36180 +Q57952 P1412 Q188 +Q712851 P551 Q145 +Q5046268 P69 Q1026827 +Q26378 P1303 Q17172850 +Q107724 P161 Q29092 +Q65329 P463 Q684415 +Q234989 P101 Q35760 +Q76363 P106 Q333634 +Q4271 P136 Q11366 +Q1512152 P106 Q483501 +Q499742 P108 Q189022 +Q188850 P136 Q842256 +Q20887 P108 Q16952 +Q364875 P136 Q131272 +Q562108 P1412 Q1860 +Q117197 P106 Q3075052 +Q152785 P3373 Q7729 +Q168992 P101 Q207628 +Q263582 P27 Q217 +Q1138600 P509 Q181754 +Q289469 P161 Q242523 +Q60970 P106 Q4610556 +Q1267 P1412 Q9027 +Q179414 P106 Q2259451 +Q100276 P106 Q185351 +Q214116 P106 Q2516866 +Q1066965 P1303 Q6607 +Q85282 P20 Q586 +Q89949 P509 Q175111 +Q128494 P1412 Q7737 +Q1443825 P106 Q6168364 +Q105221 P19 Q1930 +Q349223 P106 Q177220 +Q312294 P106 Q10800557 +Q92649 P108 Q49210 +Q664592 P106 Q822146 +Q1928543 P106 Q488205 +Q88383 P106 Q482980 +Q155907 P106 Q121594 +Q19242 P69 Q559549 +Q60025 P737 Q77148 +Q444525 P136 Q319221 +Q195718 P106 Q13235160 +Q1277063 P1303 Q1444 +Q323707 P106 Q43845 +Q694732 P106 Q82955 +Q792 P530 Q96 +Q919081 P69 Q13371 +Q228909 P19 Q60 +Q206497 P641 Q41323 +Q181413 P106 Q33999 +Q96585 P106 Q1622272 +Q325262 P27 Q794 +Q8772 P108 Q83259 +Q706560 P106 Q753110 +Q97136 P1412 Q150 +Q184226 P737 Q35802 +Q388950 P161 Q23365 +Q35 P530 Q219060 +Q114623 P172 Q237534 +Q31487 P17 Q1649871 +Q26207 P102 Q9630 +Q62904 P101 Q21198 +Q89434 P27 Q40 +Q436894 P106 Q33999 +Q34836 P106 Q372436 +Q2833 P30 Q46 +Q366464 P20 Q7003 +Q155398 P108 Q13371 +Q1028 P530 Q794 +Q2632 P1303 Q133163 +Q1056163 P1303 Q17172850 +Q241835 P106 Q947873 +Q72267 P27 Q30 +Q739 P463 Q5611262 +Q276734 P840 Q2807 +Q57475 P102 Q153401 +Q189080 P69 Q617433 +Q60815 P140 Q288928 +Q2090 P17 Q41304 +Q99728 P106 Q36180 +Q101638 P106 Q4964182 +Q765165 P106 Q82955 +Q217750 P1303 Q5994 +Q231182 P264 Q216364 +Q152857 P136 Q52162262 +Q256054 P27 Q28513 +Q58912 P27 Q30 +Q178700 P840 Q90 +Q77 P530 Q419 +Q553742 P106 Q245068 +Q298347 P106 Q10800557 +Q179041 P106 Q2405480 +Q183 P530 Q1050 +Q318412 P106 Q28389 +Q880776 P27 Q30 +Q77845 P106 Q1622272 +Q249032 P161 Q170572 +Q78713 P106 Q205375 +Q91428 P106 Q1930187 +Q1344185 P106 Q639669 +Q26741 P106 Q3282637 +Q1424117 P106 Q81096 +Q239030 P27 Q30 +Q210741 P69 Q35794 +Q275900 P1303 Q5994 +Q24302 P27 Q96 +Q64584 P101 Q34178 +Q47900 P106 Q36180 +Q206589 P136 Q859369 +Q366307 P1412 Q8748 +Q24558760 P3373 Q51908481 +Q95485 P106 Q188094 +Q82695 P106 Q82955 +Q457353 P106 Q33999 +Q221074 P27 Q38 +Q817353 P463 Q15646111 +Q212648 P106 Q82955 +Q337145 P106 Q33999 +Q106103 P27 Q183 +Q47087 P136 Q24925 +Q273910 P136 Q43343 +Q533284 P1050 Q12202 +Q57187 P106 Q14467526 +Q229082 P1412 Q1860 +Q19504 P106 Q7042855 +Q206439 P1303 Q17172850 +Q185888 P161 Q180011 +Q1392583 P136 Q11399 +Q34975 P106 Q10798782 +Q151830 P106 Q177220 +Q228862 P19 Q1754 +Q503758 P106 Q4263842 +Q40321 P172 Q49085 +Q45321 P108 Q55044 +Q182509 P106 Q82955 +Q34969 P106 Q2516866 +Q76696 P106 Q201788 +Q169717 P136 Q213665 +Q152493 P840 Q90 +Q11891 P106 Q82955 +Q294931 P20 Q127856 +Q577548 P106 Q1607826 +Q1389258 P27 Q35 +Q951621 P20 Q2807 +Q357676 P102 Q29468 +Q298025 P106 Q33999 +Q94031 P19 Q1741 +Q287607 P140 Q7066 +Q92693 P106 Q205375 +Q177610 P106 Q193391 +Q62084 P19 Q4120832 +Q78492 P69 Q165980 +Q102244 P161 Q235572 +Q434160 P106 Q17489339 +Q3441496 P20 Q173813 +Q168419 P463 Q329464 +Q180453 P106 Q36834 +Q314924 P69 Q7866352 +Q215263 P69 Q49167 +Q313764 P136 Q130232 +Q37459 P106 Q33999 +Q234399 P1303 Q8355 +Q180861 P106 Q639669 +Q62656 P463 Q4345832 +Q212549 P136 Q1062400 +Q515696 P106 Q36834 +Q217280 P136 Q131272 +Q553276 P69 Q670897 +Q180252 P106 Q3282637 +Q467368 P119 Q168886 +Q797659 P106 Q2722764 +Q1336685 P106 Q33999 +Q78476 P27 Q28513 +Q179540 P106 Q36834 +Q221345 P161 Q676094 +Q434839 P106 Q1930187 +Q109612 P69 Q503246 +Q221491 P136 Q130232 +Q233347 P19 Q65 +Q62046 P1412 Q188 +Q9588 P106 Q18814623 +Q3085338 P106 Q2516866 +Q6694 P106 Q18805 +Q163714 P27 Q36 +Q668 P530 Q408 +Q164745 P551 Q1218 +Q1610776 P106 Q33999 +Q76539 P106 Q4853732 +Q215036 P20 Q84 +Q1187592 P106 Q3387717 +Q52570 P106 Q333634 +Q13047979 P172 Q179248 +Q25839 P27 Q43 +Q155687 P27 Q16957 +Q105624 P136 Q188473 +Q123273 P1412 Q1860 +Q266611 P106 Q1086863 +Q344384 P106 Q36834 +Q1380767 P106 Q82955 +Q150851 P69 Q432637 +Q683 P463 Q294278 +Q48995 P264 Q287177 +Q557 P106 Q49757 +Q323318 P161 Q7516 +Q99706 P27 Q30 +Q573408 P119 Q2790054 +Q349591 P1412 Q1860 +Q42156 P463 Q2822396 +Q2213516 P1412 Q1860 +Q123972 P106 Q16287483 +Q44862 P19 Q1741 +Q287644 P1412 Q143 +Q11132 P172 Q49078 +Q229975 P106 Q10798782 +Q213512 P106 Q11481802 +Q271500 P106 Q2259451 +Q311453 P106 Q2259451 +Q974238 P136 Q131272 +Q373849 P161 Q213574 +Q95710 P19 Q2814 +Q4184336 P27 Q2305208 +Q295420 P106 Q33999 +Q426687 P264 Q216364 +Q211831 P19 Q84 +Q287099 P19 Q656 +Q110872 P106 Q1234713 +Q9095 P463 Q253439 +Q130742 P1303 Q11405 +Q262 P463 Q376150 +Q295679 P69 Q49114 +Q97431 P108 Q695302 +Q184 P530 Q227 +Q236958 P106 Q6625963 +Q49620 P106 Q169470 +Q39837 P101 Q333 +Q164224 P495 Q145 +Q139460 P161 Q362332 +Q237030 P1303 Q17172850 +Q385703 P106 Q578109 +Q224 P463 Q656801 +Q161819 P26 Q56093 +Q170564 P161 Q241510 +Q35 P530 Q148 +Q357762 P106 Q10798782 +Q142974 P27 Q801 +Q5354 P106 Q1225716 +Q192885 P101 Q5891 +Q104123 P840 Q65 +Q284333 P161 Q204590 +Q91137 P106 Q36180 +Q712820 P106 Q177220 +Q224004 P161 Q106482 +Q65113 P106 Q15980158 +Q3134064 P27 Q145 +Q188159 P495 Q183 +Q202449 P106 Q10800557 +Q313981 P106 Q18844224 +Q200460 P106 Q2259451 +Q32661 P106 Q1930187 +Q80222 P106 Q169470 +Q246091 P463 Q123885 +Q73924 P20 Q3869 +Q58284 P106 Q40348 +Q384847 P106 Q82955 +Q72645 P19 Q64 +Q232592 P106 Q2405480 +Q77096 P119 Q3936 +Q105801 P161 Q298682 +Q20726 P1412 Q188 +Q258715 P27 Q213 +Q79904 P140 Q9268 +Q408 P530 Q778 +Q182654 P27 Q15180 +Q58863 P106 Q185351 +Q315072 P1412 Q150 +Q278625 P106 Q16287483 +Q281998 P1412 Q150 +Q16 P530 Q35 +Q153776 P106 Q14915627 +Q208374 P106 Q10798782 +Q220955 P57 Q103917 +Q273080 P106 Q177220 +Q713964 P1412 Q1860 +Q380425 P1412 Q8641 +Q464474 P106 Q1281618 +Q705399 P108 Q182973 +Q41223 P106 Q6625963 +Q316138 P737 Q140201 +Q668 P463 Q7785 +Q573584 P69 Q926749 +Q23517 P106 Q28389 +Q152301 P27 Q30 +Q865 P530 Q30 +Q712765 P27 Q145 +Q982729 P737 Q36591 +Q74252 P463 Q812155 +Q55418 P1412 Q188 +Q40572 P136 Q191489 +Q666875 P106 Q169470 +Q468635 P19 Q1345 +Q736 P530 Q794 +Q1683438 P106 Q644687 +Q285462 P1412 Q1860 +Q214565 P19 Q288781 +Q310798 P101 Q21198 +Q212167 P19 Q85 +Q15873 P106 Q183945 +Q177984 P509 Q12152 +Q221249 P161 Q29250 +Q67221 P1412 Q7411 +Q360477 P69 Q617433 +Q189454 P106 Q36180 +Q430278 P161 Q180942 +Q70764 P1412 Q188 +Q102139 P106 Q116 +Q817 P530 Q796 +Q1711615 P1412 Q1412 +Q187857 P106 Q33999 +Q192115 P161 Q134133 +Q457029 P69 Q2994538 +Q826 P463 Q47543 +Q217627 P136 Q2975633 +Q298766 P69 Q926749 +Q102851 P101 Q5891 +Q229184 P1412 Q1860 +Q945691 P106 Q10798782 +Q107730 P106 Q10800557 +Q92804 P106 Q82594 +Q355531 P1303 Q128309 +Q77447 P102 Q153401 +Q326196 P20 Q96 +Q442931 P106 Q36180 +Q552529 P106 Q639669 +Q166835 P106 Q1209498 +Q742284 P1412 Q652 +Q225933 P106 Q10798782 +Q318885 P106 Q2405480 +Q33 P463 Q81299 +Q234438 P69 Q797078 +Q355314 P106 Q36180 +Q309690 P106 Q2526255 +Q4042 P106 Q177220 +Q28941 P27 Q145 +Q386053 P1303 Q17172850 +Q361683 P27 Q30 +Q1545 P1303 Q17172850 +Q55303 P106 Q2059704 +Q312801 P106 Q43845 +Q383883 P20 Q584451 +Q45221 P106 Q33999 +Q114115 P161 Q168724 +Q86924 P106 Q1622272 +Q443225 P119 Q1437214 +Q72090 P840 Q22 +Q111189 P1412 Q188 +Q223374 P495 Q30 +Q234169 P106 Q177220 +Q141114 P106 Q1930187 +Q117194 P1412 Q652 +Q79 P463 Q899770 +Q82695 P509 Q152234 +Q357184 P119 Q168886 +Q26412 P106 Q6625963 +Q471443 P27 Q34266 +Q54945 P1412 Q9027 +Q312656 P106 Q2259451 +Q297532 P20 Q1492 +Q333591 P20 Q84 +Q1386098 P106 Q33999 +Q310755 P108 Q202660 +Q27204 P495 Q145 +Q60141 P20 Q64 +Q312407 P463 Q463303 +Q188570 P69 Q27621 +Q5494459 P136 Q37073 +Q204810 P136 Q131539 +Q928939 P463 Q901677 +Q108543 P161 Q312077 +Q236024 P1303 Q6607 +Q174284 P161 Q282693 +Q98448 P108 Q152171 +Q134022 P27 Q16957 +Q743051 P106 Q15981151 +Q44857 P27 Q30 +Q178709 P106 Q201788 +Q193659 P551 Q145 +Q62831 P3373 Q154014 +Q51510 P106 Q333634 +Q34086 P106 Q183945 +Q34424 P108 Q56760250 +Q310950 P1412 Q1860 +Q349039 P106 Q13590141 +Q215215 P136 Q885561 +Q16397 P140 Q7066 +Q144439 P27 Q45 +Q323470 P106 Q753110 +Q241498 P136 Q1344 +Q117021 P27 Q39 +Q113480 P27 Q15180 +Q134183 P106 Q15982858 +Q268294 P1412 Q150 +Q151113 P1412 Q7979 +Q217619 P106 Q18844224 +Q379785 P1412 Q7026 +Q992295 P136 Q131272 +Q329845 P20 Q761 +Q1252841 P27 Q801 +Q10536 P106 Q937857 +Q438175 P136 Q1298934 +Q8814 P101 Q8087 +Q333856 P106 Q753110 +Q64211 P840 Q258 +Q751205 P19 Q220 +Q7231 P509 Q2140674 +Q228832 P106 Q33999 +Q754 P463 Q7785 +Q329 P69 Q1394262 +Q70474 P69 Q156737 +Q11705409 P509 Q12078 +Q129987 P27 Q179876 +Q1333939 P27 Q30 +Q1282413 P69 Q193196 +Q1246 P530 Q408 +Q921823 P27 Q419 +Q109310 P102 Q7320 +Q503770 P1303 Q17172850 +Q195710 P161 Q436769 +Q447659 P27 Q34266 +Q442198 P106 Q36834 +Q96248 P106 Q482980 +Q314966 P106 Q2526255 +Q254038 P27 Q30 +Q103114 P737 Q38193 +Q9387 P69 Q55044 +Q1806985 P106 Q639669 +Q107067 P1303 Q17172850 +Q82695 P108 Q168751 +Q213844 P106 Q3387717 +Q353978 P102 Q29468 +Q314419 P27 Q38 +Q215652 P108 Q55038 +Q353788 P1412 Q1860 +Q55190 P106 Q33999 +Q242796 P136 Q36279 +Q190525 P161 Q296883 +Q188954 P106 Q40348 +Q311145 P737 Q41166 +Q228918 P106 Q36834 +Q185776 P161 Q208649 +Q70130 P1303 Q78987 +Q181683 P26 Q310300 +Q343433 P106 Q36180 +Q187165 P106 Q855091 +Q531743 P106 Q1930187 +Q354654 P1303 Q17172850 +Q8646 P530 Q668 +Q205545 P106 Q36180 +Q80399 P106 Q177220 +Q445463 P106 Q33999 +Q332783 P20 Q39984 +Q375845 P106 Q2526255 +Q374507 P161 Q236399 +Q312407 P106 Q1930187 +Q3487499 P161 Q254038 +Q89219 P19 Q1794 +Q55404 P1412 Q1860 +Q103646 P106 Q3282637 +Q3713655 P19 Q11299 +Q204005 P264 Q54860 +Q83359 P641 Q5386 +Q318312 P509 Q12152 +Q366322 P106 Q2259451 +Q80137 P101 Q8261 +Q67917 P1412 Q1860 +Q433284 P26 Q349852 +Q681465 P106 Q36834 +Q320556 P69 Q333886 +Q451250 P161 Q235146 +Q843 P530 Q822 +Q128956 P1412 Q143 +Q751205 P69 Q209344 +Q214014 P136 Q959790 +Q61594 P101 Q11629 +Q1585964 P463 Q337234 +Q231438 P106 Q4610556 +Q76364 P106 Q36834 +Q817 P530 Q408 +Q40826 P737 Q991 +Q55388 P20 Q48958 +Q168704 P101 Q11634 +Q2046788 P106 Q81096 +Q636637 P27 Q36704 +Q156941 P463 Q83172 +Q336835 P495 Q142 +Q553861 P101 Q184485 +Q457687 P20 Q1085 +Q75116 P1412 Q188 +Q196665 P161 Q131380 +Q182123 P20 Q456 +Q103562 P108 Q165528 +Q1500187 P161 Q232477 +Q192515 P136 Q8341 +Q191480 P136 Q482 +Q550436 P106 Q855091 +Q61940 P106 Q36180 +Q1245769 P106 Q185351 +Q367973 P101 Q11634 +Q234487 P136 Q83440 +Q109612 P264 Q183387 +Q46739 P27 Q96 +Q981971 P1412 Q1860 +Q61064 P106 Q1028181 +Q312288 P69 Q13371 +Q470334 P106 Q169470 +Q262170 P106 Q6625963 +Q353978 P20 Q47164 +Q32535 P136 Q859369 +Q3188629 P119 Q746647 +Q102788 P463 Q253439 +Q76791 P101 Q1071 +Q192207 P106 Q36180 +Q66936 P108 Q156737 +Q175759 P1303 Q17172850 +Q115754 P27 Q142 +Q38486 P161 Q472504 +Q713213 P20 Q617 +Q267265 P27 Q30 +Q1046612 P106 Q753110 +Q230068 P106 Q36180 +Q47221 P136 Q2421031 +Q168356 P108 Q186285 +Q40874 P136 Q24925 +Q334670 P106 Q177220 +Q244975 P161 Q544465 +Q162688 P108 Q40025 +Q9916 P172 Q141817 +Q528323 P106 Q639669 +Q66370 P1412 Q188 +Q220154 P57 Q242557 +Q229442 P1412 Q1860 +Q9582 P26 Q213122 +Q53570396 P3373 Q18118088 +Q34 P463 Q17495 +Q77888 P463 Q463303 +Q57136 P106 Q193391 +Q436693 P1412 Q1860 +Q191408 P1412 Q150 +Q27513 P161 Q237053 +Q217314 P106 Q36180 +Q314362 P106 Q4991371 +Q44331 P106 Q214917 +Q449129 P108 Q599316 +Q902 P530 Q837 +Q249040 P161 Q230383 +Q81447 P509 Q852423 +Q78608 P106 Q901 +Q1340677 P1412 Q1860 +Q112176 P19 Q1726 +Q794 P530 Q159583 +Q11975 P106 Q753110 +Q253695 P106 Q639669 +Q1047 P737 Q33760 +Q120085 P20 Q84 +Q1345210 P27 Q142 +Q208685 P106 Q36180 +Q157176 P106 Q486748 +Q362516 P136 Q38848 +Q298773 P106 Q4263842 +Q29427 P140 Q9268 +Q234544 P106 Q10800557 +Q313256 P106 Q805221 +Q430076 P27 Q30 +Q218690 P20 Q90 +Q48280 P106 Q33999 +Q200586 P1303 Q46185 +Q93692 P27 Q142 +Q238869 P106 Q177220 +Q930987 P106 Q1930187 +Q379341 P106 Q753110 +Q1360782 P106 Q15981151 +Q1445729 P106 Q33231 +Q317988 P40 Q707266 +Q232458 P106 Q43845 +Q1082312 P264 Q694052 +Q1955997 P106 Q36834 +Q1250743 P106 Q639669 +Q606356 P106 Q36180 +Q275593 P106 Q488205 +Q511399 P106 Q1397808 +Q291500 P106 Q1028181 +Q75292 P1412 Q188 +Q311439 P136 Q8341 +Q191084 P27 Q30 +Q392 P106 Q36834 +Q91657 P106 Q155647 +Q761 P17 Q36 +Q12702 P27 Q145 +Q4061 P106 Q19723482 +Q149997 P140 Q9268 +Q240370 P119 Q1645215 +Q361224 P106 Q82955 +Q241873 P106 Q10800557 +Q1680339 P27 Q174193 +Q142627 P69 Q1137665 +Q235511 P551 Q61 +Q1322146 P106 Q639669 +Q70871 P463 Q123885 +Q233977 P264 Q183412 +Q441267 P27 Q172579 +Q217557 P106 Q28389 +Q9960 P106 Q33999 +Q88427 P106 Q2732142 +Q1338141 P463 Q123885 +Q212015 P1303 Q6607 +Q255070 P106 Q2405480 +Q481885 P1303 Q5994 +Q277978 P106 Q2405480 +Q30 P530 Q801 +Q276304 P20 Q172 +Q7245 P106 Q12144794 +Q165121 P509 Q12152 +Q19089 P161 Q81520 +Q1558698 P27 Q28 +Q123140 P69 Q503473 +Q979084 P136 Q131272 +Q320 P551 Q408 +Q181069 P161 Q311319 +Q234636 P551 Q159288 +Q348603 P19 Q18424 +Q216179 P106 Q639669 +Q3550828 P106 Q1350157 +Q154782 P106 Q2374149 +Q90787 P106 Q36180 +Q316596 P106 Q2405480 +Q2685 P1412 Q1860 +Q50764 P106 Q37226 +Q182546 P20 Q5092 +Q294225 P509 Q506616 +Q242162 P509 Q212961 +Q907534 P69 Q49167 +Q242914 P27 Q142 +Q49021 P161 Q41871 +Q237951 P106 Q36180 +Q77551 P1412 Q188 +Q41281 P136 Q37073 +Q8704 P119 Q1437214 +Q884142 P1050 Q10874 +Q229375 P19 Q18575 +Q65445 P106 Q131524 +Q83492 P106 Q948329 +Q177930 P161 Q355133 +Q156941 P463 Q191583 +Q160263 P19 Q1218 +Q365129 P106 Q36180 +Q455605 P463 Q48995 +Q518839 P106 Q16145150 +Q197206 P106 Q205375 +Q185122 P106 Q2405480 +Q222 P463 Q899770 +Q1075770 P106 Q639669 +Q160318 P106 Q82955 +Q323669 P264 Q885977 +Q433608 P69 Q559549 +Q392924 P136 Q2484376 +Q876590 P106 Q36180 +Q220864 P69 Q222738 +Q58912 P19 Q79867 +Q2875 P161 Q129429 +Q313509 P69 Q859363 +Q258 P463 Q7809 +Q57956 P106 Q40348 +Q81960 P106 Q753110 +Q2387083 P69 Q49117 +Q155 P530 Q928 +Q7313843 P106 Q483501 +Q847446 P106 Q639669 +Q215478 P106 Q28389 +Q86095 P463 Q684415 +Q170510 P106 Q2405480 +Q259913 P27 Q30 +Q77888 P108 Q152087 +Q162458 P161 Q236822 +Q76998 P69 Q32120 +Q160726 P27 Q865 +Q332330 P161 Q134333 +Q292558 P20 Q90 +Q12957 P140 Q1841 +Q248059 P1303 Q17172850 +Q73612 P106 Q33999 +Q223596 P136 Q1535153 +Q251287 P1303 Q17172850 +Q67518 P108 Q151510 +Q675 P463 Q117467 +Q59534 P161 Q283988 +Q253607 P1303 Q27939 +Q153238 P108 Q49119 +Q801 P530 Q34 +Q83338 P106 Q674067 +Q76367 P20 Q64 +Q1195301 P106 Q177220 +Q258793 P106 Q2259451 +Q349117 P27 Q30 +Q222791 P20 Q220 +Q884 P463 Q826700 +Q48053 P463 Q1971373 +Q89434 P106 Q10349745 +Q310116 P264 Q202440 +Q461104 P106 Q214917 +Q105031 P840 Q1297 +Q332360 P69 Q805285 +Q350714 P106 Q2259451 +Q945633 P463 Q812155 +Q10390 P106 Q82955 +Q189164 P509 Q29496 +Q178709 P106 Q36180 +Q229013 P102 Q29552 +Q293520 P106 Q11063 +Q46182 P27 Q15180 +Q209004 P106 Q6625963 +Q158079 P172 Q84072 +Q782738 P136 Q8261 +Q187907 P1412 Q7737 +Q34424 P106 Q488205 +Q209175 P106 Q10800557 +Q283859 P136 Q12799318 +Q198557 P161 Q262524 +Q288645 P840 Q61 +Q87432 P27 Q183 +Q444250 P19 Q16557 +Q218889 P463 Q466113 +Q213512 P463 Q463303 +Q77777 P106 Q10798782 +Q511399 P551 Q649 +Q1151 P27 Q142 +Q265031 P106 Q28389 +Q155649 P69 Q49114 +Q982493 P19 Q60 +Q254611 P106 Q486748 +Q4225527 P27 Q159 +Q3370728 P1303 Q17172850 +Q345906 P106 Q33999 +Q349456 P106 Q639669 +Q154855 P19 Q2807 +Q528323 P1303 Q17172850 +Q329001 P106 Q15981151 +Q274181 P106 Q158852 +Q2130862 P69 Q4614 +Q361297 P40 Q317784 +Q57431 P172 Q127885 +Q468067 P106 Q14915627 +Q262838 P106 Q2405480 +Q129813 P840 Q84 +Q204398 P495 Q183 +Q410 P463 Q466113 +Q107264 P27 Q30 +Q940686 P106 Q639669 +Q797649 P106 Q6625963 +Q313020 P106 Q33999 +Q240769 P1412 Q1860 +Q819 P530 Q902 +Q2594 P108 Q122453 +Q41590 P1412 Q188 +Q63169 P27 Q39 +Q132589 P463 Q11993457 +Q95259 P106 Q16287483 +Q94487 P106 Q36180 +Q445372 P106 Q19204627 +Q1954907 P106 Q1086863 +Q986 P463 Q294278 +Q1702240 P264 Q183387 +Q63670 P106 Q18814623 +Q290856 P27 Q30 +Q266676 P136 Q37073 +Q123483 P106 Q36180 +Q1230528 P106 Q170790 +Q956296 P1412 Q9056 +Q65130 P106 Q3745071 +Q45124 P27 Q15180 +Q5603 P106 Q222344 +Q446257 P106 Q713200 +Q153018 P3373 Q84365 +Q128995 P106 Q193391 +Q266425 P106 Q33999 +Q231135 P19 Q16555 +Q1006 P530 Q148 +Q1159089 P136 Q83440 +Q58577 P463 Q4345832 +Q83501 P463 Q938622 +Q200534 P27 Q145 +Q934737 P1303 Q52954 +Q220269 P108 Q608338 +Q214831 P551 Q23197 +Q168161 P140 Q7066 +Q459681 P106 Q28389 +Q155545 P106 Q189290 +Q62866 P106 Q5482740 +Q902 P530 Q148 +Q115490 P106 Q2374149 +Q40046 P106 Q33999 +Q70867 P106 Q82955 +Q6694 P106 Q3745071 +Q5152 P1412 Q256 +Q5928 P737 Q392 +Q332525 P27 Q30 +Q90849 P106 Q130857 +Q180589 P106 Q8246794 +Q1618928 P1412 Q1860 +Q311022 P463 Q123885 +Q323074 P106 Q2340668 +Q240570 P1303 Q46185 +Q67538 P101 Q8162 +Q41 P530 Q155 +Q58801 P106 Q10800557 +Q63397 P106 Q350979 +Q155547 P106 Q49757 +Q708620 P136 Q11401 +Q190220 P737 Q79759 +Q50797 P136 Q37073 +Q320423 P136 Q319221 +Q431793 P161 Q229487 +Q1984116 P19 Q2807 +Q38193 P737 Q5879 +Q268994 P106 Q14467526 +Q311241 P136 Q45981 +Q321636 P19 Q437 +Q1372139 P27 Q30 +Q365 P17 Q43287 +Q349420 P136 Q11401 +Q813 P530 Q458 +Q901303 P1412 Q397 +Q1677606 P463 Q270794 +Q86777 P106 Q36180 +Q53068 P106 Q639669 +Q462579 P1412 Q150 +Q183266 P106 Q14467526 +Q184933 P69 Q312578 +Q321846 P102 Q29552 +Q207130 P161 Q298838 +Q44634 P264 Q1124849 +Q40 P463 Q376150 +Q233 P530 Q17 +Q78237 P20 Q365 +Q722202 P106 Q1028181 +Q1346111 P509 Q47912 +Q273208 P69 Q579968 +Q16759 P106 Q33999 +Q12908 P106 Q4964182 +Q932694 P20 Q90 +Q186630 P136 Q482 +Q233868 P27 Q30 +Q455951 P19 Q18426 +Q969753 P106 Q82955 +Q204586 P106 Q10798782 +Q249931 P161 Q40912 +Q439566 P27 Q15180 +Q103949 P106 Q3282637 +Q216016 P1412 Q150 +Q165817 P161 Q224081 +Q443190 P463 Q451079 +Q77234 P108 Q154561 +Q12548 P37 Q188 +Q239415 P106 Q177220 +Q74252 P1412 Q188 +Q313501 P19 Q23768 +Q716862 P106 Q81096 +Q62661 P106 Q1028181 +Q313764 P136 Q52162262 +Q92871 P463 Q1493021 +Q298025 P27 Q30 +Q708110 P1303 Q6607 +Q16581 P108 Q165980 +Q981981 P1412 Q1860 +Q160163 P108 Q371625 +Q236024 P106 Q10800557 +Q105962 P1412 Q150 +Q166262 P161 Q1058562 +Q1585964 P463 Q1493021 +Q272019 P106 Q10800557 +Q60208 P102 Q49768 +Q240769 P1412 Q188 +Q545818 P1412 Q9056 +Q428347 P136 Q9730 +Q274812 P106 Q3282637 +Q108703 P108 Q165528 +Q45388 P136 Q4984974 +Q193676 P106 Q183945 +Q234128 P106 Q2405480 +Q1226480 P106 Q177220 +Q1631 P264 Q183412 +Q896136 P19 Q1711 +Q261522 P106 Q3282637 +Q246929 P106 Q2252262 +Q123870 P106 Q177220 +Q63169 P102 Q158227 +Q161933 P106 Q1930187 +Q265252 P106 Q15981151 +Q196004 P136 Q2137852 +Q428451 P69 Q2983698 +Q3616 P37 Q9168 +Q511399 P102 Q79854 +Q237420 P1412 Q1860 +Q229050 P106 Q18814623 +Q130142 P161 Q329716 +Q203493 P37 Q7913 +Q119546 P509 Q12152 +Q75209 P27 Q41304 +Q73506 P140 Q7066 +Q77959 P27 Q183 +Q531624 P106 Q639669 +Q88389 P106 Q482980 +Q16296 P106 Q33999 +Q317521 P27 Q30 +Q332632 P119 Q27426 +Q337078 P495 Q30 +Q193257 P101 Q7163 +Q637195 P106 Q3282637 +Q1277187 P264 Q885833 +Q235685 P509 Q47912 +Q75828 P463 Q543804 +Q483907 P106 Q33999 +Q319773 P1303 Q17172850 +Q215359 P106 Q15981151 +Q181249 P119 Q1166 +Q207592 P106 Q55960555 +Q275247 P136 Q217191 +Q506231 P106 Q1930187 +Q192912 P106 Q6625963 +Q57629 P463 Q901677 +Q38193 P737 Q35802 +Q53680 P106 Q639669 +Q984115 P106 Q639669 +Q1385887 P1412 Q1860 +Q106126 P551 Q1721 +Q95055 P106 Q948329 +Q4344126 P463 Q265058 +Q215369 P106 Q33999 +Q728959 P106 Q36180 +Q359325 P106 Q10800557 +Q55218 P1412 Q188 +Q1178 P136 Q1344 +Q8772 P106 Q170790 +Q164351 P101 Q11629 +Q454758 P1412 Q150 +Q230710 P106 Q33999 +Q65783 P1412 Q188 +Q2574737 P106 Q28389 +Q721963 P106 Q2259451 +Q271324 P106 Q10800557 +Q70991 P106 Q4964182 +Q92617 P27 Q30 +Q1026532 P69 Q1797768 +Q131380 P136 Q316930 +Q944275 P463 Q253439 +Q62373 P108 Q122453 +Q349690 P20 Q65 +Q199644 P509 Q12204 +Q156309 P136 Q2484376 +Q128799 P106 Q10798782 +Q41590 P106 Q201788 +Q347461 P106 Q6625963 +Q55452 P1412 Q652 +Q90634 P27 Q183 +Q34584 P106 Q13235160 +Q7833 P106 Q214917 +Q85788 P106 Q82955 +Q801 P530 Q811 +Q311165 P106 Q3455803 +Q200639 P106 Q4964182 +Q250975 P106 Q131512 +Q237030 P1412 Q1860 +Q457840 P509 Q744913 +Q355843 P106 Q82955 +Q267359 P106 Q10800557 +Q257277 P19 Q16739 +Q213806 P108 Q49114 +Q97129 P106 Q201788 +Q61629 P1412 Q188 +Q111436 P108 Q4614 +Q189490 P106 Q3282637 +Q179540 P106 Q753110 +Q58311 P106 Q82955 +Q126481 P106 Q333634 +Q451825 P106 Q482980 +Q818968 P161 Q312531 +Q311729 P108 Q34433 +Q232495 P106 Q4610556 +Q313758 P136 Q182357 +Q120966 P106 Q333634 +Q530550 P19 Q16739 +Q347428 P1303 Q17172850 +Q183 P530 Q1013 +Q159473 P106 Q2865819 +Q222720 P161 Q104061 +Q155124 P106 Q639669 +Q333475 P27 Q30 +Q114533 P102 Q7320 +Q85927 P106 Q36180 +Q158017 P106 Q1198887 +Q1039 P463 Q3348506 +Q61922 P108 Q156737 +Q325077 P840 Q12548 +Q336018 P106 Q36180 +Q94513 P1303 Q17172850 +Q152176 P27 Q142 +Q554168 P27 Q30 +Q669597 P463 Q1493021 +Q157400 P106 Q639669 +Q616021 P69 Q859363 +Q164424 P840 Q1588 +Q167216 P106 Q36180 +Q160215 P495 Q30 +Q79860 P17 Q30 +Q313764 P840 Q36 +Q309248 P161 Q76819 +Q327261 P119 Q406 +Q312483 P136 Q180902 +Q179695 P1412 Q7737 +Q521116 P106 Q16533 +Q380981 P136 Q157443 +Q1030 P463 Q8475 +Q796694 P106 Q3501317 +Q25161 P106 Q482980 +Q552900 P106 Q639669 +Q67494 P108 Q186285 +Q160021 P509 Q506616 +Q80135 P27 Q15180 +Q738125 P1412 Q150 +Q221236 P495 Q30 +Q65559 P1412 Q7737 +Q84503 P19 Q1741 +Q92644 P463 Q1493021 +Q235394 P106 Q28389 +Q783 P463 Q899770 +Q945301 P69 Q486156 +Q1545 P101 Q207628 +Q441067 P106 Q28389 +Q206659 P106 Q10798782 +Q12003 P106 Q177220 +Q106691 P108 Q168426 +Q257953 P106 Q11774202 +Q75209 P1412 Q188 +Q234335 P106 Q36180 +Q157044 P840 Q99 +Q90201 P106 Q482980 +Q227 P530 Q794 +Q235388 P106 Q639669 +Q887903 P20 Q2841 +Q271967 P106 Q214917 +Q49941 P27 Q38 +Q16872 P106 Q10800557 +Q228494 P106 Q333634 +Q386249 P1412 Q1860 +Q5082974 P463 Q123885 +Q61319 P27 Q183 +Q285462 P20 Q220 +Q742079 P106 Q169470 +Q1065189 P69 Q838330 +Q786675 P136 Q38848 +Q311271 P27 Q30 +Q157044 P840 Q60 +Q1196965 P101 Q207628 +Q39803 P106 Q4964182 +Q134798 P136 Q8261 +Q179540 P106 Q49757 +Q72553 P106 Q185351 +Q467737 P27 Q159 +Q1020 P463 Q376150 +Q167726 P161 Q214309 +Q357391 P27 Q884 +Q250995 P495 Q17 +Q65105 P106 Q177220 +Q47152 P136 Q49084 +Q74579 P495 Q145 +Q632532 P161 Q230308 +Q19201 P1303 Q46185 +Q158060 P106 Q36180 +Q84292 P106 Q169470 +Q234721 P106 Q214917 +Q57303 P69 Q547867 +Q480037 P20 Q1435 +Q1691611 P161 Q37175 +Q202304 P106 Q10800557 +Q271119 P106 Q753110 +Q60714 P102 Q7320 +Q234244 P106 Q37226 +Q275779 P19 Q5092 +Q433683 P19 Q47164 +Q176626 P136 Q645928 +Q112835 P106 Q15980158 +Q653632 P136 Q37073 +Q962 P463 Q7809 +Q119935 P108 Q126399 +Q254431 P106 Q2490358 +Q114 P463 Q1043527 +Q118852 P2348 Q6939 +Q242729 P108 Q126399 +Q164674 P106 Q36180 +Q106481 P551 Q277162 +Q209481 P136 Q1200678 +Q728959 P1412 Q1860 +Q131112 P106 Q11774202 +Q180395 P161 Q314485 +Q76823 P69 Q151510 +Q78119 P106 Q2259451 +Q115805 P106 Q36180 +Q44403 P27 Q12548 +Q1811612 P106 Q81096 +Q161087 P161 Q156586 +Q229251 P102 Q29552 +Q184226 P27 Q142 +Q6060 P106 Q43845 +Q463501 P119 Q1242128 +Q60966 P27 Q183 +Q1606108 P463 Q253439 +Q31984 P106 Q1622272 +Q203690 P106 Q183945 +Q304030 P840 Q668 +Q153802 P264 Q772494 +Q58720 P108 Q4345832 +Q320218 P106 Q10798782 +Q208909 P740 Q64 +Q2161 P106 Q4964182 +Q1359039 P106 Q43845 +Q57358 P136 Q1344 +Q711172 P106 Q783906 +Q240523 P136 Q11401 +Q884142 P106 Q55960555 +Q865 P530 Q766 +Q892930 P1412 Q1321 +Q37327 P119 Q272208 +Q347436 P106 Q28389 +Q40909 P106 Q482980 +Q44767 P106 Q36834 +Q1009 P463 Q842490 +Q4496 P106 Q15980158 +Q28117 P1412 Q188 +Q556648 P106 Q14972848 +Q231345 P19 Q1754 +Q276620 P1303 Q6607 +Q913570 P106 Q1930187 +Q464941 P551 Q585 +Q121778 P106 Q15949613 +Q229291 P1303 Q17172850 +Q131333 P106 Q11774202 +Q123062 P27 Q142 +Q4518 P27 Q30 +Q17455 P140 Q55004488 +Q85417 P19 Q64 +Q567340 P136 Q193207 +Q61674 P27 Q183 +Q336769 P106 Q49757 +Q182609 P108 Q214341 +Q715195 P106 Q49757 +Q884 P530 Q148 +Q955088 P106 Q214917 +Q206659 P106 Q2259451 +Q71855 P463 Q83172 +Q1399299 P749 Q193196 +Q86758 P108 Q152171 +Q106428 P136 Q52162262 +Q303207 P106 Q639669 +Q41340 P106 Q10800557 +Q983167 P106 Q11499147 +Q349312 P106 Q33999 +Q2130862 P106 Q169470 +Q77317 P1412 Q188 +Q271145 P1412 Q1321 +Q278551 P101 Q8341 +Q934582 P264 Q183412 +Q443065 P1303 Q17172850 +Q104266 P1412 Q1860 +Q317311 P161 Q166562 +Q92882 P106 Q81096 +Q794 P530 Q458 +Q1060395 P106 Q13582652 +Q61864 P69 Q157808 +Q231106 P1303 Q6607 +Q123454 P509 Q12152 +Q384979 P27 Q34 +Q442830 P27 Q159 +Q455430 P20 Q84 +Q133654 P161 Q313009 +Q344983 P106 Q639669 +Q164328 P551 Q65 +Q43 P463 Q384535 +Q400729 P1412 Q7737 +Q55450 P119 Q27426 +Q55198 P27 Q212 +Q12898 P1412 Q143 +Q285483 P69 Q1753535 +Q568455 P108 Q13371 +Q44306 P737 Q49081 +Q142 P530 Q222 +Q386349 P106 Q10798782 +Q336010 P106 Q14972848 +Q44645 P463 Q463303 +Q1190550 P106 Q639669 +Q298347 P27 Q145 +Q550900 P106 Q639669 +Q92849 P19 Q43668 +Q143945 P1303 Q17172850 +Q128576 P19 Q84 +Q318514 P264 Q18628 +Q202479 P37 Q143 +Q84233 P19 Q36036 +Q1017 P463 Q52144567 +Q210364 P161 Q230308 +Q186959 P106 Q36180 +Q55388 P463 Q1371509 +Q347368 P19 Q2868 +Q3297386 P27 Q142 +Q228931 P1412 Q1860 +Q232009 P840 Q84 +Q3499732 P136 Q842256 +Q40362 P530 Q262 +Q192022 P136 Q157443 +Q166262 P161 Q58444 +Q676562 P27 Q142 +Q66140 P106 Q185351 +Q127330 P20 Q65 +Q311450 P106 Q488205 +Q102244 P161 Q374041 +Q1785 P1412 Q188 +Q240628 P69 Q4614 +Q179018 P136 Q1339864 +Q54868 P136 Q37073 +Q186264 P108 Q2994538 +Q84445 P551 Q90 +Q216813 P106 Q33231 +Q380407 P106 Q13590141 +Q183492 P106 Q49757 +Q700018 P106 Q82955 +Q85788 P69 Q152087 +Q315132 P106 Q333634 +Q272960 P106 Q177220 +Q197108 P69 Q174158 +Q454243 P101 Q333 +Q39524 P119 Q85 +Q3490465 P108 Q160302 +Q945 P463 Q47543 +Q229264 P106 Q333634 +Q265706 P1412 Q1860 +Q185658 P161 Q499644 +Q37355 P106 Q488205 +Q999726 P106 Q36180 +Q67637 P27 Q7318 +Q158079 P172 Q8060 +Q537222 P136 Q638 +Q165680 P19 Q36036 +Q185110 P20 Q649 +Q94586 P1412 Q1860 +Q617920 P69 Q847099 +Q7200 P106 Q4853732 +Q280918 P161 Q233313 +Q289380 P19 Q1297 +Q221020 P136 Q1361932 +Q270730 P27 Q30 +Q296244 P27 Q38 +Q449575 P106 Q957729 +Q43330 P69 Q2044 +Q191408 P106 Q2490358 +Q113099 P106 Q33999 +Q78492 P108 Q165980 +Q608235 P509 Q18554460 +Q240788 P1412 Q150 +Q30931 P161 Q220584 +Q169566 P737 Q540166 +Q874 P530 Q833 +Q78290 P27 Q30 +Q630446 P106 Q4263842 +Q1699312 P106 Q130857 +Q154356 P463 Q191583 +Q258736 P106 Q18581305 +Q158878 P101 Q132151 +Q76409 P106 Q1930187 +Q77027 P106 Q2526255 +Q59210 P27 Q172579 +Q162959 P106 Q3357567 +Q549233 P27 Q13426199 +Q37577 P509 Q183134 +Q295923 P172 Q49085 +Q160263 P140 Q7066 +Q153911 P19 Q90 +Q187019 P119 Q49109 +Q73213 P27 Q183 +Q159227 P27 Q28513 +Q294723 P136 Q11366 +Q70800 P106 Q1622272 +Q9041 P551 Q4093 +Q723826 P1303 Q52954 +Q16 P530 Q77 +Q267321 P161 Q3157150 +Q445311 P1303 Q17172850 +Q5104 P69 Q1583249 +Q273502 P136 Q8341 +Q237 P37 Q652 +Q44442 P551 Q65 +Q352963 P106 Q18814623 +Q931148 P106 Q270389 +Q211987 P106 Q1930187 +Q236543 P136 Q217191 +Q633 P19 Q172 +Q362406 P27 Q27 +Q101809 P106 Q1622272 +Q77031 P136 Q1344 +Q24632 P106 Q177220 +Q1167000 P264 Q21077 +Q236438 P106 Q486748 +Q390097 P161 Q206659 +Q606356 P69 Q238101 +Q66800 P509 Q9687 +Q9439 P106 Q18814623 +Q358322 P106 Q2526255 +Q784 P463 Q3772571 +Q72070 P101 Q482 +Q96532 P108 Q316592 +Q243837 P106 Q158852 +Q77082 P106 Q4964182 +Q3184115 P106 Q13418253 +Q46479 P20 Q1754 +Q271554 P106 Q28389 +Q61412 P106 Q15627169 +Q345325 P69 Q174710 +Q208003 P69 Q27621 +Q238029 P106 Q10798782 +Q270303 P106 Q36834 +Q62686 P108 Q152838 +Q73132 P106 Q753110 +Q1523426 P106 Q806349 +Q271054 P106 Q10798782 +Q2749 P17 Q41304 +Q185140 P3373 Q106514 +Q313553 P106 Q193391 +Q722202 P27 Q30 +Q160852 P27 Q174193 +Q339045 P161 Q444366 +Q60016 P161 Q224754 +Q717543 P1412 Q1412 +Q213195 P119 Q1950363 +Q77938 P69 Q310695 +Q78772 P106 Q333634 +Q239067 P463 Q530471 +Q582713 P106 Q486748 +Q153610 P106 Q2095549 +Q277978 P106 Q3282637 +Q127332 P101 Q482 +Q15809 P106 Q82955 +Q161687 P136 Q157394 +Q360663 P106 Q2405480 +Q1036131 P136 Q9778 +Q318292 P19 Q12439 +Q103285 P19 Q1563 +Q128126 P140 Q7066 +Q164578 P140 Q483654 +Q206576 P161 Q310932 +Q230023 P27 Q142 +Q925240 P106 Q201788 +Q1277187 P106 Q486748 +Q124607 P108 Q659080 +Q50003 P106 Q10800557 +Q233428 P19 Q11299 +Q22686 P106 Q36180 +Q1720 P17 Q7318 +Q478601 P106 Q1930187 +Q45723 P102 Q49629 +Q483203 P136 Q11399 +Q76715 P27 Q183 +Q204005 P1303 Q17172850 +Q19658 P19 Q406 +Q35 P463 Q191384 +Q238464 P69 Q459506 +Q311241 P264 Q231694 +Q89949 P108 Q31519 +Q1686370 P1303 Q17172850 +Q258053 P136 Q11399 +Q905 P106 Q6625963 +Q344179 P102 Q256121 +Q241903 P509 Q128581 +Q90384 P106 Q674426 +Q764789 P1412 Q1860 +Q56011 P27 Q172579 +Q168419 P101 Q333 +Q300502 P161 Q73930 +Q347767 P106 Q1930187 +Q215855 P1303 Q17172850 +Q4465 P26 Q116861 +Q80424 P136 Q45981 +Q188235 P106 Q177220 +Q309555 P27 Q16 +Q378952 P106 Q43845 +Q154346 P119 Q1780 +Q30937 P161 Q241263 +Q101797 P106 Q3282637 +Q178989 P161 Q311804 +Q1930688 P463 Q83172 +Q49319 P27 Q30 +Q298259 P20 Q61 +Q83396 P102 Q29552 +Q157321 P136 Q134307 +Q3123761 P69 Q1189954 +Q98687 P108 Q165528 +Q427403 P136 Q8261 +Q33528 P463 Q337555 +Q98448 P20 Q586 +Q47737 P509 Q147778 +Q600018 P37 Q9067 +Q87073 P106 Q36180 +Q436648 P27 Q145 +Q317957 P106 Q81096 +Q333505 P106 Q33999 +Q270869 P136 Q180268 +Q77162 P106 Q16533 +Q706518 P106 Q177220 +Q385236 P106 Q36180 +Q218889 P1412 Q1860 +Q467091 P106 Q1930187 +Q178963 P19 Q3616 +Q470875 P27 Q668 +Q61195 P27 Q183 +Q456827 P106 Q639669 +Q541964 P106 Q4773904 +Q2086130 P1412 Q150 +Q192331 P19 Q5332 +Q151403 P106 Q4964182 +Q110106 P463 Q40358 +Q18809 P69 Q206702 +Q51549 P20 Q90 +Q272719 P106 Q177220 +Q151087 P3373 Q151098 +Q516004 P20 Q1761 +Q290197 P1412 Q150 +Q165518 P106 Q177220 +Q45278 P20 Q2978 +Q210111 P161 Q343616 +Q316602 P106 Q10798782 +Q106083 P69 Q153006 +Q515034 P1412 Q1321 +Q97291 P172 Q49085 +Q329448 P161 Q224081 +Q65513 P102 Q7320 +Q2574737 P106 Q33999 +Q137584 P136 Q5442753 +Q233313 P106 Q5716684 +Q190770 P106 Q901 +Q294912 P106 Q1930187 +Q715315 P1412 Q1321 +Q326526 P161 Q233724 +Q1551705 P17 Q30 +Q372692 P27 Q174193 +Q103114 P106 Q28389 +Q34474 P106 Q16287483 +Q158765 P509 Q12192 +Q311472 P106 Q81096 +Q1070572 P106 Q177220 +Q68209 P19 Q1718 +Q131152 P551 Q90 +Q320423 P161 Q29092 +Q57472 P102 Q7320 +Q42544 P106 Q372436 +Q63209 P463 Q684415 +Q344822 P106 Q183945 +Q207867 P106 Q822146 +Q271986 P27 Q30 +Q729541 P106 Q36180 +Q833 P530 Q874 +Q61456 P108 Q161976 +Q76310 P106 Q1930187 +Q151869 P106 Q40348 +Q70912 P19 Q1715 +Q618025 P27 Q34 +Q313647 P136 Q83270 +Q387539 P136 Q38848 +Q165680 P27 Q36 +Q182580 P19 Q47164 +Q54945 P106 Q1326886 +Q207947 P119 Q5933 +Q186317 P20 Q1754 +Q190588 P840 Q84 +Q198638 P106 Q10798782 +Q310679 P136 Q11700058 +Q180252 P106 Q36180 +Q313470 P106 Q639669 +Q528323 P106 Q37226 +Q80510 P40 Q285330 +Q937537 P27 Q145 +Q296028 P69 Q1419737 +Q60016 P161 Q228645 +Q232307 P172 Q1344183 +Q64915 P551 Q2795 +Q1750541 P106 Q43845 +Q62763 P69 Q51985 +Q8704 P102 Q29468 +Q219862 P27 Q30 +Q68815 P172 Q42884 +Q1085 P131 Q152750 +Q1154804 P106 Q36180 +Q34660 P737 Q80137 +Q235992 P101 Q482 +Q299015 P17 Q40 +Q76539 P27 Q183 +Q502325 P106 Q2722764 +Q75789 P27 Q41304 +Q57426 P136 Q482 +Q321339 P1303 Q163829 +Q10648 P106 Q864380 +Q70425 P1412 Q188 +Q49847 P551 Q65 +Q231730 P69 Q1583249 +Q362340 P106 Q36834 +Q36233 P463 Q459620 +Q68312 P106 Q39631 +Q283799 P161 Q165644 +Q317521 P106 Q5482740 +Q206693 P136 Q885561 +Q151892 P1303 Q17172850 +Q3762573 P106 Q1662561 +Q159585 P3373 Q134123 +Q240647 P106 Q36180 +Q150445 P463 Q337531 +Q155018 P161 Q4573 +Q309014 P136 Q188473 +Q148 P530 Q237 +Q155158 P135 Q6034 +Q607968 P106 Q188094 +Q380787 P106 Q36180 +Q223117 P106 Q10798782 +Q134456 P106 Q33999 +Q271327 P509 Q12192 +Q362500 P27 Q145 +Q85716 P108 Q316592 +Q91389 P19 Q2749 +Q213562 P551 Q64 +Q818006 P106 Q482980 +Q205447 P161 Q277978 +Q233377 P106 Q10800557 +Q1074226 P106 Q639669 +Q1430 P106 Q4964182 +Q117 P463 Q17495 +Q65394 P102 Q49768 +Q217020 P161 Q379824 +Q85232 P106 Q10800557 +Q83184 P106 Q49757 +Q550598 P106 Q177220 +Q4919786 P106 Q43845 +Q54945 P463 Q191583 +Q163038 P840 Q816 +Q562213 P106 Q82955 +Q251262 P106 Q81096 +Q67597 P27 Q183 +Q185696 P27 Q30 +Q945641 P551 Q1748 +Q910092 P509 Q1368943 +Q121425 P106 Q10800557 +Q738617 P172 Q79797 +Q78214 P119 Q1497554 +Q38 P530 Q884 +Q221098 P161 Q313020 +Q432281 P106 Q10800557 +Q291170 P161 Q296028 +Q154959 P106 Q193391 +Q186335 P19 Q5092 +Q429348 P140 Q93191 +Q1903090 P1412 Q1860 +Q228860 P136 Q484641 +Q42552 P106 Q36180 +Q215339 P140 Q75809 +Q10633 P1412 Q1860 +Q77312 P106 Q1209498 +Q1138600 P264 Q798658 +Q278699 P106 Q170790 +Q236835 P106 Q947873 +Q105756 P140 Q6423963 +Q193273 P19 Q11194 +Q129399 P1412 Q1860 +Q270123 P136 Q850412 +Q96743 P106 Q36180 +Q57372 P106 Q201788 +Q61552 P19 Q586 +Q285928 P27 Q159 +Q129119 P106 Q177220 +Q180468 P19 Q1781 +Q125042 P106 Q1622272 +Q309835 P106 Q10798782 +Q440102 P1412 Q1321 +Q380667 P136 Q188473 +Q11637 P136 Q1196752 +Q358306 P106 Q8246794 +Q313627 P106 Q753110 +Q191040 P161 Q232104 +Q273593 P17 Q142 +Q322572 P495 Q34 +Q213811 P509 Q12078 +Q55245 P119 Q5933 +Q303 P26 Q234773 +Q215258 P106 Q1231865 +Q63556 P27 Q33946 +Q147811 P509 Q12192 +Q355374 P136 Q83270 +Q449013 P106 Q15980158 +Q8027 P106 Q16323111 +Q55449 P106 Q639669 +Q49080 P106 Q47064 +Q95026 P1412 Q1860 +Q49080 P106 Q214917 +Q296609 P106 Q1930187 +Q230 P530 Q262 +Q289204 P161 Q356287 +Q126896 P161 Q41396 +Q505517 P1303 Q17172850 +Q67383 P27 Q183 +Q88914 P19 Q1085 +Q310930 P27 Q145 +Q162518 P161 Q219521 +Q212002 P140 Q9268 +Q83233 P27 Q142 +Q359521 P106 Q639669 +Q313818 P264 Q18628 +Q238716 P106 Q81096 +Q192348 P737 Q9061 +Q9047 P737 Q11903 +Q354867 P106 Q36180 +Q57619 P69 Q55044 +Q77734 P106 Q10800557 +Q71035 P106 Q752129 +Q343059 P106 Q33999 +Q356140 P106 Q488205 +Q147243 P172 Q8060 +Q230196 P20 Q60 +Q55170 P20 Q1754 +Q170842 P1412 Q7737 +Q16409 P106 Q23833535 +Q164933 P161 Q45647 +Q217427 P264 Q155152 +Q89713 P106 Q482980 +Q221364 P106 Q131524 +Q947519 P1412 Q1860 +Q202246 P106 Q18814623 +Q152451 P1412 Q1860 +Q380545 P106 Q250867 +Q754 P463 Q3369762 +Q275575 P1303 Q17172850 +Q225453 P463 Q695302 +Q1585964 P463 Q463303 +Q982109 P463 Q123885 +Q702468 P1412 Q1860 +Q153723 P161 Q57118 +Q223769 P172 Q49085 +Q182522 P106 Q81096 +Q270652 P106 Q822146 +Q57213 P106 Q1643514 +Q159169 P106 Q10800557 +Q440121 P69 Q617433 +Q3720507 P69 Q209842 +Q122553 P140 Q6423963 +Q294773 P463 Q1468277 +Q314403 P26 Q57118 +Q60876 P1412 Q188 +Q40688 P108 Q547867 +Q365129 P106 Q1028181 +Q148 P530 Q945 +Q236181 P106 Q10800557 +Q65917 P119 Q190494 +Q560447 P106 Q43845 +Q460196 P27 Q142 +Q37327 P106 Q36180 +Q1380767 P20 Q61 +Q58282 P69 Q81162 +Q124159 P106 Q36180 +Q873178 P69 Q31519 +Q354603 P106 Q2259451 +Q129259 P17 Q241748 +Q76823 P108 Q174570 +Q380981 P161 Q316756 +Q59737 P69 Q193510 +Q111436 P106 Q16145150 +Q373417 P106 Q947873 +Q268322 P27 Q142 +Q15615 P69 Q1472358 +Q76211 P463 Q459620 +Q537705 P106 Q1622272 +Q357455 P106 Q488205 +Q235403 P1412 Q1321 +Q82104 P136 Q186424 +Q9161 P106 Q1397808 +Q180223 P19 Q60 +Q626061 P69 Q7691246 +Q250250 P106 Q10798782 +Q72800 P106 Q82955 +Q42493 P106 Q2405480 +Q84851 P106 Q82955 +Q912791 P106 Q1622272 +Q17457 P463 Q1423356 +Q36450 P551 Q393 +Q326431 P106 Q333634 +Q442830 P1412 Q7737 +Q85624 P27 Q40 +Q43440 P108 Q131262 +Q65047 P27 Q183 +Q102235 P136 Q157394 +Q300360 P136 Q130232 +Q260648 P136 Q224700 +Q952737 P1412 Q1321 +Q12844 P1412 Q188 +Q116845 P136 Q52162262 +Q169452 P641 Q5372 +Q263178 P69 Q209842 +Q453011 P509 Q12078 +Q761176 P27 Q183 +Q215689 P106 Q42603 +Q113928 P69 Q152087 +Q129486 P551 Q96 +Q463832 P161 Q41163 +Q1764153 P1303 Q17172850 +Q1349639 P27 Q30 +Q154410 P27 Q34266 +Q189164 P106 Q33999 +Q454568 P135 Q80113 +Q85586 P463 Q833738 +Q324015 P20 Q60 +Q154014 P20 Q72 +Q379873 P161 Q236702 +Q974888 P136 Q817138 +Q233207 P27 Q96 +Q3441496 P106 Q11063 +Q464218 P264 Q183387 +Q57237 P1412 Q188 +Q455605 P108 Q248970 +Q253167 P27 Q30 +Q66370 P106 Q36180 +Q91982 P106 Q1622272 +Q37327 P106 Q2526255 +Q204751 P264 Q183412 +Q223887 P840 Q99 +Q577548 P69 Q3268638 +Q432743 P19 Q84 +Q233081 P106 Q177220 +Q71004 P551 Q1715 +Q62365 P463 Q459620 +Q220192 P161 Q236181 +Q104276 P108 Q156725 +Q53096 P495 Q145 +Q9095 P463 Q463303 +Q48792 P140 Q682443 +Q135230 P161 Q315271 +Q76546 P463 Q812155 +Q33 P37 Q9027 +Q91093 P108 Q32120 +Q92938 P463 Q337234 +Q191020 P69 Q21578 +Q709 P463 Q496967 +Q846 P463 Q191384 +Q481885 P106 Q488205 +Q62833 P108 Q152087 +Q91595 P69 Q1190355 +Q7336 P172 Q1841 +Q299194 P106 Q10800557 +Q9391 P101 Q5891 +Q433142 P69 Q49210 +Q13909 P27 Q30 +Q129119 P264 Q183412 +Q64091 P108 Q194223 +Q232419 P106 Q10800557 +Q1548904 P106 Q36834 +Q268582 P106 Q11774202 +Q237389 P106 Q639669 +Q45 P463 Q1969730 +Q801 P463 Q663492 +Q36949 P69 Q7607037 +Q1011 P463 Q1065 +Q91059 P27 Q183 +Q212048 P1412 Q1860 +Q237552 P1303 Q17172850 +Q833 P530 Q843 +Q228860 P106 Q36834 +Q393 P17 Q36 +Q215904 P140 Q75809 +Q337078 P136 Q959790 +Q230068 P106 Q864380 +Q991 P737 Q3816 +Q25820 P463 Q188771 +Q150894 P69 Q1934911 +Q78476 P136 Q25379 +Q12288760 P102 Q327591 +Q276209 P106 Q33999 +Q15180 P112 Q2184 +Q127367 P161 Q80966 +Q225625 P106 Q155647 +Q106208 P106 Q169470 +Q197108 P1412 Q9288 +Q220655 P495 Q30 +Q464833 P1303 Q11405 +Q14441 P136 Q8341 +Q325538 P161 Q94081 +Q445795 P495 Q29 +Q117497 P136 Q8341 +Q410 P463 Q40358 +Q252734 P1303 Q17172850 +Q118375 P136 Q5442753 +Q1246 P530 Q236 +Q129895 P161 Q357001 +Q327886 P19 Q975 +Q4673 P27 Q7318 +Q491019 P106 Q43845 +Q260879 P106 Q18814623 +Q554074 P106 Q901 +Q213793 P136 Q37073 +Q181555 P161 Q202725 +Q330224 P106 Q28389 +Q206235 P106 Q33999 +Q58845 P108 Q20266330 +Q90269 P106 Q36180 +Q244876 P161 Q170587 +Q1343669 P264 Q216364 +Q235635 P106 Q3282637 +Q131112 P108 Q49108 +Q445115 P106 Q10798782 +Q188176 P106 Q49757 +Q1023788 P136 Q429264 +Q329716 P509 Q41571 +Q739 P463 Q7184 +Q1757 P17 Q33 +Q44467 P1412 Q1860 +Q1396852 P106 Q822146 +Q256666 P106 Q10800557 +Q336835 P495 Q30 +Q575886 P106 Q715301 +Q83739 P57 Q13595311 +Q704683 P106 Q488205 +Q70263 P102 Q7320 +Q28193 P161 Q212790 +Q13003 P1303 Q8371 +Q258793 P106 Q33999 +Q134333 P106 Q18814623 +Q2901936 P102 Q187009 +Q4101530 P19 Q649 +Q262576 P27 Q15180 +Q931278 P1412 Q150 +Q30 P530 Q1033 +Q296822 P106 Q937857 +Q235384 P27 Q29 +Q712082 P20 Q597 +Q288359 P19 Q60 +Q924 P530 Q865 +Q1974190 P108 Q1702106 +Q266520 P27 Q145 +Q233584 P106 Q18844224 +Q316602 P106 Q639669 +Q46132 P264 Q2733913 +Q223769 P106 Q177220 +Q704516 P106 Q28389 +Q286777 P106 Q10800557 +Q324588 P106 Q639669 +Q89764 P19 Q1731 +Q1731 P17 Q183 +Q23481 P463 Q459620 +Q334885 P106 Q33999 +Q268604 P106 Q488205 +Q151904 P161 Q123628 +Q390097 P161 Q204672 +Q1064284 P106 Q1259917 +Q234636 P106 Q639669 +Q709640 P264 Q1998195 +Q444088 P108 Q865528 +Q634776 P106 Q82955 +Q712878 P20 Q220 +Q85807 P106 Q1622272 +Q554775 P106 Q36834 +Q191734 P106 Q42603 +Q92743 P106 Q1650915 +Q61813 P106 Q11063 +Q298 P463 Q7825 +Q75868 P106 Q36180 +Q130327 P1412 Q1860 +Q1686370 P106 Q10798782 +Q11847 P106 Q49757 +Q1157139 P108 Q49210 +Q57109 P106 Q551835 +Q386336 P1412 Q1321 +Q229230 P27 Q30 +Q264307 P161 Q342430 +Q179460 P495 Q30 +Q880181 P463 Q543804 +Q172584 P19 Q16554 +Q48074 P463 Q1971373 +Q42 P108 Q9531 +Q331 P27 Q298 +Q57379 P102 Q79854 +Q230534 P106 Q10800557 +Q5879 P106 Q2374149 +Q233736 P106 Q33999 +Q64915 P102 Q148861 +Q375036 P106 Q333634 +Q70999 P19 Q1055 +Q57495 P106 Q82955 +Q449013 P102 Q29552 +Q194419 P27 Q145 +Q16053 P463 Q604840 +Q78714 P106 Q39631 +Q851 P530 Q1028 +Q134982 P106 Q82955 +Q182665 P1303 Q6607 +Q1725017 P27 Q34266 +Q464277 P264 Q183412 +Q1334439 P106 Q8178443 +Q78012 P106 Q49757 +Q25089 P26 Q273532 +Q180224 P106 Q4351403 +Q66248 P136 Q8261 +Q1906150 P69 Q7691246 +Q63876 P463 Q684415 +Q358455 P106 Q1930187 +Q919515 P1050 Q12204 +Q329018 P106 Q639669 +Q439314 P106 Q10800557 +Q1389588 P40 Q2704774 +Q219373 P102 Q29552 +Q190643 P161 Q103939 +Q213775 P27 Q29 +Q126281 P161 Q174843 +Q491019 P106 Q36180 +Q333987 P106 Q169470 +Q434932 P106 Q36180 +Q4416818 P463 Q83172 +Q720009 P1303 Q6607 +Q3118802 P1412 Q1860 +Q262576 P27 Q159 +Q156379 P1412 Q7737 +Q58091 P69 Q547867 +Q179449 P27 Q142 +Q345212 P106 Q2259451 +Q124993 P106 Q82955 +Q84147 P136 Q52162262 +Q71404 P27 Q174193 +Q677706 P106 Q36180 +Q208546 P106 Q151197 +Q162740 P106 Q193391 +Q297693 P69 Q849751 +Q6530 P551 Q36036 +Q92609 P27 Q30 +Q902 P530 Q229 +Q350811 P27 Q30 +Q233977 P264 Q203059 +Q185696 P106 Q49757 +Q60072 P136 Q1054574 +Q80046 P106 Q33999 +Q343037 P1050 Q2840 +Q77109 P69 Q151510 +Q455421 P19 Q23482 +Q159 P530 Q27 +Q184169 P1412 Q150 +Q112835 P20 Q1794 +Q209926 P136 Q37073 +Q18425 P101 Q11372 +Q1294820 P106 Q639669 +Q445392 P27 Q30 +Q24995 P106 Q36834 +Q108306 P106 Q2490358 +Q1030 P30 Q15 +Q117301 P1412 Q7918 +Q311476 P106 Q3455803 +Q608235 P1412 Q9056 +Q44695 P136 Q12799318 +Q60052 P119 Q438183 +Q336444 P106 Q201788 +Q151164 P108 Q646229 +Q121926 P463 Q188771 +Q135230 P161 Q40026 +Q298025 P106 Q18844224 +Q139330 P106 Q10798782 +Q437351 P106 Q10800557 +Q44398 P264 Q56760250 +Q170800 P172 Q160894 +Q24953 P161 Q367017 +Q107002 P136 Q8261 +Q356309 P102 Q29468 +Q319129 P106 Q2095549 +Q233854 P102 Q29468 +Q155 P530 Q212 +Q34660 P106 Q482980 +Q229671 P69 Q41506 +Q822 P530 Q796 +Q183492 P463 Q463303 +Q347456 P1412 Q5287 +Q108525 P161 Q4573 +Q2473030 P106 Q1281618 +Q180338 P106 Q36180 +Q69320 P106 Q28389 +Q861227 P106 Q33231 +Q252409 P495 Q30 +Q451180 P106 Q177220 +Q81520 P106 Q3282637 +Q144483 P161 Q366057 +Q355835 P106 Q2259451 +Q40213 P20 Q180083 +Q251984 P106 Q639669 +Q888152 P19 Q60 +Q269901 P106 Q33999 +Q110126 P172 Q79797 +Q43432 P451 Q163249 +Q60970 P106 Q3282637 +Q6882 P27 Q27 +Q184226 P737 Q9358 +Q238819 P1303 Q46185 +Q43689 P106 Q250867 +Q518152 P106 Q49757 +Q378952 P106 Q2095549 +Q218698 P106 Q1930187 +Q204132 P19 Q25395 +Q300439 P161 Q171363 +Q309289 P840 Q869 +Q214642 P106 Q482980 +Q441913 P19 Q100 +Q44736 P106 Q33999 +Q1028 P530 Q30 +Q71345 P27 Q183 +Q167211 P106 Q40348 +Q219622 P106 Q14467526 +Q18434 P463 Q1429947 +Q274252 P463 Q337234 +Q155378 P106 Q2259451 +Q272092 P106 Q10798782 +Q902 P530 Q36 +Q164593 P106 Q49757 +Q310785 P69 Q3072747 +Q701802 P106 Q214917 +Q92849 P27 Q30 +Q316602 P69 Q797078 +Q220192 P161 Q71130 +Q506198 P106 Q2405480 +Q92981 P108 Q49108 +Q310679 P172 Q940348 +Q246374 P69 Q152087 +Q318514 P463 Q254138 +Q77027 P19 Q340 +Q7546 P106 Q482980 +Q214665 P19 Q490 +Q216692 P106 Q36180 +Q92608 P27 Q16 +Q70142 P1303 Q5994 +Q549442 P1412 Q188 +Q779682 P140 Q1841 +Q93868 P161 Q176945 +Q23505 P463 Q463303 +Q708158 P27 Q30 +Q721819 P1303 Q6607 +Q151972 P106 Q33999 +Q215637 P463 Q946380 +Q930197 P69 Q1093910 +Q807398 P106 Q10800557 +Q529604 P140 Q9592 +Q664592 P1303 Q5994 +Q53783 P27 Q12560 +Q185610 P106 Q130857 +Q319283 P264 Q311439 +Q676455 P20 Q2887 +Q78492 P106 Q1231865 +Q155375 P106 Q82955 +Q180409 P69 Q926749 +Q144622 P264 Q843402 +Q106103 P108 Q28024477 +Q285928 P106 Q7042855 +Q92632 P463 Q463303 +Q93817 P27 Q34266 +Q88267 P19 Q4044 +Q1607976 P106 Q2516866 +Q1056805 P106 Q488205 +Q78993 P1412 Q188 +Q322272 P1303 Q17172850 +Q78830 P1412 Q397 +Q465242 P1412 Q1860 +Q62539 P106 Q82955 +Q60068 P551 Q1352 +Q46633 P463 Q684415 +Q261990 P19 Q49218 +Q546926 P106 Q1607826 +Q238432 P1303 Q17172850 +Q48097 P1412 Q7737 +Q206124 P136 Q157394 +Q903208 P20 Q84 +Q553730 P106 Q36180 +Q68584 P106 Q864503 +Q190884 P463 Q1971373 +Q192912 P140 Q7066 +Q237030 P102 Q29468 +Q81489 P136 Q130232 +Q87589 P106 Q2405480 +Q228692 P106 Q177220 +Q1881437 P17 Q30 +Q712359 P20 Q65 +Q299309 P106 Q2405480 +Q552819 P27 Q30 +Q12898 P106 Q860918 +Q214911 P19 Q1055 +Q273338 P106 Q36180 +Q186317 P27 Q34 +Q64902 P69 Q153978 +Q73482 P106 Q16267607 +Q2831 P737 Q297816 +Q11676 P551 Q60 +Q165911 P106 Q183945 +Q124296 P106 Q14467526 +Q107095 P106 Q1622272 +Q331652 P1412 Q1860 +Q77551 P463 Q83172 +Q234591 P106 Q183945 +Q557171 P106 Q28389 +Q185007 P463 Q123885 +Q3615114 P106 Q169470 +Q1232924 P106 Q183945 +Q101087 P106 Q947873 +Q2567 P69 Q34433 +Q192331 P106 Q4964182 +Q452761 P1412 Q1860 +Q26848 P641 Q131359 +Q528140 P106 Q855091 +Q14859 P17 Q183 +Q62459 P463 Q700570 +Q315136 P172 Q201111 +Q104912 P1412 Q188 +Q77844 P106 Q28389 +Q490464 P136 Q842256 +Q232 P530 Q668 +Q892 P106 Q1622272 +Q212 P463 Q827525 +Q1011 P463 Q294278 +Q159409 P106 Q3391743 +Q80889 P106 Q36180 +Q278193 P161 Q162554 +Q17455 P463 Q463303 +Q281480 P161 Q223830 +Q161819 P106 Q33999 +Q450282 P106 Q1622272 +Q78553 P140 Q9592 +Q65600 P463 Q253439 +Q148 P463 Q1480793 +Q68751 P106 Q1930187 +Q44461 P106 Q3745071 +Q382864 P57 Q2263 +Q275964 P19 Q47164 +Q67576 P119 Q176298 +Q441086 P27 Q172579 +Q154356 P106 Q82955 +Q82110 P106 Q3282637 +Q369797 P136 Q1054574 +Q171684 P509 Q12202 +Q282722 P106 Q36834 +Q414219 P131 Q1741 +Q164281 P19 Q1524 +Q732434 P69 Q35794 +Q712683 P27 Q16 +Q1025 P530 Q183 +Q94081 P106 Q2405480 +Q184605 P161 Q308792 +Q297618 P551 Q62 +Q5348 P1412 Q9063 +Q88015 P119 Q13298 +Q298761 P19 Q24826 +Q735560 P20 Q1781 +Q30 P530 Q145 +Q9061 P106 Q49757 +Q318475 P27 Q30 +Q236125 P106 Q488205 +Q221917 P1412 Q1860 +Q737845 P106 Q28389 +Q466457 P106 Q11499147 +Q16 P463 Q827525 +Q536892 P106 Q639669 +Q134123 P509 Q216169 +Q1035807 P106 Q36834 +Q2831 P106 Q639669 +Q1687803 P20 Q18094 +Q115694 P106 Q189290 +Q354519 P136 Q9759 +Q2686748 P106 Q82955 +Q207816 P161 Q40504 +Q354604 P27 Q15180 +Q8023 P106 Q11499147 +Q19845 P1303 Q17172850 +Q63458 P463 Q684415 +Q471664 P463 Q2370801 +Q960935 P264 Q726251 +Q84770 P106 Q36180 +Q299700 P27 Q30 +Q96978 P69 Q151510 +Q1265657 P106 Q49757 +Q293275 P3373 Q133665 +Q184906 P106 Q36180 +Q76409 P106 Q36180 +Q1058124 P19 Q490 +Q545818 P106 Q1231865 +Q61163 P20 Q2742 +Q335569 P551 Q727 +Q1253 P101 Q166542 +Q39658 P106 Q2374149 +Q194896 P106 Q188094 +Q540516 P1412 Q7850 +Q141860 P20 Q649 +Q354250 P27 Q174193 +Q183253 P108 Q13371 +Q294931 P106 Q512314 +Q37459 P106 Q10800557 +Q245787 P106 Q15949613 +Q813 P530 Q30 +Q64645 P106 Q28389 +Q9353 P69 Q1341516 +Q101728 P463 Q463303 +Q159690 P161 Q191644 +Q526220 P140 Q1062789 +Q47112095 P106 Q644687 +Q884 P463 Q1480793 +Q523086 P19 Q84 +Q551129 P27 Q145 +Q2643 P106 Q20521670 +Q135645 P140 Q9268 +Q189694 P106 Q177220 +Q302335 P106 Q10798782 +Q156552 P106 Q10800557 +Q284229 P495 Q30 +Q68490 P106 Q16031530 +Q291068 P1412 Q1860 +Q236240 P1303 Q17172850 +Q330432 P27 Q30 +Q90493 P20 Q1721 +Q239453 P106 Q3282637 +Q142768 P27 Q211274 +Q1779 P106 Q12377274 +Q2086235 P106 Q81096 +Q137098 P161 Q310944 +Q188845 P161 Q269692 +Q200867 P69 Q304985 +Q633 P1303 Q1444 +Q258715 P106 Q36180 +Q119768 P19 Q24879 +Q442031 P1412 Q9027 +Q135230 P161 Q204590 +Q191104 P69 Q523926 +Q206856 P106 Q28389 +Q271888 P264 Q1273666 +Q39989 P106 Q33999 +Q335376 P106 Q33999 +Q1432551 P106 Q4610556 +Q934737 P106 Q639669 +Q1093318 P136 Q37073 +Q43 P530 Q298 +Q380121 P106 Q4610556 +Q44775 P106 Q36180 +Q252734 P106 Q639669 +Q878956 P19 Q60 +Q11256 P140 Q1069127 +Q3193543 P106 Q876864 +Q374582 P135 Q9730 +Q110203 P495 Q30 +Q137106 P463 Q463303 +Q352766 P140 Q13211738 +Q67725 P106 Q3387717 +Q252248 P264 Q216364 +Q47011 P106 Q1622272 +Q172684 P106 Q214917 +Q607 P19 Q100 +Q213773 P161 Q104061 +Q114808 P551 Q1741 +Q10444417 P69 Q860450 +Q1077546 P136 Q11399 +Q71631 P463 Q684415 +Q9204 P140 Q13211738 +Q12807 P737 Q6882 +Q107194 P106 Q33231 +Q60715 P1412 Q188 +Q213539 P106 Q36180 +Q187019 P106 Q1622272 +Q592504 P106 Q36180 +Q181991 P106 Q639669 +Q524780 P69 Q168756 +Q78926 P172 Q237534 +Q16297 P106 Q33999 +Q44767 P1303 Q5994 +Q219780 P106 Q11774202 +Q326177 P161 Q81489 +Q235134 P101 Q35760 +Q41449 P1412 Q1860 +Q60637 P69 Q155354 +Q437748 P106 Q753110 +Q720208 P136 Q83440 +Q215359 P106 Q639669 +Q722555 P106 Q36180 +Q240782 P106 Q27532437 +Q187033 P1412 Q1860 +Q38573 P463 Q414110 +Q367447 P106 Q177220 +Q180224 P106 Q183945 +Q169104 P27 Q28513 +Q237039 P27 Q29 +Q91059 P106 Q36180 +Q151881 P840 Q8652 +Q116760 P106 Q3282637 +Q91997 P69 Q54096 +Q347428 P106 Q2259451 +Q236954 P106 Q4610556 +Q55 P463 Q42262 +Q168862 P495 Q145 +Q3720507 P551 Q13375 +Q77350 P101 Q5891 +Q123174 P136 Q37073 +Q325679 P106 Q1930187 +Q723551 P159 Q84 +Q150445 P1303 Q5994 +Q79025 P136 Q49084 +Q128493 P161 Q82110 +Q7349 P106 Q14915627 +Q362406 P106 Q36834 +Q328695 P57 Q220751 +Q240647 P27 Q145 +Q235189 P26 Q300479 +Q144535 P106 Q4964182 +Q80069 P26 Q313311 +Q205303 P108 Q298 +Q58760 P106 Q639669 +Q930961 P106 Q193391 +Q488429 P106 Q177220 +Q587741 P106 Q1415090 +Q18628 P136 Q1133657 +Q468667 P106 Q864380 +Q125405 P1412 Q188 +Q287644 P106 Q82955 +Q38873 P106 Q36180 +Q186123 P106 Q4964182 +Q109767 P161 Q105221 +Q128985 P463 Q939743 +Q187019 P737 Q43718 +Q128297 P172 Q539051 +Q217771 P1412 Q150 +Q234388 P264 Q183387 +Q408 P530 Q678 +Q347950 P551 Q90 +Q192887 P106 Q4610556 +Q207177 P136 Q37073 +Q95469 P106 Q1622272 +Q128985 P69 Q192088 +Q99627 P20 Q2833 +Q106871 P840 Q60 +Q230196 P106 Q2259451 +Q1025 P530 Q865 +Q1443475 P27 Q30 +Q684415 P17 Q183 +Q165421 P69 Q209842 +Q577704 P106 Q901 +Q1865656 P20 Q1297 +Q72541 P106 Q333634 +Q154935 P136 Q2975633 +Q235685 P20 Q60 +Q166010 P106 Q639669 +Q310866 P106 Q49757 +Q1253366 P161 Q184103 +Q178348 P106 Q10800557 +Q193236 P106 Q1930187 +Q14441 P106 Q33999 +Q350915 P106 Q42973 +Q80900 P106 Q1930187 +Q953 P463 Q125761 +Q221594 P161 Q229197 +Q115483 P136 Q25379 +Q44570 P264 Q772494 +Q202801 P1412 Q1860 +Q350704 P136 Q1344 +Q85232 P27 Q40 +Q186335 P509 Q47912 +Q236229 P509 Q212961 +Q465707 P1412 Q150 +Q230068 P106 Q193391 +Q85726 P1412 Q188 +Q189889 P495 Q30 +Q313411 P106 Q188094 +Q2096585 P1412 Q7737 +Q1077409 P1303 Q6607 +Q312077 P106 Q28389 +Q505994 P27 Q30 +Q917 P30 Q48 +Q363079 P102 Q29468 +Q266640 P106 Q13590141 +Q219377 P106 Q28389 +Q262091 P106 Q10798782 +Q34266 P30 Q49 +Q39829 P40 Q370377 +Q57389 P106 Q783906 +Q643408 P69 Q1059546 +Q78479 P119 Q240744 +Q36878 P463 Q1425328 +Q323827 P161 Q230636 +Q320588 P136 Q130232 +Q709670 P106 Q82955 +Q57676 P106 Q82955 +Q11609 P106 Q1622272 +Q1677044 P136 Q83440 +Q24632 P106 Q10798782 +Q172183 P69 Q51985 +Q554074 P106 Q15895020 +Q170348 P1303 Q5994 +Q945691 P106 Q36180 +Q1156782 P106 Q584301 +Q371119 P106 Q36834 +Q1065956 P106 Q15980158 +Q522569 P27 Q30 +Q230555 P106 Q10798782 +Q551570 P106 Q36180 +Q256054 P119 Q84 +Q359568 P101 Q676 +Q321339 P106 Q753110 +Q669733 P1412 Q150 +Q259691 P27 Q145 +Q655213 P119 Q1574424 +Q234207 P106 Q10800557 +Q505871 P106 Q1930187 +Q1386098 P1303 Q17172850 +Q92624 P69 Q49108 +Q268994 P106 Q49757 +Q71499 P19 Q162049 +Q439955 P264 Q183387 +Q1001250 P1303 Q6607 +Q362681 P106 Q33999 +Q5816 P27 Q148 +Q358885 P106 Q49757 +Q153015 P140 Q170111 +Q152176 P1412 Q150 +Q212804 P840 Q1223 +Q318736 P27 Q29 +Q156502 P172 Q170217 +Q227 P463 Q188822 +Q365670 P27 Q145 +Q863049 P1412 Q1860 +Q444545 P106 Q28389 +Q233946 P106 Q855091 +Q408 P530 Q414 +Q258 P530 Q43 +Q193504 P106 Q3282637 +Q4405759 P102 Q79854 +Q431802 P106 Q14915627 +Q106391 P106 Q28389 +Q379117 P1412 Q9027 +Q70618 P106 Q15472169 +Q319527 P509 Q12078 +Q329127 P136 Q1146335 +Q1019 P463 Q3348506 +Q408 P463 Q1065 +Q705477 P26 Q176455 +Q167635 P106 Q2252262 +Q1689414 P106 Q43845 +Q237527 P119 Q1645215 +Q113951 P140 Q9592 +Q215748 P106 Q36180 +Q736 P37 Q1321 +Q163683 P19 Q12892 +Q182665 P264 Q2265719 +Q241391 P495 Q30 +Q102139 P101 Q3621491 +Q86526 P102 Q7320 +Q1032 P463 Q340195 +Q289645 P19 Q90 +Q30628 P106 Q3286043 +Q15909 P20 Q437 +Q3018520 P1412 Q652 +Q4245942 P463 Q4345832 +Q457353 P106 Q2259451 +Q69392 P463 Q44687 +Q33391 P106 Q193391 +Q91059 P27 Q30 +Q1577693 P106 Q2374149 +Q6538 P106 Q49757 +Q9696 P119 Q216344 +Q57700 P106 Q183945 +Q151946 P161 Q294185 +Q339423 P1303 Q6607 +Q184572 P106 Q10798782 +Q1253 P102 Q327591 +Q242300 P106 Q4610556 +Q175535 P106 Q3282637 +Q34969 P108 Q49117 +Q61356 P106 Q639669 +Q49398 P161 Q261456 +Q175038 P161 Q35332 +Q162740 P27 Q403 +Q315217 P106 Q13235160 +Q3012 P463 Q747279 +Q387601 P495 Q145 +Q16400 P20 Q807 +Q1370605 P106 Q639669 +Q236463 P106 Q2405480 +Q318619 P106 Q639669 +Q2900328 P119 Q7186324 +Q70309 P19 Q2833 +Q1382535 P27 Q30 +Q462574 P106 Q1930187 +Q108306 P106 Q2259451 +Q154421 P106 Q10800557 +Q726369 P1412 Q1860 +Q91093 P19 Q393 +Q49074 P551 Q6346 +Q183081 P136 Q52162262 +Q76546 P106 Q482980 +Q33391 P1412 Q188 +Q229603 P136 Q157443 +Q42156 P737 Q9312 +Q76512 P106 Q1622272 +Q444713 P1412 Q1860 +Q282804 P161 Q1132632 +Q21826 P69 Q49108 +Q380996 P495 Q30 +Q60389 P106 Q1234713 +Q271006 P136 Q1054574 +Q117913 P106 Q1028181 +Q432101 P19 Q495 +Q233237 P106 Q10800557 +Q874828 P106 Q2059704 +Q312637 P106 Q28389 +Q44580 P102 Q79854 +Q76127 P26 Q4263050 +Q229220 P106 Q33999 +Q55922 P106 Q15627169 +Q215142 P1412 Q188 +Q704609 P106 Q1622272 +Q273171 P264 Q56760250 +Q77832 P106 Q4002666 +Q217787 P140 Q9268 +Q963787 P106 Q245068 +Q354010 P106 Q15077007 +Q83542 P161 Q112167 +Q291866 P106 Q36180 +Q499339 P106 Q185351 +Q36014 P106 Q82955 +Q36767 P551 Q65 +Q111344 P20 Q4120832 +Q273652 P136 Q817138 +Q236212 P1303 Q17172850 +Q232109 P140 Q1841 +Q508497 P106 Q222344 +Q194287 P1303 Q258896 +Q312078 P161 Q215072 +Q212523 P27 Q30 +Q85261 P1412 Q188 +Q181555 P161 Q190998 +Q84510 P102 Q7320 +Q142 P530 Q298 +Q75079 P106 Q2526255 +Q83694 P27 Q30 +Q181799 P19 Q18419 +Q4028 P106 Q855091 +Q303235 P495 Q145 +Q7259 P172 Q42406 +Q522856 P106 Q10800557 +Q43416 P106 Q3282637 +Q128799 P1303 Q17172850 +Q181774 P102 Q5020915 +Q69366 P1412 Q188 +Q36268 P106 Q1476215 +Q23870 P1412 Q9035 +Q346309 P1303 Q17172850 +Q473257 P106 Q37226 +Q77809 P69 Q153978 +Q1045 P530 Q865 +Q76023 P1412 Q188 +Q801 P530 Q30 +Q57956 P27 Q183 +Q389284 P159 Q47164 +Q63224 P106 Q3621491 +Q888666 P106 Q183945 +Q84335 P106 Q20725072 +Q113480 P106 Q3242115 +Q318263 P19 Q23154 +Q825435 P27 Q183 +Q359521 P136 Q11399 +Q80889 P106 Q28389 +Q53729 P1412 Q652 +Q312857 P106 Q16145150 +Q1911321 P106 Q4964182 +Q214977 P106 Q36180 +Q128799 P1412 Q1321 +Q538716 P27 Q30 +Q266179 P106 Q10800557 +Q57063 P69 Q151510 +Q346595 P69 Q739627 +Q242351 P106 Q131524 +Q695036 P106 Q193391 +Q725943 P1412 Q150 +Q1783775 P106 Q2252262 +Q313047 P106 Q948329 +Q304366 P161 Q180919 +Q561835 P106 Q36180 +Q92639 P106 Q82594 +Q1193914 P106 Q33999 +Q202878 P20 Q34006 +Q660237 P407 Q1860 +Q378098 P737 Q165792 +Q364315 P27 Q142 +Q3821445 P1412 Q1860 +Q22316 P1412 Q188 +Q32223 P1412 Q188 +Q230499 P106 Q1028181 +Q67462 P20 Q3874 +Q30931 P161 Q81520 +Q67018 P108 Q152087 +Q483907 P106 Q639669 +Q230 P463 Q663492 +Q242095 P69 Q46210 +Q94882 P140 Q188814 +Q68501 P106 Q15949613 +Q313411 P463 Q463303 +Q43252 P106 Q18814623 +Q107194 P108 Q705737 +Q452388 P119 Q831322 +Q641582 P20 Q3711 +Q7542 P106 Q3282637 +Q507612 P106 Q28389 +Q236822 P106 Q33999 +Q370560 P19 Q65 +Q234454 P106 Q4610556 +Q112856 P108 Q414219 +Q103579 P106 Q33999 +Q37355 P106 Q177220 +Q167475 P20 Q90 +Q143230 P106 Q33999 +Q1703194 P27 Q145 +Q354867 P140 Q748 +Q19089 P840 Q241 +Q734436 P509 Q29496 +Q298016 P106 Q10800557 +Q773736 P69 Q193727 +Q76 P551 Q65 +Q268322 P106 Q4964182 +Q984369 P106 Q482980 +Q83003 P106 Q2306091 +Q39121 P17 Q145 +Q939524 P20 Q60 +Q690474 P106 Q1622272 +Q466115 P102 Q42183 +Q53454 P106 Q82955 +Q83287 P1303 Q17172850 +Q235146 P27 Q801 +Q974238 P1303 Q17172850 +Q976022 P106 Q639669 +Q5152 P140 Q7066 +Q178991 P463 Q337526 +Q45239 P106 Q482980 +Q433692 P551 Q65 +Q362422 P106 Q177220 +Q206032 P264 Q1644016 +Q242914 P19 Q90 +Q884 P463 Q842490 +Q315325 P509 Q12192 +Q24999 P27 Q183 +Q165257 P136 Q11635 +Q243771 P136 Q492537 +Q27684 P1412 Q397 +Q312705 P69 Q168756 +Q303680 P463 Q463303 +Q320146 P136 Q1062400 +Q113032 P106 Q49757 +Q503147 P106 Q15472169 +Q18227 P140 Q7066 +Q140694 P106 Q4964182 +Q26207 P106 Q82955 +Q111263 P106 Q33999 +Q151881 P840 Q2915506 +Q651763 P106 Q36180 +Q464097 P20 Q340 +Q215652 P106 Q16145150 +Q713964 P106 Q639669 +Q270351 P161 Q214227 +Q210798 P140 Q1841 +Q61347 P106 Q2526255 +Q214191 P106 Q2599593 +Q1027 P463 Q5611262 +Q96665 P463 Q543804 +Q37030 P40 Q71819 +Q233843 P106 Q10800557 +Q106506 P840 Q60 +Q79 P530 Q252 +Q347767 P106 Q483501 +Q666875 P463 Q329464 +Q3132761 P1412 Q1321 +Q520430 P106 Q16145150 +Q192655 P106 Q488205 +Q299161 P106 Q6625963 +Q1190235 P2348 Q6939 +Q181490 P106 Q36180 +Q242 P530 Q183 +Q636 P1303 Q46185 +Q158997 P106 Q18844224 +Q39837 P101 Q5891 +Q301077 P161 Q350903 +Q219491 P140 Q7066 +Q123557 P108 Q152087 +Q234653 P140 Q9268 +Q359665 P69 Q459506 +Q154545 P106 Q36180 +Q539506 P1303 Q6607 +Q42831 P136 Q49084 +Q379022 P106 Q36180 +Q197491 P161 Q170510 +Q158629 P69 Q193196 +Q311223 P27 Q161885 +Q287329 P106 Q36834 +Q1039 P463 Q899770 +Q462744 P106 Q1930187 +Q193236 P27 Q172579 +Q601307 P463 Q1468277 +Q203674 P106 Q333634 +Q843 P530 Q423 +Q223875 P101 Q482 +Q1351751 P20 Q172 +Q9916 P106 Q36180 +Q45789 P1412 Q1860 +Q295034 P106 Q10800557 +Q272203 P1303 Q51290 +Q150894 P119 Q1130019 +Q193517 P26 Q313039 +Q471774 P106 Q855091 +Q680881 P106 Q82955 +Q157259 P106 Q82955 +Q234579 P101 Q35760 +Q637195 P106 Q639669 +Q160318 P1303 Q5994 +Q105428 P737 Q6527 +Q884 P530 Q41 +Q440537 P136 Q37073 +Q254 P106 Q36834 +Q643408 P463 Q161806 +Q80135 P463 Q812155 +Q106418 P106 Q3282637 +Q270269 P106 Q36834 +Q60969 P106 Q2310145 +Q1659471 P264 Q190585 +Q1395732 P264 Q4827652 +Q213393 P106 Q1234713 +Q305106 P106 Q1930187 +Q62664 P106 Q4964182 +Q164869 P106 Q33999 +Q450335 P463 Q11993457 +Q1157139 P106 Q36834 +Q240851 P106 Q4263842 +Q69894 P69 Q51985 +Q62559 P106 Q15949613 +Q207951 P1303 Q1444 +Q71322 P106 Q40348 +Q153723 P161 Q191132 +Q366845 P106 Q1607826 +Q43 P463 Q827525 +Q378639 P27 Q38 +Q14441 P136 Q37073 +Q374220 P106 Q10816969 +Q92562 P108 Q216047 +Q171363 P19 Q11299 +Q443199 P20 Q656 +Q308711 P136 Q5967378 +Q101727 P108 Q54096 +Q924053 P135 Q7066 +Q115674 P106 Q482980 +Q359031 P108 Q230492 +Q1141280 P106 Q177220 +Q229577 P106 Q33999 +Q11730 P135 Q7264 +Q229375 P106 Q33999 +Q445405 P27 Q30 +Q201842 P106 Q10798782 +Q47619 P108 Q13371 +Q379608 P1303 Q5994 +Q237821 P101 Q309 +Q5879 P106 Q6673651 +Q85700 P463 Q270794 +Q169038 P106 Q36834 +Q67725 P1412 Q188 +Q516004 P27 Q27 +Q55841 P106 Q36180 +Q67054 P20 Q1055 +Q269810 P161 Q342962 +Q935369 P136 Q1641839 +Q1174641 P140 Q55004488 +Q372215 P69 Q49126 +Q51495 P27 Q30 +Q185048 P840 Q90 +Q60087 P463 Q156652 +Q472250 P106 Q81096 +Q912 P463 Q656801 +Q88135 P19 Q1726 +Q92624 P69 Q13371 +Q163872 P161 Q207969 +Q67221 P27 Q27306 +Q11107 P69 Q1143289 +Q203806 P106 Q10800557 +Q502362 P106 Q201788 +Q95663 P106 Q901 +Q658008 P101 Q169470 +Q270085 P106 Q4773904 +Q134456 P106 Q47064 +Q241835 P136 Q1344 +Q148 P530 Q702 +Q313594 P1412 Q5287 +Q276523 P161 Q281621 +Q112831 P495 Q38 +Q93868 P161 Q229038 +Q207867 P136 Q11399 +Q201842 P27 Q30 +Q1055 P17 Q12548 +Q51884 P106 Q4964182 +Q88937 P106 Q36180 +Q298726 P106 Q36834 +Q362106 P20 Q220 +Q453330 P19 Q65 +Q888326 P106 Q2259451 +Q105756 P106 Q4263842 +Q82778 P106 Q18805 +Q214851 P463 Q4345832 +Q91865 P463 Q219989 +Q60070 P463 Q265058 +Q379929 P69 Q926749 +Q737463 P69 Q4480746 +Q211 P463 Q1065 +Q63224 P463 Q1285073 +Q6078 P264 Q231694 +Q1779 P106 Q1415090 +Q292180 P106 Q37226 +Q67449 P19 Q1726 +Q1036131 P1303 Q46185 +Q80440 P106 Q482980 +Q148 P530 Q854 +Q990890 P106 Q130857 +Q11826 P106 Q201788 +Q261550 P57 Q95119 +Q543060 P106 Q36180 +Q221103 P136 Q200092 +Q11593 P57 Q51489 +Q129288 P136 Q859369 +Q362559 P106 Q13235160 +Q270123 P106 Q488205 +Q717755 P20 Q8678 +Q379461 P551 Q65 +Q92760 P106 Q81096 +Q310734 P840 Q38 +Q4061 P106 Q2914170 +Q983544 P106 Q36180 +Q198962 P27 Q155 +Q234099 P106 Q639669 +Q85102 P106 Q36180 +Q206466 P172 Q49085 +Q71443 P106 Q214917 +Q70342 P106 Q36180 +Q268322 P106 Q1930187 +Q604510 P106 Q855091 +Q1166707 P509 Q47912 +Q73410 P27 Q30 +Q25483 P69 Q170027 +Q91059 P106 Q4853732 +Q265 P530 Q41 +Q9364 P135 Q7264 +Q130786 P106 Q201788 +Q463877 P106 Q43845 +Q93015 P27 Q29999 +Q265810 P3373 Q59477 +Q92622 P106 Q5482740 +Q856008 P509 Q12078 +Q704294 P136 Q8261 +Q635131 P641 Q847 +Q76892 P108 Q155354 +Q631722 P106 Q20669622 +Q83739 P136 Q157443 +Q84476 P106 Q18939491 +Q57311 P69 Q52413 +Q236 P530 Q38 +Q120260 P106 Q40348 +Q184572 P40 Q103939 +Q77204 P106 Q49757 +Q232009 P161 Q318155 +Q1045 P530 Q30 +Q5603 P106 Q2526255 +Q367129 P102 Q29468 +Q83174 P106 Q49757 +Q51023 P106 Q55960555 +Q504753 P106 Q201788 +Q83557 P119 Q208175 +Q62809 P27 Q34266 +Q295093 P106 Q33999 +Q92519 P69 Q152087 +Q96 P530 Q801 +Q121425 P19 Q4191 +Q826731 P19 Q1781 +Q153238 P108 Q51985 +Q1399 P509 Q223102 +Q454870 P106 Q36180 +Q287385 P495 Q30 +Q52926 P40 Q52924 +Q106775 P106 Q488205 +Q131549 P106 Q6625963 +Q306403 P106 Q36180 +Q348533 P136 Q11401 +Q159638 P136 Q2421031 +Q84403 P108 Q49210 +Q181555 P495 Q30 +Q134262 P108 Q599316 +Q93401 P106 Q82955 +Q982175 P106 Q2722764 +Q318412 P27 Q16 +Q207 P106 Q189290 +Q199943 P106 Q36834 +Q714030 P19 Q42448 +Q36268 P106 Q5716684 +Q339876 P161 Q299483 +Q14277 P106 Q639669 +Q329807 P641 Q11419 +Q333251 P106 Q1930187 +Q1101377 P106 Q753110 +Q132193 P1412 Q9067 +Q180989 P509 Q12078 +Q766880 P106 Q947873 +Q43499 P106 Q11774202 +Q118233 P106 Q177220 +Q154325 P1412 Q7737 +Q2673 P106 Q3282637 +Q205303 P101 Q1071 +Q1174641 P27 Q30 +Q335193 P19 Q1761 +Q107424 P106 Q639669 +Q105118 P20 Q506446 +Q154662 P108 Q740308 +Q705630 P27 Q30 +Q95843 P106 Q1622272 +Q239652 P106 Q753110 +Q1345782 P27 Q145 +Q266109 P106 Q10798782 +Q212775 P161 Q270672 +Q434916 P106 Q639669 +Q1687803 P264 Q557632 +Q311684 P106 Q6625963 +Q561617 P27 Q15180 +Q4617 P264 Q54860 +Q432526 P161 Q188459 +Q1791962 P108 Q223429 +Q433692 P69 Q5121453 +Q381420 P1303 Q17172850 +Q192279 P463 Q83172 +Q1787960 P106 Q82955 +Q128823 P1412 Q1860 +Q51519 P106 Q36180 +Q364864 P1303 Q46185 +Q232520 P106 Q10800557 +Q39837 P101 Q8162 +Q65087 P106 Q1930187 +Q84444 P463 Q83172 +Q88388 P106 Q593644 +Q288680 P106 Q2405480 +Q477461 P27 Q79 +Q73089 P1303 Q17172850 +Q1451186 P106 Q713200 +Q272505 P19 Q1297 +Q2046788 P108 Q27621 +Q230395 P1303 Q17172850 +Q32 P463 Q782942 +Q1240856 P463 Q337580 +Q651763 P106 Q1930187 +Q500042 P27 Q30 +Q421471 P1412 Q1860 +Q28930 P106 Q189290 +Q45245 P119 Q2773 +Q297377 P106 Q36180 +Q151917 P106 Q193391 +Q460664 P161 Q236434 +Q318885 P106 Q2259451 +Q299324 P106 Q3282637 +Q176668 P69 Q240631 +Q367653 P106 Q805221 +Q315592 P161 Q176945 +Q379580 P106 Q9149093 +Q201656 P106 Q55960555 +Q320588 P136 Q319221 +Q353978 P27 Q30 +Q44845 P463 Q414110 +Q64076 P102 Q7320 +Q1634784 P1303 Q320002 +Q69366 P108 Q151510 +Q162597 P106 Q4964182 +Q46633 P463 Q265058 +Q819 P530 Q921 +Q562178 P463 Q11993457 +Q173804 P161 Q234195 +Q313594 P27 Q159 +Q61347 P69 Q54096 +Q17455 P463 Q253439 +Q125484 P106 Q214917 +Q73213 P69 Q678982 +Q232876 P106 Q1622272 +Q1394 P463 Q842008 +Q741862 P1412 Q150 +Q127688 P106 Q4964182 +Q435665 P264 Q885833 +Q84867 P106 Q3332711 +Q303207 P1303 Q6607 +Q193871 P101 Q11030 +Q363371 P136 Q487965 +Q4396425 P101 Q208217 +Q214324 P27 Q183 +Q7311 P1303 Q1444 +Q282722 P106 Q486748 +Q152857 P161 Q104094 +Q470841 P1303 Q17172850 +Q68751 P463 Q44687 +Q162045 P1303 Q163829 +Q319392 P463 Q43267 +Q355384 P264 Q557632 +Q78928 P106 Q10800557 +Q202144 P119 Q5763964 +Q249475 P1412 Q7026 +Q572655 P1412 Q1321 +Q30 P530 Q232 +Q83184 P27 Q29 +Q374507 P161 Q25089 +Q464882 P106 Q169470 +Q35 P530 Q664 +Q117741 P27 Q30 +Q84441 P1412 Q188 +Q43444 P509 Q1368943 +Q239419 P106 Q188094 +Q92128 P106 Q36180 +Q77031 P106 Q36834 +Q262524 P106 Q33999 +Q73463 P106 Q753110 +Q298030 P106 Q40348 +Q715265 P106 Q639669 +Q214466 P3373 Q301818 +Q3547 P463 Q607496 +Q311147 P106 Q2722764 +Q333106 P27 Q145 +Q62904 P1412 Q1860 +Q369292 P106 Q177220 +Q296524 P106 Q2259451 +Q55210 P27 Q794 +Q439686 P27 Q403 +Q311804 P19 Q100 +Q179018 P161 Q174843 +Q244 P463 Q7785 +Q37388 P106 Q36180 +Q251287 P106 Q855091 +Q215 P463 Q1480793 +Q315514 P106 Q43845 +Q115490 P106 Q593644 +Q34424 P1412 Q1860 +Q7197 P27 Q142 +Q271690 P840 Q60 +Q350678 P106 Q10800557 +Q55841 P1412 Q1860 +Q232113 P19 Q1748 +Q311778 P69 Q55044 +Q310357 P136 Q429264 +Q232000 P136 Q172980 +Q92760 P108 Q49108 +Q202878 P106 Q177220 +Q101437 P106 Q193391 +Q1005 P463 Q7785 +Q53570396 P3373 Q4530046 +Q234224 P108 Q49115 +Q77015 P106 Q188094 +Q528140 P27 Q30 +Q34166 P264 Q183412 +Q163249 P106 Q2259451 +Q334885 P26 Q264418 +Q504 P69 Q471980 +Q266617 P106 Q183945 +Q113641 P27 Q40 +Q27513 P161 Q124357 +Q339604 P27 Q838261 +Q1095533 P27 Q30 +Q160946 P840 Q1439 +Q2482872 P17 Q30 +Q231270 P3373 Q26318 +Q380981 P161 Q233022 +Q541922 P509 Q12078 +Q177650 P106 Q82955 +Q192885 P172 Q49542 +Q571605 P20 Q1489 +Q225885 P161 Q187832 +Q189950 P27 Q34266 +Q448930 P19 Q1345 +Q84698 P69 Q156725 +Q156622 P1412 Q150 +Q1507495 P106 Q177220 +Q66408 P106 Q10800557 +Q303213 P136 Q52162262 +Q191020 P1412 Q1860 +Q709790 P463 Q123885 +Q390063 P495 Q183 +Q28 P530 Q801 +Q544387 P106 Q177220 +Q2100 P17 Q7318 +Q4223 P106 Q10798782 +Q274562 P106 Q3922505 +Q712086 P27 Q29 +Q235946 P551 Q155 +Q337628 P20 Q90 +Q818048 P27 Q30 +Q68596 P509 Q175111 +Q314966 P106 Q214917 +Q705715 P106 Q10798782 +Q439686 P106 Q36180 +Q63234 P509 Q175111 +Q97871 P463 Q2370801 +Q1242 P108 Q499911 +Q84220 P161 Q330840 +Q5482339 P19 Q84 +Q85282 P106 Q82955 +Q215740 P106 Q639669 +Q110462 P106 Q28389 +Q102669 P136 Q128758 +Q310098 P69 Q499451 +Q207947 P69 Q332342 +Q103002 P102 Q49768 +Q1028 P530 Q262 +Q507864 P136 Q131272 +Q74875 P69 Q152171 +Q296828 P69 Q2994538 +Q80424 P136 Q850412 +Q158765 P106 Q4773904 +Q41594 P136 Q37073 +Q910761 P27 Q30 +Q93031 P20 Q649 +Q274157 P172 Q50001 +Q715 P17 Q43287 +Q63209 P101 Q24454422 +Q241180 P106 Q36180 +Q544472 P1412 Q1860 +Q5950 P509 Q181754 +Q110872 P106 Q17489339 +Q801 P530 Q668 +Q438475 P106 Q82955 +Q1345514 P106 Q33999 +Q557171 P106 Q4853732 +Q332493 P69 Q81162 +Q81223 P19 Q24639 +Q506379 P106 Q1622272 +Q221 P463 Q842490 +Q228868 P106 Q10800557 +Q272203 P1303 Q17172850 +Q965375 P106 Q36180 +Q162634 P106 Q183945 +Q64091 P106 Q2487799 +Q212632 P27 Q34266 +Q557525 P19 Q90 +Q439786 P27 Q38 +Q61073 P1412 Q397 +Q1701970 P136 Q9759 +Q90910 P509 Q12078 +Q1391397 P106 Q3126128 +Q931278 P463 Q83172 +Q206466 P1303 Q17172850 +Q75174 P69 Q49122 +Q325660 P19 Q2868 +Q123273 P27 Q145 +Q85982 P463 Q209184 +Q83542 P136 Q188473 +Q943361 P108 Q209344 +Q128746 P119 Q2000666 +Q360383 P1412 Q5146 +Q191755 P106 Q2526255 +Q74252 P106 Q333634 +Q291866 P106 Q33999 +Q8011 P737 Q868 +Q488429 P136 Q11399 +Q119849 P106 Q3282637 +Q123973 P106 Q901 +Q123972 P27 Q183 +Q261981 P106 Q245068 +Q979865 P1412 Q1860 +Q319392 P27 Q30 +Q8717 P17 Q29 +Q392915 P161 Q352203 +Q434160 P108 Q865528 +Q242969 P106 Q33999 +Q92316 P27 Q16957 +Q1079105 P19 Q24826 +Q233362 P27 Q30 +Q246538 P27 Q30 +Q964776 P106 Q36180 +Q4488 P106 Q13235160 +Q486786 P106 Q639669 +Q239818 P106 Q10798782 +Q84851 P69 Q55044 +Q357786 P1303 Q17172850 +Q426687 P1050 Q124407 +Q64637 P1412 Q188 +Q1451186 P27 Q142 +Q103075 P463 Q320642 +Q489252 P106 Q15981151 +Q63699 P20 Q1022 +Q434640 P140 Q9592 +Q160163 P106 Q36180 +Q84614 P69 Q622683 +Q193257 P69 Q1059546 +Q723839 P172 Q79797 +Q188971 P69 Q209842 +Q62798 P106 Q36180 +Q158398 P840 Q26339 +Q85802 P102 Q49762 +Q451483 P106 Q270389 +Q130742 P551 Q1930 +Q1049 P463 Q8475 +Q4492929 P106 Q901 +Q331845 P19 Q1754 +Q63791 P106 Q13570226 +Q224069 P161 Q444344 +Q298341 P106 Q82594 +Q170572 P106 Q3282637 +Q540915 P1303 Q17172850 +Q41754 P840 Q1439 +Q2530 P102 Q49768 +Q233957 P106 Q1622272 +Q1030 P530 Q258 +Q181685 P106 Q901 +Q332399 P264 Q126399 +Q108664 P106 Q185351 +Q105993 P161 Q152542 +Q707008 P106 Q10800557 +Q86685 P106 Q3282637 +Q233891 P106 Q2259451 +Q375036 P136 Q8242 +Q183 P463 Q41550 +Q206112 P172 Q1075293 +Q122968 P463 Q543804 +Q92143 P1412 Q188 +Q1348831 P106 Q855091 +Q263696 P106 Q177220 +Q437970 P27 Q30 +Q1507495 P106 Q753110 +Q1668660 P136 Q37073 +Q64151 P161 Q219653 +Q1074038 P1412 Q5287 +Q52255 P106 Q28389 +Q6711 P106 Q214917 +Q78632 P20 Q84 +Q214481 P102 Q29468 +Q108703 P19 Q1709 +Q763897 P1303 Q8355 +Q292993 P106 Q639669 +Q150445 P106 Q1350157 +Q125494 P161 Q104514 +Q919835 P106 Q1930187 +Q106440 P161 Q4573 +Q1028859 P136 Q157443 +Q1974885 P106 Q37226 +Q102244 P161 Q343463 +Q2305208 P30 Q5401 +Q92644 P463 Q127992 +Q171228 P106 Q36180 +Q327293 P106 Q3391743 +Q155687 P106 Q36834 +Q113190 P106 Q82955 +Q578529 P19 Q42308 +Q510653 P19 Q172 +Q61446 P27 Q183 +Q68746 P1412 Q188 +Q216582 P1412 Q652 +Q40057 P106 Q10798782 +Q312538 P840 Q1055 +Q1028 P463 Q7809 +Q1223694 P106 Q28389 +Q4538 P106 Q10800557 +Q176985 P106 Q28389 +Q386053 P106 Q177220 +Q55704 P551 Q350 +Q159551 P27 Q131964 +Q1764153 P106 Q10800557 +Q32 P530 Q28 +Q366521 P106 Q36180 +Q164757 P106 Q855091 +Q92906 P69 Q15142 +Q75828 P106 Q169470 +Q540443 P106 Q170790 +Q261207 P641 Q38108 +Q328892 P106 Q193391 +Q983239 P106 Q15895020 +Q1016 P530 Q79 +Q183 P530 Q214 +Q842 P530 Q851 +Q216148 P106 Q1930187 +Q371972 P19 Q65 +Q488429 P106 Q639669 +Q391562 P106 Q1607826 +Q987724 P106 Q2526255 +Q202663 P1412 Q1860 +Q379811 P106 Q2526255 +Q348738 P27 Q30 +Q71404 P106 Q188094 +Q5383 P264 Q203059 +Q267010 P106 Q183945 +Q326431 P106 Q1930187 +Q1218 P17 Q55502 +Q158379 P106 Q1930187 +Q977 P30 Q15 +Q1347215 P106 Q639669 +Q23441 P463 Q1429947 +Q555226 P119 Q6923684 +Q2149302 P106 Q1622272 +Q708506 P106 Q183945 +Q450802 P106 Q49757 +Q218 P530 Q219060 +Q1452607 P19 Q270 +Q326196 P136 Q83440 +Q157451 P20 Q37320 +Q104067 P106 Q18814623 +Q61813 P27 Q183 +Q356719 P69 Q2983698 +Q188971 P463 Q161806 +Q385309 P136 Q586250 +Q442300 P106 Q10798782 +Q29055 P106 Q2405480 +Q685 P463 Q842490 +Q73768 P69 Q209842 +Q75951 P19 Q1715 +Q156069 P495 Q183 +Q19543 P106 Q36834 +Q1188776 P106 Q177220 +Q106751 P463 Q1493021 +Q154662 P1412 Q1321 +Q101809 P108 Q391028 +Q183094 P101 Q179805 +Q352975 P641 Q718 +Q45245 P463 Q684415 +Q102660 P106 Q11481802 +Q7964724 P69 Q777403 +Q131112 P69 Q49108 +Q163366 P106 Q1930187 +Q180453 P136 Q2280497 +Q974221 P106 Q55960555 +Q298930 P1412 Q1860 +Q903208 P106 Q36180 +Q63962 P106 Q350979 +Q45337 P106 Q193391 +Q370928 P509 Q12078 +Q256327 P136 Q8261 +Q328662 P1303 Q17172850 +Q526120 P1303 Q5994 +Q254675 P106 Q512314 +Q69301 P69 Q168426 +Q301077 P161 Q269869 +Q63309 P136 Q676 +Q1077632 P106 Q177220 +Q316641 P106 Q10798782 +Q18430 P463 Q270794 +Q2587336 P27 Q159 +Q71635 P69 Q161982 +Q1622098 P106 Q183945 +Q953 P463 Q7159 +Q766314 P106 Q36180 +Q205028 P161 Q178552 +Q159054 P161 Q232384 +Q224650 P1303 Q47369 +Q303 P106 Q177220 +Q432940 P3373 Q310947 +Q297945 P106 Q37226 +Q69631 P106 Q2468727 +Q207659 P161 Q349690 +Q142 P530 Q664 +Q1780 P17 Q153136 +Q35 P530 Q184 +Q63317 P106 Q33999 +Q184 P530 Q262 +Q129542 P106 Q1234713 +Q111873 P1412 Q397 +Q258 P530 Q148 +Q3439052 P27 Q142 +Q258503 P106 Q10800557 +Q213521 P264 Q212699 +Q142 P530 Q35 +Q786052 P20 Q1486 +Q115922 P27 Q30 +Q269177 P106 Q10800557 +Q213736 P136 Q850412 +Q101809 P106 Q36180 +Q386438 P106 Q1930187 +Q836 P530 Q183 +Q438106 P551 Q60 +Q231310 P106 Q33999 +Q74958 P136 Q130232 +Q632532 P161 Q167520 +Q71416 P102 Q633731 +Q57358 P463 Q812155 +Q25089 P106 Q3282637 +Q187884 P106 Q2259451 +Q128888 P27 Q801 +Q67881 P27 Q183 +Q169717 P264 Q1988428 +Q333190 P19 Q18419 +Q2904665 P69 Q49122 +Q536723 P106 Q639669 +Q312531 P1303 Q11404 +Q40495 P27 Q129286 +Q240082 P19 Q8684 +Q869 P463 Q233611 +Q363525 P106 Q2526255 +Q354002 P1303 Q17172850 +Q432929 P69 Q168756 +Q124008 P1303 Q8343 +Q218 P530 Q41 +Q98116 P1412 Q188 +Q60549 P101 Q24454422 +Q766314 P69 Q608338 +Q699950 P20 Q55630 +Q159 P530 Q1029 +Q228968 P1412 Q1860 +Q242477 P509 Q12152 +Q176361 P19 Q34404 +Q38393 P140 Q9089 +Q930586 P27 Q29 +Q76876 P119 Q1200 +Q123718 P136 Q8341 +Q216563 P264 Q183387 +Q43203 P106 Q15981151 +Q843 P463 Q7825 +Q128493 P57 Q47284 +Q3520383 P495 Q30 +Q190145 P161 Q188772 +Q181086 P136 Q130232 +Q746923 P106 Q639669 +Q159876 P27 Q219 +Q271888 P106 Q10800557 +Q1590452 P106 Q1622272 +Q92914 P108 Q161982 +Q179269 P106 Q2259451 +Q709464 P1303 Q17172850 +Q166262 P495 Q30 +Q389779 P27 Q30 +Q5327 P108 Q153978 +Q705482 P69 Q315658 +Q43416 P106 Q2526255 +Q369907 P106 Q1234713 +Q11815 P106 Q40348 +Q203243 P108 Q41506 +Q310300 P264 Q21077 +Q184500 P737 Q8018 +Q85490 P106 Q28389 +Q25188 P161 Q38111 +Q155700 P172 Q49085 +Q92743 P69 Q174710 +Q213 P30 Q46 +Q64880 P509 Q12204 +Q210740 P509 Q12202 +Q433989 P106 Q957729 +Q84532 P106 Q36180 +Q186504 P136 Q52162262 +Q707293 P136 Q193355 +Q230555 P106 Q33999 +Q92359 P106 Q1234713 +Q87040 P106 Q1622272 +Q69340 P19 Q1486 +Q214 P463 Q7825 +Q1271 P1412 Q9043 +Q127539 P27 Q142 +Q75828 P463 Q3603946 +Q169065 P27 Q213 +Q216102 P1412 Q9288 +Q193710 P19 Q23768 +Q114169 P27 Q16957 +Q2599 P106 Q855091 +Q374065 P264 Q843402 +Q312292 P1303 Q46185 +Q1147551 P106 Q177220 +Q236075 P136 Q37073 +Q207482 P495 Q30 +Q1196157 P161 Q95043 +Q131259 P106 Q488205 +Q51123 P106 Q7042855 +Q711197 P106 Q753110 +Q3741406 P106 Q40348 +Q34975 P106 Q2259451 +Q225625 P106 Q177220 +Q184768 P161 Q314290 +Q3490296 P1412 Q7411 +Q589978 P106 Q40348 +Q1124 P463 Q218868 +Q327288 P1303 Q128309 +Q113953 P19 Q1799 +Q62206 P509 Q12152 +Q192165 P106 Q2405480 +Q121995 P463 Q1938003 +Q971 P463 Q1065 +Q395274 P106 Q2405480 +Q85636 P106 Q43845 +Q1648062 P1412 Q1860 +Q329448 P161 Q212064 +Q9294 P106 Q188094 +Q78214 P27 Q16957 +Q935369 P136 Q43343 +Q590 P1412 Q1321 +Q87675 P101 Q2599593 +Q935258 P27 Q34266 +Q114115 P161 Q45772 +Q678840 P1303 Q5994 +Q61674 P106 Q2306091 +Q92639 P27 Q41 +Q2673 P106 Q10800557 +Q887948 P20 Q6106 +Q273866 P106 Q82955 +Q201608 P27 Q30 +Q224187 P161 Q29328 +Q157313 P69 Q83259 +Q76738 P106 Q170790 +Q1757254 P17 Q30 +Q529858 P19 Q2044 +Q275545 P26 Q123469 +Q21088 P27 Q159 +Q414 P530 Q96 +Q42443 P136 Q8261 +Q17135 P140 Q33203 +Q318910 P161 Q291866 +Q84532 P27 Q40 +Q55282 P140 Q7066 +Q216478 P1412 Q652 +Q33760 P106 Q4964182 +Q107183 P69 Q189441 +Q53031 P19 Q13375 +Q365985 P106 Q3089940 +Q9364 P1050 Q10874 +Q235955 P551 Q70 +Q345538 P106 Q81096 +Q98960 P106 Q82955 +Q63454 P20 Q3711 +Q441067 P106 Q36180 +Q430278 P161 Q236378 +Q42156 P737 Q38193 +Q456711 P106 Q10800557 +Q991 P737 Q535 +Q197108 P509 Q12078 +Q91640 P1412 Q188 +Q93632 P19 Q1741 +Q833 P530 Q924 +Q2185 P140 Q9592 +Q154938 P140 Q5043 +Q41502 P136 Q49084 +Q559794 P69 Q49112 +Q154581 P161 Q310217 +Q62656 P20 Q2833 +Q311791 P27 Q34266 +Q115525 P463 Q188771 +Q73651 P161 Q386249 +Q642127 P106 Q10873124 +Q313705 P106 Q28389 +Q71452 P1412 Q652 +Q300360 P136 Q20442589 +Q633 P264 Q585643 +Q556648 P106 Q3075052 +Q57358 P106 Q158852 +Q83851 P106 Q10800557 +Q1286597 P108 Q240631 +Q216692 P106 Q18814623 +Q72645 P106 Q36180 +Q262354 P27 Q794 +Q881189 P119 Q3820 +Q276158 P106 Q822146 +Q232307 P172 Q141817 +Q336125 P106 Q6625963 +Q287427 P106 Q33999 +Q93632 P27 Q28513 +Q448727 P69 Q168756 +Q386336 P106 Q639669 +Q205314 P106 Q36180 +Q327685 P161 Q221364 +Q210812 P161 Q2685 +Q131355 P509 Q175111 +Q441456 P106 Q28389 +Q1093318 P106 Q36180 +Q982109 P106 Q3126128 +Q110330 P106 Q1622272 +Q92600 P106 Q43845 +Q240869 P106 Q33999 +Q312720 P106 Q4853732 +Q58978 P551 Q1799 +Q116812 P69 Q43452 +Q1677606 P27 Q29999 +Q158749 P1412 Q150 +Q714185 P136 Q37073 +Q299324 P106 Q937857 +Q57472 P106 Q185351 +Q166031 P136 Q188473 +Q230278 P69 Q1335573 +Q432552 P106 Q753110 +Q224159 P106 Q10800557 +Q587361 P136 Q11399 +Q62942 P27 Q183 +Q587004 P20 Q90 +Q52447 P106 Q33999 +Q534419 P69 Q1702106 +Q87137 P27 Q183 +Q930586 P106 Q177220 +Q304675 P106 Q2252262 +Q191408 P136 Q9730 +Q1246 P530 Q399 +Q976526 P1412 Q150 +Q183492 P551 Q172 +Q334825 P106 Q10800557 +Q71208 P69 Q152087 +Q483382 P101 Q43035 +Q359026 P1412 Q150 +Q168963 P463 Q337234 +Q32595 P101 Q207628 +Q110709 P106 Q11063 +Q257145 P27 Q30 +Q258183 P27 Q17 +Q96 P530 Q262 +Q167520 P27 Q30 +Q292185 P27 Q30 +Q246929 P136 Q11401 +Q712 P463 Q827525 +Q9049 P101 Q7163 +Q783 P530 Q30 +Q96532 P106 Q16267607 +Q707008 P1303 Q17172850 +Q311459 P20 Q656 +Q313107 P106 Q3282637 +Q14063 P106 Q482980 +Q181555 P161 Q310394 +Q271006 P161 Q160432 +Q83338 P140 Q682443 +Q49003 P161 Q49004 +Q84579 P101 Q1071 +Q1030 P463 Q294278 +Q325070 P106 Q10800557 +Q203674 P1412 Q150 +Q372959 P161 Q100937 +Q179282 P140 Q7066 +Q164683 P20 Q60 +Q74807 P69 Q156737 +Q298694 P106 Q2252262 +Q547565 P106 Q18939491 +Q162277 P161 Q313462 +Q347950 P108 Q681250 +Q465296 P1303 Q17172850 +Q460664 P161 Q39792 +Q930324 P106 Q1930187 +Q214602 P1412 Q188 +Q76746 P108 Q55044 +Q318263 P106 Q3387717 +Q1322959 P1412 Q7737 +Q168362 P106 Q201788 +Q274973 P161 Q308722 +Q945633 P69 Q1341516 +Q70425 P27 Q183 +Q434813 P19 Q18426 +Q43408 P136 Q663106 +Q940942 P102 Q590750 +Q76686 P106 Q14467526 +Q516716 P106 Q33999 +Q607464 P1412 Q9056 +Q4223 P106 Q10800557 +Q236017 P26 Q5816 +Q440996 P1412 Q8785 +Q5121453 P131 Q1384 +Q150652 P19 Q64 +Q117761 P106 Q2526255 +Q343304 P1303 Q17172850 +Q112835 P69 Q151510 +Q981256 P106 Q2526255 +Q139638 P27 Q30 +Q322303 P106 Q183945 +Q2538 P106 Q1622272 +Q713297 P463 Q12759592 +Q73938 P106 Q182436 +Q1261353 P264 Q427326 +Q92760 P509 Q11081 +Q438175 P1303 Q17172850 +Q83003 P1412 Q652 +Q66545534 P407 Q1860 +Q349507 P1412 Q652 +Q550598 P1412 Q1860 +Q9317 P69 Q192088 +Q61597 P140 Q9268 +Q62831 P106 Q4964182 +Q723320 P27 Q30 +Q135645 P27 Q43287 +Q183279 P27 Q15180 +Q57319 P551 Q1085 +Q57237 P102 Q7320 +Q13908 P136 Q1146335 +Q74062 P19 Q1040 +Q312720 P108 Q49112 +Q704931 P737 Q7199 +Q1251900 P106 Q753110 +Q1060115 P106 Q639669 +Q7349 P106 Q36834 +Q502864 P27 Q15180 +Q229276 P106 Q2526255 +Q3384965 P106 Q121594 +Q240647 P106 Q18814623 +Q1025919 P749 Q21077 +Q319523 P101 Q13235160 +Q183 P530 Q334 +Q232197 P106 Q177220 +Q38757 P106 Q482980 +Q202792 P106 Q10798782 +Q1787960 P27 Q155 +Q201500 P106 Q1415090 +Q295502 P264 Q330629 +Q97383 P1412 Q188 +Q468003 P509 Q12152 +Q55438 P27 Q172579 +Q387601 P161 Q228871 +Q123469 P27 Q30 +Q4894155 P20 Q2807 +Q725510 P172 Q42406 +Q92066 P19 Q717 +Q4137 P509 Q12152 +Q827047 P172 Q2436423 +Q114 P530 Q843 +Q28193 P57 Q215478 +Q322750 P19 Q34006 +Q423 P530 Q183 +Q1265451 P1303 Q17172850 +Q453288 P108 Q13371 +Q1025919 P136 Q11401 +Q238819 P106 Q36834 +Q151720 P69 Q49122 +Q143945 P27 Q38 +Q97771 P27 Q183 +Q234570 P27 Q174193 +Q193482 P106 Q10800557 +Q86367 P106 Q33999 +Q67518 P1412 Q188 +Q291806 P136 Q131539 +Q84755 P106 Q82955 +Q70795 P20 Q1707 +Q107432 P106 Q36834 +Q238638 P69 Q1227526 +Q234847 P1412 Q1860 +Q73975 P106 Q201788 +Q92814 P69 Q333705 +Q66447 P27 Q183 +Q203690 P106 Q1320883 +Q211 P530 Q183 +Q1984061 P106 Q855091 +Q43723 P140 Q9268 +Q40475 P136 Q21590660 +Q283061 P1303 Q17172850 +Q295093 P106 Q28389 +Q87 P17 Q79 +Q70130 P1412 Q188 +Q158088 P17 Q221 +Q353788 P106 Q49757 +Q269927 P106 Q214917 +Q286022 P136 Q37073 +Q174037 P108 Q13371 +Q120977 P1412 Q150 +Q104790 P106 Q1209498 +Q218083 P106 Q488205 +Q135156 P161 Q229048 +Q11816 P69 Q156598 +Q46096 P136 Q9730 +Q36268 P19 Q90 +Q60809 P1412 Q1860 +Q2164531 P159 Q23197 +Q68751 P1412 Q188 +Q11885 P1303 Q6607 +Q188744 P106 Q947873 +Q162793 P106 Q82955 +Q287449 P106 Q10800557 +Q497271 P102 Q29468 +Q92359 P27 Q183 +Q324757 P264 Q1251139 +Q347368 P27 Q419 +Q216927 P106 Q36834 +Q1556492 P463 Q107569 +Q73975 P106 Q36180 +Q128460 P106 Q64733534 +Q463768 P136 Q157443 +Q220735 P495 Q30 +Q37767 P27 Q145 +Q44648 P136 Q1133657 +Q219 P463 Q380340 +Q95543 P69 Q154804 +Q234207 P106 Q948329 +Q937 P737 Q1001 +Q162753 P106 Q10800557 +Q98087 P463 Q253439 +Q107432 P172 Q49085 +Q4960 P136 Q40831 +Q117197 P106 Q1622272 +Q458260 P19 Q90 +Q73437 P106 Q33999 +Q544485 P27 Q30 +Q215820 P106 Q18814623 +Q276778 P136 Q157443 +Q163225 P102 Q10225 +Q11703496 P463 Q427318 +Q1315512 P106 Q36834 +Q902 P530 Q1008 +Q49823 P69 Q21578 +Q319502 P106 Q486748 +Q741783 P106 Q482980 +Q33031 P172 Q127885 +Q75793 P108 Q20808141 +Q95125 P106 Q36180 +Q205000 P106 Q10800557 +Q87131 P463 Q543804 +Q64949 P264 Q664167 +Q215 P530 Q865 +Q85624 P136 Q9730 +Q235928 P19 Q1781 +Q335556 P463 Q123885 +Q638638 P106 Q639669 +Q5977 P1303 Q17172850 +Q505994 P1303 Q17172850 +Q307737 P27 Q43 +Q41502 P106 Q6625963 +Q104183 P27 Q30 +Q554150 P27 Q298 +Q1772432 P106 Q855091 +Q192165 P172 Q49085 +Q20127 P102 Q49768 +Q430852 P840 Q21 +Q77325 P172 Q42884 +Q470334 P106 Q520549 +Q162959 P1412 Q1860 +Q162518 P840 Q99 +Q313388 P106 Q10798782 +Q179695 P737 Q36591 +Q1586454 P19 Q18419 +Q164963 P136 Q188473 +Q1486 P17 Q414 +Q725964 P1303 Q5994 +Q128121 P106 Q49757 +Q439686 P551 Q3711 +Q427534 P495 Q30 +Q213614 P106 Q18844224 +Q484302 P106 Q1327329 +Q235615 P1412 Q1860 +Q20178 P106 Q948329 +Q441086 P106 Q1234713 +Q505677 P106 Q639669 +Q224113 P106 Q28389 +Q4103721 P27 Q15180 +Q106834 P1412 Q188 +Q320218 P106 Q33999 +Q18391 P106 Q4964182 +Q349217 P106 Q10800557 +Q204191 P136 Q157394 +Q102289 P463 Q463303 +Q437351 P451 Q40026 +Q2086086 P106 Q13235160 +Q104668 P27 Q159 +Q151509 P101 Q82955 +Q738566 P135 Q164800 +Q103109 P108 Q152838 +Q18391 P1412 Q8641 +Q295781 P102 Q79854 +Q223367 P136 Q645928 +Q357786 P27 Q30 +Q60953 P19 Q268 +Q193052 P551 Q1492 +Q166796 P106 Q2252262 +Q233817 P1303 Q5994 +Q69439 P1412 Q188 +Q1133611 P106 Q488205 +Q960935 P136 Q11401 +Q439438 P106 Q2259451 +Q537999 P1412 Q1321 +Q276209 P69 Q1786078 +Q230662 P1412 Q652 +Q217 P530 Q35 +Q132589 P20 Q2807 +Q1276 P136 Q484641 +Q3770812 P463 Q543804 +Q863049 P106 Q855091 +Q84207 P106 Q201788 +Q350700 P69 Q681025 +Q733 P463 Q123759 +Q166835 P106 Q36180 +Q526989 P106 Q2865819 +Q83733 P69 Q174710 +Q88073 P106 Q36180 +Q57106 P463 Q18912936 +Q944509 P463 Q463303 +Q65372 P463 Q469210 +Q34211 P1412 Q1860 +Q241783 P106 Q2259451 +Q123238 P27 Q23366230 +Q712860 P1303 Q51290 +Q157359 P106 Q486748 +Q183492 P101 Q35760 +Q170250 P495 Q30 +Q2657741 P101 Q309 +Q46139 P19 Q1345 +Q231948 P136 Q8261 +Q231694 P136 Q38848 +Q350700 P69 Q49115 +Q45 P463 Q191384 +Q16574 P106 Q47064 +Q3346431 P106 Q36834 +Q320014 P106 Q185351 +Q43327 P17 Q30 +Q39972 P106 Q10800557 +Q104127 P551 Q16554 +Q716862 P463 Q11993457 +Q344179 P106 Q36180 +Q244333 P161 Q348738 +Q163557 P69 Q31519 +Q70236 P20 Q586 +Q967 P530 Q148 +Q4892001 P20 Q2807 +Q216701 P106 Q1607826 +Q271054 P69 Q193196 +Q1184931 P136 Q9730 +Q122020 P106 Q4610556 +Q4588976 P19 Q585 +Q303207 P264 Q1660305 +Q387868 P161 Q373968 +Q444237 P463 Q329464 +Q229775 P1412 Q1860 +Q439315 P1303 Q46185 +Q1045 P463 Q7159 +Q154412 P26 Q57124 +Q36878 P136 Q474090 +Q95663 P106 Q81096 +Q269669 P27 Q30 +Q429046 P106 Q4610556 +Q180505 P19 Q1297 +Q265661 P106 Q10800557 +Q1152239 P106 Q2252262 +Q96532 P106 Q36180 +Q132524 P737 Q868 +Q164963 P57 Q4465 +Q167683 P1412 Q1860 +Q75793 P108 Q153987 +Q188389 P1412 Q1860 +Q327809 P161 Q78367 +Q128121 P27 Q145 +Q213783 P27 Q153136 +Q205303 P1412 Q1321 +Q37944 P106 Q333634 +Q201687 P161 Q313044 +Q272134 P106 Q36180 +Q212663 P136 Q8341 +Q403 P530 Q889 +Q509341 P27 Q16 +Q47284 P1412 Q1860 +Q165392 P161 Q349391 +Q53040 P106 Q2526255 +Q733392 P106 Q2306091 +Q238819 P106 Q55960555 +Q188375 P1303 Q17172850 +Q221462 P495 Q30 +Q55422 P106 Q7042855 +Q730 P463 Q656801 +Q436894 P509 Q12152 +Q149406 P161 Q55452 +Q72832 P1303 Q17172850 +Q119527 P27 Q43287 +Q4191 P37 Q188 +Q244 P30 Q49 +Q698444 P106 Q1930187 +Q167243 P106 Q10800557 +Q381884 P106 Q639669 +Q204057 P161 Q2263 +Q191734 P106 Q1234713 +Q94123 P264 Q216364 +Q28 P530 Q39 +Q229940 P264 Q387539 +Q230 P530 Q965 +Q69773 P106 Q753110 +Q233618 P27 Q30 +Q161853 P106 Q169470 +Q71640 P1412 Q188 +Q152785 P140 Q9592 +Q380841 P136 Q157443 +Q721963 P106 Q33999 +Q256959 P136 Q193606 +Q93356 P106 Q14467526 +Q92776 P108 Q230899 +Q44354 P106 Q3665646 +Q160627 P101 Q1071 +Q70324 P119 Q438199 +Q858741 P106 Q639669 +Q340046 P69 Q1446181 +Q9161 P102 Q641691 +Q55449 P136 Q45981 +Q377428 P136 Q586250 +Q370893 P161 Q231116 +Q123849 P106 Q3282637 +Q327886 P27 Q30 +Q40912 P26 Q164487 +Q270794 P17 Q30 +Q761453 P27 Q30 +Q24980 P161 Q166159 +Q164797 P140 Q7066 +Q851 P530 Q142 +Q270935 P106 Q9648008 +Q1361996 P106 Q43845 +Q349461 P27 Q30 +Q177930 P161 Q483907 +Q232120 P106 Q10798782 +Q2492691 P106 Q901 +Q303207 P20 Q16557 +Q340074 P106 Q11774202 +Q457353 P19 Q585 +Q611997 P106 Q214917 +Q1296812 P106 Q855091 +Q1064 P737 Q296244 +Q121778 P463 Q463281 +Q76291 P1412 Q188 +Q161087 P161 Q207179 +Q237833 P20 Q220 +Q192724 P161 Q296500 +Q38486 P495 Q30 +Q243041 P264 Q155152 +Q4513768 P101 Q1069 +Q34105 P69 Q14404494 +Q292693 P106 Q36180 +Q152513 P463 Q463303 +Q309697 P106 Q488205 +Q453351 P1412 Q1860 +Q97883 P102 Q79854 +Q428215 P106 Q1930187 +Q192301 P161 Q233882 +Q3188007 P106 Q1622272 +Q378333 P106 Q2526255 +Q222939 P161 Q435468 +Q68543 P264 Q183387 +Q560694 P1412 Q8748 +Q244674 P106 Q3282637 +Q465000 P106 Q49757 +Q201472 P101 Q5862903 +Q230665 P106 Q2259451 +Q744689 P108 Q49110 +Q181991 P106 Q806349 +Q270005 P26 Q355835 +Q295873 P106 Q11631 +Q300568 P161 Q268604 +Q1005 P530 Q865 +Q258462 P69 Q49115 +Q60285 P106 Q1622272 +Q940891 P136 Q11399 +Q66126 P106 Q2526255 +Q730158 P264 Q183412 +Q192724 P161 Q242707 +Q127548 P106 Q10798782 +Q253882 P106 Q622807 +Q218718 P106 Q947873 +Q260947 P106 Q55960555 +Q954681 P136 Q235858 +Q452388 P106 Q1622272 +Q503997 P69 Q258464 +Q437138 P106 Q177220 +Q321365 P108 Q4129798 +Q128633 P1412 Q1860 +Q104791 P106 Q948329 +Q313367 P106 Q3282637 +Q664 P30 Q538 +Q444125 P106 Q33999 +Q107008 P106 Q36834 +Q322381 P101 Q14915627 +Q214548 P264 Q4779433 +Q179682 P1303 Q17172850 +Q172466 P27 Q30 +Q45239 P106 Q28389 +Q1041 P463 Q384535 +Q19190 P106 Q10798782 +Q76686 P509 Q12204 +Q271426 P106 Q10800557 +Q133925 P106 Q2259451 +Q1739226 P1412 Q1860 +Q216179 P106 Q855091 +Q173804 P161 Q76361 +Q158878 P1412 Q1860 +Q206439 P172 Q49085 +Q221594 P495 Q30 +Q188117 P737 Q186335 +Q19673 P69 Q29052 +Q223559 P161 Q203215 +Q71640 P136 Q676 +Q1965416 P1303 Q5994 +Q118061 P1412 Q188 +Q83174 P27 Q38 +Q85791 P69 Q156725 +Q976283 P27 Q43 +Q60469 P106 Q2259532 +Q162667 P106 Q947873 +Q647687 P1412 Q5287 +Q3001888 P159 Q60 +Q1058532 P641 Q131359 +Q11689 P106 Q82594 +Q44354 P27 Q30 +Q359521 P136 Q11366 +Q311802 P108 Q835960 +Q16581 P106 Q121594 +Q151814 P69 Q304985 +Q750 P530 Q241 +Q237324 P26 Q2831 +Q217771 P1412 Q7737 +Q264618 P101 Q7163 +Q163263 P69 Q1026939 +Q215735 P69 Q152838 +Q2579684 P106 Q901 +Q103835 P69 Q273263 +Q714526 P463 Q2003501 +Q311961 P1303 Q17172850 +Q1112005 P1303 Q17172850 +Q2086086 P136 Q37073 +Q370928 P106 Q36834 +Q211283 P106 Q948329 +Q207359 P140 Q7066 +Q1514469 P106 Q19723482 +Q353366 P106 Q33999 +Q229477 P106 Q4610556 +Q92007 P106 Q82955 +Q234388 P3373 Q317784 +Q40470 P106 Q10800557 +Q460161 P69 Q168751 +Q57806 P1412 Q36510 +Q40523 P106 Q10798782 +Q96978 P20 Q3711 +Q231595 P102 Q5020915 +Q588449 P463 Q946380 +Q2646 P40 Q61659 +Q235515 P27 Q30 +Q176945 P106 Q10798782 +Q41173 P1303 Q6607 +Q128121 P106 Q183945 +Q2103 P463 Q52144567 +Q332493 P102 Q9626 +Q237420 P106 Q6625963 +Q442310 P106 Q33999 +Q966894 P106 Q16287483 +Q80739 P140 Q682443 +Q76959 P463 Q270794 +Q514424 P106 Q4853732 +Q804 P463 Q899770 +Q1237496 P27 Q414 +Q78367 P106 Q10800557 +Q1403 P140 Q7066 +Q5738 P119 Q311 +Q123565 P463 Q684415 +Q651 P106 Q82955 +Q53783 P1412 Q7737 +Q46633 P463 Q4345832 +Q336640 P106 Q183945 +Q160534 P106 Q28389 +Q4227 P106 Q33999 +Q110628 P106 Q2259451 +Q127548 P27 Q30 +Q75803 P27 Q183 +Q301818 P102 Q29468 +Q91338 P69 Q151510 +Q154145 P106 Q4263842 +Q153610 P463 Q83172 +Q956459 P69 Q1059546 +Q252 P530 Q837 +Q5082974 P69 Q375606 +Q229056 P106 Q177220 +Q355447 P106 Q121594 +Q203413 P1303 Q17172850 +Q592504 P27 Q15180 +Q159227 P20 Q1085 +Q380634 P136 Q131272 +Q211144 P69 Q1542213 +Q154421 P106 Q2259451 +Q91137 P108 Q158158 +Q207867 P27 Q145 +Q215546 P1303 Q5994 +Q76114 P69 Q152171 +Q180214 P136 Q604725 +Q191480 P27 Q34266 +Q55207 P3373 Q55208 +Q192655 P1412 Q150 +Q208546 P1412 Q7737 +Q108886 P69 Q161562 +Q64584 P69 Q28024477 +Q51581 P1412 Q188 +Q156622 P20 Q220 +Q366325 P106 Q860918 +Q201514 P136 Q43343 +Q203268 P106 Q33999 +Q51549 P27 Q142 +Q163683 P108 Q13371 +Q101727 P106 Q639669 +Q367129 P27 Q30 +Q51139 P264 Q208909 +Q363371 P20 Q898 +Q60052 P463 Q2822396 +Q315826 P106 Q947873 +Q503917 P106 Q19831149 +Q1000 P463 Q47543 +Q190076 P264 Q277626 +Q605778 P136 Q11401 +Q376144 P161 Q292693 +Q330224 P106 Q3282637 +Q19810 P106 Q4610556 +Q19673 P463 Q468865 +Q668 P530 Q1033 +Q83694 P106 Q10798782 +Q1804720 P3373 Q273833 +Q343983 P27 Q30 +Q5372719 P106 Q3391743 +Q271856 P106 Q10798782 +Q252469 P106 Q36834 +Q95949 P106 Q15895020 +Q235284 P106 Q3282637 +Q86812 P106 Q1622272 +Q445703 P1412 Q150 +Q575444 P136 Q3071 +Q313528 P1412 Q1860 +Q354031 P106 Q33999 +Q262524 P106 Q2722764 +Q222818 P264 Q202585 +Q96064 P106 Q1622272 +Q294927 P106 Q3282637 +Q276525 P1412 Q1860 +Q202735 P172 Q1075293 +Q217112 P161 Q2680 +Q56008 P106 Q2526255 +Q211 P463 Q1928989 +Q432268 P136 Q20502 +Q213773 P161 Q448837 +Q187516 P106 Q1622272 +Q176455 P106 Q10800557 +Q76568 P106 Q36180 +Q46248 P106 Q4853732 +Q154852 P106 Q49757 +Q191702 P27 Q15180 +Q106182 P161 Q16296 +Q88427 P27 Q183 +Q290091 P106 Q3282637 +Q737486 P69 Q204181 +Q287960 P136 Q3072049 +Q491019 P19 Q16563 +Q87840 P106 Q482980 +Q445124 P106 Q1930187 +Q452281 P106 Q1607826 +Q23543 P106 Q10798782 +Q187913 P172 Q49085 +Q233817 P106 Q177220 +Q188857 P106 Q40348 +Q106349 P106 Q2259451 +Q180098 P161 Q26118 +Q155 P530 Q734 +Q79141 P106 Q36180 +Q27 P463 Q191384 +Q343510 P1412 Q1860 +Q449235 P106 Q49757 +Q44517 P106 Q164236 +Q152764 P106 Q2259451 +Q434312 P106 Q2259451 +Q1047 P27 Q129286 +Q717 P463 Q123759 +Q35648 P108 Q49110 +Q386784 P106 Q5716684 +Q1351751 P106 Q15981151 +Q77845 P101 Q309 +Q1277187 P106 Q639669 +Q742825 P135 Q7066 +Q96772 P106 Q16267607 +Q1192 P136 Q9730 +Q233475 P136 Q37073 +Q65385 P102 Q158227 +Q189042 P106 Q36180 +Q943298 P136 Q1640319 +Q173061 P106 Q49757 +Q123062 P106 Q82955 +Q234653 P1412 Q1860 +Q84555 P20 Q1735 +Q119849 P106 Q1053574 +Q798658 P112 Q216936 +Q773303 P27 Q36 +Q216148 P20 Q1781 +Q562213 P27 Q15180 +Q927879 P106 Q3578589 +Q2773 P17 Q41304 +Q934582 P136 Q37073 +Q1967070 P19 Q656 +Q319061 P161 Q223193 +Q1680268 P106 Q81096 +Q188570 P20 Q649 +Q311068 P106 Q36180 +Q2492 P140 Q9592 +Q270638 P106 Q33999 +Q1402 P1412 Q397 +Q1112005 P106 Q183945 +Q433608 P106 Q11631 +Q315083 P3373 Q350405 +Q92987 P69 Q16952 +Q78704 P1412 Q1860 +Q108617 P1412 Q188 +Q235515 P264 Q202440 +Q485310 P106 Q639669 +Q458559 P106 Q34074720 +Q343633 P106 Q3387717 +Q267321 P136 Q188473 +Q1680339 P106 Q42973 +Q155236 P136 Q959583 +Q159700 P106 Q82955 +Q679289 P106 Q1327329 +Q865 P530 Q230 +Q958 P530 Q183 +Q342604 P27 Q1044 +Q182522 P509 Q12136 +Q452084 P106 Q4263842 +Q208681 P69 Q82513 +Q728030 P106 Q4263842 +Q128460 P106 Q28389 +Q237833 P106 Q36180 +Q92830 P106 Q15442776 +Q188783 P20 Q33935 +Q77549 P102 Q49768 +Q289895 P1303 Q17172850 +Q457333 P161 Q193517 +Q235955 P27 Q155 +Q134541 P264 Q231694 +Q742396 P20 Q37836 +Q229606 P106 Q753110 +Q342723 P102 Q29468 +Q302880 P106 Q1607826 +Q63725 P27 Q183 +Q1677099 P19 Q62 +Q352730 P1412 Q1860 +Q126783 P106 Q483501 +Q148204 P161 Q329734 +Q731958 P1303 Q17172850 +Q129187 P19 Q84 +Q180989 P1412 Q1860 +Q1157870 P1303 Q6607 +Q918647 P27 Q34266 +Q183141 P106 Q578109 +Q301951 P106 Q36180 +Q238795 P136 Q842324 +Q966349 P106 Q40348 +Q102225 P161 Q108270 +Q99397 P463 Q543804 +Q109135 P161 Q430804 +Q229599 P161 Q188375 +Q91845 P27 Q43287 +Q221 P530 Q219 +Q296313 P69 Q1341516 +Q371972 P27 Q30 +Q282877 P1303 Q17172850 +Q902 P530 Q227 +Q1265451 P264 Q202440 +Q2895857 P509 Q12152 +Q381726 P106 Q486748 +Q1233 P106 Q1930187 +Q342730 P106 Q36180 +Q699541 P20 Q350 +Q283964 P27 Q155 +Q370326 P161 Q1388769 +Q17738 P161 Q367085 +Q154270 P69 Q273523 +Q115883 P106 Q185351 +Q63224 P108 Q152087 +Q40143 P27 Q30 +Q17714 P20 Q350 +Q129542 P108 Q161976 +Q817353 P27 Q16957 +Q18809 P463 Q2370801 +Q174210 P119 Q272208 +Q74795 P106 Q17489339 +Q275593 P106 Q4610556 +Q438213 P106 Q33231 +Q58612 P136 Q8261 +Q1545 P264 Q216364 +Q432473 P102 Q29468 +Q435330 P106 Q177220 +Q59054 P106 Q36180 +Q123825 P19 Q78 +Q223741 P106 Q2643890 +Q585272 P106 Q201788 +Q92007 P108 Q156737 +Q833 P530 Q31 +Q223271 P27 Q668 +Q282823 P1412 Q9067 +Q11753 P106 Q1622272 +Q298551 P106 Q3282637 +Q67207 P106 Q3242115 +Q1810650 P106 Q639669 +Q106706 P69 Q993267 +Q164396 P27 Q15180 +Q7241 P106 Q483501 +Q214930 P19 Q64 +Q55993 P106 Q1231865 +Q188176 P135 Q213457 +Q77177 P20 Q90 +Q551521 P102 Q139596 +Q1282956 P19 Q18419 +Q164757 P106 Q28389 +Q853461 P27 Q38 +Q1157945 P27 Q668 +Q155547 P1412 Q188 +Q29315 P19 Q1899 +Q65863 P1412 Q188 +Q12807 P737 Q909 +Q483363 P106 Q43845 +Q84365 P27 Q40 +Q1586916 P509 Q12078 +Q18800 P106 Q36834 +Q44414 P1412 Q1860 +Q677843 P106 Q4964182 +Q773828 P102 Q9630 +Q66316 P27 Q858 +Q357776 P106 Q28389 +Q14320 P840 Q1490 +Q366217 P19 Q19660 +Q77983 P1412 Q7411 +Q320556 P106 Q214917 +Q85876 P27 Q28513 +Q135139 P27 Q29999 +Q242796 P19 Q84 +Q532915 P106 Q177220 +Q334665 P19 Q649 +Q722347 P69 Q13371 +Q234721 P27 Q30 +Q128027 P106 Q1792450 +Q380848 P161 Q233724 +Q57676 P102 Q7320 +Q313039 P551 Q18419 +Q273044 P172 Q49085 +Q44570 P264 Q1551705 +Q169311 P106 Q1028181 +Q198621 P106 Q6625963 +Q545476 P106 Q36180 +Q345494 P26 Q107424 +Q84696 P106 Q2259451 +Q121507 P1303 Q52954 +Q1295 P463 Q747279 +Q159 P530 Q214 +Q458766 P106 Q2526255 +Q106775 P106 Q3455803 +Q49498 P136 Q846544 +Q334665 P463 Q2370801 +Q44645 P463 Q123885 +Q462149 P161 Q434790 +Q182944 P495 Q145 +Q166298 P27 Q77 +Q230622 P19 Q277162 +Q295120 P106 Q639669 +Q902 P463 Q233611 +Q39318 P172 Q7325 +Q11903 P101 Q333 +Q46739 P463 Q2749618 +Q272224 P102 Q9630 +Q23527 P106 Q10800557 +Q445109 P106 Q10800557 +Q319121 P106 Q2722764 +Q1544666 P264 Q843402 +Q1346192 P106 Q486748 +Q77097 P106 Q205375 +Q873 P551 Q60 +Q235189 P101 Q207628 +Q25153 P106 Q1415090 +Q80596 P509 Q12078 +Q1042 P530 Q148 +Q1033 P463 Q17495 +Q1077577 P136 Q484641 +Q4014532 P106 Q2961975 +Q309503 P106 Q33999 +Q53096 P136 Q130232 +Q80871 P509 Q212961 +Q219421 P136 Q2973181 +Q367973 P20 Q60 +Q377538 P69 Q1206658 +Q1716 P106 Q753110 +Q197935 P106 Q4263842 +Q311439 P136 Q205049 +Q167877 P1050 Q11085 +Q15615 P106 Q177220 +Q788572 P27 Q30 +Q982314 P106 Q4351403 +Q98719 P108 Q155354 +Q33391 P106 Q47064 +Q550784 P106 Q33999 +Q8605 P1412 Q1321 +Q704705 P27 Q241 +Q232015 P1303 Q17172850 +Q45272 P106 Q36180 +Q504677 P1412 Q1860 +Q221303 P1412 Q150 +Q316381 P106 Q36834 +Q1677099 P509 Q12192 +Q28493 P106 Q2526255 +Q316330 P463 Q463303 +Q408 P530 Q230 +Q156749 P101 Q1069 +Q36 P530 Q801 +Q229 P530 Q817 +Q697200 P106 Q15296811 +Q214801 P495 Q30 +Q90634 P106 Q10800557 +Q983686 P106 Q49757 +Q51513 P27 Q28513 +Q127367 P161 Q170510 +Q4488 P106 Q11481802 +Q263696 P108 Q126399 +Q95355 P69 Q154804 +Q630454 P69 Q13371 +Q356762 P1412 Q652 +Q247526 P69 Q209842 +Q96798 P106 Q3242115 +Q234314 P106 Q2405480 +Q108283 P106 Q2526255 +Q878 P530 Q159 +Q430849 P27 Q30 +Q731007 P1303 Q6607 +Q80405 P27 Q145 +Q46139 P463 Q1371509 +Q253715 P136 Q37073 +Q311615 P106 Q10798782 +Q230654 P106 Q34074720 +Q421478 P463 Q2370801 +Q192724 P136 Q188473 +Q14678 P27 Q183 +Q59945 P108 Q206702 +Q188648 P264 Q387539 +Q2978 P463 Q1768108 +Q193236 P106 Q36180 +Q513184 P27 Q34266 +Q335556 P463 Q463303 +Q36014 P102 Q192821 +Q105221 P106 Q578109 +Q188286 P19 Q1342 +Q528804 P106 Q36180 +Q343394 P106 Q753110 +Q1352256 P551 Q35765 +Q167437 P495 Q142 +Q544915 P106 Q121594 +Q242482 P106 Q177220 +Q233479 P19 Q61 +Q176945 P19 Q62 +Q518850 P69 Q5142861 +Q78491 P19 Q1741 +Q710282 P19 Q1428 +Q472856 P1412 Q150 +Q270123 P106 Q753110 +Q47906 P140 Q75809 +Q266959 P106 Q6625963 +Q318750 P106 Q2405480 +Q314158 P106 Q28389 +Q28147 P106 Q214917 +Q490938 P106 Q183945 +Q322236 P264 Q1184501 +Q57490 P509 Q12202 +Q1278397 P161 Q42775 +Q485310 P1412 Q1860 +Q180468 P27 Q30 +Q217314 P106 Q15077007 +Q124314 P102 Q7320 +Q66343 P108 Q186285 +Q463101 P495 Q30 +Q221903 P106 Q214917 +Q51583 P3373 Q956533 +Q212532 P106 Q10800557 +Q292373 P106 Q753110 +Q981419 P463 Q463303 +Q9711 P737 Q79025 +Q365985 P106 Q753110 +Q363117 P106 Q33999 +Q441528 P106 Q19204627 +Q125666 P106 Q177220 +Q337226 P106 Q10798782 +Q713213 P27 Q38 +Q77734 P463 Q879171 +Q228818 P106 Q486748 +Q40162 P69 Q579968 +Q291068 P172 Q49085 +Q55915 P69 Q49088 +Q235 P463 Q1065 +Q84393 P106 Q49757 +Q49819 P463 Q463303 +Q504743 P106 Q639669 +Q442512 P1412 Q7026 +Q265131 P106 Q1930187 +Q76487 P106 Q36180 +Q17 P530 Q837 +Q44520 P1050 Q12204 +Q210364 P161 Q156796 +Q678840 P27 Q38 +Q29418 P69 Q13371 +Q54351 P1303 Q17172850 +Q239786 P106 Q177220 +Q83789 P136 Q130232 +Q607825 P106 Q16287483 +Q312053 P106 Q1075651 +Q313764 P495 Q183 +Q66002 P69 Q152087 +Q123368 P1412 Q188 +Q355009 P106 Q855091 +Q426433 P136 Q1054574 +Q273044 P1303 Q17172850 +Q207867 P106 Q855091 +Q78924 P106 Q2405480 +Q150630 P463 Q543804 +Q1927260 P106 Q639669 +Q85877 P106 Q2526255 +Q47480 P106 Q901 +Q55800 P551 Q37836 +Q393407 P106 Q11774202 +Q522856 P19 Q1408 +Q32433 P136 Q130232 +Q351989 P495 Q30 +Q98178 P106 Q482980 +Q45124 P102 Q79854 +Q70809 P106 Q177220 +Q408 P530 Q218 +Q30 P530 Q244 +Q346607 P509 Q389735 +Q120599 P27 Q34266 +Q57629 P27 Q218 +Q132952 P551 Q65 +Q313302 P106 Q201788 +Q1546566 P106 Q10800557 +Q110167 P106 Q1930187 +Q44989 P17 Q30 +Q5327 P108 Q155354 +Q274711 P106 Q36180 +Q78214 P102 Q153401 +Q66426 P20 Q64 +Q318474 P106 Q806798 +Q228904 P20 Q1337818 +Q324905 P136 Q11366 +Q228 P463 Q8475 +Q495272 P106 Q17125263 +Q153178 P463 Q188771 +Q8312 P106 Q33999 +Q76367 P1412 Q188 +Q506006 P20 Q62 +Q596746 P264 Q700359 +Q345531 P69 Q49112 +Q709873 P106 Q15981151 +Q698714 P140 Q682443 +Q569378 P106 Q639669 +Q1028715 P106 Q947873 +Q152019 P40 Q153481 +Q51522 P106 Q10798782 +Q741783 P20 Q270 +Q333855 P102 Q9626 +Q42775 P106 Q36834 +Q91338 P106 Q201788 +Q20995 P106 Q82955 +Q720868 P119 Q2790054 +Q45025 P1412 Q188 +Q182654 P106 Q193391 +Q315773 P1412 Q150 +Q76696 P69 Q152838 +Q494412 P172 Q484464 +Q202878 P1412 Q1860 +Q71874 P102 Q17427 +Q704700 P1303 Q258896 +Q44634 P106 Q639669 +Q462446 P69 Q41506 +Q60869 P27 Q183 +Q11132 P551 Q16556 +Q190772 P463 Q3291340 +Q837 P463 Q1065 +Q233368 P106 Q33231 +Q953 P463 Q8475 +Q448404 P106 Q486748 +Q242707 P106 Q855091 +Q71548 P27 Q38 +Q38757 P20 Q56037 +Q39975 P161 Q483118 +Q597433 P19 Q61 +Q196080 P106 Q10798782 +Q95264 P1412 Q188 +Q439315 P106 Q36834 +Q190770 P106 Q1622272 +Q165644 P1412 Q188 +Q294931 P106 Q10732476 +Q45321 P106 Q947873 +Q346309 P27 Q30 +Q119811 P106 Q82955 +Q699541 P106 Q2310145 +Q100400 P2348 Q6927 +Q123516 P106 Q49757 +Q239533 P106 Q2914170 +Q82238 P27 Q145 +Q128085 P106 Q36834 +Q241660 P136 Q45981 +Q1888523 P106 Q47064 +Q739915 P106 Q486748 +Q25153 P106 Q177220 +Q76367 P27 Q7318 +Q170250 P57 Q75079 +Q229379 P106 Q488205 +Q55208 P106 Q13235160 +Q7176 P20 Q85 +Q83059 P106 Q6625963 +Q129283 P161 Q499644 +Q64467 P69 Q152087 +Q473257 P106 Q36180 +Q86362 P27 Q40 +Q63486 P106 Q4002666 +Q542217 P27 Q408 +Q1387593 P27 Q34 +Q468452 P106 Q205375 +Q161933 P140 Q7066 +Q230055 P106 Q10800557 +Q119840 P69 Q658975 +Q109063 P551 Q34692 +Q1276 P140 Q9268 +Q97871 P27 Q16957 +Q7231 P69 Q206702 +Q380981 P161 Q47100 +Q717204 P106 Q18844224 +Q699605 P27 Q30 +Q104898 P27 Q145 +Q392825 P161 Q309503 +Q34692 P17 Q766 +Q174908 P106 Q10800557 +Q168356 P69 Q186285 +Q188459 P106 Q13235160 +Q205687 P161 Q312380 +Q238364 P509 Q11085 +Q1662834 P159 Q1720 +Q126596 P106 Q4964182 +Q324753 P106 Q10800557 +Q193212 P106 Q10798782 +Q375024 P106 Q486748 +Q316032 P106 Q10798782 +Q38 P530 Q794 +Q242552 P106 Q10798782 +Q223741 P19 Q9005 +Q193628 P19 Q60 +Q103651 P106 Q36834 +Q211322 P106 Q10800557 +Q153238 P463 Q270794 +Q948 P463 Q384535 +Q180468 P27 Q28 +Q572001 P463 Q463303 +Q53050 P27 Q38 +Q29055 P19 Q277162 +Q272007 P27 Q30 +Q714739 P106 Q1930187 +Q180861 P1303 Q17172850 +Q248562 P136 Q200092 +Q64655 P106 Q18805 +Q390097 P161 Q202589 +Q540155 P108 Q204181 +Q76 P463 Q466089 +Q184785 P1412 Q1860 +Q335569 P106 Q82955 +Q2130862 P27 Q129286 +Q335680 P19 Q18419 +Q84751 P19 Q1741 +Q42992 P551 Q649 +Q241503 P264 Q311439 +Q236842 P26 Q80938 +Q190628 P69 Q49204 +Q76688 P106 Q188094 +Q942147 P106 Q13219637 +Q60486 P106 Q1622272 +Q16 P463 Q1065 +Q69884 P106 Q39631 +Q490938 P27 Q884 +Q100122 P27 Q183 +Q331425 P106 Q82955 +Q458709 P106 Q1930187 +Q237081 P106 Q36834 +Q330224 P19 Q1449 +Q104276 P108 Q309948 +Q77031 P106 Q8178443 +Q326177 P161 Q192165 +Q274252 P463 Q188771 +Q366057 P106 Q10798782 +Q311450 P1303 Q5994 +Q183266 P106 Q82955 +Q239522 P106 Q4853732 +Q64584 P108 Q28024477 +Q370155 P106 Q33999 +Q75523 P27 Q183 +Q528647 P1412 Q9288 +Q244975 P161 Q164782 +Q84579 P19 Q31487 +Q107167 P161 Q272929 +Q111263 P1412 Q188 +Q1606108 P1412 Q188 +Q309941 P264 Q165711 +Q148540 P30 Q46 +Q173804 P495 Q40 +Q334825 P27 Q668 +Q71135 P108 Q316592 +Q202144 P102 Q29552 +Q153232 P106 Q11063 +Q188459 P106 Q33999 +Q2157440 P106 Q1622272 +Q290345 P27 Q142 +Q333519 P27 Q174193 +Q189869 P136 Q8261 +Q351670 P27 Q12560 +Q182486 P106 Q10800557 +Q38903 P159 Q1384 +Q94513 P106 Q33999 +Q62559 P1412 Q1860 +Q44467 P106 Q10800557 +Q187516 P140 Q33203 +Q76291 P463 Q83172 +Q784 P463 Q8475 +Q983316 P106 Q170790 +Q507075 P19 Q43196 +Q506582 P106 Q36180 +Q695 P530 Q30 +Q23844 P27 Q30 +Q345431 P106 Q183945 +Q212123 P495 Q30 +Q193509 P19 Q38022 +Q109455 P106 Q1234713 +Q335336 P17 Q801 +Q102225 P161 Q320073 +Q262 P530 Q159583 +Q342876 P161 Q190076 +Q119676 P106 Q28389 +Q822 P463 Q7172 +Q235284 P19 Q60 +Q431252 P136 Q130232 +Q456386 P136 Q373342 +Q470572 P161 Q223091 +Q723063 P106 Q2259451 +Q23197 P17 Q30 +Q321917 P20 Q60 +Q313315 P161 Q499644 +Q325422 P69 Q540672 +Q186709 P463 Q83172 +Q255593 P264 Q3415083 +Q561458 P108 Q13371 +Q322211 P106 Q33999 +Q251338 P106 Q2306091 +Q160060 P161 Q162492 +Q74441 P108 Q154804 +Q254138 P495 Q30 +Q7351 P1303 Q5994 +Q858 P530 Q851 +Q229263 P106 Q33999 +Q3301546 P106 Q170790 +Q317817 P106 Q2259451 +Q1006 P530 Q30 +Q343456 P27 Q15180 +Q247063 P27 Q28513 +Q44248 P140 Q9592 +Q231249 P1412 Q1860 +Q1691611 P161 Q41148 +Q179041 P27 Q30 +Q946774 P1412 Q150 +Q154077 P136 Q130232 +Q10664 P1412 Q1860 +Q327546 P136 Q20442589 +Q275876 P1412 Q1860 +Q240377 P69 Q49167 +Q153723 P161 Q358714 +Q265270 P106 Q18844224 +Q60441 P106 Q16031530 +Q110872 P1412 Q809 +Q362353 P106 Q2526255 +Q309014 P161 Q379808 +Q719360 P27 Q172579 +Q78367 P1412 Q188 +Q63224 P101 Q40634 +Q83643 P27 Q15180 +Q97144 P106 Q82955 +Q76815 P106 Q1607826 +Q8349 P106 Q1930187 +Q218532 P119 Q1625328 +Q313443 P641 Q2736 +Q90934 P19 Q2079 +Q112831 P136 Q20442589 +Q49080 P136 Q25379 +Q78479 P463 Q191583 +Q104358 P106 Q639669 +Q70478 P19 Q64 +Q95215 P102 Q694299 +Q39792 P551 Q1138378 +Q322381 P27 Q30 +Q213684 P1412 Q7737 +Q361297 P106 Q28389 +Q204299 P551 Q60 +Q209169 P463 Q18912936 +Q943298 P136 Q83440 +Q26391 P136 Q1200678 +Q80959 P136 Q188473 +Q312705 P106 Q639669 +Q239195 P106 Q10798782 +Q1041034 P172 Q49085 +Q878 P530 Q843 +Q239652 P1412 Q7737 +Q151814 P264 Q277626 +Q170842 P102 Q79854 +Q380634 P69 Q499451 +Q231815 P106 Q36180 +Q152690 P106 Q2251335 +Q44520 P101 Q482 +Q78639 P106 Q1622272 +Q236066 P1303 Q17172850 +Q151608 P106 Q82955 +Q3123761 P1412 Q150 +Q270935 P136 Q20378 +Q115674 P19 Q37836 +Q298761 P106 Q5322166 +Q1336685 P106 Q639669 +Q180125 P136 Q1054574 +Q214659 P20 Q1711 +Q167821 P106 Q11774202 +Q233837 P106 Q4610556 +Q69395 P106 Q82955 +Q447659 P106 Q1930187 +Q48184 P106 Q486748 +Q153739 P1412 Q188 +Q730 P463 Q376150 +Q150494 P1412 Q1321 +Q23559 P106 Q82955 +Q298908 P27 Q30 +Q664 P463 Q170481 +Q12950 P69 Q1189954 +Q153178 P463 Q337555 +Q333475 P106 Q3387717 +Q208117 P106 Q6625963 +Q41378 P20 Q49111 +Q98110 P106 Q1930187 +Q97883 P102 Q49750 +Q65337 P1412 Q188 +Q450335 P27 Q29 +Q232015 P106 Q10798782 +Q286366 P106 Q7042855 +Q638638 P106 Q36834 +Q167216 P108 Q168756 +Q932694 P136 Q1344 +Q270747 P19 Q1297 +Q89014 P1412 Q188 +Q44892 P740 Q1718 +Q251865 P1303 Q46185 +Q483907 P1303 Q17172850 +Q348738 P106 Q10798782 +Q11885 P106 Q177220 +Q272944 P1412 Q1860 +Q2281920 P27 Q30 +Q66140 P108 Q161976 +Q301818 P3373 Q214466 +Q1075770 P106 Q488205 +Q286074 P1412 Q150 +Q74227 P106 Q2405480 +Q44767 P106 Q1075651 +Q156858 P172 Q8060 +Q216708 P264 Q216364 +Q8556 P69 Q156598 +Q62400 P106 Q201788 +Q35 P530 Q17 +Q187423 P161 Q84386 +Q329897 P108 Q49088 +Q546956 P509 Q12192 +Q261601 P161 Q39972 +Q230496 P161 Q229535 +Q129857 P140 Q9592 +Q350194 P106 Q33999 +Q112227 P106 Q17489339 +Q309900 P106 Q2259451 +Q77751 P136 Q49084 +Q283317 P1412 Q150 +Q389014 P161 Q2263 +Q179746 P161 Q267051 +Q133855 P509 Q2840 +Q912 P463 Q3348506 +Q525949 P463 Q123885 +Q54545 P19 Q1085 +Q439315 P106 Q10798782 +Q36014 P1412 Q1860 +Q231608 P20 Q1492 +Q58217 P102 Q79854 +Q83557 P463 Q543804 +Q203460 P27 Q30 +Q37767 P737 Q79759 +Q105237 P1412 Q188 +Q311193 P106 Q1643514 +Q309941 P1303 Q17172850 +Q440145 P106 Q627325 +Q106508 P106 Q33999 +Q74062 P20 Q2966 +Q163225 P1412 Q150 +Q706518 P106 Q18814623 +Q762 P106 Q42973 +Q178100 P106 Q49757 +Q232514 P106 Q177220 +Q19810 P264 Q14192383 +Q84114 P106 Q36834 +Q13909 P69 Q49210 +Q766403 P106 Q1930187 +Q125484 P463 Q459620 +Q636 P136 Q46046 +Q7200 P136 Q676 +Q290490 P57 Q309214 +Q235394 P140 Q7066 +Q196080 P19 Q1049 +Q164111 P27 Q794 +Q127437 P106 Q189290 +Q977 P530 Q408 +Q1066772 P106 Q753110 +Q719360 P27 Q38 +Q77027 P106 Q947873 +Q596746 P106 Q488205 +Q242555 P27 Q30 +Q727752 P106 Q177220 +Q168728 P108 Q49116 +Q504 P1412 Q150 +Q40495 P27 Q843 +Q2966 P463 Q1768108 +Q182882 P106 Q2374149 +Q43247 P40 Q203840 +Q453288 P108 Q49166 +Q1037 P530 Q142 +Q112167 P106 Q2259451 +Q377768 P106 Q1622272 +Q83325 P106 Q728711 +Q112880 P119 Q68752772 +Q75727 P69 Q155354 +Q9358 P737 Q35802 +Q276407 P161 Q229056 +Q60487 P136 Q130232 +Q218022 P106 Q28389 +Q129140 P27 Q414 +Q9161 P1412 Q9301 +Q274181 P106 Q15981151 +Q92824 P106 Q82594 +Q241299 P106 Q753110 +Q333411 P106 Q82955 +Q181540 P136 Q188473 +Q1041 P530 Q794 +Q77788 P19 Q1055 +Q126961 P69 Q1878600 +Q307 P106 Q81096 +Q372215 P106 Q2095549 +Q242526 P27 Q142 +Q167243 P106 Q33999 +Q952737 P106 Q1930187 +Q727730 P106 Q18814623 +Q310343 P106 Q36834 +Q205707 P106 Q10800557 +Q228899 P106 Q33231 +Q217160 P106 Q3391743 +Q433939 P106 Q158852 +Q39803 P551 Q2868 +Q331425 P1412 Q809 +Q223875 P106 Q49757 +Q92621 P172 Q7325 +Q77682 P1412 Q188 +Q3852 P17 Q713750 +Q70849 P106 Q16533 +Q919835 P106 Q82955 +Q66408 P509 Q29496 +Q326856 P1412 Q188 +Q285431 P27 Q38 +Q60752 P106 Q15980158 +Q257805 P20 Q65 +Q7231 P106 Q4964182 +Q113007 P106 Q177220 +Q28656886 P69 Q1204714 +Q408 P530 Q889 +Q51094 P136 Q83270 +Q91582 P106 Q1743122 +Q587852 P106 Q177220 +Q122451 P463 Q83172 +Q469164 P106 Q3455803 +Q75726 P69 Q153006 +Q11612 P108 Q168756 +Q441267 P20 Q220 +Q290094 P1303 Q17172850 +Q202792 P106 Q33999 +Q539301 P27 Q142 +Q30 P530 Q1246 +Q9513 P101 Q3798668 +Q177610 P1412 Q652 +Q167768 P136 Q128758 +Q130142 P161 Q125354 +Q155375 P69 Q332342 +Q1380767 P119 Q216344 +Q166318 P19 Q495 +Q463832 P840 Q1603 +Q57139 P106 Q158852 +Q168161 P1412 Q809 +Q229013 P106 Q578109 +Q1514 P136 Q43343 +Q734574 P1412 Q9610 +Q704718 P106 Q177220 +Q76539 P20 Q64 +Q78766 P19 Q1726 +Q296822 P27 Q145 +Q25320 P27 Q142 +Q80959 P161 Q313044 +Q97423 P106 Q10800557 +Q92876 P1412 Q1860 +Q239411 P1412 Q1860 +Q543719 P27 Q30 +Q892115 P69 Q49112 +Q272622 P106 Q36180 +Q354508 P509 Q12192 +Q78487 P106 Q482980 +Q184565 P69 Q153265 +Q57999 P106 Q864503 +Q1371735 P27 Q25 +Q357184 P27 Q211274 +Q5682 P106 Q36180 +Q87131 P463 Q920266 +Q202489 P20 Q727 +Q1251733 P27 Q30 +Q6694 P463 Q123885 +Q123698 P108 Q503473 +Q311223 P106 Q169470 +Q103784 P27 Q16 +Q352963 P1412 Q1860 +Q163263 P106 Q2059704 +Q313047 P106 Q33999 +Q36591 P140 Q288928 +Q44301 P264 Q183387 +Q76 P69 Q49088 +Q1391820 P19 Q84 +Q62558 P27 Q30 +Q110126 P106 Q1930187 +Q117497 P106 Q806349 +Q1246324 P106 Q3621491 +Q265031 P106 Q33999 +Q24995 P136 Q8341 +Q26053 P106 Q177220 +Q182509 P1412 Q7411 +Q621521 P1303 Q51290 +Q312610 P1412 Q150 +Q215017 P69 Q1419737 +Q339425 P495 Q145 +Q26741 P106 Q245068 +Q388319 P161 Q316955 +Q266640 P1412 Q1860 +Q24879 P17 Q183 +Q75237 P106 Q2516866 +Q241218 P161 Q363271 +Q979545 P106 Q188094 +Q318263 P1412 Q1860 +Q10218 P27 Q668 +Q567340 P106 Q183945 +Q4218975 P3373 Q2287423 +Q232876 P551 Q277162 +Q61649 P106 Q1028181 +Q174327 P19 Q145 +Q453388 P136 Q8341 +Q186652 P69 Q209842 +Q37628 P1412 Q7737 +Q79034 P106 Q81096 +Q446504 P1412 Q652 +Q195367 P106 Q3427922 +Q151872 P69 Q174158 +Q1046612 P27 Q145 +Q924 P463 Q656801 +Q232708 P106 Q10800557 +Q106009 P463 Q150793 +Q170509 P136 Q19715429 +Q61217 P119 Q56037 +Q92359 P1412 Q188 +Q112169 P1412 Q188 +Q481474 P108 Q209344 +Q159636 P463 Q191583 +Q72292 P463 Q543804 +Q76554 P106 Q1622272 +Q440138 P1412 Q1321 +Q62910 P463 Q466113 +Q3986379 P136 Q93204 +Q240371 P172 Q49085 +Q25089 P106 Q36180 +Q462406 P161 Q1388769 +Q28885 P1412 Q7737 +Q8027 P20 Q16563 +Q357515 P1303 Q5994 +Q847018 P136 Q11401 +Q104326 P1412 Q1860 +Q75856 P19 Q1799 +Q160433 P106 Q177220 +Q84365 P106 Q864380 +Q243983 P161 Q34975 +Q332368 P161 Q181678 +Q381944 P108 Q4129798 +Q355447 P106 Q1930187 +Q32 P463 Q45177 +Q18415 P136 Q130232 +Q115674 P106 Q36180 +Q116032 P106 Q82955 +Q233898 P463 Q463281 +Q172161 P27 Q142 +Q502325 P106 Q36180 +Q138007 P20 Q1218 +Q278550 P136 Q1054574 +Q180962 P737 Q131333 +Q75914 P463 Q329464 +Q1576675 P19 Q60 +Q67462 P27 Q183 +Q57371 P69 Q322964 +Q123878 P1412 Q9063 +Q185507 P161 Q1272729 +Q36330 P20 Q220 +Q153178 P1412 Q150 +Q465640 P106 Q1930187 +Q68757 P108 Q55044 +Q892115 P463 Q463303 +Q299161 P1412 Q1860 +Q27204 P840 Q34404 +Q431540 P1412 Q9056 +Q187019 P106 Q18844224 +Q463184 P136 Q9759 +Q49524 P106 Q177220 +Q196665 P161 Q189078 +Q355153 P106 Q3282637 +Q156941 P106 Q82955 +Q881 P530 Q833 +Q65350 P463 Q459620 +Q212498 P106 Q1930187 +Q36 P463 Q7825 +Q1541 P106 Q4964182 +Q504025 P106 Q36180 +Q44593 P106 Q1930187 +Q73176 P106 Q11774202 +Q178698 P737 Q168542 +Q110042 P106 Q13570226 +Q123097 P136 Q959790 +Q241504 P161 Q329700 +Q36488 P69 Q131262 +Q264596 P106 Q4610556 +Q289598 P161 Q31293 +Q19796 P102 Q31113 +Q78479 P101 Q7867 +Q160802 P106 Q15895020 +Q337614 P463 Q46703 +Q75151 P102 Q153401 +Q481474 P463 Q338432 +Q286022 P264 Q21077 +Q51603 P69 Q49114 +Q508752 P106 Q40348 +Q223281 P19 Q11299 +Q39829 P101 Q1328508 +Q207660 P106 Q36834 +Q455703 P136 Q4184 +Q111288 P106 Q11481802 +Q96923 P106 Q6168364 +Q317228 P106 Q10800557 +Q316381 P106 Q49757 +Q110872 P69 Q153978 +Q1389588 P106 Q82955 +Q390097 P161 Q314610 +Q180223 P136 Q192239 +Q165854 P463 Q842008 +Q217280 P136 Q164444 +Q127866 P136 Q11399 +Q186221 P19 Q90 +Q181774 P106 Q2259451 +Q327914 P27 Q38 +Q142 P530 Q836 +Q229760 P264 Q1194456 +Q58073 P140 Q9268 +Q34981 P106 Q1622272 +Q221113 P161 Q380180 +Q60987 P108 Q43250 +Q208203 P69 Q274486 +Q270786 P106 Q1930187 +Q430276 P108 Q49120 +Q533369 P26 Q534234 +Q2201 P161 Q1132632 +Q116258 P106 Q6625963 +Q1683438 P106 Q482980 +Q41396 P1412 Q1860 +Q212676 P106 Q17337766 +Q710 P530 Q241 +Q54885 P106 Q488205 +Q257630 P161 Q464320 +Q362089 P106 Q36180 +Q297598 P136 Q9794 +Q272069 P1303 Q17172850 +Q117 P530 Q902 +Q313512 P101 Q41217 +Q270529 P106 Q1930187 +Q560921 P69 Q28695 +Q112145 P1412 Q9056 +Q400614 P20 Q649 +Q77476 P27 Q183 +Q1054564 P27 Q38 +Q2563 P1412 Q188 +Q191 P463 Q17495 +Q9381 P106 Q188094 +Q345446 P106 Q36834 +Q5878 P106 Q2516866 +Q335036 P136 Q1133657 +Q84412 P106 Q211346 +Q528140 P136 Q11366 +Q474810 P106 Q42973 +Q154935 P136 Q860626 +Q337747 P161 Q182763 +Q175278 P161 Q34460 +Q159585 P106 Q116 +Q1512 P136 Q19715429 +Q311970 P106 Q177220 +Q121180 P106 Q12144794 +Q60145 P463 Q44687 +Q5959091 P27 Q142 +Q154938 P1412 Q397 +Q72705 P27 Q145 +Q178527 P1412 Q9067 +Q346411 P136 Q21590660 +Q382570 P19 Q1335 +Q311684 P102 Q138345 +Q157155 P108 Q202660 +Q728365 P106 Q49757 +Q319723 P106 Q2526255 +Q114 P530 Q916 +Q453691 P1303 Q163829 +Q67529 P106 Q1622272 +Q92938 P106 Q81096 +Q1493339 P20 Q23276 +Q366671 P106 Q1415090 +Q167443 P20 Q3711 +Q107274 P106 Q33999 +Q155476 P136 Q2484376 +Q62310 P27 Q183 +Q349777 P69 Q13371 +Q712 P530 Q252 +Q312637 P106 Q6625963 +Q730 P530 Q244 +Q322465 P106 Q753110 +Q84292 P69 Q689400 +Q103109 P20 Q586 +Q300508 P161 Q4488 +Q214548 P102 Q29468 +Q112880 P106 Q28389 +Q200096 P161 Q229011 +Q403 P530 Q1049 +Q131248 P1412 Q5287 +Q322794 P69 Q160302 +Q96941 P106 Q36180 +Q741605 P106 Q81096 +Q322970 P140 Q1062789 +Q230203 P106 Q2059704 +Q244257 P136 Q471839 +Q704294 P106 Q333634 +Q212689 P840 Q60 +Q103591 P101 Q1662673 +Q272134 P106 Q1622272 +Q505827 P69 Q216273 +Q363117 P27 Q30 +Q57124 P1412 Q9067 +Q229735 P136 Q484641 +Q399 P463 Q7809 +Q213775 P69 Q154561 +Q434291 P106 Q10800557 +Q32520 P106 Q219477 +Q297618 P106 Q33999 +Q103474 P495 Q145 +Q294912 P106 Q18814623 +Q190086 P161 Q94123 +Q380252 P106 Q28389 +Q216466 P27 Q241 +Q561596 P136 Q37073 +Q75246 P106 Q82955 +Q1197841 P161 Q175104 +Q102225 P161 Q83492 +Q331896 P3373 Q47007 +Q68604 P27 Q183 +Q51023 P1412 Q150 +Q1265451 P106 Q177220 +Q65783 P106 Q182436 +Q559609 P106 Q488205 +Q219780 P106 Q18814623 +Q313283 P451 Q229184 +Q41754 P495 Q408 +Q556858 P106 Q33231 +Q495 P17 Q172579 +Q511046 P463 Q1636237 +Q285543 P19 Q220 +Q75812 P101 Q5891 +Q61497 P106 Q81096 +Q105460 P106 Q183945 +Q58612 P106 Q974144 +Q4425869 P119 Q281859 +Q50612 P102 Q29552 +Q212660 P161 Q429963 +Q77832 P20 Q1726 +Q189330 P161 Q58444 +Q241873 P106 Q10798782 +Q262980 P840 Q99 +Q358345 P136 Q21010853 +Q1046616 P1303 Q5994 +Q77008 P106 Q188094 +Q229156 P451 Q309690 +Q270730 P69 Q49088 +Q128187 P161 Q152555 +Q231163 P27 Q145 +Q88388 P463 Q1202021 +Q459310 P1412 Q9168 +Q184697 P136 Q211756 +Q214357 P27 Q30 +Q152843 P69 Q523926 +Q2071 P1412 Q1860 +Q523589 P19 Q65 +Q318412 P106 Q2405480 +Q35 P463 Q8475 +Q67953 P119 Q2861 +Q1382883 P106 Q177220 +Q85417 P108 Q20266330 +Q711 P530 Q408 +Q203574 P161 Q28054 +Q676562 P136 Q1344 +Q971782 P106 Q639669 +Q133654 P136 Q130232 +Q66379 P27 Q183 +Q229244 P19 Q34006 +Q276038 P136 Q9730 +Q205028 P161 Q236939 +Q77551 P463 Q543804 +Q373423 P106 Q36180 +Q83003 P106 Q188094 +Q991 P106 Q4964182 +Q773804 P136 Q9759 +Q92004 P26 Q23481 +Q295431 P106 Q11774202 +Q958 P530 Q902 +Q860206 P106 Q2732142 +Q507046 P106 Q11631 +Q310953 P106 Q947873 +Q319751 P106 Q639669 +Q189454 P1412 Q1860 +Q921542 P136 Q484641 +Q457022 P106 Q2252262 +Q109053 P264 Q557632 +Q311267 P106 Q33999 +Q48042 P106 Q82955 +Q65475 P463 Q44687 +Q381768 P106 Q9017214 +Q159 P530 Q31 +Q229612 P106 Q3282637 +Q239464 P106 Q10798782 +Q981171 P27 Q15180 +Q302762 P551 Q18419 +Q307440 P1412 Q13955 +Q298035 P1412 Q1321 +Q108602 P108 Q49108 +Q432552 P264 Q1273666 +Q263930 P161 Q200355 +Q78080 P27 Q183 +Q2621694 P27 Q15180 +Q78491 P509 Q3505252 +Q171861 P495 Q142 +Q465881 P106 Q10800557 +Q44845 P106 Q1622272 +Q522569 P106 Q639669 +Q2464214 P463 Q191583 +Q40 P37 Q188 +Q12735 P106 Q974144 +Q1321093 P1412 Q5287 +Q214014 P840 Q34404 +Q10287 P140 Q9592 +Q153739 P27 Q142 +Q135481 P106 Q901402 +Q60546 P102 Q7320 +Q432655 P106 Q4220892 +Q34389 P1412 Q1860 +Q229330 P106 Q177220 +Q460876 P509 Q3505252 +Q48112 P20 Q649 +Q1586916 P106 Q10800557 +Q323483 P106 Q488205 +Q19198 P264 Q1025919 +Q102852 P106 Q36180 +Q155152 P159 Q30 +Q3662078 P106 Q1622272 +Q701802 P106 Q753110 +Q1558793 P106 Q81096 +Q254804 P20 Q99 +Q297377 P27 Q1747689 +Q261522 P19 Q994 +Q238 P530 Q145 +Q17135 P509 Q12136 +Q95119 P119 Q1437214 +Q230209 P136 Q11366 +Q220910 P136 Q959790 +Q392 P1303 Q51290 +Q242792 P106 Q177220 +Q202148 P69 Q861548 +Q123861 P106 Q36180 +Q106349 P106 Q28389 +Q1334617 P106 Q753110 +Q38561 P495 Q30 +Q374770 P106 Q2526255 +Q219772 P106 Q488205 +Q370893 P136 Q959790 +Q217427 P136 Q20502 +Q324557 P161 Q236010 +Q911923 P106 Q183945 +Q93632 P20 Q60 +Q1070606 P136 Q211756 +Q920526 P1412 Q188 +Q84114 P106 Q158852 +Q64043 P463 Q414110 +Q537386 P1303 Q46185 +Q2895 P30 Q46 +Q47284 P106 Q222344 +Q133465 P108 Q189441 +Q92893 P106 Q1622272 +Q214097 P108 Q154804 +Q6711 P140 Q748 +Q47899 P1303 Q17172850 +Q333632 P106 Q6625963 +Q318694 P136 Q83270 +Q8862012 P1412 Q150 +Q1252841 P1412 Q9288 +Q1173441 P106 Q855091 +Q57276 P106 Q36180 +Q707293 P106 Q183945 +Q1820387 P136 Q131272 +Q580414 P106 Q2526255 +Q357821 P1412 Q7850 +Q35 P463 Q1480793 +Q434763 P106 Q33999 +Q41314 P69 Q5384959 +Q298838 P106 Q177220 +Q180665 P106 Q3282637 +Q1766082 P101 Q207628 +Q253977 P69 Q168756 +Q237659 P106 Q245068 +Q520504 P106 Q36180 +Q290094 P106 Q10800557 +Q124057 P27 Q96 +Q177374 P161 Q47100 +Q63809 P1412 Q188 +Q116022 P106 Q1234713 +Q456762 P20 Q71 +Q362089 P106 Q49757 +Q164804 P161 Q229156 +Q156911 P161 Q118066 +Q44467 P69 Q1419737 +Q56094 P40 Q193628 +Q343633 P106 Q1930187 +Q432940 P3373 Q313546 +Q1368401 P119 Q168886 +Q302817 P140 Q7066 +Q5383 P136 Q193207 +Q3589 P161 Q511554 +Q93853 P161 Q47122 +Q212993 P106 Q1238570 +Q202148 P27 Q30 +Q426433 P161 Q76895 +Q355314 P463 Q466089 +Q241115 P1303 Q17172850 +Q65533 P106 Q2526255 +Q215 P530 Q219 +Q102235 P161 Q343463 +Q259047 P27 Q30 +Q431038 P106 Q10800557 +Q705210 P172 Q121842 +Q4536 P161 Q271635 +Q70867 P102 Q328195 +Q102813 P106 Q36180 +Q296244 P106 Q214917 +Q235716 P140 Q432 +Q617920 P27 Q30 +Q453679 P106 Q34074720 +Q6882 P106 Q676 +Q1013 P463 Q340195 +Q208344 P136 Q471839 +Q441825 P27 Q38 +Q76498 P172 Q42884 +Q363371 P106 Q488205 +Q271119 P106 Q177220 +Q907534 P108 Q838330 +Q44857 P106 Q488205 +Q122461 P108 Q49213 +Q139542 P136 Q859369 +Q774 P530 Q458 +Q956296 P106 Q214917 +Q345571 P463 Q107569 +Q190770 P463 Q83172 +Q727705 P27 Q155 +Q92619 P69 Q457281 +Q86407 P136 Q49084 +Q62866 P108 Q13371 +Q319342 P106 Q1086863 +Q980151 P19 Q60 +Q356140 P136 Q131272 +Q106029 P463 Q684415 +Q971962 P172 Q7325 +Q63187 P106 Q10798782 +Q239131 P108 Q168756 +Q281998 P69 Q1059546 +Q232101 P19 Q36091 +Q192634 P19 Q406 +Q100765 P1412 Q188 +Q1468495 P1303 Q46185 +Q35 P530 Q1029 +Q246731 P463 Q191583 +Q555505 P106 Q644687 +Q445095 P101 Q482 +Q1192 P106 Q158852 +Q77 P530 Q159 +Q229364 P106 Q177220 +Q435290 P106 Q47064 +Q217 P463 Q827525 +Q36 P463 Q191582 +Q267435 P106 Q183945 +Q67177 P69 Q745967 +Q312801 P264 Q183412 +Q180252 P106 Q2405480 +Q150651 P19 Q60 +Q1101377 P136 Q8341 +Q62116 P19 Q3936 +Q649987 P106 Q6606110 +Q92621 P27 Q30 +Q314834 P106 Q2259451 +Q166646 P106 Q1930187 +Q202792 P106 Q2405480 +Q344822 P136 Q8341 +Q239464 P27 Q30 +Q1254 P140 Q23540 +Q233 P530 Q403 +Q92663 P106 Q1622272 +Q325679 P106 Q17351648 +Q216570 P106 Q483501 +Q112747 P161 Q29086 +Q82222 P106 Q42603 +Q3709938 P108 Q49213 +Q329464 P17 Q183 +Q1124849 P749 Q38903 +Q63209 P27 Q183 +Q193674 P119 Q272208 +Q220816 P106 Q1930187 +Q63224 P27 Q38872 +Q202982 P136 Q200092 +Q118233 P106 Q36834 +Q1284551 P69 Q192334 +Q982047 P106 Q39631 +Q231487 P1303 Q17172850 +Q1352222 P69 Q49122 +Q232079 P136 Q1200678 +Q240576 P1412 Q652 +Q239411 P27 Q30 +Q9061 P101 Q21201 +Q85034 P106 Q14467526 +Q217160 P106 Q10798782 +Q361683 P172 Q49085 +Q68476 P20 Q6602 +Q358317 P509 Q29496 +Q240430 P1303 Q17172850 +Q220910 P495 Q30 +Q97028 P106 Q36180 +Q85295 P106 Q82955 +Q185007 P106 Q901 +Q78833 P463 Q684415 +Q19955709 P106 Q15296811 +Q221109 P495 Q30 +Q5809 P69 Q194223 +Q691973 P106 Q36834 +Q105531 P27 Q183 +Q84186 P1412 Q1568 +Q230662 P509 Q12136 +Q131864 P136 Q157394 +Q336185 P1412 Q1860 +Q152768 P136 Q9730 +Q234117 P106 Q2865819 +Q506393 P106 Q130857 +Q345612 P737 Q183266 +Q52583 P264 Q729590 +Q723063 P106 Q753110 +Q55207 P108 Q4129798 +Q786954 P106 Q639669 +Q212064 P172 Q1075293 +Q41523 P136 Q36279 +Q363867 P106 Q36834 +Q853461 P106 Q33231 +Q187324 P106 Q1028181 +Q185507 P136 Q860626 +Q218992 P136 Q850412 +Q46248 P106 Q482980 +Q1014 P530 Q30 +Q867599 P1303 Q6607 +Q44258 P106 Q250867 +Q309900 P172 Q1075293 +Q66023 P106 Q1607826 +Q92760 P108 Q217365 +Q183253 P106 Q14467526 +Q62254 P106 Q36180 +Q183074 P27 Q96 +Q60650 P19 Q1022 +Q124670 P509 Q189588 +Q540443 P106 Q15442776 +Q107226 P136 Q52162262 +Q44780 P27 Q30 +Q241218 P495 Q30 +Q378891 P136 Q130232 +Q1371509 P17 Q142 +Q462261 P1412 Q1321 +Q4532076 P106 Q193391 +Q214477 P509 Q476921 +Q356283 P1412 Q1860 +Q324239 P495 Q145 +Q228812 P135 Q180902 +Q371925 P106 Q17337766 +Q51564 P106 Q2526255 +Q296609 P26 Q42493 +Q144622 P106 Q55960555 +Q1060636 P737 Q25161 +Q79759 P106 Q49757 +Q1222903 P27 Q183 +Q43 P530 Q16 +Q224 P530 Q865 +Q47216 P106 Q82955 +Q86095 P463 Q543804 +Q231128 P1412 Q1860 +Q157194 P1412 Q652 +Q361677 P1303 Q6607 +Q77144 P106 Q82955 +Q164957 P106 Q39631 +Q171976 P1412 Q7737 +Q91990 P106 Q49757 +Q22072 P27 Q145 +Q156890 P106 Q36180 +Q196287 P463 Q463303 +Q76432 P1412 Q188 +Q168356 P106 Q8178443 +Q276523 P161 Q310357 +Q269809 P106 Q10798782 +Q660545 P20 Q60 +Q123557 P69 Q372608 +Q179858 P69 Q28695 +Q329549 P106 Q10800557 +Q211539 P106 Q82955 +Q568455 P108 Q49119 +Q664909 P27 Q30 +Q216398 P106 Q49757 +Q72564 P108 Q156737 +Q43718 P106 Q6625963 +Q7013 P106 Q33999 +Q29328 P551 Q65 +Q242373 P27 Q30 +Q356140 P106 Q177220 +Q182305 P106 Q49757 +Q107167 P136 Q859369 +Q213430 P106 Q1930187 +Q188411 P1412 Q397 +Q865275 P69 Q156725 +Q125057 P509 Q12152 +Q4700 P1303 Q5994 +Q1354583 P1303 Q17172850 +Q94123 P106 Q245068 +Q77468 P106 Q482980 +Q557730 P69 Q263064 +Q4518 P106 Q2259451 +Q131332 P106 Q177220 +Q312472 P1412 Q652 +Q705482 P106 Q333634 +Q90885 P106 Q864380 +Q51010 P136 Q37073 +Q714462 P69 Q49088 +Q128518 P495 Q30 +Q4963372 P106 Q121594 +Q442667 P1303 Q17172850 +Q1007 P463 Q1065 +Q282002 P264 Q21077 +Q435151 P136 Q482 +Q235742 P136 Q959790 +Q197206 P106 Q4773904 +Q131725 P27 Q30 +Q92946 P69 Q273626 +Q224902 P19 Q1780 +Q1349501 P106 Q245068 +Q44403 P106 Q11774202 +Q112284 P27 Q30 +Q379923 P106 Q1930187 +Q1161444 P27 Q183 +Q362687 P106 Q13382533 +Q46633 P69 Q332342 +Q74441 P69 Q315658 +Q260616 P136 Q319221 +Q389548 P495 Q30 +Q191100 P136 Q471839 +Q313578 P106 Q183945 +Q516786 P106 Q1930187 +Q154855 P106 Q169470 +Q235617 P106 Q10800557 +Q380799 P136 Q850412 +Q76579 P509 Q12202 +Q206224 P136 Q200092 +Q763897 P1303 Q80284 +Q236303 P106 Q10798782 +Q24879 P463 Q1768108 +Q983167 P1412 Q809 +Q317152 P106 Q11774202 +Q15975 P106 Q6625963 +Q68584 P106 Q36180 +Q436386 P1412 Q1860 +Q438164 P737 Q708581 +Q218172 P161 Q447669 +Q104591 P108 Q316592 +Q96843 P509 Q12078 +Q444518 P106 Q2259451 +Q656 P30 Q46 +Q294901 P106 Q10798782 +Q155 P463 Q1072120 +Q76308 P1412 Q188 +Q954 P30 Q15 +Q716906 P20 Q1190590 +Q181689 P19 Q1428 +Q76422 P106 Q36180 +Q51570 P27 Q30 +Q235946 P1412 Q1860 +Q350194 P106 Q2259451 +Q108510 P102 Q29552 +Q181677 P106 Q28389 +Q159481 P140 Q620629 +Q445372 P140 Q178169 +Q1698 P106 Q36834 +Q188492 P106 Q36180 +Q319061 P136 Q17013749 +Q59595 P495 Q30 +Q99842 P69 Q315658 +Q989 P1412 Q143 +Q1242553 P1303 Q17172850 +Q126462 P27 Q70972 +Q332525 P106 Q183945 +Q1395790 P1303 Q281460 +Q28193 P161 Q45772 +Q76624 P106 Q81096 +Q230641 P106 Q10798782 +Q30449 P106 Q177220 +Q108639 P106 Q1930187 +Q67711 P106 Q662729 +Q130742 P264 Q2338889 +Q131149 P106 Q36180 +Q245208 P136 Q172980 +Q231595 P27 Q30 +Q104688 P106 Q170790 +Q429963 P19 Q49231 +Q939105 P69 Q617433 +Q13526 P140 Q6423963 +Q671665 P106 Q177220 +Q971 P530 Q865 +Q82278 P27 Q145 +Q596817 P106 Q488205 +Q916 P17 Q200464 +Q1680268 P106 Q170790 +Q862 P106 Q214917 +Q133009 P27 Q20 +Q173839 P1412 Q1860 +Q227 P463 Q380340 +Q387638 P161 Q40026 +Q194413 P161 Q277099 +Q105428 P106 Q1231865 +Q540166 P27 Q174193 +Q184226 P106 Q201788 +Q68533 P463 Q543804 +Q150281 P1412 Q1860 +Q561809 P106 Q639669 +Q88997 P19 Q1720 +Q321917 P19 Q18383 +Q508325 P27 Q34 +Q434839 P27 Q28513 +Q41076 P106 Q2405480 +Q322730 P27 Q30 +Q161963 P106 Q1622272 +Q927469 P106 Q855091 +Q555 P106 Q1642960 +Q202878 P106 Q18814623 +Q78774 P106 Q49757 +Q1057003 P509 Q3505252 +Q141860 P106 Q47064 +Q82110 P1303 Q6607 +Q375855 P136 Q130232 +Q351732 P106 Q36834 +Q520053 P463 Q265058 +Q171363 P551 Q60 +Q254820 P27 Q30 +Q143230 P106 Q28389 +Q241583 P737 Q9711 +Q88135 P20 Q56037 +Q424 P463 Q842490 +Q1524938 P1303 Q17172850 +Q30449 P101 Q207628 +Q166262 P161 Q48337 +Q64440 P108 Q161976 +Q485172 P17 Q30 +Q4295 P101 Q5891 +Q55294 P106 Q28389 +Q237324 P1303 Q17172850 +Q910486 P106 Q10798782 +Q708236 P1303 Q258896 +Q4120312 P106 Q43845 +Q275967 P1412 Q9288 +Q194280 P106 Q2516866 +Q173175 P101 Q131524 +Q51495 P106 Q2526255 +Q75868 P106 Q16323111 +Q161877 P106 Q4610556 +Q218 P530 Q39 +Q2161 P20 Q2277 +Q430849 P106 Q28389 +Q473257 P106 Q333634 +Q191702 P27 Q34266 +Q240869 P1303 Q5994 +Q155 P530 Q16 +Q1105367 P106 Q43845 +Q389589 P463 Q1792159 +Q74865 P27 Q183 +Q151403 P106 Q37226 +Q229018 P106 Q49757 +Q69521 P463 Q123885 +Q151593 P108 Q2994538 +Q71650 P1412 Q188 +Q24962 P106 Q10800557 +Q8814 P106 Q81096 +Q71130 P27 Q30 +Q83059 P737 Q82925 +Q222720 P57 Q13595531 +Q80758 P106 Q33999 +Q617109 P106 Q131512 +Q75546 P840 Q65 +Q160717 P106 Q1476215 +Q372278 P106 Q639669 +Q213864 P641 Q5386 +Q108283 P106 Q2259451 +Q35448 P19 Q656 +Q40504 P27 Q16 +Q381256 P106 Q36180 +Q172599 P106 Q4964182 +Q704355 P19 Q34739 +Q267769 P27 Q28 +Q271690 P161 Q170530 +Q221103 P161 Q95008 +Q87208 P27 Q40 +Q1246324 P463 Q123885 +Q958578 P1412 Q1860 +Q216536 P27 Q801 +Q298 P463 Q899770 +Q104088 P102 Q153401 +Q52997 P509 Q11081 +Q363949 P106 Q14467526 +Q102541 P1412 Q188 +Q78608 P20 Q62 +Q150916 P1303 Q5994 +Q62986 P106 Q33231 +Q386438 P106 Q36180 +Q528647 P106 Q82955 +Q170842 P69 Q1472245 +Q66370 P119 Q562211 +Q168728 P108 Q230492 +Q15031 P19 Q956 +Q453388 P106 Q1930187 +Q360507 P172 Q44806 +Q15180 P530 Q843 +Q184805 P264 Q726153 +Q211283 P1050 Q11085 +Q264307 P161 Q42930 +Q132266 P495 Q30 +Q92977 P69 Q41506 +Q119198 P106 Q2259451 +Q865 P530 Q414 +Q71650 P106 Q4610556 +Q80424 P1303 Q6607 +Q158050 P19 Q3711 +Q1997159 P106 Q1930187 +Q220980 P463 Q11993457 +Q298347 P106 Q4610556 +Q84233 P172 Q7325 +Q231228 P551 Q34404 +Q236189 P106 Q33999 +Q650878 P106 Q1930187 +Q228755 P106 Q33999 +Q89043 P106 Q2055046 +Q298532 P106 Q82955 +Q144664 P106 Q1259917 +Q334288 P106 Q177220 +Q225509 P106 Q36180 +Q94031 P27 Q145 +Q157451 P140 Q9585 +Q101919 P108 Q20266330 +Q252 P463 Q5611262 +Q237548 P1303 Q6607 +Q78632 P106 Q36834 +Q76593 P27 Q1206012 +Q8768 P106 Q6606110 +Q203460 P509 Q9687 +Q152451 P106 Q82955 +Q27 P463 Q899770 +Q180338 P101 Q222749 +Q13133 P106 Q40348 +Q44380 P106 Q4610556 +Q77060 P106 Q639669 +Q362639 P106 Q639669 +Q11812 P463 Q337526 +Q255725 P106 Q177220 +Q40 P463 Q1969730 +Q230395 P136 Q37073 +Q441439 P106 Q82955 +Q154938 P106 Q1743122 +Q97423 P106 Q33999 +Q967 P463 Q294278 +Q432421 P264 Q277626 +Q2742 P463 Q52144567 +Q125095 P27 Q183 +Q60208 P1412 Q188 +Q218698 P27 Q174193 +Q57386 P19 Q64 +Q345468 P106 Q2526255 +Q45124 P106 Q6625963 +Q133151 P40 Q231182 +Q165854 P69 Q13164 +Q230 P463 Q656801 +Q345517 P509 Q476921 +Q335643 P106 Q2259451 +Q348658 P106 Q5322166 +Q138416 P27 Q29 +Q44461 P737 Q33760 +Q51416 P161 Q40096 +Q231207 P106 Q2865819 +Q205687 P840 Q20 +Q2599 P106 Q386854 +Q122020 P106 Q3501317 +Q98737 P106 Q1930187 +Q49819 P19 Q1781 +Q276419 P106 Q10798782 +Q1320912 P106 Q639669 +Q221468 P1303 Q128309 +Q364868 P27 Q30 +Q51908481 P3373 Q13129708 +Q3298815 P106 Q43845 +Q233022 P106 Q33999 +Q38222 P69 Q4614 +Q258793 P106 Q3455803 +Q236094 P101 Q482 +Q107957 P106 Q47064 +Q19845 P463 Q55641 +Q508497 P27 Q414 +Q162035 P136 Q316930 +Q878 P530 Q865 +Q316901 P106 Q3665646 +Q25351 P106 Q2135538 +Q18407 P495 Q142 +Q247846 P106 Q36180 +Q2704774 P106 Q18576582 +Q163118 P101 Q8261 +Q135640 P106 Q11774202 +Q320204 P106 Q10800557 +Q561670 P106 Q1930187 +Q57179 P106 Q82955 +Q212 P530 Q222 +Q1548904 P106 Q2914170 +Q368129 P106 Q177220 +Q44077 P106 Q10800557 +Q60389 P106 Q82955 +Q7327064 P69 Q35794 +Q542489 P106 Q82955 +Q26848 P509 Q181754 +Q327914 P106 Q201788 +Q6530 P106 Q28389 +Q20882 P106 Q131524 +Q620609 P106 Q901 +Q18430 P108 Q230899 +Q480037 P1412 Q6654 +Q331587 P19 Q18419 +Q97646 P106 Q36180 +Q67921 P19 Q1295 +Q66493 P69 Q152087 +Q564886 P106 Q82955 +Q344655 P27 Q145 +Q1329361 P106 Q81096 +Q631508 P108 Q310695 +Q314990 P463 Q161806 +Q3193543 P106 Q201788 +Q127330 P19 Q5092 +Q48067 P106 Q82955 +Q58720 P106 Q1622272 +Q2619019 P19 Q61 +Q981981 P27 Q145 +Q230916 P136 Q1344 +Q185832 P19 Q1754 +Q239002 P106 Q55960555 +Q191842 P1303 Q17172850 +Q55394 P1412 Q150 +Q2793815 P106 Q36180 +Q231635 P1303 Q17172850 +Q19200 P1303 Q52954 +Q61649 P1412 Q188 +Q315650 P106 Q639669 +Q2530 P27 Q183 +Q7747 P106 Q185351 +Q235221 P106 Q10800557 +Q73437 P69 Q1161297 +Q45 P530 Q155 +Q234750 P1303 Q6607 +Q60804 P101 Q36442 +Q52488 P136 Q156035 +Q12571 P106 Q1622272 +Q220864 P106 Q2526255 +Q33866 P641 Q32112 +Q1378199 P106 Q1320883 +Q369283 P106 Q36180 +Q78214 P106 Q36180 +Q783 P463 Q842490 +Q42402 P106 Q639669 +Q201418 P19 Q60 +Q755 P106 Q36180 +Q550778 P19 Q1345 +Q105941 P106 Q5716684 +Q5372719 P69 Q1053996 +Q235066 P106 Q205375 +Q37767 P106 Q214917 +Q106834 P106 Q333634 +Q462744 P1412 Q150 +Q317967 P27 Q41 +Q291500 P106 Q1930187 +Q65728 P19 Q2966 +Q173061 P106 Q753110 +Q76893 P106 Q82955 +Q488288 P19 Q649 +Q179576 P106 Q10798782 +Q275120 P161 Q178348 +Q103598 P106 Q1650915 +Q204398 P495 Q145 +Q573532 P69 Q5901972 +Q370326 P840 Q60 +Q976238 P27 Q83286 +Q175395 P20 Q33935 +Q229153 P106 Q2259451 +Q268294 P19 Q60 +Q3772 P106 Q2526255 +Q1338141 P1412 Q1860 +Q76993 P106 Q43845 +Q190585 P136 Q38848 +Q289598 P161 Q229042 +Q103835 P463 Q543804 +Q712359 P509 Q47912 +Q160902 P102 Q49768 +Q642817 P106 Q333634 +Q206693 P106 Q753110 +Q157309 P106 Q49757 +Q214324 P1412 Q188 +Q317397 P106 Q158852 +Q108283 P106 Q639669 +Q442300 P1412 Q1860 +Q45394 P136 Q224700 +Q36620 P1412 Q397 +Q239293 P27 Q30 +Q2560493 P69 Q854280 +Q518850 P106 Q82955 +Q142 P530 Q833 +Q2904665 P106 Q2462658 +Q357776 P551 Q8684 +Q198451 P840 Q5083 +Q948561 P136 Q8341 +Q211696 P509 Q3505252 +Q16389 P106 Q131524 +Q62765 P106 Q3621491 +Q91090 P106 Q1622272 +Q726057 P19 Q60 +Q72543 P69 Q273626 +Q380852 P106 Q33999 +Q71633 P106 Q1622272 +Q188962 P108 Q201492 +Q4093262 P27 Q159 +Q260616 P136 Q157394 +Q443292 P106 Q10798782 +Q342430 P106 Q10798782 +Q7999 P106 Q183945 +Q352452 P140 Q7066 +Q232810 P69 Q503419 +Q969753 P1412 Q188 +Q1292110 P119 Q6923684 +Q313378 P1303 Q46185 +Q309690 P106 Q28389 +Q51123 P119 Q1603 +Q103075 P106 Q36180 +Q162005 P106 Q82594 +Q59610 P161 Q164730 +Q78924 P106 Q10798782 +Q1380398 P106 Q753110 +Q104061 P106 Q3282637 +Q37160 P106 Q4964182 +Q350903 P69 Q503246 +Q275900 P106 Q486748 +Q324397 P27 Q30 +Q178527 P106 Q81096 +Q40874 P463 Q812155 +Q869758 P136 Q484344 +Q47667 P69 Q49088 +Q1373629 P106 Q49757 +Q924668 P106 Q753110 +Q272946 P106 Q10800557 +Q983 P463 Q2029901 +Q23505 P463 Q468865 +Q88997 P1412 Q188 +Q314035 P509 Q189588 +Q1219622 P27 Q34266 +Q184 P463 Q191384 +Q270324 P106 Q177220 +Q315592 P161 Q108935 +Q327436 P106 Q33999 +Q204725 P136 Q157394 +Q77350 P463 Q2043519 +Q4384878 P102 Q79854 +Q1270525 P106 Q639669 +Q11755 P463 Q463303 +Q2908686 P27 Q79 +Q154959 P106 Q1622272 +Q83410 P27 Q30 +Q6246180 P69 Q270920 +Q172916 P106 Q2259532 +Q297744 P106 Q10798782 +Q237690 P27 Q142 +Q151892 P106 Q12362622 +Q18143 P27 Q148 +Q372215 P106 Q43845 +Q1139628 P136 Q484641 +Q11459 P106 Q36180 +Q92824 P40 Q357936 +Q711 P530 Q145 +Q115883 P106 Q16533 +Q267866 P161 Q3772 +Q880405 P1303 Q128309 +Q374323 P1303 Q17172850 +Q180505 P27 Q30 +Q79031 P106 Q33999 +Q66622 P1412 Q188 +Q223299 P161 Q49001 +Q93764 P27 Q40 +Q210798 P119 Q272208 +Q243983 P495 Q30 +Q363386 P106 Q3282637 +Q233911 P106 Q33999 +Q263185 P108 Q503246 +Q106691 P106 Q1622272 +Q16403 P161 Q210741 +Q228733 P136 Q37073 +Q83410 P26 Q442549 +Q61962 P1412 Q809 +Q80900 P106 Q1476215 +Q1275 P108 Q1065 +Q428490 P1412 Q9176 +Q235141 P106 Q10800557 +Q44077 P106 Q2259451 +Q43432 P264 Q202585 +Q68596 P108 Q161976 +Q77204 P1412 Q188 +Q1394 P106 Q188094 +Q215017 P106 Q10800557 +Q18118088 P3373 Q53570396 +Q4715 P69 Q157575 +Q1343669 P264 Q126399 +Q3090082 P40 Q468577 +Q790 P530 Q865 +Q1203 P106 Q36834 +Q262446 P136 Q37073 +Q572741 P19 Q23306 +Q949696 P106 Q10798782 +Q88748 P140 Q75809 +Q70326 P106 Q639669 +Q484523 P106 Q183945 +Q574124 P108 Q23548 +Q13894 P463 Q812155 +Q184226 P69 Q209842 +Q430602 P1303 Q17172850 +Q88767 P20 Q268 +Q231006 P1303 Q17172850 +Q232834 P106 Q177220 +Q386053 P106 Q753110 +Q318685 P106 Q3282637 +Q208537 P27 Q29 +Q192160 P495 Q30 +Q426828 P136 Q200092 +Q77824 P108 Q152838 +Q182305 P551 Q854 +Q1181035 P1303 Q6607 +Q46548 P106 Q36834 +Q555993 P463 Q1636237 +Q426393 P136 Q622370 +Q2892622 P19 Q84 +Q865 P463 Q7825 +Q77980 P19 Q64 +Q34 P463 Q3866537 +Q370959 P106 Q33999 +Q461104 P106 Q1231865 +Q276523 P161 Q2685 +Q202314 P264 Q843402 +Q892 P106 Q49757 +Q92851 P27 Q30 +Q465636 P264 Q2034661 +Q944478 P20 Q649 +Q263024 P106 Q36834 +Q69645 P1412 Q188 +Q170509 P69 Q13371 +Q230 P463 Q8908 +Q296069 P106 Q864380 +Q184933 P27 Q33946 +Q388319 P161 Q220751 +Q75292 P27 Q1206012 +Q1113061 P106 Q81096 +Q43 P530 Q159 +Q19008 P27 Q145 +Q44426 P106 Q222344 +Q256402 P106 Q10800557 +Q229957 P451 Q342665 +Q853461 P69 Q131262 +Q910761 P106 Q2259451 +Q1138602 P136 Q1196752 +Q1059718 P106 Q488205 +Q144439 P27 Q34266 +Q53040 P106 Q33999 +Q869 P530 Q403 +Q164396 P106 Q11063 +Q286410 P136 Q11366 +Q312385 P27 Q145 +Q332956 P106 Q864380 +Q889 P530 Q403 +Q1339382 P106 Q4610556 +Q281480 P161 Q349852 +Q82519 P135 Q377616 +Q117783 P20 Q12892 +Q76432 P463 Q188771 +Q273208 P106 Q33999 +Q130742 P136 Q484641 +Q410 P106 Q752129 +Q957575 P140 Q624477 +Q392915 P136 Q2297927 +Q44007 P27 Q1206012 +Q18450 P69 Q332342 +Q1111386 P19 Q49145 +Q158379 P172 Q170217 +Q392785 P136 Q130232 +Q117497 P1303 Q9798 +Q221289 P106 Q177220 +Q26162388 P50 Q77492 +Q481885 P106 Q639669 +Q14859 P463 Q747279 +Q215949 P463 Q463303 +Q105531 P106 Q14467526 +Q426582 P509 Q175111 +Q29008 P1412 Q188 +Q174559 P136 Q130232 +Q359568 P20 Q649 +Q84441 P27 Q28513 +Q1050 P530 Q258 +Q297598 P1412 Q1860 +Q20127 P106 Q16323111 +Q232468 P27 Q38 +Q1237689 P106 Q2865819 +Q266578 P1412 Q9288 +Q553276 P20 Q1190590 +Q85261 P106 Q1930187 +Q84233 P108 Q503473 +Q190145 P161 Q234195 +Q221168 P161 Q231163 +Q584850 P27 Q172579 +Q70767 P27 Q41304 +Q240890 P136 Q1344 +Q206576 P840 Q90 +Q314343 P264 Q3629023 +Q314308 P106 Q82594 +Q131324 P101 Q207628 +Q116577 P106 Q36180 +Q364270 P27 Q34 +Q288098 P136 Q157443 +Q456903 P19 Q8652 +Q662119 P106 Q333634 +Q92004 P20 Q70 +Q468577 P27 Q145 +Q324557 P136 Q471839 +Q234015 P1412 Q1860 +Q239587 P106 Q177220 +Q964071 P106 Q2259451 +Q1163944 P102 Q79854 +Q84771 P69 Q151510 +Q85716 P106 Q1743122 +Q73890 P27 Q183 +Q201484 P108 Q209842 +Q668 P530 Q858 +Q47904 P463 Q338432 +Q245787 P27 Q217 +Q505743 P19 Q65 +Q430905 P19 Q6346 +Q133054 P106 Q18939491 +Q541573 P106 Q36834 +Q190379 P108 Q193196 +Q123078 P136 Q132311 +Q695200 P106 Q36180 +Q157309 P101 Q9465 +Q103114 P737 Q81447 +Q215258 P509 Q212961 +Q64241 P108 Q21578 +Q216409 P106 Q36180 +Q319133 P106 Q11481802 +Q166344 P106 Q855091 +Q447827 P20 Q1781 +Q387958 P840 Q1794 +Q160071 P136 Q1054574 +Q22686 P106 Q43845 +Q5921354 P106 Q3391743 +Q531743 P106 Q512314 +Q254 P172 Q237534 +Q115780 P106 Q1622272 +Q36290 P136 Q37073 +Q3018520 P106 Q15442776 +Q332693 P19 Q495 +Q292623 P106 Q5716684 +Q708506 P27 Q30 +Q189869 P20 Q2807 +Q218960 P140 Q6423963 +Q291806 P1412 Q1860 +Q757 P463 Q1043527 +Q347368 P69 Q739627 +Q358306 P69 Q174710 +Q77184 P463 Q265058 +Q78774 P106 Q82955 +Q317350 P106 Q55960555 +Q182373 P495 Q30 +Q3335 P106 Q16287483 +Q242873 P27 Q30 +Q69319 P69 Q309331 +Q192145 P106 Q43845 +Q90220 P106 Q1930187 +Q14063 P27 Q31 +Q127349 P1412 Q1321 +Q181573 P136 Q112983 +Q367748 P161 Q209186 +Q18628 P136 Q20378 +Q30 P530 Q710 +Q202550 P136 Q484641 +Q60579 P27 Q183 +Q367973 P106 Q1028181 +Q28 P530 Q222 +Q220910 P161 Q36949 +Q41568 P106 Q18814623 +Q939357 P106 Q486748 +Q229244 P69 Q1026827 +Q313874 P136 Q52162262 +Q316568 P19 Q60 +Q76422 P737 Q9235 +Q710466 P1412 Q1860 +Q233085 P106 Q33999 +Q76583 P108 Q152087 +Q190145 P161 Q51564 +Q117185 P27 Q39 +Q315756 P106 Q2526255 +Q1139388 P1303 Q6607 +Q163872 P161 Q83492 +Q332783 P106 Q43845 +Q131814 P106 Q639669 +Q42247 P463 Q161806 +Q513268 P27 Q30 +Q278174 P136 Q49084 +Q4415063 P27 Q15180 +Q93401 P106 Q185351 +Q123225 P27 Q39 +Q376176 P19 Q1297 +Q237659 P106 Q3282637 +Q219640 P1412 Q1860 +Q181 P551 Q84 +Q174037 P119 Q1950363 +Q296630 P19 Q1297 +Q1389588 P106 Q81096 +Q823003 P106 Q6625963 +Q541599 P264 Q2164531 +Q43203 P1303 Q5994 +Q234335 P27 Q30 +Q203840 P106 Q33999 +Q58125755 P106 Q36834 +Q26876 P106 Q10798782 +Q78473 P106 Q82955 +Q156379 P27 Q15180 +Q2857384 P1303 Q17172850 +Q154448 P106 Q1028181 +Q1347095 P1303 Q17172850 +Q255720 P1303 Q8371 +Q166234 P108 Q219317 +Q229646 P69 Q1247589 +Q470619 P136 Q11401 +Q186504 P161 Q45772 +Q73975 P27 Q43287 +Q723320 P1412 Q7737 +Q1741 P131 Q7318 +Q78608 P509 Q12078 +Q553259 P106 Q1028181 +Q44645 P140 Q6423963 +Q976238 P106 Q1028181 +Q93664 P108 Q457281 +Q52392 P1303 Q17172850 +Q318938 P106 Q10800557 +Q439358 P19 Q37320 +Q2902600 P1412 Q9288 +Q192655 P1412 Q5146 +Q86289 P106 Q186360 +Q72971 P27 Q40 +Q794 P530 Q822 +Q4963372 P106 Q1028181 +Q123557 P463 Q414379 +Q661848 P69 Q144488 +Q179449 P19 Q172455 +Q1403698 P106 Q639669 +Q945 P30 Q15 +Q192912 P106 Q713200 +Q29213 P69 Q28695 +Q72224 P1412 Q188 +Q505476 P1303 Q163829 +Q230499 P1303 Q133163 +Q295592 P106 Q10800557 +Q88427 P106 Q9352089 +Q160263 P463 Q463303 +Q7407 P1412 Q1860 +Q36 P463 Q81299 +Q42047 P136 Q645928 +Q25660 P106 Q177220 +Q105119 P27 Q183 +Q596925 P106 Q6625963 +Q516285 P69 Q273626 +Q455552 P136 Q130232 +Q332693 P106 Q1238570 +Q971702 P106 Q1930187 +Q154412 P1412 Q809 +Q234101 P1412 Q1860 +Q43182 P1412 Q9129 +Q275779 P106 Q33999 +Q1678197 P1412 Q7737 +Q180850 P136 Q37073 +Q33637 P1412 Q809 +Q60259 P106 Q1607826 +Q554209 P106 Q24067349 +Q284686 P161 Q104081 +Q203185 P106 Q639669 +Q233843 P509 Q188874 +Q7104 P463 Q83172 +Q521116 P27 Q219 +Q170576 P106 Q10800557 +Q8873 P69 Q1145306 +Q55468 P40 Q367489 +Q1131225 P136 Q52162262 +Q345217 P136 Q21590660 +Q123041 P451 Q123089 +Q922528 P136 Q58339 +Q228818 P27 Q408 +Q275402 P106 Q2526255 +Q186273 P1412 Q5287 +Q208263 P161 Q180272 +Q457856 P106 Q36180 +Q739 P463 Q233611 +Q179150 P264 Q585643 +Q1346832 P106 Q177220 +Q212660 P161 Q235002 +Q1820469 P106 Q639669 +Q1009 P463 Q3348506 +Q98124 P27 Q183 +Q165110 P20 Q90 +Q82222 P106 Q486748 +Q76811 P69 Q40025 +Q131326 P106 Q1930187 +Q94284 P161 Q428819 +Q204205 P1412 Q9043 +Q357515 P136 Q484641 +Q234212 P106 Q2526255 +Q98897 P1412 Q7737 +Q266429 P1303 Q46185 +Q49767 P106 Q1930187 +Q309926 P1412 Q1860 +Q36268 P1303 Q17172850 +Q6294 P551 Q49111 +Q76600 P106 Q14906342 +Q380787 P106 Q49757 +Q41 P530 Q822 +Q2149302 P106 Q1650915 +Q160778 P106 Q639669 +Q296809 P509 Q12078 +Q122622 P106 Q11774202 +Q310755 P463 Q4345832 +Q77729 P19 Q1726 +Q432919 P463 Q463281 +Q264891 P106 Q33999 +Q180011 P641 Q36389 +Q162202 P106 Q10800557 +Q108733 P509 Q9687 +Q457803 P106 Q1930187 +Q44248 P140 Q3333484 +Q235 P530 Q458 +Q55767 P20 Q1754 +Q721043 P106 Q177220 +Q1744 P136 Q43343 +Q574 P530 Q148 +Q184440 P26 Q247526 +Q533970 P19 Q72 +Q490464 P161 Q157400 +Q9457 P106 Q36180 +Q84238 P551 Q30 +Q61708 P20 Q64 +Q67221 P106 Q24262584 +Q91990 P463 Q459620 +Q9916 P102 Q29468 +Q556858 P27 Q414 +Q244931 P161 Q28493 +Q1239933 P172 Q49085 +Q232109 P106 Q33999 +Q520296 P106 Q36834 +Q61412 P106 Q333634 +Q29 P530 Q865 +Q253882 P106 Q4610556 +Q176909 P737 Q6512 +Q1374180 P101 Q36442 +Q267629 P106 Q1930187 +Q182763 P69 Q49210 +Q203715 P1412 Q1321 +Q356745 P1303 Q17172850 +Q35900 P140 Q432 +Q44258 P106 Q1234713 +Q9095 P108 Q35794 +Q1277063 P119 Q1302545 +Q117392 P106 Q28389 +Q77 P530 Q16 +Q364868 P27 Q79 +Q181899 P106 Q3282637 +Q323166 P106 Q10800557 +Q50656 P106 Q36834 +Q71242 P463 Q372899 +Q532915 P27 Q145 +Q271690 P161 Q180850 +Q61310 P106 Q36180 +Q336018 P106 Q82955 +Q41142 P69 Q705737 +Q1040186 P106 Q183945 +Q72564 P108 Q159895 +Q156268 P108 Q3064325 +Q75151 P1412 Q188 +Q217552 P161 Q357762 +Q248042 P27 Q230 +Q1299129 P136 Q11399 +Q379400 P19 Q1953 +Q280098 P106 Q2405480 +Q264418 P119 Q1437214 +Q315210 P463 Q338432 +Q117139 P106 Q177220 +Q504677 P106 Q1930187 +Q449487 P106 Q10872101 +Q283700 P27 Q30 +Q323392 P495 Q30 +Q313462 P26 Q534234 +Q75849 P140 Q55004488 +Q318475 P102 Q29552 +Q786675 P106 Q753110 +Q7302 P106 Q765778 +Q65561 P119 Q562211 +Q797599 P27 Q30 +Q333505 P136 Q128758 +Q452252 P106 Q488205 +Q313443 P69 Q1186843 +Q1281772 P1412 Q1860 +Q1716 P27 Q142 +Q554175 P26 Q1149 +Q159917 P1412 Q188 +Q927879 P106 Q81096 +Q45394 P495 Q30 +Q155 P463 Q123759 +Q257872 P136 Q482 +Q84403 P20 Q8646 +Q225453 P106 Q901 +Q73892 P1412 Q188 +Q365750 P27 Q31 +Q1184501 P136 Q8341 +Q32910 P161 Q42581 +Q858 P463 Q8475 +Q76589 P108 Q186285 +Q1973537 P106 Q1259917 +Q92602 P106 Q5482740 +Q61227 P102 Q49768 +Q804 P463 Q842490 +Q7302 P551 Q220 +Q711172 P106 Q15976092 +Q48184 P1412 Q9067 +Q231360 P119 Q796 +Q25351 P463 Q4345832 +Q157245 P108 Q49210 +Q54351 P106 Q177220 +Q467519 P27 Q30 +Q96407 P106 Q82955 +Q189564 P106 Q4964182 +Q107350 P106 Q33999 +Q39829 P136 Q25372 +Q88095 P108 Q152087 +Q1238400 P136 Q183504 +Q70166 P69 Q55044 +Q23728 P106 Q3282637 +Q76993 P106 Q36180 +Q84475 P106 Q131512 +Q976417 P19 Q34739 +Q510114 P106 Q49757 +Q550996 P106 Q639669 +Q981256 P106 Q36180 +Q453314 P136 Q11399 +Q313366 P1303 Q17172850 +Q237639 P106 Q6625963 +Q298761 P551 Q24826 +Q242300 P1303 Q17172850 +Q173061 P106 Q855091 +Q281296 P57 Q55303 +Q295420 P106 Q713200 +Q254524 P1412 Q150 +Q184622 P20 Q90 +Q232085 P27 Q30 +Q76432 P463 Q191583 +Q91582 P108 Q152171 +Q27411 P161 Q298368 +Q12795 P27 Q145 +Q901070 P463 Q191583 +Q72217 P102 Q152554 +Q275964 P1412 Q150 +Q234094 P106 Q622807 +Q712319 P106 Q177220 +Q49017 P69 Q192088 +Q212518 P641 Q5386 +Q248059 P106 Q49757 +Q229048 P27 Q30 +Q223271 P106 Q212980 +Q162331 P57 Q53002 +Q533970 P26 Q7833 +Q183412 P749 Q38903 +Q688638 P112 Q47426 +Q154581 P161 Q38111 +Q9061 P463 Q183725 +Q55994 P106 Q1476215 +Q72400 P106 Q188094 +Q153677 P136 Q172980 +Q845278 P27 Q4628 +Q270005 P69 Q1127387 +Q152452 P1412 Q1860 +Q316850 P551 Q172 +Q425821 P27 Q145 +Q191023 P106 Q214917 +Q216288 P136 Q613408 +Q12857 P1412 Q294 +Q582152 P19 Q649 +Q311050 P136 Q38848 +Q209004 P136 Q8261 +Q125405 P102 Q49750 +Q160058 P27 Q38 +Q33760 P106 Q18844224 +Q91124 P106 Q1792450 +Q41173 P264 Q54860 +Q777688 P106 Q1231865 +Q272719 P509 Q188874 +Q81807 P27 Q17 +Q7604 P108 Q4345832 +Q19364345 P1412 Q7737 +Q84246 P106 Q121594 +Q165911 P106 Q177220 +Q28978 P27 Q36 +Q232356 P106 Q33999 +Q392806 P161 Q43203 +Q888152 P136 Q11366 +Q156193 P106 Q639669 +Q93343 P172 Q42406 +Q92635 P1412 Q150 +Q202385 P101 Q25372 +Q214226 P106 Q486748 +Q183492 P1412 Q150 +Q526709 P1412 Q1860 +Q131149 P106 Q333634 +Q232834 P106 Q33999 +Q335336 P30 Q48 +Q168896 P106 Q82955 +Q3047837 P69 Q1189954 +Q298035 P106 Q28389 +Q131259 P27 Q184 +Q873178 P19 Q13298 +Q102822 P106 Q169470 +Q382408 P161 Q106508 +Q170800 P136 Q11635 +Q1909258 P1303 Q46185 +Q653632 P17 Q145 +Q3297386 P106 Q901 +Q313256 P106 Q482980 +Q123225 P69 Q153978 +Q310947 P106 Q2526255 +Q291314 P264 Q330629 +Q216536 P106 Q49757 +Q314963 P69 Q2983698 +Q694081 P1412 Q150 +Q774 P530 Q77 +Q107067 P106 Q753110 +Q1677099 P27 Q30 +Q249040 P161 Q108935 +Q327981 P69 Q766145 +Q289108 P264 Q1251139 +Q241735 P27 Q30 +Q92787 P106 Q169470 +Q67645 P106 Q36180 +Q8814 P463 Q414188 +Q45909 P106 Q36834 +Q224 P530 Q183 +Q958 P530 Q30 +Q1512 P69 Q160302 +Q214 P463 Q376150 +Q56016 P102 Q29552 +Q460088 P136 Q49084 +Q33486 P17 Q30 +Q45662 P69 Q20808141 +Q128532 P136 Q9759 +Q105575 P19 Q13298 +Q44371 P69 Q1934904 +Q78003 P106 Q36180 +Q543443 P1303 Q5994 +Q358714 P106 Q266569 +Q181795 P136 Q319221 +Q46551 P161 Q206922 +Q428489 P161 Q240774 +Q166298 P20 Q1335 +Q75220 P106 Q82955 +Q117012 P136 Q817138 +Q316138 P106 Q6625963 +Q966565 P106 Q2259451 +Q230990 P106 Q10798782 +Q289064 P136 Q484641 +Q10953 P19 Q11299 +Q463581 P69 Q230899 +Q202304 P106 Q33999 +Q47075 P161 Q705477 +Q377956 P106 Q855091 +Q238402 P40 Q234388 +Q944275 P463 Q270794 +Q551512 P106 Q2526255 +Q1392694 P106 Q81096 +Q77825 P509 Q12136 +Q55452 P27 Q172579 +Q813 P463 Q47543 +Q792 P463 Q376150 +Q259979 P106 Q2059704 +Q270085 P106 Q205375 +Q456467 P161 Q18227 +Q558167 P1412 Q150 +Q115 P463 Q8475 +Q87542 P106 Q33999 +Q108970 P69 Q154804 +Q78928 P106 Q12362622 +Q1179504 P106 Q9648008 +Q158030 P551 Q1524 +Q238924 P106 Q28389 +Q64017 P161 Q233801 +Q298030 P106 Q49757 +Q1178789 P1303 Q17172850 +Q76819 P1412 Q1860 +Q30449 P1303 Q5994 +Q39792 P140 Q7066 +Q241941 P136 Q130232 +Q115754 P106 Q10800557 +Q414 P463 Q827525 +Q560847 P106 Q170790 +Q95548 P106 Q482980 +Q907534 P106 Q901 +Q159933 P1412 Q150 +Q97027 P1412 Q188 +Q312705 P106 Q10800557 +Q826731 P69 Q165980 +Q559794 P19 Q18125 +Q268840 P106 Q1415090 +Q212 P530 Q843 +Q38 P463 Q376150 +Q548672 P463 Q3603946 +Q1064423 P551 Q37320 +Q975210 P106 Q170790 +Q101728 P19 Q1794 +Q47426 P106 Q188094 +Q183 P530 Q924 +Q700323 P136 Q474090 +Q48410 P106 Q2405480 +Q207816 P161 Q235221 +Q1376193 P27 Q21 +Q858 P530 Q219 +Q160499 P20 Q90 +Q441685 P106 Q10798782 +Q115780 P106 Q2374149 +Q41322 P106 Q36180 +Q989 P1050 Q11085 +Q200586 P1303 Q17172850 +Q1017 P17 Q12548 +Q163234 P106 Q10800557 +Q366325 P106 Q333634 +Q90720 P106 Q3242115 +Q90384 P1412 Q188 +Q44645 P106 Q205375 +Q266617 P106 Q55960555 +Q3193543 P27 Q34266 +Q295144 P27 Q142 +Q159 P530 Q32 +Q154367 P69 Q154561 +Q156552 P106 Q947873 +Q6829 P17 Q7318 +Q535812 P463 Q463281 +Q1586454 P106 Q753110 +Q116905 P161 Q298838 +Q43203 P136 Q83440 +Q92743 P106 Q81096 +Q67247 P27 Q183 +Q61863 P1412 Q397 +Q220918 P551 Q387047 +Q348533 P106 Q36834 +Q57490 P27 Q7318 +Q129006 P106 Q121594 +Q445703 P106 Q1028181 +Q40470 P172 Q49085 +Q49478 P172 Q121842 +Q2563 P106 Q185351 +Q275929 P106 Q1607826 +Q249032 P136 Q185867 +Q77555 P1412 Q6654 +Q77684 P69 Q155354 +Q846421 P17 Q30 +Q48996 P136 Q8341 +Q550232 P136 Q2143665 +Q309246 P136 Q130232 +Q193504 P106 Q10800557 +Q7286 P106 Q4964182 +Q114808 P106 Q11774202 +Q7439 P106 Q15949613 +Q76606 P20 Q2966 +Q263172 P106 Q2865819 +Q1320912 P136 Q235858 +Q441940 P106 Q753110 +Q93115 P101 Q4027615 +Q272019 P69 Q1026827 +Q35610 P19 Q23436 +Q77015 P106 Q24387326 +Q792 P463 Q842490 +Q267435 P106 Q36834 +Q12807 P551 Q490 +Q70618 P102 Q328195 +Q192912 P106 Q1930187 +Q174346 P27 Q30 +Q529858 P106 Q864380 +Q37370 P106 Q36180 +Q567 P1412 Q7737 +Q5686 P509 Q1368943 +Q85092 P27 Q154195 +Q4636 P1412 Q1860 +Q153421 P463 Q44687 +Q35448 P27 Q34266 +Q89219 P106 Q33231 +Q111536 P69 Q15142 +Q230496 P840 Q1439 +Q3074304 P108 Q49210 +Q822 P463 Q134102 +Q125484 P106 Q36180 +Q319896 P1412 Q7737 +Q16472 P1303 Q17172850 +Q596717 P27 Q30 +Q207515 P106 Q245068 +Q73176 P463 Q1468277 +Q106529 P106 Q2259451 +Q220154 P840 Q60 +Q151118 P27 Q30 +Q183 P530 Q1009 +Q2709 P106 Q639669 +Q392654 P136 Q206159 +Q49747 P106 Q49757 +Q288680 P1412 Q1860 +Q212173 P140 Q1841 +Q274973 P161 Q42869 +Q110365 P495 Q29 +Q237944 P509 Q11085 +Q575444 P106 Q947873 +Q224130 P161 Q313653 +Q57848 P106 Q82955 +Q113953 P1412 Q188 +Q67672 P102 Q7320 +Q217294 P161 Q443327 +Q312288 P463 Q191583 +Q313080 P136 Q11401 +Q1441251 P27 Q30 +Q58125755 P106 Q36180 +Q437289 P1412 Q1321 +Q240896 P106 Q10800557 +Q252 P530 Q1028 +Q272019 P27 Q30 +Q205447 P161 Q23844 +Q11637 P106 Q639669 +Q51498 P106 Q2526255 +Q20882 P1412 Q150 +Q326571 P69 Q13371 +Q436894 P106 Q10800557 +Q967 P530 Q230 +Q64988 P108 Q154561 +Q207482 P161 Q1384181 +Q934820 P106 Q33231 +Q122020 P106 Q33999 +Q47293 P106 Q36180 +Q332540 P106 Q1930187 +Q361158 P106 Q10800557 +Q72913 P106 Q4964182 +Q559609 P106 Q177220 +Q159636 P106 Q1234713 +Q28 P530 Q865 +Q51461 P20 Q621549 +Q313367 P172 Q49085 +Q1037263 P136 Q37073 +Q229389 P69 Q3072747 +Q108558 P106 Q16145150 +Q236151 P106 Q10798782 +Q522856 P106 Q10798782 +Q236438 P1303 Q5994 +Q49492 P106 Q2259451 +Q202847 P509 Q188874 +Q123802 P27 Q39 +Q244333 P57 Q75079 +Q431660 P840 Q3130 +Q129873 P161 Q233832 +Q443190 P106 Q2504617 +Q232495 P136 Q37073 +Q920637 P27 Q30 +Q44086 P1303 Q1444 +Q151872 P106 Q11774202 +Q292081 P509 Q8277 +Q17457 P463 Q83172 +Q436996 P106 Q2259451 +Q38785 P26 Q232391 +Q270215 P136 Q52207399 +Q712860 P106 Q855091 +Q561826 P20 Q61 +Q669934 P106 Q131512 +Q1352222 P20 Q60 +Q8007 P69 Q49088 +Q165394 P161 Q1124 +Q233295 P106 Q1344174 +Q130127 P136 Q8341 +Q107167 P840 Q1223 +Q676914 P108 Q174710 +Q194638 P106 Q5371902 +Q439209 P106 Q49757 +Q1141280 P136 Q487914 +Q229449 P27 Q224 +Q57896 P172 Q42884 +Q27 P463 Q1065 +Q84365 P27 Q39 +Q5369090 P106 Q2374149 +Q11607 P69 Q168515 +Q60025 P463 Q463303 +Q438608 P19 Q1085 +Q190086 P840 Q8652 +Q96665 P19 Q2090 +Q729661 P108 Q49108 +Q320639 P136 Q11399 +Q3071779 P106 Q40348 +Q311729 P463 Q1468277 +Q1372851 P106 Q36180 +Q932344 P108 Q49108 +Q1636237 P159 Q1748 +Q463630 P136 Q8261 +Q57434 P19 Q1085 +Q433142 P106 Q10800557 +Q61073 P135 Q2455000 +Q5912 P106 Q1028181 +Q61425 P106 Q201788 +Q207660 P136 Q9730 +Q225885 P161 Q313650 +Q103876 P1412 Q1860 +Q337521 P106 Q183945 +Q160058 P69 Q2045972 +Q342778 P106 Q639669 +Q123565 P463 Q3603946 +Q11847 P106 Q593644 +Q121060 P106 Q49757 +Q107274 P106 Q2526255 +Q61696 P161 Q240658 +Q61407 P69 Q152838 +Q193111 P106 Q1930187 +Q286475 P1412 Q150 +Q230 P37 Q8108 +Q96599 P20 Q64 +Q294927 P106 Q177220 +Q182905 P27 Q34266 +Q330432 P106 Q33999 +Q93043 P69 Q81087 +Q102813 P106 Q2059704 +Q41173 P106 Q855091 +Q223414 P463 Q901677 +Q357676 P106 Q43845 +Q371202 P27 Q30 +Q182046 P1303 Q1444 +Q60052 P101 Q413 +Q179126 P1412 Q1860 +Q366012 P106 Q10800557 +Q434573 P1412 Q150 +Q79503 P161 Q309555 +Q169461 P1303 Q128309 +Q194045 P106 Q486748 +Q274404 P102 Q327591 +Q17 P530 Q37 +Q102244 P161 Q108270 +Q298761 P106 Q18844224 +Q47007 P106 Q49757 +Q430182 P19 Q85 +Q110462 P69 Q797078 +Q43977 P27 Q42585 +Q224 P530 Q35 +Q318750 P106 Q864503 +Q526022 P1412 Q9056 +Q699605 P106 Q82594 +Q562108 P1412 Q9035 +Q93689 P161 Q83677 +Q842 P463 Q7172 +Q107761 P161 Q434790 +Q1541 P106 Q82955 +Q67635 P106 Q201788 +Q485280 P106 Q486748 +Q205721 P106 Q33231 +Q236075 P106 Q10798782 +Q14747 P1412 Q1321 +Q612005 P106 Q2722764 +Q3629023 P159 Q145 +Q537999 P19 Q1492 +Q573532 P19 Q60 +Q327229 P27 Q142 +Q307737 P106 Q483501 +Q28776 P136 Q130232 +Q202211 P136 Q130232 +Q231310 P69 Q1255631 +Q96 P530 Q183 +Q93817 P27 Q36 +Q163683 P106 Q169470 +Q110354 P495 Q30 +Q270303 P1303 Q17172850 +Q92906 P19 Q49202 +Q2680 P106 Q3282637 +Q123273 P106 Q1930187 +Q88150 P106 Q1930187 +Q787176 P108 Q678095 +Q5928 P106 Q177220 +Q188971 P463 Q337526 +Q1443475 P106 Q753110 +Q299595 P106 Q1622272 +Q244333 P495 Q30 +Q123413 P106 Q4964182 +Q493 P106 Q11900058 +Q849116 P17 Q34266 +Q8814 P106 Q170790 +Q76432 P463 Q265058 +Q224 P530 Q43 +Q27751 P161 Q1677114 +Q55264 P69 Q523926 +Q905323 P69 Q1329478 +Q334780 P161 Q346540 +Q120578 P106 Q28389 +Q38222 P106 Q7042855 +Q236 P463 Q7809 +Q93764 P108 Q695599 +Q58121 P106 Q193391 +Q207698 P161 Q206659 +Q109540 P27 Q151624 +Q155979 P106 Q36180 +Q352617 P106 Q16287483 +Q555226 P106 Q12800682 +Q367073 P106 Q28389 +Q97771 P20 Q64 +Q1006 P463 Q899770 +Q318309 P106 Q36180 +Q24085 P106 Q185351 +Q300566 P136 Q1054574 +Q450789 P172 Q539051 +Q134549 P69 Q213439 +Q317539 P106 Q3282637 +Q431401 P19 Q172 +Q317957 P463 Q265058 +Q370959 P106 Q3282637 +Q617215 P136 Q590870 +Q357776 P19 Q8684 +Q22072 P264 Q50074604 +Q3001888 P17 Q30 +Q7833 P106 Q488205 +Q163038 P161 Q205314 +Q105895 P106 Q1622272 +Q131814 P1412 Q188 +Q152352 P106 Q214917 +Q682030 P264 Q2338889 +Q428489 P161 Q228931 +Q256732 P264 Q202585 +Q21197 P17 Q15180 +Q240713 P136 Q157394 +Q161963 P119 Q288130 +Q529942 P106 Q177220 +Q319392 P264 Q216364 +Q217298 P737 Q553276 +Q234700 P106 Q18844224 +Q242643 P101 Q132311 +Q1345844 P106 Q639669 +Q470204 P19 Q5092 +Q889 P463 Q1043527 +Q260947 P106 Q177220 +Q382150 P106 Q864503 +Q357776 P1412 Q1860 +Q964776 P106 Q1350157 +Q678410 P264 Q264137 +Q1093318 P106 Q177220 +Q88412 P106 Q482980 +Q930987 P106 Q28389 +Q133489 P106 Q753110 +Q321365 P27 Q230 +Q240894 P136 Q130232 +Q320384 P840 Q779 +Q312098 P106 Q33999 +Q7833 P69 Q926749 +Q229975 P19 Q49255 +Q332256 P106 Q488205 +Q44736 P463 Q812155 +Q355788 P106 Q6168364 +Q156608 P495 Q183 +Q153776 P69 Q215539 +Q335680 P106 Q2405480 +Q256354 P106 Q36180 +Q252041 P27 Q40 +Q1524938 P106 Q753110 +Q83484 P106 Q36180 +Q312538 P161 Q25839 +Q173347 P27 Q30 +Q765871 P20 Q1486 +Q17 P530 Q142 +Q229364 P264 Q183387 +Q117315 P161 Q359325 +Q44580 P102 Q153401 +Q210364 P495 Q30 +Q62763 P27 Q183 +Q35686 P69 Q1797768 +Q24999 P27 Q34 +Q6527 P106 Q6673651 +Q348533 P172 Q49085 +Q316850 P106 Q639669 +Q316231 P1303 Q17172850 +Q215979 P20 Q3033 +Q102905 P106 Q2516852 +Q60285 P1412 Q188 +Q53018 P106 Q28389 +Q101740 P106 Q901 +Q23114 P106 Q6625963 +Q1065624 P106 Q855091 +Q354181 P106 Q488205 +Q424 P530 Q801 +Q973488 P106 Q16145150 +Q116812 P1412 Q1321 +Q275120 P161 Q172678 +Q215735 P108 Q32120 +Q256061 P27 Q16 +Q157313 P27 Q142 +Q9312 P551 Q4120832 +Q2086086 P136 Q1196752 +Q584292 P106 Q333634 +Q316872 P1303 Q163829 +Q178517 P1303 Q6607 +Q300393 P161 Q229556 +Q325004 P106 Q4773904 +Q36023 P102 Q29468 +Q28 P530 Q851 +Q238402 P106 Q18814623 +Q160333 P106 Q3621491 +Q954623 P106 Q10800557 +Q221535 P264 Q4413456 +Q230622 P264 Q21077 +Q1849138 P159 Q60 +Q59653 P161 Q352203 +Q241676 P551 Q33486 +Q833 P530 Q29 +Q202326 P840 Q60 +Q363271 P106 Q10798782 +Q260312 P106 Q4610556 +Q58978 P106 Q169470 +Q232 P530 Q43 +Q317169 P106 Q130857 +Q217470 P69 Q154804 +Q346777 P106 Q205375 +Q229276 P106 Q3282637 +Q53026 P19 Q220 +Q164424 P161 Q360313 +Q34981 P1412 Q8641 +Q1548904 P106 Q639669 +Q229153 P106 Q488205 +Q962 P530 Q35 +Q204804 P1303 Q5994 +Q4061 P136 Q43343 +Q670440 P69 Q49114 +Q151691 P27 Q183 +Q420041 P106 Q2526255 +Q88937 P27 Q183 +Q164069 P1412 Q1860 +Q78525 P108 Q49210 +Q170574 P106 Q28389 +Q10520 P106 Q8246794 +Q884 P463 Q7809 +Q164424 P161 Q228871 +Q312582 P509 Q2140674 +Q76483 P451 Q38873 +Q24995 P1303 Q47369 +Q27513 P136 Q157394 +Q401777 P106 Q2865819 +Q2263 P1050 Q84263196 +Q206685 P27 Q142 +Q631508 P20 Q2973 +Q135347 P161 Q163234 +Q246711 P840 Q1428 +Q273311 P106 Q18814623 +Q95089 P27 Q30 +Q48959 P136 Q45981 +Q9041 P69 Q192775 +Q450646 P1303 Q17172850 +Q1094716 P106 Q189290 +Q110126 P106 Q876864 +Q1057003 P106 Q386854 +Q976283 P20 Q406 +Q61863 P1412 Q35497 +Q536723 P106 Q36834 +Q16297 P106 Q2405480 +Q116905 P136 Q157394 +Q72657 P102 Q49762 +Q223367 P495 Q142 +Q109252 P19 Q3104 +Q733640 P108 Q214341 +Q33 P530 Q34 +Q237194 P27 Q30 +Q231713 P119 Q1408 +Q366325 P1412 Q143 +Q87392 P106 Q82955 +Q269887 P161 Q40504 +Q208869 P27 Q30 +Q711 P463 Q376150 +Q93043 P108 Q245247 +Q201924 P161 Q179414 +Q554746 P136 Q12799318 +Q96594 P69 Q154804 +Q171989 P102 Q29468 +Q467482 P106 Q4964182 +Q326114 P161 Q231726 +Q57500 P106 Q1622272 +Q919462 P19 Q2135 +Q60052 P463 Q265058 +Q206124 P495 Q29 +Q1210022 P106 Q2259451 +Q221168 P136 Q1535153 +Q1209649 P69 Q21578 +Q745896 P106 Q639669 +Q1869643 P1303 Q17172850 +Q1166707 P106 Q2526255 +Q722738 P106 Q193391 +Q483203 P136 Q8341 +Q448163 P27 Q30 +Q229 P530 Q27 +Q677706 P106 Q18844224 +Q5494459 P1303 Q78987 +Q27304761 P37 Q7850 +Q215026 P106 Q1415090 +Q18832 P20 Q33959 +Q207698 P161 Q58444 +Q443995 P551 Q60 +Q85411 P106 Q188094 +Q1075770 P136 Q131272 +Q213411 P161 Q336185 +Q24999 P1412 Q9027 +Q218960 P106 Q18814623 +Q160627 P106 Q350979 +Q962 P530 Q183 +Q704696 P463 Q2370801 +Q304488 P161 Q361610 +Q93401 P1412 Q8748 +Q44847 P69 Q7842 +Q113681 P69 Q849751 +Q200827 P161 Q306403 +Q71631 P106 Q1622272 +Q311084 P106 Q10800557 +Q109455 P1412 Q188 +Q116307 P463 Q4345832 +Q381185 P106 Q82955 +Q119840 P106 Q82955 +Q69349 P106 Q82955 +Q92853 P20 Q100 +Q94358 P1412 Q1860 +Q95736 P19 Q1794 +Q32910 P495 Q145 +Q150767 P106 Q158852 +Q124094 P463 Q253439 +Q553790 P106 Q8246794 +Q70478 P1412 Q188 +Q722347 P106 Q250867 +Q76624 P106 Q593644 +Q57179 P106 Q2095549 +Q1882472 P264 Q1251139 +Q414 P463 Q123759 +Q119798 P1412 Q1860 +Q234647 P1412 Q1860 +Q71106 P106 Q1792450 +Q230916 P27 Q15180 +Q851 P463 Q827525 +Q712683 P27 Q30 +Q140412 P140 Q6423963 +Q77749 P106 Q1622272 +Q61895 P69 Q152171 +Q711 P530 Q213 +Q310773 P106 Q19350898 +Q117147 P106 Q3282637 +Q122003 P1412 Q1321 +Q184805 P106 Q6168364 +Q70867 P69 Q55044 +Q165392 P161 Q229535 +Q375186 P136 Q4984974 +Q37767 P737 Q40213 +Q234967 P106 Q2526255 +Q235146 P106 Q33999 +Q61922 P27 Q183 +Q1057003 P136 Q484344 +Q5577 P1412 Q1321 +Q356287 P106 Q13235160 +Q106762 P106 Q1622272 +Q69189 P108 Q154804 +Q401777 P27 Q30 +Q294225 P106 Q639669 +Q344973 P1412 Q1860 +Q443317 P106 Q10798782 +Q948941 P1412 Q7737 +Q182372 P106 Q33999 +Q123080 P1412 Q150 +Q303464 P106 Q3357567 +Q607 P551 Q11299 +Q151870 P840 Q34404 +Q502417 P69 Q608338 +Q157313 P27 Q262 +Q77183 P106 Q82955 +Q95485 P69 Q700758 +Q104398 P106 Q1622272 +Q213974 P106 Q4263842 +Q241873 P27 Q884 +Q188954 P1412 Q1860 +Q75237 P172 Q42884 +Q6538 P106 Q36180 +Q311450 P737 Q544387 +Q983 P463 Q340195 +Q176405 P1412 Q1321 +Q44331 P106 Q211346 +Q208681 P463 Q1938003 +Q42904 P1303 Q17172850 +Q218589 P161 Q442547 +Q316032 P106 Q2259451 +Q71502 P106 Q36834 +Q352452 P1303 Q17172850 +Q58085 P108 Q13371 +Q167498 P106 Q10800557 +Q186652 P27 Q142 +Q164797 P27 Q155 +Q123679 P27 Q39 +Q361257 P106 Q177220 +Q285462 P172 Q79797 +Q38 P530 Q45 +Q182763 P106 Q2526255 +Q4119 P106 Q19204627 +Q509341 P106 Q488205 +Q319133 P106 Q2259451 +Q29999 P530 Q16 +Q121456 P27 Q172579 +Q260026 P19 Q84 +Q327542 P106 Q33999 +Q5443 P106 Q2259451 +Q179257 P106 Q33999 +Q107183 P106 Q1234713 +Q84476 P27 Q30 +Q131814 P264 Q1542119 +Q22670 P509 Q12204 +Q74745 P108 Q156737 +Q668 P530 Q734 +Q211462 P136 Q188473 +Q455951 P106 Q36180 +Q80222 P463 Q188771 +Q58612 P20 Q1218 +Q234773 P106 Q177220 +Q238364 P19 Q18426 +Q223992 P20 Q65 +Q117147 P27 Q142 +Q164824 P106 Q82955 +Q448163 P106 Q36834 +Q465707 P1412 Q1860 +Q235952 P463 Q3308284 +Q11816 P1412 Q188 +Q106554 P108 Q154804 +Q315136 P106 Q36180 +Q307 P108 Q193510 +Q63670 P463 Q463303 +Q205028 P161 Q317521 +Q256286 P106 Q1930187 +Q1349702 P27 Q30 +Q34189 P1412 Q1321 +Q186757 P27 Q30 +Q155163 P136 Q471839 +Q390063 P136 Q188473 +Q230795 P106 Q8246794 +Q17917680 P551 Q1345 +Q276734 P495 Q29 +Q705458 P264 Q330629 +Q2929654 P27 Q142 +Q1347561 P20 Q7473516 +Q75174 P19 Q100 +Q335052 P27 Q129286 +Q602779 P740 Q16563 +Q156349 P27 Q129286 +Q842 P30 Q48 +Q128823 P69 Q193196 +Q714845 P19 Q84 +Q75797 P106 Q901 +Q316627 P27 Q30 +Q48589 P1412 Q9078 +Q152767 P106 Q3282637 +Q474810 P1412 Q1321 +Q266429 P106 Q130857 +Q20 P463 Q656801 +Q359552 P264 Q1542119 +Q549487 P20 Q96 +Q47087 P509 Q181754 +Q114 P530 Q458 +Q93147 P20 Q47265 +Q1333326 P119 Q311 +Q213553 P69 Q762266 +Q420407 P106 Q10800557 +Q319283 P106 Q584301 +Q2902064 P106 Q15627169 +Q1384822 P106 Q10798782 +Q507075 P106 Q82955 +Q197935 P136 Q482 +Q214690 P102 Q29468 +Q64902 P140 Q75809 +Q1140309 P161 Q464320 +Q235716 P106 Q33999 +Q448764 P106 Q49757 +Q69973 P106 Q36180 +Q213543 P27 Q183 +Q540787 P106 Q715301 +Q981944 P106 Q639669 +Q267691 P551 Q18013 +Q458656 P57 Q51559 +Q826 P530 Q865 +Q132351 P161 Q296616 +Q4039 P264 Q183387 +Q1441274 P136 Q1641839 +Q4347990 P106 Q82955 +Q68325 P1412 Q188 +Q564953 P19 Q4120832 +Q77109 P463 Q459620 +Q15489989 P172 Q49085 +Q734574 P27 Q668 +Q282877 P1303 Q6607 +Q77097 P1412 Q188 +Q519838 P19 Q11299 +Q92926 P19 Q8686 +Q736099 P106 Q753110 +Q193070 P1412 Q1860 +Q2737 P509 Q12152 +Q293067 P119 Q1437214 +Q105941 P106 Q2259451 +Q2582 P69 Q152171 +Q336010 P172 Q121842 +Q180665 P551 Q65 +Q53006 P106 Q28389 +Q81685 P463 Q161806 +Q726440 P509 Q223102 +Q313462 P19 Q84 +Q237324 P106 Q10798782 +Q154014 P3373 Q62831 +Q310773 P27 Q843 +Q83287 P264 Q231694 +Q430852 P161 Q350678 +Q381768 P106 Q28389 +Q76568 P19 Q365 +Q201579 P119 Q288130 +Q1036131 P106 Q36834 +Q188214 P69 Q258464 +Q282665 P135 Q8361 +Q184500 P101 Q5891 +Q77823 P106 Q482980 +Q193273 P136 Q43343 +Q57802 P172 Q42884 +Q12101508 P108 Q204181 +Q49218 P17 Q30 +Q62323 P106 Q36180 +Q221075 P161 Q202589 +Q592381 P136 Q11401 +Q303213 P136 Q130232 +Q10390 P1412 Q1860 +Q432421 P264 Q43327 +Q214324 P69 Q317053 +Q249862 P1303 Q6607 +Q316602 P19 Q43199 +Q107894 P161 Q323452 +Q228868 P106 Q33999 +Q5482339 P101 Q41217 +Q91845 P101 Q441 +Q1509379 P1303 Q8371 +Q346801 P1303 Q6607 +Q91730 P27 Q183 +Q2263 P106 Q36834 +Q216813 P1412 Q809 +Q215258 P106 Q4964182 +Q155 P530 Q30 +Q939357 P27 Q29 +Q97077 P108 Q55044 +Q961981 P106 Q33231 +Q147811 P20 Q7473516 +Q946528 P1303 Q9798 +Q39318 P19 Q41621 +Q607825 P106 Q28389 +Q18415 P57 Q383420 +Q156597 P161 Q505882 +Q67438 P106 Q753110 +Q294185 P106 Q2526255 +Q1001 P20 Q987 +Q168821 P136 Q130232 +Q311238 P106 Q49757 +Q11621 P161 Q229009 +Q49828 P27 Q30 +Q106573 P69 Q1137719 +Q213642 P106 Q212980 +Q92143 P509 Q178275 +Q216 P17 Q49683 +Q45662 P140 Q1841 +Q40 P463 Q340195 +Q68533 P27 Q27306 +Q282722 P1303 Q6607 +Q522618 P159 Q65 +Q442512 P106 Q3387717 +Q966690 P136 Q188473 +Q93957 P27 Q30 +Q722876 P136 Q483352 +Q1803878 P27 Q30 +Q233313 P27 Q30 +Q202550 P136 Q37073 +Q2071 P106 Q36834 +Q3731533 P106 Q512314 +Q937 P108 Q31519 +Q184249 P106 Q639669 +Q190588 P136 Q28026639 +Q131864 P161 Q239145 +Q7200 P106 Q12144794 +Q65664 P19 Q3852 +Q313553 P1412 Q1321 +Q239587 P69 Q248970 +Q72653 P106 Q6625963 +Q2594 P106 Q1622272 +Q106482 P69 Q1431541 +Q983 P463 Q376150 +Q310375 P1412 Q1860 +Q191702 P119 Q1130019 +Q38 P530 Q16 +Q214565 P136 Q699 +Q854 P17 Q200464 +Q434701 P136 Q37073 +Q41351 P1412 Q150 +Q1033 P530 Q244 +Q368613 P19 Q23197 +Q17457 P101 Q21198 +Q1544666 P19 Q1297 +Q1173317 P106 Q177220 +Q177883 P19 Q38022 +Q33 P463 Q8908 +Q500546 P106 Q333634 +Q185152 P20 Q956 +Q215 P530 Q30 +Q483907 P1303 Q6607 +Q432919 P69 Q41506 +Q87821 P106 Q822146 +Q103949 P106 Q36180 +Q233365 P106 Q28389 +Q1101938 P69 Q49210 +Q89383 P27 Q40 +Q296244 P463 Q2822396 +Q162225 P161 Q115134 +Q430535 P57 Q55428 +Q244876 P161 Q263696 +Q369113 P19 Q3130 +Q10633 P140 Q6423963 +Q51416 P161 Q26806 +Q278053 P161 Q311319 +Q301136 P106 Q36180 +Q19201 P1303 Q17172850 +Q282951 P69 Q392904 +Q246091 P106 Q39631 +Q264748 P1050 Q8277 +Q233118 P106 Q36180 +Q704742 P106 Q3282637 +Q39803 P69 Q270145 +Q314502 P106 Q3282637 +Q57399 P119 Q190494 +Q191088 P106 Q10800557 +Q158079 P172 Q2436423 +Q360477 P69 Q174710 +Q453288 P106 Q4964182 +Q236943 P106 Q4610556 +Q58195 P1412 Q150 +Q300423 P840 Q15 +Q214 P530 Q403 +Q357961 P108 Q559549 +Q62672 P69 Q54096 +Q298334 P1412 Q1860 +Q186329 P1303 Q17172850 +Q761838 P106 Q205375 +Q47484 P106 Q482980 +Q1046616 P106 Q822146 +Q463501 P106 Q333634 +Q77549 P27 Q786 +Q204868 P1412 Q7737 +Q165534 P106 Q214917 +Q343433 P106 Q1930187 +Q290197 P19 Q3820 +Q32522 P451 Q316596 +Q238045 P69 Q523926 +Q332632 P106 Q28389 +Q294144 P106 Q177220 +Q148204 P161 Q200405 +Q69209 P106 Q16145150 +Q949337 P106 Q10798782 +Q134541 P740 Q65 +Q153723 P161 Q230131 +Q23395 P136 Q4184 +Q150804 P495 Q183 +Q2979750 P509 Q12152 +Q34628 P136 Q21010853 +Q57802 P108 Q27923720 +Q2161 P106 Q36180 +Q213773 P495 Q30 +Q295502 P136 Q37073 +Q119798 P106 Q33999 +Q314834 P106 Q33999 +Q220889 P106 Q639669 +Q182212 P136 Q2484376 +Q127688 P69 Q28695 +Q2773 P17 Q43287 +Q443199 P27 Q15180 +Q4074458 P27 Q15180 +Q383420 P106 Q2259451 +Q5152 P172 Q84072 +Q4530046 P3373 Q53570396 +Q1019 P463 Q8475 +Q444237 P106 Q3621491 +Q1190550 P102 Q9630 +Q57735 P69 Q13164 +Q98960 P463 Q543804 +Q505949 P106 Q49757 +Q58033 P106 Q49757 +Q319723 P20 Q39561 +Q231726 P1303 Q17172850 +Q286642 P27 Q30 +Q105349 P264 Q165745 +Q176537 P106 Q639669 +Q85788 P27 Q183 +Q76332 P106 Q36180 +Q286022 P106 Q753110 +Q117761 P106 Q639669 +Q66126 P106 Q33999 +Q175535 P27 Q30 +Q61147 P106 Q2374149 +Q267526 P136 Q4984974 +Q93349 P106 Q5716684 +Q153638 P106 Q10798782 +Q712683 P136 Q848399 +Q167635 P106 Q10800557 +Q150494 P20 Q1741 +Q71759 P106 Q10800557 +Q319648 P102 Q29468 +Q298027 P106 Q1930187 +Q232282 P69 Q705737 +Q314638 P136 Q37073 +Q104301 P20 Q64 +Q82409 P140 Q6423963 +Q47878 P106 Q386854 +Q25057 P57 Q25078 +Q96334 P1412 Q188 +Q704700 P119 Q1509 +Q213579 P108 Q4345832 +Q269669 P106 Q2526255 +Q117644 P106 Q28389 +Q2252 P27 Q30 +Q52447 P106 Q2252262 +Q1347561 P106 Q43845 +Q163549 P495 Q183 +Q355384 P106 Q488205 +Q443225 P20 Q488004 +Q97531 P106 Q36180 +Q76746 P106 Q82955 +Q336769 P106 Q42603 +Q325589 P27 Q174193 +Q28196 P840 Q1408 +Q773736 P509 Q12204 +Q181540 P161 Q229223 +Q582152 P106 Q753110 +Q44176 P106 Q488205 +Q1389258 P69 Q209842 +Q312901 P27 Q29 +Q1064 P20 Q490 +Q230499 P106 Q49757 +Q524236 P108 Q213439 +Q2280 P131 Q184 +Q503997 P106 Q33999 +Q287793 P19 Q18426 +Q176537 P27 Q145 +Q178391 P140 Q1841 +Q302819 P20 Q184116 +Q98812 P20 Q64 +Q354033 P19 Q49266 +Q102244 P161 Q499644 +Q954563 P106 Q1607826 +Q1006 P463 Q191384 +Q34166 P106 Q639669 +Q271640 P106 Q177220 +Q502362 P106 Q24387326 +Q236212 P264 Q557632 +Q106428 P840 Q16555 +Q240521 P1412 Q150 +Q114533 P106 Q36180 +Q46053 P27 Q145 +Q563287 P106 Q639669 +Q1944655 P108 Q165980 +Q142751 P136 Q130232 +Q234891 P27 Q148 +Q684808 P27 Q15180 +Q99728 P26 Q97301 +Q61648 P20 Q2966 +Q187857 P106 Q10800557 +Q72543 P19 Q194420 +Q61533 P27 Q43287 +Q79503 P57 Q314502 +Q189081 P106 Q1979607 +Q285116 P106 Q81096 +Q75849 P27 Q34266 +Q202693 P106 Q1930187 +Q254576 P106 Q177220 +Q962402 P106 Q4263842 +Q337628 P27 Q34266 +Q216195 P737 Q219780 +Q175600 P161 Q262659 +Q91903 P106 Q185351 +Q349312 P69 Q7060402 +Q235744 P1412 Q1860 +Q313522 P106 Q33999 +Q161135 P106 Q15980158 +Q60677 P27 Q183 +Q359451 P106 Q6625963 +Q9041 P27 Q161885 +Q112176 P106 Q864503 +Q114 P530 Q408 +Q299138 P106 Q10800557 +Q95663 P106 Q1622272 +Q32257 P463 Q329464 +Q198644 P463 Q161806 +Q112979 P106 Q4263842 +Q957010 P172 Q49085 +Q362422 P264 Q726251 +Q234558 P264 Q7659636 +Q344616 P19 Q1384 +Q155112 P106 Q36180 +Q66343 P140 Q75809 +Q10959 P106 Q82594 +Q272719 P20 Q3143067 +Q675465 P106 Q16287483 +Q264307 P161 Q229056 +Q23527 P106 Q486748 +Q251338 P106 Q1930187 +Q298777 P27 Q145 +Q61863 P108 Q165528 +Q905267 P106 Q169470 +Q128187 P495 Q30 +Q88015 P27 Q40 +Q231256 P27 Q142 +Q32 P463 Q134102 +Q55963 P1412 Q652 +Q452627 P20 Q90 +Q381944 P106 Q947873 +Q504458 P1303 Q51290 +Q320185 P106 Q3455803 +Q1028 P530 Q1049 +Q336272 P106 Q36834 +Q47480 P69 Q691283 +Q444520 P106 Q753110 +Q4530046 P3373 Q4218975 +Q343510 P551 Q60 +Q973755 P106 Q177220 +Q4202684 P27 Q159 +Q81685 P140 Q1841 +Q246091 P106 Q520549 +Q57501 P19 Q2079 +Q230 P530 Q953 +Q435468 P106 Q2259451 +Q719623 P106 Q18576582 +Q309246 P136 Q645928 +Q573532 P27 Q30 +Q108283 P40 Q340213 +Q577504 P106 Q201788 +Q1027 P463 Q7809 +Q37621 P101 Q5891 +Q1624891 P106 Q753110 +Q658454 P106 Q1231865 +Q202765 P106 Q10798782 +Q709464 P106 Q33999 +Q84186 P1412 Q397 +Q57576 P106 Q189290 +Q332783 P27 Q30 +Q11673 P106 Q82955 +Q633 P136 Q186472 +Q267441 P1412 Q1860 +Q392785 P136 Q959790 +Q884 P530 Q1045 +Q356965 P1412 Q8798 +Q288173 P161 Q313650 +Q107816 P1412 Q188 +Q113953 P463 Q459620 +Q333004 P106 Q36180 +Q9582 P19 Q43199 +Q267866 P161 Q191132 +Q237669 P106 Q36834 +Q110043 P136 Q130232 +Q238557 P106 Q49757 +Q414 P530 Q419 +Q370747 P27 Q30 +Q129429 P106 Q33999 +Q112136 P463 Q329464 +Q59485 P106 Q3658608 +Q551521 P106 Q1979607 +Q221586 P161 Q228931 +Q169104 P106 Q36180 +Q668 P530 Q796 +Q11703496 P106 Q864503 +Q206235 P106 Q36180 +Q765871 P27 Q414 +Q118243 P106 Q82955 +Q49498 P161 Q442300 +Q108306 P106 Q33999 +Q235770 P264 Q183412 +Q507734 P1412 Q1860 +Q428372 P161 Q168992 +Q16867 P106 Q10297252 +Q217160 P264 Q1542119 +Q1820469 P106 Q486748 +Q207873 P27 Q30 +Q298930 P106 Q177220 +Q326526 P161 Q133050 +Q193676 P551 Q23556 +Q889 P463 Q899770 +Q228936 P495 Q30 +Q1377218 P106 Q33999 +Q272214 P106 Q10798782 +Q213736 P101 Q207628 +Q982175 P140 Q9268 +Q909149 P161 Q727752 +Q183535 P106 Q36180 +Q74807 P108 Q155354 +Q153178 P106 Q169470 +Q20 P530 Q96 +Q254510 P1303 Q46185 +Q1709 P463 Q747279 +Q448767 P106 Q36180 +Q463883 P106 Q1930187 +Q272068 P509 Q12078 +Q62963 P27 Q43287 +Q193346 P509 Q12078 +Q182057 P27 Q28 +Q83297 P463 Q188771 +Q682030 P264 Q165711 +Q717250 P19 Q19660 +Q165792 P19 Q1761 +Q120626 P161 Q105941 +Q272994 P135 Q1246516 +Q554406 P27 Q16 +Q193857 P106 Q214917 +Q313579 P106 Q3282637 +Q61852 P106 Q744738 +Q354867 P27 Q145 +Q34969 P1412 Q1860 +Q86635 P1412 Q188 +Q63725 P106 Q14467526 +Q289380 P106 Q3282637 +Q72913 P19 Q702259 +Q963015 P463 Q1468277 +Q263143 P69 Q457281 +Q59653 P161 Q382197 +Q202550 P264 Q330629 +Q208266 P161 Q59215 +Q263501 P106 Q2490358 +Q1452648 P27 Q30 +Q272770 P106 Q10800557 +Q858741 P20 Q184116 +Q303 P106 Q33999 +Q235077 P140 Q9268 +Q710282 P106 Q177220 +Q92639 P463 Q127992 +Q57276 P106 Q37226 +Q902 P530 Q224 +Q184366 P463 Q543804 +Q105564 P19 Q1055 +Q159063 P136 Q2975633 +Q191479 P509 Q12202 +Q25973 P106 Q36180 +Q122461 P27 Q30 +Q263178 P27 Q142 +Q23810 P106 Q593644 +Q520275 P106 Q43845 +Q526107 P27 Q30 +Q1634784 P264 Q18628 +Q428158 P161 Q2831 +Q66600 P106 Q10872101 +Q189739 P106 Q4164507 +Q275247 P264 Q3629023 +Q77060 P106 Q36180 +Q128560 P737 Q537112 +Q621521 P106 Q855091 +Q18391 P1412 Q150 +Q77888 P463 Q83172 +Q1064692 P140 Q624477 +Q66207 P19 Q1733 +Q713099 P106 Q855091 +Q122998 P27 Q142 +Q200534 P106 Q10800557 +Q224 P463 Q233611 +Q165421 P106 Q2516852 +Q243610 P37 Q8798 +Q211283 P106 Q10798782 +Q286366 P1412 Q150 +Q215300 P27 Q30 +Q130780 P106 Q752129 +Q154581 P495 Q55 +Q120366 P106 Q10798782 +Q183397 P106 Q1622272 +Q291693 P106 Q33999 +Q2610 P106 Q82955 +Q234096 P106 Q33999 +Q174210 P135 Q39427 +Q132266 P161 Q170572 +Q458229 P509 Q12152 +Q1382830 P106 Q639669 +Q78791 P140 Q7066 +Q49021 P161 Q296008 +Q274764 P106 Q121594 +Q230055 P136 Q37073 +Q386784 P106 Q177220 +Q242903 P106 Q177220 +Q268147 P19 Q5083 +Q76624 P106 Q1622272 +Q297945 P27 Q30 +Q144746 P264 Q212699 +Q196617 P20 Q1353 +Q1699312 P106 Q3282637 +Q717 P530 Q17 +Q219315 P161 Q290370 +Q330824 P106 Q177220 +Q317441 P106 Q36180 +Q77728 P69 Q151510 +Q190643 P161 Q37175 +Q71848 P135 Q2455000 +Q26294 P106 Q177220 +Q982109 P106 Q1781198 +Q229274 P106 Q486748 +Q192706 P106 Q81096 +Q201538 P20 Q60 +Q717059 P19 Q1439 +Q27204 P161 Q232860 +Q60141 P106 Q901402 +Q3816 P451 Q160333 +Q368794 P509 Q12202 +Q460425 P106 Q36180 +Q206466 P140 Q93191 +Q363379 P106 Q1781198 +Q203185 P136 Q49451 +Q172388 P106 Q1622272 +Q1449 P17 Q165154 +Q706560 P106 Q28389 +Q255720 P19 Q1439 +Q94081 P106 Q2722764 +Q704294 P106 Q214917 +Q111121 P27 Q713750 +Q310170 P264 Q5086379 +Q703091 P1412 Q9027 +Q205028 P161 Q272019 +Q160071 P161 Q234809 +Q155855 P106 Q214917 +Q382036 P20 Q11299 +Q706999 P102 Q79854 +Q620609 P19 Q1773 +Q323201 P19 Q60 +Q971735 P27 Q142 +Q5752 P101 Q5891 +Q68654 P19 Q2090 +Q708581 P136 Q5967378 +Q164933 P136 Q130232 +Q315208 P551 Q65 +Q248837 P509 Q18554460 +Q189081 P451 Q56016 +Q932959 P1303 Q80284 +Q221305 P161 Q376176 +Q171525 P19 Q462799 +Q230736 P106 Q5716684 +Q533284 P509 Q202837 +Q105180 P106 Q36180 +Q1033 P530 Q657 +Q44301 P106 Q177220 +Q273079 P106 Q15981151 +Q72856 P119 Q240744 +Q255300 P69 Q178416 +Q822 P463 Q624307 +Q159933 P106 Q36834 +Q535355 P463 Q266063 +Q106428 P161 Q176277 +Q369681 P1412 Q7850 +Q123080 P106 Q1930187 +Q879093 P106 Q189290 +Q72224 P69 Q55038 +Q122003 P1412 Q652 +Q1900440 P106 Q15976092 +Q169564 P495 Q36 +Q286410 P106 Q753110 +Q164281 P106 Q1622272 +Q169996 P161 Q342533 +Q273910 P27 Q30 +Q429664 P27 Q30 +Q317397 P136 Q9730 +Q367391 P108 Q372608 +Q733373 P106 Q183945 +Q355839 P27 Q15180 +Q4218975 P3373 Q51908481 +Q84238 P106 Q1281618 +Q156268 P27 Q142 +Q403 P463 Q191384 +Q1806036 P106 Q753110 +Q236613 P106 Q36834 +Q108677 P106 Q49757 +Q439686 P101 Q482 +Q41 P530 Q159 +Q218235 P136 Q2143665 +Q215927 P69 Q152087 +Q186924 P27 Q30 +Q188214 P106 Q34074720 +Q289752 P106 Q947873 +Q215282 P108 Q149481 +Q256649 P106 Q33999 +Q193871 P20 Q172 +Q697818 P106 Q36180 +Q475004 P27 Q2895 +Q43939 P140 Q9592 +Q185888 P161 Q299194 +Q379684 P27 Q33 +Q200804 P136 Q188473 +Q333260 P1412 Q7737 +Q75292 P106 Q40348 +Q4119 P106 Q245068 +Q685 P463 Q899770 +Q153905 P1412 Q7913 +Q106275 P106 Q49757 +Q247538 P106 Q1930187 +Q276419 P1303 Q17172850 +Q172388 P69 Q49126 +Q237194 P106 Q245068 +Q642195 P106 Q662729 +Q531743 P106 Q1607826 +Q224 P463 Q1043527 +Q325679 P27 Q183 +Q176455 P69 Q7607037 +Q843 P37 Q1860 +Q230473 P551 Q489197 +Q60884 P27 Q40 +Q93872 P26 Q102852 +Q36949 P106 Q28389 +Q1030 P463 Q376150 +Q785404 P106 Q1028181 +Q144439 P1412 Q809 +Q287451 P19 Q60 +Q261669 P106 Q2526255 +Q232414 P1412 Q1860 +Q6527 P106 Q6625963 +Q284386 P106 Q1415090 +Q1291701 P1303 Q6607 +Q75523 P108 Q51985 +Q184 P530 Q232 +Q160478 P1412 Q36510 +Q103637 P106 Q2526255 +Q269869 P106 Q10798782 +Q729117 P1412 Q1860 +Q58328 P27 Q142 +Q367032 P40 Q319996 +Q97871 P463 Q49738 +Q205000 P119 Q7186324 +Q290856 P26 Q117139 +Q203806 P27 Q183 +Q446151 P106 Q39631 +Q1028 P530 Q35 +Q47900 P509 Q12204 +Q24367 P108 Q152087 +Q9695 P1303 Q81982 +Q165792 P108 Q192775 +Q447827 P106 Q188094 +Q183031 P463 Q463281 +Q723826 P106 Q183945 +Q453602 P27 Q142 +Q380545 P172 Q1026 +Q678 P463 Q7809 +Q363117 P106 Q3282637 +Q374220 P106 Q33999 +Q123916 P108 Q503473 +Q116928 P161 Q223854 +Q867852 P102 Q192821 +Q532915 P106 Q10800557 +Q229545 P106 Q36180 +Q78506 P106 Q1930187 +Q592504 P106 Q81096 +Q657 P463 Q1065 +Q45 P463 Q45177 +Q261990 P101 Q482 +Q1361841 P1412 Q1860 +Q130786 P1412 Q8798 +Q235 P37 Q150 +Q298761 P737 Q40640 +Q192022 P161 Q39666 +Q216701 P1303 Q8371 +Q523578 P1412 Q1860 +Q171571 P1303 Q17172850 +Q222041 P136 Q130232 +Q846 P530 Q851 +Q175305 P106 Q33999 +Q242423 P69 Q658975 +Q211551 P106 Q3242115 +Q275652 P27 Q30 +Q519466 P106 Q855091 +Q9095 P27 Q145 +Q209684 P106 Q36834 +Q1911440 P106 Q2865819 +Q465386 P27 Q142 +Q158436 P69 Q2093794 +Q113190 P108 Q165980 +Q1930688 P463 Q191583 +Q6714 P463 Q253439 +Q47007 P140 Q432 +Q33977 P106 Q214917 +Q111836 P69 Q157575 +Q79759 P20 Q84 +Q456827 P106 Q33999 +Q1528185 P27 Q30 +Q154269 P106 Q1028181 +Q235503 P27 Q30 +Q228787 P27 Q30 +Q168543 P551 Q30 +Q189534 P1412 Q188 +Q475004 P27 Q15180 +Q865 P530 Q889 +Q192402 P69 Q201492 +Q73612 P106 Q10800557 +Q57319 P106 Q5716684 +Q132537 P463 Q270794 +Q326526 P161 Q310944 +Q20726 P27 Q218 +Q72833 P136 Q8261 +Q312173 P106 Q639669 +Q17714 P737 Q33760 +Q387814 P140 Q106039 +Q1441274 P27 Q30 +Q8739 P106 Q169470 +Q801 P463 Q827525 +Q738978 P106 Q169470 +Q631416 P106 Q43845 +Q223790 P27 Q145 +Q243027 P106 Q18844224 +Q10490 P27 Q155 +Q201538 P27 Q30 +Q184 P530 Q33 +Q237345 P106 Q33999 +Q381203 P69 Q190080 +Q370155 P106 Q177220 +Q348001 P26 Q257872 +Q136264 P136 Q52162262 +Q243267 P172 Q1026 +Q103591 P106 Q28389 +Q197491 P840 Q1490 +Q363490 P106 Q753110 +Q183492 P106 Q1231865 +Q804 P530 Q159 +Q68325 P106 Q1607826 +Q62942 P106 Q3282637 +Q818006 P1412 Q188 +Q16867 P69 Q9219 +Q343304 P264 Q212699 +Q298209 P136 Q842324 +Q55641 P495 Q145 +Q191 P463 Q7825 +Q560649 P106 Q1086863 +Q713297 P106 Q49757 +Q219878 P106 Q177220 +Q231121 P101 Q11634 +Q92007 P19 Q1731 +Q611672 P551 Q1439 +Q708585 P27 Q30 +Q1025919 P136 Q20378 +Q30875 P27 Q174193 +Q796 P530 Q30 +Q915447 P106 Q10800557 +Q4941 P161 Q156586 +Q57118 P1412 Q188 +Q296843 P27 Q145 +Q122020 P106 Q6625963 +Q362749 P106 Q201788 +Q106603 P106 Q14467526 +Q504677 P106 Q6625963 +Q727717 P106 Q82955 +Q363763 P19 Q1603 +Q31621 P463 Q329464 +Q484702 P106 Q639669 +Q84444 P463 Q4345832 +Q378672 P106 Q2405480 +Q233061 P106 Q10798782 +Q51488 P106 Q28389 +Q237833 P509 Q189588 +Q167443 P102 Q327591 +Q58087 P1412 Q150 +Q153232 P463 Q463303 +Q4451656 P19 Q649 +Q659238 P106 Q488205 +Q61171 P106 Q4964182 +Q254510 P136 Q11366 +Q1235 P102 Q815348 +Q887347 P106 Q639669 +Q240521 P106 Q33999 +Q93153 P106 Q169470 +Q68815 P106 Q18814623 +Q338812 P27 Q30 +Q1805398 P101 Q8341 +Q237214 P106 Q2259451 +Q440145 P20 Q107126 +Q295463 P106 Q3282637 +Q170576 P27 Q30 +Q290856 P106 Q639669 +Q1004670 P106 Q82955 +Q87972 P27 Q183 +Q152493 P840 Q1384 +Q590792 P106 Q158852 +Q907600 P106 Q1930187 +Q153149 P69 Q1431541 +Q74639 P463 Q684415 +Q273215 P106 Q10800557 +Q351849 P1412 Q1860 +Q197108 P20 Q37836 +Q1145 P106 Q36834 +Q229249 P69 Q1026939 +Q678840 P106 Q486748 +Q786675 P1303 Q6607 +Q61597 P106 Q36180 +Q41594 P136 Q378988 +Q65932 P106 Q10800557 +Q712820 P136 Q1298934 +Q209169 P106 Q131524 +Q170509 P106 Q6625963 +Q433989 P509 Q12192 +Q278997 P136 Q130232 +Q37150 P1303 Q17172850 +Q66447 P106 Q1234713 +Q76554 P20 Q64 +Q335643 P106 Q10798782 +Q112284 P106 Q730242 +Q5912 P551 Q60 +Q333411 P27 Q34266 +Q115210 P57 Q337226 +Q54543 P106 Q10833314 +Q55502 P37 Q397 +Q555324 P19 Q1748 +Q1193914 P106 Q43845 +Q215562 P551 Q5092 +Q92854 P69 Q969850 +Q205687 P495 Q35 +Q400729 P1412 Q1860 +Q91093 P1412 Q188 +Q534234 P136 Q11366 +Q355009 P106 Q55960555 +Q938402 P27 Q28513 +Q333519 P20 Q84 +Q62898 P463 Q131566 +Q551015 P106 Q4263842 +Q204019 P106 Q2252262 +Q164578 P106 Q36180 +Q236075 P19 Q489197 +Q36591 P69 Q332342 +Q4066893 P19 Q23482 +Q553259 P69 Q705737 +Q66732 P108 Q13371 +Q253607 P264 Q183387 +Q217112 P136 Q130232 +Q957627 P136 Q186472 +Q257165 P106 Q2405480 +Q311115 P106 Q121594 +Q1272729 P136 Q7749 +Q160627 P1412 Q1860 +Q67535 P69 Q156737 +Q45278 P172 Q42884 +Q66162 P1412 Q1860 +Q27645 P737 Q9061 +Q932344 P106 Q205375 +Q237420 P19 Q678437 +Q43293 P106 Q1622272 +Q154756 P106 Q11774202 +Q28 P463 Q827525 +Q40572 P1412 Q1860 +Q29999 P463 Q826700 +Q200883 P106 Q205375 +Q314638 P264 Q54860 +Q55690 P20 Q1156 +Q257889 P106 Q36834 +Q545423 P106 Q214917 +Q180962 P172 Q7325 +Q363371 P27 Q15180 +Q239382 P106 Q639669 +Q192115 P57 Q3772 +Q48280 P1412 Q1860 +Q48996 P27 Q30 +Q715701 P69 Q273447 +Q980676 P106 Q81096 +Q3924 P27 Q30 +Q68654 P27 Q713750 +Q84386 P101 Q9418 +Q131112 P108 Q174570 +Q170333 P106 Q14972848 +Q155106 P106 Q589298 +Q539156 P106 Q639669 +Q217557 P737 Q991 +Q39999 P136 Q663106 +Q320146 P106 Q482980 +Q220584 P106 Q28389 +Q44007 P106 Q16947657 +Q538708 P27 Q29 +Q238866 P161 Q218503 +Q365042 P106 Q2526255 +Q72867 P106 Q10800557 +Q836 P463 Q376150 +Q962609 P106 Q488205 +Q62791 P27 Q183 +Q231391 P106 Q36180 +Q148429 P495 Q408 +Q9439 P1412 Q1860 +Q123413 P1412 Q150 +Q499028 P136 Q11399 +Q281296 P135 Q377616 +Q235278 P19 Q16555 +Q229535 P106 Q10798782 +Q1379510 P106 Q639669 +Q129817 P136 Q21590660 +Q27306 P30 Q46 +Q75292 P106 Q36180 +Q47221 P136 Q130232 +Q311022 P101 Q11063 +Q206235 P106 Q10798782 +Q67711 P20 Q64 +Q182305 P19 Q1781 +Q71650 P106 Q2526255 +Q46548 P106 Q1930187 +Q105273 P27 Q16957 +Q732980 P136 Q182015 +Q178348 P106 Q2526255 +Q182654 P101 Q7163 +Q244876 P136 Q130232 +Q456235 P106 Q82955 +Q206497 P136 Q645928 +Q80596 P737 Q692 +Q37030 P40 Q77109 +Q95019 P106 Q10800557 +Q3189110 P69 Q332342 +Q221102 P161 Q342604 +Q213521 P26 Q310166 +Q177632 P20 Q65 +Q80135 P136 Q9730 +Q110714 P19 Q1494 +Q215263 P463 Q46703 +Q228909 P264 Q38903 +Q139460 P161 Q104061 +Q16397 P106 Q4964182 +Q229153 P101 Q207628 +Q230420 P106 Q2259451 +Q355288 P136 Q131272 +Q270085 P106 Q169470 +Q109135 P136 Q130232 +Q269402 P1303 Q17172850 +Q771296 P495 Q159 +Q234145 P108 Q392904 +Q84238 P463 Q463303 +Q105386 P106 Q49757 +Q495 P17 Q165154 +Q110870 P27 Q16957 +Q276005 P106 Q55960555 +Q92650 P69 Q5676553 +Q1395732 P136 Q37073 +Q259047 P106 Q4610556 +Q61629 P106 Q4853732 +Q506102 P27 Q30 +Q208266 P840 Q114 +Q152785 P3373 Q151083 +Q108539 P1412 Q188 +Q78791 P1412 Q188 +Q258715 P20 Q1085 +Q191088 P3373 Q201656 +Q364342 P27 Q30 +Q236987 P509 Q12136 +Q445795 P136 Q1200678 +Q1573501 P106 Q189290 +Q354382 P119 Q311 +Q75720 P463 Q756504 +Q2079 P17 Q183 +Q349852 P106 Q10798782 +Q915447 P119 Q1302545 +Q423 P463 Q7809 +Q316381 P106 Q36180 +Q51884 P106 Q11063 +Q48868 P1412 Q1860 +Q291228 P27 Q29 +Q29658 P136 Q860626 +Q183713 P135 Q37068 +Q598050 P20 Q270 +Q1282289 P106 Q3455803 +Q173637 P106 Q33999 +Q70236 P106 Q1622272 +Q127866 P136 Q485395 +Q83003 P106 Q4964182 +Q291866 P106 Q49757 +Q265031 P106 Q2259451 +Q630454 P106 Q6625963 +Q427597 P106 Q33999 +Q319783 P136 Q2484376 +Q123062 P1412 Q150 +Q71407 P106 Q18814623 +Q87675 P463 Q684415 +Q69045 P1050 Q11081 +Q235503 P69 Q7060402 +Q104049 P106 Q482980 +Q572655 P136 Q8261 +Q122003 P136 Q83440 +Q233848 P69 Q860527 +Q188426 P106 Q855091 +Q44845 P106 Q4964182 +Q823003 P106 Q49757 +Q2843357 P106 Q333634 +Q272960 P19 Q1297 +Q153996 P136 Q37073 +Q84561 P101 Q18362 +Q55415 P27 Q183 +Q4724 P509 Q12152 +Q298255 P106 Q2526255 +Q41 P530 Q30 +Q520346 P69 Q192088 +Q76755 P136 Q8261 +Q244975 P161 Q41340 +Q271690 P840 Q61 +Q77112 P136 Q850412 +Q364868 P27 Q15180 +Q46139 P20 Q90 +Q116032 P463 Q414379 +Q24558760 P3373 Q13132095 +Q158379 P106 Q333634 +Q69645 P106 Q10798782 +Q35332 P26 Q32522 +Q215488 P106 Q753110 +Q227312 P106 Q36180 +Q712586 P1303 Q6607 +Q679289 P106 Q177220 +Q6060 P1303 Q17172850 +Q740036 P136 Q2332751 +Q1803720 P1303 Q17172850 +Q44398 P20 Q786 +Q11812 P1412 Q652 +Q184768 P136 Q130232 +Q263552 P19 Q8678 +Q193744 P737 Q205721 +Q326823 P1412 Q9067 +Q55469 P451 Q168721 +Q164869 P106 Q17125263 +Q928 P530 Q15180 +Q72938 P119 Q996499 +Q57136 P106 Q47064 +Q14536 P69 Q7060402 +Q231135 P26 Q1384181 +Q124070 P106 Q4964182 +Q342397 P463 Q958769 +Q92995 P463 Q191583 +Q106571 P161 Q359996 +Q79023 P20 Q1085 +Q1789286 P106 Q49757 +Q531913 P106 Q639669 +Q505129 P106 Q1622272 +Q70425 P106 Q82955 +Q367927 P27 Q30 +Q529619 P106 Q753110 +Q84780 P106 Q10800557 +Q1702383 P264 Q216364 +Q526220 P102 Q29468 +Q159577 P106 Q36180 +Q1444438 P136 Q8341 +Q1787960 P106 Q36180 +Q77214 P136 Q25379 +Q14277 P27 Q183 +Q1163944 P119 Q1457437 +Q240377 P26 Q210059 +Q981190 P27 Q15180 +Q108560 P1303 Q8350 +Q1435522 P136 Q205049 +Q307737 P1303 Q17172850 +Q76625 P19 Q1726 +Q362340 P136 Q1344 +Q1699312 P264 Q183412 +Q258630 P108 Q681250 +Q819 P463 Q188822 +Q45275 P106 Q753110 +Q245257 P27 Q30 +Q233786 P27 Q30 +Q350362 P106 Q639669 +Q60128 P106 Q1930187 +Q193257 P101 Q9465 +Q225453 P106 Q1622272 +Q325422 P27 Q30 +Q129283 P136 Q52162262 +Q290312 P161 Q350424 +Q159063 P495 Q183 +Q1065956 P69 Q21578 +Q431540 P119 Q2661974 +Q465695 P106 Q488205 +Q833 P530 Q28 +Q5354 P106 Q674426 +Q52950 P1412 Q9027 +Q562556 P1412 Q150 +Q1167000 P1303 Q6607 +Q334 P530 Q921 +Q45839 P161 Q381799 +Q262354 P106 Q11774202 +Q236005 P106 Q10800557 +Q750 P530 Q794 +Q188955 P106 Q33999 +Q100440 P106 Q18814623 +Q6512 P69 Q186285 +Q177311 P1412 Q1321 +Q125017 P106 Q33999 +Q63146 P106 Q155647 +Q454645 P1412 Q143 +Q36322 P106 Q15949613 +Q228901 P27 Q408 +Q203460 P108 Q13371 +Q70950 P69 Q152087 +Q387370 P161 Q95026 +Q21197 P17 Q217 +Q293067 P19 Q84 +Q349461 P19 Q184116 +Q93401 P106 Q4964182 +Q376663 P641 Q2736 +Q207482 P161 Q352730 +Q229153 P106 Q33999 +Q274297 P140 Q9592 +Q801 P530 Q233 +Q562213 P106 Q2516866 +Q242555 P19 Q60 +Q347528 P264 Q1251139 +Q323076 P106 Q3282637 +Q75866 P69 Q55044 +Q3091395 P737 Q60884 +Q241180 P19 Q5332 +Q235388 P106 Q10798782 +Q462502 P69 Q523926 +Q258793 P27 Q30 +Q53018 P27 Q38 +Q283061 P106 Q183945 +Q298030 P19 Q1764 +Q214659 P106 Q182436 +Q287427 P106 Q2259451 +Q382604 P27 Q145 +Q726198 P102 Q29468 +Q180468 P106 Q16323111 +Q215339 P172 Q726673 +Q118745 P463 Q2370801 +Q48280 P106 Q177220 +Q189991 P136 Q817138 +Q431252 P161 Q138005 +Q362258 P136 Q1344 +Q40 P463 Q1377612 +Q455292 P1303 Q17172850 +Q193628 P106 Q10800557 +Q87832 P106 Q14915627 +Q42544 P106 Q82955 +Q95485 P136 Q8341 +Q349217 P106 Q3282637 +Q1720 P17 Q43287 +Q233061 P106 Q177220 +Q38484 P463 Q463303 +Q221113 P161 Q206659 +Q1476652 P551 Q24639 +Q273978 P495 Q30 +Q388035 P106 Q1114448 +Q94186 P1412 Q188 +Q318309 P19 Q1891 +Q983962 P27 Q15180 +Q317142 P106 Q36180 +Q5333 P463 Q543804 +Q131355 P27 Q129286 +Q311786 P106 Q11900058 +Q229 P530 Q865 +Q215076 P264 Q203059 +Q177288 P451 Q188526 +Q796 P530 Q28 +Q241735 P463 Q270794 +Q389466 P161 Q6096 +Q95076 P27 Q145 +Q335680 P106 Q10800557 +Q185071 P57 Q95125 +Q232163 P106 Q33999 +Q330567 P69 Q174158 +Q468003 P106 Q6625963 +Q185110 P1412 Q7737 +Q2185 P1412 Q150 +Q34105 P1412 Q13955 +Q272972 P19 Q16557 +Q95174 P1303 Q17172850 +Q459057 P161 Q184103 +Q244398 P161 Q23517 +Q10536 P27 Q145 +Q80889 P136 Q192239 +Q316556 P27 Q28 +Q8877 P172 Q678551 +Q186799 P161 Q310637 +Q154782 P463 Q543804 +Q221843 P106 Q10800557 +Q4636 P264 Q183387 +Q107940 P161 Q376176 +Q5208 P106 Q974144 +Q221155 P106 Q33999 +Q313378 P136 Q9759 +Q162458 P57 Q25144 +Q589585 P106 Q14467526 +Q171421 P106 Q82955 +Q350690 P106 Q33999 +Q414 P463 Q4230 +Q295034 P106 Q2405480 +Q47480 P463 Q265058 +Q93450 P19 Q1085 +Q316844 P140 Q9592 +Q683 P463 Q384535 +Q152274 P106 Q2306091 +Q537722 P27 Q30 +Q434399 P1303 Q17172850 +Q276772 P495 Q30 +Q1383002 P20 Q678437 +Q609095 P69 Q174158 +Q171428 P140 Q9268 +Q290091 P106 Q2405480 +Q34863 P17 Q30 +Q17 P37 Q5287 +Q77015 P106 Q40348 +Q21826 P106 Q1622272 +Q353640 P106 Q2405480 +Q190956 P495 Q30 +Q38 P530 Q40 +Q445367 P27 Q30 +Q152555 P106 Q10798782 +Q364179 P27 Q28 +Q12769 P551 Q727 +Q345612 P20 Q49145 +Q6173722 P172 Q49085 +Q75789 P27 Q28513 +Q78506 P106 Q49757 +Q189415 P106 Q10800557 +Q156898 P106 Q36180 +Q154338 P140 Q9592 +Q86843 P509 Q506616 +Q1976514 P27 Q15180 +Q325487 P106 Q28389 +Q236960 P106 Q36180 +Q93689 P495 Q30 +Q267672 P161 Q372073 +Q96599 P119 Q176298 +Q573584 P106 Q4964182 +Q1643790 P1412 Q1321 +Q311256 P106 Q639669 +Q117021 P463 Q83172 +Q1579916 P108 Q312578 +Q211545 P495 Q30 +Q3104 P17 Q183 +Q214642 P1412 Q1860 +Q361297 P27 Q30 +Q1282910 P106 Q33999 +Q265 P463 Q1065 +Q234610 P27 Q30 +Q110365 P161 Q106418 +Q169946 P106 Q3282637 +Q218083 P106 Q486748 +Q77107 P106 Q49757 +Q57619 P27 Q183 +Q91827 P140 Q75809 +Q38670 P69 Q49210 +Q312407 P106 Q36180 +Q594644 P106 Q49757 +Q154356 P1412 Q150 +Q254611 P1303 Q17172850 +Q157246 P172 Q127885 +Q216927 P264 Q14192383 +Q133654 P136 Q20442589 +Q72867 P106 Q6625963 +Q95237 P27 Q183 +Q276525 P106 Q36180 +Q132524 P140 Q7066 +Q779932 P136 Q482 +Q369292 P27 Q30 +Q217280 P106 Q639669 +Q242373 P19 Q61 +Q472270 P106 Q82955 +Q180279 P161 Q4573 +Q168821 P161 Q104067 +Q36970 P106 Q177220 +Q213574 P106 Q33999 +Q168849 P840 Q739 +Q484427 P495 Q145 +Q388035 P106 Q10800557 +Q162255 P136 Q182015 +Q79 P463 Q340195 +Q431252 P57 Q3772 +Q1391397 P108 Q193196 +Q1139388 P106 Q639669 +Q119136 P19 Q2079 +Q59824 P106 Q33999 +Q192885 P1412 Q7737 +Q555613 P69 Q499911 +Q325575 P136 Q1054574 +Q340814 P161 Q1377218 +Q61407 P106 Q3621491 +Q186709 P20 Q649 +Q151872 P20 Q190828 +Q90012 P20 Q64 +Q494412 P463 Q40970 +Q232837 P106 Q2259451 +Q308681 P161 Q484523 +Q347 P463 Q842490 +Q78126 P106 Q201788 +Q35 P463 Q81299 +Q208909 P136 Q11399 +Q70618 P19 Q90 +Q76959 P463 Q463303 +Q323392 P136 Q224700 +Q2643 P1303 Q8355 +Q85084 P27 Q28513 +Q158486 P27 Q30 +Q578031 P1412 Q1860 +Q310375 P27 Q145 +Q215488 P106 Q2405480 +Q91436 P108 Q152838 +Q158250 P106 Q1930187 +Q220735 P161 Q150943 +Q637195 P106 Q33999 +Q967846 P20 Q495 +Q3666327 P119 Q311 +Q935090 P17 Q145 +Q451608 P1412 Q150 +Q16867 P27 Q30 +Q731195 P551 Q65 +Q902 P530 Q423 +Q44336 P106 Q28389 +Q332417 P106 Q715301 +Q228899 P106 Q639669 +Q139121 P69 Q2822225 +Q237774 P136 Q37073 +Q391262 P1412 Q9288 +Q88223 P69 Q871369 +Q236 P463 Q1043527 +Q313875 P19 Q39709 +Q320167 P106 Q639669 +Q92824 P106 Q169470 +Q216936 P106 Q10798782 +Q240677 P509 Q47912 +Q212 P37 Q8798 +Q436187 P119 Q1302545 +Q434968 P106 Q6168364 +Q125017 P26 Q83492 +Q96230 P69 Q152838 +Q155 P463 Q151991 +Q236527 P1303 Q17172850 +Q456005 P106 Q177220 +Q272134 P27 Q717 +Q232214 P106 Q488205 +Q426631 P136 Q20442589 +Q373566 P106 Q36180 +Q215925 P102 Q310296 +Q312173 P106 Q33999 +Q115588 P106 Q333634 +Q707999 P106 Q3282637 +Q87857 P106 Q482980 +Q35064 P136 Q186424 +Q309014 P136 Q622291 +Q92766 P27 Q30 +Q236613 P3373 Q192402 +Q235205 P106 Q2259451 +Q6512 P551 Q1748 +Q15873 P136 Q76092 +Q307440 P172 Q35323 +Q191040 P161 Q220335 +Q217068 P19 Q90 +Q67881 P106 Q33999 +Q1028 P463 Q47543 +Q71759 P69 Q523926 +Q242732 P19 Q18426 +Q257182 P106 Q10800557 +Q358990 P69 Q4614 +Q429867 P161 Q172653 +Q216563 P264 Q3629023 +Q881189 P551 Q142 +Q148 P530 Q801 +Q918647 P106 Q158852 +Q215868 P106 Q36180 +Q390063 P161 Q193048 +Q264867 P27 Q29 +Q769080 P1412 Q1321 +Q38 P530 Q801 +Q377 P509 Q11868838 +Q382638 P27 Q172579 +Q125057 P106 Q1734662 +Q202041 P264 Q165745 +Q172303 P106 Q10798782 +Q153159 P106 Q551835 +Q63826 P106 Q2732142 +Q155882 P140 Q7066 +Q4573 P27 Q145 +Q809077 P1303 Q17172850 +Q124617 P69 Q14404494 +Q552819 P264 Q3699593 +Q221450 P27 Q38 +Q5879 P106 Q3606216 +Q273215 P27 Q30 +Q259055 P1412 Q1860 +Q67018 P106 Q188094 +Q241735 P1412 Q1860 +Q105084 P17 Q43287 +Q326604 P106 Q1415090 +Q132330 P69 Q49165 +Q239419 P19 Q36600 +Q463883 P106 Q33999 +Q2516 P20 Q1055 +Q313525 P140 Q624477 +Q577704 P1412 Q7737 +Q1261353 P136 Q547137 +Q386245 P136 Q20443008 +Q185888 P840 Q99 +Q354783 P101 Q8341 +Q526107 P264 Q1046066 +Q658454 P108 Q319239 +Q1398834 P106 Q639669 +Q239897 P69 Q273593 +Q443528 P106 Q214917 +Q55993 P509 Q12192 +Q95443 P463 Q414110 +Q630446 P737 Q81438 +Q231071 P264 Q193023 +Q460196 P106 Q36180 +Q5809 P106 Q193391 +Q52488 P106 Q28389 +Q188384 P495 Q145 +Q843 P530 Q851 +Q188000 P161 Q193676 +Q47619 P136 Q8261 +Q363949 P69 Q13164 +Q86152 P106 Q492537 +Q234544 P106 Q10798782 +Q77734 P106 Q28389 +Q454568 P106 Q36180 +Q130868 P161 Q83325 +Q206439 P106 Q2405480 +Q971 P463 Q656801 +Q213684 P106 Q1930187 +Q4527494 P106 Q47064 +Q208572 P136 Q459290 +Q954563 P1412 Q150 +Q273727 P106 Q10798782 +Q36268 P106 Q4610556 +Q167443 P172 Q127885 +Q84330 P509 Q47912 +Q76576 P108 Q152087 +Q239540 P106 Q14467526 +Q193857 P106 Q49757 +Q401777 P136 Q1344 +Q230728 P641 Q38108 +Q20732 P1412 Q143 +Q61682 P1412 Q1860 +Q383420 P106 Q10800557 +Q8023 P463 Q463303 +Q2271710 P106 Q16287483 +Q145 P530 Q77 +Q58328 P463 Q684415 +Q45 P530 Q219 +Q77177 P106 Q36834 +Q19242 P108 Q23548 +Q128956 P509 Q11081 +Q1005 P463 Q7825 +Q3436506 P106 Q36180 +Q269462 P136 Q378988 +Q260616 P161 Q168721 +Q273484 P1303 Q17172850 +Q157400 P19 Q18424 +Q29086 P106 Q3282637 +Q128121 P106 Q855091 +Q344973 P19 Q172 +Q464207 P27 Q191 +Q105756 P106 Q18844224 +Q17455 P1412 Q150 +Q117789 P106 Q36180 +Q150916 P136 Q217191 +Q960376 P106 Q36180 +Q1354341 P106 Q639669 +Q87298 P69 Q35794 +Q1296 P37 Q7411 +Q81960 P106 Q131512 +Q200509 P106 Q15472169 +Q151881 P136 Q130232 +Q345517 P27 Q145 +Q63458 P106 Q14467526 +Q2440716 P106 Q36180 +Q123225 P140 Q5043 +Q73357 P106 Q17489339 +Q16458 P136 Q5442753 +Q125904 P106 Q10798782 +Q966228 P108 Q681250 +Q379824 P106 Q639669 +Q233739 P1303 Q17172850 +Q272064 P161 Q460578 +Q241218 P136 Q471839 +Q85914 P1412 Q188 +Q337063 P27 Q145 +Q154269 P102 Q151469 +Q762 P106 Q593644 +Q366521 P106 Q1930187 +Q78037 P27 Q183 +Q232927 P106 Q5716684 +Q103114 P106 Q753110 +Q66622 P102 Q328195 +Q181900 P106 Q4991371 +Q71322 P101 Q4932206 +Q82083 P106 Q39631 +Q77087 P551 Q1726 +Q77004 P119 Q190494 +Q193668 P106 Q10800557 +Q85394 P106 Q2306091 +Q2966 P463 Q55473342 +Q105026 P463 Q812155 +Q320052 P106 Q10798782 +Q154782 P106 Q11900058 +Q565678 P106 Q36834 +Q321636 P106 Q1622272 +Q333460 P463 Q756504 +Q242571 P140 Q5043 +Q211696 P106 Q33999 +Q327809 P161 Q67917 +Q295120 P1303 Q6607 +Q442667 P106 Q2705098 +Q726298 P20 Q485176 +Q240238 P27 Q30 +Q71106 P69 Q151510 +Q76641 P108 Q51985 +Q191 P530 Q96 +Q855 P140 Q55004488 +Q80510 P106 Q488205 +Q181249 P106 Q16323111 +Q162667 P264 Q193023 +Q370382 P106 Q333634 +Q56093 P27 Q30 +Q974888 P1412 Q1860 +Q314638 P106 Q33999 +Q211539 P69 Q81087 +Q71336 P27 Q183 +Q2602121 P69 Q584919 +Q377453 P136 Q193355 +Q455344 P1303 Q17172850 +Q445985 P1412 Q150 +Q443892 P101 Q207628 +Q47737 P1412 Q1860 +Q1020 P30 Q15 +Q232642 P26 Q316602 +Q116119 P27 Q39 +Q96064 P106 Q4002666 +Q360531 P106 Q10800557 +Q28 P463 Q17495 +Q46248 P106 Q1930187 +Q164813 P136 Q157394 +Q1000 P463 Q827525 +Q487491 P106 Q19350898 +Q373417 P27 Q172579 +Q2130862 P27 Q30 +Q953288 P737 Q38392 +Q153677 P161 Q164562 +Q99294 P1412 Q188 +Q173144 P106 Q36834 +Q156214 P106 Q36180 +Q551075 P1412 Q9056 +Q64278 P106 Q185351 +Q213081 P161 Q199929 +Q342580 P69 Q144488 +Q1111386 P27 Q30 +Q182046 P106 Q214917 +Q72678 P108 Q152087 +Q154556 P136 Q1344 +Q156309 P161 Q81328 +Q782738 P19 Q2807 +Q93632 P27 Q40 +Q118852 P27 Q16 +Q180962 P737 Q84412 +Q264774 P1303 Q5994 +Q45839 P495 Q30 +Q62558 P106 Q10798782 +Q37577 P1050 Q35869 +Q164384 P463 Q466089 +Q350717 P106 Q10800557 +Q72287 P106 Q3282637 +Q712082 P1412 Q9056 +Q215735 P106 Q482980 +Q449235 P69 Q81162 +Q125095 P463 Q463303 +Q221305 P161 Q318412 +Q41 P530 Q218 +Q684808 P106 Q822146 +Q298920 P509 Q12152 +Q77312 P69 Q315658 +Q713273 P106 Q806349 +Q41257 P463 Q338432 +Q60016 P161 Q240541 +Q231635 P106 Q639669 +Q982005 P102 Q327591 +Q1057893 P106 Q753110 +Q5284 P106 Q1979607 +Q18404 P106 Q36180 +Q156469 P1412 Q1860 +Q1629187 P27 Q145 +Q71499 P40 Q97129 +Q187414 P161 Q242523 +Q132193 P27 Q215 +Q92446 P27 Q183 +Q536301 P108 Q49210 +Q78524 P136 Q1344 +Q533369 P106 Q639669 +Q57109 P108 Q66800 +Q180626 P106 Q2526255 +Q284636 P106 Q10800557 +Q96665 P27 Q183 +Q547414 P106 Q6430706 +Q188111 P106 Q4610556 +Q44780 P20 Q1297 +Q242717 P106 Q36180 +Q241660 P264 Q1546001 +Q192668 P106 Q6625963 +Q195402 P161 Q177984 +Q315514 P1412 Q809 +Q345612 P1412 Q1860 +Q96 P37 Q1321 +Q713301 P20 Q99 +Q432929 P463 Q463303 +Q625721 P69 Q219615 +Q101494 P20 Q1794 +Q3589 P161 Q167520 +Q736847 P106 Q49757 +Q949184 P1412 Q1321 +Q171453 P136 Q188473 +Q309995 P106 Q1930187 +Q395340 P1412 Q7737 +Q168721 P1412 Q1860 +Q204751 P69 Q174710 +Q242416 P106 Q3282637 +Q214977 P106 Q82955 +Q888554 P106 Q639669 +Q61708 P102 Q328195 +Q108297 P161 Q330432 +Q235946 P101 Q482 +Q9695 P19 Q189960 +Q122461 P69 Q49112 +Q185002 P136 Q484641 +Q280734 P1412 Q1860 +Q736 P530 Q77 +Q49074 P551 Q60 +Q213 P530 Q801 +Q853932 P106 Q1607826 +Q272935 P106 Q245068 +Q303456 P161 Q376140 +Q239145 P106 Q33999 +Q64180 P108 Q317053 +Q2903389 P463 Q466113 +Q155649 P102 Q29552 +Q310394 P106 Q2526255 +Q7542 P106 Q5716684 +Q2646169 P1412 Q1860 +Q41502 P172 Q1026 +Q206534 P69 Q617433 +Q61673 P106 Q10873124 +Q359451 P27 Q155 +Q1399 P27 Q148540 +Q90653 P106 Q15981151 +Q1248240 P1412 Q1860 +Q84942 P20 Q586 +Q740657 P69 Q245247 +Q331123 P106 Q639669 +Q179888 P106 Q193391 +Q168728 P106 Q1231865 +Q77112 P26 Q229282 +Q152824 P106 Q2526255 +Q706560 P106 Q482980 +Q42574 P106 Q28389 +Q11806 P106 Q372436 +Q963003 P27 Q174193 +Q51416 P136 Q471839 +Q241115 P106 Q1028181 +Q539171 P106 Q177220 +Q96071 P69 Q154804 +Q4747436 P140 Q682443 +Q71447 P451 Q76483 +Q257872 P106 Q49757 +Q282372 P495 Q30 +Q263439 P27 Q30 +Q152274 P106 Q82955 +Q24064 P27 Q30 +Q154356 P463 Q83172 +Q309153 P161 Q272505 +Q158474 P161 Q152542 +Q663447 P106 Q3387717 +Q971 P463 Q191384 +Q55004 P136 Q1344 +Q260648 P161 Q316627 +Q215392 P17 Q142 +Q902463 P108 Q235034 +Q156193 P1303 Q5994 +Q272943 P119 Q1624932 +Q430911 P106 Q177220 +Q190145 P161 Q150482 +Q298726 P19 Q60 +Q113928 P106 Q1622272 +Q809028 P463 Q123885 +Q164721 P106 Q177220 +Q154545 P106 Q49757 +Q1341906 P106 Q183945 +Q11237 P106 Q10732476 +Q85982 P106 Q36180 +Q232477 P106 Q10800557 +Q78720 P27 Q40 +Q651059 P1412 Q7411 +Q584850 P106 Q37226 +Q132964 P136 Q25379 +Q77020 P106 Q1930187 +Q44398 P106 Q486748 +Q296828 P1412 Q150 +Q1173321 P106 Q177220 +Q251818 P20 Q90 +Q1125383 P106 Q1198887 +Q104865 P119 Q1130019 +Q104127 P1412 Q1860 +Q160852 P106 Q2732142 +Q441086 P27 Q38 +Q65917 P102 Q49750 +Q164328 P106 Q10798782 +Q113818 P27 Q41 +Q347 P530 Q183 +Q428158 P161 Q112307 +Q44529 P106 Q28389 +Q31637 P551 Q3616 +Q948 P463 Q376150 +Q1507223 P69 Q13371 +Q212498 P69 Q73094 +Q40504 P106 Q3282637 +Q229430 P106 Q2405480 +Q534419 P106 Q753110 +Q1064692 P106 Q43845 +Q263518 P136 Q9759 +Q112835 P27 Q183 +Q187165 P106 Q488205 +Q206886 P136 Q3072039 +Q134549 P69 Q13371 +Q399318 P136 Q182659 +Q18628 P136 Q38848 +Q313727 P1412 Q1860 +Q454398 P161 Q240933 +Q317142 P1412 Q652 +Q101740 P509 Q212961 +Q581018 P1412 Q150 +Q291806 P106 Q33999 +Q234551 P106 Q10798782 +Q159840 P20 Q34370 +Q315266 P463 Q543804 +Q76325 P106 Q4964182 +Q357326 P136 Q1344 +Q1711470 P27 Q838261 +Q805 P463 Q47543 +Q61962 P106 Q193391 +Q67597 P106 Q16533 +Q2415122 P106 Q266569 +Q649667 P106 Q36180 +Q55450 P106 Q2526255 +Q157303 P1412 Q150 +Q975210 P106 Q1622272 +Q190145 P161 Q233724 +Q463639 P135 Q1246516 +Q203674 P106 Q36180 +Q27684 P19 Q1757 +Q4492929 P463 Q2370801 +Q380123 P106 Q947873 +Q67139 P106 Q185351 +Q268262 P1412 Q9288 +Q381768 P641 Q11419 +Q386053 P106 Q10800557 +Q238432 P106 Q753110 +Q1036 P463 Q827525 +Q34584 P1303 Q17172850 +Q239786 P264 Q193023 +Q228931 P19 Q840668 +Q91865 P106 Q4964182 +Q95252 P106 Q14467526 +Q259940 P106 Q177220 +Q14045 P1303 Q5994 +Q235685 P106 Q10798782 +Q2602121 P108 Q150526 +Q70372 P106 Q1622272 +Q156608 P840 Q2634 +Q112307 P106 Q33999 +Q164745 P27 Q193714 +Q408 P463 Q191384 +Q309153 P161 Q62558 +Q117761 P1303 Q320002 +Q12696 P27 Q17 +Q445606 P1412 Q1860 +Q287977 P106 Q33999 +Q60715 P102 Q7320 +Q184 P530 Q233 +Q707990 P27 Q30 +Q80504 P737 Q41117 +Q3666327 P20 Q621 +Q537665 P106 Q169470 +Q313874 P495 Q30 +Q162629 P106 Q36834 +Q200299 P840 Q60 +Q168847 P106 Q33999 +Q309768 P463 Q1371509 +Q349507 P106 Q4263842 +Q316022 P27 Q30 +Q519273 P136 Q2332751 +Q63809 P106 Q185351 +Q331845 P106 Q214917 +Q335643 P106 Q10800557 +Q191132 P19 Q18419 +Q964396 P19 Q1761 +Q1041034 P106 Q639669 +Q5608 P106 Q822146 +Q1368401 P106 Q158852 +Q26993 P106 Q49757 +Q117902 P106 Q185351 +Q61723 P20 Q1726 +Q7504 P101 Q2329 +Q357762 P106 Q2526255 +Q234144 P136 Q37073 +Q216563 P551 Q1930 +Q168509 P106 Q250867 +Q347 P530 Q214 +Q142 P530 Q40 +Q60128 P136 Q8261 +Q192185 P106 Q15981151 +Q53023 P1412 Q652 +Q38294 P106 Q333634 +Q289469 P161 Q186757 +Q34189 P106 Q482980 +Q29 P530 Q38 +Q930197 P106 Q201788 +Q11826 P101 Q11190 +Q453583 P106 Q855091 +Q230473 P106 Q13474373 +Q455421 P463 Q161806 +Q1064423 P27 Q30 +Q221249 P161 Q233873 +Q66216 P106 Q2306091 +Q142292 P161 Q315051 +Q200464 P30 Q15 +Q363822 P27 Q30 +Q147909 P463 Q38130 +Q4401409 P106 Q1731155 +Q185696 P101 Q482 +Q67938 P106 Q49757 +Q288355 P161 Q229249 +Q314290 P106 Q177220 +Q311987 P27 Q30 +Q221113 P161 Q113206 +Q7286 P101 Q5891 +Q511399 P551 Q1218 +Q3589 P136 Q130232 +Q222071 P19 Q62 +Q505949 P27 Q717 +Q87298 P19 Q64 +Q345431 P27 Q30 +Q232456 P106 Q10800557 +Q162753 P1412 Q150 +Q445302 P106 Q10798782 +Q249032 P161 Q31293 +Q1333326 P106 Q16145150 +Q222832 P106 Q36180 +Q193035 P106 Q333634 +Q357324 P108 Q222738 +Q3305837 P108 Q222738 +Q129037 P161 Q105221 +Q194413 P161 Q220335 +Q230591 P101 Q8261 +Q448910 P106 Q947873 +Q350 P17 Q161885 +Q158398 P840 Q1384 +Q47075 P495 Q30 +Q780538 P106 Q4853732 +Q34189 P463 Q463303 +Q315208 P27 Q30 +Q128746 P1412 Q1860 +Q49145 P17 Q30 +Q57442 P106 Q18939491 +Q434640 P1412 Q5146 +Q378333 P69 Q4453555 +Q600344 P136 Q193355 +Q2022 P106 Q333634 +Q8862012 P20 Q270 +Q2704774 P463 Q2095524 +Q251818 P1412 Q150 +Q359251 P106 Q33999 +Q97341 P106 Q2722764 +Q4344126 P463 Q1971373 +Q184249 P19 Q23556 +Q326723 P119 Q1302545 +Q1507495 P264 Q287177 +Q423644 P140 Q432 +Q2063048 P1412 Q1321 +Q44481 P463 Q83172 +Q121656 P19 Q393 +Q90319 P106 Q7042855 +Q189991 P136 Q11401 +Q42747 P106 Q36180 +Q350732 P106 Q33999 +Q8619 P19 Q340 +Q704683 P106 Q177220 +Q95447 P106 Q182436 +Q1192 P106 Q2490358 +Q1514 P1303 Q6607 +Q1931654 P19 Q18419 +Q1095533 P1303 Q17172850 +Q733 P361 Q12585 +Q408 P463 Q7768 +Q123916 P106 Q333634 +Q1392583 P1303 Q6607 +Q164702 P161 Q180852 +Q451969 P101 Q482 +Q55294 P26 Q168724 +Q43977 P108 Q31519 +Q212678 P106 Q185351 +Q4960 P106 Q3282637 +Q979545 P106 Q1622272 +Q302762 P264 Q664167 +Q265202 P509 Q18554460 +Q295592 P69 Q389336 +Q258753 P106 Q6625963 +Q268994 P69 Q1250779 +Q178106 P27 Q30 +Q1609199 P106 Q158852 +Q123101 P19 Q90 +Q464097 P740 Q96 +Q333987 P20 Q60 +Q239917 P106 Q28389 +Q148429 P495 Q30 +Q101437 P106 Q1622272 +Q3104 P30 Q5401 +Q548438 P106 Q486748 +Q365682 P106 Q10800557 +Q168468 P463 Q117467 +Q544611 P108 Q4614 +Q191074 P840 Q99 +Q93514 P106 Q36180 +Q5608 P27 Q30 +Q931148 P106 Q189290 +Q981190 P106 Q36180 +Q233229 P264 Q212699 +Q58057 P463 Q700570 +Q240371 P1303 Q5994 +Q505871 P140 Q7066 +Q298 P463 Q191384 +Q250975 P69 Q219694 +Q1187592 P19 Q621 +Q544387 P106 Q639669 +Q12003 P106 Q4610556 +Q388557 P106 Q3282637 +Q12769 P1412 Q7411 +Q153610 P69 Q1719898 +Q111189 P106 Q1930187 +Q739 P530 Q40 +Q157293 P1412 Q1860 +Q69110 P27 Q30 +Q322850 P1303 Q6607 +Q67247 P108 Q51985 +Q143286 P1303 Q17172850 +Q71490 P106 Q36180 +Q45272 P463 Q459620 +Q160560 P161 Q1187592 +Q234928 P106 Q18844224 +Q256402 P106 Q2405480 +Q221 P530 Q38 +Q63176 P19 Q64 +Q1893889 P106 Q189290 +Q44032 P1050 Q178275 +Q3754146 P1412 Q1321 +Q62831 P106 Q39631 +Q93503 P1412 Q188 +Q542868 P264 Q1184501 +Q242577 P106 Q2259451 +Q436648 P135 Q7066 +Q1246 P530 Q55 +Q93620 P19 Q65 +Q134549 P119 Q216344 +Q307391 P106 Q753110 +Q158175 P136 Q11399 +Q43252 P264 Q3415083 +Q231487 P106 Q36834 +Q377614 P106 Q82955 +Q44412 P1412 Q9035 +Q12908 P106 Q188094 +Q61171 P69 Q40025 +Q235639 P20 Q65 +Q58866 P27 Q7318 +Q47447 P106 Q10798782 +Q970 P463 Q7172 +Q286690 P106 Q2259451 +Q555505 P106 Q2707485 +Q39246 P69 Q49108 +Q94882 P1303 Q46185 +Q359031 P19 Q60 +Q264618 P69 Q1161297 +Q12439 P30 Q49 +Q448163 P108 Q235034 +Q262 P463 Q233611 +Q62116 P106 Q1743122 +Q218319 P119 Q2790054 +Q286302 P106 Q1622272 +Q740036 P136 Q487965 +Q237331 P106 Q33999 +Q252469 P106 Q488205 +Q826 P463 Q656801 +Q2054 P106 Q4964182 +Q154216 P1303 Q17172850 +Q36740 P551 Q84 +Q258626 P19 Q31487 +Q580414 P106 Q28389 +Q380095 P106 Q33999 +Q312173 P106 Q10800557 +Q669934 P27 Q30 +Q766 P463 Q842490 +Q235517 P20 Q60 +Q18407 P161 Q230662 +Q179680 P172 Q121842 +Q132952 P106 Q1053574 +Q224159 P1412 Q1860 +Q316327 P509 Q12204 +Q71352 P463 Q218868 +Q244234 P106 Q10798782 +Q107405 P108 Q156598 +Q18227 P106 Q18844224 +Q467423 P106 Q10800557 +Q168419 P106 Q170790 +Q964071 P106 Q1930187 +Q270692 P106 Q855091 +Q2757 P106 Q40348 +Q182642 P108 Q23548 +Q706542 P27 Q30 +Q85580 P106 Q1622272 +Q64 P37 Q188 +Q1006 P463 Q1043527 +Q122020 P106 Q488205 +Q62665 P495 Q30 +Q519590 P106 Q1281618 +Q201079 P106 Q16145150 +Q92456 P1412 Q188 +Q772064 P69 Q245247 +Q66286 P27 Q183 +Q160071 P136 Q1146335 +Q285116 P106 Q183945 +Q220299 P495 Q30 +Q327288 P136 Q11399 +Q312902 P106 Q33999 +Q77667 P20 Q3150 +Q291731 P19 Q60 +Q210111 P161 Q316709 +Q7345 P136 Q5967378 +Q189054 P161 Q26806 +Q72564 P69 Q154561 +Q95273 P106 Q350979 +Q73007 P106 Q33999 +Q712359 P106 Q177220 +Q39970 P161 Q483118 +Q456921 P19 Q38022 +Q215855 P106 Q488205 +Q132899 P1412 Q7737 +Q401645 P3373 Q124710 +Q34460 P106 Q10798782 +Q350405 P106 Q3282637 +Q361523 P509 Q12152 +Q236236 P1412 Q1860 +Q549729 P106 Q1622272 +Q63528 P1412 Q188 +Q164784 P463 Q123885 +Q77938 P106 Q81096 +Q142 P530 Q252 +Q858 P530 Q399 +Q86809 P108 Q161976 +Q239240 P106 Q4610556 +Q267691 P106 Q36180 +Q323175 P106 Q9149093 +Q1241173 P106 Q183945 +Q324129 P1412 Q9063 +Q559844 P106 Q131524 +Q227312 P20 Q1781 +Q104514 P69 Q389336 +Q182589 P106 Q333634 +Q77967 P106 Q15895020 +Q155412 P106 Q639669 +Q242373 P106 Q10800557 +Q849116 P17 Q207272 +Q596817 P264 Q4779433 +Q143716 P136 Q1146335 +Q350552 P106 Q1930187 +Q378240 P20 Q90 +Q945 P463 Q294278 +Q82778 P101 Q5891 +Q78539 P106 Q82955 +Q278519 P69 Q670897 +Q974221 P106 Q36834 +Q41523 P1412 Q397 +Q156058 P101 Q166542 +Q28480 P27 Q801 +Q48226 P106 Q11774202 +Q232 P530 Q148 +Q157303 P27 Q142 +Q993950 P1412 Q809 +Q71874 P108 Q16952 +Q241 P530 Q668 +Q224902 P106 Q82955 +Q26208 P106 Q2526255 +Q1056805 P19 Q1891 +Q220910 P161 Q1889124 +Q64091 P69 Q55044 +Q358885 P1412 Q150 +Q233817 P106 Q2259451 +Q196080 P106 Q33999 +Q229139 P106 Q15981151 +Q156586 P27 Q145 +Q43144 P172 Q42884 +Q714185 P27 Q96 +Q707293 P106 Q639669 +Q274334 P463 Q1425328 +Q456017 P495 Q30 +Q131112 P1412 Q1860 +Q72678 P108 Q152838 +Q2079 P17 Q43287 +Q881 P530 Q424 +Q336397 P463 Q337234 +Q23543 P264 Q193023 +Q70142 P106 Q486748 +Q155375 P108 Q35794 +Q942147 P106 Q36834 +Q255342 P136 Q4984974 +Q77468 P27 Q183 +Q1155256 P106 Q639669 +Q201418 P106 Q2259451 +Q319723 P509 Q47912 +Q77107 P69 Q159895 +Q1352613 P161 Q968026 +Q1508451 P69 Q9842 +Q66140 P463 Q684415 +Q434680 P106 Q1930187 +Q990492 P69 Q131252 +Q75849 P106 Q37226 +Q4724 P463 Q463303 +Q31845 P106 Q201788 +Q357936 P27 Q801 +Q596817 P172 Q49085 +Q236318 P106 Q55960555 +Q57289 P106 Q82955 +Q312288 P20 Q485176 +Q179743 P161 Q1210022 +Q58282 P102 Q9626 +Q1077608 P106 Q483501 +Q983686 P106 Q1930187 +Q62753 P463 Q414110 +Q232562 P1412 Q1860 +Q34836 P106 Q11900058 +Q49767 P106 Q201788 +Q555147 P102 Q1904825 +Q91371 P106 Q482980 +Q27304761 P37 Q5146 +Q215916 P27 Q183 +Q80557 P136 Q959790 +Q331497 P106 Q512314 +Q181875 P27 Q161885 +Q208203 P106 Q82955 +Q94653 P106 Q36180 +Q76815 P106 Q33999 +Q4786 P1412 Q150 +Q49081 P737 Q131333 +Q23760 P106 Q2259451 +Q235470 P1412 Q1860 +Q16297 P106 Q6625963 +Q120966 P27 Q39 +Q544283 P1303 Q6607 +Q92608 P108 Q217365 +Q92933 P108 Q161562 +Q351732 P1303 Q17172850 +Q381014 P106 Q1622272 +Q921679 P106 Q177220 +Q470047 P106 Q36180 +Q135481 P19 Q656 +Q32 P463 Q1480793 +Q458686 P102 Q29552 +Q77087 P27 Q41304 +Q274334 P172 Q44806 +Q315391 P106 Q47064 +Q104719 P106 Q1622272 +Q106193 P264 Q21077 +Q114132 P106 Q1234713 +Q228904 P509 Q128581 +Q1395573 P551 Q23768 +Q52926 P463 Q123885 +Q725510 P106 Q177220 +Q435398 P264 Q330629 +Q87589 P19 Q1726 +Q7563919 P19 Q115 +Q1238180 P136 Q83440 +Q313279 P20 Q47164 +Q67941 P106 Q1622272 +Q153185 P69 Q209842 +Q14441 P106 Q10800557 +Q10490 P641 Q5386 +Q139549 P106 Q4853732 +Q209170 P136 Q1361932 +Q289645 P106 Q36180 +Q92831 P108 Q142740 +Q336010 P119 Q311 +Q354604 P19 Q656 +Q128911 P106 Q43845 +Q316901 P1412 Q8748 +Q59215 P108 Q126399 +Q186089 P106 Q170790 +Q426393 P161 Q235503 +Q1780 P17 Q154401 +Q124617 P106 Q82955 +Q452252 P101 Q207628 +Q83233 P106 Q33231 +Q202550 P1303 Q27939 +Q4101530 P463 Q2370801 +Q504 P737 Q9711 +Q526382 P106 Q1281618 +Q325575 P161 Q43416 +Q310347 P20 Q649 +Q32535 P161 Q95043 +Q159840 P108 Q13371 +Q781514 P106 Q81096 +Q119768 P106 Q333634 +Q219829 P106 Q27532437 +Q334 P530 Q16 +Q51814 P27 Q30 +Q322275 P106 Q639669 +Q180468 P106 Q593644 +Q77111 P1412 Q188 +Q57139 P106 Q765778 +Q359563 P20 Q216 +Q332493 P27 Q145 +Q55004 P509 Q12152 +Q331461 P136 Q11399 +Q313833 P106 Q82955 +Q74807 P108 Q154804 +Q300566 P495 Q145 +Q3074304 P69 Q3064332 +Q186185 P106 Q189290 +Q727752 P69 Q238101 +Q557699 P106 Q1930187 +Q979545 P108 Q41506 +Q191 P463 Q3866537 +Q216573 P27 Q801 +Q34787 P106 Q34074720 +Q93996 P108 Q622683 +Q1386899 P106 Q639669 +Q434913 P1303 Q17172850 +Q76414 P20 Q60 +Q400729 P19 Q801 +Q180695 P161 Q315087 +Q48996 P264 Q885833 +Q164757 P27 Q145 +Q740181 P106 Q49757 +Q1239155 P1303 Q9798 +Q187324 P106 Q512314 +Q95663 P106 Q15895020 +Q67901 P106 Q33999 +Q221384 P161 Q295974 +Q737570 P69 Q230899 +Q208681 P106 Q2405480 +Q258 P530 Q668 +Q70215 P27 Q40 +Q298818 P19 Q60 +Q601307 P106 Q3387717 +Q1077158 P106 Q36834 +Q12957 P463 Q6101686 +Q199927 P26 Q366322 +Q244 P463 Q7825 +Q312276 P264 Q216364 +Q3616 P30 Q48 +Q9916 P106 Q82955 +Q236355 P19 Q62 +Q88710 P69 Q55044 +Q818006 P106 Q36180 +Q219829 P106 Q214917 +Q238924 P1412 Q1860 +Q357929 P136 Q36279 +Q84503 P1412 Q188 +Q310819 P106 Q2259451 +Q214574 P19 Q1731 +Q95522 P69 Q153978 +Q106326 P106 Q28389 +Q7302 P136 Q9730 +Q228747 P106 Q2259451 +Q1017 P17 Q41304 +Q29 P530 Q224 +Q371932 P106 Q55960555 +Q19199 P106 Q822146 +Q62116 P106 Q1234713 +Q270794 P131 Q61 +Q123557 P106 Q2055046 +Q269869 P69 Q503419 +Q34414 P840 Q60 +Q353774 P106 Q36180 +Q272203 P106 Q177220 +Q231841 P27 Q30 +Q2585807 P106 Q1622272 +Q9061 P101 Q8134 +Q103767 P27 Q30 +Q181795 P161 Q311319 +Q45839 P136 Q1054574 +Q465695 P101 Q207628 +Q168992 P140 Q93191 +Q314223 P106 Q33231 +Q139223 P27 Q145 +Q168542 P106 Q49757 +Q48097 P27 Q159 +Q258761 P69 Q616591 +Q157324 P463 Q265058 +Q183279 P463 Q958769 +Q378882 P108 Q319239 +Q83649 P161 Q314290 +Q332497 P161 Q150943 +Q865 P530 Q34020 +Q431591 P106 Q855091 +Q27645 P140 Q7066 +Q805 P530 Q794 +Q114191 P463 Q253439 +Q275170 P1303 Q17172850 +Q1343669 P136 Q11366 +Q563 P1303 Q17172850 +Q25 P131 Q174193 +Q234399 P106 Q177220 +Q609095 P27 Q801 +Q72357 P106 Q81096 +Q555147 P106 Q1930187 +Q159098 P172 Q49085 +Q458033 P136 Q622291 +Q113997 P106 Q36180 +Q722119 P136 Q482 +Q555505 P1412 Q150 +Q316629 P106 Q36834 +Q85102 P19 Q1741 +Q155398 P27 Q183 +Q366207 P106 Q177220 +Q115761 P106 Q17489339 +Q14960 P17 Q152750 +Q287740 P136 Q157443 +Q23517 P106 Q2059704 +Q32595 P1303 Q6607 +Q426517 P136 Q959790 +Q863226 P106 Q753110 +Q108733 P108 Q154561 +Q44331 P119 Q68752772 +Q236075 P106 Q855091 +Q20 P463 Q827525 +Q981489 P27 Q129286 +Q285483 P509 Q188874 +Q88194 P20 Q31487 +Q328335 P69 Q1137719 +Q159 P530 Q1008 +Q371182 P108 Q168756 +Q230499 P1303 Q47369 +Q30628 P69 Q263064 +Q3770812 P40 Q275985 +Q42493 P136 Q1298934 +Q63032 P106 Q1622272 +Q122020 P106 Q183945 +Q66213 P463 Q459620 +Q765165 P551 Q649 +Q165193 P136 Q484344 +Q121810 P161 Q296537 +Q954231 P106 Q36834 +Q317122 P27 Q30 +Q77969 P106 Q1622272 +Q714739 P136 Q8261 +Q73033 P69 Q1145814 +Q53018 P106 Q3282637 +Q171861 P136 Q859369 +Q62373 P108 Q154561 +Q55169 P108 Q144488 +Q60970 P106 Q177220 +Q567 P106 Q593644 +Q110709 P463 Q3603946 +Q4029 P172 Q34069 +Q12702 P108 Q1065 +Q708284 P106 Q2310145 +Q1389589 P106 Q753110 +Q258761 P27 Q30 +Q115987 P101 Q9418 +Q234099 P1412 Q5287 +Q152451 P106 Q40348 +Q220396 P106 Q10800557 +Q64600 P106 Q1622272 +Q176909 P136 Q8261 +Q36739 P136 Q130232 +Q42831 P27 Q34266 +Q1351751 P136 Q9759 +Q171711 P161 Q238464 +Q434266 P20 Q23276 +Q76459 P106 Q13416354 +Q12003 P1412 Q1860 +Q32661 P106 Q36180 +Q710 P463 Q188822 +Q181662 P463 Q1938003 +Q233237 P27 Q30 +Q327288 P509 Q12192 +Q325038 P102 Q79854 +Q233837 P1412 Q9027 +Q276468 P106 Q10798782 +Q40909 P27 Q174193 +Q239307 P106 Q864380 +Q224029 P106 Q28389 +Q318198 P106 Q36180 +Q974795 P106 Q183945 +Q204750 P19 Q16554 +Q314990 P101 Q25372 +Q47159 P106 Q753110 +Q9387 P102 Q328195 +Q191026 P463 Q123885 +Q299317 P106 Q33999 +Q116760 P106 Q36180 +Q215673 P463 Q183725 +Q246997 P840 Q1384 +Q313256 P106 Q3387717 +Q52488 P136 Q676 +Q1025 P463 Q656801 +Q173893 P1412 Q1860 +Q116032 P119 Q2865 +Q467574 P106 Q3391743 +Q155079 P106 Q10800557 +Q4827652 P136 Q11399 +Q37030 P140 Q75809 +Q217314 P27 Q30 +Q254603 P26 Q596717 +Q550996 P106 Q43845 +Q3076050 P106 Q43845 +Q271690 P840 Q90 +Q229449 P106 Q177220 +Q117990 P106 Q1622272 +Q183492 P106 Q15980158 +Q209481 P161 Q229228 +Q165672 P509 Q389735 +Q451608 P463 Q3291340 +Q84207 P106 Q4964182 +Q244234 P27 Q30 +Q434669 P106 Q1930187 +Q159 P463 Q81299 +Q262507 P106 Q28389 +Q979865 P106 Q36180 +Q555226 P106 Q2259451 +Q164401 P463 Q83172 +Q93157 P106 Q214917 +Q1124849 P136 Q8341 +Q451483 P19 Q1748 +Q230578 P19 Q8678 +Q76 P27 Q30 +Q754 P530 Q298 +Q38393 P136 Q205049 +Q229375 P106 Q488205 +Q92977 P463 Q131566 +Q971 P463 Q3348506 +Q1355431 P27 Q145 +Q221586 P161 Q44221 +Q611586 P69 Q15142 +Q334126 P1412 Q1321 +Q358322 P140 Q7066 +Q112929 P106 Q36180 +Q118488 P106 Q28389 +Q106083 P136 Q8261 +Q526407 P106 Q33999 +Q228909 P106 Q183945 +Q206589 P161 Q232333 +Q233295 P19 Q334 +Q252 P530 Q34 +Q237673 P106 Q1028181 +Q106997 P172 Q49078 +Q361677 P1303 Q8355 +Q726198 P106 Q16533 +Q26339 P17 Q30 +Q428493 P106 Q177220 +Q4628 P463 Q7809 +Q142 P530 Q96 +Q102813 P20 Q60 +Q60145 P106 Q82955 +Q78514 P106 Q49757 +Q4157585 P27 Q159 +Q705482 P1412 Q9288 +Q100028 P106 Q10798782 +Q716282 P106 Q36180 +Q92756 P106 Q82594 +Q34424 P551 Q65 +Q463877 P108 Q2283 +Q2492 P106 Q82955 +Q201656 P3373 Q210172 +Q274233 P101 Q11023 +Q228787 P40 Q298209 +Q122968 P106 Q864503 +Q86812 P1412 Q188 +Q960081 P463 Q463303 +Q426396 P161 Q309503 +Q49279 P106 Q36180 +Q240772 P106 Q2732142 +Q184226 P737 Q9047 +Q37030 P102 Q328195 +Q486786 P106 Q36834 +Q137130 P161 Q7516 +Q37060 P106 Q333634 +Q66316 P108 Q152838 +Q432101 P101 Q36180 +Q157318 P108 Q144488 +Q40504 P106 Q245068 +Q178865 P69 Q1379834 +Q20145 P1303 Q17172850 +Q85700 P108 Q777403 +Q57249 P106 Q131524 +Q57999 P108 Q51985 +Q51570 P106 Q3282637 +Q153185 P20 Q90 +Q1066965 P1303 Q17172850 +Q440932 P106 Q33999 +Q198644 P106 Q49757 +Q270622 P19 Q16558 +Q61064 P27 Q2184 +Q204590 P106 Q9017214 +Q28310 P106 Q465501 +Q335760 P106 Q901 +Q148 P530 Q29 +Q865 P530 Q836 +Q465511 P106 Q947873 +Q438161 P551 Q84 +Q347986 P106 Q33999 +Q11689 P108 Q51985 +Q316872 P19 Q60 +Q159917 P106 Q188094 +Q69110 P1412 Q188 +Q1509379 P106 Q639669 +Q262 P530 Q212 +Q332394 P495 Q145 +Q919081 P106 Q36180 +Q298334 P106 Q214917 +Q9161 P69 Q1190355 +Q5879 P106 Q169470 +Q128507 P106 Q3357567 +Q315099 P106 Q2259451 +Q5685 P106 Q12144794 +Q896193 P1412 Q7411 +Q180861 P1303 Q46185 +Q63528 P106 Q82955 +Q212575 P27 Q34266 +Q188652 P135 Q377616 +Q296609 P69 Q348134 +Q706422 P106 Q639669 +Q348534 P161 Q216563 +Q241382 P27 Q159 +Q234428 P106 Q177220 +Q44736 P106 Q15214752 +Q76334 P106 Q10833314 +Q979166 P27 Q30 +Q58626 P1412 Q188 +Q93031 P463 Q543804 +Q584500 P106 Q36180 +Q346777 P551 Q159 +Q212167 P1412 Q188 +Q451608 P106 Q14915627 +Q213567 P106 Q33999 +Q105666 P27 Q183 +Q51552 P19 Q90 +Q366355 P27 Q30 +Q4724 P1050 Q41571 +Q1882498 P106 Q855091 +Q535972 P106 Q36834 +Q184366 P463 Q4345832 +Q61769 P101 Q395 +Q187364 P106 Q36180 +Q339196 P106 Q36180 +Q142292 P136 Q959790 +Q971702 P69 Q186285 +Q108285 P108 Q206702 +Q366355 P1303 Q5994 +Q84238 P106 Q40348 +Q320178 P106 Q3282637 +Q266109 P106 Q10800557 +Q188159 P161 Q193504 +Q366091 P106 Q14467526 +Q112651 P106 Q36834 +Q37610 P106 Q82955 +Q712914 P106 Q55960555 +Q3129951 P119 Q216344 +Q174843 P106 Q33231 +Q116105 P106 Q488205 +Q344179 P106 Q6625963 +Q61058 P106 Q1622272 +Q708078 P106 Q15627169 +Q34970 P106 Q333634 +Q185832 P108 Q185246 +Q308711 P106 Q18844224 +Q281034 P106 Q486748 +Q105531 P106 Q2599593 +Q197162 P106 Q82955 +Q211513 P69 Q28729082 +Q84696 P27 Q30 +Q79025 P106 Q6625963 +Q309014 P136 Q1200678 +Q183 P530 Q709 +Q37876 P102 Q29552 +Q990890 P26 Q450646 +Q62765 P463 Q684415 +Q372514 P136 Q188473 +Q132616 P106 Q10800557 +Q237821 P108 Q49115 +Q5685 P106 Q36180 +Q781 P463 Q1065 +Q158017 P119 Q118967 +Q82918 P102 Q79854 +Q427917 P264 Q778673 +Q78496 P102 Q7320 +Q79141 P69 Q230492 +Q229545 P1303 Q17172850 +Q1051531 P1412 Q1860 +Q55210 P106 Q627325 +Q153723 P161 Q76819 +Q60045 P1412 Q188 +Q709214 P106 Q205375 +Q465465 P106 Q36180 +Q49319 P106 Q2252262 +Q29086 P106 Q2405480 +Q269901 P106 Q177220 +Q337453 P102 Q9626 +Q242729 P106 Q18581305 +Q185490 P57 Q43203 +Q445429 P509 Q181754 +Q371403 P140 Q7066 +Q733174 P106 Q11774202 +Q92643 P509 Q12152 +Q587741 P106 Q753110 +Q89416 P119 Q240744 +Q317427 P106 Q855091 +Q342723 P1303 Q6607 +Q300568 P136 Q130232 +Q317251 P106 Q947873 +Q863049 P106 Q49757 +Q278519 P106 Q177220 +Q332632 P106 Q49757 +Q77271 P1412 Q150 +Q294144 P1303 Q17172850 +Q373508 P27 Q16 +Q363079 P19 Q6346 +Q184750 P106 Q1622272 +Q235511 P106 Q33999 +Q207951 P106 Q765778 +Q260947 P106 Q639669 +Q1039 P463 Q294278 +Q68137 P27 Q183 +Q264989 P1303 Q17172850 +Q34389 P264 Q202585 +Q43697 P1412 Q188 +Q853 P509 Q47912 +Q84475 P20 Q1741 +Q352452 P106 Q36834 +Q2177054 P131 Q649 +Q200883 P19 Q60 +Q202847 P106 Q12800682 +Q270560 P106 Q2526255 +Q1615184 P106 Q36834 +Q388286 P509 Q12136 +Q151898 P161 Q168724 +Q137098 P136 Q130232 +Q47221 P161 Q36949 +Q72287 P106 Q2526255 +Q222390 P106 Q33999 +Q57337 P106 Q864380 +Q60884 P108 Q599316 +Q90962 P102 Q49750 +Q211539 P19 Q3141 +Q1261353 P1412 Q5146 +Q240371 P27 Q30 +Q60528 P102 Q49750 +Q38561 P161 Q56016 +Q74667 P108 Q152171 +Q322794 P106 Q18805 +Q92740 P106 Q43845 +Q257764 P136 Q379671 +Q2986943 P106 Q15253558 +Q53714 P1303 Q302497 +Q89433 P27 Q145 +Q837 P463 Q384535 +Q310729 P840 Q23148 +Q159 P530 Q241 +Q2594 P69 Q152087 +Q66236 P1412 Q188 +Q211 P463 Q45177 +Q60876 P106 Q10800557 +Q18404 P102 Q192821 +Q275050 P26 Q295148 +Q4401409 P106 Q201788 +Q447831 P1412 Q7918 +Q62843 P463 Q270794 +Q1827208 P106 Q177220 +Q269683 P1412 Q1860 +Q540443 P19 Q84 +Q189 P530 Q96 +Q57384 P27 Q7318 +Q1077158 P19 Q61 +Q434821 P106 Q2490358 +Q634125 P69 Q168756 +Q270469 P1303 Q8355 +Q354382 P1412 Q1860 +Q242474 P119 Q1130019 +Q520275 P140 Q42504 +Q228733 P19 Q18426 +Q357776 P551 Q38022 +Q60247 P106 Q1234713 +Q217314 P102 Q29552 +Q204212 P840 Q23148 +Q23530 P641 Q31920 +Q373895 P106 Q2259451 +Q85618 P106 Q333634 +Q381664 P27 Q145 +Q313739 P69 Q49088 +Q336131 P69 Q849751 +Q145 P463 Q8908 +Q5912 P551 Q1726 +Q430872 P19 Q84 +Q298352 P1412 Q1860 +Q92643 P463 Q123885 +Q3629023 P452 Q638 +Q786675 P106 Q639669 +Q168109 P106 Q36180 +Q266578 P106 Q177220 +Q31959 P106 Q855091 +Q172107 P37 Q397 +Q677367 P106 Q1930187 +Q203223 P106 Q36834 +Q236829 P106 Q18844224 +Q168543 P106 Q130857 +Q44132 P106 Q193391 +Q691 P530 Q252 +Q55456 P106 Q2259451 +Q283859 P136 Q25379 +Q220901 P106 Q33999 +Q704609 P1412 Q1321 +Q399 P530 Q38 +Q312280 P106 Q28389 +Q561826 P106 Q43845 +Q28 P530 Q32 +Q77809 P106 Q36180 +Q325589 P106 Q36180 +Q557382 P106 Q1622272 +Q517273 P264 Q994175 +Q1276376 P69 Q49115 +Q60039 P108 Q43250 +Q110921 P69 Q372608 +Q309486 P27 Q145 +Q432694 P106 Q33999 +Q109455 P108 Q151510 +Q336272 P1303 Q1343007 +Q153185 P463 Q3291340 +Q40115 P161 Q483118 +Q107761 P840 Q1054923 +Q129591 P27 Q408 +Q976296 P106 Q482980 +Q8743 P27 Q30 +Q193035 P1412 Q150 +Q91124 P19 Q2966 +Q71018 P102 Q49750 +Q78830 P108 Q165980 +Q201221 P106 Q18814623 +Q167409 P264 Q994175 +Q129817 P1303 Q17172850 +Q168963 P463 Q463303 +Q116548 P106 Q1234713 +Q168896 P463 Q2092629 +Q326431 P20 Q90 +Q78214 P1412 Q7737 +Q716906 P27 Q30 +Q76131 P106 Q250867 +Q37103 P106 Q36180 +Q387601 P495 Q16 +Q115805 P1412 Q150 +Q11860 P106 Q40348 +Q95424 P106 Q36180 +Q213355 P106 Q49757 +Q1054564 P136 Q205049 +Q48093 P20 Q649 +Q124357 P1412 Q1860 +Q115455 P106 Q82955 +Q242110 P551 Q90 +Q1627834 P106 Q639669 +Q327293 P27 Q668 +Q7542 P737 Q5928 +Q315592 P161 Q235302 +Q87832 P463 Q451079 +Q467027 P264 Q193023 +Q230632 P106 Q10800557 +Q203560 P495 Q30 +Q83484 P106 Q33999 +Q107894 P161 Q29092 +Q254430 P551 Q1348 +Q196977 P161 Q55264 +Q332607 P140 Q9268 +Q236066 P106 Q177220 +Q975084 P106 Q333634 +Q61520 P463 Q1285073 +Q274529 P161 Q181229 +Q202440 P749 Q21077 +Q131112 P108 Q49112 +Q238795 P136 Q217467 +Q529858 P27 Q38 +Q131725 P1412 Q1860 +Q104104 P551 Q18125 +Q851 P530 Q986 +Q1680268 P69 Q161562 +Q206124 P136 Q471839 +Q104301 P106 Q82955 +Q156814 P27 Q39 +Q40572 P106 Q948329 +Q133050 P106 Q10798782 +Q363698 P27 Q30 +Q183279 P463 Q83172 +Q664592 P69 Q13371 +Q357980 P119 Q3400970 +Q222921 P264 Q183387 +Q221289 P27 Q145 +Q983434 P1412 Q1860 +Q157242 P19 Q4093 +Q267769 P27 Q30 +Q186959 P106 Q482980 +Q76824 P161 Q41142 +Q95043 P27 Q30 +Q807398 P106 Q947873 +Q215076 P19 Q334 +Q78386 P106 Q1622272 +Q733 P463 Q7809 +Q59572 P161 Q41422 +Q334633 P106 Q14467526 +Q310166 P136 Q11399 +Q316381 P106 Q34074720 +Q219878 P106 Q9017214 +Q66127 P509 Q12078 +Q963787 P136 Q83440 +Q361617 P1412 Q1860 +Q45275 P106 Q822146 +Q243113 P3373 Q1939373 +Q81960 P136 Q474090 +Q361297 P641 Q32112 +Q83003 P140 Q106039 +Q983686 P1303 Q17172850 +Q91428 P69 Q55044 +Q207197 P1412 Q9288 +Q86407 P20 Q1707 +Q326571 P69 Q49166 +Q26876 P1412 Q1860 +Q44695 P136 Q8261 +Q12957 P27 Q142 +Q62749 P106 Q185351 +Q213520 P106 Q36180 +Q359251 P106 Q333634 +Q77608 P27 Q183 +Q333573 P108 Q34433 +Q1516431 P136 Q369747 +Q312657 P106 Q222749 +Q369388 P136 Q1054574 +Q949281 P106 Q4263842 +Q169717 P1412 Q5287 +Q63456 P106 Q1622272 +Q94040 P19 Q1741 +Q29031 P106 Q2004963 +Q1698 P119 Q272208 +Q170606 P106 Q4610556 +Q157322 P106 Q2526255 +Q380626 P509 Q372701 +Q153725 P1303 Q17172850 +Q558972 P102 Q537303 +Q440528 P106 Q36180 +Q156774 P463 Q83172 +Q1032 P463 Q899770 +Q86060 P106 Q185351 +Q116088 P69 Q55044 +Q357676 P641 Q41323 +Q432101 P27 Q172579 +Q77493 P119 Q190494 +Q189172 P106 Q170790 +Q128854 P495 Q30 +Q52447 P106 Q183945 +Q240509 P1303 Q17172850 +Q314033 P106 Q2405480 +Q111087 P106 Q2259451 +Q58612 P106 Q36180 +Q111087 P106 Q2405480 +Q230555 P106 Q10800557 +Q1346832 P27 Q242 +Q316381 P106 Q214917 +Q948093 P106 Q1930187 +Q922191 P106 Q6625963 +Q858 P530 Q43 +Q3719620 P463 Q127992 +Q1347984 P17 Q145 +Q31215 P106 Q193391 +Q40874 P135 Q667661 +Q90315 P27 Q183 +Q1056163 P1303 Q128309 +Q380425 P20 Q33935 +Q1346849 P106 Q1622272 +Q234454 P106 Q728711 +Q375024 P108 Q847099 +Q33 P463 Q789769 +Q15001 P69 Q27923720 +Q971447 P106 Q18844224 +Q7314 P1412 Q1860 +Q41378 P106 Q169470 +Q6043036 P463 Q1003730 +Q334665 P106 Q82955 +Q235955 P1412 Q8641 +Q441226 P27 Q30 +Q66002 P20 Q693653 +Q62798 P69 Q155354 +Q180727 P136 Q2332751 +Q49001 P106 Q36180 +Q484523 P106 Q2526255 +Q87850 P1412 Q188 +Q441351 P106 Q36834 +Q114623 P106 Q36180 +Q228832 P264 Q183412 +Q189197 P69 Q9842 +Q208869 P106 Q6625963 +Q918647 P106 Q2490358 +Q180727 P509 Q12202 +Q176537 P106 Q10798782 +Q1689346 P106 Q131524 +Q159 P530 Q917 +Q47426 P106 Q1622272 +Q307 P106 Q4964182 +Q1203 P106 Q2526255 +Q292373 P136 Q83440 +Q554775 P19 Q35 +Q4039 P264 Q585643 +Q106073 P106 Q2526255 +Q511124 P106 Q81096 +Q104859 P106 Q18814623 +Q110450 P509 Q12152 +Q1016 P530 Q38 +Q7241 P1412 Q1860 +Q26412 P27 Q15180 +Q298276 P451 Q179414 +Q134165 P463 Q30907154 +Q89188 P1412 Q1860 +Q434640 P106 Q1930187 +Q210172 P3373 Q191088 +Q217427 P136 Q45981 +Q210741 P106 Q245068 +Q2105 P509 Q476921 +Q92853 P509 Q18554460 +Q114576 P509 Q206901 +Q53031 P641 Q847 +Q535972 P106 Q639669 +Q971962 P106 Q201788 +Q161819 P1412 Q1860 +Q704015 P19 Q5332 +Q334780 P161 Q460578 +Q3903340 P106 Q121594 +Q319751 P27 Q145 +Q41871 P106 Q131524 +Q144622 P1412 Q1860 +Q550784 P119 Q5763964 +Q11617 P1412 Q1860 +Q353449 P106 Q158852 +Q1861917 P106 Q2252262 +Q167774 P1412 Q1860 +Q328797 P1303 Q17172850 +Q436978 P106 Q10800557 +Q222071 P106 Q639669 +Q262502 P106 Q18814623 +Q878 P530 Q252 +Q254983 P106 Q36180 +Q188018 P69 Q670897 +Q58073 P27 Q414 +Q72543 P106 Q639669 +Q76943 P106 Q2405480 +Q5577 P1412 Q7026 +Q795238 P106 Q28389 +Q1386443 P27 Q30 +Q224 P530 Q408 +Q318885 P106 Q10800557 +Q9599 P108 Q157808 +Q323452 P106 Q2259451 +Q61356 P106 Q10798782 +Q201418 P106 Q36180 +Q659027 P106 Q4263842 +Q236950 P69 Q167733 +Q157040 P106 Q1930187 +Q182763 P69 Q7866352 +Q158813 P140 Q93191 +Q260548 P161 Q132058 +Q457333 P161 Q236250 +Q974888 P106 Q639669 +Q84412 P69 Q165980 +Q95951 P19 Q64 +Q627520 P136 Q11399 +Q879093 P27 Q36 +Q436463 P27 Q29999 +Q72217 P509 Q12192 +Q57266 P106 Q28389 +Q705210 P20 Q90 +Q887553 P69 Q217741 +Q560390 P106 Q4853732 +Q902 P530 Q45 +Q316427 P136 Q9730 +Q52926 P140 Q75809 +Q241252 P140 Q35032 +Q151830 P106 Q33999 +Q234964 P106 Q49757 +Q9358 P106 Q1350157 +Q1077608 P69 Q860450 +Q39970 P161 Q318165 +Q672443 P136 Q93204 +Q144391 P108 Q1145306 +Q296039 P1303 Q128309 +Q123878 P27 Q39 +Q110714 P106 Q12800682 +Q312292 P1303 Q6607 +Q551154 P19 Q16739 +Q19069 P161 Q60539 +Q439786 P106 Q639669 +Q101087 P106 Q1930187 +Q309838 P1303 Q78987 +Q131324 P1303 Q17172850 +Q300502 P136 Q157443 +Q332515 P136 Q1200678 +Q14281 P101 Q333 +Q903208 P27 Q174193 +Q49355 P140 Q55004488 +Q356499 P106 Q158852 +Q230011 P27 Q30 +Q70300 P106 Q28389 +Q728365 P27 Q29 +Q1350303 P136 Q187760 +Q217787 P19 Q18419 +Q66408 P26 Q162389 +Q7304 P27 Q131964 +Q315051 P106 Q10800557 +Q134798 P108 Q49120 +Q467574 P106 Q33231 +Q103788 P106 Q10800557 +Q232592 P1303 Q17172850 +Q151608 P106 Q36834 +Q1350527 P106 Q488205 +Q317427 P136 Q186472 +Q129037 P161 Q256402 +Q435665 P106 Q639669 +Q538379 P106 Q36180 +Q558288 P551 Q1489 +Q71998 P106 Q36180 +Q234487 P106 Q10800557 +Q212026 P1412 Q7850 +Q383173 P161 Q106443 +Q257442 P106 Q33999 +Q54836 P106 Q947873 +Q264869 P136 Q1200678 +Q7241 P106 Q49757 +Q84403 P108 Q153978 +Q105543 P106 Q36180 +Q163872 P57 Q25191 +Q294144 P264 Q193023 +Q45765 P509 Q3505252 +Q242608 P106 Q177220 +Q95736 P106 Q185351 +Q429207 P463 Q123885 +Q71616 P106 Q753110 +Q470047 P509 Q12136 +Q196665 P161 Q237669 +Q74865 P1412 Q188 +Q70997 P106 Q205375 +Q551521 P106 Q806798 +Q207660 P27 Q142 +Q156941 P463 Q414188 +Q90430 P20 Q1726 +Q685 P463 Q17495 +Q102822 P106 Q121594 +Q318755 P136 Q11401 +Q382036 P106 Q10800557 +Q860068 P1303 Q17172850 +Q77042 P264 Q662575 +Q7711132 P161 Q164782 +Q236125 P106 Q36834 +Q58735 P106 Q947873 +Q433939 P69 Q1137665 +Q162076 P27 Q40 +Q147811 P106 Q943995 +Q289598 P136 Q959790 +Q1179504 P20 Q23197 +Q5921354 P19 Q1345 +Q183008 P136 Q37073 +Q373267 P161 Q349857 +Q112145 P1412 Q9301 +Q30449 P27 Q142 +Q51510 P106 Q36180 +Q276139 P264 Q202585 +Q763 P463 Q191384 +Q312901 P1412 Q150 +Q228676 P106 Q33999 +Q337658 P106 Q28389 +Q378882 P106 Q28389 +Q1175266 P136 Q11399 +Q82934 P19 Q90 +Q105026 P1412 Q188 +Q460876 P106 Q33999 +Q123368 P106 Q4964182 +Q272505 P106 Q10800557 +Q283964 P106 Q214917 +Q12950 P69 Q859363 +Q1042 P463 Q134102 +Q370377 P19 Q724 +Q1997159 P1412 Q7737 +Q183266 P106 Q14972848 +Q193116 P140 Q432 +Q41173 P451 Q191088 +Q191543 P161 Q948751 +Q265810 P106 Q1930187 +Q3435328 P106 Q81096 +Q663465 P106 Q1397808 +Q97341 P1303 Q17172850 +Q188718 P136 Q130232 +Q1031 P737 Q5879 +Q275982 P1303 Q17172850 +Q270747 P27 Q30 +Q57281 P463 Q329464 +Q39 P37 Q188 +Q43936 P737 Q868 +Q271888 P264 Q664167 +Q4413456 P159 Q60 +Q15180 P530 Q17 +Q150482 P1412 Q1860 +Q937 P106 Q4964182 +Q61425 P1412 Q188 +Q236482 P1412 Q150 +Q117147 P106 Q2526255 +Q191027 P140 Q9592 +Q559531 P27 Q15180 +Q214911 P101 Q35760 +Q123870 P136 Q9759 +Q733373 P106 Q2722764 +Q796 P463 Q842490 +Q484702 P106 Q713200 +Q232642 P106 Q10798782 +Q212026 P1412 Q1860 +Q48226 P737 Q859 +Q2573 P102 Q49768 +Q173637 P106 Q10798782 +Q68533 P106 Q1622272 +Q102235 P161 Q250250 +Q736 P530 Q403 +Q731829 P106 Q901 +Q162182 P136 Q20443008 +Q437138 P19 Q1780 +Q75539 P161 Q41422 +Q180975 P106 Q36834 +Q775671 P106 Q131524 +Q95994 P106 Q155647 +Q357798 P106 Q4964182 +Q34086 P106 Q1327329 +Q465955 P172 Q49085 +Q314427 P106 Q10798782 +Q315325 P106 Q36180 +Q91023 P106 Q1930187 +Q231006 P106 Q639669 +Q720005 P1412 Q9043 +Q697203 P161 Q207969 +Q72292 P463 Q4345832 +Q361677 P264 Q203059 +Q25089 P108 Q599316 +Q98448 P19 Q586 +Q5879 P140 Q75809 +Q736 P463 Q1043527 +Q296872 P27 Q145 +Q167768 P69 Q35794 +Q9049 P106 Q1231865 +Q116852 P161 Q138005 +Q236 P463 Q899770 +Q71960 P161 Q232104 +Q11930 P1412 Q7976 +Q295502 P106 Q177220 +Q553861 P27 Q145 +Q549141 P19 Q60 +Q737486 P106 Q36180 +Q35678 P20 Q6346 +Q375827 P264 Q155152 +Q107422 P101 Q395 +Q208214 P551 Q34404 +Q11726 P27 Q518101 +Q170509 P27 Q30 +Q148387 P161 Q229223 +Q231690 P106 Q1231865 +Q231886 P106 Q6625963 +Q142974 P106 Q36180 +Q93341 P106 Q33999 +Q3910 P451 Q437351 +Q212965 P136 Q157394 +Q90009 P69 Q995265 +Q128379 P1050 Q181257 +Q217314 P69 Q9842 +Q156505 P106 Q47064 +Q212041 P495 Q30 +Q43421 P131 Q1370 +Q74807 P106 Q1622272 +Q20887 P106 Q333634 +Q379785 P106 Q13418253 +Q318004 P463 Q3291340 +Q649987 P69 Q273626 +Q188459 P172 Q678551 +Q232479 P106 Q2259451 +Q2622193 P106 Q3621491 +Q347635 P106 Q10800557 +Q115055 P106 Q1344174 +Q219 P463 Q1579424 +Q201562 P136 Q487914 +Q102711 P102 Q29468 +Q77107 P135 Q2455000 +Q230 P530 Q750 +Q78704 P3373 Q71775 +Q38873 P101 Q35760 +Q320639 P509 Q147778 +Q86362 P106 Q82955 +Q123225 P106 Q864503 +Q320305 P69 Q192088 +Q234141 P1412 Q1860 +Q110714 P172 Q49085 +Q98885 P19 Q3167 +Q2704774 P106 Q1622272 +Q816518 P27 Q145 +Q240324 P69 Q1053996 +Q238795 P106 Q855091 +Q124834 P106 Q10800557 +Q44646 P69 Q168756 +Q98120 P19 Q2090 +Q3699593 P159 Q23197 +Q1371735 P106 Q488205 +Q298761 P106 Q28389 +Q44398 P119 Q240744 +Q16 P530 Q244 +Q41871 P641 Q5386 +Q2685 P106 Q131524 +Q936812 P27 Q172579 +Q319537 P136 Q848399 +Q10327963 P69 Q49126 +Q615896 P19 Q23556 +Q719247 P27 Q30 +Q4405759 P27 Q30 +Q240541 P172 Q49085 +Q4465 P106 Q33999 +Q455430 P106 Q81096 +Q57472 P102 Q158227 +Q215122 P106 Q36180 +Q57106 P119 Q1362125 +Q379808 P19 Q340 +Q76699 P106 Q16533 +Q442797 P106 Q33999 +Q104737 P509 Q12078 +Q359563 P27 Q37 +Q658706 P106 Q33999 +Q33866 P106 Q18939491 +Q188000 P840 Q65 +Q69189 P69 Q672420 +Q121926 P463 Q463303 +Q714106 P1412 Q1860 +Q554150 P140 Q9592 +Q796 P530 Q145 +Q297024 P551 Q90 +Q61282 P27 Q12548 +Q349893 P69 Q390287 +Q92601 P27 Q30 +Q181900 P1412 Q1860 +Q11647 P136 Q38848 +Q95259 P463 Q684415 +Q237925 P106 Q488205 +Q38486 P161 Q357001 +Q2643 P264 Q213710 +Q305106 P108 Q209344 +Q108560 P136 Q37073 +Q598344 P20 Q65 +Q309768 P136 Q492537 +Q201514 P1303 Q5994 +Q794 P463 Q8475 +Q247182 P161 Q229112 +Q67576 P27 Q1206012 +Q441836 P106 Q33999 +Q179282 P108 Q49213 +Q5879 P106 Q82955 +Q1251900 P27 Q30 +Q19045 P108 Q49108 +Q362332 P140 Q7066 +Q364875 P27 Q30 +Q938402 P172 Q127885 +Q86843 P106 Q4773904 +Q316709 P106 Q10798782 +Q718368 P108 Q6608367 +Q117315 P136 Q130232 +Q72090 P136 Q17013749 +Q961851 P106 Q639669 +Q179150 P106 Q33999 +Q216016 P1412 Q1860 +Q127442 P119 Q1130019 +Q110278 P161 Q719083 +Q984115 P1303 Q17172850 +Q26208 P69 Q209344 +Q731829 P140 Q432 +Q29697 P136 Q20442589 +Q1643790 P1412 Q150 +Q726388 P108 Q49088 +Q38872 P30 Q46 +Q317521 P106 Q15895020 +Q1236051 P463 Q11993457 +Q51530 P106 Q33999 +Q228787 P106 Q33999 +Q296928 P69 Q1542213 +Q213393 P27 Q161885 +Q453987 P106 Q639669 +Q93835 P19 Q649 +Q313080 P106 Q33999 +Q55392 P106 Q222344 +Q1698 P1303 Q17172850 +Q44412 P106 Q205375 +Q332508 P106 Q36180 +Q180975 P106 Q943995 +Q47122 P1412 Q1860 +Q105386 P1412 Q188 +Q127345 P140 Q9592 +Q48734 P161 Q440956 +Q76583 P106 Q4964182 +Q384979 P106 Q49757 +Q55502 P17 Q858 +Q381731 P161 Q125354 +Q84186 P1412 Q1860 +Q257302 P106 Q2259451 +Q25080 P106 Q10798782 +Q704710 P1303 Q51290 +Q232819 P136 Q45981 +Q303235 P161 Q180338 +Q188459 P106 Q639669 +Q60133 P106 Q11063 +Q272770 P19 Q65 +Q313020 P19 Q42448 +Q513991 P106 Q488205 +Q11812 P1412 Q397 +Q1027 P463 Q17495 +Q130327 P20 Q84 +Q90840 P20 Q2833 +Q70417 P136 Q9730 +Q562641 P106 Q2865819 +Q563057 P264 Q898618 +Q14960 P17 Q213 +Q170510 P140 Q13211738 +Q45188 P136 Q484641 +Q1333939 P1303 Q17172850 +Q210812 P840 Q90 +Q680881 P19 Q194420 +Q5494459 P1303 Q6607 +Q74807 P69 Q152087 +Q305962 P106 Q4263842 +Q640991 P463 Q835943 +Q85394 P69 Q165980 +Q1139388 P106 Q855091 +Q104814 P161 Q312077 +Q368525 P19 Q12892 +Q108941 P27 Q30 +Q869758 P264 Q202440 +Q92849 P69 Q499451 +Q916675 P1412 Q188 +Q865 P530 Q115 +Q51416 P840 Q60 +Q92341 P106 Q13570226 +Q309900 P1412 Q1860 +Q976526 P106 Q193391 +Q323175 P106 Q13219637 +Q286570 P1303 Q17172850 +Q87832 P106 Q1622272 +Q691973 P136 Q1344 +Q365985 P106 Q36834 +Q188117 P106 Q36180 +Q128823 P27 Q145 +Q232917 P27 Q30 +Q61407 P108 Q20266330 +Q49074 P69 Q131252 +Q215520 P1412 Q9067 +Q289645 P106 Q28389 +Q59478 P108 Q736674 +Q557 P106 Q15296811 +Q101820 P140 Q9592 +Q849116 P131 Q172107 +Q788572 P463 Q688638 +Q207640 P1412 Q1860 +Q439394 P27 Q145 +Q229784 P106 Q10798782 +Q1137404 P112 Q12688 +Q484302 P106 Q822146 +Q474796 P20 Q36600 +Q313020 P69 Q1419737 +Q333118 P1412 Q1860 +Q1253 P108 Q1065 +Q800 P463 Q8475 +Q153248 P106 Q36180 +Q178698 P463 Q812155 +Q338726 P1412 Q1860 +Q333460 P106 Q131524 +Q213567 P19 Q1761 +Q296609 P106 Q639669 +Q235685 P27 Q30 +Q224902 P27 Q214 +Q78511 P172 Q237534 +Q280400 P136 Q52162262 +Q114 P530 Q16 +Q234980 P101 Q3242115 +Q155018 P136 Q200092 +Q1064284 P136 Q487914 +Q3821445 P463 Q1493021 +Q64356 P106 Q36180 +Q44412 P69 Q186285 +Q232000 P135 Q377616 +Q741862 P20 Q220 +Q2281920 P20 Q100 +Q312173 P136 Q11401 +Q231576 P106 Q2405480 +Q18430 P69 Q131252 +Q455344 P20 Q65 +Q301077 P136 Q663106 +Q366521 P106 Q14972848 +Q1953 P17 Q399 +Q589781 P106 Q488205 +Q563057 P509 Q220570 +Q1344185 P106 Q855091 +Q204323 P106 Q128124 +Q157271 P106 Q36180 +Q223985 P106 Q28389 +Q134262 P106 Q6625963 +Q55993 P136 Q49084 +Q2492691 P27 Q172107 +Q77060 P463 Q812155 +Q157282 P19 Q270 +Q217 P463 Q899770 +Q1237496 P27 Q29 +Q433044 P509 Q476921 +Q75814 P463 Q83172 +Q88150 P102 Q152554 +Q278550 P161 Q231249 +Q827047 P172 Q127885 +Q61686 P108 Q157808 +Q1040028 P161 Q203545 +Q187199 P463 Q463303 +Q48779 P106 Q4964182 +Q257872 P106 Q82955 +Q211111 P106 Q4610556 +Q20178 P136 Q157443 +Q106371 P69 Q310695 +Q165394 P57 Q174908 +Q123724 P27 Q39 +Q171672 P19 Q2887 +Q453472 P106 Q1930187 +Q392924 P161 Q298818 +Q660545 P509 Q212961 +Q121656 P106 Q4964182 +Q36290 P136 Q131272 +Q317397 P140 Q432 +Q49478 P20 Q90 +Q70764 P106 Q10800557 +Q153725 P106 Q855091 +Q455605 P106 Q753110 +Q739915 P136 Q11399 +Q96 P530 Q334 +Q193156 P106 Q201788 +Q43432 P136 Q37073 +Q8743 P106 Q28389 +Q123283 P69 Q372608 +Q64645 P106 Q2259451 +Q1351751 P1303 Q258896 +Q270707 P1412 Q7976 +Q47906 P463 Q156652 +Q1020 P530 Q833 +Q268262 P27 Q801 +Q157318 P27 Q36 +Q188426 P106 Q639669 +Q106275 P106 Q482980 +Q12702 P69 Q192088 +Q312073 P106 Q10800557 +Q733 P530 Q77 +Q116462 P509 Q128581 +Q299100 P1412 Q8641 +Q461399 P106 Q28389 +Q709044 P106 Q177220 +Q317967 P106 Q4263842 +Q212002 P106 Q947873 +Q720785 P20 Q34006 +Q215444 P463 Q459620 +Q363876 P1412 Q1860 +Q289064 P1303 Q46185 +Q805 P463 Q191384 +Q37150 P264 Q155152 +Q31845 P172 Q539051 +Q1336685 P106 Q10798782 +Q238296 P161 Q165219 +Q377789 P27 Q668 +Q154759 P106 Q18805 +Q156069 P495 Q16 +Q156199 P463 Q12548 +Q40504 P106 Q10798782 +Q61114 P106 Q36180 +Q910486 P106 Q33999 +Q201459 P136 Q20378 +Q833 P530 Q881 +Q942929 P27 Q159 +Q14540 P69 Q213439 +Q19837 P1412 Q1860 +Q320052 P106 Q36180 +Q134456 P106 Q4610556 +Q192410 P19 Q1297 +Q373508 P106 Q81096 +Q180505 P1412 Q1860 +Q44540 P1412 Q188 +Q435780 P106 Q177220 +Q190944 P1412 Q150 +Q686 P463 Q656801 +Q107002 P1412 Q1860 +Q66023 P1412 Q188 +Q233894 P551 Q8684 +Q712860 P264 Q377453 +Q727151 P106 Q639669 +Q39972 P119 Q1358639 +Q2908686 P1412 Q13955 +Q11998 P3373 Q188461 +Q209175 P19 Q24826 +Q295919 P136 Q45981 +Q121655 P1303 Q17172850 +Q215042 P106 Q1622272 +Q96 P463 Q123759 +Q265 P463 Q8475 +Q320 P69 Q154804 +Q248179 P106 Q2259451 +Q318312 P106 Q10798782 +Q2622193 P106 Q201788 +Q17 P530 Q77 +Q218172 P161 Q34975 +Q778716 P27 Q172579 +Q103002 P106 Q11481802 +Q76279 P69 Q154804 +Q338812 P106 Q2526255 +Q128027 P106 Q1028181 +Q83557 P102 Q79854 +Q159577 P106 Q177220 +Q133308 P106 Q185351 +Q207036 P69 Q1341516 +Q313789 P106 Q10800557 +Q222939 P495 Q30 +Q318474 P106 Q40348 +Q88899 P106 Q482980 +Q450663 P19 Q1085 +Q23530 P19 Q656 +Q25188 P136 Q471839 +Q231121 P106 Q6625963 +Q198051 P106 Q36180 +Q157303 P463 Q1371509 +Q164117 P27 Q16957 +Q212123 P161 Q34436 +Q7939652 P3373 Q4347990 +Q14441 P106 Q55960555 +Q450282 P106 Q2722764 +Q455605 P106 Q855091 +Q123097 P495 Q30 +Q982023 P106 Q28389 +Q712586 P106 Q432386 +Q381884 P136 Q188450 +Q76483 P106 Q482980 +Q812105 P106 Q6625963 +Q158030 P101 Q7264 +Q193570 P161 Q95002 +Q80405 P106 Q36180 +Q303918 P106 Q578109 +Q155907 P463 Q3603946 +Q220889 P69 Q248970 +Q4700 P1412 Q150 +Q4612 P451 Q47293 +Q315391 P463 Q188771 +Q4042 P106 Q36834 +Q171989 P19 Q60 +Q1230528 P1412 Q652 +Q373500 P106 Q33999 +Q234335 P1412 Q1860 +Q437289 P20 Q1486 +Q1950678 P463 Q1493021 +Q327261 P172 Q84072 +Q350857 P106 Q82955 +Q256037 P161 Q211322 +Q134123 P19 Q472 +Q60788 P69 Q156725 +Q1033 P530 Q408 +Q206576 P161 Q37175 +Q147989 P106 Q40348 +Q184843 P161 Q211415 +Q293275 P136 Q8341 +Q290197 P1412 Q1860 +Q23685 P106 Q1476215 +Q84455 P119 Q1741 +Q123972 P108 Q55044 +Q262772 P1303 Q6607 +Q147811 P1303 Q17172850 +Q86900 P106 Q8178443 +Q436463 P106 Q36180 +Q57578 P69 Q678982 +Q300360 P136 Q859369 +Q958 P463 Q7809 +Q273814 P27 Q30 +Q2621694 P463 Q4345832 +Q272069 P1303 Q8355 +Q37134 P1412 Q188 +Q47561 P106 Q6625963 +Q314990 P106 Q36180 +Q3731533 P69 Q333886 +Q63486 P463 Q150793 +Q865 P530 Q1019 +Q536102 P69 Q926749 +Q154325 P106 Q81096 +Q1112005 P136 Q180268 +Q704705 P106 Q639669 +Q1933397 P69 Q304985 +Q1025 P463 Q7172 +Q1385000 P106 Q169470 +Q954563 P19 Q90 +Q241800 P69 Q49116 +Q901070 P463 Q123885 +Q449129 P106 Q188094 +Q60045 P101 Q82955 +Q449634 P1303 Q17172850 +Q99076 P106 Q36180 +Q446427 P106 Q2526255 +Q313046 P40 Q949337 +Q72832 P136 Q11401 +Q656 P17 Q15180 +Q303464 P106 Q4610556 +Q106193 P1412 Q9035 +Q489854 P1303 Q17172850 +Q92456 P106 Q250867 +Q350690 P106 Q10800557 +Q51133 P106 Q36180 +Q23 P106 Q189290 +Q244390 P69 Q766145 +Q87972 P1412 Q188 +Q4147199 P27 Q28513 +Q324397 P1303 Q5994 +Q86809 P106 Q3621491 +Q922830 P106 Q2252262 +Q229560 P26 Q323236 +Q238557 P106 Q1930187 +Q92604 P463 Q127992 +Q36 P463 Q1969730 +Q239807 P1303 Q17172850 +Q352766 P1303 Q17172850 +Q428223 P1303 Q17172850 +Q223443 P106 Q855091 +Q539156 P106 Q16145150 +Q61761 P69 Q152838 +Q25188 P161 Q202589 +Q438164 P140 Q7066 +Q98448 P108 Q372608 +Q184572 P106 Q2259451 +Q445367 P1303 Q17172850 +Q12674 P106 Q131524 +Q912023 P1412 Q1860 +Q662809 P20 Q1726 +Q2750257 P69 Q1472245 +Q100529 P106 Q14467526 +Q57109 P69 Q50662 +Q460379 P161 Q317704 +Q217020 P161 Q65932 +Q332360 P106 Q18814623 +Q142 P530 Q754 +Q1064 P1412 Q150 +Q90493 P1412 Q188 +Q827389 P106 Q82955 +Q188388 P27 Q30 +Q151606 P840 Q90 +Q544750 P108 Q46210 +Q433039 P1303 Q5994 +Q160642 P17 Q145 +Q320651 P551 Q65 +Q76412 P102 Q7320 +Q272031 P361 Q268160 +Q52463 P264 Q1998195 +Q150482 P106 Q10800557 +Q37060 P106 Q36180 +Q797659 P69 Q154804 +Q1384822 P106 Q245068 +Q180409 P106 Q188094 +Q1590452 P108 Q49088 +Q464037 P19 Q744948 +Q490 P37 Q652 +Q888152 P27 Q30 +Q34816 P106 Q1053574 +Q52937 P19 Q1754 +Q212993 P69 Q49115 +Q178698 P140 Q6423963 +Q718368 P108 Q230492 +Q101567 P106 Q1622272 +Q1389258 P26 Q102139 +Q152738 P463 Q842008 +Q316955 P106 Q33999 +Q134333 P69 Q523926 +Q340213 P106 Q10798782 +Q72259 P17 Q161885 +Q813 P530 Q851 +Q50969 P840 Q34266 +Q8016 P172 Q42406 +Q100913 P1412 Q188 +Q121507 P264 Q202585 +Q333251 P69 Q13371 +Q1203 P40 Q357974 +Q311802 P172 Q50001 +Q6060 P106 Q10798782 +Q240523 P19 Q18426 +Q442721 P106 Q177220 +Q3986379 P161 Q117392 +Q120260 P140 Q1841 +Q364270 P1412 Q9027 +Q48613 P27 Q183 +Q380852 P106 Q10800557 +Q329849 P19 Q18426 +Q7346 P108 Q202440 +Q215814 P20 Q1297 +Q28936 P136 Q157394 +Q25820 P106 Q1622272 +Q1290021 P106 Q639669 +Q349039 P106 Q947873 +Q1007 P530 Q183 +Q1384236 P27 Q172579 +Q246091 P106 Q1925963 +Q877858 P106 Q177220 +Q28234 P161 Q29055 +Q31959 P106 Q6168364 +Q1147551 P19 Q16557 +Q157176 P119 Q2790054 +Q54314 P19 Q3141 +Q48956 P106 Q81096 +Q726198 P1412 Q1860 +Q55294 P106 Q3282637 +Q357762 P451 Q164730 +Q35 P30 Q46 +Q106691 P106 Q188094 +Q380626 P1303 Q5994 +Q66207 P106 Q6625963 +Q374034 P69 Q52413 +Q315210 P106 Q4263842 +Q462744 P27 Q83286 +Q187166 P1412 Q150 +Q54351 P19 Q8684 +Q504743 P136 Q1344 +Q207916 P161 Q181490 +Q284333 P840 Q65 +Q348001 P1412 Q188 +Q22979 P106 Q33999 +Q127437 P106 Q1930187 +Q270560 P509 Q202837 +Q2153 P27 Q129286 +Q118233 P136 Q8341 +Q183074 P20 Q1489 +Q944386 P106 Q81096 +Q104094 P19 Q64 +Q98737 P20 Q64 +Q716862 P1412 Q143 +Q105895 P69 Q154804 +Q15180 P530 Q43 +Q35678 P106 Q189290 +Q228792 P106 Q177220 +Q162793 P106 Q49757 +Q135640 P172 Q121842 +Q436712 P106 Q2259451 +Q561169 P1412 Q5146 +Q207969 P3373 Q40523 +Q57641 P106 Q185351 +Q113099 P1412 Q188 +Q154782 P20 Q64 +Q239067 P463 Q466113 +Q672800 P108 Q13371 +Q1181035 P106 Q639669 +Q1606108 P20 Q36600 +Q152301 P106 Q214917 +Q212790 P106 Q2405480 +Q212678 P106 Q82955 +Q19526 P1412 Q1860 +Q138050 P1412 Q1860 +Q74795 P463 Q684415 +Q26208 P106 Q3282637 +Q181145 P69 Q215539 +Q96941 P106 Q1622272 +Q41396 P106 Q10798782 +Q58978 P463 Q117467 +Q686493 P69 Q34433 +Q89516 P20 Q1741 +Q796316 P452 Q746359 +Q230 P463 Q376150 +Q166056 P1412 Q150 +Q7525 P17 Q212 +Q241422 P108 Q157575 +Q726280 P27 Q30 +Q57319 P106 Q82955 +Q313281 P1412 Q150 +Q237820 P264 Q1347984 +Q193674 P106 Q864380 +Q499028 P106 Q183945 +Q84532 P106 Q214917 +Q108586 P840 Q60 +Q312450 P106 Q947873 +Q334288 P106 Q1476215 +Q70083 P102 Q49755 +Q275247 P1303 Q5994 +Q110330 P69 Q174158 +Q213430 P106 Q2405480 +Q106443 P119 Q311 +Q270089 P106 Q12144794 +Q3480998 P69 Q16952 +Q84445 P27 Q142 +Q41117 P737 Q1394 +Q365144 P106 Q3282637 +Q60785 P1412 Q188 +Q7294 P551 Q1741 +Q516285 P106 Q81096 +Q59314 P509 Q128581 +Q236066 P1303 Q5994 +Q103285 P136 Q482 +Q237115 P19 Q33405 +Q208269 P136 Q471839 +Q160726 P106 Q28389 +Q45789 P106 Q82955 +Q357326 P106 Q36834 +Q1370873 P69 Q13371 +Q336222 P3373 Q131324 +Q3709938 P20 Q1439 +Q197206 P106 Q170790 +Q100005 P106 Q1930187 +Q187241 P106 Q169470 +Q81244 P106 Q36180 +Q204374 P161 Q267359 +Q77327 P1412 Q188 +Q180619 P140 Q288928 +Q155449 P551 Q25395 +Q319392 P264 Q193023 +Q1373347 P1303 Q6607 +Q317742 P1412 Q1860 +Q356499 P106 Q36834 +Q322211 P69 Q1419737 +Q718609 P106 Q169470 +Q243983 P840 Q62 +Q85108 P106 Q482980 +Q90840 P1412 Q188 +Q865 P530 Q819 +Q7346 P551 Q6346 +Q47900 P119 Q3006253 +Q464833 P1303 Q163829 +Q254265 P1412 Q9035 +Q240851 P27 Q668 +Q78408 P106 Q82955 +Q201221 P136 Q156035 +Q124697 P495 Q38 +Q380996 P161 Q348738 +Q221 P463 Q134102 +Q448163 P106 Q1622272 +Q58799 P19 Q1055 +Q35064 P136 Q208505 +Q271256 P27 Q30 +Q539791 P102 Q29552 +Q273866 P106 Q11774202 +Q296370 P106 Q214917 +Q185002 P106 Q55960555 +Q34787 P509 Q12078 +Q1387593 P108 Q854280 +Q76624 P108 Q155354 +Q554971 P1412 Q652 +Q217068 P106 Q14467526 +Q6043036 P106 Q2374149 +Q1897911 P106 Q33999 +Q313788 P102 Q29468 +Q1511 P136 Q1344 +Q1282956 P509 Q47912 +Q34970 P106 Q214917 +Q46706 P106 Q482980 +Q551521 P106 Q131524 +Q6294 P140 Q33203 +Q62202 P69 Q156725 +Q233932 P27 Q403 +Q380545 P106 Q333634 +Q56093 P19 Q44989 +Q520346 P1303 Q128309 +Q1406115 P106 Q639669 +Q797649 P69 Q167733 +Q865 P530 Q858 +Q405672 P27 Q34266 +Q9696 P69 Q5103452 +Q191088 P1412 Q1860 +Q31781 P69 Q165980 +Q77271 P1412 Q188 +Q127332 P106 Q36180 +Q447121 P101 Q482 +Q327542 P20 Q60 +Q83338 P737 Q561401 +Q313705 P106 Q10798782 +Q709464 P106 Q753110 +Q71905 P106 Q16145150 +Q450802 P1412 Q1860 +Q794 P530 Q258 +Q165699 P495 Q35 +Q1082420 P27 Q39 +Q105676 P19 Q1884 +Q313138 P172 Q49085 +Q244234 P106 Q3282637 +Q244333 P161 Q231556 +Q761453 P463 Q463281 +Q170842 P172 Q49542 +Q78993 P69 Q875788 +Q240804 P749 Q796316 +Q47703 P161 Q41163 +Q483507 P551 Q23197 +Q13526 P106 Q901 +Q705743 P106 Q855091 +Q463313 P840 Q812 +Q133654 P161 Q65932 +Q152941 P1412 Q1860 +Q125058 P136 Q459290 +Q95663 P509 Q11868838 +Q212532 P509 Q12192 +Q169566 P136 Q24925 +Q95002 P172 Q1344183 +Q960081 P106 Q36180 +Q948093 P27 Q33 +Q106997 P27 Q30 +Q72541 P106 Q6625963 +Q272303 P19 Q1761 +Q193156 P27 Q30 +Q79091 P27 Q38 +Q49017 P1412 Q1860 +Q183 P530 Q212 +Q196287 P106 Q1622272 +Q499742 P106 Q13219637 +Q467817 P108 Q209842 +Q229808 P136 Q1535153 +Q25147 P106 Q488205 +Q634125 P1412 Q1860 +Q12807 P106 Q1622272 +Q2424996 P551 Q16559 +Q241215 P106 Q6625963 +Q181659 P106 Q12144794 +Q640991 P463 Q207360 +Q7416 P69 Q774489 +Q978959 P27 Q30 +Q272303 P1412 Q1860 +Q311791 P1303 Q5994 +Q129022 P463 Q1792159 +Q106662 P551 Q84 +Q221482 P106 Q10871364 +Q168468 P463 Q110587 +Q241316 P106 Q1415090 +Q355341 P27 Q17 +Q168992 P106 Q10800557 +Q239419 P463 Q337234 +Q75612 P106 Q333634 +Q183074 P509 Q133780 +Q61425 P69 Q672420 +Q194220 P106 Q11499147 +Q357455 P106 Q753110 +Q108857 P108 Q156725 +Q156814 P136 Q9730 +Q1395573 P551 Q62 +Q160783 P463 Q812155 +Q1372139 P106 Q177220 +Q331180 P495 Q30 +Q232395 P102 Q5020915 +Q263552 P106 Q1028181 +Q92831 P69 Q5676553 +Q44086 P69 Q657167 +Q215855 P106 Q177220 +Q1606257 P1303 Q17172850 +Q12292644 P106 Q11900058 +Q72538 P27 Q183 +Q786 P463 Q496967 +Q309989 P509 Q12152 +Q76412 P463 Q459620 +Q34 P530 Q796 +Q183239 P495 Q30 +Q942929 P1412 Q9168 +Q705221 P1303 Q6607 +Q73890 P1412 Q150 +Q8739 P106 Q170790 +Q1282826 P106 Q639669 +Q713575 P106 Q639669 +Q196617 P140 Q483654 +Q217627 P57 Q51537 +Q98524 P27 Q27306 +Q80046 P1412 Q1860 +Q223258 P69 Q927373 +Q983686 P136 Q11399 +Q162005 P19 Q5083 +Q351290 P551 Q678437 +Q714845 P106 Q855091 +Q180338 P1412 Q1860 +Q84422 P1412 Q188 +Q455236 P264 Q843402 +Q110073 P106 Q593644 +Q704931 P1412 Q1860 +Q1060115 P106 Q1075651 +Q173441 P106 Q201788 +Q234324 P20 Q11299 +Q781 P30 Q49 +Q2706204 P106 Q855091 +Q271464 P106 Q19204627 +Q2022 P136 Q8261 +Q101809 P69 Q372608 +Q184697 P264 Q330629 +Q1282289 P106 Q82594 +Q34677 P106 Q28389 +Q61708 P102 Q633731 +Q66936 P463 Q265058 +Q503672 P172 Q726673 +Q71631 P102 Q7320 +Q59630 P106 Q6665249 +Q194045 P264 Q183387 +Q224 P463 Q663492 +Q167635 P106 Q43845 +Q46739 P135 Q878985 +Q80135 P136 Q189201 +Q370382 P106 Q36180 +Q104196 P106 Q177220 +Q218031 P106 Q639669 +Q62986 P106 Q901402 +Q155882 P19 Q365 +Q72856 P27 Q40 +Q70342 P106 Q1234713 +Q26058 P106 Q17125263 +Q158436 P106 Q158852 +Q1606108 P106 Q170790 +Q101728 P27 Q183 +Q313571 P106 Q486748 +Q811 P361 Q653884 +Q89292 P108 Q309948 +Q213595 P69 Q317053 +Q192812 P69 Q1542213 +Q256824 P106 Q177220 +Q38573 P108 Q153978 +Q389466 P495 Q30 +Q106126 P106 Q10800557 +Q329549 P27 Q30 +Q230218 P106 Q33999 +Q365682 P106 Q957729 +Q770584 P463 Q131566 +Q151904 P840 Q84 +Q357676 P27 Q30 +Q152176 P135 Q39427 +Q451483 P26 Q86632 +Q160071 P161 Q233433 +Q1351047 P106 Q36180 +Q242577 P106 Q28389 +Q11617 P106 Q10800557 +Q332783 P69 Q1376987 +Q153243 P106 Q169470 +Q357326 P463 Q463303 +Q40852 P69 Q216273 +Q3480998 P106 Q49757 +Q18118088 P3373 Q2449206 +Q230939 P106 Q4610556 +Q236835 P106 Q728711 +Q83396 P106 Q34074720 +Q85034 P106 Q49757 +Q975911 P106 Q488205 +Q33391 P27 Q15180 +Q853 P69 Q1130457 +Q129629 P641 Q2736 +Q851 P530 Q34 +Q162269 P102 Q29552 +Q677843 P140 Q9592 +Q49478 P1412 Q150 +Q187345 P106 Q2405480 +Q336131 P551 Q65 +Q430076 P463 Q463281 +Q265706 P106 Q10800557 +Q786 P463 Q656801 +Q1514469 P1303 Q17172850 +Q558838 P106 Q1930187 +Q510361 P1303 Q6607 +Q76501 P106 Q1622272 +Q151976 P136 Q9734 +Q167636 P140 Q432 +Q18154882 P161 Q208681 +Q128507 P19 Q1408 +Q187107 P1303 Q17172850 +Q159 P530 Q750 +Q617109 P69 Q160302 +Q191819 P1303 Q1444 +Q73993 P108 Q32120 +Q538824 P106 Q639669 +Q433060 P106 Q715301 +Q153178 P69 Q471980 +Q45188 P264 Q202440 +Q335794 P27 Q15180 +Q27820706 P264 Q1328605 +Q4451565 P27 Q159 +Q157242 P108 Q160302 +Q714185 P264 Q427326 +Q1175373 P463 Q188771 +Q1299129 P106 Q55960555 +Q324753 P1303 Q6607 +Q193278 P106 Q4991371 +Q113206 P69 Q49167 +Q40852 P106 Q901 +Q314942 P495 Q183 +Q44032 P106 Q3391743 +Q242571 P136 Q858330 +Q767 P106 Q36180 +Q79759 P1412 Q397 +Q44855 P1303 Q17172850 +Q233837 P26 Q177984 +Q1702240 P106 Q639669 +Q1039 P463 Q191384 +Q92767 P1412 Q1860 +Q133489 P27 Q16 +Q119386 P119 Q311 +Q44552 P27 Q17 +Q1173441 P1303 Q17172850 +Q311223 P101 Q413 +Q291180 P161 Q273484 +Q513268 P106 Q10800557 +Q47619 P1412 Q1860 +Q46139 P106 Q5322166 +Q124183 P69 Q372608 +Q202550 P106 Q177220 +Q75186 P19 Q2795 +Q704645 P106 Q943995 +Q288150 P495 Q30 +Q719247 P106 Q33999 +Q213642 P463 Q463303 +Q563 P106 Q177220 +Q80379 P161 Q180338 +Q326229 P69 Q1149089 +Q456467 P161 Q257277 +Q443190 P108 Q608338 +Q1827208 P106 Q855091 +Q106182 P161 Q181900 +Q318312 P106 Q33999 +Q103285 P136 Q11635 +Q73506 P69 Q1068258 +Q546956 P1303 Q46185 +Q858 P463 Q827525 +Q61163 P106 Q4964182 +Q233474 P106 Q36834 +Q637949 P69 Q2599077 +Q206235 P27 Q30 +Q95367 P106 Q1622272 +Q170581 P172 Q974693 +Q213632 P135 Q7066 +Q331277 P161 Q37876 +Q61318 P101 Q309 +Q1321910 P1412 Q1860 +Q317343 P136 Q1152184 +Q23870 P463 Q1792159 +Q169082 P840 Q1223 +Q55 P463 Q1969730 +Q251262 P69 Q178848 +Q3182472 P106 Q215536 +Q465428 P106 Q49757 +Q55388 P463 Q161806 +Q1063242 P136 Q40831 +Q1033 P530 Q953 +Q128995 P69 Q34433 +Q63146 P69 Q149481 +Q216288 P106 Q3282637 +Q235115 P1303 Q17172850 +Q123706 P69 Q659080 +Q36184 P27 Q174193 +Q229697 P136 Q850412 +Q289524 P106 Q36834 +Q7294 P509 Q623031 +Q72334 P509 Q12192 +Q7304 P136 Q9734 +Q725933 P509 Q12152 +Q205721 P264 Q1998195 +Q128187 P161 Q103939 +Q72971 P27 Q183 +Q49081 P27 Q145 +Q214697 P106 Q185351 +Q233428 P27 Q30 +Q54867 P451 Q180011 +Q983421 P20 Q485176 +Q332783 P27 Q145 +Q207816 P161 Q230939 +Q313204 P106 Q10800557 +Q1403 P106 Q36180 +Q69395 P140 Q75809 +Q2750257 P106 Q205375 +Q39792 P106 Q948329 +Q51519 P19 Q18426 +Q360685 P106 Q1622272 +Q60637 P27 Q183 +Q107226 P840 Q84 +Q259317 P106 Q1086863 +Q183 P530 Q977 +Q221098 P161 Q234080 +Q1000 P463 Q294278 +Q1744 P101 Q207628 +Q909149 P161 Q234997 +Q55946077 P19 Q90 +Q4751826 P1412 Q150 +Q211551 P69 Q13164 +Q664 P530 Q712 +Q5673 P737 Q692 +Q456711 P20 Q84 +Q135230 P136 Q4984974 +Q224187 P161 Q236250 +Q332497 P136 Q622291 +Q107067 P106 Q131524 +Q61183 P27 Q183 +Q376176 P106 Q3455803 +Q319061 P840 Q60 +Q278699 P20 Q84 +Q105387 P136 Q2484376 +Q133720 P27 Q30 +Q943694 P69 Q214341 +Q274608 P106 Q28389 +Q110354 P136 Q52162262 +Q106029 P1412 Q188 +Q76279 P1412 Q188 +Q1123533 P551 Q20 +Q62765 P106 Q1350189 +Q731195 P106 Q15077007 +Q826 P463 Q7825 +Q77111 P102 Q7320 +Q311472 P106 Q2732142 +Q284694 P106 Q639669 +Q322236 P19 Q1612 +Q83410 P27 Q145 +Q286642 P1303 Q17172850 +Q156911 P161 Q68468 +Q439358 P27 Q30 +Q155649 P463 Q463303 +Q520760 P69 Q4480746 +Q77 P530 Q786 +Q263598 P19 Q994 +Q842 P463 Q842490 +Q157245 P463 Q463303 +Q57781 P509 Q12078 +Q122451 P106 Q1930187 +Q237774 P106 Q2405480 +Q1909248 P1303 Q17172850 +Q119786 P20 Q1731 +Q134773 P161 Q103157 +Q966228 P108 Q678095 +Q131545 P106 Q33999 +Q3297386 P106 Q205375 +Q213411 P840 Q1439 +Q101064 P106 Q47064 +Q33977 P737 Q79025 +Q60987 P27 Q43287 +Q52627 P106 Q82955 +Q77438 P20 Q56037 +Q309153 P840 Q65 +Q472356 P19 Q649 +Q561458 P106 Q11774202 +Q85232 P106 Q2259451 +Q69022 P106 Q82955 +Q77235 P108 Q310695 +Q956459 P106 Q1930187 +Q2632 P264 Q208909 +Q928 P530 Q869 +Q151891 P106 Q40348 +Q45909 P264 Q183387 +Q155547 P737 Q76499 +Q51552 P106 Q10800557 +Q865 P530 Q1005 +Q315650 P106 Q855091 +Q158050 P106 Q36180 +Q201687 P161 Q44221 +Q9513 P106 Q901 +Q221303 P106 Q36180 +Q49021 P161 Q272972 +Q65047 P463 Q469210 +Q28 P530 Q298 +Q225453 P108 Q27621 +Q600635 P264 Q1881437 +Q71206 P509 Q128581 +Q240509 P27 Q30 +Q80760 P19 Q60 +Q128493 P495 Q30 +Q379941 P106 Q36834 +Q1064692 P102 Q29468 +Q778716 P106 Q18844224 +Q468523 P463 Q1468277 +Q183031 P106 Q578109 +Q192668 P136 Q9759 +Q96779 P106 Q36180 +Q310582 P264 Q216364 +Q211283 P509 Q12192 +Q87857 P106 Q10800557 +Q879093 P106 Q49757 +Q179097 P69 Q467025 +Q70989 P509 Q189588 +Q389779 P1303 Q46185 +Q7504 P26 Q150989 +Q392825 P161 Q318249 +Q216813 P69 Q144488 +Q286475 P106 Q6625963 +Q92620 P27 Q35 +Q738196 P106 Q3578589 +Q215730 P1412 Q188 +Q76432 P463 Q329464 +Q242482 P1303 Q17172850 +Q101728 P463 Q2095524 +Q78 P463 Q1768108 +Q232520 P101 Q1328508 +Q175278 P161 Q181229 +Q26412 P136 Q8261 +Q55 P530 Q159 +Q314834 P102 Q29552 +Q974238 P101 Q207628 +Q168356 P106 Q822146 +Q373849 P495 Q145 +Q173540 P136 Q858330 +Q57237 P106 Q188094 +Q172584 P106 Q488205 +Q127332 P27 Q174193 +Q309246 P495 Q419 +Q124494 P69 Q152838 +Q261041 P451 Q23559 +Q1336479 P136 Q8341 +Q63826 P106 Q1930187 +Q876756 P106 Q1930187 +Q39691 P1412 Q150 +Q426828 P161 Q49004 +Q10959 P106 Q81096 +Q70988 P106 Q1209498 +Q353978 P106 Q578109 +Q1556241 P69 Q487556 +Q215735 P101 Q4932206 +Q807398 P27 Q145 +Q150651 P106 Q2405480 +Q215855 P264 Q183387 +Q69392 P27 Q183 +Q428422 P27 Q36 +Q453388 P1412 Q1860 +Q529603 P106 Q183945 +Q6096 P264 Q847018 +Q117644 P106 Q947873 +Q897281 P140 Q1841 +Q438164 P737 Q859 +Q127481 P106 Q13235160 +Q62831 P19 Q2973 +Q199418 P3373 Q243113 +Q1364884 P106 Q28389 +Q207197 P264 Q1347984 +Q95034 P106 Q10800557 +Q716776 P108 Q49088 +Q81807 P27 Q1206012 +Q1124 P463 Q463303 +Q250669 P106 Q488205 +Q6694 P101 Q413 +Q322206 P57 Q4465 +Q403 P530 Q863 +Q726057 P106 Q639669 +Q10716 P172 Q133032 +Q274936 P19 Q90 +Q463313 P161 Q162554 +Q454840 P20 Q60 +Q62910 P69 Q161562 +Q313279 P119 Q1625328 +Q1761095 P1412 Q7737 +Q255267 P136 Q1344 +Q282199 P161 Q360663 +Q233584 P1412 Q1860 +Q41117 P106 Q36180 +Q324239 P136 Q859369 +Q221462 P161 Q16390 +Q154083 P106 Q81096 +Q1175266 P106 Q177220 +Q269094 P27 Q30 +Q251287 P106 Q488205 +Q1785 P27 Q142 +Q306 P108 Q232141 +Q83566 P106 Q28389 +Q63815 P463 Q150793 +Q929 P463 Q7809 +Q215520 P106 Q2490358 +Q981513 P1412 Q1321 +Q313581 P463 Q901677 +Q361257 P106 Q644687 +Q3852 P17 Q183 +Q20 P530 Q35 +Q33 P463 Q1043527 +Q349799 P1303 Q6607 +Q18430 P69 Q49165 +Q555505 P27 Q142 +Q443403 P463 Q11993457 +Q426390 P106 Q33231 +Q2908 P69 Q471980 +Q63815 P20 Q1295 +Q88767 P102 Q7320 +Q77317 P19 Q580 +Q171463 P1303 Q6607 +Q331497 P106 Q43845 +Q76532 P27 Q174193 +Q464251 P264 Q2338889 +Q160371 P136 Q9730 +Q72287 P27 Q218 +Q37001 P509 Q11081 +Q342756 P106 Q10800557 +Q44144 P136 Q11399 +Q332632 P19 Q2634 +Q154353 P463 Q117467 +Q51559 P19 Q1345 +Q43203 P106 Q33999 +Q92085 P27 Q183 +Q243011 P40 Q8016 +Q173175 P106 Q1642960 +Q244214 P26 Q186327 +Q156214 P106 Q49757 +Q242643 P69 Q49114 +Q488200 P27 Q43 +Q912271 P27 Q142 +Q154759 P463 Q329464 +Q132506 P1303 Q6607 +Q173481 P106 Q214917 +Q335643 P1303 Q17172850 +Q140412 P106 Q82955 +Q168023 P1303 Q128309 +Q392825 P161 Q193105 +Q524298 P106 Q36180 +Q72400 P69 Q152838 +Q138005 P106 Q33999 +Q704696 P106 Q1622272 +Q819 P530 Q183 +Q508953 P106 Q639669 +Q366091 P106 Q6625963 +Q101494 P1412 Q188 +Q295935 P551 Q61 +Q2568971 P106 Q13582652 +Q95068 P102 Q29552 +Q226053 P106 Q82955 +Q342397 P463 Q1971373 +Q157293 P136 Q235858 +Q15935 P19 Q23556 +Q213642 P20 Q485172 +Q23368 P140 Q1841 +Q50764 P106 Q1930187 +Q1361397 P106 Q43845 +Q154751 P106 Q4964182 +Q380841 P136 Q20442589 +Q79191 P136 Q11700058 +Q762361 P1412 Q150 +Q70049 P69 Q154804 +Q1029853 P641 Q718 +Q95252 P108 Q154804 +Q78038 P106 Q333634 +Q443190 P20 Q19660 +Q391542 P136 Q645928 +Q4289338 P19 Q656 +Q40495 P1412 Q1860 +Q91371 P69 Q154804 +Q95861 P1412 Q188 +Q340016 P19 Q1726 +Q357324 P19 Q1489 +Q96414 P108 Q659080 +Q188113 P106 Q36180 +Q228494 P106 Q11774202 +Q455236 P106 Q639669 +Q212 P463 Q17495 +Q67385 P106 Q1622272 +Q72429 P106 Q177220 +Q72962 P161 Q220584 +Q499757 P1412 Q188 +Q738125 P69 Q859363 +Q115761 P106 Q36180 +Q352738 P106 Q1930187 +Q359248 P27 Q28 +Q78386 P1412 Q188 +Q773804 P27 Q30 +Q559609 P19 Q84 +Q139557 P69 Q672420 +Q2680 P106 Q10798782 +Q125494 P495 Q29 +Q92641 P108 Q41506 +Q117021 P106 Q36180 +Q1064423 P106 Q1326886 +Q332419 P106 Q1930187 +Q742634 P108 Q193510 +Q184267 P140 Q7066 +Q399 P463 Q663492 +Q2685 P106 Q82955 +Q258503 P106 Q3282637 +Q213772 P106 Q16145150 +Q1067 P106 Q822146 +Q65084 P108 Q32120 +Q369916 P1303 Q17172850 +Q712860 P1303 Q5994 +Q109180 P509 Q2140674 +Q389589 P108 Q273631 +Q94081 P106 Q177220 +Q239382 P19 Q16739 +Q258753 P1412 Q1860 +Q6293853 P106 Q39631 +Q116003 P1412 Q1321 +Q132589 P106 Q36180 +Q1033 P530 Q258 +Q237809 P106 Q10798782 +Q431540 P102 Q727724 +Q92828 P463 Q463303 +Q189950 P106 Q49757 +Q229760 P106 Q177220 +Q213257 P1412 Q1860 +Q463673 P106 Q947873 +Q84147 P495 Q145 +Q256327 P106 Q28389 +Q76738 P101 Q8162 +Q173061 P136 Q1641839 +Q253845 P106 Q36180 +Q982109 P551 Q1352 +Q896835 P1303 Q52954 +Q239307 P106 Q214917 +Q335064 P27 Q133356 +Q174291 P136 Q131578 +Q152824 P27 Q30 +Q106655 P106 Q1231865 +Q553259 P106 Q1930187 +Q204393 P106 Q33999 +Q88050 P101 Q482 +Q41378 P69 Q41506 +Q151820 P136 Q8261 +Q644917 P106 Q488205 +Q227129 P27 Q30 +Q269835 P69 Q1419737 +Q446504 P106 Q11774202 +Q103651 P69 Q736674 +Q201924 P161 Q311453 +Q453679 P106 Q1930187 +Q1009 P463 Q17495 +Q41309 P108 Q847099 +Q443030 P451 Q374045 +Q581018 P106 Q18939491 +Q366195 P106 Q3282637 +Q64263 P108 Q159895 +Q668 P530 Q29 +Q153481 P3373 Q153730 +Q241835 P106 Q55960555 +Q224113 P19 Q60 +Q578031 P106 Q36180 +Q70948 P106 Q10798782 +Q229009 P106 Q33999 +Q433044 P106 Q639669 +Q137584 P161 Q271119 +Q286566 P106 Q4220892 +Q34424 P551 Q1492 +Q11613 P1412 Q1860 +Q573223 P19 Q2807 +Q374362 P1303 Q5994 +Q41 P530 Q31 +Q25153 P1303 Q8355 +Q180008 P495 Q30 +Q11705409 P106 Q3391743 +Q97383 P106 Q36180 +Q45723 P101 Q5891 +Q256327 P69 Q144488 +Q567772 P106 Q1622272 +Q438908 P106 Q10800557 +Q270085 P101 Q441 +Q241873 P69 Q4948174 +Q548185 P106 Q1622272 +Q297618 P140 Q7066 +Q132537 P108 Q35794 +Q115588 P106 Q4263842 +Q62052 P106 Q10800557 +Q44892 P136 Q217597 +Q451825 P136 Q35760 +Q76459 P463 Q83172 +Q940617 P106 Q1930187 +Q110719 P140 Q1841 +Q82110 P27 Q403 +Q1512 P27 Q174193 +Q521170 P106 Q201788 +Q298 P530 Q145 +Q127606 P1412 Q1860 +Q711538 P106 Q1930187 +Q123062 P20 Q71 +Q1740125 P1303 Q6607 +Q22316 P27 Q30 +Q77708 P20 Q1022 +Q215730 P106 Q36180 +Q72137 P106 Q1622272 +Q1370974 P1412 Q1860 +Q233541 P264 Q847018 +Q7294 P509 Q212961 +Q460379 P136 Q663106 +Q57139 P106 Q639669 +Q313652 P27 Q30 +Q242 P37 Q1860 +Q155845 P463 Q1468277 +Q46551 P136 Q2484376 +Q220018 P106 Q36180 +Q275641 P101 Q207628 +Q543195 P20 Q1754 +Q42047 P161 Q269669 +Q74227 P27 Q30 +Q732142 P27 Q801 +Q57688 P106 Q82955 +Q177930 P161 Q234544 +Q106748 P106 Q36180 +Q287110 P27 Q159 +Q944759 P1303 Q6607 +Q336388 P463 Q463303 +Q53783 P1412 Q652 +Q2623752 P108 Q36188 +Q558288 P1412 Q150 +Q353812 P20 Q270 +Q207482 P161 Q51564 +Q345468 P509 Q9687 +Q185465 P264 Q1124061 +Q551390 P69 Q157575 +Q360383 P106 Q49757 +Q90577 P20 Q1726 +Q349217 P1303 Q17172850 +Q739 P530 Q213 +Q95026 P106 Q10798782 +Q55743 P106 Q15627169 +Q9695 P106 Q482980 +Q797615 P106 Q753110 +Q204374 P495 Q30 +Q102483 P106 Q1930187 +Q2213516 P1412 Q7850 +Q332508 P106 Q193391 +Q236848 P69 Q774489 +Q535 P106 Q36180 +Q330847 P136 Q21590660 +Q44331 P101 Q184485 +Q971027 P106 Q177220 +Q161877 P451 Q218992 +Q185071 P161 Q26806 +Q106706 P106 Q33999 +Q206032 P136 Q753679 +Q1939469 P19 Q18419 +Q191305 P106 Q333634 +Q32 P530 Q183 +Q470204 P136 Q8341 +Q155458 P136 Q1054574 +Q782020 P27 Q38 +Q65863 P20 Q2079 +Q381726 P1303 Q80284 +Q117 P530 Q766 +Q32522 P106 Q2405480 +Q481871 P106 Q1930187 +Q205000 P509 Q47912 +Q67449 P69 Q55044 +Q366464 P106 Q49757 +Q1028715 P106 Q3282637 +Q129747 P106 Q177220 +Q76686 P172 Q42884 +Q209913 P495 Q145 +Q230 P530 Q183 +Q311238 P106 Q855091 +Q63035 P20 Q64 +Q366907 P17 Q221 +Q236848 P136 Q132311 +Q930679 P1412 Q1321 +Q157176 P27 Q36 +Q472356 P1412 Q150 +Q102289 P69 Q13371 +Q949 P463 Q2370801 +Q946774 P106 Q901402 +Q233581 P106 Q43845 +Q949696 P136 Q83440 +Q234721 P101 Q482 +Q558167 P106 Q2374149 +Q750 P463 Q376150 +Q252 P463 Q7809 +Q193710 P136 Q37073 +Q223258 P136 Q9734 +Q381561 P106 Q28389 +Q337891 P1303 Q6607 +Q225089 P27 Q30 +Q426828 P136 Q471839 +Q502 P27 Q142 +Q7351 P69 Q154804 +Q6096 P264 Q202585 +Q329131 P136 Q130232 +Q203840 P1412 Q652 +Q372959 P161 Q44473 +Q310939 P106 Q158852 +Q211566 P1303 Q17172850 +Q414219 P159 Q1741 +Q975491 P106 Q1622272 +Q234610 P106 Q28389 +Q215215 P1303 Q52954 +Q309048 P136 Q130232 +Q190602 P106 Q33999 +Q97998 P1412 Q1860 +Q110163 P106 Q214917 +Q152293 P136 Q189201 +Q230 P530 Q114 +Q248837 P140 Q9592 +Q1984116 P1412 Q1321 +Q9570 P106 Q3282637 +Q30 P530 Q219060 +Q181 P106 Q82594 +Q30 P530 Q822 +Q282804 P495 Q145 +Q62666 P509 Q204933 +Q61723 P737 Q5879 +Q497271 P69 Q432637 +Q1451285 P27 Q30 +Q183492 P463 Q1468277 +Q216913 P106 Q183945 +Q631722 P27 Q30 +Q168517 P106 Q182436 +Q760 P463 Q1065 +Q154346 P106 Q250867 +Q558972 P20 Q90 +Q2725555 P1303 Q17172850 +Q61863 P108 Q20266330 +Q446743 P20 Q31487 +Q349507 P463 Q338489 +Q526022 P27 Q131964 +Q428223 P27 Q145 +Q129288 P161 Q367653 +Q35 P530 Q858 +Q123861 P1412 Q188 +Q323076 P106 Q33999 +Q956652 P20 Q490 +Q106099 P20 Q270230 +Q10681 P101 Q638 +Q228899 P1303 Q52954 +Q526120 P27 Q33 +Q92824 P463 Q270794 +Q1394654 P1303 Q17172850 +Q765 P136 Q40831 +Q133855 P551 Q90 +Q225089 P106 Q1238570 +Q313998 P495 Q145 +Q134165 P106 Q5322166 +Q1382830 P27 Q30 +Q456903 P509 Q128581 +Q377614 P1412 Q1860 +Q44221 P106 Q3282637 +Q329778 P69 Q385471 +Q262502 P106 Q245068 +Q436463 P106 Q4263842 +Q94108 P106 Q3578589 +Q807398 P264 Q216364 +Q869 P530 Q142 +Q6043036 P20 Q472 +Q73482 P106 Q36180 +Q1028 P530 Q45 +Q568246 P17 Q30 +Q664 P530 Q29 +Q5912 P106 Q182436 +Q1541 P27 Q1747689 +Q73993 P20 Q4100 +Q46633 P108 Q35794 +Q77447 P106 Q82955 +Q962908 P106 Q36834 +Q465636 P1412 Q1860 +Q451825 P27 Q15180 +Q164797 P1412 Q5146 +Q1238235 P106 Q639669 +Q44922 P106 Q36180 +Q2599 P264 Q208909 +Q80702 P140 Q1841 +Q313998 P57 Q13595311 +Q66107 P19 Q3075 +Q169020 P27 Q213 +Q76432 P463 Q463303 +Q165325 P57 Q3772 +Q1646438 P264 Q277626 +Q78713 P106 Q6606110 +Q229141 P140 Q1841 +Q134456 P264 Q1328605 +Q1384236 P20 Q220 +Q8739 P101 Q395 +Q77024 P136 Q676 +Q16 P530 Q843 +Q230943 P106 Q10798782 +Q223949 P463 Q939743 +Q330093 P106 Q177220 +Q215556 P1303 Q5994 +Q180723 P106 Q55960555 +Q205000 P1412 Q9288 +Q110167 P106 Q36180 +Q239823 P106 Q3282637 +Q211 P463 Q782942 +Q234289 P106 Q1622272 +Q455120 P106 Q36180 +Q442830 P1303 Q17172850 +Q44481 P737 Q7604 +Q80321 P136 Q474090 +Q912 P530 Q183 +Q44767 P19 Q1741 +Q259979 P106 Q33999 +Q176668 P106 Q2526255 +Q155467 P1412 Q5287 +Q41568 P106 Q1209498 +Q1020 P463 Q816706 +Q274227 P69 Q916444 +Q901303 P101 Q11190 +Q89967 P20 Q1726 +Q716282 P27 Q30 +Q489252 P19 Q60 +Q249931 P161 Q69645 +Q23880 P106 Q488205 +Q192515 P136 Q11366 +Q44481 P463 Q2822396 +Q970649 P136 Q8261 +Q313525 P106 Q486748 +Q176626 P136 Q20442589 +Q242749 P3373 Q180919 +Q432806 P1412 Q9072 +Q103598 P463 Q337555 +Q84476 P106 Q36180 +Q53006 P20 Q220 +Q127367 P161 Q4465 +Q351359 P106 Q37226 +Q825435 P106 Q350979 +Q44519 P172 Q165192 +Q357676 P509 Q12078 +Q362406 P1303 Q6607 +Q1299302 P264 Q726251 +Q60815 P551 Q30 +Q47426 P463 Q463303 +Q90288 P27 Q40 +Q169065 P1412 Q9056 +Q974 P530 Q30 +Q202385 P106 Q10798782 +Q229 P463 Q81299 +Q13888 P27 Q172579 +Q86488 P106 Q1622272 +Q55190 P119 Q208175 +Q91997 P463 Q414110 +Q374605 P106 Q36180 +Q94331 P106 Q1622272 +Q1342470 P136 Q487965 +Q311241 P136 Q11401 +Q638638 P106 Q158852 +Q558419 P136 Q8261 +Q198051 P27 Q13426199 +Q1139628 P1303 Q17172850 +Q238432 P106 Q33999 +Q185832 P106 Q4964182 +Q241660 P106 Q639669 +Q156608 P161 Q132430 +Q945691 P20 Q11299 +Q2367411 P106 Q1607826 +Q55462 P27 Q38 +Q327288 P19 Q39709 +Q185465 P136 Q131272 +Q282877 P106 Q177220 +Q351359 P106 Q36180 +Q51583 P69 Q49088 +Q221594 P161 Q313516 +Q4293328 P101 Q1069 +Q69474 P106 Q855091 +Q106481 P69 Q860450 +Q1075770 P136 Q45981 +Q184605 P161 Q106175 +Q333014 P264 Q1273666 +Q1608224 P106 Q855091 +Q101087 P1412 Q188 +Q61585 P69 Q152838 +Q769080 P106 Q486748 +Q537722 P509 Q181754 +Q67039 P19 Q72 +Q982546 P27 Q172579 +Q295144 P69 Q1059546 +Q44552 P19 Q1490 +Q156597 P161 Q170587 +Q262791 P463 Q463303 +Q505946 P40 Q1586454 +Q311050 P264 Q585643 +Q1276 P136 Q186472 +Q310052 P264 Q330629 +Q534599 P136 Q24925 +Q38392 P106 Q482980 +Q4786 P106 Q36180 +Q711172 P27 Q145 +Q171745 P106 Q10800557 +Q190643 P161 Q179497 +Q51488 P19 Q60 +Q304488 P161 Q190998 +Q298 P530 Q35 +Q92897 P106 Q1622272 +Q84412 P27 Q30 +Q215976 P106 Q2405480 +Q318792 P106 Q2252262 +Q164119 P27 Q30 +Q238895 P106 Q10800557 +Q224081 P106 Q10800557 +Q2736087 P106 Q2374149 +Q1245 P1412 Q652 +Q934722 P106 Q10798782 +Q146673 P136 Q2439025 +Q325422 P136 Q132311 +Q2096585 P106 Q1979607 +Q92775 P20 Q34217 +Q76772 P463 Q83172 +Q151904 P495 Q213 +Q34943 P106 Q16031530 +Q4073580 P69 Q1329269 +Q65513 P463 Q150793 +Q276005 P136 Q11366 +Q41 P530 Q219 +Q335569 P106 Q4610556 +Q329018 P106 Q36834 +Q156069 P161 Q371430 +Q182727 P495 Q145 +Q943694 P106 Q185351 +Q214 P530 Q902 +Q47162 P106 Q639669 +Q2946731 P27 Q30 +Q928 P530 Q851 +Q28494 P106 Q214917 +Q1289900 P172 Q49085 +Q526220 P106 Q82955 +Q5749 P106 Q188094 +Q327426 P1412 Q1860 +Q95026 P106 Q948329 +Q740631 P106 Q1930187 +Q727752 P106 Q639669 +Q645362 P106 Q36180 +Q186327 P27 Q30 +Q78496 P106 Q864503 +Q96599 P19 Q365 +Q311244 P106 Q177220 +Q1184931 P69 Q304985 +Q1305608 P106 Q49757 +Q316045 P106 Q1622272 +Q356639 P106 Q6625963 +Q109612 P27 Q30 +Q203460 P463 Q463303 +Q115525 P106 Q1622272 +Q12881 P106 Q1209498 +Q203845 P136 Q471839 +Q76586 P1412 Q188 +Q202693 P106 Q639669 +Q211784 P136 Q1200678 +Q391262 P19 Q190828 +Q809093 P106 Q639669 +Q485310 P106 Q5716684 +Q248592 P106 Q947873 +Q49004 P106 Q177220 +Q68036 P106 Q49757 +Q49615 P106 Q49757 +Q312129 P27 Q30 +Q865 P530 Q1049 +Q833 P530 Q1049 +Q366624 P1412 Q1860 +Q270601 P1412 Q1321 +Q212965 P161 Q223117 +Q96230 P463 Q833738 +Q232985 P69 Q503246 +Q448837 P106 Q2405480 +Q254748 P26 Q1765101 +Q482708 P106 Q1476215 +Q431117 P264 Q1273666 +Q217685 P161 Q103876 +Q930197 P108 Q49204 +Q235361 P106 Q4964182 +Q155375 P463 Q451079 +Q1424269 P136 Q83440 +Q3986379 P161 Q1203 +Q6829 P17 Q43287 +Q57393 P20 Q56037 +Q672800 P106 Q158852 +Q48589 P20 Q78 +Q283317 P106 Q10800557 +Q234807 P551 Q90 +Q332493 P69 Q1227526 +Q214801 P136 Q20443008 +Q545375 P463 Q1468277 +Q188137 P106 Q10798782 +Q387655 P1303 Q6607 +Q332525 P106 Q33999 +Q159 P530 Q399 +Q92637 P27 Q30 +Q318514 P136 Q170611 +Q59210 P19 Q495 +Q356397 P106 Q482980 +Q364342 P1412 Q1860 +Q287740 P161 Q230308 +Q39246 P106 Q19350898 +Q28 P530 Q155 +Q246374 P106 Q189010 +Q224097 P106 Q33999 +Q31 P463 Q8908 +Q241382 P106 Q3357567 +Q191 P530 Q230 +Q200768 P106 Q2405480 +Q60317 P108 Q4614 +Q53023 P106 Q3387717 +Q312077 P69 Q216458 +Q66127 P102 Q49768 +Q537005 P27 Q29999 +Q62988 P106 Q36180 +Q763507 P106 Q2516866 +Q241087 P1412 Q652 +Q187166 P136 Q35760 +Q239131 P106 Q864503 +Q202729 P106 Q177220 +Q73089 P69 Q235034 +Q232708 P106 Q33999 +Q61217 P69 Q14404494 +Q203952 P27 Q142 +Q215263 P69 Q745967 +Q266057 P106 Q10798782 +Q216102 P463 Q209184 +Q75220 P106 Q4964182 +Q427403 P509 Q12078 +Q69837 P106 Q639669 +Q262 P463 Q5611262 +Q154216 P264 Q2733913 +Q311760 P106 Q81096 +Q539897 P136 Q187760 +Q313509 P106 Q3282637 +Q131326 P106 Q49757 +Q102551 P140 Q7066 +Q69406 P463 Q543804 +Q1109636 P264 Q311439 +Q1058532 P106 Q488205 +Q3384965 P106 Q81096 +Q89546 P20 Q1741 +Q129817 P106 Q10800557 +Q96594 P108 Q154804 +Q256037 P161 Q309980 +Q152690 P106 Q28389 +Q309592 P106 Q3282637 +Q479992 P106 Q1930187 +Q12795 P106 Q49757 +Q207951 P106 Q1622272 +Q117012 P551 Q84 +Q75603 P1412 Q1321 +Q715701 P1412 Q1860 +Q291500 P136 Q699 +Q477461 P1303 Q5994 +Q4488 P69 Q7060402 +Q392441 P136 Q130232 +Q659238 P106 Q639669 +Q163747 P106 Q17337766 +Q78926 P106 Q3400985 +Q119798 P108 Q1065 +Q228968 P106 Q36834 +Q172161 P106 Q36180 +Q18430 P172 Q7325 +Q38573 P106 Q333634 +Q312480 P1412 Q7737 +Q79191 P172 Q127885 +Q155882 P27 Q183 +Q790 P530 Q155 +Q275247 P19 Q3033 +Q907738 P101 Q11372 +Q944563 P106 Q639669 +Q381014 P106 Q188094 +Q106208 P463 Q329464 +Q333405 P509 Q11081 +Q48084 P463 Q1971373 +Q41 P463 Q1072120 +Q212 P530 Q258 +Q186341 P161 Q39792 +Q742079 P106 Q16323111 +Q286339 P27 Q16 +Q956459 P106 Q17337766 +Q60487 P161 Q36767 +Q505882 P136 Q11401 +Q210447 P19 Q17042 +Q208344 P161 Q220335 +Q529276 P463 Q7118978 +Q220536 P102 Q29552 +Q2626233 P106 Q947873 +Q56011 P106 Q33999 +Q362516 P106 Q584301 +Q77101 P27 Q183 +Q4622 P69 Q193510 +Q11941 P106 Q1028181 +Q70326 P119 Q311 +Q206576 P136 Q130232 +Q142 P530 Q865 +Q165193 P264 Q193023 +Q49080 P106 Q876864 +Q88015 P1303 Q5994 +Q366624 P264 Q1536003 +Q257764 P106 Q855091 +Q272943 P136 Q1062400 +Q485280 P136 Q7749 +Q559549 P17 Q30 +Q206374 P57 Q40026 +Q25320 P463 Q188771 +Q215556 P106 Q486748 +Q230123 P19 Q2807 +Q60016 P136 Q130232 +Q865 P530 Q796 +Q258846 P106 Q488205 +Q51545 P136 Q39427 +Q92638 P463 Q1493021 +Q267018 P136 Q5442753 +Q60637 P463 Q414110 +Q164111 P19 Q3616 +Q1562145 P27 Q30 +Q428489 P136 Q2973181 +Q254838 P136 Q211756 +Q519851 P69 Q5142861 +Q280978 P1303 Q17172850 +Q153248 P106 Q6625963 +Q295803 P27 Q145 +Q159409 P135 Q1246516 +Q161678 P161 Q287824 +Q2645477 P106 Q81096 +Q160852 P463 Q265058 +Q776752 P1412 Q9091 +Q312394 P495 Q183 +Q201472 P106 Q36180 +Q43499 P106 Q333634 +Q275641 P106 Q33999 +Q79 P530 Q403 +Q212446 P106 Q81096 +Q1051182 P495 Q408 +Q28513 P37 Q9067 +Q442797 P1303 Q17172850 +Q270639 P106 Q28389 +Q1320912 P1303 Q5994 +Q78316 P102 Q153401 +Q88389 P108 Q152838 +Q106428 P136 Q17013749 +Q366890 P27 Q414 +Q133386 P101 Q166542 +Q47139 P172 Q127885 +Q43994 P106 Q1053574 +Q354604 P106 Q15981151 +Q85411 P69 Q151510 +Q1711743 P20 Q90 +Q273080 P172 Q49078 +Q81244 P27 Q28513 +Q48990 P106 Q121594 +Q73132 P19 Q84 +Q33 P530 Q35 +Q23380 P69 Q273593 +Q215436 P27 Q30 +Q112880 P106 Q14467526 +Q216701 P108 Q55038 +Q184785 P19 Q34404 +Q45672 P161 Q347395 +Q107002 P509 Q12152 +Q294326 P106 Q644687 +Q112167 P106 Q10798782 +Q44695 P106 Q1930187 +Q235066 P1303 Q17172850 +Q219421 P136 Q157443 +Q45394 P136 Q3072049 +Q168963 P463 Q270794 +Q71960 P840 Q1297 +Q1900295 P106 Q753110 +Q115883 P108 Q32120 +Q391562 P27 Q145 +Q2908686 P20 Q90 +Q190972 P1412 Q1860 +Q232642 P19 Q62 +Q232860 P106 Q10800557 +Q503013 P106 Q28389 +Q233957 P106 Q39631 +Q313525 P106 Q36834 +Q188426 P20 Q23197 +Q76409 P106 Q6625963 +Q93153 P106 Q1622272 +Q12908 P463 Q463303 +Q63528 P106 Q1397808 +Q1290755 P27 Q183 +Q441414 P106 Q33999 +Q244333 P136 Q1146335 +Q484702 P106 Q3387717 +Q11637 P106 Q177220 +Q1342470 P106 Q855091 +Q52937 P101 Q7163 +Q228812 P27 Q34266 +Q9155759 P19 Q270 +Q709790 P1412 Q1860 +Q76688 P69 Q700758 +Q45275 P106 Q177220 +Q69430 P106 Q16287483 +Q82085 P69 Q1815371 +Q154077 P161 Q439198 +Q5921 P136 Q7749 +Q214549 P106 Q82955 +Q43936 P106 Q36180 +Q76480 P119 Q564922 +Q192069 P106 Q4853732 +Q112307 P106 Q177220 +Q156622 P106 Q2707485 +Q437182 P19 Q1492 +Q38 P530 Q32 +Q117644 P1412 Q7737 +Q32 P530 Q30 +Q225625 P106 Q33999 +Q410 P140 Q288928 +Q86922 P19 Q393 +Q49760 P106 Q36180 +Q1188776 P106 Q47064 +Q336388 P69 Q503246 +Q974670 P1412 Q1860 +Q374936 P509 Q12152 +Q2428820 P1412 Q188 +Q75995 P106 Q36180 +Q224187 P840 Q60 +Q96943 P106 Q482980 +Q34453 P140 Q3333484 +Q602033 P106 Q1930187 +Q467333 P19 Q100 +Q484702 P101 Q184485 +Q472270 P106 Q2306091 +Q947519 P106 Q1930187 +Q444366 P106 Q33999 +Q342788 P27 Q16 +Q57319 P1412 Q7737 +Q85927 P27 Q34 +Q128967 P1303 Q5994 +Q83326 P119 Q1771319 +Q162076 P106 Q16145150 +Q220269 P106 Q1622272 +Q78496 P106 Q39631 +Q170576 P1412 Q9299 +Q272943 P1303 Q5994 +Q58857 P106 Q16145150 +Q704700 P106 Q639669 +Q151720 P106 Q40348 +Q6527 P106 Q2374149 +Q232479 P1412 Q652 +Q12622 P106 Q14972848 +Q85927 P108 Q151510 +Q104898 P69 Q49112 +Q220550 P106 Q1231865 +Q155106 P69 Q219694 +Q429397 P161 Q229612 +Q255786 P106 Q10800557 +Q36970 P1303 Q17172850 +Q158878 P1412 Q5146 +Q451969 P106 Q49757 +Q621521 P1303 Q46185 +Q843 P463 Q1043527 +Q60876 P1303 Q17172850 +Q228598 P264 Q183387 +Q282882 P1412 Q150 +Q392785 P161 Q454200 +Q153243 P106 Q1622272 +Q175305 P19 Q62 +Q127959 P108 Q189022 +Q89404 P27 Q40 +Q344822 P106 Q15981151 +Q229341 P264 Q202440 +Q207817 P1412 Q13955 +Q970649 P106 Q333634 +Q1009 P463 Q2029901 +Q978389 P20 Q2807 +Q239838 P106 Q10800557 +Q23517 P106 Q10798782 +Q180727 P106 Q49757 +Q156774 P1412 Q150 +Q1385887 P106 Q131524 +Q314569 P106 Q2259451 +Q1037263 P106 Q639669 +Q888666 P106 Q177220 +Q257243 P1303 Q17172850 +Q65329 P69 Q154804 +Q201079 P19 Q678437 +Q251479 P106 Q13582652 +Q102244 P161 Q105466 +Q451630 P161 Q589015 +Q45563 P106 Q28389 +Q430804 P27 Q145 +Q171758 P106 Q28389 +Q528742 P106 Q482980 +Q202613 P27 Q30 +Q184605 P161 Q131332 +Q11239 P19 Q11299 +Q182882 P463 Q117467 +Q262354 P106 Q1028181 +Q716367 P69 Q49210 +Q438402 P106 Q33999 +Q202765 P27 Q145 +Q37030 P40 Q71407 +Q978959 P20 Q100 +Q90849 P69 Q152087 +Q4391139 P69 Q16952 +Q60025 P106 Q4964182 +Q683058 P463 Q684415 +Q107432 P106 Q15981151 +Q449634 P106 Q639669 +Q448727 P509 Q12078 +Q381185 P108 Q55044 +Q84555 P463 Q543804 +Q156469 P106 Q82955 +Q471443 P136 Q149537 +Q104000 P26 Q16390 +Q228882 P106 Q10798782 +Q460379 P495 Q30 +Q38757 P102 Q310296 +Q96 P530 Q30 +Q69045 P509 Q11081 +Q58626 P108 Q152087 +Q156749 P106 Q13416354 +Q105875 P106 Q1075651 +Q919156 P119 Q5763964 +Q106303 P106 Q2526255 +Q83275 P106 Q82955 +Q1512152 P106 Q1281618 +Q963142 P264 Q557632 +Q122614 P106 Q13235160 +Q66735 P106 Q82955 +Q291405 P106 Q488205 +Q650878 P106 Q15627169 +Q211731 P106 Q33999 +Q269890 P106 Q947873 +Q214063 P69 Q154804 +Q78408 P551 Q1022 +Q193426 P106 Q82955 +Q73033 P27 Q1014 +Q229550 P1303 Q17172850 +Q266356 P27 Q884 +Q8312 P69 Q182973 +Q188726 P20 Q277162 +Q95273 P69 Q55044 +Q53023 P106 Q28389 +Q311181 P1303 Q17172850 +Q440145 P106 Q2095549 +Q465000 P106 Q4610556 +Q106506 P161 Q170576 +Q553335 P106 Q40348 +Q329056 P57 Q361336 +Q84780 P106 Q3282637 +Q355341 P106 Q3501317 +Q202246 P106 Q36834 +Q55207 P106 Q1569495 +Q92638 P106 Q901 +Q11755 P69 Q174158 +Q97083 P106 Q1622272 +Q26695 P106 Q488205 +Q893664 P102 Q49768 +Q171571 P106 Q639669 +Q822 P530 Q878 +Q876590 P106 Q8178443 +Q270529 P1412 Q7737 +Q153725 P740 Q884 +Q235421 P27 Q29 +Q193338 P106 Q177220 +Q547183 P136 Q49451 +Q33240 P264 Q1047366 +Q85586 P463 Q543804 +Q213574 P106 Q10798782 +Q249141 P106 Q639669 +Q102483 P1412 Q9056 +Q568256 P17 Q221 +Q1380398 P27 Q30 +Q59477 P106 Q183945 +Q78608 P463 Q463303 +Q92562 P106 Q36180 +Q252734 P1050 Q10874 +Q72334 P172 Q49085 +Q81082 P551 Q142 +Q84698 P106 Q15980158 +Q1351751 P106 Q6168364 +Q19089 P161 Q317704 +Q724276 P19 Q42448 +Q198962 P1303 Q17172850 +Q49767 P106 Q6625963 +Q444344 P106 Q10798782 +Q64970 P69 Q152087 +Q76409 P737 Q34670 +Q318292 P69 Q1185037 +Q435468 P27 Q145 +Q313849 P1303 Q128309 +Q51143 P19 Q24826 +Q347832 P27 Q414 +Q59653 P161 Q447669 +Q61533 P106 Q28789517 +Q213053 P161 Q150943 +Q525180 P106 Q1198887 +Q205303 P101 Q333 +Q2833 P463 Q1768108 +Q453288 P27 Q30 +Q275652 P106 Q10798782 +Q92510 P27 Q183 +Q261133 P106 Q3282637 +Q573584 P108 Q209842 +Q35610 P140 Q1069127 +Q76437 P140 Q55004488 +Q299073 P106 Q16145150 +Q363379 P106 Q14089670 +Q981171 P106 Q1225716 +Q235511 P69 Q1068752 +Q291405 P101 Q207628 +Q188783 P1412 Q9288 +Q337185 P106 Q36834 +Q280918 P161 Q275964 +Q456467 P57 Q51564 +Q638638 P463 Q2003501 +Q347950 P106 Q3282637 +Q6527 P101 Q24454422 +Q290091 P69 Q7060402 +Q84942 P106 Q82955 +Q455344 P264 Q843402 +Q153832 P27 Q38 +Q511399 P27 Q801 +Q35064 P106 Q6625963 +Q10959 P463 Q131566 +Q1042738 P106 Q1607826 +Q395340 P106 Q1930187 +Q154216 P136 Q11399 +Q921 P530 Q230 +Q16389 P463 Q530471 +Q202585 P136 Q9759 +Q1411849 P106 Q639669 +Q33 P463 Q340195 +Q1406622 P106 Q2643890 +Q78918 P27 Q40 +Q298255 P106 Q28389 +Q350362 P1303 Q163829 +Q978830 P69 Q168751 +Q174244 P27 Q30 +Q219782 P264 Q202440 +Q1374180 P106 Q36180 +Q44857 P106 Q1075651 +Q761453 P106 Q28389 +Q171428 P27 Q801 +Q242707 P27 Q145 +Q266335 P1412 Q1860 +Q94186 P27 Q40 +Q244214 P172 Q2325516 +Q2619019 P106 Q974144 +Q668 P530 Q1030 +Q162005 P463 Q463303 +Q699597 P1412 Q150 +Q61864 P463 Q329464 +Q162035 P551 Q65 +Q217182 P136 Q157394 +Q481477 P1303 Q8355 +Q538676 P106 Q6168364 +Q239522 P1412 Q7411 +Q430182 P106 Q28389 +Q159542 P106 Q4964182 +Q206384 P1412 Q1860 +Q938475 P102 Q29468 +Q154145 P106 Q214917 +Q1368185 P264 Q2034661 +Q176944 P20 Q34863 +Q184697 P140 Q1841 +Q327107 P69 Q31519 +Q260879 P106 Q36180 +Q59478 P27 Q34266 +Q269901 P106 Q2526255 +Q309900 P69 Q49120 +Q53001 P1412 Q1860 +Q337521 P106 Q43845 +Q347832 P106 Q201788 +Q93401 P20 Q1741 +Q77271 P106 Q36180 +Q240377 P106 Q36180 +Q668 P530 Q1041 +Q720722 P106 Q2252262 +Q90849 P27 Q183 +Q233536 P106 Q33999 +Q220864 P106 Q13582652 +Q59945 P463 Q414188 +Q185658 P136 Q319221 +Q709499 P106 Q3282637 +Q495272 P106 Q855091 +Q440433 P641 Q5369 +Q29418 P106 Q1622272 +Q247538 P106 Q133485 +Q270672 P19 Q8686 +Q881 P530 Q40 +Q84614 P106 Q189010 +Q238702 P463 Q1468277 +Q229735 P136 Q842324 +Q84751 P27 Q28513 +Q125600 P27 Q39 +Q63078 P27 Q38872 +Q329127 P161 Q238029 +Q103917 P106 Q33999 +Q4700 P119 Q311 +Q125494 P136 Q130232 +Q11998 P136 Q211756 +Q108510 P106 Q578109 +Q974221 P27 Q145 +Q206461 P161 Q314892 +Q1449438 P106 Q2405480 +Q1393149 P1303 Q46185 +Q919515 P509 Q12204 +Q120381 P451 Q893785 +Q822 P530 Q668 +Q156774 P20 Q90 +Q129831 P106 Q10800557 +Q65619 P69 Q165980 +Q151087 P1412 Q150 +Q18391 P106 Q333634 +Q80064 P463 Q812155 +Q114132 P20 Q90 +Q241754 P101 Q11633 +Q1025 P463 Q899770 +Q531287 P106 Q855091 +Q327332 P161 Q182763 +Q160219 P136 Q132311 +Q126958 P509 Q181754 +Q262490 P19 Q485716 +Q127442 P463 Q842008 +Q91582 P463 Q329464 +Q262507 P102 Q29468 +Q380045 P119 Q311 +Q77983 P106 Q1397808 +Q274764 P20 Q84 +Q2233935 P19 Q71 +Q64487 P20 Q1489 +Q562781 P27 Q15180 +Q207197 P102 Q29468 +Q9381 P20 Q23436 +Q271986 P551 Q65 +Q464277 P1412 Q1860 +Q181573 P106 Q28389 +Q270951 P106 Q13590141 +Q712086 P1412 Q1321 +Q189729 P106 Q8178443 +Q315325 P19 Q17042 +Q234144 P1050 Q84263196 +Q117 P463 Q1065 +Q251068 P136 Q850412 +Q3186620 P106 Q185351 +Q773303 P1412 Q809 +Q1088453 P17 Q145 +Q109612 P1303 Q5994 +Q63234 P463 Q44687 +Q937 P463 Q684415 +Q352185 P119 Q1302545 +Q44086 P27 Q713750 +Q962402 P27 Q142 +Q550784 P27 Q16 +Q192682 P106 Q28389 +Q120260 P102 Q29552 +Q231182 P27 Q145 +Q223271 P106 Q4964182 +Q186709 P106 Q36180 +Q231116 P106 Q10798782 +Q1292738 P119 Q311 +Q163513 P19 Q5092 +Q40074 P161 Q338726 +Q896835 P19 Q1726 +Q51545 P106 Q2526255 +Q776387 P463 Q123885 +Q884 P530 Q30 +Q1041034 P106 Q33999 +Q1101195 P27 Q30 +Q104326 P106 Q639669 +Q2538 P106 Q1930187 +Q26391 P161 Q105158 +Q713301 P106 Q1415090 +Q19810 P106 Q3501317 +Q87589 P27 Q183 +Q1765101 P106 Q806349 +Q112427 P106 Q82955 +Q242300 P136 Q188450 +Q4061 P106 Q18814623 +Q150526 P106 Q3368718 +Q1237649 P106 Q12800682 +Q77825 P106 Q1234713 +Q89292 P102 Q49762 +Q30 P530 Q224 +Q109067 P1412 Q9056 +Q60247 P27 Q183 +Q76791 P1412 Q188 +Q252 P530 Q230 +Q201924 P161 Q201842 +Q234058 P27 Q30 +Q156774 P463 Q4345832 +Q1392321 P749 Q21077 +Q432281 P19 Q18419 +Q465594 P20 Q34217 +Q97431 P106 Q1792450 +Q78481 P108 Q152838 +Q78116 P20 Q1794 +Q448764 P106 Q36180 +Q3126 P17 Q713750 +Q97883 P1412 Q188 +Q218698 P106 Q214917 +Q102112 P102 Q7320 +Q314990 P20 Q90 +Q163513 P140 Q9268 +Q298412 P106 Q488205 +Q703935 P19 Q288781 +Q129286 P361 Q8680 +Q202385 P1412 Q1860 +Q17135 P551 Q60 +Q5284 P463 Q1493021 +Q318249 P106 Q4610556 +Q2901936 P69 Q161562 +Q151646 P106 Q193391 +Q7976772 P106 Q3391743 +Q131545 P106 Q2095549 +Q13909 P106 Q33999 +Q1352613 P136 Q93204 +Q1684779 P106 Q765778 +Q460664 P136 Q860626 +Q76576 P463 Q329464 +Q182546 P463 Q466113 +Q68476 P1412 Q397 +Q222041 P136 Q860626 +Q4061 P1303 Q17172850 +Q423 P530 Q218 +Q190373 P106 Q2526255 +Q742284 P27 Q172579 +Q4295 P106 Q49757 +Q240430 P136 Q1344 +Q86362 P27 Q801 +Q300300 P1303 Q5994 +Q537999 P106 Q43845 +Q53026 P509 Q333495 +Q134798 P106 Q333634 +Q228792 P106 Q33999 +Q35498 P102 Q29468 +Q268940 P106 Q10800557 +Q355447 P106 Q1231865 +Q4085141 P119 Q1517387 +Q233092 P106 Q10800557 +Q168419 P463 Q191583 +Q708506 P136 Q966564 +Q139549 P1412 Q1412 +Q70795 P509 Q9687 +Q727717 P136 Q8261 +Q153527 P119 Q1437214 +Q108703 P27 Q183 +Q180453 P1412 Q1860 +Q78918 P19 Q1741 +Q370377 P106 Q28389 +Q292185 P69 Q219563 +Q214953 P108 Q80207 +Q84579 P108 Q80207 +Q77060 P27 Q41304 +Q231071 P136 Q8341 +Q59478 P1412 Q188 +Q78371 P106 Q1731155 +Q971782 P136 Q1152184 +Q155 P530 Q43 +Q129037 P161 Q233868 +Q482334 P463 Q131566 +Q142 P463 Q7825 +Q2814 P17 Q41304 +Q156469 P106 Q806798 +Q344983 P172 Q49085 +Q252 P463 Q384535 +Q240570 P106 Q177220 +Q725964 P136 Q11399 +Q184535 P27 Q34266 +Q368674 P495 Q30 +Q318165 P106 Q2405480 +Q216339 P69 Q152838 +Q440537 P106 Q753110 +Q170509 P106 Q876864 +Q981960 P106 Q36180 +Q884 P530 Q869 +Q216913 P136 Q38848 +Q1261353 P19 Q1489 +Q320864 P69 Q745967 +Q95901 P19 Q64 +Q44657 P106 Q8246794 +Q298025 P106 Q28389 +Q11613 P140 Q55004488 +Q545423 P106 Q18939491 +Q204751 P1303 Q17172850 +Q324129 P69 Q1377 +Q81752 P1303 Q5994 +Q46706 P463 Q53249065 +Q66527 P119 Q1731 +Q657 P463 Q17495 +Q27684 P69 Q152838 +Q110872 P1412 Q188 +Q365199 P119 Q1624932 +Q188401 P19 Q65 +Q95901 P106 Q33999 +Q93868 P136 Q860626 +Q483507 P264 Q202440 +Q64356 P108 Q152171 +Q982493 P27 Q30 +Q521790 P106 Q639669 +Q352935 P106 Q3282637 +Q86924 P69 Q156737 +Q362886 P106 Q36834 +Q69392 P106 Q4991371 +Q444857 P69 Q1472358 +Q85931 P106 Q333634 +Q312472 P106 Q33999 +Q928 P530 Q408 +Q267721 P161 Q242729 +Q443065 P106 Q33999 +Q311476 P106 Q4853732 +Q214549 P463 Q188771 +Q197206 P106 Q901402 +Q30 P530 Q672 +Q408 P172 Q170826 +Q1359247 P27 Q30 +Q296950 P106 Q1231865 +Q215017 P106 Q33999 +Q233433 P69 Q201492 +Q713443 P20 Q270 +Q240371 P106 Q486748 +Q97070 P106 Q482980 +Q131412 P106 Q82955 +Q965301 P1303 Q1444 +Q320714 P27 Q2305208 +Q72938 P1412 Q9067 +Q1042901 P551 Q1486 +Q128560 P69 Q805285 +Q66031 P106 Q36180 +Q756563 P172 Q3476361 +Q254138 P136 Q20378 +Q85092 P140 Q23540 +Q152274 P106 Q937857 +Q44197 P106 Q1930187 +Q348351 P106 Q10800557 +Q75151 P106 Q36180 +Q364131 P1303 Q6607 +Q113641 P69 Q165980 +Q220980 P106 Q551835 +Q77888 P19 Q1711 +Q54868 P106 Q33999 +Q1771189 P106 Q639669 +Q83059 P737 Q7199 +Q400729 P106 Q36180 +Q944563 P140 Q6423963 +Q558794 P27 Q15180 +Q203690 P106 Q943995 +Q275003 P101 Q9465 +Q350208 P172 Q49085 +Q786579 P106 Q333634 +Q459171 P27 Q30 +Q450646 P106 Q177220 +Q1286510 P19 Q1494 +Q167768 P136 Q8261 +Q303 P40 Q237324 +Q8772 P27 Q70972 +Q77851 P20 Q1726 +Q323653 P1303 Q6607 +Q188955 P106 Q10800557 +Q44833 P509 Q12152 +Q31 P530 Q32 +Q916675 P106 Q201788 +Q216582 P172 Q50001 +Q183187 P101 Q372436 +Q1403 P106 Q28389 +Q582152 P106 Q36834 +Q553276 P551 Q816 +Q320025 P69 Q1583249 +Q551154 P1303 Q52954 +Q655213 P172 Q42406 +Q213799 P509 Q216169 +Q14281 P1412 Q652 +Q890204 P106 Q3282637 +Q92854 P463 Q270794 +Q154691 P27 Q804 +Q54885 P1412 Q150 +Q764913 P1412 Q9067 +Q127330 P1303 Q52954 +Q2477225 P463 Q83172 +Q19364345 P19 Q1731 +Q55375 P106 Q10800557 +Q77226 P1412 Q188 +Q1803090 P641 Q32112 +Q66023 P108 Q55044 +Q464474 P106 Q36180 +Q699541 P106 Q169470 +Q707293 P19 Q25610 +Q55264 P106 Q2259451 +Q339876 P161 Q3157150 +Q96028 P106 Q49757 +Q238795 P1303 Q6607 +Q60528 P27 Q40 +Q57735 P27 Q159 +Q58062 P463 Q414188 +Q160021 P69 Q31519 +Q168407 P17 Q183 +Q244390 P69 Q41506 +Q65350 P106 Q36180 +Q76823 P1412 Q1860 +Q75246 P119 Q1497554 +Q275247 P1303 Q6607 +Q289524 P106 Q2259451 +Q242110 P106 Q33999 +Q441825 P106 Q177220 +Q224026 P106 Q2526255 +Q108857 P463 Q543804 +Q184404 P106 Q486748 +Q105273 P1412 Q188 +Q241382 P19 Q649 +Q1339107 P264 Q183387 +Q234795 P27 Q34266 +Q737626 P27 Q159 +Q1308212 P19 Q78 +Q93443 P161 Q240324 +Q4139600 P69 Q1379834 +Q464037 P106 Q2516866 +Q708158 P1050 Q84263196 +Q2433868 P463 Q1202021 +Q81752 P106 Q14915627 +Q366217 P106 Q639669 +Q157058 P172 Q201111 +Q164384 P106 Q81096 +Q67018 P463 Q191583 +Q347717 P106 Q855091 +Q206439 P140 Q131036 +Q40143 P106 Q10798782 +Q199644 P1050 Q12204 +Q567772 P551 Q18419 +Q398 P463 Q7172 +Q43327 P749 Q38903 +Q19198 P106 Q488205 +Q59672 P19 Q22889 +Q162667 P106 Q753110 +Q106685 P463 Q463303 +Q34389 P106 Q486748 +Q434805 P69 Q49088 +Q765 P106 Q2259451 +Q441836 P106 Q10798782 +Q57106 P1412 Q13955 +Q446151 P27 Q34266 +Q266361 P19 Q84 +Q6538 P1412 Q188 +Q664 P463 Q1480793 +Q1265657 P106 Q11063 +Q630446 P106 Q3282637 +Q42574 P106 Q205375 +Q62432 P69 Q161976 +Q288680 P27 Q30 +Q151597 P161 Q258736 +Q229038 P19 Q16555 +Q451630 P136 Q2484376 +Q435124 P20 Q846421 +Q13005 P1412 Q143 +Q80064 P1412 Q7918 +Q296616 P106 Q3282637 +Q150526 P106 Q33231 +Q150662 P69 Q1137719 +Q33866 P27 Q30 +Q19190 P106 Q33999 +Q724517 P27 Q33 +Q287329 P264 Q155152 +Q274181 P19 Q43196 +Q902463 P108 Q190080 +Q230141 P737 Q155845 +Q298025 P106 Q10798782 +Q271640 P27 Q31 +Q106208 P1412 Q150 +Q153248 P106 Q214917 +Q105387 P161 Q313755 +Q268147 P20 Q60 +Q160433 P451 Q36268 +Q208108 P161 Q708059 +Q354031 P106 Q10798782 +Q392 P106 Q177220 +Q734564 P106 Q49757 +Q1005 P463 Q1065 +Q311580 P136 Q9759 +Q289003 P136 Q193355 +Q40096 P172 Q49085 +Q262791 P27 Q30 +Q192348 P463 Q901677 +Q741600 P264 Q3699593 +Q128187 P161 Q184219 +Q313311 P106 Q2252262 +Q995245 P106 Q1930187 +Q860068 P1303 Q6607 +Q1610776 P27 Q30 +Q222390 P106 Q28389 +Q62202 P106 Q82955 +Q71035 P27 Q183 +Q16 P530 Q38 +Q327332 P136 Q1033891 +Q327685 P136 Q859369 +Q232 P463 Q5611262 +Q210172 P3373 Q201656 +Q32433 P161 Q177311 +Q309898 P106 Q2259451 +Q429046 P1412 Q9176 +Q121694 P106 Q333634 +Q677769 P106 Q1028181 +Q462447 P161 Q42229 +Q116789 P106 Q1231865 +Q42156 P106 Q121594 +Q215937 P27 Q145 +Q55418 P102 Q49768 +Q982109 P463 Q2095524 +Q90493 P69 Q154804 +Q67007 P106 Q1622272 +Q272270 P1303 Q8355 +Q1352613 P161 Q1203 +Q544472 P69 Q204181 +Q818968 P161 Q233368 +Q264748 P27 Q30 +Q164119 P106 Q2252262 +Q254820 P106 Q11774202 +Q229249 P19 Q65 +Q1348831 P106 Q639669 +Q872815 P108 Q31519 +Q1562145 P106 Q639669 +Q370155 P264 Q183387 +Q336881 P106 Q28389 +Q515034 P106 Q36180 +Q501697 P509 Q623031 +Q40787 P1412 Q188 +Q316850 P106 Q3282637 +Q169452 P106 Q578109 +Q435878 P106 Q10800557 +Q439283 P1412 Q1860 +Q632532 P161 Q108935 +Q543195 P106 Q8178443 +Q202028 P840 Q1408 +Q317567 P106 Q33999 +Q330824 P106 Q33999 +Q453314 P106 Q486748 +Q748222 P106 Q1930187 +Q66634 P102 Q49762 +Q71352 P20 Q586 +Q921823 P20 Q2868 +Q153039 P495 Q20 +Q276198 P1303 Q6607 +Q588591 P1303 Q17172850 +Q236630 P106 Q2526255 +Q776752 P106 Q36180 +Q154010 P106 Q1209498 +Q454398 P161 Q42493 +Q577508 P106 Q1930187 +Q451608 P108 Q273523 +Q436131 P106 Q11774202 +Q11998 P264 Q208909 +Q60452 P106 Q36180 +Q23760 P136 Q40831 +Q76310 P106 Q4853732 +Q57371 P108 Q322964 +Q275247 P1303 Q17172850 +Q283317 P106 Q33999 +Q99397 P106 Q185351 +Q722042 P641 Q41323 +Q292543 P106 Q10800557 +Q79 P530 Q408 +Q67221 P106 Q219477 +Q205120 P1412 Q9067 +Q454200 P106 Q3282637 +Q235421 P136 Q484641 +Q83321 P106 Q482980 +Q724323 P136 Q156035 +Q191027 P451 Q93957 +Q5577 P737 Q9358 +Q298726 P136 Q189201 +Q72833 P106 Q49757 +Q103646 P106 Q28389 +Q574885 P106 Q36834 +Q47243 P106 Q333634 +Q66628 P102 Q158227 +Q743597 P27 Q28 +Q105875 P69 Q1702106 +Q274609 P551 Q1428 +Q981971 P27 Q38 +Q965 P530 Q230 +Q234809 P26 Q361610 +Q931278 P463 Q188771 +Q428422 P1303 Q17172850 +Q160726 P69 Q457281 +Q330316 P106 Q10798782 +Q276299 P495 Q145 +Q130853 P106 Q158852 +Q71208 P108 Q32120 +Q134022 P102 Q153401 +Q382099 P106 Q177220 +Q445302 P106 Q2259451 +Q162688 P463 Q123885 +Q1019 P530 Q159 +Q237514 P140 Q1062789 +Q461399 P106 Q10800557 +Q470334 P106 Q4964182 +Q106349 P451 Q53002 +Q356129 P1303 Q17172850 +Q888065 P19 Q5092 +Q168862 P161 Q313522 +Q344179 P140 Q13211738 +Q684415 P463 Q1662834 +Q30937 P161 Q336388 +Q1699902 P106 Q10800557 +Q58845 P108 Q152087 +Q987724 P106 Q10800557 +Q1173729 P106 Q1622272 +Q444651 P509 Q623031 +Q44221 P451 Q80046 +Q944275 P108 Q189022 +Q113953 P106 Q36180 +Q229325 P69 Q5121453 +Q12288760 P1412 Q7737 +Q741862 P106 Q333634 +Q61197 P27 Q183 +Q3088816 P1303 Q17172850 +Q432689 P106 Q2252262 +Q1178789 P136 Q8341 +Q9582 P108 Q49088 +Q4460848 P463 Q2370801 +Q401182 P27 Q30 +Q483507 P19 Q16558 +Q539171 P1412 Q150 +Q1739226 P27 Q801 +Q867257 P106 Q177220 +Q319902 P106 Q1234713 +Q40580 P27 Q408 +Q165668 P69 Q215539 +Q336397 P106 Q169470 +Q348037 P1303 Q5994 +Q104955 P106 Q82955 +Q379250 P1050 Q131755 +Q242608 P106 Q855091 +Q82984 P106 Q37226 +Q316602 P106 Q36834 +Q207459 P106 Q82955 +Q3620117 P108 Q193510 +Q463265 P106 Q18814623 +Q285462 P509 Q12152 +Q77024 P27 Q43287 +Q243113 P551 Q8652 +Q714167 P106 Q753110 +Q191598 P106 Q333634 +Q58328 P463 Q337526 +Q298651 P1412 Q7976 +Q223596 P161 Q441913 +Q188461 P106 Q33999 +Q232 P530 Q183 +Q211111 P1412 Q188 +Q801 P530 Q142 +Q8442 P106 Q185351 +Q535355 P106 Q333634 +Q639065 P1412 Q1860 +Q1364884 P108 Q156598 +Q229065 P1303 Q17172850 +Q7546 P106 Q28389 +Q86778 P106 Q2259451 +Q92624 P19 Q1345 +Q34660 P136 Q192881 +Q18938 P106 Q10798782 +Q167696 P136 Q11401 +Q164824 P463 Q270794 +Q888152 P106 Q8246794 +Q577704 P106 Q4773904 +Q221491 P161 Q484523 +Q191719 P106 Q2405480 +Q184843 P136 Q182015 +Q4391139 P119 Q281859 +Q258761 P1303 Q5994 +Q232945 P27 Q30 +Q332892 P172 Q49085 +Q350362 P106 Q55960555 +Q456711 P172 Q7325 +Q553335 P69 Q49122 +Q969753 P1412 Q1860 +Q232288 P1303 Q17172850 +Q202815 P1412 Q188 +Q285020 P161 Q42930 +Q276038 P463 Q463303 +Q62904 P108 Q503415 +Q379808 P106 Q10798782 +Q170596 P106 Q18814623 +Q78475 P27 Q518101 +Q310637 P106 Q10798782 +Q982546 P69 Q499911 +Q1394 P27 Q15180 +Q164730 P1050 Q84263196 +Q689820 P172 Q201111 +Q664592 P1412 Q1860 +Q348790 P509 Q12152 +Q333460 P108 Q37156 +Q352023 P27 Q30 +Q216221 P106 Q13235160 +Q540395 P27 Q30 +Q110587 P17 Q27 +Q62686 P106 Q82955 +Q194346 P161 Q212416 +Q1031847 P19 Q3640 +Q1346192 P106 Q639669 +Q152272 P106 Q2526255 +Q63397 P106 Q3055126 +Q218458 P161 Q315604 +Q683058 P1412 Q188 +Q162202 P106 Q36834 +Q78632 P27 Q40 +Q241 P530 Q96 +Q201484 P106 Q901402 +Q708284 P106 Q11900058 +Q65130 P19 Q3955 +Q822 P463 Q17495 +Q313367 P106 Q245068 +Q462118 P1303 Q17172850 +Q263772 P106 Q183945 +Q62234 P20 Q2966 +Q183094 P106 Q188094 +Q70997 P106 Q81096 +Q760 P463 Q3369762 +Q1008 P530 Q902 +Q94653 P1412 Q188 +Q93356 P463 Q463303 +Q843 P530 Q408 +Q158878 P106 Q6625963 +Q457333 P161 Q156552 +Q6694 P106 Q11774202 +Q386336 P106 Q36180 +Q160627 P101 Q8087 +Q294927 P106 Q2526255 +Q223613 P1412 Q1321 +Q161084 P106 Q82955 +Q193105 P106 Q10800557 +Q11941 P106 Q715301 +Q12279060 P20 Q472 +Q258 P463 Q1480793 +Q42051 P57 Q38222 +Q959097 P1412 Q1860 +Q334396 P106 Q82955 +Q100122 P69 Q174570 +Q2620784 P106 Q81096 +Q93070 P1412 Q1860 +Q587361 P106 Q639669 +Q501429 P106 Q855091 +Q440996 P106 Q16287483 +Q333014 P106 Q753110 +Q257271 P69 Q1472358 +Q217294 P161 Q520001 +Q233584 P136 Q8261 +Q469310 P69 Q1189954 +Q43977 P20 Q3834 +Q325262 P106 Q82955 +Q439204 P737 Q34743 +Q104326 P69 Q463055 +Q166031 P57 Q61347 +Q95174 P106 Q33999 +Q435878 P1303 Q17172850 +Q62459 P106 Q82955 +Q481474 P463 Q695302 +Q65600 P463 Q414188 +Q186123 P1412 Q1860 +Q108619 P509 Q12202 +Q122003 P264 Q330629 +Q229139 P106 Q177220 +Q174438 P108 Q333886 +Q878 P530 Q889 +Q5603 P1412 Q1860 +Q236355 P106 Q4610556 +Q314269 P106 Q333634 +Q77143 P264 Q155152 +Q436386 P264 Q4883239 +Q457333 P136 Q20442589 +Q527394 P19 Q2807 +Q137042 P106 Q15981151 +Q274973 P161 Q230378 +Q180710 P106 Q639669 +Q229018 P106 Q21234378 +Q103562 P106 Q1622272 +Q790 P463 Q134102 +Q717543 P463 Q543804 +Q732980 P106 Q2526255 +Q49615 P140 Q6423963 +Q120563 P106 Q333634 +Q183 P530 Q686 +Q370377 P106 Q18844224 +Q219631 P19 Q65 +Q240899 P136 Q157394 +Q90430 P106 Q2526255 +Q155158 P102 Q49768 +Q203223 P101 Q207628 +Q181819 P106 Q10798782 +Q154852 P264 Q38903 +Q1065956 P106 Q486748 +Q53783 P1412 Q8748 +Q218 P463 Q134102 +Q727416 P1412 Q1321 +Q903208 P106 Q1622272 +Q319084 P172 Q678551 +Q183008 P27 Q41 +Q216570 P19 Q64 +Q442300 P641 Q41323 +Q937537 P106 Q1930187 +Q215300 P1303 Q17172850 +Q165721 P1412 Q7737 +Q94513 P136 Q1344 +Q86632 P106 Q36180 +Q851 P463 Q624307 +Q178403 P106 Q28389 +Q455558 P136 Q959790 +Q314158 P106 Q18939491 +Q320032 P495 Q38 +Q7311 P69 Q2045972 +Q269890 P69 Q389336 +Q84246 P69 Q31519 +Q730158 P264 Q277626 +Q219622 P27 Q142 +Q805 P463 Q1137381 +Q56005 P106 Q2526255 +Q67881 P19 Q2090 +Q704742 P106 Q2526255 +Q63026 P161 Q162492 +Q273910 P106 Q753110 +Q32 P463 Q1072120 +Q202735 P451 Q220901 +Q237659 P1412 Q1860 +Q8446 P136 Q11366 +Q154556 P136 Q9778 +Q523086 P106 Q6625963 +Q329700 P106 Q10800557 +Q266027 P161 Q314834 +Q3438272 P106 Q2095549 +Q401182 P106 Q177220 +Q568595 P463 Q1636237 +Q282951 P106 Q28389 +Q311786 P463 Q691152 +Q1225141 P106 Q488205 +Q72334 P69 Q499451 +Q449140 P136 Q83440 +Q11734 P106 Q47064 +Q1750532 P106 Q639669 +Q191027 P509 Q47912 +Q944563 P136 Q37073 +Q9312 P106 Q170790 +Q461682 P161 Q310515 +Q4430 P57 Q51583 +Q1077554 P106 Q36180 +Q180861 P264 Q193023 +Q74062 P119 Q819654 +Q92481 P20 Q1726 +Q742079 P106 Q1607826 +Q1911321 P106 Q81096 +Q131259 P136 Q378988 +Q965 P530 Q865 +Q181776 P161 Q95030 +Q53004 P106 Q28389 +Q126941 P27 Q30 +Q66207 P106 Q36180 +Q210111 P161 Q190602 +Q272224 P1412 Q1860 +Q1347095 P106 Q9648008 +Q61407 P1412 Q188 +Q267691 P463 Q463303 +Q203804 P106 Q3282637 +Q817 P463 Q191384 +Q203268 P1412 Q1860 +Q271956 P106 Q205375 +Q961972 P106 Q82955 +Q233474 P106 Q488205 +Q317592 P106 Q1930187 +Q220 P131 Q1747689 +Q101638 P106 Q201788 +Q443343 P106 Q10800557 +Q289003 P27 Q30 +Q731254 P1303 Q51290 +Q284636 P106 Q2405480 +Q170596 P1412 Q150 +Q982493 P1412 Q1860 +Q1394 P509 Q1368943 +Q153248 P106 Q482980 +Q158997 P140 Q9592 +Q83326 P106 Q3055126 +Q1008 P463 Q376150 +Q213543 P69 Q154804 +Q159542 P463 Q188771 +Q70650 P106 Q36180 +Q968026 P106 Q13235160 +Q600701 P106 Q36180 +Q948093 P1303 Q17172850 +Q230383 P551 Q4093 +Q107424 P19 Q1490 +Q173637 P172 Q49085 +Q355341 P106 Q36834 +Q179126 P106 Q36180 +Q657 P530 Q183 +Q42402 P136 Q37073 +Q95469 P27 Q183 +Q221168 P136 Q471839 +Q19425 P106 Q36180 +Q1315512 P106 Q183945 +Q376144 P495 Q16 +Q42775 P136 Q235858 +Q380996 P840 Q65 +Q34189 P140 Q7066 +Q247538 P140 Q9268 +Q16019 P69 Q153987 +Q2061371 P108 Q333705 +Q355781 P106 Q10798782 +Q313758 P463 Q1468277 +Q154421 P27 Q30 +Q1742005 P1050 Q10874 +Q219631 P106 Q36834 +Q318910 P161 Q41548 +Q190772 P463 Q2822396 +Q374181 P106 Q33999 +Q72916 P1412 Q188 +Q927771 P106 Q482980 +Q5921 P264 Q585643 +Q310367 P106 Q28389 +Q35610 P106 Q39631 +Q98524 P108 Q165528 +Q186757 P106 Q28389 +Q237833 P463 Q1938003 +Q19526 P737 Q692 +Q193573 P161 Q37459 +Q25820 P101 Q8162 +Q219424 P161 Q323201 +Q463883 P106 Q2526255 +Q887111 P69 Q230492 +Q34391 P106 Q1930187 +Q272374 P106 Q639669 +Q70917 P463 Q2370801 +Q203460 P106 Q36180 +Q201562 P106 Q131524 +Q19794 P26 Q180004 +Q180008 P840 Q61 +Q17676 P106 Q13582652 +Q202662 P106 Q4610556 +Q19045 P106 Q1622272 +Q352766 P737 Q636 +Q83233 P106 Q205375 +Q35149 P69 Q20808141 +Q517682 P108 Q216047 +Q207898 P27 Q29 +Q95777 P69 Q165528 +Q684748 P20 Q60 +Q145 P463 Q663492 +Q150630 P463 Q337555 +Q97723 P106 Q1397808 +Q213974 P20 Q3955 +Q71763 P463 Q756504 +Q150445 P69 Q2994538 +Q434003 P106 Q4853732 +Q60752 P69 Q315658 +Q551570 P1412 Q150 +Q216720 P136 Q663106 +Q95971 P1412 Q150 +Q90653 P1303 Q5994 +Q193018 P20 Q220 +Q431874 P106 Q10798782 +Q67938 P140 Q75809 +Q173978 P20 Q1439 +Q262091 P106 Q2259451 +Q361630 P106 Q33999 +Q58040 P19 Q64 +Q7200 P551 Q21197 +Q70324 P108 Q55044 +Q77009 P161 Q366195 +Q41166 P106 Q1476215 +Q92787 P19 Q60 +Q49620 P463 Q463303 +Q270 P17 Q207272 +Q1174771 P106 Q753110 +Q657 P463 Q7809 +Q1827266 P106 Q158852 +Q287977 P106 Q10800557 +Q993267 P131 Q11299 +Q1348 P30 Q48 +Q976283 P106 Q33999 +Q27 P530 Q843 +Q67815 P106 Q1930187 +Q600701 P106 Q193391 +Q442830 P106 Q578109 +Q219 P530 Q858 +Q337206 P1303 Q5994 +Q233397 P27 Q30 +Q526424 P1412 Q1321 +Q108297 P136 Q17013749 +Q948966 P509 Q4651894 +Q110330 P69 Q13371 +Q313525 P463 Q2839513 +Q36970 P1412 Q9186 +Q130853 P1050 Q84263196 +Q1444438 P106 Q639669 +Q39975 P136 Q130232 +Q664 P530 Q96 +Q232417 P106 Q36180 +Q403 P530 Q39 +Q16 P530 Q15180 +Q69439 P106 Q333634 +Q680728 P108 Q156598 +Q76513 P19 Q3874 +Q190588 P161 Q223281 +Q363810 P551 Q40435 +Q233801 P106 Q33999 +Q76459 P20 Q1726 +Q155467 P106 Q36834 +Q310300 P136 Q83440 +Q313998 P136 Q130232 +Q46000 P463 Q463303 +Q216129 P509 Q210392 +Q192442 P1412 Q7737 +Q57319 P1412 Q150 +Q1012900 P1412 Q1860 +Q64017 P495 Q30 +Q40580 P106 Q177220 +Q202508 P136 Q188473 +Q34743 P463 Q1468277 +Q313543 P106 Q2095549 +Q30 P530 Q408 +Q529639 P101 Q482 +Q95089 P20 Q506446 +Q62798 P1412 Q188 +Q1601945 P106 Q186360 +Q954 P530 Q159 +Q442980 P106 Q2405480 +Q944478 P106 Q188094 +Q178527 P20 Q60 +Q101797 P27 Q30 +Q11730 P119 Q240744 +Q444840 P19 Q34404 +Q262 P530 Q184 +Q168859 P106 Q4263842 +Q212498 P27 Q36 +Q214 P530 Q159583 +Q710626 P463 Q463303 +Q162202 P106 Q131524 +Q128121 P1303 Q6607 +Q222390 P106 Q1759246 +Q546275 P737 Q62134 +Q382864 P161 Q235511 +Q697200 P106 Q1281618 +Q11153 P19 Q40435 +Q180409 P463 Q337543 +Q371348 P106 Q639669 +Q287572 P106 Q36180 +Q177111 P1303 Q128309 +Q158465 P463 Q83172 +Q354394 P108 Q170027 +Q52570 P106 Q1607826 +Q2089840 P106 Q82955 +Q1028 P530 Q668 +Q511399 P27 Q36 +Q335087 P69 Q745967 +Q322850 P172 Q49085 +Q2643 P106 Q36834 +Q114115 P495 Q145 +Q2908686 P551 Q90 +Q45245 P27 Q183 +Q49683 P37 Q397 +Q232 P530 Q884 +Q297024 P106 Q49757 +Q75177 P106 Q177220 +Q441913 P106 Q10798782 +Q18800 P106 Q177220 +Q122622 P27 Q39 +Q7197 P1412 Q150 +Q909001 P69 Q390287 +Q61318 P106 Q1622272 +Q185147 P106 Q183945 +Q185610 P136 Q851213 +Q164401 P463 Q329464 +Q861994 P136 Q83440 +Q1386031 P463 Q117467 +Q469681 P106 Q40348 +Q164309 P106 Q49757 +Q163063 P106 Q753110 +Q57604 P106 Q2259451 +Q128759 P108 Q691851 +Q1716 P106 Q488205 +Q258630 P106 Q2526255 +Q309214 P69 Q180865 +Q1382863 P1412 Q1860 +Q78993 P106 Q185351 +Q364679 P106 Q82955 +Q80889 P1412 Q9043 +Q211213 P27 Q145 +Q203845 P161 Q105158 +Q717 P138 Q8605 +Q439920 P106 Q36180 +Q392441 P161 Q202589 +Q533369 P136 Q438503 +Q61895 P140 Q9592 +Q240774 P1412 Q1860 +Q235284 P106 Q10800557 +Q440388 P106 Q36834 +Q505358 P108 Q174710 +Q589978 P106 Q806798 +Q4636 P136 Q8341 +Q360445 P106 Q1622272 +Q240174 P136 Q8261 +Q188344 P140 Q9592 +Q9047 P737 Q8018 +Q171228 P27 Q215 +Q345431 P264 Q2164531 +Q380243 P106 Q4964182 +Q254804 P101 Q8341 +Q261133 P106 Q33999 +Q1398058 P106 Q177220 +Q311580 P106 Q639669 +Q270669 P136 Q11399 +Q72014 P19 Q1718 +Q887889 P27 Q30 +Q648366 P119 Q1509 +Q254430 P69 Q1145306 +Q449634 P136 Q11401 +Q931148 P106 Q947873 +Q218690 P1412 Q150 +Q150989 P101 Q413 +Q3821445 P106 Q81096 +Q437351 P106 Q33999 +Q4536 P840 Q65 +Q431660 P495 Q17 +Q11031 P106 Q2306091 +Q309768 P106 Q2526255 +Q446427 P106 Q33999 +Q104267 P463 Q451079 +Q75856 P106 Q1622272 +Q764789 P27 Q30 +Q104154 P27 Q142 +Q438161 P106 Q33999 +Q18404 P20 Q649 +Q213681 P20 Q24879 +Q5104 P106 Q10798782 +Q572741 P108 Q49115 +Q188648 P740 Q30 +Q246303 P136 Q24925 +Q710 P37 Q1860 +Q237222 P840 Q1439 +Q177993 P106 Q713200 +Q1771189 P1412 Q9035 +Q156379 P27 Q159 +Q226053 P108 Q194223 +Q241504 P136 Q188473 +Q235388 P69 Q167733 +Q187999 P495 Q30 +Q272374 P106 Q10800557 +Q253845 P136 Q189201 +Q60966 P106 Q82955 +Q16766 P1412 Q9186 +Q182882 P106 Q36180 +Q153597 P106 Q10800557 +Q57442 P102 Q153401 +Q233081 P1303 Q17172850 +Q196080 P27 Q145 +Q89434 P106 Q28389 +Q313813 P136 Q483251 +Q96772 P20 Q546 +Q76772 P106 Q6337803 +Q329434 P136 Q853630 +Q953 P463 Q7785 +Q1276 P264 Q183387 +Q330567 P1412 Q1860 +Q1196157 P161 Q296177 +Q329744 P1303 Q17172850 +Q171582 P136 Q21401869 +Q174284 P840 Q837 +Q333425 P106 Q188094 +Q715 P463 Q55473342 +Q463765 P161 Q294185 +Q291405 P136 Q37073 +Q92143 P106 Q49757 +Q79 P530 Q224 +Q232468 P1303 Q5994 +Q47087 P106 Q11900058 +Q15873 P106 Q177220 +Q1009 P530 Q142 +Q920526 P509 Q47912 +Q355531 P106 Q6625963 +Q247501 P108 Q1760438 +Q809077 P106 Q488205 +Q381827 P106 Q42973 +Q1553197 P108 Q215539 +Q50186 P136 Q8361 +Q40688 P106 Q82955 +Q132433 P1412 Q5287 +Q297816 P106 Q5716684 +Q62459 P1412 Q188 +Q1789286 P1412 Q5146 +Q1928543 P1303 Q17172850 +Q179097 P106 Q1743122 +Q437356 P106 Q3621491 +Q386291 P161 Q201279 +Q34189 P509 Q181257 +Q93356 P140 Q1841 +Q208117 P106 Q33999 +Q1138602 P106 Q2405480 +Q1192 P135 Q9730 +Q296630 P106 Q2405480 +Q471751 P1412 Q9067 +Q1985556 P136 Q131272 +Q302484 P108 Q740308 +Q386714 P495 Q29 +Q239587 P26 Q1345514 +Q2042 P737 Q3048 +Q207177 P106 Q488205 +Q109767 P495 Q30 +Q57465 P69 Q32120 +Q363079 P106 Q43845 +Q323805 P119 Q2790054 +Q44845 P69 Q55044 +Q65783 P27 Q183 +Q104668 P463 Q463303 +Q597433 P106 Q488205 +Q2516 P463 Q463303 +Q235252 P136 Q83270 +Q241482 P161 Q132952 +Q108525 P136 Q52162262 +Q116375 P108 Q142740 +Q7327064 P463 Q463303 +Q180665 P641 Q36389 +Q208003 P106 Q18814623 +Q131579 P106 Q36180 +Q61132 P27 Q1206012 +Q139638 P106 Q2405480 +Q206832 P69 Q273626 +Q168555 P106 Q183945 +Q51908481 P1412 Q9309 +Q76478 P106 Q33999 +Q441551 P27 Q34 +Q77598 P108 Q32120 +Q3499732 P495 Q30 +Q918655 P106 Q1238570 +Q1095520 P20 Q1297 +Q72717 P106 Q2526255 +Q5686 P172 Q42406 +Q432129 P106 Q49757 +Q10536 P106 Q639669 +Q504753 P1412 Q1860 +Q122094 P1412 Q387066 +Q221102 P136 Q1341051 +Q3710088 P106 Q1622272 +Q916675 P108 Q152171 +Q2086086 P136 Q217467 +Q108619 P1412 Q188 +Q228789 P106 Q10800557 +Q354873 P69 Q1256981 +Q45188 P264 Q208909 +Q319723 P106 Q266569 +Q63439 P106 Q177220 +Q726057 P106 Q183945 +Q1074038 P136 Q131578 +Q250995 P495 Q145 +Q459251 P106 Q2252262 +Q70871 P106 Q169470 +Q1218 P17 Q801 +Q214677 P106 Q28389 +Q75814 P106 Q39631 +Q283932 P136 Q959790 +Q73651 P161 Q309932 +Q152513 P463 Q1938003 +Q211 P463 Q81299 +Q207179 P451 Q230744 +Q5878 P509 Q208414 +Q309989 P1412 Q1860 +Q35385 P106 Q177220 +Q333402 P1412 Q1860 +Q218022 P119 Q272208 +Q740036 P106 Q49757 +Q4453555 P17 Q159 +Q454398 P495 Q31 +Q440996 P20 Q649 +Q215258 P19 Q60 +Q33935 P17 Q12560 +Q143230 P509 Q18554919 +Q164721 P551 Q64 +Q200534 P106 Q33999 +Q633 P136 Q613408 +Q188526 P106 Q36180 +Q322866 P106 Q36834 +Q378333 P106 Q28389 +Q193338 P19 Q65 +Q148204 P495 Q30 +Q281998 P101 Q11629 +Q267070 P106 Q639669 +Q725964 P106 Q183945 +Q960935 P106 Q753110 +Q316644 P106 Q177220 +Q176163 P20 Q268 +Q594644 P136 Q1062400 +Q7200 P140 Q35032 +Q25973 P27 Q39 +Q77734 P69 Q599316 +Q239807 P106 Q36180 +Q380407 P106 Q28389 +Q455304 P27 Q30 +Q74512 P19 Q4077 +Q34296 P106 Q1622272 +Q845278 P106 Q177220 +Q193023 P159 Q34006 +Q105009 P106 Q639669 +Q1385000 P106 Q901 +Q290856 P106 Q177220 +Q60785 P106 Q214917 +Q366700 P106 Q584301 +Q45789 P1412 Q11059 +Q347832 P1412 Q1321 +Q343477 P106 Q3387717 +Q1011 P530 Q159 +Q1048660 P108 Q223429 +Q114819 P161 Q207506 +Q159917 P108 Q153978 +Q28 P463 Q1928989 +Q353866 P106 Q4964182 +Q464251 P27 Q30 +Q178106 P106 Q551835 +Q164103 P161 Q229775 +Q311472 P69 Q193196 +Q259254 P264 Q165745 +Q107752 P106 Q1930187 +Q64173 P161 Q382036 +Q153232 P101 Q41217 +Q19200 P106 Q639669 +Q273338 P101 Q482 +Q235066 P463 Q1938003 +Q881 P530 Q711 +Q734 P463 Q376150 +Q3085338 P106 Q1930187 +Q399318 P1412 Q1321 +Q159646 P463 Q427318 +Q704700 P27 Q30 +Q77823 P106 Q1622272 +Q123521 P136 Q1661 +Q77598 P101 Q2516866 +Q264610 P106 Q639669 +Q320639 P1303 Q6607 +Q75797 P106 Q1622272 +Q232009 P161 Q233439 +Q311193 P106 Q43845 +Q331728 P106 Q28389 +Q185490 P161 Q256164 +Q108886 P106 Q11631 +Q316528 P136 Q11399 +Q65613 P27 Q183 +Q117 P30 Q15 +Q220901 P106 Q2526255 +Q325718 P264 Q193023 +Q193018 P140 Q13211738 +Q380286 P106 Q1930187 +Q353774 P106 Q6625963 +Q106775 P106 Q4964182 +Q1272729 P264 Q4883239 +Q86886 P27 Q183 +Q513184 P108 Q1719898 +Q1093318 P106 Q4853732 +Q97083 P108 Q315658 +Q4391139 P106 Q901 +Q179695 P737 Q154756 +Q1056163 P106 Q183945 +Q554018 P106 Q11774202 +Q211545 P136 Q188473 +Q101740 P106 Q170790 +Q1033 P530 Q668 +Q43 P530 Q34 +Q233022 P26 Q47100 +Q223258 P106 Q36834 +Q2831 P106 Q18814623 +Q18391 P1412 Q1860 +Q3559761 P106 Q901 +Q126098 P27 Q142 +Q129429 P26 Q55245 +Q163747 P106 Q214917 +Q276734 P161 Q437182 +Q74579 P161 Q298682 +Q678095 P17 Q142 +Q305372 P106 Q33999 +Q246538 P136 Q9759 +Q1928973 P106 Q177220 +Q251738 P106 Q193391 +Q172678 P19 Q61 +Q1006 P463 Q294278 +Q381920 P69 Q43452 +Q7176 P106 Q6625963 +Q51101 P101 Q184485 +Q1046038 P119 Q608405 +Q235635 P106 Q4610556 +Q171235 P136 Q547137 +Q108216 P19 Q162049 +Q160902 P140 Q170111 +Q878 P463 Q5611262 +Q932959 P106 Q177220 +Q1060115 P106 Q36834 +Q1395732 P1303 Q17172850 +Q221 P530 Q801 +Q724343 P27 Q2184 +Q17889 P106 Q82955 +Q230795 P106 Q1053574 +Q133054 P27 Q30 +Q71004 P172 Q7325 +Q444125 P20 Q60 +Q1254 P20 Q70 +Q303464 P106 Q177220 +Q77753 P136 Q482 +Q106740 P106 Q13418253 +Q429867 P161 Q213257 +Q551015 P106 Q639669 +Q276468 P106 Q3282637 +Q111536 P463 Q463303 +Q183 P530 Q40 +Q311141 P19 Q1297 +Q504753 P106 Q1930187 +Q173637 P106 Q948329 +Q736 P530 Q230 +Q126783 P106 Q36180 +Q20153 P136 Q211756 +Q153149 P106 Q333634 +Q878 P530 Q1045 +Q108840 P102 Q153401 +Q311684 P19 Q172 +Q530550 P106 Q10798782 +Q548438 P106 Q639669 +Q234606 P27 Q36 +Q216060 P102 Q727724 +Q32049 P1412 Q9176 +Q11593 P161 Q223854 +Q842 P361 Q7204 +Q298551 P106 Q2526255 +Q95469 P1412 Q188 +Q76943 P20 Q1726 +Q11813 P1412 Q35497 +Q377428 P136 Q188473 +Q764570 P27 Q38 +Q963626 P106 Q806349 +Q342778 P27 Q30 +Q314485 P69 Q1446181 +Q92809 P463 Q127992 +Q337090 P161 Q208667 +Q223193 P1412 Q1860 +Q201687 P136 Q130232 +Q316313 P106 Q4263842 +Q288157 P26 Q295093 +Q320984 P106 Q333634 +Q308681 P840 Q64 +Q75856 P509 Q3505252 +Q667925 P106 Q36180 +Q216409 P19 Q64 +Q188461 P19 Q3141 +Q406854 P136 Q37073 +Q556941 P27 Q145 +Q708007 P20 Q84 +Q180695 P136 Q860626 +Q4894155 P106 Q13582652 +Q171365 P161 Q144643 +Q235615 P106 Q36180 +Q7304 P136 Q9730 +Q76600 P463 Q49738 +Q428490 P136 Q850412 +Q495272 P106 Q177220 +Q36233 P106 Q49757 +Q263501 P106 Q2259451 +Q517448 P27 Q30 +Q131549 P69 Q2983698 +Q269094 P136 Q2743 +Q699541 P463 Q463303 +Q72938 P106 Q36180 +Q2890097 P106 Q10800557 +Q314610 P106 Q33999 +Q77991 P106 Q28389 +Q64487 P1412 Q1321 +Q11928 P161 Q233213 +Q91161 P106 Q201788 +Q49081 P737 Q3335 +Q94831 P1412 Q1860 +Q178106 P463 Q463281 +Q321846 P106 Q1930187 +Q255577 P106 Q2259451 +Q363308 P101 Q11633 +Q91162 P106 Q39631 +Q95314 P106 Q10798782 +Q470543 P1412 Q652 +Q55208 P19 Q649 +Q62986 P27 Q183 +Q19801728 P161 Q16759 +Q4077 P17 Q27306 +Q41 P463 Q7809 +Q213865 P108 Q684415 +Q982677 P106 Q81096 +Q578031 P463 Q40358 +Q801 P530 Q884 +Q188857 P69 Q471980 +Q207482 P161 Q178552 +Q6711 P1412 Q1860 +Q117012 P106 Q177220 +Q160333 P1412 Q150 +Q96230 P108 Q161976 +Q346036 P106 Q753110 +Q61147 P106 Q4964182 +Q313571 P136 Q37073 +Q112835 P69 Q35794 +Q704700 P106 Q177220 +Q170373 P106 Q42973 +Q160432 P136 Q1152184 +Q151646 P27 Q28 +Q57676 P27 Q41304 +Q41315 P136 Q20442589 +Q189534 P136 Q9734 +Q881 P530 Q334 +Q327332 P136 Q959790 +Q119719 P106 Q82955 +Q219060 P463 Q624307 +Q7346 P140 Q9089 +Q346374 P19 Q12439 +Q270510 P161 Q94123 +Q930961 P1303 Q17172850 +Q116309 P106 Q860918 +Q214622 P1412 Q36510 +Q549722 P161 Q172261 +Q164487 P106 Q10800557 +Q45386 P136 Q200092 +Q346411 P102 Q5020915 +Q92602 P463 Q123885 +Q224 P463 Q5611262 +Q467630 P463 Q1003730 +Q772494 P136 Q8341 +Q214665 P136 Q9730 +Q310637 P106 Q10800557 +Q60441 P106 Q36180 +Q44520 P140 Q6423963 +Q263730 P106 Q2526255 +Q1766736 P1412 Q7411 +Q191999 P69 Q49126 +Q94034 P20 Q1726 +Q1514469 P106 Q855091 +Q557171 P19 Q1218 +Q7542 P136 Q11399 +Q122968 P463 Q414188 +Q606389 P106 Q14467526 +Q57374 P106 Q33999 +Q460852 P27 Q30 +Q878 P530 Q398 +Q330824 P1412 Q150 +Q550395 P19 Q1345 +Q502362 P69 Q608338 +Q801 P530 Q399 +Q242095 P27 Q172579 +Q106554 P106 Q1371378 +Q188482 P27 Q145 +Q545476 P1412 Q188 +Q65559 P106 Q14467526 +Q57311 P140 Q1841 +Q270935 P106 Q177220 +Q607968 P106 Q1622272 +Q156516 P495 Q219 +Q215673 P119 Q27426 +Q262861 P20 Q84 +Q8704 P551 Q41819 +Q66493 P509 Q12202 +Q906529 P108 Q49108 +Q232 P530 Q35 +Q300371 P161 Q230383 +Q669597 P69 Q5171564 +Q293067 P20 Q60 +Q142 P463 Q1377612 +Q233 P463 Q376150 +Q1716611 P136 Q484641 +Q271032 P27 Q174193 +Q78977 P102 Q379922 +Q152738 P140 Q7066 +Q16403 P495 Q145 +Q83038 P463 Q463303 +Q78720 P19 Q1741 +Q207179 P136 Q1152184 +Q956533 P27 Q30 +Q9364 P69 Q83259 +Q44403 P106 Q1209498 +Q275985 P172 Q50001 +Q738196 P27 Q794 +Q122113 P161 Q234204 +Q983167 P106 Q36180 +Q125057 P106 Q350979 +Q18806 P106 Q201788 +Q298 P530 Q155 +Q298360 P27 Q30 +Q638638 P106 Q1415090 +Q269526 P1303 Q17172850 +Q41854 P161 Q1676929 +Q606356 P108 Q49088 +Q170530 P106 Q33999 +Q175278 P161 Q431191 +Q443813 P19 Q485176 +Q62976 P161 Q59314 +Q308711 P106 Q49757 +Q1232630 P119 Q208175 +Q104814 P161 Q102124 +Q381827 P106 Q36180 +Q85108 P140 Q75809 +Q502896 P106 Q177220 +Q449235 P106 Q36180 +Q170333 P135 Q8361 +Q1351047 P19 Q84 +Q323236 P106 Q2526255 +Q60637 P106 Q40348 +Q186329 P1303 Q5994 +Q128911 P102 Q210703 +Q364131 P102 Q29552 +Q2656667 P1412 Q1860 +Q55207 P69 Q4453555 +Q60970 P106 Q10800557 +Q528340 P106 Q55960555 +Q320014 P140 Q101849 +Q2516 P119 Q562211 +Q273362 P106 Q33999 +Q238331 P108 Q174710 +Q167409 P135 Q8341 +Q298551 P106 Q28389 +Q230795 P106 Q28389 +Q121850 P1412 Q397 +Q208214 P1050 Q131755 +Q107226 P161 Q1132632 +Q193670 P101 Q5891 +Q92638 P106 Q82594 +Q231345 P136 Q1344 +Q550262 P106 Q81096 +Q169104 P1412 Q9056 +Q924 P530 Q159 +Q464277 P264 Q287177 +Q357001 P106 Q28389 +Q258462 P101 Q1662673 +Q194419 P106 Q728425 +Q521170 P27 Q34266 +Q184697 P136 Q37073 +Q92602 P69 Q82513 +Q53001 P27 Q39 +Q53680 P27 Q30 +Q960427 P106 Q10873124 +Q1930688 P463 Q338432 +Q85112 P1412 Q188 +Q153905 P106 Q14467526 +Q232837 P27 Q30 +Q202792 P27 Q30 +Q138416 P20 Q2807 +Q55004 P106 Q36834 +Q55915 P19 Q270 +Q1226921 P136 Q37073 +Q3341701 P19 Q649 +Q48990 P463 Q188771 +Q366307 P509 Q14467705 +Q101170 P108 Q501758 +Q170373 P69 Q2537765 +Q336467 P27 Q142 +Q389466 P136 Q21401869 +Q177930 P161 Q349852 +Q180619 P106 Q1622272 +Q215856 P108 Q152087 +Q176945 P106 Q10800557 +Q1351047 P27 Q174193 +Q465105 P106 Q753110 +Q540192 P106 Q193391 +Q410 P463 Q466089 +Q1386188 P27 Q30 +Q45 P463 Q41550 +Q275170 P106 Q855091 +Q83038 P106 Q1930187 +Q784 P463 Q1065 +Q51522 P19 Q60 +Q766880 P106 Q482980 +Q365670 P264 Q2265719 +Q309153 P136 Q842256 +Q344454 P106 Q36180 +Q61942 P17 Q183 +Q311778 P106 Q36180 +Q507046 P69 Q41506 +Q192885 P509 Q12204 +Q60876 P106 Q177220 +Q615625 P136 Q9778 +Q229223 P106 Q33999 +Q78539 P69 Q165980 +Q28 P530 Q1005 +Q103767 P106 Q15981151 +Q8349 P264 Q193023 +Q233377 P1303 Q17172850 +Q3550828 P106 Q82955 +Q221090 P161 Q430804 +Q1239933 P136 Q45981 +Q380118 P19 Q8684 +Q283061 P136 Q8341 +Q763 P530 Q145 +Q214642 P106 Q1622272 +Q236056 P136 Q37073 +Q280666 P119 Q1358639 +Q23395 P161 Q296774 +Q348678 P161 Q295679 +Q154691 P463 Q5142859 +Q254265 P1412 Q188 +Q111344 P108 Q156737 +Q327681 P840 Q30 +Q539 P1412 Q5146 +Q221303 P69 Q1059546 +Q71635 P463 Q756504 +Q567 P27 Q183 +Q39979 P1412 Q1860 +Q734 P463 Q842490 +Q269809 P106 Q177220 +Q308792 P1303 Q17172850 +Q982729 P1412 Q256 +Q573017 P264 Q240804 +Q187857 P106 Q177220 +Q363518 P69 Q981195 +Q216339 P106 Q4964182 +Q151972 P140 Q1841 +Q444674 P19 Q456 +Q248289 P161 Q132058 +Q313020 P69 Q192088 +Q1451285 P463 Q1493021 +Q212689 P136 Q52207399 +Q15001 P19 Q649 +Q240541 P27 Q30 +Q1686370 P106 Q177220 +Q41594 P106 Q2405480 +Q106740 P106 Q214917 +Q4487 P106 Q36180 +Q89709 P106 Q182436 +Q180919 P509 Q506616 +Q274400 P161 Q445125 +Q334180 P20 Q1492 +Q352914 P1412 Q809 +Q228918 P19 Q25395 +Q235515 P106 Q855091 +Q166298 P106 Q37226 +Q7516 P27 Q145 +Q2622688 P106 Q9334029 +Q1341315 P27 Q34 +Q379117 P136 Q37073 +Q37621 P27 Q179876 +Q34836 P551 Q60 +Q60788 P69 Q55044 +Q205314 P106 Q2259451 +Q307 P106 Q901 +Q124314 P27 Q41304 +Q57952 P106 Q36180 +Q677367 P106 Q28389 +Q270 P131 Q211274 +Q104955 P1412 Q188 +Q362886 P106 Q488205 +Q377939 P161 Q235635 +Q94370 P102 Q161118 +Q95861 P106 Q482980 +Q60644 P69 Q161976 +Q258 P530 Q79 +Q62731543 P106 Q1028181 +Q189599 P106 Q36834 +Q346833 P106 Q2259451 +Q686493 P106 Q15442776 +Q463883 P106 Q6625963 +Q159933 P106 Q14467526 +Q181795 P161 Q108941 +Q310582 P106 Q639669 +Q173158 P136 Q1152184 +Q206399 P20 Q649 +Q201842 P106 Q10800557 +Q944509 P69 Q49110 +Q44857 P264 Q56760250 +Q983590 P1412 Q7976 +Q317614 P106 Q2490358 +Q430849 P19 Q60 +Q446673 P106 Q10800557 +Q50020 P26 Q240782 +Q3018520 P27 Q801 +Q1702399 P264 Q202440 +Q91865 P108 Q152838 +Q57781 P106 Q36180 +Q240523 P27 Q30 +Q10738 P1412 Q1860 +Q522856 P1412 Q1860 +Q366012 P106 Q2259451 +Q468577 P106 Q15253558 +Q842633 P69 Q49110 +Q82918 P27 Q15180 +Q62354 P106 Q82955 +Q147811 P106 Q822146 +Q968214 P102 Q29468 +Q810 P463 Q191384 +Q8877 P106 Q10800557 +Q8007 P140 Q682443 +Q95119 P106 Q3282637 +Q20127 P69 Q152087 +Q315737 P106 Q189290 +Q315132 P106 Q49757 +Q18118088 P3373 Q24558760 +Q163042 P1412 Q1860 +Q236482 P106 Q82955 +Q47667 P108 Q16952 +Q262294 P27 Q801 +Q66631 P135 Q2455000 +Q467103 P106 Q639669 +Q401773 P69 Q3064259 +Q90581 P69 Q152087 +Q50861 P161 Q23685 +Q118986 P106 Q81096 +Q152019 P106 Q4853732 +Q108941 P106 Q10800557 +Q47755 P172 Q7325 +Q79069 P106 Q1209498 +Q84263196 P780 Q767485 +Q298388 P27 Q145 +Q945641 P1412 Q1860 +Q878 P530 Q43 +Q27 P463 Q7825 +Q1005 P530 Q183 +Q95019 P20 Q1337818 +Q123238 P119 Q665815 +Q326229 P102 Q29468 +Q166562 P27 Q38 +Q668 P530 Q41 +Q936422 P106 Q82955 +Q110278 P840 Q60 +Q936132 P19 Q2135 +Q233581 P19 Q649 +Q19810 P264 Q203059 +Q317957 P106 Q82955 +Q39 P463 Q17495 +Q180019 P1303 Q302497 +Q3852 P131 Q12548 +Q315051 P40 Q41396 +Q918268 P27 Q142 +Q241248 P108 Q49088 +Q928 P530 Q213 +Q233786 P106 Q177220 +Q442198 P108 Q463055 +Q237387 P27 Q96 +Q63146 P106 Q1234713 +Q936812 P106 Q15895020 +Q110462 P101 Q207628 +Q1396305 P463 Q958769 +Q71352 P106 Q36180 +Q112378 P27 Q16957 +Q826 P463 Q496967 +Q934820 P69 Q738258 +Q1064413 P27 Q30 +Q78628 P19 Q1780 +Q1731 P17 Q7318 +Q182870 P106 Q36180 +Q16873 P20 Q2807 +Q386245 P161 Q266520 +Q262130 P27 Q30 +Q71035 P106 Q81096 +Q57501 P69 Q154804 +Q314424 P106 Q488205 +Q322970 P106 Q1930187 +Q192887 P106 Q33999 +Q240523 P106 Q183945 +Q111536 P27 Q30 +Q103946 P106 Q2059704 +Q146948 P106 Q47064 +Q287607 P106 Q2526255 +Q38222 P106 Q1053574 +Q32910 P161 Q362559 +Q9387 P106 Q2306091 +Q106071 P136 Q484641 +Q238919 P106 Q33999 +Q210428 P264 Q1899781 +Q922795 P69 Q154804 +Q267243 P106 Q33999 +Q408 P530 Q79 +Q41590 P1412 Q652 +Q220308 P106 Q578109 +Q60259 P1412 Q188 +Q312252 P69 Q192334 +Q141114 P1412 Q1860 +Q62310 P106 Q3282637 +Q234989 P19 Q17042 +Q427917 P106 Q183945 +Q55375 P1412 Q150 +Q15975 P136 Q35760 +Q4073580 P27 Q159 +Q317152 P106 Q1930187 +Q44593 P463 Q463303 +Q198962 P106 Q486748 +Q36970 P106 Q10800557 +Q1077608 P19 Q18125 +Q1353 P30 Q48 +Q1534428 P106 Q639669 +Q220584 P106 Q2526255 +Q884142 P19 Q1612 +Q34 P463 Q340195 +Q3271606 P19 Q456 +Q428158 P136 Q842256 +Q233546 P1412 Q1860 +Q93343 P26 Q47152 +Q1359039 P106 Q33999 +Q13909 P26 Q202735 +Q734 P530 Q717 +Q63670 P27 Q183 +Q236351 P106 Q753110 +Q1036 P463 Q7159 +Q364873 P106 Q639669 +Q60452 P19 Q3923 +Q366307 P69 Q49110 +Q98173 P1412 Q188 +Q40826 P106 Q6430706 +Q332693 P463 Q338432 +Q156898 P19 Q1741 +Q62843 P106 Q205375 +Q4266175 P106 Q901 +Q41 P530 Q794 +Q78116 P69 Q50662 +Q446024 P106 Q753110 +Q426390 P27 Q30 +Q66041 P69 Q1753535 +Q74252 P19 Q580 +Q84445 P106 Q350979 +Q38849 P106 Q28389 +Q365474 P106 Q639669 +Q1282826 P1412 Q188 +Q253167 P106 Q10800557 +Q732513 P106 Q6625963 +Q97341 P106 Q177220 +Q20715407 P69 Q1446181 +Q323060 P1412 Q1860 +Q324157 P69 Q31519 +Q203952 P106 Q3606216 +Q193660 P1412 Q397 +Q335680 P106 Q177220 +Q515034 P106 Q333634 +Q3118802 P106 Q3400985 +Q137571 P20 Q1748 +Q705697 P102 Q29468 +Q157318 P106 Q201788 +Q5816 P1412 Q7850 +Q262502 P27 Q30 +Q34584 P106 Q12362622 +Q18809 P27 Q15180 +Q473770 P106 Q1979607 +Q5682 P509 Q12206 +Q47484 P172 Q121842 +Q282722 P106 Q183945 +Q380545 P140 Q9592 +Q49001 P106 Q222749 +Q1556492 P69 Q160302 +Q266027 P161 Q44414 +Q705653 P106 Q806349 +Q77809 P1412 Q188 +Q144904 P19 Q172 +Q238716 P108 Q390287 +Q356499 P106 Q18814623 +Q342397 P106 Q15895020 +Q253845 P27 Q142 +Q82925 P140 Q7066 +Q97431 P463 Q695302 +Q168362 P463 Q651690 +Q160478 P106 Q49757 +Q65385 P106 Q193391 +Q5443 P140 Q75809 +Q463927 P136 Q2975633 +Q238383 P106 Q36834 +Q56005 P106 Q1053574 +Q278853 P106 Q639669 +Q503068 P106 Q4263842 +Q58620 P106 Q2722764 +Q43252 P1412 Q652 +Q706084 P135 Q213457 +Q401963 P19 Q65 +Q503068 P106 Q214917 +Q369022 P106 Q2306091 +Q362254 P106 Q177220 +Q33760 P108 Q174710 +Q39658 P463 Q123885 +Q7245 P106 Q6625963 +Q465636 P106 Q488205 +Q238215 P27 Q30 +Q555505 P106 Q5322166 +Q244931 P136 Q157443 +Q4723060 P19 Q11299 +Q2287423 P3373 Q18118088 +Q310150 P106 Q10798782 +Q454696 P19 Q1345 +Q221289 P1303 Q5994 +Q892 P1412 Q397 +Q231438 P106 Q10800557 +Q561458 P101 Q8242 +Q53453 P106 Q55960555 +Q92379 P106 Q1792450 +Q712860 P106 Q183945 +Q58051 P106 Q1930187 +Q156911 P136 Q130232 +Q111189 P106 Q270389 +Q966669 P27 Q16 +Q2157440 P106 Q81096 +Q159642 P1412 Q9056 +Q865 P530 Q854 +Q202314 P264 Q557632 +Q106592 P69 Q1127387 +Q89416 P106 Q1792450 +Q108602 P106 Q39631 +Q220480 P27 Q30 +Q298651 P106 Q33999 +Q217294 P136 Q157443 +Q71322 P108 Q55044 +Q231690 P106 Q82955 +Q312252 P106 Q3282637 +Q75812 P106 Q36180 +Q410 P106 Q6625963 +Q47480 P106 Q974144 +Q81223 P106 Q2526255 +Q181573 P1412 Q7737 +Q235934 P27 Q145 +Q70523 P108 Q152171 +Q25139 P161 Q25144 +Q310953 P106 Q10871364 +Q664 P530 Q17 +Q53012 P20 Q220 +Q179746 P161 Q233118 +Q1511 P106 Q11774202 +Q363822 P136 Q83440 +Q1549911 P264 Q3629023 +Q110278 P161 Q200534 +Q810 P530 Q458 +Q159481 P463 Q41726 +Q778716 P1412 Q652 +Q319902 P106 Q49757 +Q181529 P106 Q82594 +Q450412 P737 Q60025 +Q1929135 P264 Q1251139 +Q270529 P20 Q649 +Q717543 P106 Q121594 +Q183105 P40 Q332528 +Q240769 P19 Q340 +Q176361 P509 Q1368943 +Q218698 P509 Q1368943 +Q1030 P530 Q145 +Q311145 P135 Q37068 +Q49492 P509 Q12152 +Q460852 P1412 Q1860 +Q214665 P136 Q9734 +Q1792 P17 Q172107 +Q185696 P106 Q36180 +Q90520 P108 Q158158 +Q455605 P172 Q7325 +Q70948 P27 Q183 +Q96923 P106 Q36180 +Q348170 P106 Q1930187 +Q55171 P27 Q29 +Q83542 P161 Q1409622 +Q710466 P27 Q142 +Q726170 P106 Q855091 +Q561617 P135 Q182357 +Q76641 P108 Q152838 +Q51547 P509 Q12192 +Q76412 P27 Q183 +Q156379 P119 Q208175 +Q102235 P161 Q318155 +Q271464 P641 Q41323 +Q178412 P106 Q864503 +Q448837 P136 Q11401 +Q98120 P106 Q36180 +Q213579 P463 Q684415 +Q173399 P106 Q33999 +Q208685 P106 Q4610556 +Q529309 P463 Q1425328 +Q58195 P106 Q40348 +Q436507 P27 Q30 +Q205687 P161 Q294647 +Q76490 P1303 Q187851 +Q159704 P136 Q37073 +Q148 P530 Q781 +Q181900 P106 Q2405480 +Q233786 P106 Q10798782 +Q110942 P106 Q593644 +Q11459 P172 Q49085 +Q709935 P69 Q263064 +Q61597 P106 Q1930187 +Q323669 P509 Q1368943 +Q944159 P1412 Q1860 +Q458033 P495 Q30 +Q435679 P106 Q753110 +Q42247 P106 Q11774202 +Q84614 P509 Q175111 +Q362254 P27 Q17 +Q61282 P106 Q350979 +Q1320912 P1303 Q6607 +Q360663 P19 Q1345 +Q310332 P172 Q49085 +Q278551 P106 Q201788 +Q70047 P1412 Q188 +Q1057893 P106 Q5716684 +Q881 P530 Q717 +Q435475 P106 Q214917 +Q47878 P106 Q12800682 +Q311752 P106 Q465501 +Q580 P17 Q36 +Q222041 P136 Q1146335 +Q152520 P106 Q33999 +Q215556 P135 Q9730 +Q80321 P106 Q6625963 +Q132433 P106 Q36180 +Q20 P463 Q1579424 +Q149489 P106 Q6625963 +Q312720 P69 Q34433 +Q203460 P106 Q3578589 +Q34943 P106 Q170790 +Q164384 P27 Q41304 +Q333632 P1303 Q17172850 +Q40688 P108 Q487556 +Q286868 P161 Q103343 +Q113997 P509 Q12078 +Q986 P463 Q376150 +Q36488 P106 Q43845 +Q211 P530 Q16 +Q454243 P108 Q193510 +Q164797 P106 Q4964182 +Q42308 P17 Q133356 +Q103583 P106 Q36180 +Q103646 P40 Q229775 +Q129119 P27 Q15180 +Q188962 P54 Q52413 +Q774905 P106 Q43035 +Q465594 P106 Q1930187 +Q212 P463 Q380340 +Q259940 P106 Q2259451 +Q26806 P106 Q33999 +Q267186 P19 Q5083 +Q332881 P27 Q145 +Q9155759 P27 Q36 +Q45909 P737 Q316427 +Q85876 P463 Q901677 +Q44467 P140 Q748 +Q74795 P27 Q7318 +Q269094 P69 Q49088 +Q124070 P106 Q170790 +Q981190 P1412 Q7737 +Q11621 P161 Q506198 +Q1322146 P1303 Q6607 +Q67047 P106 Q806798 +Q228717 P451 Q428819 +Q287110 P69 Q2177054 +Q6694 P27 Q183 +Q61067 P27 Q183 +Q297532 P136 Q676 +Q69022 P19 Q1794 +Q111164 P106 Q33999 +Q709790 P463 Q270794 +Q430900 P106 Q3282637 +Q11885 P264 Q212699 +Q439394 P106 Q957729 +Q119676 P106 Q33999 +Q519289 P136 Q9759 +Q537222 P106 Q2259451 +Q61171 P106 Q24387326 +Q1028715 P106 Q10798782 +Q79078 P69 Q152838 +Q1173676 P69 Q503424 +Q224650 P106 Q177220 +Q164804 P495 Q30 +Q373508 P1412 Q1860 +Q153638 P136 Q213665 +Q142 P463 Q7809 +Q67144 P106 Q1930187 +Q243419 P463 Q265058 +Q5679 P106 Q82955 +Q545544 P106 Q333634 +Q50020 P106 Q4964182 +Q387655 P264 Q155152 +Q217110 P106 Q28389 +Q312078 P136 Q157443 +Q213 P530 Q865 +Q444788 P509 Q181754 +Q60506 P495 Q30 +Q131259 P1303 Q8355 +Q1572124 P1303 Q9798 +Q164765 P106 Q49757 +Q99258 P106 Q33999 +Q87402 P19 Q1022 +Q33 P530 Q833 +Q847018 P159 Q127856 +Q314597 P106 Q2252262 +Q190148 P463 Q463303 +Q457856 P3373 Q260026 +Q4622 P1412 Q397 +Q90520 P108 Q165980 +Q182658 P106 Q639669 +Q1047 P551 Q987 +Q57276 P106 Q49757 +Q555426 P136 Q83440 +Q8349 P106 Q639669 +Q70223 P69 Q156598 +Q215546 P106 Q10800557 +Q94040 P20 Q64 +Q229274 P136 Q105527 +Q110163 P106 Q855091 +Q246731 P27 Q15180 +Q208116 P40 Q55207 +Q104256 P106 Q4964182 +Q154353 P3373 Q289303 +Q1095520 P136 Q9759 +Q235 P463 Q8475 +Q55198 P1412 Q7737 +Q40479 P106 Q28389 +Q96 P463 Q5611262 +Q232462 P106 Q49757 +Q744566 P1412 Q13955 +Q473030 P1412 Q1860 +Q258750 P101 Q207628 +Q58040 P106 Q201788 +Q1291701 P106 Q386854 +Q224647 P161 Q376736 +Q408 P530 Q794 +Q2567 P551 Q78 +Q90849 P106 Q4610556 +Q902 P530 Q691 +Q235361 P1412 Q1860 +Q29 P530 Q36 +Q1772432 P106 Q639669 +Q387414 P136 Q130232 +Q231128 P106 Q36180 +Q462447 P136 Q2484376 +Q75649 P19 Q2805 +Q434266 P27 Q30 +Q6043036 P1412 Q7918 +Q280666 P106 Q10800557 +Q202735 P172 Q974693 +Q1680268 P463 Q131566 +Q94007 P106 Q3357567 +Q292373 P1303 Q6607 +Q61648 P101 Q201788 +Q737570 P106 Q18844224 +Q709178 P463 Q265058 +Q708506 P106 Q33999 +Q453288 P1412 Q150 +Q128494 P69 Q659080 +Q185071 P495 Q30 +Q32 P37 Q188 +Q220889 P106 Q15981151 +Q37 P530 Q148 +Q171453 P57 Q59259 +Q235946 P27 Q16 +Q1553197 P106 Q14915627 +Q6694 P463 Q607496 +Q795238 P106 Q49757 +Q2096585 P106 Q15472169 +Q816499 P106 Q482980 +Q173061 P1412 Q1860 +Q1040459 P136 Q131578 +Q1230528 P106 Q81096 +Q966300 P172 Q2325516 +Q381104 P106 Q36180 +Q436790 P106 Q82955 +Q708506 P106 Q49757 +Q956652 P106 Q82955 +Q172632 P1303 Q6607 +Q3710088 P19 Q26339 +Q2929654 P106 Q644687 +Q1398058 P106 Q10800557 +Q326431 P106 Q1234713 +Q237242 P1412 Q1860 +Q224 P530 Q40 +Q363383 P1412 Q1860 +Q154691 P136 Q11635 +Q220735 P136 Q188473 +Q747538 P27 Q34266 +Q188385 P119 Q311 +Q222965 P840 Q99 +Q963142 P106 Q639669 +Q190251 P106 Q1075651 +Q2535085 P749 Q38903 +Q16873 P106 Q36180 +Q555 P69 Q34433 +Q439314 P106 Q2259451 +Q261041 P27 Q172579 +Q458978 P106 Q177220 +Q319121 P106 Q36180 +Q188492 P106 Q3282637 +Q983654 P106 Q188094 +Q913570 P106 Q214917 +Q298905 P106 Q28389 +Q294531 P264 Q183387 +Q4101530 P108 Q1367256 +Q203840 P106 Q36180 +Q267386 P106 Q33999 +Q356309 P106 Q3282637 +Q164963 P161 Q152165 +Q456711 P106 Q639669 +Q190770 P106 Q169470 +Q890204 P106 Q10800557 +Q245355 P1412 Q809 +Q303207 P106 Q855091 +Q375036 P172 Q539051 +Q36591 P106 Q10873124 +Q447407 P106 Q639669 +Q555324 P106 Q483501 +Q2516 P19 Q1055 +Q243639 P1412 Q1860 +Q282951 P106 Q10800557 +Q106602 P106 Q4263842 +Q451608 P463 Q329464 +Q365129 P737 Q9364 +Q349591 P27 Q30 +Q283932 P161 Q169982 +Q154581 P161 Q206659 +Q1766736 P27 Q29999 +Q544301 P19 Q84 +Q191084 P106 Q3282637 +Q59185 P106 Q33999 +Q76683 P27 Q183 +Q70223 P20 Q84 +Q236075 P1412 Q1860 +Q11093 P106 Q34074720 +Q128568 P69 Q81162 +Q5959091 P1412 Q150 +Q70396 P20 Q1055 +Q43 P530 Q851 +Q64637 P108 Q31519 +Q231880 P264 Q155152 +Q166876 P1412 Q397 +Q126183 P161 Q508404 +Q37577 P140 Q23540 +Q519590 P106 Q482980 +Q60772 P106 Q39631 +Q1549911 P106 Q488205 +Q313647 P106 Q1320883 +Q332515 P161 Q725519 +Q270510 P161 Q356309 +Q96941 P69 Q20266330 +Q70215 P102 Q49750 +Q105273 P106 Q82955 +Q289064 P264 Q21077 +Q155079 P27 Q30 +Q47695 P27 Q38872 +Q33031 P106 Q1231865 +Q933332 P106 Q1622272 +Q1524 P17 Q12544 +Q178989 P495 Q30 +Q82083 P1412 Q1860 +Q160618 P161 Q231249 +Q190373 P106 Q36180 +Q164328 P69 Q579968 +Q71775 P19 Q2079 +Q288645 P161 Q380121 +Q142768 P119 Q2790054 +Q99080 P119 Q190494 +Q336388 P136 Q9730 +Q107816 P27 Q183 +Q243771 P551 Q2807 +Q314535 P27 Q30 +Q247182 P136 Q52162262 +Q449525 P106 Q183945 +Q193397 P106 Q183945 +Q318223 P136 Q37073 +Q243419 P69 Q805285 +Q152880 P136 Q9778 +Q5912 P27 Q30 +Q1779 P264 Q287177 +Q182212 P161 Q188772 +Q452388 P1412 Q188 +Q1161444 P106 Q333634 +Q313739 P1412 Q1860 +Q45575 P106 Q82594 +Q378891 P161 Q313516 +Q42204 P69 Q1815371 +Q948 P530 Q28 +Q710466 P19 Q807 +Q201732 P106 Q214917 +Q1606016 P69 Q1059546 +Q543195 P106 Q36180 +Q11237 P20 Q60 +Q287740 P161 Q298276 +Q438475 P106 Q36180 +Q3339429 P1303 Q17172850 +Q40852 P1412 Q1860 +Q78513 P106 Q212980 +Q567529 P106 Q81096 +Q156349 P463 Q723551 +Q258846 P19 Q1297 +Q188093 P106 Q4853732 +Q295537 P136 Q156035 +Q55264 P106 Q36180 +Q95089 P1303 Q17172850 +Q258 P530 Q833 +Q191040 P161 Q107730 +Q392 P463 Q463281 +Q49003 P136 Q1054574 +Q428819 P451 Q228717 +Q159481 P106 Q36180 +Q292558 P106 Q10800557 +Q212518 P27 Q30 +Q408 P530 Q924 +Q296771 P27 Q822 +Q561596 P101 Q638 +Q154817 P136 Q157443 +Q124710 P3373 Q183187 +Q219315 P57 Q362824 +Q36591 P106 Q4263842 +Q453288 P106 Q6625963 +Q77009 P136 Q130232 +Q61183 P27 Q41304 +Q57075 P463 Q543804 +Q446504 P106 Q36180 +Q3936 P463 Q812378 +Q58284 P20 Q365 +Q122968 P463 Q191583 +Q151523 P69 Q390287 +Q323463 P264 Q216364 +Q123628 P106 Q10800557 +Q49072 P106 Q18939491 +Q310106 P551 Q437 +Q444520 P106 Q183945 +Q44336 P136 Q676 +Q144746 P27 Q30 +Q130952 P161 Q105695 +Q191020 P463 Q938622 +Q131691 P106 Q193391 +Q697131 P641 Q2736 +Q5809 P106 Q36180 +Q26993 P106 Q36180 +Q192410 P136 Q45981 +Q744689 P19 Q23556 +Q167696 P106 Q10798782 +Q168452 P463 Q3291340 +Q182218 P161 Q200566 +Q309989 P27 Q30 +Q295431 P27 Q145 +Q275876 P106 Q43845 +Q234324 P106 Q49757 +Q246538 P264 Q202585 +Q362616 P106 Q2259451 +Q1041 P530 Q902 +Q729115 P1412 Q36510 +Q41132 P136 Q599558 +Q64707 P463 Q2124852 +Q310637 P1412 Q1860 +Q123386 P106 Q11774202 +Q320093 P27 Q30 +Q84186 P1412 Q150 +Q387655 P106 Q177220 +Q177632 P2348 Q6927 +Q384387 P1412 Q150 +Q138832 P463 Q338489 +Q978830 P106 Q6625963 +Q158379 P1412 Q9056 +Q433616 P106 Q4610556 +Q32045 P1412 Q1860 +Q51023 P27 Q142 +Q433144 P106 Q12362622 +Q61195 P106 Q37226 +Q236543 P106 Q33999 +Q237186 P1303 Q17172850 +Q305909 P19 Q3616 +Q11817 P509 Q181754 +Q40362 P530 Q574 +Q365042 P106 Q36834 +Q945301 P108 Q131252 +Q276778 P161 Q106481 +Q187033 P106 Q2259451 +Q470875 P40 Q467231 +Q77888 P106 Q82955 +Q901134 P27 Q34 +Q28 P530 Q215 +Q287607 P102 Q29552 +Q275939 P551 Q8678 +Q78833 P19 Q1735 +Q225629 P19 Q41819 +Q65561 P106 Q82955 +Q383883 P108 Q41506 +Q363708 P264 Q1251139 +Q221075 P161 Q465881 +Q253583 P106 Q39631 +Q1353064 P106 Q170790 +Q190086 P161 Q272214 +Q115674 P106 Q6625963 +Q400765 P19 Q43196 +Q57237 P69 Q154804 +Q189422 P106 Q10798782 +Q13003 P119 Q608405 +Q311970 P264 Q3001888 +Q236024 P106 Q2914170 +Q313210 P27 Q15180 +Q131380 P69 Q8008661 +Q183 P463 Q17495 +Q133855 P106 Q15296811 +Q58720 P106 Q593644 +Q453384 P106 Q4220892 +Q91730 P19 Q1715 +Q239540 P27 Q174193 +Q374936 P106 Q488205 +Q368129 P106 Q5716684 +Q58793 P106 Q11900058 +Q60116 P106 Q1225716 +Q86809 P106 Q4773904 +Q694081 P27 Q31 +Q221546 P136 Q38848 +Q186335 P27 Q30 +Q126164 P27 Q30 +Q119786 P1412 Q188 +Q182882 P20 Q60 +Q222018 P161 Q344973 +Q289647 P106 Q639669 +Q78037 P1412 Q188 +Q179201 P106 Q169470 +Q298255 P106 Q183945 +Q233862 P27 Q30 +Q186042 P106 Q1622272 +Q78586 P27 Q40 +Q266544 P509 Q18554460 +Q727730 P106 Q10800557 +Q273080 P1303 Q5994 +Q252 P463 Q1043527 +Q202735 P172 Q1344183 +Q126961 P27 Q142 +Q1043170 P101 Q11629 +Q233 P463 Q45177 +Q42443 P106 Q18844224 +Q261465 P106 Q4853732 +Q131326 P463 Q207360 +Q69884 P106 Q82955 +Q76479 P840 Q96 +Q712820 P27 Q145 +Q129987 P20 Q288781 +Q72245 P1412 Q150 +Q741783 P1412 Q809 +Q8646 P530 Q869 +Q47595 P106 Q201788 +Q102822 P463 Q191583 +Q43 P463 Q191384 +Q45 P463 Q17495 +Q244876 P161 Q256666 +Q309835 P106 Q2405480 +Q447831 P1412 Q188 +Q234519 P106 Q482980 +Q93692 P106 Q333634 +Q232384 P106 Q2259451 +Q246497 P463 Q1971373 +Q229566 P106 Q10873124 +Q60452 P27 Q183 +Q278625 P172 Q7325 +Q359026 P27 Q142 +Q237173 P69 Q13371 +Q1239278 P27 Q29999 +Q757 P30 Q49 +Q77845 P1412 Q188 +Q236112 P106 Q855091 +Q75886 P69 Q152087 +Q29313 P840 Q1397 +Q69022 P106 Q214917 +Q634822 P69 Q168756 +Q123062 P27 Q23366230 +Q1938740 P106 Q13582652 +Q962897 P119 Q208175 +Q733850 P27 Q30 +Q171730 P463 Q337555 +Q207852 P69 Q49205 +Q243837 P108 Q181410 +Q86362 P19 Q36036 +Q338812 P106 Q10798782 +Q710 P463 Q17495 +Q551543 P69 Q83259 +Q195616 P551 Q987 +Q348534 P161 Q103157 +Q961981 P106 Q901402 +Q2918925 P463 Q463303 +Q313875 P1303 Q133163 +Q90787 P106 Q40348 +Q503068 P140 Q75809 +Q47737 P106 Q36180 +Q14278 P463 Q463303 +Q316427 P136 Q1344 +Q123512 P106 Q36180 +Q233229 P1303 Q17172850 +Q215215 P106 Q36834 +Q230916 P106 Q16145150 +Q454243 P108 Q820887 +Q59485 P106 Q28389 +Q956533 P20 Q34006 +Q235639 P106 Q10800557 +Q10327963 P106 Q901 +Q198962 P264 Q38903 +Q57592 P509 Q12152 +Q55832 P19 Q37333 +Q61058 P1412 Q188 +Q159542 P463 Q123885 +Q77020 P106 Q36180 +Q426396 P161 Q170572 +Q188214 P106 Q1622272 +Q4588976 P106 Q43845 +Q233529 P106 Q15981151 +Q78918 P20 Q1489 +Q26378 P106 Q177220 +Q180589 P27 Q30 +Q29697 P136 Q860626 +Q362824 P106 Q10800557 +Q202449 P1412 Q1860 +Q309941 P136 Q753679 +Q657 P530 Q1033 +Q19201 P1303 Q128309 +Q215263 P737 Q44461 +Q276170 P136 Q547137 +Q377939 P161 Q357001 +Q73096 P106 Q185351 +Q157321 P106 Q49757 +Q465428 P106 Q36180 +Q192279 P106 Q36180 +Q84455 P27 Q28 +Q288173 P136 Q319221 +Q217 P530 Q40 +Q172584 P106 Q33999 +Q142 P463 Q8908 +Q9599 P106 Q82594 +Q117997 P27 Q39 +Q334180 P1412 Q7026 +Q8201431 P463 Q427318 +Q1175373 P106 Q169470 +Q78484 P69 Q159895 +Q248592 P1412 Q9027 +Q204750 P106 Q33999 +Q482334 P106 Q81096 +Q1063242 P136 Q49451 +Q83158 P106 Q644687 +Q330567 P108 Q174710 +Q106481 P106 Q33999 +Q94350 P106 Q36180 +Q186652 P509 Q12192 +Q211 P530 Q37 +Q359331 P106 Q2526255 +Q45563 P106 Q33999 +Q272942 P136 Q37073 +Q264748 P106 Q10800557 +Q158250 P106 Q28389 +Q39666 P1412 Q1860 +Q187192 P106 Q36834 +Q72962 P136 Q496523 +Q914054 P69 Q131252 +Q76568 P106 Q34074720 +Q77006 P106 Q36834 +Q4681470 P69 Q34433 +Q272064 P840 Q1780 +Q87298 P102 Q153401 +Q271956 P27 Q2305208 +Q124008 P106 Q855091 +Q126896 P136 Q959790 +Q2273039 P27 Q159 +Q2263 P27 Q41 +Q234058 P106 Q36180 +Q123010 P140 Q9592 +Q357324 P20 Q1489 +Q49081 P1412 Q1860 +Q458260 P1412 Q150 +Q158379 P1050 Q12204 +Q228860 P1303 Q17172850 +Q287793 P40 Q287607 +Q182156 P27 Q15180 +Q193357 P106 Q28389 +Q756617 P463 Q3866537 +Q333892 P1412 Q9072 +Q77967 P108 Q1206658 +Q1707 P17 Q183 +Q359421 P106 Q1028181 +Q218 P138 Q1747689 +Q12833 P27 Q15180 +Q528340 P106 Q10800557 +Q334780 P495 Q145 +Q219842 P106 Q81096 +Q218532 P106 Q10800557 +Q773828 P27 Q754 +Q115055 P69 Q1033692 +Q184249 P106 Q33999 +Q165534 P27 Q4948 +Q317761 P27 Q145 +Q180619 P27 Q30 +Q234795 P106 Q2259451 +Q968565 P27 Q145 +Q64043 P27 Q16957 +Q75868 P119 Q564922 +Q170250 P161 Q464320 +Q193695 P136 Q842256 +Q438635 P106 Q584301 +Q351670 P106 Q42603 +Q391663 P106 Q2259451 +Q94672 P106 Q185351 +Q399 P530 Q79 +Q309214 P106 Q10800557 +Q711499 P27 Q30 +Q82278 P106 Q806798 +Q154195 P140 Q170111 +Q428780 P161 Q68654 +Q11124 P102 Q29552 +Q874481 P106 Q1930187 +Q47484 P108 Q216047 +Q106443 P551 Q90 +Q405672 P69 Q28024477 +Q96243 P106 Q82955 +Q85429 P1412 Q188 +Q303918 P27 Q15180 +Q151972 P106 Q5716684 +Q902 P463 Q899770 +Q86165 P20 Q1741 +Q235685 P1412 Q1860 +Q23505 P463 Q1938003 +Q75823 P106 Q16323111 +Q202765 P106 Q33999 +Q92341 P106 Q482980 +Q313047 P509 Q12204 +Q17676 P69 Q5171564 +Q573017 P264 Q264137 +Q1352256 P136 Q598929 +Q2749 P463 Q812378 +Q76553 P463 Q684415 +Q95273 P27 Q183 +Q257317 P106 Q948329 +Q217112 P161 Q313705 +Q234700 P106 Q6625963 +Q93890 P69 Q165980 +Q521170 P106 Q49757 +Q289380 P551 Q65 +Q310315 P106 Q10798782 +Q219 P463 Q8475 +Q151869 P40 Q151098 +Q1869643 P106 Q639669 +Q48337 P140 Q7066 +Q28193 P495 Q145 +Q270385 P161 Q314659 +Q73646 P108 Q131252 +Q444088 P108 Q193196 +Q195367 P19 Q1342 +Q319537 P106 Q183945 +Q39803 P1412 Q150 +Q465707 P106 Q3391743 +Q709594 P106 Q639669 +Q49081 P737 Q36591 +Q128568 P69 Q3064259 +Q330612 P136 Q663106 +Q190628 P102 Q29468 +Q348037 P69 Q178416 +Q347362 P108 Q168751 +Q107914 P161 Q259461 +Q57410 P106 Q36180 +Q3910 P140 Q9592 +Q219 P530 Q145 +Q262314 P106 Q488205 +Q77845 P69 Q152087 +Q67941 P27 Q183 +Q206886 P161 Q212416 +Q234212 P106 Q28389 +Q230068 P1303 Q5994 +Q313044 P551 Q1489 +Q76395 P106 Q36180 +Q203223 P19 Q16559 +Q480037 P27 Q172579 +Q725516 P106 Q36834 +Q42511 P106 Q36180 +Q296883 P106 Q3282637 +Q177111 P106 Q386854 +Q1368401 P136 Q37073 +Q107730 P19 Q36091 +Q47011 P1412 Q9083 +Q240933 P463 Q1938003 +Q954 P463 Q7825 +Q244674 P106 Q2405480 +Q212 P530 Q17 +Q372278 P106 Q36834 +Q149431 P840 Q1297 +Q269927 P26 Q238912 +Q171530 P106 Q15295720 +Q61318 P1412 Q188 +Q57641 P140 Q101849 +Q692632 P463 Q371938 +Q75814 P108 Q154804 +Q115483 P1412 Q188 +Q1265451 P27 Q30 +Q189869 P136 Q492537 +Q85716 P27 Q183 +Q114152 P106 Q10800557 +Q981971 P69 Q820887 +Q298255 P106 Q177220 +Q58085 P19 Q41252 +Q87756 P1412 Q188 +Q2725555 P106 Q36180 +Q109455 P106 Q36180 +Q109612 P551 Q1408 +Q233475 P19 Q24826 +Q846 P530 Q801 +Q37320 P17 Q30 +Q381307 P69 Q209344 +Q242873 P1303 Q6607 +Q5816 P27 Q8733 +Q97027 P69 Q159895 +Q103578 P451 Q37628 +Q202815 P101 Q132151 +Q125058 P136 Q604725 +Q48792 P1412 Q1860 +Q150804 P136 Q17013749 +Q98110 P27 Q183 +Q78490 P106 Q188094 +Q25139 P161 Q309900 +Q1339382 P27 Q30 +Q230916 P1303 Q5994 +Q902 P530 Q712 +Q180224 P136 Q9794 +Q1368185 P1303 Q51290 +Q164103 P840 Q1408 +Q178412 P106 Q81096 +Q1042 P361 Q27407 +Q312538 P495 Q142 +Q538284 P1303 Q17172850 +Q190050 P161 Q849641 +Q60506 P840 Q1223 +Q381827 P1412 Q150 +Q310252 P106 Q10800557 +Q157131 P1412 Q1860 +Q17455 P106 Q170790 +Q918647 P106 Q639669 +Q551512 P108 Q681250 +Q171463 P1412 Q5146 +Q322381 P108 Q49088 +Q42398 P27 Q15180 +Q747 P1412 Q150 +Q219776 P161 Q129591 +Q893785 P108 Q1137404 +Q196004 P161 Q230523 +Q1351565 P119 Q1204 +Q58195 P1412 Q188 +Q1383002 P1412 Q1860 +Q664909 P106 Q183945 +Q109310 P463 Q44687 +Q178412 P69 Q131262 +Q70800 P108 Q156737 +Q159098 P1303 Q51290 +Q14540 P106 Q3455803 +Q761453 P19 Q60 +Q981785 P106 Q753110 +Q230303 P69 Q49124 +Q162005 P1303 Q6607 +Q96577 P106 Q36180 +Q1516431 P161 Q208649 +Q274711 P106 Q10800557 +Q63456 P1412 Q188 +Q551129 P69 Q35794 +Q7841 P1412 Q150 +Q117644 P106 Q3387717 +Q123557 P108 Q32120 +Q67941 P106 Q1743122 +Q1123533 P136 Q1641839 +Q266429 P1303 Q6607 +Q987724 P1303 Q17172850 +Q76959 P69 Q156725 +Q964396 P20 Q1761 +Q218589 P495 Q30 +Q214226 P106 Q36834 +Q558419 P106 Q333634 +Q241299 P19 Q60 +Q233946 P27 Q30 +Q730 P463 Q233611 +Q77271 P27 Q183 +Q423 P530 Q843 +Q37767 P737 Q501 +Q186485 P106 Q2059704 +Q284360 P106 Q1930187 +Q184226 P101 Q5891 +Q549141 P27 Q30 +Q64600 P463 Q684415 +Q273022 P136 Q8341 +Q9049 P69 Q49108 +Q104067 P106 Q948329 +Q1893889 P551 Q34 +Q380045 P106 Q488205 +Q312610 P27 Q31 +Q3312950 P106 Q512314 +Q445417 P106 Q10800557 +Q110960 P106 Q1622272 +Q705737 P17 Q30 +Q229389 P106 Q2405480 +Q342526 P463 Q165193 +Q320384 P161 Q233365 +Q265179 P106 Q486748 +Q265179 P106 Q4853732 +Q155545 P1412 Q150 +Q57426 P27 Q183 +Q359248 P20 Q84 +Q605489 P108 Q308963 +Q313470 P106 Q10800557 +Q228186 P840 Q810 +Q587823 P1412 Q1321 +Q355314 P1412 Q1860 +Q30 P530 Q963 +Q928 P530 Q414 +Q776752 P19 Q2280 +Q669597 P463 Q463303 +Q91657 P106 Q1622272 +Q349461 P106 Q177220 +Q69105 P106 Q33999 +Q77177 P136 Q1344 +Q12658 P106 Q169470 +Q1252841 P106 Q81096 +Q41269 P463 Q270794 +Q331896 P1412 Q9129 +Q9711 P140 Q1841 +Q318004 P20 Q90 +Q4834218 P106 Q36180 +Q276299 P136 Q1054574 +Q127332 P172 Q42406 +Q298694 P1412 Q1860 +Q4430 P136 Q369747 +Q1490 P17 Q17 +Q133465 P27 Q28513 +Q35725 P161 Q212790 +Q219420 P106 Q28389 +Q66493 P27 Q183 +Q236112 P27 Q30 +Q451312 P1412 Q652 +Q62202 P27 Q183 +Q243419 P106 Q36180 +Q442892 P106 Q639669 +Q33866 P69 Q49088 +Q76791 P463 Q414188 +Q319084 P106 Q28389 +Q3262638 P463 Q337543 +Q350 P17 Q179876 +Q34091 P69 Q41506 +Q187364 P69 Q4614 +Q403 P530 Q20 +Q1009 P530 Q183 +Q215263 P140 Q7066 +Q187857 P106 Q36834 +Q462447 P840 Q65 +Q232458 P106 Q4610556 +Q508325 P106 Q1930187 +Q601304 P1412 Q1860 +Q966349 P106 Q380075 +Q273044 P106 Q10798782 +Q382864 P161 Q233862 +Q311181 P106 Q855091 +Q272092 P108 Q126399 +Q233368 P106 Q639669 +Q73028 P161 Q155775 +Q132205 P27 Q41 +Q705630 P106 Q33999 +Q10308228 P106 Q36180 +Q193803 P108 Q245247 +Q445125 P106 Q28389 +Q158060 P106 Q1476215 +Q302682 P161 Q317228 +Q846 P530 Q805 +Q45765 P106 Q18814623 +Q120578 P20 Q485716 +Q1013 P463 Q7809 +Q163249 P106 Q3282637 +Q60093 P106 Q205375 +Q304030 P136 Q645928 +Q1188776 P27 Q34266 +Q937 P1412 Q1860 +Q188385 P106 Q36180 +Q184499 P463 Q543804 +Q276778 P495 Q145 +Q408 P530 Q691 +Q76892 P106 Q82955 +Q272719 P106 Q10798782 +Q380983 P106 Q4853732 +Q235742 P840 Q5092 +Q333653 P19 Q1492 +Q153701 P69 Q182973 +Q236822 P106 Q10798782 +Q189132 P264 Q21077 +Q25997 P19 Q898 +Q465679 P106 Q201788 +Q979166 P106 Q639669 +Q257805 P509 Q12152 +Q315592 P161 Q107730 +Q174210 P20 Q90 +Q1899781 P749 Q38903 +Q342730 P69 Q691851 +Q3547 P106 Q333634 +Q352540 P19 Q60 +Q10390 P106 Q372436 +Q1618047 P106 Q639669 +Q4061 P106 Q855091 +Q1238235 P1303 Q6607 +Q3141 P17 Q408 +Q121995 P463 Q191583 +Q706821 P106 Q14906342 +Q175142 P19 Q16563 +Q588591 P27 Q145 +Q878 P463 Q8475 +Q184935 P1412 Q7913 +Q270441 P1412 Q1860 +Q70103 P106 Q82955 +Q435665 P19 Q12439 +Q268131 P27 Q30 +Q44857 P463 Q463303 +Q42992 P27 Q801 +Q4444 P161 Q57614 +Q319648 P509 Q181754 +Q519466 P106 Q639669 +Q77101 P19 Q1726 +Q316857 P27 Q30 +Q89188 P106 Q1930187 +Q333856 P1412 Q5146 +Q77745 P106 Q753110 +Q260548 P161 Q192165 +Q428422 P1412 Q809 +Q119159 P1412 Q188 +Q79191 P136 Q188450 +Q170472 P19 Q87 +Q232827 P119 Q1624932 +Q231106 P27 Q30 +Q456017 P161 Q244674 +Q102711 P106 Q3391743 +Q373421 P102 Q204911 +Q204205 P19 Q21711493 +Q97144 P106 Q1234713 +Q349039 P106 Q33999 +Q232876 P106 Q2259451 +Q58857 P1412 Q188 +Q419 P530 Q41 +Q683 P463 Q899770 +Q959588 P106 Q188094 +Q9391 P19 Q1741 +Q2680 P27 Q183 +Q559794 P69 Q13371 +Q833 P530 Q334 +Q311476 P463 Q812155 +Q386053 P3373 Q1689414 +Q41269 P27 Q142 +Q96071 P106 Q1622272 +Q234765 P27 Q15180 +Q61648 P119 Q819654 +Q29999 P463 Q3866537 +Q156622 P3373 Q691973 +Q41590 P108 Q131252 +Q3167 P17 Q27306 +Q331652 P106 Q177220 +Q88427 P108 Q658626 +Q520296 P264 Q202440 +Q1233 P27 Q38 +Q155786 P20 Q84 +Q65350 P463 Q337543 +Q677367 P102 Q537303 +Q60766 P106 Q10800557 +Q179746 P136 Q1146335 +Q229187 P106 Q33999 +Q963015 P106 Q214917 +Q241098 P1303 Q8355 +Q267321 P161 Q269894 +Q262502 P106 Q10798782 +Q214977 P1412 Q188 +Q216913 P1303 Q128309 +Q259679 P106 Q245068 +Q234117 P106 Q639669 +Q8927 P19 Q90 +Q738029 P69 Q49088 +Q229056 P27 Q145 +Q1047366 P136 Q56284716 +Q465702 P19 Q25395 +Q179695 P106 Q36180 +Q314957 P135 Q164800 +Q256732 P172 Q1344183 +Q7439 P106 Q1086863 +Q64043 P69 Q152087 +Q717059 P27 Q30 +Q378333 P463 Q4430504 +Q434466 P106 Q2707485 +Q299132 P172 Q190168 +Q434585 P551 Q47164 +Q123454 P106 Q1028181 +Q154331 P119 Q240744 +Q81082 P463 Q253439 +Q357974 P106 Q49757 +Q234551 P106 Q3282637 +Q664 P530 Q159 +Q104912 P27 Q43287 +Q55207 P101 Q222749 +Q710026 P106 Q1930187 +Q178094 P161 Q257442 +Q36620 P1412 Q9035 +Q1281084 P69 Q49122 +Q38785 P27 Q34266 +Q156942 P101 Q413 +Q71616 P172 Q42884 +Q4514164 P27 Q15180 +Q767435 P69 Q13371 +Q260969 P1412 Q36510 +Q33240 P1412 Q1860 +Q364881 P106 Q753110 +Q238795 P69 Q248970 +Q129629 P509 Q12152 +Q342723 P1303 Q17172850 +Q179493 P106 Q188094 +Q72060 P106 Q1234713 +Q345212 P106 Q33231 +Q201674 P135 Q377616 +Q930324 P106 Q82955 +Q72893 P106 Q33999 +Q57109 P27 Q41304 +Q241660 P1303 Q52954 +Q884142 P509 Q12192 +Q6538 P106 Q214917 +Q167399 P106 Q486748 +Q1277187 P136 Q131272 +Q155463 P463 Q2720582 +Q60285 P463 Q329464 +Q255300 P1303 Q5994 +Q116760 P106 Q28389 +Q93030 P19 Q928 +Q36233 P69 Q1329478 +Q77447 P463 Q700570 +Q451180 P69 Q309350 +Q430278 P136 Q622291 +Q177131 P106 Q4610556 +Q76358 P1050 Q12204 +Q833 P530 Q16 +Q2492691 P106 Q49757 +Q722555 P106 Q1930187 +Q19658 P172 Q84072 +Q152176 P140 Q7066 +Q219 P530 Q865 +Q92432 P1412 Q188 +Q188000 P161 Q193070 +Q187907 P106 Q49757 +Q154662 P1412 Q188 +Q213806 P106 Q6625963 +Q78628 P140 Q1841 +Q822668 P27 Q174193 +Q302 P119 Q1218 +Q602033 P27 Q29 +Q203952 P106 Q49757 +Q242555 P551 Q65 +Q833 P463 Q170481 +Q245257 P463 Q463303 +Q473239 P140 Q178169 +Q161877 P101 Q207628 +Q1334244 P69 Q131252 +Q311804 P27 Q30 +Q295502 P19 Q62 +Q4622 P106 Q333634 +Q287748 P161 Q273136 +Q157303 P509 Q47912 +Q96 P463 Q19771 +Q465640 P106 Q33999 +Q441528 P106 Q82955 +Q172183 P20 Q207350 +Q921516 P27 Q34266 +Q43 P530 Q38 +Q81960 P27 Q161885 +Q206032 P106 Q33999 +Q94370 P1412 Q188 +Q320 P69 Q152087 +Q58282 P106 Q82955 +Q98087 P463 Q543804 +Q352708 P106 Q482980 +Q265270 P106 Q4853732 +Q26168 P27 Q30 +Q34981 P106 Q3745071 +Q57372 P106 Q864380 +Q127866 P136 Q206159 +Q1668660 P106 Q2259451 +Q160852 P102 Q622441 +Q212689 P495 Q30 +Q317427 P19 Q4093 +Q323076 P106 Q10800557 +Q82032 P106 Q1607826 +Q398 P530 Q843 +Q60131 P463 Q156652 +Q13132095 P3373 Q18118088 +Q229840 P106 Q28389 +Q256380 P106 Q43845 +Q5496982 P106 Q901 +Q232783 P1303 Q17172850 +Q358087 P106 Q177220 +Q705022 P26 Q267691 +Q224187 P136 Q1146335 +Q314914 P509 Q181754 +Q158759 P495 Q30 +Q77468 P463 Q2043519 +Q427917 P27 Q30 +Q73918 P106 Q1622272 +Q208359 P106 Q170790 +Q156321 P1412 Q188 +Q179257 P136 Q484641 +Q238315 P106 Q1622272 +Q1112005 P1303 Q5994 +Q312292 P27 Q30 +Q60969 P69 Q165528 +Q465290 P27 Q865 +Q287001 P136 Q130232 +Q44398 P106 Q639669 +Q24632 P27 Q145 +Q172678 P172 Q49085 +Q380667 P161 Q223830 +Q18446 P463 Q337234 +Q75116 P108 Q153978 +Q91470 P1412 Q188 +Q330447 P106 Q33999 +Q160627 P463 Q691152 +Q442892 P27 Q30 +Q81219 P140 Q75809 +Q90384 P106 Q36180 +Q160499 P102 Q327591 +Q4894155 P19 Q1492 +Q47216 P463 Q1938003 +Q467027 P1303 Q6607 +Q190643 P161 Q442300 +Q346965 P20 Q16555 +Q555449 P27 Q77 +Q355566 P108 Q219563 +Q214999 P26 Q37030 +Q99903 P102 Q49763 +Q335544 P1412 Q150 +Q929665 P509 Q47912 +Q51488 P106 Q10800557 +Q967 P463 Q8475 +Q878 P463 Q656801 +Q69198 P119 Q1497554 +Q320305 P1412 Q1860 +Q12833 P27 Q217 +Q212549 P106 Q177220 +Q206124 P161 Q544465 +Q744566 P106 Q2306091 +Q1668660 P19 Q61 +Q44007 P135 Q80113 +Q1276176 P136 Q9730 +Q151593 P106 Q639669 +Q1400917 P20 Q60 +Q206886 P161 Q224159 +Q57802 P463 Q463303 +Q54945 P108 Q185246 +Q193338 P27 Q30 +Q1012900 P27 Q30 +Q111189 P102 Q49762 +Q339403 P69 Q4614 +Q185165 P106 Q177220 +Q747538 P1412 Q7737 +Q104088 P551 Q142 +Q268024 P106 Q7042855 +Q241800 P106 Q28389 +Q127606 P27 Q30 +Q1095432 P106 Q855091 +Q61374 P108 Q13371 +Q261981 P106 Q482980 +Q17132 P102 Q31113 +Q966565 P106 Q10800557 +Q339423 P106 Q753110 +Q289895 P106 Q177220 +Q93397 P106 Q121594 +Q240896 P106 Q1281618 +Q5752 P106 Q4964182 +Q918966 P106 Q36180 +Q211513 P1412 Q7737 +Q587852 P106 Q2252262 +Q35610 P737 Q1512 +Q45593 P108 Q165980 +Q326114 P136 Q52162262 +Q5383 P136 Q37073 +Q3318964 P106 Q901 +Q948966 P19 Q6346 +Q76600 P20 Q3033 +Q499757 P1412 Q8798 +Q22072 P106 Q177220 +Q443403 P106 Q6625963 +Q76553 P69 Q152087 +Q152738 P172 Q79797 +Q242132 P106 Q177220 +Q363518 P1412 Q1860 +Q274887 P161 Q374181 +Q44331 P69 Q165980 +Q22316 P106 Q2095549 +Q521116 P20 Q472 +Q270937 P27 Q15180 +Q204672 P106 Q10798782 +Q769 P463 Q294278 +Q60539 P106 Q2259451 +Q43 P530 Q1049 +Q103578 P106 Q639669 +Q130947 P106 Q177220 +Q3248932 P463 Q463303 +Q918268 P172 Q121842 +Q578031 P119 Q1302545 +Q228787 P101 Q207628 +Q352023 P106 Q40348 +Q274812 P106 Q10798782 +Q84393 P136 Q482 +Q1349079 P106 Q486748 +Q215120 P1412 Q1860 +Q588591 P1303 Q6607 +Q580 P17 Q1649871 +Q959588 P509 Q12206 +Q124697 P495 Q183 +Q292432 P106 Q753110 +Q160717 P69 Q219563 +Q390097 P161 Q103784 +Q461682 P136 Q2678111 +Q193105 P106 Q2259451 +Q524298 P106 Q214917 +Q192912 P106 Q10800557 +Q1026532 P102 Q29552 +Q35 P463 Q1043527 +Q291731 P108 Q678095 +Q78586 P1412 Q188 +Q229808 P161 Q187033 +Q710619 P108 Q13371 +Q144669 P1303 Q17172850 +Q596746 P136 Q9759 +Q23261 P106 Q33999 +Q105460 P172 Q141817 +Q106057 P106 Q177220 +Q234721 P69 Q705737 +Q38082 P172 Q42406 +Q186485 P1303 Q17172850 +Q441351 P106 Q33999 +Q117 P530 Q865 +Q449199 P106 Q1622272 +Q84780 P106 Q33999 +Q185465 P1303 Q17172850 +Q370026 P106 Q33999 +Q67633 P27 Q183 +Q596925 P1412 Q1860 +Q57169 P27 Q713750 +Q607464 P20 Q1085 +Q231116 P1412 Q1860 +Q60684 P69 Q154804 +Q89188 P19 Q55630 +Q159840 P106 Q188094 +Q542886 P106 Q6168364 +Q958294 P19 Q90 +Q230218 P40 Q324366 +Q360531 P106 Q33999 +Q3379094 P69 Q190080 +Q76128 P106 Q28389 +Q219634 P106 Q483501 +Q13047979 P27 Q222 +Q207660 P106 Q753110 +Q204804 P1303 Q17172850 +Q156069 P136 Q471839 +Q262490 P106 Q33999 +Q258630 P19 Q90 +Q71067 P27 Q183 +Q2831 P737 Q5950 +Q379923 P106 Q201788 +Q9696 P69 Q9842 +Q507612 P1303 Q6607 +Q110397 P136 Q2297927 +Q332419 P509 Q12136 +Q320588 P161 Q181799 +Q159577 P27 Q334 +Q966300 P69 Q273593 +Q229940 P1303 Q31561 +Q2908 P106 Q18814623 +Q6078 P106 Q2252262 +Q520053 P1412 Q188 +Q274752 P27 Q28 +Q92007 P20 Q6986 +Q107405 P101 Q11372 +Q42831 P69 Q27923720 +Q64043 P102 Q49750 +Q78857 P463 Q299015 +Q130742 P106 Q36180 +Q144391 P19 Q1354 +Q234989 P140 Q93191 +Q143945 P19 Q495 +Q382036 P106 Q3282637 +Q3088816 P106 Q19723482 +Q695036 P106 Q1930187 +Q79141 P27 Q40 +Q547635 P106 Q183945 +Q218 P463 Q1579424 +Q234519 P106 Q28389 +Q516004 P106 Q1930187 +Q4590643 P106 Q10732476 +Q85715 P1412 Q188 +Q171711 P161 Q314133 +Q221102 P136 Q188473 +Q316602 P106 Q488205 +Q1036 P530 Q958 +Q188018 P106 Q33999 +Q187999 P161 Q369113 +Q710626 P27 Q30 +Q223875 P551 Q16557 +Q233464 P495 Q30 +Q207640 P106 Q28389 +Q77020 P27 Q183 +Q16297 P1412 Q1860 +Q233479 P551 Q61 +Q709178 P119 Q288130 +Q7726 P106 Q189290 +Q121111 P19 Q70 +Q77688 P69 Q209842 +Q214947 P27 Q40 +Q371202 P136 Q11401 +Q49823 P463 Q465654 +Q14277 P463 Q2822396 +Q241676 P140 Q1062789 +Q130917 P108 Q152087 +Q213690 P69 Q209842 +Q16 P530 Q423 +Q28517 P106 Q82955 +Q2979750 P20 Q39709 +Q172383 P106 Q4964182 +Q126098 P19 Q621 +Q311752 P1412 Q1860 +Q69631 P108 Q202660 +Q190631 P27 Q30 +Q242 P463 Q294278 +Q722347 P106 Q4773904 +Q202735 P264 Q2034661 +Q315325 P106 Q28389 +Q893667 P106 Q81096 +Q231004 P106 Q3282637 +Q924668 P106 Q2722764 +Q236613 P106 Q639669 +Q37 P530 Q159 +Q810 P463 Q1065 +Q47561 P1412 Q9301 +Q7346 P1412 Q7976 +Q82083 P27 Q174193 +Q292081 P1412 Q1860 +Q121850 P106 Q201788 +Q60644 P106 Q49757 +Q108283 P2348 Q6927 +Q77 P463 Q4230 +Q185465 P106 Q2490358 +Q236318 P69 Q130965 +Q272019 P106 Q15295720 +Q354603 P106 Q10800557 +Q110183 P69 Q152087 +Q170576 P1412 Q7737 +Q95855 P69 Q152171 +Q275247 P106 Q33999 +Q444518 P136 Q37073 +Q85460 P106 Q82955 +Q1060395 P108 Q645663 +Q224029 P106 Q36180 +Q67672 P106 Q188094 +Q164111 P106 Q36180 +Q70989 P27 Q183 +Q78503 P119 Q2090 +Q4074458 P140 Q3333484 +Q319783 P136 Q52162262 +Q378333 P106 Q3387717 +Q901677 P112 Q836910 +Q317516 P106 Q177220 +Q365985 P20 Q90 +Q5092 P17 Q30 +Q434185 P1412 Q9288 +Q369933 P19 Q1761 +Q72932 P106 Q82955 +Q235992 P106 Q36180 +Q452627 P27 Q142 +Q131725 P106 Q488205 +Q556765 P106 Q639669 +Q130631 P108 Q273518 +Q31786 P161 Q124057 +Q503013 P106 Q10800557 +Q313525 P509 Q181754 +Q617215 P106 Q36180 +Q41854 P136 Q157394 +Q7243 P140 Q5043 +Q1572124 P106 Q639669 +Q229112 P106 Q10798782 +Q167437 P495 Q145 +Q2633060 P27 Q30 +Q237190 P106 Q2405480 +Q444371 P19 Q36091 +Q216195 P20 Q60 +Q45909 P106 Q1415090 +Q1290021 P19 Q1781 +Q34211 P140 Q483654 +Q207969 P106 Q2259451 +Q322794 P106 Q482980 +Q313013 P106 Q36834 +Q215976 P3373 Q294185 +Q392697 P161 Q29250 +Q310785 P27 Q30 +Q200534 P106 Q2405480 +Q722202 P27 Q801 +Q312077 P1412 Q1860 +Q181795 P161 Q352730 +Q23441 P140 Q7066 +Q1175266 P1303 Q6607 +Q621521 P106 Q639669 +Q296883 P106 Q2259451 +Q152019 P106 Q82955 +Q787176 P106 Q28389 +Q720722 P20 Q34006 +Q1984116 P1303 Q17172850 +Q1139388 P1303 Q46185 +Q369394 P106 Q3282637 +Q110719 P106 Q16287483 +Q45723 P108 Q131252 +Q1032 P463 Q47543 +Q865 P530 Q769 +Q1189327 P27 Q30 +Q549722 P161 Q106508 +Q351290 P106 Q177220 +Q104267 P27 Q27306 +Q275652 P106 Q4610556 +Q170606 P106 Q33999 +Q357326 P108 Q13371 +Q232047 P106 Q10798782 +Q493333 P106 Q5716684 +Q68219 P20 Q4191 +Q193111 P19 Q1757 +Q153996 P264 Q21077 +Q202801 P264 Q165745 +Q151597 P161 Q284636 +Q164424 P161 Q168724 +Q190145 P161 Q296028 +Q313013 P106 Q488205 +Q296950 P106 Q82955 +Q549626 P106 Q36180 +Q230523 P1303 Q17172850 +Q596717 P1303 Q8355 +Q620609 P27 Q7318 +Q981981 P106 Q1930187 +Q436686 P106 Q2526255 +Q60586 P108 Q152087 +Q188492 P106 Q488205 +Q313767 P106 Q28389 +Q2068521 P106 Q6625963 +Q4225547 P106 Q169470 +Q229603 P161 Q367155 +Q45278 P106 Q36180 +Q107130 P106 Q10800557 +Q550996 P106 Q6625963 +Q4547 P26 Q134077 +Q1385119 P19 Q3766 +Q4413456 P136 Q38848 +Q242351 P27 Q40 +Q400614 P106 Q2405480 +Q310357 P106 Q2252262 +Q47878 P1303 Q17172850 +Q175102 P27 Q30 +Q267010 P106 Q4610556 +Q58777 P69 Q152171 +Q114558 P19 Q1794 +Q1230528 P27 Q4948 +Q11816 P102 Q42183 +Q10287 P19 Q1492 +Q70855 P108 Q20266894 +Q110138 P495 Q30 +Q6060 P106 Q28389 +Q242643 P551 Q60 +Q66812 P106 Q36180 +Q7604 P106 Q11063 +Q233118 P106 Q10798782 +Q298139 P106 Q177220 +Q265 P530 Q218 +Q77234 P1412 Q397 +Q41269 P69 Q273626 +Q361610 P106 Q33999 +Q72856 P108 Q695599 +Q271696 P20 Q47164 +Q180405 P161 Q359325 +Q773804 P1303 Q51290 +Q219776 P136 Q188473 +Q299331 P106 Q177220 +Q181819 P106 Q948329 +Q299595 P463 Q463303 +Q1009 P463 Q294278 +Q4397665 P27 Q15180 +Q71106 P1412 Q188 +Q2263 P136 Q40831 +Q224650 P1303 Q17172850 +Q445018 P106 Q33999 +Q217557 P737 Q38082 +Q34943 P101 Q1071 +Q7726 P20 Q2044 +Q168962 P20 Q220 +Q82280 P463 Q2092629 +Q187414 P161 Q350255 +Q537222 P1412 Q9288 +Q575689 P3373 Q1770624 +Q42747 P463 Q812155 +Q471443 P136 Q12799318 +Q149997 P106 Q43845 +Q678410 P264 Q193023 +Q59534 P136 Q471839 +Q29213 P1412 Q1412 +Q173893 P106 Q333634 +Q467519 P264 Q1899781 +Q560447 P69 Q49126 +Q34060 P106 Q82955 +Q179414 P69 Q1376987 +Q236066 P1303 Q78987 +Q142546 P106 Q483501 +Q537705 P69 Q161562 +Q74865 P106 Q33999 +Q320073 P19 Q42462 +Q122003 P264 Q183387 +Q165524 P551 Q47164 +Q366624 P106 Q1198887 +Q100937 P264 Q1881437 +Q329448 P840 Q1297 +Q306122 P106 Q33999 +Q667841 P20 Q71 +Q126234 P106 Q1622272 +Q77024 P1412 Q188 +Q57218 P27 Q183 +Q90962 P27 Q41304 +Q78869 P27 Q40 +Q1424117 P20 Q90 +Q336010 P106 Q333634 +Q2632 P27 Q145 +Q1444438 P106 Q486748 +Q187662 P106 Q4610556 +Q66735968 P27 Q183 +Q652815 P106 Q947873 +Q193346 P106 Q4853732 +Q124670 P106 Q639669 +Q38875 P1303 Q17172850 +Q981236 P737 Q284017 +Q331728 P1303 Q17172850 +Q12658 P463 Q2822396 +Q43 P530 Q40 +Q97291 P19 Q65 +Q167475 P106 Q1930187 +Q52627 P20 Q43301 +Q235189 P27 Q30 +Q229184 P106 Q10798782 +Q139460 P161 Q152767 +Q865 P530 Q214 +Q234647 P27 Q34 +Q1718 P30 Q5401 +Q106175 P106 Q28389 +Q317160 P1412 Q1860 +Q941655 P106 Q1930187 +Q953 P530 Q27 +Q231942 P1303 Q17172850 +Q1346126 P106 Q753110 +Q486096 P20 Q34006 +Q240570 P69 Q849751 +Q441836 P27 Q30 +Q192409 P840 Q34404 +Q161400 P161 Q362500 +Q953 P530 Q114 +Q124869 P106 Q1622272 +Q34086 P264 Q654283 +Q213793 P106 Q183945 +Q152880 P463 Q15646111 +Q55917 P27 Q36 +Q7315 P106 Q8178443 +Q307440 P106 Q6673651 +Q484302 P136 Q11399 +Q147810 P106 Q214917 +Q105349 P106 Q36834 +Q177962 P106 Q24262584 +Q573408 P20 Q270 +Q24367 P106 Q1622272 +Q888487 P1303 Q5994 +Q348615 P136 Q429264 +Q937 P108 Q11942 +Q86043 P106 Q15627169 +Q466649 P136 Q38848 +Q289598 P161 Q198684 +Q215708 P106 Q2259451 +Q329156 P136 Q21590660 +Q127330 P140 Q7066 +Q64241 P1412 Q188 +Q32910 P495 Q142 +Q84266 P1412 Q188 +Q295034 P19 Q185582 +Q1939373 P19 Q34692 +Q189950 P26 Q234765 +Q381731 P161 Q150482 +Q151820 P1412 Q150 +Q95861 P106 Q82955 +Q287607 P106 Q36180 +Q97096 P102 Q727724 +Q981971 P1412 Q652 +Q115055 P69 Q49213 +Q865 P530 Q921 +Q18425 P463 Q338432 +Q242418 P101 Q207628 +Q73924 P27 Q183 +Q135645 P27 Q183 +Q445302 P106 Q10800557 +Q22670 P140 Q75809 +Q184750 P551 Q437 +Q1765101 P27 Q30 +Q816499 P108 Q34433 +Q1032 P530 Q801 +Q85394 P69 Q152087 +Q706889 P20 Q1773 +Q786 P463 Q8475 +Q106303 P1412 Q150 +Q707186 P20 Q1345 +Q62906 P27 Q183 +Q896136 P463 Q700570 +Q488200 P106 Q901 +Q214227 P172 Q49085 +Q312995 P551 Q16559 +Q72224 P136 Q676 +Q88383 P19 Q715 +Q537999 P27 Q29 +Q3126 P17 Q7318 +Q460425 P1412 Q1860 +Q833 P463 Q7768 +Q118986 P106 Q1622272 +Q70618 P27 Q1206012 +Q1445276 P19 Q5083 +Q275170 P106 Q177220 +Q3666327 P106 Q3368718 +Q272972 P106 Q10798782 +Q165911 P106 Q43845 +Q110921 P106 Q82955 +Q232834 P106 Q10800557 +Q308840 P641 Q11419 +Q70795 P1412 Q809 +Q352963 P106 Q36180 +Q45255 P27 Q7318 +Q9049 P106 Q1622272 +Q58978 P69 Q151510 +Q4039 P106 Q177220 +Q151814 P106 Q33999 +Q359996 P106 Q10798782 +Q77482 P509 Q181754 +Q40475 P106 Q33999 +Q455827 P136 Q484641 +Q955405 P102 Q29552 +Q274973 P161 Q39979 +Q49767 P463 Q607496 +Q440353 P69 Q1255631 +Q1337067 P172 Q539051 +Q214 P530 Q347 +Q921869 P106 Q13582652 +Q11975 P106 Q639669 +Q23870 P463 Q1636237 +Q225629 P106 Q33999 +Q315707 P106 Q177220 +Q336520 P140 Q7066 +Q274973 P136 Q2484376 +Q436664 P106 Q18844224 +Q346648 P106 Q37226 +Q332256 P106 Q753110 +Q191064 P551 Q100 +Q165219 P106 Q177220 +Q77615 P19 Q1720 +Q314646 P106 Q40348 +Q943361 P27 Q172579 +Q262 P463 Q340195 +Q249040 P57 Q337226 +Q64949 P1412 Q188 +Q41309 P40 Q75789 +Q405565 P106 Q33999 +Q297618 P27 Q30 +Q234636 P106 Q33999 +Q42308 P17 Q34266 +Q35385 P106 Q10800557 +Q973305 P136 Q474090 +Q188526 P19 Q649 +Q339604 P27 Q83286 +Q207 P69 Q1432645 +Q294625 P106 Q36180 +Q65113 P1412 Q188 +Q377789 P106 Q33999 +Q11153 P106 Q40348 +Q254038 P551 Q1337818 +Q456712 P106 Q947873 +Q232810 P27 Q30 +Q311238 P106 Q28389 +Q750 P530 Q408 +Q707827 P106 Q33999 +Q607825 P136 Q35760 +Q770584 P106 Q15976092 +Q237214 P106 Q177220 +Q731139 P108 Q11148 +Q221345 P136 Q1535153 +Q1931736 P106 Q81096 +Q109135 P161 Q207307 +Q312292 P264 Q466649 +Q10308228 P69 Q152087 +Q354158 P172 Q49085 +Q8011 P101 Q333 +Q43 P530 Q227 +Q836 P530 Q801 +Q194413 P161 Q271635 +Q37 P463 Q842490 +Q1322285 P101 Q207628 +Q186335 P106 Q36180 +Q310755 P69 Q1189954 +Q327809 P840 Q64 +Q166023 P172 Q42406 +Q322179 P1412 Q1860 +Q266795 P1303 Q17172850 +Q1282826 P27 Q183 +Q5208 P106 Q4773904 +Q30 P530 Q754 +Q131433 P136 Q316930 +Q234487 P27 Q30 +Q246091 P1412 Q9027 +Q4173649 P101 Q208217 +Q843 P530 Q874 +Q459251 P106 Q639669 +Q223596 P161 Q238712 +Q1033 P530 Q40362 +Q828641 P108 Q168756 +Q106182 P136 Q157394 +Q213567 P1303 Q17172850 +Q3129951 P69 Q1093910 +Q153018 P106 Q2526255 +Q30 P530 Q695 +Q95355 P106 Q3621491 +Q132589 P106 Q82955 +Q310679 P136 Q37073 +Q92638 P108 Q217365 +Q463501 P20 Q649 +Q1779574 P106 Q10732476 +Q2440716 P106 Q214917 +Q234094 P106 Q33999 +Q220192 P161 Q101797 +Q154935 P161 Q4509 +Q229 P463 Q8475 +Q62986 P106 Q36180 +Q155485 P161 Q172678 +Q4271 P106 Q753110 +Q884172 P1050 Q10874 +Q153657 P106 Q10800557 +Q71548 P1412 Q188 +Q155419 P106 Q806798 +Q63224 P69 Q152087 +Q217750 P106 Q36834 +Q43977 P106 Q36180 +Q218 P530 Q43 +Q168407 P159 Q1715 +Q126492 P495 Q30 +Q669685 P106 Q4263842 +Q273211 P106 Q10798782 +Q77317 P102 Q49750 +Q157975 P136 Q130232 +Q436463 P106 Q82955 +Q545818 P40 Q872815 +Q4617 P1412 Q1860 +Q240885 P26 Q212015 +Q9358 P737 Q9047 +Q68202 P1412 Q188 +Q267243 P106 Q2526255 +Q127330 P106 Q855091 +Q63876 P106 Q13570226 +Q104668 P102 Q79854 +Q1036 P463 Q7809 +Q34296 P69 Q193727 +Q215546 P106 Q486748 +Q272931 P264 Q557632 +Q61217 P27 Q183 +Q61067 P20 Q1022 +Q84114 P106 Q18814623 +Q193815 P1412 Q1860 +Q428493 P69 Q49213 +Q165534 P106 Q333634 +Q40504 P106 Q28389 +Q346532 P106 Q864503 +Q117970 P1303 Q17172850 +Q315752 P463 Q123885 +Q78491 P140 Q9268 +Q709214 P108 Q13164 +Q272092 P26 Q128532 +Q246731 P463 Q463303 +Q200768 P69 Q1472358 +Q369174 P27 Q30 +Q33977 P106 Q6625963 +Q76364 P1303 Q6607 +Q151929 P119 Q994 +Q239145 P106 Q245068 +Q157245 P108 Q13371 +Q284333 P136 Q130232 +Q156749 P69 Q28695 +Q233 P463 Q458 +Q188718 P161 Q382068 +Q62726 P106 Q81096 +Q313185 P106 Q6625963 +Q504025 P69 Q21578 +Q66264 P106 Q11774202 +Q102139 P1412 Q1860 +Q538716 P106 Q855091 +Q3305837 P27 Q96 +Q85426 P27 Q30 +Q60095 P106 Q82955 +Q193105 P106 Q15295720 +Q127330 P1303 Q6607 +Q122998 P27 Q29 +Q549626 P19 Q1781 +Q64176 P19 Q2910 +Q273215 P20 Q65 +Q314223 P1412 Q150 +Q37577 P106 Q40348 +Q19356 P161 Q73007 +Q183337 P106 Q1930187 +Q352030 P1412 Q188 +Q5682 P1412 Q1321 +Q237222 P57 Q13595531 +Q27 P530 Q115 +Q51416 P161 Q38222 +Q107167 P161 Q287607 +Q924 P30 Q15 +Q311453 P19 Q16555 +Q311241 P1050 Q131755 +Q2062366 P3373 Q20562503 +Q60584 P106 Q4964182 +Q332419 P463 Q1468277 +Q2978 P463 Q747279 +Q89786 P106 Q4853732 +Q273044 P106 Q177220 +Q44780 P136 Q9759 +Q1250743 P27 Q668 +Q704682 P106 Q482980 +Q219653 P106 Q33999 +Q882 P106 Q245068 +Q340046 P106 Q49757 +Q97894 P27 Q183 +Q273079 P106 Q177220 +Q162667 P1303 Q17172850 +Q958578 P106 Q753110 +Q392825 P161 Q150482 +Q51564 P1412 Q1860 +Q312637 P106 Q193391 +Q236475 P551 Q1490 +Q73437 P106 Q855091 +Q237821 P463 Q270794 +Q8612 P102 Q29468 +Q23505 P1412 Q1860 +Q214357 P1412 Q1860 +Q240253 P106 Q18814623 +Q434839 P19 Q1741 +Q96 P530 Q27 +Q49319 P106 Q1327329 +Q77162 P1412 Q188 +Q109520 P20 Q64 +Q84217 P106 Q2490358 +Q2643 P1412 Q1860 +Q932694 P27 Q142 +Q40640 P106 Q28389 +Q216913 P136 Q487914 +Q4416818 P27 Q15180 +Q190631 P106 Q2259451 +Q167443 P106 Q82955 +Q254603 P106 Q2405480 +Q236094 P19 Q1781 +Q373895 P106 Q10800557 +Q150662 P106 Q10800557 +Q74316 P106 Q201788 +Q155845 P106 Q4964182 +Q367634 P106 Q488205 +Q467737 P136 Q484641 +Q181995 P1412 Q150 +Q345538 P27 Q12560 +Q76625 P106 Q1397808 +Q677367 P27 Q34266 +Q129895 P161 Q4573 +Q122003 P106 Q177220 +Q216701 P463 Q152222 +Q528804 P27 Q241 +Q117021 P463 Q191583 +Q78680 P551 Q1741 +Q383420 P106 Q1930187 +Q104276 P1412 Q188 +Q704931 P106 Q201788 +Q243027 P106 Q36180 +Q342397 P106 Q36180 +Q90012 P27 Q1206012 +Q1101195 P264 Q193023 +Q90709 P463 Q459620 +Q1101938 P463 Q1938003 +Q461104 P1412 Q652 +Q57500 P102 Q7320 +Q877537 P106 Q1231865 +Q84704 P27 Q183 +Q445372 P102 Q29468 +Q99452 P102 Q158227 +Q179126 P106 Q4164507 +Q215258 P737 Q48301 +Q34 P530 Q252 +Q962974 P106 Q1930187 +Q148 P530 Q219060 +Q75174 P102 Q42183 +Q247516 P136 Q471839 +Q678 P463 Q656801 +Q192069 P106 Q6625963 +Q320218 P106 Q10800557 +Q83003 P106 Q201788 +Q221102 P161 Q23365 +Q352185 P27 Q30 +Q217388 P1412 Q150 +Q17 P530 Q155 +Q456762 P106 Q36180 +Q66379 P19 Q3955 +Q78030 P27 Q183 +Q80938 P106 Q36180 +Q455827 P27 Q30 +Q333632 P1303 Q6607 +Q1123489 P69 Q13371 +Q975491 P106 Q1930187 +Q11647 P264 Q38903 +Q968099 P136 Q8261 +Q93996 P509 Q12202 +Q106481 P69 Q523926 +Q123041 P20 Q90 +Q93028 P108 Q49108 +Q4263286 P106 Q43845 +Q711810 P106 Q1622272 +Q1067043 P264 Q231694 +Q124834 P106 Q3387717 +Q115010 P19 Q1726 +Q48956 P69 Q11942 +Q459171 P106 Q1930187 +Q57806 P27 Q41 +Q122968 P1412 Q1860 +Q218690 P106 Q214917 +Q114 P530 Q1049 +Q61398 P106 Q82955 +Q185546 P1303 Q17172850 +Q196287 P101 Q413 +Q320864 P27 Q161885 +Q42493 P1412 Q7976 +Q98434 P106 Q627325 +Q25120 P106 Q4964182 +Q109135 P840 Q23436 +Q313366 P264 Q662575 +Q131390 P161 Q381664 +Q490464 P161 Q287824 +Q1638939 P106 Q486748 +Q241316 P106 Q1622272 +Q103955 P106 Q82955 +Q522856 P27 Q30 +Q469478 P27 Q38 +Q347118 P509 Q210392 +Q1026532 P1412 Q1860 +Q1659471 P106 Q49757 +Q119455 P20 Q270 +Q303040 P495 Q30 +Q256732 P101 Q207628 +Q295107 P106 Q10798782 +Q225 P463 Q827525 +Q271385 P136 Q211756 +Q51552 P27 Q142 +Q52922 P1412 Q9027 +Q435278 P106 Q9648008 +Q150910 P19 Q84 +Q243419 P106 Q121594 +Q313039 P1412 Q1860 +Q283696 P136 Q2297927 +Q222 P172 Q2436423 +Q948941 P27 Q2305208 +Q164384 P69 Q1186843 +Q621462 P20 Q38022 +Q57384 P106 Q42973 +Q42992 P509 Q29496 +Q188386 P20 Q1218 +Q62757 P108 Q154561 +Q82984 P172 Q121842 +Q128633 P106 Q82955 +Q159 P530 Q817 +Q172599 P140 Q7066 +Q851 P530 Q813 +Q458593 P641 Q32112 +Q55163 P20 Q846421 +Q784 P463 Q496967 +Q184535 P69 Q151510 +Q369957 P106 Q18814623 +Q270324 P1303 Q17172850 +Q242914 P106 Q177220 +Q702468 P1412 Q188 +Q232514 P106 Q486748 +Q432940 P27 Q30 +Q554164 P106 Q753110 +Q12003 P102 Q29552 +Q51094 P106 Q753110 +Q464037 P101 Q482 +Q169461 P106 Q10800557 +Q313819 P840 Q84 +Q276425 P27 Q22 +Q698444 P737 Q7199 +Q912687 P509 Q12202 +Q1707 P463 Q1768108 +Q23685 P106 Q372436 +Q207916 P495 Q145 +Q36 P463 Q1043527 +Q77024 P69 Q55044 +Q352185 P136 Q83440 +Q104814 P495 Q30 +Q66527 P108 Q622683 +Q188117 P69 Q1093910 +Q607 P1412 Q1860 +Q112307 P106 Q10800557 +Q935407 P106 Q333634 +Q191408 P106 Q36834 +Q240808 P1303 Q17172850 +Q1583707 P106 Q15981151 +Q41076 P172 Q49085 +Q344153 P19 Q406 +Q39829 P737 Q40640 +Q190302 P19 Q90 +Q82925 P27 Q34266 +Q276734 P136 Q2484376 +Q55449 P106 Q177220 +Q184351 P1412 Q8641 +Q887903 P106 Q40348 +Q95522 P102 Q158227 +Q156749 P106 Q36180 +Q221820 P161 Q1677114 +Q170574 P106 Q2526255 +Q224021 P27 Q30 +Q272650 P106 Q11774202 +Q504920 P509 Q47912 +Q388319 P136 Q188473 +Q107124 P463 Q543804 +Q441440 P106 Q1028181 +Q220192 P161 Q204590 +Q434745 P136 Q11401 +Q114405 P106 Q3391743 +Q348790 P102 Q256121 +Q187814 P101 Q207628 +Q69397 P106 Q36180 +Q156178 P106 Q3387717 +Q432421 P20 Q65 +Q432421 P264 Q2338889 +Q116852 P57 Q56008 +Q144439 P20 Q270 +Q48112 P69 Q1934911 +Q334670 P106 Q36834 +Q227 P463 Q656801 +Q445125 P136 Q188473 +Q354394 P106 Q1930187 +Q233439 P106 Q2259451 +Q213585 P106 Q4964182 +Q233882 P27 Q30 +Q4173649 P108 Q1971373 +Q159409 P106 Q1281618 +Q110354 P161 Q314914 +Q368037 P551 Q65 +Q280673 P106 Q4991371 +Q1223694 P27 Q183 +Q78720 P1412 Q188 +Q182665 P1303 Q31561 +Q921 P530 Q142 +Q50764 P106 Q28389 +Q11726 P108 Q695599 +Q2828029 P101 Q41217 +Q160946 P161 Q294583 +Q83275 P106 Q901 +Q42051 P161 Q381768 +Q983316 P27 Q34266 +Q29315 P106 Q15980158 +Q2632 P264 Q155152 +Q116928 P161 Q60802 +Q313998 P495 Q30 +Q217307 P161 Q242523 +Q25820 P106 Q1350189 +Q450282 P27 Q145 +Q375186 P136 Q188473 +Q236303 P106 Q33999 +Q931278 P463 Q123885 +Q200509 P106 Q43845 +Q229 P463 Q899770 +Q348170 P20 Q1408 +Q45321 P106 Q169470 +Q236240 P264 Q935090 +Q295431 P737 Q7314 +Q189505 P161 Q8877 +Q229184 P106 Q10800557 +Q24632 P1303 Q17172850 +Q374065 P140 Q7066 +Q272203 P106 Q753110 +Q62753 P27 Q183 +Q153610 P102 Q79854 +Q122003 P1303 Q6607 +Q215735 P106 Q1209498 +Q336877 P69 Q41506 +Q26118 P69 Q348134 +Q488429 P106 Q753110 +Q722738 P27 Q414 +Q707990 P264 Q726251 +Q711978 P27 Q30 +Q50599 P27 Q30 +Q429934 P495 Q30 +Q934734 P69 Q486156 +Q34105 P20 Q85 +Q1353252 P1303 Q8343 +Q8619 P20 Q340 +Q332493 P106 Q82955 +Q706889 P1412 Q1321 +Q236438 P19 Q90 +Q1419737 P17 Q145 +Q380045 P106 Q33999 +Q488288 P106 Q36180 +Q436693 P106 Q8178443 +Q70694 P27 Q183 +Q240894 P161 Q437484 +Q583722 P106 Q13590141 +Q102711 P509 Q12078 +Q92876 P106 Q1622272 +Q154852 P1303 Q17172850 +Q234169 P27 Q30 +Q287977 P106 Q177220 +Q70767 P102 Q310296 +Q1393149 P106 Q855091 +Q287607 P19 Q18426 +Q3017168 P106 Q639669 +Q60487 P161 Q192052 +Q18809 P119 Q1130019 +Q298360 P1303 Q17172850 +Q290502 P106 Q49757 +Q4612 P27 Q43287 +Q98960 P20 Q2966 +Q408 P463 Q188822 +Q38757 P106 Q3387717 +Q201810 P106 Q33999 +Q522579 P106 Q36180 +Q211283 P1412 Q1860 +Q41166 P1412 Q1860 +Q311779 P1412 Q1860 +Q318029 P106 Q2306091 +Q72705 P463 Q1468277 +Q702468 P463 Q11993457 +Q231391 P106 Q2259451 +Q919835 P1412 Q1860 +Q55 P530 Q843 +Q127897 P840 Q60 +Q107420 P106 Q19350898 +Q110921 P102 Q13124 +Q1011 P530 Q1041 +Q537320 P106 Q28389 +Q127539 P463 Q161806 +Q678 P37 Q1860 +Q381751 P161 Q192410 +Q380531 P136 Q241662 +Q28234 P495 Q30 +Q472783 P106 Q164236 +Q72721 P106 Q40348 +Q1396852 P1412 Q7737 +Q230068 P106 Q1350157 +Q704683 P1303 Q17172850 +Q137098 P136 Q645928 +Q440932 P106 Q28389 +Q457840 P136 Q21590660 +Q312483 P20 Q649 +Q234356 P1303 Q17172850 +Q129259 P17 Q2277 +Q272770 P27 Q30 +Q543195 P463 Q1541450 +Q373500 P20 Q1337818 +Q430535 P161 Q206659 +Q75555 P27 Q34266 +Q437340 P3373 Q3271606 +Q71106 P106 Q1930187 +Q63078 P463 Q684415 +Q10648 P106 Q18814623 +Q668 P530 Q854 +Q125488 P463 Q451079 +Q69209 P463 Q1285073 +Q51549 P140 Q1841 +Q1265657 P106 Q105186 +Q175038 P161 Q296370 +Q185147 P136 Q1133657 +Q44481 P106 Q4964182 +Q155018 P136 Q2484376 +Q349857 P19 Q60 +Q465465 P1412 Q256 +Q104088 P463 Q18650004 +Q713301 P27 Q30 +Q1173086 P1303 Q6607 +Q57688 P27 Q41304 +Q535157 P19 Q649 +Q297425 P69 Q49210 +Q467368 P106 Q49757 +Q78706 P119 Q272208 +Q559567 P20 Q771 +Q291183 P27 Q30 +Q865 P530 Q252 +Q228755 P106 Q10800557 +Q234058 P106 Q10800557 +Q271846 P551 Q65 +Q150471 P136 Q1344 +Q16389 P463 Q3394637 +Q191 P463 Q827525 +Q168431 P20 Q71 +Q274274 P19 Q1345 +Q232 P463 Q842490 +Q39970 P136 Q157443 +Q68209 P27 Q183 +Q1900054 P1303 Q6607 +Q113510 P106 Q36180 +Q30937 P161 Q206856 +Q437049 P136 Q9794 +Q13909 P140 Q5043 +Q375186 P57 Q43203 +Q189081 P19 Q16555 +Q45386 P161 Q51461 +Q451680 P106 Q2865819 +Q210111 P136 Q860626 +Q190050 P161 Q170428 +Q274277 P106 Q1476215 +Q189 P463 Q782942 +Q319392 P3373 Q2831 +Q92809 P106 Q15976092 +Q329778 P106 Q33999 +Q716293 P106 Q6665249 +Q559609 P106 Q639669 +Q1239155 P27 Q30 +Q549626 P27 Q28 +Q315132 P106 Q1930187 +Q2022 P27 Q38 +Q552900 P69 Q1033692 +Q272960 P27 Q30 +Q548672 P1412 Q150 +Q91823 P69 Q157808 +Q63962 P27 Q7318 +Q4617 P106 Q3282637 +Q368037 P27 Q30 +Q152453 P136 Q11401 +Q208108 P57 Q8877 +Q159582 P69 Q14404494 +Q49734 P27 Q30 +Q507046 P27 Q30 +Q216720 P161 Q42869 +Q555505 P106 Q483501 +Q5603 P136 Q134307 +Q215600 P106 Q482980 +Q445311 P106 Q33999 +Q236482 P106 Q36180 +Q1368185 P1412 Q1860 +Q512 P106 Q10800557 +Q98258 P19 Q2079 +Q381307 P20 Q49142 +Q106514 P136 Q11366 +Q357168 P136 Q37073 +Q336278 P136 Q58339 +Q112145 P106 Q333634 +Q61282 P1412 Q188 +Q231256 P106 Q36180 +Q881 P463 Q7809 +Q6107 P106 Q36834 +Q463581 P140 Q7066 +Q51552 P26 Q234890 +Q35738 P161 Q125106 +Q51908481 P3373 Q2062366 +Q249841 P106 Q36180 +Q63309 P172 Q133255 +Q187553 P106 Q33999 +Q92942 P19 Q5092 +Q2594 P463 Q833738 +Q162255 P161 Q208214 +Q102244 P136 Q2143665 +Q34296 P106 Q40348 +Q294647 P1412 Q9035 +Q428372 P840 Q60 +Q112635 P161 Q40143 +Q151973 P27 Q174193 +Q823003 P106 Q16533 +Q116548 P1412 Q397 +Q165911 P106 Q2526255 +Q78774 P463 Q607496 +Q27820706 P264 Q202585 +Q97894 P106 Q36180 +Q547414 P69 Q738258 +Q106103 P106 Q185351 +Q52570 P106 Q1930187 +Q80510 P106 Q13235160 +Q562556 P106 Q36180 +Q158175 P26 Q83325 +Q239818 P106 Q10800557 +Q76215 P27 Q41304 +Q712359 P106 Q639669 +Q118985 P840 Q46 +Q132537 P1412 Q150 +Q202386 P106 Q250867 +Q736143 P106 Q6625963 +Q207659 P136 Q1339864 +Q326604 P106 Q183945 +Q77823 P140 Q75809 +Q55411 P26 Q271256 +Q445018 P27 Q30 +Q173893 P106 Q36180 +Q164784 P108 Q209842 +Q234591 P106 Q36834 +Q349217 P19 Q84 +Q236613 P136 Q43343 +Q202815 P463 Q83172 +Q1131225 P161 Q444312 +Q441414 P106 Q10798782 +Q1315512 P1303 Q128309 +Q766403 P69 Q1059546 +Q366325 P40 Q201579 +Q179460 P161 Q206856 +Q160946 P495 Q183 +Q1041034 P27 Q30 +Q1192 P27 Q70972 +Q195402 P495 Q142 +Q9041 P106 Q169470 +Q231270 P106 Q3501317 +Q57347 P27 Q30 +Q270351 P161 Q102301 +Q1039759 P106 Q639669 +Q126481 P1412 Q1860 +Q93356 P737 Q82083 +Q25839 P1412 Q188 +Q24356 P264 Q216364 +Q142 P530 Q16 +Q311193 P106 Q488205 +Q262 P530 Q183 +Q7200 P551 Q656 +Q433459 P136 Q1344 +Q295935 P27 Q30 +Q356287 P451 Q193458 +Q18953 P1412 Q1860 +Q18425 P463 Q253439 +Q167443 P509 Q333495 +Q201751 P106 Q36180 +Q66622 P69 Q154804 +Q60206 P1412 Q9288 +Q164562 P106 Q28389 +Q167803 P106 Q1234713 +Q251865 P1303 Q17172850 +Q318910 P57 Q55428 +Q231141 P27 Q145 +Q9364 P106 Q16323111 +Q147810 P27 Q215 +Q62757 P1412 Q188 +Q392806 P495 Q30 +Q191074 P495 Q96 +Q64265 P19 Q3869 +Q2632 P106 Q28389 +Q242462 P106 Q10798782 +Q85232 P106 Q10798782 +Q42462 P17 Q179876 +Q271500 P106 Q177220 +Q34628 P172 Q42884 +Q303235 P495 Q29 +Q1105367 P106 Q121594 +Q11885 P1412 Q7976 +Q187662 P106 Q33999 +Q469752 P106 Q2095549 +Q112651 P27 Q227 +Q272203 P1412 Q1860 +Q153739 P20 Q78 +Q611586 P27 Q30 +Q2599 P106 Q584301 +Q41117 P27 Q15180 +Q104791 P106 Q10800557 +Q92632 P106 Q81096 +Q23517 P106 Q18545066 +Q310332 P106 Q10798782 +Q436686 P19 Q172 +Q222 P530 Q55 +Q109388 P106 Q901 +Q47899 P106 Q10800557 +Q214582 P106 Q765778 +Q207698 P136 Q17013749 +Q252142 P106 Q250867 +Q70263 P102 Q49762 +Q92455 P106 Q482980 +Q310166 P264 Q2291171 +Q72201 P106 Q1234713 +Q153638 P106 Q177220 +Q328797 P106 Q639669 +Q1339107 P106 Q177220 +Q162277 P136 Q369747 +Q215145 P69 Q156737 +Q229599 P161 Q948751 +Q76893 P102 Q49750 +Q156516 P495 Q36704 +Q145 P37 Q1860 +Q523086 P106 Q1930187 +Q1341906 P69 Q3098911 +Q186504 P495 Q30 +Q75951 P69 Q678982 +Q115483 P551 Q220 +Q103109 P463 Q414188 +Q248059 P463 Q939743 +Q31164 P1303 Q6607 +Q84186 P27 Q518101 +Q105676 P27 Q183 +Q142 P30 Q15 +Q233118 P106 Q2405480 +Q3487499 P161 Q376176 +Q35 P530 Q34 +Q85914 P463 Q265058 +Q1235 P140 Q1841 +Q106193 P136 Q483352 +Q240869 P106 Q10798782 +Q14536 P106 Q36180 +Q34296 P69 Q21578 +Q353978 P119 Q216344 +Q229166 P19 Q16559 +Q182642 P69 Q9842 +Q107422 P69 Q762266 +Q115761 P106 Q4964182 +Q33977 P27 Q142 +Q8743 P463 Q191583 +Q242130 P27 Q213 +Q9545 P106 Q18814623 +Q53300 P106 Q82955 +Q315518 P27 Q159 +Q982005 P106 Q11900058 +Q106740 P101 Q186424 +Q156133 P106 Q82955 +Q218 P530 Q265 +Q189 P530 Q28 +Q1444438 P27 Q30 +Q201221 P69 Q4483556 +Q1570102 P106 Q6168364 +Q77708 P27 Q713750 +Q1202021 P159 Q1726 +Q60954 P69 Q317053 +Q239587 P1303 Q17172850 +Q348170 P27 Q30 +Q982535 P27 Q38 +Q233291 P106 Q177220 +Q84464 P1303 Q17172850 +Q87040 P27 Q183 +Q671665 P740 Q23556 +Q3874 P463 Q1768108 +Q215137 P509 Q12152 +Q4084084 P463 Q2370801 +Q313185 P106 Q10800557 +Q207544 P119 Q1437214 +Q76364 P27 Q183 +Q295080 P106 Q1053574 +Q56016 P69 Q995265 +Q208681 P27 Q30 +Q981419 P1412 Q1860 +Q180004 P106 Q36834 +Q217750 P1412 Q5146 +Q267581 P106 Q639669 +Q1827266 P27 Q30 +Q252248 P106 Q855091 +Q188388 P69 Q5149905 +Q365550 P106 Q33999 +Q70083 P1412 Q188 +Q95314 P106 Q3282637 +Q217303 P161 Q115541 +Q520504 P20 Q2807 +Q220698 P106 Q10798782 +Q3370728 P106 Q36180 +Q61552 P20 Q84 +Q217427 P3373 Q349461 +Q289752 P1303 Q17172850 +Q124894 P463 Q684415 +Q43408 P161 Q379808 +Q110921 P106 Q185351 +Q288645 P161 Q193458 +Q206832 P106 Q82955 +Q308840 P106 Q3282637 +Q310800 P20 Q649 +Q44221 P106 Q36180 +Q258626 P106 Q2259451 +Q118986 P69 Q51985 +Q61659 P27 Q7318 +Q67921 P106 Q18939491 +Q102244 P161 Q434694 +Q63962 P106 Q33231 +Q827389 P509 Q12078 +Q41513 P737 Q79759 +Q204205 P1412 Q1860 +Q972676 P463 Q463281 +Q2599 P1303 Q8355 +Q574 P530 Q252 +Q1909248 P106 Q753110 +Q159551 P106 Q36834 +Q91371 P106 Q201788 +Q106554 P108 Q152087 +Q178348 P106 Q33999 +Q717 P530 Q739 +Q659027 P106 Q11774202 +Q211566 P106 Q6625963 +Q60045 P140 Q55004488 +Q215026 P19 Q8652 +Q556615 P1303 Q17172850 +Q192022 P136 Q1054574 +Q140738 P106 Q82955 +Q928851 P106 Q2490358 +Q254983 P1412 Q1860 +Q4700 P136 Q1344 +Q134541 P495 Q30 +Q528804 P106 Q1930187 +Q205721 P264 Q21077 +Q91657 P106 Q36180 +Q229258 P27 Q30 +Q332798 P840 Q77 +Q53003 P1412 Q652 +Q278543 P106 Q36180 +Q25854 P106 Q193391 +Q942929 P106 Q947873 +Q16867 P106 Q11774202 +Q48410 P106 Q2526255 +Q80135 P106 Q486748 +Q388785 P106 Q855091 +Q694732 P106 Q36180 +Q299723 P20 Q38022 +Q232052 P106 Q947873 +Q197162 P101 Q5891 +Q45909 P1303 Q31561 +Q1805398 P463 Q2003501 +Q283659 P106 Q6625963 +Q44313 P69 Q860527 +Q77970 P19 Q64 +Q283799 P161 Q315118 +Q269810 P136 Q645928 +Q225933 P19 Q60 +Q263552 P1412 Q5146 +Q327107 P119 Q118967 +Q84503 P27 Q183 +Q157044 P840 Q30 +Q313279 P106 Q2259451 +Q444591 P101 Q3282637 +Q91023 P106 Q947873 +Q357776 P106 Q2516866 +Q537960 P106 Q36180 +Q80064 P106 Q214917 +Q188713 P136 Q211573 +Q426687 P27 Q30 +Q428814 P19 Q585 +Q132433 P1412 Q188 +Q217160 P264 Q193023 +Q160456 P69 Q152087 +Q132952 P140 Q9268 +Q643408 P27 Q142 +Q93166 P106 Q36180 +Q155 P530 Q28 +Q285116 P1303 Q8338 +Q55469 P451 Q106418 +Q742825 P19 Q47164 +Q3336032 P69 Q21578 +Q774 P463 Q190008 +Q283496 P136 Q482 +Q34943 P106 Q155647 +Q7200 P136 Q25379 +Q213864 P1412 Q1860 +Q131691 P106 Q82955 +Q503917 P102 Q29468 +Q55249 P106 Q7042855 +Q504677 P106 Q15895020 +Q49903 P161 Q342665 +Q256380 P106 Q82955 +Q201500 P106 Q1622272 +Q578396 P172 Q179248 +Q315610 P20 Q495 +Q435681 P27 Q30 +Q95370 P20 Q1040 +Q229330 P101 Q207628 +Q192912 P106 Q3455803 +Q153802 P509 Q12202 +Q7939652 P27 Q15180 +Q4391139 P106 Q82955 +Q315181 P1303 Q5994 +Q271981 P106 Q177220 +Q294912 P140 Q55004488 +Q184366 P463 Q463303 +Q325449 P641 Q32112 +Q109252 P106 Q24067349 +Q159 P530 Q754 +Q731254 P106 Q488205 +Q241391 P161 Q310932 +Q156942 P106 Q205375 +Q444713 P106 Q170790 +Q319392 P264 Q43327 +Q291314 P106 Q2259451 +Q172261 P106 Q10798782 +Q550395 P106 Q36834 +Q27357 P1412 Q1321 +Q389589 P463 Q337526 +Q50656 P20 Q90 +Q254576 P264 Q726251 +Q40337 P27 Q16 +Q158465 P27 Q15180 +Q169076 P20 Q1085 +Q217685 P495 Q38 +Q2622688 P106 Q18545066 +Q60637 P69 Q50662 +Q213675 P1412 Q188 +Q215219 P136 Q37073 +Q25014 P108 Q49115 +Q1174183 P27 Q30 +Q127984 P106 Q8178443 +Q1942336 P136 Q8341 +Q437182 P106 Q2259451 +Q77807 P106 Q245068 +Q108206 P27 Q179876 +Q40640 P106 Q49757 +Q335794 P106 Q82955 +Q373417 P19 Q490 +Q443892 P27 Q408 +Q265810 P106 Q164236 +Q90962 P106 Q185351 +Q337747 P161 Q229577 +Q400765 P264 Q2002177 +Q115547 P106 Q33999 +Q403 P530 Q30 +Q269830 P106 Q10800557 +Q83542 P136 Q200092 +Q242 P463 Q3369762 +Q699541 P1412 Q1860 +Q1893889 P551 Q90 +Q512 P106 Q36180 +Q230 P530 Q16 +Q184565 P106 Q40348 +Q15850 P106 Q42603 +Q64503 P20 Q56037 +Q380123 P1412 Q9176 +Q833 P530 Q155 +Q436978 P106 Q2526255 +Q104081 P172 Q3476361 +Q1897271 P19 Q34404 +Q122003 P136 Q217191 +Q230 P530 Q184 +Q131074 P2283 Q568723 +Q157044 P161 Q223110 +Q23559 P1412 Q652 +Q70999 P106 Q205375 +Q736099 P106 Q177220 +Q1075770 P27 Q30 +Q190770 P108 Q35794 +Q231255 P106 Q10798782 +Q283496 P551 Q60 +Q228968 P1303 Q17172850 +Q91417 P106 Q1930187 +Q319896 P119 Q206161 +Q549722 P161 Q66126 +Q35332 P106 Q33999 +Q38393 P136 Q37073 +Q2281920 P108 Q13371 +Q562781 P27 Q34266 +Q387638 P136 Q130232 +Q222791 P172 Q50001 +Q37355 P740 Q34863 +Q242387 P27 Q30 +Q426582 P106 Q6625963 +Q151691 P106 Q82955 +Q928 P530 Q711 +Q465196 P136 Q1133657 +Q203674 P27 Q142 +Q84233 P1412 Q1860 +Q91827 P20 Q6837 +Q311755 P69 Q52413 +Q66216 P108 Q202660 +Q1698 P509 Q12152 +Q90720 P106 Q36180 +Q1760695 P161 Q455605 +Q237196 P106 Q18844224 +Q229716 P106 Q10800557 +Q92481 P106 Q4964182 +Q222041 P161 Q80938 +Q364315 P106 Q188094 +Q733640 P106 Q185351 +Q2030240 P106 Q43845 +Q970649 P19 Q2841 +Q56005 P27 Q145 +Q92455 P1412 Q188 +Q1101938 P264 Q183387 +Q159542 P463 Q329464 +Q717204 P136 Q193606 +Q311976 P1303 Q17172850 +Q92914 P108 Q157808 +Q498045 P106 Q486748 +Q111182 P108 Q333886 +Q167399 P27 Q30 +Q975777 P1412 Q150 +Q470572 P161 Q55245 +Q520346 P106 Q183945 +Q35 P530 Q811 +Q76593 P106 Q593644 +Q1282910 P106 Q488205 +Q438329 P106 Q82955 +Q71335 P108 Q152087 +Q522739 P27 Q30 +Q332394 P161 Q391536 +Q151523 P1412 Q9067 +Q1017117 P136 Q43343 +Q176455 P26 Q41548 +Q45546 P106 Q822146 +Q215925 P106 Q82955 +Q540544 P69 Q4614 +Q1680807 P27 Q30 +Q59945 P69 Q152171 +Q49080 P27 Q34266 +Q308792 P69 Q34433 +Q220655 P161 Q39666 +Q78511 P140 Q23540 +Q733611 P1303 Q17172850 +Q90856 P106 Q1622272 +Q714106 P102 Q29552 +Q34424 P1303 Q17172850 +Q5383 P1303 Q5994 +Q199927 P551 Q47164 +Q236318 P106 Q183945 +Q159 P530 Q965 +Q363308 P27 Q30 +Q238869 P27 Q142 +Q10308228 P106 Q333634 +Q254524 P463 Q1792159 +Q164487 P106 Q33999 +Q223745 P106 Q2259451 +Q57952 P509 Q11085 +Q92760 P463 Q466089 +Q189 P463 Q41550 +Q99612 P106 Q36180 +Q104859 P27 Q30 +Q311615 P551 Q65 +Q1583707 P1303 Q5994 +Q383821 P19 Q1754 +Q1203 P106 Q12144794 +Q101809 P108 Q372608 +Q159933 P106 Q1734662 +Q78386 P69 Q153006 +Q23530 P106 Q8246794 +Q275982 P20 Q60 +Q509341 P106 Q33999 +Q266006 P106 Q1259917 +Q164117 P1303 Q8355 +Q47243 P1303 Q8355 +Q8877 P106 Q1053574 +Q45025 P106 Q2259451 +Q137659 P108 Q219615 +Q371938 P136 Q484641 +Q164487 P106 Q10798782 +Q179018 P840 Q5092 +Q83410 P509 Q12202 +Q78525 P106 Q82955 +Q181803 P136 Q319221 +Q271986 P69 Q309350 +Q438968 P463 Q270794 +Q430602 P106 Q622807 +Q1084226 P27 Q219 +Q192655 P106 Q177220 +Q362340 P106 Q486748 +Q87974 P102 Q49750 +Q1382863 P1303 Q6607 +Q176176 P106 Q82955 +Q215369 P27 Q27 +Q98461 P102 Q153401 +Q107724 P840 Q90 +Q424 P30 Q48 +Q367905 P106 Q10800557 +Q429207 P106 Q3368718 +Q189950 P737 Q46599 +Q188176 P106 Q36180 +Q48112 P69 Q14404494 +Q131390 P161 Q169982 +Q390097 P136 Q369747 +Q1586454 P264 Q726251 +Q436386 P106 Q245068 +Q108840 P19 Q2795 +Q83694 P106 Q10800557 +Q270351 P161 Q342604 +Q140694 P69 Q209842 +Q34743 P106 Q164236 +Q39659 P69 Q214341 +Q338489 P159 Q2044 +Q42398 P106 Q1930187 +Q1142456 P159 Q60 +Q555505 P106 Q1281618 +Q72678 P108 Q151510 +Q158474 P161 Q228692 +Q15474 P106 Q1622272 +Q49903 P136 Q130232 +Q869758 P136 Q211723 +Q57123 P27 Q154195 +Q320236 P161 Q38875 +Q296609 P27 Q145 +Q262608 P27 Q30 +Q40909 P19 Q288781 +Q65613 P140 Q75809 +Q102438 P161 Q228747 +Q105031 P161 Q236399 +Q41 P463 Q42262 +Q971 P463 Q340195 +Q4532076 P106 Q185351 +Q444788 P106 Q33999 +Q163872 P495 Q30 +Q315784 P264 Q3415083 +Q65619 P27 Q183 +Q982314 P27 Q155 +Q28 P530 Q837 +Q581943 P106 Q201788 +Q3939205 P509 Q12152 +Q1242553 P106 Q15981151 +Q236212 P106 Q36834 +Q376182 P1412 Q1860 +Q40504 P26 Q229560 +Q115630 P106 Q36180 +Q320236 P161 Q202725 +Q61262 P106 Q1231865 +Q24356 P106 Q639669 +Q295803 P106 Q3282637 +Q538379 P119 Q281859 +Q381477 P106 Q177220 +Q164683 P106 Q1028181 +Q233253 P106 Q33999 +Q560818 P27 Q30 +Q23517 P69 Q193196 +Q2996474 P106 Q13590141 +Q1572124 P106 Q1622272 +Q314812 P69 Q7866352 +Q386714 P161 Q165357 +Q124494 P27 Q39 +Q707446 P106 Q10800557 +Q238941 P264 Q202440 +Q62559 P26 Q38049 +Q49328 P106 Q15980158 +Q116309 P101 Q143 +Q76479 P136 Q172980 +Q51101 P106 Q43845 +Q221917 P106 Q3282637 +Q449505 P463 Q414110 +Q908569 P136 Q83440 +Q611672 P106 Q482980 +Q373508 P20 Q340 +Q1333385 P27 Q30 +Q115683 P509 Q12078 +Q231270 P106 Q10800557 +Q424173 P27 Q17 +Q181685 P27 Q142 +Q323771 P161 Q232333 +Q217495 P27 Q27 +Q717543 P1412 Q188 +Q127330 P106 Q33999 +Q463768 P57 Q287607 +Q84412 P106 Q3410028 +Q67953 P106 Q1209498 +Q119348 P106 Q10800557 +Q389851 P106 Q639669 +Q64949 P106 Q2252262 +Q356303 P106 Q2526255 +Q204132 P264 Q843402 +Q381014 P106 Q81096 +Q40 P530 Q77 +Q89967 P119 Q253763 +Q36881 P19 Q987 +Q924668 P264 Q183387 +Q80440 P551 Q1874 +Q182218 P840 Q60 +Q310367 P69 Q751612 +Q64577 P106 Q3282637 +Q1203 P106 Q486748 +Q836 P530 Q921 +Q189226 P102 Q29552 +Q1322403 P131 Q2807 +Q70142 P108 Q6608367 +Q1046616 P1303 Q46185 +Q233736 P106 Q177220 +Q905323 P1412 Q9056 +Q1093318 P264 Q38903 +Q65911 P106 Q193391 +Q92601 P106 Q36180 +Q1380767 P19 Q16555 +Q105349 P509 Q476921 +Q218992 P136 Q37073 +Q880776 P106 Q40348 +Q621879 P19 Q994 +Q458656 P840 Q18419 +Q217068 P69 Q2994538 +Q313509 P172 Q7325 +Q76437 P106 Q189290 +Q134798 P737 Q9711 +Q881176 P27 Q30 +Q344616 P106 Q49757 +Q727752 P27 Q145 +Q2159912 P106 Q901 +Q168509 P27 Q142 +Q319902 P106 Q133485 +Q242903 P106 Q2405480 +Q362687 P1303 Q6607 +Q152929 P136 Q11399 +Q447659 P106 Q16145150 +Q5482339 P106 Q3621491 +Q313023 P106 Q10800557 +Q78864 P27 Q40 +Q934734 P106 Q333634 +Q88050 P106 Q36180 +Q309248 P161 Q57391 +Q26412 P27 Q159 +Q178106 P106 Q4263842 +Q78006 P106 Q36180 +Q213662 P19 Q2773 +Q229784 P26 Q357762 +Q86922 P108 Q153978 +Q92938 P69 Q49115 +Q99258 P106 Q1415090 +Q467940 P1050 Q131755 +Q6530 P69 Q80207 +Q2849296 P106 Q2526255 +Q291239 P20 Q142 +Q40213 P463 Q1468277 +Q72564 P463 Q1792159 +Q66732 P69 Q206702 +Q317521 P1412 Q1860 +Q39975 P136 Q2975633 +Q982047 P20 Q350 +Q190770 P101 Q413 +Q103591 P106 Q36180 +Q311802 P27 Q172579 +Q241873 P1412 Q1860 +Q540155 P27 Q15180 +Q268024 P106 Q36180 +Q257551 P19 Q1479 +Q178348 P1412 Q1860 +Q354158 P19 Q1297 +Q204191 P840 Q1384 +Q192634 P106 Q49757 +Q153723 P495 Q30 +Q818048 P136 Q1298934 +Q60970 P106 Q486748 +Q918966 P1412 Q188 +Q378882 P27 Q36 +Q247320 P106 Q13418253 +Q316138 P1412 Q1860 +Q181451 P1412 Q9168 +Q545818 P106 Q14467526 +Q223033 P106 Q2405480 +Q157176 P136 Q9730 +Q183167 P106 Q18814623 +Q159 P530 Q36 +Q83333 P108 Q35794 +Q1398834 P19 Q2256 +Q213824 P1303 Q17172850 +Q650640 P106 Q2095549 +Q182345 P1303 Q6607 +Q117644 P27 Q15180 +Q232783 P136 Q1344 +Q3298815 P1303 Q5994 +Q189144 P551 Q27 +Q189 P530 Q230 +Q200661 P106 Q28389 +Q297384 P27 Q145 +Q16957 P463 Q1065 +Q541573 P106 Q13235160 +Q45647 P106 Q10798782 +Q49452 P106 Q81096 +Q35149 P108 Q317053 +Q10959 P19 Q1780 +Q981270 P20 Q270230 +Q318694 P1303 Q6607 +Q726057 P106 Q10800557 +Q62929 P106 Q177220 +Q704696 P463 Q463303 +Q169011 P106 Q82955 +Q213613 P19 Q1055 +Q1545 P1303 Q31561 +Q151796 P106 Q9352089 +Q244975 P840 Q65 +Q142292 P136 Q130232 +Q467482 P106 Q36180 +Q17 P530 Q40 +Q9177981 P106 Q876864 +Q183 P530 Q419 +Q121111 P69 Q658975 +Q53453 P106 Q753110 +Q155485 P161 Q310394 +Q156058 P106 Q1238570 +Q284876 P106 Q10798782 +Q182046 P1412 Q652 +Q271054 P1412 Q150 +Q229550 P106 Q822146 +Q293696 P106 Q36834 +Q851 P530 Q711 +Q232079 P840 Q65 +Q96285 P19 Q1718 +Q275658 P19 Q44989 +Q67529 P69 Q161982 +Q445372 P106 Q193391 +Q3047837 P106 Q520549 +Q441067 P69 Q182973 +Q284694 P27 Q30 +Q189599 P136 Q45981 +Q270660 P1412 Q150 +Q324757 P106 Q639669 +Q270089 P106 Q1930187 +Q52926 P19 Q90 +Q709178 P136 Q1344 +Q459057 P495 Q30 +Q241735 P509 Q12152 +Q372174 P161 Q161819 +Q443897 P102 Q29468 +Q105895 P27 Q183 +Q164401 P463 Q4345832 +Q105676 P106 Q82955 +Q1333385 P509 Q188874 +Q80900 P106 Q36180 +Q66543 P108 Q309988 +Q742634 P463 Q3603946 +Q39574 P136 Q37073 +Q38573 P1412 Q188 +Q207676 P106 Q6625963 +Q70855 P463 Q1792159 +Q419 P463 Q899770 +Q707990 P1303 Q320002 +Q44007 P1412 Q188 +Q1530794 P1303 Q17172850 +Q379830 P136 Q11401 +Q2149302 P1412 Q1860 +Q103784 P106 Q16323111 +Q78977 P27 Q28513 +Q100276 P106 Q36180 +Q600488 P161 Q314424 +Q129895 P136 Q52162262 +Q231182 P101 Q207628 +Q191 P463 Q656801 +Q1805943 P106 Q177220 +Q62086 P27 Q155 +Q80 P101 Q21198 +Q465679 P27 Q145 +Q275875 P136 Q186472 +Q316850 P106 Q183945 +Q1391164 P106 Q10798782 +Q94186 P106 Q6625963 +Q82248 P119 Q533697 +Q106209 P2348 Q6927 +Q107420 P27 Q30 +Q42904 P264 Q38903 +Q920167 P108 Q304985 +Q160640 P108 Q54096 +Q981526 P264 Q38903 +Q362599 P69 Q6608367 +Q309503 P106 Q3282637 +Q49328 P102 Q49768 +Q229 P530 Q219 +Q367973 P106 Q3391743 +Q115152 P27 Q40 +Q201359 P106 Q36834 +Q11256 P27 Q241 +Q60715 P106 Q193391 +Q229141 P106 Q82955 +Q234149 P1303 Q17172850 +Q516473 P26 Q456413 +Q262091 P19 Q18426 +Q1345514 P106 Q855091 +Q489 P106 Q1930187 +Q270935 P20 Q12439 +Q62976 P495 Q30 +Q78031 P20 Q3955 +Q180409 P27 Q142 +Q336222 P136 Q9759 +Q706422 P509 Q47912 +Q946774 P1412 Q1860 +Q236434 P1412 Q150 +Q14960 P17 Q33946 +Q3924 P136 Q183504 +Q345494 P106 Q36834 +Q1225 P1412 Q1860 +Q565678 P27 Q31 +Q138832 P463 Q2822396 +Q273903 P106 Q177220 +Q241316 P27 Q183 +Q55796 P1412 Q652 +Q54545 P106 Q6625963 +Q975874 P1303 Q17172850 +Q228766 P106 Q3501317 +Q352030 P463 Q46703 +Q953288 P106 Q11774202 +Q275170 P106 Q488205 +Q220078 P106 Q15949613 +Q49004 P106 Q2490358 +Q354181 P1303 Q17172850 +Q18415 P136 Q200092 +Q3547 P106 Q36180 +Q66213 P106 Q1930187 +Q244296 P161 Q42869 +Q242351 P40 Q3731533 +Q171242 P172 Q49542 +Q352233 P1412 Q1860 +Q43697 P551 Q65 +Q311358 P463 Q123885 +Q47904 P106 Q188094 +Q183 P530 Q262 +Q706332 P136 Q83440 +Q120484 P161 Q125106 +Q78539 P106 Q81096 +Q362828 P136 Q49084 +Q310315 P136 Q188473 +Q948977 P1412 Q9288 +Q434932 P1412 Q150 +Q483907 P1303 Q52954 +Q11881 P106 Q82955 +Q810 P530 Q796 +Q164401 P101 Q8134 +Q97646 P106 Q482980 +Q234992 P106 Q82955 +Q60777 P1412 Q188 +Q300371 P161 Q387434 +Q187907 P106 Q1622272 +Q316556 P1412 Q1860 +Q123225 P106 Q774306 +Q455605 P1303 Q5994 +Q59210 P1412 Q652 +Q313509 P106 Q28389 +Q212173 P69 Q457281 +Q76409 P737 Q34970 +Q3167 P17 Q183 +Q105167 P27 Q30 +Q294372 P106 Q10800557 +Q140201 P509 Q181257 +Q6701 P106 Q14972848 +Q116760 P27 Q34 +Q182455 P551 Q1345 +Q44857 P264 Q183387 +Q257217 P27 Q30 +Q107002 P106 Q28389 +Q150989 P102 Q192821 +Q164702 P495 Q8646 +Q77 P530 Q31 +Q350552 P119 Q288130 +Q323707 P106 Q1930187 +Q17 P530 Q403 +Q554150 P106 Q15627169 +Q124159 P27 Q30 +Q1739226 P106 Q222344 +Q511471 P106 Q482980 +Q39574 P27 Q30 +Q187210 P1412 Q9027 +Q1512 P19 Q23436 +Q27 P530 Q30 +Q366671 P106 Q639669 +Q14278 P463 Q4345832 +Q862 P106 Q487596 +Q201732 P1412 Q1860 +Q392915 P495 Q30 +Q51101 P737 Q41076 +Q274887 P136 Q959790 +Q254142 P106 Q2490358 +Q4715 P1412 Q150 +Q196472 P20 Q1891 +Q167437 P495 Q17 +Q345571 P106 Q193391 +Q99627 P108 Q153987 +Q154412 P1412 Q9067 +Q27645 P135 Q7066 +Q444545 P27 Q142 +Q963 P463 Q294278 +Q327713 P161 Q317567 +Q2646 P1412 Q188 +Q842243 P108 Q689400 +Q374323 P172 Q49085 +Q4030 P20 Q60 +Q865 P530 Q686 +Q180727 P1303 Q5994 +Q267803 P509 Q12078 +Q233046 P106 Q4853732 +Q1109636 P20 Q1733 +Q434915 P136 Q37073 +Q464037 P1412 Q1860 +Q258630 P106 Q33231 +Q1055 P17 Q43287 +Q37876 P106 Q10798782 +Q266578 P106 Q947873 +Q10959 P106 Q15976092 +Q13909 P106 Q3282637 +Q72429 P27 Q183 +Q537960 P119 Q2661974 +Q175395 P1412 Q8641 +Q237944 P1412 Q150 +Q430872 P106 Q2259451 +Q236378 P1303 Q17172850 +Q448767 P106 Q3282637 +Q70795 P69 Q27621 +Q526424 P119 Q831300 +Q262886 P20 Q727 +Q313813 P136 Q263734 +Q192812 P19 Q24639 +Q71275 P140 Q7361618 +Q916 P463 Q17495 +Q262 P530 Q865 +Q245363 P69 Q27621 +Q335794 P1412 Q7737 +Q228968 P136 Q46046 +Q72962 P495 Q30 +Q2831 P136 Q83270 +Q32535 P161 Q296537 +Q23814 P19 Q23154 +Q379785 P1412 Q1321 +Q219810 P161 Q201418 +Q218679 P106 Q1930187 +Q313046 P264 Q4883239 +Q60966 P102 Q7320 +Q107432 P264 Q1542119 +Q151164 P69 Q926749 +Q1277063 P106 Q639669 +Q37621 P106 Q188094 +Q434111 P172 Q49085 +Q238716 P69 Q390287 +Q1253366 P161 Q206659 +Q1009 P530 Q408 +Q11132 P1412 Q1860 +Q108560 P106 Q10800557 +Q437713 P136 Q188539 +Q743051 P136 Q8341 +Q275180 P495 Q408 +Q127870 P106 Q2059704 +Q9204 P106 Q18814623 +Q87293 P27 Q40 +Q322586 P264 Q216364 +Q737463 P106 Q82955 +Q24085 P69 Q156598 +Q958206 P106 Q855091 +Q434399 P106 Q33999 +Q172241 P840 Q724 +Q381104 P136 Q8261 +Q106816 P1412 Q7026 +Q223455 P106 Q33999 +Q49080 P27 Q15180 +Q361626 P108 Q678982 +Q421707 P27 Q30 +Q106326 P1303 Q17172850 +Q539897 P27 Q145 +Q41396 P106 Q3282637 +Q232214 P106 Q55960555 +Q1290021 P20 Q1781 +Q9358 P27 Q183 +Q363383 P20 Q65 +Q62664 P108 Q151510 +Q587004 P69 Q209842 +Q61584 P1303 Q17172850 +Q106795 P106 Q214917 +Q215855 P140 Q1069127 +Q1008 P463 Q5611262 +Q13129708 P3373 Q20562503 +Q217307 P161 Q233054 +Q312995 P106 Q36180 +Q401645 P3373 Q4120312 +Q585272 P509 Q216169 +Q45239 P106 Q214917 +Q11847 P106 Q860918 +Q92004 P106 Q10800557 +Q182486 P509 Q181754 +Q230662 P106 Q4610556 +Q4177355 P27 Q15180 +Q713099 P1303 Q6607 +Q34970 P106 Q1028181 +Q400341 P106 Q177220 +Q127481 P106 Q3282637 +Q61073 P1412 Q188 +Q35 P530 Q424 +Q208424 P495 Q145 +Q66232 P463 Q44687 +Q313833 P172 Q133255 +Q233397 P106 Q864380 +Q736143 P106 Q333634 +Q230969 P27 Q30 +Q1239933 P136 Q164444 +Q451825 P27 Q159 +Q213775 P1412 Q188 +Q230993 P106 Q728711 +Q450646 P20 Q65 +Q171730 P172 Q121842 +Q228909 P106 Q10800557 +Q43274 P1412 Q1860 +Q167821 P140 Q7066 +Q49620 P463 Q270794 +Q280098 P106 Q10800557 +Q323456 P27 Q30 +Q108840 P102 Q49768 +Q15180 P530 Q159583 +Q452307 P264 Q1273666 +Q444486 P19 Q84 +Q311613 P106 Q10798782 +Q372438 P136 Q9778 +Q388319 P495 Q30 +Q1057893 P106 Q33999 +Q375186 P136 Q859369 +Q188385 P101 Q482 +Q231093 P106 Q783906 +Q148326 P136 Q52162262 +Q354181 P136 Q83270 +Q622636 P106 Q806349 +Q210792 P106 Q33999 +Q1545 P106 Q55960555 +Q236438 P1412 Q150 +Q156597 P136 Q471839 +Q1189327 P3373 Q232646 +Q240933 P69 Q167733 +Q93614 P19 Q1741 +Q539171 P106 Q33999 +Q60052 P108 Q315658 +Q810 P530 Q843 +Q4700 P27 Q70802 +Q901303 P69 Q159895 +Q535972 P106 Q10800557 +Q1386443 P106 Q18844224 +Q242717 P27 Q30 +Q57737 P106 Q36180 +Q77024 P136 Q25379 +Q342665 P106 Q10800557 +Q1067 P27 Q148540 +Q205321 P136 Q130232 +Q44529 P119 Q831300 +Q178903 P27 Q30 +Q133489 P136 Q43343 +Q559844 P106 Q1320883 +Q37459 P106 Q3282637 +Q507864 P463 Q2839513 +Q158250 P106 Q7042855 +Q168023 P106 Q855091 +Q106231 P106 Q40348 +Q233566 P106 Q33999 +Q1509908 P106 Q593644 +Q72245 P19 Q2999 +Q11362 P106 Q170790 +Q699605 P106 Q131524 +Q183535 P106 Q33999 +Q201656 P1303 Q5994 +Q182944 P136 Q130232 +Q796 P37 Q13955 +Q217280 P136 Q11401 +Q906 P17 Q139319 +Q315271 P140 Q5043 +Q464277 P264 Q202440 +Q49620 P101 Q43035 +Q129873 P136 Q130232 +Q239131 P106 Q3400985 +Q862297 P1050 Q11081 +Q106245 P106 Q1238570 +Q801 P530 Q241 +Q126652 P495 Q30 +Q84960 P106 Q82955 +Q242329 P106 Q2526255 +Q311115 P463 Q684415 +Q320204 P19 Q62 +Q706084 P69 Q579968 +Q305909 P106 Q6625963 +Q515606 P27 Q15180 +Q672301 P27 Q191 +Q1475124 P106 Q2914170 +Q49255 P17 Q30 +Q1246 P530 Q40 +Q33 P530 Q298 +Q34597 P1412 Q397 +Q220816 P106 Q36180 +Q57475 P20 Q56037 +Q123386 P1412 Q7411 +Q1062350 P102 Q151469 +Q233365 P27 Q16 +Q200572 P495 Q30 +Q189 P463 Q1480793 +Q10390 P106 Q18814623 +Q237345 P106 Q622807 +Q162202 P451 Q1897911 +Q168543 P106 Q33999 +Q174193 P37 Q1860 +Q241735 P463 Q1938003 +Q440609 P106 Q28389 +Q51884 P101 Q5891 +Q121850 P19 Q2843 +Q210059 P106 Q3282637 +Q1757 P30 Q46 +Q705841 P136 Q11399 +Q318165 P106 Q4610556 +Q431401 P106 Q855091 +Q231595 P106 Q10800557 +Q130873 P509 Q12152 +Q461610 P27 Q30 +Q232774 P161 Q441913 +Q29086 P106 Q2526255 +Q711 P530 Q17 +Q563287 P1303 Q5994 +Q153018 P69 Q206702 +Q1016 P530 Q39 +Q60070 P106 Q4964182 +Q23880 P69 Q238101 +Q715281 P106 Q28389 +Q183 P530 Q55 +Q207676 P106 Q36180 +Q74579 P136 Q319221 +Q165392 P136 Q157443 +Q200392 P1412 Q9288 +Q2895 P37 Q809 +Q242130 P1412 Q9056 +Q110569 P1412 Q188 +Q335807 P27 Q30 +Q172161 P20 Q90 +Q152929 P264 Q165745 +Q3939205 P19 Q490 +Q271500 P19 Q65 +Q440956 P19 Q1337818 +Q14678 P106 Q1234713 +Q310394 P19 Q11299 +Q87675 P463 Q414188 +Q308792 P19 Q9005 +Q585272 P20 Q898 +Q634125 P27 Q30 +Q57389 P106 Q36180 +Q164782 P106 Q3427922 +Q157050 P172 Q127885 +Q315610 P102 Q139596 +Q78513 P106 Q36180 +Q443225 P1303 Q5994 +Q1337067 P106 Q49757 +Q266361 P1412 Q1860 +Q438885 P106 Q639669 +Q25014 P1412 Q1860 +Q14536 P19 Q462799 +Q101638 P509 Q183134 +Q13894 P106 Q36180 +Q355566 P27 Q30 +Q219060 P463 Q7172 +Q410 P106 Q36180 +Q3335 P106 Q18814623 +Q41488 P463 Q463303 +Q216924 P1412 Q1860 +Q103784 P106 Q10800557 +Q95314 P27 Q183 +Q489252 P20 Q90 +Q1329421 P106 Q20669622 +Q71763 P102 Q13124 +Q216092 P106 Q82955 +Q57393 P19 Q1720 +Q315271 P106 Q10798782 +Q83495 P136 Q2484376 +Q213775 P119 Q3955 +Q458593 P27 Q36 +Q184351 P1412 Q9288 +Q61922 P463 Q833738 +Q91982 P27 Q183 +Q64238 P106 Q177220 +Q714141 P106 Q483501 +Q96665 P69 Q40025 +Q333873 P463 Q1425328 +Q1019 P463 Q816706 +Q81752 P136 Q9730 +Q5683 P106 Q49757 +Q233483 P106 Q10774753 +Q234964 P136 Q482 +Q237115 P551 Q127856 +Q332892 P1303 Q17172850 +Q5549674 P140 Q9268 +Q181659 P737 Q692 +Q311729 P106 Q201788 +Q222818 P106 Q55960555 +Q939524 P69 Q49112 +Q193628 P69 Q1026827 +Q4029 P106 Q10800557 +Q641582 P27 Q37024 +Q30 P530 Q17 +Q4751826 P69 Q841581 +Q209471 P106 Q10800557 +Q38 P530 Q229 +Q464318 P106 Q1607826 +Q9602 P463 Q127992 +Q8298 P69 Q1394262 +Q40482 P19 Q270 +Q213662 P463 Q2822396 +Q380467 P69 Q41506 +Q366805 P20 Q84 +Q49767 P135 Q37068 +Q4139600 P19 Q656 +Q201359 P108 Q49210 +Q1033 P463 Q47543 +Q257165 P106 Q10800557 +Q433142 P106 Q2259451 +Q38872 P37 Q188 +Q144535 P119 Q533697 +Q356369 P106 Q488205 +Q236479 P106 Q2259451 +Q289614 P27 Q16 +Q90910 P106 Q10800557 +Q196665 P161 Q41449 +Q1785 P136 Q37073 +Q332515 P161 Q37459 +Q704682 P69 Q658192 +Q71000 P108 Q217365 +Q953841 P106 Q10800557 +Q951957 P463 Q2370801 +Q51416 P57 Q317567 +Q71502 P106 Q14915627 +Q502896 P136 Q83270 +Q371905 P106 Q28389 +Q166212 P106 Q33999 +Q319737 P106 Q486748 +Q164351 P463 Q463303 +Q313819 P161 Q350732 +Q191644 P19 Q90 +Q228901 P1412 Q1860 +Q245257 P737 Q34670 +Q262608 P106 Q33999 +Q609095 P106 Q10800557 +Q462502 P106 Q10798782 +Q893785 P19 Q1899 +Q368852 P106 Q183945 +Q359604 P27 Q30 +Q455292 P19 Q18419 +Q448778 P1412 Q1860 +Q352963 P106 Q4220892 +Q247733 P161 Q317228 +Q24871 P161 Q224081 +Q762 P551 Q2044 +Q445921 P106 Q36180 +Q155398 P106 Q82955 +Q342723 P106 Q10800557 +Q10953 P69 Q1446181 +Q599993 P106 Q169470 +Q150526 P20 Q2807 +Q180224 P106 Q33999 +Q757 P463 Q1065 +Q271731 P136 Q1344 +Q172261 P106 Q10800557 +Q1545 P106 Q10800557 +Q462466 P840 Q84 +Q465127 P106 Q2252262 +Q313077 P1412 Q1860 +Q77004 P106 Q82955 +Q798658 P159 Q61 +Q262524 P106 Q3282637 +Q881 P30 Q48 +Q38 P530 Q35 +Q62809 P509 Q18554460 +Q1030 P530 Q408 +Q289895 P106 Q2865819 +Q233475 P27 Q145 +Q67409 P27 Q183 +Q272224 P106 Q1569495 +Q76539 P19 Q4098 +Q55199 P106 Q33999 +Q480037 P106 Q1622272 +Q443292 P106 Q488205 +Q55452 P106 Q2526255 +Q2159912 P69 Q659080 +Q215814 P27 Q30 +Q336640 P264 Q165711 +Q316086 P106 Q33999 +Q178991 P119 Q311 +Q327261 P509 Q12152 +Q1583249 P131 Q65 +Q360383 P1412 Q1321 +Q554971 P106 Q177220 +Q2054 P106 Q214917 +Q207416 P106 Q201788 +Q371972 P1412 Q1860 +Q366956 P509 Q12078 +Q180723 P1303 Q17172850 +Q1383002 P69 Q49117 +Q312857 P1412 Q150 +Q4559180 P509 Q12078 +Q181069 P161 Q228717 +Q199927 P27 Q30 +Q773736 P106 Q36180 +Q1028 P30 Q15 +Q910761 P106 Q33999 +Q419 P530 Q241 +Q119768 P26 Q123483 +Q718609 P27 Q801 +Q101809 P106 Q201788 +Q84561 P1412 Q188 +Q338442 P161 Q350690 +Q58077 P140 Q3333484 +Q553790 P136 Q187760 +Q320895 P136 Q11399 +Q47484 P106 Q18939491 +Q220901 P26 Q106706 +Q354241 P27 Q29999 +Q286022 P106 Q183945 +Q65911 P27 Q183 +Q229011 P106 Q2405480 +Q358529 P106 Q2306091 +Q67007 P106 Q36180 +Q313543 P509 Q12152 +Q313023 P27 Q30 +Q379341 P1303 Q46185 +Q168992 P264 Q216364 +Q545375 P463 Q94301 +Q1040186 P1303 Q46185 +Q229264 P106 Q11063 +Q430182 P106 Q6625963 +Q653496 P27 Q155 +Q158436 P135 Q1338153 +Q180861 P106 Q486748 +Q76746 P106 Q901402 +Q131074 P161 Q16455 +Q2709 P106 Q130857 +Q443199 P106 Q3391743 +Q238121 P27 Q30 +Q46139 P106 Q222344 +Q360445 P463 Q83172 +Q214778 P106 Q36180 +Q162035 P106 Q177220 +Q11239 P106 Q372436 +Q76478 P551 Q65 +Q151608 P69 Q2045972 +Q233876 P1412 Q1321 +Q232774 P840 Q812 +Q1082312 P106 Q18814623 +Q235020 P27 Q30 +Q428158 P57 Q51559 +Q313813 P463 Q254138 +Q945691 P106 Q639669 +Q44481 P101 Q7754 +Q710466 P106 Q183945 +Q52926 P40 Q52925 +Q710924 P106 Q131524 +Q132058 P106 Q33999 +Q312656 P119 Q1437214 +Q5208 P106 Q3075052 +Q444674 P20 Q90 +Q1967070 P136 Q325504 +Q231614 P19 Q65 +Q30 P530 Q265 +Q190585 P136 Q9794 +Q40116 P69 Q926749 +Q108306 P26 Q215520 +Q1077158 P106 Q4351403 +Q2865 P463 Q1768108 +Q172975 P161 Q313918 +Q444147 P19 Q656 +Q215721 P1412 Q1860 +Q311223 P463 Q463303 +Q1014 P463 Q1065 +Q229319 P106 Q10800557 +Q136264 P136 Q188473 +Q160618 P57 Q160726 +Q9387 P106 Q82955 +Q812105 P101 Q482 +Q176163 P106 Q4964182 +Q161363 P20 Q270 +Q836 P530 Q252 +Q130947 P140 Q9592 +Q436386 P106 Q10798782 +Q400765 P1303 Q17172850 +Q232985 P1303 Q17172850 +Q266356 P136 Q37073 +Q189739 P20 Q270 +Q299132 P106 Q177220 +Q101727 P19 Q365 +Q177984 P106 Q10800557 +Q367447 P19 Q34404 +Q88937 P106 Q2526255 +Q157194 P101 Q11634 +Q190251 P27 Q145 +Q67271 P19 Q3806 +Q164582 P106 Q16145150 +Q62539 P27 Q7318 +Q6527 P551 Q495 +Q467574 P172 Q7325 +Q117249 P106 Q855091 +Q178348 P106 Q2405480 +Q233340 P106 Q36180 +Q2496 P140 Q75809 +Q92881 P106 Q5482740 +Q2709 P106 Q36180 +Q332783 P106 Q10833314 +Q233362 P19 Q3141 +Q107424 P136 Q131272 +Q895636 P106 Q201788 +Q189415 P1412 Q1321 +Q222041 P161 Q229487 +Q358455 P140 Q9592 +Q367155 P106 Q10800557 +Q58735 P19 Q277162 +Q174371 P161 Q231249 +Q3439052 P69 Q273523 +Q16297 P641 Q11419 +Q6837 P463 Q1768108 +Q375356 P106 Q28389 +Q982175 P106 Q1234713 +Q131725 P106 Q5716684 +Q16345 P19 Q100 +Q1761095 P106 Q81096 +Q543443 P27 Q30 +Q230993 P26 Q313470 +Q143867 P20 Q3923 +Q430278 P161 Q59215 +Q7302 P1412 Q188 +Q55245 P136 Q1152184 +Q17 P530 Q917 +Q159063 P161 Q65106 +Q163714 P106 Q82955 +Q1579916 P463 Q451079 +Q183397 P106 Q170790 +Q953841 P172 Q49085 +Q922795 P69 Q182973 +Q171166 P106 Q82955 +Q445606 P551 Q207350 +Q459171 P106 Q15253558 +Q266222 P27 Q142 +Q328664 P264 Q183387 +Q445921 P106 Q245068 +Q3123791 P69 Q838330 +Q190588 P161 Q223786 +Q182345 P551 Q586 +Q55404 P509 Q12204 +Q82104 P27 Q145 +Q374936 P264 Q193023 +Q267685 P106 Q2259451 +Q44648 P264 Q557632 +Q94765 P101 Q8134 +Q328042 P108 Q608338 +Q743051 P509 Q18554460 +Q345612 P106 Q36180 +Q91004 P106 Q10800557 +Q7243 P737 Q5686 +Q313581 P101 Q309 +Q62234 P1412 Q188 +Q61000 P27 Q183 +Q104668 P463 Q123885 +Q211731 P140 Q9089 +Q893664 P20 Q365 +Q271874 P27 Q16 +Q47112095 P106 Q4853732 +Q187154 P136 Q188473 +Q16473 P140 Q93191 +Q701587 P106 Q1238570 +Q457923 P27 Q30 +Q40362 P37 Q1321 +Q1586732 P1303 Q258896 +Q78205 P27 Q183 +Q72287 P106 Q28389 +Q264610 P136 Q484641 +Q354542 P264 Q1124849 +Q1051531 P106 Q753110 +Q388557 P106 Q10798782 +Q350666 P69 Q736674 +Q232288 P106 Q2405480 +Q1638939 P27 Q20 +Q64211 P161 Q134333 +Q102902 P106 Q36180 +Q1395064 P1412 Q256 +Q157359 P106 Q765778 +Q22670 P737 Q170800 +Q42247 P106 Q49757 +Q233428 P106 Q2259451 +Q971782 P69 Q1419737 +Q74795 P20 Q2079 +Q25144 P106 Q3387717 +Q896966 P106 Q189290 +Q264989 P106 Q36180 +Q154410 P106 Q635734 +Q84476 P106 Q188094 +Q13298 P17 Q7318 +Q240885 P1412 Q7918 +Q218458 P161 Q180560 +Q67633 P106 Q49757 +Q179682 P136 Q848399 +Q77851 P1412 Q150 +Q95120 P106 Q18844224 +Q104109 P102 Q29468 +Q86060 P1412 Q188 +Q769 P463 Q496967 +Q77008 P106 Q1930187 +Q465636 P106 Q855091 +Q230004 P19 Q277162 +Q20235 P1412 Q188 +Q241676 P27 Q30 +Q1452597 P1303 Q17172850 +Q70948 P1412 Q188 +Q751205 P106 Q15627169 +Q354002 P106 Q33999 +Q1374080 P509 Q18554460 +Q505476 P106 Q639669 +Q5494459 P1303 Q51290 +Q1805398 P27 Q15180 +Q14100 P106 Q81096 +Q822 P30 Q48 +Q350405 P69 Q739627 +Q82360 P509 Q12078 +Q184535 P119 Q252312 +Q235 P463 Q134102 +Q1468495 P1303 Q17172850 +Q311263 P106 Q36180 +Q401645 P106 Q43845 +Q105896 P27 Q183 +Q160627 P106 Q3055126 +Q229244 P101 Q207628 +Q63815 P106 Q4002666 +Q4101530 P102 Q79854 +Q255725 P27 Q218 +Q272031 P136 Q11366 +Q967 P463 Q1065 +Q287977 P27 Q30 +Q96399 P551 Q64 +Q95971 P106 Q4164507 +Q563057 P551 Q1612 +Q733611 P136 Q45981 +Q765165 P119 Q1130019 +Q683058 P106 Q201788 +Q335508 P161 Q202449 +Q888152 P106 Q214917 +Q72124 P108 Q319239 +Q121456 P106 Q10800557 +Q1074226 P1412 Q5287 +Q155 P463 Q7809 +Q163234 P172 Q49085 +Q284229 P161 Q40321 +Q123724 P106 Q486748 +Q445311 P463 Q1371509 +Q38873 P451 Q76483 +Q189947 P27 Q145 +Q114179 P106 Q2259451 +Q556568 P463 Q607496 +Q453390 P1303 Q1343007 +Q212575 P69 Q27923720 +Q122713 P495 Q145 +Q240370 P20 Q127856 +Q888713 P27 Q30 +Q7314 P136 Q1338153 +Q201732 P140 Q7361618 +Q129022 P463 Q161806 +Q104592 P69 Q131252 +Q251068 P1412 Q1860 +Q316327 P106 Q1930187 +Q180453 P106 Q28389 +Q31959 P106 Q18814623 +Q156774 P1412 Q652 +Q219734 P106 Q82955 +Q270599 P161 Q378672 +Q254510 P1303 Q6607 +Q57614 P106 Q4610556 +Q106363 P106 Q15980158 +Q123078 P136 Q24925 +Q355344 P106 Q8246794 +Q551521 P509 Q767485 +Q108941 P106 Q214917 +Q311232 P106 Q639669 +Q243969 P463 Q463303 +Q188388 P108 Q168756 +Q160802 P102 Q1052584 +Q80064 P106 Q3606216 +Q88050 P19 Q13298 +Q28 P463 Q1065 +Q1777864 P264 Q183412 +Q481885 P101 Q207628 +Q220210 P106 Q43845 +Q65445 P106 Q81096 +Q117021 P463 Q265058 +Q31112 P27 Q30 +Q3384965 P27 Q142 +Q94555 P69 Q924289 +Q317095 P106 Q43845 +Q532852 P27 Q172579 +Q62134 P1412 Q1860 +Q706542 P19 Q12892 +Q166454 P172 Q49085 +Q1041 P37 Q150 +Q231091 P69 Q3072747 +Q46182 P20 Q216 +Q1997159 P69 Q27621 +Q92851 P69 Q174710 +Q47075 P136 Q130232 +Q309214 P106 Q33999 +Q92739 P69 Q161562 +Q289303 P106 Q674426 +Q697195 P19 Q36036 +Q36767 P106 Q10800557 +Q358885 P106 Q36180 +Q43179 P551 Q30 +Q229775 P106 Q2259451 +Q61147 P106 Q520549 +Q953153 P106 Q1930187 +Q106611 P106 Q1930187 +Q132589 P136 Q482 +Q438537 P106 Q10798782 +Q64014 P106 Q36180 +Q327426 P20 Q424 +Q98960 P19 Q1733 +Q974221 P106 Q130857 +Q57242 P27 Q183 +Q153802 P1303 Q6607 +Q368525 P106 Q16145150 +Q352935 P19 Q1297 +Q51267 P106 Q1622272 +Q1036 P463 Q8475 +Q881 P463 Q188822 +Q241098 P106 Q1028181 +Q80739 P106 Q15627169 +Q195402 P161 Q103876 +Q142 P463 Q899770 +Q297693 P106 Q639669 +Q356719 P1412 Q5287 +Q49498 P161 Q355209 +Q152768 P27 Q29 +Q363079 P140 Q33203 +Q273652 P106 Q183945 +Q92871 P106 Q81096 +Q691 P530 Q902 +Q183 P530 Q1007 +Q1282956 P102 Q29468 +Q156058 P69 Q21578 +Q92830 P106 Q36180 +Q57475 P69 Q156737 +Q106182 P57 Q220751 +Q550784 P19 Q1930 +Q44647 P27 Q7318 +Q356423 P27 Q28513 +Q484292 P106 Q28389 +Q7302 P140 Q75809 +Q436686 P106 Q10798782 +Q63960 P106 Q13219587 +Q234487 P106 Q4610556 +Q332515 P136 Q2484376 +Q48129 P27 Q2305208 +Q180723 P136 Q37073 +Q57430 P106 Q82955 +Q44412 P463 Q329464 +Q505882 P106 Q639669 +Q566200 P27 Q43287 +Q232384 P26 Q63187 +Q207816 P136 Q157394 +Q59346 P136 Q1054574 +Q1406622 P106 Q183945 +Q41269 P463 Q3291340 +Q392 P1412 Q1860 +Q215721 P1412 Q8641 +Q188286 P1412 Q1860 +Q215215 P106 Q483501 +Q5348 P20 Q437 +Q554175 P20 Q987 +Q187019 P27 Q30 +Q1573501 P27 Q30 +Q233832 P106 Q2259451 +Q317574 P106 Q222344 +Q223992 P106 Q1208175 +Q44646 P106 Q169470 +Q151946 P840 Q816 +Q180405 P161 Q218210 +Q295847 P27 Q30 +Q166092 P106 Q193391 +Q155559 P161 Q231730 +Q810 P463 Q842490 +Q34933 P27 Q145 +Q56635 P106 Q36180 +Q217008 P136 Q182015 +Q336877 P106 Q2259451 +Q1237649 P106 Q639669 +Q711226 P106 Q1622272 +Q158060 P108 Q761534 +Q4271346 P108 Q13164 +Q108814 P27 Q34266 +Q1576675 P106 Q205375 +Q106221 P551 Q65 +Q312129 P106 Q36180 +Q157322 P1412 Q1860 +Q57139 P108 Q312578 +Q103109 P108 Q152171 +Q234695 P106 Q639669 +Q1449438 P140 Q106039 +Q190148 P69 Q392904 +Q183 P463 Q1928989 +Q46739 P106 Q11774202 +Q229881 P101 Q207628 +Q68126 P172 Q7325 +Q320 P106 Q774306 +Q36739 P136 Q52162262 +Q937537 P106 Q947873 +Q57735 P102 Q151469 +Q332953 P1303 Q17172850 +Q508497 P106 Q28389 +Q560818 P106 Q82594 +Q455421 P119 Q272208 +Q184267 P27 Q15180 +Q332640 P69 Q209344 +Q551521 P106 Q1930187 +Q974795 P509 Q12078 +Q1973537 P1412 Q1860 +Q215 P530 Q1246 +Q32529 P1412 Q652 +Q274748 P840 Q1861 +Q445115 P19 Q1297 +Q26806 P69 Q389336 +Q81685 P106 Q36180 +Q44063 P737 Q229258 +Q4030 P106 Q15981151 +Q505827 P106 Q4853732 +Q50656 P106 Q1028181 +Q26688 P106 Q13590141 +Q123469 P26 Q275545 +Q419 P530 Q145 +Q77317 P108 Q50662 +Q220192 P161 Q443120 +Q129399 P69 Q49126 +Q66942 P136 Q25379 +Q515883 P106 Q36834 +Q1337067 P1412 Q36510 +Q157155 P140 Q9592 +Q505517 P106 Q855091 +Q167803 P20 Q220 +Q207852 P106 Q3282637 +Q96502 P106 Q1234713 +Q215565 P27 Q183 +Q705841 P106 Q855091 +Q452761 P106 Q33999 +Q484302 P27 Q30 +Q274936 P106 Q49757 +Q796694 P1412 Q1860 +Q4349 P106 Q10800557 +Q297024 P106 Q43845 +Q367073 P69 Q192088 +Q179682 P1412 Q9027 +Q122123 P108 Q168756 +Q360685 P106 Q155647 +Q106775 P106 Q14089670 +Q183094 P1412 Q1860 +Q98062 P106 Q2526255 +Q342604 P1050 Q84263196 +Q921808 P106 Q36180 +Q6078 P264 Q847018 +Q105937 P69 Q457281 +Q311267 P26 Q234875 +Q176626 P495 Q142 +Q204323 P27 Q30 +Q131324 P106 Q10798782 +Q494507 P101 Q482 +Q2164531 P136 Q213714 +Q310343 P1412 Q1860 +Q215282 P106 Q4964182 +Q81223 P69 Q273593 +Q101567 P1412 Q188 +Q70474 P20 Q1794 +Q101339 P1412 Q188 +Q574400 P106 Q16323111 +Q40874 P509 Q12202 +Q962609 P106 Q639669 +Q1026532 P106 Q201788 +Q991543 P102 Q29468 +Q448837 P136 Q164444 +Q1005 P530 Q230 +Q241748 P30 Q46 +Q78508 P1412 Q1860 +Q468003 P1412 Q1321 +Q712139 P106 Q639669 +Q268824 P136 Q224700 +Q44652 P106 Q333634 +Q95736 P106 Q1622272 +Q448163 P106 Q486748 +Q106073 P1412 Q188 +Q329448 P161 Q8927 +Q434669 P69 Q13371 +Q213734 P106 Q36180 +Q200873 P57 Q8877 +Q72077 P69 Q21578 +Q185610 P106 Q131524 +Q1579916 P19 Q64 +Q185165 P1303 Q17172850 +Q8863 P140 Q9592 +Q34474 P27 Q15180 +Q548672 P27 Q172579 +Q619051 P27 Q148 +Q124057 P106 Q177220 +Q539458 P119 Q311 +Q1248240 P106 Q774306 +Q240933 P106 Q2259451 +Q108553 P106 Q1231865 +Q297744 P27 Q30 +Q183279 P106 Q205375 +Q258693 P106 Q639669 +Q207921 P840 Q90 +Q208344 P136 Q319221 +Q51547 P172 Q7325 +Q95002 P106 Q33999 +Q392697 P161 Q296028 +Q231635 P27 Q30 +Q704742 P106 Q2252262 +Q84233 P119 Q1771319 +Q142 P463 Q17495 +Q442667 P106 Q4610556 +Q159542 P69 Q31519 +Q3825107 P161 Q14747 +Q311267 P106 Q55960555 +Q130853 P19 Q2807 +Q250669 P1303 Q17172850 +Q188000 P161 Q40791 +Q973488 P27 Q15180 +Q1074590 P27 Q145 +Q159 P37 Q9292 +Q37370 P1412 Q188 +Q43293 P69 Q49213 +Q223316 P136 Q859369 +Q152768 P27 Q414 +Q920526 P20 Q1218 +Q239501 P106 Q34074720 +Q485310 P106 Q28389 +Q77061 P19 Q1055 +Q47480 P140 Q620629 +Q254748 P264 Q183387 +Q102851 P106 Q170790 +Q34296 P463 Q466089 +Q1056805 P1303 Q17172850 +Q1363261 P1412 Q7737 +Q211040 P106 Q10798782 +Q467103 P1303 Q79838 +Q20235 P1303 Q79838 +Q64915 P27 Q16957 +Q228494 P26 Q233265 +Q92341 P1412 Q1860 +Q677769 P106 Q49757 +Q937 P463 Q2095524 +Q3480998 P1412 Q7850 +Q133665 P106 Q2405480 +Q219631 P106 Q33999 +Q230958 P20 Q387047 +Q346965 P106 Q10798782 +Q244 P463 Q1043527 +Q1556492 P27 Q174193 +Q287817 P551 Q84 +Q354394 P106 Q36180 +Q169020 P108 Q875788 +Q1001 P106 Q4964182 +Q96230 P27 Q30 +Q107730 P737 Q29250 +Q188426 P509 Q12152 +Q318509 P106 Q639669 +Q58645 P1412 Q188 +Q289204 P161 Q294912 +Q258053 P136 Q186472 +Q18450 P27 Q174193 +Q23481 P106 Q49757 +Q41564 P106 Q121594 +Q67529 P27 Q183 +Q896660 P20 Q31487 +Q347128 P102 Q29552 +Q234392 P136 Q186424 +Q338442 P136 Q645928 +Q81082 P463 Q463303 +Q232458 P737 Q1514 +Q37767 P27 Q30 +Q562108 P1412 Q1321 +Q69973 P136 Q25379 +Q10664 P102 Q9626 +Q1585964 P106 Q170790 +Q558972 P101 Q676 +Q896193 P106 Q1930187 +Q102225 P136 Q157394 +Q431660 P840 Q90 +Q170509 P509 Q12202 +Q187166 P106 Q4220892 +Q184440 P1412 Q5146 +Q316138 P106 Q639669 +Q318514 P106 Q130857 +Q63876 P106 Q1792450 +Q395494 P106 Q28389 +Q78270 P106 Q36180 +Q219420 P106 Q214917 +Q241398 P101 Q1662673 +Q2579684 P106 Q49757 +Q595529 P106 Q130857 +Q2387083 P101 Q82594 +Q27411 P161 Q29086 +Q8446 P106 Q855091 +Q113909 P106 Q28389 +Q232197 P27 Q30 +Q1028 P530 Q948 +Q217427 P136 Q131272 +Q1356368 P463 Q123885 +Q392654 P136 Q49451 +Q463877 P27 Q30 +Q111323 P27 Q16957 +Q232562 P69 Q389336 +Q97076 P106 Q185351 +Q860068 P136 Q11366 +Q334670 P106 Q753110 +Q302835 P106 Q270141 +Q90891 P102 Q7320 +Q70103 P27 Q183 +Q910092 P69 Q131262 +Q256286 P106 Q49757 +Q271877 P27 Q30 +Q186123 P27 Q30 +Q372514 P136 Q2973181 +Q122110 P106 Q49757 +Q229050 P69 Q1185037 +Q457739 P69 Q1399299 +Q438164 P737 Q130631 +Q61073 P140 Q75809 +Q106691 P108 Q50662 +Q219776 P161 Q231116 +Q55704 P106 Q39631 +Q157259 P463 Q684415 +Q288355 P136 Q860626 +Q289847 P106 Q16031530 +Q335643 P106 Q33999 +Q262838 P19 Q65 +Q247516 P840 Q5083 +Q25191 P106 Q1208175 +Q324157 P106 Q1930187 +Q215042 P106 Q1209498 +Q58777 P463 Q150793 +Q34391 P509 Q12202 +Q39989 P106 Q639669 +Q522856 P106 Q639669 +Q392915 P161 Q83694 +Q73089 P106 Q33999 +Q602033 P106 Q82955 +Q182218 P136 Q471839 +Q55210 P509 Q189588 +Q188401 P101 Q207628 +Q84011 P106 Q6625963 +Q162667 P20 Q23197 +Q240849 P840 Q61 +Q71821 P463 Q191583 +Q342604 P106 Q10798782 +Q462574 P3373 Q2019530 +Q431038 P3373 Q313204 +Q92942 P106 Q131524 +Q494507 P20 Q7473516 +Q55841 P106 Q201788 +Q64467 P102 Q13124 +Q218690 P106 Q49757 +Q61310 P27 Q183 +Q340213 P106 Q28389 +Q483907 P106 Q3922505 +Q504920 P27 Q30 +Q1545 P106 Q177220 +Q238374 P69 Q599316 +Q166234 P1412 Q652 +Q47899 P106 Q36180 +Q49072 P69 Q49088 +Q111436 P264 Q1660305 +Q334 P530 Q399 +Q449670 P463 Q463303 +Q332032 P27 Q30 +Q991 P106 Q864380 +Q721963 P106 Q639669 +Q34970 P1050 Q12204 +Q183397 P463 Q123885 +Q164813 P495 Q183 +Q116253 P1412 Q150 +Q336131 P19 Q84 +Q786579 P1412 Q150 +Q178403 P106 Q18844224 +Q436693 P106 Q28389 +Q142974 P1412 Q1860 +Q35448 P106 Q36180 +Q128494 P737 Q182905 +Q25320 P106 Q37226 +Q113951 P108 Q333886 +Q29 P530 Q717 +Q763 P37 Q1860 +Q66213 P19 Q1731 +Q212660 P495 Q30 +Q482964 P136 Q487965 +Q182725 P19 Q65 +Q231270 P106 Q2722764 +Q94123 P136 Q21590660 +Q99080 P102 Q153401 +Q452761 P106 Q10833314 +Q211462 P69 Q1542213 +Q931607 P106 Q488205 +Q92341 P108 Q309948 +Q312870 P1303 Q6607 +Q1441274 P136 Q8341 +Q212689 P136 Q188473 +Q557699 P106 Q36180 +Q312288 P106 Q169470 +Q991 P737 Q201221 +Q112307 P172 Q49085 +Q957921 P1412 Q7026 +Q134982 P106 Q212238 +Q712086 P1412 Q7026 +Q588591 P106 Q639669 +Q126183 P57 Q51537 +Q83542 P161 Q371430 +Q31 P463 Q1928989 +Q36844 P106 Q3501317 +Q1370974 P106 Q753110 +Q83656 P840 Q60 +Q72913 P27 Q183 +Q57535 P27 Q183 +Q2632 P1303 Q17172850 +Q60206 P1412 Q1860 +Q36949 P106 Q2405480 +Q95259 P463 Q133957 +Q156796 P106 Q2259451 +Q86573 P108 Q51985 +Q321917 P106 Q488111 +Q124057 P108 Q126399 +Q229065 P1412 Q7737 +Q270207 P119 Q2000666 +Q506231 P106 Q214917 +Q57592 P27 Q7318 +Q83542 P161 Q313652 +Q141680 P19 Q11299 +Q1042 P463 Q294278 +Q77111 P27 Q183 +Q1065956 P106 Q1930187 +Q833578 P161 Q346595 +Q312276 P1303 Q6607 +Q78704 P27 Q16957 +Q317358 P551 Q159288 +Q1938740 P3373 Q435290 +Q213706 P136 Q21590660 +Q200392 P106 Q1234713 +Q251340 P19 Q14960 +Q42156 P101 Q9471 +Q77008 P106 Q864380 +Q444366 P106 Q36180 +Q181659 P106 Q333634 +Q113570 P106 Q1114448 +Q801 P530 Q774 +Q25163 P106 Q28389 +Q467940 P106 Q36834 +Q888152 P106 Q183945 +Q64991 P106 Q16533 +Q2895857 P1412 Q5287 +Q42775 P264 Q466649 +Q106391 P106 Q1028181 +Q230836 P106 Q33999 +Q190086 P840 Q2915506 +Q102822 P463 Q920266 +Q722876 P106 Q13235160 +Q72543 P136 Q9730 +Q66649 P69 Q131262 +Q23368 P1412 Q1860 +Q157707 P136 Q1133657 +Q1037 P463 Q8475 +Q241510 P1412 Q1860 +Q355245 P1412 Q1860 +Q185548 P106 Q36180 +Q234663 P19 Q1492 +Q1210022 P106 Q28389 +Q362118 P102 Q29552 +Q292081 P119 Q1302545 +Q171745 P1412 Q1860 +Q224650 P106 Q3282637 +Q61361 P106 Q205375 +Q61673 P641 Q718 +Q614402 P19 Q489197 +Q850746 P106 Q36834 +Q181451 P463 Q2370801 +Q154723 P140 Q9268 +Q35725 P136 Q130232 +Q606389 P106 Q36180 +Q232333 P106 Q488205 +Q120085 P27 Q30 +Q353442 P101 Q395 +Q35 P530 Q189 +Q96779 P140 Q75809 +Q92649 P106 Q1622272 +Q38484 P108 Q13371 +Q362236 P106 Q33999 +Q311684 P108 Q13371 +Q106655 P1050 Q8277 +Q180011 P451 Q54867 +Q889 P463 Q7809 +Q6701 P106 Q1209498 +Q206439 P106 Q1415090 +Q98215 P106 Q333634 +Q103357 P106 Q16031530 +Q159542 P106 Q39631 +Q90849 P19 Q656 +Q204005 P136 Q842324 +Q790 P463 Q3369762 +Q235519 P1303 Q17172850 +Q318474 P106 Q43845 +Q471751 P27 Q801 +Q215215 P551 Q23556 +Q439283 P106 Q1930187 +Q465105 P106 Q183945 +Q96196 P106 Q593644 +Q232307 P106 Q33999 +Q921 P463 Q45177 +Q181555 P161 Q214677 +Q263185 P106 Q5371902 +Q1741 P463 Q1768108 +Q1780 P17 Q214 +Q1064413 P463 Q4742987 +Q186757 P106 Q10798782 +Q268582 P106 Q36180 +Q619051 P106 Q36180 +Q331155 P136 Q484641 +Q168896 P19 Q270 +Q137106 P20 Q34217 +Q539171 P20 Q90 +Q124610 P106 Q36180 +Q168543 P106 Q4610556 +Q229139 P106 Q33999 +Q1173676 P101 Q441 +Q312276 P140 Q75809 +Q187561 P161 Q185165 +Q207459 P102 Q1774814 +Q671985 P1412 Q7737 +Q269830 P106 Q33999 +Q120563 P106 Q1622272 +Q157282 P108 Q202660 +Q214014 P161 Q212064 +Q207951 P106 Q36834 +Q237659 P106 Q28389 +Q350700 P106 Q639669 +Q19069 P136 Q130232 +Q1017117 P106 Q177220 +Q86809 P106 Q82955 +Q336517 P161 Q241510 +Q346540 P19 Q90 +Q423 P530 Q408 +Q332670 P1412 Q1860 +Q234454 P106 Q3357567 +Q3903340 P106 Q483501 +Q232868 P1412 Q150 +Q161678 P161 Q434291 +Q353640 P27 Q16 +Q61195 P106 Q1622272 +Q740378 P106 Q14467526 +Q257551 P106 Q488205 +Q339423 P106 Q177220 +Q380123 P1303 Q128309 +Q237242 P19 Q24826 +Q368525 P106 Q486748 +Q1608224 P106 Q639669 +Q738617 P463 Q2370801 +Q231276 P106 Q2490358 +Q185085 P106 Q1622272 +Q450796 P140 Q7066 +Q214466 P106 Q5716684 +Q24980 P57 Q166159 +Q40115 P840 Q1408 +Q10738 P106 Q1053574 +Q9095 P106 Q169470 +Q145 P463 Q7785 +Q668 P530 Q881 +Q2621694 P69 Q4483556 +Q76211 P463 Q414110 +Q103002 P106 Q33999 +Q145 P463 Q1065 +Q183 P530 Q967 +Q937537 P106 Q28389 +Q83287 P106 Q3282637 +Q267581 P101 Q207628 +Q196617 P106 Q36180 +Q72908 P106 Q4263842 +Q386514 P106 Q10798782 +Q573665 P106 Q36834 +Q157191 P463 Q812155 +Q1861917 P27 Q145 +Q48959 P264 Q202585 +Q433683 P3373 Q230636 +Q93996 P463 Q684415 +Q898 P30 Q48 +Q191026 P69 Q332342 +Q271981 P106 Q753110 +Q103876 P19 Q39121 +Q162458 P161 Q211283 +Q241754 P20 Q60 +Q873178 P106 Q39631 +Q392677 P136 Q2143665 +Q722738 P106 Q40348 +Q92643 P106 Q81096 +Q294927 P172 Q678551 +Q449371 P106 Q639669 +Q786675 P106 Q20521670 +Q327303 P106 Q18844224 +Q439358 P106 Q2259451 +Q68490 P140 Q5043 +Q359248 P27 Q174193 +Q11816 P1412 Q35497 +Q216582 P106 Q33231 +Q67076 P106 Q1930187 +Q946570 P140 Q9592 +Q991 P27 Q34266 +Q110365 P161 Q295148 +Q190994 P264 Q202440 +Q27820706 P136 Q213665 +Q1514469 P27 Q30 +Q207 P140 Q33203 +Q232197 P106 Q36834 +Q554175 P19 Q1156 +Q186799 P161 Q296287 +Q9358 P737 Q9235 +Q577704 P69 Q13164 +Q365044 P1412 Q652 +Q164683 P19 Q2079 +Q204205 P106 Q10800557 +Q1190235 P641 Q11419 +Q106182 P136 Q1535153 +Q72541 P106 Q14467526 +Q44336 P69 Q871369 +Q85464 P1412 Q188 +Q271879 P119 Q1771319 +Q354002 P27 Q145 +Q950350 P106 Q81096 +Q587004 P1412 Q150 +Q61761 P1412 Q188 +Q23395 P161 Q271471 +Q90131 P69 Q152087 +Q6060 P172 Q49085 +Q1203 P106 Q177220 +Q282722 P1303 Q80019 +Q335569 P19 Q36600 +Q380799 P27 Q142 +Q204212 P57 Q7374 +Q199943 P136 Q484641 +Q349857 P27 Q30 +Q53023 P106 Q2526255 +Q1325743 P1303 Q258896 +Q96 P530 Q41 +Q315737 P108 Q23548 +Q189132 P106 Q639669 +Q218 P463 Q191582 +Q419 P463 Q827525 +Q190525 P136 Q2484376 +Q326723 P509 Q12202 +Q5372719 P27 Q30 +Q153243 P463 Q270794 +Q163899 P161 Q170515 +Q55963 P27 Q155 +Q309989 P26 Q436894 +Q104088 P19 Q64 +Q356423 P106 Q482980 +Q178100 P136 Q11635 +Q918447 P106 Q486748 +Q38484 P1412 Q652 +Q371716 P19 Q65 +Q403 P530 Q184 +Q283859 P106 Q214917 +Q232495 P106 Q33999 +Q102822 P69 Q156598 +Q19364345 P1412 Q188 +Q174210 P106 Q4263842 +Q335680 P27 Q30 +Q1161444 P106 Q1930187 +Q434585 P69 Q622664 +Q82110 P102 Q29552 +Q273903 P1303 Q17172850 +Q62882 P106 Q5482740 +Q140738 P106 Q214917 +Q725943 P27 Q142 +Q329719 P106 Q10798782 +Q177650 P1412 Q1860 +Q76310 P106 Q36180 +Q1750532 P106 Q36834 +Q192145 P509 Q12152 +Q78506 P463 Q459620 +Q34782 P106 Q36180 +Q150662 P20 Q90 +Q1161444 P1412 Q188 +Q93689 P57 Q363386 +Q191 P530 Q865 +Q704645 P40 Q122998 +Q75059 P69 Q1431541 +Q317122 P106 Q15981151 +Q248289 P495 Q30 +Q931278 P463 Q191583 +Q41590 P27 Q30 +Q216129 P106 Q81096 +Q2424996 P108 Q168756 +Q4099149 P108 Q13164 +Q1558698 P1303 Q8371 +Q387814 P106 Q10800557 +Q631416 P27 Q865 +Q893667 P106 Q170790 +Q40074 P136 Q2975633 +Q811 P463 Q827525 +Q942147 P108 Q847099 +Q229274 P19 Q649 +Q16473 P106 Q36180 +Q87131 P1412 Q188 +Q1029853 P106 Q36180 +Q295919 P136 Q131272 +Q7833 P106 Q270141 +Q313767 P27 Q15180 +Q267914 P136 Q37073 +Q332693 P106 Q1930187 +Q233697 P106 Q177220 +Q448163 P1303 Q5994 +Q40 P463 Q656801 +Q237115 P27 Q30 +Q77144 P69 Q155354 +Q3040690 P106 Q593644 +Q312995 P19 Q16559 +Q706542 P27 Q31 +Q154421 P1412 Q1860 +Q4293328 P463 Q83172 +Q573665 P106 Q1415090 +Q107424 P136 Q484641 +Q186329 P1412 Q652 +Q154782 P463 Q329464 +Q64707 P69 Q32120 +Q982546 P19 Q38 +Q2545780 P108 Q681025 +Q432421 P106 Q36834 +Q434466 P27 Q30 +Q214349 P106 Q486748 +Q296609 P106 Q6625963 +Q130868 P136 Q2975633 +Q132058 P106 Q28389 +Q221345 P136 Q188473 +Q34091 P27 Q30 +Q318619 P172 Q49085 +Q63505 P119 Q562211 +Q47904 P108 Q499911 +Q444857 P27 Q30 +Q189351 P106 Q2526255 +Q3893579 P1412 Q1412 +Q92981 P463 Q127992 +Q168431 P463 Q459620 +Q112534 P102 Q29468 +Q9161 P1412 Q188 +Q11812 P106 Q372436 +Q1397252 P3373 Q53003 +Q62539 P27 Q41304 +Q92739 P463 Q270794 +Q294568 P27 Q36 +Q84186 P106 Q201788 +Q23844 P106 Q36180 +Q59567 P136 Q130232 +Q104790 P69 Q152087 +Q465350 P1412 Q1860 +Q1393149 P27 Q30 +Q456827 P20 Q60 +Q5383 P106 Q1028181 +Q372234 P1412 Q7737 +Q1356737 P106 Q177220 +Q1173086 P106 Q49757 +Q78503 P737 Q33977 +Q204810 P140 Q3333484 +Q361610 P26 Q234809 +Q343633 P1412 Q1860 +Q215916 P106 Q36180 +Q244214 P106 Q10798782 +Q316884 P106 Q82955 +Q314877 P106 Q822146 +Q505358 P69 Q49108 +Q581943 P106 Q36180 +Q312480 P20 Q649 +Q132266 P161 Q202475 +Q1305608 P106 Q822146 +Q231391 P19 Q18424 +Q95479 P27 Q183 +Q94555 P69 Q49117 +Q53010 P106 Q10800557 +Q108510 P106 Q33999 +Q44855 P27 Q30 +Q553276 P106 Q36834 +Q87137 P20 Q64 +Q228787 P172 Q49085 +Q376087 P106 Q36180 +Q222791 P106 Q36180 +Q76432 P106 Q3368718 +Q437138 P1303 Q17172850 +Q1087475 P27 Q30 +Q77143 P264 Q2576206 +Q76791 P108 Q154804 +Q107183 P27 Q42585 +Q236181 P1303 Q17172850 +Q208537 P106 Q1622272 +Q109180 P106 Q36180 +Q134958 P27 Q34266 +Q191 P530 Q212 +Q88267 P108 Q153987 +Q1124 P102 Q29552 +Q151814 P106 Q177220 +Q3215942 P27 Q34266 +Q234695 P264 Q664167 +Q551075 P27 Q33946 +Q270664 P106 Q639669 +Q254675 P106 Q10800557 +Q309788 P106 Q10800557 +Q740036 P1303 Q17172850 +Q234519 P106 Q14467526 +Q119348 P69 Q1583249 +Q58033 P106 Q36180 +Q230395 P106 Q2259451 +Q8743 P101 Q11023 +Q235305 P106 Q10800557 +Q291170 P161 Q242557 +Q230378 P106 Q10800557 +Q151870 P136 Q130232 +Q215444 P20 Q462799 +Q291866 P1412 Q652 +Q175392 P106 Q6625963 +Q108560 P136 Q9778 +Q1537105 P1303 Q6607 +Q71633 P27 Q408 +Q65613 P108 Q32120 +Q28930 P27 Q29 +Q175600 P495 Q183 +Q504677 P69 Q149990 +Q35 P131 Q756617 +Q58087 P1412 Q1860 +Q1251900 P106 Q177220 +Q29 P463 Q17495 +Q275553 P136 Q130232 +Q424 P463 Q17495 +Q1698 P1303 Q46185 +Q6694 P1412 Q188 +Q102112 P20 Q64 +Q270730 P106 Q28389 +Q4100 P17 Q41304 +Q724517 P106 Q639669 +Q238331 P27 Q30 +Q944996 P106 Q36180 +Q117 P463 Q5611262 +Q26876 P106 Q10800557 +Q365474 P106 Q177220 +Q91428 P106 Q2722764 +Q149557 P106 Q1930187 +Q131355 P69 Q745967 +Q438106 P27 Q30 +Q1700315 P172 Q49085 +Q461399 P1303 Q17172850 +Q139460 P136 Q2975633 +Q180819 P27 Q34266 +Q107095 P27 Q183 +Q19198 P136 Q11366 +Q189599 P106 Q488205 +Q19425 P106 Q1930187 +Q106326 P106 Q177220 +Q216004 P27 Q183 +Q78644 P106 Q18814623 +Q76512 P108 Q55044 +Q237497 P1303 Q17172850 +Q983316 P106 Q81096 +Q294568 P101 Q184485 +Q229263 P136 Q850412 +Q125058 P136 Q200092 +Q195274 P161 Q367927 +Q537386 P106 Q13235160 +Q102513 P101 Q36180 +Q349461 P1303 Q6607 +Q148428 P161 Q170572 +Q2415122 P551 Q65 +Q237405 P106 Q622807 +Q59653 P161 Q215072 +Q220480 P106 Q6625963 +Q313042 P106 Q10798782 +Q62443 P463 Q756504 +Q349420 P27 Q30 +Q449140 P106 Q639669 +Q15469 P102 Q9626 +Q379994 P136 Q860626 +Q269402 P136 Q1298934 +Q280673 P20 Q11299 +Q381307 P106 Q901 +Q544508 P106 Q639669 +Q44857 P106 Q639669 +Q1273345 P20 Q16555 +Q163211 P27 Q30 +Q822 P530 Q96 +Q436693 P1303 Q17172850 +Q465290 P106 Q33999 +Q239786 P106 Q33999 +Q63773 P27 Q183 +Q464941 P27 Q20 +Q62365 P463 Q812155 +Q255786 P119 Q1437214 +Q136646 P119 Q1625328 +Q47561 P27 Q28513 +Q780842 P106 Q7042855 +Q464318 P106 Q34074720 +Q888065 P264 Q729590 +Q80424 P1412 Q1860 +Q55796 P106 Q36180 +Q188137 P172 Q7325 +Q58793 P69 Q152087 +Q159409 P463 Q463303 +Q105666 P108 Q50662 +Q190145 P161 Q219373 +Q374504 P106 Q1281618 +Q34969 P106 Q188094 +Q754 P463 Q8475 +Q302682 P161 Q166562 +Q89014 P19 Q41329 +Q189950 P106 Q4263842 +Q374526 P161 Q229251 +Q3118802 P140 Q7066 +Q219634 P106 Q1397808 +Q35610 P106 Q82955 +Q188388 P140 Q9089 +Q255786 P19 Q62 +Q216341 P1303 Q17172850 +Q191064 P1412 Q9043 +Q520621 P106 Q639669 +Q471188 P27 Q191 +Q57391 P106 Q10798782 +Q67462 P108 Q317053 +Q952737 P551 Q64 +Q503758 P106 Q36180 +Q653632 P136 Q11399 +Q336640 P106 Q33999 +Q28193 P136 Q645928 +Q228901 P509 Q41571 +Q126067 P106 Q82955 +Q255233 P27 Q794 +Q51525 P106 Q2526255 +Q359383 P1412 Q1860 +Q441440 P1412 Q1860 +Q734 P530 Q730 +Q242416 P106 Q33999 +Q327288 P1303 Q17172850 +Q34414 P161 Q7374 +Q96 P530 Q822 +Q433403 P106 Q33999 +Q30 P463 Q782942 +Q84441 P1412 Q9063 +Q362406 P106 Q177220 +Q40495 P551 Q1353 +Q313998 P161 Q275402 +Q431401 P1050 Q10874 +Q57379 P106 Q82955 +Q19425 P136 Q128758 +Q1779 P1303 Q17172850 +Q181659 P737 Q892 +Q73612 P106 Q2259451 +Q151872 P106 Q1622272 +Q468003 P136 Q482 +Q212523 P106 Q37226 +Q542489 P108 Q1068752 +Q315217 P106 Q33999 +Q1350509 P106 Q158852 +Q813 P530 Q865 +Q28 P530 Q41 +Q103788 P1050 Q11081 +Q159 P530 Q958 +Q240541 P69 Q13371 +Q617 P17 Q153136 +Q215721 P19 Q1741 +Q76738 P27 Q12548 +Q148326 P136 Q471839 +Q110379 P27 Q30 +Q734 P463 Q191384 +Q240998 P106 Q10798782 +Q265810 P106 Q36180 +Q104104 P27 Q15180 +Q121810 P161 Q232642 +Q88832 P1412 Q188 +Q240774 P106 Q10800557 +Q150482 P106 Q10798782 +Q78713 P27 Q176495 +Q68209 P1412 Q188 +Q55428 P451 Q234551 +Q1372851 P27 Q183 +Q18425 P463 Q161806 +Q294531 P140 Q9268 +Q924 P37 Q1860 +Q60851 P106 Q12144794 +Q440145 P27 Q30 +Q75814 P463 Q2822396 +Q391784 P161 Q312077 +Q280666 P509 Q47912 +Q277551 P136 Q46046 +Q240954 P136 Q482 +Q1646438 P136 Q11399 +Q3085338 P27 Q142 +Q182212 P161 Q188375 +Q128995 P69 Q192088 +Q675465 P106 Q1930187 +Q2866 P27 Q15180 +Q167498 P106 Q10798782 +Q1027051 P1303 Q5994 +Q314419 P641 Q5386 +Q376144 P495 Q145 +Q181678 P172 Q165192 +Q1384181 P106 Q33999 +Q931278 P20 Q90 +Q1270525 P106 Q1259917 +Q276158 P106 Q4610556 +Q239917 P106 Q947873 +Q380280 P106 Q2526255 +Q274277 P26 Q515904 +Q1070606 P264 Q38903 +Q771296 P1412 Q7737 +Q184351 P1412 Q188 +Q160163 P108 Q49210 +Q60068 P27 Q668 +Q270599 P161 Q294185 +Q441551 P106 Q36180 +Q70324 P102 Q379922 +Q526406 P27 Q30 +Q888152 P1303 Q6607 +Q427326 P17 Q30 +Q320093 P106 Q10800557 +Q460379 P161 Q202475 +Q150482 P69 Q309331 +Q77598 P463 Q684415 +Q389548 P161 Q314640 +Q991720 P106 Q1930187 +Q340814 P495 Q30 +Q159551 P27 Q151624 +Q236702 P69 Q617433 +Q217160 P264 Q645889 +Q217294 P161 Q316709 +Q189895 P27 Q30 +Q478601 P106 Q2722764 +Q855252 P140 Q748 +Q230420 P172 Q49085 +Q73993 P69 Q55044 +Q82238 P106 Q855091 +Q108703 P69 Q165528 +Q68468 P509 Q372701 +Q94034 P106 Q214917 +Q309941 P106 Q639669 +Q183 P530 Q28 +Q248179 P106 Q2405480 +Q230633 P509 Q12192 +Q98737 P27 Q183 +Q291180 P161 Q313462 +Q232047 P106 Q2405480 +Q287960 P161 Q320084 +Q231345 P1412 Q9027 +Q132430 P27 Q664 +Q90217 P136 Q482 +Q192706 P27 Q179876 +Q42930 P463 Q463303 +Q6714 P20 Q64 +Q155907 P106 Q170790 +Q198621 P20 Q48958 +Q238895 P509 Q188874 +Q37327 P106 Q6625963 +Q869758 P106 Q639669 +Q323641 P106 Q177220 +Q1276376 P106 Q43845 +Q446504 P106 Q49757 +Q121810 P136 Q157443 +Q77087 P737 Q37030 +Q87589 P106 Q10798782 +Q658008 P140 Q6423963 +Q72267 P106 Q10800557 +Q453987 P1412 Q1860 +Q573017 P136 Q46046 +Q219521 P106 Q948329 +Q80959 P136 Q130232 +Q11647 P264 Q202440 +Q1175373 P69 Q35794 +Q57249 P102 Q7320 +Q106602 P463 Q459620 +Q400 P106 Q4610556 +Q705743 P136 Q83440 +Q212 P530 Q881 +Q1395790 P1412 Q652 +Q166641 P106 Q36180 +Q7833 P106 Q1028181 +Q40119 P136 Q2975633 +Q858623 P19 Q1490 +Q435878 P1412 Q1860 +Q66264 P27 Q183 +Q159 P463 Q170481 +Q423 P530 Q1005 +Q84114 P1412 Q1860 +Q153723 P161 Q172678 +Q100005 P119 Q2790054 +Q30931 P161 Q238356 +Q2599 P1303 Q6607 +Q185002 P27 Q142 +Q505827 P509 Q12136 +Q221202 P495 Q30 +Q230141 P463 Q463303 +Q204057 P161 Q42101 +Q790 P361 Q12585 +Q355781 P20 Q65 +Q340138 P136 Q157443 +Q216458 P17 Q30 +Q531247 P102 Q29552 +Q332462 P69 Q80207 +Q4227341 P27 Q15180 +Q95273 P69 Q156737 +Q60539 P106 Q10800557 +Q1157139 P106 Q639669 +Q195949 P840 Q61 +Q176455 P106 Q222749 +Q2633060 P106 Q36180 +Q281908 P106 Q36834 +Q6078 P106 Q3089940 +Q444237 P106 Q901 +Q81082 P27 Q142 +Q17 P530 Q236 +Q60025 P106 Q482980 +Q229784 P106 Q10800557 +Q379877 P136 Q200092 +Q64257 P19 Q2079 +Q57604 P19 Q3012 +Q1029853 P106 Q860918 +Q216195 P737 Q23434 +Q6050 P106 Q36180 +Q329035 P106 Q639669 +Q241873 P19 Q8684 +Q80 P463 Q270794 +Q57384 P509 Q212961 +Q38049 P1412 Q188 +Q102438 P161 Q172653 +Q157324 P106 Q4263842 +Q229808 P136 Q188473 +Q57700 P106 Q639669 +Q34787 P463 Q183725 +Q132537 P172 Q7325 +Q81520 P136 Q188473 +Q519289 P1303 Q6607 +Q254022 P106 Q2405480 +Q10218 P102 Q10225 +Q2929654 P1412 Q150 +Q321527 P106 Q3391743 +Q342723 P509 Q208414 +Q655213 P106 Q49757 +Q212 P530 Q889 +Q79 P463 Q233611 +Q222818 P1412 Q1860 +Q165816 P106 Q13474373 +Q115490 P463 Q2124852 +Q57124 P19 Q1085 +Q2347483 P106 Q901 +Q96426 P27 Q183 +Q103114 P737 Q157303 +Q317358 P27 Q30 +Q1380398 P1303 Q5994 +Q333265 P1412 Q7737 +Q159227 P172 Q170217 +Q295537 P1412 Q1860 +Q89316 P108 Q875788 +Q2112 P17 Q1206012 +Q64176 P108 Q309948 +Q324557 P840 Q1490 +Q1010602 P136 Q7749 +Q2134121 P463 Q463303 +Q39789 P509 Q12202 +Q80204 P161 Q231163 +Q82049 P1412 Q150 +Q128604 P27 Q16 +Q113489 P27 Q16957 +Q75823 P27 Q183 +Q431038 P3373 Q103578 +Q1245769 P140 Q23540 +Q245363 P27 Q41 +Q117783 P106 Q2526255 +Q204586 P106 Q10800557 +Q221303 P106 Q82955 +Q43994 P106 Q10798782 +Q76459 P119 Q438199 +Q101919 P102 Q328195 +Q379824 P26 Q289752 +Q144535 P106 Q2374149 +Q83733 P106 Q10798782 +Q209538 P161 Q242707 +Q161678 P161 Q105466 +Q297024 P551 Q1524 +Q315325 P1412 Q1860 +Q218960 P106 Q6625963 +Q55 P37 Q7411 +Q928 P463 Q7825 +Q217 P530 Q865 +Q72538 P463 Q684415 +Q143945 P101 Q207628 +Q958294 P106 Q1930187 +Q178412 P463 Q2822396 +Q208681 P1303 Q5994 +Q300547 P161 Q201279 +Q186264 P27 Q142 +Q47159 P264 Q202440 +Q78506 P106 Q333634 +Q438014 P69 Q1536258 +Q156942 P463 Q329464 +Q286366 P106 Q28389 +Q65372 P106 Q82955 +Q188235 P106 Q488205 +Q434701 P106 Q10798782 +Q383926 P27 Q30 +Q57389 P135 Q80113 +Q355112 P27 Q29 +Q443190 P106 Q1622272 +Q851 P530 Q96 +Q1077405 P106 Q488205 +Q153658 P40 Q882 +Q237039 P136 Q482 +Q32049 P27 Q884 +Q242608 P1303 Q17172850 +Q107095 P69 Q152171 +Q298682 P106 Q5716684 +Q61067 P1412 Q397 +Q130355 P1303 Q5994 +Q50005 P27 Q172579 +Q224 P530 Q41 +Q274306 P19 Q2280 +Q728959 P69 Q736674 +Q34190 P1412 Q1860 +Q981856 P136 Q208494 +Q317160 P106 Q36180 +Q328201 P106 Q16533 +Q55438 P1412 Q652 +Q168728 P19 Q62 +Q230395 P106 Q855091 +Q148429 P161 Q387072 +Q155871 P106 Q806798 +Q215556 P106 Q36834 +Q463639 P20 Q11299 +Q181145 P106 Q158852 +Q9364 P106 Q864380 +Q180278 P1303 Q1444 +Q715404 P106 Q855091 +Q853 P551 Q649 +Q96669 P463 Q150793 +Q23814 P106 Q2059704 +Q41523 P172 Q539051 +Q179493 P27 Q34 +Q27357 P106 Q49757 +Q231880 P264 Q38903 +Q29315 P69 Q168426 +Q11621 P135 Q377616 +Q131112 P106 Q188094 +Q445095 P27 Q174193 +Q242454 P106 Q49757 +Q115525 P27 Q23366230 +Q327574 P106 Q2259451 +Q66213 P136 Q8261 +Q104177 P106 Q185351 +Q539143 P106 Q36834 +Q95259 P20 Q14859 +Q1226921 P106 Q488205 +Q32522 P451 Q302650 +Q262838 P106 Q36834 +Q25880 P106 Q12362622 +Q56016 P1412 Q1860 +Q1363261 P106 Q901 +Q7301731 P1412 Q1860 +Q343616 P106 Q639669 +Q572608 P106 Q183945 +Q540516 P106 Q753110 +Q181086 P161 Q128379 +Q500546 P106 Q1930187 +Q238919 P27 Q30 +Q928851 P101 Q184485 +Q92853 P19 Q90 +Q1351047 P106 Q16267607 +Q1811612 P106 Q128124 +Q153232 P463 Q2822396 +Q31164 P737 Q26876 +Q51461 P509 Q181754 +Q707607 P1303 Q17172850 +Q131366 P740 Q1297 +Q25835 P136 Q369747 +Q193482 P106 Q1759246 +Q344454 P463 Q463303 +Q359665 P1050 Q131755 +Q106797 P27 Q183 +Q64417 P136 Q1344 +Q162182 P840 Q881 +Q268905 P161 Q189554 +Q545423 P106 Q1930187 +Q99076 P106 Q16267607 +Q183 P530 Q159 +Q101740 P106 Q81096 +Q42402 P106 Q855091 +Q432929 P1050 Q11085 +Q428223 P106 Q177220 +Q11755 P106 Q82594 +Q544464 P106 Q2961975 +Q159577 P136 Q188473 +Q354158 P1303 Q11405 +Q151904 P840 Q641 +Q244390 P106 Q11774202 +Q165672 P140 Q432 +Q229 P463 Q1480793 +Q45396 P106 Q121594 +Q219631 P264 Q277626 +Q68468 P119 Q564922 +Q121507 P1412 Q1860 +Q732434 P106 Q1930187 +Q16389 P463 Q337266 +Q229319 P641 Q11419 +Q157309 P69 Q83259 +Q229244 P106 Q36834 +Q381799 P106 Q2405480 +Q214548 P106 Q639669 +Q7841 P1050 Q12204 +Q8442 P1412 Q150 +Q504061 P106 Q1622272 +Q61597 P106 Q11774202 +Q49074 P106 Q4964182 +Q313581 P106 Q1930187 +Q223271 P19 Q1156 +Q322549 P463 Q338432 +Q35733 P136 Q482 +Q129857 P106 Q10732476 +Q177632 P106 Q10800557 +Q75546 P136 Q1054574 +Q1341315 P101 Q41217 +Q87675 P463 Q18912936 +Q95125 P106 Q28389 +Q214191 P27 Q183 +Q70342 P106 Q49757 +Q714526 P106 Q82955 +Q361670 P1412 Q1860 +Q842 P463 Q8475 +Q116789 P106 Q4964182 +Q921 P530 Q869 +Q87018 P19 Q1741 +Q85426 P106 Q15895020 +Q104022 P106 Q4964182 +Q379830 P106 Q8246794 +Q62977 P106 Q4964182 +Q206388 P57 Q164562 +Q245208 P495 Q30 +Q103637 P27 Q183 +Q8680 P17 Q174193 +Q94081 P27 Q145 +Q233347 P27 Q30 +Q405542 P106 Q10800557 +Q128967 P1412 Q1860 +Q2602121 P108 Q49112 +Q460088 P106 Q28389 +Q928939 P106 Q36180 +Q131112 P69 Q49112 +Q12696 P69 Q32120 +Q154770 P20 Q65 +Q70991 P106 Q39631 +Q912 P361 Q4412 +Q465105 P27 Q30 +Q77549 P106 Q482980 +Q76772 P106 Q10872101 +Q240872 P1412 Q1860 +Q726057 P264 Q4883239 +Q219744 P69 Q308963 +Q13526 P106 Q2306091 +Q63826 P106 Q333634 +Q320218 P27 Q30 +Q57554 P106 Q11063 +Q164674 P69 Q1341516 +Q229550 P264 Q202440 +Q93124 P108 Q37156 +Q374504 P27 Q30 +Q158997 P1412 Q1860 +Q1281738 P106 Q6625963 +Q109149 P106 Q2599593 +Q78003 P106 Q28389 +Q235346 P1303 Q17172850 +Q444125 P19 Q60 +Q1514 P101 Q207628 +Q529639 P1412 Q1860 +Q327332 P136 Q2484376 +Q206388 P161 Q233868 +Q981489 P20 Q16552 +Q65533 P106 Q10800557 +Q45188 P495 Q145 +Q215721 P106 Q15627169 +Q230736 P106 Q10800557 +Q326542 P106 Q130857 +Q31164 P136 Q188450 +Q42869 P69 Q1185037 +Q187019 P737 Q43444 +Q233464 P840 Q18419 +Q39970 P161 Q240467 +Q351732 P172 Q161652 +Q53026 P106 Q28389 +Q43723 P102 Q187009 +Q36014 P102 Q1332068 +Q1282750 P106 Q488205 +Q305909 P106 Q214917 +Q96 P361 Q49 +Q98737 P106 Q15627169 +Q28 P463 Q7809 +Q408 P530 Q155 +Q25014 P106 Q3282637 +Q191842 P136 Q37073 +Q25120 P20 Q220 +Q231214 P106 Q36180 +Q152452 P26 Q152437 +Q271731 P106 Q639669 +Q173978 P509 Q12152 +Q186652 P106 Q82955 +Q22670 P136 Q182659 +Q381944 P106 Q33999 +Q159 P530 Q258 +Q18425 P463 Q123885 +Q380095 P19 Q61 +Q316884 P69 Q219615 +Q306403 P106 Q10800557 +Q324157 P106 Q36180 +Q167399 P136 Q373342 +Q611997 P106 Q1930187 +Q53040 P106 Q3387717 +Q43203 P106 Q4991371 +Q1333939 P106 Q488205 +Q85726 P108 Q686522 +Q182944 P161 Q166272 +Q48978 P495 Q30 +Q110942 P101 Q2329 +Q504923 P140 Q1841 +Q232052 P27 Q38 +Q637195 P101 Q207628 +Q198557 P57 Q51511 +Q100005 P27 Q36 +Q237633 P106 Q10798782 +Q238557 P106 Q37226 +Q344822 P106 Q806349 +Q212173 P1412 Q1860 +Q241422 P1412 Q150 +Q231438 P106 Q33999 +Q242530 P106 Q6625963 +Q561826 P1412 Q1860 +Q130547 P264 Q155152 +Q92760 P463 Q543804 +Q25161 P136 Q193606 +Q8446 P106 Q639669 +Q1025106 P159 Q47164 +Q164103 P161 Q129817 +Q316330 P106 Q1930187 +Q230476 P1412 Q150 +Q58125755 P1303 Q128309 +Q64076 P509 Q175111 +Q26274 P106 Q1930187 +Q45563 P69 Q49210 +Q266535 P106 Q4610556 +Q312995 P136 Q5967378 +Q544521 P463 Q684415 +Q38 P530 Q1016 +Q541708 P27 Q30 +Q221104 P161 Q1198697 +Q737922 P102 Q79854 +Q474796 P27 Q29999 +Q170472 P1412 Q35497 +Q316857 P26 Q257217 +Q1242553 P1303 Q5994 +Q68121 P463 Q695302 +Q4751826 P172 Q133255 +Q264418 P26 Q334885 +Q711406 P106 Q158852 +Q266676 P136 Q131578 +Q158486 P69 Q217741 +Q62942 P106 Q18814623 +Q202878 P106 Q10798782 +Q320653 P136 Q12799318 +Q18154882 P161 Q266179 +Q220 P17 Q38 +Q362340 P19 Q31487 +Q161955 P106 Q15296811 +Q398 P463 Q17495 +Q73768 P509 Q12078 +Q333362 P27 Q174193 +Q127367 P161 Q180338 +Q1397375 P1050 Q41571 +Q372311 P106 Q2259451 +Q294927 P264 Q557632 +Q211730 P172 Q170826 +Q273136 P106 Q33999 +Q216838 P69 Q805285 +Q171861 P136 Q1054574 +Q743051 P106 Q386854 +Q245271 P161 Q264891 +Q931278 P106 Q169470 +Q107914 P840 Q84 +Q44775 P106 Q49757 +Q16409 P27 Q218 +Q70425 P106 Q185351 +Q132964 P106 Q214917 +Q704931 P737 Q200639 +Q505476 P1303 Q6607 +Q1475124 P1303 Q6607 +Q1453287 P27 Q34 +Q408 P530 Q35 +Q30 P463 Q842490 +Q31164 P737 Q205721 +Q42402 P1303 Q17172850 +Q704931 P106 Q4263842 +Q118229 P1412 Q188 +Q148204 P161 Q185051 +Q124505 P463 Q459620 +Q107008 P551 Q189074 +Q202144 P106 Q18814623 +Q201842 P106 Q15077007 +Q256738 P19 Q585 +Q310347 P106 Q2095549 +Q554209 P106 Q36834 +Q78592 P20 Q13298 +Q716293 P1412 Q1860 +Q294372 P551 Q65 +Q108216 P1412 Q188 +Q973488 P108 Q174710 +Q70236 P69 Q152171 +Q95479 P108 Q155354 +Q215637 P106 Q82955 +Q368129 P1303 Q17172850 +Q105031 P136 Q157443 +Q232348 P106 Q488205 +Q304366 P136 Q842256 +Q242749 P106 Q3282637 +Q761453 P106 Q1930187 +Q30875 P106 Q49757 +Q19673 P1412 Q1860 +Q57106 P1412 Q7737 +Q451369 P20 Q33935 +Q634776 P20 Q3141 +Q105460 P106 Q10800557 +Q32045 P3373 Q54314 +Q876706 P1412 Q150 +Q156201 P27 Q2305208 +Q119849 P1412 Q1860 +Q34670 P1412 Q150 +Q208871 P27 Q30 +Q90430 P19 Q1741 +Q709077 P102 Q29552 +Q16458 P161 Q162959 +Q354783 P106 Q28389 +Q287817 P19 Q3141 +Q757 P37 Q1860 +Q4028 P106 Q55960555 +Q17676 P26 Q354863 +Q448404 P1303 Q17172850 +Q684808 P140 Q35032 +Q93030 P69 Q1145814 +Q179888 P463 Q18912936 +Q46706 P101 Q184485 +Q454758 P463 Q83172 +Q880181 P106 Q2919046 +Q1013 P463 Q8475 +Q222965 P136 Q130232 +Q205721 P106 Q183945 +Q178698 P463 Q463281 +Q955405 P106 Q7042855 +Q346595 P106 Q33999 +Q84238 P108 Q49210 +Q2477225 P102 Q79854 +Q321990 P106 Q33999 +Q27357 P463 Q11993457 +Q132433 P106 Q1643514 +Q1065956 P108 Q131252 +Q212064 P106 Q3282637 +Q47737 P19 Q822 +Q869 P463 Q827525 +Q108510 P27 Q30 +Q275543 P119 Q6923684 +Q781514 P27 Q218 +Q139637 P108 Q49210 +Q239823 P106 Q3391743 +Q180861 P140 Q7066 +Q156532 P19 Q36091 +Q238800 P106 Q10800557 +Q1631 P106 Q753110 +Q254983 P69 Q617433 +Q647445 P101 Q8341 +Q1233 P106 Q82955 +Q217557 P106 Q121594 +Q188386 P119 Q12404547 +Q174478 P106 Q639669 +Q217303 P840 Q6106 +Q184933 P106 Q36834 +Q215263 P106 Q4964182 +Q441940 P106 Q639669 +Q170576 P106 Q177220 +Q162458 P161 Q1380398 +Q633 P551 Q2135 +Q1070152 P136 Q753679 +Q85580 P108 Q51985 +Q345517 P26 Q432694 +Q365129 P27 Q30 +Q306403 P1412 Q1860 +Q960524 P106 Q15981151 +Q182665 P1412 Q1860 +Q109608 P27 Q183 +Q23154 P17 Q179876 +Q334288 P140 Q7066 +Q2046788 P463 Q2370801 +Q43 P530 Q219060 +Q271464 P172 Q49085 +Q223992 P1412 Q1860 +Q355839 P106 Q10798782 +Q99564 P463 Q812155 +Q64910 P509 Q175111 +Q229983 P1412 Q1860 +Q1443825 P19 Q2090 +Q274227 P106 Q3282637 +Q212089 P106 Q36834 +Q104000 P509 Q12202 +Q326196 P106 Q488205 +Q106797 P19 Q64 +Q789926 P106 Q947873 +Q1151944 P106 Q713200 +Q5752 P27 Q159 +Q218718 P1412 Q1860 +Q95370 P27 Q183 +Q48048 P106 Q189290 +Q1037263 P136 Q131272 +Q179257 P136 Q850412 +Q522579 P106 Q28389 +Q183 P530 Q1041 +Q717 P463 Q3369762 +Q105090 P27 Q183 +Q681470 P1412 Q1860 +Q60684 P140 Q75809 +Q61743 P27 Q183 +Q349217 P27 Q145 +Q61183 P140 Q55004488 +Q264596 P106 Q8246794 +Q214226 P106 Q10800557 +Q215392 P740 Q585 +Q325396 P106 Q33999 +Q854 P530 Q408 +Q78525 P106 Q1238570 +Q314223 P108 Q678095 +Q153020 P106 Q4263842 +Q884 P530 Q928 +Q244931 P161 Q206659 +Q274342 P108 Q21578 +Q233457 P106 Q10800557 +Q73938 P69 Q152838 +Q1537105 P106 Q639669 +Q371182 P27 Q30 +Q1224 P106 Q806798 +Q709646 P106 Q2095549 +Q193048 P551 Q34006 +Q242530 P20 Q34006 +Q364875 P106 Q36834 +Q192022 P136 Q20442589 +Q954 P530 Q230 +Q61601 P106 Q36180 +Q1173373 P136 Q187760 +Q11093 P69 Q238101 +Q176909 P551 Q79867 +Q161842 P20 Q1770 +Q274342 P106 Q11774202 +Q107405 P106 Q169470 +Q181529 P463 Q270794 +Q264869 P136 Q20442589 +Q433044 P106 Q33999 +Q593554 P69 Q215539 +Q313874 P136 Q185867 +Q468523 P27 Q145 +Q214097 P27 Q183 +Q75866 P102 Q7320 +Q163662 P106 Q214917 +Q200672 P840 Q84 +Q61533 P106 Q20725072 +Q139927 P161 Q463692 +Q436712 P106 Q36180 +Q200566 P106 Q33999 +Q84960 P27 Q16957 +Q75886 P69 Q161976 +Q229112 P106 Q33999 +Q345494 P136 Q9778 +Q720009 P136 Q43343 +Q124784 P106 Q17489339 +Q104067 P172 Q7325 +Q1374180 P106 Q81096 +Q191842 P106 Q177220 +Q59737 P69 Q672420 +Q316045 P140 Q7066 +Q294931 P1412 Q1860 +Q722119 P106 Q28389 +Q232774 P136 Q2484376 +Q1370974 P1303 Q5994 +Q704718 P136 Q9759 +Q9696 P463 Q468865 +Q1292776 P106 Q2405480 +Q92617 P20 Q47265 +Q352540 P1303 Q17172850 +Q187154 P161 Q348738 +Q231360 P106 Q36180 +Q115754 P1412 Q150 +Q455304 P69 Q3072747 +Q256928 P27 Q142 +Q231093 P69 Q174710 +Q68468 P463 Q414110 +Q61915 P106 Q4964182 +Q336444 P106 Q82955 +Q178698 P19 Q42462 +Q377638 P101 Q309 +Q727416 P27 Q29 +Q333987 P27 Q30 +Q865275 P27 Q183 +Q4977994 P106 Q483501 +Q922336 P20 Q220 +Q550900 P106 Q488205 +Q69108 P106 Q4610556 +Q178348 P172 Q170826 +Q289003 P1303 Q6607 +Q311459 P106 Q4964182 +Q96 P463 Q782942 +Q1046066 P136 Q487914 +Q533369 P136 Q11401 +Q125484 P463 Q812155 +Q363698 P106 Q753110 +Q71602 P119 Q311 +Q1411849 P136 Q83440 +Q168274 P106 Q36834 +Q220550 P108 Q165980 +Q235318 P19 Q597 +Q5683 P106 Q82955 +Q232968 P19 Q43196 +Q7302 P136 Q1344 +Q106751 P101 Q2329 +Q202693 P106 Q6625963 +Q242796 P106 Q864380 +Q105119 P1412 Q188 +Q287793 P106 Q578109 +Q309888 P27 Q30 +Q669448 P119 Q281859 +Q339196 P27 Q408 +Q5950 P106 Q486748 +Q112378 P69 Q51985 +Q127367 P161 Q276425 +Q392 P451 Q439920 +Q60208 P108 Q154561 +Q193608 P106 Q4853732 +Q66456 P108 Q159895 +Q241510 P69 Q503419 +Q631508 P106 Q1622272 +Q312803 P136 Q37073 +Q232052 P106 Q177220 +Q212775 P840 Q8686 +Q91903 P108 Q153978 +Q31 P463 Q5611262 +Q442549 P106 Q33999 +Q232282 P172 Q7325 +Q153484 P136 Q1776156 +Q101886 P106 Q193391 +Q70737 P106 Q4263842 +Q1514 P27 Q30 +Q4271 P1412 Q1860 +Q319725 P106 Q2405480 +Q57136 P27 Q41304 +Q16285 P106 Q214917 +Q252041 P106 Q42973 +Q357324 P27 Q96 +Q237560 P140 Q9268 +Q231019 P106 Q36180 +Q265 P530 Q159 +Q95424 P69 Q156737 +Q57640 P106 Q131524 +Q8704 P19 Q1297 +Q160852 P463 Q18912936 +Q180850 P264 Q183387 +Q131324 P3373 Q2831 +Q318750 P509 Q206901 +Q569378 P27 Q145 +Q370560 P136 Q11399 +Q20 P530 Q33 +Q273315 P106 Q753110 +Q57235 P106 Q36180 +Q59534 P840 Q60 +Q35385 P106 Q947873 +Q9047 P106 Q635734 +Q338432 P131 Q220 +Q463501 P140 Q35032 +Q390097 P136 Q130232 +Q215359 P20 Q127856 +Q1049 P37 Q13955 +Q540155 P20 Q1770 +Q173158 P172 Q42406 +Q110085 P119 Q176298 +Q34189 P69 Q232141 +Q189992 P106 Q10800557 +Q331759 P27 Q408 +Q46717 P136 Q157394 +Q95089 P1412 Q1860 +Q151881 P161 Q313788 +Q72908 P106 Q36180 +Q410 P69 Q131252 +Q154014 P106 Q482980 +Q993950 P106 Q1086863 +Q17 P463 Q827525 +Q166876 P106 Q201788 +Q175278 P161 Q310947 +Q230939 P106 Q10798782 +Q25660 P1303 Q17172850 +Q119159 P106 Q1622272 +Q55230 P27 Q28 +Q435801 P106 Q81096 +Q714602 P264 Q183387 +Q153670 P106 Q18814623 +Q218992 P106 Q639669 +Q366057 P106 Q2526255 +Q389151 P495 Q30 +Q921542 P106 Q13219637 +Q71635 P19 Q3616 +Q244997 P106 Q1930187 +Q555993 P463 Q123885 +Q104929 P27 Q183 +Q731139 P106 Q164236 +Q24999 P27 Q801 +Q262294 P19 Q801 +Q41488 P172 Q190168 +Q187192 P20 Q90 +Q29658 P161 Q173399 +Q502362 P1412 Q7913 +Q443813 P106 Q488205 +Q43939 P20 Q29303 +Q332462 P172 Q44806 +Q3504610 P106 Q593644 +Q35 P530 Q41 +Q1624891 P106 Q488205 +Q269809 P106 Q33999 +Q18425 P463 Q3603946 +Q928 P530 Q224 +Q1343669 P19 Q65 +Q358529 P106 Q1622272 +Q14441 P1412 Q1860 +Q249931 P161 Q368794 +Q194419 P106 Q578109 +Q787176 P106 Q36180 +Q503710 P106 Q639669 +Q439455 P27 Q36 +Q152929 P264 Q664167 +Q202585 P136 Q9778 +Q22432 P161 Q185140 +Q66408 P106 Q33999 +Q400678 P27 Q794 +Q57426 P509 Q852423 +Q96997 P463 Q15646111 +Q442931 P106 Q1930187 +Q242914 P106 Q488205 +Q239652 P106 Q36180 +Q556767 P19 Q60 +Q3520383 P161 Q272972 +Q437713 P1303 Q6607 +Q11877 P172 Q49085 +Q57317 P20 Q1735 +Q130127 P27 Q20 +Q4074457 P106 Q201788 +Q317521 P27 Q16 +Q1189327 P106 Q10800557 +Q796 P530 Q902 +Q88029 P27 Q183 +Q11806 P509 Q181754 +Q668 P530 Q424 +Q109388 P106 Q1622272 +Q9294 P140 Q483654 +Q302835 P101 Q2329 +Q167803 P106 Q36180 +Q277180 P19 Q597 +Q4471 P495 Q30 +Q246296 P106 Q82955 +Q183347 P106 Q36834 +Q236 P530 Q35 +Q328760 P106 Q81096 +Q133925 P106 Q10798782 +Q198621 P463 Q161806 +Q115780 P106 Q36180 +Q204996 P106 Q4964182 +Q77 P463 Q233611 +Q109422 P106 Q169470 +Q125106 P69 Q7607037 +Q164782 P106 Q1979607 +Q220780 P840 Q1166 +Q443121 P106 Q10798782 +Q60487 P161 Q94913 +Q275641 P136 Q8341 +Q720009 P1303 Q5994 +Q107130 P20 Q1156 +Q977 P463 Q294278 +Q457687 P69 Q927373 +Q69439 P106 Q483501 +Q75696 P19 Q2742 +Q9711 P172 Q121842 +Q161687 P161 Q343463 +Q29427 P19 Q796 +Q370326 P161 Q948751 +Q902 P530 Q232 +Q363371 P106 Q1327329 +Q212523 P20 Q61 +Q1374080 P106 Q2095549 +Q349777 P1412 Q1860 +Q77082 P106 Q1622272 +Q180278 P106 Q765778 +Q106275 P69 Q463055 +Q92621 P106 Q36180 +Q1389258 P106 Q36180 +Q271874 P136 Q11401 +Q64910 P140 Q1841 +Q11647 P264 Q656752 +Q1929135 P106 Q55960555 +Q212015 P106 Q36834 +Q2263 P102 Q29552 +Q214642 P106 Q49757 +Q234997 P19 Q11299 +Q215120 P69 Q13371 +Q57629 P106 Q214917 +Q17457 P463 Q465654 +Q363371 P136 Q11399 +Q1173676 P106 Q901 +Q76772 P108 Q20266330 +Q263696 P1303 Q17172850 +Q257551 P106 Q10800557 +Q952737 P106 Q15627169 +Q139460 P136 Q1146335 +Q103784 P106 Q33999 +Q286410 P264 Q193023 +Q455236 P106 Q130857 +Q213553 P101 Q309 +Q39970 P161 Q213574 +Q314942 P136 Q471839 +Q313367 P1303 Q17172850 +Q268147 P463 Q463281 +Q534234 P106 Q10800557 +Q954997 P106 Q10800557 +Q58811 P119 Q6986 +Q192885 P1050 Q12204 +Q505827 P106 Q1930187 +Q187107 P172 Q49085 +Q9061 P551 Q84 +Q463501 P106 Q1231865 +Q666875 P27 Q131964 +Q213773 P161 Q311615 +Q408 P530 Q17 +Q180338 P106 Q10800557 +Q338442 P495 Q30 +Q234865 P1412 Q7976 +Q55245 P106 Q28389 +Q57139 P1303 Q281460 +Q95034 P1412 Q1860 +Q786 P463 Q376150 +Q29427 P1412 Q9288 +Q28 P463 Q191384 +Q106009 P106 Q1731155 +Q36105 P509 Q11081 +Q269645 P106 Q36834 +Q420041 P106 Q10798782 +Q1741 P17 Q153136 +Q740657 P69 Q192088 +Q349312 P69 Q309350 +Q465386 P19 Q84 +Q4061 P27 Q30 +Q751205 P106 Q40348 +Q75828 P106 Q39631 +Q865 P530 Q924 +Q123861 P106 Q201788 +Q253607 P19 Q1861 +Q105875 P264 Q700359 +Q316756 P106 Q639669 +Q854912 P106 Q128124 +Q309926 P1303 Q17172850 +Q90009 P106 Q4263842 +Q617215 P106 Q81096 +Q78782 P1412 Q652 +Q61687 P69 Q152087 +Q85282 P108 Q152087 +Q160263 P106 Q4853732 +Q1140309 P161 Q152542 +Q403 P530 Q79 +Q725519 P106 Q36180 +Q314877 P106 Q36834 +Q183337 P106 Q3455803 +Q944386 P108 Q752663 +Q241215 P136 Q147516 +Q19356 P161 Q372311 +Q229244 P136 Q37073 +Q64487 P106 Q36180 +Q30570 P106 Q855091 +Q228 P530 Q183 +Q128934 P161 Q26806 +Q69392 P106 Q185351 +Q185465 P136 Q37073 +Q823935 P1412 Q1860 +Q45255 P106 Q2526255 +Q325449 P509 Q12078 +Q228585 P161 Q355209 +Q553742 P1303 Q11405 +Q190631 P106 Q33999 +Q312394 P161 Q873 +Q677769 P106 Q2306091 +Q267306 P136 Q131272 +Q78926 P551 Q14960 +Q310932 P106 Q2405480 +Q131545 P106 Q465501 +Q59185 P136 Q11401 +Q241115 P1412 Q188 +Q66545534 P407 Q7737 +Q349777 P106 Q36180 +Q219373 P106 Q3282637 +Q108510 P108 Q126399 +Q490333 P19 Q656 +Q561809 P509 Q4651894 +Q358345 P19 Q60 +Q229268 P19 Q34404 +Q424173 P106 Q36834 +Q455605 P106 Q16145150 +Q311241 P136 Q850412 +Q303680 P106 Q1622272 +Q5104 P1412 Q1860 +Q76819 P106 Q3387717 +Q242707 P106 Q3282637 +Q168161 P106 Q1622272 +Q287309 P1303 Q17172850 +Q349217 P106 Q639669 +Q200804 P161 Q361587 +Q81807 P106 Q487596 +Q270774 P106 Q28389 +Q543719 P106 Q10800557 +Q161400 P161 Q313849 +Q429311 P136 Q859369 +Q92830 P27 Q129286 +Q92316 P102 Q49768 +Q786579 P119 Q311 +Q44426 P106 Q10800557 +Q67633 P106 Q82955 +Q287976 P1412 Q652 +Q181529 P106 Q1622272 +Q77497 P106 Q214917 +Q61322 P106 Q36180 +Q485310 P106 Q2526255 +Q721819 P264 Q1439985 +Q702111 P106 Q219477 +Q959159 P106 Q639669 +Q678 P463 Q827525 +Q419 P463 Q4230 +Q597698 P1412 Q7737 +Q1954907 P509 Q18554460 +Q69339 P135 Q37068 +Q156608 P161 Q229112 +Q84011 P19 Q1773 +Q865 P530 Q423 +Q91137 P106 Q1622272 +Q766314 P463 Q901677 +Q67901 P20 Q1040 +Q163042 P106 Q82955 +Q449140 P19 Q1297 +Q37370 P106 Q333634 +Q934682 P1412 Q1860 +Q83338 P106 Q28389 +Q1196965 P106 Q488205 +Q764570 P108 Q13371 +Q169946 P140 Q748 +Q285330 P106 Q2259451 +Q937936 P20 Q649 +Q786579 P106 Q1930187 +Q212 P463 Q8475 +Q183412 P749 Q21077 +Q442721 P136 Q484641 +Q908693 P20 Q60 +Q1689346 P264 Q183387 +Q315132 P136 Q21010853 +Q105158 P69 Q463055 +Q1911440 P27 Q30 +Q1528163 P27 Q38 +Q216536 P463 Q459620 +Q428215 P108 Q9531 +Q192682 P27 Q30 +Q59572 P136 Q2421031 +Q163872 P161 Q192643 +Q164401 P463 Q2822396 +Q34424 P69 Q174710 +Q3123761 P108 Q1189954 +Q159585 P509 Q12152 +Q236596 P106 Q49757 +Q128187 P161 Q152542 +Q76483 P106 Q6625963 +Q428158 P840 Q60 +Q334648 P136 Q187760 +Q1160461 P69 Q49088 +Q48097 P20 Q649 +Q504920 P106 Q639669 +Q242376 P140 Q432 +Q11613 P106 Q16533 +Q93015 P19 Q34370 +Q85118 P509 Q128581 +Q114819 P161 Q230736 +Q124523 P106 Q188094 +Q297425 P106 Q1231865 +Q1372074 P1303 Q5994 +Q869 P530 Q424 +Q107130 P106 Q177220 +Q216582 P102 Q139596 +Q357961 P106 Q15895020 +Q48053 P106 Q82955 +Q208101 P106 Q676 +Q13908 P161 Q727730 +Q163263 P106 Q4610556 +Q78505 P27 Q41304 +Q127423 P106 Q177220 +Q443995 P106 Q3387717 +Q4612 P509 Q476921 +Q25660 P27 Q36 +Q230 P530 Q142 +Q34584 P101 Q207628 +Q78864 P106 Q193391 +Q76310 P1412 Q188 +Q266676 P27 Q17 +Q101728 P172 Q42884 +Q368812 P106 Q1930187 +Q783992 P106 Q488205 +Q151113 P26 Q2964710 +Q440433 P106 Q19204627 +Q264869 P161 Q4509 +Q82519 P136 Q860626 +Q182725 P136 Q9759 +Q51461 P106 Q33999 +Q4894155 P463 Q427318 +Q34460 P106 Q2259451 +Q237039 P136 Q35760 +Q270529 P509 Q623031 +Q310798 P108 Q457281 +Q207307 P27 Q145 +Q954623 P27 Q30 +Q956 P17 Q148 +Q40 P530 Q43 +Q725933 P106 Q28389 +Q203715 P136 Q49084 +Q380407 P106 Q2059704 +Q91845 P108 Q55044 +Q235955 P140 Q9268 +Q72201 P108 Q155354 +Q315199 P1412 Q1860 +Q229264 P101 Q1069 +Q157044 P161 Q360046 +Q2632 P1303 Q128309 +Q273055 P19 Q1297 +Q242329 P172 Q49085 +Q6648722 P101 Q431 +Q101383 P27 Q183 +Q67405 P106 Q1209498 +Q439366 P1303 Q17172850 +Q351061 P1303 Q5994 +Q192331 P106 Q4263842 +Q240849 P136 Q2484376 +Q76459 P1412 Q188 +Q312407 P27 Q30 +Q186089 P106 Q5322166 +Q945024 P1412 Q9288 +Q236531 P106 Q488205 +Q57298 P3373 Q307463 +Q794 P530 Q1028 +Q63397 P106 Q901 +Q686493 P106 Q1930187 +Q159 P463 Q1928989 +Q45 P463 Q8908 +Q180337 P840 Q408 +Q53783 P69 Q776223 +Q740657 P20 Q288781 +Q70999 P69 Q152087 +Q66600 P108 Q206702 +Q702508 P106 Q10800557 +Q239307 P551 Q42448 +Q4415063 P20 Q649 +Q96950 P19 Q1733 +Q1973878 P69 Q13371 +Q316556 P119 Q288130 +Q377638 P27 Q145 +Q218 P530 Q20 +Q333260 P106 Q1622272 +Q132351 P136 Q2484376 +Q1742005 P264 Q183387 +Q445985 P108 Q463055 +Q362886 P106 Q183945 +Q1261353 P106 Q33999 +Q231228 P106 Q8246794 +Q159585 P101 Q82955 +Q49081 P737 Q33391 +Q353788 P106 Q488205 +Q562108 P106 Q36180 +Q7525 P37 Q8798 +Q152318 P106 Q36180 +Q29999 P463 Q340195 +Q67645 P106 Q1622272 +Q135481 P27 Q34266 +Q66800 P106 Q1622272 +Q22670 P1050 Q12204 +Q1232924 P136 Q1298934 +Q729697 P106 Q2914170 +Q342526 P740 Q99 +Q428490 P136 Q11401 +Q45374 P106 Q11900058 +Q634100 P106 Q36180 +Q389466 P161 Q185002 +Q55767 P106 Q36180 +Q97136 P20 Q3806 +Q728615 P108 Q1446181 +Q502864 P172 Q49542 +Q981929 P106 Q36180 +Q338442 P161 Q260318 +Q248935 P20 Q270 +Q287110 P106 Q10800557 +Q740631 P69 Q486156 +Q56005 P1412 Q1860 +Q387370 P136 Q157443 +Q269569 P1303 Q52954 +Q257277 P509 Q2140674 +Q584500 P69 Q192088 +Q108306 P106 Q10800557 +Q280400 P161 Q237270 +Q722202 P106 Q28389 +Q71819 P463 Q337352 +Q45 P463 Q1480793 +Q187165 P106 Q36180 +Q104183 P2348 Q6927 +Q19364345 P69 Q13164 +Q230636 P106 Q10800557 +Q131685 P106 Q578109 +Q403 P530 Q225 +Q160627 P106 Q901402 +Q209471 P106 Q2259451 +Q430276 P106 Q482980 +Q122020 P1303 Q27939 +Q464251 P106 Q10798782 +Q128854 P136 Q130232 +Q552770 P136 Q37073 +Q1523176 P106 Q1028181 +Q853932 P106 Q16323111 +Q70948 P106 Q2405480 +Q61282 P27 Q154741 +Q16390 P106 Q10800557 +Q283408 P737 Q905 +Q35 P463 Q789769 +Q833 P530 Q30 +Q223687 P106 Q33999 +Q561196 P106 Q1930187 +Q164757 P106 Q753110 +Q361297 P106 Q18814623 +Q445311 P106 Q10798782 +Q441439 P106 Q1397808 +Q223985 P27 Q145 +Q83359 P551 Q1384 +Q611927 P106 Q1397808 +Q87375 P20 Q23768 +Q157058 P172 Q86630688 +Q130947 P1412 Q9176 +Q310638 P108 Q599316 +Q289003 P106 Q177220 +Q23441 P27 Q142 +Q216070 P106 Q1930187 +Q110719 P1412 Q188 +Q6060 P106 Q36834 +Q907738 P463 Q270794 +Q185110 P463 Q83172 +Q3322718 P463 Q270794 +Q343059 P106 Q3282637 +Q1046612 P106 Q639669 +Q168721 P27 Q30 +Q181900 P106 Q28389 +Q538708 P1412 Q7026 +Q77682 P102 Q49768 +Q44371 P106 Q1622272 +Q33760 P135 Q210115 +Q167546 P264 Q202585 +Q334288 P106 Q16323111 +Q435236 P1303 Q17172850 +Q414 P463 Q1072120 +Q144195 P69 Q737835 +Q190956 P495 Q33946 +Q311472 P20 Q61 +Q336222 P3373 Q217427 +Q516505 P106 Q36180 +Q217787 P106 Q10798782 +Q214 P530 Q219 +Q115541 P1303 Q17172850 +Q315391 P27 Q142 +Q318320 P106 Q82955 +Q340213 P106 Q2526255 +Q80137 P3373 Q127332 +Q221949 P161 Q230308 +Q65121 P27 Q183 +Q160640 P108 Q216047 +Q347461 P69 Q182973 +Q1545 P106 Q488205 +Q848723 P108 Q131262 +Q217160 P106 Q483501 +Q192348 P463 Q812155 +Q72804 P101 Q482 +Q843 P530 Q813 +Q144164 P106 Q1930187 +Q272068 P19 Q34217 +Q400729 P1412 Q13955 +Q722042 P106 Q177220 +Q195303 P161 Q386349 +Q366355 P509 Q18554919 +Q55800 P69 Q1150105 +Q77418 P106 Q49757 +Q324157 P106 Q1231865 +Q77462 P1412 Q188 +Q714602 P1303 Q6607 +Q979347 P19 Q11299 +Q213553 P106 Q15980158 +Q1453287 P106 Q131524 +Q77162 P108 Q154804 +Q76546 P106 Q6625963 +Q294326 P101 Q11634 +Q77112 P106 Q486748 +Q3734755 P27 Q30 +Q75246 P102 Q310296 +Q463927 P840 Q5092 +Q1882472 P19 Q16558 +Q2704774 P737 Q1389588 +Q207873 P551 Q65 +Q1196965 P69 Q1053996 +Q298030 P106 Q806798 +Q117139 P26 Q290856 +Q210364 P161 Q433520 +Q43718 P140 Q35032 +Q66286 P106 Q2306091 +Q94081 P102 Q29468 +Q106691 P1412 Q188 +Q783 P530 Q408 +Q345538 P27 Q174193 +Q278625 P140 Q9268 +Q355009 P1303 Q5994 +Q40688 P106 Q121594 +Q4356896 P106 Q43845 +Q119386 P108 Q206702 +Q43 P530 Q30 +Q733611 P20 Q65 +Q437710 P551 Q2807 +Q380123 P106 Q10800557 +Q195390 P172 Q7325 +Q70326 P27 Q142 +Q229264 P106 Q4964182 +Q1299129 P106 Q639669 +Q733 P463 Q7825 +Q449487 P463 Q270794 +Q45 P463 Q42262 +Q23728 P106 Q33999 +Q232783 P135 Q9730 +Q220910 P136 Q130232 +Q173804 P136 Q130232 +Q325422 P106 Q6625963 +Q206589 P161 Q1366460 +Q373948 P106 Q3391743 +Q78716 P106 Q36834 +Q35678 P108 Q41506 +Q84403 P19 Q64 +Q963142 P1303 Q17172850 +Q229018 P106 Q36180 +Q8646 P530 Q145 +Q365463 P106 Q169470 +Q122020 P740 Q16555 +Q705482 P106 Q4263842 +Q18066 P69 Q1719898 +Q158030 P69 Q209842 +Q1294820 P106 Q177220 +Q55195 P106 Q28389 +Q958 P463 Q376150 +Q1487770 P136 Q11366 +Q215637 P27 Q15180 +Q235460 P106 Q10800557 +Q274342 P40 Q2273039 +Q193674 P136 Q8261 +Q175535 P106 Q578109 +Q272374 P136 Q37073 +Q2428820 P106 Q2095549 +Q1591857 P1303 Q6607 +Q76606 P69 Q51985 +Q2567 P551 Q70 +Q76478 P1303 Q17172850 +Q95120 P106 Q1622272 +Q40470 P641 Q41323 +Q45272 P106 Q28389 +Q553276 P106 Q486748 +Q49319 P136 Q131272 +Q525949 P1412 Q150 +Q61058 P69 Q153978 +Q34981 P509 Q476921 +Q19198 P264 Q843402 +Q215215 P136 Q183504 +Q316641 P19 Q37320 +Q590787 P106 Q177220 +Q373508 P106 Q13582652 +Q1279401 P106 Q753110 +Q232562 P106 Q214917 +Q217787 P1303 Q5994 +Q984115 P106 Q488205 +Q16297 P106 Q2259451 +Q248562 P136 Q663106 +Q69837 P1303 Q17172850 +Q217307 P161 Q65932 +Q228512 P106 Q4610556 +Q320423 P161 Q376140 +Q207036 P106 Q28389 +Q1077409 P27 Q30 +Q78926 P27 Q40 +Q127481 P106 Q2259451 +Q554150 P106 Q40348 +Q1411849 P509 Q12078 +Q14278 P106 Q593644 +Q195390 P1412 Q7737 +Q232348 P106 Q33999 +Q6694 P106 Q2374149 +Q258753 P106 Q36180 +Q467423 P27 Q16 +Q39 P530 Q183 +Q38049 P106 Q11774202 +Q366624 P106 Q158852 +Q102301 P641 Q32112 +Q237039 P1412 Q8752 +Q554406 P551 Q60 +Q41342 P106 Q177220 +Q45394 P161 Q54314 +Q11617 P172 Q49085 +Q189505 P136 Q2484376 +Q62857 P69 Q35794 +Q216016 P69 Q155354 +Q253566 P161 Q174843 +Q212772 P264 Q155152 +Q300371 P161 Q192912 +Q61390 P1412 Q7411 +Q366322 P106 Q10798782 +Q77162 P19 Q702259 +Q366578 P106 Q177220 +Q38 P530 Q221 +Q934820 P106 Q36180 +Q972641 P106 Q82955 +Q156539 P495 Q145 +Q330612 P136 Q188473 +Q794 P530 Q265 +Q8619 P1050 Q11085 +Q232819 P136 Q131272 +Q44606 P106 Q4610556 +Q35 P530 Q213 +Q48337 P106 Q10798782 +Q299138 P27 Q30 +Q181683 P264 Q726251 +Q84445 P551 Q3874 +Q356283 P106 Q6625963 +Q946019 P1303 Q6607 +Q25351 P108 Q329464 +Q214930 P106 Q36834 +Q272935 P27 Q30 +Q26648 P20 Q220 +Q96334 P69 Q55044 +Q444371 P106 Q9648008 +Q368852 P1303 Q17172850 +Q114533 P106 Q49757 +Q233618 P641 Q131359 +Q108297 P136 Q130232 +Q190220 P737 Q9204 +Q176668 P106 Q36834 +Q347118 P737 Q7200 +Q55168 P106 Q28389 +Q724276 P106 Q3282637 +Q20 P463 Q1928989 +Q23810 P106 Q33231 +Q202440 P17 Q30 +Q934682 P106 Q11774202 +Q32257 P119 Q564922 +Q365670 P264 Q1088453 +Q152301 P69 Q216458 +Q193273 P1303 Q6607 +Q127349 P106 Q214917 +Q710 P463 Q191384 +Q874481 P102 Q1713492 +Q432473 P1412 Q9063 +Q84476 P19 Q12439 +Q236075 P136 Q484641 +Q41871 P106 Q2526255 +Q307463 P69 Q168756 +Q4223 P106 Q33999 +Q503597 P106 Q864380 +Q30 P530 Q1016 +Q390063 P840 Q65 +Q182725 P106 Q177220 +Q469888 P463 Q463281 +Q273180 P106 Q2095549 +Q151929 P140 Q3333484 +Q1028 P463 Q7825 +Q271614 P106 Q4610556 +Q609151 P106 Q1930187 +Q719247 P19 Q60 +Q236434 P1412 Q1860 +Q391540 P136 Q130232 +Q57475 P27 Q174193 +Q1535539 P20 Q65 +Q765165 P27 Q15180 +Q704710 P264 Q885977 +Q57379 P106 Q188094 +Q170042 P106 Q639669 +Q78732 P106 Q1734662 +Q288661 P27 Q30 +Q26876 P106 Q662729 +Q292180 P136 Q482 +Q55422 P69 Q180865 +Q801 P530 Q55 +Q329145 P495 Q145 +Q3710088 P69 Q49114 +Q102570 P69 Q152171 +Q372073 P27 Q30 +Q602779 P106 Q753110 +Q482318 P463 Q270794 +Q1618 P106 Q18814623 +Q5369090 P463 Q543804 +Q550778 P106 Q177220 +Q981489 P106 Q36180 +Q114 P530 Q258 +Q364315 P106 Q36180 +Q185490 P840 Q62 +Q170842 P27 Q34266 +Q62352 P106 Q2259451 +Q981489 P69 Q13371 +Q122020 P1303 Q17172850 +Q60582 P19 Q3012 +Q19504 P140 Q5043 +Q160219 P27 Q30 +Q345906 P19 Q1492 +Q192706 P106 Q169470 +Q280978 P106 Q10798782 +Q110695 P27 Q183 +Q186264 P106 Q1350157 +Q354542 P106 Q36834 +Q253583 P463 Q270794 +Q179257 P27 Q30 +Q6694 P463 Q543804 +Q80095 P136 Q8261 +Q267721 P161 Q80938 +Q152555 P106 Q2405480 +Q106225 P1303 Q281460 +Q193570 P495 Q30 +Q237115 P106 Q10800557 +Q220713 P161 Q230278 +Q267764 P106 Q753110 +Q1386031 P106 Q170790 +Q731254 P136 Q9759 +Q310357 P106 Q33999 +Q933453 P106 Q222344 +Q183 P530 Q1014 +Q92635 P106 Q170790 +Q230209 P1412 Q1860 +Q263143 P106 Q10800557 +Q1065189 P27 Q30 +Q193803 P106 Q170790 +Q211513 P106 Q943995 +Q159636 P463 Q466089 +Q242969 P27 Q419 +Q958 P30 Q15 +Q88832 P463 Q49738 +Q238702 P106 Q4991371 +Q722202 P509 Q12078 +Q2066713 P106 Q855091 +Q106611 P19 Q1726 +Q7302 P737 Q142 +Q1379510 P264 Q1757254 +Q309248 P161 Q372947 +Q366671 P1303 Q5994 +Q185888 P840 Q49123 +Q233 P463 Q8475 +Q1029 P463 Q294278 +Q173804 P161 Q356397 +Q112167 P106 Q10800557 +Q1026532 P106 Q28389 +Q259679 P551 Q131491 +Q69884 P102 Q7320 +Q197206 P106 Q49757 +Q1899781 P17 Q30 +Q2449206 P3373 Q4218975 +Q157242 P463 Q83172 +Q231690 P106 Q201788 +Q965 P530 Q16 +Q638638 P20 Q649 +Q276392 P161 Q310190 +Q297794 P69 Q1394262 +Q383420 P26 Q41142 +Q232 P530 Q902 +Q103075 P27 Q183 +Q186042 P27 Q16 +Q283267 P106 Q482980 +Q230836 P1303 Q8355 +Q63432 P106 Q82955 +Q83495 P495 Q30 +Q983450 P106 Q551835 +Q270085 P106 Q105186 +Q435805 P106 Q28389 +Q140359 P37 Q9058 +Q653949 P106 Q1930187 +Q102022 P1412 Q397 +Q180279 P136 Q2297927 +Q46139 P101 Q11629 +Q1017117 P136 Q483352 +Q129598 P463 Q463303 +Q76893 P27 Q16957 +Q96962 P20 Q64 +Q128121 P106 Q3282637 +Q516716 P106 Q177220 +Q124494 P106 Q16267607 +Q271888 P106 Q10798782 +Q55421 P106 Q28389 +Q578396 P17 Q12560 +Q436719 P27 Q174193 +Q916675 P106 Q16287483 +Q242329 P106 Q3282637 +Q23380 P136 Q134307 +Q560048 P264 Q311439 +Q53570396 P3373 Q22955657 +Q516505 P551 Q65 +Q204374 P161 Q229487 +Q228624 P1412 Q1860 +Q214778 P106 Q1622272 +Q169000 P161 Q38875 +Q433459 P106 Q512314 +Q204393 P19 Q1345 +Q928 P530 Q854 +Q736 P463 Q7825 +Q439283 P106 Q864380 +Q322206 P161 Q202765 +Q154356 P108 Q209842 +Q242110 P1412 Q150 +Q286566 P106 Q1930187 +Q426687 P19 Q6106 +Q408 P530 Q39 +Q362236 P19 Q1166 +Q203243 P101 Q413 +Q43746 P108 Q209842 +Q183512 P161 Q234137 +Q155 P463 Q37470 +Q232479 P106 Q10800557 +Q1677099 P106 Q482980 +Q200460 P102 Q29468 +Q183031 P27 Q30 +Q76725 P69 Q40025 +Q45255 P1412 Q188 +Q449575 P509 Q12136 +Q90269 P106 Q482980 +Q963015 P106 Q28389 +Q222800 P161 Q216221 +Q499742 P106 Q639669 +Q378952 P69 Q49108 +Q78739 P106 Q4263842 +Q884 P530 Q801 +Q230456 P101 Q8162 +Q172466 P1412 Q1860 +Q76498 P509 Q189588 +Q181899 P106 Q10798782 +Q168359 P106 Q1028181 +Q740631 P106 Q947873 +Q3615114 P27 Q2305208 +Q7604 P108 Q329464 +Q1680807 P463 Q463303 +Q47447 P106 Q36834 +Q121067 P69 Q55044 +Q3353479 P463 Q2095524 +Q27304761 P37 Q1568 +Q61533 P102 Q7320 +Q222 P530 Q17 +Q209481 P136 Q599558 +Q239910 P106 Q1930187 +Q334780 P161 Q376140 +Q79 P463 Q1137381 +Q292185 P106 Q639669 +Q879093 P106 Q193391 +Q895636 P106 Q1930187 +Q271059 P19 Q18094 +Q1461567 P1412 Q1321 +Q326526 P161 Q119798 +Q205321 P161 Q330840 +Q2440716 P106 Q1622272 +Q178106 P106 Q18814623 +Q311050 P27 Q30 +Q1865656 P106 Q639669 +Q184605 P840 Q84 +Q102112 P106 Q82955 +Q66140 P20 Q546 +Q446024 P1303 Q163829 +Q683 P530 Q30 +Q258 P530 Q27 +Q842 P530 Q159 +Q242873 P19 Q18432 +Q355839 P106 Q13590141 +Q182031 P106 Q82594 +Q71848 P1412 Q397 +Q222018 P136 Q2973181 +Q217010 P161 Q115541 +Q107730 P106 Q578109 +Q930197 P101 Q21201 +Q194333 P27 Q30 +Q78475 P106 Q36834 +Q313849 P1050 Q131755 +Q161955 P106 Q49757 +Q1385887 P102 Q29468 +Q678840 P106 Q15981151 +Q561401 P509 Q476921 +Q320236 P161 Q483907 +Q241783 P69 Q168756 +Q70839 P106 Q1622272 +Q102244 P161 Q296008 +Q233941 P27 Q20 +Q3305837 P19 Q1489 +Q319283 P106 Q15981151 +Q195008 P106 Q2504617 +Q67076 P27 Q43287 +Q367653 P172 Q49085 +Q7199 P509 Q12192 +Q437622 P106 Q183945 +Q311145 P106 Q333634 +Q332462 P136 Q25379 +Q583722 P106 Q2526255 +Q4715 P1412 Q13955 +Q88135 P27 Q183 +Q88710 P27 Q183 +Q698714 P102 Q29552 +Q11132 P463 Q463303 +Q77162 P106 Q1622272 +Q317169 P106 Q183945 +Q115683 P136 Q21010853 +Q40912 P102 Q29468 +Q258847 P136 Q130232 +Q121111 P106 Q201788 +Q294568 P463 Q2092629 +Q25057 P161 Q325070 +Q300360 P136 Q842256 +Q215748 P69 Q50662 +Q312720 P106 Q4263842 +Q273233 P106 Q3665646 +Q239195 P27 Q30 +Q194142 P161 Q230378 +Q59837 P106 Q36180 +Q1124 P40 Q229671 +Q35912 P106 Q2865819 +Q268147 P106 Q6625963 +Q132537 P106 Q19350898 +Q207482 P57 Q8877 +Q421471 P27 Q20 +Q107424 P101 Q207628 +Q92760 P106 Q15442776 +Q294144 P136 Q9730 +Q3699593 P17 Q30 +Q887889 P106 Q2095549 +Q96414 P106 Q1622272 +Q214226 P172 Q49085 +Q225657 P27 Q30 +Q29573 P69 Q49115 +Q67518 P106 Q1622272 +Q736 P463 Q7809 +Q116812 P140 Q1841 +Q62672 P1412 Q188 +Q532852 P106 Q333634 +Q461540 P495 Q30 +Q78999 P106 Q82955 +Q132537 P1412 Q11059 +Q218 P463 Q191384 +Q235519 P106 Q2405480 +Q937 P737 Q38193 +Q457333 P136 Q1054574 +Q24962 P106 Q33999 +Q3353479 P463 Q1493021 +Q746182 P106 Q24067349 +Q554018 P463 Q161806 +Q78496 P463 Q543804 +Q233894 P106 Q5716684 +Q865 P530 Q717 +Q275553 P495 Q30 +Q32257 P1412 Q188 +Q483507 P106 Q33999 +Q256354 P136 Q1661 +Q423 P530 Q965 +Q929665 P106 Q36180 +Q123923 P27 Q83286 +Q29092 P27 Q145 +Q662809 P641 Q2736 +Q302403 P136 Q130232 +Q1699618 P106 Q486748 +Q228186 P136 Q369747 +Q313755 P69 Q1446181 +Q157321 P119 Q746647 +Q191026 P106 Q36180 +Q108639 P106 Q82955 +Q450382 P69 Q49210 +Q84330 P19 Q702259 +Q242095 P20 Q490 +Q86152 P106 Q1622272 +Q40263 P27 Q30 +Q727148 P20 Q8678 +Q235451 P106 Q169470 +Q714602 P106 Q19723482 +Q336467 P20 Q90 +Q319502 P1303 Q258896 +Q256824 P106 Q488205 +Q392441 P161 Q211322 +Q5679 P106 Q49757 +Q19543 P19 Q2090 +Q77967 P106 Q1622272 +Q437094 P1412 Q150 +Q1586454 P106 Q488205 +Q152452 P106 Q1622272 +Q153700 P509 Q128581 +Q212015 P136 Q193355 +Q154959 P106 Q82955 +Q47075 P136 Q188473 +Q4894597 P108 Q168426 +Q974 P463 Q7809 +Q214582 P106 Q639669 +Q361976 P1412 Q150 +Q191598 P1412 Q7737 +Q51488 P106 Q482980 +Q90 P30 Q46 +Q78772 P69 Q165980 +Q557699 P106 Q2722764 +Q238215 P106 Q177220 +Q145 P530 Q183 +Q585643 P749 Q21077 +Q725060 P106 Q28389 +Q116307 P1412 Q5146 +Q439198 P27 Q30 +Q311263 P106 Q131512 +Q375351 P463 Q338432 +Q77226 P27 Q7318 +Q213521 P106 Q5716684 +Q485280 P136 Q8341 +Q5608 P136 Q6010 +Q354141 P106 Q33999 +Q11869 P106 Q189290 +Q517273 P106 Q639669 +Q203243 P106 Q3400985 +Q190772 P463 Q463303 +Q450296 P106 Q177220 +Q155163 P136 Q188473 +Q92613 P69 Q49108 +Q44707 P1303 Q17172850 +Q164170 P19 Q1297 +Q79120 P172 Q42884 +Q242418 P1303 Q17172850 +Q188111 P101 Q482 +Q271625 P106 Q2865819 +Q520275 P69 Q432637 +Q47755 P19 Q1781 +Q61659 P119 Q190494 +Q75860 P69 Q152087 +Q1372074 P106 Q753110 +Q81685 P106 Q4263842 +Q1385000 P27 Q30 +Q166714 P106 Q40348 +Q180019 P136 Q186472 +Q983 P530 Q30 +Q223790 P136 Q1152184 +Q329001 P1412 Q1860 +Q154756 P737 Q36591 +Q161955 P20 Q90 +Q185140 P551 Q1138378 +Q350581 P19 Q60 +Q470047 P27 Q884 +Q240894 P161 Q934506 +Q320146 P106 Q639669 +Q103474 P135 Q377616 +Q276299 P161 Q544465 +Q72790 P19 Q1486 +Q455951 P106 Q28389 +Q211 P463 Q458 +Q179493 P463 Q3394637 +Q1157870 P1303 Q17172850 +Q44857 P172 Q49085 +Q362531 P106 Q49757 +Q143901 P136 Q157443 +Q215927 P119 Q335336 +Q59534 P136 Q20443008 +Q84150 P106 Q214917 +Q639065 P106 Q36180 +Q249719 P136 Q484641 +Q11928 P161 Q743162 +Q198051 P20 Q956 +Q737570 P1412 Q1860 +Q151403 P106 Q170790 +Q242749 P106 Q10800557 +Q72077 P106 Q33999 +Q43499 P106 Q24262584 +Q67247 P108 Q165980 +Q309926 P106 Q183945 +Q487488 P463 Q191583 +Q292623 P27 Q30 +Q18425 P108 Q202660 +Q64176 P69 Q333886 +Q213539 P106 Q16031530 +Q126122 P108 Q152087 +Q1599272 P106 Q593644 +Q86924 P1412 Q397 +Q76606 P463 Q329464 +Q185071 P840 Q1439 +Q11100 P69 Q49122 +Q235820 P136 Q959583 +Q83297 P463 Q2822396 +Q4235 P136 Q37073 +Q123080 P106 Q164236 +Q264722 P840 Q65 +Q41166 P106 Q9334029 +Q375290 P140 Q9592 +Q380180 P106 Q33231 +Q313727 P106 Q10798782 +Q171571 P106 Q10800557 +Q349039 P106 Q2722764 +Q230 P530 Q986 +Q463692 P106 Q3282637 +Q103114 P106 Q36180 +Q270599 P161 Q355133 +Q43736 P27 Q17 +Q76324 P106 Q185351 +Q204205 P27 Q20 +Q540803 P1303 Q17172850 +Q40213 P106 Q82955 +Q631508 P1412 Q188 +Q554406 P1412 Q188 +Q267070 P264 Q202585 +Q258630 P27 Q142 +Q317169 P27 Q218 +Q359331 P106 Q33999 +Q104081 P106 Q36180 +Q45229 P106 Q33999 +Q70004 P20 Q365 +Q270691 P1412 Q1568 +Q123718 P106 Q1930187 +Q278550 P161 Q354873 +Q9204 P737 Q79759 +Q201579 P106 Q1930187 +Q40523 P1412 Q1860 +Q79023 P106 Q36834 +Q135420 P1303 Q5994 +Q183 P530 Q225 +Q50186 P1303 Q1444 +Q215 P463 Q827525 +Q462447 P136 Q188473 +Q502362 P106 Q13570226 +Q8873 P1412 Q1860 +Q331123 P106 Q753110 +Q330612 P136 Q319221 +Q325396 P737 Q16473 +Q229566 P641 Q718 +Q214831 P1303 Q17172850 +Q162202 P106 Q4610556 +Q161135 P27 Q36 +Q9594 P551 Q1218 +Q183 P530 Q826 +Q440996 P106 Q13418253 +Q525949 P106 Q2374149 +Q214289 P27 Q833 +Q2619019 P463 Q40358 +Q1196965 P2348 Q6939 +Q192301 P495 Q142 +Q229341 P136 Q484641 +Q224 P530 Q96 +Q304966 P106 Q753110 +Q1642230 P106 Q3391743 +Q76589 P106 Q82955 +Q305909 P1412 Q9168 +Q184785 P136 Q19715429 +Q183 P530 Q730 +Q3215817 P106 Q43845 +Q69198 P106 Q82955 +Q106209 P1412 Q1860 +Q223830 P106 Q33999 +Q65292 P20 Q64 +Q664 P530 Q865 +Q3383262 P20 Q90 +Q865 P530 Q1016 +Q34474 P463 Q1132636 +Q70372 P1412 Q188 +Q742396 P27 Q30 +Q325660 P27 Q419 +Q16409 P106 Q36180 +Q49903 P161 Q76478 +Q157326 P136 Q8261 +Q502362 P106 Q4773904 +Q215600 P463 Q414188 +Q2291 P106 Q10800557 +Q312053 P264 Q1063242 +Q232456 P172 Q49085 +Q211987 P140 Q9268 +Q256824 P136 Q37073 +Q722202 P106 Q4220892 +Q231479 P106 Q36834 +Q1816925 P1303 Q17172850 +Q313470 P106 Q3282637 +Q315604 P106 Q948329 +Q131248 P108 Q35794 +Q364070 P106 Q482980 +Q336444 P69 Q201492 +Q528943 P106 Q81096 +Q156069 P840 Q1490 +Q1349284 P264 Q1881437 +Q548672 P463 Q191583 +Q73063 P1412 Q188 +Q315348 P106 Q1281618 +Q38 P530 Q399 +Q185122 P106 Q10800557 +Q165911 P106 Q10798782 +Q157321 P106 Q28389 +Q165534 P69 Q193510 +Q405672 P509 Q12204 +Q229241 P69 Q608723 +Q174244 P69 Q1051840 +Q433989 P69 Q3098911 +Q843 P530 Q1027 +Q531624 P27 Q30 +Q600344 P136 Q83440 +Q118985 P161 Q311093 +Q215090 P106 Q593644 +Q462574 P20 Q90 +Q163899 P495 Q30 +Q543443 P264 Q1757254 +Q166092 P1412 Q1860 +Q299161 P737 Q36591 +Q44634 P119 Q64 +Q88832 P19 Q1022 +Q283932 P136 Q130232 +Q102669 P136 Q182357 +Q92432 P106 Q82955 +Q37160 P69 Q160302 +Q92613 P106 Q81096 +Q162225 P136 Q200092 +Q42204 P101 Q941594 +Q441990 P106 Q36180 +Q537005 P106 Q81096 +Q105119 P102 Q49762 +Q888034 P69 Q599316 +Q60625 P108 Q154804 +Q573323 P264 Q202585 +Q42156 P69 Q83259 +Q289303 P106 Q635734 +Q343394 P106 Q177220 +Q659020 P106 Q9149093 +Q166835 P1412 Q1860 +Q948966 P106 Q2468727 +Q262 P530 Q79 +Q551596 P27 Q30 +Q1439592 P69 Q457281 +Q249350 P161 Q41548 +Q733373 P106 Q177220 +Q362521 P106 Q177220 +Q191 P463 Q1928989 +Q441440 P106 Q11569986 +Q230990 P106 Q2490358 +Q507845 P106 Q33999 +Q975547 P463 Q463303 +Q352914 P108 Q4345832 +Q116253 P27 Q39 +Q157318 P69 Q144488 +Q67169 P27 Q1206012 +Q85832 P106 Q36180 +Q45394 P161 Q102124 +Q113953 P106 Q14467526 +Q783 P463 Q1043527 +Q95030 P3373 Q95026 +Q313551 P463 Q4345832 +Q258693 P1303 Q17172850 +Q73096 P463 Q4742987 +Q154662 P1412 Q36510 +Q217771 P106 Q28389 +Q113601 P27 Q183 +Q269912 P161 Q107730 +Q963787 P509 Q14467705 +Q2831 P3373 Q317784 +Q236151 P106 Q2405480 +Q922457 P509 Q12152 +Q266006 P172 Q2325516 +Q217008 P136 Q188473 +Q97998 P1412 Q188 +Q195390 P106 Q36180 +Q37030 P27 Q41304 +Q275900 P1412 Q5287 +Q332632 P27 Q38 +Q348615 P106 Q33999 +Q435681 P106 Q822146 +Q92638 P463 Q463303 +Q372073 P106 Q3455803 +Q116105 P106 Q33999 +Q37610 P509 Q12202 +Q238045 P106 Q10798782 +Q159636 P1412 Q1860 +Q333987 P19 Q11299 +Q153739 P106 Q1281618 +Q294625 P69 Q838330 +Q75079 P106 Q36180 +Q72124 P20 Q33935 +Q171969 P463 Q684415 +Q195333 P106 Q10798782 +Q220655 P495 Q145 +Q938402 P106 Q40348 +Q574400 P69 Q1227526 +Q193871 P140 Q1841 +Q229669 P106 Q33999 +Q207036 P106 Q4853732 +Q1065956 P106 Q20198542 +Q361677 P264 Q216364 +Q233253 P106 Q5716684 +Q189078 P19 Q12439 +Q65561 P106 Q188094 +Q1019 P530 Q183 +Q818006 P27 Q801 +Q41 P530 Q232 +Q283408 P106 Q1930187 +Q333118 P27 Q145 +Q312081 P106 Q36834 +Q468667 P106 Q34074720 +Q375827 P106 Q177220 +Q67526 P108 Q153978 +Q318412 P19 Q24639 +Q29 P530 Q230 +Q7542 P136 Q1298934 +Q438908 P106 Q2259451 +Q27925670 P106 Q11569986 +Q480037 P106 Q82955 +Q4894155 P108 Q219615 +Q247501 P106 Q169470 +Q217627 P136 Q859369 +Q208359 P106 Q1622272 +Q77983 P463 Q459620 +Q220192 P161 Q170576 +Q400046 P106 Q10798782 +Q236842 P140 Q131036 +Q194280 P106 Q33999 +Q76546 P172 Q42884 +Q96196 P108 Q122453 +Q158060 P1412 Q1860 +Q83333 P463 Q123885 +Q115055 P106 Q183945 +Q111182 P108 Q151510 +Q142 P530 Q967 +Q272946 P106 Q2405480 +Q114605 P108 Q1161297 +Q69834 P69 Q168426 +Q7286 P106 Q333634 +Q349117 P69 Q5149905 +Q1911321 P19 Q270 +Q924232 P27 Q30 +Q2367411 P106 Q49757 +Q1246 P530 Q213 +Q1246 P530 Q191 +Q154756 P106 Q6625963 +Q113951 P106 Q1622272 +Q216838 P463 Q4742987 +Q1644016 P1412 Q1860 +Q1042 P463 Q899770 +Q241686 P106 Q2526255 +Q270652 P106 Q4610556 +Q84734 P106 Q1622272 +Q287740 P495 Q145 +Q60452 P106 Q158852 +Q3589 P840 Q60 +Q96334 P106 Q36180 +Q727752 P106 Q10798782 +Q83410 P1412 Q1860 +Q1741 P17 Q518101 +Q91166 P101 Q8134 +Q145 P530 Q398 +Q219782 P1303 Q17172850 +Q88388 P106 Q81096 +Q445109 P1303 Q17172850 +Q38875 P106 Q10798782 +Q3150 P17 Q150981 +Q1066894 P509 Q12202 +Q110916 P27 Q17 +Q269890 P106 Q18545066 +Q334646 P19 Q22889 +Q454696 P106 Q37226 +Q213880 P106 Q47064 +Q252 P530 Q35 +Q557472 P264 Q165745 +Q93443 P161 Q162492 +Q451969 P106 Q43845 +Q1976514 P106 Q2643890 +Q581943 P106 Q1930187 +Q228899 P1303 Q5994 +Q237552 P136 Q37073 +Q1019 P463 Q656801 +Q4751826 P108 Q841581 +Q238121 P106 Q2405480 +Q69474 P1303 Q6607 +Q365144 P641 Q5386 +Q350903 P106 Q2059704 +Q1261353 P106 Q55960555 +Q386053 P106 Q10798782 +Q73096 P1412 Q188 +Q54885 P27 Q142 +Q158486 P106 Q15895020 +Q84696 P19 Q1741 +Q123080 P106 Q49757 +Q79191 P27 Q83286 +Q215868 P69 Q1051840 +Q171453 P161 Q19794 +Q273311 P1412 Q1860 +Q851 P463 Q7825 +Q176163 P27 Q34266 +Q189729 P1303 Q5994 +Q727301 P106 Q1622272 +Q970 P463 Q899770 +Q48814 P172 Q127885 +Q131149 P106 Q18805 +Q99612 P19 Q64 +Q360383 P106 Q33999 +Q238638 P106 Q2526255 +Q70855 P106 Q185351 +Q905267 P106 Q36180 +Q47755 P509 Q11085 +Q254980 P27 Q30 +Q373423 P27 Q30 +Q213844 P106 Q2259451 +Q355447 P140 Q7066 +Q789926 P509 Q372701 +Q542101 P106 Q170790 +Q160433 P20 Q90 +Q313875 P264 Q18628 +Q9204 P106 Q11774202 +Q91981 P1412 Q188 +Q323483 P27 Q30 +Q223741 P27 Q145 +Q819 P530 Q865 +Q501 P106 Q11774202 +Q16873 P136 Q49084 +Q3091395 P106 Q1238570 +Q969468 P509 Q29496 +Q312857 P1303 Q8355 +Q216341 P1412 Q5146 +Q1224 P27 Q172579 +Q464207 P20 Q1770 +Q231713 P264 Q38903 +Q312637 P106 Q1930187 +Q1246 P530 Q27 +Q239652 P20 Q90 +Q440388 P106 Q81096 +Q454568 P106 Q333634 +Q109053 P264 Q1124849 +Q731195 P140 Q9268 +Q44111 P106 Q1622272 +Q215637 P172 Q49542 +Q922795 P108 Q182973 +Q711406 P1412 Q1321 +Q438271 P1303 Q17172850 +Q151870 P161 Q150943 +Q296774 P641 Q41323 +Q230190 P106 Q3282637 +Q111288 P27 Q183 +Q103343 P69 Q49112 +Q3091395 P1412 Q150 +Q84509 P463 Q12759592 +Q35286 P509 Q12152 +Q573665 P106 Q183945 +Q350362 P106 Q488205 +Q57679 P106 Q82955 +Q169082 P136 Q860626 +Q20733 P106 Q6625963 +Q155855 P106 Q6625963 +Q489197 P17 Q30 +Q134982 P102 Q622441 +Q45970 P106 Q1231865 +Q40115 P136 Q20442589 +Q110365 P495 Q35 +Q463313 P57 Q250545 +Q92632 P106 Q170790 +Q265726 P106 Q512314 +Q380531 P136 Q483352 +Q1321093 P106 Q43845 +Q310170 P106 Q639669 +Q381920 P69 Q219615 +Q193509 P106 Q4610556 +Q96997 P1412 Q188 +Q96532 P1412 Q188 +Q180004 P101 Q207628 +Q582152 P106 Q49757 +Q128532 P27 Q30 +Q305864 P20 Q90 +Q645889 P112 Q40912 +Q332508 P27 Q174193 +Q160215 P161 Q359604 +Q152352 P106 Q1028181 +Q187107 P106 Q183945 +Q833 P530 Q1020 +Q213880 P106 Q333634 +Q350678 P106 Q2259451 +Q106182 P161 Q129591 +Q142627 P20 Q1296 +Q96452 P106 Q36180 +Q291170 P161 Q224026 +Q296887 P106 Q970153 +Q47426 P551 Q18419 +Q363810 P27 Q30 +Q297736 P106 Q49757 +Q172916 P19 Q597 +Q1791962 P69 Q223429 +Q361996 P509 Q12202 +Q59054 P20 Q656 +Q443065 P172 Q49085 +Q542101 P1303 Q17172850 +Q57640 P102 Q79854 +Q198962 P106 Q36834 +Q107914 P161 Q297816 +Q276005 P106 Q33999 +Q86289 P1412 Q188 +Q335052 P106 Q193391 +Q76749 P69 Q153987 +Q211696 P1412 Q1860 +Q490464 P136 Q157443 +Q964396 P27 Q27 +Q40946 P106 Q1930187 +Q429934 P161 Q370918 +Q362749 P27 Q33 +Q381731 P57 Q13595531 +Q194333 P106 Q488205 +Q28776 P161 Q172678 +Q106555 P106 Q2259451 +Q2737 P106 Q11481802 +Q350903 P19 Q65 +Q252 P530 Q30 +Q128604 P463 Q463303 +Q445648 P1303 Q5994 +Q240677 P1412 Q1860 +Q129399 P102 Q29468 +Q366012 P106 Q3387717 +Q164328 P106 Q28389 +Q92094 P106 Q36180 +Q296545 P1412 Q9299 +Q190302 P20 Q90 +Q182991 P106 Q55960555 +Q12696 P106 Q82955 +Q278053 P161 Q5383 +Q56008 P1412 Q1860 +Q89491 P27 Q30 +Q933749 P27 Q34266 +Q269569 P136 Q484641 +Q501 P737 Q16867 +Q315732 P161 Q104266 +Q84445 P27 Q39 +Q242208 P69 Q751612 +Q268912 P19 Q37320 +Q589978 P108 Q547867 +Q433608 P108 Q23548 +Q203243 P108 Q319239 +Q34677 P106 Q3282637 +Q467940 P136 Q11399 +Q85295 P27 Q183 +Q70417 P20 Q1729 +Q310679 P1303 Q6607 +Q202185 P106 Q488205 +Q888487 P509 Q47912 +Q203460 P69 Q168515 +Q27513 P161 Q165518 +Q672 P463 Q1065 +Q34743 P463 Q463303 +Q1461840 P106 Q14915627 +Q285341 P27 Q30 +Q948561 P106 Q36834 +Q450296 P1412 Q652 +Q656752 P749 Q21077 +Q233959 P106 Q18814623 +Q555226 P106 Q36180 +Q173978 P264 Q1439985 +Q254038 P106 Q33999 +Q465640 P106 Q1208175 +Q334818 P1412 Q9610 +Q244214 P1412 Q1860 +Q453691 P27 Q142 +Q76336 P106 Q36180 +Q312720 P108 Q182973 +Q232774 P840 Q61 +Q377956 P106 Q488205 +Q235685 P1303 Q17172850 +Q101820 P1412 Q188 +Q282199 P161 Q253977 +Q84579 P106 Q901402 +Q157204 P27 Q37024 +Q1281772 P509 Q128581 +Q445795 P495 Q38 +Q102822 P106 Q1622272 +Q115547 P106 Q2986228 +Q554775 P106 Q486748 +Q228611 P19 Q1524 +Q1277063 P106 Q177220 +Q517448 P106 Q639669 +Q121507 P106 Q33999 +Q40 P530 Q36704 +Q44780 P106 Q753110 +Q237673 P106 Q177220 +Q332525 P136 Q83270 +Q589978 P106 Q82955 +Q41351 P106 Q3282637 +Q98120 P106 Q1622272 +Q366057 P27 Q142 +Q457316 P106 Q33999 +Q267051 P106 Q10798782 +Q65728 P1412 Q188 +Q173481 P27 Q45 +Q236229 P106 Q486748 +Q463265 P106 Q36180 +Q594644 P106 Q488205 +Q231106 P264 Q2338889 +Q445921 P1412 Q294 +Q1154804 P1412 Q1321 +Q544521 P106 Q81096 +Q154556 P1412 Q188 +Q91446 P1412 Q188 +Q93443 P161 Q208685 +Q202662 P106 Q177220 +Q881 P530 Q96 +Q29 P172 Q160894 +Q67409 P106 Q82955 +Q642127 P69 Q20808141 +Q232120 P27 Q30 +Q143230 P106 Q36180 +Q271956 P20 Q649 +Q358529 P108 Q820887 +Q42831 P551 Q656 +Q155152 P17 Q183 +Q60128 P135 Q180902 +Q833578 P161 Q49004 +Q104668 P463 Q337234 +Q241215 P509 Q29496 +Q3370728 P106 Q753110 +Q40475 P108 Q126399 +Q573408 P27 Q36 +Q69289 P106 Q1622272 +Q977 P463 Q827525 +Q440138 P106 Q177220 +Q192402 P3373 Q236613 +Q43 P530 Q15180 +Q353812 P1412 Q809 +Q1239278 P106 Q1643514 +Q200096 P161 Q270126 +Q39 P463 Q1969730 +Q120578 P106 Q36180 +Q249931 P161 Q275543 +Q709454 P1412 Q1860 +Q92115 P463 Q83172 +Q359665 P106 Q2259451 +Q41854 P161 Q105158 +Q284694 P463 Q463303 +Q88641 P106 Q1622272 +Q68490 P106 Q201788 +Q230218 P264 Q277626 +Q215497 P106 Q130857 +Q343668 P495 Q30 +Q5608 P106 Q33999 +Q104955 P19 Q2066 +Q193111 P106 Q28389 +Q5104 P264 Q216364 +Q355314 P551 Q100 +Q181667 P19 Q60 +Q84011 P69 Q1583249 +Q1294820 P136 Q11366 +Q109180 P20 Q64 +Q80557 P495 Q38 +Q87832 P69 Q153987 +Q162331 P136 Q130232 +Q33 P463 Q188822 +Q190386 P106 Q33999 +Q60953 P106 Q18814623 +Q76513 P27 Q151624 +Q92663 P108 Q4614 +Q35648 P106 Q40348 +Q232462 P106 Q36180 +Q1770 P17 Q34266 +Q1006152 P19 Q2634 +Q354867 P101 Q5891 +Q67953 P20 Q2861 +Q39691 P106 Q520549 +Q337090 P136 Q130232 +Q2610 P1412 Q188 +Q231391 P106 Q2405480 +Q57139 P20 Q2079 +Q267170 P136 Q2332751 +Q217627 P840 Q99 +Q313849 P1303 Q46185 +Q179576 P106 Q10800557 +Q178903 P106 Q82955 +Q114191 P106 Q121594 +Q1045 P463 Q47543 +Q1816925 P106 Q486748 +Q106465 P102 Q29552 +Q91981 P106 Q10800557 +Q69236 P509 Q12078 +Q54452 P17 Q221 +Q291183 P106 Q18805 +Q1057003 P106 Q753110 +Q76600 P108 Q152838 +Q325648 P161 Q25839 +Q117012 P106 Q483501 +Q40096 P106 Q177220 +Q402194 P106 Q177220 +Q86573 P106 Q15895020 +Q920167 P27 Q145 +Q1124 P26 Q6294 +Q207698 P495 Q30 +Q164804 P495 Q183 +Q1173729 P106 Q1643514 +Q237633 P69 Q1727138 +Q1060115 P27 Q17 +Q57237 P140 Q55004488 +Q239739 P106 Q18844224 +Q212 P463 Q233611 +Q1623549 P27 Q30 +Q539171 P1412 Q1860 +Q90269 P20 Q1726 +Q378333 P106 Q49757 +Q773736 P1303 Q1444 +Q95861 P69 Q1190355 +Q1289900 P106 Q43845 +Q1349639 P551 Q1408 +Q332462 P20 Q36036 +Q66916 P119 Q819654 +Q981971 P463 Q338432 +Q426631 P161 Q343463 +Q13526 P106 Q188094 +Q137106 P27 Q408 +Q438537 P27 Q30 +Q215735 P463 Q338489 +Q76422 P737 Q35802 +Q44442 P106 Q245068 +Q349857 P106 Q33999 +Q244115 P161 Q182057 +Q311093 P69 Q1051840 +Q200873 P136 Q319221 +Q247320 P27 Q55 +Q354033 P264 Q287177 +Q324588 P106 Q947873 +Q465242 P463 Q463281 +Q55433 P27 Q172579 +Q324397 P106 Q14915627 +Q76444 P1303 Q8355 +Q201751 P106 Q43845 +Q1057003 P119 Q99 +Q17455 P172 Q133032 +Q77087 P106 Q36180 +Q313470 P26 Q230993 +Q7939652 P106 Q901 +Q711172 P106 Q211346 +Q2861 P17 Q55300 +Q29697 P161 Q242650 +Q365129 P101 Q5891 +Q335552 P106 Q8246794 +Q71018 P119 Q564922 +Q315417 P1303 Q17172850 +Q1374180 P106 Q201788 +Q953 P530 Q916 +Q1379164 P140 Q432 +Q155700 P451 Q36844 +Q90074 P463 Q812155 +Q163662 P106 Q33999 +Q187832 P1303 Q17172850 +Q658706 P106 Q36180 +Q1047 P106 Q40348 +Q178989 P57 Q269692 +Q506582 P69 Q31519 +Q457739 P1412 Q1860 +Q266611 P106 Q1642960 +Q182046 P106 Q42973 +Q155236 P27 Q176495 +Q221075 P161 Q312380 +Q137130 P161 Q134133 +Q109053 P1303 Q5994 +Q108560 P1303 Q6607 +Q131549 P20 Q90 +Q185832 P140 Q75809 +Q116905 P136 Q1361932 +Q202536 P1412 Q1321 +Q1544666 P1303 Q17172850 +Q441326 P106 Q2259451 +Q94486 P69 Q165980 +Q310275 P106 Q36834 +Q34628 P106 Q822146 +Q573223 P106 Q49757 +Q157204 P106 Q36180 +Q683 P37 Q1860 +Q78503 P106 Q11774202 +Q4061 P106 Q753110 +Q522569 P106 Q18814623 +Q555449 P136 Q8261 +Q1439592 P106 Q1622272 +Q304488 P495 Q30 +Q213778 P108 Q154804 +Q67815 P19 Q64 +Q128933 P27 Q142 +Q558794 P106 Q14972848 +Q57535 P69 Q152087 +Q124617 P509 Q12202 +Q333573 P69 Q805285 +Q31 P463 Q42262 +Q216016 P119 Q206161 +Q393407 P106 Q28389 +Q695200 P106 Q593644 +Q123034 P69 Q165980 +Q133405 P136 Q45981 +Q850746 P106 Q43845 +Q436759 P106 Q639669 +Q1373629 P106 Q177220 +Q590 P737 Q1401 +Q275050 P27 Q30 +Q77004 P19 Q1055 +Q61552 P1412 Q188 +Q165651 P57 Q7546 +Q884 P463 Q41550 +Q86152 P20 Q393 +Q30449 P26 Q294723 +Q85417 P106 Q82955 +Q427167 P509 Q47912 +Q850746 P106 Q33999 +Q169996 P161 Q206922 +Q316381 P20 Q24879 +Q90934 P1412 Q188 +Q1509379 P106 Q14915627 +Q106816 P106 Q2526255 +Q488288 P106 Q1028181 +Q230739 P106 Q2405480 +Q47243 P106 Q28389 +Q262524 P27 Q30 +Q318198 P172 Q726673 +Q46080 P1303 Q17172850 +Q89516 P463 Q191583 +Q433060 P509 Q12152 +Q175102 P106 Q639669 +Q729115 P69 Q547867 +Q98370 P108 Q151510 +Q552770 P106 Q947873 +Q209481 P161 Q69340 +Q233365 P106 Q2405480 +Q231781 P106 Q333634 +Q193710 P106 Q177220 +Q85092 P69 Q151510 +Q1351177 P1303 Q17172850 +Q67221 P106 Q14467526 +Q19074 P106 Q36180 +Q81324 P1412 Q1860 +Q456386 P27 Q145 +Q443120 P106 Q2405480 +Q591270 P106 Q36180 +Q193482 P106 Q10798782 +Q898618 P159 Q16563 +Q228862 P27 Q34 +Q93624 P106 Q28389 +Q92632 P106 Q1622272 +Q888034 P27 Q30 +Q110354 P161 Q159347 +Q40640 P106 Q18844224 +Q346036 P106 Q177220 +Q970 P463 Q496967 +Q797599 P172 Q190168 +Q77938 P19 Q1040 +Q41076 P136 Q37073 +Q80510 P106 Q183945 +Q219442 P161 Q187832 +Q313279 P1412 Q1860 +Q1391164 P27 Q79 +Q1375814 P106 Q36834 +Q1173321 P106 Q639669 +Q51510 P101 Q11635 +Q9438 P737 Q39837 +Q331760 P136 Q224700 +Q794 P463 Q17495 +Q130631 P108 Q209842 +Q676914 P106 Q212980 +Q2736087 P27 Q142 +Q358087 P264 Q654283 +Q370377 P106 Q33999 +Q63456 P101 Q1071 +Q9381 P108 Q192775 +Q313279 P106 Q10798782 +Q159880 P106 Q1930187 +Q110462 P106 Q7042855 +Q107724 P840 Q21 +Q305864 P106 Q33231 +Q251287 P106 Q177220 +Q49683 P30 Q46 +Q320895 P19 Q172 +Q242914 P106 Q33999 +Q17714 P106 Q3745071 +Q548438 P1303 Q17172850 +Q1361996 P106 Q131524 +Q462744 P1412 Q6654 +Q86924 P108 Q156737 +Q240713 P495 Q30 +Q232495 P106 Q10800557 +Q152019 P1412 Q1860 +Q1740125 P19 Q60 +Q312747 P106 Q1622272 +Q760 P463 Q7785 +Q353774 P106 Q864380 +Q1903090 P136 Q7252 +Q286022 P264 Q2338889 +Q503758 P20 Q90 +Q246929 P106 Q183945 +Q158060 P140 Q432 +Q146605 P136 Q599558 +Q229156 P106 Q10800557 +Q380424 P27 Q15180 +Q297693 P106 Q4853732 +Q98062 P20 Q64 +Q119687 P108 Q486156 +Q106555 P106 Q15978655 +Q84960 P1412 Q188 +Q68815 P1412 Q188 +Q229018 P106 Q177220 +Q643408 P106 Q11774202 +Q140052 P106 Q6625963 +Q664 P530 Q843 +Q375775 P161 Q28310 +Q1011 P463 Q842490 +Q248289 P57 Q240872 +Q903208 P106 Q593644 +Q810 P530 Q858 +Q76625 P106 Q593644 +Q517 P106 Q372436 +Q1173373 P1303 Q6607 +Q60487 P161 Q235719 +Q108617 P509 Q47912 +Q314362 P27 Q414 +Q34453 P140 Q60995 +Q99258 P27 Q183 +Q27304761 P37 Q1860 +Q271324 P102 Q29468 +Q67405 P19 Q1715 +Q8772 P463 Q123885 +Q153996 P136 Q1298934 +Q237331 P106 Q10800557 +Q1487770 P1303 Q6607 +Q42786 P106 Q12362622 +Q430893 P106 Q2259451 +Q529555 P172 Q49085 +Q385236 P106 Q1622272 +Q212123 P161 Q134895 +Q77438 P106 Q49757 +Q4119 P19 Q65 +Q83410 P106 Q2259451 +Q388557 P106 Q2259451 +Q403 P530 Q954 +Q843 P530 Q664 +Q105823 P1303 Q17172850 +Q1686370 P106 Q639669 +Q360079 P106 Q36180 +Q164069 P106 Q2259451 +Q33637 P20 Q1794 +Q493 P737 Q501 +Q726071 P264 Q202585 +Q104791 P106 Q10798782 +Q177610 P20 Q1781 +Q108553 P106 Q1930187 +Q786339 P106 Q81096 +Q762361 P106 Q49757 +Q22979 P264 Q183412 +Q147811 P264 Q183387 +Q155907 P108 Q35794 +Q50656 P106 Q1281618 +Q88767 P106 Q42973 +Q138416 P69 Q230899 +Q120406 P106 Q10800557 +Q2428820 P106 Q81096 +Q222 P172 Q8060 +Q239917 P106 Q486748 +Q16867 P106 Q482980 +Q38 P530 Q148 +Q44412 P106 Q105186 +Q218532 P106 Q13235160 +Q14538 P27 Q30 +Q324905 P20 Q60 +Q267386 P106 Q36834 +Q103651 P27 Q30 +Q1558793 P463 Q938622 +Q240509 P106 Q488205 +Q448778 P102 Q29468 +Q118986 P19 Q1792 +Q126234 P27 Q30 +Q328590 P106 Q33999 +Q73437 P136 Q3071 +Q562402 P136 Q482 +Q634025 P106 Q1622272 +Q212002 P27 Q30 +Q153597 P1303 Q17172850 +Q478601 P106 Q183945 +Q60966 P106 Q66711686 +Q275402 P106 Q33999 +Q1811612 P136 Q484344 +Q42462 P17 Q174193 +Q2107 P17 Q713750 +Q361004 P27 Q142 +Q334205 P106 Q333634 +Q7315 P172 Q49542 +Q153677 P161 Q43203 +Q189 P463 Q81299 +Q217771 P106 Q37226 +Q67953 P69 Q159895 +Q152524 P737 Q23434 +Q270324 P1412 Q1860 +Q38873 P1412 Q7411 +Q949046 P1412 Q188 +Q76688 P106 Q1622272 +Q431802 P19 Q90 +Q296822 P1412 Q1860 +Q1282910 P264 Q183387 +Q187165 P106 Q9017214 +Q89054 P106 Q36180 +Q110073 P108 Q168756 +Q1042 P37 Q1860 +Q171166 P27 Q29 +Q455558 P106 Q3282637 +Q62263 P463 Q543804 +Q153576 P1412 Q1860 +Q472356 P27 Q15180 +Q984215 P106 Q901 +Q77177 P106 Q1259917 +Q465633 P106 Q947873 +Q5082974 P106 Q901 +Q201472 P19 Q1770 +Q440996 P136 Q8261 +Q467737 P19 Q908 +Q70991 P140 Q1841 +Q134541 P136 Q37073 +Q380425 P1412 Q188 +Q109149 P106 Q3075052 +Q272095 P106 Q10798782 +Q264867 P1412 Q8752 +Q32849 P106 Q43845 +Q276419 P69 Q49088 +Q75381 P26 Q58057 +Q859504 P27 Q30 +Q80557 P161 Q126164 +Q191020 P108 Q131252 +Q313047 P106 Q2259451 +Q251738 P69 Q193510 +Q61682 P69 Q154804 +Q313512 P69 Q273626 +Q295974 P106 Q33999 +Q1680268 P108 Q49210 +Q51101 P106 Q713200 +Q185165 P136 Q83440 +Q189947 P106 Q82955 +Q70350 P1412 Q188 +Q152388 P19 Q1794 +Q60174 P106 Q14915627 +Q712765 P106 Q488205 +Q9312 P737 Q35802 +Q195949 P161 Q4349 +Q242300 P136 Q131578 +Q71035 P1412 Q188 +Q313470 P172 Q1075293 +Q322303 P1303 Q6607 +Q104668 P119 Q208175 +Q70819 P136 Q1344 +Q72450 P840 Q1297 +Q313281 P119 Q311 +Q73506 P106 Q1569495 +Q297816 P106 Q18814623 +Q1398507 P106 Q639669 +Q1687749 P509 Q12078 +Q2201 P136 Q188473 +Q309768 P106 Q28389 +Q85084 P101 Q333 +Q453388 P106 Q753110 +Q154556 P509 Q181754 +Q314841 P106 Q10798782 +Q182589 P27 Q145 +Q76532 P1412 Q1860 +Q233837 P106 Q28389 +Q391663 P106 Q33999 +Q59672 P27 Q174193 +Q209170 P136 Q157443 +Q166714 P140 Q1062789 +Q57358 P1303 Q5994 +Q232214 P101 Q207628 +Q1666 P106 Q33999 +Q350362 P106 Q183945 +Q1523176 P136 Q20378 +Q302819 P106 Q49757 +Q211551 P106 Q82955 +Q207416 P27 Q29 +Q313388 P172 Q678551 +Q588591 P106 Q488205 +Q907534 P106 Q482980 +Q75696 P106 Q82955 +Q449199 P27 Q30 +Q207898 P1303 Q6607 +Q57285 P509 Q12192 +Q960376 P106 Q193391 +Q54351 P106 Q822146 +Q241609 P106 Q212980 +Q379929 P1412 Q150 +Q161963 P27 Q29 +Q9588 P69 Q168751 +Q295847 P264 Q1881437 +Q289204 P136 Q185867 +Q152824 P463 Q1938003 +Q228832 P27 Q15180 +Q69521 P101 Q333 +Q5809 P551 Q750 +Q298761 P106 Q1028181 +Q344179 P509 Q12204 +Q9696 P106 Q82955 +Q155 P30 Q18 +Q143605 P161 Q161819 +Q231886 P106 Q36180 +Q114533 P20 Q34713 +Q1701970 P27 Q30 +Q361297 P40 Q44855 +Q43408 P161 Q171525 +Q34969 P140 Q620629 +Q4235 P106 Q488205 +Q232395 P20 Q65 +Q66370 P106 Q10800557 +Q189415 P106 Q33999 +Q435437 P106 Q2259451 +Q2610 P20 Q64 +Q84 P131 Q179876 +Q34743 P106 Q4853732 +Q124697 P840 Q38 +Q796 P463 Q7809 +Q255463 P102 Q29552 +Q346309 P106 Q18814623 +Q17 P463 Q782942 +Q18404 P106 Q864380 +Q912687 P106 Q36180 +Q183492 P1412 Q1860 +Q585272 P106 Q82955 +Q231726 P106 Q10800557 +Q93632 P119 Q1624932 +Q2149302 P106 Q36180 +Q48734 P161 Q224159 +Q1063242 P17 Q145 +Q291170 P161 Q447669 +Q470193 P27 Q159 +Q229056 P106 Q10798782 +Q34414 P161 Q344758 +Q855 P737 Q9061 +Q92663 P108 Q457281 +Q238638 P551 Q65 +Q217619 P106 Q333634 +Q62665 P136 Q496523 +Q231781 P108 Q131262 +Q289064 P106 Q36834 +Q118985 P136 Q200092 +Q327332 P161 Q345325 +Q29697 P161 Q139330 +Q166696 P840 Q64 +Q1308212 P27 Q39 +Q192979 P161 Q298347 +Q223830 P641 Q32112 +Q67641 P106 Q28389 +Q106816 P106 Q2405480 +Q447831 P27 Q219 +Q123225 P106 Q1622272 +Q223443 P264 Q1123947 +Q1176607 P509 Q12152 +Q19074 P106 Q188094 +Q223559 P495 Q30 +Q356351 P69 Q499911 +Q1166988 P106 Q488205 +Q96594 P1412 Q188 +Q575886 P463 Q11993457 +Q471751 P1412 Q188 +Q180850 P106 Q177220 +Q2579732 P106 Q43845 +Q318292 P1412 Q188 +Q729048 P106 Q1930187 +Q158878 P20 Q65 +Q539301 P69 Q157575 +Q55456 P106 Q245068 +Q104000 P106 Q2259451 +Q967886 P463 Q83172 +Q520430 P106 Q36834 +Q534599 P106 Q6625963 +Q58077 P1412 Q7737 +Q314269 P69 Q209842 +Q309048 P136 Q2973181 +Q321527 P106 Q1622272 +Q102851 P1412 Q397 +Q106529 P451 Q268569 +Q704609 P27 Q30 +Q133009 P463 Q337234 +Q106662 P1412 Q1860 +Q311684 P106 Q4964182 +Q92965 P106 Q82594 +Q380545 P106 Q6625963 +Q47210 P463 Q191583 +Q342533 P106 Q10798782 +Q552273 P20 Q61 +Q233837 P106 Q36180 +Q51488 P40 Q431191 +Q64 P17 Q150981 +Q708963 P1303 Q17172850 +Q123825 P20 Q72 +Q47695 P106 Q4964182 +Q171235 P106 Q183945 +Q323166 P106 Q189290 +Q104183 P106 Q28389 +Q38111 P106 Q10798782 +Q11941 P106 Q36180 +Q1347483 P27 Q30 +Q7311 P106 Q639669 +Q123870 P106 Q2722764 +Q965 P463 Q47543 +Q648366 P1303 Q17172850 +Q134895 P26 Q39666 +Q434160 P106 Q864380 +Q710121 P19 Q18426 +Q123512 P1412 Q188 +Q236017 P102 Q17427 +Q127868 P27 Q668 +Q254041 P106 Q82955 +Q102244 P57 Q75079 +Q390097 P161 Q160432 +Q541929 P101 Q482 +Q182046 P106 Q4964182 +Q301951 P106 Q333634 +Q66543 P19 Q1718 +Q61456 P463 Q901677 +Q468577 P3373 Q391562 +Q73063 P106 Q82955 +Q1398058 P1303 Q8343 +Q508497 P106 Q3387717 +Q366845 P20 Q1741 +Q796 P530 Q817 +Q18446 P106 Q860918 +Q269094 P106 Q639669 +Q6527 P1412 Q150 +Q232113 P26 Q53001 +Q980676 P463 Q123885 +Q154662 P264 Q729590 +Q1974190 P27 Q30 +Q132506 P106 Q36834 +Q1909248 P106 Q639669 +Q255720 P106 Q639669 +Q116928 P136 Q188473 +Q93187 P1412 Q1860 +Q1042 P463 Q8475 +Q311752 P737 Q23858 +Q325449 P106 Q17307272 +Q113007 P1412 Q1860 +Q62206 P102 Q49768 +Q9358 P737 Q75889 +Q44437 P1412 Q1860 +Q92854 P27 Q30 +Q218589 P136 Q52162262 +Q42493 P102 Q29552 +Q230641 P106 Q33999 +Q311293 P102 Q29468 +Q254555 P840 Q65 +Q314892 P106 Q33999 +Q1691611 P161 Q202859 +Q189950 P27 Q2305208 +Q63026 P161 Q61356 +Q889 P140 Q432 +Q1145 P1412 Q150 +Q1154804 P106 Q639669 +Q30 P463 Q1579424 +Q711499 P106 Q855091 +Q173481 P509 Q147778 +Q236842 P106 Q33999 +Q93764 P69 Q165980 +Q166641 P27 Q15180 +Q152555 P19 Q8652 +Q215 P463 Q7184 +Q143286 P172 Q49085 +Q444237 P106 Q2468727 +Q86843 P1412 Q188 +Q30 P530 Q1013 +Q455703 P106 Q82955 +Q212446 P106 Q15895020 +Q14320 P161 Q223091 +Q109324 P551 Q60 +Q170530 P106 Q3282637 +Q259055 P1303 Q17172850 +Q2623752 P1412 Q809 +Q205120 P463 Q265058 +Q539791 P106 Q81096 +Q721819 P1303 Q258896 +Q93503 P102 Q179111 +Q242329 P551 Q65 +Q355835 P106 Q3282637 +Q311306 P106 Q177220 +Q234898 P101 Q5891 +Q1372139 P1303 Q6607 +Q365129 P69 Q49088 +Q41 P530 Q114 +Q3370728 P106 Q81096 +Q205314 P106 Q177220 +Q828641 P106 Q1238570 +Q705399 P27 Q30 +Q217552 P136 Q471839 +Q258761 P106 Q639669 +Q590792 P69 Q503246 +Q59653 P161 Q23685 +Q336272 P27 Q30 +Q30 P530 Q826 +Q109110 P840 Q739 +Q709685 P106 Q49757 +Q1345782 P509 Q11868838 +Q41342 P19 Q18419 +Q250539 P119 Q1624932 +Q307737 P106 Q33999 +Q43977 P140 Q5043 +Q84555 P106 Q121594 +Q1027 P463 Q8475 +Q189694 P27 Q30 +Q60208 P106 Q1622272 +Q431591 P1303 Q133163 +Q1230528 P463 Q329464 +Q77312 P27 Q183 +Q361257 P27 Q30 +Q66729 P463 Q329464 +Q47216 P69 Q178848 +Q962609 P136 Q131272 +Q152451 P69 Q1143289 +Q1210022 P27 Q30 +Q237530 P106 Q177220 +Q250975 P106 Q82955 +Q123078 P106 Q12144794 +Q272595 P136 Q20443008 +Q713099 P106 Q488205 +Q69773 P19 Q1085 +Q458559 P463 Q183725 +Q274748 P495 Q30 +Q157004 P69 Q1878600 +Q439566 P106 Q662729 +Q183 P530 Q1036 +Q9696 P3373 Q25310 +Q953 P361 Q27407 +Q3057567 P1412 Q9067 +Q42930 P69 Q993267 +Q90269 P19 Q3104 +Q229603 P136 Q5442753 +Q44328 P27 Q40 +Q380252 P106 Q16287483 +Q797599 P106 Q4351403 +Q577508 P140 Q1069127 +Q464277 P106 Q639669 +Q164663 P136 Q622370 +Q78116 P108 Q36188 +Q234438 P27 Q30 +Q286525 P106 Q33999 +Q169077 P27 Q28513 +Q379836 P27 Q13426199 +Q1209649 P106 Q639669 +Q4242236 P27 Q15180 +Q266080 P136 Q37073 +Q258204 P161 Q51506 +Q584197 P140 Q1841 +Q68751 P463 Q150793 +Q956275 P136 Q9759 +Q9695 P1412 Q1860 +Q92965 P19 Q1538 +Q4451565 P1412 Q7737 +Q70309 P26 Q74865 +Q181776 P136 Q645928 +Q96155 P1412 Q397 +Q221852 P161 Q19673 +Q190145 P161 Q306403 +Q872815 P1412 Q9056 +Q888065 P106 Q177220 +Q784260 P106 Q639669 +Q101087 P463 Q756504 +Q10953 P509 Q12078 +Q193048 P106 Q2405480 +Q516473 P69 Q34433 +Q2599 P106 Q486748 +Q88029 P20 Q365 +Q379949 P106 Q214917 +Q931278 P106 Q81096 +Q65619 P106 Q864380 +Q390097 P161 Q224081 +Q1770624 P106 Q3501317 +Q95030 P26 Q190602 +Q1030 P530 Q801 +Q358529 P509 Q852423 +Q310367 P27 Q30 +Q85586 P106 Q81096 +Q95055 P20 Q488004 +Q235 P463 Q8908 +Q6530 P19 Q36036 +Q207356 P172 Q2325516 +Q72357 P27 Q183 +Q93514 P737 Q78491 +Q275929 P451 Q189869 +Q318503 P106 Q43845 +Q1158704 P27 Q183 +Q310315 P69 Q503246 +Q61584 P264 Q183387 +Q95034 P106 Q28389 +Q431565 P69 Q273626 +Q1750532 P106 Q488205 +Q16345 P106 Q36180 +Q193018 P106 Q36180 +Q107416 P20 Q47265 +Q171861 P161 Q235002 +Q283328 P27 Q30 +Q376663 P136 Q586250 +Q440121 P19 Q61 +Q174346 P106 Q2526255 +Q7726 P3373 Q7729 +Q151904 P840 Q236 +Q156268 P108 Q202660 +Q323516 P106 Q214917 +Q74316 P69 Q315658 +Q619051 P106 Q28389 +Q77438 P136 Q482 +Q351849 P106 Q10800557 +Q373267 P136 Q1200678 +Q107420 P108 Q13371 +Q1077577 P1303 Q6607 +Q85807 P1412 Q188 +Q727148 P27 Q155 +Q353640 P106 Q28389 +Q314485 P106 Q33999 +Q989 P172 Q1026 +Q707460 P136 Q598929 +Q77734 P106 Q3282637 +Q453390 P106 Q177220 +Q224187 P495 Q30 +Q313020 P106 Q2259451 +Q706641 P19 Q342803 +Q3939205 P106 Q82955 +Q36105 P20 Q65 +Q1005 P463 Q656801 +Q1388990 P106 Q3391743 +Q30 P530 Q843 +Q234030 P106 Q18844224 +Q443528 P106 Q18844224 +Q860206 P1412 Q150 +Q40321 P19 Q61 +Q221 P530 Q183 +Q605534 P106 Q4504549 +Q83630 P161 Q235384 +Q193111 P106 Q36180 +Q162793 P106 Q36180 +Q354002 P509 Q12078 +Q314834 P106 Q2405480 +Q1059718 P106 Q177220 +Q294326 P106 Q483501 +Q8619 P509 Q181257 +Q88427 P172 Q7325 +Q365550 P106 Q82955 +Q555226 P106 Q3282637 +Q177111 P27 Q30 +Q127959 P27 Q174193 +Q39829 P737 Q36184 +Q1398507 P106 Q753110 +Q202815 P1412 Q9299 +Q117902 P108 Q209344 +Q157879 P136 Q52207399 +Q128507 P551 Q23276 +Q955077 P106 Q36180 +Q30 P530 Q45 +Q55836 P106 Q193391 +Q6694 P463 Q265058 +Q88464 P106 Q482980 +Q30 P530 Q1049 +Q183 P463 Q458 +Q137098 P495 Q38 +Q182546 P106 Q205375 +Q221168 P161 Q181900 +Q122614 P106 Q10800557 +Q35686 P106 Q372436 +Q434095 P27 Q29 +Q164328 P27 Q30 +Q62749 P1412 Q188 +Q744689 P69 Q1524124 +Q232495 P26 Q756563 +Q200407 P1303 Q17172850 +Q235305 P1412 Q1860 +Q71490 P551 Q2966 +Q62833 P19 Q715 +Q161687 P161 Q228747 +Q312336 P27 Q30 +Q239838 P106 Q177220 +Q311050 P106 Q639669 +Q30875 P27 Q145 +Q84509 P27 Q28513 +Q346648 P19 Q90 +Q36290 P264 Q50074604 +Q80204 P161 Q229535 +Q31637 P106 Q33999 +Q426687 P136 Q20378 +Q414188 P131 Q3033 +Q6246180 P27 Q174193 +Q946733 P106 Q36180 +Q57123 P509 Q175111 +Q44481 P101 Q41217 +Q2530 P106 Q40348 +Q380178 P106 Q10798782 +Q42156 P463 Q191583 +Q435034 P119 Q1437214 +Q19074 P69 Q49112 +Q324219 P108 Q909176 +Q948 P530 Q458 +Q63169 P463 Q44687 +Q107008 P136 Q203775 +Q188459 P106 Q3455803 +Q984353 P27 Q30 +Q35686 P140 Q33203 +Q121850 P20 Q365 +Q4073580 P106 Q43845 +Q164757 P136 Q8341 +Q84708562 P106 Q3391743 +Q98897 P106 Q36180 +Q196159 P106 Q1569495 +Q257752 P19 Q194420 +Q92643 P106 Q1622272 +Q183337 P106 Q2059704 +Q208116 P106 Q333634 +Q185002 P106 Q488205 +Q333265 P106 Q81096 +Q896136 P102 Q49750 +Q536723 P27 Q30 +Q272608 P136 Q2421031 +Q554175 P509 Q12152 +Q171834 P27 Q172579 +Q1638939 P1412 Q9043 +Q165121 P1412 Q150 +Q38111 P140 Q288928 +Q6096 P106 Q183945 +Q102754 P495 Q145 +Q446151 P69 Q206702 +Q137800 P161 Q439438 +Q213053 P161 Q262130 +Q93624 P27 Q40 +Q708922 P106 Q639669 +Q134183 P27 Q30 +Q1039 P37 Q5146 +Q83155 P20 Q9005 +Q851 P530 Q213 +Q312747 P106 Q1930187 +Q778 P463 Q7809 +Q214622 P106 Q333634 +Q186525 P1412 Q1860 +Q57266 P106 Q1209498 +Q165325 P136 Q3990883 +Q1174183 P69 Q969850 +Q435807 P106 Q211236 +Q382570 P106 Q753110 +Q754 P530 Q865 +Q2090 P463 Q812378 +Q297598 P136 Q37073 +Q77 P530 Q145 +Q76459 P463 Q684415 +Q489643 P106 Q488205 +Q107067 P509 Q1368943 +Q205120 P106 Q1622272 +Q91023 P119 Q562211 +Q184366 P463 Q123885 +Q92739 P20 Q173813 +Q58612 P463 Q459620 +Q1677044 P106 Q753110 +Q92933 P108 Q190080 +Q269094 P19 Q18424 +Q503672 P19 Q1757 +Q82110 P27 Q159 +Q191037 P27 Q30 +Q78732 P20 Q1741 +Q90331 P27 Q27306 +Q211566 P1412 Q1860 +Q316032 P106 Q33999 +Q260331 P1303 Q17172850 +Q178989 P136 Q2975633 +Q709499 P106 Q36834 +Q432689 P136 Q37073 +Q366325 P509 Q12202 +Q156214 P106 Q16947657 +Q111189 P108 Q48989 +Q212015 P27 Q142 +Q538379 P27 Q2305208 +Q168704 P20 Q16552 +Q392 P264 Q183387 +Q179460 P136 Q130232 +Q858 P463 Q376150 +Q87375 P27 Q183 +Q12279060 P108 Q841581 +Q200407 P106 Q10800557 +Q298347 P69 Q653693 +Q11107 P102 Q29552 +Q490381 P1303 Q281460 +Q102851 P140 Q9592 +Q228936 P136 Q860626 +Q836910 P20 Q1781 +Q57109 P106 Q4773904 +Q102289 P106 Q81096 +Q726280 P1303 Q17172850 +Q100028 P106 Q2526255 +Q11817 P463 Q4742987 +Q77788 P136 Q482 +Q1333326 P106 Q14915627 +Q323771 P161 Q200534 +Q708620 P106 Q177220 +Q74667 P106 Q1622272 +Q41351 P69 Q49112 +Q237270 P106 Q2405480 +Q215689 P1412 Q9035 +Q1020 P530 Q801 +Q347528 P106 Q177220 +Q32 P530 Q142 +Q138984 P106 Q6673651 +Q40580 P106 Q639669 +Q77112 P264 Q202440 +Q232468 P1412 Q1860 +Q5890 P136 Q20443008 +Q311303 P69 Q1542213 +Q529582 P1303 Q5994 +Q12622 P106 Q36180 +Q88899 P106 Q333634 +Q431793 P136 Q157443 +Q884142 P1303 Q6607 +Q105118 P106 Q578109 +Q191064 P1412 Q1860 +Q165817 P161 Q314485 +Q139642 P106 Q10800557 +Q454428 P27 Q30 +Q77027 P1303 Q17172850 +Q288157 P106 Q639669 +Q1585964 P463 Q127992 +Q60884 P463 Q414110 +Q165792 P106 Q36180 +Q55415 P106 Q28389 +Q1322285 P106 Q177220 +Q235770 P106 Q639669 +Q7546 P172 Q165192 +Q967886 P27 Q159 +Q919835 P69 Q49115 +Q295919 P106 Q753110 +Q79120 P69 Q1329478 +Q110719 P102 Q49768 +Q187199 P27 Q38 +Q239807 P136 Q1062400 +Q170530 P106 Q10800557 +Q445392 P102 Q29468 +Q221586 P136 Q19367312 +Q42831 P106 Q333634 +Q234695 P106 Q33999 +Q313528 P69 Q131262 +Q526107 P19 Q16554 +Q257889 P136 Q205049 +Q229477 P19 Q16739 +Q540915 P136 Q37073 +Q230131 P27 Q30 +Q58444 P172 Q170826 +Q78732 P69 Q31519 +Q287385 P161 Q114179 +Q34 P463 Q1480793 +Q92359 P106 Q82955 +Q78205 P108 Q273263 +Q130917 P463 Q44687 +Q163872 P161 Q48337 +Q16 P530 Q96 +Q455625 P106 Q36180 +Q167399 P20 Q65 +Q337090 P161 Q1066875 +Q43144 P106 Q18814623 +Q966067 P106 Q182436 +Q111263 P19 Q64 +Q535355 P106 Q36180 +Q442667 P136 Q37073 +Q106208 P27 Q70972 +Q78885 P106 Q43845 +Q1238828 P106 Q183945 +Q246711 P161 Q93187 +Q720208 P106 Q855091 +Q130327 P101 Q24454422 +Q70113 P20 Q64 +Q313046 P106 Q2405480 +Q181799 P172 Q678551 +Q93124 P69 Q168756 +Q1029853 P1412 Q143 +Q71416 P106 Q36180 +Q556568 P106 Q482980 +Q2772878 P106 Q2252262 +Q1341906 P20 Q8652 +Q557948 P27 Q30 +Q157451 P106 Q82955 +Q49941 P1303 Q17172850 +Q86488 P106 Q169470 +Q440528 P1412 Q150 +Q233085 P19 Q11299 +Q901303 P20 Q1733 +Q385309 P161 Q339551 +Q262861 P509 Q11081 +Q108312 P463 Q18650004 +Q252142 P106 Q4964182 +Q1246 P530 Q851 +Q219519 P106 Q177220 +Q434745 P1412 Q1860 +Q216221 P106 Q28389 +Q123413 P27 Q39 +Q75246 P509 Q12152 +Q105575 P20 Q64 +Q550784 P106 Q10798782 +Q181677 P102 Q29552 +Q126164 P27 Q142 +Q240851 P106 Q121594 +Q160802 P1412 Q150 +Q981171 P106 Q36180 +Q438366 P106 Q177220 +Q117741 P106 Q1086863 +Q253513 P106 Q36180 +Q3353479 P463 Q463303 +Q1232924 P106 Q36834 +Q155124 P27 Q30 +Q46739 P106 Q49757 +Q512 P1303 Q6607 +Q271500 P69 Q1033692 +Q715790 P27 Q36 +Q236469 P106 Q18814623 +Q53023 P106 Q33999 +Q201562 P27 Q30 +Q22686 P106 Q19831149 +Q2287423 P3373 Q13132095 +Q541599 P27 Q27 +Q726170 P106 Q183945 +Q116105 P136 Q37073 +Q7286 P106 Q169470 +Q730190 P69 Q174570 +Q142 P530 Q790 +Q96 P530 Q790 +Q695886 P106 Q205375 +Q117249 P106 Q10800557 +Q75828 P106 Q82955 +Q49492 P106 Q2526255 +Q1353252 P106 Q12800682 +Q1347215 P1303 Q17172850 +Q165357 P106 Q36180 +Q349420 P106 Q639669 +Q370893 P161 Q110462 +Q587823 P463 Q2720582 +Q1203 P1303 Q46185 +Q446673 P27 Q258 +Q41378 P1412 Q1860 +Q77753 P102 Q7320 +Q260011 P1412 Q1860 +Q992295 P264 Q165745 +Q1282413 P106 Q81096 +Q76399 P106 Q4610556 +Q11930 P106 Q10798782 +Q263279 P106 Q177220 +Q369916 P27 Q30 +Q188389 P106 Q10800557 +Q70166 P1412 Q188 +Q104898 P463 Q46703 +Q271119 P1412 Q1860 +Q1461567 P1412 Q5146 +Q155979 P27 Q15180 +Q504923 P20 Q1297 +Q451312 P136 Q8261 +Q164351 P106 Q1028181 +Q380841 P840 Q99 +Q203223 P106 Q5716684 +Q64970 P102 Q316533 +Q1174183 P1303 Q52954 +Q184750 P108 Q375606 +Q193660 P106 Q36180 +Q97531 P106 Q1234713 +Q984644 P136 Q12799318 +Q168154 P161 Q36105 +Q982047 P106 Q1622272 +Q903208 P69 Q193196 +Q575026 P136 Q753679 +Q386053 P106 Q488205 +Q117194 P1412 Q1860 +Q6694 P106 Q11063 +Q370928 P106 Q177220 +Q78003 P19 Q1794 +Q47007 P1412 Q256 +Q167821 P102 Q29552 +Q581943 P106 Q82955 +Q707990 P106 Q36834 +Q8927 P1412 Q150 +Q131390 P161 Q228789 +Q108306 P119 Q253763 +Q282804 P840 Q1400 +Q905 P1050 Q12204 +Q313047 P1050 Q12204 +Q326542 P1050 Q12206 +Q358306 P106 Q2405480 +Q150916 P172 Q974693 +Q597433 P106 Q10800557 +Q282041 P161 Q318267 +Q289524 P1412 Q150 +Q117139 P106 Q33999 +Q212064 P106 Q5716684 +Q155 P530 Q730 +Q41 P530 Q801 +Q469888 P140 Q9268 +Q697131 P106 Q28389 +Q44063 P1412 Q1860 +Q227129 P106 Q177220 +Q358188 P106 Q36180 +Q209481 P136 Q28026639 +Q263172 P20 Q172 +Q574 P530 Q833 +Q57640 P1412 Q1860 +Q69340 P106 Q33999 +Q164979 P106 Q1028181 +Q351339 P69 Q13371 +Q728991 P27 Q55 +Q196472 P106 Q1622272 +Q380318 P509 Q12152 +Q162672 P840 Q1454 +Q242454 P27 Q159 +Q286690 P106 Q2490358 +Q881 P463 Q5611262 +Q193670 P27 Q142 +Q165644 P1412 Q1860 +Q202420 P1412 Q652 +Q591270 P1412 Q1860 +Q909 P463 Q463281 +Q3769061 P106 Q1930187 +Q94586 P106 Q3282637 +Q1009 P463 Q7159 +Q2875 P161 Q156178 +Q440609 P106 Q33999 +Q139460 P161 Q621490 +Q313553 P136 Q8261 +Q242530 P69 Q4614 +Q695 P530 Q183 +Q168847 P1303 Q17172850 +Q327107 P27 Q28513 +Q173955 P136 Q130232 +Q3138 P17 Q7318 +Q742825 P136 Q8341 +Q928 P530 Q218 +Q355133 P106 Q10798782 +Q81438 P106 Q11774202 +Q270085 P106 Q4964182 +Q37459 P106 Q177220 +Q83789 P161 Q440926 +Q55411 P463 Q879171 +Q47100 P27 Q30 +Q84220 P495 Q30 +Q202185 P27 Q30 +Q45593 P27 Q40 +Q239897 P106 Q36180 +Q1037 P463 Q294278 +Q116265 P106 Q33999 +Q363117 P106 Q28389 +Q298412 P101 Q207628 +Q9439 P106 Q18939491 +Q253288 P106 Q36180 +Q230218 P264 Q4883239 +Q740657 P106 Q4263842 +Q457353 P106 Q36180 +Q920167 P106 Q16145150 +Q962 P30 Q15 +Q91436 P106 Q3621491 +Q241583 P101 Q184485 +Q57364 P27 Q183 +Q1711615 P136 Q8341 +Q222868 P161 Q313043 +Q89764 P551 Q1726 +Q144643 P27 Q794 +Q312531 P136 Q17013749 +Q242643 P106 Q5482740 +Q274306 P106 Q36180 +Q233697 P136 Q37073 +Q96087 P106 Q36180 +Q107264 P101 Q8134 +Q96285 P27 Q183 +Q1562145 P19 Q49218 +Q909 P106 Q182436 +Q25144 P106 Q10800557 +Q356369 P1303 Q6607 +Q1424269 P264 Q3415083 +Q229599 P161 Q52440 +Q78766 P106 Q2405480 +Q130868 P495 Q30 +Q463832 P161 Q267522 +Q468585 P1412 Q1860 +Q2979750 P172 Q49085 +Q71502 P1412 Q188 +Q57384 P106 Q36180 +Q334665 P106 Q15895020 +Q331180 P161 Q207179 +Q16867 P19 Q100 +Q180223 P108 Q1335573 +Q877858 P264 Q202585 +Q147811 P106 Q33999 +Q352738 P509 Q12152 +Q242130 P106 Q482980 +Q917 P463 Q8475 +Q1507495 P69 Q192334 +Q949 P551 Q43788 +Q298352 P106 Q3282637 +Q144483 P161 Q217137 +Q1801255 P20 Q488004 +Q232251 P161 Q294912 +Q170095 P1412 Q150 +Q1869643 P136 Q180268 +Q107124 P19 Q2865 +Q239002 P106 Q822146 +Q118233 P27 Q15180 +Q188137 P106 Q1053574 +Q42037 P106 Q36180 +Q8354131 P69 Q43452 +Q109252 P106 Q639669 +Q315271 P106 Q2526255 +Q1514 P106 Q855091 +Q155786 P463 Q123885 +Q1009 P463 Q827525 +Q352540 P106 Q639669 +Q186264 P106 Q639669 +Q130742 P106 Q2259451 +Q129022 P106 Q49757 +Q221491 P161 Q18938 +Q794 P530 Q35323 +Q658706 P106 Q578109 +Q571287 P1412 Q150 +Q373500 P27 Q30 +Q446024 P1412 Q9043 +Q315266 P106 Q39631 +Q314502 P106 Q28389 +Q11692964 P463 Q337234 +Q71366 P106 Q49757 +Q295080 P106 Q3282637 +Q214227 P106 Q3282637 +Q153638 P106 Q33999 +Q715790 P69 Q51985 +Q42308 P17 Q15180 +Q1394654 P264 Q778673 +Q221364 P106 Q33999 +Q298 P530 Q40 +Q263439 P106 Q33999 +Q253715 P106 Q4610556 +Q946528 P106 Q486748 +Q235141 P106 Q33999 +Q1282562 P108 Q9531 +Q164578 P140 Q432 +Q949 P463 Q265058 +Q80805 P106 Q2722764 +Q62882 P102 Q29468 +Q283932 P136 Q188473 +Q434680 P1412 Q9288 +Q708620 P106 Q2252262 +Q310217 P106 Q2259451 +Q116032 P1412 Q150 +Q234591 P106 Q639669 +Q274404 P463 Q337234 +Q219842 P119 Q272208 +Q190251 P106 Q639669 +Q276299 P161 Q38111 +Q189600 P495 Q30 +Q918668 P108 Q35794 +Q210111 P136 Q157394 +Q310785 P106 Q10798782 +Q386784 P106 Q33999 +Q334633 P27 Q29 +Q235470 P737 Q50020 +Q223887 P161 Q374220 +Q131549 P27 Q142 +Q75995 P106 Q170790 +Q36488 P509 Q12152 +Q358306 P172 Q49085 +Q352963 P106 Q1930187 +Q3071779 P140 Q9592 +Q1698 P40 Q276005 +Q44922 P106 Q49757 +Q1078152 P106 Q245068 +Q372174 P495 Q30 +Q191088 P1303 Q17172850 +Q794 P530 Q224 +Q347118 P106 Q3242115 +Q76128 P19 Q1726 +Q763897 P106 Q1259917 +Q224754 P106 Q2526255 +Q881 P530 Q38 +Q170371 P106 Q333634 +Q534234 P27 Q30 +Q167443 P140 Q188814 +Q18227 P106 Q36180 +Q3620117 P463 Q338432 +Q155419 P19 Q64 +Q157024 P17 Q12560 +Q240253 P106 Q1930187 +Q348649 P27 Q30 +Q93872 P69 Q165980 +Q3229792 P106 Q82594 +Q92650 P106 Q1930187 +Q329577 P106 Q33999 +Q371182 P69 Q13371 +Q216838 P106 Q82955 +Q369394 P106 Q10798782 +Q105941 P1412 Q1860 +Q1077409 P136 Q11366 +Q311672 P106 Q177220 +Q214911 P106 Q1930187 +Q53454 P1412 Q256 +Q185655 P106 Q2526255 +Q848723 P108 Q153978 +Q319342 P106 Q11774202 +Q9041 P1412 Q1860 +Q207916 P161 Q155775 +Q1361996 P19 Q649 +Q237994 P106 Q121594 +Q324031 P106 Q2732142 +Q206336 P161 Q126599 +Q392915 P161 Q144643 +Q427597 P551 Q1757 +Q65561 P1412 Q188 +Q77832 P509 Q12078 +Q112536 P106 Q10800557 +Q457306 P136 Q37073 +Q129601 P161 Q139638 +Q188697 P172 Q121842 +Q450646 P69 Q503246 +Q380545 P106 Q1930187 +Q235515 P106 Q18814623 +Q50656 P1412 Q150 +Q82222 P264 Q213710 +Q57956 P19 Q1022 +Q152520 P106 Q177220 +Q355159 P106 Q10798782 +Q1016 P463 Q1065 +Q442549 P106 Q10798782 +Q55836 P69 Q206702 +Q294723 P27 Q16 +Q91544 P27 Q1206012 +Q578031 P1412 Q7976 +Q45025 P106 Q36180 +Q519606 P106 Q2526255 +Q54868 P1303 Q17172850 +Q71206 P108 Q126399 +Q543060 P106 Q214917 +Q311084 P106 Q33999 +Q78526 P101 Q158852 +Q354508 P101 Q8341 +Q468003 P106 Q333634 +Q70396 P119 Q562211 +Q6246180 P106 Q15296811 +Q82238 P106 Q10800557 +Q237331 P106 Q177220 +Q154331 P135 Q1338153 +Q125488 P27 Q43287 +Q467027 P264 Q190585 +Q1888794 P509 Q11081 +Q53403 P641 Q847 +Q182788 P106 Q201788 +Q175392 P106 Q33999 +Q43203 P106 Q2526255 +Q200841 P1412 Q1860 +Q45662 P463 Q695302 +Q193105 P106 Q2405480 +Q40504 P106 Q2405480 +Q229274 P1303 Q17172850 +Q9047 P1412 Q1860 +Q636 P136 Q37073 +Q1939373 P106 Q639669 +Q455120 P106 Q6625963 +Q348649 P106 Q10798782 +Q262490 P106 Q131524 +Q11847 P551 Q270 +Q235351 P27 Q38 +Q202735 P136 Q613408 +Q237497 P106 Q483501 +Q49747 P27 Q31 +Q219653 P106 Q2405480 +Q61863 P106 Q36180 +Q116013 P19 Q14960 +Q381039 P106 Q901 +Q4952325 P1412 Q1860 +Q90430 P451 Q77777 +Q46551 P161 Q45772 +Q274609 P106 Q3286043 +Q105941 P108 Q126399 +Q19356 P161 Q23301 +Q499339 P106 Q82955 +Q468577 P69 Q459506 +Q13909 P106 Q2526255 +Q946570 P69 Q467025 +Q40787 P1412 Q150 +Q85394 P106 Q36180 +Q361670 P106 Q7042855 +Q435278 P106 Q715301 +Q331759 P106 Q177220 +Q444509 P551 Q490 +Q3770812 P19 Q546 +Q180453 P136 Q83440 +Q233701 P463 Q463281 +Q104358 P140 Q1841 +Q26848 P106 Q33999 +Q223992 P106 Q28389 +Q25089 P106 Q15981151 +Q648098 P27 Q30 +Q209538 P840 Q2915506 +Q384979 P106 Q36180 +Q1036 P530 Q668 +Q486786 P264 Q231694 +Q183279 P140 Q7066 +Q228611 P106 Q177220 +Q252409 P161 Q1132632 +Q215989 P108 Q672420 +Q166663 P509 Q372701 +Q188482 P136 Q37073 +Q47878 P1303 Q128309 +Q83158 P463 Q2166029 +Q842 P463 Q624307 +Q169311 P106 Q644687 +Q131545 P106 Q15855449 +Q152880 P27 Q142 +Q365199 P19 Q1297 +Q213734 P106 Q11569986 +Q618233 P106 Q18814623 +Q87675 P108 Q165980 +Q3047837 P101 Q1069 +Q318412 P106 Q10800557 +Q391262 P106 Q16287483 +Q363386 P172 Q1075293 +Q1066875 P106 Q3282637 +Q210315 P551 Q812 +Q186089 P101 Q12271 +Q315051 P106 Q3282637 +Q455430 P19 Q84 +Q12807 P106 Q28389 +Q332330 P161 Q61552 +Q505563 P106 Q639669 +Q258854 P27 Q30 +Q979865 P106 Q82955 +Q633 P136 Q11399 +Q233868 P19 Q462799 +Q73890 P106 Q193391 +Q202735 P1303 Q17172850 +Q131074 P161 Q315118 +Q5549674 P551 Q30 +Q201221 P1412 Q7737 +Q41568 P106 Q185351 +Q348497 P20 Q649 +Q436503 P106 Q33999 +Q232035 P106 Q639669 +Q2308660 P119 Q272208 +Q1047 P40 Q1149 +Q6538 P106 Q28389 +Q217008 P136 Q132311 +Q51537 P106 Q2526255 +Q379811 P106 Q33999 +Q155845 P106 Q4853732 +Q1138543 P106 Q753110 +Q981856 P27 Q145 +Q434291 P106 Q3387717 +Q5104 P19 Q65 +Q366012 P106 Q15981151 +Q167429 P27 Q801 +Q86843 P101 Q23498 +Q49492 P27 Q15180 +Q130742 P106 Q855091 +Q15909 P69 Q1377 +Q179497 P106 Q33999 +Q237242 P463 Q1468277 +Q366930 P106 Q49757 +Q175104 P106 Q33999 +Q312514 P106 Q753110 +Q192634 P1412 Q256 +Q312288 P463 Q253439 +Q96950 P27 Q16957 +Q369022 P106 Q1930187 +Q116309 P1412 Q8785 +Q278997 P161 Q165518 +Q475733 P106 Q33231 +Q270774 P69 Q219563 +Q983239 P106 Q728425 +Q1403698 P1412 Q188 +Q3769061 P106 Q10800557 +Q68476 P106 Q1234713 +Q888713 P19 Q16563 +Q325648 P161 Q75177 +Q724276 P106 Q1930187 +Q187857 P27 Q408 +Q464251 P106 Q36180 +Q60296 P161 Q236399 +Q702 P37 Q1860 +Q104668 P463 Q270794 +Q67635 P69 Q168426 +Q127897 P840 Q1408 +Q456017 P161 Q196080 +Q190220 P140 Q7066 +Q1351565 P106 Q13582652 +Q212041 P161 Q313283 +Q300508 P136 Q2484376 +Q987724 P106 Q10798782 +Q310389 P69 Q1026939 +Q23760 P1412 Q1860 +Q57319 P1412 Q9056 +Q943107 P27 Q30 +Q164401 P69 Q13371 +Q16458 P136 Q2975633 +Q63791 P69 Q219615 +Q76887 P463 Q156652 +Q733640 P27 Q29999 +Q86602 P19 Q14960 +Q1546566 P106 Q3282637 +Q456751 P20 Q220 +Q258736 P19 Q18383 +Q325262 P106 Q36180 +Q294372 P19 Q16552 +Q242416 P20 Q34006 +Q92926 P463 Q463303 +Q129119 P1303 Q5994 +Q234939 P106 Q10800557 +Q335064 P106 Q1930187 +Q275876 P106 Q40348 +Q213583 P1412 Q188 +Q228832 P264 Q231694 +Q2822225 P17 Q30 +Q270215 P136 Q471839 +Q444616 P106 Q158852 +Q208101 P106 Q1930187 +Q110330 P463 Q543804 +Q1174641 P19 Q49266 +Q3893579 P19 Q1757 +Q193695 P136 Q859369 +Q231690 P1412 Q150 +Q173061 P106 Q639669 +Q262490 P106 Q4610556 +Q570913 P463 Q12751277 +Q124296 P27 Q30 +Q47210 P19 Q90 +Q112160 P69 Q54096 +Q1676929 P106 Q2259451 +Q155 P530 Q717 +Q432919 P106 Q36180 +Q36105 P106 Q33999 +Q210059 P106 Q1930187 +Q200460 P264 Q3415083 +Q463832 P161 Q359325 +Q77740 P106 Q49757 +Q938402 P106 Q1930187 +Q378116 P27 Q142 +Q328201 P20 Q19660 +Q40787 P1412 Q9035 +Q233937 P27 Q30 +Q867599 P1412 Q9168 +Q526220 P463 Q468865 +Q43179 P106 Q82955 +Q44634 P106 Q33999 +Q248042 P106 Q11900058 +Q488200 P140 Q432 +Q183081 P161 Q134895 +Q204936 P106 Q1028181 +Q228968 P264 Q183387 +Q219734 P106 Q15895020 +Q171669 P161 Q39792 +Q41754 P136 Q1535153 +Q380841 P161 Q80405 +Q253978 P136 Q842256 +Q274562 P106 Q177220 +Q683 P463 Q188822 +Q228832 P140 Q432 +Q337078 P161 Q215072 +Q1392694 P108 Q213439 +Q42443 P106 Q182436 +Q3188007 P69 Q49117 +Q45811 P19 Q18419 +Q90781 P102 Q148861 +Q221074 P106 Q10843402 +Q663465 P1412 Q150 +Q170333 P106 Q14915627 +Q1044657 P106 Q639669 +Q231841 P106 Q36180 +Q320556 P19 Q60 +Q29092 P69 Q523926 +Q710121 P509 Q29496 +Q178549 P495 Q30 +Q503917 P27 Q30 +Q180727 P106 Q1622272 +Q233848 P106 Q10800557 +Q234356 P106 Q177220 +Q1270525 P108 Q49110 +Q268940 P106 Q33999 +Q441742 P106 Q177220 +Q229603 P161 Q134133 +Q457687 P102 Q727724 +Q312514 P264 Q1124061 +Q315752 P106 Q205375 +Q323452 P106 Q33999 +Q57475 P463 Q49738 +Q1279401 P106 Q483501 +Q77728 P106 Q49757 +Q92637 P106 Q5482740 +Q334288 P551 Q62 +Q44857 P136 Q37073 +Q1017 P17 Q713750 +Q382638 P106 Q4220892 +Q113777 P101 Q1071 +Q151593 P106 Q1225716 +Q80424 P106 Q177220 +Q30931 P840 Q241 +Q78492 P27 Q33946 +Q7964724 P463 Q466089 +Q296771 P106 Q82955 +Q191040 P161 Q13909 +Q70087 P27 Q183 +Q58620 P509 Q12078 +Q503672 P463 Q463303 +Q244 P530 Q30 +Q833 P530 Q458 +Q731829 P463 Q83172 +Q215748 P1412 Q188 +Q110397 P840 Q61 +Q7351 P106 Q16145150 +Q116548 P106 Q36180 +Q79848 P37 Q1860 +Q237112 P106 Q4263842 +Q457333 P161 Q232520 +Q66475 P101 Q476294 +Q5043 P3095 Q106039 +Q254341 P27 Q30 +Q234893 P1412 Q1860 +Q152773 P106 Q10800557 +Q34943 P737 Q868 +Q63397 P106 Q39631 +Q95268 P106 Q333634 +Q876756 P106 Q82955 +Q95264 P102 Q7320 +Q27925670 P106 Q1281618 +Q70839 P106 Q36180 +Q2133214 P840 Q1218 +Q232462 P106 Q2914170 +Q131324 P106 Q4610556 +Q74865 P1412 Q150 +Q84509 P19 Q1781 +Q104791 P551 Q387047 +Q332953 P106 Q639669 +Q414188 P463 Q1662834 +Q232000 P840 Q18 +Q193052 P1412 Q7026 +Q455236 P1303 Q6607 +Q190089 P106 Q1622272 +Q238719 P1412 Q9288 +Q76346 P27 Q39 +Q39989 P106 Q177220 +Q262 P530 Q28 +Q463927 P161 Q3454165 +Q213195 P463 Q466089 +Q242873 P1303 Q5994 +Q76589 P108 Q152171 +Q12940 P19 Q90 +Q4089775 P1412 Q7737 +Q192912 P19 Q25610 +Q61453 P19 Q1799 +Q81520 P551 Q387047 +Q733720 P27 Q30 +Q1509908 P106 Q3665646 +Q1803878 P136 Q45981 +Q192374 P101 Q5891 +Q7841 P106 Q482980 +Q1238180 P264 Q183387 +Q478967 P1303 Q52954 +Q971 P530 Q258 +Q76429 P101 Q482 +Q61942 P17 Q713750 +Q216582 P27 Q172579 +Q801 P530 Q733 +Q684105 P19 Q1408 +Q123283 P106 Q551835 +Q330567 P463 Q270794 +Q705515 P106 Q47064 +Q662355 P159 Q1718 +Q320190 P1303 Q17172850 +Q582152 P509 Q623031 +Q194280 P69 Q457281 +Q66812 P1412 Q188 +Q184366 P106 Q4773904 +Q5921 P106 Q639669 +Q349799 P106 Q2252262 +Q318694 P1303 Q46185 +Q209926 P106 Q5322166 +Q356361 P69 Q153978 +Q98110 P102 Q49768 +Q310637 P106 Q33999 +Q96923 P106 Q36834 +Q99706 P509 Q9687 +Q228733 P106 Q10800557 +Q166641 P119 Q311 +Q9695 P106 Q639669 +Q215856 P27 Q183 +Q188954 P106 Q5482740 +Q62766 P172 Q49085 +Q954563 P106 Q639669 +Q347685 P106 Q13570226 +Q1275039 P740 Q18419 +Q254983 P27 Q30 +Q183 P463 Q899770 +Q205456 P106 Q13590141 +Q332632 P106 Q2526255 +Q101995 P1412 Q188 +Q170042 P106 Q177220 +Q255342 P136 Q188473 +Q937 P106 Q15980158 +Q73506 P106 Q36180 +Q539143 P1412 Q1860 +Q224026 P172 Q1075293 +Q317110 P106 Q10800557 +Q237134 P161 Q181774 +Q92627 P27 Q30 +Q77493 P551 Q104192 +Q218031 P136 Q187760 +Q274711 P19 Q585 +Q289847 P106 Q765778 +Q557 P136 Q3071 +Q644917 P1412 Q1860 +Q66942 P106 Q333634 +Q228611 P106 Q82955 +Q4532076 P106 Q662729 +Q131964 P463 Q151624 +Q106751 P27 Q30 +Q257243 P106 Q177220 +Q1041 P463 Q842490 +Q216221 P106 Q578109 +Q207459 P509 Q216169 +Q429046 P1303 Q17172850 +Q215546 P136 Q83440 +Q92740 P106 Q1622272 +Q75812 P19 Q1799 +Q733392 P140 Q7066 +Q274973 P495 Q183 +Q159542 P106 Q1622272 +Q702468 P106 Q11774202 +Q151869 P106 Q82955 +Q129006 P509 Q12192 +Q3847508 P27 Q668 +Q60128 P509 Q2140674 +Q1287147 P20 Q1486 +Q157400 P106 Q33999 +Q204212 P161 Q95076 +Q76589 P1412 Q188 +Q137106 P106 Q82955 +Q202585 P136 Q11399 +Q536371 P119 Q2972543 +Q104123 P161 Q310315 +Q274227 P106 Q10798782 +Q317521 P106 Q205375 +Q30449 P1303 Q17172850 +Q836 P530 Q30 +Q144622 P264 Q202440 +Q214665 P106 Q1569495 +Q58073 P106 Q193391 +Q248592 P106 Q753110 +Q76346 P1412 Q9299 +Q80966 P106 Q3282637 +Q459310 P69 Q13371 +Q365199 P106 Q1415090 +Q1715512 P106 Q10800557 +Q96556 P27 Q16957 +Q2086086 P106 Q183945 +Q858 P463 Q1137381 +Q382864 P136 Q157443 +Q31959 P106 Q15981151 +Q51908481 P3373 Q53570396 +Q43 P463 Q5611262 +Q240885 P264 Q330629 +Q238702 P737 Q42511 +Q939105 P27 Q30 +Q84770 P106 Q333634 +Q127367 P161 Q910486 +Q403 P463 Q8475 +Q1384236 P106 Q82955 +Q84441 P102 Q7320 +Q3229792 P463 Q127992 +Q76197 P108 Q50662 +Q448910 P1303 Q17172850 +Q76432 P463 Q337555 +Q205772 P106 Q864503 +Q544469 P106 Q36834 +Q71490 P106 Q1622272 +Q7407 P172 Q2325516 +Q267676 P106 Q10800557 +Q82360 P20 Q47164 +Q461540 P161 Q1132632 +Q73463 P136 Q45981 +Q57737 P106 Q11774202 +Q933332 P108 Q49112 +Q140052 P101 Q35760 +Q435826 P1303 Q17172850 +Q151608 P27 Q172579 +Q158175 P136 Q613408 +Q545818 P27 Q131964 +Q705458 P136 Q131272 +Q575886 P27 Q29 +Q607 P106 Q43845 +Q461540 P161 Q220698 +Q237345 P1303 Q17172850 +Q325648 P57 Q77061 +Q116309 P106 Q3621491 +Q166696 P161 Q164111 +Q4679786 P641 Q5372 +Q215949 P1412 Q1860 +Q97470 P106 Q3068305 +Q456271 P106 Q1607826 +Q480484 P106 Q10800557 +Q1684779 P1412 Q150 +Q520346 P19 Q84 +Q236630 P1412 Q150 +Q23696 P106 Q170790 +Q311115 P101 Q2329 +Q1781 P131 Q28 +Q258693 P1412 Q150 +Q433059 P106 Q2259451 +Q78928 P27 Q40 +Q148 P530 Q17 +Q1056805 P1412 Q652 +Q5086379 P136 Q8341 +Q153670 P106 Q49757 +Q177917 P106 Q193391 +Q165419 P140 Q3333484 +Q640096 P106 Q14972848 +Q277356 P106 Q33999 +Q327293 P106 Q42973 +Q25057 P136 Q28026639 +Q77027 P1412 Q1860 +Q130786 P106 Q6625963 +Q375855 P136 Q2975633 +Q27513 P161 Q45647 +Q271986 P106 Q2405480 +Q398 P463 Q1043527 +Q122020 P106 Q43845 +Q43203 P69 Q1727138 +Q242643 P172 Q846570 +Q51547 P69 Q165980 +Q91972 P20 Q1055 +Q380243 P1412 Q7737 +Q229056 P106 Q10800557 +Q372692 P106 Q33999 +Q123706 P106 Q4964182 +Q15489989 P27 Q30 +Q322549 P463 Q938622 +Q211696 P136 Q217467 +Q219150 P161 Q180942 +Q199929 P27 Q30 +Q345212 P106 Q33999 +Q92747 P551 Q61 +Q37577 P106 Q1234713 +Q621462 P19 Q16557 +Q389151 P136 Q959790 +Q331896 P106 Q4964182 +Q271888 P106 Q33999 +Q122110 P19 Q3874 +Q23728 P106 Q2405480 +Q450984 P106 Q82955 +Q427167 P27 Q15180 +Q258 P530 Q17 +Q419 P30 Q18 +Q66216 P463 Q543804 +Q106001 P264 Q1660305 +Q6078 P264 Q522618 +Q92809 P106 Q81096 +Q194287 P136 Q105527 +Q216636 P1412 Q188 +Q164782 P69 Q182973 +Q433144 P1412 Q7026 +Q38393 P106 Q177220 +Q232035 P1303 Q17172850 +Q348533 P106 Q245068 +Q1067043 P136 Q45981 +Q138005 P451 Q58912 +Q125405 P27 Q16957 +Q709044 P136 Q9759 +Q1700315 P69 Q131252 +Q42443 P106 Q49757 +Q342526 P106 Q753110 +Q129187 P106 Q28389 +Q559844 P106 Q578109 +Q459681 P106 Q3391743 +Q143945 P26 Q329 +Q221468 P106 Q753110 +Q60884 P106 Q1622272 +Q367032 P3373 Q1827266 +Q1967070 P1303 Q17172850 +Q958578 P136 Q8341 +Q85102 P27 Q30 +Q448930 P106 Q2252262 +Q25310 P40 Q1386420 +Q736143 P27 Q30 +Q48337 P106 Q2259451 +Q108664 P108 Q151510 +Q896660 P1412 Q809 +Q320167 P136 Q11401 +Q443995 P106 Q10798782 +Q12862 P463 Q202479 +Q4681470 P27 Q1033 +Q312570 P106 Q2526255 +Q84393 P463 Q459620 +Q166355 P136 Q157443 +Q232391 P26 Q38785 +Q320236 P495 Q30 +Q26806 P27 Q30 +Q273180 P509 Q47912 +Q203860 P106 Q487596 +Q154691 P106 Q36180 +Q1203 P551 Q60 +Q90315 P106 Q193391 +Q539 P27 Q165154 +Q97028 P102 Q49768 +Q750 P463 Q842490 +Q50764 P106 Q6625963 +Q83630 P57 Q232273 +Q560048 P27 Q183 +Q215215 P136 Q193355 +Q152293 P463 Q2003501 +Q640991 P463 Q117467 +Q276772 P161 Q228789 +Q234695 P106 Q947873 +Q75789 P463 Q1285073 +Q343477 P106 Q639669 +Q234356 P264 Q798658 +Q219237 P1303 Q6607 +Q5046268 P69 Q622664 +Q185165 P264 Q2338889 +Q741862 P106 Q11774202 +Q216457 P106 Q36180 +Q60145 P1412 Q188 +Q47447 P106 Q855091 +Q106751 P108 Q49117 +Q230990 P106 Q4610556 +Q44580 P102 Q7320 +Q381731 P161 Q172261 +Q105453 P69 Q152087 +Q106134 P106 Q188094 +Q80758 P106 Q177220 +Q1151944 P106 Q36180 +Q216288 P106 Q177220 +Q270085 P106 Q2374149 +Q155236 P106 Q486748 +Q3852 P131 Q1200 +Q256402 P106 Q2259451 +Q563 P106 Q10800557 +Q162518 P161 Q263696 +Q134798 P136 Q39427 +Q41871 P106 Q33999 +Q314319 P1303 Q17172850 +Q558167 P106 Q1371378 +Q70855 P20 Q64 +Q115922 P69 Q152087 +Q1278397 P161 Q600344 +Q36184 P106 Q1930187 +Q705748 P19 Q60 +Q3383262 P27 Q36 +Q148 P530 Q35 +Q318485 P1412 Q9176 +Q2607 P102 Q153401 +Q1340677 P27 Q30 +Q64503 P1412 Q188 +Q276304 P106 Q6625963 +Q46000 P19 Q34739 +Q937936 P101 Q5891 +Q4099230 P119 Q1457437 +Q72276 P161 Q207873 +Q47100 P106 Q2405480 +Q313470 P136 Q37073 +Q234487 P106 Q10798782 +Q307463 P509 Q476921 +Q33977 P1412 Q143 +Q12702 P1412 Q143 +Q865 P530 Q691 +Q441362 P106 Q10798782 +Q53300 P106 Q40348 +Q80095 P27 Q17 +Q49001 P106 Q947873 +Q124251 P69 Q503473 +Q237833 P1412 Q1860 +Q13003 P106 Q36834 +Q96594 P106 Q1622272 +Q268905 P136 Q157394 +Q108312 P106 Q82955 +Q173175 P106 Q1930187 +Q315087 P551 Q18426 +Q499742 P27 Q145 +Q34836 P509 Q852423 +Q131324 P136 Q131272 +Q148 P530 Q41 +Q617109 P27 Q161885 +Q195718 P106 Q10800557 +Q883730 P108 Q230492 +Q76748 P106 Q82955 +Q146605 P161 Q267217 +Q360674 P106 Q13235160 +Q249141 P136 Q37073 +Q209186 P106 Q36180 +Q106029 P106 Q333634 +Q467368 P19 Q270 +Q61813 P119 Q3033 +Q264774 P1412 Q1860 +Q38785 P27 Q142 +Q178106 P106 Q36180 +Q110163 P106 Q177220 +Q107167 P161 Q204586 +Q224026 P106 Q4610556 +Q78928 P509 Q11081 +Q437710 P106 Q947873 +Q239823 P106 Q482980 +Q90849 P108 Q48989 +Q372514 P136 Q1535153 +Q139637 P69 Q130965 +Q19425 P1412 Q7737 +Q60115 P106 Q185351 +Q712 P463 Q17495 +Q5685 P136 Q12799318 +Q237925 P106 Q177220 +Q242300 P264 Q165711 +Q707446 P1303 Q5994 +Q70474 P106 Q1622272 +Q583814 P1412 Q1321 +Q60884 P1412 Q150 +Q78321 P119 Q190494 +Q164824 P463 Q191583 +Q203804 P106 Q33999 +Q229187 P106 Q10798782 +Q469478 P106 Q1930187 +Q318885 P27 Q17 +Q354141 P1303 Q17172850 +Q298025 P106 Q3455803 +Q26695 P1303 Q5994 +Q2473030 P106 Q151197 +Q16 P530 Q846 +Q6246180 P106 Q1925963 +Q47595 P106 Q36180 +Q470193 P106 Q15980158 +Q29572198 P106 Q33999 +Q12439 P17 Q30 +Q126164 P136 Q21590660 +Q502362 P19 Q19660 +Q438366 P106 Q639669 +Q765 P106 Q9334029 +Q225852 P20 Q18438 +Q92740 P106 Q36180 +Q57781 P463 Q44687 +Q207544 P106 Q28389 +Q310866 P119 Q4263743 +Q957627 P136 Q193355 +Q266617 P1303 Q17172850 +Q215369 P1303 Q17172850 +Q955684 P106 Q183945 +Q605443 P106 Q82955 +Q298694 P106 Q10798782 +Q134549 P101 Q1328508 +Q167768 P106 Q6625963 +Q192022 P495 Q29 +Q309048 P161 Q446427 +Q240467 P69 Q4614 +Q180279 P840 Q778 +Q155419 P1412 Q188 +Q11239 P551 Q60 +Q708078 P1412 Q8785 +Q61520 P27 Q183 +Q108946 P161 Q315208 +Q76483 P172 Q237534 +Q19660 P30 Q46 +Q245257 P69 Q168751 +Q176846 P136 Q966564 +Q227 P530 Q36 +Q434915 P106 Q947873 +Q311752 P19 Q43788 +Q1345514 P1303 Q17172850 +Q431252 P161 Q36949 +Q1235 P27 Q172579 +Q83333 P463 Q83172 +Q41396 P106 Q948329 +Q40162 P26 Q8877 +Q208048 P161 Q316231 +Q364875 P136 Q49451 +Q194142 P161 Q234438 +Q159409 P106 Q644687 +Q58720 P106 Q36180 +Q85034 P69 Q165980 +Q221090 P136 Q1341051 +Q270529 P106 Q193391 +Q357929 P737 Q187019 +Q26265 P136 Q188473 +Q86914 P102 Q49750 +Q2628 P106 Q82955 +Q70142 P106 Q1231865 +Q92128 P19 Q24879 +Q350588 P106 Q639669 +Q60070 P737 Q9312 +Q233541 P106 Q36834 +Q316045 P106 Q4964182 +Q216478 P27 Q28513 +Q26695 P106 Q639669 +Q76543 P463 Q558439 +Q72678 P108 Q159895 +Q7349 P1303 Q1444 +Q975084 P108 Q174158 +Q482964 P264 Q240804 +Q216195 P106 Q36180 +Q741605 P20 Q11299 +Q526424 P106 Q639669 +Q271464 P106 Q3282637 +Q207592 P509 Q372701 +Q362353 P102 Q29468 +Q642127 P106 Q81096 +Q157058 P172 Q179248 +Q1441274 P463 Q48995 +Q220698 P106 Q948329 +Q371932 P264 Q935090 +Q168452 P106 Q121594 +Q277180 P106 Q36834 +Q54351 P106 Q753110 +Q347528 P1303 Q17172850 +Q194287 P106 Q19723482 +Q302403 P840 Q142 +Q846 P530 Q218 +Q212575 P172 Q49542 +Q214677 P140 Q7066 +Q272946 P3373 Q106175 +Q349857 P172 Q1075293 +Q461682 P161 Q192052 +Q55421 P1412 Q188 +Q760 P463 Q496967 +Q207036 P19 Q84 +Q180099 P463 Q463303 +Q313283 P106 Q2259451 +Q332798 P161 Q53651 +Q724343 P20 Q90 +Q860068 P106 Q177220 +Q221090 P161 Q123351 +Q444518 P1412 Q9288 +Q940617 P20 Q1486 +Q28885 P27 Q159 +Q30 P530 Q1030 +Q364868 P509 Q47912 +Q228598 P106 Q33999 +Q47695 P463 Q338432 +Q65783 P20 Q3955 +Q751205 P20 Q220 +Q2447874 P463 Q270794 +Q1062350 P27 Q15180 +Q398 P530 Q805 +Q233977 P106 Q486748 +Q1805943 P264 Q193023 +Q232085 P106 Q10800557 +Q297377 P106 Q81096 +Q258 P530 Q117 +Q204323 P19 Q258 +Q9960 P101 Q1328508 +Q176668 P27 Q37024 +Q370293 P106 Q713200 +Q551543 P463 Q604840 +Q218172 P161 Q379808 +Q1509379 P106 Q4773904 +Q52926 P69 Q1059546 +Q75237 P106 Q1930187 +Q52925 P463 Q1792159 +Q551390 P27 Q801 +Q78680 P1412 Q1860 +Q487491 P106 Q121594 +Q374034 P69 Q3428253 +Q186329 P27 Q145 +Q192474 P1303 Q6607 +Q212523 P1412 Q809 +Q779932 P463 Q1425328 +Q76984 P106 Q82955 +Q428223 P106 Q855091 +Q372959 P161 Q295847 +Q460664 P161 Q190998 +Q505677 P26 Q240570 +Q7243 P140 Q3333484 +Q42398 P106 Q28389 +Q297210 P1303 Q6607 +Q360477 P106 Q1792450 +Q282722 P264 Q190585 +Q18118088 P1412 Q9309 +Q984353 P1303 Q6607 +Q274748 P161 Q320204 +Q64655 P27 Q183 +Q188459 P106 Q3282637 +Q380118 P106 Q177220 +Q2754 P27 Q28513 +Q268824 P161 Q440956 +Q84393 P1412 Q188 +Q290345 P119 Q311 +Q108970 P102 Q694299 +Q706641 P136 Q850412 +Q229613 P264 Q183412 +Q3022141 P108 Q193196 +Q1702240 P106 Q177220 +Q344616 P1412 Q1860 +Q122163 P1412 Q150 +Q91384 P108 Q317053 +Q62665 P136 Q663106 +Q909 P27 Q414 +Q145 P530 Q45 +Q991 P140 Q60995 +Q156505 P20 Q1524 +Q1552348 P136 Q9730 +Q274306 P106 Q49757 +Q1011 P530 Q241 +Q230141 P69 Q193727 +Q189950 P1412 Q7737 +Q216870 P20 Q60 +Q26318 P3373 Q1770624 +Q381799 P106 Q3282637 +Q137808 P509 Q212961 +Q44481 P463 Q3603946 +Q131333 P106 Q1607826 +Q724883 P106 Q36180 +Q95971 P106 Q4853732 +Q95949 P1412 Q188 +Q354394 P106 Q13570226 +Q113928 P69 Q152838 +Q76490 P106 Q639669 +Q86289 P106 Q1930187 +Q931148 P27 Q30 +Q4061 P1412 Q1860 +Q1391164 P106 Q36834 +Q106071 P106 Q177220 +Q961671 P509 Q183134 +Q316857 P40 Q47100 +Q48097 P69 Q1934911 +Q243550 P69 Q273263 +Q325679 P106 Q82955 +Q11153 P69 Q49123 +Q122003 P106 Q43845 +Q707352 P106 Q639669 +Q694732 P102 Q192821 +Q215369 P106 Q4853732 +Q216813 P172 Q1026 +Q1701970 P106 Q33999 +Q2252 P106 Q18814623 +Q44248 P106 Q49757 +Q45165 P495 Q30 +Q73651 P161 Q202461 +Q14278 P101 Q333 +Q981236 P737 Q449 +Q705400 P509 Q181754 +Q37621 P106 Q170790 +Q289204 P495 Q142 +Q257764 P106 Q639669 +Q97076 P106 Q82955 +Q346595 P106 Q2405480 +Q297384 P20 Q84 +Q233483 P264 Q240804 +Q207197 P1412 Q1860 +Q302433 P106 Q49757 +Q464453 P106 Q28389 +Q155 P530 Q739 +Q173869 P106 Q82955 +Q889 P530 Q863 +Q164401 P101 Q395 +Q924 P361 Q27407 +Q380841 P136 Q130232 +Q258 P530 Q1033 +Q155 P530 Q35 +Q268147 P26 Q704931 +Q545544 P1412 Q1860 +Q537705 P106 Q81096 +Q436503 P27 Q30 +Q228692 P1303 Q17172850 +Q262838 P172 Q49085 +Q957010 P106 Q753110 +Q32049 P172 Q484464 +Q148 P530 Q1041 +Q168728 P463 Q463303 +Q984644 P106 Q36180 +Q101567 P69 Q315658 +Q2632 P264 Q1542119 +Q212678 P19 Q157050 +Q440731 P106 Q483501 +Q443567 P26 Q296028 +Q23760 P106 Q10798782 +Q330093 P264 Q1881437 +Q440551 P27 Q145 +Q362332 P106 Q10798782 +Q668 P463 Q7809 +Q78506 P106 Q8178443 +Q428372 P161 Q237659 +Q241 P463 Q294278 +Q66880 P69 Q32120 +Q484292 P509 Q476921 +Q62086 P106 Q3055126 +Q182944 P136 Q645928 +Q948 P463 Q899770 +Q457022 P106 Q10798782 +Q294225 P106 Q36834 +Q189564 P101 Q5891 +Q76553 P69 Q152171 +Q361610 P27 Q30 +Q302433 P106 Q6625963 +Q458686 P106 Q1930187 +Q954997 P1303 Q6607 +Q1356586 P27 Q36 +Q19810 P463 Q55641 +Q96962 P106 Q1397808 +Q173540 P19 Q23556 +Q128126 P19 Q9005 +Q216924 P106 Q5371902 +Q164117 P1412 Q1860 +Q81244 P108 Q174570 +Q370928 P106 Q33999 +Q70690 P106 Q1622272 +Q116307 P101 Q413 +Q887889 P19 Q60 +Q921542 P27 Q30 +Q87137 P119 Q1497554 +Q12702 P106 Q860918 +Q106099 P69 Q1127387 +Q216 P17 Q36 +Q153832 P69 Q165980 +Q62086 P106 Q901 +Q92649 P106 Q82594 +Q79 P463 Q7825 +Q121655 P20 Q127856 +Q967 P37 Q1860 +Q913084 P27 Q30 +Q435532 P106 Q10800557 +Q664 P530 Q79 +Q334205 P119 Q608405 +Q506582 P106 Q1231865 +Q57640 P1412 Q7737 +Q712683 P509 Q12078 +Q171530 P106 Q2259451 +Q355288 P136 Q45981 +Q213 P463 Q3866537 +Q650640 P106 Q14089670 +Q229 P30 Q46 +Q72553 P69 Q151510 +Q438106 P106 Q177220 +Q91470 P106 Q16533 +Q83338 P106 Q245068 +Q297442 P106 Q18814623 +Q712683 P19 Q172 +Q78126 P20 Q1726 +Q89516 P108 Q165980 +Q110185 P27 Q43287 +Q312078 P161 Q26378 +Q103623 P106 Q10800557 +Q334825 P69 Q1145306 +Q869758 P106 Q36834 +Q80222 P463 Q684415 +Q40116 P106 Q36180 +Q55249 P106 Q2059704 +Q102813 P119 Q142 +Q7346 P264 Q202440 +Q155106 P106 Q164236 +Q107264 P106 Q901 +Q151972 P2348 Q6927 +Q57641 P69 Q390287 +Q93030 P108 Q168756 +Q46479 P106 Q33999 +Q1046616 P1303 Q81982 +Q119386 P106 Q1622272 +Q221155 P136 Q45981 +Q28 P530 Q817 +Q2089840 P106 Q81096 +Q329897 P69 Q41506 +Q258761 P106 Q855091 +Q192022 P136 Q130232 +Q241 P530 Q865 +Q122003 P1412 Q188 +Q234773 P1412 Q1860 +Q148383 P136 Q157443 +Q435475 P27 Q30 +Q190631 P264 Q202440 +Q77729 P106 Q81096 +Q949 P27 Q30 +Q433039 P1303 Q17172850 +Q273727 P106 Q10800557 +Q913084 P19 Q18419 +Q260616 P161 Q94882 +Q837 P463 Q656801 +Q254611 P264 Q513712 +Q221957 P1412 Q5287 +Q435468 P69 Q523926 +Q168010 P136 Q130232 +Q78316 P27 Q1206012 +Q949281 P19 Q270230 +Q65047 P463 Q44687 +Q11975 P136 Q37073 +Q213799 P106 Q1622272 +Q215989 P69 Q152838 +Q275003 P1412 Q150 +Q655213 P106 Q18814623 +Q165421 P69 Q2093794 +Q102438 P161 Q73612 +Q83325 P106 Q2405480 +Q189 P530 Q41 +Q151164 P106 Q1930187 +Q72137 P20 Q34713 +Q134477 P1412 Q1860 +Q312720 P463 Q1938003 +Q175142 P451 Q158250 +Q957575 P27 Q145 +Q970 P463 Q624307 +Q34584 P19 Q1297 +Q108970 P102 Q316533 +Q366956 P106 Q15627169 +Q2477225 P20 Q649 +Q9711 P106 Q36180 +Q202725 P106 Q33231 +Q62539 P1412 Q188 +Q215708 P27 Q35 +Q238716 P106 Q6337803 +Q235946 P108 Q13371 +Q1432551 P106 Q33999 +Q660237 P136 Q157394 +Q451608 P463 Q684415 +Q612005 P1412 Q1321 +Q86758 P106 Q482980 +Q982109 P463 Q270794 +Q26876 P106 Q855091 +Q77144 P27 Q30 +Q309756 P27 Q30 +Q60528 P19 Q1741 +Q805 P463 Q1043527 +Q978389 P106 Q16533 +Q367391 P69 Q206702 +Q454696 P106 Q131524 +Q380981 P161 Q444344 +Q159 P530 Q822 +Q45 P463 Q663492 +Q67526 P463 Q299015 +Q94882 P106 Q36834 +Q237242 P106 Q6625963 +Q466477 P106 Q36180 +Q313875 P463 Q254138 +Q35011 P1412 Q1860 +Q266640 P106 Q177220 +Q219776 P161 Q202792 +Q122003 P136 Q547137 +Q3118802 P101 Q23404 +Q233 P530 Q843 +Q3589 P161 Q1366460 +Q347767 P27 Q36 +Q191842 P106 Q488205 +Q350717 P106 Q15627169 +Q10490 P551 Q174 +Q315732 P136 Q20442589 +Q121694 P106 Q4263842 +Q287572 P106 Q10800557 +Q76 P140 Q1062789 +Q297816 P509 Q372701 +Q1386420 P102 Q29552 +Q154216 P264 Q557632 +Q4808641 P106 Q2066131 +Q360528 P106 Q33999 +Q186264 P106 Q486748 +Q239522 P27 Q29999 +Q953841 P19 Q37320 +Q1885893 P106 Q37226 +Q287478 P27 Q30 +Q229325 P69 Q797078 +Q6694 P20 Q64 +Q513712 P452 Q941594 +Q92622 P106 Q36180 +Q230647 P106 Q2405480 +Q240896 P27 Q142 +Q364179 P69 Q847099 +Q170042 P106 Q806349 +Q992295 P136 Q164444 +Q452084 P69 Q31519 +Q484292 P106 Q193391 +Q846 P530 Q858 +Q161955 P27 Q142 +Q2569 P140 Q170111 +Q739915 P27 Q145 +Q364270 P69 Q854280 +Q706560 P106 Q333634 +Q817 P530 Q30 +Q116088 P106 Q36180 +Q585272 P19 Q649 +Q313302 P20 Q61 +Q896835 P106 Q3089940 +Q84422 P20 Q1741 +Q362353 P1303 Q6607 +Q877858 P136 Q11366 +Q66236 P106 Q10800557 +Q505871 P1412 Q1860 +Q208203 P106 Q1930187 +Q28494 P20 Q64 +Q70989 P1303 Q5994 +Q270560 P106 Q10800557 +Q1744 P69 Q230492 +Q271385 P172 Q49085 +Q709044 P172 Q49085 +Q220910 P161 Q193105 +Q189991 P264 Q843402 +Q395714 P1412 Q397 +Q215 P530 Q184 +Q281908 P136 Q11399 +Q93349 P106 Q639669 +Q64655 P101 Q24454422 +Q91972 P102 Q310296 +Q18407 P161 Q55469 +Q309086 P136 Q188473 +Q274752 P106 Q33999 +Q314569 P106 Q3282637 +Q93652 P172 Q237534 +Q329056 P840 Q12439 +Q330376 P106 Q36180 +Q26168 P106 Q33999 +Q351884 P106 Q715301 +Q382099 P509 Q12152 +Q1396655 P1412 Q7737 +Q62726 P27 Q183 +Q311476 P172 Q165192 +Q79102 P1303 Q17172850 +Q92995 P106 Q82594 +Q677769 P106 Q201788 +Q957439 P463 Q270794 +Q79141 P106 Q201788 +Q390063 P136 Q471839 +Q3806666 P27 Q21 +Q235146 P106 Q2526255 +Q446427 P20 Q16552 +Q460161 P20 Q16555 +Q389284 P136 Q11401 +Q510034 P106 Q33999 +Q72678 P108 Q372608 +Q45789 P1412 Q188 +Q888713 P1303 Q6607 +Q516716 P140 Q483654 +Q25153 P69 Q46210 +Q40337 P106 Q10800557 +Q47484 P19 Q90 +Q105895 P140 Q75809 +Q249032 P136 Q959790 +Q7243 P106 Q214917 +Q162255 P495 Q30 +Q103767 P264 Q1124849 +Q379684 P20 Q47034 +Q169566 P19 Q18383 +Q189490 P106 Q10800557 +Q426393 P161 Q317704 +Q678 P530 Q148 +Q84403 P1412 Q397 +Q697200 P119 Q240744 +Q273022 P20 Q60 +Q733373 P1303 Q17172850 +Q75612 P463 Q463303 +Q146605 P136 Q2439025 +Q1591857 P106 Q855091 +Q888152 P1412 Q1860 +Q176277 P69 Q1472358 +Q348658 P106 Q855091 +Q464277 P1303 Q17172850 +Q133042 P27 Q41304 +Q240872 P106 Q3282637 +Q157208 P463 Q123885 +Q39829 P106 Q36180 +Q59084 P136 Q188473 +Q319785 P106 Q188094 +Q66126 P106 Q10798782 +Q72833 P69 Q153006 +Q564886 P27 Q13426199 +Q295589 P106 Q4263842 +Q26391 P161 Q163234 +Q41304 P30 Q46 +Q64076 P69 Q157808 +Q264618 P1412 Q188 +Q80135 P136 Q9734 +Q204338 P19 Q1874 +Q376278 P106 Q860918 +Q366217 P106 Q49757 +Q97894 P106 Q49757 +Q220584 P3373 Q229784 +Q155786 P463 Q270794 +Q72429 P136 Q37073 +Q235622 P27 Q145 +Q294144 P264 Q202440 +Q944275 P27 Q145 +Q264960 P27 Q30 +Q103591 P69 Q1247589 +Q7327064 P463 Q123885 +Q545822 P1412 Q7850 +Q43432 P106 Q33999 +Q184 P530 Q39 +Q193509 P106 Q177220 +Q30 P530 Q31 +Q41408 P106 Q482980 +Q1238828 P172 Q49085 +Q212145 P161 Q162753 +Q7030 P131 Q34 +Q353812 P106 Q1930187 +Q77082 P19 Q2119 +Q258503 P27 Q30 +Q42229 P106 Q2405480 +Q332709 P20 Q220 +Q23505 P69 Q1432645 +Q35332 P27 Q30 +Q148429 P136 Q130232 +Q151872 P140 Q9268 +Q272092 P106 Q177220 +Q66628 P19 Q3933 +Q1282750 P27 Q30 +Q281998 P106 Q1028181 +Q116003 P27 Q717 +Q961851 P27 Q30 +Q92562 P106 Q1930187 +Q93181 P106 Q40348 +Q251262 P463 Q265058 +Q701802 P509 Q476921 +Q133465 P106 Q36180 +Q116307 P106 Q169470 +Q313767 P106 Q6625963 +Q128187 P161 Q190162 +Q3248932 P463 Q337266 +Q239533 P106 Q753110 +Q159704 P1412 Q150 +Q617920 P1303 Q8371 +Q255267 P1412 Q1860 +Q207947 P1412 Q1860 +Q963626 P136 Q11399 +Q139330 P1412 Q1860 +Q316709 P106 Q33999 +Q214191 P3373 Q77109 +Q330730 P106 Q765778 +Q601957 P106 Q82955 +Q714462 P108 Q13371 +Q311181 P19 Q35765 +Q127349 P463 Q11993457 +Q67576 P106 Q14915627 +Q4227 P106 Q10800557 +Q271903 P106 Q1930187 +Q124834 P27 Q39 +Q110185 P108 Q55044 +Q57179 P106 Q482980 +Q1027 P463 Q496967 +Q90520 P106 Q17167049 +Q182763 P106 Q2059704 +Q177962 P106 Q201788 +Q54945 P172 Q165192 +Q61217 P102 Q49750 +Q151523 P119 Q288130 +Q95543 P463 Q4345832 +Q230654 P106 Q40348 +Q960081 P509 Q12152 +Q3057567 P101 Q1071 +Q217020 P161 Q54314 +Q55207 P1303 Q17172850 +Q202479 P101 Q143 +Q213053 P161 Q84365 +Q183074 P140 Q1841 +Q46139 P27 Q30 +Q229176 P551 Q65 +Q342730 P737 Q9061 +Q245808 P3373 Q193628 +Q33637 P27 Q36 +Q523589 P1303 Q52954 +Q311729 P106 Q1930187 +Q311141 P106 Q639669 +Q65394 P106 Q82955 +Q128823 P101 Q43035 +Q26625 P106 Q33999 +Q336769 P101 Q5891 +Q704682 P106 Q82955 +Q156774 P1412 Q188 +Q35 P17 Q756617 +Q366195 P26 Q236842 +Q717 P530 Q155 +Q42443 P135 Q210115 +Q271879 P106 Q10798782 +Q452761 P108 Q499451 +Q433459 P106 Q2865819 +Q79091 P106 Q806798 +Q267306 P106 Q488205 +Q234101 P551 Q65 +Q39803 P106 Q82955 +Q611672 P106 Q36180 +Q450646 P106 Q2259451 +Q345612 P106 Q13570226 +Q368421 P161 Q164782 +Q2594947 P106 Q131524 +Q8863 P106 Q40348 +Q1560657 P1303 Q8355 +Q241482 P495 Q30 +Q168849 P161 Q296370 +Q71447 P27 Q142 +Q150916 P264 Q190585 +Q953288 P106 Q1930187 +Q320588 P57 Q8877 +Q1385000 P69 Q309331 +Q89316 P19 Q1741 +Q151164 P106 Q7042855 +Q30 P530 Q1050 +Q1383155 P463 Q723551 +Q1070606 P136 Q11399 +Q61147 P106 Q155647 +Q971782 P27 Q145 +Q234436 P106 Q2526255 +Q243267 P108 Q658192 +Q657 P463 Q7825 +Q6694 P108 Q154561 +Q76363 P106 Q11900058 +Q150651 P106 Q10798782 +Q971735 P106 Q36180 +Q41173 P106 Q970153 +Q296313 P140 Q432 +Q210172 P264 Q387539 +Q32433 P161 Q198684 +Q65561 P106 Q1622272 +Q130127 P1303 Q8343 +Q1443825 P69 Q248970 +Q219782 P264 Q1542119 +Q155907 P1412 Q1860 +Q242416 P451 Q294931 +Q748584 P106 Q2405480 +Q211429 P57 Q314502 +Q234663 P27 Q29 +Q171684 P106 Q36180 +Q4120312 P27 Q851 +Q196923 P106 Q3282637 +Q80137 P1412 Q1860 +Q7314 P27 Q142 +Q233 P463 Q17495 +Q1000 P463 Q340195 +Q214665 P106 Q486748 +Q160726 P106 Q2526255 +Q63228 P106 Q2405480 +Q268284 P19 Q12439 +Q60487 P161 Q223854 +Q382676 P106 Q639669 +Q262502 P102 Q29552 +Q854912 P106 Q639669 +Q209926 P27 Q15180 +Q235952 P172 Q49085 +Q346411 P106 Q33999 +Q601307 P1412 Q1860 +Q82222 P106 Q177220 +Q265069 P1412 Q5287 +Q228244 P161 Q203840 +Q273502 P106 Q1415090 +Q380981 P161 Q165524 +Q154556 P27 Q183 +Q183492 P737 Q7243 +Q327685 P840 Q12439 +Q180004 P463 Q134541 +Q232282 P106 Q10798782 +Q241941 P57 Q311319 +Q457687 P106 Q36180 +Q214622 P27 Q41 +Q208592 P161 Q229241 +Q320639 P106 Q1320883 +Q12706 P463 Q1425328 +Q797649 P106 Q4263842 +Q233362 P27 Q408 +Q374065 P19 Q342803 +Q310394 P106 Q10798782 +Q557 P101 Q184485 +Q1779574 P27 Q20 +Q585272 P106 Q188094 +Q191104 P106 Q2259451 +Q328590 P108 Q503246 +Q76308 P106 Q81096 +Q137106 P463 Q270794 +Q52392 P106 Q3282637 +Q59972 P19 Q1781 +Q171428 P19 Q5332 +Q30 P530 Q235 +Q178517 P106 Q639669 +Q218319 P20 Q270 +Q254675 P20 Q60 +Q107752 P27 Q183 +Q282877 P136 Q11399 +Q455292 P136 Q11401 +Q662119 P69 Q213439 +Q184249 P264 Q183387 +Q3339429 P136 Q37073 +Q140575 P106 Q3400985 +Q47480 P463 Q466113 +Q189 P530 Q423 +Q124527 P106 Q18844224 +Q333913 P27 Q174193 +Q47426 P463 Q466089 +Q1046616 P69 Q193196 +Q328590 P106 Q214917 +Q207272 P30 Q46 +Q112176 P106 Q212980 +Q958578 P264 Q287177 +Q388035 P1303 Q17172850 +Q258009 P161 Q262091 +Q249040 P161 Q1198697 +Q725953 P264 Q557632 +Q361996 P106 Q11900058 +Q212015 P136 Q613408 +Q40096 P551 Q65 +Q365463 P27 Q170072 +Q36591 P27 Q30 +Q75814 P463 Q329464 +Q150894 P106 Q82955 +Q382099 P106 Q488205 +Q61262 P1412 Q188 +Q99842 P106 Q82955 +Q202749 P1412 Q150 +Q223830 P1412 Q1860 +Q48779 P172 Q179248 +Q106506 P136 Q20443008 +Q230454 P737 Q272913 +Q44371 P106 Q82955 +Q66232 P102 Q7320 +Q739 P463 Q827525 +Q140201 P106 Q36180 +Q954 P463 Q8475 +Q127345 P463 Q607496 +Q71004 P106 Q205375 +Q362106 P106 Q2865819 +Q6060 P264 Q389284 +Q154751 P106 Q185351 +Q144622 P136 Q105527 +Q47087 P106 Q676 +Q91446 P108 Q153006 +Q78918 P106 Q1198887 +Q183567 P20 Q1044 +Q55 P463 Q458 +Q165911 P172 Q49085 +Q367973 P509 Q12078 +Q3334710 P101 Q7094 +Q70867 P20 Q1726 +Q209538 P840 Q39 +Q185655 P69 Q309331 +Q8768 P102 Q29552 +Q360507 P106 Q333634 +Q257182 P106 Q753110 +Q215 P463 Q8908 +Q707999 P27 Q30 +Q196560 P106 Q11481802 +Q241686 P1412 Q1860 +Q44862 P119 Q240744 +Q78833 P463 Q329464 +Q241098 P27 Q142 +Q295542 P106 Q1028181 +Q108312 P19 Q1055 +Q9204 P108 Q81162 +Q30570 P551 Q18419 +Q246374 P106 Q40348 +Q451680 P136 Q1344 +Q171463 P106 Q13590141 +Q152293 P106 Q2490358 +Q661848 P106 Q1208175 +Q902 P530 Q219 +Q711 P463 Q8475 +Q117789 P463 Q459620 +Q726298 P69 Q193196 +Q100765 P27 Q183 +Q285330 P1412 Q7737 +Q433939 P106 Q2865819 +Q27214 P551 Q65 +Q44086 P106 Q8178443 +Q203643 P136 Q1028181 +Q189 P463 Q7184 +Q165421 P1412 Q1860 +Q61863 P463 Q329464 +Q308840 P1412 Q7411 +Q181529 P27 Q30 +Q302819 P1412 Q9299 +Q549141 P69 Q49112 +Q1346192 P509 Q175111 +Q334 P530 Q159 +Q962974 P27 Q30 +Q302335 P19 Q61 +Q739 P463 Q899770 +Q72137 P106 Q36180 +Q380626 P19 Q34739 +Q200867 P106 Q36834 +Q106706 P106 Q10800557 +Q173714 P69 Q214341 +Q210798 P19 Q90 +Q78766 P106 Q2259451 +Q63528 P102 Q153401 +Q419 P361 Q18 +Q52926 P106 Q36834 +Q77271 P20 Q1794 +Q1027 P463 Q294278 +Q315199 P264 Q18628 +Q711499 P106 Q488205 +Q371925 P106 Q1930187 +Q1339164 P463 Q543804 +Q24075 P136 Q1342372 +Q228925 P106 Q2405480 +Q833 P530 Q813 +Q84199 P27 Q40 +Q433989 P19 Q18419 +Q984644 P27 Q159 +Q59653 P161 Q108283 +Q43 P530 Q232 +Q321178 P1303 Q17172850 +Q106057 P119 Q311 +Q1967070 P136 Q11366 +Q311621 P1303 Q17172850 +Q1750541 P463 Q466089 +Q331155 P106 Q177220 +Q194220 P1303 Q17172850 +Q66236 P106 Q753110 +Q168517 P27 Q79 +Q298334 P140 Q1841 +Q1348831 P106 Q36834 +Q502417 P106 Q193391 +Q77193 P1412 Q188 +Q333411 P106 Q36180 +Q70417 P106 Q36834 +Q151083 P3373 Q517 +Q97077 P108 Q317053 +Q730 P530 Q865 +Q224021 P509 Q212961 +Q44593 P463 Q1468277 +Q294144 P264 Q21077 +Q93028 P19 Q585 +Q273211 P106 Q2259451 +Q528943 P106 Q2095549 +Q287329 P1412 Q9035 +Q83656 P161 Q156552 +Q204057 P840 Q1345 +Q453011 P136 Q482 +Q164979 P106 Q36180 +Q408 P463 Q19771 +Q60025 P19 Q1715 +Q191088 P136 Q850412 +Q218 P530 Q796 +Q11812 P106 Q42973 +Q24045 P106 Q36180 +Q240713 P161 Q159577 +Q11621 P840 Q65 +Q1125383 P106 Q486748 +Q309690 P106 Q3282637 +Q15975 P106 Q40348 +Q750 P530 Q159 +Q587004 P27 Q822 +Q88383 P509 Q3010352 +Q272435 P106 Q3387717 +Q78608 P1412 Q1860 +Q1232794 P1303 Q17172850 +Q213783 P27 Q42585 +Q2252 P106 Q43845 +Q1017117 P106 Q855091 +Q713213 P106 Q170790 +Q601304 P106 Q36180 +Q519466 P19 Q49231 +Q630181 P1412 Q36510 +Q3186620 P69 Q219694 +Q1618 P106 Q16323111 +Q406 P17 Q2277 +Q44032 P27 Q40 +Q44032 P69 Q414219 +Q236075 P101 Q207628 +Q5105 P106 Q639669 +Q18434 P108 Q1137404 +Q575795 P140 Q7066 +Q2895 P361 Q184 +Q130952 P136 Q130232 +Q78481 P172 Q133032 +Q227312 P106 Q214917 +Q296577 P106 Q11481802 +Q276778 P840 Q84 +Q3772 P136 Q188473 +Q231004 P69 Q309331 +Q26625 P1303 Q17172850 +Q245430 P136 Q622291 +Q105865 P463 Q812155 +Q283061 P136 Q373342 +Q311450 P27 Q30 +Q93996 P106 Q1231865 +Q395714 P106 Q2004963 +Q645362 P69 Q49112 +Q241503 P106 Q36180 +Q694052 P159 Q183 +Q545818 P108 Q315658 +Q220889 P106 Q855091 +Q262446 P106 Q55960555 +Q16285 P136 Q49084 +Q325589 P106 Q82955 +Q267321 P495 Q30 +Q884143 P19 Q1400 +Q141860 P27 Q15180 +Q168862 P136 Q52162262 +Q143605 P161 Q23814 +Q344616 P108 Q178848 +Q80137 P3373 Q44520 +Q2587336 P106 Q589298 +Q66987 P140 Q75809 +Q60715 P69 Q157808 +Q234819 P106 Q15949613 +Q310204 P495 Q17 +Q55469 P27 Q38 +Q334760 P108 Q13371 +Q714845 P1303 Q17172850 +Q711509 P106 Q81096 +Q240485 P1303 Q17172850 +Q45275 P27 Q30 +Q443892 P106 Q177220 +Q72856 P102 Q179111 +Q116119 P19 Q72 +Q170095 P106 Q1930187 +Q538824 P106 Q1415090 +Q194419 P106 Q43845 +Q730082 P1303 Q6607 +Q107752 P106 Q36180 +Q3754146 P140 Q1841 +Q7241 P106 Q270141 +Q211542 P106 Q49757 +Q529942 P106 Q1930187 +Q1287147 P106 Q33999 +Q1368401 P27 Q36 +Q53026 P69 Q645663 +Q206224 P161 Q240467 +Q498390 P106 Q177220 +Q383355 P136 Q842256 +Q232085 P106 Q33999 +Q1282910 P106 Q855091 +Q239067 P19 Q340 +Q189186 P106 Q185351 +Q218022 P26 Q106592 +Q364875 P1303 Q133163 +Q172584 P27 Q30 +Q287244 P20 Q90 +Q92745 P27 Q20 +Q710 P530 Q30 +Q180989 P106 Q1930187 +Q280400 P161 Q234058 +Q323267 P106 Q81096 +Q171976 P106 Q8178443 +Q876756 P551 Q36036 +Q48502 P27 Q713750 +Q253977 P19 Q65 +Q1579348 P108 Q165528 +Q16 P530 Q458 +Q109438 P106 Q713200 +Q311223 P106 Q81096 +Q274748 P161 Q431191 +Q63962 P106 Q1225716 +Q1074226 P1303 Q17172850 +Q778 P463 Q205995 +Q88389 P1412 Q188 +Q235421 P1412 Q1321 +Q291228 P1412 Q1321 +Q10308228 P136 Q35760 +Q137042 P1303 Q17172850 +Q245787 P106 Q6625963 +Q1029 P530 Q155 +Q57393 P27 Q16957 +Q606356 P1412 Q1860 +Q826 P530 Q668 +Q151917 P172 Q539051 +Q220480 P106 Q214917 +Q87402 P463 Q49738 +Q510400 P69 Q160302 +Q180710 P106 Q10798782 +Q166590 P27 Q414 +Q50764 P20 Q90 +Q155163 P495 Q30 +Q99612 P1412 Q188 +Q1295 P30 Q5401 +Q312480 P119 Q1514332 +Q707293 P27 Q145 +Q314812 P106 Q33999 +Q28517 P119 Q3400970 +Q223455 P102 Q29552 +Q51530 P106 Q214917 +Q358885 P106 Q1930187 +Q133855 P106 Q18939491 +Q213865 P106 Q1930187 +Q74807 P106 Q36180 +Q125017 P106 Q10800557 +Q1033 P463 Q384535 +Q181529 P106 Q1238570 +Q155236 P1412 Q188 +Q42747 P463 Q459620 +Q57347 P101 Q9418 +Q257953 P1412 Q1860 +Q76997 P737 Q9353 +Q86203 P106 Q36180 +Q77060 P106 Q158852 +Q1349639 P509 Q12152 +Q117139 P264 Q202440 +Q2831 P136 Q9759 +Q980235 P20 Q90 +Q106326 P106 Q2526255 +Q96997 P106 Q1622272 +Q132964 P106 Q2259451 +Q145 P37 Q9309 +Q80135 P463 Q181410 +Q211 P530 Q38 +Q163063 P1303 Q78987 +Q536301 P463 Q40358 +Q72090 P161 Q58592 +Q118936 P136 Q482 +Q2255438 P106 Q1622272 +Q203804 P106 Q2526255 +Q827389 P106 Q864380 +Q311716 P106 Q4610556 +Q89949 P102 Q7320 +Q433471 P101 Q12271 +Q373417 P106 Q33999 +Q47755 P20 Q1781 +Q589781 P106 Q5322166 +Q158123 P102 Q179111 +Q126067 P1412 Q188 +Q317574 P106 Q33999 +Q2901987 P106 Q40348 +Q797649 P1412 Q1860 +Q356140 P106 Q486748 +Q964355 P140 Q9592 +Q267629 P69 Q766145 +Q440007 P106 Q10800557 +Q254038 P1303 Q17172850 +Q282665 P106 Q639669 +Q1070572 P106 Q36834 +Q220525 P106 Q3400985 +Q12750 P20 Q1492 +Q62730 P136 Q17013749 +Q73892 P108 Q55044 +Q128759 P108 Q645663 +Q275575 P106 Q2252262 +Q237345 P172 Q49085 +Q106769 P106 Q49757 +Q717 P463 Q233611 +Q333402 P106 Q14467526 +Q46717 P161 Q44467 +Q55915 P106 Q131512 +Q151936 P463 Q253439 +Q1970586 P106 Q2707485 +Q61064 P101 Q11629 +Q17676 P69 Q49115 +Q567340 P136 Q170611 +Q181803 P136 Q471839 +Q217427 P264 Q216364 +Q55841 P106 Q193391 +Q67039 P106 Q169470 +Q40791 P106 Q222749 +Q263696 P27 Q30 +Q386394 P106 Q3282637 +Q283061 P136 Q1640319 +Q648359 P3373 Q201656 +Q41142 P27 Q30 +Q102403 P106 Q250867 +Q68202 P172 Q42884 +Q256732 P1303 Q17172850 +Q366563 P509 Q12152 +Q133042 P106 Q36180 +Q660237 P161 Q109324 +Q125494 P161 Q296537 +Q62086 P69 Q152087 +Q167216 P106 Q14467526 +Q948 P530 Q1028 +Q1998195 P17 Q30 +Q25310 P641 Q41323 +Q327886 P264 Q5086379 +Q86203 P27 Q16 +Q315362 P1412 Q1860 +Q489252 P106 Q1930187 +Q213595 P106 Q1209498 +Q935407 P106 Q12144794 +Q291068 P106 Q82955 +Q61078 P106 Q11774202 +Q242351 P106 Q36180 +Q157191 P463 Q15646111 +Q272435 P106 Q947873 +Q160163 P106 Q1476215 +Q297377 P106 Q42973 +Q1040 P463 Q55473342 +Q5577 P106 Q1281618 +Q314834 P69 Q238101 +Q356965 P106 Q876864 +Q312531 P27 Q145 +Q715701 P69 Q5676553 +Q127414 P161 Q95043 +Q250669 P1303 Q6607 +Q163038 P136 Q604725 +Q34424 P1303 Q51290 +Q316644 P27 Q30 +Q433284 P27 Q30 +Q142 P530 Q1025 +Q32 P463 Q1043527 +Q1869643 P106 Q753110 +Q520275 P509 Q12152 +Q77234 P69 Q32120 +Q75860 P106 Q36180 +Q78408 P27 Q183 +Q204751 P106 Q488205 +Q215137 P106 Q10800557 +Q35171 P106 Q40348 +Q272031 P136 Q11399 +Q800 P463 Q899770 +Q3188663 P106 Q36180 +Q77729 P27 Q183 +Q461104 P172 Q170217 +Q1385119 P1412 Q1860 +Q229 P530 Q28 +Q319527 P19 Q90 +Q360313 P19 Q24639 +Q287449 P19 Q60 +Q66936 P106 Q2135538 +Q52997 P106 Q33999 +Q114740 P106 Q182436 +Q217112 P136 Q1146335 +Q711874 P20 Q12439 +Q254524 P106 Q333634 +Q212660 P161 Q309788 +Q334670 P27 Q30 +Q155 P530 Q96 +Q203690 P106 Q43845 +Q315222 P1412 Q9058 +Q82301 P106 Q121594 +Q1886750 P106 Q639669 +Q727786 P106 Q1930187 +Q528832 P106 Q11631 +Q3615114 P108 Q1379834 +Q102341 P106 Q10798782 +Q241470 P106 Q333634 +Q91 P106 Q189290 +Q185110 P106 Q16742096 +Q664 P530 Q183 +Q262980 P161 Q205314 +Q214947 P19 Q1741 +Q1709 P30 Q46 +Q256809 P106 Q15981151 +Q369681 P106 Q1930187 +Q229184 P106 Q33999 +Q64043 P106 Q36180 +Q483507 P1412 Q1860 +Q519466 P1303 Q6607 +Q4061 P20 Q60 +Q436693 P27 Q145 +Q265179 P136 Q11399 +Q287177 P136 Q180268 +Q92004 P1412 Q188 +Q234898 P140 Q9089 +Q324757 P264 Q216364 +Q229141 P106 Q18814623 +Q263621 P106 Q33999 +Q242387 P1303 Q17172850 +Q348037 P106 Q486748 +Q84614 P106 Q82955 +Q210447 P102 Q29552 +Q220918 P3373 Q103939 +Q241087 P509 Q18554919 +Q246731 P509 Q181754 +Q108283 P69 Q1727138 +Q430852 P136 Q645928 +Q219491 P101 Q184485 +Q206497 P136 Q52162262 +Q704718 P106 Q639669 +Q87018 P1412 Q188 +Q9960 P26 Q95055 +Q169963 P27 Q21 +Q79023 P136 Q9730 +Q61922 P102 Q49768 +Q70083 P106 Q82955 +Q120366 P69 Q503246 +Q222744 P106 Q6625963 +Q347395 P106 Q10798782 +Q126481 P106 Q36180 +Q107274 P463 Q879171 +Q361683 P136 Q850412 +Q61318 P106 Q170790 +Q273055 P136 Q45981 +Q11820 P106 Q82955 +Q312656 P106 Q33999 +Q78487 P106 Q28389 +Q1196965 P106 Q639669 +Q66622 P19 Q1799 +Q168859 P106 Q82955 +Q392697 P840 Q21 +Q426687 P264 Q231694 +Q941374 P69 Q13371 +Q1341315 P172 Q165192 +Q165518 P1412 Q1860 +Q175759 P136 Q83440 +Q213595 P19 Q1794 +Q127437 P463 Q463281 +Q89461 P106 Q10800557 +Q110749 P509 Q12152 +Q382864 P161 Q234144 +Q189080 P136 Q206159 +Q6701 P463 Q414379 +Q32221 P1303 Q6607 +Q151892 P451 Q367634 +Q84734 P463 Q414188 +Q61407 P108 Q152087 +Q77493 P20 Q1718 +Q349117 P106 Q28389 +Q4227 P106 Q10798782 +Q267441 P106 Q3282637 +Q386438 P106 Q82955 +Q428493 P264 Q183387 +Q211545 P161 Q229176 +Q380865 P106 Q1930187 +Q359568 P101 Q5967378 +Q2567 P69 Q152838 +Q345538 P1412 Q1860 +Q111436 P19 Q60 +Q203533 P106 Q333634 +Q180337 P161 Q223745 +Q310734 P495 Q183 +Q320984 P27 Q41 +Q163513 P106 Q201788 +Q156214 P136 Q8261 +Q230782 P106 Q33999 +Q80424 P1303 Q61285 +Q41502 P27 Q36 +Q59346 P495 Q183 +Q931607 P106 Q15981151 +Q951010 P106 Q674426 +Q822630 P106 Q10800557 +Q72908 P1412 Q188 +Q83155 P27 Q142 +Q1017117 P136 Q241662 +Q211 P530 Q189 +Q202475 P172 Q974693 +Q64257 P106 Q2374149 +Q220525 P1412 Q9299 +Q23505 P1050 Q11085 +Q94018 P106 Q4964182 +Q62882 P106 Q131524 +Q1049686 P136 Q49451 +Q180251 P69 Q1093910 +Q8298 P1303 Q163829 +Q191479 P106 Q189290 +Q377725 P106 Q82955 +Q151164 P19 Q23482 +Q153238 P106 Q81096 +Q215366 P106 Q10800557 +Q1067 P1412 Q652 +Q51884 P106 Q2259532 +Q319497 P102 Q151469 +Q286074 P27 Q142 +Q273075 P106 Q33999 +Q197935 P27 Q142 +Q129037 P161 Q318267 +Q9095 P106 Q205375 +Q1897271 P1303 Q17172850 +Q300508 P495 Q30 +Q67576 P19 Q1799 +Q571605 P27 Q96 +Q265726 P20 Q11299 +Q45 P530 Q414 +Q94031 P27 Q30 +Q105119 P69 Q55044 +Q60801 P27 Q142 +Q515845 P106 Q4853732 +Q58198 P106 Q1238570 +Q57257 P1412 Q188 +Q229264 P106 Q864503 +Q210741 P1303 Q6607 +Q2632 P264 Q165745 +Q355447 P19 Q35765 +Q88899 P106 Q133485 +Q1047366 P17 Q30 +Q58195 P106 Q131524 +Q3040690 P463 Q651690 +Q777688 P106 Q36180 +Q252 P530 Q424 +Q446743 P27 Q36 +Q229566 P106 Q4610556 +Q233207 P106 Q15296811 +Q980235 P69 Q186285 +Q180338 P106 Q177220 +Q5577 P106 Q2526255 +Q355245 P106 Q188094 +Q215979 P463 Q414379 +Q350678 P509 Q12152 +Q991 P737 Q5686 +Q270510 P161 Q450646 +Q8772 P20 Q90 +Q189454 P172 Q42884 +Q801 P530 Q15180 +Q17135 P106 Q82955 +Q184440 P140 Q7066 +Q1352222 P106 Q557880 +Q277527 P161 Q178552 +Q809028 P108 Q35794 +Q11705409 P106 Q639669 +Q438968 P1412 Q7026 +Q36949 P106 Q1759246 +Q309545 P840 Q183 +Q269462 P106 Q183945 +Q1093318 P136 Q11401 +Q804 P530 Q739 +Q272929 P69 Q4948174 +Q280856 P27 Q145 +Q37628 P106 Q2405480 +Q50861 P136 Q3990883 +Q41 P463 Q8475 +Q71640 P463 Q459620 +Q367017 P106 Q10800557 +Q311141 P106 Q37226 +Q483203 P1303 Q52954 +Q1351527 P106 Q177220 +Q192185 P463 Q463303 +Q86095 P20 Q1741 +Q986622 P19 Q100 +Q67138 P106 Q1209498 +Q433060 P136 Q183504 +Q343633 P106 Q2259451 +Q207916 P495 Q183 +Q982339 P172 Q726673 +Q678 P463 Q842490 +Q5683 P172 Q42406 +Q192668 P1412 Q1860 +Q691973 P19 Q1524 +Q13133 P106 Q36180 +Q348497 P136 Q35760 +Q78720 P106 Q193391 +Q465181 P140 Q432 +Q202326 P495 Q30 +Q311084 P463 Q1938003 +Q261104 P27 Q30 +Q4410089 P172 Q44806 +Q283859 P106 Q12144794 +Q191084 P106 Q2259451 +Q70047 P140 Q75809 +Q208374 P106 Q2259451 +Q159 P530 Q219 +Q363371 P27 Q159 +Q259807 P136 Q842256 +Q263024 P1303 Q128309 +Q71616 P27 Q183 +Q212689 P136 Q3072049 +Q78475 P69 Q686522 +Q161400 P495 Q142 +Q203185 P27 Q145 +Q282722 P1303 Q163829 +Q336185 P106 Q33999 +Q2831583 P106 Q728425 +Q228909 P106 Q13235160 +Q193236 P1050 Q3321212 +Q232993 P495 Q183 +Q354031 P1412 Q1860 +Q7104 P135 Q7066 +Q805 P463 Q899770 +Q169566 P27 Q30 +Q236475 P19 Q34863 +Q436790 P106 Q43845 +Q212145 P161 Q238356 +Q1618 P509 Q208414 +Q159 P530 Q833 +Q326856 P264 Q155152 +Q44403 P1412 Q188 +Q774 P463 Q1065 +Q709 P530 Q702 +Q2498968 P106 Q3745071 +Q233385 P106 Q10800557 +Q160717 P102 Q29552 +Q24348 P136 Q482 +Q545544 P106 Q36180 +Q232419 P106 Q10798782 +Q102513 P20 Q33486 +Q164979 P106 Q49757 +Q216934 P264 Q1273666 +Q794 P30 Q48 +Q296545 P27 Q30 +Q193803 P463 Q651690 +Q64640 P106 Q201788 +Q436187 P509 Q29496 +Q107769 P2348 Q6927 +Q216341 P1050 Q131755 +Q461768 P161 Q188018 +Q471443 P106 Q12144794 +Q1973878 P106 Q43845 +Q4834218 P1412 Q1860 +Q276419 P106 Q177220 +Q93343 P737 Q170800 +Q1237689 P69 Q1145814 +Q318475 P1303 Q17172850 +Q463975 P106 Q28389 +Q156214 P509 Q12192 +Q267769 P119 Q288130 +Q400678 P1412 Q9168 +Q20733 P136 Q49084 +Q1050 P463 Q7825 +Q105993 P161 Q234997 +Q78524 P69 Q686522 +Q414 P530 Q230 +Q334 P530 Q212 +Q212632 P27 Q15180 +Q260548 P161 Q232874 +Q374223 P106 Q10800557 +Q66097 P19 Q1721 +Q187210 P27 Q34 +Q931561 P106 Q639669 +Q1349827 P1303 Q6607 +Q47007 P1412 Q9168 +Q506900 P136 Q11401 +Q332515 P495 Q29 +Q367129 P106 Q639669 +Q373423 P69 Q21578 +Q4266175 P69 Q1250779 +Q155079 P106 Q36834 +Q359421 P106 Q49757 +Q241903 P106 Q36180 +Q362371 P106 Q639669 +Q4941 P495 Q30 +Q709685 P27 Q28513 +Q547565 P69 Q3064325 +Q96087 P106 Q482980 +Q287451 P27 Q30 +Q230958 P27 Q145 +Q164954 P172 Q127885 +Q24871 P161 Q312902 +Q231116 P106 Q2405480 +Q981971 P1412 Q7737 +Q76534 P27 Q183 +Q154083 P106 Q1028181 +Q320588 P161 Q320218 +Q92740 P108 Q622664 +Q118760 P106 Q2306091 +Q1355431 P136 Q131272 +Q236253 P1412 Q1860 +Q711978 P106 Q183945 +Q295794 P17 Q30 +Q294773 P106 Q333634 +Q28117 P106 Q14467526 +Q9387 P106 Q4773904 +Q39975 P161 Q122614 +Q186807 P106 Q40348 +Q273887 P172 Q49085 +Q61194 P106 Q36180 +Q85232 P509 Q12136 +Q833738 P463 Q1559701 +Q1865656 P106 Q486748 +Q273574 P106 Q3282637 +Q460088 P463 Q7118978 +Q11816 P106 Q193391 +Q1397888 P108 Q156598 +Q160560 P161 Q43697 +Q273876 P106 Q5716684 +Q224130 P136 Q471839 +Q229011 P26 Q325396 +Q4428333 P69 Q1719898 +Q93652 P106 Q4853732 +Q131579 P551 Q2044 +Q153232 P106 Q16031530 +Q215916 P106 Q14972848 +Q88389 P20 Q3033 +Q547373 P106 Q855091 +Q34414 P495 Q30 +Q93157 P19 Q60 +Q149489 P106 Q36180 +Q140738 P27 Q15180 +Q178094 P840 Q60 +Q233956 P106 Q36180 +Q76479 P161 Q317110 +Q266361 P106 Q488205 +Q722119 P463 Q337224 +Q473257 P119 Q18405702 +Q313818 P106 Q639669 +Q728959 P106 Q1930187 +Q44855 P3373 Q234388 +Q90319 P20 Q64 +Q91093 P69 Q152171 +Q3570727 P106 Q81096 +Q207307 P106 Q10800557 +Q295923 P136 Q316930 +Q62134 P551 Q724 +Q229669 P106 Q177220 +Q90131 P106 Q1209498 +Q10218 P69 Q332342 +Q77938 P108 Q309988 +Q49819 P106 Q82594 +Q153725 P136 Q11399 +Q93450 P27 Q40 +Q1523426 P106 Q36834 +Q106506 P161 Q83492 +Q470334 P27 Q155 +Q445863 P106 Q855091 +Q187423 P161 Q36023 +Q218235 P495 Q30 +Q270707 P463 Q463281 +Q928 P530 Q252 +Q119386 P27 Q39 +Q184226 P737 Q203674 +Q168763 P27 Q30 +Q208117 P106 Q4610556 +Q359563 P106 Q49757 +Q7176 P106 Q483501 +Q559771 P20 Q270 +Q471188 P106 Q3282637 +Q219519 P1303 Q6607 +Q216013 P69 Q152838 +Q345217 P106 Q2526255 +Q346309 P106 Q33999 +Q158997 P106 Q6625963 +Q273362 P509 Q2840 +Q319799 P509 Q372701 +Q271696 P509 Q47912 +Q312641 P27 Q30 +Q92977 P19 Q100 +Q44144 P106 Q10798782 +Q57688 P463 Q44687 +Q46739 P106 Q36180 +Q1173317 P136 Q11399 +Q364881 P106 Q33999 +Q85914 P69 Q165980 +Q4430 P161 Q283988 +Q218690 P106 Q6625963 +Q71625 P27 Q183 +Q97998 P106 Q482980 +Q173893 P106 Q4964182 +Q395494 P26 Q240250 +Q194638 P1303 Q8355 +Q103583 P106 Q1622272 +Q64600 P27 Q183 +Q96331 P102 Q310296 +Q93354 P106 Q36180 +Q273502 P136 Q37073 +Q47755 P27 Q28 +Q391663 P102 Q5020915 +Q216838 P172 Q42406 +Q277527 P161 Q257277 +Q63458 P1412 Q188 +Q2725555 P106 Q13590141 +Q190379 P463 Q1468277 +Q179695 P69 Q1250779 +Q473257 P106 Q185351 +Q63189 P106 Q10798782 +Q104790 P106 Q40348 +Q78205 P106 Q1622272 +Q212575 P106 Q36180 +Q203715 P19 Q8717 +Q380981 P161 Q443120 +Q193212 P27 Q30 +Q35733 P106 Q49757 +Q286777 P106 Q1622272 +Q194143 P136 Q188473 +Q286868 P161 Q934506 +Q9317 P1412 Q1860 +Q84266 P1412 Q809 +Q1333326 P1303 Q8371 +Q1246 P530 Q214 +Q325660 P106 Q40348 +Q686 P530 Q241 +Q354783 P106 Q6625963 +Q220376 P57 Q183141 +Q1893889 P119 Q311 +Q299161 P108 Q34433 +Q222868 P161 Q727730 +Q77476 P1412 Q188 +Q40213 P737 Q239540 +Q61940 P106 Q4263842 +Q434291 P106 Q177220 +Q184572 P26 Q1642230 +Q257872 P106 Q333634 +Q315222 P1412 Q9288 +Q191819 P106 Q128124 +Q760 P463 Q17495 +Q60025 P737 Q9061 +Q443190 P27 Q218 +Q242474 P106 Q82955 +Q22670 P136 Q25379 +Q77184 P463 Q463303 +Q50713 P19 Q90 +Q467423 P106 Q488205 +Q78109 P1412 Q188 +Q709873 P106 Q386854 +Q123089 P69 Q160302 +Q221109 P136 Q19367312 +Q22955657 P3373 Q53570396 +Q414 P530 Q155 +Q295542 P1303 Q46185 +Q192185 P140 Q7066 +Q57118 P27 Q30 +Q299132 P740 Q16555 +Q1141280 P1303 Q17172850 +Q516004 P106 Q36180 +Q53006 P106 Q33999 +Q14439 P106 Q10798782 +Q86685 P19 Q1741 +Q228909 P136 Q11401 +Q328532 P106 Q158852 +Q4235 P102 Q29552 +Q223992 P140 Q7066 +Q41513 P135 Q37068 +Q705681 P106 Q36180 +Q154782 P27 Q142 +Q363518 P106 Q2526255 +Q558838 P69 Q4204467 +Q122187 P106 Q28389 +Q760790 P106 Q1231865 +Q57676 P19 Q14859 +Q28936 P840 Q31 +Q2599 P40 Q498390 +Q223830 P106 Q11338576 +Q185152 P106 Q635734 +Q310389 P27 Q30 +Q313044 P106 Q639669 +Q188648 P1303 Q17172850 +Q179682 P106 Q639669 +Q6538 P106 Q18814623 +Q181776 P136 Q188473 +Q237994 P106 Q482980 +Q215072 P1303 Q17172850 +Q160618 P136 Q130232 +Q37150 P1412 Q1321 +Q9582 P140 Q682443 +Q289647 P1303 Q46185 +Q89204 P463 Q191583 +Q547660 P27 Q145 +Q97431 P106 Q1622272 +Q651 P1412 Q188 +Q51094 P106 Q183945 +Q208108 P495 Q30 +Q180252 P172 Q678551 +Q7726 P106 Q47064 +Q962710 P101 Q39631 +Q213521 P1303 Q17172850 +Q201562 P1303 Q46185 +Q310926 P106 Q245068 +Q381827 P106 Q1028181 +Q77824 P106 Q82955 +Q90430 P106 Q222344 +Q154817 P161 Q58592 +Q7315 P101 Q207628 +Q105896 P106 Q1930187 +Q57241 P106 Q82955 +Q432743 P27 Q145 +Q83338 P69 Q503246 +Q260533 P57 Q363117 +Q151597 P136 Q860626 +Q2858166 P106 Q333634 +Q1287147 P106 Q177220 +Q277180 P106 Q42973 +Q153996 P106 Q33999 +Q669733 P119 Q272208 +Q55946077 P27 Q142 +Q711226 P19 Q11299 +Q143867 P106 Q36834 +Q1382535 P106 Q1622272 +Q51525 P108 Q49088 +Q1000 P463 Q7825 +Q139121 P136 Q1640319 +Q668 P530 Q664 +Q1624891 P106 Q639669 +Q83059 P737 Q692 +Q976283 P1412 Q256 +Q379580 P106 Q205375 +Q107226 P136 Q2484376 +Q494412 P1412 Q5287 +Q1384822 P106 Q28389 +Q91023 P108 Q309948 +Q706931 P108 Q230899 +Q971782 P27 Q833 +Q1733 P131 Q27306 +Q63834 P69 Q372608 +Q10520 P551 Q84 +Q26988 P463 Q7809 +Q3335 P737 Q5686 +Q295593 P106 Q36834 +Q167635 P106 Q3501317 +Q275185 P26 Q1225141 +Q182665 P136 Q11399 +Q682673 P1303 Q17172850 +Q313443 P27 Q28 +Q61863 P463 Q695302 +Q223374 P161 Q229258 +Q3640 P37 Q256 +Q707186 P27 Q30 +Q223949 P106 Q4853732 +Q50005 P551 Q220 +Q207 P102 Q29468 +Q710837 P1412 Q727694 +Q7200 P1412 Q7737 +Q151608 P69 Q686522 +Q157309 P106 Q18939491 +Q102438 P161 Q106481 +Q365042 P106 Q3282637 +Q1378199 P106 Q3282637 +Q2579604 P106 Q1930187 +Q124523 P1412 Q188 +Q430602 P1412 Q5287 +Q84771 P19 Q1741 +Q75555 P140 Q1841 +Q294912 P27 Q30 +Q273502 P27 Q145 +Q234428 P136 Q11700058 +Q471188 P106 Q1930187 +Q211545 P136 Q319221 +Q440996 P69 Q151510 +Q247182 P161 Q48337 +Q357961 P463 Q466089 +Q190765 P161 Q706117 +Q232774 P161 Q180942 +Q292373 P264 Q2338889 +Q943107 P106 Q3282637 +Q704015 P27 Q15180 +Q222041 P161 Q212002 +Q8743 P106 Q43845 +Q91161 P1412 Q188 +Q236954 P19 Q1490 +Q709214 P106 Q81096 +Q309690 P451 Q229156 +Q177962 P509 Q133780 +Q1276 P136 Q205049 +Q255129 P106 Q177220 +Q573405 P463 Q270794 +Q317957 P463 Q161806 +Q153610 P27 Q159 +Q3118802 P106 Q36180 +Q181995 P119 Q746647 +Q217020 P161 Q449679 +Q105598 P136 Q28026639 +Q209471 P106 Q177220 +Q363949 P1412 Q9083 +Q429207 P1412 Q1860 +Q475004 P106 Q82955 +Q72564 P102 Q7320 +Q3656334 P463 Q127992 +Q290094 P69 Q766145 +Q60987 P1412 Q188 +Q311778 P1412 Q1860 +Q695886 P20 Q840668 +Q73362 P106 Q10798782 +Q251068 P69 Q248970 +Q234606 P106 Q36180 +Q1453045 P106 Q10798782 +Q761176 P106 Q1930187 +Q241299 P119 Q1950363 +Q76824 P161 Q76895 +Q193815 P106 Q3282637 +Q151796 P1412 Q1860 +Q533284 P27 Q414 +Q316756 P106 Q28389 +Q12003 P264 Q843402 +Q584632 P1412 Q652 +Q328664 P1303 Q17172850 +Q71819 P463 Q107569 +Q1006 P530 Q865 +Q254748 P264 Q1251139 +Q216221 P106 Q10800557 +Q121180 P106 Q36180 +Q730 P463 Q1065 +Q318509 P106 Q49757 +Q234388 P3373 Q349461 +Q247063 P106 Q36180 +Q182589 P1412 Q1860 +Q214642 P69 Q49088 +Q78607 P106 Q36180 +Q229572 P69 Q4614 +Q47426 P172 Q34069 +Q339358 P106 Q2259451 +Q888666 P106 Q639669 +Q75089 P19 Q3920 +Q1386443 P19 Q1391 +Q190588 P161 Q309486 +Q4723060 P69 Q49112 +Q336388 P19 Q43196 +Q60217 P463 Q451079 +Q5369090 P108 Q152087 +Q34424 P737 Q1203 +Q950350 P106 Q128124 +Q241686 P106 Q10800557 +Q58793 P106 Q212980 +Q184903 P27 Q30 +Q710026 P27 Q172579 +Q18407 P840 Q220 +Q733 P530 Q458 +Q47163 P106 Q13582652 +Q374263 P106 Q177220 +Q286777 P106 Q33999 +Q8605 P27 Q750 +Q2447874 P69 Q161562 +Q781 P463 Q842490 +Q72756 P509 Q389735 +Q105575 P463 Q543804 +Q541929 P1412 Q1860 +Q887259 P172 Q127885 +Q668 P530 Q115 +Q981971 P1412 Q150 +Q184366 P106 Q33231 +Q85040 P27 Q83286 +Q93343 P737 Q188569 +Q294931 P106 Q82955 +Q175285 P172 Q170217 +Q1273345 P551 Q16563 +Q1345210 P106 Q2259451 +Q361677 P20 Q84 +Q562521 P106 Q15295720 +Q243837 P20 Q220 +Q442797 P1412 Q188 +Q735399 P106 Q82955 +Q4428333 P27 Q15180 +Q282882 P69 Q1878600 +Q153185 P463 Q414379 +Q27357 P106 Q1622272 +Q707352 P19 Q60 +Q261923 P161 Q352935 +Q367032 P19 Q49145 +Q111074 P509 Q12152 +Q262294 P106 Q488205 +Q180723 P136 Q131578 +Q723320 P69 Q174570 +Q115754 P27 Q39 +Q7349 P101 Q184485 +Q169038 P463 Q265058 +Q365144 P106 Q43845 +Q233697 P106 Q2405480 +Q214481 P106 Q82955 +Q154759 P463 Q207360 +Q58282 P1412 Q1860 +Q76938 P106 Q14915627 +Q454200 P19 Q18419 +Q63187 P19 Q1040 +Q116577 P27 Q39 +Q686 P463 Q294278 +Q188954 P19 Q100 +Q805 P530 Q851 +Q955619 P27 Q159 +Q440388 P136 Q1344 +Q15489989 P551 Q90 +Q1185803 P106 Q43845 +Q106769 P106 Q36180 +Q448778 P106 Q40348 +Q86573 P106 Q81096 +Q94555 P106 Q188094 +Q300547 P161 Q165219 +Q359451 P1412 Q5146 +Q195949 P161 Q432385 +Q878708 P19 Q60 +Q76215 P463 Q150793 +Q217552 P161 Q320084 +Q106997 P106 Q10798782 +Q186264 P1303 Q5994 +Q129895 P161 Q275652 +Q451680 P1303 Q17172850 +Q667683 P69 Q154804 +Q853095 P69 Q1186843 +Q544915 P1412 Q150 +Q183 P530 Q750 +Q241252 P106 Q158852 +Q256708 P136 Q37073 +Q15902 P1303 Q6607 +Q115525 P20 Q71 +Q57952 P20 Q1022 +Q1439143 P737 Q75814 +Q445795 P495 Q145 +Q460323 P106 Q1930187 +Q981190 P106 Q49757 +Q44578 P161 Q435468 +Q62559 P106 Q6625963 +Q553196 P463 Q463303 +Q235053 P106 Q10800557 +Q61813 P463 Q123885 +Q216466 P106 Q1930187 +Q434185 P69 Q174158 +Q19837 P1050 Q212961 +Q273233 P106 Q40348 +Q617932 P106 Q855091 +Q156815 P1412 Q9610 +Q373267 P161 Q258854 +Q212041 P136 Q959790 +Q539458 P102 Q192821 +Q71759 P1412 Q1860 +Q225625 P1412 Q9072 +Q193509 P1303 Q6607 +Q298551 P106 Q33999 +Q722390 P119 Q837 +Q518839 P69 Q847099 +Q50612 P19 Q61 +Q1292344 P106 Q169470 +Q63773 P1412 Q188 +Q7504 P69 Q3064332 +Q27513 P161 Q108270 +Q101715 P108 Q23548 +Q223786 P106 Q10798782 +Q355009 P106 Q1075651 +Q214014 P136 Q4984974 +Q311244 P106 Q639669 +Q218235 P136 Q52162262 +Q296774 P106 Q10798782 +Q241835 P136 Q2743 +Q403 P530 Q836 +Q174438 P1412 Q1860 +Q195303 P136 Q860626 +Q18391 P27 Q28 +Q184226 P509 Q333495 +Q26702 P1412 Q150 +Q114 P463 Q1065 +Q277976 P106 Q130857 +Q329999 P106 Q36180 +Q236475 P106 Q2405480 +Q97077 P463 Q684415 +Q41854 P161 Q342604 +Q156516 P495 Q213 +Q201562 P1303 Q52954 +Q313571 P1303 Q5994 +Q7542 P737 Q1299 +Q559844 P27 Q801 +Q1042 P530 Q423 +Q188018 P19 Q43199 +Q23434 P106 Q49757 +Q2996474 P106 Q270389 +Q562556 P136 Q8261 +Q188113 P69 Q213439 +Q347717 P136 Q9759 +Q78628 P69 Q165980 +Q295592 P106 Q4610556 +Q1254 P106 Q188094 +Q204514 P136 Q846544 +Q181875 P102 Q9626 +Q60093 P140 Q7850 +Q96114 P106 Q11774202 +Q5977 P1303 Q6607 +Q70474 P27 Q7318 +Q70047 P102 Q694299 +Q738617 P106 Q593644 +Q3188663 P106 Q82955 +Q219734 P106 Q2095549 +Q53944 P159 Q60 +Q902 P530 Q1037 +Q168724 P27 Q145 +Q92745 P69 Q486156 +Q236482 P106 Q14915627 +Q69198 P27 Q183 +Q463101 P136 Q645928 +Q2908 P106 Q1930187 +Q57472 P1412 Q188 +Q744288 P463 Q427318 +Q235460 P1412 Q1860 +Q200827 P136 Q200092 +Q123334 P102 Q633731 +Q206388 P161 Q36949 +Q204374 P161 Q229254 +Q179150 P509 Q11868838 +Q467423 P1303 Q17172850 +Q78506 P101 Q35760 +Q2133214 P136 Q5967378 +Q163549 P840 Q55 +Q151796 P102 Q187009 +Q2551 P106 Q1930187 +Q49847 P106 Q33999 +Q276525 P27 Q30 +Q337078 P161 Q104061 +Q67921 P106 Q4263842 +Q146673 P161 Q119798 +Q148 P530 Q34020 +Q3071779 P69 Q219615 +Q106662 P1303 Q163829 +Q2902600 P1412 Q7737 +Q347986 P136 Q3071 +Q155375 P106 Q39631 +Q311786 P641 Q5386 +Q295923 P106 Q33999 +Q503710 P106 Q855091 +Q1029 P463 Q191384 +Q313998 P161 Q309932 +Q267406 P106 Q36834 +Q182665 P264 Q664167 +Q111121 P106 Q189290 +Q5443 P27 Q34 +Q223596 P161 Q1132632 +Q61585 P19 Q1731 +Q286570 P136 Q11399 +Q193744 P136 Q217467 +Q854590 P136 Q217597 +Q106225 P106 Q765778 +Q1074590 P264 Q27184 +Q282372 P161 Q443317 +Q96414 P1412 Q188 +Q356303 P69 Q1185037 +Q108560 P106 Q639669 +Q28656886 P69 Q5149905 +Q544508 P106 Q49757 +Q843 P463 Q47543 +Q46080 P106 Q2405480 +Q317742 P136 Q183504 +Q45970 P20 Q31487 +Q1280986 P106 Q855091 +Q493 P1412 Q150 +Q229223 P106 Q10800557 +Q297097 P106 Q639669 +Q719247 P509 Q12078 +Q184572 P106 Q578109 +Q128121 P136 Q11399 +Q350903 P106 Q5716684 +Q158629 P1412 Q1860 +Q387434 P26 Q168724 +Q449013 P106 Q2722764 +Q651 P463 Q684415 +Q213520 P1303 Q5994 +Q70 P463 Q1768108 +Q445018 P106 Q948329 +Q209641 P1412 Q188 +Q269894 P27 Q30 +Q123825 P106 Q1930187 +Q213512 P1050 Q10874 +Q310170 P27 Q30 +Q235189 P106 Q33999 +Q78714 P463 Q2124852 +Q217280 P106 Q177220 +Q81223 P106 Q10800557 +Q453602 P1412 Q150 +Q294586 P106 Q10798782 +Q194142 P161 Q204299 +Q11613 P40 Q266959 +Q1049 P37 Q1860 +Q89292 P1412 Q188 +Q641582 P19 Q164954 +Q189 P463 Q7809 +Q223985 P1412 Q1860 +Q114808 P106 Q2599593 +Q303391 P161 Q62845 +Q108206 P172 Q42406 +Q1424269 P1303 Q17172850 +Q191100 P161 Q180942 +Q151509 P509 Q12152 +Q213736 P19 Q61 +Q958 P463 Q656801 +Q1349639 P106 Q10800557 +Q723826 P19 Q2256 +Q159976 P106 Q1259917 +Q243639 P106 Q639669 +Q354542 P264 Q1124061 +Q114115 P57 Q55294 +Q83807 P106 Q1930187 +Q810 P30 Q48 +Q85876 P1412 Q188 +Q367634 P264 Q1142456 +Q51547 P119 Q1358639 +Q229735 P1303 Q258896 +Q451630 P161 Q3454165 +Q187662 P106 Q622807 +Q157318 P737 Q9061 +Q1803720 P106 Q183945 +Q3920695 P20 Q649 +Q13132095 P3373 Q53191106 +Q121850 P106 Q733786 +Q84011 P106 Q36180 +Q76593 P20 Q3033 +Q548964 P1412 Q1860 +Q1453398 P172 Q49085 +Q182546 P106 Q11063 +Q104183 P106 Q36180 +Q55413 P106 Q2526255 +Q157318 P1412 Q143 +Q4834218 P106 Q43845 +Q1349827 P509 Q12152 +Q76641 P1412 Q188 +Q381883 P69 Q49110 +Q31112 P108 Q29052 +Q493333 P172 Q49085 +Q104737 P1412 Q188 +Q122701 P463 Q684415 +Q1295 P17 Q41304 +Q7286 P27 Q142 +Q119455 P106 Q189290 +Q45546 P172 Q42406 +Q297384 P509 Q12152 +Q78270 P106 Q482980 +Q105273 P20 Q1953 +Q478967 P136 Q3071 +Q442512 P106 Q1323191 +Q45233 P509 Q623031 +Q254341 P1303 Q17172850 +Q12325 P1412 Q1860 +Q148387 P136 Q1054574 +Q228739 P106 Q2259451 +Q258753 P106 Q121594 +Q66634 P102 Q157537 +Q271500 P172 Q49085 +Q232113 P106 Q4610556 +Q467817 P69 Q131262 +Q72334 P101 Q482 +Q515904 P69 Q3064325 +Q337658 P106 Q3282637 +Q387434 P69 Q160302 +Q16473 P463 Q463303 +Q311760 P106 Q4964182 +Q359251 P106 Q14467526 +Q464277 P264 Q193023 +Q272622 P106 Q214917 +Q86105 P136 Q959583 +Q192686 P161 Q103876 +Q168307 P106 Q49757 +Q78012 P1412 Q188 +Q561147 P136 Q35760 +Q154338 P19 Q2999 +Q444788 P3373 Q272213 +Q976022 P1412 Q1860 +Q9391 P1412 Q188 +Q106942 P106 Q33231 +Q75789 P106 Q36834 +Q9599 P1412 Q188 +Q151848 P136 Q20442589 +Q87840 P106 Q36180 +Q535 P106 Q82955 +Q708473 P20 Q90 +Q217685 P161 Q117392 +Q154817 P161 Q314033 +Q192442 P27 Q34266 +Q9364 P135 Q7066 +Q953768 P136 Q1298934 +Q461624 P19 Q21711493 +Q29092 P106 Q33999 +Q61584 P106 Q2252262 +Q298694 P136 Q11401 +Q214466 P1412 Q1860 +Q168542 P106 Q1028181 +Q179558 P106 Q36180 +Q382604 P106 Q6430706 +Q272064 P495 Q145 +Q91338 P106 Q1622272 +Q234544 P106 Q33999 +Q1027 P463 Q842490 +Q431401 P509 Q18554919 +Q63346 P106 Q82955 +Q1011 P463 Q899770 +Q154759 P106 Q901402 +Q380424 P106 Q1930187 +Q177962 P1412 Q9083 +Q203806 P106 Q33999 +Q553543 P264 Q14192383 +Q312472 P106 Q28389 +Q297618 P106 Q1281618 +Q229716 P27 Q145 +Q352766 P106 Q177220 +Q1285105 P136 Q11700058 +Q881 P463 Q134102 +Q964620 P509 Q12078 +Q751205 P106 Q36180 +Q70309 P106 Q2259451 +Q76490 P106 Q245068 +Q215820 P106 Q644687 +Q377725 P463 Q2370801 +Q445367 P19 Q43196 +Q1710614 P106 Q43845 +Q24871 P161 Q184219 +Q19673 P106 Q1930187 +Q234989 P106 Q28389 +Q89694 P20 Q1055 +Q322211 P1412 Q1860 +Q175571 P27 Q145 +Q12571 P106 Q860918 +Q64707 P106 Q1622272 +Q587823 P106 Q37226 +Q167437 P161 Q150482 +Q1291679 P106 Q15296811 +Q45338 P27 Q183 +Q443030 P106 Q10800557 +Q51010 P1303 Q6607 +Q122113 P136 Q1535153 +Q3770812 P106 Q901 +Q843552 P551 Q65 +Q242903 P1303 Q17172850 +Q128933 P1412 Q1860 +Q934682 P108 Q646229 +Q449575 P19 Q1345 +Q408 P530 Q145 +Q182349 P106 Q10800557 +Q1678730 P140 Q7066 +Q98960 P463 Q695302 +Q152738 P106 Q82955 +Q233817 P106 Q3282637 +Q45789 P737 Q937 +Q258009 P136 Q52162262 +Q160619 P140 Q432 +Q314787 P102 Q9630 +Q187165 P1303 Q17172850 +Q11732 P106 Q82955 +Q561809 P27 Q30 +Q463692 P106 Q15077007 +Q211329 P20 Q490 +Q201477 P106 Q170790 +Q320073 P106 Q10798782 +Q319084 P1412 Q1860 +Q4518 P106 Q2405480 +Q3666327 P463 Q2124852 +Q4977994 P106 Q11569986 +Q57386 P69 Q503473 +Q503770 P136 Q38848 +Q493 P27 Q142 +Q158092 P102 Q537303 +Q188000 P495 Q183 +Q305962 P20 Q85 +Q77184 P106 Q3400985 +Q34943 P101 Q333 +Q519289 P106 Q177220 +Q451369 P172 Q7325 +Q61055 P106 Q82955 +Q1266083 P136 Q11399 +Q211082 P106 Q10798782 +Q940891 P19 Q11299 +Q230454 P264 Q1849138 +Q1726 P17 Q43287 +Q1443475 P136 Q9759 +Q97644 P69 Q151510 +Q809003 P1303 Q6607 +Q174908 P101 Q1328508 +Q777688 P1412 Q7737 +Q102813 P1412 Q1860 +Q273568 P161 Q371972 +Q354002 P20 Q84 +Q55303 P106 Q2526255 +Q130447 P1412 Q1860 +Q236253 P27 Q30 +Q154817 P161 Q2518 +Q438106 P106 Q6168364 +Q60259 P106 Q1930187 +Q156394 P161 Q42229 +Q228611 P27 Q41 +Q107420 P140 Q7066 +Q71452 P106 Q55960555 +Q1077632 P19 Q2999 +Q82066 P140 Q432 +Q92602 P463 Q684415 +Q131248 P509 Q12192 +Q784 P37 Q1860 +Q64584 P108 Q40025 +Q113818 P20 Q1781 +Q188176 P106 Q676 +Q272064 P161 Q29092 +Q310315 P69 Q4359408 +Q232 P530 Q41 +Q984481 P69 Q273626 +Q72832 P451 Q216936 +Q176558 P27 Q30 +Q47667 P1412 Q1860 +Q916 P530 Q96 +Q15474 P20 Q23436 +Q88443 P106 Q188094 +Q194896 P19 Q23154 +Q305962 P106 Q1930187 +Q219420 P27 Q30 +Q59485 P106 Q2405480 +Q25147 P1412 Q652 +Q265270 P509 Q12202 +Q177111 P106 Q128124 +Q163225 P140 Q1841 +Q25948 P106 Q486748 +Q273574 P106 Q10798782 +Q1238235 P106 Q33999 +Q3259416 P106 Q189290 +Q545375 P106 Q6625963 +Q201472 P106 Q482980 +Q452252 P106 Q822146 +Q332508 P27 Q161885 +Q235121 P27 Q179876 +Q303680 P108 Q168751 +Q152176 P106 Q36180 +Q178275 P495 Q142 +Q887553 P106 Q43845 +Q94301 P17 Q16 +Q207592 P1412 Q7411 +Q200396 P161 Q165219 +Q1181035 P106 Q6168364 +Q352452 P264 Q18628 +Q191026 P106 Q33231 +Q905 P27 Q33946 +Q18430 P108 Q49088 +Q232000 P161 Q232837 +Q745363 P1412 Q9056 +Q3161354 P463 Q123885 +Q3104 P17 Q7318 +Q168154 P136 Q130232 +Q538676 P106 Q855091 +Q144669 P136 Q45981 +Q312129 P106 Q33999 +Q292693 P27 Q865 +Q12548 P37 Q397 +Q77788 P136 Q11635 +Q181900 P27 Q30 +Q432743 P1303 Q6607 +Q319392 P136 Q45981 +Q224 P530 Q38 +Q91083 P1412 Q188 +Q1869627 P1303 Q17172850 +Q115490 P463 Q270794 +Q979347 P106 Q639669 +Q581943 P140 Q188814 +Q213806 P108 Q681025 +Q229232 P20 Q60 +Q454645 P27 Q29999 +Q739 P530 Q96 +Q192052 P106 Q33999 +Q907600 P641 Q2736 +Q76513 P106 Q4964182 +Q301136 P20 Q490 +Q8016 P102 Q622441 +Q547183 P106 Q855091 +Q155786 P108 Q51985 +Q11816 P1412 Q7411 +Q1351047 P20 Q84 +Q940942 P20 Q220 +Q108312 P102 Q49750 +Q229389 P106 Q33999 +Q9358 P737 Q41568 +Q1541 P106 Q185351 +Q317967 P172 Q539051 +Q57389 P69 Q153987 +Q118936 P106 Q36180 +Q505476 P264 Q183412 +Q106209 P20 Q60 +Q355112 P1412 Q150 +Q300566 P161 Q314485 +Q201819 P136 Q20443008 +Q44328 P119 Q240744 +Q12706 P140 Q7066 +Q528340 P106 Q12377274 +Q7245 P106 Q3606216 +Q180004 P102 Q29552 +Q66426 P463 Q812155 +Q311193 P1303 Q6607 +Q18407 P161 Q270546 +Q299723 P737 Q46633 +Q202827 P463 Q188771 +Q378098 P106 Q947873 +Q322794 P27 Q161885 +Q159 P530 Q117 +Q731139 P106 Q201788 +Q714739 P106 Q214917 +Q506771 P106 Q1259917 +Q94034 P19 Q41329 +Q37030 P106 Q18814623 +Q55392 P106 Q1208175 +Q209913 P136 Q2297927 +Q249475 P19 Q1492 +Q25147 P106 Q2526255 +Q678 P463 Q191384 +Q211136 P463 Q48995 +Q971735 P1412 Q150 +Q103784 P69 Q180865 +Q468003 P106 Q15949613 +Q7030 P17 Q2415901 +Q547635 P19 Q42448 +Q557774 P106 Q11774202 +Q173061 P136 Q206159 +Q104000 P27 Q30 +Q17 P463 Q7809 +Q68751 P27 Q183 +Q361297 P106 Q639669 +Q208592 P161 Q314831 +Q61244 P1412 Q188 +Q19201 P1303 Q5994 +Q251068 P1303 Q128309 +Q82360 P106 Q10800557 +Q66631 P106 Q3055126 +Q349117 P106 Q2526255 +Q295794 P159 Q65 +Q4099230 P27 Q159 +Q189732 P102 Q79854 +Q663447 P106 Q214917 +Q739 P463 Q7825 +Q142 P530 Q822 +Q159 P530 Q1041 +Q276772 P495 Q258 +Q185658 P495 Q183 +Q1453398 P106 Q488205 +Q97531 P1412 Q188 +Q142 P463 Q1969730 +Q176846 P106 Q33999 +Q403 P530 Q262 +Q21826 P551 Q771 +Q650303 P19 Q1891 +Q431191 P27 Q30 +Q57281 P3373 Q157271 +Q984481 P27 Q822 +Q98926 P1412 Q188 +Q773828 P106 Q201788 +Q454645 P106 Q1234713 +Q41871 P106 Q2405480 +Q125057 P106 Q333634 +Q42156 P463 Q463303 +Q72984 P27 Q30 +Q11617 P264 Q203059 +Q201484 P1412 Q397 +Q60953 P27 Q39 +Q85927 P20 Q2966 +Q3924 P136 Q11401 +Q230632 P106 Q2405480 +Q102438 P57 Q75079 +Q3709961 P106 Q13582652 +Q329454 P463 Q1971373 +Q881189 P1412 Q13955 +Q333402 P106 Q4964182 +Q40337 P106 Q2405480 +Q230196 P106 Q18814623 +Q206890 P106 Q3282637 +Q1607976 P106 Q40348 +Q309248 P136 Q52162262 +Q7841 P69 Q1878600 +Q29999 P463 Q1480793 +Q154203 P136 Q1344 +Q168542 P106 Q37226 +Q1351259 P136 Q492264 +Q76683 P69 Q157808 +Q2814 P17 Q16957 +Q272225 P69 Q230492 +Q78185 P106 Q177220 +Q734436 P102 Q29552 +Q312705 P106 Q10798782 +Q59485 P1412 Q188 +Q25144 P106 Q948329 +Q57384 P463 Q44687 +Q57681 P140 Q9592 +Q445125 P136 Q21010853 +Q71775 P102 Q161118 +Q708922 P136 Q8341 +Q224754 P106 Q33999 +Q70142 P106 Q639669 +Q127437 P27 Q183 +Q272435 P27 Q29 +Q888065 P106 Q639669 +Q61130 P20 Q1040 +Q361257 P264 Q202440 +Q244257 P136 Q2975633 +Q436686 P106 Q2259451 +Q314403 P106 Q33999 +Q232491 P136 Q37073 +Q219424 P161 Q310785 +Q740631 P106 Q36180 +Q128582 P136 Q319221 +Q211040 P451 Q47284 +Q87832 P19 Q1295 +Q723063 P106 Q947873 +Q713859 P20 Q1297 +Q202982 P136 Q2137852 +Q131018 P135 Q210115 +Q180337 P161 Q229535 +Q48032 P106 Q189290 +Q321178 P1303 Q31561 +Q302880 P1412 Q1860 +Q723141 P108 Q21705070 +Q242454 P69 Q13164 +Q110365 P136 Q3072039 +Q179858 P551 Q1757 +Q203623 P27 Q155 +Q426687 P136 Q7749 +Q322206 P136 Q20442589 +Q77684 P106 Q1930187 +Q526518 P102 Q256121 +Q837 P530 Q408 +Q112635 P161 Q155449 +Q927 P106 Q28389 +Q1668660 P20 Q1345 +Q148 P530 Q241 +Q917 P463 Q7809 +Q92977 P69 Q13371 +Q39 P463 Q8908 +Q386349 P106 Q10800557 +Q311779 P106 Q2405480 +Q102905 P106 Q36180 +Q227 P530 Q218 +Q507046 P106 Q1326886 +Q76437 P140 Q75809 +Q277180 P106 Q10800557 +Q36739 P161 Q39792 +Q427167 P1412 Q7737 +Q109388 P101 Q36442 +Q376087 P106 Q11900058 +Q338623 P1412 Q7737 +Q454200 P509 Q188874 +Q176985 P27 Q34266 +Q191543 P161 Q271464 +Q20178 P27 Q30 +Q243771 P27 Q29 +Q63486 P27 Q183 +Q187516 P1412 Q1860 +Q104340 P102 Q29468 +Q107752 P69 Q153978 +Q469893 P106 Q2865819 +Q60197 P108 Q49088 +Q299595 P509 Q12192 +Q697747 P69 Q49088 +Q25320 P20 Q90 +Q976283 P106 Q1622272 +Q164730 P106 Q4610556 +Q351339 P106 Q49757 +Q1760695 P57 Q41148 +Q117012 P69 Q1051840 +Q294927 P1412 Q1860 +Q485716 P17 Q30 +Q336018 P102 Q9626 +Q84233 P106 Q1622272 +Q289645 P106 Q33999 +Q403 P530 Q842 +Q346285 P106 Q33999 +Q253862 P106 Q270389 +Q454243 P27 Q172579 +Q7243 P106 Q6625963 +Q154269 P102 Q79854 +Q192668 P106 Q36834 +Q287607 P1412 Q1860 +Q462282 P19 Q3616 +Q165627 P161 Q873 +Q152941 P106 Q2259451 +Q323470 P27 Q30 +Q1143660 P106 Q488205 +Q254962 P136 Q37073 +Q309941 P106 Q15077007 +Q463018 P106 Q1622272 +Q70690 P27 Q183 +Q177917 P27 Q28513 +Q205000 P19 Q1218 +Q175102 P19 Q60 +Q77970 P27 Q183 +Q714462 P106 Q170790 +Q315083 P140 Q748 +Q93397 P27 Q40 +Q11813 P106 Q40348 +Q92644 P108 Q49108 +Q865 P530 Q711 +Q202041 P264 Q3001888 +Q43440 P106 Q37226 +Q465955 P264 Q3716272 +Q708236 P264 Q190585 +Q600701 P106 Q121594 +Q16458 P495 Q30 +Q67518 P27 Q183 +Q1676929 P27 Q408 +Q187423 P161 Q151972 +Q111074 P27 Q30 +Q645167 P106 Q15981151 +Q213545 P1412 Q1860 +Q70737 P27 Q16957 +Q154216 P140 Q432 +Q574124 P19 Q6346 +Q196472 P1412 Q397 +Q529629 P136 Q183504 +Q685149 P106 Q1930187 +Q3709961 P20 Q61 +Q119840 P641 Q11420 +Q712139 P20 Q23197 +Q897281 P102 Q49768 +Q4077 P463 Q747279 +Q131152 P108 Q737835 +Q60815 P69 Q13371 +Q3150 P17 Q55300 +Q282588 P106 Q33999 +Q929665 P106 Q482980 +Q73213 P106 Q82955 +Q9391 P106 Q36180 +Q166344 P1303 Q17172850 +Q446151 P1412 Q652 +Q358345 P27 Q30 +Q159 P463 Q17495 +Q4889934 P106 Q3391743 +Q327574 P136 Q1152184 +Q733640 P20 Q1218 +Q1465812 P136 Q8341 +Q433039 P106 Q5716684 +Q217557 P108 Q21578 +Q34474 P172 Q49542 +Q44306 P27 Q145 +Q3462736 P106 Q43845 +Q573323 P264 Q2338889 +Q36740 P551 Q60 +Q276005 P106 Q10800557 +Q204299 P27 Q30 +Q9711 P1412 Q150 +Q221168 P161 Q202792 +Q558288 P106 Q3391743 +Q258846 P106 Q639669 +Q1882498 P27 Q30 +Q192442 P463 Q4345832 +Q32849 P264 Q202440 +Q128073 P20 Q8646 +Q331180 P161 Q155775 +Q36844 P106 Q55960555 +Q157131 P106 Q1231865 +Q361649 P641 Q41323 +Q63962 P101 Q431 +Q57364 P1412 Q188 +Q38 P37 Q652 +Q189600 P161 Q193048 +Q377614 P27 Q174193 +Q81244 P463 Q338432 +Q1006 P463 Q7159 +Q523589 P27 Q30 +Q232985 P19 Q25395 +Q234388 P136 Q37073 +Q62929 P136 Q37073 +Q2587669 P509 Q12192 +Q179746 P161 Q188772 +Q106506 P161 Q318165 +Q108285 P1412 Q188 +Q82925 P172 Q1026 +Q43723 P106 Q372436 +Q145 P530 Q8646 +Q161678 P161 Q314831 +Q85802 P27 Q183 +Q325396 P1412 Q1860 +Q1035807 P101 Q638 +Q208681 P1412 Q1860 +Q160802 P20 Q48958 +Q1025 P463 Q7809 +Q220980 P106 Q214917 +Q11907 P106 Q177220 +Q59210 P106 Q2526255 +Q60153 P69 Q54096 +Q174210 P106 Q6625963 +Q286366 P106 Q753110 +Q220269 P106 Q482980 +Q106812 P106 Q18939491 +Q57490 P27 Q183 +Q214014 P136 Q663106 +Q763897 P1303 Q302497 +Q149997 P19 Q11299 +Q596717 P1303 Q17172850 +Q234750 P101 Q207628 +Q20 P463 Q340195 +Q1066772 P106 Q855091 +Q556941 P106 Q177220 +Q813 P463 Q188822 +Q34474 P136 Q8261 +Q171428 P1412 Q7737 +Q151523 P463 Q265058 +Q313204 P27 Q30 +Q113007 P27 Q96 +Q18964 P495 Q30 +Q96 P530 Q774 +Q561617 P106 Q1930187 +Q181069 P57 Q38222 +Q445372 P509 Q183134 +Q618233 P106 Q10798782 +Q232876 P27 Q145 +Q607968 P106 Q201788 +Q114169 P19 Q1711 +Q48868 P106 Q1622272 +Q48053 P1412 Q7737 +Q160717 P19 Q1781 +Q25057 P161 Q36949 +Q15902 P101 Q207628 +Q241504 P840 Q65 +Q47703 P161 Q296177 +Q357515 P106 Q488205 +Q237056 P106 Q333634 +Q44578 P136 Q21401869 +Q327660 P106 Q33999 +Q782738 P463 Q11993457 +Q235002 P106 Q33999 +Q7286 P106 Q36180 +Q100005 P20 Q270 +Q61761 P106 Q15980158 +Q142 P530 Q902 +Q279057 P161 Q188375 +Q526518 P106 Q36180 +Q630181 P106 Q82955 +Q274973 P161 Q295148 +Q1382482 P27 Q15180 +Q488057 P106 Q177220 +Q319934 P69 Q432637 +Q274252 P19 Q90 +Q262170 P106 Q10800557 +Q690974 P101 Q207628 +Q93397 P19 Q1741 +Q707607 P27 Q155 +Q526518 P119 Q18405702 +Q67385 P27 Q713750 +Q921 P530 Q334 +Q164933 P495 Q145 +Q173061 P106 Q177220 +Q180619 P106 Q201788 +Q14278 P101 Q395 +Q611997 P106 Q1371378 +Q450412 P108 Q49210 +Q238638 P106 Q3282637 +Q155236 P1303 Q17172850 +Q3849085 P20 Q11299 +Q670277 P106 Q183945 +Q168359 P106 Q33999 +Q32522 P106 Q10798782 +Q61696 P136 Q130232 +Q96825 P102 Q153401 +Q96772 P102 Q694714 +Q311472 P106 Q36834 +Q148 P530 Q769 +Q578031 P106 Q1238570 +Q188482 P1303 Q17172850 +Q205545 P69 Q547867 +Q312995 P69 Q49213 +Q229232 P27 Q30 +Q185546 P106 Q33999 +Q238432 P106 Q10798782 +Q59478 P106 Q1622272 +Q1245769 P101 Q5891 +Q833 P463 Q1065 +Q449505 P463 Q15646111 +Q318503 P69 Q6608367 +Q209170 P136 Q52162262 +Q967846 P102 Q815348 +Q316901 P106 Q1281618 +Q215949 P106 Q1622272 +Q2628 P102 Q49750 +Q229244 P106 Q488205 +Q389511 P136 Q52162262 +Q962 P463 Q8475 +Q905267 P106 Q2310145 +Q983249 P551 Q36600 +Q843 P463 Q7785 +Q174908 P106 Q36180 +Q187414 P840 Q65 +Q95048 P106 Q10800557 +Q119798 P172 Q170826 +Q231019 P1412 Q1860 +Q217008 P136 Q2484376 +Q69198 P26 Q104088 +Q148326 P161 Q126599 +Q354783 P108 Q681025 +Q708585 P136 Q11399 +Q116789 P27 Q159 +Q23395 P161 Q165524 +Q941655 P106 Q193391 +Q111323 P1412 Q188 +Q214227 P27 Q30 +Q224069 P840 Q816 +Q59314 P26 Q240677 +Q222800 P161 Q170606 +Q503147 P551 Q649 +Q1225141 P27 Q30 +Q217294 P495 Q145 +Q1622571 P20 Q17042 +Q307 P140 Q1841 +Q273215 P106 Q33999 +Q78487 P106 Q214917 +Q3075 P17 Q183 +Q318475 P136 Q11399 +Q327288 P106 Q177220 +Q66880 P463 Q329464 +Q25854 P27 Q28 +Q229230 P1303 Q17172850 +Q184226 P737 Q7199 +Q117 P463 Q191384 +Q47112095 P106 Q15296811 +Q672 P463 Q7809 +Q23301 P106 Q753110 +Q482318 P463 Q131566 +Q192762 P106 Q36180 +Q86632 P106 Q2526255 +Q978389 P106 Q6625963 +Q1542119 P17 Q30 +Q207951 P119 Q746647 +Q192214 P106 Q4853732 +Q15794 P27 Q83286 +Q362089 P27 Q28513 +Q499339 P106 Q1622272 +Q62409 P106 Q1622272 +Q465196 P264 Q18628 +Q262396 P106 Q5716684 +Q58077 P1412 Q8798 +Q713443 P106 Q49757 +Q77193 P101 Q7163 +Q230665 P69 Q1051840 +Q129747 P136 Q11401 +Q440388 P106 Q2490358 +Q229 P463 Q782942 +Q90195 P27 Q40 +Q50861 P161 Q207873 +Q318485 P106 Q183945 +Q62188 P106 Q2468727 +Q327542 P27 Q30 +Q179257 P136 Q11401 +Q92115 P108 Q152838 +Q187765 P27 Q30 +Q754 P530 Q142 +Q103848 P69 Q230492 +Q161400 P136 Q188473 +Q324753 P106 Q33999 +Q180453 P106 Q3282637 +Q1377134 P106 Q639669 +Q187423 P161 Q294931 +Q1684779 P135 Q9730 +Q1399 P106 Q193391 +Q962908 P106 Q639669 +Q183519 P106 Q33999 +Q159642 P106 Q36180 +Q617932 P136 Q83440 +Q57384 P69 Q152087 +Q76819 P106 Q3455803 +Q96 P530 Q148 +Q298905 P106 Q3282637 +Q115901 P27 Q39 +Q365129 P106 Q1930187 +Q73646 P69 Q193727 +Q273171 P1303 Q6607 +Q63667 P106 Q49757 +Q58845 P1412 Q188 +Q392825 P161 Q164782 +Q436386 P172 Q678551 +Q387655 P264 Q183387 +Q78205 P1412 Q188 +Q183492 P737 Q36322 +Q148 P530 Q232 +Q111436 P106 Q33999 +Q18553 P69 Q859363 +Q231923 P463 Q463303 +Q192515 P136 Q484641 +Q554971 P106 Q36834 +Q361683 P106 Q2252262 +Q3229792 P463 Q463303 +Q4286203 P1412 Q8798 +Q67438 P106 Q177220 +Q443567 P106 Q482980 +Q73646 P106 Q2306091 +Q456413 P106 Q1930187 +Q937 P106 Q36180 +Q270951 P102 Q151469 +Q41322 P69 Q332342 +Q152452 P106 Q82955 +Q313138 P136 Q11401 +Q172035 P551 Q65 +Q289647 P140 Q75809 +Q237324 P106 Q753110 +Q364179 P20 Q60 +Q5608 P69 Q1150105 +Q271256 P106 Q28389 +Q213562 P19 Q1720 +Q713246 P106 Q201788 +Q102289 P27 Q30 +Q44107 P463 Q266063 +Q246970 P101 Q207628 +Q362687 P106 Q6168364 +Q5333 P106 Q1622272 +Q123870 P106 Q947873 +Q96943 P20 Q4098 +Q65121 P106 Q2516866 +Q173144 P136 Q37073 +Q1572124 P1412 Q5287 +Q65126 P19 Q64 +Q826 P463 Q1065 +Q1042901 P106 Q158852 +Q365633 P136 Q21590660 +Q77742 P106 Q36180 +Q383883 P463 Q463303 +Q205721 P1303 Q17172850 +Q10959 P463 Q127992 +Q77096 P20 Q1726 +Q231228 P106 Q183945 +Q81447 P20 Q65 +Q711226 P27 Q30 +Q1028 P463 Q4783148 +Q721819 P106 Q9648008 +Q213736 P264 Q54860 +Q32520 P19 Q38 +Q414 P463 Q19771 +Q554150 P106 Q250867 +Q216563 P264 Q287177 +Q30 P530 Q1044 +Q125133 P106 Q37226 +Q39658 P106 Q39631 +Q414 P463 Q7809 +Q213734 P102 Q153401 +Q115883 P106 Q40348 +Q434745 P172 Q49085 +Q657 P463 Q191384 +Q57629 P106 Q333634 +Q63117 P106 Q3621491 +Q77462 P106 Q753110 +Q30 P530 Q1027 +Q318509 P106 Q177220 +Q705529 P463 Q901677 +Q862 P106 Q49757 +Q261700 P161 Q233347 +Q851 P530 Q842 +Q76310 P106 Q28389 +Q497271 P140 Q9268 +Q108454 P1412 Q188 +Q160270 P101 Q8134 +Q49941 P106 Q2526255 +Q198644 P106 Q6625963 +Q241218 P840 Q99 +Q439812 P106 Q15981151 +Q31984 P551 Q24861 +Q61356 P27 Q183 +Q106428 P161 Q180272 +Q167997 P106 Q11900058 +Q284694 P19 Q12439 +Q31781 P27 Q36 +Q930987 P1412 Q150 +Q179257 P106 Q130857 +Q292432 P27 Q30 +Q229082 P264 Q54860 +Q268604 P106 Q1028181 +Q4451656 P119 Q1457437 +Q19661 P551 Q846421 +Q156178 P106 Q10800557 +Q884 P530 Q668 +Q430922 P106 Q28389 +Q80959 P136 Q2484376 +Q322850 P136 Q9759 +Q165421 P106 Q1930187 +Q380318 P106 Q386854 +Q219622 P1412 Q652 +Q918655 P737 Q184226 +Q59737 P136 Q25372 +Q69320 P27 Q39 +Q180395 P161 Q366012 +Q1627834 P27 Q96 +Q369190 P509 Q12078 +Q296609 P451 Q468577 +Q153185 P69 Q273626 +Q89461 P106 Q2526255 +Q154353 P106 Q901 +Q737463 P27 Q15180 +Q208269 P136 Q130232 +Q869 P463 Q656801 +Q201656 P136 Q37073 +Q159 P530 Q229 +Q150494 P19 Q1741 +Q104865 P106 Q189290 +Q237530 P106 Q33999 +Q188375 P106 Q2405480 +Q726074 P69 Q653693 +Q287449 P106 Q2526255 +Q52997 P106 Q10798782 +Q233946 P106 Q36834 +Q112651 P136 Q37073 +Q184530 P108 Q131262 +Q863 P463 Q1065 +Q317228 P106 Q2405480 +Q332632 P106 Q36180 +Q29315 P172 Q7325 +Q538708 P19 Q1492 +Q272064 P161 Q61552 +Q457803 P106 Q11774202 +Q65013 P20 Q56037 +Q3436506 P106 Q1930187 +Q221345 P161 Q170587 +Q1941315 P106 Q3665646 +Q893785 P451 Q120381 +Q58087 P106 Q193391 +Q375775 P136 Q1033891 +Q237497 P106 Q639669 +Q722876 P19 Q60 +Q123521 P106 Q36180 +Q93443 P161 Q192912 +Q47703 P495 Q30 +Q116309 P27 Q2305208 +Q286074 P106 Q1622272 +Q133356 P37 Q8798 +Q106997 P106 Q4853732 +Q315090 P106 Q36834 +Q1898177 P106 Q2865819 +Q1105367 P69 Q167733 +Q833 P530 Q902 +Q1635222 P136 Q83440 +Q231815 P106 Q10798782 +Q4263553 P20 Q172 +Q44328 P106 Q1930187 +Q274267 P102 Q192821 +Q483382 P106 Q82594 +Q117012 P136 Q316930 +Q31164 P1303 Q8343 +Q276415 P136 Q860626 +Q215359 P264 Q193023 +Q391542 P136 Q130232 +Q57592 P106 Q212980 +Q126596 P106 Q1930187 +Q64915 P102 Q152554 +Q233957 P20 Q2807 +Q215623 P106 Q36180 +Q126462 P106 Q12144794 +Q878708 P20 Q488004 +Q2895857 P106 Q4991371 +Q173893 P140 Q23540 +Q60052 P463 Q123885 +Q34391 P27 Q40 +Q199943 P106 Q7042855 +Q70871 P19 Q64 +Q83495 P136 Q20443008 +Q57387 P102 Q7320 +Q25820 P106 Q11063 +Q234544 P172 Q49085 +Q6694 P69 Q152838 +Q246731 P463 Q338432 +Q190379 P737 Q187019 +Q560694 P69 Q875788 +Q103946 P106 Q10798782 +Q1441274 P1303 Q6607 +Q187814 P264 Q726251 +Q313462 P106 Q10798782 +Q325396 P27 Q30 +Q109612 P136 Q105513 +Q362332 P106 Q2405480 +Q212549 P264 Q193023 +Q286642 P106 Q2405480 +Q62656 P27 Q183 +Q216636 P106 Q15980158 +Q155684 P1412 Q7737 +Q216041 P106 Q36180 +Q160021 P1412 Q9056 +Q298532 P140 Q432 +Q111288 P19 Q64 +Q483203 P106 Q488205 +Q186329 P106 Q486748 +Q272650 P140 Q7066 +Q76370 P27 Q183 +Q185122 P27 Q30 +Q130327 P106 Q2374149 +Q458656 P136 Q622370 +Q435205 P27 Q20 +Q267435 P106 Q2252262 +Q79 P530 Q159 +Q232109 P106 Q36180 +Q76128 P106 Q33999 +Q375827 P1303 Q6607 +Q121507 P106 Q183945 +Q310300 P106 Q855091 +Q509102 P19 Q18419 +Q192912 P106 Q36180 +Q352914 P1412 Q7737 +Q331759 P451 Q436394 +Q313013 P463 Q183048 +Q8772 P106 Q3621491 +Q267406 P106 Q177220 +Q865 P530 Q1020 +Q905 P136 Q8261 +Q148 P530 Q962 +Q181899 P106 Q10800557 +Q151872 P737 Q233898 +Q166646 P69 Q375606 +Q3118802 P69 Q13371 +Q66232 P172 Q42884 +Q443708 P108 Q1379834 +Q535 P119 Q188856 +Q232774 P161 Q204299 +Q441067 P106 Q1930187 +Q9599 P108 Q153987 +Q294583 P509 Q206901 +Q191719 P140 Q9268 +Q61130 P106 Q42973 +Q41351 P106 Q10798782 +Q240523 P26 Q121507 +Q315083 P106 Q33999 +Q223786 P172 Q1344183 +Q47426 P101 Q8134 +Q481871 P69 Q15142 +Q70049 P106 Q82955 +Q7302 P119 Q5933 +Q1151944 P106 Q3501317 +Q139642 P19 Q1342 +Q91595 P102 Q49750 +Q215916 P108 Q6608367 +Q48032 P69 Q14404494 +Q60178 P106 Q15442776 +Q169038 P27 Q28513 +Q115805 P106 Q1231865 +Q78528 P1412 Q188 +Q457840 P106 Q28389 +Q191 P530 Q35 +Q165394 P161 Q43067 +Q1603685 P106 Q639669 +Q555324 P1412 Q9035 +Q23527 P106 Q639669 +Q115760 P161 Q233882 +Q452361 P1303 Q17172850 +Q162277 P161 Q13909 +Q458559 P106 Q1930187 +Q19425 P106 Q49757 +Q112176 P106 Q36180 +Q64970 P140 Q75809 +Q157322 P509 Q2140674 +Q161363 P551 Q90 +Q313107 P451 Q271554 +Q726071 P106 Q2095549 +Q426396 P136 Q860626 +Q42204 P551 Q3130 +Q200392 P1412 Q1321 +Q252409 P161 Q281964 +Q154935 P840 Q65 +Q669733 P106 Q36180 +Q323669 P136 Q9759 +Q183141 P106 Q28389 +Q85726 P106 Q121594 +Q54860 P112 Q8704 +Q865 P530 Q262 +Q108941 P451 Q4028 +Q202148 P106 Q19204627 +Q1535539 P264 Q1439985 +Q46599 P19 Q649 +Q589978 P119 Q1362125 +Q60506 P161 Q94913 +Q172183 P106 Q1231865 +Q72856 P27 Q28513 +Q175038 P57 Q25078 +Q252469 P136 Q850412 +Q92756 P27 Q34 +Q53003 P19 Q220 +Q57472 P106 Q82955 +Q105084 P17 Q42585 +Q96 P463 Q8475 +Q19526 P106 Q2526255 +Q529619 P106 Q486748 +Q12807 P106 Q4964182 +Q379461 P106 Q33999 +Q1560662 P106 Q36834 +Q1360782 P106 Q639669 +Q246731 P106 Q36180 +Q311802 P1412 Q1321 +Q560847 P463 Q270794 +Q40187 P161 Q314610 +Q231487 P136 Q37073 +Q242650 P106 Q10800557 +Q182057 P509 Q389735 +Q284229 P161 Q438908 +Q168821 P161 Q382197 +Q4074458 P27 Q159 +Q264418 P1412 Q1860 +Q207360 P17 Q34 +Q91657 P20 Q2079 +Q313378 P136 Q83270 +Q306 P106 Q188094 +Q117789 P20 Q78 +Q193670 P106 Q2306091 +Q236066 P551 Q65 +Q826731 P69 Q152838 +Q465633 P551 Q812 +Q272303 P20 Q743535 +Q158486 P106 Q43845 +Q309248 P161 Q170576 +Q44331 P106 Q482980 +Q274936 P20 Q90 +Q144195 P101 Q35760 +Q1149 P509 Q2140674 +Q454388 P69 Q616591 +Q252 P530 Q225 +Q58040 P27 Q183 +Q474810 P69 Q273626 +Q265 P463 Q827525 +Q384387 P1412 Q652 +Q26058 P136 Q37073 +Q315441 P106 Q33999 +Q57371 P1412 Q7737 +Q169082 P161 Q231648 +Q653949 P106 Q36180 +Q1074590 P136 Q11401 +Q45233 P27 Q40 +Q129022 P106 Q201788 +Q189732 P106 Q188094 +Q1553197 P119 Q1517387 +Q270638 P1412 Q1860 +Q259055 P264 Q190585 +Q187165 P102 Q29468 +Q160802 P40 Q981270 +Q214466 P264 Q27184 +Q88267 P106 Q16533 +Q227 P530 Q843 +Q189164 P27 Q15180 +Q74667 P27 Q34 +Q944478 P463 Q83172 +Q133855 P509 Q178275 +Q154346 P20 Q1780 +Q77325 P135 Q7066 +Q445405 P106 Q177220 +Q212772 P27 Q145 +Q77970 P106 Q36834 +Q191020 P106 Q2306091 +Q291170 P161 Q433692 +Q231923 P106 Q177220 +Q983654 P102 Q79854 +Q72201 P108 Q153978 +Q726440 P106 Q36834 +Q313627 P26 Q391536 +Q822 P530 Q38 +Q368812 P20 Q649 +Q482964 P495 Q145 +Q25320 P69 Q83259 +Q299331 P106 Q10800557 +Q184785 P1050 Q124407 +Q190086 P136 Q959790 +Q435290 P463 Q191583 +Q769 P463 Q656801 +Q448404 P106 Q177220 +Q733373 P140 Q432 +Q145627 P106 Q189290 +Q70912 P27 Q183 +Q233581 P1412 Q1860 +Q212 P530 Q916 +Q1680268 P101 Q170790 +Q4223 P19 Q3130 +Q537320 P106 Q1930187 +Q33637 P27 Q183 +Q96414 P27 Q183 +Q36844 P136 Q9794 +Q445985 P19 Q90 +Q234570 P101 Q8134 +Q112160 P1412 Q7737 +Q92819 P108 Q13371 +Q14045 P106 Q177220 +Q98265 P1412 Q188 +Q76442 P106 Q4964182 +Q1553197 P106 Q36834 +Q231923 P509 Q12152 +Q167997 P102 Q79854 +Q436131 P106 Q1622272 +Q158060 P106 Q18814623 +Q301083 P161 Q106997 +Q253862 P20 Q7473516 +Q155079 P106 Q33999 +Q369933 P27 Q27 +Q311892 P106 Q3282637 +Q157970 P101 Q482 +Q35385 P136 Q1298934 +Q30 P30 Q48 +Q274711 P20 Q585 +Q311854 P106 Q47064 +Q1197841 P161 Q314485 +Q47447 P106 Q183945 +Q295873 P106 Q2095549 +Q151083 P1412 Q150 +Q605443 P1412 Q8641 +Q98178 P119 Q190494 +Q104088 P102 Q49750 +Q229282 P1303 Q17172850 +Q30449 P136 Q379671 +Q114152 P19 Q65 +Q804348 P106 Q639669 +Q587852 P69 Q501758 +Q57462 P27 Q7318 +Q558794 P27 Q34266 +Q61361 P106 Q81096 +Q317907 P106 Q1930187 +Q164765 P106 Q333634 +Q219782 P19 Q84 +Q132537 P1412 Q188 +Q180468 P463 Q270794 +Q241676 P69 Q2599077 +Q255300 P108 Q215539 +Q865 P530 Q1000 +Q66800 P1412 Q188 +Q72717 P106 Q36180 +Q442310 P26 Q187364 +Q303918 P1412 Q7737 +Q335087 P69 Q1067870 +Q1552348 P264 Q311439 +Q93835 P1303 Q80284 +Q726198 P106 Q189290 +Q211111 P106 Q10800557 +Q259679 P106 Q36180 +Q215866 P27 Q218 +Q123516 P106 Q1622272 +Q128529 P140 Q1841 +Q193105 P106 Q10798782 +Q228766 P69 Q49210 +Q842 P463 Q47543 +Q983316 P69 Q4483556 +Q2866 P1412 Q7737 +Q356375 P106 Q11481802 +Q99728 P108 Q152171 +Q106691 P20 Q365 +Q275553 P161 Q172261 +Q117 P463 Q827525 +Q93147 P463 Q127992 +Q331896 P106 Q36180 +Q189164 P27 Q2305208 +Q559506 P19 Q24826 +Q133665 P106 Q3282637 +Q164765 P19 Q656 +Q451630 P136 Q319221 +Q127548 P3373 Q401963 +Q444088 P106 Q1238570 +Q366057 P106 Q36180 +Q266676 P136 Q211756 +Q88951 P106 Q1231865 +Q233207 P106 Q1028181 +Q211785 P136 Q8261 +Q71412 P106 Q33999 +Q299968 P27 Q83286 +Q297816 P264 Q5086379 +Q551075 P509 Q12078 +Q78524 P136 Q9734 +Q182372 P106 Q10798782 +Q63184 P106 Q1930187 +Q151973 P20 Q71 +Q711509 P106 Q39631 +Q96 P530 Q258 +Q234094 P106 Q4610556 +Q158030 P27 Q41 +Q5950 P27 Q30 +Q71763 P106 Q193391 +Q77824 P20 Q3033 +Q293696 P106 Q10798782 +Q366907 P17 Q12560 +Q712319 P136 Q11399 +Q336640 P1303 Q6607 +Q240467 P106 Q10800557 +Q147810 P106 Q1607826 +Q983167 P27 Q34266 +Q25023 P27 Q801 +Q50797 P27 Q252 +Q2518 P102 Q49762 +Q222 P530 Q403 +Q97771 P102 Q153401 +Q370382 P27 Q142 +Q48959 P106 Q183945 +Q122701 P463 Q3603946 +Q65728 P27 Q7318 +Q110354 P136 Q369747 +Q199644 P106 Q1930187 +Q965375 P119 Q1092107 +Q92831 P108 Q190080 +Q76738 P101 Q11190 +Q76837 P106 Q947873 +Q347635 P106 Q2405480 +Q269901 P1303 Q17172850 +Q75546 P161 Q131332 +Q75914 P463 Q49738 +Q32221 P1303 Q17172850 +Q213880 P463 Q133957 +Q2061371 P1412 Q9288 +Q106529 P106 Q28389 +Q63190 P27 Q183 +Q275120 P161 Q445125 +Q5603 P69 Q190080 +Q452307 P19 Q34404 +Q230448 P106 Q3282637 +Q38 P463 Q8908 +Q129873 P161 Q437254 +Q230476 P509 Q1368943 +Q94765 P106 Q806798 +Q347891 P1412 Q150 +Q500546 P106 Q214917 +Q540134 P106 Q855091 +Q168704 P106 Q3391743 +Q34743 P27 Q145 +Q817 P530 Q843 +Q386291 P57 Q103646 +Q72756 P106 Q33999 +Q888034 P20 Q62 +Q256402 P1412 Q1860 +Q234765 P172 Q7325 +Q53680 P106 Q3455803 +Q74745 P20 Q36600 +Q98311 P106 Q4263842 +Q1068631 P1412 Q1860 +Q294583 P106 Q214917 +Q67645 P27 Q183 +Q234604 P509 Q181754 +Q867852 P108 Q1044328 +Q449072 P69 Q174710 +Q213793 P1303 Q6607 +Q205314 P40 Q273574 +Q151898 P136 Q157443 +Q95971 P27 Q142 +Q298025 P106 Q3282637 +Q25080 P1412 Q7737 +Q1164663 P509 Q12192 +Q294912 P172 Q49085 +Q445405 P136 Q83440 +Q355314 P106 Q81096 +Q95453 P1412 Q188 +Q28 P530 Q214 +Q153725 P1412 Q9176 +Q705681 P106 Q1622272 +Q4413456 P136 Q11401 +Q229477 P451 Q178010 +Q517448 P106 Q2252262 +Q960376 P1412 Q1860 +Q342723 P106 Q28389 +Q36322 P136 Q858330 +Q232592 P106 Q36180 +Q695036 P106 Q662729 +Q1077554 P106 Q28389 +Q1779 P264 Q557632 +Q239419 P106 Q131062 +Q23365 P172 Q141817 +Q25948 P1303 Q5994 +Q122110 P106 Q1930187 +Q3825107 P495 Q183 +Q62134 P106 Q49757 +Q217 P463 Q81299 +Q519851 P136 Q482 +Q220192 P136 Q157443 +Q8873 P106 Q1028181 +Q190765 P161 Q106508 +Q11093 P1412 Q1860 +Q550232 P161 Q5383 +Q916 P530 Q230 +Q240222 P106 Q177220 +Q239910 P106 Q36180 +Q72678 P69 Q55044 +Q118375 P136 Q157443 +Q62365 P101 Q482 +Q16345 P106 Q28389 +Q1072843 P106 Q1053574 +Q1765101 P26 Q254748 +Q239823 P106 Q28389 +Q176361 P69 Q7060402 +Q376278 P106 Q14467526 +Q347767 P102 Q537303 +Q106428 P161 Q318292 +Q245430 P840 Q46 +Q901134 P19 Q1754 +Q1509379 P69 Q304985 +Q12795 P1412 Q143 +Q133151 P1303 Q51290 +Q1277063 P27 Q30 +Q311684 P108 Q180865 +Q107933 P106 Q2405480 +Q57244 P108 Q13371 +Q16474 P69 Q41506 +Q100005 P1412 Q809 +Q236075 P3373 Q236066 +Q242914 P264 Q183412 +Q271614 P106 Q33999 +Q126599 P106 Q33999 +Q813 P463 Q1928989 +Q684105 P106 Q177220 +Q78484 P69 Q689400 +Q229646 P108 Q34433 +Q294583 P106 Q2259451 +Q57952 P19 Q1022 +Q19661 P106 Q17125263 +Q313470 P3373 Q164119 +Q719010 P106 Q81096 +Q313727 P69 Q523926 +Q156199 P17 Q12548 +Q357326 P463 Q30907154 +Q798658 P749 Q56760250 +Q242418 P106 Q177220 +Q44442 P106 Q28389 +Q912271 P20 Q90 +Q468585 P1303 Q17172850 +Q444509 P106 Q482980 +Q240849 P495 Q17 +Q77627 P463 Q329464 +Q116309 P463 Q2370801 +Q2582 P106 Q82955 +Q231576 P106 Q33999 +Q778 P463 Q1043527 +Q714030 P27 Q145 +Q16285 P106 Q82955 +Q24631 P119 Q84 +Q315362 P463 Q1468277 +Q240253 P19 Q18432 +Q39 P530 Q854 +Q59610 P136 Q130232 +Q234195 P69 Q523926 +Q181667 P106 Q36180 +Q556648 P106 Q40348 +Q343510 P106 Q10800557 +Q241422 P106 Q3400985 +Q236229 P106 Q33999 +Q711197 P1303 Q17172850 +Q234980 P106 Q1930187 +Q322586 P106 Q639669 +Q1400917 P3373 Q725933 +Q690759 P19 Q1781 +Q577508 P106 Q2516866 +Q128823 P106 Q1622272 +Q533284 P19 Q1486 +Q232214 P19 Q16739 +Q229375 P106 Q183945 +Q705748 P1303 Q17172850 +Q44606 P1412 Q5287 +Q26419 P106 Q42603 +Q26848 P27 Q30 +Q179876 P37 Q1860 +Q75914 P27 Q183 +Q317343 P106 Q10800557 +Q3849085 P19 Q220 +Q381883 P1303 Q6607 +Q190373 P19 Q60 +Q337226 P737 Q8873 +Q331 P69 Q232141 +Q933453 P106 Q2526255 +Q186111 P106 Q36180 +Q98524 P106 Q36180 +Q270691 P140 Q9089 +Q55449 P19 Q36091 +Q178517 P106 Q855091 +Q324031 P106 Q189290 +Q313378 P1303 Q6607 +Q161678 P161 Q343463 +Q213675 P509 Q12204 +Q58040 P509 Q12078 +Q45672 P161 Q295148 +Q442980 P69 Q1727138 +Q188850 P161 Q189226 +Q178700 P495 Q183 +Q283317 P19 Q90 +Q843552 P1303 Q17172850 +Q426433 P161 Q329156 +Q113806 P1412 Q188 +Q46405 P69 Q486156 +Q114576 P27 Q145 +Q1742005 P106 Q639669 +Q67054 P106 Q1209498 +Q67405 P69 Q32120 +Q232642 P106 Q10800557 +Q191100 P495 Q30 +Q1238180 P106 Q177220 +Q957575 P106 Q82955 +Q47210 P20 Q90 +Q237669 P106 Q33999 +Q1282750 P106 Q10798782 +Q1047474 P106 Q177220 +Q302819 P27 Q28513 +Q465707 P1412 Q809 +Q733 P463 Q899770 +Q212 P530 Q262 +Q236822 P27 Q30 +Q231841 P106 Q28389 +Q386336 P106 Q753110 +Q233736 P106 Q753110 +Q181881 P106 Q33999 +Q169077 P106 Q82955 +Q49823 P19 Q484678 +Q104592 P69 Q622664 +Q738029 P106 Q1231865 +Q183519 P106 Q488205 +Q5685 P1050 Q12204 +Q328662 P172 Q49085 +Q55418 P27 Q183 +Q180619 P737 Q5752 +Q504 P106 Q6625963 +Q90288 P106 Q81096 +Q970649 P106 Q6625963 +Q40116 P19 Q90 +Q126652 P136 Q959790 +Q454568 P106 Q4164507 +Q930679 P463 Q1322403 +Q966300 P172 Q79797 +Q5921354 P106 Q644687 +Q188214 P463 Q110587 +Q181803 P161 Q108270 +Q546926 P106 Q49757 +Q114819 P161 Q2071 +Q8873 P551 Q1348 +Q314963 P1412 Q150 +Q714739 P136 Q12799318 +Q183141 P106 Q1053574 +Q1036 P463 Q7825 +Q5431220 P19 Q189074 +Q18227 P509 Q12152 +Q567529 P69 Q273523 +Q104267 P463 Q684415 +Q355024 P69 Q385471 +Q33031 P140 Q188814 +Q714030 P1303 Q52954 +Q62115 P1412 Q188 +Q532279 P106 Q6625963 +Q730261 P106 Q10800557 +Q26876 P264 Q4413456 +Q2900328 P19 Q270 +Q310773 P101 Q413 +Q438106 P1412 Q1860 +Q184805 P1303 Q17172850 +Q233882 P106 Q2259451 +Q58077 P106 Q43845 +Q257277 P172 Q49078 +Q769 P463 Q8475 +Q92684 P69 Q49115 +Q75555 P27 Q15180 +Q185007 P106 Q39631 +Q57236 P106 Q3068305 +Q164784 P69 Q83259 +Q315542 P106 Q2732142 +Q155786 P140 Q75809 +Q223367 P161 Q299483 +Q24075 P495 Q30 +Q947291 P106 Q16145150 +Q29213 P106 Q82955 +Q87821 P106 Q482980 +Q129037 P495 Q183 +Q159636 P463 Q123885 +Q60788 P102 Q49768 +Q313655 P140 Q75809 +Q34389 P106 Q36834 +Q105221 P106 Q3282637 +Q62906 P101 Q4027615 +Q223316 P136 Q130232 +Q67231 P106 Q33999 +Q690759 P27 Q28 +Q78739 P1412 Q188 +Q1225 P27 Q30 +Q313767 P463 Q1425328 +Q1173317 P106 Q855091 +Q26207 P106 Q188094 +Q78505 P108 Q126399 +Q560921 P106 Q14467526 +Q320185 P106 Q3282637 +Q48996 P264 Q664167 +Q90384 P106 Q2526255 +Q57244 P106 Q1622272 +Q360266 P136 Q45981 +Q1384236 P1412 Q652 +Q10953 P106 Q5482740 +Q243267 P20 Q90 +Q876590 P1412 Q188 +Q31786 P161 Q121456 +Q209481 P840 Q60 +Q804 P30 Q49 +Q92946 P101 Q21198 +Q151936 P463 Q329464 +Q11612 P69 Q13371 +Q133855 P20 Q90 +Q163366 P463 Q463281 +Q129283 P161 Q200405 +Q114819 P495 Q96 +Q472250 P1412 Q652 +Q469164 P106 Q36180 +Q489252 P106 Q36180 +Q85982 P463 Q46703 +Q552770 P106 Q488205 +Q386291 P161 Q361158 +Q76483 P27 Q183 +Q1049 P530 Q794 +Q1225141 P106 Q36834 +Q426396 P57 Q167683 +Q367129 P264 Q4883239 +Q232786 P106 Q2259451 +Q478967 P106 Q2643890 +Q1016 P530 Q114 +Q232834 P1412 Q1860 +Q38875 P69 Q49210 +Q32849 P106 Q183945 +Q836910 P106 Q82955 +Q334633 P27 Q174193 +Q436386 P140 Q7066 +Q352766 P1303 Q52954 +Q4786 P20 Q90 +Q869758 P1303 Q17172850 +Q2066713 P19 Q174 +Q152453 P106 Q10800557 +Q302817 P106 Q5482740 +Q242530 P509 Q11081 +Q1006 P37 Q150 +Q77627 P19 Q4120832 +Q457739 P106 Q201788 +Q129895 P840 Q1408 +Q25854 P1412 Q9067 +Q231781 P19 Q13375 +Q39524 P106 Q47064 +Q63725 P1412 Q1860 +Q181677 P69 Q309350 +Q9200 P140 Q9268 +Q45963 P106 Q482980 +Q194696 P161 Q82085 +Q355112 P20 Q39984 +Q266694 P26 Q240370 +Q314597 P19 Q12439 +Q971 P463 Q5611262 +Q123878 P27 Q83286 +Q145 P530 Q218 +Q354873 P106 Q33999 +Q976090 P106 Q183945 +Q168721 P69 Q501758 +Q76023 P106 Q482980 +Q270951 P136 Q850412 +Q275247 P106 Q177220 +Q316231 P106 Q2405480 +Q309788 P106 Q3282637 +Q299595 P1412 Q1860 +Q1403698 P106 Q488205 +Q237134 P136 Q21401869 +Q554406 P1412 Q1860 +Q312538 P161 Q197977 +Q1246324 P463 Q1792159 +Q449013 P27 Q30 +Q367085 P106 Q2405480 +Q18233 P138 Q179682 +Q463673 P106 Q2405480 +Q211206 P161 Q83694 +Q114179 P19 Q1342 +Q24356 P1412 Q1860 +Q260026 P106 Q6625963 +Q721043 P264 Q202440 +Q436394 P101 Q13590141 +Q63317 P136 Q37073 +Q143605 P161 Q188492 +Q106481 P106 Q3282637 +Q215673 P106 Q15627169 +Q188384 P495 Q38 +Q270669 P106 Q855091 +Q1036 P463 Q1065 +Q77226 P106 Q36180 +Q284360 P106 Q33231 +Q605443 P106 Q974144 +Q78107 P69 Q165528 +Q356140 P106 Q183945 +Q2347483 P106 Q40348 +Q2601 P20 Q64 +Q6527 P106 Q744738 +Q689600 P1412 Q150 +Q290502 P106 Q1930187 +Q18425 P106 Q82955 +Q228918 P27 Q30 +Q229613 P106 Q177220 +Q4173649 P1412 Q7737 +Q272931 P106 Q855091 +Q378098 P106 Q1930187 +Q395340 P1412 Q9129 +Q185024 P463 Q1971373 +Q72267 P509 Q181754 +Q41 P463 Q899770 +Q106440 P161 Q460578 +Q205456 P27 Q29999 +Q232419 P27 Q30 +Q77031 P19 Q1040 +Q20235 P264 Q38903 +Q1760695 P136 Q93204 +Q7197 P135 Q7066 +Q673567 P1412 Q1860 +Q538824 P1303 Q5994 +Q81960 P106 Q49757 +Q114076 P161 Q40572 +Q180975 P69 Q81162 +Q190770 P463 Q338432 +Q18938 P106 Q2405480 +Q207596 P106 Q4610556 +Q113489 P27 Q183 +Q68325 P106 Q1792450 +Q395714 P106 Q901 +Q71874 P20 Q956 +Q151682 P495 Q38 +Q445985 P106 Q639669 +Q920526 P1412 Q9288 +Q289108 P106 Q177220 +Q156814 P20 Q64 +Q295935 P106 Q47064 +Q92809 P463 Q1493021 +Q441628 P106 Q4964182 +Q174244 P69 Q599316 +Q506127 P106 Q639669 +Q104081 P106 Q3282637 +Q112255 P106 Q1930187 +Q377614 P106 Q43845 +Q70867 P27 Q183 +Q1500187 P161 Q95026 +Q691471 P172 Q44806 +Q193803 P108 Q842909 +Q67526 P1412 Q188 +Q148 P530 Q977 +Q240371 P136 Q8341 +Q43067 P463 Q150793 +Q40 P463 Q458 +Q444486 P106 Q36180 +Q168555 P106 Q177220 +Q215556 P20 Q90 +Q375419 P19 Q65 +Q318198 P106 Q4263842 +Q196401 P106 Q1930187 +Q223139 P57 Q7374 +Q918668 P20 Q649 +Q363525 P106 Q10800557 +Q328760 P1412 Q7913 +Q208681 P1303 Q17172850 +Q300479 P106 Q10800557 +Q2858166 P1412 Q1321 +Q31845 P106 Q47064 +Q446673 P106 Q753110 +Q252409 P495 Q145 +Q317953 P27 Q30 +Q377725 P106 Q1930187 +Q237255 P106 Q3455803 +Q311802 P102 Q139596 +Q193695 P136 Q1361932 +Q55690 P106 Q18814623 +Q178403 P136 Q8261 +Q204804 P1303 Q6607 +Q164117 P106 Q10800557 +Q461447 P161 Q48410 +Q563057 P136 Q203720 +Q34474 P106 Q47064 +Q117249 P106 Q177220 +Q270005 P19 Q90 +Q441326 P106 Q33999 +Q313813 P136 Q211723 +Q105221 P106 Q10800557 +Q16345 P106 Q3282637 +Q1105367 P106 Q1622272 +Q160021 P106 Q82955 +Q220010 P106 Q488205 +Q329734 P27 Q30 +Q106607 P19 Q48958 +Q180861 P136 Q1344 +Q962609 P27 Q30 +Q53454 P140 Q1841 +Q312051 P106 Q2259451 +Q29573 P106 Q169470 +Q71490 P463 Q2043519 +Q5685 P737 Q43444 +Q93817 P69 Q189441 +Q92897 P69 Q55044 +Q187999 P136 Q130232 +Q794 P530 Q145 +Q796 P530 Q35 +Q45723 P106 Q4964182 +Q318261 P136 Q21590660 +Q96 P530 Q733 +Q333595 P106 Q2405480 +Q93620 P140 Q7066 +Q103569 P161 Q283872 +Q75856 P106 Q170790 +Q1029 P530 Q1020 +Q854 P530 Q403 +Q220396 P106 Q2405480 +Q1277187 P19 Q12439 +Q423 P530 Q1025 +Q49498 P136 Q471839 +Q227 P530 Q43 +Q234149 P106 Q10800557 +Q141860 P463 Q1971373 +Q1386443 P106 Q855091 +Q714141 P1412 Q9027 +Q303751 P106 Q3282637 +Q91446 P106 Q49757 +Q234890 P1303 Q17172850 +Q981171 P20 Q656 +Q231807 P106 Q10800557 +Q438175 P1412 Q9043 +Q223299 P161 Q175392 +Q912271 P106 Q36180 +Q634025 P106 Q1397808 +Q77809 P27 Q183 +Q48034 P463 Q1971373 +Q440956 P27 Q30 +Q323707 P69 Q219317 +Q62843 P108 Q49108 +Q66735 P102 Q7320 +Q465181 P106 Q6625963 +Q57431 P27 Q838261 +Q6701 P106 Q185351 +Q295093 P106 Q222344 +Q733392 P106 Q82955 +Q218679 P20 Q90 +Q487491 P463 Q463303 +Q229940 P106 Q177220 +Q769 P463 Q376150 +Q117467 P17 Q145 +Q11891 P106 Q10076267 +Q81219 P1412 Q9067 +Q105273 P119 Q1497554 +Q846373 P136 Q7749 +Q72678 P69 Q156737 +Q320178 P106 Q10800557 +Q28978 P106 Q105186 +Q3305837 P1412 Q1321 +Q333595 P106 Q10800557 +Q361762 P20 Q1486 +Q325422 P106 Q10800557 +Q71366 P463 Q469210 +Q935258 P106 Q81096 +Q77749 P19 Q4044 +Q1338141 P27 Q161885 +Q221364 P106 Q10798782 +Q180224 P69 Q1185037 +Q180224 P264 Q203059 +Q68865 P69 Q157808 +Q56074 P136 Q14390274 +Q954997 P106 Q488205 +Q219862 P136 Q49084 +Q47480 P108 Q35794 +Q157204 P20 Q3711 +Q234653 P19 Q61 +Q190148 P463 Q270920 +Q331728 P106 Q177220 +Q731108 P27 Q172579 +Q683058 P108 Q55044 +Q241422 P106 Q1622272 +Q1965416 P27 Q15180 +Q314926 P106 Q3391743 +Q728365 P1412 Q1321 +Q234324 P106 Q1028181 +Q1514 P1303 Q31561 +Q129857 P106 Q1028181 +Q93166 P106 Q49757 +Q23814 P106 Q18545066 +Q365633 P509 Q12192 +Q299790 P27 Q30 +Q5738 P106 Q82955 +Q3184115 P1412 Q7026 +Q166092 P20 Q495 +Q168992 P106 Q33999 +Q38 P530 Q142 +Q134549 P463 Q463303 +Q241 P463 Q376150 +Q347717 P106 Q639669 +Q719360 P1412 Q652 +Q16869 P30 Q48 +Q453330 P106 Q488205 +Q4139600 P27 Q159 +Q150281 P106 Q1607826 +Q189415 P27 Q241 +Q310357 P264 Q843402 +Q697131 P106 Q131524 +Q281296 P840 Q99 +Q218672 P106 Q4964182 +Q66987 P108 Q316592 +Q902 P530 Q211 +Q76938 P1412 Q7737 +Q244604 P161 Q172035 +Q213122 P20 Q506446 +Q454075 P19 Q585 +Q107914 P161 Q29092 +Q843552 P140 Q5043 +Q4919786 P27 Q33 +Q528943 P69 Q739627 +Q379949 P106 Q40348 +Q145 P530 Q865 +Q619051 P1412 Q7850 +Q78012 P106 Q333634 +Q2794265 P463 Q270794 +Q34851 P27 Q145 +Q180619 P463 Q463303 +Q287805 P69 Q599316 +Q180272 P1412 Q1860 +Q94358 P106 Q13590141 +Q160802 P106 Q2095549 +Q62459 P119 Q1497554 +Q106208 P101 Q413 +Q118936 P106 Q82955 +Q88383 P106 Q1930187 +Q76498 P106 Q4853732 +Q303040 P161 Q362236 +Q8016 P463 Q463303 +Q77729 P1412 Q188 +Q843 P530 Q148 +Q121067 P27 Q41304 +Q212123 P136 Q20442589 +Q328042 P1412 Q7913 +Q155390 P27 Q41 +Q79969 P1412 Q188 +Q43274 P463 Q1468277 +Q438271 P27 Q30 +Q880776 P106 Q189290 +Q432940 P106 Q33999 +Q431117 P106 Q639669 +Q49478 P136 Q40831 +Q152531 P136 Q2484376 +Q340911 P136 Q1200678 +Q194333 P106 Q36834 +Q1290021 P509 Q12078 +Q713297 P106 Q36180 +Q842 P463 Q1065 +Q134262 P101 Q184485 +Q1556241 P463 Q299015 +Q77226 P106 Q18844224 +Q443166 P106 Q183945 +Q237134 P136 Q185867 +Q228931 P69 Q797078 +Q430893 P106 Q28389 +Q233817 P106 Q10798782 +Q44580 P27 Q15180 +Q106208 P1412 Q1860 +Q275161 P106 Q10800557 +Q314646 P69 Q49122 +Q1754823 P509 Q12202 +Q83396 P509 Q12204 +Q200827 P161 Q192643 +Q303680 P19 Q18383 +Q323707 P27 Q172579 +Q155907 P463 Q270794 +Q138005 P1303 Q17172850 +Q265661 P106 Q10798782 +Q41502 P463 Q83172 +Q519606 P106 Q753110 +Q983249 P27 Q408 +Q47619 P463 Q1468277 +Q467670 P136 Q43343 +Q118812 P108 Q309948 +Q180468 P1412 Q9067 +Q542489 P106 Q33999 +Q761838 P20 Q18419 +Q370893 P161 Q312705 +Q186264 P19 Q23482 +Q105624 P136 Q2484376 +Q4538 P69 Q1797768 +Q702468 P27 Q29 +Q37628 P451 Q103578 +Q701802 P106 Q822146 +Q76683 P20 Q3033 +Q358322 P106 Q3282637 +Q92858 P27 Q30 +Q5333 P106 Q40348 +Q106655 P20 Q64 +Q332462 P106 Q214917 +Q20145 P106 Q753110 +Q96290 P69 Q322964 +Q239917 P737 Q636 +Q164957 P140 Q9592 +Q57266 P106 Q214917 +Q271256 P106 Q33999 +Q183094 P106 Q201788 +Q436386 P119 Q1358639 +Q582152 P106 Q12144794 +Q311238 P69 Q49088 +Q151523 P20 Q1781 +Q1140309 P161 Q706117 +Q190302 P463 Q188771 +Q545818 P106 Q49757 +Q62766 P27 Q30 +Q908693 P106 Q482980 +Q11826 P101 Q34178 +Q234080 P106 Q36180 +Q16 P530 Q31 +Q213521 P106 Q33999 +Q320224 P1303 Q17172850 +Q148 P463 Q842490 +Q89546 P463 Q337526 +Q968214 P106 Q37226 +Q217298 P106 Q1930187 +Q182580 P102 Q29468 +Q211009 P136 Q200092 +Q55704 P106 Q170790 +Q731108 P106 Q82955 +Q107405 P106 Q121594 +Q107167 P161 Q167498 +Q408 P530 Q211 +Q133042 P136 Q8261 +Q11755 P463 Q2739680 +Q268940 P106 Q177220 +Q443995 P1412 Q188 +Q108814 P1412 Q188 +Q1011 P530 Q458 +Q1900440 P463 Q337234 +Q93153 P102 Q327591 +Q1265657 P106 Q81096 +Q570913 P27 Q403 +Q69115 P69 Q55044 +Q425821 P69 Q797078 +Q1011 P463 Q1043527 +Q281621 P106 Q2259451 +Q528943 P108 Q23548 +Q1928051 P106 Q639669 +Q233397 P102 Q29552 +Q1544666 P136 Q170611 +Q323318 P161 Q191644 +Q19330 P106 Q36180 +Q403 P530 Q219060 +Q256666 P106 Q3282637 +Q104791 P106 Q33999 +Q561835 P19 Q235 +Q258503 P106 Q2405480 +Q108619 P108 Q50662 +Q167546 P27 Q38 +Q454544 P106 Q10349745 +Q190588 P161 Q317343 +Q505994 P106 Q13235160 +Q976296 P1412 Q188 +Q92455 P106 Q4964182 +Q175104 P106 Q639669 +Q20 P463 Q899770 +Q297693 P27 Q1045 +Q64850 P509 Q12078 +Q153776 P106 Q1622272 +Q435415 P509 Q12136 +Q337090 P495 Q27 +Q335336 P131 Q1218 +Q262396 P1303 Q17172850 +Q223786 P172 Q141817 +Q242462 P27 Q30 +Q169946 P106 Q28389 +Q153358 P19 Q11299 +Q206685 P106 Q715301 +Q91657 P106 Q170790 +Q428780 P136 Q130232 +Q1757254 P749 Q56760250 +Q3129951 P1412 Q188 +Q182727 P136 Q959790 +Q26695 P106 Q177220 +Q458260 P106 Q43845 +Q125663 P1412 Q7737 +Q164117 P1412 Q188 +Q1591857 P136 Q83440 +Q549729 P106 Q1607826 +Q280856 P463 Q123885 +Q301077 P161 Q175535 +Q96334 P19 Q1726 +Q269927 P108 Q49088 +Q356369 P106 Q639669 +Q128730 P161 Q39972 +Q311450 P264 Q277626 +Q88914 P20 Q1741 +Q973305 P27 Q34266 +Q458978 P136 Q11399 +Q1001250 P172 Q170826 +Q240485 P26 Q311970 +Q44473 P641 Q542 +Q18149651 P136 Q83440 +Q232786 P106 Q33999 +Q564886 P1412 Q7850 +Q336278 P106 Q36834 +Q260533 P136 Q859369 +Q30 P530 Q1042 +Q233873 P27 Q30 +Q213579 P101 Q413 +Q85802 P27 Q36 +Q303213 P136 Q2975633 +Q86922 P106 Q1622272 +Q274297 P20 Q90 +Q273055 P106 Q10800557 +Q431252 P161 Q172678 +Q7542 P136 Q164444 +Q699456 P106 Q81096 +Q283659 P27 Q30 +Q85586 P463 Q320642 +Q76943 P106 Q2259451 +Q76483 P27 Q28513 +Q44426 P27 Q713750 +Q221155 P106 Q3922505 +Q85931 P463 Q459620 +Q2159912 P108 Q174158 +Q93129 P27 Q30 +Q79120 P106 Q81096 +Q333595 P106 Q2259451 +Q600635 P106 Q639669 +Q76746 P27 Q183 +Q207307 P106 Q2259451 +Q211283 P106 Q28389 +Q92760 P106 Q1622272 +Q306631 P106 Q488205 +Q202475 P108 Q740308 +Q318485 P551 Q8684 +Q865 P530 Q1033 +Q551154 P136 Q753679 +Q86165 P102 Q7320 +Q18434 P69 Q83259 +Q189991 P495 Q145 +Q482318 P463 Q1493021 +Q112167 P27 Q40 +Q742284 P106 Q36180 +Q235946 P108 Q49108 +Q110043 P161 Q7374 +Q254265 P1412 Q1860 +Q445795 P161 Q76943 +Q727257 P1412 Q150 +Q2622193 P106 Q151197 +Q1366840 P136 Q11366 +Q270410 P161 Q311093 +Q605129 P264 Q64485314 +Q220550 P463 Q12751277 +Q101797 P1412 Q1860 +Q473257 P106 Q49757 +Q455754 P106 Q36834 +Q331155 P106 Q4610556 +Q727416 P106 Q1930187 +Q548185 P106 Q81096 +Q63791 P106 Q36180 +Q212804 P136 Q1200678 +Q441834 P106 Q177220 +Q184843 P161 Q358990 +Q3133221 P106 Q36180 +Q202386 P140 Q9592 +Q86635 P106 Q201788 +Q221462 P57 Q51575 +Q502417 P106 Q4263842 +Q57431 P106 Q82955 +Q165110 P106 Q36180 +Q346801 P551 Q65 +Q214565 P106 Q2487799 +Q2646169 P27 Q30 +Q228186 P161 Q83484 +Q730 P463 Q47543 +Q37 P463 Q1928989 +Q215436 P108 Q21578 +Q179257 P1303 Q52954 +Q354783 P69 Q499451 +Q75789 P27 Q43287 +Q133009 P106 Q39631 +Q157318 P737 Q34787 +Q132952 P19 Q18419 +Q158175 P27 Q30 +Q203690 P119 Q24826 +Q5105 P1303 Q5994 +Q160215 P57 Q4465 +Q338442 P161 Q128532 +Q232783 P3373 Q122998 +Q214660 P69 Q1376987 +Q235519 P69 Q993267 +Q1391820 P106 Q639669 +Q453679 P463 Q1429947 +Q331155 P19 Q1352 +Q160802 P106 Q131524 +Q311450 P106 Q10800557 +Q822 P463 Q842490 +Q25880 P106 Q11774202 +Q318607 P136 Q172980 +Q157040 P119 Q288130 +Q11705409 P106 Q488205 +Q1395732 P106 Q177220 +Q75803 P1303 Q17172850 +Q337747 P161 Q220584 +Q962974 P106 Q1642960 +Q332709 P106 Q17489339 +Q155928 P19 Q12439 +Q238924 P106 Q2405480 +Q18430 P106 Q121594 +Q236479 P106 Q10800557 +Q375855 P136 Q860626 +Q259446 P106 Q6430706 +Q931607 P106 Q36834 +Q30 P530 Q945 +Q171684 P106 Q1930187 +Q1111386 P172 Q7325 +Q963 P37 Q1860 +Q311022 P106 Q1734662 +Q237820 P101 Q207628 +Q70809 P1412 Q1860 +Q47112095 P27 Q16 +Q267522 P27 Q30 +Q219 P530 Q96 +Q958578 P106 Q639669 +Q231255 P106 Q33999 +Q711874 P106 Q183945 +Q550778 P106 Q2059704 +Q455703 P106 Q4263842 +Q295431 P737 Q537112 +Q1446475 P1303 Q6607 +Q48987 P106 Q36180 +Q153911 P119 Q188856 +Q186317 P509 Q12152 +Q387958 P161 Q78766 +Q157050 P172 Q8060 +Q369762 P27 Q142 +Q239845 P106 Q2259451 +Q707990 P172 Q49085 +Q215444 P106 Q482980 +Q5354 P69 Q165528 +Q281034 P136 Q46046 +Q61674 P108 Q206702 +Q144904 P509 Q12152 +Q54828 P108 Q83172 +Q189172 P106 Q1238570 +Q27306 P140 Q23540 +Q597433 P1303 Q6607 +Q138084 P161 Q29328 +Q1032 P463 Q17495 +Q937 P463 Q2370801 +Q161084 P463 Q684415 +Q507985 P106 Q10800557 +Q182212 P161 Q181900 +Q837 P530 Q843 +Q89219 P20 Q1741 +Q356129 P106 Q10800557 +Q34969 P641 Q718 +Q53719 P161 Q343616 +Q381734 P1412 Q9043 +Q389014 P495 Q30 +Q1190550 P1412 Q1860 +Q186525 P106 Q14467526 +Q75868 P27 Q16957 +Q78983 P27 Q40 +Q319723 P106 Q33999 +Q194696 P136 Q19367312 +Q48042 P102 Q79854 +Q99842 P27 Q183 +Q846373 P264 Q38903 +Q133654 P161 Q431356 +Q67641 P1412 Q188 +Q2706204 P106 Q36834 +Q244398 P161 Q388557 +Q212145 P161 Q25014 +Q112202 P69 Q622683 +Q549233 P106 Q183945 +Q182373 P57 Q8877 +Q455951 P106 Q15627169 +Q958 P463 Q340195 +Q42398 P136 Q3017271 +Q966690 P161 Q158175 +Q389851 P106 Q158852 +Q919835 P27 Q25 +Q358538 P136 Q9759 +Q362616 P27 Q30 +Q7243 P106 Q11774202 +Q457338 P1412 Q1321 +Q836 P463 Q842490 +Q220010 P106 Q2914170 +Q68219 P140 Q9592 +Q202475 P106 Q10798782 +Q51101 P101 Q207628 +Q87120 P1412 Q188 +Q363822 P106 Q1415090 +Q35648 P69 Q2599077 +Q694081 P106 Q10800557 +Q230454 P1303 Q6607 +Q93503 P69 Q11942 +Q337614 P463 Q958769 +Q62831 P101 Q5891 +Q357102 P106 Q6625963 +Q57118 P26 Q314403 +Q187414 P840 Q99 +Q192979 P161 Q237690 +Q552215 P19 Q5092 +Q756617 P463 Q233611 +Q107405 P463 Q463303 +Q449505 P106 Q11569986 +Q470334 P106 Q36180 +Q157322 P1412 Q7737 +Q105460 P106 Q639669 +Q31 P530 Q833 +Q5890 P161 Q37876 +Q76537 P106 Q47064 +Q168431 P106 Q214917 +Q550262 P1412 Q652 +Q324366 P106 Q28389 +Q725519 P27 Q145 +Q161687 P161 Q320073 +Q187107 P106 Q10800557 +Q34584 P106 Q488205 +Q95443 P27 Q183 +Q310953 P102 Q29468 +Q23543 P27 Q30 +Q350552 P1412 Q9067 +Q213684 P106 Q3242115 +Q1041749 P106 Q1643514 +Q232104 P69 Q432637 +Q150851 P106 Q193391 +Q121995 P27 Q38 +Q2061964 P106 Q43845 +Q108525 P136 Q188473 +Q236669 P106 Q1930187 +Q860206 P27 Q142 +Q704742 P136 Q11401 +Q11806 P463 Q4742987 +Q159642 P106 Q635734 +Q84150 P27 Q30 +Q332330 P161 Q106607 +Q180727 P264 Q311439 +Q110872 P1412 Q150 +Q238819 P1303 Q51290 +Q125354 P1412 Q1860 +Q62373 P106 Q4964182 +Q2996474 P106 Q81096 +Q91161 P106 Q49757 +Q154723 P27 Q40 +Q924104 P106 Q10800557 +Q5738 P106 Q36180 +Q508182 P108 Q174710 +Q191305 P106 Q214917 +Q95034 P40 Q444125 +Q1452597 P509 Q12192 +Q1133611 P106 Q855091 +Q936470 P463 Q123885 +Q6714 P106 Q185351 +Q1028 P530 Q252 +Q461104 P106 Q14467526 +Q214851 P463 Q188771 +Q297384 P106 Q2259451 +Q339423 P106 Q855091 +Q436664 P106 Q36180 +Q229603 P161 Q229048 +Q725519 P106 Q10798782 +Q42511 P106 Q6625963 +Q206693 P106 Q177220 +Q1025919 P112 Q19199 +Q41309 P1303 Q5994 +Q274143 P106 Q49757 +Q288680 P106 Q10798782 +Q650303 P69 Q131262 +Q2071 P27 Q30 +Q3138 P17 Q12548 +Q60025 P509 Q12152 +Q1441251 P106 Q16145150 +Q40 P530 Q230 +Q15001 P136 Q492537 +Q7729 P3373 Q517 +Q112635 P840 Q65 +Q1805943 P1303 Q17172850 +Q458766 P69 Q617433 +Q78270 P106 Q1622272 +Q158394 P106 Q49757 +Q167635 P264 Q183387 +Q465636 P136 Q180268 +Q61000 P463 Q44687 +Q235072 P69 Q174710 +Q215282 P27 Q183 +Q151403 P27 Q174193 +Q219519 P136 Q484641 +Q426390 P106 Q177220 +Q434968 P264 Q1341612 +Q208116 P106 Q16287483 +Q215359 P264 Q645889 +Q229612 P106 Q33999 +Q449670 P106 Q49757 +Q241660 P106 Q183945 +Q193710 P740 Q65 +Q323805 P106 Q639669 +Q295964 P106 Q33999 +Q444788 P20 Q47164 +Q333460 P27 Q668 +Q104757 P106 Q1622272 +Q325538 P161 Q350690 +Q104561 P106 Q1622272 +Q110354 P161 Q4227 +Q9047 P106 Q81096 +Q348497 P136 Q8261 +Q260011 P27 Q408 +Q309640 P27 Q30 +Q160060 P136 Q130232 +Q180395 P136 Q130232 +Q245271 P161 Q151113 +Q231880 P136 Q11399 +Q446586 P106 Q177220 +Q95355 P106 Q1622272 +Q790 P463 Q827525 +Q2280 P17 Q34266 +Q242416 P119 Q1624932 +Q323463 P264 Q1644016 +Q72832 P264 Q231694 +Q183 P530 Q115 +Q194917 P1303 Q17172850 +Q554168 P106 Q753110 +Q66031 P106 Q1622272 +Q64356 P27 Q183 +Q80966 P106 Q2259451 +Q212676 P27 Q34266 +Q298766 P20 Q90 +Q161678 P161 Q228747 +Q102112 P27 Q183 +Q49001 P106 Q10800557 +Q310106 P106 Q201788 +Q526989 P102 Q17427 +Q214097 P106 Q36180 +Q65144 P27 Q183 +Q161877 P136 Q11401 +Q299965 P509 Q212961 +Q77608 P106 Q201788 +Q340213 P106 Q33999 +Q257889 P106 Q753110 +Q2005601 P136 Q37073 +Q237196 P20 Q84 +Q36591 P509 Q12136 +Q91232 P20 Q1726 +Q264730 P101 Q11629 +Q939524 P19 Q60 +Q55915 P106 Q1622272 +Q315868 P106 Q333634 +Q575886 P106 Q12406482 +Q92562 P106 Q6625963 +Q191074 P161 Q228943 +Q4103721 P27 Q399 +Q7294 P106 Q639669 +Q331845 P106 Q333634 +Q78371 P27 Q183 +Q105937 P106 Q593644 +Q2831 P106 Q2490358 +Q340814 P161 Q344655 +Q15180 P530 Q928 +Q428493 P106 Q9648008 +Q945024 P106 Q40348 +Q282722 P106 Q13235160 +Q34981 P20 Q18419 +Q180011 P1303 Q17172850 +Q154077 P161 Q185140 +Q157191 P106 Q16947657 +Q714646 P108 Q49117 +Q544472 P106 Q482980 +Q258 P530 Q38 +Q229220 P27 Q30 +Q206388 P136 Q130232 +Q47447 P264 Q1998195 +Q26848 P509 Q12192 +Q202449 P106 Q10798782 +Q85417 P20 Q64 +Q214582 P106 Q486748 +Q104591 P106 Q185351 +Q563057 P264 Q726251 +Q42544 P106 Q201788 +Q76772 P463 Q4345832 +Q1382482 P1303 Q5994 +Q95237 P1412 Q188 +Q77027 P106 Q245068 +Q343616 P106 Q3282637 +Q1356586 P19 Q580 +Q60029 P27 Q7318 +Q139637 P551 Q23768 +Q77598 P106 Q2468727 +Q78107 P20 Q64 +Q11998 P264 Q193023 +Q588067 P1412 Q188 +Q60206 P69 Q174158 +Q464833 P106 Q855091 +Q332032 P1303 Q17172850 +Q1042738 P136 Q482 +Q231713 P27 Q30 +Q182212 P495 Q30 +Q651059 P463 Q253439 +Q92876 P463 Q94301 +Q270546 P106 Q486748 +Q180011 P106 Q33999 +Q436759 P1303 Q6607 +Q296616 P19 Q1761 +Q193608 P106 Q1930187 +Q286525 P509 Q12202 +Q455280 P106 Q10798782 +Q213684 P551 Q16957 +Q273044 P106 Q36834 +Q504753 P106 Q13570226 +Q53010 P69 Q680971 +Q435826 P106 Q753110 +Q319871 P106 Q974144 +Q312969 P463 Q2370801 +Q1545284 P1412 Q1860 +Q703091 P463 Q3394637 +Q380118 P1303 Q17172850 +Q28930 P509 Q389735 +Q294723 P106 Q177220 +Q79078 P463 Q451079 +Q220918 P106 Q2526255 +Q1166988 P1412 Q1860 +Q271145 P27 Q241 +Q57442 P106 Q1622272 +Q5104 P136 Q37073 +Q924104 P106 Q10798782 +Q359665 P106 Q10800557 +Q151891 P140 Q188814 +Q1576675 P463 Q131566 +Q1646 P509 Q220570 +Q11816 P1412 Q1860 +Q92747 P106 Q1326886 +Q40096 P106 Q183945 +Q70800 P106 Q2374149 +Q170328 P551 Q597 +Q267217 P106 Q2259451 +Q465105 P106 Q12377274 +Q241503 P69 Q503246 +Q235820 P106 Q177220 +Q150630 P69 Q219317 +Q403 P530 Q805 +Q103598 P27 Q142 +Q1254522 P136 Q183504 +Q158394 P106 Q4263842 +Q390097 P57 Q188726 +Q888326 P106 Q488205 +Q9049 P101 Q9418 +Q2628 P19 Q2079 +Q155547 P106 Q16287483 +Q211513 P106 Q876864 +Q130547 P1303 Q17172850 +Q62676 P106 Q10349745 +Q309838 P264 Q183387 +Q484302 P106 Q855091 +Q470758 P27 Q27 +Q256531 P27 Q1045 +Q119136 P27 Q183 +Q274812 P40 Q940891 +Q189172 P106 Q121594 +Q359059 P1303 Q17172850 +Q299138 P1303 Q17172850 +Q193146 P106 Q177220 +Q582152 P106 Q855091 +Q267070 P136 Q850412 +Q185364 P1412 Q1860 +Q261759 P136 Q188473 +Q193710 P106 Q183945 +Q30 P463 Q7809 +Q316330 P108 Q131252 +Q151608 P1412 Q652 +Q230969 P140 Q93191 +Q219060 P530 Q865 +Q962308 P140 Q6423963 +Q60116 P106 Q39631 +Q715790 P20 Q649 +Q216692 P106 Q201788 +Q29999 P463 Q188822 +Q310638 P106 Q1622272 +Q1286510 P27 Q30 +Q16 P530 Q928 +Q199927 P106 Q33999 +Q517273 P1303 Q17172850 +Q1042901 P106 Q486748 +Q633 P136 Q83440 +Q512611 P106 Q947873 +Q712586 P106 Q177220 +Q45396 P27 Q15180 +Q162597 P101 Q5891 +Q142059 P27 Q33946 +Q104154 P463 Q2822396 +Q228 P530 Q230 +Q51562 P106 Q10800557 +Q228598 P106 Q177220 +Q326823 P106 Q11774202 +Q40912 P40 Q233937 +Q188652 P136 Q1339864 +Q239540 P27 Q27 +Q122094 P106 Q1371378 +Q180695 P161 Q207852 +Q215 P463 Q663492 +Q215600 P27 Q183 +Q1396630 P106 Q11513337 +Q865 P530 Q810 +Q437484 P27 Q145 +Q61064 P106 Q3391743 +Q151830 P136 Q484641 +Q60363 P69 Q51985 +Q552273 P19 Q85 +Q1184931 P264 Q557632 +Q363379 P20 Q90 +Q232456 P106 Q2405480 +Q39658 P1412 Q9027 +Q709499 P106 Q639669 +Q36 P530 Q843 +Q519273 P1303 Q17172850 +Q218 P530 Q881 +Q39212 P1412 Q1860 +Q41854 P161 Q314892 +Q246497 P463 Q901677 +Q212064 P27 Q30 +Q979545 P19 Q60 +Q220889 P463 Q48995 +Q231135 P106 Q10798782 +Q117197 P106 Q49757 +Q87756 P108 Q152087 +Q1151944 P106 Q10800557 +Q1726 P17 Q713750 +Q311580 P27 Q30 +Q213579 P463 Q329464 +Q194220 P172 Q49085 +Q453679 P102 Q192821 +Q193676 P27 Q30 +Q201927 P106 Q33999 +Q3825107 P495 Q34 +Q256708 P106 Q5716684 +Q554406 P69 Q5142861 +Q54868 P3373 Q54867 +Q173144 P106 Q33999 +Q249032 P161 Q233428 +Q264914 P136 Q21010853 +Q158997 P106 Q16323111 +Q388268 P1412 Q150 +Q962609 P19 Q12439 +Q154356 P106 Q23833535 +Q69115 P27 Q183 +Q392677 P840 Q5083 +Q98062 P27 Q183 +Q126234 P102 Q689018 +Q214977 P106 Q182436 +Q157359 P106 Q14915627 +Q16 P463 Q19771 +Q881189 P20 Q90 +Q61059 P106 Q753110 +Q168356 P20 Q1748 +Q574 P530 Q17 +Q159840 P27 Q29999 +Q92639 P172 Q539051 +Q325262 P106 Q333634 +Q114089 P20 Q1492 +Q717755 P509 Q147778 +Q481482 P106 Q1622272 +Q35448 P106 Q201788 +Q217388 P106 Q4853732 +Q61879 P27 Q27306 +Q362422 P106 Q2643890 +Q103598 P106 Q864503 +Q213539 P106 Q486748 +Q285020 P161 Q225933 +Q927 P106 Q36180 +Q228598 P69 Q1051840 +Q288355 P161 Q108283 +Q108097 P19 Q3150 +Q76959 P108 Q156725 +Q208204 P161 Q181413 +Q7346 P264 Q287177 +Q381768 P106 Q33999 +Q117783 P1412 Q7411 +Q322750 P106 Q10798782 +Q84423 P27 Q28513 +Q42992 P551 Q16554 +Q273211 P106 Q10800557 +Q4547 P1412 Q1860 +Q154809 P1303 Q5994 +Q1025 P530 Q1041 +Q810 P463 Q17495 +Q232260 P509 Q12202 +Q1210022 P106 Q36180 +Q47210 P106 Q189290 +Q273233 P106 Q82955 +Q2582 P106 Q81096 +Q41 P463 Q663492 +Q58863 P1412 Q188 +Q448905 P106 Q1792450 +Q737486 P27 Q191 +Q242 P463 Q7825 +Q5383 P106 Q855091 +Q3193543 P106 Q333634 +Q9047 P737 Q35802 +Q669934 P102 Q29468 +Q212167 P108 Q180865 +Q467103 P1303 Q11405 +Q319896 P69 Q209344 +Q373968 P136 Q21590660 +Q296872 P1303 Q17172850 +Q106508 P106 Q3282637 +Q965375 P136 Q8261 +Q44354 P641 Q131359 +Q134180 P106 Q482980 +Q556858 P106 Q639669 +Q77109 P140 Q75809 +Q1382495 P1303 Q17172850 +Q53012 P19 Q490 +Q445606 P19 Q207350 +Q216013 P69 Q154804 +Q983 P37 Q5146 +Q238356 P106 Q10800557 +Q217154 P106 Q1028181 +Q115483 P136 Q676 +Q80440 P19 Q1874 +Q294144 P264 Q330629 +Q1524938 P27 Q30 +Q112202 P27 Q30 +Q55946077 P106 Q201788 +Q75696 P20 Q64 +Q316528 P1412 Q188 +Q165680 P1412 Q809 +Q162389 P102 Q29552 +Q533284 P1303 Q6607 +Q18913 P463 Q684415 +Q240869 P27 Q30 +Q214477 P106 Q947873 +Q465695 P1412 Q150 +Q444017 P495 Q30 +Q9047 P737 Q193660 +Q260312 P106 Q2259451 +Q333460 P106 Q43845 +Q230303 P106 Q512314 +Q970649 P27 Q29 +Q786 P138 Q2868 +Q1007 P463 Q8475 +Q726295 P264 Q1200368 +Q93797 P463 Q459620 +Q28193 P161 Q73410 +Q14278 P108 Q4345832 +Q237196 P106 Q6625963 +Q177374 P161 Q313043 +Q76997 P106 Q36180 +Q691471 P106 Q483501 +Q229975 P551 Q65 +Q101567 P27 Q183 +Q111447 P108 Q209842 +Q4227 P106 Q2405480 +Q213614 P106 Q49757 +Q313367 P106 Q2405480 +Q685 P463 Q376150 +Q205303 P101 Q309 +Q215072 P106 Q33999 +Q379461 P106 Q3282637 +Q234556 P106 Q33999 +Q68202 P106 Q36180 +Q364781 P27 Q30 +Q266520 P106 Q28389 +Q87293 P108 Q165980 +Q111436 P551 Q60 +Q298352 P69 Q2537765 +Q762361 P106 Q333634 +Q72541 P106 Q1209498 +Q180975 P106 Q3387717 +Q450382 P106 Q10800557 +Q284087 P1412 Q1860 +Q35149 P463 Q3603946 +Q77004 P102 Q310296 +Q148 P530 Q929 +Q699950 P106 Q333634 +Q5749 P106 Q4964182 +Q949 P463 Q123885 +Q9387 P106 Q185351 +Q90819 P106 Q40348 +Q441226 P19 Q649 +Q368812 P106 Q4853732 +Q77109 P3373 Q61597 +Q115922 P106 Q1234713 +Q423 P530 Q230 +Q669448 P19 Q9248 +Q153638 P106 Q753110 +Q216936 P264 Q798658 +Q250669 P106 Q855091 +Q86095 P69 Q875788 +Q320204 P69 Q349055 +Q131725 P106 Q639669 +Q263279 P106 Q4610556 +Q355288 P264 Q43327 +Q344758 P106 Q10798782 +Q9204 P106 Q13418253 +Q159 P530 Q39 +Q166056 P106 Q250867 +Q90962 P119 Q1497554 +Q458593 P106 Q11338576 +Q219315 P161 Q440910 +Q78505 P106 Q10800557 +Q93614 P106 Q49757 +Q4471 P136 Q1054574 +Q981171 P106 Q18805 +Q983233 P106 Q482980 +Q232783 P27 Q142 +Q314164 P27 Q40 +Q1284551 P106 Q806349 +Q313210 P119 Q208175 +Q437710 P451 Q39803 +Q117101 P106 Q193391 +Q384397 P161 Q16390 +Q210590 P136 Q185867 +Q110106 P463 Q270794 +Q349461 P136 Q37073 +Q104398 P106 Q82955 +Q367132 P1412 Q652 +Q37217 P106 Q333634 +Q11171 P106 Q40348 +Q225916 P136 Q188473 +Q144746 P106 Q9648008 +Q974 P37 Q150 +Q270126 P19 Q220 +Q202449 P106 Q245068 +Q11907 P264 Q1899781 +Q660545 P264 Q202440 +Q37 P530 Q36 +Q322970 P27 Q30 +Q34943 P106 Q14915627 +Q153527 P106 Q3282637 +Q92914 P106 Q82594 +Q43259 P136 Q379671 +Q192207 P1412 Q9610 +Q3490296 P106 Q1086863 +Q229018 P106 Q33999 +Q686 P463 Q827525 +Q156394 P161 Q310394 +Q114509 P551 Q99 +Q200534 P19 Q84 +Q153238 P108 Q131252 +Q320639 P1412 Q1860 +Q238895 P106 Q10798782 +Q44519 P106 Q18814623 +Q213613 P106 Q639669 +Q116760 P106 Q222344 +Q865 P530 Q41 +Q55394 P1412 Q8785 +Q335064 P27 Q34266 +Q264989 P101 Q482 +Q1441251 P361 Q6354282 +Q51547 P106 Q36180 +Q213864 P106 Q3282637 +Q545544 P19 Q24826 +Q66543 P463 Q191583 +Q323483 P740 Q18013 +Q66107 P463 Q463303 +Q163211 P106 Q33999 +Q1548904 P106 Q753110 +Q210172 P1303 Q17172850 +Q295964 P106 Q2526255 +Q43 P530 Q1246 +Q97431 P463 Q414188 +Q213793 P1050 Q131755 +Q8619 P1412 Q1860 +Q462282 P27 Q794 +Q242477 P106 Q10798782 +Q128759 P106 Q82955 +Q347685 P106 Q11774202 +Q7336 P1412 Q7411 +Q93397 P69 Q165980 +Q275929 P1412 Q1321 +Q332508 P463 Q265058 +Q288355 P161 Q106175 +Q213195 P463 Q463303 +Q103774 P106 Q82955 +Q17 P530 Q902 +Q458686 P106 Q322170 +Q987724 P106 Q43845 +Q1446475 P27 Q30 +Q966565 P509 Q12152 +Q249647 P106 Q36180 +Q429934 P136 Q200092 +Q317251 P19 Q84 +Q260648 P840 Q1439 +Q54543 P463 Q1938003 +Q114 P530 Q148 +Q303751 P106 Q2526255 +Q41 P530 Q184 +Q117500 P551 Q65 +Q238383 P106 Q10798782 +Q69631 P27 Q183 +Q330612 P161 Q212790 +Q188426 P106 Q753110 +Q69366 P106 Q783906 +Q60016 P161 Q374181 +Q187166 P106 Q2259451 +Q161363 P106 Q49757 +Q543294 P1412 Q1321 +Q77970 P106 Q15980158 +Q860206 P106 Q81096 +Q190050 P136 Q2484376 +Q5763208 P106 Q901 +Q197935 P106 Q36180 +Q263629 P136 Q1344 +Q3334710 P69 Q194445 +Q88427 P463 Q2370801 +Q20 P530 Q865 +Q213543 P69 Q152838 +Q336222 P3373 Q317784 +Q135230 P161 Q230530 +Q556615 P264 Q14192383 +Q327613 P495 Q16 +Q57136 P102 Q7320 +Q954 P463 Q656801 +Q222800 P136 Q130232 +Q158175 P106 Q177220 +Q945641 P509 Q12152 +Q310150 P106 Q131512 +Q167635 P136 Q438503 +Q120406 P106 Q245068 +Q180636 P106 Q10873124 +Q260969 P136 Q185867 +Q254576 P101 Q207628 +Q53939 P101 Q207628 +Q268569 P451 Q106529 +Q58062 P108 Q161982 +Q230 P530 Q1009 +Q11148 P159 Q18125 +Q186807 P509 Q12136 +Q237194 P551 Q65 +Q937 P463 Q188771 +Q39837 P101 Q11190 +Q70802 P463 Q38130 +Q134549 P27 Q30 +Q34105 P106 Q82955 +Q822666 P463 Q191583 +Q362258 P106 Q639669 +Q351527 P108 Q499911 +Q444885 P106 Q193391 +Q7604 P140 Q23540 +Q712765 P106 Q177220 +Q311993 P19 Q220 +Q2657741 P69 Q168756 +Q123512 P106 Q11774202 +Q233340 P106 Q219477 +Q255463 P1412 Q7976 +Q191719 P101 Q207628 +Q7243 P106 Q4853732 +Q76524 P69 Q318186 +Q914054 P106 Q81096 +Q294931 P509 Q12152 +Q93817 P1412 Q809 +Q82110 P106 Q6665249 +Q156201 P140 Q35032 +Q467378 P27 Q30 +Q134262 P20 Q60 +Q103357 P135 Q8361 +Q124505 P106 Q1231865 +Q93872 P106 Q333634 +Q214171 P69 Q154561 +Q116003 P101 Q441 +Q105221 P106 Q33999 +Q458978 P106 Q639669 +Q200534 P106 Q2259451 +Q80 P69 Q73094 +Q4536 P161 Q4518 +Q683 P463 Q827525 +Q317957 P119 Q1092107 +Q298412 P106 Q639669 +Q10738 P106 Q10800557 +Q349217 P106 Q2259451 +Q65350 P463 Q466113 +Q284087 P1412 Q809 +Q189081 P509 Q12152 +Q92981 P106 Q82594 +Q200827 P161 Q211144 +Q389548 P161 Q311993 +Q235221 P106 Q10798782 +Q130873 P102 Q187009 +Q930197 P102 Q29552 +Q1351259 P106 Q183945 +Q332368 P161 Q29092 +Q298905 P27 Q142 +Q216016 P106 Q36180 +Q106662 P106 Q947873 +Q177984 P27 Q145 +Q465242 P108 Q167733 +Q669597 P69 Q49108 +Q76498 P19 Q1726 +Q151904 P495 Q183 +Q275875 P1303 Q163829 +Q872815 P106 Q201788 +Q55 P530 Q28 +Q77468 P106 Q49757 +Q187364 P106 Q3282637 +Q273022 P106 Q33999 +Q463975 P106 Q201788 +Q977036 P463 Q123885 +Q359248 P27 Q145 +Q69349 P108 Q154561 +Q227395 P108 Q153978 +Q230473 P106 Q10800557 +Q349852 P69 Q349055 +Q132193 P106 Q49757 +Q102902 P102 Q49750 +Q182725 P1050 Q11081 +Q57681 P1412 Q1321 +Q711406 P1412 Q1860 +Q188461 P136 Q37073 +Q237659 P3373 Q315087 +Q151898 P161 Q1112005 +Q302174 P161 Q273136 +Q213579 P463 Q83172 +Q694081 P106 Q639669 +Q253395 P106 Q33999 +Q1585614 P1303 Q51290 +Q60970 P136 Q45981 +Q348571 P264 Q694052 +Q205772 P140 Q7066 +Q193674 P19 Q649 +Q387814 P106 Q10798782 +Q441913 P27 Q30 +Q64417 P106 Q2865819 +Q165706 P27 Q37 +Q155467 P106 Q36180 +Q2416148 P106 Q10798782 +Q763 P463 Q1043527 +Q62766 P106 Q3282637 +Q1001 P737 Q179126 +Q222071 P106 Q49757 +Q907534 P108 Q131252 +Q256738 P27 Q20 +Q201472 P119 Q1242128 +Q36844 P136 Q37073 +Q270664 P1303 Q17172850 +Q99596 P69 Q152171 +Q162688 P106 Q39631 +Q354654 P1303 Q6607 +Q472487 P1303 Q6607 +Q851 P530 Q869 +Q361257 P19 Q1297 +Q66264 P551 Q801 +Q13132095 P3373 Q20562503 +Q93797 P27 Q40 +Q209170 P161 Q310295 +Q230591 P101 Q482 +Q609095 P106 Q2526255 +Q521116 P101 Q7163 +Q315756 P106 Q482980 +Q234324 P106 Q16947657 +Q46551 P136 Q157394 +Q334 P463 Q191384 +Q60903 P19 Q649 +Q702468 P136 Q482 +Q446743 P1412 Q809 +Q89786 P106 Q34074720 +Q503770 P106 Q49757 +Q155236 P509 Q181754 +Q714030 P106 Q177220 +Q267242 P136 Q12799318 +Q2773 P463 Q1768108 +Q163366 P106 Q36180 +Q263143 P106 Q10798782 +Q351989 P136 Q842256 +Q242643 P1412 Q1860 +Q272622 P136 Q482 +Q673567 P106 Q12406482 +Q102754 P161 Q3938408 +Q162035 P106 Q4610556 +Q1707 P463 Q747279 +Q76325 P108 Q151510 +Q193478 P17 Q28 +Q503657 P106 Q82955 +Q1386098 P20 Q65 +Q75856 P463 Q451079 +Q214622 P1412 Q9129 +Q180409 P119 Q311 +Q316032 P69 Q797078 +Q309246 P840 Q298 +Q1027 P463 Q899770 +Q237215 P161 Q344655 +Q206384 P69 Q1067870 +Q148428 P136 Q20442589 +Q168419 P463 Q3603946 +Q273315 P106 Q177220 +Q77024 P69 Q152087 +Q311093 P69 Q1247373 +Q931561 P1303 Q6607 +Q490381 P106 Q639669 +Q114 P530 Q159 +Q270324 P551 Q779 +Q133654 P161 Q114179 +Q1424117 P69 Q273626 +Q241382 P136 Q37073 +Q179126 P106 Q49757 +Q940617 P106 Q36834 +Q61879 P20 Q1748 +Q151904 P161 Q191644 +Q366521 P106 Q4263842 +Q135867 P161 Q330847 +Q837 P463 Q1043527 +Q92670 P108 Q230899 +Q159 P530 Q398 +Q86225 P108 Q31519 +Q36704 P30 Q46 +Q458709 P27 Q38 +Q7243 P737 Q38193 +Q223281 P1412 Q1860 +Q319283 P106 Q158852 +Q13003 P1412 Q652 +Q995245 P106 Q36180 +Q153421 P106 Q82955 +Q99596 P119 Q1783048 +Q364781 P1303 Q17172850 +Q766 P463 Q233611 +Q186042 P27 Q30 +Q32223 P106 Q10800557 +Q309900 P106 Q177220 +Q188384 P161 Q205435 +Q234939 P106 Q33999 +Q817 P463 Q8475 +Q213772 P27 Q36 +Q2281920 P69 Q681025 +Q77807 P27 Q183 +Q38573 P106 Q28389 +Q215623 P108 Q835960 +Q450646 P509 Q12192 +Q206032 P106 Q2252262 +Q66916 P106 Q2306091 +Q237654 P136 Q11399 +Q554670 P106 Q10798782 +Q181881 P106 Q183945 +Q241160 P106 Q33999 +Q58282 P27 Q145 +Q540166 P27 Q25 +Q166234 P463 Q2822396 +Q81324 P106 Q36180 +Q653632 P495 Q145 +Q64902 P106 Q13418253 +Q202461 P106 Q10798782 +Q207660 P106 Q47064 +Q1345210 P106 Q10798782 +Q766314 P1412 Q7913 +Q244604 P136 Q182015 +Q86864 P27 Q183 +Q1095432 P106 Q19723482 +Q939357 P136 Q37073 +Q375827 P19 Q16563 +Q275593 P551 Q23197 +Q51908481 P3373 Q24558760 +Q219878 P106 Q2722764 +Q263024 P106 Q33999 +Q78704 P69 Q686522 +Q133308 P106 Q1476215 +Q376335 P463 Q4430504 +Q773828 P106 Q15627169 +Q17279884 P106 Q2066131 +Q958 P530 Q928 +Q240933 P172 Q678551 +Q558972 P27 Q36 +Q947291 P108 Q215539 +Q66709 P1412 Q188 +Q1347984 P136 Q9778 +Q317228 P106 Q10798782 +Q188375 P106 Q10800557 +Q940891 P106 Q10800557 +Q237497 P106 Q10798782 +Q976071 P106 Q1930187 +Q87018 P27 Q40 +Q204398 P161 Q61552 +Q182580 P106 Q10800557 +Q105624 P136 Q3990883 +Q62831 P108 Q153978 +Q38082 P119 Q23276 +Q91982 P108 Q55044 +Q229646 P737 Q868 +Q4724 P101 Q12271 +Q44107 P172 Q237534 +Q4093262 P106 Q4610556 +Q356309 P27 Q30 +Q58811 P69 Q20266330 +Q329716 P106 Q2259451 +Q92848 P1412 Q1860 +Q365463 P106 Q11569986 +Q158175 P106 Q639669 +Q163714 P69 Q144488 +Q214357 P69 Q131252 +Q1683438 P20 Q84 +Q127345 P119 Q168886 +Q76158 P1412 Q188 +Q115541 P106 Q10798782 +Q238121 P106 Q33999 +Q982546 P119 Q27426 +Q170333 P106 Q2865819 +Q94331 P106 Q201788 +Q25186 P1412 Q188 +Q432102 P161 Q41148 +Q25139 P136 Q20442589 +Q236056 P106 Q36834 +Q106554 P106 Q1231865 +Q134262 P106 Q214917 +Q801 P530 Q865 +Q150526 P106 Q39631 +Q8556 P69 Q49213 +Q34943 P106 Q36180 +Q982729 P20 Q406 +Q510400 P463 Q123885 +Q233289 P106 Q49757 +Q7343182 P106 Q49757 +Q310551 P172 Q49085 +Q320093 P140 Q131036 +Q4295 P106 Q18814623 +Q152451 P27 Q30 +Q189729 P19 Q5092 +Q164582 P463 Q939743 +Q357624 P26 Q450382 +Q53633 P463 Q191583 +Q11812 P463 Q4742987 +Q138832 P106 Q82955 +Q483507 P1303 Q17172850 +Q159481 P1412 Q397 +Q212173 P106 Q36180 +Q2291171 P136 Q487914 +Q951581 P106 Q639669 +Q49003 P161 Q333190 +Q2161 P2348 Q2277 +Q202801 P136 Q8341 +Q77060 P264 Q183412 +Q203715 P136 Q482 +Q332032 P136 Q188539 +Q215708 P1412 Q188 +Q222873 P161 Q181490 +Q74688 P20 Q64 +Q230496 P161 Q171571 +Q193338 P106 Q183945 +Q503770 P19 Q18426 +Q451369 P19 Q1085 +Q37459 P26 Q37079 +Q1553657 P1303 Q5994 +Q264867 P106 Q33999 +Q229082 P106 Q2405480 +Q125451 P108 Q895796 +Q193018 P509 Q181754 +Q447827 P106 Q82955 +Q1744 P136 Q8341 +Q139121 P106 Q130857 +Q195303 P161 Q1198697 +Q444663 P106 Q36180 +Q155871 P106 Q193391 +Q121850 P140 Q9592 +Q163042 P102 Q29552 +Q6714 P108 Q152838 +Q234663 P106 Q6625963 +Q5686 P106 Q6625963 +Q1133611 P1303 Q6607 +Q75261 P106 Q2405480 +Q157004 P1412 Q1321 +Q106429 P108 Q156725 +Q362118 P27 Q30 +Q60115 P106 Q82955 +Q366930 P106 Q1028181 +Q47216 P102 Q29468 +Q297442 P106 Q2722764 +Q90771 P106 Q2259451 +Q228244 P136 Q860626 +Q35286 P509 Q181754 +Q132205 P69 Q608723 +Q236438 P27 Q142 +Q1541 P1412 Q35497 +Q164487 P509 Q12192 +Q217110 P106 Q4853732 +Q314151 P19 Q2895 +Q717755 P106 Q1415090 +Q11107 P106 Q82955 +Q642127 P19 Q90 +Q45337 P106 Q49757 +Q229251 P509 Q3505252 +Q217 P530 Q29 +Q63026 P161 Q208374 +Q251338 P1412 Q9027 +Q267435 P1303 Q17172850 +Q730 P530 Q148 +Q33 P530 Q148 +Q44606 P106 Q855091 +Q44855 P3373 Q317784 +Q207536 P136 Q20656232 +Q193035 P69 Q232141 +Q333187 P1303 Q17172850 +Q77809 P106 Q3410028 +Q44331 P19 Q1741 +Q44144 P1303 Q17172850 +Q542886 P106 Q855091 +Q484292 P136 Q12799318 +Q205772 P463 Q463303 +Q465702 P264 Q183387 +Q1678730 P737 Q855 +Q828641 P26 Q120085 +Q258630 P101 Q11633 +Q126122 P106 Q1622272 +Q227 P530 Q17 +Q210315 P106 Q205375 +Q189490 P1412 Q1860 +Q339425 P136 Q8261 +Q202735 P106 Q33999 +Q92510 P20 Q1726 +Q159933 P1412 Q256 +Q153776 P108 Q215539 +Q214309 P106 Q33999 +Q862297 P102 Q29552 +Q55473342 P159 Q1040 +Q386291 P161 Q235221 +Q357168 P264 Q14192383 +Q708620 P551 Q18426 +Q57276 P69 Q230899 +Q382150 P20 Q1899 +Q5879 P106 Q4164507 +Q213929 P27 Q1206012 +Q12688 P69 Q83259 +Q165421 P69 Q432637 +Q242477 P20 Q60 +Q92815 P19 Q47164 +Q93129 P106 Q1622272 +Q332368 P161 Q232860 +Q109180 P119 Q564922 +Q271824 P106 Q36180 +Q156552 P106 Q36180 +Q342774 P20 Q16552 +Q302403 P495 Q218 +Q87073 P463 Q49738 +Q51884 P19 Q3766 +Q1451186 P106 Q2500638 +Q60582 P69 Q32120 +Q38875 P19 Q18419 +Q153911 P463 Q123885 +Q171363 P106 Q177220 +Q234099 P27 Q17 +Q232834 P27 Q30 +Q957921 P106 Q36834 +Q334670 P1412 Q1860 +Q50861 P136 Q4984974 +Q348571 P264 Q1347984 +Q160640 P463 Q53249065 +Q267265 P106 Q639669 +Q991 P737 Q7200 +Q213632 P140 Q7066 +Q213870 P463 Q684415 +Q34713 P17 Q28513 +Q212663 P19 Q18419 +Q1976514 P136 Q83270 +Q76554 P135 Q2455000 +Q103835 P463 Q833738 +Q38222 P106 Q28389 +Q1607976 P20 Q584451 +Q42747 P69 Q54096 +Q36 P530 Q211 +Q77682 P69 Q155354 +Q20749396 P106 Q2500638 +Q63078 P106 Q36180 +Q827047 P172 Q84072 +Q395714 P106 Q49757 +Q811 P463 Q842490 +Q957627 P136 Q49451 +Q1101195 P1303 Q17172850 +Q238215 P1303 Q17172850 +Q1010602 P27 Q38 +Q235622 P26 Q273215 +Q455827 P1303 Q17172850 +Q41309 P27 Q131964 +Q190770 P463 Q123885 +Q278193 P161 Q133050 +Q57896 P119 Q56037 +Q550395 P106 Q488205 +Q541599 P1303 Q6607 +Q1044657 P1303 Q6607 +Q76998 P27 Q183 +Q239293 P106 Q36180 +Q142999 P106 Q201788 +Q310166 P106 Q753110 +Q78205 P106 Q82955 +Q1760695 P495 Q30 +Q44473 P172 Q49085 +Q1174771 P2348 Q6927 +Q22665 P509 Q12192 +Q863 P30 Q48 +Q423 P530 Q1019 +Q190908 P136 Q959790 +Q450412 P106 Q36180 +Q312995 P27 Q30 +Q215488 P106 Q5716684 +Q155158 P106 Q1028181 +Q676455 P106 Q1930187 +Q1272729 P172 Q49085 +Q931890 P69 Q131252 +Q32522 P102 Q29552 +Q183105 P102 Q9626 +Q216936 P106 Q177220 +Q189534 P27 Q40 +Q257872 P26 Q348001 +Q856008 P69 Q49124 +Q705630 P106 Q2722764 +Q119935 P2348 Q6927 +Q443995 P106 Q10800557 +Q9695 P1303 Q281460 +Q451150 P69 Q15142 +Q387601 P161 Q23517 +Q314841 P106 Q10800557 +Q726071 P264 Q3716272 +Q192115 P57 Q207676 +Q310324 P106 Q10800557 +Q16 P530 Q711 +Q61922 P106 Q82955 +Q28480 P106 Q333634 +Q234893 P106 Q333634 +Q106391 P20 Q1726 +Q161087 P161 Q42581 +Q2601 P509 Q12136 +Q489252 P69 Q7739610 +Q215339 P106 Q49757 +Q786339 P106 Q3400985 +Q332956 P27 Q145 +Q5878 P106 Q15949613 +Q547414 P19 Q4120832 +Q35498 P20 Q60 +Q315222 P509 Q2140674 +Q435437 P1412 Q7737 +Q865 P530 Q8646 +Q427597 P136 Q37073 +Q573171 P463 Q1493021 +Q297071 P27 Q145 +Q2900328 P106 Q484876 +Q55168 P69 Q1664782 +Q58845 P108 Q28024477 +Q190972 P106 Q2259451 +Q311621 P1303 Q6607 +Q235770 P106 Q177220 +Q356361 P69 Q805285 +Q208871 P136 Q9759 +Q313739 P106 Q121594 +Q174037 P106 Q201788 +Q27925670 P106 Q1925963 +Q193212 P69 Q838330 +Q48959 P106 Q2252262 +Q219373 P106 Q2526255 +Q381768 P106 Q3282637 +Q1322285 P106 Q488205 +Q92853 P69 Q49108 +Q183 P530 Q31 +Q445095 P106 Q4853732 +Q1680268 P27 Q30 +Q92942 P27 Q30 +Q105158 P106 Q13235160 +Q1798353 P136 Q959583 +Q267243 P106 Q28389 +Q365042 P106 Q10798782 +Q180975 P106 Q43845 +Q8018 P106 Q18814623 +Q380381 P106 Q488205 +Q216060 P106 Q193391 +Q62746 P161 Q62845 +Q59112 P69 Q309331 +Q315441 P551 Q60 +Q4074457 P27 Q15180 +Q216870 P136 Q9734 +Q202585 P159 Q60 +Q708110 P106 Q639669 +Q221020 P161 Q228943 +Q230916 P1303 Q17172850 +Q22072 P106 Q486748 +Q199418 P27 Q766 +Q238941 P106 Q183945 +Q559844 P27 Q30 +Q35 P530 Q224 +Q142627 P1412 Q150 +Q232520 P1412 Q1860 +Q84476 P119 Q1731 +Q976417 P172 Q49085 +Q455754 P264 Q1757254 +Q252734 P106 Q753110 +Q31293 P1412 Q1860 +Q75904 P108 Q154804 +Q649 P131 Q159 +Q252409 P161 Q191084 +Q316568 P106 Q82955 +Q17 P530 Q43 +Q1145 P106 Q2490358 +Q4042 P106 Q33999 +Q485310 P106 Q11481802 +Q2118763 P27 Q174193 +Q11813 P1412 Q1860 +Q96588 P27 Q183 +Q77031 P27 Q183 +Q159551 P106 Q486748 +Q77214 P106 Q214917 +Q65130 P1412 Q188 +Q686 P463 Q1043527 +Q29427 P69 Q591115 +Q64949 P20 Q1794 +Q2002177 P112 Q537722 +Q729117 P551 Q142 +Q184440 P106 Q18844224 +Q238702 P20 Q34217 +Q518576 P20 Q90 +Q69392 P102 Q7320 +Q192073 P136 Q20442589 +Q212 P530 Q31 +Q942929 P19 Q649 +Q676914 P19 Q62 +Q96155 P106 Q482980 +Q245257 P1412 Q1860 +Q55411 P106 Q33231 +Q912 P463 Q7159 +Q77447 P463 Q15646111 +Q172383 P106 Q155647 +Q118233 P1303 Q5994 +Q1190550 P106 Q386854 +Q96962 P27 Q16957 +Q4985 P102 Q29468 +Q465679 P1412 Q1860 +Q83807 P20 Q11299 +Q92143 P509 Q2840 +Q266335 P106 Q5716684 +Q2498968 P106 Q593644 +Q320604 P19 Q84 +Q306 P69 Q13371 +Q37333 P17 Q172107 +Q77312 P69 Q152087 +Q371938 P495 Q30 +Q767329 P20 Q90 +Q1276 P106 Q639669 +Q317343 P69 Q385471 +Q61601 P27 Q43287 +Q52950 P106 Q1622272 +Q85040 P20 Q437 +Q211731 P1412 Q1860 +Q350 P17 Q145 +Q123389 P106 Q36180 +Q4085141 P101 Q8162 +Q114115 P136 Q130232 +Q575689 P106 Q3501317 +Q76959 P106 Q1238570 +Q1572124 P106 Q12800682 +Q41 P530 Q183 +Q423 P530 Q970 +Q170472 P106 Q4964182 +Q2263 P106 Q3282637 +Q284636 P106 Q33999 +Q152306 P172 Q726673 +Q951621 P106 Q593644 +Q189351 P1412 Q1860 +Q232079 P136 Q846544 +Q360674 P27 Q30 +Q356109 P106 Q33999 +Q58121 P108 Q28695 +Q337614 P172 Q179248 +Q344153 P106 Q36180 +Q79969 P101 Q5891 +Q426517 P136 Q859369 +Q364179 P136 Q9730 +Q96825 P1412 Q188 +Q119786 P106 Q1622272 +Q320984 P69 Q547867 +Q59567 P57 Q314403 +Q127330 P136 Q9730 +Q446743 P1412 Q150 +Q369492 P136 Q157443 +Q43718 P108 Q27621 +Q456467 P161 Q313789 +Q128934 P161 Q320973 +Q8863 P19 Q56036 +Q165745 P749 Q38903 +Q160640 P172 Q121842 +Q14045 P140 Q5043 +Q158078 P1303 Q5994 +Q519590 P1412 Q1860 +Q782711 P27 Q29 +Q924053 P1412 Q7737 +Q540803 P27 Q15180 +Q88383 P106 Q3242115 +Q889 P530 Q38 +Q502417 P102 Q256121 +Q193573 P136 Q130232 +Q83297 P106 Q593644 +Q239411 P1412 Q150 +Q299965 P463 Q463281 +Q100276 P27 Q43287 +Q78511 P106 Q333634 +Q4588976 P106 Q201788 +Q443567 P106 Q33999 +Q179680 P106 Q6625963 +Q103591 P69 Q487556 +Q185007 P463 Q337352 +Q45 P463 Q1043527 +Q59215 P106 Q10798782 +Q166344 P136 Q11366 +Q395714 P106 Q15296811 +Q102225 P161 Q434694 +Q167877 P101 Q1930187 +Q92882 P108 Q838330 +Q1601945 P27 Q183 +Q201079 P106 Q177220 +Q25089 P19 Q18426 +Q70737 P106 Q14915627 +Q44473 P641 Q41323 +Q182212 P161 Q150482 +Q782738 P1412 Q1321 +Q379877 P136 Q1342372 +Q52570 P106 Q2516866 +Q313046 P106 Q2259451 +Q1861917 P106 Q177220 +Q316568 P463 Q1938003 +Q243113 P106 Q33999 +Q231228 P106 Q753110 +Q507734 P1303 Q6607 +Q941984 P106 Q639669 +Q382408 P136 Q20443008 +Q78857 P106 Q2004963 +Q1372074 P136 Q43343 +Q339876 P136 Q2421031 +Q888256 P509 Q9687 +Q164224 P161 Q310515 +Q622636 P106 Q158852 +Q180416 P136 Q130232 +Q49903 P161 Q162554 +Q104081 P106 Q10798782 +Q685149 P1412 Q1860 +Q71352 P69 Q21578 +Q11703496 P106 Q105186 +Q124357 P106 Q33999 +Q884143 P1303 Q17172850 +Q121507 P1303 Q17172850 +Q94331 P1412 Q188 +Q70694 P102 Q49762 +Q293696 P1303 Q17172850 +Q78505 P26 Q85232 +Q1166707 P1412 Q150 +Q173061 P264 Q183412 +Q215 P463 Q3866537 +Q79 P37 Q13955 +Q347362 P737 Q152388 +Q2218967 P106 Q1397808 +Q730082 P106 Q855091 +Q340016 P509 Q623031 +Q697818 P20 Q1218 +Q444616 P106 Q36834 +Q454398 P136 Q2143665 +Q110628 P509 Q12136 +Q145 P530 Q233 +Q49279 P106 Q4853732 +Q155152 P740 Q183 +Q79969 P737 Q131149 +Q60802 P106 Q10798782 +Q277976 P106 Q639669 +Q86060 P69 Q32120 +Q282882 P140 Q1841 +Q11930 P106 Q2405480 +Q206589 P495 Q30 +Q57391 P106 Q3282637 +Q323524 P27 Q145 +Q189330 P840 Q48 +Q321178 P20 Q99 +Q335193 P509 Q12136 +Q797659 P1412 Q9043 +Q1967070 P27 Q159 +Q78720 P106 Q860918 +Q550436 P106 Q177220 +Q288098 P495 Q30 +Q554746 P136 Q49084 +Q92756 P69 Q221645 +Q194896 P140 Q9592 +Q232222 P161 Q16349 +Q150281 P509 Q12152 +Q133665 P106 Q28389 +Q89292 P106 Q82955 +Q318320 P69 Q214341 +Q1680339 P106 Q13582652 +Q1246 P530 Q221 +Q48070 P27 Q15180 +Q366584 P106 Q753110 +Q1805398 P19 Q5332 +Q30 P530 Q691 +Q400765 P106 Q177220 +Q449670 P106 Q193391 +Q233957 P463 Q49738 +Q1770797 P509 Q189588 +Q92066 P463 Q812155 +Q726296 P1303 Q80019 +Q602137 P20 Q2807 +Q97531 P106 Q1622272 +Q243983 P136 Q52162262 +Q557930 P106 Q43845 +Q55456 P106 Q28389 +Q112167 P1412 Q150 +Q78926 P509 Q1368943 +Q46739 P108 Q209842 +Q288680 P106 Q33999 +Q204374 P161 Q108935 +Q535812 P509 Q12078 +Q1029853 P106 Q43845 +Q103578 P106 Q10800557 +Q2680 P106 Q33999 +Q559531 P106 Q170790 +Q67449 P106 Q17489339 +Q224754 P106 Q10798782 +Q182580 P106 Q5716684 +Q43303 P119 Q1771319 +Q171453 P161 Q313918 +Q301083 P161 Q242523 +Q444518 P27 Q801 +Q61687 P106 Q17489339 +Q299965 P136 Q8261 +Q948093 P509 Q147778 +Q47087 P1050 Q12195 +Q76409 P737 Q905 +Q179126 P106 Q4964182 +Q114509 P106 Q6625963 +Q25120 P1412 Q652 +Q310170 P106 Q855091 +Q591270 P20 Q60 +Q4227 P69 Q7607037 +Q208572 P136 Q959790 +Q231487 P106 Q33999 +Q173417 P27 Q30 +Q1226921 P264 Q664167 +Q747 P106 Q214917 +Q55767 P27 Q34 +Q433692 P69 Q797078 +Q170328 P106 Q10800557 +Q131333 P140 Q7066 +Q281908 P27 Q30 +Q465663 P19 Q11299 +Q812105 P106 Q36180 +Q178963 P106 Q177220 +Q206466 P264 Q557632 +Q180962 P737 Q7199 +Q11689 P108 Q122453 +Q78639 P27 Q30 +Q256959 P136 Q147516 +Q705529 P1412 Q36510 +Q46080 P27 Q30 +Q357036 P1303 Q8343 +Q107226 P495 Q183 +Q462446 P27 Q30 +Q181086 P136 Q471839 +Q75995 P1412 Q397 +Q2089840 P27 Q172579 +Q504753 P27 Q183 +Q733 P530 Q96 +Q5431220 P106 Q3391743 +Q44197 P140 Q620629 +Q157400 P69 Q5121453 +Q201562 P101 Q207628 +Q185888 P161 Q228766 +Q551204 P108 Q41506 +Q889 P530 Q17 +Q720785 P1412 Q1860 +Q1046612 P1303 Q5994 +Q299132 P106 Q2252262 +Q12883 P106 Q36180 +Q57239 P69 Q152838 +Q66720618 P19 Q1055 +Q5208 P106 Q201788 +Q188235 P264 Q183387 +Q266535 P27 Q142 +Q89404 P106 Q211346 +Q157400 P106 Q753110 +Q58051 P106 Q36180 +Q222041 P161 Q1112005 +Q18425 P1412 Q150 +Q723320 P106 Q1930187 +Q12908 P106 Q12362622 +Q72400 P69 Q317053 +Q128553 P69 Q174570 +Q68468 P106 Q2526255 +Q77204 P106 Q6625963 +Q457923 P106 Q81096 +Q78553 P106 Q81096 +Q565678 P106 Q5371902 +Q2578559 P106 Q1622272 +Q105466 P172 Q42406 +Q229613 P27 Q414 +Q132489 P140 Q3333484 +Q71508 P106 Q33999 +Q106706 P106 Q948329 +Q48990 P551 Q649 +Q170515 P1412 Q652 +Q1189327 P106 Q2490358 +Q445109 P20 Q60 +Q102235 P161 Q374041 +Q125405 P102 Q49768 +Q218575 P106 Q43845 +Q71819 P509 Q12192 +Q179051 P551 Q11299 +Q110379 P106 Q10798782 +Q1644016 P17 Q30 +Q311068 P69 Q13371 +Q710619 P106 Q1622272 +Q201687 P161 Q318267 +Q113032 P19 Q1741 +Q89689 P106 Q82955 +Q43044 P106 Q33999 +Q1731 P463 Q747279 +Q52433 P106 Q974144 +Q104123 P161 Q2680 +Q233368 P106 Q10798782 +Q16400 P106 Q6625963 +Q270268 P106 Q1930187 +Q229197 P106 Q33999 +Q217294 P161 Q106662 +Q171421 P106 Q36180 +Q93166 P106 Q214917 +Q270869 P106 Q488205 +Q194333 P1303 Q1444 +Q61319 P106 Q593644 +Q180962 P69 Q13371 +Q220584 P27 Q30 +Q538000 P106 Q753110 +Q315181 P106 Q639669 +Q1066965 P106 Q639669 +Q55922 P106 Q36180 +Q77148 P106 Q82955 +Q361336 P1412 Q1860 +Q443813 P27 Q30 +Q256054 P106 Q1930187 +Q951621 P1412 Q1321 +Q315181 P106 Q177220 +Q146948 P106 Q1930187 +Q246929 P106 Q639669 +Q28858 P106 Q486748 +Q84445 P1412 Q188 +Q4952325 P19 Q33405 +Q42775 P106 Q2405480 +Q262 P530 Q902 +Q198684 P106 Q33999 +Q375036 P27 Q41 +Q370293 P27 Q408 +Q66622 P20 Q56036 +Q437351 P451 Q3910 +Q126067 P119 Q1497554 +Q181529 P19 Q37836 +Q117012 P27 Q17 +Q453388 P106 Q14467526 +Q203560 P840 Q60 +Q441067 P1412 Q1860 +Q59630 P106 Q10800557 +Q58626 P509 Q175111 +Q220883 P551 Q1400 +Q130853 P463 Q463303 +Q236531 P106 Q33999 +Q77024 P106 Q1930187 +Q35733 P509 Q389735 +Q252 P530 Q219 +Q92510 P106 Q1622272 +Q11755 P106 Q15976092 +Q242640 P101 Q35760 +Q221535 P106 Q855091 +Q103949 P26 Q444788 +Q25161 P136 Q131539 +Q60039 P463 Q44687 +Q929 P463 Q1043527 +Q317397 P106 Q1930187 +Q376176 P106 Q10800557 +Q287793 P106 Q3282637 +Q302433 P106 Q36180 +Q447659 P20 Q649 +Q102438 P161 Q271471 +Q2265719 P17 Q30 +Q16 P530 Q8646 +Q89491 P106 Q36180 +Q240628 P106 Q43845 +Q236599 P106 Q186360 +Q153700 P27 Q38 +Q313185 P172 Q42884 +Q731007 P106 Q855091 +Q4892001 P106 Q43845 +Q441551 P106 Q43845 +Q76483 P27 Q40 +Q105624 P840 Q72 +Q284386 P136 Q1344 +Q118812 P20 Q64 +Q223455 P106 Q28389 +Q120342 P1412 Q7411 +Q34424 P136 Q547137 +Q1449 P17 Q38 +Q390063 P840 Q84 +Q901303 P27 Q183 +Q2005601 P106 Q177220 +Q188388 P106 Q28389 +Q80739 P102 Q29468 +Q271856 P19 Q11299 +Q454870 P20 Q36036 +Q112831 P840 Q84 +Q1167005 P106 Q177220 +Q357036 P119 Q118967 +Q106769 P19 Q2079 +Q42775 P106 Q33999 +Q202550 P27 Q145 +Q185610 P19 Q65 +Q209684 P106 Q37226 +Q54885 P136 Q482 +Q5383 P135 Q885561 +Q153358 P27 Q30 +Q469752 P641 Q31920 +Q42581 P27 Q145 +Q1930688 P1412 Q150 +Q10520 P108 Q740308 +Q60016 P161 Q34975 +Q201751 P106 Q82955 +Q435532 P106 Q33999 +Q271006 P495 Q145 +Q422275 P20 Q824 +Q376807 P136 Q4984974 +Q878 P530 Q218 +Q708620 P264 Q183387 +Q240238 P106 Q10800557 +Q607825 P19 Q994 +Q318320 P1412 Q7411 +Q77729 P69 Q180865 +Q45025 P27 Q131964 +Q161363 P463 Q812155 +Q1526406 P20 Q490 +Q455552 P161 Q204586 +Q144904 P106 Q33999 +Q56094 P106 Q1053574 +Q126183 P161 Q81328 +Q709751 P106 Q36180 +Q837 P530 Q403 +Q1861917 P106 Q28389 +Q659020 P641 Q36908 +Q209012 P161 Q41042 +Q80966 P27 Q408 +Q116577 P20 Q78 +Q747 P27 Q70972 +Q152388 P737 Q9061 +Q36970 P136 Q21010853 +Q699565 P106 Q12362622 +Q223281 P69 Q309350 +Q984644 P106 Q214917 +Q78012 P1412 Q150 +Q983316 P27 Q15180 +Q357821 P106 Q4773904 +Q584500 P463 Q1468277 +Q139549 P106 Q49757 +Q253695 P1303 Q17172850 +Q173540 P69 Q49204 +Q115455 P106 Q49757 +Q38757 P172 Q42884 +Q444857 P106 Q16031530 +Q211 P530 Q212 +Q92638 P69 Q41506 +Q25351 P20 Q162049 +Q192529 P106 Q24067349 +Q431793 P161 Q270186 +Q188697 P20 Q90 +Q234653 P106 Q82594 +Q554422 P19 Q182625 +Q713443 P27 Q36 +Q205028 P161 Q113206 +Q270669 P1303 Q5994 +Q93853 P136 Q2484376 +Q26274 P106 Q33999 +Q288645 P161 Q373034 +Q35332 P551 Q65 +Q54545 P27 Q213 +Q267550 P106 Q33999 +Q432102 P161 Q189599 +Q1239278 P1303 Q17172850 +Q381799 P106 Q10800557 +Q40096 P106 Q36834 +Q202801 P106 Q2259451 +Q462447 P161 Q312081 +Q164487 P106 Q18814623 +Q166796 P551 Q1297 +Q982339 P106 Q2526255 +Q163038 P161 Q145627 +Q344973 P106 Q28389 +Q75381 P106 Q1930187 +Q259788 P27 Q801 +Q201656 P1050 Q124407 +Q862 P106 Q36180 +Q686493 P19 Q60 +Q4093262 P106 Q876864 +Q242387 P20 Q16557 +Q111436 P106 Q1415090 +Q240253 P106 Q6673651 +Q207036 P106 Q214917 +Q250669 P27 Q145 +Q265069 P136 Q131578 +Q231726 P106 Q10798782 +Q465511 P69 Q21578 +Q3769061 P106 Q3282637 +Q1553657 P106 Q158852 +Q91827 P1412 Q188 +Q6080085 P1412 Q1617 +Q214299 P108 Q144488 +Q7833 P106 Q28389 +Q541599 P1303 Q17172850 +Q309756 P106 Q28389 +Q258761 P1303 Q6607 +Q1350509 P1303 Q1444 +Q51094 P1303 Q6607 +Q500042 P69 Q49088 +Q39 P463 Q782942 +Q343433 P27 Q28 +Q60625 P108 Q702524 +Q115 P530 Q43 +Q164745 P27 Q12560 +Q105823 P136 Q38848 +Q5879 P463 Q684415 +Q242729 P106 Q2259451 +Q219420 P106 Q36180 +Q118812 P463 Q414188 +Q229550 P136 Q37073 +Q45546 P69 Q691283 +Q1927260 P106 Q2500638 +Q229840 P106 Q6625963 +Q87821 P106 Q36180 +Q443166 P19 Q24639 +Q432385 P1412 Q1860 +Q189415 P106 Q36834 +Q70737 P1412 Q188 +Q334665 P106 Q11774156 +Q270951 P27 Q15180 +Q1065189 P108 Q168756 +Q9061 P106 Q3242115 +Q302817 P509 Q175111 +Q313874 P136 Q20442589 +Q302400 P1303 Q17172850 +Q865 P530 Q805 +Q235770 P106 Q10816969 +Q270123 P106 Q2252262 +Q766930 P136 Q83440 +Q132095 P19 Q192807 +Q357001 P40 Q220901 +Q209012 P495 Q30 +Q151608 P463 Q152222 +Q975491 P69 Q1145814 +Q45546 P106 Q49757 +Q2496057 P27 Q184 +Q42037 P1412 Q150 +Q78491 P106 Q333634 +Q804 P463 Q191384 +Q57309 P102 Q49750 +Q76291 P106 Q901 +Q310930 P106 Q3282637 +Q731195 P106 Q3282637 +Q41449 P27 Q30 +Q213865 P1412 Q188 +Q205447 P136 Q1200678 +Q142999 P106 Q1743122 +Q921869 P27 Q161885 +Q223367 P161 Q231310 +Q183 P530 Q837 +Q40263 P26 Q400 +Q187154 P161 Q221364 +Q2643 P136 Q206159 +Q202735 P106 Q2526255 +Q1371509 P131 Q90 +Q31 P463 Q842490 +Q326229 P27 Q30 +Q727301 P106 Q2306091 +Q76512 P140 Q9592 +Q55249 P140 Q1841 +Q334 P37 Q1860 +Q194280 P69 Q1145814 +Q153832 P1412 Q188 +Q2569 P69 Q55044 +Q331728 P264 Q843402 +Q312885 P106 Q177220 +Q215036 P106 Q3282637 +Q5809 P551 Q414 +Q187033 P106 Q10798782 +Q240082 P106 Q177220 +Q1618 P172 Q115026 +Q780538 P27 Q28 +Q41396 P19 Q47164 +Q202536 P106 Q2259451 +Q202326 P161 Q104067 +Q956652 P102 Q590750 +Q294812 P106 Q10800557 +Q368794 P106 Q2259451 +Q77751 P463 Q459620 +Q387434 P106 Q2259451 +Q49735 P136 Q9794 +Q60259 P27 Q183 +Q157318 P27 Q211274 +Q59837 P108 Q49205 +Q249841 P106 Q1930187 +Q35314 P27 Q15180 +Q472071 P106 Q15296811 +Q3088816 P106 Q183945 +Q89516 P463 Q684415 +Q213684 P551 Q750 +Q238557 P27 Q414 +Q227129 P1303 Q6607 +Q241422 P140 Q75809 +Q3816 P1412 Q150 +Q207036 P69 Q35794 +Q210812 P161 Q159577 +Q9570 P1303 Q17172850 +Q183492 P106 Q11774202 +Q731829 P463 Q253439 +Q82918 P463 Q842008 +Q111323 P102 Q153401 +Q465386 P106 Q40348 +Q228871 P1412 Q1860 +Q508497 P19 Q1486 +Q231171 P106 Q186360 +Q63117 P69 Q317053 +Q211513 P106 Q131524 +Q191305 P172 Q121842 +Q1432130 P1303 Q5994 +Q78526 P136 Q8361 +Q184565 P20 Q462799 +Q60133 P27 Q151624 +Q7346 P106 Q158852 +Q233397 P551 Q350 +Q1245 P106 Q82955 +Q800 P530 Q298 +Q503597 P106 Q3282637 +Q103157 P106 Q10800557 +Q548672 P106 Q170790 +Q442892 P106 Q483501 +Q427534 P136 Q130232 +Q103835 P1412 Q7411 +Q236212 P106 Q33999 +Q162045 P1303 Q5994 +Q326229 P40 Q332783 +Q151892 P102 Q29552 +Q272977 P106 Q13235160 +Q3123761 P463 Q188771 +Q14439 P1303 Q17172850 +Q152335 P1412 Q188 +Q61769 P108 Q273263 +Q91990 P108 Q152838 +Q17714 P463 Q466089 +Q188411 P106 Q1234713 +Q319283 P27 Q30 +Q266795 P106 Q10800557 +Q197491 P136 Q471839 +Q61199 P1412 Q188 +Q715281 P136 Q12799318 +Q101734 P106 Q28389 +Q963 P463 Q7785 +Q122003 P106 Q937857 +Q73028 P136 Q859369 +Q319996 P106 Q639669 +Q258 P463 Q827525 +Q1900054 P106 Q753110 +Q71905 P106 Q1350157 +Q944386 P106 Q1622272 +Q17905 P27 Q183 +Q464277 P27 Q30 +Q57472 P27 Q183 +Q26412 P463 Q1425328 +Q249647 P20 Q649 +Q252409 P161 Q228943 +Q332881 P69 Q192088 +Q11726 P106 Q40348 +Q709670 P119 Q311 +Q1344392 P106 Q43845 +Q271145 P1412 Q1860 +Q1385000 P463 Q270794 +Q334288 P1303 Q17172850 +Q106443 P509 Q11081 +Q189 P530 Q35 +Q3173947 P106 Q806798 +Q92562 P102 Q49629 +Q94358 P106 Q10800557 +Q442931 P108 Q608338 +Q295144 P69 Q273593 +Q108941 P19 Q39561 +Q3570727 P463 Q127992 +Q352914 P106 Q36180 +Q110379 P106 Q10800557 +Q179743 P161 Q934722 +Q76324 P102 Q49768 +Q242939 P106 Q43845 +Q40187 P161 Q40143 +Q228494 P106 Q28389 +Q344983 P106 Q3282637 +Q332525 P106 Q33231 +Q90709 P69 Q152838 +Q296069 P106 Q28389 +Q81244 P1412 Q1860 +Q31621 P106 Q350979 +Q1286597 P20 Q3711 +Q2498968 P106 Q81096 +Q440007 P551 Q84 +Q165824 P26 Q68325 +Q499339 P463 Q684415 +Q570913 P106 Q1930187 +Q61895 P1412 Q188 +Q153723 P161 Q35332 +Q441990 P106 Q2405480 +Q40645 P106 Q222344 +Q1033 P463 Q7825 +Q224647 P161 Q362559 +Q218 P530 Q215 +Q325396 P106 Q2059704 +Q709077 P69 Q49088 +Q201477 P463 Q329464 +Q1049 P530 Q114 +Q71106 P106 Q201788 +Q40933 P20 Q1486 +Q8873 P106 Q7042855 +Q458709 P1412 Q652 +Q272069 P463 Q189991 +Q489252 P101 Q8341 +Q55469 P1412 Q652 +Q323456 P106 Q639669 +Q259446 P106 Q1930187 +Q1290210 P106 Q1259917 +Q1040459 P106 Q177220 +Q132095 P1412 Q9288 +Q12908 P1412 Q143 +Q256531 P106 Q131524 +Q296545 P20 Q138518 +Q314290 P106 Q948329 +Q1276 P20 Q65 +Q76959 P27 Q145 +Q46706 P106 Q18939491 +Q196685 P840 Q1261 +Q969753 P19 Q2868 +Q118982 P69 Q156737 +Q1203 P264 Q213710 +Q34787 P1412 Q188 +Q258 P530 Q854 +Q434266 P106 Q212980 +Q373423 P463 Q463281 +Q783992 P1303 Q17172850 +Q15180 P530 Q819 +Q1395790 P106 Q14915627 +Q242577 P106 Q10798782 +Q178709 P101 Q5891 +Q106740 P69 Q774489 +Q1196157 P136 Q959790 +Q111447 P106 Q901 +Q1159089 P27 Q30 +Q271731 P1412 Q188 +Q25820 P463 Q191583 +Q128529 P551 Q340 +Q4263553 P106 Q901 +Q76343 P1412 Q9067 +Q193278 P119 Q1302545 +Q76820 P106 Q36180 +Q93349 P136 Q8341 +Q609095 P106 Q28389 +Q382393 P106 Q2259451 +Q228852 P106 Q36180 +Q498 P1412 Q150 +Q55404 P106 Q2526255 +Q152824 P69 Q168756 +Q163747 P1412 Q188 +Q60847 P69 Q151510 +Q726071 P264 Q190585 +Q215708 P106 Q28389 +Q66622 P106 Q82955 +Q267321 P840 Q1297 +Q323392 P161 Q313918 +Q189330 P161 Q45772 +Q736 P530 Q717 +Q547660 P1412 Q1860 +Q297831 P264 Q654283 +Q186587 P495 Q233 +Q221546 P264 Q726251 +Q67449 P26 Q77809 +Q126896 P161 Q80046 +Q215026 P106 Q639669 +Q2607 P1412 Q188 +Q232251 P161 Q191966 +Q333573 P1412 Q1860 +Q1500187 P161 Q275161 +Q72479 P106 Q10798782 +Q71998 P27 Q39 +Q192442 P106 Q350979 +Q708581 P136 Q482 +Q347461 P106 Q28389 +Q653949 P106 Q4964182 +Q436503 P1303 Q17172850 +Q265252 P1303 Q61285 +Q166646 P27 Q145 +Q382604 P106 Q482980 +Q180098 P161 Q282693 +Q180272 P27 Q30 +Q142768 P27 Q34266 +Q485310 P551 Q189074 +Q1333385 P106 Q639669 +Q51552 P1412 Q150 +Q9602 P108 Q49210 +Q902 P530 Q35 +Q193273 P106 Q36834 +Q134262 P106 Q49757 +Q1058562 P106 Q131524 +Q202729 P1303 Q5994 +Q946774 P106 Q2310145 +Q25318 P106 Q82955 +Q208909 P749 Q21077 +Q297425 P20 Q65 +Q23365 P106 Q10800557 +Q1178789 P27 Q30 +Q733 P463 Q842490 +Q211379 P106 Q1930187 +Q214226 P106 Q488205 +Q22432 P161 Q201418 +Q365633 P102 Q29468 +Q168704 P509 Q188605 +Q207873 P172 Q1344183 +Q888666 P20 Q60 +Q1396630 P1412 Q1860 +Q625272 P69 Q49114 +Q133308 P551 Q1741 +Q214548 P106 Q947873 +Q71960 P136 Q130232 +Q428551 P161 Q315083 +Q74636 P161 Q320093 +Q435124 P106 Q33999 +Q84579 P106 Q2374149 +Q213543 P106 Q1792450 +Q272929 P106 Q33999 +Q1350509 P106 Q1930187 +Q48048 P1412 Q7737 +Q3719620 P69 Q13371 +Q2857384 P106 Q36834 +Q76525 P1412 Q188 +Q207482 P161 Q262479 +Q76516 P1412 Q188 +Q322275 P264 Q1439985 +Q448960 P106 Q753110 +Q319896 P27 Q193714 +Q782020 P509 Q12078 +Q1509908 P108 Q4614 +Q55 P463 Q1377612 +Q983167 P140 Q432 +Q189375 P106 Q36180 +Q213582 P1412 Q8785 +Q216221 P106 Q2405480 +Q797649 P106 Q36180 +Q15809 P106 Q214917 +Q162753 P106 Q2526255 +Q235403 P106 Q36180 +Q775671 P27 Q38 +Q246091 P106 Q36180 +Q123225 P69 Q156598 +Q540395 P106 Q177220 +Q65350 P101 Q413 +Q110073 P463 Q466113 +Q27214 P106 Q1930187 +Q73938 P1412 Q188 +Q690974 P463 Q3308284 +Q706641 P27 Q30 +Q201514 P106 Q177220 +Q131864 P161 Q193509 +Q220480 P102 Q29468 +Q287740 P57 Q192912 +Q423 P530 Q928 +Q214063 P106 Q2259451 +Q231608 P509 Q12152 +Q650640 P108 Q216047 +Q195718 P19 Q24639 +Q56093 P509 Q12192 +Q1635222 P27 Q30 +Q51549 P106 Q3282637 +Q90577 P463 Q2043519 +Q72832 P106 Q10800557 +Q42552 P102 Q537303 +Q44414 P69 Q736674 +Q2256 P17 Q174193 +Q447827 P106 Q1930187 +Q1067 P737 Q102851 +Q221345 P161 Q191084 +Q215855 P106 Q855091 +Q59824 P106 Q10800557 +Q690474 P106 Q639669 +Q430922 P27 Q30 +Q233397 P106 Q2722764 +Q457316 P27 Q77 +Q16 P463 Q81299 +Q739 P463 Q1065 +Q234847 P106 Q33999 +Q348497 P19 Q1899 +Q356762 P1303 Q17172850 +Q267359 P106 Q10798782 +Q59945 P108 Q372608 +Q213081 P161 Q371972 +Q43718 P106 Q201788 +Q70819 P69 Q312578 +Q1033 P463 Q5611262 +Q971447 P1412 Q7737 +Q235134 P108 Q21705070 +Q560354 P509 Q181754 +Q310113 P69 Q1026939 +Q223374 P136 Q130232 +Q170042 P1303 Q17172850 +Q296609 P106 Q855091 +Q91903 P108 Q154804 +Q263518 P106 Q177220 +Q297532 P106 Q49757 +Q15935 P264 Q1142456 +Q848723 P108 Q49088 +Q167997 P106 Q11063 +Q354394 P106 Q4263842 +Q498045 P106 Q822146 +Q329807 P27 Q30 +Q38 P463 Q41550 +Q15800 P106 Q49757 +Q51559 P106 Q2259451 +Q153136 P30 Q46 +Q250250 P19 Q84 +Q358306 P27 Q30 +Q190386 P106 Q10800557 +Q99596 P27 Q183 +Q455605 P264 Q287177 +Q335064 P106 Q18814623 +Q50186 P27 Q142 +Q503758 P69 Q83259 +Q356309 P509 Q29496 +Q65337 P463 Q329464 +Q313813 P106 Q855091 +Q60801 P106 Q18814623 +Q85394 P27 Q268970 +Q523578 P106 Q1930187 +Q940891 P1303 Q6607 +Q9391 P1303 Q8343 +Q182725 P106 Q55960555 +Q673567 P140 Q7066 +Q1384236 P106 Q16533 +Q232860 P27 Q16 +Q58085 P106 Q1238570 +Q33866 P40 Q449894 +Q296008 P106 Q10798782 +Q6060 P106 Q488205 +Q51566 P69 Q1524124 +Q210059 P136 Q24925 +Q283700 P19 Q61 +Q29055 P106 Q211236 +Q78349 P69 Q151510 +Q14279 P27 Q142 +Q455120 P1412 Q5146 +Q648359 P106 Q33999 +Q1049 P530 Q159 +Q975547 P27 Q30 +Q1382535 P27 Q794 +Q720868 P19 Q31487 +Q1347095 P264 Q216364 +Q9381 P69 Q192775 +Q201732 P136 Q8261 +Q107761 P840 Q61 +Q62234 P106 Q593644 +Q105598 P840 Q65 +Q329709 P136 Q17013749 +Q152843 P27 Q145 +Q233854 P140 Q9592 +Q10327963 P69 Q13371 +Q97076 P1412 Q188 +Q242650 P106 Q2259451 +Q1147551 P551 Q65 +Q333251 P1412 Q1860 +Q374610 P106 Q36180 +Q516786 P106 Q49757 +Q71452 P264 Q183387 +Q43432 P451 Q44380 +Q166262 P840 Q917 +Q20 P463 Q5611262 +Q155684 P1412 Q9067 +Q1933397 P1303 Q52954 +Q78926 P69 Q689400 +Q127548 P106 Q36834 +Q314957 P509 Q12152 +Q237270 P106 Q8246794 +Q58866 P119 Q176298 +Q778539 P106 Q639669 +Q24356 P27 Q30 +Q229 P37 Q9129 +Q333475 P1050 Q12195 +Q77204 P135 Q37068 +Q1079105 P136 Q11399 +Q408 P530 Q41 +Q61594 P106 Q4610556 +Q7318 P37 Q188 +Q11124 P69 Q49122 +Q231635 P106 Q10800557 +Q305962 P27 Q12560 +Q965 P530 Q34 +Q208117 P1412 Q1860 +Q1078152 P106 Q43845 +Q57075 P106 Q1622272 +Q241398 P106 Q11774202 +Q250669 P19 Q131491 +Q103109 P106 Q36180 +Q213565 P69 Q152171 +Q42581 P172 Q42406 +Q4039 P106 Q37226 +Q1382830 P1303 Q5994 +Q778 P530 Q865 +Q106506 P161 Q219717 +Q2201 P161 Q4509 +Q217112 P57 Q223687 +Q965375 P1412 Q150 +Q72400 P106 Q36180 +Q70989 P1412 Q188 +Q297816 P136 Q8341 +Q11903 P20 Q87 +Q214959 P19 Q189074 +Q5673 P106 Q482980 +Q60650 P40 Q65350 +Q129817 P1412 Q1860 +Q110138 P840 Q99 +Q33 P463 Q45177 +Q4636 P69 Q1542213 +Q206832 P1412 Q1321 +Q391542 P136 Q52162262 +Q183074 P106 Q4964182 +Q93070 P101 Q21198 +Q9916 P1050 Q12152 +Q5604 P172 Q49078 +Q163557 P102 Q727724 +Q320204 P27 Q30 +Q212 P530 Q30 +Q77991 P106 Q947873 +Q166835 P102 Q29468 +Q432743 P264 Q231694 +Q219744 P172 Q160894 +Q104109 P106 Q33999 +Q18430 P551 Q60 +Q765165 P106 Q47064 +Q256354 P1412 Q7737 +Q1560657 P106 Q1259917 +Q190379 P106 Q214917 +Q5592 P140 Q1841 +Q319684 P1412 Q150 +Q275875 P1412 Q7737 +Q445125 P106 Q2405480 +Q345494 P106 Q33999 +Q97676 P20 Q1799 +Q980151 P264 Q2034661 +Q222833 P106 Q10800557 +Q50003 P509 Q12152 +Q122701 P463 Q414188 +Q304874 P1412 Q1860 +Q58978 P463 Q191583 +Q457353 P1303 Q17172850 +Q1386098 P172 Q49085 +Q786579 P106 Q4263842 +Q123368 P69 Q206702 +Q467091 P27 Q414 +Q545476 P27 Q155 +Q845278 P69 Q219694 +Q39999 P161 Q1388769 +Q3709938 P27 Q30 +Q158759 P136 Q130232 +Q233541 P136 Q131272 +Q95663 P27 Q183 +Q26695 P136 Q131272 +Q166646 P463 Q123885 +Q28513 P140 Q9592 +Q67076 P106 Q876864 +Q773736 P106 Q49757 +Q188000 P161 Q257271 +Q310729 P161 Q388557 +Q354873 P106 Q10798782 +Q942929 P106 Q1930187 +Q573017 P264 Q203059 +Q271874 P264 Q726251 +Q78491 P106 Q864380 +Q168849 P495 Q30 +Q123225 P463 Q4345832 +Q490114 P140 Q178169 +Q93188 P40 Q327426 +Q151848 P136 Q130232 +Q213585 P69 Q154561 +Q213081 P136 Q471839 +Q57603 P106 Q36180 +Q361976 P101 Q24454422 +Q153243 P106 Q81096 +Q159690 P57 Q84199 +Q184746 P106 Q36180 +Q107328 P106 Q185351 +Q49734 P119 Q6923684 +Q7315 P106 Q158852 +Q23685 P106 Q131512 +Q67436 P69 Q1341516 +Q72867 P19 Q4093 +Q163662 P19 Q1342 +Q790 P463 Q656801 +Q92619 P108 Q1145814 +Q315152 P106 Q10871364 +Q76343 P463 Q688638 +Q494676 P136 Q183504 +Q120381 P106 Q49757 +Q25856 P1412 Q188 +Q203533 P27 Q28 +Q359031 P108 Q49088 +Q319871 P102 Q29468 +Q18913 P106 Q2004963 +Q363810 P1412 Q1860 +Q177111 P106 Q10800557 +Q367073 P106 Q713200 +Q202449 P106 Q33999 +Q92636 P108 Q168756 +Q938402 P1412 Q9299 +Q281962 P106 Q10800557 +Q190998 P106 Q2526255 +Q188389 P19 Q43199 +Q203286 P1412 Q1860 +Q42511 P102 Q9630 +Q37327 P1412 Q150 +Q88135 P106 Q82955 +Q784260 P19 Q18419 +Q1806985 P106 Q10800557 +Q127481 P1412 Q150 +Q3057567 P1412 Q150 +Q254265 P106 Q10800557 +Q1803720 P136 Q1196752 +Q1785 P106 Q36834 +Q61398 P463 Q156652 +Q96 P530 Q750 +Q4834218 P172 Q49085 +Q62672 P106 Q1930187 +Q162597 P69 Q3064325 +Q45723 P106 Q193391 +Q223769 P1303 Q17172850 +Q442667 P27 Q17 +Q181677 P106 Q876864 +Q233229 P27 Q30 +Q2428820 P27 Q1206012 +Q335160 P161 Q167774 +Q236250 P106 Q10798782 +Q7504 P509 Q29496 +Q170333 P106 Q14467526 +Q435475 P106 Q10800557 +Q18415 P161 Q41142 +Q231228 P106 Q33999 +Q440272 P1303 Q17172850 +Q39 P37 Q652 +Q42775 P136 Q203720 +Q53714 P136 Q37073 +Q428158 P161 Q36290 +Q206112 P1412 Q1860 +Q275875 P136 Q58339 +Q438310 P106 Q177220 +Q95861 P19 Q702259 +Q2594 P102 Q328195 +Q91582 P106 Q201788 +Q57410 P1412 Q150 +Q313998 P840 Q60 +Q1507495 P106 Q639669 +Q238140 P106 Q28389 +Q11613 P20 Q41819 +Q526382 P101 Q11634 +Q177288 P101 Q482 +Q458229 P1303 Q163829 +Q354519 P264 Q1465812 +Q253395 P106 Q36180 +Q163557 P1412 Q188 +Q102139 P26 Q1389258 +Q1274170 P106 Q177220 +Q107432 P106 Q158852 +Q60847 P19 Q2865 +Q822666 P463 Q938622 +Q1164663 P27 Q145 +Q374065 P106 Q33999 +Q232646 P106 Q639669 +Q62400 P19 Q1731 +Q229029 P19 Q84 +Q4139600 P463 Q2370801 +Q303207 P106 Q753110 +Q4985 P119 Q2000666 +Q390052 P136 Q959790 +Q189950 P27 Q139319 +Q365199 P509 Q1368943 +Q271471 P1412 Q1860 +Q9364 P737 Q48301 +Q154356 P463 Q188771 +Q32661 P26 Q40054 +Q164663 P495 Q183 +Q81624 P106 Q177220 +Q329156 P509 Q11085 +Q170095 P27 Q142 +Q403 P530 Q837 +Q505850 P69 Q168756 +Q337078 P161 Q202859 +Q157032 P172 Q127885 +Q272019 P106 Q33999 +Q5372719 P172 Q49085 +Q90781 P20 Q1726 +Q42229 P140 Q9592 +Q1803090 P106 Q10798782 +Q351061 P1303 Q6607 +Q65857 P1412 Q188 +Q4120312 P509 Q12136 +Q256884 P106 Q10800557 +Q12571 P27 Q39 +Q57445 P69 Q154804 +Q203286 P19 Q18013 +Q1441274 P1303 Q46185 +Q165268 P136 Q188473 +Q983434 P106 Q201788 +Q94555 P19 Q84 +Q561401 P106 Q10800557 +Q73890 P106 Q36180 +Q361677 P106 Q183945 +Q214697 P40 Q169311 +Q495272 P19 Q8684 +Q109767 P161 Q51564 +Q328797 P27 Q30 +Q934097 P20 Q2868 +Q30 P530 Q836 +Q865 P530 Q1041 +Q175392 P69 Q981195 +Q88073 P463 Q2043519 +Q507046 P106 Q81096 +Q183066 P161 Q28493 +Q981270 P106 Q81096 +Q35448 P106 Q189290 +Q83275 P106 Q4964182 +Q73930 P106 Q10800557 +Q26648 P1412 Q397 +Q1051531 P136 Q484641 +Q732980 P136 Q186424 +Q66880 P27 Q183 +Q362332 P19 Q23556 +Q468585 P106 Q639669 +Q60804 P108 Q131252 +Q92767 P106 Q82594 +Q215497 P19 Q43301 +Q262772 P19 Q13375 +Q78038 P27 Q183 +Q55198 P509 Q12152 +Q1060395 P27 Q172579 +Q352738 P27 Q218 +Q213765 P1412 Q188 +Q540134 P1303 Q6607 +Q80900 P106 Q4853732 +Q2308660 P509 Q220570 +Q1803720 P106 Q3282637 +Q124834 P106 Q10798782 +Q359059 P1303 Q6607 +Q241873 P106 Q2259451 +Q157245 P27 Q30 +Q167997 P106 Q169470 +Q77060 P106 Q2865819 +Q855252 P69 Q658975 +Q331461 P106 Q33999 +Q214477 P20 Q159288 +Q403 P463 Q842490 +Q342549 P1412 Q1860 +Q691471 P106 Q1930187 +Q380626 P136 Q8341 +Q62763 P106 Q81096 +Q855 P27 Q34266 +Q266179 P106 Q3282637 +Q67438 P27 Q183 +Q202319 P106 Q806349 +Q722555 P19 Q3711 +Q241754 P19 Q1781 +Q142 P530 Q796 +Q382316 P106 Q753110 +Q7243 P136 Q25372 +Q55468 P509 Q1368943 +Q710 P463 Q827525 +Q2807 P17 Q29 +Q1291679 P20 Q60 +Q311613 P106 Q2526255 +Q228871 P106 Q33999 +Q1111386 P509 Q389735 +Q1000051 P69 Q49088 +Q709640 P106 Q130857 +Q113570 P20 Q11299 +Q459681 P106 Q2526255 +Q58051 P20 Q1726 +Q168482 P27 Q29 +Q316427 P20 Q40435 +Q247846 P19 Q649 +Q575444 P106 Q177220 +Q365682 P106 Q28389 +Q303464 P1303 Q17172850 +Q739 P463 Q842490 +Q61347 P106 Q28389 +Q30875 P136 Q482 +Q7504 P106 Q16742096 +Q148204 P161 Q196080 +Q214549 P106 Q81096 +Q909 P737 Q42511 +Q357624 P19 Q41329 +Q842 P463 Q1137381 +Q7314 P106 Q158852 +Q801 P530 Q750 +Q43274 P69 Q332342 +Q145 P530 Q36 +Q201538 P509 Q29496 +Q183031 P106 Q28389 +Q342949 P19 Q60 +Q493 P140 Q1841 +Q199929 P106 Q10800557 +Q46599 P172 Q49542 +Q333653 P136 Q8261 +Q299138 P106 Q10798782 +Q199943 P19 Q490 +Q467574 P27 Q39 +Q1160461 P106 Q1622272 +Q730 P463 Q7825 +Q57552 P106 Q1930187 +Q158017 P106 Q1259917 +Q286339 P509 Q12136 +Q2201 P161 Q388557 +Q165668 P463 Q15646111 +Q61347 P551 Q24639 +Q270638 P551 Q47716 +Q61723 P1412 Q188 +Q61743 P101 Q395 +Q726280 P69 Q371625 +Q321365 P106 Q33999 +Q442980 P106 Q33999 +Q202386 P106 Q201788 +Q60584 P106 Q13424456 +Q335160 P161 Q35332 +Q134262 P106 Q28389 +Q112255 P106 Q10800557 +Q163118 P106 Q333634 +Q1131481 P20 Q2044 +Q52926 P463 Q4345832 +Q256666 P106 Q222344 +Q314427 P264 Q193023 +Q181774 P27 Q145 +Q443897 P264 Q216364 +Q123097 P136 Q586250 +Q1247078 P264 Q843402 +Q7302 P27 Q161885 +Q893664 P27 Q241 +Q1777864 P106 Q36834 +Q470875 P106 Q36180 +Q716367 P106 Q4263842 +Q104267 P27 Q183 +Q244333 P136 Q188473 +Q77980 P106 Q82955 +Q23261 P106 Q2526255 +Q1044657 P136 Q11399 +Q30875 P106 Q4853732 +Q964219 P106 Q639669 +Q266006 P106 Q177220 +Q765 P106 Q644687 +Q154556 P463 Q1541450 +Q981785 P27 Q34 +Q52950 P463 Q191583 +Q183 P530 Q836 +Q77489 P172 Q42884 +Q822668 P106 Q901 +Q273876 P106 Q10800557 +Q403 P530 Q881 +Q240886 P1303 Q17172850 +Q801 P530 Q1033 +Q944245 P27 Q145 +Q110870 P463 Q18650004 +Q320178 P106 Q28389 +Q449769 P106 Q4964182 +Q134958 P106 Q214917 +Q133151 P264 Q216364 +Q180819 P737 Q35802 +Q346285 P27 Q145 +Q60052 P463 Q329464 +Q334780 P161 Q323452 +Q70881 P27 Q183 +Q192682 P106 Q10800557 +Q435805 P27 Q15180 +Q155463 P1412 Q1321 +Q4147199 P27 Q15180 +Q36878 P135 Q180902 +Q154782 P101 Q431 +Q55264 P106 Q3387717 +Q47595 P106 Q36834 +Q229013 P27 Q30 +Q68121 P27 Q183 +Q9317 P69 Q924289 +Q720785 P106 Q1415090 +Q92670 P27 Q30 +Q61262 P69 Q151510 +Q694042 P19 Q2107 +Q154935 P161 Q313501 +Q352975 P106 Q1930187 +Q139087 P108 Q168756 +Q78999 P27 Q40 +Q7747 P27 Q159 +Q12658 P463 Q253439 +Q60714 P27 Q41304 +Q957921 P106 Q14915627 +Q96492 P1412 Q188 +Q100028 P1412 Q188 +Q103527 P106 Q36180 +Q10411 P106 Q36180 +Q4120312 P3373 Q307463 +Q110942 P106 Q1622272 +Q60217 P108 Q152087 +Q232874 P106 Q2259451 +Q206890 P27 Q16 +Q202550 P264 Q664167 +Q242477 P102 Q29552 +Q430535 P136 Q645928 +Q502 P106 Q36180 +Q262396 P264 Q202440 +Q314485 P27 Q30 +Q365484 P106 Q10800557 +Q188111 P264 Q1988428 +Q1741 P17 Q268970 +Q967 P463 Q376150 +Q285254 P106 Q6168364 +Q156597 P161 Q295034 +Q314659 P69 Q927627 +Q77881 P106 Q188094 +Q1347483 P106 Q639669 +Q55245 P26 Q129429 +Q38222 P106 Q10732476 +Q160619 P19 Q23482 +Q151414 P641 Q41323 +Q7747 P102 Q151469 +Q97129 P27 Q183 +Q212026 P106 Q33999 +Q3770812 P106 Q39631 +Q253978 P136 Q130232 +Q229 P463 Q17495 +Q110726 P106 Q14467526 +Q332709 P140 Q1841 +Q337526 P17 Q142 +Q275900 P1303 Q17172850 +Q334396 P106 Q193391 +Q103955 P509 Q12202 +Q103578 P3373 Q313204 +Q363708 P136 Q373342 +Q82110 P106 Q2526255 +Q185655 P106 Q1053574 +Q155786 P106 Q169470 +Q151848 P840 Q65 +Q986 P530 Q183 +Q182522 P463 Q463303 +Q71018 P106 Q82955 +Q4245942 P463 Q2370801 +Q92965 P463 Q127992 +Q152245 P69 Q152171 +Q63169 P509 Q175111 +Q193156 P106 Q40348 +Q2901936 P19 Q270 +Q360528 P106 Q10798782 +Q343394 P140 Q432 +Q230523 P106 Q177220 +Q9317 P102 Q622441 +Q229784 P27 Q30 +Q379836 P106 Q36180 +Q215735 P106 Q13418253 +Q74579 P136 Q157394 +Q176277 P1412 Q1860 +Q205447 P161 Q219653 +Q631416 P69 Q616591 +Q104955 P20 Q56037 +Q22316 P1412 Q150 +Q2599 P136 Q484641 +Q154410 P106 Q49757 +Q211513 P106 Q4164507 +Q237112 P106 Q14467526 +Q381827 P69 Q273523 +Q932344 P69 Q49088 +Q186329 P69 Q304985 +Q236505 P172 Q170217 +Q359474 P27 Q30 +Q202185 P136 Q43343 +Q76791 P106 Q901402 +Q318736 P106 Q2526255 +Q1027 P530 Q668 +Q188848 P106 Q177220 +Q271981 P26 Q539897 +Q269462 P264 Q557632 +Q76363 P106 Q193391 +Q239565 P136 Q37073 +Q45188 P136 Q37073 +Q47163 P27 Q1747689 +Q398 P463 Q842490 +Q265179 P19 Q174 +Q1232794 P509 Q12078 +Q62046 P140 Q9592 +Q794 P530 Q227 +Q1253 P1412 Q150 +Q156321 P27 Q131964 +Q339045 P161 Q25014 +Q430602 P106 Q822146 +Q77740 P101 Q482 +Q229599 P161 Q229048 +Q484523 P264 Q203059 +Q1006 P463 Q17495 +Q442198 P135 Q9730 +Q327836 P106 Q177220 +Q205120 P69 Q49088 +Q200396 P136 Q19367312 +Q102902 P20 Q64 +Q311476 P463 Q414110 +Q1014 P463 Q7159 +Q281480 P136 Q2484376 +Q131433 P26 Q547660 +Q77107 P27 Q12548 +Q216838 P106 Q333634 +Q258693 P264 Q216364 +Q105167 P509 Q181754 +Q408 P463 Q45177 +Q748222 P20 Q90 +Q943694 P108 Q214341 +Q333856 P69 Q81162 +Q291180 P161 Q350424 +Q577704 P106 Q4263842 +Q211831 P27 Q145 +Q513615 P108 Q219615 +Q44593 P20 Q84 +Q564953 P136 Q9730 +Q180224 P1303 Q6607 +Q313627 P136 Q9778 +Q77377 P27 Q7318 +Q241 P463 Q8475 +Q502963 P106 Q28389 +Q29344 P106 Q164236 +Q451250 P136 Q130232 +Q515904 P106 Q36180 +Q185007 P463 Q2822396 +Q67526 P106 Q1622272 +Q3346431 P106 Q674067 +Q72932 P20 Q3869 +Q360663 P27 Q30 +Q61469 P106 Q1225716 +Q520001 P106 Q10800557 +Q570913 P1412 Q9299 +Q352963 P106 Q6625963 +Q183 P530 Q657 +Q231228 P264 Q183387 +Q44398 P19 Q1741 +Q7659636 P159 Q65 +Q190148 P108 Q148 +Q1398834 P106 Q486748 +Q242949 P106 Q36180 +Q681465 P106 Q639669 +Q24064 P106 Q639669 +Q95120 P106 Q4263842 +Q333595 P106 Q948329 +Q41 P530 Q96 +Q843 P530 Q805 +Q311450 P509 Q476921 +Q294812 P69 Q797078 +Q317907 P106 Q13570226 +Q35 P463 Q656801 +Q335552 P106 Q484876 +Q295420 P106 Q5716684 +Q59185 P264 Q121698 +Q211731 P106 Q36180 +Q951621 P140 Q9592 +Q4401409 P463 Q1425328 +Q4889934 P106 Q15296811 +Q263178 P106 Q10800557 +Q90 P131 Q70972 +Q335160 P161 Q169963 +Q11153 P27 Q30 +Q223559 P161 Q316231 +Q88267 P106 Q16287483 +Q854912 P1303 Q5994 +Q457856 P106 Q1930187 +Q234058 P102 Q29552 +Q123483 P463 Q414110 +Q863226 P106 Q855091 +Q78496 P106 Q4964182 +Q5284 P26 Q463877 +Q1010602 P19 Q490 +Q44578 P161 Q205435 +Q217020 P136 Q319221 +Q72913 P27 Q1206012 +Q68468 P106 Q2405480 +Q155390 P69 Q174570 +Q883730 P1303 Q8371 +Q352496 P106 Q81096 +Q158123 P1412 Q188 +Q58062 P1412 Q188 +Q188344 P106 Q49757 +Q1349079 P172 Q49085 +Q357798 P1412 Q9063 +Q12903 P106 Q860918 +Q921 P463 Q8475 +Q80959 P136 Q20656232 +Q748222 P27 Q30 +Q94018 P108 Q599316 +Q280918 P840 Q65 +Q433403 P106 Q10800557 +Q355344 P106 Q10800557 +Q1468277 P17 Q145 +Q244390 P737 Q188176 +Q72541 P1412 Q1321 +Q353442 P106 Q81096 +Q253757 P1412 Q1860 +Q912 P463 Q1065 +Q103651 P136 Q8341 +Q177930 P136 Q622291 +Q192279 P509 Q12078 +Q1569251 P172 Q49085 +Q1634482 P106 Q1650915 +Q79091 P27 Q28513 +Q63146 P69 Q672420 +Q1553197 P106 Q158852 +Q217771 P106 Q36180 +Q2594947 P27 Q801 +Q1435910 P106 Q3501317 +Q2749 P17 Q43287 +Q217 P463 Q17495 +Q47007 P106 Q82955 +Q859504 P20 Q1297 +Q76553 P106 Q201788 +Q173839 P102 Q29468 +Q187165 P264 Q1347984 +Q35 P463 Q663492 +Q467630 P106 Q4964182 +Q380634 P106 Q177220 +Q218960 P106 Q4504549 +Q221535 P136 Q11399 +Q11806 P27 Q145 +Q194346 P136 Q1054574 +Q186326 P20 Q7473516 +Q188111 P106 Q177220 +Q231713 P264 Q190585 +Q372278 P106 Q177220 +Q362599 P509 Q47912 +Q244395 P69 Q1068258 +Q27925670 P106 Q1028181 +Q568595 P106 Q4773904 +Q49080 P106 Q12144794 +Q934097 P106 Q82955 +Q546275 P106 Q49757 +Q94040 P119 Q240744 +Q96114 P108 Q153006 +Q670277 P1303 Q17172850 +Q215497 P106 Q13474373 +Q953288 P106 Q36180 +Q41042 P19 Q84 +Q157303 P119 Q3006253 +Q563 P106 Q214917 +Q487391 P106 Q639669 +Q154723 P106 Q211346 +Q240324 P101 Q207628 +Q1334244 P1303 Q17172850 +Q363379 P119 Q1092107 +Q72127 P106 Q2516866 +Q186327 P26 Q244214 +Q101740 P1412 Q150 +Q46706 P463 Q812155 +Q84618 P106 Q2004963 +Q240772 P108 Q49088 +Q224130 P161 Q233618 +Q155 P530 Q783 +Q359251 P27 Q35 +Q160071 P161 Q223854 +Q736143 P106 Q864380 +Q210741 P1412 Q1860 +Q4384878 P27 Q34266 +Q767329 P463 Q329464 +Q201656 P3373 Q648359 +Q160946 P495 Q30 +Q32049 P551 Q884 +Q69139 P106 Q4853732 +Q695200 P463 Q253439 +Q58328 P101 Q413 +Q188344 P27 Q179876 +Q2481742 P20 Q90 +Q211545 P161 Q131866 +Q219442 P136 Q52162262 +Q268262 P1412 Q150 +Q71408 P69 Q217741 +Q959097 P69 Q49115 +Q218889 P69 Q390287 +Q67635 P1412 Q188 +Q101494 P463 Q833738 +Q234891 P1412 Q1860 +Q233868 P106 Q10800557 +Q250250 P69 Q73094 +Q64584 P106 Q36180 +Q763897 P1303 Q6607 +Q51549 P106 Q10800557 +Q148 P463 Q384535 +Q196004 P161 Q405542 +Q237530 P27 Q30 +Q309503 P1412 Q5287 +Q119798 P69 Q263064 +Q152165 P106 Q10798782 +Q4124737 P27 Q15180 +Q107178 P1412 Q188 +Q202613 P136 Q54365 +Q231163 P1412 Q1860 +Q297532 P509 Q623031 +Q297024 P1412 Q36510 +Q68757 P1412 Q188 +Q1281738 P106 Q753110 +Q354603 P20 Q34006 +Q851 P530 Q1025 +Q231726 P136 Q37073 +Q682030 P136 Q193355 +Q165706 P106 Q36834 +Q63725 P19 Q64 +Q921 P530 Q836 +Q117902 P108 Q219317 +Q145 P530 Q16 +Q3986379 P161 Q48280 +Q267435 P136 Q11401 +Q324219 P106 Q28389 +Q73176 P106 Q36180 +Q392 P451 Q131725 +Q438213 P509 Q9687 +Q49828 P106 Q1231865 +Q272203 P27 Q145 +Q76480 P3373 Q37030 +Q284636 P106 Q2526255 +Q310315 P172 Q49085 +Q9312 P106 Q36180 +Q214549 P108 Q202660 +Q354867 P1412 Q1860 +Q483907 P1303 Q133163 +Q6701 P509 Q12202 +Q192402 P27 Q16 +Q387958 P161 Q63682 +Q37150 P27 Q30 +Q128187 P161 Q123174 +Q152738 P102 Q79854 +Q49819 P106 Q43845 +Q432694 P3373 Q25310 +Q74165 P69 Q152087 +Q221075 P161 Q206659 +Q77428 P1412 Q397 +Q9047 P737 Q1290 +Q1068631 P106 Q169470 +Q100440 P19 Q16558 +Q191999 P69 Q13371 +Q39803 P106 Q1930187 +Q37 P530 Q30 +Q202475 P27 Q30 +Q372514 P136 Q2484376 +Q2908 P27 Q142 +Q462579 P27 Q31 +Q43718 P106 Q482980 +Q83275 P27 Q43 +Q734 P530 Q159 +Q30 P530 Q686 +Q353640 P1412 Q1860 +Q189599 P27 Q145 +Q243419 P3373 Q81447 +Q61398 P20 Q406 +Q537386 P106 Q753110 +Q106057 P1412 Q150 +Q209913 P161 Q343463 +Q374526 P136 Q842256 +Q1606016 P106 Q47064 +Q1733964 P106 Q81096 +Q920 P106 Q6625963 +Q270652 P1303 Q17172850 +Q159808 P57 Q94882 +Q16 P530 Q230 +Q2594947 P106 Q42973 +Q374605 P1412 Q9067 +Q810 P463 Q384535 +Q452084 P106 Q333634 +Q455430 P106 Q11900058 +Q746182 P106 Q486748 +Q340016 P69 Q182973 +Q154331 P136 Q1344 +Q1365901 P69 Q41506 +Q240570 P106 Q753110 +Q268840 P1412 Q1860 +Q912023 P69 Q1426464 +Q526120 P1412 Q1412 +Q162917 P27 Q142 +Q312098 P264 Q3415083 +Q87857 P1412 Q188 +Q104929 P106 Q1622272 +Q181875 P1412 Q1860 +Q920637 P106 Q36180 +Q119786 P106 Q82955 +Q185007 P1412 Q1860 +Q1349501 P27 Q43 +Q155907 P463 Q2822396 +Q233891 P106 Q33999 +Q38222 P106 Q18844224 +Q206336 P161 Q41449 +Q51495 P140 Q9268 +Q7243 P106 Q12144794 +Q213 P530 Q711 +Q858 P530 Q79 +Q155 P530 Q958 +Q216221 P106 Q948329 +Q112202 P106 Q1622272 +Q312078 P161 Q347456 +Q371348 P106 Q488205 +Q80596 P106 Q28389 +Q371119 P136 Q1641839 +Q240521 P106 Q28389 +Q153776 P106 Q1415090 +Q386053 P136 Q37073 +Q190772 P69 Q273626 +Q371119 P136 Q11399 +Q77177 P1412 Q7913 +Q42493 P19 Q159288 +Q1268 P106 Q486748 +Q23527 P136 Q8341 +Q463832 P161 Q162554 +Q977 P530 Q805 +Q289003 P106 Q639669 +Q271874 P1303 Q17172850 +Q190643 P161 Q370918 +Q233937 P106 Q33999 +Q1065624 P1303 Q17172850 +Q322760 P27 Q30 +Q443120 P106 Q639669 +Q208203 P106 Q974144 +Q63773 P106 Q169470 +Q142999 P106 Q42603 +Q311068 P106 Q2405480 +Q236318 P106 Q18814623 +Q288150 P136 Q52162262 +Q433459 P106 Q33999 +Q327312 P161 Q163249 +Q49941 P106 Q488111 +Q170472 P1412 Q397 +Q40046 P106 Q15077007 +Q743162 P102 Q29468 +Q25973 P106 Q1028181 +Q360383 P140 Q9592 +Q77097 P463 Q469210 +Q186327 P106 Q10800557 +Q520430 P108 Q463055 +Q231071 P20 Q60 +Q19356 P57 Q23301 +Q99706 P69 Q4614 +Q116718 P106 Q170790 +Q544469 P20 Q90 +Q205120 P106 Q36180 +Q313470 P106 Q183945 +Q90009 P106 Q6625963 +Q183266 P509 Q14467705 +Q435330 P106 Q855091 +Q5496982 P106 Q182436 +Q63458 P106 Q1622272 +Q214475 P106 Q82955 +Q180560 P106 Q10798782 +Q8620 P27 Q117 +Q257805 P19 Q1581 +Q60809 P106 Q9149093 +Q148428 P161 Q167498 +Q127345 P106 Q4964182 +Q32 P463 Q663492 +Q964219 P136 Q9759 +Q1938740 P106 Q66711686 +Q163249 P26 Q43432 +Q183081 P840 Q96 +Q159976 P1303 Q8355 +Q219810 P840 Q1439 +Q182725 P1303 Q17172850 +Q149127 P19 Q61 +Q728615 P27 Q30 +Q42402 P1412 Q5146 +Q381505 P509 Q12152 +Q188137 P106 Q1415090 +Q135645 P69 Q152087 +Q258009 P161 Q185051 +Q8354131 P27 Q29 +Q780102 P27 Q174193 +Q25161 P737 Q167768 +Q64278 P1412 Q188 +Q561212 P106 Q4964182 +Q131332 P106 Q10800557 +Q201477 P106 Q82955 +Q157204 P27 Q83286 +Q62459 P463 Q18650004 +Q313501 P106 Q1028181 +Q763507 P27 Q27 +Q369388 P161 Q310252 +Q43736 P509 Q193840 +Q483907 P19 Q47164 +Q540803 P106 Q177220 +Q118233 P20 Q656 +Q32927 P136 Q11399 +Q62656 P106 Q18805 +Q238331 P106 Q11774202 +Q44481 P463 Q123885 +Q44736 P1412 Q188 +Q263930 P840 Q1384 +Q235072 P1412 Q1860 +Q143198 P106 Q49757 +Q222720 P495 Q145 +Q938475 P172 Q7325 +Q322465 P119 Q1645215 +Q335011 P106 Q16323111 +Q558794 P463 Q1425328 +Q151509 P40 Q401645 +Q72553 P27 Q183 +Q44695 P19 Q656 +Q20726 P106 Q37226 +Q274609 P69 Q761534 +Q1590452 P108 Q1420239 +Q1711513 P136 Q842324 +Q727148 P106 Q18844224 +Q292558 P106 Q2259451 +Q6173306 P108 Q219694 +Q87265 P106 Q639669 +Q355566 P20 Q5083 +Q61197 P463 Q329464 +Q34424 P140 Q9592 +Q7504 P106 Q901 +Q5443 P19 Q1754 +Q329734 P106 Q10800557 +Q155786 P106 Q1622272 +Q104266 P737 Q100937 +Q81324 P106 Q33999 +Q1007 P463 Q17495 +Q65372 P463 Q44687 +Q326431 P1412 Q150 +Q61813 P108 Q152838 +Q181774 P20 Q489197 +Q289003 P264 Q216364 +Q128511 P1412 Q7737 +Q672 P463 Q827525 +Q51549 P106 Q28389 +Q1051531 P27 Q145 +Q420407 P136 Q851213 +Q30 P463 Q1480793 +Q93157 P69 Q21578 +Q204019 P106 Q33999 +Q7343182 P106 Q121594 +Q587004 P106 Q1238570 +Q650640 P106 Q11513337 +Q217552 P161 Q192682 +Q60549 P106 Q11900058 +Q18964 P161 Q37459 +Q52922 P106 Q82955 +Q235403 P106 Q6625963 +Q223786 P106 Q33999 +Q572655 P106 Q36180 +Q43252 P106 Q177220 +Q231479 P1412 Q5287 +Q724082 P1412 Q1860 +Q359563 P1412 Q9083 +Q182522 P463 Q1493021 +Q140052 P69 Q924289 +Q213632 P1412 Q188 +Q504066 P19 Q1781 +Q110073 P106 Q81096 +Q229940 P264 Q27184 +Q28975 P172 Q42406 +Q62086 P106 Q864503 +Q266816 P106 Q4773904 +Q11613 P1050 Q12192 +Q167211 P1412 Q1321 +Q113928 P463 Q414188 +Q272505 P509 Q47912 +Q160640 P106 Q121594 +Q217307 P161 Q379808 +Q233229 P136 Q45981 +Q461682 P161 Q231116 +Q202725 P26 Q40912 +Q180919 P3373 Q242749 +Q110330 P106 Q82955 +Q551491 P463 Q372899 +Q713273 P106 Q12377274 +Q2061371 P69 Q174158 +Q332330 P136 Q2297927 +Q251068 P136 Q11401 +Q75539 P136 Q52162262 +Q215520 P106 Q3282637 +Q76537 P102 Q7320 +Q70991 P27 Q183 +Q4074457 P140 Q3333484 +Q42204 P106 Q2259451 +Q697818 P1412 Q9056 +Q254431 P3373 Q109232 +Q505274 P106 Q214917 +Q80046 P102 Q29552 +Q272946 P106 Q10798782 +Q49747 P106 Q482980 +Q510361 P1303 Q11405 +Q139325 P106 Q10798782 +Q1039759 P106 Q488205 +Q40787 P140 Q60995 +Q722876 P264 Q18628 +Q74062 P1412 Q188 +Q717755 P27 Q155 +Q201514 P106 Q639669 +Q454645 P106 Q1622272 +Q379808 P106 Q33999 +Q19405 P57 Q51552 +Q329999 P136 Q49084 +Q233046 P509 Q12202 +Q9358 P106 Q482980 +Q348603 P106 Q33231 +Q130786 P1412 Q1860 +Q887948 P136 Q235858 +Q128085 P1412 Q1860 +Q41449 P106 Q2259451 +Q486096 P106 Q6625963 +Q16473 P1412 Q1860 +Q43746 P106 Q4964182 +Q60582 P106 Q170790 +Q60045 P463 Q150793 +Q151087 P3373 Q151083 +Q1721 P30 Q5401 +Q51519 P1412 Q1860 +Q921823 P1412 Q1321 +Q363379 P106 Q81096 +Q32433 P161 Q532169 +Q181145 P136 Q9730 +Q344655 P106 Q2259451 +Q444371 P1303 Q5994 +Q90009 P1412 Q188 +Q53714 P106 Q855091 +Q314963 P135 Q667661 +Q469888 P106 Q131062 +Q504066 P20 Q60 +Q220910 P495 Q142 +Q843 P530 Q29 +Q2828029 P463 Q188771 +Q76444 P106 Q14915627 +Q229112 P106 Q3282637 +Q83059 P27 Q30 +Q61677 P106 Q10798782 +Q92649 P463 Q127992 +Q272845 P1412 Q1860 +Q234356 P136 Q11401 +Q2831583 P106 Q3621491 +Q314841 P27 Q30 +Q123802 P27 Q36 +Q239214 P1412 Q188 +Q206534 P1050 Q12204 +Q607825 P106 Q36180 +Q945 P361 Q4412 +Q173441 P27 Q1028 +Q320651 P106 Q33999 +Q232470 P106 Q7042855 +Q368 P27 Q298 +Q356217 P1412 Q1860 +Q457316 P106 Q36180 +Q67535 P102 Q328195 +Q53783 P69 Q209842 +Q66545534 P407 Q188 +Q217557 P737 Q234579 +Q278550 P161 Q51522 +Q271385 P136 Q11401 +Q316644 P1303 Q17172850 +Q79 P530 Q219060 +Q275641 P136 Q131272 +Q195303 P161 Q236479 +Q515845 P69 Q1143281 +Q152768 P172 Q7325 +Q105031 P161 Q313204 +Q430076 P106 Q3282637 +Q371119 P106 Q1415090 +Q379923 P463 Q161806 +Q498 P27 Q156199 +Q66774 P20 Q1022 +Q106440 P840 Q96 +Q16 P530 Q229 +Q95008 P140 Q7066 +Q183253 P69 Q616591 +Q192668 P136 Q11399 +Q263501 P69 Q1068752 +Q229291 P106 Q10800557 +Q298209 P737 Q4235 +Q106554 P106 Q1622272 +Q88844 P106 Q2516852 +Q504061 P106 Q40348 +Q379461 P106 Q28389 +Q451680 P106 Q639669 +Q153694 P26 Q234939 +Q851 P530 Q16 +Q85411 P106 Q1622272 +Q780720 P106 Q177220 +Q335238 P106 Q28389 +Q362500 P69 Q168751 +Q452252 P264 Q843402 +Q233854 P27 Q30 +Q309003 P136 Q52162262 +Q373774 P840 Q1384 +Q45575 P509 Q181257 +Q3057567 P106 Q901402 +Q236434 P27 Q734 +Q17455 P69 Q390287 +Q76952 P108 Q1045828 +Q232458 P1303 Q17172850 +Q283799 P161 Q154852 +Q62686 P69 Q152838 +Q77015 P27 Q27306 +Q381799 P140 Q3333484 +Q214357 P106 Q1622272 +Q76 P551 Q60 +Q1305608 P106 Q28389 +Q49074 P106 Q6625963 +Q229009 P106 Q10798782 +Q37 P530 Q230 +Q166262 P495 Q145 +Q538676 P106 Q639669 +Q290197 P106 Q1930187 +Q717 P530 Q902 +Q87974 P19 Q2795 +Q316857 P106 Q33999 +Q57554 P140 Q7066 +Q164908 P27 Q28513 +Q222818 P106 Q33999 +Q43303 P20 Q60 +Q102235 P495 Q145 +Q633 P136 Q83270 +Q57309 P27 Q15180 +Q381731 P161 Q363386 +Q232222 P161 Q395494 +Q588449 P27 Q34266 +Q512 P20 Q649 +Q49021 P495 Q30 +Q232495 P106 Q177220 +Q433059 P19 Q16557 +Q44426 P106 Q2059704 +Q214660 P106 Q36180 +Q204810 P136 Q128758 +Q20732 P106 Q36180 +Q49398 P840 Q84 +Q103591 P106 Q6430706 +Q2857384 P106 Q753110 +Q34981 P27 Q2184 +Q148 P530 Q1037 +Q1095432 P106 Q753110 +Q64579 P20 Q1715 +Q271327 P27 Q30 +Q41594 P106 Q488205 +Q262838 P106 Q177220 +Q274362 P140 Q35032 +Q77608 P69 Q154804 +Q182763 P27 Q30 +Q297881 P136 Q8261 +Q918443 P1412 Q7976 +Q295964 P106 Q2405480 +Q436693 P106 Q2259451 +Q42585 P17 Q131964 +Q506771 P106 Q639669 +Q76432 P106 Q82955 +Q58720 P172 Q49542 +Q117741 P106 Q49757 +Q60133 P106 Q806798 +Q11675 P19 Q60 +Q453614 P106 Q1930187 +Q231690 P1412 Q11059 +Q230633 P1303 Q17172850 +Q19200 P27 Q30 +Q227129 P136 Q11399 +Q77148 P106 Q185351 +Q248179 P106 Q10798782 +Q61446 P19 Q1715 +Q193405 P69 Q273593 +Q191819 P136 Q37073 +Q34166 P136 Q83270 +Q71410 P106 Q2259451 +Q6538 P106 Q1925963 +Q558419 P119 Q996499 +Q2481742 P69 Q209842 +Q67231 P106 Q1028181 +Q311022 P101 Q395 +Q208266 P161 Q256531 +Q241180 P20 Q33935 +Q298360 P106 Q486748 +Q67177 P102 Q49766 +Q268824 P136 Q52162262 +Q240896 P26 Q512 +Q58577 P3373 Q62377 +Q2902600 P27 Q211 +Q159098 P106 Q36834 +Q270186 P106 Q10798782 +Q18938 P106 Q10800557 +Q4396425 P69 Q4204467 +Q315664 P495 Q30 +Q973305 P106 Q36180 +Q25660 P106 Q822146 +Q3076050 P264 Q231694 +Q811 P30 Q49 +Q66426 P106 Q49757 +Q784 P463 Q205995 +Q1027 P463 Q7159 +Q251340 P106 Q1231865 +Q156608 P840 Q727 +Q7841 P20 Q90 +Q435826 P106 Q639669 +Q1364820 P106 Q40348 +Q233424 P136 Q193606 +Q1167000 P106 Q855091 +Q295817 P106 Q639669 +Q345612 P69 Q49112 +Q514424 P19 Q1770 +Q846 P530 Q230 +Q233229 P172 Q49085 +Q251338 P1412 Q1321 +Q442897 P106 Q2259451 +Q935258 P106 Q15895020 +Q49034 P27 Q40 +Q327332 P495 Q183 +Q109540 P69 Q678982 +Q228186 P136 Q319221 +Q23728 P106 Q28389 +Q379824 P172 Q161652 +Q707607 P106 Q15981151 +Q312975 P1412 Q1860 +Q32 P463 Q5611262 +Q92115 P106 Q2135538 +Q551735 P172 Q121842 +Q325538 P840 Q538 +Q175104 P106 Q36180 +Q490114 P641 Q2736 +Q458766 P106 Q28389 +Q93689 P161 Q235707 +Q77024 P509 Q189588 +Q212993 P108 Q49115 +Q123225 P19 Q70 +Q5496982 P20 Q61 +Q4985 P19 Q11299 +Q437094 P101 Q482 +Q161955 P106 Q11774202 +Q668 P530 Q40 +Q104266 P40 Q28170 +Q460161 P106 Q11631 +Q105937 P101 Q7094 +Q107730 P106 Q3282637 +Q991 P106 Q11774202 +Q61648 P27 Q183 +Q124894 P463 Q543804 +Q34851 P106 Q2259451 +Q443897 P136 Q83440 +Q1791962 P140 Q9089 +Q1233 P20 Q220 +Q1013 P463 Q7785 +Q1299302 P136 Q235858 +Q274362 P27 Q15180 +Q230578 P463 Q463303 +Q2416148 P641 Q41323 +Q1601945 P69 Q157575 +Q216070 P69 Q154561 +Q232470 P1412 Q150 +Q237115 P106 Q33999 +Q16019 P1412 Q188 +Q498045 P1303 Q5994 +Q3936 P17 Q1206012 +Q329897 P106 Q36180 +Q23530 P1412 Q7737 +Q9204 P106 Q4853732 +Q84422 P69 Q151510 +Q47159 P106 Q177220 +Q959097 P19 Q34370 +Q29658 P161 Q25089 +Q348571 P119 Q812 +Q809420 P106 Q131524 +Q225657 P20 Q387047 +Q86820 P106 Q14467526 +Q294586 P106 Q10800557 +Q76492 P27 Q151624 +Q45963 P69 Q174158 +Q36 P37 Q9091 +Q43723 P1412 Q150 +Q120647 P106 Q333634 +Q731958 P19 Q489197 +Q82934 P106 Q81096 +Q62963 P19 Q2119 +Q180468 P106 Q82955 +Q1938740 P106 Q81096 +Q208871 P26 Q131814 +Q252469 P136 Q37073 +Q35314 P27 Q34266 +Q48020 P69 Q1934911 +Q200572 P136 Q188473 +Q82409 P106 Q36180 +Q221155 P27 Q30 +Q61456 P108 Q55044 +Q19504 P106 Q33999 +Q175535 P106 Q28389 +Q78513 P69 Q165980 +Q1660305 P17 Q30 +Q312270 P509 Q12152 +Q444674 P1303 Q8355 +Q967846 P106 Q81096 +Q155458 P161 Q959153 +Q80046 P106 Q3282637 +Q151972 P1412 Q1860 +Q44648 P136 Q206159 +Q53939 P551 Q194420 +Q43144 P140 Q5043 +Q554971 P1303 Q17172850 +Q5604 P106 Q36180 +Q78931 P27 Q40 +Q75381 P106 Q864380 +Q966894 P106 Q1930187 +Q97070 P106 Q4964182 +Q790 P463 Q7809 +Q98737 P19 Q1731 +Q216179 P106 Q488205 +Q935051 P463 Q466113 +Q461104 P1412 Q9067 +Q166646 P1412 Q1860 +Q382570 P1412 Q1321 +Q47139 P27 Q83286 +Q22686 P106 Q578109 +Q23728 P106 Q578109 +Q33 P463 Q41550 +Q332360 P1412 Q1860 +Q39 P530 Q252 +Q241391 P161 Q160432 +Q3189110 P20 Q277162 +Q74227 P106 Q2526255 +Q162005 P1303 Q46185 +Q329845 P1412 Q7737 +Q57781 P20 Q495 +Q1239933 P106 Q18545066 +Q382676 P136 Q49451 +Q344384 P106 Q3282637 +Q465707 P1412 Q1321 +Q432919 P108 Q41506 +Q184 P530 Q843 +Q260879 P140 Q1841 +Q168847 P106 Q177220 +Q55413 P106 Q2259451 +Q152764 P509 Q3505252 +Q465955 P106 Q33999 +Q200586 P1303 Q5994 +Q223258 P20 Q78 +Q237951 P106 Q82955 +Q151593 P106 Q14915627 +Q4617 P69 Q3072747 +Q85832 P19 Q1781 +Q434555 P106 Q947873 +Q234663 P106 Q860918 +Q181678 P19 Q1754 +Q32535 P840 Q771 +Q214665 P119 Q27426 +Q2754 P106 Q9334029 +Q966228 P27 Q30 +Q388286 P106 Q488205 +Q105676 P102 Q49768 +Q983 P530 Q865 +Q1225 P463 Q463303 +Q376736 P106 Q33999 +Q153694 P106 Q753110 +Q108270 P27 Q145 +Q389779 P106 Q753110 +Q75696 P69 Q152087 +Q342949 P27 Q30 +Q685 P463 Q7809 +Q274752 P1303 Q17172850 +Q231648 P69 Q174710 +Q431656 P69 Q503246 +Q95215 P106 Q185351 +Q524236 P463 Q463303 +Q304488 P136 Q959790 +Q216913 P106 Q639669 +Q76997 P106 Q4964182 +Q79025 P136 Q482 +Q134123 P27 Q147909 +Q237821 P108 Q131252 +Q212123 P161 Q229268 +Q230499 P1303 Q17172850 +Q162518 P161 Q330847 +Q1292776 P106 Q177220 +Q236181 P136 Q37073 +Q733611 P1303 Q5994 +Q66631 P106 Q2310145 +Q72833 P463 Q414110 +Q794 P530 Q230 +Q93890 P20 Q1726 +Q115641 P108 Q372608 +Q7314 P551 Q220 +Q43432 P106 Q713200 +Q49734 P106 Q2259451 +Q469478 P1412 Q652 +Q1978533 P69 Q842909 +Q116258 P69 Q503473 +Q315773 P106 Q18814623 +Q1718 P17 Q183 +Q93028 P106 Q43845 +Q211730 P106 Q177220 +Q159642 P27 Q28513 +Q230 P530 Q1000 +Q57495 P140 Q55004488 +Q365578 P106 Q205375 +Q309941 P106 Q33999 +Q1750532 P136 Q131578 +Q167635 P136 Q268253 +Q29427 P102 Q187009 +Q310819 P106 Q36180 +Q235 P463 Q45177 +Q309898 P106 Q33999 +Q62126 P108 Q16952 +Q40572 P136 Q188473 +Q234750 P106 Q2722764 +Q365550 P509 Q12078 +Q332394 P161 Q310012 +Q70326 P106 Q49757 +Q32 P463 Q340195 +Q76632 P106 Q36180 +Q940617 P509 Q12078 +Q263518 P1303 Q17172850 +Q362406 P106 Q10800557 +Q210059 P172 Q7325 +Q408 P530 Q34 +Q2096585 P19 Q9248 +Q283496 P27 Q30 +Q94913 P106 Q2405480 +Q544135 P106 Q2095549 +Q43453 P17 Q42585 +Q706560 P19 Q1754 +Q60477 P106 Q214917 +Q61940 P101 Q482 +Q375827 P106 Q33999 +Q215937 P106 Q1028181 +Q103835 P509 Q12152 +Q31621 P463 Q543804 +Q357798 P69 Q689400 +Q93620 P136 Q24925 +Q10738 P641 Q131359 +Q155419 P27 Q183 +Q216570 P106 Q33231 +Q1716611 P106 Q386854 +Q204751 P106 Q855091 +Q447592 P106 Q4610556 +Q185888 P57 Q184903 +Q123225 P463 Q329464 +Q324726 P106 Q2252262 +Q1411849 P1303 Q6607 +Q97723 P20 Q64 +Q320146 P106 Q486748 +Q246997 P840 Q241 +Q455754 P20 Q48958 +Q86886 P106 Q28389 +Q236987 P264 Q557632 +Q1355431 P1303 Q46185 +Q239522 P106 Q49757 +Q213 P463 Q826700 +Q379400 P264 Q466649 +Q5327 P27 Q183 +Q233843 P69 Q389336 +Q16766 P27 Q148 +Q44857 P1303 Q17172850 +Q301077 P495 Q30 +Q92638 P108 Q168756 +Q65121 P69 Q152838 +Q723678 P106 Q728425 +Q5928 P106 Q4991371 +Q781878 P264 Q726251 +Q234519 P27 Q145 +Q180727 P106 Q1028181 +Q104791 P27 Q30 +Q60579 P69 Q204181 +Q171684 P27 Q884 +Q310150 P106 Q10800557 +Q1530794 P1050 Q11081 +Q261601 P495 Q38 +Q98370 P106 Q482980 +Q44442 P27 Q30 +Q172183 P108 Q230899 +Q134456 P106 Q333634 +Q242423 P119 Q168886 +Q1703194 P106 Q36180 +Q490938 P1303 Q128309 +Q79904 P106 Q482980 +Q1338141 P106 Q205375 +Q735560 P106 Q36834 +Q309248 P840 Q84 +Q202770 P106 Q81096 +Q529309 P106 Q1930187 +Q483203 P106 Q183945 +Q157204 P463 Q1132636 +Q215976 P3373 Q254431 +Q123973 P19 Q649 +Q299138 P106 Q639669 +Q329145 P161 Q359331 +Q4346512 P19 Q84 +Q64397 P106 Q201788 +Q218458 P161 Q34975 +Q223193 P106 Q2259451 +Q42198 P495 Q30 +Q158753 P106 Q183945 +Q265270 P551 Q18426 +Q214 P463 Q1043527 +Q60317 P108 Q1144673 +Q609151 P69 Q209842 +Q131324 P140 Q483654 +Q81244 P463 Q463303 +Q2910 P30 Q5401 +Q61280 P106 Q82955 +Q315325 P106 Q33231 +Q266535 P106 Q33999 +Q918668 P551 Q84 +Q296244 P1412 Q652 +Q42544 P19 Q84 +Q858 P530 Q902 +Q26294 P27 Q30 +Q155559 P161 Q359331 +Q75555 P69 Q4204467 +Q68084 P106 Q2259451 +Q270774 P106 Q10800557 +Q313581 P1412 Q150 +Q502417 P106 Q864380 +Q79191 P1412 Q9299 +Q392924 P495 Q30 +Q308929 P161 Q114179 +Q96492 P108 Q315658 +Q2134121 P106 Q81096 +Q738196 P106 Q8246794 +Q77755 P102 Q694299 +Q92739 P108 Q49108 +Q184750 P140 Q7066 +Q3123761 P108 Q202660 +Q183512 P161 Q297744 +Q441520 P106 Q639669 +Q943577 P463 Q270794 +Q74227 P1412 Q1860 +Q878708 P1412 Q1860 +Q378116 P106 Q36180 +Q22686 P40 Q3731533 +Q387958 P136 Q157443 +Q4941 P161 Q460578 +Q2643 P19 Q24826 +Q254431 P106 Q10800557 +Q677706 P463 Q463303 +Q578031 P20 Q3143067 +Q311238 P106 Q486748 +Q43668 P17 Q30 +Q560390 P106 Q14467526 +Q271874 P106 Q4610556 +Q310375 P106 Q10798782 +Q103784 P106 Q10798782 +Q510400 P106 Q1930187 +Q843 P530 Q222 +Q77214 P1412 Q188 +Q551421 P119 Q7186324 +Q91997 P106 Q3387717 +Q229166 P551 Q65 +Q107940 P495 Q30 +Q155485 P161 Q181490 +Q26372 P106 Q2526255 +Q7315 P69 Q178416 +Q107226 P161 Q28310 +Q230 P530 Q774 +Q452388 P106 Q639669 +Q18553 P106 Q82955 +Q333873 P136 Q8261 +Q260548 P57 Q240872 +Q1031340 P264 Q264137 +Q4271346 P27 Q34266 +Q18143 P102 Q17427 +Q766 P463 Q656801 +Q35236 P1412 Q397 +Q258736 P27 Q30 +Q99706 P106 Q1622272 +Q633 P1050 Q41571 +Q9047 P463 Q188771 +Q335544 P106 Q82955 +Q57124 P1412 Q652 +Q234117 P106 Q177220 +Q374770 P1412 Q1860 +Q320984 P1412 Q150 +Q13133 P1412 Q1860 +Q329716 P1050 Q41571 +Q1036 P530 Q35 +Q921869 P108 Q160302 +Q224029 P108 Q216047 +Q116812 P108 Q43452 +Q325575 P136 Q130232 +Q162672 P161 Q283328 +Q183081 P136 Q19367312 +Q213880 P27 Q183 +Q1037 P530 Q148 +Q112534 P108 Q13371 +Q245075 P451 Q188744 +Q230836 P1303 Q17172850 +Q96087 P106 Q2599593 +Q357676 P106 Q19204627 +Q560818 P69 Q13371 +Q76586 P106 Q188094 +Q271877 P106 Q10800557 +Q207676 P106 Q1053574 +Q542307 P106 Q333634 +Q1282910 P19 Q18419 +Q253583 P20 Q47265 +Q292043 P106 Q37226 +Q36 P463 Q656801 +Q156774 P1412 Q5146 +Q211987 P106 Q28389 +Q121926 P106 Q593644 +Q8354131 P106 Q36180 +Q171453 P495 Q30 +Q161933 P136 Q8261 +Q240250 P102 Q29468 +Q360079 P1412 Q1412 +Q1360782 P27 Q38 +Q212676 P27 Q243610 +Q709044 P106 Q639669 +Q150526 P463 Q835943 +Q206173 P27 Q170072 +Q78526 P69 Q686522 +Q78119 P106 Q947873 +Q235525 P106 Q186360 +Q380381 P106 Q10798782 +Q78513 P101 Q5891 +Q983239 P19 Q90 +Q267386 P101 Q207628 +Q221236 P161 Q445125 +Q346374 P27 Q30 +Q375775 P161 Q379830 +Q31 P463 Q340195 +Q7563919 P106 Q901 +Q287977 P509 Q208414 +Q152452 P463 Q463303 +Q266080 P106 Q177220 +Q81520 P136 Q21010853 +Q2368353 P463 Q1971373 +Q73938 P106 Q901402 +Q437970 P136 Q11399 +Q176626 P136 Q52162262 +Q122701 P27 Q174193 +Q33760 P737 Q237833 +Q592504 P106 Q1930187 +Q520621 P106 Q36834 +Q200228 P1412 Q1860 +Q218 P530 Q27 +Q61743 P106 Q170790 +Q719083 P106 Q183945 +Q161678 P161 Q28493 +Q1347984 P136 Q38848 +Q235415 P1412 Q1860 +Q132330 P102 Q42183 +Q47284 P106 Q28389 +Q64397 P106 Q34074720 +Q186652 P463 Q466089 +Q929665 P106 Q28389 +Q557774 P106 Q188094 +Q47899 P264 Q64485314 +Q268615 P119 Q262 +Q78508 P20 Q90 +Q1984061 P264 Q843402 +Q2218967 P106 Q1281618 +Q102660 P27 Q16957 +Q95355 P27 Q183 +Q129873 P161 Q51552 +Q103114 P106 Q11774202 +Q434060 P106 Q33999 +Q426517 P136 Q20442589 +Q60059 P106 Q188094 +Q183 P530 Q1029 +Q562781 P106 Q15895020 +Q151946 P136 Q157443 +Q326823 P463 Q812155 +Q273614 P1303 Q6607 +Q178700 P161 Q106555 +Q77 P530 Q884 +Q26806 P106 Q10800557 +Q313470 P106 Q33999 +Q47480 P737 Q50020 +Q176176 P463 Q2370801 +Q52488 P69 Q4129798 +Q1514 P136 Q206159 +Q25078 P1412 Q1860 +Q49074 P106 Q18844224 +Q60884 P27 Q183 +Q153020 P1412 Q1321 +Q170348 P106 Q639669 +Q587361 P136 Q11401 +Q434913 P172 Q49085 +Q920637 P106 Q947873 +Q310300 P106 Q488205 +Q39 P463 Q81299 +Q231006 P27 Q30 +Q60547 P19 Q100 +Q2890097 P106 Q1930187 +Q313758 P106 Q1350157 +Q234891 P27 Q142 +Q97431 P101 Q23498 +Q920526 P27 Q801 +Q85280 P509 Q12078 +Q310106 P1412 Q9063 +Q101715 P106 Q1622272 +Q962609 P264 Q43327 +Q260548 P161 Q109232 +Q156349 P463 Q1132636 +Q31164 P106 Q1327329 +Q571605 P69 Q222738 +Q531913 P106 Q177220 +Q546926 P19 Q1770 +Q115683 P106 Q36180 +Q13888 P106 Q2526255 +Q40946 P106 Q6625963 +Q47284 P106 Q1208175 +Q44063 P26 Q273136 +Q653632 P136 Q217191 +Q435744 P106 Q639669 +Q529555 P106 Q3501317 +Q4068880 P106 Q6625963 +Q358087 P264 Q1070152 +Q2999 P463 Q812378 +Q378116 P69 Q209842 +Q277978 P106 Q33999 +Q294773 P106 Q1930187 +Q37327 P69 Q258464 +Q206461 P136 Q130232 +Q443892 P551 Q3130 +Q189505 P161 Q333251 +Q59931 P57 Q139330 +Q102235 P161 Q314831 +Q902 P530 Q408 +Q373774 P161 Q145627 +Q763 P463 Q1065 +Q431356 P106 Q33999 +Q71821 P106 Q15839134 +Q126599 P106 Q3455803 +Q216179 P1303 Q6607 +Q48129 P106 Q82955 +Q127423 P1303 Q17172850 +Q11806 P106 Q193391 +Q184535 P69 Q152838 +Q60486 P1412 Q188 +Q507327 P264 Q216364 +Q151796 P19 Q33935 +Q275985 P27 Q38 +Q185085 P737 Q38193 +Q67672 P19 Q2066 +Q629216 P119 Q1645215 +Q164424 P136 Q2421031 +Q117301 P106 Q10798782 +Q154356 P106 Q170790 +Q195949 P495 Q30 +Q253513 P106 Q10800557 +Q1882472 P264 Q216364 +Q724323 P106 Q214917 +Q3713655 P69 Q49117 +Q295803 P106 Q10800557 +Q78107 P27 Q15180 +Q99080 P106 Q47064 +Q271471 P27 Q30 +Q431660 P840 Q816 +Q311615 P27 Q30 +Q843 P530 Q232 +Q712139 P264 Q50074604 +Q590792 P106 Q36834 +Q187336 P20 Q13375 +Q801 P530 Q159 +Q360663 P106 Q245068 +Q113190 P106 Q520549 +Q48048 P27 Q15180 +Q13129708 P3373 Q2449206 +Q77493 P102 Q49750 +Q53001 P106 Q578109 +Q335552 P106 Q131524 +Q119719 P106 Q36180 +Q710121 P106 Q855091 +Q437254 P106 Q33999 +Q106571 P161 Q232860 +Q311115 P106 Q81096 +Q502 P106 Q18939491 +Q7176 P27 Q79 +Q2695220 P27 Q30 +Q83338 P106 Q10800557 +Q983686 P19 Q2280 +Q711499 P20 Q36091 +Q1715 P463 Q1768108 +Q4184336 P27 Q34266 +Q299317 P19 Q1297 +Q165706 P27 Q183 +Q859504 P1303 Q51290 +Q35900 P1412 Q13955 +Q90822 P106 Q40348 +Q929 P463 Q340195 +Q108297 P136 Q645928 +Q11998 P264 Q21077 +Q76004 P1412 Q188 +Q244997 P463 Q337224 +Q159840 P106 Q131524 +Q67385 P69 Q151510 +Q271281 P840 Q8686 +Q3088816 P1303 Q6607 +Q57063 P101 Q413 +Q252409 P136 Q471839 +Q276181 P106 Q5716684 +Q155 P530 Q833 +Q243969 P19 Q62 +Q316644 P1303 Q51290 +Q721043 P509 Q12202 +Q436790 P102 Q29468 +Q240886 P106 Q177220 +Q221249 P57 Q51522 +Q453691 P106 Q36834 +Q64176 P108 Q154804 +Q796 P530 Q458 +Q106607 P106 Q2526255 +Q189665 P106 Q333634 +Q175305 P106 Q183945 +Q40580 P264 Q843402 +Q65350 P69 Q152087 +Q294901 P106 Q3282637 +Q92670 P106 Q81096 +Q3713655 P69 Q1329269 +Q664 P530 Q212 +Q242535 P27 Q38 +Q85429 P106 Q482980 +Q1386188 P20 Q60 +Q55704 P140 Q9089 +Q71004 P20 Q61 +Q35498 P1412 Q35497 +Q155079 P264 Q726251 +Q150804 P161 Q57614 +Q175366 P1412 Q1860 +Q240933 P119 Q1437214 +Q188712 P30 Q48 +Q186341 P495 Q145 +Q337090 P161 Q295974 +Q282823 P20 Q1781 +Q206112 P264 Q202440 +Q214 P530 Q30 +Q270774 P106 Q2405480 +Q47695 P108 Q154561 +Q41513 P172 Q42406 +Q129873 P136 Q52162262 +Q193573 P495 Q30 +Q70962 P69 Q152171 +Q106440 P495 Q30 +Q336640 P106 Q10800557 +Q215497 P1303 Q17172850 +Q902 P530 Q884 +Q205028 P161 Q165219 +Q23261 P106 Q28389 +Q309246 P495 Q414 +Q833 P530 Q884 +Q5890 P136 Q1341051 +Q2576206 P136 Q83270 +Q521116 P106 Q1930187 +Q606356 P20 Q61 +Q207676 P27 Q30 +Q330432 P20 Q47164 +Q155449 P551 Q16552 +Q691 P463 Q1043527 +Q366307 P106 Q333634 +Q11239 P106 Q43845 +Q116003 P69 Q154561 +Q104591 P108 Q165528 +Q54945 P463 Q2095524 +Q77312 P1412 Q188 +Q874 P530 Q668 +Q142627 P106 Q82955 +Q193670 P119 Q262 +Q2646 P119 Q819654 +Q57085 P101 Q5891 +Q91582 P27 Q183 +Q1430 P101 Q5891 +Q156774 P1412 Q9129 +Q725933 P27 Q159 +Q4410089 P106 Q901 +Q132205 P1412 Q150 +Q44414 P106 Q177220 +Q553196 P106 Q201788 +Q229379 P264 Q231694 +Q64263 P27 Q183 +Q483507 P264 Q202585 +Q84423 P106 Q1622272 +Q621879 P106 Q47064 +Q304966 P106 Q488205 +Q361940 P106 Q128124 +Q64949 P106 Q639669 +Q215137 P106 Q7042855 +Q334760 P551 Q30 +Q85280 P106 Q33999 +Q99080 P19 Q64 +Q47007 P509 Q12136 +Q436648 P1303 Q6607 +Q77497 P463 Q414110 +Q91640 P108 Q152171 +Q215122 P106 Q47064 +Q217750 P1303 Q17172850 +Q1827208 P1303 Q17172850 +Q1570102 P1303 Q17172850 +Q28480 P1412 Q9056 +Q331277 P161 Q438537 +Q537112 P106 Q36180 +Q672 P463 Q294278 +Q712319 P106 Q639669 +Q142 P463 Q45177 +Q4894155 P106 Q121594 +Q96452 P106 Q486748 +Q202801 P106 Q753110 +Q65911 P106 Q82955 +Q4235 P737 Q180453 +Q2587669 P463 Q270794 +Q347 P463 Q7825 +Q62843 P101 Q21198 +Q128746 P27 Q34266 +Q55917 P106 Q82955 +Q539156 P1303 Q302497 +Q366355 P106 Q486748 +Q57473 P106 Q82955 +Q766 P530 Q833 +Q70004 P106 Q1930187 +Q77177 P69 Q686522 +Q310315 P106 Q2259451 +Q356639 P1412 Q1860 +Q767329 P463 Q188771 +Q98173 P106 Q82955 +Q3520383 P136 Q471839 +Q76641 P69 Q152087 +Q519289 P106 Q488205 +Q792 P30 Q49 +Q55245 P509 Q476921 +Q373968 P106 Q948329 +Q1545 P106 Q10798782 +Q1066894 P106 Q177220 +Q66735968 P106 Q3391743 +Q391784 P136 Q853630 +Q61398 P27 Q183 +Q62432 P106 Q36180 +Q350405 P106 Q28389 +Q332783 P106 Q82955 +Q229983 P69 Q49205 +Q360477 P106 Q10798782 +Q319648 P27 Q30 +Q186264 P106 Q14915627 +Q345217 P27 Q38 +Q605129 P264 Q238095 +Q138984 P20 Q2843 +Q254041 P1412 Q1321 +Q94701 P27 Q40 +Q81145 P136 Q319221 +Q79078 P108 Q153978 +Q8015 P69 Q219615 +Q57396 P27 Q183 +Q315752 P101 Q2329 +Q230654 P106 Q4853732 +Q443292 P136 Q850412 +Q267051 P509 Q181754 +Q4622 P106 Q36180 +Q2623752 P106 Q182436 +Q163549 P495 Q145 +Q10648 P106 Q82955 +Q180099 P463 Q270794 +Q64640 P1412 Q188 +Q506900 P106 Q177220 +Q104326 P27 Q142 +Q163234 P106 Q33999 +Q270560 P106 Q10798782 +Q2089840 P106 Q170790 +Q92519 P106 Q4263842 +Q481477 P1412 Q1860 +Q153039 P495 Q183 +Q39659 P69 Q157575 +Q2005601 P509 Q12152 +Q367132 P106 Q1930187 +Q312073 P106 Q205375 +Q183 P530 Q265 +Q125494 P495 Q39 +Q388785 P1303 Q5994 +Q78496 P69 Q165980 +Q315514 P551 Q84 +Q154809 P20 Q1489 +Q218235 P136 Q842256 +Q167635 P27 Q30 +Q406854 P106 Q488205 +Q218589 P161 Q45647 +Q3772 P106 Q10800557 +Q155700 P1303 Q17172850 +Q60528 P27 Q16957 +Q196004 P161 Q3772 +Q887259 P1412 Q9299 +Q201359 P69 Q1179603 +Q216398 P27 Q145 +Q44403 P69 Q152171 +Q85624 P106 Q639669 +Q575689 P106 Q512314 +Q216582 P19 Q87 +Q47296 P495 Q30 +Q159603 P27 Q28513 +Q24064 P101 Q207628 +Q161678 P136 Q157394 +Q15794 P106 Q49757 +Q191023 P106 Q28389 +Q84751 P119 Q240744 +Q192934 P161 Q296028 +Q3133221 P106 Q185351 +Q14100 P106 Q82594 +Q94123 P106 Q10798782 +Q105875 P1412 Q1860 +Q319648 P140 Q55004488 +Q1267 P106 Q36180 +Q559794 P27 Q145 +Q67018 P27 Q183 +Q976022 P19 Q27 +Q184572 P106 Q16323111 +Q2902600 P140 Q9268 +Q59595 P840 Q60 +Q106740 P106 Q36180 +Q233546 P106 Q10798782 +Q238045 P27 Q30 +Q698714 P106 Q36180 +Q79 P361 Q7204 +Q53403 P1412 Q1860 +Q1041749 P264 Q732503 +Q436894 P1412 Q1860 +Q212663 P101 Q8341 +Q726057 P136 Q37073 +Q60141 P19 Q1055 +Q920857 P27 Q30 +Q75603 P136 Q8261 +Q55415 P119 Q253763 +Q369174 P1412 Q1860 +Q348533 P264 Q330629 +Q297736 P106 Q3455803 +Q318736 P1412 Q1321 +Q6711 P172 Q7325 +Q1200053 P106 Q28389 +Q233581 P27 Q159 +Q717884 P106 Q1930187 +Q554175 P106 Q82955 +Q68490 P106 Q11063 +Q377538 P19 Q1297 +Q282882 P19 Q194420 +Q2685 P172 Q237534 +Q216708 P136 Q11399 +Q91642 P69 Q154561 +Q40 P530 Q851 +Q448404 P27 Q30 +Q668 P530 Q912 +Q359552 P136 Q11399 +Q423644 P1412 Q9168 +Q212730 P108 Q41506 +Q7542 P106 Q1415090 +Q153579 P106 Q822146 +Q234980 P106 Q82955 +Q229603 P161 Q1151944 +Q1779 P106 Q2722764 +Q164730 P27 Q142 +Q76593 P463 Q2370801 +Q156321 P106 Q36180 +Q103285 P106 Q1028181 +Q419 P530 Q833 +Q85876 P106 Q40348 +Q11104 P140 Q432 +Q86289 P69 Q31519 +Q59210 P69 Q499911 +Q562108 P106 Q28389 +Q48779 P27 Q36704 +Q92926 P69 Q13371 +Q152293 P106 Q13219637 +Q444601 P106 Q1930187 +Q110183 P20 Q64 +Q36591 P106 Q18844224 +Q12786562 P27 Q83286 +Q3271606 P69 Q273626 +Q9364 P106 Q16287483 +Q470758 P106 Q6625963 +Q535 P106 Q644687 +Q656 P131 Q159 +Q71499 P108 Q161976 +Q106231 P1412 Q1860 +Q449634 P106 Q10800557 +Q434502 P19 Q18426 +Q188848 P119 Q831300 +Q92619 P69 Q131252 +Q213081 P161 Q270664 +Q165817 P495 Q30 +Q142 P530 Q881 +Q640991 P106 Q4773904 +Q230969 P119 Q1428 +Q34851 P106 Q3282637 +Q92627 P509 Q11868838 +Q708007 P264 Q165711 +Q1242553 P106 Q177220 +Q533970 P27 Q39 +Q155079 P106 Q10798782 +Q296500 P106 Q10800557 +Q884 P463 Q1072120 +Q670277 P106 Q13219637 +Q84579 P1412 Q188 +Q196401 P19 Q23197 +Q92942 P463 Q463303 +Q23368 P106 Q36180 +Q335160 P495 Q145 +Q92446 P1412 Q188 +Q1292344 P108 Q41506 +Q323641 P106 Q753110 +Q15909 P106 Q4263842 +Q179682 P106 Q8178443 +Q710924 P27 Q16 +Q604086 P106 Q18844224 +Q948 P463 Q125761 +Q108586 P161 Q108935 +Q1585964 P106 Q82594 +Q369907 P27 Q843 +Q25820 P106 Q169470 +Q183713 P106 Q4263842 +Q13894 P27 Q183 +Q95048 P106 Q3282637 +Q1715512 P19 Q72 +Q1953 P131 Q399 +Q70767 P102 Q49750 +Q131725 P106 Q1476215 +Q221345 P136 Q2421031 +Q466649 P112 Q587361 +Q1615184 P106 Q40348 +Q179680 P106 Q49757 +Q92621 P106 Q169470 +Q254 P1303 Q1444 +Q184103 P106 Q2405480 +Q229258 P106 Q33999 +Q77688 P106 Q482980 +Q319648 P106 Q3427922 +Q432421 P136 Q11366 +Q328532 P20 Q8646 +Q211283 P106 Q3282637 +Q282787 P140 Q7066 +Q733373 P106 Q36180 +Q555426 P264 Q183387 +Q6530 P172 Q1026 +Q331180 P136 Q20442589 +Q93343 P106 Q214917 +Q328892 P108 Q13371 +Q88095 P1412 Q188 +Q214574 P106 Q36834 +Q79 P463 Q191384 +Q85636 P27 Q40 +Q551735 P106 Q82955 +Q429969 P161 Q83338 +Q172584 P106 Q28389 +Q450382 P106 Q33999 +Q235403 P106 Q4853732 +Q846373 P264 Q1392321 +Q12325 P102 Q29552 +Q116928 P161 Q236463 +Q935369 P106 Q128124 +Q27610 P106 Q11774202 +Q110126 P106 Q1476215 +Q95043 P106 Q10800557 +Q106440 P161 Q315087 +Q210364 P136 Q52207399 +Q642817 P106 Q37226 +Q233340 P1412 Q397 +Q222791 P106 Q214917 +Q314308 P509 Q12202 +Q310734 P136 Q52162262 +Q57213 P264 Q155152 +Q1660599 P161 Q436719 +Q169000 P57 Q262130 +Q379877 P161 Q44442 +Q183105 P106 Q201788 +Q1048660 P19 Q1781 +Q987724 P106 Q12362622 +Q64356 P463 Q329464 +Q185770 P106 Q170790 +Q1364884 P463 Q123885 +Q434701 P264 Q7659636 +Q443030 P27 Q174193 +Q7315 P136 Q9734 +Q105460 P136 Q11700058 +Q41315 P495 Q30 +Q24348 P106 Q49757 +Q196004 P161 Q23844 +Q350690 P20 Q11299 +Q49001 P106 Q28389 +Q103114 P1412 Q150 +Q45662 P19 Q3104 +Q327332 P136 Q130232 +Q241085 P161 Q173158 +Q96028 P1412 Q188 +Q57552 P27 Q41304 +Q1930688 P106 Q81096 +Q152019 P106 Q37226 +Q915447 P27 Q30 +Q164396 P463 Q270794 +Q51476 P106 Q2259451 +Q865 P530 Q1037 +Q264914 P136 Q157443 +Q128560 P737 Q5682 +Q521350 P27 Q30 +Q236112 P264 Q277626 +Q243771 P136 Q482 +Q21826 P27 Q30 +Q212498 P106 Q201788 +Q156268 P106 Q2306091 +Q201221 P19 Q649 +Q750 P530 Q183 +Q179282 P106 Q1622272 +Q233786 P106 Q33999 +Q118488 P19 Q90 +Q240233 P106 Q2259451 +Q177610 P106 Q82955 +Q184530 P106 Q169470 +Q165357 P20 Q84 +Q173417 P106 Q82955 +Q178903 P106 Q36180 +Q204205 P20 Q90 +Q318004 P463 Q253439 +Q242208 P106 Q33999 +Q281964 P106 Q3282637 +Q256286 P140 Q9089 +Q234819 P106 Q36180 +Q447015 P102 Q79854 +Q169311 P19 Q2843 +Q181685 P69 Q926749 +Q28978 P106 Q3400985 +Q842633 P106 Q13474373 +Q188426 P106 Q177220 +Q219878 P106 Q4610556 +Q14100 P641 Q38108 +Q962897 P69 Q1472245 +Q151098 P106 Q82955 +Q16957 P37 Q188 +Q298412 P106 Q36834 +Q785404 P27 Q35 +Q65504 P463 Q459620 +Q158813 P1303 Q6607 +Q329163 P106 Q10798782 +Q11817 P1050 Q12204 +Q851 P530 Q43 +Q65911 P27 Q258 +Q299317 P27 Q30 +Q936812 P1412 Q652 +Q74636 P161 Q179414 +Q334760 P101 Q395 +Q67138 P106 Q16533 +Q782020 P509 Q18554460 +Q981256 P106 Q4220892 +Q214226 P106 Q183945 +Q662066 P101 Q8371 +Q82778 P2348 Q2277 +Q236229 P1303 Q17172850 +Q884 P530 Q232 +Q92670 P463 Q1493021 +Q953 P530 Q35 +Q4124737 P509 Q29496 +Q363876 P27 Q145 +Q48990 P106 Q169470 +Q254789 P27 Q30 +Q72245 P106 Q40348 +Q62831 P106 Q6337803 +Q113601 P106 Q14915627 +Q6173306 P27 Q29 +Q285483 P106 Q10800557 +Q591270 P27 Q30 +Q729048 P101 Q9471 +Q70324 P106 Q1231865 +Q326723 P106 Q2259451 +Q228832 P106 Q36834 +Q72001 P106 Q1930187 +Q8619 P69 Q859363 +Q231635 P19 Q1337818 +Q372311 P106 Q2405480 +Q322465 P1303 Q6607 +Q231276 P136 Q180268 +Q241735 P106 Q205375 +Q309589 P106 Q10798782 +Q46599 P106 Q36180 +Q1553197 P106 Q121594 +Q179854 P1412 Q1860 +Q57384 P509 Q623031 +Q110397 P840 Q1391 +Q234967 P27 Q30 +Q310947 P106 Q28389 +Q1386188 P106 Q1622272 +Q44857 P136 Q268253 +Q192331 P69 Q27621 +Q106245 P19 Q33935 +Q381884 P1303 Q17172850 +Q254983 P463 Q463303 +Q240894 P161 Q83338 +Q241316 P108 Q657167 +Q152388 P106 Q1350157 +Q362228 P106 Q2259451 +Q190585 P17 Q766 +Q77734 P27 Q183 +Q112307 P106 Q639669 +Q368421 P136 Q130232 +Q313652 P106 Q33999 +Q711978 P740 Q18426 +Q869 P530 Q38 +Q13298 P17 Q153136 +Q169011 P1412 Q1860 +Q40 P530 Q159 +Q116928 P161 Q126599 +Q2902600 P106 Q901 +Q88997 P27 Q183 +Q363308 P463 Q463303 +Q454970 P102 Q29552 +Q708423 P172 Q49085 +Q1430 P509 Q133780 +Q65087 P106 Q1209498 +Q47011 P27 Q15180 +Q433044 P106 Q10800557 +Q78006 P106 Q947873 +Q302280 P136 Q83440 +Q157359 P20 Q2079 +Q105362 P106 Q214917 +Q7563919 P27 Q30 +Q707352 P106 Q753110 +Q112160 P19 Q2079 +Q57358 P108 Q657167 +Q159876 P172 Q133255 +Q184255 P161 Q257317 +Q204672 P1412 Q1860 +Q726170 P106 Q177220 +Q214063 P20 Q1731 +Q952737 P106 Q333634 +Q25057 P161 Q223985 +Q78476 P106 Q36180 +Q49285 P106 Q169470 +Q457306 P106 Q639669 +Q470619 P106 Q183945 +Q267764 P136 Q753679 +Q211513 P20 Q641 +Q151814 P106 Q2259451 +Q71819 P1412 Q1860 +Q25139 P161 Q368037 +Q353762 P106 Q49757 +Q78608 P69 Q1797768 +Q523578 P27 Q145 +Q1006 P463 Q827525 +Q119768 P1412 Q188 +Q77 P530 Q142 +Q264914 P106 Q10798782 +Q81244 P69 Q165980 +Q189164 P106 Q2865819 +Q1397888 P106 Q774306 +Q63439 P106 Q183945 +Q439204 P19 Q5092 +Q42398 P172 Q49542 +Q9061 P106 Q4964182 +Q1031340 P264 Q183412 +Q209004 P27 Q34266 +Q715281 P27 Q15180 +Q991 P737 Q22670 +Q51814 P106 Q36180 +Q445648 P106 Q177220 +Q55004 P106 Q639669 +Q522050 P106 Q9352089 +Q380123 P27 Q884 +Q214851 P463 Q2822396 +Q28 P530 Q17 +Q252 P530 Q668 +Q383355 P161 Q513849 +Q80702 P30 Q46 +Q58062 P106 Q3242115 +Q339581 P27 Q15180 +Q41488 P106 Q121594 +Q57319 P1412 Q1860 +Q41 P530 Q858 +Q236835 P101 Q207628 +Q974 P530 Q865 +Q981195 P17 Q145 +Q132205 P106 Q10798782 +Q110726 P27 Q183 +Q123389 P27 Q39 +Q258 P463 Q656801 +Q1131225 P407 Q1860 +Q264577 P161 Q34851 +Q92695 P463 Q337234 +Q349223 P1303 Q6607 +Q62730 P136 Q369747 +Q77087 P136 Q11635 +Q95855 P69 Q155354 +Q38486 P161 Q193048 +Q78505 P27 Q30 +Q836 P530 Q865 +Q299100 P27 Q801 +Q64577 P27 Q183 +Q1443689 P108 Q557632 +Q32520 P106 Q1234713 +Q8862012 P106 Q212980 +Q57952 P102 Q49762 +Q193628 P106 Q28389 +Q878 P530 Q403 +Q548964 P106 Q1622272 +Q75220 P69 Q151510 +Q106001 P106 Q2259451 +Q94040 P1412 Q188 +Q50861 P840 Q1384 +Q975777 P20 Q90 +Q1942336 P140 Q9268 +Q60178 P20 Q2999 +Q93354 P106 Q15949613 +Q712 P530 Q664 +Q77742 P106 Q49757 +Q32 P463 Q41550 +Q109063 P1303 Q6607 +Q1112005 P264 Q1124849 +Q145 P463 Q233611 +Q35900 P106 Q11063 +Q4538 P106 Q33999 +Q391536 P106 Q33999 +Q1551705 P136 Q11399 +Q206497 P136 Q130232 +Q350581 P136 Q37073 +Q60953 P106 Q10800557 +Q1361304 P106 Q639669 +Q229646 P463 Q463303 +Q936760 P106 Q14467526 +Q327542 P106 Q2259451 +Q316231 P136 Q217191 +Q244674 P1412 Q1860 +Q568455 P108 Q49110 +Q336272 P106 Q855091 +Q30 P530 Q252 +Q444017 P495 Q183 +Q354508 P27 Q30 +Q152222 P264 Q168407 +Q184746 P106 Q4773904 +Q43936 P106 Q4964182 +Q951110 P106 Q1930187 +Q277356 P106 Q82955 +Q64176 P106 Q1622272 +Q41142 P106 Q3282637 +Q454388 P106 Q1086863 +Q161363 P106 Q482980 +Q66041 P106 Q28389 +Q110163 P1412 Q188 +Q456467 P161 Q108941 +Q175571 P119 Q1302545 +Q240082 P1303 Q6607 +Q62409 P106 Q81096 +Q61761 P463 Q150793 +Q256708 P106 Q33999 +Q76517 P106 Q121594 +Q20715407 P20 Q11299 +Q37767 P135 Q971480 +Q730190 P69 Q503424 +Q108719 P19 Q1792 +Q44398 P106 Q753110 +Q1909258 P27 Q30 +Q52440 P264 Q654283 +Q105237 P20 Q90 +Q157318 P119 Q2790054 +Q240658 P69 Q993267 +Q206032 P264 Q1998195 +Q52997 P27 Q30 +Q4074457 P106 Q635734 +Q183439 P172 Q133255 +Q229735 P1303 Q5994 +Q44647 P106 Q333634 +Q1291679 P106 Q36180 +Q164674 P106 Q2059704 +Q183382 P106 Q214917 +Q267685 P20 Q23556 +Q344822 P106 Q131524 +Q206886 P136 Q52162262 +Q76887 P69 Q151510 +Q2680 P1303 Q17172850 +Q237633 P264 Q202585 +Q87821 P106 Q2526255 +Q1242 P463 Q688638 +Q116462 P69 Q167733 +Q76412 P106 Q4853732 +Q965375 P106 Q2516866 +Q219424 P57 Q323201 +Q58051 P1412 Q188 +Q283496 P463 Q463281 +Q40531 P106 Q2526255 +Q638638 P136 Q492264 +Q392662 P161 Q295107 +Q587361 P27 Q30 +Q77079 P27 Q183 +Q311594 P101 Q7867 +Q51506 P106 Q28389 +Q234890 P106 Q177220 +Q546956 P106 Q639669 +Q464318 P172 Q42406 +Q510114 P106 Q1930187 +Q353978 P106 Q10800557 +Q1394 P106 Q36180 +Q106465 P737 Q209641 +Q113052 P161 Q163249 +Q1382535 P108 Q503246 +Q56016 P106 Q2259451 +Q15257 P106 Q82955 +Q176578 P1412 Q7737 +Q8814 P101 Q41217 +Q234939 P106 Q177220 +Q521350 P106 Q1622272 +Q325428 P106 Q482980 +Q70478 P27 Q183 +Q1274170 P106 Q33999 +Q107957 P119 Q216344 +Q215546 P102 Q29468 +Q41340 P27 Q30 +Q40 P463 Q151991 +Q380381 P106 Q183945 +Q235451 P106 Q1622272 +Q780720 P27 Q30 +Q243983 P136 Q20443008 +Q35314 P106 Q47064 +Q51488 P106 Q948329 +Q193116 P1412 Q1860 +Q153481 P106 Q4853732 +Q1334617 P264 Q216364 +Q443403 P106 Q36180 +Q100529 P20 Q2887 +Q11812 P106 Q205375 +Q6701 P106 Q13418253 +Q90840 P69 Q315658 +Q310975 P264 Q190585 +Q333460 P27 Q129286 +Q33637 P108 Q185246 +Q123718 P106 Q486748 +Q18118088 P3373 Q13132095 +Q440388 P119 Q252312 +Q1606016 P119 Q311 +Q173481 P106 Q482980 +Q62929 P106 Q10798782 +Q233475 P264 Q202585 +Q259788 P106 Q855091 +Q728463 P20 Q84 +Q230 P530 Q1007 +Q975777 P463 Q1429947 +Q131112 P737 Q9317 +Q911923 P106 Q639669 +Q42992 P551 Q37836 +Q23436 P17 Q145 +Q5752 P106 Q188094 +Q215215 P106 Q3391743 +Q61601 P106 Q49757 +Q282722 P551 Q65 +Q228925 P106 Q33999 +Q90910 P106 Q177220 +Q1391164 P106 Q2340668 +Q1057893 P136 Q186472 +Q233464 P135 Q377616 +Q1246324 P106 Q2004963 +Q543719 P106 Q10798782 +Q16 P530 Q884 +Q53002 P108 Q909176 +Q503710 P1303 Q17172850 +Q77742 P106 Q8178443 +Q47159 P136 Q11401 +Q94040 P106 Q36180 +Q242640 P106 Q18844224 +Q300502 P161 Q218503 +Q506231 P463 Q463303 +Q958 P530 Q114 +Q92745 P1412 Q9043 +Q39574 P106 Q488205 +Q262 P463 Q827525 +Q2754 P509 Q12204 +Q182665 P2348 Q6927 +Q63441 P463 Q44687 +Q1805442 P106 Q639669 +Q1373347 P106 Q488205 +Q551596 P19 Q100 +Q722395 P1303 Q17172850 +Q58735 P264 Q935090 +Q782020 P106 Q33999 +Q169077 P172 Q170217 +Q60969 P27 Q151624 +Q961981 P106 Q11900058 +Q336640 P106 Q639669 +Q2622193 P106 Q81096 +Q102711 P509 Q181257 +Q151796 P27 Q801 +Q164060 P106 Q177220 +Q1378383 P69 Q60450 +Q428223 P1412 Q1860 +Q539506 P27 Q30 +Q379022 P69 Q471980 +Q349420 P106 Q2252262 +Q1284551 P140 Q624477 +Q91990 P106 Q36180 +Q286868 P161 Q129817 +Q213778 P106 Q1234713 +Q19201 P106 Q627325 +Q952491 P106 Q753110 +Q33391 P140 Q7066 +Q220536 P106 Q33999 +Q129087 P27 Q30 +Q963003 P108 Q35794 +Q161678 P161 Q19190 +Q47122 P551 Q8652 +Q437616 P106 Q36834 +Q268039 P106 Q10798782 +Q60953 P119 Q1437214 +Q878 P530 Q858 +Q106443 P106 Q2259451 +Q201927 P106 Q36180 +Q29315 P106 Q212980 +Q343304 P19 Q37320 +Q4425869 P463 Q2370801 +Q252248 P20 Q1748 +Q311778 P106 Q201788 +Q231178 P106 Q1607826 +Q9161 P509 Q181754 +Q3088816 P27 Q30 +Q183063 P161 Q313470 +Q7747 P102 Q327591 +Q462118 P509 Q389735 +Q57393 P69 Q151510 +Q31 P530 Q801 +Q246296 P19 Q36036 +Q725953 P27 Q16 +Q77 P463 Q1043527 +Q40933 P27 Q414 +Q918447 P136 Q9759 +Q1241173 P106 Q639669 +Q3662078 P19 Q33486 +Q1242553 P19 Q43421 +Q217033 P106 Q10800557 +Q208871 P106 Q855091 +Q1049686 P136 Q83270 +Q561169 P69 Q835960 +Q63117 P463 Q44687 +Q1141825 P264 Q231694 +Q204005 P106 Q33999 +Q113681 P106 Q214917 +Q47595 P172 Q160894 +Q528832 P69 Q1206658 +Q47293 P463 Q459620 +Q315542 P509 Q12152 +Q444371 P106 Q33999 +Q975911 P106 Q36834 +Q77980 P27 Q16957 +Q155845 P1412 Q1860 +Q61183 P106 Q20725072 +Q232917 P19 Q37320 +Q208685 P106 Q33999 +Q869 P530 Q884 +Q939105 P1303 Q51290 +Q23858 P106 Q2405480 +Q313185 P106 Q2259451 +Q101437 P140 Q9592 +Q44426 P106 Q7042855 +Q2424996 P463 Q1493021 +Q228860 P106 Q855091 +Q316330 P20 Q49111 +Q93514 P737 Q82925 +Q332607 P20 Q84 +Q2623752 P172 Q1026 +Q18553 P1412 Q150 +Q49080 P106 Q164236 +Q53944 P140 Q1841 +Q119136 P106 Q1930187 +Q424 P463 Q376150 +Q51884 P106 Q36180 +Q76624 P1412 Q188 +Q7314 P463 Q463303 +Q144929 P161 Q235020 +Q47293 P27 Q30 +Q266006 P27 Q30 +Q362422 P27 Q30 +Q325660 P1412 Q1321 +Q105090 P20 Q1726 +Q148 P530 Q1008 +Q222833 P106 Q36180 +Q102341 P106 Q10800557 +Q697747 P20 Q60 +Q5912 P1412 Q150 +Q217552 P840 Q1400 +Q826731 P106 Q188094 +Q51488 P106 Q36180 +Q719247 P106 Q81096 +Q174037 P463 Q463281 +Q166023 P106 Q47064 +Q212648 P106 Q131524 +Q730190 P20 Q85 +Q132689 P136 Q130232 +Q6210809 P27 Q30 +Q219 P530 Q230 +Q363876 P106 Q2259451 +Q311147 P106 Q189290 +Q27 P530 Q16 +Q131259 P106 Q486748 +Q184219 P106 Q28389 +Q358538 P1303 Q302497 +Q560921 P509 Q175111 +Q294625 P106 Q6625963 +Q705333 P106 Q488205 +Q184267 P119 Q208175 +Q48814 P17 Q36704 +Q254510 P106 Q177220 +Q506006 P106 Q806349 +Q61178 P106 Q36180 +Q151523 P106 Q36180 +Q182546 P106 Q15895020 +Q96950 P463 Q18650004 +Q2086130 P172 Q7325 +Q3353479 P108 Q41506 +Q88267 P106 Q36180 +Q21826 P69 Q2093794 +Q84266 P451 Q538379 +Q334633 P27 Q145 +Q234610 P106 Q3282637 +Q142 P530 Q334 +Q210111 P161 Q314805 +Q312450 P106 Q33999 +Q44481 P101 Q395 +Q447015 P136 Q8261 +Q238795 P551 Q16557 +Q213543 P106 Q520549 +Q12833 P106 Q333634 +Q107008 P264 Q557632 +Q302835 P106 Q36180 +Q72334 P551 Q60 +Q4977994 P106 Q1622272 +Q237273 P19 Q1297 +Q57629 P106 Q36180 +Q434805 P20 Q8678 +Q161687 P161 Q170428 +Q153149 P106 Q14467526 +Q1861917 P69 Q981195 +Q77087 P106 Q482980 +Q130631 P737 Q9358 +Q296771 P1412 Q13955 +Q55456 P509 Q12202 +Q224187 P161 Q233237 +Q61194 P1412 Q188 +Q84211 P106 Q36180 +Q59474 P1412 Q1860 +Q140694 P140 Q1841 +Q902463 P69 Q1472245 +Q229566 P19 Q1770 +Q235639 P19 Q61 +Q728615 P106 Q1622272 +Q63078 P463 Q18912936 +Q335376 P136 Q1152184 +Q333411 P106 Q49757 +Q171463 P106 Q10798782 +Q141829 P20 Q649 +Q169038 P106 Q1930187 +Q76717 P1412 Q1860 +Q7604 P20 Q656 +Q9047 P69 Q154561 +Q1449438 P106 Q33999 +Q298205 P136 Q11399 +Q711 P530 Q881 +Q465350 P106 Q3455803 +Q8027 P69 Q49110 +Q346309 P509 Q12136 +Q183397 P106 Q18844224 +Q231726 P106 Q2405480 +Q321378 P106 Q28389 +Q65513 P20 Q1055 +Q262576 P106 Q10800557 +Q236960 P106 Q177220 +Q207458 P106 Q10800557 +Q40791 P26 Q530550 +Q354382 P1412 Q150 +Q434571 P108 Q273518 +Q72932 P1412 Q188 +Q213775 P106 Q131524 +Q13513 P106 Q1930187 +Q211 P463 Q1969730 +Q236161 P27 Q142 +Q37610 P1412 Q8641 +Q542101 P1303 Q6607 +Q71452 P264 Q155152 +Q669733 P27 Q34266 +Q310166 P1303 Q17172850 +Q1965416 P106 Q49757 +Q186042 P26 Q5052689 +Q874481 P27 Q28513 +Q437351 P106 Q3282637 +Q314290 P106 Q10800557 +Q158753 P69 Q248970 +Q700359 P159 Q727 +Q59737 P172 Q1026 +Q84346 P69 Q273263 +Q235002 P106 Q2259451 +Q963 P463 Q7809 +Q285928 P106 Q3282637 +Q151917 P69 Q221645 +Q974238 P264 Q121698 +Q2831 P3373 Q44855 +Q1558698 P106 Q639669 +Q107194 P106 Q36180 +Q314843 P463 Q463281 +Q142 P530 Q38 +Q164582 P140 Q75809 +Q62402 P106 Q783906 +Q205447 P161 Q272019 +Q729697 P264 Q1551705 +Q910092 P106 Q39631 +Q310975 P463 Q259254 +Q52627 P1412 Q1860 +Q672 P530 Q865 +Q55218 P106 Q28389 +Q77462 P106 Q10800557 +Q212224 P106 Q10800557 +Q769080 P106 Q753110 +Q332394 P161 Q296008 +Q309248 P136 Q157443 +Q945 P530 Q458 +Q77551 P463 Q329464 +Q78321 P463 Q265058 +Q177993 P106 Q28389 +Q76395 P27 Q183 +Q229009 P69 Q1026939 +Q57106 P463 Q695302 +Q456711 P106 Q1415090 +Q95043 P136 Q21590660 +Q184650 P140 Q178169 +Q333405 P27 Q30 +Q84998 P106 Q82955 +Q38 P30 Q15 +Q14278 P106 Q33231 +Q1809563 P1303 Q6607 +Q117913 P3373 Q154353 +Q44414 P106 Q266569 +Q157970 P19 Q1741 +Q41042 P69 Q981195 +Q78525 P1412 Q188 +Q93031 P108 Q1367256 +Q7345 P106 Q1930187 +Q104000 P106 Q4610556 +Q23481 P1412 Q188 +Q230916 P27 Q159 +Q3849085 P108 Q49088 +Q241 P530 Q686 +Q691973 P106 Q1930187 +Q223596 P840 Q8652 +Q1349284 P106 Q10798782 +Q78514 P509 Q12152 +Q275900 P27 Q17 +Q44747 P108 Q36188 +Q551512 P20 Q90 +Q920857 P69 Q230492 +Q64707 P27 Q183 +Q1025106 P17 Q30 +Q349420 P19 Q18419 +Q590911 P106 Q1350157 +Q584632 P27 Q172579 +Q668 P530 Q837 +Q707352 P1303 Q17172850 +Q678 P463 Q1065 +Q367032 P106 Q1415090 +Q156516 P495 Q183 +Q314945 P106 Q28389 +Q1189327 P106 Q639669 +Q263143 P106 Q2259451 +Q709751 P69 Q49088 +Q66126 P106 Q10800557 +Q28 P463 Q782942 +Q61686 P69 Q157808 +Q45229 P106 Q177220 +Q14277 P463 Q191583 +Q77938 P463 Q463303 +Q429046 P106 Q488205 +Q164309 P509 Q181754 +Q37134 P20 Q64 +Q99279 P106 Q2259451 +Q148 P530 Q458 +Q289108 P19 Q12439 +Q9317 P19 Q350 +Q283659 P106 Q201788 +Q2280 P17 Q207272 +Q3123791 P27 Q30 +Q178391 P19 Q2119 +Q234356 P136 Q131272 +Q97070 P27 Q183 +Q158765 P69 Q192088 +Q49319 P1303 Q8338 +Q2686748 P27 Q34266 +Q865 P530 Q672 +Q287309 P1303 Q6607 +Q57168 P27 Q16957 +Q114169 P106 Q40348 +Q51123 P1412 Q1860 +Q116088 P69 Q206702 +Q153909 P106 Q82955 +Q7052125 P106 Q901 +Q946019 P106 Q177220 +Q23301 P106 Q2914170 +Q106751 P108 Q503473 +Q292185 P108 Q126399 +Q151593 P106 Q36834 +Q188384 P57 Q268840 +Q44301 P106 Q36834 +Q123413 P19 Q2044 +Q266080 P101 Q207628 +Q313666 P106 Q2306091 +Q124834 P1412 Q188 +Q1351259 P1303 Q6607 +Q314984 P1412 Q150 +Q928939 P106 Q193391 +Q1608224 P136 Q83440 +Q321857 P106 Q639669 +Q25188 P161 Q386249 +Q312276 P106 Q24067349 +Q459251 P106 Q177220 +Q442892 P264 Q165745 +Q1223694 P106 Q2526255 +Q67169 P106 Q36180 +Q98885 P106 Q188094 +Q43182 P106 Q201788 +Q90840 P106 Q3621491 +Q887889 P106 Q578109 +Q364131 P264 Q193023 +Q348571 P264 Q202440 +Q459969 P27 Q30 +Q164683 P106 Q1925963 +Q186264 P20 Q71 +Q185548 P106 Q4964182 +Q528340 P1303 Q8338 +Q61629 P463 Q414110 +Q41568 P106 Q333634 +Q290370 P106 Q33999 +Q242914 P140 Q7066 +Q153527 P20 Q34404 +Q43203 P451 Q35011 +Q322206 P495 Q145 +Q89014 P108 Q165980 +Q316381 P19 Q1754 +Q71412 P106 Q10800557 +Q547183 P1303 Q5994 +Q168407 P159 Q64 +Q224650 P136 Q37073 +Q150804 P495 Q142 +Q65350 P69 Q154804 +Q272214 P1303 Q17172850 +Q1237649 P361 Q6354282 +Q174210 P1412 Q1321 +Q105201 P106 Q2732142 +Q76513 P106 Q82955 +Q191305 P19 Q90 +Q2685 P106 Q4991371 +Q315707 P106 Q333634 +Q4416818 P108 Q13164 +Q207458 P106 Q970153 +Q300393 P136 Q157443 +Q80758 P19 Q8684 +Q61852 P106 Q1930187 +Q548345 P106 Q28389 +Q596717 P106 Q10798782 +Q659020 P27 Q191077 +Q215263 P106 Q36180 +Q90787 P1412 Q188 +Q260648 P495 Q30 +Q91595 P1412 Q188 +Q25 P37 Q9309 +Q726440 P264 Q202440 +Q72832 P106 Q4610556 +Q182725 P136 Q8341 +Q312969 P106 Q82955 +Q61199 P69 Q154804 +Q183 P530 Q874 +Q541922 P108 Q6608367 +Q35610 P106 Q18814623 +Q333265 P20 Q649 +Q309086 P161 Q460578 +Q239131 P106 Q169470 +Q510114 P1412 Q150 +Q918647 P136 Q1344 +Q183 P530 Q916 +Q230 P463 Q380340 +Q94555 P69 Q1341516 +Q43067 P106 Q82955 +Q138007 P106 Q4263842 +Q4029 P106 Q2259451 +Q291866 P27 Q38 +Q312252 P106 Q639669 +Q320146 P106 Q488205 +Q76324 P463 Q812155 +Q387434 P106 Q3282637 +Q216701 P27 Q183 +Q368812 P27 Q15180 +Q151881 P161 Q170606 +Q123078 P106 Q36180 +Q1976514 P106 Q639669 +Q318231 P106 Q10798782 +Q133465 P106 Q901402 +Q260533 P840 Q65 +Q158088 P172 Q2436423 +Q32535 P161 Q132952 +Q160456 P106 Q34074720 +Q29344 P106 Q11774202 +Q202847 P69 Q13371 +Q851 P463 Q47543 +Q444616 P27 Q27 +Q51139 P509 Q181257 +Q956652 P19 Q2634 +Q37767 P737 Q200639 +Q133386 P1412 Q7411 +Q66720618 P551 Q2107 +Q436131 P69 Q7691246 +Q924053 P19 Q580 +Q44519 P463 Q207360 +Q408 P530 Q783 +Q51023 P106 Q33999 +Q218 P530 Q794 +Q355133 P451 Q175104 +Q106611 P106 Q36180 +Q1934319 P27 Q191077 +Q470334 P1412 Q5146 +Q55846 P106 Q201788 +Q356351 P509 Q181257 +Q1523426 P1303 Q5994 +Q182156 P106 Q1231865 +Q131149 P69 Q49123 +Q77199 P27 Q183 +Q73768 P69 Q50662 +Q1453287 P463 Q191583 +Q151830 P101 Q207628 +Q937936 P1412 Q7737 +Q42869 P106 Q2405480 +Q750 P138 Q8605 +Q186221 P106 Q6625963 +Q24075 P161 Q706117 +Q123972 P19 Q2833 +Q346607 P119 Q1624932 +Q94186 P106 Q214917 +Q557948 P264 Q843402 +Q360 P106 Q36180 +Q445606 P27 Q801 +Q114819 P136 Q188473 +Q471751 P69 Q319239 +Q57106 P27 Q34266 +Q916 P530 Q801 +Q296244 P20 Q2044 +Q1046616 P106 Q1327329 +Q192934 P161 Q275967 +Q295537 P20 Q649 +Q119840 P1412 Q1860 +Q1985556 P106 Q639669 +Q316872 P1303 Q52954 +Q713213 P106 Q36180 +Q690474 P27 Q79 +Q191 P463 Q233611 +Q116905 P161 Q212224 +Q307391 P27 Q155 +Q40933 P106 Q2259451 +Q211206 P161 Q319725 +Q153658 P106 Q2259451 +Q843 P530 Q159 +Q970649 P1412 Q1321 +Q62046 P106 Q169470 +Q237497 P106 Q10800557 +Q233253 P26 Q42775 +Q72543 P106 Q14915627 +Q185770 P106 Q36180 +Q78119 P106 Q10800557 +Q96665 P1412 Q188 +Q92639 P463 Q1493021 +Q182642 P106 Q43845 +Q110138 P161 Q314924 +Q173637 P106 Q10800557 +Q44767 P119 Q240744 +Q966690 P136 Q663106 +Q77708 P69 Q152087 +Q363708 P106 Q33999 +Q12121820 P106 Q36834 +Q441267 P106 Q805221 +Q55208 P106 Q1569495 +Q1984061 P106 Q386854 +Q70350 P106 Q333634 +Q704696 P463 Q920266 +Q231948 P106 Q4853732 +Q105993 P136 Q28026639 +Q315604 P27 Q16 +Q481474 P19 Q220 +Q105756 P106 Q4164507 +Q272943 P264 Q202585 +Q463581 P463 Q123885 +Q356351 P1412 Q652 +Q909 P737 Q1512 +Q222800 P136 Q860626 +Q23114 P509 Q12204 +Q359563 P106 Q333634 +Q232968 P69 Q1420239 +Q106245 P106 Q36180 +Q51416 P136 Q188473 +Q67903 P106 Q33999 +Q123628 P106 Q10798782 +Q217182 P57 Q56008 +Q444125 P551 Q60 +Q919462 P1303 Q6607 +Q106029 P27 Q183 +Q320178 P106 Q2059704 +Q157359 P1303 Q1444 +Q221098 P136 Q130232 +Q469310 P106 Q43845 +Q108297 P136 Q188473 +Q344537 P161 Q440609 +Q69837 P1303 Q6607 +Q107759 P106 Q189010 +Q61761 P19 Q1715 +Q60815 P1412 Q1860 +Q233832 P551 Q17042 +Q127367 P2283 Q568723 +Q298 P463 Q123759 +Q1072843 P106 Q483501 +Q326571 P1412 Q1860 +Q320423 P840 Q38 +Q356397 P106 Q28389 +Q45387 P27 Q183 +Q1386948 P136 Q45981 +Q55171 P106 Q33999 +Q1027 P530 Q258 +Q272931 P1303 Q17172850 +Q272134 P106 Q4263842 +Q310819 P509 Q188605 +Q605129 P106 Q4610556 +Q237602 P26 Q712765 +Q164963 P161 Q4465 +Q450789 P1412 Q9129 +Q66936 P106 Q82955 +Q796316 P159 Q64 +Q342774 P136 Q37073 +Q24064 P1303 Q17172850 +Q234104 P106 Q33999 +Q92632 P463 Q270794 +Q334633 P20 Q1486 +Q64263 P106 Q49757 +Q81520 P108 Q740308 +Q185364 P106 Q177220 +Q254431 P1412 Q1860 +Q87040 P106 Q82955 +Q456271 P106 Q82955 +Q1560662 P1412 Q1860 +Q451180 P172 Q49085 +Q75860 P19 Q1729 +Q60650 P106 Q82955 +Q148 P530 Q145 +Q211429 P840 Q1581 +Q232810 P69 Q670897 +Q76539 P106 Q18814623 +Q187033 P106 Q28389 +Q383883 P27 Q30 +Q156774 P1412 Q1860 +Q1060115 P136 Q11399 +Q33528 P106 Q3055126 +Q195333 P264 Q3001888 +Q197935 P136 Q11635 +Q49034 P106 Q3282637 +Q238716 P27 Q28 +Q351061 P136 Q37073 +Q61374 P106 Q1622272 +Q184933 P106 Q14915627 +Q378639 P106 Q1930187 +Q1275039 P106 Q183945 +Q99728 P463 Q320642 +Q9095 P20 Q350 +Q9438 P106 Q36180 +Q150494 P1412 Q652 +Q19201 P136 Q11401 +Q706821 P19 Q38022 +Q937 P1412 Q188 +Q71508 P102 Q49763 +Q311752 P106 Q245068 +Q552215 P1412 Q1860 +Q60486 P27 Q188 +Q23543 P106 Q10800557 +Q605443 P106 Q36180 +Q233464 P161 Q235302 +Q434932 P106 Q82955 +Q202536 P27 Q29 +Q995245 P463 Q459620 +Q57629 P27 Q183 +Q925493 P106 Q36180 +Q370382 P106 Q1930187 +Q142 P530 Q1032 +Q55 P530 Q851 +Q214947 P106 Q36180 +Q634822 P106 Q189290 +Q66600 P27 Q41304 +Q148 P463 Q376150 +Q264989 P106 Q822146 +Q66216 P69 Q168426 +Q43 P463 Q8908 +Q345325 P106 Q36180 +Q458686 P106 Q36180 +Q314774 P140 Q432 +Q128187 P161 Q317521 +Q274400 P136 Q130232 +Q206922 P106 Q33999 +Q4892001 P1412 Q1321 +Q122701 P119 Q5933 +Q456921 P463 Q463303 +Q916 P463 Q8475 +Q11881 P1412 Q1860 +Q3339429 P1303 Q6607 +Q43936 P106 Q1234713 +Q105220 P1412 Q188 +Q3852 P463 Q1768108 +Q89204 P1412 Q188 +Q242477 P106 Q28389 +Q193695 P57 Q51133 +Q195303 P136 Q130232 +Q276218 P106 Q10800557 +Q182546 P509 Q372701 +Q1045 P530 Q43 +Q706821 P106 Q864503 +Q208546 P1303 Q5994 +Q1347919 P1303 Q6607 +Q223741 P101 Q638 +Q105937 P463 Q463303 +Q273206 P106 Q11338576 +Q465196 P106 Q855091 +Q2263 P106 Q10798782 +Q858 P463 Q17495 +Q235020 P106 Q177220 +Q709935 P27 Q30 +Q11930 P106 Q855091 +Q331 P108 Q232141 +Q62052 P106 Q3282637 +Q113601 P106 Q36180 +Q11621 P161 Q676094 +Q6969 P106 Q2722764 +Q88223 P106 Q10798782 +Q138005 P27 Q30 +Q966228 P106 Q36180 +Q1386793 P136 Q11401 +Q76755 P69 Q152087 +Q974795 P69 Q1524124 +Q217557 P101 Q35760 +Q62046 P463 Q684415 +Q365550 P106 Q10798782 +Q104081 P106 Q28389 +Q5105 P106 Q36834 +Q271956 P101 Q41217 +Q264783 P20 Q1489 +Q37767 P737 Q9312 +Q77162 P69 Q152171 +Q228931 P106 Q2259451 +Q217033 P27 Q30 +Q551154 P264 Q847018 +Q1353962 P2348 Q6939 +Q114169 P108 Q152087 +Q171363 P551 Q35 +Q31013 P106 Q488205 +Q35498 P463 Q1938003 +Q262549 P106 Q1930187 +Q180338 P509 Q181754 +Q323641 P1303 Q6607 +Q419 P361 Q12585 +Q109943 P1412 Q1860 +Q16873 P136 Q8261 +Q297794 P106 Q33999 +Q269669 P69 Q389336 +Q233207 P106 Q36180 +Q678840 P20 Q220 +Q55836 P106 Q82955 +Q365550 P136 Q83440 +Q57109 P509 Q12202 +Q408 P463 Q656801 +Q717 P530 Q148 +Q252469 P136 Q131272 +Q2514 P106 Q15980158 +Q40103 P106 Q10800557 +Q273903 P27 Q145 +Q12773 P1412 Q143 +Q298532 P106 Q36180 +Q90653 P1412 Q188 +Q332394 P136 Q842256 +Q1343669 P106 Q753110 +Q220078 P20 Q84 +Q362133 P69 Q4453555 +Q232397 P106 Q10798782 +Q59945 P106 Q1792450 +Q42581 P106 Q10798782 +Q12940 P102 Q1052584 +Q161877 P106 Q753110 +Q8704 P140 Q1062789 +Q110126 P106 Q36180 +Q352914 P463 Q83172 +Q317152 P106 Q82955 +Q16409 P106 Q10774753 +Q183412 P740 Q84 +Q10536 P1303 Q17172850 +Q312081 P106 Q639669 +Q180214 P495 Q30 +Q237518 P106 Q214917 +Q161841 P27 Q161885 +Q90577 P106 Q36180 +Q150767 P264 Q557632 +Q164757 P264 Q183387 +Q44570 P172 Q49085 +Q159 P530 Q334 +Q93890 P106 Q82955 +Q184650 P19 Q462799 +Q365750 P106 Q947873 +Q61863 P108 Q152838 +Q59610 P161 Q201279 +Q708581 P106 Q4853732 +Q159880 P108 Q31519 +Q240523 P172 Q49085 +Q600859 P136 Q38848 +Q750 P361 Q653884 +Q231360 P1412 Q1860 +Q222800 P161 Q313388 +Q1344185 P2348 Q6927 +Q193676 P106 Q2252262 +Q34981 P551 Q18419 +Q273568 P840 Q61 +Q90910 P106 Q2259451 +Q92981 P1412 Q1860 +Q223790 P19 Q160642 +Q919081 P69 Q157575 +Q311271 P106 Q49757 +Q46139 P1412 Q1860 +Q231595 P140 Q9268 +Q427403 P136 Q482 +Q78824 P1412 Q188 +Q153996 P1412 Q188 +Q131333 P106 Q49757 +Q201842 P106 Q2059704 +Q7516 P106 Q2259451 +Q378116 P101 Q5891 +Q510653 P172 Q2325516 +Q289380 P106 Q10798782 +Q72756 P27 Q30 +Q437182 P1412 Q7026 +Q220751 P1412 Q1860 +Q233464 P161 Q234551 +Q200867 P1303 Q8350 +Q521116 P106 Q2251335 +Q1893889 P106 Q9352089 +Q535812 P27 Q30 +Q61497 P20 Q1726 +Q49492 P106 Q33999 +Q95268 P106 Q36180 +Q280918 P136 Q1054574 +Q153610 P106 Q82955 +Q230591 P106 Q6625963 +Q129601 P161 Q196560 +Q229251 P20 Q34006 +Q102225 P161 Q343463 +Q1075770 P2348 Q6927 +Q124401 P463 Q266063 +Q182373 P840 Q779 +Q228598 P106 Q10800557 +Q310618 P106 Q43845 +Q426582 P69 Q2093794 +Q256037 P495 Q30 +Q150471 P172 Q42884 +Q722119 P106 Q214917 +Q313789 P69 Q5121453 +Q445648 P101 Q207628 +Q51498 P106 Q28389 +Q2277 P37 Q397 +Q154367 P140 Q75809 +Q162389 P40 Q273574 +Q76215 P106 Q82955 +Q467940 P106 Q639669 +Q3903340 P19 Q490 +Q3490296 P106 Q4263842 +Q20887 P106 Q36180 +Q358538 P264 Q193023 +Q275991 P509 Q12152 +Q60584 P136 Q482 +Q171758 P27 Q30 +Q170606 P106 Q10798782 +Q2791686 P1412 Q9288 +Q330238 P1303 Q5994 +Q1638939 P106 Q36834 +Q303207 P106 Q10798782 +Q44645 P27 Q145 +Q335142 P69 Q13164 +Q881176 P106 Q1930187 +Q7439 P463 Q1493021 +Q325038 P69 Q190080 +Q342778 P106 Q2405480 +Q957010 P106 Q639669 +Q13005 P106 Q333634 +Q292180 P106 Q4853732 +Q250995 P840 Q84 +Q173061 P1303 Q302497 +Q11726 P106 Q182436 +Q269692 P106 Q2526255 +Q249107 P1303 Q5994 +Q89054 P172 Q127885 +Q44481 P106 Q82955 +Q229228 P106 Q10798782 +Q228925 P69 Q49167 +Q212 P530 Q159 +Q229566 P106 Q10800557 +Q216563 P1303 Q5994 +Q240521 P69 Q916444 +Q1468495 P19 Q5083 +Q110714 P264 Q1341612 +Q190231 P136 Q9778 +Q217020 P136 Q1535153 +Q282002 P106 Q753110 +Q144746 P106 Q855091 +Q182509 P20 Q36600 +Q40482 P27 Q2305208 +Q1725017 P108 Q309988 +Q57289 P106 Q1930187 +Q47122 P106 Q33999 +Q77476 P106 Q4964182 +Q699456 P27 Q131964 +Q289380 P27 Q30 +Q18430 P463 Q46703 +Q93070 P108 Q37156 +Q650878 P27 Q713750 +Q560447 P1412 Q1860 +Q172183 P27 Q145 +Q192022 P161 Q123628 +Q123987 P69 Q49123 +Q202878 P27 Q30 +Q231781 P69 Q209842 +Q36951 P20 Q16552 +Q8743 P463 Q2370801 +Q30893 P172 Q678551 +Q51110 P106 Q177220 +Q590787 P27 Q38 +Q849116 P17 Q212 +Q556615 P1303 Q5994 +Q733850 P106 Q6625963 +Q58217 P1412 Q1860 +Q166056 P27 Q142 +Q67207 P19 Q656 +Q285431 P106 Q2405480 +Q236599 P106 Q322170 +Q106134 P108 Q155354 +Q339876 P495 Q30 +Q34389 P106 Q33999 +Q236005 P136 Q11401 +Q212 P530 Q408 +Q67518 P106 Q333634 +Q366845 P40 Q93503 +Q704696 P27 Q145 +Q203519 P69 Q1130457 +Q323641 P106 Q183945 +Q61594 P106 Q822146 +Q235955 P106 Q1930187 +Q241660 P106 Q33999 +Q347436 P27 Q717 +Q436463 P106 Q4853732 +Q193459 P106 Q855091 +Q167475 P737 Q692 +Q19199 P69 Q174710 +Q611121 P106 Q212980 +Q533369 P106 Q36180 +Q869 P530 Q902 +Q84867 P27 Q40 +Q740631 P106 Q2516866 +Q233786 P106 Q639669 +Q459057 P161 Q80046 +Q39212 P27 Q30 +Q351670 P172 Q79797 +Q144669 P27 Q30 +Q143286 P106 Q488205 +Q207873 P106 Q10800557 +Q1803720 P106 Q177220 +Q234099 P136 Q131578 +Q268111 P27 Q15180 +Q519466 P27 Q30 +Q107424 P136 Q131578 +Q408 P530 Q16 +Q217787 P106 Q177220 +Q62904 P108 Q969850 +Q876756 P106 Q2251335 +Q208537 P136 Q9730 +Q213 P530 Q1246 +Q154010 P106 Q36180 +Q54868 P19 Q23197 +Q705697 P69 Q49126 +Q244 P530 Q183 +Q153484 P161 Q360528 +Q133489 P106 Q639669 +Q272203 P1303 Q9798 +Q61197 P463 Q463303 +Q1754823 P172 Q49085 +Q1339107 P106 Q2259451 +Q215036 P27 Q30 +Q176405 P19 Q1563 +Q70839 P140 Q75809 +Q355447 P106 Q43845 +Q128511 P27 Q34266 +Q456235 P106 Q201788 +Q296822 P106 Q2405480 +Q154852 P106 Q10800557 +Q175366 P106 Q16533 +Q112427 P106 Q1622272 +Q154194 P495 Q30 +Q83059 P69 Q131252 +Q18066 P106 Q3282637 +Q454544 P1412 Q1860 +Q60637 P1412 Q188 +Q189119 P69 Q924289 +Q153358 P106 Q177220 +Q82238 P27 Q244 +Q190162 P106 Q33999 +Q243837 P509 Q181754 +Q705022 P106 Q36180 +Q175535 P106 Q13235160 +Q195788 P106 Q36834 +Q68757 P106 Q11900058 +Q708423 P106 Q2914170 +Q106099 P69 Q463055 +Q590792 P136 Q8341 +Q724323 P106 Q49757 +Q84393 P106 Q36180 +Q108312 P27 Q16957 +Q419 P530 Q17 +Q30 P530 Q458 +Q163118 P27 Q30 +Q133720 P136 Q8341 +Q472 P17 Q12560 +Q1744 P1412 Q150 +Q184535 P27 Q34 +Q453384 P106 Q333634 +Q233868 P69 Q503246 +Q139325 P106 Q28389 +Q37 P463 Q1579424 +Q288661 P106 Q10800557 +Q865 P530 Q778 +Q241665 P1303 Q17172850 +Q142 P530 Q228 +Q205314 P509 Q12152 +Q12735 P106 Q901 +Q432806 P106 Q8178443 +Q554971 P27 Q38 +Q88443 P102 Q179111 +Q718368 P136 Q9730 +Q362118 P106 Q193391 +Q212224 P106 Q2259451 +Q846 P463 Q1043527 +Q366578 P106 Q855091 +Q742825 P106 Q639669 +Q181229 P27 Q30 +Q355531 P172 Q49085 +Q634822 P108 Q23548 +Q165627 P57 Q51519 +Q214851 P108 Q202660 +Q236848 P69 Q34433 +Q387603 P161 Q441913 +Q114605 P1412 Q188 +Q180453 P101 Q207628 +Q37876 P106 Q13235160 +Q267010 P106 Q177220 +Q991 P1412 Q7737 +Q738125 P106 Q3400985 +Q54314 P106 Q4610556 +Q71412 P19 Q64 +Q58085 P106 Q1930187 +Q1187592 P106 Q2259451 +Q116055 P20 Q807 +Q7294 P106 Q36834 +Q110695 P106 Q33999 +Q459969 P172 Q49085 +Q35171 P1412 Q1860 +Q299132 P106 Q10800557 +Q103876 P140 Q7361618 +Q918655 P108 Q168751 +Q175759 P509 Q12136 +Q741862 P106 Q214917 +Q1224 P1412 Q652 +Q467027 P136 Q83440 +Q45 P463 Q81299 +Q288359 P106 Q10800557 +Q25191 P27 Q145 +Q161877 P264 Q216364 +Q88641 P106 Q205375 +Q214227 P106 Q43845 +Q52392 P1412 Q1860 +Q91323 P69 Q152087 +Q190631 P106 Q3282637 +Q83158 P509 Q12152 +Q335569 P1303 Q17172850 +Q183279 P463 Q3603946 +Q23685 P1412 Q1860 +Q92824 P101 Q21198 +Q28 P530 Q217 +Q126958 P19 Q12439 +Q32681 P106 Q82955 +Q659020 P106 Q81096 +Q2496057 P19 Q7525 +Q44481 P463 Q463303 +Q275929 P106 Q49757 +Q172599 P106 Q4263842 +Q6043036 P1412 Q188 +Q60128 P27 Q34266 +Q298905 P106 Q10800557 +Q365042 P1303 Q9798 +Q551596 P106 Q4610556 +Q559844 P106 Q3282637 +Q276415 P136 Q2143665 +Q634822 P108 Q1472358 +Q92830 P106 Q82594 +Q232708 P106 Q5716684 +Q123521 P27 Q39 +Q132095 P106 Q1231865 +Q89629 P106 Q201788 +Q242132 P136 Q37073 +Q76004 P106 Q36180 +Q75812 P69 Q315658 +Q4225547 P27 Q15180 +Q215630 P20 Q693653 +Q1572124 P106 Q36180 +Q446151 P27 Q159 +Q953 P463 Q40970 +Q947519 P106 Q14467526 +Q71352 P463 Q558439 +Q32223 P106 Q10798782 +Q7336 P27 Q39 +Q357607 P106 Q10800557 +Q333856 P106 Q1930187 +Q213562 P1412 Q188 +Q241 P530 Q843 +Q108297 P161 Q55245 +Q309843 P19 Q18424 +Q2255438 P106 Q82955 +Q112427 P463 Q1285073 +Q93188 P27 Q30 +Q76332 P106 Q333634 +Q970649 P106 Q1930187 +Q102235 P161 Q259679 +Q204132 P106 Q639669 +Q229556 P106 Q10798782 +Q2464214 P27 Q142 +Q104929 P1412 Q188 +Q299194 P69 Q617433 +Q25139 P136 Q130232 +Q232009 P495 Q30 +Q243643 P495 Q30 +Q107274 P19 Q1726 +Q128708 P27 Q16 +Q152503 P106 Q81096 +Q86516 P27 Q40 +Q192934 P136 Q471839 +Q432552 P264 Q27184 +Q1049 P530 Q20 +Q1403698 P1303 Q6607 +Q108857 P27 Q1206012 +Q529582 P1412 Q1860 +Q50764 P172 Q121842 +Q356375 P106 Q36834 +Q41239 P27 Q15180 +Q268147 P27 Q30 +Q243837 P136 Q1344 +Q332394 P161 Q357455 +Q61708 P69 Q151510 +Q856008 P106 Q1930187 +Q213783 P69 Q31519 +Q362828 P135 Q180902 +Q64440 P19 Q1726 +Q1500297 P27 Q41 +Q42869 P451 Q220901 +Q44780 P106 Q855091 +Q1043170 P19 Q1335 +Q233 P530 Q1016 +Q357324 P106 Q482980 +Q471188 P19 Q1770 +Q195367 P27 Q30 +Q436759 P264 Q202585 +Q43303 P140 Q432 +Q51562 P27 Q183 +Q117249 P136 Q186472 +Q41239 P106 Q169470 +Q151904 P840 Q778 +Q345494 P264 Q190585 +Q89689 P106 Q188094 +Q194413 P161 Q8016 +Q65587 P106 Q185351 +Q39970 P161 Q464320 +Q216052 P27 Q28513 +Q126234 P19 Q588 +Q451250 P495 Q30 +Q161135 P1412 Q150 +Q204019 P1303 Q133163 +Q165534 P69 Q219317 +Q455625 P1412 Q9027 +Q110365 P495 Q34 +Q64406 P106 Q36180 +Q313653 P106 Q10798782 +Q709790 P27 Q30 +Q229535 P106 Q2259451 +Q247538 P119 Q335336 +Q32734 P161 Q36105 +Q482964 P264 Q645889 +Q373948 P135 Q1246516 +Q442830 P106 Q386854 +Q280098 P106 Q10798782 +Q959153 P106 Q36834 +Q2828029 P101 Q395 +Q726295 P106 Q1415090 +Q36844 P106 Q10798782 +Q218992 P19 Q16559 +Q878708 P106 Q43845 +Q109324 P106 Q10800557 +Q294531 P264 Q193023 +Q161900 P69 Q1377 +Q103578 P551 Q90 +Q203243 P108 Q156598 +Q232035 P106 Q49757 +Q213799 P108 Q153006 +Q272896 P106 Q10798782 +Q1250743 P27 Q843 +Q187154 P161 Q313107 +Q181991 P106 Q36834 +Q140201 P69 Q35794 +Q361297 P40 Q234388 +Q461104 P27 Q28513 +Q982047 P106 Q1731155 +Q97096 P106 Q36834 +Q201538 P106 Q36180 +Q183 P530 Q986 +Q272608 P161 Q233536 +Q223687 P19 Q16555 +Q213614 P119 Q311 +Q55 P463 Q17495 +Q220376 P840 Q65 +Q78107 P463 Q2370801 +Q159840 P108 Q1065 +Q725519 P106 Q33999 +Q268994 P106 Q36180 +Q1386899 P106 Q1955150 +Q58009 P27 Q183 +Q216341 P1412 Q188 +Q1909258 P1303 Q6607 +Q1373629 P106 Q639669 +Q239453 P106 Q33999 +Q291180 P136 Q1054574 +Q948966 P1412 Q1860 +Q42493 P27 Q30 +Q273233 P27 Q30 +Q234685 P106 Q486748 +Q4679786 P19 Q60 +Q252142 P27 Q28513 +Q813 P530 Q794 +Q367155 P20 Q65 +Q4074457 P106 Q901 +Q69139 P1412 Q188 +Q33391 P106 Q82955 +Q213811 P20 Q65 +Q1345844 P106 Q183945 +Q41749 P69 Q153987 +Q312720 P106 Q6625963 +Q121507 P1303 Q8371 +Q76004 P27 Q183 +Q550996 P106 Q17125263 +Q85108 P19 Q1799 +Q982314 P106 Q55960555 +Q1140309 P161 Q144643 +Q285460 P106 Q2405480 +Q80440 P106 Q17167049 +Q154756 P1412 Q652 +Q201656 P106 Q488205 +Q12706 P106 Q82955 +Q49279 P451 Q49285 +Q472356 P106 Q36180 +Q1123489 P551 Q43788 +Q1710614 P1412 Q1321 +Q336520 P1412 Q1860 +Q207482 P161 Q95043 +Q22670 P106 Q49757 +Q268940 P1303 Q17172850 +Q433246 P106 Q177220 +Q213613 P1412 Q188 +Q881 P530 Q183 +Q288936 P119 Q288130 +Q175038 P161 Q2680 +Q183066 P136 Q369747 +Q259691 P106 Q639669 +Q19201 P106 Q486748 +Q345446 P509 Q35869 +Q26207 P69 Q924289 +Q318910 P136 Q157394 +Q229276 P106 Q10800557 +Q328691 P27 Q801 +Q959588 P27 Q869 +Q560354 P106 Q639669 +Q1064 P106 Q49757 +Q207951 P20 Q90 +Q790 P530 Q298 +Q274117 P106 Q639669 +Q233736 P106 Q10800557 +Q432268 P106 Q488205 +Q555426 P106 Q753110 +Q272095 P106 Q10800557 +Q368794 P106 Q28389 +Q43044 P27 Q30 +Q598185 P106 Q486748 +Q983316 P106 Q169470 +Q69834 P27 Q151624 +Q943298 P136 Q438503 +Q272931 P106 Q488205 +Q219 P530 Q218 +Q296244 P106 Q36180 +Q151403 P106 Q201788 +Q61852 P19 Q2978 +Q78504 P27 Q40 +Q913084 P1303 Q17172850 +Q115760 P161 Q242557 +Q345612 P106 Q4263842 +Q193257 P106 Q2306091 +Q77 P530 Q865 +Q263501 P106 Q3282637 +Q363371 P1303 Q17172850 +Q2892622 P27 Q145 +Q108664 P106 Q193391 +Q164730 P1412 Q150 +Q309153 P136 Q860626 +Q379400 P1303 Q6607 +Q309995 P69 Q926749 +Q107894 P136 Q2297927 +Q318231 P19 Q43668 +Q215478 P106 Q3282637 +Q57187 P106 Q49757 +Q1354341 P20 Q62 +Q106009 P102 Q7320 +Q887993 P106 Q177220 +Q300393 P161 Q313009 +Q8201431 P108 Q21705070 +Q168763 P551 Q84 +Q110106 P106 Q901 +Q281998 P69 Q273593 +Q181 P106 Q1650915 +Q363949 P1412 Q7737 +Q190251 P264 Q183412 +Q354519 P27 Q30 +Q51094 P106 Q36834 +Q55993 P1412 Q143 +Q326823 P463 Q414110 +Q163211 P106 Q855091 +Q214959 P102 Q29552 +Q7243 P737 Q6527 +Q22955657 P3373 Q2062366 +Q235421 P264 Q330629 +Q222818 P106 Q177220 +Q126462 P27 Q161885 +Q296500 P19 Q1297 +Q238 P463 Q7809 +Q58799 P106 Q36180 +Q5443 P1412 Q1860 +Q4147199 P463 Q958769 +Q951957 P106 Q16742096 +Q392806 P840 Q40 +Q234212 P106 Q18814623 +Q560354 P106 Q855091 +Q828641 P20 Q90 +Q91232 P106 Q2405480 +Q1049 P463 Q191384 +Q458656 P495 Q30 +Q240933 P106 Q10800557 +Q1141280 P136 Q3071 +Q209684 P1303 Q5994 +Q3903340 P69 Q392904 +Q377939 P161 Q255070 +Q1045 P463 Q842490 +Q761838 P27 Q30 +Q108283 P106 Q3387717 +Q311804 P106 Q10800557 +Q5577 P106 Q2707485 +Q205028 P161 Q34436 +Q117789 P108 Q372608 +Q11928 P840 Q1522 +Q208101 P106 Q18814623 +Q68121 P69 Q152087 +Q968565 P27 Q174193 +Q357624 P106 Q222344 +Q45374 P106 Q18805 +Q213806 P106 Q36180 +Q522856 P106 Q33999 +Q50861 P161 Q2680 +Q375036 P106 Q12144794 +Q150916 P106 Q177220 +Q203843 P106 Q82955 +Q25163 P140 Q7066 +Q92848 P106 Q82594 +Q2512 P20 Q3806 +Q1396852 P27 Q2184 +Q41 P463 Q842490 +Q257630 P161 Q232120 +Q51143 P106 Q130857 +Q270599 P161 Q242557 +Q198051 P27 Q8733 +Q76554 P140 Q75809 +Q4093262 P106 Q589298 +Q241098 P101 Q11629 +Q28170 P27 Q30 +Q816499 P69 Q245247 +Q347 P530 Q213 +Q288157 P27 Q142 +Q55704 P106 Q3606216 +Q180223 P1412 Q1860 +Q507940 P136 Q1344 +Q90074 P106 Q482980 +Q805 P530 Q977 +Q539506 P106 Q6168364 +Q244398 P161 Q193458 +Q740378 P106 Q333634 +Q66456 P106 Q82955 +Q354508 P1303 Q5994 +Q3335 P106 Q6625963 +Q60059 P1412 Q397 +Q47163 P2348 Q2277 +Q444840 P106 Q753110 +Q106001 P106 Q177220 +Q1230528 P20 Q617 +Q1742005 P27 Q30 +Q379994 P136 Q1146335 +Q179257 P106 Q36834 +Q310582 P106 Q177220 +Q65561 P108 Q159895 +Q930586 P106 Q639669 +Q11647 P136 Q193207 +Q786 P37 Q1321 +Q121926 P463 Q604840 +Q714646 P106 Q1930187 +Q363371 P3373 Q1153913 +Q233385 P264 Q483938 +Q26688 P69 Q2177054 +Q91389 P106 Q201788 +Q352617 P27 Q131964 +Q232868 P106 Q2259451 +Q89786 P19 Q1741 +Q131691 P27 Q161885 +Q504 P106 Q214917 +Q1351259 P136 Q187760 +Q192115 P161 Q47284 +Q37327 P509 Q188605 +Q467482 P1412 Q7737 +Q55198 P27 Q133356 +Q78763 P106 Q10798782 +Q217619 P106 Q1930187 +Q1677606 P27 Q30 +Q296872 P136 Q206159 +Q186123 P69 Q49115 +Q34 P463 Q5611262 +Q334763 P136 Q959790 +Q160618 P161 Q156796 +Q62929 P106 Q10800557 +Q151682 P136 Q369747 +Q199943 P1303 Q17172850 +Q25880 P27 Q161885 +Q881 P530 Q219 +Q807545 P1303 Q6607 +Q467378 P106 Q1930187 +Q981944 P19 Q3616 +Q221903 P1412 Q9067 +Q275185 P19 Q485716 +Q274157 P264 Q54860 +Q236 P463 Q81299 +Q156309 P840 Q1297 +Q25880 P101 Q482 +Q305372 P106 Q578109 +Q48074 P106 Q82955 +Q361224 P27 Q30 +Q240377 P106 Q753110 +Q177374 P840 Q2915506 +Q1391164 P106 Q28389 +Q124527 P106 Q4853732 +Q329018 P106 Q488205 +Q76546 P463 Q459620 +Q105119 P106 Q82955 +Q49081 P737 Q11812 +Q285116 P19 Q24639 +Q59595 P161 Q132952 +Q62977 P737 Q9358 +Q157879 P161 Q165518 +Q172241 P161 Q48337 +Q157155 P106 Q201788 +Q90288 P463 Q1202021 +Q558177 P69 Q193510 +Q19330 P463 Q463281 +Q68533 P106 Q81096 +Q61456 P106 Q864380 +Q283659 P1412 Q1860 +Q16297 P106 Q10800557 +Q11116 P102 Q29552 +Q237389 P19 Q65 +Q450796 P27 Q30 +Q310580 P136 Q11399 +Q215856 P1412 Q188 +Q160618 P136 Q1054574 +Q168862 P136 Q20442589 +Q382036 P1412 Q1860 +Q298 P530 Q800 +Q60970 P106 Q5716684 +Q216134 P463 Q463281 +Q29999 P530 Q155 +Q82110 P106 Q177220 +Q155860 P106 Q40348 +Q242462 P106 Q177220 +Q217557 P737 Q169566 +Q561458 P106 Q36180 +Q429348 P106 Q82955 +Q184605 P840 Q668 +Q60025 P172 Q7325 +Q142 P530 Q1037 +Q953 P30 Q15 +Q50861 P840 Q30 +Q176909 P106 Q6625963 +Q983544 P69 Q681025 +Q92481 P108 Q152171 +Q30931 P161 Q28054 +Q440007 P106 Q2259451 +Q234360 P509 Q12136 +Q1702399 P106 Q753110 +Q86914 P106 Q1622272 +Q76586 P106 Q1930187 +Q233474 P106 Q10800557 +Q198451 P840 Q1223 +Q117990 P1412 Q1321 +Q3487499 P136 Q24925 +Q156586 P106 Q33999 +Q575689 P106 Q10798782 +Q232414 P40 Q227129 +Q86723 P19 Q1055 +Q343037 P27 Q145 +Q77101 P106 Q82955 +Q38757 P106 Q49757 +Q233295 P106 Q13590141 +Q239195 P106 Q5716684 +Q1036 P530 Q902 +Q1970586 P19 Q9005 +Q253882 P737 Q239565 +Q57737 P69 Q503473 +Q159 P530 Q1025 +Q61318 P106 Q2732142 +Q172303 P172 Q49085 +Q107933 P1303 Q17172850 +Q193710 P136 Q316930 +Q962442 P463 Q372899 +Q140694 P737 Q1290 +Q97550 P106 Q47064 +Q298334 P27 Q408 +Q1238235 P19 Q56037 +Q944275 P463 Q83172 +Q34584 P136 Q850412 +Q105676 P106 Q1622272 +Q83656 P495 Q183 +Q2685 P106 Q3427922 +Q1624891 P106 Q33999 +Q158088 P172 Q86630688 +Q61895 P19 Q3138 +Q230454 P101 Q207628 +Q584850 P1412 Q652 +Q206388 P161 Q350255 +Q163249 P106 Q2405480 +Q368519 P106 Q1234713 +Q704015 P106 Q482980 +Q43252 P19 Q220 +Q677769 P106 Q82955 +Q854 P530 Q30 +Q2594 P1412 Q188 +Q94701 P463 Q191583 +Q254555 P136 Q188473 +Q139542 P161 Q463673 +Q55210 P509 Q14467705 +Q201732 P106 Q47064 +Q152857 P136 Q130232 +Q236599 P27 Q145 +Q126472 P106 Q36180 +Q577548 P106 Q28389 +Q37327 P1412 Q1860 +Q58444 P641 Q32112 +Q977488 P20 Q60 +Q11975 P106 Q10800557 +Q313758 P106 Q49757 +Q122163 P106 Q1622272 +Q705482 P27 Q36 +Q235928 P106 Q10798782 +Q150989 P69 Q209842 +Q213736 P106 Q10800557 +Q203715 P27 Q29 +Q322272 P106 Q639669 +Q206384 P106 Q1607826 +Q252734 P27 Q43 +Q28941 P106 Q3282637 +Q59972 P106 Q7042855 +Q270215 P161 Q193105 +Q117392 P106 Q33999 +Q266795 P69 Q1583249 +Q1933397 P19 Q39121 +Q264577 P161 Q355153 +Q38082 P1412 Q1860 +Q49767 P106 Q49757 +Q231171 P27 Q29 +Q46551 P136 Q52207399 +Q260648 P161 Q71130 +Q257182 P106 Q33999 +Q243027 P1412 Q1860 +Q181795 P161 Q499644 +Q380095 P106 Q2405480 +Q1512152 P106 Q1622272 +Q16390 P69 Q1432645 +Q954997 P106 Q2259451 +Q327886 P106 Q639669 +Q312641 P106 Q1930187 +Q311232 P19 Q65 +Q11891 P102 Q29552 +Q76686 P106 Q1231865 +Q105118 P106 Q2526255 +Q76811 P106 Q82955 +Q782738 P27 Q29 +Q391540 P495 Q145 +Q312073 P106 Q2259451 +Q204868 P106 Q8178443 +Q216134 P19 Q5092 +Q70855 P106 Q82955 +Q117789 P27 Q39 +Q92740 P106 Q82594 +Q155928 P106 Q10732476 +Q218575 P106 Q11063 +Q201656 P106 Q10800557 +Q334180 P106 Q158852 +Q214548 P136 Q37073 +Q204323 P1303 Q8355 +Q25120 P106 Q214917 +Q167429 P106 Q16287483 +Q230218 P136 Q37073 +Q102822 P69 Q221653 +Q122187 P106 Q10800557 +Q590787 P19 Q220 +Q231576 P106 Q2259451 +Q180279 P161 Q23760 +Q978375 P1303 Q6607 +Q171672 P27 Q298 +Q38 P530 Q235 +Q5752 P106 Q350979 +Q71412 P106 Q10798782 +Q57802 P106 Q864503 +Q64043 P463 Q2043519 +Q152388 P106 Q4964182 +Q58328 P1412 Q150 +Q600385 P106 Q201788 +Q233911 P106 Q5716684 +Q965301 P106 Q1622272 +Q77143 P136 Q484641 +Q131579 P69 Q645663 +Q19999 P27 Q408 +Q354519 P106 Q2914170 +Q32223 P106 Q177220 +Q4356896 P106 Q28389 +Q3335 P1412 Q1860 +Q193676 P106 Q36834 +Q233362 P106 Q753110 +Q80702 P17 Q29 +Q128518 P840 Q262 +Q110462 P551 Q65 +Q208869 P19 Q60 +Q78833 P106 Q82955 +Q380579 P106 Q753110 +Q451150 P108 Q15142 +Q329163 P106 Q10800557 +Q57603 P19 Q64 +Q556544 P106 Q82594 +Q128460 P27 Q142 +Q433355 P106 Q33999 +Q182212 P161 Q271059 +Q668 P37 Q1568 +Q320218 P106 Q3282637 +Q189197 P102 Q29468 +Q1716 P106 Q10800557 +Q267321 P136 Q130232 +Q937 P26 Q76346 +Q937 P108 Q21578 +Q78680 P551 Q65 +Q91548 P106 Q28389 +Q217787 P106 Q488205 +Q76892 P1412 Q188 +Q235020 P140 Q624477 +Q453472 P463 Q1132636 +Q6096 P106 Q3282637 +Q216570 P106 Q1028181 +Q36878 P140 Q432 +Q948 P463 Q7809 +Q157255 P20 Q1297 +Q204374 P136 Q859369 +Q699565 P106 Q10732476 +Q162389 P69 Q1093910 +Q302433 P463 Q463281 +Q231270 P3373 Q1770624 +Q156942 P106 Q33231 +Q294185 P106 Q33999 +Q912 P30 Q15 +Q107914 P161 Q1691566 +Q180338 P101 Q941594 +Q319725 P1412 Q1860 +Q315391 P106 Q169470 +Q7604 P463 Q463303 +Q83656 P161 Q283872 +Q54868 P106 Q177220 +Q334648 P264 Q203059 +Q120484 P136 Q2484376 +Q255233 P136 Q37073 +Q564953 P136 Q1344 +Q106418 P106 Q5322166 +Q807787 P1303 Q17172850 +Q150652 P463 Q83172 +Q78487 P737 Q49747 +Q324397 P106 Q486748 +Q39574 P106 Q10798782 +Q198684 P27 Q30 +Q1900440 P106 Q82594 +Q76686 P20 Q3150 +Q41281 P106 Q177220 +Q134165 P463 Q463303 +Q2071 P551 Q65 +Q98885 P102 Q49762 +Q440121 P102 Q29552 +Q441351 P106 Q49757 +Q945 P463 Q134102 +Q315744 P106 Q183945 +Q562874 P106 Q28389 +Q327981 P106 Q4964182 +Q9200 P737 Q302 +Q47906 P106 Q10732476 +Q61601 P1412 Q188 +Q1634784 P106 Q1075651 +Q320167 P106 Q177220 +Q44584 P27 Q183 +Q78031 P106 Q10800557 +Q110709 P27 Q172579 +Q42904 P140 Q35032 +Q123483 P463 Q459620 +Q98311 P1412 Q188 +Q232774 P161 Q172261 +Q49080 P106 Q2526255 +Q92819 P463 Q463303 +Q17714 P27 Q145 +Q1351047 P69 Q1247373 +Q456903 P1412 Q1860 +Q212 P30 Q46 +Q25080 P106 Q245068 +Q520504 P106 Q42603 +Q1389589 P136 Q187760 +Q3173947 P69 Q859363 +Q76512 P119 Q438199 +Q348533 P106 Q43845 +Q72925 P161 Q212064 +Q13526 P106 Q11774202 +Q471188 P106 Q82955 +Q272382 P106 Q36834 +Q9575 P27 Q668 +Q286366 P19 Q340 +Q186111 P509 Q12152 +Q61446 P106 Q1930187 +Q111536 P106 Q1622272 +Q249040 P136 Q1200678 +Q55452 P19 Q1449 +Q104955 P102 Q153401 +Q516004 P106 Q8178443 +Q109496 P106 Q1622272 +Q724276 P27 Q30 +Q230218 P106 Q10798782 +Q78371 P108 Q154804 +Q561116 P106 Q6625963 +Q274233 P106 Q81096 +Q100276 P20 Q2966 +Q551421 P106 Q40348 +Q296039 P106 Q639669 +Q134549 P509 Q18554460 +Q181689 P136 Q9759 +Q203674 P106 Q4263842 +Q31 P463 Q41550 +Q212 P530 Q218 +Q43 P361 Q7204 +Q461624 P108 Q486156 +Q57629 P106 Q6625963 +Q41594 P106 Q183945 +Q316330 P1412 Q1860 +Q1050 P530 Q458 +Q801 P530 Q39 +Q191026 P1412 Q1860 +Q235639 P509 Q11081 +Q691 P463 Q656801 +Q130631 P106 Q4964182 +Q370102 P3373 Q310785 +Q374605 P69 Q390287 +Q124494 P1412 Q188 +Q4235815 P27 Q34266 +Q740036 P136 Q1640319 +Q272960 P106 Q970153 +Q379877 P161 Q365484 +Q311306 P264 Q216364 +Q221949 P161 Q232927 +Q976283 P106 Q1569495 +Q209538 P161 Q41422 +Q290091 P106 Q2259451 +Q443225 P106 Q33999 +Q629216 P509 Q12152 +Q254804 P19 Q60 +Q292693 P106 Q177220 +Q58444 P106 Q2405480 +Q430276 P69 Q170027 +Q733174 P106 Q36180 +Q346648 P20 Q180083 +Q11998 P27 Q145 +Q122517 P20 Q365 +Q115588 P106 Q1930187 +Q78491 P27 Q145 +Q2153 P1412 Q9610 +Q664 P530 Q668 +Q932959 P136 Q83440 +Q858741 P19 Q1494 +Q601307 P106 Q6625963 +Q14100 P20 Q16552 +Q1382830 P19 Q43788 +Q865 P530 Q1044 +Q216838 P106 Q864380 +Q179282 P463 Q270794 +Q60625 P69 Q189441 +Q215300 P136 Q850412 +Q359521 P264 Q277626 +Q2089840 P27 Q38 +Q226053 P106 Q201788 +Q108622 P106 Q33999 +Q955405 P140 Q1841 +Q96 P530 Q17 +Q794 P530 Q16 +Q76959 P509 Q12078 +Q347118 P172 Q133255 +Q80739 P69 Q309350 +Q455280 P27 Q38 +Q1345210 P106 Q245068 +Q217008 P136 Q157394 +Q441941 P106 Q33999 +Q310295 P106 Q177220 +Q108602 P106 Q3126128 +Q19810 P136 Q37073 +Q9047 P172 Q42884 +Q741058 P106 Q40348 +Q84503 P27 Q40 +Q264730 P106 Q3501317 +Q68126 P1412 Q9288 +Q10308228 P106 Q170790 +Q444125 P106 Q10798782 +Q23434 P106 Q36180 +Q298352 P509 Q12152 +Q184622 P106 Q7042855 +Q111673 P27 Q30 +Q47087 P106 Q18844224 +Q236987 P106 Q10800557 +Q99564 P106 Q482980 +Q86516 P20 Q64 +Q386784 P1303 Q17172850 +Q4084084 P101 Q208217 +Q38203 P1412 Q1860 +Q447592 P106 Q18581305 +Q879316 P463 Q4742987 +Q4536 P136 Q959790 +Q16867 P106 Q214917 +Q1660599 P161 Q210741 +Q60586 P463 Q695302 +Q26876 P101 Q207628 +Q287427 P1412 Q150 +Q1635222 P20 Q65 +Q356369 P106 Q177220 +Q130742 P19 Q1930 +Q44695 P106 Q28389 +Q269094 P106 Q8178443 +Q214907 P27 Q151624 +Q822630 P27 Q142 +Q37876 P106 Q2259451 +Q95443 P136 Q8261 +Q395340 P108 Q841581 +Q842199 P530 Q243610 +Q58444 P106 Q10798782 +Q109324 P27 Q30 +Q846 P530 Q458 +Q484523 P106 Q488205 +Q399 P37 Q8785 +Q21 P17 Q145 +Q677843 P106 Q250867 +Q444237 P463 Q695302 +Q489252 P136 Q8341 +Q186123 P19 Q1297 +Q272913 P1303 Q17172850 +Q49001 P106 Q13235160 +Q38193 P140 Q7066 +Q258009 P161 Q178552 +Q16019 P106 Q82955 +Q24871 P161 Q82085 +Q575444 P1412 Q1860 +Q319527 P106 Q10800557 +Q76688 P1412 Q1860 +Q400765 P106 Q36834 +Q711172 P27 Q174193 +Q1985556 P509 Q181257 +Q379022 P509 Q2840 +Q205545 P27 Q41 +Q311472 P108 Q1206658 +Q1347095 P1303 Q6607 +Q505957 P106 Q1415090 +Q918268 P119 Q746647 +Q1623549 P108 Q168756 +Q208266 P161 Q674451 +Q8768 P1412 Q1860 +Q297736 P136 Q482 +Q181529 P106 Q82955 +Q158749 P69 Q1189954 +Q134477 P463 Q463281 +Q104340 P106 Q465501 +Q229197 P106 Q10798782 +Q236950 P69 Q49088 +Q64812 P106 Q1930187 +Q776387 P551 Q145 +Q554168 P106 Q639669 +Q471751 P20 Q33935 +Q313813 P136 Q83270 +Q85691 P102 Q152554 +Q1805398 P106 Q486748 +Q3379094 P106 Q81096 +Q947519 P69 Q49120 +Q244963 P161 Q40026 +Q75786 P1412 Q188 +Q75185 P106 Q1622272 +Q136591 P264 Q935090 +Q155467 P106 Q1231865 +Q68596 P106 Q783906 +Q39691 P1412 Q1860 +Q3383262 P106 Q901 +Q78503 P106 Q28389 +Q77004 P106 Q3242115 +Q1095432 P106 Q639669 +Q134123 P27 Q219 +Q106812 P106 Q2374149 +Q155390 P1412 Q188 +Q1035323 P106 Q193391 +Q310113 P27 Q30 +Q95453 P69 Q51985 +Q934737 P1303 Q17172850 +Q207179 P106 Q33999 +Q9602 P106 Q82594 +Q918443 P19 Q12439 +Q542886 P106 Q177220 +Q39574 P19 Q16555 +Q49061 P136 Q482 +Q908998 P1303 Q17172850 +Q1453398 P264 Q27184 +Q41 P530 Q191 +Q152513 P20 Q49111 +Q111536 P463 Q466089 +Q1068631 P27 Q27 +Q155547 P463 Q133957 +Q234636 P136 Q37073 +Q457923 P106 Q1930187 +Q287977 P106 Q2526255 +Q533369 P136 Q6010 +Q289805 P108 Q27621 +Q1787960 P106 Q2306091 +Q1350509 P20 Q585 +Q237514 P27 Q30 +Q34584 P136 Q37073 +Q173417 P106 Q2516866 +Q76892 P108 Q152087 +Q238712 P106 Q10800557 +Q195402 P161 Q53939 +Q217552 P161 Q129591 +Q537960 P1412 Q9056 +Q472856 P27 Q38 +Q76699 P108 Q152171 +Q283061 P106 Q177220 +Q190643 P495 Q30 +Q945691 P509 Q12192 +Q539458 P106 Q82955 +Q76524 P136 Q9794 +Q257752 P69 Q209842 +Q77598 P106 Q16267607 +Q9049 P106 Q201788 +Q76546 P27 Q41304 +Q332417 P106 Q1930187 +Q288359 P106 Q2526255 +Q134575 P106 Q10800557 +Q433520 P69 Q131252 +Q102669 P19 Q105084 +Q202725 P451 Q25089 +Q153579 P106 Q8178443 +Q101494 P69 Q50662 +Q79191 P136 Q37073 +Q263772 P26 Q318287 +Q2159912 P108 Q372608 +Q560647 P106 Q170790 +Q150526 P1412 Q1321 +Q686493 P27 Q30 +Q308681 P495 Q183 +Q949046 P1412 Q9027 +Q117249 P1303 Q6607 +Q457687 P136 Q1344 +Q310755 P20 Q90 +Q47011 P20 Q216 +Q53006 P106 Q2526255 +Q276218 P1303 Q17172850 +Q73028 P161 Q231116 +Q182763 P106 Q9017214 +Q505827 P106 Q11774202 +Q34970 P172 Q42406 +Q362828 P136 Q482 +Q909 P106 Q4263842 +Q2908 P19 Q456 +Q214677 P106 Q2526255 +Q46132 P264 Q183387 +Q114605 P106 Q13570226 +Q59054 P106 Q18844224 +Q1646 P106 Q864380 +Q5105 P106 Q55960555 +Q360445 P106 Q205375 +Q77598 P27 Q183 +Q16345 P27 Q30 +Q563057 P136 Q83440 +Q1443475 P1303 Q17172850 +Q152764 P20 Q90 +Q15873 P106 Q947873 +Q207536 P161 Q228787 +Q180695 P161 Q181490 +Q17135 P3373 Q17132 +Q93341 P106 Q753110 +Q177930 P161 Q314673 +Q314308 P69 Q838330 +Q77235 P106 Q169470 +Q440731 P106 Q1114448 +Q1065189 P108 Q49108 +Q62437 P106 Q488205 +Q330612 P161 Q82330 +Q96950 P27 Q183 +Q101995 P106 Q82955 +Q403 P530 Q145 +Q976283 P1412 Q652 +Q350208 P106 Q10800557 +Q717 P530 Q736 +Q110921 P27 Q183 +Q290197 P106 Q15253558 +Q238866 P161 Q123849 +Q323653 P106 Q855091 +Q139927 P161 Q220308 +Q74958 P495 Q183 +Q230420 P106 Q5716684 +Q164797 P106 Q37226 +Q902285 P106 Q82955 +Q333505 P27 Q30 +Q265810 P19 Q60 +Q235460 P69 Q1542213 +Q185002 P106 Q4853732 +Q273876 P106 Q33999 +Q250250 P27 Q145 +Q215708 P106 Q36180 +Q94672 P106 Q16533 +Q9602 P19 Q60 +Q220269 P27 Q218 +Q213614 P509 Q41083 +Q40912 P1303 Q61285 +Q723281 P106 Q806798 +Q220154 P161 Q485901 +Q4061 P1303 Q6607 +Q102124 P1412 Q1860 +Q316756 P19 Q1930 +Q2213516 P27 Q30 +Q156902 P1412 Q188 +Q78408 P69 Q153978 +Q123899 P106 Q1622272 +Q9204 P106 Q1622272 +Q57347 P108 Q156725 +Q269177 P69 Q2177054 +Q195367 P106 Q19204627 +Q128126 P102 Q1332068 +Q288098 P161 Q238919 +Q456467 P161 Q34529 +Q7304 P27 Q408 +Q4985 P106 Q36180 +Q669733 P19 Q37 +Q193744 P264 Q168407 +Q193517 P106 Q2259451 +Q70809 P106 Q639669 +Q855252 P106 Q372436 +Q75828 P463 Q684415 +Q44306 P737 Q5878 +Q134133 P106 Q2259451 +Q63224 P463 Q414379 +Q15257 P27 Q30 +Q240233 P106 Q4610556 +Q223887 P136 Q959790 +Q222 P530 Q38 +Q161687 P161 Q234798 +Q97136 P463 Q684415 +Q631508 P108 Q153006 +Q42204 P27 Q145 +Q236236 P106 Q1759246 +Q735539 P1412 Q256 +Q107194 P106 Q1622272 +Q1950678 P108 Q161562 +Q77234 P106 Q170790 +Q408 P530 Q38 +Q58912 P106 Q10800557 +Q19801728 P161 Q4491 +Q214697 P69 Q152838 +Q191543 P161 Q242717 +Q33 P530 Q842199 +Q84393 P106 Q333634 +Q169982 P69 Q192775 +Q106795 P136 Q8261 +Q270601 P27 Q792 +Q82083 P737 Q1398 +Q72217 P102 Q49750 +Q428347 P1303 Q163829 +Q61412 P27 Q174193 +Q216041 P20 Q138518 +Q221236 P136 Q319221 +Q215497 P106 Q4610556 +Q344179 P119 Q592204 +Q905 P106 Q28389 +Q178865 P106 Q81096 +Q212446 P101 Q15895020 +Q116013 P1412 Q9056 +Q232834 P106 Q131524 +Q61723 P106 Q333634 +Q76409 P140 Q288928 +Q29328 P1412 Q1860 +Q403 P530 Q298 +Q150894 P20 Q649 +Q202859 P264 Q843402 +Q11826 P106 Q36180 +Q53939 P106 Q55960555 +Q360685 P106 Q121594 +Q726607 P119 Q831322 +Q48047 P27 Q15180 +Q34020 P463 Q842490 +Q2773 P17 Q183 +Q244 P530 Q408 +Q98120 P108 Q32120 +Q53003 P40 Q203840 +Q238941 P106 Q753110 +Q66622 P102 Q49755 +Q32223 P1303 Q17172850 +Q454870 P27 Q36 +Q314569 P106 Q2405480 +Q8027 P140 Q93191 +Q155476 P495 Q30 +Q1761095 P27 Q34266 +Q378639 P106 Q2526255 +Q5673 P27 Q35 +Q240521 P106 Q177220 +Q436784 P509 Q12192 +Q198051 P1412 Q7850 +Q49355 P106 Q82955 +Q58857 P463 Q414110 +Q219373 P69 Q49117 +Q72543 P135 Q9730 +Q450714 P106 Q639669 +Q62763 P108 Q157808 +Q311459 P106 Q1930187 +Q43 P530 Q1045 +Q385471 P101 Q184485 +Q445429 P27 Q174193 +Q313462 P27 Q145 +Q5604 P69 Q838330 +Q112263 P509 Q2140674 +Q67207 P102 Q310296 +Q204804 P264 Q1273666 +Q561596 P20 Q34647 +Q53026 P20 Q220 +Q323076 P27 Q30 +Q76509 P27 Q39 +Q323805 P27 Q36 +Q224004 P495 Q30 +Q165392 P495 Q145 +Q436187 P108 Q126399 +Q6701 P20 Q64 +Q128507 P140 Q9268 +Q229477 P27 Q30 +Q262838 P136 Q11399 +Q101339 P463 Q684415 +Q82695 P106 Q1930187 +Q108941 P106 Q6625963 +Q953 P530 Q801 +Q156069 P161 Q170576 +Q441440 P463 Q1938003 +Q16053 P463 Q18912936 +Q379949 P106 Q1209498 +Q539143 P106 Q1320883 +Q66936 P463 Q1792159 +Q726440 P20 Q23556 +Q552529 P106 Q177220 +Q1049686 P1303 Q6607 +Q82925 P27 Q145 +Q229599 P136 Q5442753 +Q29344 P1412 Q1860 +Q544387 P136 Q45981 +Q126098 P1412 Q150 +Q776387 P463 Q337234 +Q1037 P530 Q865 +Q108617 P106 Q3282637 +Q209169 P463 Q161806 +Q60070 P108 Q55044 +Q467423 P106 Q36834 +Q313849 P1303 Q5994 +Q233956 P106 Q1607826 +Q2866 P106 Q37226 +Q59672 P106 Q47064 +Q960427 P509 Q12152 +Q731254 P20 Q16559 +Q109608 P551 Q365 +Q722390 P463 Q1938003 +Q291170 P161 Q272019 +Q438608 P102 Q5020915 +Q218992 P106 Q131524 +Q209913 P840 Q84 +Q4527494 P106 Q901 +Q219521 P106 Q10800557 +Q705221 P106 Q488205 +Q98311 P106 Q1622272 +Q3040690 P1412 Q1860 +Q267186 P106 Q10800557 +Q333425 P106 Q1930187 +Q168862 P161 Q165524 +Q95543 P108 Q151510 +Q219 P530 Q214 +Q70474 P27 Q183 +Q264869 P161 Q313043 +Q37767 P106 Q1930187 +Q953 P530 Q1016 +Q276440 P106 Q10800557 +Q57462 P27 Q183 +Q233956 P463 Q117467 +Q1352222 P27 Q30 +Q356351 P20 Q495 +Q73410 P1412 Q1860 +Q298139 P1412 Q256 +Q336467 P106 Q49757 +Q10218 P106 Q82955 +Q60969 P106 Q11900058 +Q1711615 P19 Q1757 +Q62665 P840 Q1297 +Q217787 P106 Q2405480 +Q104514 P69 Q1760438 +Q558582 P106 Q639669 +Q57169 P20 Q2107 +Q84482 P20 Q1741 +Q441414 P19 Q60 +Q73784 P1412 Q188 +Q44063 P106 Q4610556 +Q867852 P106 Q1930187 +Q253513 P106 Q2259451 +Q234335 P551 Q60 +Q345612 P737 Q48226 +Q69521 P106 Q1622272 +Q26648 P27 Q12544 +Q180723 P106 Q33999 +Q233584 P19 Q18125 +Q2831583 P106 Q81096 +Q232462 P106 Q36834 +Q114354 P106 Q2599593 +Q78214 P106 Q333634 +Q229184 P106 Q512314 +Q381014 P1412 Q5287 +Q314990 P1412 Q150 +Q73892 P20 Q1040 +Q184535 P106 Q6625963 +Q1339107 P264 Q935090 +Q203623 P106 Q14915627 +Q189889 P161 Q223110 +Q76422 P140 Q7066 +Q2643 P106 Q3282637 +Q312514 P136 Q484641 +Q151872 P27 Q801 +Q91470 P20 Q33959 +Q10327963 P106 Q43845 +Q272931 P106 Q28389 +Q40119 P840 Q41 +Q458656 P161 Q213844 +Q276181 P106 Q2405480 +Q216102 P101 Q309 +Q92981 P106 Q170790 +Q63032 P19 Q3933 +Q3615114 P1412 Q7737 +Q103788 P1412 Q1860 +Q1299302 P27 Q30 +Q709454 P106 Q488205 +Q94555 P69 Q193196 +Q1285105 P27 Q219 +Q313077 P106 Q28389 +Q131725 P106 Q36834 +Q76527 P106 Q24262584 +Q702468 P1412 Q1321 +Q160478 P69 Q547867 +Q1082312 P106 Q2643890 +Q403 P463 Q1043527 +Q191543 P161 Q82085 +Q94331 P106 Q36180 +Q47162 P106 Q36180 +Q214349 P27 Q30 +Q1025 P463 Q827525 +Q162255 P57 Q42574 +Q484292 P136 Q8261 +Q535812 P106 Q201788 +Q152388 P737 Q9358 +Q127423 P106 Q33999 +Q283696 P136 Q319221 +Q92094 P108 Q152838 +Q201500 P509 Q12192 +Q243639 P264 Q21077 +Q76215 P27 Q183 +Q270269 P136 Q1062400 +Q319996 P19 Q65 +Q150651 P106 Q36834 +Q948093 P106 Q49757 +Q2579732 P27 Q30 +Q44328 P136 Q128758 +Q563057 P136 Q2280497 +Q35725 P840 Q1085 +Q203690 P69 Q523926 +Q106508 P27 Q159 +Q330093 P1303 Q17172850 +Q64091 P101 Q441 +Q216934 P27 Q766 +Q25880 P106 Q49757 +Q180919 P106 Q33999 +Q92893 P69 Q13371 +Q262659 P101 Q207628 +Q94370 P102 Q49750 +Q408 P530 Q1009 +Q216466 P106 Q4263842 +Q208116 P106 Q4853732 +Q92066 P1412 Q188 +Q15981 P69 Q152087 +Q58801 P509 Q12152 +Q37217 P27 Q34266 +Q364873 P1412 Q7976 +Q782629 P27 Q172579 +Q241098 P136 Q134307 +Q575026 P136 Q45981 +Q937 P27 Q43287 +Q142 P463 Q458 +Q336877 P106 Q10798782 +Q455236 P19 Q90 +Q324129 P106 Q1930187 +Q310343 P106 Q28389 +Q469893 P27 Q399 +Q236842 P1412 Q1860 +Q297831 P106 Q3282637 +Q108239 P463 Q329464 +Q53944 P27 Q408 +Q329035 P20 Q23556 +Q766880 P1412 Q1860 +Q228546 P106 Q18814623 +Q318755 P69 Q797078 +Q1042 P463 Q7809 +Q60946 P140 Q75809 +Q128730 P840 Q241 +Q1174641 P106 Q593644 +Q106746 P106 Q901 +Q9047 P737 Q154751 +Q290345 P1303 Q17172850 +Q135640 P106 Q36180 +Q115760 P495 Q408 +Q57495 P102 Q7320 +Q269869 P106 Q33999 +Q105962 P69 Q273626 +Q72400 P106 Q806798 +Q444312 P106 Q33999 +Q165721 P20 Q649 +Q1452648 P106 Q639669 +Q122110 P20 Q70 +Q188100 P1412 Q1860 +Q66162 P101 Q7867 +Q869 P530 Q921 +Q220351 P106 Q1075651 +Q113928 P1412 Q188 +Q3088816 P1303 Q302497 +Q57396 P106 Q177220 +Q258 P530 Q33 +Q57775 P172 Q133255 +Q5673 P135 Q37068 +Q123140 P119 Q665815 +Q92804 P1412 Q1860 +Q452361 P19 Q1297 +Q379929 P119 Q746647 +Q68757 P101 Q1071 +Q708236 P509 Q12192 +Q231106 P106 Q13235160 +Q1045 P463 Q5611262 +Q173714 P19 Q727 +Q53453 P136 Q1062400 +Q61558 P106 Q36180 +Q983590 P69 Q860527 +Q164765 P106 Q36180 +Q218718 P1303 Q17172850 +Q196159 P106 Q947873 +Q58009 P509 Q9687 +Q654283 P112 Q587361 +Q967886 P27 Q15180 +Q266109 P27 Q30 +Q207640 P737 Q237196 +Q25188 P161 Q173399 +Q294912 P106 Q10798782 +Q1242553 P136 Q8341 +Q215820 P1412 Q1860 +Q212575 P106 Q214917 +Q29303 P17 Q179876 +Q356986 P1303 Q128309 +Q1028 P463 Q842490 +Q38222 P27 Q30 +Q109063 P106 Q639669 +Q62929 P106 Q486748 +Q76516 P101 Q5891 +Q19364345 P172 Q49542 +Q1282910 P509 Q372701 +Q93356 P27 Q27 +Q122335 P106 Q864380 +Q166298 P106 Q36180 +Q151403 P106 Q11774202 +Q297071 P101 Q941594 +Q5816 P106 Q36180 +Q218319 P106 Q214917 +Q160270 P27 Q174193 +Q160802 P102 Q1904825 +Q544301 P106 Q177220 +Q219776 P840 Q16 +Q78487 P1412 Q188 +Q571287 P27 Q142 +Q4227341 P463 Q4345832 +Q471542 P106 Q639669 +Q208572 P161 Q315090 +Q490938 P136 Q37073 +Q500042 P106 Q36180 +Q85914 P140 Q75809 +Q89316 P106 Q1930187 +Q274752 P1412 Q9067 +Q345571 P1412 Q1321 +Q319751 P1303 Q281460 +Q268111 P27 Q34266 +Q218718 P27 Q30 +Q154401 P37 Q9058 +Q176026 P463 Q270794 +Q292180 P69 Q182973 +Q273362 P106 Q2259451 +Q55 P463 Q663492 +Q529309 P106 Q156035 +Q155979 P140 Q3333484 +Q380545 P106 Q49757 +Q647445 P106 Q1350157 +Q106514 P106 Q4610556 +Q11877 P136 Q83440 +Q365550 P106 Q2095549 +Q51416 P161 Q8877 +Q567 P463 Q756504 +Q72259 P30 Q46 +Q188176 P136 Q128758 +Q443190 P106 Q193391 +Q176944 P27 Q16 +Q213053 P161 Q343037 +Q233566 P106 Q10297252 +Q77608 P69 Q995265 +Q3088816 P106 Q855091 +Q167635 P140 Q7066 +Q724323 P463 Q1425328 +Q183 P530 Q1030 +Q193338 P106 Q36834 +Q84352 P27 Q142 +Q44111 P106 Q169470 +Q367155 P1412 Q1860 +Q1065956 P106 Q1350157 +Q235737 P136 Q186472 +Q554775 P106 Q12800682 +Q574 P17 Q200464 +Q333595 P27 Q96 +Q79969 P106 Q186360 +Q92183 P119 Q64 +Q184935 P106 Q1930187 +Q1608224 P264 Q557632 +Q186709 P463 Q2370801 +Q504923 P106 Q1622272 +Q953768 P1303 Q52954 +Q191999 P106 Q47064 +Q24356 P106 Q753110 +Q472356 P27 Q159 +Q162597 P108 Q1394262 +Q505563 P106 Q16145150 +Q172241 P161 Q95048 +Q721963 P106 Q10800557 +Q233265 P108 Q34433 +Q10959 P463 Q2739680 +Q267217 P27 Q34 +Q538901 P1303 Q6607 +Q309003 P495 Q29 +Q490114 P106 Q82955 +Q139319 P30 Q46 +Q464833 P1412 Q1860 +Q53191106 P1412 Q9309 +Q17738 P161 Q81328 +Q329577 P106 Q10798782 +Q105962 P106 Q81096 +Q104137 P161 Q73930 +Q521170 P106 Q36180 +Q190588 P161 Q76717 +Q472356 P106 Q28389 +Q174908 P106 Q2526255 +Q2594947 P69 Q333705 +Q55210 P106 Q28389 +Q91436 P1412 Q188 +Q269569 P106 Q20521670 +Q4864 P551 Q649 +Q313470 P27 Q30 +Q346777 P106 Q81096 +Q221289 P106 Q33999 +Q220536 P106 Q3282637 +Q1131481 P106 Q10349745 +Q95048 P69 Q3098911 +Q762 P551 Q220 +Q231595 P106 Q33999 +Q300566 P161 Q1132632 +Q234080 P1412 Q1860 +Q81489 P106 Q10798782 +Q57239 P106 Q64733534 +Q270951 P106 Q947873 +Q188344 P140 Q1841 +Q208108 P161 Q152773 +Q162389 P69 Q599316 +Q237 P463 Q376150 +Q12288760 P106 Q4002666 +Q559771 P106 Q82955 +Q4247 P106 Q715301 +Q59346 P136 Q1200678 +Q60659 P106 Q177220 +Q186587 P495 Q145 +Q159 P463 Q380340 +Q212123 P136 Q860626 +Q70800 P106 Q36180 +Q71407 P3373 Q214191 +Q242535 P19 Q90 +Q96028 P1412 Q1860 +Q223139 P136 Q1200678 +Q390164 P136 Q2137852 +Q77938 P463 Q270794 +Q57700 P1412 Q188 +Q123476 P106 Q28389 +Q804 P463 Q8475 +Q458033 P161 Q168721 +Q434680 P27 Q801 +Q77112 P106 Q1075651 +Q66448 P1412 Q188 +Q57266 P20 Q60 +Q519273 P136 Q1641839 +Q237270 P106 Q177220 +Q242557 P106 Q2490358 +Q275982 P106 Q2865819 +Q127330 P106 Q183945 +Q99080 P27 Q183 +Q214481 P27 Q30 +Q2308660 P1412 Q150 +Q103835 P463 Q684415 +Q928281 P19 Q1781 +Q62857 P463 Q123885 +Q275929 P27 Q29 +Q44144 P106 Q177220 +Q310170 P106 Q488205 +Q43264 P106 Q3282637 +Q229276 P1303 Q17172850 +Q233618 P106 Q33999 +Q55163 P140 Q7066 +Q231276 P27 Q962 +Q179215 P136 Q22981906 +Q1372851 P1412 Q7737 +Q811 P530 Q739 +Q239917 P264 Q216364 +Q204338 P69 Q14404494 +Q131433 P136 Q11399 +Q311263 P106 Q2526255 +Q510114 P1050 Q11085 +Q431793 P161 Q269869 +Q350255 P19 Q18419 +Q784 P463 Q134102 +Q316231 P106 Q33999 +Q312628 P106 Q28389 +Q1130554 P106 Q6168364 +Q222744 P106 Q15949613 +Q77107 P1412 Q397 +Q18967 P161 Q211082 +Q251984 P106 Q10800557 +Q315051 P69 Q7894738 +Q207359 P737 Q42156 +Q729661 P27 Q30 +Q159409 P19 Q90 +Q155467 P108 Q49112 +Q231841 P106 Q4853732 +Q157293 P1303 Q6607 +Q606125 P106 Q2252262 +Q219424 P161 Q370102 +Q919081 P27 Q30 +Q1110652 P161 Q242552 +Q717 P530 Q142 +Q170574 P106 Q2259451 +Q57213 P106 Q486748 +Q13298 P17 Q176495 +Q66545534 P407 Q5146 +Q48984 P136 Q959790 +Q239838 P119 Q311 +Q238712 P19 Q34647 +Q65329 P27 Q183 +Q187423 P161 Q93354 +Q93957 P119 Q99 +Q740036 P1303 Q163829 +Q242162 P1412 Q1860 +Q65857 P551 Q64 +Q350405 P106 Q15077007 +Q426396 P161 Q180560 +Q1389588 P172 Q49542 +Q95050 P1412 Q1860 +Q90856 P463 Q18650004 +Q229 P463 Q663492 +Q4488 P106 Q222749 +Q207197 P1412 Q9067 +Q296809 P106 Q28389 +Q180224 P136 Q11399 +Q186587 P161 Q35332 +Q757 P463 Q191384 +Q84708562 P27 Q30 +Q62977 P69 Q13371 +Q218210 P451 Q343616 +Q928 P530 Q155 +Q110726 P106 Q1930187 +Q186221 P509 Q12202 +Q176558 P101 Q482 +Q969468 P106 Q33999 +Q329498 P27 Q142 +Q47087 P135 Q7066 +Q234145 P108 Q209344 +Q25835 P161 Q319133 +Q427386 P840 Q61 +Q108664 P135 Q2455000 +Q325389 P106 Q488205 +Q332394 P136 Q1146335 +Q82695 P140 Q288928 +Q108560 P1303 Q17172850 +Q230523 P106 Q639669 +Q736847 P106 Q333634 +Q311854 P463 Q161806 +Q87120 P106 Q333634 +Q954231 P1303 Q5994 +Q233213 P106 Q10800557 +Q86809 P463 Q684415 +Q84503 P106 Q49757 +Q106571 P161 Q323452 +Q66543 P101 Q101333 +Q251738 P106 Q14972848 +Q310252 P1303 Q17172850 +Q5928 P106 Q488205 +Q826 P463 Q827525 +Q134958 P106 Q483501 +Q119136 P102 Q153401 +Q77 P463 Q656801 +Q1077577 P106 Q177220 +Q1579348 P19 Q85 +Q149499 P27 Q16 +Q183105 P1412 Q1860 +Q56074 P27 Q29 +Q456413 P106 Q214917 +Q153694 P1303 Q17172850 +Q354250 P136 Q9734 +Q446151 P106 Q82955 +Q61000 P106 Q185351 +Q139638 P106 Q2526255 +Q6246180 P106 Q1281618 +Q57239 P106 Q36180 +Q761453 P106 Q3621491 +Q392 P106 Q10800557 +Q25351 P463 Q83172 +Q756645 P172 Q179248 +Q865 P530 Q27 +Q234080 P106 Q10800557 +Q7315 P140 Q35032 +Q171669 P161 Q26806 +Q355314 P509 Q476921 +Q6173306 P69 Q584919 +Q296698 P106 Q28389 +Q221102 P495 Q29 +Q217771 P1412 Q9129 +Q337658 P136 Q21010853 +Q7176 P509 Q476921 +Q346064 P119 Q335336 +Q233957 P551 Q29 +Q711499 P106 Q639669 +Q231093 P106 Q36180 +Q346280 P20 Q488004 +Q710 P30 Q538 +Q14277 P19 Q1715 +Q1044415 P106 Q639669 +Q1507223 P69 Q49115 +Q229599 P161 Q315826 +Q367109 P509 Q2140674 +Q1065624 P1412 Q5287 +Q224 P463 Q7184 +Q16389 P551 Q8686 +Q963 P463 Q1043527 +Q337747 P136 Q1342372 +Q331896 P1412 Q8748 +Q193146 P20 Q34006 +Q89689 P102 Q328195 +Q274529 P840 Q62 +Q84199 P106 Q10800557 +Q192374 P106 Q36180 +Q530377 P106 Q33231 +Q235611 P20 Q649 +Q70650 P106 Q1930187 +Q287449 P69 Q3072747 +Q75079 P106 Q28389 +Q107432 P136 Q8341 +Q121850 P106 Q4964182 +Q948941 P69 Q1719898 +Q49081 P737 Q44306 +Q151098 P106 Q193391 +Q200355 P106 Q2405480 +Q745896 P1303 Q6607 +Q124296 P20 Q60 +Q303 P509 Q12152 +Q139326 P136 Q1339864 +Q419 P463 Q376150 +Q200396 P136 Q319221 +Q707151 P106 Q639669 +Q117249 P136 Q613408 +Q75546 P161 Q230530 +Q661452 P106 Q201788 +Q60208 P106 Q82955 +Q211731 P101 Q9418 +Q69973 P136 Q35760 +Q691973 P27 Q172579 +Q7439 P106 Q82594 +Q333004 P509 Q1368943 +Q203804 P27 Q145 +Q260011 P106 Q1930187 +Q229449 P1303 Q17172850 +Q77938 P108 Q622664 +Q180850 P27 Q145 +Q502362 P106 Q36180 +Q4101530 P119 Q1457437 +Q113681 P106 Q36180 +Q3847508 P106 Q47064 +Q918655 P106 Q1930187 +Q4948 P37 Q652 +Q1028859 P106 Q130857 +Q287110 P119 Q1457437 +Q255967 P20 Q1754 +Q452281 P509 Q189588 +Q329805 P495 Q29 +Q401645 P27 Q851 +Q44380 P106 Q10800557 +Q180278 P106 Q36834 +Q71416 P106 Q82955 +Q76749 P106 Q1622272 +Q32 P463 Q1065 +Q1276 P106 Q183945 +Q392 P106 Q183945 +Q115490 P106 Q39631 +Q51549 P1412 Q150 +Q169963 P106 Q4610556 +Q1698 P106 Q639669 +Q8620 P1412 Q1860 +Q270905 P1412 Q5287 +Q108946 P840 Q61 +Q196080 P106 Q2259451 +Q167345 P69 Q486156 +Q192069 P20 Q25610 +Q313378 P27 Q30 +Q445921 P140 Q106039 +Q34836 P463 Q466089 +Q153149 P106 Q201788 +Q233786 P106 Q2259451 +Q350581 P264 Q231694 +Q41513 P20 Q84 +Q170042 P1303 Q302497 +Q337578 P106 Q33999 +Q1005 P463 Q7809 +Q380787 P106 Q17167049 +Q120905 P20 Q1731 +Q268582 P27 Q29 +Q70855 P463 Q684415 +Q67941 P106 Q250867 +Q855252 P509 Q12192 +Q253757 P106 Q177220 +Q85460 P106 Q1930187 +Q16581 P551 Q40 +Q45386 P161 Q329156 +Q262396 P106 Q512314 +Q315650 P136 Q11366 +Q429207 P106 Q774306 +Q439626 P136 Q131272 +Q70223 P19 Q71 +Q120085 P26 Q23434 +Q123273 P140 Q7066 +Q4356896 P106 Q33231 +Q724323 P106 Q36180 +Q944275 P463 Q123885 +Q121694 P1412 Q188 +Q161842 P106 Q1231865 +Q1095432 P136 Q203775 +Q937 P463 Q3603946 +Q237273 P106 Q10798782 +Q206112 P551 Q23197 +Q117997 P1412 Q188 +Q92743 P1050 Q84263196 +Q344616 P108 Q179036 +Q221820 P161 Q180560 +Q691 P463 Q496967 +Q344567 P106 Q10798782 +Q44032 P106 Q1028181 +Q59485 P106 Q245068 +Q59314 P1412 Q1860 +Q215139 P108 Q49205 +Q722390 P27 Q30 +Q1349827 P106 Q639669 +Q568455 P264 Q726251 +Q317358 P69 Q1542213 +Q851 P530 Q819 +Q333004 P1412 Q1860 +Q435060 P106 Q20669622 +Q219 P530 Q36 +Q792 P463 Q17495 +Q19089 P161 Q29092 +Q88267 P106 Q1930187 +Q67054 P106 Q333634 +Q465196 P136 Q83270 +Q153149 P19 Q1770 +Q161853 P19 Q87 +Q9570 P106 Q10800557 +Q1279401 P27 Q30 +Q18421 P495 Q183 +Q97431 P106 Q16267607 +Q92933 P27 Q35 +Q236056 P1303 Q6607 +Q133151 P1050 Q11085 +Q261923 P136 Q157443 +Q274764 P106 Q1930187 +Q179051 P106 Q3665646 +Q106103 P108 Q151510 +Q964355 P106 Q49757 +Q212173 P106 Q28389 +Q5333 P119 Q5933 +Q57106 P551 Q656 +Q957575 P19 Q84 +Q108283 P106 Q2059704 +Q941374 P69 Q309331 +Q37 P463 Q376150 +Q67047 P69 Q161976 +Q732142 P19 Q36036 +Q337521 P1303 Q17172850 +Q156608 P161 Q273208 +Q7343182 P106 Q36180 +Q638638 P27 Q34266 +Q77009 P161 Q42229 +Q208359 P106 Q4964182 +Q466457 P1412 Q9176 +Q84503 P106 Q1028181 +Q503657 P27 Q133356 +Q401963 P106 Q36834 +Q388408 P136 Q1146335 +Q236340 P1412 Q5287 +Q438440 P27 Q41 +Q218 P463 Q8908 +Q120342 P106 Q2259451 +Q202246 P264 Q557632 +Q239293 P106 Q10798782 +Q43408 P161 Q52447 +Q325262 P106 Q193391 +Q310975 P106 Q1028181 +Q740657 P106 Q864380 +Q27184 P159 Q60 +Q55428 P106 Q36180 +Q300423 P495 Q30 +Q62833 P1412 Q188 +Q229048 P106 Q33999 +Q535 P106 Q49757 +Q1356586 P27 Q30 +Q123268 P106 Q4964182 +Q194696 P495 Q30 +Q92115 P27 Q183 +Q272595 P161 Q329716 +Q74865 P26 Q70309 +Q180819 P106 Q1622272 +Q232052 P106 Q2405480 +Q527146 P1412 Q1860 +Q722738 P737 Q123089 +Q154353 P101 Q333 +Q295974 P1412 Q1860 +Q49615 P1412 Q1860 +Q92602 P463 Q270794 +Q230636 P3373 Q433683 +Q134456 P19 Q7473516 +Q11239 P106 Q18814623 +Q168896 P1412 Q809 +Q1439143 P69 Q13371 +Q214549 P69 Q273626 +Q67641 P106 Q33999 +Q116553 P19 Q78 +Q277356 P102 Q79854 +Q865 P530 Q39 +Q169996 P495 Q30 +Q61863 P463 Q4345832 +Q519289 P27 Q30 +Q49355 P1412 Q1860 +Q467368 P106 Q822146 +Q206693 P1303 Q17172850 +Q92620 P463 Q1493021 +Q209538 P161 Q295964 +Q122998 P26 Q584292 +Q165792 P737 Q868 +Q302675 P27 Q29 +Q90131 P69 Q154804 +Q41166 P106 Q4853732 +Q522856 P106 Q245068 +Q10681 P106 Q488205 +Q314924 P106 Q2405480 +Q378645 P19 Q490 +Q50020 P106 Q82955 +Q20733 P463 Q337555 +Q66448 P27 Q41304 +Q25320 P69 Q209842 +Q287572 P106 Q49757 +Q27 P463 Q8475 +Q66097 P106 Q2526255 +Q562781 P19 Q649 +Q329454 P106 Q82955 +Q195303 P161 Q69645 +Q273233 P106 Q19204627 +Q33 P530 Q41 +Q169564 P840 Q1384 +Q88832 P69 Q1278808 +Q351061 P106 Q177220 +Q447827 P119 Q288130 +Q361004 P463 Q41726 +Q156941 P102 Q379922 +Q229325 P1303 Q17172850 +Q981960 P106 Q1930187 +Q463692 P106 Q10800557 +Q87302 P108 Q154561 +Q317095 P27 Q30 +Q2367411 P509 Q12192 +Q41173 P1050 Q131755 +Q347832 P106 Q214917 +Q184366 P106 Q18805 +Q216148 P106 Q49757 +Q5673 P509 Q623031 +Q94081 P106 Q5716684 +Q345906 P27 Q29 +Q764913 P69 Q390287 +Q67144 P69 Q55044 +Q210364 P136 Q130232 +Q736099 P1303 Q79838 +Q703935 P102 Q9630 +Q232945 P106 Q2405480 +Q145 P530 Q878 +Q387814 P27 Q30 +Q967886 P106 Q82955 +Q323827 P136 Q369747 +Q101734 P106 Q2259451 +Q1377134 P264 Q202585 +Q193278 P106 Q10798782 +Q274404 P106 Q82955 +Q232514 P264 Q3001888 +Q130026 P106 Q2259451 +Q98311 P106 Q482980 +Q436131 P106 Q2306091 +Q1067 P106 Q49757 +Q313755 P106 Q10798782 +Q31073 P140 Q682443 +Q66408 P106 Q18814623 +Q730190 P106 Q188094 +Q928 P530 Q695 +Q309246 P495 Q298 +Q75951 P108 Q13371 +Q91557 P27 Q183 +Q60506 P161 Q235719 +Q125462 P140 Q1841 +Q55190 P1412 Q7737 +Q822666 P20 Q7473516 +Q451250 P840 Q30 +Q185655 P27 Q30 +Q51461 P19 Q43301 +Q76715 P106 Q36180 +Q44481 P463 Q329464 +Q727301 P19 Q656 +Q207817 P1412 Q256 +Q132537 P1412 Q397 +Q97325 P106 Q82955 +Q11593 P136 Q188473 +Q119687 P106 Q40348 +Q229389 P172 Q484464 +Q504920 P106 Q177220 +Q4396425 P108 Q27923720 +Q170800 P136 Q482 +Q40495 P106 Q82955 +Q19074 P1412 Q1860 +Q334126 P1412 Q1860 +Q283317 P106 Q177220 +Q239357 P106 Q639669 +Q130447 P106 Q10798782 +Q61584 P264 Q4413456 +Q532915 P509 Q12152 +Q240788 P106 Q4773904 +Q320588 P161 Q621490 +Q184933 P136 Q1344 +Q231182 P106 Q3501317 +Q156608 P840 Q64 +Q248935 P106 Q42973 +Q374181 P106 Q222749 +Q201500 P106 Q12377274 +Q1039 P463 Q7159 +Q1001250 P19 Q65 +Q102813 P451 Q4612 +Q1036 P530 Q183 +Q84998 P1412 Q188 +Q9358 P737 Q991 +Q181683 P106 Q488205 +Q68312 P1412 Q188 +Q373968 P641 Q32112 +Q103876 P509 Q189588 +Q427597 P1303 Q17172850 +Q55388 P106 Q3282637 +Q706931 P108 Q81162 +Q267803 P106 Q10798782 +Q66936 P106 Q201788 +Q207592 P451 Q234141 +Q123469 P69 Q616591 +Q233701 P106 Q214917 +Q902 P530 Q804 +Q2492 P463 Q337543 +Q67869663 P136 Q11401 +Q333405 P136 Q37073 +Q155375 P106 Q14906342 +Q140201 P106 Q6625963 +Q506231 P106 Q333634 +Q271465 P1303 Q17172850 +Q98960 P102 Q7320 +Q233898 P106 Q36180 +Q784260 P1303 Q17172850 +Q229840 P106 Q482980 +Q778673 P17 Q30 +Q315784 P136 Q547137 +Q202725 P27 Q30 +Q4271 P106 Q177220 +Q287385 P136 Q1054574 +Q232298 P106 Q10798782 +Q159995 P463 Q463303 +Q92897 P463 Q2739680 +Q6294 P463 Q463303 +Q310098 P27 Q30 +Q1631 P27 Q142 +Q90815 P1412 Q188 +Q324157 P172 Q170217 +Q3778 P17 Q156199 +Q440926 P106 Q10800557 +Q330840 P106 Q2259451 +Q190588 P495 Q145 +Q29 P463 Q1043527 +Q11813 P106 Q36180 +Q935369 P106 Q183945 +Q48051 P463 Q1971373 +Q40826 P106 Q6625963 +Q465465 P106 Q1930187 +Q98719 P106 Q13570226 +Q233957 P108 Q49210 +Q546275 P101 Q482 +Q230782 P106 Q177220 +Q313046 P27 Q30 +Q739 P530 Q833 +Q72390 P140 Q748 +Q80424 P264 Q212699 +Q153657 P106 Q177220 +Q373421 P106 Q81096 +Q2272369 P106 Q81096 +Q60637 P106 Q1209498 +Q337089 P106 Q36834 +Q76938 P108 Q315658 +Q215721 P119 Q5763964 +Q43330 P69 Q157575 +Q123987 P140 Q432 +Q1280288 P106 Q2722764 +Q70819 P108 Q154804 +Q320305 P27 Q172579 +Q35 P530 Q79 +Q5152 P106 Q82955 +Q181451 P106 Q36180 +Q352766 P106 Q1327329 +Q526989 P27 Q148 +Q95050 P106 Q3282637 +Q179558 P19 Q656 +Q223887 P840 Q65 +Q167520 P40 Q13909 +Q254748 P106 Q15981151 +Q34105 P140 Q483654 +Q212416 P1412 Q1860 +Q442931 P106 Q4263842 +Q246374 P106 Q82955 +Q66735968 P136 Q134307 +Q611121 P1412 Q1860 +Q40912 P136 Q9759 +Q1046616 P136 Q11366 +Q230 P530 Q229 +Q53729 P106 Q33231 +Q44461 P1412 Q1860 +Q215855 P509 Q506616 +Q55456 P140 Q7066 +Q1725017 P27 Q15180 +Q108270 P106 Q10798782 +Q362886 P106 Q855091 +Q52447 P27 Q30 +Q240788 P119 Q311 +Q1347095 P106 Q639669 +Q192442 P106 Q901402 +Q23696 P106 Q169470 +Q45278 P106 Q250867 +Q213710 P17 Q145 +Q388950 P161 Q294583 +Q957627 P1303 Q17172850 +Q104340 P106 Q28389 +Q14537 P106 Q2405480 +Q111447 P1412 Q150 +Q318607 P27 Q30 +Q311263 P463 Q8038459 +Q1687890 P106 Q177220 +Q78278 P106 Q185351 +Q308711 P27 Q159 +Q26806 P106 Q245068 +Q1290 P106 Q169470 +Q237214 P27 Q30 +Q108097 P106 Q2259451 +Q77 P463 Q8475 +Q4430 P136 Q645928 +Q381104 P106 Q214917 +Q236748 P136 Q373342 +Q560447 P69 Q13371 +Q648366 P20 Q1509 +Q45521 P27 Q183 +Q223596 P161 Q227129 +Q504753 P108 Q193727 +Q5284 P106 Q82594 +Q1027 P30 Q15 +Q77235 P27 Q183 +Q160778 P264 Q694052 +Q944275 P463 Q463303 +Q153159 P463 Q265058 +Q235 P530 Q183 +Q238 P463 Q17495 +Q382316 P19 Q3640 +Q213411 P57 Q187364 +Q296545 P106 Q81096 +Q60486 P106 Q14467526 +Q83396 P140 Q682443 +Q78126 P106 Q2135538 +Q55421 P27 Q40 +Q82695 P27 Q159 +Q184935 P106 Q33999 +Q82949 P161 Q108622 +Q154691 P108 Q49088 +Q232035 P136 Q1344 +Q70855 P106 Q201788 +Q153020 P108 Q21705070 +Q185696 P509 Q12202 +Q726071 P106 Q488205 +Q697 P463 Q496967 +Q436784 P19 Q99 +Q77493 P1412 Q188 +Q44839 P106 Q18844224 +Q184249 P106 Q10798782 +Q219734 P119 Q208175 +Q472856 P106 Q36180 +Q862297 P106 Q715301 +Q445863 P136 Q11366 +Q438885 P1412 Q1860 +Q2019530 P27 Q145 +Q507327 P136 Q83270 +Q660553 P1412 Q150 +Q4028 P463 Q463303 +Q410 P108 Q49115 +Q460852 P264 Q183387 +Q563287 P106 Q753110 +Q180008 P161 Q107933 +Q57337 P106 Q333634 +Q342876 P495 Q30 +Q211831 P106 Q10798782 +Q157194 P27 Q39 +Q234244 P1412 Q1860 +Q16019 P106 Q185351 +Q171669 P161 Q267914 +Q740596 P1412 Q9067 +Q207177 P106 Q10800557 +Q83038 P509 Q1368943 +Q155547 P69 Q672420 +Q9438 P69 Q691851 +Q25351 P463 Q265058 +Q40479 P737 Q210059 +Q232120 P106 Q10800557 +Q75803 P106 Q49757 +Q312394 P136 Q52162262 +Q436394 P20 Q84 +Q333460 P106 Q81096 +Q106611 P106 Q28389 +Q253845 P106 Q482980 +Q329719 P27 Q30 +Q192409 P161 Q1198697 +Q922484 P106 Q164236 +Q6512 P737 Q76499 +Q143901 P161 Q1384181 +Q191850 P140 Q1841 +Q427534 P840 Q61 +Q11124 P106 Q16533 +Q188648 P1303 Q5994 +Q131259 P1303 Q6607 +Q122713 P136 Q200092 +Q452307 P172 Q49085 +Q74667 P19 Q64 +Q16473 P106 Q28389 +Q239587 P27 Q30 +Q181402 P106 Q2722764 +Q311684 P106 Q82955 +Q216708 P27 Q145 +Q107328 P27 Q183 +Q92868 P463 Q131566 +Q219989 P463 Q1662834 +Q164954 P172 Q2436423 +Q333231 P106 Q864380 +Q277559 P119 Q208175 +Q62753 P463 Q459620 +Q535812 P69 Q49112 +Q333505 P119 Q44989 +Q62656 P106 Q11900058 +Q211 P463 Q191384 +Q235278 P106 Q131524 +Q315417 P136 Q9794 +Q237053 P551 Q3143067 +Q60804 P108 Q161982 +Q315118 P27 Q664 +Q78003 P106 Q6625963 +Q308711 P106 Q36180 +Q251068 P1303 Q17172850 +Q236240 P136 Q37073 +Q82778 P106 Q40348 +Q83326 P1412 Q9067 +Q5921 P106 Q36834 +Q563057 P1412 Q1860 +Q345446 P136 Q1344 +Q459889 P161 Q320093 +Q173417 P20 Q47716 +Q463768 P840 Q8646 +Q991 P1050 Q41571 +Q23434 P136 Q156035 +Q14100 P106 Q13219587 +Q206832 P463 Q3291340 +Q90012 P102 Q316533 +Q57781 P106 Q82955 +Q193659 P106 Q10798782 +Q34474 P106 Q214917 +Q202420 P106 Q36180 +Q714162 P69 Q49088 +Q1384181 P106 Q3282637 +Q229572 P69 Q1051840 +Q155106 P106 Q947873 +Q156890 P106 Q1028181 +Q5921354 P101 Q11629 +Q229775 P106 Q10798782 +Q651059 P106 Q121594 +Q39803 P69 Q219694 +Q108941 P106 Q28389 +Q1512 P172 Q181634 +Q124251 P27 Q39 +Q158354 P106 Q1231865 +Q164281 P106 Q806798 +Q95034 P106 Q2259451 +Q181069 P161 Q381768 +Q25839 P106 Q10800557 +Q237518 P27 Q34266 +Q189505 P136 Q52207399 +Q559506 P463 Q1468277 +Q72916 P106 Q42973 +Q230395 P1303 Q6607 +Q34969 P19 Q100 +Q544915 P106 Q2055046 +Q1085 P131 Q42585 +Q1251733 P1303 Q17172850 +Q878 P463 Q7172 +Q125354 P27 Q36 +Q110183 P108 Q152087 +Q549729 P106 Q1930187 +Q55800 P106 Q947873 +Q633 P106 Q177220 +Q312288 P463 Q2822396 +Q684748 P1412 Q1860 +Q187765 P106 Q1028181 +Q11031 P108 Q209344 +Q1006 P463 Q7809 +Q268024 P106 Q18844224 +Q127548 P106 Q9648008 +Q129601 P161 Q338726 +Q359457 P136 Q11366 +Q180011 P106 Q10798782 +Q84217 P27 Q15180 +Q42443 P172 Q121842 +Q362422 P106 Q10798782 +Q14010 P108 Q216273 +Q153248 P69 Q209842 +Q387370 P161 Q635131 +Q49081 P509 Q372701 +Q273136 P1412 Q1860 +Q607968 P108 Q41506 +Q83807 P1412 Q1860 +Q434466 P102 Q5020915 +Q387601 P161 Q276525 +Q3229792 P69 Q41506 +Q221771 P106 Q49757 +Q116548 P27 Q183 +Q855252 P1412 Q150 +Q151606 P136 Q130232 +Q944759 P106 Q715301 +Q97341 P106 Q33999 +Q1067000 P106 Q486748 +Q158078 P69 Q215539 +Q41617 P509 Q623031 +Q221236 P161 Q313789 +Q90195 P140 Q9592 +Q921869 P27 Q174193 +Q448905 P106 Q82955 +Q230456 P106 Q18939491 +Q766880 P106 Q1930187 +Q57619 P1303 Q6607 +Q164721 P106 Q947873 +Q6527 P106 Q4964182 +Q12688 P69 Q1059546 +Q368636 P106 Q639669 +Q12903 P106 Q28389 +Q5683 P119 Q5933 +Q455552 P840 Q60 +Q37767 P737 Q3048 +Q4396425 P27 Q15180 +Q3182472 P106 Q43845 +Q98172 P20 Q162049 +Q108619 P102 Q7320 +Q239917 P1303 Q17172850 +Q26058 P106 Q177220 +Q5152 P106 Q372436 +Q326196 P106 Q639669 +Q253757 P106 Q639669 +Q462447 P136 Q663106 +Q16390 P27 Q30 +Q110203 P161 Q374181 +Q1970586 P106 Q482980 +Q66936 P108 Q152838 +Q863 P530 Q30 +Q1569251 P1412 Q1860 +Q1016 P530 Q686 +Q355566 P463 Q463281 +Q8573 P20 Q956 +Q3047837 P106 Q81096 +Q3383262 P69 Q144488 +Q1643790 P27 Q172579 +Q325389 P106 Q753110 +Q239002 P27 Q38 +Q703935 P69 Q332342 +Q236318 P106 Q10800557 +Q81627 P106 Q81096 +Q110126 P69 Q192964 +Q102568 P19 Q1792 +Q356375 P106 Q2526255 +Q164396 P463 Q463303 +Q53939 P106 Q488205 +Q3229792 P27 Q41 +Q179414 P27 Q145 +Q349591 P106 Q488205 +Q1699618 P27 Q30 +Q296244 P106 Q4964182 +Q912023 P106 Q6625963 +Q349852 P106 Q33999 +Q95008 P106 Q1415090 +Q46139 P106 Q33231 +Q329498 P463 Q253439 +Q1195301 P1412 Q5287 +Q121507 P106 Q486748 +Q361297 P40 Q336222 +Q165854 P27 Q15180 +Q1572124 P106 Q36834 +Q55163 P119 Q485716 +Q327261 P27 Q43 +Q77844 P106 Q947873 +Q128494 P106 Q15980158 +Q172975 P136 Q19367312 +Q270691 P106 Q10800557 +Q41223 P1303 Q5994 +Q243983 P161 Q206922 +Q180962 P737 Q23434 +Q212730 P106 Q36180 +Q61601 P106 Q214917 +Q83003 P509 Q1368943 +Q109067 P172 Q170217 +Q82104 P1412 Q1860 +Q1006 P463 Q134102 +Q918268 P106 Q49757 +Q310767 P106 Q151197 +Q668 P530 Q928 +Q450412 P1412 Q1860 +Q399 P530 Q41 +Q851 P530 Q38 +Q621458 P106 Q36180 +Q3057567 P106 Q1734662 +Q67385 P20 Q2742 +Q61073 P69 Q153978 +Q155018 P161 Q346540 +Q233081 P1303 Q5994 +Q1176607 P19 Q43301 +Q206235 P172 Q1344183 +Q35610 P106 Q4853732 +Q575795 P106 Q245068 +Q78993 P106 Q4964182 +Q320639 P106 Q584301 +Q1230528 P106 Q1622272 +Q25080 P106 Q177220 +Q467574 P551 Q72 +Q83297 P140 Q6423963 +Q311993 P1412 Q652 +Q152453 P27 Q30 +Q108703 P27 Q16957 +Q224754 P69 Q49119 +Q165392 P136 Q130232 +Q14678 P106 Q36180 +Q62798 P140 Q9592 +Q311293 P106 Q82955 +Q15969 P106 Q4964182 +Q302819 P172 Q127885 +Q78126 P106 Q1622272 +Q311115 P106 Q33231 +Q719247 P106 Q37226 +Q114179 P106 Q10800557 +Q323076 P106 Q28389 +Q739915 P641 Q11419 +Q909 P106 Q36180 +Q107124 P27 Q183 +Q380407 P1412 Q7737 +Q44403 P140 Q5043 +Q92497 P102 Q157537 +Q2291171 P112 Q310166 +Q75914 P106 Q901 +Q1493339 P1412 Q1860 +Q351884 P27 Q30 +Q4636 P106 Q2526255 +Q28480 P19 Q1085 +Q236829 P27 Q145 +Q191842 P106 Q10800557 +Q1156782 P136 Q379671 +Q258980 P106 Q28389 +Q90840 P106 Q16267607 +Q237186 P106 Q177220 +Q444674 P136 Q1344 +Q354382 P106 Q1930187 +Q334396 P69 Q192088 +Q272943 P27 Q30 +Q357184 P106 Q82955 +Q921 P463 Q17495 +Q560390 P106 Q333634 +Q82778 P106 Q47064 +Q905 P737 Q28494 +Q105875 P106 Q158852 +Q93356 P463 Q337234 +Q215724 P27 Q183 +Q117249 P106 Q28389 +Q6293853 P1412 Q188 +Q103788 P19 Q62 +Q769328 P106 Q177220 +Q294927 P106 Q639669 +Q313512 P27 Q142 +Q8027 P509 Q2140674 +Q358356 P19 Q48958 +Q1000 P463 Q1065 +Q128823 P108 Q193196 +Q695200 P106 Q1607826 +Q179854 P106 Q13570226 +Q91903 P108 Q154561 +Q208592 P161 Q185051 +Q332956 P106 Q1930187 +Q375827 P106 Q488205 +Q252409 P136 Q2297927 +Q153238 P106 Q18844224 +Q478601 P106 Q1320883 +Q379811 P106 Q3282637 +Q255267 P106 Q2865819 +Q116258 P463 Q161806 +Q960935 P106 Q2252262 +Q215868 P1050 Q3321212 +Q1051531 P136 Q487914 +Q23858 P27 Q30 +Q77493 P106 Q15627169 +Q214565 P106 Q1028181 +Q58583 P509 Q216169 +Q494676 P1412 Q1860 +Q4225527 P463 Q2370801 +Q386053 P106 Q183945 +Q4227 P136 Q21590660 +Q328042 P19 Q46852 +Q38082 P136 Q131539 +Q293696 P27 Q30 +Q1203 P106 Q3282637 +Q229018 P136 Q37073 +Q308840 P106 Q33999 +Q352452 P106 Q183945 +Q270951 P106 Q4610556 +Q1157945 P106 Q16533 +Q43189 P106 Q639669 +Q107752 P69 Q131252 +Q37 P530 Q865 +Q200768 P106 Q28389 +Q267581 P106 Q36834 +Q554074 P106 Q205375 +Q724082 P106 Q128124 +Q919462 P136 Q9759 +Q110569 P106 Q947873 +Q61078 P106 Q4164507 +Q186335 P136 Q186424 +Q205545 P140 Q59778 +Q350714 P19 Q16552 +Q193048 P106 Q2526255 +Q234338 P106 Q1476215 +Q336609 P19 Q84 +Q105158 P106 Q28389 +Q193670 P20 Q584451 +Q97144 P27 Q1206012 +Q484523 P106 Q486748 +Q64 P131 Q183 +Q61055 P19 Q702259 +Q11617 P106 Q4610556 +Q180505 P106 Q33999 +Q902 P530 Q43 +Q95453 P106 Q1622272 +Q264307 P136 Q157443 +Q337352 P159 Q546 +Q185490 P840 Q84 +Q173637 P264 Q193023 +Q1689075 P106 Q177220 +Q214310 P1412 Q188 +Q55438 P119 Q27426 +Q72645 P108 Q158158 +Q3520383 P136 Q52162262 +Q439955 P106 Q33999 +Q212026 P451 Q3772 +Q67383 P106 Q3455803 +Q34286 P463 Q270794 +Q358317 P106 Q33999 +Q245271 P136 Q842256 +Q706931 P106 Q1622272 +Q82360 P119 Q1358639 +Q303680 P106 Q36180 +Q334646 P509 Q11085 +Q81796 P108 Q216273 +Q104276 P102 Q49768 +Q96155 P19 Q4024 +Q450663 P69 Q21578 +Q279648 P106 Q82955 +Q234169 P106 Q486748 +Q117497 P26 Q49034 +Q543719 P106 Q177220 +Q1699618 P136 Q206159 +Q108886 P27 Q30 +Q19200 P106 Q183945 +Q182546 P27 Q30 +Q721704 P20 Q220 +Q130547 P106 Q33999 +Q112307 P106 Q10798782 +Q331123 P27 Q30 +Q173061 P1303 Q46185 +Q193695 P161 Q11637 +Q1792 P17 Q7318 +Q206886 P495 Q30 +Q295502 P106 Q2405480 +Q262659 P27 Q30 +Q150981 P37 Q188 +Q185610 P106 Q43845 +Q317251 P69 Q459506 +Q440353 P551 Q84 +Q865 P530 Q218 +Q40504 P27 Q30 +Q105875 P136 Q105513 +Q313627 P264 Q190585 +Q318198 P106 Q333634 +Q95522 P69 Q154804 +Q312129 P106 Q948329 +Q48053 P119 Q208175 +Q327261 P106 Q1930187 +Q107816 P106 Q131524 +Q60809 P27 Q30 +Q346411 P27 Q30 +Q318412 P1412 Q1860 +Q78525 P27 Q33946 +Q1251900 P1303 Q17172850 +Q149489 P69 Q1760438 +Q274362 P106 Q639669 +Q389466 P136 Q157394 +Q698444 P1412 Q7913 +Q180727 P136 Q1338153 +Q1308212 P106 Q1643514 +Q150804 P136 Q645928 +Q275553 P136 Q1200678 +Q551204 P551 Q159 +Q312641 P106 Q6625963 +Q45321 P140 Q23540 +Q180468 P106 Q2055046 +Q438175 P27 Q20 +Q560649 P106 Q28389 +Q114808 P27 Q40 +Q671665 P1303 Q17172850 +Q202749 P463 Q161806 +Q529309 P27 Q159 +Q39318 P106 Q189290 +Q533970 P106 Q10800557 +Q236482 P106 Q1930187 +Q1174641 P106 Q81096 +Q19356 P161 Q211831 +Q59215 P69 Q1204714 +Q40912 P20 Q65 +Q241754 P27 Q28 +Q370102 P106 Q10798782 +Q242 P463 Q842490 +Q152318 P69 Q1719898 +Q106555 P106 Q10800557 +Q106134 P20 Q3869 +Q2623752 P27 Q36 +Q130873 P27 Q801 +Q303207 P264 Q2338889 +Q504923 P106 Q1930187 +Q182486 P1412 Q1860 +Q327809 P161 Q90849 +Q435398 P19 Q1754 +Q86843 P463 Q1285073 +Q239897 P136 Q132311 +Q257442 P19 Q49255 +Q124834 P106 Q15214752 +Q72262 P69 Q49114 +Q981929 P106 Q4964182 +Q3370728 P1412 Q150 +Q4919786 P106 Q131524 +Q439895 P19 Q34647 +Q159 P530 Q423 +Q9545 P106 Q82955 +Q10953 P106 Q81096 +Q165268 P161 Q298682 +Q468667 P106 Q33999 +Q92882 P27 Q30 +Q550996 P140 Q7066 +Q309843 P106 Q10798782 +Q77271 P119 Q881481 +Q44845 P463 Q46703 +Q443897 P106 Q183945 +Q216288 P264 Q193023 +Q121656 P106 Q1622272 +Q383883 P108 Q168756 +Q350732 P106 Q2259451 +Q27645 P1412 Q7737 +Q87821 P20 Q84 +Q299723 P69 Q838330 +Q32 P530 Q159 +Q270126 P27 Q30 +Q77350 P69 Q161976 +Q160640 P737 Q140694 +Q76442 P26 Q65863 +Q38294 P108 Q702524 +Q233546 P69 Q13371 +Q40912 P106 Q177220 +Q775671 P1412 Q652 +Q99728 P69 Q152171 +Q2481742 P106 Q774306 +Q4099149 P106 Q4773904 +Q782020 P264 Q202585 +Q158394 P106 Q36180 +Q705399 P108 Q149990 +Q94882 P108 Q49088 +Q238941 P1303 Q47369 +Q270546 P106 Q177220 +Q175104 P106 Q753110 +Q135481 P27 Q2305208 +Q907534 P463 Q270794 +Q922528 P136 Q217597 +Q230190 P106 Q10800557 +Q331896 P106 Q214917 +Q107957 P551 Q1345 +Q102669 P69 Q152838 +Q878 P37 Q13955 +Q203845 P161 Q319725 +Q79191 P106 Q1086863 +Q299317 P106 Q28389 +Q174291 P136 Q211756 +Q186341 P840 Q1261 +Q461447 P495 Q145 +Q853 P106 Q7042855 +Q736847 P106 Q1930187 +Q290091 P106 Q10800557 +Q2233935 P1412 Q9056 +Q108733 P106 Q82955 +Q232273 P69 Q219615 +Q191719 P106 Q9648008 +Q229263 P106 Q2405480 +Q139933 P136 Q11399 +Q66286 P108 Q309948 +Q1042901 P106 Q1415090 +Q453691 P106 Q222344 +Q66987 P20 Q6837 +Q179558 P102 Q204911 +Q81624 P106 Q33999 +Q39970 P136 Q200092 +Q324757 P136 Q83440 +Q161842 P106 Q49757 +Q314223 P106 Q1028181 +Q709935 P106 Q1622272 +Q329127 P161 Q256884 +Q457338 P106 Q28389 +Q347128 P264 Q14192383 +Q1678110 P27 Q414 +Q729117 P737 Q7199 +Q120647 P27 Q30 +Q664592 P106 Q1415090 +Q35149 P101 Q413 +Q229050 P106 Q33999 +Q707827 P641 Q542 +Q96 P530 Q811 +Q240570 P69 Q7894738 +Q346374 P264 Q183387 +Q77350 P106 Q1234713 +Q943107 P106 Q82955 +Q190972 P106 Q2405480 +Q323392 P136 Q1200678 +Q240899 P136 Q1342372 +Q795238 P1412 Q1860 +Q300479 P106 Q947873 +Q723839 P551 Q641 +Q333106 P102 Q622441 +Q78037 P1303 Q5994 +Q206384 P102 Q108700 +Q80510 P106 Q3455803 +Q234865 P737 Q186335 +Q192185 P136 Q9734 +Q107759 P20 Q90 +Q206832 P119 Q188856 +Q58758 P106 Q82955 +Q7866352 P17 Q30 +Q332525 P264 Q183412 +Q635131 P106 Q10833314 +Q55390 P106 Q82955 +Q330316 P27 Q29 +Q90217 P106 Q36180 +Q38294 P69 Q702524 +Q213662 P463 Q83172 +Q22686 P106 Q557880 +Q238140 P20 Q60 +Q711406 P20 Q60 +Q219631 P136 Q131272 +Q356762 P1412 Q1860 +Q229784 P106 Q3282637 +Q466477 P1412 Q9176 +Q745896 P106 Q177220 +Q2737 P106 Q28389 +Q195274 P136 Q52162262 +Q147989 P106 Q82955 +Q285462 P106 Q36834 +Q310582 P136 Q9794 +Q76546 P106 Q36180 +Q96 P530 Q114 +Q237659 P106 Q465501 +Q157318 P737 Q9312 +Q114 P530 Q865 +Q1157139 P136 Q8341 +Q919367 P1303 Q258896 +Q44855 P264 Q216364 +Q121067 P27 Q7318 +Q230045 P106 Q10798782 +Q272438 P1412 Q1321 +Q118982 P463 Q543804 +Q1610776 P106 Q177220 +Q49478 P136 Q11635 +Q73993 P102 Q49768 +Q244963 P161 Q318607 +Q348944 P19 Q18125 +Q133356 P131 Q15180 +Q274157 P1412 Q1860 +Q986 P463 Q1043527 +Q234244 P106 Q11774156 +Q311755 P19 Q41819 +Q40071 P136 Q157443 +Q70999 P108 Q158158 +Q438175 P106 Q753110 +Q560847 P106 Q15442776 +Q193628 P106 Q2526255 +Q129895 P495 Q30 +Q160783 P106 Q333634 +Q1691566 P106 Q6665249 +Q378098 P140 Q1841 +Q153020 P69 Q21705070 +Q316602 P106 Q1053574 +Q302835 P101 Q413 +Q40475 P106 Q10800557 +Q164309 P69 Q1250779 +Q373895 P106 Q2405480 +Q242132 P106 Q3357567 +Q95259 P106 Q201788 +Q3923 P17 Q713750 +Q123718 P106 Q42973 +Q165219 P106 Q33999 +Q216134 P69 Q49088 +Q1508451 P106 Q82955 +Q5809 P509 Q216169 +Q317358 P106 Q33999 +Q933332 P106 Q14467526 +Q213 P530 Q36 +Q356487 P264 Q3699593 +Q323452 P20 Q84 +Q96050 P27 Q183 +Q34389 P509 Q506616 +Q274429 P106 Q16287483 +Q168468 P101 Q24454422 +Q170596 P106 Q36180 +Q7314 P1412 Q150 +Q216927 P106 Q1259917 +Q774 P463 Q376150 +Q642195 P106 Q82955 +Q11815 P1412 Q1860 +Q233464 P840 Q11299 +Q311271 P106 Q3282637 +Q235346 P106 Q488205 +Q98448 P106 Q82955 +Q28480 P106 Q14467526 +Q115630 P108 Q153006 +Q126783 P27 Q15180 +Q268181 P106 Q36180 +Q117761 P1412 Q1860 +Q92007 P108 Q151510 +Q449487 P108 Q193727 +Q274342 P136 Q8261 +Q269177 P27 Q159 +Q311615 P106 Q13235160 +Q1049 P530 Q833 +Q1274170 P136 Q37073 +Q230622 P264 Q202440 +Q86886 P69 Q32120 +Q356303 P172 Q678551 +Q62765 P27 Q183 +Q874481 P69 Q31519 +Q84704 P102 Q633731 +Q67881 P106 Q10798782 +Q726071 P106 Q4853732 +Q3033 P17 Q41304 +Q42544 P106 Q1234713 +Q291170 P161 Q347395 +Q279648 P463 Q1425328 +Q458390 P69 Q152087 +Q193397 P106 Q753110 +Q93835 P106 Q639669 +Q183187 P3373 Q2460829 +Q98265 P106 Q201788 +Q90012 P106 Q185351 +Q965179 P1303 Q6607 +Q213945 P19 Q64 +Q756645 P17 Q221 +Q91544 P1412 Q150 +Q84423 P19 Q1741 +Q216692 P106 Q49757 +Q631416 P106 Q82955 +Q81219 P106 Q33999 +Q2577771 P106 Q1622272 +Q179558 P27 Q34266 +Q339425 P57 Q103788 +Q302682 P161 Q338812 +Q103876 P106 Q3282637 +Q17135 P27 Q8733 +Q24861 P17 Q30 +Q463313 P161 Q234128 +Q414 P463 Q842490 +Q703935 P106 Q1028181 +Q519606 P106 Q10800557 +Q976238 P172 Q127885 +Q223887 P136 Q471839 +Q241754 P140 Q9268 +Q181774 P106 Q28389 +Q71404 P106 Q36180 +Q204750 P106 Q10798782 +Q308711 P106 Q28389 +Q47667 P463 Q463303 +Q61244 P27 Q183 +Q165911 P136 Q45981 +Q104127 P69 Q13371 +Q204212 P161 Q55245 +Q423 P530 Q114 +Q2646 P106 Q82955 +Q578529 P119 Q1242128 +Q553276 P119 Q1302545 +Q230456 P1412 Q11059 +Q53549 P1303 Q17172850 +Q45963 P106 Q250867 +Q1238828 P19 Q18438 +Q44107 P737 Q37327 +Q191132 P69 Q1542213 +Q463013 P1303 Q51290 +Q319277 P106 Q9648008 +Q8354131 P106 Q49757 +Q77020 P463 Q684415 +Q255129 P19 Q49255 +Q187241 P172 Q121842 +Q704015 P463 Q2370801 +Q176944 P1412 Q1860 +Q317427 P106 Q183945 +Q712820 P136 Q484641 +Q1392694 P27 Q30 +Q47122 P27 Q29 +Q1711470 P27 Q403 +Q60801 P106 Q33999 +Q40321 P106 Q3282637 +Q96950 P1412 Q188 +Q107328 P20 Q3806 +Q72653 P1412 Q1860 +Q50656 P27 Q142 +Q57109 P463 Q150793 +Q36488 P463 Q3603946 +Q11975 P106 Q662729 +Q1973878 P106 Q17351648 +Q435665 P106 Q15981151 +Q234544 P1412 Q1860 +Q233868 P106 Q33999 +Q24632 P136 Q2743 +Q1984061 P106 Q177220 +Q98524 P106 Q1622272 +Q105237 P106 Q1198887 +Q1507223 P509 Q188874 +Q310166 P106 Q177220 +Q697203 P161 Q230636 +Q1590452 P108 Q762266 +Q268147 P106 Q18814623 +Q823935 P69 Q51985 +Q27645 P20 Q70 +Q46139 P101 Q11634 +Q108946 P57 Q287607 +Q944159 P106 Q639669 +Q182305 P106 Q3410028 +Q216195 P106 Q12144794 +Q177288 P119 Q1517387 +Q219776 P161 Q170510 +Q219842 P20 Q90 +Q544464 P27 Q30 +Q315266 P108 Q28024477 +Q321527 P19 Q100 +Q598050 P19 Q270 +Q237518 P106 Q49757 +Q2742 P463 Q1768108 +Q328814 P106 Q33999 +Q153576 P27 Q30 +Q77079 P69 Q154804 +Q322056 P19 Q5092 +Q224159 P27 Q30 +Q511399 P20 Q1218 +Q215868 P108 Q49205 +Q40143 P106 Q2526255 +Q208214 P26 Q42574 +Q313819 P495 Q145 +Q192331 P509 Q12202 +Q470732 P106 Q488205 +Q357776 P106 Q715301 +Q742284 P106 Q40348 +Q230990 P1303 Q17172850 +Q58583 P27 Q750 +Q302819 P463 Q1132636 +Q256732 P136 Q83440 +Q235515 P106 Q753110 +Q31293 P27 Q30 +Q227 P530 Q184 +Q956533 P106 Q28389 +Q966300 P106 Q15296811 +Q45672 P136 Q2484376 +Q196287 P172 Q127885 +Q158017 P1303 Q8355 +Q70795 P106 Q13570226 +Q313501 P106 Q10800557 +Q371202 P737 Q636 +Q128560 P737 Q107002 +Q104081 P106 Q11481802 +Q538708 P136 Q8261 +Q154855 P106 Q82955 +Q464218 P27 Q30 +Q427386 P136 Q959790 +Q236543 P136 Q37073 +Q62809 P27 Q183 +Q152298 P106 Q82955 +Q57244 P1303 Q8355 +Q234807 P106 Q33999 +Q736 P530 Q739 +Q708585 P106 Q1327329 +Q333591 P463 Q123885 +Q254 P26 Q84464 +Q53001 P27 Q142 +Q291500 P135 Q39427 +Q31 P463 Q17495 +Q948808 P1412 Q652 +Q729117 P551 Q11299 +Q1382495 P27 Q30 +Q209684 P136 Q9730 +Q440388 P106 Q1622272 +Q189739 P27 Q36 +Q74865 P106 Q333634 +Q180850 P264 Q216364 +Q17 P530 Q230 +Q72137 P108 Q31519 +Q69773 P106 Q177220 +Q48502 P1412 Q188 +Q57614 P106 Q10843402 +Q37621 P106 Q201788 +Q507985 P106 Q33999 +Q2633060 P1412 Q8785 +Q192682 P26 Q162959 +Q213539 P1412 Q188 +Q267018 P57 Q75079 +Q183 P530 Q695 +Q51101 P106 Q177220 +Q379341 P136 Q9759 +Q234551 P451 Q55428 +Q941984 P106 Q947873 +Q358356 P106 Q1930187 +Q311181 P106 Q639669 +Q236250 P27 Q30 +Q109110 P136 Q4984974 +Q781 P463 Q3772571 +Q210315 P19 Q18419 +Q32257 P108 Q154561 +Q661452 P106 Q42973 +Q291806 P106 Q10800557 +Q231194 P106 Q177220 +Q1230528 P106 Q11063 +Q380123 P106 Q2259451 +Q67271 P20 Q1022 +Q65035 P27 Q183 +Q336222 P106 Q855091 +Q293520 P27 Q794 +Q982339 P106 Q4220892 +Q786954 P1303 Q5994 +Q84207 P106 Q1569495 +Q457338 P119 Q831322 +Q239786 P106 Q10798782 +Q181659 P551 Q484678 +Q14537 P106 Q10798782 +Q161842 P106 Q82955 +Q215999 P106 Q1792450 +Q451250 P495 Q183 +Q7314 P106 Q639669 +Q139637 P27 Q30 +Q1716 P106 Q177220 +Q62400 P102 Q694299 +Q356217 P509 Q12078 +Q75793 P27 Q41304 +Q103876 P106 Q2259451 +Q652815 P172 Q678551 +Q962710 P27 Q34266 +Q2416148 P509 Q12152 +Q158092 P106 Q36180 +Q125057 P106 Q18805 +Q11869 P1412 Q397 +Q458656 P161 Q41163 +Q434669 P140 Q9592 +Q1163944 P106 Q16145150 +Q60072 P495 Q30 +Q573017 P136 Q487965 +Q128027 P1412 Q652 +Q713750 P463 Q1065 +Q49061 P106 Q974144 +Q67054 P69 Q156598 +Q61497 P106 Q730242 +Q265 P530 Q794 +Q257302 P101 Q207628 +Q385036 P840 Q61 +Q38193 P106 Q14915627 +Q294927 P106 Q28389 +Q544387 P106 Q488205 +Q180589 P106 Q1930187 +Q11998 P19 Q3141 +Q318192 P106 Q169470 +Q1260 P102 Q186867 +Q952491 P20 Q16559 +Q156214 P106 Q333634 +Q983590 P509 Q12152 +Q1698 P20 Q90 +Q88223 P1412 Q188 +Q535812 P108 Q49112 +Q233368 P106 Q10800557 +Q3188663 P106 Q49757 +Q477461 P106 Q33999 +Q717250 P108 Q608338 +Q41422 P106 Q36180 +Q631508 P102 Q49768 +Q236 P530 Q159 +Q715945 P69 Q165980 +Q137800 P161 Q164119 +Q271032 P69 Q805285 +Q205447 P161 Q314673 +Q513268 P106 Q639669 +Q734436 P19 Q1345 +Q134773 P840 Q62 +Q231345 P136 Q9730 +Q435124 P106 Q10800557 +Q684808 P1412 Q218 +Q332798 P495 Q30 +Q55394 P106 Q28389 +Q317957 P27 Q142 +Q73089 P119 Q1358639 +Q458966 P19 Q90 +Q76715 P69 Q153978 +Q345325 P27 Q30 +Q115780 P19 Q70 +Q956275 P264 Q1465812 +Q551390 P69 Q20808141 +Q327107 P106 Q1930187 +Q151946 P495 Q183 +Q129598 P106 Q193391 +Q242454 P106 Q36180 +Q221820 P161 Q272972 +Q3312950 P1412 Q1321 +Q86820 P106 Q36180 +Q67047 P463 Q46703 +Q315592 P161 Q231811 +Q40787 P1412 Q1860 +Q153597 P136 Q213665 +Q26876 P1303 Q258896 +Q3229792 P106 Q1622272 +Q246497 P463 Q49738 +Q25089 P106 Q214917 +Q328042 P106 Q1622272 +Q1610776 P19 Q16555 +Q316627 P106 Q33999 +Q130142 P136 Q959790 +Q280724 P106 Q639669 +Q352914 P509 Q12204 +Q983233 P19 Q727 +Q207947 P106 Q765778 +Q703935 P106 Q1930187 +Q309153 P161 Q435532 +Q184746 P463 Q46703 +Q348571 P106 Q855091 +Q39212 P119 Q99 +Q367017 P19 Q18125 +Q45723 P106 Q36180 +Q5921 P264 Q772494 +Q389466 P161 Q202725 +Q1401 P69 Q776223 +Q336131 P69 Q180865 +Q12288275 P19 Q472 +Q347 P463 Q1065 +Q247320 P106 Q1734662 +Q34981 P102 Q29552 +Q159577 P106 Q10800557 +Q172388 P69 Q49088 +Q443528 P27 Q145 +Q109522 P27 Q30 +Q31013 P27 Q30 +Q168859 P69 Q204181 +Q318312 P27 Q30 +Q429311 P840 Q61 +Q451483 P27 Q35 +Q336010 P106 Q6625963 +Q504066 P27 Q30 +Q262294 P106 Q128124 +Q756563 P106 Q177220 +Q1882472 P106 Q855091 +Q118760 P108 Q659080 +Q1618 P106 Q618694 +Q155476 P136 Q959790 +Q188783 P509 Q12152 +Q163263 P102 Q29552 +Q183074 P106 Q170790 +Q327836 P1303 Q5994 +Q122553 P20 Q84 +Q333615 P509 Q83319 +Q41281 P264 Q4827652 +Q93343 P106 Q36180 +Q132162 P106 Q864380 +Q508752 P101 Q1328508 +Q225852 P106 Q3282637 +Q230632 P172 Q678551 +Q2495947 P136 Q37073 +Q862184 P106 Q33999 +Q1039 P463 Q340195 +Q39574 P106 Q753110 +Q70215 P108 Q700570 +Q214816 P106 Q201788 +Q272595 P136 Q1341051 +Q267691 P463 Q463281 +Q8862012 P119 Q168886 +Q4538 P106 Q28389 +Q84292 P20 Q100 +Q1173441 P106 Q639669 +Q75849 P27 Q7318 +Q319523 P106 Q578109 +Q737486 P19 Q1770 +Q80437 P495 Q30 +Q225509 P19 Q743535 +Q2599 P136 Q7749 +Q96588 P20 Q2966 +Q76748 P509 Q12192 +Q237833 P106 Q4964182 +Q123706 P106 Q1622272 +Q40640 P119 Q1358639 +Q298341 P106 Q15976092 +Q380799 P264 Q38903 +Q295964 P69 Q751612 +Q4559180 P106 Q40348 +Q156349 P106 Q333634 +Q347428 P1412 Q5287 +Q16 P530 Q219 +Q129006 P106 Q82955 +Q23559 P102 Q590750 +Q906529 P69 Q131252 +Q77024 P27 Q183 +Q180560 P106 Q10800557 +Q60954 P106 Q82955 +Q400046 P27 Q801 +Q508497 P106 Q7042855 +Q763507 P20 Q33959 +Q130746 P69 Q219694 +Q249350 P161 Q119798 +Q233529 P136 Q8341 +Q40912 P26 Q202725 +Q833 P530 Q1246 +Q44063 P172 Q1075293 +Q164804 P136 Q3990883 +Q215916 P1412 Q188 +Q1079105 P136 Q37073 +Q96064 P19 Q3869 +Q293067 P106 Q2259451 +Q712 P463 Q294278 +Q981190 P19 Q649 +Q318750 P69 Q1026827 +Q180852 P106 Q5716684 +Q192402 P1303 Q17172850 +Q332330 P161 Q292543 +Q216913 P1303 Q6607 +Q972107 P463 Q463303 +Q144622 P106 Q806349 +Q78528 P106 Q1622272 +Q3903340 P106 Q15296811 +Q234324 P106 Q18814623 +Q28480 P106 Q16287483 +Q58009 P106 Q82955 +Q443166 P106 Q36834 +Q152929 P19 Q16557 +Q378891 P161 Q126599 +Q112378 P106 Q333634 +Q215652 P136 Q9730 +Q1029853 P106 Q10873124 +Q669448 P106 Q81096 +Q95949 P106 Q82955 +Q218 P463 Q233611 +Q111344 P27 Q153015 +Q163543 P108 Q273593 +Q65932 P1412 Q1860 +Q36 P530 Q403 +Q228909 P264 Q2338889 +Q166454 P264 Q843402 +Q164384 P463 Q427318 +Q106834 P69 Q55044 +Q930961 P106 Q36180 +Q73416 P106 Q33999 +Q192912 P106 Q18844224 +Q78869 P106 Q1622272 +Q231171 P1412 Q188 +Q93562 P106 Q11063 +Q137115 P106 Q1930187 +Q189758 P737 Q137042 +Q311450 P106 Q36834 +Q974 P530 Q230 +Q22072 P106 Q639669 +Q439366 P264 Q843402 +Q526382 P101 Q12271 +Q3305837 P69 Q222738 +Q315664 P136 Q52162262 +Q92815 P69 Q13371 +Q1849355 P264 Q1088453 +Q349039 P27 Q29999 +Q69320 P1412 Q188 +Q299965 P20 Q60 +Q865 P530 Q783 +Q180636 P509 Q189588 +Q217182 P136 Q28026639 +Q63035 P463 Q265058 +Q202801 P106 Q177220 +Q642127 P641 Q718 +Q10287 P551 Q90 +Q374263 P106 Q28389 +Q182486 P106 Q33999 +Q2273039 P27 Q15180 +Q26688 P19 Q1874 +Q107422 P69 Q1093910 +Q1173441 P2348 Q6939 +Q970 P463 Q1043527 +Q458709 P106 Q36180 +Q12548 P140 Q101849 +Q640991 P463 Q188771 +Q1031340 P264 Q203059 +Q228512 P1412 Q5287 +Q239807 P106 Q33999 +Q118986 P27 Q30 +Q242792 P264 Q54860 +Q59630 P106 Q11338576 +Q493333 P136 Q37073 +Q72721 P106 Q121594 +Q123870 P19 Q72259 +Q64487 P1412 Q188 +Q11100 P102 Q29552 +Q52997 P27 Q40 +Q83326 P106 Q14915627 +Q92897 P108 Q310695 +Q29418 P463 Q338432 +Q231345 P106 Q16145150 +Q2277 P2348 Q1747689 +Q46602 P1412 Q7737 +Q358188 P69 Q579968 +Q64241 P27 Q183 +Q9364 P106 Q2310145 +Q189081 P106 Q3282637 +Q353978 P1412 Q1860 +Q66031 P1412 Q9288 +Q214665 P69 Q60450 +Q263442 P1303 Q17172850 +Q186525 P106 Q82955 +Q235503 P106 Q10798782 +Q55369 P106 Q36180 +Q184351 P106 Q193391 +Q298016 P69 Q9842 +Q267676 P106 Q33999 +Q96330 P106 Q14467526 +Q25660 P1303 Q46185 +Q47284 P106 Q639669 +Q21077 P749 Q126399 +Q436996 P106 Q33231 +Q371972 P27 Q843 +Q2895857 P106 Q43845 +Q728959 P106 Q4263842 +Q362516 P1303 Q46185 +Q462502 P27 Q30 +Q1044 P463 Q17495 +Q20887 P106 Q49757 +Q299161 P106 Q121594 +Q470572 P136 Q645928 +Q231345 P509 Q12078 +Q229449 P136 Q11700058 +Q112378 P106 Q82955 +Q36740 P27 Q836 +Q434111 P106 Q33999 +Q116553 P106 Q81096 +Q25120 P27 Q38 +Q6694 P106 Q2310145 +Q302335 P106 Q3282637 +Q68468 P1412 Q188 +Q881176 P1412 Q1860 +Q32927 P106 Q36834 +Q73938 P19 Q24879 +Q76696 P101 Q309 +Q15873 P1412 Q1860 +Q343059 P551 Q18419 +Q313411 P108 Q142740 +Q213844 P106 Q10798782 +Q373566 P463 Q1468277 +Q105026 P106 Q36180 +Q184697 P264 Q216364 +Q387414 P136 Q1200678 +Q110569 P106 Q245068 +Q35 P530 Q403 +Q96330 P19 Q1721 +Q2265719 P749 Q38903 +Q327914 P106 Q1930187 +Q62726 P463 Q329464 +Q976526 P27 Q219 +Q216636 P106 Q10798782 +Q306122 P106 Q10800557 +Q316427 P27 Q30 +Q212123 P136 Q130232 +Q230578 P463 Q107569 +Q1060636 P1303 Q79838 +Q778539 P106 Q130857 +Q690759 P1412 Q1321 +Q7343182 P27 Q145 +Q1699618 P20 Q62 +Q223374 P136 Q1054574 +Q1070832 P106 Q486748 +Q68746 P106 Q82955 +Q237053 P27 Q30 +Q433520 P27 Q30 +Q3487499 P495 Q30 +Q182156 P1412 Q7737 +Q6244080 P27 Q258 +Q1373347 P1303 Q80284 +Q256327 P509 Q12152 +Q16345 P106 Q33999 +Q106440 P840 Q812 +Q381104 P27 Q33 +Q23685 P106 Q18814623 +Q160371 P69 Q304985 +Q310116 P19 Q1297 +Q232149 P463 Q117467 +Q235928 P106 Q33999 +Q712878 P27 Q38 +Q294144 P106 Q2405480 +Q60059 P106 Q36180 +Q34166 P27 Q145 +Q57372 P69 Q153987 +Q2086130 P106 Q901 +Q896835 P106 Q82955 +Q712914 P27 Q30 +Q253583 P108 Q41506 +Q213520 P136 Q1344 +Q483507 P136 Q484641 +Q16053 P106 Q3621491 +Q949281 P1412 Q150 +Q1322959 P106 Q188094 +Q3709961 P106 Q170790 +Q185002 P106 Q36180 +Q86225 P20 Q1741 +Q62910 P463 Q1493021 +Q203264 P106 Q81096 +Q706417 P27 Q30 +Q200883 P106 Q639669 +Q23261 P106 Q3282637 +Q182692 P161 Q103939 +Q708963 P106 Q3282637 +Q76600 P106 Q36180 +Q6060 P108 Q231694 +Q167877 P106 Q1086863 +Q18415 P57 Q55392 +Q55433 P106 Q36180 +Q235252 P136 Q11399 +Q103583 P106 Q2599593 +Q663465 P106 Q15627169 +Q216070 P27 Q43287 +Q274404 P463 Q414163 +Q314942 P495 Q145 +Q651059 P463 Q938622 +Q2601 P1412 Q188 +Q71443 P509 Q212961 +Q174438 P27 Q30 +Q919515 P20 Q60 +Q529276 P140 Q7066 +Q1744 P106 Q10800557 +Q60133 P27 Q154741 +Q954 P530 Q801 +Q2875 P840 Q23556 +Q469888 P106 Q42973 +Q329056 P161 Q313039 +Q918268 P19 Q90 +Q83501 P463 Q543804 +Q439786 P108 Q181410 +Q186317 P136 Q186424 +Q55846 P1412 Q150 +Q193608 P106 Q864380 +Q501429 P1303 Q6607 +Q161841 P106 Q82955 +Q728030 P69 Q83259 +Q47899 P451 Q214466 +Q442854 P27 Q30 +Q92617 P101 Q82594 +Q142 P530 Q971 +Q78481 P106 Q901 +Q30570 P27 Q30 +Q292373 P19 Q16555 +Q27610 P106 Q4263842 +Q228494 P20 Q2044 +Q183239 P840 Q34404 +Q1680339 P1412 Q1860 +Q965 P37 Q150 +Q231487 P136 Q8341 +Q2646 P19 Q2966 +Q164351 P69 Q662355 +Q2492691 P106 Q13418253 +Q274181 P106 Q806349 +Q597433 P1412 Q1860 +Q36620 P106 Q36180 +Q4030 P119 Q2000666 +Q129399 P69 Q13371 +Q215636 P106 Q1622272 +Q457923 P1412 Q1860 +Q268582 P101 Q35760 +Q34981 P69 Q49088 +Q238702 P106 Q4263842 +Q264774 P106 Q177220 +Q256354 P19 Q1874 +Q345494 P463 Q854590 +Q137130 P840 Q84 +Q273532 P26 Q25089 +Q329719 P106 Q3282637 +Q234967 P106 Q3282637 +Q313654 P106 Q5716684 +Q933453 P106 Q36180 +Q259317 P106 Q947873 +Q33528 P106 Q39631 +Q96898 P20 Q60 +Q75185 P1412 Q188 +Q310985 P1303 Q163829 +Q240713 P161 Q381561 +Q959153 P19 Q60 +Q23543 P106 Q183945 +Q44578 P136 Q1054574 +Q778 P463 Q8475 +Q94331 P27 Q40 +Q443995 P69 Q7060402 +Q508497 P106 Q2526255 +Q70764 P20 Q64 +Q154759 P106 Q11900058 +Q961447 P27 Q30 +Q235284 P69 Q13371 +Q235361 P27 Q30 +Q272382 P106 Q177220 +Q234289 P106 Q6625963 +Q272622 P463 Q1468277 +Q151593 P135 Q1338153 +Q180861 P106 Q16323111 +Q429867 P840 Q21 +Q55433 P27 Q38 +Q957575 P20 Q61 +Q237273 P106 Q10800557 +Q9200 P509 Q204933 +Q91640 P106 Q482980 +Q322850 P264 Q885977 +Q188375 P106 Q28389 +Q314972 P106 Q2516866 +Q273981 P106 Q639669 +Q851 P530 Q41 +Q48055 P119 Q1130019 +Q81627 P106 Q170790 +Q115761 P1412 Q809 +Q206124 P495 Q30 +Q151872 P106 Q1930187 +Q123973 P1412 Q188 +Q901677 P112 Q85460 +Q935090 P159 Q84 +Q47878 P1412 Q1860 +Q7747 P737 Q2518 +Q312870 P106 Q177220 +Q157259 P27 Q161885 +Q80596 P69 Q230492 +Q161853 P101 Q395 +Q132537 P108 Q168756 +Q211551 P27 Q2305208 +Q154691 P108 Q49114 +Q74667 P106 Q185351 +Q332508 P106 Q1930187 +Q96599 P106 Q10800557 +Q439566 P20 Q649 +Q219810 P840 Q65 +Q178549 P740 Q62 +Q881176 P69 Q49114 +Q28117 P108 Q165528 +Q112307 P264 Q557632 +Q211082 P106 Q10800557 +Q34743 P19 Q1156 +Q229264 P463 Q329464 +Q191064 P106 Q10798782 +Q60869 P463 Q812155 +Q3188663 P106 Q901 +Q705681 P1412 Q1860 +Q288645 P161 Q140181 +Q552770 P27 Q145 +Q233207 P20 Q1489 +Q221090 P136 Q471839 +Q174153 P161 Q218532 +Q7243 P108 Q4345832 +Q349799 P1050 Q41571 +Q44371 P27 Q159 +Q896835 P106 Q183945 +Q255267 P106 Q213156 +Q81819 P106 Q4610556 +Q161852 P1412 Q809 +Q316568 P463 Q466089 +Q382197 P106 Q10798782 +Q235931 P27 Q30 +Q287099 P1412 Q1860 +Q257953 P101 Q35760 +Q734 P530 Q668 +Q902463 P106 Q81096 +Q232592 P101 Q482 +Q26274 P106 Q33231 +Q218235 P161 Q37175 +Q879316 P106 Q16533 +Q1292738 P106 Q66711686 +Q61863 P463 Q191583 +Q4631 P509 Q12152 +Q26419 P106 Q82955 +Q216708 P1303 Q17172850 +Q315784 P136 Q217191 +Q240628 P106 Q37226 +Q86778 P106 Q3282637 +Q1899781 P112 Q115055 +Q4093262 P106 Q33999 +Q605443 P140 Q9268 +Q712820 P1303 Q163829 +Q107194 P106 Q16947657 +Q924053 P172 Q7325 +Q3048 P106 Q1930187 +Q97136 P106 Q2504617 +Q107194 P135 Q80113 +Q296537 P106 Q10800557 +Q354542 P106 Q15981151 +Q1979936 P106 Q639669 +Q313020 P106 Q2059704 +Q84186 P19 Q1741 +Q18938 P106 Q3282637 +Q71848 P69 Q151510 +Q83396 P27 Q30 +Q235928 P27 Q28 +Q17455 P27 Q28513 +Q320895 P136 Q49451 +Q2574737 P106 Q639669 +Q270385 P495 Q142 +Q455625 P19 Q25287 +Q706931 P1050 Q11085 +Q1810650 P106 Q713200 +Q160333 P106 Q201788 +Q36322 P106 Q6625963 +Q180695 P161 Q261669 +Q194280 P1412 Q1860 +Q183081 P161 Q170587 +Q333892 P69 Q204181 +Q463501 P551 Q184 +Q320236 P840 Q1408 +Q93354 P1050 Q131755 +Q69521 P463 Q684415 +Q57085 P27 Q183 +Q442549 P106 Q6625963 +Q76149 P106 Q245068 +Q261207 P106 Q1930187 +Q185546 P1412 Q1321 +Q708585 P106 Q36834 +Q267676 P463 Q463303 +Q888666 P509 Q47912 +Q185714 P106 Q36180 +Q6096 P106 Q753110 +Q106275 P106 Q2405480 +Q469985 P20 Q1524 +Q289598 P161 Q119798 +Q1020 P530 Q902 +Q66097 P106 Q33999 +Q221249 P495 Q30 +Q229613 P106 Q36834 +Q221462 P136 Q185867 +Q200883 P106 Q81096 +Q484292 P106 Q333634 +Q95237 P737 Q7197 +Q156310 P106 Q33999 +Q107008 P27 Q30 +Q69045 P69 Q153978 +Q227129 P106 Q2405480 +Q54314 P26 Q230123 +Q356762 P106 Q947873 +Q229560 P106 Q3282637 +Q215359 P106 Q177220 +Q237056 P27 Q191 +Q64970 P102 Q49755 +Q143901 P136 Q188473 +Q61761 P102 Q49762 +Q220550 P1412 Q188 +Q110185 P1412 Q188 +Q234890 P101 Q33999 +Q44412 P106 Q169470 +Q8743 P106 Q170790 +Q229291 P69 Q1815371 +Q236229 P106 Q177220 +Q668 P530 Q962 +Q276440 P106 Q33999 +Q234967 P106 Q10798782 +Q1046066 P136 Q11366 +Q311804 P551 Q1384 +Q733392 P106 Q49757 +Q57372 P463 Q459620 +Q225453 P27 Q34266 +Q360685 P106 Q170790 +Q204725 P495 Q30 +Q47122 P264 Q427326 +Q155 P530 Q458 +Q271846 P106 Q10798782 +Q188286 P108 Q182973 +Q57106 P1412 Q9288 +Q327981 P27 Q145 +Q10681 P106 Q639669 +Q120260 P69 Q179036 +Q78782 P27 Q172579 +Q180395 P136 Q959790 +Q97998 P1303 Q8355 +Q577548 P106 Q17167049 +Q343668 P161 Q360663 +Q390164 P136 Q188473 +Q1965416 P1303 Q17172850 +Q315199 P1303 Q6607 +Q986622 P509 Q12078 +Q796 P530 Q423 +Q236125 P106 Q855091 +Q105823 P136 Q483352 +Q162688 P69 Q40025 +Q77024 P106 Q36180 +Q4227341 P20 Q656 +Q710466 P106 Q639669 +Q201927 P106 Q3455803 +Q76589 P463 Q1792159 +Q465511 P106 Q482980 +Q726296 P136 Q9759 +Q39979 P106 Q10798782 +Q289003 P140 Q7066 +Q228925 P69 Q1432645 +Q505871 P106 Q333634 +Q374507 P57 Q223117 +Q60804 P106 Q1238570 +Q162778 P106 Q483501 +Q124610 P106 Q13418253 +Q29008 P27 Q518101 +Q244214 P106 Q2490358 +Q294812 P106 Q2259451 +Q448727 P19 Q33405 +Q213195 P20 Q49111 +Q403 P530 Q35 +Q58811 P106 Q6625963 +Q537320 P1412 Q7737 +Q83297 P106 Q82955 +Q229251 P27 Q30 +Q1166707 P106 Q10800557 +Q5608 P106 Q183945 +Q303456 P495 Q30 +Q563287 P136 Q83440 +Q543195 P27 Q34 +Q105962 P27 Q142 +Q51564 P140 Q7066 +Q370560 P27 Q30 +Q314151 P106 Q2259451 +Q92456 P140 Q9592 +Q172261 P106 Q3387717 +Q937 P737 Q25820 +Q441713 P19 Q60 +Q457333 P136 Q52162262 +Q454696 P108 Q49108 +Q151509 P140 Q432 +Q1041 P463 Q899770 +Q237821 P108 Q49088 +Q231019 P27 Q36 +Q278997 P495 Q30 +Q4396425 P27 Q2305208 +Q272435 P106 Q2259451 +Q257271 P106 Q2405480 +Q53300 P463 Q207360 +Q221917 P27 Q30 +Q470875 P106 Q49757 +Q845278 P106 Q82955 +Q205687 P161 Q237255 +Q313046 P1412 Q1860 +Q700359 P17 Q183 +Q1979936 P106 Q36180 +Q46000 P69 Q49114 +Q215215 P172 Q49078 +Q181678 P140 Q75809 +Q919961 P106 Q183945 +Q75727 P108 Q154804 +Q286642 P106 Q10800557 +Q33391 P463 Q842008 +Q353978 P509 Q12192 +Q234360 P19 Q37320 +Q44258 P106 Q36180 +Q23368 P106 Q1231865 +Q983654 P106 Q43845 +Q124894 P463 Q329464 +Q205687 P495 Q20 +Q43416 P27 Q16 +Q118812 P106 Q82955 +Q79503 P136 Q1146335 +Q164281 P172 Q539051 +Q203574 P840 Q38 +Q239411 P106 Q4610556 +Q2496 P106 Q188094 +Q235742 P495 Q30 +Q317350 P69 Q1144673 +Q107761 P161 Q323452 +Q93562 P463 Q123885 +Q62938 P27 Q151624 +Q298777 P106 Q33999 +Q76952 P463 Q459620 +Q269645 P106 Q2252262 +Q332640 P641 Q2736 +Q445122 P161 Q256164 +Q537960 P106 Q49757 +Q227129 P1303 Q17172850 +Q295537 P27 Q159 +Q93664 P27 Q40 +Q1668660 P27 Q30 +Q233295 P106 Q3286043 +Q206439 P27 Q30 +Q114 P530 Q40 +Q189564 P737 Q170472 +Q103569 P161 Q223091 +Q520275 P106 Q82955 +Q650303 P106 Q1930187 +Q310679 P106 Q753110 +Q465465 P106 Q201788 +Q466569 P69 Q221653 +Q786954 P106 Q486748 +Q194413 P161 Q170572 +Q275185 P106 Q639669 +Q738765 P106 Q14467526 +Q332032 P106 Q488205 +Q2538 P27 Q183 +Q151087 P106 Q47064 +Q728991 P1412 Q397 +Q780538 P19 Q1781 +Q78491 P106 Q201788 +Q80321 P140 Q9592 +Q526709 P106 Q11774202 +Q194696 P161 Q314485 +Q709077 P106 Q1930187 +Q439626 P106 Q2405480 +Q201379 P161 Q37628 +Q60987 P463 Q44687 +Q78492 P1412 Q7737 +Q166031 P495 Q30 +Q212772 P106 Q177220 +Q242300 P1412 Q5287 +Q45233 P119 Q240744 +Q69105 P27 Q713750 +Q1744 P106 Q131524 +Q556615 P264 Q664167 +Q201079 P106 Q2865819 +Q115901 P106 Q82955 +Q108454 P106 Q82955 +Q95367 P119 Q190494 +Q106103 P106 Q82955 +Q574 P530 Q408 +Q456712 P106 Q4610556 +Q66992 P69 Q20266330 +Q330824 P1303 Q17172850 +Q468345 P69 Q168756 +Q264869 P495 Q145 +Q109540 P106 Q4853732 +Q556858 P1303 Q17172850 +Q363876 P106 Q177220 +Q25161 P106 Q18814623 +Q1372139 P69 Q174710 +Q224 P37 Q6654 +Q2622688 P136 Q128758 +Q237654 P27 Q30 +Q726170 P106 Q130857 +Q714030 P264 Q240804 +Q2643 P27 Q145 +Q772494 P159 Q1297 +Q231071 P106 Q10800557 +Q1280288 P106 Q82955 +Q5372719 P69 Q49210 +Q236596 P106 Q36180 +Q180619 P106 Q1662561 +Q467333 P106 Q1930187 +Q37150 P106 Q4610556 +Q230647 P106 Q10800557 +Q217388 P172 Q121842 +Q7939652 P106 Q520549 +Q318312 P136 Q21590660 +Q155 P463 Q1480793 +Q206589 P161 Q346965 +Q132524 P27 Q34266 +Q216179 P1303 Q17172850 +Q754 P463 Q899770 +Q315507 P27 Q414 +Q145173 P106 Q3282637 +Q208116 P106 Q822146 +Q190956 P161 Q65533 +Q18446 P106 Q14467526 +Q170596 P106 Q189290 +Q229232 P19 Q1297 +Q467519 P136 Q83440 +Q36233 P463 Q812155 +Q170250 P161 Q343510 +Q1760695 P161 Q392 +Q297816 P106 Q483501 +Q88095 P463 Q469210 +Q106443 P27 Q142 +Q106762 P463 Q463303 +Q865275 P1412 Q188 +Q237420 P27 Q30 +Q697131 P19 Q207350 +Q160499 P19 Q90 +Q760790 P106 Q1622272 +Q214659 P19 Q64 +Q1570102 P136 Q8341 +Q531287 P106 Q33999 +Q107424 P106 Q488205 +Q330224 P27 Q38 +Q29313 P161 Q313388 +Q4030 P463 Q463303 +Q1334439 P106 Q36180 +Q232113 P509 Q12078 +Q105466 P2348 Q6939 +Q51603 P106 Q33999 +Q33760 P101 Q9471 +Q365474 P106 Q2405480 +Q611997 P106 Q201788 +Q1678730 P641 Q5372 +Q714739 P1412 Q7737 +Q62409 P20 Q162049 +Q267359 P106 Q177220 +Q162672 P136 Q2484376 +Q356423 P20 Q60 +Q339196 P106 Q28389 +Q183519 P19 Q84 +Q330238 P106 Q639669 +Q106134 P108 Q151510 +Q183 P530 Q945 +Q5784301 P161 Q1276 +Q310389 P106 Q10798782 +Q1246 P530 Q17 +Q270672 P106 Q3282637 +Q106175 P106 Q3282637 +Q362133 P106 Q2526255 +Q28170 P106 Q245068 +Q25320 P101 Q413 +Q23148 P17 Q179876 +Q454075 P27 Q20 +Q1025 P463 Q376150 +Q231006 P1412 Q1860 +Q447121 P106 Q18844224 +Q817 P530 Q183 +Q946733 P106 Q3658608 +Q463407 P20 Q1408 +Q202326 P161 Q108622 +Q3085338 P20 Q90 +Q332693 P27 Q172579 +Q142292 P840 Q61 +Q185832 P106 Q170790 +Q609095 P106 Q33999 +Q266057 P1303 Q17172850 +Q208269 P161 Q76478 +Q653496 P509 Q12078 +Q161687 P161 Q211730 +Q4344126 P106 Q974144 +Q44398 P1412 Q188 +Q60029 P106 Q131524 +Q270085 P106 Q49757 +Q230665 P19 Q60 +Q283496 P106 Q28389 +Q8201431 P106 Q520549 +Q439626 P136 Q20502 +Q346607 P20 Q34006 +Q160263 P106 Q2722764 +Q298035 P27 Q414 +Q318004 P106 Q169470 +Q164954 P172 Q201111 +Q345531 P106 Q193391 +Q232251 P136 Q586250 +Q587741 P1412 Q1860 +Q2795317 P108 Q42262 +Q312657 P106 Q266569 +Q673567 P106 Q36180 +Q295080 P106 Q3455803 +Q204996 P1412 Q397 +Q36965 P106 Q82955 +Q1328605 P17 Q17 +Q77027 P1412 Q188 +Q604510 P20 Q38022 +Q557 P106 Q33231 +Q240250 P27 Q30 +Q233365 P106 Q10800557 +Q157032 P172 Q8060 +Q130631 P737 Q128126 +Q66880 P1412 Q188 +Q156890 P106 Q214917 +Q1008 P463 Q2029901 +Q1364820 P106 Q82955 +Q233295 P106 Q177220 +Q43267 P138 Q319392 +Q238751 P106 Q49757 +Q50969 P161 Q40103 +Q155882 P106 Q36180 +Q211551 P106 Q49757 +Q843 P530 Q16957 +Q324424 P264 Q885977 +Q281998 P119 Q746647 +Q26848 P20 Q16554 +Q154421 P172 Q7325 +Q233385 P106 Q4610556 +Q318685 P106 Q10798782 +Q28480 P106 Q36180 +Q185507 P161 Q175104 +Q369022 P101 Q8134 +Q5284 P140 Q288928 +Q223271 P509 Q12152 +Q206832 P27 Q142 +Q530109 P106 Q855091 +Q185490 P161 Q175535 +Q362422 P106 Q10800557 +Q117101 P106 Q82955 +Q57109 P69 Q55044 +Q46795 P140 Q9592 +Q141860 P509 Q216169 +Q554670 P106 Q639669 +Q81131 P106 Q33999 +Q289469 P161 Q354031 +Q76 P551 Q1297 +Q71640 P106 Q36180 +Q75995 P20 Q14960 +Q59653 P407 Q1860 +Q159409 P27 Q142 +Q75955 P106 Q82955 +Q4985 P106 Q10732476 +Q123225 P463 Q414188 +Q204586 P551 Q60 +Q104592 P463 Q463303 +Q455120 P136 Q8261 +Q108355 P108 Q678982 +Q154338 P135 Q2455000 +Q57344 P1412 Q188 +Q54543 P106 Q18814623 +Q111447 P20 Q90 +Q256884 P106 Q2526255 +Q72070 P1412 Q9067 +Q186221 P106 Q4263842 +Q152318 P106 Q730242 +Q39 P463 Q1065 +Q918655 P101 Q5891 +Q261244 P1412 Q1860 +Q35 P530 Q227 +Q32681 P1412 Q652 +Q295847 P106 Q18814623 +Q49734 P106 Q10798782 +Q270005 P69 Q999763 +Q467817 P106 Q4773904 +Q193236 P106 Q4991371 +Q3076050 P1303 Q17172850 +Q280978 P136 Q37073 +Q254980 P106 Q2405480 +Q16581 P106 Q3400985 +Q58793 P27 Q183 +Q83325 P106 Q13235160 +Q224097 P1412 Q652 +Q317516 P27 Q30 +Q572741 P1412 Q1860 +Q105676 P69 Q13371 +Q457029 P69 Q168756 +Q61425 P463 Q338432 +Q159 P530 Q717 +Q17905 P106 Q82955 +Q215478 P106 Q333634 +Q552273 P69 Q170027 +Q11256 P1412 Q1321 +Q92035 P108 Q153978 +Q193236 P1412 Q652 +Q151509 P172 Q35323 +Q1355279 P1412 Q36510 +Q356994 P1303 Q17172850 +Q92632 P101 Q4027615 +Q234388 P3373 Q2831 +Q83542 P495 Q30 +Q865 P530 Q142 +Q1898177 P19 Q37836 +Q197977 P106 Q10798782 +Q449140 P136 Q11399 +Q381185 P106 Q36180 +Q1354583 P106 Q10800557 +Q443897 P106 Q639669 +Q183 P530 Q222 +Q1277002 P106 Q947873 +Q230141 P106 Q6625963 +Q550598 P172 Q49085 +Q41223 P140 Q35032 +Q212965 P161 Q32045 +Q12750 P106 Q1792450 +Q2335557 P1412 Q1321 +Q230141 P106 Q34074720 +Q151830 P101 Q482 +Q62988 P108 Q21578 +Q160717 P509 Q372701 +Q330238 P1412 Q188 +Q207359 P737 Q893785 +Q43179 P463 Q3308284 +Q888065 P1303 Q17172850 +Q156193 P106 Q1622272 +Q712683 P106 Q639669 +Q76197 P108 Q152087 +Q39837 P140 Q432 +Q175535 P106 Q2405480 +Q216570 P106 Q482980 +Q229349 P106 Q10800557 +Q162076 P106 Q486748 +Q1608224 P509 Q476921 +Q1041 P463 Q8475 +Q112427 P463 Q150793 +Q35011 P106 Q2259451 +Q229341 P1303 Q17172850 +Q83396 P69 Q599316 +Q86820 P172 Q237534 +Q61879 P27 Q35 +Q2857384 P1412 Q7026 +Q298255 P106 Q33999 +Q68815 P106 Q8178443 +Q589978 P27 Q41 +Q124617 P20 Q649 +Q215042 P106 Q36180 +Q470543 P106 Q520549 +Q433683 P27 Q30 +Q676777 P106 Q183945 +Q741605 P19 Q18419 +Q721376 P106 Q33999 +Q131259 P106 Q4610556 +Q685149 P102 Q29468 +Q320604 P106 Q36180 +Q97129 P1412 Q188 +Q55171 P1303 Q17172850 +Q931005 P106 Q639669 +Q5383 P106 Q183945 +Q143286 P19 Q16556 +Q86864 P27 Q36 +Q234809 P106 Q10800557 +Q272650 P27 Q38 +Q66729 P106 Q11774202 +Q26162388 P50 Q78437 +Q443995 P106 Q28389 +Q213864 P106 Q4610556 +Q256959 P27 Q30 +Q3346431 P106 Q183945 +Q201484 P20 Q23276 +Q2062366 P3373 Q13129708 +Q227395 P106 Q333634 +Q76791 P106 Q11900058 +Q58085 P106 Q82955 +Q103285 P136 Q35760 +Q399 P530 Q142 +Q152542 P69 Q49115 +Q514998 P26 Q236469 +Q214 P530 Q40 +Q220883 P106 Q482980 +Q206576 P161 Q230308 +Q68411 P1412 Q188 +Q36105 P27 Q30 +Q71602 P3373 Q62664 +Q187199 P463 Q83172 +Q213 P530 Q16 +Q110138 P161 Q95048 +Q67903 P509 Q12136 +Q44086 P27 Q183 +Q33637 P106 Q947873 +Q7176 P19 Q85 +Q9353 P106 Q36180 +Q320384 P161 Q101797 +Q192515 P136 Q438503 +Q530109 P264 Q843402 +Q11877 P27 Q30 +Q237673 P106 Q10800557 +Q329897 P106 Q487596 +Q231228 P106 Q639669 +Q71352 P102 Q7320 +Q445921 P106 Q10798782 +Q709178 P509 Q12152 +Q112979 P20 Q1741 +Q76325 P1412 Q397 +Q65587 P1412 Q188 +Q331425 P509 Q12192 +Q230632 P106 Q10798782 +Q180505 P106 Q483501 +Q320423 P161 Q57584 +Q262861 P106 Q937857 +Q91981 P1303 Q17172850 +Q44578 P161 Q235635 +Q163543 P20 Q90 +Q110749 P106 Q28389 +Q230218 P27 Q30 +Q376144 P161 Q449679 +Q336877 P1412 Q1860 +Q365090 P69 Q41506 +Q677769 P101 Q21201 +Q354508 P106 Q639669 +Q171363 P106 Q1028181 +Q229 P463 Q842490 +Q991720 P106 Q2526255 +Q377614 P106 Q593644 +Q78977 P106 Q36180 +Q896136 P106 Q1930187 +Q296872 P106 Q177220 +Q329744 P106 Q28389 +Q938402 P106 Q333634 +Q261550 P136 Q842256 +Q984215 P106 Q774306 +Q283408 P19 Q649 +Q180710 P106 Q33999 +Q41378 P106 Q82594 +Q81487 P161 Q348649 +Q186341 P136 Q604725 +Q98258 P20 Q2079 +Q95861 P20 Q56037 +Q43689 P106 Q1234713 +Q1036131 P1303 Q128309 +Q371403 P106 Q855091 +Q445606 P102 Q187009 +Q92933 P106 Q82594 +Q545544 P27 Q174193 +Q76517 P101 Q5891 +Q172383 P140 Q9592 +Q461104 P1412 Q9043 +Q87821 P106 Q28389 +Q455605 P69 Q248970 +Q40640 P737 Q233898 +Q357929 P106 Q6625963 +Q60777 P106 Q193391 +Q193668 P106 Q10798782 +Q229276 P106 Q177220 +Q272095 P509 Q47912 +Q710282 P136 Q37073 +Q241660 P264 Q121698 +Q208263 P161 Q152542 +Q940439 P69 Q3268638 +Q180453 P1303 Q258896 +Q1224 P106 Q188094 +Q180636 P641 Q718 +Q963003 P106 Q158852 +Q162667 P1303 Q258896 +Q1395732 P106 Q639669 +Q180278 P737 Q46096 +Q115134 P19 Q18419 +Q2918925 P463 Q40358 +Q70809 P106 Q753110 +Q119546 P1412 Q1860 +Q312480 P27 Q15180 +Q61147 P27 Q183 +Q1353962 P106 Q33999 +Q588449 P69 Q28024477 +Q232273 P106 Q28389 +Q78270 P463 Q451079 +Q794 P463 Q1043527 +Q216148 P119 Q288130 +Q165911 P136 Q131272 +Q11826 P106 Q593644 +Q22432 P161 Q431038 +Q63078 P108 Q165528 +Q157623 P1412 Q7737 +Q432101 P106 Q333634 +Q162554 P106 Q2259451 +Q219646 P1412 Q7026 +Q19201 P1303 Q320002 +Q165518 P69 Q1419737 +Q59945 P69 Q152087 +Q1143660 P106 Q2526255 +Q372438 P463 Q44892 +Q42552 P106 Q333634 +Q1622098 P19 Q2079 +Q41117 P1303 Q1444 +Q836910 P1412 Q9067 +Q457727 P20 Q16552 +Q39659 P106 Q82955 +Q981996 P1303 Q17172850 +Q14278 P106 Q11063 +Q640292 P19 Q490 +Q1029 P37 Q5146 +Q208681 P136 Q83440 +Q61390 P106 Q350979 +Q191999 P102 Q29552 +Q166696 P495 Q213 +Q910486 P1303 Q6607 +Q398 P463 Q656801 +Q1190550 P106 Q4351403 +Q269569 P106 Q2643890 +Q172383 P106 Q1234713 +Q60966 P140 Q75809 +Q540803 P1303 Q163829 +Q63209 P106 Q901402 +Q64278 P19 Q1799 +Q150494 P106 Q36834 +Q228909 P106 Q177220 +Q370560 P1303 Q17172850 +Q95039 P106 Q36180 +Q67231 P106 Q1622272 +Q152690 P106 Q36180 +Q173893 P1412 Q397 +Q225 P530 Q142 +Q202729 P106 Q36834 +Q207482 P161 Q23858 +Q232101 P106 Q10798782 +Q59474 P106 Q618694 +Q304675 P1303 Q17172850 +Q156749 P106 Q11900058 +Q706542 P509 Q12202 +Q57118 P451 Q314403 +Q152453 P106 Q483501 +Q283872 P106 Q10800557 +Q241263 P172 Q49085 +Q225453 P463 Q329464 +Q440817 P1303 Q17172850 +Q167726 P840 Q800 +Q287828 P101 Q184485 +Q76543 P106 Q2306091 +Q505677 P136 Q2332751 +Q62672 P69 Q152087 +Q7729 P3373 Q152785 +Q62402 P106 Q1622272 +Q51562 P106 Q28389 +Q4465 P106 Q7042855 +Q232356 P106 Q3282637 +Q298920 P106 Q1114448 +Q185888 P161 Q233474 +Q234595 P1303 Q17172850 +Q208374 P106 Q33999 +Q57235 P106 Q64733534 +Q313482 P69 Q49126 +Q88832 P463 Q451079 +Q9047 P106 Q185351 +Q333653 P106 Q1930187 +Q918966 P106 Q864380 +Q242526 P69 Q916444 +Q60487 P161 Q350732 +Q313443 P1412 Q9067 +Q285543 P551 Q2634 +Q11930 P106 Q33999 +Q377428 P495 Q30 +Q129591 P19 Q3130 +Q7200 P106 Q16287483 +Q154367 P172 Q42884 +Q909001 P27 Q131964 +Q60815 P106 Q36180 +Q1386031 P106 Q1622272 +Q73890 P463 Q337526 +Q918966 P106 Q49757 +Q11621 P136 Q471839 +Q1036 P463 Q899770 +Q156622 P106 Q644687 +Q210172 P1303 Q302497 +Q325389 P136 Q187760 +Q212 P463 Q1928989 +Q457803 P106 Q28389 +Q62565 P69 Q32120 +Q44833 P106 Q36834 +Q161806 P112 Q26702 +Q627520 P17 Q211 +Q705697 P1412 Q1860 +Q18430 P463 Q463303 +Q217068 P135 Q9730 +Q106834 P1412 Q7411 +Q274604 P463 Q372899 +Q2622193 P106 Q4773904 +Q31 P463 Q656801 +Q74795 P106 Q201788 +Q206439 P106 Q12800682 +Q650303 P106 Q333634 +Q458215 P20 Q649 +Q71407 P19 Q1726 +Q167546 P106 Q486748 +Q92747 P106 Q81096 +Q294812 P136 Q37073 +Q284917 P161 Q296287 +Q329719 P106 Q10800557 +Q183337 P1412 Q1860 +Q433979 P40 Q382393 +Q712765 P1303 Q17172850 +Q95264 P106 Q1930187 +Q725510 P106 Q18814623 +Q203860 P106 Q3387717 +Q262 P530 Q114 +Q2673 P106 Q9017214 +Q61677 P27 Q183 +Q60586 P69 Q156737 +Q127367 P136 Q130232 +Q313185 P106 Q214917 +Q4066893 P108 Q152838 +Q109063 P136 Q9794 +Q272092 P19 Q60 +Q110126 P641 Q2736 +Q78475 P19 Q1741 +Q766880 P27 Q30 +Q1729 P30 Q46 +Q329131 P161 Q234544 +Q81520 P27 Q27 +Q235635 P106 Q10798782 +Q44747 P69 Q209842 +Q4547 P106 Q2405480 +Q198451 P136 Q20442589 +Q470101 P108 Q1044328 +Q403 P530 Q1246 +Q41076 P264 Q654283 +Q294586 P1412 Q1860 +Q91640 P101 Q395 +Q484523 P106 Q3455803 +Q104177 P69 Q155354 +Q145132 P26 Q87542 +Q833 P530 Q148 +Q273211 P509 Q12136 +Q313739 P106 Q1930187 +Q754 P463 Q827525 +Q192115 P161 Q235072 +Q453384 P27 Q30 +Q182373 P136 Q157394 +Q506915 P106 Q639669 +Q669733 P106 Q15253558 +Q188848 P509 Q18554919 +Q202537 P106 Q28389 +Q1744 P106 Q33999 +Q240360 P551 Q127856 +Q192214 P106 Q28389 +Q242535 P106 Q177220 +Q86820 P27 Q40 +Q156199 P37 Q397 +Q178106 P135 Q213457 +Q41132 P136 Q471839 +Q64467 P102 Q49762 +Q2902710 P509 Q128581 +Q250539 P1412 Q1860 +Q318198 P106 Q4853732 +Q313528 P27 Q38 +Q963626 P1303 Q5994 +Q330847 P106 Q177220 +Q1967070 P106 Q639669 +Q111189 P27 Q183 +Q452219 P106 Q1622272 +Q214481 P106 Q36180 +Q61262 P463 Q337234 +Q287110 P19 Q898 +Q231106 P136 Q11399 +Q741600 P106 Q488205 +Q180377 P106 Q28389 +Q43432 P136 Q850412 +Q65504 P463 Q414163 +Q212518 P106 Q4610556 +Q141869 P102 Q1774814 +Q465663 P106 Q81096 +Q927469 P264 Q3001888 +Q97646 P106 Q33999 +Q258626 P106 Q10800557 +Q298139 P1303 Q17172850 +Q75904 P1412 Q188 +Q1064692 P106 Q82955 +Q851 P463 Q19771 +Q582713 P1303 Q5994 +Q271877 P106 Q33999 +Q295144 P106 Q1028181 +Q77087 P106 Q18814623 +Q155158 P19 Q1715 +Q57281 P1412 Q1321 +Q847446 P1412 Q5287 +Q137659 P106 Q14467526 +Q103651 P106 Q15981151 +Q706571 P106 Q1622272 +Q4724 P106 Q1028181 +Q183347 P106 Q7042855 +Q75174 P106 Q193391 +Q335508 P136 Q959790 +Q722738 P509 Q12202 +Q314035 P27 Q34266 +Q316381 P140 Q75809 +Q62565 P27 Q183 +Q992295 P264 Q193023 +Q390063 P161 Q44077 +Q25997 P106 Q36180 +Q1278397 P161 Q117249 +Q468067 P20 Q649 +Q213870 P106 Q36180 +Q518152 P106 Q214917 +Q298334 P106 Q482980 +Q7317 P106 Q158852 +Q930197 P27 Q30 +Q58912 P451 Q138005 +Q241087 P19 Q490 +Q851 P37 Q13955 +Q312693 P264 Q1238400 +Q34529 P27 Q30 +Q458390 P101 Q309 +Q202148 P106 Q2526255 +Q137130 P136 Q188473 +Q881 P463 Q170481 +Q147989 P106 Q193391 +Q312098 P106 Q3282637 +Q16559 P17 Q30 +Q28517 P140 Q7066 +Q99294 P106 Q177220 +Q390097 P161 Q37876 +Q86367 P509 Q12152 +Q352963 P106 Q6430706 +Q296313 P27 Q145 +Q66107 P27 Q30 +Q562213 P102 Q79854 +Q937 P737 Q93996 +Q78003 P463 Q812155 +Q144439 P69 Q144488 +Q336769 P1412 Q7737 +Q25997 P172 Q49542 +Q95008 P106 Q28389 +Q59215 P106 Q2259451 +Q67538 P69 Q154804 +Q540134 P264 Q645889 +Q142 P530 Q31 +Q293149 P106 Q177220 +Q1286597 P106 Q639669 +Q72357 P69 Q273263 +Q704609 P19 Q2807 +Q555 P69 Q41506 +Q912687 P20 Q228 +Q183519 P1303 Q6607 +Q180962 P20 Q60 +Q617920 P19 Q1781 +Q167409 P27 Q30 +Q219442 P57 Q350903 +Q32910 P161 Q27214 +Q40103 P69 Q385471 +Q326409 P20 Q1085 +Q240782 P19 Q84 +Q1281738 P102 Q29552 +Q66286 P1412 Q188 +Q708164 P27 Q30 +Q254022 P106 Q245068 +Q169717 P1412 Q9176 +Q116852 P161 Q1366460 +Q17917680 P172 Q49085 +Q38561 P161 Q295847 +Q82426 P136 Q93204 +Q216582 P106 Q36180 +Q99452 P102 Q7320 +Q216701 P1412 Q188 +Q219491 P119 Q608405 +Q765871 P1303 Q5994 +Q168859 P140 Q101849 +Q539156 P27 Q30 +Q699541 P106 Q81096 +Q39975 P161 Q170576 +Q604086 P106 Q36180 +Q145627 P106 Q10798782 +Q42831 P1412 Q1860 +Q202550 P1303 Q5994 +Q264137 P749 Q38903 +Q217307 P161 Q432385 +Q443120 P106 Q10798782 +Q1219622 P106 Q593644 +Q49492 P27 Q30 +Q183239 P136 Q52162262 +Q50020 P1412 Q1860 +Q278193 P161 Q373968 +Q288150 P161 Q212518 +Q159880 P106 Q36180 +Q40475 P509 Q12152 +Q64211 P161 Q133925 +Q88997 P20 Q84 +Q444344 P27 Q30 +Q4530046 P3373 Q51908481 +Q467574 P106 Q2526255 +Q459969 P19 Q60 +Q275170 P136 Q183504 +Q152176 P102 Q192821 +Q2737 P106 Q245068 +Q60876 P106 Q28389 +Q72077 P19 Q41819 +Q1077383 P136 Q817138 +Q254789 P106 Q33999 +Q986 P463 Q191384 +Q420407 P106 Q486748 +Q332462 P27 Q131964 +Q4227 P69 Q174710 +Q444520 P264 Q38903 +Q321178 P106 Q33999 +Q331759 P119 Q1437214 +Q211784 P161 Q106942 +Q92636 P106 Q82594 +Q258753 P108 Q737835 +Q1093318 P1303 Q17172850 +Q45233 P20 Q1741 +Q44634 P106 Q177220 +Q9161 P140 Q7066 +Q267866 P161 Q258503 +Q614402 P106 Q2252262 +Q391784 P161 Q29086 +Q538284 P106 Q177220 +Q498389 P106 Q28389 +Q314914 P136 Q21590660 +Q690759 P106 Q1622272 +Q85084 P106 Q520549 +Q78479 P106 Q39631 +Q89204 P108 Q51985 +Q256884 P106 Q28389 +Q324157 P20 Q1085 +Q38193 P108 Q152087 +Q38 P463 Q42262 +Q71625 P106 Q15980158 +Q317957 P69 Q1189954 +Q95949 P108 Q158158 +Q224650 P1303 Q52954 +Q155855 P106 Q18844224 +Q183337 P27 Q145 +Q951581 P106 Q33999 +Q349857 P106 Q2405480 +Q348615 P140 Q483654 +Q78608 P101 Q2329 +Q312637 P1412 Q652 +Q215215 P1303 Q302497 +Q653632 P136 Q49451 +Q36 P463 Q1065 +Q1398507 P509 Q18554460 +Q233295 P106 Q639669 +Q216813 P27 Q36 +Q44780 P1303 Q6607 +Q247501 P108 Q149990 +Q774905 P106 Q205375 +Q2416148 P106 Q947873 +Q979865 P106 Q205375 +Q106083 P1412 Q188 +Q222800 P136 Q859369 +Q230454 P136 Q378988 +Q190944 P27 Q142 +Q221846 P136 Q28026639 +Q154581 P840 Q60 +Q468577 P27 Q843 +Q240467 P27 Q30 +Q1770 P30 Q46 +Q362106 P101 Q638 +Q31 P530 Q974 +Q7416 P1412 Q1860 +Q120977 P106 Q486748 +Q312803 P509 Q12152 +Q320714 P1412 Q7737 +Q212145 P495 Q145 +Q833 P530 Q225 +Q215689 P19 Q2843 +Q163263 P106 Q33999 +Q86419 P102 Q379922 +Q58091 P106 Q193391 +Q161819 P106 Q4853732 +Q272923 P69 Q1432645 +Q272019 P106 Q10798782 +Q128604 P102 Q138345 +Q55641 P136 Q37073 +Q157242 P20 Q350 +Q128995 P1412 Q1860 +Q272505 P106 Q2259451 +Q153832 P102 Q815348 +Q362406 P264 Q330629 +Q202385 P20 Q131491 +Q283696 P161 Q172678 +Q311987 P106 Q10798782 +Q92858 P69 Q49108 +Q296524 P106 Q11481802 +Q107178 P69 Q40025 +Q36881 P106 Q10800557 +Q401107 P1412 Q13955 +Q235351 P69 Q608723 +Q19356 P136 Q2143665 +Q346064 P1412 Q9288 +Q505994 P136 Q49451 +Q2449206 P1412 Q9309 +Q386349 P106 Q33999 +Q95215 P69 Q317053 +Q64467 P108 Q165528 +Q266676 P106 Q33999 +Q203840 P106 Q4610556 +Q1976514 P136 Q7749 +Q235284 P27 Q30 +Q957010 P106 Q36834 +Q237633 P106 Q33999 +Q242640 P119 Q5933 +Q57592 P1412 Q188 +Q1500 P106 Q36180 +Q193676 P106 Q43845 +Q208108 P161 Q2263 +Q403362 P106 Q1792450 +Q428372 P161 Q232101 +Q225 P530 Q833 +Q215724 P106 Q211346 +Q378645 P106 Q49757 +Q102139 P1412 Q150 +Q315756 P106 Q3387717 +Q565678 P106 Q158852 +Q13003 P27 Q172579 +Q26876 P106 Q36834 +Q733373 P106 Q36834 +Q960935 P106 Q639669 +Q178403 P106 Q6625963 +Q238924 P106 Q10798782 +Q76525 P106 Q82955 +Q41166 P27 Q215530 +Q170510 P106 Q3387717 +Q336222 P3373 Q349461 +Q228787 P106 Q10800557 +Q57358 P106 Q486748 +Q458709 P106 Q82955 +Q4934689 P19 Q1354 +Q270351 P161 Q42101 +Q1853186 P106 Q17125263 +Q381751 P161 Q607 +Q124401 P19 Q70 +Q1175373 P106 Q14906342 +Q373421 P27 Q34266 +Q1648062 P69 Q156725 +Q270652 P1412 Q5287 +Q267217 P106 Q33999 +Q127868 P106 Q82955 +Q468635 P136 Q37073 +Q695 P463 Q1043527 +Q254524 P106 Q49757 +Q223769 P136 Q966564 +Q175600 P161 Q270774 +Q114089 P27 Q29 +Q17 P530 Q801 +Q983249 P19 Q36600 +Q48337 P106 Q2526255 +Q230836 P106 Q488205 +Q351061 P1303 Q17172850 +Q3719620 P27 Q30 +Q2849296 P1412 Q150 +Q295093 P106 Q7042855 +Q231121 P106 Q483501 +Q218 P530 Q833 +Q362422 P106 Q855091 +Q389151 P161 Q125106 +Q187199 P106 Q169470 +Q60197 P101 Q9730 +Q108733 P27 Q183 +Q315542 P101 Q36442 +Q55199 P106 Q205375 +Q77006 P106 Q486748 +Q41309 P119 Q3923 +Q134982 P509 Q12078 +Q123334 P27 Q1206012 +Q704931 P106 Q1930187 +Q720005 P1303 Q17172850 +Q96 P530 Q212 +Q155860 P106 Q1622272 +Q2567 P102 Q49762 +Q557 P1412 Q1860 +Q45575 P106 Q36180 +Q360445 P463 Q270794 +Q204019 P106 Q3391743 +Q63317 P20 Q1055 +Q949 P19 Q43788 +Q240174 P136 Q49084 +Q51133 P1412 Q1860 +Q241504 P161 Q959153 +Q41117 P106 Q82955 +Q72856 P20 Q1741 +Q72705 P106 Q1930187 +Q573408 P106 Q11900058 +Q313009 P106 Q177220 +Q312129 P106 Q2405480 +Q167399 P106 Q753110 +Q242535 P136 Q959583 +Q91548 P106 Q33999 +Q66370 P27 Q183 +Q530377 P106 Q33999 +Q488099 P136 Q1661 +Q131433 P106 Q36834 +Q42229 P1412 Q1860 +Q325077 P161 Q62352 +Q88832 P106 Q13570226 +Q434466 P509 Q181754 +Q723320 P106 Q589298 +Q430922 P69 Q3098911 +Q193212 P106 Q3282637 +Q220780 P495 Q30 +Q70087 P102 Q328195 +Q81627 P106 Q11063 +Q55170 P106 Q33999 +Q61469 P19 Q3802 +Q229 P530 Q20 +Q203413 P27 Q77 +Q28193 P161 Q249865 +Q135420 P106 Q639669 +Q398 P530 Q851 +Q106769 P27 Q183 +Q229139 P102 Q5020915 +Q1750541 P102 Q29468 +Q969753 P106 Q11774202 +Q105460 P136 Q43343 +Q327681 P161 Q37459 +Q419 P463 Q7825 +Q256708 P264 Q54860 +Q215623 P27 Q155 +Q635131 P1412 Q1860 +Q286339 P106 Q177220 +Q220550 P1412 Q9058 +Q86095 P106 Q33999 +Q1459658 P27 Q15180 +Q236434 P106 Q10798782 +Q111873 P69 Q40025 +Q1791962 P106 Q82955 +Q76641 P463 Q463303 +Q177311 P551 Q65 +Q463673 P106 Q10800557 +Q212632 P1412 Q7737 +Q838261 P30 Q46 +Q574 P463 Q827525 +Q102341 P451 Q272923 +Q387414 P161 Q237053 +Q28 P463 Q842490 +Q92641 P108 Q190080 +Q29313 P161 Q47100 +Q95522 P108 Q155354 +Q11726 P20 Q1741 +Q12881 P737 Q41513 +Q19008 P1412 Q1860 +Q148 P530 Q948 +Q318750 P27 Q30 +Q48589 P27 Q211 +Q347362 P737 Q193257 +Q229612 P27 Q30 +Q89709 P106 Q36180 +Q309788 P106 Q33999 +Q21 P30 Q46 +Q47162 P106 Q201788 +Q135139 P463 Q270794 +Q3057567 P20 Q1861 +Q29031 P27 Q145 +Q265621 P1412 Q7026 +Q371932 P106 Q10798782 +Q83359 P106 Q10798782 +Q362681 P27 Q30 +Q192073 P136 Q157443 +Q1025 P463 Q1043527 +Q522579 P106 Q4263842 +Q303213 P161 Q676094 +Q231182 P106 Q488205 +Q7416 P140 Q6423963 +Q9041 P463 Q188771 +Q2481742 P106 Q901 +Q310332 P106 Q488205 +Q229760 P1303 Q5994 +Q1346255 P1303 Q6607 +Q75823 P102 Q153401 +Q428780 P495 Q38 +Q583814 P20 Q1486 +Q77788 P136 Q676 +Q464941 P140 Q432 +Q15850 P106 Q82955 +Q56074 P19 Q2807 +Q204398 P161 Q238800 +Q835 P509 Q476921 +Q57473 P106 Q121594 +Q309014 P161 Q231249 +Q167211 P27 Q419 +Q310953 P106 Q1930187 +Q296244 P106 Q33999 +Q49941 P1412 Q1860 +Q323516 P106 Q753110 +Q289469 P161 Q254431 +Q352431 P161 Q259913 +Q41042 P106 Q33999 +Q458390 P1412 Q1860 +Q6107 P106 Q753110 +Q51575 P106 Q33999 +Q1528163 P106 Q82955 +Q66545534 P136 Q40831 +Q11609 P69 Q190080 +Q218 P530 Q423 +Q61696 P161 Q327542 +Q106231 P69 Q1426464 +Q346801 P106 Q14915627 +Q34020 P463 Q294278 +Q315087 P106 Q28389 +Q1392694 P101 Q3798668 +Q83333 P106 Q36180 +Q129140 P1412 Q1321 +Q229139 P106 Q10800557 +Q559794 P106 Q205375 +Q181069 P136 Q319221 +Q295120 P106 Q183945 +Q511471 P106 Q36180 +Q296843 P106 Q2259451 +Q375351 P463 Q83172 +Q217110 P106 Q18844224 +Q981929 P106 Q3621491 +Q85691 P1412 Q188 +Q218992 P740 Q38022 +Q426687 P106 Q386854 +Q714141 P106 Q627325 +Q72833 P106 Q2516852 +Q548964 P19 Q190828 +Q88951 P27 Q40 +Q309941 P27 Q30 +Q93030 P463 Q337234 +Q66735968 P106 Q483501 +Q343510 P19 Q182625 +Q264869 P840 Q1522 +Q726296 P106 Q639669 +Q96114 P27 Q183 +Q87392 P106 Q131524 +Q1157945 P102 Q29552 +Q154203 P20 Q64 +Q49355 P69 Q13371 +Q57806 P19 Q1524 +Q242552 P1412 Q1860 +Q6173306 P463 Q11993457 +Q156749 P106 Q82955 +Q1045 P463 Q7172 +Q216060 P20 Q64 +Q60197 P106 Q36180 +Q55993 P136 Q482 +Q380545 P463 Q607496 +Q668 P530 Q712 +Q347128 P264 Q202585 +Q102244 P161 Q250250 +Q299297 P19 Q65 +Q154331 P20 Q1741 +Q55468 P106 Q55960555 +Q463765 P136 Q860626 +Q83733 P106 Q10800557 +Q99627 P19 Q64 +Q73416 P1412 Q1860 +Q242329 P106 Q36180 +Q4099230 P102 Q79854 +Q423 P530 Q155 +Q216913 P264 Q190585 +Q1209649 P106 Q33999 +Q261812 P106 Q488205 +Q271903 P119 Q262 +Q87298 P1412 Q188 +Q88641 P1412 Q188 +Q46706 P106 Q36180 +Q525949 P27 Q142 +Q106175 P2348 Q6927 +Q264989 P136 Q131578 +Q159840 P106 Q82955 +Q316850 P27 Q16 +Q556765 P106 Q753110 +Q182218 P161 Q295803 +Q188570 P1412 Q809 +Q435679 P106 Q639669 +Q332956 P106 Q36180 +Q186504 P495 Q145 +Q32927 P136 Q211756 +Q15935 P106 Q2526255 +Q58978 P106 Q901 +Q318514 P27 Q30 +Q214548 P106 Q10732476 +Q373034 P27 Q142 +Q42398 P106 Q49757 +Q275161 P26 Q262091 +Q122998 P106 Q486748 +Q276218 P106 Q4610556 +Q308840 P106 Q10800557 +Q56074 P1303 Q17172850 +Q465707 P1412 Q5146 +Q106235 P108 Q161982 +Q75151 P102 Q49750 +Q573665 P136 Q49451 +Q2822225 P131 Q62 +Q400678 P20 Q3616 +Q337089 P1303 Q6607 +Q46000 P27 Q30 +Q83338 P737 Q177984 +Q846 P530 Q183 +Q314984 P20 Q90 +Q276170 P1412 Q5146 +Q1032 P37 Q150 +Q309838 P509 Q3505252 +Q214999 P27 Q183 +Q103955 P1412 Q188 +Q455304 P136 Q11401 +Q82248 P463 Q463303 +Q181529 P140 Q7066 +Q230308 P106 Q28389 +Q1579916 P27 Q183 +Q1545 P136 Q83440 +Q104154 P106 Q2310145 +Q77226 P106 Q49757 +Q218575 P1412 Q1860 +Q106775 P40 Q362500 +Q536371 P106 Q1930187 +Q621521 P136 Q37073 +Q111263 P106 Q28389 +Q189869 P1050 Q10874 +Q270638 P106 Q10800557 +Q15873 P106 Q33999 +Q181774 P106 Q10800557 +Q81796 P106 Q4853732 +Q184750 P106 Q3410028 +Q148 P463 Q170481 +Q117392 P106 Q10800557 +Q270005 P69 Q916444 +Q85791 P19 Q2861 +Q212498 P19 Q60 +Q268181 P737 Q310048 +Q237173 P20 Q100 +Q314843 P106 Q36180 +Q287748 P136 Q130232 +Q983 P463 Q8475 +Q120563 P1412 Q188 +Q463883 P106 Q10800557 +Q128911 P27 Q801 +Q96923 P1303 Q6607 +Q748584 P106 Q10798782 +Q315417 P136 Q54365 +Q11806 P106 Q40348 +Q311613 P106 Q3282637 +Q358538 P1303 Q6607 +Q689486 P106 Q11063 +Q88914 P106 Q82955 +Q183397 P27 Q145 +Q278551 P106 Q36180 +Q368852 P1303 Q46185 +Q86573 P27 Q1206012 +Q46706 P106 Q1028181 +Q228943 P27 Q30 +Q27684 P106 Q11900058 +Q192887 P106 Q10798782 +Q170606 P106 Q10800557 +Q23434 P106 Q28389 +Q126462 P106 Q16287483 +Q313080 P106 Q488205 +Q60477 P106 Q8178443 +Q462744 P1412 Q188 +Q183535 P27 Q15180 +Q46633 P27 Q174193 +Q77027 P108 Q48989 +Q178106 P69 Q5901972 +Q434266 P27 Q34266 +Q271763 P27 Q30 +Q691973 P106 Q36180 +Q551154 P1303 Q17172850 +Q157324 P463 Q329464 +Q58912 P69 Q432637 +Q763507 P27 Q145 +Q34091 P106 Q11631 +Q129486 P27 Q30 +Q215735 P106 Q333634 +Q49819 P463 Q1493021 +Q149997 P106 Q10800557 +Q318910 P161 Q35332 +Q853 P551 Q90 +Q55841 P102 Q327591 +Q213870 P106 Q1792450 +Q34713 P17 Q40 +Q12950 P69 Q471980 +Q143945 P106 Q4610556 +Q262490 P27 Q30 +Q270937 P119 Q1457437 +Q9387 P106 Q1622272 +Q962897 P106 Q15895020 +Q60970 P1412 Q36510 +Q929 P530 Q423 +Q333265 P119 Q1514332 +Q319277 P27 Q30 +Q257145 P1412 Q1860 +Q25139 P840 Q99 +Q164309 P106 Q1930187 +Q440272 P264 Q14192383 +Q91642 P108 Q309988 +Q311068 P106 Q482980 +Q40071 P161 Q433692 +Q301132 P495 Q30 +Q216896 P737 Q333402 +Q156069 P136 Q188473 +Q1360888 P1412 Q150 +Q1461840 P106 Q639669 +Q387655 P106 Q36834 +Q848723 P69 Q390287 +Q332256 P1303 Q52954 +Q84346 P27 Q1206012 +Q16390 P106 Q28389 +Q270123 P136 Q37073 +Q428490 P106 Q131524 +Q368852 P19 Q8684 +Q205447 P161 Q270730 +Q954 P530 Q1030 +Q983962 P1412 Q9078 +Q18967 P495 Q183 +Q41488 P106 Q482980 +Q231576 P106 Q10798782 +Q72913 P135 Q7252 +Q905267 P106 Q15895020 +Q93624 P19 Q1741 +Q193146 P19 Q60 +Q61319 P106 Q1622272 +Q312570 P106 Q2405480 +Q351849 P106 Q10798782 +Q220955 P136 Q130232 +Q316602 P1412 Q1860 +Q298016 P106 Q1086863 +Q318475 P106 Q488205 +Q268111 P1412 Q7737 +Q11998 P551 Q84 +Q159638 P161 Q189694 +Q144746 P106 Q177220 +Q236 P530 Q865 +Q92693 P27 Q30 +Q108460 P106 Q82955 +Q539171 P172 Q50001 +Q386784 P27 Q145 +Q171711 P161 Q238383 +Q165817 P161 Q281964 +Q334818 P27 Q902 +Q77193 P140 Q5043 +Q853095 P119 Q996499 +Q57475 P463 Q18650004 +Q931005 P106 Q205375 +Q968026 P20 Q65 +Q196560 P102 Q29468 +Q99706 P20 Q43196 +Q204810 P136 Q699 +Q74795 P27 Q43287 +Q691076 P19 Q18419 +Q349434 P106 Q753110 +Q85295 P108 Q152087 +Q296370 P551 Q1345 +Q436503 P106 Q177220 +Q78494 P19 Q1781 +Q92684 P463 Q131566 +Q281908 P1412 Q1860 +Q983 P530 Q423 +Q192515 P106 Q177220 +Q421707 P106 Q33999 +Q289752 P106 Q36834 +Q85791 P20 Q1055 +Q668 P530 Q865 +Q209481 P161 Q37459 +Q1382521 P106 Q639669 +Q234964 P106 Q36180 +Q347539 P106 Q36180 +Q68654 P106 Q10798782 +Q312637 P136 Q8261 +Q178010 P106 Q177220 +Q106942 P26 Q55392 +Q182373 P136 Q319221 +Q45909 P1303 Q320002 +Q123097 P136 Q200092 +Q408 P530 Q837 +Q1046612 P106 Q855091 +Q92635 P27 Q142 +Q83326 P106 Q16145150 +Q221852 P161 Q128799 +Q53714 P1412 Q1860 +Q32 P463 Q1377612 +Q225629 P136 Q8341 +Q1093318 P101 Q207628 +Q242162 P106 Q36180 +Q7542 P264 Q183387 +Q1020 P463 Q7159 +Q1976514 P106 Q822146 +Q1011 P463 Q7809 +Q660237 P161 Q49001 +Q615625 P106 Q4964182 +Q73089 P19 Q1342 +Q962971 P106 Q36180 +Q942147 P27 Q28 +Q310048 P27 Q30 +Q1927260 P27 Q31 +Q268181 P106 Q18844224 +Q242792 P106 Q33999 +Q342774 P106 Q488205 +Q233817 P106 Q639669 +Q125106 P106 Q10800557 +Q76437 P106 Q82955 +Q705022 P106 Q1930187 +Q122968 P106 Q350979 +Q184351 P1412 Q150 +Q154014 P106 Q3242115 +Q9204 P26 Q465594 +Q826 P463 Q1043527 +Q11860 P69 Q46210 +Q121778 P106 Q6625963 +Q81224 P136 Q130232 +Q966565 P264 Q557632 +Q45233 P509 Q147778 +Q3986379 P161 Q2632 +Q207947 P106 Q2490358 +Q119546 P106 Q1238570 +Q86809 P108 Q165528 +Q666875 P27 Q154401 +Q280666 P69 Q41506 +Q1798353 P106 Q177220 +Q298838 P1050 Q11085 +Q120578 P106 Q214917 +Q441326 P106 Q3282637 +Q123225 P106 Q10872101 +Q3547 P106 Q49757 +Q313411 P69 Q49108 +Q433939 P19 Q1296 +Q329145 P136 Q157443 +Q455344 P136 Q37073 +Q262659 P27 Q717 +Q440817 P106 Q639669 +Q216129 P1412 Q13955 +Q156214 P106 Q4263842 +Q74062 P108 Q151510 +Q58735 P108 Q9531 +Q76749 P172 Q7325 +Q33637 P106 Q2516852 +Q364868 P106 Q13219637 +Q201732 P106 Q333634 +Q60296 P136 Q157443 +Q359474 P106 Q2526255 +Q774 P463 Q233611 +Q710 P463 Q294278 +Q712319 P19 Q38022 +Q274562 P1412 Q1860 +Q28 P530 Q27 +Q19999 P551 Q21 +Q154751 P106 Q11063 +Q325020 P106 Q10800557 +Q110960 P106 Q639669 +Q159288 P17 Q30 +Q919835 P106 Q201788 +Q467091 P106 Q36180 +Q28193 P495 Q30 +Q2709 P106 Q4610556 +Q916 P530 Q414 +Q189015 P1412 Q652 +Q242732 P106 Q2405480 +Q233081 P106 Q36834 +Q219551 P106 Q16031530 +Q218458 P161 Q4145 +Q125666 P106 Q33999 +Q381731 P161 Q35332 +Q99842 P20 Q3869 +Q296177 P27 Q30 +Q209169 P1412 Q150 +Q126472 P140 Q9592 +Q91371 P106 Q1622272 +Q719623 P106 Q81096 +Q479992 P20 Q1741 +Q155158 P106 Q49757 +Q77234 P20 Q3150 +Q270692 P1303 Q78987 +Q41269 P463 Q188771 +Q58912 P106 Q2405480 +Q151976 P106 Q82955 +Q287572 P19 Q49111 +Q196685 P161 Q2685 +Q242914 P1412 Q150 +Q144195 P1412 Q9168 +Q23380 P463 Q337531 +Q81489 P641 Q2736 +Q73096 P27 Q183 +Q450802 P69 Q774489 +Q313077 P136 Q8261 +Q602779 P106 Q183945 +Q86105 P1412 Q188 +Q145 P530 Q1246 +Q309898 P106 Q10800557 +Q381944 P463 Q1425328 +Q711 P530 Q148 +Q76683 P108 Q678982 +Q254041 P106 Q201788 +Q1123489 P140 Q1062789 +Q232783 P106 Q36834 +Q354141 P1412 Q1321 +Q297816 P20 Q127856 +Q590792 P106 Q15981151 +Q557774 P463 Q5142859 +Q362089 P463 Q1132636 +Q1741 P131 Q28513 +Q155 P530 Q142 +Q267629 P509 Q12202 +Q73951 P19 Q1794 +Q42775 P106 Q753110 +Q942147 P106 Q639669 +Q7416 P102 Q9626 +Q714845 P136 Q11366 +Q112214 P106 Q28389 +Q55 P463 Q188822 +Q78318 P27 Q29999 +Q150445 P27 Q142 +Q155860 P463 Q83172 +Q7747 P172 Q49542 +Q123557 P101 Q7094 +Q124208 P20 Q64 +Q621521 P106 Q486748 +Q96407 P106 Q333634 +Q327240 P69 Q168756 +Q371639 P27 Q142 +Q166010 P106 Q486748 +Q121694 P40 Q116359 +Q181899 P106 Q2259451 +Q332419 P106 Q28389 +Q1392102 P264 Q190585 +Q82301 P69 Q486156 +Q256824 P106 Q10800557 +Q267170 P106 Q177220 +Q380579 P27 Q16 +Q8619 P140 Q1841 +Q359791 P136 Q11399 +Q276299 P161 Q218210 +Q340814 P161 Q106175 +Q86758 P463 Q684415 +Q44398 P509 Q9687 +Q164813 P161 Q106481 +Q92609 P108 Q192334 +Q109310 P106 Q40348 +Q408 P530 Q801 +Q76749 P101 Q5891 +Q41513 P737 Q1067 +Q4349 P106 Q10798782 +Q625721 P106 Q81096 +Q529582 P106 Q36834 +Q78494 P102 Q153401 +Q213632 P106 Q1930187 +Q28480 P1412 Q188 +Q90430 P106 Q28389 +Q156608 P161 Q65105 +Q451250 P495 Q142 +Q361523 P106 Q10800557 +Q982109 P69 Q838330 +Q96 P530 Q664 +Q192348 P737 Q9235 +Q4271 P136 Q11399 +Q187765 P19 Q60 +Q539791 P69 Q190080 +Q63078 P69 Q152171 +Q88443 P106 Q82955 +Q127442 P509 Q202837 +Q216478 P106 Q6625963 +Q235289 P102 Q29468 +Q241686 P106 Q10798782 +Q371925 P106 Q4991371 +Q297334 P172 Q49085 +Q157208 P108 Q34433 +Q104109 P106 Q2526255 +Q332032 P136 Q11399 +Q275543 P69 Q174710 +Q927771 P106 Q33999 +Q482964 P737 Q44892 +Q337185 P106 Q15980158 +Q70871 P27 Q183 +Q391540 P161 Q169946 +Q203533 P106 Q2526255 +Q236151 P26 Q48410 +Q38 P463 Q1072120 +Q312450 P106 Q36834 +Q963787 P20 Q18094 +Q308792 P106 Q10800557 +Q86043 P102 Q49768 +Q55993 P136 Q8261 +Q482334 P463 Q1493021 +Q353442 P69 Q273626 +Q233295 P106 Q36834 +Q1793865 P101 Q413 +Q202859 P27 Q30 +Q168269 P106 Q49757 +Q2481742 P1412 Q150 +Q588067 P551 Q586 +Q79120 P106 Q66711686 +Q13047979 P106 Q333634 +Q323456 P264 Q726251 +Q117197 P20 Q71 +Q224004 P161 Q5809 +Q105220 P20 Q2814 +Q562641 P106 Q2405480 +Q1281738 P106 Q639669 +Q221384 P136 Q130232 +Q20887 P106 Q37226 +Q44909 P106 Q33999 +Q336388 P264 Q168407 +Q370959 P106 Q28389 +Q705399 P106 Q201788 +Q154356 P27 Q142 +Q12696 P106 Q14972848 +Q7833 P106 Q36834 +Q286022 P1303 Q17172850 +Q92740 P27 Q30 +Q424 P530 Q17 +Q188461 P26 Q4223 +Q106083 P106 Q36180 +Q1123533 P106 Q36834 +Q231690 P106 Q121594 +Q31781 P106 Q250867 +Q366930 P106 Q4164507 +Q658454 P106 Q4002666 +Q207179 P19 Q23276 +Q129813 P495 Q145 +Q53068 P106 Q14915627 +Q1770624 P27 Q30 +Q51023 P451 Q180224 +Q108946 P136 Q130232 +Q102711 P1412 Q1860 +Q1579916 P108 Q154804 +Q284876 P106 Q2259451 +Q57241 P102 Q49750 +Q183239 P161 Q360531 +Q180727 P69 Q174710 +Q314382 P106 Q36180 +Q458372 P102 Q29468 +Q161963 P27 Q28 +Q213662 P20 Q64 +Q600701 P20 Q90 +Q1355279 P106 Q639669 +Q207380 P69 Q1878600 +Q107420 P463 Q463303 +Q1931654 P509 Q9687 +Q232214 P1303 Q79838 +Q62437 P1412 Q188 +Q236318 P172 Q49085 +Q262861 P69 Q216273 +Q170509 P108 Q13371 +Q167821 P106 Q1930187 +Q34851 P26 Q363708 +Q451369 P106 Q49757 +Q207506 P1412 Q1860 +Q52924 P19 Q1754 +Q214665 P69 Q2045972 +Q263518 P106 Q488205 +Q463184 P106 Q10800557 +Q612005 P106 Q947873 +Q185714 P106 Q28389 +Q37134 P19 Q1711 +Q300439 P495 Q30 +Q23441 P106 Q487596 +Q287572 P27 Q30 +Q323166 P106 Q948329 +Q127349 P106 Q36180 +Q111182 P1412 Q188 +Q462356 P27 Q142 +Q154817 P161 Q2607 +Q38222 P463 Q463303 +Q270905 P106 Q2705098 +Q728615 P106 Q201788 +Q717 P361 Q653884 +Q187913 P136 Q37073 +Q1295 P463 Q1768108 +Q236005 P106 Q33999 +Q55841 P27 Q36 +Q231948 P136 Q49084 +Q59112 P69 Q13371 +Q64577 P106 Q6625963 +Q101728 P108 Q217741 +Q344758 P20 Q60 +Q355024 P106 Q10800557 +Q151087 P3373 Q7726 +Q106997 P106 Q10800557 +Q108560 P136 Q1640319 +Q232149 P106 Q81096 +Q92868 P69 Q161562 +Q182349 P106 Q10798782 +Q964071 P69 Q131252 +Q355835 P19 Q48958 +Q284229 P161 Q271856 +Q53453 P106 Q177220 +Q192185 P463 Q30907154 +Q65561 P69 Q156725 +Q224069 P840 Q65 +Q902 P530 Q41 +Q201924 P136 Q645928 +Q25835 P161 Q62310 +Q509341 P136 Q37073 +Q887948 P1303 Q6607 +Q180251 P106 Q18844224 +Q836656 P19 Q1017 +Q155375 P463 Q123885 +Q166092 P1412 Q150 +Q234551 P106 Q10800557 +Q1577693 P27 Q16957 +Q72564 P463 Q414188 +Q801 P530 Q35 +Q335064 P106 Q36180 +Q77061 P106 Q10800557 +Q171989 P69 Q5901972 +Q155375 P27 Q145 +Q294975 P106 Q33999 +Q1077632 P106 Q2252262 +Q4073580 P69 Q1367256 +Q177847 P106 Q36180 +Q212015 P106 Q33999 +Q116013 P106 Q1930187 +Q83275 P69 Q192964 +Q963626 P106 Q158852 +Q163593 P106 Q177220 +Q71640 P27 Q16957 +Q200355 P106 Q43845 +Q90891 P463 Q44687 +Q60684 P106 Q822146 +Q101638 P737 Q126462 +Q203623 P106 Q33231 +Q504458 P106 Q10800557 +Q207659 P136 Q2143665 +Q53453 P106 Q33999 +Q14678 P108 Q130965 +Q1443689 P106 Q639669 +Q887347 P106 Q2252262 +Q2061964 P69 Q13371 +Q103623 P551 Q1055 +Q41252 P106 Q2066131 +Q57592 P69 Q20808141 +Q4235 P136 Q11399 +Q785404 P106 Q639669 +Q22955657 P3373 Q13129708 +Q554164 P106 Q177220 +Q241218 P161 Q16297 +Q303391 P840 Q84 +Q323175 P1412 Q150 +Q185048 P161 Q232109 +Q114819 P161 Q203215 +Q452627 P106 Q81096 +Q273362 P20 Q90 +Q881 P530 Q851 +Q230303 P106 Q1930187 +Q865 P530 Q228 +Q680728 P27 Q29999 +Q117139 P551 Q17 +Q78714 P106 Q10872101 +Q57700 P106 Q177220 +Q46602 P20 Q90 +Q228968 P106 Q15981151 +Q206576 P161 Q4509 +Q103527 P106 Q270389 +Q17714 P69 Q81087 +Q237405 P136 Q131578 +Q168274 P106 Q33999 +Q309709 P136 Q1344 +Q126183 P136 Q860626 +Q2119 P17 Q43287 +Q144622 P136 Q11399 +Q1548904 P136 Q213714 +Q365044 P20 Q220 +Q206576 P161 Q180338 +Q101727 P27 Q183 +Q215989 P20 Q2973 +Q330447 P106 Q28389 +Q354002 P106 Q488205 +Q131333 P119 Q533697 +Q66097 P27 Q15180 +Q60052 P463 Q253439 +Q201484 P101 Q395 +Q83059 P106 Q11774202 +Q187913 P509 Q12136 +Q105941 P2348 Q6927 +Q408 P530 Q819 +Q156898 P27 Q40 +Q274227 P106 Q3455803 +Q64963 P106 Q901 +Q87832 P1412 Q188 +Q381827 P69 Q273593 +Q1785 P106 Q55960555 +Q49081 P19 Q72259 +Q94672 P106 Q1231865 +Q78528 P69 Q686522 +Q179743 P161 Q69645 +Q91557 P106 Q482980 +Q325020 P106 Q33999 +Q312582 P106 Q36834 +Q23858 P106 Q10798782 +Q71616 P106 Q1209498 +Q192410 P136 Q131272 +Q60070 P108 Q40025 +Q25014 P106 Q10800557 +Q157255 P101 Q8134 +Q162035 P27 Q30 +Q77749 P140 Q9592 +Q215565 P19 Q64 +Q309086 P161 Q131866 +Q776387 P27 Q408 +Q310637 P1412 Q9027 +Q678 P30 Q538 +Q263143 P69 Q1145814 +Q214801 P136 Q130232 +Q157400 P101 Q207628 +Q327312 P161 Q178348 +Q4948 P30 Q46 +Q94701 P106 Q201788 +Q2622193 P106 Q36180 +Q235946 P101 Q35760 +Q95174 P19 Q6837 +Q725933 P106 Q214917 +Q15001 P136 Q482 +Q103075 P1412 Q188 +Q464037 P106 Q36180 +Q311476 P463 Q459620 +Q275170 P1303 Q6607 +Q92851 P463 Q127992 +Q190998 P106 Q2259451 +Q436693 P27 Q25 +Q214344 P172 Q2436423 +Q90074 P106 Q49757 +Q17889 P463 Q2822396 +Q672443 P495 Q30 +Q264891 P106 Q36834 +Q594644 P1303 Q17172850 +Q33391 P1412 Q8798 +Q67477 P27 Q183 +Q318792 P106 Q43845 +Q236848 P106 Q6625963 +Q1622098 P1303 Q5994 +Q354382 P27 Q142 +Q235205 P1303 Q17172850 +Q139933 P106 Q49757 +Q299297 P106 Q245068 +Q152318 P106 Q82955 +Q183 P530 Q1006 +Q177984 P136 Q40831 +Q324239 P136 Q5442753 +Q174908 P106 Q18814623 +Q312610 P264 Q193023 +Q310394 P106 Q28389 +Q271500 P551 Q65 +Q33 P530 Q183 +Q250975 P106 Q40348 +Q167437 P136 Q130232 +Q70049 P1412 Q188 +Q128126 P106 Q2306091 +Q1979936 P106 Q82955 +Q37327 P106 Q14467526 +Q200572 P840 Q1297 +Q201418 P106 Q33999 +Q161841 P1412 Q150 +Q1385000 P106 Q2310145 +Q98524 P106 Q2468727 +Q18227 P119 Q1437214 +Q123706 P108 Q1065 +Q4530046 P3373 Q20562503 +Q94284 P161 Q44467 +Q152524 P1412 Q1860 +Q206466 P106 Q177220 +Q212002 P106 Q177220 +Q334648 P136 Q217467 +Q446024 P106 Q49757 +Q175395 P19 Q270 +Q233956 P27 Q145 +Q403 P530 Q229 +Q234581 P106 Q2526255 +Q232009 P161 Q170428 +Q223374 P136 Q2975633 +Q471542 P509 Q389735 +Q2492 P69 Q55044 +Q441326 P106 Q1323191 +Q7245 P106 Q18844224 +Q96585 P106 Q82955 +Q843 P530 Q258 +Q94018 P27 Q30 +Q104358 P264 Q1757254 +Q97550 P27 Q183 +Q213 P530 Q30 +Q711874 P106 Q177220 +Q90856 P136 Q180902 +Q90840 P69 Q151510 +Q131149 P106 Q482980 +Q263598 P106 Q947873 +Q92942 P69 Q49108 +Q19008 P463 Q123885 +Q234570 P106 Q34074720 +Q723063 P106 Q10798782 +Q327261 P106 Q36180 +Q162667 P264 Q2338889 +Q336388 P106 Q639669 +Q470732 P106 Q1930187 +Q8704 P106 Q3282637 +Q158759 P161 Q58444 +Q180019 P106 Q639669 +Q193066 P161 Q42786 +Q41117 P140 Q288928 +Q919835 P106 Q36180 +Q106399 P108 Q168756 +Q444125 P509 Q3505252 +Q546275 P106 Q15949613 +Q187662 P1303 Q17172850 +Q237530 P19 Q1297 +Q3173947 P106 Q43845 +Q276304 P136 Q24925 +Q562213 P106 Q1930187 +Q17 P530 Q34 +Q14045 P106 Q639669 +Q202028 P840 Q1384 +Q332607 P69 Q49112 +Q75151 P551 Q56037 +Q782711 P108 Q219694 +Q810 P530 Q801 +Q600385 P1412 Q9067 +Q826 P530 Q843 +Q253862 P106 Q82955 +Q69430 P27 Q183 +Q70997 P463 Q131566 +Q111087 P172 Q7325 +Q183492 P19 Q1930 +Q568595 P106 Q1792450 +Q82248 P69 Q1247373 +Q323834 P136 Q598929 +Q556858 P108 Q1144673 +Q437713 P106 Q855091 +Q922191 P106 Q1930187 +Q131433 P136 Q2280497 +Q183337 P106 Q18805 +Q152176 P172 Q121842 +Q1634784 P1303 Q1343007 +Q704015 P119 Q208175 +Q555993 P108 Q186285 +Q327681 P495 Q55 +Q178010 P136 Q83440 +Q1012900 P509 Q47912 +Q170515 P1050 Q11081 +Q501 P1412 Q150 +Q314834 P106 Q10798782 +Q165257 P172 Q160894 +Q220269 P20 Q19660 +Q184255 P161 Q316756 +Q194287 P136 Q1133657 +Q4068880 P106 Q482980 +Q152785 P3373 Q151098 +Q69108 P106 Q10800557 +Q651059 P106 Q81096 +Q268615 P1303 Q17172850 +Q909 P737 Q34743 +Q207506 P106 Q10800557 +Q77418 P509 Q12192 +Q381256 P1412 Q7913 +Q235946 P463 Q463303 +Q382680 P106 Q36834 +Q271256 P106 Q2526255 +Q219640 P106 Q36180 +Q17889 P106 Q193391 +Q76 P69 Q49122 +Q101820 P106 Q1234713 +Q238895 P106 Q33999 +Q809093 P106 Q177220 +Q236469 P20 Q72 +Q470732 P136 Q482 +Q313596 P551 Q1054923 +Q442656 P19 Q406 +Q30 P463 Q656801 +Q1271 P509 Q12152 +Q7336 P551 Q1794 +Q187337 P106 Q10800557 +Q1765101 P106 Q639669 +Q234750 P27 Q30 +Q439315 P106 Q28389 +Q34816 P1412 Q1860 +Q70083 P1412 Q7737 +Q123097 P161 Q309932 +Q89188 P69 Q503473 +Q152388 P1303 Q5994 +Q18913 P106 Q121594 +Q484523 P3373 Q332525 +Q170348 P1412 Q1860 +Q958578 P27 Q30 +Q49279 P106 Q43845 +Q258693 P136 Q37073 +Q41269 P19 Q90 +Q218031 P106 Q855091 +Q63556 P509 Q12136 +Q278053 P136 Q842256 +Q169104 P106 Q3455803 +Q205545 P106 Q193391 +Q57358 P1412 Q188 +Q716776 P69 Q174570 +Q359383 P106 Q8178443 +Q953288 P136 Q132311 +Q185510 P20 Q84 +Q711 P530 Q142 +Q676455 P136 Q35760 +Q399 P530 Q863 +Q63556 P106 Q639669 +Q117315 P495 Q145 +Q2514411 P106 Q16533 +Q133050 P1412 Q1860 +Q350704 P106 Q639669 +Q215215 P136 Q83440 +Q191132 P451 Q229319 +Q445606 P69 Q319239 +Q105575 P106 Q82955 +Q270951 P1303 Q17172850 +Q137800 P495 Q30 +Q1634784 P106 Q639669 +Q196159 P136 Q186424 +Q193357 P106 Q6625963 +Q215017 P451 Q193458 +Q269462 P1303 Q17172850 +Q323392 P136 Q157443 +Q312280 P451 Q266222 +Q235955 P1412 Q150 +Q284360 P106 Q2526255 +Q291693 P69 Q459506 +Q317427 P106 Q36834 +Q80204 P161 Q42581 +Q313833 P140 Q3333484 +Q796694 P106 Q1930187 +Q150471 P106 Q6625963 +Q350255 P106 Q28389 +Q77204 P106 Q333634 +Q40791 P1412 Q188 +Q275793 P106 Q2516866 +Q176405 P106 Q36180 +Q11490 P108 Q37156 +Q63695 P27 Q183 +Q35385 P136 Q11366 +Q365557 P20 Q2966 +Q842199 P530 Q191 +Q229983 P106 Q10800557 +Q266640 P27 Q38 +Q204804 P136 Q9759 +Q105460 P106 Q10798782 +Q65372 P27 Q41304 +Q83297 P463 Q123885 +Q132805 P106 Q28389 +Q311223 P463 Q83172 +Q269927 P106 Q482980 +Q352963 P106 Q49757 +Q7563919 P69 Q49108 +Q313767 P106 Q164236 +Q93354 P140 Q9592 +Q23395 P161 Q263696 +Q533369 P106 Q177220 +Q214999 P40 Q77087 +Q65292 P19 Q2865 +Q1736382 P106 Q639669 +Q276139 P101 Q207628 +Q61227 P106 Q15253558 +Q12817 P27 Q668 +Q228676 P1412 Q9035 +Q2704774 P106 Q82955 +Q102403 P27 Q183 +Q463184 P172 Q49085 +Q299122 P106 Q855091 +Q108297 P136 Q1054574 +Q172466 P69 Q168756 +Q298 P463 Q376150 +Q3570727 P27 Q142 +Q95048 P106 Q3387717 +Q73007 P69 Q1026939 +Q357326 P106 Q14915627 +Q128085 P106 Q639669 +Q380381 P27 Q258 +Q514424 P106 Q214917 +Q620609 P101 Q41217 +Q89546 P101 Q476294 +Q958206 P106 Q5716684 +Q311791 P19 Q649 +Q166590 P737 Q909 +Q432929 P463 Q1493021 +Q272270 P136 Q11399 +Q554971 P106 Q55960555 +Q159880 P106 Q14467526 +Q154331 P106 Q639669 +Q64637 P463 Q451079 +Q236151 P19 Q60 +Q855252 P106 Q36834 +Q230943 P551 Q65 +Q526406 P106 Q639669 +Q257805 P27 Q30 +Q44855 P106 Q177220 +Q317907 P140 Q432 +Q81244 P27 Q174193 +Q309214 P106 Q28389 +Q295431 P69 Q81162 +Q539791 P106 Q1622272 +Q315744 P106 Q36834 +Q131333 P106 Q333634 +Q1392583 P1303 Q17172850 +Q4099149 P69 Q4483556 +Q2772878 P1303 Q17172850 +Q138832 P463 Q265058 +Q76358 P106 Q1930187 +Q467817 P106 Q201788 +Q97325 P19 Q6986 +Q378882 P106 Q36180 +Q280400 P161 Q296524 +Q311193 P264 Q2482872 +Q804 P463 Q5611262 +Q1853186 P106 Q639669 +Q355531 P463 Q463303 +Q234721 P20 Q60 +Q213543 P106 Q36180 +Q72717 P106 Q10800557 +Q351989 P57 Q383420 +Q332394 P136 Q2975633 +Q204191 P136 Q130232 +Q55171 P1412 Q1321 +Q310217 P1412 Q188 +Q241115 P106 Q639669 +Q447827 P1412 Q9067 +Q929665 P106 Q177220 +Q171672 P106 Q36180 +Q3301546 P463 Q188771 +Q76440 P172 Q7325 +Q311778 P463 Q684415 +Q95089 P140 Q624477 +Q662406 P106 Q193391 +Q850746 P106 Q822146 +Q78386 P27 Q183 +Q193116 P69 Q622664 +Q85877 P106 Q3387717 +Q94031 P106 Q169470 +Q193803 P69 Q193196 +Q430893 P27 Q174193 +Q710 P530 Q230 +Q78473 P509 Q175111 +Q192301 P161 Q29250 +Q301132 P136 Q959790 +Q229613 P1412 Q1321 +Q127481 P106 Q2526255 +Q317539 P27 Q30 +Q325679 P106 Q16323111 +Q84220 P161 Q727752 +Q26876 P106 Q486748 +Q189042 P106 Q4964182 +Q229228 P106 Q3282637 +Q616021 P106 Q18939491 +Q835 P27 Q34266 +Q61677 P106 Q33999 +Q311253 P509 Q202837 +Q51547 P106 Q2526255 +Q41422 P102 Q29552 +Q105895 P20 Q2079 +Q439455 P106 Q1930187 +Q134773 P161 Q187033 +Q252 P530 Q854 +Q929 P463 Q376150 +Q73506 P19 Q1761 +Q378882 P106 Q49757 +Q1047474 P136 Q11366 +Q503710 P106 Q13235160 +Q175392 P69 Q34433 +Q203860 P1412 Q7737 +Q151820 P106 Q214917 +Q62115 P463 Q700570 +Q139933 P27 Q30 +Q573299 P106 Q1930187 +Q16 P530 Q145 +Q391540 P136 Q52162262 +Q57619 P1412 Q150 +Q388035 P106 Q947873 +Q47162 P509 Q12204 +Q164963 P161 Q16455 +Q295502 P106 Q33999 +Q5912 P106 Q1281618 +Q201359 P27 Q30 +Q201819 P495 Q30 +Q723063 P27 Q145 +Q350 P17 Q174193 +Q55392 P106 Q28389 +Q270441 P1412 Q9043 +Q250539 P27 Q30 +Q44578 P57 Q42574 +Q78918 P136 Q1344 +Q7241 P106 Q214917 +Q60247 P69 Q154804 +Q617932 P106 Q488205 +Q919961 P1303 Q17172850 +Q71905 P106 Q14915627 +Q268604 P26 Q208681 +Q193676 P106 Q33999 +Q367155 P106 Q33999 +Q374045 P69 Q523926 +Q843 P530 Q334 +Q219 P530 Q884 +Q947519 P108 Q13371 +Q1074226 P27 Q17 +Q369492 P136 Q20442589 +Q111182 P106 Q774306 +Q69397 P27 Q183 +Q224650 P27 Q16 +Q188117 P106 Q4853732 +Q7243 P101 Q5891 +Q14441 P19 Q34006 +Q1698 P1303 Q6607 +Q318736 P26 Q440102 +Q666875 P106 Q81096 +Q105118 P509 Q12192 +Q348658 P106 Q177220 +Q316330 P106 Q1622272 +Q19199 P106 Q36834 +Q239419 P101 Q21201 +Q498045 P1303 Q6607 +Q112979 P106 Q333634 +Q325449 P27 Q38 +Q174438 P69 Q193727 +Q6123726 P106 Q3391743 +Q61055 P19 Q2107 +Q486786 P106 Q1327329 +Q7729 P106 Q189290 +Q35448 P27 Q159 +Q187019 P463 Q463303 +Q322056 P172 Q49085 +Q442797 P27 Q35 +Q184226 P20 Q90 +Q76509 P106 Q39631 +Q75797 P1412 Q397 +Q213870 P27 Q151624 +Q30896 P106 Q488205 +Q65825 P1412 Q188 +Q686493 P106 Q201788 +Q192185 P463 Q463281 +Q223830 P106 Q948329 +Q154331 P1412 Q9067 +Q76492 P69 Q159895 +Q116253 P106 Q33999 +Q127442 P102 Q79854 +Q64963 P19 Q1022 +Q60141 P106 Q13418253 +Q474810 P119 Q831322 +Q131324 P27 Q30 +Q39659 P1412 Q150 +Q328723 P1412 Q1860 +Q349591 P136 Q11399 +Q15800 P1412 Q9063 +Q380531 P264 Q216364 +Q744566 P27 Q142 +Q94081 P264 Q3415083 +Q77667 P108 Q154561 +Q79 P530 Q16 +Q125017 P106 Q578109 +Q220351 P106 Q486748 +Q104561 P108 Q152087 +Q97136 P106 Q14467526 +Q811 P463 Q17495 +Q232514 P106 Q33999 +Q1187592 P106 Q36180 +Q276181 P106 Q10798782 +Q76568 P27 Q183 +Q782813 P106 Q6625963 +Q215814 P3373 Q214690 +Q439920 P106 Q482980 +Q32522 P106 Q43845 +Q538716 P136 Q188473 +Q239145 P69 Q5121453 +Q66735968 P106 Q1028181 +Q271324 P20 Q34006 +Q5284 P19 Q5083 +Q242535 P106 Q33999 +Q2516 P69 Q156725 +Q81219 P172 Q133032 +Q179854 P106 Q1622272 +Q81438 P106 Q1607826 +Q65113 P106 Q1930187 +Q85429 P108 Q154804 +Q36844 P136 Q850412 +Q271059 P69 Q1026827 +Q96050 P1412 Q188 +Q159169 P106 Q82955 +Q510034 P69 Q230492 +Q2061964 P172 Q2325516 +Q2594947 P106 Q2462658 +Q438106 P101 Q639669 +Q373968 P509 Q476921 +Q383355 P161 Q350690 +Q240430 P106 Q177220 +Q213675 P106 Q482980 +Q270215 P57 Q187364 +Q4617 P106 Q13235160 +Q208263 P161 Q229268 +Q189665 P69 Q4204467 +Q190302 P106 Q4964182 +Q1320912 P106 Q177220 +Q156890 P1412 Q188 +Q89434 P106 Q33999 +Q336517 P495 Q30 +Q155786 P106 Q3400985 +Q225 P530 Q252 +Q1406622 P106 Q639669 +Q362228 P19 Q4093 +Q212965 P161 Q219373 +Q323834 P264 Q1347984 +Q39803 P106 Q28389 +Q439366 P140 Q7066 +Q95543 P69 Q151510 +Q228904 P106 Q36834 +Q47447 P1412 Q1860 +Q639065 P106 Q13570226 +Q326526 P136 Q130232 +Q29008 P27 Q28513 +Q161400 P495 Q145 +Q87131 P106 Q36180 +Q950350 P19 Q61 +Q316327 P106 Q36180 +Q98172 P69 Q152838 +Q295923 P264 Q645889 +Q315083 P106 Q2405480 +Q369388 P495 Q148 +Q245355 P27 Q142 +Q287644 P106 Q1930187 +Q174037 P69 Q49122 +Q442892 P106 Q753110 +Q207659 P495 Q30 +Q382570 P106 Q855091 +Q937 P172 Q34069 +Q42552 P106 Q482980 +Q152513 P551 Q49111 +Q71763 P1412 Q188 +Q98687 P27 Q183 +Q736847 P106 Q15296811 +Q106399 P108 Q49088 +Q192214 P106 Q1607826 +Q196287 P106 Q205375 +Q171711 P495 Q30 +Q1164355 P106 Q183945 +Q653632 P264 Q203059 +Q64584 P108 Q152087 +Q268604 P106 Q639669 +Q197977 P106 Q10800557 +Q169566 P106 Q18844224 +Q289469 P161 Q214959 +Q20 P530 Q142 +Q156516 P495 Q28 +Q1689075 P1303 Q6607 +Q970 P463 Q827525 +Q344179 P1050 Q12204 +Q214665 P106 Q37226 +Q313516 P106 Q33999 +Q57344 P27 Q183 +Q132952 P106 Q2405480 +Q183 P530 Q766 +Q55832 P1412 Q809 +Q435744 P27 Q183 +Q271874 P264 Q654283 +Q76499 P106 Q36180 +Q15462 P106 Q82955 +Q192214 P509 Q12152 +Q72971 P102 Q49768 +Q371925 P27 Q38 +Q92639 P1412 Q9129 +Q77177 P108 Q463055 +Q1403 P27 Q172579 +Q58978 P551 Q23436 +Q83158 P106 Q36180 +Q171672 P106 Q49757 +Q1452648 P264 Q2338889 +Q186485 P172 Q678551 +Q573405 P108 Q161562 +Q774 P530 Q159 +Q921 P30 Q48 +Q47221 P840 Q60 +Q234212 P106 Q970153 +Q220154 P161 Q236189 +Q154556 P737 Q152388 +Q1349702 P106 Q36834 +Q34787 P106 Q188094 +Q276392 P161 Q81489 +Q95479 P106 Q1234713 +Q1131225 P136 Q200092 +Q42747 P463 Q463303 +Q346085 P106 Q753110 +Q66248 P463 Q414110 +Q215090 P69 Q154561 +Q354250 P641 Q2736 +Q323937 P19 Q42308 +Q334 P37 Q727694 +Q151870 P161 Q347395 +Q296177 P106 Q10798782 +Q65600 P108 Q152171 +Q2736087 P106 Q1734662 +Q84561 P69 Q165980 +Q313281 P106 Q33999 +Q190772 P108 Q209842 +Q143172 P106 Q974144 +Q219631 P106 Q10798782 +Q313813 P27 Q30 +Q225 P530 Q35 +Q180710 P106 Q10800557 +Q236599 P106 Q639669 +Q184169 P737 Q5816 +Q12862 P106 Q860918 +Q155112 P1412 Q188 +Q40071 P161 Q40321 +Q1500 P1412 Q1321 +Q249350 P161 Q165518 +Q42493 P264 Q190585 +Q112284 P106 Q618694 +Q522739 P106 Q639669 +Q323060 P19 Q160642 +Q236399 P1412 Q1860 +Q10648 P106 Q1930187 +Q57379 P140 Q1841 +Q77967 P27 Q30 +Q181689 P172 Q49085 +Q7439 P140 Q7066 +Q78939 P106 Q214917 +Q180453 P106 Q55960555 +Q60126 P463 Q156652 +Q83172 P17 Q159 +Q213393 P140 Q33203 +Q408 P463 Q7809 +Q93397 P106 Q4964182 +Q65035 P106 Q13570226 +Q544607 P57 Q55375 +Q1526406 P106 Q131524 +Q213945 P106 Q185351 +Q18809 P463 Q83172 +Q104196 P106 Q10800557 +Q238 P463 Q8475 +Q79023 P108 Q927373 +Q983705 P69 Q13164 +Q550395 P69 Q4614 +Q230169 P106 Q3501317 +Q152880 P106 Q16145150 +Q70478 P27 Q30 +Q8349 P106 Q177220 +Q44855 P3373 Q131324 +Q538901 P1303 Q17172850 +Q342419 P1412 Q188 +Q222833 P106 Q10798782 +Q329448 P161 Q45772 +Q933453 P106 Q28389 +Q96595 P101 Q4932206 +Q20 P530 Q30 +Q387072 P106 Q33999 +Q183439 P1412 Q1860 +Q183105 P69 Q192088 +Q312407 P106 Q164236 +Q22670 P172 Q42884 +Q77235 P106 Q205375 +Q207921 P161 Q298352 +Q297794 P106 Q28389 +Q157400 P1303 Q5994 +Q301132 P136 Q52162262 +Q366956 P106 Q3387717 +Q7999 P1303 Q5994 +Q78931 P102 Q7320 +Q126961 P106 Q8178443 +Q353774 P19 Q65 +Q34 P463 Q826700 +Q978830 P69 Q41506 +Q1282956 P136 Q83440 +Q76553 P106 Q1622272 +Q241 P530 Q672 +Q236606 P27 Q16 +Q451608 P463 Q117467 +Q722555 P106 Q333634 +Q682673 P106 Q177220 +Q338623 P20 Q1726 +Q230578 P108 Q168756 +Q3305837 P106 Q1622272 +Q708158 P19 Q16555 +Q740378 P106 Q36180 +Q7349 P20 Q1741 +Q106482 P509 Q12078 +Q156622 P27 Q41 +Q419 P530 Q408 +Q151691 P140 Q75809 +Q177374 P161 Q229013 +Q229375 P1303 Q6607 +Q62746 P161 Q262886 +Q187019 P106 Q11774202 +Q57391 P27 Q183 +Q69430 P69 Q3064325 +Q289895 P20 Q2066 +Q110042 P1412 Q188 +Q23359 P106 Q10798782 +Q242949 P106 Q2405480 +Q560921 P106 Q1930187 +Q211784 P136 Q319221 +Q152388 P737 Q9235 +Q349857 P106 Q10800557 +Q867599 P106 Q36834 +Q55917 P108 Q144488 +Q181727 P1412 Q1860 +Q1282910 P106 Q36834 +Q506231 P1412 Q1860 +Q555147 P102 Q1332068 +Q133054 P101 Q35760 +Q441456 P172 Q7325 +Q71208 P108 Q151510 +Q37767 P737 Q183167 +Q214 P530 Q213 +Q231923 P172 Q49085 +Q212416 P106 Q10798782 +Q3123791 P69 Q55044 +Q154545 P69 Q1059546 +Q735283 P106 Q193391 +Q366570 P106 Q33999 +Q235364 P106 Q36180 +Q510114 P27 Q142 +Q315136 P551 Q3711 +Q127539 P106 Q1930187 +Q84423 P108 Q50662 +Q979347 P27 Q30 +Q245257 P463 Q463281 +Q76984 P106 Q2516866 +Q108560 P264 Q3001888 +Q9391 P106 Q4964182 +Q102822 P463 Q188771 +Q1377218 P27 Q30 +Q976090 P1303 Q46185 +Q1928543 P106 Q177220 +Q182788 P102 Q29468 +Q1397888 P106 Q639669 +Q131259 P106 Q753110 +Q154756 P69 Q820887 +Q835 P106 Q8178443 +Q1660305 P159 Q65 +Q457856 P106 Q1476215 +Q34970 P509 Q12204 +Q311786 P69 Q777403 +Q697741 P27 Q403 +Q240238 P20 Q84 +Q48589 P106 Q4853732 +Q36951 P1412 Q188 +Q983233 P106 Q6625963 +Q311263 P27 Q30 +Q1254 P69 Q49108 +Q444728 P1303 Q281460 +Q266361 P106 Q10800557 +Q331711 P106 Q183945 +Q73432 P106 Q193391 +Q312693 P264 Q203059 +Q172975 P161 Q38111 +Q372278 P1303 Q6607 +Q786579 P463 Q684415 +Q170373 P106 Q82955 +Q24302 P106 Q864380 +Q86419 P106 Q82955 +Q85982 P101 Q8242 +Q57180 P509 Q12202 +Q4952325 P106 Q43845 +Q513615 P106 Q49757 +Q776387 P1412 Q1860 +Q45245 P106 Q14972848 +Q953 P463 Q827525 +Q187165 P1303 Q6607 +Q299324 P106 Q10800557 +Q1885893 P69 Q235034 +Q2071 P106 Q1028181 +Q179269 P509 Q11081 +Q323074 P106 Q33999 +Q2610 P27 Q183 +Q981419 P106 Q36180 +Q327809 P161 Q78766 +Q63458 P69 Q152087 +Q216195 P463 Q463303 +Q235707 P106 Q10800557 +Q298341 P140 Q7066 +Q160852 P119 Q5933 +Q163747 P106 Q6625963 +Q122163 P27 Q39 +Q28517 P106 Q372436 +Q193668 P106 Q33999 +Q202725 P1412 Q1860 +Q1289900 P106 Q40348 +Q184 P530 Q34 +Q713213 P69 Q193510 +Q329549 P106 Q36180 +Q132952 P106 Q36834 +Q2599 P106 Q177220 +Q715701 P108 Q230492 +Q18391 P106 Q36180 +Q96762 P19 Q2090 +Q57472 P20 Q1718 +Q180405 P161 Q230004 +Q617109 P463 Q117467 +Q45575 P106 Q5482740 +Q187884 P106 Q3282637 +Q196004 P57 Q47284 +Q81487 P136 Q842256 +Q435468 P106 Q10798782 +Q235470 P108 Q13371 +Q69412 P19 Q1022 +Q237033 P1412 Q150 +Q236378 P106 Q639669 +Q1353064 P106 Q169470 +Q4941 P840 Q8686 +Q233265 P27 Q145 +Q298773 P106 Q36180 +Q53680 P106 Q10800557 +Q80596 P509 Q181754 +Q298766 P19 Q270230 +Q34389 P1303 Q17172850 +Q83059 P737 Q6882 +Q63432 P509 Q175111 +Q794 P530 Q1005 +Q432689 P264 Q183387 +Q851 P463 Q4783148 +Q15180 P463 Q81299 +Q276620 P1303 Q5994 +Q5052689 P509 Q12152 +Q236066 P106 Q4610556 +Q541929 P106 Q27532437 +Q95447 P106 Q14467526 +Q230068 P106 Q486748 +Q152824 P106 Q6625963 +Q370959 P27 Q30 +Q187165 P106 Q18814623 +Q221384 P161 Q248179 +Q518839 P27 Q28 +Q310773 P106 Q18576582 +Q112227 P106 Q82955 +Q40057 P172 Q1344183 +Q91090 P106 Q482980 +Q313813 P1303 Q46185 +Q230958 P509 Q12202 +Q198557 P136 Q471839 +Q2481742 P119 Q272208 +Q184750 P737 Q152388 +Q53633 P1412 Q9027 +Q235318 P106 Q1028181 +Q48042 P27 Q15180 +Q93664 P19 Q1741 +Q71404 P108 Q1161297 +Q581943 P27 Q403 +Q406854 P106 Q33999 +Q45338 P106 Q10800557 +Q154325 P101 Q413 +Q568246 P159 Q60 +Q374504 P69 Q705737 +Q112747 P161 Q272977 +Q340260 P1303 Q9798 +Q179269 P106 Q10798782 +Q63505 P69 Q151510 +Q484523 P1412 Q1860 +Q3259416 P106 Q81096 +Q714646 P102 Q29468 +Q44032 P27 Q28513 +Q237385 P136 Q11700058 +Q272931 P136 Q83440 +Q34414 P161 Q513849 +Q321378 P27 Q30 +Q238869 P1303 Q3382191 +Q159 P530 Q148 +Q32927 P27 Q15180 +Q92643 P69 Q192088 +Q7197 P101 Q5891 +Q3090082 P509 Q212961 +Q303040 P136 Q157443 +Q87137 P1412 Q188 +Q1033 P530 Q865 +Q18425 P106 Q860918 +Q38573 P69 Q153987 +Q221102 P136 Q3072049 +Q680881 P69 Q1059546 +Q374526 P161 Q19526 +Q715315 P509 Q181754 +Q1074226 P106 Q177220 +Q95663 P20 Q79860 +Q11907 P106 Q1075651 +Q1386793 P1303 Q17172850 +Q298920 P1050 Q11085 +Q231121 P27 Q17 +Q148 P530 Q678 +Q269887 P136 Q52207399 +Q234438 P106 Q10798782 +Q220308 P27 Q30 +Q316064 P27 Q30 +Q60586 P463 Q4345832 +Q516473 P106 Q1930187 +Q63078 P108 Q152171 +Q268181 P27 Q30 +Q522579 P106 Q4964182 +Q712139 P106 Q488205 +Q62661 P106 Q36834 +Q213775 P106 Q2516866 +Q214642 P463 Q463303 +Q38785 P106 Q1028181 +Q328320 P161 Q311804 +Q97883 P106 Q82955 +Q39659 P1412 Q188 +Q233229 P19 Q17042 +Q782629 P20 Q2044 +Q250545 P106 Q33999 +Q215122 P106 Q1930187 +Q102711 P106 Q10800557 +Q421471 P106 Q33999 +Q865 P463 Q37470 +Q231530 P106 Q13235160 +Q310190 P1412 Q1860 +Q50612 P463 Q1938003 +Q235635 P106 Q2259451 +Q954231 P106 Q639669 +Q1973856 P106 Q177220 +Q300360 P161 Q267914 +Q22072 P106 Q10798782 +Q342430 P106 Q2259451 +Q51010 P1303 Q17172850 +Q62672 P27 Q183 +Q53783 P737 Q855 +Q179282 P551 Q16559 +Q1110652 P495 Q30 +Q18066 P119 Q1457437 +Q325428 P106 Q49757 +Q462446 P140 Q9089 +Q423 P463 Q17495 +Q361617 P463 Q463303 +Q216339 P463 Q329464 +Q219421 P161 Q44380 +Q288157 P27 Q38 +Q78763 P106 Q10800557 +Q239845 P1412 Q150 +Q1398834 P1303 Q6607 +Q114354 P20 Q1726 +Q16345 P106 Q2405480 +Q38757 P106 Q28389 +Q124208 P108 Q152087 +Q313653 P106 Q10800557 +Q66800 P106 Q4002666 +Q171672 P106 Q1930187 +Q194413 P161 Q105221 +Q526107 P136 Q487914 +Q72334 P69 Q49115 +Q757 P463 Q294278 +Q212064 P106 Q4610556 +Q159054 P161 Q335376 +Q270905 P106 Q3357567 +Q25310 P3373 Q432694 +Q48070 P119 Q208175 +Q73096 P69 Q151510 +Q47293 P451 Q4612 +Q59478 P463 Q270794 +Q7747 P106 Q6665249 +Q76984 P140 Q1069127 +Q3589 P495 Q30 +Q335794 P106 Q28389 +Q361940 P106 Q183945 +Q43718 P106 Q37226 +Q215122 P108 Q165980 +Q49285 P106 Q36180 +Q1000 P463 Q191384 +Q184650 P27 Q30 +Q560048 P106 Q14915627 +Q36233 P463 Q1468277 +Q88389 P19 Q4120832 +Q44540 P106 Q36180 +Q946774 P106 Q520549 +Q110942 P69 Q35794 +Q1394 P106 Q82955 +Q12857 P1412 Q1321 +Q286566 P1412 Q150 +Q450271 P106 Q185351 +Q240360 P1303 Q17172850 +Q368421 P161 Q296028 +Q6096 P106 Q10800557 +Q139319 P30 Q48 +Q1339382 P451 Q298682 +Q234663 P136 Q8261 +Q274070 P106 Q7042855 +Q147811 P1412 Q5287 +Q253695 P264 Q847018 +Q375845 P27 Q28 +Q294531 P106 Q855091 +Q62988 P69 Q21578 +Q232085 P264 Q27184 +Q310975 P19 Q60 +Q17 P530 Q921 +Q7176 P1412 Q13955 +Q48868 P1412 Q150 +Q380467 P69 Q49108 +Q36951 P27 Q28 +Q69631 P172 Q42884 +Q167409 P106 Q12800682 +Q235364 P106 Q28389 +Q5549674 P108 Q309331 +Q4103721 P1412 Q8785 +Q736847 P20 Q1781 +Q283267 P106 Q6625963 +Q96050 P20 Q64 +Q959588 P69 Q73094 +Q271731 P119 Q118967 +Q1053996 P17 Q145 +Q709077 P106 Q82955 +Q44707 P106 Q177220 +Q562521 P1412 Q1860 +Q343510 P27 Q16 +Q89709 P69 Q20808141 +Q1277002 P106 Q28389 +Q701587 P20 Q90 +Q28 P530 Q16 +Q233081 P69 Q49088 +Q303213 P161 Q228931 +Q1152239 P136 Q11401 +Q4636 P106 Q15981151 +Q452219 P1412 Q9056 +Q634776 P27 Q161885 +Q274973 P136 Q130232 +Q132205 P106 Q33999 +Q354141 P106 Q177220 +Q722042 P106 Q10798782 +Q193676 P172 Q49085 +Q2599 P1303 Q52954 +Q63791 P20 Q1492 +Q60851 P463 Q812155 +Q719360 P1412 Q188 +Q19543 P20 Q2090 +Q18154882 P161 Q310060 +Q38 P530 Q43 +Q23685 P106 Q82955 +Q95030 P106 Q947873 +Q865 P530 Q1008 +Q94370 P106 Q36180 +Q4349 P1412 Q1860 +Q357974 P136 Q11399 +Q248837 P106 Q10800557 +Q367973 P27 Q30 +Q314774 P106 Q82955 +Q132689 P161 Q58801 +Q49478 P19 Q90 +Q1928973 P136 Q131578 +Q215630 P1412 Q188 +Q116852 P161 Q358345 +Q107432 P106 Q486748 +Q89689 P102 Q662377 +Q12279060 P69 Q841581 +Q172599 P20 Q2634 +Q26876 P136 Q484641 +Q390097 P161 Q310932 +Q234773 P140 Q131036 +Q48410 P69 Q15142 +Q92035 P106 Q783906 +Q733392 P69 Q131262 +Q833 P530 Q858 +Q311786 P27 Q30 +Q76748 P106 Q1234713 +Q962971 P1412 Q9035 +Q242482 P106 Q2259451 +Q150804 P57 Q51552 +Q333265 P27 Q159 +Q60788 P27 Q183 +Q157242 P463 Q543804 +Q96594 P108 Q156737 +Q361297 P26 Q238402 +Q101715 P19 Q2079 +Q270560 P106 Q3282637 +Q70263 P106 Q40348 +Q265031 P27 Q30 +Q45386 P136 Q52162262 +Q183512 P161 Q229011 +Q89546 P106 Q193391 +Q229716 P106 Q18814623 +Q175366 P27 Q174193 +Q1346126 P27 Q30 +Q461399 P27 Q16 +Q75757 P106 Q82955 +Q206685 P106 Q36180 +Q519851 P106 Q36180 +Q255070 P106 Q33999 +Q313509 P106 Q6625963 +Q229716 P19 Q4093 +Q159603 P106 Q15627169 +Q254038 P106 Q10798782 +Q6107 P106 Q10800557 +Q95050 P19 Q18424 +Q151898 P840 Q1297 +Q659020 P20 Q437 +Q1000051 P69 Q333886 +Q374181 P106 Q10800557 +Q160058 P106 Q158852 +Q314343 P737 Q193397 +Q181900 P106 Q2516866 +Q645889 P136 Q56284716 +Q67385 P140 Q55004488 +Q14100 P27 Q28 +Q359457 P1303 Q17172850 +Q506127 P19 Q1439 +Q92497 P1412 Q188 +Q240894 P136 Q369747 +Q75151 P551 Q649 +Q2367411 P27 Q29 +Q72124 P106 Q1930187 +Q246970 P106 Q33999 +Q230045 P106 Q33999 +Q310252 P106 Q177220 +Q101638 P1412 Q150 +Q4184336 P20 Q649 +Q183167 P140 Q9592 +Q1232794 P106 Q177220 +Q122094 P69 Q185246 +Q210798 P1412 Q150 +Q202461 P106 Q10800557 +Q295919 P119 Q1437214 +Q53002 P451 Q106349 +Q973755 P1303 Q17172850 +Q44071 P106 Q193391 +Q43259 P136 Q54365 +Q2287423 P3373 Q22955657 +Q350857 P106 Q39631 +Q76279 P106 Q1209498 +Q19008 P106 Q4964182 +Q1929135 P509 Q212961 +Q60546 P106 Q189290 +Q170800 P140 Q9592 +Q268604 P19 Q23197 +Q315210 P27 Q142 +Q231880 P1303 Q52954 +Q909001 P106 Q201788 +Q75523 P69 Q51985 +Q468345 P106 Q205375 +Q48051 P119 Q208175 +Q4617 P172 Q49085 +Q157024 P172 Q179248 +Q298905 P509 Q12202 +Q44847 P27 Q17 +Q111873 P106 Q185351 +Q7314 P551 Q90 +Q40 P530 Q212 +Q954681 P136 Q14390274 +Q316086 P27 Q159 +Q90819 P69 Q152087 +Q190379 P172 Q42406 +Q25880 P140 Q6423963 +Q78185 P106 Q15214752 +Q444525 P840 Q1522 +Q158394 P463 Q812155 +Q42398 P106 Q36180 +Q2518 P106 Q201788 +Q162518 P161 Q40531 +Q72553 P20 Q64 +Q380981 P495 Q30 +Q215366 P106 Q18814623 +Q1687749 P106 Q43845 +Q107422 P106 Q1622272 +Q483203 P106 Q584301 +Q37 P463 Q663492 +Q229254 P106 Q10800557 +Q202185 P69 Q153265 +Q208108 P136 Q130232 +Q76437 P102 Q7320 +Q216102 P69 Q157575 +Q505949 P1412 Q1321 +Q304874 P463 Q463281 +Q239195 P19 Q65 +Q1387593 P69 Q185246 +Q230496 P161 Q295974 +Q765165 P102 Q79854 +Q13129708 P3373 Q53570396 +Q1364884 P27 Q145 +Q324129 P463 Q266063 +Q7304 P69 Q165980 +Q3341701 P20 Q656 +Q65105 P106 Q10800557 +Q252734 P509 Q47912 +Q547373 P19 Q1297 +Q104326 P1412 Q150 +Q96414 P108 Q152171 +Q1397375 P19 Q1345 +Q123706 P1412 Q188 +Q287244 P106 Q860918 +Q66987 P1412 Q397 +Q919515 P641 Q5369 +Q1290755 P106 Q639669 +Q77101 P106 Q20725072 +Q356762 P136 Q37073 +Q113953 P106 Q1930187 +Q3430566 P69 Q49122 +Q388557 P106 Q33999 +Q506102 P19 Q87 +Q163118 P463 Q161806 +Q87832 P106 Q36180 +Q213081 P161 Q54314 +Q217298 P106 Q36180 +Q78508 P509 Q12078 +Q67449 P101 Q7867 +Q924 P463 Q7785 +Q773303 P106 Q49757 +Q206890 P106 Q4610556 +Q902 P530 Q668 +Q3920109 P1412 Q809 +Q608235 P19 Q1085 +Q62988 P106 Q193391 +Q125057 P20 Q546 +Q505957 P106 Q753110 +Q62672 P19 Q365 +Q338623 P106 Q947873 +Q185024 P106 Q82955 +Q15873 P27 Q145 +Q1608224 P106 Q488205 +Q158759 P495 Q17 +Q202536 P106 Q177220 +Q187832 P106 Q3501317 +Q313443 P641 Q31920 +Q865 P530 Q31 +Q267803 P27 Q30 +Q223033 P106 Q36834 +Q837 P530 Q252 +Q39837 P737 Q868 +Q76478 P106 Q28389 +Q9317 P106 Q82955 +Q95268 P20 Q64 +Q60752 P27 Q183 +Q93996 P1412 Q188 +Q679289 P106 Q855091 +Q159250 P1303 Q17172850 +Q177111 P106 Q183945 +Q732434 P106 Q15980158 +Q234695 P136 Q131272 +Q156394 P136 Q860626 +Q2090 P17 Q713750 +Q93996 P69 Q165980 +Q369394 P20 Q65 +Q58284 P1412 Q188 +Q105362 P106 Q28389 +Q218679 P106 Q214917 +Q241 P530 Q252 +Q70223 P1412 Q150 +Q62116 P101 Q1234713 +Q291500 P136 Q8261 +Q468345 P106 Q81096 +Q65126 P102 Q152554 +Q22686 P1412 Q1860 +Q656752 P17 Q30 +Q108941 P69 Q1185037 +Q1984116 P106 Q947873 +Q179257 P19 Q49231 +Q77107 P106 Q36180 +Q74807 P27 Q183 +Q25186 P27 Q30 +Q296828 P106 Q1415090 +Q132537 P172 Q34069 +Q315441 P106 Q36180 +Q159 P530 Q854 +Q96665 P101 Q395 +Q269402 P136 Q11399 +Q294531 P106 Q486748 +Q45970 P463 Q1132636 +Q130631 P106 Q1622272 +Q331791 P19 Q18426 +Q535157 P463 Q83172 +Q9161 P106 Q860918 +Q193066 P136 Q157443 +Q106554 P1412 Q188 +Q62988 P69 Q168756 +Q224097 P1412 Q1321 +Q705743 P1412 Q1860 +Q85490 P106 Q10798782 +Q818006 P108 Q49110 +Q177311 P69 Q49088 +Q40096 P106 Q55960555 +Q717884 P106 Q36180 +Q1346111 P119 Q1574424 +Q233265 P106 Q214917 +Q641582 P27 Q191077 +Q326571 P27 Q30 +Q92602 P69 Q34433 +Q1766736 P106 Q1622272 +Q41042 P140 Q7066 +Q25854 P140 Q101849 +Q214466 P1303 Q17172850 +Q20127 P27 Q43287 +Q94487 P106 Q18814623 +Q303751 P27 Q30 +Q2449206 P3373 Q13132095 +Q246497 P106 Q170790 +Q436894 P26 Q309989 +Q76749 P106 Q4964182 +Q258753 P106 Q662729 +Q7439 P106 Q8246794 +Q270786 P106 Q4610556 +Q767 P108 Q926749 +Q342803 P131 Q1370 +Q187516 P102 Q29552 +Q240933 P509 Q202837 +Q8814 P101 Q395 +Q58284 P106 Q36180 +Q77777 P106 Q10800557 +Q61743 P106 Q1622272 +Q2643 P106 Q18814623 +Q62725 P27 Q183 +Q2103 P30 Q5401 +Q573323 P106 Q753110 +Q75371 P101 Q2732142 +Q302835 P140 Q9585 +Q64263 P108 Q151510 +Q367234 P119 Q23276 +Q8312 P106 Q36180 +Q151113 P136 Q211756 +Q332497 P161 Q313043 +Q374223 P19 Q62 +Q229671 P102 Q29552 +Q60966 P509 Q12078 +Q233362 P106 Q177220 +Q2271710 P106 Q131524 +Q122113 P161 Q298255 +Q48987 P106 Q10800557 +Q28234 P840 Q142 +Q1219622 P106 Q205375 +Q215556 P106 Q1622272 +Q695200 P1412 Q1860 +Q206112 P1303 Q31561 +Q77210 P102 Q49768 +Q551735 P106 Q4964182 +Q234630 P20 Q11299 +Q43067 P40 Q62539 +Q131324 P106 Q36180 +Q128553 P106 Q18814623 +Q930324 P69 Q204181 +Q68543 P1303 Q9798 +Q121060 P106 Q36180 +Q274181 P27 Q30 +Q289752 P1412 Q5287 +Q155700 P106 Q5716684 +Q726295 P106 Q488205 +Q334648 P740 Q84 +Q381944 P106 Q49757 +Q85112 P20 Q1741 +Q330014 P106 Q33999 +Q70049 P106 Q185351 +Q98885 P69 Q55044 +Q439267 P1303 Q17172850 +Q110462 P106 Q2526255 +Q230 P530 Q399 +Q215916 P106 Q4964182 +Q105875 P264 Q165745 +Q41166 P136 Q128758 +Q334633 P106 Q1930187 +Q769328 P136 Q211573 +Q60025 P737 Q190089 +Q223559 P495 Q145 +Q36105 P102 Q29552 +Q278053 P495 Q30 +Q71855 P463 Q329464 +Q439314 P106 Q33999 +Q76114 P106 Q4964182 +Q1634482 P69 Q9842 +Q909 P1412 Q150 +Q236125 P1303 Q6607 +Q11998 P136 Q850412 +Q3615114 P69 Q1379834 +Q39829 P136 Q193606 +Q922457 P20 Q60 +Q165193 P264 Q21077 +Q460379 P136 Q496523 +Q313279 P27 Q30 +Q706542 P20 Q4191 +Q9364 P106 Q214917 +Q201472 P20 Q649 +Q4723060 P106 Q40348 +Q453447 P172 Q79797 +Q1386948 P264 Q43327 +Q71208 P3373 Q98173 +Q212532 P19 Q18419 +Q228676 P1412 Q1860 +Q352203 P106 Q2259451 +Q152293 P1303 Q8355 +Q1626134 P136 Q645928 +Q303040 P161 Q211082 +Q266368 P106 Q33999 +Q984165 P108 Q49088 +Q1453287 P463 Q3394637 +Q310551 P106 Q33999 +Q436769 P106 Q33999 +Q174843 P69 Q7894738 +Q215721 P27 Q801 +Q70989 P106 Q36180 +Q204019 P136 Q316930 +Q46139 P69 Q705737 +Q221109 P161 Q164782 +Q87402 P69 Q122453 +Q276772 P136 Q188473 +Q465105 P172 Q49085 +Q1726 P138 Q733786 +Q690474 P69 Q181410 +Q200661 P27 Q96 +Q102541 P106 Q1622272 +Q25529 P106 Q488205 +Q323516 P27 Q30 +Q53002 P172 Q121842 +Q207898 P136 Q9794 +Q1125383 P106 Q639669 +Q229065 P1412 Q1860 +Q151825 P161 Q316857 +Q19845 P264 Q2576206 +Q161363 P463 Q463303 +Q976283 P1412 Q150 +Q185007 P463 Q3603946 +Q42786 P26 Q333475 +Q294185 P106 Q10800557 +Q11031 P27 Q172579 +Q622636 P509 Q188605 +Q78553 P1412 Q188 +Q724871 P106 Q201788 +Q457803 P27 Q35 +Q8772 P463 Q83172 +Q193397 P106 Q855091 +Q1869627 P264 Q193023 +Q272069 P27 Q145 +Q232985 P106 Q2405480 +Q942929 P106 Q876864 +Q230516 P27 Q408 +Q60072 P161 Q266445 +Q230303 P69 Q1149089 +Q240772 P106 Q901 +Q4985 P27 Q30 +Q160726 P140 Q748 +Q515904 P19 Q36036 +Q221104 P161 Q432385 +Q235384 P106 Q10800557 +Q445392 P106 Q193391 +Q208108 P840 Q90 +Q537665 P69 Q194223 +Q91059 P106 Q1930187 +Q77312 P106 Q36180 +Q246711 P161 Q174346 +Q67637 P3373 Q57399 +Q47152 P136 Q5967378 +Q192634 P106 Q193391 +Q74062 P463 Q833738 +Q2159912 P20 Q1218 +Q158394 P106 Q1930187 +Q295923 P106 Q131524 +Q943361 P108 Q499911 +Q47480 P1412 Q1860 +Q340046 P106 Q36180 +Q290502 P101 Q482 +Q79078 P106 Q1622272 +Q741058 P1412 Q1860 +Q84 P30 Q46 +Q605129 P136 Q187760 +Q60644 P108 Q152087 +Q558167 P106 Q201788 +Q2255438 P1412 Q150 +Q902 P463 Q7809 +Q1064 P27 Q165154 +Q105428 P108 Q206702 +Q110709 P463 Q3291340 +Q205456 P106 Q2059704 +Q93043 P106 Q81096 +Q313281 P20 Q48958 +Q162255 P161 Q241510 +Q184267 P463 Q842008 +Q445302 P136 Q182015 +Q232917 P106 Q10798782 +Q1242553 P106 Q36834 +Q805 P530 Q458 +Q738765 P106 Q4263842 +Q224029 P119 Q48958 +Q7728 P1412 Q150 +Q47159 P264 Q726251 +Q228584 P19 Q649 +Q553543 P106 Q486748 +Q8863 P106 Q18814623 +Q750 P37 Q1321 +Q384847 P27 Q34 +Q1931736 P1303 Q8355 +Q65728 P106 Q81096 +Q22686 P551 Q1384 +Q14278 P101 Q2329 +Q270410 P161 Q310190 +Q1149 P69 Q774489 +Q315417 P27 Q766 +Q47595 P106 Q49757 +Q130447 P106 Q4610556 +Q518576 P27 Q142 +Q313193 P106 Q36180 +Q332330 P840 Q41 +Q10390 P106 Q618694 +Q51488 P119 Q1358639 +Q219640 P106 Q10798782 +Q262314 P1412 Q1860 +Q235077 P106 Q1415090 +Q434915 P106 Q2914170 +Q238305 P106 Q2405480 +Q277551 P136 Q484641 +Q207698 P161 Q371430 +Q2825252 P1412 Q652 +Q721043 P106 Q639669 +Q178412 P20 Q2044 +Q77087 P136 Q4184 +Q702 P530 Q865 +Q20 P30 Q46 +Q488099 P19 Q2280 +Q5928 P27 Q30 +Q112136 P108 Q165980 +Q335036 P136 Q11366 +Q919081 P108 Q131252 +Q216195 P737 Q5686 +Q1560662 P19 Q84 +Q183337 P69 Q193196 +Q282588 P509 Q12078 +Q57603 P108 Q739627 +Q187561 P136 Q20442589 +Q112880 P106 Q36180 +Q116375 P106 Q36180 +Q250545 P106 Q3282637 +Q897275 P140 Q75809 +Q60465 P102 Q7320 +Q264699 P1412 Q1860 +Q60546 P19 Q3874 +Q258053 P1303 Q11405 +Q182372 P27 Q30 +Q37 P530 Q833 +Q18430 P108 Q41506 +Q47243 P106 Q36180 +Q4460848 P1412 Q7737 +Q34677 P551 Q65 +Q25483 P102 Q29468 +Q36184 P106 Q36180 +Q35912 P106 Q177220 +Q984614 P106 Q639669 +Q3772 P737 Q51581 +Q1236051 P20 Q2807 +Q164963 P161 Q80966 +Q450271 P106 Q860918 +Q200827 P136 Q1200678 +Q557 P19 Q1297 +Q441941 P1412 Q1860 +Q78492 P106 Q1930187 +Q1019 P463 Q17495 +Q62918 P106 Q81096 +Q49017 P106 Q10798782 +Q238364 P69 Q217741 +Q269890 P264 Q843402 +Q21088 P264 Q231694 +Q141829 P463 Q1971373 +Q1888523 P106 Q18805 +Q1027 P530 Q833 +Q319084 P551 Q60 +Q123849 P106 Q33999 +Q346216 P19 Q1486 +Q78526 P108 Q871369 +Q235252 P136 Q484641 +Q156505 P509 Q12078 +Q680881 P106 Q1930187 +Q435665 P106 Q177220 +Q233832 P69 Q993267 +Q953841 P106 Q639669 +Q101638 P106 Q43845 +Q314640 P27 Q30 +Q489643 P1412 Q1860 +Q117990 P20 Q2807 +Q39 P30 Q46 +Q127345 P106 Q4773904 +Q77079 P1050 Q10874 +Q312995 P737 Q140201 +Q214677 P106 Q11774202 +Q237081 P106 Q3427922 +Q41568 P106 Q82955 +Q184622 P106 Q214917 +Q151917 P1412 Q9027 +Q258980 P19 Q65 +Q1432130 P106 Q183945 +Q7711132 P161 Q317228 +Q48055 P106 Q47064 +Q52997 P1050 Q11081 +Q234104 P106 Q177220 +Q170842 P172 Q44806 +Q44584 P106 Q4853732 +Q2263 P26 Q234144 +Q126481 P1412 Q188 +Q171525 P27 Q30 +Q2622688 P27 Q211 +Q211429 P161 Q23844 +Q87402 P106 Q15980158 +Q462356 P106 Q36180 +Q63682 P551 Q1055 +Q1033 P530 Q155 +Q246497 P106 Q169470 +Q277559 P106 Q1622272 +Q213642 P27 Q183 +Q92756 P463 Q191583 +Q767329 P1412 Q1321 +Q323236 P106 Q4610556 +Q92481 P106 Q212980 +Q298388 P106 Q822146 +Q156532 P106 Q33999 +Q369283 P106 Q1622272 +Q219655 P106 Q33999 +Q974221 P19 Q4093 +Q2658411 P27 Q12560 +Q318910 P136 Q2137852 +Q356499 P509 Q12192 +Q444713 P463 Q695302 +Q313654 P106 Q10800557 +Q207916 P161 Q28054 +Q672443 P161 Q256164 +Q52255 P106 Q6625963 +Q150482 P106 Q2405480 +Q346091 P106 Q1930187 +Q520275 P1412 Q1321 +Q180214 P161 Q37628 +Q1402 P1412 Q652 +Q143867 P40 Q60465 +Q193105 P106 Q3282637 +Q725060 P69 Q691283 +Q92858 P69 Q333705 +Q105466 P19 Q84 +Q70478 P69 Q152087 +Q259788 P19 Q1218 +Q276167 P106 Q177220 +Q352963 P27 Q30 +Q180919 P140 Q35032 +Q204019 P106 Q3501317 +Q191480 P1412 Q7737 +Q526220 P19 Q100 +Q51123 P106 Q2526255 +Q953288 P1412 Q7976 +Q312610 P106 Q753110 +Q69395 P27 Q183 +Q246091 P27 Q34 +Q3589 P161 Q42101 +Q170574 P27 Q30 +Q259055 P106 Q33999 +Q310464 P1412 Q1860 +Q44301 P136 Q11399 +Q65337 P106 Q1622272 +Q440551 P1303 Q17172850 +Q142974 P108 Q333705 +Q101638 P106 Q333634 +Q742396 P136 Q9759 +Q837 P463 Q5611262 +Q164117 P106 Q10798782 +Q239296 P495 Q30 +Q8814 P1412 Q150 +Q76589 P108 Q152838 +Q40 P530 Q28 +Q66140 P172 Q42884 +Q8620 P106 Q82955 +Q1586732 P106 Q482980 +Q187553 P1303 Q17172850 +Q231004 P106 Q10798782 +Q1041 P463 Q17495 +Q235421 P19 Q2807 +Q1029 P463 Q1065 +Q236596 P19 Q84 +Q156379 P140 Q60995 +Q236606 P106 Q36180 +Q361587 P69 Q432637 +Q268569 P106 Q33999 +Q123557 P463 Q329464 +Q244 P463 Q376150 +Q252409 P161 Q42101 +Q57387 P463 Q414110 +Q320714 P27 Q34266 +Q192409 P495 Q183 +Q210172 P136 Q37073 +Q679289 P106 Q36834 +Q101820 P108 Q315658 +Q49398 P161 Q271867 +Q83501 P27 Q39 +Q131326 P1412 Q9027 +Q70324 P69 Q55044 +Q399 P463 Q8908 +Q836 P463 Q656801 +Q188385 P1412 Q1860 +Q336881 P463 Q723551 +Q363386 P106 Q10798782 +Q275982 P106 Q639669 +Q358317 P27 Q30 +Q47484 P106 Q1930187 +Q68604 P106 Q82594 +Q106506 P136 Q319221 +Q155375 P106 Q864503 +Q231207 P264 Q183387 +Q445109 P106 Q10798782 +Q193070 P19 Q744948 +Q1816925 P106 Q36834 +Q280918 P161 Q363518 +Q1451285 P19 Q18419 +Q363518 P27 Q145 +Q79023 P106 Q14915627 +Q231135 P106 Q33999 +Q672 P463 Q376150 +Q309545 P161 Q153018 +Q410 P106 Q18805 +Q541964 P106 Q1350189 +Q92635 P106 Q82594 +Q468523 P106 Q482980 +Q46096 P106 Q639669 +Q543910 P106 Q1238570 +Q160071 P161 Q234847 +Q540516 P106 Q36834 +Q229141 P108 Q13371 +Q228852 P1303 Q17172850 +Q354010 P106 Q7042855 +Q2686748 P106 Q901 +Q727752 P136 Q37073 +Q1349079 P1303 Q5994 +Q316850 P1303 Q128309 +Q22955657 P3373 Q18118088 +Q107816 P69 Q152171 +Q237345 P136 Q131578 +Q458656 P136 Q20442589 +Q323260 P108 Q390287 +Q971027 P1412 Q1860 +Q142974 P106 Q49757 +Q956652 P27 Q38 +Q1060636 P136 Q699 +Q301818 P19 Q49255 +Q363810 P106 Q482980 +Q507940 P136 Q8341 +Q349350 P106 Q10798782 +Q935407 P106 Q16533 +Q95951 P102 Q49750 +Q30 P530 Q16 +Q468635 P106 Q10798782 +Q34424 P106 Q855091 +Q84423 P106 Q24262584 +Q282041 P161 Q318287 +Q40912 P264 Q183387 +Q299190 P106 Q36180 +Q67903 P106 Q10800557 +Q1350509 P106 Q36834 +Q289204 P161 Q240467 +Q363271 P106 Q33999 +Q507075 P102 Q29468 +Q589978 P101 Q8134 +Q76023 P106 Q13570226 +Q11907 P106 Q386854 +Q401963 P106 Q4853732 +Q151509 P40 Q57298 +Q874588 P106 Q1930187 +Q77970 P106 Q2722764 +Q49347 P463 Q123885 +Q214013 P136 Q959790 +Q66735 P3373 Q72916 +Q223414 P106 Q1930187 +Q70997 P27 Q183 +Q127330 P106 Q1930187 +Q55846 P102 Q327591 +Q4147199 P1412 Q7737 +Q89433 P19 Q3806 +Q92600 P108 Q2283 +Q7351 P1050 Q131755 +Q177610 P1412 Q9067 +Q275247 P106 Q753110 +Q79038 P106 Q1028181 +Q67917 P106 Q33999 +Q428223 P136 Q193355 +Q358387 P463 Q337543 +Q113997 P27 Q40 +Q266209 P136 Q188473 +Q438271 P106 Q2252262 +Q83038 P106 Q36180 +Q329018 P1303 Q17172850 +Q53570396 P106 Q15995642 +Q675 P27 Q142 +Q37876 P27 Q801 +Q647445 P106 Q183945 +Q9545 P106 Q40348 +Q91587 P20 Q64 +Q110714 P264 Q1124849 +Q57775 P106 Q47064 +Q38 P463 Q1377612 +Q982005 P1412 Q150 +Q813964 P106 Q40348 +Q930961 P69 Q270145 +Q216102 P119 Q335336 +Q98116 P106 Q333634 +Q198557 P840 Q1342 +Q262549 P106 Q18814623 +Q733 P463 Q827525 +Q463692 P27 Q30 +Q12706 P106 Q6625963 +Q97646 P106 Q177220 +Q213579 P463 Q414379 +Q445302 P106 Q3282637 +Q328797 P136 Q9759 +Q94108 P509 Q12202 +Q336397 P69 Q487556 +Q710282 P136 Q83440 +Q362886 P106 Q639669 +Q57242 P1412 Q188 +Q275593 P106 Q177220 +Q346540 P140 Q9592 +Q202749 P106 Q49757 +Q1750532 P106 Q3501317 +Q326229 P106 Q82955 +Q219 P530 Q16 +Q42047 P161 Q20178 +Q151921 P161 Q102301 +Q7197 P135 Q7252 +Q34060 P1412 Q9288 +Q129263 P106 Q82594 +Q35498 P140 Q682443 +Q382638 P1412 Q652 +Q296809 P19 Q1781 +Q174346 P106 Q10798782 +Q76429 P27 Q183 +Q641582 P106 Q185351 +Q66232 P106 Q82955 +Q1900054 P106 Q177220 +Q262314 P106 Q33999 +Q447599 P106 Q639669 +Q57180 P106 Q82955 +Q154216 P106 Q855091 +Q48048 P106 Q82955 +Q675 P20 Q23482 +Q75237 P69 Q152171 +Q78782 P106 Q901402 +Q379461 P641 Q32112 +Q314812 P106 Q10800557 +Q169946 P1303 Q17172850 +Q215215 P106 Q183945 +Q12769 P106 Q1397808 +Q144904 P1303 Q6607 +Q19198 P136 Q263734 +Q345431 P69 Q6608367 +Q714845 P106 Q1415090 +Q93957 P106 Q28389 +Q180214 P136 Q130232 +Q1222903 P19 Q1718 +Q65126 P27 Q16957 +Q273903 P264 Q1254522 +Q119798 P551 Q65 +Q97136 P106 Q333634 +Q1439985 P17 Q30 +Q64356 P19 Q3874 +Q215488 P264 Q54860 +Q215976 P106 Q10800557 +Q161933 P106 Q482980 +Q72657 P106 Q40348 +Q269683 P27 Q211 +Q57473 P108 Q219615 +Q505743 P106 Q10800557 +Q224 P530 Q414 +Q117197 P19 Q2044 +Q130947 P27 Q884 +Q438635 P1303 Q6607 +Q130947 P106 Q10798782 +Q180251 P27 Q30 +Q419 P463 Q5611262 +Q439812 P136 Q8341 +Q1659471 P172 Q49085 +Q3939205 P140 Q1841 +Q43977 P106 Q1234713 +Q68325 P106 Q1622272 +Q450382 P106 Q49757 +Q41272 P106 Q36834 +Q430849 P1412 Q1860 +Q68543 P27 Q30 +Q23 P106 Q81096 +Q704700 P69 Q777403 +Q75929 P69 Q154561 +Q266670 P106 Q639669 +Q350424 P27 Q30 +Q16053 P20 Q90 +Q95855 P20 Q365 +Q854 P463 Q656801 +Q303456 P161 Q52997 +Q29999 P530 Q183 +Q77492 P69 Q165528 +Q77482 P463 Q2043519 +Q85580 P106 Q81096 +Q263582 P27 Q15180 +Q96665 P69 Q152838 +Q4401409 P19 Q656 +Q242620 P172 Q49085 +Q5383 P106 Q177220 +Q362118 P69 Q213439 +Q2582 P20 Q586 +Q310755 P463 Q2822396 +Q181659 P737 Q5752 +Q311193 P136 Q83270 +Q77087 P1412 Q1860 +Q101809 P106 Q1350189 +Q467368 P69 Q144488 +Q315417 P106 Q36834 +Q320588 P136 Q471839 +Q26688 P1303 Q17172850 +Q378333 P509 Q47912 +Q276343 P495 Q20 +Q826 P17 Q200464 +Q345494 P106 Q1415090 +Q265 P530 Q183 +Q705715 P106 Q3282637 +Q190076 P106 Q33999 +Q71443 P106 Q18844224 +Q1507223 P108 Q23548 +Q292180 P101 Q482 +Q25153 P27 Q38 +Q160058 P136 Q9730 +Q3666327 P106 Q901 +Q1791962 P551 Q2256 +Q51884 P140 Q35032 +Q174346 P106 Q2259451 +Q447407 P27 Q38 +Q1001 P737 Q7243 +Q98703 P102 Q328195 +Q738196 P1412 Q9168 +Q372215 P106 Q11631 +Q365557 P106 Q49757 +Q335087 P106 Q1622272 +Q491019 P551 Q23556 +Q76414 P1412 Q1860 +Q67039 P106 Q1622272 +Q1509379 P106 Q121594 +Q102711 P106 Q2405480 +Q240360 P106 Q10800557 +Q36844 P106 Q2252262 +Q98461 P119 Q1497554 +Q254748 P136 Q37073 +Q357798 P69 Q1377 +Q725943 P20 Q90 +Q106740 P737 Q45546 +Q1389588 P463 Q958769 +Q1346126 P106 Q18844224 +Q4864 P106 Q36180 +Q124008 P1303 Q6607 +Q92620 P106 Q1622272 +Q233701 P106 Q28389 +Q1400917 P463 Q1425328 +Q712086 P106 Q937857 +Q709077 P509 Q2840 +Q316064 P19 Q61 +Q201379 P161 Q296609 +Q133386 P106 Q40348 +Q29473 P106 Q49757 +Q385309 P57 Q339551 +Q855252 P106 Q15981151 +Q67018 P106 Q185351 +Q184 P463 Q842490 +Q267051 P106 Q36180 +Q424 P463 Q5611262 +Q62929 P1412 Q188 +Q78885 P27 Q38 +Q60068 P106 Q28389 +Q4491 P1303 Q17172850 +Q73089 P106 Q177220 +Q1553197 P69 Q13164 +Q200661 P140 Q7361618 +Q294185 P1412 Q1860 +Q1067812 P27 Q30 +Q479052 P1412 Q1321 +Q2574737 P106 Q2066131 +Q55767 P136 Q699 +Q24871 P136 Q21010853 +Q117185 P108 Q372608 +Q128126 P106 Q24387326 +Q224029 P463 Q161806 +Q921679 P20 Q6346 +Q77183 P20 Q586 +Q1077554 P106 Q6625963 +Q2895857 P551 Q96 +Q229038 P106 Q10800557 +Q6060 P264 Q193023 +Q319799 P106 Q82955 +Q155547 P106 Q17167049 +Q229606 P106 Q36834 +Q72334 P737 Q38392 +Q204936 P27 Q174193 +Q2901987 P27 Q801 +Q108560 P106 Q36834 +Q81324 P106 Q2259451 +Q263178 P106 Q3357567 +Q459681 P106 Q33231 +Q152011 P136 Q185867 +Q903208 P106 Q901 +Q472071 P106 Q11774202 +Q220918 P106 Q28389 +Q75612 P463 Q463281 +Q8442 P1412 Q188 +Q239928 P69 Q9842 +Q289003 P264 Q183412 +Q572741 P463 Q463281 +Q210812 P161 Q40026 +Q468523 P136 Q8261 +Q208266 P495 Q30 +Q102244 P161 Q320073 +Q77447 P106 Q28389 +Q322970 P102 Q29468 +Q951110 P19 Q84 +Q66800 P106 Q82955 +Q164663 P161 Q214289 +Q164170 P69 Q13371 +Q155018 P495 Q183 +Q661452 P106 Q16947657 +Q42493 P108 Q740308 +Q304675 P27 Q30 +Q188570 P106 Q3242115 +Q95548 P463 Q543804 +Q35 P463 Q1928989 +Q30931 P161 Q1744 +Q617215 P106 Q28389 +Q336272 P106 Q753110 +Q313525 P1303 Q3382191 +Q1190550 P27 Q145 +Q295794 P749 Q726153 +Q32522 P106 Q1053574 +Q24995 P264 Q38903 +Q708620 P172 Q49085 +Q23696 P1412 Q7411 +Q216927 P1303 Q6607 +Q118852 P1303 Q17172850 +Q176944 P69 Q1149089 +Q58051 P106 Q82955 +Q307737 P1412 Q256 +Q77888 P106 Q4773904 +Q865 P530 Q217 +Q607464 P19 Q1085 +Q203243 P27 Q30 +Q70737 P69 Q152171 +Q1265657 P106 Q350979 +Q164424 P136 Q959790 +Q38222 P106 Q3282637 +Q933892 P106 Q715301 +Q71402 P106 Q4610556 +Q98737 P108 Q153006 +Q705630 P140 Q75809 +Q155559 P495 Q183 +Q4286203 P1412 Q7737 +Q92739 P27 Q30 +Q2291 P106 Q822146 +Q611121 P69 Q1093910 +Q216563 P1303 Q17172850 +Q25147 P106 Q36834 +Q505563 P69 Q503246 +Q309246 P161 Q179576 +Q384847 P106 Q42973 +Q2134121 P69 Q5149833 +Q4068880 P106 Q82955 +Q351884 P69 Q617433 +Q107006 P136 Q21590660 +Q423 P530 Q881 +Q238702 P136 Q24925 +Q152513 P172 Q846570 +Q521350 P1412 Q7737 +Q59653 P57 Q483118 +Q434915 P106 Q33999 +Q32661 P1412 Q1860 +Q164765 P106 Q4964182 +Q435278 P106 Q15296811 +Q1195301 P106 Q639669 +Q1105367 P101 Q7094 +Q18407 P161 Q285431 +Q315325 P27 Q30 +Q101740 P106 Q121594 +Q63146 P108 Q672420 +Q270126 P27 Q38 +Q1336479 P106 Q1415090 +Q105531 P108 Q153987 +Q267435 P737 Q62766 +Q444217 P27 Q30 +Q162586 P136 Q484344 +Q107008 P264 Q202585 +Q173804 P495 Q28 +Q262 P530 Q96 +Q363490 P264 Q202440 +Q217557 P106 Q4853732 +Q84147 P136 Q130232 +Q104081 P26 Q164487 +Q126234 P1412 Q1860 +Q298908 P106 Q10798782 +Q215478 P463 Q463303 +Q204168 P108 Q230492 +Q266535 P106 Q2526255 +Q55796 P1412 Q1860 +Q709454 P264 Q843402 +Q61067 P1412 Q188 +Q562521 P69 Q131252 +Q383821 P106 Q386854 +Q92644 P101 Q21198 +Q2105 P20 Q90 +Q213 P530 Q1016 +Q167546 P106 Q639669 +Q221 P530 Q225 +Q313501 P1412 Q1860 +Q58062 P463 Q123885 +Q4271 P551 Q127856 +Q116105 P101 Q207628 +Q157155 P463 Q4345832 +Q47162 P108 Q209842 +Q236112 P69 Q167733 +Q907738 P106 Q169470 +Q31164 P106 Q486748 +Q239067 P27 Q30 +Q3033 P17 Q2415901 +Q329156 P19 Q60 +Q557 P1303 Q6607 +Q137595 P161 Q299297 +Q302880 P106 Q36180 +Q266429 P106 Q36834 +Q99080 P463 Q700570 +Q544485 P106 Q1350157 +Q126843 P106 Q19723482 +Q156796 P106 Q33999 +Q977 P530 Q115 +Q226525 P106 Q1234713 +Q103848 P106 Q483501 +Q369394 P19 Q18419 +Q884142 P106 Q855091 +Q170042 P2348 Q6927 +Q739 P463 Q190008 +Q224069 P136 Q20443008 +Q313047 P69 Q523926 +Q214582 P1303 Q17172850 +Q633 P136 Q170611 +Q16867 P69 Q213439 +Q19845 P106 Q4610556 +Q217750 P106 Q2865819 +Q110106 P463 Q49738 +Q57848 P69 Q165980 +Q526709 P20 Q11299 +Q443317 P136 Q37073 +Q278550 P136 Q52162262 +Q432655 P106 Q33999 +Q41 P463 Q7184 +Q193397 P106 Q36834 +Q302819 P69 Q503473 +Q322056 P69 Q149990 +Q164703 P106 Q14915627 +Q76895 P119 Q216344 +Q242130 P20 Q1085 +Q1179504 P106 Q753110 +Q36843 P69 Q153978 +Q219551 P551 Q64 +Q239838 P19 Q90 +Q130952 P161 Q224026 +Q212 P463 Q191384 +Q818006 P106 Q1622272 +Q143716 P136 Q188473 +Q89054 P106 Q18844224 +Q264869 P136 Q200092 +Q214349 P108 Q371625 +Q289064 P106 Q5716684 +Q311615 P106 Q3282637 +Q958578 P136 Q45981 +Q229176 P106 Q10798782 +Q203533 P106 Q18814623 +Q151973 P27 Q145 +Q391784 P136 Q1200678 +Q57382 P106 Q82955 +Q1189327 P106 Q177220 +Q1423356 P17 Q20 +Q368613 P106 Q10798782 +Q968099 P172 Q7325 +Q221384 P57 Q56005 +Q84942 P69 Q154804 +Q1398834 P1303 Q17172850 +Q19069 P161 Q102813 +Q228792 P136 Q37073 +Q64862 P106 Q158852 +Q262 P530 Q41 +Q18430 P106 Q36180 +Q232786 P19 Q84 +Q57149 P509 Q3002150 +Q289428 P106 Q1930187 +Q83326 P106 Q2490358 +Q96452 P106 Q1930187 +Q509341 P1303 Q17172850 +Q165644 P106 Q822146 +Q313553 P463 Q11993457 +Q432421 P27 Q15180 +Q234791 P407 Q7737 +Q29031 P20 Q34217 +Q237673 P106 Q36180 +Q175104 P140 Q9592 +Q836 P530 Q833 +Q267070 P136 Q45981 +Q213053 P840 Q1558 +Q179257 P106 Q2252262 +Q441114 P19 Q90 +Q212 P530 Q37 +Q642195 P1412 Q7737 +Q369907 P106 Q333634 +Q95971 P106 Q1930187 +Q843 P530 Q96 +Q740657 P106 Q9149093 +Q212575 P108 Q4345832 +Q221468 P27 Q30 +Q188726 P106 Q3282637 +Q35 P463 Q45177 +Q104154 P463 Q83172 +Q72334 P737 Q40874 +Q188385 P69 Q13371 +Q104109 P509 Q1368943 +Q24980 P161 Q223985 +Q3341701 P27 Q15180 +Q95030 P69 Q7060402 +Q442656 P1303 Q133163 +Q266109 P264 Q54860 +Q91981 P106 Q177220 +Q313819 P161 Q215017 +Q1660599 P161 Q81520 +Q427386 P840 Q16557 +Q15873 P136 Q484641 +Q27204 P161 Q72262 +Q44857 P136 Q105527 +Q202725 P108 Q740308 +Q205303 P20 Q597 +Q202475 P69 Q1051840 +Q1508451 P119 Q216344 +Q358188 P106 Q6625963 +Q621879 P106 Q43845 +Q443403 P1412 Q1321 +Q650640 P27 Q142 +Q232348 P1303 Q17172850 +Q449743 P136 Q130232 +Q392677 P136 Q188473 +Q131866 P106 Q3282637 +Q72790 P1412 Q1321 +Q272913 P19 Q23197 +Q481482 P27 Q38 +Q232462 P1303 Q6607 +Q91617 P106 Q864380 +Q57954 P102 Q49768 +Q203460 P106 Q864380 +Q69139 P69 Q153978 +Q93764 P551 Q1741 +Q204804 P136 Q193355 +Q45221 P136 Q8261 +Q595529 P69 Q168515 +Q127349 P20 Q2807 +Q60970 P27 Q41 +Q373895 P106 Q10798782 +Q1535539 P106 Q36834 +Q1624891 P106 Q177220 +Q343059 P69 Q49210 +Q40119 P136 Q860626 +Q183279 P102 Q79854 +Q601304 P136 Q132311 +Q436712 P106 Q753110 +Q5082974 P106 Q333634 +Q363386 P69 Q7060402 +Q237659 P140 Q1062789 +Q188137 P106 Q578109 +Q90331 P106 Q82955 +Q16403 P161 Q166159 +Q71206 P106 Q33999 +Q113052 P161 Q133050 +Q258010 P106 Q13590141 +Q1033 P530 Q1009 +Q363386 P641 Q2736 +Q486786 P1303 Q17172850 +Q7013 P19 Q1715 +Q84445 P20 Q33959 +Q441440 P106 Q36180 +Q337234 P159 Q84 +Q1333326 P106 Q639669 +Q4934 P69 Q41506 +Q362133 P106 Q10800557 +Q180665 P106 Q2405480 +Q983434 P1412 Q150 +Q332528 P140 Q6423963 +Q113190 P463 Q299015 +Q1939469 P69 Q49112 +Q1680268 P463 Q1493021 +Q298766 P106 Q205375 +Q78830 P106 Q121594 +Q714739 P106 Q164236 +Q298920 P1412 Q1860 +Q189534 P463 Q1541450 +Q505946 P106 Q639669 +Q1553657 P106 Q36834 +Q80135 P1303 Q5994 +Q42552 P101 Q35760 +Q289180 P106 Q1930187 +Q717 P530 Q159 +Q548185 P108 Q333705 +Q349420 P106 Q33999 +Q809093 P264 Q3415083 +Q151593 P136 Q9734 +Q436463 P106 Q214917 +Q331760 P136 Q157443 +Q53004 P106 Q33999 +Q52997 P106 Q10800557 +Q160422 P106 Q33231 +Q865 P530 Q32 +Q541929 P106 Q36180 +Q50764 P106 Q7042855 +Q962 P463 Q842490 +Q92766 P69 Q13371 +Q189564 P20 Q60 +Q274752 P106 Q2259451 +Q5396 P106 Q205375 +Q176626 P495 Q183 +Q102235 P495 Q30 +Q169020 P106 Q36180 +Q76546 P69 Q154804 +Q38 P530 Q664 +Q144746 P136 Q38848 +Q316045 P27 Q35 +Q2996474 P27 Q159 +Q551543 P20 Q90 +Q230578 P551 Q174 +Q2252 P106 Q11631 +Q502325 P106 Q13590141 +Q1382495 P106 Q36834 +Q1005 P463 Q842490 +Q350588 P1303 Q6607 +Q161852 P106 Q33999 +Q222818 P1412 Q150 +Q1716611 P19 Q23306 +Q363666 P101 Q590870 +Q313256 P509 Q12152 +Q60363 P108 Q273263 +Q507864 P27 Q30 +Q11617 P264 Q202440 +Q57281 P20 Q586 +Q794 P463 Q827525 +Q712359 P136 Q83440 +Q3438272 P19 Q60 +Q922191 P106 Q49757 +Q85624 P463 Q152222 +Q14439 P106 Q33999 +Q162753 P69 Q916444 +Q76938 P106 Q3242115 +Q1976514 P1303 Q46185 +Q59215 P106 Q43845 +Q288173 P136 Q2297927 +Q366521 P106 Q14467526 +Q92831 P106 Q81096 +Q14281 P463 Q270794 +Q1599272 P19 Q64 +Q151814 P106 Q5716684 +Q78782 P27 Q28513 +Q79 P463 Q134102 +Q257752 P106 Q36180 +Q1028 P530 Q414 +Q668 P530 Q924 +Q215258 P463 Q463303 +Q311453 P27 Q30 +Q547183 P1303 Q6607 +Q166298 P106 Q1930187 +Q374181 P106 Q13235160 +Q319133 P1412 Q9288 +Q64902 P27 Q183 +Q722738 P106 Q36180 +Q37944 P69 Q174710 +Q342580 P27 Q37 +Q66628 P69 Q152171 +Q228860 P101 Q207628 +Q57430 P20 Q693653 +Q120647 P108 Q49117 +Q452281 P27 Q30 +Q33 P463 Q782942 +Q104049 P106 Q2259451 +Q182870 P509 Q12152 +Q266694 P27 Q30 +Q374507 P161 Q338726 +Q2002177 P749 Q38903 +Q289645 P106 Q1930187 +Q467423 P106 Q177220 +Q211462 P136 Q21010853 +Q311115 P19 Q1017 +Q213772 P19 Q36036 +Q253882 P1303 Q5994 +Q64241 P106 Q81096 +Q441742 P106 Q33999 +Q25161 P737 Q5686 +Q1299302 P106 Q639669 +Q105940 P27 Q7318 +Q41621 P17 Q193714 +Q177610 P1412 Q150 +Q47426 P69 Q49088 +Q3132761 P20 Q2841 +Q189869 P106 Q82955 +Q272972 P106 Q33999 +Q181425 P106 Q28389 +Q315343 P108 Q21578 +Q1386948 P509 Q12206 +Q44519 P106 Q333634 +Q314424 P19 Q16557 +Q434701 P106 Q177220 +Q983686 P106 Q1028181 +Q236463 P106 Q33999 +Q160219 P106 Q43845 +Q30487 P1412 Q7737 +Q55767 P1050 Q10874 +Q296887 P69 Q797892 +Q109310 P20 Q1726 +Q329035 P19 Q1428 +Q78214 P463 Q18650004 +Q51908481 P3373 Q4218975 +Q7241 P136 Q8261 +Q1341315 P69 Q854280 +Q302174 P136 Q2484376 +Q93147 P101 Q43035 +Q3017168 P106 Q36834 +Q84851 P1412 Q188 +Q1295 P17 Q7318 +Q158465 P108 Q13164 +Q237 P530 Q148 +Q219521 P102 Q29468 +Q292373 P106 Q33999 +Q238374 P20 Q84 +Q188235 P106 Q33999 +Q230665 P69 Q1542213 +Q436648 P140 Q7066 +Q103784 P106 Q2405480 +Q51559 P106 Q2526255 +Q106769 P20 Q64 +Q48987 P106 Q28389 +Q309898 P106 Q674067 +Q809003 P106 Q855091 +Q217010 P136 Q130232 +Q714185 P19 Q16739 +Q11617 P136 Q850412 +Q971422 P1303 Q46185 +Q84482 P69 Q165980 +Q9682 P40 Q43274 +Q332670 P19 Q84 +Q61674 P108 Q155354 +Q266520 P27 Q408 +Q44328 P106 Q214917 +Q236475 P106 Q245068 +Q77824 P140 Q75809 +Q78214 P106 Q482980 +Q986 P37 Q13955 +Q846 P463 Q1065 +Q157040 P106 Q82955 +Q754 P530 Q769 +Q322465 P136 Q9759 +Q64640 P69 Q152171 +Q165816 P106 Q82955 +Q34981 P136 Q24925 +Q47163 P106 Q47064 +Q105362 P27 Q183 +Q191037 P102 Q29552 +Q108270 P2348 Q6939 +Q314640 P106 Q10800557 +Q2658411 P19 Q12560 +Q1885893 P69 Q432637 +Q86152 P19 Q393 +Q999726 P106 Q1930187 +Q310800 P19 Q6106 +Q79 P530 Q414 +Q164745 P1412 Q256 +Q127414 P136 Q860626 +Q520346 P106 Q639669 +Q558167 P20 Q90 +Q204398 P161 Q460578 +Q151972 P1303 Q17172850 +Q237033 P106 Q36180 +Q4527494 P20 Q649 +Q48084 P102 Q79854 +Q234137 P19 Q65 +Q3346431 P106 Q639669 +Q435805 P69 Q1130457 +Q44205 P463 Q83172 +Q278551 P106 Q1350157 +Q6101686 P159 Q1492 +Q76749 P140 Q1841 +Q851 P463 Q1137381 +Q311993 P27 Q38 +Q715787 P102 Q29468 +Q2831 P106 Q49757 +Q153481 P27 Q30 +Q133855 P1050 Q178275 +Q434821 P106 Q1259917 +Q263582 P1412 Q7913 +Q3033 P463 Q1768108 +Q76600 P463 Q2370801 +Q78514 P1412 Q188 +Q190944 P106 Q40348 +Q355024 P106 Q33999 +Q1680268 P463 Q270794 +Q327293 P19 Q1156 +Q357036 P1303 Q8355 +Q165394 P161 Q219878 +Q127330 P119 Q1358639 +Q157309 P106 Q4964182 +Q322236 P106 Q486748 +Q60487 P161 Q23359 +Q685 P530 Q833 +Q263501 P106 Q177220 +Q315152 P27 Q17 +Q40 P530 Q214 +Q325422 P136 Q193606 +Q75523 P20 Q162049 +Q53570396 P3373 Q24558760 +Q348001 P106 Q1930187 +Q270935 P1303 Q8355 +Q282693 P106 Q2490358 +Q156890 P135 Q80113 +Q31164 P737 Q237548 +Q129591 P27 Q145 +Q219640 P102 Q29552 +Q270303 P136 Q37073 +Q113233 P551 Q1166 +Q1927260 P106 Q36180 +Q804 P463 Q7809 +Q83807 P509 Q372701 +Q1295 P17 Q43287 +Q102568 P20 Q2861 +Q60987 P106 Q82955 +Q266109 P551 Q65 +Q122163 P69 Q206702 +Q221450 P136 Q1344 +Q948941 P102 Q79854 +Q76738 P140 Q9592 +Q37 P463 Q7809 +Q366521 P106 Q333634 +Q1031 P135 Q37068 +Q434956 P1303 Q52954 +Q123010 P106 Q2259532 +Q75929 P106 Q4263842 +Q352708 P69 Q616591 +Q529555 P106 Q177220 +Q438164 P737 Q493 +Q201562 P106 Q488205 +Q74513 P1303 Q17172850 +Q45278 P106 Q1622272 +Q185548 P27 Q20 +Q163683 P69 Q161562 +Q80437 P161 Q16296 +Q152493 P136 Q860626 +Q229013 P172 Q678551 +Q707008 P264 Q1273666 +Q183074 P119 Q96 +Q217160 P106 Q33231 +Q504061 P27 Q29 +Q216838 P19 Q23154 +Q332508 P140 Q106687 +Q11100 P106 Q40348 +Q707460 P264 Q203059 +Q7243 P737 Q5752 +Q333873 P136 Q156035 +Q127330 P136 Q1640319 +Q111121 P1412 Q188 +Q910486 P27 Q664 +Q193710 P106 Q33999 +Q61743 P463 Q337234 +Q1254 P106 Q82955 +Q67518 P106 Q16267607 +Q4266175 P101 Q208217 +Q467333 P108 Q499451 +Q774 P463 Q123759 +Q94186 P136 Q25379 +Q128493 P840 Q96 +Q62656 P1412 Q188 +Q1699902 P106 Q2259451 +Q127367 P161 Q191104 +Q130786 P1412 Q7737 +Q379830 P106 Q4610556 +Q47243 P106 Q482980 +Q335238 P1412 Q1568 +Q728169 P106 Q1930187 +Q327981 P106 Q81096 +Q44909 P106 Q36834 +Q434813 P69 Q705737 +Q1900440 P106 Q81096 +Q28 P37 Q9067 +Q110203 P161 Q275658 +Q366195 P106 Q36180 +Q57473 P106 Q250867 +Q55210 P106 Q3282637 +Q71135 P140 Q75809 +Q60586 P27 Q27306 +Q708164 P106 Q28389 +Q981929 P106 Q201788 +Q41488 P108 Q621043 +Q205707 P69 Q333886 +Q1631 P1303 Q17172850 +Q414 P530 Q458 +Q358387 P1412 Q150 +Q98116 P108 Q316592 +Q301132 P136 Q185867 +Q317160 P27 Q174193 +Q1396630 P20 Q18094 +Q667683 P106 Q1622272 +Q188712 P37 Q5287 +Q13908 P840 Q60 +Q76332 P1412 Q188 +Q1019 P463 Q384535 +Q498045 P264 Q193023 +Q105682 P1412 Q1860 +Q77109 P108 Q168426 +Q2750257 P20 Q656 +Q549141 P101 Q8341 +Q193744 P106 Q36834 +Q2621694 P108 Q13164 +Q764789 P106 Q3368718 +Q589781 P106 Q855091 +Q508953 P20 Q84 +Q126281 P136 Q130232 +Q65863 P106 Q49757 +Q342549 P106 Q10798782 +Q2632 P106 Q639669 +Q150471 P1412 Q188 +Q918966 P1412 Q8641 +Q1037 P530 Q924 +Q123724 P264 Q1063242 +Q294625 P106 Q1607826 +Q41 P530 Q148 +Q943107 P19 Q84 +Q240576 P102 Q590750 +Q171453 P161 Q311232 +Q4074457 P106 Q16287483 +Q123421 P20 Q70 +Q383844 P495 Q183 +Q767 P27 Q142 +Q194045 P106 Q855091 +Q5879 P463 Q695302 +Q67903 P106 Q2526255 +Q4275371 P19 Q5332 +Q2754 P1412 Q9056 +Q327660 P27 Q30 +Q65513 P69 Q152087 +Q3091395 P106 Q1622272 +Q106465 P551 Q1494 +Q403 P530 Q258 +Q350717 P106 Q33999 +Q890204 P106 Q639669 +Q3559761 P106 Q3621491 +Q162277 P136 Q20442589 +Q271006 P136 Q130232 +Q267683 P69 Q2537765 +Q116055 P1412 Q1321 +Q5784301 P161 Q317427 +Q691471 P27 Q212 +Q453472 P106 Q333634 +Q18143 P106 Q214917 +Q22665 P106 Q36180 +Q242132 P106 Q36180 +Q253697 P136 Q484641 +Q53783 P737 Q9061 +Q65292 P106 Q13570226 +Q80739 P20 Q127856 +Q712082 P19 Q1085 +Q778539 P27 Q17 +Q106791 P27 Q29 +Q72705 P27 Q183 +Q102244 P161 Q105682 +Q544472 P1412 Q9072 +Q446586 P264 Q216364 +Q164103 P161 Q281964 +Q1395064 P509 Q476921 +Q206235 P172 Q34069 +Q92635 P106 Q752129 +Q154855 P1050 Q84263196 +Q228186 P495 Q30 +Q5082974 P19 Q84 +Q51564 P106 Q33999 +Q240954 P27 Q39 +Q739 P463 Q656801 +Q741783 P106 Q82594 +Q1771189 P106 Q14915627 +Q38193 P106 Q36180 +Q1352222 P102 Q29552 +Q107194 P463 Q463281 +Q318503 P106 Q82955 +Q664 P463 Q899770 +Q3656334 P69 Q34433 +Q618233 P106 Q2722764 +Q677843 P106 Q81096 +Q172303 P106 Q43845 +Q458559 P27 Q142 +Q44648 P136 Q105527 +Q163872 P136 Q188473 +Q430535 P495 Q27 +Q161852 P20 Q270 +Q555449 P106 Q1930187 +Q312902 P19 Q60 +Q297881 P106 Q28389 +Q392 P136 Q83440 +Q21 P131 Q145 +Q282823 P106 Q205375 +Q144483 P136 Q52207399 +Q230534 P106 Q10798782 +Q42775 P1050 Q12206 +Q169077 P106 Q1231865 +Q234015 P106 Q4610556 +Q192643 P106 Q3282637 +Q270268 P101 Q35760 +Q103591 P737 Q7197 +Q39574 P106 Q177220 +Q739 P530 Q27 +Q121456 P106 Q33999 +Q188569 P106 Q18844224 +Q333873 P106 Q1930187 +Q1677606 P69 Q235034 +Q714030 P106 Q183945 +Q103876 P106 Q10800557 +Q44414 P106 Q3387717 +Q77845 P106 Q1234713 +Q55963 P106 Q4964182 +Q159880 P106 Q1231865 +Q62310 P106 Q33999 +Q1093404 P106 Q753110 +Q86096 P20 Q2079 +Q97325 P1412 Q188 +Q153670 P136 Q112983 +Q542101 P106 Q1930187 +Q106235 P69 Q32120 +Q236340 P106 Q622807 +Q444017 P495 Q38 +Q62544 P20 Q64 +Q730158 P264 Q203059 +Q231116 P19 Q18094 +Q104183 P106 Q10798782 +Q215721 P27 Q40 +Q276425 P19 Q4093 +Q284229 P161 Q2263 +Q59478 P106 Q2919046 +Q7964724 P69 Q1524124 +Q529942 P1303 Q6607 +Q77082 P69 Q151510 +Q193744 P101 Q207628 +Q106709 P106 Q1114448 +Q4077 P17 Q171150 +Q530109 P106 Q639669 +Q97070 P1412 Q188 +Q265726 P106 Q33999 +Q465702 P136 Q131272 +Q49760 P19 Q84 +Q355024 P106 Q10798782 +Q249475 P1412 Q1321 +Q239296 P161 Q298682 +Q392662 P136 Q188473 +Q92613 P463 Q463303 +Q2579604 P106 Q81096 +Q230476 P106 Q6625963 +Q943577 P69 Q689400 +Q34166 P106 Q855091 +Q232113 P106 Q28389 +Q517682 P136 Q36279 +Q918966 P1412 Q809 +Q157359 P1412 Q188 +Q436719 P27 Q30 +Q575795 P106 Q28389 +Q278193 P161 Q164487 +Q183279 P20 Q656 +Q218458 P136 Q52162262 +Q234454 P106 Q10800557 +Q563057 P136 Q9759 +Q172388 P102 Q327591 +Q310950 P101 Q166542 +Q1382535 P108 Q60450 +Q873 P106 Q10800557 +Q858 P530 Q423 +Q365129 P19 Q485172 +Q215215 P136 Q9759 +Q65559 P1412 Q188 +Q63809 P69 Q154804 +Q291228 P106 Q33999 +Q254430 P1412 Q1860 +Q15873 P106 Q36834 +Q229603 P161 Q25014 +Q376736 P106 Q10798782 +Q661848 P106 Q11900058 +Q940617 P106 Q4220892 +Q82934 P106 Q201788 +Q357798 P641 Q718 +Q280856 P106 Q116 +Q178653 P106 Q333634 +Q234606 P106 Q1930187 +Q384387 P119 Q288130 +Q212993 P106 Q1622272 +Q2514 P69 Q486156 +Q332528 P106 Q82955 +Q547660 P136 Q11399 +Q757 P463 Q205995 +Q84445 P641 Q36908 +Q31013 P106 Q639669 +Q15615 P106 Q183945 +Q435278 P106 Q36180 +Q299595 P106 Q82594 +Q91093 P106 Q185351 +Q63826 P19 Q1726 +Q79503 P136 Q130232 +Q660237 P161 Q173158 +Q120647 P140 Q9268 +Q101326 P1412 Q188 +Q131374 P106 Q185351 +Q266368 P106 Q2259451 +Q207898 P1303 Q17172850 +Q7243 P737 Q131333 +Q71548 P551 Q33959 +Q364724 P20 Q1138378 +Q668 P530 Q884 +Q1435522 P136 Q235858 +Q272913 P136 Q83440 +Q36450 P1412 Q150 +Q95951 P106 Q2405480 +Q233911 P106 Q10800557 +Q297552 P1303 Q6607 +Q944996 P20 Q90 +Q152301 P106 Q1930187 +Q153358 P106 Q10800557 +Q230473 P106 Q4610556 +Q630446 P106 Q36180 +Q179126 P106 Q2306091 +Q2599 P3373 Q556941 +Q72667 P102 Q13124 +Q43994 P106 Q3455803 +Q8007 P40 Q275876 +Q372174 P840 Q20 +Q313581 P106 Q14467526 +Q1297 P30 Q49 +Q483203 P264 Q277626 +Q322275 P264 Q4779433 +Q377956 P1303 Q6607 +Q62544 P106 Q1028181 +Q309648 P1412 Q1860 +Q254611 P106 Q4610556 +Q375036 P108 Q547867 +Q229056 P106 Q33999 +Q441440 P106 Q34074720 +Q37767 P69 Q13371 +Q194917 P106 Q33999 +Q234695 P172 Q49085 +Q144535 P106 Q212980 +Q255233 P264 Q4827652 +Q817 P530 Q865 +Q816499 P106 Q211346 +Q383784 P106 Q1327329 +Q450714 P106 Q1415090 +Q118233 P106 Q753110 +Q720009 P27 Q30 +Q331759 P119 Q1302545 +Q1042738 P106 Q43845 +Q173869 P119 Q5933 +Q442667 P106 Q33999 +Q460323 P19 Q1345 +Q44909 P1303 Q17172850 +Q979545 P108 Q13371 +Q179858 P106 Q11513337 +Q232009 P161 Q168724 +Q74688 P106 Q36180 +Q161852 P106 Q2259451 +Q108006 P161 Q102711 +Q1353252 P1412 Q150 +Q229264 P106 Q350979 +Q189186 P108 Q319078 +Q333004 P106 Q49757 +Q526407 P106 Q753110 +Q237944 P106 Q43845 +Q4066893 P106 Q593644 +Q233817 P106 Q5716684 +Q57473 P1412 Q7026 +Q1079105 P106 Q177220 +Q1424117 P101 Q395 +Q183253 P106 Q193391 +Q1225 P106 Q855091 +Q954623 P106 Q33999 +Q224159 P106 Q28389 +Q137595 P161 Q236399 +Q729541 P27 Q161885 +Q842 P463 Q233611 +Q373034 P27 Q1028 +Q263442 P1412 Q188 +Q174327 P102 Q9630 +Q213865 P463 Q684415 +Q356140 P136 Q9759 +Q80760 P106 Q753110 +Q229282 P106 Q488205 +Q219734 P106 Q43845 +Q581018 P106 Q1930187 +Q710026 P106 Q188094 +Q168356 P27 Q35 +Q28975 P19 Q29303 +Q1005 P30 Q15 +Q52392 P27 Q145 +Q1903090 P27 Q30 +Q114740 P106 Q1622272 +Q3215942 P27 Q36 +Q232985 P106 Q10798782 +Q77210 P102 Q310296 +Q23530 P108 Q27621 +Q221949 P495 Q30 +Q364724 P106 Q10798782 +Q76715 P69 Q1278808 +Q1333234 P1303 Q78987 +Q11847 P1412 Q809 +Q234893 P509 Q476921 +Q242482 P509 Q18554460 +Q1560915 P106 Q81096 +Q82984 P20 Q71 +Q233957 P106 Q36180 +Q723826 P106 Q639669 +Q230004 P106 Q33999 +Q70849 P69 Q32120 +Q228244 P161 Q342665 +Q38392 P106 Q6625963 +Q61078 P27 Q43287 +Q90220 P1412 Q188 +Q991 P737 Q692 +Q39 P530 Q40 +Q311892 P106 Q10798782 +Q287748 P161 Q224159 +Q23559 P69 Q658975 +Q187553 P106 Q183945 +Q255070 P19 Q60 +Q2086130 P1412 Q9288 +Q1424117 P27 Q142 +Q467817 P106 Q3621491 +Q4356896 P106 Q1930187 +Q106506 P161 Q313627 +Q61863 P69 Q20266330 +Q120406 P106 Q15077007 +Q61723 P737 Q7243 +Q96811 P27 Q16957 +Q313755 P106 Q806349 +Q292993 P106 Q33999 +Q155700 P106 Q639669 +Q79078 P108 Q154804 +Q433471 P509 Q12202 +Q58328 P106 Q155647 +Q58311 P1412 Q8641 +Q107226 P136 Q1200678 +Q69139 P106 Q36180 +Q327836 P27 Q30 +Q78608 P463 Q337234 +Q29658 P840 Q220 +Q356109 P136 Q131272 +Q77740 P27 Q183 +Q272770 P1412 Q1860 +Q388950 P161 Q191719 +Q319523 P119 Q281859 +Q237530 P1303 Q17172850 +Q153527 P106 Q2526255 +Q362516 P106 Q753110 +Q529276 P106 Q1209498 +Q392 P40 Q555426 +Q77462 P106 Q33999 +Q842243 P101 Q2329 +Q369933 P106 Q33999 +Q182031 P101 Q413 +Q138084 P161 Q104061 +Q1028 P463 Q134102 +Q739 P530 Q804 +Q433608 P27 Q30 +Q78318 P101 Q18362 +Q189758 P27 Q30 +Q242095 P106 Q6625963 +Q445463 P264 Q183387 +Q38484 P463 Q6101686 +Q166031 P136 Q157394 +Q331652 P106 Q753110 +Q1348831 P509 Q181754 +Q329001 P106 Q486748 +Q435236 P106 Q10798782 +Q626061 P106 Q49757 +Q4093262 P106 Q947873 +Q160215 P840 Q60 +Q1366840 P106 Q386854 +Q243419 P140 Q7066 +Q116905 P161 Q230278 +Q238800 P106 Q4610556 +Q209641 P106 Q33999 +Q320973 P19 Q60 +Q470543 P106 Q901402 +Q4103721 P1412 Q7737 +Q220889 P19 Q100 +Q209186 P106 Q2259451 +Q172466 P463 Q40358 +Q268111 P463 Q1425328 +Q182229 P106 Q214917 +Q95264 P19 Q3852 +Q192348 P27 Q38 +Q608235 P108 Q1329478 +Q727416 P136 Q8261 +Q157313 P106 Q121594 +Q122020 P106 Q36834 +Q883730 P106 Q639669 +Q61708 P106 Q1231865 +Q2498968 P119 Q208175 +Q2119 P463 Q1768108 +Q851 P530 Q805 +Q240250 P106 Q10800557 +Q2062366 P3373 Q51908481 +Q13908 P161 Q29086 +Q158354 P463 Q219989 +Q102022 P106 Q3332711 +Q1033 P30 Q15 +Q600488 P161 Q230420 +Q268912 P106 Q901 +Q374263 P106 Q3282637 +Q107008 P106 Q18814623 +Q236954 P1412 Q5287 +Q2492 P102 Q157537 +Q201484 P69 Q691283 +Q242130 P106 Q6625963 +Q962971 P20 Q60 +Q208359 P106 Q36180 +Q705333 P106 Q753110 +Q41513 P737 Q185832 +Q355781 P69 Q49114 +Q441520 P106 Q177220 +Q6101686 P17 Q29 +Q378672 P1412 Q1860 +Q664592 P106 Q753110 +Q280673 P509 Q11085 +Q57123 P106 Q82955 +Q193105 P106 Q28389 +Q92819 P69 Q213439 +Q19330 P136 Q35760 +Q123679 P27 Q142 +Q451608 P106 Q82955 +Q309289 P136 Q188473 +Q180723 P27 Q17 +Q233546 P69 Q201492 +Q151414 P1412 Q1860 +Q92739 P106 Q15976092 +Q1237496 P106 Q24067349 +Q27 P530 Q148 +Q1386948 P106 Q753110 +Q313009 P136 Q37073 +Q797659 P1412 Q1321 +Q982023 P106 Q36180 +Q9387 P509 Q178275 +Q215076 P264 Q3001888 +Q313543 P106 Q15895020 +Q3322718 P106 Q81096 +Q1389589 P1412 Q1860 +Q234636 P27 Q30 +Q112263 P102 Q7320 +Q706571 P463 Q123885 +Q544750 P106 Q42973 +Q321365 P1412 Q8108 +Q171525 P106 Q2405480 +Q2335557 P106 Q36180 +Q515606 P1412 Q7737 +Q542886 P106 Q639669 +Q116548 P108 Q206702 +Q103174 P106 Q2405480 +Q233340 P1412 Q652 +Q140738 P106 Q2526255 +Q432940 P106 Q2526255 +Q454398 P136 Q157394 +Q295964 P1412 Q1860 +Q164487 P102 Q29552 +Q155419 P20 Q1718 +Q167821 P1412 Q1860 +Q70795 P1412 Q1860 +Q128560 P737 Q183167 +Q61407 P101 Q23498 +Q92619 P27 Q30 +Q3438272 P641 Q5386 +Q103949 P551 Q127856 +Q74849 P108 Q2045972 +Q315222 P1412 Q397 +Q74062 P106 Q36180 +Q273652 P1303 Q163829 +Q41 P463 Q376150 +Q726607 P106 Q82955 +Q328532 P463 Q463303 +Q499742 P108 Q1161297 +Q76586 P101 Q5891 +Q9317 P27 Q145 +Q193405 P106 Q4964182 +Q78924 P106 Q10800557 +Q187414 P136 Q2484376 +Q214999 P1412 Q188 +Q152880 P463 Q337531 +Q237820 P27 Q142 +Q503770 P136 Q193355 +Q17132 P26 Q8573 +Q4530046 P509 Q204933 +Q131433 P106 Q639669 +Q456413 P106 Q36180 +Q44461 P135 Q288928 +Q73892 P106 Q17167049 +Q80 P106 Q1622272 +Q313546 P3373 Q310947 +Q77729 P463 Q94301 +Q117249 P106 Q1415090 +Q70912 P106 Q2405480 +Q133356 P112 Q34266 +Q85636 P40 Q78713 +Q46096 P106 Q765778 +Q15469 P463 Q123885 +Q311141 P106 Q82955 +Q208344 P840 Q812 +Q707999 P119 Q1437214 +Q705529 P69 Q157808 +Q210059 P136 Q193606 +Q39803 P737 Q43444 +Q76332 P19 Q24879 +Q1443689 P1412 Q1860 +Q554168 P264 Q1273666 +Q1123533 P264 Q190585 +Q318474 P641 Q2736 +Q323267 P1412 Q1860 +Q526382 P106 Q42973 +Q296887 P101 Q941594 +Q223741 P1303 Q51290 +Q77489 P106 Q36180 +Q533369 P69 Q797078 +Q240377 P106 Q177220 +Q105896 P509 Q18554460 +Q235278 P106 Q10798782 +Q77 P530 Q241 +Q671985 P551 Q458 +Q73132 P106 Q639669 +Q95237 P172 Q7325 +Q444509 P106 Q33999 +Q162518 P161 Q314290 +Q252248 P106 Q177220 +Q443166 P136 Q3071 +Q832085 P1412 Q1321 +Q219420 P463 Q812155 +Q1716 P106 Q822146 +Q91845 P27 Q7318 +Q881176 P509 Q12152 +Q1336685 P106 Q28389 +Q823935 P119 Q208175 +Q95068 P106 Q28389 +Q333460 P69 Q13371 +Q110870 P106 Q1930187 +Q181689 P264 Q183387 +Q444371 P106 Q10800557 +Q223596 P161 Q472504 +Q1988375 P106 Q177220 +Q57431 P27 Q83286 +Q761838 P1412 Q1860 +Q469164 P106 Q28389 +Q215652 P1303 Q8355 +Q160325 P264 Q168407 +Q44258 P140 Q9592 +Q36450 P551 Q656 +Q231214 P106 Q2259451 +Q220550 P1412 Q9056 +Q176361 P106 Q33999 +Q101521 P106 Q483501 +Q83501 P101 Q7094 +Q4934 P463 Q463303 +Q333615 P1412 Q150 +Q311450 P136 Q9759 +Q77462 P106 Q2405480 +Q103357 P20 Q1748 +Q28147 P106 Q12144794 +Q145627 P20 Q127856 +Q1770624 P3373 Q26318 +Q714185 P106 Q33999 +Q265131 P509 Q12078 +Q941655 P106 Q1622272 +Q15257 P106 Q15077007 +Q712586 P264 Q183387 +Q185658 P840 Q43 +Q233941 P19 Q26793 +Q241835 P27 Q38 +Q207 P106 Q43845 +Q756645 P172 Q940348 +Q263518 P172 Q49085 +Q128085 P119 Q996499 +Q230501 P106 Q33999 +Q92760 P463 Q270794 +Q1853186 P1303 Q17172850 +Q369190 P19 Q23337 +Q185507 P161 Q361158 +Q97077 P106 Q201788 +Q1001254 P106 Q639669 +Q55963 P1412 Q1860 +Q380484 P463 Q466089 +Q263024 P19 Q1345 +Q336222 P27 Q30 +Q1047474 P2348 Q6939 +Q93620 P106 Q6625963 +Q311723 P140 Q748 +Q294927 P27 Q30 +Q1391164 P106 Q486748 +Q156349 P102 Q10225 +Q91232 P106 Q10800557 +Q9695 P20 Q189960 +Q283267 P20 Q1156 +Q4030 P136 Q203775 +Q213393 P106 Q18939491 +Q129187 P106 Q18814623 +Q271635 P106 Q2405480 +Q182372 P106 Q10800557 +Q254022 P737 Q561401 +Q3091395 P106 Q15980158 +Q348615 P1303 Q17172850 +Q442897 P106 Q28389 +Q1453398 P106 Q483501 +Q221586 P495 Q408 +Q88029 P69 Q151510 +Q1158704 P106 Q2643890 +Q444663 P19 Q495 +Q218 P463 Q7809 +Q471664 P463 Q83172 +Q223985 P106 Q245068 +Q40826 P106 Q49757 +Q772064 P106 Q2374149 +Q452361 P106 Q33999 +Q76023 P106 Q1622272 +Q358322 P106 Q33999 +Q188482 P106 Q488205 +Q287976 P106 Q639669 +Q232520 P106 Q13235160 +Q439283 P106 Q201788 +Q189490 P451 Q192762 +Q311472 P108 Q49088 +Q236958 P551 Q975 +Q85084 P106 Q37226 +Q1232630 P102 Q79854 +Q47900 P20 Q90 +Q212775 P495 Q38 +Q183 P530 Q398 +Q242640 P106 Q36180 +Q5749 P140 Q7066 +Q333260 P119 Q208175 +Q228584 P106 Q13418253 +Q12003 P106 Q183945 +Q18383 P17 Q30 +Q223033 P106 Q3282637 +Q233464 P161 Q185051 +Q4573 P551 Q23436 +Q182218 P57 Q298025 +Q362639 P119 Q311 +Q66447 P106 Q82955 +Q361297 P106 Q36834 +Q76576 P140 Q75809 +Q173417 P140 Q9268 +Q49074 P135 Q7066 +Q64257 P106 Q36180 +Q122461 P1412 Q1860 +Q333014 P264 Q664167 +Q110330 P140 Q9268 +Q329448 P161 Q313650 +Q823935 P102 Q204911 +Q213355 P1412 Q1860 +Q607464 P27 Q33946 +Q239328 P69 Q503246 +Q901070 P27 Q27 +Q314834 P19 Q60 +Q205721 P106 Q753110 +Q62766 P264 Q202440 +Q93030 P463 Q131566 +Q16473 P106 Q10798782 +Q310060 P106 Q49757 +Q110436 P106 Q8246794 +Q1196965 P106 Q36834 +Q97028 P69 Q165528 +Q128933 P1412 Q150 +Q13375 P17 Q148540 +Q93341 P106 Q639669 +Q36330 P106 Q170790 +Q189564 P737 Q191734 +Q46551 P57 Q25191 +Q228909 P172 Q49085 +Q196472 P172 Q50001 +Q1361996 P69 Q2177054 +Q238941 P1303 Q17172850 +Q746923 P106 Q486748 +Q1322146 P1303 Q51290 +Q166344 P27 Q27 +Q180337 P495 Q408 +Q329156 P1050 Q11085 +Q77325 P106 Q14467526 +Q76336 P106 Q49757 +Q188117 P27 Q30 +Q75177 P19 Q56036 +Q349591 P19 Q60 +Q119527 P106 Q13570226 +Q182031 P509 Q12078 +Q888671 P1303 Q8338 +Q551154 P106 Q36834 +Q80405 P106 Q10800557 +Q168849 P161 Q167498 +Q298651 P136 Q182015 +Q8873 P106 Q2526255 +Q298255 P106 Q5482740 +Q738978 P106 Q1622272 +Q737463 P1412 Q7737 +Q11806 P1412 Q1860 +Q303207 P264 Q557632 +Q76442 P108 Q154804 +Q275658 P106 Q10798782 +Q94701 P69 Q152838 +Q2601 P27 Q183 +Q347362 P69 Q49112 +Q93030 P106 Q1622272 +Q1161444 P106 Q36180 +Q185510 P106 Q193391 +Q668 P530 Q804 +Q342604 P1412 Q1860 +Q713297 P27 Q219 +Q347891 P27 Q142 +Q177930 P161 Q167520 +Q1286597 P463 Q12759592 +Q311314 P136 Q21590660 +Q233848 P509 Q372701 +Q296524 P106 Q2405480 +Q717626 P106 Q488205 +Q214549 P108 Q273626 +Q142751 P161 Q106099 +Q105954 P27 Q16957 +Q8349 P106 Q36834 +Q982535 P69 Q209344 +Q228755 P69 Q49210 +Q122998 P1303 Q5994 +Q286570 P106 Q4610556 +Q212015 P19 Q90 +Q856008 P27 Q30 +Q940942 P69 Q209842 +Q358345 P106 Q177220 +Q101919 P27 Q183 +Q28170 P136 Q5967378 +Q12622 P106 Q860918 +Q851 P530 Q224 +Q227395 P1412 Q188 +Q319374 P1412 Q1860 +Q246731 P106 Q350979 +Q216148 P1412 Q9067 +Q242128 P20 Q956 +Q303235 P161 Q319527 +Q892 P106 Q14467526 +Q193070 P27 Q30 +Q557382 P27 Q33 +Q801 P530 Q912 +Q165699 P161 Q200405 +Q699565 P172 Q7325 +Q192812 P106 Q2405480 +Q554074 P463 Q2370801 +Q366217 P106 Q42973 +Q40640 P20 Q65 +Q18421 P136 Q93204 +Q53010 P106 Q28389 +Q95548 P1412 Q188 +Q4286203 P136 Q49084 +Q1371798 P1303 Q17172850 +Q220308 P172 Q7325 +Q77162 P106 Q82955 +Q41754 P161 Q311314 +Q1327115 P1303 Q80019 +Q962897 P27 Q34266 +Q3986379 P161 Q82238 +Q1406115 P27 Q30 +Q1394 P106 Q40348 +Q103474 P136 Q2484376 +Q351670 P106 Q14915627 +Q26625 P19 Q60 +Q181529 P463 Q463303 +Q132489 P69 Q332342 +Q435437 P27 Q145 +Q1585614 P509 Q12206 +Q342778 P106 Q33999 +Q319523 P101 Q13590141 +Q537722 P140 Q7066 +Q274277 P140 Q748 +Q127414 P840 Q60 +Q23359 P106 Q9017214 +Q902463 P27 Q30 +Q214907 P106 Q3055126 +Q560390 P106 Q1930187 +Q224029 P106 Q4964182 +Q722395 P106 Q36834 +Q441742 P19 Q1297 +Q239415 P106 Q10800557 +Q401107 P551 Q34370 +Q91657 P69 Q32120 +Q4985 P106 Q4263842 +Q4286203 P106 Q36180 +Q27 P530 Q142 +Q164396 P27 Q399 +Q335569 P106 Q1086863 +Q242477 P106 Q33999 +Q1268 P27 Q36 +Q617215 P106 Q2526255 +Q1032 P463 Q7809 +Q1569251 P106 Q753110 +Q350405 P27 Q30 +Q86260 P106 Q33999 +Q103767 P136 Q8341 +Q309843 P106 Q639669 +Q60128 P119 Q208175 +Q91446 P106 Q36180 +Q85618 P69 Q182973 +Q1060395 P108 Q193510 +Q10686 P17 Q215530 +Q357624 P20 Q60 +Q180505 P509 Q12192 +Q905 P106 Q15949613 +Q229735 P1303 Q6607 +Q82918 P509 Q12152 +Q238215 P106 Q639669 +Q109608 P106 Q13590141 +Q85876 P106 Q36180 +Q1546001 P136 Q164444 +Q847345 P27 Q218 +Q897275 P102 Q328195 +Q366464 P172 Q121842 +Q173061 P27 Q145 +Q95356 P106 Q2526255 +Q332497 P161 Q350208 +Q314158 P106 Q4263842 +Q117783 P106 Q482980 +Q183266 P106 Q864380 +Q403 P530 Q854 +Q25161 P20 Q34217 +Q72667 P106 Q81096 +Q48956 P69 Q32120 +Q449235 P106 Q482980 +Q9457 P27 Q129286 +Q95043 P106 Q10798782 +Q706999 P27 Q34266 +Q7013 P106 Q486748 +Q664592 P27 Q30 +Q59610 P136 Q1200678 +Q163662 P106 Q28389 +Q742634 P106 Q169470 +Q9353 P106 Q82955 +Q2599 P136 Q217467 +Q151830 P463 Q55641 +Q75726 P108 Q55044 +Q77489 P1412 Q1860 +Q455558 P1412 Q7979 +Q1805943 P1303 Q6607 +Q68411 P69 Q174570 +Q7504 P108 Q209842 +Q167498 P106 Q4610556 +Q706518 P136 Q37073 +Q333855 P27 Q145 +Q119935 P69 Q993267 +Q240851 P1412 Q1860 +Q230636 P106 Q5716684 +Q349420 P1303 Q17172850 +Q516285 P27 Q142 +Q234875 P26 Q311267 +Q25318 P1412 Q143 +Q57384 P27 Q30 +Q475942 P1412 Q188 +Q471443 P27 Q15180 +Q97070 P106 Q1622272 +Q60469 P106 Q1234713 +Q292543 P106 Q10798782 +Q72001 P1412 Q188 +Q55435 P106 Q2526255 +Q590420 P108 Q608338 +Q209538 P161 Q173158 +Q83656 P161 Q311271 +Q983544 P106 Q6625963 +Q238795 P106 Q177220 +Q211987 P106 Q947873 +Q689600 P106 Q1930187 +Q229244 P106 Q10798782 +Q179854 P106 Q4263842 +Q456827 P27 Q38 +Q63026 P136 Q369747 +Q229268 P69 Q8047423 +Q159585 P19 Q472 +Q445648 P1303 Q78987 +Q8814 P106 Q169470 +Q228787 P40 Q221364 +Q236543 P1303 Q6607 +Q235388 P264 Q202440 +Q202827 P106 Q169470 +Q62757 P106 Q4773904 +Q208869 P1412 Q1860 +Q1351177 P1303 Q6607 +Q1403 P69 Q152171 +Q171363 P551 Q717 +Q746182 P106 Q855091 +Q481482 P106 Q82955 +Q318910 P161 Q76478 +Q104790 P1412 Q188 +Q471774 P264 Q2535085 +Q765871 P509 Q12202 +Q231141 P106 Q36180 +Q231608 P136 Q1344 +Q311594 P119 Q311 +Q354863 P106 Q205375 +Q118229 P20 Q72 +Q159 P463 Q8475 +Q1353064 P106 Q205375 +Q308929 P161 Q6078 +Q505358 P69 Q174710 +Q87457 P106 Q482980 +Q460852 P101 Q207628 +Q12658 P463 Q451079 +Q303680 P69 Q49112 +Q125058 P136 Q645928 +Q107067 P106 Q36834 +Q221450 P135 Q1338153 +Q273903 P106 Q855091 +Q704609 P27 Q29 +Q337891 P106 Q177220 +Q128888 P1412 Q9288 +Q438164 P106 Q11774202 +Q102235 P161 Q235716 +Q187241 P551 Q142 +Q442300 P106 Q28389 +Q201607 P17 Q145 +Q66622 P27 Q16957 +Q176351 P463 Q463303 +Q538109 P106 Q82955 +Q40319 P20 Q84 +Q158123 P106 Q188094 +Q151606 P161 Q327229 +Q12857 P1412 Q1860 +Q303751 P106 Q10800557 +Q544508 P27 Q30 +Q167520 P106 Q245068 +Q237654 P69 Q248970 +Q45188 P264 Q193023 +Q1025 P463 Q1065 +Q918655 P106 Q121594 +Q63032 P106 Q2374149 +Q156023 P1303 Q5994 +Q962442 P106 Q33231 +Q800 P463 Q3369762 +Q275120 P161 Q342419 +Q195367 P69 Q235034 +Q721819 P264 Q1251139 +Q57364 P69 Q168426 +Q112255 P509 Q333495 +Q9575 P27 Q129286 +Q531287 P264 Q662575 +Q362422 P136 Q11399 +Q62373 P106 Q1622272 +Q55388 P69 Q1059546 +Q697203 P136 Q130232 +Q308792 P106 Q33999 +Q299331 P106 Q2865819 +Q436996 P509 Q12078 +Q38561 P57 Q51575 +Q223367 P840 Q90 +Q153185 P27 Q142 +Q214851 P106 Q212980 +Q1785 P136 Q205049 +Q2858166 P106 Q36834 +Q272719 P106 Q2259451 +Q180852 P27 Q148 +Q251262 P463 Q191583 +Q8298 P106 Q36834 +Q78494 P106 Q4964182 +Q66631 P20 Q2978 +Q42552 P106 Q11774202 +Q269835 P27 Q145 +Q339196 P106 Q1930187 +Q234992 P69 Q838330 +Q19794 P140 Q9592 +Q75726 P106 Q1622272 +Q146673 P136 Q20442589 +Q1030 P530 Q241 +Q312276 P509 Q744913 +Q173061 P19 Q350 +Q1382495 P106 Q177220 +Q110183 P69 Q316592 +Q15031 P101 Q7163 +Q61629 P106 Q36180 +Q2263 P106 Q2405480 +Q739 P530 Q736 +Q41590 P27 Q203493 +Q92004 P106 Q1930187 +Q188426 P264 Q700359 +Q287099 P27 Q159 +Q83155 P19 Q90 +Q44354 P641 Q5372 +Q717755 P106 Q36834 +Q312720 P509 Q18554919 +Q4573 P106 Q3282637 +Q58198 P1412 Q13955 +Q257243 P106 Q33999 +Q77428 P69 Q1278808 +Q539506 P19 Q25395 +Q134183 P102 Q29552 +Q152318 P106 Q47064 +Q940439 P106 Q1930187 +Q910486 P264 Q778673 +Q228624 P69 Q6608367 +Q567 P102 Q49762 +Q179150 P106 Q3427922 +Q182692 P161 Q81328 +Q66264 P27 Q211274 +Q970 P463 Q3348506 +Q239823 P106 Q713200 +Q83287 P106 Q183945 +Q231807 P27 Q30 +Q74849 P1412 Q652 +Q131152 P106 Q34074720 +Q177993 P106 Q33999 +Q86553 P106 Q3068305 +Q1203 P136 Q206159 +Q1037263 P106 Q488205 +Q131324 P106 Q639669 +Q125666 P106 Q947873 +Q215665 P106 Q36180 +Q328723 P106 Q10800557 +Q328201 P106 Q1476215 +Q275247 P264 Q183412 +Q19201 P172 Q1344183 +Q188386 P1412 Q9288 +Q71419 P1412 Q188 +Q265131 P27 Q30 +Q316454 P106 Q855091 +Q109608 P451 Q154852 +Q192912 P135 Q7066 +Q159551 P19 Q1085 +Q957439 P69 Q333705 +Q33240 P136 Q850412 +Q460088 P136 Q8261 +Q202304 P106 Q28389 +Q33760 P106 Q1622272 +Q84199 P106 Q1622272 +Q550900 P19 Q43199 +Q113233 P106 Q1622272 +Q7747 P551 Q1731 +Q6515 P106 Q6625963 +Q118488 P1412 Q150 +Q58125755 P106 Q1028181 +Q221289 P19 Q1352 +Q202386 P106 Q36180 +Q48102 P106 Q189290 +Q97083 P27 Q183 +Q386394 P20 Q1781 +Q212 P530 Q43 +Q188137 P106 Q36834 +Q740596 P463 Q265058 +Q18450 P102 Q9630 +Q236236 P69 Q258464 +Q712082 P106 Q1622272 +Q934820 P1412 Q1321 +Q194280 P106 Q15253558 +Q128759 P108 Q209344 +Q103343 P140 Q7361618 +Q211542 P20 Q47034 +Q1077608 P106 Q15296811 +Q237420 P106 Q10297252 +Q75849 P20 Q2090 +Q219744 P509 Q3010352 +Q51498 P27 Q30 +Q165524 P106 Q10798782 +Q310170 P172 Q49085 +Q922830 P106 Q753110 +Q254 P106 Q486748 +Q156749 P106 Q1734662 +Q318509 P106 Q16323111 +Q1531285 P136 Q83440 +Q1930941 P106 Q214917 +Q39 P463 Q826700 +Q102244 P161 Q329778 +Q676914 P106 Q82594 +Q230836 P106 Q486748 +Q364070 P1412 Q9072 +Q129187 P1412 Q1860 +Q140181 P69 Q49088 +Q353774 P106 Q11774202 +Q214097 P106 Q10872101 +Q506900 P27 Q30 +Q1869643 P20 Q23197 +Q6107 P264 Q231694 +Q1511 P106 Q8178443 +Q1409622 P1412 Q9129 +Q170509 P20 Q743535 +Q1659471 P136 Q11401 +Q182212 P161 Q165524 +Q1735 P17 Q28513 +Q464453 P1412 Q1860 +Q86152 P106 Q4263842 +Q982023 P463 Q161806 +Q7243 P463 Q1132636 +Q274070 P106 Q33999 +Q131149 P106 Q4964182 +Q109310 P463 Q150793 +Q4934 P463 Q1493021 +Q335011 P106 Q42603 +Q449129 P20 Q60 +Q29328 P106 Q33999 +Q689713 P119 Q665815 +Q164424 P161 Q447669 +Q62749 P106 Q4964182 +Q193257 P106 Q4263842 +Q93043 P106 Q82594 +Q262 P463 Q656801 +Q765 P106 Q49757 +Q360266 P27 Q30 +Q213783 P106 Q66711686 +Q816499 P1412 Q1860 +Q47695 P106 Q12144794 +Q314945 P106 Q10798782 +Q38 P530 Q36 +Q314403 P106 Q2526255 +Q218992 P551 Q38022 +Q19504 P119 Q1302545 +Q108454 P119 Q819654 +Q235611 P19 Q656 +Q43267 P136 Q37073 +Q156501 P106 Q333634 +Q232458 P136 Q547137 +Q115347 P27 Q30 +Q356303 P106 Q10798782 +Q215600 P1412 Q188 +Q232333 P106 Q177220 +Q289212 P106 Q177220 +Q216570 P1412 Q1860 +Q121698 P112 Q1101938 +Q58284 P106 Q82955 +Q164813 P495 Q142 +Q203460 P106 Q18805 +Q435415 P106 Q2259451 +Q948977 P69 Q174158 +Q20749396 P106 Q713200 +Q231276 P136 Q205049 +Q310295 P106 Q5716684 +Q150630 P106 Q82955 +Q296616 P106 Q10798782 +Q97144 P463 Q1285073 +Q2449206 P3373 Q51908481 +Q275003 P69 Q83259 +Q185002 P106 Q36834 +Q289614 P106 Q486748 +Q80871 P108 Q49088 +Q311791 P106 Q16145150 +Q438329 P140 Q170208 +Q25948 P69 Q312578 +Q295093 P27 Q142 +Q975084 P106 Q1930187 +Q218992 P106 Q36834 +Q277978 P1412 Q1860 +Q183031 P106 Q12406482 +Q9457 P106 Q1114448 +Q116032 P106 Q36180 +Q427326 P159 Q1337818 +Q272923 P27 Q30 +Q217787 P1303 Q17172850 +Q382099 P1303 Q17172850 +Q801 P530 Q298 +Q45383 P1303 Q6607 +Q769080 P106 Q36834 +Q131814 P136 Q131272 +Q2105 P119 Q272208 +Q249288 P161 Q318475 +Q222800 P495 Q30 +Q706571 P106 Q81096 +Q827389 P20 Q90 +Q28 P530 Q40 +Q165721 P27 Q15180 +Q428819 P27 Q30 +Q865 P530 Q241 +Q982729 P737 Q170509 +Q77489 P3373 Q51498 +Q44909 P106 Q177220 +Q37767 P140 Q106687 +Q244395 P106 Q1930187 +Q151929 P1412 Q7737 +Q91997 P106 Q10798782 +Q270215 P840 Q61 +Q26118 P106 Q2259451 +Q106371 P108 Q151510 +Q276425 P106 Q10800557 +Q801 P463 Q1043527 +Q23870 P106 Q14467526 +Q103114 P106 Q18844224 +Q936812 P463 Q938622 +Q8814 P463 Q188771 +Q560694 P106 Q482980 +Q99903 P106 Q82955 +Q124159 P1412 Q188 +Q339425 P840 Q21 +Q66735 P27 Q183 +Q1353559 P20 Q84 +Q73432 P106 Q864503 +Q354604 P1303 Q9798 +Q822 P463 Q1043527 +Q64915 P102 Q49750 +Q44107 P1412 Q188 +Q78864 P19 Q1741 +Q4177355 P19 Q9248 +Q214907 P19 Q1799 +Q19794 P1412 Q1860 +Q559844 P102 Q29552 +Q329778 P106 Q2259451 +Q229353 P106 Q10800557 +Q955684 P19 Q16555 +Q355374 P264 Q183387 +Q250954 P161 Q368037 +Q116307 P69 Q206702 +Q88383 P1412 Q188 +Q538379 P106 Q1930187 +Q44176 P106 Q3282637 +Q78553 P463 Q123885 +Q30875 P1412 Q35497 +Q134183 P106 Q33999 +Q164401 P101 Q333 +Q159227 P1412 Q9056 +Q199943 P106 Q488205 +Q3335 P551 Q90 +Q116928 P161 Q298276 +Q58198 P106 Q121594 +Q101521 P1412 Q188 +Q380996 P136 Q188473 +Q10648 P108 Q1065 +Q328335 P27 Q142 +Q202827 P463 Q3291340 +Q95237 P106 Q82955 +Q1791962 P463 Q123885 +Q270089 P106 Q214917 +Q184226 P1412 Q150 +Q234980 P106 Q1607826 +Q400046 P19 Q1028 +Q239786 P136 Q842324 +Q323117 P106 Q158852 +Q501 P172 Q121842 +Q47484 P20 Q90 +Q273118 P1412 Q1860 +Q1336685 P1412 Q1860 +Q339581 P20 Q649 +Q346965 P106 Q10800557 +Q2576206 P159 Q84 +Q41378 P463 Q1493021 +Q220713 P161 Q230501 +Q249032 P136 Q130232 +Q159690 P495 Q183 +Q26993 P140 Q13211738 +Q401107 P140 Q432 +Q355843 P19 Q588 +Q3504610 P69 Q193510 +Q187019 P26 Q235622 +Q1576675 P20 Q100 +Q233046 P136 Q5967378 +Q168728 P737 Q48226 +Q905 P1412 Q9056 +Q368852 P106 Q177220 +Q85580 P106 Q15895020 +Q76346 P106 Q37226 +Q44313 P106 Q10800557 +Q28 P463 Q458 +Q265131 P69 Q705737 +Q9312 P737 Q82049 +Q605678 P106 Q16533 +Q132964 P27 Q15180 +Q332525 P1303 Q128309 +Q63815 P19 Q2112 +Q61456 P19 Q1055 +Q151917 P69 Q13371 +Q228904 P106 Q488205 +Q88937 P106 Q482980 +Q310201 P106 Q18576582 +Q8619 P102 Q138345 +Q270469 P106 Q753110 +Q150916 P106 Q486748 +Q3955 P17 Q43287 +Q709 P530 Q30 +Q3370728 P69 Q471980 +Q77184 P27 Q183 +Q2908686 P106 Q43845 +Q220901 P451 Q106706 +Q223559 P161 Q320084 +Q55450 P20 Q220 +Q320384 P161 Q375356 +Q164069 P106 Q177220 +Q18809 P509 Q181754 +Q349591 P106 Q177220 +Q218 P530 Q657 +Q57999 P106 Q350979 +Q77 P463 Q376150 +Q9387 P509 Q12192 +Q774 P463 Q656801 +Q718609 P69 Q168756 +Q105598 P161 Q2680 +Q72014 P106 Q222344 +Q984115 P106 Q177220 +Q4128 P19 Q90 +Q41272 P27 Q15180 +Q728365 P106 Q4263842 +Q154145 P1412 Q150 +Q368421 P161 Q467519 +Q184750 P1412 Q150 +Q334818 P106 Q177220 +Q282877 P19 Q47164 +Q1123489 P463 Q463303 +Q1373546 P1412 Q150 +Q228766 P1412 Q1860 +Q504753 P108 Q777403 +Q336640 P101 Q184485 +Q160640 P106 Q4964182 +Q219150 P161 Q210792 +Q65344 P69 Q157808 +Q372959 P495 Q30 +Q105460 P27 Q30 +Q843 P530 Q902 +Q50969 P136 Q52162262 +Q83233 P106 Q36180 +Q52433 P69 Q192334 +Q36591 P737 Q1512 +Q675465 P106 Q1231865 +Q232851 P27 Q30 +Q184 P463 Q17495 +Q1074038 P19 Q35765 +Q52925 P106 Q116 +Q14045 P264 Q240804 +Q84352 P106 Q188094 +Q322760 P1303 Q17172850 +Q138850 P463 Q209184 +Q97144 P102 Q158227 +Q1067812 P264 Q3629023 +Q206497 P161 Q40791 +Q216927 P264 Q27184 +Q1396852 P106 Q82955 +Q96941 P106 Q1397808 +Q58311 P140 Q9268 +Q105598 P161 Q106481 +Q11617 P740 Q12439 +Q113806 P108 Q165980 +Q1178 P463 Q1541450 +Q212015 P136 Q206159 +Q57074 P106 Q36180 +Q189400 P27 Q30 +Q11907 P136 Q11399 +Q287805 P106 Q2526255 +Q932884 P106 Q36834 +Q78514 P27 Q30 +Q312051 P1412 Q1860 +Q353366 P106 Q36834 +Q503068 P106 Q36180 +Q80222 P737 Q7604 +Q109522 P69 Q49110 +Q929 P530 Q30 +Q983962 P106 Q36834 +Q274604 P1412 Q1860 +Q4425869 P108 Q13164 +Q1930941 P106 Q333634 +Q90315 P1412 Q188 +Q708963 P27 Q30 +Q449634 P27 Q30 +Q705515 P106 Q36180 +Q85931 P106 Q14467526 +Q881 P530 Q17 +Q49620 P463 Q1493021 +Q801 P463 Q376150 +Q202693 P106 Q36180 +Q78321 P106 Q1397808 +Q604940 P1303 Q52954 +Q193835 P161 Q208667 +Q35 P530 Q928 +Q1075770 P136 Q37073 +Q106326 P106 Q2059704 +Q219521 P106 Q177220 +Q334780 P840 Q641 +Q1625 P106 Q11513337 +Q29 P463 Q3866537 +Q60163 P119 Q438199 +Q1077608 P106 Q3391743 +Q19845 P264 Q3629023 +Q558177 P1412 Q652 +Q707446 P106 Q639669 +Q127414 P136 Q1054574 +Q76537 P19 Q2742 +Q179097 P140 Q9592 +Q1282910 P1303 Q6607 +Q58735 P106 Q10800557 +Q1441274 P106 Q36834 +Q40874 P106 Q214917 +Q809003 P106 Q639669 +Q97998 P106 Q11774156 +Q296177 P509 Q47912 +Q212660 P161 Q329716 +Q2086086 P106 Q10800557 +Q287828 P106 Q482980 +Q1329361 P463 Q123885 +Q61864 P106 Q81096 +Q187423 P161 Q6255748 +Q664 P463 Q233611 +Q354033 P106 Q4351403 +Q182944 P136 Q20442589 +Q443567 P106 Q36180 +Q68584 P27 Q183 +Q92627 P19 Q5083 +Q1397375 P106 Q36834 +Q66107 P140 Q9268 +Q16397 P106 Q10800557 +Q202326 P161 Q296177 +Q429867 P161 Q49004 +Q62116 P106 Q182436 +Q443897 P106 Q36834 +Q3816 P106 Q1930187 +Q9381 P101 Q179805 +Q766 P530 Q754 +Q276745 P106 Q33999 +Q77970 P106 Q183945 +Q704294 P106 Q6625963 +Q287478 P19 Q11299 +Q240769 P1412 Q150 +Q135640 P1412 Q652 +Q223949 P27 Q142 +Q236212 P1412 Q188 +Q348738 P106 Q33999 +Q208667 P40 Q310637 +Q84532 P1412 Q188 +Q1928973 P1303 Q17172850 +Q338812 P106 Q36180 +Q90840 P108 Q151510 +Q55922 P69 Q144488 +Q78830 P20 Q1741 +Q117 P463 Q899770 +Q132964 P106 Q33999 +Q3713655 P3373 Q3731533 +Q188137 P551 Q60 +Q25948 P106 Q36834 +Q315222 P69 Q32120 +Q152274 P641 Q2736 +Q302762 P140 Q7066 +Q57139 P106 Q1622272 +Q33866 P463 Q466089 +Q225629 P1303 Q8350 +Q236074 P106 Q10798782 +Q53001 P1412 Q150 +Q189600 P136 Q2484376 +Q16345 P106 Q33231 +Q313009 P264 Q843402 +Q3893579 P27 Q33 +Q244115 P161 Q3938408 +Q712820 P106 Q488205 +Q321527 P108 Q1026827 +Q234212 P1303 Q17172850 +Q347368 P106 Q2252262 +Q380123 P1303 Q5994 +Q187166 P106 Q214917 +Q188018 P106 Q10800557 +Q262507 P106 Q10800557 +Q467482 P1412 Q9072 +Q194045 P1303 Q17172850 +Q165668 P1412 Q7737 +Q366207 P27 Q30 +Q64278 P106 Q82955 +Q303751 P1412 Q1860 +Q53026 P106 Q2526255 +Q46633 P463 Q123885 +Q236943 P136 Q11700058 +Q690854 P27 Q36 +Q47480 P108 Q738258 +Q982339 P1412 Q1412 +Q68584 P106 Q1622272 +Q2213516 P106 Q3282637 +Q12908 P1412 Q1860 +Q1900440 P69 Q160302 +Q5383 P106 Q10800557 +Q107420 P101 Q18362 +Q432743 P69 Q1341516 +Q399 P530 Q230 +Q453987 P27 Q28 +Q408 P530 Q244 +Q15969 P551 Q1741 +Q1006152 P106 Q33999 +Q191104 P1412 Q1860 +Q216179 P106 Q10800557 +Q311755 P136 Q182015 +Q92143 P69 Q159895 +Q2739680 P101 Q21198 +Q31621 P106 Q1225716 +Q447121 P1412 Q9067 +Q151946 P161 Q34436 +Q764570 P463 Q270794 +Q206124 P136 Q860626 +Q175305 P106 Q245068 +Q51603 P106 Q10800557 +Q724871 P1412 Q1860 +Q92130 P1412 Q1860 +Q887347 P106 Q17125263 +Q708284 P106 Q520549 +Q130547 P27 Q145 +Q236469 P106 Q49757 +Q125451 P27 Q183 +Q970 P463 Q376150 +Q44645 P1412 Q1860 +Q104276 P27 Q183 +Q207951 P106 Q639669 +Q449894 P102 Q29468 +Q432129 P463 Q191583 +Q3430566 P106 Q43845 +Q240658 P106 Q2259451 +Q211987 P106 Q245068 +Q164824 P463 Q463303 +Q579773 P106 Q81096 +Q252142 P106 Q205375 +Q887259 P106 Q36180 +Q124784 P69 Q372608 +Q65130 P106 Q1622272 +Q12881 P106 Q18844224 +Q90074 P102 Q7320 +Q107405 P106 Q1622272 +Q634822 P27 Q30 +Q128493 P136 Q2484376 +Q229187 P106 Q18814623 +Q1345514 P106 Q36834 +Q268940 P27 Q142 +Q306122 P106 Q177220 +Q954681 P106 Q177220 +Q7302 P136 Q8361 +Q302762 P69 Q503246 +Q231487 P106 Q639669 +Q49355 P463 Q3603946 +Q71416 P20 Q2112 +Q49075 P106 Q82955 +Q721704 P106 Q3400985 +Q573323 P136 Q268253 +Q215072 P1412 Q1860 +Q269887 P161 Q205707 +Q1284551 P27 Q30 +Q63146 P106 Q36180 +Q44301 P69 Q7864046 +Q32 P463 Q81299 +Q6701 P106 Q4853732 +Q986622 P69 Q49166 +Q242482 P20 Q65 +Q223741 P136 Q598929 +Q221 P530 Q213 +Q40 P530 Q902 +Q163593 P20 Q23197 +Q449072 P27 Q30 +Q234544 P19 Q65 +Q39803 P108 Q21578 +Q89188 P106 Q193391 +Q241382 P1412 Q7737 +Q668 P530 Q826 +Q233941 P136 Q9730 +Q905323 P106 Q36180 +Q34286 P19 Q23436 +Q545375 P106 Q42909 +Q600488 P161 Q211566 +Q27411 P57 Q223992 +Q219551 P106 Q486748 +Q452232 P106 Q10800557 +Q145 P530 Q28 +Q273903 P1303 Q6607 +Q316330 P106 Q36180 +Q29328 P101 Q207628 +Q40 P530 Q843 +Q63317 P264 Q21077 +Q350424 P69 Q49112 +Q1070832 P136 Q2743 +Q190772 P27 Q142 +Q133054 P108 Q49204 +Q6078 P106 Q131524 +Q1095432 P1303 Q51290 +Q32 P530 Q865 +Q438164 P172 Q49085 +Q344822 P19 Q65 +Q315271 P1412 Q1860 +Q342774 P509 Q181754 +Q127345 P20 Q270 +Q1585614 P19 Q1494 +Q176846 P1412 Q1860 +Q153576 P106 Q33999 +Q541599 P136 Q183504 +Q740036 P136 Q9778 +Q204205 P1050 Q29496 +Q102341 P172 Q170826 +Q529604 P27 Q16 +Q708423 P509 Q12202 +Q1974330 P106 Q486748 +Q528804 P20 Q90 +Q151904 P840 Q1019 +Q42047 P136 Q959790 +Q562641 P106 Q2259451 +Q5443 P172 Q115026 +Q96825 P106 Q644687 +Q186525 P106 Q36180 +Q229599 P136 Q157443 +Q430849 P106 Q36180 +Q702 P463 Q827525 +Q352708 P106 Q10798782 +Q1065956 P1412 Q1860 +Q1247078 P136 Q83440 +Q314158 P106 Q36180 +Q153243 P106 Q170790 +Q11726 P27 Q40 +Q74667 P20 Q586 +Q187033 P1303 Q17172850 +Q332709 P19 Q2044 +Q230473 P106 Q5716684 +Q296370 P69 Q8008661 +Q545476 P1412 Q1860 +Q4681470 P106 Q43845 +Q214116 P106 Q1234713 +Q122110 P27 Q183 +Q902 P530 Q863 +Q95055 P27 Q30 +Q232449 P1303 Q17172850 +Q82918 P1412 Q7737 +Q253395 P26 Q297736 +Q202508 P840 Q15 +Q456271 P106 Q2516866 +Q429963 P106 Q10798782 +Q334825 P1412 Q9610 +Q1350303 P1303 Q46185 +Q12702 P102 Q9626 +Q362340 P108 Q178416 +Q311267 P27 Q30 +Q355209 P1412 Q1860 +Q84114 P106 Q639669 +Q604940 P106 Q36834 +Q368732 P106 Q43845 +Q25161 P737 Q430182 +Q72365 P20 Q1794 +Q89546 P463 Q1792159 +Q454544 P106 Q81096 +Q5912 P551 Q1486 +Q271640 P136 Q37073 +Q60025 P27 Q30 +Q347635 P119 Q746647 +Q66916 P20 Q2966 +Q387601 P136 Q2678111 +Q583722 P106 Q33999 +Q209641 P136 Q186424 +Q98120 P1412 Q397 +Q241085 P495 Q30 +Q44398 P106 Q177220 +Q110203 P161 Q169963 +Q239464 P19 Q1345 +Q258847 P161 Q232851 +Q76823 P69 Q153987 +Q93632 P106 Q28389 +Q41 P530 Q55 +Q164963 P161 Q168763 +Q153185 P463 Q329464 +Q264577 P840 Q99 +Q689600 P106 Q201788 +Q261759 P495 Q668 +Q44071 P1412 Q7737 +Q102244 P840 Q84 +Q7964724 P101 Q18362 +Q61597 P3373 Q214191 +Q229038 P106 Q3501317 +Q76725 P1412 Q188 +Q107328 P1412 Q188 +Q105119 P106 Q1622272 +Q510400 P27 Q161885 +Q84696 P509 Q128581 +Q70326 P106 Q36180 +Q114509 P19 Q65 +Q55171 P106 Q28389 +Q175305 P27 Q30 +Q93620 P19 Q99 +Q88388 P106 Q1622272 +Q91023 P69 Q165980 +Q334288 P27 Q30 +Q428489 P161 Q172653 +Q975 P30 Q49 +Q940617 P106 Q28389 +Q902 P530 Q1016 +Q18806 P102 Q310296 +Q260533 P136 Q959790 +Q450714 P106 Q36834 +Q207951 P108 Q463055 +Q152929 P264 Q50074604 +Q180223 P106 Q6625963 +Q103174 P106 Q33999 +Q2908 P136 Q8261 +Q61171 P27 Q801 +Q290490 P136 Q21401869 +Q231556 P106 Q10798782 +Q76358 P140 Q5043 +Q235115 P106 Q2526255 +Q42156 P27 Q142 +Q92143 P172 Q42884 +Q317592 P101 Q5891 +Q38873 P737 Q35802 +Q699950 P106 Q49757 +Q311115 P69 Q1189954 +Q44570 P106 Q36834 +Q42869 P106 Q3282637 +Q15935 P1050 Q131755 +Q1395573 P106 Q28389 +Q1018838 P106 Q49757 +Q1861917 P106 Q2526255 +Q232592 P172 Q49085 +Q381920 P108 Q457281 +Q110462 P551 Q90 +Q782738 P106 Q49757 +Q180004 P26 Q19794 +Q55433 P106 Q49757 +Q96 P530 Q142 +Q164119 P172 Q115026 +Q88095 P106 Q1622272 +Q331425 P106 Q1930187 +Q511399 P551 Q90 +Q163714 P106 Q201788 +Q104326 P136 Q49451 +Q318619 P106 Q806349 +Q299790 P106 Q28389 +Q892 P737 Q368519 +Q374045 P106 Q10800557 +Q103646 P69 Q1583249 +Q546926 P27 Q191 +Q181662 P20 Q60 +Q71819 P27 Q16 +Q365463 P106 Q593644 +Q3012 P17 Q41304 +Q5921 P106 Q55960555 +Q463501 P106 Q1930187 +Q268131 P106 Q3286043 +Q229603 P161 Q235278 +Q230131 P106 Q2259451 +Q145132 P106 Q2095549 +Q72962 P136 Q21401869 +Q601307 P106 Q10800557 +Q92632 P106 Q82594 +Q433893 P1412 Q1860 +Q450821 P108 Q221653 +Q729117 P106 Q4263842 +Q458656 P161 Q312077 +Q41309 P69 Q686522 +Q90856 P102 Q49750 +Q33 P463 Q1072120 +Q325718 P1303 Q17172850 +Q78525 P69 Q165980 +Q935051 P463 Q299015 +Q1888523 P106 Q901402 +Q192331 P106 Q36180 +Q85586 P108 Q309988 +Q439686 P106 Q10800557 +Q287110 P106 Q177220 +Q105221 P106 Q2526255 +Q155467 P20 Q7473516 +Q254983 P106 Q1930187 +Q237413 P19 Q25287 +Q57399 P1412 Q188 +Q9041 P509 Q12204 +Q156023 P106 Q36834 +Q205707 P106 Q2259451 +Q3462736 P463 Q191583 +Q131433 P27 Q16 +Q302400 P106 Q177220 +Q271554 P106 Q36180 +Q470101 P106 Q4263842 +Q314990 P106 Q33999 +Q151705 P161 Q387814 +Q298761 P737 Q16867 +Q57592 P106 Q36180 +Q70523 P106 Q169470 +Q57806 P1412 Q9129 +Q44221 P1412 Q1860 +Q1449438 P106 Q5716684 +Q34424 P1303 Q133163 +Q167546 P136 Q11399 +Q2429435 P463 Q833738 +Q239382 P106 Q10798782 +Q928 P530 Q27 +Q115630 P69 Q13371 +Q4491 P106 Q177220 +Q4384878 P27 Q159 +Q697131 P106 Q937857 +Q7345 P106 Q6625963 +Q36970 P106 Q28389 +Q456712 P106 Q10798782 +Q19242 P19 Q1054923 +Q10536 P551 Q34692 +Q88951 P1412 Q35497 +Q197206 P106 Q82955 +Q77148 P108 Q152171 +Q91124 P106 Q3621491 +Q372959 P161 Q41871 +Q274609 P27 Q30 +Q317539 P20 Q65 +Q256037 P495 Q183 +Q221903 P106 Q49757 +Q89461 P106 Q7042855 +Q5752 P106 Q18814623 +Q72276 P161 Q63187 +Q423 P530 Q8646 +Q133151 P106 Q177220 +Q117688 P463 Q543804 +Q543294 P69 Q230492 +Q625272 P106 Q17167049 +Q3769061 P106 Q947873 +Q269526 P264 Q1988428 +Q868839 P106 Q36180 +Q115883 P1412 Q188 +Q183266 P106 Q11774202 +Q239411 P106 Q947873 +Q61178 P1412 Q188 +Q51506 P3373 Q183337 +Q140052 P737 Q36591 +Q1933397 P106 Q1198887 +Q92906 P463 Q131566 +Q188461 P136 Q58339 +Q2657741 P27 Q30 +Q193405 P106 Q18939491 +Q1321093 P106 Q131524 +Q62116 P119 Q438199 +Q1944655 P463 Q543804 +Q382393 P106 Q2526255 +Q162597 P106 Q2306091 +Q155928 P69 Q457281 +Q387868 P136 Q2439025 +Q310150 P509 Q18554919 +Q128494 P27 Q15180 +Q165357 P106 Q10800557 +Q61674 P106 Q1622272 +Q185654 P106 Q10800557 +Q215927 P1412 Q1860 +Q31215 P136 Q8261 +Q734 P463 Q7825 +Q258753 P27 Q794 +Q31984 P106 Q214917 +Q34086 P1303 Q17172850 +Q295781 P27 Q243610 +Q59672 P106 Q214917 +Q464474 P1412 Q1321 +Q742396 P106 Q177220 +Q234809 P27 Q30 +Q231690 P509 Q12136 +Q557 P106 Q3391743 +Q268905 P161 Q57614 +Q77551 P106 Q82955 +Q73089 P136 Q1196752 +Q32221 P106 Q177220 +Q41309 P509 Q12192 +Q4124737 P106 Q81096 +Q154421 P69 Q131252 +Q1074590 P136 Q850412 +Q214013 P161 Q357762 +Q973488 P106 Q639669 +Q242462 P1303 Q17172850 +Q708110 P136 Q9759 +Q373362 P136 Q130232 +Q125017 P172 Q141817 +Q94040 P172 Q237534 +Q64241 P106 Q1622272 +Q202508 P161 Q400046 +Q2901936 P69 Q659706 +Q2516 P106 Q36180 +Q555324 P136 Q8261 +Q678 P463 Q294278 +Q208344 P840 Q60 +Q81037 P161 Q229263 +Q12288275 P106 Q1238570 +Q937936 P27 Q34266 +Q501429 P136 Q206159 +Q6078 P27 Q30 +Q235415 P106 Q245068 +Q1067043 P27 Q30 +Q270 P17 Q27306 +Q163159 P463 Q1132636 +Q1059718 P1412 Q5287 +Q243837 P1303 Q80284 +Q266578 P106 Q36834 +Q67917 P106 Q28389 +Q349777 P27 Q30 +Q35648 P108 Q153265 +Q214226 P26 Q1939373 +Q310343 P509 Q12192 +Q213579 P106 Q639669 +Q1067000 P1303 Q5994 +Q44313 P641 Q131359 +Q2130862 P463 Q1493021 +Q64397 P69 Q501758 +Q216004 P1412 Q188 +Q2464214 P69 Q273626 +Q124057 P106 Q10798782 +Q311271 P106 Q10800557 +Q1007 P30 Q15 +Q44461 P106 Q28389 +Q359059 P106 Q753110 +Q282665 P106 Q36834 +Q370928 P106 Q855091 +Q60487 P161 Q325020 +Q1361397 P106 Q82955 +Q1384181 P26 Q231135 +Q77468 P20 Q64 +Q87073 P1412 Q188 +Q164119 P106 Q177220 +Q112169 P136 Q35760 +Q728542 P1412 Q1860 +Q65911 P106 Q16533 +Q270546 P172 Q49085 +Q229187 P106 Q4610556 +Q216013 P27 Q183 +Q64584 P1412 Q188 +Q924668 P1303 Q17172850 +Q175038 P161 Q380095 +Q773828 P27 Q145 +Q2773 P17 Q7318 +Q7976772 P106 Q266569 +Q64356 P106 Q14467526 +Q983590 P101 Q1930187 +Q42574 P1412 Q5146 +Q78237 P27 Q183 +Q196560 P106 Q3282637 +Q18154882 P161 Q344567 +Q274404 P463 Q414188 +Q340016 P463 Q463281 +Q16 P530 Q43 +Q923242 P106 Q43845 +Q85034 P19 Q64 +Q262170 P106 Q28389 +Q362106 P106 Q33999 +Q680728 P1412 Q1860 +Q611927 P1412 Q652 +Q92824 P106 Q1622272 +Q49524 P1412 Q5287 +Q230641 P106 Q2405480 +Q315868 P106 Q14467526 +Q1702399 P264 Q1660305 +Q233843 P106 Q2259451 +Q1516431 P161 Q296370 +Q155 P530 Q241 +Q271879 P106 Q10800557 +Q437713 P19 Q1342 +Q482318 P27 Q30 +Q658454 P19 Q33935 +Q880181 P106 Q1650915 +Q455827 P106 Q855091 +Q736099 P20 Q220 +Q24962 P106 Q36834 +Q2062366 P3373 Q2287423 +Q150804 P161 Q213257 +Q18553 P27 Q142 +Q40197 P106 Q36180 +Q181917 P106 Q47064 +Q299122 P27 Q30 +Q171711 P161 Q232786 +Q123368 P106 Q11900058 +Q42047 P495 Q30 +Q61686 P20 Q1726 +Q858741 P1303 Q17172850 +Q1167005 P106 Q482980 +Q26162388 P50 Q61058 +Q502362 P106 Q13418253 +Q819 P530 Q30 +Q235742 P161 Q206659 +Q232456 P106 Q488205 +Q57123 P27 Q1206012 +Q4139600 P1412 Q7737 +Q1007 P463 Q827525 +Q44855 P451 Q185465 +Q232927 P26 Q113206 +Q585643 P136 Q45981 +Q312472 P106 Q7042855 +Q339045 P161 Q181490 +Q171684 P69 Q432637 +Q80510 P136 Q1196752 +Q92627 P106 Q82594 +Q2908 P106 Q4853732 +Q76437 P27 Q183 +Q353866 P106 Q1930187 +Q76606 P463 Q833738 +Q371348 P19 Q34692 +Q311613 P106 Q11481802 +Q105801 P840 Q79 +Q24871 P136 Q319221 +Q715195 P27 Q142 +Q270560 P69 Q371625 +Q316844 P106 Q3455803 +Q125451 P463 Q414110 +Q2900328 P1412 Q9288 +Q62845 P106 Q2405480 +Q80405 P69 Q4948174 +Q80504 P106 Q82955 +Q83501 P463 Q123885 +Q7245 P140 Q7066 +Q78830 P69 Q165980 +Q12786562 P106 Q1622272 +Q83297 P463 Q3603946 +Q20995 P101 Q7163 +Q60141 P106 Q11900058 +Q193674 P20 Q90 +Q380318 P1303 Q17172850 +Q4612 P106 Q10798782 +Q189895 P69 Q7060402 +Q173869 P140 Q6423963 +Q139121 P136 Q205560 +Q4514164 P101 Q41217 +Q57382 P551 Q104192 +Q1276 P172 Q34069 +Q983544 P108 Q168756 +Q469753 P1303 Q17172850 +Q175285 P27 Q28513 +Q391663 P106 Q10800557 +Q111447 P106 Q169470 +Q818968 P136 Q645928 +Q439314 P1412 Q1860 +Q204810 P106 Q64733534 +Q361649 P172 Q49085 +Q1276376 P19 Q1297 +Q17455 P463 Q466089 +Q1238400 P17 Q145 +Q275876 P69 Q13371 +Q186111 P1412 Q9168 +Q2794265 P19 Q100 +Q933453 P19 Q18419 +Q181728 P27 Q193714 +Q35149 P463 Q2822396 +Q1065624 P69 Q274486 +Q92007 P106 Q185351 +Q442390 P161 Q55456 +Q103598 P106 Q901 +Q5383 P509 Q623031 +Q12706 P119 Q1130019 +Q164578 P551 Q3640 +Q542101 P106 Q36834 +Q430076 P106 Q28389 +Q427386 P161 Q298016 +Q207824 P106 Q8246794 +Q223884 P495 Q258 +Q1687749 P27 Q30 +Q1276176 P106 Q1415090 +Q296887 P106 Q28389 +Q438164 P106 Q1930187 +Q214349 P106 Q158852 +Q669448 P102 Q79854 +Q452797 P106 Q212980 +Q1967070 P136 Q8341 +Q225625 P69 Q204181 +Q43250 P112 Q47906 +Q30 P530 Q183 +Q51506 P106 Q2526255 +Q325648 P161 Q197977 +Q438175 P106 Q639669 +Q1269512 P27 Q183 +Q430076 P551 Q60 +Q216398 P1412 Q1860 +Q88223 P106 Q947873 +Q1239278 P106 Q639669 +Q237 P30 Q46 +Q275641 P27 Q145 +Q36965 P20 Q2807 +Q191974 P463 Q463303 +Q20127 P69 Q317053 +Q1151944 P27 Q30 +Q231479 P19 Q35765 +Q318165 P20 Q39561 +Q505994 P19 Q18419 +Q79 P463 Q17495 +Q85982 P69 Q174158 +Q166344 P106 Q753110 +Q184 P530 Q183 +Q72292 P140 Q7066 +Q103946 P106 Q753110 +Q329127 P161 Q312129 +Q7176 P106 Q214917 +Q982493 P509 Q12152 +Q713058 P1412 Q9192 +Q205000 P20 Q33935 +Q61059 P106 Q8178443 +Q23530 P106 Q185351 +Q157271 P106 Q1607826 +Q385309 P161 Q234101 +Q182905 P1412 Q7737 +Q11590 P106 Q81096 +Q974 P463 Q134102 +Q167520 P69 Q1542213 +Q102813 P106 Q10798782 +Q157034 P172 Q127885 +Q313107 P106 Q2405480 +Q86043 P108 Q50662 +Q179682 P106 Q177220 +Q296843 P106 Q2405480 +Q108175 P106 Q1326886 +Q195718 P106 Q222749 +Q326856 P106 Q177220 +Q314362 P106 Q201788 +Q128529 P1050 Q12195 +Q636637 P106 Q1622272 +Q234207 P19 Q11299 +Q332528 P106 Q1930187 +Q332693 P106 Q185351 +Q53729 P27 Q38 +Q168452 P463 Q188771 +Q246711 P161 Q43416 +Q92456 P20 Q3806 +Q84335 P27 Q40 +Q1689346 P1303 Q17172850 +Q44767 P106 Q639669 +Q205028 P161 Q236475 +Q150471 P106 Q158852 +Q4622 P20 Q2044 +Q70300 P1412 Q188 +Q1721 P17 Q43287 +Q467482 P106 Q82955 +Q97644 P106 Q82955 +Q53714 P1303 Q17172850 +Q67039 P102 Q49768 +Q189758 P106 Q177220 +Q98058 P1412 Q188 +Q67711 P106 Q333634 +Q96502 P27 Q16957 +Q66316 P140 Q432 +Q128799 P136 Q37073 +Q92638 P27 Q30 +Q100913 P27 Q29999 +Q236318 P106 Q4610556 +Q981856 P106 Q36834 +Q174037 P106 Q82955 +Q43252 P106 Q33999 +Q241660 P264 Q1124061 +Q5752 P106 Q12961474 +Q538676 P106 Q177220 +Q203715 P135 Q164800 +Q282951 P1412 Q652 +Q77327 P106 Q28789517 +Q1345751 P27 Q30 +Q113007 P1303 Q17172850 +Q234700 P140 Q1062789 +Q75089 P463 Q329464 +Q128121 P1303 Q5994 +Q320025 P106 Q131524 +Q150445 P106 Q486748 +Q47695 P463 Q414379 +Q179282 P106 Q19350898 +Q78318 P1412 Q188 +Q698714 P106 Q43845 +Q4679786 P102 Q29552 +Q230023 P1412 Q150 +Q8686 P17 Q865 +Q836656 P106 Q806349 +Q313013 P106 Q183945 +Q108216 P102 Q49750 +Q521170 P106 Q1930187 +Q361257 P106 Q753110 +Q86526 P1412 Q188 +Q55210 P106 Q1281618 +Q153579 P69 Q49166 +Q447599 P106 Q36834 +Q659027 P463 Q463303 +Q237821 P69 Q49088 +Q73924 P463 Q558439 +Q207034 P69 Q248970 +Q164487 P140 Q7066 +Q705333 P136 Q164444 +Q239453 P69 Q213439 +Q367489 P1412 Q652 +Q284333 P161 Q223193 +Q1055 P17 Q150981 +Q920 P106 Q333634 +Q151976 P106 Q55960555 +Q30937 P136 Q842256 +Q160071 P161 Q236074 +Q862184 P27 Q30 +Q40054 P26 Q32661 +Q8011 P106 Q901 +Q94108 P19 Q1731 +Q235517 P19 Q60 +Q677706 P106 Q3745071 +Q180626 P69 Q691283 +Q138007 P172 Q7325 +Q60093 P19 Q64 +Q78214 P20 Q56037 +Q310866 P106 Q214917 +Q40933 P106 Q34074720 +Q16053 P106 Q15472169 +Q166641 P106 Q2516866 +Q79969 P1412 Q1860 +Q369957 P106 Q6625963 +Q355288 P641 Q32112 +Q48990 P463 Q49738 +Q17676 P106 Q81096 +Q918668 P69 Q332342 +Q213734 P27 Q15180 +Q157245 P108 Q41506 +Q237633 P106 Q855091 +Q270410 P161 Q233313 +Q501 P19 Q90 +Q261990 P106 Q49757 +Q51513 P140 Q9592 +Q108006 P136 Q3990883 +Q388286 P264 Q1123947 +Q319578 P106 Q639669 +Q105624 P840 Q38 +Q222 P530 Q43 +Q78109 P69 Q156725 +Q331760 P161 Q180004 +Q41502 P27 Q34266 +Q316884 P106 Q121594 +Q380841 P161 Q41422 +Q948093 P509 Q12206 +Q75116 P106 Q201788 +Q1049686 P27 Q17 +Q311778 P108 Q35794 +Q15180 P530 Q16 +Q270123 P106 Q36834 +Q237654 P106 Q34074720 +Q350666 P106 Q28389 +Q157024 P172 Q127885 +Q71905 P1303 Q5994 +Q272134 P101 Q482 +Q525949 P463 Q188771 +Q229957 P106 Q33999 +Q587004 P27 Q142 +Q9695 P106 Q14915627 +Q5738 P463 Q463303 +Q76772 P106 Q82955 +Q122622 P106 Q36180 +Q297334 P264 Q183387 +Q192529 P106 Q855091 +Q95039 P106 Q28389 +Q425821 P69 Q2093794 +Q76727 P106 Q4964182 +Q311093 P27 Q145 +Q294912 P509 Q8277 +Q908569 P264 Q183387 +Q2577771 P106 Q901 +Q18425 P463 Q270794 +Q1277181 P27 Q30 +Q59152 P463 Q1938003 +Q363763 P106 Q2251335 +Q283872 P106 Q2405480 +Q92871 P19 Q23337 +Q61163 P108 Q168426 +Q374605 P27 Q28 +Q73416 P106 Q3282637 +Q3711 P17 Q12560 +Q28858 P27 Q12548 +Q155545 P106 Q250867 +Q294625 P106 Q12144794 +Q231690 P106 Q2306091 +Q764789 P140 Q7066 +Q487488 P106 Q193391 +Q48184 P1303 Q5994 +Q268940 P1412 Q150 +Q437289 P106 Q188094 +Q1379164 P106 Q105186 +Q78506 P106 Q214917 +Q387638 P136 Q188473 +Q34086 P106 Q177220 +Q650640 P641 Q5369 +Q311993 P69 Q219563 +Q230 P530 Q79 +Q11116 P69 Q13371 +Q1157945 P27 Q30 +Q332462 P106 Q188094 +Q236056 P140 Q5043 +Q3173947 P551 Q142 +Q99397 P27 Q183 +Q171428 P106 Q82955 +Q208344 P136 Q130232 +Q313874 P495 Q142 +Q528647 P172 Q7325 +Q1476652 P1303 Q17172850 +Q102336 P102 Q7320 +Q39837 P106 Q16533 +Q109232 P19 Q60 +Q35236 P69 Q41506 +Q239652 P136 Q8261 +Q229325 P106 Q33999 +Q37327 P172 Q170826 +Q234891 P69 Q503246 +Q76820 P69 Q50662 +Q51525 P27 Q30 +Q339425 P495 Q30 +Q324239 P495 Q183 +Q470047 P19 Q8684 +Q230 P530 Q1006 +Q123823 P108 Q503473 +Q77004 P102 Q153401 +Q708284 P463 Q691152 +Q311723 P641 Q36389 +Q86488 P20 Q1017 +Q804 P530 Q96 +Q317539 P106 Q33999 +Q331461 P106 Q10800557 +Q74849 P136 Q9730 +Q115 P530 Q41 +Q153700 P69 Q820887 +Q256824 P1303 Q17172850 +Q1967070 P136 Q217467 +Q266006 P106 Q486748 +Q157245 P19 Q678437 +Q18227 P106 Q10732476 +Q410 P172 Q7325 +Q109608 P27 Q16957 +Q71336 P106 Q214917 +Q82006 P463 Q123885 +Q142 P530 Q1246 +Q296177 P106 Q2259451 +Q165745 P159 Q84 +Q242351 P106 Q6625963 +Q317574 P20 Q1337818 +Q14010 P69 Q35794 +Q236822 P19 Q65 +Q57426 P136 Q25379 +Q562781 P106 Q81096 +Q323641 P27 Q145 +Q167768 P20 Q84 +Q1028 P530 Q851 +Q484702 P106 Q2707485 +Q270664 P69 Q180865 +Q507046 P1412 Q1860 +Q215300 P106 Q2405480 +Q801 P530 Q16 +Q358188 P106 Q28389 +Q373423 P106 Q201788 +Q11812 P463 Q463303 +Q36290 P136 Q8341 +Q219551 P106 Q36180 +Q58626 P106 Q28789517 +Q129591 P106 Q177220 +Q289428 P106 Q1476215 +Q2656667 P106 Q578109 +Q314362 P1412 Q1321 +Q108283 P106 Q177220 +Q705022 P69 Q21578 +Q240238 P106 Q10798782 +Q108539 P119 Q562211 +Q459969 P1303 Q17172850 +Q357645 P264 Q654283 +Q200672 P161 Q155775 +Q57576 P140 Q55004488 +Q405672 P106 Q36180 +Q156193 P136 Q9730 +Q221450 P264 Q168407 +Q206972 P106 Q82955 +Q327713 P161 Q170587 +Q321527 P106 Q1028181 +Q154662 P27 Q41 +Q379873 P161 Q211283 +Q29658 P161 Q271967 +Q35678 P509 Q2840 +Q232514 P551 Q1489 +Q256402 P106 Q3282637 +Q271824 P106 Q2526255 +Q13894 P136 Q9734 +Q1046616 P106 Q177220 +Q1013 P530 Q183 +Q320714 P119 Q1242128 +Q62084 P106 Q16533 +Q316872 P106 Q753110 +Q310729 P161 Q296577 +Q1036131 P69 Q180865 +Q1364820 P106 Q2722764 +Q126958 P27 Q30 +Q98058 P102 Q49762 +Q249350 P57 Q103917 +Q98434 P551 Q64 +Q364679 P69 Q49213 +Q298 P30 Q18 +Q78644 P108 Q1065 +Q2646169 P19 Q3141 +Q3986379 P161 Q2599 +Q97383 P27 Q183 +Q465702 P264 Q277626 +Q26168 P106 Q4964182 +Q27 P530 Q184 +Q313501 P106 Q2526255 +Q456751 P27 Q38 +Q68225 P27 Q183 +Q244333 P495 Q16 +Q733 P530 Q865 +Q65664 P463 Q150793 +Q362133 P106 Q33999 +Q983400 P101 Q395 +Q55249 P106 Q33999 +Q121694 P106 Q36180 +Q80204 P495 Q142 +Q95367 P20 Q64 +Q60068 P106 Q33999 +Q274334 P106 Q1930187 +Q358538 P106 Q639669 +Q386053 P737 Q216563 +Q262549 P106 Q11774202 +Q4628 P30 Q46 +Q192515 P264 Q726251 +Q162202 P69 Q3072747 +Q935051 P106 Q201788 +Q401773 P106 Q82955 +Q765 P27 Q38 +Q96599 P106 Q2259451 +Q728463 P463 Q270794 +Q154817 P161 Q62052 +Q338826 P27 Q28513 +Q59837 P108 Q209842 +Q164384 P463 Q463303 +Q982005 P106 Q36180 +Q7833 P106 Q1350157 +Q29031 P106 Q15980158 +Q2079 P30 Q46 +Q244 P463 Q1065 +Q2673 P641 Q11419 +Q133054 P106 Q36180 +Q19069 P161 Q329156 +Q363822 P1303 Q258896 +Q15873 P1303 Q5994 +Q636 P264 Q183387 +Q1173676 P108 Q1045828 +Q92608 P106 Q82594 +Q172975 P495 Q30 +Q273079 P27 Q30 +Q235134 P69 Q21705070 +Q51010 P1412 Q188 +Q25351 P69 Q206702 +Q675 P106 Q81096 +Q553742 P106 Q33999 +Q80135 P463 Q1132636 +Q270269 P509 Q12078 +Q334205 P106 Q36180 +Q296950 P27 Q37 +Q214481 P69 Q151510 +Q362824 P106 Q36180 +Q9049 P1412 Q1860 +Q276468 P19 Q12439 +Q237820 P264 Q183387 +Q456271 P69 Q9842 +Q719083 P1303 Q6607 +Q189554 P26 Q574885 +Q142768 P106 Q47064 +Q345517 P136 Q8341 +Q59054 P19 Q656 +Q159876 P463 Q463303 +Q349039 P27 Q30 +Q40933 P106 Q10800557 +Q361976 P106 Q81096 +Q47216 P106 Q486748 +Q482318 P1050 Q11085 +Q76892 P463 Q329464 +Q169065 P19 Q1085 +Q360383 P69 Q308963 +Q1386899 P106 Q488205 +Q877858 P106 Q855091 +Q229477 P106 Q10798782 +Q53633 P106 Q16533 +Q2133214 P840 Q649 +Q12857 P1412 Q9309 +Q446427 P106 Q1930187 +Q366012 P1303 Q5994 +Q456386 P106 Q947873 +Q49009 P264 Q203059 +Q28975 P106 Q482980 +Q185832 P27 Q34 +Q66213 P106 Q6625963 +Q982493 P69 Q5149833 +Q4149437 P108 Q13164 +Q160215 P161 Q206922 +Q292623 P106 Q177220 +Q342397 P463 Q2370801 +Q1396852 P106 Q639669 +Q59737 P106 Q49757 +Q32681 P27 Q29999 +Q202041 P264 Q216364 +Q114576 P106 Q14915627 +Q98926 P172 Q7325 +Q128832 P27 Q34266 +Q23481 P136 Q25379 +Q618233 P106 Q33999 +Q174244 P1412 Q1860 +Q522569 P509 Q11085 +Q317761 P106 Q33999 +Q444147 P1412 Q9288 +Q94913 P106 Q10800557 +Q142292 P840 Q1391 +Q58062 P108 Q658192 +Q311181 P106 Q753110 +Q311241 P106 Q488205 +Q120626 P161 Q513849 +Q257317 P27 Q30 +Q303678 P136 Q842256 +Q981944 P140 Q432 +Q167211 P69 Q999763 +Q178094 P161 Q362500 +Q85460 P106 Q16287483 +Q236318 P264 Q798658 +Q463281 P17 Q30 +Q456827 P106 Q55960555 +Q108553 P106 Q1607826 +Q183397 P463 Q466089 +Q131579 P19 Q2044 +Q327613 P495 Q183 +Q213393 P106 Q13424456 +Q235952 P264 Q2338889 +Q189599 P106 Q18814623 +Q160478 P106 Q36180 +Q112176 P1412 Q1860 +Q273055 P172 Q49085 +Q312337 P106 Q10800557 +Q62833 P27 Q183 +Q19801728 P161 Q208117 +Q135645 P20 Q64 +Q732503 P17 Q17 +Q452307 P641 Q5372 +Q356303 P106 Q36180 +Q347635 P20 Q90 +Q43723 P106 Q193391 +Q3022141 P106 Q10873124 +Q555449 P19 Q1335 +Q62963 P463 Q700570 +Q67221 P19 Q393 +Q4139600 P20 Q656 +Q434956 P106 Q130857 +Q323392 P136 Q2484376 +Q215392 P17 Q29 +Q983705 P106 Q82955 +Q538901 P101 Q207628 +Q201924 P161 Q192402 +Q236017 P119 Q956 +Q102022 P108 Q31519 +Q23810 P101 Q593644 +Q84211 P106 Q28389 +Q88478 P106 Q49757 +Q1608224 P27 Q30 +Q426433 P161 Q16472 +Q664167 P136 Q56284716 +Q105387 P840 Q61 +Q877858 P27 Q30 +Q202028 P136 Q188473 +Q151164 P737 Q47484 +Q154759 P1412 Q9027 +Q462261 P106 Q4263842 +Q557948 P136 Q6010 +Q87392 P27 Q28513 +Q167475 P1412 Q1860 +Q55922 P140 Q9592 +Q545423 P1412 Q150 +Q1386188 P106 Q42973 +Q53018 P106 Q33999 +Q267721 P161 Q555226 +Q669934 P20 Q584451 +Q85426 P106 Q593644 +Q202319 P1303 Q6607 +Q61629 P19 Q1055 +Q348916 P1412 Q1860 +Q24631 P1412 Q1860 +Q362353 P106 Q3282637 +Q445392 P106 Q40348 +Q324753 P1303 Q17172850 +Q1677044 P20 Q23197 +Q76409 P737 Q233898 +Q153232 P20 Q90 +Q313204 P3373 Q431038 +Q257217 P40 Q47100 +Q87840 P106 Q185351 +Q23505 P463 Q218868 +Q171530 P264 Q56760250 +Q93187 P69 Q1033692 +Q106225 P106 Q10798782 +Q38486 P136 Q959790 +Q189 P530 Q211 +Q763 P463 Q7825 +Q25186 P106 Q7042855 +Q123334 P1412 Q188 +Q340074 P27 Q794 +Q315756 P106 Q2059704 +Q18809 P27 Q34266 +Q129813 P136 Q130232 +Q240894 P161 Q621490 +Q311115 P551 Q1017 +Q266676 P136 Q45981 +Q359331 P106 Q10798782 +Q99294 P19 Q64 +Q57244 P27 Q713750 +Q144669 P136 Q9759 +Q298209 P106 Q639669 +Q902 P530 Q754 +Q237820 P106 Q488205 +Q320639 P106 Q855091 +Q25483 P106 Q15978655 +Q72001 P1412 Q1860 +Q71499 P106 Q1930187 +Q323392 P161 Q431038 +Q1888523 P106 Q1371378 +Q264610 P106 Q36834 +Q82032 P19 Q39121 +Q181689 P106 Q753110 +Q462261 P106 Q1930187 +Q52440 P106 Q177220 +Q989 P108 Q189441 +Q169311 P1412 Q652 +Q212123 P161 Q39666 +Q266356 P106 Q10800557 +Q47737 P101 Q5891 +Q268147 P106 Q4263842 +Q114576 P27 Q40 +Q291405 P106 Q36834 +Q105937 P463 Q188771 +Q1159089 P106 Q10800557 +Q629216 P1050 Q3321212 +Q116852 P136 Q1535153 +Q13133 P26 Q76 +Q44519 P106 Q4853732 +Q258462 P1412 Q1860 +Q364868 P69 Q215539 +Q93957 P106 Q10800557 +Q437138 P106 Q33999 +Q274342 P106 Q947873 +Q465707 P27 Q31 +Q277559 P463 Q2370801 +Q1347561 P106 Q1622272 +Q549626 P20 Q488004 +Q69349 P102 Q49762 +Q58799 P106 Q214917 +Q766314 P19 Q19660 +Q200355 P1412 Q1860 +Q260011 P106 Q36180 +Q230499 P106 Q488205 +Q155423 P106 Q222344 +Q44872 P69 Q152171 +Q110719 P69 Q152171 +Q68815 P69 Q154804 +Q11607 P140 Q42504 +Q42198 P161 Q191084 +Q137595 P161 Q381203 +Q5679 P509 Q83319 +Q159933 P106 Q82955 +Q535812 P106 Q36180 +Q76336 P106 Q13424456 +Q375855 P135 Q377616 +Q106555 P69 Q3268638 +Q1391164 P19 Q85 +Q920526 P106 Q43845 +Q706422 P106 Q158852 +Q966228 P106 Q6625963 +Q271385 P264 Q1273666 +Q292973 P19 Q277162 +Q103591 P108 Q865528 +Q208117 P27 Q30 +Q60752 P1412 Q1860 +Q359665 P106 Q10798782 +Q196103 P136 Q20442589 +Q1897911 P1303 Q17172850 +Q67633 P106 Q36180 +Q76576 P108 Q20266894 +Q64238 P19 Q1799 +Q70223 P108 Q503473 +Q222720 P136 Q2484376 +Q302181 P161 Q234487 +Q158354 P140 Q75809 +Q717884 P27 Q30 +Q384979 P106 Q1930187 +Q246296 P106 Q1930187 +Q256884 P1303 Q17172850 +Q924668 P27 Q30 +Q312803 P1303 Q17172850 +Q164663 P136 Q369747 +Q67436 P106 Q49757 +Q427884 P1303 Q17172850 +Q239786 P106 Q10800557 +Q59534 P495 Q30 +Q314843 P106 Q1209498 +Q3353479 P106 Q81096 +Q132506 P106 Q639669 +Q93188 P1412 Q1860 +Q44662 P136 Q842256 +Q275247 P136 Q484641 +Q95843 P106 Q185351 +Q215724 P69 Q151510 +Q1798353 P3373 Q242535 +Q116577 P1412 Q188 +Q441628 P106 Q4263842 +Q516285 P463 Q2370801 +Q58735 P264 Q208909 +Q454870 P106 Q214917 +Q321990 P106 Q10800557 +Q216070 P27 Q27306 +Q224 P530 Q20 +Q281480 P136 Q586250 +Q233464 P136 Q860626 +Q111323 P551 Q649 +Q1225141 P106 Q183945 +Q349507 P27 Q4948 +Q200392 P551 Q490 +Q745363 P136 Q8261 +Q456751 P119 Q27426 +Q1399 P140 Q1841 +Q240250 P106 Q2259451 +Q144391 P106 Q15949613 +Q325487 P119 Q771 +Q65106 P551 Q64 +Q98524 P1412 Q188 +Q87073 P19 Q28513 +Q104276 P69 Q152838 +Q115761 P102 Q537303 +Q774 P463 Q3369762 +Q1152239 P106 Q10800557 +Q557665 P106 Q40348 +Q75914 P20 Q586 +Q272224 P69 Q503473 +Q86758 P69 Q152087 +Q1190550 P136 Q11366 +Q391540 P136 Q369747 +Q971962 P1412 Q9288 +Q225885 P161 Q211322 +Q37767 P737 Q767 +Q6515 P108 Q15208489 +Q57954 P106 Q188094 +Q233891 P108 Q126399 +Q47221 P57 Q41148 +Q710282 P106 Q486748 +Q833 P530 Q252 +Q889 P530 Q884 +Q232468 P106 Q488205 +Q193459 P106 Q488205 +Q234610 P106 Q2259451 +Q463883 P20 Q65 +Q1286993 P19 Q24826 +Q169452 P106 Q15077007 +Q282002 P264 Q645889 +Q184249 P106 Q177220 +Q756617 P30 Q49 +Q224026 P102 Q29552 +Q243041 P361 Q323834 +Q289614 P1412 Q1860 +Q1855369 P27 Q30 +Q158017 P69 Q927373 +Q61407 P463 Q414188 +Q270707 P106 Q1930187 +Q1988375 P27 Q15180 +Q49061 P27 Q30 +Q57382 P106 Q4263842 +Q113480 P463 Q2370801 +Q208003 P106 Q36180 +Q34970 P136 Q878985 +Q809420 P1412 Q150 +Q685 P30 Q538 +Q220192 P161 Q425821 +Q551570 P106 Q6625963 +Q72717 P106 Q33999 +Q76824 P161 Q137042 +Q484302 P136 Q211723 +Q941210 P172 Q165192 +Q60113 P509 Q12136 +Q1266083 P69 Q499451 +Q234137 P106 Q177220 +Q67953 P106 Q36180 +Q85460 P69 Q165980 +Q283328 P1412 Q1860 +Q507075 P106 Q1607826 +Q83501 P108 Q11942 +Q1386188 P1412 Q1860 +Q124070 P106 Q639669 +Q704015 P108 Q1250779 +Q161842 P106 Q333634 +Q115483 P106 Q18939491 +Q83557 P463 Q2370801 +Q128967 P106 Q82955 +Q561458 P108 Q168751 +Q451312 P19 Q546 +Q107002 P140 Q1841 +Q63176 P106 Q188094 +Q960524 P106 Q639669 +Q133151 P1303 Q17172850 +Q313185 P106 Q18844224 +Q70215 P463 Q700570 +Q183 P463 Q19771 +Q36268 P106 Q36180 +Q96071 P108 Q315658 +Q273080 P264 Q1439985 +Q77551 P20 Q1040 +Q92926 P69 Q5676553 +Q78437 P172 Q42884 +Q467333 P1412 Q1860 +Q57735 P69 Q49126 +Q188111 P106 Q10774753 +Q40 P172 Q237534 +Q273211 P119 Q1358639 +Q465386 P106 Q1930187 +Q62766 P264 Q1153032 +Q79 P530 Q833 +Q43067 P27 Q7318 +Q94350 P69 Q165980 +Q295873 P509 Q3242950 +Q289428 P106 Q27532437 +Q232301 P27 Q30 +Q536102 P106 Q82955 +Q328695 P495 Q30 +Q526022 P27 Q28513 +Q43432 P106 Q1053574 +Q309648 P69 Q13371 +Q863226 P106 Q488205 +Q78476 P172 Q237534 +Q1439143 P106 Q43845 +Q143945 P106 Q82955 +Q45662 P463 Q1792159 +Q182057 P106 Q10800557 +Q408 P37 Q1860 +Q110872 P106 Q212980 +Q42930 P106 Q10800557 +Q971962 P106 Q1231865 +Q963626 P1303 Q17172850 +Q446743 P106 Q1930187 +Q962609 P509 Q29496 +Q238871 P69 Q523926 +Q149431 P161 Q38875 +Q225916 P161 Q272944 +Q716293 P106 Q1622272 +Q168482 P106 Q1281618 +Q68490 P106 Q14915627 +Q2900328 P20 Q801 +Q202878 P106 Q36180 +Q301083 P495 Q30 +Q1346832 P106 Q639669 +Q506102 P108 Q762266 +Q190251 P136 Q217467 +Q251287 P264 Q202585 +Q363810 P106 Q33999 +Q4030 P172 Q49085 +Q202041 P495 Q145 +Q139330 P106 Q8246794 +Q5679 P69 Q332342 +Q285116 P106 Q36834 +Q57235 P140 Q9592 +Q76325 P106 Q16267607 +Q19356 P161 Q107933 +Q2658411 P101 Q8242 +Q727301 P106 Q36180 +Q175278 P136 Q645928 +Q41 P530 Q39 +Q312407 P463 Q463281 +Q389151 P161 Q81520 +Q932694 P135 Q9730 +Q110365 P495 Q142 +Q106057 P140 Q1841 +Q457687 P106 Q49757 +Q78513 P101 Q1662673 +Q1950678 P69 Q161562 +Q207596 P106 Q28389 +Q61648 P19 Q2973 +Q11171 P106 Q1622272 +Q544611 P1412 Q1860 +Q571605 P106 Q169470 +Q299968 P27 Q403 +Q2213516 P106 Q43845 +Q185465 P106 Q177220 +Q180224 P106 Q855091 +Q104301 P108 Q32120 +Q68596 P69 Q159895 +Q23858 P509 Q3505252 +Q157259 P1412 Q1860 +Q7197 P106 Q18814623 +Q47447 P106 Q10800557 +Q300502 P161 Q338812 +Q230929 P106 Q2259451 +Q229241 P106 Q2259451 +Q68490 P106 Q36180 +Q99903 P106 Q36180 +Q70839 P106 Q14467526 +Q192073 P840 Q99 +Q14277 P27 Q161885 +Q20235 P106 Q10800557 +Q96825 P106 Q82955 +Q243639 P27 Q30 +Q126281 P161 Q532169 +Q983421 P27 Q30 +Q430922 P106 Q33999 +Q81685 P106 Q214917 +Q152843 P106 Q4610556 +Q78031 P27 Q183 +Q202029 P161 Q16473 +Q157322 P106 Q2095549 +Q1579916 P106 Q1622272 +Q64584 P106 Q1234713 +Q200392 P108 Q131262 +Q3271606 P108 Q273523 +Q117 P530 Q965 +Q45963 P106 Q36180 +Q270599 P161 Q298368 +Q465636 P106 Q9648008 +Q462406 P495 Q30 +Q556767 P106 Q36180 +Q42581 P140 Q7066 +Q16389 P27 Q145 +Q67204 P69 Q32120 +Q238866 P161 Q185051 +Q61743 P1412 Q188 +Q41351 P106 Q33999 +Q289064 P106 Q2259451 +Q78506 P1412 Q188 +Q235388 P264 Q54860 +Q1356737 P106 Q855091 +Q298016 P69 Q41506 +Q314485 P106 Q2526255 +Q771229 P551 Q3130 +Q35448 P106 Q82955 +Q157208 P40 Q138559 +Q258846 P27 Q30 +Q344758 P106 Q28389 +Q46739 P140 Q1841 +Q67815 P1412 Q188 +Q107178 P69 Q152171 +Q236075 P106 Q36834 +Q190998 P463 Q463303 +Q2579604 P20 Q1930 +Q94765 P106 Q131524 +Q153670 P106 Q36180 +Q182882 P27 Q30 +Q483507 P264 Q14192383 +Q92740 P509 Q212961 +Q47478 P106 Q37226 +Q541599 P509 Q506616 +Q106571 P161 Q313727 +Q14063 P69 Q1137665 +Q575886 P1412 Q1321 +Q231484 P106 Q177220 +Q1044 P463 Q656801 +Q114152 P106 Q33999 +Q374526 P495 Q30 +Q258 P530 Q1050 +Q201674 P161 Q873 +Q101728 P1412 Q1860 +Q123923 P140 Q3333484 +Q962 P463 Q134102 +Q298694 P106 Q639669 +Q769328 P1412 Q5287 +Q142988 P106 Q1238570 +Q122094 P106 Q82955 +Q184226 P106 Q36180 +Q256354 P106 Q49757 +Q1791962 P19 Q1354 +Q65144 P106 Q2865819 +Q58720 P463 Q4345832 +Q437748 P106 Q639669 +Q233529 P264 Q202440 +Q77271 P140 Q1841 +Q28117 P19 Q24879 +Q166562 P551 Q220 +Q76440 P140 Q9268 +Q76197 P106 Q1622272 +Q725510 P136 Q37073 +Q895636 P69 Q152087 +Q311453 P106 Q10800557 +Q11676 P101 Q1328508 +Q960081 P106 Q4964182 +Q106073 P106 Q6625963 +Q172684 P106 Q18814623 +Q4491 P27 Q30 +Q58085 P106 Q193391 +Q216409 P106 Q1622272 +Q983239 P119 Q311 +Q131864 P161 Q229775 +Q232009 P161 Q108270 +Q569350 P463 Q1559701 +Q55704 P140 Q288928 +Q4496 P1412 Q150 +Q201472 P1412 Q7737 +Q1252841 P106 Q36180 +Q537722 P106 Q36834 +Q1174183 P106 Q639669 +Q385309 P161 Q180710 +Q893785 P102 Q1332068 +Q1242553 P172 Q49085 +Q156942 P20 Q90 +Q706641 P1303 Q9798 +Q348351 P106 Q2259451 +Q922528 P740 Q60 +Q301083 P840 Q99 +Q330824 P106 Q10800557 +Q240576 P106 Q82955 +Q909 P1412 Q1321 +Q257752 P106 Q82955 +Q92613 P106 Q82594 +Q385703 P106 Q10843402 +Q304675 P740 Q11299 +Q309014 P161 Q356986 +Q151904 P161 Q434790 +Q983450 P27 Q30 +Q428215 P27 Q145 +Q179743 P161 Q152941 +Q357821 P20 Q956 +Q1361841 P106 Q1622272 +Q71106 P106 Q36180 +Q445125 P69 Q617433 +Q192724 P161 Q371972 +Q53939 P27 Q142 +Q105031 P57 Q75079 +Q270869 P106 Q177220 +Q320073 P106 Q10800557 +Q216608 P136 Q11399 +Q1396655 P106 Q81096 +Q331155 P27 Q668 +Q158465 P106 Q169470 +Q259379 P106 Q753110 +Q128799 P136 Q9794 +Q542101 P106 Q1075651 +Q26806 P106 Q10798782 +Q9248 P17 Q15180 +Q101494 P19 Q1721 +Q232456 P264 Q1124061 +Q154412 P20 Q193478 +Q310580 P1303 Q46185 +Q92621 P1412 Q1860 +Q85102 P1412 Q1860 +Q963 P463 Q340195 +Q126927 P106 Q639669 +Q243267 P19 Q849116 +Q131240 P106 Q49757 +Q142 P530 Q1045 +Q96978 P106 Q1622272 +Q102822 P463 Q253439 +Q228918 P172 Q49085 +Q12674 P19 Q90 +Q216195 P737 Q504 +Q362828 P27 Q34266 +Q34660 P737 Q39829 +Q306403 P19 Q47265 +Q168356 P106 Q18814623 +Q883730 P106 Q1622272 +Q262791 P69 Q503246 +Q450271 P19 Q1492 +Q377789 P106 Q3282637 +Q735560 P69 Q847099 +Q45321 P1412 Q188 +Q367447 P106 Q12377274 +Q240253 P136 Q24925 +Q319723 P1412 Q1860 +Q60016 P136 Q959790 +Q195390 P1412 Q8641 +Q518839 P20 Q9005 +Q213870 P463 Q337526 +Q680881 P463 Q1429947 +Q92881 P106 Q81096 +Q439626 P19 Q16555 +Q163899 P136 Q188473 +Q111873 P108 Q153987 +Q79969 P106 Q34074720 +Q234595 P136 Q37073 +Q395494 P19 Q24639 +Q104358 P264 Q885977 +Q122003 P106 Q40348 +Q62234 P69 Q154804 +Q355839 P102 Q151469 +Q233385 P1303 Q17172850 +Q229920 P106 Q10800557 +Q41281 P106 Q639669 +Q553790 P106 Q639669 +Q320073 P106 Q2259451 +Q240570 P106 Q855091 +Q186504 P161 Q202144 +Q78830 P119 Q1741 +Q85510 P27 Q40 +Q234875 P106 Q4610556 +Q1154804 P106 Q488205 +Q327293 P135 Q186030 +Q57075 P106 Q169470 +Q745363 P106 Q36180 +Q310190 P69 Q49110 +Q318607 P509 Q12078 +Q5577 P106 Q28389 +Q721376 P106 Q855091 +Q311145 P106 Q14467526 +Q314133 P19 Q656 +Q548964 P108 Q319239 +Q76606 P463 Q543804 +Q155545 P106 Q3055126 +Q188459 P140 Q9268 +Q66936 P69 Q20266330 +Q641582 P1412 Q9299 +Q71408 P106 Q13582652 +Q309640 P69 Q174710 +Q135645 P172 Q7325 +Q211513 P551 Q656 +Q5950 P264 Q155152 +Q962 P530 Q155 +Q164401 P106 Q37226 +Q444366 P106 Q28389 +Q445429 P106 Q6625963 +Q270669 P106 Q36834 +Q44176 P106 Q822146 +Q574885 P106 Q753110 +Q221843 P20 Q34006 +Q8862012 P106 Q1231865 +Q401963 P27 Q30 +Q520001 P551 Q64 +Q106573 P451 Q212015 +Q380799 P264 Q208909 +Q764913 P106 Q487596 +Q355112 P27 Q142 +Q980151 P20 Q744948 +Q57347 P106 Q1622272 +Q98311 P106 Q28389 +Q965375 P509 Q212961 +Q1265451 P106 Q855091 +Q60506 P161 Q115541 +Q470619 P106 Q36834 +Q506231 P106 Q28389 +Q39803 P106 Q12144794 +Q217557 P737 Q34970 +Q132058 P19 Q65 +Q102541 P106 Q333634 +Q945024 P106 Q1930187 +Q505827 P106 Q64733534 +Q1033 P463 Q1065 +Q228 P172 Q160894 +Q76258 P69 Q55044 +Q60070 P108 Q152087 +Q168963 P1412 Q1860 +Q238869 P136 Q43343 +Q362133 P1412 Q7737 +Q300439 P136 Q19367312 +Q23395 P161 Q1889124 +Q444832 P19 Q60 +Q86886 P69 Q152087 +Q452252 P509 Q12136 +Q463765 P840 Q1297 +Q58583 P1412 Q188 +Q90934 P20 Q4100 +Q182031 P106 Q33231 +Q192214 P106 Q12406482 +Q124008 P106 Q177220 +Q128576 P106 Q10800557 +Q200768 P106 Q10800557 +Q13132095 P3373 Q4218975 +Q464277 P119 Q1400 +Q232514 P136 Q37073 +Q379877 P161 Q155124 +Q317521 P69 Q41506 +Q189665 P1412 Q7737 +Q435455 P106 Q5716684 +Q342526 P106 Q639669 +Q946019 P106 Q5716684 +Q204393 P106 Q28389 +Q2579684 P1412 Q9091 +Q191974 P509 Q220570 +Q108677 P69 Q155354 +Q331497 P108 Q4614 +Q61597 P19 Q1726 +Q168704 P135 Q1246516 +Q4245942 P20 Q649 +Q246929 P1303 Q320002 +Q515845 P106 Q36180 +Q232985 P140 Q7066 +Q85618 P106 Q36180 +Q103784 P1412 Q1860 +Q191 P463 Q663492 +Q73506 P106 Q6625963 +Q66408 P106 Q131524 +Q108560 P1303 Q133163 +Q65664 P509 Q175111 +Q222939 P161 Q229268 +Q257752 P106 Q4220892 +Q1154246 P172 Q49085 +Q63441 P108 Q678982 +Q289212 P1412 Q7737 +Q103876 P1050 Q124407 +Q384847 P106 Q81096 +Q169996 P161 Q207179 +Q948 P172 Q35323 +Q386336 P1303 Q17172850 +Q274252 P27 Q142 +Q60579 P463 Q338432 +Q1321910 P1303 Q8350 +Q42402 P1303 Q11405 +Q62889 P106 Q1622272 +Q243969 P69 Q161562 +Q15873 P136 Q49451 +Q924104 P19 Q18419 +Q8047423 P361 Q49112 +Q642195 P106 Q42603 +Q71645 P106 Q4263842 +Q974 P530 Q159 +Q428347 P106 Q183945 +Q364868 P106 Q639669 +Q77060 P69 Q55038 +Q10520 P106 Q937857 +Q4514164 P19 Q656 +Q314877 P106 Q639669 +Q66456 P101 Q11190 +Q507864 P1303 Q5994 +Q7176 P106 Q28389 +Q36 P530 Q229 +Q242535 P106 Q5716684 +Q266222 P451 Q312280 +Q77112 P106 Q14915627 +Q455625 P1303 Q17172850 +Q185002 P101 Q482 +Q102570 P27 Q183 +Q919081 P69 Q230492 +Q865 P530 Q833 +Q403 P530 Q796 +Q268160 P1412 Q1860 +Q35733 P106 Q214917 +Q13526 P737 Q6527 +Q816518 P1303 Q17172850 +Q119840 P19 Q72 +Q219744 P106 Q214917 +Q365474 P106 Q33999 +Q980235 P106 Q49757 +Q9575 P40 Q9570 +Q361996 P136 Q1152184 +Q358087 P106 Q33999 +Q233457 P106 Q33999 +Q51139 P27 Q145 +Q100937 P102 Q29468 +Q185122 P106 Q728711 +Q185776 P840 Q1166 +Q251984 P737 Q309835 +Q49285 P509 Q212961 +Q446257 P136 Q8341 +Q442830 P106 Q13590141 +Q102403 P1412 Q188 +Q329131 P641 Q41323 +Q78371 P106 Q36180 +Q380579 P19 Q1054923 +Q59572 P161 Q3454165 +Q435347 P19 Q38022 +Q90781 P27 Q183 +Q1289900 P69 Q739627 +Q116845 P136 Q157443 +Q20 P463 Q42262 +Q39989 P106 Q3282637 +Q63441 P106 Q20725072 +Q544915 P108 Q202660 +Q1035323 P106 Q4263842 +Q71618 P136 Q25379 +Q247526 P106 Q18814623 +Q93124 P19 Q34863 +Q55163 P509 Q29496 +Q63317 P27 Q183 +Q2831 P106 Q488205 +Q7259 P106 Q49757 +Q408 P530 Q766 +Q1385887 P509 Q12192 +Q423 P530 Q458 +Q215478 P1412 Q1860 +Q264610 P106 Q855091 +Q236708 P69 Q8047423 +Q43499 P69 Q209842 +Q369797 P161 Q386349 +Q1014 P530 Q865 +Q5878 P106 Q28389 +Q55195 P509 Q12152 +Q11930 P551 Q99 +Q19201 P264 Q1025919 +Q233854 P106 Q2259451 +Q167726 P161 Q172678 +Q153248 P106 Q2516866 +Q2005601 P264 Q155152 +Q263185 P69 Q503246 +Q75929 P108 Q316592 +Q452627 P463 Q543804 +Q1147551 P106 Q33999 +Q98062 P1412 Q188 +Q313849 P19 Q33405 +Q952491 P106 Q18814623 +Q31628 P27 Q15180 +Q98124 P102 Q153401 +Q705653 P264 Q1881437 +Q71067 P1412 Q397 +Q4028 P106 Q177220 +Q369907 P106 Q36180 +Q343456 P1303 Q128309 +Q270774 P106 Q8246794 +Q142974 P106 Q333634 +Q12773 P27 Q28 +Q3383262 P106 Q1607826 +Q93343 P106 Q49757 +Q888487 P172 Q49085 +Q366624 P69 Q304985 +Q110126 P106 Q1086863 +Q208374 P27 Q145 +Q117139 P1303 Q17172850 +Q3924 P264 Q190585 +Q358356 P1412 Q150 +Q221168 P136 Q157394 +Q2260923 P27 Q30 +Q224159 P551 Q65 +Q1711470 P1412 Q9299 +Q686493 P106 Q82594 +Q231207 P136 Q37073 +Q76432 P20 Q64 +Q1394 P737 Q9235 +Q165706 P463 Q4430504 +Q123469 P1412 Q7976 +Q1093404 P106 Q855091 +Q187033 P27 Q30 +Q334665 P20 Q649 +Q57169 P27 Q7318 +Q709464 P106 Q855091 +Q794 P463 Q1065 +Q4099149 P101 Q23498 +Q297334 P106 Q10800557 +Q241470 P106 Q34074720 +Q298025 P106 Q36834 +Q273978 P161 Q214289 +Q548672 P140 Q1841 +Q706332 P106 Q19723482 +Q1339107 P264 Q287177 +Q58062 P101 Q24454422 +Q218 P530 Q843 +Q84618 P463 Q18912936 +Q706518 P106 Q10800557 +Q1691611 P161 Q310052 +Q87018 P106 Q10798782 +Q159 P530 Q1011 +Q76748 P140 Q75809 +Q239411 P106 Q3501317 +Q597698 P108 Q189441 +Q986 P530 Q851 +Q60347 P106 Q169470 +Q112307 P27 Q30 +Q215979 P106 Q1781198 +Q200639 P172 Q121842 +Q348497 P463 Q1425328 +Q958294 P106 Q11774202 +Q134798 P106 Q12144794 +Q212523 P108 Q333886 +Q222744 P136 Q482 +Q113717 P106 Q82955 +Q90891 P108 Q43250 +Q15001 P106 Q193391 +Q47695 P27 Q43287 +Q11817 P106 Q372436 +Q255335 P27 Q30 +Q76000 P106 Q1622272 +Q924232 P106 Q2405480 +Q106209 P1412 Q188 +Q229375 P1050 Q11085 +Q107432 P1412 Q1860 +Q303207 P106 Q488205 +Q233474 P106 Q10798782 +Q69430 P69 Q161982 +Q201079 P106 Q639669 +Q1372139 P136 Q83270 +Q705458 P106 Q33999 +Q242557 P1412 Q1860 +Q100937 P106 Q5716684 +Q12288275 P1412 Q1860 +Q428223 P136 Q186472 +Q230633 P106 Q36180 +Q71452 P264 Q662575 +Q175038 P495 Q30 +Q150630 P106 Q783906 +Q1020 P37 Q1860 +Q3920695 P106 Q520549 +Q60659 P264 Q557632 +Q1541 P101 Q5891 +Q72553 P69 Q503473 +Q279057 P136 Q52162262 +Q55704 P1412 Q1568 +Q9588 P1412 Q1860 +Q9204 P737 Q859 +Q3322718 P1412 Q1860 +Q62459 P20 Q56037 +Q1334244 P19 Q485716 +Q356994 P264 Q190585 +Q91384 P19 Q3806 +Q383926 P1303 Q17172850 +Q108639 P69 Q152087 +Q5592 P20 Q220 +Q75079 P69 Q797078 +Q11116 P19 Q18419 +Q75612 P106 Q6625963 +Q27306 P37 Q188 +Q172579 P30 Q46 +Q60487 P161 Q298276 +Q214116 P140 Q9268 +Q276181 P106 Q36180 +Q229948 P69 Q1786078 +Q380079 P108 Q49112 +Q1174183 P1303 Q17172850 +Q380484 P119 Q47265 +Q91384 P106 Q482980 +Q230 P530 Q191 +Q77734 P108 Q569350 +Q112747 P641 Q5369 +Q105875 P264 Q183387 +Q722202 P106 Q1930187 +Q709044 P106 Q488205 +Q945 P463 Q827525 +Q297532 P19 Q2887 +Q263598 P106 Q1930187 +Q315136 P106 Q1209498 +Q289064 P1303 Q6607 +Q234581 P106 Q177220 +Q317957 P69 Q273626 +Q922457 P106 Q1930187 +Q974795 P27 Q30 +Q181529 P20 Q1342 +Q198962 P136 Q43343 +Q167997 P20 Q649 +Q74441 P27 Q183 +Q1350527 P1303 Q6607 +Q155700 P106 Q33999 +Q195616 P19 Q84 +Q104104 P463 Q253439 +Q437944 P509 Q12136 +Q159 P530 Q711 +Q61674 P106 Q4964182 +Q101235 P1412 Q188 +Q179449 P1412 Q150 +Q84755 P106 Q182436 +Q223258 P136 Q9730 +Q18118088 P3373 Q4530046 +Q273233 P106 Q36180 +Q104865 P106 Q2095549 +Q44426 P27 Q183 +Q194638 P27 Q142 +Q539 P1412 Q188 +Q37 P530 Q211 +Q215979 P106 Q1622272 +Q213565 P27 Q142 +Q5333 P463 Q2822396 +Q873 P69 Q49112 +Q192529 P106 Q16145150 +Q36951 P463 Q265058 +Q116055 P27 Q739 +Q97646 P106 Q3282637 +Q239307 P1412 Q1860 +Q756563 P136 Q3071 +Q273502 P106 Q183945 +Q129486 P108 Q838330 +Q166355 P840 Q183 +Q131332 P69 Q49088 +Q110163 P106 Q49757 +Q98110 P102 Q153401 +Q153638 P106 Q4610556 +Q346607 P106 Q177220 +Q34 P530 Q664 +Q320236 P136 Q130232 +Q183279 P106 Q82955 +Q320384 P495 Q30 +Q1586916 P1303 Q17172850 +Q546275 P1412 Q1860 +Q272972 P106 Q3282637 +Q212965 P136 Q1341051 +Q131259 P264 Q38903 +Q266670 P1303 Q17172850 +Q168859 P27 Q207272 +Q434312 P3373 Q332881 +Q1403698 P1412 Q1321 +Q4119 P106 Q2405480 +Q720722 P106 Q43845 +Q873178 P1412 Q9056 +Q11459 P27 Q30 +Q106769 P1412 Q188 +Q101638 P136 Q7252 +Q429311 P161 Q190602 +Q289380 P106 Q28389 +Q259055 P27 Q30 +Q1290210 P1412 Q1321 +Q175457 P463 Q2370801 +Q399 P530 Q35 +Q76895 P106 Q948329 +Q319502 P106 Q183945 +Q39999 P161 Q483118 +Q332640 P106 Q43845 +Q1050 P463 Q1065 +Q354604 P106 Q639669 +Q2086130 P27 Q174193 +Q148 P530 Q881 +Q14281 P69 Q499911 +Q130142 P136 Q185867 +Q376807 P161 Q309941 +Q2673 P106 Q465501 +Q157814 P106 Q639669 +Q16053 P106 Q82955 +Q288936 P106 Q36180 +Q652815 P69 Q149990 +Q8646 P530 Q30 +Q212015 P106 Q177220 +Q962 P463 Q7825 +Q347362 P27 Q30 +Q17905 P1412 Q1860 +Q72429 P1412 Q188 +Q506771 P69 Q336968 +Q727711 P27 Q15180 +Q167265 P161 Q249865 +Q322586 P1303 Q17172850 +Q111230 P106 Q10800557 +Q398 P37 Q13955 +Q55375 P551 Q90 +Q158813 P102 Q29468 +Q105937 P509 Q12152 +Q232840 P19 Q84 +Q236351 P264 Q203059 +Q62731543 P106 Q1281618 +Q229153 P106 Q13235160 +Q43259 P136 Q11366 +Q30 P463 Q340195 +Q219780 P509 Q2140674 +Q72790 P737 Q45723 +Q369797 P136 Q959790 +Q71242 P108 Q678095 +Q734 P530 Q183 +Q727717 P119 Q1053320 +Q282588 P106 Q10800557 +Q164683 P509 Q12152 +Q121425 P106 Q28389 +Q379341 P106 Q33999 +Q101638 P101 Q35760 +Q462356 P1412 Q150 +Q408 P530 Q114 +Q1181035 P106 Q483501 +Q45255 P106 Q245068 +Q155786 P463 Q265058 +Q457306 P1303 Q1444 +Q1560915 P108 Q51985 +Q567 P106 Q372436 +Q64988 P106 Q1234713 +Q303235 P136 Q52162262 +Q730158 P264 Q264137 +Q320204 P106 Q33999 +Q124008 P1303 Q8355 +Q138559 P1412 Q1860 +Q186273 P463 Q463281 +Q163159 P69 Q83259 +Q87168 P106 Q639669 +Q57584 P106 Q10798782 +Q709 P463 Q191384 +Q111074 P106 Q1415090 +Q359552 P136 Q43343 +Q469681 P106 Q36180 +Q158078 P106 Q1622272 +Q234579 P27 Q30 +Q3772 P1412 Q1860 +Q309709 P106 Q33999 +Q726280 P106 Q639669 +Q201315 P19 Q2807 +Q1018838 P106 Q333634 +Q76791 P69 Q152087 +Q103651 P509 Q744913 +Q104109 P2348 Q6927 +Q129601 P161 Q167520 +Q159 P530 Q38 +Q57848 P19 Q1741 +Q434813 P106 Q10732476 +Q48032 P102 Q79854 +Q1988375 P1303 Q6607 +Q37355 P19 Q34863 +Q813 P530 Q833 +Q270089 P27 Q212 +Q1607976 P1412 Q1860 +Q266640 P1412 Q1321 +Q351061 P264 Q183387 +Q151946 P495 Q408 +Q9061 P106 Q2306091 +Q310315 P106 Q33999 +Q1060636 P106 Q6625963 +Q91338 P101 Q309 +Q116359 P1412 Q188 +Q58978 P463 Q83172 +Q500546 P1412 Q1321 +Q314926 P106 Q2405480 +Q202792 P106 Q10800557 +Q131380 P1303 Q17172850 +Q347767 P106 Q36180 +Q230943 P106 Q488205 +Q154269 P106 Q11631 +Q440102 P20 Q2807 +Q165394 P161 Q207 +Q133054 P106 Q11774202 +Q165534 P106 Q36180 +Q189665 P135 Q667661 +Q296828 P463 Q337531 +Q557 P106 Q639669 +Q322730 P106 Q169470 +Q4723060 P463 Q466113 +Q7314 P140 Q35032 +Q76738 P106 Q1350189 +Q200460 P106 Q33999 +Q7416 P106 Q372436 +Q83649 P161 Q188459 +Q464882 P1412 Q150 +Q711172 P106 Q2306091 +Q30449 P106 Q33999 +Q270546 P1303 Q17172850 +Q916 P463 Q842490 +Q57552 P1412 Q188 +Q232837 P26 Q311314 +Q62904 P19 Q60 +Q234595 P27 Q17 +Q1251733 P509 Q47912 +Q62352 P106 Q33999 +Q233295 P136 Q45981 +Q463313 P161 Q38111 +Q316556 P1412 Q397 +Q936812 P19 Q2634 +Q168962 P106 Q36180 +Q90131 P69 Q55044 +Q287099 P106 Q4610556 +Q192668 P27 Q408 +Q185548 P106 Q6625963 +Q161900 P463 Q266063 +Q272007 P106 Q33999 +Q437049 P3373 Q199418 +Q255463 P69 Q49112 +Q76478 P106 Q2405480 +Q325648 P840 Q1055 +Q240174 P101 Q35760 +Q479052 P106 Q10800557 +Q535355 P27 Q215 +Q7013 P27 Q183 +Q69884 P509 Q175111 +Q272270 P106 Q855091 +Q240933 P106 Q28389 +Q114760 P69 Q319239 +Q1143660 P1303 Q17172850 +Q271903 P140 Q432 +Q4593 P69 Q189022 +Q268840 P106 Q2526255 +Q366325 P106 Q1930187 +Q20127 P1412 Q188 +Q233475 P106 Q488205 +Q16872 P106 Q33999 +Q354250 P1412 Q1860 +Q12622 P20 Q90 +Q315132 P69 Q608338 +Q23380 P106 Q1028181 +Q833 P530 Q836 +Q215300 P451 Q243639 +Q28 P530 Q750 +Q11930 P106 Q3282637 +Q1731 P131 Q156199 +Q76000 P106 Q1930187 +Q258715 P106 Q201788 +Q49747 P106 Q333634 +Q567 P27 Q16957 +Q1013 P463 Q816706 +Q778539 P106 Q488205 +Q715 P17 Q183 +Q357936 P27 Q30 +Q635131 P106 Q10798782 +Q159169 P140 Q432 +Q922484 P19 Q3141 +Q316884 P172 Q160894 +Q204725 P136 Q157443 +Q76332 P106 Q42973 +Q516004 P108 Q9531 +Q67645 P106 Q2306091 +Q1646 P136 Q8261 +Q108312 P1412 Q188 +Q936132 P119 Q5763964 +Q14277 P101 Q333 +Q602137 P136 Q482 +Q91730 P106 Q33999 +Q356129 P106 Q177220 +Q18553 P69 Q245247 +Q691973 P1412 Q652 +Q438885 P1303 Q6607 +Q2831583 P3373 Q905267 +Q203952 P463 Q329464 +Q462574 P3373 Q457856 +Q47216 P1412 Q1860 +Q55915 P108 Q144488 +Q213736 P1412 Q1860 +Q155700 P106 Q131524 +Q28193 P840 Q21 +Q529603 P26 Q266361 +Q217552 P161 Q28310 +Q132524 P19 Q656 +Q10444417 P106 Q1281618 +Q23368 P108 Q9531 +Q312801 P1412 Q9027 +Q2594947 P106 Q43845 +Q450796 P106 Q36180 +Q64509 P119 Q438183 +Q72984 P20 Q2807 +Q207179 P27 Q145 +Q229264 P463 Q463303 +Q536102 P106 Q1930187 +Q911923 P19 Q84 +Q312693 P106 Q55960555 +Q263439 P172 Q237534 +Q1824699 P27 Q30 +Q95736 P69 Q152838 +Q66732 P1412 Q188 +Q299965 P106 Q4263842 +Q165268 P136 Q1033891 +Q84153 P106 Q36180 +Q390063 P161 Q270638 +Q31 P530 Q159 +Q62749 P106 Q82955 +Q265 P463 Q5611262 +Q439267 P19 Q182625 +Q148 P530 Q183 +Q4247 P20 Q71 +Q78476 P106 Q482980 +Q361224 P551 Q1204 +Q277626 P159 Q65 +Q334 P530 Q252 +Q783 P463 Q376150 +Q4460848 P27 Q159 +Q359552 P106 Q49757 +Q57237 P20 Q1718 +Q25973 P106 Q1397808 +Q18456 P20 Q1741 +Q132238 P20 Q1022 +Q187999 P161 Q350714 +Q239587 P106 Q10800557 +Q282722 P551 Q37320 +Q250539 P106 Q28389 +Q887259 P106 Q49757 +Q20562503 P3373 Q51908481 +Q15909 P106 Q36180 +Q949696 P27 Q30 +Q144904 P106 Q639669 +Q381390 P106 Q201788 +Q739915 P1303 Q6607 +Q190770 P463 Q463303 +Q84771 P108 Q31519 +Q794 P530 Q33 +Q364270 P463 Q191583 +Q704705 P264 Q202585 +Q272972 P106 Q10800557 +Q462447 P136 Q959790 +Q158465 P27 Q159 +Q781878 P1303 Q51290 +Q54867 P1303 Q17172850 +Q868839 P27 Q217 +Q297831 P106 Q3089940 +Q428819 P106 Q2259451 +Q215999 P463 Q2822396 +Q238140 P1412 Q150 +Q465636 P106 Q2914170 +Q106231 P1050 Q35869 +Q111436 P69 Q503246 +Q1251900 P1303 Q1444 +Q78494 P1050 Q11085 +Q242454 P106 Q36834 +Q444486 P27 Q174193 +Q1344392 P69 Q168515 +Q3040690 P20 Q16552 +Q110042 P106 Q1238570 +Q463265 P106 Q15627169 +Q232774 P136 Q471839 +Q723678 P106 Q151197 +Q63176 P106 Q4964182 +Q153723 P840 Q84 +Q43067 P1412 Q188 +Q204514 P161 Q310217 +Q164401 P509 Q12078 +Q443708 P108 Q1472245 +Q183 P530 Q921 +Q77112 P1303 Q17172850 +Q445606 P463 Q939743 +Q189739 P1412 Q809 +Q108814 P106 Q1622272 +Q155412 P101 Q207628 +Q263772 P106 Q855091 +Q221852 P161 Q207 +Q202725 P106 Q4610556 +Q378952 P108 Q23548 +Q41871 P106 Q10349745 +Q275982 P106 Q486748 +Q392825 P495 Q30 +Q435801 P69 Q49108 +Q451250 P161 Q77035 +Q169461 P264 Q38903 +Q401107 P27 Q1028 +Q959097 P463 Q463281 +Q274887 P161 Q275967 +Q468003 P106 Q82955 +Q1005 P463 Q8475 +Q233085 P27 Q30 +Q45239 P102 Q148861 +Q42229 P106 Q2259451 +Q88412 P27 Q28 +Q62559 P27 Q183 +Q260969 P106 Q2526255 +Q66448 P106 Q1930187 +Q211379 P106 Q4964182 +Q1064413 P20 Q61 +Q441351 P106 Q488205 +Q974 P463 Q17495 +Q467737 P136 Q37073 +Q140359 P17 Q33946 +Q102851 P119 Q38 +Q726198 P27 Q30 +Q64014 P1412 Q188 +Q1272729 P119 Q1645215 +Q924 P463 Q17495 +Q141869 P27 Q34266 +Q8018 P1412 Q397 +Q40115 P161 Q314610 +Q95125 P106 Q3282637 +Q507327 P136 Q193355 +Q690974 P172 Q49085 +Q661452 P106 Q36180 +Q320305 P27 Q145 +Q71602 P19 Q1022 +Q113626 P463 Q459620 +Q960081 P108 Q13371 +Q213632 P19 Q2749 +Q983249 P69 Q319078 +Q228918 P106 Q10800557 +Q220423 P495 Q145 +Q156898 P136 Q9730 +Q177311 P106 Q2526255 +Q236355 P264 Q483938 +Q71759 P551 Q64 +Q215137 P106 Q33999 +Q67039 P463 Q46703 +Q110916 P1412 Q1860 +Q83677 P69 Q309350 +Q103578 P451 Q180011 +Q117392 P27 Q145 +Q44540 P106 Q6625963 +Q1380767 P509 Q12202 +Q2594 P463 Q812155 +Q860206 P463 Q83172 +Q34389 P136 Q131272 +Q23148 P17 Q161885 +Q220536 P27 Q30 +Q1396305 P19 Q891 +Q152453 P106 Q36834 +Q704682 P641 Q31920 +Q321365 P106 Q7042855 +Q636 P1412 Q1860 +Q53010 P27 Q38 +Q57371 P40 Q298532 +Q53191106 P3373 Q22955657 +Q188159 P840 Q1741 +Q318503 P106 Q1979607 +Q169038 P172 Q170217 +Q252 P530 Q865 +Q230836 P106 Q5371902 +Q208108 P161 Q185051 +Q95543 P463 Q83172 +Q266228 P106 Q2405480 +Q184768 P161 Q245808 +Q229487 P106 Q33999 +Q61456 P106 Q185351 +Q1025 P463 Q7159 +Q192052 P27 Q30 +Q78977 P509 Q2140674 +Q600385 P106 Q16287483 +Q902 P530 Q819 +Q215868 P106 Q3282637 +Q213355 P27 Q179876 +Q78514 P20 Q127856 +Q1031 P106 Q36180 +Q242454 P106 Q488205 +Q46080 P69 Q540672 +Q44461 P463 Q123885 +Q64467 P69 Q55044 +Q95548 P19 Q2999 +Q7315 P1412 Q7737 +Q1558698 P106 Q16145150 +Q390097 P161 Q237669 +Q55497 P136 Q2280497 +Q84444 P106 Q182436 +Q1432551 P106 Q2526255 +Q395494 P1412 Q1860 +Q51781 P172 Q539051 +Q111536 P172 Q49085 +Q220299 P161 Q231249 +Q69430 P27 Q142 +Q1060636 P106 Q639669 +Q234992 P106 Q6625963 +Q237497 P19 Q1190590 +Q213681 P106 Q36180 +Q983233 P106 Q36180 +Q160946 P161 Q314290 +Q61922 P106 Q1622272 +Q271385 P101 Q207628 +Q233479 P101 Q1930187 +Q166796 P136 Q851213 +Q232052 P19 Q220 +Q323392 P161 Q58912 +Q385236 P106 Q14467526 +Q38 P463 Q3866537 +Q210740 P20 Q84 +Q270664 P106 Q10800557 +Q550900 P1303 Q6607 +Q64655 P463 Q83172 +Q619328 P106 Q10800557 +Q224650 P136 Q484641 +Q4042 P264 Q664167 +Q1585614 P509 Q47912 +Q330014 P3373 Q134895 +Q261759 P161 Q320084 +Q7197 P101 Q35760 +Q57298 P509 Q12192 +Q54945 P463 Q463303 +Q87293 P463 Q414188 +Q211696 P1303 Q17172850 +Q823003 P69 Q835960 +Q443327 P69 Q1255631 +Q460876 P140 Q7066 +Q223455 P106 Q10798782 +Q127349 P106 Q170790 +Q1040186 P264 Q1251139 +Q49524 P1303 Q17172850 +Q2946731 P106 Q15895020 +Q175600 P136 Q130232 +Q60970 P136 Q11399 +Q510190 P106 Q1622272 +Q192887 P106 Q10800557 +Q249235 P495 Q145 +Q125666 P1412 Q7737 +Q313482 P106 Q43845 +Q284386 P106 Q1350157 +Q180214 P161 Q37876 +Q187199 P463 Q338432 +Q49075 P27 Q30 +Q161687 P840 Q84 +Q467519 P264 Q843402 +Q204205 P106 Q10732476 +Q466457 P509 Q12136 +Q310785 P3373 Q370102 +Q62906 P20 Q1040 +Q321857 P106 Q488205 +Q47447 P106 Q488205 +Q2643 P136 Q11399 +Q112534 P69 Q41506 +Q299132 P106 Q33999 +Q311729 P27 Q145 +Q573223 P106 Q372436 +Q91323 P27 Q183 +Q84904 P20 Q64 +Q81145 P136 Q369747 +Q313204 P3373 Q103578 +Q302650 P106 Q3455803 +Q49347 P20 Q484678 +Q346607 P1303 Q46185 +Q47210 P463 Q188771 +Q441940 P20 Q65 +Q456827 P106 Q2643890 +Q233092 P106 Q488111 +Q40046 P106 Q37226 +Q544508 P1050 Q12204 +Q229550 P106 Q55960555 +Q214665 P20 Q220 +Q93797 P69 Q165980 +Q313388 P551 Q65 +Q76539 P172 Q42884 +Q18430 P106 Q1622272 +Q460379 P136 Q157443 +Q785404 P106 Q33999 +Q9317 P106 Q4964182 +Q185147 P106 Q639669 +Q167211 P69 Q219694 +Q707266 P106 Q82955 +Q948 P530 Q183 +Q222939 P136 Q157443 +Q717059 P106 Q753110 +Q414 P530 Q43 +Q77549 P19 Q365 +Q313833 P463 Q1003730 +Q865 P530 Q40 +Q499757 P136 Q11366 +Q91338 P106 Q82955 +Q4099149 P19 Q649 +Q61244 P106 Q4610556 +Q81624 P106 Q2722764 +Q472071 P106 Q644687 +Q34474 P136 Q35760 +Q561116 P19 Q1891 +Q1377134 P264 Q664167 +Q299138 P106 Q855091 +Q132524 P27 Q2184 +Q366325 P106 Q49757 +Q92776 P19 Q18125 +Q91371 P1412 Q1860 +Q236943 P1303 Q17172850 +Q90892 P172 Q84072 +Q53944 P69 Q34433 +Q207588 P136 Q1054574 +Q83003 P106 Q4263842 +Q76543 P102 Q153401 +Q42122 P27 Q34 +Q296887 P1412 Q13955 +Q76791 P463 Q463303 +Q299100 P119 Q206161 +Q105875 P136 Q484641 +Q77753 P20 Q2973 +Q23 P140 Q682443 +Q219631 P264 Q121698 +Q192348 P106 Q1792450 +Q362332 P106 Q28389 +Q75603 P27 Q774 +Q9177981 P106 Q901 +Q62310 P106 Q10800557 +Q220918 P451 Q43044 +Q96114 P106 Q36180 +Q332330 P161 Q29092 +Q205447 P161 Q40523 +Q297736 P27 Q159 +Q15257 P102 Q29468 +Q92814 P106 Q82594 +Q116265 P27 Q39 +Q464037 P69 Q5103452 +Q52926 P27 Q142 +Q309888 P264 Q202440 +Q694042 P106 Q81096 +Q61199 P463 Q812155 +Q78185 P27 Q183 +Q16 P530 Q965 +Q119455 P119 Q168886 +Q95424 P108 Q161982 +Q82409 P20 Q84 +Q228611 P551 Q1524 +Q729541 P27 Q145 +Q105466 P106 Q2405480 +Q12857 P1412 Q7913 +Q724276 P106 Q7042855 +Q228899 P509 Q128581 +Q453583 P108 Q1144673 +Q67076 P140 Q9268 +Q316709 P106 Q2259451 +Q966067 P27 Q28513 +Q211136 P106 Q584301 +Q60953 P27 Q183 +Q507734 P106 Q177220 +Q348351 P27 Q30 +Q103955 P102 Q328195 +Q285431 P106 Q2526255 +Q432526 P840 Q1439 +Q229353 P27 Q408 +Q207459 P69 Q659080 +Q157044 P161 Q80405 +Q192160 P136 Q959790 +Q310347 P106 Q81096 +Q735283 P27 Q38 +Q333505 P106 Q10798782 +Q236 P530 Q221 +Q42775 P106 Q639669 +Q203268 P69 Q797078 +Q16574 P27 Q13426199 +Q164663 P136 Q130232 +Q3052333 P20 Q71 +Q3071779 P1412 Q7026 +Q4085141 P1412 Q7737 +Q735399 P20 Q406 +Q127866 P495 Q159 +Q55230 P1412 Q1860 +Q252 P463 Q827525 +Q108602 P106 Q6337803 +Q381920 P737 Q905 +Q76823 P27 Q28 +Q167520 P140 Q1841 +Q951957 P27 Q34266 +Q157282 P69 Q144488 +Q46633 P106 Q205375 +Q58217 P1412 Q7737 +Q473257 P463 Q901677 +Q1618047 P1303 Q17172850 +Q51513 P69 Q165980 +Q231730 P106 Q33999 +Q29092 P27 Q25 +Q98524 P463 Q414188 +Q140694 P1412 Q150 +Q185610 P136 Q850412 +Q588067 P106 Q728711 +Q450984 P119 Q1950363 +Q381799 P27 Q30 +Q230 P530 Q232 +Q714162 P27 Q30 +Q232009 P161 Q172653 +Q403 P530 Q843 +Q206374 P136 Q188473 +Q2066713 P106 Q488205 +Q166641 P27 Q142 +Q107761 P161 Q29092 +Q385309 P136 Q20442589 +Q236161 P69 Q273593 +Q130742 P106 Q488205 +Q11613 P102 Q29552 +Q114760 P106 Q82955 +Q527146 P509 Q12078 +Q523578 P20 Q84 +Q61064 P551 Q1726 +Q342419 P106 Q10798782 +Q212 P530 Q45 +Q213824 P106 Q10800557 +Q238315 P1412 Q150 +Q346280 P27 Q30 +Q30 P530 Q39 +Q270303 P106 Q183945 +Q55438 P20 Q220 +Q23858 P106 Q639669 +Q380484 P106 Q131524 +Q467670 P106 Q855091 +Q729541 P1412 Q1860 +Q229572 P27 Q30 +Q432655 P106 Q28389 +Q231019 P106 Q2526255 +Q1627834 P106 Q177220 +Q571605 P106 Q1930187 +Q32927 P27 Q159 +Q85464 P106 Q1622272 +Q83297 P101 Q413 +Q20 P530 Q148 +Q1287147 P119 Q831300 +Q501 P737 Q185832 +Q191479 P27 Q172107 +Q60174 P136 Q9730 +Q298347 P106 Q970153 +Q313551 P1412 Q150 +Q46080 P102 Q29468 +Q315222 P140 Q75809 +Q26848 P1412 Q1860 +Q164117 P106 Q639669 +Q148 P530 Q889 +Q78714 P27 Q40 +Q242707 P106 Q2259451 +Q445311 P136 Q1344 +Q555449 P106 Q36180 +Q240523 P106 Q753110 +Q739 P530 Q419 +Q125904 P106 Q948329 +Q522569 P1303 Q17172850 +Q235744 P19 Q1297 +Q391542 P161 Q44467 +Q1343499 P106 Q158852 +Q333251 P19 Q60 +Q156890 P509 Q181754 +Q183 P530 Q801 +Q909 P509 Q623031 +Q113806 P20 Q1741 +Q114169 P102 Q49750 +Q32910 P161 Q1677114 +Q449317 P136 Q11366 +Q232009 P161 Q230383 +Q242418 P106 Q639669 +Q434915 P106 Q36180 +Q505517 P1412 Q1860 +Q437622 P19 Q1761 +Q213793 P136 Q11399 +Q67921 P27 Q183 +Q78926 P106 Q81096 +Q106816 P106 Q33999 +Q80739 P106 Q2526255 +Q922528 P495 Q30 +Q204590 P641 Q11419 +Q442892 P1303 Q17172850 +Q57578 P69 Q152838 +Q62833 P463 Q329464 +Q435278 P19 Q1345 +Q553861 P106 Q639669 +Q80405 P69 Q49110 +Q470101 P106 Q1930187 +Q60987 P106 Q40348 +Q76772 P27 Q43287 +Q2831 P361 Q43267 +Q949184 P106 Q1622272 +Q954681 P106 Q33999 +Q572001 P69 Q457281 +Q448778 P27 Q30 +Q281480 P161 Q103784 +Q313998 P136 Q28026639 +Q153723 P136 Q319221 +Q442797 P106 Q177220 +Q976526 P20 Q472 +Q553730 P106 Q28389 +Q119198 P2348 Q6927 +Q482318 P106 Q81096 +Q464882 P463 Q188771 +Q93354 P20 Q34006 +Q9353 P1050 Q35869 +Q1006152 P106 Q36180 +Q60876 P27 Q43287 +Q152824 P106 Q4964182 +Q170373 P551 Q34217 +Q713213 P106 Q752129 +Q159704 P136 Q8341 +Q1606108 P106 Q37226 +Q328201 P106 Q4263842 +Q1173317 P106 Q183945 +Q368525 P106 Q14915627 +Q311115 P463 Q123885 +Q1364884 P106 Q170790 +Q115055 P106 Q1759246 +Q951110 P1412 Q1860 +Q67529 P102 Q49762 +Q104859 P106 Q11631 +Q89629 P19 Q1741 +Q229430 P106 Q10800557 +Q155079 P264 Q2576206 +Q440433 P69 Q230492 +Q335508 P161 Q311068 +Q103343 P551 Q60 +Q1787960 P509 Q12206 +Q261601 P136 Q188473 +Q1703194 P1412 Q1860 +Q63876 P20 Q220 +Q16389 P69 Q193196 +Q157623 P106 Q36180 +Q55704 P106 Q4964182 +Q313819 P495 Q183 +Q446743 P1412 Q188 +Q60644 P108 Q40025 +Q236250 P106 Q33999 +Q230278 P106 Q10800557 +Q333014 P106 Q177220 +Q339403 P641 Q36389 +Q262886 P509 Q212961 +Q310113 P106 Q386854 +Q505827 P106 Q36180 +Q234891 P69 Q49088 +Q312276 P106 Q855091 +Q69349 P106 Q947873 +Q238819 P1303 Q11404 +Q1046616 P106 Q486748 +Q95030 P1412 Q1860 +Q61197 P106 Q1930187 +Q401963 P106 Q10798782 +Q232 P530 Q159 +Q2849296 P106 Q3391743 +Q702 P463 Q1065 +Q235931 P106 Q855091 +Q24980 P495 Q145 +Q116928 P161 Q115541 +Q35385 P106 Q33999 +Q102851 P106 Q372436 +Q439438 P106 Q948329 +Q381561 P106 Q10800557 +Q213430 P19 Q18419 +Q4413456 P136 Q37073 +Q501697 P106 Q11631 +Q76688 P106 Q3400985 +Q182046 P106 Q15442776 +Q314033 P106 Q947873 +Q315188 P40 Q467630 +Q274609 P106 Q177220 +Q727752 P106 Q10800557 +Q3615114 P20 Q656 +Q1974190 P19 Q16869 +Q1039 P463 Q827525 +Q7542 P19 Q36091 +Q155 P530 Q34 +Q4808641 P1412 Q9168 +Q253695 P106 Q2252262 +Q522739 P19 Q60 +Q235284 P172 Q127885 +Q1070832 P20 Q8652 +Q29 P530 Q77 +Q211785 P106 Q333634 +Q861227 P1303 Q6607 +Q1155256 P106 Q4610556 +Q11812 P1303 Q8355 +Q154203 P106 Q33999 +Q651 P108 Q153978 +Q273118 P19 Q65 +Q88248 P108 Q152087 +Q269177 P106 Q33999 +Q167399 P119 Q1358639 +Q102483 P102 Q727724 +Q11885 P106 Q855091 +Q98897 P1412 Q188 +Q4384878 P119 Q1242128 +Q966228 P27 Q27 +Q177993 P106 Q3455803 +Q727301 P27 Q34266 +Q963142 P106 Q33999 +Q954997 P106 Q855091 +Q89546 P463 Q83172 +Q505957 P27 Q183 +Q337722 P106 Q486748 +Q62134 P463 Q463281 +Q403 P131 Q37024 +Q232109 P108 Q126399 +Q172241 P161 Q360313 +Q786052 P69 Q392904 +Q19658 P27 Q30 +Q170333 P1303 Q281460 +Q375356 P27 Q30 +Q174843 P1412 Q1860 +Q1398058 P27 Q34 +Q379400 P106 Q130857 +Q3085338 P1412 Q150 +Q113052 P161 Q76478 +Q40362 P530 Q804 +Q561169 P106 Q214917 +Q310204 P161 Q180665 +Q400 P19 Q23768 +Q705653 P19 Q18419 +Q707460 P106 Q639669 +Q371938 P136 Q11399 +Q329700 P136 Q21010853 +Q234765 P106 Q36180 +Q506006 P463 Q48995 +Q550778 P69 Q503246 +Q23368 P102 Q9626 +Q558582 P106 Q177220 +Q180962 P106 Q214917 +Q132095 P1412 Q1860 +Q101338 P463 Q44687 +Q288588 P27 Q16957 +Q441362 P106 Q33999 +Q174438 P463 Q463303 +Q470619 P463 Q52463 +Q342756 P19 Q16555 +Q197206 P106 Q1734662 +Q302835 P119 Q796 +Q475733 P119 Q1950363 +Q51559 P106 Q36180 +Q724082 P27 Q145 +Q222720 P161 Q309932 +Q944478 P1412 Q7737 +Q38823 P106 Q49757 +Q212663 P20 Q60 +Q530377 P1303 Q128309 +Q181881 P27 Q17 +Q44645 P69 Q49123 +Q242329 P27 Q30 +Q78490 P69 Q165980 +Q332956 P19 Q3616 +Q375351 P106 Q11063 +Q76492 P106 Q15296811 +Q77959 P106 Q36180 +Q3920695 P27 Q2305208 +Q236340 P1303 Q17172850 +Q228968 P264 Q216364 +Q181803 P161 Q108941 +Q238795 P1303 Q52954 +Q72787 P106 Q3126128 +Q59485 P27 Q183 +Q321636 P27 Q191077 +Q68490 P106 Q36834 +Q451608 P106 Q170790 +Q434956 P1303 Q17172850 +Q312720 P551 Q1588 +Q60969 P106 Q350979 +Q13894 P136 Q9730 +Q533970 P106 Q5716684 +Q65106 P106 Q33999 +Q449 P106 Q639669 +Q810 P530 Q865 +Q164111 P1412 Q1860 +Q159995 P106 Q1622272 +Q70236 P106 Q36180 +Q235221 P106 Q2259451 +Q99294 P106 Q33999 +Q183297 P140 Q432 +Q884143 P106 Q855091 +Q12908 P106 Q806798 +Q6244080 P101 Q11629 +Q38 P463 Q151991 +Q55169 P106 Q2526255 +Q24632 P106 Q4853732 +Q206388 P161 Q697131 +Q1353559 P106 Q639669 +Q379929 P106 Q482980 +Q13513 P108 Q202660 +Q859504 P136 Q9759 +Q47426 P106 Q36180 +Q343477 P106 Q8178443 +Q764913 P106 Q333634 +Q64176 P106 Q185351 +Q337078 P161 Q745896 +Q83287 P106 Q177220 +Q250539 P106 Q6625963 +Q129283 P161 Q314831 +Q105031 P840 Q90 +Q296545 P106 Q169470 +Q148 P530 Q414 +Q921 P530 Q833 +Q164401 P106 Q1622272 +Q350704 P20 Q127856 +Q546956 P27 Q30 +Q705022 P509 Q12152 +Q123861 P106 Q1622272 +Q110365 P495 Q183 +Q28776 P840 Q804 +Q291180 P161 Q7516 +Q167803 P106 Q250867 +Q78080 P20 Q2079 +Q152176 P106 Q23833535 +Q25649 P69 Q131252 +Q725964 P106 Q639669 +Q182788 P106 Q37226 +Q190972 P106 Q33999 +Q317358 P106 Q3282637 +Q329849 P106 Q28389 +Q292558 P27 Q142 +Q1558793 P463 Q1202021 +Q229244 P106 Q33999 +Q9364 P106 Q4263842 +Q399 P530 Q822 +Q78414 P27 Q183 +Q72653 P1412 Q150 +Q435681 P106 Q488205 +Q190956 P840 Q1741 +Q689600 P20 Q23482 +Q154938 P106 Q333634 +Q366563 P1050 Q11085 +Q180279 P840 Q21 +Q347539 P19 Q90 +Q946570 P101 Q2329 +Q431660 P840 Q691 +Q63190 P1412 Q188 +Q211545 P136 Q157394 +Q192682 P1412 Q1860 +Q164824 P108 Q209842 +Q213736 P27 Q30 +Q1072969 P27 Q30 +Q15180 P530 Q183 +Q342604 P106 Q2259451 +Q670440 P1412 Q1860 +Q108941 P106 Q177220 +Q185465 P106 Q1930187 +Q4518 P69 Q523926 +Q316756 P106 Q11481802 +Q54867 P136 Q1298934 +Q298773 P106 Q482980 +Q456386 P106 Q488205 +Q262490 P106 Q4853732 +Q78504 P1412 Q1860 +Q41042 P20 Q84 +Q78237 P1412 Q1321 +Q8556 P106 Q81096 +Q427386 P161 Q310190 +Q18953 P3373 Q441941 +Q290502 P27 Q77 +Q57393 P551 Q64 +Q215042 P27 Q183 +Q548185 P1412 Q150 +Q199929 P106 Q3282637 +Q28941 P27 Q30 +Q233 P530 Q41 +Q268940 P27 Q145 +Q95002 P509 Q11868838 +Q229264 P106 Q1225716 +Q5383 P264 Q183412 +Q313814 P106 Q10800557 +Q258 P463 Q7159 +Q188176 P69 Q13371 +Q547183 P27 Q145 +Q43264 P106 Q28389 +Q181678 P106 Q2526255 +Q231886 P136 Q858330 +Q32 P463 Q458 +Q85624 P106 Q1622272 +Q316454 P264 Q1998195 +Q373421 P20 Q84 +Q213 P530 Q833 +Q465702 P1303 Q17172850 +Q186329 P69 Q1341516 +Q67921 P136 Q35760 +Q453314 P1303 Q17172850 +Q106751 P106 Q169470 +Q381884 P136 Q484641 +Q48020 P102 Q79854 +Q59152 P136 Q132311 +Q439786 P1412 Q652 +Q266361 P106 Q10798782 +Q1131225 P161 Q317539 +Q189564 P69 Q209842 +Q327542 P69 Q130965 +Q55994 P106 Q33999 +Q315181 P1303 Q6607 +Q297210 P106 Q36834 +Q263582 P1412 Q1860 +Q157255 P69 Q193727 +Q465636 P27 Q30 +Q61197 P108 Q152087 +Q22686 P106 Q947873 +Q168269 P106 Q36180 +Q163662 P69 Q209842 +Q167475 P1050 Q11081 +Q454334 P106 Q947873 +Q92455 P106 Q2306091 +Q90315 P106 Q1397808 +Q83174 P106 Q333634 +Q186042 P1412 Q1860 +Q106465 P737 Q38392 +Q3241949 P509 Q12152 +Q115674 P509 Q12192 +Q901070 P101 Q2329 +Q236189 P19 Q12439 +Q234630 P106 Q28389 +Q336467 P119 Q746647 +Q880181 P19 Q1757 +Q164103 P161 Q103646 +Q2130862 P106 Q205375 +Q403 P463 Q1065 +Q219 P463 Q1043527 +Q43247 P106 Q2259451 +Q296809 P69 Q503473 +Q937 P106 Q901 +Q439566 P27 Q34266 +Q49478 P106 Q482980 +Q186111 P27 Q794 +Q286642 P106 Q753110 +Q325422 P136 Q24925 +Q561116 P136 Q482 +Q15031 P102 Q17427 +Q368613 P1303 Q17172850 +Q258 P463 Q191384 +Q235934 P136 Q131272 +Q133405 P264 Q1536003 +Q327303 P20 Q1085 +Q78632 P509 Q47912 +Q34743 P106 Q482980 +Q380424 P106 Q49757 +Q74512 P106 Q43845 +Q214953 P106 Q482980 +Q181728 P69 Q209842 +Q165325 P161 Q3772 +Q19845 P264 Q193023 +Q2594 P106 Q82955 +Q377 P106 Q49757 +Q843 P530 Q954 +Q190588 P161 Q207179 +Q377428 P161 Q181819 +Q460071 P172 Q79797 +Q946774 P20 Q61 +Q78824 P106 Q188094 +Q82085 P106 Q33999 +Q51139 P106 Q10798782 +Q84445 P1412 Q150 +Q271956 P106 Q170790 +Q207544 P509 Q12202 +Q349591 P106 Q639669 +Q315181 P106 Q36834 +Q4977994 P551 Q84 +Q1001254 P264 Q4779433 +Q71602 P108 Q153978 +Q78526 P106 Q13219637 +Q360445 P27 Q30 +Q93354 P551 Q28848 +Q619328 P106 Q10798782 +Q180278 P106 Q639669 +Q103527 P551 Q64 +Q104000 P19 Q18426 +Q104267 P463 Q299015 +Q73463 P106 Q855091 +Q1809563 P27 Q30 +Q146948 P1412 Q1321 +Q31 P530 Q252 +Q437944 P106 Q33999 +Q137138 P106 Q36180 +Q53719 P136 Q20443008 +Q210059 P27 Q145 +Q711538 P1412 Q1860 +Q231530 P106 Q753110 +Q311439 P136 Q1338153 +Q24871 P136 Q24925 +Q1716611 P106 Q177220 +Q290856 P1412 Q1860 +Q48084 P27 Q243610 +Q430535 P161 Q40523 +Q311314 P106 Q3282637 +Q62400 P20 Q64 +Q70618 P106 Q193391 +Q213 P463 Q656801 +Q84211 P27 Q40 +Q310773 P106 Q81096 +Q218679 P106 Q33999 +Q79503 P161 Q150482 +Q362254 P740 Q1490 +Q1167000 P106 Q177220 +Q204398 P840 Q183 +Q737463 P463 Q939743 +Q311752 P509 Q3505252 +Q43444 P1412 Q150 +Q542101 P106 Q49757 +Q3370728 P69 Q209842 +Q334 P530 Q668 +Q2999 P463 Q1768108 +Q3297386 P19 Q34404 +Q309589 P106 Q2259451 +Q1321910 P136 Q8341 +Q794 P530 Q736 +Q184805 P106 Q36180 +Q131112 P106 Q36180 +Q449371 P136 Q131272 +Q78791 P102 Q161118 +Q353640 P106 Q10798782 +Q55 P530 Q31 +Q72645 P106 Q4964182 +Q212 P463 Q899770 +Q251818 P27 Q142 +Q440353 P106 Q10798782 +Q465242 P101 Q35760 +Q467574 P19 Q72 +Q216838 P27 Q161885 +Q3379094 P108 Q160302 +Q1036 P463 Q17495 +Q69108 P69 Q152087 +Q232251 P840 Q99 +Q712851 P1412 Q1860 +Q174210 P106 Q28389 +Q213257 P19 Q277162 +Q709790 P106 Q593644 +Q6969 P106 Q131524 +Q319121 P106 Q19831149 +Q206384 P108 Q81162 +Q55258 P106 Q2526255 +Q805 P463 Q656801 +Q237518 P20 Q656 +Q215730 P20 Q1726 +Q164908 P106 Q1930187 +Q155390 P106 Q82955 +Q747538 P106 Q36180 +Q158486 P106 Q18814623 +Q740181 P106 Q36180 +Q86602 P20 Q60 +Q182046 P106 Q36180 +Q350915 P106 Q5322166 +Q213811 P106 Q33999 +Q19199 P463 Q1938003 +Q96798 P27 Q39 +Q706542 P106 Q131524 +Q243639 P106 Q183945 +Q183141 P19 Q60 +Q164782 P26 Q43044 +Q127437 P106 Q3242115 +Q85510 P106 Q333634 +Q28936 P840 Q21 +Q103835 P106 Q19350898 +Q86105 P641 Q542 +Q464097 P136 Q43343 +Q1649871 P30 Q46 +Q134798 P106 Q18844224 +Q53040 P106 Q82955 +Q951581 P1303 Q6607 +Q188569 P106 Q1930187 +Q106399 P463 Q270794 +Q152513 P737 Q5686 +Q156133 P106 Q11499147 +Q275180 P136 Q130232 +Q372438 P1303 Q163829 +Q182763 P102 Q29552 +Q211566 P27 Q30 +Q215142 P106 Q15980158 +Q5879 P69 Q157575 +Q1245769 P106 Q81096 +Q574 P463 Q188822 +Q16957 P530 Q843 +Q62666 P140 Q1841 +Q1036131 P106 Q170790 +Q117997 P20 Q72 +Q315325 P106 Q1208175 +Q34933 P463 Q723551 +Q7314 P551 Q33959 +Q44833 P136 Q235858 +Q62904 P106 Q1622272 +Q282877 P27 Q30 +Q191644 P1412 Q1860 +Q123849 P27 Q145 +Q553742 P106 Q10800557 +Q72717 P69 Q8047423 +Q142292 P161 Q125106 +Q275991 P1412 Q150 +Q276745 P1303 Q17172850 +Q233946 P136 Q37073 +Q105695 P106 Q33999 +Q865 P530 Q235 +Q95259 P463 Q329464 +Q202815 P106 Q36180 +Q3986379 P161 Q303 +Q740181 P106 Q214917 +Q364131 P19 Q12439 +Q362749 P1412 Q9027 +Q161087 P161 Q167774 +Q272896 P19 Q43668 +Q67247 P108 Q158158 +Q228918 P106 Q639669 +Q333265 P106 Q205375 +Q1900295 P264 Q183387 +Q35448 P140 Q3333484 +Q9588 P106 Q82955 +Q526518 P1412 Q7913 +Q232491 P1303 Q1343007 +Q50003 P106 Q33999 +Q62833 P463 Q83172 +Q232260 P27 Q145 +Q536892 P1303 Q133163 +Q5608 P551 Q12439 +Q232520 P69 Q13371 +Q115347 P69 Q738258 +Q187423 P495 Q30 +Q944996 P1412 Q7913 +Q298 P530 Q218 +Q73089 P106 Q2259451 +Q230736 P106 Q4610556 +Q655213 P27 Q161885 +Q181659 P136 Q132311 +Q986 P463 Q7159 +Q156268 P119 Q311 +Q371403 P106 Q28389 +Q675 P463 Q4345832 +Q786954 P27 Q20 +Q229599 P161 Q107769 +Q458593 P19 Q216 +Q107002 P106 Q36180 +Q464037 P106 Q11774156 +Q434266 P106 Q170790 +Q317110 P136 Q21590660 +Q349461 P3373 Q319392 +Q888326 P106 Q806349 +Q217068 P106 Q486748 +Q266544 P106 Q639669 +Q41 P530 Q668 +Q43264 P509 Q181754 +Q71322 P106 Q1622272 +Q91389 P20 Q2749 +Q319502 P106 Q855091 +Q72262 P106 Q10800557 +Q1384181 P106 Q28389 +Q430535 P495 Q145 +Q80137 P135 Q37068 +Q134575 P264 Q483938 +Q313367 P27 Q30 +Q122113 P136 Q859369 +Q25188 P840 Q408 +Q455292 P106 Q33999 +Q1344392 P106 Q131524 +Q332497 P161 Q934506 +Q152019 P69 Q49213 +Q171363 P551 Q29 +Q43144 P140 Q1841 +Q310375 P106 Q10800557 +Q24348 P106 Q36180 +Q14045 P136 Q205560 +Q34424 P106 Q183945 +Q587852 P27 Q30 +Q222833 P106 Q33999 +Q77497 P106 Q333634 +Q284087 P27 Q36 +Q152880 P106 Q36834 +Q254022 P106 Q18545066 +Q276299 P136 Q52162262 +Q295919 P106 Q486748 +Q43189 P106 Q36834 +Q934722 P509 Q12078 +Q963 P463 Q191384 +Q179215 P161 Q40162 +Q116022 P27 Q23366230 +Q240658 P19 Q18419 +Q597863 P106 Q333634 +Q337185 P136 Q21590660 +Q5686 P1412 Q1860 +Q651 P106 Q36180 +Q918443 P106 Q901 +Q131149 P737 Q48226 +Q148387 P161 Q269869 +Q335238 P106 Q2526255 +Q154356 P20 Q90 +Q316330 P106 Q82594 +Q71960 P136 Q1146335 +Q37355 P140 Q9592 +Q598185 P20 Q65 +Q106571 P840 Q36704 +Q247063 P20 Q1085 +Q449743 P136 Q860626 +Q488057 P106 Q753110 +Q226525 P136 Q482 +Q5921354 P172 Q49085 +Q490 P17 Q38 +Q98461 P27 Q16957 +Q9312 P106 Q182436 +Q741783 P106 Q36180 +Q737463 P27 Q159 +Q256738 P69 Q503246 +Q58735 P264 Q183412 +Q350552 P106 Q82955 +Q311253 P20 Q65 +Q153243 P106 Q19350898 +Q283964 P106 Q1930187 +Q450412 P69 Q131252 +Q298 P530 Q754 +Q977 P463 Q3348506 +Q12957 P1412 Q150 +Q432473 P69 Q1377 +Q449505 P69 Q1399299 +Q62544 P106 Q82955 +Q183382 P69 Q4480746 +Q196004 P495 Q30 +Q244296 P136 Q471839 +Q229375 P106 Q2259451 +Q215866 P19 Q19660 +Q192934 P136 Q1200678 +Q66213 P69 Q154561 +Q240377 P106 Q486748 +Q123454 P106 Q1281618 +Q188426 P264 Q1881437 +Q102071 P106 Q4853732 +Q419 P530 Q414 +Q91617 P106 Q36180 +Q1174183 P106 Q36834 +Q113032 P27 Q30 +Q26372 P106 Q28389 +Q884 P530 Q230 +Q70523 P108 Q32120 +Q165121 P119 Q311 +Q17905 P102 Q49768 +Q450802 P106 Q27532437 +Q77844 P106 Q33231 +Q108460 P106 Q3075052 +Q157309 P69 Q1878600 +Q1343499 P264 Q4883239 +Q94018 P106 Q2306091 +Q362133 P27 Q15180 +Q78890 P106 Q82955 +Q1282750 P106 Q177220 +Q403 P530 Q916 +Q1282956 P27 Q30 +Q1495109 P102 Q7320 +Q23685 P69 Q559549 +Q20562503 P3373 Q2062366 +Q230 P530 Q865 +Q1140309 P840 Q61 +Q211144 P19 Q12439 +Q58811 P108 Q315658 +Q549729 P27 Q174193 +Q340046 P19 Q3616 +Q192668 P136 Q11366 +Q171976 P106 Q1930187 +Q362228 P27 Q145 +Q214013 P161 Q276005 +Q260879 P106 Q1476215 +Q928 P463 Q376150 +Q215916 P106 Q170790 +Q392924 P161 Q365633 +Q79069 P1412 Q188 +Q156133 P106 Q1930187 +Q162629 P1412 Q1860 +Q161687 P161 Q111230 +Q329145 P136 Q1146335 +Q322179 P20 Q127856 +Q822 P463 Q4783148 +Q71018 P1412 Q188 +Q30896 P264 Q645889 +Q241504 P136 Q1339864 +Q214226 P27 Q30 +Q1240856 P106 Q639669 +Q12003 P27 Q30 +Q34453 P27 Q15180 +Q172916 P106 Q170790 +Q809037 P19 Q1297 +Q92815 P463 Q127992 +Q4085141 P27 Q15180 +Q743597 P106 Q33999 +Q188000 P161 Q296500 +Q117021 P463 Q4345832 +Q726388 P69 Q131252 +Q106662 P106 Q822146 +Q860206 P106 Q188094 +Q215721 P106 Q43845 +Q1497744 P1303 Q6607 +Q228 P530 Q38 +Q338726 P106 Q2259451 +Q1218 P17 Q12560 +Q209169 P551 Q38 +Q78437 P106 Q49757 +Q171711 P161 Q132430 +Q983654 P106 Q82955 +Q267265 P136 Q850412 +Q184768 P136 Q959790 +Q12292644 P69 Q13164 +Q107405 P27 Q20 +Q77271 P140 Q23540 +Q234104 P136 Q11366 +Q69019 P463 Q414188 +Q53570396 P3373 Q53191106 +Q14678 P108 Q55044 +Q1900295 P136 Q11401 +Q25188 P161 Q177311 +Q432129 P108 Q221645 +Q62929 P106 Q33999 +Q233291 P136 Q37073 +Q78553 P463 Q133957 +Q209538 P161 Q272019 +Q439455 P119 Q311 +Q9047 P106 Q49757 +Q123174 P136 Q850412 +Q84708562 P19 Q30 +Q667925 P106 Q822146 +Q77271 P26 Q157271 +Q27214 P106 Q947873 +Q949 P463 Q466113 +Q1044 P37 Q1860 +Q307 P106 Q170790 +Q93356 P106 Q36180 +Q3955 P17 Q41304 +Q107759 P69 Q672420 +Q579773 P106 Q3282637 +Q231484 P172 Q49085 +Q460876 P106 Q177220 +Q267914 P27 Q30 +Q299331 P264 Q3415083 +Q319537 P1303 Q17172850 +Q38392 P737 Q9711 +Q1903090 P69 Q371625 +Q454692 P172 Q49085 +Q162586 P264 Q18628 +Q108539 P106 Q40348 +Q36488 P1412 Q652 +Q313868 P172 Q190168 +Q206589 P136 Q130232 +Q24085 P106 Q201788 +Q305864 P106 Q957729 +Q334 P530 Q183 +Q174559 P161 Q242477 +Q4225527 P463 Q83172 +Q1145 P20 Q90 +Q45165 P264 Q183387 +Q1059718 P106 Q6625963 +Q185085 P106 Q36180 +Q120484 P840 Q8652 +Q1435910 P27 Q30 +Q202662 P106 Q639669 +Q158765 P69 Q332342 +Q440668 P106 Q33999 +Q158078 P27 Q183 +Q541599 P1412 Q1860 +Q160071 P161 Q192052 +Q380252 P20 Q649 +Q210059 P140 Q7066 +Q73013 P27 Q183 +Q145 P463 Q81299 +Q167774 P106 Q33999 +Q90634 P106 Q10798782 +Q545423 P27 Q142 +Q38193 P101 Q9465 +Q239195 P1303 Q6607 +Q314424 P20 Q65 +Q220980 P69 Q21705070 +Q70309 P106 Q3387717 +Q213662 P1412 Q188 +Q19796 P27 Q865 +Q187832 P106 Q36834 +Q408 P530 Q792 +Q348790 P69 Q608338 +Q105756 P737 Q23434 +Q359604 P106 Q3282637 +Q206466 P106 Q639669 +Q766 P463 Q3772571 +Q257302 P106 Q2490358 +Q115641 P108 Q55044 +Q66041 P27 Q183 +Q11590 P27 Q30 +Q128187 P161 Q211415 +Q38193 P551 Q1055 +Q836 P30 Q48 +Q170572 P27 Q30 +Q366956 P102 Q29468 +Q89516 P463 Q83172 +Q304488 P840 Q65 +Q148 P530 Q970 +Q53018 P106 Q2526255 +Q2112 P463 Q747279 +Q153421 P106 Q193391 +Q127330 P1303 Q128309 +Q156552 P69 Q981195 +Q191100 P161 Q351849 +Q55 P17 Q29999 +Q712820 P106 Q486748 +Q93188 P119 Q1437214 +Q44461 P106 Q33999 +Q93514 P463 Q2043519 +Q312801 P1303 Q51290 +Q221594 P57 Q95125 +Q156552 P106 Q10798782 +Q138007 P106 Q214917 +Q93890 P119 Q34713 +Q48042 P106 Q47064 +Q313281 P27 Q30 +Q60389 P27 Q183 +Q1067812 P136 Q483352 +Q637949 P463 Q4742987 +Q458559 P119 Q3006253 +Q153723 P495 Q183 +Q344822 P69 Q4614 +Q322211 P106 Q2865819 +Q408 P463 Q17495 +Q232260 P1412 Q1860 +Q327836 P136 Q9759 +Q274070 P106 Q2526255 +Q328320 P136 Q1054574 +Q107420 P108 Q49110 +Q102551 P106 Q948329 +Q157043 P463 Q543804 +Q620609 P106 Q1622272 +Q3334710 P463 Q94301 +Q212064 P106 Q10800557 +Q377789 P106 Q28389 +Q47737 P106 Q1028181 +Q93181 P106 Q380075 +Q11813 P106 Q4964182 +Q104719 P20 Q3126 +Q319737 P106 Q753110 +Q11031 P19 Q90 +Q253288 P1412 Q1860 +Q90885 P19 Q1055 +Q376807 P161 Q10738 +Q786 P463 Q3369762 +Q84403 P69 Q49210 +Q107274 P106 Q2059704 +Q39970 P161 Q103784 +Q1048660 P106 Q18576582 +Q316997 P69 Q49112 +Q1067043 P19 Q44989 +Q93764 P102 Q186867 +Q229545 P106 Q10798782 +Q183031 P69 Q238101 +Q76405 P1303 Q8371 +Q311760 P108 Q34433 +Q333187 P1303 Q6607 +Q220889 P1303 Q6607 +Q296069 P509 Q12152 +Q2866 P140 Q7066 +Q310755 P106 Q121594 +Q7351 P1412 Q188 +Q430276 P19 Q25610 +Q115152 P1412 Q188 +Q11490 P69 Q49088 +Q524236 P106 Q1622272 +Q170606 P106 Q2259451 +Q106443 P19 Q90 +Q708164 P106 Q1930187 +Q344567 P106 Q2526255 +Q1160461 P463 Q463303 +Q746182 P106 Q6168364 +Q273574 P27 Q30 +Q192331 P106 Q1930187 +Q326177 P161 Q313470 +Q1026826 P106 Q49757 +Q5878 P106 Q1209498 +Q1553197 P463 Q2003501 +Q944159 P106 Q36834 +Q316086 P119 Q208175 +Q5752 P106 Q1930187 +Q229550 P106 Q33999 +Q1487770 P136 Q83440 +Q64963 P27 Q183 +Q366091 P463 Q253439 +Q1396305 P551 Q34266 +Q954997 P106 Q28389 +Q25023 P106 Q17351648 +Q444616 P106 Q488205 +Q14277 P1412 Q1860 +Q229908 P19 Q65 +Q232917 P509 Q29496 +Q323470 P106 Q183945 +Q257840 P19 Q79867 +Q125017 P106 Q3282637 +Q354141 P106 Q2259451 +Q236469 P119 Q1400 +Q83321 P69 Q193510 +Q179257 P106 Q639669 +Q264307 P136 Q130232 +Q62559 P106 Q49757 +Q231781 P106 Q36180 +Q101437 P108 Q165980 +Q252 P530 Q878 +Q41 P172 Q539051 +Q588591 P136 Q11399 +Q332360 P102 Q9630 +Q236094 P20 Q1781 +Q8772 P106 Q1622272 +Q484302 P1303 Q5994 +Q2272369 P106 Q188094 +Q339358 P1412 Q652 +Q916 P530 Q30 +Q1325743 P1303 Q46185 +Q217427 P106 Q639669 +Q656752 P136 Q37073 +Q504061 P106 Q36180 +Q68746 P106 Q2526255 +Q1173729 P106 Q12377274 +Q233529 P1303 Q17172850 +Q289380 P106 Q1053574 +Q40197 P108 Q217741 +Q182156 P20 Q649 +Q505743 P119 Q1624932 +Q298 P463 Q3369762 +Q724517 P1412 Q1860 +Q1028859 P20 Q29303 +Q332953 P106 Q177220 +Q44412 P463 Q684415 +Q267441 P27 Q30 +Q181229 P106 Q33999 +Q951621 P106 Q1234713 +Q232 P463 Q17495 +Q2986943 P101 Q662729 +Q354181 P264 Q183387 +Q1334244 P106 Q177220 +Q214959 P106 Q16323111 +Q1383155 P106 Q1622272 +Q542307 P106 Q49757 +Q180252 P106 Q28389 +Q262 P463 Q899770 +Q577504 P20 Q90 +Q356719 P27 Q1033 +Q217008 P161 Q441913 +Q1290 P106 Q2732142 +Q190643 P136 Q369747 +Q61940 P27 Q142 +Q79 P530 Q801 +Q291314 P106 Q177220 +Q41854 P161 Q381664 +Q44248 P106 Q24262584 +Q48129 P20 Q649 +Q995245 P108 Q55044 +Q241218 P161 Q16349 +Q762 P509 Q1368943 +Q74795 P106 Q36180 +Q78632 P27 Q145 +Q1511 P509 Q12152 +Q96779 P106 Q1397808 +Q234099 P106 Q753110 +Q272972 P27 Q30 +Q289303 P106 Q36180 +Q80437 P495 Q155 +Q159995 P1412 Q188 +Q296950 P1412 Q9083 +Q304030 P840 Q60 +Q189172 P27 Q159 +Q3834 P37 Q188 +Q66936 P463 Q414188 +Q11998 P106 Q33999 +Q1063743 P463 Q463303 +Q47904 P140 Q9592 +Q282722 P1303 Q9798 +Q19504 P106 Q2526255 +Q309289 P161 Q29092 +Q228852 P1412 Q1860 +Q105362 P20 Q64 +Q96285 P106 Q40348 +Q106175 P106 Q33999 +Q98258 P106 Q36180 +Q260548 P161 Q240872 +Q294321 P69 Q5676553 +Q77549 P101 Q482 +Q331461 P106 Q177220 +Q1358816 P1412 Q7737 +Q235403 P509 Q12152 +Q334965 P106 Q214917 +Q29008 P27 Q40 +Q902 P530 Q458 +Q152388 P101 Q5891 +Q145480 P106 Q2252262 +Q1064692 P1050 Q11081 +Q157814 P26 Q240430 +Q183 P530 Q1039 +Q317110 P19 Q490 +Q193744 P1303 Q17172850 +Q896136 P102 Q152554 +Q346965 P69 Q860527 +Q2551 P106 Q82955 +Q55264 P1412 Q1860 +Q1151944 P1303 Q17172850 +Q733 P463 Q1043527 +Q5149905 P17 Q30 +Q140201 P737 Q188176 +Q1066965 P1303 Q51290 +Q284017 P1303 Q6607 +Q29055 P27 Q145 +Q1142456 P112 Q15935 +Q186485 P106 Q10871364 +Q1261353 P106 Q10798782 +Q209684 P27 Q27 +Q1175373 P551 Q2256 +Q2367411 P20 Q1492 +Q302491 P106 Q10800557 +Q115134 P106 Q2259451 +Q379808 P106 Q10800557 +Q319723 P106 Q2405480 +Q467368 P27 Q36 +Q1345514 P1303 Q46185 +Q235955 P1412 Q1860 +Q1320912 P106 Q486748 +Q706641 P106 Q753110 +Q389466 P161 Q180004 +Q83851 P106 Q10798782 +Q323117 P27 Q174193 +Q51562 P106 Q36180 +Q38486 P161 Q200355 +Q46599 P136 Q1661 +Q97676 P106 Q1622272 +Q192934 P161 Q83694 +Q836656 P1412 Q188 +Q123823 P108 Q36188 +Q380407 P106 Q36834 +Q54945 P108 Q854280 +Q365129 P106 Q4164507 +Q1030 P530 Q148 +Q684808 P106 Q1930187 +Q470543 P106 Q11063 +Q3322718 P108 Q131626 +Q173144 P264 Q183387 +Q18913 P463 Q4345832 +Q58328 P463 Q3603946 +Q87131 P106 Q3400985 +Q116309 P106 Q1371378 +Q45521 P106 Q36180 +Q78869 P69 Q875788 +Q709873 P106 Q639669 +Q435679 P106 Q855091 +Q171969 P106 Q3400985 +Q315343 P106 Q28389 +Q705681 P27 Q30 +Q127414 P161 Q295148 +Q504920 P106 Q183945 +Q337145 P106 Q3282637 +Q152298 P69 Q1934911 +Q27357 P106 Q201788 +Q76576 P101 Q9465 +Q203223 P106 Q488205 +Q5396 P20 Q90 +Q223741 P1303 Q17172850 +Q246929 P19 Q65 +Q151904 P136 Q2297927 +Q251479 P20 Q220 +Q356140 P264 Q202440 +Q309503 P172 Q161652 +Q1167005 P106 Q2500638 +Q141829 P102 Q79854 +Q233529 P69 Q270222 +Q419 P530 Q38 +Q131259 P136 Q842324 +Q327293 P69 Q860450 +Q201459 P136 Q38848 +Q2633060 P1412 Q1860 +Q1512 P737 Q16867 +Q263439 P106 Q488111 +Q538109 P27 Q34 +Q9438 P737 Q60059 +Q315664 P840 Q60 +Q2560778 P27 Q16957 +Q87756 P106 Q1622272 +Q28656886 P551 Q18419 +Q86758 P69 Q152171 +Q2460829 P106 Q82955 +Q559531 P27 Q34266 +Q203845 P136 Q188473 +Q506288 P1303 Q5994 +Q217427 P106 Q36834 +Q92604 P106 Q82594 +Q84771 P108 Q165980 +Q469310 P106 Q81096 +Q165394 P161 Q23505 +Q197935 P463 Q161806 +Q364724 P106 Q33999 +Q364868 P1303 Q8371 +Q777688 P20 Q33935 +Q240998 P106 Q33999 +Q297736 P106 Q28389 +Q189067 P1303 Q17172850 +Q191 P463 Q7809 +Q298 P530 Q414 +Q85931 P463 Q812155 +Q311750 P19 Q5092 +Q108935 P106 Q10798782 +Q310324 P26 Q229009 +Q1378383 P106 Q13219637 +Q57241 P27 Q183 +Q439394 P463 Q372899 +Q372311 P106 Q10798782 +Q134022 P106 Q82955 +Q575886 P106 Q1930187 +Q502362 P106 Q1622272 +Q204019 P136 Q9778 +Q348649 P106 Q10800557 +Q515904 P106 Q10800557 +Q6837 P17 Q183 +Q288620 P19 Q3141 +Q92446 P102 Q310296 +Q276523 P161 Q220396 +Q219640 P106 Q2405480 +Q355024 P69 Q691283 +Q11928 P161 Q233397 +Q714106 P27 Q30 +Q271032 P119 Q23276 +Q102341 P106 Q3282637 +Q16053 P106 Q36180 +Q130742 P136 Q211756 +Q321178 P264 Q193023 +Q103917 P1412 Q1860 +Q176361 P20 Q65 +Q27645 P737 Q76422 +Q342665 P27 Q30 +Q34670 P106 Q214917 +Q604940 P1412 Q1860 +Q306631 P136 Q131578 +Q295502 P106 Q488205 +Q213675 P20 Q3033 +Q364724 P106 Q28389 +Q299073 P106 Q36834 +Q51094 P27 Q15180 +Q59653 P407 Q9168 +Q456827 P1303 Q17172850 +Q220010 P106 Q33999 +Q235460 P106 Q33999 +Q1165439 P264 Q330629 +Q204005 P140 Q5043 +Q106508 P106 Q2405480 +Q261923 P161 Q190631 +Q200841 P27 Q30 +Q362516 P106 Q33231 +Q68604 P108 Q161982 +Q34190 P20 Q597 +Q267522 P106 Q177220 +Q944386 P509 Q3242950 +Q189729 P1412 Q1860 +Q468003 P27 Q298 +Q145 P530 Q843 +Q86843 P102 Q7320 +Q136591 P136 Q9759 +Q210059 P106 Q33999 +Q524780 P106 Q43845 +Q209684 P509 Q12192 +Q2607 P27 Q43287 +Q634125 P108 Q49117 +Q503770 P106 Q855091 +Q109540 P27 Q43287 +Q75856 P172 Q7325 +Q183337 P3373 Q51506 +Q203643 P106 Q16947657 +Q132506 P264 Q726251 +Q112160 P27 Q183 +Q1001254 P1303 Q17172850 +Q211392 P106 Q36180 +Q1893889 P106 Q901 +Q1766736 P106 Q37226 +Q989 P106 Q121594 +Q8446 P1303 Q78987 +Q89054 P106 Q752129 +Q13014 P20 Q1741 +Q185832 P69 Q185246 +Q466569 P19 Q36600 +Q901070 P106 Q520549 +Q135139 P106 Q1622272 +Q77751 P136 Q11635 +Q96669 P102 Q7320 +Q57679 P27 Q183 +Q270660 P106 Q33999 +Q408 P530 Q695 +Q542101 P1412 Q7737 +Q1093318 P106 Q639669 +Q67597 P69 Q161976 +Q254 P463 Q41726 +Q78864 P27 Q7318 +Q121810 P161 Q104061 +Q41488 P69 Q503424 +Q221482 P641 Q5372 +Q236531 P27 Q145 +Q180589 P106 Q36180 +Q437622 P106 Q488205 +Q316138 P106 Q822146 +Q233898 P1412 Q1860 +Q132964 P27 Q34266 +Q179493 P463 Q6101686 +Q559567 P106 Q4263842 +Q1173729 P108 Q503246 +Q194896 P106 Q36180 +Q48990 P463 Q2370801 +Q371182 P106 Q1622272 +Q57952 P106 Q4991371 +Q271888 P27 Q30 +Q316064 P102 Q29552 +Q285431 P1412 Q652 +Q12786562 P27 Q215 +Q166272 P106 Q3282637 +Q105453 P106 Q82955 +Q215076 P27 Q145 +Q61686 P101 Q413 +Q182692 P136 Q188473 +Q102568 P1412 Q188 +Q124208 P106 Q185351 +Q171363 P106 Q2526255 +Q1360888 P106 Q10798782 +Q587361 P1303 Q6607 +Q704015 P463 Q83172 +Q126067 P102 Q49750 +Q310618 P27 Q30 +Q3090082 P69 Q192088 +Q699597 P106 Q333634 +Q971422 P106 Q639669 +Q8704 P20 Q39561 +Q215748 P172 Q7325 +Q130742 P106 Q10798782 +Q3188629 P106 Q81096 +Q327681 P136 Q130232 +Q7241 P106 Q36834 +Q38082 P108 Q34433 +Q287449 P106 Q33999 +Q72201 P69 Q153978 +Q398 P463 Q233611 +Q134575 P106 Q36834 +Q212 P530 Q851 +Q237056 P101 Q482 +Q1350527 P106 Q753110 +Q295107 P641 Q131359 +Q11703496 P106 Q901 +Q213447 P509 Q208414 +Q3184115 P106 Q1607826 +Q767435 P463 Q161806 +Q557948 P106 Q2405480 +Q23434 P106 Q6625963 +Q221957 P509 Q47912 +Q2680 P106 Q2405480 +Q83906 P509 Q12078 +Q14281 P20 Q490 +Q114 P530 Q1037 +Q241180 P106 Q49757 +Q55994 P19 Q28848 +Q73482 P1412 Q188 +Q270747 P106 Q10800557 +Q157204 P106 Q4263842 +Q295781 P106 Q81096 +Q71602 P27 Q142 +Q306631 P101 Q207628 +Q461682 P161 Q61112 +Q194045 P1303 Q51290 +Q47619 P463 Q463303 +Q162389 P136 Q21590660 +Q319773 P106 Q36834 +Q443403 P106 Q4263842 +Q70350 P69 Q152171 +Q51511 P106 Q33999 +Q232301 P106 Q2405480 +Q363698 P106 Q177220 +Q60 P131 Q1384 +Q70236 P69 Q55044 +Q726295 P1303 Q17172850 +Q445405 P264 Q193023 +Q95994 P106 Q170790 +Q106099 P172 Q121842 +Q237030 P19 Q1345 +Q242530 P19 Q6346 +Q178963 P69 Q55044 +Q155390 P172 Q539051 +Q92809 P1412 Q1860 +Q62377 P106 Q18576582 +Q1184931 P551 Q11299 +Q259379 P19 Q84 +Q238422 P172 Q49085 +Q43 P463 Q1072120 +Q4089775 P463 Q2370801 +Q65475 P101 Q441 +Q55210 P106 Q33999 +Q159054 P57 Q220751 +Q362089 P172 Q127885 +Q1164355 P106 Q855091 +Q28 P530 Q244 +Q929 P463 Q827525 +Q122020 P19 Q16555 +Q207676 P106 Q715301 +Q373895 P102 Q29552 +Q230123 P106 Q177220 +Q45 P463 Q7184 +Q69430 P1412 Q188 +Q449317 P1303 Q6607 +Q931607 P509 Q12206 +Q1397888 P463 Q123885 +Q111230 P551 Q84 +Q160802 P27 Q142 +Q143198 P106 Q36834 +Q1449 P37 Q652 +Q186757 P106 Q33999 +Q4513768 P106 Q901 +Q219519 P106 Q855091 +Q234141 P106 Q33999 +Q43330 P69 Q1149089 +Q102822 P1412 Q188 +Q97144 P106 Q1792450 +Q253583 P69 Q160302 +Q311253 P106 Q4263842 +Q263024 P106 Q130857 +Q244975 P161 Q44077 +Q376144 P495 Q38 +Q1699902 P106 Q33999 +Q216813 P106 Q49757 +Q296537 P1303 Q17172850 +Q690974 P106 Q5716684 +Q1008 P463 Q842490 +Q221491 P161 Q379808 +Q208685 P136 Q1152184 +Q1798353 P106 Q639669 +Q76324 P69 Q189441 +Q1178789 P1303 Q9798 +Q93124 P463 Q40358 +Q1041 P463 Q827525 +Q310798 P551 Q49111 +Q88248 P106 Q482980 +Q74316 P106 Q82955 +Q294185 P26 Q58912 +Q324031 P106 Q82955 +Q294185 P3373 Q254431 +Q61677 P19 Q3933 +Q234606 P106 Q4610556 +Q242552 P19 Q34404 +Q47899 P106 Q10798782 +Q274404 P106 Q121594 +Q53944 P106 Q1607826 +Q1649321 P19 Q185582 +Q241 P30 Q49 +Q92497 P27 Q1206012 +Q186327 P106 Q18814623 +Q220751 P69 Q1583249 +Q33391 P1412 Q7737 +Q312472 P106 Q3282637 +Q141829 P27 Q15180 +Q216708 P1303 Q6607 +Q474796 P106 Q36180 +Q30 P530 Q215 +Q228812 P102 Q79854 +Q76517 P27 Q183 +Q58444 P27 Q27 +Q324726 P136 Q6010 +Q239823 P108 Q762266 +Q203806 P19 Q3936 +Q78869 P19 Q1741 +Q430849 P106 Q10800557 +Q192410 P106 Q488205 +Q159642 P1412 Q188 +Q83326 P106 Q37226 +Q164351 P19 Q1731 +Q60045 P69 Q51985 +Q329127 P840 Q1166 +Q295964 P136 Q5967378 +Q369762 P106 Q36180 +Q66527 P463 Q451079 +Q1353252 P136 Q8341 +Q720443 P20 Q61 +Q137571 P106 Q14467526 +Q96 P530 Q191 +Q28147 P106 Q333634 +Q143945 P106 Q488205 +Q557930 P106 Q3282637 +Q162202 P106 Q177220 +Q237270 P106 Q36180 +Q150916 P136 Q11399 +Q533284 P1303 Q320002 +Q67637 P27 Q15180 +Q464037 P106 Q205375 +Q582713 P106 Q1622272 +Q743035 P27 Q142 +Q359521 P264 Q202440 +Q314343 P106 Q639669 +Q51010 P106 Q488205 +Q312531 P106 Q2405480 +Q982314 P106 Q49757 +Q156023 P509 Q189588 +Q152388 P106 Q3606216 +Q153701 P106 Q1622272 +Q314963 P106 Q1930187 +Q42831 P106 Q12144794 +Q11869 P140 Q682443 +Q277356 P106 Q37226 +Q316997 P101 Q1930187 +Q119935 P19 Q60 +Q323470 P106 Q639669 +Q253695 P136 Q11401 +Q40874 P27 Q145 +Q313739 P106 Q482980 +Q44331 P509 Q1368943 +Q151825 P161 Q432385 +Q77317 P509 Q188874 +Q222832 P106 Q10800557 +Q977 P463 Q191384 +Q84186 P69 Q820887 +Q457923 P136 Q128758 +Q1349639 P19 Q26339 +Q218235 P495 Q408 +Q319896 P27 Q34266 +Q225916 P136 Q846544 +Q109540 P106 Q11774202 +Q96588 P108 Q154561 +Q154270 P106 Q1792450 +Q77468 P463 Q414163 +Q744689 P106 Q43845 +Q315707 P106 Q3455803 +Q725953 P264 Q202585 +Q262791 P106 Q639669 +Q91389 P106 Q806798 +Q213521 P106 Q488205 +Q286339 P136 Q37073 +Q1586454 P106 Q855091 +Q441326 P106 Q5716684 +Q761453 P106 Q4773904 +Q22686 P69 Q49117 +Q360266 P106 Q855091 +Q512611 P19 Q3130 +Q93043 P108 Q34433 +Q335544 P27 Q419 +Q106275 P106 Q33999 +Q17676 P20 Q49202 +Q310580 P19 Q16555 +Q55836 P106 Q81096 +Q66286 P106 Q1622272 +Q133654 P161 Q433520 +Q774905 P19 Q1741 +Q705333 P361 Q6354282 +Q162202 P136 Q850412 +Q405542 P106 Q28389 +Q80321 P106 Q333634 +Q1364820 P19 Q1297 +Q271576 P1303 Q133163 +Q763507 P106 Q36180 +Q33 P463 Q899770 +Q295781 P119 Q208175 +Q96594 P69 Q165980 +Q29572198 P106 Q177220 +Q234685 P106 Q639669 +Q269890 P1412 Q1860 +Q220698 P1412 Q1860 +Q105167 P172 Q170826 +Q867852 P27 Q142 +Q130742 P140 Q748 +Q76440 P27 Q183 +Q233289 P1412 Q1568 +Q449 P509 Q12078 +Q786 P463 Q1043527 +Q386438 P451 Q431565 +Q179282 P19 Q60 +Q268084 P106 Q33999 +Q315348 P69 Q1432645 +Q309048 P161 Q373500 +Q63117 P102 Q7320 +Q664 P530 Q35 +Q79 P463 Q47543 +Q233092 P106 Q3286043 +Q132205 P106 Q2526255 +Q462261 P119 Q831300 +Q69412 P69 Q13371 +Q2071 P106 Q3282637 +Q740657 P40 Q40909 +Q3123791 P463 Q463303 +Q311293 P1412 Q1860 +Q239838 P27 Q142 +Q3849085 P106 Q170790 +Q336640 P27 Q30 +Q652815 P69 Q21578 +Q128759 P463 Q3603946 +Q242535 P27 Q142 +Q203519 P463 Q4430504 +Q215999 P106 Q36180 +Q238819 P136 Q11401 +Q348678 P161 Q273814 +Q151929 P27 Q15180 +Q865 P530 Q298 +Q1541 P106 Q40348 +Q125488 P106 Q3126128 +Q342665 P106 Q33999 +Q1577693 P1412 Q188 +Q362559 P106 Q2259451 +Q243639 P136 Q850412 +Q107124 P69 Q310695 +Q46551 P161 Q230534 +Q1343669 P136 Q217467 +Q365199 P1412 Q1860 +Q2725555 P106 Q43845 +Q389851 P106 Q1622272 +Q108206 P106 Q36180 +Q935369 P106 Q639669 +Q529555 P106 Q2252262 +Q347362 P737 Q9235 +Q326177 P161 Q233313 +Q228755 P106 Q2405480 +Q189080 P106 Q177220 +Q522050 P1412 Q9027 +Q360674 P106 Q28389 +Q25014 P106 Q2526255 +Q366563 P106 Q28389 +Q453472 P20 Q90 +Q465428 P108 Q41506 +Q468864 P108 Q49120 +Q1133611 P1303 Q17172850 +Q170515 P106 Q10800557 +Q240174 P101 Q676 +Q7546 P69 Q221645 +Q464453 P106 Q14915627 +Q76127 P106 Q82955 +Q389466 P161 Q296887 +Q116553 P69 Q658975 +Q327660 P1412 Q652 +Q697131 P106 Q10732476 +Q62809 P27 Q41304 +Q36290 P19 Q12439 +Q15800 P106 Q36180 +Q311303 P106 Q2526255 +Q95048 P106 Q28389 +Q94913 P106 Q33999 +Q315664 P161 Q302491 +Q640991 P463 Q191583 +Q82426 P161 Q53651 +Q103527 P106 Q1930187 +Q101727 P106 Q185351 +Q270599 P161 Q58912 +Q105875 P136 Q45981 +Q164384 P27 Q43287 +Q5217489 P27 Q30 +Q317095 P1303 Q6607 +Q64440 P102 Q49763 +Q241646 P1412 Q1860 +Q364070 P106 Q333634 +Q289212 P1412 Q652 +Q833 P530 Q685 +Q333260 P27 Q34266 +Q77144 P27 Q183 +Q811 P463 Q123759 +Q61863 P463 Q414188 +Q233 P530 Q408 +Q165392 P495 Q30 +Q148 P530 Q37 +Q3040690 P27 Q36 +Q232456 P106 Q10798782 +Q298030 P106 Q193391 +Q164384 P106 Q11063 +Q53023 P20 Q220 +Q517 P509 Q189588 +Q30 P530 Q399 +Q27 P463 Q1480793 +Q234819 P463 Q463303 +Q181490 P172 Q170826 +Q80135 P106 Q2490358 +Q83321 P106 Q333634 +Q117012 P1303 Q5994 +Q1246 P530 Q833 +Q561617 P27 Q184 +Q283408 P737 Q909 +Q295537 P27 Q15180 +Q63725 P106 Q193391 +Q34933 P19 Q87 +Q451483 P106 Q639669 +Q52463 P740 Q60 +Q55163 P106 Q7042855 +Q551390 P106 Q16287483 +Q331791 P1303 Q17172850 +Q61558 P106 Q333634 +Q285254 P509 Q12152 +Q93031 P172 Q44806 +Q40074 P136 Q130232 +Q135156 P136 Q157443 +Q2902064 P106 Q1231865 +Q77109 P106 Q17489339 +Q316064 P69 Q1432645 +Q184572 P106 Q3282637 +Q878708 P3373 Q11237 +Q1347483 P19 Q5092 +Q442656 P106 Q639669 +Q438507 P69 Q273626 +Q44845 P101 Q5891 +Q183167 P106 Q644687 +Q104266 P463 Q463303 +Q674739 P106 Q158852 +Q650303 P27 Q38 +Q1112005 P2348 Q6939 +Q1265451 P106 Q753110 +Q843 P530 Q858 +Q230739 P19 Q107126 +Q273502 P106 Q486748 +Q92604 P463 Q463303 +Q674739 P19 Q23436 +Q234224 P69 Q35794 +Q1476652 P551 Q1761 +Q943361 P19 Q490 +Q232333 P27 Q30 +Q29 P463 Q376150 +Q96250 P106 Q36180 +Q361004 P69 Q83259 +Q237994 P106 Q49757 +Q541922 P106 Q1259917 +Q434003 P106 Q10800557 +Q40362 P37 Q13955 +Q38484 P106 Q82955 +Q317574 P106 Q28389 +Q725933 P136 Q676 +Q554209 P106 Q855091 +Q330059 P106 Q33999 +Q45 P530 Q30 +Q1379164 P101 Q333 +Q323827 P136 Q1054574 +Q257953 P106 Q6430706 +Q216913 P106 Q753110 +Q111447 P69 Q83259 +Q140201 P20 Q84 +Q155124 P106 Q36834 +Q1031847 P106 Q1415090 +Q76553 P108 Q32120 +Q72 P17 Q71084 +Q440353 P106 Q4610556 +Q30487 P27 Q15180 +Q257630 P161 Q232874 +Q391784 P495 Q30 +Q366907 P172 Q201111 +Q323074 P106 Q28389 +Q1988375 P1412 Q7737 +Q379949 P20 Q90 +Q16781 P27 Q148 +Q1643790 P106 Q49757 +Q151917 P106 Q2306091 +Q53068 P106 Q2490358 +Q107432 P1303 Q8371 +Q4573 P106 Q10800557 +Q430278 P161 Q223117 +Q235289 P509 Q181754 +Q1699902 P106 Q28389 +Q3057348 P27 Q30 +Q3132658 P19 Q1348 +Q67494 P108 Q159895 +Q3852 P17 Q12548 +Q177311 P106 Q948329 +Q1446475 P264 Q1251139 +Q470931 P1412 Q150 +Q191084 P69 Q503246 +Q865 P530 Q863 +Q188526 P106 Q482980 +Q181402 P106 Q10800557 +Q155559 P161 Q103343 +Q93443 P136 Q496523 +Q44833 P19 Q34863 +Q268824 P161 Q229291 +Q3656334 P108 Q168756 +Q881 P530 Q230 +Q389151 P161 Q156586 +Q106997 P106 Q36180 +Q694732 P1412 Q150 +Q12735 P106 Q1231865 +Q195371 P1412 Q1321 +Q49061 P172 Q49085 +Q109612 P136 Q8341 +Q231608 P1412 Q1321 +Q56074 P106 Q10798782 +Q245271 P161 Q1744 +Q295964 P106 Q28389 +Q639065 P463 Q466089 +Q1530794 P102 Q29552 +Q168896 P106 Q1622272 +Q740631 P1412 Q9043 +Q1045 P463 Q294278 +Q70819 P106 Q36180 +Q230632 P106 Q36180 +Q606356 P106 Q4263842 +Q346607 P106 Q753110 +Q738765 P106 Q36180 +Q355159 P27 Q17 +Q39524 P20 Q85 +Q727705 P551 Q155 +Q213 P172 Q170217 +Q72292 P1412 Q9043 +Q215855 P106 Q36834 +Q740378 P1412 Q7737 +Q32 P530 Q31 +Q560040 P264 Q277626 +Q660553 P463 Q265058 +Q444601 P106 Q15253558 +Q147810 P20 Q437 +Q1897911 P106 Q43845 +Q8873 P27 Q129286 +Q60684 P509 Q12204 +Q2062366 P3373 Q4218975 +Q18227 P19 Q65 +Q313210 P27 Q34266 +Q128799 P27 Q29 +Q357607 P106 Q33999 +Q17455 P101 Q395 +Q276392 P161 Q234487 +Q16455 P106 Q33999 +Q174559 P161 Q219521 +Q232945 P106 Q10798782 +Q176026 P69 Q49088 +Q68325 P106 Q1234713 +Q213545 P463 Q463303 +Q322056 P106 Q10800557 +Q136646 P106 Q2405480 +Q333987 P106 Q1326886 +Q465127 P106 Q177220 +Q736 P463 Q1065 +Q228747 P106 Q10800557 +Q164562 P106 Q3282637 +Q61863 P27 Q38872 +Q165721 P106 Q82955 +Q313046 P106 Q177220 +Q50005 P106 Q42909 +Q16403 P136 Q157443 +Q1156782 P264 Q18628 +Q134333 P106 Q2059704 +Q736099 P106 Q639669 +Q324557 P495 Q16 +Q234519 P106 Q4853732 +Q300502 P840 Q65 +Q164730 P106 Q33999 +Q215689 P106 Q13424456 +Q215868 P1412 Q1860 +Q465290 P106 Q82955 +Q70618 P106 Q82955 +Q233848 P27 Q30 +Q2645477 P463 Q188771 +Q296028 P106 Q2259451 +Q36290 P106 Q177220 +Q1044 P463 Q191384 +Q151830 P106 Q488205 +Q713964 P136 Q11401 +Q229258 P106 Q10798782 +Q252 P530 Q1019 +Q234847 P19 Q65 +Q290502 P106 Q14467526 +Q1345751 P20 Q1297 +Q161877 P1303 Q17172850 +Q909 P737 Q859 +Q187336 P106 Q4263842 +Q732055 P19 Q65 +Q25080 P19 Q21197 +Q270126 P1412 Q652 +Q126472 P106 Q4964182 +Q1040028 P136 Q185867 +Q1007 P463 Q3348506 +Q8018 P106 Q432386 +Q203623 P106 Q49757 +Q366306 P106 Q639669 +Q292373 P264 Q287177 +Q726369 P19 Q12439 +Q374610 P106 Q864380 +Q301951 P19 Q23482 +Q727705 P27 Q218 +Q270005 P106 Q10800557 +Q349039 P19 Q107126 +Q463832 P161 Q360674 +Q160058 P19 Q490 +Q22072 P136 Q217191 +Q172161 P106 Q1930187 +Q1849355 P106 Q177220 +Q833 P463 Q233611 +Q2573 P1412 Q188 +Q334126 P1412 Q652 +Q303678 P161 Q4491 +Q858 P463 Q1065 +Q713213 P106 Q81096 +Q183 P530 Q27 +Q62986 P106 Q1930187 +Q3262638 P1412 Q150 +Q1452597 P1303 Q6607 +Q94034 P27 Q40 +Q309214 P106 Q3282637 +Q436571 P509 Q18554919 +Q355133 P106 Q245068 +Q3487499 P161 Q318412 +Q434968 P1303 Q6607 +Q267018 P161 Q439438 +Q328892 P69 Q805285 +Q148429 P840 Q771 +Q380848 P161 Q873 +Q312641 P106 Q1607826 +Q221820 P161 Q259913 +Q333873 P19 Q1874 +Q342723 P106 Q33999 +Q202319 P106 Q21234378 +Q2890097 P106 Q33999 +Q7327 P106 Q11631 +Q134456 P106 Q6430706 +Q74958 P161 Q298682 +Q183081 P161 Q41396 +Q73482 P108 Q152838 +Q4573 P106 Q948329 +Q267051 P102 Q29552 +Q51133 P106 Q15627169 +Q235511 P1412 Q1860 +Q66316 P19 Q3766 +Q458390 P19 Q100 +Q314133 P69 Q4614 +Q60070 P27 Q183 +Q4612 P172 Q42884 +Q966894 P463 Q161806 +Q732142 P27 Q15180 +Q368519 P106 Q36180 +Q37 P463 Q789769 +Q195616 P27 Q668 +Q545822 P1412 Q1860 +Q30 P530 Q142 +Q1354583 P106 Q753110 +Q219653 P106 Q10798782 +Q270215 P161 Q232120 +Q81487 P136 Q130232 +Q958 P463 Q1065 +Q228818 P106 Q639669 +Q96997 P19 Q64 +Q16 P530 Q20 +Q11607 P27 Q30 +Q252409 P136 Q188473 +Q224159 P140 Q75809 +Q231713 P106 Q177220 +Q240233 P69 Q7739610 +Q270935 P136 Q11366 +Q204750 P119 Q1261 +Q453691 P106 Q753110 +Q86096 P106 Q82955 +Q188426 P69 Q860527 +Q191037 P1412 Q1860 +Q214959 P106 Q55960555 +Q333475 P106 Q2259451 +Q942923 P102 Q29552 +Q131725 P106 Q855091 +Q185724 P106 Q2405480 +Q212446 P106 Q2095549 +Q314419 P119 Q311 +Q11816 P463 Q466089 +Q152301 P106 Q482980 +Q213783 P106 Q170790 +Q314343 P136 Q263734 +Q212676 P20 Q90 +Q184565 P106 Q82955 +Q70795 P106 Q36180 +Q184572 P27 Q30 +Q453614 P27 Q241 +Q691 P463 Q7825 +Q115483 P1412 Q652 +Q269887 P495 Q30 +Q156193 P108 Q202660 +Q218503 P106 Q3282637 +Q9047 P737 Q868 +Q1882498 P136 Q83440 +Q9204 P106 Q13570226 +Q215076 P136 Q37073 +Q442980 P20 Q65 +Q376140 P509 Q12152 +Q61601 P69 Q161976 +Q363867 P264 Q183387 +Q329056 P161 Q257271 +Q95026 P140 Q93191 +Q171669 P135 Q377616 +Q35912 P106 Q10798782 +Q188955 P27 Q30 +Q1054564 P106 Q639669 +Q1046616 P106 Q753110 +Q171969 P463 Q3603946 +Q965 P463 Q2029901 +Q223316 P161 Q241160 +Q49021 P161 Q249865 +Q347461 P1412 Q7976 +Q108525 P840 Q1297 +Q159 P530 Q796 +Q331 P108 Q49114 +Q380981 P161 Q172303 +Q114605 P20 Q1085 +Q361762 P106 Q1415090 +Q67645 P106 Q1930187 +Q332493 P106 Q36180 +Q42747 P19 Q365 +Q508182 P19 Q5092 +Q122370 P106 Q49757 +Q4487 P551 Q31 +Q989 P1412 Q809 +Q32678 P108 Q49165 +Q205321 P136 Q959790 +Q128708 P509 Q12202 +Q191719 P106 Q639669 +Q1634482 P106 Q43845 +Q2291171 P136 Q11366 +Q206466 P136 Q8341 +Q85931 P106 Q36180 +Q332508 P463 Q4742987 +Q228925 P106 Q10800557 +Q310166 P26 Q213521 +Q7726 P27 Q142 +Q563057 P1303 Q5994 +Q189226 P1412 Q1860 +Q71275 P106 Q2259451 +Q77327 P102 Q7320 +Q188385 P106 Q482980 +Q232079 P161 Q83694 +Q203860 P119 Q208175 +Q535 P135 Q37068 +Q1487770 P106 Q488205 +Q353754 P737 Q130631 +Q359026 P1303 Q6607 +Q151972 P106 Q2914170 +Q572608 P1303 Q17172850 +Q222071 P106 Q4610556 +Q57391 P106 Q7042855 +Q355384 P1303 Q17172850 +Q76748 P1412 Q188 +Q108941 P2348 Q6939 +Q381420 P27 Q20 +Q47210 P1412 Q150 +Q37060 P106 Q4263842 +Q77193 P69 Q152087 +Q32 P463 Q7809 +Q189454 P27 Q30 +Q233959 P1303 Q17172850 +Q16 P463 Q191384 +Q304874 P69 Q1797768 +Q435626 P106 Q177220 +Q134895 P140 Q288928 +Q235615 P463 Q463281 +Q509102 P69 Q503246 +Q342774 P106 Q36834 +Q234043 P101 Q482 +Q55917 P106 Q15627169 +Q318509 P106 Q33999 +Q302817 P20 Q18419 +Q76811 P106 Q16947320 +Q157707 P1412 Q188 +Q183187 P3373 Q57298 +Q107416 P463 Q463303 +Q28147 P106 Q1930187 +Q262396 P27 Q30 +Q436784 P106 Q10798782 +Q4460848 P106 Q901 +Q78080 P106 Q14467526 +Q514998 P106 Q864380 +Q10681 P106 Q1643514 +Q726071 P1303 Q6607 +Q898618 P17 Q30 +Q170530 P106 Q2259451 +Q190588 P161 Q58444 +Q69547 P101 Q5891 +Q40640 P106 Q36180 +Q123972 P463 Q812155 +Q40319 P108 Q170027 +Q1044 P530 Q30 +Q89054 P463 Q1132636 +Q216016 P106 Q1209498 +Q901070 P106 Q901 +Q145 P463 Q782942 +Q229364 P136 Q37073 +Q51510 P106 Q36834 +Q87298 P69 Q170027 +Q111836 P27 Q183 +Q714462 P106 Q205375 +Q445115 P106 Q10800557 +Q80938 P106 Q5716684 +Q237673 P1303 Q17172850 +Q1343499 P106 Q36834 +Q64600 P69 Q157808 +Q320639 P1303 Q46185 +Q25023 P69 Q156725 +Q133308 P19 Q85 +Q26988 P530 Q865 +Q188652 P840 Q1400 +Q212549 P106 Q33999 +Q127349 P106 Q81096 +Q14045 P1303 Q6607 +Q237190 P19 Q18419 +Q297097 P1303 Q6607 +Q12674 P27 Q30 +Q47087 P106 Q28389 +Q457029 P106 Q486748 +Q128967 P1303 Q1444 +Q228585 P136 Q157394 +Q44645 P27 Q30 +Q464277 P1303 Q6607 +Q9696 P106 Q189290 +Q213778 P106 Q36180 +Q223884 P840 Q15 +Q1141280 P106 Q1643514 +Q311244 P136 Q753679 +Q1461840 P1412 Q1860 +Q152542 P106 Q10798782 +Q310343 P26 Q239818 +Q268284 P106 Q639669 +Q193660 P136 Q482 +Q76127 P1412 Q13955 +Q64579 P106 Q487596 +Q336018 P106 Q3282637 +Q336877 P106 Q10800557 +Q115347 P19 Q40435 +Q260331 P101 Q207628 +Q10444417 P1412 Q1860 +Q188159 P136 Q130232 +Q470732 P106 Q82955 +Q200672 P136 Q860626 +Q314972 P106 Q33999 +Q255463 P101 Q1662673 +Q25351 P101 Q4932206 +Q65144 P1412 Q188 +Q124617 P172 Q49542 +Q45521 P20 Q1726 +Q229009 P26 Q310324 +Q64151 P161 Q273136 +Q444312 P27 Q16 +Q92608 P463 Q1493021 +Q167821 P463 Q8038459 +Q218960 P1050 Q12204 +Q336272 P106 Q183945 +Q98960 P108 Q151510 +Q16455 P69 Q1045828 +Q733 P463 Q656801 +Q315592 P161 Q167520 +Q27 P463 Q1072120 +Q299965 P106 Q1350157 +Q109767 P161 Q979166 +Q245787 P106 Q28389 +Q2610 P140 Q7066 +Q229487 P69 Q993267 +Q18421 P136 Q157394 +Q184750 P737 Q9061 +Q481477 P27 Q30 +Q230055 P106 Q4610556 +Q540443 P27 Q174193 +Q285341 P1303 Q17172850 +Q574 P530 Q155 +Q467027 P106 Q36834 +Q774 P530 Q30 +Q322850 P106 Q639669 +Q945 P463 Q899770 +Q76422 P106 Q1234713 +Q403 P530 Q38 +Q104668 P509 Q181754 +Q2460829 P3373 Q183187 +Q122622 P1412 Q150 +Q221155 P1303 Q17172850 +Q251338 P19 Q2807 +Q704294 P27 Q38 +Q391536 P106 Q10800557 +Q242095 P106 Q36180 +Q72224 P463 Q459620 +Q426396 P161 Q233291 +Q51570 P106 Q2526255 +Q55946077 P106 Q4164507 +Q53619 P106 Q49757 +Q263439 P106 Q4610556 +Q410 P463 Q463303 +Q369190 P106 Q2526255 +Q184366 P463 Q3603946 +Q108510 P136 Q21590660 +Q53023 P509 Q12152 +Q221594 P161 Q232968 +Q23760 P106 Q2405480 +Q364724 P27 Q30 +Q74258 P106 Q2259451 +Q150494 P27 Q40 +Q26993 P106 Q6625963 +Q464453 P106 Q1350157 +Q222390 P27 Q161885 +Q91990 P108 Q156737 +Q79904 P106 Q6625963 +Q356140 P509 Q389735 +Q93624 P106 Q36180 +Q125042 P106 Q1234713 +Q366307 P106 Q24262584 +Q403 P530 Q43 +Q315118 P106 Q10798782 +Q93872 P27 Q40 +Q55303 P27 Q145 +Q156193 P20 Q4100 +Q214014 P495 Q30 +Q317761 P106 Q10800557 +Q102244 P161 Q106481 +Q888326 P264 Q5086379 +Q251338 P20 Q2807 +Q47159 P172 Q49085 +Q320190 P106 Q177220 +Q86105 P737 Q303 +Q96595 P106 Q1622272 +Q39789 P69 Q185246 +Q538091 P106 Q16323111 +Q62352 P106 Q10800557 +Q188176 P737 Q151820 +Q181425 P106 Q33999 +Q74639 P106 Q82955 +Q212993 P69 Q35794 +Q236939 P27 Q145 +Q41594 P106 Q177220 +Q913084 P106 Q177220 +Q924 P463 Q7159 +Q833 P530 Q712 +Q321454 P495 Q30 +Q429207 P101 Q11190 +Q78999 P463 Q939743 +Q51101 P106 Q36834 +Q237690 P27 Q30 +Q312720 P136 Q8261 +Q184 P530 Q35 +Q182580 P106 Q10798782 +Q460366 P19 Q1342 +Q1050 P463 Q899770 +Q728542 P106 Q1930187 +Q1123947 P159 Q84 +Q64176 P551 Q1731 +Q717 P530 Q29 +Q6043036 P108 Q841581 +Q166796 P106 Q3282637 +Q11239 P509 Q181754 +Q1018838 P106 Q36180 +Q180695 P161 Q187033 +Q237659 P26 Q287607 +Q57442 P108 Q32120 +Q28193 P136 Q1054574 +Q19801728 P161 Q230278 +Q29999 P463 Q7825 +Q229141 P27 Q30 +Q106326 P106 Q10800557 +Q4286203 P1412 Q1860 +Q193504 P19 Q90 +Q788572 P106 Q27532437 +Q192668 P136 Q83440 +Q123861 P27 Q39 +Q510190 P106 Q205375 +Q108525 P161 Q229268 +Q71366 P102 Q7320 +Q451812 P106 Q486748 +Q443166 P1303 Q6607 +Q73362 P106 Q3282637 +Q76023 P69 Q154561 +Q183 P530 Q298 +Q109388 P19 Q1295 +Q712878 P106 Q215536 +Q51559 P20 Q11299 +Q2861 P17 Q41304 +Q705333 P551 Q84 +Q441326 P106 Q10800557 +Q43440 P463 Q338432 +Q223741 P1303 Q46185 +Q123166 P161 Q6255748 +Q1072843 P106 Q3282637 +Q511124 P106 Q2095549 +Q8704 P106 Q947873 +Q151825 P495 Q30 +Q235346 P106 Q10798782 +Q186924 P20 Q34006 +Q358306 P106 Q28389 +Q105220 P27 Q43287 +Q521170 P27 Q15180 +Q18430 P463 Q6101686 +Q1276 P1412 Q1860 +Q182580 P106 Q177220 +Q84942 P1412 Q188 +Q312450 P1303 Q17172850 +Q232104 P106 Q2405480 +Q106662 P106 Q488205 +Q290091 P27 Q30 +Q92007 P108 Q154804 +Q347362 P106 Q121594 +Q11928 P161 Q223117 +Q108560 P1303 Q8338 +Q233 P463 Q1480793 +Q463501 P106 Q37226 +Q145173 P106 Q28389 +Q294321 P106 Q1930187 +Q44063 P27 Q30 +Q95252 P108 Q152171 +Q1124 P27 Q30 +Q1785 P106 Q36180 +Q50599 P140 Q682443 +Q138559 P102 Q108700 +Q84186 P140 Q13211738 +Q78119 P26 Q104737 +Q426828 P136 Q157394 +Q878 P530 Q159583 +Q1744 P106 Q13235160 +Q192214 P106 Q589298 +Q16296 P106 Q3455803 +Q60197 P106 Q36834 +Q84509 P27 Q131964 +Q175142 P1303 Q17172850 +Q552273 P27 Q79 +Q229139 P140 Q75809 +Q239357 P136 Q9759 +Q593554 P69 Q1702106 +Q49767 P1412 Q150 +Q385703 P641 Q31920 +Q933453 P27 Q30 +Q318231 P106 Q10800557 +Q190379 P106 Q6625963 +Q2568971 P20 Q189960 +Q3384965 P509 Q29496 +Q219772 P69 Q1053996 +Q163249 P451 Q43432 +Q313813 P19 Q23768 +Q1389258 P140 Q9592 +Q937 P20 Q138518 +Q167243 P1412 Q652 +Q34424 P264 Q183387 +Q367748 P161 Q3938408 +Q129747 P264 Q654283 +Q60131 P463 Q44687 +Q90012 P106 Q82955 +Q278550 P136 Q959790 +Q64406 P106 Q864503 +Q289180 P102 Q29552 +Q57802 P101 Q431 +Q272923 P106 Q3282637 +Q155 P530 Q79 +Q481482 P20 Q495 +Q1934319 P106 Q12362622 +Q452084 P119 Q2661974 +Q311319 P551 Q60 +Q1806036 P136 Q186472 +Q266319 P106 Q33999 +Q128560 P737 Q82925 +Q80095 P106 Q11774202 +Q94765 P20 Q1348 +Q28 P530 Q225 +Q455754 P106 Q177220 +Q355788 P1303 Q6607 +Q974 P530 Q971 +Q354783 P106 Q11774202 +Q925493 P1412 Q9056 +Q99294 P1412 Q150 +Q974221 P136 Q205560 +Q385703 P19 Q36600 +Q207459 P119 Q1242128 +Q189554 P27 Q30 +Q167546 P509 Q12152 +Q215945 P1412 Q188 +Q858 P530 Q224 +Q38 P463 Q3772571 +Q88412 P463 Q265058 +Q92432 P20 Q60 +Q2574737 P1303 Q17172850 +Q208685 P1412 Q1860 +Q184500 P1412 Q397 +Q230 P463 Q827525 +Q444366 P19 Q16563 +Q952428 P172 Q7325 +Q536371 P1412 Q1412 +Q713058 P106 Q639669 +Q60052 P463 Q463303 +Q439786 P106 Q36834 +Q4465 P106 Q3282637 +Q221843 P106 Q28389 +Q52440 P172 Q49085 +Q373417 P27 Q38 +Q711406 P264 Q700359 +Q408 P530 Q954 +Q319902 P1412 Q9288 +Q310785 P106 Q28389 +Q106465 P106 Q3282637 +Q60059 P119 Q365 +Q1360888 P27 Q142 +Q539 P27 Q71084 +Q92914 P27 Q183 +Q49767 P136 Q8261 +Q213579 P27 Q12548 +Q84445 P1412 Q1860 +Q463768 P840 Q99 +Q73892 P3373 Q69019 +Q1348831 P1303 Q17172850 +Q202420 P106 Q211346 +Q962 P530 Q865 +Q148 P530 Q754 +Q452797 P19 Q2887 +Q350811 P106 Q10800557 +Q24953 P161 Q561401 +Q322915 P106 Q130857 +Q275575 P106 Q177220 +Q50764 P106 Q33999 +Q403 P530 Q265 +Q46096 P1412 Q188 +Q153776 P136 Q9734 +Q13888 P106 Q28389 +Q4428333 P19 Q649 +Q60163 P27 Q183 +Q7231 P106 Q82955 +Q920526 P106 Q901402 +Q451630 P136 Q130232 +Q230929 P106 Q3282637 +Q94486 P20 Q1741 +Q331896 P1412 Q256 +Q2918925 P108 Q161562 +Q215708 P20 Q1748 +Q204725 P57 Q317567 +Q28117 P27 Q1206012 +Q82032 P27 Q142 +Q504753 P106 Q4964182 +Q238356 P27 Q145 +Q1050 P463 Q17495 +Q1523176 P140 Q7066 +Q1013 P37 Q1860 +Q324015 P106 Q488205 +Q262608 P106 Q3282637 +Q16345 P106 Q49757 +Q739915 P1303 Q5994 +Q519273 P106 Q177220 +Q2177054 P138 Q18809 +Q167546 P106 Q488205 +Q88767 P106 Q82955 +Q118243 P1412 Q188 +Q95076 P106 Q33999 +Q11869 P106 Q10076267 +Q233 P463 Q233611 +Q34474 P1412 Q7737 +Q910761 P136 Q83440 +Q42 P106 Q245068 +Q39789 P1412 Q9027 +Q30 P530 Q155 +Q183066 P161 Q23365 +Q506900 P172 Q49085 +Q431401 P106 Q753110 +Q154421 P106 Q82955 +Q185724 P106 Q28389 +Q192160 P161 Q29250 +Q310515 P106 Q10798782 +Q574400 P102 Q9630 +Q248935 P106 Q205375 +Q59572 P136 Q130232 +Q737845 P106 Q82955 +Q1195390 P551 Q23148 +Q969753 P1412 Q150 +Q10133 P1412 Q397 +Q557 P106 Q36180 +Q664909 P106 Q486748 +Q640991 P463 Q543804 +Q465242 P69 Q49088 +Q180636 P1412 Q7737 +Q60487 P840 Q1223 +Q1189327 P106 Q10798782 +Q1006 P463 Q656801 +Q353007 P27 Q30 +Q268294 P106 Q28389 +Q530471 P17 Q148 +Q311961 P27 Q183 +Q288173 P136 Q2484376 +Q238296 P136 Q859369 +Q145 P530 Q1045 +Q958 P463 Q899770 +Q297532 P106 Q4263842 +Q192686 P161 Q80046 +Q151523 P463 Q49738 +Q41166 P106 Q4964182 +Q432129 P106 Q1209498 +Q3662078 P106 Q81096 +Q123089 P119 Q311 +Q323267 P27 Q174193 +Q125600 P19 Q1780 +Q731958 P136 Q213714 +Q266535 P106 Q10800557 +Q329716 P20 Q65 +Q153911 P106 Q82955 +Q809420 P69 Q273626 +Q367634 P264 Q654283 +Q124401 P106 Q14915627 +Q33405 P30 Q49 +Q345571 P106 Q82955 +Q921869 P463 Q110587 +Q778539 P136 Q11366 +Q159642 P106 Q82955 +Q964396 P106 Q193391 +Q71874 P1412 Q1860 +Q60116 P20 Q72 +Q7241 P106 Q4964182 +Q168849 P840 Q18 +Q55 P463 Q41550 +Q219060 P530 Q258 +Q241482 P161 Q296537 +Q267265 P136 Q131272 +Q57311 P106 Q40348 +Q348533 P106 Q947873 +Q1049 P530 Q958 +Q32529 P264 Q3001888 +Q240886 P102 Q29468 +Q162778 P106 Q6625963 +Q387414 P161 Q4349 +Q91384 P27 Q183 +Q121111 P108 Q658975 +Q60970 P136 Q37073 +Q174843 P19 Q65 +Q261244 P69 Q7607037 +Q469888 P106 Q4964182 +Q322272 P40 Q297816 +Q61130 P27 Q183 +Q89416 P19 Q1741 +Q11903 P106 Q205375 +Q193744 P106 Q486748 +Q381884 P106 Q947873 +Q154581 P136 Q959790 +Q713297 P172 Q133255 +Q45275 P101 Q40831 +Q76490 P106 Q10800557 +Q970649 P136 Q35760 +Q283659 P106 Q16323111 +Q171228 P1412 Q9063 +Q72564 P106 Q3621491 +Q392825 P161 Q237214 +Q77377 P27 Q43287 +Q70130 P19 Q1726 +Q191026 P509 Q12204 +Q558288 P106 Q483501 +Q234630 P106 Q10800557 +Q62731543 P1412 Q1860 +Q132964 P106 Q1930187 +Q468523 P1412 Q1860 +Q36878 P106 Q333634 +Q276440 P101 Q482 +Q299297 P106 Q33999 +Q184366 P106 Q4964182 +Q232101 P1412 Q1860 +Q300439 P840 Q1400 +Q462356 P106 Q11774202 +Q16474 P106 Q1930187 +Q7604 P19 Q78 +Q7604 P106 Q169470 +Q44552 P106 Q622807 +Q984165 P69 Q34433 +Q235066 P1412 Q1860 +Q754 P37 Q1860 +Q4532076 P27 Q159 +Q42402 P1412 Q188 +Q317567 P19 Q60 +Q953 P530 Q865 +Q116905 P161 Q233365 +Q468523 P106 Q36180 +Q69645 P19 Q64 +Q37767 P737 Q163366 +Q887889 P1412 Q1860 +Q170509 P27 Q145 +Q243771 P106 Q214917 +Q65533 P27 Q183 +Q234967 P69 Q7060402 +Q881 P463 Q1043527 +Q242889 P1303 Q17172850 +Q380667 P136 Q200092 +Q313525 P106 Q33999 +Q49734 P106 Q639669 +Q53001 P106 Q7042855 +Q133665 P106 Q10800557 +Q1541450 P17 Q34 +Q313193 P106 Q6625963 +Q709454 P106 Q183945 +Q127688 P19 Q1754 +Q216341 P102 Q29468 +Q736 P463 Q656801 +Q63699 P69 Q1278808 +Q1036 P530 Q408 +Q234314 P106 Q17125263 +Q183081 P136 Q2484376 +Q251338 P106 Q36180 +Q201359 P1412 Q1860 +Q170510 P106 Q10800557 +Q310679 P106 Q639669 +Q429348 P106 Q177220 +Q34981 P27 Q30 +Q76823 P20 Q84 +Q72450 P161 Q348533 +Q722390 P69 Q213439 +Q1396655 P27 Q15180 +Q116812 P106 Q201788 +Q456751 P106 Q639669 +Q45909 P136 Q217467 +Q104000 P2348 Q6939 +Q4747436 P27 Q30 +Q116718 P1412 Q150 +Q2849296 P106 Q36180 +Q31 P530 Q865 +Q2903389 P106 Q169470 +Q285020 P840 Q60 +Q339604 P106 Q2259451 +Q64856 P69 Q152171 +Q1027 P530 Q148 +Q274306 P106 Q4610556 +Q231484 P27 Q30 +Q458656 P136 Q130232 +Q164593 P509 Q12152 +Q91 P140 Q93191 +Q27 P30 Q46 +Q214642 P106 Q333634 +Q179695 P106 Q49757 +Q4430 P57 Q364342 +Q2022 P509 Q3505252 +Q38849 P106 Q10800557 +Q207898 P106 Q2914170 +Q254430 P106 Q2526255 +Q544750 P1412 Q652 +Q64356 P463 Q684415 +Q335036 P495 Q30 +Q233229 P106 Q488205 +Q197162 P27 Q13426199 +Q174327 P69 Q192088 +Q311141 P106 Q40348 +Q195274 P136 Q1054574 +Q176277 P106 Q3282637 +Q105009 P69 Q657167 +Q62749 P106 Q1622272 +Q114169 P1412 Q188 +Q54545 P106 Q18814623 +Q27684 P106 Q2487799 +Q161084 P27 Q43287 +Q1008 P463 Q8475 +Q2447874 P463 Q1493021 +Q43432 P106 Q10798782 +Q96772 P119 Q819654 +Q458260 P69 Q1189954 +Q982005 P106 Q33231 +Q224021 P20 Q127856 +Q444713 P69 Q924289 +Q443327 P27 Q145 +Q220751 P106 Q2526255 +Q554150 P20 Q2887 +Q754 P463 Q233611 +Q296828 P106 Q639669 +Q23380 P101 Q11629 +Q41166 P106 Q11774202 +Q229268 P106 Q10800557 +Q204590 P106 Q33999 +Q973305 P136 Q1661 +Q97325 P463 Q150793 +Q186111 P106 Q43845 +Q213754 P1412 Q188 +Q1803090 P106 Q43845 +Q699456 P1050 Q12204 +Q172653 P106 Q948329 +Q178653 P106 Q744738 +Q216720 P161 Q350255 +Q223839 P1412 Q1860 +Q343477 P106 Q2500638 +Q37628 P26 Q164782 +Q1124 P106 Q12800682 +Q109110 P495 Q30 +Q57442 P106 Q82955 +Q123512 P106 Q1930187 +Q709044 P106 Q55960555 +Q62206 P20 Q64 +Q381256 P106 Q333634 +Q327229 P106 Q33999 +Q7349 P3373 Q490381 +Q2902600 P101 Q413 +Q86864 P1412 Q188 +Q723281 P106 Q37226 +Q428215 P106 Q6625963 +Q2492 P106 Q1397808 +Q117497 P106 Q158852 +Q75059 P106 Q13570226 +Q629216 P106 Q183945 +Q362639 P1303 Q5994 +Q373034 P140 Q432 +Q236613 P27 Q30 +Q37150 P1412 Q1860 +Q138007 P108 Q174158 +Q214665 P106 Q1415090 +Q1291701 P1412 Q1860 +Q1245 P27 Q172579 +Q487488 P106 Q36180 +Q447015 P463 Q1971373 +Q971027 P106 Q639669 +Q488200 P172 Q84072 +Q434555 P27 Q15180 +Q84509 P106 Q483501 +Q285928 P27 Q34266 +Q220154 P161 Q229669 +Q452307 P106 Q10798782 +Q231276 P106 Q33999 +Q186485 P106 Q13590141 +Q1049 P530 Q43 +Q49823 P108 Q131252 +Q16297 P106 Q947873 +Q379824 P1303 Q17172850 +Q120599 P106 Q82955 +Q69236 P106 Q10800557 +Q114 P530 Q958 +Q909149 P136 Q1200678 +Q214778 P106 Q482980 +Q178412 P463 Q3603946 +Q77060 P19 Q64 +Q390052 P136 Q130232 +Q63032 P108 Q152087 +Q275543 P106 Q10798782 +Q274117 P101 Q207628 +Q945691 P106 Q33999 +Q93835 P106 Q36834 +Q55245 P106 Q2259451 +Q315784 P1050 Q10874 +Q108239 P463 Q463303 +Q36739 P161 Q109324 +Q299309 P106 Q10800557 +Q221104 P136 Q200092 +Q1346849 P106 Q486748 +Q66041 P463 Q879171 +Q315152 P1050 Q12204 +Q83851 P27 Q30 +Q966565 P106 Q639669 +Q115134 P106 Q10800557 +Q266544 P136 Q484344 +Q1178789 P106 Q488205 +Q123476 P69 Q1127387 +Q202041 P740 Q84 +Q1351177 P264 Q183387 +Q60145 P19 Q1486 +Q115541 P106 Q4610556 +Q102788 P108 Q245247 +Q60477 P106 Q49757 +Q237514 P106 Q1930187 +Q356115 P69 Q174710 +Q104061 P551 Q18419 +Q187884 P27 Q33946 +Q388408 P136 Q1054574 +Q188962 P140 Q178169 +Q75995 P69 Q315658 +Q355384 P264 Q4883239 +Q7315 P106 Q18939491 +Q423644 P106 Q37226 +Q95485 P106 Q82594 +Q160060 P161 Q287824 +Q221155 P172 Q49085 +Q430076 P106 Q3387717 +Q324424 P1303 Q6607 +Q23380 P27 Q142 +Q96290 P19 Q64 +Q230939 P27 Q145 +Q216288 P27 Q30 +Q230045 P106 Q2405480 +Q200396 P161 Q160432 +Q65475 P106 Q3126128 +Q187107 P106 Q10798782 +Q229223 P27 Q30 +Q310950 P106 Q36180 +Q30875 P136 Q40831 +Q312294 P27 Q30 +Q309486 P106 Q33999 +Q127959 P172 Q42406 +Q87756 P102 Q7320 +Q3104 P17 Q43287 +Q318412 P106 Q10798782 +Q84186 P69 Q467025 +Q133308 P69 Q194445 +Q98178 P27 Q28513 +Q237033 P463 Q901677 +Q971422 P106 Q855091 +Q110916 P69 Q49117 +Q440537 P1303 Q17172850 +Q7345 P136 Q186424 +Q168963 P463 Q299015 +Q534419 P106 Q486748 +Q61648 P69 Q151510 +Q4074458 P1412 Q7737 +Q238919 P69 Q333886 +Q335794 P27 Q184 +Q15902 P106 Q177220 +Q18938 P27 Q30 +Q123273 P1412 Q150 +Q219420 P1412 Q1860 +Q71548 P551 Q2044 +Q13003 P106 Q639669 +Q446151 P106 Q1607826 +Q460366 P106 Q186360 +Q159409 P106 Q1028181 +Q454645 P106 Q14467526 +Q720722 P106 Q36834 +Q229232 P119 Q60 +Q178403 P106 Q36180 +Q271967 P69 Q167733 +Q706931 P102 Q9630 +Q168962 P106 Q482980 +Q74636 P495 Q142 +Q229048 P106 Q36180 +Q5738 P509 Q12202 +Q215925 P20 Q64 +Q1040186 P551 Q44989 +Q77684 P69 Q54096 +Q179282 P101 Q413 +Q18233 P740 Q1754 +Q236005 P1303 Q17172850 +Q215927 P108 Q174158 +Q892 P27 Q145 +Q44398 P1303 Q46185 +Q512 P106 Q49757 +Q66992 P69 Q152087 +Q61280 P108 Q152087 +Q135347 P840 Q1166 +Q231228 P106 Q5716684 +Q662066 P106 Q1622272 +Q846 P463 Q8475 +Q189992 P106 Q10798782 +Q297552 P69 Q13371 +Q19794 P106 Q4610556 +Q365 P17 Q142 +Q1291701 P27 Q30 +Q157303 P106 Q6625963 +Q153658 P19 Q84 +Q727301 P108 Q27923720 +Q984215 P108 Q193727 +Q154077 P161 Q44063 +Q1058532 P27 Q30 +Q1389588 P19 Q33959 +Q43697 P551 Q90 +Q29315 P1412 Q7737 +Q680881 P102 Q1332068 +Q49828 P106 Q82594 +Q132524 P101 Q35760 +Q145 P530 Q754 +Q505994 P106 Q639669 +Q293275 P106 Q10800557 +Q77042 P106 Q36180 +Q83174 P106 Q36180 +Q1432130 P27 Q30 +Q1030 P37 Q1860 +Q61412 P106 Q36180 +Q184605 P495 Q30 +Q46599 P106 Q483501 +Q536892 P106 Q177220 +Q1668660 P106 Q10800557 +Q11755 P463 Q1493021 +Q155390 P106 Q188094 +Q380407 P101 Q13590141 +Q1285105 P27 Q403 +Q601307 P106 Q36180 +Q99448 P106 Q82955 +Q296887 P106 Q33999 +Q151848 P161 Q4518 +Q236355 P106 Q36834 +Q23527 P135 Q7066 +Q15909 P106 Q49757 +Q24302 P19 Q18419 +Q11903 P101 Q41217 +Q5685 P106 Q487596 +Q156539 P136 Q188473 +Q1556241 P1412 Q1860 +Q50969 P161 Q228789 +Q110719 P102 Q49764 +Q1040028 P495 Q145 +Q347461 P27 Q30 +Q102235 P161 Q108270 +Q1893889 P20 Q90 +Q89967 P108 Q7842 +Q201315 P106 Q49757 +Q35 P530 Q796 +Q102235 P840 Q21 +Q321527 P106 Q15296811 +Q184530 P106 Q155647 +Q273118 P106 Q33999 +Q757 P463 Q3369762 +Q234224 P106 Q3400985 +Q128560 P172 Q42406 +Q323166 P106 Q6625963 +Q236475 P106 Q10800557 +Q434585 P106 Q10798782 +Q1366840 P19 Q60 +Q57276 P1412 Q1860 +Q85102 P20 Q43788 +Q142 P30 Q46 +Q98110 P106 Q201788 +Q843 P530 Q1049 +Q2831583 P27 Q142 +Q234750 P264 Q664167 +Q1750541 P19 Q37836 +Q126432 P20 Q2887 +Q216936 P19 Q189074 +Q264730 P106 Q6625963 +Q90892 P106 Q2526255 +Q1067043 P1303 Q17172850 +Q467368 P20 Q270 +Q59084 P161 Q370026 +Q196560 P106 Q2405480 +Q1037 P463 Q7825 +Q178094 P136 Q130232 +Q1939373 P27 Q30 +Q621458 P106 Q39631 +Q43330 P1412 Q8798 +Q100718 P69 Q159895 +Q470047 P69 Q21578 +Q36450 P106 Q82955 +Q256809 P1050 Q11081 +Q236475 P106 Q36180 +Q854912 P1303 Q8350 +Q737626 P106 Q205375 +Q72925 P495 Q30 +Q310052 P27 Q145 +Q155079 P1303 Q17172850 +Q421478 P20 Q649 +Q151414 P106 Q193391 +Q78526 P19 Q64 +Q44221 P26 Q1744 +Q4509 P1412 Q1860 +Q85280 P20 Q34713 +Q275991 P20 Q33959 +Q708585 P1303 Q1343007 +Q185465 P106 Q639669 +Q188987 P106 Q28389 +Q609095 P20 Q33935 +Q668 P530 Q869 +Q859504 P264 Q772494 +Q437039 P106 Q639669 +Q59737 P20 Q37333 +Q907738 P106 Q1622272 +Q219 P463 Q782942 +Q552770 P106 Q753110 +Q408 P530 Q225 +Q319061 P161 Q229268 +Q217068 P136 Q9730 +Q240206 P106 Q10798782 +Q849116 P17 Q139319 +Q433144 P1412 Q1321 +Q128956 P106 Q2732142 +Q72450 P161 Q288680 +Q978830 P1412 Q5146 +Q55230 P69 Q31519 +Q1009499 P264 Q1124849 +Q148 P530 Q1042 +Q946774 P108 Q80207 +Q310275 P106 Q10349745 +Q242535 P1303 Q6607 +Q58051 P106 Q2516866 +Q383926 P106 Q639669 +Q1016 P530 Q769 +Q597863 P1412 Q809 +Q356303 P19 Q127856 +Q212699 P17 Q30 +Q210364 P161 Q273075 +Q553959 P20 Q649 +Q264869 P161 Q290370 +Q907600 P20 Q1781 +Q216708 P106 Q855091 +Q57319 P106 Q193391 +Q319783 P840 Q869 +Q20562503 P3373 Q4530046 +Q204398 P136 Q188473 +Q217771 P1412 Q1860 +Q378891 P495 Q30 +Q151608 P1303 Q5994 +Q112136 P20 Q64 +Q62906 P69 Q51985 +Q325422 P136 Q21590660 +Q1151 P136 Q9734 +Q1451186 P106 Q482980 +Q113052 P495 Q30 +Q535924 P106 Q169470 +Q214677 P551 Q127856 +Q2805 P30 Q5401 +Q470543 P463 Q123885 +Q31164 P551 Q84 +Q208116 P106 Q82955 +Q231249 P69 Q797078 +Q232214 P136 Q37073 +Q165792 P737 Q9353 +Q6694 P463 Q4742987 +Q313705 P106 Q33999 +Q45563 P19 Q975 +Q213447 P106 Q8178443 +Q12940 P1412 Q150 +Q118852 P106 Q177220 +Q385036 P161 Q1058562 +Q216398 P106 Q18814623 +Q47716 P138 Q122553 +Q365682 P106 Q2526255 +Q34660 P737 Q133054 +Q1677099 P106 Q10798782 +Q1974330 P106 Q753110 +Q60506 P136 Q2137852 +Q884143 P106 Q753110 +Q202585 P136 Q9730 +Q28 P530 Q221 +Q345217 P27 Q172579 +Q219772 P106 Q855091 +Q231214 P106 Q33999 +Q385036 P161 Q277978 +Q314638 P27 Q16 +Q230654 P106 Q36180 +Q671665 P69 Q1524124 +Q170468 P17 Q858 +Q542489 P69 Q1068752 +Q171571 P106 Q2259451 +Q57614 P463 Q879171 +Q209538 P136 Q188473 +Q65475 P69 Q154561 +Q218319 P1412 Q809 +Q361649 P1303 Q17172850 +Q44111 P19 Q33935 +Q1976514 P106 Q20521670 +Q123225 P108 Q152838 +Q344153 P106 Q33231 +Q213773 P161 Q229430 +Q451608 P106 Q121594 +Q76440 P102 Q49768 +Q63224 P463 Q1792159 +Q244 P463 Q827525 +Q174478 P264 Q557632 +Q157303 P106 Q182436 +Q187019 P108 Q21578 +Q192979 P161 Q1058562 +Q33031 P27 Q403 +Q83333 P463 Q337234 +Q194287 P106 Q36834 +Q2795 P17 Q183 +Q1011 P530 Q230 +Q928 P530 Q298 +Q487391 P19 Q16554 +Q202585 P112 Q71004 +Q93349 P119 Q1400 +Q220423 P495 Q30 +Q54543 P106 Q36180 +Q221289 P264 Q216364 +Q222867 P161 Q441913 +Q435826 P451 Q194280 +Q265810 P69 Q21578 +Q272203 P106 Q486748 +Q96 P530 Q55 +Q538716 P106 Q10800557 +Q230383 P27 Q22 +Q217427 P3373 Q2831 +Q1125383 P69 Q1144673 +Q86225 P27 Q40 +Q381390 P27 Q15180 +Q235931 P136 Q45981 +Q183469 P106 Q82955 +Q115641 P463 Q684415 +Q11171 P27 Q30 +Q241800 P106 Q33999 +Q214475 P106 Q34074720 +Q72682 P106 Q14915627 +Q189054 P136 Q157394 +Q116905 P136 Q319221 +Q163159 P106 Q193391 +Q171150 P30 Q46 +Q16389 P551 Q84 +Q75951 P119 Q1950363 +Q286022 P106 Q3282637 +Q91338 P106 Q1930187 +Q158092 P463 Q651690 +Q858 P530 Q142 +Q325389 P1303 Q163829 +Q98806 P19 Q2861 +Q91137 P1412 Q7737 +Q55294 P106 Q10798782 +Q22750 P1412 Q143 +Q172466 P106 Q1622272 +Q104561 P19 Q64 +Q581018 P119 Q272208 +Q238464 P106 Q28389 +Q358345 P551 Q65 +Q512741 P106 Q15077007 +Q240253 P106 Q18844224 +Q359568 P108 Q2370801 +Q278053 P161 Q108270 +Q76984 P463 Q469210 +Q2567 P551 Q64 +Q272923 P19 Q65 +Q315051 P551 Q387047 +Q358306 P69 Q7864046 +Q48589 P1412 Q188 +Q134123 P20 Q472 +Q462446 P463 Q463303 +Q222 P463 Q376150 +Q450271 P106 Q201788 +Q132351 P161 Q193668 +Q230916 P106 Q864380 +Q313581 P106 Q49757 +Q222071 P106 Q177220 +Q45 P463 Q842490 +Q374610 P737 Q1512 +Q330014 P106 Q28389 +Q92965 P551 Q1345 +Q75185 P463 Q543804 +Q315826 P136 Q11401 +Q987724 P1412 Q1321 +Q40640 P136 Q132311 +Q346064 P19 Q4024 +Q557472 P106 Q639669 +Q349461 P264 Q330629 +Q562213 P106 Q201788 +Q39 P530 Q843 +Q941210 P136 Q37073 +Q23395 P161 Q329716 +Q1523426 P1303 Q8355 +Q232035 P135 Q8361 +Q230169 P27 Q30 +Q465386 P119 Q311 +Q529619 P264 Q1254522 +Q96399 P20 Q56036 +Q273044 P1412 Q1860 +Q666875 P20 Q72 +Q110379 P106 Q13235160 +Q440537 P106 Q10800557 +Q262659 P106 Q10798782 +Q264722 P161 Q192682 +Q339403 P1412 Q9027 +Q272505 P106 Q2405480 +Q266429 P1303 Q128309 +Q691 P463 Q827525 +Q215904 P1412 Q188 +Q104592 P27 Q30 +Q85586 P27 Q183 +Q192655 P136 Q37073 +Q184750 P737 Q44197 +Q355566 P1412 Q1860 +Q237112 P1412 Q150 +Q158078 P509 Q12202 +Q935258 P69 Q1379834 +Q96762 P27 Q43287 +Q299309 P27 Q30 +Q77101 P106 Q774306 +Q171989 P27 Q30 +Q16458 P840 Q60 +Q235955 P551 Q2634 +Q171711 P136 Q319221 +Q262659 P106 Q177220 +Q708620 P264 Q700359 +Q1361996 P1412 Q7737 +Q212730 P27 Q16 +Q337224 P159 Q8678 +Q314812 P119 Q1302545 +Q776387 P69 Q34433 +Q30449 P264 Q50074604 +Q321339 P106 Q10816969 +Q317704 P27 Q43 +Q37217 P463 Q4345832 +Q11998 P136 Q131272 +Q314646 P69 Q1145814 +Q4346512 P27 Q145 +Q1973537 P1412 Q7737 +Q36 P530 Q29 +Q90195 P463 Q684415 +Q106762 P463 Q466089 +Q190251 P1303 Q9798 +Q84475 P463 Q299015 +Q231690 P106 Q188094 +Q102289 P737 Q333402 +Q270215 P161 Q708824 +Q11692964 P27 Q29 +Q513184 P106 Q81096 +Q240430 P1303 Q5994 +Q62977 P27 Q30 +Q361626 P19 Q1720 +Q185024 P20 Q649 +Q128995 P140 Q6423963 +Q39984 P17 Q142 +Q465242 P106 Q11774202 +Q435060 P19 Q485176 +Q3462736 P1412 Q9027 +Q186089 P463 Q337234 +Q529619 P106 Q639669 +Q434160 P106 Q16323111 +Q1009 P463 Q134102 +Q229599 P161 Q676094 +Q8877 P463 Q8038459 +Q392924 P136 Q846544 +Q81438 P106 Q6625963 +Q29 P463 Q37470 +Q276468 P106 Q10800557 +Q744566 P69 Q209842 +Q532169 P19 Q846421 +Q5217489 P19 Q65 +Q237833 P140 Q288928 +Q145 P463 Q7184 +Q387655 P106 Q33999 +Q18425 P69 Q1878600 +Q1036 P463 Q842490 +Q225 P463 Q842490 +Q189197 P102 Q29552 +Q503672 P1303 Q5994 +Q12101508 P106 Q3126128 +Q86225 P106 Q1231865 +Q243419 P108 Q245247 +Q72429 P1303 Q17172850 +Q76329 P140 Q75809 +Q260616 P161 Q233502 +Q3490465 P69 Q160302 +Q465640 P27 Q34266 +Q186327 P106 Q36834 +Q568256 P172 Q2436423 +Q720785 P1303 Q8377 +Q506006 P264 Q885833 +Q1156782 P27 Q16 +Q127539 P1412 Q150 +Q71645 P1412 Q188 +Q444663 P106 Q214917 +Q349350 P69 Q503246 +Q188459 P106 Q10800557 +Q55452 P27 Q38 +Q381307 P140 Q7066 +Q314812 P106 Q2259451 +Q231648 P106 Q33999 +Q127330 P106 Q15981151 +Q237821 P27 Q30 +Q431874 P27 Q30 +Q9327 P119 Q272208 +Q180453 P172 Q7435494 +Q64406 P27 Q20 +Q47293 P26 Q95050 +Q78680 P69 Q414219 +Q347118 P737 Q192331 +Q313315 P136 Q52162262 +Q1687749 P69 Q1149089 +Q1806036 P27 Q30 +Q84992 P106 Q1397808 +Q257302 P106 Q183945 +Q294931 P19 Q62 +Q105118 P106 Q214917 +Q128553 P108 Q13371 +Q60259 P463 Q469210 +Q551204 P20 Q2107 +Q108285 P19 Q3126 +Q255300 P136 Q9734 +Q107274 P27 Q183 +Q92756 P106 Q81096 +Q105180 P20 Q60 +Q905267 P69 Q926749 +Q6701 P19 Q3802 +Q48868 P106 Q36180 +Q981190 P106 Q1930187 +Q1356368 P27 Q174193 +Q273044 P101 Q207628 +Q137571 P106 Q1622272 +Q851 P530 Q20 +Q33240 P264 Q4413456 +Q130746 P69 Q308963 +Q1811612 P106 Q855091 +Q25014 P106 Q18814623 +Q585272 P27 Q34266 +Q60539 P119 Q176298 +Q505274 P69 Q1753535 +Q369283 P102 Q29468 +Q275003 P106 Q1930187 +Q183382 P27 Q15180 +Q109388 P106 Q1238570 +Q118061 P106 Q1622272 +Q272019 P106 Q28389 +Q154346 P69 Q165980 +Q434968 P106 Q36834 +Q97028 P27 Q16957 +Q235525 P106 Q36180 +Q434763 P106 Q2259451 +Q59672 P106 Q33999 +Q142988 P463 Q463281 +Q76632 P106 Q105186 +Q232468 P136 Q11399 +Q481871 P106 Q36180 +Q92004 P106 Q28389 +Q77684 P27 Q183 +Q349456 P27 Q145 +Q182218 P495 Q30 +Q520504 P136 Q11635 +Q122370 P27 Q39 +Q181774 P509 Q47912 +Q276772 P136 Q20443008 +Q230744 P106 Q1930187 +Q188744 P106 Q4610556 +Q17 P530 Q843 +Q77 P530 Q55 +Q4985 P106 Q1569495 +Q1770624 P551 Q127856 +Q154194 P161 Q235707 +Q433459 P106 Q177220 +Q544485 P463 Q463303 +Q62988 P106 Q188094 +Q158997 P69 Q270222 +Q9204 P737 Q892 +Q325538 P161 Q83484 +Q90037 P101 Q43035 +Q722119 P106 Q4164507 +Q60025 P737 Q868 +Q161852 P106 Q1622272 +Q152245 P1303 Q17172850 +Q4559180 P27 Q20 +Q354010 P106 Q2526255 +Q78473 P106 Q40348 +Q239331 P27 Q30 +Q19526 P106 Q1930187 +Q61686 P106 Q81096 +Q180008 P840 Q1384 +Q313039 P27 Q30 +Q289204 P161 Q318509 +Q122094 P1412 Q1860 +Q106816 P1412 Q188 +Q363876 P106 Q10800557 +Q617109 P106 Q1781198 +Q235515 P106 Q49757 +Q265810 P27 Q30 +Q3047837 P27 Q142 +Q220889 P1412 Q1860 +Q180636 P19 Q994 +Q172383 P106 Q250867 +Q4681470 P172 Q190168 +Q48112 P27 Q15180 +Q69319 P27 Q30 +Q85394 P27 Q518101 +Q140738 P106 Q60995 +Q75185 P27 Q183 +Q67449 P106 Q212980 +Q577508 P19 Q61 +Q155 P530 Q1049 +Q11885 P106 Q486748 +Q57257 P19 Q1720 +Q196665 P161 Q168847 +Q222018 P136 Q20443008 +Q93957 P509 Q181257 +Q47152 P106 Q36180 +Q249475 P106 Q2259451 +Q2395959 P106 Q855091 +Q554746 P172 Q49542 +Q268262 P1412 Q1860 +Q334780 P161 Q61552 +Q506127 P106 Q3922505 +Q20 P530 Q833 +Q164060 P1303 Q17172850 +Q302403 P495 Q145 +Q376477 P1412 Q1860 +Q88150 P27 Q183 +Q1051531 P1303 Q6607 +Q78505 P27 Q40 +Q23870 P108 Q186285 +Q1603685 P136 Q959583 +Q93562 P463 Q463303 +Q95034 P108 Q126399 +Q215868 P106 Q11774202 +Q236343 P106 Q10798782 +Q444217 P106 Q10798782 +Q82280 P106 Q1231865 +Q179257 P740 Q49231 +Q230795 P106 Q1930187 +Q106225 P106 Q3455803 +Q75856 P108 Q165528 +Q45963 P106 Q1622272 +Q796 P463 Q624307 +Q172261 P106 Q3501317 +Q317427 P1050 Q12195 +Q201819 P840 Q34647 +Q185165 P106 Q488205 +Q164060 P136 Q484641 +Q8814 P108 Q499911 +Q117 P530 Q230 +Q326526 P136 Q586250 +Q93996 P463 Q543804 +Q12003 P106 Q2526255 +Q48996 P463 Q48995 +Q90319 P106 Q639669 +Q312294 P106 Q33999 +Q361976 P463 Q161806 +Q123557 P463 Q83172 +Q809077 P27 Q30 +Q122020 P106 Q131524 +Q88029 P1412 Q188 +Q45255 P27 Q43287 +Q937936 P108 Q13164 +Q77184 P106 Q36180 +Q255070 P106 Q4610556 +Q160371 P1303 Q11405 +Q242643 P136 Q132311 +Q180405 P495 Q30 +Q966565 P136 Q83440 +Q37876 P551 Q779 +Q281998 P20 Q90 +Q74227 P69 Q1026827 +Q459681 P27 Q40 +Q98524 P106 Q482980 +Q865275 P106 Q82955 +Q241382 P106 Q33999 +Q124527 P106 Q6625963 +Q53003 P20 Q220 +Q3504610 P19 Q641 +Q238912 P26 Q269927 +Q434839 P69 Q49115 +Q320167 P264 Q389284 +Q42493 P136 Q484641 +Q42402 P136 Q1344 +Q298920 P106 Q28389 +Q16 P530 Q769 +Q182031 P27 Q30 +Q123413 P1412 Q1860 +Q304366 P495 Q30 +Q230131 P106 Q5716684 +Q157814 P264 Q183412 +Q224647 P161 Q6255748 +Q8027 P106 Q1476215 +Q38785 P136 Q134307 +Q843 P530 Q424 +Q186111 P140 Q9585 +Q182763 P106 Q33999 +Q213583 P106 Q1225716 +Q221364 P106 Q177220 +Q235451 P1412 Q1860 +Q727786 P106 Q937857 +Q35236 P463 Q270794 +Q179695 P27 Q222 +Q244931 P161 Q232868 +Q954997 P106 Q6625963 +Q116845 P136 Q28026639 +Q351732 P106 Q33999 +Q60714 P19 Q2973 +Q74236 P119 Q819654 +Q311750 P1303 Q17172850 +Q168728 P108 Q49165 +Q41749 P69 Q161976 +Q220210 P509 Q12152 +Q202319 P106 Q753110 +Q288620 P27 Q408 +Q762 P101 Q11023 +Q88248 P19 Q1792 +Q706898 P20 Q727 +Q160560 P136 Q1200678 +Q812105 P106 Q1930187 +Q656684 P106 Q482980 +Q944759 P27 Q30 +Q173441 P106 Q1350189 +Q4028 P1303 Q46185 +Q423 P530 Q1037 +Q42904 P264 Q183412 +Q704931 P106 Q11774202 +Q166056 P106 Q193391 +Q88899 P106 Q36180 +Q109422 P1412 Q188 +Q44580 P27 Q1206012 +Q39691 P20 Q85 +Q158250 P106 Q36180 +Q283496 P1412 Q1860 +Q55704 P101 Q11190 +Q98124 P106 Q1930187 +Q107226 P161 Q310318 +Q345571 P106 Q1930187 +Q680728 P19 Q36600 +Q712359 P106 Q55960555 +Q29 P530 Q155 +Q85914 P463 Q83172 +Q377638 P106 Q36180 +Q362258 P136 Q205049 +Q232592 P101 Q207628 +Q106481 P106 Q948329 +Q322381 P1412 Q9067 +Q319527 P106 Q2526255 +Q102225 P136 Q52162262 +Q123916 P106 Q4263842 +Q215142 P108 Q157808 +Q45521 P108 Q48989 +Q662355 P131 Q1718 +Q222744 P69 Q270145 +Q127414 P136 Q157443 +Q188648 P106 Q4610556 +Q45 P530 Q408 +Q5496982 P69 Q49088 +Q180214 P136 Q2484376 +Q214565 P19 Q84 +Q272944 P106 Q4610556 +Q92650 P69 Q49115 +Q319133 P106 Q1028181 +Q95252 P27 Q183 +Q257302 P19 Q16555 +Q557730 P106 Q33999 +Q858 P530 Q810 +Q184650 P106 Q43845 +Q229319 P451 Q191132 +Q10953 P119 Q216344 +Q3134064 P106 Q214917 +Q209012 P136 Q959790 +Q55208 P106 Q12144794 +Q2750257 P106 Q81096 +Q362406 P106 Q855091 +Q241180 P509 Q12204 +Q69019 P69 Q152171 +Q179269 P106 Q10800557 +Q114089 P27 Q40 +Q317122 P106 Q33999 +Q25660 P136 Q483251 +Q31628 P27 Q34266 +Q286868 P161 Q310944 +Q124357 P136 Q21010853 +Q90217 P136 Q8261 +Q87589 P106 Q33999 +Q232860 P106 Q36180 +Q139637 P106 Q15855449 +Q322303 P27 Q145 +Q725933 P106 Q1930187 +Q4547 P106 Q10798782 +Q11891 P106 Q372436 +Q117 P530 Q945 +Q1029 P530 Q668 +Q669733 P27 Q142 +Q505994 P1303 Q5994 +Q467670 P1303 Q258896 +Q281034 P106 Q33999 +Q436978 P27 Q142 +Q403 P530 Q238 +Q229 P463 Q7785 +Q193710 P106 Q488205 +Q430911 P102 Q17427 +Q435468 P106 Q10800557 +Q193405 P551 Q90 +Q884 P530 Q212 +Q205314 P106 Q10800557 +Q160325 P1412 Q150 +Q164703 P106 Q1028181 +Q241115 P106 Q10800557 +Q228787 P106 Q3455803 +Q311892 P1412 Q1860 +Q54860 P159 Q30 +Q770584 P69 Q49108 +Q361670 P101 Q2526255 +Q93401 P106 Q13418253 +Q294583 P463 Q463303 +Q186042 P102 Q29552 +Q294723 P106 Q639669 +Q246722 P140 Q748 +Q181683 P106 Q36834 +Q262886 P106 Q488205 +Q524236 P463 Q270794 +Q379923 P1412 Q150 +Q722555 P463 Q463281 +Q40119 P840 Q96 +Q76197 P108 Q310695 +Q232356 P69 Q216458 +Q373948 P69 Q13371 +Q43788 P138 Q11813 +Q297334 P106 Q177220 +Q96028 P1412 Q652 +Q835 P140 Q35032 +Q458229 P20 Q16559 +Q4225527 P102 Q79854 +Q185024 P102 Q79854 +Q38573 P106 Q13570226 +Q705681 P463 Q463281 +Q2918925 P19 Q23337 +Q202211 P840 Q21 +Q2865 P463 Q747279 +Q49347 P101 Q7094 +Q273311 P106 Q33999 +Q452761 P106 Q1930187 +Q976296 P106 Q133485 +Q668 P37 Q1860 +Q236531 P1303 Q17172850 +Q432268 P19 Q18419 +Q71905 P27 Q183 +Q313789 P551 Q65 +Q550784 P509 Q12192 +Q44414 P106 Q10800557 +Q273614 P106 Q177220 +Q157194 P135 Q39427 +Q378240 P1412 Q150 +Q1184931 P106 Q639669 +Q587873 P19 Q1486 +Q965375 P69 Q859363 +Q164702 P161 Q362254 +Q255070 P26 Q41396 +Q67511 P106 Q16533 +Q734436 P106 Q36180 +Q567529 P463 Q1429947 +Q304874 P108 Q777403 +Q39803 P106 Q487596 +Q731829 P106 Q11900058 +Q313755 P106 Q3282637 +Q472356 P106 Q1930187 +Q71508 P102 Q49768 +Q274752 P20 Q1726 +Q426396 P161 Q228739 +Q3893579 P106 Q1930187 +Q43264 P106 Q2526255 +Q612005 P136 Q35760 +Q15902 P1303 Q17172850 +Q460425 P136 Q35760 +Q1383002 P106 Q205375 +Q81082 P463 Q265058 +Q53003 P119 Q27426 +Q214191 P106 Q18814623 +Q357762 P1412 Q652 +Q71775 P106 Q82955 +Q86632 P26 Q451483 +Q319871 P106 Q1476215 +Q534419 P1303 Q17172850 +Q177650 P106 Q16533 +Q20 P463 Q1043527 +Q944759 P106 Q1622272 +Q60016 P840 Q1454 +Q106603 P69 Q165528 +Q33 P530 Q184 +Q123010 P69 Q209842 +Q240570 P106 Q639669 +Q457727 P106 Q486748 +Q254748 P27 Q30 +Q888065 P106 Q488205 +Q236112 P136 Q11366 +Q47695 P106 Q1622272 +Q32910 P136 Q19367312 +Q971447 P136 Q192239 +Q251144 P69 Q174710 +Q372215 P27 Q30 +Q62365 P27 Q183 +Q127349 P106 Q82955 +Q272960 P1303 Q17172850 +Q255463 P737 Q234604 +Q605678 P106 Q40348 +Q357036 P106 Q158852 +Q68084 P106 Q10800557 +Q258009 P136 Q959790 +Q983 P463 Q827525 +Q214475 P106 Q901 +Q319342 P509 Q476921 +Q328335 P1412 Q150 +Q44107 P463 Q1132636 +Q181899 P27 Q30 +Q29 P530 Q902 +Q434715 P69 Q49112 +Q60637 P106 Q2526255 +Q26294 P1303 Q17172850 +Q185375 P27 Q34266 +Q532915 P106 Q55960555 +Q9545 P102 Q9630 +Q851 P530 Q232 +Q64176 P106 Q82955 +Q446743 P106 Q193391 +Q106529 P106 Q10798782 +Q123089 P19 Q807 +Q277356 P463 Q4430504 +Q733640 P1412 Q7411 +Q11124 P69 Q13371 +Q171235 P19 Q1489 +Q460852 P106 Q855091 +Q152019 P102 Q29468 +Q59931 P161 Q37876 +Q279057 P136 Q496523 +Q375775 P161 Q36970 +Q12807 P136 Q8261 +Q190944 P106 Q36180 +Q103109 P1412 Q188 +Q50969 P495 Q30 +Q164683 P106 Q1281618 +Q55796 P106 Q245068 +Q33760 P737 Q93343 +Q254804 P106 Q14915627 +Q157024 P172 Q84072 +Q180850 P264 Q557632 +Q329709 P136 Q3072039 +Q44426 P451 Q77035 +Q192410 P140 Q93191 +Q380123 P1303 Q17172850 +Q472487 P106 Q639669 +Q178010 P451 Q229477 +Q158078 P264 Q311439 +Q315325 P106 Q33999 +Q127345 P106 Q1622272 +Q724323 P19 Q649 +Q50861 P161 Q452232 +Q704718 P509 Q47912 +Q118745 P102 Q79854 +Q313579 P1412 Q1860 +Q708164 P19 Q1761 +Q243639 P136 Q37073 +Q232646 P106 Q10800557 +Q59972 P106 Q2526255 +Q375036 P106 Q36180 +Q92007 P27 Q183 +Q153996 P101 Q27939 +Q655213 P106 Q1930187 +Q1806985 P40 Q231182 +Q41871 P136 Q21590660 +Q92876 P463 Q127992 +Q606125 P136 Q11401 +Q274277 P106 Q2259451 +Q182692 P135 Q377616 +Q178348 P19 Q100 +Q22665 P509 Q12204 +Q112856 P69 Q414219 +Q186807 P20 Q220 +Q310217 P509 Q12152 +Q776387 P19 Q3141 +Q313185 P106 Q49757 +Q876756 P106 Q36180 +Q713213 P108 Q193510 +Q736099 P1412 Q652 +Q878708 P3373 Q11239 +Q116861 P26 Q4465 +Q270622 P69 Q503246 +Q313981 P1412 Q1860 +Q55174 P106 Q2961975 +Q94031 P69 Q34433 +Q6512 P737 Q8018 +Q441351 P1303 Q17172850 +Q617109 P106 Q1930187 +Q83484 P1412 Q1321 +Q316231 P264 Q277626 +Q34474 P509 Q181754 +Q343633 P136 Q21590660 +Q519851 P19 Q1486 +Q1371798 P106 Q177220 +Q974 P463 Q8475 +Q379923 P27 Q142 +Q77 P463 Q899770 +Q60584 P108 Q154804 +Q171711 P161 Q54314 +Q253395 P69 Q1250779 +Q319537 P136 Q851213 +Q975547 P106 Q1930187 +Q47216 P19 Q79867 +Q206832 P106 Q170790 +Q455930 P106 Q639669 +Q77876 P1412 Q188 +Q237809 P19 Q16555 +Q277551 P740 Q23768 +Q193482 P106 Q2259451 +Q278625 P641 Q11419 +Q312394 P495 Q45 +Q902 P530 Q117 +Q240324 P106 Q33999 +Q166835 P106 Q49757 +Q153243 P463 Q463303 +Q129187 P136 Q676 +Q125484 P463 Q15646111 +Q167997 P27 Q34266 +Q54868 P740 Q65 +Q212965 P136 Q130232 +Q308722 P1412 Q1860 +Q376087 P463 Q123885 +Q148 P530 Q424 +Q366584 P106 Q639669 +Q267676 P69 Q503246 +Q274070 P106 Q36834 +Q110379 P106 Q2405480 +Q82278 P106 Q82955 +Q796 P530 Q408 +Q256286 P1412 Q1860 +Q1281084 P106 Q40348 +Q75793 P1412 Q188 +Q1379510 P172 Q49085 +Q740657 P641 Q36908 +Q1678110 P106 Q639669 +Q253513 P1412 Q1860 +Q323827 P136 Q130232 +Q222 P463 Q656801 +Q270691 P27 Q668 +Q19526 P737 Q16867 +Q2464214 P106 Q13582652 +Q414 P530 Q27 +Q1392694 P69 Q457281 +Q1660305 P136 Q8341 +Q615896 P106 Q753110 +Q1497744 P106 Q639669 +Q123802 P106 Q82955 +Q36965 P102 Q7320 +Q313543 P106 Q81096 +Q228739 P106 Q3282637 +Q545423 P106 Q36180 +Q355839 P106 Q947873 +Q40337 P19 Q1930 +Q459057 P495 Q183 +Q159409 P135 Q878985 +Q1040459 P106 Q488205 +Q599993 P106 Q151197 +Q380079 P19 Q1370 +Q544485 P106 Q36834 +Q392654 P136 Q83270 +Q108355 P106 Q42973 +Q270529 P27 Q15180 +Q295107 P106 Q2405480 +Q51143 P136 Q11401 +Q881 P530 Q819 +Q224026 P106 Q10800557 +Q6701 P106 Q182436 +Q742396 P19 Q16568 +Q60854 P106 Q155647 +Q544387 P1303 Q5994 +Q858623 P106 Q1643514 +Q183 P530 Q733 +Q361224 P102 Q29468 +Q360 P69 Q319078 +Q229808 P161 Q215017 +Q323074 P106 Q7042855 +Q380425 P1412 Q9288 +Q57244 P106 Q158852 +Q325389 P1303 Q46185 +Q12950 P27 Q142 +Q176277 P106 Q10798782 +Q4101530 P27 Q15180 +Q157321 P106 Q15296811 +Q30487 P106 Q185351 +Q87756 P27 Q183 +Q438164 P106 Q36180 +Q65513 P106 Q188094 +Q81685 P106 Q6625963 +Q381920 P737 Q909 +Q101638 P1412 Q188 +Q332360 P27 Q145 +Q202449 P1303 Q17172850 +Q134798 P101 Q184485 +Q203223 P106 Q33999 +Q457338 P106 Q36180 +Q931607 P19 Q34404 +Q1691611 P161 Q193070 +Q249350 P136 Q2297927 +Q160060 P840 Q84 +Q271327 P106 Q10798782 +Q505476 P106 Q130857 +Q223596 P161 Q125354 +Q310785 P106 Q33999 +Q38 P530 Q55 +Q313013 P3373 Q504920 +Q189226 P69 Q130965 +Q237196 P106 Q36180 +Q207660 P106 Q81096 +Q271464 P106 Q10800557 +Q822401 P264 Q202440 +Q277180 P136 Q37073 +Q188113 P19 Q84 +Q544464 P106 Q947873 +Q219060 P530 Q218 +Q134798 P106 Q11513337 +Q76509 P463 Q463303 +Q78680 P27 Q40 +Q87589 P106 Q4610556 +Q549233 P1303 Q6607 +Q201656 P1303 Q6607 +Q12706 P106 Q487596 +Q6538 P27 Q1206012 +Q36 P530 Q865 +Q170800 P136 Q40831 +Q276139 P1303 Q17172850 +Q95367 P463 Q18650004 +Q5977 P264 Q557632 +Q8646 P37 Q1860 +Q328892 P463 Q1468277 +Q981190 P136 Q49084 +Q12750 P106 Q42973 +Q139557 P1412 Q188 +Q70130 P106 Q855091 +Q34474 P106 Q28389 +Q381884 P106 Q177220 +Q727301 P20 Q649 +Q121180 P27 Q207272 +Q4235815 P27 Q2305208 +Q320653 P27 Q15180 +Q214216 P1412 Q9288 +Q1029 P463 Q7785 +Q828641 P106 Q4964182 +Q77969 P27 Q183 +Q237602 P106 Q10800557 +Q77020 P106 Q2306091 +Q697741 P106 Q36180 +Q575689 P27 Q30 +Q58125755 P1412 Q1860 +Q541708 P106 Q189290 +Q233295 P136 Q6010 +Q190162 P27 Q30 +Q123825 P27 Q39 +Q423 P530 Q858 +Q213547 P106 Q2865819 +Q697203 P57 Q55208 +Q69406 P27 Q183 +Q186329 P1412 Q1860 +Q42398 P106 Q6625963 +Q544915 P463 Q2124852 +Q25835 P161 Q40912 +Q311314 P69 Q766145 +Q298 P530 Q159 +Q371182 P463 Q270794 +Q461399 P106 Q33999 +Q167520 P102 Q29468 +Q256354 P27 Q15180 +Q552053 P106 Q205375 +Q92604 P27 Q39 +Q59672 P27 Q145 +Q547660 P27 Q953 +Q432694 P140 Q1841 +Q9049 P101 Q8162 +Q126432 P106 Q14467526 +Q370382 P1412 Q150 +Q357762 P27 Q30 +Q38193 P106 Q1622272 +Q1803090 P106 Q33999 +Q345217 P106 Q3282637 +Q238215 P19 Q1384 +Q7200 P136 Q156035 +Q463630 P106 Q36180 +Q463639 P69 Q182973 +Q1001 P1412 Q1568 +Q5104 P1303 Q6607 +Q190148 P463 Q46703 +Q311672 P1303 Q17172850 +Q131149 P140 Q106687 +Q510034 P1412 Q1860 +Q317095 P1303 Q17172850 +Q81082 P463 Q3603946 +Q68036 P69 Q154561 +Q262659 P106 Q10800557 +Q720868 P106 Q482980 +Q1666 P1303 Q17172850 +Q297097 P106 Q13235160 +Q90910 P119 Q176298 +Q134958 P172 Q44806 +Q95971 P106 Q8178443 +Q366207 P264 Q165745 +Q1370873 P102 Q29468 +Q60052 P69 Q672420 +Q933332 P463 Q463303 +Q398 P463 Q191384 +Q971447 P106 Q16287483 +Q154353 P463 Q253439 +Q43 P530 Q219 +Q11590 P69 Q49108 +Q722042 P106 Q1344174 +Q233 P463 Q7785 +Q8863 P69 Q153006 +Q195390 P1412 Q1860 +Q66720618 P106 Q3391743 +Q379341 P136 Q131272 +Q762 P106 Q270141 +Q311267 P69 Q751612 +Q272935 P19 Q11299 +Q62559 P106 Q16287483 +Q442830 P106 Q855091 +Q541964 P69 Q1189954 +Q92938 P69 Q5171564 +Q1157139 P27 Q241 +Q95030 P106 Q33999 +Q207947 P136 Q1344 +Q348678 P161 Q287688 +Q24632 P551 Q4093 +Q229042 P106 Q33999 +Q128460 P20 Q90 +Q44197 P106 Q40348 +Q16574 P509 Q623031 +Q732980 P19 Q340 +Q217307 P136 Q2484376 +Q571605 P106 Q19350898 +Q170596 P106 Q193391 +Q928 P530 Q145 +Q103917 P106 Q222344 +Q85715 P27 Q183 +Q462579 P27 Q142 +Q7243 P1412 Q1860 +Q737570 P106 Q6625963 +Q379785 P1412 Q1860 +Q152857 P495 Q40 +Q1157139 P106 Q806349 +Q1343669 P27 Q30 +Q18967 P161 Q192682 +Q272622 P106 Q28389 +Q958206 P106 Q177220 +Q1624891 P101 Q207628 +Q221482 P106 Q10800557 +Q356487 P27 Q30 +Q96843 P19 Q64 +Q107067 P1303 Q5994 +Q71821 P108 Q156725 +Q1077383 P1303 Q17172850 +Q705515 P69 Q4480746 +Q484523 P136 Q484641 +Q272213 P106 Q33999 +Q473770 P106 Q205375 +Q231841 P106 Q1028181 +Q189758 P136 Q131272 +Q878 P463 Q1065 +Q315208 P106 Q10800557 +Q180099 P69 Q167733 +Q1345514 P136 Q11366 +Q706999 P20 Q649 +Q241252 P136 Q1344 +Q912 P463 Q376150 +Q189758 P106 Q486748 +Q115055 P551 Q18419 +Q52937 P140 Q9592 +Q75292 P69 Q153978 +Q3241949 P106 Q158852 +Q151087 P3373 Q7729 +Q155882 P106 Q177220 +Q333148 P27 Q27 +Q110330 P463 Q463303 +Q432552 P1303 Q17172850 +Q9381 P140 Q620629 +Q706542 P106 Q1979607 +Q40119 P161 Q262091 +Q96743 P106 Q82955 +Q365633 P106 Q10798782 +Q128126 P463 Q270794 +Q123628 P1412 Q1321 +Q75856 P20 Q586 +Q97871 P106 Q593644 +Q965 P463 Q191384 +Q321339 P27 Q145 +Q156394 P161 Q229197 +Q154691 P136 Q482 +Q363822 P264 Q1251139 +Q43499 P69 Q35794 +Q1941315 P106 Q806798 +Q1799 P131 Q42585 +Q974221 P106 Q183945 +Q105624 P136 Q622291 +Q203413 P136 Q482 +Q128933 P106 Q270389 +Q151796 P1412 Q9288 +Q264596 P106 Q33999 +Q184500 P106 Q42603 +Q81807 P106 Q33999 +Q11975 P136 Q211756 +Q813 P463 Q8475 +Q493333 P136 Q850412 +Q6096 P136 Q9794 +Q55450 P106 Q245068 +Q61171 P19 Q64 +Q70950 P102 Q13124 +Q57289 P69 Q49088 +Q188461 P264 Q935090 +Q88150 P1412 Q188 +Q133405 P264 Q729590 +Q378098 P102 Q29468 +Q1514469 P1303 Q6607 +Q260969 P106 Q3387717 +Q892 P551 Q2256 +Q41594 P264 Q202585 +Q106942 P172 Q115026 +Q313210 P463 Q83172 +Q215979 P106 Q864503 +Q805 P463 Q376150 +Q41 P530 Q233 +Q162688 P20 Q3126 +Q128888 P172 Q7325 +Q215120 P27 Q30 +Q3339429 P27 Q833 +Q386714 P161 Q266319 +Q1099640 P106 Q2722764 +Q190148 P1412 Q150 +Q58866 P27 Q713750 +Q1446475 P106 Q177220 +Q356375 P106 Q28389 +Q698714 P20 Q60 +Q78713 P106 Q1622272 +Q212 P530 Q224 +Q42402 P27 Q38 +Q367094 P106 Q214917 +Q207177 P69 Q348134 +Q184650 P106 Q189290 +Q4320172 P119 Q1457437 +Q242162 P106 Q18844224 +Q336640 P136 Q11366 +Q197108 P27 Q801 +Q325077 P161 Q57391 +Q61761 P140 Q75809 +Q230744 P172 Q1344183 +Q230578 P463 Q337224 +Q34105 P106 Q2095549 +Q445606 P106 Q1930187 +Q3734755 P101 Q11023 +Q166590 P136 Q21010853 +Q92456 P108 Q152171 +Q102124 P106 Q10800557 +Q706560 P106 Q33999 +Q240576 P463 Q338489 +Q190220 P106 Q6625963 +Q268322 P106 Q37226 +Q214191 P1412 Q1860 +Q186587 P161 Q232419 +Q241504 P161 Q343633 +Q45 P463 Q8475 +Q40909 P106 Q6625963 +Q962609 P1303 Q52954 +Q355159 P106 Q9017214 +Q730 P530 Q155 +Q88427 P19 Q702259 +Q83059 P106 Q1622272 +Q975911 P106 Q9648008 +Q325389 P27 Q145 +Q1066772 P136 Q83440 +Q29418 P69 Q49088 +Q153694 P106 Q36834 +Q124442 P106 Q36180 +Q166554 P136 Q157443 +Q712319 P106 Q36834 +Q211998 P119 Q1645215 +Q1893889 P108 Q319239 +Q171711 P840 Q84 +Q858 P530 Q159 +Q234058 P106 Q4853732 +Q297881 P136 Q35760 +Q62409 P69 Q309988 +Q95076 P1412 Q1860 +Q258750 P1303 Q6607 +Q1721 P17 Q183 +Q85927 P106 Q13418253 +Q165792 P1412 Q1860 +Q211415 P26 Q229319 +Q192655 P1412 Q652 +Q430905 P1303 Q17172850 +Q234791 P138 Q656 +Q24962 P509 Q372701 +Q98258 P27 Q183 +Q853095 P106 Q81096 +Q188848 P106 Q488205 +Q66264 P27 Q801 +Q311476 P69 Q185246 +Q535 P135 Q210115 +Q215017 P136 Q191489 +Q272214 P106 Q10800557 +Q519838 P69 Q3098911 +Q9047 P1412 Q652 +Q502896 P27 Q20 +Q311594 P20 Q90 +Q311723 P106 Q2526255 +Q266356 P136 Q213665 +Q381104 P106 Q1930187 +Q192115 P161 Q207676 +Q184366 P106 Q10872101 +Q89689 P27 Q1206012 +Q214063 P136 Q134307 +Q232113 P106 Q36180 +Q279648 P106 Q36180 +Q187423 P161 Q75866 +Q131152 P1412 Q9168 +Q76819 P27 Q183 +Q441836 P106 Q49757 +Q190050 P161 Q35332 +Q135867 P136 Q130232 +Q8446 P106 Q822146 +Q164933 P840 Q84 +Q69139 P463 Q2043519 +Q83649 P161 Q329807 +Q104358 P19 Q1345 +Q31013 P106 Q33999 +Q206576 P161 Q152272 +Q677706 P1412 Q1860 +Q55199 P119 Q208175 +Q233362 P1303 Q17172850 +Q173481 P1412 Q5146 +Q1179504 P19 Q1509 +Q12292644 P106 Q901 +Q3769061 P106 Q131524 +Q98311 P106 Q486748 +Q281034 P106 Q177220 +Q216608 P106 Q10800557 +Q171745 P106 Q2405480 +Q20 P530 Q159 +Q35610 P106 Q36180 +Q189889 P161 Q122614 +Q203533 P106 Q6625963 +Q22670 P737 Q9312 +Q1252841 P106 Q43845 +Q794 P530 Q843 +Q1528163 P20 Q220 +Q1888523 P106 Q11900058 +Q344983 P106 Q177220 +Q76480 P1412 Q188 +Q446294 P106 Q639669 +Q39803 P106 Q11774202 +Q367634 P737 Q15935 +Q11590 P106 Q1622272 +Q289064 P106 Q10800557 +Q78763 P106 Q3282637 +Q111873 P106 Q82955 +Q113510 P19 Q1741 +Q366570 P106 Q214917 +Q229697 P1303 Q17172850 +Q316596 P551 Q61 +Q170574 P106 Q2405480 +Q3318964 P106 Q639669 +Q865 P530 Q736 +Q238422 P106 Q639669 +Q914054 P27 Q30 +Q1629187 P106 Q18576582 +Q234610 P106 Q2526255 +Q544508 P106 Q11569986 +Q45255 P106 Q3282637 +Q49017 P106 Q2405480 +Q128576 P106 Q1930187 +Q146673 P161 Q120366 +Q32 P530 Q902 +Q261990 P264 Q238095 +Q971782 P106 Q20198542 +Q560847 P106 Q1979607 +Q131412 P119 Q5933 +Q72014 P27 Q183 +Q235451 P106 Q3578589 +Q1342003 P119 Q208175 +Q725516 P106 Q177220 +Q12121820 P106 Q177220 +Q66600 P1412 Q188 +Q242095 P27 Q38 +Q89188 P20 Q84 +Q822666 P108 Q7842 +Q4084084 P20 Q649 +Q62234 P119 Q819654 +Q380626 P106 Q36834 +Q57309 P119 Q190494 +Q558615 P106 Q36180 +Q562402 P1412 Q7026 +Q5950 P172 Q49085 +Q311802 P27 Q38 +Q38 P530 Q902 +Q951957 P463 Q83172 +Q256037 P840 Q21 +Q1638939 P106 Q855091 +Q1354843 P106 Q10800557 +Q981856 P27 Q21 +Q210364 P161 Q38111 +Q183 P530 Q774 +Q192069 P509 Q11081 +Q342730 P135 Q7264 +Q30 P530 Q837 +Q231360 P509 Q3505252 +Q266429 P27 Q29999 +Q191755 P69 Q49088 +Q155855 P106 Q3455803 +Q184750 P106 Q212980 +Q527394 P1412 Q1321 +Q211009 P840 Q218 +Q780720 P1303 Q6607 +Q77888 P106 Q193391 +Q67633 P1412 Q188 +Q634100 P119 Q43453 +Q316997 P551 Q1384 +Q4410089 P101 Q132151 +Q202385 P101 Q184485 +Q8768 P106 Q36180 +Q468067 P106 Q36180 +Q333405 P106 Q177220 +Q1262590 P106 Q488205 +Q41749 P119 Q183 +Q1785 P136 Q8341 +Q211144 P1412 Q1860 +Q267070 P1303 Q17172850 +Q189992 P1412 Q1860 +Q306122 P106 Q183945 +Q44273 P27 Q30 +Q333987 P69 Q5149833 +Q2964710 P26 Q151113 +Q927771 P27 Q145 +Q41621 P17 Q12560 +Q271690 P161 Q233862 +Q1266083 P106 Q855091 +Q311145 P737 Q41568 +Q262 P30 Q15 +Q162753 P106 Q2259451 +Q562781 P108 Q1719898 +Q878956 P1412 Q1860 +Q967886 P463 Q2370801 +Q165706 P463 Q812155 +Q317704 P106 Q33999 +Q34529 P27 Q28513 +Q232384 P106 Q10800557 +Q348916 P737 Q107002 +Q300508 P840 Q1397 +Q516786 P106 Q36180 +Q319171 P136 Q319221 +Q105896 P19 Q36600 +Q216913 P136 Q11366 +Q160333 P106 Q214917 +Q544508 P136 Q2332751 +Q1014 P463 Q340195 +Q71067 P106 Q14915627 +Q329719 P641 Q5372 +Q57063 P463 Q265058 +Q46706 P27 Q142 +Q109422 P27 Q183 +Q466477 P106 Q4964182 +Q107002 P551 Q84 +Q1074226 P106 Q33999 +Q150989 P463 Q651690 +Q213799 P108 Q152087 +Q291170 P136 Q130232 +Q322179 P119 Q1437214 +Q214191 P140 Q9268 +Q60029 P140 Q1069127 +Q327426 P69 Q168751 +Q44473 P106 Q2986228 +Q7729 P3373 Q151087 +Q262479 P106 Q3282637 +Q664 P463 Q5611262 +Q107724 P840 Q8652 +Q342774 P106 Q177220 +Q127870 P119 Q5763964 +Q257271 P106 Q33999 +Q1101377 P264 Q5086379 +Q17 P530 Q334 +Q76444 P106 Q36834 +Q731139 P108 Q9531 +Q243027 P106 Q6625963 +Q298025 P106 Q36180 +Q2725555 P106 Q177220 +Q111436 P1412 Q1860 +Q19543 P1412 Q188 +Q49767 P106 Q864380 +Q11153 P551 Q61 +Q5333 P463 Q191583 +Q237820 P264 Q2996526 +Q157155 P463 Q337526 +Q887347 P106 Q10798782 +Q60946 P136 Q482 +Q231479 P1303 Q5994 +Q128511 P106 Q82955 +Q15208489 P17 Q145 +Q60070 P69 Q154804 +Q164060 P27 Q30 +Q189600 P161 Q42204 +Q243643 P840 Q21 +Q123097 P161 Q431356 +Q703935 P27 Q145 +Q77881 P106 Q1622272 +Q83059 P69 Q838330 +Q392924 P136 Q188473 +Q66107 P69 Q13371 +Q65350 P140 Q75809 +Q44662 P161 Q272092 +Q311961 P106 Q183945 +Q154756 P69 Q499911 +Q270937 P106 Q177220 +Q87012 P106 Q482980 +Q352730 P106 Q13235160 +Q2791686 P27 Q801 +Q75860 P463 Q463303 +Q49072 P106 Q18844224 +Q62263 P106 Q639669 +Q468585 P106 Q2865819 +Q230454 P264 Q843402 +Q442390 P57 Q55462 +Q83739 P161 Q464320 +Q175285 P27 Q131964 +Q11612 P463 Q463303 +Q374770 P69 Q385471 +Q311238 P106 Q33999 +Q25080 P509 Q47912 +Q258503 P1303 Q17172850 +Q116309 P463 Q83172 +Q151083 P3373 Q151087 +Q464474 P27 Q733 +Q48613 P106 Q130857 +Q271986 P69 Q7060402 +Q380045 P19 Q90 +Q2656667 P106 Q183945 +Q55168 P119 Q1362125 +Q327288 P106 Q386854 +Q295592 P106 Q2526255 +Q70309 P106 Q2405480 +Q75727 P20 Q2079 +Q516786 P106 Q4263842 +Q558419 P19 Q1781 +Q110436 P737 Q188987 +Q9358 P737 Q48226 +Q60317 P106 Q1622272 +Q63190 P20 Q60 +Q724871 P1412 Q1321 +Q281621 P106 Q10800557 +Q291500 P136 Q474090 +Q649987 P119 Q746647 +Q254555 P161 Q40026 +Q714185 P27 Q30 +Q1432551 P106 Q639669 +Q191123 P106 Q82955 +Q878 P530 Q794 +Q742634 P108 Q131262 +Q1397375 P106 Q40348 +Q34389 P106 Q183945 +Q347436 P27 Q30 +Q1500297 P119 Q1362125 +Q1548904 P1303 Q6607 +Q67462 P106 Q11900058 +Q186185 P1412 Q7737 +Q131579 P20 Q220 +Q65278 P1412 Q188 +Q809037 P106 Q639669 +Q16349 P106 Q33999 +Q308929 P161 Q232456 +Q37767 P106 Q1622272 +Q315132 P106 Q14467526 +Q551390 P106 Q82955 +Q311169 P106 Q639669 +Q454696 P27 Q129286 +Q158759 P495 Q142 +Q86758 P106 Q201788 +Q251338 P106 Q14467526 +Q430849 P106 Q33999 +Q193695 P495 Q30 +Q216924 P1303 Q5994 +Q2577771 P27 Q30 +Q25854 P106 Q185351 +Q147811 P106 Q970153 +Q75793 P27 Q43287 +Q214574 P1412 Q1860 +Q156069 P161 Q161877 +Q181662 P106 Q131524 +Q157245 P106 Q121594 +Q277527 P840 Q90 +Q122113 P161 Q173399 +Q268147 P463 Q463303 +Q73651 P161 Q228645 +Q596717 P106 Q36834 +Q76683 P463 Q123885 +Q46717 P840 Q766 +Q567772 P106 Q3391743 +Q324157 P119 Q118967 +Q120977 P106 Q15981151 +Q364875 P106 Q855091 +Q313138 P106 Q753110 +Q215925 P102 Q49750 +Q234094 P1412 Q5287 +Q4042 P106 Q10800557 +Q160219 P106 Q3282637 +Q739915 P106 Q855091 +Q215359 P27 Q30 +Q47447 P1303 Q6607 +Q76409 P509 Q29496 +Q348001 P69 Q27621 +Q101886 P106 Q47064 +Q454840 P106 Q1930187 +Q106655 P1412 Q188 +Q955619 P136 Q11401 +Q1348831 P106 Q488205 +Q63224 P106 Q1622272 +Q357786 P20 Q65 +Q103949 P106 Q10798782 +Q69320 P27 Q183 +Q310300 P136 Q484641 +Q180695 P840 Q99 +Q219734 P20 Q649 +Q66379 P172 Q42884 +Q97423 P19 Q365 +Q272845 P106 Q21234378 +Q2805 P17 Q183 +Q154782 P106 Q18805 +Q286116 P106 Q18844224 +Q15981 P140 Q1841 +Q240541 P106 Q33999 +Q187019 P737 Q6538 +Q888666 P27 Q30 +Q433142 P69 Q1542213 +Q35 P530 Q39 +Q1744 P551 Q597 +Q188771 P159 Q90 +Q90220 P19 Q2119 +Q182349 P20 Q506446 +Q956296 P20 Q1085 +Q943361 P69 Q11942 +Q122517 P106 Q2306091 +Q255720 P106 Q33999 +Q435626 P106 Q10800557 +Q201810 P106 Q28389 +Q159995 P108 Q159895 +Q739 P530 Q811 +Q83643 P106 Q49757 +Q84147 P161 Q296028 +Q1031340 P20 Q185582 +Q332330 P161 Q309690 +Q262549 P106 Q36180 +Q714185 P106 Q10800557 +Q232348 P106 Q855091 +Q207947 P463 Q463303 +Q190631 P1303 Q17172850 +Q123476 P106 Q33231 +Q77024 P27 Q30 +Q165721 P106 Q214917 +Q163557 P463 Q459620 +Q55411 P69 Q569350 +Q769 P530 Q408 +Q439267 P106 Q177220 +Q835943 P131 Q25287 +Q78869 P102 Q179111 +Q291693 P1412 Q150 +Q465636 P264 Q1542119 +Q533369 P106 Q49757 +Q323236 P106 Q28389 +Q154077 P840 Q99 +Q107816 P106 Q105186 +Q251262 P20 Q1748 +Q1130554 P106 Q183945 +Q1680268 P1412 Q1860 +Q323060 P106 Q36180 +Q44736 P106 Q1114448 +Q520053 P106 Q169470 +Q83321 P106 Q36180 +Q4242236 P101 Q132151 +Q704355 P20 Q38022 +Q260099 P106 Q639669 +Q112651 P106 Q193391 +Q187210 P106 Q2865819 +Q3547 P106 Q182436 +Q5496982 P106 Q12362622 +Q190770 P19 Q6346 +Q180214 P136 Q20442589 +Q956275 P106 Q855091 +Q82222 P136 Q11399 +Q931148 P106 Q1930187 +Q215708 P106 Q177220 +Q36014 P106 Q1930187 +Q151403 P106 Q6625963 +Q73993 P1412 Q188 +Q222 P530 Q889 +Q193018 P106 Q49757 +Q319751 P20 Q47164 +Q160534 P737 Q188176 +Q35912 P1303 Q17172850 +Q78490 P27 Q7318 +Q96556 P27 Q183 +Q77991 P106 Q578109 +Q113626 P19 Q1085 +Q552819 P1303 Q17172850 +Q468067 P106 Q4964182 +Q272213 P3373 Q261133 +Q266006 P1303 Q17172850 +Q349852 P106 Q3282637 +Q168452 P463 Q83172 +Q58811 P1412 Q188 +Q204868 P106 Q16287483 +Q742825 P106 Q486748 +Q439566 P106 Q49757 +Q266425 P1412 Q1860 +Q160432 P27 Q145 +Q333873 P102 Q79854 +Q29427 P1412 Q13955 +Q1493021 P159 Q61 +Q236378 P106 Q2865819 +Q1978533 P106 Q1930187 +Q134333 P106 Q4991371 +Q40826 P27 Q20 +Q60851 P19 Q1726 +Q180819 P119 Q208175 +Q357326 P1303 Q5994 +Q920526 P19 Q1218 +Q167997 P101 Q395 +Q183492 P737 Q41166 +Q902 P530 Q858 +Q151098 P3373 Q151083 +Q364582 P20 Q220 +Q233081 P106 Q488205 +Q190220 P737 Q41513 +Q218083 P1303 Q5994 +Q75823 P106 Q1930187 +Q157879 P57 Q51552 +Q85490 P106 Q36180 +Q204804 P106 Q639669 +Q319537 P641 Q542 +Q313020 P106 Q639669 +Q706422 P136 Q83440 +Q317311 P495 Q183 +Q270123 P106 Q33999 +Q547181 P106 Q177220 +Q316086 P106 Q28389 +Q29658 P161 Q23301 +Q12773 P106 Q49757 +Q219 P463 Q8908 +Q319537 P136 Q37073 +Q257805 P1303 Q5994 +Q272068 P106 Q2405480 +Q1754823 P106 Q639669 +Q124251 P106 Q333634 +Q309843 P106 Q10800557 +Q254611 P1412 Q5287 +Q9047 P20 Q1715 +Q232 P463 Q7809 +Q38873 P509 Q476921 +Q813 P463 Q842490 +Q92643 P108 Q41506 +Q328662 P20 Q65 +Q275900 P106 Q158852 +Q373362 P161 Q310389 +Q215145 P106 Q2516852 +Q43 P530 Q218 +Q809037 P27 Q30 +Q242423 P1412 Q809 +Q83630 P136 Q130232 +Q182486 P69 Q245247 +Q347528 P27 Q30 +Q128985 P102 Q9626 +Q533284 P106 Q855091 +Q254820 P1412 Q1860 +Q207034 P106 Q15981151 +Q313482 P27 Q30 +Q57180 P3373 Q150652 +Q105937 P106 Q1622272 +Q150445 P106 Q158852 +Q159603 P102 Q537303 +Q37355 P106 Q36834 +Q320032 P161 Q319527 +Q371403 P106 Q36834 +Q72292 P463 Q83172 +Q76539 P136 Q8261 +Q123368 P27 Q39 +Q111873 P19 Q3936 +Q84532 P106 Q28389 +Q223613 P119 Q996499 +Q460664 P136 Q959790 +Q60815 P106 Q169470 +Q78371 P463 Q451079 +Q186799 P161 Q292381 +Q349039 P551 Q16559 +Q212518 P106 Q10349745 +Q438537 P106 Q33999 +Q61078 P509 Q3505252 +Q778716 P69 Q499911 +Q339876 P161 Q131380 +Q440272 P136 Q484641 +Q1059718 P1303 Q17172850 +Q78524 P101 Q184485 +Q367129 P106 Q177220 +Q1585138 P106 Q753110 +Q3167 P463 Q1768108 +Q270707 P27 Q30 +Q63187 P27 Q183 +Q23556 P17 Q30 +Q14279 P106 Q170790 +Q705630 P106 Q43845 +Q61962 P27 Q172107 +Q62414 P1412 Q188 +Q207816 P161 Q296729 +Q270207 P106 Q16323111 +Q1867 P131 Q865 +Q234570 P101 Q35760 +Q310953 P106 Q15077007 +Q32433 P161 Q187033 +Q1067043 P361 Q992295 +Q76683 P463 Q3394637 +Q282372 P161 Q242717 +Q118375 P136 Q130232 +Q75220 P106 Q3242115 +Q118066 P1303 Q17172850 +Q360243 P161 Q80405 +Q244997 P106 Q49757 +Q144195 P106 Q1622272 +Q432552 P106 Q2252262 +Q60625 P509 Q41083 +Q1164663 P136 Q11399 +Q5482339 P106 Q901 +Q186757 P1412 Q1860 +Q216814 P463 Q123885 +Q8619 P463 Q94301 +Q5809 P106 Q37226 +Q275964 P1412 Q9067 +Q381884 P136 Q37073 +Q90720 P20 Q37836 +Q1011 P530 Q155 +Q218679 P1412 Q150 +Q140181 P27 Q30 +Q328320 P495 Q30 +Q235685 P106 Q33999 +Q334633 P19 Q84 +Q330238 P19 Q38022 +Q35738 P136 Q130232 +Q273215 P106 Q2259451 +Q9387 P106 Q4964182 +Q76501 P69 Q204181 +Q59474 P1412 Q9043 +Q94701 P108 Q31519 +Q223741 P136 Q11399 +Q240869 P69 Q3072747 +Q68543 P1412 Q1860 +Q311165 P106 Q33999 +Q230473 P641 Q131359 +Q130742 P1303 Q6607 +Q518101 P30 Q46 +Q1036131 P106 Q177220 +Q2105 P69 Q859363 +Q475942 P1412 Q1321 +Q180338 P106 Q33231 +Q47703 P840 Q65 +Q444591 P106 Q3282637 +Q216409 P106 Q18814623 +Q2272369 P1412 Q1860 +Q736 P463 Q842490 +Q38561 P161 Q314914 +Q708164 P509 Q12152 +Q1348831 P1303 Q51290 +Q228787 P106 Q753110 +Q256649 P106 Q177220 +Q342962 P106 Q2259451 +Q689600 P140 Q9592 +Q13129708 P3373 Q4218975 +Q258204 P495 Q30 +Q49001 P106 Q2722764 +Q380981 P161 Q483907 +Q660237 P161 Q296008 +Q104183 P1412 Q1860 +Q526220 P27 Q30 +Q249235 P161 Q55294 +Q44736 P106 Q36180 +Q458229 P136 Q9759 +Q254430 P106 Q36180 +Q4293328 P27 Q159 +Q74236 P1412 Q188 +Q83694 P69 Q389336 +Q302675 P106 Q11774202 +Q36704 P530 Q15180 +Q445463 P1412 Q150 +Q230445 P106 Q33999 +Q1023788 P27 Q30 +Q185714 P106 Q18844224 +Q182373 P161 Q200405 +Q253978 P161 Q49004 +Q162778 P1303 Q17172850 +Q195274 P136 Q130232 +Q980676 P509 Q12192 +Q2621694 P101 Q333 +Q292973 P106 Q36180 +Q128560 P509 Q29496 +Q110749 P119 Q64 +Q706821 P106 Q81096 +Q38875 P106 Q36834 +Q3430566 P1412 Q1860 +Q741600 P136 Q83440 +Q467423 P264 Q231694 +Q786954 P1303 Q1444 +Q40791 P551 Q60 +Q122335 P106 Q10798782 +Q204514 P495 Q145 +Q65475 P106 Q1622272 +Q848723 P463 Q265058 +Q1354843 P551 Q37320 +Q507940 P106 Q639669 +Q3806666 P108 Q37156 +Q319537 P106 Q55960555 +Q72908 P106 Q333634 +Q105695 P106 Q177220 +Q274752 P106 Q18581305 +Q365199 P1303 Q5994 +Q182229 P19 Q84 +Q348615 P106 Q177220 +Q37944 P106 Q36180 +Q741605 P106 Q13582652 +Q97431 P69 Q156737 +Q233541 P509 Q9687 +Q18425 P463 Q265058 +Q111323 P19 Q36036 +Q158354 P27 Q131964 +Q517273 P27 Q30 +Q584850 P106 Q1930187 +Q57136 P69 Q658975 +Q280400 P136 Q130232 +Q253757 P106 Q10800557 +Q364868 P27 Q34266 +Q117012 P106 Q2526255 +Q172632 P106 Q36834 +Q157255 P19 Q100 +Q221 P463 Q1043527 +Q359474 P106 Q36834 +Q188375 P1412 Q1860 +Q724883 P463 Q2720582 +Q483363 P27 Q884 +Q229166 P102 Q29552 +Q310950 P27 Q30 +Q456903 P172 Q49085 +Q171730 P463 Q18912936 +Q1051182 P136 Q11366 +Q282002 P19 Q38022 +Q57298 P140 Q483654 +Q179269 P551 Q65 +Q381731 P161 Q23844 +Q1744 P106 Q753110 +Q435205 P1303 Q5994 +Q360445 P463 Q463303 +Q208374 P451 Q229042 +Q369907 P1412 Q1617 +Q121067 P19 Q64 +Q483363 P106 Q4610556 +Q79069 P106 Q49757 +Q129857 P27 Q70972 +Q1028 P463 Q1065 +Q587361 P264 Q466649 +Q310866 P69 Q27923720 +Q202749 P27 Q142 +Q367748 P161 Q333475 +Q313388 P69 Q49109 +Q1386420 P1412 Q1860 +Q9312 P1412 Q188 +Q215300 P106 Q2259451 +Q326823 P463 Q1132636 +Q192374 P106 Q2259532 +Q264869 P136 Q1054574 +Q207867 P136 Q485395 +Q357762 P106 Q10800557 +Q709790 P108 Q49117 +Q17455 P108 Q152087 +Q165792 P106 Q4964182 +Q189991 P264 Q203059 +Q339031 P106 Q753110 +Q92995 P463 Q543804 +Q32535 P495 Q30 +Q219878 P264 Q203059 +Q213773 P161 Q25014 +Q888671 P136 Q8341 +Q365633 P106 Q15627169 +Q76023 P106 Q36180 +Q157191 P19 Q6602 +Q265706 P106 Q36180 +Q360079 P27 Q33 +Q271625 P26 Q361630 +Q760790 P1412 Q1412 +Q609151 P1412 Q1321 +Q1549911 P19 Q18426 +Q125017 P106 Q28389 +Q153238 P106 Q169470 +Q152524 P106 Q1930187 +Q233873 P69 Q1542213 +Q49072 P19 Q18426 +Q120599 P27 Q207272 +Q215721 P106 Q639669 +Q172584 P69 Q1206658 +Q1178 P136 Q9730 +Q198638 P106 Q2405480 +Q41378 P463 Q463303 +Q1849355 P69 Q160302 +Q315087 P119 Q1302545 +Q123034 P1412 Q397 +Q967846 P106 Q82955 +Q295873 P69 Q3428253 +Q293275 P172 Q49085 +Q329807 P106 Q3455803 +Q32535 P161 Q83733 +Q381799 P641 Q11419 +Q843 P530 Q869 +Q462149 P161 Q75261 +Q215497 P106 Q2252262 +Q237056 P1412 Q188 +Q180626 P106 Q18844224 +Q276170 P1303 Q6607 +Q933892 P20 Q65 +Q441940 P106 Q15981151 +Q70478 P1412 Q1860 +Q1930688 P106 Q121594 +Q2875 P840 Q84 +Q1687804 P106 Q43845 +Q723141 P106 Q1930187 +Q213 P463 Q663492 +Q34584 P106 Q177220 +Q205028 P840 Q235 +Q59477 P27 Q30 +Q44775 P19 Q1741 +Q862412 P106 Q28389 +Q177962 P106 Q482980 +Q359563 P106 Q82955 +Q869 P463 Q7809 +Q113510 P106 Q193391 +Q925493 P106 Q13570226 +Q189164 P1303 Q17172850 +Q216457 P106 Q1622272 +Q107724 P840 Q84 +Q550598 P106 Q639669 +Q1900440 P108 Q865528 +Q1200053 P106 Q2526255 +Q7747 P27 Q15180 +Q8814 P463 Q123885 +Q299309 P106 Q948329 +Q669597 P108 Q49108 +Q708581 P136 Q24925 +Q228968 P106 Q488205 +Q19069 P161 Q45553 +Q252 P530 Q40 +Q86060 P27 Q16957 +Q150767 P463 Q1541450 +Q49319 P1303 Q46185 +Q1060395 P106 Q169470 +Q41342 P20 Q49202 +Q251262 P463 Q46703 +Q78766 P551 Q1726 +Q372278 P27 Q30 +Q189172 P106 Q4964182 +Q358345 P106 Q55960555 +Q15975 P101 Q5891 +Q201810 P106 Q2526255 +Q1257 P551 Q85 +Q921 P463 Q47543 +Q441834 P106 Q33999 +Q373034 P27 Q30 +Q322206 P136 Q5442753 +Q159481 P106 Q1234713 +Q454840 P106 Q82955 +Q655213 P27 Q174193 +Q6530 P106 Q9334029 +Q170510 P136 Q1152184 +Q233 P140 Q9089 +Q20887 P1412 Q5287 +Q319527 P106 Q33999 +Q325004 P106 Q64733534 +Q263621 P106 Q36834 +Q189080 P106 Q33231 +Q1046038 P69 Q46210 +Q107416 P463 Q270794 +Q213565 P106 Q1930187 +Q230 P530 Q222 +Q154331 P27 Q28 +Q27 P530 Q801 +Q260616 P495 Q30 +Q874828 P106 Q578109 +Q356115 P106 Q1930187 +Q223790 P106 Q33999 +Q198962 P1303 Q5994 +Q164745 P1412 Q150 +Q1391164 P106 Q43845 +Q188955 P140 Q5043 +Q157208 P106 Q82955 +Q165668 P264 Q168407 +Q106482 P1412 Q150 +Q337206 P106 Q33999 +Q101740 P27 Q142 +Q33 P463 Q191384 +Q40640 P737 Q3335 +Q244296 P136 Q1200678 +Q175600 P136 Q842256 +Q183094 P108 Q160302 +Q214226 P136 Q268253 +Q223786 P27 Q30 +Q454970 P108 Q13371 +Q2831 P136 Q131272 +Q18430 P172 Q34069 +Q159582 P119 Q208175 +Q173869 P106 Q36180 +Q8814 P106 Q1622272 +Q1375814 P106 Q10816969 +Q1698 P106 Q177220 +Q41166 P106 Q49757 +Q148 P530 Q219 +Q467027 P136 Q43343 +Q362749 P106 Q82955 +Q41502 P69 Q144488 +Q342580 P106 Q4263842 +Q548672 P463 Q338432 +Q560647 P27 Q30 +Q1677099 P106 Q43845 +Q727782 P106 Q1930187 +Q236005 P27 Q145 +Q347767 P1412 Q809 +Q215721 P27 Q30 +Q63309 P27 Q183 +Q77734 P1412 Q188 +Q269835 P106 Q28389 +Q284917 P161 Q271867 +Q1376957 P509 Q193840 +Q77234 P140 Q75809 +Q236236 P106 Q39631 +Q76432 P106 Q3621491 +Q229197 P106 Q214917 +Q1239933 P1303 Q5994 +Q287644 P106 Q333634 +Q732503 P159 Q1490 +Q143172 P106 Q49757 +Q23880 P1412 Q1860 +Q5912 P69 Q3268638 +Q274429 P106 Q36180 +Q213553 P27 Q30 +Q351359 P106 Q4964182 +Q337089 P27 Q30 +Q313647 P136 Q1133657 +Q176909 P140 Q9592 +Q346411 P119 Q5763964 +Q60869 P106 Q36180 +Q271846 P106 Q177220 +Q162959 P106 Q4610556 +Q83287 P1412 Q1860 +Q57896 P27 Q183 +Q87073 P20 Q64 +Q214778 P106 Q1925963 +Q11237 P140 Q93191 +Q506102 P106 Q1622272 +Q222041 P136 Q842256 +Q658706 P69 Q43452 +Q287244 P27 Q142 +Q634025 P106 Q1734662 +Q920857 P106 Q1607826 +Q183492 P737 Q40909 +Q435744 P463 Q44892 +Q319392 P3373 Q131324 +Q265621 P19 Q1492 +Q189067 P27 Q30 +Q71106 P69 Q209842 +Q556615 P106 Q639669 +Q194142 P161 Q32522 +Q42402 P106 Q486748 +Q27 P530 Q229 +Q449894 P509 Q12152 +Q19330 P106 Q121594 +Q334 P530 Q664 +Q3188629 P27 Q142 +Q3057348 P20 Q49111 +Q219 P463 Q458 +Q351732 P106 Q622807 +Q172584 P1303 Q17172850 +Q243771 P1412 Q150 +Q274306 P27 Q15180 +Q267803 P106 Q2259451 +Q45321 P106 Q1622272 +Q544607 P161 Q41351 +Q234791 P1303 Q128309 +Q23441 P1412 Q150 +Q85102 P106 Q28389 +Q1659471 P106 Q2252262 +Q927469 P140 Q75809 +Q39 P530 Q159583 +Q6694 P69 Q149481 +Q2118763 P106 Q39631 +Q929 P530 Q974 +Q6701 P106 Q82955 +Q26625 P106 Q177220 +Q362353 P106 Q2405480 +Q95215 P102 Q316533 +Q132952 P106 Q3282637 +Q722390 P106 Q11631 +Q163249 P106 Q10800557 +Q386053 P136 Q45981 +Q298905 P69 Q1137719 +Q567 P106 Q169470 +Q133386 P140 Q23540 +Q91845 P106 Q2374149 +Q158759 P161 Q57118 +Q232491 P136 Q213665 +Q221345 P161 Q295964 +Q309756 P172 Q3476361 +Q520296 P106 Q855091 +Q324499 P106 Q482980 +Q159976 P136 Q9730 +Q1017 P463 Q1768108 +Q44561 P1412 Q1860 +Q145 P530 Q711 +Q276620 P106 Q177220 +Q1151944 P106 Q5716684 +Q42775 P136 Q9759 +Q1770624 P3373 Q231270 +Q275964 P69 Q7864046 +Q551129 P463 Q270794 +Q217 P463 Q1065 +Q232419 P19 Q84 +Q25078 P27 Q30 +Q326856 P106 Q639669 +Q2560493 P463 Q1493021 +Q1192 P1412 Q652 +Q324499 P19 Q1435 +Q55800 P27 Q30 +Q204810 P135 Q667661 +Q3570727 P1412 Q1860 +Q34 P37 Q8641 +Q255129 P106 Q486748 +Q98265 P1412 Q150 +Q713297 P140 Q35032 +Q106193 P136 Q211723 +Q520053 P108 Q165980 +Q237030 P106 Q177220 +Q137042 P2348 Q6927 +Q158474 P840 Q1297 +Q337614 P136 Q482 +Q333855 P27 Q174193 +Q180919 P19 Q62 +Q9696 P3373 Q134549 +Q235205 P106 Q177220 +Q323483 P106 Q639669 +Q4941 P161 Q28054 +Q298388 P106 Q10800557 +Q504 P136 Q8261 +Q4889934 P106 Q1028181 +Q146673 P161 Q311976 +Q106603 P20 Q64 +Q1899 P17 Q243610 +Q215497 P106 Q10800557 +Q158486 P106 Q11631 +Q229477 P106 Q33999 +Q190089 P108 Q209842 +Q551129 P108 Q189022 +Q38 P530 Q403 +Q30 P530 Q1007 +Q563 P1412 Q150 +Q18391 P463 Q463303 +Q274887 P161 Q200768 +Q175278 P161 Q223117 +Q49021 P161 Q277099 +Q154412 P1412 Q397 +Q223443 P106 Q488205 +Q455552 P495 Q30 +Q383173 P495 Q183 +Q318390 P106 Q1930187 +Q16053 P106 Q1930187 +Q23858 P3373 Q107933 +Q489643 P1303 Q17172850 +Q722395 P106 Q488205 +Q4681470 P108 Q13371 +Q232708 P106 Q43845 +Q4119 P106 Q2722764 +Q103955 P27 Q183 +Q303040 P840 Q1166 +Q367129 P106 Q33999 +Q267170 P106 Q36834 +Q67169 P106 Q2259451 +Q346540 P27 Q142 +Q605489 P463 Q833738 +Q332632 P106 Q214917 +Q865 P530 Q929 +Q2833 P17 Q183 +Q220192 P161 Q257217 +Q82222 P1303 Q5994 +Q331728 P1412 Q1860 +Q374041 P106 Q2259451 +Q668 P530 Q1019 +Q526022 P27 Q152750 +Q209538 P161 Q144643 +Q27684 P69 Q185246 +Q10633 P509 Q12192 +Q104196 P27 Q183 +Q78003 P140 Q9592 +Q311232 P27 Q30 +Q320423 P161 Q232860 +Q315087 P106 Q2526255 +Q465955 P101 Q207628 +Q72564 P20 Q3033 +Q379923 P106 Q4263842 +Q164103 P161 Q104791 +Q313281 P1303 Q5994 +Q44775 P69 Q165980 +Q615625 P27 Q34 +Q322275 P136 Q83440 +Q682673 P106 Q947873 +Q128560 P1412 Q1860 +Q36268 P106 Q18814623 +Q179680 P19 Q90 +Q171363 P27 Q30 +Q128888 P106 Q189290 +Q148383 P495 Q28 +Q1068631 P20 Q1781 +Q381477 P140 Q7066 +Q691 P530 Q801 +Q596817 P509 Q14467705 +Q129747 P106 Q183945 +Q256037 P161 Q155775 +Q190251 P1412 Q1860 +Q201607 P136 Q3071 +Q55418 P463 Q414110 +Q380531 P1303 Q128309 +Q195303 P495 Q30 +Q121067 P27 Q183 +Q117021 P463 Q463303 +Q21077 P17 Q30 +Q133925 P106 Q10800557 +Q57391 P106 Q2526255 +Q111323 P119 Q564922 +Q99279 P27 Q183 +Q568455 P1303 Q81982 +Q106571 P136 Q188473 +Q154759 P101 Q1071 +Q61347 P106 Q3282637 +Q44336 P106 Q49757 +Q437616 P106 Q2526255 +Q127897 P161 Q4960 +Q692632 P106 Q639669 +Q546275 P27 Q30 +Q165817 P161 Q342549 +Q805 P530 Q30 +Q92510 P69 Q153978 +Q333251 P106 Q28389 +Q1333326 P106 Q81096 +Q295592 P27 Q145 +Q254603 P1303 Q17172850 +Q336272 P106 Q158852 +Q223299 P136 Q130232 +Q11941 P509 Q29496 +Q296039 P106 Q753110 +Q296069 P27 Q912 +Q360477 P106 Q10800557 +Q239838 P106 Q753110 +Q34836 P106 Q82955 +Q434571 P102 Q49629 +Q444486 P106 Q4610556 +Q1511 P106 Q49757 +Q526406 P106 Q36834 +Q76715 P69 Q151510 +Q29 P530 Q219 +Q8814 P69 Q273523 +Q212015 P106 Q10798782 +Q233529 P106 Q177220 +Q369022 P106 Q82955 +Q242792 P1303 Q17172850 +Q408 P530 Q419 +Q187154 P161 Q567 +Q380425 P106 Q36180 +Q235134 P106 Q36180 +Q167211 P551 Q2868 +Q155476 P161 Q213864 +Q355447 P106 Q82955 +Q437182 P106 Q33999 +Q507734 P106 Q488205 +Q107420 P108 Q168756 +Q148 P530 Q222 +Q211329 P1412 Q652 +Q945024 P27 Q801 +Q346607 P1050 Q131755 +Q843 P530 Q41 +Q451630 P136 Q959790 +Q35678 P106 Q372436 +Q96407 P27 Q183 +Q590911 P27 Q30 +Q705221 P106 Q1415090 +Q291806 P19 Q34217 +Q282722 P1303 Q8371 +Q28936 P161 Q370918 +Q359552 P136 Q83440 +Q469752 P106 Q1930187 +Q256708 P106 Q2490358 +Q31 P530 Q145 +Q435857 P264 Q216364 +Q272270 P19 Q13375 +Q763897 P106 Q177220 +Q228 P463 Q376150 +Q6123726 P551 Q60 +Q984353 P106 Q753110 +Q183 P530 Q878 +Q414 P530 Q184 +Q813964 P27 Q131964 +Q173158 P106 Q2259451 +Q4266175 P20 Q649 +Q16409 P106 Q11774202 +Q270089 P106 Q36180 +Q353762 P106 Q6625963 +Q983 P463 Q7809 +Q195008 P106 Q1622272 +Q154782 P101 Q441 +Q66729 P106 Q635734 +Q171976 P106 Q214917 +Q187210 P136 Q1344 +Q319277 P106 Q488205 +Q89219 P106 Q36180 +Q924232 P106 Q177220 +Q216060 P119 Q1497554 +Q75814 P106 Q212980 +Q58912 P1412 Q1860 +Q36965 P140 Q1841 +Q311223 P463 Q3603946 +Q183187 P3373 Q401645 +Q90856 P20 Q2814 +Q96426 P106 Q1930187 +Q668 P530 Q916 +Q867257 P551 Q485176 +Q729048 P737 Q154723 +Q77015 P106 Q185351 +Q272069 P106 Q177220 +Q151083 P3373 Q7726 +Q220308 P737 Q325396 +Q778 P463 Q294278 +Q178403 P27 Q145 +Q543719 P106 Q28389 +Q215814 P106 Q3242115 +Q95089 P509 Q12206 +Q450271 P106 Q36180 +Q64014 P20 Q2079 +Q334633 P106 Q201788 +Q229697 P106 Q639669 +Q469310 P106 Q131524 +Q434466 P140 Q75809 +Q170581 P1412 Q1860 +Q162629 P106 Q1344174 +Q457739 P27 Q30 +Q9387 P69 Q153987 +Q30 P530 Q730 +Q35064 P106 Q28389 +Q17279884 P106 Q16533 +Q948 P530 Q148 +Q561596 P737 Q8023 +Q160456 P1412 Q1860 +Q103343 P106 Q10800557 +Q401182 P106 Q28389 +Q213447 P106 Q36180 +Q192145 P106 Q170790 +Q72538 P108 Q151510 +Q188426 P264 Q935090 +Q65559 P1412 Q9056 +Q231807 P106 Q2259451 +Q102902 P69 Q154804 +Q34782 P106 Q3068305 +Q143945 P1412 Q150 +Q732513 P1412 Q1860 +Q352975 P106 Q18814623 +Q330376 P106 Q4263842 +Q856008 P509 Q47912 +Q732980 P20 Q340 +Q85791 P106 Q82955 +Q297831 P1412 Q1860 +Q45386 P161 Q63189 +Q48032 P27 Q15180 +Q53719 P840 Q1581 +Q152503 P19 Q649 +Q42493 P106 Q488205 +Q929665 P27 Q219 +Q54836 P1303 Q17172850 +Q238719 P27 Q801 +Q664167 P452 Q746359 +Q163662 P106 Q8178443 +Q92510 P106 Q36180 +Q511124 P106 Q15895020 +Q203840 P19 Q220 +Q4245942 P27 Q15180 +Q355447 P106 Q37226 +Q241873 P69 Q523926 +Q677367 P119 Q2790054 +Q929 P530 Q657 +Q24075 P136 Q188473 +Q56037 P17 Q16957 +Q96 P530 Q399 +Q543060 P102 Q29552 +Q184103 P140 Q5043 +Q562556 P106 Q6625963 +Q233237 P69 Q503246 +Q309631 P106 Q33999 +Q366584 P27 Q30 +Q221468 P106 Q177220 +Q309153 P161 Q263696 +Q363810 P106 Q36180 +Q266640 P19 Q1891 +Q14010 P19 Q84 +Q285928 P1412 Q1860 +Q1139388 P136 Q188539 +Q1820469 P27 Q30 +Q16397 P1412 Q9186 +Q223596 P840 Q84 +Q365129 P69 Q349055 +Q92670 P463 Q123885 +Q61682 P108 Q375606 +Q76499 P1412 Q188 +Q153018 P106 Q28389 +Q434555 P102 Q79854 +Q152880 P106 Q639669 +Q42786 P1412 Q1860 +Q66936 P1412 Q188 +Q281964 P106 Q33999 +Q2433868 P108 Q152087 +Q155079 P136 Q11401 +Q19425 P463 Q83172 +Q232307 P1412 Q1860 +Q185658 P495 Q30 +Q359031 P69 Q49088 +Q1761095 P119 Q208175 +Q7473516 P361 Q1490 +Q3076050 P27 Q30 +Q318309 P106 Q82955 +Q124894 P1412 Q150 +Q246929 P140 Q432 +Q928 P530 Q881 +Q238364 P1050 Q11085 +Q434669 P69 Q49124 +Q96798 P106 Q4964182 +Q435205 P106 Q639669 +Q268604 P264 Q277626 +Q2599 P106 Q33999 +Q237081 P136 Q1298934 +Q314208 P1412 Q1860 +Q55994 P106 Q3282637 +Q69837 P106 Q855091 +Q211 P530 Q30 +Q978830 P106 Q1930187 +Q822668 P19 Q2256 +Q437927 P101 Q207628 +Q547660 P106 Q183945 +Q84618 P463 Q329464 +Q355159 P106 Q193391 +Q346648 P1412 Q150 +Q171567 P106 Q4610556 +Q392915 P161 Q237190 +Q77740 P106 Q201788 +Q294901 P26 Q262091 +Q233848 P20 Q65 +Q232288 P136 Q131272 +Q1397191 P106 Q33999 +Q1153032 P112 Q62766 +Q981785 P106 Q177220 +Q139638 P106 Q33999 +Q130786 P136 Q156035 +Q908998 P106 Q2259451 +Q2825252 P69 Q273626 +Q189081 P451 Q164487 +Q13909 P108 Q740308 +Q221020 P495 Q145 +Q1026826 P106 Q4263842 +Q123916 P106 Q1622272 +Q43432 P106 Q5716684 +Q72365 P463 Q459620 +Q33 P463 Q151991 +Q6530 P20 Q31487 +Q4139600 P27 Q15180 +Q173481 P19 Q597 +Q154353 P463 Q337555 +Q81624 P1303 Q17172850 +Q4103721 P106 Q43845 +Q221168 P161 Q311804 +Q82032 P106 Q36180 +Q114623 P106 Q28389 +Q60953 P106 Q36180 +Q379830 P27 Q16 +Q214549 P101 Q7754 +Q68757 P69 Q55044 +Q380381 P106 Q177220 +Q357607 P69 Q981195 +Q75381 P106 Q36180 +Q55 P463 Q1043527 +Q401107 P106 Q1086863 +Q74636 P495 Q30 +Q311319 P106 Q28389 +Q170606 P451 Q193815 +Q185002 P101 Q207628 +Q725943 P19 Q456 +Q119455 P106 Q131062 +Q160802 P140 Q1841 +Q55211 P106 Q2526255 +Q310315 P106 Q10800557 +Q215215 P136 Q613408 +Q287644 P106 Q860918 +Q360445 P106 Q81096 +Q173417 P106 Q1930187 +Q539 P1412 Q652 +Q75292 P106 Q185351 +Q73784 P20 Q64 +Q1077554 P106 Q2405480 +Q357936 P1412 Q1860 +Q75786 P106 Q82955 +Q41502 P106 Q1930187 +Q6714 P40 Q65292 +Q1395573 P509 Q2840 +Q60025 P27 Q183 +Q590420 P106 Q182436 +Q379994 P840 Q1342 +Q35738 P161 Q125904 +Q329805 P161 Q272435 +Q510361 P27 Q145 +Q1893889 P106 Q39631 +Q57952 P106 Q185351 +Q67207 P140 Q9268 +Q461447 P495 Q16 +Q325396 P69 Q4614 +Q728030 P106 Q2504617 +Q92854 P1412 Q1860 +Q98960 P27 Q183 +Q11826 P101 Q8162 +Q108619 P108 Q309948 +Q93764 P140 Q1841 +Q526107 P106 Q386854 +Q246731 P27 Q30 +Q347 P30 Q46 +Q428814 P106 Q13582652 +Q15873 P106 Q488205 +Q7346 P136 Q8341 +Q355843 P1412 Q809 +Q19364345 P140 Q35032 +Q158354 P101 Q8162 +Q311267 P106 Q753110 +Q151164 P737 Q9358 +Q241316 P106 Q33999 +Q51094 P136 Q487965 +Q1067043 P106 Q183945 +Q19089 P495 Q145 +Q441067 P106 Q6625963 +Q1627834 P264 Q427326 +Q431401 P136 Q11399 +Q44855 P3373 Q349461 +Q311439 P17 Q183 +Q937 P463 Q338432 +Q60659 P19 Q2742 +Q85788 P20 Q64 +Q1629187 P19 Q64 +Q79031 P1050 Q131755 +Q190386 P106 Q10798782 +Q956459 P1412 Q150 +Q2071 P106 Q822146 +Q813 P530 Q145 +Q55832 P27 Q207272 +Q364179 P509 Q389735 +Q548345 P1412 Q1860 +Q76593 P27 Q34266 +Q1033 P463 Q233611 +Q274117 P106 Q753110 +Q515883 P19 Q84 +Q1344185 P19 Q65 +Q733640 P106 Q1930187 +Q72127 P106 Q82955 +Q8556 P101 Q4027615 +Q133356 P112 Q207272 +Q55963 P1412 Q9056 +Q208592 P161 Q203545 +Q366930 P1412 Q1321 +Q116253 P106 Q7042855 +Q236669 P20 Q84 +Q216266 P27 Q142 +Q433616 P509 Q12152 +Q232298 P27 Q30 +Q233 P530 Q43 +Q460161 P119 Q216344 +Q450646 P106 Q10800557 +Q57149 P1412 Q188 +Q443813 P106 Q177220 +Q230 P530 Q889 +Q225916 P840 Q60 +Q312288 P106 Q11063 +Q971027 P1303 Q17172850 +Q465242 P27 Q30 +Q2999 P463 Q747279 +Q116119 P106 Q39631 +Q2149885 P19 Q84 +Q151691 P1412 Q188 +Q87302 P106 Q36180 +Q110138 P161 Q37079 +Q384397 P161 Q215721 +Q37103 P106 Q37226 +Q11673 P102 Q29552 +Q156214 P106 Q483501 +Q489643 P27 Q31 +Q16766 P140 Q748 +Q363876 P1303 Q17172850 +Q205721 P136 Q43343 +Q849641 P19 Q65 +Q102022 P20 Q1726 +Q292539 P106 Q49757 +Q362639 P509 Q12204 +Q1387593 P463 Q3394637 +Q1544666 P172 Q49085 +Q862 P108 Q230492 +Q123923 P106 Q82955 +Q256061 P106 Q10798782 +Q219150 P161 Q302335 +Q7833 P27 Q142 +Q189226 P1303 Q17172850 +Q2492691 P27 Q34266 +Q47480 P108 Q152838 +Q560647 P106 Q169470 +Q334126 P27 Q298 +Q162634 P106 Q3427922 +Q229760 P1303 Q17172850 +Q389511 P495 Q142 +Q343394 P106 Q43845 +Q66248 P1412 Q188 +Q234544 P106 Q2059704 +Q157322 P106 Q28389 +Q76616 P106 Q1622272 +Q43 P530 Q258 +Q218 P463 Q1928989 +Q461399 P106 Q177220 +Q272134 P106 Q333634 +Q540544 P106 Q2722764 +Q232298 P551 Q127856 +Q104061 P106 Q2405480 +Q1383381 P19 Q18419 +Q139642 P106 Q33999 +Q362332 P106 Q10800557 +Q162917 P106 Q2526255 +Q219368 P106 Q1622272 +Q275120 P136 Q471839 +Q127442 P172 Q49542 +Q234992 P102 Q29468 +Q41272 P136 Q842324 +Q271281 P161 Q296883 +Q303 P106 Q10800557 +Q189 P463 Q7825 +Q106175 P106 Q10800557 +Q266676 P106 Q4610556 +Q159582 P106 Q82955 +Q704696 P463 Q3603946 +Q53003 P1412 Q1860 +Q17455 P463 Q270794 +Q34391 P20 Q1741 +Q463013 P1303 Q5994 +Q1386311 P264 Q165711 +Q717884 P108 Q49210 +Q42552 P172 Q1026 +Q1056805 P264 Q21077 +Q208344 P161 Q214223 +Q228787 P106 Q10798782 +Q1167005 P1303 Q6607 +Q65600 P20 Q3869 +Q183397 P69 Q797892 +Q1941315 P27 Q30 +Q262850 P106 Q214917 +Q55174 P463 Q463303 +Q178700 P495 Q38 +Q538000 P106 Q488205 +Q180626 P27 Q148 +Q456711 P140 Q7066 +Q111436 P106 Q5716684 +Q474810 P106 Q81096 +Q129486 P551 Q30 +Q219 P530 Q399 +Q236125 P1303 Q17172850 +Q188000 P161 Q272019 +Q205028 P161 Q231249 +Q3766 P17 Q12544 +Q1351565 P27 Q142 +Q136264 P161 Q816565 +Q373034 P106 Q33999 +Q448704 P106 Q639669 +Q110201 P106 Q1622272 +Q168431 P463 Q463281 +Q1344392 P27 Q30 +Q11753 P106 Q185351 +Q170328 P1412 Q150 +Q45338 P509 Q12152 +Q271465 P19 Q270 +Q76492 P106 Q49757 +Q312656 P106 Q2526255 +Q284694 P1303 Q80284 +Q589497 P19 Q100 +Q246497 P1412 Q7737 +Q548438 P27 Q30 +Q332462 P106 Q4263842 +Q287748 P161 Q35011 +Q87910 P20 Q2973 +Q503672 P106 Q36834 +Q352617 P463 Q12759592 +Q133050 P106 Q10800557 +Q107759 P27 Q183 +Q86900 P106 Q49757 +Q458215 P27 Q15180 +Q1366840 P172 Q49085 +Q1251139 P136 Q56284716 +Q55211 P106 Q6625963 +Q426393 P161 Q190998 +Q2632 P140 Q9089 +Q122003 P264 Q557632 +Q510653 P106 Q34074720 +Q563549 P1412 Q1860 +Q332462 P106 Q333634 +Q727257 P108 Q1044328 +Q240849 P495 Q30 +Q5879 P106 Q1234713 +Q252469 P69 Q653693 +Q108719 P69 Q152087 +Q185465 P26 Q220918 +Q23505 P106 Q10871364 +Q105221 P106 Q10798782 +Q190220 P106 Q1053574 +Q600701 P27 Q142 +Q164309 P106 Q1476215 +Q86924 P106 Q16267607 +Q715701 P20 Q65 +Q49615 P108 Q34433 +Q76576 P463 Q684415 +Q484302 P1303 Q6607 +Q62365 P136 Q49084 +Q2291 P27 Q38 +Q98434 P106 Q36180 +Q1401 P106 Q36180 +Q261465 P1050 Q10874 +Q376807 P161 Q372947 +Q40640 P172 Q49078 +Q35064 P106 Q49757 +Q1383002 P27 Q30 +Q43267 P138 Q44855 +Q83542 P161 Q57614 +Q332497 P161 Q223281 +Q156796 P1412 Q1860 +Q168468 P106 Q2374149 +Q96898 P27 Q1206012 +Q59945 P19 Q78 +Q294812 P106 Q36834 +Q86820 P106 Q47064 +Q165721 P106 Q33999 +Q368732 P106 Q81096 +Q236950 P106 Q34074720 +Q12833 P551 Q37320 +Q229556 P69 Q168756 +Q161900 P106 Q82955 +Q722738 P106 Q82955 +Q312582 P463 Q414110 +Q188492 P69 Q49208 +Q114558 P20 Q64 +Q153579 P106 Q482980 +Q506198 P106 Q855091 +Q318412 P106 Q333634 +Q126122 P20 Q1773 +Q9582 P106 Q372436 +Q414 P530 Q45 +Q155079 P106 Q488205 +Q223741 P136 Q183504 +Q699565 P69 Q209842 +Q189067 P136 Q37073 +Q153739 P19 Q6602 +Q63228 P1412 Q1321 +Q2368353 P69 Q1472245 +Q61280 P69 Q152087 +Q2680 P1303 Q51290 +Q209012 P495 Q145 +Q55294 P106 Q3387717 +Q6701 P463 Q463303 +Q116208 P1412 Q188 +Q200572 P136 Q52162262 +Q312720 P27 Q30 +Q100913 P27 Q16957 +Q233118 P27 Q30 +Q226525 P27 Q39 +Q310204 P136 Q200092 +Q117997 P106 Q333634 +Q123483 P106 Q4263842 +Q379022 P27 Q142 +Q234663 P551 Q90 +Q2620784 P106 Q11631 +Q1277015 P1303 Q5994 +Q336609 P106 Q1350157 +Q296872 P106 Q488205 +Q83338 P27 Q30 +Q503997 P69 Q49116 +Q58073 P69 Q49088 +Q152880 P1412 Q36510 +Q312173 P106 Q2252262 +Q107432 P1303 Q80019 +Q781 P530 Q408 +Q184404 P1303 Q5994 +Q93356 P509 Q12202 +Q244 P463 Q205995 +Q500042 P106 Q1930187 +Q363117 P1412 Q1860 +Q91865 P102 Q49768 +Q131685 P106 Q15855449 +Q113951 P108 Q130965 +Q339403 P172 Q115026 +Q235403 P463 Q11993457 +Q269809 P106 Q10800557 +Q60677 P102 Q49768 +Q5682 P737 Q1398 +Q25835 P495 Q30 +Q789926 P1412 Q9067 +Q1493339 P27 Q25 +Q67518 P69 Q153978 +Q330847 P119 Q1358639 +Q92602 P101 Q21198 +Q463501 P27 Q159 +Q315051 P1412 Q1860 +Q33240 P19 Q172 +Q702468 P108 Q9531 +Q319392 P3373 Q44855 +Q104000 P172 Q7325 +Q901134 P106 Q43845 +Q333265 P1412 Q1860 +Q800 P530 Q96 +Q123371 P106 Q81096 +Q107730 P106 Q10798782 +Q562556 P20 Q90 +Q93996 P106 Q121594 +Q180416 P495 Q183 +Q313388 P106 Q3282637 +Q213543 P106 Q482980 +Q312870 P106 Q488205 +Q45772 P106 Q10800557 +Q86723 P106 Q13570226 +Q1009 P530 Q865 +Q26162388 P50 Q213675 +Q15902 P106 Q639669 +Q633103 P463 Q48995 +Q233265 P19 Q84 +Q1973856 P27 Q15180 +Q801 P530 Q159583 +Q405542 P106 Q3282637 +Q169452 P140 Q432 +Q12773 P463 Q202479 +Q1909258 P136 Q11366 +Q103285 P106 Q36180 +Q310048 P69 Q130965 +Q43718 P106 Q4263842 +Q557730 P69 Q49210 +Q164047 P119 Q84 +Q270599 P57 Q223992 +Q207 P106 Q372436 +Q733174 P106 Q4263842 +Q65664 P106 Q82955 +Q289380 P106 Q2526255 +Q1689346 P106 Q13590141 +Q65728 P106 Q82955 +Q430893 P27 Q30 +Q240570 P1303 Q6607 +Q186273 P27 Q17 +Q142 P463 Q7184 +Q371182 P106 Q81096 +Q188461 P3373 Q11998 +Q184572 P106 Q33999 +Q940617 P119 Q831300 +Q2646169 P106 Q2306091 +Q780720 P136 Q83440 +Q108285 P106 Q1234713 +Q695 P30 Q538 +Q704294 P106 Q1930187 +Q232456 P264 Q216364 +Q376663 P161 Q472504 +Q77204 P172 Q42884 +Q318485 P106 Q177220 +Q924 P530 Q1037 +Q229430 P1412 Q1860 +Q242416 P509 Q189588 +Q102813 P106 Q2259451 +Q228787 P106 Q2526255 +Q1077546 P264 Q14192383 +Q444509 P106 Q82955 +Q152293 P136 Q9734 +Q11815 P20 Q60 +Q77082 P108 Q622683 +Q76478 P106 Q4610556 +Q25948 P136 Q9734 +Q248562 P136 Q188473 +Q166876 P106 Q4964182 +Q168724 P69 Q35794 +Q83158 P463 Q459620 +Q221491 P161 Q188018 +Q66097 P27 Q16957 +Q244 P530 Q17 +Q358990 P106 Q33999 +Q114509 P69 Q209344 +Q25057 P495 Q145 +Q249141 P106 Q36834 +Q526989 P19 Q956 +Q363822 P106 Q177220 +Q458656 P161 Q296177 +Q217020 P161 Q181900 +Q185770 P106 Q169470 +Q38082 P140 Q6423963 +Q873 P40 Q242555 +Q1033 P463 Q899770 +Q262396 P106 Q33999 +Q1353559 P264 Q1536003 +Q203243 P69 Q49115 +Q269887 P161 Q347395 +Q355566 P509 Q12078 +Q107761 P161 Q4573 +Q1648062 P106 Q15978655 +Q452361 P106 Q2259451 +Q205314 P1303 Q17172850 +Q706417 P1303 Q6607 +Q55388 P27 Q142 +Q45239 P1412 Q188 +Q97431 P106 Q2468727 +Q1703194 P19 Q84 +Q249235 P161 Q234798 +Q151593 P106 Q16031530 +Q231942 P106 Q177220 +Q110354 P840 Q183 +Q145627 P69 Q41506 +Q262850 P20 Q656 +Q82360 P136 Q40831 +Q40197 P27 Q30 +Q55245 P69 Q981195 +Q311804 P26 Q171567 +Q77489 P106 Q18844224 +Q191 P30 Q46 +Q220351 P264 Q183387 +Q1806985 P106 Q33999 +Q160163 P69 Q273631 +Q430276 P1412 Q1860 +Q323201 P27 Q30 +Q46599 P135 Q37068 +Q1373629 P106 Q855091 +Q60876 P106 Q2526255 +Q205687 P161 Q270441 +Q311892 P106 Q2259451 +Q366563 P1412 Q1860 +Q432102 P57 Q41148 +Q234338 P1412 Q7850 +Q216179 P463 Q334648 +Q190145 P161 Q271059 +Q128494 P102 Q204911 +Q62661 P106 Q639669 +Q33637 P172 Q7325 +Q1238235 P27 Q183 +Q931278 P27 Q142 +Q62904 P108 Q1079140 +Q47122 P136 Q484641 +Q907534 P106 Q2919046 +Q332640 P1412 Q652 +Q5928 P1303 Q17172850 +Q252409 P161 Q200841 +Q1475124 P1412 Q1860 +Q72962 P161 Q203804 +Q73096 P119 Q819654 +Q155882 P106 Q1320883 +Q842 P530 Q843 +Q380252 P27 Q159 +Q20 P463 Q233611 +Q453390 P106 Q855091 +Q55469 P509 Q212961 +Q1514 P106 Q488205 +Q73918 P106 Q774306 +Q230 P530 Q227 +Q233848 P106 Q33999 +Q731139 P27 Q34266 +Q1933397 P106 Q753110 +Q506231 P463 Q1468277 +Q414 P530 Q212 +Q224097 P140 Q1841 +Q103651 P264 Q885977 +Q8814 P140 Q9592 +Q979084 P106 Q753110 +Q3762573 P463 Q338432 +Q790 P530 Q16 +Q349461 P3373 Q2831 +Q296872 P264 Q2338889 +Q435857 P119 Q1437214 +Q796 P530 Q34 +Q28493 P106 Q2405480 +Q1265451 P19 Q678437 +Q337722 P69 Q248970 +Q1077577 P264 Q183387 +Q206399 P119 Q1514332 +Q96556 P102 Q49750 +Q2709 P106 Q3286043 +Q173955 P161 Q360531 +Q235952 P106 Q10800557 +Q174371 P161 Q232868 +Q77809 P20 Q1794 +Q42229 P27 Q30 +Q2704774 P1412 Q7737 +Q208537 P106 Q639669 +Q92906 P106 Q81096 +Q577548 P136 Q49084 +Q77 P530 Q414 +Q35 P530 Q115 +Q3589 P161 Q431356 +Q11107 P463 Q466089 +Q287748 P840 Q65 +Q103527 P108 Q48989 +Q309486 P106 Q2259451 +Q148 P463 Q340195 +Q12817 P106 Q36180 +Q388268 P106 Q81096 +Q178963 P1412 Q9168 +Q460425 P27 Q30 +Q347456 P106 Q36834 +Q400614 P106 Q10800557 +Q139223 P1303 Q5994 +Q76429 P106 Q36180 +Q24558760 P1412 Q9309 +Q562641 P1303 Q17172850 +Q190770 P1412 Q1860 +Q116208 P106 Q82955 +Q25057 P161 Q179269 +Q332368 P495 Q30 +Q20715407 P106 Q3391743 +Q11732 P106 Q193391 +Q166234 P1412 Q397 +Q25139 P136 Q859369 +Q312885 P1303 Q17172850 +Q235611 P463 Q4345832 +Q403 P530 Q159583 +Q87821 P1412 Q188 +Q541929 P106 Q322170 +Q25161 P106 Q49757 +Q134183 P69 Q270222 +Q35678 P1412 Q1860 +Q77006 P136 Q213121 +Q983686 P1412 Q9091 +Q57244 P106 Q36180 +Q707293 P20 Q65 +Q155649 P27 Q30 +Q269890 P1303 Q17172850 +Q70867 P106 Q4964182 +Q213585 P106 Q1622272 +Q828641 P27 Q142 +Q361670 P106 Q28389 +Q1350303 P1303 Q17172850 +Q230445 P1050 Q84263196 +Q156201 P108 Q13371 +Q498045 P136 Q37073 +Q235346 P27 Q30 +Q212523 P27 Q36 +Q193146 P106 Q10798782 +Q78126 P108 Q55044 +Q546275 P106 Q36180 +Q221957 P106 Q1930187 +Q1189327 P106 Q33999 +Q108560 P106 Q131524 +Q461447 P161 Q165518 +Q357821 P106 Q201788 +Q228244 P161 Q6255748 +Q257551 P1303 Q17172850 +Q375419 P106 Q36834 +Q91162 P19 Q1707 +Q457353 P69 Q319239 +Q152293 P102 Q79854 +Q74875 P106 Q1622272 +Q709640 P106 Q177220 +Q215497 P27 Q30 +Q708963 P264 Q126399 +Q178700 P161 Q106482 +Q437351 P451 Q348603 +Q213553 P463 Q463303 +Q325449 P106 Q11338576 +Q76534 P106 Q6625963 +Q240371 P106 Q33999 +Q308681 P840 Q212 +Q916 P463 Q7825 +Q366700 P1303 Q46185 +Q275170 P106 Q639669 +Q984369 P106 Q188094 +Q189889 P136 Q842256 +Q448704 P27 Q30 +Q76501 P1412 Q188 +Q4527494 P69 Q1379834 +Q236340 P136 Q131578 +Q47122 P19 Q2807 +Q221202 P161 Q103578 +Q333411 P106 Q2516866 +Q237196 P1412 Q1860 +Q672443 P161 Q236708 +Q333014 P106 Q639669 +Q237518 P136 Q482 +Q102289 P106 Q1622272 +Q8446 P106 Q36834 +Q162225 P136 Q2484376 +Q6078 P172 Q49085 +Q452116 P27 Q30 +Q31 P530 Q38 +Q124735 P1412 Q1860 +Q535157 P106 Q81096 +Q156942 P463 Q2822396 +Q193478 P17 Q12560 +Q196287 P463 Q270794 +Q62664 P463 Q1017002 +Q233541 P19 Q1345 +Q76152 P106 Q36180 +Q154353 P1412 Q7026 +Q241646 P140 Q7066 +Q288098 P136 Q959790 +Q113830 P106 Q201788 +Q853095 P106 Q205375 +Q1124 P106 Q18814623 +Q353774 P101 Q35760 +Q463639 P27 Q30 +Q427167 P463 Q812155 +Q101727 P106 Q765778 +Q1349501 P106 Q13590141 +Q159808 P495 Q142 +Q158759 P161 Q223786 +Q86419 P20 Q1741 +Q2516 P106 Q188094 +Q705653 P1303 Q17172850 +Q216221 P106 Q2059704 +Q157282 P463 Q265058 +Q75381 P1412 Q188 +Q381726 P106 Q36834 +Q362824 P69 Q797078 +Q813 P530 Q159 +Q121926 P69 Q273626 +Q150471 P106 Q18939491 +Q167997 P509 Q12204 +Q332368 P161 Q308792 +Q135640 P27 Q142 +Q453390 P101 Q207628 +Q270351 P161 Q129817 +Q131074 P161 Q42204 +Q57289 P27 Q191 +Q187019 P551 Q25395 +Q976417 P551 Q16567 +Q31637 P101 Q590870 +Q362500 P106 Q10798782 +Q96 P530 Q739 +Q70690 P20 Q6837 +Q229050 P106 Q10798782 +Q229560 P106 Q33999 +Q123238 P106 Q1734662 +Q14100 P26 Q17455 +Q59972 P106 Q3282637 +Q148204 P161 Q1225141 +Q311244 P136 Q11401 +Q57629 P101 Q482 +Q68654 P1412 Q188 +Q236475 P551 Q65 +Q102483 P136 Q182357 +Q49847 P106 Q2526255 +Q32849 P106 Q33999 +Q55411 P106 Q2526255 +Q67385 P27 Q7318 +Q1356368 P69 Q332342 +Q712086 P27 Q174193 +Q62052 P1412 Q188 +Q443292 P106 Q2252262 +Q114572 P106 Q1622272 +Q14278 P463 Q329464 +Q101326 P463 Q543804 +Q255967 P27 Q34 +Q130952 P136 Q2143665 +Q731108 P119 Q608405 +Q288588 P106 Q2405480 +Q229251 P1303 Q17172850 +Q59945 P20 Q78 +Q76593 P106 Q1622272 +Q258 P530 Q1020 +Q901134 P106 Q13582652 +Q58057 P106 Q49757 +Q709594 P19 Q3141 +Q164396 P463 Q253439 +Q217010 P161 Q236463 +Q435780 P106 Q855091 +Q59346 P136 Q319221 +Q434312 P40 Q310930 +Q573584 P106 Q2599593 +Q340046 P106 Q864380 +Q168468 P106 Q864380 +Q704682 P19 Q216 +Q79031 P1412 Q1860 +Q399 P530 Q1246 +Q62845 P106 Q10800557 +Q452219 P106 Q1234713 +Q77777 P20 Q1726 +Q51511 P20 Q172 +Q313758 P463 Q463303 +Q2890097 P27 Q801 +Q392654 P1412 Q1860 +Q1305608 P1412 Q1860 +Q24632 P106 Q2259451 +Q927771 P1412 Q1860 +Q32849 P106 Q578109 +Q180252 P106 Q10800557 +Q145 P530 Q902 +Q8704 P551 Q65 +Q983167 P69 Q144488 +Q230383 P19 Q4093 +Q588591 P106 Q183945 +Q601307 P463 Q463303 +Q1345210 P27 Q45 +Q190148 P1412 Q652 +Q213844 P69 Q599316 +Q213642 P106 Q1792450 +Q171669 P161 Q190998 +Q259055 P106 Q488205 +Q553543 P106 Q177220 +Q313875 P106 Q639669 +Q607464 P106 Q1930187 +Q287329 P106 Q4610556 +Q12706 P551 Q656 +Q291693 P106 Q10798782 +Q69837 P27 Q183 +Q522739 P20 Q23768 +Q236960 P136 Q11366 +Q651763 P69 Q1394262 +Q714167 P106 Q28389 +Q457739 P1412 Q8641 +Q77006 P27 Q183 +Q933332 P106 Q36180 +Q854 P463 Q842490 +Q148 P530 Q184 +Q251144 P69 Q13371 +Q78525 P119 Q39 +Q9438 P101 Q5891 +Q175142 P106 Q18581305 +Q23530 P106 Q33231 +Q72538 P108 Q40025 +Q358345 P136 Q188473 +Q441528 P102 Q29468 +Q106057 P106 Q10800557 +Q381884 P106 Q33999 +Q408 P530 Q213 +Q657 P463 Q7159 +Q5878 P135 Q147516 +Q280724 P106 Q488205 +Q132616 P27 Q145 +Q1242553 P264 Q183387 +Q76334 P106 Q43845 +Q17889 P69 Q49112 +Q181069 P161 Q441685 +Q697203 P161 Q203840 +Q238941 P136 Q213121 +Q296028 P106 Q10800557 +Q62766 P1412 Q1860 +Q700018 P19 Q193478 +Q536301 P106 Q188094 +Q1432130 P106 Q81096 +Q1029 P30 Q15 +Q316427 P106 Q1622272 +Q310551 P27 Q30 +Q315417 P106 Q183945 +Q252142 P463 Q265058 +Q228739 P106 Q10800557 +Q506582 P106 Q6625963 +Q309555 P551 Q18419 +Q42544 P106 Q193391 +Q195402 P161 Q211111 +Q76876 P69 Q55044 +Q102336 P106 Q82955 +Q984115 P264 Q2338889 +Q4612 P108 Q658626 +Q438164 P737 Q234721 +Q330238 P1412 Q652 +Q78739 P27 Q40 +Q33 P463 Q458 +Q238557 P106 Q18939491 +Q123413 P20 Q807 +Q2632 P106 Q855091 +Q234980 P20 Q656 +Q1254522 P17 Q30 +Q126164 P106 Q33999 +Q55438 P106 Q36180 +Q334 P530 Q801 +Q443403 P136 Q8261 +Q233817 P1303 Q17172850 +Q57285 P27 Q183 +Q93817 P172 Q1026 +Q1253366 P136 Q157394 +Q275875 P106 Q12406482 +Q289212 P136 Q850412 +Q151917 P19 Q28848 +Q253757 P106 Q2865819 +Q20887 P106 Q860918 +Q43303 P106 Q82955 +Q190231 P27 Q30 +Q60131 P20 Q1726 +Q727416 P136 Q35760 +Q239214 P106 Q486748 +Q433060 P1303 Q5994 +Q977488 P27 Q30 +Q96114 P106 Q2306091 +Q70764 P119 Q64 +Q1573501 P102 Q29468 +Q438329 P69 Q49114 +Q1166988 P106 Q639669 +Q293149 P136 Q83440 +Q436394 P106 Q1930187 +Q3186620 P1412 Q1321 +Q2632 P361 Q1299 +Q183 P530 Q948 +Q783 P530 Q159 +Q156749 P106 Q520549 +Q1067043 P136 Q164444 +Q193478 P17 Q131964 +Q51566 P108 Q49210 +Q42198 P840 Q65 +Q188426 P463 Q332399 +Q3091395 P106 Q81096 +Q239296 P495 Q28 +Q470233 P136 Q20378 +Q292973 P1412 Q1860 +Q737463 P106 Q193391 +Q280400 P57 Q26806 +Q215026 P106 Q2405480 +Q801 P530 Q739 +Q332330 P161 Q94007 +Q323175 P27 Q142 +Q300566 P495 Q30 +Q47899 P27 Q30 +Q1364884 P69 Q245247 +Q843 P37 Q1617 +Q389511 P495 Q38 +Q315188 P106 Q12144794 +Q60045 P19 Q2119 +Q123516 P1412 Q1321 +Q74289 P1412 Q188 +Q436719 P69 Q192088 +Q83396 P106 Q16323111 +Q184750 P1412 Q9063 +Q240233 P172 Q49085 +Q4247 P108 Q503473 +Q76346 P1412 Q188 +Q443120 P106 Q10800557 +Q47159 P106 Q33999 +Q81752 P136 Q9734 +Q121694 P19 Q64 +Q84153 P106 Q1930187 +Q1536003 P17 Q55 +Q47426 P463 Q688638 +Q61629 P463 Q459620 +Q122163 P463 Q812155 +Q264748 P69 Q230492 +Q185048 P136 Q52162262 +Q63458 P27 Q183 +Q236351 P264 Q193023 +Q704931 P106 Q49757 +Q87302 P106 Q82955 +Q232079 P495 Q30 +Q364864 P106 Q1075651 +Q34286 P106 Q169470 +Q270869 P264 Q183387 +Q216692 P106 Q214917 +Q448910 P106 Q578109 +Q139223 P106 Q639669 +Q83656 P161 Q223281 +Q51510 P106 Q2707485 +Q262446 P106 Q753110 +Q190772 P463 Q191583 +Q380865 P140 Q33203 +Q239501 P106 Q6625963 +Q55630 P17 Q403 +Q428489 P840 Q60 +Q65600 P19 Q1718 +Q202859 P106 Q10800557 +Q157313 P106 Q36180 +Q313833 P1412 Q7918 +Q33760 P1050 Q2840 +Q287449 P106 Q10798782 +Q77 P361 Q18 +Q151509 P40 Q2460829 +Q55421 P106 Q2526255 +Q57063 P27 Q183 +Q238751 P119 Q288130 +Q189164 P119 Q208175 +Q45789 P69 Q1145306 +Q5496982 P106 Q1569495 +Q155871 P119 Q2066 +Q236596 P27 Q174193 +Q633 P1303 Q8355 +Q289204 P161 Q312081 +Q307463 P3373 Q2460829 +Q114405 P737 Q203643 +Q70263 P106 Q82955 +Q159636 P106 Q593644 +Q153996 P551 Q1055 +Q547414 P20 Q462799 +Q182944 P136 Q859369 +Q345325 P106 Q2405480 +Q314877 P264 Q190585 +Q84698 P463 Q939743 +Q55836 P69 Q27621 +Q87542 P1412 Q188 +Q46405 P27 Q20 +Q53680 P106 Q2405480 +Q188857 P19 Q90 +Q68815 P106 Q36180 +Q131864 P161 Q320204 +Q123368 P106 Q33231 +Q211 P530 Q230 +Q392677 P161 Q234141 +Q138166 P106 Q214917 +Q117021 P106 Q2374149 +Q76440 P106 Q1930187 +Q739 P530 Q159 +Q358387 P106 Q185351 +Q916 P530 Q15180 +Q876706 P27 Q131964 +Q505476 P136 Q851213 +Q230456 P108 Q668 +Q766 P530 Q717 +Q96452 P106 Q16145150 +Q96290 P102 Q49764 +Q60070 P69 Q153978 +Q76532 P19 Q18419 +Q23481 P106 Q214917 +Q733720 P108 Q193727 +Q652815 P106 Q36180 +Q180619 P69 Q503424 +Q135156 P161 Q290094 +Q7314 P69 Q27621 +Q159638 P136 Q2484376 +Q445115 P27 Q30 +Q333411 P106 Q201788 +Q294531 P1303 Q17172850 +Q160946 P161 Q78924 +Q363763 P106 Q205375 +Q867852 P106 Q23833535 +Q229669 P106 Q10800557 +Q231276 P106 Q36834 +Q288098 P161 Q266694 +Q185776 P840 Q65 +Q181069 P136 Q188473 +Q17457 P106 Q170790 +Q49003 P161 Q464320 +Q310389 P1412 Q1860 +Q161933 P106 Q214917 +Q44032 P20 Q1741 +Q1224 P27 Q38 +Q334396 P106 Q36180 +Q66264 P1412 Q188 +Q346374 P264 Q726251 +Q256531 P106 Q33999 +Q204398 P840 Q84 +Q187516 P69 Q761534 +Q58760 P106 Q15981151 +Q724343 P19 Q649 +Q660237 P161 Q472504 +Q128746 P106 Q486748 +Q256750 P1303 Q17172850 +Q241115 P106 Q4610556 +Q273315 P106 Q639669 +Q234595 P106 Q10800557 +Q1558793 P463 Q543804 +Q60815 P108 Q49088 +Q219776 P136 Q2973181 +Q163038 P136 Q2484376 +Q408 P463 Q1072120 +Q90217 P136 Q35760 +Q53719 P161 Q2680 +Q337747 P161 Q296028 +Q276198 P101 Q207628 +Q216582 P106 Q5322166 +Q26265 P161 Q131380 +Q1585964 P69 Q174158 +Q438271 P106 Q4610556 +Q236161 P106 Q33231 +Q216041 P108 Q230492 +Q470758 P106 Q36180 +Q192668 P106 Q36180 +Q72334 P106 Q6625963 +Q309989 P136 Q21590660 +Q366091 P106 Q333634 +Q63338 P20 Q1022 +Q216457 P27 Q30 +Q158753 P264 Q21077 +Q193278 P509 Q12152 +Q458390 P108 Q13371 +Q79969 P106 Q11499147 +Q551015 P106 Q49757 +Q185724 P27 Q16 +Q83501 P463 Q83172 +Q664 P463 Q656801 +Q8704 P136 Q1361932 +Q106255 P27 Q142 +Q183 P530 Q889 +Q243027 P136 Q24925 +Q66097 P106 Q10800557 +Q74513 P136 Q268253 +Q390063 P161 Q295974 +Q51101 P451 Q238819 +Q34086 P737 Q2831 +Q80204 P136 Q130232 +Q61412 P119 Q533697 +Q342430 P27 Q145 +Q155079 P136 Q316930 +Q558615 P106 Q333634 +Q264783 P1412 Q1860 +Q12560 P30 Q48 +Q460088 P19 Q956 +Q254341 P106 Q2259451 +Q432281 P69 Q49115 +Q57956 P106 Q82955 +Q82426 P161 Q229268 +Q206112 P264 Q885833 +Q50020 P27 Q174193 +Q1014 P530 Q668 +Q116022 P106 Q333634 +Q274143 P140 Q9592 +Q706889 P106 Q36180 +Q182991 P264 Q203059 +Q896660 P108 Q189441 +Q373267 P161 Q165911 +Q165706 P463 Q414110 +Q313044 P106 Q3282637 +Q805 P530 Q846 +Q220980 P106 Q36180 +Q91417 P106 Q164236 +Q1396681 P1303 Q17172850 +Q191027 P69 Q7060402 +Q233848 P551 Q65 +Q44767 P27 Q30 +Q1974190 P106 Q36834 +Q12817 P1412 Q188 +Q24367 P27 Q183 +Q43718 P106 Q214917 +Q78107 P69 Q153987 +Q78514 P27 Q28513 +Q63441 P108 Q32120 +Q735399 P1412 Q256 +Q184906 P27 Q12560 +Q323117 P106 Q639669 +Q3903340 P27 Q172579 +Q160422 P106 Q627325 +Q354519 P172 Q49085 +Q37103 P20 Q84 +Q231886 P119 Q5933 +Q346091 P1412 Q150 +Q524236 P20 Q43668 +Q228739 P106 Q2405480 +Q42051 P136 Q188473 +Q254675 P106 Q33999 +Q206336 P161 Q176277 +Q320423 P161 Q335376 +Q1354583 P27 Q34 +Q467423 P1412 Q1860 +Q166031 P161 Q220698 +Q220396 P27 Q30 +Q369957 P106 Q1930187 +Q6530 P551 Q31487 +Q230710 P19 Q2634 +Q464218 P106 Q639669 +Q916675 P27 Q183 +Q104340 P106 Q33231 +Q232837 P106 Q36180 +Q36843 P1412 Q188 +Q164721 P19 Q64 +Q233581 P27 Q15180 +Q1327115 P1303 Q46185 +Q159227 P69 Q859363 +Q192301 P495 Q30 +Q962971 P27 Q35 +Q559771 P102 Q537303 +Q189889 P161 Q449679 +Q3490296 P106 Q81096 +Q77688 P106 Q1622272 +Q184565 P106 Q36834 +Q183105 P27 Q145 +Q34286 P106 Q43845 +Q319799 P1412 Q1860 +Q2577771 P108 Q13371 +Q66127 P20 Q1711 +Q103357 P1412 Q188 +Q117194 P106 Q8246794 +Q215339 P106 Q13424456 +Q276407 P136 Q200092 +Q948 P530 Q30 +Q70049 P19 Q1729 +Q479052 P106 Q43845 +Q1153913 P136 Q1641839 +Q309709 P135 Q8361 +Q535924 P101 Q41217 +Q542217 P106 Q6625963 +Q526406 P20 Q11299 +Q350362 P264 Q277626 +Q561458 P108 Q49115 +Q323707 P106 Q188094 +Q183081 P57 Q13595311 +Q516473 P106 Q2516866 +Q836 P530 Q408 +Q65504 P20 Q78 +Q214310 P101 Q5891 +Q170509 P106 Q214917 +Q221384 P495 Q30 +Q229671 P551 Q30 +Q41076 P106 Q3922505 +Q366624 P106 Q1622272 +Q213880 P551 Q2773 +Q92871 P1412 Q1860 +Q104127 P27 Q30 +Q55963 P1412 Q150 +Q200639 P106 Q1930187 +Q7345 P27 Q30 +Q1367152 P106 Q639669 +Q67529 P106 Q82955 +Q630446 P737 Q79904 +Q361670 P509 Q181754 +Q104183 P106 Q18814623 +Q865 P530 Q1032 +Q11459 P106 Q5322166 +Q443199 P136 Q134307 +Q445985 P27 Q142 +Q60068 P106 Q10800557 +Q95356 P1412 Q188 +Q1232924 P1303 Q17172850 +Q715195 P106 Q4964182 +Q701802 P106 Q1930187 +Q111121 P106 Q82955 +Q261588 P641 Q31920 +Q600488 P161 Q228852 +Q34975 P1412 Q1860 +Q192073 P161 Q201418 +Q165699 P495 Q34 +Q33760 P106 Q11774202 +Q310932 P27 Q145 +Q18404 P1412 Q143 +Q1028715 P1412 Q1860 +Q190628 P69 Q49112 +Q531247 P106 Q33999 +Q157400 P106 Q36180 +Q379877 P161 Q342788 +Q167475 P108 Q909176 +Q349312 P106 Q10798782 +Q300479 P106 Q177220 +Q60025 P737 Q6512 +Q148204 P161 Q174843 +Q230958 P119 Q1437214 +Q703091 P69 Q854280 +Q160783 P101 Q184485 +Q99279 P19 Q1726 +Q384387 P106 Q81096 +Q106529 P737 Q36268 +Q434502 P106 Q10800557 +Q28 P530 Q736 +Q801 P530 Q1020 +Q640096 P106 Q36180 +Q311769 P106 Q10798782 +Q43408 P495 Q30 +Q75603 P106 Q193391 +Q208869 P108 Q762266 +Q490 P17 Q165154 +Q1077546 P106 Q177220 +Q540787 P106 Q6625963 +Q142768 P106 Q82955 +Q251865 P1412 Q1860 +Q181667 P1412 Q1860 +Q451180 P69 Q4948174 +Q398 P530 Q183 +Q47296 P136 Q52207399 +Q239195 P136 Q37073 +Q286339 P136 Q9759 +Q262396 P106 Q4610556 +Q761176 P106 Q1397808 +Q93443 P161 Q207458 +Q237324 P101 Q207628 +Q347539 P106 Q182436 +Q232945 P106 Q10800557 +Q339876 P136 Q1200678 +Q1779 P106 Q806349 +Q450714 P106 Q10800557 +Q725933 P69 Q3890936 +Q186326 P1412 Q5287 +Q193300 P106 Q3282637 +Q231479 P106 Q488205 +Q356965 P136 Q676 +Q181799 P69 Q1185037 +Q260918 P69 Q49117 +Q15257 P106 Q19831149 +Q239501 P106 Q36180 +Q49004 P1303 Q17172850 +Q320895 P1303 Q6607 +Q78487 P106 Q11774202 +Q967 P530 Q423 +Q3322718 P69 Q9219 +Q229018 P1412 Q1860 +Q2061964 P102 Q29552 +Q58592 P1412 Q1321 +Q310729 P136 Q1054574 +Q552770 P106 Q36834 +Q314535 P106 Q177220 +Q66774 P1412 Q188 +Q451630 P161 Q223110 +Q66545534 P495 Q17 +Q96334 P108 Q55044 +Q350405 P106 Q2526255 +Q194280 P106 Q512314 +Q328892 P1412 Q1860 +Q363867 P106 Q486748 +Q304074 P161 Q211322 +Q239331 P106 Q10798782 +Q232047 P106 Q2259451 +Q260548 P495 Q30 +Q135139 P19 Q727 +Q14536 P106 Q10798782 +Q363271 P106 Q2259451 +Q104358 P106 Q33999 +Q183 P530 Q796 +Q1928543 P27 Q30 +Q109496 P106 Q36180 +Q235252 P1303 Q17172850 +Q313578 P1303 Q17172850 +Q231270 P1412 Q1860 +Q228936 P161 Q188955 +Q316086 P1412 Q7737 +Q76589 P27 Q183 +Q3123761 P106 Q81096 +Q72090 P495 Q20 +Q436131 P106 Q36180 +Q93562 P106 Q169470 +Q363383 P19 Q60 +Q35686 P1412 Q1860 +Q78505 P509 Q12202 +Q511124 P106 Q205375 +Q204586 P1303 Q302497 +Q498390 P27 Q145 +Q236189 P27 Q30 +Q361683 P106 Q183945 +Q304675 P1303 Q320002 +Q44648 P136 Q9759 +Q523589 P106 Q855091 +Q182031 P106 Q1622272 +Q13888 P106 Q36180 +Q104177 P69 Q153987 +Q327681 P161 Q312337 +Q352185 P20 Q5083 +Q400729 P106 Q17351648 +Q125042 P1412 Q9056 +Q581018 P106 Q4263842 +Q96452 P106 Q14915627 +Q222832 P106 Q488111 +Q65783 P106 Q49757 +Q542307 P106 Q4263842 +Q67438 P1303 Q17172850 +Q948808 P27 Q30 +Q365042 P106 Q28389 +Q270937 P136 Q37073 +Q231608 P19 Q1492 +Q309589 P106 Q11900058 +Q1007 P530 Q423 +Q34211 P140 Q432 +Q1882498 P106 Q639669 +Q44086 P27 Q43287 +Q30893 P106 Q3282637 +Q278550 P161 Q40143 +Q192073 P136 Q130232 +Q15489989 P551 Q23197 +Q173481 P106 Q4964182 +Q685 P463 Q656801 +Q235002 P69 Q7894738 +Q240370 P26 Q266694 +Q329448 P495 Q30 +Q93343 P737 Q159481 +Q544485 P1412 Q1860 +Q439283 P20 Q84 +Q108617 P106 Q10800557 +Q238941 P106 Q36834 +Q214549 P69 Q273523 +Q2628 P69 Q1190355 +Q38 P530 Q145 +Q1077554 P19 Q30 +Q157326 P27 Q29 +Q154756 P140 Q7066 +Q566200 P1412 Q188 +Q235305 P106 Q36180 +Q460071 P106 Q177220 +Q350601 P106 Q10798782 +Q3709961 P1412 Q1860 +Q650640 P20 Q90 +Q324129 P27 Q191077 +Q710626 P19 Q100 +Q100937 P1412 Q1860 +Q556544 P27 Q30 +Q313874 P136 Q2421031 +Q177311 P106 Q10798782 +Q374362 P106 Q49757 +Q87375 P1412 Q188 +Q536371 P509 Q18554460 +Q12807 P737 Q9312 +Q438635 P136 Q187760 +Q360046 P19 Q18125 +Q5928 P136 Q193355 +Q441414 P108 Q126399 +Q232810 P1412 Q1860 +Q289204 P161 Q186327 +Q162518 P136 Q130232 +Q2496057 P20 Q2280 +Q832085 P119 Q831322 +Q1378199 P20 Q846421 +Q434913 P264 Q216364 +Q104067 P19 Q60 +Q453351 P106 Q82955 +Q213547 P106 Q214917 +Q361004 P463 Q161806 +Q236987 P106 Q177220 +Q43203 P19 Q62 +Q447121 P119 Q996499 +Q2754 P106 Q482980 +Q224029 P1412 Q150 +Q269402 P19 Q1757 +Q156214 P27 Q142 +Q44736 P27 Q183 +Q95050 P106 Q4610556 +Q166262 P136 Q19367312 +Q232009 P161 Q343463 +Q720722 P264 Q202440 +Q54828 P106 Q18844224 +Q30 P530 Q35 +Q203223 P1303 Q17172850 +Q43 P530 Q794 +Q169564 P161 Q223110 +Q241392 P69 Q179036 +Q194413 P840 Q17 +Q75789 P26 Q1511 +Q234773 P26 Q303 +Q924232 P106 Q639669 +Q108560 P1303 Q80284 +Q46636 P106 Q82955 +Q444885 P20 Q18575 +Q188386 P27 Q801 +Q742396 P1303 Q27939 +Q1911321 P106 Q482980 +Q225 P463 Q1065 +Q4295 P106 Q4964182 +Q40909 P106 Q18814623 +Q189 P463 Q233611 +Q439198 P106 Q177220 +Q90009 P108 Q616591 +Q1005 P463 Q17495 +Q350405 P19 Q1345 +Q77350 P106 Q36180 +Q164069 P106 Q483501 +Q71404 P106 Q1622272 +Q783 P463 Q7825 +Q634100 P106 Q1930187 +Q77020 P108 Q55044 +Q353007 P106 Q43845 +Q69773 P1412 Q188 +Q43203 P106 Q948329 +Q268131 P106 Q2526255 +Q366217 P27 Q218 +Q268084 P27 Q30 +Q152929 P106 Q639669 +Q724276 P106 Q2526255 +Q62437 P106 Q183945 +Q76576 P1412 Q188 +Q291693 P27 Q142 +Q354031 P106 Q3282637 +Q253395 P106 Q28389 +Q32595 P136 Q235858 +Q159475 P106 Q2722764 +Q124094 P108 Q55044 +Q318412 P106 Q6625963 +Q79078 P463 Q299015 +Q3920109 P27 Q172107 +Q3849085 P106 Q81096 +Q191 P463 Q376150 +Q189080 P1303 Q17172850 +Q350362 P1412 Q1860 +Q949 P69 Q21578 +Q714845 P106 Q177220 +Q233385 P1412 Q9176 +Q180589 P19 Q60 +Q266816 P136 Q8261 +Q162458 P495 Q183 +Q600344 P740 Q172 +Q317122 P106 Q4351403 +Q110126 P20 Q406 +Q34286 P69 Q160302 +Q236987 P19 Q2135 +Q360507 P106 Q487596 +Q666875 P27 Q33946 +Q168821 P161 Q223117 +Q850746 P69 Q274486 +Q616021 P1412 Q150 +Q329709 P161 Q267803 +Q375845 P106 Q28389 +Q77825 P108 Q154804 +Q57358 P106 Q1622272 +Q116553 P106 Q2095549 +Q118936 P106 Q214917 +Q101915 P20 Q1709 +Q371403 P172 Q42884 +Q738765 P106 Q333634 +Q269683 P27 Q16 +Q1770797 P106 Q1930187 +Q159582 P27 Q15180 +Q43144 P106 Q2986228 +Q80596 P106 Q214917 +Q285116 P106 Q128124 +Q114605 P106 Q36180 +Q92183 P1412 Q188 +Q166272 P106 Q2259451 +Q69397 P106 Q1622272 +Q170842 P463 Q83172 +Q334825 P106 Q3282637 +Q39658 P463 Q684415 +Q131660 P106 Q82955 +Q240713 P495 Q183 +Q681465 P1303 Q1444 +Q520001 P106 Q33999 +Q216341 P106 Q177220 +Q286777 P108 Q797078 +Q266425 P119 Q1437214 +Q84482 P108 Q165980 +Q553959 P106 Q36834 +Q274936 P106 Q36180 +Q275003 P27 Q142 +Q4617 P27 Q30 +Q108206 P140 Q106039 +Q4235 P136 Q11401 +Q342397 P19 Q1874 +Q1173676 P463 Q270794 +Q437616 P69 Q617433 +Q709 P463 Q376150 +Q68468 P20 Q64 +Q165637 P1303 Q17172850 +Q370293 P106 Q36834 +Q96811 P106 Q4964182 +Q234144 P106 Q10798782 +Q62906 P108 Q37156 +Q1392694 P106 Q15895020 +Q234865 P106 Q33999 +Q332640 P106 Q40348 +Q86093 P1412 Q188 +Q49347 P463 Q466089 +Q248562 P161 Q356109 +Q456235 P106 Q1930187 +Q97383 P106 Q13570226 +Q161400 P495 Q16 +Q155559 P161 Q109522 +Q451180 P106 Q639669 +Q191755 P69 Q797078 +Q710466 P1412 Q150 +Q67494 P19 Q2861 +Q230378 P106 Q2405480 +Q64151 P161 Q211082 +Q337747 P136 Q200092 +Q1173086 P1303 Q31561 +Q156394 P161 Q170574 +Q324157 P27 Q28513 +Q102235 P161 Q19190 +Q121456 P27 Q38 +Q304030 P161 Q306403 +Q137042 P509 Q12078 +Q271471 P20 Q65 +Q165817 P161 Q175535 +Q57614 P641 Q31920 +Q331896 P172 Q179248 +Q4894155 P27 Q29 +Q157313 P463 Q2166029 +Q114572 P108 Q871369 +Q229056 P106 Q3282637 +Q342580 P1412 Q9083 +Q187765 P106 Q11774202 +Q363698 P106 Q822146 +Q158759 P161 Q63187 +Q91823 P108 Q51985 +Q92644 P27 Q30 +Q285543 P27 Q38 +Q296313 P119 Q1514332 +Q3132658 P27 Q668 +Q241482 P136 Q860626 +Q1176607 P264 Q1392321 +Q221074 P106 Q36180 +Q151972 P27 Q30 +Q2233935 P1412 Q387066 +Q388950 P161 Q229957 +Q556765 P1303 Q17172850 +Q28 P530 Q230 +Q268181 P737 Q481871 +Q506900 P106 Q639669 +Q876706 P119 Q746647 +Q223559 P136 Q130232 +Q70523 P106 Q1622272 +Q983 P463 Q3348506 +Q274252 P101 Q413 +Q69837 P106 Q177220 +Q552819 P106 Q177220 +Q32 P463 Q826700 +Q145 P463 Q19771 +Q104256 P140 Q75809 +Q222965 P161 Q232562 +Q6078 P1303 Q320002 +Q160163 P27 Q30 +Q30931 P136 Q319221 +Q206235 P106 Q10800557 +Q190884 P102 Q79854 +Q164384 P463 Q188771 +Q90217 P106 Q2526255 +Q216409 P27 Q30 +Q213547 P106 Q49757 +Q434185 P172 Q7325 +Q550395 P106 Q10800557 +Q1744 P106 Q36180 +Q27 P530 Q28 +Q14278 P737 Q14277 +Q229545 P106 Q177220 +Q40531 P106 Q10798782 +Q189454 P20 Q84 +Q42930 P102 Q29552 +Q202420 P140 Q7066 +Q1930839 P1303 Q8371 +Q9353 P27 Q179876 +Q95994 P1412 Q188 +Q1032998 P69 Q49114 +Q704355 P119 Q216344 +Q8605 P27 Q29 +Q68751 P106 Q36180 +Q507940 P19 Q19660 +Q837 P530 Q183 +Q164487 P27 Q30 +Q183848 P509 Q389735 +Q168542 P1412 Q188 +Q42448 P17 Q145 +Q1262590 P19 Q8678 +Q26372 P106 Q10800557 +Q225933 P106 Q2405480 +Q160902 P106 Q37226 +Q1242 P140 Q9592 +Q459969 P106 Q639669 +Q30 P463 Q827525 +Q332032 P136 Q1133657 +Q101170 P106 Q333634 +Q147243 P172 Q84072 +Q233817 P106 Q486748 +Q454692 P264 Q772494 +Q464246 P106 Q2259451 +Q191598 P27 Q34266 +Q557930 P20 Q90 +Q104358 P106 Q36834 +Q986 P463 Q7809 +Q574 P463 Q7809 +Q220210 P27 Q30 +Q280724 P27 Q30 +Q1203 P136 Q217467 +Q313559 P1303 Q6607 +Q131333 P737 Q9711 +Q303918 P106 Q662729 +Q331425 P136 Q482 +Q202550 P69 Q174710 +Q222071 P106 Q488205 +Q504753 P19 Q64 +Q11826 P101 Q23404 +Q58125755 P19 Q1490 +Q60579 P106 Q81096 +Q336222 P136 Q45981 +Q178106 P106 Q39631 +Q353442 P463 Q329464 +Q488099 P1412 Q7737 +Q551543 P27 Q142 +Q187324 P1412 Q1860 +Q1178 P20 Q90 +Q28 P530 Q96 +Q541964 P106 Q520549 +Q505946 P19 Q60 +Q408 P530 Q916 +Q172261 P27 Q30 +Q14747 P27 Q29 +Q5816 P26 Q236017 +Q58077 P551 Q1899 +Q975210 P108 Q49108 +Q531913 P27 Q30 +Q220299 P136 Q52162262 +Q320423 P840 Q3820 +Q464277 P106 Q753110 +Q286022 P136 Q850412 +Q78782 P172 Q50001 +Q230420 P106 Q10798782 +Q155775 P106 Q10798782 +Q303391 P161 Q233837 +Q323771 P161 Q312337 +Q311750 P106 Q10798782 +Q363079 P463 Q463303 +Q536723 P172 Q7325 +Q178348 P106 Q10798782 +Q223596 P840 Q414 +Q354603 P27 Q30 +Q207506 P69 Q219563 +Q60487 P161 Q60802 +Q127959 P463 Q83172 +Q171669 P840 Q824 +Q47478 P19 Q1348 +Q1453045 P1303 Q17172850 +Q4145 P106 Q10800557 +Q382676 P1303 Q46185 +Q379684 P106 Q49757 +Q1544666 P106 Q130857 +Q297442 P106 Q10798782 +Q448776 P106 Q6625963 +Q429963 P106 Q28389 +Q233541 P106 Q486748 +Q282372 P136 Q4984974 +Q271967 P106 Q36180 +Q1277063 P264 Q557632 +Q202449 P106 Q2405480 +Q48868 P69 Q49117 +Q664 P530 Q408 +Q314640 P19 Q484678 +Q2157440 P69 Q49108 +Q310934 P27 Q145 +Q1394 P106 Q4964182 +Q79178 P19 Q1741 +Q266361 P106 Q177220 +Q928 P463 Q7768 +Q84 P131 Q21 +Q283408 P106 Q28389 +Q80959 P161 Q175535 +Q1371735 P136 Q11399 +Q27684 P106 Q18805 +Q1253366 P161 Q314133 +Q296177 P106 Q33999 +Q297552 P106 Q33999 +Q1976514 P106 Q483501 +Q282877 P106 Q753110 +Q151972 P264 Q183387 +Q435060 P641 Q80131 +Q1151 P106 Q36180 +Q34660 P1412 Q1860 +Q138084 P161 Q362616 +Q153723 P161 Q185724 +Q118936 P106 Q49757 +Q322549 P108 Q309331 +Q180279 P495 Q183 +Q879093 P509 Q333495 +Q47484 P106 Q18814623 +Q57139 P106 Q14915627 +Q110436 P19 Q172 +Q163159 P463 Q337543 +Q971735 P106 Q1930187 +Q212333 P161 Q463407 +Q203560 P136 Q604725 +Q73959 P106 Q16533 +Q155928 P509 Q14467705 +Q66023 P140 Q75809 +Q336517 P136 Q130232 +Q734564 P27 Q843 +Q45909 P551 Q60 +Q117970 P106 Q639669 +Q66649 P1412 Q397 +Q705400 P27 Q30 +Q270560 P1412 Q1860 +Q374507 P161 Q229487 +Q878 P530 Q668 +Q46139 P106 Q33999 +Q124183 P69 Q152087 +Q113928 P27 Q183 +Q1702399 P1303 Q17172850 +Q300300 P1303 Q17172850 +Q77876 P463 Q414110 +Q78716 P108 Q165980 +Q231841 P1412 Q1860 +Q312380 P69 Q981195 +Q984165 P108 Q375606 +Q152165 P27 Q145 +Q191598 P106 Q36180 +Q57434 P69 Q49115 +Q1226480 P106 Q488205 +Q46132 P264 Q1088453 +Q311145 P737 Q16867 +Q14441 P69 Q3072747 +Q83495 P136 Q471839 +Q435437 P106 Q13590141 +Q347 P530 Q458 +Q725964 P106 Q855091 +Q131674 P108 Q27621 +Q719360 P106 Q16323111 +Q234169 P106 Q488205 +Q888065 P27 Q30 +Q159638 P136 Q2137852 +Q712914 P106 Q855091 +Q1178789 P106 Q753110 +Q40580 P106 Q36834 +Q365484 P1412 Q1860 +Q669448 P1412 Q7737 +Q219640 P20 Q65 +Q128121 P136 Q9759 +Q449371 P106 Q488205 +Q72717 P1412 Q1860 +Q241665 P106 Q10800557 +Q218 P530 Q399 +Q188286 P106 Q49757 +Q255786 P20 Q34006 +Q314787 P106 Q16323111 +Q813 P463 Q1065 +Q545818 P106 Q1930187 +Q249235 P57 Q55294 +Q124697 P136 Q130232 +Q701802 P106 Q49757 +Q196560 P1412 Q1860 +Q367905 P106 Q2259451 +Q553959 P106 Q212238 +Q195949 P161 Q211987 +Q228598 P1412 Q1860 +Q85102 P69 Q599316 +Q200827 P136 Q20443008 +Q57337 P27 Q183 +Q111189 P69 Q174570 +Q375036 P20 Q1524 +Q262507 P27 Q30 +Q92743 P463 Q123885 +Q153484 P161 Q214223 +Q1731 P17 Q16957 +Q560847 P101 Q395 +Q113818 P1412 Q188 +Q373849 P161 Q39972 +Q258626 P27 Q36 +Q184500 P106 Q333634 +Q1384822 P106 Q639669 +Q108297 P161 Q162389 +Q356351 P27 Q38 +Q562641 P106 Q177220 +Q177311 P102 Q29552 +Q1772432 P1303 Q6607 +Q55163 P106 Q3282637 +Q188375 P106 Q2526255 +Q325396 P106 Q2405480 +Q976090 P106 Q177220 +Q25483 P106 Q82955 +Q273903 P106 Q155647 +Q782813 P20 Q60 +Q124834 P106 Q2259451 +Q317817 P509 Q12136 +Q318223 P106 Q753110 +Q1247078 P19 Q8652 +Q60788 P106 Q40348 +Q388319 P161 Q232945 +Q228787 P463 Q3308284 +Q302682 P136 Q959790 +Q741600 P19 Q23197 +Q313193 P69 Q501758 +Q561212 P106 Q40348 +Q3318964 P19 Q794 +Q373774 P136 Q1054574 +Q54945 P463 Q2370801 +Q428493 P106 Q33999 +Q136591 P740 Q16555 +Q327981 P106 Q82594 +Q846 P463 Q7809 +Q713301 P106 Q639669 +Q160560 P136 Q19367312 +Q299190 P106 Q10800557 +Q1046616 P106 Q855091 +Q217307 P161 Q233313 +Q75220 P20 Q64 +Q470193 P509 Q12192 +Q463765 P161 Q229254 +Q312870 P136 Q49451 +Q18233 P136 Q76092 +Q442031 P1412 Q150 +Q712139 P27 Q30 +Q728959 P19 Q1297 +Q161084 P102 Q157537 +Q310332 P106 Q753110 +Q34647 P17 Q258 +Q782020 P1412 Q652 +Q78830 P106 Q2055046 +Q380799 P737 Q2831 +Q1686156 P136 Q43343 +Q150662 P1412 Q150 +Q234096 P108 Q49210 +Q983167 P27 Q12560 +Q82049 P101 Q35277 +Q481477 P106 Q639669 +Q3301546 P69 Q273626 +Q43440 P106 Q36180 +Q223414 P106 Q333634 +Q316568 P20 Q60 +Q172678 P106 Q2405480 +Q112929 P106 Q18844224 +Q918647 P106 Q16145150 +Q110872 P106 Q82955 +Q60025 P737 Q61078 +Q145 P530 Q252 +Q371202 P264 Q654283 +Q161678 P161 Q296008 +Q432473 P140 Q5043 +Q79 P463 Q1065 +Q192682 P26 Q130742 +Q296928 P19 Q100 +Q204398 P840 Q64 +Q310060 P106 Q177220 +Q171235 P264 Q427326 +Q455951 P1412 Q1860 +Q181573 P119 Q208175 +Q228904 P106 Q10800557 +Q207951 P69 Q2994538 +Q317907 P551 Q649 +Q48990 P106 Q593644 +Q974238 P264 Q389284 +Q298255 P264 Q18628 +Q42493 P136 Q316930 +Q89516 P27 Q28513 +Q63834 P106 Q36180 +Q286339 P106 Q10798782 +Q423 P30 Q48 +Q214677 P27 Q30 +Q78473 P1412 Q188 +Q190944 P106 Q4964182 +Q734574 P106 Q639669 +Q526424 P106 Q3282637 +Q168724 P106 Q10798782 +Q296069 P106 Q6625963 +Q326571 P106 Q1930187 +Q209913 P161 Q313918 +Q108946 P161 Q361610 +Q216478 P19 Q546 +Q4590643 P106 Q43845 +Q554670 P136 Q187760 +Q448764 P27 Q174193 +Q96 P463 Q842490 +Q152857 P161 Q60996 +Q1109636 P509 Q9687 +Q159636 P1412 Q150 +Q682030 P495 Q16 +Q233 P463 Q5611262 +Q358322 P1412 Q1860 +Q1174771 P106 Q639669 +Q71416 P27 Q183 +Q65504 P106 Q876864 +Q918966 P27 Q145 +Q44426 P20 Q1726 +Q57289 P1412 Q1860 +Q725510 P27 Q145 +Q102225 P136 Q319221 +Q669448 P27 Q15180 +Q88015 P1303 Q17172850 +Q437970 P136 Q83440 +Q2793815 P106 Q43845 +Q25997 P106 Q4964182 +Q439812 P19 Q8684 +Q50599 P69 Q174710 +Q78037 P106 Q486748 +Q9049 P106 Q16287483 +Q152764 P1412 Q150 +Q208101 P108 Q739627 +Q189330 P161 Q275658 +Q216 P17 Q37 +Q51094 P106 Q49757 +Q24962 P27 Q145 +Q102788 P106 Q1622272 +Q171363 P27 Q35 +Q220698 P106 Q33999 +Q96 P463 Q3369762 +Q48074 P106 Q47064 +Q51525 P1412 Q9056 +Q203674 P106 Q14467526 +Q298908 P106 Q28389 +Q132351 P161 Q25144 +Q1627834 P106 Q36834 +Q449 P1412 Q150 +Q48990 P27 Q34266 +Q202792 P26 Q378672 +Q108460 P20 Q56037 +Q231228 P101 Q207628 +Q52937 P1412 Q188 +Q1138602 P2348 Q6939 +Q161363 P106 Q36180 +Q444857 P106 Q639669 +Q57063 P102 Q7320 +Q718368 P108 Q871369 +Q535355 P69 Q1377 +Q1065956 P106 Q36834 +Q338623 P27 Q15180 +Q313378 P264 Q183387 +Q16 P30 Q49 +Q442512 P106 Q36180 +Q220308 P106 Q3282637 +Q344822 P264 Q277626 +Q216924 P106 Q639669 +Q313594 P140 Q748 +Q53018 P1412 Q652 +Q152824 P106 Q28389 +Q336881 P27 Q145 +Q117644 P106 Q13590141 +Q47075 P840 Q812 +Q91371 P106 Q1930187 +Q142 P530 Q408 +Q224113 P27 Q30 +Q705022 P3373 Q448767 +Q300300 P27 Q30 +Q223193 P69 Q8008661 +Q7245 P1412 Q188 +Q229671 P106 Q43845 +Q445795 P495 Q183 +Q254510 P101 Q207628 +Q4039 P69 Q49088 +Q887948 P106 Q753110 +Q22670 P1412 Q188 +Q152176 P106 Q49757 +Q151946 P136 Q224700 +Q712820 P136 Q187760 +Q575886 P1412 Q7026 +Q1586454 P69 Q49115 +Q336222 P3373 Q44855 +Q349391 P106 Q10800557 +Q15800 P106 Q13418253 +Q313366 P106 Q2252262 +Q297384 P1412 Q1860 +Q276415 P495 Q30 +Q203840 P106 Q10798782 +Q169038 P108 Q31519 +Q463692 P19 Q25395 +Q333971 P161 Q4573 +Q112081 P27 Q40 +Q537222 P106 Q10800557 +Q1238235 P1303 Q17172850 +Q64915 P102 Q153401 +Q34020 P530 Q458 +Q42930 P69 Q1033692 +Q40523 P106 Q4610556 +Q1514 P1412 Q1860 +Q53939 P1412 Q652 +Q241800 P106 Q15077007 +Q270351 P136 Q19367312 +Q106555 P451 Q434060 +Q232009 P495 Q145 +Q55450 P27 Q172579 +Q42831 P1412 Q188 +Q324557 P840 Q65 +Q320014 P69 Q156598 +Q327981 P463 Q2739680 +Q275170 P106 Q36834 +Q958 P463 Q8475 +Q893785 P106 Q1930187 +Q84751 P108 Q31519 +Q1569251 P509 Q12152 +Q4149437 P106 Q901 +Q113626 P106 Q1930187 +Q1064 P551 Q490 +Q362332 P106 Q245068 +Q317441 P106 Q36834 +Q242418 P551 Q65 +Q71443 P20 Q64 +Q104266 P101 Q590870 +Q1195390 P136 Q373342 +Q455754 P1303 Q5994 +Q81145 P495 Q145 +Q1394 P737 Q9061 +Q310950 P551 Q584451 +Q44657 P106 Q4610556 +Q843 P530 Q252 +Q1031847 P1303 Q1343007 +Q91162 P106 Q1622272 +Q102905 P136 Q131539 +Q1246324 P106 Q43845 +Q82006 P106 Q36180 +Q286074 P106 Q13582652 +Q555226 P172 Q7325 +Q242351 P1412 Q7737 +Q206886 P840 Q100 +Q60677 P106 Q1326886 +Q62976 P136 Q959790 +Q77742 P463 Q684415 +Q374220 P106 Q2722764 +Q256732 P106 Q177220 +Q276407 P136 Q130232 +Q180861 P106 Q855091 +Q233581 P1412 Q7737 +Q193273 P106 Q1415090 +Q39829 P1412 Q1860 +Q159169 P20 Q1156 +Q102225 P161 Q233457 +Q117741 P19 Q61 +Q287824 P106 Q10800557 +Q34933 P1412 Q652 +Q34969 P106 Q193391 +Q1609199 P19 Q37836 +Q60966 P106 Q2961975 +Q234750 P106 Q488205 +Q122370 P1412 Q188 +Q28776 P495 Q30 +Q42992 P27 Q193714 +Q358885 P27 Q34266 +Q2831 P136 Q164444 +Q151892 P1412 Q1860 +Q316622 P106 Q10798782 +Q62726 P69 Q672420 +Q193670 P509 Q29496 +Q551491 P106 Q1930187 +Q224004 P57 Q7374 +Q297552 P106 Q19723482 +Q186485 P106 Q3455803 +Q64579 P106 Q49757 +Q191644 P1412 Q150 +Q374065 P264 Q778673 +Q379836 P101 Q309 +Q189564 P106 Q1234713 +Q90315 P40 Q65126 +Q46096 P69 Q152087 +Q76329 P1412 Q188 +Q153802 P136 Q9759 +Q172632 P106 Q855091 +Q817353 P19 Q64 +Q79503 P161 Q39574 +Q221155 P106 Q2252262 +Q2828029 P1412 Q150 +Q41594 P136 Q1298934 +Q200873 P136 Q471839 +Q61171 P509 Q3242950 +Q706571 P106 Q169470 +Q60487 P136 Q157394 +Q18233 P264 Q155152 +Q102551 P106 Q10800557 +Q171525 P106 Q33999 +Q61195 P20 Q1726 +Q123825 P106 Q36180 +Q34787 P20 Q84 +Q200299 P136 Q52162262 +Q706931 P106 Q17489339 +Q233365 P106 Q177220 +Q270774 P551 Q1297 +Q865 P530 Q902 +Q73506 P27 Q27 +Q112167 P1412 Q188 +Q268181 P136 Q193606 +Q705458 P27 Q30 +Q90430 P106 Q33999 +Q984614 P106 Q753110 +Q193346 P172 Q165192 +Q332515 P136 Q130232 +Q76211 P106 Q333634 +Q212523 P106 Q185351 +Q1394 P27 Q2184 +Q72292 P106 Q82955 +Q454568 P1412 Q9056 +Q91004 P106 Q2259451 +Q7052125 P27 Q145 +Q57063 P463 Q329464 +Q241676 P1412 Q1860 +Q7317 P463 Q1541450 +Q148387 P161 Q237690 +Q982535 P102 Q139596 +Q192979 P161 Q381664 +Q112536 P27 Q30 +Q4977994 P106 Q1028181 +Q47651 P20 Q220 +Q379461 P451 Q229784 +Q539791 P106 Q82955 +Q374041 P27 Q145 +Q60469 P106 Q36180 +Q350915 P27 Q96 +Q187336 P69 Q593321 +Q75209 P27 Q183 +Q183048 P264 Q843402 +Q253695 P106 Q177220 +Q7351 P69 Q151510 +Q216179 P1303 Q5994 +Q270085 P106 Q1734662 +Q57956 P106 Q185351 +Q764789 P106 Q1028181 +Q183066 P136 Q130232 +Q231207 P106 Q488205 +Q305962 P106 Q201788 +Q209538 P136 Q157443 +Q92670 P463 Q127992 +Q936760 P119 Q592204 +Q95252 P20 Q2079 +Q4263553 P27 Q16 +Q515845 P27 Q174193 +Q235146 P106 Q4610556 +Q434715 P106 Q28389 +Q4751826 P1412 Q7918 +Q786 P463 Q7825 +Q62843 P463 Q1493021 +Q119687 P20 Q585 +Q182509 P108 Q1137665 +Q40640 P737 Q692 +Q181803 P495 Q30 +Q101715 P106 Q36180 +Q102483 P20 Q1085 +Q55199 P26 Q278319 +Q236355 P1303 Q17172850 +Q164384 P463 Q123885 +Q151929 P463 Q1971373 +Q158030 P106 Q82955 +Q238422 P136 Q45981 +Q125666 P1303 Q17172850 +Q41 P463 Q827525 +Q792 P530 Q298 +Q975210 P69 Q49108 +Q516004 P69 Q35794 +Q336272 P136 Q164444 +Q157322 P1412 Q809 +Q391784 P161 Q298368 +Q232468 P106 Q753110 +Q31112 P106 Q774306 +Q543195 P106 Q49757 +Q212772 P106 Q947873 +Q96230 P106 Q2055046 +Q367032 P106 Q639669 +Q92862 P101 Q21198 +Q431038 P1412 Q1860 +Q1290021 P27 Q28 +Q37327 P463 Q463303 +Q214014 P161 Q18953 +Q1339107 P136 Q37073 +Q270599 P161 Q215366 +Q181490 P106 Q2405480 +Q275967 P140 Q9268 +Q63454 P102 Q7320 +Q750 P530 Q419 +Q309545 P495 Q30 +Q95030 P106 Q10800557 +Q108216 P27 Q183 +Q538379 P102 Q79854 +Q1046616 P1303 Q187851 +Q487491 P108 Q156598 +Q246497 P27 Q15180 +Q176668 P27 Q403 +Q75793 P69 Q152087 +Q1055 P131 Q41304 +Q209169 P463 Q83172 +Q356986 P106 Q33999 +Q651 P463 Q1017002 +Q4225547 P27 Q159 +Q387958 P161 Q64645 +Q704705 P106 Q753110 +Q23481 P106 Q36180 +Q234875 P106 Q33999 +Q242729 P106 Q4610556 +Q309995 P69 Q1059546 +Q239382 P1412 Q1860 +Q4397665 P69 Q13371 +Q470619 P1303 Q17172850 +Q44662 P161 Q312073 +Q89433 P106 Q36180 +Q1897911 P106 Q753110 +Q346607 P1412 Q1860 +Q46602 P101 Q8261 +Q158436 P1412 Q188 +Q96492 P20 Q1799 +Q327713 P136 Q471839 +Q11637 P106 Q33999 +Q307 P101 Q5891 +Q158436 P463 Q463281 +Q302400 P264 Q4883239 +Q44426 P1412 Q188 +Q853461 P1412 Q652 +Q234058 P19 Q18419 +Q86924 P102 Q694714 +Q463975 P106 Q36180 +Q690759 P69 Q617433 +Q55208 P106 Q1759246 +Q229 P530 Q38 +Q323827 P495 Q38 +Q111288 P1412 Q188 +Q498389 P106 Q10798782 +Q5928 P140 Q1069127 +Q1033 P463 Q1043527 +Q131390 P161 Q313020 +Q108283 P1303 Q17172850 +Q389284 P112 Q6078 +Q15935 P106 Q43845 +Q122110 P69 Q317053 +Q912023 P69 Q13371 +Q483907 P106 Q245068 +Q48226 P737 Q185832 +Q2831 P106 Q55960555 +Q528742 P40 Q218 +Q162182 P161 Q342665 +Q124287 P27 Q39 +Q554018 P69 Q273626 +Q263696 P106 Q2259451 +Q678095 P407 Q150 +Q457306 P106 Q177220 +Q204168 P108 Q838330 +Q1384236 P69 Q209344 +Q219 P463 Q134102 +Q335794 P106 Q1930187 +Q60884 P106 Q28389 +Q282372 P161 Q234169 +Q465511 P19 Q25395 +Q434790 P1303 Q17172850 +Q522050 P101 Q482 +Q51510 P19 Q1055 +Q347456 P106 Q2405480 +Q1792 P17 Q1649871 +Q179888 P106 Q1930187 +Q64 P17 Q55300 +Q29418 P69 Q49210 +Q291183 P106 Q4263842 +Q391784 P161 Q230993 +Q292539 P106 Q8178443 +Q6096 P136 Q429264 +Q505517 P136 Q11366 +Q236355 P106 Q5716684 +Q269912 P57 Q44221 +Q35738 P161 Q41548 +Q80938 P106 Q2259451 +Q346648 P69 Q83259 +Q351061 P19 Q44989 +Q188570 P119 Q1130019 +Q392 P264 Q1998195 +Q126462 P106 Q4964182 +Q360674 P106 Q3282637 +Q215546 P27 Q30 +Q1689346 P264 Q202585 +Q180861 P264 Q183387 +Q826 P530 Q159 +Q177847 P2348 Q2277 +Q239355 P1412 Q13955 +Q167696 P106 Q183945 +Q314535 P140 Q7066 +Q55413 P106 Q33999 +Q940942 P69 Q645663 +Q215665 P106 Q4220892 +Q173637 P140 Q432 +Q272942 P509 Q47912 +Q1973878 P69 Q1426464 +Q274748 P161 Q139325 +Q175285 P1412 Q9056 +Q180011 P106 Q639669 +Q129288 P161 Q164119 +Q833 P530 Q211 +Q441825 P136 Q43343 +Q477461 P136 Q45981 +Q101064 P106 Q82955 +Q164582 P106 Q486748 +Q57434 P1412 Q9056 +Q433616 P106 Q728711 +Q442892 P106 Q488205 +Q153358 P106 Q2722764 +Q176909 P551 Q1588 +Q268024 P106 Q36834 +Q4405759 P101 Q7094 +Q563 P136 Q1062400 +Q171421 P27 Q25 +Q584197 P108 Q194223 +Q117783 P106 Q8178443 +Q202550 P1303 Q187851 +Q162182 P161 Q314841 +Q355566 P101 Q11629 +Q55435 P1303 Q8343 +Q3490465 P106 Q82594 +Q319578 P106 Q1028181 +Q165392 P161 Q208590 +Q331123 P106 Q1415090 +Q145132 P102 Q29468 +Q69289 P106 Q40348 +Q472783 P136 Q12799318 +Q123861 P106 Q4964182 +Q572001 P106 Q593644 +Q185140 P106 Q33999 +Q73975 P106 Q40348 +Q158175 P264 Q202440 +Q144929 P161 Q6255748 +Q289204 P161 Q505517 +Q403362 P69 Q274486 +Q55 P131 Q29999 +Q36620 P69 Q159895 +Q9161 P27 Q28513 +Q84698 P1412 Q1860 +Q83158 P136 Q25372 +Q8007 P1412 Q1860 +Q40197 P106 Q43845 +Q95314 P106 Q28389 +Q19201 P106 Q1028181 +Q53453 P1303 Q5994 +Q67535 P106 Q82955 +Q733373 P19 Q60 +Q566200 P106 Q2259451 +Q56008 P106 Q28389 +Q217160 P106 Q488205 +Q60801 P106 Q2259451 +Q9041 P172 Q181634 +Q318261 P27 Q30 +Q241398 P106 Q36180 +Q229232 P1412 Q1860 +Q41272 P27 Q212 +Q234080 P106 Q2526255 +Q289303 P106 Q1930187 +Q5383 P136 Q217467 +Q978959 P106 Q2722764 +Q91557 P108 Q55038 +Q11689 P106 Q1622272 +Q705221 P106 Q183945 +Q5749 P1412 Q150 +Q103075 P106 Q1622272 +Q182788 P106 Q82955 +Q184255 P136 Q1339864 +Q158030 P106 Q212980 +Q465636 P1303 Q51290 +Q211566 P106 Q2259451 +Q71410 P106 Q322170 +Q304074 P495 Q145 +Q65932 P106 Q2259451 +Q434555 P19 Q656 +Q113830 P27 Q40 +Q236946 P106 Q177220 +Q822 P37 Q13955 +Q291183 P69 Q1150105 +Q255129 P509 Q3505252 +Q215137 P1412 Q188 +Q9312 P737 Q9047 +Q704294 P1412 Q652 +Q858741 P27 Q30 +Q325589 P1412 Q1860 +Q97644 P108 Q161982 +Q1874 P17 Q133356 +Q57382 P106 Q36180 +Q173893 P106 Q1234713 +Q722119 P136 Q35760 +Q272064 P840 Q889 +Q44313 P106 Q2405480 +Q76358 P27 Q43287 +Q16 P530 Q45 +Q28196 P840 Q25395 +Q34453 P106 Q82955 +Q114623 P106 Q18844224 +Q78278 P102 Q694299 +Q23527 P1303 Q17172850 +Q156516 P161 Q1260 +Q193835 P161 Q83338 +Q75237 P27 Q30 +Q131324 P106 Q2490358 +Q216870 P27 Q30 +Q112534 P1412 Q1860 +Q467368 P106 Q36180 +Q336609 P641 Q2736 +Q128518 P161 Q106775 +Q75649 P1412 Q188 +Q1699618 P1303 Q6607 +Q363698 P136 Q1196752 +Q240430 P26 Q157814 +Q92881 P106 Q82594 +Q267550 P1412 Q1860 +Q453614 P106 Q6625963 +Q370326 P161 Q299483 +Q867852 P19 Q270230 +Q822401 P1303 Q6607 +Q123557 P106 Q82955 +Q222008 P106 Q2405480 +Q1573501 P1412 Q1860 +Q312531 P106 Q10800557 +Q6096 P1303 Q17172850 +Q167498 P1412 Q1860 +Q283335 P106 Q177220 +Q934734 P106 Q4853732 +Q78608 P27 Q40 +Q163366 P106 Q18814623 +Q131864 P136 Q28026639 +Q139121 P1303 Q52954 +Q183469 P102 Q29552 +Q180405 P161 Q361610 +Q234428 P27 Q20 +Q11817 P102 Q29552 +Q559771 P119 Q2790054 +Q270638 P26 Q356109 +Q247063 P1412 Q9056 +Q236527 P1412 Q1860 +Q37327 P106 Q214917 +Q509341 P101 Q207628 +Q327426 P106 Q10800557 +Q691 P463 Q7809 +Q665344 P19 Q649 +Q1176607 P106 Q28389 +Q889 P530 Q30 +Q281908 P1303 Q5994 +Q11975 P737 Q1744 +Q266368 P106 Q10798782 +Q68411 P106 Q1930187 +Q4266175 P27 Q159 +Q102124 P69 Q1051840 +Q11107 P108 Q49210 +Q339551 P19 Q60 +Q1396852 P20 Q649 +Q6701 P135 Q37068 +Q111288 P106 Q2259451 +Q78553 P106 Q36180 +Q313581 P106 Q82955 +Q427091 P161 Q227129 +Q73463 P27 Q30 +Q255725 P1412 Q7913 +Q1026532 P106 Q1930187 +Q155158 P101 Q11629 +Q541599 P106 Q488205 +Q669685 P106 Q864380 +Q191037 P106 Q2059704 +Q311223 P463 Q2822396 +Q201842 P69 Q389336 +Q14537 P106 Q33999 +Q5482339 P101 Q413 +Q216814 P463 Q3291340 +Q1049 P463 Q7172 +Q70324 P108 Q31519 +Q88389 P27 Q38872 +Q434745 P106 Q10798782 +Q60884 P106 Q36180 +Q326542 P106 Q482980 +Q242903 P106 Q18581305 +Q132489 P463 Q463303 +Q207916 P161 Q62676 +Q387655 P1303 Q46185 +Q157324 P106 Q201788 +Q466115 P27 Q30 +Q1067043 P172 Q49085 +Q189 P463 Q1928989 +Q165824 P106 Q16145150 +Q337578 P106 Q855091 +Q78939 P119 Q240744 +Q453384 P106 Q1930187 +Q5685 P737 Q991 +Q202537 P27 Q34266 +Q117301 P172 Q133255 +Q244674 P69 Q385471 +Q33131 P136 Q28026639 +Q443225 P106 Q177220 +Q271554 P106 Q33999 +Q131324 P740 Q65 +Q181995 P108 Q2994538 +Q1886750 P509 Q12152 +Q68137 P106 Q18844224 +Q106942 P172 Q49078 +Q213681 P69 Q152838 +Q41 P530 Q865 +Q93652 P106 Q1930187 +Q132524 P1412 Q7737 +Q960524 P106 Q177220 +Q556568 P172 Q1026 +Q636 P136 Q11366 +Q1033 P463 Q191384 +Q849116 P17 Q15180 +Q168362 P108 Q375606 +Q91997 P463 Q812155 +Q160456 P106 Q36180 +Q431356 P27 Q30 +Q443534 P27 Q30 +Q463042 P106 Q33999 +Q522592 P106 Q177220 +Q310618 P106 Q947873 +Q364582 P106 Q36180 +Q61863 P463 Q18912936 +Q323456 P106 Q855091 +Q139087 P69 Q2093794 +Q317817 P136 Q21590660 +Q468635 P106 Q177220 +Q57554 P106 Q170790 +Q231171 P1412 Q1321 +Q57285 P20 Q4100 +Q1591857 P106 Q753110 +Q272435 P106 Q33999 +Q461682 P136 Q157394 +Q970 P463 Q7809 +Q433246 P136 Q11399 +Q153723 P161 Q215565 +Q190231 P264 Q126399 +Q459889 P840 Q15 +Q2096585 P27 Q43 +Q218172 P161 Q165219 +Q236748 P106 Q183945 +Q106193 P106 Q639669 +Q220901 P1412 Q1860 +Q28776 P136 Q188473 +Q786579 P106 Q36180 +Q39789 P463 Q123885 +Q213 P530 Q189 +Q40 P530 Q142 +Q23543 P106 Q177220 +Q138084 P161 Q234610 +Q650303 P1412 Q652 +Q33 P530 Q211 +Q55170 P106 Q2259451 +Q738125 P108 Q503473 +Q707352 P27 Q30 +Q271256 P106 Q753110 +Q70988 P69 Q152838 +Q78089 P1412 Q188 +Q311193 P27 Q17 +Q229572 P1412 Q1860 +Q697818 P106 Q333634 +Q1176607 P106 Q49757 +Q182870 P106 Q6625963 +Q372514 P840 Q1166 +Q240788 P19 Q621 +Q317567 P106 Q3282637 +Q4724 P140 Q7066 +Q314646 P172 Q49085 +Q31628 P1412 Q7737 +Q180989 P106 Q34074720 +Q4401409 P106 Q18844224 +Q1070606 P136 Q37073 +Q78476 P1412 Q188 +Q91582 P463 Q684415 +Q128934 P495 Q183 +Q3920109 P106 Q901 +Q88478 P20 Q61942 +Q92455 P106 Q17489339 +Q77009 P161 Q210792 +Q156268 P69 Q273631 +Q76149 P106 Q10798782 +Q69406 P1412 Q188 +Q297816 P106 Q2259451 +Q128126 P463 Q1423356 +Q52997 P1412 Q1860 +Q215215 P136 Q186472 +Q694042 P106 Q855091 +Q111323 P551 Q183 +Q219734 P463 Q2370801 +Q16397 P101 Q2526255 +Q1028715 P19 Q3141 +Q323260 P106 Q82955 +Q348738 P106 Q245068 +Q213 P463 Q1065 +Q211784 P57 Q458766 +Q283408 P1412 Q188 +Q80 P106 Q205375 +Q23527 P1303 Q5994 +Q262608 P106 Q7042855 +Q242707 P106 Q28389 +Q228901 P106 Q6625963 +Q16473 P106 Q3282637 +Q526518 P106 Q4853732 +Q232511 P19 Q1297 +Q360531 P140 Q432 +Q902 P463 Q1043527 +Q31293 P19 Q12439 +Q2704774 P463 Q107569 +Q156898 P20 Q60 +Q4934689 P20 Q145 +Q275991 P106 Q177220 +Q366956 P106 Q2259451 +Q118982 P1412 Q188 +Q273079 P119 Q1771319 +Q795238 P106 Q4263842 +Q45575 P101 Q21198 +Q267691 P106 Q6625963 +Q164119 P172 Q3476361 +Q275985 P1412 Q150 +Q69022 P69 Q152087 +Q122094 P1412 Q9027 +Q86260 P106 Q3387717 +Q270268 P1412 Q5146 +Q381505 P106 Q40348 +Q3666327 P1412 Q150 +Q320167 P140 Q432 +Q213865 P106 Q36180 +Q9696 P106 Q36180 +Q112307 P106 Q5716684 +Q89188 P1412 Q9299 +Q104737 P106 Q33999 +Q551512 P106 Q36180 +Q61962 P106 Q250867 +Q63962 P27 Q43287 +Q214 P530 Q36 +Q214659 P106 Q36180 +Q144535 P106 Q188094 +Q859504 P509 Q181754 +Q57168 P106 Q386854 +Q860206 P463 Q337543 +Q1606718 P102 Q29552 +Q85791 P102 Q49768 +Q683 P463 Q17495 +Q326409 P106 Q1930187 +Q364875 P106 Q177220 +Q194287 P106 Q1231865 +Q30 P463 Q37470 +Q560048 P136 Q213121 +Q312885 P69 Q503246 +Q7604 P1412 Q188 +Q11676 P1412 Q1860 +Q292539 P106 Q193391 +Q1016 P530 Q155 +Q117902 P20 Q220 +Q250954 P495 Q30 +Q75246 P106 Q1397808 +Q36330 P106 Q36180 +Q95030 P102 Q29552 +Q255967 P106 Q10800557 +Q191850 P106 Q4964182 +Q64970 P106 Q1930187 +Q994 P17 Q139319 +Q244931 P495 Q145 +Q4396425 P19 Q649 +Q271763 P1412 Q1860 +Q25120 P69 Q131262 +Q76895 P20 Q18575 +Q161687 P136 Q52162262 +Q123238 P1412 Q150 +Q233817 P106 Q183945 +Q61 P138 Q23 +Q190368 P1412 Q35497 +Q350255 P106 Q10798782 +Q175038 P161 Q325070 +Q1570102 P27 Q30 +Q258753 P27 Q30 +Q1166988 P136 Q37073 +Q236482 P1412 Q1860 +Q155412 P27 Q30 +Q312053 P136 Q49451 +Q188987 P69 Q391028 +Q313647 P106 Q584301 +Q142292 P840 Q96 +Q1077632 P136 Q11401 +Q202801 P463 Q3308284 +Q361630 P106 Q10800557 +Q1735 P17 Q40 +Q234195 P106 Q2259451 +Q243771 P463 Q11993457 +Q315826 P106 Q36834 +Q88150 P106 Q4263842 +Q31112 P106 Q43845 +Q318390 P106 Q193391 +Q194287 P1303 Q78987 +Q211329 P119 Q608405 +Q115210 P161 Q296008 +Q155419 P69 Q152087 +Q1321093 P27 Q30 +Q60815 P69 Q81162 +Q116088 P106 Q211346 +Q144904 P106 Q183945 +Q78704 P106 Q1622272 +Q272435 P1412 Q7026 +Q57382 P106 Q18844224 +Q1551705 P136 Q45981 +Q153657 P106 Q4610556 +Q148 P37 Q727694 +Q2159912 P108 Q659080 +Q236236 P69 Q160302 +Q296008 P106 Q10800557 +Q220584 P106 Q33231 +Q447121 P106 Q49757 +Q71402 P106 Q10800557 +Q65619 P19 Q2066 +Q193504 P106 Q28389 +Q314319 P136 Q373342 +Q96898 P102 Q328195 +Q287027 P106 Q2705098 +Q53453 P264 Q203059 +Q60068 P1412 Q1860 +Q229282 P19 Q65 +Q363666 P106 Q3282637 +Q181145 P106 Q486748 +Q62377 P3373 Q58577 +Q163683 P106 Q1622272 +Q168862 P161 Q165219 +Q77006 P106 Q13235160 +Q483203 P106 Q639669 +Q266640 P106 Q33999 +Q229241 P106 Q10800557 +Q314403 P106 Q10800557 +Q63962 P19 Q365 +Q65561 P27 Q183 +Q213 P463 Q842490 +Q1512 P106 Q4853732 +Q974 P30 Q15 +Q161933 P119 Q27426 +Q440145 P69 Q1204714 +Q191543 P161 Q344973 +Q191026 P106 Q2310145 +Q72245 P102 Q13124 +Q96230 P27 Q183 +Q340814 P161 Q529276 +Q99452 P27 Q183 +Q240896 P106 Q33999 +Q168468 P463 Q123885 +Q60116 P106 Q350979 +Q538284 P463 Q846373 +Q84423 P172 Q7325 +Q57319 P106 Q33999 +Q537999 P1412 Q7026 +Q19356 P161 Q463673 +Q445306 P119 Q1574424 +Q92819 P463 Q127992 +Q377939 P136 Q959790 +Q152388 P27 Q30 +Q180468 P106 Q2919046 +Q345612 P463 Q463281 +Q319374 P106 Q19723482 +Q96762 P108 Q155354 +Q233801 P69 Q391028 +Q215673 P69 Q691851 +Q307 P19 Q13375 +Q84770 P106 Q4964182 +Q224021 P102 Q29468 +Q214778 P106 Q33231 +Q69397 P20 Q1055 +Q164328 P106 Q10800557 +Q630181 P69 Q547867 +Q215 P463 Q233611 +Q16345 P1303 Q17172850 +Q189947 P1412 Q1321 +Q339403 P106 Q33999 +Q169076 P106 Q36180 +Q313388 P19 Q65 +Q164703 P27 Q131964 +Q6173722 P551 Q1612 +Q5921 P106 Q3427922 +Q170328 P106 Q2259451 +Q544135 P27 Q172579 +Q242729 P102 Q5020915 +Q270935 P106 Q753110 +Q156502 P20 Q1085 +Q185147 P264 Q203059 +Q60714 P106 Q40348 +Q118066 P264 Q240804 +Q221852 P161 Q9545 +Q18415 P495 Q38 +Q346540 P463 Q53249065 +Q234992 P106 Q15980158 +Q106592 P69 Q463055 +Q132330 P106 Q193391 +Q229957 P451 Q313650 +Q27 P463 Q5611262 +Q643408 P106 Q6625963 +Q538901 P136 Q37073 +Q767435 P19 Q90 +Q76819 P69 Q1542213 +Q847345 P106 Q1930187 +Q446024 P101 Q482 +Q112263 P1412 Q188 +Q266222 P106 Q10800557 +Q1036131 P136 Q206159 +Q889 P30 Q48 +Q76459 P463 Q543804 +Q270269 P1412 Q150 +Q86635 P19 Q1741 +Q960778 P106 Q33999 +Q199927 P106 Q10800557 +Q573584 P1412 Q150 +Q314427 P106 Q10800557 +Q174037 P1412 Q1860 +Q116088 P463 Q543804 +Q726296 P136 Q193355 +Q96669 P1412 Q188 +Q634125 P106 Q2306091 +Q314640 P106 Q2405480 +Q506288 P106 Q639669 +Q324424 P106 Q177220 +Q310275 P106 Q2405480 +Q36881 P20 Q1156 +Q193674 P106 Q201788 +Q2416148 P27 Q15180 +Q317152 P27 Q142 +Q1424117 P19 Q90 +Q231726 P27 Q30 +Q97383 P106 Q4964182 +Q428215 P69 Q1341516 +Q82519 P136 Q130232 +Q55195 P27 Q159 +Q98434 P69 Q153006 +Q356303 P106 Q2405480 +Q24064 P1303 Q52954 +Q218532 P27 Q16 +Q611586 P106 Q28389 +Q551154 P1412 Q1860 +Q58444 P106 Q33999 +Q104154 P172 Q121842 +Q1046066 P136 Q56284716 +Q1178789 P20 Q60 +Q236822 P106 Q4610556 +Q430900 P27 Q30 +Q27751 P136 Q130232 +Q365750 P106 Q3387717 +Q311165 P106 Q10798782 +Q942923 P106 Q864380 +Q236112 P19 Q47164 +Q36739 P136 Q959790 +Q436187 P106 Q10800557 +Q317311 P136 Q52162262 +Q175142 P69 Q7607037 +Q208359 P20 Q34217 +Q57063 P1412 Q188 +Q296883 P106 Q2405480 +Q78496 P463 Q299015 +Q34020 P463 Q496967 +Q165421 P140 Q9592 +Q1930941 P106 Q482980 +Q128854 P161 Q381561 +Q984165 P108 Q1161297 +Q456712 P1412 Q1860 +Q705515 P19 Q649 +Q365044 P106 Q2526255 +Q3480998 P106 Q9149093 +Q1066894 P27 Q30 +Q243041 P27 Q145 +Q164578 P69 Q192964 +Q981971 P20 Q220 +Q233428 P106 Q3282637 +Q106508 P27 Q31 +Q110872 P102 Q49764 +Q270691 P106 Q3282637 +Q754 P463 Q496967 +Q266425 P509 Q476921 +Q260026 P27 Q145 +Q188482 P102 Q9630 +Q1511 P106 Q18814623 +Q990492 P106 Q1930187 +Q963787 P264 Q183387 +Q21088 P106 Q183945 +Q382676 P106 Q36834 +Q225852 P106 Q28389 +Q37030 P27 Q43287 +Q1351751 P27 Q30 +Q320895 P1303 Q5994 +Q74849 P136 Q1344 +Q512741 P69 Q168756 +Q327303 P106 Q36180 +Q161678 P161 Q329778 +Q731007 P106 Q36834 +Q86516 P106 Q2259451 +Q232414 P19 Q62 +Q811 P530 Q159 +Q2347483 P106 Q6625963 +Q259446 P26 Q102551 +Q17 P530 Q711 +Q57730 P106 Q47064 +Q434813 P106 Q1792450 +Q271888 P106 Q177220 +Q2791686 P106 Q82955 +Q152767 P20 Q65 +Q1625 P106 Q82955 +Q191719 P69 Q309350 +Q234169 P106 Q33999 +Q330447 P1412 Q1860 +Q118061 P27 Q16957 +Q450646 P106 Q43845 +Q432694 P20 Q11299 +Q449505 P135 Q186030 +Q112169 P106 Q36180 +Q99706 P27 Q183 +Q2737 P119 Q142 +Q1045 P530 Q142 +Q180223 P27 Q30 +Q130742 P106 Q36834 +Q49823 P463 Q127992 +Q104154 P463 Q463303 +Q221074 P20 Q220 +Q349117 P69 Q49088 +Q69281 P1412 Q188 +Q539506 P106 Q639669 +Q786052 P106 Q81096 +Q310166 P27 Q30 +Q171235 P106 Q10798782 +Q936422 P106 Q3578589 +Q173978 P106 Q177220 +Q219717 P136 Q40831 +Q130853 P463 Q1322403 +Q106208 P463 Q123885 +Q61195 P19 Q1726 +Q238331 P69 Q49088 +Q516870 P106 Q1930187 +Q24064 P106 Q36834 +Q408 P530 Q769 +Q162269 P106 Q10076267 +Q392 P463 Q414110 +Q283799 P161 Q239464 +Q675 P463 Q123885 +Q214999 P40 Q71819 +Q2736087 P69 Q209842 +Q311778 P27 Q174193 +Q59931 P161 Q223091 +Q561196 P27 Q414 +Q108285 P106 Q49757 +Q128507 P27 Q30 +Q321454 P161 Q233313 +Q435034 P106 Q36834 +Q106740 P101 Q6585139 +Q95855 P27 Q1206012 +Q207272 P37 Q9083 +Q96452 P1303 Q5994 +Q537386 P106 Q81096 +Q67204 P19 Q2814 +Q1192 P1303 Q8355 +Q75966 P140 Q75809 +Q278174 P106 Q16323111 +Q1154246 P106 Q36834 +Q931890 P1412 Q150 +Q57614 P106 Q10798782 +Q1070832 P1303 Q5994 +Q5890 P136 Q20442589 +Q713099 P106 Q10798782 +Q317592 P27 Q12560 +Q239845 P19 Q90 +Q12706 P106 Q36180 +Q568595 P106 Q3621491 +Q159582 P106 Q47064 +Q678 P463 Q188822 +Q152306 P106 Q11900058 +Q103835 P463 Q938622 +Q266611 P1412 Q1860 +Q44561 P106 Q33999 +Q39658 P106 Q18805 +Q271465 P106 Q10800557 +Q58583 P27 Q183 +Q191104 P136 Q1152184 +Q316454 P1303 Q6607 +Q6714 P106 Q1622272 +Q332032 P106 Q33999 +Q36 P463 Q45177 +Q170564 P136 Q130232 +Q430182 P27 Q145 +Q230516 P19 Q3141 +Q78791 P106 Q36180 +Q1353064 P69 Q273523 +Q36 P463 Q8908 +Q19999 P69 Q319078 +Q202662 P1303 Q17172850 +Q85464 P27 Q183 +Q339196 P106 Q2526255 +Q115547 P69 Q761534 +Q229375 P136 Q83440 +Q804 P463 Q1065 +Q445429 P20 Q49202 +Q267581 P136 Q37073 +Q433284 P19 Q1297 +Q116307 P463 Q329464 +Q193835 P161 Q532180 +Q564953 P106 Q1930187 +Q191040 P161 Q35332 +Q233837 P551 Q65 +Q16957 P463 Q191582 +Q234204 P106 Q2405480 +Q61197 P69 Q152087 +Q354783 P69 Q599316 +Q114 P530 Q1030 +Q704931 P27 Q30 +Q52937 P106 Q116 +Q182345 P1303 Q17172850 +Q319497 P106 Q81096 +Q237514 P106 Q6625963 +Q1185803 P106 Q822146 +Q55411 P19 Q1718 +Q689713 P106 Q1930187 +Q57213 P106 Q1415090 +Q64467 P106 Q1622272 +Q370326 P136 Q130232 +Q40321 P27 Q30 +Q192655 P264 Q56760250 +Q232009 P161 Q362228 +Q1624891 P69 Q174710 +Q182218 P161 Q208667 +Q42585 P140 Q23540 +Q60884 P101 Q5891 +Q124251 P106 Q4263842 +Q3138 P17 Q142 +Q365985 P1412 Q150 +Q297442 P509 Q12206 +Q128187 P136 Q3990883 +Q113806 P69 Q875788 +Q92695 P1412 Q150 +Q1099640 P106 Q639669 +Q216913 P1303 Q17172850 +Q239786 P27 Q16 +Q348037 P19 Q42308 +Q97341 P1412 Q188 +Q72137 P27 Q183 +Q429397 P495 Q30 +Q326229 P106 Q43845 +Q153905 P106 Q333634 +Q159063 P136 Q130232 +Q234765 P106 Q864380 +Q3852 P17 Q41304 +Q465296 P106 Q177220 +Q551204 P463 Q123885 +Q66732 P108 Q310695 +Q1001 P140 Q9089 +Q18118088 P3373 Q22955657 +Q234750 P19 Q12439 +Q334665 P102 Q79854 +Q22750 P135 Q8261 +Q28 P463 Q376150 +Q249032 P136 Q2484376 +Q259979 P27 Q142 +Q44437 P106 Q2252262 +Q919156 P19 Q1297 +Q216195 P737 Q107002 +Q203243 P140 Q288928 +Q961851 P106 Q158852 +Q460425 P106 Q6625963 +Q233313 P106 Q10800557 +Q304874 P106 Q36180 +Q220308 P551 Q65 +Q2260923 P19 Q37836 +Q276005 P106 Q639669 +Q326604 P136 Q11399 +Q33866 P106 Q6665249 +Q203843 P106 Q193391 +Q114115 P136 Q188473 +Q94370 P102 Q727724 +Q70917 P108 Q50662 +Q87675 P1412 Q188 +Q721704 P106 Q1792450 +Q5879 P19 Q1794 +Q152513 P509 Q223102 +Q108560 P1303 Q11405 +Q668 P530 Q822 +Q355209 P19 Q584451 +Q1711743 P27 Q30 +Q105118 P106 Q33999 +Q312073 P119 Q1437214 +Q64467 P463 Q469210 +Q202982 P161 Q11617 +Q1528163 P102 Q139596 +Q7327064 P27 Q145 +Q213582 P20 Q90 +Q172388 P140 Q432 +Q107405 P463 Q466113 +Q104955 P106 Q333634 +Q4030 P27 Q30 +Q36233 P140 Q1841 +Q317169 P1303 Q17172850 +Q107194 P102 Q153401 +Q594644 P1412 Q150 +Q258183 P101 Q207628 +Q319751 P463 Q273171 +Q173158 P106 Q948329 +Q61497 P1412 Q188 +Q183 P530 Q1033 +Q10390 P106 Q36180 +Q172632 P1303 Q17172850 +Q600488 P161 Q294812 +Q573665 P19 Q84 +Q61558 P27 Q183 +Q310048 P737 Q38392 +Q38193 P106 Q333634 +Q93624 P1303 Q17172850 +Q204338 P106 Q36180 +Q4425869 P1412 Q7737 +Q306122 P106 Q488205 +Q285330 P106 Q753110 +Q332892 P19 Q61 +Q2157440 P27 Q30 +Q84441 P27 Q7318 +Q78524 P106 Q36180 +Q154556 P106 Q639669 +Q258630 P106 Q36180 +Q320178 P106 Q2405480 +Q267672 P495 Q145 +Q176985 P119 Q1242128 +Q294647 P106 Q1053574 +Q49601 P106 Q2599593 +Q276198 P1303 Q17172850 +Q40946 P119 Q865 +Q817353 P106 Q36180 +Q4347990 P27 Q211 +Q48184 P108 Q847099 +Q318514 P140 Q7066 +Q207515 P136 Q40831 +Q151869 P40 Q151087 +Q78632 P106 Q2865819 +Q213706 P641 Q5372 +Q70917 P20 Q1794 +Q62052 P19 Q1055 +Q220584 P136 Q21010853 +Q855 P551 Q656 +Q30 P530 Q229 +Q442390 P161 Q61322 +Q123062 P106 Q806798 +Q151164 P737 Q314957 +Q155412 P1303 Q5994 +Q70767 P106 Q82955 +Q46706 P737 Q16409 +Q239415 P106 Q10798782 +Q326431 P140 Q9592 +Q539506 P106 Q15981151 +Q64017 P495 Q142 +Q515696 P463 Q30907154 +Q267406 P106 Q10800557 +Q80424 P106 Q33999 +Q770584 P101 Q4027615 +Q361158 P106 Q10798782 +Q311232 P106 Q4610556 +Q707990 P19 Q18426 +Q11993457 P159 Q2807 +Q350588 P1412 Q1860 +Q157313 P106 Q333634 +Q294927 P106 Q245068 +Q30896 P1303 Q6607 +Q102139 P463 Q1792159 +Q107422 P106 Q4964182 +Q982729 P27 Q43 +Q163366 P20 Q641 +Q707827 P106 Q28389 +Q239522 P101 Q482 +Q24871 P495 Q30 +Q3816 P19 Q90 +Q945 P530 Q865 +Q246497 P509 Q181754 +Q19504 P19 Q1741 +Q237405 P1412 Q5287 +Q465242 P106 Q4263842 +Q274314 P106 Q10800557 +Q7525 P131 Q159 +Q313077 P463 Q1468277 +Q53191106 P3373 Q53570396 +Q56008 P106 Q36180 +Q230943 P19 Q23556 +Q246970 P172 Q49085 +Q352233 P106 Q3282637 +Q377538 P69 Q131252 +Q239739 P1412 Q1860 +Q207350 P17 Q12560 +Q136591 P264 Q21077 +Q44481 P27 Q142 +Q9095 P509 Q189588 +Q272977 P106 Q33999 +Q465881 P1303 Q17172850 +Q234043 P106 Q36180 +Q468345 P106 Q16742096 +Q215 P463 Q81299 +Q48613 P27 Q16957 +Q219521 P136 Q21590660 +Q447407 P264 Q38903 +Q863226 P1303 Q17172850 +Q22686 P106 Q3427922 +Q257630 P161 Q2685 +Q4173649 P20 Q649 +Q1356368 P463 Q2822396 +Q152165 P106 Q28389 +Q928939 P27 Q218 +Q61648 P106 Q82955 +Q4536 P136 Q130232 +Q255463 P106 Q1792450 +Q264326 P1412 Q1860 +Q211731 P69 Q168756 +Q1237689 P509 Q2140674 +Q44301 P136 Q482 +Q55438 P509 Q12152 +Q70809 P106 Q488205 +Q305106 P551 Q220 +Q268912 P106 Q1622272 +Q319133 P106 Q644687 +Q2866 P27 Q184 +Q76715 P69 Q55044 +Q3713655 P102 Q29468 +Q11907 P1303 Q128309 +Q62459 P102 Q153401 +Q440996 P106 Q18844224 +Q453679 P102 Q1332068 +Q16 P37 Q1860 +Q711 P530 Q79 +Q6711 P106 Q18814623 +Q212 P530 Q16 +Q377956 P1303 Q17172850 +Q122701 P463 Q191583 +Q16556 P17 Q30 +Q554209 P27 Q34266 +Q77004 P27 Q7318 +Q102788 P69 Q161976 +Q64173 P57 Q51559 +Q181662 P69 Q1093910 +Q64017 P161 Q206890 +Q930324 P27 Q191 +Q22955657 P3373 Q20562503 +Q131074 P161 Q132430 +Q506127 P27 Q30 +Q85464 P108 Q161982 +Q229013 P106 Q855091 +Q78506 P101 Q482 +Q650640 P1412 Q150 +Q561809 P19 Q18426 +Q169566 P140 Q7066 +Q1341315 P1412 Q9027 +Q73362 P27 Q30 +Q193111 P119 Q2972543 +Q270935 P136 Q37073 +Q151414 P140 Q682443 +Q37459 P106 Q10798782 +Q139557 P19 Q4120832 +Q465654 P159 Q18383 +Q135420 P119 Q1624932 +Q822 P530 Q16 +Q51537 P172 Q678551 +Q455754 P106 Q486748 +Q60869 P106 Q49757 +Q92650 P106 Q82594 +Q71345 P463 Q150793 +Q442549 P106 Q28389 +Q11860 P641 Q2736 +Q463407 P106 Q639669 +Q667683 P27 Q145 +Q537320 P27 Q159 +Q1909248 P106 Q6168364 +Q264618 P102 Q9630 +Q70113 P106 Q36180 +Q155979 P140 Q35032 +Q177930 P136 Q2484376 +Q58912 P106 Q10798782 +Q110872 P106 Q1622272 +Q86225 P106 Q36180 +Q46479 P106 Q177220 +Q30875 P106 Q11774202 +Q313516 P106 Q10800557 +Q95268 P19 Q2865 +Q359568 P463 Q83172 +Q157400 P106 Q36834 +Q61769 P1412 Q188 +Q1618928 P1303 Q17172850 +Q862412 P1412 Q7737 +Q853 P20 Q90 +Q110203 P161 Q171905 +Q92085 P551 Q2773 +Q78772 P140 Q9268 +Q201459 P106 Q639669 +Q302400 P106 Q639669 +Q972107 P106 Q8246794 +Q237222 P161 Q204299 +Q90581 P1412 Q188 +Q240808 P106 Q639669 +Q367085 P106 Q10798782 +Q34677 P106 Q36180 +Q438271 P106 Q33999 +Q147243 P172 Q2436423 +Q1888794 P106 Q14467526 +Q467519 P264 Q3699593 +Q474796 P106 Q177220 +Q57700 P106 Q855091 +Q358538 P509 Q12192 +Q359568 P106 Q18844224 +Q17917680 P106 Q1028181 +Q5604 P509 Q14467705 +Q170572 P106 Q2259451 +Q63458 P108 Q156737 +Q241215 P101 Q482 +Q15902 P106 Q488205 +Q1649321 P264 Q202440 +Q72984 P106 Q33999 +Q668 P463 Q340195 +Q887111 P106 Q82955 +Q256354 P27 Q34266 +Q978959 P69 Q178848 +Q151946 P161 Q238045 +Q2518 P26 Q98885 +Q191123 P172 Q7325 +Q982729 P106 Q1622272 +Q540192 P69 Q49108 +Q178865 P119 Q208175 +Q284917 P840 Q1563 +Q333632 P106 Q49757 +Q95356 P19 Q1715 +Q935258 P102 Q79854 +Q19794 P106 Q3282637 +Q75860 P108 Q152171 +Q169996 P136 Q319221 +Q161678 P161 Q313283 +Q709 P463 Q842490 +Q274812 P106 Q2259451 +Q45321 P27 Q183 +Q273055 P106 Q177220 +Q323166 P27 Q30 +Q105954 P27 Q41304 +Q8442 P27 Q38872 +Q11726 P119 Q240744 +Q101087 P106 Q270389 +Q4636 P106 Q28389 +Q99627 P106 Q593644 +Q27204 P840 Q60 +Q878956 P69 Q13371 +Q668 P530 Q114 +Q373267 P136 Q1146335 +Q95119 P106 Q2526255 +Q234207 P106 Q33999 +Q234324 P135 Q39427 +Q43718 P106 Q49757 +Q228787 P106 Q639669 +Q106607 P451 Q106508 +Q38049 P27 Q218 +Q374507 P161 Q223117 +Q78491 P106 Q49757 +Q79025 P69 Q160302 +Q105180 P106 Q34074720 +Q91461 P27 Q183 +Q442797 P106 Q10800557 +Q360243 P136 Q471839 +Q224029 P106 Q201788 +Q167635 P106 Q33999 +Q978389 P106 Q36180 +Q726071 P106 Q36180 +Q216052 P106 Q82955 +Q346036 P119 Q1509 +Q67711 P106 Q14467526 +Q6711 P509 Q623031 +Q378639 P1412 Q652 +Q208116 P463 Q1425328 +Q320236 P57 Q126098 +Q70417 P106 Q14915627 +Q4700 P106 Q1350157 +Q180252 P69 Q192334 +Q432552 P172 Q49085 +Q49034 P101 Q590870 +Q373948 P108 Q49205 +Q590420 P1412 Q7913 +Q151509 P40 Q124710 +Q953 P463 Q1043527 +Q215927 P1412 Q188 +Q261812 P136 Q484641 +Q253977 P1412 Q1860 +Q120578 P1412 Q7976 +Q128126 P106 Q82955 +Q99784 P106 Q482980 +Q93030 P27 Q30 +Q231608 P106 Q177220 +Q309545 P161 Q11637 +Q141860 P119 Q1242128 +Q49601 P106 Q1622272 +Q456386 P106 Q33999 +Q367155 P27 Q30 +Q44197 P69 Q1059546 +Q320025 P1412 Q1860 +Q211429 P495 Q30 +Q237030 P106 Q55960555 +Q69189 P106 Q185351 +Q51530 P106 Q28389 +Q170515 P106 Q10798782 +Q16400 P106 Q18814623 +Q362639 P106 Q2707485 +Q110330 P106 Q864503 +Q234207 P69 Q797078 +Q615625 P1303 Q17172850 +Q60141 P69 Q152087 +Q373508 P106 Q1028181 +Q11903 P19 Q87 +Q941655 P1412 Q1321 +Q83410 P106 Q3282637 +Q700018 P119 Q288130 +Q128126 P463 Q723551 +Q8873 P106 Q4853732 +Q433608 P106 Q2095549 +Q507985 P106 Q2252262 +Q84770 P106 Q1234713 +Q1322285 P1303 Q5994 +Q118760 P106 Q36180 +Q217154 P106 Q82955 +Q435780 P106 Q18814623 +Q196287 P463 Q188771 +Q92532 P27 Q41304 +Q55282 P106 Q28389 +Q142546 P40 Q176455 +Q128985 P463 Q123885 +Q385036 P161 Q231614 +Q4137 P106 Q23833535 +Q79025 P106 Q40348 +Q12658 P27 Q183 +Q90910 P106 Q36180 +Q611997 P106 Q49757 +Q434160 P27 Q145 +Q76600 P463 Q270794 +Q4235 P737 Q303 +Q1805398 P106 Q639669 +Q60285 P101 Q5891 +Q272382 P27 Q30 +Q213579 P106 Q170790 +Q376182 P27 Q30 +Q151830 P1303 Q17172850 +Q76824 P136 Q157443 +Q214477 P69 Q49204 +Q6515 P106 Q36180 +Q123628 P106 Q33999 +Q448764 P106 Q1930187 +Q41590 P106 Q4263842 +Q332419 P69 Q2537765 +Q272031 P26 Q530377 +Q67526 P463 Q329464 +Q2252 P102 Q29468 +Q446586 P106 Q639669 +Q969753 P106 Q40348 +Q165644 P106 Q639669 +Q72267 P106 Q3387717 +Q309900 P106 Q10798782 +Q182349 P136 Q21590660 +Q32522 P1412 Q1860 +Q142 P530 Q1028 +Q211542 P106 Q36180 +Q165534 P106 Q1209498 +Q92446 P20 Q64 +Q267683 P463 Q123885 +Q77497 P1412 Q150 +Q913570 P106 Q36180 +Q82222 P1303 Q17172850 +Q733 P463 Q8475 +Q928 P530 Q334 +Q221468 P69 Q248970 +Q34782 P19 Q34739 +Q215369 P264 Q155152 +Q664 P530 Q41 +Q312870 P27 Q30 +Q65619 P20 Q1741 +Q217068 P106 Q16145150 +Q168992 P3373 Q213521 +Q152843 P19 Q84 +Q235252 P106 Q753110 +Q157321 P27 Q142 +Q77742 P1412 Q150 +Q213864 P106 Q10798782 +Q63187 P26 Q232384 +Q31164 P737 Q15935 +Q76442 P1412 Q188 +Q76131 P140 Q9592 +Q43453 P17 Q33946 +Q81438 P27 Q30 +Q27820706 P264 Q193023 +Q4397665 P1412 Q1860 +Q191040 P161 Q199929 +Q72645 P106 Q1622272 +Q12735 P69 Q151510 +Q723678 P106 Q42973 +Q685149 P27 Q30 +Q1685286 P463 Q329464 +Q61132 P509 Q175111 +Q43440 P106 Q49757 +Q432281 P106 Q4610556 +Q163366 P106 Q36834 +Q1606257 P1412 Q188 +Q551543 P1412 Q150 +Q128532 P264 Q557632 +Q333260 P106 Q169470 +Q1395064 P20 Q406 +Q267010 P106 Q8246794 +Q1282826 P19 Q1721 +Q546926 P106 Q1930187 +Q468345 P20 Q484678 +Q213799 P20 Q64 +Q229646 P1412 Q1860 +Q92613 P101 Q21198 +Q55 P530 Q865 +Q403362 P27 Q30 +Q363490 P27 Q30 +Q73784 P106 Q81096 +Q728615 P106 Q4263842 +Q332525 P264 Q203059 +Q419 P463 Q8475 +Q63630 P1412 Q188 +Q118066 P1303 Q128309 +Q90720 P26 Q215814 +Q70917 P106 Q1622272 +Q78924 P27 Q40 +Q105386 P106 Q333634 +Q332368 P161 Q185051 +Q187210 P1412 Q1860 +Q270599 P161 Q363271 +Q186335 P106 Q1930187 +Q957627 P106 Q49757 +Q313279 P19 Q65 +Q216047 P17 Q142 +Q441351 P27 Q159 +Q188648 P136 Q11401 +Q683058 P463 Q265058 +Q236527 P106 Q245068 +Q235403 P20 Q1492 +Q275964 P27 Q30 +Q125600 P106 Q212980 +Q238402 P40 Q317784 +Q66107 P106 Q1231865 +Q34943 P172 Q539051 +Q37 P463 Q7825 +Q11975 P106 Q3501317 +Q234204 P69 Q1786078 +Q35900 P106 Q49757 +Q271554 P1412 Q1860 +Q116718 P27 Q419 +Q77447 P106 Q1397808 +Q11998 P136 Q1298934 +Q708110 P509 Q12202 +Q3012 P17 Q183 +Q322381 P108 Q2093794 +Q64406 P69 Q154561 +Q288936 P106 Q822146 +Q314673 P19 Q65 +Q144622 P106 Q10800557 +Q254 P1412 Q1860 +Q92739 P463 Q2739680 +Q180416 P161 Q74258 +Q30 P530 Q792 +Q505827 P1412 Q1860 +Q164224 P161 Q273136 +Q325648 P136 Q130232 +Q78 P17 Q39 +Q11692964 P106 Q901 +Q159473 P106 Q33999 +Q120366 P106 Q2259451 +Q276181 P1412 Q1860 +Q38873 P106 Q3410028 +Q4344126 P106 Q901 +Q747 P106 Q333634 +Q33240 P106 Q131524 +Q75381 P69 Q151510 +Q1806985 P106 Q1320883 +Q66447 P140 Q75809 +Q274233 P106 Q11063 +Q271874 P1050 Q8277 +Q217068 P1303 Q1444 +Q705210 P106 Q4263842 +Q229264 P27 Q142 +Q77482 P106 Q1930187 +Q26053 P106 Q753110 +Q106514 P106 Q36834 +Q110374 P106 Q3282637 +Q69834 P119 Q2742 +Q442031 P463 Q207360 +Q737626 P106 Q1930187 +Q1399 P106 Q333634 +Q97676 P106 Q1234713 +Q206032 P136 Q2913982 +Q187192 P106 Q486748 +Q311263 P1412 Q1860 +Q2791686 P19 Q33935 +Q222744 P106 Q1930187 +Q265 P530 Q212 +Q342730 P20 Q220 +Q294723 P3373 Q1156782 +Q142751 P161 Q103476 +Q228645 P69 Q168756 +Q952491 P27 Q145 +Q234556 P1303 Q5994 +Q232458 P737 Q228968 +Q731007 P106 Q488205 +Q57604 P106 Q10798782 +Q228909 P136 Q131272 +Q20178 P106 Q177220 +Q504061 P140 Q9592 +Q123166 P161 Q947748 +Q327836 P106 Q486748 +Q72667 P106 Q1622272 +Q263629 P106 Q2865819 +Q268604 P106 Q753110 +Q314966 P106 Q11499147 +Q2902300 P17 Q30 +Q362133 P106 Q28389 +Q1340677 P106 Q18844224 +Q49328 P106 Q1622272 +Q58311 P27 Q15180 +Q159 P530 Q211 +Q575026 P136 Q11401 +Q507046 P463 Q40358 +Q48410 P106 Q1476215 +Q44437 P551 Q49255 +Q66475 P19 Q1729 +Q93664 P140 Q9268 +Q705743 P1303 Q6607 +Q95522 P463 Q684415 +Q336278 P264 Q3629023 +Q292373 P264 Q183387 +Q75151 P19 Q64 +Q731958 P106 Q2914170 +Q55456 P27 Q38 +Q274157 P1303 Q17172850 +Q551735 P106 Q36180 +Q178991 P140 Q9592 +Q450412 P106 Q4263842 +Q99258 P19 Q1022 +Q105428 P106 Q12362622 +Q334 P463 Q842490 +Q138846 P20 Q60 +Q337089 P1303 Q17172850 +Q57442 P106 Q36180 +Q77 P530 Q822 +Q6078 P106 Q128124 +Q262 P463 Q17495 +Q354382 P20 Q90 +Q2628 P102 Q153401 +Q78481 P106 Q593644 +Q498389 P106 Q33999 +Q432421 P106 Q177220 +Q39972 P106 Q33999 +Q43994 P106 Q36180 +Q85726 P106 Q214917 +Q171567 P106 Q10800557 +Q151646 P140 Q7066 +Q182788 P69 Q621043 +Q5105 P1412 Q1860 +Q70 P30 Q46 +Q154216 P106 Q55960555 +Q109053 P264 Q1435522 +Q70999 P27 Q1206012 +Q114076 P136 Q188473 +Q60637 P106 Q3282637 +Q41523 P1412 Q35497 +Q301818 P1412 Q1860 +Q427386 P136 Q130232 +Q561401 P106 Q36180 +Q504458 P106 Q177220 +Q1445276 P172 Q49085 +Q432385 P106 Q10798782 +Q77598 P106 Q82955 +Q368794 P106 Q10798782 +Q225625 P1303 Q17172850 +Q69474 P106 Q33999 +Q182870 P69 Q1093910 +Q369174 P106 Q36834 +Q442390 P161 Q311716 +Q4590643 P641 Q542 +Q366584 P102 Q29468 +Q213543 P106 Q182436 +Q61813 P106 Q36180 +Q74316 P108 Q32120 +Q99258 P106 Q36834 +Q804 P530 Q30 +Q160717 P27 Q28 +Q20562503 P3373 Q13132095 +Q328335 P19 Q1479 +Q438175 P106 Q177220 +Q720208 P106 Q21234378 +Q2019530 P1412 Q1860 +Q192724 P161 Q144643 +Q714845 P136 Q11399 +Q171834 P27 Q38 +Q705477 P1412 Q1321 +Q69547 P463 Q684415 +Q935051 P106 Q1930187 +Q211415 P106 Q3455803 +Q57475 P106 Q169470 +Q276038 P69 Q2045972 +Q231948 P1412 Q9067 +Q517682 P1412 Q150 +Q456903 P106 Q10798782 +Q1049 P463 Q656801 +Q96426 P1412 Q188 +Q234750 P106 Q10798782 +Q734 P37 Q1860 +Q1047 P69 Q35794 +Q28493 P106 Q3282637 +Q3138 P131 Q1200 +Q436664 P1412 Q7976 +Q8011 P106 Q11063 +Q235066 P140 Q748 +Q8605 P509 Q83319 +Q58793 P1412 Q188 +Q44634 P451 Q433979 +Q26162388 P50 Q71616 +Q171989 P106 Q1622272 +Q1382482 P106 Q16145150 +Q116928 P136 Q1054574 +Q433979 P106 Q28389 +Q74315 P840 Q62 +Q123386 P106 Q36180 +Q359421 P106 Q11569986 +Q232470 P1412 Q652 +Q243027 P172 Q846570 +Q34628 P119 Q2773 +Q170576 P1412 Q1860 +Q1173729 P136 Q8341 +Q212730 P106 Q4964182 +Q954997 P106 Q753110 +Q18421 P161 Q433683 +Q234809 P69 Q6608367 +Q12706 P106 Q18939491 +Q766880 P106 Q270389 +Q90771 P106 Q947873 +Q94123 P69 Q13371 +Q235384 P1412 Q1321 +Q228624 P136 Q5967378 +Q706898 P106 Q4964182 +Q465181 P106 Q36180 +Q100276 P108 Q214341 +Q57393 P1412 Q188 +Q951581 P106 Q36834 +Q5082974 P106 Q49757 +Q1970586 P106 Q713200 +Q85832 P20 Q1741 +Q596817 P106 Q639669 +Q272382 P106 Q855091 +Q804 P530 Q865 +Q85040 P27 Q191077 +Q155855 P1412 Q9056 +Q953768 P106 Q1028181 +Q309503 P106 Q10798782 +Q1974885 P69 Q90 +Q1250743 P106 Q36834 +Q57576 P106 Q82955 +Q7439 P1412 Q150 +Q53068 P106 Q177220 +Q504920 P106 Q753110 +Q6246180 P1412 Q1860 +Q22670 P106 Q333634 +Q11826 P101 Q1071 +Q311241 P106 Q33999 +Q62234 P106 Q9149093 +Q4235815 P27 Q139319 +Q1286597 P463 Q1132636 +Q22670 P69 Q154561 +Q34670 P106 Q1930187 +Q62664 P27 Q183 +Q70912 P106 Q947873 +Q196560 P106 Q10798782 +Q229139 P136 Q8341 +Q561826 P106 Q1930187 +Q44007 P108 Q662355 +Q443166 P106 Q639669 +Q81145 P840 Q21 +Q82695 P19 Q649 +Q215026 P1412 Q1860 +Q1364820 P102 Q29468 +Q336640 P106 Q483501 +Q264960 P172 Q49085 +Q1308212 P106 Q33999 +Q258753 P69 Q640652 +Q240954 P136 Q156035 +Q184697 P106 Q10798782 +Q202847 P19 Q47265 +Q936760 P1412 Q7913 +Q31984 P106 Q1930187 +Q373362 P495 Q30 +Q955684 P136 Q11401 +Q680881 P69 Q209842 +Q315732 P840 Q60 +Q72429 P106 Q49757 +Q171530 P27 Q142 +Q154410 P106 Q36180 +Q18967 P495 Q30 +Q193570 P136 Q21401869 +Q786954 P106 Q158852 +Q538716 P106 Q10798782 +Q208871 P264 Q772494 +Q446586 P136 Q11366 +Q158060 P463 Q463281 +Q62963 P27 Q15180 +Q69019 P108 Q152171 +Q121507 P106 Q639669 +Q317251 P106 Q245068 +Q1643790 P1412 Q652 +Q342730 P1412 Q652 +Q156394 P161 Q257271 +Q228717 P106 Q33999 +Q454758 P463 Q3603946 +Q6515 P1412 Q1860 +Q211392 P108 Q661916 +Q555324 P106 Q6625963 +Q365985 P106 Q5716684 +Q1237649 P106 Q15981151 +Q70478 P463 Q414188 +Q35 P530 Q965 +Q750 P463 Q191384 +Q36330 P101 Q5891 +Q319773 P27 Q20 +Q163872 P136 Q19367312 +Q66735968 P101 Q11633 +Q429207 P20 Q84 +Q79969 P27 Q34266 +Q159054 P161 Q61677 +Q66600 P106 Q3368718 +Q865 P530 Q945 +Q945 P463 Q191384 +Q309153 P161 Q513849 +Q351670 P20 Q90 +Q909149 P840 Q724 +Q691076 P106 Q177220 +Q205321 P495 Q30 +Q670440 P69 Q49112 +Q10411 P106 Q639669 +Q382638 P106 Q1930187 +Q1291701 P1303 Q128309 +Q153238 P172 Q7325 +Q257145 P20 Q65 +Q55917 P140 Q9592 +Q77087 P106 Q1930187 +Q1374080 P69 Q49112 +Q41132 P161 Q310217 +Q257840 P264 Q4883239 +Q190076 P106 Q486748 +Q48184 P106 Q1622272 +Q18553 P106 Q40348 +Q161955 P106 Q6625963 +Q230496 P161 Q40523 +Q228546 P106 Q36180 +Q212804 P161 Q231815 +Q185490 P136 Q157394 +Q104049 P2348 Q6927 +Q107432 P264 Q885833 +Q84445 P463 Q4742987 +Q236708 P106 Q2259451 +Q49941 P106 Q177220 +Q211213 P69 Q653693 +Q4786 P69 Q202660 +Q924 P530 Q96 +Q247538 P69 Q49210 +Q53096 P161 Q230004 +Q124894 P20 Q23482 +Q284017 P1303 Q17172850 +Q369933 P106 Q9648008 +Q3271606 P69 Q273523 +Q190944 P106 Q1238570 +Q85118 P20 Q1337818 +Q334646 P106 Q1930187 +Q157282 P106 Q82955 +Q77809 P27 Q35 +Q1374180 P106 Q3400985 +Q104081 P106 Q4991371 +Q269645 P136 Q11401 +Q928281 P102 Q29468 +Q44736 P106 Q28389 +Q154759 P69 Q32120 +Q164328 P106 Q639669 +Q48996 P106 Q36834 +Q273233 P106 Q639669 +Q98265 P106 Q482980 +Q93614 P451 Q44775 +Q11609 P69 Q168756 +Q454568 P27 Q33946 +Q467231 P1412 Q1860 +Q205456 P20 Q727 +Q96594 P106 Q185351 +Q60547 P27 Q30 +Q80966 P106 Q33999 +Q161363 P463 Q463281 +Q232 P530 Q833 +Q209913 P495 Q30 +Q568595 P463 Q329464 +Q439394 P106 Q1930187 +Q92776 P27 Q145 +Q7747 P106 Q47064 +Q283932 P161 Q254980 +Q919565 P106 Q3282637 +Q239786 P264 Q216364 +Q507809 P106 Q36180 +Q1562145 P1303 Q17172850 +Q113953 P106 Q2516852 +Q201418 P27 Q30 +Q335760 P106 Q774306 +Q171567 P106 Q33999 +Q59737 P136 Q474090 +Q223033 P106 Q10800557 +Q214930 P106 Q33999 +Q235946 P108 Q219563 +Q2585807 P106 Q864503 +Q46703 P17 Q40 +Q378098 P509 Q12206 +Q84199 P1412 Q188 +Q92831 P106 Q1622272 +Q934097 P106 Q1930187 +Q152768 P27 Q801 +Q2610 P102 Q153401 +Q117139 P27 Q30 +Q1346192 P1303 Q6607 +Q273233 P509 Q12202 +Q1349639 P106 Q1415090 +Q343433 P1412 Q9067 +Q403 P30 Q46 +Q358529 P1412 Q652 +Q63346 P119 Q176298 +Q419 P530 Q865 +Q227 P530 Q183 +Q470204 P106 Q639669 +Q235115 P27 Q142 +Q145 P463 Q827525 +Q157293 P106 Q36834 +Q194280 P451 Q229948 +Q52926 P106 Q116 +Q221957 P106 Q28389 +Q439455 P1412 Q7737 +Q167498 P106 Q3282637 +Q528804 P509 Q4651894 +Q215282 P106 Q185351 +Q43067 P463 Q44687 +Q451150 P106 Q82955 +Q271967 P106 Q33999 +Q321636 P1303 Q8355 +Q123097 P161 Q443317 +Q105362 P102 Q7320 +Q455236 P264 Q729590 +Q60025 P108 Q309350 +Q58866 P106 Q10800557 +Q189081 P106 Q15895020 +Q57775 P106 Q189290 +Q1389588 P106 Q1622272 +Q295847 P106 Q3282637 +Q3589 P161 Q318292 +Q127866 P136 Q186472 +Q157318 P27 Q7318 +Q203574 P840 Q21 +Q106775 P136 Q21590660 +Q773303 P20 Q31487 +Q88427 P106 Q188094 +Q235364 P106 Q1930187 +Q108306 P20 Q1726 +Q215600 P106 Q36180 +Q15031 P26 Q430911 +Q81082 P463 Q329464 +Q55375 P119 Q311 +Q1680807 P106 Q131524 +Q105460 P264 Q770103 +Q221 P30 Q46 +Q296828 P19 Q90 +Q349852 P27 Q30 +Q660553 P20 Q90 +Q287027 P106 Q3286043 +Q93147 P106 Q1622272 +Q234314 P1303 Q17172850 +Q237222 P136 Q2421031 +Q292381 P19 Q60 +Q256708 P106 Q488205 +Q962 P463 Q656801 +Q91544 P106 Q4773904 +Q96 P530 Q39 +Q83233 P20 Q90 +Q11881 P509 Q12202 +Q206399 P106 Q16145150 +Q363525 P1412 Q1860 +Q371639 P20 Q90 +Q223455 P106 Q2526255 +Q930987 P106 Q214917 +Q374526 P161 Q462118 +Q310926 P27 Q30 +Q438635 P1303 Q46185 +Q219373 P106 Q33999 +Q313581 P106 Q2468727 +Q60025 P140 Q9268 +Q11885 P106 Q639669 +Q511399 P27 Q15180 +Q1131481 P119 Q220 +Q80900 P509 Q47912 +Q2620784 P106 Q189290 +Q13908 P136 Q959790 +Q863 P530 Q843 +Q98812 P102 Q49768 +Q570913 P20 Q55630 +Q306403 P108 Q1026827 +Q233957 P69 Q21705070 +Q167437 P161 Q2680 +Q451680 P106 Q16145150 +Q313581 P119 Q18405702 +Q60068 P1412 Q1568 +Q104859 P1412 Q1860 +Q122020 P264 Q54860 +Q860068 P69 Q13371 +Q720443 P108 Q333886 +Q933892 P106 Q49757 +Q210428 P106 Q36180 +Q445386 P1303 Q17172850 +Q258462 P19 Q34739 +Q229760 P264 Q202440 +Q61520 P108 Q151510 +Q726607 P69 Q194223 +Q107006 P69 Q680971 +Q2477225 P27 Q159 +Q61649 P106 Q5371902 +Q258 P530 Q114 +Q57298 P106 Q82955 +Q73416 P69 Q49115 +Q232462 P140 Q7066 +Q55264 P140 Q7066 +Q183 P530 Q786 +Q95215 P102 Q158227 +Q206693 P509 Q12152 +Q2622688 P106 Q1906857 +Q835 P1412 Q7737 +Q702468 P106 Q82955 +Q2415122 P69 Q49210 +Q499339 P27 Q183 +Q2599 P1303 Q61285 +Q60851 P106 Q28389 +Q89188 P27 Q28513 +Q1411849 P106 Q177220 +Q204019 P106 Q4610556 +Q154556 P106 Q1622272 +Q92897 P108 Q700758 +Q100765 P102 Q328195 +Q118812 P108 Q152838 +Q917 P463 Q191384 +Q541573 P1303 Q6607 +Q44529 P20 Q1486 +Q178966 P161 Q23814 +Q435437 P19 Q216 +Q966690 P161 Q1299129 +Q3057567 P108 Q28513 +Q329805 P161 Q71206 +Q28152 P106 Q1622272 +Q95119 P19 Q62 +Q19356 P495 Q142 +Q213765 P27 Q28 +Q447827 P27 Q28 +Q335807 P509 Q12152 +Q518576 P69 Q83259 +Q312570 P69 Q7866352 +Q214357 P106 Q201788 +Q467817 P1412 Q652 +Q62134 P27 Q30 +Q153701 P1412 Q1860 +Q152824 P463 Q463281 +Q139927 P136 Q130232 +Q2185 P20 Q90 +Q88267 P69 Q152171 +Q215637 P19 Q656 +Q259679 P106 Q33999 +Q477461 P106 Q43845 +Q234392 P106 Q2259451 +Q194142 P161 Q272946 +Q64970 P119 Q564922 +Q221846 P136 Q157394 +Q66343 P27 Q183 +Q135230 P495 Q30 +Q22222 P69 Q174710 +Q719247 P106 Q10800557 +Q533369 P106 Q28389 +Q207867 P1303 Q6607 +Q135139 P463 Q543804 +Q9061 P551 Q64 +Q224650 P1303 Q6607 +Q329454 P1412 Q7737 +Q722042 P106 Q2405480 +Q314812 P19 Q39561 +Q344179 P1412 Q150 +Q108814 P463 Q4345832 +Q74289 P108 Q157808 +Q381185 P106 Q201788 +Q68219 P106 Q155647 +Q921516 P19 Q159 +Q460161 P19 Q79867 +Q297210 P106 Q639669 +Q312480 P106 Q33999 +Q104859 P106 Q2095549 +Q72070 P106 Q49757 +Q463184 P106 Q33999 +Q246656 P161 Q40475 +Q732142 P172 Q7325 +Q89764 P1303 Q17172850 +Q447831 P20 Q472 +Q28 P530 Q252 +Q30 P530 Q32 +Q330376 P27 Q30 +Q215258 P108 Q21578 +Q6096 P136 Q164444 +Q25023 P106 Q16287483 +Q675465 P19 Q16869 +Q826731 P27 Q183 +Q276734 P136 Q2439025 +Q86943 P20 Q2861 +Q1965416 P1303 Q6607 +Q546275 P136 Q8261 +Q72334 P463 Q463281 +Q441267 P106 Q2259451 +Q1290021 P1303 Q17172850 +Q76516 P106 Q36180 +Q449 P264 Q1536003 +Q90819 P1412 Q188 +Q219373 P106 Q10798782 +Q79969 P106 Q36180 +Q722347 P106 Q4964182 +Q362089 P463 Q12751277 +Q263552 P463 Q337224 +Q311241 P27 Q30 +Q337722 P106 Q488205 +Q17 P463 Q170481 +Q424 P463 Q7825 +Q464218 P264 Q216364 +Q274748 P161 Q440910 +Q351989 P136 Q860626 +Q223033 P19 Q1297 +Q34266 P37 Q1412 +Q254804 P27 Q30 +Q600701 P106 Q42973 +Q555505 P106 Q627325 +Q6294 P26 Q1124 +Q330840 P27 Q30 +Q335807 P19 Q61 +Q81447 P106 Q49757 +Q11732 P27 Q40 +Q50713 P106 Q33999 +Q455703 P106 Q36180 +Q467333 P27 Q30 +Q2281920 P463 Q2124852 +Q1337067 P27 Q41 +Q766403 P1412 Q150 +Q315610 P106 Q81096 +Q19089 P161 Q316629 +Q240523 P106 Q1028181 +Q366845 P106 Q36180 +Q244234 P1412 Q652 +Q214660 P1412 Q1860 +Q257551 P106 Q177220 +Q152531 P161 Q359604 +Q329163 P69 Q4614 +Q161084 P140 Q9592 +Q1779 P509 Q12152 +Q377614 P463 Q123885 +Q822 P463 Q827525 +Q16397 P106 Q28389 +Q36591 P551 Q656 +Q357455 P136 Q37073 +Q91166 P1412 Q188 +Q154770 P136 Q1338153 +Q328691 P106 Q81096 +Q72365 P106 Q49757 +Q16 P530 Q114 +Q201379 P161 Q313546 +Q194413 P161 Q381799 +Q290091 P106 Q10798782 +Q630446 P27 Q30 +Q67711 P106 Q36180 +Q1869643 P27 Q30 +Q132964 P106 Q11569986 +Q297744 P509 Q389735 +Q1039759 P1303 Q6607 +Q974023 P1412 Q1860 +Q267685 P106 Q33999 +Q285341 P136 Q11366 +Q217557 P737 Q127332 +Q71018 P102 Q49764 +Q98058 P102 Q157537 +Q703091 P106 Q81096 +Q714141 P106 Q639669 +Q750 P463 Q17495 +Q323166 P19 Q678437 +Q995245 P19 Q2090 +Q202246 P106 Q177220 +Q11869 P102 Q42183 +Q181727 P106 Q1930187 +Q43044 P106 Q10800557 +Q71402 P140 Q432 +Q801 P463 Q7825 +Q160071 P161 Q236463 +Q355245 P27 Q30 +Q1687803 P509 Q11085 +Q98258 P1412 Q397 +Q48051 P27 Q159 +Q88951 P1412 Q188 +Q180125 P161 Q177131 +Q387434 P106 Q33999 +Q224650 P106 Q855091 +Q433616 P27 Q30 +Q329056 P495 Q30 +Q84423 P69 Q154804 +Q709751 P20 Q235 +Q238712 P106 Q4610556 +Q351705 P106 Q49757 +Q1365901 P463 Q756504 +Q77107 P1412 Q188 +Q327261 P19 Q406 +Q18425 P106 Q169470 +Q170842 P20 Q649 +Q23441 P20 Q90 +Q51549 P106 Q245068 +Q188093 P106 Q1930187 +Q1643790 P106 Q18844224 +Q732434 P1412 Q1860 +Q525949 P106 Q36180 +Q218 P463 Q842490 +Q216608 P106 Q33999 +Q38222 P69 Q1583249 +Q503672 P101 Q638 +Q1276 P106 Q486748 +Q984644 P136 Q128758 +Q726440 P106 Q177220 +Q441742 P172 Q49085 +Q103623 P551 Q90 +Q4631 P69 Q4614 +Q157318 P106 Q36180 +Q262507 P108 Q126399 +Q77009 P161 Q532180 +Q549233 P106 Q753110 +Q238866 P161 Q205707 +Q91642 P106 Q170790 +Q125488 P106 Q82955 +Q401773 P106 Q36180 +Q180626 P1412 Q9186 +Q936132 P27 Q16 +Q60582 P1412 Q188 +Q262 P463 Q7172 +Q359568 P101 Q1071 +Q3955 P17 Q156199 +Q851 P463 Q340195 +Q258626 P106 Q4610556 +Q539506 P136 Q1640319 +Q4245942 P27 Q34266 +Q268294 P106 Q3282637 +Q113909 P106 Q40348 +Q781878 P1412 Q1860 +Q173061 P509 Q212961 +Q236606 P106 Q28389 +Q56016 P101 Q33999 +Q16472 P136 Q83440 +Q185152 P140 Q748 +Q78475 P509 Q183134 +Q55171 P106 Q3282637 +Q572608 P106 Q639669 +Q313918 P106 Q10800557 +Q183063 P136 Q200092 +Q157271 P106 Q333634 +Q1495109 P106 Q1622272 +Q170596 P106 Q4773904 +Q71625 P1412 Q188 +Q203843 P1412 Q1321 +Q240869 P106 Q639669 +Q192934 P840 Q39 +Q249040 P161 Q356986 +Q155700 P106 Q177220 +Q77144 P106 Q4964182 +Q1461567 P106 Q639669 +Q225 P530 Q159 +Q237518 P119 Q4263743 +Q113190 P27 Q40 +Q114623 P69 Q622683 +Q708963 P172 Q678551 +Q381561 P106 Q177220 +Q283988 P106 Q2259451 +Q241 P530 Q717 +Q298761 P106 Q3391743 +Q232052 P451 Q426582 +Q366700 P19 Q64 +Q44306 P106 Q4853732 +Q312628 P27 Q172579 +Q224021 P106 Q33999 +Q231942 P19 Q65 +Q1740125 P140 Q7066 +Q63317 P1303 Q17172850 +Q352431 P136 Q52162262 +Q62443 P101 Q36442 +Q219640 P106 Q2259451 +Q329807 P106 Q28389 +Q221074 P136 Q21590660 +Q433989 P69 Q371625 +Q1367152 P27 Q142 +Q88388 P108 Q273263 +Q344758 P106 Q2259451 +Q255786 P509 Q12152 +Q43 P530 Q221 +Q246711 P161 Q234195 +Q237242 P106 Q36180 +Q355531 P27 Q30 +Q168543 P1412 Q1321 +Q46717 P136 Q22981906 +Q11826 P106 Q1734662 +Q229244 P106 Q10800557 +Q46548 P1303 Q5994 +Q193426 P140 Q178169 +Q1253 P27 Q884 +Q386394 P106 Q1930187 +Q216927 P106 Q639669 +Q60363 P106 Q1622272 +Q374034 P106 Q730242 +Q117 P463 Q376150 +Q36878 P106 Q49757 +Q90220 P106 Q36180 +Q705174 P27 Q142 +Q214171 P106 Q18814623 +Q155700 P106 Q483501 +Q438164 P106 Q4263842 +Q878 P530 Q1246 +Q158474 P136 Q188473 +Q351705 P1412 Q9043 +Q76893 P102 Q153401 +Q335193 P20 Q84 +Q145173 P20 Q47164 +Q123706 P1412 Q5146 +Q213 P463 Q376150 +Q44111 P106 Q81096 +Q298025 P106 Q1114448 +Q338489 P17 Q38 +Q223887 P136 Q2484376 +Q233022 P1412 Q1860 +Q224069 P161 Q165518 +Q313522 P509 Q11081 +Q313366 P106 Q639669 +Q27357 P135 Q37068 +Q60876 P27 Q183 +Q179282 P463 Q463303 +Q5348 P27 Q28513 +Q372311 P106 Q10800557 +Q1356368 P108 Q245247 +Q296287 P27 Q30 +Q179743 P161 Q83410 +Q471443 P106 Q876864 +Q142 P530 Q686 +Q362371 P1303 Q6607 +Q515883 P1412 Q1860 +Q271640 P19 Q9005 +Q273502 P1303 Q52954 +Q166663 P119 Q5933 +Q1445729 P106 Q483501 +Q223117 P106 Q2526255 +Q163249 P69 Q49120 +Q590 P737 Q6691 +Q9696 P3373 Q432694 +Q72077 P106 Q36180 +Q120260 P106 Q855091 +Q323463 P1303 Q17172850 +Q309898 P106 Q2526255 +Q195371 P106 Q10800557 +Q180252 P106 Q214917 +Q59610 P495 Q145 +Q178966 P161 Q180560 +Q370293 P27 Q145 +Q355344 P27 Q30 +Q2038 P509 Q181257 +Q70988 P135 Q37068 +Q77970 P20 Q1055 +Q307440 P27 Q851 +Q189 P463 Q827525 +Q440956 P106 Q2405480 +Q216692 P136 Q25379 +Q318155 P172 Q170826 +Q30 P530 Q790 +Q97550 P106 Q36180 +Q456712 P172 Q49085 +Q373895 P106 Q4610556 +Q380848 P495 Q30 +Q60809 P106 Q3578589 +Q835943 P17 Q34 +Q984165 P69 Q193727 +Q794 P530 Q142 +Q316596 P106 Q2526255 +Q12817 P1412 Q1860 +Q70309 P509 Q12202 +Q112227 P463 Q299015 +Q140694 P463 Q161806 +Q116307 P463 Q463303 +Q296928 P106 Q10800557 +Q183066 P57 Q34816 +Q233313 P106 Q753110 +Q249862 P106 Q2259451 +Q38757 P69 Q55044 +Q1683438 P1412 Q1860 +Q723141 P106 Q1622272 +Q7327 P69 Q1934904 +Q270324 P106 Q2405480 +Q130026 P106 Q245068 +Q357936 P106 Q42909 +Q8573 P140 Q1062789 +Q216708 P106 Q488205 +Q92432 P106 Q40348 +Q1349702 P106 Q855091 +Q49941 P27 Q28 +Q189 P530 Q668 +Q116307 P463 Q83172 +Q236950 P106 Q36180 +Q51489 P106 Q28389 +Q159582 P69 Q1934911 +Q1382863 P172 Q49085 +Q232333 P1303 Q17172850 +Q173804 P840 Q40 +Q71419 P27 Q183 +Q84770 P106 Q170790 +Q123389 P106 Q214917 +Q319523 P20 Q649 +Q1178 P106 Q158852 +Q170042 P641 Q5369 +Q706931 P20 Q84 +Q372692 P69 Q1247373 +Q55413 P19 Q2910 +Q484523 P136 Q83270 +Q2287423 P1412 Q9309 +Q106182 P495 Q30 +Q255593 P1303 Q17172850 +Q163118 P463 Q2166029 +Q164963 P2283 Q568723 +Q11627 P69 Q15142 +Q2902600 P106 Q169470 +Q90331 P20 Q64 +Q298030 P1412 Q294 +Q689820 P172 Q2436423 +Q111164 P106 Q10798782 +Q18154882 P407 Q1860 +Q92897 P108 Q391028 +Q159603 P27 Q207272 +Q1897271 P106 Q5716684 +Q726071 P106 Q639669 +Q191 P530 Q1246 +Q205028 P840 Q387047 +Q345325 P106 Q28389 +Q40688 P140 Q7066 +Q215730 P140 Q9592 +Q1101377 P1303 Q79838 +Q717626 P1303 Q17172850 +Q388268 P69 Q1189954 +Q107194 P106 Q15296811 +Q242577 P106 Q2526255 +Q76513 P101 Q431 +Q300439 P495 Q183 +Q681465 P1303 Q80284 +Q99076 P106 Q3400985 +Q437039 P106 Q33999 +Q40319 P106 Q39631 +Q937537 P106 Q18545066 +Q981171 P106 Q4853732 +Q22072 P136 Q373342 +Q437970 P106 Q488205 +Q137138 P463 Q94301 +Q215258 P101 Q5891 +Q680728 P1412 Q7411 +Q1929135 P106 Q855091 +Q587361 P1303 Q320002 +Q31786 P495 Q30 +Q131240 P106 Q36180 +Q558615 P106 Q1930187 +Q210428 P1412 Q1860 +Q218589 P840 Q142 +Q190772 P106 Q2732142 +Q78479 P463 Q543804 +Q1793865 P463 Q123885 +Q249865 P27 Q30 +Q230055 P27 Q34 +Q337078 P161 Q212790 +Q1225 P1303 Q5994 +Q317742 P19 Q18125 +Q63346 P102 Q49768 +Q34660 P106 Q36180 +Q403 P530 Q1027 +Q617215 P106 Q33999 +Q77751 P108 Q209842 +Q40479 P737 Q310048 +Q330567 P463 Q463303 +Q171421 P102 Q9626 +Q1277015 P106 Q158852 +Q509341 P69 Q1583249 +Q291239 P1412 Q150 +Q144622 P136 Q484641 +Q1660599 P136 Q319221 +Q117139 P136 Q37073 +Q107194 P1412 Q188 +Q4612 P106 Q177220 +Q181555 P136 Q157443 +Q113032 P106 Q2526255 +Q962308 P27 Q145 +Q444728 P27 Q142 +Q69198 P69 Q1190355 +Q49355 P101 Q2329 +Q705715 P106 Q639669 +Q55411 P1412 Q188 +Q252 P530 Q805 +Q316022 P551 Q30 +Q46633 P101 Q21198 +Q797615 P19 Q1494 +Q233541 P119 Q1428 +Q216016 P27 Q801 +Q356351 P106 Q81096 +Q209175 P106 Q10798782 +Q106126 P119 Q311 +Q318004 P463 Q123885 +Q335142 P101 Q11190 +Q467630 P106 Q49757 +Q160422 P135 Q80113 +Q9095 P106 Q170790 +Q151870 P161 Q315083 +Q5921 P1412 Q1860 +Q41422 P1412 Q1860 +Q26648 P108 Q193510 +Q265252 P136 Q2332751 +Q232479 P136 Q211756 +Q9312 P106 Q4773904 +Q76336 P106 Q333634 +Q235934 P1303 Q6607 +Q107933 P106 Q36834 +Q221113 P495 Q30 +Q234685 P1303 Q17172850 +Q1646438 P106 Q36834 +Q19810 P106 Q177220 +Q312336 P140 Q5043 +Q229603 P161 Q107769 +Q1976514 P1412 Q7737 +Q44584 P136 Q676 +Q43189 P1412 Q1860 +Q207698 P161 Q125904 +Q241503 P19 Q906 +Q84475 P27 Q40 +Q45909 P106 Q10798782 +Q26412 P69 Q1250779 +Q267691 P106 Q28389 +Q78504 P463 Q463303 +Q47426 P69 Q131252 +Q457739 P108 Q49117 +Q790 P37 Q150 +Q367109 P106 Q3621491 +Q777688 P509 Q12152 +Q44606 P27 Q17 +Q4247 P106 Q36180 +Q179051 P551 Q60 +Q312280 P106 Q3282637 +Q193668 P451 Q230710 +Q822 P463 Q899770 +Q203860 P20 Q649 +Q333402 P27 Q30 +Q235635 P26 Q42574 +Q1109636 P106 Q15981151 +Q61059 P27 Q30 +Q165745 P17 Q30 +Q10411 P106 Q1028181 +Q924 P463 Q384535 +Q23114 P1412 Q7737 +Q305962 P27 Q170468 +Q102905 P136 Q482 +Q4128 P106 Q6625963 +Q928281 P106 Q36180 +Q562556 P27 Q142 +Q51884 P1412 Q397 +Q271956 P119 Q1242128 +Q113510 P106 Q901402 +Q71208 P69 Q317053 +Q1514 P264 Q183387 +Q547414 P106 Q876864 +Q49004 P106 Q10800557 +Q11617 P106 Q639669 +Q44063 P737 Q41351 +Q191819 P101 Q207628 +Q1253366 P161 Q15615 +Q34474 P463 Q1425328 +Q164309 P27 Q159 +Q128730 P161 Q342788 +Q884 P530 Q252 +Q270951 P27 Q159 +Q97423 P106 Q3282637 +Q76553 P20 Q14859 +Q915 P37 Q7737 +Q378116 P19 Q90 +Q2628 P119 Q1497554 +Q246722 P106 Q6625963 +Q145 P530 Q813 +Q61078 P737 Q38757 +Q76791 P108 Q152171 +Q380579 P106 Q131524 +Q4496 P1412 Q1860 +Q340016 P106 Q33999 +Q249931 P161 Q230662 +Q843 P530 Q817 +Q328797 P1303 Q51290 +Q374362 P106 Q36180 +Q171711 P136 Q471839 +Q400341 P119 Q208175 +Q40826 P737 Q5679 +Q6512 P737 Q9235 +Q453691 P106 Q28389 +Q247733 P161 Q34436 +Q510114 P106 Q753110 +Q130742 P136 Q817138 +Q61682 P108 Q35794 +Q234595 P106 Q622807 +Q55249 P20 Q84 +Q311022 P463 Q188771 +Q7304 P20 Q1741 +Q4590643 P27 Q20 +Q429664 P19 Q8652 +Q177847 P106 Q9334029 +Q273079 P19 Q49218 +Q192207 P106 Q14467526 +Q560040 P106 Q486748 +Q551597 P27 Q142 +Q234128 P106 Q245068 +Q82104 P106 Q1930187 +Q2473030 P101 Q41217 +Q127959 P106 Q169470 +Q318750 P1412 Q1860 +Q312336 P27 Q241 +Q16403 P161 Q24962 +Q94031 P27 Q174193 +Q310300 P106 Q36180 +Q75814 P463 Q270794 +Q237639 P101 Q482 +Q92862 P106 Q5482740 +Q451812 P1303 Q5994 +Q501 P140 Q1841 +Q71336 P106 Q49757 +Q167520 P1412 Q1860 +Q157322 P106 Q333634 +Q365044 P106 Q10798782 +Q1351565 P20 Q1297 +Q240899 P161 Q434500 +Q181776 P136 Q130232 +Q219237 P106 Q177220 +Q192402 P106 Q36834 +Q106685 P106 Q28389 +Q385236 P1412 Q5287 +Q44767 P136 Q131272 +Q192279 P27 Q34266 +Q333190 P106 Q36180 +Q974795 P20 Q60 +Q352540 P106 Q2259451 +Q235364 P69 Q167733 +Q523870 P106 Q4773904 +Q60363 P69 Q273263 +Q461540 P840 Q60 +Q330238 P1412 Q150 +Q343477 P106 Q333634 +Q924232 P106 Q19723482 +Q490738 P106 Q177220 +Q78782 P1412 Q188 +Q128956 P106 Q860918 +Q212015 P264 Q21077 +Q2272369 P108 Q41506 +Q255300 P19 Q656 +Q185510 P140 Q6423963 +Q431038 P106 Q10798782 +Q91090 P106 Q4964182 +Q101820 P106 Q1622272 +Q313315 P161 Q225509 +Q159700 P106 Q188094 +Q1710614 P1412 Q5146 +Q233464 P161 Q281621 +Q984115 P1303 Q6607 +Q595529 P106 Q183945 +Q159552 P737 Q40826 +Q68225 P108 Q158158 +Q19661 P106 Q121594 +Q153481 P106 Q37226 +Q662066 P106 Q13219637 +Q310755 P463 Q123885 +Q309003 P495 Q30 +Q238719 P106 Q177220 +Q2574737 P106 Q36834 +Q153610 P119 Q208175 +Q232642 P106 Q4610556 +Q287110 P27 Q15180 +Q214097 P69 Q40025 +Q239307 P19 Q42448 +Q444601 P27 Q27 +Q180338 P1412 Q652 +Q81219 P106 Q49757 +Q359248 P106 Q81096 +Q359059 P106 Q639669 +Q243969 P106 Q12362622 +Q548672 P106 Q82594 +Q171453 P161 Q706117 +Q242300 P106 Q43845 +Q92739 P108 Q41506 +Q554670 P106 Q2259451 +Q272068 P106 Q10800557 +Q29 P530 Q241 +Q224113 P106 Q6625963 +Q296545 P140 Q35032 +Q125462 P106 Q4964182 +Q1452648 P106 Q177220 +Q1273345 P509 Q2140674 +Q347362 P737 Q9061 +Q504083 P106 Q482980 +Q271576 P136 Q487965 +Q944563 P1303 Q52954 +Q79078 P102 Q7320 +Q96 P530 Q403 +Q364679 P27 Q30 +Q176558 P106 Q49757 +Q234795 P106 Q28389 +Q286410 P106 Q9648008 +Q817 P530 Q43 +Q361523 P27 Q30 +Q328691 P463 Q1493021 +Q123386 P106 Q4964182 +Q1240856 P27 Q142 +Q217010 P161 Q60802 +Q332953 P20 Q25610 +Q784260 P136 Q11401 +Q365682 P20 Q60 +Q66031 P106 Q333634 +Q40580 P19 Q3141 +Q128823 P463 Q123885 +Q977 P37 Q150 +Q362258 P264 Q38903 +Q72479 P106 Q10800557 +Q176578 P27 Q34266 +Q89694 P509 Q12078 +Q40115 P161 Q316627 +Q262659 P1303 Q17172850 +Q164578 P101 Q5716684 +Q19837 P20 Q47265 +Q202029 P161 Q312129 +Q165219 P1412 Q1860 +Q76993 P106 Q11774156 +Q69631 P108 Q24382 +Q64043 P463 Q15646111 +Q189119 P19 Q84 +Q289752 P264 Q216364 +Q202801 P106 Q10798782 +Q1445276 P69 Q49123 +Q46739 P106 Q14467526 +Q357102 P1412 Q1860 +Q526970 P1303 Q6607 +Q312857 P106 Q36834 +Q236669 P19 Q84 +Q78494 P106 Q1930187 +Q231116 P106 Q18581305 +Q372215 P106 Q618694 +Q105090 P106 Q36180 +Q276745 P106 Q488205 +Q339551 P106 Q33999 +Q72925 P136 Q20442589 +Q1041749 P1303 Q17172850 +Q115490 P20 Q78 +Q1691566 P106 Q13474373 +Q4145 P19 Q60 +Q230420 P106 Q10800557 +Q179097 P106 Q36180 +Q437944 P20 Q387047 +Q138559 P27 Q174193 +Q276218 P106 Q639669 +Q93356 P106 Q49757 +Q243113 P136 Q9794 +Q294372 P172 Q7325 +Q34933 P106 Q20669622 +Q5928 P19 Q5083 +Q431401 P264 Q664167 +Q76440 P69 Q152087 +Q242095 P1412 Q652 +Q228968 P106 Q36180 +Q1853186 P106 Q488205 +Q170581 P551 Q5092 +Q967846 P19 Q807 +Q20 P530 Q145 +Q168509 P509 Q18554919 +Q957439 P106 Q81096 +Q164824 P463 Q123885 +Q526107 P1303 Q128309 +Q270707 P509 Q12152 +Q188093 P106 Q214917 +Q625272 P106 Q864380 +Q365985 P106 Q488205 +Q211213 P106 Q177220 +Q444237 P19 Q90 +Q28196 P161 Q296370 +Q431656 P106 Q15981151 +Q57329 P27 Q215 +Q292993 P101 Q207628 +Q58121 P106 Q8246794 +Q930679 P106 Q1930187 +Q102071 P106 Q1028181 +Q930987 P106 Q33231 +Q595529 P106 Q36834 +Q458372 P463 Q463303 +Q237385 P106 Q33999 +Q90319 P1412 Q188 +Q8016 P106 Q1930187 +Q450663 P106 Q333634 +Q435826 P106 Q177220 +Q316568 P106 Q36180 +Q77015 P106 Q131512 +Q314597 P136 Q11401 +Q375845 P19 Q1781 +Q1530794 P69 Q9842 +Q38082 P106 Q33231 +Q295144 P106 Q40348 +Q176846 P136 Q11401 +Q1928973 P264 Q1988428 +Q370326 P161 Q202461 +Q78528 P136 Q1344 +Q216134 P69 Q1093910 +Q151820 P106 Q551835 +Q452116 P106 Q170790 +Q108703 P69 Q159895 +Q232470 P106 Q2259451 +Q234360 P172 Q49085 +Q83338 P1412 Q1860 +Q240658 P106 Q10798782 +Q49524 P106 Q622807 +Q61407 P119 Q438183 +Q185110 P463 Q2370801 +Q298016 P27 Q30 +Q172678 P1412 Q1860 +Q41819 P131 Q1581 +Q329897 P27 Q30 +Q486786 P27 Q30 +Q463101 P161 Q13909 +Q5683 P106 Q14467526 +Q471751 P1412 Q1860 +Q675 P463 Q3603946 +Q12795 P106 Q333634 +Q163543 P106 Q1028181 +Q59478 P140 Q7066 +Q283988 P20 Q3143067 +Q157155 P106 Q1234713 +Q126652 P161 Q81328 +Q220910 P161 Q553276 +Q159585 P1412 Q188 +Q311314 P1412 Q1860 +Q164963 P161 Q329734 +Q442549 P106 Q2259451 +Q193346 P106 Q28389 +Q153694 P264 Q21077 +Q332892 P106 Q2252262 +Q57737 P27 Q183 +Q183063 P495 Q30 +Q3057567 P106 Q36180 +Q691 P463 Q17495 +Q151972 P19 Q38022 +Q25161 P737 Q34743 +Q69521 P463 Q543804 +Q53939 P19 Q275118 +Q35314 P27 Q2305208 +Q177311 P106 Q10800557 +Q11998 P106 Q3282637 +Q232417 P27 Q145 +Q258 P530 Q1029 +Q982729 P106 Q81096 +Q77688 P108 Q209842 +Q320073 P136 Q1152184 +Q889 P530 Q865 +Q183347 P1412 Q1860 +Q330238 P1412 Q1321 +Q706898 P108 Q193727 +Q160333 P1412 Q397 +Q380243 P106 Q170790 +Q453691 P19 Q90 +Q192073 P161 Q216221 +Q230632 P106 Q948329 +Q315756 P106 Q214917 +Q451608 P119 Q311 +Q123512 P27 Q39 +Q606356 P106 Q4964182 +Q2599 P106 Q3282637 +Q314569 P106 Q10800557 +Q40 P530 Q41 +Q164119 P19 Q100 +Q208108 P161 Q433459 +Q174153 P161 Q29250 +Q357036 P1303 Q8338 +Q362106 P106 Q639669 +Q172183 P1412 Q9288 +Q607825 P463 Q1425328 +Q630446 P1412 Q1860 +Q290287 P1412 Q1860 +Q220396 P106 Q33999 +Q91446 P69 Q309948 +Q200672 P161 Q170572 +Q7317 P1412 Q652 +Q258761 P136 Q11399 +Q858 P530 Q17 +Q214565 P106 Q2374149 +Q3341701 P106 Q205375 +Q191020 P463 Q688638 +Q217294 P161 Q498389 +Q5152 P27 Q12560 +Q238 P530 Q183 +Q640292 P106 Q3282637 +Q77210 P106 Q82955 +Q47159 P119 Q1437214 +Q230632 P102 Q29468 +Q17135 P69 Q49205 +Q817 P530 Q159 +Q189889 P495 Q16 +Q7747 P1412 Q7737 +Q4894597 P106 Q1622272 +Q60954 P27 Q183 +Q213512 P1303 Q17172850 +Q313281 P106 Q1643514 +Q611121 P106 Q1622272 +Q7542 P551 Q36091 +Q234893 P1412 Q9056 +Q235742 P161 Q374041 +Q73924 P509 Q12078 +Q307391 P136 Q241662 +Q158123 P106 Q806798 +Q191480 P136 Q676 +Q160640 P1412 Q150 +Q392806 P495 Q145 +Q210590 P161 Q275779 +Q928 P530 Q796 +Q200586 P136 Q83440 +Q156608 P840 Q1726 +Q228901 P20 Q84 +Q91587 P19 Q2100 +Q1026826 P106 Q36180 +Q25973 P106 Q4964182 +Q102711 P106 Q10798782 +Q69430 P106 Q36180 +Q71633 P108 Q230899 +Q11928 P161 Q213430 +Q246731 P106 Q3055126 +Q206336 P161 Q115541 +Q15615 P136 Q850412 +Q221 P463 Q17495 +Q274277 P101 Q33999 +Q157155 P463 Q265058 +Q76329 P106 Q18939491 +Q57434 P106 Q1231865 +Q65445 P106 Q43845 +Q75966 P1412 Q188 +Q269912 P161 Q228931 +Q58793 P69 Q161976 +Q403 P463 Q899770 +Q204590 P106 Q2259451 +Q333460 P69 Q49126 +Q318223 P136 Q316930 +Q104154 P463 Q3603946 +Q78475 P1303 Q5994 +Q217010 P161 Q223854 +Q267265 P19 Q49218 +Q422275 P106 Q193391 +Q92562 P463 Q49629 +Q78713 P106 Q81096 +Q43259 P136 Q484641 +Q756645 P172 Q2436423 +Q332632 P20 Q220 +Q436386 P172 Q7325 +Q346064 P27 Q193714 +Q316641 P106 Q2405480 +Q390052 P840 Q38 +Q70855 P463 Q191583 +Q115780 P1412 Q188 +Q506379 P19 Q30 +Q53680 P106 Q10798782 +Q213195 P463 Q270794 +Q254265 P1412 Q7411 +Q92739 P19 Q100 +Q188987 P737 Q188176 +Q310551 P106 Q2405480 +Q381203 P106 Q3282637 +Q221168 P840 Q1384 +Q457840 P27 Q30 +Q465633 P106 Q36180 +Q25163 P172 Q7325 +Q316641 P106 Q3387717 +Q233092 P106 Q33999 +Q34782 P27 Q30 +Q231163 P106 Q214917 +Q12833 P463 Q202479 +Q213765 P27 Q40 +Q96064 P106 Q82955 +Q953153 P106 Q15077007 +Q54828 P20 Q649 +Q1351751 P264 Q1757254 +Q47210 P27 Q142 +Q189732 P106 Q82955 +Q110714 P27 Q30 +Q152306 P20 Q807 +Q1282826 P136 Q8261 +Q389466 P161 Q185610 +Q86924 P140 Q75809 +Q314963 P106 Q49757 +Q402194 P27 Q79 +Q71775 P3373 Q105273 +Q67725 P463 Q414110 +Q272079 P106 Q36180 +Q190884 P106 Q193391 +Q244333 P161 Q125017 +Q4391139 P20 Q649 +Q922336 P106 Q82955 +Q44398 P136 Q11399 +Q64076 P1412 Q188 +Q363254 P106 Q10800557 +Q183 P530 Q902 +Q188375 P1412 Q9192 +Q1077577 P106 Q488205 +Q619051 P106 Q214917 +Q230303 P102 Q29552 +Q444088 P108 Q174570 +Q106481 P19 Q277162 +Q104154 P463 Q123885 +Q58311 P69 Q174158 +Q5577 P135 Q39427 +Q377453 P131 Q23197 +Q43746 P101 Q5891 +Q40912 P106 Q15981151 +Q1066772 P1303 Q17172850 +Q297794 P106 Q10800557 +Q309941 P551 Q25395 +Q158078 P27 Q159 +Q381477 P106 Q2490358 +Q12003 P26 Q179150 +Q442300 P106 Q33999 +Q1590452 P108 Q319239 +Q349223 P27 Q30 +Q282722 P1303 Q46185 +Q19069 P136 Q21590660 +Q161687 P840 Q22 +Q465296 P27 Q145 +Q332497 P161 Q104791 +Q34091 P106 Q39631 +Q139602 P172 Q49085 +Q62686 P19 Q3033 +Q300360 P161 Q253977 +Q347950 P27 Q142 +Q57106 P1412 Q9063 +Q234581 P106 Q28389 +Q347362 P737 Q9364 +Q292432 P106 Q639669 +Q164401 P463 Q920266 +Q445372 P641 Q41323 +Q312472 P27 Q38 +Q148 P530 Q244 +Q375351 P509 Q506616 +Q67953 P106 Q333634 +Q112081 P509 Q12204 +Q1246 P530 Q28 +Q381477 P106 Q10800557 +Q232384 P106 Q10798782 +Q37 P530 Q40 +Q152293 P136 Q9730 +Q77745 P102 Q148861 +Q58284 P102 Q13124 +Q63032 P463 Q329464 +Q71616 P20 Q3104 +Q1531285 P20 Q16558 +Q115055 P19 Q18419 +Q1384236 P140 Q9592 +Q52488 P108 Q13164 +Q11171 P69 Q41506 +Q512 P106 Q2259451 +Q315152 P106 Q1930187 +Q542868 P106 Q177220 +Q453011 P106 Q11774202 +Q12908 P106 Q1979607 +Q91232 P1412 Q188 +Q25529 P106 Q2405480 +Q966228 P106 Q28389 +Q5383 P106 Q12800682 +Q142 P463 Q340195 +Q939524 P106 Q201788 +Q20235 P106 Q639669 +Q350194 P1412 Q1860 +Q159880 P106 Q1622272 +Q3334710 P69 Q333886 +Q2256 P17 Q179876 +Q128933 P140 Q1841 +Q278551 P106 Q482980 +Q313302 P106 Q1930187 +Q732055 P106 Q855091 +Q238029 P106 Q10800557 +Q309941 P106 Q10798782 +Q129022 P106 Q36180 +Q229139 P119 Q1358639 +Q159475 P106 Q13590141 +Q67007 P108 Q161982 +Q143716 P495 Q30 +Q202136 P463 Q270794 +Q57500 P509 Q12202 +Q137800 P161 Q168721 +Q57629 P463 Q4345832 +Q236151 P106 Q33999 +Q363708 P40 Q108941 +Q89043 P20 Q31487 +Q190944 P69 Q209842 +Q73028 P136 Q2678111 +Q167696 P361 Q102385 +Q553730 P1412 Q9027 +Q454696 P106 Q205375 +Q202725 P106 Q18814623 +Q338623 P106 Q11774202 +Q963003 P108 Q245247 +Q60087 P20 Q2090 +Q102541 P27 Q153015 +Q271690 P161 Q395274 +Q70764 P27 Q43287 +Q181819 P102 Q29552 +Q121810 P161 Q229220 +Q164824 P463 Q337555 +Q705400 P106 Q10800557 +Q145627 P1412 Q1860 +Q1606108 P106 Q82955 +Q204751 P264 Q21077 +Q230516 P106 Q33999 +Q2964710 P106 Q215536 +Q70223 P140 Q101849 +Q57619 P106 Q214917 +Q432655 P69 Q9219 +Q72090 P495 Q31 +Q454692 P509 Q12152 +Q96050 P106 Q177220 +Q242208 P19 Q18426 +Q152245 P509 Q83319 +Q257840 P136 Q37073 +Q143605 P161 Q10738 +Q50005 P119 Q27426 +Q234700 P106 Q49757 +Q193857 P106 Q36180 +Q704645 P20 Q90 +Q188712 P530 Q34266 +Q30449 P106 Q3501317 +Q239652 P740 Q15180 +Q273079 P1303 Q9798 +Q740657 P27 Q174193 +Q960935 P1303 Q80019 +Q148 P530 Q804 +Q76593 P101 Q2329 +Q75966 P19 Q2103 +Q163225 P69 Q35794 +Q128560 P737 Q7199 +Q177610 P1412 Q188 +Q823003 P136 Q191489 +Q468067 P19 Q649 +Q240521 P27 Q142 +Q557 P106 Q177220 +Q157044 P840 Q21 +Q187166 P20 Q90 +Q312483 P102 Q79854 +Q843 P530 Q40 +Q96594 P19 Q2079 +Q561169 P19 Q174 +Q115210 P161 Q203215 +Q358885 P69 Q3890936 +Q150494 P140 Q9592 +Q860206 P20 Q90 +Q858741 P1303 Q6607 +Q337226 P106 Q33999 +Q24871 P136 Q471839 +Q1733964 P463 Q131566 +Q96997 P108 Q152087 +Q5809 P551 Q774 +Q202475 P106 Q4610556 +Q40912 P136 Q1196752 +Q902 P463 Q47543 +Q238374 P27 Q30 +Q274764 P106 Q82955 +Q158088 P172 Q940348 +Q1372074 P106 Q177220 +Q102660 P106 Q2405480 +Q310217 P106 Q28389 +Q88951 P106 Q37226 +Q79178 P1412 Q188 +Q179269 P106 Q2405480 +Q292543 P106 Q2526255 +Q315136 P20 Q3711 +Q181229 P19 Q1297 +Q682030 P1303 Q6607 +Q434745 P1303 Q17172850 +Q67138 P27 Q183 +Q483907 P69 Q7864046 +Q96588 P106 Q185351 +Q214310 P27 Q183 +Q438968 P463 Q337580 +Q1037 P530 Q183 +Q215139 P20 Q350 +Q432421 P26 Q984115 +Q676455 P106 Q6625963 +Q443317 P106 Q10800557 +Q42037 P27 Q142 +Q266080 P1303 Q17172850 +Q156309 P161 Q80405 +Q201500 P1303 Q8338 +Q365144 P106 Q10349745 +Q237821 P69 Q3098911 +Q370293 P264 Q183387 +Q34529 P509 Q12152 +Q214816 P20 Q34370 +Q902285 P108 Q661916 +Q257840 P106 Q488205 +Q39970 P495 Q30 +Q227129 P172 Q34069 +Q355341 P106 Q183945 +Q103623 P19 Q1055 +Q1294820 P106 Q488205 +Q280918 P161 Q230710 +Q208546 P106 Q81096 +Q6078 P106 Q177220 +Q359421 P106 Q33999 +Q467482 P106 Q333634 +Q240869 P69 Q49109 +Q228882 P641 Q80131 +Q366322 P106 Q33999 +Q94031 P27 Q40 +Q1865656 P136 Q9759 +Q25310 P106 Q189290 +Q1046066 P136 Q484641 +Q215076 P106 Q36834 +Q320639 P106 Q43845 +Q227129 P106 Q10800557 +Q545375 P106 Q36180 +Q22750 P106 Q36180 +Q47899 P106 Q18814623 +Q316022 P27 Q34 +Q33760 P106 Q11499147 +Q766314 P106 Q40348 +Q186485 P106 Q10798782 +Q79034 P20 Q4191 +Q242418 P27 Q30 +Q245257 P106 Q47064 +Q26274 P106 Q3286043 +Q55249 P106 Q28389 +Q30 P530 Q37 +Q105624 P840 Q39 +Q12862 P106 Q333634 +Q86635 P27 Q40 +Q605534 P1412 Q150 +Q437927 P106 Q177220 +Q159577 P106 Q2066131 +Q189694 P69 Q4359408 +Q151113 P106 Q177220 +Q462446 P106 Q1622272 +Q128493 P161 Q314606 +Q214014 P136 Q157443 +Q184169 P102 Q192821 +Q230169 P102 Q5020915 +Q43689 P106 Q82955 +Q1233 P108 Q820887 +Q37030 P106 Q28389 +Q95237 P69 Q50662 +Q1354341 P106 Q177220 +Q348603 P69 Q49110 +Q240082 P106 Q36834 +Q1396305 P106 Q82594 +Q725953 P264 Q277626 +Q44221 P106 Q28389 +Q219368 P108 Q168756 +Q515034 P106 Q28389 +Q80424 P1303 Q46185 +Q242749 P106 Q36180 +Q498045 P1303 Q52954 +Q590787 P1303 Q17172850 +Q15850 P1412 Q7737 +Q247182 P136 Q959790 +Q57109 P106 Q82955 +Q1203 P136 Q1641839 +Q233736 P106 Q13235160 +Q1340677 P69 Q161562 +Q380459 P108 Q865528 +Q52440 P1303 Q17172850 +Q44176 P40 Q234556 +Q311238 P1412 Q1860 +Q213512 P106 Q2405480 +Q234685 P19 Q16556 +Q705399 P106 Q1930187 +Q805 P530 Q833 +Q230 P463 Q7825 +Q354508 P106 Q158852 +Q2986943 P27 Q145 +Q236355 P463 Q20153 +Q63699 P27 Q183 +Q468667 P106 Q1930187 +Q185085 P106 Q214917 +Q259317 P106 Q36180 +Q350717 P106 Q3282637 +Q88095 P19 Q4044 +Q176846 P1303 Q17172850 +Q76696 P106 Q3332711 +Q157318 P108 Q168756 +Q561401 P106 Q28389 +Q203243 P106 Q901 +Q1691566 P69 Q523926 +Q912 P530 Q1025 +Q1930 P17 Q16 +Q1239278 P106 Q486748 +Q115922 P108 Q152087 +Q78185 P264 Q183387 +Q374223 P106 Q2526255 +Q7833 P106 Q36180 +Q158092 P108 Q144488 +Q5046268 P106 Q33231 +Q8446 P1412 Q1860 +Q109422 P27 Q16957 +Q1586454 P1303 Q51290 +Q211379 P106 Q36180 +Q11703496 P106 Q1622272 +Q708284 P119 Q1574424 +Q524236 P106 Q1930187 +Q714030 P106 Q753110 +Q237115 P106 Q10798782 +Q63556 P106 Q36180 +Q190994 P106 Q33999 +Q180272 P106 Q3282637 +Q347128 P27 Q30 +Q431191 P19 Q60 +Q57781 P106 Q47064 +Q357676 P20 Q584451 +Q84734 P463 Q337526 +Q112831 P495 Q142 +Q320084 P106 Q33999 +Q58087 P1412 Q7913 +Q45233 P106 Q10798782 +Q18425 P27 Q142 +Q1016 P530 Q183 +Q5685 P106 Q9334029 +Q76480 P106 Q18814623 +Q501697 P20 Q16555 +Q152335 P1412 Q150 +Q92617 P106 Q82594 +Q22750 P69 Q83259 +Q1109636 P69 Q174710 +Q133356 P463 Q15180 +Q383173 P161 Q106275 +Q97431 P106 Q1231865 +Q262850 P136 Q8261 +Q750 P463 Q7825 +Q463715 P106 Q584301 +Q34628 P101 Q184485 +Q215406 P106 Q201788 +Q193815 P106 Q28389 +Q444651 P106 Q15981151 +Q110397 P840 Q2915506 +Q6294 P69 Q1143289 +Q167821 P27 Q30 +Q215856 P106 Q193391 +Q42037 P1412 Q1321 +Q311319 P106 Q2405480 +Q960427 P19 Q1773 +Q1023788 P19 Q65 +Q28310 P106 Q33999 +Q180405 P161 Q352203 +Q270669 P106 Q177220 +Q1452607 P106 Q486748 +Q42493 P1303 Q5994 +Q76004 P463 Q543804 +Q302335 P27 Q30 +Q264326 P106 Q639669 +Q84211 P69 Q622683 +Q55418 P19 Q64 +Q970 P361 Q27407 +Q441825 P106 Q33999 +Q717 P361 Q12585 +Q38294 P106 Q36180 +Q318792 P19 Q38022 +Q7327064 P106 Q901 +Q60625 P106 Q49757 +Q356762 P27 Q29 +Q880405 P106 Q639669 +Q13003 P264 Q202585 +Q152880 P1412 Q150 +Q356994 P106 Q33999 +Q236958 P551 Q16558 +Q207660 P1412 Q150 +Q2626233 P106 Q1238570 +Q37 P463 Q1480793 +Q166159 P106 Q2526255 +Q392915 P161 Q80938 +Q526518 P737 Q315132 +Q199943 P106 Q28389 +Q235223 P106 Q488205 +Q207177 P106 Q2259451 +Q266425 P106 Q10800557 +Q48868 P1412 Q9288 +Q270937 P27 Q159 +Q514424 P69 Q204181 +Q315744 P108 Q2994538 +Q18391 P106 Q6625963 +Q61195 P108 Q55044 +Q271690 P161 Q273215 +Q229258 P26 Q51488 +Q52937 P106 Q1028181 +Q945301 P106 Q901 +Q10520 P106 Q4610556 +Q154421 P106 Q28389 +Q283496 P106 Q1930187 +Q64902 P108 Q154561 +Q156942 P106 Q15442776 +Q32681 P1412 Q1860 +Q193035 P136 Q482 +Q25078 P106 Q245068 +Q319934 P106 Q18814623 +Q337078 P161 Q174843 +Q76600 P463 Q463303 +Q3339429 P1412 Q1860 +Q286074 P69 Q273626 +Q352708 P27 Q30 +Q117101 P463 Q463281 +Q164703 P106 Q1231865 +Q156858 P172 Q127885 +Q4471 P161 Q4518 +Q387868 P136 Q3072039 +Q45521 P509 Q181257 +Q61194 P106 Q214917 +Q975777 P69 Q3064325 +Q67409 P463 Q329464 +Q23 P463 Q463303 +Q709214 P463 Q2370801 +Q233385 P1303 Q6607 +Q37767 P106 Q4263842 +Q105453 P102 Q328195 +Q216288 P106 Q488205 +Q231530 P108 Q248970 +Q63209 P1412 Q188 +Q84444 P106 Q14467526 +Q86043 P106 Q185351 +Q193835 P57 Q25186 +Q355788 P106 Q9648008 +Q278699 P106 Q39631 +Q208003 P106 Q16287483 +Q144195 P27 Q794 +Q709873 P1303 Q128309 +Q266670 P106 Q753110 +Q28 P530 Q43 +Q191850 P101 Q5891 +Q190302 P106 Q49757 +Q1702399 P106 Q855091 +Q384979 P106 Q11774202 +Q131240 P19 Q60 +Q107405 P108 Q622664 +Q55435 P106 Q3282637 +Q111323 P106 Q36180 +Q205456 P106 Q947873 +Q122451 P27 Q43287 +Q182944 P161 Q234798 +Q271006 P495 Q142 +Q192207 P737 Q42156 +Q44695 P27 Q15180 +Q120260 P1303 Q6607 +Q214191 P106 Q639669 +Q1931654 P1412 Q1860 +Q26318 P106 Q10798782 +Q4471 P840 Q60 +Q48067 P509 Q12152 +Q76579 P69 Q193510 +Q151820 P106 Q47064 +Q55198 P20 Q649 +Q611586 P106 Q6430706 +Q39829 P136 Q182015 +Q1585138 P27 Q30 +Q151720 P27 Q30 +Q1353559 P1303 Q6607 +Q164170 P69 Q49126 +Q309980 P40 Q213257 +Q103114 P27 Q142 +Q162667 P106 Q33999 +Q707266 P172 Q179248 +Q991543 P27 Q30 +Q116845 P161 Q36949 +Q231128 P26 Q362332 +Q1246 P530 Q39 +Q598344 P106 Q177220 +Q17714 P463 Q938622 +Q186326 P27 Q17 +Q178698 P551 Q34217 +Q212676 P1412 Q7737 +Q312570 P106 Q33999 +Q382316 P106 Q36834 +Q115780 P106 Q2487799 +Q221852 P495 Q30 +Q77551 P108 Q32120 +Q314646 P641 Q131359 +Q44653 P136 Q7749 +Q2560778 P119 Q1731 +Q251262 P463 Q131566 +Q51564 P551 Q127856 +Q179876 P140 Q9592 +Q124357 P69 Q174570 +Q27411 P136 Q157443 +Q229908 P1303 Q17172850 +Q128073 P106 Q24262584 +Q1040186 P27 Q30 +Q368852 P106 Q36834 +Q133042 P106 Q49757 +Q311976 P27 Q30 +Q77682 P463 Q939743 +Q217112 P161 Q125904 +Q574 P463 Q656801 +Q44248 P1412 Q397 +Q438329 P27 Q30 +Q4344126 P106 Q201788 +Q295589 P27 Q38 +Q73463 P106 Q36834 +Q8612 P106 Q189290 +Q43939 P27 Q142 +Q105387 P161 Q220396 +Q57179 P1412 Q188 +Q1010602 P106 Q55960555 +Q490464 P136 Q157394 +Q165268 P136 Q130232 +Q133054 P106 Q6625963 +Q24045 P20 Q1489 +Q3248932 P463 Q270794 +Q167443 P106 Q47064 +Q178653 P463 Q161806 +Q1546566 P106 Q578109 +Q189080 P136 Q76092 +Q188388 P69 Q49088 +Q1275 P106 Q193391 +Q1239933 P106 Q10800557 +Q322275 P20 Q23197 +Q16345 P1412 Q1860 +Q77101 P20 Q64 +Q238895 P106 Q2405480 +Q134644 P463 Q11993457 +Q242482 P106 Q10798782 +Q188726 P27 Q145 +Q316872 P1303 Q17172850 +Q250954 P57 Q48987 +Q152388 P1412 Q1860 +Q22670 P737 Q5879 +Q9391 P106 Q482980 +Q215740 P106 Q1622272 +Q224097 P27 Q408 +Q333892 P106 Q49757 +Q138050 P106 Q40348 +Q51101 P101 Q746359 +Q80321 P27 Q189 +Q239296 P161 Q171745 +Q49734 P1412 Q1860 +Q484302 P1303 Q46185 +Q154412 P27 Q36 +Q165392 P840 Q21 +Q214690 P27 Q183 +Q67725 P108 Q55038 +Q23505 P140 Q682443 +Q294912 P509 Q12152 +Q96 P530 Q928 +Q469753 P106 Q639669 +Q1376193 P463 Q131566 +Q515883 P106 Q753110 +Q1785 P106 Q488205 +Q434399 P106 Q177220 +Q215122 P106 Q188094 +Q1290210 P20 Q1492 +Q308711 P106 Q4853732 +Q233862 P106 Q10798782 +Q463407 P106 Q2405480 +Q4410089 P27 Q28513 +Q298388 P106 Q2526255 +Q211987 P27 Q30 +Q324557 P136 Q200092 +Q225453 P1412 Q7737 +Q322970 P69 Q49167 +Q741783 P463 Q651690 +Q434291 P106 Q33999 +Q150910 P69 Q258464 +Q1011 P17 Q200464 +Q347461 P140 Q7066 +Q240788 P20 Q90 +Q6986 P463 Q1768108 +Q367391 P106 Q1930187 +Q331728 P106 Q33999 +Q7197 P106 Q11499147 +Q99452 P20 Q3874 +Q217750 P119 Q168886 +Q103474 P136 Q182015 +Q24962 P106 Q36180 +Q132964 P106 Q10800557 +Q289380 P69 Q333886 +Q110749 P106 Q3282637 +Q168962 P106 Q49757 +Q61178 P509 Q12078 +Q1634784 P106 Q486748 +Q208344 P161 Q483118 +Q229050 P27 Q30 +Q202729 P136 Q11399 +Q746182 P106 Q639669 +Q427403 P106 Q18844224 +Q75849 P106 Q36180 +Q154935 P161 Q444344 +Q873 P27 Q30 +Q552819 P40 Q741600 +Q57848 P106 Q188094 +Q77 P530 Q750 +Q238941 P106 Q12362622 +Q930987 P106 Q49757 +Q504753 P69 Q13371 +Q85624 P106 Q36834 +Q55 P463 Q233611 +Q312628 P101 Q11629 +Q275545 P101 Q11030 +Q207898 P19 Q90 +Q48956 P463 Q833738 +Q84330 P106 Q2259451 +Q313042 P27 Q27 +Q1028 P463 Q7159 +Q41257 P101 Q413 +Q168847 P1412 Q1860 +Q274895 P136 Q20442589 +Q62352 P1412 Q7411 +Q379785 P106 Q81096 +Q1687803 P1050 Q11085 +Q228943 P106 Q10798782 +Q379923 P106 Q8178443 +Q181776 P161 Q150943 +Q3353479 P19 Q1538 +Q360266 P1303 Q6607 +Q223281 P106 Q10798782 +Q240523 P106 Q10732476 +Q152555 P26 Q26053 +Q272213 P509 Q12192 +Q191074 P161 Q80966 +Q167696 P19 Q18094 +Q210812 P161 Q2680 +Q57500 P1412 Q188 +Q438402 P106 Q13235160 +Q229263 P106 Q10798782 +Q127606 P106 Q40348 +Q266578 P106 Q5716684 +Q215630 P69 Q153987 +Q53003 P106 Q28389 +Q234519 P106 Q6625963 +Q202589 P27 Q27 +Q266228 P106 Q177220 +Q87302 P102 Q7320 +Q1599272 P106 Q1622272 +Q2892622 P106 Q82955 +Q312173 P172 Q49085 +Q163662 P69 Q13371 +Q203243 P19 Q60 +Q690854 P106 Q81096 +Q717250 P1412 Q1860 +Q12807 P106 Q333634 +Q506771 P108 Q336968 +Q73089 P106 Q5716684 +Q1569251 P19 Q43196 +Q111288 P106 Q10800557 +Q115883 P27 Q39 +Q133308 P106 Q82955 +Q350700 P27 Q30 +Q240886 P19 Q771 +Q2831 P106 Q2526255 +Q152437 P26 Q152452 +Q1365901 P19 Q60 +Q80510 P106 Q37226 +Q458229 P1303 Q17172850 +Q182218 P161 Q178348 +Q216720 P161 Q361610 +Q483907 P106 Q2405480 +Q432919 P1412 Q1860 +Q25014 P26 Q255335 +Q80095 P463 Q463303 +Q189375 P106 Q42973 +Q64263 P106 Q182436 +Q131149 P106 Q15839134 +Q445386 P106 Q2252262 +Q92650 P69 Q49208 +Q2086086 P106 Q81096 +Q202326 P161 Q41163 +Q57896 P102 Q49750 +Q116208 P27 Q39 +Q400046 P509 Q12078 +Q41 P530 Q810 +Q63035 P108 Q20266330 +Q345494 P106 Q183945 +Q298388 P101 Q184485 +Q61594 P19 Q142 +Q313998 P136 Q859369 +Q235121 P509 Q12078 +Q33866 P106 Q201788 +Q9327 P1412 Q150 +Q1112005 P106 Q2405480 +Q928281 P106 Q1238570 +Q57676 P27 Q7318 +Q442512 P106 Q482980 +Q113777 P106 Q15980158 +Q1526406 P106 Q43845 +Q460366 P101 Q482 +Q260026 P3373 Q457856 +Q1037 P463 Q17495 +Q334 P463 Q45177 +Q44747 P106 Q1234713 +Q239540 P1412 Q1860 +Q40197 P106 Q212980 +Q152555 P106 Q17125263 +Q311779 P27 Q30 +Q83807 P106 Q28389 +Q336769 P106 Q170790 +Q365557 P106 Q36180 +Q526709 P106 Q18844224 +Q537665 P69 Q5142861 +Q234964 P106 Q34074720 +Q3085338 P106 Q43845 +Q246970 P172 Q170217 +Q90074 P463 Q459620 +Q865 P530 Q869 +Q159542 P106 Q2055046 +Q1340677 P19 Q39709 +Q1750532 P463 Q854590 +Q77807 P106 Q177220 +Q233854 P1303 Q17172850 +Q373968 P27 Q30 +Q71404 P108 Q1065 +Q423644 P106 Q170790 +Q78503 P20 Q2090 +Q271032 P106 Q1622272 +Q158060 P172 Q49085 +Q49017 P106 Q33999 +Q77551 P27 Q183 +Q42775 P264 Q183387 +Q230445 P106 Q177220 +Q302835 P106 Q155647 +Q77688 P69 Q7691246 +Q191480 P136 Q25379 +Q220192 P161 Q47100 +Q722347 P20 Q38022 +Q726280 P264 Q726251 +Q1272729 P106 Q488205 +Q98719 P108 Q154804 +Q78270 P106 Q2135538 +Q242792 P106 Q36834 +Q67462 P101 Q1071 +Q310939 P69 Q745967 +Q924232 P1303 Q302497 +Q164702 P495 Q148 +Q91845 P106 Q1622272 +Q201819 P136 Q130232 +Q473030 P140 Q7066 +Q36488 P20 Q220 +Q36843 P106 Q39631 +Q332693 P108 Q499911 +Q184565 P1412 Q1860 +Q127984 P106 Q49757 +Q235388 P106 Q33999 +Q447015 P463 Q1425328 +Q804 P463 Q7825 +Q355839 P20 Q649 +Q215565 P1303 Q17172850 +Q284017 P106 Q33999 +Q118852 P264 Q330629 +Q51522 P1412 Q1860 +Q528943 P106 Q189290 +Q271696 P119 Q1625328 +Q298 P530 Q241 +Q3441496 P106 Q1622272 +Q469753 P27 Q30 +Q134477 P20 Q18419 +Q79178 P108 Q686522 +Q72450 P161 Q313043 +Q160534 P1412 Q1860 +Q105895 P106 Q1234713 +Q794 P530 Q796 +Q471751 P106 Q1930187 +Q740657 P108 Q35794 +Q51461 P69 Q1583249 +Q175571 P106 Q33999 +Q11590 P106 Q15976092 +Q313315 P840 Q21 +Q219782 P136 Q37073 +Q65561 P106 Q15980158 +Q16766 P106 Q753110 +Q55163 P106 Q36180 +Q3017168 P1303 Q52954 +Q45337 P106 Q1209498 +Q30 P172 Q49078 +Q605129 P106 Q33999 +Q962974 P69 Q13371 +Q817 P530 Q878 +Q567772 P101 Q184485 +Q57495 P106 Q28789517 +Q5396 P106 Q2095549 +Q40475 P140 Q624477 +Q314164 P1412 Q188 +Q680881 P27 Q142 +Q442549 P106 Q4610556 +Q76405 P106 Q33999 +Q7726 P140 Q9592 +Q26208 P106 Q33999 +Q437927 P106 Q33999 +Q16 P530 Q717 +Q19999 P106 Q43845 +Q85927 P27 Q183 +Q3734755 P463 Q463303 +Q453472 P172 Q7325 +Q369681 P102 Q17427 +Q263185 P27 Q30 +Q196004 P161 Q125106 +Q171235 P106 Q10800557 +Q215478 P1412 Q188 +Q83396 P106 Q36180 +Q298035 P106 Q1607826 +Q34660 P737 Q457856 +Q225933 P106 Q2259451 +Q215740 P106 Q16145150 +Q15975 P463 Q123885 +Q1707 P17 Q43287 +Q319392 P106 Q753110 +Q45025 P106 Q10800557 +Q52392 P106 Q10798782 +Q269894 P106 Q33999 +Q3118802 P19 Q18419 +Q434669 P106 Q82955 +Q9049 P106 Q212980 +Q60059 P106 Q121594 +Q560354 P172 Q49085 +Q963 P530 Q423 +Q254576 P1303 Q6607 +Q316032 P69 Q5121453 +Q183 P530 Q712 +Q193300 P106 Q39631 +Q59972 P20 Q1492 +Q10490 P451 Q275939 +Q539791 P106 Q170790 +Q503147 P106 Q131524 +Q427091 P161 Q296500 +Q4892001 P106 Q3387717 +Q668 P463 Q8475 +Q207596 P106 Q33999 +Q502864 P140 Q3333484 +Q232113 P1303 Q17172850 +Q217010 P161 Q235707 +Q325020 P27 Q30 +Q194413 P840 Q1509 +Q14441 P106 Q2259451 +Q944275 P463 Q543804 +Q453691 P106 Q7042855 +Q215868 P106 Q15949613 +Q178903 P106 Q47064 +Q41594 P106 Q10798782 +Q217470 P106 Q188094 +Q322794 P106 Q43845 +Q22750 P106 Q49757 +Q96669 P106 Q333634 +Q878956 P27 Q30 +Q336640 P136 Q187760 +Q297831 P140 Q5043 +Q101740 P20 Q49111 +Q76399 P106 Q3282637 +Q503657 P27 Q15180 +Q19810 P1303 Q17172850 +Q98173 P106 Q40348 +Q448837 P106 Q488205 +Q56760250 P1056 Q638 +Q210364 P161 Q173158 +Q55 P463 Q45177 +Q120085 P106 Q164236 +Q206576 P161 Q29055 +Q291500 P1412 Q8798 +Q317592 P140 Q7066 +Q454696 P27 Q668 +Q214602 P140 Q75809 +Q26118 P106 Q33999 +Q218679 P106 Q6625963 +Q67881 P106 Q28389 +Q355788 P20 Q60 +Q978830 P1412 Q1860 +Q164784 P106 Q121594 +Q598344 P106 Q28389 +Q1849355 P19 Q23436 +Q1008 P463 Q340195 +Q274362 P106 Q947873 +Q547181 P106 Q639669 +Q224026 P106 Q10798782 +Q232120 P172 Q49085 +Q76892 P69 Q155354 +Q57384 P69 Q11942 +Q71447 P106 Q36180 +Q234141 P106 Q10800557 +Q180468 P108 Q156598 +Q221236 P161 Q236479 +Q119676 P106 Q3282637 +Q352617 P106 Q82955 +Q554775 P27 Q35 +Q1500 P106 Q49757 +Q53023 P27 Q172579 +Q63695 P69 Q152838 +Q51101 P106 Q5716684 +Q710100 P106 Q16533 +Q271327 P106 Q2259451 +Q153670 P27 Q172579 +Q605489 P108 Q1145814 +Q975084 P69 Q319239 +Q253607 P106 Q10800557 +Q234096 P19 Q61 +Q181573 P463 Q812155 +Q114179 P106 Q465501 +Q209926 P1303 Q5994 +Q62889 P463 Q107569 +Q500042 P106 Q6625963 +Q1095520 P106 Q486748 +Q117761 P69 Q681025 +Q189599 P106 Q855091 +Q231730 P106 Q10800557 +Q1573501 P641 Q41323 +Q23559 P106 Q37226 +Q78491 P69 Q165980 +Q154556 P737 Q151593 +Q539120 P106 Q864380 +Q184226 P737 Q909 +Q68036 P463 Q2043519 +Q188461 P1303 Q17172850 +Q53002 P106 Q36180 +Q65728 P106 Q131524 +Q515904 P106 Q10798782 +Q92621 P463 Q253439 +Q263598 P101 Q1930187 +Q233433 P551 Q65 +Q362639 P136 Q1344 +Q3301546 P106 Q81096 +Q208116 P106 Q662729 +Q39666 P106 Q947873 +Q1078152 P1303 Q17172850 +Q4271 P106 Q639669 +Q380178 P106 Q33999 +Q728463 P108 Q223429 +Q316032 P106 Q2526255 +Q395340 P1412 Q9292 +Q319527 P27 Q142 +Q233428 P69 Q49210 +Q1174641 P106 Q82955 +Q142999 P140 Q3333484 +Q64963 P20 Q64 +Q566200 P27 Q41304 +Q123476 P106 Q3282637 +Q96594 P69 Q151510 +Q83059 P737 Q5682 +Q441067 P463 Q463281 +Q156911 P161 Q192668 +Q75079 P106 Q1053574 +Q104668 P19 Q649 +Q367634 P136 Q11401 +Q205545 P509 Q1368943 +Q18404 P106 Q860918 +Q1123489 P27 Q30 +Q65600 P106 Q1622272 +Q91557 P1412 Q188 +Q454388 P140 Q9592 +Q1459658 P106 Q188094 +Q83612 P161 Q329807 +Q206161 P30 Q48 +Q230591 P509 Q1368943 +Q111121 P106 Q81096 +Q53403 P106 Q82955 +Q156310 P19 Q1348 +Q1974330 P69 Q192964 +Q44331 P27 Q40 +Q322866 P106 Q158852 +Q38823 P106 Q82955 +Q93450 P106 Q170790 +Q4700 P106 Q486748 +Q50861 P161 Q948751 +Q311716 P1412 Q652 +Q373774 P136 Q52162262 +Q80596 P19 Q60 +Q237387 P106 Q49757 +Q1094716 P106 Q82955 +Q152767 P172 Q49078 +Q246497 P463 Q2370801 +Q42051 P161 Q37876 +Q182486 P20 Q16557 +Q331845 P1412 Q9027 +Q556568 P106 Q14467526 +Q2429435 P1412 Q188 +Q303207 P136 Q203720 +Q122461 P19 Q184116 +Q544135 P119 Q1517387 +Q12279060 P1412 Q1860 +Q55198 P108 Q1130457 +Q78316 P106 Q201788 +Q107328 P106 Q82955 +Q242387 P136 Q1344 +Q180224 P136 Q131272 +Q11732 P106 Q121594 +Q41351 P106 Q1053574 +Q238895 P27 Q30 +Q101383 P106 Q483501 +Q49735 P106 Q33999 +Q555426 P1412 Q1860 +Q108206 P106 Q1234713 +Q75246 P1412 Q188 +Q109608 P106 Q10800557 +Q153034 P69 Q157575 +Q226053 P106 Q36180 +Q1275039 P19 Q18419 +Q2579604 P106 Q36180 +Q97883 P19 Q1794 +Q2607 P106 Q18814623 +Q1687803 P19 Q1397 +Q129006 P27 Q145 +Q461624 P551 Q20 +Q977036 P108 Q459506 +Q901303 P106 Q24387326 +Q165817 P161 Q1132632 +Q386249 P106 Q2259451 +Q237416 P106 Q1622272 +Q380026 P27 Q739 +Q57244 P1303 Q80284 +Q164562 P1412 Q652 +Q315868 P27 Q227 +Q160060 P495 Q145 +Q1282826 P106 Q1930187 +Q106748 P27 Q183 +Q1643790 P106 Q1930187 +Q62938 P101 Q441 +Q19801728 P161 Q48978 +Q869 P530 Q668 +Q304488 P161 Q106175 +Q705333 P106 Q183945 +Q92094 P69 Q153978 +Q47737 P106 Q1281618 +Q93354 P551 Q138518 +Q78316 P106 Q1792450 +Q5784301 P161 Q46132 +Q242729 P119 Q1437214 +Q229577 P106 Q10798782 +Q154410 P1412 Q9072 +Q351359 P27 Q142 +Q194220 P106 Q131524 +Q558419 P20 Q1781 +Q846 P463 Q4783148 +Q55497 P106 Q2405480 +Q195788 P19 Q3820 +Q430182 P509 Q11081 +Q41309 P20 Q3923 +Q4384878 P463 Q2370801 +Q31033707 P101 Q12271 +Q874 P530 Q230 +Q692632 P106 Q855091 +Q128985 P19 Q743535 +Q116055 P69 Q503415 +Q154556 P108 Q55021 +Q4864 P106 Q43845 +Q81796 P106 Q28389 +Q853 P106 Q864380 +Q45388 P840 Q60 +Q355341 P106 Q4610556 +Q1435522 P159 Q60 +Q232052 P106 Q130857 +Q41854 P136 Q200092 +Q160726 P106 Q36180 +Q122553 P463 Q123885 +Q221594 P136 Q859369 +Q287977 P106 Q3282637 +Q6294 P1412 Q1860 +Q64850 P69 Q672420 +Q337206 P106 Q36834 +Q4612 P106 Q10800557 +Q75539 P136 Q157394 +Q44645 P463 Q684415 +Q145 P463 Q37470 +Q102235 P161 Q172653 +Q299132 P106 Q43845 +Q241248 P140 Q432 +Q180723 P106 Q36834 +Q178991 P106 Q635734 +Q7327 P106 Q2095549 +Q333475 P106 Q10800557 +Q92946 P69 Q41506 +Q388785 P172 Q49085 +Q126693 P106 Q2526255 +Q260879 P19 Q16557 +Q903208 P119 Q1574424 +Q294568 P106 Q14915627 +Q332417 P106 Q4853732 +Q366322 P551 Q1190590 +Q207852 P106 Q10800557 +Q60052 P108 Q152087 +Q8007 P102 Q29552 +Q57426 P106 Q2526255 +Q74958 P495 Q30 +Q180962 P106 Q49757 +Q109767 P840 Q1297 +Q374323 P106 Q639669 +Q95453 P69 Q309988 +Q157623 P27 Q34266 +Q163038 P57 Q7374 +Q255129 P106 Q33999 +Q26702 P509 Q12204 +Q361297 P119 Q1437214 +Q127688 P1412 Q9027 +Q241252 P106 Q1259917 +Q184 P463 Q1928989 +Q203643 P27 Q30 +Q236351 P106 Q33999 +Q307 P108 Q645663 +Q347 P530 Q865 +Q545544 P20 Q180083 +Q961972 P106 Q806798 +Q106275 P101 Q482 +Q171905 P106 Q10798782 +Q272031 P106 Q639669 +Q314640 P106 Q214917 +Q707460 P27 Q229 +Q4227 P509 Q12152 +Q155152 P749 Q168407 +Q183 P463 Q384535 +Q43936 P27 Q179876 +Q724883 P19 Q8717 +Q316602 P106 Q222344 +Q78496 P106 Q212980 +Q96 P530 Q38 +Q180098 P136 Q188473 +Q30893 P106 Q2059704 +Q45593 P106 Q36180 +Q470193 P20 Q649 +Q208681 P106 Q55960555 +Q320 P106 Q82955 +Q272069 P106 Q855091 +Q128379 P106 Q33999 +Q218575 P69 Q13371 +Q255720 P27 Q30 +Q311115 P106 Q593644 +Q234570 P1412 Q1860 +Q174346 P140 Q131036 +Q219519 P264 Q14192383 +Q269894 P1412 Q1860 +Q313138 P106 Q10798782 +Q66729 P101 Q309 +Q266611 P69 Q49115 +Q372959 P840 Q62 +Q124159 P101 Q201788 +Q67672 P102 Q49762 +Q114132 P106 Q1622272 +Q344454 P106 Q1209498 +Q440817 P264 Q2482872 +Q38392 P106 Q4853732 +Q181683 P264 Q664167 +Q182123 P140 Q9592 +Q86419 P69 Q154804 +Q64211 P161 Q106775 +Q35 P530 Q953 +Q221843 P106 Q2259451 +Q55946077 P106 Q3391743 +Q742079 P1412 Q1860 +Q311238 P1303 Q17172850 +Q188857 P27 Q142 +Q75185 P106 Q783906 +Q19199 P106 Q855091 +Q428780 P136 Q1054574 +Q202211 P161 Q440926 +Q205772 P108 Q174710 +Q320 P1412 Q1860 +Q36881 P106 Q33999 +Q450802 P27 Q145 +Q101740 P27 Q36 +Q236399 P69 Q2093794 +Q126693 P106 Q33999 +Q188718 P840 Q869 +Q18800 P106 Q130857 +Q462574 P27 Q145 +Q453011 P1412 Q9027 +Q557774 P106 Q1930187 +Q217008 P161 Q374065 +Q11812 P140 Q620629 +Q4509 P106 Q4610556 +Q747538 P106 Q1607826 +Q733 P463 Q3369762 +Q268039 P106 Q10800557 +Q1643790 P136 Q49084 +Q41173 P27 Q30 +Q92379 P140 Q75809 +Q84998 P102 Q49768 +Q705841 P264 Q183387 +Q983590 P27 Q30 +Q289212 P106 Q947873 +Q185024 P463 Q946380 +Q144929 P495 Q30 +Q289647 P106 Q36834 +Q365463 P106 Q15296811 +Q855 P463 Q2370801 +Q449670 P69 Q49122 +Q258846 P106 Q15981151 +Q553335 P69 Q4614 +Q376278 P106 Q4853732 +Q714167 P1303 Q5994 +Q355566 P106 Q1028181 +Q91137 P27 Q34266 +Q2164531 P136 Q8341 +Q949281 P106 Q1930187 +Q150662 P106 Q33999 +Q333014 P136 Q83440 +Q252469 P106 Q10800557 +Q49328 P106 Q188094 +Q254430 P106 Q3400985 +Q106662 P136 Q1641839 +Q15462 P463 Q123885 +Q222041 P495 Q30 +Q23359 P106 Q10800557 +Q4747436 P69 Q49126 +Q232009 P161 Q314892 +Q1646 P136 Q35760 +Q181425 P106 Q4610556 +Q58760 P136 Q8341 +Q34296 P172 Q7435494 +Q536723 P106 Q855091 +Q4024 P17 Q55300 +Q210059 P106 Q18844224 +Q79969 P451 Q195390 +Q953768 P1412 Q1860 +Q212041 P136 Q2484376 +Q148428 P495 Q30 +Q125042 P106 Q36180 +Q291500 P27 Q30 +Q34787 P106 Q36180 +Q312337 P1412 Q1860 +Q542101 P1303 Q52954 +Q58592 P1412 Q188 +Q261550 P161 Q78505 +Q884 P530 Q902 +Q202589 P106 Q36834 +Q32849 P27 Q1041 +Q600488 P161 Q314427 +Q177111 P19 Q489197 +Q311723 P641 Q11420 +Q50005 P19 Q220 +Q100937 P106 Q2490358 +Q117913 P20 Q8678 +Q96898 P19 Q64 +Q19845 P136 Q211756 +Q219829 P106 Q6625963 +Q602033 P106 Q1622272 +Q1382482 P20 Q649 +Q169452 P106 Q3282637 +Q728169 P27 Q41 +Q498 P19 Q1055 +Q89461 P1412 Q188 +Q896660 P69 Q3064332 +Q105875 P106 Q486748 +Q325396 P106 Q10800557 +Q487488 P463 Q684415 +Q354250 P509 Q2840 +Q739 P463 Q17495 +Q57604 P106 Q10800557 +Q78977 P106 Q487596 +Q127897 P161 Q175535 +Q298761 P27 Q145 +Q161400 P161 Q170576 +Q286570 P106 Q10798782 +Q669685 P20 Q180083 +Q7302 P135 Q8361 +Q121810 P136 Q663106 +Q55462 P1412 Q652 +Q381505 P106 Q43845 +Q326856 P27 Q183 +Q332508 P106 Q188094 +Q75793 P69 Q151510 +Q57237 P69 Q152087 +Q336125 P1412 Q1860 +Q233464 P161 Q25089 +Q198638 P19 Q61 +Q28494 P106 Q1930187 +Q231255 P106 Q177220 +Q124401 P108 Q1145814 +Q143945 P106 Q55960555 +Q1246 P530 Q878 +Q236094 P106 Q49757 +Q377538 P106 Q1476215 +Q231006 P106 Q2405480 +Q171711 P161 Q312705 +Q145 P530 Q794 +Q668 P530 Q711 +Q190145 P161 Q445367 +Q72538 P20 Q2966 +Q72127 P509 Q175111 +Q262294 P106 Q13235160 +Q83184 P1412 Q1321 +Q208003 P106 Q4263842 +Q357936 P69 Q41506 +Q239928 P106 Q193391 +Q34166 P136 Q193355 +Q7833 P106 Q4263842 +Q298 P530 Q28 +Q468067 P106 Q1930187 +Q438475 P106 Q13219587 +Q9095 P463 Q123885 +Q243837 P106 Q639669 +Q419 P530 Q739 +Q92760 P69 Q230492 +Q95068 P136 Q21590660 +Q62889 P1412 Q188 +Q1042 P463 Q1065 +Q87131 P463 Q329464 +Q315518 P106 Q18576582 +Q383883 P106 Q81096 +Q234875 P69 Q7894738 +Q62134 P106 Q214917 +Q112227 P27 Q40 +Q1019 P463 Q7159 +Q53003 P106 Q2526255 +Q247516 P136 Q188473 +Q60953 P106 Q2259451 +Q55 P463 Q7809 +Q440910 P106 Q33999 +Q159700 P119 Q188856 +Q835 P172 Q49542 +Q233118 P106 Q10800557 +Q460366 P106 Q6625963 +Q211998 P106 Q10800557 +Q455605 P106 Q639669 +Q392662 P161 Q8349 +Q282722 P463 Q11647 +Q57358 P20 Q34713 +Q75968 P1412 Q188 +Q677706 P106 Q170790 +Q443190 P106 Q13418253 +Q232035 P19 Q2044 +Q234695 P106 Q177220 +Q162277 P136 Q188473 +Q76537 P463 Q44687 +Q336517 P136 Q1200678 +Q1676929 P106 Q639669 +Q892 P172 Q42406 +Q7302 P27 Q183 +Q158486 P1412 Q1860 +Q280400 P161 Q26806 +Q673283 P1412 Q809 +Q189 P463 Q842490 +Q309788 P106 Q177220 +Q60347 P108 Q159895 +Q145 P30 Q46 +Q500999 P106 Q82955 +Q103646 P106 Q10798782 +Q344655 P106 Q177220 +Q76364 P1303 Q258896 +Q276181 P106 Q3282637 +Q828641 P108 Q49112 +Q80379 P495 Q664 +Q31 P463 Q1377612 +Q347456 P106 Q177220 +Q60025 P463 Q459620 +Q728463 P101 Q413 +Q28858 P106 Q49757 +Q902 P530 Q1005 +Q229274 P1303 Q6607 +Q8016 P27 Q174193 +Q57281 P106 Q36180 +Q847345 P106 Q4263842 +Q980000 P463 Q1493021 +Q354382 P19 Q84 +Q202475 P551 Q60 +Q310773 P106 Q3400985 +Q235820 P27 Q34 +Q10390 P463 Q218868 +Q324031 P19 Q100 +Q837 P530 Q20 +Q794 P463 Q233611 +Q37160 P106 Q188094 +Q928939 P27 Q10957559 +Q230068 P20 Q60 +Q1941315 P1412 Q1860 +Q498390 P106 Q855091 +Q1698 P106 Q15981151 +Q1067812 P1303 Q11404 +Q966690 P136 Q2143665 +Q1044415 P20 Q25395 +Q97325 P108 Q154804 +Q61915 P1412 Q188 +Q269835 P106 Q10800557 +Q184500 P106 Q4964182 +Q1050 P463 Q827525 +Q60113 P1412 Q188 +Q438635 P69 Q49208 +Q1385000 P106 Q1622272 +Q107724 P136 Q2484376 +Q711197 P20 Q1297 +Q175392 P106 Q753110 +Q178698 P106 Q36834 +Q362332 P1412 Q1860 +Q208344 P136 Q188473 +Q173540 P106 Q676 +Q23395 P161 Q179269 +Q889 P530 Q16 +Q7197 P106 Q4263842 +Q165817 P161 Q550778 +Q381203 P551 Q65 +Q1267 P108 Q1065 +Q222800 P161 Q44077 +Q148 P530 Q27 +Q311970 P136 Q37073 +Q92638 P106 Q1622272 +Q7315 P1303 Q5994 +Q1702399 P136 Q11399 +Q55 P463 Q842490 +Q78524 P1412 Q188 +Q46182 P463 Q1425328 +Q371716 P27 Q30 +Q91827 P106 Q4964182 +Q444088 P1412 Q1860 +Q361617 P106 Q36180 +Q236482 P27 Q1054923 +Q156023 P106 Q16145150 +Q100937 P106 Q639669 +Q4934689 P101 Q8162 +Q1042738 P27 Q29 +Q691471 P69 Q80207 +Q153248 P106 Q1209498 +Q91417 P1412 Q150 +Q97531 P108 Q372608 +Q311193 P1303 Q5994 +Q488099 P119 Q1457437 +Q4889934 P20 Q60 +Q87120 P19 Q47164 +Q219060 P530 Q43 +Q147810 P27 Q28513 +Q1062350 P106 Q82955 +Q205532 P840 Q21 +Q325004 P27 Q34266 +Q296177 P106 Q10800557 +Q215026 P106 Q2259451 +Q156858 P172 Q179248 +Q110201 P108 Q55044 +Q52926 P463 Q83172 +Q3666327 P108 Q209842 +Q35 P530 Q155 +Q94486 P27 Q40 +Q72127 P463 Q469210 +Q111673 P69 Q32120 +Q98058 P106 Q1622272 +Q90195 P106 Q82955 +Q312531 P106 Q10798782 +Q361626 P106 Q212980 +Q115152 P20 Q1741 +Q3924 P264 Q4413456 +Q584632 P106 Q1930187 +Q281908 P106 Q177220 +Q973305 P20 Q649 +Q233894 P106 Q177220 +Q122968 P69 Q5676553 +Q51562 P106 Q3282637 +Q230420 P19 Q65 +Q45221 P1412 Q188 +Q562641 P509 Q3010352 +Q153020 P106 Q1231865 +Q272923 P136 Q21590660 +Q333190 P509 Q47912 +Q1123533 P1303 Q9798 +Q188113 P463 Q463303 +Q381203 P102 Q29552 +Q37621 P106 Q1238570 +Q182123 P2348 Q2277 +Q309995 P119 Q272208 +Q29213 P140 Q75809 +Q218889 P106 Q169470 +Q497271 P106 Q43845 +Q440102 P26 Q318736 +Q860450 P17 Q145 +Q256750 P106 Q483501 +Q267866 P161 Q1384181 +Q61064 P69 Q3890936 +Q193070 P106 Q10800557 +Q55413 P106 Q3282637 +Q205303 P27 Q29 +Q75757 P463 Q695302 +Q46000 P106 Q82955 +Q436759 P136 Q848399 +Q551075 P106 Q333634 +Q128956 P108 Q34433 +Q3435328 P463 Q270794 +Q55208 P69 Q215539 +Q132266 P161 Q193156 +Q76738 P106 Q14915627 +Q52447 P1303 Q320002 +Q184565 P106 Q188094 +Q310798 P463 Q465654 +Q183397 P106 Q752129 +Q104668 P106 Q205375 +Q72357 P106 Q593644 +Q313594 P106 Q1930187 +Q81328 P106 Q10798782 +Q174371 P161 Q231128 +Q76586 P101 Q8134 +Q84220 P136 Q130232 +Q408 P172 Q42884 +Q884 P530 Q28 +Q65292 P140 Q748 +Q230958 P27 Q30 +Q41422 P106 Q2259451 +Q25318 P119 Q3006253 +Q1603685 P106 Q183945 +Q278997 P161 Q4518 +Q440138 P27 Q29 +Q374045 P136 Q21590660 +Q241660 P101 Q207628 +Q120647 P106 Q1622272 +Q115901 P106 Q185351 +Q85084 P106 Q18805 +Q703935 P106 Q2516866 +Q89188 P106 Q1622272 +Q242526 P69 Q1127387 +Q192301 P136 Q130232 +Q74513 P172 Q49085 +Q227312 P108 Q661916 +Q145 P530 Q29 +Q222 P463 Q191384 +Q958206 P106 Q639669 +Q84147 P161 Q73612 +Q736 P463 Q3369762 +Q2626233 P101 Q36442 +Q215300 P106 Q10798782 +Q80510 P106 Q4610556 +Q92766 P106 Q82594 +Q382604 P106 Q1028181 +Q7939652 P119 Q208175 +Q1891483 P509 Q12152 +Q84220 P136 Q369747 +Q107067 P106 Q639669 +Q484302 P1412 Q1860 +Q4225527 P20 Q649 +Q213585 P108 Q152838 +Q75220 P69 Q152087 +Q61195 P106 Q36180 +Q39 P463 Q7825 +Q25310 P106 Q40348 +Q1955997 P1412 Q150 +Q167345 P106 Q16533 +Q430278 P161 Q206659 +Q242608 P106 Q10800557 +Q83359 P551 Q47164 +Q106071 P106 Q488205 +Q722876 P106 Q386854 +Q77755 P106 Q1622272 +Q9161 P27 Q191077 +Q303680 P106 Q1930187 +Q445372 P106 Q43845 +Q92983 P1412 Q1860 +Q525949 P20 Q90 +Q193803 P106 Q36180 +Q428551 P136 Q859369 +Q221303 P463 Q337526 +Q61863 P1412 Q188 +Q311615 P106 Q33999 +Q1160461 P69 Q5149833 +Q38 P530 Q115 +Q3271606 P20 Q90 +Q258753 P1412 Q9168 +Q28 P138 Q133032 +Q1011 P530 Q916 +Q48613 P264 Q56760250 +Q18391 P108 Q49110 +Q1354583 P106 Q855091 +Q366012 P106 Q486748 +Q241316 P1412 Q188 +Q23395 P161 Q37175 +Q518152 P106 Q3282637 +Q20 P463 Q191384 +Q234096 P106 Q18814623 +Q83158 P737 Q535 +Q725953 P106 Q18814623 +Q1546566 P106 Q2405480 +Q362639 P1412 Q150 +Q342778 P136 Q45981 +Q92316 P102 Q310296 +Q131866 P106 Q10798782 +Q87910 P106 Q82955 +Q42156 P463 Q161806 +Q865 P530 Q800 +Q737922 P106 Q28389 +Q108935 P106 Q33999 +Q13894 P106 Q158852 +Q153020 P106 Q16287483 +Q101339 P101 Q201788 +Q329156 P27 Q30 +Q326114 P495 Q30 +Q128532 P509 Q12152 +Q270599 P161 Q228787 +Q454696 P106 Q43845 +Q295679 P69 Q230492 +Q715195 P119 Q3006253 +Q432694 P27 Q30 +Q928 P530 Q458 +Q6173722 P106 Q1028181 +Q270207 P106 Q82955 +Q40640 P737 Q155855 +Q1237689 P1303 Q17172850 +Q220192 P495 Q408 +Q403 P530 Q736 +Q303456 P161 Q343633 +Q235384 P106 Q753110 +Q1063743 P27 Q145 +Q11820 P1050 Q35869 +Q80739 P106 Q33999 +Q315087 P106 Q36180 +Q302400 P136 Q45981 +Q241180 P106 Q333634 +Q222873 P161 Q212532 +Q255070 P1412 Q1860 +Q306403 P106 Q10798782 +Q242351 P40 Q239411 +Q375036 P106 Q214917 +Q449 P106 Q488205 +Q66248 P106 Q214917 +Q807545 P106 Q177220 +Q188384 P136 Q20442589 +Q313581 P106 Q214917 +Q67207 P1412 Q188 +Q1528163 P106 Q81096 +Q714526 P19 Q994 +Q12857 P106 Q860918 +Q323267 P463 Q123885 +Q159475 P106 Q16533 +Q144622 P1303 Q5994 +Q238045 P69 Q49088 +Q57445 P106 Q1930187 +Q7604 P1412 Q7737 +Q117783 P106 Q28389 +Q204191 P161 Q295593 +Q64356 P106 Q1622272 +Q312803 P106 Q10798782 +Q241263 P136 Q9730 +Q188987 P106 Q18844224 +Q311223 P101 Q395 +Q371119 P19 Q23337 +Q1032 P463 Q2029901 +Q45839 P161 Q433520 +Q77418 P20 Q1055 +Q850746 P106 Q947873 +Q546 P17 Q131964 +Q574885 P136 Q11399 +Q2280 P17 Q15180 +Q375827 P1303 Q17172850 +Q40103 P106 Q2259451 +Q1065624 P106 Q2526255 +Q95453 P19 Q2861 +Q690974 P106 Q639669 +Q298388 P106 Q753110 +Q71502 P106 Q214917 +Q503758 P463 Q161806 +Q5809 P140 Q7066 +Q350678 P27 Q30 +Q112214 P106 Q49757 +Q59054 P27 Q159 +Q884142 P106 Q639669 +Q995245 P1412 Q188 +Q298388 P106 Q28389 +Q265252 P136 Q484344 +Q275003 P737 Q868 +Q331652 P136 Q83440 +Q563549 P69 Q82513 +Q5878 P737 Q38392 +Q92621 P106 Q81096 +Q795238 P106 Q578109 +Q6711 P20 Q60 +Q833 P530 Q408 +Q41173 P106 Q36180 +Q80321 P19 Q1764 +Q217110 P106 Q36180 +Q232298 P106 Q2259451 +Q168992 P136 Q83440 +Q714030 P1303 Q17172850 +Q535 P20 Q90 +Q1382482 P108 Q215539 +Q76405 P1412 Q188 +Q275658 P106 Q2259451 +Q289108 P136 Q37073 +Q11637 P106 Q10800557 +Q63556 P27 Q801 +Q57465 P27 Q713750 +Q36740 P106 Q36180 +Q274306 P106 Q10800557 +Q86924 P1412 Q188 +Q92359 P19 Q1799 +Q293590 P106 Q177220 +Q214930 P1412 Q188 +Q350666 P106 Q6625963 +Q260312 P106 Q10800557 +Q672301 P20 Q1754 +Q234653 P69 Q49123 +Q520760 P106 Q193391 +Q3806666 P106 Q82594 +Q218172 P136 Q52162262 +Q124993 P509 Q212961 +Q48792 P27 Q30 +Q1409622 P106 Q10800557 +Q29573 P20 Q49111 +Q3986379 P161 Q82222 +Q1816925 P106 Q713200 +Q810 P530 Q833 +Q3656334 P27 Q145 +Q557632 P159 Q84 +Q23301 P106 Q177220 +Q460075 P27 Q16 +Q18227 P20 Q65 +Q184697 P1412 Q1860 +Q297425 P106 Q2306091 +Q161363 P106 Q11774202 +Q234595 P106 Q33999 +Q750 P530 Q28 +Q1384236 P106 Q43845 +Q26988 P17 Q664 +Q192410 P106 Q2405480 +Q540787 P106 Q36180 +Q206173 P20 Q727 +Q40143 P140 Q7066 +Q96943 P102 Q49764 +Q452797 P20 Q24639 +Q44593 P27 Q145 +Q150804 P840 Q36 +Q92875 P27 Q30 +Q187210 P106 Q713200 +Q43303 P106 Q18814623 +Q27645 P106 Q36180 +Q121425 P1412 Q188 +Q5604 P106 Q42973 +Q207544 P106 Q36180 +Q261456 P106 Q10800557 +Q34211 P509 Q1368943 +Q78205 P69 Q55044 +Q1740125 P136 Q183504 +Q108306 P1412 Q188 +Q287478 P140 Q7066 +Q242620 P264 Q654283 +Q237925 P1412 Q1860 +Q180098 P161 Q719247 +Q206856 P69 Q927627 +Q93817 P106 Q49757 +Q322572 P161 Q43247 +Q125663 P1050 Q84263196 +Q39659 P140 Q9592 +Q1084226 P106 Q81096 +Q2754 P19 Q1085 +Q182725 P1303 Q6607 +Q119159 P69 Q154804 +Q705400 P106 Q639669 +Q263442 P106 Q177220 +Q1370974 P106 Q486748 +Q26625 P27 Q30 +Q220955 P161 Q40523 +Q128967 P106 Q158852 +Q366012 P69 Q6608367 +Q232819 P509 Q14467705 +Q205120 P108 Q371625 +Q170842 P119 Q1130019 +Q124607 P108 Q153006 +Q266335 P509 Q18554919 +Q30 P463 Q170481 +Q296729 P1303 Q17172850 +Q8354131 P106 Q1622272 +Q43408 P161 Q1889124 +Q9049 P551 Q1439 +Q46739 P19 Q1489 +Q233937 P106 Q55960555 +Q1424117 P108 Q202660 +Q119786 P106 Q1350157 +Q76554 P106 Q4964182 +Q511124 P27 Q15180 +Q45765 P27 Q30 +Q955619 P641 Q32112 +Q112145 P140 Q9592 +Q153185 P463 Q253439 +Q266676 P106 Q5716684 +Q313528 P108 Q209344 +Q703091 P106 Q131524 +Q336609 P106 Q43845 +Q76641 P108 Q40025 +Q148 P530 Q419 +Q151705 P136 Q188473 +Q53068 P27 Q4948 +Q72127 P102 Q7320 +Q709646 P69 Q540672 +Q332670 P106 Q28389 +Q85102 P69 Q49088 +Q391540 P161 Q298682 +Q57442 P20 Q1731 +Q10953 P101 Q21198 +Q311752 P106 Q177220 +Q84412 P108 Q599316 +Q206336 P840 Q65 +Q320604 P140 Q6423963 +Q712082 P27 Q45 +Q1265451 P106 Q488205 +Q734 P530 Q408 +Q322206 P136 Q130232 +Q449371 P136 Q164444 +Q6293853 P106 Q901 +Q1799 P131 Q171150 +Q187884 P106 Q2526255 +Q2273039 P1412 Q7737 +Q354508 P1303 Q8371 +Q35286 P20 Q62 +Q1060115 P1303 Q52954 +Q81960 P106 Q36180 +Q725943 P106 Q201788 +Q152165 P136 Q132311 +Q355133 P106 Q2252262 +Q270351 P840 Q1408 +Q699456 P69 Q193510 +Q152208 P551 Q174 +Q348738 P106 Q753110 +Q274181 P172 Q49085 +Q1067 P106 Q482980 +Q862 P27 Q15180 +Q621458 P1412 Q1860 +Q182609 P106 Q39631 +Q557730 P106 Q1930187 +Q234356 P27 Q30 +Q84780 P509 Q12152 +Q8015 P106 Q188094 +Q30 P530 Q783 +Q188111 P106 Q49757 +Q124784 P1412 Q652 +Q258462 P108 Q168751 +Q5809 P106 Q49757 +Q5327 P69 Q152838 +Q192515 P136 Q9794 +Q53454 P1412 Q35497 +Q211551 P463 Q2370801 +Q309248 P495 Q30 +Q439686 P106 Q49757 +Q472270 P106 Q36180 +Q948 P463 Q1065 +Q984165 P19 Q84 +Q31164 P106 Q855091 +Q471664 P1412 Q7737 +Q212 P530 Q217 +Q180272 P106 Q2526255 +Q538109 P119 Q252312 +Q310300 P264 Q193023 +Q297693 P136 Q6010 +Q7504 P27 Q142 +Q74807 P20 Q64 +Q722738 P737 Q140694 +Q329001 P136 Q8341 +Q96 P530 Q865 +Q320895 P264 Q202440 +Q313654 P106 Q33999 +Q444728 P106 Q14915627 +Q220901 P106 Q2405480 +Q232035 P106 Q2865819 +Q754 P30 Q49 +Q71490 P102 Q49768 +Q1383381 P106 Q177220 +Q226053 P20 Q1486 +Q156858 P172 Q940348 +Q379608 P106 Q486748 +Q370711 P1303 Q17172850 +Q233843 P106 Q33999 +Q144904 P136 Q7749 +Q48280 P27 Q145 +Q1528163 P108 Q392904 +Q4471 P495 Q145 +Q96825 P463 Q18650004 +Q355531 P106 Q36180 +Q357798 P108 Q1377 +Q121926 P19 Q90 +Q4149437 P463 Q83172 +Q294185 P106 Q13474373 +Q202693 P136 Q186424 +Q156201 P463 Q463303 +Q458559 P106 Q6625963 +Q173540 P106 Q6625963 +Q78833 P27 Q40 +Q558972 P1412 Q809 +Q463927 P136 Q157443 +Q107067 P264 Q38903 +Q373948 P106 Q33231 +Q234556 P106 Q131359 +Q11928 P161 Q235189 +Q485310 P106 Q33999 +Q414 P530 Q183 +Q453987 P106 Q36834 +Q386053 P136 Q83440 +Q507864 P264 Q202440 +Q181677 P1412 Q1860 +Q106428 P161 Q708059 +Q236343 P19 Q100 +Q237527 P20 Q65 +Q237833 P106 Q49757 +Q48053 P106 Q36180 +Q97646 P1303 Q17172850 +Q430900 P106 Q10800557 +Q408 P530 Q30 +Q55210 P19 Q3616 +Q57379 P641 Q11419 +Q135420 P509 Q12152 +Q457739 P463 Q463303 +Q44132 P27 Q41 +Q339031 P264 Q843402 +Q25854 P27 Q218 +Q221074 P69 Q209344 +Q5950 P1412 Q1860 +Q84386 P27 Q40 +Q190765 P57 Q56005 +Q2185 P102 Q1904825 +Q1276176 P19 Q23154 +Q25820 P101 Q41217 +Q103788 P119 Q1437214 +Q690854 P106 Q66711686 +Q134773 P161 Q1203 +Q106751 P108 Q168515 +Q333425 P101 Q166542 +Q212772 P106 Q4610556 +Q207916 P161 Q214289 +Q505743 P27 Q30 +Q85618 P106 Q482980 +Q1545284 P264 Q183387 +Q160433 P119 Q311 +Q186327 P106 Q33999 +Q249288 P161 Q310926 +Q12658 P463 Q83172 +Q185110 P102 Q79854 +Q180251 P69 Q130965 +Q264326 P106 Q33999 +Q335643 P1412 Q1321 +Q129187 P106 Q214917 +Q8312 P106 Q3282637 +Q11362 P1412 Q13955 +Q194896 P102 Q9626 +Q104514 P106 Q2405480 +Q234695 P264 Q843402 +Q702468 P106 Q81096 +Q168992 P106 Q5716684 +Q182654 P27 Q159 +Q180619 P172 Q7325 +Q262772 P136 Q187760 +Q918668 P27 Q145 +Q316454 P27 Q30 +Q8556 P69 Q214341 +Q44775 P463 Q414110 +Q380180 P106 Q10798782 +Q262980 P161 Q41871 +Q435744 P1412 Q188 +Q208590 P1412 Q150 +Q486786 P136 Q20378 +Q62831 P106 Q36180 +Q77 P530 Q736 +Q321990 P101 Q2405480 +Q928 P530 Q958 +Q149499 P69 Q230899 +Q213736 P69 Q4614 +Q192348 P463 Q30907154 +Q66475 P106 Q13418253 +Q5105 P140 Q9592 +Q34 P530 Q155 +Q466115 P106 Q193391 +Q57281 P106 Q333634 +Q162076 P106 Q36834 +Q1296812 P1303 Q6607 +Q104592 P463 Q543804 +Q114558 P27 Q183 +Q1047474 P106 Q1327329 +Q67953 P27 Q183 +Q332783 P1412 Q1860 +Q705333 P1303 Q6607 +Q83038 P20 Q2634 +Q206659 P106 Q33999 +Q271888 P136 Q37073 +Q991 P737 Q9711 +Q18391 P1412 Q9067 +Q1537105 P264 Q155152 +Q721819 P106 Q753110 +Q92760 P1412 Q1860 +Q211551 P27 Q15180 +Q228904 P19 Q49266 +Q123225 P106 Q2374149 +Q76893 P26 Q2607 +Q230 P463 Q191384 +Q92776 P106 Q1622272 +Q1744 P26 Q44221 +Q3076050 P19 Q487119 +Q96064 P108 Q159895 +Q105428 P106 Q82955 +Q191037 P106 Q2405480 +Q957627 P136 Q217467 +Q1251733 P136 Q187760 +Q291170 P495 Q30 +Q235928 P20 Q65 +Q34460 P106 Q43845 +Q313525 P106 Q2643890 +Q298352 P106 Q2526255 +Q44839 P106 Q333634 +Q170572 P1412 Q1860 +Q233873 P1412 Q1860 +Q128560 P106 Q4853732 +Q160852 P69 Q745967 +Q102822 P69 Q752663 +Q435290 P172 Q115026 +Q67869663 P136 Q56284716 +Q154412 P1412 Q6654 +Q57106 P1412 Q9027 +Q314834 P106 Q10800557 +Q9570 P106 Q82955 +Q1286510 P136 Q9759 +Q234096 P69 Q5121453 +Q20732 P119 Q1242128 +Q8612 P140 Q5043 +Q231479 P740 Q35765 +Q507734 P19 Q18013 +Q20145 P264 Q183412 +Q706941 P136 Q8341 +Q192686 P161 Q223745 +Q314502 P106 Q3455803 +Q47667 P27 Q13426199 +Q87012 P1412 Q188 +Q55199 P1412 Q7737 +Q157034 P172 Q2436423 +Q438402 P27 Q212 +Q39 P530 Q96 +Q7976772 P106 Q1114448 +Q215556 P108 Q2994538 +Q809420 P106 Q1930187 +Q782629 P1412 Q1860 +Q4747436 P1412 Q1860 +Q851 P530 Q874 +Q467482 P106 Q4853732 +Q378333 P119 Q208175 +Q303918 P106 Q1930187 +Q230169 P69 Q2822225 +Q458559 P19 Q1741 +Q639065 P106 Q4263842 +Q367973 P106 Q483501 +Q3022141 P1412 Q1860 +Q329 P102 Q1904825 +Q62918 P19 Q1354 +Q46479 P27 Q34 +Q241 P530 Q801 +Q89486 P106 Q486748 +Q127897 P161 Q483118 +Q63458 P106 Q36180 +Q82278 P102 Q9626 +Q573171 P106 Q169470 +Q363079 P27 Q30 +Q712 P530 Q668 +Q1361841 P108 Q49109 +Q16867 P1412 Q1860 +Q708963 P106 Q177220 +Q544387 P136 Q131272 +Q262502 P172 Q678551 +Q472856 P27 Q172579 +Q47561 P106 Q49757 +Q11847 P106 Q36180 +Q49001 P106 Q6625963 +Q106706 P136 Q21590660 +Q239818 P19 Q60 +Q41269 P106 Q1622272 +Q328335 P106 Q10800557 +Q166318 P509 Q12152 +Q188648 P106 Q5716684 +Q548672 P106 Q81096 +Q675 P108 Q202660 +Q59945 P106 Q1622272 +Q5105 P106 Q177220 +Q263629 P509 Q623031 +Q233697 P19 Q727 +Q113997 P106 Q10798782 +Q106769 P101 Q482 +Q1077546 P1303 Q17172850 +Q106231 P69 Q49116 +Q730261 P106 Q10798782 +Q730 P37 Q7411 +Q166641 P1412 Q150 +Q1347483 P106 Q10798782 +Q1045 P530 Q183 +Q1049686 P264 Q38903 +Q5494459 P37 Q1321 +Q377638 P140 Q7066 +Q76727 P1412 Q188 +Q78939 P106 Q36180 +Q114450 P1412 Q150 +Q980000 P106 Q81096 +Q60025 P108 Q49112 +Q286525 P264 Q208909 +Q45553 P136 Q21590660 +Q3104 P17 Q713750 +Q233085 P106 Q10800557 +Q151593 P106 Q16145150 +Q946019 P106 Q855091 +Q76532 P106 Q82955 +Q706332 P106 Q177220 +Q44414 P106 Q10798782 +Q562108 P106 Q49757 +Q57386 P106 Q1209498 +Q66628 P69 Q155354 +Q556568 P106 Q4263842 +Q43936 P737 Q9438 +Q460366 P27 Q30 +Q558104 P106 Q4773904 +Q902 P463 Q8475 +Q242351 P106 Q18814623 +Q185610 P172 Q49085 +Q1065189 P106 Q169470 +Q355288 P26 Q36290 +Q313443 P20 Q1781 +Q153159 P101 Q441 +Q232985 P27 Q30 +Q57641 P106 Q937857 +Q270905 P26 Q347456 +Q232592 P27 Q30 +Q155018 P161 Q220698 +Q258204 P161 Q242650 +Q991 P172 Q49542 +Q881 P530 Q423 +Q154855 P27 Q29 +Q176846 P27 Q159 +Q168161 P20 Q270 +Q434715 P106 Q33999 +Q258753 P19 Q3616 +Q634025 P106 Q81096 +Q315222 P1412 Q150 +Q467378 P106 Q4853732 +Q221113 P161 Q240869 +Q3271606 P108 Q273626 +Q215219 P106 Q639669 +Q218992 P172 Q49085 +Q105585 P106 Q10873124 +Q727782 P463 Q123885 +Q20995 P69 Q1329269 +Q236056 P1412 Q9288 +Q1339382 P172 Q49085 +Q46717 P161 Q37175 +Q247538 P20 Q11299 +Q367094 P106 Q36180 +Q213081 P161 Q49828 +Q25351 P106 Q82955 +Q61673 P1412 Q9056 +Q7314 P27 Q30 +Q190944 P140 Q9592 +Q217619 P509 Q47912 +Q44380 P106 Q33999 +Q573584 P19 Q1781 +Q159 P530 Q403 +Q312801 P264 Q3001888 +Q1037 P463 Q37470 +Q159642 P20 Q1085 +Q188526 P69 Q209842 +Q297552 P140 Q7066 +Q229291 P106 Q2405480 +Q1934904 P131 Q649 +Q290345 P106 Q177220 +Q376736 P106 Q10800557 +Q71208 P19 Q1720 +Q461447 P161 Q312380 +Q502864 P69 Q1719898 +Q49734 P106 Q36834 +Q78270 P20 Q2079 +Q697 P530 Q183 +Q202508 P161 Q435468 +Q276167 P27 Q30 +Q1375814 P106 Q639669 +Q92853 P27 Q30 +Q400678 P101 Q5891 +Q42574 P106 Q33999 +Q132162 P69 Q371625 +Q37388 P1412 Q1860 +Q269569 P1303 Q46185 +Q937 P172 Q7325 +Q4487 P106 Q82955 +Q233289 P27 Q129286 +Q1032 P530 Q1033 +Q511399 P551 Q1741 +Q57603 P108 Q49112 +Q267914 P106 Q177220 +Q182046 P69 Q193510 +Q96577 P106 Q1622272 +Q6701 P119 Q438183 +Q381731 P161 Q443343 +Q67869663 P136 Q11399 +Q7317 P27 Q71084 +Q440272 P1303 Q5994 +Q726071 P106 Q3282637 +Q256824 P463 Q205473 +Q202319 P106 Q33999 +Q7301731 P106 Q11063 +Q47122 P264 Q231694 +Q131248 P1412 Q5885 +Q219622 P106 Q333634 +Q230395 P106 Q2405480 +Q140694 P106 Q36180 +Q312570 P106 Q578109 +Q18953 P106 Q10798782 +Q36843 P69 Q152838 +Q132238 P106 Q14915627 +Q108619 P27 Q183 +Q458966 P106 Q39631 +Q51094 P136 Q105527 +Q41754 P161 Q176277 +Q76215 P3373 Q76367 +Q264891 P106 Q486748 +Q627520 P106 Q1415090 +Q190998 P106 Q33999 +Q44403 P135 Q37068 +Q184499 P101 Q413 +Q165668 P106 Q36834 +Q309592 P19 Q65 +Q44517 P19 Q1741 +Q939105 P264 Q183387 +Q965375 P106 Q28389 +Q230836 P19 Q65 +Q318263 P509 Q11085 +Q345212 P69 Q216458 +Q330567 P106 Q81096 +Q237324 P106 Q177220 +Q334760 P106 Q121594 +Q488429 P264 Q732503 +Q61262 P108 Q168426 +Q276440 P106 Q49757 +Q704742 P106 Q183945 +Q355531 P136 Q8341 +Q204868 P106 Q6625963 +Q517 P172 Q121842 +Q191084 P106 Q49757 +Q337747 P136 Q471839 +Q46096 P136 Q1344 +Q323076 P19 Q340 +Q77 P530 Q17 +Q110462 P19 Q90 +Q1380767 P106 Q2095549 +Q277527 P136 Q599558 +Q982339 P19 Q1757 +Q380407 P1303 Q6607 +Q222390 P106 Q214917 +Q76499 P106 Q1234713 +Q57329 P108 Q49088 +Q166590 P140 Q7066 +Q179576 P551 Q1489 +Q121926 P463 Q4345832 +Q102124 P106 Q33999 +Q61648 P106 Q201788 +Q77825 P27 Q183 +Q70215 P27 Q183 +Q607825 P106 Q876864 +Q72276 P136 Q188473 +Q66545534 P136 Q21010853 +Q984644 P136 Q25379 +Q55394 P27 Q142 +Q344822 P1303 Q8338 +Q423 P530 Q1042 +Q964776 P69 Q209842 +Q739 P530 Q717 +Q221113 P57 Q8877 +Q179097 P106 Q1622272 +Q163593 P27 Q30 +Q112169 P136 Q4184 +Q987724 P140 Q1841 +Q236125 P106 Q183945 +Q295873 P108 Q23548 +Q1042738 P106 Q82955 +Q95469 P140 Q9592 +Q338623 P106 Q1930187 +Q663858 P463 Q48995 +Q1618928 P509 Q181257 +Q973400 P106 Q488205 +Q83739 P840 Q65 +Q61723 P69 Q157575 +Q235141 P106 Q10798782 +Q58062 P509 Q12202 +Q160432 P451 Q193458 +Q438124 P1303 Q5994 +Q25188 P136 Q1200678 +Q19526 P106 Q245068 +Q36591 P106 Q49757 +Q320305 P69 Q1376987 +Q316032 P106 Q28389 +Q22686 P26 Q432473 +Q336018 P106 Q947873 +Q318029 P106 Q4964182 +Q82238 P136 Q7749 +Q77608 P106 Q24387326 +Q232 P530 Q227 +Q64151 P161 Q264748 +Q704696 P463 Q123885 +Q128604 P19 Q172 +Q19364345 P106 Q2066131 +Q69320 P106 Q36180 +Q222873 P161 Q296928 +Q240677 P27 Q30 +Q550900 P1303 Q52954 +Q406854 P1303 Q17172850 +Q336769 P27 Q34266 +Q720443 P106 Q121594 +Q107432 P551 Q1384 +Q3778 P17 Q16957 +Q1333326 P106 Q36834 +Q313647 P136 Q483352 +Q223687 P551 Q90 +Q60876 P27 Q713750 +Q41173 P136 Q484641 +Q127688 P27 Q34266 +Q286868 P136 Q130232 +Q2545780 P108 Q49109 +Q231530 P264 Q231694 +Q230378 P26 Q363386 +Q84386 P27 Q30 +Q1361996 P27 Q15180 +Q108283 P106 Q3282637 +Q270085 P106 Q3055126 +Q204751 P136 Q11399 +Q84186 P27 Q30 +Q433683 P106 Q1323191 +Q186273 P106 Q6625963 +Q190386 P69 Q849751 +Q202246 P136 Q598929 +Q1257 P106 Q36180 +Q221903 P106 Q36180 +Q115525 P106 Q9149093 +Q255335 P106 Q3282637 +Q181069 P161 Q58444 +Q180008 P161 Q310394 +Q14320 P840 Q60 +Q434916 P106 Q36834 +Q214216 P140 Q9268 +Q766930 P106 Q177220 +Q380787 P27 Q858 +Q313516 P69 Q49114 +Q387601 P161 Q47100 +Q6078 P1303 Q17172850 +Q197162 P106 Q2306091 +Q40096 P106 Q2252262 +Q219810 P136 Q224700 +Q93031 P106 Q81096 +Q9312 P106 Q4964182 +Q314535 P19 Q34404 +Q552215 P106 Q15980158 +Q313813 P264 Q3001888 +Q4488 P69 Q309350 +Q333405 P106 Q33999 +Q1130554 P106 Q639669 +Q103583 P106 Q13570226 +Q712820 P1303 Q17172850 +Q1939469 P106 Q639669 +Q1514 P136 Q131272 +Q217298 P737 Q310819 +Q100937 P172 Q141817 +Q216466 P106 Q36180 +Q668 P530 Q77 +Q19089 P161 Q191104 +Q188385 P20 Q48958 +Q625272 P140 Q7066 +Q48995 P136 Q8341 +Q63528 P119 Q1497554 +Q161900 P1412 Q9063 +Q63146 P106 Q1622272 +Q332348 P161 Q316032 +Q116253 P69 Q1664782 +Q364179 P106 Q36834 +Q324397 P69 Q13371 +Q350811 P19 Q18432 +Q330567 P27 Q30 +Q223596 P161 Q3454165 +Q49080 P119 Q1242128 +Q571605 P106 Q1622272 +Q172632 P106 Q822146 +Q1159089 P106 Q855091 +Q254341 P20 Q37836 +Q922795 P106 Q1930187 +Q192214 P19 Q90 +Q104955 P27 Q16957 +Q528340 P106 Q806349 +Q359026 P1303 Q17172850 +Q116307 P463 Q191583 +Q823935 P1412 Q7737 +Q2281897 P106 Q901 +Q379608 P106 Q488205 +Q35286 P27 Q30 +Q154410 P463 Q812155 +Q724160 P69 Q49108 +Q202041 P136 Q11366 +Q377 P106 Q16287483 +Q358885 P19 Q1899 +Q111087 P136 Q205049 +Q463765 P161 Q235072 +Q50012 P106 Q10800557 +Q237821 P108 Q149990 +Q23436 P17 Q174193 +Q538716 P106 Q33999 +Q338812 P106 Q28389 +Q311293 P106 Q43845 +Q323267 P19 Q10686 +Q242416 P106 Q4610556 +Q213736 P1303 Q6607 +Q60059 P69 Q193510 +Q337063 P106 Q482980 +Q465663 P69 Q49088 +Q60087 P140 Q9592 +Q220910 P840 Q1581 +Q160852 P101 Q7163 +Q312483 P69 Q1130457 +Q426396 P495 Q30 +Q89014 P106 Q3332711 +Q444591 P106 Q205375 +Q283496 P106 Q36180 +Q59478 P106 Q36180 +Q3830446 P1412 Q652 +Q225657 P106 Q33999 +Q75381 P106 Q1397808 +Q732142 P27 Q159 +Q243837 P106 Q1622272 +Q456467 P136 Q471839 +Q211429 P161 Q284636 +Q295781 P140 Q7066 +Q740596 P106 Q4964182 +Q83359 P69 Q7864046 +Q54867 P1303 Q6607 +Q230641 P106 Q2259451 +Q113717 P20 Q1085 +Q74639 P463 Q299015 +Q48734 P495 Q30 +Q447592 P551 Q24639 +Q975777 P108 Q1137404 +Q193018 P27 Q172579 +Q607464 P119 Q118967 +Q236212 P106 Q970153 +Q504677 P106 Q36180 +Q381185 P106 Q3400985 +Q1586454 P509 Q9687 +Q4934 P140 Q7066 +Q471664 P27 Q15180 +Q220423 P840 Q142 +Q5354 P108 Q13371 +Q218575 P463 Q463303 +Q70819 P27 Q1206012 +Q62377 P27 Q183 +Q545818 P108 Q31519 +Q323516 P106 Q36180 +Q58577 P106 Q131524 +Q157191 P551 Q6602 +Q80596 P1412 Q1860 +Q50713 P463 Q463303 +Q471664 P463 Q1425328 +Q457022 P106 Q177220 +Q224754 P19 Q65 +Q71490 P27 Q183 +Q457306 P19 Q60 +Q35 P530 Q211 +Q264914 P106 Q8246794 +Q499757 P1412 Q1860 +Q239411 P3373 Q3731533 +Q57501 P108 Q32120 +Q350690 P27 Q30 +Q16349 P19 Q23556 +Q8768 P106 Q131524 +Q89054 P101 Q11063 +Q204299 P106 Q13235160 +Q362106 P136 Q1344 +Q786 P530 Q408 +Q263629 P106 Q33999 +Q708110 P19 Q1509 +Q4636 P136 Q1196752 +Q112160 P641 Q11420 +Q3365459 P27 Q30 +Q49347 P108 Q168756 +Q544607 P161 Q214309 +Q503997 P106 Q578109 +Q429348 P106 Q753110 +Q262446 P264 Q216364 +Q443166 P1303 Q46185 +Q159098 P106 Q855091 +Q28848 P138 Q9200 +Q940891 P551 Q1384 +Q708007 P106 Q753110 +Q298030 P106 Q1930187 +Q314158 P106 Q1930187 +Q235719 P106 Q33999 +Q77555 P1412 Q150 +Q115055 P106 Q43845 +Q60586 P106 Q2468727 +Q463615 P136 Q130232 +Q83410 P509 Q1368943 +Q1064 P27 Q172579 +Q1535539 P136 Q8341 +Q311267 P102 Q29552 +Q675465 P27 Q12560 +Q11675 P106 Q82955 +Q69319 P106 Q36180 +Q311267 P509 Q14467705 +Q216195 P69 Q49112 +Q76197 P1412 Q188 +Q443567 P551 Q65 +Q562178 P106 Q36180 +Q4538 P19 Q34739 +Q158753 P106 Q177220 +Q966669 P106 Q82955 +Q730082 P106 Q15981151 +Q43746 P106 Q36180 +Q52627 P106 Q10798782 +Q365042 P264 Q193023 +Q179497 P551 Q60 +Q75968 P106 Q4964182 +Q380407 P106 Q578109 +Q185770 P106 Q901402 +Q219060 P530 Q668 +Q725953 P1303 Q8355 +Q355153 P102 Q5020915 +Q314290 P106 Q639669 +Q42574 P1412 Q150 +Q2979750 P106 Q82955 +Q283964 P106 Q333634 +Q47447 P106 Q177220 +Q896835 P27 Q183 +Q1040459 P106 Q622807 +Q269094 P106 Q3282637 +Q236303 P27 Q30 +Q109135 P495 Q145 +Q153597 P106 Q10798782 +Q671985 P106 Q2516866 +Q66447 P108 Q159895 +Q233957 P27 Q30 +Q18430 P69 Q49108 +Q57281 P463 Q695302 +Q946528 P106 Q183945 +Q72137 P106 Q1231865 +Q217020 P161 Q113206 +Q224647 P161 Q231951 +Q713099 P136 Q83440 +Q560847 P27 Q30 +Q953153 P106 Q10798782 +Q634822 P106 Q618694 +Q300439 P136 Q188473 +Q77082 P27 Q40 +Q235611 P463 Q466089 +Q488099 P106 Q36180 +Q32734 P161 Q191064 +Q153776 P136 Q9730 +Q42122 P1412 Q9027 +Q272256 P108 Q49088 +Q191480 P106 Q333634 +Q60452 P106 Q131524 +Q356745 P106 Q488205 +Q292432 P106 Q36834 +Q232456 P27 Q30 +Q93181 P106 Q82955 +Q430535 P840 Q1761 +Q55404 P106 Q3282637 +Q58125755 P1303 Q163829 +Q188384 P136 Q52162262 +Q230476 P106 Q333634 +Q1424117 P69 Q1189954 +Q2260923 P106 Q43845 +Q313366 P27 Q34 +Q187765 P106 Q6625963 +Q353007 P1303 Q46185 +Q454200 P106 Q36834 +Q465707 P1412 Q188 +Q175305 P106 Q10798782 +Q435347 P136 Q1344 +Q255720 P106 Q10798782 +Q84464 P106 Q36180 +Q191027 P69 Q309350 +Q968099 P1412 Q7737 +Q107730 P1412 Q1860 +Q381827 P69 Q1059546 +Q179493 P463 Q463303 +Q170606 P69 Q1026939 +Q1351177 P20 Q84 +Q61863 P69 Q152087 +Q575444 P136 Q11366 +Q93031 P101 Q395 +Q4124737 P119 Q208175 +Q251738 P106 Q14467526 +Q504 P106 Q1930187 +Q230969 P1412 Q1860 +Q43067 P27 Q43287 +Q64850 P140 Q9592 +Q60777 P119 Q985 +Q213736 P136 Q164444 +Q76114 P19 Q3104 +Q922830 P27 Q30 +Q323827 P161 Q170515 +Q132238 P106 Q639669 +Q276332 P1412 Q5287 +Q216266 P69 Q471980 +Q153034 P106 Q4964182 +Q81752 P106 Q16031530 +Q4099230 P106 Q901 +Q928281 P101 Q166542 +Q169566 P106 Q6625963 +Q59474 P27 Q20 +Q426517 P161 Q41163 +Q230665 P106 Q948329 +Q76593 P463 Q4345832 +Q230 P530 Q902 +Q51559 P27 Q30 +Q157191 P119 Q311 +Q272079 P106 Q10800557 +Q244398 P136 Q2143665 +Q214801 P161 Q223281 +Q706641 P106 Q183945 +Q256354 P136 Q3017271 +Q461768 P161 Q267550 +Q919565 P106 Q36834 +Q355344 P106 Q15077007 +Q1340677 P106 Q6625963 +Q155476 P495 Q183 +Q51884 P106 Q36834 +Q72276 P840 Q649 +Q862 P106 Q333634 +Q7327 P551 Q15180 +Q1939373 P3373 Q199418 +Q1386899 P20 Q23197 +Q1528185 P20 Q60 +Q157309 P19 Q90 +Q94071 P106 Q14915627 +Q1451285 P463 Q463303 +Q89949 P69 Q31519 +Q555147 P106 Q23833535 +Q12658 P463 Q543804 +Q162277 P161 Q65932 +Q948941 P108 Q1719898 +Q362599 P106 Q33999 +Q863226 P27 Q30 +Q637949 P108 Q49112 +Q220192 P161 Q485901 +Q155458 P136 Q842256 +Q134165 P106 Q131062 +Q46599 P106 Q214917 +Q238121 P1412 Q1860 +Q71322 P1412 Q188 +Q691471 P106 Q4263842 +Q24871 P57 Q42574 +Q159582 P106 Q2095549 +Q264326 P106 Q177220 +Q350714 P106 Q4610556 +Q372073 P20 Q127856 +Q213547 P106 Q36834 +Q96588 P102 Q694299 +Q78833 P20 Q1726 +Q133465 P1412 Q809 +Q202859 P106 Q486748 +Q236066 P1412 Q1860 +Q547373 P106 Q639669 +Q262838 P1412 Q1860 +Q843 P530 Q145 +Q96 P530 Q833 +Q5443 P20 Q60 +Q35 P530 Q889 +Q195390 P19 Q216 +Q41 P530 Q159583 +Q11941 P140 Q7066 +Q862 P19 Q656 +Q112214 P27 Q40 +Q716776 P19 Q25395 +Q61723 P737 Q5749 +Q124523 P463 Q4345832 +Q1764153 P106 Q33999 +Q239355 P106 Q4964182 +Q66097 P27 Q43287 +Q440145 P106 Q82955 +Q748222 P106 Q2516866 +Q157271 P140 Q9592 +Q123512 P106 Q333634 +Q717 P530 Q252 +Q801 P530 Q691 +Q366578 P106 Q753110 +Q50969 P161 Q28493 +Q67221 P140 Q23540 +Q452084 P106 Q2516866 +Q91587 P106 Q36180 +Q46248 P106 Q6625963 +Q233566 P106 Q6625963 +Q849641 P106 Q2405480 +Q180619 P463 Q40358 +Q347767 P106 Q82955 +Q874828 P106 Q627325 +Q999726 P27 Q30 +Q177993 P1412 Q150 +Q41281 P136 Q11399 +Q66527 P108 Q158158 +Q315136 P106 Q6625963 +Q453602 P551 Q90 +Q168728 P463 Q466089 +Q317761 P69 Q385471 +Q230795 P106 Q36180 +Q310755 P463 Q414188 +Q223258 P136 Q1344 +Q213393 P1412 Q397 +Q268262 P1412 Q9129 +Q1153032 P159 Q60 +Q467670 P20 Q60 +Q118488 P106 Q33999 +Q76149 P106 Q482980 +Q151872 P106 Q36180 +Q310953 P106 Q37226 +Q230633 P102 Q29468 +Q4128 P108 Q1137404 +Q84698 P106 Q82955 +Q310052 P69 Q15208489 +Q188159 P495 Q145 +Q179282 P106 Q169470 +Q34189 P20 Q2887 +Q707266 P106 Q333634 +Q142 P530 Q262 +Q182212 P161 Q309932 +Q982493 P108 Q41506 +Q58801 P119 Q1771319 +Q441990 P106 Q33999 +Q64910 P102 Q7320 +Q231270 P106 Q10798782 +Q365090 P1412 Q1860 +Q711509 P108 Q202660 +Q528943 P106 Q15895020 +Q333855 P106 Q82955 +Q1570102 P106 Q806349 +Q308711 P136 Q35760 +Q853932 P1412 Q9067 +Q173714 P106 Q36180 +Q349217 P106 Q245068 +Q237255 P106 Q10800557 +Q436187 P20 Q65 +Q128582 P136 Q471839 +Q30 P530 Q796 +Q268615 P19 Q90 +Q23527 P1412 Q1860 +Q64180 P463 Q265058 +Q171969 P172 Q121842 +Q164757 P1303 Q6607 +Q84292 P463 Q543804 +Q155124 P106 Q1415090 +Q78414 P106 Q82955 +Q255593 P136 Q37073 +Q234137 P27 Q30 +Q538284 P106 Q753110 +Q93341 P509 Q12192 +Q181803 P136 Q188473 +Q105756 P737 Q38193 +Q77097 P463 Q44687 +Q347362 P106 Q82955 +Q175038 P161 Q190523 +Q180011 P106 Q3357567 +Q311241 P106 Q3282637 +Q232 P463 Q656801 +Q241498 P27 Q30 +Q120563 P20 Q1726 +Q40096 P106 Q13235160 +Q9204 P106 Q36180 +Q132964 P106 Q3387717 +Q150851 P463 Q463303 +Q233546 P106 Q2405480 +Q273075 P19 Q60 +Q217427 P172 Q49085 +Q47561 P106 Q36180 +Q459681 P1412 Q188 +Q468523 P106 Q214917 +Q5816 P106 Q4964182 +Q230 P530 Q1008 +Q233054 P106 Q15295720 +Q782813 P106 Q214917 +Q319523 P101 Q947873 +Q61594 P27 Q39 +Q76546 P106 Q49757 +Q153905 P106 Q36180 +Q32520 P140 Q9592 +Q762361 P20 Q1757 +Q104094 P106 Q2259451 +Q192668 P1303 Q17172850 +Q215546 P1303 Q6607 +Q107226 P161 Q114179 +Q157271 P106 Q1622272 +Q224029 P20 Q48958 +Q964396 P463 Q218868 +Q706821 P20 Q36091 +Q1666 P264 Q1536003 +Q921679 P106 Q488205 +Q1229223 P106 Q131524 +Q75757 P1412 Q35497 +Q85931 P463 Q414163 +Q264730 P106 Q512314 +Q165518 P551 Q104994 +Q354604 P106 Q947873 +Q295537 P106 Q1930187 +Q309995 P20 Q90 +Q43432 P136 Q45981 +Q76725 P106 Q1930187 +Q262294 P1303 Q6607 +Q310295 P1303 Q17172850 +Q87457 P19 Q1799 +Q3322718 P20 Q61 +Q1931654 P106 Q177220 +Q452252 P106 Q482980 +Q357607 P27 Q145 +Q214226 P106 Q10798782 +Q144643 P106 Q10798782 +Q335629 P106 Q855091 +Q11907 P106 Q36834 +Q1008 P530 Q183 +Q851 P530 Q398 +Q196004 P161 Q223830 +Q62746 P840 Q55 +Q85700 P69 Q153987 +Q622636 P106 Q245068 +Q532169 P27 Q30 +Q936812 P106 Q81096 +Q279648 P102 Q79854 +Q336835 P161 Q232985 +Q9696 P26 Q165421 +Q92519 P106 Q36180 +Q13014 P1412 Q188 +Q726198 P102 Q29552 +Q488057 P1303 Q6607 +Q367391 P106 Q1622272 +Q346607 P1303 Q6607 +Q895636 P1412 Q188 +Q46706 P106 Q49757 +Q1689075 P27 Q16 +Q9960 P1050 Q11081 +Q216288 P136 Q83440 +Q184805 P106 Q36834 +Q214548 P264 Q330629 +Q869758 P509 Q9687 +Q622636 P1303 Q128309 +Q328532 P19 Q18419 +Q303 P106 Q4991371 +Q129895 P136 Q1200678 +Q197108 P106 Q1231865 +Q92604 P69 Q168756 +Q282693 P27 Q20 +Q356309 P509 Q12192 +Q77462 P106 Q177220 +Q240250 P106 Q10798782 +Q92819 P108 Q190080 +Q91548 P106 Q10800557 +Q355288 P1412 Q1860 +Q180505 P106 Q943995 +Q318309 P106 Q2516852 +Q219780 P69 Q861548 +Q77 P463 Q7809 +Q236318 P136 Q131272 +Q2964710 P106 Q947873 +Q1276 P27 Q16 +Q1827266 P106 Q639669 +Q346801 P551 Q23556 +Q1666 P106 Q2526255 +Q2658411 P106 Q170790 +Q766293 P27 Q142 +Q174908 P106 Q28389 +Q7542 P1303 Q5994 +Q271867 P19 Q34647 +Q216720 P161 Q296370 +Q90815 P102 Q13124 +Q546956 P136 Q45981 +Q66097 P119 Q190494 +Q76641 P108 Q154804 +Q262 P463 Q842490 +Q1322959 P20 Q649 +Q267769 P106 Q16287483 +Q1803720 P106 Q639669 +Q106871 P161 Q311169 +Q55404 P27 Q668 +Q818048 P136 Q11401 +Q575795 P27 Q30 +Q87884 P69 Q152087 +Q188111 P106 Q10800557 +Q313482 P1412 Q1860 +Q78939 P19 Q31487 +Q91997 P108 Q156725 +Q51525 P106 Q10800557 +Q370747 P106 Q36180 +Q272203 P136 Q11399 +Q235346 P1412 Q1860 +Q443317 P106 Q2405480 +Q243419 P106 Q2055046 +Q83287 P136 Q37073 +Q25 P131 Q161885 +Q185696 P136 Q19715429 +Q325427 P27 Q30 +Q57614 P1412 Q1860 +Q47216 P106 Q1231865 +Q552900 P106 Q2405480 +Q4137 P106 Q36180 +Q865 P530 Q668 +Q20235 P1303 Q6607 +Q865 P530 Q145 +Q316454 P69 Q860527 +Q9594 P101 Q395 +Q47595 P140 Q1841 +Q156516 P495 Q142 +Q2416148 P106 Q12144794 +Q219368 P108 Q681250 +Q92617 P69 Q174710 +Q17714 P106 Q752129 +Q369681 P69 Q274486 +Q40071 P495 Q30 +Q35 P463 Q827525 +Q193052 P19 Q1492 +Q202136 P106 Q39631 +Q212663 P106 Q1622272 +Q62234 P463 Q329464 +Q334780 P136 Q2297927 +Q114808 P1412 Q188 +Q218532 P106 Q245068 +Q142 P530 Q691 +Q175142 P106 Q33999 +Q633 P136 Q9759 +Q211283 P27 Q145 +Q2260923 P69 Q309350 +Q52488 P27 Q15180 +Q244333 P136 Q52162262 +Q84992 P106 Q82955 +Q128934 P161 Q167683 +Q1159089 P1303 Q6607 +Q427386 P136 Q622291 +Q216148 P108 Q661916 +Q453472 P102 Q641691 +Q218083 P106 Q10800557 +Q589497 P69 Q457281 +Q237270 P106 Q15077007 +Q48990 P463 Q270794 +Q67138 P463 Q2043519 +Q927879 P27 Q142 +Q877537 P102 Q1713492 +Q482964 P136 Q817138 +Q288588 P1412 Q188 +Q427917 P1303 Q6607 +Q213583 P463 Q543804 +Q237215 P161 Q244234 +Q213355 P172 Q42406 +Q91137 P69 Q151510 +Q29427 P27 Q801 +Q1398058 P106 Q855091 +Q668 P530 Q159 +Q92627 P106 Q5482740 +Q1046038 P20 Q490 +Q25144 P106 Q2405480 +Q1077577 P264 Q277626 +Q1362223 P27 Q796 +Q235946 P551 Q96 +Q251738 P140 Q9592 +Q92341 P1412 Q1321 +Q182345 P106 Q639669 +Q169077 P102 Q1713492 +Q463692 P106 Q33999 +Q213773 P495 Q183 +Q210111 P840 Q65 +Q188384 P161 Q40103 +Q2433868 P106 Q205375 +Q1443475 P106 Q177220 +Q156214 P106 Q1028181 +Q1030 P530 Q833 +Q1350527 P106 Q177220 +Q310926 P106 Q28389 +Q60772 P69 Q678982 +Q318287 P106 Q8246794 +Q482964 P136 Q325504 +Q236 P530 Q1016 +Q43264 P27 Q45 +Q734 P463 Q899770 +Q334648 P264 Q645889 +Q505563 P19 Q36036 +Q1711743 P19 Q1439 +Q78414 P106 Q170790 +Q702508 P106 Q183945 +Q435437 P27 Q37 +Q1395790 P106 Q765778 +Q87457 P106 Q2259451 +Q229760 P27 Q145 +Q60217 P463 Q684415 +Q1006 P463 Q3348506 +Q274252 P106 Q1622272 +Q271635 P106 Q10800557 +Q80760 P106 Q3282637 +Q228812 P106 Q589298 +Q5383 P106 Q2643890 +Q229983 P106 Q33999 +Q1361397 P27 Q16 +Q206224 P136 Q853630 +Q254748 P509 Q181754 +Q333913 P20 Q24639 +Q256959 P106 Q18844224 +Q445985 P106 Q486748 +Q51511 P1412 Q1860 +Q329035 P106 Q855091 +Q44086 P136 Q1344 +Q163714 P106 Q1930187 +Q76532 P106 Q2722764 +Q159 P530 Q1028 +Q41408 P27 Q29 +Q88937 P20 Q64 +Q60579 P509 Q12152 +Q69045 P102 Q49762 +Q928 P530 Q921 +Q205435 P19 Q1297 +Q249040 P840 Q1588 +Q234558 P106 Q33999 +Q84352 P1412 Q150 +Q30875 P119 Q311 +Q128518 P161 Q134133 +Q77742 P106 Q1231865 +Q206439 P106 Q10800557 +Q337090 P161 Q314603 +Q325077 P161 Q67917 +Q287027 P106 Q177220 +Q57473 P1412 Q1321 +Q539897 P136 Q11366 +Q1339107 P19 Q18419 +Q206112 P102 Q29552 +Q44872 P108 Q152087 +Q184750 P737 Q184169 +Q34670 P106 Q23833535 +Q217020 P161 Q23365 +Q65906 P102 Q7320 +Q28 P463 Q5611262 +Q313204 P106 Q33999 +Q102711 P106 Q36180 +Q1383155 P69 Q49112 +Q184500 P140 Q9592 +Q949281 P102 Q192821 +Q237186 P106 Q10798782 +Q1342470 P136 Q379671 +Q403 P530 Q822 +Q65 P17 Q30 +Q298838 P106 Q2259451 +Q716862 P463 Q188771 +Q156309 P161 Q62845 +Q96250 P140 Q75809 +Q72553 P19 Q1709 +Q123724 P264 Q202440 +Q703642 P106 Q193391 +Q431793 P495 Q30 +Q25161 P136 Q132311 +Q74236 P20 Q2966 +Q504458 P69 Q49115 +Q2908 P106 Q2095549 +Q311750 P27 Q30 +Q63432 P106 Q185351 +Q176026 P27 Q30 +Q191088 P3373 Q648359 +Q548964 P102 Q210703 +Q160640 P20 Q90 +Q77109 P19 Q1726 +Q93341 P106 Q18814623 +Q294583 P106 Q28389 +Q465695 P106 Q36834 +Q49074 P136 Q128758 +Q104104 P463 Q123885 +Q380318 P106 Q177220 +Q333118 P106 Q43845 +Q9916 P1412 Q1860 +Q78496 P1412 Q188 +Q214116 P106 Q1930187 +Q37876 P19 Q1218 +Q227 P530 Q458 +Q11093 P509 Q12192 +Q78490 P102 Q186867 +Q20 P463 Q1969730 +Q640991 P463 Q83172 +Q53040 P106 Q3282637 +Q184750 P27 Q83286 +Q113641 P106 Q1930187 +Q105453 P20 Q64 +Q188718 P495 Q30 +Q945 P463 Q2029901 +Q1072969 P106 Q639669 +Q242530 P106 Q36180 +Q232273 P19 Q1492 +Q187884 P106 Q10800557 +Q219989 P463 Q1559701 +Q186504 P57 Q230448 +Q444088 P106 Q1622272 +Q314269 P106 Q1930187 +Q34943 P101 Q41217 +Q140694 P27 Q142 +Q221384 P161 Q315083 +Q317907 P551 Q406 +Q85092 P106 Q185351 +Q18430 P463 Q83172 +Q962402 P106 Q1930187 +Q71335 P106 Q82955 +Q558419 P69 Q390287 +Q85914 P19 Q1741 +Q90709 P1412 Q188 +Q316884 P20 Q1861 +Q218992 P106 Q10800557 +Q221949 P136 Q2421031 +Q175104 P136 Q37073 +Q369797 P57 Q102711 +Q186652 P27 Q30 +Q779682 P1412 Q652 +Q276525 P106 Q10800557 +Q366464 P119 Q272208 +Q67725 P463 Q15646111 +Q131390 P136 Q157394 +Q1397375 P106 Q82955 +Q60178 P140 Q9592 +Q107420 P19 Q60 +Q699597 P19 Q270 +Q313596 P1412 Q7850 +Q80510 P106 Q947873 +Q221020 P136 Q28026639 +Q971447 P136 Q186424 +Q233253 P101 Q207628 +Q41142 P106 Q36180 +Q103835 P108 Q221653 +Q502 P136 Q8261 +Q982339 P106 Q33999 +Q203264 P106 Q15895020 +Q232251 P161 Q198638 +Q7728 P106 Q36180 +Q633 P551 Q172 +Q189694 P69 Q3072747 +Q1077405 P2348 Q6927 +Q230023 P451 Q95030 +Q11689 P106 Q169470 +Q50969 P161 Q188389 +Q283700 P106 Q10800557 +Q25310 P509 Q2140674 +Q727416 P106 Q6625963 +Q17 P463 Q656801 +Q381477 P106 Q822146 +Q137800 P161 Q1339107 +Q729115 P106 Q486748 +Q865 P530 Q958 +Q12674 P172 Q42884 +Q64579 P463 Q459620 +Q787176 P1412 Q150 +Q310166 P1050 Q131755 +Q92695 P69 Q273626 +Q329454 P27 Q159 +Q162688 P69 Q185246 +Q363386 P106 Q2526255 +Q529604 P20 Q340 +Q156201 P27 Q15180 +Q81145 P136 Q130232 +Q106440 P840 Q61 +Q1315512 P264 Q202585 +Q1364884 P106 Q901 +Q19201 P27 Q30 +Q92848 P27 Q30 +Q231214 P69 Q49204 +Q203413 P106 Q177220 +Q69019 P20 Q586 +Q705715 P136 Q45981 +Q216563 P106 Q488205 +Q230939 P140 Q131036 +Q104094 P106 Q10798782 +Q152503 P27 Q159 +Q1290210 P106 Q1231865 +Q329001 P136 Q105527 +Q207947 P264 Q557632 +Q152019 P69 Q1536258 +Q326526 P161 Q256666 +Q105823 P106 Q177220 +Q57168 P106 Q639669 +Q224081 P19 Q65 +Q62898 P27 Q16 +Q2096585 P106 Q3427922 +Q127367 P161 Q171363 +Q78003 P136 Q8261 +Q58085 P27 Q36 +Q14540 P106 Q33999 +Q154756 P106 Q1930187 +Q699597 P509 Q216169 +Q15469 P69 Q152838 +Q312637 P27 Q38 +Q334818 P106 Q333634 +Q458033 P840 Q60 +Q2086086 P1303 Q17172850 +Q270660 P27 Q30 +Q241218 P161 Q376176 +Q957921 P27 Q29 +Q189729 P140 Q748 +Q232468 P106 Q177220 +Q61059 P19 Q11299 +Q533284 P106 Q33999 +Q320849 P106 Q482980 +Q1173086 P106 Q855091 +Q380904 P106 Q3282637 +Q611672 P69 Q842909 +Q60969 P463 Q83172 +Q330093 P20 Q36091 +Q101740 P108 Q37156 +Q132351 P136 Q130232 +Q929 P530 Q31 +Q15873 P101 Q11399 +Q58444 P106 Q11338576 +Q237255 P19 Q1754 +Q253476 P1412 Q1860 +Q320025 P106 Q3282637 +Q97070 P106 Q201788 +Q45221 P106 Q214917 +Q107183 P106 Q36180 +Q90891 P20 Q3711 +Q118985 P495 Q30 +Q263501 P19 Q16555 +Q336640 P69 Q49208 +Q312380 P106 Q2259451 +Q289598 P136 Q2484376 +Q210798 P106 Q6625963 +Q275641 P136 Q186472 +Q312720 P172 Q49078 +Q365550 P106 Q15627169 +Q107130 P1412 Q1568 +Q95443 P106 Q36180 +Q220584 P106 Q10800557 +Q529555 P106 Q43845 +Q162202 P106 Q488205 +Q43182 P106 Q182436 +Q989 P1412 Q397 +Q313512 P463 Q188771 +Q957439 P101 Q43035 +Q1392583 P106 Q177220 +Q174346 P106 Q33999 +Q80900 P106 Q18814623 +Q451812 P106 Q855091 +Q220910 P161 Q468635 +Q157050 P172 Q940348 +Q281908 P19 Q60 +Q892930 P106 Q333634 +Q362616 P19 Q61 +Q230320 P27 Q30 +Q186485 P641 Q5369 +Q155375 P463 Q338432 +Q318910 P161 Q204590 +Q287478 P106 Q10798782 +Q153020 P463 Q812155 +Q743051 P106 Q183945 +Q1512 P106 Q753110 +Q2272369 P108 Q13371 +Q360383 P27 Q45 +Q4247 P27 Q23366230 +Q311723 P27 Q148 +Q963003 P1412 Q1860 +Q65013 P27 Q16957 +Q156069 P136 Q1776156 +Q44648 P27 Q145 +Q502325 P106 Q33999 +Q42493 P136 Q37073 +Q189889 P161 Q1112005 +Q426517 P161 Q1376957 +Q217020 P161 Q126941 +Q271576 P106 Q639669 +Q78639 P509 Q3010352 +Q28152 P106 Q33999 +Q738978 P27 Q29999 +Q215444 P106 Q4964182 +Q190994 P136 Q83440 +Q71345 P102 Q49762 +Q342730 P108 Q209344 +Q134895 P106 Q10798782 +Q157246 P17 Q12560 +Q309756 P106 Q2405480 +Q31 P463 Q782942 +Q101567 P102 Q158227 +Q77991 P106 Q10800557 +Q72564 P463 Q695302 +Q502963 P19 Q5083 +Q82918 P106 Q82955 +Q147243 P172 Q179248 +Q192643 P69 Q8008661 +Q4491 P106 Q2405480 +Q730 P463 Q191384 +Q55438 P106 Q222344 +Q401182 P106 Q2259451 +Q537005 P1412 Q7411 +Q95268 P106 Q482980 +Q5577 P106 Q10800557 +Q201732 P106 Q36180 +Q189 P463 Q191384 +Q1037263 P106 Q33999 +Q216060 P1412 Q188 +Q76513 P27 Q43287 +Q219646 P106 Q40348 +Q2685 P26 Q230654 +Q1032998 P106 Q40348 +Q134180 P119 Q1358639 +Q22889 P17 Q179876 +Q846373 P264 Q1542119 +Q155423 P69 Q680971 +Q57592 P69 Q55044 +Q294773 P106 Q2526255 +Q131248 P69 Q35794 +Q67635 P69 Q152087 +Q180395 P136 Q4984974 +Q1393149 P1303 Q17172850 +Q252469 P106 Q177220 +Q456751 P27 Q172579 +Q379400 P1412 Q1860 +Q312803 P264 Q4883239 +Q211545 P136 Q52162262 +Q69319 P106 Q806798 +Q51498 P19 Q1731 +Q231923 P106 Q2865819 +Q543443 P136 Q9759 +Q173869 P69 Q332342 +Q233817 P101 Q207628 +Q272092 P20 Q506446 +Q515904 P106 Q1930187 +Q271256 P1303 Q17172850 +Q63834 P106 Q1234713 +Q41396 P136 Q21590660 +Q44606 P106 Q28389 +Q697203 P136 Q369747 +Q77753 P136 Q8261 +Q378952 P69 Q270222 +Q905 P135 Q971480 +Q362516 P106 Q3501317 +Q935369 P1303 Q6607 +Q311594 P463 Q337555 +Q738029 P69 Q7691246 +Q91823 P1412 Q188 +Q16297 P19 Q340 +Q319684 P106 Q49757 +Q57676 P509 Q216169 +Q292693 P106 Q10800557 +Q73951 P27 Q183 +Q376140 P106 Q10800557 +Q232917 P106 Q2259451 +Q359248 P106 Q1906857 +Q91093 P69 Q151510 +Q237 P463 Q842490 +Q78496 P108 Q55044 +Q131864 P161 Q271471 +Q1045 P463 Q1065 +Q2415122 P106 Q177220 +Q211274 P37 Q809 +Q60045 P106 Q42973 +Q3298815 P136 Q11401 +Q187282 P106 Q47064 +Q229881 P106 Q177220 +Q122998 P136 Q1344 +Q217068 P106 Q24262584 +Q117249 P19 Q172 +Q1030 P530 Q916 +Q668 P463 Q233611 +Q67438 P27 Q16957 +Q224130 P840 Q60 +Q268322 P20 Q90 +Q189665 P119 Q4263743 +Q961981 P19 Q19660 +Q162389 P106 Q36180 +Q697741 P106 Q1930187 +Q41173 P106 Q2405480 +Q325487 P20 Q49145 +Q102541 P27 Q183 +Q28 P530 Q262 +Q57500 P463 Q414110 +Q327685 P161 Q214289 +Q188111 P136 Q131578 +Q962974 P19 Q100 +Q154325 P69 Q28024477 +Q220423 P136 Q1054574 +Q452232 P106 Q3282637 +Q94081 P106 Q2259451 +Q228584 P27 Q145 +Q129857 P509 Q12136 +Q108297 P136 Q20442589 +Q70764 P27 Q41304 +Q932344 P19 Q1370 +Q798658 P17 Q30 +Q321378 P1412 Q1860 +Q79023 P136 Q1344 +Q573299 P106 Q36180 +Q229197 P1412 Q1860 +Q436686 P27 Q16 +Q19425 P106 Q11774156 +Q134798 P106 Q6625963 +Q7343182 P106 Q11774202 +Q524298 P20 Q1489 +Q382393 P1412 Q150 +Q57848 P27 Q40 +Q183 P463 Q7825 +Q159169 P509 Q212961 +Q550784 P20 Q47164 +Q187107 P136 Q850412 +Q203860 P27 Q34266 +Q191027 P27 Q30 +Q89434 P69 Q165980 +Q67641 P40 Q78367 +Q374045 P451 Q443030 +Q158759 P161 Q310944 +Q630181 P140 Q59778 +Q129873 P161 Q327229 +Q123386 P27 Q170072 +Q61390 P27 Q183 +Q119719 P119 Q1497554 +Q208117 P106 Q10800557 +Q763 P463 Q376150 +Q44578 P136 Q846544 +Q257764 P136 Q11399 +Q805 P530 Q1016 +Q213053 P136 Q471839 +Q1558793 P463 Q320642 +Q1398834 P106 Q488205 +Q217008 P840 Q858 +Q822401 P509 Q12192 +Q106099 P106 Q3282637 +Q314269 P106 Q1028181 +Q4491 P106 Q15077007 +Q674739 P106 Q36834 +Q288661 P19 Q18419 +Q44529 P1412 Q1321 +Q711509 P1412 Q150 +Q58057 P551 Q649 +Q380459 P27 Q145 +Q380531 P136 Q188539 +Q171730 P1412 Q150 +Q357974 P106 Q33999 +Q11590 P69 Q49205 +Q91338 P20 Q2833 +Q1944655 P106 Q1622272 +Q276304 P19 Q100 +Q5809 P106 Q11774202 +Q8620 P106 Q1569495 +Q908569 P106 Q855091 +Q1608224 P136 Q37073 +Q455625 P106 Q177220 +Q313516 P106 Q10798782 +Q270560 P106 Q18814623 +Q933332 P1412 Q1860 +Q184530 P106 Q39631 +Q76579 P1412 Q397 +Q156516 P840 Q403 +Q45387 P106 Q947873 +Q285341 P106 Q177220 +Q1257 P20 Q85 +Q107270 P495 Q30 +Q53001 P106 Q4220892 +Q159 P530 Q869 +Q211040 P1303 Q17172850 +Q155855 P106 Q4853732 +Q811 P463 Q7809 +Q190908 P161 Q316032 +Q153670 P106 Q82955 +Q117197 P106 Q4263842 +Q81131 P106 Q10798782 +Q338623 P119 Q281859 +Q214466 P27 Q30 +Q168728 P737 Q233265 +Q449743 P161 Q181799 +Q927469 P136 Q83270 +Q232113 P119 Q311 +Q3334710 P19 Q79 +Q153232 P1412 Q150 +Q9312 P172 Q42884 +Q239067 P463 Q270794 +Q917 P530 Q35 +Q172584 P106 Q177220 +Q13894 P136 Q1344 +Q312531 P106 Q33999 +Q86820 P27 Q36 +Q264307 P161 Q212167 +Q543060 P106 Q40348 +Q953 P530 Q924 +Q374912 P20 Q90 +Q92747 P463 Q463303 +Q3933 P463 Q1768108 +Q235955 P106 Q6625963 +Q453388 P106 Q864380 +Q298347 P106 Q10798782 +Q234015 P19 Q1492 +Q487491 P463 Q938622 +Q441685 P106 Q33999 +Q77008 P136 Q36279 +Q4028 P106 Q36834 +Q398 P463 Q376150 +Q129857 P106 Q6673651 +Q435151 P106 Q36180 +Q239328 P106 Q2405480 +Q313210 P106 Q151197 +Q152301 P27 Q31 +Q155684 P106 Q82955 +Q23530 P140 Q3333484 +Q155398 P106 Q1622272 +Q55963 P1412 Q35497 +Q372174 P136 Q622291 +Q67138 P69 Q55044 +Q1346521 P19 Q84 +Q702111 P106 Q43845 +Q2149885 P106 Q36834 +Q249288 P161 Q329744 +Q352935 P172 Q974693 +Q86289 P106 Q212980 +Q61163 P106 Q333634 +Q71650 P106 Q28389 +Q276218 P27 Q30 +Q16397 P551 Q8646 +Q30875 P140 Q1841 +Q1282750 P106 Q10800557 +Q843 P530 Q878 +Q945633 P69 Q2994538 +Q113953 P106 Q4263842 +Q568455 P69 Q503246 +Q82695 P106 Q121594 +Q69045 P19 Q2966 +Q289895 P27 Q183 +Q473770 P106 Q40348 +Q209004 P20 Q656 +Q359563 P106 Q36180 +Q62400 P463 Q18912936 +Q1030 P463 Q1043527 +Q833 P530 Q96 +Q289303 P3373 Q117913 +Q60854 P106 Q1234713 +Q261041 P102 Q590750 +Q172632 P106 Q183945 +Q166769 P264 Q193023 +Q370326 P136 Q188473 +Q77688 P1412 Q1860 +Q57311 P69 Q49120 +Q3924 P106 Q183945 +Q310343 P1303 Q1444 +Q46636 P106 Q1028181 +Q219420 P463 Q7118978 +Q9294 P172 Q35323 +Q80 P463 Q463303 +Q649 P17 Q15180 +Q31637 P27 Q794 +Q35385 P136 Q211756 +Q90781 P463 Q558439 +Q215139 P1412 Q1860 +Q34597 P509 Q183134 +Q43723 P1412 Q9288 +Q143230 P20 Q65 +Q312098 P106 Q10798782 +Q152843 P1412 Q1860 +Q94882 P1412 Q188 +Q561617 P106 Q49757 +Q322915 P1303 Q163829 +Q1149 P27 Q668 +Q189078 P27 Q30 +Q436894 P27 Q142 +Q356423 P1412 Q9288 +Q76432 P27 Q27306 +Q78628 P27 Q40 +Q338812 P19 Q18426 +Q138050 P69 Q1149089 +Q465633 P102 Q29552 +Q210059 P136 Q40831 +Q187019 P737 Q153670 +Q441713 P27 Q30 +Q213811 P106 Q2526255 +Q324366 P106 Q10798782 +Q953841 P106 Q177220 +Q77751 P108 Q1377 +Q76395 P106 Q2306091 +Q429934 P161 Q532180 +Q1435910 P106 Q10798782 +Q3057348 P106 Q81096 +Q273118 P27 Q30 +Q70478 P106 Q36180 +Q1001 P106 Q18814623 +Q237673 P136 Q213665 +Q138084 P161 Q311804 +Q93503 P106 Q82955 +Q312385 P106 Q10800557 +Q169000 P136 Q130232 +Q53023 P27 Q38 +Q92316 P106 Q82955 +Q109612 P509 Q12202 +Q298 P463 Q7809 +Q379949 P108 Q216047 +Q44398 P27 Q40 +Q878956 P20 Q61 +Q148 P463 Q656801 +Q202489 P106 Q676 +Q207416 P1412 Q1321 +Q26876 P106 Q183945 +Q261759 P840 Q1439 +Q69045 P69 Q152171 +Q97325 P69 Q154561 +Q277527 P136 Q130232 +Q946570 P101 Q413 +Q237389 P106 Q33999 +Q763897 P106 Q639669 +Q40787 P19 Q656 +Q232993 P136 Q860626 +Q348944 P106 Q177220 +Q273180 P106 Q2259451 +Q89713 P106 Q188094 +Q3487499 P161 Q16297 +Q62661 P102 Q153401 +Q334763 P161 Q160432 +Q192668 P106 Q482980 +Q39803 P451 Q437710 +Q309835 P106 Q33999 +Q122003 P106 Q639669 +Q233937 P19 Q26339 +Q159577 P140 Q748 +Q761838 P463 Q466113 +Q174284 P57 Q8877 +Q41 P530 Q252 +Q17457 P463 Q123885 +Q215636 P108 Q838330 +Q40 P530 Q213 +Q205000 P106 Q10798782 +Q109455 P69 Q157575 +Q78492 P1412 Q150 +Q60025 P26 Q60884 +Q713246 P27 Q29 +Q801 P530 Q184 +Q450821 P19 Q41621 +Q851 P361 Q7204 +Q119159 P108 Q156737 +Q11100 P463 Q463303 +Q12276134 P1412 Q7918 +Q152542 P106 Q33999 +Q978959 P136 Q8261 +Q7302 P551 Q2044 +Q7314 P551 Q60 +Q920526 P1412 Q13955 +Q102822 P1412 Q7411 +Q346965 P27 Q30 +Q193459 P106 Q177220 +Q215937 P106 Q40348 +Q204005 P19 Q79860 +Q215637 P119 Q1130019 +Q442667 P106 Q177220 +Q44653 P106 Q855091 +Q379022 P106 Q4263842 +Q706542 P27 Q29 +Q438440 P106 Q1622272 +Q120966 P108 Q40025 +Q237270 P106 Q10798782 +Q979166 P361 Q6354282 +Q56635 P106 Q3621491 +Q57445 P1412 Q188 +Q228739 P69 Q49119 +Q79191 P106 Q177220 +Q83287 P106 Q4610556 +Q1805442 P19 Q38022 +Q116265 P19 Q78 +Q433060 P106 Q488205 +Q954563 P106 Q28389 +Q704294 P106 Q14467526 +Q238464 P106 Q10798782 +Q58311 P106 Q1930187 +Q69521 P27 Q174193 +Q1173373 P106 Q639669 +Q62115 P106 Q753110 +Q75757 P69 Q152087 +Q180560 P1412 Q1860 +Q77061 P106 Q33999 +Q975210 P106 Q13582652 +Q233295 P106 Q3501317 +Q63338 P106 Q4964182 +Q92775 P69 Q610999 +Q231886 P106 Q49757 +Q81082 P106 Q11063 +Q336010 P106 Q36180 +Q621879 P27 Q34266 +Q242462 P509 Q12078 +Q787176 P106 Q2722764 +Q229572 P140 Q9268 +Q57442 P102 Q49750 +Q286690 P1412 Q150 +Q239411 P3373 Q3713655 +Q91384 P69 Q153978 +Q82278 P27 Q174193 +Q189991 P136 Q205560 +Q145627 P509 Q12192 +Q164782 P106 Q10800557 +Q215300 P101 Q27939 +Q308929 P136 Q4984974 +Q454758 P108 Q645663 +Q88015 P106 Q2865819 +Q220536 P19 Q678437 +Q59185 P264 Q231694 +Q61171 P1412 Q188 +Q3336032 P69 Q131252 +Q173893 P172 Q42406 +Q129542 P27 Q28 +Q109310 P463 Q469210 +Q34286 P463 Q463303 +Q12857 P1412 Q150 +Q47899 P106 Q130857 +Q94586 P106 Q33999 +Q184572 P106 Q10800557 +Q23844 P69 Q153265 +Q438106 P551 Q1297 +Q62906 P108 Q309988 +Q178653 P106 Q4964182 +Q301951 P27 Q142 +Q6530 P509 Q181754 +Q448960 P106 Q639669 +Q230055 P106 Q10798782 +Q169000 P161 Q439438 +Q561835 P106 Q28389 +Q323112 P106 Q2259451 +Q125494 P495 Q145 +Q40071 P161 Q270730 +Q922457 P737 Q237196 +Q315210 P1412 Q150 +Q10308228 P1412 Q7026 +Q27357 P136 Q482 +Q111087 P106 Q36834 +Q281964 P106 Q36834 +Q77447 P69 Q152171 +Q130917 P69 Q151510 +Q57257 P106 Q36834 +Q1740125 P69 Q130965 +Q452307 P106 Q2405480 +Q238364 P26 Q310464 +Q235707 P106 Q33999 +Q57244 P106 Q16145150 +Q213411 P840 Q649 +Q64238 P1303 Q17172850 +Q97341 P27 Q183 +Q551597 P106 Q18814623 +Q318503 P551 Q16557 +Q271576 P1303 Q52954 +Q542101 P106 Q183945 +Q123225 P463 Q188771 +Q214953 P106 Q188094 +Q215916 P101 Q395 +Q948966 P27 Q30 +Q312885 P106 Q33999 +Q9248 P131 Q227 +Q291239 P106 Q2259451 +Q296028 P551 Q65 +Q23530 P101 Q7163 +Q2161 P106 Q47064 +Q40688 P1412 Q36510 +Q822 P463 Q7809 +Q354141 P509 Q188874 +Q242903 P172 Q7435494 +Q74258 P1412 Q188 +Q1451186 P106 Q36834 +Q152293 P27 Q34266 +Q19199 P136 Q1133657 +Q44657 P1412 Q1860 +Q1292110 P106 Q177220 +Q1367152 P106 Q1415090 +Q297334 P106 Q36834 +Q943694 P106 Q36180 +Q134958 P106 Q36180 +Q153034 P20 Q90 +Q139933 P106 Q16323111 +Q237654 P102 Q29552 +Q452084 P27 Q131964 +Q57347 P106 Q36180 +Q318474 P69 Q219694 +Q91 P102 Q42183 +Q191966 P69 Q608723 +Q238912 P27 Q30 +Q327293 P101 Q11634 +Q709454 P1303 Q51290 +Q2643 P361 Q1299 +Q18391 P463 Q463281 +Q151946 P161 Q438537 +Q1678197 P119 Q1514332 +Q712359 P509 Q852423 +Q215258 P108 Q49205 +Q32257 P463 Q133957 +Q202859 P1303 Q46185 +Q2105 P140 Q1841 +Q182349 P106 Q33999 +Q60903 P106 Q49757 +Q57679 P106 Q20725072 +Q457338 P27 Q414 +Q85726 P106 Q1350157 +Q817353 P27 Q183 +Q73096 P106 Q1622272 +Q211987 P106 Q10800557 +Q234212 P27 Q16 +Q369933 P136 Q43343 +Q264699 P106 Q10800557 +Q190525 P161 Q270622 +Q125133 P20 Q2887 +Q25144 P106 Q3282637 +Q25078 P27 Q145 +Q504458 P19 Q60 +Q310394 P1050 Q11085 +Q157043 P463 Q338432 +Q435679 P1303 Q17172850 +Q310201 P106 Q205375 +Q236303 P1303 Q8355 +Q953 P530 Q1030 +Q329845 P172 Q7325 +Q48084 P27 Q139319 +Q313528 P108 Q13371 +Q1741 P131 Q518101 +Q809420 P20 Q90 +Q214310 P106 Q482980 +Q268840 P106 Q28389 +Q299161 P463 Q11993457 +Q103591 P69 Q35794 +Q130127 P106 Q639669 +Q207659 P161 Q311976 +Q318192 P106 Q901 +Q62809 P106 Q36180 +Q229840 P106 Q15980158 +Q232149 P463 Q191583 +Q455280 P136 Q21590660 +Q69395 P106 Q185351 +Q77 P30 Q18 +Q510361 P106 Q639669 +Q1930688 P27 Q142 +Q744566 P1412 Q1860 +Q229065 P106 Q13590141 +Q319133 P106 Q49757 +Q83410 P106 Q17307272 +Q67637 P27 Q41304 +Q165651 P161 Q295148 +Q156815 P106 Q36834 +Q704710 P136 Q9759 +Q498389 P106 Q10800557 +Q891 P17 Q34266 +Q96071 P106 Q82955 +Q309248 P136 Q130232 +Q403362 P69 Q49088 +Q162688 P27 Q154741 +Q342397 P106 Q82955 +Q342549 P106 Q1053574 +Q329849 P106 Q33999 +Q97646 P106 Q947873 +Q104094 P106 Q2526255 +Q220910 P161 Q200460 +Q162667 P136 Q186472 +Q315217 P27 Q30 +Q221594 P136 Q157443 +Q92684 P106 Q82594 +Q75116 P27 Q183 +Q84266 P27 Q36 +Q373968 P1412 Q1860 +Q78732 P119 Q240744 +Q46405 P20 Q90 +Q267526 P136 Q130232 +Q44301 P106 Q488205 +Q874481 P106 Q82955 +Q138850 P106 Q182436 +Q79503 P136 Q157443 +Q1151944 P106 Q2405480 +Q128582 P136 Q2484376 +Q242608 P106 Q639669 +Q23870 P106 Q4964182 +Q355288 P106 Q3282637 +Q422275 P106 Q1930187 +Q93157 P27 Q30 +Q443190 P463 Q684415 +Q96407 P102 Q694299 +Q91982 P106 Q16267607 +Q46706 P737 Q7841 +Q232851 P451 Q1276 +Q233566 P1412 Q1860 +Q193803 P69 Q691283 +Q142 P530 Q227 +Q181540 P161 Q355835 +Q272031 P463 Q268160 +Q110726 P102 Q49750 +Q123080 P27 Q39 +Q268905 P161 Q309980 +Q78506 P106 Q4964182 +Q189375 P106 Q131062 +Q1006 P530 Q230 +Q708236 P509 Q8277 +Q41 P463 Q233611 +Q310048 P551 Q60 +Q296545 P172 Q49542 +Q87137 P106 Q2516866 +Q202859 P106 Q33999 +Q81627 P1412 Q13955 +Q17905 P1412 Q1321 +Q151976 P1412 Q36510 +Q77009 P161 Q432940 +Q266445 P19 Q18419 +Q704683 P19 Q16555 +Q367132 P20 Q220 +Q4723060 P106 Q1979607 +Q155979 P69 Q49112 +Q550262 P463 Q2822396 +Q206972 P106 Q4964182 +Q85788 P69 Q503473 +Q5082974 P119 Q533697 +Q3365459 P106 Q81096 +Q213681 P463 Q41726 +Q182658 P509 Q12202 +Q84335 P463 Q44687 +Q270089 P101 Q482 +Q169082 P161 Q229487 +Q189758 P1303 Q5994 +Q42775 P509 Q12206 +Q371639 P1412 Q150 +Q96243 P19 Q64 +Q15873 P106 Q169470 +Q1349284 P106 Q177220 +Q6512 P737 Q9312 +Q36591 P1412 Q150 +Q205435 P1412 Q1860 +Q70988 P106 Q49757 +Q87457 P27 Q183 +Q254804 P106 Q1350157 +Q213765 P106 Q82955 +Q558794 P136 Q8261 +Q513184 P106 Q2095549 +Q72678 P140 Q75809 +Q517682 P106 Q36180 +Q150526 P27 Q29 +Q180468 P463 Q265058 +Q552529 P1303 Q17172850 +Q113928 P108 Q152087 +Q3852 P463 Q747279 +Q232774 P161 Q212518 +Q1820387 P19 Q25395 +Q301951 P20 Q90 +Q625721 P106 Q1028181 +Q40852 P106 Q18805 +Q408 P463 Q376150 +Q214549 P463 Q2822396 +Q453614 P19 Q220 +Q70690 P106 Q11063 +Q204398 P840 Q668 +Q84233 P106 Q4964182 +Q28885 P463 Q463303 +Q124494 P1412 Q150 +Q816518 P106 Q855091 +Q90331 P69 Q152087 +Q380280 P106 Q33999 +Q217010 P161 Q239240 +Q605489 P106 Q1930187 +Q51123 P509 Q1368943 +Q76258 P27 Q183 +Q106748 P1412 Q188 +Q312407 P69 Q13371 +Q32910 P161 Q313311 +Q597694 P19 Q90 +Q77888 P463 Q695302 +Q279057 P495 Q30 +Q183492 P101 Q482 +Q58612 P136 Q482 +Q98897 P106 Q2516866 +Q311580 P264 Q645889 +Q62365 P136 Q8261 +Q132330 P106 Q40348 +Q92638 P551 Q138518 +Q336018 P106 Q3455803 +Q1007 P463 Q7159 +Q55846 P106 Q193391 +Q202211 P840 Q258 +Q95928 P27 Q30 +Q157313 P20 Q90 +Q274181 P106 Q177220 +Q63234 P102 Q7320 +Q737845 P509 Q47912 +Q1018838 P101 Q35760 +Q40946 P172 Q42406 +Q188482 P106 Q36834 +Q273910 P1303 Q6607 +Q228747 P27 Q145 +Q79091 P19 Q546 +Q162202 P106 Q33999 +Q75546 P840 Q62 +Q436187 P106 Q10798782 +Q271032 P1412 Q1860 +Q185122 P106 Q4610556 +Q188384 P840 Q406 +Q116861 P106 Q3282637 +Q76197 P108 Q152171 +Q107432 P264 Q165745 +Q296500 P264 Q183387 +Q196103 P495 Q34 +Q132537 P106 Q16742096 +Q201656 P106 Q33999 +Q540155 P106 Q36180 +Q276005 P3373 Q268940 +Q86943 P106 Q1234713 +Q6701 P3373 Q6714 +Q588067 P27 Q183 +Q256732 P172 Q7435494 +Q112747 P161 Q43203 +Q960081 P106 Q1350157 +Q78508 P106 Q3282637 +Q43977 P106 Q4964182 +Q155106 P140 Q7066 +Q214816 P140 Q101849 +Q369292 P1303 Q17172850 +Q102235 P161 Q320073 +Q108840 P20 Q649 +Q36 P530 Q77 +Q262772 P106 Q177220 +Q61852 P27 Q183 +Q11104 P106 Q169470 +Q317311 P161 Q292558 +Q432385 P69 Q523926 +Q447659 P106 Q28389 +Q461447 P495 Q30 +Q946733 P106 Q644687 +Q42552 P69 Q189441 +Q121425 P27 Q39 +Q69189 P1412 Q188 +Q44909 P264 Q165711 +Q62126 P1412 Q7850 +Q120626 P136 Q959790 +Q2866 P106 Q201788 +Q3441496 P69 Q487556 +Q774905 P463 Q265058 +Q86152 P106 Q37226 +Q536301 P69 Q238101 +Q41594 P136 Q850412 +Q295803 P106 Q2259451 +Q64988 P69 Q154561 +Q208263 P136 Q157394 +Q1446475 P106 Q10800557 +Q444545 P106 Q222344 +Q887553 P102 Q29468 +Q318267 P69 Q4614 +Q270269 P106 Q177220 +Q467940 P106 Q486748 +Q4547 P69 Q1419737 +Q8349 P106 Q33999 +Q188117 P106 Q28389 +Q106706 P26 Q280098 +Q208048 P407 Q1860 +Q57393 P136 Q8261 +Q738566 P106 Q49757 +Q129598 P69 Q2599077 +Q45811 P108 Q21578 +Q123557 P106 Q39631 +Q157879 P495 Q183 +Q428819 P106 Q10798782 +Q48792 P106 Q16533 +Q845278 P27 Q35 +Q1013 P530 Q258 +Q102822 P69 Q209842 +Q263930 P161 Q379811 +Q98897 P106 Q49757 +Q936812 P463 Q3603946 +Q191104 P172 Q42406 +Q183492 P737 Q692 +Q28885 P20 Q649 +Q235053 P106 Q4610556 +Q296729 P264 Q183387 +Q69105 P106 Q3282637 +Q201221 P101 Q5891 +Q1001250 P106 Q177220 +Q115883 P108 Q659080 +Q423644 P1412 Q13955 +Q219368 P106 Q4263842 +Q338442 P161 Q242482 +Q449129 P106 Q1930187 +Q159169 P19 Q1348 +Q184351 P119 Q206161 +Q39246 P106 Q4351403 +Q61558 P106 Q1930187 +Q460075 P1412 Q1860 +Q156069 P161 Q254980 +Q443567 P106 Q2259451 +Q241263 P106 Q639669 +Q190089 P140 Q1841 +Q47221 P136 Q590103 +Q351884 P551 Q90 +Q32849 P27 Q30 +Q597863 P106 Q214917 +Q237405 P264 Q38903 +Q156178 P27 Q145 +Q225885 P136 Q130232 +Q103285 P1412 Q1321 +Q1432551 P20 Q90 +Q92130 P69 Q154804 +Q278551 P106 Q49757 +Q386714 P136 Q52162262 +Q818048 P136 Q850412 +Q232479 P19 Q1449 +Q979347 P264 Q216364 +Q423 P530 Q1045 +Q162202 P106 Q43845 +Q1391820 P69 Q1053996 +Q106791 P106 Q10800557 +Q362828 P106 Q1930187 +Q234997 P106 Q10800557 +Q704015 P106 Q49757 +Q363371 P136 Q598929 +Q28 P530 Q783 +Q81796 P69 Q160302 +Q94034 P106 Q36180 +Q4894597 P108 Q24382 +Q317592 P106 Q36180 +Q182218 P136 Q319221 +Q450382 P26 Q357624 +Q916675 P106 Q17489339 +Q102822 P463 Q2822396 +Q355384 P106 Q177220 +Q272270 P106 Q2914170 +Q161900 P106 Q1607826 +Q435034 P106 Q639669 +Q269569 P1303 Q17172850 +Q1203 P136 Q1640319 +Q192348 P737 Q313666 +Q7546 P40 Q256738 +Q64963 P101 Q7867 +Q214289 P106 Q33999 +Q89713 P1412 Q188 +Q2793815 P106 Q2526255 +Q310295 P106 Q10800557 +Q237331 P136 Q37073 +Q634125 P19 Q1781 +Q311476 P106 Q333634 +Q366805 P27 Q161885 +Q66729 P463 Q1792159 +Q124784 P108 Q11942 +Q558177 P463 Q338489 +Q505882 P172 Q49085 +Q60095 P106 Q169470 +Q440353 P27 Q145 +Q269645 P264 Q193023 +Q201674 P495 Q30 +Q335087 P106 Q82955 +Q96250 P106 Q4263842 +Q200572 P136 Q471839 +Q757 P463 Q17495 +Q291314 P136 Q37073 +Q323318 P161 Q332032 +Q1030 P530 Q30 +Q348534 P840 Q5083 +Q118812 P463 Q337234 +Q65664 P1412 Q188 +Q205447 P161 Q287793 +Q320973 P19 Q61 +Q387958 P161 Q63228 +Q179126 P172 Q42406 +Q46633 P463 Q463303 +Q110436 P27 Q16 +Q536371 P1412 Q9027 +Q205456 P106 Q2722764 +Q115641 P463 Q543804 +Q165419 P1412 Q809 +Q44552 P106 Q33999 +Q346411 P106 Q10800557 +Q562402 P20 Q1492 +Q540192 P106 Q82955 +Q28117 P106 Q1622272 +Q316427 P108 Q681025 +Q263024 P106 Q386854 +Q1624891 P27 Q30 +Q44634 P27 Q183 +Q464246 P264 Q202585 +Q258010 P106 Q177220 +Q922528 P136 Q45981 +Q230633 P1412 Q1860 +Q71416 P119 Q176298 +Q92914 P69 Q55044 +Q321990 P69 Q230492 +Q26318 P101 Q4610556 +Q560649 P106 Q49757 +Q72224 P27 Q183 +Q11593 P136 Q157394 +Q4223 P27 Q408 +Q347456 P1303 Q17172850 +Q1699312 P1303 Q128309 +Q221090 P840 Q84 +Q774 P530 Q865 +Q314133 P106 Q10800557 +Q2825252 P27 Q142 +Q223281 P27 Q30 +Q12817 P19 Q1348 +Q75371 P101 Q201788 +Q437970 P106 Q855091 +Q188971 P140 Q9592 +Q208203 P509 Q12136 +Q80046 P27 Q30 +Q269569 P136 Q487914 +Q553543 P1303 Q17172850 +Q463042 P119 Q1437214 +Q435807 P19 Q16557 +Q237944 P106 Q36180 +Q2587669 P27 Q30 +Q200586 P106 Q488205 +Q174346 P26 Q37079 +Q436386 P106 Q33999 +Q5208 P106 Q1622272 +Q213775 P106 Q4853732 +Q851 P530 Q902 +Q462282 P106 Q270389 +Q55 P530 Q1246 +Q83158 P106 Q214917 +Q175285 P20 Q1085 +Q509974 P1412 Q1321 +Q233092 P1412 Q1860 +Q1084226 P1412 Q7918 +Q607968 P69 Q174710 +Q723320 P106 Q42909 +Q93187 P106 Q33999 +Q193803 P108 Q739627 +Q155 P530 Q7159 +Q77627 P106 Q16267607 +Q159 P37 Q8798 +Q49080 P106 Q36180 +Q239522 P20 Q727 +Q511471 P1412 Q7737 +Q62686 P1412 Q188 +Q16869 P17 Q12560 +Q62898 P463 Q1493021 +Q275545 P69 Q617433 +Q12003 P106 Q13235160 +Q1145 P106 Q5371902 +Q95485 P27 Q183 +Q3384965 P69 Q273626 +Q311769 P27 Q30 +Q607968 P27 Q145 +Q8680 P17 Q145 +Q61446 P106 Q1622272 +Q350704 P27 Q30 +Q131324 P19 Q184116 +Q230836 P136 Q43343 +Q235066 P106 Q36180 +Q312073 P20 Q127856 +Q87675 P463 Q299015 +Q24953 P57 Q166159 +Q330059 P106 Q28389 +Q14441 P106 Q2490358 +Q490290 P1303 Q6607 +Q69108 P106 Q2259451 +Q156796 P551 Q18419 +Q48047 P27 Q2305208 +Q59314 P106 Q10798782 +Q214191 P3373 Q71407 +Q7416 P106 Q593644 +Q774 P37 Q1321 +Q214977 P119 Q1741 +Q45383 P1412 Q188 +Q34453 P1412 Q7737 +Q4941 P495 Q145 +Q28196 P840 Q1345 +Q245257 P136 Q35760 +Q39 P530 Q217 +Q165699 P161 Q310637 +Q95543 P106 Q82955 +Q874828 P19 Q1781 +Q343059 P106 Q2259451 +Q180224 P136 Q83270 +Q186042 P69 Q180865 +Q380381 P19 Q34647 +Q110042 P106 Q4263842 +Q155423 P1412 Q150 +Q311791 P136 Q9730 +Q1292344 P463 Q463303 +Q465955 P1303 Q17172850 +Q91548 P106 Q36180 +Q329156 P119 Q1358639 +Q276038 P1412 Q652 +Q424173 P106 Q158852 +Q221586 P161 Q3454165 +Q60659 P27 Q183 +Q1158704 P1303 Q6607 +Q191305 P106 Q36180 +Q223884 P136 Q130232 +Q369957 P106 Q14467526 +Q724883 P108 Q21705070 +Q33637 P108 Q153978 +Q625272 P19 Q1538 +Q160946 P161 Q345212 +Q246091 P106 Q593644 +Q512741 P106 Q1979607 +Q764570 P463 Q337234 +Q219 P530 Q142 +Q12769 P19 Q727 +Q251479 P140 Q9592 +Q76158 P106 Q2504617 +Q170576 P136 Q37073 +Q64600 P69 Q55044 +Q260026 P1412 Q1860 +Q230 P530 Q458 +Q361297 P40 Q2831 +Q316528 P1303 Q6607 +Q211144 P106 Q10798782 +Q310315 P106 Q948329 +Q51537 P20 Q60 +Q160333 P20 Q39984 +Q507809 P106 Q589298 +Q161819 P27 Q145 +Q154959 P106 Q214917 +Q180989 P106 Q322170 +Q336278 P264 Q183412 +Q76367 P27 Q41304 +Q181413 P1412 Q1860 +Q73176 P106 Q2059704 +Q72705 P1412 Q1860 +Q92995 P106 Q15976092 +Q435626 P1303 Q17172850 +Q252 P530 Q38 +Q84150 P1412 Q188 +Q83297 P463 Q684415 +Q974238 P106 Q36834 +Q132351 P495 Q30 +Q1112005 P106 Q43845 +Q76791 P463 Q329464 +Q704718 P264 Q772494 +Q232860 P106 Q33999 +Q17 P530 Q35 +Q261244 P19 Q65 +Q1035323 P106 Q49757 +Q16390 P1412 Q1860 +Q143198 P1303 Q5994 +Q902285 P27 Q28 +Q221289 P1412 Q1860 +Q102225 P161 Q374041 +Q175038 P840 Q5092 +Q231713 P106 Q486748 +Q215735 P27 Q183 +Q220713 P161 Q193212 +Q327303 P27 Q213 +Q453447 P1412 Q7737 +Q1397191 P27 Q794 +Q124296 P106 Q36180 +Q485310 P106 Q3282637 +Q1196157 P161 Q108622 +Q130799 P136 Q37073 +Q49080 P106 Q1930187 +Q216870 P106 Q639669 +Q953841 P69 Q5121453 +Q249141 P27 Q30 +Q437340 P106 Q520549 +Q174908 P27 Q30 +Q1333939 P509 Q181754 +Q182373 P136 Q22981906 +Q190379 P737 Q40909 +Q271576 P27 Q145 +Q182373 P161 Q180942 +Q363763 P106 Q15981151 +Q77148 P106 Q1238570 +Q237270 P1303 Q17172850 +Q505743 P106 Q15077007 +Q207916 P161 Q212416 +Q62757 P69 Q153987 +Q310060 P19 Q60 +Q350601 P106 Q2405480 +Q559844 P19 Q87 +Q150281 P69 Q1145814 +Q38484 P108 Q131262 +Q77462 P106 Q36834 +Q27357 P106 Q82955 +Q167409 P106 Q639669 +Q327886 P106 Q855091 +Q30 P530 Q928 +Q151164 P106 Q1792450 +Q351732 P27 Q17 +Q317742 P106 Q49757 +Q183439 P106 Q10800557 +Q180098 P495 Q30 +Q916 P530 Q1011 +Q4405759 P463 Q83172 +Q4460848 P19 Q649 +Q71407 P3373 Q71819 +Q123476 P451 Q143945 +Q976296 P1412 Q9288 +Q6293853 P1412 Q150 +Q161363 P1412 Q809 +Q1077383 P106 Q486748 +Q5738 P1412 Q150 +Q1282562 P27 Q145 +Q255463 P106 Q4220892 +Q931607 P27 Q30 +Q144746 P1303 Q6607 +Q237194 P106 Q36180 +Q193052 P69 Q219615 +Q598185 P119 Q1624932 +Q392806 P161 Q151973 +Q215949 P1412 Q188 +Q347950 P106 Q33999 +Q728030 P27 Q142 +Q99728 P27 Q183 +Q123469 P69 Q49112 +Q78031 P106 Q10798782 +Q318029 P119 Q288130 +Q15489989 P551 Q60 +Q4636 P106 Q10800557 +Q460071 P19 Q1953 +Q144664 P1303 Q8355 +Q972676 P69 Q1797768 +Q124834 P19 Q78 +Q289204 P136 Q2484376 +Q213880 P1412 Q188 +Q99627 P69 Q153978 +Q554670 P264 Q700359 +Q1040459 P1303 Q17172850 +Q1159089 P106 Q488205 +Q136264 P161 Q35332 +Q148 P530 Q711 +Q53031 P20 Q220 +Q371348 P1303 Q5994 +Q13888 P19 Q490 +Q424173 P136 Q9734 +Q1048660 P69 Q51985 +Q540134 P106 Q10800557 +Q263772 P136 Q11399 +Q77497 P463 Q459620 +Q19045 P106 Q593644 +Q4344126 P20 Q649 +Q183167 P140 Q6423963 +Q8862012 P27 Q36 +Q232774 P161 Q19794 +Q858 P530 Q403 +Q544464 P1412 Q1860 +Q124894 P463 Q123885 +Q463042 P19 Q49231 +Q123454 P1412 Q188 +Q112227 P463 Q265058 +Q221903 P106 Q1930187 +Q123557 P463 Q49738 +Q59972 P27 Q28513 +Q461768 P161 Q329744 +Q843 P530 Q948 +Q234928 P509 Q2140674 +Q690974 P264 Q216364 +Q73951 P140 Q9592 +Q350194 P106 Q10798782 +Q229141 P1412 Q1860 +Q133720 P20 Q60 +Q5372719 P106 Q1028181 +Q118982 P108 Q156737 +Q159 P530 Q34 +Q48084 P106 Q189290 +Q107416 P509 Q12152 +Q128746 P551 Q60 +Q362500 P106 Q33999 +Q1939469 P20 Q11299 +Q76459 P106 Q1622272 +Q1359039 P19 Q487119 +Q57257 P108 Q657167 +Q329999 P106 Q81096 +Q80437 P161 Q432743 +Q181659 P551 Q6106 +Q241909 P106 Q177220 +Q296500 P172 Q49085 +Q81489 P19 Q3141 +Q457338 P136 Q11635 +Q24953 P161 Q2643 +Q30628 P106 Q33999 +Q343299 P106 Q10800557 +Q115883 P106 Q82955 +Q1938740 P27 Q34 +Q9294 P140 Q432 +Q38 P463 Q5611262 +Q347461 P108 Q49108 +Q84696 P27 Q40 +Q82222 P106 Q753110 +Q700323 P509 Q189588 +Q123861 P20 Q78 +Q216288 P1303 Q9798 +Q84618 P463 Q299015 +Q157326 P1412 Q1321 +Q57364 P69 Q153987 +Q51513 P106 Q482980 +Q93632 P106 Q2259451 +Q55946077 P1412 Q150 +Q115490 P69 Q11942 +Q774 P530 Q230 +Q454200 P106 Q639669 +Q376144 P161 Q472504 +Q5604 P140 Q106687 +Q316872 P136 Q11401 +Q228792 P106 Q4610556 +Q119719 P102 Q49750 +Q457739 P69 Q49210 +Q381256 P106 Q4964182 +Q77199 P20 Q21711493 +Q64579 P106 Q193391 +Q92766 P463 Q463303 +Q157707 P1303 Q2643890 +Q38 P530 Q217 +Q549442 P108 Q13371 +Q189330 P57 Q25191 +Q166234 P106 Q36180 +Q796 P530 Q218 +Q71821 P1412 Q188 +Q106391 P106 Q36180 +Q72925 P161 Q296822 +Q362824 P106 Q28389 +Q336517 P136 Q319221 +Q34105 P106 Q47064 +Q339045 P161 Q283988 +Q156379 P509 Q14467705 +Q9438 P737 Q8018 +Q190379 P463 Q463303 +Q26625 P264 Q56760250 +Q107183 P108 Q154804 +Q355835 P106 Q10798782 +Q1001254 P551 Q1439 +Q209175 P69 Q389336 +Q193048 P27 Q30 +Q229291 P106 Q33999 +Q270774 P140 Q7066 +Q319723 P119 Q1302545 +Q55 P463 Q1928989 +Q49347 P69 Q230899 +Q173839 P106 Q15978655 +Q192069 P1412 Q1860 +Q67139 P108 Q153978 +Q1241173 P106 Q55960555 +Q713964 P27 Q30 +Q55198 P106 Q2526255 +Q186089 P106 Q81096 +Q4513768 P27 Q15180 +Q230916 P119 Q208175 +Q62977 P19 Q2833 +Q433044 P106 Q2259451 +Q7302 P20 Q84 +Q8873 P20 Q1348 +Q128121 P140 Q7066 +Q217771 P509 Q623031 +Q967 P463 Q827525 +Q78492 P102 Q1713492 +Q535157 P69 Q1719898 +Q77969 P106 Q17337766 +Q62746 P136 Q52162262 +Q335552 P19 Q38022 +Q40103 P27 Q145 +Q315099 P172 Q7435494 +Q79 P530 Q17 +Q49061 P106 Q36180 +Q117997 P463 Q459620 +Q348615 P264 Q522618 +Q200841 P106 Q33999 +Q34851 P26 Q151973 +Q11877 P1303 Q5994 +Q822666 P69 Q7842 +Q157058 P17 Q221 +Q90709 P69 Q153978 +Q746182 P1303 Q6607 +Q28152 P463 Q879171 +Q96071 P102 Q7320 +Q217 P138 Q10957559 +Q105624 P161 Q273208 +Q295107 P27 Q30 +Q728463 P27 Q145 +Q51488 P69 Q389336 +Q133054 P106 Q49757 +Q41042 P509 Q623031 +Q47426 P463 Q270794 +Q859504 P172 Q49085 +Q366624 P108 Q35794 +Q289303 P106 Q49757 +Q59084 P136 Q52162262 +Q299194 P27 Q30 +Q557730 P106 Q36180 +Q321636 P106 Q16145150 +Q83677 P19 Q60 +Q1691566 P106 Q10800557 +Q189042 P106 Q6625963 +Q1045 P463 Q8475 +Q68219 P106 Q28389 +Q241316 P106 Q16145150 +Q44176 P106 Q43845 +Q715281 P20 Q649 +Q976296 P106 Q170790 +Q262354 P101 Q482 +Q164119 P106 Q33999 +Q368732 P101 Q413 +Q437356 P106 Q1930187 +Q561196 P19 Q1486 +Q107167 P161 Q270664 +Q19201 P106 Q183945 +Q451812 P136 Q131272 +Q327836 P106 Q639669 +Q102852 P106 Q201788 +Q347528 P106 Q639669 +Q294912 P264 Q843402 +Q698444 P136 Q971480 +Q164384 P19 Q1781 +Q108398 P27 Q183 +Q102225 P161 Q214223 +Q19242 P106 Q193391 +Q88710 P106 Q4263842 +Q952428 P27 Q30 +Q94123 P69 Q1432645 +Q458766 P106 Q222344 +Q305962 P1412 Q13955 +Q46633 P140 Q5043 +Q156774 P463 Q329464 +Q440932 P20 Q3143067 +Q185165 P27 Q145 +Q360243 P136 Q200092 +Q217 P463 Q191384 +Q115 P463 Q7159 +Q270085 P106 Q170790 +Q38484 P69 Q13371 +Q23301 P106 Q488205 +Q295120 P27 Q30 +Q168963 P106 Q901 +Q156193 P135 Q1338153 +Q1430 P1412 Q35497 +Q78006 P1412 Q188 +Q106208 P106 Q39631 +Q44872 P106 Q250867 +Q105090 P19 Q2090 +Q2161 P27 Q1747689 +Q213 P463 Q7825 +Q337078 P161 Q239587 +Q201538 P463 Q463281 +Q79503 P495 Q30 +Q162035 P106 Q639669 +Q7999 P106 Q11499147 +Q262 P530 Q403 +Q1394 P1412 Q7737 +Q276158 P106 Q486748 +Q96 P530 Q730 +Q76606 P27 Q1206012 +Q1175373 P106 Q901 +Q974238 P264 Q202585 +Q88150 P102 Q153401 +Q15489989 P551 Q1297 +Q215999 P20 Q60 +Q7416 P27 Q145 +Q67139 P108 Q149481 +Q389779 P69 Q230492 +Q271690 P161 Q532169 +Q329156 P69 Q192334 +Q85118 P27 Q30 +Q41252 P17 Q207272 +Q12833 P106 Q860918 +Q1897911 P136 Q11401 +Q237497 P737 Q5383 +Q236005 P106 Q947873 +Q463630 P106 Q193391 +Q276304 P106 Q18844224 +Q105941 P140 Q33203 +Q365578 P106 Q82594 +Q8739 P101 Q333 +Q319578 P27 Q129286 +Q292973 P106 Q15295720 +Q57501 P106 Q1930187 +Q63309 P106 Q333634 +Q355341 P106 Q855091 +Q332607 P102 Q9626 +Q324366 P1303 Q17172850 +Q230578 P108 Q209842 +Q256354 P136 Q474090 +Q78739 P108 Q54096 +Q1382883 P106 Q36834 +Q48129 P102 Q79854 +Q643408 P19 Q90 +Q1452597 P19 Q1588 +Q298651 P136 Q208505 +Q434266 P106 Q36180 +Q264596 P106 Q2259451 +Q232288 P106 Q10800557 +Q967 P463 Q134102 +Q9364 P737 Q153034 +Q427884 P106 Q177220 +Q43274 P106 Q1028181 +Q16285 P106 Q49757 +Q1292776 P106 Q245068 +Q149406 P136 Q130232 +Q132952 P106 Q28389 +Q351732 P106 Q3282637 +Q86573 P106 Q47064 +Q727705 P1412 Q5146 +Q57351 P69 Q165528 +Q212173 P451 Q55800 +Q242416 P1050 Q12195 +Q110960 P27 Q1206012 +Q100529 P106 Q2504617 +Q77438 P27 Q16957 +Q108935 P27 Q30 +Q133855 P106 Q214917 +Q773828 P1412 Q1860 +Q156058 P106 Q193391 +Q190525 P495 Q30 +Q1254 P1412 Q1860 +Q242110 P1303 Q17172850 +Q513268 P106 Q33999 +Q267170 P69 Q1051840 +Q232477 P451 Q435124 +Q240628 P106 Q82955 +Q43274 P463 Q123885 +Q1403698 P19 Q1492 +Q31033707 P1412 Q652 +Q128126 P463 Q466089 +Q288355 P161 Q105221 +Q190251 P1303 Q6607 +Q238331 P136 Q149537 +Q240954 P27 Q34266 +Q874 P463 Q47543 +Q85429 P20 Q1731 +Q448837 P27 Q30 +Q60785 P27 Q183 +Q705715 P27 Q30 +Q983434 P509 Q1368943 +Q31215 P27 Q28513 +Q123078 P69 Q559549 +Q105531 P106 Q36180 +Q53619 P106 Q36834 +Q217 P463 Q380340 +Q320204 P106 Q948329 +Q3892790 P106 Q81096 +Q361297 P106 Q1344174 +Q8016 P106 Q18814623 +Q1037263 P136 Q45981 +Q384847 P106 Q36180 +Q103109 P106 Q2135538 +Q639065 P463 Q463281 +Q231556 P551 Q65 +Q274267 P19 Q90 +Q369797 P840 Q1439 +Q68137 P119 Q190494 +Q428551 P136 Q157394 +Q79120 P27 Q40 +Q349223 P1303 Q17172850 +Q155649 P106 Q806798 +Q53633 P106 Q82955 +Q213880 P20 Q3955 +Q241248 P106 Q28389 +Q185776 P495 Q30 +Q218235 P136 Q157394 +Q5383 P264 Q202585 +Q382150 P27 Q15180 +Q57085 P69 Q50662 +Q274252 P463 Q463303 +Q12817 P106 Q14467526 +Q381731 P495 Q30 +Q20715407 P106 Q644687 +Q919961 P264 Q295794 +Q368852 P106 Q488205 +Q58057 P106 Q6625963 +Q379785 P106 Q36180 +Q1733 P17 Q153943 +Q1720 P17 Q41304 +Q401963 P106 Q177220 +Q64600 P19 Q2090 +Q1606016 P69 Q273626 +Q381944 P509 Q12152 +Q106193 P1303 Q128309 +Q102568 P106 Q4853732 +Q217388 P19 Q172455 +Q381185 P69 Q144488 +Q243011 P27 Q30 +Q296008 P106 Q13235160 +Q109438 P106 Q1930187 +Q621879 P27 Q30 +Q219 P530 Q236 +Q443528 P106 Q8178443 +Q219150 P136 Q157394 +Q427167 P19 Q1899 +Q76600 P106 Q169470 +Q223374 P136 Q52207399 +Q137115 P27 Q30 +Q38 P463 Q656801 +Q166092 P1412 Q652 +Q39 P530 Q41 +Q297831 P264 Q216364 +Q171861 P136 Q130232 +Q160270 P509 Q183134 +Q216692 P106 Q1622272 +Q513991 P509 Q47912 +Q1934319 P102 Q327591 +Q1382883 P106 Q639669 +Q176985 P106 Q36180 +Q672800 P106 Q639669 +Q171758 P106 Q2526255 +Q181727 P102 Q42183 +Q37370 P19 Q1741 +Q68219 P1412 Q1860 +Q329434 P57 Q223992 +Q116307 P106 Q36180 +Q212167 P106 Q2526255 +Q153658 P27 Q145 +Q268 P30 Q46 +Q112160 P1412 Q188 +Q191064 P40 Q256738 +Q109455 P119 Q819654 +Q3085338 P106 Q333634 +Q1124 P1412 Q1860 +Q329434 P136 Q1146335 +Q4786 P19 Q90 +Q93043 P27 Q145 +Q956296 P69 Q31519 +Q101383 P106 Q639669 +Q287001 P57 Q239897 +Q1546001 P17 Q30 +Q966067 P106 Q49757 +Q298930 P27 Q27 +Q2986943 P106 Q11774156 +Q67597 P106 Q40348 +Q442830 P27 Q15180 +Q41351 P27 Q30 +Q51476 P106 Q3282637 +Q690974 P264 Q202440 +Q676562 P106 Q36834 +Q165680 P20 Q270 +Q244931 P161 Q314892 +Q327542 P106 Q10800557 +Q38486 P161 Q257317 +Q7939652 P1412 Q9078 +Q362106 P1303 Q17172850 +Q118059 P1412 Q188 +Q354783 P20 Q25395 +Q381110 P27 Q38 +Q311459 P119 Q4263743 +Q389511 P136 Q130232 +Q318412 P106 Q33999 +Q352023 P1412 Q1860 +Q296616 P27 Q27 +Q238716 P106 Q169470 +Q609151 P69 Q7691246 +Q177962 P106 Q333634 +Q236217 P161 Q106508 +Q164117 P106 Q2405480 +Q983434 P27 Q30 +Q189080 P136 Q1641839 +Q239838 P1303 Q17172850 +Q189400 P26 Q7407 +Q4808641 P106 Q28389 +Q968214 P1412 Q1860 +Q1067812 P106 Q753110 +Q936760 P108 Q608338 +Q971027 P106 Q55960555 +Q348037 P641 Q718 +Q229364 P551 Q65 +Q234579 P106 Q6625963 +Q157255 P463 Q463303 +Q833 P530 Q1033 +Q157050 P172 Q84072 +Q126896 P136 Q1200678 +Q159876 P69 Q841581 +Q962 P463 Q294278 +Q99080 P106 Q82955 +Q971 P463 Q7809 +Q86777 P106 Q177220 +Q17 P530 Q408 +Q281962 P119 Q1437214 +Q4177355 P101 Q309 +Q4977994 P106 Q10774753 +Q60714 P69 Q151510 +Q291180 P136 Q130232 +Q2901936 P20 Q801 +Q110374 P106 Q10798782 +Q3248932 P108 Q41506 +Q320714 P102 Q204911 +Q849116 P17 Q243610 +Q181425 P106 Q177220 +Q310116 P641 Q11419 +Q83542 P840 Q1490 +Q392 P136 Q9759 +Q45383 P106 Q2405480 +Q54867 P264 Q183387 +Q1711513 P106 Q488205 +Q704682 P106 Q1930187 +Q427167 P27 Q142 +Q1065624 P106 Q1075651 +Q502963 P106 Q189290 +Q1292738 P20 Q90 +Q216927 P106 Q855091 +Q295847 P1303 Q17172850 +Q257302 P106 Q33999 +Q365 P17 Q2277 +Q1027 P37 Q150 +Q727257 P106 Q28389 +Q1031847 P106 Q486748 +Q587361 P264 Q654283 +Q219315 P161 Q110379 +Q18913 P463 Q329464 +Q191 P530 Q408 +Q643408 P1412 Q150 +Q273079 P106 Q2259451 +Q268039 P27 Q30 +Q724160 P69 Q49112 +Q313813 P136 Q379671 +Q49601 P106 Q4263842 +Q2105 P19 Q90 +Q151113 P1303 Q17172850 +Q674739 P106 Q639669 +Q419 P530 Q142 +Q444125 P69 Q389336 +Q116928 P161 Q236074 +Q312656 P136 Q200092 +Q254838 P106 Q177220 +Q505994 P1412 Q1860 +Q526424 P106 Q36834 +Q253977 P106 Q578109 +Q2447874 P463 Q131566 +Q464037 P106 Q3501317 +Q40482 P69 Q14404494 +Q106303 P27 Q142 +Q229176 P27 Q30 +Q142 P530 Q921 +Q333971 P136 Q130232 +Q62757 P108 Q20266330 +Q323201 P106 Q10798782 +Q177131 P264 Q18149651 +Q357515 P1303 Q6607 +Q4451565 P106 Q36180 +Q436463 P27 Q730 +Q519273 P136 Q217467 +Q908 P17 Q15180 +Q122998 P106 Q177220 +Q76000 P106 Q28389 +Q297598 P106 Q947873 +Q918966 P106 Q14467526 +Q297736 P641 Q2736 +Q485280 P106 Q183945 +Q215927 P19 Q1773 +Q44578 P161 Q110374 +Q214911 P106 Q11774202 +Q206399 P106 Q33999 +Q47243 P106 Q214917 +Q53191106 P3373 Q4218975 +Q85282 P27 Q183 +Q527146 P20 Q84 +Q274429 P119 Q311 +Q1997159 P106 Q33999 +Q555226 P106 Q33999 +Q70737 P463 Q15646111 +Q979084 P172 Q49085 +Q251068 P27 Q30 +Q505850 P407 Q1860 +Q77 P530 Q159583 +Q1678730 P106 Q40348 +Q164702 P495 Q38 +Q26118 P20 Q743535 +Q71490 P106 Q270389 +Q313849 P106 Q855091 +Q18832 P136 Q25379 +Q65587 P102 Q13124 +Q200534 P69 Q35794 +Q4068880 P1412 Q1860 +Q46139 P106 Q2526255 +Q316756 P27 Q16 +Q239357 P264 Q202585 +Q201477 P463 Q191583 +Q313283 P106 Q33999 +Q207130 P161 Q355159 +Q954 P361 Q27407 +Q738978 P106 Q81096 +Q106603 P69 Q152171 +Q75186 P106 Q82955 +Q357102 P27 Q30 +Q902 P530 Q924 +Q255233 P140 Q9585 +Q164593 P106 Q177220 +Q208993 P106 Q4964182 +Q4588976 P106 Q49757 +Q313868 P106 Q158852 +Q260918 P509 Q18554460 +Q14540 P27 Q30 +Q333971 P840 Q145 +Q519838 P106 Q36180 +Q363949 P106 Q36180 +Q60363 P106 Q81096 +Q4488 P27 Q30 +Q1101377 P1303 Q17172850 +Q85280 P136 Q959583 +Q1000 P463 Q8475 +Q229430 P264 Q2902300 +Q4415063 P19 Q656 +Q173978 P106 Q753110 +Q95356 P106 Q33999 +Q190772 P106 Q169470 +Q1354843 P27 Q30 +Q95861 P102 Q153401 +Q295537 P27 Q142 +Q201656 P106 Q10798782 +Q388950 P161 Q270730 +Q132162 P1412 Q1860 +Q62809 P20 Q1726 +Q374812 P27 Q183 +Q141860 P19 Q656 +Q714106 P106 Q40348 +Q183239 P136 Q157394 +Q1398876 P106 Q205375 +Q273833 P19 Q61 +Q429969 P161 Q41163 +Q72717 P106 Q3282637 +Q48502 P106 Q33999 +Q459889 P136 Q369747 +Q189351 P19 Q47164 +Q893667 P108 Q2370801 +Q316086 P463 Q4430504 +Q236355 P101 Q207628 +Q272438 P106 Q512314 +Q265706 P509 Q128581 +Q70795 P27 Q191 +Q554175 P40 Q4593 +Q76746 P106 Q1231865 +Q95039 P106 Q3282637 +Q1379510 P1303 Q17172850 +Q155106 P136 Q192239 +Q236161 P1412 Q150 +Q974888 P27 Q145 +Q236630 P20 Q90 +Q158079 P172 Q127885 +Q230633 P20 Q975 +Q746923 P1303 Q17172850 +Q211280 P69 Q1542213 +Q173175 P641 Q5386 +Q78885 P106 Q1028181 +Q181249 P1412 Q1860 +Q449140 P106 Q9648008 +Q240894 P161 Q67917 +Q220480 P106 Q36180 +Q109149 P106 Q13570226 +Q153238 P106 Q16742096 +Q195535 P1303 Q6607 +Q47906 P69 Q55044 +Q232 P463 Q899770 +Q1013 P463 Q17495 +Q182373 P161 Q310932 +Q91093 P69 Q154804 +Q294185 P106 Q10798782 +Q272946 P19 Q60 +Q137106 P463 Q83172 +Q167803 P1412 Q652 +Q1039759 P106 Q753110 +Q309289 P161 Q134333 +Q66155 P106 Q201788 +Q1398507 P172 Q49085 +Q163543 P69 Q273593 +Q711 P463 Q827525 +Q76501 P20 Q3033 +Q348678 P136 Q130232 +Q927 P106 Q214917 +Q34660 P106 Q3282637 +Q6714 P463 Q414188 +Q1020 P530 Q865 +Q59314 P106 Q33999 +Q146605 P161 Q104061 +Q348603 P106 Q18814623 +Q131324 P3373 Q44855 +Q9387 P102 Q662377 +Q26372 P106 Q1028181 +Q556941 P106 Q753110 +Q76524 P136 Q11401 +Q1382883 P106 Q183945 +Q1441274 P106 Q855091 +Q153034 P737 Q48301 +Q369113 P27 Q408 +Q232214 P264 Q330629 +Q33 P530 Q794 +Q215937 P69 Q1278808 +Q5327 P106 Q82955 +Q2514 P27 Q20 +Q91023 P1412 Q188 +Q39803 P106 Q16287483 +Q1008 P361 Q4412 +Q1141280 P1303 Q6607 +Q1392583 P136 Q203720 +Q530377 P106 Q855091 +Q1286993 P20 Q23306 +Q258715 P106 Q1930187 +Q2424996 P463 Q270794 +Q97136 P106 Q1622272 +Q185152 P509 Q3242950 +Q5105 P106 Q2405480 +Q26058 P106 Q10798782 +Q57374 P1412 Q188 +Q324726 P106 Q183945 +Q123557 P1412 Q188 +Q429934 P495 Q408 +Q429934 P136 Q1342372 +Q154938 P106 Q733786 +Q153484 P136 Q188473 +Q203690 P106 Q13235160 +Q1634784 P19 Q39709 +Q319392 P106 Q5716684 +Q272845 P1303 Q6607 +Q169011 P102 Q29468 +Q60650 P119 Q1022 +Q299073 P140 Q432 +Q190076 P264 Q193023 +Q9294 P106 Q16533 +Q332693 P27 Q38 +Q1282750 P509 Q188605 +Q240485 P106 Q18814623 +Q191 P530 Q265 +Q362687 P551 Q65 +Q189758 P1412 Q1860 +Q17 P530 Q423 +Q504066 P106 Q957729 +Q77204 P106 Q1209498 +Q165668 P106 Q1415090 +Q438440 P172 Q539051 +Q383883 P101 Q1069 +Q963626 P69 Q180865 +Q463877 P26 Q5284 +Q6080085 P106 Q19350898 +Q76414 P106 Q36180 +Q237944 P27 Q142 +Q139460 P161 Q233873 +Q62656 P463 Q83172 +Q234324 P27 Q30 +Q63338 P108 Q55044 +Q212523 P19 Q580 +Q1262590 P1303 Q6607 +Q272650 P551 Q220 +Q236351 P264 Q183412 +Q237602 P106 Q43845 +Q285584 P161 Q43697 +Q93514 P101 Q8242 +Q40826 P737 Q9358 +Q940942 P1412 Q652 +Q128967 P509 Q12192 +Q152531 P57 Q34816 +Q241085 P840 Q65 +Q2022 P106 Q14467526 +Q190145 P495 Q30 +Q162255 P136 Q188473 +Q438507 P1412 Q150 +Q165792 P106 Q82955 +Q223875 P106 Q183945 +Q61895 P27 Q183 +Q228766 P451 Q185140 +Q4471 P136 Q130232 +Q170468 P17 Q79 +Q7747 P106 Q18814623 +Q66735 P463 Q150793 +Q12844 P106 Q14467526 +Q96 P530 Q792 +Q36591 P108 Q13371 +Q724883 P106 Q250867 +Q334126 P106 Q36180 +Q311987 P1412 Q1860 +Q96599 P27 Q183 +Q561596 P551 Q34647 +Q78473 P140 Q9592 +Q463581 P106 Q639669 +Q708963 P106 Q488205 +Q92926 P106 Q169470 +Q39658 P106 Q36180 +Q1031340 P264 Q1200368 +Q53040 P69 Q820887 +Q359421 P19 Q2634 +Q78766 P106 Q10800557 +Q435205 P106 Q488205 +Q39666 P1412 Q1321 +Q194142 P495 Q30 +Q513615 P69 Q43452 +Q60546 P106 Q205375 +Q230 P530 Q884 +Q705841 P27 Q145 +Q93401 P108 Q165980 +Q41042 P1412 Q1860 +Q347428 P264 Q513712 +Q431252 P495 Q30 +Q128604 P106 Q47064 +Q225625 P136 Q37073 +Q210172 P1412 Q1860 +Q359604 P106 Q10800557 +Q188726 P106 Q28389 +Q270215 P161 Q213430 +Q167696 P106 Q4610556 +Q346085 P106 Q488205 +Q711978 P106 Q639669 +Q930987 P69 Q149990 +Q329163 P20 Q65 +Q75185 P27 Q40 +Q313849 P27 Q30 +Q229232 P106 Q10800557 +Q126599 P451 Q36767 +Q251818 P463 Q337531 +Q7351 P551 Q2079 +Q220299 P161 Q58912 +Q1224 P1050 Q220570 +Q16473 P106 Q245068 +Q250539 P509 Q14467705 +Q37333 P17 Q1649871 +Q55450 P106 Q2259451 +Q310939 P27 Q145 +Q1793865 P27 Q145 +Q44584 P136 Q35760 +Q193871 P108 Q180865 +Q29315 P1412 Q188 +Q470758 P737 Q34970 +Q323707 P106 Q806798 +Q201484 P19 Q84 +Q192668 P106 Q33999 +Q721043 P172 Q49085 +Q89516 P106 Q13416354 +Q1028 P463 Q191384 +Q457353 P1412 Q8641 +Q271281 P136 Q52162262 +Q212 P172 Q49542 +Q127367 P161 Q189351 +Q453583 P106 Q16145150 +Q60025 P551 Q1715 +Q1439592 P27 Q30 +Q452219 P106 Q36180 +Q152335 P106 Q82955 +Q159347 P102 Q29468 +Q927627 P17 Q145 +Q124617 P102 Q79854 +Q449072 P106 Q2405480 +Q77162 P106 Q40348 +Q235364 P1412 Q1860 +Q7243 P737 Q43718 +Q349350 P106 Q2405480 +Q224647 P161 Q41163 +Q363518 P106 Q10798782 +Q36965 P27 Q191077 +Q12658 P1412 Q143 +Q378672 P69 Q797078 +Q62126 P106 Q15980158 +Q11907 P1303 Q6607 +Q113007 P1412 Q1321 +Q193744 P1303 Q5994 +Q186329 P264 Q4413456 +Q270510 P495 Q30 +Q222867 P495 Q30 +Q57578 P1412 Q188 +Q454568 P106 Q214917 +Q1591857 P264 Q5086379 +Q25997 P136 Q482 +Q91417 P106 Q1979607 +Q708620 P264 Q654283 +Q948561 P106 Q15981151 +Q472270 P27 Q28 +Q702468 P69 Q34433 +Q165817 P136 Q369747 +Q925240 P27 Q30 +Q168269 P106 Q11774202 +Q191074 P840 Q17 +Q201608 P172 Q49085 +Q123080 P27 Q142 +Q388785 P106 Q177220 +Q139325 P106 Q3282637 +Q319133 P19 Q33935 +Q532279 P106 Q28389 +Q444788 P3373 Q261133 +Q242095 P106 Q8178443 +Q334825 P27 Q129286 +Q1874 P17 Q243610 +Q215748 P108 Q6608367 +Q4617 P106 Q10798782 +Q240238 P1412 Q1860 +Q63432 P69 Q32120 +Q485280 P264 Q202440 +Q334818 P106 Q639669 +Q334670 P1303 Q17172850 +Q196665 P840 Q12439 +Q62731543 P106 Q36834 +Q224004 P161 Q315217 +Q216047 P159 Q275118 +Q166796 P136 Q316930 +Q233483 P106 Q753110 +Q129857 P106 Q15472169 +Q1702240 P27 Q30 +Q504006 P106 Q82955 +Q339403 P106 Q10798782 +Q156898 P106 Q639669 +Q75720 P108 Q193727 +Q542217 P1412 Q1860 +Q163513 P106 Q482980 +Q550395 P106 Q3282637 +Q36844 P737 Q11617 +Q25660 P106 Q855091 +Q207916 P840 Q159 +Q361617 P106 Q11774202 +Q319785 P106 Q1930187 +Q1897911 P106 Q131524 +Q353762 P27 Q29 +Q233941 P136 Q1344 +Q131545 P106 Q201788 +Q430602 P101 Q207628 +Q234595 P106 Q970153 +Q154216 P136 Q235858 +Q233464 P161 Q134180 +Q235403 P27 Q29 +Q433459 P463 Q463303 +Q347767 P20 Q270 +Q45672 P161 Q1347483 +Q268284 P106 Q36834 +Q171834 P1412 Q652 +Q218022 P106 Q7042855 +Q65613 P106 Q1234713 +Q12817 P106 Q333634 +Q334 P463 Q7809 +Q59478 P463 Q2370801 +Q44481 P140 Q288928 +Q363490 P106 Q183945 +Q429397 P161 Q1889124 +Q4028 P106 Q10800557 +Q295144 P19 Q90 +Q159542 P106 Q10872101 +Q96502 P20 Q64 +Q112284 P69 Q49108 +Q110916 P106 Q121594 +Q229286 P106 Q36180 +Q41257 P106 Q205375 +Q3132761 P106 Q170790 +Q11903 P101 Q395 +Q717 P463 Q656801 +Q157040 P20 Q495 +Q425821 P106 Q639669 +Q337224 P131 Q8678 +Q165911 P264 Q50074604 +Q444017 P136 Q52162262 +Q317441 P106 Q49757 +Q84960 P19 Q4024 +Q836656 P1303 Q6607 +Q50005 P106 Q193391 +Q7934 P106 Q36180 +Q220423 P161 Q106275 +Q59653 P136 Q182015 +Q45387 P106 Q28389 +Q320849 P106 Q36180 +Q441086 P69 Q593321 +Q312693 P3373 Q499644 +Q769 P463 Q3772571 +Q553742 P27 Q33 +Q57303 P106 Q185351 +Q165816 P106 Q10800557 +Q2656667 P106 Q131524 +Q450796 P551 Q11299 +Q455703 P463 Q337224 +Q267769 P106 Q333634 +Q444651 P106 Q2643890 +Q296774 P106 Q10800557 +Q382099 P106 Q33999 +Q28 P530 Q419 +Q643408 P69 Q2983698 +Q351705 P20 Q21711493 +Q159976 P106 Q14915627 +Q4077 P17 Q41304 +Q84960 P26 Q87850 +Q737486 P1412 Q9072 +Q45765 P106 Q6625963 +Q715790 P101 Q7094 +Q1976514 P106 Q177220 +Q188570 P1412 Q397 +Q189330 P161 Q816565 +Q25057 P161 Q25078 +Q159 P530 Q232 +Q204019 P264 Q165745 +Q40791 P106 Q28389 +Q2569 P102 Q49762 +Q184267 P106 Q188094 +Q162554 P69 Q503246 +Q287177 P749 Q2338889 +Q216288 P264 Q1392321 +Q78586 P101 Q1344 +Q4137 P1412 Q150 +Q217010 P161 Q23359 +Q471443 P19 Q1874 +Q981785 P106 Q36834 +Q60441 P27 Q183 +Q974023 P106 Q1930187 +Q325487 P27 Q30 +Q375855 P161 Q242939 +Q1395790 P106 Q16031530 +Q558167 P106 Q36180 +Q239845 P106 Q10800557 +Q44063 P106 Q2405480 +Q355009 P27 Q30 +Q370893 P136 Q130232 +Q163038 P136 Q590103 +Q302682 P495 Q30 +Q98178 P102 Q49750 +Q315090 P106 Q10800557 +Q75727 P106 Q36180 +Q219772 P264 Q190585 +Q494507 P106 Q18814623 +Q439686 P106 Q33999 +Q1173086 P551 Q99 +Q232120 P19 Q60 +Q366671 P106 Q753110 +Q84510 P1412 Q188 +Q57592 P69 Q152087 +Q2535085 P740 Q90 +Q714185 P106 Q36834 +Q310926 P106 Q177220 +Q134262 P1412 Q1860 +Q353442 P463 Q2822396 +Q452219 P20 Q220 +Q540803 P106 Q13418253 +Q429348 P27 Q30 +Q172975 P136 Q130232 +Q184622 P106 Q6625963 +Q74849 P106 Q1930187 +Q329805 P136 Q859369 +Q196004 P161 Q2633389 +Q182658 P737 Q38392 +Q126462 P119 Q744948 +Q92608 P19 Q172 +Q266535 P1412 Q188 +Q215042 P106 Q2135538 +Q4103721 P19 Q1953 +Q174153 P161 Q947748 +Q365090 P106 Q3282637 +Q1899 P17 Q49683 +Q116375 P106 Q212980 +Q993950 P106 Q36180 +Q61696 P136 Q663106 +Q99706 P106 Q133485 +Q887993 P1303 Q17172850 +Q934737 P106 Q177220 +Q78484 P737 Q5879 +Q64579 P106 Q4853732 +Q82360 P136 Q21590660 +Q178991 P106 Q82955 +Q69395 P27 Q38872 +Q216563 P27 Q16 +Q943694 P27 Q29999 +Q153730 P1412 Q1860 +Q2658411 P106 Q36180 +Q452232 P106 Q28389 +Q128297 P1412 Q652 +Q311141 P140 Q5043 +Q207177 P27 Q145 +Q92636 P106 Q81096 +Q312628 P106 Q1930187 +Q434932 P106 Q201788 +Q379400 P1303 Q46185 +Q78012 P106 Q36180 +Q124442 P106 Q1930187 +Q72800 P106 Q28389 +Q229487 P106 Q2405480 +Q96414 P19 Q3923 +Q1906150 P136 Q134307 +Q314343 P27 Q30 +Q57477 P27 Q40 +Q456413 P102 Q29468 +Q211415 P106 Q3282637 +Q25147 P136 Q49451 +Q427326 P136 Q547137 +Q76478 P1412 Q188 +Q456005 P106 Q753110 +Q114450 P1412 Q1860 +Q62206 P108 Q156725 +Q503770 P106 Q36834 +Q59112 P20 Q49202 +Q800 P530 Q30 +Q311253 P106 Q6625963 +Q107894 P161 Q209471 +Q164396 P463 Q265058 +Q160518 P106 Q169470 +Q103623 P27 Q183 +Q60477 P106 Q33999 +Q85510 P108 Q1045828 +Q2263 P106 Q28389 +Q91657 P106 Q169470 +Q69105 P1412 Q1860 +Q57213 P106 Q806349 +Q180919 P108 Q126399 +Q253167 P19 Q6106 +Q378870 P106 Q901 +Q236505 P1303 Q17172850 +Q298334 P19 Q3130 +Q162597 P101 Q21201 +Q263730 P106 Q4964182 +Q162182 P161 Q229669 +Q385309 P161 Q229545 +Q246997 P161 Q44221 +Q227 P530 Q145 +Q1942336 P509 Q12078 +Q178709 P69 Q691851 +Q214851 P463 Q2370801 +Q213574 P1412 Q7411 +Q289647 P1303 Q6607 +Q204751 P27 Q30 +Q143867 P106 Q158852 +Q361297 P509 Q212961 +Q282804 P495 Q142 +Q123823 P106 Q193391 +Q122003 P106 Q753110 +Q1432551 P106 Q10798782 +Q783 P530 Q458 +Q1286993 P106 Q855091 +Q460075 P106 Q36180 +Q311729 P106 Q11774202 +Q587823 P106 Q1930187 +Q234141 P106 Q3282637 +Q2793815 P20 Q18432 +Q232079 P136 Q2484376 +Q380243 P108 Q28729082 +Q1137404 P17 Q142 +Q217008 P136 Q200092 +Q58328 P69 Q273523 +Q313512 P119 Q311 +Q236024 P106 Q177220 +Q60441 P106 Q36834 +Q270269 P264 Q1536003 +Q442300 P19 Q60 +Q266520 P27 Q30 +Q57180 P27 Q183 +Q122094 P69 Q11942 +Q187364 P1412 Q1860 +Q937 P140 Q7066 +Q242707 P69 Q1255631 +Q362616 P106 Q10798782 +Q229 P463 Q7825 +Q504061 P69 Q308963 +Q37134 P40 Q150652 +Q311271 P69 Q385471 +Q16 P530 Q212 +Q86685 P20 Q65 +Q491019 P102 Q29468 +Q148 P530 Q963 +Q711406 P106 Q639669 +Q72667 P27 Q183 +Q69339 P106 Q193391 +Q1391164 P1303 Q5994 +Q344822 P106 Q753110 +Q348001 P106 Q49757 +Q1349501 P106 Q639669 +Q217280 P106 Q33999 +Q60946 P27 Q172107 +Q271145 P264 Q277626 +Q258854 P106 Q33999 +Q189665 P108 Q4345832 +Q363308 P19 Q38022 +Q804 P463 Q376150 +Q116359 P509 Q12192 +Q60317 P69 Q503246 +Q1190235 P106 Q33999 +Q286777 P106 Q36180 +Q364781 P69 Q1536258 +Q72124 P106 Q82955 +Q1032 P530 Q30 +Q690974 P106 Q10800557 +Q382197 P106 Q33999 +Q11928 P495 Q30 +Q689713 P27 Q172579 +Q137800 P161 Q211144 +Q116088 P69 Q659080 +Q443403 P106 Q214917 +Q83643 P1303 Q5994 +Q70215 P108 Q49088 +Q57085 P106 Q1622272 +Q220751 P27 Q30 +Q261456 P509 Q47912 +Q352431 P161 Q155378 +Q269402 P27 Q33 +Q144622 P19 Q84 +Q100718 P106 Q36180 +Q705697 P27 Q30 +Q203643 P106 Q644687 +Q313042 P106 Q2259451 +Q681470 P106 Q1930187 +Q1176607 P172 Q2325516 +Q676777 P106 Q130857 +Q110870 P106 Q1397808 +Q329845 P106 Q1930187 +Q979166 P106 Q12800682 +Q9364 P27 Q142 +Q78278 P106 Q1622272 +Q80760 P551 Q60 +Q38873 P106 Q4964182 +Q113830 P69 Q174570 +Q24631 P69 Q1247373 +Q217427 P264 Q202585 +Q913084 P136 Q1344 +Q35286 P106 Q43845 +Q44606 P106 Q177220 +Q51498 P1412 Q1860 +Q726298 P106 Q639669 +Q57535 P106 Q185351 +Q210428 P27 Q30 +Q1606257 P106 Q639669 +Q183031 P551 Q28848 +Q3734755 P463 Q270794 +Q61058 P106 Q40348 +Q230728 P1412 Q150 +Q449129 P106 Q1622272 +Q273814 P119 Q1437214 +Q960935 P1303 Q17172850 +Q77 P530 Q792 +Q72682 P20 Q90 +Q210798 P106 Q36180 +Q37150 P264 Q231694 +Q162045 P106 Q753110 +Q1392583 P20 Q174 +Q123565 P27 Q23366230 +Q1360782 P106 Q488205 +Q329897 P106 Q33999 +Q65130 P27 Q183 +Q561835 P106 Q2526255 +Q161853 P101 Q8087 +Q117392 P1412 Q1860 +Q9061 P106 Q188094 +Q453447 P119 Q208175 +Q180695 P161 Q49001 +Q11817 P106 Q40348 +Q189992 P19 Q16568 +Q347986 P1303 Q6607 +Q559531 P106 Q18805 +Q150281 P106 Q36180 +Q3090082 P106 Q43845 +Q79078 P69 Q165980 +Q39 P530 Q77 +Q152785 P3373 Q517 +Q309835 P19 Q18094 +Q937 P27 Q39 +Q124494 P69 Q154561 +Q214 P463 Q5611262 +Q7351 P19 Q3778 +Q237659 P1050 Q124407 +Q1886750 P27 Q30 +Q275545 P463 Q463281 +Q7604 P27 Q34266 +Q234360 P20 Q744948 +Q270601 P69 Q432637 +Q303040 P161 Q223303 +Q241 P530 Q184 +Q91161 P69 Q1278808 +Q801 P530 Q1036 +Q211213 P106 Q10800557 +Q189054 P136 Q188473 +Q966669 P69 Q180865 +Q93450 P136 Q193606 +Q189330 P161 Q320973 +Q310975 P1303 Q128309 +Q188482 P361 Q133405 +Q12658 P463 Q463303 +Q317110 P106 Q28389 +Q91124 P106 Q36180 +Q1066875 P172 Q42406 +Q125405 P106 Q82955 +Q29055 P106 Q28389 +Q331652 P106 Q33999 +Q126492 P161 Q271464 +Q878 P530 Q842 +Q236630 P106 Q214917 +Q239917 P136 Q131272 +Q231194 P1412 Q5287 +Q62354 P102 Q1052584 +Q490738 P106 Q36834 +Q61649 P106 Q2865819 +Q222008 P106 Q10798782 +Q230836 P136 Q213121 +Q1077546 P106 Q486748 +Q312252 P106 Q488205 +Q716862 P1412 Q1321 +Q104081 P119 Q1624932 +Q14281 P463 Q3603946 +Q7241 P136 Q49084 +Q217495 P69 Q774489 +Q436648 P106 Q855091 +Q1247078 P1050 Q10874 +Q72667 P27 Q16957 +Q69209 P106 Q1622272 +Q14277 P106 Q36834 +Q636637 P20 Q100 +Q702468 P108 Q34433 +Q129987 P119 Q5933 +Q207659 P840 Q60 +Q219634 P101 Q11633 +Q983239 P106 Q81096 +Q581943 P106 Q4263842 +Q962 P463 Q191384 +Q371202 P106 Q36834 +Q235928 P106 Q2259451 +Q309640 P106 Q10798782 +Q760 P530 Q865 +Q82222 P264 Q165745 +Q3920109 P106 Q520549 +Q454334 P140 Q9592 +Q61597 P106 Q18814623 +Q213257 P26 Q362500 +Q309932 P106 Q1208175 +Q1545 P136 Q9759 +Q298818 P106 Q10800557 +Q5603 P106 Q33231 +Q317228 P106 Q11481802 +Q70474 P1412 Q188 +Q173869 P463 Q123885 +Q26419 P69 Q332342 +Q277099 P19 Q60 +Q139223 P106 Q158852 +Q332360 P106 Q82955 +Q18391 P106 Q18814623 +Q545818 P106 Q36180 +Q178348 P27 Q30 +Q168023 P106 Q386854 +Q84445 P106 Q82955 +Q318755 P106 Q753110 +Q308711 P106 Q676 +Q71275 P119 Q1437214 +Q332462 P69 Q165980 +Q86922 P106 Q82955 +Q195949 P161 Q216221 +Q348658 P106 Q10800557 +Q55433 P106 Q3282637 +Q531624 P19 Q12439 +Q460323 P69 Q168751 +Q1031 P69 Q165980 +Q61863 P106 Q1622272 +Q6969 P69 Q54096 +Q190772 P463 Q329464 +Q1978533 P27 Q38 +Q91865 P1412 Q188 +Q1397888 P106 Q36180 +Q107769 P172 Q1075293 +Q315090 P69 Q49112 +Q948 P463 Q17495 +Q209538 P161 Q240933 +Q334760 P463 Q337266 +Q954231 P136 Q37073 +Q526406 P106 Q183945 +Q142988 P106 Q201788 +Q297024 P106 Q82955 +Q216457 P20 Q100 +Q36184 P136 Q193606 +Q26168 P101 Q5891 +Q107405 P108 Q49112 +Q168452 P106 Q170790 +Q292693 P106 Q2526255 +Q110397 P161 Q106997 +Q3033 P17 Q7318 +Q55195 P106 Q36180 +Q16873 P509 Q12152 +Q2133214 P161 Q25080 +Q432806 P19 Q1770 +Q303680 P69 Q49117 +Q57477 P27 Q183 +Q855 P509 Q1368943 +Q229176 P106 Q10800557 +Q373849 P161 Q150943 +Q71402 P27 Q43 +Q18434 P509 Q12152 +Q77832 P27 Q1206012 +Q92853 P463 Q188771 +Q706889 P27 Q29 +Q103075 P108 Q152171 +Q106029 P106 Q36180 +Q272064 P840 Q1741 +Q63809 P102 Q7320 +Q377453 P17 Q30 +Q319129 P69 Q670897 +Q318938 P106 Q19204627 +Q201924 P840 Q779 +Q157050 P172 Q86630688 +Q2901936 P1412 Q9288 +Q13908 P495 Q30 +Q1236051 P106 Q3427922 +Q1025 P530 Q29 +Q983530 P106 Q2526255 +Q312531 P106 Q20521670 +Q374582 P19 Q90 +Q173061 P509 Q12206 +Q1900295 P106 Q130857 +Q116861 P27 Q664 +Q332032 P1412 Q1860 +Q715195 P20 Q90 +Q164869 P106 Q753110 +Q208263 P161 Q314290 +Q62857 P20 Q350 +Q1384822 P172 Q678551 +Q43432 P106 Q3427922 +Q162182 P161 Q228871 +Q57382 P27 Q183 +Q516786 P108 Q315658 +Q16581 P27 Q28513 +Q236236 P106 Q49757 +Q7052125 P1412 Q1860 +Q5950 P509 Q12192 +Q317343 P106 Q33999 +Q975210 P27 Q30 +Q48129 P102 Q204911 +Q2096585 P106 Q131524 +Q359552 P106 Q177220 +Q434500 P108 Q174710 +Q84770 P108 Q219317 +Q233946 P1303 Q6607 +Q65906 P69 Q154804 +Q64577 P106 Q33999 +Q9061 P737 Q9235 +Q110397 P161 Q80739 +Q46602 P101 Q482 +Q41854 P136 Q1535153 +Q62254 P19 Q14859 +Q23844 P106 Q10798782 +Q452761 P106 Q11774202 +Q254820 P101 Q35760 +Q142 P530 Q739 +Q51513 P1412 Q188 +Q921516 P20 Q649 +Q57896 P106 Q82955 +Q314966 P102 Q192821 +Q382316 P1303 Q17172850 +Q311306 P1412 Q1860 +Q71000 P106 Q128124 +Q258204 P161 Q237270 +Q470619 P106 Q639669 +Q78349 P27 Q27306 +Q207197 P106 Q3282637 +Q75371 P27 Q183 +Q642060 P106 Q82955 +Q9358 P106 Q1231865 +Q567 P551 Q2079 +Q1541 P1412 Q397 +Q236236 P27 Q215530 +Q551597 P135 Q210115 +Q74512 P27 Q16957 +Q159808 P136 Q842256 +Q310332 P136 Q131272 +Q160021 P106 Q1231865 +Q551204 P27 Q34266 +Q94653 P102 Q379922 +Q342756 P1303 Q17172850 +Q127868 P20 Q1352 +Q114191 P27 Q29999 +Q551154 P172 Q49085 +Q660545 P69 Q248970 +Q430535 P136 Q369747 +Q359568 P106 Q36180 +Q549487 P509 Q9687 +Q2902710 P108 Q23548 +Q275982 P509 Q12152 +Q297210 P106 Q855091 +Q910092 P106 Q593644 +Q138007 P69 Q152087 +Q85282 P106 Q1622272 +Q4747436 P463 Q463303 +Q580414 P106 Q947873 +Q1461840 P1412 Q5146 +Q465636 P136 Q213714 +Q153802 P1412 Q1860 +Q125057 P106 Q14467526 +Q59152 P69 Q49210 +Q163159 P106 Q82955 +Q164069 P106 Q33999 +Q468067 P106 Q18844224 +Q78494 P106 Q36180 +Q74316 P20 Q2814 +Q78080 P106 Q864380 +Q1028 P463 Q1043527 +Q369900 P136 Q157443 +Q238356 P106 Q10798782 +Q234579 P140 Q9592 +Q42204 P106 Q10800557 +Q204338 P106 Q189290 +Q97644 P106 Q40348 +Q568455 P106 Q639669 +Q286074 P463 Q604840 +Q41076 P27 Q30 +Q779682 P20 Q1449 +Q40523 P69 Q1542213 +Q159 P530 Q222 +Q145 P530 Q1028 +Q237215 P57 Q13595531 +Q78491 P106 Q36180 +Q263598 P106 Q2722764 +Q790 P463 Q294278 +Q463101 P136 Q130232 +Q38 P530 Q96 +Q155684 P106 Q193391 +Q331123 P1412 Q1860 +Q228852 P106 Q2259451 +Q309888 P136 Q11401 +Q1225 P106 Q488205 +Q275402 P106 Q1053574 +Q7999 P1412 Q7026 +Q76589 P463 Q329464 +Q1928543 P106 Q639669 +Q47210 P463 Q329464 +Q84509 P69 Q165980 +Q332360 P106 Q81096 +Q41 P530 Q213 +Q126183 P161 Q170572 +Q16 P530 Q115 +Q508182 P20 Q65 +Q204191 P161 Q368794 +Q105937 P69 Q1145814 +Q85636 P27 Q7318 +Q32910 P161 Q185051 +Q220308 P106 Q1053574 +Q78924 P106 Q2526255 +Q19089 P161 Q230055 +Q1579348 P106 Q1622272 +Q337578 P1303 Q6607 +Q231635 P106 Q10798782 +Q332032 P264 Q216364 +Q384804 P106 Q245068 +Q23505 P106 Q193391 +Q358356 P106 Q3282637 +Q677367 P1412 Q7737 +Q359383 P27 Q34266 +Q463883 P106 Q28389 +Q253167 P20 Q47164 +Q325389 P1303 Q1444 +Q2902064 P106 Q36180 +Q444728 P1303 Q1444 +Q310551 P69 Q8008661 +Q94555 P1412 Q1860 +Q40 P530 Q114 +Q266057 P106 Q10800557 +Q75803 P20 Q1794 +Q467574 P106 Q28389 +Q556767 P69 Q4359408 +Q1585138 P264 Q898618 +Q36105 P509 Q12192 +Q229018 P136 Q83440 +Q458260 P106 Q188094 +Q324031 P106 Q188094 +Q244333 P161 Q228692 +Q180224 P106 Q486748 +Q231228 P172 Q49085 +Q449 P106 Q9648008 +Q62676 P106 Q33999 +Q4590643 P69 Q73094 +Q54836 P106 Q33999 +Q1242 P27 Q172579 +Q25973 P106 Q6673651 +Q645362 P108 Q13371 +Q362353 P106 Q28389 +Q76534 P463 Q15646111 +Q164757 P106 Q15981151 +Q204168 P1412 Q7976 +Q2071 P102 Q29552 +Q211429 P161 Q150482 +Q94040 P106 Q4964182 +Q2736087 P106 Q47064 +Q194045 P19 Q60 +Q240774 P106 Q33999 +Q1356737 P27 Q1008 +Q91023 P106 Q270389 +Q114191 P106 Q333634 +Q1976514 P27 Q159 +Q228611 P1412 Q36510 +Q208101 P19 Q60 +Q16 P463 Q41550 +Q318792 P106 Q177220 +Q128493 P161 Q36949 +Q2622193 P20 Q216 +Q217307 P161 Q296370 +Q1016 P37 Q13955 +Q94123 P106 Q947873 +Q350588 P136 Q37073 +Q272770 P136 Q11399 +Q348658 P264 Q2338889 +Q2828029 P463 Q191583 +Q101715 P106 Q18844224 +Q84734 P106 Q2468727 +Q44652 P27 Q183 +Q60851 P1412 Q188 +Q241800 P19 Q62 +Q84238 P551 Q183 +Q93356 P737 Q5679 +Q72357 P69 Q154561 +Q155390 P106 Q1622272 +Q116258 P69 Q152171 +Q66729 P27 Q183 +Q310300 P106 Q639669 +Q18913 P106 Q82955 +Q5327 P106 Q593644 +Q187832 P26 Q437970 +Q235278 P106 Q2259451 +Q158060 P106 Q201788 +Q45839 P161 Q214289 +Q328335 P69 Q1127387 +Q45662 P1412 Q188 +Q119159 P106 Q13416354 +Q153694 P136 Q1196752 +Q554971 P69 Q7739610 +Q87131 P106 Q350979 +Q315756 P1412 Q1860 +Q29999 P463 Q656801 +Q722876 P106 Q639669 +Q319342 P463 Q463281 +Q310166 P106 Q639669 +Q931148 P463 Q463303 +Q3816 P106 Q6625963 +Q589781 P136 Q188539 +Q77627 P106 Q2468727 +Q313813 P136 Q241662 +Q352431 P136 Q157443 +Q228186 P495 Q145 +Q163513 P106 Q36180 +Q220192 P161 Q107730 +Q3297386 P119 Q311 +Q273484 P27 Q145 +Q365557 P106 Q639669 +Q38573 P106 Q4263842 +Q1389258 P1412 Q150 +Q123885 P159 Q84 +Q561670 P463 Q253439 +Q332032 P106 Q177220 +Q237273 P106 Q33999 +Q57136 P20 Q2066 +Q90822 P69 Q152838 +Q4147199 P119 Q281859 +Q440926 P69 Q1255631 +Q1049 P463 Q1137381 +Q981270 P140 Q9592 +Q739 P463 Q191384 +Q38393 P1303 Q6607 +Q1139388 P136 Q83270 +Q270 P17 Q172107 +Q180710 P106 Q4610556 +Q559506 P69 Q332342 +Q267672 P161 Q225509 +Q705515 P135 Q80113 +Q60029 P1412 Q9056 +Q5878 P1050 Q11081 +Q170371 P1412 Q1321 +Q160432 P1412 Q1860 +Q187516 P108 Q621043 +Q940594 P106 Q36180 +Q99627 P27 Q1206012 +Q213 P463 Q782942 +Q1793865 P69 Q152087 +Q86407 P106 Q15949613 +Q153776 P106 Q16145150 +Q31 P463 Q1065 +Q502417 P27 Q218 +Q186757 P106 Q10800557 +Q128507 P551 Q1428 +Q318261 P106 Q948329 +Q453388 P106 Q36180 +Q25529 P1412 Q1860 +Q229389 P106 Q10798782 +Q258 P463 Q1072120 +Q124784 P108 Q372608 +Q1459658 P106 Q81096 +Q65587 P69 Q153987 +Q148 P530 Q229 +Q327836 P1303 Q17172850 +Q38392 P140 Q178169 +Q972676 P69 Q29052 +Q559609 P27 Q21 +Q810 P463 Q7825 +Q351527 P1412 Q652 +Q347832 P106 Q36180 +Q601304 P106 Q18844224 +Q717250 P140 Q7066 +Q3184115 P106 Q2504617 +Q115674 P509 Q188605 +Q373267 P136 Q471839 +Q276769 P161 Q949696 +Q64637 P19 Q1085 +Q96426 P106 Q876864 +Q66992 P1412 Q150 +Q239131 P101 Q1662673 +Q145 P530 Q763 +Q708007 P106 Q855091 +Q185490 P495 Q30 +Q49081 P106 Q36180 +Q349893 P69 Q165980 +Q127870 P106 Q10798782 +Q726071 P264 Q2338889 +Q928851 P27 Q31 +Q159347 P26 Q229983 +Q32049 P264 Q513712 +Q92914 P19 Q6602 +Q363708 P1303 Q17172850 +Q274157 P106 Q639669 +Q887903 P106 Q82955 +Q47296 P161 Q357001 +Q28 P463 Q1072120 +Q869 P530 Q334 +Q1424269 P106 Q753110 +Q16389 P106 Q81096 +Q346833 P20 Q65 +Q106997 P106 Q2405480 +Q77060 P136 Q1344 +Q63454 P1303 Q80284 +Q190373 P119 Q1437214 +Q274181 P1303 Q5994 +Q63309 P106 Q36180 +Q16 P37 Q150 +Q58866 P20 Q56036 +Q557730 P106 Q82955 +Q561196 P20 Q1486 +Q102905 P463 Q459620 +Q273022 P1303 Q8338 +Q70342 P20 Q1707 +Q318755 P106 Q49757 +Q125488 P27 Q16957 +Q236318 P106 Q13235160 +Q155236 P27 Q39 +Q357929 P140 Q9268 +Q236355 P106 Q488205 +Q55303 P1412 Q1860 +Q258846 P1303 Q6607 +Q391663 P119 Q1437214 +Q80424 P1303 Q17172850 +Q4137 P19 Q649 +Q329549 P1412 Q150 +Q183048 P136 Q7749 +Q432473 P26 Q22686 +Q272972 P172 Q1075293 +Q884 P463 Q384535 +Q312969 P102 Q79854 +Q104276 P463 Q219989 +Q722555 P106 Q1622272 +Q434555 P106 Q11631 +Q335760 P69 Q1227526 +Q505129 P101 Q11023 +Q45387 P136 Q959583 +Q983434 P19 Q33486 +Q82778 P106 Q49757 +Q843 P463 Q191384 +Q93664 P101 Q43035 +Q10738 P69 Q738258 +Q234195 P106 Q33999 +Q234798 P106 Q2259451 +Q93354 P106 Q6625963 +Q201538 P106 Q14915627 +Q453583 P1303 Q6607 +Q865 P530 Q712 +Q444591 P27 Q1054923 +Q187154 P136 Q846544 +Q180665 P106 Q10800557 +Q1398507 P136 Q9759 +Q232495 P27 Q30 +Q266429 P106 Q10816969 +Q237214 P1303 Q17172850 +Q557382 P106 Q901 +Q267721 P161 Q468635 +Q230496 P495 Q30 +Q439955 P106 Q486748 +Q9047 P27 Q183 +Q1346832 P136 Q11401 +Q229 P463 Q1065 +Q114605 P1412 Q9056 +Q453288 P106 Q36180 +Q60506 P161 Q325020 +Q50020 P69 Q193196 +Q235470 P69 Q49210 +Q192655 P106 Q639669 +Q777354 P136 Q8261 +Q80069 P106 Q10798782 +Q1351565 P27 Q30 +Q237255 P106 Q2259451 +Q313559 P264 Q183387 +Q70103 P1412 Q188 +Q55404 P106 Q36180 +Q218672 P1412 Q35497 +Q962442 P106 Q483501 +Q330059 P27 Q145 +Q72217 P19 Q64 +Q5685 P69 Q27923720 +Q39 P463 Q45177 +Q427403 P106 Q214917 +Q499028 P106 Q639669 +Q108560 P136 Q484641 +Q445095 P19 Q84 +Q270351 P495 Q30 +Q169963 P106 Q3282637 +Q373267 P161 Q125106 +Q213257 P106 Q10798782 +Q128187 P136 Q471839 +Q1139628 P1303 Q6607 +Q131412 P140 Q1841 +Q298773 P106 Q214917 +Q511399 P1412 Q8641 +Q232927 P19 Q60 +Q493 P27 Q70802 +Q71635 P1412 Q9168 +Q71402 P106 Q18581305 +Q158078 P106 Q16145150 +Q77161 P463 Q463303 +Q25839 P106 Q10798782 +Q263172 P106 Q28389 +Q59534 P136 Q2973181 +Q329156 P106 Q33999 +Q329131 P161 Q309640 +Q76370 P136 Q676 +Q366464 P1050 Q12204 +Q152293 P106 Q158852 +Q177930 P161 Q447669 +Q84403 P106 Q1622272 +Q1353559 P106 Q33999 +Q313080 P106 Q3501317 +Q61863 P106 Q333634 +Q165419 P1412 Q7737 +Q786339 P69 Q219317 +Q47011 P106 Q14467526 +Q540395 P136 Q83440 +Q237030 P119 Q1437214 +Q981856 P1303 Q46185 +Q3589 P161 Q286777 +Q72541 P551 Q1492 +Q81807 P106 Q482980 +Q315826 P106 Q2526255 +Q298027 P106 Q43845 +Q168555 P264 Q240804 +Q233817 P264 Q202440 +Q103623 P1412 Q188 +Q200096 P136 Q1146335 +Q784 P463 Q191384 +Q66155 P106 Q17489339 +Q307 P101 Q413 +Q912023 P27 Q30 +Q117688 P106 Q49757 +Q183848 P27 Q83286 +Q1382482 P136 Q9730 +Q888487 P1303 Q1444 +Q175600 P161 Q45563 +Q186273 P106 Q18844224 +Q833 P530 Q20 +Q49767 P463 Q684415 +Q381734 P106 Q36180 +Q95370 P106 Q82955 +Q464037 P19 Q60 +Q232827 P106 Q2259451 +Q3441496 P27 Q408 +Q889 P530 Q902 +Q434715 P119 Q6923684 +Q48779 P69 Q131252 +Q123861 P106 Q16533 +Q102669 P136 Q8261 +Q87392 P1412 Q188 +Q322549 P106 Q11063 +Q163159 P106 Q201788 +Q55390 P106 Q753110 +Q220864 P106 Q28389 +Q186587 P161 Q228717 +Q103109 P27 Q183 +Q22670 P106 Q1622272 +Q337185 P106 Q28389 +Q444520 P1303 Q6607 +Q245257 P737 Q38392 +Q174210 P1412 Q1860 +Q215689 P20 Q1748 +Q327107 P20 Q1085 +Q263185 P108 Q34433 +Q634125 P106 Q1622272 +Q37767 P106 Q4853732 +Q4263286 P101 Q947873 +Q261981 P140 Q9089 +Q219421 P495 Q30 +Q456712 P106 Q36180 +Q145 P530 Q17 +Q309648 P69 Q49112 +Q335011 P69 Q49088 +Q230728 P106 Q13219587 +Q23505 P106 Q18814623 +Q323524 P106 Q10800557 +Q123166 P136 Q52162262 +Q77551 P463 Q833738 +Q427884 P172 Q190168 +Q215366 P106 Q10798782 +Q325589 P106 Q482980 +Q355112 P135 Q41726 +Q29 P463 Q663492 +Q29572198 P69 Q49114 +Q30 P30 Q49 +Q266676 P136 Q11401 +Q509102 P1303 Q17172850 +Q109053 P264 Q193023 +Q49760 P463 Q812155 +Q313551 P108 Q27621 +Q929665 P106 Q36834 +Q12903 P106 Q36180 +Q160333 P1412 Q7737 +Q31984 P463 Q463303 +Q64014 P27 Q12548 +Q216692 P1412 Q397 +Q71416 P1412 Q188 +Q505994 P136 Q484641 +Q184750 P737 Q48301 +Q399318 P19 Q1489 +Q220154 P161 Q269901 +Q92858 P106 Q82594 +Q7315 P106 Q18814623 +Q206439 P106 Q183945 +Q1041749 P27 Q17 +Q106871 P136 Q3990883 +Q3615114 P101 Q41217 +Q315707 P106 Q2865819 +Q249475 P106 Q121594 +Q70326 P20 Q90 +Q1744 P106 Q4853732 +Q159 P530 Q837 +Q106465 P737 Q39212 +Q268284 P1303 Q5994 +Q356303 P1412 Q1860 +Q51094 P136 Q186472 +Q238432 P106 Q4610556 +Q446586 P264 Q330629 +Q232009 P161 Q235572 +Q5921354 P1412 Q1860 +Q361610 P1412 Q1860 +Q135347 P136 Q188473 +Q180278 P19 Q24826 +Q274342 P101 Q35760 +Q236613 P1303 Q6607 +Q315072 P140 Q9592 +Q182991 P106 Q488205 +Q123918 P106 Q1028181 +Q295817 P1303 Q8355 +Q152880 P20 Q90 +Q89629 P106 Q36180 +Q434502 P1050 Q11081 +Q174037 P20 Q49111 +Q202585 P136 Q11401 +Q484302 P136 Q1133657 +Q271145 P136 Q547137 +Q342397 P69 Q27621 +Q26695 P106 Q12800682 +Q952737 P551 Q1335 +Q5494459 P136 Q2280497 +Q142988 P20 Q61 +Q165627 P161 Q299309 +Q92620 P106 Q5482740 +Q204057 P161 Q108935 +Q206576 P161 Q352540 +Q529942 P27 Q1009 +Q352975 P106 Q36180 +Q116253 P106 Q2059704 +Q314787 P27 Q129286 +Q59630 P106 Q13474373 +Q1051182 P264 Q295794 +Q239786 P1303 Q17172850 +Q8573 P509 Q623031 +Q168362 P106 Q14906342 +Q105349 P27 Q16 +Q5950 P1303 Q6607 +Q537112 P27 Q145 +Q311267 P106 Q15981151 +Q91059 P106 Q6625963 +Q373508 P106 Q1622272 +Q331896 P1412 Q13955 +Q1149 P140 Q9089 +Q231923 P509 Q181754 +Q61597 P551 Q1726 +Q60584 P20 Q2079 +Q96556 P106 Q2526255 +Q57063 P19 Q1780 +Q274404 P106 Q2599593 +Q1911321 P27 Q668 +Q174843 P106 Q948329 +Q213690 P19 Q1741 +Q981929 P106 Q1930187 +Q233956 P101 Q482 +Q373421 P102 Q79854 +Q801 P112 Q37610 +Q28975 P106 Q333634 +Q218992 P27 Q30 +Q3869 P17 Q183 +Q27214 P106 Q82955 +Q355009 P106 Q36834 +Q810 P463 Q47543 +Q51101 P1412 Q7850 +Q45672 P136 Q959790 +Q305106 P69 Q691851 +Q454075 P106 Q183945 +Q539458 P135 Q210115 +Q55169 P106 Q28389 +Q127688 P106 Q82955 +Q315090 P106 Q948329 +Q1046038 P1303 Q6607 +Q881 P463 Q7768 +Q41076 P1303 Q5994 +Q275180 P57 Q250545 +Q76480 P106 Q36180 +Q73482 P108 Q51985 +Q18430 P463 Q466089 +Q47906 P102 Q7320 +Q3816 P135 Q37068 +Q356217 P27 Q145 +Q28234 P136 Q1054574 +Q93514 P737 Q40909 +Q67901 P1303 Q17172850 +Q78999 P19 Q1741 +Q171166 P106 Q1930187 +Q95125 P463 Q8038459 +Q455605 P19 Q18419 +Q267170 P106 Q3387717 +Q309932 P106 Q5716684 +Q77482 P27 Q183 +Q783992 P551 Q2135 +Q1154246 P106 Q183945 +Q234104 P1412 Q1860 +Q7231 P119 Q190494 +Q10133 P106 Q36180 +Q215999 P1412 Q1860 +Q57118 P106 Q10800557 +Q36 P172 Q1026 +Q1512 P106 Q11774202 +Q181677 P106 Q36180 +Q4751826 P106 Q1371378 +Q1899 P17 Q212 +Q376087 P106 Q18805 +Q86758 P106 Q36180 +Q48996 P106 Q12377274 +Q887948 P264 Q726251 +Q175305 P1303 Q17172850 +Q189080 P1412 Q1860 +Q164963 P161 Q170510 +Q3057567 P1412 Q1860 +Q945024 P1412 Q150 +Q382604 P69 Q860450 +Q76483 P69 Q31519 +Q316064 P1412 Q1860 +Q52447 P106 Q28389 +Q471443 P106 Q33231 +Q62234 P463 Q191583 +Q208344 P161 Q202735 +Q381307 P463 Q270794 +Q976526 P106 Q4263842 +Q858 P463 Q191384 +Q67477 P106 Q1234713 +Q374770 P106 Q28389 +Q316844 P106 Q2526255 +Q962 P463 Q47543 +Q121926 P27 Q142 +Q233946 P106 Q33999 +Q92981 P69 Q49108 +Q562108 P108 Q13371 +Q819 P530 Q159 +Q92649 P69 Q333705 +Q4293328 P463 Q2370801 +Q235615 P106 Q6625963 +Q61696 P136 Q52162262 +Q311993 P106 Q10800557 +Q185007 P463 Q188771 +Q172684 P69 Q332342 +Q84053 P106 Q2405480 +Q345571 P27 Q739 +Q78526 P106 Q36834 +Q64467 P106 Q47064 +Q49347 P19 Q28848 +Q221168 P495 Q30 +Q102438 P161 Q235572 +Q316629 P106 Q2526255 +Q1757 P17 Q34266 +Q93689 P161 Q40523 +Q241160 P27 Q30 +Q199943 P106 Q13590141 +Q843 P530 Q241 +Q66041 P106 Q33999 +Q114405 P106 Q1028181 +Q722738 P737 Q13513 +Q83333 P106 Q593644 +Q174193 P463 Q38130 +Q9391 P27 Q40 +Q115754 P106 Q6625963 +Q730 P463 Q8475 +Q220864 P136 Q8261 +Q299297 P172 Q678551 +Q44071 P140 Q7066 +Q327293 P27 Q145 +Q91582 P106 Q82955 +Q234145 P69 Q392904 +Q224647 P161 Q43416 +Q213582 P106 Q36180 +Q77325 P106 Q36180 +Q221917 P106 Q28389 +Q189078 P106 Q2252262 +Q796 P530 Q148 +Q235141 P172 Q49085 +Q1514 P106 Q177220 +Q165672 P69 Q838330 +Q1804720 P69 Q49123 +Q290490 P161 Q49001 +Q40909 P106 Q2516866 +Q711 P530 Q423 +Q214677 P106 Q1930187 +Q183848 P106 Q36180 +Q317761 P451 Q189226 +Q325487 P509 Q12136 +Q459057 P161 Q1198697 +Q76363 P106 Q1209498 +Q312995 P106 Q18844224 +Q1242 P463 Q463303 +Q273568 P57 Q51537 +Q4120312 P3373 Q2460829 +Q371938 P136 Q217191 +Q39979 P106 Q10800557 +Q5604 P106 Q131062 +Q97470 P106 Q333634 +Q189732 P27 Q207272 +Q501 P101 Q482 +Q73063 P463 Q253439 +Q321339 P106 Q183945 +Q44301 P20 Q90 +Q380280 P27 Q15180 +Q96779 P106 Q1234713 +Q154367 P106 Q49757 +Q550778 P140 Q7066 +Q192402 P1303 Q5994 +Q374912 P119 Q311 +Q1452607 P106 Q158852 +Q681470 P69 Q49116 +Q9960 P26 Q193426 +Q433246 P106 Q36834 +Q2918925 P106 Q169470 +Q256649 P106 Q753110 +Q217020 P161 Q208667 +Q43736 P106 Q28389 +Q207036 P106 Q6625963 +Q89786 P27 Q40 +Q105987 P1412 Q150 +Q644917 P27 Q30 +Q715701 P101 Q12271 +Q6080085 P1412 Q150 +Q242110 P264 Q38903 +Q84842 P19 Q1741 +Q77143 P19 Q3104 +Q1060115 P106 Q822146 +Q949046 P172 Q726673 +Q369900 P840 Q65 +Q313653 P27 Q30 +Q541964 P106 Q81096 +Q770103 P17 Q183 +Q304609 P136 Q130232 +Q309503 P69 Q49114 +Q181683 P1303 Q17172850 +Q48589 P108 Q185246 +Q292381 P69 Q49109 +Q356537 P106 Q28389 +Q181555 P136 Q959790 +Q313654 P27 Q17 +Q440007 P19 Q3130 +Q275180 P161 Q1676929 +Q117301 P106 Q33999 +Q76329 P106 Q1930187 +Q380118 P106 Q10798782 +Q169065 P106 Q28389 +Q7728 P106 Q214917 +Q386336 P69 Q232141 +Q109135 P161 Q725519 +Q1716 P136 Q1062400 +Q235121 P106 Q214917 +Q93157 P1050 Q11085 +Q797615 P106 Q639669 +Q311769 P106 Q2526255 +Q607448 P106 Q753110 +Q214983 P463 Q684415 +Q109110 P161 Q82110 +Q234865 P136 Q208505 +Q509341 P106 Q10800557 +Q85914 P463 Q463303 +Q51416 P161 Q204393 +Q708078 P172 Q79797 +Q241470 P106 Q6625963 +Q20562503 P3373 Q2287423 +Q313998 P57 Q13595531 +Q61769 P106 Q1622272 +Q99634 P69 Q157808 +Q136264 P840 Q34404 +Q363822 P106 Q9648008 +Q79848 P17 Q179876 +Q231276 P106 Q36180 +Q188713 P264 Q202585 +Q126183 P161 Q176455 +Q214548 P106 Q33999 +Q26372 P106 Q49757 +Q220210 P641 Q5369 +Q277099 P106 Q2405480 +Q107957 P69 Q49088 +Q291500 P27 Q212 +Q704931 P106 Q36180 +Q448767 P1412 Q1860 +Q319934 P20 Q1345 +Q320218 P172 Q49085 +Q92868 P20 Q47164 +Q291731 P27 Q30 +Q75793 P27 Q1206012 +Q884 P463 Q170481 +Q728463 P106 Q169470 +Q45970 P136 Q482 +Q454692 P136 Q9759 +Q14045 P106 Q486748 +Q1293950 P27 Q30 +Q262507 P264 Q4883239 +Q64278 P106 Q49757 +Q12276134 P106 Q13418253 +Q170842 P27 Q15180 +Q387601 P161 Q83338 +Q14278 P106 Q36180 +Q13298 P17 Q28513 +Q84238 P106 Q4964182 +Q332394 P161 Q327574 +Q1523426 P106 Q158852 +Q181881 P106 Q822146 +Q155412 P106 Q486748 +Q973400 P1412 Q7737 +Q217427 P3373 Q131324 +Q237560 P1412 Q1860 +Q439438 P106 Q33999 +Q65917 P463 Q700570 +Q155 P530 Q916 +Q264921 P106 Q33999 +Q183266 P20 Q84 +Q249719 P1303 Q17172850 +Q123225 P106 Q3055126 +Q205532 P161 Q193668 +Q61558 P69 Q151510 +Q29303 P17 Q145 +Q316313 P136 Q5967378 +Q9312 P69 Q672420 +Q164813 P136 Q590103 +Q71998 P19 Q649 +Q105695 P106 Q639669 +Q78983 P69 Q165980 +Q1049 P463 Q5611262 +Q549729 P106 Q2487799 +Q213775 P27 Q183 +Q4416818 P20 Q649 +Q1166707 P106 Q245068 +Q321636 P27 Q215 +Q70113 P106 Q1930187 +Q1703194 P106 Q82955 +Q76336 P69 Q32120 +Q34424 P108 Q1194456 +Q127367 P161 Q206922 +Q108297 P161 Q330840 +Q334180 P509 Q181754 +Q878 P463 Q191384 +Q61761 P27 Q183 +Q76429 P69 Q154561 +Q158175 P136 Q193355 +Q37150 P106 Q33999 +Q97096 P27 Q16957 +Q45811 P106 Q36180 +Q64655 P108 Q152087 +Q191966 P1412 Q1860 +Q345217 P509 Q12206 +Q22670 P106 Q4964182 +Q311779 P140 Q9268 +Q237659 P1303 Q17172850 +Q48084 P27 Q133356 +Q9155759 P106 Q222344 +Q106775 P1412 Q1860 +Q105941 P106 Q10798782 +Q37001 P27 Q17 +Q58328 P106 Q81096 +Q716367 P106 Q483501 +Q426396 P161 Q71130 +Q106655 P101 Q482 +Q7286 P19 Q90 +Q1173321 P106 Q488205 +Q1780 P17 Q28513 +Q313998 P161 Q355209 +Q315744 P509 Q11081 +Q11107 P108 Q49088 +Q164384 P463 Q40358 +Q63556 P20 Q84 +Q183 P530 Q1037 +Q190368 P106 Q40348 +Q678410 P264 Q513712 +Q230448 P1412 Q1860 +Q7243 P136 Q8261 +Q433683 P27 Q145 +Q333475 P136 Q21590660 +Q104591 P106 Q1622272 +Q188492 P1303 Q17172850 +Q148 P530 Q15 +Q298766 P1412 Q150 +Q103109 P106 Q1622272 +Q1646438 P264 Q38903 +Q363708 P106 Q10800557 +Q55767 P172 Q165192 +Q26702 P27 Q142 +Q232993 P161 Q63228 +Q479992 P108 Q661916 +Q44540 P106 Q2516866 +Q262294 P106 Q486748 +Q257165 P106 Q4610556 +Q239131 P106 Q34074720 +Q533369 P106 Q2252262 +Q544485 P106 Q1930187 +Q589781 P106 Q183945 +Q320864 P106 Q49757 +Q128911 P19 Q33935 +Q79034 P19 Q1741 +Q85982 P69 Q206702 +Q511124 P101 Q3798668 +Q287572 P1303 Q17172850 +Q5208 P69 Q7842 +Q42247 P69 Q926749 +Q19845 P264 Q203059 +Q984481 P19 Q3820 +Q78592 P106 Q639669 +Q89713 P108 Q152087 +Q1077608 P27 Q145 +Q285330 P106 Q177220 +Q1607976 P106 Q43845 +Q184906 P27 Q36 +Q128730 P136 Q369747 +Q57681 P27 Q29 +Q349461 P3373 Q336222 +Q263279 P1412 Q9176 +Q484702 P27 Q31 +Q213844 P27 Q30 +Q267406 P106 Q488205 +Q167636 P106 Q36180 +Q168517 P106 Q188094 +Q368424 P106 Q9017214 +Q200460 P119 Q1302545 +Q435151 P1412 Q652 +Q7327064 P108 Q35794 +Q121060 P106 Q82955 +Q1246 P530 Q20 +Q111164 P106 Q28389 +Q178106 P69 Q926749 +Q529942 P69 Q209842 +Q157032 P172 Q201111 +Q364873 P106 Q183945 +Q105201 P106 Q201788 +Q773736 P27 Q30 +Q70764 P106 Q2259451 +Q202550 P106 Q488205 +Q185152 P27 Q13426199 +Q731254 P27 Q30 +Q44221 P19 Q47164 +Q4101530 P463 Q83172 +Q4077 P17 Q43287 +Q712 P463 Q496967 +Q382316 P264 Q38903 +Q240899 P136 Q471839 +Q384804 P106 Q36834 +Q84445 P69 Q317053 +Q232462 P106 Q855091 +Q84393 P140 Q7066 +Q276304 P106 Q1930187 +Q44481 P463 Q191583 +Q1343669 P264 Q1347984 +Q155907 P463 Q463303 +Q75612 P106 Q860918 +Q60715 P509 Q2140674 +Q2071 P106 Q7042855 +Q67538 P106 Q82955 +Q78714 P69 Q165980 +Q72984 P106 Q15981151 +Q219772 P136 Q11399 +Q61114 P106 Q1397808 +Q179858 P106 Q82955 +Q370560 P264 Q277626 +Q270786 P108 Q11148 +Q7030 P17 Q43287 +Q254524 P106 Q214917 +Q967886 P1412 Q7737 +Q47480 P27 Q145 +Q65292 P108 Q152087 +Q1281084 P27 Q30 +Q93129 P551 Q771 +Q193509 P1303 Q17172850 +Q51489 P1412 Q1860 +Q160717 P108 Q1256981 +Q103591 P106 Q34074720 +Q465296 P136 Q37073 +Q78481 P69 Q165980 +Q962710 P106 Q1930187 +Q31073 P509 Q12202 +Q17714 P106 Q1231865 +Q93689 P161 Q176945 +Q237809 P106 Q3282637 +Q375036 P119 Q1362125 +Q1586454 P1303 Q6607 +Q151872 P136 Q8261 +Q9364 P737 Q9235 +Q454200 P106 Q2259451 +Q232876 P69 Q523926 +Q221820 P136 Q1339864 +Q117301 P27 Q33 +Q184746 P27 Q145 +Q636 P136 Q49451 +Q110709 P108 Q691851 +Q76343 P102 Q49763 +Q188850 P161 Q317761 +Q294372 P140 Q9268 +Q194696 P161 Q297071 +Q1050 P463 Q7785 +Q999726 P69 Q41506 +Q232384 P27 Q29999 +Q86165 P26 Q1260 +Q312975 P20 Q84 +Q79069 P27 Q131964 +Q48956 P19 Q3852 +Q39659 P106 Q806798 +Q340911 P136 Q188473 +Q440668 P264 Q3629023 +Q188389 P20 Q60 +Q273022 P27 Q30 +Q95453 P106 Q15895020 +Q289003 P106 Q855091 +Q244214 P106 Q3286043 +Q61597 P101 Q35760 +Q242208 P69 Q995265 +Q345571 P27 Q29 +Q317122 P106 Q36834 +Q61319 P463 Q1017002 +Q704516 P106 Q2526255 +Q435681 P264 Q216364 +Q7546 P106 Q18814623 +Q434500 P106 Q2405480 +Q249288 P57 Q51564 +Q538708 P69 Q219615 +Q52950 P69 Q185246 +Q957439 P463 Q463303 +Q45909 P136 Q492264 +Q44412 P20 Q1748 +Q49072 P106 Q36180 +Q377638 P106 Q188094 +Q188848 P106 Q28389 +Q157313 P108 Q49210 +Q223559 P57 Q56005 +Q332454 P1412 Q1860 +Q525180 P1412 Q188 +Q774905 P106 Q1622272 +Q952737 P551 Q1492 +Q134798 P1412 Q5287 +Q229112 P27 Q30 +Q353366 P106 Q855091 +Q295589 P19 Q495 +Q77161 P106 Q16533 +Q313281 P106 Q177220 +Q1560662 P106 Q639669 +Q213 P463 Q7809 +Q78704 P509 Q12152 +Q95068 P106 Q10798782 +Q707827 P106 Q10798782 +Q298726 P106 Q183945 +Q542101 P106 Q855091 +Q1131481 P106 Q11900058 +Q34424 P108 Q216364 +Q276734 P136 Q599558 +Q234647 P106 Q10800557 +Q188492 P106 Q36834 +Q61282 P106 Q4773904 +Q69045 P1412 Q188 +Q200096 P136 Q157394 +Q706931 P27 Q174193 +Q445921 P19 Q1764 +Q33 P463 Q1579424 +Q6050 P551 Q90 +Q368421 P161 Q4227 +Q311786 P69 Q41506 +Q1281084 P1412 Q1860 +Q298838 P27 Q145 +Q254138 P136 Q263734 +Q543294 P136 Q213156 +Q178989 P136 Q157443 +Q134895 P3373 Q330014 +Q287309 P1412 Q1860 +Q164401 P20 Q61 +Q519606 P106 Q28389 +Q906 P17 Q2305208 +Q296577 P106 Q2405480 +Q6293853 P106 Q36180 +Q57257 P136 Q1344 +Q539143 P106 Q1344174 +Q319684 P20 Q3711 +Q363810 P106 Q6625963 +Q8011 P1412 Q9168 +Q89713 P106 Q36180 +Q725060 P1412 Q1860 +Q379836 P106 Q82955 +Q77148 P172 Q42884 +Q1861917 P69 Q745967 +Q297334 P106 Q2252262 +Q105460 P106 Q36834 +Q67903 P106 Q578109 +Q769 P530 Q145 +Q1939469 P106 Q36834 +Q123825 P106 Q214917 +Q14320 P136 Q188473 +Q244604 P495 Q30 +Q6969 P19 Q365 +Q312051 P27 Q30 +Q380579 P1303 Q6607 +Q220883 P69 Q238101 +Q296774 P1412 Q1860 +Q716776 P106 Q1930187 +Q189197 P106 Q189290 +Q313918 P551 Q65 +Q913570 P106 Q33231 +Q219 P530 Q265 +Q44331 P106 Q28389 +Q236939 P1412 Q150 +Q483907 P106 Q10798782 +Q464453 P27 Q30 +Q105031 P136 Q28026639 +Q86419 P106 Q1930187 +Q330847 P106 Q10798782 +Q721704 P106 Q483501 +Q246374 P69 Q151510 +Q77 P530 Q34 +Q151164 P172 Q121842 +Q843 P530 Q265 +Q297552 P106 Q36834 +Q725516 P1303 Q17172850 +Q90037 P106 Q169470 +Q132589 P106 Q1622272 +Q756563 P1303 Q17172850 +Q681465 P1412 Q188 +Q110365 P495 Q38 +Q1046038 P106 Q774306 +Q130742 P106 Q639669 +Q319896 P40 Q2061371 +Q75797 P101 Q170790 +Q51101 P136 Q211756 +Q103876 P106 Q10798782 +Q299700 P27 Q884 +Q193710 P106 Q753110 +Q4631 P106 Q82955 +Q298930 P106 Q639669 +Q7833 P136 Q8341 +Q391540 P161 Q360046 +Q1973856 P106 Q639669 +Q487488 P20 Q90 +Q107006 P27 Q38 +Q73089 P106 Q2526255 +Q130917 P106 Q1622272 +Q110450 P106 Q18814623 +Q320973 P106 Q33999 +Q49001 P172 Q49085 +Q334126 P106 Q2526255 +Q382099 P27 Q38 +Q408 P463 Q8475 +Q929665 P20 Q70 +Q195402 P161 Q151973 +Q284876 P1412 Q1860 +Q64915 P27 Q1206012 +Q123454 P106 Q1622272 +Q249350 P495 Q30 +Q364070 P106 Q1930187 +Q434312 P106 Q28389 +Q123483 P463 Q812155 +Q887553 P106 Q82955 +Q428668 P161 Q374181 +Q256286 P106 Q36180 +Q104127 P106 Q43845 +Q230 P530 Q117 +Q273978 P161 Q181425 +Q703935 P106 Q1607826 +Q236599 P106 Q34074720 +Q49355 P108 Q13371 +Q376477 P509 Q181257 +Q221846 P161 Q230501 +Q446151 P119 Q608405 +Q445367 P106 Q245068 +Q1047 P106 Q36180 +Q60801 P106 Q3387717 +Q962 P463 Q7159 +Q81145 P495 Q30 +Q983167 P27 Q36 +Q53068 P136 Q1344 +Q115210 P161 Q66126 +Q63834 P19 Q2066 +Q551597 P135 Q667661 +Q705681 P19 Q25395 +Q47210 P106 Q169470 +Q630181 P106 Q193391 +Q374605 P20 Q1781 +Q708078 P509 Q216169 +Q515904 P27 Q36 +Q167997 P119 Q208175 +Q180214 P57 Q192762 +Q353788 P106 Q36834 +Q331845 P27 Q34 +Q521116 P106 Q82955 +Q327546 P136 Q130232 +Q229276 P27 Q30 +Q1731 P17 Q43287 +Q405565 P1303 Q17172850 +Q233362 P106 Q33999 +Q83501 P463 Q1132636 +Q225852 P19 Q462799 +Q99842 P1412 Q188 +Q201221 P106 Q16287483 +Q686 P463 Q17495 +Q182212 P161 Q311615 +Q239652 P106 Q6625963 +Q78479 P69 Q165980 +Q337352 P17 Q38 +Q185510 P69 Q745967 +Q317397 P1412 Q9292 +Q55211 P1412 Q9168 +Q539897 P106 Q183945 +Q991543 P106 Q36180 +Q213512 P106 Q36834 +Q104814 P136 Q319221 +Q380996 P161 Q302335 +Q34086 P1303 Q11404 +Q103623 P551 Q104192 +Q309926 P140 Q288928 +Q128799 P551 Q65 +Q522856 P101 Q207628 +Q728463 P463 Q463303 +Q229603 P840 Q48 +Q267914 P1303 Q17172850 +Q110043 P136 Q200092 +Q156505 P1412 Q36510 +Q224 P530 Q225 +Q45909 P1303 Q46185 +Q51513 P119 Q1741 +Q18391 P106 Q1930187 +Q214171 P106 Q36180 +Q45765 P106 Q49757 +Q223559 P161 Q129817 +Q1230528 P463 Q123885 +Q350588 P106 Q753110 +Q221852 P161 Q47216 +Q1281772 P106 Q2259451 +Q5752 P106 Q82955 +Q231690 P106 Q4773904 +Q193573 P136 Q191489 +Q333148 P19 Q1761 +Q123918 P19 Q72 +Q1037263 P264 Q287177 +Q554175 P27 Q668 +Q2218967 P69 Q174158 +Q42122 P106 Q36180 +Q180251 P106 Q28389 +Q298030 P27 Q189 +Q240894 P136 Q157443 +Q238716 P106 Q2055046 +Q124065 P19 Q807 +Q103774 P40 Q259379 +Q134958 P1412 Q7737 +Q152513 P106 Q333634 +Q259979 P106 Q4853732 +Q630454 P20 Q60 +Q910092 P106 Q1622272 +Q132537 P101 Q18362 +Q10133 P106 Q16533 +Q83059 P737 Q502 +Q332881 P3373 Q434312 +Q8556 P463 Q463303 +Q24953 P136 Q157443 +Q19089 P840 Q15180 +Q211696 P106 Q386854 +Q42493 P172 Q1075293 +Q184843 P136 Q471839 +Q42747 P106 Q822146 +Q78006 P27 Q183 +Q287110 P1412 Q7737 +Q131149 P172 Q846570 +Q105937 P463 Q466089 +Q202148 P106 Q33999 +Q516285 P101 Q413 +Q89967 P108 Q55044 +Q272923 P1303 Q9798 +Q84412 P108 Q486156 +Q11847 P69 Q315658 +Q76837 P106 Q36180 +Q1370873 P1412 Q1860 +Q237659 P509 Q124407 +Q180850 P1303 Q17172850 +Q193835 P136 Q130232 +Q1042901 P136 Q492264 +Q158123 P27 Q40 +Q333873 P106 Q28389 +Q220918 P26 Q185465 +Q271956 P106 Q169470 +Q128956 P106 Q82955 +Q5348 P106 Q864503 +Q713273 P264 Q193023 +Q110085 P106 Q28389 +Q202148 P641 Q41323 +Q702111 P69 Q29052 +Q457840 P106 Q82955 +Q294583 P106 Q18814623 +Q3076050 P106 Q33999 +Q2900328 P106 Q1930187 +Q1534428 P136 Q83440 +Q438175 P106 Q855091 +Q59215 P136 Q21590660 +Q113928 P108 Q152838 +Q729661 P463 Q463303 +Q55198 P106 Q36180 +Q157245 P69 Q13371 +Q238895 P119 Q99 +Q108619 P463 Q46703 +Q902463 P106 Q1622272 +Q49009 P106 Q183945 +Q108941 P106 Q3282637 +Q55210 P106 Q1028181 +Q155158 P1412 Q188 +Q281962 P106 Q177220 +Q191999 P463 Q466089 +Q119719 P19 Q1022 +Q128518 P161 Q61112 +Q264253 P509 Q18554919 +Q383355 P161 Q217033 +Q370928 P1303 Q17172850 +Q56635 P69 Q49088 +Q77734 P106 Q1622272 +Q55 P530 Q38 +Q83233 P106 Q350979 +Q313918 P106 Q245068 +Q702111 P140 Q33203 +Q309768 P27 Q142 +Q263621 P1303 Q17172850 +Q260099 P19 Q6106 +Q24356 P1303 Q17172850 +Q463883 P106 Q36180 +Q80135 P140 Q7361618 +Q434680 P106 Q4853732 +Q1849355 P1303 Q17172850 +Q2551 P140 Q75809 +Q131685 P27 Q30 +Q151691 P102 Q328195 +Q683 P30 Q538 +Q447659 P119 Q208175 +Q85914 P463 Q2370801 +Q163747 P140 Q9268 +Q697203 P161 Q180338 +Q22686 P69 Q1329269 +Q728463 P463 Q191583 +Q544485 P106 Q158852 +Q202041 P136 Q37073 +Q123469 P106 Q1930187 +Q600635 P106 Q753110 +Q272203 P106 Q488205 +Q184366 P106 Q864503 +Q132095 P108 Q174158 +Q192474 P106 Q639669 +Q217154 P106 Q36180 +Q192207 P101 Q5891 +Q125405 P20 Q56037 +Q32910 P161 Q232456 +Q105119 P69 Q13371 +Q186329 P136 Q37073 +Q240467 P106 Q10798782 +Q103946 P27 Q16 +Q22686 P106 Q82955 +Q257953 P106 Q18814623 +Q517 P106 Q10732476 +Q241391 P495 Q145 +Q81082 P1412 Q150 +Q231091 P27 Q155 +Q140052 P27 Q145 +Q259788 P1303 Q6607 +Q833 P463 Q1043527 +Q855252 P106 Q81096 +Q57285 P463 Q812155 +Q240324 P106 Q15981151 +Q230739 P106 Q36180 +Q60801 P106 Q10800557 +Q701802 P27 Q41 +Q887889 P106 Q10800557 +Q438124 P27 Q30 +Q107422 P463 Q651690 +Q2415122 P106 Q10800557 +Q66107 P1412 Q7976 +Q963015 P19 Q39121 +Q74315 P136 Q130232 +Q235955 P106 Q28389 +Q4173649 P27 Q34266 +Q1049 P463 Q842490 +Q295080 P119 Q5763964 +Q179449 P106 Q2526255 +Q67637 P463 Q18650004 +Q77970 P1412 Q188 +Q444486 P106 Q6625963 +Q17455 P1412 Q35497 +Q93157 P106 Q482980 +Q606356 P108 Q168756 +Q1321910 P106 Q36834 +Q1111386 P106 Q42973 +Q675465 P1412 Q8785 +Q422275 P106 Q1607826 +Q108543 P136 Q200092 +Q155423 P1412 Q1321 +Q60153 P27 Q183 +Q119849 P27 Q30 +Q249288 P161 Q82330 +Q5950 P264 Q1328605 +Q962 P37 Q150 +Q75889 P1412 Q188 +Q266228 P136 Q11401 +Q842 P463 Q4783148 +Q162182 P840 Q61 +Q218690 P106 Q482980 +Q62977 P106 Q333634 +Q963015 P1412 Q1860 +Q1347095 P106 Q177220 +Q33946 P37 Q9056 +Q125663 P136 Q186424 +Q216070 P1412 Q188 +Q18809 P106 Q4964182 +Q248059 P106 Q36180 +Q1967070 P106 Q36180 +Q192686 P57 Q56005 +Q309086 P161 Q381799 +Q1190235 P106 Q10798782 +Q61407 P463 Q18912936 +Q940686 P106 Q177220 +Q49081 P69 Q34433 +Q215359 P106 Q10798782 +Q247516 P161 Q257165 +Q29573 P69 Q1446181 +Q91595 P106 Q82955 +Q171453 P136 Q471839 +Q64406 P106 Q13416354 +Q1087475 P106 Q177220 +Q160640 P509 Q12152 +Q2567 P551 Q1748 +Q101170 P69 Q35794 +Q368037 P106 Q33999 +Q128604 P106 Q82955 +Q281964 P106 Q7042855 +Q214907 P27 Q43287 +Q11609 P463 Q1493021 +Q1179504 P172 Q49085 +Q24075 P840 Q18419 +Q5912 P20 Q48958 +Q237654 P136 Q186472 +Q287177 P136 Q8341 +Q131152 P106 Q36180 +Q327713 P161 Q14537 +Q213775 P19 Q3955 +Q433893 P106 Q2526255 +Q9049 P69 Q49117 +Q192348 P463 Q191583 +Q1131481 P106 Q193391 +Q461768 P495 Q30 +Q442300 P27 Q30 +Q246997 P136 Q645928 +Q311253 P106 Q36180 +Q258 P530 Q145 +Q735399 P106 Q201788 +Q9041 P463 Q123885 +Q60025 P737 Q183167 +Q384847 P106 Q860918 +Q336222 P1303 Q6607 +Q832085 P27 Q77 +Q455552 P136 Q200092 +Q1362223 P106 Q177220 +Q116760 P106 Q33999 +Q220751 P106 Q33999 +Q709499 P106 Q158852 +Q359665 P106 Q36180 +Q259691 P136 Q20502 +Q55641 P264 Q203059 +Q370155 P106 Q488205 +Q3335 P1412 Q150 +Q192402 P106 Q177220 +Q265252 P106 Q6168364 +Q223117 P69 Q4359408 +Q116309 P20 Q656 +Q34266 P37 Q809 +Q1701970 P509 Q12078 +Q1558698 P108 Q1702106 +Q9095 P106 Q33231 +Q61629 P69 Q999763 +Q909149 P840 Q774 +Q238871 P27 Q408 +Q163234 P19 Q5083 +Q92760 P106 Q82594 +Q106740 P737 Q1067 +Q342876 P495 Q145 +Q315707 P69 Q927373 +Q1373546 P19 Q90 +Q52922 P106 Q947873 +Q114405 P69 Q49088 +Q1346849 P136 Q2332751 +Q932884 P551 Q64 +Q940594 P136 Q35760 +Q315507 P69 Q308963 +Q953450 P27 Q155 +Q335643 P106 Q177220 +Q187019 P737 Q80137 +Q713213 P101 Q395 +Q46739 P1412 Q1321 +Q262850 P27 Q15180 +Q1710614 P136 Q8261 +Q2577771 P463 Q463303 +Q399 P530 Q458 +Q449371 P1303 Q17172850 +Q36450 P27 Q27306 +Q305864 P27 Q794 +Q104127 P26 Q104109 +Q89188 P27 Q174193 +Q80424 P136 Q43343 +Q330840 P20 Q3143067 +Q68121 P1412 Q188 +Q444520 P106 Q177220 +Q471774 P106 Q639669 +Q291731 P106 Q1930187 +Q16781 P1303 Q17172850 +Q446024 P106 Q36180 +Q232449 P106 Q488205 +Q155684 P19 Q1781 +Q180279 P161 Q309980 +Q238702 P106 Q483501 +Q93187 P106 Q10800557 +Q83396 P106 Q18814623 +Q183167 P106 Q28389 +Q392697 P161 Q164069 +Q1777864 P27 Q142 +Q76 P140 Q23540 +Q10681 P1303 Q17172850 +Q58077 P106 Q82955 +Q4681470 P27 Q30 +Q191088 P1303 Q6607 +Q313868 P106 Q12800682 +Q538379 P27 Q34266 +Q180008 P161 Q174908 +Q77824 P106 Q333634 +Q366521 P19 Q3616 +Q794 P530 Q232 +Q224544 P106 Q36180 +Q77060 P27 Q7318 +Q57075 P1412 Q188 +Q98120 P106 Q1234713 +Q114760 P140 Q9268 +Q465350 P551 Q21 +Q294975 P1412 Q1860 +Q3071779 P106 Q43845 +Q334665 P106 Q36180 +Q8556 P1412 Q7411 +Q482708 P20 Q8684 +Q91470 P106 Q40348 +Q427884 P106 Q488205 +Q84770 P106 Q155647 +Q180409 P1412 Q150 +Q1824699 P106 Q177220 +Q656 P17 Q139319 +Q72014 P106 Q1415090 +Q157242 P106 Q593644 +Q154723 P106 Q783906 +Q451825 P106 Q1930187 +Q72787 P19 Q2805 +Q58626 P106 Q82955 +Q234967 P106 Q28389 +Q83287 P106 Q10798782 +Q1941315 P108 Q503419 +Q102660 P1412 Q188 +Q76509 P1412 Q188 +Q869 P530 Q96 +Q32927 P106 Q49757 +Q50005 P1412 Q652 +Q47667 P1412 Q7850 +Q2599 P136 Q9730 +Q1509908 P20 Q65 +Q858 P530 Q148 +Q1077405 P172 Q49085 +Q62437 P27 Q183 +Q93188 P106 Q33999 +Q941984 P136 Q37073 +Q202319 P1303 Q17172850 +Q84942 P172 Q7325 +Q310113 P106 Q753110 +Q158060 P106 Q2306091 +Q283859 P106 Q864380 +Q164979 P19 Q1726 +Q323641 P19 Q4093 +Q657 P530 Q1049 +Q230530 P106 Q33999 +Q190386 P27 Q16 +Q41749 P106 Q82955 +Q553276 P106 Q36180 +Q161877 P106 Q5716684 +Q440007 P106 Q33999 +Q1178 P1412 Q150 +Q208116 P106 Q12144794 +Q192165 P136 Q21590660 +Q966894 P106 Q4263842 +Q353866 P108 Q216047 +Q211206 P161 Q272935 +Q124894 P106 Q169470 +Q24302 P69 Q49112 +Q554775 P106 Q15981151 +Q69115 P69 Q152087 +Q156902 P27 Q12548 +Q63190 P106 Q82955 +Q76395 P1412 Q150 +Q11637 P106 Q2259451 +Q88194 P106 Q20725072 +Q332670 P509 Q12152 +Q106440 P161 Q323452 +Q704696 P101 Q431 +Q228909 P264 Q4413456 +Q230622 P106 Q488205 +Q47667 P20 Q1867 +Q100005 P102 Q537303 +Q237173 P509 Q12136 +Q1626025 P106 Q18814623 +Q1608224 P106 Q158852 +Q184843 P136 Q188473 +Q300393 P840 Q1391 +Q964396 P69 Q1068258 +Q430900 P106 Q34074720 +Q470572 P161 Q102551 +Q309756 P26 Q180665 +Q754 P530 Q148 +Q733720 P19 Q60 +Q329709 P495 Q30 +Q303678 P161 Q230203 +Q315826 P106 Q639669 +Q1282413 P1412 Q1860 +Q170564 P136 Q20443008 +Q4808641 P106 Q33999 +Q258009 P495 Q30 +Q1372074 P69 Q616591 +Q559774 P106 Q28389 +Q556648 P106 Q82955 +Q373362 P136 Q1146335 +Q354604 P106 Q12800682 +Q737570 P106 Q28389 +Q4235 P3373 Q54867 +Q28776 P161 Q313755 +Q377956 P27 Q241 +Q20726 P106 Q860918 +Q9387 P1412 Q188 +Q71242 P106 Q1930187 +Q280400 P136 Q157443 +Q362687 P641 Q36389 +Q320 P1412 Q7737 +Q15180 P30 Q46 +Q262861 P19 Q10686 +Q223367 P495 Q145 +Q709 P463 Q294278 +Q111323 P102 Q49750 +Q371938 P264 Q843402 +Q581943 P27 Q838261 +Q38111 P27 Q30 +Q298209 P172 Q49085 +Q4425869 P19 Q649 +Q32661 P106 Q947873 +Q75757 P106 Q1622272 +Q30875 P136 Q21010853 +Q127866 P495 Q15180 +Q370711 P106 Q36834 +Q75757 P69 Q156737 +Q276415 P840 Q65 +Q196287 P20 Q60 +Q183094 P106 Q2306091 +Q44414 P106 Q2526255 +Q110085 P20 Q3806 +Q1378383 P108 Q503246 +Q443403 P20 Q2807 +Q34286 P27 Q174193 +Q326114 P136 Q130232 +Q234428 P106 Q639669 +Q62414 P106 Q1930187 +Q983249 P27 Q29999 +Q51566 P106 Q10798782 +Q188093 P106 Q11774202 +Q102289 P106 Q18939491 +Q7286 P101 Q170790 +Q963015 P27 Q145 +Q213579 P106 Q169470 +Q357645 P136 Q850412 +Q86812 P27 Q30 +Q156902 P1412 Q9063 +Q67405 P106 Q333634 +Q901070 P463 Q463303 +Q375845 P1412 Q9067 +Q78514 P172 Q7325 +Q236630 P1412 Q1860 +Q240890 P106 Q864380 +Q208537 P106 Q18814623 +Q117913 P3373 Q289303 +Q215855 P136 Q11366 +Q230196 P27 Q30 +Q311256 P106 Q7042855 +Q21088 P27 Q183 +Q320025 P27 Q30 +Q229599 P136 Q188473 +Q717 P530 Q35 +Q55946077 P106 Q1792450 +Q57242 P106 Q214917 +Q87293 P463 Q329464 +Q187884 P69 Q927373 +Q892930 P106 Q36180 +Q179858 P1412 Q1412 +Q202792 P26 Q356129 +Q61132 P463 Q150793 +Q55462 P119 Q27426 +Q188845 P57 Q269692 +Q313185 P69 Q131252 +Q41166 P106 Q36180 +Q212446 P140 Q60995 +Q78791 P172 Q170217 +Q242162 P27 Q30 +Q921516 P1412 Q7737 +Q231135 P106 Q5716684 +Q704683 P106 Q183945 +Q23810 P106 Q6606110 +Q82925 P106 Q36180 +Q992295 P136 Q45981 +Q242571 P1412 Q1860 +Q155 P361 Q12585 +Q213613 P106 Q1415090 +Q255129 P1412 Q1860 +Q943361 P106 Q81096 +Q54867 P106 Q177220 +Q538000 P264 Q183412 +Q705400 P106 Q10798782 +Q193048 P106 Q214917 +Q268940 P106 Q4610556 +Q44578 P495 Q30 +Q201418 P3373 Q251984 +Q152293 P108 Q215539 +Q261041 P1412 Q652 +Q538362 P106 Q2865819 +Q66545534 P407 Q5287 +Q186485 P106 Q28389 +Q275185 P106 Q177220 +Q704682 P106 Q36180 +Q313509 P106 Q2516866 +Q851 P530 Q884 +Q1082420 P106 Q855091 +Q232395 P19 Q621549 +Q180710 P106 Q5716684 +Q283859 P106 Q13590141 +Q289752 P106 Q10800557 +Q46636 P140 Q7066 +Q217619 P106 Q4853732 +Q22072 P1303 Q5994 +Q167635 P136 Q11401 +Q178653 P27 Q142 +Q60486 P463 Q833738 +Q239067 P463 Q123885 +Q189599 P106 Q36180 +Q41 P463 Q1969730 +Q373267 P161 Q232985 +Q103917 P463 Q8038459 +Q159636 P140 Q5043 +Q33760 P108 Q13371 +Q339551 P69 Q4614 +Q333855 P106 Q131524 +Q43203 P463 Q463303 +Q3133221 P106 Q1930187 +Q124993 P20 Q1486 +Q84238 P27 Q40 +Q313311 P106 Q33999 +Q298551 P106 Q13382533 +Q7301731 P106 Q36180 +Q151921 P136 Q1146335 +Q64397 P69 Q49088 +Q303 P264 Q898618 +Q262479 P106 Q4610556 +Q424 P530 Q668 +Q712359 P509 Q372701 +Q3229792 P106 Q81096 +Q366355 P140 Q93191 +Q303040 P161 Q312129 +Q84423 P1412 Q9288 +Q708078 P1412 Q150 +Q676562 P20 Q90 +Q982047 P106 Q901 +Q366307 P106 Q1930187 +Q242643 P27 Q30 +Q49111 P138 Q350 +Q342419 P69 Q230899 +Q66316 P172 Q858 +Q342788 P106 Q10800557 +Q352766 P106 Q183945 +Q858741 P106 Q855091 +Q272719 P1303 Q17172850 +Q25188 P136 Q20656232 +Q64991 P106 Q40348 +Q387047 P17 Q30 +Q244234 P27 Q38 +Q55433 P106 Q7042855 +Q159054 P136 Q622291 +Q365985 P106 Q33999 +Q263582 P106 Q2722764 +Q314942 P136 Q2973181 +Q337531 P159 Q90 +Q106709 P69 Q1664782 +Q291180 P161 Q41042 +Q221 P530 Q43 +Q659027 P27 Q414 +Q94831 P106 Q855091 +Q106514 P27 Q30 +Q234928 P19 Q1297 +Q184535 P108 Q221645 +Q192515 P106 Q855091 +Q612005 P101 Q23404 +Q55169 P1412 Q809 +Q62539 P27 Q183 +Q79969 P737 Q30875 +Q232810 P106 Q350979 +Q57298 P3373 Q183187 +Q2621694 P108 Q27923720 +Q34 P463 Q191384 +Q369292 P106 Q3282637 +Q984353 P264 Q216364 +Q376140 P27 Q30 +Q66634 P69 Q152087 +Q3101841 P19 Q16555 +Q89014 P108 Q122453 +Q377939 P161 Q193070 +Q255376 P161 Q152767 +Q30 P530 Q734 +Q2263 P106 Q948329 +Q217557 P106 Q36180 +Q717 P530 Q40362 +Q633103 P27 Q30 +Q459251 P136 Q11401 +Q2233935 P106 Q1281618 +Q1175266 P106 Q36834 +Q717543 P119 Q2972543 +Q460852 P1303 Q17172850 +Q430852 P161 Q112307 +Q207921 P840 Q21 +Q68865 P106 Q81096 +Q67869663 P136 Q2913982 +Q470193 P106 Q81096 +Q65619 P27 Q40 +Q273022 P1303 Q17172850 +Q29697 P161 Q309835 +Q822 P530 Q399 +Q262396 P106 Q183945 +Q135867 P57 Q725060 +Q98178 P1412 Q188 +Q294321 P106 Q36180 +Q85108 P27 Q183 +Q359474 P19 Q18419 +Q60469 P19 Q1799 +Q12807 P101 Q192239 +Q153018 P119 Q240744 +Q542101 P136 Q9794 +Q18809 P106 Q214917 +Q178865 P106 Q1326886 +Q1509379 P69 Q193196 +Q39524 P19 Q87 +Q45909 P1303 Q81982 +Q159542 P1412 Q397 +Q213754 P106 Q219477 +Q450412 P463 Q463303 +Q1891483 P19 Q220 +Q159 P530 Q843 +Q23395 P161 Q44380 +Q35733 P1412 Q7737 +Q116105 P106 Q177220 +Q343477 P106 Q713200 +Q186924 P119 Q6923684 +Q269890 P102 Q29552 +Q274429 P20 Q90 +Q105801 P136 Q471839 +Q30449 P1412 Q1860 +Q104049 P106 Q10800557 +Q91417 P102 Q29468 +Q77807 P106 Q753110 +Q26318 P1412 Q1860 +Q107894 P161 Q232876 +Q203843 P27 Q96 +Q265202 P19 Q16739 +Q1772432 P27 Q142 +Q302880 P106 Q49757 +Q433979 P140 Q7066 +Q60486 P69 Q154804 +Q165792 P737 Q37160 +Q67538 P106 Q14467526 +Q58057 P106 Q753110 +Q240174 P136 Q12799318 +Q190772 P106 Q1622272 +Q1058124 P106 Q81096 +Q94701 P463 Q463303 +Q460664 P57 Q51575 +Q188850 P161 Q873 +Q84412 P27 Q28513 +Q2849296 P106 Q1028181 +Q221771 P1412 Q1321 +Q237518 P27 Q15180 +Q37459 P1412 Q1860 +Q194917 P136 Q1344 +Q262 P463 Q1065 +Q432689 P172 Q49085 +Q61078 P69 Q659080 +Q251338 P106 Q201788 +Q318263 P106 Q36180 +Q221074 P106 Q36834 +Q75889 P106 Q36180 +Q164702 P495 Q183 +Q34743 P106 Q18844224 +Q273215 P136 Q21590660 +Q72916 P102 Q7320 +Q18913 P463 Q338432 +Q77161 P106 Q1238570 +Q62843 P69 Q1093910 +Q160325 P106 Q158852 +Q278550 P495 Q30 +Q207921 P136 Q17013749 +Q130355 P106 Q486748 +Q129598 P106 Q182436 +Q103598 P463 Q188771 +Q367653 P19 Q60 +Q60487 P136 Q2137852 +Q86864 P27 Q34266 +Q1062350 P1412 Q7737 +Q232837 P106 Q482980 +Q78487 P737 Q9358 +Q526107 P106 Q639669 +Q347436 P19 Q8652 +Q313551 P20 Q90 +Q182229 P108 Q126399 +Q118488 P106 Q2526255 +Q30896 P19 Q39561 +Q216692 P108 Q186285 +Q309246 P495 Q155 +Q865 P530 Q155 +Q55168 P69 Q3064325 +Q273233 P172 Q49085 +Q232968 P106 Q33999 +Q311615 P551 Q16558 +Q186221 P69 Q926749 +Q273876 P106 Q177220 +Q902 P463 Q188822 +Q8556 P106 Q82594 +Q215282 P106 Q1234713 +Q91166 P27 Q183 +Q321917 P106 Q10800557 +Q973400 P27 Q15180 +Q433403 P509 Q12078 +Q46633 P69 Q35794 +Q1893889 P172 Q7325 +Q1028715 P106 Q639669 +Q233295 P106 Q8246794 +Q1744 P737 Q5383 +Q117185 P106 Q82955 +Q58195 P106 Q82955 +Q706422 P27 Q30 +Q366671 P1303 Q128309 +Q1203 P264 Q585643 +Q300423 P161 Q329719 +Q947519 P119 Q1950363 +Q7301731 P69 Q391028 +Q208269 P161 Q202765 +Q534419 P106 Q1415090 +Q164824 P463 Q329464 +Q187199 P101 Q413 +Q359568 P106 Q1662561 +Q356994 P106 Q488205 +Q184697 P106 Q10800557 +Q822666 P106 Q901 +Q184746 P106 Q1622272 +Q445095 P106 Q36180 +Q274604 P27 Q30 +Q94513 P136 Q848399 +Q111323 P172 Q7325 +Q311729 P463 Q219989 +Q948941 P119 Q1457437 +Q37 P530 Q16 +Q93043 P108 Q193196 +Q298773 P27 Q29 +Q128956 P20 Q84 +Q918966 P1412 Q7737 +Q207596 P106 Q3455803 +Q40046 P1412 Q1860 +Q219646 P27 Q29 +Q636637 P1412 Q9299 +Q1094716 P69 Q21578 +Q842 P463 Q827525 +Q67144 P19 Q1726 +Q221249 P136 Q859369 +Q64577 P27 Q713750 +Q17714 P19 Q34217 +Q103774 P509 Q181754 +Q30 P530 Q228 +Q109612 P119 Q1771319 +Q257271 P19 Q16555 +Q9358 P737 Q5879 +Q41322 P106 Q4964182 +Q288150 P161 Q234798 +Q16296 P106 Q10800557 +Q1345514 P3373 Q297744 +Q230 P530 Q971 +Q310217 P106 Q3282637 +Q276139 P106 Q36834 +Q168468 P463 Q83172 +Q23114 P1412 Q188 +Q1811612 P106 Q639669 +Q38049 P101 Q35760 +Q466569 P106 Q1086863 +Q128529 P1412 Q1860 +Q7439 P1412 Q1321 +Q648366 P1303 Q6607 +Q215478 P106 Q1930187 +Q78006 P106 Q2405480 +Q217110 P69 Q168515 +Q797659 P1412 Q150 +Q380407 P106 Q131524 +Q286022 P106 Q4610556 +Q57319 P463 Q337526 +Q41 P463 Q41550 +Q2795 P138 Q9061 +Q274400 P161 Q314569 +Q60093 P106 Q82594 +Q263024 P27 Q30 +Q1246 P530 Q45 +Q171976 P108 Q4345832 +Q408 P530 Q1246 +Q88821 P106 Q36180 +Q360674 P106 Q639669 +Q292539 P101 Q482 +Q61597 P106 Q4853732 +Q86093 P69 Q689400 +Q1537105 P27 Q20 +Q428490 P106 Q36834 +Q188652 P161 Q329700 +Q91981 P27 Q183 +Q124670 P136 Q83440 +Q175104 P106 Q2405480 +Q113233 P106 Q36180 +Q707446 P1412 Q1860 +Q256708 P106 Q10800557 +Q1811612 P106 Q15295720 +Q20562503 P3373 Q2449206 +Q273233 P1412 Q1860 +Q235934 P1303 Q17172850 +Q319342 P27 Q30 +Q195390 P106 Q1930187 +Q691076 P264 Q21077 +Q185655 P106 Q28389 +Q160456 P463 Q1938003 +Q516004 P1412 Q1860 +Q31013 P136 Q131272 +Q977 P463 Q17495 +Q30449 P264 Q664167 +Q117101 P106 Q1930187 +Q256037 P136 Q130232 +Q331587 P106 Q158852 +Q462447 P161 Q442310 +Q213081 P161 Q4349 +Q310798 P27 Q145 +Q80222 P108 Q83259 +Q366195 P1412 Q1860 +Q157032 P172 Q2436423 +Q113206 P106 Q10798782 +Q231091 P106 Q2259451 +Q229018 P27 Q30 +Q220010 P106 Q855091 +Q154077 P161 Q331652 +Q201608 P26 Q185122 +Q893667 P119 Q4263743 +Q76480 P106 Q864380 +Q573299 P463 Q46703 +Q274609 P106 Q33999 +Q110201 P106 Q1930187 +Q52583 P106 Q177220 +Q429207 P463 Q463303 +Q44892 P136 Q817138 +Q797649 P20 Q60 +Q738566 P106 Q3242115 +Q506915 P463 Q653632 +Q37 P463 Q1043527 +Q1246 P530 Q222 +Q273532 P106 Q33999 +Q241800 P106 Q2405480 +Q95447 P27 Q183 +Q1396305 P69 Q1472245 +Q337226 P106 Q2526255 +Q77087 P27 Q43287 +Q944275 P19 Q90 +Q187324 P106 Q6625963 +Q278174 P106 Q876864 +Q338623 P102 Q79854 +Q713443 P106 Q36180 +Q1409622 P1412 Q1860 +Q189599 P264 Q203059 +Q150471 P119 Q64 +Q1545 P106 Q2259451 +Q230591 P106 Q36180 +Q298694 P106 Q55960555 +Q131549 P106 Q36180 +Q35648 P106 Q1622272 +Q1348831 P40 Q274117 +Q165421 P40 Q230303 +Q633 P264 Q21077 +Q689713 P69 Q645663 +Q1930839 P106 Q28389 +Q40912 P509 Q12152 +Q704682 P106 Q10843402 +Q1430 P106 Q82955 +Q83297 P463 Q191583 +Q444125 P106 Q2259451 +Q315348 P26 Q463639 +Q892 P737 Q207640 +Q426393 P495 Q30 +Q705515 P101 Q11634 +Q590911 P106 Q1930187 +Q158060 P463 Q2839513 +Q11998 P106 Q3922505 +Q448776 P106 Q36180 +Q167774 P106 Q10798782 +Q1238828 P1303 Q17172850 +Q292543 P106 Q2259451 +Q528140 P106 Q12800682 +Q91023 P69 Q152171 +Q363525 P106 Q10798782 +Q214602 P27 Q183 +Q108270 P106 Q10800557 +Q747 P106 Q36180 +Q57074 P106 Q49757 +Q389151 P161 Q297744 +Q115134 P172 Q974693 +Q103174 P106 Q2059704 +Q502362 P106 Q1930187 +Q25139 P495 Q30 +Q57430 P509 Q175111 +Q215979 P108 Q152838 +Q726295 P106 Q639669 +Q441836 P106 Q1053574 +Q76893 P20 Q2887 +Q239652 P106 Q12144794 +Q101064 P27 Q7318 +Q185610 P106 Q855091 +Q228676 P106 Q10800557 +Q161842 P27 Q15180 +Q230622 P106 Q4610556 +Q14281 P463 Q191583 +Q219442 P136 Q2975633 +Q277559 P1412 Q7737 +Q56074 P106 Q177220 +Q240647 P106 Q4853732 +Q64988 P69 Q152087 +Q198644 P106 Q11774202 +Q1928051 P20 Q36091 +Q40115 P136 Q157443 +Q41594 P106 Q639669 +Q94370 P119 Q190494 +Q35 P530 Q399 +Q1344392 P463 Q463303 +Q123878 P27 Q191077 +Q843 P530 Q403 +Q221820 P840 Q17042 +Q92638 P108 Q21578 +Q419 P463 Q1043527 +Q234428 P264 Q202440 +Q27411 P161 Q676094 +Q1649321 P136 Q9759 +Q184500 P106 Q36180 +Q334646 P69 Q797892 +Q3710088 P106 Q169470 +Q124527 P106 Q18814623 +Q61708 P69 Q152087 +Q156058 P69 Q152087 +Q29473 P106 Q250867 +Q336769 P27 Q15180 +Q548438 P102 Q29468 +Q2685 P106 Q2526255 +Q3047837 P69 Q273626 +Q270510 P136 Q860626 +Q40826 P106 Q36180 +Q38 P463 Q41984 +Q150471 P69 Q672420 +Q296370 P106 Q2526255 +Q2281897 P108 Q457281 +Q231530 P27 Q30 +Q457739 P106 Q1930187 +Q41 P530 Q229 +Q1666 P106 Q28389 +Q200299 P136 Q130232 +Q162045 P27 Q16 +Q92649 P106 Q1231865 +Q548345 P106 Q1930187 +Q144669 P172 Q49085 +Q247501 P106 Q33999 +Q379580 P27 Q30 +Q262 P530 Q40362 +Q467630 P463 Q12751277 +Q87972 P106 Q1028181 +Q373849 P161 Q20178 +Q172035 P1412 Q1860 +Q280098 P106 Q4610556 +Q161678 P161 Q212790 +Q323834 P740 Q84 +Q174210 P136 Q482 +Q25351 P463 Q451079 +Q311987 P106 Q5716684 +Q57085 P1412 Q188 +Q371639 P69 Q3064332 +Q538379 P106 Q193391 +Q1801255 P27 Q96 +Q153905 P20 Q90 +Q89516 P463 Q2370801 +Q202749 P106 Q11774202 +Q332394 P161 Q382676 +Q75116 P463 Q329464 +Q106655 P551 Q64 +Q217294 P840 Q18125 +Q46096 P19 Q1055 +Q227 P30 Q46 +Q84199 P108 Q686522 +Q464037 P106 Q49757 +Q290094 P551 Q65 +Q855 P102 Q79854 +Q72 P463 Q1768108 +Q746923 P27 Q17 +Q238719 P106 Q753110 +Q378240 P27 Q31 +Q44063 P106 Q33999 +Q34166 P106 Q18814623 +Q315181 P1412 Q7737 +Q971493 P69 Q2599077 +Q430852 P161 Q234117 +Q455951 P106 Q6625963 +Q133009 P108 Q1065 +Q1226921 P136 Q9759 +Q124494 P19 Q64 +Q97096 P106 Q36180 +Q8016 P106 Q82955 +Q322272 P20 Q127856 +Q44872 P1412 Q188 +Q217112 P136 Q192881 +Q930961 P19 Q2868 +Q255725 P119 Q592204 +Q106073 P106 Q28389 +Q967846 P106 Q131524 +Q916 P463 Q816706 +Q128460 P172 Q121842 +Q426828 P161 Q233368 +Q708506 P1303 Q320002 +Q24075 P840 Q766 +Q6714 P106 Q182436 +Q544387 P136 Q180268 +Q107002 P27 Q145 +Q2281920 P106 Q3368718 +Q470543 P106 Q81096 +Q470334 P106 Q6625963 +Q106795 P136 Q11635 +Q1931654 P69 Q49115 +Q1396681 P106 Q183945 +Q551597 P106 Q1930187 +Q504920 P361 Q183048 +Q446743 P69 Q151510 +Q229957 P172 Q115026 +Q179695 P106 Q6625963 +Q178527 P106 Q10800557 +Q78505 P20 Q65 +Q359568 P463 Q543804 +Q99279 P106 Q482980 +Q9695 P27 Q179876 +Q47100 P106 Q948329 +Q237951 P106 Q49757 +Q193426 P509 Q181754 +Q18832 P106 Q1930187 +Q223769 P106 Q33999 +Q115922 P1412 Q1860 +Q219782 P106 Q55960555 +Q28493 P108 Q740308 +Q516004 P106 Q164236 +Q41269 P463 Q466089 +Q131433 P106 Q488205 +Q97383 P106 Q82955 +Q155855 P119 Q118967 +Q343983 P69 Q1335573 +Q91587 P106 Q2259451 +Q2516 P27 Q713750 +Q277976 P106 Q131524 +Q45553 P106 Q10800557 +Q40 P530 Q881 +Q322303 P106 Q753110 +Q180019 P1303 Q258896 +Q378891 P57 Q269692 +Q107761 P161 Q232860 +Q1400917 P27 Q15180 +Q865 P530 Q265 +Q27 P530 Q258 +Q232348 P1303 Q5994 +Q229550 P27 Q30 +Q312280 P509 Q47912 +Q190379 P106 Q482980 +Q327240 P27 Q30 +Q72564 P1412 Q188 +Q705715 P1412 Q1860 +Q206886 P161 Q314290 +Q174843 P140 Q748 +Q19658 P102 Q29468 +Q61390 P19 Q2966 +Q208203 P27 Q884 +Q1884 P463 Q747279 +Q14747 P19 Q2807 +Q502325 P106 Q211236 +Q158474 P136 Q3990883 +Q361683 P106 Q33999 +Q150894 P463 Q1971373 +Q311093 P106 Q10798782 +Q295120 P264 Q18628 +Q244674 P27 Q145 +Q300479 P69 Q174710 +Q16397 P106 Q36180 +Q128604 P106 Q201788 +Q19069 P495 Q30 +Q75968 P106 Q1622272 +Q233957 P1412 Q1321 +Q287309 P106 Q177220 +Q1391397 P27 Q25 +Q833 P530 Q218 +Q74289 P106 Q39631 +Q42398 P102 Q79854 +Q165706 P106 Q16145150 +Q70989 P26 Q76815 +Q2686748 P27 Q139319 +Q243643 P136 Q19367312 +Q337090 P161 Q57391 +Q180011 P1412 Q1860 +Q61497 P101 Q11023 +Q1003730 P17 Q219 +Q318910 P136 Q130232 +Q335760 P19 Q23306 +Q949337 P106 Q2405480 +Q331 P108 Q168751 +Q968565 P106 Q18844224 +Q113206 P26 Q232927 +Q130547 P19 Q18125 +Q231128 P106 Q28389 +Q826 P30 Q48 +Q37767 P106 Q11774202 +Q317160 P20 Q23436 +Q165219 P451 Q170530 +Q181659 P737 Q42511 +Q298025 P69 Q49167 +Q262838 P1303 Q17172850 +Q311684 P106 Q1930187 +Q449525 P1303 Q46185 +Q189081 P1412 Q1860 +Q180962 P106 Q2526255 +Q76487 P172 Q42884 +Q319896 P106 Q49757 +Q85716 P106 Q36180 +Q344567 P106 Q10800557 +Q42869 P140 Q1841 +Q440551 P106 Q177220 +Q393407 P19 Q437 +Q56094 P106 Q28389 +Q238364 P27 Q30 +Q71635 P1412 Q188 +Q1209649 P27 Q30 +Q43303 P27 Q30 +Q43264 P1412 Q5146 +Q851 P530 Q36 +Q137106 P509 Q12152 +Q181900 P106 Q1607826 +Q106797 P106 Q947873 +Q383844 P57 Q270639 +Q129399 P19 Q34739 +Q2149885 P106 Q128124 +Q255593 P1412 Q652 +Q366057 P1412 Q150 +Q191719 P106 Q177220 +Q362681 P106 Q10800557 +Q541708 P1412 Q1860 +Q151691 P69 Q156737 +Q893667 P27 Q15180 +Q224647 P136 Q130232 +Q325679 P20 Q33935 +Q468452 P106 Q40348 +Q3547 P27 Q172107 +Q7327 P106 Q189290 +Q75866 P106 Q82955 +Q66155 P1412 Q188 +Q131691 P69 Q192088 +Q465127 P1303 Q17172850 +Q284229 P161 Q269869 +Q189081 P106 Q81096 +Q188117 P106 Q3282637 +Q71130 P551 Q18424 +Q290370 P27 Q30 +Q1432130 P1412 Q1860 +Q152306 P1412 Q1412 +Q199943 P106 Q245068 +Q324162 P106 Q10800557 +Q255129 P1303 Q17172850 +Q6694 P106 Q15472169 +Q434640 P106 Q36180 +Q697818 P27 Q213 +Q76616 P463 Q684415 +Q216927 P106 Q177220 +Q589585 P106 Q11774202 +Q85636 P27 Q176495 +Q516870 P106 Q2516866 +Q454970 P106 Q193391 +Q919462 P106 Q639669 +Q22316 P106 Q16323111 +Q45970 P106 Q36180 +Q229379 P264 Q1273666 +Q234891 P1303 Q8355 +Q168821 P136 Q645928 +Q187166 P106 Q2526255 +Q1265657 P106 Q155647 +Q376807 P161 Q164119 +Q462118 P106 Q177220 +Q1293950 P27 Q25 +Q219150 P161 Q432743 +Q113510 P106 Q4773904 +Q408 P530 Q31 +Q528340 P69 Q190080 +Q57619 P106 Q28389 +Q1383381 P1303 Q17172850 +Q722876 P27 Q30 +Q113206 P106 Q28389 +Q179558 P69 Q206702 +Q208101 P509 Q12152 +Q167211 P106 Q36180 +Q317592 P106 Q333634 +Q738196 P106 Q333634 +Q709 P463 Q827525 +Q78080 P106 Q482980 +Q7241 P20 Q1348 +Q49009 P106 Q3089940 +Q553259 P106 Q15296811 +Q724160 P27 Q30 +Q433059 P69 Q7060402 +Q161678 P161 Q111230 +Q189739 P119 Q168886 +Q1406622 P106 Q49757 +Q19661 P172 Q2325516 +Q711 P530 Q20 +Q44606 P1303 Q78987 +Q1277187 P509 Q181257 +Q945691 P106 Q2490358 +Q301077 P161 Q873 +Q251984 P737 Q178552 +Q22686 P27 Q30 +Q44857 P1303 Q5994 +Q278625 P106 Q947873 +Q4622 P108 Q131262 +Q99080 P20 Q56037 +Q86526 P106 Q1930187 +Q106221 P106 Q639669 +Q258750 P106 Q488205 +Q507075 P1412 Q1860 +Q189947 P106 Q36180 +Q73357 P108 Q152087 +Q11941 P1412 Q1860 +Q216409 P27 Q183 +Q260011 P106 Q6625963 +Q348497 P106 Q4853732 +Q97771 P19 Q64 +Q36 P463 Q191384 +Q107002 P172 Q42406 +Q104790 P19 Q1040 +Q78739 P463 Q338489 +Q847018 P136 Q45981 +Q71499 P509 Q12078 +Q57179 P102 Q7320 +Q919156 P106 Q639669 +Q178653 P1412 Q1860 +Q115055 P27 Q30 +Q370102 P172 Q49085 +Q107752 P106 Q947873 +Q179558 P106 Q82955 +Q103876 P27 Q145 +Q30 P530 Q970 +Q551015 P27 Q77 +Q34 P530 Q217 +Q61922 P69 Q20266330 +Q92635 P106 Q36180 +Q231276 P172 Q190168 +Q2673 P1412 Q1860 +Q63317 P106 Q10800557 +Q767 P106 Q4263842 +Q73437 P136 Q484641 +Q381944 P1412 Q7737 +Q437039 P27 Q30 +Q46602 P106 Q49757 +Q782738 P106 Q36180 +Q233229 P264 Q277626 +Q375024 P69 Q847099 +Q234865 P19 Q43668 +Q288936 P106 Q245068 +Q271145 P106 Q4610556 +Q381944 P463 Q4430504 +Q1389588 P69 Q158158 +Q282823 P1412 Q1860 +Q315592 P136 Q28026639 +Q183094 P463 Q329464 +Q805 P463 Q624307 +Q246497 P19 Q1773 +Q281034 P106 Q55960555 +Q258204 P136 Q28026639 +Q3188629 P69 Q926749 +Q383764 P106 Q2526255 +Q34628 P106 Q487596 +Q180636 P106 Q1930187 +Q71508 P106 Q10798782 +Q363666 P19 Q37836 +Q348534 P136 Q157443 +Q254748 P102 Q29552 +Q288588 P106 Q33999 +Q455754 P172 Q49085 +Q139121 P27 Q30 +Q710026 P106 Q82955 +Q63187 P106 Q2259451 +Q1013 P463 Q899770 +Q240872 P69 Q230492 +Q1233 P1412 Q652 +Q168862 P840 Q1342 +Q309926 P106 Q18814623 +Q1110652 P161 Q232282 +Q429397 P840 Q65 +Q232085 P136 Q850412 +Q33760 P106 Q170790 +Q382393 P106 Q10798782 +Q715701 P106 Q81096 +Q237081 P106 Q13590141 +Q77082 P27 Q183 +Q180560 P69 Q797078 +Q36844 P136 Q11401 +Q214697 P106 Q482980 +Q887347 P106 Q2526255 +Q16869 P30 Q46 +Q76498 P106 Q36180 +Q677769 P106 Q36180 +Q912791 P106 Q6625963 +Q238795 P106 Q1327329 +Q128560 P27 Q145 +Q118936 P136 Q11635 +Q506102 P106 Q1930187 +Q1042 P530 Q668 +Q76699 P108 Q152087 +Q299324 P641 Q2736 +Q968099 P27 Q15180 +Q115 P361 Q27407 +Q888671 P106 Q806349 +Q57106 P1412 Q397 +Q287748 P136 Q52162262 +Q887889 P69 Q9842 +Q220269 P108 Q152087 +Q229 P530 Q35 +Q344616 P27 Q30 +Q484427 P264 Q155152 +Q115483 P106 Q214917 +Q2632 P106 Q488205 +Q131691 P463 Q414379 +Q289003 P1303 Q17172850 +Q16400 P1412 Q150 +Q236960 P737 Q189080 +Q72124 P106 Q1622272 +Q275929 P136 Q49084 +Q562556 P106 Q1930187 +Q231886 P106 Q34074720 +Q1056805 P106 Q36834 +Q2496 P106 Q1622272 +Q5879 P172 Q42884 +Q61195 P106 Q1231865 +Q77851 P106 Q36180 +Q347362 P737 Q184226 +Q267406 P69 Q49210 +Q219782 P106 Q177220 +Q390097 P161 Q233368 +Q92804 P463 Q127992 +Q57218 P106 Q2306091 +Q455236 P106 Q753110 +Q485310 P106 Q10798782 +Q2626233 P69 Q4453555 +Q73013 P106 Q36180 +Q548345 P106 Q6625963 +Q1820469 P1303 Q17172850 +Q356397 P40 Q349799 +Q929 P463 Q17495 +Q470732 P106 Q37226 +Q312270 P1303 Q17172850 +Q68757 P106 Q2374149 +Q360507 P27 Q15180 +Q373500 P106 Q10800557 +Q29315 P27 Q183 +Q698714 P1412 Q1860 +Q90709 P69 Q50662 +Q9155759 P106 Q33231 +Q43330 P27 Q15180 +Q1101377 P2348 Q6927 +Q57430 P106 Q185351 +Q657 P463 Q899770 +Q1064413 P3373 Q458390 +Q157255 P463 Q3394637 +Q272256 P106 Q36180 +Q2908 P26 Q445703 +Q272225 P106 Q17125263 +Q3825107 P495 Q33946 +Q230622 P106 Q2961975 +Q69439 P27 Q183 +Q369388 P136 Q1033891 +Q127539 P106 Q1622272 +Q265661 P172 Q49085 +Q74289 P102 Q7320 +Q43189 P106 Q1643514 +Q235525 P551 Q117 +Q40 P463 Q81299 +Q354382 P106 Q82955 +Q320642 P17 Q183 +Q77144 P737 Q859 +Q86152 P106 Q214917 +Q706417 P106 Q753110 +Q441226 P27 Q159 +Q388557 P106 Q2526255 +Q182692 P161 Q184572 +Q254748 P1303 Q17172850 +Q12674 P106 Q205375 +Q223596 P161 Q344973 +Q336018 P106 Q2526255 +Q288098 P161 Q134180 +Q464251 P69 Q761534 +Q723281 P106 Q43845 +Q93652 P106 Q214917 +Q180850 P136 Q45981 +Q548185 P106 Q901 +Q189375 P106 Q81096 +Q175457 P106 Q1622272 +Q705458 P264 Q216364 +Q2492 P69 Q153987 +Q17 P463 Q1065 +Q443190 P106 Q14467526 +Q86096 P1412 Q397 +Q95026 P106 Q177220 +Q121698 P17 Q30 +Q1027 P361 Q27407 +Q70130 P136 Q37073 +Q38111 P106 Q28389 +Q4473 P106 Q10800557 +Q81082 P69 Q1189954 +Q92804 P69 Q49108 +Q214309 P27 Q145 +Q272019 P19 Q41819 +Q84867 P106 Q201788 +Q230476 P20 Q38022 +Q287960 P136 Q188473 +Q41166 P106 Q6625963 +Q64812 P119 Q564922 +Q439955 P106 Q36834 +Q39 P530 Q928 +Q215937 P20 Q84 +Q38875 P106 Q10800557 +Q55207 P19 Q649 +Q50797 P136 Q203775 +Q79025 P106 Q49757 +Q211213 P264 Q935090 +Q200586 P101 Q207628 +Q84186 P737 Q153034 +Q348170 P106 Q482980 +Q55630 P17 Q28513 +Q1389258 P106 Q3391743 +Q197491 P161 Q16296 +Q218210 P106 Q33999 +Q220018 P463 Q463281 +Q86809 P106 Q14467526 +Q105531 P1412 Q188 +Q230943 P106 Q10800557 +Q128187 P136 Q2484376 +Q704696 P106 Q1930187 +Q2538 P106 Q15980158 +Q366217 P101 Q11629 +Q1528163 P106 Q1622272 +Q152335 P1412 Q9067 +Q263930 P136 Q188473 +Q935258 P20 Q649 +Q712860 P1303 Q6607 +Q445405 P264 Q202440 +Q229184 P106 Q4610556 +Q96290 P102 Q152554 +Q535 P463 Q12759592 +Q8007 P1412 Q188 +Q6701 P463 Q329464 +Q709464 P106 Q177220 +Q346411 P69 Q4614 +Q64577 P20 Q220 +Q336010 P106 Q1930187 +Q230196 P106 Q36180 +Q347986 P737 Q334648 +Q310947 P106 Q33999 +Q964620 P1303 Q5994 +Q151792 P161 Q179576 +Q408 P530 Q96 +Q881189 P69 Q776223 +Q131725 P1303 Q17172850 +Q457306 P106 Q28389 +Q552529 P509 Q333495 +Q171711 P136 Q188473 +Q239897 P1412 Q150 +Q311987 P106 Q245068 +Q921542 P509 Q206901 +Q449072 P106 Q639669 +Q211462 P19 Q17042 +Q313039 P106 Q3282637 +Q414 P530 Q145 +Q102568 P69 Q152171 +Q310618 P106 Q36180 +Q42051 P136 Q157394 +Q208993 P106 Q1028181 +Q122003 P641 Q2736 +Q233265 P172 Q42406 +Q810 P463 Q4783148 +Q93401 P69 Q622683 +Q60506 P136 Q52162262 +Q155845 P106 Q36180 +Q97894 P20 Q64 +Q28 P530 Q79 +Q65337 P106 Q14467526 +Q12325 P1412 Q35497 +Q355245 P102 Q29468 +Q460379 P840 Q8652 +Q273814 P106 Q10800557 +Q44517 P27 Q176495 +Q190050 P495 Q183 +Q720009 P264 Q202585 +Q155158 P106 Q5322166 +Q11813 P106 Q372436 +Q137106 P106 Q3368718 +Q125042 P106 Q1231865 +Q106482 P106 Q15214752 +Q157242 P463 Q117467 +Q216478 P106 Q333634 +Q184768 P135 Q377616 +Q51537 P106 Q33999 +Q974238 P106 Q639669 +Q16474 P108 Q9531 +Q5383 P135 Q484641 +Q12003 P106 Q10800557 +Q214953 P19 Q36036 +Q115694 P27 Q142 +Q1029 P463 Q7809 +Q119527 P106 Q15980158 +Q59653 P161 Q359604 +Q236960 P106 Q488205 +Q33866 P106 Q1225716 +Q47478 P1412 Q9610 +Q284917 P495 Q145 +Q264610 P264 Q216364 +Q442031 P19 Q1754 +Q234141 P106 Q10798782 +Q228585 P136 Q157443 +Q309589 P27 Q145 +Q158759 P136 Q188473 +Q833 P530 Q664 +Q461610 P102 Q29552 +Q1341315 P106 Q728425 +Q50861 P495 Q30 +Q4147199 P108 Q204181 +Q234606 P19 Q26339 +Q19845 P106 Q177220 +Q215904 P106 Q193391 +Q659238 P264 Q238095 +Q92643 P463 Q188771 +Q56011 P20 Q220 +Q34 P530 Q414 +Q233046 P1412 Q1860 +Q110138 P161 Q344973 +Q224650 P106 Q488205 +Q363949 P20 Q216 +Q453288 P140 Q9268 +Q330730 P1303 Q1444 +Q260011 P108 Q49124 +Q47695 P463 Q191583 +Q276343 P136 Q52162262 +Q291405 P106 Q33999 +Q966565 P20 Q23197 +Q40 P530 Q39 +Q51603 P1303 Q17172850 +Q709464 P27 Q30 +Q38 P530 Q224 +Q975547 P106 Q4853732 +Q99564 P106 Q36180 +Q154410 P20 Q1754 +Q44517 P108 Q695599 +Q861227 P19 Q18419 +Q44205 P27 Q183 +Q163872 P161 Q202589 +Q102438 P161 Q105466 +Q150526 P463 Q2822396 +Q84330 P106 Q10798782 +Q240082 P136 Q213665 +Q164396 P463 Q2095524 +Q340138 P495 Q30 +Q441067 P463 Q463303 +Q159054 P840 Q64 +Q518850 P106 Q39631 +Q229606 P1412 Q36510 +Q709044 P1303 Q17172850 +Q241 P463 Q1065 +Q17 P530 Q233 +Q338623 P101 Q16287483 +Q273727 P106 Q33999 +Q91997 P106 Q33999 +Q845278 P106 Q1930187 +Q350714 P106 Q10798782 +Q169564 P495 Q183 +Q726388 P108 Q131252 +Q813 P463 Q1043527 +Q455703 P106 Q1930187 +Q122701 P463 Q1636237 +Q1242553 P1303 Q3382191 +Q67901 P106 Q2259451 +Q66709 P108 Q51985 +Q1009 P463 Q7809 +Q152352 P119 Q881481 +Q236543 P106 Q177220 +Q100765 P108 Q309988 +Q255463 P106 Q4263842 +Q2805 P463 Q52144567 +Q158394 P106 Q6625963 +Q347128 P1412 Q1860 +Q481477 P106 Q36180 +Q35648 P463 Q463303 +Q34713 P463 Q1768108 +Q57382 P101 Q35760 +Q121698 P159 Q60 +Q61696 P495 Q30 +Q231255 P1303 Q17172850 +Q331896 P3373 Q317988 +Q60659 P1412 Q188 +Q4700 P69 Q2994538 +Q211329 P69 Q219317 +Q230501 P106 Q10800557 +Q2610 P27 Q16957 +Q708164 P27 Q27 +Q280400 P495 Q30 +Q184 P463 Q8475 +Q557472 P27 Q30 +Q28858 P106 Q36180 +Q336018 P106 Q6625963 +Q102225 P840 Q22 +Q1394 P737 Q182905 +Q246731 P106 Q18805 +Q61112 P106 Q10798782 +Q96923 P1412 Q188 +Q151593 P106 Q486748 +Q70263 P106 Q806798 +Q99634 P19 Q2112 +Q137115 P69 Q49210 +Q189330 P136 Q2484376 +Q77881 P106 Q36180 +Q2530 P136 Q4184 +Q239131 P463 Q466089 +Q1985556 P172 Q49085 +Q1387593 P106 Q170790 +Q313107 P69 Q579968 +Q10681 P27 Q142 +Q310201 P1412 Q150 +Q403362 P106 Q201788 +Q219810 P161 Q201279 +Q272079 P106 Q33999 +Q63078 P108 Q659080 +Q314914 P106 Q10798782 +Q78490 P20 Q1741 +Q449129 P69 Q49088 +Q72984 P40 Q371716 +Q262479 P106 Q2526255 +Q3589 P161 Q319084 +Q273866 P551 Q621 +Q76938 P463 Q253439 +Q559774 P106 Q1930187 +Q80222 P463 Q123885 +Q190908 P161 Q25144 +Q699950 P1412 Q9299 +Q242 P463 Q17495 +Q332368 P840 Q99 +Q1591857 P27 Q30 +Q964355 P106 Q36180 +Q306403 P106 Q37226 +Q286642 P106 Q28389 +Q113480 P1412 Q7737 +Q1385000 P463 Q463303 +Q320146 P27 Q235 +Q96997 P20 Q64 +Q334116 P69 Q192088 +Q44775 P463 Q459620 +Q93797 P1412 Q188 +Q51525 P106 Q28389 +Q222018 P161 Q346965 +Q104398 P102 Q49750 +Q2633389 P106 Q2526255 +Q272942 P19 Q18419 +Q380852 P106 Q10798782 +Q272608 P136 Q130232 +Q432268 P27 Q30 +Q168509 P172 Q7325 +Q60145 P27 Q183 +Q75237 P106 Q2374149 +Q1726 P17 Q7318 +Q300393 P136 Q20442589 +Q315732 P136 Q842256 +Q110374 P27 Q30 +Q5682 P106 Q4991371 +Q236702 P106 Q4610556 +Q1149 P1412 Q1568 +Q61520 P106 Q20725072 +Q823003 P463 Q337224 +Q528323 P27 Q30 +Q256738 P106 Q36180 +Q901303 P69 Q372608 +Q450335 P106 Q1930187 +Q89204 P27 Q183 +Q745896 P106 Q183945 +Q575689 P101 Q211236 +Q19796 P1412 Q7850 +Q121507 P19 Q189074 +Q99784 P140 Q9592 +Q464218 P136 Q180268 +Q182509 P27 Q29999 +Q192515 P1303 Q61285 +Q258204 P136 Q2143665 +Q219491 P69 Q2045972 +Q71322 P106 Q2135538 +Q10953 P20 Q8652 +Q183 P530 Q191 +Q463101 P57 Q433893 +Q705022 P136 Q186424 +Q37001 P551 Q17 +Q281296 P161 Q314841 +Q707446 P1303 Q17172850 +Q452219 P106 Q1231865 +Q372947 P106 Q33999 +Q72984 P136 Q8341 +Q156058 P463 Q463303 +Q229669 P27 Q16 +Q235617 P20 Q90 +Q310932 P106 Q10800557 +Q697200 P106 Q483501 +Q337078 P161 Q180560 +Q82083 P106 Q49757 +Q277356 P106 Q28389 +Q429311 P495 Q30 +Q233837 P106 Q2526255 +Q84444 P27 Q131964 +Q682030 P264 Q38903 +Q81447 P69 Q805285 +Q145480 P463 Q134541 +Q184843 P136 Q130232 +Q265706 P27 Q30 +Q57614 P1412 Q188 +Q76952 P69 Q36188 +Q464318 P101 Q35760 +Q1368185 P106 Q855091 +Q120381 P737 Q493 +Q188783 P509 Q12078 +Q3298815 P106 Q36834 +Q220584 P136 Q188473 +Q558104 P69 Q13371 +Q361670 P106 Q33999 +Q117101 P106 Q201788 +Q233377 P101 Q207628 +Q3802 P17 Q7318 +Q12548 P37 Q9067 +Q1891483 P119 Q27426 +Q168542 P69 Q165980 +Q135481 P106 Q333634 +Q378672 P27 Q30 +Q40263 P106 Q10800557 +Q217 P463 Q8475 +Q384387 P1412 Q188 +Q215 P37 Q652 +Q506379 P69 Q13371 +Q12807 P106 Q11774202 +Q337090 P161 Q42581 +Q19955709 P106 Q36180 +Q1386948 P1303 Q5994 +Q242640 P106 Q169470 +Q185510 P106 Q36180 +Q523870 P69 Q49088 +Q347685 P106 Q4263842 +Q76501 P463 Q329464 +Q77462 P1303 Q128309 +Q709790 P106 Q1622272 +Q370326 P161 Q2685 +Q712359 P106 Q822146 +Q1029 P530 Q183 +Q322179 P509 Q12152 +Q423 P530 Q334 +Q472270 P106 Q39631 +Q5608 P1303 Q52954 +Q234356 P451 Q271500 +Q75727 P106 Q13570226 +Q75237 P69 Q154561 +Q34166 P106 Q753110 +Q181086 P135 Q377616 +Q103075 P106 Q185351 +Q10444417 P135 Q186030 +Q6512 P140 Q75809 +Q2579604 P106 Q13582652 +Q124314 P1412 Q188 +Q1615184 P106 Q82955 +Q241470 P106 Q11499147 +Q1754823 P136 Q9759 +Q238 P463 Q81299 +Q80440 P172 Q49542 +Q705515 P106 Q1028181 +Q69022 P106 Q36180 +Q108306 P106 Q36180 +Q219829 P1412 Q1860 +Q537722 P19 Q60 +Q184 P530 Q414 +Q1382495 P106 Q183945 +Q165706 P106 Q1622272 +Q408 P530 Q403 +Q1019 P530 Q668 +Q193156 P106 Q1622272 +Q264774 P19 Q2135 +Q70215 P19 Q1741 +Q25023 P27 Q183 +Q233541 P106 Q2252262 +Q210315 P106 Q42973 +Q100913 P1303 Q17172850 +Q215258 P106 Q36180 +Q80379 P136 Q22981906 +Q152493 P136 Q859369 +Q130780 P69 Q1161297 +Q78484 P106 Q49757 +Q452252 P106 Q177220 +Q57473 P69 Q219615 +Q44634 P69 Q1542213 +Q188962 P106 Q2259532 +Q183469 P69 Q168751 +Q90131 P27 Q183 +Q286642 P106 Q2259451 +Q438635 P27 Q30 +Q976090 P1303 Q17172850 +Q51133 P27 Q30 +Q70417 P106 Q1955150 +Q184440 P106 Q1930187 +Q333425 P19 Q1156 +Q711978 P106 Q177220 +Q223559 P840 Q84 +Q6096 P27 Q30 +Q375290 P106 Q28389 +Q690854 P641 Q718 +Q77096 P27 Q183 +Q379994 P136 Q130232 +Q217154 P1412 Q9292 +Q20 P463 Q376150 +Q94370 P102 Q310296 +Q314945 P1412 Q1860 +Q437944 P69 Q1068258 +Q265270 P106 Q36180 +Q358087 P136 Q429264 +Q316629 P106 Q3282637 +Q62666 P69 Q153978 +Q2831 P1303 Q5994 +Q1042901 P106 Q36834 +Q349852 P26 Q433284 +Q71410 P69 Q206702 +Q704931 P26 Q268147 +Q237552 P101 Q207628 +Q1178789 P106 Q639669 +Q51101 P106 Q753110 +Q19658 P106 Q82955 +Q24356 P136 Q37073 +Q123089 P106 Q82955 +Q218235 P161 Q180338 +Q342730 P101 Q179805 +Q251479 P106 Q40348 +Q377939 P840 Q1297 +Q380667 P136 Q471839 +Q189534 P1412 Q7737 +Q184768 P161 Q83694 +Q897281 P106 Q1930187 +Q295502 P106 Q36834 +Q267866 P161 Q320218 +Q454870 P737 Q504 +Q187019 P737 Q506582 +Q208269 P136 Q40831 +Q346777 P27 Q34266 +Q327436 P69 Q4614 +Q69439 P27 Q34 +Q229957 P106 Q2259451 +Q103591 P106 Q11774202 +Q365985 P136 Q58339 +Q1031 P737 Q1398 +Q84532 P119 Q240744 +Q78484 P106 Q18814623 +Q310052 P264 Q726153 +Q44107 P27 Q40 +Q583722 P106 Q12406482 +Q65113 P106 Q15253558 +Q433044 P509 Q11085 +Q184805 P106 Q488205 +Q878 P463 Q17495 +Q869 P463 Q7825 +Q189172 P108 Q13164 +Q33 P530 Q30 +Q64880 P1412 Q188 +Q194346 P495 Q32 +Q154269 P106 Q36180 +Q242477 P27 Q30 +Q39246 P108 Q161562 +Q375351 P69 Q273626 +Q232288 P106 Q33999 +Q195274 P495 Q30 +Q162045 P1303 Q6607 +Q128633 P69 Q13371 +Q310048 P106 Q36180 +Q96595 P106 Q2135538 +Q234556 P136 Q37073 +Q683 P463 Q7785 +Q80871 P106 Q37226 +Q72267 P69 Q389336 +Q9047 P463 Q938622 +Q529619 P1303 Q47369 +Q231595 P106 Q10798782 +Q462579 P106 Q6625963 +Q157191 P106 Q674067 +Q31984 P106 Q28389 +Q969753 P140 Q1841 +Q164593 P1412 Q9056 +Q163038 P136 Q200092 +Q184499 P108 Q375606 +Q200464 P30 Q538 +Q362681 P106 Q2259451 +Q270774 P106 Q33999 +Q193815 P451 Q170606 +Q97431 P69 Q152171 +Q71502 P106 Q8178443 +Q542307 P19 Q3616 +Q235415 P106 Q28389 +Q7728 P119 Q27426 +Q122003 P69 Q584919 +Q334965 P1412 Q150 +Q233377 P106 Q33999 +Q242796 P551 Q84 +Q942147 P19 Q1781 +Q228611 P106 Q2259451 +Q207824 P19 Q26793 +Q220584 P106 Q3282637 +Q50186 P106 Q639669 +Q23517 P27 Q145 +Q6882 P69 Q1068258 +Q4042 P1303 Q17172850 +Q574885 P27 Q30 +Q57063 P108 Q1186843 +Q11869 P1412 Q150 +Q57179 P106 Q618694 +Q111323 P106 Q33999 +Q297736 P106 Q16287483 +Q2634 P37 Q652 +Q102513 P106 Q49757 +Q105666 P69 Q152087 +Q162045 P106 Q639669 +Q389589 P106 Q333634 +Q238716 P106 Q14906342 +Q299073 P264 Q203059 +Q440353 P1412 Q1860 +Q93115 P463 Q131566 +Q272944 P106 Q2405480 +Q218 P530 Q145 +Q131112 P108 Q41506 +Q286868 P161 Q315118 +Q755 P172 Q121842 +Q329845 P106 Q36180 +Q55174 P140 Q178169 +Q503657 P27 Q34266 +Q490290 P27 Q30 +Q120626 P161 Q345212 +Q929665 P1303 Q17172850 +Q189564 P737 Q9200 +Q515883 P106 Q639669 +Q232851 P106 Q10800557 +Q105428 P1412 Q188 +Q55294 P106 Q2526255 +Q234606 P551 Q16559 +Q1726 P17 Q2415901 +Q444520 P136 Q11366 +Q153657 P106 Q10798782 +Q7315 P106 Q639669 +Q123010 P463 Q46703 +Q169038 P106 Q4263842 +Q236599 P69 Q312578 +Q239540 P509 Q128581 +Q333873 P106 Q18844224 +Q44767 P27 Q40 +Q76738 P106 Q36180 +Q557472 P102 Q29468 +Q11093 P69 Q503415 +Q705653 P20 Q812 +Q184249 P106 Q36834 +Q228546 P106 Q6625963 +Q148326 P57 Q295964 +Q270469 P264 Q193023 +Q194413 P161 Q41449 +Q213662 P106 Q13418253 +Q261207 P106 Q36180 +Q184650 P69 Q21578 +Q438355 P106 Q177220 +Q104668 P27 Q34266 +Q256354 P102 Q79854 +Q1806036 P106 Q639669 +Q966300 P108 Q1068752 +Q192348 P463 Q463303 +Q237416 P106 Q28389 +Q106514 P106 Q855091 +Q128553 P27 Q16 +Q214953 P1412 Q188 +Q117139 P140 Q1841 +Q66987 P108 Q32120 +Q504025 P641 Q5372 +Q887347 P106 Q28389 +Q733640 P106 Q36180 +Q240769 P106 Q11631 +Q239587 P19 Q43421 +Q660237 P136 Q2143665 +Q256286 P1412 Q5885 +Q783 P463 Q7809 +Q439566 P102 Q79854 +Q35498 P509 Q12202 +Q316857 P106 Q10798782 +Q440910 P106 Q10800557 +Q109767 P161 Q311319 +Q454388 P102 Q29468 +Q234898 P27 Q129286 +Q102403 P106 Q36180 +Q101521 P108 Q414219 +Q217627 P840 Q65 +Q84445 P27 Q183 +Q219640 P19 Q38022 +Q490 P17 Q131964 +Q24302 P106 Q36180 +Q3806666 P106 Q28389 +Q231807 P1412 Q1860 +Q4751826 P106 Q901402 +Q236482 P27 Q16 +Q76440 P19 Q64 +Q311358 P551 Q30 +Q427386 P161 Q172261 +Q357455 P1412 Q1860 +Q18913 P463 Q695302 +Q194419 P106 Q36180 +Q107270 P136 Q130232 +Q729115 P172 Q539051 +Q12844 P463 Q202479 +Q4061 P1303 Q8355 +Q57475 P1412 Q188 +Q150894 P27 Q34266 +Q58645 P20 Q2090 +Q323236 P106 Q10800557 +Q335160 P161 Q442547 +Q1411849 P106 Q183945 +Q26053 P106 Q10798782 +Q193035 P106 Q1930187 +Q952428 P19 Q65 +Q388286 P136 Q131272 +Q540166 P106 Q4263842 +Q354783 P172 Q49085 +Q257889 P27 Q148 +Q78349 P106 Q36180 +Q295120 P106 Q177220 +Q975911 P106 Q855091 +Q5679 P463 Q123885 +Q986622 P108 Q23548 +Q159700 P463 Q463303 +Q246711 P136 Q1200678 +Q78484 P106 Q14915627 +Q777354 P106 Q40348 +Q773736 P1050 Q12204 +Q71242 P27 Q30 +Q957439 P463 Q209184 +Q159 P530 Q863 +Q558167 P140 Q1841 +Q7934 P106 Q18844224 +Q187857 P106 Q488205 +Q954 P463 Q5611262 +Q91059 P106 Q201788 +Q913084 P20 Q744948 +Q8011 P737 Q11826 +Q80440 P737 Q7243 +Q1245 P106 Q16533 +Q10681 P1303 Q163829 +Q7416 P106 Q2961975 +Q503997 P106 Q2059704 +Q104898 P106 Q42973 +Q349799 P106 Q33999 +Q206497 P161 Q544465 +Q218672 P27 Q12544 +Q122163 P106 Q1930187 +Q974221 P106 Q639669 +Q242620 P106 Q639669 +Q318750 P106 Q2526255 +Q106126 P27 Q142 +Q346801 P140 Q7066 +Q350903 P106 Q2526255 +Q429664 P101 Q207628 +Q239845 P69 Q1127387 +Q182589 P106 Q18844224 +Q55230 P106 Q28389 +Q60469 P140 Q1841 +Q170095 P135 Q39427 +Q777688 P106 Q1930187 +Q160215 P161 Q132616 +Q152555 P106 Q177220 +Q204936 P1412 Q1860 +Q159808 P840 Q403 +Q160778 P106 Q753110 +Q549487 P27 Q96 +Q340260 P119 Q3006253 +Q359474 P3373 Q459251 +Q339403 P106 Q10800557 +Q5284 P106 Q557880 +Q273206 P119 Q216344 +Q438537 P106 Q10800557 +Q470758 P1412 Q1860 +Q9575 P106 Q82955 +Q123283 P106 Q82955 +Q298818 P106 Q10798782 +Q241160 P172 Q49085 +Q154077 P161 Q529629 +Q379994 P161 Q192682 +Q388785 P27 Q30 +Q159808 P136 Q860626 +Q190089 P106 Q4964182 +Q427386 P495 Q30 +Q78481 P69 Q689400 +Q8772 P106 Q201788 +Q711197 P264 Q772494 +Q1686156 P106 Q177220 +Q192348 P106 Q4964182 +Q516473 P69 Q49112 +Q312570 P69 Q4614 +Q212730 P108 Q49108 +Q26702 P551 Q90 +Q155907 P27 Q27 +Q107183 P106 Q2374149 +Q229572 P19 Q60 +Q979084 P1303 Q17172850 +Q41272 P106 Q177220 +Q70215 P106 Q1622272 +Q733373 P264 Q165745 +Q130873 P140 Q9268 +Q75886 P102 Q49768 +Q783992 P106 Q1075651 +Q313512 P19 Q7003 +Q35064 P463 Q1468277 +Q55211 P106 Q36180 +Q366091 P20 Q36600 +Q349690 P106 Q33999 +Q90815 P19 Q64 +Q1359247 P106 Q36834 +Q484427 P264 Q212699 +Q221450 P1412 Q652 +Q454696 P140 Q9089 +Q389589 P108 Q209842 +Q1699618 P509 Q188605 +Q271032 P106 Q49757 +Q1276176 P106 Q639669 +Q218 P463 Q376150 +Q202136 P106 Q18814623 +Q59534 P161 Q503597 +Q225 P463 Q663492 +Q1662834 P131 Q64 +Q974 P463 Q2029901 +Q223193 P106 Q10800557 +Q106662 P737 Q332032 +Q731007 P106 Q177220 +Q434640 P106 Q250867 +Q133720 P1303 Q5994 +Q111436 P27 Q30 +Q1716611 P27 Q145 +Q395274 P106 Q18814623 +Q364179 P106 Q158852 +Q968099 P119 Q1242128 +Q1382521 P1303 Q17172850 +Q232333 P106 Q10798782 +Q217 P37 Q7913 +Q229009 P27 Q30 +Q126164 P106 Q10798782 +Q77598 P108 Q155354 +Q309932 P106 Q10798782 +Q464833 P1303 Q133163 +Q605489 P108 Q584919 +Q148 P530 Q983 +Q453614 P27 Q38 +Q257243 P106 Q2405480 +Q617932 P106 Q177220 +Q215546 P106 Q33999 +Q216047 P495 Q142 +Q35 P530 Q423 +Q109767 P161 Q229442 +Q44580 P69 Q156725 +Q1509908 P119 Q1302545 +Q233584 P737 Q40909 +Q372514 P161 Q39989 +Q85914 P106 Q593644 +Q1811612 P1303 Q46185 +Q465937 P106 Q36180 +Q84053 P106 Q10798782 +Q110183 P69 Q154804 +Q42308 P17 Q243610 +Q1037 P463 Q340195 +Q7336 P140 Q9268 +Q1649321 P509 Q47912 +Q234195 P1412 Q1860 +Q192912 P106 Q18814623 +Q43293 P108 Q13371 +Q215748 P106 Q4853732 +Q1624891 P106 Q10798782 +Q44197 P20 Q90 +Q329127 P161 Q297744 +Q794 P530 Q874 +Q62766 P1303 Q17172850 +Q195788 P106 Q639669 +Q116462 P27 Q30 +Q216924 P106 Q36834 +Q160325 P106 Q36834 +Q431401 P106 Q177220 +Q180560 P106 Q3387717 +Q58758 P69 Q875788 +Q172916 P27 Q45 +Q239928 P69 Q49213 +Q130631 P737 Q6527 +Q43182 P172 Q539051 +Q542489 P106 Q2405480 +Q44248 P106 Q36180 +Q274297 P1412 Q150 +Q190994 P106 Q177220 +Q1869627 P1303 Q6607 +Q286777 P1412 Q1860 +Q271879 P509 Q12152 +Q872815 P106 Q1231865 +Q115761 P1412 Q150 +Q30 P530 Q159583 +Q156214 P140 Q9592 +Q78824 P106 Q36180 +Q354603 P119 Q1624932 +Q87974 P20 Q64 +Q240885 P106 Q10800557 +Q76127 P140 Q432 +Q153481 P102 Q29468 +Q191027 P26 Q25161 +Q63528 P27 Q43287 +Q902 P530 Q846 +Q180468 P1303 Q5994 +Q8354131 P106 Q169470 +Q62831 P106 Q170790 +Q154691 P108 Q49117 +Q231071 P19 Q1297 +Q72 P30 Q46 +Q78037 P102 Q49768 +Q387638 P840 Q15180 +Q6694 P463 Q188771 +Q146605 P161 Q302400 +Q62402 P20 Q2079 +Q234795 P106 Q36180 +Q113806 P108 Q875788 +Q345906 P1412 Q1321 +Q310638 P19 Q1781 +Q1911440 P69 Q7739610 +Q172678 P27 Q30 +Q207596 P69 Q4614 +Q240570 P69 Q273593 +Q301132 P840 Q99 +Q66709 P69 Q152087 +Q8743 P463 Q270794 +Q728365 P106 Q36180 +Q104067 P106 Q3282637 +Q452307 P106 Q3501317 +Q330730 P106 Q486748 +Q1368185 P136 Q9759 +Q140694 P19 Q90 +Q17279884 P509 Q12152 +Q506915 P106 Q2643890 +Q90288 P69 Q689400 +Q435807 P1412 Q1860 +Q4487 P106 Q6625963 +Q101820 P106 Q36180 +Q450271 P106 Q1930187 +Q1395064 P140 Q432 +Q66992 P19 Q64 +Q434573 P106 Q10800557 +Q391262 P106 Q947873 +Q463630 P1412 Q1321 +Q13014 P27 Q40 +Q132489 P108 Q13371 +Q542489 P172 Q190168 +Q210428 P1303 Q17172850 +Q419 P530 Q159583 +Q116852 P136 Q188473 +Q34787 P106 Q3242115 +Q251068 P106 Q177220 +Q555226 P106 Q639669 +Q61407 P19 Q2843 +Q323641 P106 Q639669 +Q171228 P509 Q3242950 +Q434763 P106 Q2405480 +Q231255 P136 Q8341 +Q1368185 P1303 Q6607 +Q70839 P27 Q183 +Q45970 P27 Q36 +Q934682 P108 Q1044328 +Q140575 P108 Q174710 +Q90201 P69 Q165980 +Q730082 P27 Q17 +Q57074 P106 Q214917 +Q1016 P530 Q953 +Q103651 P106 Q1643514 +Q478601 P106 Q947873 +Q112227 P19 Q1741 +Q95314 P1412 Q1860 +Q77888 P106 Q36180 +Q332348 P161 Q179497 +Q389151 P136 Q860626 +Q2066 P463 Q1768108 +Q376663 P136 Q859369 +Q72800 P119 Q564922 +Q1392583 P509 Q12152 +Q329434 P161 Q310389 +Q214 P463 Q81299 +Q275402 P27 Q30 +Q237560 P106 Q82955 +Q230308 P106 Q33999 +Q177374 P161 Q320204 +Q557930 P106 Q10349745 +Q159481 P101 Q5891 +Q179201 P551 Q1538 +Q1036 P463 Q340195 +Q1277002 P27 Q45 +Q44653 P136 Q193355 +Q62910 P463 Q270794 +Q310819 P106 Q947873 +Q133855 P1412 Q150 +Q320073 P27 Q145 +Q190162 P106 Q10800557 +Q361297 P40 Q131324 +Q559609 P136 Q11399 +Q1523426 P106 Q486748 +Q730 P361 Q18 +Q78496 P509 Q476921 +Q62686 P463 Q265058 +Q378882 P106 Q33999 +Q215562 P106 Q43845 +Q45388 P136 Q1200678 +Q896966 P69 Q559549 +Q237560 P102 Q29552 +Q554018 P106 Q81096 +Q156532 P106 Q10800557 +Q335544 P1412 Q1321 +Q25310 P40 Q1804720 +Q204005 P106 Q2259451 +Q195710 P136 Q157394 +Q126481 P1412 Q9129 +Q335376 P106 Q2259451 +Q204132 P106 Q488205 +Q202735 P106 Q639669 +Q2794265 P106 Q205375 +Q162554 P27 Q30 +Q242 P530 Q155 +Q237654 P264 Q212699 +Q190145 P136 Q130232 +Q558104 P463 Q1938003 +Q142 P530 Q33 +Q263442 P1412 Q652 +Q237385 P1303 Q17172850 +Q271054 P136 Q40831 +Q179269 P102 Q29468 +Q68537 P1303 Q17172850 +Q106099 P106 Q28389 +Q86778 P1412 Q188 +Q471774 P106 Q488205 +Q237242 P106 Q28389 +Q5679 P106 Q333634 +Q49231 P131 Q1370 +Q108398 P102 Q49768 +Q504458 P136 Q131272 +Q443065 P264 Q654283 +Q921516 P106 Q82955 +Q1067 P106 Q12144794 +Q526709 P27 Q30 +Q34851 P20 Q65 +Q8620 P69 Q174570 +Q332497 P161 Q114179 +Q945 P530 Q148 +Q40119 P161 Q387814 +Q5784301 P161 Q707293 +Q272068 P20 Q159288 +Q159227 P102 Q1713492 +Q181899 P19 Q840668 +Q981960 P1412 Q7737 +Q255233 P106 Q33999 +Q320014 P106 Q1234713 +Q30449 P106 Q2405480 +Q47447 P136 Q235858 +Q86723 P106 Q182436 +Q85411 P463 Q543804 +Q200396 P495 Q183 +Q61194 P69 Q55044 +Q571605 P463 Q938622 +Q128823 P106 Q169470 +Q1046616 P106 Q36834 +Q979545 P106 Q482980 +Q168517 P108 Q202660 +Q719083 P27 Q30 +Q73938 P106 Q36180 +Q128518 P161 Q256164 +Q725943 P463 Q161806 +Q58978 P551 Q350 +Q880776 P106 Q43845 +Q233898 P509 Q223102 +Q75968 P27 Q183 +Q948 P463 Q8475 +Q26688 P106 Q12406482 +Q320895 P1303 Q46185 +Q129429 P106 Q10800557 +Q324031 P69 Q49165 +Q332497 P840 Q61 +Q224159 P19 Q8652 +Q66155 P20 Q2112 +Q8743 P101 Q8087 +Q337891 P509 Q3505252 +Q220536 P106 Q10798782 +Q296809 P20 Q60 +Q600859 P19 Q65 +Q860068 P106 Q855091 +Q229375 P106 Q10800557 +Q484292 P106 Q6625963 +Q85118 P19 Q1741 +Q1384181 P106 Q36180 +Q3379094 P106 Q82594 +Q357515 P102 Q29468 +Q928 P530 Q843 +Q847446 P136 Q170611 +Q191064 P106 Q36180 +Q267170 P136 Q1344 +Q103578 P1412 Q150 +Q169564 P161 Q41351 +Q75812 P106 Q2306091 +Q124869 P27 Q23366230 +Q315222 P106 Q36180 +Q36704 P37 Q9301 +Q482708 P106 Q37226 +Q21077 P112 Q126399 +Q45245 P172 Q42884 +Q299723 P101 Q21198 +Q2574737 P106 Q855091 +Q46248 P106 Q28389 +Q274887 P136 Q2484376 +Q316872 P106 Q177220 +Q558177 P106 Q14467526 +Q843 P530 Q219060 +Q225657 P106 Q753110 +Q41351 P106 Q2526255 +Q9381 P463 Q123885 +Q108355 P106 Q82955 +Q465350 P1303 Q8355 +Q114076 P136 Q1054574 +Q599993 P1412 Q150 +Q105676 P102 Q49762 +Q209471 P509 Q181257 +Q537960 P101 Q482 +Q18434 P1412 Q150 +Q703642 P106 Q1930187 +Q87756 P102 Q158227 +Q319723 P106 Q28389 +Q168307 P106 Q36180 +Q204374 P161 Q229775 +Q126432 P19 Q649 +Q11093 P106 Q214917 +Q479992 P106 Q589298 +Q309697 P264 Q190585 +Q1954907 P106 Q43845 +Q314805 P27 Q30 +Q202725 P106 Q10798782 +Q87487 P1303 Q17172850 +Q83003 P101 Q5891 +Q363371 P1303 Q46185 +Q916 P463 Q191384 +Q2773 P17 Q151624 +Q76624 P463 Q684415 +Q215 P530 Q16 +Q189889 P161 Q188375 +Q456413 P20 Q61 +Q48868 P1412 Q188 +Q2643 P509 Q47912 +Q7317 P27 Q131964 +Q714739 P106 Q36180 +Q336388 P106 Q1198887 +Q485280 P106 Q753110 +Q160534 P135 Q213457 +Q322760 P1303 Q258896 +Q237527 P1303 Q51290 +Q82006 P19 Q84 +Q86723 P1412 Q188 +Q474810 P106 Q1028181 +Q165668 P463 Q812155 +Q62310 P26 Q67641 +Q61852 P1412 Q150 +Q5383 P1303 Q17172850 +Q92814 P108 Q41506 +Q95951 P20 Q64 +Q51476 P106 Q17307272 +Q139460 P495 Q183 +Q1173729 P106 Q639669 +Q274342 P27 Q15180 +Q212002 P106 Q10798782 +Q590420 P106 Q4263842 +Q212993 P27 Q27 +Q127539 P106 Q1209498 +Q380531 P136 Q263734 +Q11806 P463 Q463303 +Q64637 P69 Q31519 +Q158050 P1412 Q9299 +Q684808 P27 Q218 +Q76399 P106 Q33999 +Q101820 P27 Q36 +Q62084 P106 Q82955 +Q229251 P172 Q49085 +Q66936 P69 Q156737 +Q162035 P19 Q18438 +Q105158 P136 Q188473 +Q65105 P19 Q2742 +Q257764 P1303 Q6607 +Q157879 P136 Q622291 +Q241748 P140 Q188814 +Q213543 P106 Q593644 +Q537005 P106 Q15980158 +Q267522 P19 Q16555 +Q11816 P106 Q372436 +Q332881 P102 Q9626 +Q152274 P172 Q170217 +Q70215 P102 Q153401 +Q2585807 P108 Q156598 +Q333260 P106 Q15895020 +Q206112 P106 Q3282637 +Q1801255 P106 Q855091 +Q44273 P106 Q33999 +Q984215 P463 Q337555 +Q47595 P20 Q8717 +Q204005 P101 Q207628 +Q69412 P69 Q3098911 +Q474796 P1412 Q7411 +Q1452607 P106 Q806349 +Q235770 P106 Q805221 +Q219646 P106 Q82955 +Q370711 P106 Q10816969 +Q185364 P172 Q49085 +Q137042 P106 Q10798782 +Q439895 P106 Q33999 +Q90581 P106 Q36180 +Q64467 P27 Q183 +Q664592 P106 Q36834 +Q17042 P17 Q30 +Q348533 P106 Q2405480 +Q260969 P106 Q33999 +Q312394 P161 Q171745 +Q1643790 P27 Q414 +Q206439 P20 Q16563 +Q224902 P102 Q727724 +Q211542 P106 Q1930187 +Q92914 P106 Q81096 +Q216221 P140 Q1841 +Q357821 P106 Q49757 +Q16390 P26 Q104000 +Q4410089 P27 Q15180 +Q464207 P106 Q1930187 +Q365474 P27 Q30 +Q400341 P509 Q12152 +Q457316 P27 Q29 +Q76546 P19 Q1731 +Q63228 P19 Q64 +Q238866 P161 Q190386 +Q242535 P1412 Q188 +Q438329 P1412 Q1860 +Q164047 P136 Q482 +Q441685 P27 Q145 +Q547181 P27 Q30 +Q188492 P106 Q2526255 +Q905323 P27 Q33946 +Q209004 P27 Q159 +Q704645 P106 Q639669 +Q271731 P106 Q1231865 +Q241391 P136 Q130232 +Q1044657 P106 Q488205 +Q230 P530 Q736 +Q46551 P495 Q145 +Q554175 P69 Q174570 +Q311716 P106 Q3282637 +Q683 P530 Q183 +Q385309 P161 Q353978 +Q258053 P19 Q16552 +Q231648 P19 Q43199 +Q311068 P106 Q10800557 +Q78632 P19 Q41329 +Q70855 P106 Q193391 +Q161400 P136 Q200092 +Q58777 P106 Q82955 +Q450412 P463 Q337234 +Q91083 P108 Q154804 +Q575795 P106 Q10798782 +Q92819 P463 Q131566 +Q40321 P106 Q10798782 +Q25161 P106 Q2095549 +Q131112 P27 Q30 +Q81438 P106 Q49757 +Q178517 P1412 Q1860 +Q1141280 P136 Q1298934 +Q819 P530 Q881 +Q284386 P1412 Q1860 +Q34628 P463 Q329464 +Q85832 P119 Q240744 +Q180819 P1050 Q12204 +Q1468495 P1303 Q6607 +Q93115 P69 Q49088 +Q59084 P136 Q130232 +Q223559 P136 Q319221 +Q972641 P106 Q10732476 +Q170581 P27 Q30 +Q213684 P27 Q414 +Q313546 P27 Q30 +Q896193 P106 Q214917 +Q428780 P495 Q36704 +Q165219 P106 Q639669 +Q380865 P108 Q9531 +Q1028 P530 Q1016 +Q36767 P27 Q145 +Q9095 P69 Q332342 +Q465937 P27 Q34266 +Q299968 P27 Q838261 +Q710121 P1303 Q46185 +Q287748 P136 Q3072039 +Q191819 P1303 Q8377 +Q208269 P57 Q126098 +Q284386 P106 Q36834 +Q3825107 P161 Q267217 +Q349777 P106 Q201788 +Q67637 P106 Q2526255 +Q151164 P106 Q2526255 +Q164804 P161 Q179414 +Q4061 P106 Q14915627 +Q378639 P509 Q12152 +Q70326 P1412 Q150 +Q44736 P119 Q176298 +Q316138 P19 Q84 +Q588067 P106 Q947873 +Q78716 P106 Q14915627 +Q715281 P106 Q36180 +Q313755 P19 Q34404 +Q323260 P69 Q151510 +Q238464 P140 Q7066 +Q500999 P463 Q901677 +Q350552 P140 Q75809 +Q92942 P106 Q205375 +Q232197 P136 Q11401 +Q39792 P27 Q30 +Q589978 P20 Q1524 +Q188344 P69 Q34433 +Q162255 P161 Q110374 +Q433989 P106 Q1930187 +Q160852 P463 Q123885 +Q114576 P106 Q16031530 +Q45 P463 Q458 +Q264783 P106 Q33999 +Q595529 P106 Q639669 +Q213662 P106 Q14467526 +Q74062 P106 Q1622272 +Q106182 P136 Q471839 +Q187345 P106 Q10798782 +Q329018 P136 Q83440 +Q106428 P161 Q110374 +Q337089 P106 Q177220 +Q78506 P106 Q11774202 +Q368674 P161 Q242552 +Q1444438 P106 Q158852 +Q2643 P106 Q183945 +Q70950 P102 Q49755 +Q34933 P463 Q463303 +Q1377134 P264 Q726251 +Q256061 P106 Q36834 +Q126481 P27 Q221 +Q148428 P840 Q1297 +Q381390 P69 Q13164 +Q71452 P27 Q142 +Q1196157 P161 Q41163 +Q95447 P106 Q333634 +Q177311 P1412 Q1860 +Q43697 P1412 Q150 +Q180338 P106 Q2405480 +Q128126 P463 Q253439 +Q2986943 P106 Q43845 +Q117315 P495 Q142 +Q96230 P20 Q975 +Q237112 P19 Q19660 +Q381561 P106 Q33999 +Q342723 P106 Q10798782 +Q199929 P106 Q2259451 +Q181774 P106 Q33999 +Q11826 P1412 Q11059 +Q220536 P69 Q174710 +Q122461 P101 Q8134 +Q334885 P106 Q2405480 +Q49760 P463 Q414110 +Q203185 P1303 Q6607 +Q51488 P106 Q10798782 +Q105756 P737 Q6512 +Q164784 P106 Q36180 +Q49819 P1412 Q9067 +Q62323 P106 Q33999 +Q62116 P140 Q9592 +Q16567 P17 Q30 +Q182725 P106 Q639669 +Q155476 P136 Q188473 +Q207458 P27 Q27 +Q93562 P106 Q14906342 +Q157975 P136 Q188473 +Q239522 P106 Q36180 +Q67462 P106 Q520549 +Q152941 P106 Q33999 +Q152880 P108 Q1079140 +Q318475 P69 Q174710 +Q49009 P106 Q130857 +Q15935 P1303 Q320002 +Q63876 P19 Q1709 +Q77844 P108 Q55044 +Q239296 P161 Q172261 +Q148 P530 Q189 +Q143198 P136 Q9734 +Q262314 P1303 Q258896 +Q725519 P106 Q245068 +Q13132095 P27 Q25 +Q243837 P106 Q36834 +Q240647 P1412 Q1860 +Q209538 P161 Q443534 +Q57584 P106 Q2259451 +Q928 P463 Q170481 +Q3662078 P463 Q1493021 +Q125405 P69 Q1190355 +Q280918 P136 Q599558 +Q172241 P136 Q130232 +Q123861 P106 Q2306091 +Q127897 P161 Q168763 +Q72856 P27 Q7318 +Q126693 P106 Q7042855 +Q87293 P106 Q16267607 +Q288645 P161 Q310785 +Q57389 P463 Q414163 +Q298761 P737 Q39829 +Q4139600 P463 Q83172 +Q265706 P106 Q10798782 +Q16285 P27 Q77 +Q10133 P106 Q864380 +Q288661 P20 Q65 +Q239910 P106 Q6625963 +Q702 P463 Q899770 +Q380180 P106 Q970153 +Q78644 P1412 Q1860 +Q152542 P1412 Q1860 +Q705748 P106 Q177220 +Q178903 P69 Q49088 +Q62664 P69 Q152838 +Q336517 P161 Q235205 +Q28493 P27 Q403 +Q221098 P161 Q255070 +Q254675 P19 Q90 +Q86152 P69 Q315658 +Q237944 P19 Q48958 +Q865 P530 Q1009 +Q130026 P106 Q10798782 +Q1618047 P1412 Q188 +Q1601945 P101 Q11190 +Q204514 P161 Q499644 +Q444250 P1303 Q17172850 +Q64265 P108 Q151510 +Q18391 P27 Q801 +Q142 P530 Q977 +Q33977 P106 Q4853732 +Q91059 P19 Q1794 +Q102385 P264 Q38903 +Q156268 P1412 Q150 +Q19425 P106 Q333634 +Q180727 P1412 Q1860 +Q108283 P106 Q948329 +Q740036 P106 Q36180 +Q94701 P106 Q82955 +Q316709 P106 Q28389 +Q458215 P19 Q906 +Q783 P463 Q190008 +Q161853 P101 Q11023 +Q149406 P136 Q1054574 +Q258 P463 Q376150 +Q67815 P106 Q1607826 +Q60528 P106 Q10800557 +Q81082 P106 Q4964182 +Q800 P463 Q827525 +Q166298 P106 Q82955 +Q537705 P27 Q30 +Q1360782 P19 Q2634 +Q9204 P106 Q17167049 +Q227395 P19 Q1781 +Q319277 P106 Q177220 +Q888666 P106 Q486748 +Q163872 P161 Q225933 +Q344655 P106 Q245068 +Q344973 P27 Q16 +Q289212 P27 Q212 +Q218172 P136 Q1200678 +Q150804 P136 Q130232 +Q187166 P106 Q11774202 +Q774 P361 Q12585 +Q11826 P101 Q413 +Q154741 P30 Q46 +Q45521 P106 Q15214752 +Q1394 P27 Q34266 +Q179682 P106 Q855091 +Q51495 P20 Q65 +Q92601 P106 Q42973 +Q19199 P1303 Q52954 +Q38 P530 Q213 +Q116852 P161 Q131380 +Q41351 P69 Q2599077 +Q232163 P106 Q2259451 +Q52392 P69 Q223429 +Q162518 P495 Q30 +Q241248 P106 Q6625963 +Q618025 P106 Q8246794 +Q103583 P19 Q1022 +Q19201 P136 Q325504 +Q444840 P27 Q30 +Q157293 P136 Q37073 +Q62890 P101 Q395 +Q379873 P161 Q367085 +Q323112 P106 Q33999 +Q219420 P106 Q3387717 +Q106508 P106 Q2526255 +Q266670 P27 Q17 +Q231603 P106 Q36180 +Q282787 P106 Q482980 +Q115 P463 Q656801 +Q364873 P106 Q753110 +Q69281 P27 Q183 +Q435626 P106 Q33999 +Q89292 P106 Q188094 +Q218 P530 Q142 +Q113717 P463 Q44687 +Q90709 P106 Q14915627 +Q330730 P1303 Q281460 +Q48042 P20 Q649 +Q112167 P106 Q33999 +Q210812 P136 Q2484376 +Q435203 P106 Q43845 +Q249350 P161 Q212064 +Q239823 P106 Q33999 +Q39975 P161 Q188955 +Q215120 P106 Q486748 +Q102513 P1412 Q1860 +Q728991 P106 Q121594 +Q48792 P106 Q189290 +Q232774 P840 Q1297 +Q1909248 P19 Q18419 +Q105221 P2348 Q6927 +Q246538 P264 Q212699 +Q1173317 P136 Q11366 +Q99612 P27 Q183 +Q13129708 P3373 Q2062366 +Q103784 P69 Q385471 +Q1344185 P136 Q11399 +Q25973 P106 Q6625963 +Q4295 P106 Q14467526 +Q181881 P1303 Q17172850 +Q107914 P840 Q65 +Q35 P37 Q9035 +Q205545 P172 Q539051 +Q166454 P136 Q11401 +Q640991 P27 Q34 +Q102822 P463 Q414188 +Q212965 P136 Q188473 +Q221535 P19 Q1297 +Q520504 P27 Q29 +Q108886 P463 Q40358 +Q561596 P106 Q855091 +Q61199 P27 Q183 +Q78119 P19 Q1022 +Q365750 P106 Q1930187 +Q533970 P106 Q33999 +Q165817 P840 Q142 +Q48959 P1303 Q17172850 +Q918655 P108 Q681250 +Q800 P37 Q1321 +Q794 P463 Q191384 +Q104104 P27 Q29999 +Q500999 P106 Q333634 +Q374065 P106 Q10800557 +Q2646 P551 Q24879 +Q75803 P19 Q41329 +Q63456 P106 Q1234713 +Q235934 P106 Q639669 +Q317350 P27 Q145 +Q379341 P27 Q30 +Q6527 P135 Q8361 +Q94653 P106 Q1231865 +Q266228 P1303 Q17172850 +Q80204 P161 Q439314 +Q369174 P106 Q28389 +Q125666 P136 Q850412 +Q187814 P27 Q30 +Q207506 P451 Q220901 +Q40321 P106 Q2914170 +Q220192 P495 Q183 +Q165721 P106 Q3387717 +Q526970 P106 Q753110 +Q62206 P27 Q183 +Q312531 P1412 Q1860 +Q213565 P20 Q90 +Q32257 P463 Q191583 +Q265131 P135 Q39427 +Q381731 P495 Q145 +Q105575 P108 Q152087 +Q192934 P57 Q103646 +Q213929 P106 Q36180 +Q255967 P119 Q252312 +Q43179 P551 Q61 +Q37060 P140 Q13211738 +Q370102 P106 Q3282637 +Q928851 P106 Q2526255 +Q954563 P106 Q36180 +Q11753 P140 Q288928 +Q69834 P106 Q350979 +Q504061 P119 Q1053320 +Q183063 P161 Q229291 +Q239145 P69 Q797078 +Q11607 P69 Q1329269 +Q865 P530 Q977 +Q1379510 P106 Q33999 +Q75220 P102 Q694299 +Q217627 P135 Q377616 +Q166298 P1412 Q1321 +Q324424 P20 Q1297 +Q88095 P27 Q183 +Q914054 P106 Q1622272 +Q193509 P106 Q855091 +Q275402 P106 Q3282637 +Q16019 P19 Q2833 +Q75955 P20 Q1726 +Q231345 P106 Q2259451 +Q2492691 P101 Q40634 +Q242792 P106 Q5716684 +Q1065624 P136 Q131578 +Q104668 P106 Q901 +Q275658 P69 Q499451 +Q214801 P136 Q157443 +Q289204 P136 Q1200678 +Q466649 P159 Q39561 +Q2725555 P140 Q432 +Q91436 P102 Q7320 +Q468356 P27 Q843 +Q242620 P106 Q2252262 +Q380280 P106 Q245068 +Q216936 P451 Q72832 +Q171672 P69 Q232141 +Q259691 P1412 Q1860 +Q522050 P106 Q36180 +Q40504 P136 Q40831 +Q365750 P106 Q482980 +Q233876 P106 Q2865819 +Q100440 P27 Q30 +Q438124 P106 Q855091 +Q2607 P27 Q16957 +Q39970 P136 Q224700 +Q96772 P1412 Q188 +Q58444 P106 Q2259451 +Q10520 P641 Q2736 +Q76837 P106 Q37226 +Q76517 P69 Q32120 +Q932694 P106 Q8178443 +Q50656 P106 Q49757 +Q87012 P108 Q55044 +Q96599 P106 Q2865819 +Q244115 P136 Q369747 +Q962908 P509 Q47912 +Q142 P463 Q5611262 +Q180278 P1412 Q150 +Q109180 P140 Q7066 +Q185696 P1050 Q12192 +Q58793 P69 Q154561 +Q180338 P551 Q84 +Q57578 P106 Q82955 +Q98885 P1412 Q188 +Q62833 P106 Q1622272 +Q77991 P106 Q2059704 +Q222744 P20 Q90 +Q310190 P106 Q33999 +Q309697 P27 Q30 +Q1382482 P27 Q399 +Q364315 P106 Q81096 +Q37217 P106 Q4964182 +Q251479 P19 Q2807 +Q379684 P106 Q177220 +Q712860 P106 Q177220 +Q72245 P27 Q183 +Q86526 P106 Q82955 +Q283988 P106 Q28389 +Q206173 P737 Q128027 +Q13005 P20 Q8686 +Q677367 P20 Q270 +Q94555 P108 Q221653 +Q220351 P1303 Q5994 +Q296524 P106 Q33999 +Q219772 P106 Q12800682 +Q313581 P119 Q592204 +Q44380 P106 Q2405480 +Q267217 P1412 Q1860 +Q448910 P106 Q10800557 +Q236748 P106 Q639669 +Q309941 P106 Q10800557 +Q2429435 P27 Q41 +Q104081 P20 Q3143067 +Q1078152 P106 Q131524 +Q254748 P20 Q65 +Q319996 P106 Q1415090 +Q962442 P106 Q3455803 +Q460425 P509 Q12078 +Q882 P463 Q15646111 +Q239823 P106 Q2526255 +Q79025 P106 Q14467526 +Q311271 P106 Q33999 +Q945301 P106 Q520549 +Q183469 P106 Q188094 +Q1984116 P106 Q28389 +Q872815 P106 Q1930187 +Q51575 P106 Q948329 +Q377638 P106 Q1930187 +Q1445276 P27 Q30 +Q237530 P106 Q2405480 +Q78484 P101 Q35277 +Q45272 P27 Q40 +Q905 P140 Q7066 +Q796 P463 Q191384 +Q215735 P1412 Q188 +Q86777 P264 Q155152 +Q6648722 P108 Q174158 +Q2120396 P20 Q40435 +Q190050 P840 Q65 +Q76399 P1412 Q188 +Q310343 P1303 Q5994 +Q20 P463 Q782942 +Q439315 P136 Q40831 +Q51506 P136 Q1152184 +Q129598 P463 Q4742987 +Q164103 P161 Q53651 +Q1349639 P172 Q974693 +Q153700 P106 Q1930187 +Q77082 P1412 Q188 +Q155 P530 Q1011 +Q367489 P27 Q38 +Q110354 P161 Q51506 +Q127367 P136 Q188473 +Q278551 P108 Q13371 +Q7525 P37 Q7737 +Q1874 P17 Q212 +Q1618 P69 Q838330 +Q1997159 P106 Q3282637 +Q435665 P136 Q105513 +Q168704 P27 Q30 +Q88029 P106 Q82955 +Q445703 P27 Q792 +Q89546 P463 Q253439 +Q202585 P136 Q8341 +Q223769 P106 Q639669 +Q104929 P27 Q29 +Q3435328 P20 Q23276 +Q892930 P20 Q1486 +Q83338 P19 Q1297 +Q92639 P106 Q36180 +Q169461 P1412 Q5146 +Q458390 P106 Q201788 +Q105460 P264 Q50074604 +Q79069 P19 Q437 +Q76616 P101 Q2329 +Q154935 P161 Q177311 +Q97423 P106 Q18814623 +Q720722 P1303 Q17172850 +Q34 P463 Q41550 +Q1345210 P19 Q597 +Q2079 P17 Q16957 +Q99564 P106 Q974144 +Q112160 P106 Q1930187 +Q934097 P106 Q36180 +Q139460 P161 Q34436 +Q128582 P136 Q188473 +Q157204 P106 Q333634 +Q72717 P106 Q28389 +Q677706 P101 Q395 +Q252 P463 Q47543 +Q246731 P463 Q270794 +Q694042 P1303 Q6607 +Q223596 P161 Q343510 +Q243419 P135 Q7066 +Q712 P463 Q191384 +Q621462 P27 Q30 +Q1570102 P106 Q753110 +Q3188007 P108 Q49117 +Q721376 P19 Q43196 +Q544472 P19 Q1770 +Q1512152 P106 Q42973 +Q93868 P161 Q190998 +Q87012 P106 Q36180 +Q362118 P106 Q43845 +Q8007 P26 Q83396 +Q13003 P20 Q11299 +Q526407 P106 Q177220 +Q123878 P27 Q215 +Q144439 P106 Q1930187 +Q220480 P106 Q3075052 +Q656684 P106 Q36180 +Q69209 P106 Q36834 +Q234080 P106 Q33999 +Q380904 P19 Q18419 +Q286022 P106 Q49757 +Q213734 P69 Q662355 +Q60153 P463 Q218868 +Q1027 P530 Q408 +Q426828 P161 Q237774 +Q562402 P27 Q29 +Q373566 P106 Q1930187 +Q367748 P161 Q170515 +Q216570 P27 Q30 +Q1032 P463 Q1043527 +Q202693 P106 Q4853732 +Q156193 P27 Q142 +Q842 P463 Q5611262 +Q309900 P106 Q33999 +Q239067 P108 Q457281 +Q453614 P1412 Q150 +Q35733 P106 Q36180 +Q1031847 P27 Q43 +Q105386 P106 Q2504617 +Q249719 P136 Q131578 +Q1998195 P749 Q21077 +Q84509 P20 Q1741 +Q180224 P26 Q232414 +Q330224 P106 Q2526255 +Q69289 P108 Q154561 +Q57490 P106 Q39631 +Q754 P463 Q123759 +Q212333 P495 Q30 +Q20 P463 Q1377612 +Q213945 P69 Q315658 +Q20 P530 Q889 +Q184530 P106 Q205375 +Q83542 P136 Q471839 +Q8739 P101 Q41217 +Q457687 P106 Q3387717 +Q236 P463 Q17495 +Q104109 P19 Q172 +Q228755 P106 Q10798782 +Q223443 P136 Q43343 +Q526382 P1412 Q9129 +Q463768 P136 Q130232 +Q9457 P106 Q3578589 +Q350424 P106 Q33999 +Q1101195 P106 Q753110 +Q163557 P106 Q214917 +Q257630 P136 Q157443 +Q38 P530 Q218 +Q154353 P463 Q463303 +Q94486 P106 Q82955 +Q16296 P27 Q145 +Q468635 P27 Q30 +Q311238 P3373 Q357974 +Q1060636 P737 Q905 +Q1238400 P749 Q21077 +Q765165 P20 Q649 +Q1016 P463 Q1043527 +Q38 P463 Q19771 +Q590787 P106 Q1930187 +Q918681 P106 Q201788 +Q233959 P106 Q10800557 +Q335508 P840 Q60 +Q333591 P1412 Q1860 +Q1618 P106 Q18939491 +Q215778 P69 Q273523 +Q544915 P463 Q83172 +Q41322 P69 Q745967 +Q392825 P161 Q706117 +Q153481 P69 Q49213 +Q92644 P106 Q81096 +Q709077 P27 Q30 +Q955077 P509 Q4651894 +Q72645 P27 Q183 +Q170472 P27 Q1747689 +Q423644 P106 Q14467526 +Q191027 P106 Q2259451 +Q132489 P106 Q36180 +Q5890 P161 Q192912 +Q49285 P106 Q1622272 +Q708824 P106 Q33999 +Q374504 P106 Q42973 +Q336881 P463 Q1468277 +Q122514 P108 Q153006 +Q313039 P102 Q29552 +Q478967 P1303 Q46185 +Q7604 P463 Q329464 +Q48034 P1412 Q7737 +Q561458 P106 Q1930187 +Q228494 P101 Q35760 +Q222800 P840 Q65 +Q442390 P495 Q38 +Q243837 P27 Q172579 +Q163543 P463 Q695302 +Q317358 P641 Q36389 +Q714462 P69 Q309331 +Q214344 P17 Q12560 +Q20887 P27 Q34266 +Q4894155 P1412 Q7026 +Q206466 P1412 Q1860 +Q229274 P264 Q165711 +Q901070 P106 Q2310145 +Q67903 P106 Q2059704 +Q256531 P106 Q4610556 +Q142974 P1412 Q9288 +Q503013 P106 Q2526255 +Q234893 P27 Q28513 +Q102513 P106 Q36180 +Q99076 P69 Q32120 +Q2831 P264 Q43327 +Q2704774 P1412 Q1860 +Q71618 P19 Q3955 +Q3825107 P495 Q29 +Q309709 P27 Q145 +Q513615 P136 Q482 +Q263696 P20 Q65 +Q221384 P161 Q220335 +Q263439 P106 Q3286043 +Q55946077 P106 Q483501 +Q307 P1412 Q652 +Q355341 P1303 Q6607 +Q4202684 P106 Q13590141 +Q262772 P1303 Q17172850 +Q642817 P1412 Q1860 +Q67385 P27 Q43287 +Q28 P530 Q664 +Q163038 P495 Q30 +Q53012 P27 Q38 +Q191999 P20 Q61 +Q94358 P106 Q10798782 +Q503597 P69 Q178848 +Q62843 P463 Q127992 +Q201656 P264 Q190585 +Q726071 P106 Q131524 +Q153723 P161 Q68084 +Q382036 P106 Q33999 +Q428814 P27 Q20 +Q313315 P495 Q145 +Q45789 P463 Q2095524 +Q311778 P140 Q1841 +Q23543 P136 Q131272 +Q272929 P106 Q36180 +Q131248 P1412 Q727694 +Q463975 P19 Q1761 +Q625272 P106 Q4263842 +Q572741 P106 Q1930187 +Q108355 P20 Q3933 +Q712765 P106 Q11338576 +Q208572 P161 Q125904 +Q265726 P19 Q25395 +Q332607 P509 Q12078 +Q235346 P106 Q10800557 +Q319129 P19 Q16556 +Q57382 P136 Q676 +Q19190 P106 Q970153 +Q7294 P20 Q1741 +Q1346521 P101 Q413 +Q544387 P106 Q55960555 +Q151904 P840 Q1085 +Q335052 P140 Q432 +Q984215 P463 Q2124852 +Q92643 P20 Q350 +Q1400917 P19 Q649 +Q1700315 P20 Q1297 +Q294144 P106 Q33999 +Q37001 P106 Q10798782 +Q88641 P106 Q82955 +Q312531 P136 Q21010853 +Q221535 P27 Q30 +Q313013 P19 Q621549 +Q241583 P1412 Q1860 +Q167475 P737 Q50713 +Q9582 P102 Q29468 +Q103848 P1412 Q188 +Q284333 P161 Q363386 +Q295144 P136 Q134307 +Q215282 P69 Q154561 +Q196685 P495 Q30 +Q319374 P20 Q23197 +Q378098 P27 Q30 +Q47899 P19 Q60 +Q130547 P106 Q855091 +Q60217 P106 Q82955 +Q189 P463 Q656801 +Q215562 P463 Q2839513 +Q91582 P101 Q309 +Q76367 P106 Q131512 +Q557171 P69 Q499451 +Q314957 P106 Q1930187 +Q152929 P264 Q155152 +Q205028 P840 Q61 +Q75727 P106 Q1622272 +Q229274 P106 Q177220 +Q115525 P463 Q123885 +Q285460 P106 Q3387717 +Q130142 P57 Q13595531 +Q110183 P106 Q1622272 +Q1077405 P106 Q753110 +Q976526 P106 Q82955 +Q448163 P69 Q1068752 +Q27204 P495 Q30 +Q309898 P106 Q3387717 +Q73784 P136 Q12799318 +Q70478 P69 Q152838 +Q420041 P27 Q30 +Q123483 P69 Q206702 +Q193257 P106 Q14467526 +Q355159 P641 Q11419 +Q315732 P161 Q132205 +Q434805 P27 Q155 +Q357798 P20 Q437 +Q216927 P1303 Q80284 +Q1087475 P19 Q1297 +Q60884 P26 Q60025 +Q2071 P136 Q147516 +Q270441 P106 Q33999 +Q682030 P136 Q11399 +Q83287 P106 Q970153 +Q352708 P106 Q33999 +Q240523 P106 Q2252262 +Q38 P530 Q805 +Q185375 P106 Q4263842 +Q155775 P106 Q10800557 +Q8556 P1412 Q1860 +Q184103 P106 Q10800557 +Q1125383 P27 Q145 +Q1680268 P19 Q1342 +Q234338 P1412 Q1860 +Q324157 P101 Q309 +Q59185 P1412 Q1860 +Q44578 P840 Q79848 +Q743162 P1412 Q1860 +Q66207 P1412 Q188 +Q16473 P264 Q843402 +Q215556 P136 Q9734 +Q83325 P106 Q10798782 +Q190972 P106 Q10800557 +Q933332 P19 Q37320 +Q106871 P161 Q2680 +Q254524 P20 Q71 +Q333573 P106 Q82955 +Q126812 P106 Q15980158 +Q256061 P106 Q10800557 +Q368636 P19 Q18419 +Q84365 P1412 Q188 +Q52927 P106 Q82955 +Q604086 P69 Q240631 +Q130742 P136 Q1641839 +Q92881 P69 Q5171564 +Q1338141 P463 Q83172 +Q216870 P106 Q14915627 +Q64278 P106 Q1209498 +Q884172 P106 Q753110 +Q488429 P27 Q884 +Q28936 P161 Q62676 +Q1744 P106 Q2526255 +Q2496 P108 Q152171 +Q17 P463 Q8475 +Q6043036 P27 Q219 +Q916 P530 Q45 +Q555993 P19 Q1748 +Q262772 P264 Q190585 +Q242462 P20 Q1337818 +Q702468 P106 Q193391 +Q1569251 P106 Q183945 +Q257764 P1303 Q46185 +Q77079 P509 Q152234 +Q53096 P161 Q355209 +Q135156 P840 Q11299 +Q272994 P20 Q60 +Q3339429 P106 Q177220 +Q905267 P119 Q311 +Q78869 P1412 Q188 +Q55963 P172 Q170217 +Q792 P361 Q12585 +Q206224 P136 Q471839 +Q227 P530 Q38 +Q77684 P1412 Q188 +Q297598 P1412 Q150 +Q357184 P106 Q1930187 +Q273532 P69 Q49119 +Q91161 P108 Q55044 +Q64176 P1412 Q188 +Q76501 P463 Q49738 +Q779932 P27 Q15180 +Q1931654 P106 Q6625963 +Q327613 P840 Q724 +Q8927 P106 Q10800557 +Q648359 P3373 Q210172 +Q20153 P136 Q213665 +Q387539 P17 Q30 +Q309289 P136 Q2484376 +Q181678 P641 Q11419 +Q3490296 P463 Q337234 +Q2904665 P106 Q40348 +Q72682 P27 Q183 +Q912 P530 Q30 +Q340074 P106 Q333634 +Q80739 P106 Q10798782 +Q76422 P108 Q40025 +Q432473 P1412 Q9299 +Q317817 P69 Q174710 +Q175038 P136 Q20443008 +Q129598 P108 Q168756 +Q296500 P27 Q30 +Q232009 P161 Q296008 +Q205435 P106 Q2526255 +Q283696 P161 Q275161 +Q1057003 P136 Q54365 +Q153723 P57 Q3772 +Q71035 P20 Q3920 +Q57384 P102 Q7320 +Q184750 P108 Q1377 +Q71635 P102 Q49766 +Q44481 P106 Q169470 +Q78918 P106 Q36834 +Q65600 P108 Q155354 +Q535924 P106 Q81096 +Q65825 P106 Q121594 +Q441226 P27 Q15180 +Q126941 P106 Q18844224 +Q235132 P106 Q2259451 +Q465127 P27 Q30 +Q22072 P1303 Q133163 +Q528340 P264 Q202585 +Q268905 P495 Q183 +Q268604 P27 Q30 +Q312582 P1412 Q188 +Q115347 P106 Q13474373 +Q333855 P509 Q12152 +Q242462 P106 Q10800557 +Q4488 P106 Q2405480 +Q1353962 P19 Q5092 +Q551075 P106 Q1930187 +Q294583 P463 Q463281 +Q444366 P69 Q13371 +Q171166 P509 Q181754 +Q103848 P1412 Q1860 +Q295817 P106 Q753110 +Q29 P37 Q1321 +Q82222 P264 Q202585 +Q692632 P19 Q1297 +Q23685 P106 Q16323111 +Q96 P530 Q1028 +Q193857 P27 Q179876 +Q937 P108 Q206702 +Q323470 P136 Q20502 +Q184404 P136 Q8341 +Q102813 P106 Q10800557 +Q153232 P27 Q142 +Q270601 P106 Q333634 +Q66729 P463 Q684415 +Q156774 P463 Q4742987 +Q79969 P27 Q30 +Q275964 P172 Q141817 +Q296828 P106 Q36834 +Q58073 P106 Q1930187 +Q605534 P140 Q1841 +Q463768 P840 Q79 +Q20 P463 Q17495 +Q81324 P27 Q16 +Q41173 P106 Q486748 +Q238924 P106 Q753110 +Q28 P530 Q774 +Q235134 P106 Q4964182 +Q778716 P106 Q2516852 +Q96243 P106 Q201788 +Q132095 P463 Q209184 +Q234392 P106 Q36180 +Q345531 P106 Q82955 +Q370377 P1412 Q1860 +Q3161354 P463 Q463303 +Q47878 P136 Q3071 +Q201732 P106 Q18844224 +Q230454 P264 Q726251 +Q69319 P69 Q9842 +Q181689 P509 Q12202 +Q274348 P19 Q2807 +Q708581 P106 Q28389 +Q208003 P69 Q28729082 +Q1245 P19 Q2634 +Q534234 P106 Q33999 +Q268160 P495 Q30 +Q380407 P106 Q10349745 +Q221364 P106 Q2252262 +Q295781 P106 Q82955 +Q49452 P106 Q47064 +Q705715 P136 Q9778 +Q1441251 P1303 Q9798 +Q1095520 P106 Q177220 +Q154353 P463 Q684415 +Q34670 P463 Q463303 +Q328892 P69 Q192088 +Q35011 P27 Q145 +Q154759 P27 Q34 +Q584632 P69 Q691851 +Q41871 P102 Q29552 +Q66732 P27 Q30 +Q186525 P106 Q333634 +Q357102 P106 Q40348 +Q313551 P106 Q81096 +Q1396681 P136 Q37073 +Q34670 P140 Q7066 +Q188093 P69 Q5149833 +Q131355 P106 Q40348 +Q251287 P509 Q12206 +Q2626233 P19 Q649 +Q76363 P106 Q170790 +Q2481742 P463 Q463303 +Q517448 P264 Q1142456 +Q2680 P26 Q43044 +Q281034 P509 Q12152 +Q45672 P840 Q1522 +Q29697 P161 Q238638 +Q213521 P27 Q30 +Q42047 P161 Q36949 +Q236835 P106 Q18814623 +Q4030 P106 Q1643514 +Q298761 P106 Q33999 +Q106746 P463 Q270794 +Q88267 P140 Q75809 +Q108560 P27 Q668 +Q1984116 P106 Q578109 +Q155882 P1303 Q17172850 +Q3709961 P106 Q1622272 +Q310773 P69 Q752663 +Q313281 P509 Q183134 +Q1389589 P509 Q12078 +Q153723 P161 Q89486 +Q439315 P136 Q83440 +Q475004 P106 Q49757 +Q44301 P1303 Q52954 +Q559531 P106 Q36180 +Q116718 P106 Q13582652 +Q965 P463 Q340195 +Q351670 P106 Q639669 +Q771296 P136 Q1641839 +Q322465 P20 Q16739 +Q8743 P106 Q81096 +Q236599 P106 Q27532437 +Q167399 P172 Q678551 +Q959153 P106 Q33999 +Q162045 P19 Q172 +Q58195 P27 Q213 +Q78608 P27 Q219 +Q446427 P106 Q3282637 +Q153185 P101 Q2329 +Q697 P463 Q7785 +Q2619019 P106 Q33999 +Q314924 P19 Q159288 +Q270601 P106 Q36180 +Q232468 P101 Q207628 +Q349690 P106 Q10798782 +Q322179 P106 Q33999 +Q1164355 P106 Q639669 +Q229957 P27 Q30 +Q190148 P101 Q12271 +Q59610 P161 Q172035 +Q213870 P1412 Q188 +Q76131 P106 Q36180 +Q469888 P737 Q4985 +Q957921 P19 Q1492 +Q157400 P136 Q37073 +Q347456 P106 Q33999 +Q4538 P106 Q7042855 +Q220816 P27 Q34266 +Q539120 P106 Q36180 +Q95125 P106 Q2526255 +Q499757 P740 Q649 +Q61178 P106 Q34074720 +Q239067 P106 Q593644 +Q10738 P106 Q33999 +Q200867 P136 Q1344 +Q83557 P106 Q169470 +Q427091 P161 Q108935 +Q229018 P106 Q639669 +Q387655 P106 Q855091 +Q15935 P106 Q753110 +Q42 P106 Q18844224 +Q4391139 P27 Q15180 +Q35648 P509 Q181754 +Q66493 P20 Q1794 +Q2118763 P106 Q1930187 +Q1398876 P106 Q43845 +Q25147 P136 Q1640319 +Q184572 P1412 Q1321 +Q1275039 P136 Q11401 +Q43 P463 Q656801 +Q68126 P69 Q174158 +Q62539 P106 Q15253558 +Q797649 P108 Q49088 +Q41513 P106 Q36180 +Q228717 P140 Q288928 +Q380095 P27 Q30 +Q87972 P106 Q42973 +Q75720 P19 Q580 +Q974888 P106 Q488205 +Q66729 P106 Q1622272 +Q311141 P1412 Q1860 +Q186264 P136 Q1344 +Q361257 P106 Q28389 +Q236822 P140 Q748 +Q164534 P106 Q3282637 +Q57490 P69 Q55044 +Q107167 P161 Q508404 +Q216013 P1412 Q188 +Q48034 P27 Q15180 +Q364315 P108 Q273523 +Q99596 P69 Q152838 +Q123698 P108 Q50662 +Q134549 P106 Q82955 +Q940594 P106 Q333634 +Q4934689 P1412 Q1860 +Q726280 P106 Q177220 +Q433459 P509 Q181754 +Q73924 P102 Q49768 +Q223596 P840 Q2915506 +Q25856 P69 Q622683 +Q75812 P27 Q183 +Q130853 P106 Q177220 +Q156309 P136 Q188473 +Q232458 P108 Q740308 +Q1909248 P106 Q177220 +Q234795 P1412 Q1860 +Q60452 P119 Q3923 +Q930324 P19 Q1770 +Q502963 P106 Q11631 +Q620732 P106 Q82955 +Q945691 P106 Q1323191 +Q547414 P106 Q16287483 +Q153905 P1412 Q188 +Q430278 P161 Q273208 +Q270669 P69 Q248970 +Q53549 P172 Q49085 +Q216129 P106 Q82955 +Q297384 P106 Q10798782 +Q113806 P102 Q186867 +Q1678110 P106 Q158852 +Q57399 P102 Q152554 +Q42247 P106 Q18939491 +Q189758 P106 Q183945 +Q62656 P106 Q350979 +Q455292 P27 Q30 +Q454758 P106 Q188094 +Q203845 P136 Q2484376 +Q504025 P463 Q463303 +Q58577 P509 Q12192 +Q3438272 P27 Q174193 +Q311453 P106 Q177220 +Q5333 P463 Q265058 +Q888326 P1303 Q17172850 +Q2999 P17 Q713750 +Q1027 P463 Q233611 +Q208344 P136 Q846544 +Q573171 P463 Q463303 +Q380467 P463 Q466089 +Q254510 P106 Q33231 +Q223443 P27 Q30 +Q376663 P495 Q30 +Q137042 P136 Q8341 +Q18800 P106 Q10798782 +Q2291 P106 Q36180 +Q184535 P1050 Q2840 +Q84960 P69 Q152087 +Q6080085 P27 Q129286 +Q430804 P106 Q33999 +Q874481 P3373 Q873178 +Q843 P530 Q213 +Q387814 P106 Q33999 +Q306403 P106 Q28389 +Q302762 P106 Q158852 +Q202735 P106 Q753110 +Q45 P530 Q574 +Q33760 P737 Q35802 +Q76811 P102 Q328195 +Q241903 P20 Q60 +Q706999 P106 Q36180 +Q593554 P69 Q499451 +Q1074038 P1303 Q17172850 +Q315181 P136 Q37073 +Q1552348 P106 Q639669 +Q32257 P463 Q543804 +Q229197 P19 Q100 +Q31 P463 Q1043527 +Q85394 P27 Q28513 +Q193695 P136 Q319221 +Q67921 P119 Q1055 +Q378891 P161 Q223117 +Q256061 P106 Q2259451 +Q215748 P108 Q49204 +Q318607 P136 Q188473 +Q574 P463 Q899770 +Q233340 P106 Q170790 +Q1272729 P27 Q30 +Q51023 P136 Q1062400 +Q317574 P27 Q30 +Q244115 P161 Q240677 +Q21826 P106 Q1326886 +Q215546 P136 Q37073 +Q335011 P106 Q1234713 +Q246303 P27 Q30 +Q380848 P136 Q130232 +Q1545 P106 Q2405480 +Q18430 P108 Q49112 +Q195367 P27 Q36 +Q507809 P69 Q81162 +Q76000 P106 Q333634 +Q18421 P840 Q90 +Q43293 P106 Q333634 +Q60174 P509 Q12152 +Q161955 P140 Q7066 +Q39972 P106 Q245068 +Q631416 P69 Q1143289 +Q89292 P27 Q183 +Q67271 P27 Q183 +Q106225 P106 Q245068 +Q372174 P161 Q70948 +Q25854 P106 Q1930187 +Q359568 P106 Q1622272 +Q295034 P551 Q65 +Q276158 P136 Q37073 +Q82409 P106 Q1234713 +Q379824 P106 Q10800557 +Q270529 P106 Q188094 +Q72400 P20 Q64 +Q729117 P551 Q1297 +Q2424996 P69 Q168756 +Q228943 P3373 Q115541 +Q167997 P106 Q82955 +Q270730 P106 Q2259451 +Q267866 P161 Q132952 +Q332610 P106 Q42973 +Q188426 P136 Q83440 +Q169038 P463 Q2370801 +Q49328 P19 Q1055 +Q313302 P27 Q30 +Q4919786 P463 Q3394637 +Q164979 P1412 Q188 +Q633 P106 Q18814623 +Q315826 P106 Q8246794 +Q295817 P136 Q263734 +Q236017 P106 Q10800557 +Q311145 P106 Q214917 +Q1265657 P106 Q205375 +Q551421 P106 Q1930187 +Q319374 P106 Q177220 +Q6107 P106 Q2252262 +Q225 P463 Q1928989 +Q449575 P106 Q33231 +Q55411 P106 Q33999 +Q202613 P106 Q855091 +Q98434 P1412 Q188 +Q1979936 P106 Q177220 +Q260026 P20 Q621 +Q82083 P69 Q245247 +Q3778 P17 Q55300 +Q459889 P161 Q532180 +Q237242 P140 Q9592 +Q7407 P641 Q847 +Q4029 P106 Q10798782 +Q36844 P27 Q244 +Q1351527 P1303 Q17172850 +Q60884 P106 Q17489339 +Q72804 P19 Q3138 +Q152453 P106 Q488205 +Q60801 P20 Q90 +Q676914 P27 Q30 +Q107183 P20 Q6837 +Q160640 P108 Q646229 +Q386784 P106 Q15981151 +Q63670 P106 Q201788 +Q211136 P27 Q30 +Q200407 P27 Q30 +Q23810 P27 Q34 +Q232214 P1412 Q1321 +Q428493 P1303 Q258896 +Q358345 P106 Q33999 +Q3734755 P69 Q49114 +Q833 P463 Q899770 +Q114576 P108 Q9531 +Q4444 P136 Q1776156 +Q390063 P161 Q232104 +Q191020 P106 Q901 +Q109053 P509 Q476921 +Q509974 P106 Q36180 +Q103476 P1412 Q188 +Q17457 P1303 Q1444 +Q215721 P106 Q2259451 +Q76586 P27 Q28513 +Q314984 P106 Q16533 +Q236527 P106 Q177220 +Q72390 P27 Q145 +Q45593 P463 Q684415 +Q239565 P106 Q2705098 +Q157155 P106 Q4263842 +Q917 P530 Q668 +Q1792159 P17 Q34 +Q268084 P1412 Q1860 +Q49080 P19 Q1874 +Q61322 P1412 Q652 +Q183 P530 Q1019 +Q893664 P106 Q201788 +Q60996 P1412 Q188 +Q154353 P140 Q7066 +Q184 P530 Q55 +Q76128 P69 Q1542213 +Q285584 P495 Q30 +Q1351527 P106 Q36180 +Q378333 P108 Q4129798 +Q89416 P1412 Q188 +Q207036 P136 Q49084 +Q305372 P106 Q13235160 +Q928939 P1412 Q7913 +Q249288 P840 Q96 +Q706417 P1303 Q17172850 +Q222800 P161 Q220308 +Q311267 P264 Q193023 +Q283267 P27 Q129286 +Q940942 P108 Q209344 +Q2482444 P1412 Q1860 +Q216692 P20 Q1748 +Q236939 P172 Q42406 +Q1033 P463 Q294278 +Q228860 P106 Q639669 +Q355344 P106 Q33999 +Q893664 P106 Q1930187 +Q272505 P106 Q33999 +Q25820 P106 Q4773904 +Q180377 P106 Q36180 +Q445109 P106 Q33999 +Q168724 P1412 Q1321 +Q1389588 P27 Q34266 +Q390052 P161 Q160432 +Q1984116 P106 Q2526255 +Q182580 P106 Q82955 +Q105676 P1412 Q188 +Q216466 P106 Q11774202 +Q230 P530 Q766 +Q2149885 P106 Q753110 +Q44517 P106 Q193391 +Q292432 P264 Q885833 +Q311472 P27 Q30 +Q97301 P1412 Q188 +Q292993 P27 Q145 +Q375855 P57 Q38222 +Q34836 P106 Q189290 +Q201079 P106 Q1622272 +Q117644 P106 Q2722764 +Q1040028 P161 Q271867 +Q379580 P106 Q18814623 +Q469164 P1412 Q652 +Q1066894 P106 Q55960555 +Q251984 P737 Q53680 +Q107420 P463 Q338432 +Q128708 P20 Q340 +Q976417 P106 Q82955 +Q274274 P101 Q207628 +Q95125 P1412 Q1860 +Q944386 P106 Q169470 +Q704645 P119 Q311 +Q178698 P26 Q61597 +Q62977 P27 Q183 +Q728463 P106 Q81096 +Q608235 P20 Q213 +Q388035 P106 Q33999 +Q128507 P106 Q10798782 +Q28936 P136 Q130232 +Q190302 P101 Q5891 +Q228787 P1412 Q1860 +Q96665 P69 Q151510 +Q327107 P27 Q131964 +Q233475 P264 Q190585 +Q219315 P495 Q30 +Q5809 P551 Q241 +Q49452 P1412 Q150 +Q909001 P27 Q34266 +Q611672 P172 Q49078 +Q1011 P530 Q142 +Q96331 P119 Q64 +Q314924 P106 Q10798782 +Q550900 P1303 Q11404 +Q162389 P19 Q60 +Q77493 P102 Q148861 +Q722347 P19 Q41819 +Q184572 P136 Q21590660 +Q5763208 P106 Q333634 +Q267526 P495 Q30 +Q504066 P106 Q1930187 +Q55743 P27 Q36 +Q561809 P106 Q2405480 +Q661452 P106 Q14467526 +Q180975 P102 Q9626 +Q928 P530 Q258 +Q242956 P136 Q482 +Q431656 P106 Q177220 +Q153039 P495 Q29 +Q44481 P463 Q161806 +Q5977 P106 Q183945 +Q238866 P161 Q232511 +Q175457 P106 Q15895020 +Q332607 P106 Q82955 +Q54945 P463 Q3394637 +Q128582 P161 Q378672 +Q325077 P136 Q157443 +Q215778 P69 Q926749 +Q1526406 P102 Q139596 +Q152824 P69 Q131252 +Q12769 P20 Q36600 +Q443403 P737 Q706889 +Q48226 P106 Q49757 +Q54543 P641 Q847 +Q282041 P136 Q860626 +Q25153 P106 Q753110 +Q4636 P26 Q315051 +Q101235 P108 Q702524 +Q291806 P106 Q4853732 +Q5217489 P1412 Q9288 +Q208546 P27 Q34266 +Q117194 P1412 Q7737 +Q249931 P840 Q1439 +Q28656886 P106 Q10774753 +Q346595 P27 Q30 +Q44909 P509 Q212961 +Q181727 P119 Q1509 +Q528340 P106 Q158852 +Q55438 P106 Q2526255 +Q184219 P106 Q10800557 +Q1181035 P106 Q855091 +Q168452 P1412 Q150 +Q43432 P19 Q16563 +Q642195 P1412 Q809 +Q86864 P106 Q482980 +Q889 P530 Q230 +Q94108 P27 Q40 +Q166262 P161 Q202589 +Q210172 P106 Q36834 +Q719010 P641 Q5386 +Q202801 P106 Q18581305 +Q837 P463 Q7825 +Q98806 P69 Q152838 +Q194220 P264 Q183387 +Q156858 P172 Q84072 +Q188426 P106 Q36834 +Q350700 P106 Q855091 +Q171463 P27 Q96 +Q231270 P106 Q13235160 +Q450271 P106 Q4964182 +Q98812 P136 Q208505 +Q108733 P463 Q700570 +Q953 P463 Q7809 +Q232646 P106 Q10798782 +Q548672 P106 Q193391 +Q704705 P509 Q12192 +Q5912 P135 Q6034 +Q1531285 P1303 Q17172850 +Q710619 P463 Q463303 +Q348533 P106 Q3922505 +Q85832 P106 Q28389 +Q235020 P106 Q3282637 +Q381799 P1412 Q5287 +Q60809 P101 Q11633 +Q481482 P27 Q172579 +Q379341 P1303 Q6607 +Q57139 P1303 Q1444 +Q87402 P463 Q543804 +Q1131481 P641 Q36908 +Q90319 P19 Q64 +Q242454 P1303 Q6607 +Q78639 P106 Q33999 +Q55433 P20 Q220 +Q800 P463 Q7809 +Q7542 P136 Q484641 +Q878 P463 Q899770 +Q1386443 P106 Q1415090 +Q333014 P1303 Q6607 +Q1395064 P27 Q43 +Q1514469 P264 Q2164531 +Q215 P463 Q45177 +Q274362 P106 Q13590141 +Q5878 P106 Q12144794 +Q536371 P106 Q36180 +Q214690 P106 Q3242115 +Q258 P463 Q7785 +Q322915 P172 Q49085 +Q44652 P106 Q2516852 +Q61282 P463 Q543804 +Q705653 P106 Q639669 +Q69340 P106 Q36180 +Q11860 P106 Q131524 +Q93443 P161 Q212772 +Q371932 P106 Q10800557 +Q234030 P69 Q193727 +Q314606 P106 Q10800557 +Q351732 P106 Q6665249 +Q232395 P106 Q33999 +Q1350509 P69 Q312578 +Q465937 P27 Q33 +Q38022 P17 Q30 +Q259807 P495 Q30 +Q377789 P106 Q2526255 +Q532169 P106 Q10800557 +Q2709 P1412 Q1860 +Q1067 P106 Q82955 +Q242 P530 Q865 +Q311165 P19 Q1049 +Q434111 P509 Q128581 +Q242555 P106 Q10798782 +Q637195 P106 Q28389 +Q220918 P106 Q33999 +Q9594 P19 Q61 +Q157242 P463 Q2370801 +Q10738 P106 Q3282637 +Q233882 P106 Q33999 +Q7351 P106 Q639669 +Q356397 P106 Q214917 +Q215366 P140 Q7066 +Q63834 P69 Q776223 +Q391262 P551 Q33935 +Q297794 P106 Q214917 +Q44461 P27 Q145 +Q1139628 P2348 Q6939 +Q134133 P27 Q145 +Q43287 P140 Q23540 +Q41042 P27 Q145 +Q123706 P106 Q36180 +Q216720 P161 Q104791 +Q71416 P102 Q662377 +Q572001 P69 Q309350 +Q104301 P463 Q463303 +Q52255 P27 Q16 +Q41252 P17 Q172107 +Q40912 P106 Q33999 +Q381799 P136 Q21010853 +Q39574 P106 Q33999 +Q40116 P27 Q142 +Q51566 P172 Q49085 +Q309589 P106 Q948329 +Q61064 P20 Q48958 +Q151872 P106 Q4853732 +Q81224 P136 Q496523 +Q76211 P106 Q36180 +Q157032 P17 Q221 +Q2685 P106 Q33999 +Q104929 P106 Q17167049 +Q303391 P161 Q725519 +Q212026 P69 Q13371 +Q32535 P161 Q133050 +Q311181 P106 Q488205 +Q1041749 P106 Q36834 +Q77959 P106 Q14467526 +Q65144 P20 Q1022 +Q458978 P106 Q486748 +Q356217 P106 Q482980 +Q299073 P264 Q183412 +Q292973 P27 Q145 +Q874 P463 Q656801 +Q182156 P106 Q82955 +Q1545 P136 Q187760 +Q115 P530 Q27 +Q869 P530 Q252 +Q482708 P27 Q884 +Q382068 P106 Q10800557 +Q438366 P451 Q165911 +Q432929 P106 Q81096 +Q1019 P463 Q7809 +Q67917 P27 Q183 +Q154959 P20 Q2861 +Q384979 P101 Q482 +Q92881 P106 Q170790 +Q936132 P106 Q33999 +Q76772 P463 Q543804 +Q966228 P108 Q1446181 +Q310150 P509 Q181257 +Q53191106 P3373 Q20562503 +Q2737 P1303 Q5994 +Q38393 P27 Q668 +Q206224 P161 Q4346512 +Q233837 P106 Q947873 +Q231019 P19 Q270 +Q889 P530 Q96 +Q101383 P1303 Q6607 +Q2704774 P463 Q83172 +Q959588 P106 Q43845 +Q19074 P27 Q30 +Q211542 P106 Q28389 +Q162005 P106 Q43845 +Q600344 P136 Q613408 +Q156815 P140 Q483654 +Q55207 P27 Q159 +Q555449 P20 Q1486 +Q30 P463 Q233611 +Q163683 P108 Q49114 +Q51416 P161 Q170587 +Q4289338 P106 Q901 +Q60095 P106 Q901 +Q229487 P106 Q2259451 +Q568595 P1412 Q188 +Q168431 P108 Q658626 +Q1358816 P106 Q483501 +Q62986 P69 Q153987 +Q938749 P27 Q17 +Q71206 P106 Q639669 +Q484302 P264 Q126399 +Q711 P463 Q81299 +Q271324 P509 Q12192 +Q465465 P27 Q43 +Q76432 P463 Q270794 +Q77428 P1412 Q35497 +Q266676 P264 Q1988428 +Q522679 P136 Q35760 +Q327713 P161 Q56008 +Q213811 P106 Q28389 +Q878 P530 Q183 +Q180861 P136 Q49451 +Q697 P463 Q294278 +Q206112 P106 Q2526255 +Q343299 P27 Q29 +Q305372 P19 Q24639 +Q319277 P136 Q11399 +Q380459 P1412 Q1860 +Q935369 P136 Q9759 +Q539156 P106 Q9648008 +Q316454 P106 Q488205 +Q705477 P27 Q30 +Q76158 P106 Q1622272 +Q101740 P27 Q30 +Q98370 P463 Q459620 +Q278550 P161 Q313043 +Q368732 P20 Q801 +Q270601 P106 Q49757 +Q229716 P136 Q37073 +Q41042 P26 Q242796 +Q102071 P106 Q644687 +Q93959 P101 Q8242 +Q231942 P264 Q193023 +Q182725 P264 Q190585 +Q58062 P101 Q132151 +Q971 P463 Q842490 +Q708423 P106 Q855091 +Q313501 P106 Q3282637 +Q325427 P106 Q10798782 +Q467940 P19 Q1486 +Q318029 P1412 Q1860 +Q96 P530 Q219060 +Q183279 P106 Q169470 +Q271327 P102 Q5020915 +Q276005 P1412 Q150 +Q228733 P106 Q10798782 +Q446743 P106 Q49757 +Q183512 P161 Q352935 +Q5879 P106 Q185351 +Q86225 P106 Q3621491 +Q76568 P1412 Q397 +Q940891 P106 Q488205 +Q469681 P1412 Q9043 +Q684105 P1303 Q46185 +Q163118 P106 Q937857 +Q92341 P106 Q17167049 +Q3189110 P106 Q81096 +Q105624 P136 Q52162262 +Q1475124 P264 Q1435522 +Q708963 P106 Q33999 +Q229379 P172 Q49085 +Q765 P106 Q1028181 +Q954681 P106 Q639669 +Q364875 P1303 Q17172850 +Q229808 P136 Q1146335 +Q1009499 P27 Q30 +Q201221 P20 Q90 +Q4042 P106 Q183945 +Q835 P551 Q649 +Q584632 P106 Q1622272 +Q115683 P69 Q160302 +Q68596 P106 Q4002666 +Q453288 P69 Q1431541 +Q297210 P27 Q30 +Q239293 P1412 Q150 +Q58009 P102 Q7320 +Q1017117 P136 Q38848 +Q92379 P27 Q183 +Q237690 P106 Q33999 +Q202386 P106 Q82955 +Q542101 P1303 Q51290 +Q258854 P3373 Q106514 +Q62234 P108 Q151510 +Q115630 P27 Q39 +Q110374 P119 Q1302545 +Q80504 P27 Q203493 +Q447592 P106 Q1476215 +Q42204 P1050 Q41571 +Q395340 P1412 Q188 +Q36 P530 Q668 +Q44336 P27 Q40 +Q154852 P106 Q177220 +Q617920 P463 Q463303 +Q334760 P27 Q30 +Q3189110 P27 Q174193 +Q788572 P106 Q4263842 +Q202028 P161 Q212064 +Q92532 P106 Q82955 +Q45 P463 Q827525 +Q849641 P106 Q1930187 +Q26688 P106 Q855091 +Q2607 P102 Q49750 +Q239928 P102 Q29468 +Q1047141 P106 Q639669 +Q155684 P1412 Q1860 +Q331277 P136 Q130232 +Q218718 P106 Q28389 +Q445306 P463 Q191583 +Q28513 P37 Q188 +Q735283 P108 Q13371 +Q223596 P495 Q145 +Q230836 P136 Q487965 +Q312385 P106 Q2259451 +Q538708 P509 Q12192 +Q367927 P69 Q49122 +Q57374 P101 Q207628 +Q115055 P106 Q3089940 +Q158030 P69 Q1394262 +Q924232 P106 Q1327329 +Q104154 P106 Q170790 +Q109767 P161 Q272505 +Q156532 P1412 Q1860 +Q135867 P161 Q45553 +Q23261 P140 Q288928 +Q108560 P1412 Q5885 +Q246731 P172 Q44806 +Q169011 P463 Q463303 +Q307391 P1412 Q1860 +Q159 P530 Q414 +Q65087 P1412 Q188 +Q348534 P161 Q11930 +Q40580 P264 Q238095 +Q597863 P102 Q537303 +Q77549 P27 Q183 +Q44862 P106 Q36180 +Q44872 P69 Q153978 +Q239786 P106 Q753110 +Q213195 P27 Q30 +Q267866 P161 Q133151 +Q1380398 P106 Q639669 +Q5369090 P108 Q155354 +Q2833 P17 Q7318 +Q220713 P840 Q1166 +Q322750 P27 Q30 +Q837 P30 Q48 +Q113206 P106 Q2526255 +Q186317 P106 Q28389 +Q1874 P17 Q139319 +Q878 P530 Q851 +Q184366 P463 Q338432 +Q947291 P1412 Q7737 +Q298905 P20 Q90 +Q76586 P101 Q309 +Q207898 P1412 Q1321 +Q188401 P106 Q10800557 +Q738196 P106 Q82955 +Q262576 P19 Q649 +Q71275 P27 Q30 +Q444651 P136 Q1196752 +Q124607 P27 Q39 +Q23359 P106 Q4610556 +Q311970 P19 Q1761 +Q219060 P463 Q8475 +Q40645 P19 Q1720 +Q723839 P106 Q49757 +Q77183 P19 Q365 +Q246656 P495 Q30 +Q16397 P101 Q33999 +Q160778 P106 Q183945 +Q315222 P1412 Q188 +Q225 P463 Q191384 +Q573405 P27 Q30 +Q51506 P106 Q3282637 +Q554670 P106 Q855091 +Q716282 P106 Q7042855 +Q953153 P27 Q30 +Q258750 P106 Q855091 +Q591270 P69 Q309350 +Q945301 P27 Q34 +Q3986379 P161 Q117012 +Q190994 P106 Q10798782 +Q264610 P106 Q488205 +Q1453287 P119 Q252312 +Q1744 P264 Q231694 +Q237030 P27 Q30 +Q232514 P264 Q193023 +Q983590 P106 Q1930187 +Q124894 P106 Q1622272 +Q355314 P108 Q142740 +Q58735 P1303 Q6607 +Q268160 P740 Q12439 +Q229 P530 Q16 +Q164534 P19 Q678437 +Q528140 P737 Q202314 +Q234043 P106 Q753110 +Q257953 P106 Q1930187 +Q202211 P161 Q343037 +Q270085 P101 Q395 +Q254510 P106 Q639669 +Q66316 P106 Q36180 +Q104137 P136 Q130232 +Q1123533 P136 Q8341 +Q706931 P27 Q145 +Q357929 P106 Q36180 +Q794 P530 Q252 +Q213778 P27 Q183 +Q67383 P106 Q177220 +Q164730 P106 Q10800557 +Q78479 P27 Q40 +Q58758 P106 Q131524 +Q7302 P551 Q84 +Q164170 P69 Q1179603 +Q104340 P1412 Q1860 +Q4834218 P27 Q30 +Q313470 P1412 Q1860 +Q8814 P463 Q3291340 +Q858 P463 Q7809 +Q78504 P20 Q84 +Q55462 P27 Q172579 +Q426390 P106 Q753110 +Q1373546 P20 Q270230 +Q55208 P27 Q30 +Q1176607 P106 Q488205 +Q80596 P106 Q11774202 +Q213778 P69 Q154804 +Q135329 P106 Q11900058 +Q217427 P3373 Q336222 +Q1203 P106 Q183945 +Q61863 P509 Q476921 +Q221202 P840 Q8652 +Q8877 P140 Q9268 +Q4864 P1412 Q7737 +Q505871 P106 Q12961474 +Q1350303 P106 Q1028181 +Q12881 P737 Q184440 +Q733373 P106 Q2252262 +Q343668 P136 Q157443 +Q428347 P106 Q1643514 +Q298025 P551 Q60 +Q444486 P69 Q73094 +Q92035 P108 Q156725 +Q797659 P1412 Q1860 +Q132805 P106 Q6625963 +Q352730 P106 Q10798782 +Q49498 P161 Q48337 +Q983434 P106 Q164236 +Q187107 P27 Q30 +Q884 P530 Q142 +Q77271 P106 Q4263842 +Q296008 P106 Q28389 +Q262490 P551 Q159288 +Q584197 P106 Q14467526 +Q258462 P101 Q482 +Q23380 P1412 Q150 +Q162255 P136 Q471839 +Q3126 P17 Q41304 +Q464277 P106 Q855091 +Q61864 P106 Q1622272 +Q809420 P19 Q90 +Q96285 P463 Q1285073 +Q12862 P1412 Q143 +Q202185 P19 Q16555 +Q219 P530 Q403 +Q813 P530 Q148 +Q84246 P69 Q165980 +Q320423 P495 Q145 +Q115683 P106 Q11774202 +Q63667 P101 Q482 +Q462282 P106 Q1930187 +Q366012 P172 Q49085 +Q161806 P101 Q150 +Q76422 P737 Q76576 +Q165824 P106 Q18814623 +Q349893 P106 Q36180 +Q6515 P106 Q644687 +Q267581 P1303 Q17172850 +Q132952 P1412 Q1860 +Q587361 P1303 Q5994 +Q153638 P136 Q1298934 +Q191 P463 Q899770 +Q99842 P102 Q694299 +Q561147 P106 Q121594 +Q41617 P1412 Q7850 +Q193300 P1412 Q5287 +Q70047 P69 Q151510 +Q203519 P509 Q175111 +Q398 P30 Q48 +Q1364884 P108 Q49115 +Q805 P463 Q8475 +Q67462 P106 Q16947320 +Q794 P530 Q39 +Q543195 P106 Q333634 +Q128582 P161 Q95048 +Q1238180 P69 Q501758 +Q739 P30 Q18 +Q4636 P69 Q5384959 +Q346091 P106 Q333634 +Q475733 P106 Q81096 +Q240485 P106 Q947873 +Q44354 P102 Q29468 +Q124894 P27 Q39 +Q1078152 P106 Q177220 +Q156942 P106 Q81096 +Q214481 P106 Q3242115 +Q43936 P1412 Q397 +Q479992 P106 Q82955 +Q123706 P108 Q209842 +Q61520 P1412 Q188 +Q166562 P1412 Q652 +Q506771 P106 Q16145150 +Q168821 P136 Q157443 +Q117197 P27 Q39 +Q552770 P1303 Q17172850 +Q1545 P106 Q36834 +Q382036 P19 Q11299 +Q455827 P264 Q54860 +Q180008 P136 Q157443 +Q76579 P20 Q2795 +Q1372074 P106 Q488205 +Q195303 P840 Q65 +Q212173 P69 Q1145814 +Q649 P131 Q2184 +Q61597 P3373 Q77087 +Q4573 P106 Q28389 +Q77235 P463 Q833738 +Q181573 P27 Q159 +Q36951 P108 Q661916 +Q151705 P495 Q30 +Q259254 P136 Q188539 +Q1884 P17 Q12548 +Q109522 P106 Q10800557 +Q75059 P106 Q2504617 +Q221364 P264 Q1194456 +Q266959 P106 Q177220 +Q105090 P3373 Q44584 +Q312857 P106 Q639669 +Q1176607 P1303 Q5994 +Q88412 P106 Q4263842 +Q268111 P106 Q4853732 +Q187516 P27 Q30 +Q188850 P495 Q145 +Q971702 P106 Q49757 +Q181991 P106 Q486748 +Q231781 P27 Q38 +Q1027 P463 Q7785 +Q539120 P106 Q333634 +Q131674 P1412 Q7737 +Q1101377 P509 Q476921 +Q47122 P136 Q45981 +Q234388 P3373 Q217427 +Q1698 P106 Q28389 +Q217294 P495 Q142 +Q152929 P264 Q216364 +Q173714 P27 Q29999 +Q276005 P19 Q84 +Q1131481 P27 Q172579 +Q167636 P106 Q33999 +Q269869 P27 Q30 +Q160802 P19 Q275118 +Q316955 P106 Q28389 +Q923242 P102 Q29552 +Q158078 P463 Q414110 +Q258462 P20 Q11299 +Q72365 P106 Q333634 +Q44606 P106 Q486748 +Q234928 P69 Q1051840 +Q187832 P27 Q30 +Q75811 P106 Q170790 +Q241470 P119 Q996499 +Q8768 P27 Q30 +Q166590 P106 Q333634 +Q337891 P136 Q37073 +Q213393 P1412 Q188 +Q207659 P161 Q531624 +Q924 P463 Q827525 +Q380787 P1412 Q150 +Q78107 P463 Q83172 +Q922191 P106 Q36180 +Q223830 P106 Q10800557 +Q213574 P27 Q29999 +Q43936 P69 Q34433 +Q76811 P19 Q2079 +Q4786 P463 Q337526 +Q57442 P108 Q165528 +Q18953 P19 Q60 +Q273171 P495 Q145 +Q234819 P463 Q1468277 +Q155463 P106 Q49757 +Q184906 P1412 Q256 +Q62730 P161 Q103579 +Q2895 P37 Q7737 +Q85102 P106 Q18814623 +Q66207 P27 Q183 +Q184605 P840 Q62 +Q364070 P106 Q483501 +Q94040 P106 Q49757 +Q340016 P106 Q11774202 +Q25820 P106 Q2055046 +Q348649 P69 Q1256981 +Q77983 P27 Q183 +Q321857 P136 Q83440 +Q115490 P463 Q463303 +Q313482 P106 Q36180 +Q272972 P26 Q44221 +Q296729 P27 Q30 +Q237925 P106 Q2526255 +Q23844 P102 Q29552 +Q526120 P106 Q639669 +Q212804 P161 Q34975 +Q335807 P1412 Q1860 +Q765 P172 Q50001 +Q367447 P264 Q193023 +Q258750 P1303 Q11405 +Q93996 P101 Q169470 +Q867852 P106 Q4853732 +Q234750 P264 Q4883239 +Q75886 P119 Q1497554 +Q264307 P161 Q342788 +Q61073 P108 Q372608 +Q151891 P172 Q127885 +Q76509 P20 Q78 +Q12706 P551 Q649 +Q175571 P1412 Q1860 +Q445429 P106 Q36180 +Q408 P530 Q796 +Q84292 P106 Q170790 +Q230131 P106 Q948329 +Q274608 P19 Q90 +Q12101508 P27 Q142 +Q531743 P1412 Q1860 +Q12833 P27 Q159 +Q191020 P509 Q14467705 +Q275170 P106 Q753110 +Q1299129 P27 Q30 +Q84 P17 Q179876 +Q106662 P136 Q187760 +Q183094 P463 Q117467 +Q168821 P161 Q48410 +Q297024 P69 Q193196 +Q165394 P161 Q368 +Q113007 P737 Q5603 +Q1585614 P106 Q177220 +Q2657741 P1412 Q8785 +Q270385 P495 Q30 +Q117902 P108 Q193510 +Q184366 P69 Q193196 +Q91023 P509 Q212961 +Q258010 P27 Q145 +Q101727 P108 Q32120 +Q86820 P136 Q3017271 +Q238866 P161 Q107730 +Q75151 P106 Q1930187 +Q222041 P161 Q485901 +Q723141 P27 Q29 +Q1339164 P108 Q752663 +Q183 P530 Q142 +Q234096 P27 Q30 +Q96028 P27 Q183 +Q236434 P106 Q33999 +Q208359 P140 Q178169 +Q746182 P106 Q36834 +Q1095533 P106 Q855091 +Q71366 P106 Q4263842 +Q426390 P136 Q9759 +Q221075 P136 Q200092 +Q213675 P69 Q152838 +Q241676 P106 Q82955 +Q273171 P1303 Q128309 +Q19199 P264 Q1025919 +Q129873 P495 Q142 +Q896193 P106 Q947873 +Q230916 P20 Q649 +Q223139 P161 Q7374 +Q172916 P69 Q209842 +Q245787 P119 Q18405702 +Q526970 P1303 Q17172850 +Q280400 P136 Q2143665 +Q966894 P69 Q3064259 +Q237134 P840 Q11299 +Q40162 P106 Q10798782 +Q272942 P1412 Q1860 +Q484523 P106 Q1075651 +Q43432 P27 Q30 +Q43718 P737 Q317160 +Q183094 P101 Q9465 +Q34787 P106 Q2306091 +Q32529 P27 Q38 +Q111164 P106 Q10800557 +Q38 P463 Q17495 +Q317742 P136 Q11366 +Q242889 P106 Q639669 +Q273079 P106 Q806349 +Q198451 P161 Q353978 +Q315650 P136 Q193207 +Q88478 P106 Q1234713 +Q17714 P106 Q10798782 +Q504458 P1303 Q17172850 +Q550900 P1303 Q133163 +Q38573 P69 Q153978 +Q203264 P463 Q2370801 +Q34391 P1412 Q188 +Q84780 P19 Q1741 +Q176578 P27 Q15180 +Q61407 P463 Q684415 +Q101521 P106 Q4220892 +Q346285 P136 Q492264 +Q189081 P106 Q12362622 +Q177847 P106 Q49757 +Q31 P530 Q43 +Q55800 P551 Q23197 +Q77876 P106 Q333634 +Q408 P530 Q774 +Q197491 P136 Q1535153 +Q92987 P27 Q13426199 +Q849641 P106 Q2526255 +Q299132 P1303 Q17172850 +Q621462 P106 Q730242 +Q41594 P106 Q131524 +Q1060115 P106 Q2705098 +Q153421 P119 Q985 +Q170574 P106 Q10800557 +Q123698 P119 Q665815 +Q310950 P106 Q28389 +Q44306 P69 Q35794 +Q750 P361 Q12585 +Q336222 P463 Q43267 +Q707186 P106 Q6606110 +Q62845 P27 Q29999 +Q124008 P1303 Q5994 +Q191734 P101 Q5891 +Q700018 P119 Q311 +Q321857 P106 Q55960555 +Q434839 P20 Q49111 +Q351705 P106 Q1930187 +Q16 P361 Q49 +Q185610 P136 Q11401 +Q429664 P106 Q33999 +Q30875 P106 Q1930187 +Q242128 P69 Q995265 +Q863049 P106 Q483501 +Q298777 P101 Q590870 +Q148 P530 Q869 +Q439626 P106 Q33999 +Q380381 P106 Q855091 +Q1268 P451 Q3816 +Q473257 P106 Q14467526 +Q309545 P161 Q513849 +Q92862 P108 Q2283 +Q173714 P1412 Q7411 +Q288150 P161 Q93187 +Q233291 P264 Q277626 +Q152524 P27 Q30 +Q25351 P106 Q1930187 +Q107769 P106 Q3282637 +Q162629 P106 Q33999 +Q526709 P106 Q214917 +Q1944655 P463 Q299015 +Q573223 P106 Q214917 +Q30 P530 Q211 +Q630446 P106 Q1607826 +Q711538 P27 Q29 +Q214 P463 Q826700 +Q677843 P19 Q1296 +Q1406622 P106 Q855091 +Q274297 P106 Q1930187 +Q380121 P106 Q10800557 +Q182229 P69 Q1247373 +Q101494 P106 Q4964182 +Q366805 P119 Q5933 +Q37 P530 Q218 +Q842 P463 Q17495 +Q201484 P69 Q332342 +Q78491 P27 Q174193 +Q105118 P140 Q9268 +Q361940 P1303 Q17172850 +Q57473 P140 Q9592 +Q148 P530 Q38 +Q2903389 P27 Q30 +Q221468 P136 Q484344 +Q203623 P20 Q174 +Q6096 P264 Q18149651 +Q192706 P69 Q691283 +Q272608 P136 Q1200678 +Q966565 P102 Q29468 +Q549487 P27 Q30 +Q168362 P463 Q1003730 +Q449743 P161 Q51814 +Q16053 P106 Q1731155 +Q15031 P1412 Q9192 +Q620609 P27 Q15180 +Q562402 P1412 Q1321 +Q379400 P106 Q855091 +Q519838 P1412 Q1860 +Q236075 P1303 Q17172850 +Q217294 P161 Q206922 +Q1476652 P106 Q177220 +Q311459 P27 Q34266 +Q268569 P106 Q2526255 +Q192160 P136 Q130232 +Q5369090 P106 Q520549 +Q451969 P27 Q174193 +Q316629 P106 Q33999 +Q386053 P264 Q38903 +Q155786 P1412 Q1860 +Q313767 P119 Q1457437 +Q185140 P1412 Q1860 +Q62904 P106 Q81096 +Q348497 P106 Q28389 +Q228918 P106 Q33999 +Q257752 P27 Q142 +Q179876 P30 Q46 +Q36878 P106 Q822146 +Q1239933 P264 Q202585 +Q303235 P161 Q229545 +Q135139 P463 Q463303 +Q186807 P106 Q250867 +Q84393 P119 Q1574424 +Q176558 P106 Q11774202 +Q105962 P463 Q338432 +Q130327 P119 Q84 +Q16 P530 Q334 +Q106182 P161 Q170510 +Q86943 P140 Q75809 +Q334205 P106 Q36834 +Q213736 P106 Q177220 +Q230473 P27 Q30 +Q112136 P1412 Q188 +Q12857 P551 Q90 +Q444525 P495 Q30 +Q192279 P136 Q24925 +Q267769 P463 Q265058 +Q188713 P264 Q38903 +Q769080 P509 Q181754 +Q453602 P19 Q90 +Q61217 P102 Q153401 +Q57235 P3373 Q57236 +Q223741 P1412 Q1860 +Q276218 P106 Q33999 +Q191074 P495 Q30 +Q5879 P106 Q270141 +Q72925 P136 Q1146335 +Q25351 P69 Q156737 +Q181 P140 Q7066 +Q240998 P106 Q10800557 +Q269569 P27 Q16 +Q108510 P106 Q10798782 +Q347128 P106 Q639669 +Q272913 P264 Q202585 +Q93817 P509 Q12152 +Q296828 P119 Q1092107 +Q176351 P106 Q81096 +Q73432 P106 Q520549 +Q43203 P106 Q2095549 +Q210447 P1412 Q1860 +Q278551 P172 Q49085 +Q270692 P27 Q30 +Q317817 P40 Q309640 +Q137800 P161 Q95043 +Q78496 P463 Q270794 +Q1245769 P140 Q1841 +Q87832 P463 Q150793 +Q117147 P106 Q10800557 +Q766 P30 Q49 +Q217110 P136 Q24925 +Q842243 P106 Q593644 +Q703091 P119 Q252312 +Q127539 P106 Q6625963 +Q17457 P106 Q81096 +Q232113 P106 Q10800557 +Q161933 P106 Q6625963 +Q62409 P27 Q38872 +Q919462 P1303 Q17172850 +Q710 P463 Q1065 +Q51476 P106 Q28389 +Q122113 P136 Q157443 +Q115134 P106 Q10798782 +Q1203 P1412 Q1860 +Q307440 P69 Q240631 +Q7604 P108 Q27621 +Q162045 P1303 Q17172850 +Q939524 P69 Q349055 +Q93890 P509 Q189588 +Q213681 P463 Q133957 +Q12101508 P106 Q39631 +Q2594 P27 Q183 +Q382638 P106 Q36180 +Q183713 P69 Q1059546 +Q728615 P69 Q1093910 +Q189081 P106 Q205375 +Q313578 P106 Q177220 +Q309835 P106 Q10800557 +Q39999 P840 Q1408 +Q438507 P69 Q273523 +Q78713 P27 Q7318 +Q1389258 P1412 Q1860 +Q288098 P161 Q181917 +Q275875 P1412 Q8798 +Q731254 P106 Q806349 +Q337185 P509 Q744913 +Q60506 P161 Q727730 +Q426396 P161 Q47100 +Q2481742 P106 Q1622272 +Q311779 P19 Q11299 +Q302174 P161 Q180665 +Q55404 P106 Q28389 +Q60259 P106 Q82955 +Q173834 P27 Q159 +Q61374 P106 Q1234713 +Q28930 P1412 Q1321 +Q91657 P27 Q183 +Q303918 P27 Q159 +Q40057 P106 Q10800557 +Q45970 P106 Q49757 +Q238045 P106 Q3282637 +Q174284 P840 Q79 +Q204810 P1412 Q7913 +Q61922 P20 Q2966 +Q3830446 P106 Q28389 +Q216341 P19 Q25395 +Q129542 P108 Q168426 +Q76409 P106 Q49757 +Q23434 P27 Q30 +Q92613 P106 Q170790 +Q76546 P20 Q1726 +Q325428 P19 Q1435 +Q369283 P108 Q131252 +Q4573 P140 Q1841 +Q265202 P136 Q3071 +Q36965 P27 Q414 +Q357391 P106 Q2259451 +Q49478 P106 Q36180 +Q1785 P136 Q182659 +Q61761 P108 Q156725 +Q156501 P106 Q15949613 +Q192331 P1412 Q7737 +Q526518 P106 Q1930187 +Q187364 P27 Q30 +Q76892 P106 Q1622272 +Q356537 P106 Q164236 +Q108283 P19 Q60 +Q132689 P161 Q16390 +Q231141 P20 Q84 +Q235635 P106 Q33999 +Q354241 P106 Q1028181 +Q927771 P106 Q10800557 +Q208590 P106 Q33999 +Q36949 P106 Q33999 +Q57393 P551 Q96 +Q240890 P106 Q36180 +Q78514 P27 Q518101 +Q134958 P140 Q35032 +Q259979 P69 Q1137719 +Q57235 P108 Q155354 +Q105201 P27 Q183 +Q76343 P27 Q183 +Q391562 P106 Q1930187 +Q34453 P20 Q649 +Q560649 P27 Q29999 +Q117500 P106 Q10798782 +Q68501 P106 Q49757 +Q374362 P106 Q486748 +Q323201 P3373 Q310785 +Q1382521 P27 Q399 +Q712860 P106 Q639669 +Q519289 P20 Q1494 +Q374034 P106 Q81096 +Q215258 P27 Q30 +Q234989 P106 Q4853732 +Q16 P530 Q227 +Q874588 P106 Q49757 +Q236505 P106 Q639669 +Q364582 P27 Q38 +Q12898 P106 Q14467526 +Q556544 P463 Q463303 +Q107194 P27 Q183 +Q315610 P106 Q131524 +Q5383 P136 Q83270 +Q181900 P106 Q1053574 +Q139933 P264 Q216364 +Q42037 P106 Q6625963 +Q442830 P106 Q1327329 +Q90709 P106 Q36180 +Q30931 P136 Q2297927 +Q210590 P161 Q513849 +Q239214 P106 Q16145150 +Q271967 P106 Q2405480 +Q100400 P106 Q753110 +Q550784 P102 Q29468 +Q95843 P19 Q365 +Q908998 P27 Q30 +Q245355 P69 Q144488 +Q544135 P106 Q81096 +Q58735 P136 Q1298934 +Q57500 P19 Q1794 +Q232985 P106 Q2259451 +Q235 P530 Q865 +Q535924 P108 Q1367256 +Q928 P530 Q574 +Q1282826 P136 Q35760 +Q81447 P106 Q28389 +Q305909 P106 Q37226 +Q896966 P106 Q15895020 +Q180962 P463 Q463303 +Q1112005 P106 Q947873 +Q372947 P106 Q10800557 +Q5354 P106 Q4964182 +Q204338 P509 Q12078 +Q1886750 P264 Q183387 +Q47878 P106 Q855091 +Q1225 P136 Q11399 +Q1026532 P19 Q11299 +Q385236 P106 Q1930187 +Q83333 P106 Q350979 +Q26053 P106 Q5716684 +Q145 P530 Q148 +Q89434 P1412 Q188 +Q181425 P140 Q748 +Q79025 P106 Q333634 +Q70650 P106 Q1622272 +Q709499 P20 Q60 +Q1001250 P136 Q8341 +Q11705409 P106 Q36180 +Q86843 P106 Q1622272 +Q194220 P106 Q183945 +Q86685 P106 Q33999 +Q91557 P106 Q1622272 +Q408 P530 Q115 +Q65825 P108 Q158158 +Q403 P530 Q236 +Q77888 P1412 Q397 +Q288645 P161 Q513268 +Q1953 P17 Q15180 +Q6527 P106 Q2490358 +Q19837 P106 Q1053574 +Q29031 P106 Q82955 +Q240869 P106 Q2526255 +Q112536 P1303 Q17172850 +Q5749 P119 Q272208 +Q846 P463 Q1137381 +Q94123 P509 Q504775 +Q106554 P102 Q49750 +Q236017 P140 Q7066 +Q200827 P495 Q183 +Q44833 P20 Q840668 +Q769 P530 Q230 +Q274070 P106 Q3282637 +Q102438 P161 Q106775 +Q313849 P136 Q11366 +Q354783 P69 Q49088 +Q134333 P27 Q145 +Q100028 P509 Q12078 +Q67938 P1412 Q188 +Q5921 P1303 Q6607 +Q665344 P27 Q34266 +Q1008 P530 Q230 +Q86407 P1412 Q188 +Q5603 P106 Q3391743 +Q549626 P106 Q3282637 +Q128633 P69 Q131252 +Q42775 P136 Q7749 +Q232456 P69 Q4614 +Q91587 P1412 Q188 +Q488200 P106 Q4964182 +Q181249 P140 Q1841 +Q450663 P108 Q681250 +Q221113 P161 Q83338 +Q237056 P106 Q49757 +Q45521 P463 Q2043519 +Q123389 P106 Q482980 +Q295592 P106 Q33999 +Q964355 P106 Q28389 +Q266335 P106 Q2405480 +Q1178 P27 Q142 +Q217112 P161 Q204299 +Q351527 P27 Q172579 +Q272256 P27 Q145 +Q229775 P551 Q34006 +Q943298 P106 Q36834 +Q273079 P1303 Q17172850 +Q49620 P106 Q81096 +Q72721 P108 Q315658 +Q77109 P3373 Q71407 +Q180819 P509 Q12204 +Q55743 P106 Q82955 +Q327681 P495 Q34 +Q561401 P108 Q9531 +Q1861917 P106 Q10798782 +Q202029 P136 Q860626 +Q16 P530 Q399 +Q525949 P101 Q441 +Q347128 P106 Q82955 +Q370377 P27 Q30 +Q641582 P106 Q1930187 +Q104154 P106 Q82955 +Q33 P463 Q1928989 +Q161877 P106 Q488205 +Q188857 P463 Q161806 +Q723141 P106 Q4964182 +Q207458 P106 Q4610556 +Q234144 P140 Q3333484 +Q16349 P106 Q10800557 +Q47152 P106 Q214917 +Q1065956 P463 Q463303 +Q93614 P463 Q414110 +Q57257 P106 Q49757 +Q1131481 P106 Q43845 +Q162331 P161 Q53001 +Q161900 P106 Q1930187 +Q180723 P264 Q1988428 +Q452116 P69 Q168756 +Q225933 P106 Q33999 +Q151904 P161 Q294647 +Q316556 P106 Q1930187 +Q89949 P463 Q150793 +Q316327 P135 Q667661 +Q176944 P108 Q180865 +Q1291679 P172 Q49085 +Q222 P463 Q7809 +Q634125 P172 Q133032 +Q3129951 P101 Q166542 +Q435203 P69 Q2093794 +Q41408 P106 Q49757 +Q43977 P106 Q1622272 +Q200867 P20 Q84 +Q708473 P119 Q3006253 +Q339358 P509 Q12136 +Q429311 P57 Q287607 +Q354158 P264 Q664167 +Q854590 P495 Q17 +Q319896 P106 Q15253558 +Q20178 P106 Q33999 +Q677843 P106 Q170790 +Q205435 P106 Q10800557 +Q963 P463 Q842490 +Q229808 P161 Q948751 +Q295502 P106 Q10798782 +Q327681 P161 Q382197 +Q82032 P136 Q132311 +Q960376 P106 Q40348 +Q10536 P106 Q2986228 +Q49001 P1412 Q1860 +Q537722 P264 Q202440 +Q426631 P161 Q372311 +Q77734 P19 Q1715 +Q869 P463 Q384535 +Q4100 P17 Q43287 +Q314606 P27 Q30 +Q792 P530 Q29 +Q47296 P161 Q7374 +Q159 P530 Q1049 +Q810 P530 Q183 +Q223613 P1412 Q150 +Q164224 P136 Q157394 +Q128460 P136 Q699 +Q187364 P106 Q33999 +Q60684 P106 Q49757 +Q1558698 P19 Q1781 +Q187814 P172 Q49085 +Q38049 P136 Q482 +Q1660599 P161 Q230011 +Q45970 P1412 Q7976 +Q625272 P27 Q30 +Q2587669 P463 Q463303 +Q84186 P106 Q36180 +Q351849 P106 Q33999 +Q506102 P1412 Q1860 +Q206439 P1303 Q1444 +Q105460 P509 Q744913 +Q449199 P106 Q1930187 +Q336397 P19 Q3130 +Q1849355 P27 Q145 +Q311976 P19 Q11299 +Q40046 P19 Q1297 +Q343633 P19 Q37320 +Q231093 P106 Q177220 +Q80135 P106 Q36180 +Q273338 P20 Q85 +Q326177 P161 Q234487 +Q14281 P463 Q2822396 +Q712851 P27 Q30 +Q309014 P161 Q188100 +Q726298 P69 Q309350 +Q295592 P106 Q10798782 +Q123080 P106 Q8178443 +Q9177981 P172 Q44806 +Q1950678 P69 Q4614 +Q171166 P551 Q1492 +Q48868 P106 Q2306091 +Q107933 P19 Q1297 +Q113206 P106 Q10800557 +Q232646 P102 Q29468 +Q370928 P1303 Q6607 +Q432129 P106 Q333634 +Q928851 P19 Q9005 +Q162959 P106 Q33999 +Q375351 P106 Q81096 +Q355245 P106 Q82955 +Q76537 P106 Q81096 +Q156505 P27 Q41 +Q44301 P1412 Q1860 +Q206856 P102 Q9630 +Q274608 P26 Q216266 +Q446294 P106 Q36834 +Q89546 P19 Q13298 +Q8349 P106 Q9334029 +Q180004 P106 Q43845 +Q882 P106 Q674067 +Q183167 P106 Q1930187 +Q36184 P106 Q6625963 +Q48097 P27 Q2305208 +Q325575 P161 Q80046 +Q225916 P161 Q171363 +Q434571 P106 Q201788 +Q229545 P27 Q30 +Q106225 P172 Q121842 +Q57679 P102 Q7320 +Q270085 P106 Q188094 +Q107405 P106 Q19350898 +Q320 P551 Q584451 +Q1308212 P136 Q8341 +Q7351 P509 Q12078 +Q154852 P106 Q753110 +Q317397 P27 Q34266 +Q14678 P69 Q152838 +Q1392583 P106 Q55960555 +Q127367 P161 Q44467 +Q77161 P106 Q4964182 +Q2387083 P106 Q484876 +Q1809563 P136 Q9759 +Q84423 P1412 Q188 +Q35064 P106 Q36180 +Q165219 P172 Q170826 +Q178966 P161 Q313388 +Q90220 P106 Q1350157 +Q30487 P106 Q82955 +Q290197 P737 Q2022 +Q236669 P106 Q36180 +Q1546001 P136 Q131272 +Q12696 P69 Q7842 +Q245271 P136 Q645928 +Q350208 P27 Q30 +Q158474 P161 Q80405 +Q71130 P106 Q10798782 +Q237215 P161 Q104061 +Q469893 P172 Q79797 +Q144669 P264 Q202440 +Q68501 P40 Q24999 +Q363698 P1412 Q1860 +Q80440 P509 Q181754 +Q863226 P1412 Q1860 +Q78185 P106 Q36180 +Q41 P530 Q813 +Q314606 P106 Q5716684 +Q83338 P106 Q3282637 +Q233898 P136 Q49084 +Q154581 P161 Q223110 +Q797649 P27 Q30 +Q505274 P106 Q201788 +Q39989 P136 Q613408 +Q238557 P135 Q878985 +Q82918 P140 Q483654 +Q363371 P106 Q49757 +Q278319 P27 Q15180 +Q503710 P106 Q49757 +Q1272729 P106 Q486748 +Q707008 P106 Q177220 +Q43179 P106 Q188094 +Q103788 P106 Q28389 +Q265131 P26 Q982677 +Q97550 P19 Q1720 +Q436996 P20 Q90 +Q440537 P106 Q177220 +Q249719 P106 Q639669 +Q352233 P106 Q10798782 +Q366355 P136 Q9730 +Q51603 P19 Q172 +Q1037263 P136 Q164444 +Q217557 P737 Q80137 +Q38203 P27 Q30 +Q230530 P27 Q30 +Q191719 P106 Q33999 +Q98172 P106 Q36180 +Q158250 P106 Q3282637 +Q160560 P161 Q287427 +Q194280 P106 Q131524 +Q324557 P495 Q142 +Q212145 P161 Q103579 +Q169717 P106 Q33999 +Q944996 P69 Q608338 +Q154216 P264 Q202440 +Q44077 P106 Q2405480 +Q77020 P101 Q5891 +Q124208 P108 Q32120 +Q190628 P509 Q188605 +Q218698 P106 Q18814623 +Q188440 P106 Q28389 +Q964355 P106 Q40348 +Q102438 P161 Q362228 +Q270652 P106 Q33999 +Q145 P530 Q419 +Q917 P530 Q843 +Q4030 P136 Q8341 +Q550436 P136 Q37073 +Q238432 P106 Q10800557 +Q434932 P463 Q161806 +Q287099 P140 Q3333484 +Q974 P463 Q7825 +Q2547113 P106 Q33231 +Q204398 P161 Q29092 +Q357001 P26 Q234080 +Q529555 P106 Q183945 +Q214116 P1412 Q1860 +Q677367 P27 Q36 +Q168359 P20 Q39984 +Q131685 P106 Q17125263 +Q1953 P37 Q8785 +Q274812 P106 Q28389 +Q258 P463 Q384535 +Q727730 P69 Q503246 +Q726170 P27 Q20 +Q25153 P106 Q488205 +Q157970 P27 Q131964 +Q354873 P19 Q11299 +Q230454 P106 Q1415090 +Q57236 P20 Q64 +Q76258 P106 Q39631 +Q334780 P161 Q232860 +Q876590 P19 Q14960 +Q672800 P106 Q16145150 +Q183 P530 Q219 +Q318938 P509 Q3505252 +Q316997 P136 Q112983 +Q91823 P106 Q1622272 +Q429311 P161 Q184572 +Q33131 P136 Q859369 +Q116905 P136 Q2143665 +Q44461 P69 Q34433 +Q36949 P106 Q2259451 +Q155882 P136 Q483251 +Q360266 P172 Q49085 +Q966565 P1412 Q1860 +Q313509 P1412 Q1860 +Q58217 P106 Q82955 +Q215623 P19 Q1085 +Q440731 P106 Q5322166 +Q1729 P17 Q43287 +Q562789 P69 Q1934904 +Q880598 P106 Q2252262 +Q284017 P509 Q389735 +Q71443 P19 Q1794 +Q232985 P1412 Q1860 +Q202028 P495 Q30 +Q331497 P1412 Q150 +Q264774 P106 Q486748 +Q369762 P1412 Q150 +Q468356 P509 Q476921 +Q194287 P1303 Q51290 +Q572608 P106 Q855091 +Q164396 P463 Q543804 +Q4077 P17 Q42585 +Q534419 P106 Q639669 +Q3762573 P106 Q82955 +Q60465 P106 Q33999 +Q807398 P106 Q639669 +Q268147 P69 Q2093794 +Q270937 P20 Q649 +Q309995 P1412 Q150 +Q796 P463 Q376150 +Q181689 P106 Q488205 +Q165824 P19 Q586 +Q216896 P140 Q131036 +Q967846 P509 Q208414 +Q16297 P106 Q28389 +Q700323 P106 Q16287483 +Q46602 P106 Q12144794 +Q975491 P1412 Q1860 +Q4894597 P106 Q593644 +Q106209 P106 Q188094 +Q435626 P106 Q28389 +Q96577 P106 Q1234713 +Q434185 P19 Q1218 +Q1698 P106 Q49757 +Q315087 P20 Q39561 +Q343037 P106 Q2259451 +Q71819 P27 Q183 +Q78983 P509 Q181754 +Q107002 P106 Q164236 +Q134541 P136 Q11401 +Q164933 P136 Q185867 +Q155871 P102 Q316533 +Q120664 P106 Q2306091 +Q29055 P1412 Q1860 +Q572655 P136 Q49084 +Q131725 P101 Q207628 +Q202385 P106 Q482980 +Q297210 P264 Q654283 +Q139933 P106 Q488205 +Q215436 P108 Q49088 +Q100440 P102 Q29552 +Q119849 P106 Q43845 +Q81145 P840 Q22 +Q188744 P19 Q1156 +Q216288 P106 Q639669 +Q104196 P106 Q2405480 +Q32257 P463 Q83172 +Q31786 P161 Q170515 +Q164933 P495 Q30 +Q92766 P108 Q49213 +Q605129 P106 Q855091 +Q836 P530 Q35 +Q34286 P463 Q1938003 +Q78496 P106 Q18805 +Q214677 P20 Q11299 +Q270186 P19 Q1588 +Q726298 P106 Q3455803 +Q236 P37 Q6654 +Q83557 P106 Q1622272 +Q77428 P106 Q1930187 +Q1282750 P136 Q83440 +Q272303 P106 Q1607826 +Q221450 P106 Q1231865 +Q48259 P106 Q18814623 +Q162753 P106 Q28389 +Q220308 P1412 Q1860 +Q41749 P20 Q64 +Q381039 P69 Q81162 +Q264596 P106 Q10800557 +Q561401 P106 Q33999 +Q1798353 P1412 Q652 +Q318261 P106 Q33999 +Q167997 P106 Q170790 +Q239411 P19 Q11299 +Q215565 P27 Q16957 +Q325538 P57 Q707999 +Q980151 P106 Q639669 +Q151098 P1412 Q150 +Q89188 P106 Q82955 +Q22432 P136 Q2973181 +Q158354 P463 Q12751277 +Q1542213 P17 Q30 +Q281998 P106 Q81096 +Q255593 P106 Q55960555 +Q463581 P106 Q947873 +Q1439143 P106 Q40348 +Q705221 P136 Q11399 +Q983654 P19 Q656 +Q19845 P106 Q33999 +Q868839 P106 Q333634 +Q607464 P172 Q170217 +Q60996 P106 Q33999 +Q212993 P106 Q4964182 +Q72390 P27 Q183 +Q127349 P108 Q21705070 +Q42511 P26 Q236669 +Q60851 P27 Q39 +Q272913 P509 Q12202 +Q187019 P69 Q131252 +Q76683 P106 Q1622272 +Q132537 P551 Q60 +Q172584 P136 Q37073 +Q8016 P69 Q1247373 +Q105695 P27 Q30 +Q41309 P106 Q36834 +Q354033 P1303 Q46185 +Q159098 P27 Q30 +Q242477 P106 Q10800557 +Q3615114 P106 Q1622272 +Q115588 P1412 Q188 +Q1443825 P1303 Q6607 +Q134456 P1412 Q5287 +Q271256 P1412 Q1860 +Q5928 P20 Q288781 +Q437182 P1412 Q652 +Q270730 P26 Q258854 +Q463615 P495 Q30 +Q238795 P737 Q104358 +Q57241 P1412 Q188 +Q983705 P102 Q79854 +Q42198 P161 Q315083 +Q41488 P101 Q184485 +Q263185 P106 Q14915627 +Q5879 P106 Q1028181 +Q1068631 P106 Q170790 +Q312407 P106 Q6625963 +Q1041 P463 Q656801 +Q43 P463 Q188822 +Q335036 P264 Q18628 +Q532279 P106 Q1930187 +Q435805 P27 Q212 +Q212632 P19 Q649 +Q434968 P264 Q311439 +Q266080 P106 Q488205 +Q85580 P102 Q7320 +Q63834 P27 Q183 +Q70917 P108 Q165980 +Q57242 P106 Q201788 +Q229940 P106 Q10800557 +Q379608 P106 Q183945 +Q182727 P161 Q185079 +Q102551 P27 Q30 +Q44403 P106 Q36180 +Q27684 P106 Q2374149 +Q129087 P1412 Q1860 +Q41754 P136 Q188473 +Q136591 P264 Q183387 +Q360383 P106 Q1028181 +Q374181 P172 Q49085 +Q179126 P69 Q745967 +Q322572 P136 Q130232 +Q174478 P27 Q30 +Q377428 P136 Q130232 +Q311760 P106 Q1622272 +Q271846 P27 Q30 +Q96669 P27 Q183 +Q125488 P106 Q1622272 +Q1035807 P136 Q131578 +Q53026 P27 Q172579 +Q626061 P106 Q1930187 +Q223745 P27 Q145 +Q220735 P840 Q60 +Q291405 P106 Q10798782 +Q55704 P106 Q36180 +Q208116 P106 Q28389 +Q103646 P172 Q49078 +Q177917 P102 Q79854 +Q3806666 P106 Q43845 +Q168452 P463 Q123885 +Q41314 P27 Q189 +Q238871 P106 Q10800557 +Q1276 P106 Q488205 +Q23 P551 Q60 +Q83851 P19 Q60 +Q150767 P136 Q9734 +Q96064 P108 Q165528 +Q243419 P27 Q145 +Q236613 P27 Q16 +Q48984 P136 Q860626 +Q4786 P106 Q333634 +Q4681470 P106 Q40348 +Q1140309 P161 Q1861917 +Q85040 P106 Q42973 +Q572655 P106 Q40348 +Q31293 P106 Q10800557 +Q319061 P495 Q30 +Q1803878 P106 Q177220 +Q309932 P27 Q30 +Q78481 P20 Q3033 +Q638638 P27 Q15180 +Q20235 P20 Q1726 +Q38849 P106 Q214917 +Q204725 P161 Q272946 +Q342778 P102 Q29468 +Q699597 P20 Q36036 +Q236161 P101 Q482 +Q93343 P69 Q81087 +Q266356 P1412 Q9176 +Q106529 P136 Q21010853 +Q896136 P27 Q183 +Q515845 P106 Q644687 +Q57387 P27 Q183 +Q935369 P136 Q187760 +Q183 P530 Q717 +Q121926 P101 Q11372 +Q289614 P106 Q488205 +Q180008 P57 Q174908 +Q439812 P27 Q884 +Q171672 P27 Q29 +Q286475 P106 Q40348 +Q229153 P136 Q850412 +Q45 P463 Q782942 +Q12807 P27 Q38 +Q288359 P102 Q29552 +Q1512 P106 Q36180 +Q374610 P19 Q1342 +Q219 P530 Q211 +Q112427 P108 Q273263 +Q1060636 P106 Q28389 +Q231942 P20 Q65 +Q361677 P264 Q656752 +Q77143 P69 Q161982 +Q61073 P106 Q333634 +Q34189 P136 Q676 +Q214116 P1412 Q9288 +Q937 P106 Q3745071 +Q1016 P463 Q7159 +Q92745 P463 Q337234 +Q353762 P106 Q1930187 +Q61743 P19 Q2079 +Q241215 P737 Q40909 +Q374936 P136 Q83440 +Q281964 P106 Q2405480 +Q128493 P161 Q184219 +Q53729 P20 Q220 +Q236842 P106 Q10798782 +Q1353962 P106 Q2252262 +Q129873 P136 Q20442589 +Q273055 P106 Q36834 +Q254524 P106 Q201788 +Q273981 P19 Q39709 +Q574885 P1303 Q17172850 +Q912271 P106 Q214917 +Q471443 P136 Q5967378 +Q905 P106 Q18939491 +Q102139 P101 Q644687 +Q1820469 P106 Q36834 +Q521170 P136 Q3017271 +Q764789 P106 Q644687 +Q231360 P106 Q9352089 +Q348678 P161 Q95019 +Q189 P463 Q17495 +Q1553197 P27 Q15180 +Q230578 P106 Q2306091 +Q1634482 P27 Q30 +Q183008 P106 Q4610556 +Q104912 P106 Q1930187 +Q234043 P1303 Q17172850 +Q237560 P106 Q6625963 +Q172303 P106 Q4610556 +Q717 P30 Q18 +Q20715407 P106 Q11569986 +Q213053 P161 Q372073 +Q80510 P19 Q649 +Q116577 P106 Q18939491 +Q283335 P102 Q29468 +Q261550 P136 Q860626 +Q677367 P136 Q8261 +Q198621 P1412 Q150 +Q334646 P102 Q9626 +Q237345 P264 Q216364 +Q2900328 P106 Q40348 +Q88821 P19 Q1741 +Q101915 P463 Q1792159 +Q43182 P106 Q170790 +Q229375 P101 Q207628 +Q183397 P106 Q15980158 +Q508182 P119 Q6923684 +Q325589 P106 Q24387326 +Q4128 P26 Q4137 +Q283859 P106 Q33999 +Q355009 P136 Q11399 +Q207515 P106 Q36180 +Q328892 P106 Q2066131 +Q2090 P17 Q43287 +Q18806 P27 Q183 +Q811 P530 Q408 +Q135645 P27 Q27306 +Q139325 P106 Q2405480 +Q441439 P106 Q36180 +Q184 P530 Q1016 +Q82049 P101 Q5891 +Q290094 P106 Q2405480 +Q263172 P106 Q2526255 +Q979084 P1303 Q9798 +Q3741406 P106 Q121594 +Q977488 P106 Q28389 +Q162778 P106 Q214917 +Q232397 P551 Q65 +Q879316 P27 Q30 +Q29573 P69 Q131252 +Q231345 P1303 Q17172850 +Q148383 P136 Q130232 +Q155 P530 Q953 +Q1007 P463 Q5611262 +Q362228 P106 Q639669 +Q381920 P106 Q1930187 +Q691076 P172 Q49085 +Q1105367 P27 Q30 +Q962710 P20 Q1874 +Q192812 P106 Q3282637 +Q3071779 P1412 Q1321 +Q532915 P106 Q33999 +Q230141 P106 Q49757 +Q319523 P69 Q4480746 +Q662809 P106 Q937857 +Q327546 P495 Q145 +Q712 P463 Q899770 +Q135481 P1412 Q7737 +Q103774 P27 Q668 +Q295080 P26 Q238895 +Q24871 P161 Q236434 +Q100765 P106 Q82955 +Q15474 P19 Q4093 +Q764789 P106 Q901 +Q7197 P106 Q11774202 +Q57309 P27 Q43287 +Q264764 P27 Q30 +Q110374 P509 Q12202 +Q318390 P106 Q82955 +Q1476652 P106 Q183945 +Q361677 P1303 Q5994 +Q40 P463 Q3866537 +Q26118 P106 Q10800557 +Q274070 P106 Q28389 +Q667683 P108 Q131252 +Q69412 P463 Q131566 +Q707293 P1303 Q6607 +Q498 P106 Q47064 +Q2594947 P106 Q484876 +Q1976514 P119 Q1517387 +Q130631 P1412 Q150 +Q296370 P106 Q36180 +Q77728 P463 Q812155 +Q984215 P463 Q463303 +Q106391 P509 Q12136 +Q37 P530 Q38 +Q128582 P161 Q180272 +Q153018 P106 Q18814623 +Q945691 P106 Q177220 +Q181685 P106 Q151197 +Q105954 P106 Q36180 +Q40640 P737 Q33977 +Q359552 P1412 Q1860 +Q9438 P108 Q209842 +Q158078 P463 Q812155 +Q165721 P102 Q79854 +Q363383 P106 Q43845 +Q96532 P20 Q6837 +Q206388 P161 Q239818 +Q153909 P106 Q36180 +Q4039 P1303 Q17172850 +Q39 P530 Q833 +Q228546 P172 Q121842 +Q4960 P106 Q43845 +Q342533 P69 Q1419737 +Q1361841 P509 Q212961 +Q264610 P1303 Q17172850 +Q28152 P1412 Q188 +Q428347 P1303 Q281460 +Q49004 P19 Q16555 +Q16781 P19 Q1054923 +Q235992 P27 Q45 +Q300508 P136 Q200092 +Q215860 P463 Q414163 +Q156268 P106 Q4773904 +Q112979 P1412 Q188 +Q374065 P106 Q28389 +Q313013 P27 Q30 +Q60954 P106 Q40348 +Q202765 P106 Q10800557 +Q204804 P19 Q65 +Q176537 P20 Q34217 +Q761453 P69 Q13371 +Q369900 P161 Q213430 +Q223741 P1303 Q9798 +Q854 P530 Q28 +Q324129 P106 Q49757 +Q185655 P69 Q4359408 +Q37767 P20 Q288781 +Q804 P530 Q40362 +Q359665 P1412 Q1860 +Q81145 P161 Q212064 +Q74667 P106 Q36180 +Q34 P463 Q45177 +Q193482 P106 Q805221 +Q211539 P140 Q7066 +Q215623 P108 Q309948 +Q697 P37 Q1860 +Q218672 P106 Q1234713 +Q75371 P106 Q2732142 +Q1223694 P551 Q64 +Q274429 P106 Q82955 +Q433060 P1303 Q6607 +Q23337 P17 Q30 +Q171834 P140 Q1841 +Q211551 P1412 Q7737 +Q84 P17 Q174193 +Q166663 P106 Q10873124 +Q88267 P106 Q82955 +Q193674 P27 Q142 +Q61659 P27 Q43287 +Q6538 P20 Q2843 +Q705715 P106 Q13590141 +Q364679 P69 Q842909 +Q50020 P463 Q463303 +Q69339 P106 Q18844224 +Q62757 P27 Q183 +Q77777 P451 Q90430 +Q76738 P106 Q169470 +Q1147551 P106 Q2405480 +Q42581 P106 Q33999 +Q4530046 P3373 Q2287423 +Q159 P530 Q783 +Q380286 P106 Q201788 +Q161933 P20 Q220 +Q343983 P106 Q10798782 +Q58009 P106 Q40348 +Q16873 P19 Q1335 +Q320384 P161 Q280098 +Q87040 P69 Q689400 +Q983249 P106 Q36180 +Q97894 P1412 Q188 +Q261812 P106 Q486748 +Q325389 P106 Q177220 +Q133489 P1303 Q17172850 +Q166554 P495 Q145 +Q258846 P106 Q177220 +Q238095 P17 Q145 +Q699605 P69 Q5149833 +Q58801 P106 Q33999 +Q4225527 P27 Q15180 +Q150804 P161 Q104514 +Q554175 P27 Q129286 +Q390164 P136 Q200092 +Q104183 P106 Q16323111 +Q231948 P106 Q333634 +Q333591 P27 Q145 +Q249719 P1303 Q6607 +Q364582 P19 Q546 +Q18938 P19 Q5092 +Q278551 P69 Q1068752 +Q236351 P27 Q30 +Q534234 P172 Q49085 +Q12807 P737 Q35610 +Q233237 P19 Q16555 +Q41 P530 Q265 +Q467378 P69 Q4614 +Q51559 P1412 Q1860 +Q179558 P27 Q15180 +Q55282 P106 Q222344 +Q1139628 P106 Q639669 +Q353812 P106 Q4263842 +Q96532 P106 Q14467526 +Q130746 P27 Q29 +Q52922 P172 Q165192 +Q201079 P136 Q1344 +Q312073 P106 Q33999 +Q3186620 P106 Q43845 +Q270374 P1412 Q9288 +Q51506 P509 Q181754 +Q188482 P264 Q585643 +Q219862 P106 Q6625963 +Q592504 P463 Q83172 +Q309486 P106 Q2405480 +Q708236 P106 Q488205 +Q138050 P27 Q30 +Q200586 P106 Q486748 +Q934582 P264 Q21077 +Q155419 P463 Q191583 +Q314963 P106 Q4263842 +Q114808 P106 Q12144794 +Q104688 P106 Q14467526 +Q833 P530 Q424 +Q240233 P1412 Q1860 +Q257752 P69 Q1431541 +Q221202 P840 Q60 +Q60052 P101 Q41217 +Q550784 P106 Q10800557 +Q1965416 P136 Q183504 +Q697818 P119 Q335336 +Q347891 P106 Q49757 +Q469893 P1303 Q8355 +Q220010 P1303 Q61285 +Q667683 P463 Q117467 +Q271614 P106 Q488205 +Q876756 P20 Q31487 +Q216288 P1303 Q6607 +Q347 P131 Q151624 +Q91384 P106 Q170790 +Q292373 P1303 Q9798 +Q156858 P172 Q2436423 +Q588449 P106 Q82955 +Q695 P463 Q656801 +Q206173 P106 Q1028181 +Q192185 P136 Q9730 +Q1552348 P106 Q486748 +Q66232 P1412 Q188 +Q1403698 P27 Q29 +Q721963 P106 Q947873 +Q233022 P27 Q30 +Q331791 P106 Q2405480 +Q123078 P140 Q7066 +Q37030 P106 Q15949613 +Q51101 P27 Q865 +Q204057 P495 Q30 +Q163263 P106 Q3427922 +Q118986 P108 Q51985 +Q102225 P161 Q356994 +Q61064 P27 Q1206012 +Q233265 P20 Q641 +Q78983 P20 Q1741 +Q924232 P106 Q855091 +Q877858 P1303 Q17172850 +Q183253 P106 Q1622272 +Q58612 P106 Q6625963 +Q57075 P140 Q9268 +Q49347 P27 Q30 +Q865 P530 Q238 +Q229948 P451 Q194280 +Q761176 P106 Q15627169 +Q109067 P106 Q214917 +Q356283 P69 Q192775 +Q918668 P106 Q1930187 +Q327681 P161 Q229268 +Q27684 P101 Q5891 +Q183 P530 Q965 +Q704742 P19 Q18419 +Q180004 P106 Q177220 +Q78714 P20 Q1741 +Q167475 P27 Q142 +Q277976 P136 Q217597 +Q75220 P106 Q185351 +Q264867 P1412 Q1321 +Q107008 P106 Q15981151 +Q1361841 P27 Q30 +Q553742 P106 Q639669 +Q371202 P106 Q130857 +Q452761 P1412 Q1321 +Q357798 P106 Q1622272 +Q367489 P106 Q3282637 +Q707446 P106 Q18814623 +Q169452 P19 Q25395 +Q312394 P161 Q437484 +Q249647 P27 Q159 +Q519606 P27 Q40 +Q214690 P1412 Q1860 +Q31786 P840 Q2634 +Q30 P530 Q833 +Q154770 P509 Q12152 +Q719623 P27 Q174193 +Q369190 P106 Q10800557 +Q192165 P106 Q10798782 +Q317742 P1303 Q17172850 +Q49074 P69 Q190080 +Q116928 P161 Q325020 +Q62890 P463 Q1493021 +Q76688 P106 Q36180 +Q1058124 P106 Q177220 +Q67725 P106 Q36180 +Q434003 P69 Q209842 +Q976090 P264 Q2482872 +Q314133 P27 Q15180 +Q39 P530 Q218 +Q1725017 P19 Q1899 +Q92602 P1412 Q1860 +Q187345 P69 Q235034 +Q211082 P27 Q30 +Q173347 P27 Q27 +Q266209 P840 Q1297 +Q310300 P264 Q183387 +Q370560 P106 Q753110 +Q200460 P106 Q10800557 +Q1577693 P106 Q81096 +Q75151 P102 Q152554 +Q48034 P27 Q2305208 +Q1077577 P19 Q65 +Q170042 P106 Q488205 +Q71602 P20 Q90 +Q235146 P27 Q30 +Q90635 P26 Q152176 +Q349456 P106 Q3621491 +Q128759 P106 Q1622272 +Q305962 P140 Q432 +Q62963 P106 Q82955 +Q77970 P101 Q8341 +Q231886 P101 Q482 +Q374812 P106 Q2259451 +Q152768 P106 Q639669 +Q63187 P106 Q10800557 +Q208537 P106 Q16145150 +Q6060 P1412 Q1860 +Q320423 P840 Q84 +Q223745 P106 Q10798782 +Q115490 P463 Q543804 +Q45970 P140 Q9592 +Q1666 P106 Q10800557 +Q144622 P106 Q4610556 +Q172653 P106 Q10798782 +Q193803 P463 Q270794 +Q6244080 P1412 Q1860 +Q285341 P106 Q855091 +Q5878 P106 Q1930187 +Q113032 P106 Q212980 +Q176909 P19 Q79867 +Q68325 P106 Q1930187 +Q153670 P140 Q7066 +Q46000 P20 Q49202 +Q40263 P106 Q43845 +Q68312 P106 Q4773904 +Q86886 P20 Q64 +Q781 P463 Q656801 +Q78107 P69 Q152838 +Q333519 P102 Q622441 +Q515034 P27 Q29 +Q70326 P106 Q1979607 +Q159542 P20 Q1085 +Q232333 P140 Q131036 +Q429664 P106 Q488205 +Q514998 P106 Q36180 +Q161819 P106 Q36180 +Q538000 P106 Q639669 +Q888487 P106 Q2490358 +Q142 P30 Q538 +Q233362 P106 Q34074720 +Q189694 P106 Q10800557 +Q127332 P509 Q12204 +Q664909 P19 Q16563 +Q258847 P840 Q816 +Q66631 P27 Q183 +Q60059 P20 Q365 +Q180125 P161 Q229263 +Q55433 P69 Q680971 +Q469893 P106 Q639669 +Q697747 P27 Q865 +Q333873 P136 Q699 +Q26988 P463 Q188822 +Q981929 P106 Q333634 +Q72856 P106 Q82955 +Q302835 P106 Q4964182 +Q313764 P161 Q1785 +Q61864 P69 Q11942 +Q231141 P1050 Q131755 +Q240872 P106 Q28389 +Q128799 P106 Q4610556 +Q240371 P106 Q15981151 +Q207 P106 Q82955 +Q42511 P27 Q145 +Q61059 P136 Q373342 +Q435744 P106 Q177220 +Q6123726 P1412 Q1321 +Q184935 P106 Q36180 +Q77060 P1412 Q188 +Q162793 P1412 Q9288 +Q273206 P1412 Q1860 +Q216288 P1303 Q5994 +Q185546 P119 Q1053320 +Q86203 P27 Q40 +Q62730 P136 Q130232 +Q1576675 P463 Q463303 +Q1281738 P106 Q177220 +Q1349284 P136 Q83440 +Q110749 P106 Q1930187 +Q312073 P27 Q30 +Q82066 P106 Q49757 +Q513991 P172 Q49085 +Q261522 P106 Q2526255 +Q171989 P106 Q82955 +Q193659 P172 Q181634 +Q313080 P106 Q10798782 +Q42156 P737 Q37160 +Q375419 P106 Q3282637 +Q131433 P136 Q217191 +Q1039 P463 Q7809 +Q333632 P106 Q36180 +Q87298 P106 Q28389 +Q1041 P530 Q159 +Q63773 P20 Q60 +Q28936 P161 Q42204 +Q487491 P463 Q83172 +Q2795317 P1412 Q8752 +Q1710614 P106 Q36180 +Q117500 P106 Q33999 +Q94284 P495 Q30 +Q511471 P1412 Q9072 +Q355566 P106 Q483501 +Q330447 P106 Q482980 +Q283859 P106 Q201788 +Q99612 P106 Q1622272 +Q12054 P106 Q1930187 +Q29 P463 Q656801 +Q982023 P1412 Q150 +Q127606 P102 Q29468 +Q235515 P106 Q488205 +Q101919 P1412 Q188 +Q801 P530 Q419 +Q64949 P136 Q37073 +Q75995 P27 Q183 +Q336222 P172 Q49085 +Q80938 P140 Q9592 +Q183 P530 Q155 +Q110073 P101 Q11372 +Q1334617 P264 Q183387 +Q851 P30 Q48 +Q55198 P119 Q208175 +Q1386188 P106 Q81096 +Q209684 P1412 Q1860 +Q119935 P106 Q10798782 +Q8018 P106 Q49757 +Q161678 P161 Q318155 +Q728959 P108 Q41506 +Q176626 P136 Q130232 +Q51562 P1412 Q1860 +Q528323 P106 Q2252262 +Q192934 P161 Q164117 +Q188492 P106 Q1930187 +Q214014 P161 Q508404 +Q333873 P1412 Q7737 +Q236094 P1412 Q9067 +Q360674 P106 Q2405480 +Q299309 P106 Q2059704 +Q48067 P172 Q49542 +Q221109 P840 Q1384 +Q110397 P161 Q2685 +Q168763 P106 Q3357567 +Q67711 P106 Q806798 +Q206374 P161 Q40026 +Q65783 P106 Q36834 +Q148 P530 Q863 +Q137595 P161 Q1198697 +Q37030 P26 Q214999 +Q938475 P106 Q1930187 +Q464474 P27 Q29 +Q295923 P106 Q2252262 +Q34743 P106 Q49757 +Q362254 P19 Q1490 +Q459171 P19 Q25395 +Q428451 P106 Q6625963 +Q296774 P19 Q39561 +Q1346521 P463 Q123885 +Q4460848 P119 Q1457437 +Q364868 P106 Q36834 +Q57802 P463 Q329464 +Q506446 P17 Q30 +Q717 P463 Q8475 +Q312720 P69 Q29052 +Q104123 P136 Q130232 +Q72913 P20 Q60 +Q2657741 P69 Q174710 +Q271956 P737 Q93996 +Q315737 P69 Q3428253 +Q448764 P19 Q288781 +Q520621 P1303 Q17172850 +Q62753 P136 Q35760 +Q77148 P27 Q183 +Q343394 P27 Q43 +Q1239933 P106 Q28389 +Q303391 P495 Q145 +Q455120 P136 Q35760 +Q11627 P1412 Q1860 +Q85102 P106 Q201788 +Q287793 P106 Q36180 +Q61067 P106 Q36180 +Q1000 P530 Q183 +Q131152 P27 Q16 +Q180019 P106 Q753110 +Q192668 P264 Q240804 +Q1809563 P1303 Q17172850 +Q374605 P102 Q79854 +Q680971 P740 Q220 +Q180962 P27 Q30 +Q889 P463 Q47543 +Q842199 P530 Q33 +Q157176 P20 Q270 +Q256809 P140 Q75809 +Q1058532 P106 Q130857 +Q235415 P27 Q145 +Q458215 P106 Q182436 +Q64970 P69 Q317053 +Q9582 P1050 Q12192 +Q215730 P106 Q82955 +Q538362 P19 Q60 +Q214299 P106 Q482980 +Q47737 P20 Q60 +Q562781 P108 Q1472245 +Q186709 P106 Q1930187 +Q450984 P3373 Q367927 +Q171672 P1412 Q1321 +Q215860 P106 Q49757 +Q1036 P530 Q801 +Q71206 P106 Q2259451 +Q32849 P264 Q4413456 +Q270123 P136 Q11366 +Q589497 P69 Q1145814 +Q99596 P102 Q694299 +Q479052 P106 Q4610556 +Q92809 P463 Q463303 +Q892 P136 Q482 +Q80440 P140 Q35032 +Q228 P530 Q30 +Q1573501 P106 Q43845 +Q256531 P26 Q5383 +Q289847 P19 Q90 +Q232968 P106 Q10798782 +Q348534 P136 Q188473 +Q36014 P106 Q36180 +Q244234 P106 Q3455803 +Q5738 P463 Q2822396 +Q166696 P161 Q65106 +Q170371 P106 Q36180 +Q16473 P106 Q10800557 +Q572741 P463 Q463303 +Q90720 P1412 Q188 +Q302400 P264 Q3699593 +Q151973 P26 Q34851 +Q1068631 P106 Q901 +Q833 P530 Q41 +Q96407 P108 Q151510 +Q379022 P101 Q8242 +Q187423 P161 Q329716 +Q362531 P106 Q36834 +Q153136 P140 Q9592 +Q1138600 P106 Q177220 +Q36290 P106 Q183945 +Q380243 P463 Q4345832 +Q218 P463 Q7184 +Q200768 P451 Q258736 +Q40504 P1412 Q1860 +Q529603 P106 Q639669 +Q270 P17 Q34266 +Q1352256 P106 Q8246794 +Q1552348 P69 Q215539 +Q274404 P1412 Q188 +Q4460848 P69 Q322964 +Q200407 P136 Q37073 +Q1765101 P69 Q49116 +Q153178 P27 Q36 +Q309048 P136 Q200092 +Q75523 P1412 Q188 +Q204323 P106 Q3089940 +Q729048 P1412 Q5146 +Q124296 P1412 Q188 +Q1827208 P106 Q639669 +Q45233 P69 Q165980 +Q151608 P136 Q9730 +Q983249 P551 Q3141 +Q668 P530 Q819 +Q102301 P106 Q2405480 +Q312803 P27 Q145 +Q440353 P106 Q10800557 +Q106083 P106 Q214917 +Q232414 P26 Q180224 +Q971422 P27 Q30 +Q923242 P140 Q178169 +Q1487770 P106 Q855091 +Q157879 P161 Q231163 +Q888256 P69 Q49119 +Q551129 P27 Q174193 +Q13014 P27 Q268970 +Q656684 P106 Q1930187 +Q80069 P106 Q2405480 +Q356283 P106 Q551835 +Q181900 P106 Q2961975 +Q6060 P106 Q33999 +Q104081 P106 Q2722764 +Q462447 P495 Q30 +Q85510 P19 Q41329 +Q8016 P1412 Q1860 +Q238029 P69 Q501758 +Q347362 P106 Q11774202 +Q1386420 P3373 Q273833 +Q313193 P27 Q30 +Q82032 P69 Q610999 +Q78496 P101 Q5891 +Q337090 P161 Q294647 +Q522679 P106 Q49757 +Q16781 P106 Q177220 +Q104340 P509 Q181257 +Q1514 P106 Q36834 +Q757 P463 Q842490 +Q204725 P161 Q109324 +Q557382 P1412 Q9027 +Q357326 P136 Q9734 +Q540443 P20 Q84 +Q86152 P106 Q13570226 +Q321365 P19 Q994 +Q258 P530 Q1030 +Q191755 P106 Q36180 +Q1386311 P1303 Q6607 +Q17 P530 Q739 +Q292185 P106 Q177220 +Q216814 P106 Q169470 +Q153421 P69 Q1278808 +Q505949 P106 Q4263842 +Q107274 P106 Q10800557 +Q343299 P106 Q2526255 +Q214665 P101 Q184485 +Q438402 P1303 Q17172850 +Q303235 P161 Q80739 +Q242969 P106 Q10800557 +Q96064 P106 Q774306 +Q313654 P1412 Q5287 +Q64356 P20 Q586 +Q76334 P27 Q183 +Q1278397 P136 Q93204 +Q11148 P740 Q18125 +Q709499 P106 Q806349 +Q166234 P1412 Q36510 +Q444591 P106 Q131524 +Q3920 P17 Q183 +Q270351 P840 Q60 +Q188384 P161 Q200534 +Q243771 P551 Q1492 +Q244234 P106 Q10800557 +Q987724 P106 Q33999 +Q390052 P136 Q20442589 +Q215999 P1412 Q188 +Q974 P530 Q953 +Q26993 P1412 Q188 +Q436759 P106 Q855091 +Q75649 P69 Q153006 +Q315090 P69 Q385471 +Q99448 P102 Q694299 +Q951110 P106 Q28389 +Q218992 P106 Q3282637 +Q106225 P106 Q28389 +Q7833 P101 Q184485 +Q240788 P106 Q11900058 +Q944386 P106 Q11631 +Q133151 P27 Q145 +Q12303639 P69 Q221645 +Q435203 P106 Q36180 +Q171363 P106 Q49757 +Q208266 P136 Q130232 +Q156586 P106 Q10800557 +Q232514 P1303 Q17172850 +Q71855 P106 Q169470 +Q50003 P20 Q220 +Q1299302 P1303 Q17172850 +Q270599 P840 Q1397 +Q312630 P106 Q36180 +Q748222 P106 Q4263842 +Q311779 P172 Q678551 +Q69045 P140 Q75809 +Q71447 P106 Q16323111 +Q116718 P19 Q2868 +Q127897 P161 Q40096 +Q540155 P106 Q13570226 +Q157246 P172 Q201111 +Q346532 P27 Q36 +Q709751 P1412 Q1860 +Q1354843 P1303 Q6607 +Q235470 P19 Q60 +Q152176 P135 Q6034 +Q8011 P106 Q16031530 +Q1824699 P106 Q855091 +Q184249 P136 Q211756 +Q1376193 P108 Q189022 +Q73357 P463 Q833738 +Q1785 P106 Q639669 +Q423 P530 Q851 +Q194142 P136 Q860626 +Q860206 P69 Q273626 +Q39318 P106 Q2961975 +Q80424 P264 Q1899781 +Q242640 P1412 Q1860 +Q483507 P106 Q488205 +Q5354 P463 Q463303 +Q190884 P509 Q12152 +Q106706 P1412 Q1860 +Q72645 P1412 Q188 +Q544611 P106 Q28389 +Q129263 P27 Q145 +Q285116 P20 Q24639 +Q362332 P106 Q1930187 +Q193458 P106 Q512314 +Q63458 P463 Q2370801 +Q5878 P20 Q1489 +Q448704 P1303 Q6607 +Q27214 P106 Q33999 +Q584500 P102 Q622441 +Q269094 P140 Q7066 +Q234819 P1412 Q1860 +Q151936 P463 Q723551 +Q80805 P106 Q36180 +Q78505 P1412 Q188 +Q206466 P19 Q34404 +Q204005 P106 Q970153 +Q60317 P106 Q16145150 +Q1047474 P1303 Q8377 +Q562108 P106 Q2526255 +Q948966 P108 Q180865 +Q240250 P136 Q21590660 +Q544469 P264 Q38903 +Q80760 P509 Q181754 +Q530377 P463 Q268160 +Q315604 P106 Q33999 +Q76686 P106 Q36180 +Q16409 P106 Q36834 +Q237242 P509 Q12078 +Q388035 P106 Q3501317 +Q93349 P1303 Q17172850 +Q84771 P463 Q543804 +Q102244 P840 Q21 +Q2086130 P106 Q2374149 +Q262 P530 Q17 +Q1281738 P264 Q216364 +Q116718 P1412 Q1321 +Q29418 P108 Q49109 +Q4487 P1412 Q1321 +Q520001 P27 Q145 +Q2514 P140 Q170111 +Q102341 P119 Q1358639 +Q231713 P1303 Q5994 +Q1000 P463 Q7809 +Q323805 P106 Q1415090 +Q34424 P1412 Q652 +Q230916 P1050 Q11085 +Q1403 P172 Q50001 +Q2563 P108 Q153006 +Q207660 P106 Q49757 +Q705477 P106 Q3282637 +Q234765 P27 Q34266 +Q558177 P106 Q82955 +Q233253 P136 Q83440 +Q11817 P140 Q178169 +Q4028 P136 Q11399 +Q73096 P463 Q463303 +Q40263 P106 Q33999 +Q1354843 P264 Q798658 +Q46548 P69 Q204181 +Q322549 P69 Q28695 +Q317122 P106 Q158852 +Q270303 P264 Q193023 +Q252 P530 Q796 +Q7030 P17 Q183 +Q272942 P106 Q488205 +Q515606 P106 Q28389 +Q854 P530 Q258 +Q14536 P69 Q309350 +Q234094 P1303 Q17172850 +Q435801 P106 Q1231865 +Q316596 P451 Q32522 +Q92787 P108 Q37156 +Q1008 P37 Q150 +Q198644 P119 Q272208 +Q44862 P106 Q2865819 +Q142974 P1412 Q150 +Q34975 P106 Q10800557 +Q156023 P106 Q639669 +Q78508 P1412 Q188 +Q89546 P27 Q40 +Q186264 P463 Q463303 +Q61356 P551 Q65 +Q742396 P1050 Q10874 +Q1047474 P1303 Q8371 +Q524780 P69 Q49108 +Q61723 P509 Q216169 +Q7231 P451 Q123802 +Q331155 P1412 Q5885 +Q4289338 P27 Q15180 +Q93401 P106 Q36180 +Q164119 P1303 Q17172850 +Q249288 P161 Q16473 +Q9047 P737 Q859 +Q246374 P20 Q1335 +Q439955 P27 Q30 +Q729117 P19 Q43196 +Q303918 P106 Q3427922 +Q96595 P106 Q82955 +Q324015 P509 Q12152 +Q44176 P27 Q30 +Q262170 P106 Q2259451 +Q1671177 P106 Q593644 +Q274277 P140 Q75809 +Q763 P463 Q294278 +Q45723 P69 Q209842 +Q3188629 P19 Q270230 +Q1363261 P509 Q216169 +Q325718 P27 Q30 +Q754 P530 Q244 +Q1279401 P106 Q1028181 +Q85788 P69 Q32120 +Q67526 P106 Q4263842 +Q651059 P463 Q123885 +Q263730 P106 Q245068 +Q346595 P106 Q947873 +Q193146 P27 Q30 +Q5396 P27 Q142 +Q293149 P101 Q207628 +Q19673 P463 Q463303 +Q57399 P106 Q1930187 +Q922830 P106 Q177220 +Q188713 P264 Q935090 +Q168109 P106 Q644687 +Q312514 P27 Q30 +Q297736 P106 Q6625963 +Q374065 P106 Q2405480 +Q152493 P161 Q42786 +Q284360 P106 Q957729 +Q382099 P27 Q172579 +Q658454 P1412 Q1860 +Q95089 P106 Q33999 +Q49072 P1412 Q1860 +Q193023 P17 Q30 +Q441742 P1303 Q17172850 +Q57085 P106 Q3410028 +Q240933 P106 Q947873 +Q104000 P172 Q678551 +Q234204 P1412 Q1860 +Q182944 P161 Q28054 +Q449634 P106 Q2252262 +Q538379 P27 Q15180 +Q217 P530 Q218 +Q25351 P463 Q463303 +Q71067 P106 Q16031530 +Q805 P530 Q796 +Q983 P463 Q191384 +Q309545 P161 Q71275 +Q258503 P1412 Q1860 +Q31013 P264 Q216364 +Q34529 P106 Q10800557 +Q700018 P20 Q90 +Q62686 P106 Q201788 +Q359251 P20 Q34006 +Q41 P530 Q258 +Q523086 P1412 Q1860 +Q86886 P106 Q1930187 +Q220351 P1303 Q17172850 +Q160717 P1412 Q1860 +Q679007 P136 Q45981 +Q267010 P136 Q37073 +Q231228 P136 Q131272 +Q328662 P509 Q12152 +Q217154 P106 Q1930187 +Q2066713 P1303 Q6607 +Q256164 P69 Q523926 +Q98172 P1412 Q188 +Q33866 P106 Q36180 +Q471542 P140 Q9089 +Q267321 P136 Q52162262 +Q186327 P106 Q1028181 +Q44839 P106 Q36180 +Q61629 P106 Q18814623 +Q1618928 P19 Q12439 +Q453388 P101 Q8341 +Q190770 P463 Q270794 +Q817 P463 Q47543 +Q363708 P136 Q37073 +Q190628 P1412 Q1860 +Q296771 P140 Q483654 +Q123973 P108 Q50662 +Q200873 P136 Q52162262 +Q385236 P69 Q7842 +Q89491 P19 Q60 +Q41502 P1412 Q809 +Q233483 P106 Q486748 +Q381920 P106 Q333634 +Q384979 P106 Q753110 +Q84475 P106 Q82955 +Q55993 P106 Q4853732 +Q174153 P136 Q2678111 +Q33760 P27 Q174193 +Q443120 P106 Q5716684 +Q240082 P106 Q2405480 +Q427091 P495 Q408 +Q92995 P106 Q81096 +Q45229 P106 Q10798782 +Q44331 P1412 Q188 +Q104737 P106 Q10800557 +Q132266 P161 Q3157150 +Q265202 P509 Q47912 +Q106611 P1412 Q8752 +Q66379 P463 Q414379 +Q47075 P840 Q60 +Q305909 P69 Q737835 +Q902 P530 Q40 +Q25186 P106 Q639669 +Q74316 P108 Q152087 +Q53068 P106 Q16031530 +Q1040186 P264 Q585643 +Q600701 P463 Q188771 +Q916 P530 Q258 +Q34529 P106 Q15627169 +Q41378 P27 Q30 +Q150471 P1303 Q1444 +Q163118 P106 Q1622272 +Q170576 P172 Q127885 +Q9387 P108 Q151510 +Q160852 P108 Q160302 +Q436463 P1303 Q1444 +Q463101 P161 Q317228 +Q625721 P27 Q786 +Q552900 P106 Q10800557 +Q155 P530 Q1016 +Q4415063 P106 Q901 +Q528647 P108 Q319239 +Q362254 P106 Q10800557 +Q61398 P140 Q432 +Q204750 P108 Q126399 +Q4042 P27 Q30 +Q676914 P106 Q81096 +Q158017 P136 Q9730 +Q60145 P69 Q32120 +Q634776 P106 Q43845 +Q286339 P106 Q10800557 +Q65126 P106 Q82955 +Q190828 P17 Q12560 +Q106592 P27 Q142 +Q1070152 P749 Q1047366 +Q893667 P102 Q204911 +Q544750 P27 Q38 +Q361617 P106 Q6625963 +Q271635 P106 Q33999 +Q194333 P106 Q639669 +Q70326 P19 Q90 +Q220735 P136 Q959790 +Q981856 P1303 Q6607 +Q234043 P136 Q11399 +Q1691611 P161 Q106175 +Q431540 P1412 Q150 +Q323771 P136 Q471839 +Q157451 P509 Q476921 +Q55218 P19 Q1781 +Q1827208 P106 Q24067349 +Q55004 P20 Q60 +Q361523 P106 Q822146 +Q23760 P69 Q73094 +Q64014 P1412 Q397 +Q707293 P106 Q753110 +Q274314 P1412 Q652 +Q57063 P108 Q156737 +Q24045 P101 Q482 +Q125057 P106 Q49757 +Q240233 P106 Q33999 +Q171834 P106 Q121594 +Q978389 P106 Q193391 +Q526518 P463 Q901677 +Q311068 P27 Q30 +Q101383 P106 Q36834 +Q192934 P161 Q2263 +Q231880 P26 Q1386443 +Q1742005 P106 Q177220 +Q1173086 P1303 Q17172850 +Q435475 P69 Q49110 +Q62539 P551 Q2112 +Q123140 P172 Q7325 +Q208424 P161 Q200405 +Q61585 P106 Q82955 +Q298276 P106 Q2405480 +Q1291679 P463 Q463281 +Q12101508 P19 Q1899 +Q106481 P106 Q28389 +Q1241173 P27 Q30 +Q89416 P108 Q193510 +Q8686 P17 Q13426199 +Q445115 P106 Q222749 +Q117990 P106 Q36180 +Q119798 P106 Q10800557 +Q183 P530 Q974 +Q2704774 P27 Q15180 +Q105993 P495 Q30 +Q51519 P106 Q3282637 +Q180962 P106 Q36180 +Q149997 P106 Q205375 +Q229048 P106 Q2405480 +Q309941 P106 Q2405480 +Q438507 P20 Q90 +Q128187 P161 Q44077 +Q193156 P106 Q82955 +Q154145 P101 Q5891 +Q66812 P69 Q152087 +Q505743 P106 Q245068 +Q65130 P108 Q154561 +Q43432 P451 Q11975 +Q70855 P27 Q183 +Q462502 P106 Q2259451 +Q319896 P1412 Q8641 +Q377956 P106 Q82955 +Q41042 P106 Q28389 +Q730082 P106 Q36834 +Q295537 P136 Q35760 +Q301951 P106 Q4220892 +Q16389 P463 Q46703 +Q282665 P106 Q36180 +Q157004 P106 Q28389 +Q233362 P1412 Q1860 +Q436507 P106 Q593644 +Q61761 P108 Q159895 +Q113601 P1412 Q1860 +Q96087 P106 Q37226 +Q95264 P463 Q1285073 +Q180962 P737 Q312407 +Q83656 P136 Q20442589 +Q263442 P106 Q33999 +Q1371798 P106 Q488205 +Q12303639 P1412 Q9035 +Q189080 P106 Q855091 +Q294321 P27 Q30 +Q55 P463 Q81299 +Q972107 P106 Q36180 +Q1023788 P106 Q2252262 +Q44570 P106 Q855091 +Q155559 P136 Q860626 +Q378870 P106 Q170790 +Q97076 P20 Q365 +Q314638 P1303 Q17172850 +Q154852 P140 Q7066 +Q449670 P19 Q49111 +Q61318 P27 Q183 +Q556544 P69 Q1150105 +Q95928 P106 Q121594 +Q719010 P27 Q142 +Q251338 P1412 Q188 +Q463265 P1412 Q1860 +Q49747 P101 Q5891 +Q554422 P1303 Q1343007 +Q156193 P463 Q463281 +Q200639 P20 Q90 +Q971 P463 Q8475 +Q796 P530 Q79 +Q131725 P136 Q235858 +Q909 P106 Q14467526 +Q1374180 P101 Q11023 +Q78504 P108 Q165980 +Q77177 P1303 Q8355 +Q132433 P101 Q482 +Q182991 P451 Q51023 +Q720785 P27 Q30 +Q50861 P136 Q188473 +Q53002 P1412 Q150 +Q2061371 P27 Q801 +Q1138602 P264 Q54860 +Q215820 P1412 Q150 +Q67725 P27 Q183 +Q434701 P27 Q241 +Q713297 P106 Q1930187 +Q274306 P1412 Q7737 +Q238121 P26 Q298255 +Q104022 P106 Q1622272 +Q2594 P140 Q75809 +Q1266083 P106 Q639669 +Q53006 P69 Q680971 +Q744288 P463 Q1493021 +Q1019 P463 Q134102 +Q66493 P69 Q156737 +Q93620 P106 Q4853732 +Q108543 P161 Q102124 +Q13132095 P3373 Q24558760 +Q990492 P108 Q49112 +Q84186 P106 Q250867 +Q273044 P136 Q37073 +Q309648 P463 Q463281 +Q78504 P27 Q145 +Q769 P530 Q241 +Q165421 P27 Q30 +Q28493 P3373 Q223790 +Q1615184 P27 Q39 +Q2918925 P69 Q161562 +Q311778 P106 Q82955 +Q974 P530 Q16 +Q228733 P106 Q2259451 +Q327293 P106 Q1028181 +Q262791 P106 Q36180 +Q379830 P27 Q148 +Q193357 P27 Q145 +Q1065956 P20 Q11299 +Q260969 P26 Q228611 +Q76363 P69 Q154804 +Q156911 P495 Q183 +Q390299 P161 Q1889124 +Q490381 P136 Q1344 +Q1284551 P106 Q158852 +Q3711 P17 Q153136 +Q709670 P106 Q36180 +Q82083 P135 Q37068 +Q152019 P172 Q49078 +Q12325 P106 Q40348 +Q65329 P106 Q36180 +Q131964 P37 Q188 +Q209538 P161 Q165219 +Q354542 P106 Q639669 +Q216179 P264 Q202440 +Q130631 P27 Q142 +Q119935 P20 Q621549 +Q242577 P106 Q177220 +Q292381 P106 Q2259451 +Q95543 P106 Q2135538 +Q274297 P106 Q19831149 +Q66213 P463 Q414110 +Q388950 P136 Q52162262 +Q800 P530 Q159 +Q401777 P106 Q33999 +Q201477 P463 Q2822396 +Q123421 P140 Q23540 +Q163063 P69 Q230899 +Q34474 P106 Q662729 +Q706518 P106 Q488205 +Q315087 P106 Q33999 +Q154782 P106 Q350979 +Q846 P530 Q414 +Q722202 P1412 Q9288 +Q122517 P106 Q1622272 +Q152531 P840 Q889 +Q192207 P106 Q333634 +Q82426 P161 Q172678 +Q89383 P69 Q689400 +Q236469 P106 Q36180 +Q237385 P27 Q403 +Q432102 P495 Q30 +Q242416 P27 Q30 +Q306122 P1303 Q51290 +Q82925 P1412 Q809 +Q65350 P40 Q67039 +Q14278 P1412 Q1860 +Q158092 P140 Q7066 +Q346309 P119 Q2000666 +Q361004 P106 Q36180 +Q150651 P106 Q28389 +Q419 P530 Q733 +Q166663 P641 Q718 +Q765 P106 Q36180 +Q15909 P106 Q11774202 +Q215673 P20 Q220 +Q241 P463 Q191582 +Q109496 P27 Q183 +Q87675 P20 Q1741 +Q278699 P106 Q2306091 +Q71602 P27 Q183 +Q322760 P106 Q177220 +Q300479 P106 Q28389 +Q67018 P102 Q158227 +Q254838 P19 Q1761 +Q83557 P1412 Q7737 +Q439920 P106 Q3391743 +Q206388 P161 Q103343 +Q1367152 P27 Q29 +Q273981 P106 Q488205 +Q3132761 P106 Q13582652 +Q66155 P108 Q659080 +Q55422 P106 Q2526255 +Q506288 P106 Q488205 +Q92663 P106 Q82594 +Q323771 P136 Q130232 +Q298334 P106 Q6625963 +Q61130 P27 Q399 +Q192634 P140 Q432 +Q940594 P1412 Q1321 +Q230068 P27 Q30 +Q43408 P840 Q1408 +Q106418 P1303 Q17172850 +Q117012 P106 Q10774753 +Q383821 P106 Q3391743 +Q477461 P140 Q432 +Q350424 P106 Q10798782 +Q2633060 P509 Q12152 +Q266222 P19 Q33959 +Q233529 P106 Q183945 +Q600701 P106 Q81096 +Q89433 P1412 Q1860 +Q1930688 P106 Q82955 +Q99448 P102 Q316533 +Q461682 P495 Q183 +Q254 P140 Q1841 +Q173175 P19 Q1761 +Q359568 P27 Q2305208 +Q60469 P27 Q183 +Q270639 P69 Q503246 +Q60625 P20 Q1741 +Q201732 P106 Q6625963 +Q151720 P1412 Q1860 +Q173061 P136 Q49451 +Q265270 P101 Q1662673 +Q78857 P463 Q265058 +Q161135 P20 Q90 +Q713058 P106 Q2405480 +Q152453 P136 Q850412 +Q46548 P106 Q14915627 +Q1382883 P106 Q1075651 +Q41754 P495 Q30 +Q1707 P17 Q41304 +Q202548 P136 Q1200678 +Q77751 P106 Q214917 +Q35149 P119 Q3874 +Q314424 P106 Q639669 +Q60549 P106 Q36180 +Q362500 P106 Q2259451 +Q115010 P27 Q183 +Q12807 P69 Q499911 +Q77627 P106 Q1622272 +Q352431 P161 Q200534 +Q186485 P140 Q9268 +Q1124 P106 Q193391 +Q106662 P27 Q145 +Q41322 P101 Q212980 +Q76755 P106 Q4263842 +Q286868 P136 Q157394 +Q2643 P106 Q49757 +Q117147 P106 Q1053574 +Q76952 P27 Q183 +Q178989 P136 Q130232 +Q463927 P136 Q130232 +Q441067 P106 Q4263842 +Q479052 P1412 Q1860 +Q275161 P69 Q7060402 +Q42198 P161 Q167520 +Q5284 P463 Q463303 +Q171669 P136 Q130232 +Q1049 P463 Q7159 +Q1041749 P106 Q639669 +Q228 P463 Q7809 +Q727730 P106 Q43845 +Q234128 P172 Q7325 +Q535972 P27 Q30 +Q940617 P106 Q2526255 +Q296828 P135 Q9730 +Q178966 P161 Q14540 +Q41 P463 Q191384 +Q540787 P106 Q18844224 +Q77447 P40 Q67637 +Q205721 P27 Q16 +Q25078 P106 Q28389 +Q327240 P140 Q9268 +Q61227 P463 Q939743 +Q215689 P1412 Q188 +Q216339 P463 Q133957 +Q84386 P106 Q4964182 +Q31621 P101 Q431 +Q310679 P106 Q36834 +Q92624 P106 Q205375 +Q165706 P136 Q9734 +Q574 P530 Q183 +Q163038 P136 Q52207399 +Q237633 P136 Q235858 +Q186709 P463 Q842008 +Q193744 P106 Q55960555 +Q367905 P119 Q1358639 +Q444250 P106 Q33999 +Q70300 P20 Q1794 +Q99634 P27 Q183 +Q263670 P1303 Q17172850 +Q240485 P264 Q203059 +Q711509 P106 Q169470 +Q1339107 P1303 Q17172850 +Q301077 P161 Q208117 +Q78185 P106 Q482980 +Q335680 P264 Q843402 +Q86812 P108 Q153006 +Q202585 P749 Q56760250 +Q62234 P463 Q684415 +Q202827 P1412 Q150 +Q452232 P27 Q30 +Q846 P530 Q408 +Q145 P463 Q8475 +Q214999 P40 Q61597 +Q62866 P463 Q127992 +Q16053 P119 Q311 +Q44634 P264 Q726251 +Q865 P530 Q399 +Q60969 P27 Q414 +Q43936 P101 Q34178 +Q724160 P106 Q5482740 +Q240869 P106 Q36834 +Q136591 P136 Q193355 +Q72262 P172 Q2325516 +Q356361 P27 Q174193 +Q699565 P106 Q193391 +Q66370 P19 Q1773 +Q743162 P19 Q62 +Q598050 P27 Q36 +Q330612 P161 Q231438 +Q15809 P106 Q36180 +Q230990 P19 Q16556 +Q9358 P737 Q16867 +Q2424996 P108 Q161562 +Q887993 P136 Q9759 +Q71410 P106 Q40348 +Q76329 P106 Q13424456 +Q5142859 P131 Q1489 +Q189226 P106 Q36834 +Q381827 P27 Q142 +Q129022 P136 Q112983 +Q310106 P108 Q54096 +Q1938740 P106 Q47064 +Q960081 P106 Q2306091 +Q873178 P106 Q1231865 +Q189144 P1412 Q1860 +Q77749 P463 Q150793 +Q270374 P1303 Q17172850 +Q193257 P509 Q29496 +Q131333 P20 Q84 +Q528742 P106 Q4853732 +Q85982 P27 Q801 +Q784 P530 Q30 +Q931148 P19 Q49266 +Q454970 P106 Q1476215 +Q175366 P19 Q84 +Q461610 P106 Q43845 +Q568246 P112 Q5608 +Q18149651 P136 Q11399 +Q58583 P463 Q150793 +Q440609 P69 Q916444 +Q465702 P40 Q34389 +Q191480 P27 Q159 +Q242903 P102 Q29552 +Q481482 P463 Q463303 +Q127984 P27 Q142 +Q291228 P106 Q639669 +Q256286 P1412 Q11059 +Q45272 P106 Q214917 +Q228733 P106 Q33999 +Q727782 P106 Q36180 +Q469888 P69 Q1093910 +Q1678110 P1412 Q1321 +Q550436 P264 Q183387 +Q516004 P106 Q214917 +Q1055 P17 Q151624 +Q262850 P106 Q28389 +Q376663 P161 Q124357 +Q74289 P27 Q183 +Q29313 P136 Q188473 +Q41378 P69 Q579968 +Q84352 P106 Q1930187 +Q15873 P264 Q387539 +Q958578 P172 Q49085 +Q876756 P509 Q29496 +Q170348 P106 Q36834 +Q134262 P27 Q30 +Q298651 P136 Q6585139 +Q604940 P136 Q188450 +Q45383 P106 Q10798782 +Q459889 P136 Q188473 +Q311223 P463 Q329464 +Q231530 P1303 Q17172850 +Q274562 P106 Q488205 +Q178963 P106 Q36834 +Q44403 P20 Q90 +Q221364 P1303 Q17172850 +Q57106 P106 Q215536 +Q3126 P463 Q747279 +Q77742 P106 Q214917 +Q972676 P108 Q192334 +Q65533 P19 Q1085 +Q887111 P27 Q30 +Q102071 P27 Q33 +Q181540 P840 Q84 +Q340814 P641 Q5369 +Q1622571 P27 Q30 +Q334665 P106 Q81096 +Q233911 P136 Q213665 +Q5673 P136 Q699 +Q455605 P136 Q11399 +Q46739 P463 Q5142859 +Q168362 P140 Q7066 +Q81447 P106 Q6625963 +Q560354 P136 Q9759 +Q276332 P106 Q33999 +Q369394 P27 Q30 +Q41590 P463 Q463303 +Q84292 P108 Q158158 +Q314603 P27 Q145 +Q101235 P106 Q1231865 +Q1082420 P106 Q33999 +Q77199 P1412 Q188 +Q84114 P264 Q1849138 +Q272943 P1412 Q150 +Q237186 P106 Q2259451 +Q971447 P136 Q5967378 +Q276158 P1412 Q9176 +Q233941 P106 Q177220 +Q231163 P106 Q2259451 +Q245363 P106 Q82955 +Q49017 P106 Q2059704 +Q33391 P106 Q3242115 +Q10308228 P1412 Q1321 +Q233581 P106 Q82955 +Q438440 P20 Q1524 +Q153018 P19 Q1741 +Q228733 P1412 Q1860 +Q284333 P136 Q1146335 +Q23844 P140 Q288928 +Q948093 P106 Q488205 +Q56074 P106 Q33999 +Q237639 P119 Q533697 +Q192655 P101 Q207628 +Q104358 P1303 Q17172850 +Q625721 P1412 Q1321 +Q40 P172 Q42884 +Q437039 P106 Q2259451 +Q72292 P106 Q193391 +Q573408 P101 Q36180 +Q430911 P106 Q1622272 +Q45647 P106 Q10800557 +Q6530 P106 Q36180 +Q502963 P106 Q593644 +Q105962 P463 Q83172 +Q1934319 P102 Q29552 +Q262446 P106 Q177220 +Q84412 P102 Q161118 +Q161853 P1412 Q35497 +Q521790 P172 Q678551 +Q60025 P737 Q165792 +Q155775 P69 Q927627 +Q156193 P463 Q30907154 +Q337226 P1412 Q150 +Q315222 P106 Q14467526 +Q5685 P135 Q667661 +Q225089 P106 Q36180 +Q334 P530 Q881 +Q485280 P106 Q639669 +Q204586 P27 Q30 +Q1461567 P19 Q1781 +Q192934 P161 Q208667 +Q57139 P119 Q253763 +Q278550 P161 Q81328 +Q340911 P161 Q170574 +Q85691 P27 Q16957 +Q222873 P161 Q80046 +Q854 P530 Q902 +Q152857 P136 Q17013749 +Q202548 P840 Q62 +Q232851 P106 Q33999 +Q528323 P106 Q177220 +Q334965 P140 Q9592 +Q724343 P106 Q309 +Q922830 P19 Q60 +Q587004 P509 Q12078 +Q247320 P106 Q1622272 +Q366057 P106 Q3282637 +Q707999 P106 Q3455803 +Q472071 P19 Q84 +Q1246324 P463 Q463303 +Q35610 P106 Q18844224 +Q333425 P69 Q49112 +Q1033 P463 Q656801 +Q797078 P17 Q30 +Q60815 P19 Q60 +Q2387083 P140 Q9268 +Q54452 P172 Q8060 +Q153657 P1412 Q9176 +Q943298 P106 Q639669 +Q7314 P264 Q3415083 +Q949 P509 Q12152 +Q187019 P737 Q187765 +Q36843 P119 Q64 +Q256380 P1412 Q1860 +Q136591 P264 Q843402 +Q274252 P463 Q123885 +Q940617 P106 Q82955 +Q379929 P19 Q90 +Q77615 P1412 Q188 +Q115754 P69 Q1431541 +Q18553 P551 Q84 +Q93043 P106 Q36180 +Q160518 P27 Q34 +Q615625 P136 Q37073 +Q17 P172 Q484464 +Q266816 P136 Q482 +Q57241 P463 Q18650004 +Q362500 P26 Q213257 +Q235146 P106 Q2259451 +Q76593 P108 Q152838 +Q245363 P1412 Q150 +Q1374080 P69 Q161562 +Q983434 P106 Q36180 +Q201656 P136 Q850412 +Q181555 P57 Q25089 +Q331123 P119 Q1302545 +Q67538 P463 Q451079 +Q2814 P17 Q43287 +Q256327 P102 Q79854 +Q310295 P106 Q2259451 +Q232774 P161 Q706117 +Q561596 P1412 Q1860 +Q71208 P27 Q43287 +Q313546 P1412 Q1860 +Q232298 P1303 Q17172850 +Q229048 P106 Q3282637 +Q392806 P136 Q130232 +Q241 P530 Q769 +Q853 P140 Q35032 +Q1276376 P463 Q1493021 +Q270207 P1412 Q1860 +Q2233935 P106 Q8246794 +Q297598 P27 Q29 +Q380904 P106 Q266569 +Q215623 P69 Q174570 +Q285020 P840 Q241 +Q449525 P106 Q855091 +Q215076 P106 Q639669 +Q189599 P136 Q7749 +Q468003 P106 Q1930187 +Q335552 P106 Q43845 +Q189081 P106 Q2526255 +Q98172 P69 Q20266330 +Q152388 P108 Q50662 +Q222800 P161 Q349350 +Q922795 P106 Q36180 +Q277527 P495 Q142 +Q30875 P136 Q474090 +Q4271 P1303 Q17172850 +Q7286 P509 Q220570 +Q67635 P27 Q183 +Q554746 P119 Q4263743 +Q83297 P463 Q270794 +Q436894 P19 Q275118 +Q76576 P106 Q1234713 +Q1733964 P69 Q41506 +Q215339 P463 Q1792159 +Q945633 P19 Q84 +Q128126 P106 Q121594 +Q183141 P106 Q10798782 +Q442897 P106 Q13235160 +Q232348 P1303 Q6607 +Q1093404 P264 Q1899781 +Q105875 P106 Q15981151 +Q504061 P106 Q185351 +Q169011 P509 Q223102 +Q78080 P106 Q36180 +Q231807 P69 Q1542213 +Q188093 P509 Q181257 +Q38670 P106 Q4220892 +Q86516 P106 Q482980 +Q954 P530 Q916 +Q223443 P1303 Q6607 +Q254748 P106 Q177220 +Q41408 P136 Q492537 +Q544915 P463 Q337555 +Q102711 P69 Q1542213 +Q92446 P119 Q190494 +Q64406 P106 Q49757 +Q132351 P136 Q496523 +Q206439 P136 Q131272 +Q217557 P737 Q6882 +Q148 P530 Q958 +Q48996 P1303 Q8338 +Q62942 P106 Q222344 +Q515904 P20 Q270 +Q77210 P27 Q183 +Q862184 P106 Q10798782 +Q334780 P136 Q52207399 +Q185007 P463 Q938622 +Q16472 P106 Q10798782 +Q260616 P840 Q816 +Q51570 P509 Q11085 +Q4346512 P106 Q33999 +Q252041 P106 Q36180 +Q441836 P106 Q36180 +Q129187 P27 Q408 +Q43499 P106 Q1622272 +Q438106 P106 Q855091 +Q74875 P1412 Q188 +Q132589 P106 Q49757 +Q200392 P20 Q490 +Q4044 P30 Q46 +Q285254 P27 Q145 +Q83297 P27 Q174193 +Q855 P551 Q9248 +Q61585 P27 Q183 +Q311267 P69 Q1446181 +Q361670 P509 Q12152 +Q210172 P27 Q30 +Q983962 P20 Q1773 +Q229613 P264 Q183387 +Q53300 P106 Q16533 +Q27513 P161 Q207179 +Q48053 P102 Q79854 +Q813 P463 Q384535 +Q873 P69 Q2093794 +Q847345 P102 Q256121 +Q206693 P19 Q16563 +Q336018 P106 Q10798782 +Q722395 P19 Q61 +Q717626 P106 Q855091 +Q213799 P106 Q193391 +Q481871 P27 Q30 +Q38 P530 Q17 +Q102483 P106 Q36180 +Q1805442 P106 Q177220 +Q328892 P106 Q1238570 +Q733174 P106 Q28389 +Q77193 P106 Q188094 +Q233843 P106 Q2405480 +Q110719 P106 Q16323111 +Q286116 P19 Q11299 +Q313311 P106 Q10800557 +Q36591 P108 Q49115 +Q164963 P136 Q52207399 +Q237654 P106 Q33999 +Q116905 P136 Q130232 +Q90217 P106 Q49757 +Q4889934 P1412 Q1860 +Q2831 P737 Q882 +Q231207 P106 Q947873 +Q49074 P108 Q131252 +Q236987 P551 Q90 +Q268039 P1412 Q1860 +Q39837 P106 Q39631 +Q39212 P509 Q181754 +Q96196 P463 Q49738 +Q489252 P509 Q12136 +Q271500 P106 Q10800557 +Q240467 P106 Q33999 +Q367094 P106 Q33999 +Q298209 P27 Q30 +Q150916 P641 Q41323 +Q234030 P106 Q36180 +Q351290 P19 Q49231 +Q438124 P106 Q486748 +Q107914 P136 Q188473 +Q92620 P106 Q81096 +Q84771 P106 Q105186 +Q135420 P27 Q30 +Q941210 P27 Q34 +Q1646 P27 Q142 +Q355839 P69 Q1130457 +Q392677 P840 Q1223 +Q185610 P463 Q134541 +Q634776 P27 Q174193 +Q30 P530 Q948 +Q298777 P106 Q10800557 +Q374223 P106 Q13382533 +Q192762 P451 Q189490 +Q505129 P106 Q13582652 +Q108886 P69 Q13371 +Q76586 P27 Q1206012 +Q297831 P106 Q131524 +Q93343 P140 Q7066 +Q110330 P119 Q207350 +Q313528 P20 Q220 +Q176351 P106 Q593644 +Q42511 P20 Q84 +Q1443475 P1303 Q6607 +Q18964 P136 Q130232 +Q657 P30 Q15 +Q157970 P106 Q1607826 +Q184768 P161 Q95043 +Q448837 P106 Q855091 +Q168704 P27 Q142 +Q1754823 P106 Q488205 +Q1576675 P106 Q169470 +Q937936 P106 Q4964182 +Q43303 P106 Q1476215 +Q7407 P19 Q23768 +Q16296 P106 Q1622272 +Q490938 P106 Q639669 +Q47162 P69 Q83259 +Q127481 P106 Q28389 +Q809093 P106 Q488205 +Q293696 P106 Q177220 +Q519606 P1412 Q188 +Q278053 P136 Q319221 +Q84199 P106 Q2526255 +Q464318 P27 Q174193 +Q83158 P451 Q254675 +Q270869 P106 Q33999 +Q83733 P27 Q30 +Q276523 P136 Q1535153 +Q40115 P495 Q30 +Q178517 P106 Q1327329 +Q1770624 P106 Q4610556 +Q836910 P106 Q1930187 +Q936470 P106 Q13582652 +Q2577771 P1412 Q1860 +Q203185 P106 Q15982858 +Q111873 P20 Q3874 +Q63670 P1412 Q1860 +Q903208 P106 Q3400985 +Q348790 P27 Q218 +Q444674 P106 Q158852 +Q503758 P106 Q1930187 +Q53023 P69 Q680971 +Q102711 P106 Q28389 +Q266209 P161 Q343059 +Q310300 P19 Q100 +Q441836 P1412 Q1860 +Q301818 P106 Q33999 +Q7013 P1303 Q5994 +Q719010 P69 Q2983698 +Q97646 P27 Q183 +Q23728 P106 Q2526255 +Q97550 P1412 Q188 +Q109422 P106 Q1622272 +Q27645 P101 Q5891 +Q267772 P106 Q2259451 +Q92848 P463 Q127992 +Q45662 P20 Q1741 +Q1562145 P264 Q726251 +Q470193 P27 Q34266 +Q87487 P106 Q36180 +Q974 P463 Q1065 +Q71848 P69 Q702524 +Q966300 P27 Q115 +Q349223 P264 Q18628 +Q261981 P27 Q145 +Q83677 P26 Q292432 +Q202537 P106 Q36180 +Q164784 P463 Q3291340 +Q1276 P106 Q6625963 +Q95951 P106 Q10798782 +Q28 P530 Q184 +Q983400 P106 Q36180 +Q184530 P101 Q395 +Q575886 P20 Q2807 +Q557382 P106 Q2374149 +Q70130 P27 Q183 +Q157204 P27 Q838261 +Q366845 P119 Q240744 +Q296950 P106 Q40348 +Q35 P530 Q801 +Q231690 P106 Q40348 +Q520760 P27 Q159 +Q232819 P106 Q36834 +Q316427 P19 Q60 +Q212167 P106 Q222344 +Q205456 P106 Q1086863 +Q1352222 P106 Q82955 +Q130547 P106 Q177220 +Q408 P530 Q1041 +Q190631 P106 Q177220 +Q519273 P1303 Q6607 +Q86152 P106 Q12144794 +Q213562 P106 Q201788 +Q128759 P463 Q83172 +Q17 P463 Q19771 +Q1346849 P69 Q21578 +Q25089 P451 Q202725 +Q233541 P136 Q316930 +Q360046 P69 Q1341516 +Q115541 P551 Q65 +Q274227 P106 Q2259451 +Q216870 P463 Q463281 +Q152767 P27 Q30 +Q333148 P69 Q82513 +Q76442 P463 Q684415 +Q57364 P106 Q1622272 +Q2063048 P69 Q1378320 +Q195008 P106 Q36180 +Q156501 P106 Q28389 +Q333187 P19 Q43453 +Q93817 P69 Q463055 +Q325538 P136 Q842256 +Q30875 P172 Q170826 +Q318685 P106 Q28389 +Q156214 P106 Q12144794 +Q712 P530 Q142 +Q1185803 P106 Q177220 +Q233362 P136 Q37073 +Q1689414 P1412 Q1860 +Q162688 P463 Q684415 +Q312407 P20 Q5092 +Q44481 P106 Q1622272 +Q331587 P172 Q678551 +Q1159089 P106 Q177220 +Q267672 P136 Q157394 +Q562402 P106 Q1209498 +Q64645 P69 Q895796 +Q212804 P136 Q52162262 +Q3720507 P106 Q170790 +Q131333 P172 Q42406 +Q202729 P27 Q30 +Q953288 P106 Q18844224 +Q706641 P136 Q45981 +Q152293 P106 Q16145150 +Q126896 P161 Q198684 +Q322586 P19 Q16568 +Q299015 P463 Q1559701 +Q166876 P20 Q8717 +Q367905 P509 Q12202 +Q167437 P840 Q61 +Q616021 P69 Q1059546 +Q184843 P161 Q207596 +Q356499 P106 Q639669 +Q48996 P106 Q639669 +Q181774 P106 Q10798782 +Q364131 P1303 Q17172850 +Q41854 P136 Q188473 +Q235572 P106 Q33999 +Q276158 P27 Q884 +Q92824 P108 Q174710 +Q408 P530 Q252 +Q205303 P106 Q11900058 +Q325428 P463 Q1132636 +Q179493 P69 Q221645 +Q66709 P106 Q169470 +Q69105 P106 Q2526255 +Q750 P530 Q77 +Q232479 P106 Q4610556 +Q367085 P19 Q1342 +Q96290 P106 Q82955 +Q960778 P27 Q29 +Q125666 P19 Q649 +Q80379 P57 Q4465 +Q23760 P106 Q33999 +Q490114 P106 Q937857 +Q960524 P106 Q753110 +Q296524 P106 Q177220 +Q55963 P1412 Q9288 +Q315266 P27 Q34266 +Q990492 P1412 Q1860 +Q861227 P106 Q753110 +Q351339 P106 Q43845 +Q219 P530 Q191 +Q777354 P106 Q43845 +Q460379 P161 Q296883 +Q17889 P1412 Q1860 +Q311256 P106 Q36834 +Q381731 P840 Q61 +Q108586 P136 Q860626 +Q202420 P108 Q219317 +Q66207 P108 Q149481 +Q186326 P40 Q424173 +Q83566 P135 Q7252 +Q238716 P463 Q543804 +Q92881 P108 Q49116 +Q349507 P106 Q214917 +Q349217 P106 Q177220 +Q129873 P136 Q200092 +Q206336 P161 Q4679786 +Q269569 P136 Q11366 +Q84851 P106 Q1397808 +Q3184115 P69 Q219615 +Q193674 P463 Q161806 +Q655213 P106 Q36180 +Q697203 P161 Q231391 +Q434932 P106 Q1930187 +Q76892 P69 Q154804 +Q104340 P106 Q36180 +Q555426 P106 Q639669 +Q600859 P1303 Q46185 +Q86095 P463 Q49738 +Q160640 P551 Q142 +Q87675 P119 Q1741 +Q63876 P106 Q36180 +Q159636 P737 Q12735 +Q134180 P106 Q36180 +Q1275 P106 Q82955 +Q35900 P106 Q639669 +Q853 P106 Q28389 +Q156597 P57 Q317567 +Q167877 P20 Q84 +Q88844 P20 Q2966 +Q333187 P136 Q37073 +Q315592 P495 Q183 +Q263442 P136 Q37073 +Q954 P530 Q403 +Q441990 P106 Q6625963 +Q57139 P509 Q12152 +Q310947 P140 Q5043 +Q769 P463 Q1065 +Q59653 P136 Q622291 +Q319061 P161 Q589015 +Q88073 P27 Q183 +Q577548 P1412 Q1321 +Q198684 P106 Q10798782 +Q126472 P27 Q183 +Q242128 P106 Q16323111 +Q57802 P20 Q649 +Q1028 P530 Q183 +Q90217 P1412 Q188 +Q259461 P106 Q10798782 +Q73506 P463 Q1468277 +Q159 P530 Q733 +Q449129 P108 Q131252 +Q329156 P20 Q1337818 +Q214475 P106 Q1930187 +Q323641 P136 Q131272 +Q1509908 P69 Q4614 +Q229 P463 Q376150 +Q24953 P161 Q210741 +Q3436506 P106 Q82955 +Q248935 P27 Q36 +Q221074 P1412 Q652 +Q40645 P106 Q2526255 +Q95901 P27 Q20 +Q144439 P106 Q4964182 +Q70997 P172 Q42884 +Q315087 P19 Q18426 +Q11153 P106 Q16533 +Q380545 P1412 Q150 +Q46182 P27 Q34266 +Q100400 P101 Q482 +Q441351 P19 Q1773 +Q97431 P108 Q28024477 +Q253607 P106 Q33999 +Q731958 P106 Q753110 +Q1631 P106 Q33999 +Q616021 P19 Q90 +Q326114 P161 Q175535 +Q561596 P101 Q23404 +Q97644 P1412 Q188 +Q314957 P1412 Q150 +Q129119 P106 Q486748 +Q219060 P530 Q79 +Q342723 P136 Q83440 +Q107124 P108 Q310695 +Q92609 P69 Q13371 +Q460664 P161 Q222008 +Q60128 P136 Q3017271 +Q915447 P136 Q131272 +Q103876 P69 Q523926 +Q107416 P101 Q413 +Q1329421 P108 Q174710 +Q961447 P1303 Q17172850 +Q217787 P264 Q277626 +Q452307 P1303 Q17172850 +Q732055 P106 Q6168364 +Q158078 P106 Q36834 +Q260947 P101 Q207628 +Q709 P530 Q183 +Q244963 P161 Q294901 +Q567 P1412 Q1860 +Q273876 P136 Q37073 +Q188652 P161 Q183347 +Q282882 P106 Q82955 +Q71633 P19 Q64 +Q885 P20 Q270 +Q10716 P106 Q860918 +Q368 P106 Q189290 +Q423 P530 Q945 +Q2161 P106 Q864380 +Q2737 P106 Q33999 +Q474796 P1303 Q17172850 +Q30449 P136 Q217191 +Q138850 P106 Q1231865 +Q1016 P530 Q805 +Q214565 P106 Q36180 +Q318503 P27 Q30 +Q267242 P106 Q49757 +Q129601 P136 Q28026639 +Q25318 P27 Q142 +Q329734 P106 Q948329 +Q103623 P551 Q65 +Q400765 P106 Q639669 +Q512611 P106 Q28389 +Q1031340 P106 Q855091 +Q238331 P69 Q1185037 +Q16 P530 Q218 +Q1074038 P106 Q1643514 +Q191842 P740 Q30 +Q19794 P106 Q2405480 +Q153238 P20 Q840668 +Q275545 P20 Q597 +Q70350 P27 Q183 +Q651 P106 Q1622272 +Q322850 P106 Q486748 +Q44855 P136 Q131272 +Q34836 P106 Q10076267 +Q278519 P106 Q639669 +Q144439 P509 Q12152 +Q232993 P161 Q64645 +Q327809 P161 Q77991 +Q35610 P27 Q145 +Q215145 P20 Q585 +Q300547 P495 Q30 +Q110450 P106 Q11631 +Q855252 P106 Q82955 +Q524298 P106 Q482980 +Q233701 P463 Q463303 +Q17738 P161 Q309589 +Q160627 P106 Q36180 +Q36 P172 Q42884 +Q66337 P106 Q1234713 +Q918647 P27 Q159 +Q722042 P106 Q10800557 +Q25144 P106 Q28389 +Q324031 P102 Q29468 +Q118852 P136 Q37073 +Q838261 P37 Q9299 +Q467519 P551 Q23197 +Q156309 P161 Q229187 +Q557730 P106 Q947873 +Q106221 P172 Q678551 +Q320190 P27 Q30 +Q215868 P106 Q33999 +Q382408 P136 Q471839 +Q214665 P69 Q46210 +Q173144 P1303 Q5994 +Q62942 P106 Q33999 +Q388268 P106 Q121594 +Q39792 P106 Q10732476 +Q271059 P69 Q4614 +Q213681 P106 Q36834 +Q352030 P106 Q36180 +Q101919 P106 Q1622272 +Q401773 P106 Q1622272 +Q324219 P1412 Q150 +Q68225 P20 Q1731 +Q295502 P106 Q2259451 +Q290345 P106 Q639669 +Q57434 P172 Q170217 +Q278551 P27 Q30 +Q207816 P136 Q860626 +Q142 P530 Q79 +Q72971 P551 Q2795 +Q183387 P17 Q30 +Q44552 P136 Q131578 +Q18964 P495 Q145 +Q66622 P102 Q13124 +Q2866 P106 Q188094 +Q713058 P1303 Q9798 +Q320604 P27 Q27 +Q188137 P1412 Q1860 +Q268582 P106 Q49757 +Q869 P463 Q191384 +Q229349 P106 Q4610556 +Q87850 P106 Q1930187 +Q6060 P106 Q2252262 +Q1531285 P27 Q30 +Q162597 P1412 Q150 +Q58087 P1412 Q7918 +Q57289 P1412 Q9072 +Q41594 P19 Q18432 +Q61361 P509 Q12152 +Q17457 P463 Q131566 +Q51562 P1412 Q188 +Q439686 P1412 Q9299 +Q549233 P1303 Q17172850 +Q337224 P17 Q155 +Q355153 P69 Q4614 +Q243969 P27 Q30 +Q433144 P106 Q18581305 +Q276304 P1412 Q1860 +Q24962 P106 Q39631 +Q71412 P27 Q183 +Q466569 P106 Q36180 +Q95034 P509 Q476921 +Q6293853 P27 Q155 +Q208871 P509 Q3505252 +Q176026 P69 Q13371 +Q91059 P69 Q372608 +Q220299 P136 Q2678111 +Q668 P530 Q16 +Q542868 P106 Q639669 +Q287748 P161 Q53651 +Q213806 P27 Q30 +Q329845 P106 Q482980 +Q54836 P19 Q1754 +Q60969 P106 Q1662561 +Q336018 P106 Q10800557 +Q295144 P106 Q81096 +Q367132 P463 Q265058 +Q188159 P495 Q16 +Q266080 P106 Q4351403 +Q165651 P161 Q941210 +Q88832 P27 Q183 +Q276139 P106 Q639669 +Q374065 P106 Q3282637 +Q295593 P106 Q2526255 +Q350255 P106 Q2707485 +Q57257 P106 Q36180 +Q367032 P509 Q188605 +Q217495 P106 Q4964182 +Q1257 P1412 Q13955 +Q30 P530 Q912 +Q3271606 P1412 Q150 +Q110073 P463 Q466089 +Q430804 P106 Q2526255 +Q372438 P19 Q2805 +Q437356 P19 Q84 +Q25948 P106 Q639669 +Q115525 P106 Q2310145 +Q142 P530 Q1009 +Q4593 P140 Q9089 +Q76437 P140 Q23540 +Q154556 P136 Q189201 +Q2918925 P106 Q81096 +Q1374080 P19 Q49145 +Q237659 P106 Q10800557 +Q95736 P108 Q152087 +Q131374 P1412 Q150 +Q75828 P463 Q414379 +Q1013 P530 Q668 +Q203460 P108 Q838330 +Q27 P530 Q159 +Q553959 P106 Q486748 +Q98058 P106 Q82955 +Q60953 P20 Q65 +Q57106 P1412 Q11059 +Q297024 P106 Q201788 +Q73651 P136 Q2484376 +Q343668 P161 Q320218 +Q92862 P106 Q36834 +Q78539 P108 Q695599 +Q668 P530 Q212 +Q2120396 P106 Q81096 +Q1382830 P106 Q36834 +Q456827 P106 Q36834 +Q470619 P27 Q30 +Q160263 P69 Q174158 +Q81082 P20 Q90 +Q11975 P1412 Q1860 +Q317427 P1303 Q6607 +Q2737 P1412 Q150 +Q310357 P136 Q11401 +Q1043170 P106 Q1281618 +Q962308 P264 Q1063242 +Q193405 P106 Q333634 +Q24995 P136 Q37073 +Q700323 P69 Q154804 +Q233464 P136 Q157443 +Q267242 P172 Q165192 +Q376176 P106 Q10798782 +Q28 P530 Q45 +Q183063 P161 Q207458 +Q231603 P106 Q49757 +Q123557 P20 Q72 +Q3910 P106 Q10349745 +Q121995 P102 Q29552 +Q7200 P136 Q12799318 +Q70113 P1412 Q188 +Q47651 P106 Q1930187 +Q175104 P1303 Q17172850 +Q179150 P106 Q10800557 +Q117913 P106 Q214917 +Q34424 P1412 Q5146 +Q259788 P106 Q488205 +Q82083 P106 Q36180 +Q61067 P1412 Q9288 +Q221 P530 Q403 +Q219 P530 Q79 +Q465633 P106 Q28389 +Q294321 P20 Q49142 +Q376335 P119 Q208175 +Q75823 P27 Q43287 +Q71416 P106 Q1607826 +Q311115 P1412 Q150 +Q3559761 P106 Q82955 +Q83643 P106 Q13235160 +Q677843 P106 Q212980 +Q152306 P1412 Q7850 +Q504753 P106 Q4263842 +Q291183 P69 Q49088 +Q342756 P106 Q33999 +Q4235 P737 Q231106 +Q24871 P161 Q302335 +Q1391397 P106 Q901 +Q963787 P27 Q30 +Q362749 P509 Q12192 +Q269402 P106 Q488205 +Q242749 P1412 Q7737 +Q67139 P106 Q40348 +Q242208 P1412 Q1860 +Q286022 P106 Q639669 +Q76279 P106 Q49757 +Q172383 P106 Q170790 +Q38 P530 Q236 +Q356719 P69 Q273626 +Q2831 P264 Q330629 +Q469985 P106 Q36180 +Q348944 P106 Q639669 +Q437094 P106 Q1930187 +Q31164 P106 Q753110 +Q270005 P106 Q713200 +Q131545 P106 Q713200 +Q71998 P136 Q8261 +Q61533 P27 Q183 +Q385309 P161 Q314805 +Q155163 P495 Q16 +Q172653 P106 Q10800557 +Q208869 P106 Q36180 +Q104561 P108 Q168426 +Q156349 P140 Q9089 +Q274233 P19 Q90 +Q46636 P509 Q476921 +Q727752 P1412 Q1860 +Q51513 P106 Q6625963 +Q39989 P106 Q488205 +Q948941 P463 Q2370801 +Q157313 P106 Q2526255 +Q45811 P108 Q49120 +Q707827 P27 Q35 +Q154338 P27 Q183 +Q1343669 P106 Q639669 +Q102754 P161 Q211111 +Q153421 P102 Q7320 +Q170572 P106 Q15077007 +Q558104 P69 Q49088 +Q1424269 P1303 Q6607 +Q6096 P1412 Q1860 +Q108703 P102 Q13124 +Q67207 P102 Q49768 +Q51908481 P106 Q15995642 +Q234647 P106 Q4610556 +Q183239 P161 Q200534 +Q156133 P27 Q30 +Q1514469 P106 Q177220 +Q769328 P136 Q11366 +Q55422 P1412 Q1860 +Q78386 P136 Q35760 +Q130327 P27 Q174193 +Q444366 P69 Q49112 +Q1346521 P108 Q7842 +Q1349827 P27 Q30 +Q87208 P106 Q36180 +Q959875 P106 Q36180 +Q228546 P40 Q92562 +Q285341 P19 Q5083 +Q107424 P136 Q1298934 +Q708506 P106 Q2252262 +Q123469 P135 Q667661 +Q116553 P106 Q593644 +Q190525 P136 Q2421031 +Q451369 P1412 Q188 +Q722119 P1412 Q5146 +Q106762 P108 Q35794 +Q948 P530 Q801 +Q114132 P106 Q4964182 +Q246538 P1303 Q78987 +Q459038 P264 Q56760250 +Q76517 P108 Q32120 +Q12276134 P106 Q333634 +Q67941 P69 Q55044 +Q257442 P1412 Q1860 +Q691 P530 Q183 +Q72867 P27 Q145 +Q194346 P161 Q223303 +Q114 P530 Q183 +Q215139 P101 Q8134 +Q167683 P27 Q30 +Q67576 P106 Q1622272 +Q206886 P161 Q80938 +Q367132 P106 Q121594 +Q219829 P69 Q838330 +Q5383 P106 Q36834 +Q1586732 P19 Q1397 +Q1805442 P1412 Q1860 +Q17457 P106 Q82594 +Q732980 P69 Q859363 +Q122614 P451 Q40504 +Q168419 P106 Q36180 +Q615625 P106 Q177220 +Q323117 P69 Q691283 +Q697 P463 Q188822 +Q112307 P551 Q18419 +Q275964 P1412 Q7976 +Q172678 P106 Q3282637 +Q366207 P1303 Q6607 +Q200867 P136 Q9730 +Q379785 P27 Q29 +Q188137 P106 Q33999 +Q151830 P136 Q37073 +Q57676 P463 Q44687 +Q17738 P161 Q108941 +Q107178 P69 Q151510 +Q352914 P106 Q1930187 +Q1236051 P1412 Q1321 +Q211551 P102 Q183725 +Q214549 P463 Q329464 +Q577704 P106 Q201788 +Q105940 P106 Q1622272 +Q155687 P1412 Q1860 +Q224902 P1412 Q9058 +Q51101 P106 Q33999 +Q669597 P27 Q30 +Q1242 P106 Q188094 +Q172261 P1412 Q150 +Q408 P530 Q902 +Q309900 P69 Q8008661 +Q229920 P106 Q177220 +Q51506 P69 Q523926 +Q229325 P106 Q3282637 +Q318475 P106 Q36834 +Q155018 P161 Q64577 +Q11903 P106 Q36180 +Q1586732 P20 Q62 +Q235072 P27 Q30 +Q559794 P463 Q466113 +Q1296812 P106 Q639669 +Q1389589 P27 Q145 +Q357391 P69 Q49110 +Q1012900 P106 Q15296811 +Q67054 P106 Q49757 +Q782629 P551 Q495 +Q170564 P161 Q361610 +Q159 P530 Q235 +Q162076 P1412 Q188 +Q18450 P106 Q82955 +Q273568 P161 Q386514 +Q590792 P463 Q48995 +Q11692964 P106 Q1622272 +Q6527 P106 Q36180 +Q439566 P106 Q36180 +Q234399 P106 Q33999 +Q77061 P106 Q2526255 +Q271731 P1412 Q9056 +Q165824 P106 Q1607826 +Q67901 P106 Q8178443 +Q1392102 P19 Q60 +Q355374 P136 Q1133657 +Q843 P530 Q398 +Q163366 P106 Q49757 +Q19089 P161 Q460578 +Q193405 P106 Q3606216 +Q356965 P27 Q212 +Q104814 P57 Q42574 +Q1156782 P136 Q20378 +Q179743 P57 Q51581 +Q96 P30 Q49 +Q2643 P106 Q10800557 +Q441628 P19 Q649 +Q331587 P1412 Q1860 +Q442980 P106 Q10798782 +Q669934 P106 Q43845 +Q4444 P136 Q3990883 +Q1579348 P1412 Q188 +Q137042 P20 Q47164 +Q38203 P106 Q11774202 +Q153358 P1303 Q17172850 +Q70855 P463 Q329464 +Q399 P530 Q218 +Q118985 P495 Q145 +Q786675 P106 Q2643890 +Q312637 P106 Q2526255 +Q1281084 P102 Q29552 +Q224754 P106 Q10800557 +Q9439 P509 Q1368943 +Q119676 P106 Q10798782 +Q57495 P509 Q216169 +Q84352 P106 Q36180 +Q254 P19 Q34713 +Q132162 P19 Q18432 +Q219646 P135 Q667661 +Q206856 P106 Q177220 +Q160270 P1412 Q1860 +Q23880 P106 Q2865819 +Q225625 P106 Q16145150 +Q470572 P161 Q314914 +Q1074590 P106 Q2252262 +Q315152 P106 Q36180 +Q49683 P140 Q3333484 +Q94284 P161 Q511554 +Q121111 P108 Q152171 +Q83807 P106 Q13590141 +Q129399 P106 Q201788 +Q210812 P161 Q308840 +Q9602 P106 Q1622272 +Q160219 P1412 Q1860 +Q188100 P106 Q10800557 +Q243643 P136 Q1200678 +Q257277 P119 Q1624932 +Q1548904 P136 Q83440 +Q75866 P140 Q55004488 +Q92862 P19 Q60 +Q549442 P19 Q1022 +Q123628 P1412 Q150 +Q234360 P106 Q2259451 +Q104688 P106 Q333634 +Q67169 P509 Q12204 +Q216708 P106 Q639669 +Q1545 P19 Q60 +Q788572 P69 Q49088 +Q381751 P161 Q106942 +Q334 P463 Q170481 +Q154581 P161 Q506198 +Q57329 P108 Q1377 +Q95089 P102 Q29468 +Q218 P463 Q17495 +Q92875 P106 Q81096 +Q971027 P106 Q488205 +Q206832 P108 Q209842 +Q213824 P106 Q33999 +Q362332 P69 Q1335573 +Q275929 P1412 Q1860 +Q160219 P106 Q28389 +Q975874 P106 Q10800557 +Q340138 P161 Q934506 +Q171969 P463 Q3291340 +Q45789 P27 Q129286 +Q348037 P20 Q656 +Q726280 P20 Q60 +Q463768 P840 Q65 +Q620732 P106 Q4964182 +Q235470 P108 Q49114 +Q1556492 P69 Q34433 +Q108553 P20 Q60 +Q385236 P140 Q432 +Q607 P101 Q1328508 +Q1546566 P106 Q639669 +Q115 P463 Q17495 +Q355835 P106 Q28389 +Q260331 P106 Q33999 +Q57239 P69 Q40025 +Q48093 P27 Q15180 +Q355788 P106 Q15981151 +Q130742 P136 Q49451 +Q467027 P264 Q2338889 +Q241735 P69 Q49108 +Q334818 P27 Q129286 +Q221098 P161 Q171363 +Q148 P530 Q117 +Q9353 P140 Q6423963 +Q190145 P161 Q188375 +Q169452 P172 Q49085 +Q63962 P27 Q41304 +Q938402 P20 Q1741 +Q44403 P172 Q34069 +Q743642 P264 Q772494 +Q381884 P264 Q330629 +Q13513 P20 Q90 +Q379873 P161 Q109324 +Q214947 P1412 Q188 +Q217619 P119 Q235 +Q106662 P1303 Q8355 +Q357326 P20 Q1489 +Q276734 P161 Q55171 +Q234149 P19 Q1479 +Q166214 P840 Q23768 +Q211415 P106 Q10798782 +Q131866 P106 Q465501 +Q1342470 P106 Q639669 +Q77688 P106 Q947873 +Q707607 P106 Q639669 +Q128126 P69 Q926749 +Q23365 P1412 Q1860 +Q96950 P106 Q1397808 +Q386245 P57 Q49760 +Q75727 P27 Q183 +Q61674 P108 Q152171 +Q1811612 P27 Q20 +Q331728 P106 Q2405480 +Q241735 P101 Q413 +Q66216 P463 Q1792159 +Q235515 P101 Q207628 +Q1771189 P19 Q21711493 +Q70618 P119 Q311 +Q342580 P1050 Q12204 +Q53040 P106 Q28389 +Q70999 P1412 Q188 +Q956459 P27 Q142 +Q1699618 P19 Q484678 +Q833 P530 Q668 +Q271888 P69 Q3072747 +Q325422 P106 Q33999 +Q184366 P27 Q174193 +Q296287 P19 Q11299 +Q984481 P106 Q81096 +Q155547 P463 Q329464 +Q245257 P136 Q21010853 +Q510190 P463 Q123885 +Q178709 P106 Q2306091 +Q322179 P106 Q2259451 +Q195274 P161 Q182057 +Q148 P463 Q3772571 +Q212015 P26 Q240885 +Q102822 P463 Q463303 +Q547660 P26 Q131433 +Q164954 P172 Q179248 +Q184226 P108 Q209842 +Q208592 P136 Q853630 +Q152513 P27 Q30 +Q328695 P161 Q204586 +Q207659 P161 Q29250 +Q706571 P20 Q23306 +Q974795 P172 Q49085 +Q360685 P108 Q202660 +Q239453 P27 Q30 +Q287385 P161 Q255070 +Q26741 P1412 Q1860 +Q229603 P136 Q1033891 +Q352975 P1412 Q7411 +Q64963 P119 Q438183 +Q340814 P161 Q109324 +Q219734 P1412 Q7737 +Q106009 P106 Q82955 +Q33391 P27 Q96 +Q1884 P17 Q7318 +Q284686 P161 Q367073 +Q135329 P509 Q12152 +Q111121 P463 Q44687 +Q40 P463 Q899770 +Q712765 P19 Q84 +Q46096 P20 Q2079 +Q67438 P1412 Q188 +Q189490 P551 Q65 +Q559531 P1412 Q7737 +Q69547 P463 Q253439 +Q67436 P1412 Q1860 +Q581018 P106 Q28389 +Q230068 P27 Q142 +Q233368 P1303 Q17172850 +Q307391 P264 Q18628 +Q664167 P17 Q30 +Q214344 P172 Q940348 +Q230123 P106 Q33999 +Q383844 P161 Q43697 +Q51123 P106 Q1053574 +Q426517 P57 Q309214 +Q77991 P1412 Q188 +Q370959 P69 Q174710 +Q24631 P140 Q23540 +Q248289 P161 Q222008 +Q45396 P136 Q1298934 +Q90891 P106 Q185351 +Q75889 P106 Q333634 +Q322586 P106 Q753110 +Q193710 P737 Q2831 +Q809003 P19 Q18125 +Q1237496 P1412 Q1321 +Q202246 P264 Q190585 +Q53001 P19 Q90 +Q104266 P106 Q2405480 +Q29999 P30 Q46 +Q433979 P106 Q222344 +Q116258 P106 Q36180 +Q372073 P106 Q2526255 +Q44657 P27 Q801 +Q936132 P106 Q177220 +Q1424117 P463 Q188771 +Q239838 P106 Q36834 +Q234436 P106 Q37226 +Q148 P530 Q1049 +Q57364 P551 Q1731 +Q61533 P1412 Q188 +Q295144 P106 Q15472169 +Q343510 P106 Q33999 +Q508752 P69 Q49088 +Q1175373 P509 Q47912 +Q377956 P106 Q55960555 +Q465000 P20 Q84 +Q313204 P19 Q60 +Q43432 P1412 Q1860 +Q108543 P161 Q309690 +Q25483 P69 Q131252 +Q77027 P106 Q177220 +Q141114 P20 Q60 +Q453602 P106 Q1930187 +Q726298 P106 Q10800557 +Q95089 P106 Q177220 +Q380467 P20 Q47265 +Q317907 P106 Q49757 +Q40115 P161 Q237115 +Q312450 P136 Q131272 +Q237413 P106 Q333634 +Q265270 P106 Q6625963 +Q295679 P119 Q99 +Q167265 P161 Q193070 +Q937936 P106 Q1930187 +Q270560 P27 Q30 +Q382676 P27 Q145 +Q1606016 P27 Q142 +Q980676 P106 Q121594 +Q96 P530 Q783 +Q188697 P106 Q193391 +Q1453045 P1303 Q5994 +Q232874 P106 Q33999 +Q1195390 P27 Q145 +Q236112 P106 Q214917 +Q331123 P27 Q174193 +Q38849 P106 Q82955 +Q448767 P509 Q504775 +Q221103 P136 Q853630 +Q165823 P27 Q41 +Q49004 P106 Q488205 +Q333615 P451 Q444486 +Q9545 P106 Q193391 +Q58720 P69 Q155354 +Q183337 P106 Q3621491 +Q234080 P106 Q2259451 +Q186317 P172 Q165192 +Q2828029 P108 Q273626 +Q103578 P2348 Q6927 +Q29418 P106 Q49757 +Q151820 P106 Q36180 +Q129283 P840 Q21 +Q232456 P136 Q131272 +Q35 P530 Q159 +Q1378199 P106 Q488205 +Q31 P530 Q29999 +Q1027 P463 Q1065 +Q320204 P106 Q2405480 +Q69019 P19 Q1055 +Q144669 P106 Q753110 +Q60016 P136 Q52162262 +Q444509 P26 Q765 +Q89316 P106 Q1622272 +Q463673 P1303 Q17172850 +Q77438 P509 Q223102 +Q720208 P27 Q30 +Q228860 P106 Q488205 +Q95777 P106 Q36180 +Q49347 P106 Q864503 +Q154195 P37 Q188 +Q350588 P106 Q36834 +Q465000 P106 Q36180 +Q242523 P106 Q10798782 +Q3379094 P463 Q117467 +Q1805398 P106 Q36834 +Q58282 P641 Q11420 +Q72090 P840 Q142 +Q232470 P106 Q10800557 +Q114558 P106 Q33999 +Q458033 P136 Q52162262 +Q156023 P106 Q158852 +Q178989 P840 Q1391 +Q187907 P1412 Q9083 +Q68757 P19 Q3923 +Q11732 P69 Q165980 +Q313666 P106 Q81096 +Q188845 P161 Q271635 +Q223992 P19 Q37320 +Q381420 P1303 Q5994 +Q185007 P108 Q777403 +Q506915 P106 Q753110 +Q4266175 P27 Q15180 +Q380981 P161 Q175104 +Q553730 P106 Q333634 +Q9387 P27 Q27306 +Q405542 P19 Q37836 +Q314110 P106 Q43845 +Q381734 P106 Q49757 +Q347986 P27 Q145 +Q85490 P106 Q2259451 +Q31 P463 Q827525 +Q604510 P106 Q177220 +Q264577 P161 Q121655 +Q139549 P106 Q1930187 +Q336640 P264 Q843402 +Q123166 P161 Q184572 +Q365682 P172 Q49085 +Q16 P463 Q7809 +Q203623 P106 Q4164507 +Q15981 P1412 Q188 +Q322272 P106 Q805221 +Q500999 P106 Q1930187 +Q231815 P106 Q8246794 +Q84771 P106 Q82955 +Q235770 P106 Q488205 +Q56016 P140 Q7066 +Q796 P530 Q668 +Q62906 P106 Q82594 +Q308929 P136 Q959790 +Q175305 P106 Q488111 +Q264989 P264 Q1988428 +Q65350 P1412 Q188 +Q76755 P119 Q881481 +Q70047 P69 Q154804 +Q218 P530 Q148 +Q1085 P17 Q152750 +Q231106 P106 Q36834 +Q333505 P106 Q432386 +Q58195 P1412 Q1860 +Q280724 P106 Q36834 +Q61132 P106 Q82955 +Q93401 P463 Q299015 +Q78739 P106 Q14467526 +Q240570 P69 Q1033692 +Q410 P19 Q18419 +Q777688 P69 Q165980 +Q72127 P27 Q183 +Q276005 P264 Q202440 +Q167877 P27 Q145 +Q76363 P106 Q182436 +Q545476 P106 Q1930187 +Q355314 P27 Q30 +Q57289 P69 Q49117 +Q67436 P19 Q162049 +Q40263 P106 Q2526255 +Q19796 P106 Q860918 +Q673283 P172 Q1026 +Q267406 P136 Q37073 +Q4673 P106 Q2526255 +Q385309 P161 Q234773 +Q311802 P1412 Q1860 +Q374323 P27 Q30 +Q792 P530 Q230 +Q236 P37 Q9299 +Q299317 P106 Q10798782 +Q40197 P106 Q1906857 +Q257145 P509 Q175111 +Q45575 P69 Q13371 +Q234791 P136 Q3071 +Q186089 P69 Q1186843 +Q48020 P463 Q1971373 +Q78080 P106 Q1930187 +Q18456 P106 Q1607826 +Q442310 P509 Q12078 +Q34296 P108 Q995265 +Q84998 P106 Q1930187 +Q16297 P106 Q2526255 +Q232047 P1050 Q124407 +Q56016 P19 Q33486 +Q15909 P106 Q214917 +Q851 P530 Q424 +Q2904665 P106 Q43845 +Q155979 P172 Q49542 +Q99076 P108 Q154561 +Q297097 P27 Q30 +Q85280 P106 Q947873 +Q561212 P135 Q7066 +Q727717 P20 Q2807 +Q16053 P106 Q193391 +Q34969 P106 Q82955 +Q818968 P161 Q207307 +Q68604 P106 Q170790 +Q123080 P106 Q3579035 +Q1453045 P106 Q753110 +Q299100 P140 Q9268 +Q579773 P69 Q2983698 +Q522739 P264 Q1273666 +Q152524 P27 Q171150 +Q12795 P101 Q143 +Q29 P530 Q298 +Q1250743 P136 Q8341 +Q215814 P106 Q1930187 +Q826 P463 Q191384 +Q468585 P106 Q177220 +Q524236 P106 Q593644 +Q715281 P106 Q1930187 +Q223374 P161 Q359331 +Q865 P530 Q219 +Q1741 P131 Q131964 +Q110042 P19 Q19660 +Q463883 P19 Q62 +Q855 P1412 Q7737 +Q45188 P136 Q11366 +Q45394 P161 Q40046 +Q220525 P463 Q299015 +Q310300 P737 Q4061 +Q234967 P106 Q33999 +Q258 P530 Q902 +Q236066 P1303 Q31561 +Q58091 P19 Q1524 +Q326196 P106 Q177220 +Q727782 P106 Q201788 +Q107914 P136 Q52162262 +Q273833 P27 Q30 +Q90012 P106 Q40348 +Q23728 P106 Q10798782 +Q1235 P1412 Q652 +Q75151 P106 Q1397808 +Q909 P463 Q812155 +Q4397665 P19 Q1874 +Q208359 P1412 Q397 +Q49760 P69 Q81162 +Q123899 P27 Q183 +Q35448 P27 Q7318 +Q17457 P108 Q41506 +Q39970 P136 Q157394 +Q1248240 P106 Q39631 +Q271763 P106 Q33999 +Q91428 P106 Q36180 +Q286566 P119 Q3006253 +Q92624 P69 Q49126 +Q211551 P106 Q36180 +Q316857 P69 Q617433 +Q331123 P106 Q36834 +Q164582 P106 Q1622272 +Q330840 P136 Q21590660 +Q373948 P106 Q4964182 +Q33391 P27 Q2305208 +Q25163 P69 Q691851 +Q267672 P161 Q314831 +Q52997 P106 Q948329 +Q712586 P136 Q180268 +Q596717 P106 Q15981151 +Q442031 P106 Q4263842 +Q184843 P161 Q81328 +Q37 P530 Q17 +Q107769 P106 Q28389 +Q438164 P69 Q681025 +Q44336 P136 Q25379 +Q22670 P106 Q551835 +Q180850 P264 Q190585 +Q672443 P161 Q193048 +Q689486 P106 Q81096 +Q60684 P172 Q42884 +Q314362 P106 Q82955 +Q110278 P161 Q318231 +Q75089 P108 Q152838 +Q12881 P27 Q155 +Q167475 P106 Q28389 +Q59259 P106 Q3282637 +Q712860 P106 Q12362622 +Q235572 P27 Q145 +Q107422 P69 Q503415 +Q451812 P106 Q753110 +Q106751 P463 Q466113 +Q207969 P106 Q33999 +Q1060636 P737 Q36591 +Q697 P463 Q1065 +Q452084 P106 Q49757 +Q714141 P106 Q33999 +Q60970 P136 Q131272 +Q336640 P106 Q488205 +Q640096 P106 Q14467526 +Q310785 P106 Q3282637 +Q284087 P106 Q10800557 +Q1509379 P463 Q723551 +Q553742 P19 Q1757 +Q213195 P106 Q18814623 +Q155398 P69 Q55044 +Q60785 P106 Q49757 +Q2263 P1412 Q1860 +Q389151 P161 Q125904 +Q180338 P1303 Q17172850 +Q383883 P463 Q270794 +Q41754 P161 Q442897 +Q269912 P136 Q622370 +Q354241 P106 Q947873 +Q103114 P737 Q1290 +Q57640 P140 Q106039 +Q43252 P106 Q18581305 +Q244975 P161 Q205707 +Q888326 P509 Q12192 +Q722738 P106 Q4964182 +Q212804 P161 Q294372 +Q110330 P69 Q49088 +Q310106 P106 Q1930187 +Q1210022 P19 Q65 +Q470931 P106 Q36180 +Q165823 P106 Q193391 +Q151921 P136 Q157394 +Q865275 P136 Q208505 +Q153232 P19 Q90 +Q49285 P20 Q840668 +Q312288 P463 Q463303 +Q337185 P106 Q10798782 +Q164765 P27 Q34266 +Q242474 P20 Q649 +Q340213 P106 Q2259451 +Q60539 P20 Q64 +Q19198 P136 Q484641 +Q764570 P463 Q1493021 +Q174327 P106 Q131524 +Q152388 P106 Q36834 +Q364179 P27 Q28513 +Q2054 P1412 Q397 +Q336397 P27 Q30 +Q53040 P102 Q815348 +Q8927 P106 Q33999 +Q178698 P106 Q214917 +Q663447 P20 Q656 +Q458033 P135 Q377616 +Q519606 P106 Q2259451 +Q231178 P106 Q42909 +Q470233 P106 Q639669 +Q180962 P106 Q2259451 +Q445386 P264 Q1153032 +Q59112 P106 Q864380 +Q151936 P106 Q2468727 +Q151814 P136 Q46046 +Q151891 P19 Q1297 +Q212804 P136 Q200092 +Q225509 P20 Q84 +Q563 P106 Q822146 +Q876756 P1412 Q809 +Q127349 P136 Q492537 +Q318619 P136 Q8341 +Q112255 P27 Q28513 +Q137571 P106 Q36180 +Q884 P463 Q656801 +Q43182 P106 Q16031530 +Q332892 P106 Q130857 +Q96290 P27 Q183 +Q454075 P106 Q177220 +Q66456 P102 Q316533 +Q109324 P106 Q948329 +Q282002 P136 Q131272 +Q52925 P3373 Q52924 +Q49075 P106 Q4504549 +Q47293 P27 Q183 +Q773804 P1303 Q6607 +Q220078 P106 Q36180 +Q313551 P69 Q273626 +Q170328 P106 Q937857 +Q123421 P106 Q1930187 +Q261244 P172 Q49085 +Q264764 P106 Q131062 +Q506102 P108 Q21578 +Q60131 P102 Q7320 +Q1070606 P136 Q850412 +Q441520 P106 Q36834 +Q5682 P106 Q6625963 +Q153597 P1412 Q9176 +Q6829 P17 Q713750 +Q234809 P106 Q33999 +Q189554 P19 Q61 +Q37030 P3373 Q76480 +Q106103 P108 Q159895 +Q31215 P172 Q127885 +Q1281738 P69 Q49213 +Q65084 P106 Q1622272 +Q202693 P106 Q28389 +Q435857 P136 Q131272 +Q544464 P102 Q327591 +Q282823 P106 Q169470 +Q105993 P840 Q61 +Q284087 P27 Q801 +Q45374 P19 Q8678 +Q572001 P108 Q151510 +Q19425 P27 Q34266 +Q161852 P119 Q168886 +Q1049 P30 Q15 +Q346540 P106 Q2259451 +Q69547 P1412 Q188 +Q689713 P106 Q201788 +Q224069 P161 Q439358 +Q152880 P106 Q81096 +Q297024 P106 Q36180 +Q217182 P161 Q101797 +Q362616 P106 Q33999 +Q243639 P106 Q488205 +Q362828 P1412 Q7737 +Q9204 P737 Q41513 +Q236748 P27 Q34 +Q47484 P106 Q36180 +Q78890 P463 Q44687 +Q272374 P27 Q30 +Q72756 P19 Q11299 +Q313546 P106 Q4610556 +Q99627 P106 Q1622272 +Q216288 P264 Q2902300 +Q128529 P106 Q131524 +Q59259 P1412 Q1860 +Q228936 P161 Q544465 +Q296630 P106 Q2259451 +Q68312 P463 Q543804 +Q173804 P161 Q234128 +Q40 P463 Q1072120 +Q354033 P106 Q855091 +Q11490 P106 Q82594 +Q498390 P106 Q488205 +Q272929 P106 Q947873 +Q444509 P106 Q36180 +Q843552 P106 Q639669 +Q594644 P264 Q155152 +Q4460848 P463 Q83172 +Q57442 P27 Q183 +Q160432 P106 Q2405480 +Q60059 P106 Q733786 +Q139933 P106 Q822146 +Q813964 P106 Q82955 +Q379877 P161 Q309592 +Q157191 P737 Q882 +Q216536 P19 Q2773 +Q177632 P106 Q2405480 +Q325070 P106 Q245068 +Q23 P27 Q30 +Q26207 P69 Q192088 +Q188570 P1412 Q7737 +Q8573 P551 Q62 +Q95928 P19 Q3852 +Q76336 P19 Q1731 +Q40071 P161 Q184103 +Q228868 P106 Q578109 +Q611672 P69 Q860527 +Q356719 P1412 Q1860 +Q46633 P106 Q1622272 +Q713964 P106 Q2252262 +Q955619 P27 Q30 +Q353754 P108 Q206702 +Q488099 P106 Q1930187 +Q8446 P20 Q5083 +Q310580 P106 Q36834 +Q222818 P27 Q30 +Q315348 P106 Q483501 +Q254265 P1412 Q9129 +Q706518 P106 Q639669 +Q708423 P27 Q30 +Q228909 P101 Q207628 +Q311804 P3373 Q551596 +Q162202 P106 Q3391743 +Q298209 P106 Q36834 +Q90910 P1303 Q17172850 +Q351527 P106 Q36180 +Q248179 P106 Q33999 +Q153039 P495 Q142 +Q506288 P106 Q177220 +Q728991 P106 Q49757 +Q67409 P1412 Q188 +Q467519 P102 Q29468 +Q160163 P106 Q201788 +Q261700 P57 Q95008 +Q310939 P136 Q9734 +Q769328 P27 Q17 +Q1741 P17 Q40 +Q91617 P1412 Q188 +Q107194 P119 Q176298 +Q376663 P161 Q310217 +Q140694 P463 Q337543 +Q567340 P106 Q3922505 +Q1022 P17 Q43287 +Q60126 P106 Q1622272 +Q31033707 P1412 Q150 +Q87137 P102 Q49768 +Q208101 P106 Q36180 +Q331180 P136 Q130232 +Q184 P530 Q668 +Q231556 P106 Q10800557 +Q287977 P26 Q242729 +Q343668 P161 Q443317 +Q171571 P264 Q387539 +Q2089840 P19 Q495 +Q187814 P106 Q36834 +Q156774 P463 Q188771 +Q86886 P106 Q4263842 +Q62763 P1412 Q188 +Q15469 P27 Q174193 +Q17457 P69 Q161562 +Q61318 P463 Q4345832 +Q505129 P20 Q90 +Q89434 P106 Q2259451 +Q55 P530 Q408 +Q952737 P106 Q82955 +Q213081 P161 Q264699 +Q75914 P108 Q161982 +Q272069 P106 Q488205 +Q961447 P106 Q130857 +Q84555 P1412 Q188 +Q223139 P495 Q30 +Q190765 P161 Q106791 +Q717 P530 Q96 +Q259055 P264 Q344983 +Q70342 P106 Q1622272 +Q126812 P106 Q18844224 +Q314926 P106 Q15296811 +Q161087 P161 Q44467 +Q23880 P27 Q30 +Q1360993 P551 Q172 +Q72479 P1303 Q17172850 +Q217557 P69 Q838330 +Q429397 P136 Q188473 +Q438271 P106 Q177220 +Q44580 P19 Q9248 +Q192301 P161 Q200534 +Q575444 P106 Q639669 +Q60487 P136 Q1054574 +Q292180 P27 Q30 +Q101521 P27 Q183 +Q431401 P136 Q9759 +Q1711743 P106 Q486748 +Q265202 P27 Q30 +Q230445 P106 Q36834 +Q1079105 P551 Q24826 +Q234721 P106 Q36180 +Q108297 P161 Q298818 +Q100765 P69 Q151510 +Q2149885 P27 Q145 +Q5686 P27 Q145 +Q884143 P106 Q177220 +Q106481 P27 Q145 +Q153677 P840 Q1522 +Q92775 P106 Q201788 +Q12292644 P1412 Q7737 +Q167803 P140 Q9592 +Q117688 P27 Q55 +Q356140 P1303 Q17172850 +Q450296 P27 Q145 +Q1035323 P1412 Q150 +Q110106 P551 Q584451 +Q41042 P172 Q7325 +Q40482 P106 Q82955 +Q295034 P106 Q465501 +Q313279 P106 Q2095549 +Q228918 P106 Q177220 +Q84475 P69 Q165980 +Q334760 P108 Q969850 +Q152352 P20 Q1794 +Q212804 P136 Q2484376 +Q273233 P106 Q177220 +Q554018 P20 Q90 +Q312995 P737 Q286116 +Q125666 P106 Q4610556 +Q211696 P1303 Q128309 +Q200639 P1412 Q150 +Q104000 P108 Q126399 +Q275003 P106 Q37226 +Q183 P530 Q114 +Q200841 P641 Q5372 +Q636 P136 Q217191 +Q1155256 P27 Q17 +Q92875 P108 Q2283 +Q134165 P509 Q202837 +Q699456 P20 Q1741 +Q271576 P1412 Q1860 +Q5784301 P495 Q30 +Q142 P530 Q712 +Q16766 P106 Q10798782 +Q297618 P69 Q797078 +Q918647 P108 Q178416 +Q36290 P27 Q30 +Q165854 P102 Q79854 +Q58863 P509 Q12078 +Q159475 P264 Q1536003 +Q1047474 P106 Q855091 +Q529639 P106 Q36180 +Q109149 P27 Q183 +Q3462736 P69 Q185246 +Q13513 P106 Q36180 +Q76004 P106 Q2487799 +Q170095 P509 Q83319 +Q60133 P106 Q82955 +Q92143 P69 Q315658 +Q65394 P69 Q153978 +Q44695 P20 Q649 +Q232840 P27 Q145 +Q2473030 P106 Q205375 +Q80 P19 Q84 +Q4293328 P1412 Q7737 +Q322381 P69 Q2093794 +Q115754 P19 Q90 +Q61864 P27 Q183 +Q222 P463 Q17495 +Q301077 P161 Q310275 +Q48589 P106 Q36180 +Q1671177 P463 Q270794 +Q252 P530 Q419 +Q383764 P106 Q7042855 +Q181069 P161 Q172678 +Q256959 P106 Q15980158 +Q84150 P20 Q49145 +Q229881 P106 Q488205 +Q960778 P106 Q10800557 +Q747 P136 Q192881 +Q140738 P106 Q33999 +Q77755 P102 Q316533 +Q42156 P737 Q82049 +Q313388 P1412 Q1860 +Q1625 P463 Q40970 +Q318223 P106 Q183945 +Q306631 P136 Q11399 +Q109063 P136 Q54365 +Q327312 P161 Q169963 +Q5752 P1412 Q150 +Q3341701 P119 Q281859 +Q957627 P106 Q36834 +Q1139628 P106 Q855091 +Q967886 P20 Q649 +Q129119 P106 Q158852 +Q144746 P106 Q486748 +Q192402 P264 Q212699 +Q23114 P20 Q8686 +Q117249 P106 Q183945 +Q381883 P106 Q183945 +Q346411 P106 Q177220 +Q108175 P69 Q40025 +Q468345 P463 Q463303 +Q445429 P106 Q1930187 +Q467231 P106 Q36180 +Q506900 P106 Q130857 +Q234891 P136 Q9730 +Q266063 P159 Q437 +Q201500 P106 Q639669 +Q230501 P1412 Q1321 +Q103646 P1412 Q1860 +Q188159 P161 Q42581 +Q78763 P19 Q1741 +Q57802 P106 Q10872101 +Q414 P530 Q298 +Q538379 P1412 Q188 +Q194896 P509 Q372701 +Q430076 P106 Q10798782 +Q263172 P551 Q340 +Q267764 P106 Q183945 +Q288173 P840 Q1370 +Q366207 P1303 Q17172850 +Q298920 P106 Q715301 +Q66942 P106 Q36180 +Q128967 P27 Q174193 +Q230929 P106 Q10798782 +Q268912 P106 Q81096 +Q11627 P19 Q100 +Q93835 P106 Q1231865 +Q216573 P108 Q273263 +Q215120 P1303 Q5994 +Q267522 P264 Q843402 +Q168307 P102 Q727724 +Q329127 P161 Q193212 +Q43182 P106 Q14915627 +Q204299 P26 Q13595311 +Q276158 P1303 Q17172850 +Q154759 P463 Q49738 +Q63397 P69 Q153978 +Q526220 P1412 Q1860 +Q196401 P69 Q151510 +Q183008 P106 Q177220 +Q713246 P463 Q2720582 +Q125095 P106 Q639669 +Q264730 P27 Q30 +Q18066 P106 Q13590141 +Q4347990 P3373 Q7939652 +Q64043 P27 Q183 +Q20178 P106 Q10798782 +Q457306 P106 Q488205 +Q64043 P463 Q18650004 +Q232462 P106 Q177220 +Q315136 P106 Q214917 +Q21088 P19 Q5332 +Q516473 P27 Q30 +Q203643 P106 Q1028181 +Q563549 P106 Q864380 +Q84555 P106 Q188094 +Q477461 P1303 Q6607 +Q697 P463 Q376150 +Q379785 P551 Q1492 +Q76346 P27 Q183 +Q230591 P1412 Q1860 +Q67438 P106 Q639669 +Q76699 P106 Q36180 +Q11617 P136 Q45981 +Q440121 P551 Q100 +Q206497 P161 Q269894 +Q241382 P106 Q13590141 +Q3713655 P106 Q947873 +Q270672 P27 Q30 +Q1903090 P69 Q622664 +Q908569 P264 Q1273666 +Q592381 P106 Q2252262 +Q469310 P69 Q83259 +Q550395 P106 Q10798782 +Q551204 P140 Q35032 +Q296774 P106 Q3282637 +Q145 P530 Q691 +Q1382482 P106 Q1415090 +Q253697 P136 Q131578 +Q1526406 P106 Q1607826 +Q734436 P20 Q48958 +Q162753 P106 Q177220 +Q66622 P69 Q153978 +Q235820 P136 Q83440 +Q561169 P106 Q6625963 +Q76422 P119 Q2090 +Q373417 P509 Q12078 +Q176985 P101 Q25372 +Q282787 P106 Q222344 +Q709640 P19 Q16555 +Q40197 P69 Q49114 +Q213794 P106 Q1930187 +Q180819 P69 Q13164 +Q691 P463 Q384535 +Q192185 P106 Q2490358 +Q86043 P27 Q183 +Q295120 P136 Q263734 +Q380848 P161 Q223117 +Q17 P463 Q41550 +Q435780 P106 Q36834 +Q438014 P172 Q49085 +Q7542 P106 Q28389 +Q78706 P106 Q212980 +Q189505 P161 Q181799 +Q276407 P136 Q842256 +Q354783 P69 Q1068752 +Q150767 P1303 Q5994 +Q896660 P463 Q83172 +Q645167 P106 Q6168364 +Q24356 P19 Q65 +Q1139388 P106 Q1925963 +Q2038 P140 Q288928 +Q30 P530 Q34 +Q383926 P172 Q49085 +Q868839 P1412 Q7913 +Q956275 P172 Q49085 +Q200768 P1412 Q1860 +Q96064 P20 Q4098 +Q164824 P463 Q161806 +Q3986379 P161 Q453330 +Q921 P463 Q170481 +Q71625 P69 Q154804 +Q102852 P26 Q93872 +Q771229 P106 Q901 +Q85726 P20 Q1741 +Q202859 P106 Q177220 +Q70912 P1412 Q188 +Q146673 P136 Q2484376 +Q274342 P19 Q656 +Q430278 P136 Q130232 +Q231121 P106 Q15296811 +Q267866 P161 Q233536 +Q55468 P106 Q28389 +Q229271 P106 Q2405480 +Q138846 P509 Q14467705 +Q103343 P172 Q678551 +Q557948 P106 Q3282637 +Q504025 P1412 Q1860 +Q97027 P20 Q2773 +Q274306 P106 Q177220 +Q458966 P106 Q3368718 +Q213 P463 Q458 +Q450802 P106 Q6625963 +Q195367 P106 Q33999 +Q11975 P106 Q13590141 +Q1586916 P106 Q177220 +Q77096 P106 Q81096 +Q173144 P172 Q165192 +Q96669 P106 Q482980 +Q365578 P106 Q170790 +Q1735 P17 Q154195 +Q4356896 P106 Q33999 +Q156394 P161 Q257442 +Q843552 P106 Q2059704 +Q66126 P27 Q183 +Q183066 P136 Q188473 +Q1869643 P136 Q203720 +Q55163 P737 Q51581 +Q92933 P463 Q131566 +Q42552 P463 Q812155 +Q1292110 P19 Q60 +Q51023 P106 Q753110 +Q369190 P1412 Q1860 +Q159933 P27 Q10957559 +Q267435 P106 Q3501317 +Q800 P463 Q191384 +Q445386 P106 Q639669 +Q420407 P106 Q5716684 +Q167683 P19 Q11299 +Q229550 P106 Q10798782 +Q488057 P136 Q484641 +Q45909 P1303 Q52954 +Q6107 P551 Q99 +Q3436506 P106 Q43845 +Q104358 P106 Q753110 +Q176944 P106 Q16533 +Q63695 P19 Q4098 +Q113777 P20 Q1741 +Q273211 P102 Q5020915 +Q55415 P106 Q10800557 +Q484292 P106 Q1930187 +Q112263 P69 Q51985 +Q716282 P106 Q33999 +Q299122 P1303 Q6607 +Q432102 P161 Q6294 +Q270351 P840 Q869 +Q317397 P20 Q9248 +Q930197 P19 Q60 +Q75951 P106 Q81096 +Q231487 P19 Q23556 +Q728463 P1412 Q1860 +Q68529 P106 Q4991371 +Q717884 P19 Q60 +Q132689 P161 Q908998 +Q142059 P106 Q36180 +Q742825 P140 Q7066 +Q372215 P106 Q189290 +Q78890 P509 Q476921 +Q729117 P108 Q21578 +Q183 P530 Q229 +Q48990 P102 Q79854 +Q24045 P106 Q14972848 +Q231071 P172 Q49085 +Q4700 P20 Q90 +Q164797 P106 Q1209498 +Q14441 P264 Q193023 +Q215369 P136 Q37073 +Q217557 P106 Q18814623 +Q9204 P106 Q6625963 +Q403 P530 Q45 +Q311750 P106 Q177220 +Q439198 P106 Q33999 +Q737922 P27 Q15180 +Q261550 P161 Q95055 +Q211392 P106 Q49757 +Q312747 P1412 Q1321 +Q3336032 P108 Q182973 +Q189889 P136 Q157443 +Q178653 P20 Q90 +Q433142 P106 Q10798782 +Q170095 P106 Q28389 +Q83333 P106 Q14906342 +Q19200 P106 Q1028181 +Q441440 P106 Q1281618 +Q48337 P1412 Q1860 +Q276772 P495 Q145 +Q467482 P106 Q1930187 +Q204019 P27 Q854 +Q123101 P69 Q49126 +Q107761 P840 Q1490 +Q690759 P106 Q36180 +Q231194 P136 Q11399 +Q440433 P27 Q30 +Q342580 P509 Q12204 +Q921869 P106 Q170790 +Q484702 P106 Q1086863 +Q2492691 P1412 Q809 +Q104514 P69 Q969850 +Q180338 P1412 Q188 +Q23810 P1412 Q188 +Q57430 P106 Q1397808 +Q298 P530 Q403 +Q9161 P27 Q83286 +Q8877 P19 Q43196 +Q406 P17 Q12560 +Q1576675 P106 Q1622272 +Q151509 P106 Q116 +Q64812 P102 Q153401 +Q101886 P140 Q55004488 +Q1444438 P1303 Q5994 +Q229319 P106 Q33999 +Q1399 P106 Q49757 +Q60785 P101 Q482 +Q1173317 P106 Q639669 +Q309486 P106 Q10798782 +Q241482 P57 Q339551 +Q73951 P463 Q218868 +Q310394 P69 Q130965 +Q57576 P509 Q175111 +Q158379 P106 Q49757 +Q24064 P106 Q488205 +Q720005 P27 Q20 +Q229176 P106 Q2405480 +Q234663 P106 Q482980 +Q251262 P27 Q30 +Q1356586 P106 Q16145150 +Q298761 P172 Q42406 +Q28196 P495 Q145 +Q231614 P106 Q10798782 +Q125488 P1412 Q188 +Q48978 P136 Q217597 +Q12688 P1412 Q397 +Q727786 P27 Q38 +Q865 P530 Q1039 +Q11826 P106 Q14467526 +Q167768 P172 Q42406 +Q34190 P136 Q128758 +Q150630 P463 Q3603946 +Q392654 P495 Q218 +Q12844 P19 Q34 +Q1093318 P19 Q72 +Q102852 P27 Q183 +Q164721 P264 Q183412 +Q237033 P106 Q1930187 +Q218083 P19 Q65 +Q452084 P172 Q170217 +Q276167 P509 Q181754 +Q268604 P1303 Q17172850 +Q473239 P106 Q43845 +Q203840 P27 Q38 +Q152929 P106 Q10798782 +Q500546 P106 Q4263842 +Q356287 P106 Q3282637 +Q96923 P19 Q2973 +Q153730 P106 Q43845 +Q215630 P106 Q1930187 +Q930324 P140 Q75809 +Q115 P30 Q15 +Q148 P530 Q96 +Q236469 P27 Q30 +Q182944 P495 Q30 +Q108175 P463 Q1202021 +Q95928 P1412 Q188 +Q462466 P161 Q434790 +Q930679 P69 Q219615 +Q11732 P1412 Q188 +Q717 P530 Q403 +Q7934 P20 Q43788 +Q499742 P69 Q21578 +Q436187 P106 Q33999 +Q231121 P101 Q11629 +Q318485 P1303 Q17172850 +Q1799 P17 Q171150 +Q2482444 P106 Q1622272 +Q168468 P463 Q188771 +Q12121820 P106 Q1930187 +Q924 P463 Q191384 +Q709178 P108 Q336968 +Q84445 P551 Q30 +Q740036 P551 Q84 +Q273978 P57 Q160726 +Q4700 P106 Q36834 +Q164562 P509 Q12152 +Q286566 P106 Q36180 +Q314419 P106 Q81096 +Q55230 P106 Q2526255 +Q230636 P106 Q33999 +Q9353 P1412 Q397 +Q168362 P1412 Q1860 +Q434399 P19 Q1156 +Q212772 P136 Q211756 +Q923242 P19 Q49202 +Q185510 P108 Q34433 +Q722555 P1412 Q150 +Q2263 P106 Q33999 +Q47899 P106 Q512314 +Q11817 P106 Q16533 +Q133654 P136 Q959790 +Q49034 P106 Q901 +Q444518 P1303 Q17172850 +Q1280288 P106 Q947873 +Q249350 P136 Q21401869 +Q110126 P1412 Q8785 +Q79759 P1412 Q9129 +Q153943 P30 Q46 +Q374526 P161 Q240233 +Q206112 P264 Q1392321 +Q971422 P20 Q23197 +Q220192 P161 Q37876 +Q801 P530 Q858 +Q180416 P161 Q77061 +Q215989 P106 Q432386 +Q62188 P106 Q333634 +Q77438 P106 Q36180 +Q190251 P20 Q84 +Q218 P463 Q3866537 +Q11820 P509 Q181754 +Q71635 P1412 Q1860 +Q235289 P106 Q10800557 +Q37160 P19 Q23436 +Q807545 P106 Q488205 +Q177917 P509 Q175111 +Q790 P463 Q1065 +Q92643 P463 Q337234 +Q221020 P57 Q55208 +Q215904 P106 Q36180 +Q15935 P106 Q177220 +Q275793 P451 Q81447 +Q193668 P69 Q7607037 +Q309788 P1303 Q17172850 +Q134773 P136 Q2975633 +Q179051 P69 Q174710 +Q334780 P840 Q155 +Q296729 P102 Q29552 +Q104668 P106 Q752129 +Q212173 P106 Q4220892 +Q935369 P264 Q295794 +Q43939 P106 Q2259532 +Q63032 P463 Q253439 +Q108460 P463 Q265058 +Q121778 P69 Q49119 +Q229230 P106 Q4610556 +Q107432 P1303 Q5994 +Q76279 P69 Q152087 +Q116309 P27 Q15180 +Q954563 P106 Q488205 +Q310638 P1303 Q5994 +Q380026 P69 Q209842 +Q239910 P69 Q149990 +Q112307 P19 Q60 +Q62437 P27 Q38 +Q3022141 P641 Q718 +Q471443 P106 Q28389 +Q60804 P108 Q153006 +Q195367 P551 Q1342 +Q312472 P140 Q7066 +Q1346849 P106 Q639669 +Q329577 P27 Q30 +Q264253 P106 Q10800557 +Q204393 P27 Q30 +Q296729 P551 Q60 +Q444525 P136 Q172980 +Q361630 P106 Q2259451 +Q201687 P57 Q25186 +Q707186 P106 Q901 +Q253882 P1303 Q17172850 +Q14045 P69 Q4359408 +Q6709060 P19 Q37320 +Q112202 P106 Q36180 +Q265031 P69 Q389336 +Q16345 P106 Q10800557 +Q1590452 P27 Q801 +Q332417 P1412 Q652 +Q796 P530 Q403 +Q277559 P108 Q1367256 +Q85586 P106 Q1622272 +Q156201 P19 Q649 +Q129601 P161 Q443317 +Q256750 P1412 Q9043 +Q228868 P19 Q16557 +Q216 P17 Q34266 +Q85914 P27 Q40 +Q1445729 P106 Q822146 +Q76824 P495 Q30 +Q470758 P737 Q170509 +Q547373 P106 Q183945 +Q159638 P136 Q471839 +Q1345210 P106 Q33999 +Q2831583 P106 Q4773904 +Q323236 P19 Q220 +Q181803 P161 Q81328 +Q468864 P641 Q542 +Q155545 P20 Q1726 +Q241391 P136 Q959790 +Q210172 P1303 Q6607 +Q880405 P106 Q183945 +Q91417 P69 Q161976 +Q42775 P1412 Q1860 +Q382068 P1412 Q5287 +Q4074458 P106 Q662729 +Q169452 P106 Q33999 +Q35236 P140 Q170208 +Q728615 P106 Q36180 +Q865 P463 Q45177 +Q218698 P1412 Q1860 +Q181727 P106 Q82955 +Q159840 P140 Q1841 +Q1361304 P106 Q82955 +Q364315 P69 Q1431541 +Q229920 P106 Q4610556 +Q276304 P27 Q30 +Q77749 P1412 Q188 +Q258980 P26 Q41351 +Q462502 P106 Q177220 +Q686 P37 Q1860 +Q128759 P463 Q123885 +Q463883 P509 Q389735 +Q1391397 P1412 Q1860 +Q316957 P106 Q28389 +Q344983 P136 Q217191 +Q256037 P840 Q84 +Q264730 P106 Q10798782 +Q448905 P106 Q1930187 +Q378870 P27 Q4948 +Q267386 P1412 Q1860 +Q387601 P57 Q323076 +Q931148 P106 Q36180 +Q545423 P106 Q18814623 +Q589497 P106 Q36180 +Q1512152 P27 Q183 +Q332330 P136 Q2484376 +Q9204 P27 Q145 +Q217294 P161 Q238464 +Q582713 P106 Q14915627 +Q295542 P1303 Q6607 +Q2622688 P106 Q245068 +Q164813 P161 Q42930 +Q174346 P1412 Q1860 +Q124314 P27 Q43287 +Q189 P530 Q884 +Q128708 P1412 Q1860 +Q11732 P108 Q875788 +Q600635 P106 Q177220 +Q39 P463 Q1480793 +Q1333939 P106 Q855091 +Q183567 P106 Q201788 +Q117913 P27 Q142 +Q57276 P1412 Q1321 +Q232197 P1303 Q17172850 +Q192165 P106 Q3282637 +Q105575 P463 Q901677 +Q109520 P106 Q2526255 +Q631722 P106 Q1930187 +Q55168 P106 Q3282637 +Q722395 P264 Q2034661 +Q274117 P19 Q5092 +Q210172 P106 Q10798782 +Q62725 P106 Q1622272 +Q87589 P106 Q177220 +Q660545 P27 Q43 +Q24980 P840 Q21 +Q57442 P463 Q49738 +Q181413 P27 Q145 +Q70083 P27 Q183 +Q158354 P108 Q31519 +Q941984 P264 Q183387 +Q55208 P106 Q3282637 +Q84561 P106 Q1622272 +Q943361 P101 Q21198 +Q682030 P264 Q202440 +Q46096 P1303 Q5994 +Q258 P138 Q15 +Q60586 P19 Q1748 +Q65087 P106 Q185351 +Q581943 P551 Q3711 +Q667841 P101 Q413 +Q38 P463 Q1480793 +Q796 P530 Q230 +Q58033 P106 Q214917 +Q498045 P136 Q131578 +Q216221 P106 Q245068 +Q267051 P264 Q183387 +Q214574 P551 Q64 +Q187324 P106 Q1930187 +Q470334 P106 Q1930187 +Q16285 P106 Q6625963 +Q131374 P69 Q209842 +Q262446 P27 Q30 +Q151608 P509 Q12136 +Q231690 P27 Q668 +Q57149 P27 Q1206012 +Q126941 P106 Q33999 +Q266816 P106 Q49757 +Q344179 P27 Q41 +Q262 P530 Q878 +Q1254 P108 Q1065 +Q183535 P106 Q10798782 +Q199929 P106 Q33999 +Q213754 P1412 Q1860 +Q130780 P463 Q1468277 +Q74745 P19 Q2742 +Q716293 P106 Q81096 +Q233941 P136 Q235858 +Q241398 P106 Q1930187 +Q4119 P106 Q3282637 +Q310953 P19 Q11299 +Q48067 P27 Q34266 +Q428668 P136 Q3072039 +Q150494 P1412 Q188 +Q237602 P106 Q947873 +Q47139 P27 Q838261 +Q981971 P27 Q172579 +Q178527 P1412 Q1860 +Q189 P463 Q899770 +Q424 P530 Q230 +Q1347095 P136 Q83440 +Q936132 P20 Q127856 +Q1025 P530 Q912 +Q445018 P119 Q1302545 +Q182763 P1412 Q1860 +Q180453 P1303 Q17172850 +Q155467 P27 Q17 +Q1289900 P106 Q2961975 +Q188440 P106 Q18844224 +Q542307 P106 Q1930187 +Q251287 P27 Q30 +Q1055 P17 Q142 +Q885 P27 Q207272 +Q3318964 P106 Q333634 +Q215949 P69 Q3064259 +Q64417 P1412 Q188 +Q47651 P69 Q209344 +Q65906 P106 Q2526255 +Q70694 P106 Q1743122 +Q83396 P26 Q8007 +Q154145 P19 Q270230 +Q295120 P106 Q33999 +Q930987 P69 Q209842 +Q179680 P463 Q161806 +Q731195 P1050 Q11085 +Q79 P530 Q865 +Q325396 P106 Q36180 +Q450663 P101 Q1662673 +Q184768 P161 Q193628 +Q89491 P106 Q201788 +Q73581 P102 Q153401 +Q20715407 P551 Q60 +Q151792 P57 Q126098 +Q222867 P840 Q8652 +Q721963 P27 Q30 +Q150989 P463 Q2370801 +Q1352256 P106 Q20669622 +Q206112 P27 Q30 +Q312407 P19 Q1297 +Q257182 P19 Q18094 +Q127330 P737 Q607448 +Q794 P530 Q17 +Q337089 P106 Q639669 +Q384387 P69 Q689400 +Q11941 P106 Q131512 +Q2646 P20 Q64 +Q212575 P106 Q6625963 +Q78003 P463 Q414110 +Q504920 P119 Q1358639 +Q463018 P108 Q2994538 +Q28 P463 Q1969730 +Q302835 P101 Q11190 +Q132899 P119 Q208175 +Q574 P463 Q1043527 +Q47100 P172 Q49078 +Q219878 P136 Q378988 +Q287244 P69 Q273626 +Q374504 P106 Q1028181 +Q57576 P463 Q44687 +Q75951 P463 Q463303 +Q1394 P1412 Q188 +Q148428 P136 Q860626 +Q956459 P106 Q4263842 +Q239131 P69 Q13371 +Q981195 P361 Q170027 +Q1397375 P1412 Q1860 +Q352431 P161 Q273208 +Q242949 P1412 Q1860 +Q43252 P551 Q71 +Q353366 P106 Q177220 +Q103591 P140 Q7066 +Q9204 P69 Q81087 +Q5738 P106 Q201788 +Q555226 P20 Q127856 +Q9364 P1412 Q150 +Q106225 P27 Q142 +Q45563 P106 Q10798782 +Q17455 P27 Q30 +Q44695 P136 Q1661 +Q611121 P27 Q30 +Q311068 P172 Q678551 +Q320052 P27 Q30 +Q4573 P106 Q33999 +Q440537 P509 Q12078 +Q3547 P106 Q214917 +Q106997 P102 Q29552 +Q2273039 P106 Q17125263 +Q1008 P463 Q47543 +Q61319 P106 Q82955 +Q61407 P106 Q4773904 +Q1360993 P264 Q38903 +Q215 P37 Q9063 +Q43723 P172 Q7325 +Q228624 P19 Q33486 +Q5577 P101 Q11634 +Q168962 P136 Q25372 +Q51489 P106 Q3282637 +Q57249 P106 Q205375 +Q296774 P106 Q578109 +Q765 P106 Q28389 +Q1352256 P140 Q7066 +Q41749 P1412 Q188 +Q260011 P69 Q49088 +Q142 P530 Q869 +Q1898177 P108 Q657167 +Q154759 P106 Q36180 +Q5686 P106 Q214917 +Q713859 P1303 Q17172850 +Q59737 P106 Q214917 +Q201674 P161 Q185051 +Q236217 P136 Q645928 +Q426687 P106 Q488205 +Q126693 P106 Q49757 +Q235525 P106 Q27532437 +Q259807 P136 Q130232 +Q285460 P27 Q30 +Q111074 P106 Q639669 +Q367132 P108 Q691851 +Q184255 P495 Q30 +Q242418 P136 Q37073 +Q1157870 P106 Q753110 +Q931561 P136 Q38848 +Q780102 P1050 Q10874 +Q358317 P136 Q21590660 +Q16389 P108 Q189022 +Q213793 P264 Q213710 +Q363254 P1303 Q17172850 +Q67869663 P136 Q8341 +Q881 P530 Q212 +Q253395 P106 Q333634 +Q116055 P737 Q40909 +Q551512 P106 Q23833535 +Q329807 P106 Q10798782 +Q131333 P106 Q6625963 +Q328042 P106 Q333634 +Q238869 P106 Q33999 +Q311672 P1303 Q6607 +Q186273 P106 Q28389 +Q55303 P106 Q33999 +Q542868 P136 Q9759 +Q63346 P641 Q31920 +Q154959 P27 Q170072 +Q267581 P27 Q142 +Q3834 P17 Q183 +Q819 P463 Q1043527 +Q902 P530 Q854 +Q313367 P106 Q2526255 +Q155855 P27 Q33946 +Q105624 P161 Q34975 +Q282722 P1303 Q17172850 +Q163662 P20 Q60 +Q72962 P161 Q212532 +Q139638 P106 Q177220 +Q1046038 P1412 Q652 +Q180278 P136 Q1344 +Q664 P530 Q921 +Q1370974 P20 Q16552 +Q77823 P108 Q156725 +Q63456 P20 Q64 +Q55922 P509 Q12192 +Q389151 P840 Q778 +Q75814 P463 Q684415 +Q390052 P161 Q175535 +Q373508 P106 Q188094 +Q92775 P136 Q36279 +Q1077632 P106 Q753110 +Q181995 P106 Q1955150 +Q235470 P69 Q13371 +Q206576 P57 Q41148 +Q157044 P840 Q1384 +Q38573 P69 Q156725 +Q516285 P69 Q273523 +Q44648 P106 Q33999 +Q35 P530 Q117 +Q1360993 P1303 Q51290 +Q470572 P57 Q53040 +Q49009 P264 Q208909 +Q17 P530 Q79 +Q154010 P463 Q684415 +Q14277 P40 Q14278 +Q252 P530 Q183 +Q11903 P106 Q170790 +Q366057 P463 Q812155 +Q77325 P20 Q3933 +Q2795317 P1412 Q652 +Q232417 P3373 Q239307 +Q152165 P106 Q2259451 +Q115547 P106 Q19204627 +Q546275 P1412 Q7976 +Q57384 P172 Q141817 +Q129037 P840 Q60 +Q117185 P106 Q16533 +Q346036 P20 Q23197 +Q33946 P463 Q191582 +Q25188 P136 Q2484376 +Q31 P463 Q1072120 +Q57266 P1412 Q188 +Q1143660 P106 Q33231 +Q73013 P69 Q154804 +Q88443 P69 Q165980 +Q1777864 P1303 Q6607 +Q315217 P106 Q2259451 +Q342723 P106 Q21234378 +Q75849 P106 Q42973 +Q2685 P69 Q1033692 +Q157324 P463 Q161806 +Q229577 P27 Q30 +Q315362 P106 Q482980 +Q311115 P463 Q188771 +Q99258 P69 Q153978 +Q299100 P69 Q157575 +Q145480 P1303 Q17172850 +Q344454 P463 Q161806 +Q51908481 P3373 Q4530046 +Q216013 P106 Q36180 +Q1777864 P19 Q90 +Q316602 P106 Q33999 +Q1606718 P106 Q82955 +Q335087 P27 Q145 +Q80596 P463 Q463281 +Q98265 P106 Q333634 +Q932344 P463 Q463303 +Q89316 P101 Q36442 +Q102660 P106 Q10800557 +Q298818 P106 Q33999 +Q379836 P40 Q71874 +Q11637 P106 Q2405480 +Q16867 P20 Q5092 +Q4099230 P69 Q1719898 +Q459171 P106 Q1622272 +Q219782 P106 Q947873 +Q191734 P1412 Q397 +Q163899 P161 Q387072 +Q104022 P108 Q50662 +Q794 P463 Q842490 +Q20235 P27 Q183 +Q69108 P1412 Q188 +Q235820 P1303 Q79838 +Q463765 P136 Q1146335 +Q1099640 P264 Q1273666 +Q92933 P106 Q1622272 +Q77350 P140 Q7066 +Q725519 P106 Q10800557 +Q9047 P106 Q201788 +Q376807 P161 Q138005 +Q221113 P136 Q471839 +Q95548 P106 Q39631 +Q958206 P1303 Q17172850 +Q93797 P106 Q6625963 +Q380178 P106 Q2259451 +Q460379 P57 Q59259 +Q117990 P106 Q13570226 +Q582713 P27 Q40 +Q135139 P101 Q2329 +Q181689 P1303 Q51290 +Q219 P530 Q258 +Q902 P530 Q1030 +Q131112 P172 Q7325 +Q1013 P530 Q230 +Q919081 P463 Q463303 +Q253566 P161 Q242373 +Q70690 P108 Q316592 +Q86516 P27 Q183 +Q523870 P69 Q167733 +Q192686 P136 Q28026639 +Q559506 P27 Q145 +Q312292 P136 Q211723 +Q438355 P19 Q41819 +Q194696 P136 Q130232 +Q16297 P1303 Q17172850 +Q233566 P136 Q6585139 +Q92981 P106 Q1622272 +Q621462 P69 Q174710 +Q44176 P106 Q2252262 +Q1500187 P136 Q130232 +Q708620 P106 Q183945 +Q233085 P264 Q4413456 +Q1553657 P1303 Q80284 +Q1642230 P27 Q30 +Q66140 P1412 Q36510 +Q11621 P495 Q30 +Q1345782 P1303 Q17172850 +Q170250 P136 Q2143665 +Q237673 P106 Q753110 +Q169076 P1412 Q9056 +Q345217 P1412 Q652 +Q311854 P108 Q216047 +Q211329 P106 Q8178443 +Q297794 P106 Q2259451 +Q48093 P19 Q891 +Q460664 P495 Q30 +Q1044 P30 Q15 +Q330567 P69 Q170027 +Q211513 P106 Q1930187 +Q55004 P106 Q1231865 +Q178903 P106 Q189290 +Q34286 P106 Q1326886 +Q1044328 P159 Q90 +Q1777864 P106 Q639669 +Q976526 P1412 Q7918 +Q380996 P840 Q96 +Q63432 P27 Q183 +Q84455 P106 Q482980 +Q159840 P1412 Q7411 +Q2908 P106 Q11774202 +Q213520 P106 Q36834 +Q5763208 P27 Q794 +Q242329 P69 Q1583249 +Q155112 P106 Q1225716 +Q165419 P1412 Q150 +Q258 P530 Q458 +Q83158 P463 Q161806 +Q62676 P1412 Q188 +Q855 P106 Q82955 +Q70650 P106 Q1231865 +Q511124 P463 Q2370801 +Q957627 P136 Q206159 +Q96087 P106 Q49757 +Q442549 P19 Q90 +Q235132 P551 Q25610 +Q683 P463 Q376150 +Q25120 P106 Q6625963 +Q269912 P161 Q233368 +Q273532 P106 Q10800557 +Q1545 P106 Q33999 +Q70690 P463 Q123885 +Q102551 P102 Q29468 +Q235146 P106 Q10800557 +Q1064 P140 Q1841 +Q533284 P1303 Q17172850 +Q312078 P495 Q30 +Q42443 P106 Q36180 +Q1046038 P106 Q1415090 +Q89383 P463 Q44687 +Q1711615 P27 Q33 +Q2633060 P69 Q13164 +Q239030 P119 Q1624932 +Q162688 P106 Q1622272 +Q231948 P106 Q49757 +Q319737 P1303 Q281460 +Q233536 P1412 Q1321 +Q46248 P509 Q11081 +Q104154 P119 Q272208 +Q772494 P749 Q38903 +Q42122 P509 Q12202 +Q55392 P106 Q33999 +Q458686 P106 Q512314 +Q299190 P106 Q6625963 +Q469985 P509 Q9687 +Q71775 P20 Q90 +Q367927 P106 Q2259451 +Q142 P530 Q1027 +Q229389 P106 Q177220 +Q461682 P161 Q131866 +Q64645 P106 Q10798782 +Q222018 P161 Q39989 +Q542886 P1303 Q6607 +Q11104 P106 Q36180 +Q310985 P106 Q130857 +Q188384 P495 Q159 +Q344179 P119 Q18405702 +Q314569 P26 Q231091 +Q1579348 P27 Q183 +Q29008 P106 Q82955 +Q27306 P131 Q43287 +Q177883 P69 Q736674 +Q68654 P119 Q4100 +Q65344 P172 Q42884 +Q261133 P27 Q30 +Q365578 P106 Q131524 +Q204868 P106 Q18844224 +Q221450 P106 Q639669 +Q43416 P1303 Q6607 +Q152690 P106 Q6625963 +Q434585 P106 Q3282637 +Q53068 P119 Q4948 +Q780720 P1303 Q17172850 +Q103651 P106 Q2095549 +Q366563 P106 Q578109 +Q215945 P463 Q133957 +Q214851 P463 Q83172 +Q587741 P172 Q7325 +Q19658 P106 Q40348 +Q295542 P1303 Q128309 +Q66634 P69 Q154561 +Q718609 P106 Q82594 +Q44707 P136 Q11401 +Q862184 P106 Q639669 +Q78479 P106 Q783906 +Q123972 P106 Q1622272 +Q233911 P19 Q62 +Q16285 P136 Q482 +Q621879 P20 Q60 +Q326604 P106 Q855091 +Q180224 P1303 Q5994 +Q356719 P106 Q81096 +Q234773 P27 Q30 +Q501697 P27 Q30 +Q15474 P108 Q160302 +Q127897 P136 Q859369 +Q708110 P172 Q49085 +Q219421 P161 Q296537 +Q55195 P106 Q10800557 +Q160640 P463 Q463303 +Q748584 P1303 Q17172850 +Q138832 P106 Q201788 +Q435475 P106 Q33999 +Q1077546 P106 Q639669 +Q672800 P1303 Q8371 +Q976071 P1412 Q1860 +Q664 P530 Q851 +Q219421 P136 Q1535153 +Q809003 P27 Q145 +Q356487 P106 Q488205 +Q76422 P69 Q40025 +Q60174 P102 Q153401 +Q325487 P106 Q33999 +Q162492 P106 Q3282637 +Q672301 P106 Q1930187 +Q307391 P106 Q177220 +Q46248 P27 Q145 +Q232 P530 Q265 +Q184 P530 Q865 +Q123565 P106 Q36180 +Q725933 P20 Q649 +Q336520 P108 Q9531 +Q66800 P108 Q168426 +Q136646 P509 Q12078 +Q251144 P1412 Q1860 +Q219640 P509 Q47912 +Q178348 P69 Q49210 +Q272923 P69 Q7894738 +Q180962 P737 Q38392 +Q98897 P106 Q1930187 +Q809028 P69 Q223429 +Q66600 P69 Q161976 +Q314812 P106 Q3282637 +Q160852 P1412 Q1860 +Q157271 P106 Q6625963 +Q157400 P27 Q30 +Q237186 P106 Q33999 +Q8349 P27 Q30 +Q561458 P106 Q4964182 +Q310324 P27 Q30 +Q204323 P509 Q1368943 +Q363386 P106 Q13219637 +Q367653 P106 Q2259451 +Q91981 P106 Q488111 +Q229139 P106 Q753110 +Q217303 P161 Q3454165 +Q179282 P172 Q7325 +Q973755 P136 Q1133657 +Q230641 P26 Q203268 +Q352963 P69 Q13371 +Q78031 P106 Q3387717 +Q69645 P119 Q6923684 +Q441086 P140 Q1841 +Q316568 P1412 Q1860 +Q138084 P161 Q102124 +Q213799 P19 Q1726 +Q295144 P509 Q12202 +Q1362223 P106 Q753110 +Q102289 P1412 Q1860 +Q330059 P106 Q49757 +Q602137 P106 Q49757 +Q70962 P106 Q82955 +Q336272 P106 Q177220 +Q310767 P106 Q169470 +Q387370 P57 Q51547 +Q223875 P27 Q30 +Q148 P463 Q233611 +Q156321 P106 Q49757 +Q41340 P106 Q10798782 +Q204168 P69 Q49115 +Q955684 P1303 Q17172850 +Q264891 P101 Q207628 +Q453330 P1303 Q52954 +Q400678 P106 Q14467526 +Q465181 P136 Q676 +Q505563 P27 Q36 +Q310170 P1303 Q17172850 +Q520296 P1050 Q84263196 +Q23870 P1412 Q143 +Q150916 P136 Q83440 +Q324499 P106 Q36180 +Q537386 P106 Q36834 +Q207640 P509 Q2140674 +Q131814 P140 Q748 +Q188137 P106 Q13235160 +Q219424 P136 Q200092 +Q221 P463 Q656801 +Q163118 P463 Q463281 +Q183105 P106 Q1930187 +Q55422 P106 Q33999 +Q918668 P27 Q15180 +Q315868 P106 Q24262584 +Q291866 P19 Q220 +Q529942 P20 Q90 +Q131240 P27 Q15180 +Q3123791 P463 Q131566 +Q837 P530 Q35 +Q18450 P27 Q145 +Q221450 P106 Q16145150 +Q57475 P106 Q16742096 +Q319773 P136 Q1298934 +Q91161 P20 Q1726 +Q429348 P264 Q557632 +Q221462 P136 Q959790 +Q7542 P1303 Q6607 +Q5327 P101 Q7094 +Q107124 P69 Q51985 +Q48410 P106 Q2259451 +Q132964 P102 Q204911 +Q352738 P106 Q10798782 +Q699541 P463 Q83172 +Q58057 P102 Q49750 +Q78503 P106 Q205375 +Q110042 P106 Q1930187 +Q737922 P106 Q1930187 +Q933453 P106 Q7042855 +Q357786 P509 Q181754 +Q41754 P161 Q170606 +Q352185 P106 Q639669 +Q1271 P27 Q20 +Q117012 P2348 Q6939 +Q261601 P136 Q2484376 +Q738978 P551 Q55 +Q65350 P106 Q4964182 +Q71412 P106 Q11338576 +Q104088 P551 Q64 +Q3017168 P1303 Q6607 +Q10287 P106 Q82955 +Q67221 P1412 Q1860 +Q176909 P27 Q30 +Q83484 P106 Q10798782 +Q458260 P106 Q36180 +Q1257 P101 Q166542 +Q73007 P106 Q28389 +Q235952 P136 Q45981 +Q366890 P69 Q156725 +Q311267 P106 Q10800557 +Q435805 P1412 Q7737 +Q188726 P106 Q2526255 +Q228899 P106 Q1075651 +Q390063 P495 Q30 +Q727752 P1303 Q17172850 +Q441836 P172 Q49085 +Q1685286 P20 Q90 +Q3709961 P106 Q11063 +Q76583 P106 Q36180 +Q200883 P69 Q1760438 +Q619328 P106 Q177220 +Q190643 P136 Q130232 +Q472487 P136 Q8341 +Q1164663 P136 Q9759 +Q140201 P69 Q924289 +Q450646 P27 Q30 +Q312336 P136 Q483352 +Q373267 P161 Q232282 +Q714845 P106 Q639669 +Q45124 P106 Q36180 +Q286074 P106 Q170790 +Q368 P509 Q12152 +Q133009 P106 Q82955 +Q262576 P106 Q33999 +Q189067 P106 Q3282637 +Q30 P463 Q826700 +Q164487 P20 Q84 +Q48984 P495 Q30 +Q168728 P737 Q82083 +Q727717 P1412 Q1321 +Q153185 P119 Q311 +Q865275 P106 Q1231865 +Q105896 P106 Q2722764 +Q38 P530 Q189 +Q435236 P136 Q37073 +Q191543 P161 Q286022 +Q69110 P69 Q153978 +Q948977 P106 Q15253558 +Q276304 P106 Q1607826 +Q119386 P106 Q36180 +Q235519 P19 Q100 +Q240082 P136 Q37073 +Q691 P463 Q899770 +Q69289 P27 Q183 +Q144391 P69 Q1145306 +Q712359 P27 Q30 +Q232495 P106 Q10798782 +Q236236 P106 Q4263842 +Q70396 P106 Q36180 +Q349434 P106 Q183945 +Q190220 P135 Q7066 +Q201842 P106 Q28389 +Q403 P530 Q215 +Q112263 P106 Q36180 +Q157242 P463 Q463303 +Q1082420 P1303 Q17172850 +Q1074226 P106 Q822146 +Q1386443 P1303 Q17172850 +Q47296 P161 Q269809 +Q12276134 P106 Q49757 +Q13888 P20 Q220 +Q75696 P102 Q694714 +Q294723 P26 Q30449 +Q62365 P19 Q1040 +Q62809 P27 Q713750 +Q231923 P1303 Q17172850 +Q251262 P108 Q11942 +Q127868 P140 Q9089 +Q924053 P27 Q36 +Q246731 P27 Q34266 +Q92619 P106 Q170790 +Q472487 P19 Q43199 +Q1689346 P136 Q83440 +Q557699 P106 Q947873 +Q115455 P106 Q333634 +Q57399 P102 Q49750 +Q438124 P106 Q639669 +Q234685 P106 Q33999 +Q2610 P106 Q1397808 +Q704931 P737 Q9061 +Q51545 P106 Q36834 +Q154083 P108 Q1137665 +Q274429 P108 Q202660 +Q228968 P106 Q486748 +Q431117 P136 Q11399 +Q273614 P136 Q37073 +Q727786 P69 Q499911 +Q39318 P1412 Q9288 +Q506006 P172 Q49085 +Q577504 P463 Q161806 +Q71819 P106 Q1622272 +Q104196 P106 Q33999 +Q210590 P840 Q65 +Q77006 P1412 Q7913 +Q888326 P106 Q639669 +Q291228 P19 Q2807 +Q285460 P106 Q10798782 +Q92693 P106 Q81096 +Q194413 P495 Q30 +Q313553 P136 Q11635 +Q37030 P106 Q6625963 +Q375036 P106 Q1930187 +Q1403 P106 Q49757 +Q780538 P136 Q49084 +Q1974330 P106 Q183945 +Q73951 P1412 Q188 +Q166835 P106 Q1930187 +Q505946 P509 Q12136 +Q306631 P27 Q17 +Q241783 P106 Q2405480 +Q363949 P463 Q1003730 +Q720868 P106 Q4263842 +Q103569 P161 Q200405 +Q462118 P102 Q29468 +Q3662078 P27 Q30 +Q344153 P463 Q939743 +Q1048660 P106 Q205375 +Q554074 P102 Q79854 +Q7728 P27 Q172579 +Q41076 P136 Q850412 +Q184572 P102 Q29552 +Q303918 P27 Q230 +Q884172 P1303 Q6607 +Q148383 P495 Q30 +Q115525 P69 Q503473 +Q71640 P136 Q8261 +Q167429 P106 Q2526255 +Q742284 P69 Q820887 +Q241215 P737 Q38392 +Q200639 P106 Q4263842 +Q261812 P106 Q10800557 +Q481885 P27 Q30 +Q101338 P1412 Q188 +Q192643 P106 Q10800557 +Q1452597 P106 Q177220 +Q20 P530 Q33946 +Q283700 P106 Q28389 +Q315181 P1412 Q1860 +Q288098 P161 Q177984 +Q729590 P749 Q165745 +Q1175266 P264 Q216364 +Q50186 P106 Q5371902 +Q651 P106 Q214917 +Q60045 P102 Q7320 +Q325487 P1412 Q1860 +Q229271 P1412 Q1860 +Q351290 P106 Q2259451 +Q59567 P161 Q106555 +Q82409 P172 Q42406 +Q96978 P102 Q49768 +Q43994 P27 Q30 +Q32849 P106 Q12362622 +Q84698 P106 Q211346 +Q922191 P106 Q4853732 +Q116928 P136 Q157394 +Q45723 P27 Q142 +Q425821 P19 Q84 +Q287828 P27 Q142 +Q649667 P69 Q1145814 +Q79091 P106 Q81096 +Q572741 P27 Q30 +Q71763 P69 Q333886 +Q367634 P19 Q47164 +Q283799 P840 Q99 +Q330447 P106 Q2259451 +Q186329 P106 Q753110 +Q280098 P69 Q4948174 +Q780102 P106 Q15296811 +Q156890 P463 Q414110 +Q27513 P161 Q234141 +Q168269 P69 Q131252 +Q408 P463 Q233611 +Q432743 P106 Q10800557 +Q77489 P27 Q43287 +Q204586 P1303 Q17172850 +Q80966 P69 Q1815371 +Q76534 P1412 Q188 +Q109135 P161 Q178403 +Q232470 P106 Q28389 +Q289752 P264 Q277626 +Q233894 P136 Q37073 +Q289064 P264 Q330629 +Q233237 P106 Q2259451 +Q89219 P1412 Q188 +Q23114 P136 Q35760 +Q51581 P106 Q2526255 +Q123825 P106 Q4263842 +Q75849 P463 Q1285073 +Q275985 P136 Q11635 +Q145 P463 Q340195 +Q51552 P106 Q36180 +Q202508 P161 Q134077 +Q46706 P1412 Q150 +Q364131 P106 Q753110 +Q96114 P106 Q1238570 +Q541708 P106 Q205375 +Q621521 P136 Q11366 +Q573584 P27 Q142 +Q60777 P102 Q49762 +Q319896 P140 Q9268 +Q25080 P106 Q10800557 +Q83739 P495 Q30 +Q1030 P463 Q1065 +Q2514 P26 Q916675 +Q439455 P106 Q36180 +Q75151 P3373 Q88427 +Q271763 P106 Q2259451 +Q1356737 P106 Q753110 +Q316568 P463 Q463303 +Q254265 P1412 Q652 +Q1077383 P1303 Q5994 +Q1246 P530 Q215 +Q130355 P1412 Q150 +Q235364 P106 Q3282637 +Q68501 P106 Q822146 +Q88832 P106 Q2504617 +Q174843 P136 Q83440 +Q105666 P106 Q333634 +Q154556 P264 Q168407 +Q4344126 P463 Q2370801 +Q706417 P106 Q177220 +Q232120 P106 Q3455803 +Q445985 P106 Q5371902 +Q453472 P19 Q3711 +Q2656667 P27 Q34 +Q242 P463 Q5611262 +Q40523 P106 Q10800557 +Q55993 P1412 Q5287 +Q99612 P20 Q2814 +Q171582 P136 Q2484376 +Q853095 P27 Q28 +Q350678 P69 Q49112 +Q111873 P463 Q253439 +Q310464 P106 Q36180 +Q464453 P106 Q1930187 +Q153700 P106 Q164236 +Q176846 P136 Q753679 +Q94765 P27 Q174193 +Q71618 P27 Q39 +Q183382 P106 Q177220 +Q222071 P106 Q10800557 +Q88832 P106 Q4263842 +Q3126 P17 Q42585 +Q306122 P136 Q11366 +Q72856 P106 Q16533 +Q1041 P463 Q47543 +Q368525 P106 Q639669 +Q193459 P106 Q639669 +Q699597 P106 Q14467526 +Q101886 P106 Q82955 +Q325262 P106 Q1930187 +Q717204 P69 Q1161297 +Q314308 P463 Q1003730 +Q2918925 P20 Q47164 +Q212775 P161 Q964071 +Q386394 P26 Q274752 +Q189415 P106 Q10798782 +Q57344 P140 Q9592 +Q310324 P106 Q28389 +Q23870 P106 Q1622272 +Q84476 P1412 Q188 +Q49001 P106 Q10798782 +Q569362 P27 Q15180 +Q1711470 P106 Q639669 +Q20127 P509 Q3010352 +Q23527 P106 Q36834 +Q111447 P106 Q1622272 +Q71635 P27 Q794 +Q189 P463 Q45177 +Q319129 P1050 Q11081 +Q40645 P27 Q183 +Q236958 P1412 Q1860 +Q188385 P69 Q193727 +Q115152 P463 Q684415 +Q209913 P136 Q2143665 +Q78037 P106 Q1622272 +Q164047 P106 Q13570226 +Q265252 P136 Q1640319 +Q243041 P106 Q177220 +Q805 P30 Q15 +Q57244 P106 Q8178443 +Q472487 P172 Q49085 +Q114179 P106 Q3282637 +Q312280 P509 Q12078 +Q64862 P106 Q20198542 +Q123469 P106 Q6625963 +Q77144 P1412 Q188 +Q319523 P27 Q159 +Q46248 P1050 Q11081 +Q4473 P106 Q10798782 +Q168307 P20 Q1085 +Q129987 P140 Q23540 +Q63026 P136 Q1054574 +Q78476 P69 Q165980 +Q297024 P20 Q1524 +Q770584 P27 Q30 +Q370102 P27 Q30 +Q863 P463 Q17495 +Q444147 P1412 Q1860 +Q53001 P172 Q121842 +Q216013 P463 Q133957 +Q64 P131 Q27306 +Q885833 P749 Q183412 +Q168109 P106 Q4853732 +Q108840 P102 Q310296 +Q108297 P161 Q55796 +Q345517 P119 Q1358639 +Q122335 P20 Q39561 +Q131814 P106 Q10798782 +Q311476 P106 Q18844224 +Q191644 P106 Q36834 +Q73651 P840 Q62 +Q106231 P463 Q1938003 +Q214947 P106 Q49757 +Q714185 P106 Q488205 +Q219634 P135 Q39427 +Q76993 P19 Q1055 +Q295919 P136 Q180268 +Q154809 P106 Q177220 +Q48074 P27 Q34266 +Q164702 P840 Q8646 +Q241754 P27 Q30 +Q92824 P463 Q2739680 +Q4883239 P159 Q60 +Q348944 P106 Q33999 +Q1065624 P106 Q36834 +Q1277002 P106 Q10800557 +Q130917 P27 Q43287 +Q2757 P19 Q270 +Q378882 P106 Q1231865 +Q316955 P106 Q10798782 +Q8016 P106 Q201788 +Q194413 P136 Q130232 +Q83326 P108 Q847099 +Q254341 P106 Q639669 +Q2079 P17 Q2415901 +Q153149 P1412 Q9072 +Q162672 P136 Q2975633 +Q199943 P737 Q202319 +Q318223 P136 Q11399 +Q291405 P27 Q30 +Q72217 P27 Q16957 +Q233739 P27 Q30 +Q11031 P106 Q170790 +Q296872 P361 Q133405 +Q515606 P27 Q159 +Q822666 P463 Q463303 +Q590911 P1412 Q143 +Q298930 P264 Q843402 +Q221020 P136 Q842256 +Q192279 P106 Q28389 +Q359251 P27 Q30 +Q424 P530 Q869 +Q234750 P106 Q855091 +Q615625 P1412 Q1860 +Q219782 P136 Q45981 +Q295873 P69 Q190080 +Q363386 P172 Q49078 +Q289614 P264 Q38903 +Q49615 P106 Q1234713 +Q26058 P106 Q488205 +Q503758 P106 Q13418253 +Q129022 P27 Q142 +Q163118 P641 Q2736 +Q205772 P463 Q466089 +Q114 P530 Q262 +Q446427 P19 Q16568 +Q257752 P106 Q2526255 +Q694042 P106 Q183945 +Q261522 P106 Q28389 +Q833 P530 Q114 +Q48084 P27 Q15180 +Q159054 P161 Q64645 +Q353449 P1303 Q80019 +Q312407 P69 Q5103452 +Q7197 P451 Q9364 +Q184535 P101 Q41217 +Q72127 P106 Q4964182 +Q202385 P27 Q145 +Q301818 P106 Q488205 +Q428493 P27 Q30 +Q472487 P20 Q16559 +Q36739 P495 Q30 +Q223139 P136 Q959790 +Q948966 P106 Q1930187 +Q216266 P1412 Q150 +Q310190 P106 Q10800557 +Q47484 P69 Q1878600 +Q289847 P1303 Q281460 +Q195008 P27 Q77 +Q202729 P264 Q2338889 +Q332956 P106 Q193391 +Q975777 P108 Q273631 +Q257442 P27 Q30 +Q106514 P3373 Q185140 +Q221364 P136 Q438503 +Q311238 P27 Q30 +Q145 P530 Q159 +Q214622 P106 Q4964182 +Q106001 P106 Q639669 +Q214116 P106 Q1622272 +Q453614 P106 Q49757 +Q223367 P161 Q298276 +Q195718 P106 Q9017214 +Q242889 P106 Q2490358 +Q320185 P106 Q33999 +Q981171 P27 Q34266 +Q462579 P20 Q90 +Q164047 P106 Q49757 +Q233736 P1412 Q1860 +Q232851 P106 Q10798782 +Q240851 P737 Q353754 +Q316602 P27 Q30 +Q143172 P27 Q801 +Q216060 P106 Q36180 +Q332670 P106 Q10798782 +Q918966 P119 Q206161 +Q71763 P1050 Q84263196 +Q78931 P20 Q1718 +Q441825 P19 Q220 +Q103114 P737 Q9711 +Q101740 P69 Q161562 +Q358322 P27 Q30 +Q503758 P119 Q1092107 +Q359563 P106 Q214917 +Q1911321 P140 Q9089 +Q116119 P463 Q543804 +Q368421 P161 Q165911 +Q694732 P20 Q90 +Q186630 P27 Q29 +Q180224 P40 Q227129 +Q333615 P106 Q1930187 +Q61197 P463 Q83172 +Q228904 P106 Q639669 +Q1143660 P27 Q17 +Q428490 P106 Q177220 +Q63309 P1412 Q188 +Q366464 P106 Q36180 +Q214299 P1412 Q188 +Q470875 P106 Q82955 +Q392441 P136 Q52162262 +Q171905 P136 Q850412 +Q197206 P101 Q395 +Q211784 P161 Q621490 +Q10664 P69 Q223429 +Q438635 P106 Q177220 +Q231106 P106 Q183945 +Q1806036 P136 Q83440 +Q93166 P1412 Q9056 +Q62889 P102 Q49762 +Q69547 P463 Q329464 +Q187337 P551 Q65 +Q315362 P106 Q36180 +Q228860 P106 Q177220 +Q363763 P106 Q15980158 +Q102235 P161 Q211730 +Q32223 P106 Q2259451 +Q354508 P106 Q1198887 +Q213706 P106 Q2405480 +Q92819 P106 Q1650915 +Q526970 P106 Q855091 +Q92532 P27 Q34266 +Q236236 P106 Q551835 +Q230068 P106 Q1930187 +Q317441 P106 Q33999 +Q168721 P69 Q861548 +Q381505 P69 Q640652 +Q584632 P102 Q815348 +Q231116 P106 Q10800557 +Q434745 P106 Q10800557 +Q169038 P101 Q309 +Q164119 P106 Q10798782 +Q234117 P1303 Q17172850 +Q230499 P1303 Q6607 +Q95777 P106 Q482980 +Q930961 P106 Q49757 +Q982339 P106 Q3282637 +Q114132 P106 Q82955 +Q42775 P1303 Q6607 +Q1124 P108 Q1065 +Q184169 P106 Q4964182 +Q58033 P19 Q702259 +Q1049 P530 Q148 +Q316138 P27 Q145 +Q453351 P102 Q29468 +Q451150 P19 Q49266 +Q7542 P106 Q1327329 +Q327681 P161 Q447669 +Q89967 P106 Q36180 +Q104067 P136 Q21590660 +Q326856 P136 Q37073 +Q217619 P106 Q17167049 +Q220078 P27 Q145 +Q558838 P1412 Q7737 +Q738125 P101 Q179805 +Q221305 P161 Q16349 +Q195710 P136 Q319221 +Q1099640 P136 Q83440 +Q75555 P135 Q164800 +Q62757 P106 Q1622272 +Q65857 P106 Q10800557 +Q45245 P106 Q14467526 +Q40791 P106 Q10798782 +Q60217 P106 Q1622272 +Q364315 P106 Q806798 +Q1721 P17 Q41304 +Q229545 P106 Q4610556 +Q318287 P106 Q1350157 +Q310190 P106 Q36180 +Q183492 P108 Q849751 +Q182905 P106 Q36180 +Q157282 P106 Q3332711 +Q414 P530 Q29 +Q434694 P106 Q10798782 +Q196287 P69 Q35794 +Q18154882 P161 Q18938 +Q13132095 P106 Q15995642 +Q84053 P106 Q3282637 +Q266544 P27 Q30 +Q110462 P106 Q639669 +Q237331 P1303 Q17172850 +Q23148 P17 Q174193 +Q214622 P106 Q82955 +Q166234 P1412 Q150 +Q130746 P106 Q333634 +Q127437 P20 Q60 +Q161841 P119 Q21 +Q541929 P106 Q205375 +Q260969 P40 Q272943 +Q432268 P172 Q49085 +Q731829 P106 Q1622272 +Q96585 P106 Q188094 +Q571605 P551 Q1489 +Q1254 P27 Q117 +Q756617 P463 Q826700 +Q1988375 P106 Q81096 +Q3133221 P1412 Q1321 +Q562789 P463 Q2370801 +Q110870 P463 Q700570 +Q230378 P19 Q8652 +Q24995 P136 Q131272 +Q153185 P106 Q593644 +Q689600 P69 Q3064325 +Q1534428 P27 Q30 +Q1226480 P1303 Q17172850 +Q1586454 P1303 Q17172850 +Q20733 P106 Q4263842 +Q18066 P106 Q81096 +Q356762 P106 Q10798782 +Q93443 P840 Q21 +Q18143 P1412 Q150 +Q909001 P20 Q216 +Q1955997 P27 Q70972 +Q57386 P69 Q152087 +Q201379 P161 Q313388 +Q132433 P106 Q49757 +Q85112 P106 Q37226 +Q164963 P495 Q30 +Q955619 P136 Q6010 +Q193048 P106 Q33999 +Q296500 P69 Q1204714 +Q218031 P106 Q177220 +Q191734 P140 Q9592 +Q1094716 P69 Q49088 +Q270747 P106 Q10798782 +Q326229 P106 Q36180 +Q371202 P106 Q177220 +Q83326 P119 Q996499 +Q191480 P106 Q49757 +Q88443 P19 Q1741 +Q25318 P106 Q1930187 +Q234096 P69 Q13371 +Q268824 P136 Q2137852 +Q60465 P106 Q3387717 +Q34851 P106 Q12362622 +Q62798 P463 Q812155 +Q551735 P106 Q49757 +Q106363 P19 Q64 +Q142 P463 Q376150 +Q1292776 P106 Q5716684 +Q183439 P27 Q16 +Q37030 P108 Q21578 +Q134895 P27 Q29 +Q29697 P161 Q313788 +Q336397 P108 Q189022 +Q12903 P1412 Q5287 +Q2979750 P106 Q13582652 +Q528832 P108 Q736674 +Q202537 P27 Q15180 +Q37767 P737 Q183266 +Q743597 P106 Q1930187 +Q121926 P106 Q81096 +Q71404 P19 Q702259 +Q166696 P161 Q65857 +Q106791 P19 Q2807 +Q205532 P161 Q42204 +Q178700 P161 Q347635 +Q292081 P106 Q18814623 +Q9317 P106 Q43845 +Q44412 P106 Q81096 +Q58328 P463 Q161806 +Q112255 P106 Q2259451 +Q190998 P451 Q39792 +Q701802 P1412 Q36510 +Q242577 P1303 Q17172850 +Q145173 P106 Q33999 +Q352708 P106 Q10800557 +Q228812 P27 Q15180 +Q335011 P106 Q11774202 +Q1459658 P641 Q5386 +Q209169 P19 Q621 +Q351849 P19 Q61 +Q9364 P119 Q272208 +Q441362 P1412 Q1860 +Q73176 P172 Q170826 +Q195371 P20 Q1489 +Q245208 P840 Q1558 +Q228899 P1412 Q1860 +Q922336 P106 Q1930187 +Q374507 P161 Q298838 +Q638638 P509 Q12152 +Q69289 P19 Q3834 +Q123386 P106 Q214917 +Q291183 P106 Q17337766 +Q364070 P27 Q191 +Q535 P69 Q209842 +Q229264 P463 Q83172 +Q125494 P161 Q1677114 +Q810 P530 Q878 +Q888666 P106 Q55960555 +Q154852 P1303 Q128309 +Q967846 P3373 Q356351 +Q232101 P106 Q2405480 +Q20882 P106 Q13582652 +Q213562 P1412 Q8641 +Q326114 P161 Q150482 +Q187199 P108 Q219317 +Q171363 P106 Q33231 +Q104256 P106 Q1622272 +Q767 P108 Q1431541 +Q271465 P106 Q639669 +Q359665 P106 Q947873 +Q2901987 P69 Q174158 +Q214959 P69 Q599316 +Q2825252 P69 Q273523 +Q535924 P463 Q2370801 +Q298209 P19 Q65 +Q183713 P106 Q8178443 +Q981981 P106 Q4263842 +Q298388 P106 Q482980 +Q297945 P106 Q3455803 +Q272960 P136 Q37073 +Q350588 P69 Q1702106 +Q215 P530 Q221 +Q275575 P106 Q639669 +Q107167 P57 Q214677 +Q419 P530 Q148 +Q1396305 P106 Q1622272 +Q231690 P106 Q185351 +Q337614 P106 Q1622272 +Q270786 P19 Q189960 +Q362332 P172 Q7325 +Q1383002 P19 Q1345 +Q302181 P161 Q182665 +Q186042 P20 Q49111 +Q77708 P1412 Q188 +Q339604 P1412 Q9299 +Q305864 P140 Q7066 +Q1453045 P106 Q36834 +Q2910 P131 Q1200 +Q40074 P161 Q532180 +Q239910 P106 Q15980158 +Q176558 P19 Q1342 +Q101728 P106 Q14906342 +Q523578 P69 Q774489 +Q213684 P1303 Q6607 +Q93356 P106 Q1622272 +Q62116 P1412 Q188 +Q99634 P463 Q219989 +Q269901 P69 Q1051840 +Q453390 P19 Q47265 +Q329897 P106 Q482980 +Q33760 P737 Q93996 +Q436712 P106 Q6625963 +Q117392 P101 Q941594 +Q139642 P106 Q10798782 +Q325428 P20 Q1435 +Q79025 P106 Q4263842 +Q153694 P106 Q33999 +Q107328 P463 Q1017002 +Q229 P530 Q145 +Q1793865 P108 Q34433 +Q190251 P509 Q12078 +Q472487 P264 Q165745 +Q458390 P106 Q36180 +Q295107 P106 Q13474373 +Q121456 P1412 Q652 +Q343037 P106 Q10798782 +Q560847 P69 Q168756 +Q78030 P463 Q150793 +Q76811 P140 Q75809 +Q5348 P27 Q191077 +Q924 P530 Q408 +Q1322146 P1303 Q11404 +Q34933 P101 Q166542 +Q77327 P140 Q55004488 +Q185490 P840 Q90 +Q236017 P20 Q956 +Q346216 P1412 Q1321 +Q578529 P463 Q4430504 +Q443317 P102 Q29468 +Q380123 P136 Q37073 +Q151720 P106 Q14467526 +Q359026 P20 Q48958 +Q62686 P108 Q153978 +Q287828 P140 Q5043 +Q356745 P106 Q177220 +Q272374 P106 Q10798782 +Q129119 P1412 Q8798 +Q11124 P106 Q1622272 +Q202475 P19 Q60 +Q451969 P19 Q145 +Q437748 P106 Q488205 +Q60487 P161 Q236074 +Q62746 P136 Q130232 +Q715150 P106 Q205375 +Q7315 P106 Q486748 +Q189665 P509 Q12192 +Q297618 P19 Q60 +Q1065956 P1303 Q5994 +Q539791 P1412 Q1860 +Q180636 P27 Q15180 +Q106221 P27 Q30 +Q1583249 P17 Q30 +Q202550 P106 Q639669 +Q215556 P108 Q463055 +Q312288 P463 Q83172 +Q368852 P1303 Q6607 +Q797659 P27 Q183 +Q286116 P106 Q36180 +Q11812 P106 Q82955 +Q162331 P161 Q312258 +Q773828 P106 Q1930187 +Q274342 P136 Q35760 +Q216813 P102 Q537303 +Q1151 P1412 Q150 +Q152208 P106 Q578109 +Q75371 P106 Q82955 +Q76641 P27 Q151624 +Q470233 P106 Q177220 +Q62766 P264 Q1194456 +Q347767 P119 Q168886 +Q86943 P27 Q183 +Q168356 P135 Q37068 +Q156941 P463 Q123885 +Q103174 P106 Q28389 +Q148 P530 Q836 +Q64487 P106 Q42973 +Q470572 P161 Q273215 +Q92933 P509 Q12078 +Q151892 P264 Q38903 +Q714646 P108 Q13371 +Q230476 P19 Q38022 +Q391262 P1412 Q13955 +Q107167 P840 Q5083 +Q312276 P19 Q47164 +Q18149651 P136 Q45981 +Q2709 P1412 Q150 +Q61078 P135 Q7264 +Q45 P30 Q46 +Q4612 P1412 Q150 +Q516505 P106 Q1930187 +Q105220 P463 Q543804 +Q325428 P135 Q7066 +Q336640 P106 Q36180 +Q312077 P19 Q60 +Q106208 P106 Q1622272 +Q230633 P27 Q36 +Q39246 P509 Q476921 +Q503672 P463 Q414110 +Q184103 P106 Q10798782 +Q45575 P27 Q30 +Q275939 P106 Q3282637 +Q1409622 P1412 Q150 +Q75220 P19 Q1794 +Q231694 P136 Q11401 +Q349461 P1303 Q46185 +Q1942336 P106 Q15981151 +Q77177 P108 Q2994538 +Q358306 P108 Q126399 +Q196401 P108 Q174710 +Q154145 P69 Q209842 +Q240360 P20 Q16555 +Q962402 P106 Q121594 +Q337614 P1412 Q8748 +Q313077 P106 Q36180 +Q317427 P106 Q33999 +Q358317 P106 Q10800557 +Q229009 P106 Q3282637 +Q214622 P106 Q6625963 +Q2133214 P136 Q21010853 +Q960081 P108 Q131252 +Q104912 P102 Q49768 +Q453679 P1412 Q150 +Q109767 P161 Q1339107 +Q37 P530 Q183 +Q16 P530 Q1028 +Q86922 P20 Q3806 +Q1203 P264 Q208909 +Q221384 P161 Q349852 +Q455280 P106 Q43845 +Q435060 P106 Q855091 +Q161687 P161 Q212790 +Q348944 P264 Q183412 +Q270351 P161 Q433520 +Q254 P1303 Q81982 +Q298838 P106 Q18545066 +Q865 P463 Q190008 +Q58720 P106 Q201788 +Q300566 P495 Q183 +Q97550 P463 Q133957 +Q1701970 P19 Q43199 +Q315072 P108 Q216047 +Q236112 P106 Q36180 +Q16574 P1412 Q7850 +Q232301 P1412 Q1860 +Q107194 P20 Q56036 +Q201732 P106 Q24387326 +Q283061 P106 Q753110 +Q61533 P27 Q7318 +Q237690 P1412 Q150 +Q191020 P463 Q466089 +Q123238 P69 Q273626 +Q26419 P140 Q6423963 +Q76432 P463 Q83172 +Q49080 P509 Q216169 +Q443995 P1412 Q1860 +Q128297 P551 Q90 +Q113190 P463 Q684415 +Q182046 P27 Q4948 +Q212632 P106 Q36180 +Q199927 P69 Q1026939 +Q16458 P136 Q130232 +Q84509 P463 Q1132636 +Q436394 P27 Q25 +Q296872 P136 Q46046 +Q204398 P161 Q232860 +Q90962 P119 Q190494 +Q6882 P106 Q482980 +Q826731 P106 Q82955 +Q207867 P106 Q36834 +Q72077 P106 Q10800557 +Q75914 P108 Q315658 +Q36290 P106 Q36834 +Q232456 P264 Q202440 +Q786339 P1412 Q652 +Q87850 P26 Q84960 +Q446294 P106 Q28389 +Q1461840 P19 Q84 +Q62831 P172 Q42884 +Q190251 P106 Q36834 +Q282665 P1412 Q652 +Q216288 P1303 Q51290 +Q215 P530 Q55 +Q4235 P1303 Q31561 +Q60163 P172 Q42884 +Q266109 P136 Q37073 +Q1154804 P136 Q11399 +Q1347095 P106 Q183945 +Q215546 P140 Q5043 +Q105575 P106 Q39631 +Q1035807 P106 Q183945 +Q861994 P106 Q177220 +Q369900 P161 Q272923 +Q229009 P451 Q310324 +Q84220 P161 Q103784 +Q75904 P27 Q183 +Q702111 P106 Q82955 +Q122622 P27 Q142 +Q529309 P20 Q649 +Q40 P463 Q782942 +Q151973 P140 Q7066 +Q137595 P495 Q30 +Q502417 P106 Q4964182 +Q168359 P106 Q10800557 +Q625721 P106 Q36180 +Q103774 P106 Q639669 +Q195008 P20 Q49145 +Q11877 P264 Q202440 +Q152019 P27 Q30 +Q92608 P69 Q180865 +Q40645 P106 Q36180 +Q213539 P106 Q36834 +Q193111 P27 Q33 +Q103174 P27 Q183 +Q274117 P1303 Q6607 +Q327436 P69 Q1583249 +Q716862 P106 Q205375 +Q543910 P27 Q30 +Q236189 P106 Q2405480 +Q42051 P136 Q319221 +Q311093 P106 Q2405480 +Q1325743 P108 Q503246 +Q214097 P463 Q543804 +Q78525 P106 Q4964182 +Q195371 P19 Q1489 +Q23880 P1412 Q1321 +Q46636 P172 Q2325516 +Q164103 P57 Q103646 +Q557930 P27 Q142 +Q264577 P161 Q334180 +Q224 P30 Q46 +Q164424 P495 Q30 +Q705210 P106 Q1930187 +Q151403 P20 Q84 +Q127349 P106 Q13582652 +Q71821 P106 Q864503 +Q142 P463 Q134102 +Q1781 P17 Q600018 +Q599993 P463 Q3291340 +Q67526 P108 Q152087 +Q33866 P641 Q11420 +Q705333 P463 Q48995 +Q51781 P463 Q2739680 +Q253607 P106 Q177220 +Q245430 P136 Q130232 +Q271981 P106 Q855091 +Q17132 P1412 Q7850 +Q238919 P509 Q504775 +Q310060 P106 Q7042855 +Q322915 P264 Q193023 +Q8927 P451 Q314403 +Q410 P106 Q15980158 +Q195390 P106 Q18814623 +Q238941 P27 Q27 +Q449072 P19 Q334 +Q750 P463 Q4230 +Q22750 P106 Q864380 +Q82280 P69 Q189441 +Q270005 P106 Q2526255 +Q340213 P1412 Q1860 +Q85802 P106 Q40348 +Q1398058 P136 Q316930 +Q313302 P102 Q29468 +Q133665 P106 Q639669 +Q705748 P106 Q36834 +Q139933 P106 Q639669 +Q313868 P1303 Q17172850 +Q137138 P106 Q1930187 +Q1252841 P19 Q192807 +Q800 P463 Q1065 +Q354783 P106 Q214917 +Q83158 P106 Q18939491 +Q1974190 P106 Q13219637 +Q1599272 P106 Q901 +Q116309 P1412 Q1860 +Q483203 P1303 Q6607 +Q12688 P27 Q142 +Q66729 P463 Q299015 +Q267914 P106 Q36834 +Q202735 P106 Q2405480 +Q241498 P1412 Q1860 +Q513268 P1303 Q6607 +Q228733 P101 Q207628 +Q276170 P1412 Q652 +Q233932 P106 Q639669 +Q202386 P106 Q193391 +Q183 P530 Q778 +Q215999 P108 Q1399299 +Q12674 P101 Q81096 +Q115805 P106 Q1234713 +Q6078 P264 Q389284 +Q204057 P161 Q1366460 +Q77555 P1412 Q9067 +Q237413 P106 Q18844224 +Q921679 P106 Q855091 +Q642060 P106 Q6625963 +Q222833 P509 Q212961 +Q104088 P27 Q16957 +Q367094 P106 Q3282637 +Q357762 P106 Q2059704 +Q169996 P161 Q192912 +Q635131 P106 Q10800557 +Q16390 P509 Q372701 +Q231942 P1303 Q5994 +Q362824 P136 Q157443 +Q968214 P106 Q82955 +Q892 P463 Q1468277 +Q178865 P1412 Q7737 +Q154331 P463 Q901677 +Q61469 P106 Q36180 +Q94123 P1412 Q1860 +Q110436 P108 Q4614 +Q152388 P69 Q82513 +Q797649 P106 Q49757 +Q1806985 P40 Q405565 +Q298908 P106 Q2259451 +Q1001 P106 Q11774156 +Q1329421 P106 Q1930187 +Q501697 P69 Q559549 +Q221491 P161 Q44221 +Q529582 P106 Q1930187 +Q529639 P27 Q30 +Q357455 P1303 Q17172850 +Q509974 P136 Q482 +Q12773 P1412 Q9067 +Q57952 P106 Q82955 +Q76405 P106 Q2259451 +Q734 P463 Q17495 +Q166663 P108 Q192775 +Q633 P106 Q488205 +Q31013 P106 Q2259451 +Q564953 P106 Q1350157 +Q185007 P463 Q2124852 +Q76876 P27 Q183 +Q270599 P161 Q180665 +Q1342470 P136 Q83270 +Q1930941 P69 Q49167 +Q345446 P551 Q49255 +Q440996 P27 Q34266 +Q465654 P17 Q30 +Q30 P530 Q757 +Q229375 P69 Q670897 +Q234939 P106 Q4610556 +Q453288 P108 Q503473 +Q70871 P106 Q1622272 +Q167475 P172 Q121842 +Q127330 P106 Q3282637 +Q223854 P1303 Q17172850 +Q224 P463 Q7825 +Q215976 P27 Q30 +Q312337 P27 Q30 +Q270672 P551 Q62 +Q346411 P509 Q212961 +Q62263 P106 Q774306 +Q30 P530 Q38 +Q445018 P106 Q10800557 +Q80805 P19 Q34404 +Q281908 P1303 Q17172850 +Q254022 P106 Q82955 +Q219551 P106 Q36834 +Q148 P530 Q971 +Q440272 P1303 Q6607 +Q51489 P106 Q2526255 +Q271426 P106 Q33999 +Q221462 P136 Q22981906 +Q110397 P495 Q30 +Q2019530 P106 Q18814623 +Q237387 P1303 Q17172850 +Q29 P463 Q45177 +Q188388 P27 Q668 +Q110709 P463 Q2822396 +Q34389 P106 Q13235160 +Q2569 P463 Q150793 +Q588449 P20 Q60 +Q92983 P106 Q5482740 +Q946774 P119 Q2790054 +Q726298 P106 Q2259451 +Q2538 P27 Q16957 +Q208537 P1303 Q8371 +Q187019 P69 Q499451 +Q236 P463 Q7825 +Q77143 P1303 Q17172850 +Q331497 P106 Q49757 +Q523589 P106 Q639669 +Q302174 P495 Q30 +Q1391820 P1303 Q163829 +Q233 P463 Q1065 +Q113099 P106 Q2405480 +Q463313 P136 Q130232 +Q2628 P102 Q49768 +Q148387 P161 Q230516 +Q345217 P136 Q200092 +Q185007 P27 Q38 +Q559774 P27 Q668 +Q5577 P106 Q33231 +Q81082 P69 Q273626 +Q94882 P106 Q12144794 +Q56016 P106 Q10798782 +Q235617 P27 Q142 +Q77009 P136 Q959790 +Q75929 P106 Q13570226 +Q104859 P69 Q3428253 +Q1248240 P551 Q1342 +Q92617 P463 Q40358 +Q103835 P108 Q152838 +Q256164 P106 Q18814623 +Q983239 P106 Q43845 +Q49017 P106 Q2526255 +Q173637 P264 Q575026 +Q155423 P106 Q2526255 +Q17917680 P551 Q99 +Q172599 P1412 Q397 +Q23696 P101 Q41217 +Q117101 P27 Q30 +Q326196 P509 Q181754 +Q186329 P264 Q190585 +Q230 P530 Q778 +Q74807 P69 Q154804 +Q152019 P26 Q207 +Q220335 P106 Q10800557 +Q61114 P106 Q1930187 +Q193458 P27 Q30 +Q5383 P135 Q217467 +Q151898 P161 Q232874 +Q265621 P27 Q172579 +Q190368 P27 Q1747689 +Q75786 P106 Q36180 +Q962 P463 Q899770 +Q106255 P106 Q33999 +Q972641 P1412 Q1860 +Q700323 P1412 Q7737 +Q400765 P1303 Q6607 +Q39524 P1412 Q13955 +Q215 P463 Q41550 +Q468452 P69 Q161562 +Q201221 P106 Q1930187 +Q548438 P1303 Q46185 +Q47737 P1050 Q12204 +Q363763 P108 Q174710 +Q313482 P19 Q23337 +Q2875 P136 Q52207399 +Q889 P530 Q183 +Q832085 P69 Q194223 +Q733 P530 Q17 +Q62765 P106 Q1209498 +Q13888 P1412 Q652 +Q484292 P102 Q79854 +Q78504 P69 Q165980 +Q265252 P1303 Q258896 +Q126652 P161 Q51552 +Q23481 P1412 Q387066 +Q380121 P1412 Q9176 +Q11627 P106 Q488205 +Q188093 P1412 Q1860 +Q60506 P161 Q239240 +Q315650 P27 Q189 +Q192145 P106 Q205375 +Q14747 P136 Q21590660 +Q333892 P106 Q1930187 +Q313509 P737 Q153034 +Q313813 P106 Q753110 +Q247320 P108 Q221653 +Q188461 P106 Q10800557 +Q2643 P106 Q46185 +Q42247 P106 Q4964182 +Q67881 P106 Q487596 +Q1276 P136 Q9759 +Q267018 P136 Q130232 +Q330567 P106 Q170790 +Q232251 P161 Q237809 +Q117021 P106 Q1662561 +Q5354 P463 Q466089 +Q72984 P1412 Q1860 +Q1176607 P106 Q486748 +Q274404 P106 Q11774202 +Q235515 P1303 Q17172850 +Q184169 P101 Q9471 +Q502325 P106 Q1930187 +Q441226 P106 Q36180 +Q73063 P69 Q154804 +Q364875 P106 Q183945 +Q558582 P1303 Q17172850 +Q316627 P106 Q10798782 +Q116055 P106 Q36180 +Q3769061 P551 Q490 +Q3101841 P69 Q49213 +Q207356 P106 Q36180 +Q73132 P106 Q488205 +Q2022 P106 Q36180 +Q182589 P106 Q82955 +Q75868 P106 Q6625963 +Q297831 P136 Q11401 +Q19405 P495 Q30 +Q182509 P509 Q12192 +Q183 P530 Q221 +Q371202 P106 Q639669 +Q226525 P20 Q4191 +Q137800 P161 Q80046 +Q363117 P69 Q797078 +Q865 P530 Q222 +Q1036131 P264 Q1238400 +Q171228 P106 Q193391 +Q905 P27 Q28513 +Q204338 P119 Q1130019 +Q1930839 P106 Q1415090 +Q57179 P106 Q33999 +Q145 P463 Q7809 +Q167429 P106 Q33999 +Q343299 P106 Q33999 +Q92893 P106 Q170790 +Q104061 P172 Q1075293 +Q48956 P20 Q2833 +Q61597 P106 Q33999 +Q711 P463 Q5611262 +Q585272 P1412 Q7737 +Q12862 P136 Q482 +Q449072 P1412 Q1860 +Q780102 P451 Q444486 +Q5052689 P69 Q49124 +Q83158 P737 Q7199 +Q184697 P101 Q207628 +Q258715 P102 Q727724 +Q2429435 P1412 Q36510 +Q22686 P101 Q7163 +Q154194 P161 Q310637 +Q363708 P26 Q263696 +Q350732 P106 Q10800557 +Q1230528 P463 Q188771 +Q953450 P106 Q10800557 +Q463313 P161 Q270622 +Q29473 P140 Q9592 +Q970 P463 Q1065 +Q219780 P27 Q30 +Q67921 P509 Q12078 +Q176361 P106 Q10798782 +Q805 P530 Q43 +Q77749 P106 Q482980 +Q238719 P101 Q207628 +Q256327 P463 Q1425328 +Q160371 P463 Q152222 +Q77888 P101 Q5891 +Q5549674 P108 Q35794 +Q964776 P27 Q142 +Q186341 P135 Q377616 +Q230308 P551 Q84 +Q74165 P102 Q49768 +Q57688 P27 Q7318 +Q1886750 P136 Q45981 +Q86723 P106 Q4263842 +Q76346 P106 Q901 +Q117012 P264 Q212699 +Q318475 P1303 Q5994 +Q432102 P136 Q842256 +Q119527 P106 Q14467526 +Q67597 P20 Q1726 +Q206576 P161 Q231310 +Q271471 P106 Q10798782 +Q71618 P27 Q183 +Q303678 P136 Q2143665 +Q76943 P509 Q12152 +Q5431220 P106 Q1028181 +Q437138 P119 Q996499 +Q1027 P530 Q142 +Q208204 P161 Q230383 +Q773303 P106 Q482980 +Q80959 P495 Q30 +Q12750 P27 Q29 +Q369797 P495 Q30 +Q400765 P106 Q753110 +Q191719 P136 Q37073 +Q35286 P102 Q29468 +Q2633060 P172 Q2325516 +Q72932 P69 Q152171 +Q298532 P1412 Q7737 +Q726296 P27 Q30 +Q132058 P106 Q2526255 +Q254611 P136 Q131578 +Q1744 P106 Q49757 +Q231255 P27 Q30 +Q5784301 P161 Q144904 +Q450271 P1412 Q143 +Q44442 P106 Q10798782 +Q724323 P27 Q159 +Q12688 P108 Q1137404 +Q275900 P136 Q49451 +Q1153913 P136 Q105527 +Q1333385 P106 Q855091 +Q323463 P27 Q30 +Q210740 P136 Q19715429 +Q427386 P161 Q229612 +Q171861 P161 Q233786 +Q373421 P106 Q193391 +Q264699 P106 Q2405480 +Q315362 P106 Q1930187 +Q316644 P264 Q664167 +Q1855369 P69 Q738258 +Q220883 P136 Q24925 +Q295964 P69 Q1760438 +Q342949 P106 Q639669 +Q62377 P463 Q191583 +Q704683 P136 Q83440 +Q44775 P106 Q333634 +Q330824 P69 Q463055 +Q41304 P37 Q188 +Q313655 P106 Q10798782 +Q268131 P106 Q488111 +Q435455 P106 Q33999 +Q40143 P106 Q245068 +Q289645 P108 Q909176 +Q182944 P136 Q860626 +Q164069 P27 Q145 +Q223281 P106 Q948329 +Q97470 P106 Q14467526 +Q92775 P106 Q15981151 +Q76501 P27 Q183 +Q152493 P161 Q368794 +Q931607 P106 Q855091 +Q379117 P1303 Q17172850 +Q328320 P161 Q589015 +Q44071 P172 Q49542 +Q6694 P463 Q4345832 +Q62126 P69 Q1278808 +Q1051531 P106 Q584301 +Q110167 P69 Q154561 +Q72800 P102 Q153401 +Q441528 P69 Q4614 +Q145 P530 Q298 +Q116812 P69 Q219615 +Q129259 P17 Q12560 +Q29 P530 Q142 +Q363708 P106 Q177220 +Q2563 P106 Q1622272 +Q8015 P140 Q1841 +Q270599 P495 Q30 +Q499742 P106 Q36834 +Q207816 P161 Q447669 +Q983233 P136 Q8261 +Q158060 P106 Q33231 +Q44442 P106 Q33999 +Q374605 P119 Q288130 +Q740181 P106 Q1930187 +Q1026532 P106 Q11774202 +Q319537 P27 Q38 +Q114115 P136 Q52162262 +Q332953 P119 Q533697 +Q39792 P106 Q28389 +Q403 P530 Q77 +Q224159 P106 Q2259451 +Q188440 P509 Q212961 +Q76127 P1412 Q5287 +Q333856 P27 Q155 +Q127330 P106 Q639669 +Q295431 P1412 Q1860 +Q38 P530 Q1045 +Q52433 P101 Q482 +Q222720 P161 Q315784 +Q229535 P27 Q145 +Q214014 P161 Q313388 +Q878 P530 Q230 +Q212002 P106 Q3501317 +Q771229 P106 Q1622272 +Q68209 P106 Q49757 +Q235394 P172 Q115026 +Q470204 P40 Q104358 +Q65385 P106 Q4991371 +Q41590 P1412 Q150 +Q299138 P136 Q205560 +Q686 P530 Q15180 +Q230448 P27 Q664 +Q45909 P136 Q186472 +Q171567 P140 Q131036 +Q345612 P135 Q37068 +Q2433868 P27 Q183 +Q104865 P27 Q15180 +Q258462 P106 Q49757 +Q4960 P106 Q10800557 +Q195371 P106 Q245068 +Q34166 P106 Q183945 +Q11132 P27 Q30 +Q134958 P20 Q656 +Q383581 P495 Q142 +Q286410 P264 Q208909 +Q190588 P495 Q30 +Q365557 P106 Q36834 +Q110872 P106 Q201788 +Q1187592 P106 Q33999 +Q150651 P27 Q30 +Q287572 P27 Q145 +Q329700 P27 Q30 +Q123823 P27 Q39 +Q42904 P106 Q82955 +Q962609 P106 Q36834 +Q302 P140 Q9268 +Q701802 P106 Q36180 +Q86943 P108 Q156737 +Q169963 P136 Q188473 +Q4934689 P1412 Q9610 +Q431191 P106 Q28389 +Q374504 P1412 Q1860 +Q446743 P19 Q216 +Q351732 P106 Q177220 +Q55210 P1412 Q1860 +Q56074 P106 Q10800557 +Q463630 P106 Q82955 +Q249107 P106 Q753110 +Q12908 P551 Q1781 +Q1803720 P19 Q84 +Q718609 P106 Q81096 +Q95479 P140 Q75809 +Q218503 P106 Q245068 +Q80739 P106 Q10800557 +Q220713 P161 Q223303 +Q367073 P509 Q12202 +Q1777864 P106 Q183945 +Q119840 P1412 Q188 +Q6060 P106 Q557880 +Q131355 P69 Q4614 +Q288173 P495 Q30 +Q381110 P106 Q33999 +Q316381 P106 Q6625963 +Q200396 P136 Q4984974 +Q77825 P106 Q1622272 +Q347362 P106 Q1607826 +Q153638 P27 Q884 +Q236161 P19 Q90 +Q300371 P161 Q156586 +Q88427 P69 Q151510 +Q287427 P451 Q106573 +Q142292 P161 Q262659 +Q28494 P106 Q1209498 +Q240238 P106 Q28389 +Q668 P530 Q191 +Q26741 P106 Q33999 +Q63528 P106 Q1930187 +Q450796 P69 Q49088 +Q349690 P106 Q11481802 +Q70087 P69 Q153978 +Q23154 P17 Q174193 +Q704700 P106 Q9648008 +Q471188 P106 Q2526255 +Q242749 P106 Q970153 +Q92446 P102 Q153401 +Q240576 P106 Q36180 +Q123334 P140 Q75809 +Q1609199 P27 Q30 +Q96 P463 Q1480793 +Q219060 P361 Q48 +Q220918 P1412 Q1860 +Q634822 P19 Q43301 +Q274562 P106 Q36834 +Q321339 P106 Q639669 +Q435857 P20 Q65 +Q76823 P106 Q1622272 +Q299190 P106 Q2259451 +Q175038 P136 Q2421031 +Q188375 P106 Q33999 +Q1680268 P69 Q168756 +Q284917 P161 Q313047 +Q189950 P19 Q270 +Q248837 P106 Q33999 +Q540516 P1303 Q8338 +Q45765 P106 Q11774202 +Q36450 P27 Q34266 +Q76324 P136 Q35760 +Q274227 P106 Q2526255 +Q261759 P136 Q471839 +Q445417 P136 Q11401 +Q152272 P106 Q15855449 +Q218319 P106 Q1930187 +Q427597 P106 Q177220 +Q558615 P106 Q49757 +Q515904 P69 Q1664782 +Q709464 P69 Q49114 +Q25144 P106 Q2526255 +Q4225527 P106 Q901 +Q546926 P106 Q333634 +Q189534 P264 Q311439 +Q229760 P19 Q1246 +Q2656667 P106 Q639669 +Q4235815 P27 Q15180 +Q327809 P161 Q215565 +Q294225 P1303 Q5994 +Q92767 P69 Q5149833 +Q183397 P69 Q691283 +Q286525 P106 Q177220 +Q420407 P106 Q855091 +Q434003 P69 Q1051840 +Q72334 P737 Q4985 +Q484302 P140 Q620629 +Q178698 P27 Q145 +Q125133 P1303 Q17172850 +Q1631 P106 Q177220 +Q234570 P106 Q2306091 +Q362106 P106 Q483501 +Q314382 P1412 Q1860 +Q202211 P161 Q601307 +Q220780 P136 Q130232 +Q158050 P27 Q403 +Q620732 P1412 Q7737 +Q6123726 P19 Q1486 +Q261550 P161 Q40475 +Q314502 P27 Q30 +Q104561 P108 Q20266330 +Q191023 P106 Q49757 +Q311223 P19 Q1761 +Q3806 P17 Q183 +Q464218 P101 Q207628 +Q107420 P69 Q751612 +Q152306 P106 Q47064 +Q234338 P106 Q36180 +Q181 P19 Q79860 +Q83174 P19 Q1449 +Q105466 P106 Q33999 +Q70396 P106 Q1930187 +Q178966 P136 Q157394 +Q573388 P27 Q145 +Q200873 P161 Q355209 +Q207536 P136 Q471839 +Q445125 P106 Q948329 +Q296928 P69 Q1432645 +Q452232 P106 Q10798782 +Q11907 P264 Q155152 +Q711197 P136 Q45981 +Q124869 P106 Q82955 +Q48814 P172 Q2436423 +Q208681 P264 Q21077 +Q126492 P136 Q1146335 +Q765 P27 Q172579 +Q406854 P27 Q211 +Q106391 P106 Q33999 +Q118760 P108 Q153006 +Q42747 P106 Q482980 +Q232149 P106 Q169470 +Q46551 P136 Q130232 +Q34166 P136 Q1133657 +Q849641 P106 Q10798782 +Q1029 P463 Q376150 +Q435060 P106 Q1930187 +Q2473030 P106 Q81096 +Q6829 P131 Q1200 +Q202585 P17 Q30 +Q230123 P1412 Q7913 +Q73028 P495 Q30 +Q978830 P27 Q30 +Q499742 P1303 Q8371 +Q110085 P106 Q333634 +Q73195 P1412 Q188 +Q112835 P1412 Q188 +Q254576 P1303 Q17172850 +Q1287147 P106 Q36834 +Q15935 P264 Q654283 +Q1346192 P27 Q145 +Q604940 P136 Q183504 +Q57106 P69 Q159895 +Q463765 P136 Q2975633 +Q537112 P1412 Q1860 +Q62414 P27 Q7318 +Q300300 P106 Q639669 +Q231556 P106 Q4610556 +Q12908 P1412 Q9067 +Q51101 P136 Q37073 +Q916 P530 Q155 +Q87302 P108 Q678982 +Q729115 P106 Q36834 +Q44398 P106 Q2252262 +Q210447 P106 Q3282637 +Q243643 P136 Q52162262 +Q128027 P106 Q36180 +Q236056 P27 Q801 +Q228812 P106 Q49757 +Q564953 P27 Q183 +Q53004 P509 Q47912 +Q127866 P740 Q656 +Q80966 P1412 Q1860 +Q294927 P69 Q174710 +Q794 P530 Q1049 +Q4530046 P3373 Q13129708 +Q70372 P108 Q157575 +Q265621 P1412 Q150 +Q231811 P102 Q5020915 +Q168359 P106 Q1281618 +Q192207 P1412 Q1860 +Q104266 P106 Q1759246 +Q212523 P106 Q36180 +Q221 P37 Q8748 +Q216041 P106 Q674426 +Q466477 P106 Q82955 +Q283267 P106 Q1930187 +Q423 P530 Q36 +Q36739 P136 Q1054574 +Q319129 P102 Q29468 +Q47695 P172 Q42884 +Q306631 P106 Q822146 +Q190076 P1303 Q5994 +Q217303 P161 Q363525 +Q62843 P27 Q30 +Q236599 P19 Q84 +Q268160 P264 Q21077 +Q18407 P161 Q276440 +Q219 P463 Q7184 +Q563057 P264 Q1542119 +Q1449438 P106 Q28389 +Q370711 P106 Q488205 +Q90577 P69 Q152087 +Q284686 P495 Q30 +Q236531 P106 Q855091 +Q315391 P119 Q311 +Q207596 P106 Q10798782 +Q1766736 P106 Q188094 +Q212 P530 Q55 +Q463184 P106 Q639669 +Q151164 P106 Q36180 +Q596717 P136 Q40831 +Q180405 P161 Q73612 +Q1799 P17 Q41304 +Q219373 P1412 Q1860 +Q42493 P106 Q4610556 +Q39829 P737 Q169566 +Q65600 P106 Q82955 +Q67725 P19 Q64 +Q292185 P106 Q33999 +Q231178 P106 Q36180 +Q171976 P136 Q40831 +Q216608 P27 Q27 +Q730261 P1412 Q1860 +Q291806 P106 Q36180 +Q4202684 P19 Q649 +Q658008 P1412 Q150 +Q99279 P106 Q28389 +Q104326 P264 Q216364 +Q55497 P106 Q10800557 +Q5809 P106 Q3242115 +Q95043 P106 Q948329 +Q230990 P551 Q84 +Q355288 P106 Q11338576 +Q953450 P101 Q184485 +Q649667 P27 Q30 +Q227 P530 Q212 +Q40054 P69 Q193196 +Q76422 P27 Q183 +Q392677 P136 Q2297927 +Q76579 P69 Q131262 +Q155018 P136 Q959790 +Q424 P463 Q7768 +Q91823 P108 Q55038 +Q26695 P264 Q43327 +Q234997 P106 Q33999 +Q30449 P1303 Q128309 +Q105031 P161 Q295593 +Q212775 P161 Q103876 +Q439209 P106 Q333634 +Q371430 P106 Q2259451 +Q54828 P106 Q36180 +Q80069 P106 Q33999 +Q97676 P1412 Q188 +Q233054 P106 Q3282637 +Q291405 P106 Q177220 +Q163872 P161 Q40572 +Q337580 P17 Q31 +Q84207 P69 Q165980 +Q106363 P1412 Q188 +Q179215 P495 Q30 +Q4513768 P1412 Q7737 +Q65906 P106 Q947873 +Q36949 P27 Q30 +Q211 P463 Q1043527 +Q740596 P106 Q36180 +Q31164 P1412 Q1860 +Q672301 P106 Q3075052 +Q174438 P106 Q193391 +Q370102 P19 Q60 +Q379811 P106 Q10798782 +Q115922 P69 Q32120 +Q40479 P136 Q25372 +Q157004 P136 Q8261 +Q726607 P20 Q1486 +Q44580 P106 Q193391 +Q356375 P106 Q3282637 +Q11891 P1412 Q1860 +Q234145 P108 Q46210 +Q1371735 P264 Q190585 +Q34969 P106 Q372436 +Q71402 P19 Q2973 +Q78644 P106 Q36180 +Q106942 P106 Q10800557 +Q1077554 P106 Q18844224 +Q378116 P106 Q1930187 +Q335064 P1412 Q7737 +Q237951 P509 Q12192 +Q382864 P161 Q51814 +Q128568 P106 Q82955 +Q952737 P106 Q188094 +Q101437 P106 Q49757 +Q25320 P463 Q83172 +Q2063048 P106 Q2374149 +Q195718 P106 Q33999 +Q95119 P20 Q840668 +Q234604 P20 Q61 +Q1333939 P106 Q639669 +Q107420 P1412 Q1860 +Q453351 P101 Q11030 +Q208681 P1303 Q51290 +Q956296 P106 Q333634 +Q106428 P161 Q2263 +Q2569 P108 Q54096 +Q177930 P840 Q61 +Q558104 P106 Q639669 +Q276139 P106 Q488205 +Q3057567 P106 Q1607826 +Q244604 P161 Q203215 +Q333855 P1412 Q1860 +Q729697 P264 Q557632 +Q190220 P106 Q1622272 +Q93853 P161 Q73007 +Q183167 P136 Q208505 +Q1178 P69 Q2994538 +Q59478 P101 Q18362 +Q238364 P106 Q33231 +Q49735 P172 Q49085 +Q461768 P161 Q220308 +Q1338141 P101 Q41217 +Q939105 P106 Q639669 +Q65121 P106 Q82955 +Q286339 P19 Q24639 +Q62086 P106 Q350979 +Q39970 P136 Q1146335 +Q376807 P161 Q218503 +Q241085 P161 Q314805 +Q238331 P1412 Q7976 +Q119348 P106 Q33999 +Q76537 P1412 Q188 +Q386514 P551 Q18419 +Q579773 P19 Q90 +Q809420 P106 Q188094 +Q38757 P1412 Q188 +Q470572 P161 Q190523 +Q249350 P136 Q1200678 +Q177650 P27 Q30 +Q8007 P551 Q60 +Q220192 P161 Q374065 +Q741600 P1303 Q17172850 +Q91232 P106 Q10798782 +Q740657 P106 Q1930187 +Q1133611 P106 Q639669 +Q192115 P57 Q47284 +Q2086235 P108 Q49115 +Q312637 P106 Q36180 +Q1193914 P2348 Q6939 +Q4919786 P19 Q1757 +Q430911 P1412 Q7850 +Q318475 P264 Q1899781 +Q155398 P1412 Q188 +Q325389 P1303 Q17172850 +Q104049 P106 Q18814623 +Q42204 P106 Q33999 +Q123825 P1412 Q188 +Q242640 P27 Q145 +Q153701 P106 Q18844224 +Q5354 P106 Q1622272 +Q466477 P101 Q482 +Q184103 P106 Q3282637 +Q284686 P161 Q275779 +Q309555 P106 Q2405480 +Q10308228 P27 Q29 +Q83789 P161 Q314892 +Q1250743 P1303 Q17172850 +Q77745 P106 Q36180 +Q242732 P106 Q10800557 +Q122461 P106 Q1622272 +Q467333 P69 Q49119 +Q941374 P106 Q1930187 +Q178698 P551 Q40 +Q179460 P161 Q236399 +Q274267 P106 Q957729 +Q1067043 P1412 Q1860 +Q207 P551 Q16557 +Q182522 P106 Q15980158 +Q231276 P1303 Q17172850 +Q57472 P106 Q40348 +Q738029 P27 Q30 +Q299161 P106 Q36180 +Q1461840 P1412 Q1321 +Q135481 P27 Q159 +Q57303 P172 Q539051 +Q12750 P106 Q82955 +Q43203 P106 Q3282637 +Q64265 P101 Q8134 +Q538109 P106 Q333634 +Q1070606 P495 Q17 +Q92868 P19 Q5083 +Q981419 P463 Q270794 +Q289805 P27 Q34266 +Q270215 P161 Q220335 +Q88194 P509 Q175111 +Q232163 P1412 Q1860 +Q177993 P140 Q432 +Q52926 P27 Q34 +Q176846 P136 Q2913982 +Q448704 P106 Q33999 +Q113777 P106 Q11900058 +Q242717 P106 Q10800557 +Q47480 P106 Q37226 +Q62046 P27 Q183 +Q718368 P27 Q30 +Q403 P530 Q414 +Q155079 P19 Q342803 +Q233946 P106 Q486748 +Q85691 P106 Q82955 +Q243639 P264 Q843402 +Q588 P30 Q46 +Q178709 P106 Q4964182 +Q437484 P106 Q10800557 +Q2395959 P106 Q488205 +Q524298 P106 Q1930187 +Q34851 P451 Q151973 +Q83158 P106 Q2526255 +Q170576 P27 Q212 +Q924053 P106 Q1930187 +Q344384 P27 Q30 +Q329 P1412 Q150 +Q1082312 P106 Q753110 +Q46599 P27 Q34266 +Q56635 P27 Q30 +Q1226480 P264 Q193023 +Q2646169 P27 Q408 +Q313813 P264 Q18628 +Q64 P463 Q1768108 +Q536301 P106 Q15978655 +Q193676 P106 Q10798782 +Q181728 P1412 Q7737 +Q2368353 P27 Q159 +Q1078152 P69 Q274486 +Q330567 P509 Q212961 +Q183 P530 Q1027 +Q902 P530 Q16 +Q991543 P69 Q969850 +Q34424 P264 Q3001888 +Q70809 P136 Q37073 +Q705022 P20 Q60 +Q75209 P106 Q82955 +Q110330 P19 Q1899 +Q64467 P106 Q188094 +Q271690 P161 Q39792 +Q63486 P102 Q7320 +Q145132 P106 Q33999 +Q39792 P451 Q190998 +Q318412 P1050 Q11085 +Q365144 P1412 Q1860 +Q204936 P106 Q644687 +Q381307 P108 Q457281 +Q113717 P108 Q165528 +Q116928 P161 Q233433 +Q469310 P106 Q82955 +Q105682 P106 Q2405480 +Q447599 P1412 Q7026 +Q242796 P1412 Q1860 +Q335087 P509 Q372701 +Q891 P30 Q46 +Q185465 P27 Q30 +Q1033 P463 Q7809 +Q673567 P106 Q6625963 +Q463692 P551 Q1138378 +Q62746 P495 Q31 +Q61055 P551 Q702259 +Q507864 P69 Q1068752 +Q339876 P136 Q959790 +Q313581 P27 Q203493 +Q51010 P106 Q177220 +Q122701 P463 Q543804 +Q215139 P106 Q16323111 +Q115761 P27 Q36 +Q66936 P119 Q438183 +Q187282 P1412 Q256 +Q1281738 P106 Q82955 +Q289003 P1303 Q8338 +Q1070572 P27 Q17 +Q72538 P106 Q81096 +Q511046 P106 Q36180 +Q125666 P27 Q159 +Q159603 P69 Q1190355 +Q217010 P161 Q36767 +Q2218967 P106 Q1028181 +Q64017 P136 Q200092 +Q1333385 P136 Q208494 +Q266617 P106 Q36834 +Q380841 P495 Q142 +Q25089 P106 Q948329 +Q336835 P136 Q2143665 +Q704700 P19 Q60 +Q240082 P106 Q4610556 +Q366845 P108 Q695599 +Q672 P463 Q188822 +Q24631 P27 Q174193 +Q1001250 P27 Q30 +Q151814 P1303 Q17172850 +Q381477 P106 Q33999 +Q705743 P106 Q753110 +Q332693 P106 Q1622272 +Q230969 P463 Q3308284 +Q4496 P69 Q41506 +Q56037 P131 Q16957 +Q254820 P106 Q6625963 +Q354863 P1412 Q1860 +Q34981 P106 Q18844224 +Q104814 P136 Q2484376 +Q115683 P1412 Q1860 +Q107095 P108 Q702524 +Q2149885 P106 Q16145150 +Q1223694 P106 Q486748 +Q332515 P495 Q38 +Q1967070 P1303 Q78987 +Q381664 P106 Q33999 +Q317142 P27 Q172579 +Q204168 P463 Q463303 +Q392677 P161 Q310275 +Q298388 P69 Q348134 +Q255300 P20 Q656 +Q324757 P27 Q30 +Q35900 P106 Q36180 +Q1240856 P106 Q3075052 +Q12121820 P106 Q901 +Q310755 P106 Q170790 +Q230534 P106 Q2526255 +Q707607 P1303 Q133163 +Q214565 P1412 Q1860 +Q297097 P106 Q183945 +Q242643 P106 Q18844224 +Q573584 P69 Q3064325 +Q158175 P1303 Q6607 +Q551015 P106 Q1622272 +Q307737 P106 Q28389 +Q19089 P136 Q3990883 +Q37 P463 Q1969730 +Q57384 P1303 Q5994 +Q272946 P69 Q838330 +Q216134 P106 Q3282637 +Q7245 P106 Q3579035 +Q300566 P840 Q1297 +Q786675 P106 Q855091 +Q77204 P69 Q165980 +Q482334 P463 Q123885 +Q385309 P161 Q44473 +Q790 P463 Q376150 +Q25997 P27 Q34266 +Q102022 P1412 Q188 +Q1386031 P106 Q2310145 +Q391784 P161 Q355133 +Q529309 P106 Q662729 +Q109110 P840 Q1297 +Q144622 P106 Q486748 +Q230 P530 Q40 +Q154809 P106 Q33999 +Q295537 P106 Q49757 +Q25120 P106 Q10800557 +Q2795317 P106 Q81096 +Q92767 P108 Q168756 +Q380407 P106 Q245068 +Q82085 P106 Q10800557 +Q732055 P1303 Q6607 +Q1461567 P106 Q13590141 +Q1124 P69 Q81087 +Q465955 P106 Q488205 +Q114 P463 Q7159 +Q1095520 P106 Q36834 +Q94831 P106 Q753110 +Q157322 P27 Q36 +Q433284 P106 Q10798782 +Q2395959 P1303 Q6607 +Q294583 P136 Q21590660 +Q234399 P106 Q486748 +Q11237 P3373 Q11239 +Q1352613 P161 Q1299 +Q196665 P495 Q30 +Q733 P530 Q159 +Q106816 P19 Q1492 +Q363490 P106 Q177220 +Q598050 P1412 Q809 +Q49601 P106 Q36180 +Q54543 P69 Q168756 +Q107328 P106 Q36180 +Q105387 P136 Q471839 +Q4430 P495 Q145 +Q379877 P495 Q30 +Q219776 P136 Q1535153 +Q436759 P106 Q36180 +Q508953 P1412 Q1860 +Q261759 P161 Q511554 +Q7351 P106 Q36834 +Q37 P530 Q34 +Q347461 P19 Q34863 +Q592381 P1303 Q17172850 +Q25854 P20 Q1781 +Q1618 P106 Q2095549 +Q515696 P106 Q158852 +Q58195 P1412 Q9056 +Q350915 P108 Q222738 +Q230476 P27 Q30 +Q106997 P19 Q47164 +Q208263 P136 Q21401869 +Q47737 P106 Q6625963 +Q186042 P463 Q463303 +Q154145 P106 Q639669 +Q190086 P840 Q1297 +Q1445276 P69 Q81162 +Q976090 P172 Q49085 +Q706560 P106 Q1415090 +Q115 P530 Q96 +Q121995 P106 Q1622272 +Q1074590 P136 Q2913982 +Q401773 P20 Q406 +Q737626 P172 Q7325 +Q419 P463 Q656801 +Q452219 P27 Q33946 +Q186264 P140 Q9268 +Q1293950 P1412 Q1860 +Q157004 P463 Q459620 +Q153610 P19 Q649 +Q201500 P172 Q49085 +Q69412 P27 Q30 +Q32734 P161 Q209186 +Q60206 P27 Q801 +Q83501 P20 Q72 +Q732513 P1412 Q5146 +Q319578 P106 Q49757 +Q57535 P106 Q947873 +Q76444 P1303 Q17172850 +Q264869 P136 Q52162262 +Q207817 P106 Q36180 +Q727711 P27 Q142 +Q68126 P106 Q15253558 +Q206972 P140 Q620629 +Q805 P530 Q159 +Q92987 P106 Q205375 +Q974 P463 Q340195 +Q443897 P264 Q183387 +Q957627 P27 Q414 +Q355384 P106 Q639669 +Q335807 P106 Q33999 +Q265726 P106 Q3282637 +Q865 P530 Q730 +Q179825 P140 Q483654 +Q61163 P106 Q36180 +Q934722 P27 Q30 +Q77061 P106 Q28389 +Q186329 P136 Q76092 +Q377939 P161 Q170587 +Q316064 P509 Q3002150 +Q109540 P106 Q1028181 +Q194287 P136 Q484344 +Q272225 P106 Q36834 +Q77983 P27 Q29999 +Q131964 P131 Q151624 +Q121456 P106 Q10798782 +Q547414 P27 Q30 +Q62188 P27 Q183 +Q77148 P106 Q16947320 +Q105009 P2348 Q6939 +Q105201 P106 Q1622272 +Q58033 P101 Q482 +Q310800 P101 Q1930187 +Q200396 P161 Q222390 +Q167437 P136 Q188473 +Q9602 P463 Q1493021 +Q155398 P106 Q15627169 +Q842199 P530 Q37 +Q1545284 P136 Q37073 +Q2044 P17 Q38 +Q55450 P106 Q33999 +Q215 P463 Q1065 +Q1072969 P20 Q1190590 +Q242555 P69 Q7060402 +Q189375 P20 Q220 +Q171530 P641 Q80131 +Q90891 P27 Q7318 +Q3322718 P119 Q216344 +Q90577 P106 Q333634 +Q189186 P106 Q40348 +Q984215 P463 Q270794 +Q2514411 P1412 Q1860 +Q58057 P19 Q1726 +Q154412 P106 Q82955 +Q289064 P136 Q49451 +Q548438 P106 Q753110 +Q36620 P106 Q155647 +Q321636 P27 Q83286 +Q46405 P140 Q5043 +Q279057 P161 Q4227 +Q77161 P106 Q36180 +Q705630 P106 Q947873 +Q63826 P108 Q151510 +Q723839 P1412 Q7737 +Q388319 P161 Q350194 +Q441326 P1303 Q17172850 +Q625721 P106 Q2526255 +Q71345 P69 Q55044 +Q43267 P264 Q216364 +Q3301546 P108 Q273626 +Q215300 P1303 Q6607 +Q84696 P1412 Q1860 +Q106812 P20 Q21711493 +Q63338 P108 Q122453 +Q380467 P463 Q270794 +Q587741 P106 Q639669 +Q1036 P37 Q1860 +Q90819 P106 Q16533 +Q284017 P106 Q488205 +Q1314285 P106 Q16533 +Q61059 P20 Q127856 +Q193066 P161 Q327542 +Q387638 P161 Q181678 +Q706889 P106 Q2306091 +Q712860 P27 Q145 +Q144483 P161 Q256402 +Q153232 P463 Q188771 +Q151904 P136 Q188473 +Q244876 P161 Q51814 +Q132330 P106 Q16533 +Q653949 P69 Q486156 +Q134798 P641 Q542 +Q317988 P1412 Q8748 +Q115010 P106 Q10800557 +Q107752 P19 Q3834 +Q179051 P106 Q28389 +Q534234 P106 Q177220 +Q161678 P161 Q185079 +Q343456 P27 Q159 +Q183412 P159 Q84 +Q85429 P106 Q13570226 +Q712878 P106 Q28389 +Q3849085 P27 Q172579 +Q309555 P106 Q33999 +Q1534428 P1303 Q6607 +Q44645 P106 Q901 +Q74807 P108 Q152087 +Q7841 P106 Q487596 +Q4099230 P463 Q2370801 +Q757 P463 Q827525 +Q230782 P1303 Q17172850 +Q122614 P1412 Q1860 +Q193236 P106 Q49757 +Q1209649 P136 Q37073 +Q88223 P106 Q333634 +Q316454 P106 Q486748 +Q160263 P27 Q801 +Q207197 P106 Q33999 +Q211280 P106 Q3282637 +Q57149 P102 Q7320 +Q105180 P1412 Q1860 +Q199943 P136 Q37073 +Q287688 P106 Q10798782 +Q200392 P106 Q36180 +Q80805 P140 Q432 +Q1493021 P17 Q30 +Q76683 P463 Q329464 +Q154723 P20 Q1741 +Q218690 P172 Q121842 +Q57552 P102 Q49768 +Q173714 P106 Q82594 +Q369190 P106 Q28389 +Q34391 P102 Q179111 +Q3986379 P161 Q317427 +Q971493 P106 Q49757 +Q443120 P264 Q27184 +Q98370 P106 Q1622272 +Q1295 P463 Q52144567 +Q67494 P106 Q482980 +Q12903 P106 Q214917 +Q65337 P106 Q16267607 +Q1308212 P1303 Q5994 +Q295803 P69 Q523926 +Q30 P530 Q851 +Q58863 P69 Q152838 +Q182218 P161 Q272019 +Q130873 P119 Q12404547 +Q86165 P27 Q7318 +Q225 P530 Q28 +Q72682 P1412 Q188 +Q154325 P509 Q1368943 +Q353640 P27 Q145 +Q339031 P1412 Q1860 +Q228931 P106 Q10800557 +Q233541 P136 Q850412 +Q14277 P27 Q174193 +Q783 P463 Q123759 +Q287793 P69 Q333886 +Q50599 P102 Q29468 +Q66162 P19 Q1781 +Q194143 P161 Q103784 +Q312288 P463 Q123885 +Q4263286 P19 Q649 +Q334 P530 Q142 +Q101170 P463 Q463303 +Q239030 P1303 Q17172850 +Q457803 P106 Q36180 +Q208048 P136 Q369747 +Q320973 P69 Q49088 +Q320895 P106 Q177220 +Q45278 P140 Q9592 +Q97871 P27 Q41304 +Q11031 P106 Q188094 +Q64467 P102 Q7320 +Q370747 P106 Q947873 +Q315441 P106 Q3282637 +Q912687 P463 Q1468277 +Q512 P136 Q1062400 +Q237196 P106 Q12144794 +Q398 P530 Q833 +Q1677044 P106 Q177220 +Q333190 P106 Q33999 +Q40057 P172 Q141817 +Q4700 P463 Q1541450 +Q241382 P106 Q947873 +Q450382 P106 Q2490358 +Q259913 P106 Q2526255 +Q22072 P1303 Q17172850 +Q2825252 P1412 Q150 +Q1173441 P106 Q488205 +Q64991 P102 Q7320 +Q276343 P840 Q34 +Q18118088 P106 Q15995642 +Q70972 P37 Q150 +Q295923 P264 Q843402 +Q141860 P1412 Q7737 +Q730 P530 Q142 +Q679289 P27 Q408 +Q1282956 P264 Q726251 +Q383173 P495 Q142 +Q723063 P264 Q165745 +Q133405 P264 Q994175 +Q1223694 P19 Q1726 +Q468864 P106 Q11499147 +Q30896 P106 Q33999 +Q714602 P172 Q49085 +Q694052 P136 Q38848 +Q57244 P106 Q16031530 +Q318165 P509 Q12202 +Q319725 P106 Q33999 +Q138416 P106 Q82955 +Q131814 P136 Q11399 +Q296039 P27 Q16 +Q92004 P27 Q183 +Q159 P530 Q16 +Q165823 P106 Q333634 +Q3248932 P69 Q49108 +Q330316 P106 Q17125263 +Q270385 P161 Q42581 +Q366217 P106 Q644687 +Q173540 P106 Q28389 +Q324499 P106 Q1622272 +Q1384181 P106 Q948329 +Q131864 P57 Q103646 +Q11732 P106 Q635734 +Q795220 P106 Q2252262 +Q49760 P106 Q3387717 +Q73646 P108 Q579968 +Q99448 P106 Q185351 +Q966300 P20 Q61 +Q232079 P136 Q2421031 +Q192115 P495 Q30 +Q24085 P106 Q36180 +Q202662 P264 Q277626 +Q42992 P19 Q1899 +Q283328 P106 Q10798782 +Q42930 P106 Q33999 +Q156898 P106 Q1028181 +Q155 P530 Q77 +Q47210 P106 Q151197 +Q64406 P108 Q152087 +Q833 P530 Q854 +Q92532 P106 Q36180 +Q171530 P106 Q639669 +Q78928 P1050 Q11081 +Q5333 P106 Q333634 +Q359421 P20 Q220 +Q37327 P136 Q21010853 +Q171989 P69 Q13371 +Q75793 P69 Q153987 +Q320639 P27 Q145 +Q1281084 P19 Q18426 +Q55294 P69 Q523926 +Q202815 P101 Q8162 +Q78504 P106 Q36180 +Q408 P463 Q41550 +Q367109 P463 Q4345832 +Q94284 P136 Q130232 +Q237039 P106 Q11774202 +Q47162 P106 Q864380 +Q690759 P1412 Q1860 +Q85807 P106 Q36180 +Q43067 P119 Q3920 +Q30487 P172 Q49542 +Q865 P530 Q35 +Q105575 P108 Q32120 +Q353366 P136 Q83270 +Q62889 P108 Q161982 +Q214 P463 Q782942 +Q43247 P20 Q84 +Q3830446 P106 Q81096 +Q233046 P106 Q6625963 +Q153020 P106 Q2306091 +Q216341 P27 Q30 +Q241504 P161 Q295107 +Q46795 P106 Q864503 +Q378240 P106 Q214917 +Q157322 P106 Q36180 +Q80222 P27 Q142 +Q354181 P106 Q19723482 +Q434715 P27 Q30 +Q171363 P1303 Q17172850 +Q233932 P106 Q177220 +Q506127 P106 Q488205 +Q741605 P27 Q30 +Q795220 P106 Q177220 +Q239296 P136 Q188473 +Q294927 P509 Q389735 +Q605778 P264 Q1644016 +Q269835 P106 Q2259451 +Q215497 P26 Q11975 +Q229274 P136 Q842324 +Q212026 P1412 Q150 +Q92804 P106 Q81096 +Q463615 P161 Q621490 +Q370893 P495 Q30 +Q327293 P1412 Q1860 +Q319283 P106 Q639669 +Q12807 P106 Q3332711 +Q297816 P1050 Q3321212 +Q248837 P20 Q34006 +Q123238 P19 Q3834 +Q158394 P106 Q333634 +Q6050 P106 Q49757 +Q431802 P119 Q311 +Q99784 P1412 Q188 +Q105084 P17 Q41304 +Q313013 P1412 Q1860 +Q378952 P106 Q189290 +Q234992 P26 Q48259 +Q123870 P106 Q2259451 +Q44578 P161 Q310515 +Q40482 P509 Q12078 +Q1109636 P69 Q6608367 +Q44707 P106 Q855091 +Q260099 P26 Q1210022 +Q192301 P161 Q110462 +Q246711 P495 Q30 +Q240370 P1412 Q1860 +Q889 P530 Q159 +Q19661 P27 Q30 +Q178966 P495 Q30 +Q450714 P27 Q30 +Q30 P530 Q854 +Q192165 P106 Q177220 +Q148 P530 Q837 +Q361523 P106 Q10798782 +Q177374 P840 Q8652 +Q162389 P40 Q106997 +Q1343669 P106 Q36834 +Q239652 P102 Q79854 +Q356423 P27 Q16 +Q741783 P106 Q81096 +Q2749 P17 Q7318 +Q179051 P641 Q5372 +Q81244 P172 Q7325 +Q876590 P27 Q40 +Q3903340 P106 Q3391743 +Q51023 P106 Q4610556 +Q159542 P119 Q118967 +Q219878 P136 Q37073 +Q78479 P106 Q121594 +Q296545 P27 Q34266 +Q1020 P463 Q384535 +Q711226 P106 Q1930187 +Q200407 P19 Q60 +Q251818 P119 Q272208 +Q170596 P106 Q9352089 +Q231255 P106 Q2259451 +Q672301 P106 Q82955 +Q229920 P136 Q37073 +Q944759 P106 Q266569 +Q189490 P106 Q177220 +Q47695 P108 Q13371 +Q76363 P106 Q901402 +Q936812 P20 Q220 +Q67941 P106 Q36180 +Q41754 P161 Q42869 +Q116307 P108 Q659080 +Q267070 P106 Q33999 +Q70166 P106 Q1930187 +Q330316 P106 Q33999 +Q186959 P1412 Q809 +Q158050 P20 Q3711 +Q139121 P106 Q36834 +Q91461 P106 Q1930187 +Q190220 P1412 Q1860 +Q2516 P106 Q212238 +Q232927 P106 Q10800557 +Q5890 P136 Q622291 +Q275985 P69 Q499911 +Q160778 P1303 Q6607 +Q896193 P20 Q727 +Q355384 P136 Q76092 +Q289064 P27 Q96 +Q430911 P106 Q82955 +Q916 P530 Q668 +Q298694 P106 Q482980 +Q77143 P27 Q183 +Q220751 P172 Q7325 +Q357786 P106 Q33999 +Q314638 P106 Q10798782 +Q1384181 P69 Q190080 +Q237925 P106 Q2914170 +Q545822 P27 Q13426199 +Q472250 P20 Q220 +Q1077158 P106 Q16031530 +Q347456 P136 Q37073 +Q183492 P136 Q5967378 +Q65587 P108 Q700758 +Q81624 P136 Q187760 +Q1984061 P106 Q639669 +Q381185 P463 Q46703 +Q126961 P119 Q311 +Q699541 P463 Q123885 +Q92849 P69 Q1378320 +Q1715512 P106 Q4853732 +Q679289 P106 Q183945 +Q41269 P463 Q329464 +Q933749 P27 Q15180 +Q356994 P106 Q177220 +Q98178 P106 Q36180 +Q63773 P27 Q30 +Q316884 P106 Q3427922 +Q313378 P106 Q753110 +Q355839 P119 Q1457437 +Q72856 P509 Q389735 +Q270747 P69 Q131252 +Q668 P530 Q917 +Q179150 P140 Q131036 +Q313411 P108 Q131252 +Q62086 P140 Q7066 +Q445372 P1412 Q1860 +Q555324 P106 Q36180 +Q78714 P509 Q35869 +Q28 P463 Q1043527 +Q516870 P1412 Q7737 +Q116760 P509 Q1368943 +Q286525 P106 Q488205 +Q191999 P106 Q82955 +Q23481 P106 Q28389 +Q1978533 P69 Q49117 +Q180626 P69 Q35794 +Q215927 P737 Q9312 +Q2495947 P264 Q21077 +Q5494459 P1303 Q17172850 +Q193426 P106 Q43845 +Q1409622 P1412 Q188 +Q234558 P264 Q183387 +Q128493 P161 Q73007 +Q983421 P509 Q12152 +Q366091 P106 Q36180 +Q914054 P463 Q463303 +Q7659636 P112 Q162629 +Q34969 P106 Q10873124 +Q137584 P136 Q860626 +Q205532 P495 Q30 +Q220018 P20 Q65 +Q76539 P106 Q36180 +Q44519 P1412 Q9027 +Q920637 P106 Q164236 +Q562178 P106 Q201788 +Q61558 P69 Q154561 +Q202246 P136 Q183504 +Q74688 P19 Q1711 +Q263621 P106 Q55960555 +Q944245 P1412 Q1860 +Q502325 P106 Q589298 +Q1929135 P136 Q83440 +Q17455 P1412 Q188 +Q229577 P106 Q10800557 +Q367748 P161 Q43252 +Q6107 P136 Q11401 +Q533284 P136 Q183504 +Q308722 P20 Q220 +Q221957 P136 Q192239 +Q124784 P69 Q214341 +Q318192 P101 Q593644 +Q930197 P20 Q49111 +Q1072843 P106 Q3391743 +Q78479 P1412 Q188 +Q23814 P69 Q865528 +Q5369090 P19 Q4120832 +Q123010 P106 Q1234713 +Q189729 P106 Q36834 +Q232391 P27 Q142 +Q189186 P108 Q219563 +Q49819 P108 Q2283 +Q63397 P27 Q183 +Q11607 P106 Q193391 +Q84509 P172 Q7325 +Q63682 P106 Q33999 +Q258 P530 Q963 +Q463184 P19 Q1297 +Q165699 P495 Q183 +Q9381 P69 Q160302 +Q432655 P106 Q2526255 +Q287244 P1412 Q150 +Q343299 P20 Q1479 +Q154412 P106 Q116 +Q187019 P463 Q1938003 +Q57303 P463 Q939743 +Q169000 P161 Q376736 +Q504061 P20 Q2807 +Q159481 P106 Q4964182 +Q108006 P136 Q319221 +Q1260 P27 Q518101 +Q1389588 P20 Q1899 +Q60970 P106 Q753110 +Q365199 P20 Q488004 +Q242423 P106 Q1930187 +Q931005 P106 Q36180 +Q2749 P17 Q183 +Q661452 P106 Q1930187 +Q47904 P69 Q49112 +Q877537 P27 Q28513 +Q206466 P136 Q180268 +Q43 P530 Q222 +Q207921 P161 Q314831 +Q46706 P106 Q644687 +Q2901987 P69 Q168756 +Q370382 P19 Q7003 +Q170042 P106 Q36834 +Q110278 P136 Q471839 +Q526518 P737 Q9711 +Q1268 P20 Q90 +Q536892 P136 Q83270 +Q55303 P69 Q805285 +Q14281 P463 Q338489 +Q150471 P106 Q15296811 +Q223790 P106 Q2405480 +Q48184 P463 Q463303 +Q937 P737 Q991 +Q63960 P19 Q1726 +Q15489989 P551 Q6346 +Q2831 P106 Q12362622 +Q92809 P463 Q40358 +Q978830 P27 Q45 +Q189 P30 Q46 +Q728991 P101 Q309 +Q127423 P27 Q30 +Q187019 P463 Q463281 +Q3322718 P106 Q189290 +Q601304 P27 Q30 +Q313764 P136 Q369747 +Q1174641 P106 Q131524 +Q313009 P1303 Q17172850 +Q217 P463 Q7809 +Q68746 P463 Q44687 +Q230454 P106 Q855091 +Q744288 P106 Q1930187 +Q351989 P840 Q1522 +Q259940 P27 Q142 +Q39691 P106 Q3621491 +Q361630 P69 Q1815371 +Q174559 P136 Q1054574 +Q76624 P27 Q183 +Q174037 P106 Q864380 +Q57168 P19 Q56037 +Q171421 P20 Q84 +Q434111 P106 Q10800557 +Q19356 P495 Q38 +Q118852 P106 Q55960555 +Q77598 P463 Q329464 +Q98087 P27 Q30 +Q109252 P1303 Q6607 +Q79023 P106 Q16145150 +Q9438 P737 Q43939 +Q63228 P1303 Q17172850 +Q369900 P161 Q369394 +Q315090 P27 Q30 +Q311358 P1412 Q1860 +Q337722 P106 Q855091 +Q95548 P106 Q36180 +Q224650 P737 Q205721 +Q168482 P69 Q5149833 +Q228909 P106 Q33999 +Q154203 P106 Q8178443 +Q328723 P106 Q28389 +Q53783 P1412 Q9299 +Q217557 P27 Q30 +Q237270 P140 Q7066 +Q189869 P135 Q667661 +Q63176 P106 Q4263842 +Q77740 P27 Q142 +Q3052333 P27 Q29 +Q114605 P27 Q40 +Q202420 P106 Q39631 +Q4346512 P106 Q4610556 +Q43264 P106 Q33999 +Q1282910 P106 Q639669 +Q5673 P106 Q6625963 +Q212532 P27 Q30 +Q159 P463 Q19771 +Q1671177 P19 Q5092 +Q367032 P27 Q30 +Q1382482 P106 Q639669 +Q263670 P26 Q266179 +Q98215 P1412 Q188 +Q203860 P69 Q13164 +Q169000 P840 Q60 +Q702468 P106 Q4263842 +Q92775 P106 Q864380 +Q564886 P101 Q5891 +Q238871 P119 Q533697 +Q559567 P27 Q30 +Q178700 P136 Q319221 +Q177131 P2348 Q6939 +Q235 P463 Q663492 +Q2996526 P17 Q145 +Q40115 P136 Q130232 +Q77777 P509 Q12078 +Q181683 P106 Q33999 +Q298341 P19 Q18424 +Q951010 P27 Q30 +Q330376 P106 Q18844224 +Q708078 P27 Q12560 +Q164281 P106 Q188094 +Q419 P530 Q750 +Q807545 P1303 Q17172850 +Q269526 P1412 Q5287 +Q62676 P27 Q183 +Q169566 P20 Q18383 +Q86723 P27 Q183 +Q230662 P106 Q18581305 +Q309926 P136 Q7749 +Q309989 P19 Q43196 +Q330093 P19 Q49266 +Q734564 P27 Q902 +Q55832 P106 Q82955 +Q125488 P463 Q265058 +Q3088816 P106 Q488205 +Q267772 P136 Q1152184 +Q23814 P106 Q10798782 +Q219237 P136 Q885561 +Q236094 P172 Q7325 +Q186185 P106 Q3242115 +Q9387 P463 Q833738 +Q267676 P106 Q2405480 +Q296609 P106 Q245068 +Q1239933 P136 Q11401 +Q318309 P20 Q220 +Q299297 P27 Q30 +Q60579 P69 Q152087 +Q441990 P106 Q18844224 +Q339425 P407 Q1860 +Q106482 P106 Q33999 +Q1047474 P106 Q639669 +Q67953 P19 Q2861 +Q971027 P264 Q645889 +Q57387 P463 Q812155 +Q53714 P106 Q33999 +Q122998 P551 Q649 +Q21 P17 Q161885 +Q1396630 P106 Q39631 +Q71366 P1412 Q188 +Q272770 P106 Q177220 +Q8863 P1412 Q188 +Q221303 P106 Q4964182 +Q127606 P69 Q49122 +Q313755 P106 Q486748 +Q470572 P161 Q234141 +Q3184115 P106 Q2516866 +Q314646 P26 Q192410 +Q6512 P737 Q868 +Q218 P530 Q865 +Q294927 P20 Q23768 +Q230665 P106 Q10798782 +Q43 P463 Q41550 +Q28858 P19 Q64 +Q2757 P3373 Q55917 +Q547373 P264 Q1254522 +Q155 P530 Q408 +Q128759 P463 Q338432 +Q284360 P19 Q90 +Q542101 P106 Q753110 +Q232479 P106 Q183945 +Q189197 P1412 Q1860 +Q230993 P106 Q28389 +Q445648 P1303 Q61285 +Q125095 P106 Q14915627 +Q822 P463 Q191384 +Q374504 P69 Q1093910 +Q376335 P106 Q82955 +Q326542 P1412 Q1860 +Q132330 P27 Q30 +Q347635 P106 Q10798782 +Q153723 P161 Q60996 +Q26294 P264 Q183387 +Q232945 P19 Q84 +Q11107 P463 Q463303 +Q92743 P463 Q463303 +Q20726 P1412 Q143 +Q2657741 P106 Q121594 +Q105682 P27 Q145 +Q154662 P1412 Q150 +Q352738 P106 Q11481802 +Q47426 P106 Q2732142 +Q241391 P57 Q188726 +Q408 P530 Q233 +Q159603 P102 Q79854 +Q1646 P1412 Q150 +Q281621 P1412 Q1860 +Q331759 P509 Q175111 +Q211831 P140 Q6423963 +Q3709938 P106 Q170790 +Q231310 P106 Q2259451 +Q355531 P106 Q1350157 +Q342774 P106 Q55960555 +Q483507 P106 Q639669 +Q266578 P1303 Q17172850 +Q310800 P26 Q267629 +Q1222903 P106 Q482980 +Q76513 P140 Q7066 +Q63695 P27 Q43287 +Q817 P530 Q145 +Q431191 P1412 Q1860 +Q935051 P106 Q169470 +Q2602121 P106 Q901 +Q57106 P20 Q2634 +Q65613 P108 Q154804 +Q327613 P161 Q313814 +Q76498 P551 Q985 +Q1378383 P106 Q639669 +Q98311 P1303 Q5994 +Q13003 P106 Q1198887 +Q98897 P106 Q333634 +Q197935 P69 Q83259 +Q259979 P106 Q10800557 +Q92663 P108 Q238101 +Q3709938 P106 Q15976092 +Q303 P136 Q180268 +Q194696 P136 Q959790 +Q96243 P1412 Q188 +Q166159 P106 Q245068 +Q208204 P161 Q42930 +Q77079 P463 Q684415 +Q465636 P1050 Q10874 +Q271846 P69 Q1256981 +Q209481 P136 Q2484376 +Q130742 P1412 Q150 +Q440528 P106 Q49757 +Q391562 P106 Q15839134 +Q228904 P106 Q33999 +Q281962 P1412 Q1860 +Q41314 P106 Q36180 +Q5879 P20 Q3955 +Q90856 P106 Q82955 +Q89404 P108 Q60 +Q332783 P19 Q60 +Q366907 P172 Q86630688 +Q497271 P27 Q30 +Q96577 P108 Q155354 +Q101494 P108 Q151510 +Q116307 P463 Q835943 +Q712082 P1412 Q150 +Q91823 P108 Q157808 +Q207459 P463 Q842008 +Q312641 P1412 Q1860 +Q107178 P27 Q183 +Q215359 P264 Q1881437 +Q333591 P106 Q43845 +Q159585 P20 Q472 +Q1646438 P1303 Q52954 +Q105026 P27 Q16957 +Q186221 P106 Q36180 +Q584500 P27 Q145 +Q329999 P106 Q18844224 +Q155485 P161 Q140181 +Q211998 P106 Q3282637 +Q132330 P102 Q29468 +Q550436 P27 Q664 +Q306122 P106 Q36834 +Q337747 P161 Q433355 +Q25320 P108 Q202660 +Q64503 P19 Q2079 +Q186652 P69 Q1059546 +Q1586916 P27 Q30 +Q6096 P106 Q28389 +Q1064 P106 Q6625963 +Q310275 P106 Q10798782 +Q71000 P108 Q40025 +Q49767 P136 Q112983 +Q55832 P27 Q34266 +Q1014 P463 Q7809 +Q379608 P106 Q855091 +Q125488 P19 Q64 +Q322866 P106 Q1622272 +Q326409 P106 Q28389 +Q50861 P161 Q708059 +Q69412 P106 Q81096 +Q228733 P102 Q29552 +Q111074 P19 Q42462 +Q75116 P108 Q152838 +Q933892 P20 Q34006 +Q195008 P1412 Q1321 +Q302491 P106 Q33999 +Q25147 P1412 Q13955 +Q386438 P108 Q1044328 +Q11239 P69 Q13371 +Q434932 P463 Q604840 +Q2686748 P27 Q243610 +Q729697 P136 Q9759 +Q153905 P172 Q7325 +Q182882 P106 Q864503 +Q221305 P161 Q16345 +Q222867 P136 Q188473 +Q123521 P106 Q333634 +Q450412 P101 Q21201 +Q366584 P106 Q33999 +Q150651 P106 Q3282637 +Q888256 P106 Q36180 +Q65863 P106 Q214917 +Q62188 P69 Q152838 +Q150630 P106 Q3368718 +Q443897 P101 Q207628 +Q215139 P106 Q36180 +Q937 P108 Q152087 +Q48734 P136 Q2143665 +Q133654 P840 Q5092 +Q181229 P106 Q10800557 +Q441414 P509 Q12202 +Q51566 P106 Q3282637 +Q40319 P119 Q533697 +Q239587 P101 Q207628 +Q63169 P106 Q82955 +Q77006 P1412 Q188 +Q380178 P136 Q1152184 +Q356351 P106 Q82955 +Q39829 P136 Q24925 +Q107008 P106 Q765778 +Q148 P530 Q1020 +Q668 P530 Q298 +Q506915 P1303 Q17172850 +Q183 P530 Q1025 +Q49074 P69 Q49115 +Q762361 P106 Q36180 +Q895636 P27 Q16957 +Q313367 P1412 Q1860 +Q49823 P69 Q168756 +Q249107 P136 Q37073 +Q443708 P27 Q34266 +Q229065 P106 Q177220 +Q106071 P106 Q639669 +Q55207 P69 Q1130457 +Q232015 P19 Q1489 +Q298388 P106 Q2259451 +Q36739 P136 Q2421031 +Q237633 P106 Q177220 +Q706542 P1412 Q1321 +Q8704 P106 Q2405480 +Q322730 P106 Q81096 +Q253607 P106 Q4610556 +Q115455 P172 Q179248 +Q333971 P136 Q319221 +Q444509 P509 Q12202 +Q205721 P106 Q639669 +Q556858 P136 Q1344 +Q26695 P40 Q232495 +Q259979 P509 Q47912 +Q458260 P69 Q859363 +Q449894 P106 Q36180 +Q230055 P106 Q177220 +Q235744 P106 Q10798782 +Q184351 P509 Q11081 +Q313571 P106 Q2259451 +Q3772 P106 Q3282637 +Q44132 P19 Q1524 +Q95367 P102 Q49750 +Q296843 P106 Q10800557 +Q209481 P161 Q434291 +Q58577 P463 Q543804 +Q72867 P106 Q2405480 +Q44007 P106 Q3391743 +Q193346 P136 Q25372 +Q294647 P19 Q1748 +Q284917 P136 Q130232 +Q164384 P106 Q15895020 +Q274348 P136 Q49084 +Q366671 P106 Q3282637 +Q48734 P136 Q188473 +Q433459 P20 Q60 +Q306631 P1412 Q5287 +Q51513 P27 Q40 +Q61659 P119 Q1497554 +Q212333 P136 Q3072039 +Q24632 P136 Q37073 +Q217427 P136 Q37073 +Q121655 P106 Q33999 +Q393 P17 Q27306 +Q427403 P106 Q1930187 +Q58760 P106 Q177220 +Q459171 P106 Q36180 +Q231194 P106 Q33999 +Q264730 P19 Q60 +Q204672 P3373 Q191719 +Q276198 P27 Q30 +Q78089 P106 Q82955 +Q538824 P106 Q822146 +Q67139 P106 Q82955 +Q362133 P27 Q159 +Q270639 P106 Q3282637 +Q552529 P641 Q847 +Q1627834 P1303 Q6607 +Q118059 P106 Q2516852 +Q239464 P106 Q639669 +Q441114 P27 Q142 +Q66774 P106 Q33999 +Q84365 P19 Q1741 +Q427403 P20 Q1492 +Q49017 P106 Q10800557 +Q47152 P551 Q84 +Q4085141 P27 Q2305208 +Q207034 P1303 Q5994 +Q335142 P106 Q4964182 +Q1048660 P27 Q171150 +Q320084 P106 Q10800557 +Q152272 P119 Q311 +Q463630 P463 Q337543 +Q881 P463 Q656801 +Q438366 P27 Q30 +Q144622 P1303 Q128309 +Q77682 P1412 Q256 +Q77742 P1412 Q188 +Q631508 P106 Q36180 +Q336769 P106 Q81096 +Q738566 P509 Q2140674 +Q537999 P136 Q8261 +Q129087 P106 Q10800557 +Q3104 P463 Q1768108 +Q98719 P106 Q2599593 +Q70849 P27 Q183 +Q575886 P106 Q3658608 +Q362371 P106 Q177220 +Q644797 P20 Q90 +Q327681 P495 Q33 +Q510400 P106 Q6625963 +Q235346 P26 Q102711 +Q183512 P161 Q4960 +Q6096 P264 Q231694 +Q131152 P106 Q16533 +Q4573 P19 Q23436 +Q236748 P264 Q21077 +Q27204 P136 Q188473 +Q258053 P3373 Q263772 +Q199943 P106 Q855091 +Q303207 P264 Q216364 +Q1250743 P106 Q33999 +Q356309 P20 Q47164 +Q180975 P26 Q151814 +Q230993 P551 Q65 +Q450796 P106 Q15253558 +Q92745 P106 Q82594 +Q214677 P69 Q49205 +Q330567 P737 Q9047 +Q93356 P108 Q13371 +Q11593 P136 Q2143665 +Q272944 P106 Q10798782 +Q714462 P463 Q270794 +Q767 P106 Q49757 +Q62134 P20 Q1384 +Q287824 P69 Q523926 +Q2149302 P69 Q13371 +Q587873 P106 Q36180 +Q58720 P101 Q40634 +Q257165 P19 Q11194 +Q380079 P69 Q13371 +Q103474 P136 Q319221 +Q94701 P69 Q165980 +Q189351 P106 Q211236 +Q144622 P106 Q855091 +Q207482 P161 Q267914 +Q57382 P20 Q64 +Q153700 P101 Q1930187 +Q123724 P264 Q557632 +Q975547 P106 Q36180 +Q51552 P463 Q337531 +Q1016 P530 Q902 +Q1939469 P27 Q30 +Q333187 P106 Q33999 +Q37150 P1303 Q6607 +Q194142 P161 Q314673 +Q867852 P1412 Q150 +Q60208 P106 Q4964182 +Q56016 P106 Q18814623 +Q61178 P27 Q183 +Q164401 P463 Q3603946 +Q93620 P106 Q18844224 +Q158250 P106 Q10798782 +Q704015 P106 Q82955 +Q181677 P106 Q12144794 +Q187154 P840 Q60 +Q29055 P106 Q578109 +Q7313843 P19 Q37320 +Q931890 P27 Q30 +Q158878 P136 Q8261 +Q123706 P108 Q503473 +Q192279 P172 Q49542 +Q17457 P140 Q75809 +Q14537 P1412 Q1860 +Q456017 P161 Q203545 +Q55369 P19 Q31487 +Q70962 P69 Q152087 +Q9960 P106 Q2722764 +Q337628 P106 Q4964182 +Q329805 P840 Q1492 +Q234487 P106 Q753110 +Q99784 P106 Q1622272 +Q238121 P106 Q5716684 +Q267764 P106 Q43845 +Q373774 P495 Q30 +Q159585 P551 Q472 +Q574885 P106 Q488205 +Q1811612 P641 Q80131 +Q297334 P551 Q99 +Q17132 P27 Q148 +Q440388 P69 Q854280 +Q272608 P57 Q2071 +Q72787 P1412 Q188 +Q162672 P135 Q377616 +Q60317 P19 Q60 +Q154331 P27 Q40 +Q206112 P106 Q488205 +Q1005 P463 Q376150 +Q4952325 P69 Q49122 +Q487491 P463 Q270794 +Q53050 P20 Q220 +Q205772 P106 Q1225716 +Q77492 P106 Q551835 +Q60969 P463 Q543804 +Q295080 P509 Q12202 +Q152293 P172 Q79797 +Q348170 P106 Q36180 +Q2134121 P27 Q30 +Q92604 P1412 Q1860 +Q559794 P106 Q43845 +Q208048 P50 Q2263 +Q270639 P1412 Q1860 +Q29328 P19 Q18013 +Q110365 P161 Q296370 +Q53944 P102 Q29468 +Q305864 P106 Q36180 +Q4242236 P108 Q131626 +Q40143 P106 Q11499147 +Q230278 P106 Q2405480 +Q189 P530 Q20 +Q242 P463 Q827525 +Q1333939 P136 Q83440 +Q29315 P106 Q8246794 +Q62765 P172 Q42884 +Q298838 P106 Q245068 +Q433471 P106 Q483501 +Q366012 P106 Q10798782 +Q781 P463 Q3369762 +Q35286 P1412 Q1860 +Q101235 P106 Q2306091 +Q1354843 P1412 Q1860 +Q80379 P161 Q80966 +Q156214 P106 Q4164507 +Q57281 P106 Q1622272 +Q82222 P264 Q994175 +Q962710 P172 Q7325 +Q72938 P27 Q28 +Q161678 P161 Q233457 +Q584197 P106 Q16533 +Q41322 P1412 Q1860 +Q348534 P161 Q58912 +Q65106 P27 Q218 +Q968026 P106 Q36834 +Q198644 P69 Q1059546 +Q314812 P27 Q30 +Q307463 P27 Q851 +Q48995 P136 Q11399 +Q236475 P106 Q33999 +Q438106 P737 Q82222 +Q1366840 P27 Q30 +Q213806 P106 Q49757 +Q309048 P161 Q266694 +Q159917 P106 Q131524 +Q128985 P106 Q47064 +Q207 P1412 Q1321 +Q70396 P27 Q145 +Q131074 P161 Q168763 +Q11826 P106 Q333634 +Q434266 P27 Q15180 +Q229048 P106 Q28389 +Q1399 P106 Q82955 +Q314343 P106 Q36834 +Q34020 P37 Q1860 +Q72090 P136 Q369747 +Q235223 P106 Q21234378 +Q381039 P140 Q6423963 +Q85261 P27 Q183 +Q1175266 P1303 Q302497 +Q215215 P264 Q183387 +Q28493 P69 Q523926 +Q780538 P106 Q1930187 +Q187345 P19 Q1342 +Q315090 P136 Q21590660 +Q260969 P27 Q30 +Q46795 P106 Q3578589 +Q176668 P1412 Q9299 +Q3123791 P69 Q149990 +Q55369 P106 Q3387717 +Q57535 P1412 Q1860 +Q160640 P69 Q83259 +Q340260 P106 Q12800682 +Q174210 P27 Q142 +Q271903 P27 Q39 +Q81224 P161 Q41351 +Q43179 P1412 Q1860 +Q361523 P19 Q60 +Q44648 P136 Q11399 +Q924 P530 Q668 +Q31628 P106 Q49757 +Q4346512 P106 Q43845 +Q557171 P106 Q1930187 +Q182625 P17 Q16 +Q252 P463 Q899770 +Q4286203 P19 Q1899 +Q200804 P161 Q1388769 +Q69884 P20 Q31487 +Q558615 P69 Q835960 +Q379400 P463 Q45165 +Q322760 P19 Q34404 +Q126098 P1303 Q128309 +Q318292 P106 Q28389 +Q69189 P27 Q183 +Q52950 P463 Q920266 +Q2477225 P69 Q1472245 +Q313578 P1303 Q6607 +Q103598 P1412 Q150 +Q449140 P106 Q855091 +Q298205 P19 Q3616 +Q125057 P140 Q7066 +Q616021 P106 Q36180 +Q245808 P1412 Q1860 +Q314990 P509 Q12206 +Q215478 P106 Q2526255 +Q90009 P27 Q40 +Q50012 P551 Q1711 +Q4416818 P119 Q1457437 +Q448404 P20 Q16552 +Q1343499 P106 Q81096 +Q43689 P106 Q36180 +Q1032 P361 Q4412 +Q62766 P106 Q557880 +Q348497 P136 Q482 +Q47480 P463 Q2822396 +Q96230 P1412 Q188 +Q3071779 P551 Q1492 +Q288098 P136 Q1200678 +Q174327 P140 Q6423963 +Q232113 P106 Q6625963 +Q818968 P161 Q103876 +Q690974 P136 Q37073 +Q9602 P101 Q21198 +Q79 P530 Q39 +Q162753 P451 Q515904 +Q219521 P106 Q10798782 +Q170373 P106 Q131062 +Q179097 P1412 Q150 +Q1666 P264 Q2482872 +Q260947 P1303 Q17172850 +Q110709 P106 Q170790 +Q57149 P106 Q42973 +Q180004 P1303 Q17172850 +Q170800 P20 Q2807 +Q455236 P106 Q177220 +Q455344 P119 Q1302545 +Q379877 P840 Q65 +Q60487 P136 Q1146335 +Q105896 P106 Q947873 +Q66709 P108 Q273263 +Q4952325 P27 Q30 +Q927469 P106 Q183945 +Q297618 P101 Q13590141 +Q68225 P106 Q81096 +Q484702 P106 Q482980 +Q172383 P106 Q82955 +Q153776 P19 Q656 +Q979166 P463 Q48995 +Q44111 P463 Q337234 +Q26318 P3373 Q231270 +Q75849 P69 Q1472245 +Q92981 P463 Q131566 +Q96779 P108 Q13371 +Q180338 P1412 Q9129 +Q34474 P106 Q36180 +Q165534 P106 Q28389 +Q1111386 P69 Q2537765 +Q236340 P106 Q3357567 +Q91997 P1412 Q188 +Q55452 P509 Q12152 +Q354033 P264 Q843402 +Q1931654 P1303 Q17172850 +Q58720 P106 Q169470 +Q359563 P27 Q15180 +Q153248 P1412 Q150 +Q233837 P106 Q18814623 +Q241392 P108 Q49110 +Q35738 P136 Q20442589 +Q91642 P106 Q81096 +Q980235 P1412 Q9035 +Q162202 P264 Q1070152 +Q457029 P106 Q639669 +Q235870 P106 Q10800557 +Q368424 P106 Q488205 +Q152857 P161 Q173834 +Q84532 P20 Q1741 +Q1687890 P106 Q855091 +Q516285 P463 Q188771 +Q78739 P106 Q2504617 +Q460876 P106 Q1930187 +Q596925 P106 Q36180 +Q380852 P19 Q47265 +Q284636 P106 Q3282637 +Q243610 P530 Q842199 +Q1282826 P106 Q333634 +Q271856 P106 Q10800557 +Q272994 P27 Q30 +Q347767 P106 Q28389 +Q453679 P106 Q1607826 +Q505949 P106 Q82955 +Q96898 P106 Q1930187 +Q107067 P20 Q1156 +Q128730 P840 Q812 +Q271145 P106 Q10800557 +Q155860 P1412 Q7737 +Q61520 P101 Q11190 +Q587361 P106 Q183945 +Q213562 P551 Q60 +Q78476 P106 Q105186 +Q23696 P106 Q47064 +Q47100 P106 Q3282637 +Q379824 P106 Q4610556 +Q179460 P136 Q157443 +Q4061 P1303 Q302497 +Q43 P530 Q902 +Q76579 P69 Q154804 +Q1351527 P27 Q30 +Q219377 P106 Q3282637 +Q1209649 P106 Q10800557 +Q902 P530 Q114 +Q105993 P161 Q272977 +Q36023 P509 Q12152 +Q7416 P106 Q82955 +Q444520 P106 Q855091 +Q168109 P27 Q36 +Q1028859 P136 Q9794 +Q1063743 P106 Q593644 +Q131691 P108 Q34433 +Q59346 P161 Q362500 +Q151705 P136 Q959790 +Q294912 P106 Q10800557 +Q441742 P106 Q639669 +Q1626025 P106 Q36180 +Q191088 P451 Q236066 +Q361610 P106 Q3282637 +Q447599 P19 Q1492 +Q302400 P27 Q30 +Q108639 P106 Q182436 +Q181689 P1303 Q6607 +Q23261 P27 Q17 +Q983167 P106 Q47064 +Q380318 P106 Q855091 +Q60016 P161 Q223303 +Q1067812 P136 Q211723 +Q964071 P106 Q10800557 +Q230990 P27 Q30 +Q112307 P106 Q15981151 +Q128604 P1412 Q1860 +Q361297 P172 Q49085 +Q223271 P106 Q42603 +Q122998 P20 Q90 +Q3936 P463 Q1768108 +Q219368 P106 Q1930187 +Q60970 P1303 Q5994 +Q234581 P106 Q36180 +Q154581 P161 Q44380 +Q157318 P737 Q9235 +Q23148 P361 Q21 +Q51583 P1412 Q188 +Q347461 P106 Q18844224 +Q123972 P463 Q684415 +Q951110 P106 Q36180 +Q503657 P27 Q2184 +Q4029 P140 Q9268 +Q725964 P106 Q177220 +Q892115 P27 Q142 +Q560647 P27 Q145 +Q1046038 P106 Q2259451 +Q263930 P495 Q30 +Q32045 P27 Q408 +Q153739 P106 Q1028181 +Q62749 P108 Q152087 +Q45 P530 Q77 +Q217619 P106 Q18814623 +Q106399 P463 Q543804 +Q347717 P106 Q177220 +Q924232 P136 Q83440 +Q1248240 P463 Q466089 +Q61558 P1412 Q188 +Q1349079 P27 Q30 +Q275247 P136 Q11399 +Q265621 P26 Q53004 +Q190588 P161 Q42581 +Q598344 P106 Q3282637 +Q45188 P740 Q84 +Q462579 P106 Q1930187 +Q57477 P106 Q6625963 +Q184219 P106 Q130857 +Q139460 P136 Q859369 +Q171989 P140 Q75809 +Q95479 P69 Q159895 +Q102570 P106 Q36180 +Q202815 P108 Q240631 +Q61629 P136 Q8261 +Q256327 P27 Q36 +Q183 P530 Q33946 +Q61597 P509 Q18554460 +Q151936 P172 Q181634 +Q1985556 P106 Q753110 +Q72984 P102 Q29468 +Q257551 P27 Q142 +Q220308 P140 Q9268 +Q4218975 P3373 Q22955657 +Q62882 P69 Q457281 +Q84614 P27 Q40 +Q31215 P106 Q1930187 +Q62880 P1412 Q188 +Q347767 P106 Q214917 +Q197977 P19 Q406 +Q110960 P19 Q1022 +Q119687 P106 Q3621491 +Q232282 P106 Q10800557 +Q77749 P106 Q4964182 +Q60087 P27 Q183 +Q152011 P136 Q860626 +Q222921 P264 Q557632 +Q722202 P20 Q33935 +Q77969 P106 Q214917 +Q501429 P106 Q177220 +Q920526 P102 Q187009 +Q228812 P463 Q1425328 +Q229282 P106 Q33999 +Q105564 P106 Q2961975 +Q270707 P136 Q482 +Q471188 P1303 Q17172850 +Q155700 P106 Q488205 +Q170333 P106 Q765778 +Q214697 P1412 Q188 +Q880405 P27 Q30 +Q75828 P463 Q463303 +Q237669 P264 Q1899781 +Q151682 P136 Q191489 +Q82278 P463 Q691152 +Q95314 P106 Q33999 +Q506231 P69 Q797892 +Q229716 P106 Q753110 +Q232495 P19 Q484678 +Q9155759 P106 Q7042855 +Q187107 P106 Q36834 +Q344537 P840 Q90 +Q165268 P161 Q236074 +Q311970 P106 Q639669 +Q166646 P27 Q174193 +Q233957 P463 Q543804 +Q83396 P1412 Q1860 +Q432806 P106 Q333634 +Q129087 P106 Q177220 +Q116309 P108 Q27621 +Q711538 P69 Q219615 +Q916 P463 Q340195 +Q90384 P1412 Q1860 +Q91083 P106 Q185351 +Q170606 P19 Q8652 +Q127984 P106 Q214917 +Q71408 P102 Q7320 +Q88015 P106 Q486748 +Q59610 P161 Q184805 +Q312173 P19 Q16567 +Q229286 P1412 Q1321 +Q327288 P264 Q843402 +Q235622 P1412 Q1860 +Q318503 P106 Q8246794 +Q260918 P19 Q1345 +Q103835 P463 Q329464 +Q113818 P27 Q28513 +Q3173947 P1412 Q150 +Q440138 P19 Q1492 +Q57384 P3373 Q85426 +Q5977 P136 Q83440 +Q645889 P749 Q21077 +Q11928 P136 Q859369 +Q58328 P106 Q169470 +Q337145 P106 Q10798782 +Q5879 P463 Q41726 +Q274157 P106 Q177220 +Q742634 P19 Q1891 +Q187241 P509 Q12204 +Q99452 P463 Q469210 +Q460379 P136 Q4984974 +Q186924 P106 Q639669 +Q192185 P1303 Q5994 +Q85715 P463 Q320642 +Q209926 P106 Q13590141 +Q50861 P840 Q1391 +Q3182472 P19 Q60 +Q327713 P840 Q812 +Q274181 P509 Q12136 +Q1524938 P1412 Q1860 +Q481474 P27 Q172579 +Q158749 P106 Q3055126 +Q123698 P106 Q36180 +Q115055 P106 Q10732476 +Q229603 P161 Q294819 +Q317521 P451 Q229166 +Q222965 P161 Q59215 +Q683058 P106 Q16267607 +Q8298 P136 Q20502 +Q74315 P136 Q20442589 +Q44313 P106 Q13474373 +Q102403 P19 Q1718 +Q154448 P106 Q1281618 +Q162389 P26 Q66408 +Q597433 P106 Q486748 +Q186630 P69 Q209842 +Q3134064 P1412 Q7979 +Q472783 P119 Q208175 +Q34166 P136 Q188539 +Q244674 P106 Q10798782 +Q400 P106 Q3282637 +Q95453 P69 Q678982 +Q2791686 P1412 Q1860 +Q240509 P106 Q2643890 +Q236987 P27 Q16 +Q695036 P19 Q1899 +Q376807 P161 Q170606 +Q223887 P161 Q350424 +Q89404 P69 Q165980 +Q93343 P27 Q174193 +Q160318 P509 Q12152 +Q173637 P19 Q65 +Q111121 P27 Q7318 +Q368812 P136 Q8261 +Q2107 P463 Q1768108 +Q204810 P136 Q49084 +Q282041 P161 Q193070 +Q467519 P1303 Q6607 +Q140412 P27 Q179876 +Q1067 P737 Q1398 +Q636637 P106 Q82955 +Q259446 P140 Q1841 +Q499028 P27 Q30 +Q74636 P136 Q959790 +Q53633 P20 Q1754 +Q72800 P102 Q7320 +Q233817 P136 Q20502 +Q240647 P172 Q42406 +Q181683 P27 Q30 +Q61374 P69 Q152838 +Q189599 P1303 Q6607 +Q60347 P19 Q72 +Q44652 P27 Q43287 +Q912687 P106 Q333634 +Q734 P463 Q7785 +Q327981 P69 Q35794 +Q433989 P27 Q30 +Q58077 P27 Q212 +Q804 P361 Q12585 +Q186264 P463 Q337531 +Q332462 P106 Q1930187 +Q66800 P27 Q183 +Q296872 P106 Q855091 +Q275964 P140 Q1841 +Q310098 P264 Q190585 +Q210364 P161 Q229268 +Q323318 P57 Q56008 +Q12003 P264 Q212699 +Q124357 P106 Q10798782 +Q513615 P1412 Q7026 +Q19801728 P161 Q234967 +Q14278 P101 Q11633 +Q208204 P161 Q230516 +Q96196 P1412 Q188 +Q3040690 P108 Q230899 +Q6060 P264 Q264137 +Q314877 P19 Q462799 +Q155700 P106 Q36834 +Q12807 P1412 Q150 +Q202489 P106 Q333634 +Q562874 P27 Q30 +Q294927 P106 Q488205 +Q1347919 P2348 Q6927 +Q459969 P108 Q6608367 +Q286022 P106 Q177220 +Q319171 P161 Q365044 +Q218698 P106 Q12406482 +Q43 P463 Q17495 +Q463501 P106 Q82955 +Q671985 P19 Q649 +Q441713 P509 Q11081 +Q1017117 P1303 Q6607 +Q1045 P463 Q656801 +Q13047979 P106 Q901 +Q313044 P106 Q2259451 +Q490738 P106 Q639669 +Q61864 P463 Q684415 +Q432806 P27 Q191 +Q257302 P106 Q639669 +Q277356 P463 Q1425328 +Q285020 P161 Q262267 +Q921 P463 Q188822 +Q835 P106 Q15949613 +Q155398 P463 Q463303 +Q48502 P27 Q600018 +Q214226 P136 Q131272 +Q11869 P106 Q82955 +Q327809 P161 Q57391 +Q34391 P119 Q240744 +Q152824 P106 Q201788 +Q298818 P106 Q2259451 +Q81438 P737 Q692 +Q39 P463 Q340195 +Q169982 P106 Q10798782 +Q1292110 P20 Q488004 +Q17889 P509 Q389735 +Q164784 P101 Q8087 +Q110726 P106 Q82955 +Q769080 P27 Q29 +Q312705 P27 Q30 +Q634025 P463 Q253439 +Q110138 P161 Q191084 +Q42992 P551 Q1899 +Q332454 P27 Q16 +Q2481742 P106 Q39631 +Q981190 P27 Q34266 +Q58057 P106 Q1397808 +Q181659 P27 Q30 +Q92809 P106 Q82594 +Q1229223 P27 Q16 +Q391663 P106 Q10798782 +Q112856 P20 Q1741 +Q232214 P106 Q486748 +Q189991 P136 Q11366 +Q954231 P106 Q177220 +Q185465 P136 Q850412 +Q133042 P27 Q43287 +Q939524 P1412 Q1860 +Q193570 P136 Q185867 +Q2096585 P27 Q227 +Q111288 P106 Q10798782 +Q167475 P106 Q4220892 +Q1402 P106 Q49757 +Q529619 P1303 Q5994 +Q40074 P495 Q30 +Q362089 P106 Q333634 +Q15809 P27 Q28513 +Q960427 P20 Q18424 +Q355024 P136 Q1152184 +Q24085 P1412 Q397 +Q1359039 P1303 Q17172850 +Q441990 P19 Q30 +Q792 P463 Q827525 +Q633 P27 Q30 +Q505871 P27 Q30 +Q1239933 P106 Q753110 +Q932884 P551 Q585 +Q76291 P20 Q4098 +Q3071779 P106 Q201788 +Q1239155 P1303 Q17172850 +Q237560 P19 Q18419 +Q462118 P106 Q639669 +Q160371 P19 Q10686 +Q216814 P463 Q329464 +Q69412 P106 Q82594 +Q357961 P27 Q30 +Q142059 P102 Q727724 +Q823935 P27 Q183 +Q1270525 P1303 Q8355 +Q219368 P108 Q49167 +Q121995 P106 Q16533 +Q485280 P136 Q45981 +Q345538 P69 Q245247 +Q584197 P106 Q1930187 +Q311050 P1303 Q6607 +Q110330 P27 Q801 +Q76895 P27 Q30 +Q44648 P106 Q177220 +Q708236 P264 Q202440 +Q49021 P161 Q269669 +Q336520 P106 Q82955 +Q27304761 P37 Q256 +Q244395 P140 Q9592 +Q801 P463 Q191384 +Q214013 P136 Q130232 +Q193628 P1412 Q1860 +Q571605 P463 Q5142859 +Q229274 P106 Q822146 +Q865 P530 Q971 +Q215219 P106 Q488205 +Q302403 P57 Q53040 +Q228818 P136 Q37073 +Q42047 P161 Q362353 +Q448910 P27 Q142 +Q61361 P106 Q15895020 +Q661848 P106 Q957729 +Q43264 P106 Q7042855 +Q386249 P106 Q10798782 +Q32257 P69 Q152838 +Q215949 P101 Q8134 +Q332462 P136 Q1661 +Q359026 P106 Q177220 +Q540134 P136 Q37073 +Q712820 P106 Q639669 +Q206832 P463 Q41726 +Q82032 P1412 Q1860 +Q1203 P106 Q639669 +Q273727 P27 Q30 +Q563057 P264 Q5086379 +Q102235 P161 Q287824 +Q265270 P19 Q60 +Q117012 P1412 Q1860 +Q1720 P463 Q1768108 +Q940942 P106 Q185351 +Q216936 P27 Q30 +Q7407 P551 Q23768 +Q697741 P172 Q127885 +Q1374180 P106 Q1238570 +Q1686156 P136 Q183504 +Q77060 P1303 Q17172850 +Q135230 P136 Q188473 +Q274711 P106 Q482980 +Q314638 P106 Q177220 +Q213736 P106 Q10798782 +Q234721 P106 Q482980 +Q236748 P19 Q3616 +Q1242 P106 Q40348 +Q5784301 P161 Q979347 +Q57382 P102 Q49750 +Q150767 P1412 Q1860 +Q2929654 P20 Q90 +Q523086 P106 Q482980 +Q117012 P136 Q9778 +Q144439 P106 Q4263842 +Q12101508 P551 Q90 +Q275545 P106 Q1930187 +Q61594 P135 Q39427 +Q219631 P106 Q486748 +Q272213 P20 Q65 +Q294372 P106 Q33999 +Q11617 P26 Q344384 +Q67231 P108 Q414219 +Q169452 P106 Q177220 +Q166835 P69 Q13371 +Q172584 P264 Q193023 +Q116905 P161 Q873 +Q42047 P161 Q441713 +Q228512 P106 Q622807 +Q919961 P106 Q177220 +Q1007 P463 Q842490 +Q463101 P161 Q484523 +Q102438 P495 Q145 +Q92946 P27 Q142 +Q71618 P69 Q156725 +Q2902600 P106 Q974144 +Q188411 P27 Q142 +Q188344 P1412 Q397 +Q572608 P69 Q1420239 +Q86260 P1412 Q188 +Q204374 P161 Q190994 +Q391540 P161 Q368037 +Q92379 P106 Q1622272 +Q186959 P20 Q31487 +Q76512 P27 Q183 +Q25144 P27 Q30 +Q229379 P1303 Q17172850 +Q1153913 P27 Q159 +Q765 P106 Q36834 +Q309838 P27 Q30 +Q104127 P106 Q28389 +Q216720 P161 Q241510 +Q42037 P106 Q11774202 +Q64707 P106 Q774306 +Q333411 P551 Q994 +Q26391 P136 Q959790 +Q1251900 P1303 Q5994 +Q633103 P19 Q47716 +Q313210 P106 Q205375 +Q152335 P463 Q265058 +Q326431 P106 Q2516866 +Q261981 P106 Q3282637 +Q261981 P69 Q230899 +Q11734 P20 Q1741 +Q128460 P106 Q1209498 +Q109110 P161 Q706117 +Q183 P463 Q827525 +Q71336 P106 Q14467526 +Q577704 P27 Q34266 +Q159876 P101 Q8162 +Q512 P19 Q649 +Q5043 P112 Q302 +Q242110 P106 Q177220 +Q166646 P106 Q193391 +Q67511 P119 Q3806 +Q323260 P463 Q329464 +Q743597 P106 Q3282637 +Q108677 P27 Q183 +Q211206 P840 Q65 +Q155 P530 Q298 +Q489854 P27 Q884 +Q315083 P106 Q10798782 +Q67815 P106 Q4164507 +Q888152 P106 Q488205 +Q129747 P1303 Q17172850 +Q1141280 P264 Q2265719 +Q89416 P106 Q36180 +Q92608 P106 Q121594 +Q107730 P551 Q1204 +Q299790 P140 Q131036 +Q110185 P108 Q152087 +Q708581 P140 Q7066 +Q211040 P106 Q33999 +Q40116 P106 Q483501 +Q313013 P136 Q484641 +Q558615 P106 Q4263842 +Q114605 P27 Q214 +Q463765 P161 Q223110 +Q62414 P106 Q16287483 +Q547635 P136 Q1640319 +Q2901987 P19 Q1218 +Q1346255 P264 Q155152 +Q378333 P20 Q649 +Q16473 P172 Q1075293 +Q125666 P106 Q36834 +Q106399 P463 Q463303 +Q192887 P27 Q30 +Q44653 P106 Q639669 +Q230501 P106 Q5716684 +Q456762 P27 Q414 +Q131248 P27 Q334 +Q93443 P161 Q256824 +Q203286 P106 Q10871364 +Q55452 P106 Q10800557 +Q151118 P106 Q183945 +Q315210 P69 Q20808141 +Q202136 P27 Q408 +Q135867 P161 Q219640 +Q164954 P17 Q12560 +Q1026826 P27 Q29 +Q333187 P69 Q927373 +Q62843 P19 Q60 +Q67597 P140 Q1841 +Q134333 P551 Q235 +Q142 P463 Q8475 +Q312995 P106 Q6625963 +Q380079 P27 Q30 +Q179888 P135 Q210115 +Q215359 P106 Q28389 +Q432743 P106 Q753110 +Q326571 P108 Q142740 +Q159933 P106 Q4773904 +Q438271 P19 Q18419 +Q97531 P19 Q3834 +Q200873 P840 Q99 +Q159542 P106 Q49757 +Q164578 P551 Q406 +Q92115 P20 Q1726 +Q664 P463 Q782942 +Q553790 P106 Q43845 +Q9960 P106 Q372436 +Q271731 P19 Q1085 +Q34414 P136 Q1200678 +Q271426 P106 Q3282637 +Q312630 P119 Q272208 +Q310551 P106 Q10798782 +Q75381 P463 Q700570 +Q448776 P69 Q1786078 +Q76606 P1412 Q188 +Q55208 P27 Q159 +Q332399 P136 Q11399 +Q1133611 P1412 Q1860 +Q545822 P20 Q61 +Q315188 P27 Q34266 +Q320032 P495 Q39 +Q69289 P108 Q153987 +Q3033 P17 Q43287 +Q748222 P1412 Q150 +Q101820 P27 Q183 +Q72245 P1412 Q1321 +Q561670 P106 Q15980158 +Q881 P530 Q843 +Q479052 P551 Q60 +Q366306 P136 Q235858 +Q1012900 P106 Q4853732 +Q181659 P69 Q13371 +Q220713 P136 Q2975633 +Q57410 P106 Q49757 +Q52392 P101 Q941594 +Q9155759 P69 Q144488 +Q49017 P106 Q177220 +Q408 P463 Q827525 +Q77 P530 Q36 +Q182576 P101 Q207628 +Q188955 P106 Q222749 +Q312610 P106 Q55960555 +Q157326 P106 Q1930187 +Q61648 P108 Q151510 +Q313596 P1412 Q9186 +Q92848 P106 Q36180 +Q235615 P106 Q15949613 +Q232214 P264 Q50074604 +Q951621 P106 Q482980 +Q228832 P106 Q177220 +Q236112 P1303 Q17172850 +Q62206 P106 Q36180 +Q62918 P509 Q12152 +Q51562 P509 Q12152 +Q36014 P106 Q49757 +Q93070 P69 Q49108 +Q229 P530 Q159 +Q611997 P1412 Q5146 +Q449317 P106 Q753110 +Q77377 P1412 Q188 +Q450821 P101 Q8162 +Q187662 P264 Q732503 +Q66600 P108 Q32120 +Q232079 P161 Q309640 +Q310947 P106 Q3282637 +Q236236 P106 Q6625963 +Q122968 P106 Q18805 +Q239786 P136 Q11399 +Q25820 P106 Q3055126 +Q327426 P106 Q1930187 +Q38486 P57 Q328814 +Q298726 P136 Q38848 +Q34981 P172 Q7325 +Q64176 P463 Q218868 +Q117301 P27 Q219 +Q231093 P27 Q30 +Q743035 P106 Q36180 +Q1013 P463 Q7159 +Q64265 P1412 Q188 +Q549729 P101 Q441 +Q78830 P106 Q10872101 +Q237944 P19 Q90 +Q40071 P161 Q276525 +Q124993 P140 Q9592 +Q1552348 P1303 Q5994 +Q128126 P172 Q7325 +Q566200 P106 Q1930187 +Q315208 P1412 Q1860 +Q441836 P106 Q28389 +Q292180 P19 Q44989 +Q937359 P106 Q488111 +Q47122 P106 Q639669 +Q564886 P108 Q16952 +Q77749 P102 Q7320 +Q196103 P495 Q142 +Q44855 P106 Q3282637 +Q504 P106 Q49757 +Q982677 P101 Q11629 +Q76370 P106 Q36180 +Q790 P463 Q496967 +Q314892 P106 Q2259451 +Q333187 P106 Q177220 +Q370326 P161 Q4227 +Q217627 P161 Q55994 +Q41408 P106 Q214917 +Q463877 P106 Q131524 +Q587361 P140 Q748 +Q123454 P106 Q42973 +Q372514 P161 Q360477 +Q171567 P106 Q10798782 +Q165699 P136 Q130232 +Q189054 P161 Q131866 +Q256037 P161 Q314831 +Q87884 P108 Q206702 +Q317427 P136 Q11700058 +Q769 P463 Q7809 +Q201687 P161 Q270664 +Q111323 P2348 Q6927 +Q934097 P119 Q831322 +Q366671 P136 Q8341 +Q131691 P102 Q9626 +Q66735968 P1412 Q188 +Q215979 P101 Q5891 +Q312129 P106 Q753110 +Q42402 P1412 Q652 +Q294912 P20 Q1190590 +Q297693 P264 Q277626 +Q186587 P136 Q52162262 +Q45165 P136 Q38848 +Q158250 P106 Q10800557 +Q360507 P20 Q656 +Q439955 P106 Q10798782 +Q104719 P106 Q36180 +Q2578559 P463 Q463303 +Q53004 P140 Q9592 +Q441551 P1412 Q1860 +Q184 P530 Q213 +Q160219 P172 Q846570 +Q68533 P20 Q26339 +Q314972 P27 Q142 +Q213512 P106 Q36180 +Q359383 P106 Q2490358 +Q724343 P27 Q139319 +Q3353479 P463 Q131566 +Q85700 P27 Q30 +Q61244 P106 Q177220 +Q275575 P172 Q49085 +Q102754 P161 Q323452 +Q936470 P108 Q160302 +Q237039 P106 Q49757 +Q1007 P37 Q5146 +Q57396 P19 Q64 +Q115987 P69 Q49210 +Q64579 P27 Q213 +Q234096 P106 Q36180 +Q954 P530 Q953 +Q230929 P106 Q2405480 +Q32049 P106 Q10798782 +Q368519 P106 Q49757 +Q230 P530 Q155 +Q287976 P106 Q1053574 +Q113510 P463 Q299015 +Q368424 P19 Q24639 +Q90771 P106 Q15980158 +Q170472 P106 Q333634 +Q176163 P69 Q189441 +Q48102 P69 Q14404494 +Q34975 P551 Q60 +Q318263 P106 Q2259451 +Q35610 P106 Q11774202 +Q1027 P463 Q656801 +Q414 P30 Q18 +Q633 P106 Q753110 +Q557171 P106 Q201788 +Q287110 P106 Q33999 +Q69110 P463 Q833738 +Q158436 P106 Q1622272 +Q58077 P106 Q193391 +Q244296 P840 Q60 +Q179493 P106 Q1622272 +Q317427 P136 Q206159 +Q4471 P161 Q229056 +Q228792 P106 Q2259451 +Q254 P106 Q16145150 +Q61723 P106 Q82955 +Q1236051 P106 Q14915627 +Q49734 P509 Q12152 +Q131545 P106 Q4964182 +Q538000 P1303 Q51290 +Q359996 P106 Q10800557 +Q92456 P27 Q183 +Q320 P551 Q2079 +Q207515 P27 Q145 +Q159700 P106 Q193391 +Q69834 P106 Q3055126 +Q499742 P106 Q28389 +Q583814 P509 Q206901 +Q769 P463 Q7785 +Q96155 P463 Q543804 +Q715195 P106 Q36180 +Q41309 P106 Q639669 +Q561212 P106 Q214917 +Q187166 P106 Q12144794 +Q313571 P1303 Q17172850 +Q233817 P19 Q18419 +Q5921 P106 Q488205 +Q214930 P106 Q3387717 +Q75539 P840 Q62 +Q232079 P136 Q188473 +Q102711 P26 Q41340 +Q320146 P1303 Q17172850 +Q68501 P509 Q8277 +Q350208 P106 Q33999 +Q556615 P136 Q131272 +Q55208 P69 Q1130457 +Q218889 P463 Q265058 +Q171421 P106 Q11900058 +Q337658 P106 Q13235160 +Q48051 P27 Q15180 +Q7243 P106 Q36180 +Q204672 P69 Q49110 +Q45 P463 Q1377612 +Q55195 P106 Q2526255 +Q102235 P136 Q2143665 +Q85108 P108 Q315658 +Q189330 P161 Q202589 +Q1389589 P19 Q84 +Q454870 P1412 Q809 +Q512 P1412 Q7737 +Q534599 P27 Q30 +Q106482 P20 Q90 +Q93401 P463 Q329464 +Q70130 P1303 Q17172850 +Q252142 P106 Q1622272 +Q23 P106 Q1734662 +Q55690 P106 Q37226 +Q3816 P106 Q36834 +Q62843 P106 Q81096 +Q949046 P106 Q1930187 +Q728959 P20 Q47265 +Q72292 P108 Q486156 +Q4425869 P27 Q34266 +Q75797 P108 Q151510 +Q221074 P106 Q18814623 +Q84186 P20 Q24879 +Q41502 P106 Q28389 +Q76600 P463 Q83172 +Q325427 P136 Q21590660 +Q239910 P136 Q19715429 +Q293696 P106 Q488205 +Q96577 P1412 Q397 +Q3986379 P161 Q5921 +Q71821 P69 Q152838 +Q275967 P27 Q801 +Q334 P463 Q827525 +Q1046612 P106 Q177220 +Q146948 P106 Q36180 +Q69340 P106 Q10800557 +Q1900295 P106 Q2252262 +Q650303 P106 Q214917 +Q77031 P136 Q9734 +Q128187 P161 Q42229 +Q519851 P20 Q1489 +Q478601 P106 Q1344174 +Q58801 P20 Q34006 +Q327574 P106 Q3282637 +Q94653 P27 Q40 +Q540915 P1303 Q5994 +Q49903 P495 Q30 +Q620732 P106 Q1930187 +Q94555 P106 Q1622272 +Q1691566 P106 Q43845 +Q712683 P106 Q486748 +Q763 P463 Q842490 +Q437356 P509 Q2840 +Q151606 P161 Q234890 +Q59737 P509 Q12152 +Q154759 P106 Q82955 +Q335193 P106 Q43845 +Q377789 P140 Q483654 +Q57244 P27 Q30 +Q276425 P106 Q18545066 +Q298255 P106 Q3282637 +Q174478 P136 Q9759 +Q75929 P108 Q32120 +Q324219 P106 Q2526255 +Q470572 P495 Q145 +Q113233 P106 Q49757 +Q316844 P106 Q36180 +Q1698 P19 Q90 +Q810 P530 Q79 +Q81082 P101 Q7754 +Q223139 P161 Q83410 +Q1131481 P106 Q82955 +Q184605 P57 Q60100 +Q159 P530 Q668 +Q170596 P509 Q9687 +Q170576 P136 Q11366 +Q97723 P1412 Q188 +Q59112 P106 Q36180 +Q215406 P106 Q36180 +Q267803 P106 Q33999 +Q611672 P27 Q30 +Q1386948 P20 Q65 +Q162917 P19 Q23482 +Q548345 P463 Q463281 +Q181413 P69 Q981195 +Q275985 P20 Q220 +Q240253 P106 Q6625963 +Q271956 P106 Q15895020 +Q245430 P161 Q191084 +Q73951 P106 Q82955 +Q351705 P106 Q36180 +Q1125383 P106 Q158852 +Q348603 P106 Q36180 +Q592381 P1050 Q8277 +Q95843 P27 Q183 +Q273833 P106 Q36180 +Q563549 P463 Q1468277 +Q8814 P463 Q3603946 +Q184169 P101 Q35277 +Q242608 P27 Q30 +Q3754146 P20 Q1492 +Q160534 P106 Q6625963 +Q216927 P27 Q30 +Q95030 P19 Q43421 +Q464218 P264 Q21077 +Q172183 P69 Q310695 +Q76370 P551 Q985 +Q103174 P106 Q3282637 +Q149127 P106 Q1086863 +Q934582 P264 Q193023 +Q124251 P106 Q36180 +Q16 P463 Q1072120 +Q210428 P136 Q183504 +Q312129 P1412 Q1860 +Q451630 P161 Q873 +Q442931 P106 Q49757 +Q61280 P106 Q1622272 +Q1742005 P1303 Q6607 +Q867852 P509 Q12078 +Q64991 P27 Q183 +Q435801 P106 Q36180 +Q7314 P509 Q181754 +Q53191106 P3373 Q13132095 +Q57213 P106 Q36834 +Q28 P530 Q889 +Q43259 P136 Q11399 +Q45 P530 Q399 +Q4786 P108 Q202660 +Q39574 P101 Q207628 +Q357821 P106 Q333634 +Q311145 P19 Q8678 +Q2518 P27 Q41304 +Q434745 P106 Q5716684 +Q71821 P27 Q183 +Q162672 P136 Q590103 +Q3379094 P463 Q127992 +Q370711 P106 Q33999 +Q442549 P106 Q36180 +Q1011 P530 Q45 +Q347362 P19 Q37320 +Q122461 P463 Q338432 +Q362340 P69 Q686522 +Q6107 P106 Q177220 +Q233911 P264 Q483938 +Q211 P463 Q3866537 +Q11877 P2348 Q6927 +Q203845 P495 Q145 +Q124296 P27 Q183 +Q959159 P106 Q10800557 +Q983705 P27 Q159 +Q96665 P106 Q170790 +Q1709 P17 Q183 +Q434913 P27 Q30 +Q177930 P161 Q40096 +Q350857 P106 Q4002666 +Q233483 P136 Q1640319 +Q95055 P106 Q177220 +Q80 P1412 Q1860 +Q369292 P106 Q28389 +Q79025 P463 Q117467 +Q237081 P27 Q212 +Q8015 P1412 Q7026 +Q235134 P101 Q482 +Q473770 P27 Q30 +Q369394 P69 Q1446181 +Q183519 P106 Q177220 +Q443121 P1303 Q17172850 +Q24302 P106 Q1930187 +Q230456 P1303 Q17172850 +Q57063 P108 Q315658 +Q151872 P106 Q6625963 +Q6694 P463 Q83172 +Q57700 P27 Q183 +Q49823 P106 Q170790 +Q206399 P27 Q159 +Q130868 P136 Q130232 +Q449013 P1412 Q7976 +Q181540 P161 Q28054 +Q234964 P108 Q49115 +Q659238 P106 Q36834 +Q127437 P1412 Q1860 +Q298694 P463 Q52463 +Q4073580 P106 Q169470 +Q160640 P641 Q847 +Q381104 P106 Q49757 +Q119849 P19 Q60 +Q230 P530 Q252 +Q70962 P106 Q36180 +Q392924 P161 Q362681 +Q229197 P69 Q5121453 +Q467670 P106 Q639669 +Q229389 P69 Q4948174 +Q1173729 P19 Q60 +Q5354 P106 Q864503 +Q1013 P463 Q384535 +Q1376957 P1303 Q17172850 +Q237548 P106 Q488205 +Q910761 P106 Q639669 +Q1074590 P264 Q183387 +Q57604 P106 Q18814623 +Q137106 P106 Q864503 +Q77177 P106 Q82955 +Q282787 P106 Q2707485 +Q676455 P106 Q1622272 +Q122113 P161 Q1336685 +Q775671 P27 Q172579 +Q1779 P19 Q34404 +Q294185 P3373 Q215976 +Q57358 P106 Q36834 +Q273055 P264 Q202585 +Q44747 P140 Q9592 +Q401773 P106 Q1930187 +Q236303 P106 Q1259917 +Q208108 P136 Q52162262 +Q243643 P161 Q45647 +Q4218975 P3373 Q4530046 +Q131864 P161 Q361158 +Q972107 P106 Q482980 +Q323112 P69 Q916444 +Q999726 P106 Q3282637 +Q326604 P106 Q639669 +Q2828029 P106 Q169470 +Q221843 P106 Q7042855 +Q184249 P106 Q4610556 +Q717250 P106 Q14467526 +Q548185 P108 Q591115 +Q90634 P20 Q64 +Q207197 P1303 Q46185 +Q1461840 P1303 Q81982 +Q29315 P1412 Q1860 +Q311115 P106 Q169470 +Q243027 P69 Q842909 +Q160263 P106 Q6625963 +Q160318 P40 Q57319 +Q6050 P20 Q90 +Q180011 P106 Q13382533 +Q1511 P106 Q639669 +Q380026 P106 Q1930187 +Q575689 P1412 Q1860 +Q339358 P106 Q10800557 +Q31959 P264 Q885833 +Q57445 P20 Q64 +Q184530 P106 Q81096 +Q712914 P264 Q193023 +Q672 P463 Q191384 +Q28 P463 Q7825 +Q544387 P264 Q126399 +Q151792 P136 Q157443 +Q181402 P106 Q947873 +Q39803 P463 Q463303 +Q170468 P112 Q79 +Q55171 P551 Q2807 +Q276198 P106 Q36834 +Q233837 P106 Q10800557 +Q196103 P840 Q1748 +Q126812 P27 Q183 +Q263772 P136 Q186472 +Q221155 P106 Q183945 +Q155684 P1412 Q6654 +Q121507 P27 Q30 +Q256809 P509 Q11081 +Q130742 P106 Q753110 +Q58978 P463 Q463303 +Q105962 P19 Q90 +Q171428 P551 Q84 +Q16409 P20 Q90 +Q359451 P20 Q8678 +Q236543 P136 Q2280497 +Q287977 P108 Q126399 +Q3439052 P1412 Q150 +Q122701 P1412 Q1860 +Q2831 P136 Q37073 +Q381203 P27 Q30 +Q484302 P136 Q83270 +Q345468 P106 Q28389 +Q104276 P463 Q414163 +Q776752 P106 Q17167049 +Q816565 P27 Q408 +Q1740125 P106 Q855091 +Q1254522 P159 Q1297 +Q162753 P19 Q90 +Q202440 P136 Q56284716 +Q57379 P27 Q37 +Q173481 P106 Q11774202 +Q77193 P26 Q110719 +Q21197 P17 Q34266 +Q3504610 P1412 Q652 +Q40523 P106 Q3282637 +Q539143 P106 Q20669622 +Q505850 P27 Q30 +Q151606 P495 Q142 +Q51522 P69 Q7607037 +Q34414 P136 Q19367312 +Q221305 P495 Q30 +Q287244 P101 Q24454422 +Q129629 P19 Q2807 +Q1056163 P106 Q130857 +Q266361 P27 Q145 +Q782711 P106 Q201788 +Q556648 P27 Q29 +Q1203 P551 Q24826 +Q313553 P27 Q29 +Q34597 P102 Q29468 +Q8016 P27 Q145 +Q94882 P106 Q639669 +Q179018 P136 Q130232 +Q57604 P27 Q183 +Q505476 P106 Q177220 +Q437944 P27 Q30 +Q158436 P106 Q20669622 +Q24953 P161 Q223985 +Q35 P530 Q225 +Q187324 P27 Q30 +Q714646 P19 Q60 +Q424 P463 Q827525 +Q92617 P463 Q463303 +Q152880 P27 Q41 +Q218319 P106 Q11774202 +Q1239155 P106 Q486748 +Q320639 P106 Q488205 +Q304366 P840 Q90 +Q205721 P101 Q207628 +Q162740 P27 Q37024 +Q231948 P106 Q36180 +Q118812 P106 Q201788 +Q2260923 P1412 Q1860 +Q26372 P27 Q17 +Q845278 P106 Q245068 +Q75603 P135 Q39427 +Q228812 P27 Q265 +Q49001 P106 Q4853732 +Q355788 P27 Q30 +Q813964 P69 Q31519 +Q313875 P136 Q263734 +Q336881 P102 Q9630 +Q3091395 P108 Q41506 +Q678410 P136 Q217467 +Q132205 P20 Q1524 +Q445125 P106 Q10800557 +Q66232 P27 Q414 +Q333106 P106 Q36180 +Q929665 P106 Q14915627 +Q104719 P108 Q32120 +Q312337 P69 Q389336 +Q968214 P27 Q30 +Q39792 P69 Q216458 +Q267691 P27 Q30 +Q215026 P264 Q1088453 +Q70396 P1412 Q188 +Q22072 P106 Q10800557 +Q1242 P106 Q82955 +Q105220 P106 Q18805 +Q27 P530 Q668 +Q316022 P69 Q49112 +Q148 P530 Q33 +Q75849 P463 Q156652 +Q251144 P106 Q158852 +Q165357 P106 Q10798782 +Q8620 P106 Q36180 +Q940439 P106 Q33231 +Q207852 P106 Q177220 +Q386249 P106 Q10800557 +Q213706 P106 Q3282637 +Q307737 P106 Q177220 +Q42229 P106 Q10800557 +Q57285 P106 Q639669 +Q490464 P136 Q1361932 +Q1733 P17 Q43287 +Q60953 P1412 Q188 +Q58282 P463 Q1468277 +Q363666 P106 Q33999 +Q971027 P136 Q11399 +Q232642 P106 Q28389 +Q124442 P1412 Q8641 +Q201579 P1412 Q9067 +Q367653 P1412 Q1860 +Q237270 P69 Q797078 +Q918647 P1303 Q5994 +Q318509 P106 Q2722764 +Q167635 P106 Q183945 +Q440102 P509 Q12078 +Q193459 P27 Q145 +Q722202 P106 Q6625963 +Q64014 P106 Q1622272 +Q214582 P1303 Q6607 +Q48978 P136 Q11401 +Q2628 P106 Q1397808 +Q57358 P27 Q183 +Q362824 P106 Q2526255 +Q258736 P106 Q10798782 +Q324905 P509 Q12152 +Q380079 P463 Q463303 +Q215369 P106 Q753110 +Q144535 P106 Q2306091 +Q1954907 P69 Q457281 +Q46479 P1412 Q188 +Q215478 P69 Q81162 +Q314164 P106 Q16031530 +Q30 P530 Q148 +Q918268 P20 Q4100 +Q312258 P27 Q142 +Q858623 P106 Q639669 +Q236748 P136 Q37073 +Q43 P463 Q81299 +Q57472 P69 Q151510 +Q383581 P161 Q247846 +Q463265 P106 Q1930187 +Q268181 P69 Q766145 +Q270560 P106 Q948329 +Q241783 P106 Q10798782 +Q86886 P106 Q13570226 +Q128297 P27 Q41 +Q388286 P119 Q1437214 +Q125057 P106 Q4991371 +Q262524 P106 Q28389 +Q294225 P551 Q90 +Q1475124 P27 Q30 +Q242110 P1412 Q188 +Q747538 P106 Q1930187 +Q233843 P19 Q34006 +Q213595 P106 Q49757 +Q318736 P106 Q10800557 +Q731829 P27 Q29999 +Q180252 P106 Q947873 +Q11107 P106 Q40348 +Q265270 P101 Q35760 +Q283932 P161 Q236250 +Q98461 P106 Q82955 +Q296524 P19 Q65 +Q1869627 P27 Q30 +Q80510 P106 Q13590141 +Q432473 P140 Q9592 +Q214911 P1412 Q188 +Q312077 P136 Q21590660 +Q310798 P106 Q36180 +Q206032 P106 Q753110 +Q40116 P106 Q728425 +Q51510 P106 Q1028181 +Q217182 P161 Q108283 +Q911923 P106 Q36834 +Q267359 P106 Q33999 +Q225509 P106 Q2259451 +Q91470 P69 Q55044 +Q115525 P1412 Q397 +Q9364 P106 Q36180 +Q217495 P1050 Q11081 +Q172035 P27 Q27 +Q31073 P463 Q466089 +Q557665 P27 Q801 +Q362422 P106 Q753110 +Q434555 P106 Q36180 +Q39 P530 Q794 +Q212173 P102 Q29552 +Q108097 P2348 Q6927 +Q64440 P102 Q7320 +Q715787 P69 Q168515 +Q235517 P136 Q1344 +Q200804 P840 Q774 +Q271465 P27 Q34266 +Q62976 P136 Q52162262 +Q1509379 P27 Q145 +Q179097 P19 Q1479 +Q46551 P161 Q228868 +Q313875 P1303 Q17172850 +Q119455 P27 Q36 +Q201656 P3373 Q191088 +Q11171 P106 Q16533 +Q76699 P69 Q153987 +Q4289338 P119 Q208175 +Q966669 P106 Q43845 +Q1741 P17 Q131964 +Q51545 P106 Q7042855 +Q61558 P20 Q131491 +Q369900 P161 Q310357 +Q92639 P108 Q622664 +Q64151 P161 Q180665 +Q704696 P69 Q745967 +Q97083 P106 Q16267607 +Q55282 P106 Q3387717 +Q92828 P19 Q485176 +Q224 P530 Q148 +Q438507 P106 Q13582652 +Q300508 P136 Q1200678 +Q123987 P106 Q82955 +Q691798 P27 Q30 +Q66370 P106 Q2259451 +Q207130 P136 Q130232 +Q490333 P106 Q121594 +Q356109 P106 Q177220 +Q163557 P1412 Q9056 +Q265 P530 Q403 +Q382150 P106 Q47064 +Q68746 P20 Q586 +Q180008 P161 Q234058 +Q222800 P57 Q325396 +Q9200 P2348 Q2277 +Q1020 P463 Q7825 +Q240808 P101 Q207628 +Q16472 P20 Q159288 +Q186221 P27 Q142 +Q615625 P106 Q188094 +Q92613 P1412 Q1860 +Q47011 P106 Q82955 +Q232642 P106 Q33999 +Q726388 P108 Q168751 +Q11816 P140 Q106687 +Q72334 P20 Q18426 +Q107724 P495 Q145 +Q366207 P509 Q3002150 +Q70795 P106 Q3400985 +Q59112 P172 Q678551 +Q259940 P106 Q3455803 +Q317957 P463 Q188771 +Q717755 P1303 Q5994 +Q3490296 P27 Q29999 +Q310985 P106 Q183945 +Q78496 P463 Q191583 +Q125057 P106 Q9352089 +Q331587 P106 Q18545066 +Q41223 P106 Q214917 +Q84441 P106 Q82955 +Q107008 P106 Q639669 +Q78680 P106 Q131062 +Q77967 P1412 Q188 +Q324726 P20 Q3143067 +Q1930688 P463 Q337543 +Q106245 P27 Q801 +Q108510 P509 Q12152 +Q544508 P106 Q4351403 +Q456712 P106 Q33999 +Q402194 P19 Q87 +Q156501 P27 Q129286 +Q963003 P106 Q639669 +Q40 P463 Q41550 +Q78321 P102 Q49750 +Q241835 P106 Q33999 +Q377538 P69 Q41506 +Q42544 P106 Q16533 +Q428372 P161 Q235002 +Q193278 P27 Q30 +Q271696 P106 Q10800557 +Q368812 P106 Q36180 +Q1276376 P69 Q5171564 +Q9364 P509 Q152234 +Q984165 P463 Q463303 +Q364873 P27 Q30 +Q72201 P102 Q7320 +Q127332 P1412 Q1860 +Q62918 P140 Q432 +Q180962 P737 Q187765 +Q94672 P106 Q121594 +Q230395 P106 Q10800557 +Q730 P463 Q17495 +Q9049 P27 Q30 +Q40640 P1412 Q1860 +Q165268 P495 Q30 +Q2086130 P106 Q82955 +Q7542 P136 Q850412 +Q865 P530 Q781 +Q644917 P1303 Q17172850 +Q83656 P161 Q58444 +Q97871 P106 Q1622272 +Q39658 P463 Q543804 +Q3339429 P106 Q486748 +Q289380 P106 Q10800557 +Q967886 P106 Q1930187 +Q188783 P1050 Q3321212 +Q207588 P136 Q369747 +Q392915 P136 Q188473 +Q322586 P136 Q11399 +Q283700 P106 Q2526255 +Q11806 P1412 Q150 +Q53403 P106 Q10833314 +Q273652 P106 Q1643514 +Q298682 P106 Q33999 +Q60884 P106 Q4964182 +Q60777 P27 Q183 +Q366624 P108 Q1144673 +Q55390 P27 Q36 +Q3772 P19 Q185582 +Q983 P463 Q1043527 +Q60363 P463 Q329464 +Q11637 P1412 Q1860 +Q7231 P20 Q64 +Q324366 P106 Q177220 +Q88194 P106 Q28789517 +Q182944 P161 Q34460 +Q97083 P20 Q2814 +Q76442 P136 Q482 +Q178412 P463 Q329464 +Q180919 P1412 Q1860 +Q945 P37 Q150 +Q5738 P19 Q23482 +Q295463 P106 Q639669 +Q285341 P106 Q36834 +Q36970 P106 Q2526255 +Q193659 P19 Q4093 +Q114191 P106 Q201788 +Q427386 P136 Q2484376 +Q5890 P136 Q3990883 +Q79031 P106 Q11338576 +Q67169 P106 Q12144794 +Q76600 P463 Q219989 +Q786954 P106 Q36834 +Q9358 P3373 Q77377 +Q1365901 P106 Q43845 +Q662809 P106 Q36180 +Q454428 P264 Q798658 +Q78414 P27 Q16957 +Q7243 P106 Q18939491 +Q317967 P106 Q36180 +Q237242 P106 Q33999 +Q40470 P19 Q6106 +Q92983 P27 Q30 +Q71625 P108 Q153978 +Q353640 P106 Q10800557 +Q668 P530 Q241 +Q1606718 P108 Q131626 +Q208374 P106 Q10800557 +Q986 P463 Q827525 +Q18430 P106 Q188094 +Q4099149 P27 Q15180 +Q86635 P102 Q153401 +Q162740 P27 Q83286 +Q183094 P106 Q11774202 +Q365042 P106 Q10800557 +Q61915 P27 Q183 +Q1006 P463 Q8475 +Q300547 P161 Q101797 +Q215665 P19 Q1764 +Q468356 P20 Q62 +Q72 P37 Q188 +Q337145 P106 Q177220 +Q67231 P1412 Q188 +Q76513 P106 Q18805 +Q94486 P108 Q165980 +Q5369090 P1412 Q188 +Q232395 P106 Q10798782 +Q122701 P140 Q5043 +Q329845 P1412 Q8641 +Q1351177 P19 Q61 +Q32221 P106 Q627325 +Q200396 P161 Q440926 +Q230710 P1412 Q652 +Q85426 P69 Q157808 +Q1424269 P106 Q639669 +Q17 P530 Q115 +Q317142 P106 Q82955 +Q78639 P27 Q40 +Q964776 P106 Q1930187 +Q225 P463 Q8475 +Q564886 P69 Q7842 +Q662355 P17 Q183 +Q1188776 P1303 Q17172850 +Q414 P463 Q1065 +Q72867 P106 Q947873 +Q34969 P463 Q188771 +Q133050 P451 Q95048 +Q134262 P69 Q579968 +Q7259 P101 Q395 +Q32049 P106 Q4610556 +Q188648 P1412 Q1860 +Q343304 P106 Q177220 +Q233479 P27 Q36 +Q354002 P106 Q10800557 +Q930679 P106 Q4164507 +Q220550 P140 Q75809 +Q18013 P17 Q30 +Q102225 P161 Q287824 +Q104266 P551 Q18419 +Q59478 P1412 Q1860 +Q315188 P106 Q1930187 +Q77 P530 Q733 +Q1039 P530 Q183 +Q160333 P106 Q4773904 +Q891 P37 Q7737 +Q254431 P27 Q30 +Q155 P530 Q794 +Q313256 P19 Q1297 +Q207197 P1303 Q17172850 +Q123225 P463 Q123885 +Q327613 P161 Q288620 +Q529858 P1412 Q652 +Q1954907 P20 Q61 +Q642195 P140 Q9592 +Q96779 P19 Q1733 +Q61322 P27 Q183 +Q13133 P69 Q49122 +Q1699312 P106 Q36834 +Q155449 P106 Q10798782 +Q2831 P19 Q184116 +Q214582 P106 Q183945 +Q49003 P136 Q157394 +Q155687 P1412 Q188 +Q74315 P495 Q30 +Q465242 P106 Q1930187 +Q14278 P463 Q466089 +Q1058562 P1412 Q1860 +Q3430566 P106 Q188094 +Q189172 P106 Q36180 +Q955088 P1412 Q652 +Q762 P106 Q13582652 +Q63670 P463 Q337234 +Q364781 P106 Q177220 +Q76586 P106 Q82955 +Q189889 P840 Q1297 +Q95068 P27 Q145 +Q703642 P102 Q29468 +Q1444438 P509 Q12136 +Q319527 P106 Q5716684 +Q59630 P106 Q33999 +Q252 P30 Q48 +Q352185 P106 Q33999 +Q78080 P19 Q1731 +Q358345 P106 Q1028181 +Q216 P30 Q46 +Q213521 P1412 Q1860 +Q315868 P69 Q319239 +Q561596 P509 Q212961 +Q92316 P1412 Q188 +Q242956 P136 Q8261 +Q75966 P102 Q49763 +Q159 P530 Q842 +Q945 P463 Q376150 +Q434694 P20 Q84 +Q53719 P161 Q53680 +Q374362 P27 Q34266 +Q57430 P1412 Q188 +Q181402 P106 Q130857 +Q357102 P106 Q49757 +Q232047 P69 Q1179603 +Q211542 P509 Q3010352 +Q28117 P20 Q1799 +Q73033 P27 Q183 +Q164309 P106 Q36180 +Q574 P463 Q294278 +Q77482 P463 Q414110 +Q1358816 P27 Q15180 +Q95026 P106 Q36180 +Q469164 P106 Q715301 +Q276745 P264 Q216364 +Q131814 P264 Q183412 +Q48048 P102 Q79854 +Q189950 P106 Q11774202 +Q69236 P1412 Q188 +Q118745 P1412 Q7737 +Q222071 P136 Q11399 +Q73612 P106 Q713200 +Q58620 P102 Q7320 +Q101437 P106 Q36180 +Q273614 P20 Q8652 +Q84330 P1412 Q188 +Q738765 P172 Q84072 +Q229603 P161 Q180942 +Q314151 P27 Q15180 +Q202548 P136 Q959790 +Q711538 P509 Q212961 +Q374034 P106 Q15895020 +Q271956 P27 Q2184 +Q312258 P106 Q33999 +Q291170 P161 Q180560 +Q30 P463 Q123759 +Q110354 P136 Q130232 +Q663465 P19 Q34370 +Q4487 P551 Q30 +Q333187 P27 Q213 +Q92643 P106 Q82594 +Q1067 P69 Q131262 +Q310926 P106 Q2405480 +Q878 P530 Q35 +Q236848 P106 Q1930187 +Q185770 P106 Q4964182 +Q323392 P161 Q228598 +Q185165 P106 Q10800557 +Q77107 P69 Q154804 +Q82066 P106 Q822146 +Q353816 P641 Q542 +Q44144 P106 Q33999 +Q86864 P106 Q82955 +Q551512 P69 Q153978 +Q335569 P106 Q33999 +Q408 P530 Q1027 +Q326409 P106 Q36180 +Q169452 P106 Q28389 +Q538676 P27 Q30 +Q235053 P140 Q7066 +Q781878 P136 Q9759 +Q158250 P1412 Q1860 +Q44634 P1412 Q188 +Q289524 P106 Q10798782 +Q77749 P20 Q2833 +Q10287 P27 Q142 +Q208204 P840 Q84 +Q370959 P106 Q10798782 +Q434185 P106 Q1622272 +Q78487 P106 Q6625963 +Q39246 P27 Q30 +Q107008 P136 Q8341 +Q12288275 P27 Q219 +Q221949 P161 Q287572 +Q129542 P106 Q36180 +Q575795 P106 Q639669 +Q66031 P1412 Q8641 +Q106762 P463 Q938622 +Q224004 P840 Q35 +Q902 P530 Q403 +Q216458 P131 Q11299 +Q728463 P19 Q2256 +Q219780 P106 Q36180 +Q560649 P106 Q1397808 +Q311256 P106 Q488205 +Q76876 P19 Q64 +Q232993 P161 Q75177 +Q606389 P106 Q6625963 +Q762 P106 Q170790 +Q94071 P20 Q1741 +Q766403 P106 Q11774202 +Q117139 P136 Q11401 +Q84771 P20 Q1741 +Q229282 P264 Q183387 +Q112227 P108 Q622683 +Q215927 P20 Q1218 +Q912687 P108 Q49165 +Q973400 P106 Q177220 +Q230131 P69 Q7060402 +Q1276176 P1303 Q9798 +Q2633060 P20 Q99 +Q160433 P136 Q1344 +Q280918 P161 Q361610 +Q320224 P19 Q1761 +Q1037 P530 Q114 +Q30 P530 Q983 +Q215436 P106 Q1622272 +Q7866352 P131 Q65 +Q335598 P106 Q486748 +Q211696 P27 Q145 +Q92871 P108 Q41506 +Q61407 P463 Q2822396 +Q1548904 P106 Q488205 +Q6060 P264 Q568246 +Q771296 P136 Q105527 +Q1041034 P106 Q49757 +Q3018520 P106 Q81096 +Q22670 P20 Q3955 +Q65863 P106 Q333634 +Q118760 P1412 Q188 +Q436759 P106 Q488205 +Q1045 P530 Q977 +Q150910 P463 Q2370801 +Q156214 P1412 Q150 +Q194333 P19 Q60 +Q233365 P106 Q753110 +Q182123 P106 Q1234713 +Q61310 P69 Q32120 +Q1671177 P106 Q169470 +Q42786 P108 Q740308 +Q6701 P1412 Q188 +Q469888 P737 Q73646 +Q448404 P136 Q8341 +Q43067 P140 Q1069127 +Q238702 P27 Q145 +Q697818 P106 Q1930187 +Q233502 P106 Q28389 +Q941655 P106 Q49757 +Q91004 P106 Q33999 +Q245355 P20 Q90 +Q78003 P106 Q11774202 +Q1744 P106 Q183945 +Q34424 P106 Q177220 +Q171745 P106 Q2259451 +Q254962 P106 Q10800557 +Q452281 P106 Q34074720 +Q207640 P106 Q49757 +Q262850 P19 Q908 +Q1178 P1412 Q8752 +Q6714 P69 Q152087 +Q433471 P1412 Q1860 +Q182665 P264 Q726251 +Q520760 P106 Q11631 +Q92814 P106 Q1622272 +Q64645 P106 Q10800557 +Q38049 P27 Q183 +Q77876 P27 Q183 +Q1383381 P264 Q231694 +Q254576 P27 Q30 +Q5683 P106 Q333634 +Q221482 P641 Q542 +Q172261 P106 Q28389 +Q116119 P69 Q152838 +Q311892 P19 Q462799 +Q45233 P106 Q15214752 +Q266222 P106 Q28389 +Q193710 P27 Q30 +Q535355 P27 Q83286 +Q294568 P106 Q36834 +Q6050 P19 Q90 +Q6527 P119 Q188856 +Q42 P106 Q36180 +Q3741406 P27 Q183 +Q281964 P106 Q10798782 +Q190602 P106 Q2259451 +Q30 P530 Q916 +Q83158 P106 Q28389 +Q37001 P1412 Q5287 +Q176909 P509 Q181257 +Q61310 P106 Q1622272 +Q311244 P19 Q23197 +Q827047 P17 Q221 +Q29313 P161 Q107730 +Q95736 P463 Q329464 +Q557774 P136 Q8261 +Q8877 P27 Q30 +Q283872 P19 Q23154 +Q400046 P106 Q10800557 +Q85510 P108 Q875788 +Q935407 P106 Q40348 +Q634776 P27 Q408 +Q180665 P106 Q13382533 +Q70618 P106 Q10732476 +Q679289 P1303 Q52954 +Q912271 P1412 Q150 +Q193257 P1412 Q150 +Q217182 P495 Q30 +Q784 P30 Q49 +Q11239 P69 Q49088 +Q312995 P737 Q438164 +Q314984 P106 Q36180 +Q90819 P27 Q183 +Q98448 P27 Q183 +Q38203 P106 Q36180 +Q285483 P1412 Q1860 +Q45321 P106 Q752129 +Q63338 P1412 Q188 +Q317817 P27 Q30 +Q75849 P509 Q175111 +Q234195 P106 Q10798782 +Q173637 P106 Q2252262 +Q77438 P136 Q676 +Q464232 P27 Q30 +Q443190 P463 Q901677 +Q1110652 P161 Q270672 +Q158017 P106 Q158852 +Q23505 P69 Q49112 +Q5046268 P106 Q3391743 +Q57592 P101 Q39631 +Q193573 P161 Q185079 +Q216004 P20 Q1754 +Q325575 P161 Q311613 +Q722042 P19 Q34404 +Q2518 P1412 Q188 +Q40640 P737 Q42511 +Q785404 P106 Q10833314 +Q57410 P69 Q599316 +Q71106 P20 Q2044 +Q342419 P106 Q33999 +Q84330 P106 Q11481802 +Q78490 P1412 Q188 +Q272845 P136 Q83440 +Q206856 P1303 Q17172850 +Q343668 P136 Q188473 +Q8011 P101 Q11190 +Q110203 P840 Q65 +Q183337 P106 Q28389 +Q154545 P106 Q82955 +Q343983 P106 Q2259451 +Q436693 P106 Q214917 +Q326409 P1412 Q9056 +Q67177 P106 Q36180 +Q848723 P106 Q1930187 +Q61584 P106 Q488205 +Q5603 P106 Q18814623 +Q367447 P106 Q33999 +Q220713 P161 Q238638 +Q381039 P463 Q123885 +Q164047 P1412 Q1860 +Q131412 P551 Q90 +Q909 P737 Q30875 +Q183 P530 Q38 +Q30 P530 Q986 +Q215300 P1412 Q1860 +Q869758 P1303 Q6607 +Q67553 P106 Q1622272 +Q780538 P69 Q390287 +Q125488 P463 Q49738 +Q132058 P106 Q10798782 +Q44024 P2348 Q2277 +Q76791 P463 Q270794 +Q328695 P136 Q471839 +Q4263553 P1412 Q1860 +Q507734 P1303 Q17172850 +Q206685 P106 Q1028181 +Q77144 P1412 Q1860 +Q1289900 P463 Q463303 +Q330224 P69 Q680971 +Q345468 P106 Q3282637 +Q481477 P509 Q12192 +Q921 P463 Q233611 +Q957627 P19 Q1486 +Q5928 P1412 Q1860 +Q271981 P136 Q598929 +Q2822225 P641 Q847 +Q106598 P106 Q201788 +Q3365459 P106 Q189290 +Q1242 P106 Q1930187 +Q1933397 P106 Q36834 +Q158436 P27 Q30 +Q299132 P106 Q36834 +Q78386 P106 Q8178443 +Q313788 P69 Q21578 +Q8354131 P463 Q427318 +Q672800 P27 Q39 +Q395494 P136 Q21590660 +Q61648 P69 Q317053 +Q347128 P136 Q484641 +Q449670 P106 Q4263842 +Q329719 P1412 Q1860 +Q357515 P106 Q639669 +Q568455 P69 Q3072747 +Q25089 P69 Q797078 +Q92743 P106 Q1622272 +Q186329 P1303 Q1343007 +Q1355431 P106 Q36834 +Q316327 P1412 Q5146 +Q609151 P69 Q49088 +Q16409 P106 Q639669 +Q42229 P106 Q2526255 +Q77271 P140 Q9268 +Q2578559 P69 Q49115 +Q530377 P106 Q177220 +Q116548 P135 Q2455000 +Q11813 P1412 Q397 +Q1371798 P264 Q183387 +Q315210 P106 Q4964182 +Q711978 P106 Q36834 +Q86419 P106 Q36180 +Q395714 P106 Q36180 +Q25856 P106 Q36180 +Q62263 P106 Q189290 +Q68137 P509 Q12078 +Q44845 P27 Q183 +Q672 P37 Q1860 +Q162225 P840 Q1345 +Q1398507 P1303 Q51290 +Q651 P106 Q1792450 +Q296729 P106 Q15981151 +Q61723 P19 Q1040 +Q214299 P106 Q33999 +Q92619 P509 Q12152 +Q210172 P264 Q54860 +Q505677 P106 Q36834 +Q162793 P20 Q192807 +Q326229 P27 Q174193 +Q1618 P19 Q12439 +Q235503 P106 Q2526255 +Q60809 P106 Q1622272 +Q87850 P102 Q310296 +Q234117 P106 Q10800557 +Q228909 P27 Q30 +Q232993 P161 Q68084 +Q57679 P140 Q9592 +Q194220 P1412 Q1860 +Q364873 P1303 Q133163 +Q584197 P106 Q201788 +Q109455 P27 Q183 +Q221586 P161 Q104067 +Q76405 P106 Q177220 +Q75555 P106 Q36180 +Q33866 P69 Q49123 +Q203264 P27 Q159 +Q329 P106 Q188094 +Q372073 P19 Q65 +Q189729 P106 Q1415090 +Q51110 P1303 Q128309 +Q142292 P161 Q347395 +Q490114 P69 Q142740 +Q60487 P136 Q52162262 +Q78278 P20 Q1726 +Q72450 P495 Q30 +Q8739 P1412 Q35497 +Q85394 P27 Q30 +Q888256 P106 Q164236 +Q62206 P1412 Q188 +Q237222 P136 Q130232 +Q2831 P136 Q11401 +Q238800 P641 Q542 +Q1020 P463 Q17495 +Q219776 P57 Q220751 +Q221020 P136 Q319221 +Q267721 P135 Q377616 +Q465428 P1412 Q1860 +Q332709 P1412 Q652 +Q678410 P495 Q145 +Q350732 P27 Q408 +Q553790 P27 Q145 +Q323707 P19 Q490 +Q3101841 P106 Q189290 +Q350362 P1303 Q5994 +Q270207 P106 Q1930187 +Q156532 P106 Q2059704 +Q192912 P106 Q245068 +Q331728 P106 Q10798782 +Q312570 P106 Q10798782 +Q959875 P106 Q82955 +Q74875 P27 Q183 +Q444344 P106 Q10800557 +Q156608 P161 Q34975 +Q286570 P106 Q33999 +Q64856 P1412 Q188 +Q1585138 P106 Q177220 +Q16053 P106 Q4773904 +Q403 P530 Q398 +Q221090 P136 Q130232 +Q436712 P27 Q408 +Q157155 P27 Q142 +Q960081 P463 Q463281 +Q144643 P69 Q4614 +Q1067812 P106 Q386854 +Q83630 P495 Q16 +Q106748 P102 Q49768 +Q9438 P101 Q34178 +Q408 P530 Q822 +Q310800 P119 Q1130019 +Q102112 P106 Q185351 +Q26988 P463 Q496967 +Q237552 P19 Q84 +Q105453 P108 Q165528 +Q380243 P27 Q34266 +Q554971 P136 Q37073 +Q38082 P106 Q18814623 +Q55422 P106 Q10800557 +Q186485 P106 Q3282637 +Q92641 P106 Q82594 +Q458966 P1412 Q150 +Q20562503 P3373 Q22955657 +Q83643 P106 Q177220 +Q91657 P463 Q329464 +Q1364820 P106 Q43845 +Q51570 P106 Q33999 +Q94487 P106 Q33999 +Q315752 P106 Q169470 +Q259913 P106 Q2340668 +Q448767 P106 Q33999 +Q707266 P509 Q12152 +Q664 P463 Q7785 +Q14537 P106 Q28389 +Q96 P530 Q20 +Q524780 P19 Q62 +Q959159 P106 Q10798782 +Q3504610 P106 Q1781198 +Q400678 P106 Q36180 +Q1051531 P106 Q855091 +Q233265 P26 Q228494 +Q221098 P840 Q60 +Q529582 P27 Q30 +Q18809 P106 Q33999 +Q92609 P463 Q270794 +Q237416 P106 Q4853732 +Q57168 P136 Q208494 +Q465702 P264 Q202585 +Q231093 P106 Q2405480 +Q172261 P1412 Q1860 +Q428451 P106 Q49757 +Q45255 P106 Q36180 +Q235931 P264 Q1047366 +Q53031 P27 Q172579 +Q92341 P106 Q4263842 +Q70767 P1412 Q188 +Q183512 P136 Q157443 +Q313813 P136 Q20378 +Q102289 P106 Q49757 +Q181413 P136 Q21590660 +Q469752 P106 Q36180 +Q982005 P106 Q1930187 +Q240933 P1412 Q1860 +Q324031 P463 Q1938003 +Q72124 P27 Q801 +Q537705 P69 Q235034 +Q217068 P1412 Q150 +Q79025 P106 Q214917 +Q3640 P17 Q43 +Q57276 P69 Q6608367 +Q234875 P27 Q30 +Q91371 P27 Q30 +Q112136 P106 Q13570226 +Q214 P530 Q865 +Q878 P463 Q7809 +Q83155 P106 Q1028181 +Q604086 P106 Q4263842 +Q58040 P101 Q166542 +Q102438 P161 Q200405 +Q60487 P161 Q368129 +Q92456 P108 Q317053 +Q24631 P19 Q23436 +Q271867 P106 Q2526255 +Q63439 P27 Q183 +Q188385 P106 Q3068305 +Q46739 P27 Q29 +Q403 P463 Q17495 +Q276209 P1412 Q1860 +Q113641 P463 Q150793 +Q1260 P69 Q165980 +Q5950 P106 Q13235160 +Q711197 P1303 Q6607 +Q202982 P495 Q30 +Q202859 P106 Q10798782 +Q229669 P19 Q1754 +Q276425 P106 Q2259451 +Q163038 P136 Q1200678 +Q536892 P1303 Q128309 +Q272946 P106 Q245068 +Q339876 P161 Q26806 +Q16781 P1412 Q9186 +Q204398 P136 Q2297927 +Q353442 P463 Q188771 +Q298388 P106 Q639669 +Q265069 P19 Q1490 +Q90910 P27 Q183 +Q434312 P106 Q10800557 +Q123062 P106 Q1622272 +Q103835 P463 Q414188 +Q131660 P106 Q40348 +Q154691 P106 Q1209498 +Q183382 P19 Q649 +Q575689 P172 Q2325516 +Q524780 P106 Q2526255 +Q342774 P106 Q33999 +Q4085141 P19 Q994 +Q169082 P136 Q2975633 +Q261759 P161 Q129591 +Q11613 P106 Q82955 +Q311779 P106 Q33999 +Q211415 P27 Q30 +Q689486 P102 Q79854 +Q239419 P69 Q178848 +Q36330 P1412 Q397 +Q84842 P106 Q2516866 +Q546956 P106 Q584301 +Q928 P530 Q159 +Q12003 P136 Q58339 +Q204132 P1303 Q17172850 +Q104302 P17 Q27306 +Q7200 P551 Q649 +Q239067 P69 Q201492 +Q984115 P106 Q3922505 +Q44839 P108 Q179036 +Q313281 P106 Q28389 +Q520346 P106 Q36834 +Q80204 P495 Q145 +Q728615 P19 Q18426 +Q76525 P106 Q1930187 +Q3248932 P106 Q81096 +Q211551 P106 Q201788 +Q689820 P172 Q127885 +Q84614 P1412 Q188 +Q439394 P106 Q164236 +Q233946 P264 Q231694 +Q454840 P69 Q49166 +Q440388 P27 Q34 +Q216936 P106 Q3282637 +Q213865 P27 Q183 +Q1025919 P136 Q11399 +Q235252 P106 Q33999 +Q237994 P106 Q214917 +Q272092 P102 Q5020915 +Q4227341 P27 Q2305208 +Q44221 P26 Q272972 +Q256928 P101 Q413 +Q83359 P108 Q126399 +Q392 P106 Q18814623 +Q76336 P106 Q42603 +Q96050 P106 Q33999 +Q239453 P69 Q8008661 +Q45337 P19 Q3820 +Q680971 P131 Q220 +Q111447 P463 Q337234 +Q318292 P106 Q33999 +Q318309 P1412 Q652 +Q270935 P136 Q11399 +Q55174 P102 Q29468 +Q295935 P106 Q36834 +Q41042 P463 Q463281 +Q1599272 P27 Q183 +Q254576 P136 Q43343 +Q112202 P463 Q463303 +Q129747 P27 Q30 +Q173869 P27 Q174193 +Q230929 P106 Q4853732 +Q203460 P463 Q463281 +Q71410 P1412 Q188 +Q273206 P27 Q30 +Q148 P530 Q16 +Q333014 P19 Q16555 +Q98926 P20 Q1218 +Q45 P463 Q233611 +Q1479971 P1412 Q188 +Q233868 P101 Q207628 +Q800 P463 Q376150 +Q440551 P106 Q488205 +Q218022 P106 Q2526255 +Q188214 P106 Q40348 +Q554164 P136 Q484641 +Q92115 P106 Q201788 +Q187423 P161 Q47906 +Q87821 P106 Q3282637 +Q298255 P69 Q1204714 +Q843 P530 Q225 +Q1384181 P106 Q2405480 +Q267772 P106 Q2405480 +Q448163 P69 Q235034 +Q1523426 P69 Q215539 +Q188697 P106 Q49757 +Q5608 P106 Q2252262 +Q128126 P106 Q36180 +Q232009 P161 Q203545 +Q200768 P26 Q167498 +Q65084 P106 Q901402 +Q76616 P108 Q152087 +Q57075 P463 Q684415 +Q229139 P106 Q639669 +Q982314 P106 Q639669 +Q1452597 P106 Q55960555 +Q66216 P108 Q153006 +Q157282 P106 Q193391 +Q356115 P108 Q738258 +Q241583 P737 Q310048 +Q368525 P106 Q1622272 +Q357326 P106 Q158852 +Q196617 P1412 Q1617 +Q165534 P20 Q90 +Q801 P530 Q986 +Q267550 P106 Q10800557 +Q99634 P106 Q131524 +Q58811 P27 Q183 +Q125666 P264 Q21077 +Q275120 P161 Q170587 +Q888034 P106 Q639669 +Q45546 P1412 Q1860 +Q11885 P136 Q38848 +Q869 P530 Q865 +Q213543 P19 Q1715 +Q128604 P69 Q180865 +Q106429 P1412 Q188 +Q274233 P463 Q337526 +Q62432 P1412 Q188 +Q336835 P136 Q1361932 +Q353762 P136 Q8261 +Q306403 P106 Q214917 +Q242650 P27 Q30 +Q61280 P20 Q64 +Q36488 P106 Q82955 +Q962908 P106 Q2259451 +Q3132658 P1412 Q1860 +Q211785 P106 Q214917 +Q1618928 P106 Q183945 +Q159054 P161 Q254022 +Q2795317 P106 Q860918 +Q699541 P463 Q253439 +Q66126 P20 Q64 +Q3259416 P1412 Q652 +Q313818 P641 Q2736 +Q104668 P27 Q2305208 +Q380667 P495 Q30 +Q46248 P1412 Q1860 +Q429397 P136 Q4984974 +Q528647 P27 Q801 +Q606125 P106 Q2643890 +Q316231 P106 Q10798782 +Q706898 P106 Q81096 +Q432129 P106 Q16287483 +Q283700 P106 Q2405480 +Q184903 P106 Q33999 +Q173441 P106 Q2374149 +Q194696 P161 Q219373 +Q951957 P101 Q18362 +Q60072 P161 Q190523 +Q76686 P463 Q265058 +Q366012 P136 Q8341 +Q30487 P463 Q107569 +Q6829 P17 Q12548 +Q62791 P1412 Q188 +Q239331 P19 Q65 +Q528340 P106 Q177220 +Q128730 P495 Q30 +Q155687 P19 Q56037 +Q77551 P101 Q2329 +Q44570 P106 Q488205 +Q38 P530 Q252 +Q336125 P108 Q13371 +Q884 P530 Q219 +Q835 P551 Q1899 +Q123521 P1412 Q1321 +Q237514 P106 Q37226 +Q262490 P106 Q36180 +Q2335557 P20 Q1492 +Q154852 P451 Q109608 +Q57124 P1412 Q397 +Q182372 P19 Q79867 +Q229048 P106 Q245068 +Q232391 P27 Q34266 +Q35900 P737 Q8011 +Q9177981 P20 Q1726 +Q101886 P463 Q44687 +Q161363 P27 Q36 +Q31164 P106 Q177220 +Q9204 P1412 Q1860 +Q629216 P27 Q30 +Q374220 P106 Q10800557 +Q973755 P106 Q2643890 +Q186185 P119 Q1130019 +Q516285 P106 Q13582652 +Q1806985 P27 Q145 +Q92379 P19 Q1799 +Q90581 P106 Q1930187 +Q58051 P106 Q201788 +Q858 P530 Q796 +Q3830446 P136 Q11774202 +Q765165 P463 Q842008 +Q1979936 P1303 Q17172850 +Q157322 P106 Q6625963 +Q750 P530 Q258 +Q706084 P106 Q639669 +Q220780 P136 Q645928 +Q302762 P1303 Q5994 +Q786954 P136 Q9734 +Q87137 P102 Q153401 +Q55258 P106 Q10800557 +Q121995 P69 Q81162 +Q510034 P27 Q30 +Q380407 P106 Q33999 +Q234685 P1303 Q6607 +Q4532076 P1412 Q7737 +Q42775 P264 Q5086379 +Q182031 P106 Q81096 +Q320423 P161 Q134333 +Q109180 P19 Q1055 +Q276468 P69 Q1179603 +Q9602 P69 Q274348 +Q250669 P106 Q183945 +Q310204 P161 Q318231 +Q62254 P106 Q1622272 +Q504 P106 Q36180 +Q174327 P463 Q123885 +Q127345 P27 Q49683 +Q86758 P106 Q1622272 +Q644917 P106 Q36834 +Q201924 P161 Q223110 +Q95861 P106 Q1397808 +Q102225 P161 Q318155 +Q273833 P3373 Q1804720 +Q722738 P106 Q188094 +Q2978 P463 Q812378 +Q233536 P106 Q10798782 +Q95019 P119 Q1437214 +Q270747 P106 Q3282637 +Q317397 P136 Q1344 +Q515034 P136 Q482 +Q510034 P106 Q774306 +Q266816 P27 Q419 +Q213864 P509 Q9687 +Q348658 P27 Q145 +Q77226 P27 Q43287 +Q72541 P19 Q2841 +Q1036131 P69 Q189022 +Q559844 P106 Q43845 +Q724883 P136 Q482 +Q437622 P106 Q486748 +Q795220 P106 Q639669 +Q559771 P106 Q36180 +Q368674 P161 Q233022 +Q106221 P1412 Q1860 +Q312380 P106 Q11900058 +Q217010 P161 Q368129 +Q569362 P106 Q82955 +Q93562 P27 Q30 +Q216692 P27 Q20 +Q61356 P19 Q64 +Q318309 P106 Q28389 +Q325389 P106 Q183945 +Q275120 P840 Q60 +Q504 P136 Q49084 +Q219420 P106 Q482980 +Q37577 P101 Q34178 +Q1779 P106 Q639669 +Q131074 P161 Q191104 +Q6080085 P27 Q843 +Q725953 P106 Q488205 +Q78505 P119 Q1624932 +Q76579 P101 Q1069 +Q275593 P101 Q207628 +Q104929 P27 Q30 +Q889 P530 Q668 +Q104196 P19 Q64 +Q17 P530 Q928 +Q373895 P1303 Q17172850 +Q72429 P19 Q64 +Q230448 P106 Q28389 +Q120366 P106 Q10800557 +Q60809 P463 Q463303 +Q2252 P1412 Q1860 +Q2100 P17 Q183 +Q163513 P108 Q2093794 +Q69198 P106 Q1397808 +Q318261 P509 Q147778 +Q92747 P106 Q1622272 +Q1764153 P106 Q36834 +Q912 P530 Q902 +Q94031 P20 Q173813 +Q120085 P26 Q828641 +Q41488 P108 Q49210 +Q712765 P136 Q37073 +Q252 P530 Q414 +Q722555 P27 Q30 +Q134477 P19 Q60 +Q242 P30 Q49 +Q89709 P27 Q183 +Q38 P463 Q233611 +Q91997 P19 Q3874 +Q93835 P106 Q16145150 +Q344655 P106 Q33999 +Q57337 P106 Q13424456 +Q130631 P69 Q83259 +Q70690 P106 Q170790 +Q1764153 P27 Q20 +Q98120 P140 Q75809 +Q1893889 P27 Q801 +Q167636 P27 Q668 +Q55704 P551 Q1538 +Q55211 P106 Q3282637 +Q95485 P69 Q156725 +Q352431 P161 Q34975 +Q704696 P69 Q1227526 +Q60851 P106 Q1930187 +Q110106 P106 Q6337803 +Q152208 P140 Q1841 +Q65385 P106 Q1397808 +Q365042 P1303 Q6607 +Q97470 P20 Q1055 +Q541964 P101 Q23498 +Q2875 P161 Q287688 +Q128911 P1412 Q9288 +Q145 P530 Q31 +Q4889934 P172 Q49085 +Q152301 P101 Q184485 +Q2622688 P106 Q947873 +Q66649 P69 Q193510 +Q863 P463 Q7809 +Q4061 P264 Q1435522 +Q102235 P161 Q235572 +Q173061 P1303 Q5994 +Q551570 P106 Q1930187 +Q320052 P136 Q21010853 +Q317988 P3373 Q47007 +Q39970 P136 Q2678111 +Q208108 P136 Q645928 +Q239910 P1412 Q1860 +Q79 P530 Q1028 +Q4960 P1412 Q1860 +Q180560 P20 Q11299 +Q441326 P19 Q100 +Q92995 P108 Q700758 +Q357324 P106 Q36180 +Q243267 P106 Q36180 +Q1373347 P1303 Q17172850 +Q1044328 P495 Q142 +Q1046066 P136 Q842324 +Q375036 P1412 Q36510 +Q45233 P19 Q1741 +Q573323 P172 Q49085 +Q2739680 P17 Q30 +Q1272729 P20 Q65 +Q91903 P27 Q183 +Q151682 P136 Q1054574 +Q318223 P136 Q850412 +Q188845 P161 Q37079 +Q630454 P106 Q28389 +Q1284551 P264 Q183387 +Q70342 P140 Q75809 +Q57213 P509 Q12136 +Q60854 P1412 Q397 +Q83287 P106 Q753110 +Q92831 P108 Q49108 +Q1988375 P1412 Q8798 +Q103583 P1412 Q188 +Q30 P530 Q881 +Q9358 P737 Q868 +Q539120 P1412 Q7976 +Q30 P530 Q958 +Q309690 P106 Q10798782 +Q2628 P1412 Q188 +Q465594 P106 Q4220892 +Q48792 P106 Q40348 +Q366805 P19 Q39121 +Q423 P530 Q664 +Q108946 P161 Q3454165 +Q61813 P20 Q3033 +Q105543 P69 Q156725 +Q44301 P264 Q726251 +Q204057 P161 Q286777 +Q2632 P1412 Q1860 +Q851 P530 Q423 +Q312975 P69 Q1067870 +Q704931 P737 Q6882 +Q231116 P27 Q30 +Q1238235 P27 Q16957 +Q213521 P3373 Q168992 +Q920 P106 Q822146 +Q2632 P106 Q33999 +Q95855 P106 Q82955 +Q241392 P101 Q7252 +Q728959 P1050 Q12204 +Q154010 P463 Q414379 +Q67054 P19 Q1055 +Q295431 P106 Q333634 +Q40057 P172 Q3476361 +Q347635 P69 Q1127387 +Q237033 P106 Q49757 +Q155463 P136 Q482 +Q44132 P106 Q82955 +Q85261 P69 Q168426 +Q705221 P106 Q1075651 +Q5217489 P27 Q801 +Q359059 P106 Q177220 +Q699565 P69 Q1329269 +Q25820 P69 Q152838 +Q52924 P106 Q116 +Q362531 P106 Q28389 +Q842633 P27 Q30 +Q455605 P1412 Q1860 +Q730261 P106 Q177220 +Q254430 P20 Q1348 +Q154556 P135 Q1338153 +Q191819 P69 Q1419737 +Q32661 P27 Q145 +Q102570 P108 Q151510 +Q58735 P264 Q843402 +Q367032 P106 Q33999 +Q259047 P551 Q65 +Q810 P530 Q41 +Q65372 P102 Q7320 +Q164117 P27 Q183 +Q6078 P264 Q575026 +Q58735 P101 Q207628 +Q76749 P551 Q1799 +Q154770 P136 Q1344 +Q4496 P19 Q12439 +Q320052 P106 Q3282637 +Q1976514 P106 Q33999 +Q156941 P19 Q84 +Q596717 P106 Q177220 +Q1355431 P106 Q639669 +Q299700 P69 Q797078 +Q717626 P1412 Q1860 +Q218458 P495 Q30 +Q269830 P69 Q263064 +Q53570396 P3373 Q2062366 +Q92085 P106 Q1930187 +Q239307 P106 Q1607826 +Q216563 P136 Q217191 +Q274887 P136 Q622291 +Q1074038 P106 Q36834 +Q78716 P108 Q31519 +Q240677 P69 Q131252 +Q34189 P106 Q822146 +Q67576 P106 Q36180 +Q153238 P140 Q55004488 +Q57426 P106 Q36180 +Q156597 P161 Q156532 +Q226525 P136 Q676 +Q162688 P1412 Q188 +Q239533 P1412 Q1860 +Q77667 P108 Q155354 +Q106440 P161 Q76943 +Q1141280 P106 Q639669 +Q178517 P106 Q183945 +Q314603 P69 Q610999 +Q324753 P106 Q855091 +Q62414 P27 Q41304 +Q529604 P106 Q201788 +Q267685 P135 Q7066 +Q202827 P69 Q273523 +Q8016 P106 Q28389 +Q156942 P463 Q463303 +Q49017 P106 Q245068 +Q165668 P106 Q639669 +Q684808 P20 Q21197 +Q70809 P1303 Q17172850 +Q34981 P106 Q6625963 +Q73432 P69 Q152838 +Q979084 P106 Q639669 +Q426396 P161 Q508404 +Q336640 P106 Q8246794 +Q224021 P69 Q1727138 +Q193052 P641 Q5372 +Q561670 P20 Q84 +Q73410 P1303 Q17172850 +Q86043 P106 Q82955 +Q1157945 P27 Q129286 +Q261812 P1303 Q6607 +Q207867 P1303 Q52954 +Q77969 P119 Q562211 +Q60766 P19 Q1715 +Q5928 P737 Q5921 +Q315199 P136 Q483251 +Q213122 P106 Q82955 +Q317397 P1303 Q5994 +Q107422 P106 Q901 +Q157204 P106 Q18844224 +Q709594 P106 Q488205 +Q310012 P19 Q84 +Q676914 P108 Q219563 +Q184226 P19 Q90 +Q216341 P136 Q1196752 +Q66447 P69 Q206702 +Q189080 P19 Q18419 +Q381203 P106 Q10798782 +Q114179 P106 Q33999 +Q940594 P136 Q49084 +Q1013 P530 Q30 +Q981971 P106 Q1622272 +Q221546 P106 Q639669 +Q320146 P264 Q202585 +Q320 P551 Q2887 +Q213614 P27 Q142 +Q434968 P69 Q248970 +Q150767 P463 Q812155 +Q159642 P106 Q4964182 +Q713058 P1303 Q17172850 +Q72717 P69 Q49166 +Q242796 P106 Q6625963 +Q2066713 P1412 Q5146 +Q7013 P106 Q2405480 +Q162076 P20 Q38022 +Q245271 P136 Q130232 +Q1394 P140 Q7066 +Q182905 P102 Q204911 +Q73463 P106 Q183945 +Q966565 P106 Q10798782 +Q110106 P551 Q60 +Q881 P530 Q159583 +Q467103 P1412 Q1860 +Q48814 P172 Q179248 +Q45321 P106 Q4964182 +Q76820 P463 Q459620 +Q80135 P106 Q82955 +Q160432 P106 Q2259451 +Q166023 P27 Q161885 +Q221482 P106 Q33999 +Q61067 P106 Q4964182 +Q190086 P161 Q433403 +Q154556 P136 Q1640319 +Q288355 P161 Q272946 +Q235611 P27 Q34266 +Q695200 P106 Q169470 +Q109135 P136 Q459290 +Q32 P30 Q46 +Q800 P530 Q408 +Q298255 P26 Q238121 +Q240521 P1303 Q17172850 +Q232282 P106 Q33999 +Q246497 P101 Q395 +Q211136 P69 Q738258 +Q4593 P26 Q163225 +Q151403 P172 Q181634 +Q11998 P106 Q36834 +Q313281 P106 Q36834 +Q288620 P106 Q33999 +Q61064 P1412 Q150 +Q1528163 P1412 Q652 +Q129263 P106 Q5322166 +Q41351 P26 Q258980 +Q324753 P19 Q47164 +Q139557 P172 Q42884 +Q854 P463 Q188822 +Q76358 P19 Q1055 +Q499757 P1412 Q7737 +Q83501 P463 Q270794 +Q1153913 P27 Q15180 +Q366624 P136 Q9730 +Q467940 P106 Q177220 +Q327886 P136 Q83440 +Q278174 P106 Q28389 +Q1277015 P106 Q806349 +Q83557 P463 Q49738 +Q61163 P106 Q1622272 +Q317122 P19 Q60 +Q139460 P136 Q130232 +Q154010 P463 Q329464 +Q221535 P1303 Q61285 +Q220351 P27 Q145 +Q474796 P106 Q2722764 +Q75914 P106 Q1622272 +Q120085 P140 Q7066 +Q1560915 P463 Q833738 +Q488288 P1412 Q9078 +Q92622 P27 Q16 +Q148383 P161 Q235115 +Q681470 P106 Q1607826 +Q235707 P106 Q10798782 +Q267242 P1412 Q9027 +Q189078 P172 Q49085 +Q325449 P106 Q33999 +Q15981 P69 Q152171 +Q433044 P1303 Q17172850 +Q836656 P106 Q177220 +Q220010 P106 Q1415090 +Q435330 P264 Q238095 +Q697 P463 Q8475 +Q39212 P106 Q482980 +Q237173 P106 Q36180 +Q105531 P463 Q414163 +Q310106 P106 Q4964182 +Q214622 P509 Q29496 +Q180468 P106 Q1622272 +Q87972 P106 Q482980 +Q44519 P106 Q6625963 +Q744689 P463 Q1938003 +Q7199 P106 Q4263842 +Q272994 P106 Q1028181 +Q200873 P161 Q106706 +Q218532 P106 Q33999 +Q59945 P463 Q684415 +Q41281 P1303 Q6607 +Q331277 P161 Q947748 +Q3816 P551 Q90 +Q57500 P106 Q158852 +Q158092 P101 Q21201 +Q461104 P106 Q82955 +Q152298 P106 Q901 +Q84423 P27 Q801 +Q244395 P19 Q90 +Q177917 P463 Q265058 +Q132537 P19 Q60 +Q83851 P69 Q49114 +Q81487 P136 Q1146335 +Q362749 P106 Q1930187 +Q152524 P106 Q957729 +Q34597 P69 Q49166 +Q12769 P1412 Q143 +Q717250 P102 Q256121 +Q182727 P136 Q1054574 +Q463018 P106 Q639669 +Q261601 P495 Q30 +Q660553 P463 Q463303 +Q11194 P17 Q83286 +Q28234 P161 Q129591 +Q55199 P106 Q28389 +Q62544 P1412 Q188 +Q464246 P264 Q14192383 +Q618025 P463 Q688638 +Q81244 P463 Q688638 +Q71000 P1412 Q188 +Q105026 P106 Q333634 +Q1585614 P106 Q639669 +Q87840 P106 Q40348 +Q1341315 P119 Q252312 +Q236479 P27 Q258 +Q77489 P106 Q28389 +Q319392 P106 Q177220 +Q271696 P19 Q1297 +Q796 P463 Q827525 +Q28975 P69 Q35794 +Q73432 P106 Q2374149 +Q66527 P463 Q684415 +Q43736 P1412 Q5287 +Q193035 P106 Q49757 +Q242620 P551 Q18419 +Q736 P530 Q148 +Q297552 P106 Q15627169 +Q166318 P119 Q27426 +Q1145 P19 Q7003 +Q309545 P161 Q16297 +Q277626 P112 Q344822 +Q441941 P3373 Q18953 +Q4960 P140 Q131036 +Q627520 P264 Q183412 +Q588449 P19 Q656 +Q232840 P106 Q2259451 +Q43330 P1412 Q8108 +Q78492 P108 Q31519 +Q76606 P463 Q191583 +Q710100 P463 Q337266 +Q236005 P463 Q55641 +Q123101 P20 Q72 +Q178865 P20 Q649 +Q15969 P19 Q1741 +Q28978 P106 Q82955 +Q99784 P27 Q27306 +Q54828 P106 Q1662561 +Q108560 P264 Q183387 +Q55199 P27 Q34266 +Q4985 P135 Q37068 +Q314419 P509 Q12078 +Q322730 P1412 Q1860 +Q152824 P106 Q4220892 +Q234080 P26 Q357001 +Q589497 P106 Q28389 +Q47426 P106 Q11774202 +Q45765 P1412 Q1860 +Q222832 P509 Q212961 +Q159 P530 Q686 +Q126652 P136 Q188473 +Q1606718 P69 Q13371 +Q314640 P69 Q797078 +Q465296 P106 Q488205 +Q123565 P737 Q9047 +Q128568 P1412 Q1860 +Q315417 P106 Q177220 +Q1599272 P20 Q2814 +Q4235815 P463 Q83172 +Q83612 P840 Q779 +Q4275371 P20 Q649 +Q311976 P106 Q2405480 +Q78484 P106 Q4263842 +Q211136 P136 Q8341 +Q247320 P106 Q201788 +Q9588 P20 Q11299 +Q4235815 P101 Q1069 +Q358455 P1412 Q1860 +Q954681 P1303 Q17172850 +Q44855 P3373 Q217427 +Q11689 P69 Q51985 +Q361224 P20 Q1297 +Q188713 P740 Q84 +Q725519 P106 Q488205 +Q40 P463 Q191384 +Q90384 P27 Q40 +Q379117 P106 Q177220 +Q151892 P140 Q1841 +Q375024 P106 Q36834 +Q333425 P140 Q432 +Q240772 P69 Q165980 +Q236613 P1303 Q17172850 +Q313311 P106 Q10798782 +Q95543 P69 Q152087 +Q15615 P106 Q36180 +Q67383 P106 Q33999 +Q35648 P108 Q1143289 +Q763897 P1303 Q17172850 +Q92809 P463 Q2739680 +Q114576 P20 Q84 +Q7301731 P19 Q340 +Q528140 P106 Q584301 +Q363386 P69 Q309350 +Q164730 P27 Q212 +Q232149 P106 Q205375 +Q39837 P106 Q36180 +Q172684 P106 Q483501 +Q82006 P140 Q6423963 +Q166696 P495 Q183 +Q128085 P19 Q1781 +Q285020 P161 Q189415 +Q61446 P1412 Q188 +Q220910 P161 Q20178 +Q217495 P106 Q121594 +Q16873 P106 Q1930187 +Q315507 P106 Q40348 +Q17 P530 Q212 +Q512 P106 Q488205 +Q234891 P1303 Q5994 +Q106797 P136 Q37073 +Q498389 P106 Q639669 +Q271856 P140 Q624477 +Q119811 P69 Q503473 +Q154270 P106 Q81096 +Q2447874 P509 Q12192 +Q193300 P27 Q17 +Q1452648 P264 Q1251139 +Q43723 P106 Q47064 +Q223854 P106 Q10798782 +Q1389258 P106 Q1281618 +Q126472 P106 Q212980 +Q712860 P26 Q34460 +Q118760 P108 Q309948 +Q215600 P27 Q38872 +Q44606 P106 Q36834 +Q75089 P463 Q414188 +Q214622 P106 Q28389 +Q15646111 P17 Q16957 +Q76490 P1303 Q6607 +Q352963 P20 Q60 +Q1046066 P159 Q60 +Q124065 P27 Q39 +Q249841 P27 Q38 +Q68312 P27 Q150981 +Q182654 P106 Q82955 +Q55282 P106 Q1028181 +Q153638 P1303 Q5994 +Q267306 P19 Q1342 +Q77428 P69 Q153978 +Q380531 P106 Q183945 +Q350405 P3373 Q315083 +Q45970 P69 Q658192 +Q444857 P108 Q622664 +Q355566 P69 Q1204714 +Q242418 P106 Q486748 +Q97871 P27 Q7318 +Q2814 P17 Q183 +Q256666 P140 Q9585 +Q218575 P101 Q333 +Q356499 P69 Q304985 +Q11459 P551 Q487119 +Q366624 P106 Q81096 +Q911923 P136 Q187760 +Q110942 P106 Q81096 +Q90384 P106 Q483501 +Q977036 P106 Q169470 +Q61601 P20 Q64 +Q335794 P136 Q49084 +Q192410 P106 Q639669 +Q96452 P1412 Q188 +Q75803 P101 Q482 +Q728542 P106 Q28389 +Q438124 P264 Q645889 +Q178100 P1412 Q1860 +Q438366 P19 Q23556 +Q234392 P27 Q664 +Q240890 P106 Q16145150 +Q739 P463 Q3369762 +Q78739 P108 Q165980 +Q49072 P106 Q28389 +Q123521 P1412 Q150 +Q7030 P17 Q16957 +Q171969 P106 Q1662561 +Q235284 P106 Q4610556 +Q66709 P106 Q170790 +Q65350 P463 Q463303 +Q274529 P161 Q37628 +Q434502 P509 Q11081 +Q1057003 P1303 Q5994 +Q724871 P27 Q414 +Q156193 P463 Q414110 +Q183337 P106 Q18814623 +Q202548 P161 Q7374 +Q1803878 P264 Q1341612 +Q664592 P106 Q639669 +Q234224 P106 Q350979 +Q193397 P136 Q83270 +Q270599 P161 Q29086 +Q180279 P495 Q30 +Q155547 P737 Q9047 +Q1516431 P161 Q211322 +Q203643 P136 Q11629 +Q221098 P161 Q430872 +Q930197 P108 Q13371 +Q272203 P264 Q557632 +Q312078 P495 Q183 +Q103788 P106 Q2526255 +Q447015 P20 Q649 +Q9041 P106 Q593644 +Q217771 P1412 Q8785 +Q317343 P106 Q2259451 +Q187364 P19 Q1297 +Q233291 P27 Q30 +Q78321 P27 Q16957 +Q902 P530 Q874 +Q270691 P1412 Q1860 +Q24075 P161 Q708059 +Q25186 P106 Q2526255 +Q663447 P106 Q639669 +Q804 P530 Q183 +Q94108 P1412 Q188 +Q1733964 P106 Q170790 +Q13133 P108 Q21578 +Q95367 P106 Q1930187 +Q230190 P451 Q1066875 +Q16019 P69 Q156725 +Q215 P30 Q46 +Q1443475 P20 Q34739 +Q169020 P106 Q1622272 +Q214 P463 Q45177 +Q1346192 P106 Q855091 +Q148429 P136 Q859369 +Q126067 P102 Q153401 +Q231171 P27 Q31 +Q337891 P106 Q2259451 +Q361336 P27 Q30 +Q590911 P463 Q463281 +Q184750 P106 Q1234713 +Q1286597 P463 Q12751277 +Q667683 P106 Q170790 +Q109324 P106 Q2405480 +Q333987 P106 Q81096 +Q64850 P1412 Q188 +Q781 P463 Q17495 +Q31959 P264 Q843402 +Q9358 P106 Q4964182 +Q64584 P27 Q41304 +Q237 P463 Q17495 +Q373895 P106 Q36180 +Q920167 P19 Q84 +Q29418 P19 Q49218 +Q314569 P102 Q29552 +Q189554 P106 Q3282637 +Q61310 P101 Q476294 +Q41 P463 Q1043527 +Q6986 P17 Q183 +Q283799 P136 Q2484376 +Q93443 P136 Q157443 +Q204338 P27 Q34266 +Q441742 P27 Q30 +Q47478 P27 Q129286 +Q219060 P530 Q159583 +Q78763 P509 Q11085 +Q327546 P495 Q38 +Q34670 P737 Q151164 +Q359451 P463 Q337224 +Q347362 P737 Q162597 +Q223596 P840 Q61 +Q462118 P106 Q10800557 +Q57317 P27 Q183 +Q113626 P106 Q49757 +Q90635 P20 Q90 +Q1810650 P172 Q127885 +Q731254 P509 Q12192 +Q44077 P140 Q7066 +Q712914 P106 Q10798782 +Q233541 P101 Q207628 +Q376807 P136 Q188473 +Q61055 P20 Q1718 +Q16297 P1412 Q143 +Q558104 P19 Q16559 +Q101064 P463 Q44687 +Q13047979 P106 Q1622272 +Q85802 P19 Q1799 +Q4892001 P106 Q36180 +Q611927 P106 Q36180 +Q216636 P106 Q33999 +Q1111386 P119 Q2000666 +Q332610 P1412 Q1860 +Q201607 P749 Q330629 +Q272213 P19 Q18419 +Q455754 P106 Q33999 +Q443199 P1412 Q7737 +Q196103 P495 Q35 +Q1591857 P106 Q639669 +Q150471 P106 Q3658608 +Q334670 P106 Q639669 +Q119935 P1050 Q11081 +Q168468 P106 Q169470 +Q78704 P463 Q15646111 +Q86864 P106 Q49757 +Q219782 P509 Q128581 +Q208108 P161 Q232840 +Q185548 P1412 Q9043 +Q179282 P108 Q13371 +Q79025 P135 Q37068 +Q1711470 P106 Q2259451 +Q342778 P264 Q1251139 +Q878 P463 Q233611 +Q310275 P106 Q639669 +Q361257 P106 Q1415090 +Q313868 P27 Q1033 +Q177984 P106 Q2526255 +Q104591 P1412 Q188 +Q78484 P106 Q483501 +Q134077 P69 Q35794 +Q439198 P106 Q10800557 +Q84464 P106 Q177220 +Q153905 P106 Q822146 +Q1942336 P1303 Q11405 +Q41342 P106 Q10798782 +Q223687 P106 Q3282637 +Q18391 P27 Q30 +Q750 P463 Q8475 +Q80321 P1412 Q294 +Q506393 P106 Q855091 +Q1173086 P106 Q753110 +Q529309 P136 Q49084 +Q60116 P106 Q864503 +Q317516 P106 Q10798782 +Q843 P530 Q1016 +Q53633 P27 Q34 +Q33 P530 Q38 +Q34296 P509 Q12202 +Q780538 P1412 Q9067 +Q89204 P106 Q1622272 +Q4418776 P106 Q82955 +Q239131 P69 Q49119 +Q104668 P1412 Q7737 +Q1351565 P106 Q81096 +Q308681 P495 Q30 +Q440102 P27 Q29 +Q47755 P106 Q28389 +Q96399 P27 Q183 +Q63670 P19 Q64 +Q248562 P136 Q1200678 +Q1151 P69 Q2994538 +Q383173 P136 Q130232 +Q705653 P509 Q12136 +Q185658 P495 Q145 +Q267435 P106 Q3282637 +Q206576 P495 Q30 +Q921869 P463 Q117467 +Q65035 P106 Q36180 +Q34943 P101 Q395 +Q355209 P69 Q8008661 +Q304366 P161 Q292185 +Q237633 P27 Q30 +Q74512 P1050 Q128581 +Q320167 P1303 Q17172850 +Q266445 P509 Q12202 +Q54545 P451 Q242956 +Q542886 P136 Q8341 +Q134773 P136 Q860626 +Q313482 P69 Q168515 +Q148 P530 Q77 +Q190386 P1412 Q1860 +Q298651 P106 Q6625963 +Q57235 P27 Q183 +Q157255 P69 Q13371 +Q231942 P69 Q15142 +Q577548 P136 Q35760 +Q669685 P172 Q121842 +Q213642 P69 Q152087 +Q217557 P172 Q49078 +Q165911 P106 Q488205 +Q105349 P1303 Q17172850 +Q212699 P136 Q56284716 +Q131814 P27 Q39 +Q450663 P106 Q1622272 +Q1931736 P106 Q2252262 +Q979347 P106 Q36834 +Q215090 P69 Q317053 +Q214642 P136 Q676 +Q229325 P106 Q28389 +Q229156 P106 Q33999 +Q266959 P102 Q29552 +Q156597 P161 Q317567 +Q75603 P106 Q82955 +Q312514 P264 Q202585 +Q403 P530 Q36 +Q162793 P19 Q36036 +Q139121 P172 Q49085 +Q88248 P463 Q695302 +Q1361996 P27 Q159 +Q198051 P108 Q16952 +Q320423 P161 Q61552 +Q215497 P106 Q5716684 +Q84266 P463 Q1971373 +Q57688 P509 Q175111 +Q57735 P1412 Q7737 +Q57576 P27 Q183 +Q3259416 P20 Q490 +Q236056 P106 Q947873 +Q48102 P27 Q34266 +Q66774 P106 Q10800557 +Q315737 P463 Q1493021 +Q154331 P27 Q218 +Q35 P530 Q20 +Q336835 P136 Q157394 +Q91470 P69 Q154804 +Q78214 P102 Q79854 +Q65329 P106 Q14467526 +Q1105367 P108 Q161562 +Q1154246 P106 Q2252262 +Q215359 P106 Q245068 +Q60059 P106 Q16031530 +Q51530 P27 Q36 +Q236829 P136 Q132311 +Q51488 P106 Q2526255 +Q107183 P140 Q75809 +Q1804720 P172 Q170826 +Q200586 P1303 Q79838 +Q84476 P106 Q482980 +Q201656 P106 Q486748 +Q40531 P102 Q29468 +Q11617 P27 Q30 +Q58777 P1412 Q188 +Q66709 P19 Q64 +Q350704 P106 Q1415090 +Q313543 P69 Q559549 +Q11928 P161 Q206112 +Q710837 P1412 Q7850 +Q468864 P1412 Q150 +Q446257 P106 Q1415090 +Q177111 P106 Q855091 +Q1487770 P19 Q23556 +Q66232 P509 Q47912 +Q190628 P26 Q23505 +Q298761 P106 Q644687 +Q223117 P106 Q3282637 +Q43936 P20 Q1726 +Q507940 P106 Q36834 +Q155398 P69 Q174570 +Q233854 P106 Q948329 +Q1033 P530 Q1020 +Q241909 P27 Q30 +Q201674 P161 Q36949 +Q288936 P27 Q28 +Q15615 P136 Q11401 +Q1729 P17 Q16957 +Q232333 P106 Q28389 +Q44707 P106 Q639669 +Q26876 P1303 Q17172850 +Q11998 P106 Q177220 +Q456903 P106 Q1930187 +Q106514 P106 Q33999 +Q249865 P106 Q10800557 +Q155398 P106 Q188094 +Q97291 P20 Q34404 +Q49355 P106 Q593644 +Q57676 P27 Q43287 +Q166646 P106 Q82955 +Q90131 P106 Q40348 +Q450296 P551 Q495 +Q76258 P19 Q1726 +Q712860 P136 Q11366 +Q452361 P106 Q943995 +Q93166 P27 Q213 +Q273866 P106 Q188094 +Q39829 P106 Q28389 +Q1899 P17 Q139319 +Q445306 P20 Q84 +Q4751826 P1412 Q188 +Q285431 P136 Q8341 +Q452761 P641 Q847 +Q166234 P69 Q193510 +Q214947 P106 Q4263842 +Q94108 P27 Q176495 +Q240677 P26 Q59314 +Q238422 P106 Q753110 +Q313138 P264 Q654283 +Q28480 P106 Q822146 +Q95777 P106 Q49757 +Q1047474 P1303 Q6607 +Q270123 P106 Q639669 +Q311802 P106 Q1930187 +Q86367 P106 Q10798782 +Q726388 P108 Q13371 +Q7939652 P102 Q79854 +Q161363 P463 Q414110 +Q1635222 P1303 Q31561 +Q239917 P106 Q33999 +Q132524 P106 Q4964182 +Q73993 P108 Q155354 +Q299968 P106 Q10800557 +Q55174 P551 Q43196 +Q160060 P161 Q203545 +Q119935 P136 Q21590660 +Q488057 P106 Q639669 +Q441742 P1412 Q1860 +Q353762 P106 Q36180 +Q12702 P1412 Q1860 +Q170042 P106 Q855091 +Q10287 P1412 Q1321 +Q107405 P463 Q191583 +Q201477 P69 Q209842 +Q762 P27 Q148540 +Q539 P106 Q82955 +Q1056163 P136 Q164444 +Q213864 P106 Q10800557 +Q46096 P106 Q486748 +Q160852 P106 Q193391 +Q114132 P27 Q142 +Q12844 P106 Q639669 +Q275120 P136 Q369747 +Q290856 P106 Q15077007 +Q210740 P172 Q42406 +Q302484 P1303 Q17172850 +Q207916 P161 Q333190 +Q678410 P264 Q2265719 +Q699541 P106 Q170790 +Q4089775 P119 Q208175 +Q70215 P108 Q49112 +Q434111 P27 Q30 +Q127984 P509 Q223102 +Q164119 P172 Q1075293 +Q322236 P136 Q9759 +Q316330 P27 Q30 +Q458559 P106 Q1607826 +Q208424 P136 Q622291 +Q289204 P495 Q30 +Q75814 P69 Q153978 +Q88135 P102 Q153401 +Q16473 P172 Q3476361 +Q40482 P102 Q537303 +Q386514 P19 Q65 +Q2054 P106 Q372436 +Q214549 P106 Q121594 +Q1025919 P17 Q30 +Q145 P530 Q796 +Q319392 P106 Q33999 +Q38 P463 Q81299 +Q78864 P27 Q268970 +Q114076 P136 Q319221 +Q95048 P69 Q7864046 +Q740036 P106 Q639669 +Q311791 P119 Q208175 +Q1666 P1412 Q7411 +Q292973 P641 Q80131 +Q184746 P101 Q23404 +Q501697 P108 Q23548 +Q267676 P172 Q49085 +Q58978 P463 Q543804 +Q67383 P106 Q10800557 +Q2849296 P27 Q142 +Q43247 P27 Q34 +Q64584 P140 Q75809 +Q968214 P106 Q43845 +Q185510 P1412 Q150 +Q84352 P106 Q4964182 +Q380045 P509 Q47912 +Q128956 P509 Q188874 +Q229038 P3373 Q122020 +Q1068631 P69 Q50662 +Q536301 P106 Q81096 +Q1036 P463 Q294278 +Q881 P530 Q884 +Q532915 P19 Q84 +Q202211 P161 Q310515 +Q69430 P106 Q589298 +Q316086 P106 Q2526255 +Q231690 P106 Q17351648 +Q131074 P161 Q329734 +Q52950 P108 Q185246 +Q12786562 P69 Q1377 +Q774 P463 Q191384 +Q40874 P20 Q84 +Q289752 P106 Q33999 +Q242889 P106 Q10798782 +Q2440716 P106 Q39631 +Q36268 P69 Q2994538 +Q189 P463 Q8475 +Q214930 P27 Q183 +Q582713 P119 Q240744 +Q217154 P551 Q3616 +Q92848 P69 Q131252 +Q48984 P161 Q318249 +Q713099 P1303 Q17172850 +Q471751 P106 Q36180 +Q250975 P20 Q2807 +Q117315 P161 Q214309 +Q133665 P101 Q207628 +Q313366 P264 Q770103 +Q189119 P27 Q174193 +Q379873 P136 Q2421031 +Q45963 P69 Q13371 +Q96 P463 Q376150 +Q526406 P19 Q5092 +Q76291 P19 Q4098 +Q11100 P69 Q49123 +Q734 P463 Q3772571 +Q65105 P69 Q1542213 +Q426582 P1412 Q1860 +Q231713 P140 Q5043 +Q96 P530 Q884 +Q234117 P106 Q2259451 +Q801 P530 Q40 +Q353816 P106 Q15980158 +Q3710088 P106 Q19350898 +Q9387 P106 Q188094 +Q9711 P135 Q667661 +Q58057 P106 Q36180 +Q939524 P108 Q658626 +Q173399 P140 Q7066 +Q139542 P136 Q860626 +Q236505 P1303 Q6607 +Q1985556 P106 Q177220 +Q569378 P106 Q36180 +Q295034 P106 Q43845 +Q192885 P106 Q4263842 +Q201538 P463 Q463303 +Q131545 P172 Q133032 +Q439895 P27 Q258 +Q11239 P106 Q806798 +Q96331 P106 Q4853732 +Q62354 P106 Q1622272 +Q329145 P495 Q30 +Q110163 P27 Q183 +Q380243 P20 Q649 +Q344537 P136 Q157443 +Q1056163 P106 Q177220 +Q18938 P106 Q36180 +Q235394 P106 Q1930187 +Q157293 P101 Q207628 +Q189132 P106 Q177220 +Q1699312 P264 Q1088453 +Q807787 P27 Q30 +Q1806985 P106 Q177220 +Q75603 P106 Q1209498 +Q204398 P161 Q134333 +Q357961 P108 Q131626 +Q317539 P509 Q175111 +Q202801 P106 Q4610556 +Q509974 P119 Q831322 +Q294931 P102 Q29552 +Q75914 P69 Q273263 +Q48042 P1412 Q7737 +Q1124 P106 Q372436 +Q285543 P106 Q4610556 +Q1511 P101 Q1344 +Q216409 P1412 Q188 +Q188235 P106 Q753110 +Q189186 P106 Q1622272 +Q104719 P1412 Q188 +Q440537 P27 Q30 +Q930586 P106 Q36834 +Q27 P530 Q41 +Q261669 P106 Q36180 +Q36739 P57 Q95039 +Q1699312 P106 Q33999 +Q729697 P1303 Q6607 +Q157271 P108 Q54096 +Q156501 P27 Q668 +Q310201 P20 Q84 +Q315266 P551 Q1899 +Q320014 P69 Q752663 +Q37767 P463 Q463281 +Q76343 P1412 Q150 +Q150916 P106 Q10800557 +Q381751 P136 Q860626 +Q131324 P264 Q203059 +Q380381 P106 Q639669 +Q469164 P106 Q487596 +Q7351 P108 Q312578 +Q664909 P136 Q45981 +Q2875 P161 Q228904 +Q197977 P27 Q183 +Q1350527 P1303 Q17172850 +Q57584 P106 Q2405480 +Q7349 P136 Q9730 +Q301818 P3373 Q255129 +Q128995 P509 Q623031 +Q67518 P106 Q14915627 +Q301136 P106 Q1028181 +Q234685 P101 Q207628 +Q368613 P27 Q30 +Q189400 P106 Q36180 +Q908569 P106 Q177220 +Q164117 P106 Q2259451 +Q58735 P264 Q193023 +Q77199 P106 Q36180 +Q438310 P106 Q36180 +Q374605 P27 Q28513 +Q1771189 P106 Q1350157 +Q562521 P106 Q1930187 +Q73132 P1303 Q302497 +Q211009 P136 Q188473 +Q312657 P509 Q181754 +Q48102 P463 Q1971373 +Q190251 P106 Q177220 +Q91617 P20 Q3033 +Q229286 P101 Q482 +Q28885 P27 Q34266 +Q706931 P463 Q266063 +Q180416 P136 Q586250 +Q102235 P161 Q168724 +Q170842 P737 Q41239 +Q179858 P106 Q40348 +Q49003 P161 Q224754 +Q126652 P57 Q51552 +Q533369 P172 Q49085 +Q233368 P27 Q30 +Q207350 P17 Q801 +Q107422 P463 Q270794 +Q336640 P106 Q11569986 +Q1391164 P106 Q183945 +Q3438272 P106 Q43845 +Q188848 P106 Q36834 +Q92862 P1412 Q1860 +Q128297 P19 Q11299 +Q515606 P27 Q30 +Q515904 P26 Q274277 +Q2477225 P27 Q34266 +Q1273345 P136 Q45981 +Q40912 P136 Q203775 +Q60946 P106 Q36180 +Q912 P463 Q191384 +Q243027 P106 Q189290 +Q297736 P106 Q37226 +Q354603 P106 Q33999 +Q533970 P451 Q7833 +Q295463 P69 Q174710 +Q91657 P106 Q11063 +Q215282 P1412 Q188 +Q278319 P106 Q28389 +Q234101 P106 Q3282637 +Q166769 P106 Q639669 +Q697195 P69 Q152087 +Q296500 P106 Q33999 +Q239357 P27 Q30 +Q319392 P1303 Q17172850 +Q236702 P106 Q33999 +Q232251 P136 Q663106 +Q128507 P106 Q33999 +Q457856 P140 Q7066 +Q78270 P108 Q315658 +Q233474 P106 Q177220 +Q7336 P551 Q78 +Q72001 P106 Q4964182 +Q26053 P106 Q10800557 +Q449371 P19 Q1345 +Q329719 P106 Q2059704 +Q313654 P136 Q37073 +Q241510 P106 Q2526255 +Q193509 P106 Q36834 +Q722119 P136 Q49084 +Q949281 P119 Q311 +Q69430 P551 Q90 +Q154367 P737 Q6691 +Q355781 P106 Q33999 +Q1320912 P106 Q753110 +Q235302 P106 Q10798782 +Q232047 P19 Q18424 +Q573388 P106 Q864380 +Q34020 P530 Q865 +Q108460 P108 Q152087 +Q9049 P172 Q7325 +Q287977 P106 Q15981151 +Q164824 P463 Q684415 +Q439455 P106 Q333634 +Q9588 P106 Q372436 +Q981785 P1303 Q163829 +Q450984 P106 Q193391 +Q1154804 P1303 Q17172850 +Q233862 P106 Q2259451 +Q550436 P106 Q753110 +Q88464 P106 Q4773904 +Q1236051 P27 Q29 +Q380318 P27 Q34 +Q98173 P106 Q1930187 +Q316330 P69 Q1093910 +Q239917 P106 Q36834 +Q144622 P136 Q49451 +Q88194 P106 Q82955 +Q351339 P1412 Q1860 +Q90891 P27 Q43287 +Q259317 P27 Q30 +Q292432 P101 Q207628 +Q165421 P108 Q49204 +Q211283 P106 Q245068 +Q49823 P463 Q463303 +Q549626 P108 Q661916 +Q237833 P27 Q29 +Q302880 P69 Q49166 +Q297881 P1412 Q150 +Q312902 P27 Q30 +Q18425 P106 Q593644 +Q99564 P27 Q183 +Q185071 P161 Q39792 +Q342962 P106 Q10798782 +Q490333 P106 Q201788 +Q91642 P27 Q183 +Q73646 P27 Q20 +Q263696 P106 Q18581305 +Q470758 P106 Q49757 +Q229364 P106 Q10800557 +Q62857 P463 Q127992 +Q191 P463 Q5611262 +Q124610 P108 Q372608 +Q188962 P641 Q5372 +Q3132658 P27 Q408 +Q187884 P1303 Q17172850 +Q137115 P69 Q49204 +Q300371 P161 Q478601 +Q183 P530 Q736 +Q578529 P106 Q28389 +Q15257 P19 Q1342 +Q254 P106 Q765778 +Q666875 P106 Q1622272 +Q449769 P1412 Q9056 +Q877537 P1412 Q9056 +Q174291 P740 Q1490 +Q3101841 P102 Q29468 +Q310582 P1303 Q17172850 +Q159638 P161 Q208681 +Q55168 P106 Q2526255 +Q382638 P20 Q490 +Q71410 P135 Q7252 +Q637949 P106 Q40348 +Q260331 P106 Q177220 +Q265 P463 Q1043527 +Q37459 P27 Q408 +Q312720 P106 Q49757 +Q333632 P27 Q155 +Q941655 P106 Q82955 +Q16759 P106 Q10800557 +Q5603 P106 Q1028181 +Q694042 P106 Q128124 +Q241316 P106 Q36834 +Q224159 P106 Q37226 +Q211280 P106 Q10800557 +Q287805 P106 Q28389 +Q45811 P106 Q201788 +Q892115 P101 Q21198 +Q237416 P106 Q36180 +Q238866 P161 Q225657 +Q2632 P106 Q2405480 +Q129140 P1303 Q17172850 +Q23517 P106 Q2722764 +Q92876 P27 Q16 +Q15975 P106 Q201788 +Q22670 P106 Q201788 +Q41513 P106 Q644687 +Q741862 P106 Q18844224 +Q271640 P1412 Q5146 +Q5921 P136 Q11399 +Q382150 P106 Q730242 +Q362332 P26 Q231128 +Q440668 P106 Q177220 +Q183 P530 Q189 +Q104326 P106 Q36834 +Q13047979 P1412 Q7737 +Q108398 P108 Q156725 +Q714462 P106 Q1622272 +Q230523 P136 Q11399 +Q187199 P463 Q3603946 +Q1618 P106 Q36180 +Q103583 P108 Q159895 +Q78496 P463 Q123885 +Q39246 P69 Q21578 +Q294773 P106 Q28389 +Q263143 P27 Q30 +Q168509 P19 Q90 +Q2964710 P27 Q145 +Q2623752 P106 Q901 +Q355209 P106 Q2259451 +Q162076 P1303 Q5994 +Q514998 P1412 Q1860 +Q207515 P106 Q753110 +Q11826 P101 Q395 +Q70694 P1412 Q188 +Q381477 P106 Q12362622 +Q313525 P27 Q30 +Q95355 P106 Q14467526 +Q61769 P108 Q157808 +Q75649 P69 Q51985 +Q140694 P106 Q2306091 +Q1349079 P509 Q623031 +Q464251 P106 Q753110 +Q315441 P1412 Q1860 +Q264867 P106 Q36834 +Q83338 P551 Q62 +Q382393 P69 Q2994538 +Q247182 P161 Q270730 +Q276170 P1412 Q1321 +Q4093 P17 Q145 +Q68411 P108 Q209842 +Q1906150 P69 Q705737 +Q87542 P27 Q183 +Q3734755 P19 Q60 +Q102711 P551 Q1558 +Q539143 P106 Q183945 +Q618233 P106 Q947873 +Q3132658 P106 Q43845 +Q234399 P19 Q26793 +Q268039 P19 Q1297 +Q24302 P106 Q201788 +Q162182 P161 Q169982 +Q214227 P136 Q11401 +Q920637 P140 Q9268 +Q311241 P1303 Q17172850 +Q93664 P106 Q169470 +Q108525 P161 Q36949 +Q85788 P106 Q1930187 +Q86632 P509 Q12136 +Q188000 P161 Q370918 +Q229379 P551 Q18419 +Q327836 P509 Q12204 +Q93129 P19 Q193714 +Q313559 P136 Q38848 +Q83326 P140 Q106687 +Q48226 P737 Q9235 +Q241180 P1412 Q1860 +Q1508451 P106 Q81096 +Q220816 P27 Q2305208 +Q151593 P69 Q2994538 +Q796 P530 Q843 +Q439315 P1412 Q1860 +Q546956 P509 Q147778 +Q113052 P161 Q170572 +Q313758 P1412 Q1860 +Q6882 P1412 Q1860 +Q229 P530 Q36 +Q289003 P264 Q18628 +Q454428 P106 Q5716684 +Q1524938 P1303 Q6607 +Q383355 P840 Q90 +Q2737 P106 Q3282637 +Q188652 P136 Q188473 +Q37103 P551 Q145 +Q97423 P1412 Q188 +Q85280 P27 Q40 +Q345325 P106 Q10800557 +Q332632 P106 Q2259451 +Q87432 P19 Q1726 +Q620609 P20 Q1773 +Q230278 P27 Q30 +Q315343 P106 Q2468727 +Q221168 P161 Q312051 +Q349434 P106 Q2252262 +Q213512 P102 Q29552 +Q318474 P1412 Q1321 +Q142 P530 Q29 +Q57641 P27 Q28 +Q60025 P106 Q201788 +Q1373546 P106 Q81096 +Q1095432 P264 Q5086379 +Q106529 P106 Q33999 +Q176985 P27 Q15180 +Q59653 P840 Q61 +Q347986 P264 Q203059 +Q36488 P463 Q2822396 +Q96665 P69 Q152087 +Q70372 P106 Q193391 +Q92926 P106 Q82594 +Q247182 P136 Q1200678 +Q212523 P69 Q144488 +Q3334710 P106 Q1650915 +Q983530 P27 Q145 +Q983233 P106 Q1930187 +Q6060 P264 Q2482872 +Q152176 P106 Q482980 +Q1372851 P27 Q16957 +Q211831 P106 Q10800557 +Q222873 P161 Q53680 +Q74958 P840 Q1014 +Q234017 P264 Q216364 +Q164384 P27 Q28 +Q193695 P136 Q52207399 +Q356487 P106 Q639669 +Q400 P106 Q3286043 +Q865 P530 Q817 +Q116548 P108 Q372608 +Q72 P17 Q39 +Q182212 P136 Q1535153 +Q650878 P509 Q29496 +Q324162 P20 Q270 +Q4889934 P106 Q37226 +Q287817 P106 Q177220 +Q103357 P106 Q36180 +Q239917 P136 Q37073 +Q207916 P161 Q336018 +Q373267 P840 Q1397 +Q316454 P106 Q177220 +Q3924 P136 Q11399 +Q973755 P106 Q639669 +Q26372 P106 Q2705098 +Q223741 P1303 Q2643890 +Q81624 P264 Q700359 +Q309289 P161 Q323452 +Q202319 P19 Q12439 +Q548185 P140 Q9268 +Q43259 P136 Q3071 +Q344655 P106 Q10798782 +Q128560 P140 Q13211738 +Q73432 P463 Q684415 +Q98370 P27 Q183 +Q66729 P463 Q414188 +Q19810 P106 Q488205 +Q42 P106 Q28389 +Q374045 P27 Q145 +Q475942 P106 Q1930187 +Q155112 P69 Q154561 +Q434669 P27 Q30 +Q79 P530 Q258 +Q453288 P106 Q333634 +Q578529 P106 Q1930187 +Q103474 P136 Q2973181 +Q106709 P106 Q10800557 +Q60477 P463 Q414110 +Q234314 P69 Q49213 +Q577508 P27 Q30 +Q545375 P106 Q214917 +Q766880 P69 Q621043 +Q339423 P27 Q20 +Q40116 P119 Q311 +Q352914 P1412 Q9056 +Q155928 P641 Q542 +Q105221 P106 Q28389 +Q178698 P737 Q6512 +Q39659 P69 Q859363 +Q1047474 P1303 Q11404 +Q3123791 P106 Q81096 +Q321527 P69 Q49112 +Q807545 P172 Q49085 +Q168468 P463 Q329464 +Q1278397 P57 Q392 +Q101383 P1412 Q188 +Q234392 P106 Q18814623 +Q266109 P106 Q33999 +Q315707 P106 Q36834 +Q34424 P136 Q43343 +Q184 P530 Q36 +Q76641 P20 Q3033 +Q67018 P509 Q9687 +Q450789 P106 Q49757 +Q740657 P19 Q84 +Q37327 P106 Q49757 +Q299595 P140 Q55004488 +Q1686156 P106 Q753110 +Q542101 P19 Q656 +Q311786 P106 Q43845 +Q1361841 P106 Q639669 +Q153739 P106 Q49757 +Q1195390 P106 Q753110 +Q184933 P140 Q7066 +Q53633 P119 Q252312 +Q215630 P509 Q175111 +Q228 P463 Q842490 +Q559774 P27 Q129286 +Q271903 P19 Q71 +Q64988 P69 Q152838 +Q4451656 P20 Q649 +Q357607 P101 Q941594 +Q905 P106 Q3606216 +Q19845 P136 Q37073 +Q177883 P69 Q13371 +Q18425 P509 Q12152 +Q192885 P106 Q36180 +Q1020 P530 Q953 +Q183 P530 Q800 +Q434399 P106 Q488205 +Q400729 P27 Q801 +Q201500 P106 Q806349 +Q66316 P108 Q49115 +Q69773 P106 Q482980 +Q96 P463 Q1043527 +Q204019 P106 Q2340668 +Q782020 P106 Q55960555 +Q470334 P106 Q350979 +Q107422 P551 Q60 +Q201924 P161 Q170572 +Q262502 P106 Q864380 +Q537222 P106 Q4610556 +Q155882 P106 Q1930187 +Q243113 P106 Q177220 +Q289204 P136 Q130232 +Q880181 P69 Q28695 +Q464833 P27 Q145 +Q377638 P19 Q4093 +Q68084 P27 Q183 +Q12862 P1412 Q1321 +Q242620 P106 Q33999 +Q230011 P1412 Q1860 +Q882 P106 Q28389 +Q265706 P106 Q33999 +Q7976772 P106 Q483501 +Q541964 P106 Q864503 +Q166769 P27 Q30 +Q57475 P108 Q158158 +Q311987 P106 Q15077007 +Q235525 P1412 Q1860 +Q215949 P463 Q338432 +Q76361 P1412 Q188 +Q201562 P264 Q202440 +Q867257 P27 Q30 +Q235952 P136 Q131272 +Q286339 P102 Q29468 +Q372438 P106 Q183945 +Q219862 P463 Q463281 +Q61469 P106 Q18805 +Q889 P463 Q827525 +Q166835 P27 Q30 +Q106245 P1412 Q188 +Q162629 P551 Q65 +Q76952 P1412 Q1860 +Q214851 P69 Q209842 +Q273215 P108 Q599316 +Q301077 P136 Q860626 +Q1032998 P106 Q1930187 +Q286302 P1412 Q188 +Q230456 P106 Q2865819 +Q2481742 P27 Q142 +Q274711 P1412 Q9043 +Q207536 P495 Q408 +Q110960 P106 Q16145150 +Q171861 P161 Q189422 +Q1368401 P106 Q486748 +Q202489 P106 Q1086863 +Q28 P463 Q191582 +Q112651 P140 Q432 +Q11153 P463 Q463303 +Q452252 P106 Q36180 +Q2464214 P20 Q90 +Q191408 P69 Q926749 +Q77143 P106 Q33999 +Q112167 P19 Q1741 +Q234773 P106 Q947873 +Q91162 P20 Q1707 +Q7964724 P27 Q30 +Q110203 P136 Q2421031 +Q322549 P20 Q1757 +Q453583 P1412 Q1860 +Q231207 P106 Q33999 +Q233977 P1303 Q6607 +Q16554 P131 Q1261 +Q363949 P106 Q1930187 +Q714845 P106 Q753110 +Q309788 P27 Q30 +Q116928 P161 Q36767 +Q1246 P30 Q46 +Q521170 P136 Q49084 +Q157318 P106 Q4964182 +Q3262638 P69 Q2983698 +Q48868 P108 Q273518 +Q128967 P69 Q805285 +Q232356 P106 Q10800557 +Q128532 P106 Q33999 +Q464833 P1303 Q5994 +Q92128 P1412 Q188 +Q196004 P136 Q224700 +Q105158 P106 Q131524 +Q225 P530 Q29 +Q142 P530 Q657 +Q352185 P264 Q557632 +Q40874 P27 Q174193 +Q232009 P161 Q235716 +Q107724 P161 Q3938408 +Q164963 P161 Q294975 +Q84150 P509 Q12152 +Q235617 P106 Q2259451 +Q467091 P106 Q49757 +Q214226 P106 Q177220 +Q238464 P106 Q3282637 +Q447121 P27 Q28 +Q271856 P27 Q30 +Q16400 P69 Q16952 +Q349117 P106 Q2059704 +Q334180 P106 Q2526255 +Q448778 P20 Q61 +Q7013 P1412 Q188 +Q73357 P1412 Q188 +Q549487 P106 Q4773904 +Q358356 P106 Q214917 +Q42493 P106 Q18814623 +Q823935 P20 Q649 +Q162458 P161 Q25144 +Q239501 P1412 Q1860 +Q401107 P106 Q82955 +Q310580 P106 Q28389 +Q527146 P106 Q201788 +Q231141 P106 Q482980 +Q129429 P27 Q145 +Q607448 P106 Q639669 +Q272972 P106 Q2526255 +Q1013 P463 Q191384 +Q50656 P106 Q1930187 +Q106399 P1412 Q1860 +Q651 P106 Q6625963 +Q571287 P101 Q395 +Q56093 P106 Q33999 +Q87972 P20 Q1718 +Q49847 P106 Q17125263 +Q181086 P136 Q20443008 +Q367129 P106 Q21234378 +Q709790 P463 Q4345832 +Q30 P463 Q17495 +Q3559761 P27 Q243610 +Q1248240 P463 Q463303 +Q220192 P840 Q60 +Q287478 P106 Q33999 +Q316872 P264 Q1644016 +Q41342 P106 Q10800557 +Q132964 P106 Q49757 +Q379022 P463 Q161806 +Q705210 P1412 Q150 +Q984614 P509 Q3505252 +Q329734 P106 Q33999 +Q169038 P119 Q118967 +Q2828029 P106 Q81096 +Q47159 P136 Q753679 +Q1449438 P106 Q2526255 +Q240377 P1303 Q17172850 +Q2118763 P27 Q145 +Q230454 P264 Q165711 +Q12003 P264 Q1660305 +Q863514 P106 Q201788 +Q195535 P1412 Q150 +Q264618 P108 Q9531 +Q320653 P119 Q208175 +Q62665 P161 Q272505 +Q327261 P106 Q482980 +Q31984 P27 Q30 +Q353366 P27 Q30 +Q434956 P106 Q1930187 +Q183279 P463 Q530471 +Q44847 P106 Q1622272 +Q922484 P69 Q319078 +Q83484 P136 Q21590660 +Q60178 P1412 Q397 +Q435060 P136 Q11366 +Q130142 P161 Q296616 +Q144904 P1303 Q17172850 +Q6530 P136 Q128758 +Q96087 P106 Q6625963 +Q214690 P27 Q30 +Q314427 P1303 Q17172850 +Q350714 P1412 Q1860 +Q943694 P1412 Q7411 +Q313596 P1303 Q17172850 +Q554074 P20 Q649 +Q119198 P106 Q2405480 +Q193105 P140 Q9592 +Q128073 P106 Q901 +Q229487 P69 Q523926 +Q104358 P264 Q994175 +Q881 P530 Q916 +Q190251 P1303 Q5994 +Q465640 P1412 Q7737 +Q230395 P19 Q23768 +Q519838 P102 Q29552 +Q224650 P136 Q217191 +Q129542 P463 Q265058 +Q725516 P106 Q488205 +Q276407 P136 Q52162262 +Q242300 P136 Q1298934 +Q3305837 P106 Q81096 +Q43 P530 Q31 +Q62725 P69 Q54096 +Q44412 P463 Q117467 +Q62757 P69 Q165980 +Q112929 P1412 Q188 +Q117392 P26 Q108935 +Q300568 P136 Q1054574 +Q283061 P106 Q639669 +Q1001254 P136 Q37073 +Q67177 P27 Q183 +Q107761 P136 Q2297927 +Q318287 P1412 Q1860 +Q61594 P136 Q6034 +Q202725 P1050 Q12195 +Q329035 P27 Q30 +Q270005 P172 Q121842 +Q664 P463 Q7809 +Q445122 P136 Q369747 +Q725943 P106 Q40348 +Q57106 P1412 Q35497 +Q84904 P119 Q176298 +Q271696 P509 Q12078 +Q176455 P106 Q33999 +Q263552 P106 Q6625963 +Q96028 P1412 Q397 +Q163234 P106 Q2405480 +Q381751 P161 Q336185 +Q235515 P106 Q36180 +Q45909 P106 Q183945 +Q382604 P106 Q36180 +Q27214 P106 Q270389 +Q2184 P131 Q15180 +Q272031 P69 Q349055 +Q463042 P106 Q639669 +Q462744 P106 Q82955 +Q58845 P69 Q152838 +Q1930688 P106 Q188094 +Q322750 P106 Q10800557 +Q61194 P463 Q2043519 +Q105756 P737 Q170509 +Q465695 P27 Q30 +Q93996 P27 Q28513 +Q272214 P27 Q30 +Q267683 P106 Q42603 +Q1042 P463 Q7159 +Q253695 P264 Q568246 +Q12658 P69 Q28024477 +Q359383 P19 Q649 +Q130631 P463 Q463303 +Q4864 P106 Q82594 +Q12658 P106 Q593644 +Q324557 P136 Q2484376 +Q92635 P69 Q49213 +Q981996 P106 Q639669 +Q216195 P106 Q1930187 +Q38392 P463 Q463281 +Q983544 P106 Q822146 +Q219810 P840 Q61 +Q260312 P27 Q30 +Q6714 P19 Q3802 +Q62126 P27 Q183 +Q5383 P136 Q131272 +Q153694 P106 Q177220 +Q61864 P463 Q414188 +Q822 P530 Q851 +Q343394 P106 Q33999 +Q706571 P106 Q36180 +Q843 P530 Q921 +Q458709 P19 Q85 +Q95008 P106 Q36834 +Q663465 P106 Q82955 +Q229613 P1303 Q17172850 +Q93890 P1412 Q188 +Q442547 P106 Q10798782 +Q349350 P106 Q948329 +Q189080 P136 Q186472 +Q237215 P136 Q130232 +Q432689 P27 Q30 +Q298035 P69 Q194223 +Q55404 P20 Q1348 +Q168728 P106 Q49757 +Q37876 P106 Q2526255 +Q4042 P106 Q2405480 +Q300502 P161 Q170606 +Q430804 P69 Q192775 +Q242387 P1412 Q150 +Q69837 P1412 Q188 +Q306403 P106 Q49757 +Q160783 P69 Q209842 +Q118061 P463 Q265058 +Q132330 P106 Q82955 +Q365484 P106 Q4610556 +Q120260 P19 Q61 +Q262507 P106 Q177220 +Q272270 P1303 Q6607 +Q98173 P3373 Q71208 +Q115 P530 Q183 +Q983450 P108 Q49088 +Q78492 P106 Q36180 +Q71645 P101 Q482 +Q144664 P108 Q55021 +Q77938 P27 Q183 +Q223316 P161 Q193517 +Q1572124 P108 Q7842 +Q1334617 P264 Q557632 +Q251865 P106 Q584301 +Q41590 P106 Q1231865 +Q715 P17 Q7318 +Q59210 P102 Q590750 +Q154756 P106 Q482980 +Q218235 P495 Q145 +Q270385 P495 Q145 +Q1373347 P136 Q83440 +Q75696 P102 Q694299 +Q471774 P1303 Q17172850 +Q484302 P106 Q584301 +Q3720507 P106 Q81096 +Q909 P463 Q463303 +Q59737 P140 Q1841 +Q287451 P106 Q2259451 +Q487491 P463 Q188771 +Q1336685 P19 Q65 +Q214677 P69 Q1185037 +Q106762 P463 Q543804 +Q348170 P106 Q14467526 +Q144483 P136 Q130232 +Q2473030 P27 Q34266 +Q76579 P172 Q42884 +Q179257 P264 Q231694 +Q1070572 P106 Q753110 +Q55832 P140 Q7066 +Q73463 P264 Q56760250 +Q1372139 P106 Q2526255 +Q4014532 P69 Q49088 +Q139602 P106 Q33999 +Q544469 P106 Q639669 +Q357961 P101 Q333 +Q349461 P740 Q65 +Q1395573 P106 Q43845 +Q11673 P19 Q18424 +Q96028 P106 Q3621491 +Q159976 P108 Q55038 +Q274895 P57 Q266535 +Q231171 P1412 Q1860 +Q343616 P106 Q10798782 +Q56005 P140 Q106039 +Q276158 P106 Q753110 +Q262861 P27 Q145 +Q511046 P27 Q20 +Q389014 P136 Q157443 +Q747 P106 Q49757 +Q602033 P1412 Q1321 +Q1075770 P509 Q181754 +Q156502 P27 Q33946 +Q658008 P69 Q745967 +Q274143 P106 Q36180 +Q189119 P106 Q6625963 +Q375775 P161 Q380579 +Q125095 P1412 Q188 +Q689820 P17 Q12560 +Q298651 P106 Q36180 +Q124357 P106 Q2259451 +Q237190 P106 Q10800557 +Q213257 P106 Q10800557 +Q66337 P1412 Q188 +Q399 P530 Q145 +Q88749 P106 Q1930187 +Q325004 P509 Q12204 +Q206922 P1412 Q1860 +Q63458 P69 Q165980 +Q1004670 P106 Q37226 +Q215145 P463 Q459620 +Q1397375 P140 Q23540 +Q70263 P69 Q168426 +Q225 P530 Q183 +Q366306 P106 Q49757 +Q99258 P106 Q36180 +Q2680 P106 Q3427922 +Q553730 P172 Q165192 +Q448905 P69 Q185246 +Q214216 P106 Q901 +Q86886 P106 Q36180 +Q366578 P264 Q2482872 +Q5354 P27 Q30 +Q186504 P840 Q38 +Q297693 P106 Q36180 +Q105090 P69 Q55044 +Q311147 P106 Q15982858 +Q465663 P27 Q30 +Q321178 P27 Q30 +Q78126 P463 Q329464 +Q1334439 P1412 Q652 +Q486096 P106 Q11774202 +Q215927 P737 Q859 +Q4513768 P27 Q34266 +Q241470 P19 Q1781 +Q30893 P69 Q1335573 +Q112635 P161 Q708059 +Q128553 P106 Q193391 +Q80889 P106 Q12144794 +Q179680 P135 Q37068 +Q207 P106 Q18814623 +Q90934 P106 Q36180 +Q423 P530 Q711 +Q295589 P106 Q947873 +Q231479 P1303 Q17172850 +Q236112 P106 Q36834 +Q504083 P106 Q1930187 +Q310367 P106 Q2259451 +Q62833 P106 Q188094 +Q72450 P161 Q223117 +Q204868 P27 Q34266 +Q39658 P106 Q350979 +Q221104 P136 Q130232 +Q8573 P1412 Q7850 +Q58720 P106 Q483501 +Q22686 P26 Q242351 +Q103157 P136 Q21590660 +Q49279 P106 Q10833314 +Q366805 P106 Q333634 +Q984644 P136 Q3017271 +Q1286993 P264 Q213710 +Q353007 P264 Q190585 +Q321917 P69 Q1335573 +Q126783 P106 Q1930187 +Q1744 P1303 Q128309 +Q151872 P1412 Q9288 +Q1267 P69 Q221645 +Q901677 P112 Q868839 +Q196103 P161 Q707827 +Q354181 P106 Q177220 +Q344384 P106 Q183945 +Q6882 P106 Q49757 +Q1766082 P106 Q639669 +Q447599 P106 Q43845 +Q213870 P463 Q83172 +Q67672 P106 Q2306091 +Q4137 P106 Q49757 +Q271426 P106 Q11481802 +Q2791686 P106 Q81096 +Q95522 P106 Q201788 +Q317953 P106 Q82955 +Q125133 P136 Q235858 +Q60815 P106 Q121594 +Q1687804 P106 Q3665646 +Q435347 P119 Q1358639 +Q712683 P106 Q158852 +Q350581 P1303 Q6607 +Q23559 P106 Q1930187 +Q3126 P17 Q183 +Q438310 P1412 Q9067 +Q332693 P108 Q193510 +Q58758 P19 Q4044 +Q117 P530 Q403 +Q192301 P161 Q343059 +Q93147 P108 Q21578 +Q4227341 P463 Q2370801 +Q314812 P106 Q2405480 +Q131018 P20 Q90 +Q740378 P27 Q159 +Q1345782 P451 Q117761 +Q774 P530 Q183 +Q157242 P106 Q121594 +Q61674 P1412 Q188 +Q92804 P463 Q463303 +Q941210 P106 Q947873 +Q181402 P106 Q33999 +Q154367 P20 Q1055 +Q312705 P19 Q8684 +Q169000 P136 Q4984974 +Q960081 P19 Q1342 +Q560647 P106 Q81096 +Q152738 P1412 Q7737 +Q16400 P27 Q174193 +Q55449 P1303 Q17172850 +Q3075 P17 Q713750 +Q25310 P69 Q13371 +Q65013 P102 Q161118 +Q254820 P106 Q36180 +Q212772 P136 Q37073 +Q39 P463 Q899770 +Q664 P530 Q148 +Q201221 P106 Q4964182 +Q84455 P1412 Q9067 +Q152768 P69 Q871369 +Q304874 P106 Q1622272 +Q27645 P737 Q991 +Q38785 P106 Q2707485 +Q232708 P27 Q30 +Q263178 P106 Q33999 +Q169996 P136 Q188473 +Q36767 P106 Q2259451 +Q80504 P102 Q256121 +Q32049 P106 Q10800557 +Q1245 P106 Q40348 +Q234939 P1303 Q17172850 +Q306122 P1303 Q6607 +Q368732 P27 Q801 +Q571287 P463 Q3291340 +Q153527 P1412 Q1860 +Q224021 P106 Q16323111 +Q164784 P463 Q4345832 +Q63441 P27 Q183 +Q39574 P106 Q10800557 +Q464246 P19 Q2256 +Q976417 P69 Q153265 +Q63960 P106 Q177220 +Q100529 P106 Q36180 +Q1164355 P1303 Q17172850 +Q188857 P1412 Q150 +Q62845 P106 Q3282637 +Q172383 P1412 Q397 +Q202801 P1303 Q17172850 +Q234356 P101 Q207628 +Q89204 P106 Q82955 +Q71775 P119 Q272208 +Q354141 P27 Q29 +Q993950 P106 Q482980 +Q231648 P27 Q30 +Q265706 P106 Q2259451 +Q457022 P1303 Q17172850 +Q57124 P140 Q9592 +Q154448 P106 Q3391743 +Q273338 P106 Q1028181 +Q228546 P106 Q28389 +Q76997 P140 Q9268 +Q61682 P108 Q34433 +Q191 P463 Q7184 +Q241218 P136 Q188473 +Q201538 P737 Q9364 +Q106235 P106 Q47064 +Q234338 P509 Q2140674 +Q822666 P27 Q17 +Q253697 P136 Q211756 +Q391562 P102 Q9626 +Q44519 P106 Q483501 +Q313185 P106 Q1930187 +Q58195 P69 Q165980 +Q67449 P106 Q39631 +Q887259 P106 Q2526255 +Q118229 P69 Q154804 +Q905323 P20 Q1085 +Q221155 P106 Q488205 +Q84011 P106 Q2526255 +Q49081 P737 Q470758 +Q379877 P161 Q374181 +Q1377134 P264 Q193023 +Q68468 P69 Q55044 +Q71618 P106 Q6625963 +Q212224 P19 Q60 +Q39975 P161 Q299790 +Q51519 P69 Q49112 +Q205447 P136 Q157443 +Q98178 P106 Q1930187 +Q193105 P69 Q49108 +Q721819 P136 Q83440 +Q231207 P136 Q183504 +Q276419 P509 Q181754 +Q97144 P102 Q7320 +Q763 P463 Q496967 +Q153149 P1412 Q1860 +Q309048 P57 Q446427 +Q348678 P161 Q273118 +Q60116 P69 Q157575 +Q25660 P740 Q270 +Q505358 P106 Q131524 +Q276158 P136 Q213665 +Q84842 P27 Q174193 +Q152453 P106 Q33999 +Q29213 P106 Q40348 +Q1008 P463 Q1065 +Q944245 P106 Q10798782 +Q240713 P495 Q148 +Q854 P530 Q851 +Q304675 P27 Q145 +Q704696 P106 Q350979 +Q437254 P27 Q142 +Q1386098 P119 Q1302545 +Q781 P361 Q7785 +Q1528185 P69 Q13371 +Q539120 P69 Q174158 +Q329156 P106 Q10800557 +Q299723 P463 Q463303 +Q12807 P106 Q1231865 +Q313998 P161 Q180710 +Q728463 P69 Q223429 +Q105875 P463 Q463303 +Q562108 P108 Q174710 +Q1351751 P106 Q1259917 +Q435801 P106 Q1622272 +Q4948 P37 Q397 +Q114533 P106 Q1622272 +Q80758 P1412 Q9176 +Q106428 P840 Q1439 +Q2902710 P19 Q2135 +Q3184115 P19 Q1492 +Q253862 P106 Q177220 +Q227 P530 Q30 +Q151646 P1412 Q7737 +Q442198 P19 Q90 +Q228611 P509 Q12078 +Q1156 P17 Q200464 +Q25089 P106 Q639669 +Q452116 P108 Q168756 +Q130799 P106 Q36834 +Q212678 P106 Q482980 +Q232149 P463 Q123885 +Q383784 P1303 Q80284 +Q163249 P106 Q639669 +Q186326 P69 Q7842 +Q678840 P69 Q181410 +Q334180 P27 Q30 +Q217 P463 Q1043527 +Q66880 P106 Q36180 +Q2579604 P106 Q201788 +Q1001254 P106 Q753110 +Q392825 P161 Q363386 +Q316955 P106 Q2095549 +Q23154 P17 Q161885 +Q62544 P135 Q80113 +Q39 P530 Q159 +Q66002 P106 Q82955 +Q436719 P20 Q506446 +Q165394 P495 Q30 +Q211415 P1412 Q1860 +Q435330 P101 Q207628 +Q97431 P20 Q1055 +Q1560915 P108 Q122453 +Q71335 P102 Q694299 +Q528943 P172 Q49085 +Q344983 P27 Q30 +Q1606718 P27 Q30 +Q331497 P69 Q41506 +Q313755 P1303 Q5994 +Q152750 P37 Q9056 +Q368732 P509 Q12078 +Q291693 P106 Q10800557 +Q239415 P106 Q33999 +Q14678 P1412 Q188 +Q337078 P161 Q80405 +Q93959 P136 Q8261 +Q122187 P1412 Q188 +Q29 P463 Q7809 +Q12807 P106 Q36180 +Q3118802 P106 Q783906 +Q1601945 P1412 Q150 +Q154203 P106 Q639669 +Q231807 P69 Q389336 +Q719360 P140 Q9592 +Q343456 P509 Q212961 +Q253583 P27 Q145 +Q4919786 P106 Q82955 +Q126652 P136 Q1200678 +Q113818 P102 Q379922 +Q99294 P106 Q4610556 +Q82925 P136 Q149537 +Q539143 P106 Q36180 +Q212498 P106 Q36180 +Q204191 P136 Q157443 +Q212699 P112 Q115055 +Q57374 P106 Q28389 +Q166214 P161 Q171567 +Q184933 P106 Q639669 +Q17714 P463 Q123885 +Q36951 P1412 Q9067 +Q452116 P19 Q38022 +Q207544 P106 Q49757 +Q1138600 P27 Q30 +Q374263 P27 Q30 +Q313875 P106 Q4351403 +Q354002 P509 Q188874 +Q229013 P106 Q2405480 +Q47139 P140 Q3333484 +Q78506 P20 Q220 +Q2005601 P106 Q33999 +Q242873 P106 Q488205 +Q96743 P106 Q49757 +Q398 P463 Q4783148 +Q505946 P106 Q15981151 +Q319684 P551 Q1741 +Q272225 P136 Q37073 +Q75612 P1412 Q809 +Q291731 P1412 Q150 +Q310950 P106 Q1086863 +Q311769 P27 Q16 +Q699605 P106 Q43845 +Q193608 P106 Q6625963 +Q281908 P106 Q486748 +Q704710 P264 Q772494 +Q720005 P136 Q49451 +Q97341 P106 Q1930187 +Q179497 P140 Q682443 +Q1033 P530 Q1032 +Q207898 P1412 Q1860 +Q709873 P136 Q105513 +Q93620 P106 Q36180 +Q233483 P19 Q16552 +Q25080 P106 Q12406482 +Q399 P463 Q81299 +Q204393 P106 Q10800557 +Q2621694 P106 Q901 +Q983233 P106 Q28389 +Q75371 P1412 Q188 +Q229603 P161 Q1193914 +Q194638 P27 Q145 +Q949046 P1412 Q7737 +Q54351 P1412 Q9176 +Q742634 P463 Q463303 +Q704931 P737 Q188385 +Q30 P530 Q262 +Q54543 P101 Q482 +Q58645 P106 Q2095549 +Q254430 P1050 Q11085 +Q183266 P27 Q161885 +Q137098 P161 Q203804 +Q211539 P108 Q21578 +Q1190235 P106 Q2405480 +Q156505 P106 Q189290 +Q100529 P1412 Q1321 +Q264418 P20 Q485716 +Q976296 P140 Q9268 +Q368613 P106 Q753110 +Q1373629 P19 Q65 +Q252 P530 Q29 +Q437094 P20 Q90 +Q943107 P140 Q748 +Q45909 P1303 Q1444 +Q316138 P737 Q82925 +Q77006 P136 Q217597 +Q919961 P106 Q2252262 +Q93872 P19 Q1741 +Q713246 P136 Q482 +Q97341 P106 Q639669 +Q22670 P106 Q214917 +Q3022141 P27 Q145 +Q909001 P108 Q80207 +Q70999 P20 Q1731 +Q86777 P106 Q36834 +Q506006 P136 Q8341 +Q358529 P20 Q220 +Q93959 P69 Q165980 +Q225657 P106 Q10798782 +Q78031 P106 Q1397808 +Q529629 P106 Q639669 +Q38849 P27 Q17 +Q64091 P106 Q2374149 +Q730 P463 Q123759 +Q240774 P106 Q2259451 +Q235066 P69 Q5149905 +Q166031 P161 Q211280 +Q72856 P106 Q193391 +Q345538 P1412 Q150 +Q49231 P17 Q30 +Q258009 P161 Q42101 +Q71645 P20 Q365 +Q106134 P106 Q1622272 +Q315441 P106 Q266569 +Q352540 P106 Q33999 +Q97771 P108 Q153006 +Q2090 P17 Q183 +Q61769 P106 Q81096 +Q454334 P106 Q1234713 +Q333362 P106 Q2516866 +Q166262 P161 Q213574 +Q80064 P69 Q165980 +Q47737 P27 Q822 +Q92636 P108 Q41506 +Q376144 P161 Q235351 +Q35900 P1412 Q9168 +Q55502 P37 Q652 +Q249862 P106 Q639669 +Q78506 P27 Q40 +Q240377 P106 Q36834 +Q57149 P106 Q82955 +Q450802 P106 Q1930187 +Q133356 P30 Q46 +Q47906 P27 Q7318 +Q285330 P136 Q484641 +Q434813 P106 Q4164507 +Q237387 P1412 Q1321 +Q7841 P106 Q11569986 +Q3318964 P106 Q182436 +Q1626134 P161 Q313047 +Q78704 P1412 Q188 +Q2737 P27 Q142 +Q75793 P106 Q36180 +Q78038 P19 Q2079 +Q78511 P19 Q1741 +Q181659 P106 Q36180 +Q714845 P1412 Q1860 +Q126462 P106 Q36180 +Q892115 P1412 Q150 +Q95089 P106 Q10798782 +Q52463 P495 Q30 +Q349456 P106 Q81096 +Q104081 P106 Q578109 +Q712860 P264 Q21077 +Q228931 P27 Q30 +Q373362 P840 Q1397 +Q8027 P27 Q30 +Q116013 P20 Q14960 +Q208108 P161 Q315051 +Q1203 P140 Q1069127 +Q501 P106 Q49757 +Q3057348 P119 Q1950363 +Q43697 P69 Q1137719 +Q230654 P26 Q2685 +Q362340 P106 Q639669 +Q253697 P136 Q58339 +Q86488 P102 Q7320 +Q953 P530 Q79 +Q776752 P106 Q49757 +Q133489 P551 Q172 +Q383926 P1303 Q6607 +Q237669 P1303 Q17172850 +Q272896 P172 Q49085 +Q902285 P106 Q1930187 +Q582152 P136 Q482 +Q156890 P101 Q11634 +Q463715 P27 Q30 +Q51476 P106 Q3387717 +Q1280986 P264 Q3716272 +Q149557 P106 Q589298 +Q239917 P27 Q408 +Q238 P463 Q191384 +Q937 P463 Q253439 +Q556544 P108 Q1150105 +Q154077 P161 Q538901 +Q62977 P737 Q6512 +Q915447 P106 Q639669 +Q650878 P20 Q56036 +Q188440 P19 Q1297 +Q176846 P136 Q850412 +Q424 P463 Q656801 +Q1476652 P106 Q639669 +Q26207 P69 Q174570 +Q202508 P495 Q30 +Q186799 P161 Q169963 +Q301132 P161 Q365633 +Q105941 P20 Q60 +Q77350 P106 Q13570226 +Q207536 P161 Q310551 +Q90634 P19 Q24879 +Q543910 P69 Q174710 +Q427884 P106 Q855091 +Q1978533 P27 Q155 +Q337089 P27 Q145 +Q888666 P1303 Q17172850 +Q135139 P106 Q81096 +Q804348 P136 Q83440 +Q23505 P509 Q11085 +Q551491 P19 Q49266 +Q222744 P106 Q11774202 +Q95453 P108 Q122453 +Q373948 P106 Q483501 +Q453388 P106 Q333634 +Q67436 P106 Q36180 +Q442830 P106 Q947873 +Q401777 P1412 Q1860 +Q191123 P140 Q9268 +Q241903 P106 Q10800557 +Q182589 P140 Q7066 +Q11820 P463 Q253439 +Q221155 P106 Q5716684 +Q91845 P106 Q864503 +Q215436 P19 Q1741 +Q246997 P136 Q20442589 +Q78928 P119 Q34713 +Q712139 P1412 Q1860 +Q167683 P106 Q28389 +Q195371 P106 Q639669 +Q571287 P106 Q169470 +Q234898 P69 Q1145306 +Q70263 P27 Q183 +Q4039 P27 Q30 +Q464097 P106 Q488205 +Q663858 P106 Q16145150 +Q260533 P161 Q41163 +Q671985 P27 Q15180 +Q274117 P27 Q30 +Q1345210 P106 Q10800557 +Q76332 P463 Q414163 +Q433246 P27 Q801 +Q310332 P106 Q183945 +Q151814 P264 Q183412 +Q48337 P106 Q948329 +Q105387 P840 Q60 +Q354654 P27 Q30 +Q102852 P106 Q333634 +Q233977 P27 Q20 +Q503597 P19 Q40435 +Q229375 P136 Q484641 +Q4128 P106 Q551835 +Q557948 P19 Q43196 +Q540516 P106 Q12377274 +Q294531 P19 Q18419 +Q5372719 P106 Q483501 +Q1754823 P27 Q30 +Q262980 P161 Q202144 +Q61708 P106 Q82955 +Q139121 P136 Q11401 +Q296698 P27 Q142 +Q92663 P69 Q4614 +Q44331 P106 Q551835 +Q453314 P106 Q639669 +Q1031340 P264 Q295794 +Q2754 P140 Q9592 +Q118061 P102 Q49750 +Q108935 P551 Q1612 +Q148 P530 Q212 +Q316138 P737 Q313185 +Q568595 P27 Q35 +Q128126 P106 Q1371378 +Q241660 P172 Q49085 +Q237385 P106 Q4610556 +Q77042 P1303 Q17172850 +Q213595 P27 Q183 +Q173347 P106 Q82955 +Q314569 P106 Q33999 +Q432940 P3373 Q170572 +Q6711 P463 Q463281 +Q268284 P106 Q130857 +Q1336479 P106 Q639669 +Q1189327 P106 Q5716684 +Q3134064 P106 Q6625963 +Q1361397 P1412 Q1860 +Q78918 P1412 Q188 +Q61055 P106 Q1622272 +Q256750 P19 Q585 +Q78031 P27 Q41304 +Q157309 P106 Q18814623 +Q1391397 P106 Q36180 +Q68126 P27 Q183 +Q229139 P27 Q30 +Q168468 P463 Q463303 +Q229716 P1303 Q17172850 +Q11928 P161 Q962974 +Q465679 P69 Q189441 +Q97550 P106 Q1622272 +Q44301 P106 Q33999 +Q1133611 P106 Q177220 +Q65113 P19 Q64 +Q909001 P106 Q14467526 +Q11891 P140 Q33203 +Q212775 P136 Q130232 +Q153911 P463 Q188771 +Q66600 P106 Q901 +Q324129 P20 Q437 +Q395274 P106 Q33999 +Q258462 P108 Q168756 +Q837 P530 Q159583 +Q531913 P106 Q2252262 +Q1385887 P69 Q5103452 +Q23395 P161 Q219780 +Q240774 P106 Q28389 +Q778 P463 Q3369762 +Q279057 P161 Q229220 +Q377939 P136 Q1054574 +Q342533 P106 Q3282637 +Q49524 P27 Q17 +Q84292 P463 Q463303 +Q43 P30 Q48 +Q233483 P1303 Q17172850 +Q1497744 P106 Q855091 +Q7199 P106 Q482980 +Q484292 P27 Q15180 +Q547181 P106 Q183945 +Q722202 P106 Q36180 +Q360663 P106 Q15077007 +Q108560 P1303 Q8343 +Q152453 P1303 Q17172850 +Q1281772 P106 Q2405480 +Q57187 P1412 Q188 +Q380626 P106 Q486748 +Q277559 P102 Q79854 +Q18143 P106 Q6625963 +Q271385 P106 Q33999 +Q364342 P509 Q12078 +Q66379 P1412 Q188 +Q287960 P136 Q2484376 +Q254576 P106 Q855091 +Q313596 P106 Q10798782 +Q38393 P106 Q10800557 +Q853932 P106 Q1930187 +Q14045 P136 Q170611 +Q271465 P106 Q2865819 +Q439204 P106 Q11774202 +Q236531 P106 Q177220 +Q92987 P106 Q1622272 +Q30628 P106 Q3282637 +Q73410 P106 Q10800557 +Q164784 P463 Q3603946 +Q76952 P106 Q121594 +Q333475 P106 Q10798782 +Q164401 P463 Q463303 +Q1346521 P106 Q205375 +Q90781 P1412 Q188 +Q374812 P27 Q83286 +Q189132 P1303 Q17172850 +Q79759 P1412 Q1860 +Q75649 P463 Q459620 +Q269177 P1412 Q7737 +Q129747 P19 Q18419 +Q70650 P108 Q165980 +Q228717 P551 Q3130 +Q399 P530 Q858 +Q125058 P495 Q30 +Q33637 P106 Q193391 +Q240769 P1412 Q652 +Q217787 P172 Q7325 +Q103583 P20 Q2861 +Q68537 P106 Q1415090 +Q555426 P27 Q30 +Q568455 P106 Q14915627 +Q1785 P106 Q33999 +Q353754 P108 Q49112 +Q332493 P106 Q1930187 +Q222791 P106 Q6625963 +Q1354843 P264 Q231694 +Q367447 P106 Q488205 +Q19801728 P136 Q1361932 +Q114354 P106 Q1622272 +Q232052 P136 Q9778 +Q1077383 P136 Q484641 +Q298139 P106 Q36834 +Q222965 P495 Q30 +Q64487 P27 Q96 +Q96250 P106 Q333634 +Q275050 P106 Q33999 +Q320032 P161 Q173158 +Q236066 P264 Q387539 +Q59054 P509 Q12192 +Q1970586 P106 Q33999 +Q103623 P106 Q2259451 +Q515696 P1303 Q1444 +Q91548 P19 Q1799 +Q83410 P19 Q23154 +Q92617 P106 Q43845 +Q362133 P106 Q4853732 +Q854 P463 Q8475 +Q892 P106 Q11774202 +Q69209 P106 Q82955 +Q444344 P106 Q33999 +Q232 P463 Q827525 +Q2335557 P1412 Q7026 +Q214 P463 Q1065 +Q316138 P737 Q220883 +Q60113 P463 Q329464 +Q183 P530 Q691 +Q703642 P20 Q61 +Q324588 P106 Q10800557 +Q253695 P264 Q203059 +Q80424 P106 Q855091 +Q108560 P106 Q1415090 +Q78830 P27 Q131964 +Q981270 P106 Q15895020 +Q36 P463 Q458 +Q76336 P1412 Q188 +Q206466 P119 Q1588 +Q310934 P106 Q10798782 +Q66649 P106 Q36180 +Q30449 P106 Q36834 +Q337578 P106 Q28389 +Q57139 P136 Q9730 +Q1687890 P106 Q183945 +Q156586 P69 Q608723 +Q484427 P136 Q598929 +Q343394 P136 Q373342 +Q621879 P119 Q2000666 +Q11593 P495 Q30 +Q217427 P19 Q184116 +Q44426 P106 Q214917 +Q23434 P1412 Q1860 +Q54836 P101 Q207628 +Q380178 P69 Q192088 +Q24367 P19 Q2079 +Q75929 P106 Q333634 +Q203059 P112 Q194419 +Q164824 P69 Q503473 +Q1138600 P106 Q2252262 +Q210315 P106 Q5322166 +Q119136 P102 Q310296 +Q47667 P27 Q865 +Q85034 P1412 Q188 +Q315744 P136 Q1344 +Q207824 P1303 Q78987 +Q617109 P106 Q36180 +Q1816925 P106 Q33999 +Q123679 P106 Q169470 +Q441440 P69 Q174710 +Q204590 P106 Q2405480 +Q229011 P19 Q62 +Q315664 P161 Q242650 +Q163366 P106 Q4263842 +Q66475 P106 Q1731155 +Q1280986 P106 Q753110 +Q178391 P551 Q2966 +Q192724 P161 Q295964 +Q156796 P27 Q30 +Q355374 P1303 Q6607 +Q953288 P136 Q5967378 +Q229013 P69 Q49210 +Q110106 P463 Q463303 +Q333595 P106 Q2526255 +Q705715 P136 Q316930 +Q256732 P106 Q488205 +Q164384 P463 Q465654 +Q180727 P20 Q60 +Q2119 P463 Q55473342 +Q238383 P69 Q41506 +Q1203 P1303 Q52954 +Q1789286 P463 Q337224 +Q40362 P530 Q1033 +Q464833 P106 Q36834 +Q191 P463 Q45177 +Q3874 P17 Q183 +Q47703 P495 Q38 +Q384387 P1412 Q9067 +Q235931 P106 Q1643514 +Q78481 P106 Q121594 +Q960081 P1412 Q1860 +Q103578 P106 Q10798782 +Q344983 P106 Q33999 +Q62676 P106 Q28389 +Q256054 P106 Q28389 +Q72653 P551 Q62 +Q313998 P495 Q183 +Q982546 P106 Q250867 +Q452761 P106 Q36180 +Q220980 P27 Q29 +Q445109 P106 Q177220 +Q44205 P20 Q64 +Q193570 P161 Q271324 +Q934682 P1412 Q150 +Q62365 P20 Q220 +Q4532076 P108 Q322964 +Q117012 P264 Q656752 +Q543804 P17 Q183 +Q76364 P1303 Q52954 +Q183337 P106 Q2526255 +Q91827 P27 Q183 +Q461768 P136 Q2143665 +Q93632 P69 Q389336 +Q83484 P1412 Q1860 +Q292373 P106 Q578109 +Q237214 P172 Q678551 +Q315707 P27 Q213 +Q161087 P161 Q37175 +Q60644 P463 Q684415 +Q235931 P136 Q11401 +Q75803 P119 Q881481 +Q334965 P106 Q47064 +Q220078 P106 Q37226 +Q153238 P19 Q1781 +Q221491 P161 Q104514 +Q1176607 P551 Q43301 +Q161084 P108 Q152171 +Q133665 P106 Q10798782 +Q35725 P161 Q296028 +Q346411 P106 Q2526255 +Q271324 P106 Q4220892 +Q192348 P106 Q82955 +Q238 P30 Q46 +Q233937 P69 Q7894738 +Q381110 P106 Q4610556 +Q98960 P106 Q3332711 +Q8605 P509 Q12204 +Q211539 P106 Q121594 +Q1626134 P495 Q38 +Q50012 P106 Q10798782 +Q187561 P161 Q11930 +Q89967 P27 Q183 +Q120664 P20 Q994 +Q95259 P106 Q635734 +Q87542 P106 Q2405480 +Q77844 P106 Q1622272 +Q578396 P172 Q86630688 +Q520504 P140 Q9592 +Q236438 P136 Q1344 +Q189950 P1412 Q652 +Q312656 P106 Q10800557 +Q544607 P495 Q30 +Q5950 P106 Q639669 +Q1787960 P20 Q8678 +Q302433 P27 Q145 +Q2560778 P106 Q81096 +Q325038 P27 Q15180 +Q294144 P136 Q45981 +Q296069 P27 Q30 +Q77492 P106 Q333634 +Q311854 P27 Q142 +Q558972 P106 Q17337766 +Q345612 P69 Q751612 +Q16 P530 Q889 +Q242939 P106 Q4610556 +Q30875 P106 Q214917 +Q7833 P106 Q12377274 +Q102235 P161 Q296008 +Q863 P530 Q159 +Q8620 P106 Q193391 +Q176537 P106 Q753110 +Q106762 P69 Q503424 +Q237385 P106 Q177220 +Q2496 P1412 Q188 +Q35 P463 Q782942 +Q358529 P106 Q36180 +Q298352 P106 Q948329 +Q156774 P1412 Q397 +Q187165 P106 Q486748 +Q150281 P106 Q27532437 +Q78714 P106 Q901 +Q213553 P106 Q36180 +Q273568 P161 Q180560 +Q232391 P106 Q1028181 +Q106691 P27 Q183 +Q434745 P106 Q33999 +Q224097 P106 Q43845 +Q158997 P69 Q216273 +Q313559 P27 Q30 +Q62890 P27 Q30 +Q11812 P106 Q131512 +Q1333385 P1412 Q1860 +Q4418776 P20 Q262 +Q188389 P106 Q10798782 +Q1282750 P19 Q1439 +Q434502 P20 Q60 +Q381477 P1412 Q1860 +Q337578 P69 Q49210 +Q104067 P69 Q49213 +Q291405 P1303 Q17172850 +Q966300 P106 Q1028181 +Q2492691 P20 Q216 +Q7659636 P17 Q145 +Q200396 P161 Q45647 +Q136646 P106 Q33999 +Q171745 P106 Q10798782 +Q796 P530 Q41 +Q974238 P264 Q212699 +Q960935 P27 Q30 +Q9204 P106 Q28389 +Q951010 P69 Q13371 +Q4202684 P1412 Q7737 +Q113099 P106 Q1930187 +Q217787 P69 Q1760438 +Q156608 P136 Q52207399 +Q363698 P1303 Q17172850 +Q69392 P140 Q55004488 +Q44767 P136 Q8341 +Q604510 P106 Q639669 +Q66343 P106 Q1622272 +Q235132 P27 Q145 +Q191074 P161 Q35332 +Q77983 P106 Q49757 +Q41854 P495 Q30 +Q234454 P106 Q10798782 +Q208359 P463 Q123885 +Q390052 P161 Q310930 +Q794 P530 Q1041 +Q910392 P136 Q208505 +Q296698 P106 Q33999 +Q605489 P69 Q21705070 +Q704705 P1050 Q10874 +Q676777 P136 Q316930 +Q171969 P106 Q4964182 +Q238869 P106 Q753110 +Q526107 P136 Q11366 +Q189172 P106 Q16947320 +Q230123 P1303 Q17172850 +Q76717 P106 Q33999 +Q325389 P136 Q43343 +Q238422 P136 Q8341 +Q101740 P19 Q270 +Q53002 P106 Q4220892 +Q5763208 P1412 Q9168 +Q263621 P27 Q222 +Q164813 P161 Q200405 +Q441114 P1412 Q150 +Q61708 P27 Q183 +Q522679 P106 Q4164507 +Q302880 P20 Q1297 +Q1351751 P106 Q639669 +Q343510 P106 Q948329 +Q77967 P19 Q2843 +Q165154 P37 Q652 +Q1047474 P264 Q2291171 +Q55 P530 Q30 +Q940439 P1412 Q150 +Q92649 P509 Q1368943 +Q1290 P1412 Q150 +Q25191 P463 Q8038459 +Q246731 P106 Q3400985 +Q921808 P102 Q29468 +Q79503 P161 Q284636 +Q229908 P106 Q177220 +Q261041 P106 Q82955 +Q1607976 P106 Q82955 +Q237654 P1303 Q17172850 +Q140052 P1412 Q1860 +Q435124 P106 Q805221 +Q9358 P737 Q859 +Q139638 P106 Q10798782 +Q311723 P106 Q13382533 +Q82925 P106 Q28389 +Q441551 P19 Q220 +Q63224 P27 Q1206012 +Q2063048 P101 Q441 +Q918668 P1412 Q1860 +Q311684 P108 Q34433 +Q197935 P1412 Q150 +Q2560493 P106 Q14467526 +Q562781 P69 Q1472245 +Q11617 P119 Q1771319 +Q160783 P27 Q142 +Q31215 P1412 Q9299 +Q765 P463 Q463303 +Q3806666 P106 Q15978655 +Q262 P463 Q1137381 +Q271690 P840 Q1558 +Q264699 P69 Q174710 +Q76395 P108 Q859363 +Q70326 P106 Q193391 +Q366956 P106 Q33999 +Q160325 P27 Q145 +Q344616 P106 Q36180 +Q55456 P108 Q740308 +Q370377 P106 Q715301 +Q470193 P172 Q7325 +Q192402 P106 Q639669 +Q195616 P102 Q10225 +Q92897 P27 Q183 +Q720005 P106 Q855091 +Q554168 P136 Q11401 +Q285254 P106 Q36834 +Q272007 P106 Q10798782 +Q882 P26 Q95050 +Q865 P530 Q184 +Q48032 P463 Q1971373 +Q230320 P106 Q33999 +Q715790 P108 Q144488 +Q458966 P106 Q901 +Q1742005 P106 Q19723482 +Q114605 P108 Q31519 +Q1131225 P161 Q429963 +Q9391 P737 Q33760 +Q74315 P136 Q959790 +Q302174 P161 Q234610 +Q15975 P463 Q329464 +Q234454 P106 Q512314 +Q94653 P106 Q16533 +Q2607 P737 Q1394 +Q57106 P551 Q34266 +Q358087 P1303 Q17172850 +Q61262 P108 Q317053 +Q541599 P106 Q855091 +Q193048 P106 Q10798782 +Q92876 P108 Q310695 +Q91587 P106 Q10798782 +Q180125 P136 Q842256 +Q60486 P106 Q4263842 +Q19999 P106 Q169470 +Q34660 P737 Q9204 +Q3123761 P27 Q142 +Q220010 P106 Q10800557 +Q234428 P106 Q855091 +Q287244 P106 Q2374149 +Q110106 P101 Q7094 +Q55207 P106 Q131524 +Q8620 P20 Q19660 +Q275991 P106 Q33999 +Q584292 P27 Q142 +Q47755 P463 Q414110 +Q166696 P161 Q214574 +Q519851 P509 Q181754 +Q58620 P102 Q158227 +Q75174 P463 Q463303 +Q3161354 P108 Q13371 +Q321846 P69 Q309350 +Q44520 P106 Q49757 +Q320423 P136 Q188473 +Q67637 P69 Q1130457 +Q140052 P108 Q49210 +Q46080 P106 Q10798782 +Q234324 P106 Q1281618 +Q76998 P106 Q1930187 +Q312098 P509 Q188874 +Q505677 P136 Q11399 +Q231713 P106 Q36834 +Q296039 P1303 Q17172850 +Q948941 P27 Q15180 +Q96943 P106 Q49757 +Q668 P530 Q1037 +Q162740 P140 Q188814 +Q722042 P106 Q2252262 +Q726298 P106 Q33999 +Q557930 P40 Q292558 +Q103476 P106 Q33999 +Q667683 P108 Q160302 +Q709464 P19 Q43668 +Q275967 P106 Q33999 +Q337226 P19 Q456 +Q426828 P495 Q30 +Q92115 P106 Q1622272 +Q23844 P106 Q2526255 +Q92609 P463 Q463303 +Q714526 P136 Q1344 +Q29573 P106 Q1622272 +Q92745 P106 Q1622272 +Q78494 P27 Q28513 +Q202847 P27 Q30 +Q354863 P463 Q40358 +Q1934319 P1412 Q1860 +Q91730 P106 Q16145150 +Q36591 P106 Q1622272 +Q317539 P106 Q4610556 +Q310201 P106 Q43845 +Q215497 P106 Q10798782 +Q325038 P106 Q82955 +Q128493 P136 Q188473 +Q191064 P27 Q20 +Q535355 P106 Q189290 +Q589585 P1412 Q150 +Q310767 P106 Q170790 +Q76399 P509 Q12078 +Q843 P463 Q188822 +Q75261 P20 Q1726 +Q78772 P136 Q676 +Q123918 P106 Q4964182 +Q168452 P463 Q2822396 +Q1143660 P106 Q639669 +Q213736 P106 Q488205 +Q70795 P1412 Q188 +Q291866 P106 Q33231 +Q76997 P40 Q77271 +Q209471 P136 Q21590660 +Q75929 P108 Q154561 +Q893785 P106 Q82955 +Q66800 P106 Q3126128 +Q182576 P106 Q36180 +Q954623 P106 Q43845 +Q28 P530 Q739 +Q123334 P102 Q328195 +Q109232 P106 Q2526255 +Q577548 P106 Q333634 +Q57139 P108 Q55044 +Q605129 P264 Q843402 +Q5608 P136 Q966564 +Q81447 P1412 Q1860 +Q718368 P106 Q16145150 +Q461768 P136 Q130232 +Q310357 P1412 Q1860 +Q134895 P106 Q14089670 +Q2255438 P106 Q201788 +Q14279 P106 Q81096 +Q305106 P106 Q36180 +Q207824 P106 Q36180 +Q95119 P69 Q41506 +Q69973 P136 Q8261 +Q2495947 P27 Q155 +Q118059 P27 Q183 +Q98687 P19 Q1754 +Q715787 P106 Q1238570 +Q4014532 P106 Q43845 +Q347118 P106 Q49757 +Q228692 P27 Q30 +Q18407 P495 Q38 +Q464232 P106 Q10798782 +Q140359 P37 Q9056 +Q241800 P106 Q245068 +Q64637 P106 Q1930187 +Q309555 P106 Q10800557 +Q444601 P106 Q322170 +Q1041034 P19 Q16555 +Q241252 P19 Q1770 +Q677769 P101 Q23404 +Q196287 P106 Q901 +Q5921 P1412 Q7976 +Q974 P530 Q41 +Q858 P530 Q878 +Q726296 P509 Q47912 +Q208869 P20 Q60 +Q10664 P19 Q2256 +Q223559 P161 Q357762 +Q15794 P1412 Q9063 +Q113641 P19 Q36036 +Q754 P530 Q408 +Q126183 P161 Q102124 +Q74875 P108 Q155354 +Q444788 P26 Q103949 +Q332540 P106 Q131524 +Q1014 P530 Q148 +Q68656 P102 Q7320 +Q597698 P106 Q1930187 +Q55433 P106 Q1028181 +Q49034 P27 Q30 +Q193695 P57 Q103788 +Q45970 P136 Q676 +Q203264 P106 Q2095549 +Q3772 P451 Q212026 +Q559774 P140 Q432 +Q106598 P19 Q64 +Q77350 P135 Q7066 +Q36 P463 Q1072120 +Q604510 P106 Q488205 +Q2105 P102 Q1052584 +Q239067 P463 Q94301 +Q170509 P19 Q60 +Q980676 P106 Q169470 +Q448163 P20 Q1345 +Q7747 P140 Q60995 +Q242749 P106 Q4610556 +Q85726 P106 Q333634 +Q76820 P463 Q812155 +Q30 P530 Q225 +Q64406 P106 Q2055046 +Q1195301 P136 Q37073 +Q261700 P136 Q319221 +Q227 P463 Q376150 +Q278543 P27 Q30 +Q206972 P27 Q142 +Q262170 P27 Q30 +Q196401 P27 Q30 +Q483363 P1303 Q17172850 +Q105158 P69 Q916444 +Q490333 P1412 Q7737 +Q150494 P27 Q183 +Q188850 P161 Q179682 +Q221482 P106 Q19204627 +Q185375 P27 Q2184 +Q193744 P27 Q30 +Q4030 P106 Q183945 +Q1046038 P106 Q28389 +Q4527494 P27 Q15180 +Q329709 P161 Q346833 +Q367391 P19 Q72 +Q162667 P136 Q11399 +Q217495 P106 Q36180 +Q128126 P108 Q273518 +Q312630 P20 Q90 +Q187907 P1412 Q1860 +Q81082 P101 Q5891 +Q781 P530 Q230 +Q310201 P27 Q174193 +Q76959 P20 Q365 +Q357391 P19 Q8684 +Q1373347 P106 Q1259917 +Q362254 P106 Q10798782 +Q444525 P161 Q39972 +Q216288 P106 Q49757 +Q713273 P136 Q8341 +Q217160 P136 Q217191 +Q357961 P463 Q2822396 +Q391784 P161 Q294185 +Q105695 P106 Q10798782 +Q1885893 P27 Q30 +Q93401 P69 Q165980 +Q221075 P840 Q84 +Q325538 P136 Q860626 +Q238866 P136 Q860626 +Q130917 P102 Q13124 +Q40321 P106 Q1930187 +Q59478 P463 Q466113 +Q85691 P27 Q183 +Q767329 P27 Q142 +Q124208 P19 Q72 +Q92875 P463 Q270794 +Q35385 P27 Q15180 +Q148 P530 Q79 +Q121926 P463 Q83172 +Q15615 P19 Q34404 +Q224 P463 Q458 +Q82222 P172 Q49085 +Q134549 P641 Q41323 +Q912023 P20 Q2044 +Q42544 P140 Q9592 +Q213195 P108 Q13371 +Q336640 P106 Q20669622 +Q91845 P108 Q152087 +Q153185 P1412 Q1860 +Q215263 P463 Q265058 +Q44313 P19 Q16559 +Q953768 P106 Q753110 +Q72913 P106 Q15253558 +Q442721 P106 Q8246794 +Q556648 P106 Q1930187 +Q62746 P136 Q2484376 +Q676562 P27 Q39 +Q68209 P463 Q684415 +Q96798 P106 Q15627169 +Q273910 P106 Q488205 +Q45337 P20 Q64 +Q106607 P69 Q1127387 +Q327574 P106 Q10800557 +Q206685 P106 Q28389 +Q43416 P106 Q639669 +Q179257 P136 Q11366 +Q105993 P161 Q311716 +Q231207 P264 Q330629 +Q110106 P19 Q60 +Q186335 P140 Q9592 +Q153576 P106 Q270389 +Q290091 P69 Q4948174 +Q106182 P840 Q61 +Q287451 P106 Q33999 +Q240647 P463 Q1468277 +Q272031 P106 Q19723482 +Q271690 P161 Q190602 +Q369492 P136 Q1146335 +Q538676 P19 Q11299 +Q48112 P106 Q189290 +Q311244 P740 Q23197 +Q47667 P106 Q1930187 +Q666875 P463 Q463303 +Q55497 P106 Q177220 +Q87375 P106 Q177220 +Q109110 P136 Q188473 +Q76149 P106 Q10800557 +Q90195 P101 Q309 +Q274267 P106 Q1930187 +Q1349702 P106 Q183945 +Q84734 P463 Q684415 +Q504923 P106 Q6625963 +Q78237 P106 Q1209498 +Q128799 P106 Q36834 +Q358322 P19 Q1297 +Q169461 P19 Q1489 +Q354241 P106 Q2059704 +Q1703194 P106 Q864380 +Q511046 P106 Q188094 +Q382638 P106 Q28389 +Q468523 P136 Q49084 +Q48034 P106 Q47064 +Q72124 P108 Q591115 +Q192668 P106 Q639669 +Q156268 P108 Q273518 +Q59185 P264 Q4413456 +Q7243 P737 Q218960 +Q242523 P106 Q4610556 +Q935051 P69 Q49167 +Q52463 P17 Q30 +Q732503 P452 Q746359 +Q50713 P27 Q142 +Q330059 P509 Q12136 +Q11730 P108 Q695599 +Q224 P530 Q902 +Q507612 P19 Q1781 +Q464251 P1303 Q17172850 +Q310755 P108 Q273626 +Q383821 P106 Q33999 +Q185724 P106 Q177220 +Q4120312 P3373 Q57298 +Q16474 P27 Q30 +Q438355 P1303 Q17172850 +Q61067 P69 Q153987 +Q236181 P27 Q30 +Q193570 P161 Q78508 +Q113190 P1412 Q188 +Q1166988 P1303 Q52954 +Q32520 P106 Q250867 +Q161687 P161 Q250250 +Q705174 P69 Q1059546 +Q188955 P1412 Q1860 +Q187019 P737 Q34670 +Q16581 P106 Q36180 +Q188987 P106 Q36180 +Q453583 P19 Q84 +Q47426 P69 Q35794 +Q92926 P106 Q205375 +Q335011 P106 Q1930187 +Q327914 P463 Q338489 +Q153911 P106 Q36180 +Q254430 P106 Q4220892 +Q361677 P264 Q202585 +Q46548 P1412 Q9083 +Q189739 P106 Q49757 +Q584292 P106 Q4263842 +Q362531 P27 Q189 +Q156193 P106 Q482980 +Q280666 P27 Q30 +Q163662 P1412 Q1860 +Q9364 P101 Q5891 +Q216180 P106 Q36180 +Q240370 P106 Q3282637 +Q709873 P264 Q202440 +Q211539 P106 Q36180 +Q232035 P101 Q482 +Q132489 P463 Q338432 +Q231614 P106 Q33999 +Q1579348 P106 Q14915627 +Q1585964 P27 Q30 +Q44371 P1412 Q7737 +Q435060 P1303 Q17172850 +Q1351751 P172 Q49085 +Q62831 P20 Q2973 +Q95424 P108 Q152171 +Q1928051 P27 Q30 +Q1333939 P106 Q183945 +Q1282413 P509 Q12078 +Q308681 P840 Q60 +Q64637 P27 Q183 +Q254265 P106 Q1225716 +Q154545 P69 Q3064325 +Q152453 P106 Q753110 +Q256666 P106 Q33231 +Q19045 P69 Q222738 +Q231781 P106 Q1930187 +Q57619 P1412 Q188 +Q41 P530 Q241 +Q52927 P106 Q116 +Q438213 P27 Q142 +Q62409 P463 Q191583 +Q48956 P27 Q183 +Q6050 P119 Q311 +Q145 P530 Q37 +Q522050 P106 Q333634 +Q29031 P463 Q723551 +Q765871 P106 Q2526255 +Q863 P530 Q813 +Q233085 P106 Q10798782 +Q309648 P106 Q36834 +Q1934911 P17 Q159 +Q76820 P106 Q49757 +Q234663 P509 Q623031 +Q726298 P106 Q2059704 +Q274267 P108 Q1137404 +Q76696 P102 Q328195 +Q606389 P106 Q2516866 +Q186185 P106 Q82955 +Q706821 P27 Q30 +Q63791 P106 Q201788 +Q216720 P57 Q59259 +Q721376 P106 Q639669 +Q2281897 P509 Q208414 +Q214227 P106 Q639669 +Q62791 P102 Q7320 +Q7604 P106 Q36180 +Q937 P140 Q9268 +Q16019 P551 Q4044 +Q2387083 P27 Q664 +Q975547 P1412 Q1860 +Q104814 P161 Q241510 +Q471443 P106 Q1930187 +Q944563 P106 Q2722764 +Q403 P530 Q419 +Q234104 P106 Q4610556 +Q168962 P69 Q193510 +Q60068 P1412 Q5885 +Q2308660 P106 Q1930187 +Q80046 P106 Q10798782 +Q247182 P840 Q100 +Q108216 P27 Q16957 +Q83155 P509 Q12202 +Q445095 P20 Q1449 +Q44426 P106 Q3282637 +Q440731 P106 Q3658608 +Q332330 P840 Q84 +Q983 P530 Q148 +Q28936 P136 Q1200678 +Q319785 P463 Q265058 +Q1493339 P106 Q753110 +Q78487 P106 Q81096 +Q93996 P106 Q82955 +Q272203 P106 Q49757 +Q81082 P106 Q81096 +Q193803 P1412 Q1860 +Q211566 P106 Q3282637 +Q3101841 P106 Q40348 +Q1327115 P1303 Q6607 +Q174843 P106 Q3282637 +Q301083 P161 Q381203 +Q67535 P102 Q316533 +Q106071 P19 Q2749 +Q542101 P106 Q13235160 +Q1398507 P27 Q30 +Q29328 P27 Q30 +Q921516 P509 Q12192 +Q554406 P106 Q14467526 +Q270786 P106 Q1086863 +Q77742 P27 Q39 +Q1033 P463 Q7785 +Q597433 P27 Q30 +Q313789 P106 Q28389 +Q237081 P136 Q484641 +Q187561 P161 Q41163 +Q92639 P463 Q270794 +Q242577 P551 Q172 +Q34981 P1412 Q1860 +Q155079 P136 Q850412 +Q221074 P641 Q31920 +Q157324 P463 Q463303 +Q106221 P69 Q304985 +Q383784 P106 Q33999 +Q735539 P106 Q753110 +Q236848 P27 Q30 +Q44857 P69 Q49117 +Q17 P463 Q191384 +Q207659 P136 Q157443 +Q77493 P106 Q82955 +Q19526 P106 Q2259451 +Q134958 P106 Q12144794 +Q91023 P1412 Q1860 +Q153776 P106 Q486748 +Q124070 P108 Q153987 +Q79 P530 Q810 +Q311241 P106 Q639669 +Q223854 P106 Q36834 +Q62906 P106 Q81096 +Q5784301 P161 Q310113 +Q233959 P19 Q34006 +Q884142 P27 Q30 +Q434968 P27 Q30 +Q95019 P106 Q2259451 +Q251818 P106 Q36834 +Q255129 P3373 Q301818 +Q83612 P161 Q229669 +Q27411 P136 Q1200678 +Q704516 P20 Q270 +Q214622 P69 Q547867 +Q982535 P106 Q82955 +Q235394 P106 Q10800557 +Q6512 P509 Q12204 +Q574 P463 Q496967 +Q37876 P106 Q4610556 +Q374812 P27 Q713750 +Q185002 P136 Q37073 +Q115483 P463 Q463303 +Q132964 P119 Q208175 +Q504923 P108 Q503419 +Q297736 P106 Q2526255 +Q668 P530 Q766 +Q943577 P106 Q169470 +Q212333 P161 Q308722 +Q460366 P106 Q1930187 +Q167345 P19 Q21711493 +Q716282 P19 Q192807 +Q668 P530 Q1042 +Q270935 P106 Q486748 +Q445392 P140 Q33203 +Q75797 P106 Q155647 +Q223839 P106 Q2516866 +Q244234 P106 Q2526255 +Q2530 P140 Q75809 +Q15001 P551 Q994 +Q1382482 P172 Q79797 +Q184 P530 Q224 +Q110436 P106 Q1607826 +Q45221 P106 Q10800557 +Q66207 P106 Q214917 +Q825435 P106 Q1930187 +Q299595 P69 Q13371 +Q266228 P27 Q30 +Q58592 P551 Q64 +Q786579 P463 Q161806 +Q102022 P106 Q1622272 +Q42904 P106 Q488205 +Q855 P102 Q1774814 +Q505743 P106 Q1930187 +Q216179 P106 Q486748 +Q4496 P27 Q30 +Q262 P530 Q43 +Q63228 P1412 Q7737 +Q1810650 P106 Q2865819 +Q97383 P106 Q1622272 +Q53001 P106 Q28389 +Q57592 P20 Q33959 +Q204868 P136 Q192239 +Q62400 P108 Q152087 +Q455930 P106 Q177220 +Q204191 P161 Q59314 +Q268111 P106 Q49757 +Q53001 P106 Q36180 +Q192402 P106 Q488205 +Q1067 P737 Q9438 +Q114089 P106 Q36180 +Q3439052 P463 Q463303 +Q239131 P106 Q864380 +Q319497 P102 Q79854 +Q36450 P140 Q60995 +Q3920695 P27 Q34266 +Q1603685 P1303 Q46185 +Q729117 P463 Q463303 +Q478967 P1303 Q6607 +Q809028 P27 Q145 +Q727301 P140 Q3333484 +Q714739 P106 Q28389 +Q363079 P1412 Q1860 +Q127345 P108 Q189441 +Q218319 P27 Q34266 +Q236066 P106 Q855091 +Q86095 P463 Q299015 +Q583722 P19 Q1492 +Q1033 P530 Q148 +Q573171 P106 Q81096 +Q264960 P136 Q850412 +Q130327 P551 Q84 +Q1974190 P106 Q16145150 +Q213794 P106 Q36180 +Q289752 P136 Q131578 +Q80046 P451 Q363525 +Q902 P530 Q843 +Q11617 P140 Q1841 +Q782711 P1412 Q1321 +Q23380 P106 Q82955 +Q112856 P106 Q1028181 +Q130631 P509 Q212961 +Q3229792 P106 Q170790 +Q104859 P69 Q9219 +Q362886 P1303 Q17172850 +Q310204 P840 Q1490 +Q71410 P20 Q72 +Q299331 P119 Q1625328 +Q77497 P27 Q183 +Q222818 P172 Q49085 +Q41166 P106 Q16287483 +Q60095 P69 Q154804 +Q33866 P69 Q1149089 +Q44077 P106 Q4610556 +Q96811 P106 Q1622272 +Q136646 P102 Q29468 +Q126812 P106 Q36180 +Q77627 P69 Q154804 +Q185770 P101 Q5891 +Q185714 P106 Q6625963 +Q297425 P1412 Q1860 +Q337628 P106 Q170790 +Q4235 P106 Q10798782 +Q270441 P1303 Q17172850 +Q119546 P106 Q1622272 +Q2063048 P108 Q230492 +Q349893 P27 Q33946 +Q242640 P106 Q4964182 +Q233882 P106 Q10800557 +Q125451 P463 Q15646111 +Q636 P1303 Q8355 +Q134333 P106 Q2405480 +Q78931 P463 Q44687 +Q95076 P3373 Q95068 +Q284017 P136 Q235858 +Q433403 P106 Q10798782 +Q55170 P106 Q10800557 +Q376278 P106 Q49757 +Q232470 P106 Q2526255 +Q348534 P136 Q496523 +Q108560 P551 Q1352 +Q257302 P106 Q10800557 +Q33 P463 Q1969730 +Q456017 P57 Q350717 +Q167211 P140 Q1841 +Q330014 P106 Q482980 +Q159 P530 Q408 +Q57372 P106 Q1930187 +Q119840 P1412 Q652 +Q92739 P108 Q21578 +Q4147199 P27 Q34266 +Q103578 P19 Q11299 +Q262507 P106 Q2259451 +Q112255 P69 Q165980 +Q15975 P106 Q1209498 +Q518152 P119 Q27426 +Q165193 P136 Q1133657 +Q77684 P102 Q49764 +Q354033 P136 Q11399 +Q794 P530 Q241 +Q106685 P172 Q1026 +Q93341 P509 Q12202 +Q648366 P106 Q36834 +Q388268 P108 Q1189954 +Q272092 P1303 Q17172850 +Q975874 P106 Q33999 +Q161087 P161 Q310930 +Q639065 P106 Q1622272 +Q465296 P101 Q207628 +Q34851 P106 Q10798782 +Q1368401 P106 Q1415090 +Q363763 P106 Q639669 +Q522679 P27 Q142 +Q76370 P69 Q54096 +Q66162 P27 Q28 +Q17738 P161 Q210447 +Q61374 P20 Q1726 +Q64949 P106 Q4610556 +Q151848 P840 Q8652 +Q92893 P69 Q49088 +Q79102 P1412 Q188 +Q4514164 P27 Q159 +Q131725 P264 Q1273666 +Q313553 P20 Q2807 +Q659020 P106 Q1734662 +Q126122 P108 Q154804 +Q3711 P17 Q403 +Q241248 P106 Q482980 +Q1036 P463 Q47543 +Q112255 P106 Q201788 +Q242749 P106 Q33999 +Q3215942 P69 Q309988 +Q84734 P27 Q183 +Q1030 P530 Q423 +Q214548 P27 Q30 +Q132433 P106 Q486748 +Q565678 P106 Q16145150 +Q206576 P161 Q173158 +Q229 P37 Q36510 +Q352766 P1303 Q6607 +Q179126 P106 Q4263842 +Q681470 P27 Q30 +Q35149 P463 Q253439 +Q605489 P1412 Q1321 +Q326723 P106 Q15627169 +Q116861 P106 Q753110 +Q64241 P106 Q205375 +Q433616 P19 Q65 +Q253476 P106 Q4610556 +Q90910 P106 Q2526255 +Q617 P17 Q4948 +Q445124 P102 Q29468 +Q38193 P20 Q1794 +Q61064 P19 Q649 +Q240253 P27 Q30 +Q80440 P737 Q1358816 +Q215636 P69 Q13371 +Q16759 P106 Q2405480 +Q927879 P108 Q859363 +Q1629187 P101 Q413 +Q1286510 P1303 Q17172850 +Q83566 P135 Q147516 +Q483907 P102 Q29552 +Q960427 P1412 Q1860 +Q1290210 P1412 Q7026 +Q225885 P161 Q233022 +Q71366 P106 Q13570226 +Q192160 P161 Q177993 +Q196004 P161 Q73007 +Q714167 P106 Q177220 +Q976022 P140 Q7066 +Q65130 P106 Q36180 +Q197977 P20 Q1055 +Q76625 P106 Q82955 +Q427318 P17 Q29 +Q463313 P136 Q1146335 +Q2429435 P1412 Q35497 +Q114089 P106 Q3387717 +Q50612 P106 Q28389 +Q430922 P106 Q3282637 +Q112081 P106 Q49757 +Q661848 P106 Q1930187 +Q354508 P106 Q49757 +Q62559 P106 Q36180 +Q1006 P463 Q842490 +Q78714 P463 Q265058 +Q75546 P161 Q220536 +Q297618 P106 Q81096 +Q4271346 P101 Q309 +Q154346 P27 Q154401 +Q177288 P172 Q49542 +Q7833 P1050 Q83319 +Q14279 P108 Q131262 +Q1292776 P1303 Q17172850 +Q82301 P20 Q585 +Q534419 P1303 Q1444 +Q202663 P106 Q3282637 +Q218 P463 Q7825 +Q359552 P1303 Q5994 +Q2594947 P119 Q12404547 +Q8011 P106 Q49757 +Q434968 P264 Q183412 +Q983962 P136 Q1344 +Q439209 P106 Q14467526 +Q216924 P551 Q172 +Q75814 P1412 Q188 +Q157004 P106 Q82955 +Q324588 P1303 Q17172850 +Q213 P463 Q8908 +Q333190 P106 Q10800557 +Q433459 P106 Q10800557 +Q801 P530 Q794 +Q179282 P172 Q34069 +Q896136 P106 Q1397808 +Q272256 P19 Q41819 +Q192409 P161 Q184805 +Q241482 P161 Q105221 +Q38903 P159 Q99 +Q60714 P106 Q16533 +Q61552 P106 Q33999 +Q170564 P495 Q30 +Q202385 P106 Q214917 +Q239652 P119 Q281859 +Q193066 P840 Q60 +Q39 P530 Q801 +Q741862 P27 Q172579 +Q48259 P1412 Q1860 +Q489 P106 Q28389 +Q105460 P106 Q33999 +Q64356 P69 Q317053 +Q48074 P27 Q15180 +Q553276 P1303 Q5994 +Q201562 P140 Q5043 +Q28494 P106 Q49757 +Q183337 P463 Q123885 +Q84464 P26 Q254 +Q26993 P135 Q667661 +Q742396 P264 Q1465812 +Q44380 P106 Q15980158 +Q9061 P20 Q84 +Q958206 P551 Q65 +Q202211 P136 Q21401869 +Q1361304 P106 Q2865819 +Q911923 P136 Q11399 +Q440609 P27 Q142 +Q706931 P509 Q11085 +Q312173 P264 Q798658 +Q779932 P27 Q34266 +Q6829 P463 Q1768108 +Q711978 P1303 Q17172850 +Q47595 P106 Q185351 +Q965 P463 Q376150 +Q262091 P27 Q30 +Q55415 P140 Q75809 +Q436131 P1412 Q256 +Q689486 P27 Q34266 +Q72365 P106 Q1930187 +Q212 P530 Q33 +Q769 P530 Q15180 +Q1046038 P106 Q486748 +Q854912 P106 Q36834 +Q310679 P1303 Q17172850 +Q503147 P27 Q15180 +Q381505 P106 Q82955 +Q233474 P27 Q30 +Q40263 P106 Q3282637 +Q76525 P102 Q49768 +Q193668 P106 Q2526255 +Q842243 P27 Q191077 +Q73028 P136 Q188473 +Q228882 P106 Q10800557 +Q44248 P106 Q1234713 +Q236 P463 Q827525 +Q15975 P106 Q4964182 +Q310150 P69 Q927627 +Q77143 P1303 Q52954 +Q725519 P106 Q639669 +Q888256 P106 Q193391 +Q234058 P172 Q7325 +Q437484 P69 Q1542213 +Q702 P463 Q376150 +Q237809 P27 Q30 +Q2831 P3373 Q234388 +Q26876 P1303 Q11404 +Q2875 P495 Q30 +Q73033 P27 Q30 +Q880776 P106 Q82955 +Q842 P530 Q833 +Q980676 P1412 Q150 +Q354181 P106 Q130857 +Q110365 P495 Q145 +Q454544 P106 Q2095549 +Q295420 P1412 Q7737 +Q229606 P264 Q330629 +Q231807 P19 Q60 +Q355531 P106 Q639669 +Q1687749 P69 Q1378320 +Q237215 P161 Q215072 +Q226525 P1412 Q188 +Q264891 P106 Q177220 +Q312901 P106 Q81096 +Q572001 P463 Q270794 +Q4425869 P69 Q4204467 +Q760 P463 Q134102 +Q661848 P106 Q33231 +Q884 P530 Q921 +Q121456 P106 Q2405480 +Q236630 P106 Q36180 +Q52925 P106 Q1028181 +Q152531 P161 Q24632 +Q234898 P106 Q333634 +Q171711 P136 Q20656232 +Q313559 P106 Q24067349 +Q223790 P106 Q2259451 +Q1131225 P161 Q186757 +Q454398 P161 Q296577 +Q287385 P136 Q130232 +Q11153 P106 Q82955 +Q36704 P530 Q183 +Q1475124 P20 Q16563 +Q218718 P106 Q5716684 +Q743162 P106 Q36180 +Q180338 P106 Q948329 +Q43203 P106 Q177220 +Q5348 P108 Q1377 +Q902 P530 Q32 +Q83297 P463 Q83172 +Q115541 P27 Q30 +Q281480 P136 Q188473 +Q9327 P69 Q1878600 +Q1322285 P1303 Q17172850 +Q458966 P463 Q2124852 +Q534599 P551 Q824 +Q774905 P106 Q1906857 +Q366956 P106 Q13235160 +Q508325 P1412 Q9027 +Q204323 P69 Q503246 +Q1744 P101 Q746359 +Q930679 P1412 Q7026 +Q17714 P106 Q15980158 +Q222720 P161 Q295148 +Q271879 P20 Q60 +Q786339 P106 Q82955 +Q360383 P106 Q36180 +Q88937 P27 Q16957 +Q110278 P136 Q590103 +Q9047 P27 Q12548 +Q106602 P106 Q36180 +Q51583 P106 Q15627169 +Q43189 P264 Q38903 +Q53714 P264 Q190585 +Q318004 P463 Q3603946 +Q16 P530 Q159 +Q319121 P106 Q3282637 +Q827389 P106 Q1930187 +Q44197 P27 Q142 +Q92819 P27 Q30 +Q221917 P69 Q49088 +Q705681 P106 Q1930187 +Q48734 P161 Q180004 +Q90217 P102 Q161118 +Q232456 P106 Q639669 +Q42930 P19 Q65 +Q250954 P136 Q52162262 +Q312570 P106 Q2059704 +Q193426 P106 Q10800557 +Q78524 P19 Q1741 +Q810 P530 Q230 +Q237994 P19 Q4093 +Q215730 P106 Q1930187 +Q780842 P106 Q43845 +Q121060 P136 Q19715429 +Q984644 P136 Q156035 +Q208546 P20 Q656 +Q1065624 P106 Q177220 +Q104790 P106 Q49757 +Q468345 P108 Q168756 +Q103835 P463 Q2370801 +Q213614 P19 Q90 +Q299132 P106 Q10798782 +Q333187 P27 Q33946 +Q234630 P106 Q2526255 +Q49601 P69 Q206702 +Q436712 P106 Q18545066 +Q60452 P20 Q3923 +Q157318 P101 Q5891 +Q213582 P1412 Q150 +Q162778 P106 Q639669 +Q9047 P463 Q329464 +Q1685286 P106 Q13582652 +Q4473 P106 Q33999 +Q310367 P69 Q523926 +Q276745 P136 Q37073 +Q1370873 P463 Q463303 +Q87832 P108 Q154804 +Q236094 P27 Q28 +Q943694 P106 Q1622272 +Q31845 P2348 Q2277 +Q213632 P106 Q1607826 +Q117 P463 Q656801 +Q1820387 P106 Q183945 +Q167635 P106 Q627325 +Q741862 P1412 Q652 +Q327240 P102 Q29468 +Q436978 P106 Q7042855 +Q205028 P161 Q295964 +Q16766 P106 Q177220 +Q205772 P106 Q901402 +Q11637 P20 Q743535 +Q76738 P106 Q14467526 +Q1154804 P106 Q177220 +Q853095 P106 Q1622272 +Q918681 P1412 Q150 +Q228645 P106 Q33999 +Q55163 P106 Q28389 +Q216341 P106 Q10798782 +Q127423 P106 Q18581305 +Q91436 P106 Q4773904 +Q179150 P106 Q488205 +Q45772 P551 Q47164 +Q180224 P1303 Q52954 +Q76837 P1412 Q150 +Q57309 P27 Q183 +Q185490 P495 Q145 +Q463013 P106 Q486748 +Q2100 P30 Q5401 +Q99279 P106 Q947873 +Q214831 P106 Q488205 +Q8442 P106 Q82955 +Q63667 P106 Q36180 +Q455558 P136 Q208505 +Q72014 P106 Q33999 +Q76437 P106 Q18814623 +Q322179 P106 Q10800557 +Q184366 P106 Q14467526 +Q305962 P106 Q37226 +Q41257 P106 Q169470 +Q954 P463 Q1043527 +Q310052 P1412 Q1860 +Q217685 P57 Q312472 +Q105987 P106 Q33999 +Q3123761 P101 Q21198 +Q201656 P1412 Q1860 +Q845278 P69 Q186285 +Q124094 P463 Q338432 +Q1801255 P19 Q18575 +Q68468 P106 Q2259451 +Q325660 P69 Q270145 +Q559531 P19 Q761 +Q331425 P106 Q201788 +Q106103 P108 Q32120 +Q89434 P106 Q783906 +Q206685 P106 Q2526255 +Q55428 P106 Q3282637 +Q222041 P161 Q435807 +Q160640 P106 Q1238570 +Q78481 P69 Q55044 +Q23527 P106 Q10798782 +Q241087 P20 Q490 +Q122998 P1412 Q150 +Q1042 P463 Q191384 +Q2568971 P106 Q42973 +Q242132 P106 Q33999 +Q237385 P172 Q127885 +Q160318 P1412 Q1860 +Q62866 P27 Q30 +Q77938 P106 Q1622272 +Q273532 P106 Q2259451 +Q221450 P108 Q181410 +Q85112 P102 Q179111 +Q182665 P264 Q277626 +Q658454 P27 Q801 +Q1397252 P136 Q1344 +Q7314 P136 Q1344 +Q202246 P136 Q842324 +Q739915 P106 Q177220 +Q209004 P172 Q49542 +Q83492 P106 Q2405480 +Q66942 P106 Q49757 +Q710466 P136 Q817138 +Q106746 P69 Q131252 +Q206112 P551 Q16559 +Q918681 P27 Q142 +Q92620 P106 Q36180 +Q237821 P106 Q1622272 +Q62664 P102 Q694299 +Q484523 P106 Q10798782 +Q293275 P106 Q33999 +Q383420 P26 Q239845 +Q232783 P106 Q2865819 +Q102022 P106 Q1231865 +Q230795 P27 Q34 +Q183074 P106 Q49757 +Q85464 P106 Q36180 +Q403 P530 Q29 +Q714141 P106 Q28389 +Q106429 P20 Q1055 +Q317122 P106 Q806349 +Q889 P530 Q408 +Q160270 P20 Q84 +Q1586916 P69 Q174710 +Q934722 P119 Q1437214 +Q322272 P106 Q10800557 +Q9575 P140 Q9089 +Q92130 P106 Q674426 +Q234663 P551 Q71 +Q39212 P106 Q1930187 +Q668 P463 Q37470 +Q1379164 P106 Q155647 +Q11256 P106 Q1930187 +Q5046268 P463 Q463303 +Q328723 P106 Q266569 +Q657 P530 Q142 +Q122187 P27 Q142 +Q70130 P106 Q33999 +Q229258 P106 Q10800557 +Q156309 P161 Q434763 +Q993950 P106 Q1930187 +Q149431 P161 Q104514 +Q573223 P106 Q82955 +Q188648 P106 Q3501317 +Q154010 P172 Q42884 +Q138559 P106 Q193391 +Q166796 P551 Q65 +Q180710 P509 Q3505252 +Q972676 P19 Q23197 +Q5683 P19 Q84 +Q217182 P136 Q130232 +Q124617 P106 Q47064 +Q11826 P106 Q155647 +Q62833 P106 Q82955 +Q233854 P20 Q127856 +Q456413 P509 Q18554460 +Q949696 P106 Q177220 +Q90815 P106 Q82955 +Q85490 P20 Q1726 +Q186335 P451 Q233701 +Q1377134 P106 Q753110 +Q224187 P161 Q236189 +Q1400917 P106 Q81096 +Q36739 P161 Q190998 +Q162778 P106 Q1028181 +Q229908 P106 Q10798782 +Q57382 P106 Q6625963 +Q41513 P106 Q16947657 +Q281964 P106 Q639669 +Q289003 P136 Q83270 +Q311476 P106 Q28389 +Q553543 P1303 Q51290 +Q253715 P106 Q177220 +Q48226 P463 Q463303 +Q61147 P69 Q153978 +Q177984 P106 Q245068 +Q241583 P106 Q1053574 +Q236181 P106 Q2405480 +Q442198 P1303 Q5994 +Q630446 P106 Q17125263 +Q123413 P140 Q432 +Q44007 P1303 Q8355 +Q334825 P106 Q2526255 +Q715315 P106 Q40348 +Q236954 P136 Q131578 +Q311450 P106 Q486748 +Q213773 P161 Q229011 +Q159808 P495 Q36704 +Q92828 P463 Q1493021 +Q106391 P19 Q1022 +Q101235 P106 Q822146 +Q365682 P1412 Q1860 +Q60506 P161 Q36767 +Q2895857 P27 Q30 +Q1389589 P69 Q1161297 +Q71602 P108 Q202660 +Q374223 P106 Q465501 +Q166010 P136 Q9759 +Q73432 P1412 Q188 +Q374263 P172 Q678551 +Q764789 P551 Q5092 +Q259379 P264 Q168407 +Q46405 P106 Q36180 +Q68036 P20 Q220 +Q37134 P106 Q82955 +Q113830 P106 Q188094 +Q41132 P57 Q383420 +Q360079 P106 Q333634 +Q71206 P264 Q1881437 +Q61682 P106 Q1622272 +Q218503 P106 Q10800557 +Q443225 P509 Q47912 +Q554209 P20 Q1731 +Q128511 P20 Q649 +Q213642 P108 Q230492 +Q529858 P140 Q9592 +Q317953 P106 Q1622272 +Q1698 P1303 Q5994 +Q231730 P106 Q10798782 +Q215904 P27 Q1206012 +Q129119 P106 Q5716684 +Q29092 P106 Q10798782 +Q729117 P106 Q6625963 +Q233932 P27 Q43 +Q77551 P69 Q309988 +Q258 P463 Q19771 +Q2545780 P106 Q3391743 +Q182658 P106 Q28389 +Q162518 P161 Q104067 +Q247320 P1412 Q397 +Q714739 P106 Q9334029 +Q268181 P106 Q28389 +Q189330 P161 Q225933 +Q371119 P106 Q158852 +Q451969 P106 Q11900058 +Q1351047 P69 Q332342 +Q65513 P106 Q82955 +Q157623 P463 Q83172 +Q1552348 P106 Q49757 +Q213 P140 Q9592 +Q90771 P27 Q183 +Q374507 P161 Q203840 +Q1160461 P19 Q60 +Q656 P138 Q1394 +Q131324 P136 Q850412 +Q221075 P136 Q1341051 +Q310375 P106 Q33999 +Q105118 P119 Q1358639 +Q96762 P69 Q151510 +Q67526 P106 Q36180 +Q23505 P106 Q82955 +Q1197841 P407 Q1860 +Q92760 P737 Q299595 +Q25163 P106 Q1930187 +Q242523 P27 Q30 +Q201459 P264 Q18628 +Q77851 P463 Q812155 +Q467630 P1412 Q7737 +Q32433 P136 Q369747 +Q907600 P106 Q937857 +Q162255 P161 Q2685 +Q60876 P106 Q2095549 +Q191020 P106 Q1622272 +Q93397 P20 Q1741 +Q432526 P161 Q275652 +Q202041 P264 Q330629 +Q260648 P136 Q1342372 +Q795238 P135 Q971480 +Q983249 P106 Q6625963 +Q41564 P106 Q36180 +Q3091395 P106 Q4964182 +Q1865656 P27 Q30 +Q157879 P495 Q142 +Q32529 P106 Q177220 +Q99784 P106 Q350979 +Q125057 P1412 Q1860 +Q106099 P106 Q2526255 +Q807398 P1303 Q6607 +Q712765 P26 Q237602 +Q5383 P106 Q33999 +Q465428 P106 Q1930187 +Q96 P530 Q213 +Q311253 P106 Q4220892 +Q162202 P136 Q316930 +Q19845 P106 Q36180 +Q572608 P106 Q2252262 +Q327546 P495 Q183 +Q330847 P27 Q30 +Q454758 P20 Q2044 +Q28513 P30 Q46 +Q128934 P161 Q441913 +Q62666 P102 Q157537 +Q70174 P106 Q639669 +Q648359 P106 Q177220 +Q434640 P20 Q597 +Q734 P530 Q865 +Q228 P463 Q45177 +Q930679 P106 Q36180 +Q202878 P509 Q12202 +Q164721 P106 Q36834 +Q228244 P161 Q287449 +Q267306 P106 Q177220 +Q1067812 P264 Q183412 +Q2498968 P27 Q15180 +Q276392 P136 Q200092 +Q431356 P106 Q10800557 +Q505994 P106 Q753110 +Q78492 P1412 Q9056 +Q172 P17 Q16 +Q468667 P69 Q131252 +Q296500 P106 Q177220 +Q206659 P106 Q10800557 +Q69973 P27 Q183 +Q326723 P106 Q33999 +Q724343 P27 Q142 +Q6648722 P108 Q861548 +Q16759 P106 Q177220 +Q262 P530 Q851 +Q991543 P106 Q49757 +Q95485 P106 Q1622272 +Q78109 P106 Q1930187 +Q127423 P1412 Q150 +Q237416 P27 Q83286 +Q260026 P106 Q864380 +Q105221 P106 Q177220 +Q40 P530 Q347 +Q363371 P106 Q855091 +Q201221 P106 Q12144794 +Q97998 P172 Q7325 +Q234117 P27 Q30 +Q213195 P106 Q205375 +Q311238 P19 Q60 +Q242095 P106 Q28389 +Q3490296 P106 Q1622272 +Q356487 P1303 Q6607 +Q193405 P509 Q11081 +Q91161 P108 Q157808 +Q201079 P27 Q30 +Q232079 P161 Q229258 +Q225 P530 Q38 +Q64856 P69 Q672420 +Q391542 P161 Q132616 +Q504 P119 Q746647 +Q55456 P106 Q10798782 +Q148 P530 Q159 +Q235515 P106 Q1930187 +Q329549 P19 Q60 +Q320146 P69 Q859363 +Q37060 P106 Q49757 +Q184530 P106 Q170790 +Q70523 P108 Q152087 +Q1359247 P106 Q2252262 +Q303464 P264 Q1988428 +Q374507 P161 Q233502 +Q237405 P106 Q970153 +Q37628 P27 Q212 +Q81489 P26 Q81131 +Q100440 P106 Q578109 +Q30 P530 Q222 +Q506393 P106 Q177220 +Q310012 P69 Q981195 +Q380981 P161 Q233618 +Q481474 P1412 Q652 +Q152857 P161 Q57614 +Q69397 P108 Q50662 +Q151976 P136 Q492264 +Q1816925 P106 Q488205 +Q437340 P106 Q4964182 +Q1028 P463 Q663492 +Q312394 P161 Q41548 +Q236151 P27 Q30 +Q358322 P509 Q12078 +Q910092 P108 Q131262 +Q51575 P106 Q3282637 +Q332892 P106 Q177220 +Q921 P530 Q30 +Q180405 P161 Q325020 +Q437622 P106 Q177220 +Q180008 P161 Q105221 +Q140575 P106 Q3621491 +Q217388 P27 Q142 +Q9711 P106 Q4263842 +Q150651 P106 Q18545066 +Q7604 P1412 Q150 +Q267581 P106 Q488205 +Q68126 P106 Q36180 +Q836 P530 Q902 +Q48280 P136 Q11399 +Q3710088 P106 Q81096 +Q153149 P1412 Q188 +Q310300 P27 Q30 +Q167774 P106 Q10800557 +Q239355 P106 Q49757 +Q930197 P108 Q168756 +Q9582 P1412 Q1860 +Q722119 P106 Q36180 +Q43977 P172 Q170217 +Q34166 P27 Q30 +Q440551 P106 Q33999 +Q843 P463 Q842490 +Q62831 P106 Q2055046 +Q108560 P1303 Q1343007 +Q61879 P106 Q39631 +Q193257 P69 Q209842 +Q237387 P106 Q177220 +Q193300 P106 Q266569 +Q18066 P106 Q947873 +Q316596 P19 Q61 +Q214324 P108 Q154561 +Q104127 P2348 Q6927 +Q104266 P106 Q578109 +Q291693 P19 Q90 +Q372234 P119 Q1457437 +Q718609 P101 Q43035 +Q231484 P136 Q131272 +Q221364 P27 Q30 +Q78890 P19 Q1741 +Q30449 P106 Q10800557 +Q912 P463 Q134102 +Q1939469 P106 Q1415090 +Q331 P69 Q168751 +Q99903 P106 Q2516866 +Q270935 P106 Q639669 +Q145 P530 Q884 +Q184750 P106 Q11774202 +Q420041 P106 Q28389 +Q84053 P1303 Q17172850 +Q15208489 P131 Q84 +Q57700 P19 Q1040 +Q720722 P106 Q183945 +Q207916 P161 Q81520 +Q690854 P106 Q10873124 +Q154194 P136 Q188473 +Q38 P530 Q219 +Q267441 P106 Q36180 +Q211785 P20 Q656 +Q1379164 P19 Q3766 +Q244115 P840 Q956 +Q76725 P69 Q152087 +Q1711743 P172 Q49085 +Q229550 P106 Q486748 +Q362599 P27 Q30 +Q1173321 P264 Q726251 +Q2979750 P106 Q81096 +Q1649871 P140 Q9592 +Q99596 P1412 Q188 +Q106083 P1412 Q7737 +Q554670 P27 Q145 +Q1044 P530 Q183 +Q192185 P27 Q30 +Q155855 P1412 Q150 +Q18066 P106 Q28389 +Q4235 P264 Q202585 +Q1032 P530 Q458 +Q2063048 P19 Q60 +Q233584 P106 Q36180 +Q143198 P1412 Q1860 +Q261104 P106 Q465501 +Q55388 P106 Q36180 +Q310679 P19 Q11194 +Q39666 P27 Q29 +Q467670 P106 Q177220 +Q209641 P27 Q145 +Q180214 P161 Q934506 +Q732980 P27 Q16 +Q70989 P106 Q4964182 +Q55170 P106 Q28389 +Q330847 P106 Q2722764 +Q56635 P20 Q60 +Q6107 P106 Q33999 +Q296244 P509 Q12152 +Q755 P1412 Q150 +Q314892 P106 Q10798782 +Q93356 P106 Q214917 +Q708236 P264 Q277626 +Q220210 P119 Q812 +Q93166 P106 Q6625963 +Q76984 P509 Q175111 +Q1040 P17 Q713750 +Q71490 P69 Q152171 +Q77184 P106 Q201788 +Q152222 P740 Q64 +Q71499 P106 Q783906 +Q88899 P20 Q586 +Q314403 P19 Q172455 +Q70417 P27 Q183 +Q137659 P69 Q21705070 +Q959159 P27 Q30 +Q270935 P140 Q1841 +Q310343 P551 Q84 +Q180919 P27 Q30 +Q217750 P106 Q2259451 +Q313874 P161 Q706117 +Q229375 P264 Q1998195 +Q317427 P106 Q36180 +Q1729 P17 Q41304 +Q368519 P106 Q2259532 +Q35725 P495 Q145 +Q851 P530 Q17 +Q523870 P106 Q201788 +Q342397 P20 Q649 +Q445648 P19 Q23556 +Q363379 P19 Q270 +Q902 P530 Q34 +Q270935 P264 Q778673 +Q443567 P1050 Q11081 +Q374582 P108 Q2994538 +Q93664 P106 Q1622272 +Q537722 P106 Q20669622 +Q265031 P19 Q18426 +Q736847 P106 Q36180 +Q90781 P69 Q152171 +Q169020 P106 Q1238570 +Q818048 P27 Q155 +Q113480 P106 Q4773904 +Q544283 P1412 Q1321 +Q322275 P1303 Q17172850 +Q137659 P101 Q8162 +Q57535 P27 Q43287 +Q221594 P161 Q269869 +Q167437 P161 Q213430 +Q237659 P106 Q2405480 +Q858 P463 Q656801 +Q25660 P106 Q183945 +Q434160 P108 Q503424 +Q31984 P106 Q36180 +Q5879 P463 Q607496 +Q330612 P161 Q217137 +Q1853186 P27 Q30 +Q41 P530 Q38 +Q358990 P106 Q2259451 +Q38757 P27 Q40 +Q983 P530 Q183 +Q94350 P101 Q1662673 +Q235318 P106 Q11569986 +Q270303 P19 Q12439 +Q13908 P161 Q7516 +Q20995 P172 Q484464 +Q232009 P161 Q19190 +Q153358 P106 Q2259451 +Q1928543 P19 Q16557 +Q364881 P19 Q34647 +Q33240 P136 Q316930 +Q60128 P106 Q82955 +Q80399 P1412 Q150 +Q342419 P106 Q10800557 +Q67385 P1412 Q188 +Q249865 P106 Q36834 +Q327681 P161 Q296287 +Q4061 P106 Q639669 +Q76943 P102 Q7320 +Q85040 P106 Q11513337 +Q268262 P106 Q1930187 +Q237673 P106 Q33999 +Q1345782 P106 Q753110 +Q516473 P1412 Q1860 +Q77112 P106 Q33999 +Q657 P37 Q13955 +Q777688 P119 Q7186324 +Q444601 P1412 Q1860 +Q602137 P1412 Q1321 +Q53651 P106 Q3282637 +Q1124061 P136 Q11399 +Q362106 P27 Q219 +Q76395 P19 Q1794 +Q573405 P463 Q131566 +Q131380 P1412 Q1860 +Q888326 P106 Q177220 +Q187814 P1303 Q6607 +Q97129 P106 Q36180 +Q157044 P495 Q30 +Q275553 P161 Q449679 +Q51581 P106 Q2095549 +Q4247 P119 Q665815 +Q44248 P106 Q201788 +Q92601 P1412 Q1860 +Q138416 P69 Q849751 +Q332956 P102 Q9630 +Q75914 P108 Q152171 +Q602779 P106 Q43845 +Q57802 P1412 Q188 +Q357936 P106 Q1930187 +Q455827 P106 Q33999 +Q728463 P463 Q123885 +Q85460 P27 Q131964 +Q966894 P106 Q201788 +Q152318 P27 Q159 +Q229 P463 Q7809 +Q115525 P106 Q82955 +Q86362 P102 Q17427 +Q735539 P1303 Q17172850 +Q453614 P27 Q172579 +Q150526 P119 Q1053320 +Q59259 P136 Q188473 +Q2291 P19 Q2634 +Q329849 P1412 Q1860 +Q919515 P106 Q36180 +Q262549 P69 Q49088 +Q311476 P1412 Q9027 +Q505677 P136 Q11366 +Q228624 P69 Q797078 +Q363867 P106 Q639669 +Q388035 P101 Q207628 +Q7729 P3373 Q151083 +Q271385 P1303 Q17172850 +Q1001 P106 Q1930187 +Q14100 P106 Q205375 +Q71135 P1412 Q397 +Q92862 P27 Q30 +Q1262590 P106 Q183945 +Q44857 P551 Q127856 +Q893667 P1412 Q7737 +Q568455 P69 Q21578 +Q711 P530 Q219 +Q57386 P69 Q154561 +Q156394 P161 Q267359 +Q62753 P106 Q182436 +Q1376193 P551 Q145 +Q861994 P106 Q639669 +Q553276 P1412 Q1860 +Q52583 P136 Q484641 +Q312538 P161 Q74258 +Q123483 P108 Q206702 +Q183 P530 Q17 +Q537222 P27 Q801 +Q64487 P27 Q183 +Q1711513 P106 Q10798782 +Q544464 P106 Q43845 +Q211545 P161 Q10738 +Q669934 P108 Q838330 +Q259461 P106 Q33999 +Q182692 P136 Q369747 +Q95030 P451 Q1744 +Q284917 P161 Q236708 +Q264869 P136 Q130232 +Q159 P530 Q878 +Q95855 P102 Q157537 +Q65825 P20 Q1731 +Q47737 P106 Q483501 +Q186799 P161 Q6060 +Q271856 P20 Q60 +Q231249 P106 Q2259451 +Q94007 P106 Q3391743 +Q114808 P106 Q2504617 +Q92035 P106 Q4002666 +Q979166 P1303 Q8350 +Q313443 P106 Q11513337 +Q57371 P106 Q82955 +Q138007 P69 Q152171 +Q251262 P106 Q1622272 +Q432421 P106 Q1075651 +Q334180 P106 Q806349 +Q76512 P106 Q39631 +Q192185 P509 Q11081 +Q166344 P264 Q2482872 +Q233541 P1303 Q17172850 +Q363876 P106 Q33999 +Q85791 P463 Q558439 +Q298388 P509 Q12152 +Q1272729 P2348 Q6927 +Q259679 P106 Q28389 +Q237196 P27 Q174193 +Q7259 P737 Q46633 +Q1164663 P106 Q488205 +Q276158 P106 Q10800557 +Q223830 P136 Q188473 +Q460196 P106 Q6625963 +Q550232 P495 Q142 +Q192052 P106 Q10798782 +Q313020 P69 Q258464 +Q381185 P106 Q1622272 +Q324499 P509 Q12136 +Q211545 P161 Q347395 +Q1906150 P20 Q60 +Q42493 P106 Q183945 +Q309709 P19 Q84 +Q180962 P140 Q9268 +Q311613 P106 Q2405480 +Q68584 P20 Q3806 +Q76483 P106 Q333634 +Q555226 P509 Q12136 +Q451680 P27 Q30 +Q2291 P106 Q36834 +Q119811 P19 Q72 +Q131433 P264 Q38903 +Q431793 P136 Q130232 +Q184404 P19 Q12439 +Q235470 P27 Q30 +Q241498 P509 Q12152 +Q347685 P463 Q1425328 +Q851 P530 Q230 +Q70819 P106 Q36834 +Q254431 P3373 Q215976 +Q388286 P172 Q49085 +Q98120 P27 Q183 +Q2658411 P106 Q4964182 +Q286022 P264 Q38903 +Q1176607 P1303 Q17172850 +Q681465 P20 Q1729 +Q57266 P106 Q49757 +Q725516 P27 Q145 +Q234809 P19 Q38022 +Q173158 P140 Q9089 +Q333892 P26 Q154410 +Q1378383 P19 Q61 +Q6694 P106 Q270141 +Q313868 P106 Q806349 +Q153421 P106 Q40348 +Q91548 P1412 Q188 +Q1542119 P159 Q65 +Q219237 P264 Q330629 +Q339196 P106 Q3282637 +Q145 P530 Q229 +Q1793865 P19 Q64 +Q93835 P108 Q215539 +Q977 P463 Q47543 +Q238919 P106 Q2259451 +Q1507495 P136 Q83440 +Q329131 P161 Q318267 +Q952737 P551 Q2807 +Q245430 P161 Q224026 +Q108733 P106 Q201788 +Q115780 P108 Q659080 +Q230496 P161 Q206890 +Q948808 P27 Q218 +Q101995 P102 Q49750 +Q77549 P1412 Q188 +Q229940 P106 Q5322166 +Q665344 P69 Q27923720 +Q44647 P106 Q4853732 +Q4894155 P106 Q81096 +Q232917 P69 Q738258 +Q333913 P106 Q82955 +Q106231 P509 Q147778 +Q329 P140 Q5043 +Q232348 P106 Q639669 +Q1374180 P1412 Q1860 +Q1181035 P106 Q36834 +Q62676 P106 Q10800557 +Q36290 P136 Q316930 +Q312337 P106 Q10798782 +Q108006 P495 Q30 +Q501 P106 Q4263842 +Q68171 P20 Q2079 +Q285584 P136 Q157443 +Q48259 P26 Q234992 +Q185024 P509 Q12078 +Q668 P530 Q28 +Q188018 P106 Q4610556 +Q296370 P27 Q30 +Q387414 P161 Q236434 +Q106529 P106 Q2526255 +Q211040 P106 Q10800557 +Q560694 P106 Q1930187 +Q134549 P172 Q1075293 +Q221462 P136 Q1200678 +Q127481 P106 Q1415090 +Q193803 P101 Q413 +Q463501 P140 Q3333484 +Q36 P530 Q928 +Q60116 P108 Q658975 +Q222791 P509 Q12152 +Q125405 P463 Q700570 +Q99842 P19 Q1792 +Q63960 P1412 Q188 +Q206693 P27 Q30 +Q487488 P1412 Q150 +Q262549 P101 Q35760 +Q1382521 P27 Q15180 +Q94331 P19 Q1741 +Q32433 P136 Q645928 +Q964355 P136 Q482 +Q309631 P106 Q177220 +Q192706 P101 Q39631 +Q113099 P106 Q2259451 +Q372234 P509 Q181754 +Q178549 P264 Q193023 +Q124607 P19 Q64 +Q235992 P106 Q49757 +Q229050 P106 Q3282637 +Q44426 P106 Q2526255 +Q230647 P19 Q2887 +Q254789 P69 Q1185037 +Q739 P530 Q183 +Q354241 P106 Q13590141 +Q41076 P551 Q60 +Q229975 P27 Q30 +Q35738 P840 Q1489 +Q438507 P106 Q169470 +Q311450 P264 Q213710 +Q1351527 P19 Q1297 +Q1060636 P737 Q16867 +Q106440 P161 Q232840 +Q310113 P136 Q193355 +Q1548904 P1303 Q17172850 +Q124784 P1412 Q150 +Q127330 P106 Q177220 +Q169011 P106 Q11900058 +Q383420 P451 Q106418 +Q77468 P136 Q676 +Q273338 P1412 Q150 +Q62904 P69 Q751612 +Q157271 P69 Q152838 +Q61055 P106 Q42973 +Q61962 P19 Q31487 +Q172579 P37 Q652 +Q440121 P172 Q49085 +Q220192 P161 Q367094 +Q471664 P136 Q8261 +Q287688 P106 Q33999 +Q77317 P106 Q36180 +Q41342 P106 Q2259451 +Q67903 P463 Q879171 +Q54945 P463 Q270794 +Q183 P530 Q683 +Q34 P530 Q148 +Q573323 P1303 Q17172850 +Q331845 P106 Q36180 +Q11612 P69 Q49124 +Q155163 P136 Q200092 +Q443199 P27 Q34266 +Q680881 P69 Q83259 +Q266694 P106 Q10798782 +Q442854 P106 Q40348 +Q370326 P840 Q99 +Q4588976 P20 Q585 +Q982339 P106 Q28389 +Q930586 P106 Q488205 +Q99448 P69 Q55044 +Q162202 P27 Q754 +Q31984 P1412 Q1860 +Q345325 P551 Q60 +Q189186 P108 Q1145306 +Q34211 P27 Q79 +Q286302 P106 Q639669 +Q61520 P69 Q151510 +Q191 P463 Q41550 +Q76432 P106 Q1622272 +Q370893 P161 Q182763 +Q202765 P106 Q2259451 +Q702468 P106 Q1930187 +Q35 P530 Q15180 +Q76000 P1412 Q188 +Q237081 P106 Q3357567 +Q460379 P161 Q40096 +Q106508 P27 Q142 +Q526709 P136 Q8261 +Q156469 P1412 Q1412 +Q33240 P106 Q177220 +Q49279 P641 Q847 +Q551491 P106 Q957729 +Q273652 P106 Q855091 +Q231006 P106 Q177220 +Q9391 P106 Q170790 +Q66002 P69 Q55044 +Q95522 P106 Q82955 +Q374770 P27 Q145 +Q467482 P27 Q191 +Q77325 P1412 Q188 +Q242110 P172 Q190168 +Q37767 P69 Q209842 +Q44662 P161 Q152941 +Q58121 P69 Q28695 +Q151921 P840 Q99 +Q901303 P106 Q4964182 +Q281908 P106 Q639669 +Q1041 P530 Q1025 +Q660237 P495 Q183 +Q181069 P161 Q315118 +Q465663 P172 Q49085 +Q202185 P106 Q10800557 +Q431401 P106 Q12377274 +Q197206 P106 Q81096 +Q1576675 P106 Q81096 +Q251738 P1412 Q397 +Q75786 P27 Q43287 +Q245257 P737 Q93354 +Q4724 P463 Q30907154 +Q2964710 P108 Q9531 +Q38 P463 Q188822 +Q873 P106 Q2259451 +Q1352256 P27 Q145 +Q572741 P106 Q1622272 +Q242717 P106 Q10798782 +Q131725 P69 Q49110 +Q41173 P1412 Q1860 +Q220713 P161 Q290370 +Q214574 P27 Q183 +Q221305 P136 Q319221 +Q185507 P495 Q38 +Q3504610 P463 Q2822396 +Q181529 P108 Q659706 +Q184535 P19 Q649 +Q356487 P106 Q10800557 +Q85982 P19 Q1741 +Q244398 P161 Q170510 +Q1766082 P106 Q753110 +Q784260 P27 Q30 +Q213393 P106 Q36180 +Q1803878 P1303 Q17172850 +Q33528 P119 Q311 +Q133042 P20 Q207350 +Q65863 P26 Q76442 +Q183469 P1050 Q11081 +Q102071 P106 Q36180 +Q240360 P69 Q1150105 +Q93115 P69 Q49115 +Q181995 P1303 Q9798 +Q90840 P19 Q2119 +Q156814 P106 Q15981151 +Q8862012 P69 Q209842 +Q356994 P106 Q855091 +Q244604 P161 Q295148 +Q230647 P27 Q298 +Q709 P530 Q695 +Q169065 P1303 Q17172850 +Q116812 P27 Q29 +Q92756 P101 Q21198 +Q24871 P161 Q190162 +Q257872 P101 Q482 +Q161852 P19 Q270 +Q342723 P136 Q9759 +Q55963 P106 Q333634 +Q48990 P106 Q82955 +Q2133214 P161 Q355839 +Q382316 P106 Q10798782 +Q75814 P463 Q4345832 +Q385036 P161 Q184572 +Q421707 P69 Q457281 +Q215546 P106 Q639669 +Q59610 P161 Q314290 +Q332256 P641 Q5386 +Q470334 P106 Q81096 +Q691 P530 Q30 +Q313578 P19 Q16557 +Q102660 P1412 Q387066 +Q1060636 P737 Q9204 +Q180665 P106 Q33999 +Q528323 P264 Q202440 +Q712914 P106 Q36834 +Q60954 P463 Q939743 +Q1779574 P19 Q21711493 +Q192374 P140 Q9592 +Q161806 P37 Q150 +Q383844 P161 Q208374 +Q233786 P106 Q10800557 +Q60131 P1412 Q188 +Q157024 P172 Q940348 +Q959153 P106 Q10798782 +Q769328 P1303 Q17172850 +Q44063 P106 Q10800557 +Q157879 P136 Q130232 +Q389779 P19 Q18426 +Q216341 P108 Q740308 +Q436693 P106 Q36180 +Q40213 P737 Q30875 +Q642060 P108 Q216047 +Q1054564 P106 Q49757 +Q228792 P106 Q10800557 +Q878 P463 Q376150 +Q22686 P551 Q11299 +Q2658411 P101 Q11063 +Q6538 P106 Q11569986 +Q76576 P106 Q36180 +Q953 P463 Q1065 +Q233529 P106 Q2259451 +Q312081 P106 Q10798782 +Q64397 P106 Q6625963 +Q29303 P17 Q174193 +Q944275 P106 Q81096 +Q236151 P69 Q49210 +Q333505 P106 Q18545066 +Q313627 P136 Q205560 +Q794 P530 Q77 +Q342549 P27 Q30 +Q355447 P27 Q17 +Q726198 P106 Q43845 +Q2440716 P108 Q7842 +Q37388 P27 Q179876 +Q185724 P106 Q33999 +Q117970 P1303 Q52954 +Q43247 P1412 Q1860 +Q129486 P106 Q1622272 +Q452388 P108 Q657167 +Q276620 P106 Q753110 +Q18450 P19 Q84 +Q1445276 P106 Q43845 +Q263582 P106 Q639669 +Q7349 P106 Q639669 +Q52925 P27 Q34 +Q55690 P27 Q129286 +Q316596 P106 Q33999 +Q182576 P1412 Q5287 +Q231256 P106 Q250867 +Q93157 P1412 Q1860 +Q1382495 P106 Q639669 +Q20995 P106 Q131524 +Q322850 P1303 Q17172850 +Q1152239 P106 Q753110 +Q105756 P737 Q7199 +Q3903340 P106 Q131062 +Q1277181 P172 Q49085 +Q921 P463 Q376150 +Q454200 P264 Q193023 +Q23543 P106 Q1323191 +Q827047 P172 Q8060 +Q313443 P106 Q42973 +Q76748 P102 Q694299 +Q62409 P108 Q11942 +Q9061 P140 Q7066 +Q213579 P106 Q11063 +Q15031 P106 Q4964182 +Q58735 P136 Q54365 +Q537960 P27 Q28513 +Q462356 P106 Q23833535 +Q550232 P161 Q36949 +Q440121 P106 Q82955 +Q70764 P106 Q33999 +Q278625 P19 Q649 +Q92639 P69 Q21578 +Q119811 P1412 Q150 +Q242707 P106 Q10800557 +Q118936 P106 Q33999 +Q186485 P106 Q2259451 +Q1291679 P106 Q1028181 +Q755 P69 Q926749 +Q178700 P495 Q142 +Q238638 P19 Q60 +Q618025 P140 Q7066 +Q23814 P106 Q33999 +Q66916 P106 Q82955 +Q311723 P106 Q10798782 +Q60217 P101 Q201788 +Q83612 P136 Q188473 +Q430535 P161 Q213567 +Q434095 P20 Q1492 +Q276419 P119 Q1437214 +Q742079 P69 Q49108 +Q202729 P136 Q83440 +Q434745 P27 Q30 +Q220713 P161 Q312129 +Q105823 P1303 Q6607 +Q119198 P509 Q12152 +Q2601 P102 Q49755 +Q483363 P106 Q10798782 +Q60025 P1412 Q188 +Q717884 P69 Q21578 +Q236066 P27 Q30 +Q318750 P737 Q83233 +Q18809 P106 Q4263842 +Q2901936 P108 Q333705 +Q271281 P161 Q45772 +Q42574 P26 Q235635 +Q941374 P106 Q11900058 +Q180011 P106 Q10800557 +Q738029 P1412 Q1860 +Q16473 P136 Q213714 +Q288645 P161 Q200768 +Q120366 P106 Q33999 +Q40119 P136 Q52162262 +Q168407 P112 Q71004 +Q381799 P1412 Q1860 +Q76346 P69 Q11942 +Q641582 P27 Q403 +Q143867 P1412 Q188 +Q801 P530 Q837 +Q184565 P140 Q1062789 +Q465181 P19 Q406 +Q65825 P106 Q169470 +Q91371 P108 Q838330 +Q317614 P106 Q33999 +Q45124 P106 Q49757 +Q71508 P102 Q49762 +Q228852 P551 Q65 +Q958294 P27 Q142 +Q211144 P106 Q948329 +Q105428 P106 Q36180 +Q75914 P106 Q520549 +Q964355 P106 Q482980 +Q232456 P106 Q36834 +Q102822 P463 Q265058 +Q63505 P106 Q82955 +Q116718 P106 Q1622272 +Q48093 P463 Q842008 +Q272382 P106 Q639669 +Q309900 P106 Q10800557 +Q83643 P1303 Q6607 +Q317122 P20 Q60 +Q255577 P509 Q1368943 +Q189991 P136 Q9794 +Q106942 P19 Q127856 +Q237389 P101 Q207628 +Q132506 P136 Q11399 +Q251262 P463 Q270794 +Q46636 P1303 Q11405 +Q381390 P19 Q649 +Q214565 P27 Q145 +Q277551 P495 Q30 +Q37060 P509 Q29496 +Q186807 P27 Q29 +Q43247 P40 Q508325 +Q92776 P1412 Q1860 +Q357326 P106 Q2490358 +Q49081 P106 Q1930187 +Q57281 P1412 Q150 +Q109520 P106 Q28389 +Q57500 P108 Q312578 +Q62254 P140 Q9592 +Q1305608 P19 Q84 +Q328590 P106 Q16145150 +Q61940 P106 Q12144794 +Q77204 P106 Q36180 +Q1077383 P27 Q34 +Q169564 P136 Q859369 +Q76696 P551 Q183 +Q203674 P101 Q5891 +Q736143 P101 Q8341 +Q280666 P106 Q33999 +Q634776 P1412 Q1860 +Q229487 P69 Q1797768 +Q2865 P30 Q5401 +Q171582 P161 Q113206 +Q34391 P19 Q1741 +Q381014 P509 Q1368943 +Q720005 P136 Q11399 +Q1260 P509 Q202837 +Q240894 P495 Q142 +Q241263 P1303 Q17172850 +Q15615 P264 Q1070152 +Q309486 P172 Q42406 +Q206856 P27 Q145 +Q517 P106 Q82955 +Q556941 P106 Q639669 +Q76997 P106 Q24262584 +Q455754 P27 Q30 +Q217557 P101 Q482 +Q67138 P106 Q36180 +Q446504 P106 Q1930187 +Q172241 P136 Q586250 +Q2709 P27 Q30 +Q233061 P106 Q488205 +Q361683 P19 Q621549 +Q53010 P106 Q3282637 +Q233439 P106 Q10800557 +Q16389 P1412 Q1860 +Q401963 P106 Q36180 +Q1367152 P106 Q36834 +Q7525 P17 Q159 +Q90635 P135 Q39427 +Q41 P463 Q134102 +Q931607 P136 Q8341 +Q222041 P161 Q229975 +Q104137 P161 Q150943 +Q1622571 P264 Q1757254 +Q755 P27 Q142 +Q352030 P106 Q33999 +Q720443 P106 Q1930187 +Q686 P463 Q7785 +Q121656 P106 Q36180 +Q311303 P106 Q10800557 +Q230 P530 Q916 +Q788572 P106 Q16287483 +Q353774 P106 Q28389 +Q236378 P19 Q1342 +Q246497 P463 Q463303 +Q296616 P140 Q1841 +Q241160 P19 Q5092 +Q124670 P264 Q202585 +Q64856 P106 Q82955 +Q1739226 P106 Q483501 +Q924 P463 Q7825 +Q309926 P1303 Q51290 +Q174327 P69 Q924289 +Q205028 P840 Q1522 +Q1046616 P1412 Q1860 +Q7104 P106 Q744738 +Q253566 P161 Q193105 +Q395340 P1412 Q1860 +Q176361 P106 Q10800557 +Q343037 P106 Q10800557 +Q981513 P140 Q13211738 +Q239845 P106 Q33999 +Q230632 P27 Q30 +Q232917 P106 Q3282637 +Q23380 P509 Q12192 +Q36951 P3373 Q386394 +Q76539 P106 Q1930187 +Q258462 P106 Q36180 +Q90520 P27 Q40 +Q304874 P106 Q4263842 +Q76543 P1412 Q188 +Q359552 P264 Q645889 +Q313009 P106 Q10800557 +Q34 P530 Q1030 +Q72267 P106 Q7042855 +Q1367152 P1303 Q5994 +Q183 P530 Q145 +Q165325 P161 Q220584 +Q730158 P136 Q188450 +Q76534 P27 Q30 +Q217750 P1412 Q652 +Q189375 P19 Q3766 +Q155687 P106 Q822146 +Q114623 P1412 Q188 +Q261522 P119 Q208175 +Q347528 P264 Q183387 +Q7301731 P509 Q12078 +Q313596 P106 Q10800557 +Q72790 P106 Q2516866 +Q92510 P69 Q152087 +Q232307 P27 Q30 +Q219 P530 Q1246 +Q502362 P27 Q218 +Q465640 P119 Q208175 +Q254576 P69 Q736674 +Q429046 P106 Q2252262 +Q218 P530 Q878 +Q289212 P1412 Q8798 +Q100511 P20 Q1726 +Q547565 P20 Q90 +Q376335 P20 Q649 +Q313789 P69 Q49112 +Q888152 P106 Q753110 +Q206972 P106 Q34074720 +Q7747 P1412 Q188 +Q2514 P1412 Q188 +Q1082312 P136 Q83270 +Q316629 P27 Q22 +Q104088 P1412 Q188 +Q269835 P1412 Q1860 +Q76409 P106 Q33999 +Q675465 P106 Q36180 +Q95068 P108 Q126399 +Q366322 P27 Q30 +Q291806 P27 Q145 +Q97383 P40 Q71106 +Q356423 P27 Q34266 +Q166562 P106 Q33999 +Q351290 P106 Q3282637 +Q199943 P136 Q848399 +Q849641 P27 Q30 +Q69339 P106 Q6625963 +Q435807 P27 Q30 +Q9599 P463 Q684415 +Q180272 P1303 Q6607 +Q422275 P106 Q82955 +Q60095 P19 Q1733 +Q893667 P27 Q34266 +Q48589 P119 Q985 +Q18149651 P136 Q9794 +Q95120 P106 Q14467526 +Q45909 P1303 Q6607 +Q121507 P1303 Q5994 +Q1931736 P1303 Q17172850 +Q763 P463 Q123759 +Q147989 P27 Q786 +Q254142 P106 Q5716684 +Q534234 P106 Q3282637 +Q715281 P27 Q2305208 +Q69320 P19 Q1720 +Q709790 P69 Q9219 +Q43252 P136 Q40831 +Q77418 P69 Q154804 +Q380799 P1412 Q1860 +Q311256 P106 Q177220 +Q37160 P1412 Q1860 +Q90288 P1412 Q188 +Q254510 P136 Q11399 +Q156516 P57 Q94882 +Q115630 P106 Q4964182 +Q106573 P106 Q5716684 +Q1432551 P509 Q3505252 +Q336397 P463 Q463303 +Q453583 P1303 Q5994 +Q728169 P172 Q539051 +Q51547 P27 Q40 +Q61769 P108 Q154561 +Q285254 P106 Q855091 +Q359457 P106 Q855091 +Q2890097 P19 Q190828 +Q18407 P161 Q199943 +Q9177981 P19 Q1741 +Q435801 P108 Q142740 +Q157271 P19 Q1715 +Q63773 P106 Q1930187 +Q531247 P106 Q82955 +Q715150 P106 Q169470 +Q742825 P1303 Q5994 +Q327574 P106 Q33999 +Q1138602 P106 Q177220 +Q199418 P106 Q177220 +Q154410 P106 Q333634 +Q1265451 P69 Q1432645 +Q238029 P27 Q30 +Q262 P463 Q4783148 +Q83059 P551 Q49142 +Q92637 P108 Q2283 +Q88710 P106 Q36180 +Q242873 P106 Q36834 +Q66475 P1412 Q188 +Q217160 P106 Q639669 +Q77755 P20 Q12439 +Q379022 P119 Q311 +Q139557 P27 Q183 +Q180416 P136 Q2484376 +Q43453 P17 Q153136 +Q3430566 P69 Q41506 +Q224026 P27 Q30 +Q60025 P106 Q1238570 +Q1356368 P106 Q81096 +Q118229 P69 Q157575 +Q237242 P27 Q145 +Q184935 P27 Q10957559 +Q232301 P172 Q7325 +Q103343 P106 Q2405480 +Q208101 P106 Q6625963 +Q4590643 P106 Q36180 +Q65350 P463 Q812155 +Q498390 P106 Q36834 +Q118812 P69 Q168426 +Q76892 P19 Q1794 +Q9041 P106 Q170790 +Q240324 P106 Q177220 +Q784 P463 Q7825 +Q5682 P106 Q214917 +Q269402 P1303 Q128309 +Q71763 P106 Q82955 +Q207459 P27 Q34266 +Q311241 P136 Q211756 +Q222818 P509 Q188874 +Q60903 P106 Q82594 +Q44063 P737 Q873 +Q29328 P106 Q10798782 +Q192410 P136 Q850412 +Q11590 P106 Q82594 +Q2978 P17 Q12548 +Q311223 P27 Q215530 +Q315099 P1412 Q1860 +Q444518 P106 Q10800557 +Q953450 P106 Q855091 +Q214642 P106 Q11774202 +Q25 P30 Q46 +Q271986 P1412 Q1860 +Q82222 P136 Q164444 +Q1397375 P106 Q639669 +Q264921 P106 Q36180 +Q1308212 P106 Q36834 +Q221586 P161 Q433142 +Q238 P463 Q899770 +Q439920 P509 Q47912 +Q233941 P1303 Q17172850 +Q96248 P106 Q1622272 +Q43 P530 Q796 +Q365144 P106 Q33999 +Q76586 P106 Q4964182 +Q1354 P17 Q902 +Q372174 P57 Q7374 +Q61356 P106 Q2405480 +Q37577 P27 Q142 +Q573388 P1412 Q1860 +Q220955 P161 Q1366460 +Q58062 P106 Q1930187 +Q553335 P69 Q49126 +Q229808 P136 Q2484376 +Q240890 P27 Q30 +Q314419 P20 Q90 +Q214548 P509 Q504775 +Q190220 P108 Q34433 +Q48734 P161 Q236189 +Q49767 P140 Q1841 +Q180099 P106 Q674426 +Q61879 P1412 Q188 +Q227 P37 Q9292 +Q232774 P136 Q188473 +Q509102 P106 Q639669 +Q255376 P136 Q3072039 +Q1233 P27 Q172579 +Q159933 P463 Q329464 +Q551543 P106 Q17337766 +Q104127 P106 Q33999 +Q75868 P106 Q214917 +Q57445 P509 Q12202 +Q311987 P1303 Q17172850 +Q45383 P106 Q33999 +Q67672 P1412 Q188 +Q299331 P27 Q30 +Q544521 P463 Q117467 +Q633 P1412 Q1860 +Q312628 P101 Q8242 +Q92649 P463 Q1493021 +Q112145 P69 Q622683 +Q57309 P1412 Q7737 +Q180861 P106 Q386854 +Q210447 P27 Q30 +Q64278 P106 Q36180 +Q92815 P463 Q1493021 +Q442549 P27 Q30 +Q318309 P27 Q38 +Q40826 P106 Q214917 +Q296630 P27 Q30 +Q190772 P101 Q41217 +Q1585614 P1303 Q17172850 +Q240570 P19 Q49218 +Q233529 P19 Q16563 +Q270672 P106 Q10798782 +Q657 P530 Q458 +Q37001 P106 Q3282637 +Q153232 P106 Q4964182 +Q18967 P136 Q860626 +Q312969 P106 Q15895020 +Q92881 P19 Q30 +Q1282413 P27 Q145 +Q4491 P69 Q219563 +Q160318 P106 Q33999 +Q221236 P161 Q316955 +Q9358 P737 Q44403 +Q168728 P106 Q36180 +Q712 P30 Q538 +Q123512 P19 Q72 +Q537665 P27 Q414 +Q216341 P264 Q1881437 +Q810 P530 Q96 +Q548345 P509 Q389735 +Q190908 P495 Q30 +Q92035 P106 Q211346 +Q443166 P136 Q11399 +Q644797 P27 Q30 +Q233061 P1303 Q17172850 +Q1049 P463 Q624307 +Q95252 P106 Q36180 +Q6107 P1303 Q17172850 +Q202385 P463 Q1468277 +Q120342 P106 Q33999 +Q176909 P106 Q4964182 +Q110278 P161 Q287824 +Q49819 P27 Q30 +Q244876 P495 Q30 +Q184 P530 Q142 +Q203574 P161 Q363518 +Q14045 P106 Q36834 +Q138850 P106 Q1622272 +Q274529 P161 Q42101 +Q1351527 P106 Q855091 +Q105756 P737 Q154756 +Q703091 P27 Q34 +Q134982 P27 Q174193 +Q1349079 P106 Q639669 +Q6244080 P106 Q1281618 +Q53003 P3373 Q1397252 +Q786052 P27 Q172579 +Q26372 P106 Q36180 +Q954563 P106 Q2516866 +Q310060 P106 Q10798782 +Q764913 P106 Q28389 +Q70917 P106 Q82955 +Q269927 P106 Q33999 +Q24999 P106 Q1930187 +Q238719 P106 Q488205 +Q535972 P172 Q49085 +Q24826 P17 Q145 +Q61863 P119 Q36 +Q102235 P161 Q212790 +Q232810 P69 Q457281 +Q66343 P1412 Q397 +Q215139 P106 Q1622272 +Q315181 P27 Q159 +Q220864 P106 Q487596 +Q61813 P108 Q154804 +Q201810 P106 Q2259451 +Q120381 P27 Q142 +Q3741406 P27 Q191 +Q434915 P106 Q3282637 +Q686493 P1412 Q1860 +Q221 P463 Q376150 +Q540787 P27 Q145 +Q441086 P102 Q815348 +Q77031 P463 Q46703 +Q115 P530 Q16 +Q905 P19 Q1085 +Q311115 P463 Q4345832 +Q106363 P106 Q1930187 +Q61552 P509 Q12078 +Q294144 P264 Q54860 +Q15935 P106 Q8246794 +Q57329 P106 Q1622272 +Q159638 P161 Q311723 +Q115547 P106 Q947873 +Q241504 P161 Q44176 +Q267186 P119 Q1645215 +Q1229223 P20 Q72 +Q3741406 P106 Q2135538 +Q887948 P1303 Q258896 +Q578529 P20 Q649 +Q233428 P106 Q2526255 +Q955077 P27 Q30 +Q754 P530 Q30 +Q433284 P106 Q28389 +Q53006 P27 Q172579 +Q971493 P106 Q214917 +Q7317 P20 Q490 +Q941655 P106 Q36180 +Q434916 P106 Q1028181 +Q1777864 P106 Q488205 +Q714646 P69 Q13371 +Q23870 P69 Q34433 +Q1345751 P1303 Q5994 +Q311147 P106 Q1979607 +Q1044 P530 Q1014 +Q228584 P102 Q79854 +Q172107 P37 Q809 +Q668 P530 Q1014 +Q439955 P1303 Q5994 +Q119811 P27 Q142 +Q217627 P161 Q271879 +Q1715 P463 Q747279 +Q109438 P106 Q3387717 +Q47210 P119 Q311 +Q76625 P101 Q2329 +Q10959 P551 Q30 +Q167265 P161 Q211144 +Q156193 P463 Q15646111 +Q193504 P27 Q142 +Q97423 P463 Q879171 +Q258693 P106 Q753110 +Q67383 P1412 Q188 +Q213614 P106 Q4964182 +Q1047 P509 Q12152 +Q179414 P106 Q33999 +Q230728 P69 Q1051840 +Q96772 P19 Q2079 +Q379923 P106 Q82955 +Q216266 P106 Q36180 +Q184843 P136 Q2484376 +Q153638 P106 Q488205 +Q468356 P1303 Q17172850 +Q88015 P106 Q177220 +Q202663 P106 Q639669 +Q315417 P264 Q190585 +Q676777 P136 Q20502 +Q315072 P509 Q623031 +Q243610 P30 Q46 +Q224 P530 Q928 +Q36965 P106 Q40348 +Q85112 P106 Q182436 +Q317152 P106 Q188094 +Q3271606 P69 Q273593 +Q38082 P551 Q21 +Q29213 P1412 Q1860 +Q644797 P1303 Q5994 +Q14277 P463 Q543804 +Q216896 P1412 Q1860 +Q15975 P106 Q16533 +Q781878 P106 Q639669 +Q20178 P106 Q245068 +Q1355279 P19 Q1524 +Q236161 P106 Q4610556 +Q794 P530 Q55 +Q2460829 P27 Q851 +Q228546 P1412 Q150 +Q243969 P106 Q82594 +Q215546 P1303 Q17172850 +Q366306 P106 Q2914170 +Q311453 P106 Q639669 +Q185140 P106 Q10798782 +Q124494 P106 Q201788 +Q954623 P106 Q177220 +Q712359 P106 Q33999 +Q113206 P106 Q36180 +Q318619 P1303 Q5994 +Q2704774 P463 Q2370801 +Q92341 P1412 Q150 +Q374263 P106 Q639669 +Q736 P463 Q233611 +Q982005 P106 Q2722764 +Q3939205 P27 Q172579 +Q19074 P69 Q13371 +Q342526 P136 Q38848 +Q805 P530 Q1045 +Q72787 P463 Q270794 +Q6714 P69 Q155354 +Q3769061 P106 Q578109 +Q3301546 P27 Q142 +Q1798353 P27 Q172579 +Q117741 P1412 Q1860 +Q172632 P136 Q11399 +Q428347 P1303 Q5994 +Q255300 P27 Q159 +Q152843 P106 Q10798782 +Q287099 P69 Q322964 +Q266319 P27 Q29 +Q311241 P106 Q5716684 +Q653496 P106 Q6625963 +Q120406 P106 Q855091 +Q282804 P161 Q6255748 +Q266335 P19 Q37836 +Q212041 P161 Q170428 +Q20562503 P3373 Q53570396 +Q673283 P20 Q36036 +Q1035807 P106 Q1643514 +Q38785 P106 Q3391743 +Q438968 P463 Q427318 +Q5217489 P106 Q901 +Q234145 P463 Q3603946 +Q343394 P106 Q10800557 +Q61319 P27 Q39 +Q274362 P1412 Q7737 +Q247516 P161 Q449679 +Q76876 P106 Q18814623 +Q523578 P27 Q174193 +Q157191 P1412 Q150 +Q8612 P106 Q10076267 +Q172261 P106 Q2526255 +Q190998 P27 Q30 +Q453390 P1303 Q6607 +Q64 P17 Q16957 +Q465707 P106 Q483501 +Q106231 P509 Q1368943 +Q246303 P106 Q6625963 +Q62373 P27 Q183 +Q134022 P1412 Q188 +Q90315 P102 Q152554 +Q229766 P106 Q2405480 +Q429311 P161 Q344655 +Q308840 P140 Q1841 +Q1041749 P106 Q33999 +Q319783 P161 Q431356 +Q447599 P106 Q158852 +Q215562 P102 Q29468 +Q16 P463 Q233611 +Q434111 P106 Q10798782 +Q190086 P161 Q162389 +Q64584 P27 Q7318 +Q470875 P106 Q3282637 +Q123724 P264 Q155152 +Q18125 P17 Q179876 +Q312969 P27 Q34266 +Q958 P530 Q1036 +Q127349 P136 Q11635 +Q77079 P20 Q3923 +Q382570 P106 Q36834 +Q66107 P102 Q29468 +Q217112 P161 Q191132 +Q2579732 P69 Q9219 +Q327312 P840 Q65 +Q380996 P161 Q185654 +Q274157 P27 Q30 +Q280673 P69 Q219563 +Q138005 P106 Q11481802 +Q236835 P106 Q10800557 +Q506393 P136 Q11399 +Q206336 P161 Q239382 +Q6691 P172 Q539051 +Q57592 P106 Q28389 +Q229613 P509 Q3002150 +Q9047 P106 Q350979 +Q193023 P112 Q80760 +Q240233 P106 Q10798782 +Q935407 P106 Q185351 +Q359791 P106 Q183945 +Q78473 P27 Q1206012 +Q325487 P140 Q9268 +Q310798 P1412 Q1860 +Q1974885 P106 Q4964182 +Q43408 P840 Q60 +Q347635 P106 Q11481802 +Q67221 P20 Q8646 +Q438968 P20 Q33959 +Q766 P530 Q96 +Q239587 P1412 Q1860 +Q158759 P840 Q64 +Q47561 P463 Q266063 +Q59931 P495 Q30 +Q819 P530 Q230 +Q431660 P136 Q157394 +Q85490 P27 Q183 +Q98311 P106 Q18814623 +Q232470 P106 Q713200 +Q230131 P106 Q10800557 +Q842 P463 Q656801 +Q313819 P161 Q256164 +Q196080 P106 Q10800557 +Q843 P530 Q262 +Q470334 P106 Q201788 +Q691471 P106 Q28389 +Q91903 P1412 Q188 +Q262170 P106 Q33999 +Q267685 P140 Q7066 +Q206235 P19 Q65 +Q179825 P1412 Q13955 +Q322056 P106 Q639669 +Q4532076 P106 Q901 +Q13908 P136 Q130232 +Q183141 P27 Q30 +Q230169 P106 Q2405480 +Q14281 P106 Q11063 +Q118745 P20 Q649 +Q40213 P106 Q155647 +Q236987 P106 Q33999 +Q191074 P161 Q179576 +Q38785 P1412 Q7737 +Q123041 P106 Q3068305 +Q303456 P161 Q345517 +Q60347 P1412 Q188 +Q194346 P161 Q313042 +Q164593 P172 Q170217 +Q1291701 P19 Q37320 +Q1560915 P27 Q183 +Q517448 P106 Q177220 +Q53403 P463 Q468865 +Q267242 P106 Q18814623 +Q75793 P106 Q783906 +Q264577 P161 Q322179 +Q750 P530 Q230 +Q312656 P509 Q852423 +Q762 P106 Q81096 +Q375855 P840 Q99 +Q215369 P106 Q2259451 +Q231093 P19 Q16552 +Q242914 P264 Q203059 +Q663858 P106 Q15981151 +Q213 P463 Q5611262 +Q60625 P108 Q165980 +Q16474 P106 Q10833314 +Q214642 P106 Q18814623 +Q93664 P106 Q205375 +Q153238 P108 Q49088 +Q237194 P106 Q10800557 +Q213662 P140 Q5043 +Q101064 P19 Q1773 +Q314597 P20 Q12439 +Q293520 P106 Q901402 +Q436131 P106 Q1930187 +Q77009 P136 Q188473 +Q83492 P106 Q10800557 +Q119348 P19 Q1345 +Q214226 P136 Q11401 +Q117012 P136 Q1640319 +Q93030 P106 Q205375 +Q85914 P463 Q253439 +Q3615114 P463 Q2370801 +Q179576 P27 Q96 +Q1687804 P69 Q457281 +Q285254 P136 Q8341 +Q78290 P106 Q482980 +Q218960 P1412 Q1860 +Q159840 P463 Q46703 +Q452361 P106 Q177220 +Q69474 P264 Q330629 +Q968026 P19 Q24826 +Q945641 P1412 Q9035 +Q1934319 P69 Q240631 +Q1528163 P69 Q392904 +Q159933 P106 Q901402 +Q2656667 P136 Q37073 +Q5603 P509 Q12152 +Q7231 P106 Q1607826 +Q12121820 P106 Q822146 +Q152929 P1412 Q1860 +Q78607 P69 Q875788 +Q320895 P27 Q16 +Q208117 P264 Q387539 +Q217427 P1303 Q17172850 +Q101728 P1412 Q188 +Q270529 P463 Q83172 +Q109135 P136 Q663106 +Q269094 P463 Q463281 +Q180626 P106 Q28389 +Q884 P530 Q739 +Q214999 P106 Q36180 +Q898618 P136 Q83440 +Q930197 P69 Q49117 +Q4538 P264 Q183387 +Q2587336 P27 Q34266 +Q165637 P551 Q60 +Q229550 P69 Q389336 +Q244963 P136 Q188473 +Q174843 P264 Q183412 +Q355843 P106 Q188094 +Q228868 P1412 Q1860 +Q3903340 P1412 Q652 +Q60128 P27 Q15180 +Q333873 P106 Q214917 +Q105666 P69 Q153987 +Q287449 P551 Q60 +Q1164355 P106 Q177220 +Q1899 P17 Q34266 +Q79 P30 Q15 +Q955077 P106 Q482980 +Q8007 P106 Q40348 +Q436790 P102 Q42183 +Q42198 P161 Q232520 +Q107226 P161 Q65105 +Q223839 P102 Q29552 +Q233956 P106 Q28389 +Q14439 P27 Q30 +Q76554 P69 Q32120 +Q223596 P136 Q1146335 +Q459681 P19 Q41329 +Q473239 P102 Q29468 +Q63962 P101 Q1071 +Q115547 P641 Q41323 +Q84618 P27 Q40 +Q236434 P106 Q948329 +Q57242 P69 Q154561 +Q723281 P102 Q29468 +Q57386 P106 Q9334029 +Q240788 P463 Q337526 +Q93341 P106 Q1415090 +Q202548 P136 Q186424 +Q188570 P102 Q79854 +Q1093404 P1303 Q6607 +Q103357 P106 Q189010 +Q109063 P106 Q753110 +Q235719 P19 Q485176 +Q78504 P463 Q253439 +Q109943 P69 Q153987 +Q42747 P106 Q49757 +Q12658 P106 Q36180 +Q701587 P106 Q201788 +Q299138 P106 Q36834 +Q82110 P136 Q83440 +Q207380 P463 Q123885 +Q558419 P106 Q1930187 +Q322549 P106 Q82955 +Q71275 P1412 Q1860 +Q77112 P136 Q180268 +Q71602 P106 Q333634 +Q156941 P20 Q1741 +Q164784 P1412 Q150 +Q164534 P106 Q33999 +Q105585 P1412 Q188 +Q5977 P106 Q177220 +Q354158 P106 Q2500638 +Q1686156 P27 Q145 +Q906529 P19 Q3150 +Q278625 P106 Q662729 +Q761 P17 Q34266 +Q122701 P106 Q81096 +Q1449438 P106 Q639669 +Q3057567 P101 Q1069 +Q670277 P509 Q4651894 +Q33977 P509 Q12206 +Q165672 P27 Q129286 +Q77983 P106 Q211346 +Q313281 P106 Q486748 +Q183266 P106 Q13570226 +Q212446 P106 Q205375 +Q51094 P1412 Q7737 +Q66155 P27 Q183 +Q7542 P264 Q38903 +Q290345 P19 Q90 +Q313581 P106 Q4263842 +Q432552 P136 Q966564 +Q222800 P161 Q276525 +Q214 P530 Q35 +Q1646 P172 Q121842 +Q70324 P108 Q153978 +Q460366 P119 Q216344 +Q235361 P20 Q1297 +Q291180 P161 Q437484 +Q161087 P840 Q790 +Q414 P530 Q733 +Q316045 P106 Q36180 +Q399 P172 Q79797 +Q98885 P1412 Q1860 +Q92638 P108 Q41506 +Q543060 P106 Q82955 +Q1897911 P106 Q2252262 +Q4628 P37 Q9035 +Q154817 P136 Q130232 +Q927771 P106 Q3282637 +Q271119 P27 Q30 +Q202028 P136 Q200092 +Q34266 P37 Q7737 +Q50612 P172 Q49085 +Q315099 P69 Q49109 +Q100937 P106 Q177220 +Q573171 P106 Q1622272 +Q16345 P1412 Q8641 +Q34086 P136 Q850412 +Q60059 P106 Q4964182 +Q956 P17 Q13426199 +Q208344 P161 Q59259 +Q267769 P106 Q214917 +Q347128 P136 Q37073 +Q3589 P136 Q622291 +Q274764 P463 Q463303 +Q108664 P20 Q2966 +Q115683 P106 Q214917 +Q2005601 P1303 Q17172850 +Q1131225 P840 Q724 +Q790 P463 Q3772571 +Q722876 P1303 Q128309 +Q228755 P69 Q167733 +Q168468 P106 Q36180 +Q150526 P463 Q684415 +Q41252 P17 Q36 +Q11847 P119 Q168886 +Q272303 P106 Q36180 +Q198644 P102 Q49629 +Q57371 P19 Q9248 +Q77148 P108 Q157808 +Q3312950 P26 Q437710 +Q934097 P69 Q5142861 +Q70839 P69 Q154804 +Q184906 P119 Q208175 +Q438968 P27 Q29 +Q36 P530 Q212 +Q271614 P106 Q10800557 +Q1666 P1412 Q150 +Q151705 P161 Q170587 +Q72800 P20 Q64 +Q329 P69 Q209842 +Q129591 P106 Q3282637 +Q183469 P106 Q1622272 +Q102852 P106 Q11774202 +Q148 P530 Q884 +Q135481 P108 Q27621 +Q299161 P737 Q170509 +Q65664 P27 Q183 +Q271576 P1303 Q17172850 +Q211545 P161 Q123174 +Q332881 P140 Q6423963 +Q697195 P106 Q205375 +Q386514 P106 Q33999 +Q438355 P136 Q83440 +Q232479 P1303 Q17172850 +Q378952 P106 Q11631 +Q8877 P102 Q29552 +Q919081 P106 Q15839134 +Q705458 P19 Q61 +Q434585 P27 Q736 +Q180004 P106 Q2405480 +Q85931 P106 Q2516866 +Q129022 P106 Q214917 +Q91436 P106 Q82955 +Q76738 P106 Q1622272 +Q61597 P26 Q178698 +Q7315 P108 Q215539 +Q239587 P1303 Q46185 +Q381664 P27 Q25 +Q22670 P106 Q6625963 +Q1185803 P264 Q732503 +Q1452648 P136 Q83440 +Q311232 P106 Q3282637 +Q109180 P135 Q7066 +Q1741 P131 Q268970 +Q24064 P106 Q177220 +Q944245 P106 Q2259451 +Q5608 P106 Q3922505 +Q363386 P27 Q30 +Q1219622 P27 Q15180 +Q7346 P108 Q885833 +Q85716 P106 Q201788 +Q242 P463 Q191384 +Q44767 P106 Q486748 +Q482334 P463 Q270794 +Q295542 P106 Q183945 +Q45338 P172 Q49085 +Q258010 P136 Q37073 +Q189665 P463 Q4345832 +Q464232 P136 Q83440 +Q128529 P106 Q82955 +Q1683438 P106 Q43845 +Q59737 P1412 Q397 +Q170576 P106 Q10798782 +Q180861 P1303 Q6607 +Q214216 P463 Q209184 +Q16873 P1412 Q1321 +Q78506 P737 Q93514 +Q8298 P106 Q639669 +Q403 P530 Q233 +Q175535 P106 Q10798782 +Q736847 P119 Q996499 +Q869 P30 Q48 +Q453314 P264 Q193023 +Q2567 P69 Q805285 +Q76440 P102 Q310296 +Q68476 P69 Q153987 +Q166031 P161 Q169963 +Q1397888 P106 Q49757 +Q1997159 P106 Q1028181 +Q234556 P1303 Q17172850 +Q63309 P106 Q14467526 +Q313543 P106 Q189290 +Q1151 P106 Q36834 +Q39212 P463 Q7118978 +Q285116 P106 Q753110 +Q79091 P102 Q139596 +Q77489 P509 Q12078 +Q242717 P1412 Q1860 +Q41239 P1412 Q7737 +Q4085141 P69 Q27621 +Q164804 P136 Q200092 +Q296828 P106 Q158852 +Q309589 P106 Q10800557 +Q1789286 P106 Q82955 +Q61686 P1412 Q188 +Q930324 P69 Q131262 +Q92760 P101 Q5862903 +Q76440 P1412 Q188 +Q23685 P106 Q193391 +Q1187592 P1412 Q150 +Q73213 P106 Q16533 +Q1048660 P27 Q145 +Q241660 P106 Q13235160 +Q41239 P106 Q11063 +Q188718 P136 Q369747 +Q61942 P17 Q2415901 +Q222868 P161 Q204672 +Q57426 P20 Q64 +Q177632 P106 Q10798782 +Q123987 P27 Q142 +Q35686 P106 Q82955 +Q4099149 P27 Q34266 +Q1226921 P19 Q18426 +Q287976 P27 Q38 +Q195710 P495 Q30 +Q181678 P1412 Q9027 +Q311147 P106 Q131524 +Q3033 P17 Q183 +Q433692 P106 Q4610556 +Q231690 P1412 Q9168 +Q369022 P69 Q193196 +Q64397 P106 Q11774202 +Q444840 P106 Q177220 +Q175038 P136 Q1341051 +Q483507 P106 Q36180 +Q57465 P27 Q183 +Q710619 P106 Q39631 +Q41166 P140 Q6423963 +Q544611 P136 Q676 +Q211136 P108 Q738258 +Q117 P463 Q294278 +Q230190 P106 Q28389 +Q144669 P106 Q177220 +Q23505 P106 Q372436 +Q156539 P840 Q60 +Q75966 P27 Q183 +Q320224 P106 Q36834 +Q261990 P106 Q639669 +Q288588 P1303 Q17172850 +Q235820 P106 Q21234378 +Q360243 P136 Q1200678 +Q1049 P463 Q1065 +Q73362 P106 Q2405480 +Q757 P530 Q865 +Q882 P106 Q2526255 +Q66732 P27 Q183 +Q242526 P106 Q6625963 +Q1237496 P20 Q1486 +Q167635 P1303 Q6607 +Q1392102 P106 Q177220 +Q23696 P101 Q395 +Q89516 P69 Q165980 +Q180975 P1412 Q1860 +Q202550 P1303 Q6607 +Q211987 P106 Q2526255 +Q74875 P69 Q161976 +Q430872 P106 Q28389 +Q96665 P106 Q1622272 +Q78885 P1412 Q652 +Q1047 P69 Q332342 +Q78476 P136 Q482 +Q184768 P161 Q36949 +Q64910 P27 Q43287 +Q124070 P27 Q39 +Q107432 P106 Q584301 +Q419 P463 Q7809 +Q862 P106 Q482980 +Q8047423 P131 Q49145 +Q159 P530 Q233 +Q61262 P101 Q40634 +Q20562503 P3373 Q53191106 +Q250669 P69 Q503424 +Q1308212 P1303 Q128309 +Q215406 P102 Q694299 +Q215665 P136 Q182015 +Q504 P19 Q90 +Q236987 P106 Q639669 +Q124505 P106 Q1622272 +Q241160 P106 Q10800557 +Q61585 P69 Q55044 +Q201924 P495 Q30 +Q505850 P20 Q60 +Q2579604 P1412 Q1860 +Q804348 P20 Q79867 +Q131545 P140 Q9268 +Q55004 P172 Q42884 +Q833 P30 Q48 +Q33 P530 Q258 +Q32223 P27 Q183 +Q122451 P20 Q64 +Q347 P463 Q17495 +Q225629 P509 Q12152 +Q79 P463 Q5611262 +Q235716 P106 Q10800557 +Q252248 P1303 Q6607 +Q185140 P27 Q30 +Q193257 P19 Q621 +Q249865 P106 Q3387717 +Q1973537 P106 Q16145150 +Q443065 P106 Q177220 +Q304488 P161 Q315083 +Q364270 P106 Q901 +Q382604 P463 Q414110 +Q380787 P106 Q333634 +Q310389 P106 Q2405480 +Q210741 P27 Q145 +Q541573 P1303 Q17172850 +Q121655 P27 Q155 +Q1623549 P106 Q901 +Q272505 P1412 Q1860 +Q122187 P106 Q33999 +Q14279 P463 Q123885 +Q180919 P106 Q970153 +Q78496 P463 Q684415 +Q1677606 P69 Q752663 +Q402194 P106 Q10798782 +Q63169 P463 Q469210 +Q66216 P463 Q191583 +Q124494 P108 Q154561 +Q343304 P1303 Q6607 +Q519590 P27 Q174193 +Q713273 P106 Q15981151 +Q214778 P19 Q2100 +Q329805 P161 Q318736 +Q190772 P463 Q188771 +Q166769 P106 Q36180 +Q19673 P69 Q49123 +Q160163 P108 Q1179603 +Q7197 P20 Q90 +Q298412 P27 Q17 +Q58845 P19 Q3126 +Q183074 P106 Q4504549 +Q300508 P161 Q314841 +Q102660 P27 Q39 +Q686 P530 Q30 +Q181728 P509 Q12204 +Q23365 P106 Q3282637 +Q70962 P27 Q183 +Q562789 P102 Q79854 +Q4636 P1303 Q17172850 +Q318155 P106 Q10800557 +Q949 P106 Q205375 +Q378098 P19 Q60 +Q596746 P1303 Q6607 +Q262446 P106 Q805221 +Q231128 P27 Q30 +Q217427 P106 Q177220 +Q1361304 P106 Q1622272 +Q156774 P140 Q9592 +Q296872 P136 Q83440 +Q272929 P27 Q30 +Q4028 P136 Q217191 +Q12817 P106 Q860918 +Q230622 P106 Q2252262 +Q318249 P106 Q28389 +Q315826 P26 Q676094 +Q381726 P1303 Q5994 +Q170373 P69 Q1341516 +Q57106 P463 Q4742987 +Q236343 P1303 Q17172850 +Q216288 P26 Q464251 +Q233397 P106 Q43845 +Q150910 P1412 Q1860 +Q282804 P136 Q846544 +Q122701 P463 Q253439 +Q379580 P463 Q40358 +Q70263 P69 Q55044 +Q241800 P106 Q10800557 +Q154014 P106 Q36180 +Q382393 P19 Q90 +Q188375 P27 Q30 +Q76641 P463 Q253439 +Q132524 P20 Q60 +Q1011 P463 Q496967 +Q163683 P108 Q49088 +Q1374180 P1412 Q7737 +Q127437 P140 Q1841 +Q782813 P463 Q463281 +Q982175 P106 Q36180 +Q231163 P69 Q1247589 +Q360266 P19 Q43421 +Q928 P530 Q35 +Q271426 P19 Q24861 +Q912687 P136 Q4184 +Q185724 P27 Q30 +Q711406 P509 Q147778 +Q432102 P161 Q193668 +Q66426 P463 Q459620 +Q334760 P108 Q168756 +Q271385 P264 Q155152 +Q146673 P136 Q599558 +Q1888794 P101 Q43035 +Q1290 P106 Q36180 +Q57063 P463 Q191583 +Q573299 P19 Q1781 +Q191064 P140 Q5043 +Q383926 P509 Q12152 +Q83286 P37 Q9063 +Q1562145 P106 Q177220 +Q172466 P463 Q337266 +Q175759 P106 Q177220 +Q180453 P136 Q213714 +Q216466 P106 Q14915627 +Q3830446 P69 Q209344 +Q334763 P136 Q130232 +Q170572 P106 Q10798782 +Q707266 P106 Q1930187 +Q445018 P106 Q2259451 +Q436894 P20 Q48958 +Q175278 P161 Q333251 +Q205120 P27 Q28 +Q301132 P161 Q254603 +Q235511 P19 Q61 +Q379250 P1303 Q17172850 +Q108560 P1303 Q5994 +Q315441 P106 Q2526255 +Q151825 P161 Q229112 +Q18913 P1412 Q652 +Q230141 P106 Q36180 +Q55 P463 Q40970 +Q313388 P106 Q28389 +Q212145 P136 Q2297927 +Q32529 P106 Q33999 +Q83038 P106 Q333634 +Q435475 P69 Q49115 +Q1253366 P161 Q485310 +Q84292 P108 Q51985 +Q230958 P106 Q10800557 +Q155979 P106 Q2526255 +Q677769 P69 Q49088 +Q725933 P106 Q36180 +Q124610 P463 Q1636237 +Q84555 P19 Q2749 +Q30 P530 Q921 +Q727752 P19 Q1297 +Q213195 P106 Q36180 +Q231484 P264 Q202440 +Q211 P463 Q899770 +Q189172 P106 Q2306091 +Q183 P463 Q7184 +Q184226 P106 Q4964182 +Q731007 P27 Q30 +Q859504 P264 Q1757254 +Q84476 P20 Q1731 +Q44111 P27 Q801 +Q380407 P106 Q1642960 +Q332419 P106 Q82955 +Q267359 P106 Q2405480 +Q152298 P20 Q649 +Q364781 P106 Q33999 +Q90217 P106 Q28389 +Q58720 P106 Q82955 +Q642195 P27 Q28513 +Q215215 P1303 Q17172850 +Q590420 P463 Q901677 +Q260099 P106 Q5716684 +Q60547 P119 Q216344 +Q933892 P106 Q1930187 +Q243969 P463 Q1493021 +Q238364 P69 Q49088 +Q414 P463 Q8475 +Q96 P530 Q817 +Q245430 P161 Q313788 +Q241 P530 Q230 +Q71650 P106 Q10800557 +Q220955 P136 Q645928 +Q438537 P19 Q60 +Q2875 P136 Q1054574 +Q427386 P136 Q188473 +Q106748 P1412 Q256 +Q69412 P509 Q12078 +Q320167 P172 Q49085 +Q55415 P106 Q2526255 +Q266027 P161 Q309592 +Q208344 P161 Q168763 +Q86289 P106 Q36180 +Q188018 P641 Q5372 +Q357961 P108 Q235034 +Q945641 P551 Q60 +Q29 P463 Q8908 +Q5950 P136 Q164444 +Q230068 P551 Q21 +Q313813 P1303 Q52954 +Q105940 P27 Q183 +Q129006 P463 Q123885 +Q244975 P161 Q228598 +Q1398058 P1303 Q6607 +Q34836 P1412 Q1860 +Q51581 P69 Q5171564 +Q74958 P161 Q103343 +Q85927 P106 Q1622272 +Q512 P119 Q281859 +Q65329 P108 Q153987 +Q131332 P106 Q10798782 +Q237994 P1412 Q1860 +Q332462 P106 Q49757 +Q361762 P106 Q33999 +Q96772 P108 Q151510 +Q155018 P136 Q1200678 +Q184697 P136 Q316930 +Q221957 P106 Q36180 +Q863 P463 Q47543 +Q88443 P463 Q218868 +Q70988 P106 Q1930187 +Q190302 P463 Q329464 +Q230736 P106 Q805221 +Q160627 P106 Q864503 +Q85982 P20 Q1218 +Q4451565 P27 Q15180 +Q371639 P106 Q23833535 +Q89433 P27 Q183 +Q80095 P69 Q7842 +Q65825 P27 Q40 +Q55796 P106 Q10798782 +Q320984 P106 Q1930187 +Q4271346 P463 Q2370801 +Q221098 P161 Q104061 +Q175457 P463 Q83172 +Q263696 P119 Q1302545 +Q103569 P161 Q320093 +Q77234 P106 Q36180 +Q240886 P106 Q10798782 +Q738125 P27 Q39 +Q128832 P106 Q47064 +Q2538 P19 Q2861 +Q4492929 P101 Q101333 +Q87910 P106 Q189290 +Q223790 P106 Q2526255 +Q49021 P136 Q130232 +Q127330 P136 Q11399 +Q550900 P136 Q183504 +Q19504 P1412 Q188 +Q168847 P106 Q639669 +Q462282 P108 Q9531 +Q1246 P530 Q31 +Q124070 P106 Q1622272 +Q151720 P27 Q148 +Q451969 P20 Q85 +Q160640 P737 Q15975 +Q16455 P106 Q2259451 +Q221075 P136 Q3072049 +Q94672 P101 Q4932206 +Q200827 P161 Q233882 +Q547414 P1412 Q1860 +Q297736 P106 Q12144794 +Q77598 P106 Q1622272 +Q432102 P161 Q1124 +Q313185 P136 Q193606 +Q60347 P108 Q161976 +Q265706 P19 Q60 +Q233291 P19 Q65 +Q140052 P463 Q1468277 +Q78437 P19 Q2107 +Q11362 P106 Q11063 +Q180619 P20 Q60 +Q19504 P26 Q58866 +Q191040 P161 Q433059 +Q345494 P27 Q17 +Q189665 P106 Q14467526 +Q434839 P106 Q15980158 +Q361976 P69 Q273523 +Q245257 P737 Q312407 +Q58799 P136 Q492537 +Q275875 P106 Q13590141 +Q358087 P264 Q183387 +Q187553 P106 Q177220 +Q26419 P19 Q84 +Q201819 P136 Q2484376 +Q167399 P19 Q1297 +Q261923 P161 Q308722 +Q720868 P106 Q1930187 +Q44205 P106 Q36180 +Q121778 P27 Q30 +Q1576675 P27 Q30 +Q108586 P57 Q242557 +Q366217 P20 Q801 +Q64017 P495 Q16 +Q168859 P1412 Q9091 +Q131152 P106 Q40348 +Q16 P530 Q408 +Q64812 P106 Q40348 +Q297210 P19 Q65 +Q956459 P20 Q90 +Q24064 P136 Q37073 +Q375351 P108 Q209842 +Q184650 P106 Q82955 +Q67903 P106 Q28389 +Q134456 P106 Q11774202 +Q462502 P1303 Q17172850 +Q45672 P161 Q182763 +Q20732 P106 Q81096 +Q214466 P106 Q33999 +Q250975 P27 Q29 +Q8011 P106 Q4964182 +Q179414 P451 Q298276 +Q256750 P264 Q183412 +Q529858 P106 Q4263842 +Q1044 P530 Q28 +Q604940 P106 Q183945 +Q55390 P106 Q822146 +Q644797 P136 Q8341 +Q332462 P106 Q36180 +Q151891 P101 Q1328508 +Q1167000 P1303 Q17172850 +Q1791962 P102 Q9630 +Q159054 P161 Q37079 +Q148387 P840 Q824 +Q345906 P106 Q2526255 +Q329807 P106 Q33999 +Q1242553 P106 Q1075651 +Q62459 P27 Q16957 +Q56005 P106 Q33999 +Q312901 P1412 Q7026 +Q259446 P509 Q476921 +Q1731 P17 Q41304 +Q896835 P106 Q639669 +Q183535 P106 Q28389 +Q211280 P27 Q30 +Q86900 P106 Q33999 +Q232419 P106 Q36180 +Q106706 P106 Q15981151 +Q48034 P27 Q159 +Q86516 P106 Q36180 +Q253715 P1303 Q17172850 +Q221546 P106 Q177220 +Q80959 P136 Q471839 +Q121995 P463 Q463303 +Q365550 P106 Q2259451 +Q573405 P108 Q174710 +Q188482 P20 Q84 +Q823003 P135 Q37068 +Q88997 P1050 Q11085 +Q273887 P136 Q850412 +Q93356 P737 Q45546 +Q4085141 P108 Q13164 +Q229487 P551 Q34739 +Q10490 P106 Q12362622 +Q1906150 P108 Q705737 +Q444312 P69 Q180865 +Q30 P530 Q709 +Q5685 P119 Q208175 +Q105118 P106 Q12144794 +Q561196 P1412 Q150 +Q725510 P106 Q639669 +Q309086 P161 Q193668 +Q202663 P27 Q790 +Q435780 P27 Q30 +Q647445 P27 Q142 +Q9061 P106 Q1930187 +Q240772 P106 Q170790 +Q115055 P172 Q7325 +Q313739 P19 Q34404 +Q332610 P27 Q27 +Q414 P463 Q3369762 +Q35738 P495 Q16 +Q263670 P106 Q177220 +Q274973 P495 Q30 +Q230647 P106 Q4610556 +Q1392102 P106 Q639669 +Q529555 P1303 Q17172850 +Q354783 P106 Q49757 +Q1269512 P1303 Q1444 +Q55004 P27 Q183 +Q729048 P101 Q7163 +Q714141 P106 Q3455803 +Q231487 P106 Q578109 +Q203413 P106 Q639669 +Q234314 P106 Q177220 +Q712820 P19 Q79848 +Q98087 P1412 Q188 +Q2482444 P106 Q15980158 +Q161933 P106 Q82955 +Q1396655 P102 Q79854 +Q223596 P161 Q129591 +Q291180 P136 Q859369 +Q55800 P106 Q10800557 +Q41488 P106 Q11774202 +Q92632 P69 Q168751 +Q97028 P102 Q153401 +Q139087 P27 Q30 +Q95522 P27 Q183 +Q664 P530 Q403 +Q25973 P106 Q49757 +Q180589 P69 Q805285 +Q309592 P106 Q10798782 +Q96 P530 Q878 +Q216573 P106 Q49757 +Q230916 P106 Q36180 +Q220735 P135 Q377616 +Q1346521 P69 Q192775 +Q459038 P106 Q28389 +Q62188 P737 Q154367 +Q55208 P106 Q11774156 +Q243550 P106 Q1622272 +Q395340 P27 Q43 +Q296828 P136 Q1344 +Q380484 P463 Q1938003 +Q1351177 P136 Q9759 +Q512611 P106 Q3282637 +Q293275 P509 Q12078 +Q520053 P106 Q81096 +Q1622098 P27 Q183 +Q43 P530 Q183 +Q111536 P19 Q1400 +Q213736 P1303 Q163829 +Q487488 P19 Q656 +Q441685 P106 Q674067 +Q349857 P106 Q948329 +Q185610 P27 Q30 +Q363698 P1303 Q5994 +Q18434 P102 Q1332068 +Q34 P530 Q191 +Q272092 P509 Q12078 +Q234149 P1412 Q150 +Q295964 P136 Q21010853 +Q1173441 P27 Q30 +Q82409 P106 Q4263842 +Q380026 P19 Q2841 +Q182522 P19 Q1345 +Q14540 P106 Q3282637 +Q126652 P840 Q90 +Q77598 P19 Q2079 +Q42156 P101 Q35277 +Q364875 P106 Q486748 +Q4247 P106 Q82955 +Q974221 P106 Q3282637 +Q97129 P102 Q49768 +Q216180 P20 Q1726 +Q272068 P1412 Q1860 +Q84851 P27 Q183 +Q275982 P27 Q30 +Q568595 P69 Q154804 +Q167546 P19 Q1891 +Q214851 P20 Q90 +Q271731 P106 Q2865819 +Q194413 P161 Q318885 +Q106029 P106 Q13418253 +Q316596 P106 Q3282637 +Q917 P463 Q1065 +Q44437 P106 Q13474373 +Q1347561 P27 Q17 +Q121926 P463 Q3603946 +Q102289 P106 Q205375 +Q165421 P102 Q29552 +Q8733 P30 Q48 +Q154691 P27 Q96 +Q84330 P106 Q33999 +Q77097 P119 Q819654 +Q897281 P27 Q183 +Q1586916 P106 Q639669 +Q1744 P106 Q28389 +Q116375 P19 Q72 +Q360531 P106 Q3665646 +Q361617 P69 Q49115 +Q110163 P136 Q1344 +Q164170 P106 Q170790 +Q31781 P108 Q80207 +Q185085 P101 Q5891 +Q267764 P1303 Q17172850 +Q234212 P106 Q10800557 +Q168543 P106 Q183945 +Q368525 P108 Q336968 +Q719083 P106 Q488205 +Q92828 P106 Q81096 +Q888034 P106 Q36180 +Q697 P530 Q408 +Q193478 P17 Q28513 +Q149431 P161 Q320052 +Q8704 P1412 Q1860 +Q75292 P20 Q1218 +Q60966 P69 Q273263 +Q44219 P101 Q35760 +Q470572 P161 Q298777 +Q90934 P106 Q1350157 +Q93652 P19 Q1741 +Q86488 P108 Q154561 +Q169566 P106 Q1930187 +Q1078152 P106 Q488205 +Q664 P463 Q1043527 +Q161400 P161 Q313652 +Q266209 P136 Q471839 +Q201674 P136 Q369747 +Q1077632 P1303 Q17172850 +Q269177 P69 Q4453555 +Q273981 P1303 Q17172850 +Q153576 P551 Q99 +Q391262 P102 Q210703 +Q333118 P106 Q937857 +Q490464 P495 Q30 +Q955684 P27 Q30 +Q484292 P69 Q1250779 +Q392662 P136 Q157443 +Q1380767 P69 Q1472358 +Q294531 P27 Q30 +Q366700 P264 Q213710 +Q58577 P102 Q694714 +Q881 P530 Q928 +Q229282 P27 Q30 +Q168482 P106 Q13582652 +Q569362 P1412 Q188 +Q69395 P27 Q27306 +Q346374 P106 Q33999 +Q229 P463 Q458 +Q173714 P106 Q10873124 +Q179858 P119 Q2972543 +Q362639 P136 Q9734 +Q163683 P20 Q60 +Q186317 P106 Q1607826 +Q55190 P20 Q649 +Q1392583 P136 Q9759 +Q45245 P463 Q133957 +Q380983 P106 Q36180 +Q697131 P106 Q9352089 +Q782020 P136 Q1196752 +Q92875 P69 Q49108 +Q128027 P20 Q2044 +Q443166 P27 Q16 +Q506127 P106 Q855091 +Q82006 P106 Q864380 +Q260918 P106 Q639669 +Q224081 P106 Q3282637 +Q561826 P27 Q30 +Q129187 P106 Q49757 +Q50861 P161 Q9916 +Q206384 P1412 Q397 +Q122968 P463 Q463303 +Q223316 P161 Q6255748 +Q364070 P106 Q49757 +Q376335 P1412 Q7737 +Q103835 P101 Q11372 +Q33935 P17 Q801 +Q212532 P20 Q65 +Q83557 P106 Q205375 +Q23365 P106 Q2259451 +Q129987 P1050 Q35869 +Q856008 P106 Q201788 +Q315773 P106 Q43845 +Q106662 P1303 Q17172850 +Q542868 P20 Q1297 +Q47100 P102 Q29552 +Q414379 P17 Q183 +Q405542 P106 Q33999 +Q62400 P69 Q154804 +Q42747 P463 Q463281 +Q310734 P495 Q30 +Q117 P463 Q340195 +Q1270525 P108 Q161982 +Q92456 P106 Q36180 +Q1239933 P106 Q33999 +Q63169 P102 Q7320 +Q89516 P27 Q518101 +Q432129 P106 Q1930187 +Q433616 P69 Q174710 +Q634822 P106 Q13582652 +Q84771 P69 Q165980 +Q266535 P19 Q90 +Q535157 P27 Q159 +Q345612 P108 Q49210 +Q6694 P106 Q13416354 +Q5679 P27 Q174193 +Q363383 P172 Q7325 +Q107405 P69 Q49112 +Q116462 P106 Q10800557 +Q118375 P136 Q52162262 +Q7241 P69 Q1145306 +Q6538 P551 Q1718 +Q271324 P27 Q30 +Q364864 P1412 Q7976 +Q329163 P106 Q2259451 +Q252 P530 Q43 +Q63667 P101 Q11635 +Q99612 P463 Q543804 +Q387814 P1412 Q1860 +Q191966 P509 Q11081 +Q296771 P106 Q43845 +Q229442 P106 Q2259451 +Q312693 P106 Q177220 +Q252041 P19 Q1780 +Q1105367 P19 Q60 +Q473030 P106 Q28389 +Q43416 P551 Q1138378 +Q101740 P551 Q90 +Q44833 P136 Q9759 +Q376140 P140 Q5043 +Q87293 P106 Q14467526 +Q270730 P3373 Q483118 +Q255233 P19 Q3616 +Q726298 P69 Q523926 +Q44652 P1412 Q188 +Q366624 P106 Q16145150 +Q715790 P27 Q15180 +Q60625 P108 Q159895 +Q79178 P106 Q2490358 +Q23517 P1412 Q1860 +Q261812 P106 Q639669 +Q78931 P108 Q43250 +Q348351 P106 Q10798782 +Q232273 P106 Q36180 +Q235451 P106 Q4964182 +Q76478 P27 Q30 +Q1898177 P1412 Q188 +Q361336 P106 Q28389 +Q705681 P69 Q49210 +Q233428 P106 Q10800557 +Q151870 P161 Q106175 +Q160318 P27 Q424 +Q403 P463 Q8908 +Q1232630 P106 Q42973 +Q252 P530 Q924 +Q223299 P136 Q52162262 +Q97470 P101 Q482 +Q202765 P106 Q177220 +Q228925 P102 Q29552 +Q467423 P136 Q45981 +Q713246 P1412 Q1321 +Q964620 P106 Q183945 +Q93070 P27 Q801 +Q8349 P1303 Q163829 +Q40495 P551 Q3640 +Q381731 P136 Q157443 +Q53031 P1412 Q652 +Q345325 P106 Q10798782 +Q95355 P1412 Q188 +Q17714 P101 Q18362 +Q162255 P840 Q65 +Q494676 P1303 Q52954 +Q132489 P108 Q1145306 +Q234551 P451 Q41163 +Q45909 P264 Q645889 +Q547635 P106 Q639669 +Q766314 P20 Q46852 +Q254265 P106 Q948329 +Q77888 P463 Q4742987 +Q430278 P840 Q60 +Q310394 P106 Q15077007 +Q153610 P463 Q2370801 +Q171905 P1303 Q5994 +Q46053 P1303 Q17172850 +Q324162 P119 Q2790054 +Q44111 P106 Q593644 +Q1014 P463 Q842490 +Q359791 P1303 Q6607 +Q310113 P19 Q65 +Q196617 P102 Q10225 +Q1610776 P136 Q848399 +Q503710 P19 Q484678 +Q183397 P463 Q40358 +Q85788 P69 Q155354 +Q193668 P69 Q5121453 +Q151646 P102 Q79854 +Q881 P530 Q32 +Q152941 P20 Q34006 +Q191 P530 Q842199 +Q131964 P463 Q12548 +Q222 P530 Q30 +Q209641 P106 Q9352089 +Q113510 P463 Q543804 +Q335552 P69 Q49210 +Q91004 P27 Q183 +Q712860 P264 Q183412 +Q82984 P106 Q36180 +Q364342 P108 Q4614 +Q179682 P106 Q183945 +Q234436 P106 Q2490358 +Q229251 P106 Q177220 +Q573532 P69 Q13371 +Q573223 P106 Q36180 +Q1770797 P20 Q138518 +Q309838 P106 Q36834 +Q231249 P3373 Q228766 +Q72334 P106 Q49757 +Q236236 P106 Q11774202 +Q237270 P27 Q30 +Q503917 P509 Q181754 +Q27306 P159 Q43287 +Q148 P30 Q48 +Q4295 P106 Q4504549 +Q92130 P106 Q33231 +Q326229 P106 Q193391 +Q301951 P106 Q1607826 +Q245075 P106 Q10798782 +Q273614 P264 Q190585 +Q600488 P57 Q316844 +Q311439 P749 Q38903 +Q234556 P106 Q177220 +Q229364 P106 Q970153 +Q61398 P106 Q155647 +Q196665 P161 Q119676 +Q34836 P69 Q9219 +Q11860 P19 Q490 +Q551390 P1412 Q9288 +Q4344126 P119 Q208175 +Q314485 P106 Q3282637 +Q85261 P106 Q3282637 +Q235305 P20 Q65 +Q18149651 P136 Q180268 +Q2772878 P106 Q36834 +Q5959091 P20 Q90 +Q553790 P1303 Q1343007 +Q81244 P27 Q518101 +Q65587 P19 Q3834 +Q282804 P136 Q130232 +Q43977 P106 Q1231865 +Q179097 P106 Q482980 +Q193608 P463 Q463281 +Q213870 P20 Q1731 +Q155 P530 Q419 +Q215 P463 Q656801 +Q82222 P136 Q7749 +Q356639 P106 Q18844224 +Q704700 P106 Q488205 +Q80440 P27 Q34266 +Q267772 P27 Q16 +Q219060 P530 Q155 +Q555426 P19 Q60 +Q256327 P20 Q1899 +Q190585 P740 Q766 +Q526709 P463 Q463281 +Q2695220 P106 Q40348 +Q216870 P106 Q36834 +Q786052 P106 Q43845 +Q1280986 P264 Q585643 +Q40116 P106 Q33231 +Q62086 P135 Q7066 +Q182212 P161 Q232371 +Q1075770 P106 Q177220 +Q67076 P106 Q4964182 +Q184843 P161 Q236702 +Q44847 P106 Q333634 +Q2054 P106 Q82955 +Q313849 P1303 Q17172850 +Q219060 P530 Q423 +Q34782 P106 Q49757 +Q89433 P463 Q463303 +Q224650 P106 Q1028181 +Q432268 P136 Q131272 +Q47296 P161 Q232333 +Q138007 P106 Q49757 +Q252 P530 Q155 +Q232085 P1303 Q17172850 +Q63346 P463 Q939743 +Q1028 P530 Q865 +Q201751 P140 Q1062789 +Q3346431 P106 Q3455803 +Q9364 P69 Q1878600 +Q1174641 P509 Q181257 +Q212775 P495 Q142 +Q20153 P136 Q850412 +Q73410 P106 Q465501 +Q217020 P161 Q229612 +Q676914 P106 Q15976092 +Q860068 P27 Q30 +Q86573 P106 Q205375 +Q181803 P161 Q311319 +Q3559761 P20 Q60 +Q817 P361 Q7204 +Q77751 P509 Q3010352 +Q332419 P20 Q25610 +Q931607 P20 Q34404 +Q158354 P1412 Q9056 +Q1125383 P136 Q9730 +Q239415 P106 Q639669 +Q797078 P749 Q49210 +Q95543 P1412 Q188 +Q589585 P101 Q35760 +Q408 P530 Q221 +Q72201 P463 Q44687 +Q231942 P101 Q207628 +Q66002 P69 Q318186 +Q328892 P19 Q8646 +Q929 P30 Q15 +Q331123 P69 Q336968 +Q360531 P641 Q5372 +Q70881 P19 Q64 +Q112534 P108 Q21578 +Q77 P530 Q38 +Q262549 P106 Q28389 +Q515696 P106 Q639669 +Q70767 P20 Q56036 +Q232079 P161 Q51488 +Q526120 P106 Q36180 +Q919835 P27 Q145 +Q37327 P106 Q28389 +Q44857 P106 Q33999 +Q67637 P106 Q28389 +Q467630 P463 Q12759592 +Q34424 P737 Q484427 +Q5383 P136 Q206159 +Q230023 P19 Q172455 +Q102513 P106 Q4853732 +Q315752 P106 Q901 +Q360507 P463 Q1425328 +Q387603 P161 Q934506 +Q77148 P106 Q1622272 +Q335160 P840 Q84 +Q489 P106 Q10798782 +Q327229 P106 Q10800557 +Q189869 P136 Q11635 +Q85261 P106 Q201788 +Q348678 P161 Q95076 +Q230929 P1412 Q1860 +Q335064 P463 Q4345832 +Q44872 P27 Q183 +Q961972 P463 Q463303 +Q128297 P136 Q1344 +Q192409 P136 Q459290 +Q180125 P161 Q232708 +Q348649 P106 Q33999 +Q88248 P20 Q365 +Q104302 P17 Q1649871 +Q254142 P20 Q649 +Q20887 P106 Q1231865 +Q309843 P106 Q2252262 +Q224069 P136 Q1341051 +Q60582 P108 Q152087 +Q15462 P106 Q4773904 +Q232511 P1412 Q1860 +Q28978 P27 Q28513 +Q241 P361 Q653884 +Q47296 P136 Q1200678 +Q836910 P106 Q49757 +Q31164 P136 Q11366 +Q314972 P106 Q2526255 +Q65292 P106 Q49757 +Q230 P463 Q81299 +Q181900 P106 Q1930187 +Q204868 P136 Q5967378 +Q1397252 P106 Q158852 +Q135420 P106 Q486748 +Q23844 P106 Q13235160 +Q314035 P106 Q81096 +Q371972 P69 Q168756 +Q272007 P69 Q8047423 +Q310170 P1412 Q1860 +Q47899 P106 Q131524 +Q274812 P27 Q30 +Q682030 P136 Q83270 +Q163038 P840 Q99 +Q188850 P161 Q162492 +Q7934 P136 Q24925 +Q171363 P136 Q21590660 +Q719360 P106 Q15839134 +Q230141 P136 Q8261 +Q930987 P69 Q273593 +Q151796 P106 Q82955 +Q27 P463 Q188822 +Q319502 P1303 Q6607 +Q153802 P2348 Q6927 +Q41042 P69 Q523926 +Q634025 P69 Q752663 +Q34086 P1412 Q1860 +Q142 P530 Q41 +Q202859 P106 Q639669 +Q26058 P1303 Q17172850 +Q77476 P20 Q1741 +Q5383 P1303 Q6607 +Q702 P530 Q408 +Q312053 P106 Q486748 +Q427597 P1412 Q9027 +Q148 P530 Q710 +Q11975 P264 Q27184 +Q128708 P106 Q82955 +Q103343 P106 Q33999 +Q34933 P1412 Q1321 +Q232104 P19 Q18426 +Q313185 P20 Q62 +Q159 P530 Q1027 +Q204323 P106 Q1259917 +Q108460 P27 Q183 +Q62188 P119 Q819654 +Q127437 P1412 Q188 +Q78116 P1412 Q188 +Q1869643 P136 Q885561 +Q261812 P106 Q177220 +Q188426 P106 Q488205 +Q246091 P101 Q2329 +Q353788 P106 Q36180 +Q264307 P840 Q220 +Q573017 P136 Q217467 +Q8442 P27 Q43287 +Q2632 P264 Q213710 +Q193105 P1412 Q1860 +Q343059 P106 Q10800557 +Q224 P463 Q376150 +Q84867 P108 Q165980 +Q60128 P106 Q662729 +Q60785 P119 Q881481 +Q72001 P106 Q333634 +Q113928 P108 Q156737 +Q51510 P106 Q20198542 +Q110163 P20 Q64 +Q91093 P106 Q482980 +Q1435522 P749 Q131626 +Q187999 P136 Q1054574 +Q232120 P106 Q2259451 +Q188648 P136 Q316930 +Q91090 P509 Q12136 +Q232810 P463 Q463303 +Q263629 P20 Q1741 +Q754 P530 Q183 +Q60247 P106 Q36180 +Q218589 P840 Q31 +Q379824 P1303 Q6607 +Q215263 P463 Q463303 +Q354863 P69 Q49112 +Q332454 P106 Q36180 +Q157044 P161 Q229291 +Q266445 P106 Q33999 +Q918268 P135 Q667661 +Q946528 P106 Q855091 +Q96 P530 Q786 +Q45909 P106 Q486748 +Q268569 P106 Q10800557 +Q704710 P106 Q2914170 +Q795238 P27 Q145 +Q310106 P106 Q2306091 +Q943577 P27 Q30 +Q465633 P106 Q43845 +Q344973 P106 Q10798782 +Q307 P551 Q13375 +Q77745 P106 Q639669 +Q180819 P106 Q4773904 +Q715265 P172 Q49085 +Q311802 P1412 Q150 +Q64467 P106 Q82955 +Q465350 P136 Q590870 +Q85040 P641 Q2736 +Q1260 P106 Q18814623 +Q1439143 P27 Q145 +Q84867 P106 Q2135538 +Q16397 P69 Q219563 +Q44176 P106 Q13474373 +Q40046 P172 Q49085 +Q88749 P1412 Q188 +Q266356 P106 Q33999 +Q232015 P27 Q96 +Q44086 P509 Q212961 +Q101728 P463 Q123885 +Q62126 P1412 Q188 +Q211545 P161 Q123351 +Q214582 P19 Q1754 +Q35448 P509 Q175111 +Q157245 P69 Q180865 +Q289805 P20 Q656 +Q242423 P106 Q18939491 +Q621462 P69 Q49213 +Q364315 P69 Q273626 +Q48067 P106 Q81096 +Q1501423 P106 Q639669 +Q107264 P106 Q188094 +Q11093 P106 Q10800557 +Q229176 P106 Q33999 +Q71502 P106 Q18814623 +Q465127 P106 Q183945 +Q68171 P135 Q2455000 +Q182609 P69 Q1137665 +Q92740 P69 Q969850 +Q1041034 P69 Q860527 +Q348649 P106 Q2490358 +Q1603685 P1303 Q6607 +Q701587 P1412 Q150 +Q35 P530 Q1049 +Q60452 P1412 Q188 +Q361336 P106 Q2526255 +Q7301731 P69 Q49204 +Q186799 P161 Q439438 +Q66316 P1412 Q188 +Q234591 P101 Q207628 +Q241098 P106 Q1925963 +Q332497 P136 Q52162262 +Q74236 P106 Q185351 +Q1347215 P509 Q12202 +Q24995 P69 Q248970 +Q238140 P106 Q36180 +Q48734 P161 Q359665 +Q209538 P161 Q489 +Q948561 P106 Q855091 +Q58328 P463 Q463303 +Q233854 P106 Q10798782 +Q179680 P106 Q182436 +Q9711 P69 Q3064259 +Q711197 P509 Q3010352 +Q188987 P106 Q6625963 +Q95273 P106 Q864503 +Q123080 P106 Q36180 +Q1997159 P106 Q2526255 +Q400678 P108 Q737835 +Q9161 P106 Q82955 +Q958 P463 Q17495 +Q49734 P136 Q484641 +Q44857 P136 Q438503 +Q736 P463 Q17495 +Q314535 P136 Q11399 +Q63556 P106 Q16145150 +Q584292 P19 Q7003 +Q2599 P361 Q1299 +Q991 P106 Q49757 +Q95043 P551 Q127856 +Q298334 P463 Q463303 +Q25660 P1303 Q6607 +Q207036 P106 Q36180 +Q445372 P463 Q468865 +Q34969 P106 Q5322166 +Q132964 P1412 Q7737 +Q780842 P27 Q30 +Q517 P140 Q620629 +Q846373 P136 Q11399 +Q105564 P27 Q183 +Q1237649 P1303 Q11405 +Q239131 P27 Q30 +Q1345751 P1303 Q6607 +Q207197 P106 Q36834 +Q4044 P463 Q747279 +Q2255438 P19 Q1218 +Q36767 P106 Q36834 +Q161841 P1412 Q1860 +Q240206 P27 Q30 +Q484302 P106 Q36834 +Q89516 P106 Q901 +Q282787 P106 Q28389 +Q234356 P136 Q164444 +Q954997 P140 Q624477 +Q90195 P1412 Q188 +Q77377 P27 Q38872 +Q18149651 P159 Q62 +Q201079 P108 Q871369 +Q188111 P1303 Q17172850 +Q502864 P19 Q649 +Q705458 P1303 Q17172850 +Q780842 P1412 Q1860 +Q335552 P106 Q5482740 +Q467519 P106 Q177220 +Q9387 P20 Q1726 +Q130327 P106 Q1225716 +Q63432 P19 Q2079 +Q213 P463 Q827525 +Q428551 P161 Q312051 +Q1242 P69 Q499911 +Q363371 P1412 Q7737 +Q4444 P495 Q183 +Q123512 P69 Q206702 +Q158474 P840 Q61 +Q318619 P106 Q486748 +Q154545 P463 Q939743 +Q353866 P27 Q142 +Q18553 P69 Q999763 +Q190770 P463 Q2095524 +Q112635 P136 Q130232 +Q169963 P106 Q9017214 +Q833 P530 Q15180 +Q62414 P106 Q2516866 +Q48410 P106 Q33231 +Q215740 P27 Q40 +Q208590 P106 Q948329 +Q316454 P136 Q11399 +Q217685 P161 Q133925 +Q330730 P27 Q30 +Q128126 P106 Q212980 +Q47426 P19 Q18419 +Q7199 P19 Q90 +Q151892 P1303 Q5994 +Q81037 P136 Q1146335 +Q234324 P106 Q11569986 +Q103835 P108 Q11942 +Q234149 P509 Q11868838 +Q1019 P463 Q827525 +Q164933 P161 Q310932 +Q491019 P27 Q30 +Q25147 P136 Q217597 +Q9545 P108 Q49112 +Q723320 P69 Q168756 +Q462406 P136 Q188473 +Q504 P106 Q11774202 +Q157176 P106 Q36180 +Q19504 P106 Q10800557 +Q96843 P106 Q3068305 +Q490381 P106 Q36834 +Q256824 P106 Q4610556 +Q63815 P106 Q20725072 +Q115 P463 Q1043527 +Q62918 P27 Q902 +Q6107 P551 Q65 +Q310060 P1303 Q17172850 +Q381731 P136 Q959790 +Q233289 P27 Q668 +Q365550 P106 Q28389 +Q897281 P106 Q82955 +Q333632 P19 Q8678 +Q229 P463 Q8908 +Q97301 P108 Q153006 +Q161877 P106 Q177220 +Q162202 P106 Q483501 +Q1345 P17 Q30 +Q283659 P106 Q1930187 +Q62373 P106 Q36180 +Q164396 P106 Q752129 +Q84233 P27 Q30 +Q615896 P106 Q33999 +Q323392 P161 Q235072 +Q102669 P27 Q183 +Q231214 P27 Q30 +Q297442 P106 Q2259451 +Q202663 P106 Q1476215 +Q16 P530 Q258 +Q63234 P20 Q31487 +Q40909 P26 Q703935 +Q126067 P27 Q16957 +Q77755 P69 Q32120 +Q230123 P1412 Q652 +Q88389 P106 Q36180 +Q387414 P840 Q779 +Q204586 P69 Q4359408 +Q219315 P136 Q157443 +Q966300 P551 Q61 +Q309941 P19 Q25395 +Q28 P463 Q1480793 +Q914054 P69 Q5171564 +Q366907 P172 Q179248 +Q8646 P30 Q48 +Q587823 P20 Q2807 +Q44258 P3373 Q191734 +Q73089 P102 Q29552 +Q326526 P161 Q103939 +Q355374 P106 Q855091 +Q66343 P106 Q14467526 +Q272214 P106 Q2259451 +Q294931 P451 Q242416 +Q1933397 P106 Q177220 +Q61453 P20 Q6986 +Q1067 P737 Q34943 +Q178698 P27 Q30 +Q193573 P136 Q2743 +Q20 P463 Q1480793 +Q73646 P106 Q188094 +Q75603 P119 Q311 +Q273311 P106 Q36180 +Q270374 P1412 Q150 +Q157259 P108 Q192775 +Q9387 P108 Q165980 +Q130917 P106 Q2516866 +Q921 P463 Q7809 +Q25188 P136 Q496523 +Q27751 P495 Q30 +Q77234 P27 Q183 +Q257277 P106 Q10798782 +Q346801 P551 Q6106 +Q9248 P37 Q9292 +Q91548 P27 Q183 +Q75828 P20 Q24879 +Q59112 P463 Q463303 +Q188744 P140 Q9592 +Q92849 P106 Q82594 +Q76 P108 Q131252 +Q905 P551 Q1085 +Q299100 P20 Q1218 +Q17 P530 Q419 +Q41408 P136 Q482 +Q61687 P108 Q156725 +Q1173321 P509 Q47912 +Q168509 P463 Q161806 +Q607825 P136 Q8261 +Q264418 P19 Q49111 +Q437622 P1303 Q5994 +Q232397 P19 Q18094 +Q1509908 P641 Q80131 +Q92938 P27 Q16 +Q272092 P27 Q16 +Q276198 P136 Q11399 +Q172632 P106 Q639669 +Q52433 P106 Q36180 +Q7546 P140 Q7066 +Q611997 P106 Q40348 +Q233541 P106 Q177220 +Q108560 P1412 Q1568 +Q62400 P108 Q156737 +Q67271 P102 Q662377 +Q100122 P2348 Q6927 +Q434466 P172 Q115026 +Q4345832 P17 Q34266 +Q4263050 P140 Q432 +Q362521 P106 Q33999 +Q5333 P463 Q4345832 +Q1742005 P106 Q855091 +Q217010 P136 Q2137852 +Q126961 P463 Q161806 +Q2658411 P106 Q42973 +Q346648 P69 Q926749 +Q507327 P495 Q30 +Q330730 P19 Q36091 +Q220154 P161 Q189554 +Q1511 P106 Q486748 +Q117185 P463 Q337234 +Q833 P530 Q33 +Q87302 P106 Q1650915 +Q214947 P20 Q60 +Q270672 P27 Q148 +Q119198 P106 Q10798782 +Q11941 P1050 Q29496 +Q828641 P108 Q230899 +Q264326 P106 Q4610556 +Q57187 P1412 Q652 +Q230209 P106 Q2405480 +Q180619 P106 Q2405480 +Q1687890 P1303 Q17172850 +Q55922 P27 Q36 +Q6294 P106 Q18814623 +Q968099 P20 Q649 +Q11930 P106 Q753110 +Q976090 P264 Q654283 +Q231487 P172 Q49085 +Q434060 P1412 Q150 +Q55413 P106 Q10800557 +Q9570 P27 Q668 +Q189600 P136 Q188473 +Q933749 P172 Q44806 +Q367234 P106 Q753110 +Q375845 P106 Q214917 +Q244398 P136 Q157394 +Q375356 P1412 Q1860 +Q424 P530 Q928 +Q60347 P106 Q205375 +Q190998 P106 Q4610556 +Q309545 P136 Q130232 +Q105237 P19 Q64 +Q153694 P264 Q645889 +Q873 P106 Q3282637 +Q275641 P106 Q177220 +Q744288 P108 Q235034 +Q207036 P106 Q12144794 +Q162959 P106 Q10798782 +Q273727 P106 Q36180 +Q234581 P106 Q4610556 +Q156858 P172 Q201111 +Q560649 P19 Q36600 +Q281964 P106 Q10800557 +Q64915 P106 Q47064 +Q188718 P161 Q26118 +Q231690 P20 Q1353 +Q49767 P463 Q161806 +Q4593 P102 Q10225 +Q150851 P172 Q49085 +Q51547 P1412 Q1860 +Q215673 P140 Q7066 +Q713058 P1050 Q10874 +Q164384 P463 Q466113 +Q255233 P1412 Q652 +Q172599 P106 Q11774202 +Q272095 P106 Q806798 +Q47075 P161 Q41163 +Q179825 P106 Q49757 +Q8704 P20 Q65 +Q183074 P106 Q36834 +Q72479 P509 Q333495 +Q103343 P2348 Q6939 +Q242208 P106 Q10798782 +Q168896 P106 Q201788 +Q34 P530 Q948 +Q365557 P106 Q1622272 +Q504 P119 Q188856 +Q180727 P108 Q49167 +Q1166707 P1303 Q5994 +Q147909 P30 Q46 +Q156178 P106 Q33999 +Q57382 P106 Q28389 +Q197491 P136 Q157394 +Q213765 P106 Q36180 +Q234137 P106 Q10800557 +Q36 P530 Q227 +Q9916 P1050 Q12202 +Q101728 P69 Q170027 +Q1929135 P106 Q753110 +Q15975 P1412 Q150 +Q92853 P27 Q142 +Q761176 P102 Q689018 +Q60087 P102 Q7320 +Q930197 P106 Q2306091 +Q152764 P106 Q28389 +Q218503 P1412 Q1860 +Q13003 P106 Q158852 +Q84423 P106 Q36180 +Q57730 P106 Q333634 +Q767435 P106 Q36180 +Q724517 P1303 Q17172850 +Q441685 P106 Q10800557 +Q319737 P136 Q11399 +Q42156 P1412 Q150 +Q964071 P69 Q168756 +Q182349 P19 Q1345 +Q1325743 P106 Q6168364 +Q214851 P27 Q142 +Q87884 P106 Q11774202 +Q69198 P102 Q49750 +Q244997 P106 Q6625963 +Q263670 P136 Q83440 +Q7516 P1412 Q1860 +Q440668 P1303 Q6607 +Q712 P530 Q833 +Q61058 P106 Q49757 +Q364781 P106 Q753110 +Q58626 P102 Q7320 +Q77004 P27 Q43287 +Q972641 P19 Q462799 +Q67221 P106 Q333634 +Q232047 P106 Q33999 +Q112635 P136 Q645928 +Q927771 P106 Q947873 +Q10390 P172 Q3476361 +Q267070 P172 Q49085 +Q1530794 P1412 Q1860 +Q103579 P106 Q28389 +Q96 P463 Q7825 +Q113052 P136 Q860626 +Q345571 P20 Q2841 +Q704718 P27 Q30 +Q299324 P106 Q10798782 +Q240933 P27 Q30 +Q660237 P161 Q191966 +Q37 P530 Q145 +Q504025 P106 Q43845 +Q208263 P161 Q443343 +Q192410 P136 Q37073 +Q180338 P27 Q145 +Q145 P530 Q717 +Q433520 P106 Q28389 +Q230303 P27 Q30 +Q423 P530 Q219060 +Q388319 P161 Q16296 +Q504 P106 Q4263842 +Q2656667 P106 Q753110 +Q295502 P1303 Q17172850 +Q310637 P19 Q1754 +Q133308 P1412 Q1860 +Q155 P530 Q45 +Q1586732 P106 Q36180 +Q67383 P108 Q895796 +Q11860 P27 Q38 +Q37388 P101 Q82955 +Q239293 P106 Q2259451 +Q101915 P27 Q43287 +Q367085 P551 Q22889 +Q84555 P463 Q329464 +Q274314 P19 Q220 +Q366700 P1412 Q188 +Q42869 P106 Q948329 +Q42869 P26 Q215976 +Q233618 P106 Q1930187 +Q1635222 P106 Q639669 +Q306403 P69 Q371625 +Q390299 P840 Q62 +Q974670 P27 Q30 +Q354033 P264 Q202440 +Q155 P530 Q796 +Q59152 P106 Q36180 +Q12548 P37 Q9056 +Q76820 P136 Q25379 +Q366012 P106 Q1231865 +Q25191 P106 Q36180 +Q184 P463 Q376150 +Q222833 P106 Q644687 +Q68084 P1412 Q188 +Q165121 P19 Q1794 +Q918447 P106 Q177220 +Q215215 P106 Q855091 +Q549722 P161 Q276005 +Q765871 P1412 Q1321 +Q70174 P106 Q16145150 +Q162672 P136 Q130232 +Q224026 P1412 Q1860 +Q79 P30 Q48 +Q55 P530 Q212 +Q191408 P140 Q1841 +Q168862 P161 Q174346 +Q230969 P106 Q15253558 +Q68325 P20 Q72 +Q271690 P161 Q483907 +Q259679 P27 Q145 +Q131149 P1050 Q12204 +Q240521 P106 Q2259451 +Q240954 P1412 Q188 +Q1373347 P101 Q207628 +Q212965 P136 Q471839 +Q184622 P27 Q142 +Q710619 P509 Q12152 +Q216457 P1412 Q1860 +Q83649 P161 Q266368 +Q401773 P27 Q43 +Q262850 P27 Q34266 +Q18953 P27 Q30 +Q214947 P119 Q84 +Q345517 P106 Q13235160 +Q92775 P106 Q6625963 +Q432526 P495 Q30 +Q272069 P136 Q11366 +Q154203 P19 Q64 +Q108677 P463 Q459620 +Q148 P530 Q213 +Q1030 P463 Q7159 +Q271731 P27 Q33946 +Q738196 P1412 Q1860 +Q558615 P20 Q8678 +Q19330 P1412 Q1860 +Q388319 P161 Q346595 +Q157359 P106 Q36834 +Q156608 P161 Q315118 +Q234798 P69 Q523926 +Q286366 P106 Q177220 +Q164111 P106 Q82955 +Q712851 P551 Q30 +Q69547 P27 Q183 +Q263582 P106 Q177220 +Q946528 P1303 Q5994 +Q92787 P69 Q49112 +Q91587 P27 Q16957 +Q273814 P20 Q65 +Q927771 P106 Q578109 +Q453351 P106 Q205375 +Q257277 P106 Q4610556 +Q183 P530 Q811 +Q110185 P19 Q4120832 +Q188848 P20 Q1486 +Q132964 P27 Q159 +Q206235 P69 Q13371 +Q274404 P463 Q338432 +Q228766 P69 Q432637 +Q229881 P1303 Q17172850 +Q60752 P27 Q30 +Q934582 P136 Q187760 +Q4889934 P108 Q1760438 +Q715281 P69 Q13164 +Q74639 P27 Q28513 +Q448767 P106 Q28389 +Q276332 P106 Q10800557 +Q1392694 P69 Q11942 +Q450382 P1412 Q1860 +Q116375 P27 Q39 +Q241 P530 Q41 +Q1232924 P27 Q29 +Q314208 P172 Q49085 +Q19794 P27 Q30 +Q812105 P106 Q49757 +Q199929 P106 Q4610556 +Q164281 P108 Q13371 +Q928 P463 Q656801 +Q151597 P161 Q238432 +Q160627 P106 Q11900058 +Q362639 P135 Q9730 +Q756563 P27 Q30 +Q850746 P106 Q2705098 +Q157814 P463 Q152222 +Q121694 P1412 Q150 +Q290490 P136 Q157443 +Q58062 P463 Q329464 +Q114191 P106 Q82955 +Q303235 P161 Q298777 +Q626061 P106 Q36180 +Q119849 P106 Q10800557 +Q522592 P1303 Q6607 +Q154448 P101 Q11629 +Q7243 P136 Q49084 +Q317574 P1412 Q1860 +Q241470 P1412 Q9067 +Q325660 P106 Q82955 +Q470334 P20 Q8678 +Q705400 P172 Q678551 +Q922830 P136 Q11401 +Q232222 P495 Q30 +Q702468 P106 Q36180 +Q233724 P106 Q33999 +Q181086 P136 Q2973181 +Q212965 P161 Q350601 +Q2750257 P172 Q79797 +Q355843 P27 Q36 +Q314362 P20 Q1486 +Q142988 P1412 Q1860 +Q333892 P27 Q191 +Q11975 P106 Q2340668 +Q60441 P106 Q4853732 +Q268604 P106 Q10800557 +Q1027 P463 Q191384 +Q295589 P106 Q14915627 +Q164396 P108 Q27621 +Q1016 P530 Q30 +Q217557 P737 Q170509 +Q457687 P106 Q177220 +Q86203 P19 Q1741 +Q157155 P119 Q746647 +Q61879 P69 Q32120 +Q151691 P20 Q1726 +Q234700 P19 Q16554 +Q106762 P463 Q83172 +Q369022 P1412 Q1860 +Q299132 P136 Q11401 +Q1095520 P172 Q49085 +Q214310 P106 Q82955 +Q172916 P106 Q250867 +Q118059 P106 Q4263842 +Q234685 P106 Q10800557 +Q715281 P136 Q49084 +Q1398058 P106 Q639669 +Q11817 P106 Q10076267 +Q215300 P101 Q207628 +Q37767 P737 Q1067 +Q214349 P106 Q36834 +Q241503 P106 Q486748 +Q3816 P27 Q142 +Q905 P27 Q213 +Q573665 P106 Q753110 +Q948808 P1412 Q188 +Q57384 P106 Q15895020 +Q155855 P172 Q170217 +Q166562 P106 Q4610556 +Q320178 P106 Q33999 +Q263552 P106 Q36180 +Q62730 P161 Q61356 +Q443065 P27 Q30 +Q34 P530 Q115 +Q117497 P106 Q10800557 +Q76952 P108 Q230899 +Q355839 P1412 Q7737 +Q278543 P106 Q1930187 +Q701587 P106 Q1930187 +Q436131 P20 Q60 +Q76501 P106 Q36180 +Q474796 P106 Q482980 +Q104266 P106 Q10800557 +Q535972 P106 Q183945 +Q157318 P27 Q207272 +Q233529 P106 Q33999 +Q960376 P106 Q1930187 +Q294901 P106 Q10800557 +Q41257 P463 Q2822396 +Q842633 P19 Q33486 +Q166159 P106 Q36180 +Q1702399 P106 Q177220 +Q286022 P264 Q201607 +Q124505 P1412 Q188 +Q348533 P27 Q30 +Q108840 P106 Q82955 +Q213562 P106 Q1930187 +Q127539 P20 Q90 +Q224 P530 Q222 +Q123516 P108 Q662355 +Q66023 P20 Q72 +Q104266 P2348 Q6927 +Q2623752 P69 Q80207 +Q228818 P106 Q753110 +Q257277 P106 Q10800557 +Q776752 P101 Q35760 +Q668 P463 Q827525 +Q91023 P106 Q36180 +Q164757 P1412 Q1860 +Q193710 P136 Q11401 +Q331497 P106 Q901 +Q449371 P106 Q177220 +Q153484 P495 Q145 +Q11627 P106 Q855091 +Q585643 P136 Q38848 +Q732513 P106 Q639669 +Q1067043 P1303 Q52954 +Q380407 P19 Q656 +Q43330 P27 Q212 +Q312637 P102 Q139596 +Q250975 P106 Q1930187 +Q189172 P101 Q36442 +Q590420 P106 Q193391 +Q155163 P161 Q312077 +Q315051 P102 Q29552 +Q435665 P20 Q60 +Q93341 P172 Q49085 +Q126481 P1412 Q6654 +Q76409 P737 Q151820 +Q230578 P108 Q273518 +Q266319 P1412 Q1321 +Q324129 P106 Q36180 +Q106573 P106 Q33999 +Q380095 P106 Q10798782 +Q92804 P106 Q212980 +Q117194 P27 Q39 +Q234104 P1303 Q6607 +Q111087 P106 Q1930187 +Q30 P530 Q36 +Q315744 P69 Q273626 +Q239897 P106 Q1114448 +Q359474 P1303 Q6607 +Q2516 P463 Q558439 +Q2368353 P119 Q208175 +Q777354 P136 Q35760 +Q744566 P106 Q1622272 +Q435290 P106 Q66711686 +Q18964 P161 Q193504 +Q660553 P106 Q1930187 +Q736099 P27 Q172579 +Q168468 P69 Q160302 +Q356719 P106 Q2961975 +Q383173 P495 Q38 +Q94081 P1303 Q17172850 +Q380848 P57 Q214677 +Q1716 P1412 Q150 +Q51123 P106 Q28389 +Q208590 P140 Q1841 +Q186485 P106 Q10800557 +Q101494 P27 Q183 +Q40912 P737 Q72984 +Q77598 P106 Q14467526 +Q103579 P106 Q2526255 +Q968099 P19 Q1899 +Q975911 P27 Q30 +Q232774 P161 Q2252 +Q29055 P106 Q33999 +Q187192 P136 Q9730 +Q428819 P106 Q33999 +Q83338 P40 Q187337 +Q434502 P106 Q2259451 +Q93689 P161 Q366322 +Q946774 P27 Q36 +Q102551 P2348 Q6927 +Q233937 P1303 Q17172850 +Q1715512 P106 Q639669 +Q148 P530 Q1045 +Q185165 P19 Q350 +Q228512 P1303 Q17172850 +Q3090082 P1412 Q150 +Q313080 P1303 Q17172850 +Q590 P737 Q1067 +Q8442 P69 Q152838 +Q229251 P19 Q37320 +Q2643 P737 Q5921 +Q84153 P106 Q18814623 +Q267672 P495 Q30 +Q237194 P172 Q49085 +Q705458 P106 Q639669 +Q317343 P101 Q941594 +Q148383 P495 Q145 +Q232163 P1303 Q79838 +Q60025 P737 Q9312 +Q914054 P69 Q49115 +Q63962 P106 Q11900058 +Q898 P17 Q2305208 +Q273055 P106 Q488205 +Q867257 P136 Q316930 +Q453390 P106 Q488205 +Q1339107 P106 Q10798782 +Q458390 P106 Q170790 +Q202735 P136 Q193355 +Q214977 P27 Q43287 +Q60317 P69 Q842909 +Q460071 P106 Q639669 +Q240509 P69 Q309331 +Q729697 P106 Q753110 +Q724517 P264 Q3001888 +Q1806036 P1303 Q302497 +Q92007 P1412 Q188 +Q1626134 P161 Q234141 +Q387072 P451 Q191088 +Q327303 P1412 Q9056 +Q107432 P106 Q639669 +Q36184 P106 Q17337766 +Q448767 P20 Q60 +Q92481 P27 Q1206012 +Q104266 P106 Q28389 +Q458766 P136 Q8341 +Q142 P37 Q150 +Q359474 P740 Q18419 +Q332417 P106 Q214917 +Q319783 P136 Q130232 +Q166159 P1412 Q1860 +Q110397 P57 Q42574 +Q128518 P161 Q298682 +Q1051182 P136 Q485395 +Q279648 P27 Q159 +Q678410 P136 Q49451 +Q3088816 P106 Q128124 +Q153232 P69 Q209842 +Q298209 P106 Q33999 +Q320653 P106 Q36180 +Q356499 P106 Q14915627 +Q438310 P1303 Q17172850 +Q260969 P27 Q41 +Q120966 P106 Q36180 +Q313516 P1412 Q1860 +Q234685 P106 Q177220 +Q153020 P106 Q170790 +Q263621 P136 Q1062400 +Q1334244 P106 Q855091 +Q1031 P737 Q157271 +Q241835 P106 Q2259451 +Q448163 P106 Q639669 +Q15935 P106 Q183945 +Q217160 P136 Q2280497 +Q8349 P106 Q10800557 +Q37060 P106 Q214917 +Q62665 P57 Q51570 +Q88821 P106 Q8178443 +Q328797 P106 Q488205 +Q12881 P106 Q6625963 +Q184805 P106 Q486748 +Q82110 P106 Q639669 +Q683 P463 Q656801 +Q266335 P106 Q10800557 +Q11194 P17 Q225 +Q237633 P106 Q55960555 +Q1542213 P159 Q11299 +Q67271 P106 Q40348 +Q43301 P17 Q30 +Q74252 P20 Q1794 +Q23261 P106 Q10800557 +Q1337067 P106 Q18814623 +Q232384 P264 Q183412 +Q184565 P102 Q29468 +Q8312 P106 Q2526255 +Q353762 P1412 Q1321 +Q4547 P106 Q2259451 +Q213521 P106 Q10800557 +Q132589 P136 Q8261 +Q157623 P135 Q37068 +Q1353252 P106 Q639669 +Q61390 P106 Q864503 +Q344567 P27 Q30 +Q272095 P20 Q65 +Q53003 P1412 Q188 +Q258736 P106 Q728711 +Q61456 P69 Q152087 +Q26058 P106 Q5716684 +Q113717 P102 Q158227 +Q457333 P840 Q99 +Q1710614 P106 Q482980 +Q211 P530 Q1246 +Q443534 P19 Q65 +Q166010 P509 Q12152 +Q191 P530 Q41 +Q1677606 P106 Q169470 +Q52925 P19 Q1754 +Q213 P530 Q219 +Q6107 P106 Q5716684 +Q108941 P1303 Q17172850 +Q467231 P106 Q82955 +Q680881 P119 Q3006253 +Q333615 P106 Q36180 +Q131412 P1412 Q150 +Q213783 P40 Q79120 +Q215673 P106 Q3242115 +Q162277 P161 Q179497 +Q82949 P161 Q329700 +Q336769 P106 Q36180 +Q333573 P69 Q1247373 +Q206439 P106 Q488205 +Q308722 P69 Q499451 +Q260616 P136 Q859369 +Q266319 P1303 Q17172850 +Q214953 P106 Q36180 +Q214063 P106 Q49757 +Q130327 P106 Q82955 +Q436759 P27 Q145 +Q251068 P106 Q183945 +Q152857 P840 Q64 +Q908 P17 Q139319 +Q231182 P136 Q484641 +Q62942 P106 Q2526255 +Q192410 P737 Q34389 +Q311145 P737 Q5879 +Q76696 P20 Q71 +Q367234 P1412 Q809 +Q212145 P161 Q460578 +Q105962 P463 Q188771 +Q714526 P102 Q79854 +Q263930 P161 Q129817 +Q88464 P106 Q81096 +Q40074 P161 Q483118 +Q17457 P1412 Q1860 +Q51461 P27 Q30 +Q202319 P106 Q158852 +Q78038 P106 Q36834 +Q117783 P106 Q333634 +Q892 P737 Q182589 +Q252 P530 Q843 +Q47561 P20 Q3711 +Q265661 P106 Q177220 +Q574124 P27 Q30 +Q299324 P106 Q4610556 +Q9061 P119 Q533697 +Q640292 P20 Q220 +Q318938 P641 Q41323 +Q944996 P119 Q18405702 +Q232214 P1303 Q17172850 +Q44071 P106 Q82955 +Q720443 P27 Q30 +Q532279 P27 Q30 +Q8684 P131 Q884 +Q516004 P19 Q1761 +Q242903 P27 Q30 +Q67535 P19 Q2100 +Q261812 P106 Q855091 +Q71352 P106 Q82955 +Q1049 P530 Q28 +Q51461 P1412 Q1860 +Q159552 P106 Q6625963 +Q54836 P106 Q177220 +Q153670 P106 Q6625963 +Q371639 P106 Q333634 +Q57317 P108 Q55044 +Q212965 P136 Q20443008 +Q320218 P19 Q34404 +Q159700 P106 Q23833535 +Q1590452 P108 Q499451 +Q125042 P108 Q372608 +Q3126 P17 Q2415901 +Q388950 P161 Q192668 +Q78109 P27 Q183 +Q380381 P1303 Q6607 +Q876706 P19 Q546 +Q360 P106 Q3282637 +Q154083 P19 Q12892 +Q1560657 P106 Q158852 +Q134123 P1412 Q188 +Q377789 P106 Q82955 +Q82280 P106 Q15980158 +Q310217 P106 Q33999 +Q208003 P1412 Q7737 +Q353754 P20 Q30 +Q42037 P69 Q459506 +Q966565 P1303 Q17172850 +Q150916 P1303 Q6607 +Q50861 P161 Q382197 +Q760790 P106 Q14467526 +Q34296 P106 Q1238570 +Q294583 P1412 Q1860 +Q128956 P102 Q9630 +Q188461 P136 Q1298934 +Q403362 P69 Q7842 +Q348351 P19 Q60 +Q102438 P161 Q232646 +Q85807 P106 Q250867 +Q188697 P106 Q82955 +Q44221 P106 Q82955 +Q204005 P106 Q2405480 +Q358356 P106 Q33999 +Q237944 P20 Q90 +Q302280 P136 Q11399 +Q95843 P1412 Q188 +Q85791 P106 Q40348 +Q111263 P106 Q2405480 +Q323117 P20 Q350 +Q862 P463 Q463281 +Q120563 P106 Q201788 +Q266617 P1412 Q652 +Q36023 P106 Q18814623 +Q356745 P264 Q216364 +Q115490 P551 Q1899 +Q64257 P20 Q64 +Q128085 P1303 Q5994 +Q161363 P551 Q31487 +Q4320172 P20 Q649 +Q163042 P140 Q23540 +Q221482 P509 Q12152 +Q219 P463 Q663492 +Q268994 P19 Q1874 +Q77749 P27 Q183 +Q118375 P161 Q242552 +Q212145 P161 Q354542 +Q357645 P106 Q639669 +Q1276176 P1303 Q47369 +Q963015 P106 Q1086863 +Q551596 P106 Q10800557 +Q98087 P27 Q183 +Q78089 P27 Q183 +Q274936 P106 Q1930187 +Q350255 P106 Q2500638 +Q271119 P106 Q10800557 +Q49080 P136 Q3017271 +Q92824 P463 Q1493021 +Q71775 P27 Q183 +Q329127 P161 Q312705 +Q58978 P69 Q206702 +Q62882 P106 Q205375 +Q302491 P106 Q10798782 +Q3441496 P463 Q131566 +Q918668 P106 Q9352089 +Q233941 P1412 Q188 +Q156774 P463 Q123885 +Q426582 P106 Q11774202 +Q294975 P69 Q1815371 +Q358885 P106 Q333634 +Q175392 P106 Q10800557 +Q276038 P106 Q639669 +Q713443 P106 Q82955 +Q969048 P106 Q1930187 +Q283700 P106 Q33999 +Q179018 P161 Q165524 +Q30 P530 Q218 +Q159 P463 Q8908 +Q167409 P119 Q1437214 +Q592381 P101 Q638 +Q137571 P106 Q49757 +Q230654 P106 Q270389 +Q65932 P106 Q10798782 +Q42 P136 Q40831 +Q540915 P106 Q13235160 +Q557525 P106 Q639669 +Q62986 P106 Q3282637 +Q286475 P27 Q142 +Q967886 P106 Q16947320 +Q108297 P161 Q45553 +Q189081 P102 Q29468 +Q71905 P1412 Q188 +Q121656 P108 Q161982 +Q369900 P161 Q36970 +Q373849 P495 Q30 +Q296729 P106 Q33999 +Q333265 P27 Q34266 +Q379461 P106 Q6665249 +Q271281 P161 Q229241 +Q150482 P106 Q2259451 +Q438329 P106 Q1930187 +Q45909 P1303 Q5994 +Q285584 P840 Q1297 +Q30 P530 Q1000 +Q180251 P20 Q60 +Q189950 P106 Q36180 +Q1978533 P27 Q172579 +Q785404 P106 Q1930187 +Q154216 P264 Q277626 +Q358087 P264 Q18149651 +Q543910 P1412 Q1860 +Q55195 P102 Q79854 +Q669448 P106 Q47064 +Q315650 P136 Q217467 +Q106514 P106 Q639669 +Q457803 P106 Q177220 +Q78473 P106 Q189290 +Q67247 P108 Q31519 +Q372278 P1303 Q17172850 +Q738617 P20 Q649 +Q80805 P106 Q130857 +Q1562145 P136 Q9759 +Q76499 P27 Q183 +Q460161 P106 Q189290 +Q1622098 P106 Q639669 +Q963142 P106 Q36834 +Q240238 P27 Q145 +Q170515 P69 Q194445 +Q1112005 P27 Q30 +Q1384822 P1412 Q1860 +Q284876 P106 Q33999 +Q123140 P101 Q5891 +Q376182 P106 Q33999 +Q59112 P108 Q13371 +Q104340 P27 Q30 +Q244234 P1412 Q1860 +Q102905 P463 Q414163 +Q220655 P161 Q259446 +Q159 P530 Q1030 +Q23481 P26 Q92004 +Q41408 P136 Q11635 +Q139638 P106 Q10800557 +Q67477 P106 Q36180 +Q45546 P27 Q161885 +Q1700315 P69 Q309350 +Q231484 P106 Q486748 +Q241 P530 Q16 +Q449670 P102 Q29468 +Q451250 P161 Q947748 +Q1188776 P27 Q218 +Q61147 P19 Q1022 +Q23810 P106 Q81096 +Q313023 P106 Q10798782 +Q505358 P551 Q30 +Q235361 P106 Q34074720 +Q139927 P161 Q233118 +Q451969 P106 Q36180 +Q276440 P69 Q1399299 +Q1006152 P509 Q12192 +Q366930 P27 Q29 +Q1173321 P136 Q9759 +Q38 P530 Q225 +Q1165439 P264 Q27184 +Q383883 P69 Q131252 +Q126098 P106 Q715301 +Q359383 P27 Q30 +Q18118088 P3373 Q53191106 +Q244963 P161 Q342788 +Q311459 P19 Q891 +Q937359 P106 Q2705098 +Q130026 P106 Q10800557 +Q448930 P264 Q847018 +Q218235 P161 Q170428 +Q323201 P106 Q28389 +Q65613 P106 Q333634 +Q362406 P509 Q372701 +Q73416 P106 Q10800557 +Q60347 P106 Q1622272 +Q361677 P106 Q36834 +Q1909248 P136 Q8341 +Q162778 P1412 Q150 +Q78278 P108 Q659080 +Q86820 P106 Q6430706 +Q1445729 P27 Q213 +Q708922 P1303 Q6607 +Q55469 P69 Q209344 +Q971702 P19 Q1748 +Q41 P138 Q539051 +Q134180 P463 Q463281 +Q82426 P161 Q311271 +Q15615 P1303 Q17172850 +Q1827208 P1303 Q6607 +Q106514 P509 Q3505252 +Q20153 P136 Q1298934 +Q120366 P106 Q130857 +Q376736 P27 Q30 +Q25351 P102 Q694299 +Q113909 P1412 Q188 +Q466457 P106 Q82955 +Q656 P131 Q139319 +Q773828 P106 Q4964182 +Q280918 P495 Q142 +Q313559 P106 Q36834 +Q569362 P1412 Q7737 +Q2201 P136 Q157443 +Q2904665 P1412 Q1860 +Q4061 P106 Q177220 +Q1157945 P119 Q1437214 +Q82110 P106 Q10800557 +Q336018 P106 Q2259451 +Q302433 P463 Q1468277 +Q142 P530 Q878 +Q29 P530 Q419 +Q695886 P463 Q463303 +Q152222 P136 Q9730 +Q62134 P69 Q2093794 +Q536102 P106 Q36180 +Q105756 P737 Q124527 +Q60025 P108 Q371625 +Q43199 P17 Q30 +Q465350 P551 Q142 +Q207036 P136 Q8261 +Q701802 P20 Q1524 +Q38757 P106 Q4263842 +Q801 P530 Q79 +Q6060 P106 Q13235160 +Q602137 P135 Q37068 +Q378891 P136 Q157443 +Q170250 P840 Q61 +Q181 P69 Q1079140 +Q235066 P69 Q167733 +Q316022 P106 Q81096 +Q62115 P106 Q49757 +Q139933 P106 Q2252262 +Q43044 P106 Q3282637 +Q311802 P106 Q36180 +Q303 P106 Q753110 +Q112307 P20 Q60 +Q311802 P69 Q209842 +Q105119 P108 Q152171 +Q878708 P102 Q29468 +Q111436 P106 Q37226 +Q215546 P106 Q488205 +Q90815 P27 Q183 +Q94913 P106 Q970153 +Q4137 P27 Q142 +Q57249 P27 Q268970 +Q450335 P136 Q35760 +Q161842 P108 Q204181 +Q340074 P106 Q4853732 +Q95777 P1412 Q188 +Q210812 P161 Q32045 +Q124735 P19 Q84 +Q1336479 P1303 Q5994 +Q26876 P106 Q2405480 +Q322572 P161 Q255967 +Q123273 P19 Q72 +Q238121 P106 Q3501317 +Q31112 P1412 Q1860 +Q16297 P106 Q36180 +Q97550 P27 Q142 +Q15646111 P159 Q56037 +Q135420 P106 Q33999 +Q337145 P27 Q29999 +Q606125 P106 Q177220 +Q2079 P17 Q55300 +Q1524938 P19 Q100 +Q59778 P37 Q9129 +Q273362 P1412 Q150 +Q58328 P463 Q188771 +Q185147 P19 Q10686 +Q170515 P1412 Q13955 +Q178412 P106 Q2374149 +Q161678 P161 Q231310 +Q60070 P106 Q1622272 +Q40071 P161 Q292381 +Q201472 P27 Q15180 +Q62845 P3373 Q352975 +Q61280 P27 Q183 +Q213662 P106 Q333634 +Q69236 P106 Q36180 +Q98116 P69 Q702524 +Q108602 P27 Q17 +Q78939 P20 Q1741 +Q159636 P463 Q463303 +Q188857 P106 Q4263842 +Q431656 P20 Q60 +Q58217 P140 Q3333484 +Q104865 P509 Q744913 +Q323166 P108 Q658626 +Q2573 P106 Q40348 +Q36330 P106 Q11063 +Q499339 P1412 Q188 +Q211513 P69 Q178416 +Q164309 P1412 Q7737 +Q220980 P136 Q11635 +Q52583 P264 Q231694 +Q236669 P101 Q35760 +Q77753 P1412 Q188 +Q236939 P106 Q36180 +Q214 P463 Q656801 +Q151904 P495 Q38 +Q124834 P106 Q5716684 +Q302181 P136 Q157394 +Q231484 P106 Q37226 +Q544472 P106 Q1930187 +Q81244 P463 Q123885 +Q1523426 P106 Q15981151 +Q1060395 P106 Q81096 +Q3620117 P106 Q169470 +Q75757 P463 Q329464 +Q116032 P1412 Q397 +Q156201 P27 Q34266 +Q704682 P106 Q1622272 +Q193458 P106 Q2259451 +Q78830 P106 Q36180 +Q89967 P1412 Q188 +Q351339 P106 Q36180 +Q1282910 P27 Q30 +Q1397375 P20 Q1345 +Q167498 P69 Q49210 +Q43453 P17 Q213 +Q440388 P19 Q25287 +Q454692 P106 Q177220 +Q312747 P136 Q8261 +Q436463 P106 Q333634 +Q93443 P161 Q342419 +Q919961 P19 Q65 +Q381944 P20 Q649 +Q312480 P102 Q79854 +Q347362 P737 Q184169 +Q184697 P69 Q738258 +Q977488 P106 Q36180 +Q585272 P27 Q15180 +Q2460829 P3373 Q124710 +Q159347 P1412 Q1860 +Q94031 P106 Q81096 +Q273171 P1303 Q46185 +Q134773 P57 Q187364 +Q573017 P136 Q49451 +Q159552 P106 Q36180 +Q47152 P101 Q35760 +Q262490 P1412 Q1860 +Q66379 P106 Q105186 +Q157359 P135 Q8361 +Q1779 P106 Q15981151 +Q444486 P106 Q1930187 +Q32529 P1303 Q17172850 +Q955088 P19 Q495 +Q229442 P106 Q4610556 +Q3903340 P108 Q392904 +Q1305608 P106 Q753110 +Q440996 P19 Q649 +Q748222 P106 Q36180 +Q70309 P27 Q183 +Q782711 P106 Q1930187 +Q48020 P27 Q34266 +Q455930 P1412 Q5287 +Q2560493 P463 Q191583 +Q720443 P19 Q100 +Q66456 P106 Q4002666 +Q160071 P495 Q30 +Q229442 P1303 Q17172850 +Q286339 P106 Q5716684 +Q275652 P106 Q1607826 +Q981981 P106 Q333634 +Q97383 P108 Q317053 +Q109522 P69 Q4948174 +Q193346 P106 Q214917 +Q152503 P102 Q79854 +Q189599 P136 Q11399 +Q77888 P69 Q149481 +Q151098 P140 Q9592 +Q331277 P136 Q52162262 +Q391784 P161 Q318292 +Q120578 P27 Q30 +Q234928 P106 Q482980 +Q760790 P20 Q1757 +Q253476 P27 Q30 +Q1166707 P106 Q482980 +Q42552 P1412 Q809 +Q288588 P106 Q753110 +Q36878 P20 Q649 +Q215 P530 Q183 +Q92851 P463 Q463303 +Q902 P463 Q376150 +Q82934 P106 Q36180 +Q189172 P19 Q649 +Q335680 P264 Q1899781 +Q365042 P106 Q177220 +Q67633 P106 Q1209498 +Q230499 P264 Q183412 +Q105273 P102 Q49750 +Q159 P463 Q656801 +Q32257 P108 Q152087 +Q245363 P20 Q1524 +Q219 P463 Q1065 +Q294568 P20 Q588 +Q213662 P106 Q2468727 +Q951010 P509 Q9687 +Q914054 P108 Q190080 +Q312582 P136 Q9730 +Q176537 P19 Q18125 +Q273055 P106 Q33999 +Q188411 P19 Q7003 +Q503597 P106 Q10800557 +Q92882 P106 Q170790 +Q337453 P108 Q9531 +Q465707 P1412 Q7411 +Q172161 P1412 Q150 +Q167520 P106 Q2405480 +Q3939205 P106 Q43845 +Q89949 P106 Q201788 +Q47667 P463 Q49738 +Q1050 P37 Q1860 +Q381185 P27 Q36 +Q660545 P106 Q36834 +Q743051 P136 Q9759 +Q1606257 P136 Q9759 +Q979347 P509 Q12152 +Q59945 P106 Q4964182 +Q68596 P102 Q7320 +Q369022 P106 Q188094 +Q329805 P161 Q39666 +Q269569 P264 Q2002177 +Q7439 P27 Q30 +Q977 P530 Q30 +Q16552 P17 Q30 +Q468864 P1412 Q1860 +Q450714 P106 Q177220 +Q1928973 P106 Q855091 +Q232985 P106 Q10800557 +Q78386 P108 Q154804 +Q113489 P40 Q95443 +Q187337 P106 Q2405480 +Q817 P463 Q4783148 +Q726388 P27 Q30 +Q78290 P1412 Q188 +Q706084 P106 Q49757 +Q314805 P106 Q10800557 +Q77006 P19 Q19660 +Q70950 P106 Q82955 +Q120484 P840 Q2915506 +Q276425 P27 Q145 +Q83739 P161 Q296537 +Q971702 P1412 Q150 +Q131380 P106 Q10800557 +Q37030 P27 Q30 +Q7407 P106 Q43845 +Q329131 P57 Q318287 +Q211415 P106 Q10800557 +Q435455 P140 Q9089 +Q37355 P106 Q753110 +Q537705 P69 Q49112 +Q1855369 P106 Q1415090 +Q242792 P106 Q10800557 +Q443190 P106 Q15627169 +Q940891 P106 Q10798782 +Q9204 P106 Q49757 +Q243011 P19 Q18419 +Q3924 P136 Q11366 +Q231815 P106 Q2405480 +Q436996 P106 Q33999 +Q1827208 P264 Q183387 +Q57382 P463 Q414110 +Q44593 P106 Q11774202 +Q206374 P161 Q439438 +Q661848 P1412 Q7850 +Q954681 P1412 Q1321 +Q181529 P509 Q14467705 +Q3778 P17 Q43287 +Q464251 P106 Q639669 +Q4042 P264 Q202440 +Q202982 P136 Q157394 +Q9358 P737 Q6527 +Q182509 P106 Q201788 +Q84186 P509 Q18554460 +Q201514 P1303 Q17172850 +Q60586 P106 Q201788 +Q309843 P27 Q30 +Q267051 P106 Q10800557 +Q163211 P106 Q36834 +Q1365901 P69 Q1143289 +Q213393 P106 Q4964182 +Q20 P530 Q16 +Q161841 P140 Q1841 +Q874 P530 Q794 +Q155 P530 Q884 +Q324757 P1303 Q17172850 +Q89949 P20 Q1085 +Q131240 P20 Q649 +Q192724 P136 Q319221 +Q124057 P106 Q10800557 +Q441913 P106 Q2405480 +Q730158 P136 Q2332751 +Q225625 P27 Q191 +Q25948 P19 Q268 +Q1531285 P264 Q5086379 +Q318029 P106 Q1622272 +Q265179 P1303 Q17172850 +Q318694 P264 Q183387 +Q52488 P27 Q159 +Q313039 P106 Q2526255 +Q334818 P106 Q36180 +Q1733964 P27 Q30 +Q318231 P106 Q33999 +Q1900440 P27 Q145 +Q72137 P69 Q168426 +Q5738 P463 Q337543 +Q60579 P106 Q169470 +Q29 P530 Q218 +Q323653 P1303 Q17172850 +Q207197 P27 Q30 +Q887948 P106 Q639669 +Q465881 P264 Q190585 +Q455558 P106 Q947873 +Q239419 P69 Q194223 +Q225509 P106 Q10800557 +Q102385 P264 Q277626 +Q64902 P1412 Q397 +Q395274 P27 Q16 +Q72962 P136 Q185867 +Q229176 P106 Q2259451 +Q212167 P106 Q33999 +Q76952 P69 Q153987 +Q44657 P1412 Q9067 +Q84153 P106 Q18939491 +Q71447 P1412 Q150 +Q169011 P20 Q11299 +Q337078 P161 Q244234 +Q507985 P1303 Q17172850 +Q57344 P102 Q49766 +Q325004 P1412 Q7737 +Q425821 P106 Q753110 +Q293520 P1412 Q13955 +Q5950 P136 Q9759 +Q152929 P106 Q183945 +Q948 P530 Q865 +Q104081 P102 Q29468 +Q215 P530 Q35 +Q505994 P106 Q183945 +Q432919 P106 Q214917 +Q585643 P159 Q60 +Q68537 P19 Q42308 +Q617920 P106 Q14915627 +Q80 P106 Q5482740 +Q142292 P161 Q119798 +Q82949 P136 Q130232 +Q206659 P19 Q1761 +Q131674 P106 Q10873124 +Q72833 P1412 Q188 +Q133054 P20 Q84 +Q812105 P20 Q64 +Q3772 P1412 Q188 +Q44519 P106 Q864380 +Q85876 P106 Q201788 +Q6107 P136 Q753679 +Q121180 P106 Q28389 +Q84532 P106 Q49757 +Q189758 P264 Q183387 +Q796 P463 Q1137381 +Q944386 P106 Q13590141 +Q221535 P1303 Q17172850 +Q44086 P106 Q14915627 +Q230473 P106 Q33999 +Q76412 P69 Q156725 +Q219782 P264 Q3716272 +Q301136 P106 Q1930187 +Q550232 P161 Q313918 +Q189226 P106 Q33999 +Q441713 P106 Q33999 +Q55218 P463 Q414110 +Q172599 P1412 Q9129 +Q183 P463 Q656801 +Q233937 P740 Q26339 +Q163042 P102 Q29468 +Q58799 P106 Q1397808 +Q76346 P26 Q937 +Q555993 P20 Q1748 +Q1622098 P1303 Q6607 +Q191100 P161 Q19794 +Q316955 P27 Q30 +Q223374 P161 Q190386 +Q253288 P106 Q4263842 +Q16389 P27 Q13426199 +Q2161 P106 Q82955 +Q304074 P161 Q232419 +Q100005 P106 Q49757 +Q4612 P27 Q7318 +Q25078 P106 Q715301 +Q9391 P69 Q332342 +Q72001 P106 Q36180 +Q148326 P136 Q2143665 +Q57603 P1412 Q188 +Q66286 P69 Q153978 +Q1200053 P19 Q84 +Q336272 P264 Q193023 +Q155559 P161 Q32522 +Q14439 P69 Q503246 +Q27 P530 Q1246 +Q313654 P106 Q639669 +Q61130 P69 Q414110 +Q104196 P1303 Q17172850 +Q314957 P463 Q161806 +Q85040 P106 Q81096 +Q439267 P27 Q30 +Q92432 P27 Q1206012 +Q1032 P530 Q183 +Q20882 P27 Q142 +Q184 P530 Q403 +Q211785 P119 Q4263743 +Q310679 P136 Q484641 +Q28196 P840 Q25 +Q273614 P106 Q753110 +Q64902 P20 Q3150 +Q467378 P106 Q2722764 +Q237194 P106 Q2405480 +Q77682 P19 Q406 +Q51101 P106 Q10798782 +Q531247 P106 Q43845 +Q159638 P840 Q84 +Q952491 P509 Q12202 +Q213585 P106 Q36180 +Q319502 P106 Q488205 +Q91990 P106 Q1622272 +Q878 P463 Q842490 +Q429397 P161 Q376736 +Q1861917 P106 Q639669 +Q78504 P106 Q1792450 +Q27357 P136 Q492537 +Q89433 P106 Q17489339 +Q705748 P1412 Q1860 +Q354508 P136 Q203775 +Q219782 P27 Q145 +Q152335 P108 Q154561 +Q90653 P106 Q6168364 +Q155 P530 Q902 +Q316556 P1412 Q9067 +Q164069 P106 Q10800557 +Q246731 P69 Q49088 +Q293520 P106 Q2374149 +Q77 P361 Q12585 +Q58033 P27 Q183 +Q502325 P1412 Q7737 +Q433459 P106 Q639669 +Q426687 P106 Q639669 +Q51545 P27 Q96 +Q235384 P1303 Q17172850 +Q4547 P106 Q10800557 +Q78290 P20 Q60 +Q434805 P106 Q36180 +Q113206 P136 Q21010853 +Q984165 P106 Q1930187 +Q114605 P102 Q727724 +Q112214 P463 Q459620 +Q876706 P106 Q1930187 +Q938749 P106 Q183945 +Q267522 P106 Q33999 +Q377768 P27 Q31 +Q68137 P69 Q154804 +Q216180 P19 Q64 +Q2658411 P140 Q9585 +Q69430 P551 Q162049 +Q190050 P161 Q484523 +Q60131 P106 Q1930187 +Q78926 P106 Q1906857 +Q316629 P140 Q7066 +Q202729 P106 Q639669 +Q160717 P106 Q82955 +Q313767 P106 Q36180 +Q419 P530 Q403 +Q93514 P19 Q1741 +Q296872 P106 Q639669 +Q85280 P106 Q177220 +Q1057893 P106 Q639669 +Q240082 P463 Q20153 +Q155559 P840 Q5092 +Q145 P463 Q1480793 +Q2273039 P1412 Q1860 +Q310755 P27 Q142 +Q158030 P108 Q41550 +Q61322 P106 Q2259451 +Q1040459 P101 Q207628 +Q58311 P102 Q187009 +Q11256 P106 Q40348 +Q123034 P27 Q39 +Q880598 P136 Q11401 +Q227312 P106 Q1930187 +Q158474 P495 Q30 +Q135139 P69 Q221645 +Q238305 P106 Q10800557 +Q181774 P27 Q25 +Q297693 P1303 Q6607 +Q335011 P106 Q36180 +Q1339382 P106 Q43845 +Q318223 P1412 Q9027 +Q235955 P106 Q4610556 +Q510400 P1412 Q1860 +Q126234 P27 Q183 +Q316086 P106 Q36180 +Q29315 P1412 Q8798 +Q685 P530 Q183 +Q108941 P3373 Q254789 +Q92621 P463 Q131566 +Q78706 P106 Q36180 +Q218889 P20 Q61 +Q230654 P102 Q29552 +Q234392 P1412 Q1860 +Q113951 P106 Q4964182 +Q135640 P1412 Q150 +Q229671 P69 Q81087 +Q236848 P106 Q18844224 +Q106573 P451 Q287427 +Q123041 P106 Q82955 +Q86516 P1412 Q188 +Q60876 P27 Q7318 +Q1383002 P106 Q81096 +Q96230 P106 Q1622272 +Q17 P530 Q145 +Q270935 P106 Q488205 +Q228792 P106 Q2059704 +Q714162 P108 Q29052 +Q3770812 P108 Q499911 +Q507734 P136 Q20378 +Q46053 P106 Q10798782 +Q180099 P20 Q60 +Q556568 P119 Q168886 +Q185696 P106 Q322170 +Q142292 P161 Q200768 +Q325487 P106 Q36180 +Q159475 P106 Q40348 +Q98172 P106 Q193391 +Q80557 P136 Q130232 +Q1218 P17 Q193714 +Q55836 P27 Q207272 +Q170515 P509 Q12152 +Q247733 P161 Q163249 +Q366956 P27 Q30 +Q346411 P106 Q28389 +Q230190 P106 Q10798782 +Q843552 P106 Q177220 +Q453388 P106 Q822146 +Q1237689 P27 Q30 +Q68225 P106 Q1906857 +Q6527 P19 Q71 +Q329 P19 Q90 +Q75612 P106 Q36180 +Q558972 P106 Q28389 +Q77708 P19 Q1711 +Q66720618 P27 Q183 +Q543443 P106 Q639669 +Q77096 P108 Q157808 +Q125494 P495 Q30 +Q1203 P106 Q662729 +Q455754 P136 Q45981 +Q240360 P27 Q30 +Q299324 P27 Q30 +Q190998 P106 Q10800557 +Q270622 P106 Q2259451 +Q165911 P19 Q16557 +Q189 P463 Q5611262 +Q234967 P551 Q23197 +Q234663 P106 Q36180 +Q231270 P106 Q3282637 +Q286777 P27 Q30 +Q221820 P161 Q232968 +Q104688 P1412 Q397 +Q223139 P840 Q60 +Q159995 P108 Q50662 +Q302762 P106 Q488205 +Q625272 P106 Q6625963 +Q229050 P19 Q65 +Q1193914 P106 Q2405480 +Q67903 P119 Q64 +Q214622 P106 Q36180 +Q78511 P27 Q40 +Q3441496 P106 Q169470 +Q19364345 P551 Q159 +Q691 P530 Q145 +Q702111 P102 Q31113 +Q1911321 P20 Q1156 +Q877537 P108 Q1329478 +Q494676 P264 Q231694 +Q188845 P161 Q42930 +Q636 P106 Q36834 +Q232646 P136 Q83440 +Q154145 P737 Q9358 +Q266361 P106 Q33999 +Q222868 P161 Q223117 +Q493 P106 Q36180 +Q214690 P1412 Q188 +Q310580 P264 Q202585 +Q11675 P69 Q49122 +Q295974 P27 Q25 +Q540443 P1412 Q1860 +Q236351 P264 Q155152 +Q140738 P106 Q487596 +Q386784 P106 Q2259451 +Q80900 P27 Q30 +Q551491 P106 Q33231 +Q54885 P106 Q49757 +Q67385 P102 Q7320 +Q85429 P106 Q36180 +Q109067 P106 Q36180 +Q943361 P106 Q1622272 +Q235066 P106 Q639669 +Q116309 P106 Q14467526 +Q1286510 P106 Q2914170 +Q59485 P140 Q93191 +Q2547113 P69 Q1204714 +Q356361 P106 Q193391 +Q183 P530 Q33 +Q92987 P463 Q337352 +Q434573 P27 Q155 +Q240576 P106 Q1930187 +Q170509 P463 Q463281 +Q2587336 P106 Q193391 +Q229082 P106 Q33999 +Q212015 P509 Q47912 +Q578031 P106 Q12144794 +Q4985 P509 Q181754 +Q162005 P20 Q5083 +Q363518 P106 Q2259451 +Q112307 P264 Q885833 +Q371403 P106 Q3282637 +Q1342003 P463 Q842008 +Q267526 P136 Q188473 +Q1950678 P106 Q81096 +Q4030 P106 Q806349 +Q239195 P1412 Q1860 +Q738196 P1050 Q84263196 +Q725933 P3373 Q1400917 +Q406854 P106 Q177220 +Q57640 P69 Q204181 +Q217552 P161 Q16296 +Q316622 P106 Q33999 +Q229056 P551 Q65 +Q35171 P69 Q21578 +Q921808 P106 Q211346 +Q21 P131 Q174193 +Q157975 P840 Q64 +Q163118 P106 Q11774202 +Q293590 P264 Q575026 +Q174037 P27 Q30 +Q264699 P106 Q8246794 +Q458766 P106 Q1930187 +Q258793 P106 Q36180 +Q324162 P136 Q11635 +Q110462 P106 Q488205 +Q47100 P69 Q174710 +Q135156 P495 Q30 +Q1528185 P69 Q503419 +Q151403 P1412 Q1860 +Q234865 P106 Q6625963 +Q168509 P509 Q47912 +Q408 P530 Q668 +Q233862 P172 Q49085 +Q96334 P463 Q2043519 +Q122968 P463 Q270794 +Q632532 P495 Q183 +Q46000 P108 Q37156 +Q273233 P20 Q1345 +Q156502 P106 Q333634 +Q651 P106 Q49757 +Q232917 P106 Q33999 +Q91137 P101 Q5891 +Q165792 P27 Q215530 +Q95034 P509 Q12192 +Q2890097 P102 Q187009 +Q519851 P106 Q333634 +Q234428 P106 Q486748 +Q597863 P106 Q11774202 +Q89491 P106 Q3282637 +Q391262 P27 Q801 +Q106706 P106 Q2405480 +Q445367 P106 Q10798782 +Q342526 P1303 Q6607 +Q239845 P69 Q1137719 +Q64880 P106 Q33999 +Q60847 P106 Q43845 +Q240250 P26 Q962908 +Q3490465 P27 Q145 +Q2567 P27 Q183 +Q107270 P136 Q860626 +Q232371 P106 Q4610556 +Q1754 P17 Q34 +Q167475 P106 Q36180 +Q191084 P106 Q28389 +Q25188 P161 Q123351 +Q49620 P108 Q49108 +Q62749 P108 Q50662 +Q976526 P106 Q36180 +Q106440 P136 Q2297927 +Q1882498 P264 Q1251139 +Q60579 P69 Q152838 +Q72400 P102 Q633731 +Q98461 P20 Q56037 +Q209926 P106 Q947873 +Q87402 P106 Q169470 +Q971027 P69 Q4948174 +Q85282 P106 Q14467526 +Q72217 P106 Q1930187 +Q444663 P1412 Q150 +Q60772 P106 Q82955 +Q183 P530 Q96 +Q169076 P108 Q31519 +Q786339 P20 Q220 +Q922528 P136 Q131272 +Q557 P101 Q482 +Q229271 P106 Q36180 +Q215215 P136 Q43343 +Q298255 P264 Q212699 +Q464246 P106 Q639669 +Q60946 P106 Q1209498 +Q315343 P509 Q12152 +Q217 P530 Q212 +Q927771 P69 Q927627 +Q694042 P136 Q38848 +Q1276 P1303 Q6607 +Q14678 P106 Q1397808 +Q345325 P1412 Q1860 +Q42156 P108 Q202660 +Q154759 P106 Q644687 +Q736 P463 Q4230 +Q77082 P106 Q39631 +Q268024 P106 Q18814623 +Q110365 P161 Q208667 +Q343983 P106 Q3282637 +Q11171 P106 Q82955 +Q96762 P20 Q3869 +Q463975 P106 Q1930187 +Q34981 P106 Q18814623 +Q211784 P136 Q130232 +Q1372139 P106 Q855091 +Q124183 P27 Q39 +Q76487 P106 Q6625963 +Q319392 P106 Q639669 +Q152352 P106 Q644687 +Q264921 P1412 Q9027 +Q231276 P106 Q488205 +Q2062366 P3373 Q4530046 +Q106571 P161 Q61552 +Q233801 P106 Q10798782 +Q983686 P106 Q36180 +Q14540 P106 Q36180 +Q231487 P264 Q202585 +Q507046 P106 Q2095549 +Q438014 P106 Q10798782 +Q165644 P27 Q183 +Q1625 P106 Q81096 +Q237324 P27 Q30 +Q114 P463 Q340195 +Q191 P463 Q1480793 +Q67409 P20 Q586 +Q156310 P1303 Q17172850 +Q1355279 P136 Q1344 +Q216266 P106 Q33999 +Q200228 P106 Q33999 +Q1631 P1412 Q150 +Q59572 P161 Q4145 +Q275402 P1412 Q1860 +Q478601 P509 Q12152 +Q931561 P27 Q21 +Q9387 P463 Q684415 +Q9682 P27 Q145 +Q76586 P19 Q1085 +Q667925 P106 Q333634 +Q92831 P27 Q30 +Q7104 P106 Q3068305 +Q314877 P106 Q855091 +Q204212 P161 Q7374 +Q364875 P106 Q13235160 +Q559567 P69 Q13371 +Q138984 P69 Q737835 +Q49828 P509 Q212961 +Q3615114 P108 Q27621 +Q97027 P27 Q183 +Q220018 P106 Q6625963 +Q224081 P3373 Q299790 +Q124208 P27 Q39 +Q19199 P106 Q183945 +Q193857 P19 Q189960 +Q888713 P106 Q639669 +Q245355 P172 Q1026 +Q318475 P106 Q639669 +Q19201 P106 Q488205 +Q1237649 P27 Q30 +Q168543 P106 Q488111 +Q95710 P106 Q49757 +Q164593 P1303 Q6607 +Q458593 P27 Q183 +Q291239 P69 Q463055 +Q704516 P119 Q2790054 +Q352708 P1412 Q1860 +Q66649 P140 Q9592 +Q57063 P119 Q1022 +Q158749 P20 Q194420 +Q128995 P27 Q145 +Q84393 P27 Q145 +Q191104 P551 Q42448 +Q2858166 P106 Q644687 +Q20733 P463 Q337543 +Q364270 P106 Q82955 +Q212041 P161 Q342962 +Q481885 P1303 Q17172850 +Q203185 P106 Q855091 +Q68084 P19 Q2966 +Q76480 P106 Q49757 +Q11730 P106 Q193391 +Q4834218 P106 Q4610556 +Q441551 P1412 Q652 +Q4218975 P3373 Q24558760 +Q250250 P172 Q42406 +Q105009 P19 Q64 +Q376807 P161 Q316709 +Q332454 P106 Q2516866 +Q96087 P1412 Q7913 +Q722042 P106 Q43845 +Q233464 P161 Q1366460 +Q270374 P106 Q10800557 +Q194917 P69 Q215539 +Q113007 P1412 Q188 +Q780842 P106 Q589298 +Q507845 P27 Q145 +Q63791 P108 Q219615 +Q313571 P740 Q29 +Q237173 P106 Q2306091 +Q72292 P106 Q33231 +Q7729 P27 Q142 +Q281296 P840 Q65 +Q55 P530 Q1028 +Q218889 P27 Q28 +Q268322 P106 Q36180 +Q807398 P136 Q37073 +Q73959 P19 Q1726 +Q194220 P19 Q18419 +Q184750 P101 Q34178 +Q325428 P1412 Q6654 +Q653949 P106 Q520549 +Q193052 P27 Q29 +Q107438 P106 Q2259451 +Q836 P530 Q928 +Q526407 P106 Q639669 +Q19999 P1412 Q1860 +Q18832 P102 Q537303 +Q309086 P495 Q145 +Q178698 P106 Q482980 +Q1648062 P27 Q183 +Q42398 P463 Q1132636 +Q270546 P106 Q753110 +Q441414 P27 Q30 +Q263518 P20 Q1715 +Q48226 P19 Q100 +Q953841 P106 Q2259451 +Q5679 P106 Q36180 +Q84335 P106 Q82955 +Q428814 P1303 Q5994 +Q730261 P106 Q2252262 +Q211696 P136 Q11399 +Q357455 P1303 Q52954 +Q274277 P1412 Q809 +Q295431 P463 Q463303 +Q46551 P161 Q5383 +Q9438 P106 Q4964182 +Q18415 P161 Q219640 +Q44336 P102 Q186867 +Q8743 P172 Q846570 +Q310953 P27 Q30 +Q233932 P106 Q4610556 +Q1373629 P136 Q1641839 +Q77876 P463 Q812155 +Q7104 P106 Q4964182 +Q67047 P463 Q414163 +Q102336 P106 Q3126128 +Q327660 P509 Q12152 +Q468577 P140 Q432 +Q232149 P69 Q160302 +Q13014 P140 Q9592 +Q188389 P27 Q30 +Q189351 P106 Q33999 +Q207459 P27 Q15180 +Q220525 P108 Q875788 +Q4492929 P27 Q15180 +Q55413 P106 Q28389 +Q89486 P27 Q183 +Q101734 P106 Q10800557 +Q143230 P106 Q578109 +Q193815 P106 Q639669 +Q380407 P106 Q2722764 +Q184572 P40 Q220918 +Q1020 P463 Q340195 +Q235744 P27 Q30 +Q381884 P264 Q56760250 +Q2602121 P106 Q39631 +Q367653 P119 Q16 +Q219744 P106 Q49757 +Q1340677 P463 Q191583 +Q727705 P106 Q1930187 +Q191027 P106 Q10800557 +Q726369 P20 Q65 +Q432919 P106 Q822146 +Q101886 P102 Q7320 +Q191037 P69 Q503415 +Q55 P463 Q1480793 +Q542217 P106 Q27532437 +Q359568 P106 Q4853732 +Q72564 P463 Q1285073 +Q178094 P495 Q30 +Q902 P530 Q739 +Q76152 P27 Q183 +Q1124 P1412 Q188 +Q202144 P1412 Q1860 +Q239307 P3373 Q232417 +Q168543 P27 Q29 +Q95050 P26 Q882 +Q246497 P463 Q451079 +Q185002 P106 Q49757 +Q282877 P69 Q213439 +Q212804 P161 Q237774 +Q828641 P19 Q90 +Q366563 P106 Q3282637 +Q432102 P161 Q2680 +Q43 P530 Q212 +Q78473 P69 Q622683 +Q277976 P1303 Q17172850 +Q238045 P106 Q639669 +Q697195 P106 Q169470 +Q44578 P161 Q42574 +Q439394 P106 Q33231 +Q26876 P136 Q37073 +Q170509 P1412 Q150 +Q179680 P20 Q90 +Q786 P463 Q1065 +Q331123 P136 Q1344 +Q529604 P1412 Q150 +Q76517 P69 Q154561 +Q463101 P161 Q233347 +Q554746 P106 Q81096 +Q168154 P840 Q1439 +Q190944 P101 Q36442 +Q254341 P172 Q49085 +Q37217 P69 Q4204467 +Q536723 P1303 Q17172850 +Q71848 P106 Q201788 +Q29573 P19 Q18426 +Q113601 P1412 Q1321 +Q915 P17 Q34266 +Q350581 P1303 Q17172850 +Q672301 P27 Q34266 +Q365633 P1050 Q11081 +Q192207 P69 Q924289 +Q10411 P106 Q214917 +Q746923 P106 Q855091 +Q90892 P27 Q43 +Q73213 P106 Q1622272 +Q11673 P69 Q130965 +Q1885893 P69 Q9842 +Q201927 P69 Q1026827 +Q386438 P1412 Q150 +Q518850 P106 Q1622272 +Q264326 P27 Q30 +Q233 P463 Q1969730 +Q107422 P69 Q681025 +Q11607 P102 Q29468 +Q65329 P106 Q1622272 +Q43293 P106 Q11774202 +Q85411 P27 Q183 +Q766293 P106 Q81096 +Q46053 P106 Q10800557 +Q316857 P172 Q7325 +Q4473 P27 Q30 +Q2585807 P101 Q11190 +Q567529 P106 Q23833535 +Q309648 P20 Q60 +Q88478 P19 Q1022 +Q235460 P106 Q2259451 +Q183239 P840 Q60 +Q218 P37 Q7913 +Q249350 P495 Q27 +Q83174 P1412 Q652 +Q313579 P106 Q33999 +Q315362 P106 Q49757 +Q215860 P108 Q591115 +Q68865 P106 Q2095549 +Q890204 P106 Q33999 +Q260648 P136 Q200092 +Q44248 P106 Q42603 +Q262980 P136 Q130232 +Q96087 P1412 Q652 +Q707460 P1303 Q6607 +Q549442 P136 Q1344 +Q108677 P20 Q1726 +Q191842 P264 Q387539 +Q302819 P106 Q1930187 +Q145 P463 Q1928989 +Q131259 P1412 Q9043 +Q191123 P27 Q801 +Q182212 P57 Q275402 +Q130799 P264 Q21077 +Q989 P106 Q49757 +Q230395 P106 Q486748 +Q463765 P161 Q229228 +Q172466 P108 Q41506 +Q520760 P106 Q1930187 +Q55449 P106 Q2405480 +Q92316 P106 Q1397808 +Q32 P463 Q8908 +Q76492 P106 Q36180 +Q365090 P27 Q30 +Q244214 P106 Q33999 +Q42051 P161 Q180338 +Q107095 P463 Q337234 +Q72564 P27 Q183 +Q108270 P106 Q33999 +Q293590 P27 Q30 +Q7243 P136 Q12799318 +Q74513 P106 Q488205 +Q61058 P119 Q4100 +Q233385 P106 Q33999 +Q962908 P106 Q10798782 +Q227 P530 Q902 +Q11239 P463 Q218868 +Q62977 P1412 Q1860 +Q335807 P20 Q485172 +Q236075 P140 Q5043 +Q311961 P106 Q18814623 +Q1501423 P106 Q9648008 +Q223985 P106 Q18939491 +Q213 P463 Q81299 +Q430922 P1303 Q5994 +Q200464 P30 Q48 +Q679289 P106 Q753110 +Q403 P530 Q668 diff --git a/process_data/CoDEx-M_original/valid.txt b/process_data/CoDEx-M_original/valid.txt new file mode 100644 index 0000000..b5648a7 --- /dev/null +++ b/process_data/CoDEx-M_original/valid.txt @@ -0,0 +1,10310 @@ +Q60684 P106 Q4964182 +Q1373546 P106 Q1979607 +Q60854 P106 Q36180 +Q315514 P27 Q15180 +Q306631 P106 Q4610556 +Q213393 P106 Q2259532 +Q694081 P1303 Q51290 +Q299138 P106 Q488205 +Q317343 P106 Q3455803 +Q124357 P106 Q28389 +Q22979 P106 Q36180 +Q8027 P106 Q1234713 +Q153243 P101 Q7754 +Q57351 P106 Q49757 +Q49847 P106 Q177220 +Q316641 P106 Q2259451 +Q63725 P102 Q7320 +Q120599 P1412 Q809 +Q1023788 P264 Q575026 +Q912791 P19 Q10686 +Q28858 P106 Q1930187 +Q59054 P106 Q333634 +Q983 P463 Q656801 +Q236505 P27 Q34 +Q235611 P1412 Q7737 +Q1780 P17 Q131964 +Q229220 P106 Q10800557 +Q98124 P106 Q82955 +Q57063 P27 Q171150 +Q439267 P136 Q83440 +Q884 P463 Q5611262 +Q380579 P106 Q639669 +Q9582 P69 Q230492 +Q924 P463 Q899770 +Q79 P530 Q230 +Q28480 P20 Q33935 +Q353812 P106 Q189290 +Q60025 P106 Q11774202 +Q4631 P1050 Q12206 +Q82918 P69 Q1379834 +Q860068 P264 Q216364 +Q766 P463 Q384535 +Q229082 P106 Q177220 +Q439358 P106 Q10798782 +Q156310 P106 Q10800557 +Q77087 P3373 Q214191 +Q108539 P106 Q82955 +Q57075 P69 Q152087 +Q423 P530 Q924 +Q240998 P20 Q34006 +Q151523 P106 Q4964182 +Q110397 P161 Q359325 +Q955088 P27 Q172579 +Q44517 P20 Q1741 +Q29313 P136 Q471839 +Q123916 P1412 Q150 +Q78484 P27 Q39 +Q43432 P136 Q316930 +Q461104 P106 Q333634 +Q322794 P20 Q23436 +Q96772 P463 Q329464 +Q1093318 P136 Q316930 +Q266228 P106 Q10800557 +Q436131 P108 Q49210 +Q179558 P509 Q12136 +Q333519 P463 Q463303 +Q159 P530 Q96 +Q80137 P101 Q482 +Q65372 P27 Q183 +Q131259 P1303 Q5994 +Q388557 P106 Q10800557 +Q1944655 P1412 Q188 +Q1262590 P106 Q43845 +Q6512 P136 Q35760 +Q597863 P27 Q36 +Q366578 P106 Q639669 +Q303456 P136 Q157443 +Q67535 P27 Q183 +Q103623 P106 Q10798782 +Q294568 P119 Q588 +Q372438 P1303 Q17172850 +Q70215 P1412 Q188 +Q76938 P69 Q152838 +Q232927 P27 Q30 +Q2495947 P106 Q43845 +Q72450 P136 Q859369 +Q215748 P27 Q183 +Q944759 P106 Q28389 +Q721704 P106 Q36180 +Q554209 P1412 Q809 +Q91389 P463 Q338432 +Q76755 P69 Q55044 +Q234595 P1412 Q5287 +Q1072969 P106 Q2259451 +Q329849 P106 Q822146 +Q99706 P106 Q482980 +Q91428 P69 Q156725 +Q107769 P106 Q3455803 +Q521350 P106 Q170790 +Q57554 P101 Q413 +Q265202 P106 Q177220 +Q176909 P106 Q36180 +Q335238 P106 Q15253558 +Q717 P530 Q833 +Q180008 P136 Q369747 +Q322794 P19 Q23436 +Q266228 P19 Q23768 +Q201477 P106 Q4964182 +Q689486 P106 Q82955 +Q77234 P106 Q1622272 +Q103002 P19 Q586 +Q38203 P106 Q16323111 +Q190302 P135 Q7066 +Q83326 P136 Q9730 +Q189080 P136 Q11366 +Q229353 P264 Q935090 +Q153723 P161 Q263178 +Q1010602 P1412 Q652 +Q270638 P27 Q30 +Q505850 P106 Q1114448 +Q128518 P495 Q145 +Q443120 P106 Q3282637 +Q333004 P27 Q145 +Q85295 P102 Q316533 +Q80399 P1412 Q7737 +Q457840 P106 Q2259451 +Q739 P463 Q7809 +Q517 P3373 Q151087 +Q8646 P530 Q928 +Q229364 P27 Q30 +Q111121 P27 Q43287 +Q690974 P106 Q36834 +Q216608 P106 Q488205 +Q225 P530 Q221 +Q161087 P57 Q295463 +Q80437 P840 Q1581 +Q84352 P27 Q40 +Q326114 P136 Q319221 +Q271888 P19 Q18426 +Q508752 P140 Q9268 +Q163747 P106 Q28389 +Q230633 P106 Q177220 +Q118233 P136 Q213156 +Q977 P530 Q928 +Q311755 P106 Q4220892 +Q193744 P106 Q639669 +Q113233 P69 Q309350 +Q14279 P106 Q864503 +Q231345 P106 Q2865819 +Q71548 P27 Q30 +Q705399 P1412 Q1860 +Q387370 P161 Q433403 +Q1601945 P20 Q72 +Q445302 P106 Q2405480 +Q314610 P19 Q11299 +Q298341 P106 Q131524 +Q3182472 P1412 Q1860 +Q174478 P172 Q49085 +Q213195 P101 Q9418 +Q233 P463 Q7825 +Q231019 P106 Q3387717 +Q11877 P106 Q488205 +Q266544 P1303 Q17172850 +Q13298 P17 Q268970 +Q278193 P495 Q30 +Q224 P530 Q215 +Q246722 P1412 Q7737 +Q67449 P27 Q183 +Q34597 P509 Q12192 +Q217619 P106 Q482980 +Q192979 P161 Q472504 +Q211545 P840 Q538 +Q435532 P509 Q12078 +Q310324 P106 Q33999 +Q362559 P27 Q30 +Q7197 P106 Q36180 +Q257217 P106 Q2259451 +Q15615 P1050 Q41571 +Q854 P30 Q48 +Q336520 P102 Q9630 +Q266319 P106 Q10800557 +Q224130 P161 Q4223 +Q181728 P1412 Q9288 +Q444788 P27 Q30 +Q1373347 P106 Q36834 +Q76432 P106 Q3400985 +Q26419 P106 Q1234713 +Q233868 P106 Q2259451 +Q236596 P119 Q533697 +Q920167 P106 Q1415090 +Q251479 P1412 Q1321 +Q3335 P20 Q84 +Q297334 P106 Q33999 +Q176578 P102 Q31113 +Q86105 P1412 Q1860 +Q176163 P463 Q2092629 +Q348170 P1412 Q1321 +Q367927 P102 Q29468 +Q272214 P19 Q485172 +Q158629 P106 Q201788 +Q1343669 P264 Q193023 +Q456903 P463 Q3308284 +Q165524 P106 Q2405480 +Q241263 P69 Q153265 +Q1689414 P1303 Q17172850 +Q196004 P136 Q188473 +Q1356737 P106 Q49757 +Q235 P463 Q81299 +Q1530794 P106 Q43845 +Q68533 P27 Q30 +Q1004670 P108 Q661916 +Q201842 P106 Q33999 +Q47755 P463 Q459620 +Q164933 P161 Q442547 +Q64265 P20 Q2966 +Q98178 P27 Q16957 +Q85715 P108 Q49213 +Q1379164 P1412 Q13955 +Q1389258 P1412 Q9035 +Q7351 P106 Q36180 +Q1897911 P106 Q177220 +Q161678 P495 Q30 +Q931561 P106 Q13235160 +Q557472 P1303 Q17172850 +Q269809 P106 Q2259451 +Q159880 P20 Q1085 +Q294625 P106 Q1930187 +Q230190 P106 Q2259451 +Q53191106 P27 Q25 +Q25163 P27 Q38 +Q153039 P161 Q14747 +Q230320 P641 Q38108 +Q346085 P106 Q33999 +Q963 P530 Q1030 +Q79 P530 Q115 +Q205772 P106 Q36180 +Q183 P530 Q1028 +Q9582 P463 Q468865 +Q57473 P19 Q1492 +Q237821 P108 Q35794 +Q285584 P136 Q471839 +Q298930 P1303 Q46185 +Q952428 P1412 Q1860 +Q188492 P1412 Q1860 +Q2620784 P69 Q432637 +Q347395 P106 Q948329 +Q14045 P136 Q817138 +Q541599 P264 Q231694 +Q84475 P108 Q695599 +Q189042 P27 Q155 +Q853932 P27 Q28 +Q138832 P27 Q172579 +Q114179 P27 Q30 +Q431802 P106 Q333634 +Q704355 P69 Q4614 +Q60045 P69 Q157808 +Q751205 P463 Q338432 +Q2185 P69 Q83259 +Q3074304 P19 Q19660 +Q160163 P19 Q18419 +Q315348 P106 Q49757 +Q1368401 P106 Q639669 +Q708585 P1303 Q46185 +Q920 P106 Q36180 +Q259788 P106 Q753110 +Q549487 P69 Q49088 +Q64991 P463 Q150793 +Q9594 P69 Q174158 +Q207544 P1412 Q1860 +Q92143 P27 Q183 +Q184255 P840 Q65 +Q76363 P101 Q476294 +Q98461 P463 Q18650004 +Q724323 P106 Q1930187 +Q134077 P26 Q4547 +Q123078 P509 Q181754 +Q1049 P530 Q902 +Q884 P530 Q881 +Q1165439 P264 Q202585 +Q669733 P106 Q82955 +Q163225 P1412 Q1860 +Q3589 P161 Q343059 +Q1272729 P1412 Q1860 +Q62766 P106 Q753110 +Q266335 P27 Q30 +Q296843 P106 Q33999 +Q251340 P106 Q10800557 +Q189054 P136 Q2421031 +Q76683 P69 Q55044 +Q837 P530 Q28 +Q42122 P106 Q212980 +Q1394 P106 Q3242115 +Q98812 P19 Q64 +Q110726 P27 Q33946 +Q212145 P161 Q28054 +Q436187 P106 Q5716684 +Q123080 P106 Q6625963 +Q1050 P530 Q183 +Q57775 P140 Q3333484 +Q644917 P106 Q639669 +Q343616 P106 Q2405480 +Q160783 P69 Q153978 +Q29008 P27 Q268970 +Q234695 P136 Q37073 +Q200639 P108 Q216047 +Q171365 P136 Q28026639 +Q37160 P106 Q182436 +Q78926 P119 Q689400 +Q215282 P106 Q1622272 +Q193018 P106 Q28389 +Q232197 P106 Q488205 +Q193871 P108 Q130965 +Q974670 P106 Q639669 +Q323318 P161 Q37175 +Q57106 P106 Q3621491 +Q737486 P106 Q49757 +Q228244 P161 Q125017 +Q319684 P551 Q16869 +Q44426 P106 Q28389 +Q954563 P20 Q90 +Q455236 P1303 Q17172850 +Q307440 P2348 Q6927 +Q127548 P136 Q11399 +Q75696 P509 Q12192 +Q438635 P106 Q639669 +Q2046788 P27 Q15180 +Q1373629 P106 Q183945 +Q30 P463 Q7184 +Q520504 P69 Q308963 +Q167683 P106 Q222344 +Q78885 P27 Q172579 +Q302762 P106 Q33999 +Q87392 P102 Q379922 +Q119935 P509 Q11081 +Q1608224 P264 Q5086379 +Q237030 P20 Q16555 +Q2619019 P102 Q29552 +Q151608 P106 Q1198887 +Q62757 P108 Q152087 +Q540395 P264 Q1392321 +Q191 P463 Q1579424 +Q957575 P69 Q1376987 +Q511471 P102 Q79854 +Q230308 P140 Q288928 +Q235318 P1412 Q5146 +Q705399 P19 Q43199 +Q95026 P102 Q29552 +Q239928 P106 Q82955 +Q312693 P19 Q23154 +Q29572198 P19 Q60 +Q452116 P20 Q99 +Q104398 P27 Q183 +Q165110 P106 Q11499147 +Q314208 P1303 Q17172850 +Q3711 P17 Q191077 +Q158050 P172 Q127885 +Q971447 P106 Q214917 +Q880598 P106 Q177220 +Q217303 P161 Q176945 +Q117783 P106 Q214917 +Q213684 P1412 Q1860 +Q634100 P106 Q822146 +Q483907 P106 Q177220 +Q287805 P106 Q10798782 +Q188526 P106 Q333634 +Q230943 P106 Q177220 +Q276769 P136 Q130232 +Q129119 P136 Q11700058 +Q232993 P161 Q78766 +Q272095 P102 Q29468 +Q600859 P1303 Q6607 +Q40054 P106 Q10798782 +Q192207 P106 Q121594 +Q20 P530 Q974 +Q201579 P106 Q214917 +Q173481 P106 Q4263842 +Q54545 P1412 Q9056 +Q331652 P106 Q639669 +Q274181 P106 Q2259451 +Q28656886 P106 Q3391743 +Q567772 P551 Q3820 +Q188482 P106 Q177220 +Q462447 P161 Q1388769 +Q75220 P69 Q152838 +Q1268 P1412 Q150 +Q370893 P495 Q96 +Q982023 P27 Q142 +Q61597 P20 Q72 +Q320167 P19 Q18419 +Q63441 P106 Q1622272 +Q90815 P463 Q150793 +Q189164 P106 Q177220 +Q818968 P495 Q16 +Q218235 P161 Q193338 +Q501697 P19 Q16554 +Q237420 P1412 Q7976 +Q42247 P106 Q36180 +Q441456 P106 Q212980 +Q4066893 P106 Q901 +Q197935 P172 Q121842 +Q164103 P161 Q242707 +Q299965 P1412 Q1860 +Q1067043 P1303 Q128309 +Q280673 P106 Q1350157 +Q187336 P1412 Q652 +Q276343 P136 Q2484376 +Q6107 P106 Q49757 +Q274143 P106 Q47064 +Q12898 P27 Q30 +Q111182 P69 Q156737 +Q187199 P1412 Q1860 +Q84771 P463 Q329464 +Q220901 P106 Q10800557 +Q265179 P106 Q36834 +Q106740 P27 Q174193 +Q127866 P136 Q1641839 +Q699565 P1412 Q1860 +Q243011 P106 Q1607826 +Q297532 P136 Q482 +Q204398 P840 Q241 +Q10681 P136 Q186472 +Q296609 P106 Q33999 +Q219717 P106 Q33999 +Q313788 P106 Q33999 +Q263696 P106 Q639669 +Q943107 P102 Q29468 +Q192410 P106 Q10800557 +Q60296 P161 Q42869 +Q104154 P106 Q11063 +Q270747 P106 Q33999 +Q95174 P1412 Q188 +Q202735 P551 Q65 +Q5679 P106 Q822146 +Q185507 P136 Q157443 +Q505994 P1303 Q46185 +Q110462 P106 Q10800557 +Q145480 P136 Q11401 +Q159 P463 Q233611 +Q438124 P1303 Q6607 +Q155079 P136 Q37073 +Q454544 P27 Q30 +Q83495 P161 Q193048 +Q66732 P108 Q315658 +Q347461 P106 Q1930187 +Q34296 P106 Q3400985 +Q236303 P106 Q10800557 +Q804348 P264 Q557632 +Q10308228 P136 Q482 +Q554018 P1412 Q150 +Q2599 P1303 Q46185 +Q568256 P172 Q8060 +Q436784 P20 Q1337818 +Q75955 P1412 Q188 +Q261207 P106 Q34074720 +Q14045 P106 Q33231 +Q40482 P27 Q15180 +Q13014 P509 Q12078 +Q90315 P27 Q16957 +Q984644 P106 Q12144794 +Q502417 P108 Q608338 +Q1449438 P106 Q3282637 +Q893664 P102 Q153401 +Q216052 P1412 Q188 +Q176668 P172 Q127885 +Q380484 P69 Q41506 +Q44892 P136 Q170611 +Q256959 P136 Q24925 +Q117147 P19 Q90 +Q213844 P106 Q214917 +Q270692 P106 Q130857 +Q7542 P172 Q49085 +Q33031 P27 Q37024 +Q537999 P106 Q36180 +Q712851 P136 Q492264 +Q126958 P106 Q10798782 +Q98737 P106 Q1622272 +Q738617 P106 Q205375 +Q287572 P69 Q523926 +Q38082 P101 Q36180 +Q61390 P20 Q2833 +Q107816 P106 Q82955 +Q182665 P69 Q230492 +Q91548 P106 Q4853732 +Q160802 P69 Q926749 +Q142974 P27 Q142 +Q231576 P106 Q10800557 +Q323236 P1412 Q652 +Q555993 P106 Q43845 +Q230636 P27 Q145 +Q114169 P106 Q16533 +Q40787 P509 Q216169 +Q106797 P106 Q2722764 +Q213793 P19 Q18426 +Q544915 P27 Q142 +Q1391397 P106 Q1622272 +Q460088 P27 Q30 +Q361257 P106 Q1114448 +Q61322 P106 Q10800557 +Q352935 P27 Q30 +Q240808 P136 Q1641839 +Q158092 P19 Q268 +Q672301 P69 Q28695 +Q731195 P1412 Q1860 +Q204804 P106 Q488205 +Q40933 P119 Q831322 +Q4985 P106 Q49757 +Q312870 P106 Q855091 +Q104081 P106 Q2405480 +Q132506 P1303 Q17172850 +Q545818 P20 Q1085 +Q2477225 P27 Q15180 +Q446586 P1303 Q17172850 +Q263670 P106 Q10798782 +Q256928 P1412 Q150 +Q90009 P19 Q1741 +Q237186 P551 Q65 +Q232417 P106 Q49757 +Q681465 P106 Q177220 +Q361224 P69 Q49116 +Q662406 P1412 Q150 +Q113099 P19 Q64 +Q1739226 P19 Q33935 +Q229606 P69 Q547867 +Q38849 P106 Q1930187 +Q11730 P69 Q165980 +Q126941 P106 Q214917 +Q144622 P1412 Q150 +Q116359 P106 Q3455803 +Q45521 P106 Q33999 +Q47284 P106 Q7042855 +Q38 P530 Q258 +Q503013 P27 Q30 +Q60752 P20 Q60 +Q216870 P1412 Q1860 +Q180004 P264 Q277626 +Q11869 P509 Q183134 +Q266228 P551 Q23768 +Q974221 P172 Q181634 +Q25089 P106 Q245068 +Q375827 P136 Q11399 +Q230454 P106 Q177220 +Q918268 P106 Q4164507 +Q64503 P27 Q183 +Q12688 P1412 Q143 +Q357974 P106 Q36834 +Q64076 P20 Q693653 +Q501 P737 Q317160 +Q79141 P19 Q1741 +Q44412 P737 Q9312 +Q178966 P161 Q320204 +Q75812 P108 Q309948 +Q1166988 P106 Q855091 +Q981971 P106 Q1930187 +Q57337 P106 Q432386 +Q55264 P106 Q3282637 +Q140738 P106 Q947873 +Q311791 P106 Q158852 +Q220078 P106 Q18814623 +Q76432 P463 Q1792159 +Q335807 P136 Q3071 +Q207356 P509 Q181257 +Q124894 P19 Q71 +Q84147 P161 Q167243 +Q202246 P1303 Q17172850 +Q76279 P106 Q482980 +Q215392 P17 Q34 +Q668 P530 Q145 +Q454840 P106 Q49757 +Q42775 P136 Q180268 +Q191132 P106 Q33999 +Q215282 P106 Q482980 +Q213553 P106 Q1238570 +Q1744 P136 Q316930 +Q284017 P27 Q414 +Q154556 P1303 Q8355 +Q347362 P551 Q1454 +Q273887 P106 Q177220 +Q231781 P106 Q482980 +Q214907 P463 Q543804 +Q239357 P106 Q486748 +Q186327 P1303 Q17172850 +Q212498 P27 Q145 +Q75174 P40 Q1064413 +Q218672 P106 Q36180 +Q128121 P136 Q7749 +Q1452648 P1303 Q17172850 +Q1452648 P106 Q753110 +Q95736 P106 Q82955 +Q258183 P106 Q2705098 +Q463832 P161 Q238912 +Q119687 P106 Q11900058 +Q607 P172 Q7325 +Q285483 P106 Q2259451 +Q452219 P27 Q213 +Q241510 P106 Q33999 +Q1040459 P2348 Q6939 +Q290370 P106 Q10798782 +Q295593 P106 Q222749 +Q309690 P106 Q33999 +Q313077 P106 Q1930187 +Q23395 P161 Q380904 +Q101886 P172 Q42884 +Q60128 P136 Q12799318 +Q272214 P106 Q177220 +Q212790 P106 Q10800557 +Q272913 P101 Q207628 +Q312288 P106 Q1930187 +Q983 P17 Q200464 +Q157271 P27 Q183 +Q72804 P69 Q54096 +Q55210 P106 Q33231 +Q465511 P140 Q9592 +Q167265 P161 Q299317 +Q16867 P135 Q37068 +Q315090 P106 Q2259451 +Q825435 P1412 Q188 +Q928 P463 Q17495 +Q134798 P108 Q21578 +Q28147 P1412 Q188 +Q6648722 P27 Q801 +Q31621 P106 Q864503 +Q236351 P551 Q16554 +Q106603 P106 Q1930187 +Q954623 P106 Q10798782 +Q240849 P495 Q16 +Q115541 P106 Q33999 +Q232462 P136 Q186472 +Q249841 P106 Q36834 +Q233894 P106 Q4610556 +Q427917 P1303 Q46185 +Q84412 P106 Q3400985 +Q742284 P509 Q216169 +Q109522 P106 Q2259451 +Q543910 P69 Q41506 +Q78993 P106 Q1622272 +Q1509379 P108 Q34433 +Q1538 P30 Q48 +Q242 P463 Q7785 +Q168962 P1412 Q652 +Q1452648 P509 Q47912 +Q93503 P27 Q40 +Q545423 P106 Q49757 +Q5208 P1412 Q7850 +Q153694 P106 Q15981151 +Q12807 P463 Q338432 +Q62809 P1412 Q7737 +Q115761 P108 Q503473 +Q185510 P106 Q201788 +Q241087 P27 Q38 +Q116022 P140 Q23540 +Q1944655 P106 Q82594 +Q356499 P19 Q84 +Q183239 P161 Q235511 +Q37030 P40 Q77087 +Q94370 P27 Q33946 +Q80405 P102 Q29552 +Q264921 P27 Q34 +Q363379 P27 Q34266 +Q159 P530 Q712 +Q929 P463 Q7159 +Q57242 P136 Q25379 +Q66408 P106 Q970153 +Q189950 P737 Q7200 +Q1282562 P106 Q639669 +Q229286 P509 Q12204 +Q5431220 P106 Q644687 +Q1903090 P106 Q3391743 +Q1495109 P106 Q13582652 +Q311271 P106 Q639669 +Q313283 P19 Q84 +Q9582 P101 Q1328508 +Q339403 P27 Q30 +Q60996 P27 Q183 +Q342419 P106 Q28389 +Q202589 P106 Q2259451 +Q2825252 P19 Q621 +Q1289541 P106 Q639669 +Q325589 P106 Q1930187 +Q971493 P106 Q4263842 +Q709214 P20 Q649 +Q230728 P106 Q5322166 +Q108935 P106 Q10800557 +Q331277 P161 Q234137 +Q106175 P172 Q1075293 +Q17 P530 Q884 +Q108175 P463 Q543804 +Q1642230 P40 Q220918 +Q36 P530 Q37 +Q7243 P172 Q49542 +Q192807 P17 Q193714 +Q224069 P136 Q188473 +Q210792 P27 Q30 +Q354542 P20 Q6346 +Q518576 P463 Q161806 +Q210428 P106 Q488205 +Q309592 P69 Q7894738 +Q2277 P361 Q1747689 +Q4345832 P159 Q656 +Q16397 P101 Q4964182 +Q94370 P106 Q82955 +Q41315 P161 Q320204 +Q182944 P840 Q84 +Q231360 P106 Q9149093 +Q49017 P136 Q9759 +Q4588976 P27 Q20 +Q2579684 P106 Q36180 +Q214 P463 Q458 +Q1334617 P19 Q18419 +Q92760 P101 Q43035 +Q297442 P264 Q1341612 +Q14538 P106 Q36834 +Q181 P27 Q145 +Q168728 P69 Q49116 +Q450296 P106 Q639669 +Q101740 P108 Q49112 +Q77060 P106 Q36834 +Q302484 P106 Q33999 +Q403 P463 Q827525 +Q1225141 P26 Q275185 +Q189400 P106 Q4610556 +Q296883 P106 Q10800557 +Q240851 P69 Q182973 +Q1897911 P19 Q1345 +Q314208 P106 Q177220 +Q329807 P106 Q2405480 +Q157313 P172 Q121842 +Q28234 P136 Q842256 +Q163249 P106 Q4610556 +Q336769 P106 Q205375 +Q138832 P20 Q490 +Q118229 P106 Q47064 +Q253395 P101 Q482 +Q2814 P463 Q747279 +Q107328 P69 Q153978 +Q94653 P69 Q165980 +Q18118088 P3373 Q4218975 +Q468585 P108 Q1702106 +Q61761 P119 Q562211 +Q233566 P106 Q9017214 +Q1666 P1303 Q6607 +Q185548 P136 Q482 +Q96962 P1412 Q1860 +Q182031 P69 Q1145814 +Q215937 P1412 Q7979 +Q456903 P20 Q65 +Q25188 P136 Q130232 +Q174843 P106 Q1028181 +Q318320 P106 Q36180 +Q961981 P1412 Q7913 +Q511046 P106 Q1234713 +Q215949 P108 Q13371 +Q271888 P264 Q4883239 +Q292373 P264 Q1251139 +Q182692 P136 Q130232 +Q61585 P1412 Q188 +Q2447874 P27 Q30 +Q215444 P463 Q463303 +Q229983 P27 Q30 +Q21826 P106 Q169470 +Q112835 P19 Q1721 +Q333411 P106 Q4964182 +Q464941 P1412 Q1860 +Q155 P463 Q4230 +Q1928051 P1303 Q6607 +Q366012 P551 Q138518 +Q81520 P106 Q3578589 +Q92787 P106 Q82594 +Q443292 P106 Q4610556 +Q90822 P106 Q189010 +Q241 P530 Q155 +Q111536 P108 Q15142 +Q539171 P1303 Q17172850 +Q92481 P106 Q1622272 +Q240206 P27 Q159 +Q3048 P463 Q604840 +Q554168 P106 Q2252262 +Q423 P530 Q34 +Q1386793 P106 Q183945 +Q12571 P1412 Q143 +Q485280 P1412 Q1860 +Q1339382 P106 Q3501317 +Q10444417 P27 Q145 +Q162458 P161 Q235351 +Q2066713 P106 Q1028181 +Q357607 P1412 Q1860 +Q86900 P106 Q36180 +Q125904 P19 Q100 +Q150651 P140 Q1069127 +Q1465812 P17 Q30 +Q62559 P1412 Q7913 +Q728169 P509 Q181754 +Q191040 P161 Q370918 +Q332462 P106 Q82955 +Q234128 P106 Q2259451 +Q3933 P17 Q183 +Q192912 P1050 Q131755 +Q62116 P106 Q201788 +Q80 P106 Q82594 +Q46132 P106 Q855091 +Q34211 P1412 Q13955 +Q164396 P463 Q1003730 +Q117500 P106 Q10800557 +Q294321 P641 Q542 +Q180224 P106 Q488205 +Q294586 P19 Q84 +Q981270 P106 Q82955 +Q25191 P106 Q3282637 +Q164328 P106 Q2405480 +Q71905 P106 Q1622272 +Q1362223 P106 Q639669 +Q2831 P3373 Q336222 +Q55207 P101 Q590870 +Q526407 P1412 Q188 +Q28147 P106 Q4853732 +Q76606 P172 Q42884 +Q43293 P106 Q8178443 +Q51583 P69 Q3098911 +Q36 P530 Q408 +Q344153 P69 Q859363 +Q237134 P495 Q30 +Q202508 P161 Q316528 +Q43499 P19 Q34370 +Q190050 P161 Q125904 +Q708078 P102 Q192821 +Q2495947 P19 Q8678 +Q538000 P19 Q172 +Q61520 P106 Q10872101 +Q44414 P106 Q822146 +Q313013 P264 Q193023 +Q544464 P101 Q1328508 +Q25320 P102 Q192821 +Q132952 P106 Q10798782 +Q403 P530 Q96 +Q318503 P106 Q2405480 +Q499028 P106 Q753110 +Q188235 P264 Q64485314 +Q1025 P463 Q47543 +Q337521 P264 Q183387 +Q55468 P27 Q172579 +Q87375 P1412 Q150 +Q152768 P19 Q1486 +Q4590643 P106 Q11513337 +Q936422 P1412 Q7737 +Q348571 P106 Q488205 +Q706332 P1303 Q302497 +Q46405 P106 Q82955 +Q461610 P69 Q4614 +Q84011 P1412 Q1860 +Q239739 P509 Q12202 +Q344179 P136 Q8261 +Q601307 P106 Q214917 +Q439686 P136 Q37073 +Q262791 P106 Q36834 +Q40688 P27 Q41 +Q362824 P19 Q18419 +Q194220 P106 Q10798782 +Q23441 P136 Q8261 +Q204810 P136 Q112983 +Q1452607 P106 Q36834 +Q1777864 P106 Q177220 +Q150767 P463 Q1132636 +Q57426 P102 Q49750 +Q1139388 P106 Q584301 +Q73013 P106 Q1622272 +Q97723 P27 Q183 +Q91587 P106 Q28389 +Q185832 P106 Q36180 +Q257872 P106 Q214917 +Q713443 P106 Q16287483 +Q240324 P106 Q488205 +Q243550 P106 Q81096 +Q72893 P69 Q686522 +Q44221 P69 Q1033692 +Q310098 P106 Q639669 +Q359552 P136 Q37073 +Q4488 P106 Q10800557 +Q20127 P135 Q210115 +Q64577 P106 Q36180 +Q553276 P19 Q60 +Q3241949 P1412 Q150 +Q3134064 P106 Q81096 +Q26058 P264 Q183387 +Q154410 P101 Q482 +Q61453 P106 Q36180 +Q23728 P140 Q7066 +Q213614 P69 Q1059546 +Q210447 P106 Q11481802 +Q43274 P27 Q145 +Q37628 P27 Q30 +Q94071 P19 Q1085 +Q211206 P136 Q1146335 +Q1911440 P1303 Q17172850 +Q1500187 P161 Q153018 +Q16285 P106 Q1930187 +Q162667 P106 Q855091 +Q440007 P69 Q1419737 +Q290197 P106 Q36180 +Q261981 P106 Q36180 +Q64241 P20 Q1726 +Q64176 P69 Q50662 +Q315222 P106 Q15253558 +Q183 P463 Q45177 +Q158997 P106 Q36180 +Q61064 P106 Q1622272 +Q151917 P106 Q82955 +Q357645 P1303 Q52954 +Q726369 P27 Q30 +Q122701 P463 Q83172 +Q172678 P106 Q10798782 +Q257442 P69 Q389336 +Q77327 P106 Q82955 +Q264253 P69 Q80207 +Q37 P530 Q28 +Q36591 P27 Q34266 +Q1443475 P264 Q1757254 +Q85914 P27 Q30 +Q720208 P106 Q753110 +Q82085 P106 Q2526255 +Q314984 P106 Q333634 +Q34166 P1303 Q6607 +Q233474 P19 Q44989 +Q922830 P1303 Q17172850 +Q257752 P106 Q3282637 +Q112880 P106 Q1930187 +Q809003 P106 Q177220 +Q231178 P106 Q15253558 +Q605678 P106 Q82955 +Q90220 P20 Q1479 +Q233541 P106 Q753110 +Q347528 P106 Q486748 +Q129259 P17 Q191077 +Q79078 P20 Q1055 +Q601304 P106 Q6625963 +Q229082 P1303 Q17172850 +Q173978 P106 Q639669 +Q1067812 P20 Q65 +Q79078 P1412 Q188 +Q192022 P57 Q55171 +Q1064413 P106 Q43845 +Q58845 P106 Q2732142 +Q148 P530 Q826 +Q1548904 P264 Q377453 +Q298209 P106 Q488205 +Q50020 P106 Q188094 +Q240324 P19 Q84 +Q458766 P1303 Q128309 +Q1351047 P106 Q2004963 +Q108719 P1412 Q809 +Q75797 P106 Q170790 +Q837 P463 Q827525 +Q1042738 P19 Q1492 +Q463832 P161 Q229325 +Q1687890 P106 Q488205 +Q295803 P106 Q245068 +Q45 P530 Q212 +Q329127 P161 Q294372 +Q597698 P69 Q144488 +Q18154882 P161 Q211280 +Q2395959 P27 Q30 +Q105119 P108 Q700758 +Q849641 P106 Q28389 +Q713058 P641 Q11420 +Q229983 P106 Q18814623 +Q130947 P136 Q213665 +Q2164531 P136 Q9759 +Q15873 P106 Q752129 +Q945633 P106 Q639669 +Q368037 P1412 Q7976 +Q86043 P1412 Q188 +Q377538 P106 Q43845 +Q442512 P136 Q492537 +Q57106 P27 Q43287 +Q162202 P136 Q1298934 +Q544387 P106 Q15981151 +Q75811 P106 Q81096 +Q2218967 P20 Q33935 +Q55208 P106 Q3387717 +Q157246 P17 Q221 +Q544387 P106 Q36834 +Q164804 P136 Q1776156 +Q203460 P108 Q41506 +Q232868 P106 Q33999 +Q40115 P136 Q859369 +Q5977 P106 Q639669 +Q454075 P1303 Q5994 +Q311760 P20 Q34217 +Q774 P463 Q7825 +Q432743 P106 Q33999 +Q59572 P161 Q167498 +Q211213 P1303 Q27939 +Q986622 P106 Q11631 +Q296872 P106 Q36834 +Q75292 P19 Q1022 +Q818048 P136 Q37073 +Q153723 P136 Q130232 +Q77825 P20 Q3806 +Q217 P463 Q5611262 +Q691471 P106 Q82955 +Q966690 P495 Q30 +Q369907 P140 Q483654 +Q228717 P27 Q408 +Q337089 P136 Q11399 +Q69395 P19 Q3920 +Q60477 P27 Q183 +Q5912 P106 Q3391743 +Q1325743 P106 Q584301 +Q104049 P136 Q21590660 +Q344454 P1412 Q150 +Q1151944 P106 Q3282637 +Q49001 P108 Q740308 +Q236606 P69 Q180865 +Q1141280 P264 Q190585 +Q426582 P172 Q7325 +Q377638 P26 Q214475 +Q8646 P530 Q16 +Q39803 P551 Q90 +Q233736 P136 Q37073 +Q587004 P1412 Q13955 +Q221384 P136 Q369747 +Q4157585 P463 Q83172 +Q312258 P119 Q272208 +Q164060 P101 Q207628 +Q144664 P106 Q16145150 +Q427091 P161 Q391536 +Q310618 P106 Q2722764 +Q61769 P551 Q183 +Q442854 P509 Q128581 +Q38670 P106 Q1930187 +Q754 P463 Q7809 +Q67553 P19 Q64 +Q215556 P106 Q16145150 +Q762361 P106 Q82955 +Q235364 P27 Q794 +Q7313843 P172 Q49085 +Q243639 P106 Q2252262 +Q276332 P27 Q17 +Q47667 P463 Q337266 +Q64173 P840 Q60 +Q663858 P106 Q1622272 +Q192069 P1050 Q11081 +Q238800 P1412 Q9027 +Q76593 P108 Q204181 +Q1370974 P509 Q4651894 +Q48337 P136 Q21590660 +Q221102 P136 Q200092 +Q128708 P20 Q172 +Q35385 P106 Q5716684 +Q3821445 P108 Q217365 +Q201924 P161 Q41148 +Q161687 P161 Q203545 +Q14277 P463 Q329464 +Q347832 P108 Q194223 +Q2623752 P101 Q309 +Q428493 P106 Q753110 +Q563057 P106 Q177220 +Q462466 P495 Q183 +Q113909 P106 Q2526255 +Q57309 P19 Q64 +Q215300 P106 Q36834 +Q934820 P106 Q189290 +Q64014 P106 Q639669 +Q362353 P106 Q177220 +Q17455 P106 Q205375 +Q359026 P106 Q33999 +Q61585 P27 Q16957 +Q244876 P840 Q869 +Q196103 P840 Q38 +Q553959 P69 Q27923720 +Q12807 P20 Q490 +Q443065 P19 Q16555 +Q577508 P106 Q1607826 +Q16473 P69 Q174710 +Q287607 P69 Q7864046 +Q350700 P106 Q36834 +Q246296 P1412 Q809 +Q180214 P136 Q590103 +Q108935 P26 Q117392 +Q356129 P1303 Q128309 +Q443030 P509 Q12202 +Q217008 P161 Q189694 +Q221 P530 Q30 +Q94370 P20 Q1711 +Q1157870 P136 Q83440 +Q319523 P101 Q876864 +Q75889 P106 Q49757 +Q238866 P840 Q1391 +Q78983 P119 Q240744 +Q551421 P20 Q192807 +Q272031 P106 Q855091 +Q37610 P69 Q144488 +Q184750 P106 Q82955 +Q60363 P1412 Q188 +Q61318 P108 Q152838 +Q2657741 P106 Q201788 +Q465640 P106 Q2526255 +Q236 P530 Q215 +Q172466 P106 Q169470 +Q76749 P106 Q1397808 +Q67169 P1412 Q188 +Q61130 P106 Q81096 +Q447015 P119 Q1514332 +Q164804 P136 Q2137852 +Q2825252 P1412 Q1860 +Q490464 P161 Q133050 +Q58051 P102 Q7320 +Q200509 P19 Q546 +Q359521 P106 Q488205 +Q132899 P140 Q7066 +Q57426 P463 Q15646111 +Q192207 P106 Q212238 +Q425821 P1303 Q133163 +Q392924 P161 Q555226 +Q231815 P106 Q10800557 +Q471751 P509 Q12078 +Q60547 P20 Q61 +Q976090 P106 Q639669 +Q84238 P27 Q30 +Q500546 P136 Q492537 +Q152843 P106 Q10800557 +Q57735 P106 Q82955 +Q706417 P509 Q202837 +Q771229 P463 Q123885 +Q15909 P27 Q83286 +Q309980 P106 Q10798782 +Q1931736 P19 Q580 +Q154325 P106 Q1622272 +Q43044 P26 Q2680 +Q69339 P106 Q4853732 +Q924053 P102 Q537303 +Q106602 P102 Q7320 +Q328042 P69 Q152087 +Q174210 P737 Q9364 +Q78205 P19 Q1017 +Q958 P530 Q159 +Q5816 P1412 Q9192 +Q60869 P106 Q214917 +Q729115 P106 Q82955 +Q55210 P20 Q90 +Q597698 P106 Q15627169 +Q76686 P27 Q183 +Q41488 P108 Q13371 +Q66709 P40 Q975210 +Q191037 P106 Q2526255 +Q78644 P27 Q40 +Q311358 P27 Q30 +Q229975 P106 Q2405480 +Q312833 P509 Q11085 +Q183848 P551 Q11194 +Q244975 P161 Q171905 +Q668 P530 Q219060 +Q65917 P119 Q1497554 +Q853 P106 Q10800557 +Q229477 P106 Q3282637 +Q75089 P1412 Q188 +Q725964 P27 Q30 +Q74513 P101 Q207628 +Q81819 P106 Q10800557 +Q355009 P264 Q726251 +Q57281 P106 Q49757 +Q269869 P106 Q28389 +Q4137 P69 Q13164 +Q169038 P108 Q13164 +Q952428 P106 Q1415090 +Q708158 P264 Q1998195 +Q863 P463 Q81299 +Q173869 P172 Q42406 +Q220308 P106 Q33999 +Q184750 P737 Q60070 +Q30 P530 Q1008 +Q256928 P1412 Q1860 +Q299700 P69 Q995265 +Q982314 P106 Q753110 +Q772494 P17 Q30 +Q104049 P1412 Q1860 +Q102711 P106 Q11569986 +Q309640 P106 Q2405480 +Q515845 P106 Q333634 +Q28 P463 Q8475 +Q42786 P27 Q145 +Q26378 P106 Q10800557 +Q83495 P161 Q206890 +Q152880 P140 Q7066 +Q306403 P69 Q5149905 +Q225 P530 Q843 +Q214227 P106 Q177220 +Q551390 P20 Q801 +Q207359 P737 Q9061 +Q67054 P69 Q32120 +Q243837 P1303 Q8355 +Q92341 P463 Q463303 +Q453472 P106 Q1028181 +Q271696 P106 Q33999 +Q72867 P106 Q2095549 +Q46706 P27 Q218 +Q515845 P106 Q1930187 +Q165706 P69 Q215539 +Q967846 P1412 Q652 +Q1195390 P106 Q55960555 +Q329448 P161 Q229228 +Q193052 P106 Q3665646 +Q314957 P27 Q142 +Q287748 P136 Q19367312 +Q596717 P106 Q245068 +Q224187 P161 Q41422 +Q512741 P172 Q678551 +Q2252 P106 Q618694 +Q66880 P106 Q4964182 +Q96 P530 Q924 +Q266676 P136 Q851213 +Q161687 P161 Q235572 +Q372278 P264 Q843402 +Q101797 P106 Q33999 +Q129259 P17 Q37024 +Q59346 P136 Q2137852 +Q319996 P27 Q30 +Q139602 P106 Q28389 +Q146673 P136 Q130232 +Q313525 P106 Q806349 +Q78038 P106 Q36180 +Q2185 P106 Q806798 +Q74441 P19 Q586 +Q183567 P106 Q18805 +Q192185 P264 Q183387 +Q239533 P106 Q639669 +Q76893 P19 Q2814 +Q212804 P161 Q261104 +Q32433 P57 Q8877 +Q10959 P27 Q30 +Q48042 P69 Q1934911 +Q253607 P1412 Q1860 +Q379808 P69 Q389336 +Q238296 P840 Q62 +Q510114 P106 Q864380 +Q128911 P106 Q2095549 +Q8814 P463 Q329464 +Q63667 P101 Q128758 +Q49683 P530 Q1649871 +Q57085 P69 Q49210 +Q76554 P106 Q1234713 +Q14537 P27 Q30 +Q123870 P1303 Q17172850 +Q443813 P136 Q11399 +Q256928 P106 Q81096 +Q283317 P26 Q182991 +Q230501 P106 Q4610556 +Q187423 P161 Q152824 +Q123565 P19 Q71 +Q5673 P106 Q1930187 +Q1237649 P69 Q1420239 +Q76215 P20 Q1726 +Q78012 P101 Q482 +Q233832 P509 Q12136 +Q229251 P106 Q2259451 +Q223887 P495 Q30 +Q74636 P136 Q1200678 +Q193048 P106 Q28389 +Q263024 P106 Q639669 +Q445463 P1303 Q17172850 +Q114605 P108 Q34433 +Q58978 P172 Q7325 +Q189015 P106 Q36834 +Q1277181 P106 Q16145150 +Q96843 P106 Q2259451 +Q95901 P1412 Q188 +Q202420 P106 Q11774202 +Q229784 P3373 Q220584 +Q105941 P106 Q10800557 +Q1079105 P106 Q855091 +Q192410 P264 Q202585 +Q1044415 P1303 Q6607 +Q76823 P27 Q145 +Q235617 P101 Q33999 +Q1779 P106 Q2914170 +Q237602 P27 Q145 +Q1266083 P106 Q183945 +Q40074 P136 Q1146335 +Q455236 P106 Q855091 +Q630446 P108 Q1797768 +Q161841 P69 Q81162 +Q5369090 P106 Q1622272 +Q6246180 P106 Q3391743 +Q179680 P106 Q214917 +Q286074 P106 Q81096 +Q230943 P27 Q30 +Q640292 P27 Q38 +Q111323 P106 Q333634 +Q467103 P1303 Q17172850 +Q710619 P463 Q270794 +Q436693 P20 Q84 +Q171758 P106 Q10798782 +Q706560 P1412 Q9027 +Q304030 P161 Q40523 +Q344758 P108 Q126399 +Q218022 P106 Q222344 +Q710026 P1412 Q652 +Q268294 P106 Q4610556 +Q354394 P106 Q14467526 +Q355209 P106 Q33999 +Q928281 P27 Q30 +Q438106 P1303 Q17172850 +Q173347 P106 Q170790 +Q68476 P509 Q152234 +Q331711 P106 Q33999 +Q310347 P27 Q15180 +Q234015 P106 Q10800557 +Q16400 P106 Q15980158 +Q115541 P69 Q49210 +Q135139 P463 Q191583 +Q215120 P106 Q639669 +Q5928 P172 Q49085 +Q68171 P69 Q154804 +Q538901 P106 Q488205 +Q184768 P161 Q108622 +Q778716 P106 Q49757 +Q22316 P69 Q49112 +Q286566 P27 Q142 +Q325648 P161 Q63682 +Q65394 P108 Q273263 +Q7439 P106 Q81096 +Q91827 P106 Q1622272 +Q707008 P264 Q1194456 +Q49328 P106 Q82955 +Q84393 P27 Q40 +Q574124 P106 Q11631 +Q12957 P463 Q337543 +Q34166 P1412 Q1860 +Q286642 P136 Q83440 +Q1286993 P136 Q11399 +Q231256 P140 Q9592 +Q34460 P1303 Q17172850 +Q717 P530 Q183 +Q4024 P17 Q41304 +Q70523 P20 Q4100 +Q309246 P495 Q183 +Q182123 P106 Q36180 +Q48226 P106 Q36180 +Q91544 P19 Q365 +Q90709 P20 Q1726 +Q381884 P1303 Q5994 +Q207873 P1303 Q17172850 +Q331896 P20 Q406 +Q897275 P106 Q1930187 +Q972641 P20 Q60 +Q2946731 P69 Q13371 +Q239296 P161 Q236010 +Q232 P463 Q188822 +Q149557 P27 Q30 +Q177984 P106 Q9648008 +Q812105 P106 Q11900058 +Q214677 P106 Q12406482 +Q962 P463 Q1043527 +Q242796 P106 Q36180 +Q12881 P19 Q8678 +Q55369 P106 Q1231865 +Q34836 P102 Q29468 +Q266578 P136 Q37073 +Q55 P530 Q17 +Q313256 P106 Q8178443 +Q86602 P106 Q20198542 +Q2159912 P172 Q7325 +Q869 P463 Q376150 +Q316857 P1412 Q1860 +Q57393 P69 Q54096 +Q460366 P136 Q858330 +Q235515 P1303 Q6607 +Q294931 P106 Q2516866 +Q436664 P106 Q1930187 +Q94882 P27 Q142 +Q60549 P69 Q161976 +Q1315512 P106 Q753110 +Q510653 P106 Q8246794 +Q333873 P20 Q649 +Q380407 P106 Q639669 +Q387601 P495 Q30 +Q87293 P69 Q165980 +Q490114 P69 Q193727 +Q77327 P463 Q150793 +Q380531 P20 Q23768 +Q1528185 P106 Q15895020 +Q446504 P27 Q38 +Q340814 P136 Q1339864 +Q268294 P27 Q30 +Q151164 P463 Q30907154 +Q192279 P20 Q649 +Q2754 P172 Q170217 +Q369292 P106 Q2405480 +Q207969 P40 Q228598 +Q18430 P101 Q8134 +Q102341 P1412 Q1860 +Q220980 P106 Q6625963 +Q180619 P463 Q270794 +Q11813 P463 Q466089 +Q395494 P106 Q33999 +Q77312 P106 Q1930187 +Q241503 P106 Q49757 +Q2986943 P26 Q10648 +Q573299 P106 Q482980 +Q366907 P172 Q84072 +Q185122 P106 Q33999 +Q4347990 P27 Q15180 +Q313758 P106 Q1930187 +Q202386 P119 Q311 +Q34660 P737 Q131333 +Q251144 P1303 Q128309 +Q242300 P106 Q3357567 +Q215949 P106 Q188094 +Q1260 P140 Q1841 +Q827047 P172 Q201111 +Q25023 P119 Q7186324 +Q334763 P57 Q103917 +Q372215 P69 Q1033692 +Q14536 P106 Q1930187 +Q1560662 P136 Q11399 +Q163872 P136 Q2421031 +Q53068 P106 Q36834 +Q122701 P463 Q329464 +Q254603 P106 Q2259451 +Q780538 P20 Q1781 +Q538716 P106 Q639669 +Q312294 P19 Q65 +Q22665 P106 Q6625963 +Q937 P551 Q138518 +Q215530 P30 Q46 +Q74795 P1412 Q188 +Q440551 P106 Q183945 +Q60389 P106 Q1622272 +Q377 P106 Q214917 +Q166159 P106 Q10798782 +Q93181 P102 Q187009 +Q37767 P737 Q179126 +Q4286203 P27 Q212 +Q213430 P106 Q2722764 +Q35648 P19 Q43196 +Q538379 P106 Q49757 +Q438213 P69 Q273626 +Q188459 P106 Q2526255 +Q357624 P106 Q2526255 +Q95777 P106 Q82955 +Q57688 P19 Q1726 +Q26318 P106 Q512314 +Q240250 P509 Q152234 +Q229286 P140 Q101849 +Q70849 P20 Q64 +Q470193 P106 Q15895020 +Q1333939 P1303 Q6607 +Q378870 P106 Q193391 +Q55388 P106 Q1930187 +Q11734 P27 Q40 +Q959875 P106 Q1930187 +Q470931 P106 Q9334029 +Q408 P172 Q50001 +Q106942 P106 Q10798782 +Q109943 P1412 Q188 +Q229379 P264 Q202440 +Q352914 P463 Q4345832 +Q68225 P69 Q154804 +Q471542 P26 Q36881 +Q201810 P1412 Q150 +Q117913 P106 Q36180 +Q1329421 P27 Q30 +Q982546 P106 Q639669 +Q467231 P106 Q1930187 +Q90269 P106 Q201788 +Q1151 P20 Q90 +Q273022 P106 Q15981151 +Q4715 P106 Q39631 +Q61682 P463 Q723551 +Q189758 P172 Q49085 +Q110043 P161 Q445124 +Q350581 P106 Q33999 +Q314841 P106 Q28389 +Q594272 P20 Q60 +Q1770 P17 Q34 +Q901303 P106 Q639669 +Q49001 P106 Q3282637 +Q330612 P840 Q21 +Q41513 P1412 Q1860 +Q1398834 P1303 Q5994 +Q435347 P509 Q12136 +Q96532 P463 Q414379 +Q70802 P30 Q46 +Q540192 P509 Q12078 +Q184622 P106 Q482980 +Q109135 P161 Q230383 +Q184933 P106 Q8178443 +Q708506 P106 Q10798782 +Q201924 P840 Q99 +Q598050 P106 Q482980 +Q299595 P106 Q82955 +Q343477 P27 Q31 +Q62904 P551 Q584451 +Q363763 P136 Q8341 +Q317397 P106 Q16145150 +Q208590 P106 Q10800557 +Q29 P530 Q217 +Q273978 P136 Q319221 +Q233295 P101 Q207628 +Q39999 P161 Q181900 +Q48868 P69 Q174158 +Q661452 P106 Q214917 +Q4590643 P1412 Q9043 +Q1036 P463 Q5611262 +Q1347483 P1303 Q17172850 +Q16 P530 Q1030 +Q380252 P27 Q15180 +Q262838 P106 Q488205 +Q122020 P136 Q484641 +Q370560 P264 Q202440 +Q287329 P106 Q639669 +Q76512 P20 Q1726 +Q463877 P19 Q16557 +Q91162 P108 Q156737 +Q188235 P1303 Q17172850 +Q85700 P27 Q183 +Q157324 P463 Q337543 +Q129601 P136 Q52162262 +Q458559 P106 Q82955 +Q4024 P17 Q7318 +Q50861 P2283 Q568723 +Q92849 P106 Q1622272 +Q1624891 P106 Q3282637 +Q120406 P106 Q10798782 +Q1356737 P136 Q9759 +Q953768 P106 Q639669 +Q71410 P106 Q34074720 +Q228494 P106 Q36180 +Q1608224 P106 Q806349 +Q310394 P106 Q2059704 +Q49080 P106 Q333634 +Q123225 P463 Q191583 +Q1909258 P1303 Q17172850 +Q215 P463 Q17495 +Q2680 P551 Q65 +Q1041749 P1303 Q6607 +Q158092 P108 Q503424 +Q375290 P106 Q33999 +Q229187 P106 Q2405480 +Q192165 P19 Q62 +Q52627 P509 Q12078 +Q115010 P106 Q177220 +Q553543 P27 Q30 +Q214063 P106 Q36834 +Q358306 P19 Q485176 +Q276407 P161 Q229241 +Q212015 P136 Q1062400 +Q219622 P463 Q161806 +Q232260 P106 Q82955 +Q2619019 P551 Q65 +Q157245 P106 Q188094 +Q47899 P136 Q37073 +Q726071 P136 Q217191 +Q392 P106 Q855091 +Q68325 P106 Q36180 +Q117012 P1412 Q5287 +Q63456 P106 Q36180 +Q36322 P106 Q36180 +Q188411 P101 Q5891 +Q558838 P19 Q649 +Q77980 P27 Q183 +Q1203 P140 Q7066 +Q57285 P106 Q158852 +Q97676 P108 Q315658 +Q220698 P106 Q28389 +Q207824 P106 Q17125263 +Q151972 P106 Q4610556 +Q398 P530 Q403 +Q208344 P161 Q295148 +Q105543 P1412 Q1860 +Q379400 P1412 Q8785 +Q153730 P27 Q30 +Q25 P17 Q161885 +Q75823 P106 Q82955 +Q965301 P136 Q9730 +Q268905 P495 Q27 +Q240772 P106 Q188094 +Q53012 P106 Q10800557 +Q549233 P106 Q10800557 +Q1017117 P1303 Q52954 +Q636637 P106 Q482980 +Q157293 P1303 Q17172850 +Q213662 P69 Q152838 +Q67637 P509 Q12078 +Q80959 P136 Q3990883 +Q463581 P106 Q11063 +Q917 P463 Q827525 +Q1039 P530 Q45 +Q28147 P106 Q36180 +Q189186 P509 Q11085 +Q287572 P26 Q269927 +Q51495 P1412 Q150 +Q144669 P509 Q12202 +Q76554 P27 Q183 +Q317142 P106 Q28389 +Q463581 P1412 Q1860 +Q159169 P27 Q668 +Q95663 P108 Q310695 +Q232458 P264 Q796316 +Q204132 P1303 Q78987 +Q579773 P1412 Q150 +Q182589 P106 Q42973 +Q54545 P641 Q847 +Q1124849 P17 Q30 +Q379923 P106 Q4964182 +Q217557 P106 Q1622272 +Q186630 P1412 Q1321 +Q193573 P57 Q250545 +Q56008 P106 Q266569 +Q314569 P106 Q10798782 +Q3830446 P136 Q49757 +Q20 P530 Q851 +Q221 P463 Q8475 +Q359251 P509 Q12078 +Q4416818 P27 Q139319 +Q103955 P102 Q694299 +Q98062 P69 Q165980 +Q79102 P106 Q33999 +Q2831 P3373 Q217427 +Q80135 P106 Q36834 +Q444088 P101 Q166542 +Q1051531 P106 Q4610556 +Q70396 P106 Q8178443 +Q1509379 P1303 Q46185 +Q188137 P106 Q2526255 +Q60677 P106 Q81096 +Q463265 P106 Q322170 +Q275900 P106 Q1198887 +Q43 P530 Q711 +Q200228 P737 Q882 +Q120563 P106 Q17489339 +Q62437 P106 Q13235160 +Q41117 P737 Q9061 +Q704355 P69 Q3428253 +Q314945 P106 Q245068 +Q86943 P106 Q82955 +Q213684 P1412 Q1321 +Q109943 P69 Q156725 +Q59630 P641 Q11420 +Q337078 P840 Q65 +Q172388 P27 Q889 +Q445306 P106 Q81096 +Q302762 P136 Q37073 +Q157623 P172 Q49542 +Q5142859 P17 Q96 +Q358356 P106 Q2526255 +Q38 P530 Q227 +Q5928 P1303 Q6607 +Q34836 P140 Q178169 +Q49601 P463 Q459620 +Q122020 P3373 Q229038 +Q72541 P106 Q36180 +Q57123 P106 Q47064 +Q456921 P140 Q33203 +Q123097 P840 Q60 +Q105026 P1412 Q1321 +Q310357 P264 Q1644016 +Q813 P463 Q191384 +Q231713 P264 Q4413456 +Q506379 P106 Q1350157 +Q321378 P20 Q60 +Q213 P530 Q38 +Q115901 P19 Q78 +Q315737 P106 Q15895020 +Q264748 P69 Q49210 +Q220780 P57 Q41148 +Q155700 P136 Q11401 +Q75612 P20 Q8652 +Q44331 P509 Q12202 +Q598344 P106 Q2259451 +Q57124 P27 Q183 +Q4149437 P172 Q79797 +Q373421 P106 Q43845 +Q702468 P106 Q201788 +Q1891 P17 Q12548 +Q1352222 P69 Q49112 +Q65619 P108 Q165980 +Q81244 P69 Q35794 +Q191100 P161 Q706117 +Q35 P530 Q865 +Q211322 P19 Q39121 +Q154691 P509 Q389735 +Q965 P463 Q7825 +Q14747 P106 Q10798782 +Q381751 P161 Q229176 +Q7604 P101 Q41217 +Q275876 P102 Q29552 +Q46633 P737 Q7259 +Q44839 P1412 Q188 +Q92604 P463 Q337234 +Q82104 P20 Q29303 +Q268160 P264 Q778673 +Q120342 P1412 Q1860 +Q103767 P172 Q49085 +Q241941 P136 Q496523 +Q507809 P106 Q1642960 +Q1065956 P737 Q13003 +Q97136 P1412 Q188 +Q294531 P136 Q217191 +Q221491 P161 Q201279 +Q205707 P106 Q177220 +Q232708 P106 Q10798782 +Q68036 P106 Q18814623 +Q214014 P161 Q37175 +Q3298815 P106 Q183945 +Q373034 P106 Q28389 +Q1004670 P106 Q182436 +Q2772878 P19 Q18013 +Q169076 P106 Q1231865 +Q282041 P161 Q56008 +Q30 P361 Q49 +Q725516 P1303 Q6607 +Q201221 P106 Q82955 +Q246711 P136 Q200092 +Q1028859 P27 Q145 +Q71447 P106 Q49757 +Q255267 P1412 Q150 +Q465937 P1412 Q1412 +Q269462 P264 Q183387 +Q77745 P106 Q49757 +Q299723 P106 Q205375 +Q107432 P551 Q816 +Q93853 P161 Q178552 +Q63228 P27 Q183 +Q7711132 P161 Q171567 +Q271846 P106 Q2259451 +Q1736382 P27 Q801 +Q559844 P106 Q183945 +Q366195 P27 Q30 +Q975491 P106 Q49757 +Q782711 P106 Q36180 +Q274936 P27 Q142 +Q77024 P20 Q65 +Q457727 P1303 Q8338 +Q153018 P509 Q12192 +Q1382863 P106 Q177220 +Q372215 P106 Q169470 +Q160456 P27 Q30 +Q61194 P27 Q16957 +Q47210 P106 Q81096 +Q3384965 P463 Q188771 +Q78119 P1412 Q188 +Q1057893 P106 Q10798782 +Q229430 P1303 Q17172850 +Q323653 P27 Q30 +Q348533 P106 Q131524 +Q2272369 P69 Q273626 +Q243550 P509 Q181754 +Q48868 P27 Q142 +Q713301 P1303 Q5994 +Q165824 P1412 Q188 +Q60072 P161 Q266520 +Q60777 P108 Q985 +Q96556 P19 Q2119 +Q271690 P161 Q231595 +Q630454 P27 Q30 +Q58057 P463 Q18650004 +Q305909 P136 Q49084 +Q281962 P19 Q23436 +Q671665 P19 Q23556 +Q1344392 P463 Q127992 +Q104154 P101 Q333 +Q25948 P27 Q34266 +Q947519 P106 Q4853732 +Q212730 P106 Q14467526 +Q178100 P106 Q214917 +Q430911 P1303 Q17172850 +Q236056 P1303 Q17172850 +Q562402 P106 Q49757 +Q11815 P106 Q131512 +Q477461 P106 Q822146 +Q156058 P463 Q463281 +Q202144 P106 Q36180 +Q358356 P106 Q36180 +Q186485 P19 Q60 +Q143945 P451 Q123476 +Q70372 P19 Q1055 +Q76641 P463 Q265058 +Q66992 P1412 Q188 +Q70849 P106 Q36180 +Q281034 P1303 Q5994 +Q106057 P1303 Q17172850 +Q87402 P106 Q1622272 +Q262772 P27 Q145 +Q54314 P106 Q33999 +Q299700 P106 Q10800557 +Q75797 P27 Q183 +Q43287 P37 Q188 +Q99452 P106 Q201788 +Q348497 P1412 Q7737 +Q345212 P106 Q10798782 +Q152531 P161 Q381768 +Q317152 P119 Q311 +Q265252 P136 Q613408 +Q1336479 P106 Q158852 +Q169011 P106 Q81096 +Q230209 P106 Q488205 +Q76837 P106 Q82955 +Q232470 P101 Q184485 +Q146605 P161 Q42869 +Q208909 P136 Q8341 +Q8201431 P20 Q2807 +Q557 P1303 Q8343 +Q6123726 P106 Q15296811 +Q350666 P509 Q12152 +Q215488 P27 Q30 +Q47478 P140 Q9089 +Q236318 P27 Q30 +Q76820 P27 Q30 +Q260548 P161 Q313043 +Q605534 P106 Q1930187 +Q57169 P102 Q7320 +Q981971 P106 Q1792450 +Q273903 P106 Q639669 +Q584632 P27 Q38 +Q156552 P509 Q128581 +Q1232794 P136 Q21590660 +Q2841 P37 Q1321 +Q162554 P106 Q33999 +Q208048 P57 Q2263 +Q4263286 P27 Q159 +Q270441 P106 Q177220 +Q192762 P106 Q2526255 +Q454200 P102 Q29468 +Q213642 P108 Q13371 +Q229325 P106 Q2405480 +Q201819 P136 Q471839 +Q31215 P20 Q3711 +Q4235815 P27 Q159 +Q312173 P264 Q847018 +Q311892 P136 Q21010853 +Q930197 P69 Q49088 +Q7604 P106 Q1622272 +Q15001 P106 Q214917 +Q901134 P106 Q81096 +Q1446475 P509 Q188605 +Q215866 P106 Q36180 +Q60586 P1412 Q188 +Q6969 P1412 Q188 +Q3132658 P20 Q3130 +Q60996 P106 Q10798782 +Q440609 P172 Q121842 +Q115210 P136 Q471839 +Q399 P463 Q380340 +Q2440716 P106 Q28389 +Q444509 P27 Q172579 +Q884143 P106 Q639669 +Q318390 P106 Q214917 +Q217033 P106 Q10798782 +Q1560662 P106 Q183945 +Q44273 P19 Q5092 +Q233736 P264 Q231694 +Q233739 P19 Q8684 +Q207596 P106 Q3578589 +Q1359039 P136 Q11401 +Q982047 P106 Q201788 +Q83059 P106 Q36180 +Q445386 P106 Q33999 +Q976283 P106 Q482980 +Q8873 P140 Q9089 +Q2843357 P106 Q39631 +Q316709 P106 Q10800557 +Q154338 P106 Q81096 +Q127897 P161 Q267386 +Q9327 P135 Q667661 +Q230 P530 Q228 +Q68533 P106 Q169470 +Q93147 P106 Q82594 +Q526406 P264 Q183387 +Q339358 P106 Q10798782 +Q49452 P27 Q142 +Q1361304 P27 Q37 +Q192160 P840 Q29 +Q707446 P19 Q3130 +Q204725 P161 Q190998 +Q149499 P106 Q36180 +Q36843 P27 Q41304 +Q261759 P840 Q60 +Q43 P530 Q36 +Q525180 P463 Q320642 +Q38 P530 Q230 +Q383173 P161 Q1187592 +Q254038 P463 Q3308284 +Q91470 P69 Q152171 +Q660237 P161 Q971782 +Q55198 P136 Q180902 +Q229449 P27 Q83286 +Q908 P17 Q2305208 +Q73646 P106 Q36180 +Q19242 P106 Q11631 +Q7241 P69 Q193196 +Q151917 P140 Q59778 +Q390299 P161 Q36949 +Q1660599 P161 Q55796 +Q215120 P509 Q476921 +Q86289 P19 Q1085 +Q187166 P509 Q188874 +Q1388990 P19 Q1335 +Q434669 P106 Q36180 +Q247526 P27 Q155 +Q148 P530 Q298 +Q190628 P27 Q30 +Q710121 P20 Q65 +Q427917 P106 Q639669 +Q242 P463 Q7809 +Q213595 P119 Q311 +Q103157 P106 Q33999 +Q354542 P106 Q183945 +Q1700315 P27 Q30 +Q79 P463 Q1043527 +Q298930 P136 Q11399 +Q180019 P106 Q9648008 +Q312693 P106 Q36834 +Q445122 P495 Q30 +Q55456 P106 Q10800557 +Q462356 P509 Q47912 +Q677367 P106 Q36180 +Q96248 P20 Q1726 +Q544915 P106 Q10872101 +Q193710 P264 Q43327 +Q695886 P106 Q43845 +Q156058 P106 Q82955 +Q7200 P737 Q5679 +Q712860 P106 Q36834 +Q93166 P19 Q14960 +Q122003 P1412 Q5146 +Q289212 P1303 Q17172850 +Q77177 P106 Q158852 +Q185002 P69 Q916444 +Q168468 P463 Q191583 +Q265202 P119 Q1302545 +Q435780 P264 Q193023 +Q91384 P106 Q36180 +Q375827 P106 Q855091 +Q441267 P106 Q10800557 +Q312969 P101 Q15895020 +Q92604 P106 Q81096 +Q337614 P106 Q1930187 +Q157176 P27 Q34266 +Q348678 P161 Q267685 +Q190628 P20 Q16555 +Q344179 P27 Q142 +Q203519 P106 Q28389 +Q123565 P463 Q329464 +Q194896 P69 Q805285 +Q135867 P136 Q959790 +Q317967 P106 Q49757 +Q106443 P20 Q90 +Q90269 P119 Q438199 +Q50020 P106 Q36180 +Q430911 P106 Q713200 +Q213632 P20 Q43196 +Q71650 P136 Q21010853 +Q266640 P264 Q557632 +Q210428 P106 Q36834 +Q442897 P27 Q408 +Q736 P530 Q96 +Q30875 P136 Q699 +Q229 P530 Q148 +Q76727 P140 Q1841 +Q960376 P27 Q30 +Q1173676 P106 Q2374149 +Q114 P530 Q884 +Q37150 P69 Q130965 +Q502963 P106 Q43845 +Q61055 P27 Q183 +Q391542 P136 Q1054574 +Q201927 P136 Q37073 +Q40187 P161 Q130742 +Q731958 P106 Q639669 +Q309246 P495 Q30 +Q138005 P106 Q10800557 +Q107405 P463 Q123885 +Q208546 P106 Q36180 +Q240851 P106 Q333634 +Q323236 P27 Q38 +Q95949 P106 Q1622272 +Q1269512 P106 Q158852 +Q55421 P106 Q7042855 +Q264774 P1303 Q17172850 +Q1646 P69 Q209842 +Q110278 P495 Q30 +Q58978 P551 Q3033 +Q229056 P264 Q2164531 +Q205473 P136 Q211756 +Q488288 P106 Q1930187 +Q317311 P840 Q90 +Q229389 P19 Q8684 +Q63078 P1412 Q188 +Q367234 P27 Q36 +Q54351 P136 Q37073 +Q272069 P19 Q84 +Q72137 P1412 Q188 +Q77107 P69 Q149481 +Q185071 P136 Q130232 +Q70300 P509 Q12078 +Q25161 P106 Q36180 +Q636 P1303 Q17172850 +Q166234 P27 Q4948 +Q822 P530 Q159 +Q835 P106 Q864380 +Q61244 P1412 Q1860 +Q20 P530 Q458 +Q428668 P161 Q1889124 +Q1710614 P69 Q43452 +Q86096 P108 Q154804 +Q229556 P1412 Q1860 +Q114 P530 Q38 +Q179825 P106 Q4991371 +Q152857 P161 Q65106 +Q369916 P106 Q765778 +Q274562 P136 Q205049 +Q154014 P106 Q333634 +Q284876 P463 Q463303 +Q242640 P106 Q49757 +Q108560 P106 Q177220 +Q182727 P136 Q20442589 +Q79904 P19 Q60 +Q238800 P1412 Q1860 +Q231270 P172 Q2325516 +Q107006 P106 Q10800557 +Q106126 P19 Q1721 +Q774905 P27 Q28 +Q986 P530 Q30 +Q123823 P1412 Q188 +Q3762573 P27 Q30 +Q489 P106 Q33999 +Q125663 P106 Q214917 +Q229330 P136 Q11399 +Q103591 P106 Q33999 +Q1733964 P101 Q5862903 +Q430852 P161 Q232395 +Q699541 P101 Q413 +Q451680 P19 Q8686 +Q82032 P106 Q6625963 +Q186959 P101 Q476294 +Q221546 P1303 Q6607 +Q19999 P27 Q145 +Q428814 P106 Q81096 +Q78290 P102 Q49768 +Q66162 P108 Q617433 +Q26876 P27 Q30 +Q920857 P106 Q40348 +Q1869627 P106 Q639669 +Q434571 P69 Q1431541 +Q786052 P27 Q38 +Q180098 P136 Q52207399 +Q1677044 P27 Q30 +Q860450 P131 Q84 +Q455703 P509 Q12204 +Q92635 P69 Q209842 +Q11637 P119 Q1624932 +Q245271 P840 Q18 +Q180405 P161 Q193815 +Q201459 P136 Q11401 +Q465350 P463 Q691152 +Q102244 P161 Q73612 +Q57495 P19 Q2973 +Q697 P30 Q538 +Q153238 P108 Q152087 +Q377725 P108 Q1379834 +Q124505 P463 Q833738 +Q162202 P264 Q4413456 +Q670277 P136 Q1640319 +Q312276 P106 Q639669 +Q88710 P106 Q482980 +Q4093262 P106 Q1323191 +Q81752 P1303 Q1444 +Q1711743 P106 Q639669 +Q329434 P161 Q37175 +Q92456 P108 Q50662 +Q229029 P140 Q7066 +Q2757 P140 Q9592 +Q92767 P106 Q170790 +Q274529 P161 Q83492 +Q229766 P106 Q10798782 +Q225629 P106 Q177220 +Q229228 P19 Q60 +Q61197 P19 Q1055 +Q299723 P69 Q13371 +Q82085 P106 Q10798782 +Q174244 P106 Q3410028 +Q77101 P106 Q39631 +Q131380 P106 Q177220 +Q268039 P106 Q2405480 +Q35 P463 Q1377612 +Q188401 P106 Q33999 +Q4225547 P106 Q131524 +Q346309 P20 Q60 +Q286410 P106 Q33999 +Q56093 P106 Q10800557 +Q49009 P19 Q172 +Q318938 P172 Q49085 +Q651059 P463 Q270794 +Q208667 P106 Q10800557 +Q43182 P20 Q87 +Q724082 P106 Q1326886 +Q3770812 P463 Q338432 +Q884 P530 Q96 +Q68746 P27 Q7318 +Q101734 P19 Q2742 +Q1443825 P106 Q855091 +Q43330 P106 Q947873 +Q3893579 P463 Q202479 +Q298027 P1412 Q1412 +Q1349501 P19 Q406 +Q241646 P106 Q33999 +Q408 P530 Q55 +Q505827 P27 Q145 +Q266544 P19 Q60 +Q79038 P20 Q84 +Q112835 P106 Q36180 +Q691471 P1412 Q8798 +Q190770 P463 Q466113 +Q350552 P27 Q131964 +Q241609 P102 Q29552 +Q235132 P69 Q1255631 +Q634100 P172 Q170217 +Q202420 P101 Q7867 +Q77161 P108 Q131252 +Q84412 P102 Q179111 +Q36881 P26 Q471542 +Q183008 P1412 Q36510 +Q51267 P40 Q175392 +Q67553 P69 Q152087 +Q150471 P136 Q49084 +Q263518 P1303 Q51290 +Q713964 P106 Q177220 +Q76791 P463 Q117467 +Q304966 P1303 Q17172850 +Q104592 P106 Q39631 +Q272203 P106 Q855091 +Q157155 P1412 Q150 +Q1124 P106 Q40348 +Q212 P463 Q842490 +Q159475 P1303 Q17172850 +Q27751 P161 Q41396 +Q241735 P106 Q82594 +Q2498968 P20 Q649 +Q224544 P106 Q333634 +Q33946 P530 Q183 +Q55171 P106 Q2526255 +Q1351527 P106 Q639669 +Q608235 P69 Q1329478 +Q271471 P106 Q465501 +Q699541 P463 Q191583 +Q262490 P106 Q2405480 +Q1799 P17 Q211274 +Q168359 P451 Q83158 +Q1014 P463 Q294278 +Q553276 P551 Q60 +Q168821 P161 Q189081 +Q1649321 P1303 Q17172850 +Q1203 P19 Q24826 +Q594272 P19 Q1781 +Q1359247 P106 Q33999 +Q76586 P20 Q727 +Q307 P172 Q50001 +Q775671 P106 Q43845 +Q1512152 P108 Q662355 +Q39789 P463 Q191583 +Q229735 P27 Q16 +Q236505 P264 Q330629 +Q202827 P106 Q170790 +Q69339 P102 Q29552 +Q242577 P69 Q1542213 +Q75151 P20 Q64 +Q168269 P27 Q30 +Q237833 P69 Q924289 +Q358990 P106 Q10798782 +Q37030 P69 Q55044 +Q192409 P136 Q586250 +Q9327 P172 Q121842 +Q58720 P1412 Q7737 +Q46182 P106 Q36180 +Q266670 P136 Q37073 +Q331277 P840 Q65 +Q443708 P20 Q649 +Q328892 P69 Q610999 +Q547635 P1412 Q1860 +Q55294 P106 Q33999 +Q182642 P106 Q2095549 +Q196923 P1412 Q652 +Q885 P106 Q47064 +Q105026 P27 Q183 +Q1523176 P106 Q639669 +Q919081 P106 Q2306091 +Q428490 P106 Q10798782 +Q90493 P106 Q188094 +Q93853 P57 Q47284 +Q208993 P69 Q28729082 +Q25188 P57 Q25191 +Q150445 P106 Q36834 +Q467737 P106 Q639669 +Q468345 P140 Q7066 +Q1077405 P136 Q45981 +Q2514 P108 Q183 +Q426582 P172 Q121842 +Q207916 P495 Q30 +Q228832 P136 Q1298934 +Q359248 P101 Q413 +Q171365 P161 Q229766 +Q91730 P106 Q177220 +Q354873 P106 Q2259451 +Q236848 P27 Q145 +Q942923 P27 Q30 +Q235635 P106 Q1053574 +Q713859 P136 Q9759 +Q327542 P509 Q12152 +Q295593 P27 Q30 +Q392806 P136 Q188473 +Q38823 P20 Q3616 +Q1077546 P19 Q1297 +Q64014 P106 Q1234713 +Q457022 P106 Q10800557 +Q229840 P463 Q463281 +Q214227 P106 Q10800557 +Q6694 P106 Q3579035 +Q18404 P27 Q142 +Q273118 P106 Q10798782 +Q1386098 P106 Q753110 +Q962308 P20 Q23148 +Q361587 P172 Q49085 +Q320146 P106 Q36834 +Q267217 P106 Q2526255 +Q84445 P463 Q463303 +Q482318 P69 Q41506 +Q67576 P1412 Q188 +Q171582 P495 Q30 +Q84734 P20 Q4120832 +Q62126 P108 Q50662 +Q124094 P106 Q36180 +Q270905 P106 Q33999 +Q64856 P119 Q64 +Q1380767 P1412 Q1860 +Q319129 P509 Q12202 +Q258 P530 Q916 +Q183167 P106 Q36180 +Q96595 P1412 Q188 +Q18425 P69 Q3064332 +Q530550 P551 Q16559 +Q202246 P106 Q639669 +Q139460 P136 Q192881 +Q172241 P161 Q152542 +Q62084 P69 Q152087 +Q463501 P106 Q16287483 +Q1452648 P264 Q216364 +Q376144 P136 Q130232 +Q135139 P463 Q337234 +Q1711513 P106 Q855091 +Q288936 P69 Q390287 +Q960524 P69 Q599316 +Q70690 P1412 Q397 +Q186329 P1412 Q1321 +Q243639 P106 Q5716684 +Q160333 P27 Q142 +Q276419 P27 Q30 +Q537722 P136 Q131272 +Q83184 P136 Q11635 +Q44473 P106 Q10800557 +Q453602 P106 Q2526255 +Q381799 P551 Q1490 +Q959097 P106 Q201788 +Q85580 P108 Q159895 +Q180819 P101 Q9418 +Q106706 P106 Q2259451 +Q264783 P1412 Q652 +Q138084 P161 Q272972 +Q214227 P19 Q23556 +Q197491 P840 Q17 +Q34190 P69 Q192088 +Q130780 P106 Q1930187 +Q33977 P737 Q40946 +Q326526 P161 Q180942 +Q1453045 P106 Q486748 +Q382150 P1412 Q8798 +Q978389 P106 Q40348 +Q326431 P1412 Q397 +Q188845 P840 Q1581 +Q317427 P27 Q145 +Q274429 P106 Q37226 +Q842 P463 Q1043527 +Q26695 P106 Q10800557 +Q704015 P20 Q649 +Q184768 P161 Q296177 +Q49601 P136 Q35760 +Q38 P530 Q215 +Q95237 P140 Q9268 +Q202029 P161 Q233786 +Q61659 P102 Q49750 +Q833 P463 Q827525 +Q879316 P19 Q18383 +Q1383002 P69 Q193727 +Q348497 P106 Q1930187 +Q727705 P106 Q864380 +Q57389 P106 Q551835 +Q229013 P106 Q28389 +Q76546 P509 Q372701 +Q40263 P19 Q1397 +Q243983 P161 Q353640 +Q809420 P106 Q11774202 +Q312270 P106 Q177220 +Q80760 P119 Q1437214 +Q272068 P106 Q33999 +Q652815 P106 Q188094 +Q142 P530 Q230 +Q123918 P1412 Q188 +Q122622 P106 Q333634 +Q453390 P106 Q36834 +Q216013 P106 Q185351 +Q76696 P106 Q82955 +Q186924 P106 Q855091 +Q1377134 P106 Q177220 +Q362531 P106 Q822146 +Q955088 P106 Q4964182 +Q182763 P106 Q10798782 +Q574885 P136 Q83440 +Q937 P463 Q466089 +Q499339 P106 Q201788 +Q266356 P1303 Q17172850 +Q679289 P1412 Q1860 +Q215565 P1412 Q188 +Q29086 P27 Q30 +Q153905 P27 Q142 +Q315271 P106 Q33999 +Q289212 P19 Q1899 +Q2725555 P264 Q38903 +Q390052 P495 Q30 +Q239195 P106 Q639669 +Q302682 P161 Q345325 +Q190148 P106 Q82955 +Q325428 P140 Q7066 +Q1232630 P106 Q131062 +Q155559 P161 Q676094 +Q57109 P1412 Q188 +Q48084 P27 Q34266 +Q707446 P136 Q11399 +Q236958 P119 Q1439 +Q55199 P27 Q15180 +Q152293 P1303 Q5994 +Q1395732 P1412 Q9168 +Q238716 P19 Q1781 +Q296370 P1303 Q17172850 +Q124401 P1412 Q188 +Q217033 P106 Q177220 +Q529603 P106 Q488205 +Q166796 P27 Q30 +Q223985 P106 Q177220 +Q184906 P106 Q12144794 +Q77144 P69 Q156725 +Q216582 P509 Q12152 +Q2978 P17 Q41304 +Q234875 P119 Q1302545 +Q217033 P106 Q33999 +Q118745 P106 Q36180 +Q313551 P19 Q90 +Q264730 P106 Q43845 +Q42156 P106 Q4964182 +Q313579 P27 Q16 +Q732055 P463 Q48995 +Q352030 P551 Q1085 +Q131366 P136 Q20378 +Q97096 P106 Q193391 +Q262 P530 Q801 +Q934722 P20 Q47164 +Q72657 P102 Q7320 +Q458390 P106 Q1930187 +Q334 P530 Q869 +Q48055 P27 Q15180 +Q336444 P27 Q145 +Q103835 P106 Q593644 +Q85586 P463 Q1202021 +Q180453 P106 Q183945 +Q462406 P136 Q130232 +Q936812 P106 Q47064 +Q709077 P1412 Q1860 +Q92814 P19 Q41621 +Q256380 P19 Q16559 +Q35 P530 Q881 +Q310985 P264 Q183412 +Q297334 P1303 Q17172850 +Q232786 P1412 Q1860 +Q159646 P106 Q82955 +Q544485 P106 Q1415090 +Q75929 P27 Q183 +Q287824 P106 Q33999 +Q314610 P106 Q3282637 +Q58328 P463 Q3291340 +Q235066 P135 Q1246516 +Q311193 P106 Q36834 +Q101995 P19 Q1055 +Q316955 P1412 Q1860 +Q104790 P69 Q151510 +Q173804 P161 Q134077 +Q704742 P106 Q10800557 +Q7934 P106 Q33231 +Q557171 P1412 Q9288 +Q712878 P1412 Q652 +Q49941 P106 Q4610556 +Q186335 P106 Q28389 +Q164060 P106 Q639669 +Q229038 P106 Q2259451 +Q1265657 P106 Q42973 +Q107067 P264 Q155152 +Q731829 P106 Q33231 +Q487491 P108 Q202660 +Q258010 P106 Q639669 +Q48990 P463 Q1003730 +Q427884 P27 Q1033 +Q4491 P106 Q10798782 +Q356217 P106 Q2722764 +Q92815 P106 Q82594 +Q39524 P509 Q12152 +Q186273 P27 Q188712 +Q166554 P161 Q298838 +Q53549 P106 Q2252262 +Q326571 P106 Q188094 +Q218 P530 Q36 +Q298027 P509 Q12152 +Q159481 P1412 Q188 +Q60045 P106 Q82955 +Q112227 P463 Q684415 +Q475733 P108 Q49108 +Q913084 P1412 Q1860 +Q448837 P106 Q2252262 +Q171463 P19 Q1489 +Q3754146 P106 Q1209498 +Q1292738 P106 Q82955 +Q540803 P106 Q488205 +Q252 P463 Q1065 +Q266006 P106 Q584301 +Q76993 P106 Q18814623 +Q19045 P106 Q81096 +Q235351 P106 Q2259451 +Q153185 P463 Q3603946 +Q57347 P19 Q64 +Q216221 P106 Q33999 +Q216813 P20 Q270 +Q1562145 P1303 Q6607 +Q16581 P69 Q165980 +Q461399 P1412 Q1860 +Q760 P463 Q294278 +Q726071 P136 Q83440 +Q72804 P1412 Q188 +Q70417 P106 Q36180 +Q124401 P108 Q372608 +Q116905 P161 Q40504 +Q55394 P106 Q2526255 +Q448764 P463 Q812155 +Q902463 P1412 Q809 +Q184746 P108 Q219615 +Q379923 P106 Q744738 +Q91161 P106 Q822146 +Q63146 P119 Q2773 +Q380252 P463 Q4430504 +Q782711 P106 Q1622272 +Q202144 P106 Q10800557 +Q473030 P106 Q33999 +Q376663 P161 Q296822 +Q1016 P530 Q142 +Q313107 P106 Q37226 +Q72137 P108 Q168426 +Q57775 P106 Q9017214 +Q219442 P136 Q1146335 +Q315610 P106 Q43845 +Q212089 P19 Q84 +Q1077632 P106 Q183945 +Q209186 P106 Q28389 +Q238315 P106 Q33999 +Q102788 P106 Q36180 +Q232827 P20 Q34006 +Q108239 P463 Q3394637 +Q107957 P69 Q9219 +Q270905 P1303 Q17172850 +Q48032 P27 Q34266 +Q539171 P1412 Q188 +Q561809 P20 Q60 +Q114152 P463 Q879171 +Q725060 P27 Q145 +Q597698 P106 Q201788 +Q241873 P106 Q33999 +Q842199 P530 Q33946 +Q254038 P136 Q37073 +Q445386 P19 Q60 +Q994175 P17 Q30 +Q653949 P27 Q189 +Q236482 P106 Q18814623 +Q239587 P1303 Q6607 +Q220910 P161 Q269890 +Q371905 P106 Q1930187 +Q5369090 P463 Q83172 +Q551421 P27 Q801 +Q190145 P161 Q311993 +Q708236 P136 Q45981 +Q55630 P17 Q83286 +Q711810 P19 Q727 +Q204132 P106 Q715301 +Q230993 P27 Q30 +Q157318 P102 Q537303 +Q4518 P106 Q10800557 +Q7286 P106 Q14467526 +Q83321 P1412 Q150 +Q1869627 P106 Q177220 +Q91544 P463 Q1285073 +Q42581 P26 Q976022 +Q59630 P641 Q32112 +Q398 P463 Q1137381 +Q297024 P106 Q333634 +Q253395 P27 Q15180 +Q78714 P106 Q4964182 +Q213195 P509 Q29496 +Q774905 P108 Q1186843 +Q106231 P27 Q30 +Q216266 P106 Q28389 +Q669597 P463 Q270794 +Q336835 P136 Q52162262 +Q283799 P161 Q232052 +Q337226 P106 Q3282637 +Q233898 P136 Q482 +Q213734 P106 Q42973 +Q335556 P106 Q36180 +Q1336479 P19 Q1085 +Q731007 P106 Q81096 +Q296809 P106 Q1930187 +Q337185 P1412 Q1860 +Q72124 P102 Q49768 +Q44775 P106 Q214917 +Q438164 P106 Q482980 +Q83287 P106 Q36834 +Q75860 P27 Q183 +Q8023 P140 Q33203 +Q843 P530 Q1246 +Q1560657 P106 Q1622272 +Q1509379 P1412 Q1860 +Q347 P530 Q31 +Q310950 P463 Q463303 +Q273315 P106 Q486748 +Q432689 P69 Q4359408 +Q727786 P641 Q2736 +Q311314 P106 Q10798782 +Q467737 P136 Q1298934 +Q213430 P106 Q33999 +Q970 P463 Q842490 +Q52922 P69 Q221645 +Q263172 P1303 Q17172850 +Q506006 P69 Q349055 +Q1042901 P27 Q414 +Q98311 P106 Q36180 +Q102244 P161 Q55294 +Q909 P106 Q28389 +Q41257 P106 Q4964182 +Q715195 P1412 Q150 +Q33240 P136 Q11401 +Q445109 P106 Q639669 +Q865 P530 Q16 +Q510361 P264 Q38903 +Q84614 P463 Q337234 +Q1443825 P106 Q639669 +Q128604 P20 Q1930 +Q273180 P106 Q10800557 +Q41621 P17 Q801 +Q313594 P106 Q82955 +Q213081 P136 Q319221 +Q435857 P106 Q639669 +Q49004 P106 Q10798782 +Q311306 P106 Q36834 +Q109767 P161 Q633103 +Q381920 P106 Q1622272 +Q76755 P106 Q214917 +Q315650 P1303 Q6607 +Q134333 P172 Q42406 +Q240899 P136 Q663106 +Q188111 P106 Q36834 +Q187337 P106 Q33999 +Q313185 P463 Q1938003 +Q858 P530 Q30 +Q116119 P101 Q441 +Q336444 P27 Q16 +Q420407 P27 Q30 +Q311293 P106 Q189290 +Q11860 P463 Q939743 +Q131240 P551 Q60 +Q18415 P161 Q106529 +Q294819 P136 Q21010853 +Q76197 P106 Q82955 +Q271614 P101 Q207628 +Q67177 P1412 Q188 +Q127332 P140 Q6423963 +Q179097 P106 Q4964182 +Q61659 P20 Q56037 +Q724517 P106 Q177220 +Q713575 P106 Q15981151 +Q1449438 P106 Q245068 +Q214549 P463 Q123885 +Q338826 P106 Q4263842 +Q241392 P106 Q4964182 +Q51814 P106 Q10798782 +Q48280 P106 Q18939491 +Q340138 P161 Q230736 +Q182455 P106 Q28389 +Q118229 P106 Q193391 +Q1352256 P106 Q1930187 +Q977 P463 Q1065 +Q107957 P106 Q193391 +Q826 P530 Q183 +Q201562 P106 Q177220 +Q106740 P1412 Q150 +Q6969 P106 Q183945 +Q453390 P106 Q639669 +Q61322 P1412 Q188 +Q230739 P106 Q270389 +Q3769061 P106 Q10798782 +Q5879 P106 Q372436 +Q62672 P69 Q152171 +Q34286 P1412 Q1860 +Q213794 P1412 Q188 +Q266429 P106 Q183945 +Q357001 P27 Q30 +Q2908 P140 Q1841 +Q984369 P106 Q2462658 +Q296616 P1412 Q1860 +Q438175 P1303 Q177220 +Q87974 P27 Q183 +Q262294 P106 Q36180 +Q154367 P106 Q36180 +Q634822 P106 Q81096 +Q103917 P106 Q2526255 +Q207130 P136 Q369747 +Q49075 P172 Q49085 +Q953841 P106 Q2526255 +Q498390 P106 Q753110 +Q51267 P69 Q81087 +Q4119 P106 Q10798782 +Q573299 P106 Q333634 +Q366845 P106 Q39631 +Q72893 P106 Q2405480 +Q319934 P106 Q1930187 +Q1275 P69 Q192088 +Q106834 P106 Q4853732 +Q156814 P27 Q145 +Q168468 P106 Q4964182 +Q379941 P106 Q36180 +Q178903 P20 Q60 +Q337747 P161 Q156796 +Q158749 P106 Q82955 +Q229940 P1303 Q17172850 +Q186327 P136 Q83270 +Q2157440 P19 Q1297 +Q203623 P106 Q1930187 +Q208003 P27 Q34266 +Q436996 P1412 Q150 +Q12903 P106 Q6625963 +Q921 P530 Q884 +Q672 P463 Q842490 +Q241160 P106 Q2259451 +Q1273666 P136 Q8341 +Q144195 P106 Q11774202 +Q77788 P106 Q36180 +Q131814 P264 Q208909 +Q76938 P106 Q1622272 +Q297744 P19 Q65 +Q157176 P69 Q414110 +Q263670 P27 Q30 +Q43330 P1412 Q1860 +Q531247 P69 Q49122 +Q77938 P106 Q170790 +Q122701 P101 Q413 +Q150526 P463 Q270794 +Q705022 P106 Q6625963 +Q60452 P106 Q3387717 +Q223117 P106 Q2259451 +Q324557 P136 Q3072049 +Q1451186 P108 Q157575 +Q252248 P27 Q30 +Q182580 P106 Q970153 +Q68596 P27 Q183 +Q160499 P69 Q471980 +Q275050 P19 Q18419 +Q46706 P1412 Q7913 +Q236212 P1412 Q652 +Q313020 P106 Q10800557 +Q349391 P106 Q2259451 +Q72262 P106 Q10798782 +Q168704 P106 Q4610556 +Q57641 P1412 Q1860 +Q26318 P106 Q43845 +Q270935 P119 Q1624932 +Q186799 P136 Q130232 +Q183239 P161 Q80966 +Q1011 P463 Q7159 +Q207197 P106 Q753110 +Q315051 P19 Q65 +Q650878 P27 Q183 +Q713246 P135 Q37068 +Q312480 P106 Q3455803 +Q635131 P509 Q47912 +Q39 P463 Q42262 +Q155412 P264 Q202440 +Q67518 P463 Q337234 +Q379580 P106 Q520549 +Q9049 P106 Q4773904 +Q357974 P106 Q639669 +Q229613 P106 Q33999 +Q356986 P106 Q177220 +Q317742 P106 Q639669 +Q191104 P27 Q145 +Q193676 P106 Q177220 +Q1373629 P1303 Q6607 +Q72334 P551 Q1397 +Q519289 P1303 Q17172850 +Q140738 P140 Q3333484 +Q574124 P106 Q1622272 +Q716862 P27 Q29 +Q33 P463 Q663492 +Q1277181 P19 Q34404 +Q224 P530 Q1016 +Q189330 P136 Q19367312 +Q504743 P106 Q486748 +Q77888 P106 Q201788 +Q177311 P27 Q30 +Q96978 P108 Q157808 +Q960935 P106 Q183945 +Q285483 P20 Q506446 +Q644917 P106 Q3455803 +Q320014 P106 Q82955 +Q51570 P20 Q60 +Q47152 P106 Q11774202 +Q60178 P737 Q71848 +Q16 P530 Q833 +Q9358 P106 Q36834 +Q436784 P106 Q33999 +Q366217 P1303 Q79838 +Q282588 P19 Q9005 +Q90635 P27 Q183 +Q432715 P106 Q36834 +Q368636 P264 Q213710 +Q1373546 P69 Q926749 +Q352431 P161 Q42869 +Q154353 P463 Q607496 +Q685 P530 Q408 +Q333402 P106 Q170790 +Q220308 P27 Q16 +Q181728 P1412 Q13955 +Q237173 P106 Q4964182 +Q264748 P106 Q33999 +Q212 P530 Q34 +Q219655 P19 Q189960 +Q155467 P106 Q24067349 +Q76409 P106 Q482980 +Q180861 P27 Q145 +Q1928543 P1303 Q6607 +Q336881 P106 Q201788 +Q295537 P106 Q36180 +Q228584 P27 Q15180 +Q131864 P136 Q319221 +Q234556 P264 Q729590 +Q774905 P106 Q81096 +Q320084 P27 Q16 +Q381920 P27 Q29 +Q244398 P161 Q103876 +Q332540 P106 Q188094 +Q150894 P106 Q189290 +Q239030 P106 Q177220 +Q63962 P27 Q183 +Q215925 P106 Q36180 +Q45229 P106 Q3282637 +Q713301 P106 Q753110 +Q100529 P27 Q1206012 +Q2978 P17 Q7318 +Q266611 P69 Q230492 +Q39658 P27 Q34 +Q441226 P106 Q333634 +Q6096 P172 Q49085 +Q84503 P101 Q11629 +Q76824 P136 Q842256 +Q944275 P106 Q1622272 +Q207676 P106 Q33999 +Q57075 P101 Q11372 +Q19526 P101 Q35760 +Q117 P530 Q159 +Q738978 P463 Q131566 +Q219780 P106 Q42909 +Q153484 P161 Q170576 +Q154270 P106 Q42973 +Q255577 P106 Q10800557 +Q160852 P19 Q24826 +Q16 P463 Q8475 +Q369681 P27 Q13426199 +Q51522 P106 Q3282637 +Q321365 P106 Q28389 +Q234169 P1303 Q5994 +Q499742 P69 Q691283 +Q239067 P463 Q466089 +Q116032 P106 Q201788 +Q234244 P20 Q340 +Q18125 P17 Q145 +Q816518 P106 Q639669 +Q72721 P1412 Q188 +Q183 P530 Q842 +Q166641 P106 Q1930187 +Q67462 P101 Q1069 +Q517448 P19 Q18424 +Q72667 P106 Q82955 +Q538000 P136 Q183504 +Q713443 P106 Q1930187 +Q172388 P106 Q82955 +Q162586 P264 Q585643 +Q1406622 P27 Q77 +Q617109 P106 Q188094 +Q162458 P136 Q130232 +Q108216 P106 Q193391 +Q314502 P106 Q33999 +Q202548 P57 Q7374 +Q96585 P20 Q64 +Q505957 P264 Q203059 +Q303680 P27 Q30 +Q182788 P140 Q75809 +Q335629 P106 Q639669 +Q78496 P20 Q1741 +Q438507 P19 Q7003 +Q44414 P106 Q2405480 +Q76513 P106 Q350979 +Q331652 P27 Q30 +Q40 P530 Q1246 +Q178709 P1412 Q652 +Q78349 P106 Q1930187 +Q1785 P106 Q28389 +Q310394 P106 Q10800557 +Q193660 P136 Q8261 +Q272007 P106 Q10800557 +Q242939 P106 Q33999 +Q426631 P161 Q444616 +Q168821 P495 Q30 +Q193257 P106 Q13418253 +Q254820 P106 Q1930187 +Q445648 P1303 Q6607 +Q190972 P69 Q1472358 +Q4786 P106 Q3075052 +Q45521 P106 Q947873 +Q221074 P106 Q245068 +Q3955 P17 Q183 +Q312720 P463 Q463303 +Q510400 P463 Q543804 +Q75866 P509 Q193840 +Q189081 P106 Q28389 +Q221820 P136 Q130232 +Q2587336 P27 Q15180 +Q24953 P495 Q145 +Q12325 P106 Q372436 +Q88748 P69 Q152171 +Q892115 P108 Q202660 +Q828641 P463 Q688638 +Q72262 P69 Q993267 +Q101797 P451 Q37175 +Q1678110 P106 Q855091 +Q764913 P106 Q1209498 +Q172632 P136 Q485395 +Q4263553 P1412 Q8798 +Q371202 P1303 Q52954 +Q40337 P106 Q33999 +Q166714 P1412 Q1860 +Q559794 P106 Q593644 +Q354031 P27 Q30 +Q1805943 P106 Q488205 +Q154010 P20 Q3955 +Q61199 P136 Q676 +Q4941 P136 Q3990883 +Q372514 P161 Q437944 +Q274429 P106 Q185351 +Q955405 P106 Q43845 +Q44306 P463 Q1468277 +Q52926 P463 Q191583 +Q287976 P19 Q220 +Q506393 P27 Q145 +Q171758 P1412 Q1860 +Q43252 P106 Q2405480 +Q1077632 P1412 Q1860 +Q316528 P27 Q183 +Q122187 P106 Q3455803 +Q288098 P161 Q172653 +Q214014 P161 Q173637 +Q235639 P27 Q30 +Q445463 P264 Q202585 +Q149997 P172 Q678551 +Q1389589 P106 Q36834 +Q62880 P27 Q183 +Q267772 P106 Q10800557 +Q3129951 P106 Q193391 +Q17 P530 Q29 +Q77844 P106 Q1930187 +Q557699 P19 Q1345 +Q95048 P102 Q29552 +Q204586 P140 Q1841 +Q259055 P106 Q177220 +Q1886750 P106 Q158852 +Q740181 P106 Q4263842 +Q317516 P106 Q33999 +Q62115 P106 Q1397808 +Q47243 P27 Q40 +Q103876 P106 Q2405480 +Q156858 P17 Q221 +Q447831 P140 Q3333484 +Q42747 P1412 Q188 +Q296928 P27 Q30 +Q1353064 P106 Q81096 +Q47152 P1412 Q1860 +Q794 P530 Q183 +Q84386 P108 Q131252 +Q237270 P106 Q10800557 +Q272960 P106 Q10800557 +Q214310 P69 Q672420 +Q320178 P106 Q11481802 +Q1865656 P1303 Q51290 +Q83326 P106 Q639669 +Q2054 P106 Q3606216 +Q217307 P495 Q30 +Q301136 P101 Q482 +Q206224 P495 Q30 +Q128297 P551 Q38 +Q183492 P108 Q49210 +Q162458 P161 Q215072 +Q369900 P161 Q448767 +Q104668 P20 Q649 +Q298773 P509 Q2140674 +Q121656 P1412 Q188 +Q558167 P19 Q90 +Q659027 P106 Q6625963 +Q172584 P106 Q10800557 +Q155907 P27 Q174193 +Q1345782 P136 Q487965 +Q159 P172 Q44806 +Q1911440 P108 Q219563 +Q466569 P106 Q1930187 +Q229249 P27 Q30 +Q95928 P20 Q60 +Q465937 P27 Q191 +Q4808641 P106 Q2526255 +Q262608 P106 Q2526255 +Q234750 P106 Q33999 +Q14045 P106 Q8246794 +Q60966 P1412 Q188 +Q57281 P106 Q2504617 +Q392441 P161 Q162492 +Q434701 P106 Q4610556 +Q506127 P136 Q11366 +Q46405 P106 Q12144794 +Q895796 P131 Q64 +Q2530 P463 Q83172 +Q318267 P106 Q2259451 +Q116307 P20 Q72 +Q555426 P106 Q855091 +Q20 P530 Q843 +Q195949 P161 Q215072 +Q232786 P106 Q10800557 +Q234101 P106 Q10798782 +Q853095 P108 Q1186843 +Q219734 P27 Q15180 +Q433979 P106 Q10800557 +Q12706 P106 Q49757 +Q76738 P106 Q11063 +Q943298 P136 Q9759 +Q233046 P19 Q49111 +Q75849 P140 Q75809 +Q328590 P19 Q678437 +Q12957 P106 Q188094 +Q736099 P19 Q2634 +Q148 P530 Q730 +Q173481 P106 Q49757 +Q45383 P19 Q64 +Q61446 P69 Q153987 +Q89188 P27 Q241748 +Q1166707 P106 Q28389 +Q1642230 P19 Q34739 +Q298 P530 Q29 +Q59346 P136 Q157394 +Q80510 P106 Q177220 +Q51559 P106 Q3282637 +Q44519 P106 Q12144794 +Q1046038 P551 Q490 +Q236958 P27 Q30 +Q352617 P20 Q1435 +Q215735 P106 Q36180 +Q220018 P509 Q12078 +Q25880 P101 Q35760 +Q51537 P463 Q463303 +Q64600 P1412 Q188 +Q438507 P106 Q81096 +Q702508 P106 Q753110 +Q315217 P106 Q2405480 +Q164401 P463 Q123885 +Q460379 P840 Q2915506 +Q319871 P106 Q82955 +Q331123 P136 Q492264 +Q53003 P26 Q43247 +Q28 P530 Q878 +Q470204 P27 Q30 +Q587823 P27 Q29 +Q401182 P172 Q49085 +Q168896 P108 Q189441 +Q88029 P106 Q1792450 +Q81224 P161 Q44273 +Q61055 P108 Q55038 +Q228611 P106 Q36180 +Q94123 P106 Q10800557 +Q189600 P161 Q206890 +Q353007 P1303 Q6607 +Q14278 P463 Q265058 +Q89416 P106 Q214917 +Q275545 P509 Q181754 +Q130799 P1303 Q6607 +Q843 P530 Q28 +Q781514 P1412 Q7913 +Q270707 P20 Q60 +Q1383155 P19 Q23306 +Q200566 P19 Q24639 +Q86095 P108 Q165980 +Q435124 P451 Q232477 +Q560694 P172 Q179248 +Q243113 P27 Q766 +Q234519 P106 Q36180 +Q55208 P3373 Q55207 +Q329163 P27 Q30 +Q1032998 P106 Q82955 +Q440609 P106 Q10800557 +Q158175 P102 Q29468 +Q40 P463 Q188822 +Q4397665 P69 Q390287 +Q57384 P106 Q169470 +Q32 P463 Q42262 +Q737570 P106 Q639669 +Q237081 P1303 Q17172850 +Q48868 P108 Q174158 +Q245363 P106 Q4991371 +Q445018 P20 Q65 +Q164824 P463 Q253439 +Q929 P530 Q159 +Q42443 P106 Q4263842 +Q573388 P19 Q21 +Q712914 P1303 Q6607 +Q241 P530 Q685 +Q707352 P1303 Q79838 +Q4679786 P106 Q222344 +Q381390 P106 Q16287483 +Q134798 P106 Q14467526 +Q44414 P106 Q639669 +Q462149 P136 Q959790 +Q4747436 P102 Q29468 +Q96331 P27 Q16957 +Q70263 P20 Q1718 +Q1443689 P69 Q52413 +Q190231 P106 Q639669 +Q115901 P101 Q441 +Q206856 P106 Q3282637 +Q207659 P161 Q44442 +Q188850 P161 Q81520 +Q296616 P106 Q10800557 +Q215497 P641 Q131359 +Q113909 P19 Q2119 +Q465695 P106 Q947873 +Q443166 P106 Q584301 +Q155907 P463 Q117467 +Q300300 P19 Q18419 +Q735560 P1303 Q5994 +Q105585 P102 Q49750 +Q131864 P495 Q30 +Q331587 P106 Q245068 +Q75856 P108 Q154804 +Q215436 P463 Q463303 +Q75209 P20 Q64 +Q126652 P161 Q344655 +Q928851 P106 Q713200 +Q54867 P27 Q30 +Q60809 P106 Q33231 +Q214697 P106 Q36180 +Q26876 P106 Q9648008 +Q352708 P106 Q6625963 +Q193803 P27 Q145 +Q25351 P27 Q35 +Q36488 P106 Q81096 +Q6210809 P20 Q34692 +Q892 P40 Q82032 +Q72833 P19 Q220 +Q274070 P19 Q2887 +Q166212 P106 Q2259451 +Q363308 P1412 Q1860 +Q273978 P495 Q865 +Q30 P530 Q1028 +Q78508 P106 Q33999 +Q253583 P106 Q901 +Q621458 P108 Q41506 +Q57075 P463 Q83172 +Q131433 P264 Q155152 +Q991543 P1412 Q1860 +Q429311 P161 Q237190 +Q467574 P463 Q463281 +Q231004 P551 Q65 +Q96 P530 Q218 +Q55796 P463 Q337531 +Q707990 P136 Q45981 +Q307737 P106 Q2526255 +Q706641 P106 Q12800682 +Q98265 P27 Q183 +Q12844 P106 Q386854 +Q230303 P69 Q49122 +Q55210 P106 Q644687 +Q264610 P1303 Q6607 +Q32849 P106 Q2252262 +Q705743 P1303 Q17172850 +Q35 P530 Q191 +Q32678 P1412 Q1860 +Q342533 P106 Q13235160 +Q1049 P530 Q30 +Q106057 P136 Q1062400 +Q455951 P106 Q18844224 +Q115780 P108 Q152087 +Q310332 P106 Q55960555 +Q104561 P20 Q1726 +Q61682 P463 Q463303 +Q80399 P1412 Q809 +Q924232 P264 Q2338889 +Q921542 P119 Q1302545 +Q22072 P1303 Q6607 +Q1439592 P69 Q1068258 +Q58311 P1412 Q9288 +Q57434 P463 Q688638 +Q104302 P17 Q7318 +Q36 P530 Q16 +Q274608 P27 Q142 +Q157879 P161 Q362616 +Q132537 P106 Q10732476 +Q82083 P551 Q21 +Q270599 P161 Q219653 +Q313443 P106 Q937857 +Q92115 P69 Q153987 +Q160060 P161 Q223745 +Q7197 P119 Q272208 +Q102341 P27 Q30 +Q4473 P106 Q488205 +Q1849355 P106 Q486748 +Q78511 P1412 Q188 +Q4235815 P19 Q656 +Q380424 P69 Q80207 +Q229082 P106 Q10800557 +Q760 P37 Q1860 +Q186317 P140 Q7066 +Q272923 P106 Q10798782 +Q264730 P106 Q1028181 +Q246538 P106 Q855091 +Q152318 P106 Q11631 +Q163557 P19 Q1085 +Q539156 P136 Q213714 +Q7504 P463 Q83172 +Q154412 P27 Q28 +Q1622098 P106 Q855091 +Q16 P530 Q414 +Q71905 P106 Q486748 +Q57445 P27 Q183 +Q18430 P108 Q21578 +Q614402 P172 Q49085 +Q924232 P264 Q202585 +Q350208 P69 Q389336 +Q1720 P131 Q1200 +Q93503 P19 Q1741 +Q1278397 P161 Q1203 +Q80760 P27 Q30 +Q239307 P106 Q6625963 +Q4223 P69 Q487556 +Q57552 P20 Q64 +Q239897 P106 Q28389 +Q388408 P840 Q1297 +Q28 P530 Q881 +Q91436 P463 Q49738 +Q160618 P495 Q16 +Q363271 P69 Q523926 +Q723839 P463 Q1425328 +Q325396 P106 Q10798782 +Q435681 P136 Q37073 +Q324753 P106 Q177220 +Q86635 P106 Q1622272 +Q251984 P27 Q30 +Q33405 P17 Q30 +Q959153 P27 Q30 +Q123476 P69 Q2994538 +Q67637 P463 Q15646111 +Q470931 P69 Q737835 +Q121507 P106 Q49757 +Q288180 P106 Q2259451 +Q2626233 P102 Q79854 +Q152773 P106 Q4610556 +Q669685 P27 Q142 +Q350362 P106 Q130857 +Q391262 P1412 Q1860 +Q714185 P106 Q177220 +Q451608 P106 Q169470 +Q85716 P19 Q1741 +Q230647 P106 Q10798782 +Q4191 P463 Q1768108 +Q1267 P27 Q34 +Q371716 P20 Q39561 +Q246538 P1303 Q17172850 +Q72541 P106 Q214917 +Q70912 P106 Q17125263 +Q2089840 P108 Q645663 +Q714162 P20 Q23197 +Q238941 P264 Q770103 +Q144622 P106 Q15981151 +Q309697 P106 Q36834 +Q63026 P136 Q52162262 +Q215999 P106 Q1622272 +Q1037 P37 Q150 +Q309932 P106 Q2526255 +Q92359 P20 Q2814 +Q64645 P106 Q2526255 +Q77959 P20 Q1055 +Q95736 P27 Q183 +Q33637 P119 Q881481 +Q374605 P108 Q661916 +Q11826 P101 Q9418 +Q79025 P19 Q23436 +Q131433 P106 Q55960555 +Q334763 P161 Q242555 +Q106221 P69 Q174710 +Q25191 P106 Q10800557 +Q1374080 P106 Q15895020 +Q178517 P106 Q2095549 +Q333190 P1412 Q1860 +Q74688 P106 Q1622272 +Q454645 P1412 Q7411 +Q598344 P106 Q43845 +Q57085 P106 Q2306091 +Q211731 P509 Q181257 +Q75797 P106 Q11063 +Q258854 P106 Q2259451 +Q865 P530 Q398 +Q190231 P106 Q183945 +Q34086 P106 Q5716684 +Q387601 P136 Q157394 +Q204514 P161 Q170515 +Q1001 P102 Q10225 +Q1066875 P106 Q639669 +Q953288 P136 Q24925 +Q246970 P106 Q488205 +Q206439 P136 Q45981 +Q471443 P106 Q36180 +Q258626 P106 Q33999 +Q214116 P463 Q463303 +Q715150 P27 Q29999 +Q239823 P106 Q1622272 +Q695 P463 Q496967 +Q887553 P27 Q30 +Q28 P530 Q31 +Q3383262 P27 Q34266 +Q573408 P102 Q537303 +Q81487 P161 Q441836 +Q274070 P27 Q29 +Q5959091 P106 Q2055046 +Q108510 P106 Q4991371 +Q298 P530 Q224 +Q14441 P136 Q1196752 +Q216195 P737 Q180962 +Q207852 P106 Q10798782 +Q52447 P106 Q36180 +Q1443689 P106 Q3089940 +Q150894 P102 Q79854 +Q11132 P106 Q82955 +Q858 P37 Q13955 +Q11813 P509 Q181754 +Q239145 P27 Q30 +Q441456 P106 Q49757 +Q343983 P106 Q2526255 +Q241665 P106 Q177220 +Q161678 P161 Q214223 +Q296537 P106 Q245068 +Q181881 P106 Q2705098 +Q232113 P106 Q2526255 +Q3335 P551 Q84 +Q160619 P102 Q192821 +Q60217 P106 Q201788 +Q355153 P106 Q33999 +Q311723 P106 Q2490358 +Q167475 P106 Q10800557 +Q30 P530 Q865 +Q826731 P69 Q32120 +Q87012 P106 Q1622272 +Q57358 P136 Q9730 +Q464941 P69 Q486156 +Q1599272 P1412 Q188 +Q272943 P264 Q183387 +Q290287 P27 Q38 +Q196977 P161 Q346833 +Q90892 P69 Q569350 +Q106571 P840 Q3711 +Q242 P463 Q656801 +Q255577 P106 Q28389 +Q76483 P106 Q49757 +Q33946 P30 Q46 +Q289895 P1412 Q188 +Q930961 P106 Q214917 +Q52927 P27 Q34 +Q1701970 P1412 Q1860 +Q270269 P106 Q10800557 +Q323669 P1050 Q10874 +Q159995 P108 Q152087 +Q271006 P161 Q104791 +Q223139 P161 Q209186 +Q350601 P27 Q16 +Q921869 P106 Q11063 +Q532852 P106 Q82955 +Q106740 P1412 Q652 +Q323805 P136 Q11399 +Q85112 P19 Q1741 +Q152165 P19 Q64 +Q355112 P19 Q2807 +Q663465 P106 Q1930187 +Q168555 P19 Q23306 +Q165392 P136 Q1200678 +Q48589 P106 Q14467526 +Q145 P463 Q151991 +Q325038 P27 Q34266 +Q139927 P495 Q30 +Q1040186 P1303 Q6607 +Q170574 P106 Q10798782 +Q19201 P264 Q843402 +Q508325 P106 Q2986228 +Q684808 P509 Q181754 +Q96 P463 Q1065 +Q505882 P106 Q10798782 +Q237405 P1303 Q17172850 +Q206886 P161 Q308722 +Q134077 P106 Q2526255 +Q269177 P20 Q649 +Q265270 P106 Q11774202 +Q6527 P106 Q18814623 +Q319133 P106 Q36180 +Q158436 P69 Q686522 +Q87457 P106 Q333634 +Q35912 P106 Q33999 +Q217314 P1412 Q1860 +Q76258 P106 Q36180 +Q10287 P1412 Q150 +Q204868 P20 Q90 +Q169104 P119 Q118967 +Q543804 P463 Q1559701 +Q101919 P19 Q1721 +Q77042 P106 Q177220 +Q161963 P20 Q1781 +Q946019 P136 Q83270 +Q144164 P106 Q33231 +Q192724 P136 Q1535153 +Q93030 P69 Q457281 +Q272929 P101 Q1328508 +Q667683 P20 Q138518 +Q392662 P161 Q312252 +Q428223 P106 Q36834 +Q34060 P119 Q206161 +Q2061964 P463 Q1938003 +Q209170 P840 Q84 +Q94831 P136 Q83440 +Q106126 P551 Q90 +Q69645 P27 Q183 +Q162277 P136 Q130232 +Q328695 P161 Q310944 +Q92602 P106 Q82594 +Q310582 P106 Q488205 +Q850746 P106 Q177220 +Q25080 P1303 Q17172850 +Q969753 P106 Q201788 +Q202304 P106 Q639669 +Q234519 P1412 Q1860 +Q313627 P106 Q10798782 +Q4266175 P19 Q994 +Q710837 P509 Q128581 +Q328695 P161 Q25144 +Q465181 P106 Q482980 +Q1615184 P20 Q78 +Q185024 P69 Q14404494 +Q865 P530 Q786 +Q320653 P27 Q159 +Q4028 P264 Q183387 +Q192655 P1412 Q1860 +Q470047 P140 Q23540 +Q567772 P106 Q713200 +Q240509 P1412 Q1860 +Q84842 P463 Q46703 +Q547660 P106 Q36834 +Q153597 P140 Q9592 +Q72390 P108 Q170027 +Q541964 P1412 Q150 +Q286116 P69 Q49117 +Q442980 P27 Q30 +Q184605 P840 Q60 +Q276425 P106 Q33999 +Q1200053 P27 Q145 +Q157194 P106 Q1028181 +Q104859 P69 Q49126 +Q57285 P264 Q183412 +Q40096 P40 Q221364 +Q75116 P20 Q24879 +Q408 P530 Q1020 +Q117021 P1412 Q188 +Q130853 P1412 Q1321 +Q461610 P1412 Q1860 +Q738617 P106 Q81096 +Q231276 P106 Q15981151 +Q920637 P106 Q1930187 +Q77881 P20 Q4120832 +Q107405 P551 Q585 +Q439209 P106 Q1930187 +Q315773 P106 Q36180 +Q1175266 P264 Q843402 +Q198644 P1412 Q150 +Q2704774 P102 Q79854 +Q159552 P1050 Q178275 +Q253845 P69 Q463055 +Q315266 P69 Q152087 +Q4289338 P69 Q1379834 +Q973400 P20 Q656 +Q241510 P106 Q28389 +Q277527 P495 Q145 +Q213783 P106 Q13582652 +Q101638 P106 Q4853732 +Q280400 P161 Q325070 +Q122163 P108 Q206702 +Q44024 P1412 Q35497 +Q238121 P106 Q10800557 +Q60684 P1050 Q12204 +Q314963 P140 Q9592 +Q269645 P106 Q177220 +Q162667 P106 Q639669 +Q324157 P108 Q31519 +Q275875 P136 Q11700058 +Q462356 P106 Q6625963 +Q309214 P19 Q172 +Q1237496 P106 Q36834 +Q61374 P69 Q151510 +Q193744 P106 Q5371902 +Q640292 P1412 Q652 +Q18425 P463 Q901677 +Q219640 P106 Q10800557 +Q888554 P264 Q557632 +Q132162 P106 Q6625963 +Q29999 P30 Q15 +Q220816 P119 Q1514332 +Q360313 P106 Q10798782 +Q313470 P1303 Q17172850 +Q520504 P106 Q855091 +Q314110 P140 Q7066 +Q178094 P840 Q2915506 +Q232 P530 Q230 +Q303464 P1303 Q5994 +Q607448 P106 Q855091 +Q216934 P106 Q2252262 +Q162202 P264 Q1047366 +Q4227 P106 Q28389 +Q222867 P161 Q532180 +Q468356 P106 Q177220 +Q105940 P106 Q4964182 +Q302817 P106 Q11499147 +Q236094 P106 Q36180 +Q216004 P19 Q2079 +Q502325 P27 Q159 +Q724160 P106 Q43845 +Q1294820 P136 Q11399 +Q952737 P106 Q36180 +Q123706 P69 Q209842 +Q244257 P495 Q38 +Q19356 P136 Q157394 +Q304874 P106 Q1930187 +Q214665 P27 Q172579 +Q231815 P106 Q33999 +Q77967 P108 Q158158 +Q25 P17 Q179876 +Q157324 P463 Q191583 +Q52950 P106 Q16533 +Q630181 P172 Q539051 +Q369907 P27 Q129286 +Q213632 P102 Q49768 +Q196977 P161 Q513849 +Q57244 P20 Q1794 +Q61374 P140 Q5043 +Q463184 P27 Q30 +Q190076 P136 Q9759 +Q259807 P161 Q313044 +Q722042 P106 Q753110 +Q151414 P27 Q30 +Q62963 P27 Q7318 +Q309980 P106 Q10800557 +Q94701 P108 Q152087 +Q142768 P509 Q210392 +Q213547 P1412 Q188 +Q44922 P106 Q214917 +Q241909 P106 Q10800557 +Q566200 P19 Q2066 +Q877537 P69 Q1329478 +Q120977 P106 Q36180 +Q846421 P131 Q104994 +Q751205 P102 Q139596 +Q16 P463 Q340195 +Q223745 P451 Q232384 +Q57309 P106 Q82955 +Q1772432 P264 Q1273666 +Q323267 P108 Q230899 +Q434694 P106 Q10800557 +Q261104 P106 Q10798782 +Q247733 P161 Q357762 +Q102112 P106 Q193391 +Q223299 P161 Q781878 +Q44517 P27 Q518101 +Q41 P530 Q298 +Q296545 P463 Q463303 +Q314924 P106 Q10800557 +Q2587669 P20 Q62 +Q70950 P1412 Q188 +Q185490 P161 Q287427 +Q707266 P1412 Q8748 +Q463265 P27 Q30 +Q239067 P106 Q901 +Q40479 P106 Q6625963 +Q234169 P19 Q60 +Q740596 P27 Q28 +Q6244080 P69 Q860450 +Q537320 P27 Q15180 +Q311238 P136 Q842324 +Q229153 P27 Q30 +Q95736 P1412 Q188 +Q134644 P27 Q29 +Q201477 P463 Q188771 +Q347428 P106 Q177220 +Q165817 P161 Q312337 +Q699950 P551 Q55630 +Q367073 P27 Q145 +Q40912 P40 Q1349639 +Q67076 P69 Q151510 +Q435330 P106 Q639669 +Q471751 P106 Q947873 +Q160058 P106 Q36834 +Q2585807 P106 Q10872101 +Q180962 P106 Q28389 +Q728615 P463 Q463281 +Q182455 P69 Q52413 +Q152880 P463 Q812155 +Q157255 P108 Q190080 +Q979347 P264 Q4779433 +Q212167 P172 Q79797 +Q164170 P1412 Q1860 +Q723281 P69 Q579968 +Q28 P530 Q212 +Q73437 P27 Q145 +Q113909 P102 Q49768 +Q310800 P1412 Q1860 +Q378891 P161 Q2680 +Q105624 P840 Q23482 +Q11975 P27 Q30 +Q2560778 P1412 Q188 +Q179282 P108 Q49108 +Q215556 P106 Q639669 +Q181659 P737 Q7243 +Q184535 P101 Q395 +Q58444 P551 Q84 +Q273311 P27 Q145 +Q326177 P161 Q310190 +Q231608 P1303 Q17172850 +Q656 P131 Q2184 +Q901070 P463 Q110587 +Q801 P530 Q334 +Q50713 P1412 Q150 +Q916 P530 Q114 +Q51564 P106 Q10798782 +Q131018 P106 Q733786 +Q376144 P840 Q38 +Q41142 P1050 Q128581 +Q57554 P463 Q414188 +Q774 P361 Q653884 +Q193459 P3373 Q216708 +Q258846 P106 Q855091 +Q5879 P106 Q36180 +Q991720 P19 Q60 +Q243639 P136 Q45981 +Q93015 P106 Q1622272 +Q60969 P20 Q1486 +Q858 P463 Q7172 +Q494507 P106 Q49757 +Q22686 P102 Q29468 +Q315188 P463 Q4345832 +Q55963 P1412 Q5287 +Q520621 P27 Q30 +Q261759 P57 Q323076 +Q940891 P106 Q33999 +Q853 P106 Q3387717 +Q921542 P264 Q183387 +Q33 P530 Q28 +Q134165 P106 Q42973 +Q236229 P27 Q15180 +Q314877 P136 Q487914 +Q66023 P106 Q4964182 +Q187019 P1412 Q7976 +Q34020 P463 Q7809 +Q40054 P1412 Q1860 +Q442854 P1412 Q1860 +Q235934 P106 Q947873 +Q108206 P1412 Q1860 +Q124610 P108 Q152087 +Q833 P463 Q376150 +Q41342 P106 Q13235160 +Q55245 P106 Q10800557 +Q287027 P106 Q488111 +Q92893 P108 Q37156 +Q274227 P27 Q142 +Q344822 P106 Q158852 +Q57391 P1412 Q188 +Q114 P530 Q1045 +Q617932 P69 Q29052 +Q215215 P106 Q33999 +Q431656 P509 Q212961 +Q104104 P463 Q270794 +Q278519 P1303 Q5994 +Q51581 P106 Q3282637 +Q364781 P106 Q28389 +Q965179 P737 Q354519 +Q313764 P161 Q111288 +Q266611 P106 Q40348 +Q125663 P1412 Q5287 +Q107130 P509 Q12078 +Q248592 P27 Q34 +Q162597 P140 Q7066 +Q443897 P27 Q30 +Q258 P463 Q1065 +Q713859 P106 Q177220 +Q454428 P19 Q34404 +Q27 P530 Q96 +Q153034 P27 Q142 +Q1044 P463 Q8475 +Q974 P463 Q816706 +Q117197 P1412 Q188 +Q221384 P161 Q382197 +Q697818 P27 Q801 +Q60045 P106 Q81096 +Q178106 P106 Q49757 +Q275964 P106 Q3282637 +Q40640 P106 Q6625963 +Q379785 P106 Q1622272 +Q10648 P69 Q160302 +Q48502 P27 Q40 +Q1761095 P27 Q2184 +Q334633 P106 Q11900058 +Q180377 P106 Q49757 +Q981270 P1412 Q150 +Q1553657 P106 Q37226 +Q1278397 P407 Q1860 +Q214 P530 Q212 +Q7351 P106 Q158852 +Q109438 P106 Q2490358 +Q57106 P106 Q1792450 +Q7833 P106 Q81096 +Q676562 P106 Q158852 +Q11820 P106 Q10076267 +Q939357 P1303 Q5994 +Q97301 P108 Q156725 +Q61064 P140 Q35032 +Q554164 P27 Q30 +Q103579 P19 Q1794 +Q215369 P19 Q1761 +Q207 P69 Q2599077 +Q19089 P161 Q296008 +Q105349 P136 Q105513 +Q386291 P161 Q218718 +Q180011 P106 Q2405480 +Q3339429 P106 Q33999 +Q295847 P69 Q1185037 +Q87432 P106 Q10798782 +Q14277 P463 Q123885 +Q97076 P106 Q2516866 +Q432129 P106 Q1622272 +Q76819 P106 Q10798782 +Q784260 P106 Q177220 +Q1025 P463 Q17495 +Q229282 P101 Q207628 +Q188018 P27 Q30 +Q204725 P161 Q235302 +Q60802 P27 Q30 +Q90885 P106 Q3068305 +Q322275 P106 Q753110 +Q3924 P136 Q83270 +Q311115 P463 Q3291340 +Q229254 P106 Q10798782 +Q1051182 P136 Q1641839 +Q4042 P106 Q488205 +Q104276 P463 Q320642 +Q957010 P106 Q183945 +Q65126 P69 Q152087 +Q1642230 P69 Q599316 +Q66447 P463 Q939743 +Q185140 P451 Q228766 +Q123878 P20 Q437 +Q84114 P108 Q1144673 +Q235525 P106 Q11900058 +Q7199 P106 Q49757 +Q237659 P106 Q10798782 +Q73581 P102 Q49750 +Q345446 P1303 Q5994 +Q204191 P136 Q21401869 +Q804348 P1303 Q17172850 +Q179282 P69 Q49115 +Q201927 P1412 Q1860 +Q78791 P27 Q33946 +Q2602121 P106 Q1622272 +Q602779 P27 Q30 +Q490938 P1303 Q17172850 +Q449199 P69 Q838330 +Q324499 P1412 Q188 +Q382099 P106 Q55960555 +Q405672 P106 Q1028181 +Q13005 P509 Q11085 +Q216398 P20 Q84 +Q254022 P737 Q460876 +Q329577 P106 Q10800557 +Q366956 P106 Q10800557 +Q257182 P106 Q488205 +Q60586 P106 Q188094 +Q65600 P1412 Q188 +Q193628 P106 Q33999 +Q178100 P136 Q482 +Q14538 P106 Q33999 +Q186525 P27 Q924 +Q124401 P106 Q486748 +Q90520 P19 Q1741 +Q333260 P463 Q2370801 +Q64241 P69 Q51985 +Q541922 P1303 Q80284 +Q274157 P136 Q37073 +Q199929 P106 Q2405480 +Q93401 P106 Q121594 +Q342949 P106 Q482980 +Q218319 P101 Q35760 +Q323175 P106 Q10800557 +Q77214 P69 Q156598 +Q76409 P737 Q23434 +Q244395 P27 Q27 +Q423 P463 Q40970 +Q62890 P69 Q838330 +Q202735 P106 Q10798782 +Q78774 P20 Q1741 +Q483203 P1303 Q9798 +Q62664 P19 Q1022 +Q1290755 P1412 Q188 +Q233843 P119 Q1358639 +Q107350 P106 Q36180 +Q289204 P136 Q2421031 +Q126164 P509 Q220570 +Q706542 P106 Q43845 +Q99842 P69 Q152087 +Q705841 P106 Q753110 +Q327836 P106 Q753110 +Q354863 P106 Q1326886 +Q314158 P509 Q83319 +Q102139 P106 Q1028181 +Q58577 P106 Q82955 +Q18233 P138 Q173144 +Q95710 P106 Q482980 +Q382604 P106 Q28389 +Q708284 P27 Q36 +Q207824 P106 Q639669 +Q721043 P106 Q753110 +Q290370 P106 Q10800557 +Q177288 P27 Q34266 +Q367085 P106 Q33999 +Q106748 P106 Q34074720 +Q71206 P106 Q18814623 +Q44584 P3373 Q105090 +Q84960 P69 Q32120 +Q185465 P69 Q1026939 +Q204212 P136 Q1054574 +Q1046066 P17 Q30 +Q381185 P119 Q2790054 +Q9327 P136 Q8261 +Q559844 P106 Q753110 +Q1041749 P106 Q488205 +Q102822 P19 Q34370 +Q183519 P136 Q37073 +Q143716 P161 Q23359 +Q452084 P1412 Q9056 +Q597694 P106 Q36180 +Q381768 P1412 Q1860 +Q712851 P106 Q158852 +Q57329 P69 Q1377 +Q265726 P509 Q12136 +Q1627834 P1303 Q17172850 +Q123825 P463 Q459620 +Q28234 P495 Q145 +Q266795 P136 Q83440 +Q288359 P106 Q10798782 +Q235394 P106 Q36180 +Q105695 P1303 Q17172850 +Q186924 P136 Q11366 +Q401773 P1412 Q7737 +Q164111 P106 Q42973 +Q151523 P463 Q1425328 +Q212 P463 Q7825 +Q259691 P136 Q37073 +Q122701 P106 Q169470 +Q92747 P27 Q30 +Q269830 P19 Q3616 +Q484702 P106 Q2500638 +Q441713 P106 Q10800557 +Q343477 P106 Q482980 +Q41142 P106 Q10798782 +Q233946 P106 Q10798782 +Q272435 P1412 Q1321 +Q67535 P1412 Q188 +Q769080 P106 Q158852 +Q41590 P19 Q19660 +Q298651 P1412 Q1860 +Q357324 P106 Q1622272 +Q34166 P264 Q202585 +Q154959 P1412 Q397 +Q1686370 P264 Q1254522 +Q21088 P106 Q130857 +Q58720 P106 Q205375 +Q372311 P102 Q29552 +Q315188 P119 Q208175 +Q171730 P69 Q209842 +Q43432 P1303 Q17172850 +Q232222 P57 Q361670 +Q2964710 P106 Q131524 +Q6882 P20 Q72 +Q235053 P27 Q30 +Q42443 P106 Q12144794 +Q79025 P463 Q41726 +Q438310 P106 Q482980 +Q818006 P20 Q49142 +Q149431 P161 Q343059 +Q122713 P161 Q229042 +Q1341906 P264 Q202440 +Q786954 P1303 Q281460 +Q28196 P136 Q3072049 +Q498045 P106 Q1075651 +Q161087 P161 Q335376 +Q286690 P106 Q937857 +Q385236 P27 Q17 +Q560354 P106 Q10800557 +Q377725 P102 Q204911 +Q538284 P106 Q639669 +Q172975 P161 Q175535 +Q312975 P106 Q18576582 +Q242939 P106 Q18814623 +Q3816 P106 Q214917 +Q316850 P19 Q172 +Q87457 P106 Q14467526 +Q180251 P19 Q18426 +Q505994 P136 Q83270 +Q188461 P106 Q3501317 +Q55468 P1412 Q652 +Q86526 P106 Q36180 +Q298 P463 Q4230 +Q224113 P106 Q1053574 +Q372073 P106 Q3282637 +Q737626 P136 Q676 +Q347528 P106 Q10800557 +Q151691 P138 Q436790 +Q335238 P106 Q1930187 +Q259788 P1303 Q17172850 +Q320218 P106 Q2405480 +Q960524 P1412 Q1860 +Q472856 P20 Q220 +Q240370 P106 Q36180 +Q151825 P161 Q163263 +Q159054 P161 Q55294 +Q58282 P106 Q864380 +Q784260 P172 Q49085 +Q212 P530 Q232 +Q66649 P106 Q193391 +Q327229 P106 Q10798782 +Q17 P463 Q233611 +Q73096 P108 Q152171 +Q1382830 P1412 Q1860 +Q116307 P106 Q2310145 +Q188137 P172 Q141817 +Q498 P27 Q35 +Q55915 P106 Q82955 +Q93043 P1412 Q1860 +Q183 P530 Q805 +Q114405 P106 Q483501 +Q81520 P1412 Q1860 +Q189081 P451 Q264730 +Q945024 P69 Q319239 +Q299723 P106 Q81096 +Q756563 P172 Q141817 +Q505850 P106 Q205375 +Q639065 P27 Q30 +Q982314 P106 Q177220 +Q36620 P106 Q18814623 +Q181685 P106 Q170790 +Q446673 P106 Q33999 +Q239307 P463 Q463303 +Q202770 P172 Q49542 +Q144391 P106 Q1476215 +Q63834 P106 Q1622272 +Q435398 P1303 Q17172850 +Q180377 P20 Q840668 +Q382036 P172 Q678551 +Q64902 P69 Q32120 +Q721963 P641 Q32112 +Q1931736 P106 Q1259917 +Q541573 P106 Q488205 +Q115490 P108 Q372608 +Q562213 P106 Q1238570 +Q49498 P495 Q30 +Q234224 P106 Q36180 +Q34677 P106 Q3455803 +Q353442 P69 Q1189954 +Q2643 P106 Q222749 +Q157400 P69 Q797078 +Q66448 P106 Q158852 +Q504753 P119 Q64 +Q1634482 P106 Q1607826 +Q334885 P19 Q485716 +Q249931 P495 Q30 +Q220376 P136 Q130232 +Q243419 P1412 Q1860 +Q303040 P161 Q312705 +Q182218 P161 Q23365 +Q506231 P19 Q84 +Q467670 P1303 Q17172850 +Q43723 P27 Q801 +Q918655 P19 Q584451 +Q61584 P106 Q4610556 +Q275876 P27 Q30 +Q215488 P136 Q37073 +Q470334 P106 Q49757 +Q44426 P106 Q482980 +Q69281 P20 Q11299 +Q169461 P106 Q2259451 +Q129987 P27 Q55 +Q32520 P1412 Q397 +Q26702 P69 Q209842 +Q908998 P106 Q10800557 +Q882 P106 Q18814623 +Q204338 P463 Q1971373 +Q120260 P101 Q1328508 +Q380981 P161 Q188955 +Q887889 P106 Q189290 +Q267914 P106 Q33999 +Q61813 P19 Q2079 +Q426390 P106 Q855091 +Q34060 P1412 Q1860 +Q356109 P1412 Q1860 +Q230736 P106 Q10798782 +Q92085 P106 Q482980 +Q249931 P161 Q36105 +Q455552 P495 Q142 +Q157044 P495 Q145 +Q93129 P463 Q127992 +Q1341906 P27 Q30 +Q47878 P27 Q145 +Q505517 P136 Q20378 +Q72276 P495 Q30 +Q112747 P161 Q352203 +Q71821 P69 Q151510 +Q26168 P1303 Q1444 +Q228546 P136 Q482 +Q164487 P26 Q40912 +Q699456 P509 Q12204 +Q63876 P1412 Q1321 +Q82049 P101 Q34178 +Q233736 P172 Q49085 +Q373423 P19 Q60 +Q2185 P509 Q29496 +Q23301 P172 Q50001 +Q345571 P463 Q2749618 +Q60016 P161 Q1366460 +Q920167 P106 Q33999 +Q1019 P463 Q376150 +Q553742 P641 Q2736 +Q543443 P106 Q177220 +Q213775 P463 Q543804 +Q211322 P69 Q523926 +Q355245 P19 Q1345 +Q242969 P106 Q4610556 +Q315136 P106 Q1930187 +Q357001 P136 Q21590660 +Q93343 P1412 Q1860 +Q63486 P69 Q32120 +Q49498 P161 Q317228 +Q86152 P69 Q152087 +Q1026532 P106 Q36180 +Q12303639 P1412 Q7737 +Q365557 P108 Q151510 +Q807398 P106 Q55960555 +Q364868 P136 Q9730 +Q326856 P1303 Q17172850 +Q61520 P101 Q23404 +Q963003 P136 Q8361 +Q343304 P106 Q36834 +Q55743 P1412 Q809 +Q231141 P509 Q175111 +Q190251 P1303 Q1343007 +Q214116 P108 Q50662 +Q229975 P106 Q4610556 +Q18450 P106 Q860918 +Q106795 P106 Q333634 +Q312657 P27 Q30 +Q526709 P106 Q864380 +Q187282 P106 Q1622272 +Q34424 P551 Q8652 +Q438014 P19 Q16557 +Q232468 P106 Q36834 +Q573223 P106 Q47064 +Q216870 P509 Q12078 +Q241 P530 Q28 +Q259446 P106 Q33999 +Q9588 P106 Q40348 +Q314485 P551 Q18438 +Q109149 P106 Q1231865 +Q61310 P19 Q64 +Q360663 P1412 Q1860 +Q149997 P20 Q488004 +Q148 P530 Q114 +Q213754 P463 Q4345832 +Q156902 P140 Q9592 +Q288180 P27 Q142 +Q710837 P106 Q49757 +Q162045 P106 Q486748 +Q981190 P20 Q649 +Q490738 P19 Q1754 +Q153730 P551 Q60 +Q290287 P20 Q18125 +Q370293 P69 Q304985 +Q87432 P1412 Q188 +Q228904 P172 Q49085 +Q101740 P463 Q40358 +Q242530 P1412 Q1860 +Q368 P106 Q82955 +Q273532 P19 Q60 +Q52447 P106 Q10800557 +Q49398 P136 Q2297927 +Q160478 P509 Q12152 +Q358885 P136 Q482 +Q5738 P106 Q40348 +Q2737 P106 Q10798782 +Q162202 P136 Q851213 +Q4173649 P119 Q208175 +Q980151 P27 Q30 +Q215139 P69 Q49205 +Q948 P530 Q843 +Q40909 P140 Q7066 +Q3104 P17 Q2415901 +Q338623 P27 Q159 +Q180819 P20 Q649 +Q183066 P495 Q30 +Q296028 P106 Q3282637 +Q188386 P106 Q1622272 +Q451608 P106 Q81096 +Q4538 P106 Q1028181 +Q329805 P57 Q55171 +Q14281 P463 Q4345832 +Q63032 P106 Q36180 +Q124494 P108 Q372608 +Q262549 P19 Q60 +Q280856 P106 Q82955 +Q357455 P27 Q145 +Q214665 P106 Q639669 +Q664 P530 Q833 +Q30893 P106 Q28389 +Q274297 P19 Q90 +Q882 P463 Q414110 +Q449743 P161 Q370918 +Q57477 P108 Q161982 +Q457316 P106 Q2259451 +Q1195301 P106 Q4610556 +Q222867 P161 Q193676 +Q129263 P69 Q15208489 +Q1392694 P509 Q11085 +Q945633 P106 Q486748 +Q66735968 P135 Q186030 +Q352203 P106 Q2405480 +Q72856 P69 Q165980 +Q324905 P106 Q639669 +Q347362 P1412 Q1860 +Q247733 P161 Q349391 +Q18800 P19 Q8684 +Q7200 P172 Q49542 +Q400614 P106 Q2259451 +Q577548 P106 Q2504617 +Q77184 P101 Q309 +Q256037 P161 Q208685 +Q386291 P161 Q345325 +Q334760 P463 Q530471 +Q193459 P140 Q7066 +Q301818 P106 Q10798782 +Q702468 P69 Q273626 +Q134895 P106 Q33999 +Q26695 P1303 Q17172850 +Q107422 P19 Q60 +Q46053 P19 Q84 +Q215215 P106 Q8246794 +Q211785 P1412 Q7737 +Q212 P530 Q79 +Q220018 P19 Q48958 +Q380545 P20 Q64 +Q189172 P1412 Q188 +Q233424 P106 Q18844224 +Q447659 P106 Q36180 +Q185655 P106 Q33999 +Q31628 P509 Q175111 +Q76641 P69 Q152171 +Q79031 P19 Q18419 +Q235770 P1303 Q17172850 +Q187857 P19 Q3130 +Q218 P463 Q1043527 +Q25191 P106 Q222344 +Q263621 P27 Q38 +Q957439 P106 Q1622272 +Q379461 P102 Q29468 +Q76336 P108 Q32120 +Q1296 P463 Q1768108 +Q241248 P106 Q36180 +Q193066 P161 Q191027 +Q31 P463 Q458 +Q63224 P106 Q182436 +Q235622 P69 Q1419737 +Q105543 P1412 Q727694 +Q34424 P106 Q36834 +Q454544 P106 Q15895020 +Q126783 P20 Q649 +Q163747 P106 Q1930187 +Q11891 P172 Q7435494 +Q386349 P106 Q2259451 +Q1075770 P1303 Q17172850 +Q164963 P136 Q157394 +Q390164 P136 Q2484376 +Q311613 P27 Q30 +Q172678 P69 Q1524124 +Q313528 P463 Q30907154 +Q232149 P20 Q4093 +Q239131 P19 Q60 +Q213595 P106 Q1930187 +Q320588 P495 Q30 +Q1394 P106 Q1930187 +Q555 P106 Q28389 +Q164703 P27 Q33946 +Q67921 P136 Q482 +Q175142 P106 Q177220 +Q332670 P737 Q103949 +Q55422 P19 Q172 +Q87168 P27 Q40 +Q230 P530 Q27 +Q1627834 P106 Q183945 +Q89461 P106 Q3282637 +Q233313 P106 Q33999 +Q84579 P20 Q36036 +Q725933 P136 Q186424 +Q185714 P27 Q30 +Q252 P530 Q142 +Q183063 P161 Q231163 +Q296771 P69 Q333886 +Q320236 P161 Q192165 +Q162277 P495 Q55 +Q49767 P106 Q4263842 +Q35 P530 Q37 +Q155545 P463 Q684415 +Q152388 P69 Q50662 +Q92882 P106 Q1622272 +Q1070832 P106 Q158852 +Q686 P463 Q7809 +Q1984061 P136 Q11366 +Q712 P463 Q188822 +Q455236 P106 Q488205 +Q353812 P27 Q36 +Q5284 P106 Q205375 +Q270730 P106 Q33999 +Q4266175 P463 Q2370801 +Q507845 P106 Q36834 +Q246929 P27 Q30 +Q360046 P106 Q10800557 +Q314502 P1412 Q1860 +Q221102 P495 Q145 +Q103876 P106 Q2526255 +Q265 P530 Q813 +Q2706204 P106 Q128124 +Q961671 P1303 Q6607 +Q184906 P140 Q7066 +Q429311 P161 Q395274 +Q979347 P264 Q645889 +Q72060 P69 Q153978 +Q189172 P1412 Q150 +Q51781 P106 Q170790 +Q220910 P136 Q496523 +Q77745 P106 Q40348 +Q213690 P27 Q145 +Q313107 P69 Q49213 +Q540443 P106 Q10873124 +Q268840 P27 Q145 +Q9327 P106 Q6625963 +Q389014 P161 Q272505 +Q457306 P3373 Q324366 +Q133405 P495 Q145 +Q984481 P69 Q273518 +Q275543 P106 Q2405480 +Q32910 P161 Q188375 +Q211998 P106 Q10798782 +Q328590 P1412 Q1860 +Q535 P106 Q15296811 +Q567529 P69 Q13371 +Q451180 P27 Q30 +Q3104 P131 Q1200 +Q208003 P509 Q188874 +Q209538 P161 Q34460 +Q130631 P737 Q859 +Q312098 P106 Q2259451 +Q76211 P27 Q183 +Q401773 P140 Q432 +Q123140 P20 Q71 +Q324129 P106 Q333634 +Q77497 P463 Q2043519 +Q58620 P27 Q183 +Q299723 P463 Q40358 +Q434291 P27 Q83286 +Q2019530 P106 Q15980158 +Q973400 P509 Q333495 +Q241583 P106 Q15949613 +Q311459 P106 Q36180 +Q342580 P106 Q49757 +Q49004 P1412 Q1860 +Q217619 P1412 Q1860 +Q239533 P136 Q9759 +Q215724 P119 Q881481 +Q153909 P1412 Q9299 +Q189042 P140 Q23540 +Q190944 P101 Q5891 +Q6078 P136 Q429264 +Q334780 P161 Q29092 +Q101326 P106 Q36180 +Q1783775 P106 Q855091 +Q270935 P1303 Q6607 +Q336467 P106 Q36180 +Q175571 P19 Q84 +Q67231 P27 Q183 +Q77325 P140 Q7066 +Q318192 P69 Q34433 +Q108553 P19 Q1794 +Q444591 P1412 Q1860 +Q152542 P106 Q10800557 +Q72201 P1412 Q188 +Q45970 P106 Q333634 +Q53680 P106 Q214917 +Q401773 P69 Q209842 +Q983 P463 Q294278 +Q103767 P106 Q36834 +Q77823 P1412 Q188 +Q65350 P106 Q11063 +Q206439 P1412 Q1860 +Q156133 P1412 Q1860 +Q125904 P106 Q2405480 +Q1978533 P509 Q389735 +Q159551 P20 Q2079 +Q91124 P106 Q635734 +Q80379 P2283 Q568723 +Q295120 P106 Q855091 +Q652815 P27 Q30 +Q223786 P106 Q10800557 +Q1744 P264 Q21077 +Q971 P530 Q142 +Q159169 P1412 Q1568 +Q156505 P172 Q539051 +Q78680 P106 Q42973 +Q1057003 P106 Q177220 +Q216924 P509 Q12202 +Q208108 P161 Q38111 +Q216692 P27 Q35 +Q465296 P106 Q639669 +Q254142 P106 Q805221 +Q55168 P106 Q33999 +Q51488 P106 Q33999 +Q289003 P1303 Q5994 +Q159551 P1303 Q5994 +Q71602 P106 Q1731155 +Q865 P530 Q189 +Q270529 P19 Q1899 +Q1290 P106 Q1234713 +Q1486 P131 Q414 +Q15935 P106 Q2252262 +Q3806666 P1412 Q1860 +Q55245 P463 Q463303 +Q351061 P106 Q36834 +Q733850 P69 Q41506 +Q82426 P495 Q30 +Q40 P30 Q46 +Q395494 P106 Q7042855 +Q85914 P20 Q16559 +Q168362 P69 Q35794 +Q183 P530 Q1246 +Q276038 P463 Q466089 +Q237112 P106 Q333634 +Q237833 P106 Q11774202 +Q1347483 P106 Q177220 +Q874 P463 Q1065 +Q334180 P264 Q202585 +Q218718 P106 Q18545066 +Q159642 P463 Q12759592 +Q182123 P106 Q4964182 +Q217160 P264 Q202440 +Q712914 P19 Q23556 +Q216060 P19 Q1085 +Q296809 P106 Q4853732 +Q188492 P264 Q1025106 +Q241470 P27 Q28 +Q49021 P161 Q433355 +Q75786 P106 Q4964182 +Q11975 P106 Q13235160 +Q270935 P140 Q1069127 +Q1029 P463 Q1043527 +Q327229 P119 Q311 +Q264596 P106 Q10798782 +Q441440 P106 Q3391743 +Q44767 P106 Q765778 +Q1353064 P1412 Q150 +Q794 P37 Q9168 +Q151796 P106 Q380075 +Q313522 P102 Q29468 +Q255376 P161 Q133050 +Q35236 P20 Q60 +Q72357 P69 Q154804 +Q253566 P136 Q2439025 +Q465955 P27 Q30 +Q96811 P102 Q49750 +Q964219 P19 Q1509 +Q454200 P106 Q10800557 +Q201607 P136 Q316930 +Q152929 P136 Q49451 +Q126958 P106 Q15981151 +Q4410089 P27 Q207272 +Q17455 P19 Q1781 +Q33866 P1412 Q150 +Q153943 P140 Q9592 +Q329434 P161 Q271256 +Q114572 P106 Q14915627 +Q157044 P161 Q257317 +Q230501 P27 Q30 +Q125600 P106 Q36180 +Q381110 P106 Q10800557 +Q125904 P106 Q10800557 +Q193710 P106 Q2252262 +Q7245 P106 Q1930187 +Q26702 P106 Q10732476 +Q224650 P106 Q486748 +Q232774 P161 Q296577 +Q231093 P1303 Q17172850 +Q19330 P1412 Q7976 +Q429867 P136 Q859369 +Q179680 P1412 Q150 +Q862 P106 Q11774202 +Q51110 P106 Q5716684 +Q553790 P69 Q1341516 +Q30 P530 Q55 +Q183253 P106 Q36180 +Q231923 P19 Q1345 +Q1355279 P463 Q812155 +Q215740 P1303 Q8355 +Q252248 P106 Q639669 +Q1189327 P551 Q23337 +Q194896 P108 Q9531 +Q462149 P495 Q183 +Q441351 P1412 Q7737 +Q89786 P119 Q240744 +Q105987 P140 Q1841 +Q106440 P840 Q84 +Q271327 P106 Q33999 +Q1973856 P106 Q36180 +Q5959091 P106 Q4773904 +Q84867 P106 Q121594 +Q101715 P1412 Q188 +Q34597 P509 Q2140674 +Q233213 P172 Q49085 +Q455930 P101 Q482 +Q45245 P106 Q2516866 +Q1036 P463 Q1043527 +Q232414 P106 Q2405480 +Q311976 P69 Q761534 +Q365578 P1412 Q1860 +Q182725 P172 Q49085 +Q1315512 P27 Q145 +Q71452 P136 Q37073 +Q44221 P27 Q30 +Q88937 P106 Q333634 +Q168452 P27 Q142 +Q1911440 P106 Q177220 +Q330447 P106 Q10800557 +Q317152 P102 Q1332068 +Q162045 P136 Q842324 +Q35 P530 Q408 +Q313077 P106 Q4263842 +Q162005 P69 Q13371 +Q232371 P27 Q145 +Q455292 P106 Q177220 +Q60579 P27 Q38872 +Q178412 P106 Q205375 +Q102902 P69 Q32120 +Q1232924 P106 Q13235160 +Q314343 P1303 Q17172850 +Q726198 P20 Q61 +Q169011 P106 Q189290 +Q62904 P27 Q30 +Q287309 P136 Q187760 +Q78030 P102 Q7320 +Q125017 P106 Q4610556 +Q314834 P136 Q21590660 +Q297598 P19 Q2807 +Q273118 P509 Q12152 +Q100005 P106 Q36180 +Q315132 P106 Q214917 +Q242110 P264 Q231694 +Q126492 P840 Q65 +Q41257 P106 Q1622272 +Q247182 P136 Q2421031 +Q356487 P264 Q2902300 +Q108857 P102 Q316533 +Q41408 P106 Q3387717 +Q813964 P1412 Q9056 +Q822401 P106 Q639669 +Q172261 P106 Q2259451 +Q34 P530 Q77 +Q103848 P106 Q2526255 +Q27645 P737 Q201221 +Q299190 P509 Q12152 +Q435330 P106 Q36834 +Q259379 P106 Q177220 +Q318249 P106 Q10798782 +Q517 P3373 Q152785 +Q3720507 P463 Q337234 +Q41564 P106 Q40348 +Q216813 P140 Q7361618 +Q3487499 P161 Q233873 +Q766930 P106 Q33999 +Q2695220 P172 Q115026 +Q49828 P69 Q190080 +Q216813 P106 Q333634 +Q273315 P26 Q381420 +Q51139 P136 Q7749 +Q214665 P136 Q1344 +Q51566 P108 Q49088 +Q98370 P108 Q24382 +Q70223 P106 Q36180 +Q118488 P108 Q909176 +Q727705 P106 Q14467526 +Q12844 P1303 Q128309 +Q180019 P27 Q30 +Q313627 P106 Q2252262 +Q234890 P1412 Q150 +Q91972 P106 Q82955 +Q63169 P27 Q183 +Q6294 P102 Q29468 +Q229263 P106 Q10800557 +Q403 P530 Q34 +Q347436 P1412 Q1860 +Q73096 P106 Q82955 +Q311256 P136 Q37073 +Q208116 P102 Q79854 +Q154756 P106 Q28389 +Q49819 P463 Q265058 +Q155390 P140 Q3333484 +Q47619 P101 Q8242 +Q93764 P1412 Q188 +Q84150 P69 Q165980 +Q60059 P108 Q209842 +Q18446 P106 Q82955 +Q205473 P136 Q188450 +Q168362 P106 Q36180 +Q156069 P136 Q3072049 +Q230420 P1303 Q17172850 +Q76823 P101 Q5891 +Q188459 P1303 Q17172850 +Q109496 P69 Q152171 +Q60996 P19 Q64 +Q288661 P106 Q33999 +Q44403 P737 Q34628 +Q19190 P1412 Q1860 +Q215562 P27 Q30 +Q66236 P27 Q183 +Q1606108 P27 Q170072 +Q92562 P106 Q11774156 +Q148 P530 Q1016 +Q350424 P106 Q2259451 +Q309014 P161 Q164119 +Q18806 P102 Q49768 +Q14538 P101 Q207628 +Q143716 P136 Q1200678 +Q238296 P495 Q30 +Q177131 P106 Q183945 +Q238751 P106 Q8178443 +Q288588 P136 Q37073 +Q71635 P27 Q183 +Q102754 P840 Q84 +Q246929 P264 Q389284 +Q28234 P161 Q189226 +Q321339 P106 Q36834 +Q281621 P106 Q2405480 +Q884 P530 Q712 +Q467423 P26 Q233213 +Q1558793 P108 Q152171 +Q741862 P119 Q27426 +Q194280 P19 Q1297 +Q7841 P101 Q184485 +Q85108 P106 Q1234713 +Q928 P530 Q17 +Q138850 P101 Q5891 +Q294773 P1412 Q1860 +Q86165 P27 Q518101 +Q456712 P106 Q10800557 +Q62963 P69 Q1190355 +Q317427 P106 Q488205 +Q676914 P106 Q1622272 +Q105118 P106 Q36180 +Q130853 P1303 Q17172850 +Q233584 P106 Q482980 +Q711 P463 Q384535 +Q280856 P26 Q10633 +Q363379 P106 Q520549 +Q435665 P509 Q623031 +Q115210 P161 Q314290 +Q510400 P106 Q333634 +Q199418 P1303 Q6607 +Q7504 P551 Q90 +Q215258 P1412 Q1860 +Q968214 P69 Q659706 +Q896966 P106 Q81096 +Q275900 P106 Q177220 +Q490114 P106 Q43845 +Q336397 P108 Q21578 +Q222921 P106 Q177220 +Q105941 P106 Q33999 +Q185510 P1412 Q1860 +Q218718 P19 Q744948 +Q110709 P101 Q395 +Q103637 P106 Q33999 +Q443166 P136 Q187760 +Q312705 P106 Q33999 +Q72893 P106 Q10798782 +Q213929 P108 Q32120 +Q254142 P19 Q649 +Q168962 P106 Q214917 +Q62134 P106 Q8178443 +Q602033 P106 Q14467526 +Q164765 P69 Q27621 +Q1037 P463 Q134102 +Q1226480 P1050 Q10874 +Q523589 P136 Q20378 +Q173893 P27 Q179876 +Q132489 P1412 Q1860 +Q11637 P140 Q682443 +Q107422 P27 Q30 +Q115010 P106 Q855091 +Q152738 P20 Q649 +Q359383 P27 Q15180 +Q96798 P106 Q82955 +Q1363261 P27 Q15180 +Q237530 P1412 Q1860 +Q313755 P106 Q177220 +Q93764 P19 Q1741 +Q726280 P19 Q18419 +Q110278 P136 Q1054574 +Q209012 P136 Q157443 +Q35314 P463 Q1971373 +Q403 P530 Q227 +Q297097 P106 Q488205 +Q1930941 P69 Q3064325 +Q332348 P161 Q207596 +Q38111 P451 Q152208 +Q76746 P106 Q189290 +Q478967 P136 Q11399 +Q108097 P106 Q10800557 +Q364131 P106 Q488205 +Q11153 P106 Q185351 +Q1374080 P20 Q485176 +Q31984 P463 Q463281 +Q296609 P1050 Q131755 +Q209186 P27 Q174193 +Q92739 P106 Q170790 +Q503672 P27 Q33 +Q249719 P106 Q855091 +Q236 P530 Q212 +Q527146 P463 Q1468277 +Q2086130 P1412 Q188 +Q170042 P106 Q19723482 +Q88832 P102 Q49750 +Q330447 P106 Q36834 +Q91587 P509 Q12192 +Q312292 P106 Q177220 +Q60363 P106 Q15895020 +Q206224 P161 Q224081 +Q658706 P1412 Q7026 +Q378333 P106 Q33999 +Q2130862 P19 Q1352 +Q709670 P1412 Q150 +Q213684 P1412 Q188 +Q282787 P106 Q1028181 +Q470572 P161 Q83484 +Q335087 P1412 Q1860 +Q881 P530 Q148 +Q339581 P463 Q4430504 +Q57123 P20 Q2090 +Q454970 P27 Q30 +Q44219 P106 Q49757 +Q10133 P2348 Q2277 +Q44380 P19 Q16552 +Q230993 P106 Q13590141 +Q8612 P1412 Q1860 +Q214309 P27 Q27 +Q363949 P106 Q201788 +Q328723 P106 Q3282637 +Q219655 P27 Q145 +Q1175266 P106 Q855091 +Q44780 P172 Q49085 +Q183519 P69 Q653693 +Q76641 P101 Q8087 +Q577548 P106 Q16287483 +Q182522 P69 Q21578 +Q98087 P1412 Q1860 +Q228755 P69 Q49088 +Q11812 P1412 Q1860 +Q989 P1412 Q188 +Q254 P1412 Q652 +Q78503 P106 Q81096 +Q370377 P106 Q3282637 +Q236939 P551 Q60 +Q248042 P106 Q1930187 +Q131240 P106 Q16323111 +Q237552 P106 Q33999 +Q550436 P1303 Q6607 +Q352023 P106 Q1930187 +Q745363 P119 Q118967 +Q213585 P20 Q1726 +Q438507 P106 Q901 +Q3305837 P463 Q270794 +Q19198 P19 Q16556 +Q59945 P140 Q7066 +Q158123 P108 Q695599 +Q314640 P106 Q28389 +Q186326 P140 Q748 +Q76772 P463 Q2822396 +Q189081 P451 Q95089 +Q273910 P136 Q83440 +Q320185 P19 Q649 +Q665344 P106 Q36180 +Q41076 P264 Q190585 +Q231121 P1412 Q5287 +Q224 P463 Q899770 +Q76517 P1412 Q188 +Q346036 P1303 Q17172850 +Q184622 P19 Q90 +Q364864 P1303 Q1444 +Q31781 P106 Q82955 +Q311253 P19 Q37320 +Q1757 P37 Q9027 +Q124834 P509 Q14467705 +Q267672 P136 Q471839 +Q107274 P106 Q1622272 +Q219491 P136 Q9730 +Q221305 P57 Q16345 +Q450789 P106 Q1930187 +Q58073 P106 Q1476215 +Q368424 P551 Q65 +Q135329 P1412 Q188 +Q87675 P106 Q82955 +Q1336479 P106 Q486748 +Q711810 P106 Q14915627 +Q2643 P119 Q1624932 +Q262 P463 Q7809 +Q9387 P106 Q14915627 +Q183187 P27 Q851 +Q1032998 P20 Q60 +Q81819 P106 Q33999 +Q225625 P20 Q1770 +Q35678 P102 Q29468 +Q203574 P136 Q860626 +Q303 P1412 Q1860 +Q466115 P20 Q90 +Q657 P463 Q134102 +Q32045 P106 Q10798782 +Q131691 P463 Q123885 +Q431117 P1303 Q46185 +Q1333234 P106 Q639669 +Q352496 P463 Q3394637 +Q128560 P463 Q1468277 +Q207640 P136 Q8261 +Q24348 P119 Q4263743 +Q1030 P463 Q340195 +Q60584 P106 Q49757 +Q43689 P19 Q3138 +Q201927 P140 Q75809 +Q44024 P19 Q87 +Q115883 P20 Q70 +Q490290 P106 Q639669 +Q236960 P1303 Q17172850 +Q45772 P1412 Q1860 +Q315732 P57 Q104266 +Q1077546 P136 Q37073 +Q171969 P106 Q4773904 +Q246296 P69 Q80207 +Q78504 P106 Q121594 +Q522050 P106 Q49757 +Q183253 P27 Q30 +Q355159 P106 Q33999 +Q76459 P19 Q1726 +Q1610776 P1412 Q1860 +Q159646 P463 Q83172 +Q962308 P106 Q947873 +Q224130 P161 Q44077 +Q115630 P1412 Q188 +Q445311 P106 Q2865819 +Q36951 P106 Q333634 +Q525180 P106 Q36834 +Q212993 P106 Q4773904 +Q712139 P509 Q47912 +Q58284 P551 Q162049 +Q106481 P106 Q2259451 +Q159976 P106 Q158852 +Q222939 P136 Q52162262 +Q1008 P463 Q3348506 +Q310800 P106 Q1930187 +Q72971 P1412 Q188 +Q72543 P1412 Q150 +Q96087 P106 Q333634 +Q127959 P106 Q1622272 +Q717204 P106 Q1930187 +Q64406 P27 Q183 +Q3186620 P106 Q1622272 +Q275875 P106 Q33999 +Q235132 P106 Q10798782 +Q180004 P106 Q33999 +Q660545 P69 Q192964 +Q455558 P106 Q43845 +Q208204 P495 Q30 +Q34086 P106 Q822146 +Q237056 P509 Q128581 +Q1260 P106 Q40348 +Q234989 P27 Q30 +Q71345 P102 Q7320 +Q151929 P463 Q842008 +Q22316 P106 Q40348 +Q457029 P136 Q9730 +Q288173 P57 Q188137 +Q782020 P27 Q30 +Q1351565 P101 Q11023 +Q236463 P19 Q65 +Q766880 P20 Q16555 +Q488099 P20 Q649 +Q367155 P106 Q10798782 +Q327546 P136 Q157394 +Q271986 P106 Q10800557 +Q4074457 P136 Q156035 +Q1785 P1303 Q17172850 +Q36330 P1412 Q652 +Q513615 P106 Q1622272 +Q86602 P106 Q1350157 +Q162917 P1412 Q150 +Q9061 P106 Q36180 +Q16872 P1303 Q17172850 +Q75185 P106 Q211346 +Q232417 P108 Q193196 +Q93043 P108 Q189022 +Q247516 P161 Q232968 +Q3088816 P264 Q843402 +Q23434 P106 Q164236 +Q318736 P106 Q36180 +Q691 P530 Q142 +Q174210 P106 Q36180 +Q61407 P69 Q152171 +Q5577 P106 Q644687 +Q72908 P27 Q1206012 +Q238422 P27 Q30 +Q9358 P101 Q5891 +Q109522 P19 Q16563 +Q31637 P106 Q2526255 +Q60869 P106 Q753110 +Q843 P530 Q233 +Q283859 P27 Q15180 +Q833 P530 Q1030 +Q229251 P106 Q10798782 +Q188113 P106 Q201788 +Q440272 P106 Q855091 +Q236939 P463 Q463303 +Q287607 P106 Q3282637 +Q278997 P840 Q90 +Q1260 P119 Q240744 +Q240954 P106 Q36180 +Q310734 P161 Q233439 +Q1342003 P27 Q34266 +Q109520 P106 Q2259451 +Q117194 P1412 Q188 +Q403 P131 Q838261 +Q166344 P1303 Q6607 +Q323834 P264 Q212699 +Q1715512 P106 Q36180 +Q71855 P19 Q1022 +Q23359 P641 Q11419 +Q179150 P1412 Q1860 +Q88844 P463 Q812155 +Q205120 P106 Q82955 +Q264307 P161 Q230004 +Q202028 P136 Q52207399 +Q235252 P69 Q969850 +Q105201 P463 Q4345832 +Q190373 P27 Q30 +Q28978 P106 Q131524 +Q1585964 P463 Q40358 +Q78205 P463 Q46703 +Q181425 P27 Q8646 +Q129006 P1412 Q1860 +Q34086 P106 Q17125263 +Q127330 P136 Q8341 +Q144164 P1412 Q1860 +Q30907154 P131 Q1486 +Q77851 P106 Q1930187 +Q69366 P27 Q183 +Q321636 P108 Q871369 +Q1353559 P509 Q623031 +Q229282 P264 Q14192383 +Q399 P463 Q17495 +Q187913 P264 Q1251139 +Q5921354 P106 Q1028181 +Q431401 P106 Q639669 +Q711 P530 Q16 +Q592381 P106 Q177220 +Q310729 P136 Q369747 +Q49760 P106 Q28389 +Q75866 P463 Q156652 +Q131433 P551 Q39 +Q267265 P136 Q268253 +Q77688 P106 Q2722764 +Q529309 P106 Q16287483 +Q95237 P106 Q1930187 +Q465695 P106 Q177220 +Q331760 P161 Q213864 +Q6538 P106 Q6625963 +Q193405 P101 Q5891 +Q378639 P106 Q6625963 +Q1267 P463 Q463303 +Q52925 P463 Q191583 +Q31164 P264 Q155152 +Q336125 P106 Q36180 +Q151814 P27 Q145 +Q216092 P20 Q23482 +Q4289338 P463 Q2370801 +Q61686 P69 Q51985 +Q151848 P161 Q162492 +Q39999 P136 Q860626 +Q334 P463 Q233611 +Q72962 P57 Q3772 +Q302819 P106 Q36180 +Q181069 P161 Q192812 +Q349799 P106 Q183945 +Q1395064 P106 Q639669 +Q61064 P135 Q80113 +Q972641 P69 Q13371 +Q1294820 P1303 Q6607 +Q212689 P161 Q298209 +Q2429435 P106 Q14915627 +Q57954 P27 Q183 +Q432929 P27 Q30 +Q237173 P69 Q49124 +Q152452 P27 Q34 +Q9364 P551 Q90 +Q523870 P106 Q1930187 +Q348916 P106 Q36180 +Q76395 P69 Q926749 +Q116905 P161 Q160432 +Q168962 P140 Q9592 +Q107008 P264 Q4779433 +Q194346 P495 Q142 +Q30449 P136 Q487914 +Q149489 P69 Q49122 +Q35011 P106 Q10800557 +Q4242236 P106 Q901 +Q77006 P106 Q177220 +Q445122 P161 Q188772 +Q65126 P102 Q49750 +Q216195 P106 Q42909 +Q41166 P69 Q258464 +Q69115 P106 Q82955 +Q952491 P136 Q193355 +Q98062 P19 Q2833 +Q231556 P19 Q60 +Q190145 P161 Q181900 +Q230308 P106 Q10798782 +Q315181 P106 Q465501 +Q47221 P161 Q41351 +Q195390 P106 Q16323111 +Q11148 P159 Q84 +Q205000 P106 Q2526255 +Q979084 P106 Q177220 +Q12571 P463 Q170208 +Q311271 P106 Q2259451 +Q83338 P106 Q2405480 +Q101437 P106 Q901402 +Q103788 P106 Q3282637 +Q105118 P19 Q1297 +Q78089 P19 Q2090 +Q176163 P1412 Q809 +Q458686 P106 Q11900058 +Q283859 P136 Q8261 +Q504920 P20 Q65 +Q261700 P161 Q236702 +Q63176 P1412 Q188 +Q745363 P136 Q482 +Q189351 P106 Q10798782 +Q229187 P106 Q10800557 +Q310975 P27 Q30 +Q181875 P20 Q189960 +Q235223 P106 Q753110 +Q108525 P136 Q130232 +Q101326 P106 Q1622272 +Q230499 P1303 Q79838 +Q30 P530 Q212 +Q575795 P19 Q1297 +Q898 P131 Q2184 +Q981996 P106 Q753110 +Q108703 P106 Q82955 +Q11998 P264 Q1200368 +Q231182 P136 Q37073 +Q83155 P119 Q311 +Q159840 P19 Q34370 +Q118812 P27 Q183 +Q86553 P106 Q1930187 +Q228792 P106 Q3282637 +Q90840 P106 Q82955 +Q256732 P106 Q639669 +Q284017 P106 Q177220 +Q110450 P69 Q559549 +Q715790 P463 Q2092629 +Q506288 P106 Q36834 +Q50005 P27 Q38 +Q2560493 P101 Q8162 +Q232868 P1412 Q1860 +Q485310 P106 Q177220 +Q203460 P106 Q6625963 +Q159976 P69 Q312578 +Q437710 P106 Q4610556 +Q665344 P1412 Q7737 +Q185007 P69 Q499911 +Q587741 P27 Q145 +Q61112 P106 Q10800557 +Q466457 P27 Q423 +Q46599 P106 Q6625963 +Q298 P463 Q233611 +Q342430 P106 Q33999 +Q283988 P106 Q2405480 +Q154759 P20 Q1754 +Q215927 P1412 Q150 +Q273833 P69 Q49114 +Q324499 P20 Q1726 +Q109067 P27 Q28513 +Q47243 P106 Q4263842 +Q455930 P1303 Q17172850 +Q193710 P1303 Q17172850 +Q237633 P172 Q49085 +Q148387 P161 Q233786 +Q334780 P136 Q319221 +Q288359 P27 Q30 +Q150482 P27 Q30 +Q114740 P106 Q36834 +Q148 P530 Q574 +Q1444438 P106 Q806349 +Q36620 P106 Q49757 +Q1032998 P106 Q1607826 +Q101064 P20 Q3806 +Q272943 P27 Q142 +Q765165 P27 Q34266 +Q978959 P19 Q18383 +Q450984 P102 Q29468 +Q316045 P19 Q1748 +Q2866 P106 Q82955 +Q466569 P140 Q1841 +Q29 P530 Q28 +Q40096 P264 Q27184 +Q1579916 P1412 Q188 +Q43303 P140 Q483654 +Q240523 P140 Q432 +Q290856 P106 Q33999 +Q434916 P27 Q38 +Q9582 P69 Q49112 +Q434266 P1412 Q7737 +Q151098 P27 Q142 +Q361523 P69 Q49088 +Q134077 P106 Q10800557 +Q469893 P1303 Q17172850 +Q92876 P106 Q81096 +Q313755 P69 Q1702106 +Q72790 P69 Q202660 +Q3335 P106 Q18844224 +Q4425869 P27 Q2305208 +Q11124 P140 Q9268 +Q558167 P106 Q11900058 +Q156942 P551 Q174193 +Q110870 P102 Q49750 +Q932959 P1303 Q8355 +Q98110 P106 Q18814623 +Q1163944 P106 Q13219637 +Q836 P530 Q403 +Q60247 P69 Q156737 +Q192724 P161 Q297552 +Q161877 P1303 Q5994 +Q352738 P551 Q19660 +Q10411 P27 Q20 +Q6538 P463 Q414110 +Q37767 P69 Q82513 +Q470841 P19 Q8686 +Q271576 P106 Q753110 +Q188987 P27 Q16 +Q503013 P172 Q7325 +Q337089 P264 Q277626 +Q1124061 P136 Q8341 +Q272079 P140 Q624477 +Q452252 P1412 Q1860 +Q1261353 P27 Q96 +Q448764 P108 Q193196 +Q369907 P106 Q82955 +Q269927 P106 Q3282637 +Q1064413 P69 Q13371 +Q49034 P1412 Q188 +Q993950 P106 Q214917 +Q276209 P140 Q9268 +Q104067 P106 Q10800557 +Q526424 P20 Q1486 +Q318249 P106 Q33999 +Q329035 P106 Q753110 +Q166234 P106 Q4263842 +Q49683 P131 Q172107 +Q1110652 P161 Q386349 +Q57387 P106 Q214917 +Q84217 P106 Q5716684 +Q902 P530 Q155 +Q353866 P140 Q9592 +Q153723 P136 Q369747 +Q28941 P119 Q1437214 +Q5327 P463 Q123885 +Q796 P530 Q928 +Q93070 P27 Q30 +Q538379 P101 Q482 +Q943298 P106 Q2252262 +Q367748 P161 Q190523 +Q463927 P161 Q318685 +Q77428 P20 Q1022 +Q246731 P463 Q543804 +Q1025 P530 Q159 +Q12735 P1412 Q9056 +Q250669 P106 Q753110 +Q764570 P106 Q169470 +Q44301 P1303 Q17172850 +Q441628 P69 Q4204467 +Q64440 P1412 Q188 +Q51489 P27 Q30 +Q323470 P27 Q34 +Q314877 P1412 Q1860 +Q983686 P106 Q753110 +Q438968 P463 Q329464 +Q92085 P106 Q28389 +Q9387 P27 Q41304 +Q554775 P106 Q1415090 +Q16574 P20 Q1867 +Q380286 P19 Q649 +Q64180 P106 Q1930187 +Q77825 P19 Q1799 +Q201687 P840 Q62 +Q102711 P2348 Q6927 +Q308929 P161 Q359325 +Q313470 P172 Q1344183 +Q1537105 P106 Q177220 +Q428347 P106 Q1415090 +Q3188007 P106 Q3400985 +Q408 P530 Q800 +Q351527 P20 Q220 +Q892 P737 Q183167 +Q664 P530 Q38 +Q766293 P106 Q1622272 +Q339358 P20 Q2634 +Q1500297 P1412 Q9129 +Q918655 P106 Q4964182 +Q288355 P161 Q269809 +Q292973 P106 Q2722764 +Q667841 P27 Q174193 +Q164745 P20 Q3820 +Q1583707 P27 Q20 +Q81219 P1412 Q1860 +Q179493 P1412 Q9027 +Q333260 P102 Q79854 +Q104757 P108 Q152171 +Q132899 P509 Q11081 +Q295781 P27 Q15180 +Q40482 P1412 Q809 +Q573388 P69 Q745967 +Q461104 P106 Q49757 +Q322750 P509 Q476921 +Q1057003 P27 Q30 +Q112227 P69 Q165980 +Q45337 P119 Q3955 +Q26265 P161 Q1349639 +Q440528 P106 Q333634 +Q84412 P102 Q153401 +Q184750 P27 Q215 +Q257630 P161 Q314502 +Q7241 P106 Q177220 +Q7542 P264 Q843402 +Q322303 P264 Q2733913 +Q79 P530 Q884 +Q113233 P106 Q3391743 +Q887553 P19 Q16563 +Q122020 P106 Q10798782 +Q326177 P495 Q30 +Q1149 P551 Q987 +Q14277 P106 Q169470 +Q106514 P1412 Q1860 +Q724883 P20 Q8717 +Q164721 P106 Q33999 +Q155871 P106 Q131524 +Q1029 P463 Q233611 +Q35064 P136 Q4184 +Q229760 P106 Q753110 +Q177883 P27 Q30 +Q93664 P106 Q81096 +Q235361 P106 Q36180 +Q83326 P27 Q30 +Q39246 P463 Q466113 +Q2473030 P106 Q36180 +Q70867 P1412 Q188 +Q189732 P1412 Q8798 +Q392441 P136 Q645928 +Q274306 P136 Q11700058 +Q205456 P1412 Q7411 +Q238045 P106 Q177220 +Q82278 P69 Q332342 +Q232348 P19 Q23556 +Q77598 P463 Q414188 +Q314610 P106 Q10798782 +Q434111 P26 Q361587 +Q97077 P106 Q4964182 +Q216339 P106 Q36180 +Q13129708 P3373 Q4530046 +Q358885 P135 Q164800 +Q61374 P69 Q152087 +Q9696 P1050 Q12195 +Q334780 P840 Q8678 +Q399318 P106 Q10800557 +Q79069 P69 Q622683 +Q378116 P69 Q83259 +Q185724 P106 Q245068 +Q440102 P106 Q28389 +Q361610 P19 Q18419 +Q262507 P106 Q639669 +Q332670 P20 Q1489 +Q35725 P136 Q20443008 +Q105940 P27 Q15180 +Q181917 P106 Q2259451 +Q2538 P69 Q159895 +Q57614 P27 Q183 +Q280734 P69 Q248970 +Q974 P530 Q148 +Q1286597 P106 Q36180 +Q183167 P1412 Q1860 +Q403 P530 Q948 +Q180727 P136 Q9778 +Q165672 P106 Q82955 +Q435236 P20 Q65 +Q332032 P106 Q130857 +Q3770812 P106 Q10872101 +Q331652 P106 Q488205 +Q981856 P106 Q386854 +Q106481 P2348 Q6939 +Q287385 P136 Q52162262 +Q116208 P20 Q1726 +Q267769 P108 Q661916 +Q335087 P20 Q34217 +Q291806 P136 Q8261 +Q129598 P106 Q1930187 +Q230123 P106 Q10800557 +Q83287 P106 Q488205 +Q192912 P106 Q947873 +Q123521 P463 Q812155 +Q28196 P495 Q30 +Q1699902 P20 Q84 +Q76487 P20 Q1726 +Q60153 P69 Q152171 +Q732980 P106 Q36180 +Q15981 P106 Q193391 +Q931607 P106 Q639669 +Q16 P530 Q953 +Q1193914 P106 Q10798782 +Q122701 P463 Q463303 +Q944478 P463 Q958769 +Q888152 P106 Q855091 +Q230456 P106 Q4773904 +Q276523 P495 Q30 +Q2622193 P27 Q34266 +Q116003 P106 Q2374149 +Q89014 P106 Q1622272 +Q295093 P19 Q90 +Q225885 P161 Q621490 +Q1044 P463 Q7809 +Q193871 P106 Q1622272 +Q36591 P108 Q49205 +Q13129708 P3373 Q18118088 +Q216466 P1412 Q1321 +Q293520 P106 Q49757 +Q297442 P136 Q37073 +Q434571 P106 Q1930187 +Q453384 P463 Q463281 +Q335556 P19 Q1055 +Q11907 P140 Q288928 +Q228899 P69 Q503419 +Q944563 P106 Q42603 +Q453691 P106 Q130857 +Q2120396 P69 Q681025 +Q711499 P509 Q623031 +Q855 P1412 Q8108 +Q92804 P106 Q1650915 +Q78926 P106 Q205375 +Q1387593 P106 Q3400985 +Q241218 P161 Q318412 +Q272931 P106 Q177220 +Q552819 P136 Q83440 +Q828641 P106 Q1622272 +Q219 P530 Q35 +Q1678197 P106 Q81096 +Q220192 P161 Q379400 +Q297377 P106 Q13582652 +Q287244 P463 Q188771 +Q60153 P1412 Q188 +Q913084 P264 Q3415083 +Q193857 P106 Q33999 +Q6694 P737 Q60070 +Q74258 P27 Q183 +Q260616 P161 Q362353 +Q244604 P161 Q318231 +Q295034 P463 Q8038459 +Q95125 P19 Q18419 +Q538676 P1303 Q17172850 +Q60579 P551 Q38872 +Q47426 P463 Q338432 +Q1766082 P1303 Q5994 +Q266425 P451 Q633 +Q242162 P136 Q24925 +Q263598 P69 Q80207 +Q1930839 P27 Q34266 +Q2120396 P106 Q205375 +Q266228 P264 Q54860 +Q91323 P106 Q82955 +Q76487 P106 Q15296811 +Q498390 P106 Q1327329 +Q703642 P69 Q6608367 +Q236 P463 Q376150 +Q33977 P140 Q1841 +Q668 P530 Q1027 +Q92942 P463 Q1493021 +Q240253 P509 Q12192 +Q180224 P106 Q10800557 +Q948966 P20 Q1297 +Q85716 P69 Q154804 +Q92814 P69 Q190080 +Q335142 P27 Q34266 +Q833 P530 Q115 +Q7999 P106 Q82955 +Q790 P463 Q191384 +Q23365 P1303 Q52954 +Q121425 P106 Q2526255 +Q95048 P106 Q639669 +Q132524 P106 Q11774202 +Q392924 P161 Q232333 +Q37876 P106 Q28389 +Q36 P530 Q1246 +Q107422 P69 Q193727 +Q1012900 P106 Q36180 +Q269927 P26 Q287572 +Q235820 P1412 Q9027 +Q7200 P27 Q34266 +Q257840 P27 Q30 +Q563 P106 Q2259451 +Q187364 P106 Q28389 +Q113806 P27 Q40 +Q472783 P106 Q36180 +Q183167 P509 Q181754 +Q43718 P136 Q21010853 +Q114819 P161 Q386349 +Q77615 P106 Q18814623 +Q132952 P1303 Q17172850 +Q86900 P106 Q36834 +Q380045 P106 Q10800557 +Q153677 P495 Q29 +Q30 P530 Q965 +Q346280 P106 Q33999 +Q69366 P463 Q543804 +Q234773 P40 Q237324 +Q813964 P102 Q1713492 +Q67076 P19 Q1799 +Q889 P530 Q35 +Q1386899 P1303 Q17172850 +Q311181 P172 Q161652 +Q66213 P106 Q36180 +Q106691 P19 Q3971 +Q1685286 P463 Q123885 +Q189081 P106 Q131524 +Q98719 P1412 Q188 +Q35 P530 Q33 +Q229389 P1412 Q9176 +Q706999 P136 Q8261 +Q169000 P495 Q183 +Q557525 P1412 Q150 +Q11617 P264 Q2482872 +Q2153 P1412 Q1568 +Q43440 P1412 Q652 +Q65917 P20 Q64 +Q444486 P106 Q49757 +Q976526 P106 Q201788 +Q149406 P161 Q85232 +Q958578 P106 Q55960555 +Q285462 P1303 Q17172850 +Q11031 P1412 Q652 +Q52433 P106 Q49757 +Q110365 P495 Q30 +Q254265 P69 Q152171 +Q116718 P69 Q270145 +Q296177 P69 Q49110 +Q109767 P161 Q379341 +Q536723 P136 Q37073 +Q6107 P106 Q10798782 +Q312570 P27 Q30 +Q234137 P69 Q309350 +Q1398507 P264 Q165745 +Q256531 P106 Q10800557 +Q221168 P161 Q173399 +Q320651 P106 Q3282637 +Q335142 P106 Q188094 +Q25120 P106 Q4220892 +Q324015 P136 Q9759 +Q92644 P69 Q13371 +Q37767 P106 Q36180 +Q987724 P106 Q177220 +Q77148 P69 Q55044 +Q213583 P106 Q1622272 +Q42198 P136 Q496523 +Q244 P463 Q8475 +Q76524 P27 Q183 +Q48067 P20 Q649 +Q155 P530 Q159 +Q283659 P101 Q35760 +Q131324 P106 Q36834 +Q322850 P27 Q30 +Q214227 P106 Q2252262 +Q329897 P69 Q8047423 +Q145 P463 Q842490 +Q191644 P106 Q33999 +Q58282 P106 Q6665249 +Q57239 P106 Q214917 +Q930679 P19 Q1492 +Q211329 P106 Q36180 +Q132537 P106 Q169470 +Q55388 P106 Q7042855 +Q659238 P1303 Q6607 +Q382680 P19 Q585 +Q232307 P106 Q10798782 +Q2153 P106 Q82955 +Q43432 P106 Q2405480 +Q41351 P106 Q10800557 +Q66264 P69 Q54096 +Q4631 P27 Q79 +Q261244 P69 Q797078 +Q78473 P102 Q7320 +Q41 P530 Q236 +Q515606 P106 Q2526255 +Q76606 P106 Q593644 +Q442830 P551 Q649 +Q151936 P69 Q192775 +Q268912 P106 Q593644 +Q7604 P101 Q395 +Q6882 P106 Q37226 +Q16397 P1412 Q1860 +Q318485 P19 Q8684 +Q449894 P106 Q82955 +Q460088 P106 Q36180 +Q117913 P1050 Q10874 +Q231880 P27 Q34 +Q242387 P106 Q177220 +Q13908 P161 Q26625 +Q77667 P69 Q154804 +Q550996 P106 Q36180 +Q32221 P19 Q25287 +Q310357 P106 Q639669 +Q6709060 P135 Q1246516 +Q244115 P136 Q130232 +Q1394 P737 Q34787 +Q357326 P106 Q639669 +Q229330 P27 Q145 +Q3341701 P69 Q4483556 +Q1333326 P108 Q2994538 +Q200392 P1412 Q188 +Q107095 P106 Q16267607 +Q112307 P264 Q202585 +Q111836 P69 Q20808141 +Q3138 P17 Q183 +Q1359247 P1303 Q17172850 +Q37134 P106 Q36834 +Q482334 P108 Q41506 +Q285584 P161 Q117392 +Q142751 P136 Q188473 +Q331 P1412 Q1321 +Q290287 P106 Q10800557 +Q212804 P57 Q295463 +Q155158 P106 Q1281618 +Q104081 P106 Q2259451 +Q356283 P136 Q8261 +Q123679 P463 Q188771 +Q237560 P27 Q30 +Q234865 P106 Q28389 +Q653949 P1412 Q294 +Q53549 P136 Q11401 +Q188697 P106 Q18814623 +Q62889 P106 Q188094 +Q35498 P27 Q30 +Q42930 P1412 Q1860 +Q314877 P1303 Q6607 +Q34529 P136 Q200092 +Q155106 P27 Q29 +Q584632 P20 Q237 +Q4808641 P509 Q47912 +Q57351 P106 Q82955 +Q81819 P1412 Q150 +Q134077 P106 Q33999 +Q982109 P106 Q82955 +Q23559 P40 Q640292 +Q470758 P463 Q1468277 +Q86095 P108 Q622683 +Q4271 P1303 Q6607 +Q1290 P101 Q5862903 +Q15981 P106 Q40348 +Q1203 P106 Q33999 +Q204936 P106 Q4853732 +Q467519 P106 Q33999 +Q371905 P106 Q36180 +Q561670 P19 Q84 +Q317761 P106 Q10798782 +Q105875 P136 Q9730 +Q76892 P463 Q253439 +Q256732 P172 Q1075293 +Q44380 P106 Q10798782 +Q181490 P19 Q47265 +Q937359 P106 Q4610556 +Q434312 P27 Q27 +Q133665 P172 Q49085 +Q90892 P106 Q28389 +Q62115 P102 Q153401 +Q110695 P106 Q10800557 +Q89204 P463 Q329464 +Q299723 P106 Q169470 +Q106481 P102 Q9630 +Q116105 P1303 Q17172850 +Q134456 P27 Q17 +Q3161354 P108 Q49114 +Q233 P140 Q5043 +Q27 P463 Q827525 +Q209538 P136 Q1535153 +Q233313 P136 Q11399 +Q270937 P1303 Q17172850 +Q108719 P106 Q36180 +Q7313843 P108 Q263064 +Q116253 P106 Q28389 +Q83694 P1412 Q1860 +Q187765 P1412 Q1860 +Q334763 P161 Q212064 +Q1401 P106 Q9149093 +Q34166 P264 Q18628 +Q234579 P1412 Q1860 +Q71640 P27 Q183 +Q104256 P1412 Q188 +Q36488 P463 Q270794 +Q357455 P136 Q11399 +Q152768 P463 Q463303 +Q188388 P1412 Q1860 +Q229341 P101 Q207628 +Q7473516 P131 Q1490 +Q113641 P102 Q7320 +Q472356 P106 Q4263842 +Q70113 P27 Q43287 +Q266222 P106 Q2526255 +Q653496 P106 Q82955 +Q169065 P106 Q36180 +Q193300 P509 Q189588 +Q41 P530 Q902 +Q207596 P106 Q10800557 +Q1779574 P463 Q1792159 +Q142546 P27 Q30 +Q709044 P106 Q855091 +Q124251 P1412 Q150 +Q68533 P27 Q183 +Q335508 P161 Q80046 +Q621462 P106 Q81096 +Q71490 P69 Q49167 +Q65292 P69 Q154804 +Q142 P530 Q403 +Q16 P463 Q3866537 +Q76576 P27 Q183 +Q262354 P106 Q214917 +Q353788 P27 Q145 +Q94765 P106 Q1607826 +Q2599 P106 Q1415090 +Q213799 P27 Q183 +Q7200 P106 Q214917 +Q218 P530 Q408 +Q302 P106 Q15995642 +Q48280 P1050 Q84263196 +Q216195 P1412 Q1860 +Q102813 P106 Q639669 +Q47695 P106 Q36180 +Q912 P463 Q340195 +Q34943 P1412 Q35497 +Q232520 P106 Q10798782 +Q8573 P106 Q82955 +Q720722 P172 Q49085 +Q100005 P69 Q144488 +Q467423 P106 Q183945 +Q91990 P106 Q1231865 +Q912687 P1412 Q1860 +Q125405 P119 Q1497554 +Q18404 P108 Q1137404 +Q159704 P136 Q1062400 +Q266640 P1412 Q652 +Q78514 P119 Q240744 +Q45593 P102 Q7320 +Q19673 P106 Q3578589 +Q11609 P463 Q270794 +Q294812 P264 Q165745 +Q552273 P106 Q333634 +Q391784 P161 Q193482 +Q270469 P106 Q488205 +Q235252 P106 Q177220 +Q379341 P136 Q193355 +Q553730 P106 Q1930187 +Q314597 P106 Q639669 +Q345538 P20 Q597 +Q943694 P106 Q947873 +Q312514 P106 Q177220 +Q374610 P737 Q59112 +Q243643 P161 Q192912 +Q60113 P20 Q220 +Q234685 P106 Q855091 +Q62686 P119 Q3033 +Q4089775 P108 Q27923720 +Q884172 P27 Q30 +Q38873 P27 Q1206012 +Q3161354 P463 Q1493021 +Q193744 P136 Q11366 +Q185364 P264 Q1273666 +Q129119 P136 Q205049 +Q53300 P69 Q185246 +Q1785 P106 Q822146 +Q65825 P106 Q81096 +Q47695 P27 Q41304 +Q274529 P136 Q1341051 +Q927879 P106 Q2306091 +Q463877 P140 Q1841 +Q296887 P27 Q145 +Q1526406 P1412 Q652 +Q773303 P19 Q580 +Q455625 P106 Q639669 +Q314269 P463 Q463281 +Q101727 P106 Q1622272 +Q210059 P106 Q482980 +Q123140 P1412 Q387066 +Q110043 P495 Q30 +Q93349 P509 Q9687 +Q61597 P1412 Q188 +Q43408 P161 Q374065 +Q184219 P106 Q33999 +Q833 P530 Q736 +Q902 P530 Q262 +Q4636 P106 Q177220 +Q984644 P136 Q49084 +Q156058 P1412 Q1860 +Q92693 P106 Q82594 +Q356994 P27 Q145 +Q60946 P106 Q49757 +Q11813 P463 Q463303 +Q9317 P106 Q15980158 +Q153996 P264 Q843402 +Q228598 P106 Q10798782 +Q135156 P136 Q4984974 +Q76114 P108 Q152171 +Q84150 P106 Q36180 +Q734 P30 Q18 +Q1725017 P27 Q183 +Q11256 P106 Q3242115 +Q618233 P106 Q36180 +Q778 P463 Q842490 +Q106797 P106 Q177220 +Q738029 P106 Q16323111 +Q219878 P106 Q33999 +Q31164 P737 Q42493 +Q78503 P101 Q413 +Q242477 P106 Q2259451 +Q379580 P20 Q65 +Q242620 P1303 Q17172850 +Q865 P530 Q912 +Q159054 P161 Q74258 +Q150651 P106 Q36180 +Q531913 P1303 Q5994 +Q260099 P1303 Q17172850 +Q374912 P106 Q214917 +Q1398058 P1303 Q9798 +Q106592 P106 Q2526255 +Q142 P463 Q782942 +Q209471 P106 Q2722764 +Q672443 P161 Q171745 +Q944245 P106 Q639669 +Q605778 P264 Q38903 +Q395340 P1412 Q1321 +Q57592 P69 Q157575 +Q232417 P106 Q6625963 +Q312385 P101 Q941594 +Q323707 P20 Q180083 +Q313818 P27 Q35 +Q191084 P106 Q33999 +Q160534 P737 Q151820 +Q40054 P106 Q1930187 +Q38849 P1412 Q5287 +Q983530 P106 Q130857 +Q202211 P161 Q674451 +Q234610 P106 Q36180 +Q237039 P106 Q1569495 +Q558419 P106 Q36180 +Q102235 P161 Q434694 +Q161900 P106 Q36180 +Q188000 P161 Q220335 +Q853932 P106 Q82955 +Q123916 P106 Q36180 +Q240222 P136 Q11399 +Q89486 P19 Q3936 +Q38193 P119 Q881481 +Q740036 P27 Q145 +Q213543 P463 Q123885 +Q41351 P106 Q948329 +Q166272 P106 Q33999 +Q94034 P106 Q1930187 +Q166031 P495 Q16 +Q224097 P106 Q4610556 +Q108560 P136 Q11700058 +Q704516 P106 Q487596 +Q263629 P1303 Q17172850 +Q229341 P106 Q36834 +Q152764 P106 Q2526255 +Q188526 P1412 Q7737 +Q40531 P551 Q485716 +Q228918 P106 Q55960555 +Q236946 P106 Q10800557 +Q312969 P1412 Q7737 +Q23543 P106 Q33999 +Q1386420 P106 Q82955 +Q443317 P106 Q3282637 +Q965 P463 Q134102 +Q241504 P840 Q60 +Q61262 P106 Q1622272 +Q221305 P161 Q16297 +Q359474 P106 Q639669 +Q155467 P463 Q15646111 +Q9364 P106 Q28389 +Q75914 P463 Q414188 +Q994 P37 Q8108 +Q62918 P27 Q129286 +Q192348 P737 Q6527 +Q434291 P27 Q224 +Q97998 P19 Q4120832 +Q3770812 P27 Q38 +Q4496 P106 Q219477 +Q2089840 P20 Q495 +Q202878 P264 Q557632 +Q837 P463 Q17495 +Q182727 P57 Q55428 +Q313764 P161 Q68468 +Q122370 P69 Q151510 +Q1897271 P106 Q639669 +Q74235 P20 Q220 +Q46795 P106 Q37226 +Q1001 P106 Q185351 +Q228546 P509 Q41083 +Q1976514 P106 Q49757 +Q523870 P106 Q1622272 +Q152011 P161 Q94081 +Q139326 P495 Q30 +Q144391 P27 Q668 +Q505850 P19 Q62 +Q190231 P136 Q484641 +Q172035 P19 Q1761 +Q201810 P106 Q10800557 +Q57235 P69 Q152171 +Q254603 P136 Q1196752 +Q920526 P106 Q82955 +Q273180 P106 Q2526255 +Q236161 P135 Q39427 +Q44695 P135 Q180902 +Q1321093 P1412 Q1860 +Q296008 P69 Q160302 +Q40213 P172 Q170826 +Q110185 P106 Q82955 +Q41314 P106 Q10873124 +Q61178 P106 Q1930187 +Q379461 P106 Q4610556 +Q3186620 P69 Q584919 +Q268284 P1303 Q17172850 +Q235284 P106 Q512314 +Q242208 P106 Q10800557 +Q161400 P136 Q3072049 +Q439204 P106 Q36180 +Q228899 P20 Q18575 +Q434573 P106 Q33999 +Q150851 P140 Q682443 +Q72543 P106 Q36834 +Q93996 P108 Q165980 +Q73463 P19 Q99 +Q161678 P161 Q233439 +Q198962 P106 Q33999 +Q202304 P106 Q3282637 +Q13513 P27 Q142 +Q60465 P106 Q36834 +Q1347095 P106 Q488205 +Q200509 P1412 Q9063 +Q101915 P106 Q3621491 +Q228733 P264 Q183387 +Q287385 P840 Q1454 +Q2587669 P108 Q41506 +Q298773 P1412 Q1321 +Q242749 P106 Q10798782 +Q218672 P106 Q333634 +Q221202 P57 Q75079 +Q187166 P106 Q33999 +Q95119 P27 Q30 +Q388408 P161 Q55163 +Q86043 P106 Q1622272 +Q114354 P1412 Q188 +Q187324 P106 Q483501 +Q287385 P161 Q380095 +Q310166 P106 Q131524 +Q264921 P106 Q214917 +Q11881 P106 Q40348 +Q43697 P106 Q10798782 +Q529629 P27 Q30 +Q249040 P136 Q959790 +Q354508 P1303 Q52954 +Q327685 P495 Q148 +Q25310 P69 Q49123 +Q306 P19 Q2887 +Q213122 P106 Q4610556 +Q235066 P1303 Q8355 +Q547181 P264 Q202440 +Q444885 P1412 Q1860 +Q204514 P161 Q223091 +Q835 P106 Q551835 +Q1609199 P106 Q1415090 +Q462261 P106 Q14467526 +Q131248 P19 Q334 +Q181917 P1412 Q1860 +Q12898 P106 Q121594 +Q63458 P106 Q1731155 +Q316955 P172 Q49085 +Q139637 P1412 Q1860 +Q184750 P106 Q2306091 +Q5383 P106 Q486748 +Q105823 P106 Q639669 +Q57317 P1412 Q188 +Q32910 P161 Q184805 +Q313627 P27 Q145 +Q77734 P106 Q36180 +Q70988 P106 Q214917 +Q434466 P106 Q713200 +Q229908 P106 Q4610556 +Q39970 P840 Q65 +Q271145 P106 Q18581305 +Q57311 P1412 Q1321 +Q43182 P106 Q49757 +Q255376 P136 Q52162262 +Q155547 P106 Q333634 +Q1025 P463 Q8475 +Q548185 P102 Q187009 +Q72916 P463 Q150793 +Q326604 P27 Q30 +Q118982 P106 Q36180 +Q246722 P27 Q159 +Q1077158 P1303 Q128309 +Q303456 P161 Q454200 +Q726298 P27 Q30 +Q60586 P106 Q82955 +Q505517 P136 Q1133657 +Q162753 P26 Q105158 +Q152929 P27 Q30 +Q106685 P27 Q36 +Q213539 P69 Q312578 +Q123802 P106 Q1607826 +Q180214 P161 Q101797 +Q42574 P26 Q34816 +Q354508 P106 Q15981151 +Q237039 P1412 Q1321 +Q44313 P27 Q30 +Q489 P106 Q3282637 +Q468356 P140 Q432 +Q551204 P69 Q1379834 +Q433459 P69 Q523926 +Q302335 P106 Q33999 +Q50003 P106 Q2526255 +Q249288 P161 Q296524 +Q362599 P106 Q10798782 +Q456005 P1303 Q17172850 +Q1009 P37 Q1860 +Q35171 P102 Q29552 +Q1511 P1412 Q188 +Q58863 P27 Q183 +Q4960 P106 Q2405480 +Q92809 P108 Q190080 +Q15615 P451 Q273887 +Q230420 P106 Q33999 +Q231249 P106 Q10800557 +Q548672 P106 Q82955 +Q190148 P106 Q42973 +Q76696 P108 Q152838 +Q1193914 P3373 Q1151944 +Q567529 P106 Q13582652 +Q68751 P102 Q7320 +Q132537 P463 Q1938003 +Q13129708 P3373 Q22955657 +Q836 P463 Q7768 +Q309690 P106 Q10800557 +Q40119 P840 Q1391 +Q40933 P140 Q9592 +Q358885 P27 Q15180 +Q448930 P106 Q177220 +Q72357 P20 Q3150 +Q236848 P106 Q639669 +Q876590 P106 Q1350157 +Q128956 P1412 Q1860 +Q896966 P19 Q43788 +Q1689075 P106 Q855091 +Q1245 P69 Q691851 +Q64406 P119 Q64 +Q544750 P19 Q546 +Q218083 P106 Q2865819 +Q31 P463 Q151991 +Q365474 P19 Q65 +Q531913 P106 Q33999 +Q163872 P840 Q8646 +Q184535 P106 Q3400985 +Q26648 P1412 Q35497 +Q67405 P69 Q154804 +Q695200 P106 Q333634 +Q849116 P131 Q49683 +Q75811 P69 Q678982 +Q193458 P106 Q33999 +Q955077 P1412 Q1860 +Q102551 P26 Q259446 +Q233295 P136 Q11401 +Q313462 P106 Q33999 +Q93764 P106 Q82955 +Q35149 P106 Q81096 +Q263629 P27 Q217 +Q70855 P108 Q315658 +Q5383 P136 Q484641 +Q131332 P106 Q2259451 +Q99564 P1412 Q188 +Q972641 P106 Q43845 +Q117012 P264 Q213710 +Q545822 P106 Q1930187 +Q2685 P106 Q10800557 +Q90781 P106 Q82955 +Q107424 P463 Q854590 +Q89404 P1412 Q1860 +Q518152 P106 Q1930187 +Q1070832 P1412 Q1860 +Q107940 P161 Q318412 +Q151164 P463 Q812155 +Q392 P106 Q33999 +Q86095 P27 Q40 +Q319896 P1412 Q150 +Q200355 P19 Q60 +Q1006 P463 Q2029901 +Q311778 P106 Q1622272 +Q1284551 P106 Q177220 +Q194333 P69 Q617433 +Q294625 P20 Q36091 +Q56093 P1412 Q1860 +Q300423 P495 Q258 +Q200407 P69 Q7607037 +Q380545 P463 Q329464 +Q298027 P27 Q33 +Q3910 P106 Q82955 +Q195371 P27 Q96 +Q605534 P106 Q82955 +Q114179 P172 Q7325 +Q76998 P69 Q152087 +Q2560778 P106 Q1622272 +Q248179 P69 Q739627 +Q1252841 P101 Q43035 +Q369492 P495 Q183 +Q1391164 P1303 Q6607 +Q63189 P106 Q33999 +Q108525 P161 Q189415 +Q49734 P106 Q10800557 +Q920167 P106 Q639669 +Q209471 P106 Q36180 +Q1039 P463 Q376150 +Q313013 P1303 Q46185 +Q1255631 P749 Q1053996 +Q965 P463 Q384535 +Q141829 P102 Q1774814 +Q858 P530 Q458 +Q377453 P136 Q211573 +Q32529 P106 Q10800557 +Q164765 P20 Q656 +Q257764 P106 Q753110 +Q96114 P1412 Q188 +Q1403 P20 Q220 +Q41166 P106 Q18844224 +Q182156 P102 Q79854 +Q464318 P69 Q375606 +Q92814 P106 Q81096 +Q153943 P463 Q154741 +Q355009 P136 Q83440 +Q755 P135 Q164800 +Q2090 P17 Q7318 +Q331652 P1303 Q17172850 +Q89434 P641 Q31920 +Q577508 P102 Q558334 +Q313998 P161 Q104061 +Q53570396 P3373 Q4218975 +Q159098 P1050 Q10874 +Q76791 P463 Q451079 +Q34389 P264 Q664167 +Q379341 P19 Q16563 +Q118986 P106 Q15895020 +Q363763 P509 Q12192 +Q92638 P463 Q127992 +Q234015 P27 Q29 +Q162255 P161 Q82330 +Q76579 P106 Q39631 +Q1027 P463 Q134102 +Q1009 P463 Q1043527 +Q607 P106 Q82955 +Q369933 P106 Q855091 +Q45909 P106 Q18814623 +Q540544 P106 Q36180 +Q1322146 P106 Q36834 +Q152245 P106 Q177220 +Q245808 P106 Q28389 +Q529309 P136 Q35760 +Q536301 P509 Q12202 +Q123078 P27 Q30 +Q4751826 P119 Q3400970 +Q302650 P69 Q7866352 +Q242474 P27 Q15180 +Q272845 P106 Q753110 +Q57241 P69 Q152087 +Q91865 P463 Q46703 +Q5052689 P26 Q186042 +Q31164 P136 Q842324 +Q270935 P1303 Q128309 +Q165824 P1303 Q5994 +Q151946 P161 Q296577 +Q212523 P172 Q1026 +Q356499 P27 Q145 +Q35 P463 Q8908 +Q543910 P106 Q1930187 +Q215520 P106 Q33999 +Q51603 P106 Q15981151 +Q1273345 P106 Q486748 +Q33866 P106 Q18805 +Q557730 P106 Q2722764 +Q984115 P19 Q2887 +Q180004 P264 Q231694 +Q63667 P20 Q1489 +Q289428 P106 Q2306091 +Q34981 P27 Q2305208 +Q115483 P106 Q4964182 +Q18628 P749 Q21077 +Q77184 P20 Q64 +Q5496982 P27 Q30 +Q129895 P161 Q142546 +Q109767 P161 Q431356 +Q379836 P106 Q4964182 +Q167877 P509 Q11085 +Q185548 P140 Q5043 +Q319996 P69 Q4614 +Q383420 P106 Q2526255 +Q329805 P495 Q142 +Q55994 P106 Q10800557 +Q223414 P106 Q214917 +Q334126 P106 Q28389 +Q202878 P106 Q245068 +Q175104 P106 Q177220 +Q1897271 P20 Q65 +Q1164663 P1303 Q17172850 +Q222939 P161 Q76478 +Q215868 P101 Q35760 +Q1772432 P19 Q90 +Q111673 P106 Q49757 +Q456017 P840 Q84 +Q825435 P106 Q36180 +Q179269 P1412 Q1860 +Q95089 P26 Q444371 +Q514998 P19 Q72259 +Q19045 P69 Q168756 +Q76023 P108 Q158158 +Q225885 P136 Q860626 +Q454970 P106 Q36180 +Q188176 P101 Q128758 +Q561835 P108 Q678095 +Q269894 P106 Q10798782 +Q87293 P106 Q1231865 +Q31786 P495 Q38 +Q948 P530 Q262 +Q266222 P106 Q33999 +Q756563 P172 Q1344183 +Q977 P463 Q376150 +Q93835 P27 Q15180 +Q286022 P106 Q2252262 +Q242650 P69 Q8008661 +Q85726 P106 Q14915627 +Q948561 P19 Q1490 +Q129987 P509 Q12192 +Q229341 P106 Q488205 +Q154194 P136 Q369747 +Q386053 P27 Q30 +Q316884 P108 Q43452 +Q105543 P20 Q64 +Q49498 P161 Q242650 +Q282787 P106 Q33999 +Q135867 P161 Q358317 +Q296630 P26 Q104000 +Q757 P463 Q7809 +Q88464 P27 Q183 +Q34190 P106 Q16533 +Q255577 P119 Q1624932 +Q781514 P69 Q157808 +Q239910 P509 Q181754 +Q76308 P27 Q183 +Q619051 P102 Q17427 +Q105993 P161 Q354031 +Q188648 P101 Q207628 +Q311244 P106 Q2252262 +Q332394 P161 Q5383 +Q69209 P1412 Q188 +Q359451 P106 Q82955 +Q367073 P19 Q84 +Q109252 P108 Q54096 +Q244234 P19 Q18419 +Q183279 P463 Q651690 +Q440668 P27 Q30 +Q84365 P106 Q33999 +Q1286993 P509 Q175111 +Q5396 P69 Q273447 +Q49492 P106 Q3387717 +Q53454 P1412 Q397 +Q67204 P106 Q82955 +Q245257 P509 Q12192 +Q82104 P106 Q12144794 +Q61374 P463 Q684415 +Q368794 P106 Q33999 +Q297794 P136 Q8261 +Q244963 P495 Q30 +Q437289 P106 Q1930187 +Q14281 P463 Q543804 +Q183 P530 Q35 +Q224097 P106 Q131524 +Q233957 P463 Q463303 +Q629216 P106 Q753110 +Q316857 P106 Q10800557 +Q189895 P119 Q1437214 +Q96978 P27 Q183 +Q199943 P136 Q1298934 +Q281034 P1303 Q17172850 +Q1028 P530 Q148 +Q213543 P1412 Q397 +Q381944 P106 Q37226 +Q331587 P106 Q10798782 +Q228787 P1303 Q17172850 +Q77493 P106 Q1397808 +Q214481 P106 Q1930187 +Q12696 P1412 Q5287 +Q153020 P106 Q1622272 +Q114354 P102 Q7320 +Q238422 P1303 Q17172850 +Q220423 P161 Q295148 +Q317953 P69 Q13371 +Q708824 P106 Q10798782 +Q40074 P161 Q175535 +Q284333 P161 Q40096 +Q235361 P106 Q49757 +Q442198 P106 Q639669 +Q255342 P161 Q219717 +Q3436506 P27 Q30 +Q350857 P106 Q40348 +Q152824 P463 Q463303 +Q112136 P463 Q299015 +Q1379510 P509 Q12078 +Q233483 P106 Q36834 +Q229577 P106 Q2405480 +Q116032 P1412 Q188 +Q214 P463 Q1480793 +Q215949 P69 Q152087 +Q20882 P106 Q15895020 +Q11975 P106 Q36180 +Q49767 P463 Q695302 +Q183008 P1412 Q9027 +Q335376 P106 Q10798782 +Q942929 P1412 Q7737 +Q664 P530 Q20 +Q73938 P27 Q154741 +Q43432 P1303 Q52954 +Q219 P530 Q212 +Q30 P530 Q213 +Q63458 P108 Q152838 +Q79 P530 Q96 +Q449371 P106 Q183945 +Q313559 P106 Q753110 +Q15474 P106 Q36180 +Q202420 P27 Q172579 +Q310048 P737 Q170509 +Q234454 P106 Q483501 +Q312637 P106 Q214917 +Q156858 P17 Q12560 +Q8619 P106 Q82955 +Q239522 P509 Q202837 +Q290197 P1412 Q1321 +Q235346 P106 Q36834 +Q508953 P106 Q1415090 +Q185147 P106 Q177220 +Q180710 P106 Q3282637 +Q40143 P106 Q10800557 +Q302675 P106 Q1930187 +Q254748 P136 Q373342 +Q34970 P106 Q28389 +Q141114 P69 Q27621 +Q168010 P840 Q65 +Q1378383 P1303 Q8371 +Q29999 P463 Q1579424 +Q42198 P161 Q350208 +Q183 P530 Q928 +Q93401 P27 Q40 +Q7976772 P135 Q39427 +Q173158 P106 Q10800557 +Q76943 P106 Q10800557 +Q224650 P136 Q378988 +Q148 P530 Q858 +Q116845 P161 Q219717 +Q57244 P19 Q3802 +Q34 P530 Q403 +Q269094 P106 Q214917 +Q37030 P463 Q414110 +Q67177 P106 Q82955 +Q233 P37 Q1860 +Q313789 P106 Q2526255 +Q335160 P495 Q30 +Q414 P530 Q843 +Q238383 P106 Q3282637 +Q1403 P1412 Q188 +Q445386 P264 Q1273666 +Q111673 P20 Q61 +Q737570 P136 Q5967378 +Q1077405 P27 Q30 +Q112635 P161 Q179041 +Q168724 P106 Q33999 +Q7976772 P27 Q30 +Q76490 P136 Q8341 +Q1287147 P27 Q414 +Q945 P530 Q183 +Q421478 P463 Q83172 +Q23696 P106 Q151197 +Q202550 P136 Q43343 +Q319902 P20 Q641 +Q323827 P161 Q181413 +Q48051 P106 Q47064 +Q185048 P161 Q182057 +Q445306 P463 Q117467 +Q80379 P161 Q910486 +Q12279060 P463 Q1003730 +Q235515 P1412 Q1860 +Q86843 P463 Q543804 +Q258854 P69 Q797078 +Q151825 P161 Q47100 +Q213793 P1412 Q1860 +Q155375 P463 Q463303 +Q74807 P1412 Q188 +Q28 P530 Q77 +Q243027 P27 Q30 +Q78479 P108 Q165980 +Q434821 P106 Q639669 +Q91845 P106 Q482980 +Q826 P530 Q851 +Q17714 P106 Q36180 +Q1343669 P1303 Q128309 +Q249032 P136 Q1200678 +Q287478 P106 Q4610556 +Q232085 P106 Q177220 +Q178903 P463 Q463303 +Q846 P530 Q16 +Q237081 P136 Q37073 +Q159636 P463 Q2822396 +Q282041 P495 Q30 +Q1380767 P106 Q43845 +Q232 P30 Q48 +Q152335 P27 Q28 +Q168509 P140 Q9592 +Q76513 P463 Q543804 +Q313411 P69 Q21578 +Q455930 P19 Q35765 +Q236161 P106 Q1028181 +Q107008 P1303 Q5994 +Q126432 P27 Q183 +Q704742 P27 Q30 +Q310515 P106 Q10800557 +Q1029 P530 Q30 +Q165911 P106 Q10800557 +Q71004 P106 Q81096 +Q285020 P840 Q1563 +Q1934319 P19 Q3711 +Q234388 P3373 Q131324 +Q243771 P551 Q8717 +Q140201 P140 Q7066 +Q1395790 P106 Q639669 +Q241783 P27 Q30 +Q117249 P136 Q11399 +Q179680 P106 Q36180 +Q219772 P1303 Q6607 +Q236 P463 Q7184 +Q980151 P1303 Q17172850 +Q822401 P27 Q30 +Q231276 P264 Q190585 +Q74315 P136 Q185867 +Q152437 P1412 Q1860 +Q128493 P136 Q1776156 +Q342788 P106 Q33999 +Q1716 P1303 Q17172850 +Q144195 P106 Q82955 +Q69430 P106 Q1930187 +Q284087 P106 Q33999 +Q152824 P136 Q8261 +Q740631 P509 Q12078 +Q264618 P19 Q84 +Q316622 P69 Q385471 +Q23810 P1412 Q9027 +Q370102 P106 Q33999 +Q32433 P161 Q314841 +Q156058 P19 Q37836 +Q60469 P106 Q551835 +Q104398 P463 Q451079 +Q332892 P27 Q30 +Q313767 P509 Q189588 +Q66543 P101 Q41217 +Q231228 P1303 Q17172850 +Q314774 P106 Q131524 +Q57592 P102 Q49768 +Q273910 P136 Q235858 +Q43408 P136 Q157443 +Q55004 P172 Q7325 +Q154216 P27 Q145 +Q488057 P106 Q10798782 +Q380118 P106 Q10800557 +Q514998 P106 Q4991371 +Q59595 P161 Q104061 +Q442892 P106 Q177220 +Q75995 P106 Q1622272 +Q203643 P27 Q145 +Q87265 P106 Q183945 +Q82984 P106 Q201788 +Q75904 P20 Q2079 +Q32734 P136 Q188473 +Q435060 P106 Q128124 +Q16574 P106 Q82955 +Q41 P530 Q35 +Q825435 P106 Q1622272 +Q1687749 P69 Q49088 +Q400 P106 Q43845 +Q1347561 P106 Q169470 +Q77755 P108 Q159895 +Q1336685 P27 Q30 +Q242939 P106 Q10800557 +Q71352 P108 Q153987 +Q267581 P106 Q177220 +Q435679 P1303 Q6607 +Q124094 P20 Q1040 +Q75059 P20 Q90 +Q228882 P106 Q15295720 +Q123679 P20 Q90 +Q49823 P27 Q30 +Q216052 P27 Q16957 +Q67526 P463 Q459620 +Q179746 P161 Q37175 +Q19199 P264 Q843402 +Q330447 P106 Q10798782 +Q92130 P106 Q635734 +Q212041 P161 Q287824 +Q239652 P27 Q15180 +Q230068 P19 Q90 +Q130947 P1303 Q17172850 +Q822401 P172 Q49085 +Q937 P463 Q191583 +Q313366 P136 Q9794 +Q156394 P161 Q236189 +Q392654 P1412 Q7913 +Q130746 P106 Q36180 +Q108814 P19 Q1773 +Q924 P530 Q114 +Q174346 P106 Q10800557 +Q321178 P509 Q212961 +Q92875 P106 Q1622272 +Q92831 P69 Q13371 +Q342723 P119 Q1302545 +Q175104 P106 Q10798782 +Q299595 P27 Q30 +Q188113 P101 Q8134 +Q450984 P69 Q13371 +Q345906 P136 Q492537 +Q73089 P106 Q2490358 +Q1684779 P20 Q90 +Q1005 P463 Q340195 +Q206659 P1412 Q1860 +Q216102 P69 Q153987 +Q104668 P106 Q169470 +Q957439 P106 Q1231865 +Q251262 P108 Q174710 +Q347717 P106 Q753110 +Q219 P463 Q842490 +Q40874 P463 Q1468277 +Q247501 P551 Q145 +Q181991 P106 Q947873 +Q382036 P106 Q8246794 +Q98719 P19 Q1055 +Q1095533 P106 Q19723482 +Q155860 P1412 Q150 +Q79078 P108 Q156725 +Q71345 P140 Q1841 +Q114740 P27 Q40 +Q239652 P106 Q33999 +Q132351 P136 Q188473 +Q26053 P1303 Q17172850 +Q12003 P106 Q10798782 +Q423644 P106 Q155647 +Q251865 P1303 Q6607 +Q1356586 P106 Q1622272 +Q119386 P106 Q2504617 +Q200228 P27 Q145 +Q162778 P106 Q82955 +Q460852 P136 Q11366 +Q131355 P140 Q432 +Q52447 P106 Q855091 +Q887259 P106 Q1930187 +Q44593 P1412 Q1860 +Q974 P463 Q294278 +Q240774 P551 Q60 +Q102112 P102 Q49750 +Q465702 P106 Q639669 +Q611672 P1412 Q7976 +Q67941 P108 Q315658 +Q170515 P1412 Q9129 +Q345531 P1412 Q1860 +Q106326 P509 Q12078 +Q537665 P19 Q1486 +Q4119 P106 Q15077007 +Q44403 P69 Q152087 +Q151691 P102 Q7320 +Q156268 P69 Q1059546 +Q297384 P1050 Q131755 +Q276407 P161 Q351290 +Q2271710 P27 Q40 +Q552819 P106 Q855091 +Q298908 P509 Q12136 +Q167211 P106 Q82955 +Q379608 P136 Q37073 +Q3662078 P463 Q270794 +Q123273 P69 Q245247 +Q705458 P106 Q177220 +Q172975 P161 Q184572 +Q707607 P106 Q177220 +Q326409 P106 Q33231 +Q236161 P106 Q644687 +Q152531 P840 Q60 +Q323175 P106 Q10798782 +Q104123 P57 Q3772 +Q235221 P27 Q30 +Q237039 P106 Q333634 +Q187345 P20 Q65 +Q332399 P495 Q30 +Q207947 P108 Q375606 +Q963626 P264 Q165711 +Q562789 P119 Q1514332 +Q314110 P27 Q30 +Q470334 P106 Q47064 +Q182218 P161 Q113206 +Q118066 P106 Q639669 +Q392 P69 Q238101 +Q267772 P106 Q33999 +Q367155 P69 Q149990 +Q4066893 P106 Q2055046 +Q336444 P106 Q864380 +Q468356 P27 Q129286 +Q290312 P161 Q237186 +Q103114 P106 Q49757 +Q1508451 P1412 Q1860 +Q107761 P161 Q3938408 +Q234360 P69 Q1446181 +Q262314 P136 Q484641 +Q162202 P136 Q11401 +Q60637 P106 Q7042855 +Q677843 P106 Q1234713 +Q180252 P69 Q8047423 +Q92094 P106 Q1234713 +Q76579 P106 Q18576582 +Q313875 P106 Q486748 +Q310324 P106 Q10798782 +Q57311 P106 Q82955 +Q58645 P27 Q183 +Q47122 P69 Q738258 +Q442310 P106 Q10800557 +Q2560778 P20 Q1731 +Q1225141 P1303 Q6607 +Q23114 P1412 Q5287 +Q124065 P106 Q4263842 +Q7711132 P161 Q232356 +Q168862 P136 Q157443 +Q77809 P27 Q30 +Q921808 P108 Q49120 +Q4401409 P106 Q28389 +Q229230 P106 Q177220 +Q114132 P108 Q161982 +Q449769 P106 Q82955 +Q71242 P106 Q957729 +Q642127 P69 Q157575 +Q162688 P108 Q1662834 +Q49074 P108 Q13371 +Q64579 P463 Q46703 +Q207197 P106 Q2405480 +Q254838 P106 Q4610556 +Q354654 P69 Q797078 +Q131685 P264 Q1273666 +Q124710 P3373 Q57298 +Q311050 P3373 Q380531 +Q757 P530 Q30 +Q375356 P69 Q8047423 +Q313655 P106 Q4610556 +Q67139 P27 Q183 +Q505476 P264 Q190585 +Q212 P530 Q183 +Q376663 P495 Q145 +Q25997 P106 Q1231865 +Q155979 P27 Q159 +Q106235 P102 Q49755 +Q90315 P20 Q64 +Q33131 P161 Q233724 +Q1687803 P106 Q753110 +Q96941 P106 Q188094 +Q242132 P106 Q822146 +Q73362 P1412 Q1860 +Q39829 P737 Q16867 +Q435151 P20 Q495 +Q103562 P102 Q49762 +Q159250 P106 Q36834 +Q981929 P106 Q188094 +Q312270 P106 Q36834 +Q180223 P69 Q13371 +Q273903 P136 Q11366 +Q9960 P106 Q15627169 +Q507809 P106 Q1930187 +Q990492 P106 Q864380 +Q210364 P136 Q200092 +Q286777 P106 Q214917 +Q39989 P106 Q36834 +Q358345 P106 Q2405480 +Q130142 P161 Q275402 +Q108586 P161 Q329807 +Q242373 P106 Q639669 +Q333425 P1412 Q1860 +Q189197 P106 Q82955 +Q255577 P20 Q84 +Q150445 P1303 Q281460 +Q316045 P20 Q1748 +Q3384965 P19 Q194420 +Q237994 P463 Q1468277 +Q272994 P509 Q12078 +Q200768 P106 Q36834 +Q109063 P106 Q483501 +Q742634 P106 Q121594 +Q4977994 P106 Q33231 +Q167409 P1303 Q9798 +Q1219622 P20 Q649 +Q114623 P101 Q482 +Q44584 P69 Q40025 +Q311802 P106 Q333634 +Q982493 P463 Q270794 +Q77482 P463 Q414163 +Q907534 P20 Q5092 +Q153149 P106 Q193391 +Q17455 P1412 Q1860 +Q351705 P27 Q20 +Q379580 P27 Q174193 +Q30 P530 Q33 +Q308840 P106 Q2526255 +Q70809 P1412 Q150 +Q233736 P106 Q36834 +Q190050 P50 Q268181 +Q191408 P27 Q142 +Q335556 P106 Q82955 +Q213 P530 Q928 +Q160627 P106 Q18805 +Q62263 P19 Q2807 +Q232458 P106 Q3501317 +Q705333 P106 Q639669 +Q169038 P463 Q83172 +Q704015 P106 Q1930187 +Q709044 P106 Q36834 +Q216457 P106 Q201788 +Q379877 P161 Q359604 +Q163543 P19 Q220 +Q726170 P136 Q9778 +Q368636 P509 Q12152 +Q168896 P101 Q309 +Q48280 P264 Q190585 +Q313553 P106 Q49757 +Q1785 P1412 Q150 +Q161842 P106 Q36180 +Q261041 P106 Q36180 +Q297552 P136 Q20378 +Q717543 P108 Q28695 +Q57614 P106 Q2405480 +Q327713 P161 Q168724 +Q296545 P463 Q270794 +Q455421 P1412 Q150 +Q78553 P463 Q543804 +Q807545 P106 Q855091 +Q122123 P19 Q1731 +Q132433 P106 Q14915627 +Q48047 P106 Q82955 +Q55163 P463 Q463303 +Q235934 P106 Q177220 +Q928 P530 Q34 +Q712139 P1303 Q6607 +Q363371 P136 Q211573 +Q115 P530 Q79 +Q709594 P27 Q408 +Q115641 P463 Q191583 +Q295431 P136 Q128758 +Q1238828 P27 Q30 +Q262608 P172 Q974693 +Q216814 P463 Q191583 +Q267685 P106 Q5716684 +Q167997 P106 Q1622272 +Q269901 P106 Q10798782 +Q715787 P1412 Q1860 +Q69139 P69 Q153006 +Q213393 P140 Q6423963 +Q232260 P106 Q36180 +Q1354583 P136 Q11399 +Q46636 P106 Q3368718 +Q420041 P69 Q219563 +Q60128 P136 Q676 +Q3383262 P119 Q1092107 +Q709214 P119 Q1514332 +Q1039 P463 Q134102 +Q311615 P69 Q860527 +Q61629 P106 Q28389 +Q224069 P161 Q191104 +Q714162 P19 Q23197 +Q84403 P1412 Q1860 +Q1064284 P27 Q30 +Q539458 P27 Q142 +Q529619 P106 Q488205 +Q207197 P136 Q38848 +Q101919 P20 Q64 +Q109180 P106 Q1028181 +Q114623 P106 Q333634 +Q239382 P27 Q30 +Q53300 P1412 Q9027 +Q292558 P69 Q1127387 +Q131549 P463 Q463303 +Q47899 P106 Q3501317 +Q43 P530 Q41 +Q40909 P101 Q35760 +Q127688 P106 Q1930187 +Q235289 P1303 Q17172850 +Q107006 P451 Q55469 +Q379250 P19 Q18419 +Q4074457 P1412 Q7737 +Q2347483 P463 Q337224 +Q976238 P509 Q12078 +Q115010 P106 Q33999 +Q269645 P140 Q131036 +Q242373 P20 Q65 +Q157313 P1412 Q150 +Q786579 P106 Q14467526 +Q179041 P106 Q28389 +Q85624 P69 Q686522 +Q44306 P136 Q147516 +Q44606 P136 Q11399 +Q78126 P463 Q684415 +Q983 P37 Q1321 +Q235278 P106 Q10800557 +Q135156 P161 Q360663 +Q19526 P106 Q214917 +Q235515 P101 Q482 +Q488200 P101 Q34178 +Q1687890 P19 Q79867 +Q68171 P27 Q183 +Q205028 P161 Q181900 +Q192515 P1303 Q6607 +Q42831 P69 Q152087 +Q36105 P26 Q175571 +Q376278 P106 Q1930187 +Q155390 P108 Q155354 +Q106598 P1412 Q188 +Q452361 P509 Q12192 +Q464318 P106 Q11774202 +Q177311 P19 Q65 +Q181685 P20 Q90 +Q71848 P27 Q183 +Q63346 P69 Q151510 +Q28 P530 Q854 +Q461447 P136 Q645928 +Q989 P1412 Q1321 +Q933453 P106 Q3282637 +Q233365 P106 Q2526255 +Q6694 P1412 Q150 +Q6515 P1050 Q11085 +Q179018 P495 Q30 +Q445124 P106 Q10800557 +Q156023 P1412 Q188 +Q57106 P69 Q209842 +Q552215 P106 Q1979607 +Q47904 P463 Q337543 +Q256037 P161 Q232786 +Q123166 P161 Q299317 +Q182212 P161 Q219373 +Q706518 P264 Q287177 +Q1292776 P106 Q33999 +Q212660 P161 Q350255 +Q192686 P136 Q188473 +Q865 P530 Q878 +Q132524 P172 Q7325 +Q1545284 P106 Q177220 +Q13014 P27 Q176495 +Q189665 P106 Q17337766 +Q193111 P509 Q12078 +Q5683 P106 Q4964182 +Q1997159 P27 Q142 +Q271874 P106 Q639669 +Q766 P463 Q3369762 +Q37001 P1050 Q11081 +Q215072 P106 Q2259451 +Q380381 P27 Q30 +Q207852 P69 Q13371 +Q465636 P106 Q177220 +Q201608 P1412 Q1860 +Q66916 P101 Q21201 +Q92510 P463 Q812155 +Q637949 P20 Q16552 +Q932959 P106 Q1259917 +Q467423 P106 Q639669 +Q320384 P136 Q157394 +Q261588 P106 Q10843402 +Q175366 P463 Q123885 +Q126122 P106 Q82955 +Q6246180 P106 Q483501 +Q92995 P463 Q219989 +Q37 P530 Q842199 +Q44354 P106 Q33999 +Q108312 P106 Q15627169 +Q83174 P27 Q172579 +Q347685 P20 Q649 +Q78408 P102 Q49766 +Q40852 P463 Q463303 +Q62084 P27 Q183 +Q216896 P106 Q49757 +Q105386 P20 Q2742 +Q3346431 P106 Q753110 +Q318029 P106 Q1930187 +Q55208 P106 Q2526255 +Q58217 P106 Q193391 +Q729590 P17 Q38 +Q59477 P20 Q16554 +Q257752 P106 Q28389 +Q61962 P69 Q131262 +Q110436 P106 Q482980 +Q76876 P102 Q7320 +Q310201 P463 Q188771 +Q361004 P106 Q6625963 +Q60317 P106 Q13219637 +Q55704 P106 Q5482740 +Q427534 P161 Q273215 +Q104266 P106 Q33999 +Q214574 P106 Q33999 +Q451680 P106 Q2259451 +Q92639 P106 Q639669 +Q105564 P106 Q188094 +Q171711 P161 Q360477 +Q282199 P495 Q30 +Q158379 P509 Q12204 +Q1226921 P264 Q183387 +Q336609 P27 Q145 +Q1702240 P136 Q83440 +Q314805 P19 Q18419 +Q233 P530 Q668 +Q86900 P106 Q2707485 +Q171235 P106 Q177220 +Q183 P530 Q817 +Q352540 P140 Q7066 +Q112747 P136 Q130232 +Q76325 P106 Q1622272 +Q63528 P20 Q56037 +Q1355431 P1303 Q6607 +Q372278 P106 Q488205 +Q56094 P1412 Q1860 +Q378870 P20 Q641 +Q108639 P1412 Q188 +Q23261 P1412 Q5287 +Q272923 P106 Q33999 +Q722395 P106 Q639669 +Q106245 P106 Q1930187 +Q332417 P106 Q28389 +Q44086 P27 Q7318 +Q716906 P1303 Q5994 +Q20 P530 Q739 +Q47163 P106 Q151197 +Q194045 P40 Q168763 +Q843 P530 Q79 +Q359665 P106 Q33999 +Q323516 P69 Q49088 +Q44024 P27 Q12544 +Q878 P530 Q28 +Q384387 P27 Q28 +Q163543 P119 Q272208 +Q430905 P27 Q30 +Q315518 P19 Q42308 +Q300479 P106 Q10798782 +Q180409 P20 Q48958 +Q450282 P106 Q1930187 +Q75612 P27 Q36 +Q64963 P108 Q156737 +Q77 P530 Q739 +Q186630 P106 Q36180 +Q132266 P161 Q40504 +Q151098 P3373 Q517 +Q111230 P27 Q145 +Q128933 P106 Q82955 +Q77144 P737 Q48301 +Q233957 P463 Q83172 +Q482334 P27 Q30 +Q238215 P106 Q488205 +Q984115 P136 Q11366 +Q57730 P20 Q56037 +Q92619 P106 Q82594 +Q95030 P136 Q21590660 +Q2277 P17 Q1747689 +Q83297 P1412 Q1860 +Q735399 P27 Q34266 +Q319773 P106 Q177220 +Q9095 P463 Q117467 +Q264596 P1412 Q1860 +Q114191 P19 Q36600 +Q57999 P108 Q154804 +Q313204 P106 Q10798782 +Q80871 P101 Q482 +Q38 P463 Q1043527 +Q8201431 P106 Q901 +Q367129 P106 Q10800557 +Q328664 P106 Q639669 +Q154269 P106 Q483501 +Q444545 P106 Q7042855 +Q922191 P27 Q30 +Q85108 P106 Q36180 +Q116022 P20 Q727 +Q215497 P740 Q65 +Q573017 P136 Q2332751 +Q675 P463 Q337580 +Q1041 P361 Q4412 +Q460088 P106 Q1930187 +Q549141 P106 Q639669 +Q504006 P119 Q208175 +Q365463 P106 Q81096 +Q223316 P495 Q30 +Q8349 P106 Q28389 +Q223117 P551 Q2044 +Q78089 P69 Q55044 +Q161687 P161 Q19190 +Q151921 P136 Q157443 +Q214574 P1412 Q188 +Q215 P463 Q7809 +Q77109 P3373 Q71819 +Q328320 P136 Q130232 +Q75849 P106 Q4964182 +Q188093 P106 Q864380 +Q79091 P106 Q1979607 +Q131374 P27 Q15180 +Q231556 P27 Q30 +Q463313 P495 Q30 +Q966349 P106 Q82955 +Q241252 P19 Q656 +Q92617 P106 Q205375 +Q145 P463 Q1072120 +Q854 P530 Q159583 +Q2464214 P119 Q746647 +Q310953 P101 Q1328508 +Q86943 P106 Q1622272 +Q230 P530 Q1005 +Q1064692 P20 Q61 +Q296609 P106 Q10798782 +Q189895 P26 Q327240 +Q535 P136 Q8261 +Q288359 P551 Q18419 +Q25820 P27 Q174193 +Q196685 P161 Q6060 +Q157131 P140 Q188814 +Q169963 P106 Q33999 +Q711509 P463 Q188771 +Q1281738 P19 Q1297 +Q1785 P264 Q165745 +Q237242 P20 Q84 +Q929 P463 Q842490 +Q274277 P20 Q1794 +Q109767 P57 Q51564 +Q216896 P509 Q12202 +Q221 P530 Q1246 +Q368424 P106 Q2526255 +Q378645 P20 Q220 +Q484523 P1303 Q5994 +Q26702 P106 Q372436 +Q309248 P161 Q388557 +Q49009 P106 Q36834 +Q208116 P119 Q208175 +Q2795317 P27 Q29999 +Q78514 P106 Q36180 +Q86922 P1412 Q188 +Q60584 P106 Q36180 +Q280673 P106 Q482980 +Q434701 P106 Q33999 +Q379608 P106 Q177220 +Q324366 P264 Q843402 +Q346540 P1412 Q150 +Q298694 P106 Q28389 +Q523870 P101 Q21201 +Q7416 P140 Q33203 +Q11593 P161 Q273727 +Q434715 P106 Q822146 +Q77226 P19 Q3075 +Q383173 P495 Q40 +Q204323 P27 Q258 +Q927 P20 Q727 +Q133151 P1303 Q52954 +Q202386 P20 Q90 +Q257840 P509 Q12136 +Q48987 P106 Q1415090 +Q273568 P161 Q144643 +Q334396 P20 Q2044 +Q18456 P106 Q333634 +Q179097 P106 Q250867 +Q462118 P69 Q333886 +Q1861 P30 Q48 +Q173637 P106 Q28389 +Q89204 P463 Q463303 +Q46548 P106 Q1350157 +Q554150 P106 Q1622272 +Q320423 P161 Q94007 +Q460323 P106 Q28389 +Q557 P27 Q30 +Q959159 P106 Q33999 +Q231603 P106 Q201788 +Q77031 P106 Q14915627 +Q4428333 P463 Q83172 +Q16739 P17 Q30 +Q336278 P27 Q145 +Q273614 P106 Q639669 +Q223741 P106 Q177220 +Q440996 P106 Q1930187 +Q588 P138 Q855 +Q245208 P161 Q193278 +Q510190 P19 Q84 +Q365463 P106 Q205375 +Q232868 P106 Q4610556 +Q34816 P106 Q3282637 +Q2736087 P1412 Q150 +Q152335 P108 Q390287 +Q69209 P69 Q55038 +Q2573 P69 Q155354 +Q128460 P106 Q49757 +Q114509 P136 Q131539 +Q365199 P106 Q36834 +Q72705 P106 Q6625963 +Q347395 P27 Q30 +Q552529 P19 Q1754 +Q43718 P20 Q649 +Q111230 P19 Q39121 +Q712359 P19 Q16558 +Q437039 P106 Q10798782 +Q185776 P161 Q40337 +Q47426 P108 Q131252 +Q188159 P57 Q55422 +Q235302 P19 Q37320 +Q391784 P161 Q204586 +Q320146 P1303 Q5994 +Q289108 P264 Q193023 +Q148 P530 Q227 +Q85426 P27 Q183 +Q5784301 P136 Q93204 +Q66343 P106 Q1234713 +Q113190 P463 Q901677 +Q229603 P161 Q239464 +Q371639 P106 Q1930187 +Q207921 P161 Q223091 +Q73938 P119 Q24879 +Q1385887 P69 Q49112 +Q3709961 P27 Q30 +Q320 P551 Q1711 +Q335794 P1412 Q9091 +Q38785 P27 Q159 +Q180224 P19 Q60 +Q503657 P106 Q372436 +Q982677 P106 Q49757 +Q465702 P172 Q49085 +Q37150 P106 Q855091 +Q115 P463 Q191384 +Q165911 P106 Q28389 +Q1988375 P27 Q212 +Q717204 P106 Q36180 +Q311752 P106 Q33999 +Q67462 P106 Q2374149 +Q505358 P106 Q82594 +Q718609 P69 Q333705 +Q964219 P106 Q177220 +Q190145 P57 Q275402 +Q61940 P136 Q112983 +Q313388 P106 Q33999 +Q310734 P161 Q242707 +Q51495 P27 Q39 +Q76887 P106 Q40348 +Q212026 P27 Q30 +Q49747 P106 Q36180 +Q1364884 P106 Q593644 +Q269462 P264 Q843402 +Q83297 P108 Q35794 +Q34 P530 Q35 +Q809003 P264 Q240804 +Q217495 P27 Q145 +Q25023 P19 Q2079 +Q40071 P840 Q60 +Q1001254 P509 Q47912 +Q174478 P2348 Q6927 +Q536102 P27 Q142 +Q60809 P106 Q36180 +Q314673 P106 Q2252262 +Q443995 P106 Q177220 +Q273215 P26 Q235622 +Q142768 P27 Q2184 +Q187765 P106 Q36180 +Q712914 P20 Q23197 +Q1334617 P106 Q158852 +Q230011 P69 Q167733 +Q287385 P161 Q48410 +Q237951 P106 Q333634 +Q1353962 P1303 Q17172850 +Q7231 P106 Q2306091 +Q686 P463 Q134102 +Q129817 P106 Q639669 +Q281296 P161 Q103784 +Q352766 P27 Q145 +Q1050 P530 Q30 +Q60586 P108 Q152171 +Q62857 P108 Q49108 +Q213512 P69 Q1420239 +Q151083 P27 Q142 +Q86488 P27 Q183 +Q295803 P69 Q35794 +Q615625 P106 Q49757 +Q191966 P106 Q28389 +Q110167 P108 Q154561 +Q561835 P27 Q142 +Q51506 P106 Q10800557 +Q380904 P106 Q177220 +Q151087 P3373 Q152785 +Q347685 P106 Q1930187 +Q3821445 P19 Q38022 +Q431656 P106 Q486748 +Q180099 P108 Q49088 +Q213562 P551 Q90 +Q346833 P27 Q30 +Q1624891 P136 Q235858 +Q234043 P106 Q177220 +Q1027051 P106 Q753110 +Q4089775 P69 Q4204467 +Q2573 P40 Q63834 +Q189758 P20 Q65 +Q89516 P106 Q121594 +Q53783 P737 Q1394 +Q344983 P106 Q855091 +Q182609 P108 Q1137665 +Q546956 P19 Q47716 +Q691973 P106 Q333634 +Q32 P530 Q230 +Q192374 P106 Q333634 +Q222018 P161 Q313789 +Q52950 P27 Q34 +Q71402 P1412 Q188 +Q25191 P106 Q28389 +Q213974 P27 Q183 +Q123987 P27 Q39 +Q49498 P161 Q235503 +Q303040 P161 Q193212 +Q167726 P136 Q52207399 +Q85282 P106 Q4964182 +Q1011 P530 Q183 +Q442667 P106 Q5716684 +Q230445 P1303 Q6607 +Q291183 P20 Q18575 +Q357776 P69 Q21578 +Q318192 P69 Q35794 +Q88389 P463 Q329464 +Q354033 P106 Q753110 +Q713301 P136 Q492264 +Q213553 P106 Q201788 +Q979545 P69 Q168756 +Q310394 P106 Q36180 +Q213794 P20 Q1741 +Q259940 P106 Q28389 +Q260969 P1050 Q2840 +Q1374180 P27 Q30 +Q41590 P509 Q3010352 +Q31487 P17 Q207272 +Q1040186 P264 Q155152 +Q208214 P102 Q29552 +Q149997 P509 Q47912 +Q722202 P106 Q33999 +Q268294 P106 Q2066131 +Q368129 P106 Q488205 +Q442549 P26 Q83410 +Q205435 P106 Q2405480 +Q6969 P106 Q1930187 +Q531743 P19 Q1761 +Q91548 P108 Q48989 +Q354867 P106 Q4964182 +Q133009 P463 Q1423356 +Q236531 P106 Q10800557 +Q57244 P108 Q206702 +Q704015 P1412 Q7737 +Q110043 P161 Q283872 +Q448837 P106 Q10800557 +Q44403 P737 Q157271 +Q167821 P20 Q1138378 +Q274404 P106 Q28389 +Q67576 P20 Q64 +Q93356 P737 Q168728 +Q48779 P1412 Q8748 +Q528742 P27 Q801 +Q77497 P136 Q25379 +Q360663 P106 Q10798782 +Q158123 P106 Q3665646 +Q374812 P106 Q10800557 +Q32849 P1303 Q17172850 +Q106834 P463 Q2043519 +Q64880 P27 Q183 +Q177650 P106 Q193391 +Q82104 P106 Q28389 +Q219744 P140 Q7361618 +Q81082 P463 Q188771 +Q271327 P20 Q47164 +Q104022 P106 Q36180 +Q61708 P106 Q1622272 +Q311267 P1303 Q17172850 +Q76624 P108 Q273263 +Q234438 P69 Q49114 +Q83321 P172 Q50001 +Q301951 P106 Q18939491 +Q235744 P509 Q372701 +Q78514 P106 Q18844224 +Q215562 P106 Q18814623 +Q295093 P26 Q288157 +Q49847 P27 Q30 +Q134456 P106 Q2526255 +Q7311 P106 Q158852 +Q41314 P1412 Q1860 +Q237222 P136 Q959790 +Q5104 P106 Q2405480 +Q211 P463 Q7809 +Q72678 P27 Q183 +Q183469 P108 Q168751 +Q560818 P69 Q230492 +Q1386948 P106 Q639669 +Q1296812 P106 Q177220 +Q1219622 P106 Q901 +Q106134 P106 Q82955 +Q315199 P136 Q263734 +Q164578 P27 Q43 +Q36268 P106 Q55960555 +Q355788 P264 Q557632 +Q231815 P106 Q3282637 +Q329577 P27 Q145 +Q304030 P136 Q859369 +Q13014 P27 Q518101 +Q1453287 P20 Q1754 +Q4405759 P106 Q901 +Q557665 P106 Q82955 +Q272068 P27 Q30 +Q76717 P27 Q183 +Q242956 P106 Q6625963 +Q153159 P140 Q75809 +Q388035 P264 Q38903 +Q49734 P106 Q55960555 +Q102235 P840 Q84 +Q954 P37 Q1860 +Q76892 P463 Q265058 +Q329700 P136 Q157443 +Q1884 P17 Q41304 +Q368674 P161 Q187832 +Q317397 P509 Q181754 +Q332032 P264 Q202440 +Q470334 P106 Q2374149 +Q459310 P106 Q2306091 +Q75116 P108 Q159895 +Q1500297 P106 Q753110 +Q434573 P509 Q12152 +Q116258 P19 Q71 +Q366195 P106 Q10798782 +Q286410 P106 Q486748 +Q270469 P264 Q238095 +Q53300 P40 Q1267 +Q221109 P136 Q130232 +Q115987 P106 Q212980 +Q195535 P106 Q177220 +Q908569 P1303 Q17172850 +Q1253366 P840 Q90 +Q361004 P106 Q4164507 +Q1047 P69 Q1247373 +Q220192 P161 Q230278 +Q114623 P27 Q40 +Q60070 P106 Q36180 +Q102905 P106 Q333634 +Q188111 P106 Q753110 +Q297618 P106 Q10800557 +Q234104 P106 Q855091 +Q935369 P1303 Q17172850 +Q65664 P106 Q16533 +Q175102 P106 Q855091 +Q90819 P106 Q82955 +Q157204 P106 Q214917 +Q105118 P106 Q3282637 +Q599993 P69 Q273626 +Q75793 P106 Q1622272 +Q170581 P551 Q62 +Q6246180 P106 Q1028181 +Q106662 P106 Q177220 +Q756563 P264 Q216364 +Q87589 P106 Q10800557 +Q270622 P27 Q30 +Q92510 P108 Q309350 +Q766930 P264 Q5086379 +Q331728 P106 Q245068 +Q188137 P106 Q10800557 +Q15031 P106 Q40348 +Q320146 P106 Q2722764 +Q232819 P106 Q639669 +Q464218 P136 Q83440 +Q351884 P19 Q5092 +Q30 P530 Q811 +Q62202 P1412 Q188 +Q101638 P140 Q6423963 +Q427534 P161 Q233843 +Q44578 P161 Q38111 +Q61940 P106 Q214917 +Q53719 P161 Q177311 +Q319084 P106 Q36180 +Q104791 P106 Q2259451 +Q67526 P1412 Q1860 +Q3182472 P69 Q49088 +Q544283 P106 Q488205 +Q313655 P106 Q10800557 +Q3215817 P27 Q30 +Q238751 P106 Q333634 +Q267170 P27 Q30 +Q1511 P27 Q183 +Q317521 P140 Q288928 +Q51461 P106 Q2526255 +Q158050 P509 Q12202 +Q356986 P106 Q36834 +Q62765 P69 Q152838 +Q242418 P1303 Q5994 +Q653496 P106 Q15296811 +Q57118 P102 Q29552 +Q14277 P463 Q3603946 +Q5959091 P106 Q10872101 +Q108602 P106 Q901 +Q195390 P1412 Q188 +Q399 P463 Q191384 +Q230523 P19 Q65 +Q76152 P102 Q49766 +Q925240 P102 Q29552 +Q2512 P1412 Q188 +Q1184931 P106 Q36834 +Q110203 P136 Q959790 +Q186273 P20 Q1490 +Q76876 P463 Q150793 +Q168023 P27 Q30 +Q463832 P495 Q30 +Q366217 P135 Q80113 +Q142059 P172 Q170217 +Q208214 P69 Q1542213 +Q83396 P106 Q193391 +Q240233 P20 Q65 +Q738196 P19 Q3616 +Q966349 P1412 Q1860 +Q725510 P1303 Q17172850 +Q241609 P140 Q682443 +Q77959 P1412 Q7737 +Q160619 P27 Q142 +Q319277 P106 Q639669 +Q951957 P27 Q2305208 +Q380026 P106 Q170790 +Q213681 P106 Q4964182 +Q189081 P69 Q842909 +Q222071 P1412 Q1860 +Q171235 P1412 Q5146 +Q833 P530 Q159 +Q91582 P19 Q2999 +Q298388 P106 Q33999 +Q966690 P161 Q239145 +Q48280 P106 Q753110 +Q183713 P106 Q214917 +Q246731 P463 Q466089 +Q347528 P1303 Q5994 +Q38849 P106 Q2526255 +Q353866 P19 Q90 +Q448776 P136 Q858330 +Q77438 P106 Q4991371 +Q48055 P27 Q34266 +Q68656 P140 Q23540 +Q201579 P69 Q390287 +Q201359 P106 Q1622272 +Q78511 P140 Q748 +Q1643790 P106 Q81096 +Q190772 P106 Q170790 +Q229697 P264 Q231694 +Q289614 P136 Q43343 +Q37628 P27 Q15180 +Q231128 P106 Q10800557 +Q1101195 P106 Q183945 +Q132589 P106 Q6625963 +Q168468 P463 Q4345832 +Q1666 P106 Q49757 +Q55388 P119 Q48958 +Q101567 P106 Q593644 +Q367234 P106 Q214917 +Q2071 P106 Q753110 +Q323318 P161 Q314841 +Q379836 P106 Q201788 +Q3762573 P20 Q220 +Q1130457 P17 Q159 +Q214642 P106 Q28389 +Q940617 P136 Q14390274 +Q562178 P135 Q37068 +Q1897911 P27 Q30 +Q311987 P106 Q2405480 +Q370747 P20 Q61 +Q352738 P106 Q10800557 +Q81082 P106 Q1650915 +Q57552 P1412 Q7737 +Q152306 P463 Q191583 +Q155 P530 Q38 +Q48410 P19 Q1345 +Q572001 P463 Q40358 +Q153725 P106 Q639669 +Q191040 P840 Q739 +Q43 P530 Q28 +Q317988 P20 Q406 +Q193676 P1303 Q17172850 +Q152520 P27 Q30 +Q443120 P106 Q33999 +Q1998195 P112 Q115055 +Q76616 P20 Q1707 +Q448764 P20 Q84 +Q232214 P106 Q183945 +Q297881 P136 Q482 +Q189694 P106 Q13382533 +Q230055 P106 Q33999 +Q214227 P264 Q183387 +Q349690 P19 Q62 +Q357391 P27 Q30 +Q60016 P495 Q30 +Q276170 P19 Q2807 +Q108283 P106 Q18844224 +Q2831 P1303 Q133163 +Q313647 P19 Q65 +Q272935 P106 Q10800557 +Q380634 P1303 Q52954 +Q104301 P463 Q684415 +Q96028 P20 Q65 +Q172975 P161 Q310932 +Q1495109 P1412 Q188 +Q310012 P106 Q10798782 +Q387414 P136 Q2484376 +Q1055 P131 Q183 +Q181685 P19 Q90 +Q192724 P840 Q889 +Q106071 P106 Q2405480 +Q96492 P108 Q204181 +Q276734 P57 Q55171 +Q919156 P106 Q855091 +Q44461 P106 Q350979 +Q2492 P102 Q49762 +Q62910 P106 Q169470 +Q504025 P27 Q30 +Q1028715 P106 Q33999 +Q3920109 P106 Q13416354 +Q1292738 P106 Q81096 +Q76000 P108 Q662355 +Q165534 P1412 Q652 +Q1606257 P19 Q365 +Q358538 P1303 Q17172850 +Q30 P37 Q7976 +Q1887014 P106 Q512314 +Q40909 P106 Q4263842 +Q188713 P264 Q664167 +Q215868 P106 Q6625963 +Q568256 P17 Q222 +Q342949 P106 Q4351403 +Q80938 P106 Q3282637 +Q329464 P131 Q64 +Q188111 P27 Q17 +Q556767 P108 Q499451 +Q150767 P509 Q181754 +Q138559 P27 Q161885 +Q108283 P1412 Q1860 +Q456827 P136 Q1344 +Q72657 P27 Q183 +Q633103 P106 Q36834 +Q58645 P69 Q154561 +Q70309 P106 Q33999 +Q4834218 P20 Q18438 +Q111182 P106 Q82955 +Q81487 P136 Q1054574 +Q272069 P1412 Q1860 +Q258183 P136 Q484641 +Q55163 P20 Q65 +Q237497 P106 Q33999 +Q154145 P463 Q337543 +Q202792 P1412 Q1860 +Q156532 P106 Q10798782 +Q209471 P641 Q80131 +Q193676 P106 Q2405480 +Q155476 P161 Q309843 +Q156796 P106 Q3282637 +Q51489 P69 Q797078 +Q312628 P20 Q220 +Q452307 P106 Q33999 +Q234544 P106 Q2405480 +Q5482339 P106 Q169470 +Q616021 P509 Q206901 +Q443199 P119 Q4263743 +Q106662 P1303 Q9798 +Q296008 P106 Q33999 +Q16472 P509 Q47912 +Q3383262 P106 Q39631 +Q48990 P463 Q651690 +Q229184 P27 Q145 +Q34851 P140 Q9268 +Q587852 P106 Q639669 +Q310389 P19 Q485716 +Q435415 P1303 Q17172850 +Q124894 P463 Q338432 +Q60777 P69 Q209842 +Q377768 P106 Q639669 +Q189 P37 Q294 +Q121111 P106 Q82955 +Q345494 P106 Q1643514 +Q287740 P136 Q130232 +Q91137 P19 Q649 +Q239067 P551 Q340 +Q300508 P161 Q235707 +Q229018 P264 Q2902300 +Q89461 P27 Q40 +Q582152 P106 Q488205 +Q234891 P264 Q183387 +Q65084 P69 Q32120 +Q2685 P69 Q55044 +Q53619 P106 Q3400985 +Q705400 P106 Q2405480 +Q156214 P106 Q15296811 +Q346091 P106 Q201788 +Q71819 P3373 Q71407 +Q216016 P27 Q39 +Q964776 P106 Q4220892 +Q51461 P106 Q10800557 +Q227 P463 Q8908 +Q318755 P172 Q49085 +Q268615 P27 Q142 +Q935407 P106 Q36180 +Q1232630 P20 Q649 +Q714739 P3373 Q333873 +Q60206 P27 Q193714 +Q119849 P69 Q4614 +Q213754 P106 Q333634 +Q71548 P106 Q36180 +Q160060 P161 Q166272 +Q362133 P106 Q36180 +Q312975 P463 Q191583 +Q93797 P20 Q1741 +Q114572 P1412 Q188 +Q11903 P2348 Q2277 +Q494676 P69 Q797078 +Q266694 P102 Q29468 +Q295420 P19 Q1773 +Q112202 P106 Q333634 +Q1585138 P136 Q83440 +Q75177 P69 Q55038 +Q51495 P509 Q12152 +Q76606 P101 Q2329 +Q437927 P106 Q488205 +Q3754146 P106 Q49757 +Q440537 P106 Q639669 +Q85282 P463 Q4742987 +Q66527 P69 Q51985 +Q78680 P551 Q60 +Q176351 P101 Q11372 +Q991 P106 Q36180 +Q171711 P840 Q62 +Q77751 P27 Q183 +Q14045 P1303 Q52954 +Q291405 P1412 Q1860 +Q361626 P20 Q4100 +Q12658 P106 Q4964182 +Q64180 P1412 Q188 +Q230939 P69 Q174710 +Q1197841 P161 Q359331 +Q132193 P1412 Q9063 +Q258854 P106 Q10800557 +Q110628 P27 Q30 +Q115 P463 Q384535 +Q239501 P101 Q35760 +Q955619 P106 Q11338576 +Q651 P27 Q183 +Q284360 P27 Q30 +Q298761 P1412 Q1860 +Q71275 P136 Q21590660 +Q269645 P1303 Q17172850 +Q95453 P108 Q51985 +Q284636 P27 Q30 +Q23810 P1412 Q7737 +Q888671 P106 Q33999 +Q630454 P106 Q4263842 +Q1882472 P136 Q83440 +Q302762 P106 Q36834 +Q114 P530 Q35 +Q981856 P106 Q639669 +Q95994 P106 Q1622272 +Q30931 P840 Q84 +Q75904 P106 Q901402 +Q2119 P17 Q183 +Q5443 P106 Q33999 +Q213778 P108 Q317053 +Q184535 P106 Q170790 +Q177984 P106 Q28389 +Q155152 P749 Q38903 +Q172632 P101 Q207628 +Q61686 P106 Q1622272 +Q102341 P106 Q3391743 +Q884 P463 Q233611 +Q108239 P108 Q51985 +Q95355 P20 Q4120832 +Q236606 P1412 Q1860 +Q1449438 P106 Q2259451 +Q1149 P20 Q987 +Q191088 P3373 Q210172 +Q740631 P20 Q585 +Q380996 P161 Q213864 +Q326542 P106 Q1930187 +Q151164 P463 Q463303 +Q251340 P106 Q28389 +Q4271 P106 Q183945 +Q428819 P106 Q10800557 +Q1060636 P140 Q7066 +Q97871 P106 Q82955 +Q92359 P108 Q315658 +Q438124 P509 Q3505252 +Q912271 P106 Q6625963 +Q1237496 P106 Q43845 +Q232085 P19 Q60 +Q463018 P19 Q456 +Q370893 P161 Q238045 +Q924668 P106 Q177220 +Q939105 P106 Q488205 +Q380425 P27 Q15180 +Q128085 P264 Q557632 +Q504083 P119 Q208175 +Q83174 P106 Q1930187 +Q313020 P106 Q2526255 +Q1606718 P106 Q40348 +Q181086 P136 Q1200678 +Q114179 P106 Q4991371 +Q271981 P136 Q1298934 +Q2252 P108 Q23548 +Q1556241 P463 Q123885 +Q76895 P106 Q2259451 +Q183 P530 Q819 +Q145132 P106 Q10798782 +Q49074 P1412 Q7976 +Q155860 P19 Q1874 +Q206832 P106 Q81096 +Q1716 P106 Q1415090 +Q8201431 P106 Q36180 +Q164170 P69 Q49108 +Q9312 P106 Q1231865 +Q1046038 P509 Q12078 +Q368812 P108 Q1250779 +Q858741 P509 Q181257 +Q743597 P140 Q432 +Q76772 P463 Q920266 +Q61520 P106 Q82955 +Q489854 P19 Q8684 +Q918447 P106 Q639669 +Q220655 P161 Q201279 +Q3955 P17 Q7318 +Q124607 P106 Q36180 +Q558838 P27 Q15180 +Q96532 P69 Q32120 +Q713099 P106 Q177220 +Q90037 P106 Q15895020 +Q273080 P106 Q486748 +Q311271 P19 Q49218 +Q231141 P69 Q223429 +Q278193 P161 Q234141 +Q276392 P161 Q269830 +Q196977 P840 Q84 +Q14320 P161 Q200768 +Q29999 P463 Q827525 +Q61130 P106 Q1622272 +Q76258 P136 Q11635 +Q326823 P463 Q414163 +Q704682 P106 Q4964182 +Q556765 P106 Q855091 +Q797649 P463 Q463281 +Q268569 P509 Q1368943 +Q312902 P106 Q2259451 +Q244296 P136 Q846544 +Q292693 P106 Q2259451 +Q34970 P106 Q4263842 +Q196617 P140 Q432 +Q184697 P1412 Q1321 +Q216708 P106 Q753110 +Q253395 P106 Q49757 +Q975547 P463 Q463281 +Q92637 P463 Q463303 +Q724160 P69 Q142740 +Q92601 P106 Q1622272 +Q1383002 P463 Q270794 +Q317397 P106 Q36834 +Q229254 P106 Q2405480 +Q132095 P108 Q49112 +Q273211 P106 Q177220 +Q443317 P1303 Q17172850 +Q953 P463 Q816706 +Q973305 P106 Q1930187 +Q267526 P840 Q60 +Q507985 P106 Q639669 +Q1439143 P27 Q174193 +Q1497744 P27 Q30 +Q386053 P106 Q2259451 +Q92745 P101 Q21198 +Q1627834 P106 Q33999 +Q7546 P106 Q3282637 +Q212015 P136 Q131272 +Q7241 P19 Q1348 +Q556941 P106 Q33231 +Q131326 P106 Q6625963 +Q232348 P136 Q183504 +Q388408 P136 Q2975633 +Q124494 P106 Q2468727 +Q86260 P19 Q1055 +Q347832 P106 Q1930187 +Q345888 P69 Q273447 +Q180019 P1303 Q51290 +Q39975 P136 Q157443 +Q4100 P463 Q747279 +Q169996 P136 Q2484376 +Q7747 P101 Q7163 +Q65533 P1412 Q9056 +Q283859 P19 Q649 +Q214 P530 Q1246 +Q224647 P840 Q60 +Q42198 P161 Q349852 +Q66800 P108 Q50662 +Q1531285 P106 Q639669 +Q373774 P161 Q206466 +Q361336 P19 Q60 +Q134644 P136 Q8242 +Q188652 P495 Q30 +Q228904 P119 Q1624932 +Q256738 P69 Q49210 +Q299595 P108 Q49108 +Q168274 P1412 Q1860 +Q77497 P136 Q676 +Q75261 P1412 Q188 +Q137098 P495 Q142 +Q76131 P1412 Q188 +Q25483 P69 Q559549 +Q183439 P1412 Q150 +Q313522 P1412 Q1860 +Q181451 P106 Q6673651 +Q539171 P136 Q37073 +Q263670 P19 Q12439 +Q312801 P1303 Q17172850 +Q351061 P106 Q639669 +Q962908 P106 Q33999 +Q348790 P106 Q589298 +Q243639 P264 Q212699 +Q3711 P17 Q171150 +Q183 P530 Q16957 +Q5482339 P101 Q43035 +Q81685 P19 Q1479 +Q490381 P136 Q9734 +Q315744 P27 Q142 +Q229038 P1303 Q17172850 +Q1147551 P1303 Q17172850 +Q80222 P101 Q7754 +Q528832 P27 Q30 +Q161933 P463 Q463303 +Q152245 P140 Q170111 +Q4346512 P106 Q10800557 +Q95237 P551 Q39984 +Q278053 P136 Q157394 +Q339045 P161 Q1384181 +Q87756 P102 Q157537 +Q77184 P106 Q1622272 +Q211040 P106 Q4610556 +Q230 P530 Q241 +Q359552 P106 Q488205 +Q92747 P69 Q168756 +Q92617 P119 Q47265 +Q274181 P106 Q33999 +Q4157585 P102 Q79854 +Q180278 P106 Q16145150 +Q119786 P106 Q14915627 +Q637949 P106 Q43845 +Q423 P530 Q17 +Q61533 P69 Q156725 +Q16 P463 Q123759 +Q129813 P161 Q231310 +Q161933 P19 Q220 +Q4271 P264 Q796316 +Q3439052 P106 Q13582652 +Q298838 P106 Q855091 +Q131433 P136 Q83440 +Q216341 P106 Q753110 +Q55421 P119 Q240744 +Q319374 P106 Q639669 +Q60389 P69 Q54096 +Q373566 P1412 Q1860 +Q1345782 P1303 Q1343007 +Q455120 P106 Q333634 +Q96898 P106 Q16287483 +Q3126 P17 Q154195 +Q944245 P106 Q10800557 +Q316872 P106 Q2252262 +Q296950 P20 Q37320 +Q60650 P1412 Q188 +Q89054 P27 Q28513 +Q473257 P119 Q592204 +Q699950 P106 Q1930187 +Q452232 P106 Q639669 +Q316454 P1303 Q128309 +Q50012 P106 Q33999 +Q57311 P19 Q2841 +Q311472 P108 Q49210 +Q222867 P161 Q213864 +Q19658 P551 Q65 +Q160163 P106 Q1622272 +Q81037 P136 Q959790 +Q16409 P1412 Q8641 +Q931278 P106 Q121594 +Q47595 P136 Q482 +Q202028 P136 Q471839 +Q85802 P1412 Q188 +Q61453 P106 Q18844224 +Q234335 P509 Q12202 +Q240570 P106 Q3391743 +Q349223 P69 Q248970 +Q9358 P737 Q57554 +Q706941 P106 Q639669 +Q449199 P106 Q82955 +Q943694 P106 Q201788 +Q386291 P161 Q489 +Q7999 P106 Q36180 +Q102225 P161 Q19190 +Q159646 P463 Q4345832 +Q287688 P119 Q1302545 +Q1322403 P17 Q29 +Q208101 P551 Q18419 +Q273362 P106 Q5716684 +Q152274 P69 Q859363 +Q455558 P136 Q6585139 +Q69474 P136 Q37073 +Q1351177 P106 Q177220 +Q171166 P463 Q6101686 +Q315784 P106 Q177220 +Q1014 P530 Q1044 +Q61649 P140 Q1841 +Q219646 P106 Q2526255 +Q233474 P106 Q4610556 +Q379022 P20 Q90 +Q22 P131 Q161885 +Q307391 P106 Q2405480 +Q1305608 P101 Q184485 +Q274342 P1412 Q7737 +Q45909 P264 Q2265719 +Q67711 P27 Q183 +Q220078 P106 Q6625963 +Q312538 P161 Q77035 +Q68312 P101 Q23404 +Q310729 P136 Q130232 +Q557632 P749 Q38903 +Q23810 P1412 Q1860 +Q182763 P136 Q21010853 +Q181667 P27 Q30 +Q846373 P264 Q202440 +Q13005 P106 Q36180 +Q212730 P27 Q30 +Q207676 P106 Q10800557 +Q2623752 P108 Q80207 +Q121810 P161 Q125106 +Q912687 P136 Q11030 +Q9047 P737 Q36330 +Q89967 P106 Q1622272 +Q392697 P136 Q157443 +Q116861 P106 Q33999 +Q136591 P136 Q7749 +Q276620 P106 Q855091 +Q373968 P106 Q33999 +Q267683 P106 Q49757 +Q168274 P106 Q177220 +Q92637 P106 Q43845 +Q807787 P106 Q177220 +Q318755 P1303 Q17172850 +Q573408 P106 Q11513337 +Q350666 P1412 Q1860 +Q596717 P20 Q506446 +Q270869 P106 Q10800557 +Q107178 P20 Q2107 +Q61132 P463 Q44687 +Q251865 P106 Q855091 +Q75757 P20 Q586 +Q264699 P106 Q28389 +Q238871 P509 Q12078 +Q537386 P106 Q1075651 +Q25080 P106 Q947873 +Q917 P463 Q656801 +Q437616 P106 Q483501 +Q207916 P840 Q34433 +Q1314285 P19 Q43196 +Q2447874 P106 Q81096 +Q185832 P509 Q12202 +Q49285 P27 Q30 +Q426582 P106 Q1930187 +Q348037 P106 Q81096 +Q106997 P69 Q1185037 +Q235737 P106 Q1415090 +Q434680 P106 Q36180 +Q240485 P27 Q145 +Q188159 P161 Q171363 +Q887889 P102 Q29468 +Q195333 P106 Q177220 +Q504753 P106 Q1622272 +Q77777 P1412 Q188 +Q550598 P19 Q16567 +Q234819 P106 Q6625963 +Q974795 P106 Q2252262 +Q438213 P106 Q205375 +Q105428 P106 Q4964182 +Q934734 P19 Q21711493 +Q74512 P27 Q183 +Q91161 P19 Q1022 +Q706941 P106 Q36834 +Q31013 P106 Q177220 +Q83542 P840 Q60 +Q713859 P172 Q49085 +Q451812 P101 Q207628 +Q357645 P1303 Q17172850 +Q33977 P106 Q8178443 +Q110201 P102 Q7320 +Q202663 P136 Q11401 +Q4514164 P463 Q83172 +Q180989 P106 Q4964182 +Q553276 P106 Q245068 +Q70650 P106 Q188094 +Q361297 P1412 Q1860 +Q219424 P136 Q1146335 +Q348001 P106 Q36180 +Q44519 P101 Q482 +Q280856 P1412 Q1860 +Q106514 P106 Q10798782 +Q171711 P161 Q342788 +Q231360 P106 Q82955 +Q58612 P27 Q801 +Q42198 P161 Q162554 +Q437340 P69 Q1189954 +Q9317 P509 Q12152 +Q334 P463 Q7825 +Q332256 P1303 Q6607 +Q103476 P106 Q2405480 +Q158123 P19 Q1741 +Q670440 P106 Q201788 +Q45386 P495 Q30 +Q122020 P101 Q207628 +Q299595 P106 Q81096 +Q56008 P106 Q3282637 +Q205314 P102 Q29552 +Q134549 P3373 Q9696 +Q154014 P106 Q18805 +Q78830 P106 Q39631 +Q992295 P136 Q217597 +Q2368353 P1412 Q7737 +Q153739 P106 Q5322166 +Q7833 P106 Q8178443 +Q95447 P19 Q1733 +Q330730 P106 Q639669 +Q889 P530 Q851 +Q278699 P101 Q8134 +Q462149 P840 Q406 +Q44584 P1412 Q188 +Q1173729 P106 Q36834 +Q60815 P106 Q33999 +Q104340 P106 Q1053574 +Q403 P530 Q902 +Q376182 P106 Q10798782 +Q930679 P106 Q4964182 +Q106440 P840 Q39 +Q175278 P161 Q224026 +Q28885 P27 Q15180 +Q1011 P463 Q8475 +Q709640 P106 Q753110 +Q318885 P1412 Q5287 +Q61112 P106 Q10843402 +Q340814 P161 Q103939 +Q706417 P106 Q639669 +Q74252 P463 Q2043519 +Q336881 P106 Q864380 +Q1666 P106 Q855091 +Q488099 P135 Q180902 +Q76772 P463 Q191583 +Q323707 P140 Q9268 +Q328892 P106 Q36180 +Q11998 P27 Q408 +Q556858 P106 Q3387717 +Q88832 P106 Q1622272 +Q72804 P106 Q49757 +Q678840 P106 Q639669 +Q229881 P27 Q30 +Q31164 P27 Q145 +Q162597 P106 Q1622272 +Q176846 P106 Q177220 +Q41132 P136 Q157443 +Q30 P530 Q334 +Q62963 P463 Q18650004 +Q639065 P108 Q13371 +Q320639 P106 Q183945 +Q170509 P106 Q1209498 +Q156214 P106 Q644687 +Q44520 P1412 Q1860 +Q910392 P106 Q36180 +Q22955657 P3373 Q24558760 +Q7345 P106 Q639669 +Q114076 P161 Q349350 +Q110569 P106 Q36180 +Q192160 P161 Q200534 +Q1051531 P264 Q190585 +Q299122 P1303 Q46185 +Q57465 P20 Q586 +Q152824 P101 Q309 +Q462446 P106 Q81096 +Q57501 P69 Q149481 +Q57896 P106 Q1930187 +Q940686 P1303 Q17172850 +Q68537 P69 Q1130457 +Q317311 P161 Q171745 +Q902 P530 Q145 +Q57578 P463 Q44687 +Q1698 P1303 Q79838 +Q788572 P106 Q36180 +Q51575 P40 Q357762 +Q236606 P19 Q340 +Q29086 P1412 Q1860 +Q328320 P161 Q1388769 +Q86864 P106 Q36180 +Q969753 P69 Q270145 +Q1623549 P69 Q49115 +Q193116 P101 Q889 +Q44007 P135 Q39427 +Q266670 P106 Q822146 +Q127481 P106 Q10800557 +Q9353 P463 Q123885 +Q314659 P106 Q28389 +Q1351177 P27 Q30 +Q193478 P17 Q153136 +Q893664 P27 Q15180 +Q204323 P106 Q205375 +Q551543 P119 Q272208 +Q356487 P102 Q29552 +Q239419 P108 Q174570 +Q672443 P161 Q284876 +Q92613 P19 Q60 +Q92815 P27 Q30 +Q100913 P102 Q49750 +Q117012 P136 Q187760 +Q269927 P19 Q1297 +Q1077409 P1303 Q46185 +Q261812 P27 Q30 +Q433893 P19 Q60 +Q924 P463 Q340195 +Q465594 P106 Q49757 +Q61280 P463 Q463303 +Q349507 P19 Q641 +Q155 P530 Q423 +Q241215 P101 Q35760 +Q189534 P106 Q36834 +Q12883 P1412 Q143 +Q153576 P1303 Q17172850 +Q440926 P27 Q145 +Q314033 P106 Q33999 +Q152335 P106 Q1569495 +Q134575 P106 Q177220 +Q460071 P136 Q37073 +Q240485 P136 Q37073 +Q159585 P106 Q189290 +Q76823 P108 Q50662 +Q731958 P106 Q9648008 +Q190908 P161 Q355209 +Q461104 P1412 Q150 +Q166272 P27 Q408 +Q80760 P69 Q4614 +Q195371 P106 Q47064 +Q549729 P106 Q4773904 +Q106481 P106 Q36180 +Q111836 P102 Q49768 +Q156469 P1412 Q7737 +Q207947 P106 Q14915627 +Q232840 P106 Q10800557 +Q84423 P119 Q335336 +Q57391 P106 Q2259451 +Q144535 P106 Q4773904 +Q874 P530 Q142 +Q232927 P451 Q37175 +Q966349 P69 Q319239 +Q57999 P463 Q191583 +Q8446 P106 Q488205 +Q47011 P27 Q37 +Q159 P530 Q805 +Q717204 P106 Q6625963 +Q70867 P108 Q50662 +Q270085 P106 Q155647 +Q329744 P106 Q2405480 +Q3132658 P27 Q664 +Q76959 P106 Q1622272 +Q224544 P108 Q31519 +Q211 P463 Q376150 +Q23517 P106 Q2405480 +Q167821 P106 Q82955 +Q135139 P108 Q161982 +Q120599 P106 Q193391 +Q440102 P1412 Q7026 +Q535355 P106 Q1930187 +Q1662834 P463 Q1559701 +Q113641 P108 Q165980 +Q309690 P27 Q145 +Q116088 P108 Q659080 +Q267721 P840 Q65 +Q162753 P26 Q515904 +Q33391 P102 Q204911 +Q296537 P1412 Q1860 +Q8739 P106 Q205375 +Q912271 P106 Q201788 +Q8027 P172 Q49085 +Q92643 P27 Q145 +Q151898 P136 Q1054574 +Q148 P530 Q252 +Q1770624 P106 Q33999 +Q48032 P1412 Q7737 +Q217557 P737 Q38392 +Q560354 P106 Q177220 +Q93349 P106 Q177220 +Q442721 P19 Q49266 +Q703642 P27 Q30 +Q197206 P101 Q333 +Q715281 P106 Q4853732 +Q104814 P136 Q200092 +Q78504 P19 Q1741 +Q170348 P27 Q40 +Q508182 P106 Q2526255 +Q281621 P27 Q30 +Q107957 P1412 Q1860 +Q55690 P106 Q2526255 +Q162182 P136 Q130232 +Q105453 P102 Q633731 +Q558615 P106 Q1622272 +Q4532076 P106 Q40348 +Q47484 P106 Q6625963 +Q374507 P136 Q157443 +Q1618047 P551 Q2861 +Q77832 P463 Q150793 +Q382864 P495 Q30 +Q61469 P27 Q154741 +Q298276 P106 Q2259451 +Q873178 P27 Q28513 +Q49001 P106 Q2405480 +Q140412 P106 Q753110 +Q78983 P19 Q1741 +Q275050 P106 Q10798782 +Q5912 P27 Q142 +Q250995 P161 Q160432 +Q748584 P551 Q1138378 +Q142292 P136 Q622291 +Q76589 P106 Q201788 +Q152857 P136 Q645928 +Q88767 P106 Q3126128 +Q573323 P136 Q131272 +Q34 P530 Q928 +Q373895 P106 Q639669 +Q180098 P161 Q310934 +Q49009 P136 Q20502 +Q713297 P69 Q27923720 +Q363822 P106 Q855091 +Q198451 P161 Q131332 +Q1476652 P19 Q24639 +Q122113 P495 Q30 +Q357961 P106 Q752129 +Q1699618 P264 Q193023 +Q95030 P106 Q36180 +Q4451565 P101 Q9418 +Q189067 P106 Q2405480 +Q437049 P27 Q766 +Q74236 P106 Q82955 +Q315610 P1412 Q652 +Q928 P530 Q819 +Q588591 P106 Q177220 +Q314972 P19 Q48958 +Q216936 P264 Q202440 +Q1277015 P106 Q753110 +Q456005 P1303 Q46185 +Q68468 P19 Q1715 +Q64645 P106 Q3282637 +Q3923 P463 Q812378 +Q706941 P264 Q311439 +Q488099 P106 Q28389 +Q967 P530 Q183 +Q379022 P106 Q214917 +Q138084 P161 Q201279 +Q234080 P40 Q220901 +Q334205 P1412 Q652 +Q62988 P102 Q29552 +Q8877 P1412 Q1860 +Q318004 P463 Q338432 +Q78491 P106 Q1930187 +Q359059 P136 Q235858 +Q105937 P106 Q2919046 +Q108941 P1412 Q1860 +Q924 P463 Q842490 +Q255593 P106 Q33999 +Q368636 P264 Q726251 +Q442198 P1412 Q150 +Q372311 P69 Q5103452 +Q433893 P106 Q28389 +Q91090 P20 Q64 +Q356351 P641 Q2736 +Q1376957 P106 Q10800557 +Q60528 P20 Q64 +Q334760 P106 Q1622272 +Q46717 P136 Q157443 +Q116760 P106 Q2526255 +Q350732 P106 Q10798782 +Q705630 P102 Q29468 +Q142 P463 Q1043527 +Q471542 P106 Q2526255 +Q3365459 P140 Q9592 +Q314603 P551 Q84 +Q135645 P509 Q2140674 +Q128297 P1412 Q36510 +Q851 P530 Q28 +Q594644 P106 Q177220 +Q358538 P119 Q1645215 +Q231603 P27 Q17 +Q350704 P19 Q1741 +Q8743 P463 Q83172 +Q540803 P106 Q33999 +Q159409 P135 Q39427 +Q185048 P161 Q267803 +Q173839 P140 Q33203 +Q214977 P40 Q73975 +Q259940 P1303 Q17172850 +Q103579 P1412 Q188 +Q104668 P106 Q1622272 +Q194287 P1303 Q46185 +Q220423 P161 Q228862 +Q102660 P106 Q36180 +Q64915 P20 Q64 +Q215520 P27 Q28 +Q399 P530 Q39 +Q505476 P19 Q1754 +Q2287423 P3373 Q51908481 +Q155786 P463 Q463303 +Q214116 P108 Q49110 +Q27610 P20 Q1781 +Q192912 P1050 Q181257 +Q286570 P27 Q30 +Q96669 P106 Q36180 +Q1787960 P106 Q81096 +Q389779 P509 Q2140674 +Q1305608 P106 Q639669 +Q711 P463 Q842490 +Q76632 P106 Q1930187 +Q66207 P172 Q42884 +Q336877 P69 Q49088 +Q437710 P1412 Q1321 +Q706542 P69 Q49210 +Q42992 P119 Q206161 +Q183397 P101 Q333 +Q70997 P106 Q131524 +Q374504 P69 Q762266 +Q128759 P27 Q172579 +Q171567 P27 Q30 +Q25649 P106 Q2306091 +Q630454 P106 Q1930187 +Q85034 P1412 Q652 +Q295120 P463 Q254138 +Q1011 P530 Q148 +Q855252 P27 Q869 +Q1973537 P108 Q1179603 +Q2105 P106 Q372436 +Q40054 P27 Q145 +Q191088 P264 Q183387 +Q329498 P106 Q189290 +Q66379 P106 Q36180 +Q822 P463 Q8475 +Q712860 P1412 Q150 +Q51547 P27 Q30 +Q2825252 P106 Q6606110 +Q254611 P1303 Q5994 +Q320714 P69 Q28729082 +Q332417 P19 Q617 +Q44398 P737 Q5383 +Q281962 P20 Q60 +Q354033 P106 Q33999 +Q70912 P106 Q177220 +Q311256 P27 Q30 +Q92627 P1412 Q1860 +Q572655 P106 Q49757 +Q61064 P551 Q649 +Q1358816 P106 Q1281618 +Q275900 P106 Q1415090 +Q216195 P737 Q160534 +Q937 P102 Q328195 +Q288680 P172 Q49085 +Q44707 P106 Q183945 +Q231811 P106 Q36834 +Q98885 P26 Q2518 +Q228739 P106 Q33999 +Q8298 P106 Q183945 +Q312720 P551 Q779 +Q131074 P161 Q294975 +Q228931 P106 Q33999 +Q707293 P264 Q190585 +Q313411 P108 Q41506 +Q91371 P102 Q689018 +Q554209 P106 Q2516866 +Q727705 P1412 Q188 +Q405672 P27 Q36 +Q388408 P161 Q296928 +Q462502 P119 Q1625328 +Q103569 P136 Q471839 +Q123476 P1412 Q150 +Q280724 P106 Q753110 +Q153776 P106 Q36834 +Q49081 P140 Q7066 +Q11816 P463 Q1938003 +Q324397 P106 Q639669 +Q211144 P106 Q10800557 +Q276332 P106 Q488205 +Q437622 P27 Q27 +Q317343 P106 Q28389 +Q130547 P106 Q639669 +Q317311 P136 Q130232 +Q273814 P19 Q1345 +Q42402 P69 Q645663 +Q414 P530 Q902 +Q2185 P509 Q208414 +Q191020 P106 Q8246794 +Q1280986 P27 Q30 +Q183 P530 Q235 +Q313578 P106 Q10800557 +Q171976 P19 Q649 +Q92933 P101 Q21198 +Q350424 P19 Q100 +Q128832 P509 Q210392 +Q175285 P69 Q1329478 +Q156310 P106 Q18814623 +Q38082 P106 Q4853732 +Q547660 P1303 Q46185 +Q2695220 P102 Q29468 +Q199943 P136 Q203775 +Q372073 P119 Q216344 +Q76593 P1412 Q188 +Q538091 P20 Q100 +Q204323 P108 Q248970 +Q150494 P135 Q8361 +Q271554 P106 Q10798782 +Q1296812 P136 Q9759 +Q80805 P136 Q11401 +Q424 P530 Q865 +Q1398876 P463 Q1493021 +Q236351 P106 Q36834 +Q920 P1412 Q7411 +Q170576 P1412 Q150 +Q1042901 P69 Q503246 +Q202815 P172 Q127885 +Q81960 P136 Q182659 +Q83501 P463 Q266063 +Q202550 P19 Q288781 +Q84238 P19 Q1741 +Q230662 P27 Q34 +Q270774 P135 Q7066 +Q152768 P101 Q184485 +Q114576 P136 Q9730 +Q154751 P69 Q193510 +Q233817 P106 Q488205 +Q169946 P106 Q177220 +Q175571 P26 Q36105 +Q263730 P1412 Q1321 +Q160270 P106 Q4964182 +Q163225 P26 Q4593 +Q11907 P1303 Q5994 +Q1353 P37 Q1860 +Q77101 P69 Q55044 +Q968099 P106 Q1930187 +Q211274 P30 Q46 +Q2574737 P1303 Q6607 +Q438310 P19 Q1781 +Q16473 P106 Q214917 +Q321365 P106 Q2526255 +Q25351 P463 Q337526 +Q71821 P108 Q152838 +Q63432 P69 Q152087 +Q178991 P463 Q337543 +Q2061371 P106 Q1231865 +Q540155 P1412 Q9072 +Q61171 P20 Q33935 +Q876590 P106 Q1930187 +Q219060 P463 Q4783148 +Q1668660 P264 Q183387 +Q708581 P20 Q60 +Q46633 P106 Q81096 +Q470204 P119 Q1345 +Q57276 P106 Q82955 +Q1042 P463 Q376150 +Q127330 P102 Q29552 +Q55743 P119 Q2790054 +Q349456 P1303 Q52954 +Q288180 P1412 Q150 +Q709044 P509 Q12152 +Q556648 P106 Q1371378 +Q270441 P140 Q5043 +Q353442 P463 Q191583 +Q37628 P106 Q33999 +Q159808 P495 Q183 +Q918268 P106 Q4263842 +Q504920 P264 Q193023 +Q66216 P106 Q1622272 +Q311263 P106 Q33999 +Q4271346 P108 Q27923720 +Q157050 P17 Q12560 +Q237389 P106 Q177220 +Q39989 P27 Q30 +Q441114 P27 Q912 +Q797615 P1303 Q17172850 +Q504923 P106 Q2306091 +Q86778 P20 Q64 +Q204590 P106 Q10800557 +Q7841 P106 Q214917 +Q349857 P106 Q10798782 +Q193660 P106 Q4964182 +Q314774 P27 Q129286 +Q34981 P140 Q9268 +Q319171 P840 Q8678 +Q260318 P108 Q126399 +Q6711 P27 Q30 +Q777354 P19 Q8717 +Q298347 P106 Q2259451 +Q270639 P106 Q33999 +Q67449 P108 Q151510 +Q295935 P106 Q158852 +Q353754 P19 Q12892 +Q438124 P106 Q753110 +Q57495 P463 Q44687 +Q345431 P264 Q183387 +Q215600 P27 Q27306 +Q549233 P27 Q148 +Q218698 P106 Q36180 +Q18430 P551 Q184116 +Q5685 P737 Q9711 +Q219829 P27 Q30 +Q193236 P463 Q2166029 +Q56011 P106 Q222749 +Q587741 P19 Q84 +Q5879 P106 Q6625963 +Q244115 P161 Q164487 +Q1282562 P106 Q1930187 +Q563549 P27 Q145 +Q211415 P27 Q96 +Q220376 P495 Q30 +Q1188776 P27 Q203493 +Q9358 P101 Q9465 +Q165816 P106 Q2526255 +Q1044657 P1303 Q17172850 +Q113997 P27 Q30 +Q386053 P264 Q557632 +Q60163 P106 Q36180 +Q35286 P106 Q82955 +Q356762 P27 Q38 +Q157004 P27 Q29 +Q467737 P106 Q822146 +Q223887 P161 Q134133 +Q4593 P27 Q668 +Q1553657 P106 Q639669 +Q17 P530 Q235 +Q73993 P69 Q152087 +Q217787 P264 Q216364 +Q110397 P136 Q188473 +Q737845 P106 Q2526255 +Q52440 P106 Q33999 +Q738125 P106 Q4964182 +Q58811 P69 Q315658 +Q242376 P27 Q1028 +Q62672 P106 Q16323111 +Q307737 P19 Q3640 +Q271981 P136 Q11366 +Q253439 P112 Q7729 +Q65013 P119 Q1497554 +Q273211 P20 Q65 +Q86820 P27 Q15180 +Q903208 P108 Q160302 +Q86043 P108 Q214341 +Q1237496 P1412 Q7026 +Q64862 P1412 Q188 +Q2828029 P27 Q142 +Q244257 P495 Q30 +Q193517 P27 Q145 +Q41340 P106 Q805221 +Q361257 P106 Q4853732 +Q124183 P106 Q1234713 +Q7200 P135 Q37068 +Q424 P530 Q30 +Q196287 P108 Q49088 +Q365463 P101 Q2329 +Q76815 P106 Q49757 +Q180723 P264 Q732503 +Q383581 P161 Q106418 +Q353754 P27 Q30 +Q45553 P27 Q30 +Q68654 P106 Q33999 +Q94486 P463 Q299015 +Q320 P1412 Q5146 +Q106465 P1412 Q1860 +Q121778 P106 Q36180 +Q182345 P106 Q177220 +Q4491 P19 Q5092 +Q176668 P27 Q83286 +Q33977 P106 Q18844224 +Q372311 P106 Q2526255 +Q181402 P19 Q84 +Q213447 P20 Q1761 +Q72790 P27 Q414 +Q450412 P106 Q201788 +Q112534 P108 Q37156 +Q76149 P1412 Q188 +Q1282956 P106 Q639669 +Q772064 P106 Q11900058 +Q240377 P1303 Q5994 +Q51094 P106 Q177220 +Q703091 P106 Q2961975 +Q1820387 P106 Q486748 +Q28234 P136 Q52162262 +Q229018 P106 Q36834 +Q542868 P509 Q208414 +Q528323 P108 Q842909 +Q184249 P27 Q30 +Q315090 P106 Q28389 +Q5679 P136 Q19715429 +Q242376 P1412 Q150 +Q7546 P27 Q34 +Q124735 P106 Q4263842 +Q2255438 P1412 Q188 +Q142 P463 Q3866537 +Q822630 P106 Q2526255 +Q77350 P27 Q183 +Q240782 P106 Q49757 +Q68325 P106 Q3242115 +Q78592 P27 Q131964 +Q2130862 P27 Q668 +Q92602 P106 Q36180 +Q148387 P161 Q48337 +Q238045 P1303 Q17172850 +Q19045 P463 Q270794 +Q289614 P106 Q177220 +Q44071 P509 Q476921 +Q1077546 P1303 Q5994 +Q1683438 P106 Q5322166 +Q700323 P106 Q36180 +Q2347483 P106 Q36180 +Q42511 P172 Q42406 +Q104668 P463 Q2370801 +Q1347215 P106 Q177220 +Q2096585 P27 Q15180 +Q2602121 P27 Q29 +Q93514 P69 Q165980 +Q592504 P1412 Q7737 +Q9387 P69 Q152838 +Q168517 P1412 Q1860 +Q206576 P161 Q160432 +Q962308 P106 Q1930187 +Q128730 P840 Q779 +Q92739 P140 Q7066 +Q354250 P1050 Q178275 +Q127437 P69 Q152171 +Q115525 P106 Q2374149 +Q278319 P20 Q649 +Q73930 P551 Q24639 +Q240233 P27 Q30 +Q39 P463 Q376150 +Q847018 P112 Q6078 +Q6711 P106 Q49757 +Q253977 P106 Q33999 +Q225852 P106 Q7042855 +Q730 P530 Q252 +Q269569 P264 Q202440 +Q274342 P27 Q159 +Q289598 P161 Q239818 +Q268294 P1412 Q1860 +Q313315 P161 Q156552 +Q270664 P27 Q16 +Q59314 P106 Q10800557 +Q339425 P136 Q1054574 +Q1389589 P1303 Q17172850 +Q29658 P495 Q30 +Q380983 P551 Q84 +Q124784 P27 Q39 +Q391784 P161 Q223992 +Q179282 P463 Q466089 +Q116845 P840 Q1400 +Q380848 P136 Q859369 +Q217787 P106 Q486748 +Q887347 P106 Q488205 +Q358188 P69 Q130965 +Q163714 P19 Q270 +Q3490296 P463 Q253439 +Q329778 P27 Q145 +Q850746 P1303 Q17172850 +Q205321 P161 Q164487 +Q53010 P1412 Q652 +Q231948 P106 Q28389 +Q150989 P106 Q121594 +Q67903 P106 Q3282637 +Q529629 P106 Q488205 +Q276209 P551 Q127856 +Q1362223 P1303 Q17172850 +Q936470 P106 Q169470 +Q358714 P106 Q3282637 +Q257442 P106 Q2259451 +Q218083 P69 Q190080 +Q879316 P463 Q329464 +Q1349639 P740 Q26339 +Q44412 P1412 Q397 +Q223992 P106 Q578109 +Q251738 P20 Q641 +Q335142 P27 Q15180 +Q2576206 P17 Q145 +Q116022 P106 Q1622272 +Q5878 P509 Q12192 +Q275641 P136 Q37073 +Q90493 P27 Q183 +Q1123489 P509 Q623031 +Q204751 P1412 Q1860 +Q17455 P1412 Q9067 +Q64263 P1412 Q397 +Q9916 P463 Q468865 +Q544521 P106 Q43845 +Q230 P530 Q819 +Q733720 P106 Q4164507 +Q107730 P140 Q1069127 +Q185002 P106 Q639669 +Q189067 P106 Q10800557 +Q62437 P136 Q37073 +Q55963 P1412 Q11059 +Q4084084 P108 Q27621 +Q300547 P136 Q130232 +Q801 P530 Q183 +Q712139 P106 Q33999 +Q171969 P106 Q864503 +Q206856 P106 Q2405480 +Q362118 P140 Q682443 +Q96290 P1412 Q7737 +Q11703496 P19 Q2807 +Q224647 P161 Q955619 +Q188093 P463 Q7118978 +Q441940 P136 Q83440 +Q215814 P26 Q90720 +Q83484 P106 Q1281618 +Q98461 P102 Q49750 +Q438164 P108 Q15142 +Q359568 P119 Q208175 +Q845278 P1412 Q9035 +Q108239 P69 Q51985 +Q387958 P495 Q183 +Q433060 P264 Q202440 +Q241248 P27 Q43 +Q120664 P106 Q4964182 +Q961981 P106 Q131062 +Q508752 P102 Q29552 +Q159098 P106 Q177220 +Q1364820 P1050 Q84263196 +Q326114 P57 Q13595311 +Q606356 P106 Q482980 +Q207359 P106 Q182436 +Q278997 P57 Q56008 +Q148428 P161 Q223117 +Q738617 P27 Q15180 +Q161363 P106 Q214917 +Q138007 P19 Q4120832 +Q294647 P27 Q35 +Q1230528 P1412 Q397 +Q953768 P136 Q206159 +Q115483 P69 Q11942 +Q1398876 P106 Q131524 +Q314151 P20 Q656 +Q503147 P27 Q265 +Q139642 P27 Q30 +Q162182 P840 Q60 +Q73013 P69 Q672420 +Q460379 P161 Q229577 +Q213583 P106 Q18805 +Q48067 P106 Q189290 +Q12735 P172 Q170217 +Q156516 P136 Q369747 +Q233362 P106 Q10798782 +Q176909 P737 Q34670 +Q205456 P106 Q33999 +Q254603 P27 Q30 +Q445302 P106 Q33999 +Q120484 P136 Q2439025 +Q48990 P463 Q265058 +Q61319 P69 Q153978 +Q273814 P106 Q10798782 +Q329156 P106 Q2259451 +Q594272 P106 Q193391 +Q736143 P106 Q49757 +Q156815 P27 Q129286 +Q96331 P106 Q36180 +Q282722 P264 Q231694 +Q243041 P106 Q639669 +Q214983 P69 Q154804 +Q52440 P106 Q753110 +Q178403 P136 Q25379 +Q69884 P106 Q28789517 +Q207951 P463 Q337531 +Q4103721 P27 Q159 +Q43 P463 Q47543 +Q1064413 P106 Q189290 +Q258 P530 Q183 +Q4242236 P106 Q1371378 +Q228904 P106 Q10798782 +Q354250 P106 Q937857 +Q79 P530 Q212 +Q76517 P106 Q4964182 +Q354863 P108 Q659706 +Q170564 P136 Q188473 +Q30570 P106 Q639669 +Q89433 P69 Q193196 +Q240808 P136 Q7749 +Q443190 P463 Q299015 +Q40319 P19 Q84 +Q502864 P106 Q82955 +Q78496 P106 Q1622272 +Q273833 P106 Q2526255 +Q179825 P27 Q262 +Q57281 P19 Q1715 +Q256708 P106 Q36834 +Q161853 P106 Q36180 +Q481474 P106 Q3621491 +Q63773 P106 Q18844224 +Q103788 P106 Q33999 +Q183094 P27 Q174193 +Q1354843 P106 Q33999 +Q1006152 P27 Q38 +Q429969 P136 Q130232 +Q919565 P119 Q1509 +Q1461840 P20 Q597 +Q11675 P1412 Q1860 +Q200768 P106 Q2095549 +Q21826 P20 Q1391 +Q3436506 P69 Q559549 +Q189375 P27 Q1747689 +Q36 P530 Q183 +Q276038 P264 Q183412 +Q94513 P106 Q2865819 +Q3435328 P463 Q2370801 +Q73768 P106 Q10800557 +Q101995 P102 Q153401 +Q58912 P26 Q294185 +Q716293 P69 Q3064332 +Q104137 P136 Q172980 +Q106685 P1412 Q809 +Q295873 P106 Q15895020 +Q167726 P136 Q319221 +Q154325 P108 Q27621 +Q140575 P1412 Q13955 +Q83325 P140 Q1841 +Q1374080 P27 Q30 +Q553790 P106 Q177220 +Q542489 P102 Q29468 +Q93692 P106 Q49757 +Q153185 P106 Q81096 +Q191966 P27 Q30 +Q40912 P264 Q645889 +Q234653 P69 Q49126 +Q65087 P106 Q36180 +Q85788 P102 Q49768 +Q6096 P106 Q2405480 +Q11132 P106 Q40348 +Q105453 P1412 Q188 +Q44561 P106 Q3282637 +Q188375 P106 Q10798782 +Q184605 P161 Q229029 +Q233213 P27 Q30 +Q1783775 P551 Q18426 +Q6050 P136 Q8261 +Q189454 P1412 Q7737 +Q636 P101 Q207628 +Q181995 P69 Q336968 +Q46479 P106 Q2259451 +Q76 P737 Q25649 +Q1065956 P106 Q14915627 +Q80510 P136 Q37073 +Q3480998 P641 Q36908 +Q67672 P106 Q1622272 +Q39212 P20 Q189074 +Q73768 P27 Q174193 +Q48502 P106 Q10800557 +Q324162 P106 Q2405480 +Q160021 P172 Q170217 +Q305372 P106 Q28389 +Q29 P530 Q35 +Q1065624 P106 Q822146 +Q554018 P69 Q2983698 +Q237196 P106 Q28389 +Q297532 P106 Q36180 +Q454870 P106 Q1930187 +Q34460 P1412 Q1860 +Q951581 P1303 Q17172850 +Q272972 P106 Q4610556 +Q1684779 P119 Q311 +Q260011 P140 Q9268 +Q311476 P108 Q174710 +Q34389 P106 Q177220 +Q105009 P106 Q177220 +Q741862 P69 Q499911 +Q12658 P172 Q42884 +Q232477 P106 Q10798782 +Q166562 P140 Q1841 +Q217 P530 Q159 +Q1556492 P27 Q145 +Q271281 P136 Q2975633 +Q178966 P136 Q860626 +Q114076 P495 Q30 +Q3229792 P1412 Q36510 +Q4202684 P106 Q270389 +Q215562 P1412 Q1321 +Q819 P463 Q7809 +Q223367 P161 Q349391 +Q218 P530 Q96 +Q1384822 P19 Q34006 +Q320236 P136 Q157443 +Q203243 P69 Q1093910 +Q708585 P264 Q2338889 +Q315266 P551 Q649 +Q183 P530 Q16 +Q313918 P106 Q33999 +Q266816 P106 Q82955 +Q39659 P27 Q32 +Q389851 P264 Q168407 +Q1133611 P27 Q30 +Q10390 P106 Q482980 +Q544387 P1050 Q10874 +Q1099640 P106 Q177220 +Q117902 P27 Q172579 +Q52937 P20 Q220 +Q560818 P106 Q1622272 +Q173955 P161 Q228645 +Q340 P17 Q16 +Q164401 P119 Q216344 +Q123174 P106 Q10800557 +Q92830 P140 Q9089 +Q86777 P1303 Q17172850 +Q168269 P106 Q6625963 +Q253862 P106 Q1930187 +Q11116 P140 Q9268 +Q320224 P106 Q753110 +Q223854 P551 Q65 +Q204586 P19 Q5092 +Q106255 P106 Q10800557 +Q328532 P106 Q1259917 +Q560040 P1303 Q17172850 +Q76498 P106 Q28389 +Q460196 P106 Q333634 +Q215730 P108 Q151510 +Q1354341 P136 Q193355 +Q80137 P1050 Q12204 +Q319283 P106 Q36834 +Q31781 P140 Q9592 +Q172154 P27 Q1206012 +Q166796 P136 Q37073 +Q442390 P136 Q859369 +Q166344 P19 Q1761 +Q329131 P161 Q188375 +Q355344 P106 Q2405480 +Q14441 P106 Q177220 +Q108543 P57 Q184903 +Q213690 P106 Q15980158 +Q526120 P106 Q49757 +Q180252 P106 Q10798782 +Q193659 P106 Q2259451 +Q1888794 P27 Q30 +Q7728 P101 Q482 +Q4101530 P106 Q901 +Q318474 P27 Q29 +Q1066965 P106 Q177220 +Q1093404 P136 Q9759 +Q215 P530 Q801 +Q554670 P19 Q84 +Q238557 P106 Q36180 +Q202815 P106 Q193391 +Q50020 P135 Q7252 +Q313501 P106 Q4610556 +Q983249 P106 Q1930187 +Q92617 P27 Q36 +Q188111 P106 Q622807 +Q322866 P1303 Q8350 +Q72287 P1412 Q188 +Q287607 P106 Q28389 +Q1247078 P106 Q639669 +Q312288 P463 Q3603946 +Q33977 P106 Q860918 +Q44647 P106 Q1231865 +Q179858 P140 Q75809 +Q343299 P509 Q188605 +Q439920 P20 Q60 +Q3186620 P20 Q2807 +Q98960 P463 Q1285073 +Q213545 P40 Q1361841 +Q153802 P106 Q855091 +Q41322 P108 Q35794 +Q1546566 P106 Q2059704 +Q568256 P172 Q179248 +Q1143660 P136 Q11399 +Q729661 P101 Q43035 +Q545544 P27 Q145 +Q211542 P1412 Q1412 +Q557665 P1412 Q8641 +Q1386899 P27 Q30 +Q245355 P106 Q4964182 +Q63190 P106 Q189290 +Q150910 P463 Q270794 +Q193146 P1303 Q17172850 +Q363708 P19 Q1345 +Q2632 P106 Q386854 +Q373895 P106 Q33999 +Q1733 P17 Q12548 +Q408 P530 Q928 +Q325679 P140 Q9268 +Q796 P30 Q48 +Q294326 P106 Q1281618 +Q504458 P106 Q33999 +Q260616 P161 Q294927 +Q31215 P106 Q4164507 +Q157324 P1412 Q150 +Q43144 P1412 Q1860 +Q597863 P106 Q193391 +Q377453 P159 Q23197 +Q219150 P161 Q298682 +Q1165439 P136 Q37073 +Q245355 P106 Q49757 +Q571287 P69 Q273523 +Q928281 P69 Q1093910 +Q181678 P641 Q11420 +Q57329 P106 Q185351 +Q505129 P27 Q142 +Q191132 P106 Q948329 +Q78628 P20 Q1741 +Q16 P530 Q213 +Q364881 P106 Q36834 +Q99448 P1412 Q188 +Q42229 P27 Q408 +Q185085 P106 Q4263842 +Q964620 P19 Q34692 +Q1253 P1412 Q1860 +Q952491 P1303 Q52954 +Q291228 P20 Q127856 +Q1699312 P106 Q753110 +Q313509 P106 Q33999 +Q218 P530 Q403 +Q70103 P108 Q40025 +Q158486 P106 Q2095549 +Q712820 P1303 Q5994 +Q273910 P101 Q207628 +Q75966 P106 Q593644 +Q217010 P161 Q229775 +Q637195 P1412 Q1860 +Q4673 P106 Q28389 +Q439566 P106 Q1930187 +Q318287 P106 Q1930187 +Q1363261 P106 Q3242115 +Q201538 P69 Q13371 +Q23114 P106 Q4263842 +Q311993 P106 Q33999 +Q63667 P106 Q1930187 +Q450646 P69 Q49088 +Q606125 P1303 Q17172850 +Q212549 P1303 Q17172850 +Q322750 P20 Q65 +Q359552 P551 Q65 +Q349391 P106 Q3282637 +Q157321 P106 Q36180 +Q34 P463 Q8475 +Q228787 P136 Q11399 +Q35332 P106 Q2405480 +Q4066893 P106 Q169470 +Q213122 P106 Q34074720 +Q215927 P106 Q1622272 +Q104067 P20 Q60 +Q273887 P27 Q30 +Q1066894 P264 Q5086379 +Q40912 P140 Q9592 +Q315650 P136 Q46046 +Q229065 P136 Q8341 +Q544472 P27 Q15180 +Q25023 P69 Q20266330 +Q157050 P172 Q2436423 +Q230141 P108 Q49167 +Q433059 P106 Q10798782 +Q957921 P1412 Q1321 +Q1530794 P106 Q2961975 +Q237324 P106 Q36834 +Q1074590 P136 Q37073 +Q78487 P140 Q9592 +Q456751 P1412 Q652 +Q1112005 P106 Q245068 +Q87850 P69 Q153987 +Q720005 P106 Q55960555 +Q254552 P69 Q7864046 +Q262267 P20 Q65 +Q124008 P1412 Q652 +Q330567 P108 Q49112 +Q218 P530 Q28 +Q26876 P106 Q12362622 +Q355384 P264 Q183412 +Q335193 P27 Q174193 +Q33946 P463 Q1065 +Q44695 P1412 Q7737 +Q172303 P106 Q639669 +Q148383 P161 Q289524 +Q843 P530 Q928 +Q184 P530 Q902 +Q47122 P106 Q4610556 +Q382408 P136 Q157443 +Q95008 P106 Q36180 +Q675 P1412 Q35497 +Q83542 P136 Q3990883 +Q70917 P1412 Q188 +Q41272 P136 Q37073 +Q38222 P106 Q36180 +Q214977 P509 Q216169 +Q298 P530 Q750 +Q62666 P1412 Q188 +Q77740 P106 Q36180 +Q114740 P106 Q36180 +Q106465 P106 Q33999 +Q327809 P495 Q183 +Q268994 P101 Q482 +Q825435 P106 Q482980 +Q510190 P69 Q1143281 +Q63456 P69 Q32120 +Q325262 P106 Q4263842 +Q311084 P106 Q2259451 +Q153730 P19 Q16557 +Q98110 P106 Q17489339 +Q558794 P106 Q4263842 +Q443327 P1303 Q6607 +Q376278 P172 Q7325 +Q220910 P161 Q441713 +Q333987 P106 Q901 +Q38484 P106 Q3400985 +Q92767 P108 Q49088 +Q919156 P264 Q183387 +Q159642 P463 Q265058 +Q186042 P101 Q8134 +Q380996 P161 Q184219 +Q162597 P106 Q23833535 +Q1033 P361 Q4412 +Q61594 P20 Q78 +Q65106 P26 Q520001 +Q132489 P27 Q668 +Q237518 P19 Q656 +Q301818 P106 Q2252262 +Q304874 P106 Q11774202 +Q215976 P26 Q18938 +Q16345 P106 Q10798782 +Q137098 P495 Q30 +Q315826 P106 Q10798782 +Q177962 P106 Q14467526 +Q403 P530 Q41 +Q88641 P27 Q183 +Q158175 P172 Q49078 +Q236125 P27 Q30 +Q44111 P463 Q463303 +Q303040 P161 Q234207 +Q65394 P1412 Q188 +Q220584 P106 Q33999 +Q315391 P19 Q90 +Q217427 P106 Q4610556 +Q65857 P27 Q183 +Q967 P530 Q30 +Q179558 P106 Q193391 +Q933332 P106 Q4263842 +Q64238 P106 Q36834 +Q15180 P530 Q686 +Q1346255 P361 Q323834 +Q302491 P1412 Q1860 +Q60197 P106 Q1930187 +Q673283 P136 Q128758 +Q202211 P161 Q184572 +Q101995 P106 Q1930187 +Q452361 P20 Q23337 +Q236351 P106 Q177220 +Q36184 P106 Q28389 +Q709077 P106 Q193391 +Q40096 P106 Q948329 +Q174210 P106 Q14467526 +Q221384 P161 Q314603 +Q153776 P27 Q2305208 +Q164663 P161 Q230516 +Q92602 P27 Q145 +Q181900 P140 Q288928 +Q15873 P1303 Q17172850 +Q506127 P1303 Q17172850 +Q72938 P106 Q28389 +Q108560 P106 Q183945 +Q349461 P106 Q639669 +Q333251 P69 Q1426464 +Q258183 P1303 Q6607 +Q17 P530 Q664 +Q118986 P27 Q183 +Q734 P463 Q123759 +Q264730 P19 Q11299 +Q41166 P136 Q35760 +Q533970 P106 Q15296811 +Q541599 P1303 Q52954 +Q220901 P106 Q3282637 +Q1200368 P17 Q30 +Q109943 P102 Q49766 +Q207698 P136 Q369747 +Q201418 P106 Q10800557 +Q561401 P1050 Q131755 +Q101521 P19 Q1055 +Q163899 P136 Q471839 +Q424 P463 Q191384 +Q236318 P101 Q207628 +Q2514411 P69 Q160302 +Q128518 P57 Q56005 +Q228792 P106 Q28389 +Q548185 P69 Q49108 +Q686 P463 Q842490 +Q443199 P106 Q1028181 +Q267170 P1303 Q17172850 +Q164047 P1412 Q397 +Q253845 P264 Q168407 +Q137584 P161 Q442897 +Q659027 P1412 Q1321 +Q29055 P106 Q4610556 +Q640292 P106 Q4220892 +Q738196 P106 Q1930187 +Q105801 P161 Q103157 +Q55630 P17 Q131964 +Q526709 P106 Q4853732 +Q2585807 P106 Q901 +Q36 P530 Q30 +Q100765 P20 Q64 +Q123225 P106 Q49757 +Q44652 P19 Q1726 +Q1067043 P136 Q131272 +Q705748 P20 Q1337818 +Q369957 P69 Q165980 +Q272270 P106 Q1259917 +Q503013 P172 Q678551 +Q62354 P108 Q859363 +Q232646 P106 Q177220 +Q81685 P106 Q28389 +Q865 P530 Q17 +Q193338 P106 Q33999 +Q123870 P106 Q33999 +Q223455 P69 Q1797768 +Q191842 P19 Q60 +Q362133 P19 Q649 +Q245208 P161 Q275543 +Q93652 P106 Q644687 +Q106662 P1303 Q6607 +Q269692 P27 Q30 +Q286777 P19 Q5092 +Q318736 P106 Q33999 +Q213583 P463 Q329464 +Q29315 P27 Q212 +Q443892 P106 Q10800557 +Q233295 P136 Q484641 +Q51143 P106 Q639669 +Q223139 P136 Q2297927 +Q5549674 P106 Q901 +Q83059 P69 Q309350 +Q186799 P161 Q310932 +Q89689 P108 Q153987 +Q121180 P1412 Q809 +Q1347483 P1412 Q1860 +Q18430 P737 Q186042 +Q671985 P551 Q212 +Q596717 P509 Q12152 +Q23517 P106 Q2526255 +Q456751 P136 Q9730 +Q51562 P19 Q64 +Q2089840 P106 Q13582652 +Q333987 P101 Q205375 +Q1386031 P20 Q4093 +Q26372 P106 Q177220 +Q132238 P1303 Q5994 +Q221846 P161 Q367155 +Q237659 P19 Q18426 +Q284229 P57 Q214677 +Q1622571 P136 Q8341 +Q58328 P106 Q13582652 +Q520430 P69 Q2994538 +Q922484 P27 Q408 +Q228739 P106 Q245068 +Q976526 P1412 Q1860 +Q2749618 P17 Q96 +Q82006 P1412 Q1860 +Q115490 P27 Q39 +Q362824 P106 Q33999 +Q88749 P106 Q36180 +Q12571 P106 Q16323111 +Q130799 P106 Q753110 +Q1156782 P136 Q83270 +Q1019 P463 Q294278 +Q229716 P264 Q585643 +Q334 P463 Q376150 +Q888065 P1303 Q6607 +Q190525 P840 Q65 +Q7197 P69 Q209842 +Q682673 P106 Q855091 +Q691471 P102 Q79854 +Q450412 P106 Q639669 +Q530550 P106 Q33999 +Q76819 P551 Q64 +Q293149 P1303 Q6607 +Q35149 P108 Q20808141 +Q232562 P509 Q12202 +Q314427 P106 Q639669 +Q192887 P102 Q29552 +Q44467 P106 Q33999 +Q57475 P27 Q16957 +Q109232 P106 Q10798782 +Q1449438 P106 Q10798782 +Q248059 P27 Q43 +Q217685 P136 Q645928 +Q65344 P106 Q81096 +Q241498 P106 Q36180 +Q62938 P27 Q142 +Q183074 P1412 Q1321 +Q459310 P140 Q432 +Q100440 P106 Q10798782 +Q1339107 P106 Q55960555 +Q11753 P106 Q82955 +Q184499 P106 Q169470 +Q376278 P119 Q2790054 +Q310638 P69 Q686522 +Q94701 P27 Q43287 +Q228918 P1303 Q17172850 +Q320093 P69 Q174710 +Q3520383 P161 Q313107 +Q580414 P1412 Q7026 +Q986 P530 Q35 +Q314158 P106 Q214917 +Q1391164 P106 Q753110 +Q65475 P27 Q7318 +Q106418 P106 Q177220 +Q596746 P27 Q30 +Q159 P530 Q218 +Q57213 P136 Q848399 +Q526989 P106 Q82955 +Q743162 P27 Q30 +Q47651 P509 Q47912 +Q35236 P27 Q30 +Q71410 P27 Q183 +Q214 P463 Q1928989 +Q219 P530 Q29 +Q916444 P17 Q142 +Q192073 P840 Q1522 +Q366578 P106 Q486748 +Q722390 P106 Q901 +Q470619 P106 Q2252262 +Q63397 P106 Q18805 +Q51570 P1412 Q1860 +Q294568 P106 Q1231865 +Q235146 P551 Q60 +Q60785 P106 Q182436 +Q460425 P136 Q858330 +Q5592 P106 Q1281618 +Q131390 P2283 Q568723 +Q267186 P106 Q10798782 +Q165421 P509 Q208414 +Q2793815 P19 Q18432 +Q54351 P27 Q884 +Q444885 P102 Q29552 +Q128493 P840 Q1439 +Q563 P101 Q482 +Q10490 P140 Q1841 +Q84403 P106 Q49757 +Q2068521 P69 Q219563 +Q22316 P106 Q193391 +Q20 P530 Q423 +Q157271 P106 Q4964182 +Q45772 P106 Q33999 +Q159409 P69 Q209842 +Q816565 P106 Q10800557 +Q607968 P101 Q8134 +Q725516 P1412 Q1860 +Q550996 P106 Q37226 +Q82238 P136 Q37073 +Q333265 P27 Q30 +Q354031 P19 Q16554 +Q192185 P136 Q1344 +Q235952 P264 Q183387 +Q241482 P161 Q44561 +Q241391 P161 Q272972 +Q266670 P106 Q36834 +Q708284 P106 Q1930187 +Q1345782 P106 Q177220 +Q463832 P136 Q2484376 +Q395494 P106 Q10798782 +Q91093 P106 Q36180 +Q1292344 P69 Q168756 +Q436790 P106 Q1930187 +Q77740 P20 Q90 +Q240570 P106 Q488205 +Q96997 P106 Q36834 +Q98110 P1412 Q188 +Q3499732 P161 Q128121 +Q1093318 P1412 Q9058 +Q35 P530 Q145 +Q167498 P106 Q948329 +Q263598 P106 Q333634 +Q315266 P101 Q11190 +Q256054 P1412 Q1860 +Q3436506 P1412 Q1860 +Q200396 P161 Q310012 +Q550784 P264 Q3415083 +Q271846 P106 Q10800557 +Q7939652 P27 Q34266 +Q34389 P1303 Q5994 +Q185048 P136 Q1054574 +Q158465 P106 Q36180 +Q191 P530 Q33 +Q17 P530 Q16 +Q470204 P1303 Q6607 +Q92130 P106 Q43845 +Q105009 P106 Q2865819 +Q333475 P20 Q159288 +Q9294 P106 Q4964182 +Q181659 P106 Q1930187 +Q408 P463 Q7785 +Q159250 P551 Q1085 +Q656684 P1412 Q1321 +Q80424 P27 Q16 +Q8556 P106 Q1622272 +Q96772 P106 Q1622272 +Q220480 P106 Q4773904 +Q275929 P1412 Q188 +Q157176 P1303 Q5994 +Q5763208 P108 Q737835 +Q384387 P1412 Q1860 +Q328695 P161 Q236822 +Q153723 P840 Q90 +Q106443 P69 Q1127387 +Q190076 P106 Q177220 +Q13014 P119 Q240744 +Q113190 P19 Q1741 +Q44662 P495 Q30 +Q77327 P108 Q156737 +Q105387 P57 Q60100 +Q365199 P264 Q557632 +Q129140 P551 Q1486 +Q310939 P136 Q1344 +Q102851 P106 Q16031530 +Q217303 P136 Q52162262 +Q728365 P106 Q333634 +Q264989 P101 Q207628 +Q157975 P136 Q157443 +Q363254 P106 Q33999 +Q275991 P27 Q29 +Q86635 P108 Q155354 +Q53068 P140 Q1841 +Q212048 P27 Q16 +Q230141 P1412 Q1860 +Q464474 P101 Q482 +Q434956 P69 Q391028 +Q85411 P20 Q64 +Q314208 P106 Q855091 +Q151083 P3373 Q7729 +Q284017 P106 Q36180 +Q361996 P106 Q10800557 +Q551543 P463 Q161806 +Q503917 P106 Q1930187 +Q853095 P20 Q1781 +Q554150 P509 Q212961 +Q153248 P27 Q142 +Q133665 P3373 Q293275 +Q68411 P27 Q183 +Q15001 P1303 Q5994 +Q444250 P106 Q10800557 +Q51519 P27 Q30 +Q17 P463 Q340195 +Q304366 P161 Q94123 +Q528943 P106 Q11631 +Q138846 P106 Q28389 +Q207852 P1303 Q17172850 +Q539791 P106 Q215536 +Q155871 P27 Q183 +Q466457 P101 Q482 +Q114 P463 Q7809 +Q297377 P1412 Q397 +Q1010602 P106 Q488205 +Q183239 P57 Q184903 +Q67815 P106 Q36180 +Q73890 P27 Q142 +Q67169 P106 Q1209498 +Q324499 P106 Q33999 +Q240082 P1412 Q9176 +Q1358816 P27 Q159 +Q202827 P101 Q395 +Q12881 P737 Q909 +Q228598 P136 Q37073 +Q29 P463 Q826700 +Q42402 P1303 Q5994 +Q98926 P1412 Q1860 +Q218458 P136 Q959790 +Q375290 P27 Q142 +Q557699 P27 Q30 +Q151113 P264 Q203059 +Q315348 P106 Q3391743 +Q213865 P69 Q152838 +Q120977 P106 Q14915627 +Q45388 P136 Q19367312 +Q186587 P161 Q206659 +Q7327064 P69 Q332342 +Q809420 P106 Q81096 +Q333362 P27 Q145 +Q222041 P161 Q185051 +Q1322285 P106 Q33999 +Q308681 P161 Q223091 +Q526989 P106 Q639669 +Q2560778 P27 Q183 +Q95469 P106 Q482980 +Q505476 P1412 Q9027 +Q320984 P140 Q35032 +Q983167 P106 Q6625963 +Q313501 P69 Q797078 +Q23530 P106 Q639669 +Q77087 P20 Q39984 +Q312630 P106 Q4263842 +Q235931 P69 Q1033692 +Q68543 P106 Q10798782 +Q42122 P1303 Q5994 +Q25161 P106 Q28389 +Q1235 P27 Q38 +Q573665 P1303 Q52954 +Q238869 P136 Q37073 +Q257302 P106 Q488205 +Q465290 P106 Q270389 +Q1382495 P106 Q753110 +Q192115 P161 Q2680 +Q1349639 P106 Q639669 +Q164824 P463 Q338432 +Q723551 P749 Q123885 +Q888554 P1412 Q1860 +Q25997 P1412 Q7737 +Q93341 P106 Q806349 +Q153018 P106 Q2259451 +Q382393 P106 Q222344 +Q531287 P27 Q183 +Q292373 P27 Q30 +Q230534 P106 Q33999 +Q131685 P106 Q465501 +Q1691611 P136 Q93204 +Q258 P463 Q294278 +Q71998 P27 Q159 +Q78491 P119 Q155 +Q28147 P106 Q676 +Q76325 P20 Q6837 +Q178549 P136 Q11366 +Q111182 P69 Q161976 +Q117902 P106 Q1622272 +Q87840 P1412 Q188 +Q2831583 P69 Q273593 +Q216563 P106 Q36834 +Q270005 P69 Q83259 +Q224650 P101 Q207628 +Q73213 P102 Q13124 +Q229244 P1412 Q1860 +Q47703 P840 Q60 +Q794 P463 Q656801 +Q183347 P106 Q28389 +Q180962 P1412 Q1860 +Q135645 P1412 Q188 +Q953288 P136 Q482 +Q322275 P19 Q1581 +Q432281 P106 Q10798782 +Q51416 P161 Q320052 +Q960524 P1412 Q1321 +Q5494459 P136 Q484641 +Q90892 P1412 Q256 +Q75811 P108 Q122453 +Q974 P463 Q376150 +Q395714 P20 Q220 +Q11891 P20 Q23197 +Q100529 P27 Q298 +Q1333234 P136 Q83440 +Q236024 P106 Q639669 +Q77888 P463 Q337526 +Q329999 P27 Q174193 +Q59837 P106 Q1622272 +Q232511 P106 Q10800557 +Q214690 P19 Q1295 +Q697747 P69 Q616591 +Q55282 P106 Q2059704 +Q1131225 P136 Q130232 +Q232470 P3373 Q143945 +Q223875 P1303 Q17172850 +Q451812 P264 Q843402 +Q194419 P106 Q3282637 +Q9358 P737 Q61674 +Q466477 P106 Q49757 +Q99279 P106 Q639669 +Q273866 P1412 Q9168 +Q79023 P106 Q639669 +Q231106 P264 Q216364 +Q214660 P27 Q145 +Q888034 P1412 Q1860 +Q88412 P106 Q36180 +Q143867 P509 Q12152 +Q5879 P106 Q49757 +Q166212 P106 Q2405480 +Q259940 P106 Q2526255 +Q32 P463 Q1969730 +Q153905 P27 Q218 +Q110374 P69 Q49210 +Q274267 P20 Q90 +Q562874 P106 Q1930187 +Q109232 P3373 Q294185 +Q386714 P495 Q38 +Q18425 P463 Q463303 +Q354519 P1303 Q6607 +Q220269 P106 Q36180 +Q740631 P27 Q20 +Q288150 P840 Q65 +Q2633389 P27 Q30 +Q235820 P1303 Q17172850 +Q902 P530 Q30 +Q168509 P1412 Q150 +Q235384 P106 Q33999 +Q104267 P106 Q4964182 +Q103583 P108 Q55044 +Q68490 P106 Q170790 +Q528647 P108 Q174158 +Q393407 P1412 Q9063 +Q274608 P106 Q36180 +Q63397 P140 Q23540 +Q314603 P106 Q4610556 +Q426582 P106 Q36180 +Q262396 P106 Q177220 +Q320052 P1303 Q17172850 +Q217068 P20 Q90 +Q189172 P69 Q230899 +Q454334 P106 Q250867 +Q240872 P40 Q132058 +Q38573 P102 Q7320 +Q14045 P136 Q193207 +Q143605 P161 Q186485 +Q154581 P495 Q38 +Q71548 P27 Q142 +Q3173947 P106 Q15895020 +Q42402 P106 Q488205 +Q5816 P102 Q17427 +Q316313 P106 Q1930187 +Q229556 P106 Q28389 +Q77482 P106 Q36180 +Q2973 P463 Q747279 +Q401645 P3373 Q307463 +Q76480 P20 Q47164 +Q470101 P463 Q161806 +Q256649 P106 Q2259451 +Q7304 P172 Q7325 +Q1449438 P106 Q18545066 +Q234145 P463 Q188771 +Q161400 P161 Q236010 +Q274233 P106 Q170790 +Q32257 P463 Q253439 +Q1138602 P1303 Q17172850 +Q106326 P1412 Q150 +Q95479 P108 Q316592 +Q189889 P136 Q586250 +Q250975 P106 Q36180 +Q141869 P106 Q82955 +Q189947 P69 Q1341516 +Q189067 P106 Q3501317 +Q540443 P106 Q1930187 +Q34677 P106 Q13235160 +Q685 P530 Q17 +Q128494 P106 Q4964182 +Q395714 P106 Q1662561 +Q329734 P106 Q2405480 +Q92849 P108 Q151510 +Q233854 P106 Q177220 +Q167498 P106 Q33999 +Q160783 P106 Q36180 +Q172653 P106 Q33999 +Q3033 P17 Q713750 +Q648098 P1303 Q17172850 +Q1325743 P264 Q885833 +Q55394 P106 Q3282637 +Q72334 P737 Q40909 +Q18913 P20 Q2634 +Q271614 P106 Q10798782 +Q25163 P19 Q2634 +Q159 P463 Q376150 +Q801 P530 Q227 +Q168307 P27 Q213 +Q229375 P106 Q4351403 +Q443343 P1412 Q1860 +Q56008 P106 Q49757 +Q235361 P106 Q11774202 +Q140738 P1412 Q7737 +Q165121 P106 Q1397808 +Q435807 P106 Q10800557 +Q104358 P264 Q1124849 +Q126462 P106 Q82955 +Q252 P530 Q55 +Q161363 P463 Q459620 +Q2105 P1412 Q1860 +Q321846 P106 Q2722764 +Q1643790 P27 Q38 +Q58577 P20 Q162049 +Q2736087 P106 Q170790 +Q162225 P161 Q379808 +Q1359039 P106 Q177220 +Q361762 P106 Q486748 +Q313366 P27 Q1033 +Q57257 P106 Q1350157 +Q239145 P106 Q2405480 +Q38 P530 Q184 +Q608235 P106 Q82955 +Q49279 P106 Q3745071 +Q131691 P27 Q174193 +Q2514 P108 Q64 +Q608235 P106 Q169470 +Q179888 P108 Q1137404 +Q207969 P106 Q10798782 +Q1392102 P264 Q202440 +Q79034 P27 Q30 +Q229254 P172 Q49085 +Q376182 P106 Q28389 +Q313553 P106 Q214917 +Q37 P530 Q801 +Q357324 P106 Q13582652 +Q509974 P106 Q1930187 +Q5879 P69 Q154804 +Q311684 P69 Q13371 +Q62938 P463 Q543804 +Q432526 P136 Q2421031 +Q42786 P106 Q4610556 +Q330612 P161 Q200768 +Q69894 P19 Q3971 +Q230 P30 Q48 +Q3161354 P463 Q188771 +Q57475 P102 Q49750 +Q162389 P106 Q1028181 +Q361523 P106 Q753110 +Q215026 P136 Q11399 +Q289064 P106 Q488205 +Q298930 P1303 Q6607 +Q274429 P106 Q1231865 +Q343983 P106 Q36180 +Q84207 P140 Q748 +Q176455 P26 Q705477 +Q158017 P509 Q12136 +Q37944 P106 Q753110 +Q12844 P106 Q860918 +Q105756 P106 Q4853732 +Q521170 P106 Q47064 +Q8201431 P27 Q29 +Q223884 P161 Q43697 +Q221903 P463 Q265058 +Q332462 P136 Q149537 +Q4345832 P17 Q159 +Q901134 P106 Q593644 +Q63667 P27 Q96 +Q40909 P106 Q36180 +Q185007 P463 Q337234 +Q367109 P27 Q34266 +Q104929 P108 Q151510 +Q49819 P106 Q81096 +Q8011 P106 Q39631 +Q151976 P136 Q1344 +Q72543 P27 Q142 +Q72077 P27 Q30 +Q191074 P840 Q96 +Q11881 P102 Q42183 +Q880181 P551 Q183 +Q71645 P27 Q218 +Q45374 P106 Q3055126 +Q258753 P106 Q1930187 +Q703091 P106 Q13582652 +Q67018 P69 Q55044 +Q4747436 P106 Q82955 +Q44695 P106 Q82955 +Q46080 P106 Q18814623 +Q65619 P106 Q201788 +Q727416 P136 Q49084 +Q366325 P19 Q1781 +Q575026 P159 Q65 +Q360266 P106 Q639669 +Q1039 P463 Q1065 +Q1277063 P1303 Q17172850 +Q110183 P27 Q43287 +Q299122 P264 Q466649 +Q17132 P106 Q82955 +Q73063 P463 Q451079 +Q375845 P20 Q2807 +Q538000 P106 Q855091 +Q327613 P161 Q310318 +Q1803090 P106 Q10800557 +Q72800 P106 Q36180 +Q282372 P840 Q1558 +Q229325 P106 Q2259451 +Q408 P530 Q298 +Q42402 P1303 Q9798 +Q103591 P106 Q1930187 +Q35 P530 Q31 +Q230916 P19 Q656 +Q230782 P106 Q970153 +Q536301 P27 Q218 +Q133465 P69 Q80207 +Q117021 P1412 Q150 +Q1366840 P136 Q11401 +Q92851 P463 Q270794 +Q110330 P463 Q209184 +Q144195 P26 Q217154 +Q1973537 P27 Q15180 +Q55245 P106 Q10798782 +Q101995 P27 Q16957 +Q272095 P106 Q2259451 +Q11930 P106 Q2526255 +Q9358 P737 Q502 +Q34424 P1303 Q6607 +Q344567 P106 Q3282637 +Q270215 P136 Q130232 +Q148 P463 Q17495 +Q61058 P106 Q82955 +Q272095 P119 Q1625328 +Q116309 P101 Q476294 +Q909001 P106 Q82955 +Q215478 P463 Q8038459 +Q188113 P106 Q188094 +Q302181 P495 Q30 +Q92455 P101 Q1662673 +Q36450 P140 Q75809 +Q66232 P27 Q183 +Q29055 P1412 Q9288 +Q922484 P106 Q36180 +Q207515 P1412 Q1860 +Q316641 P106 Q33999 +Q39 P37 Q150 +Q981785 P1412 Q9027 +Q67494 P106 Q2374149 +Q215562 P106 Q1930187 +Q192165 P1050 Q41571 +Q96 P530 Q159 +Q236075 P106 Q33999 +Q446024 P106 Q483501 +Q302650 P1412 Q1860 +Q318267 P106 Q10800557 +Q209913 P161 Q370918 +Q211566 P106 Q177220 +Q4934 P106 Q82594 +Q294225 P551 Q1492 +Q23844 P106 Q33999 +Q453447 P27 Q34266 +Q59595 P161 Q101797 +Q1618047 P69 Q152171 +Q169564 P161 Q76819 +Q287329 P27 Q20 +Q255300 P106 Q36834 +Q380852 P106 Q3282637 +Q388035 P106 Q177220 +Q737486 P106 Q1930187 +Q229766 P19 Q3616 +Q278997 P161 Q313650 +Q270691 P1412 Q5885 +Q312053 P264 Q183412 +Q313044 P136 Q11700058 +Q715265 P19 Q1297 +Q345531 P102 Q29552 +Q299122 P1303 Q78987 +Q2831 P136 Q316930 +Q200392 P106 Q901 +Q66774 P106 Q3282637 +Q1004670 P106 Q4263842 +Q223769 P27 Q30 +Q155979 P101 Q82955 +Q99612 P106 Q482980 +Q183105 P106 Q36180 +Q78505 P106 Q28389 +Q258847 P495 Q30 +Q489643 P106 Q386854 +Q354002 P264 Q216364 +Q467670 P1303 Q6607 +Q272438 P140 Q9268 +Q433059 P106 Q33999 +Q41488 P108 Q49112 +Q922830 P106 Q183945 +Q544301 P106 Q183945 +Q83297 P69 Q332342 +Q1246 P530 Q403 +Q229 P530 Q30 +Q336125 P19 Q1348 +Q3012 P17 Q12548 +Q858 P463 Q4783148 +Q1374180 P551 Q18383 +Q310190 P19 Q18424 +Q3017168 P106 Q183945 +Q336881 P106 Q36180 +Q1698 P1412 Q150 +Q667841 P19 Q23276 +Q788572 P69 Q49166 +Q92862 P106 Q15976092 +Q174284 P161 Q313047 +Q508182 P106 Q2259451 +Q135329 P463 Q4345832 +Q225629 P1303 Q17172850 +Q82934 P106 Q131062 +Q11116 P1412 Q9027 +Q1403 P106 Q6625963 +Q615896 P27 Q30 +Q30 P530 Q712 +Q313553 P106 Q1930187 +Q408 P172 Q181634 +Q349777 P108 Q168756 +Q220751 P19 Q60 +Q1033 P530 Q159 +Q876706 P106 Q36180 +Q329 P106 Q82955 +Q51101 P106 Q10800557 +Q2429435 P20 Q1726 +Q2831 P1303 Q128309 +Q213545 P509 Q12078 +Q544135 P106 Q15895020 +Q442512 P27 Q29 +Q213122 P102 Q29468 +Q1019 P361 Q27407 +Q31073 P27 Q30 +Q431874 P451 Q296928 +Q316064 P3373 Q230303 +Q92619 P463 Q131566 +Q187165 P136 Q83270 +Q200407 P26 Q233237 +Q241180 P1412 Q9288 +Q57434 P27 Q33946 +Q219640 P106 Q10732476 +Q2632 P106 Q7042855 +Q108097 P106 Q36180 +Q313367 P106 Q33999 +Q75814 P737 Q9047 +Q229646 P737 Q9438 +Q2255438 P106 Q1231865 +Q1346126 P106 Q7042855 +Q7200 P136 Q699 +Q79178 P27 Q40 +Q176578 P102 Q79854 +Q3150 P17 Q41304 +Q1064 P737 Q79025 +Q74849 P106 Q333634 +Q558104 P106 Q33231 +Q485310 P27 Q30 +Q128933 P69 Q820887 +Q223316 P161 Q873 +Q1260 P27 Q7318 +Q993950 P106 Q169470 +Q33637 P108 Q48989 +Q215215 P136 Q217191 +Q9049 P463 Q1132636 +Q26053 P27 Q30 +Q145627 P106 Q15627169 +Q230308 P106 Q2259451 +Q220308 P106 Q10800557 +Q385036 P495 Q30 +Q57180 P20 Q1711 +Q240371 P264 Q557632 +Q153996 P136 Q187760 +Q297736 P463 Q463303 +Q930197 P1412 Q1860 +Q179282 P1412 Q1860 +Q330014 P27 Q29 +Q698444 P108 Q608338 +Q321917 P106 Q10798782 +Q289805 P106 Q81096 +Q236074 P106 Q10800557 +Q151606 P161 Q336018 +Q154353 P101 Q413 +Q270599 P136 Q1200678 +Q234145 P27 Q172579 +Q17 P463 Q826700 +Q206534 P509 Q12204 +Q285543 P140 Q1841 +Q212632 P509 Q1368943 +Q431540 P27 Q28513 +Q158123 P140 Q9592 +Q248059 P106 Q36834 +Q72867 P106 Q2526255 +Q61171 P69 Q152087 +Q31487 P17 Q131964 +Q160902 P463 Q218868 +Q85807 P106 Q4964182 +Q192515 P106 Q639669 +Q66916 P102 Q328195 +Q51489 P106 Q33999 +Q110042 P106 Q11774202 +Q75828 P463 Q191583 +Q92745 P106 Q81096 +Q209184 P17 Q801 +Q192634 P509 Q1368943 +Q80938 P106 Q2095549 +Q449894 P106 Q189290 +Q41 P463 Q5611262 +Q318320 P106 Q1930187 +Q11116 P69 Q49115 +Q57075 P463 Q270794 +Q188954 P102 Q558334 +Q188386 P106 Q82955 +Q64173 P495 Q30 +Q164117 P106 Q222749 +Q313470 P172 Q115026 +Q804348 P1412 Q1860 +Q71407 P106 Q36180 +Q57629 P106 Q49757 +Q436996 P106 Q10800557 +Q182156 P106 Q4853732 +Q25147 P1303 Q17172850 +Q201674 P840 Q1400 +Q230454 P136 Q8341 +Q453447 P1412 Q8785 +Q317441 P264 Q183412 +Q220713 P161 Q312705 +Q366845 P19 Q1085 +Q214907 P106 Q482980 +Q126462 P463 Q466089 +Q54945 P140 Q7066 +Q6538 P19 Q1792 +Q317539 P106 Q28389 +Q313578 P106 Q33999 +Q26412 P102 Q79854 +Q540787 P106 Q3282637 +Q327713 P161 Q439315 +Q338623 P106 Q1350157 +Q934722 P1412 Q1860 +Q23685 P463 Q463303 +Q165721 P27 Q34266 +Q38049 P106 Q36180 +Q229220 P1303 Q17172850 +Q1009499 P106 Q639669 +Q442512 P106 Q713200 +Q148204 P136 Q172980 +Q1343499 P106 Q128124 +Q51511 P27 Q30 +Q353366 P106 Q753110 +Q97291 P106 Q177220 +Q427167 P463 Q1425328 +Q311961 P106 Q177220 +Q2695220 P106 Q82955 +Q95055 P1303 Q17172850 +Q905 P1412 Q188 +Q320653 P20 Q649 +Q71135 P106 Q1622272 +Q316756 P106 Q2526255 +Q264921 P20 Q1754 +Q63458 P463 Q83172 +Q192682 P106 Q3282637 +Q921542 P20 Q65 +Q86632 P106 Q33999 +Q310618 P106 Q1930187 +Q105387 P136 Q3990883 +Q312693 P1303 Q8338 +Q40116 P106 Q1930187 +Q63439 P19 Q64 +Q902 P530 Q836 +Q219734 P27 Q34266 +Q192668 P106 Q177220 +Q2149885 P108 Q131626 +Q106942 P106 Q957729 +Q167635 P106 Q36834 +Q167997 P1412 Q7737 +Q874588 P20 Q1781 +Q276778 P161 Q44380 +Q171150 P140 Q9592 +Q1382521 P19 Q1953 +Q8446 P106 Q177220 +Q286302 P108 Q895796 +Q3071779 P106 Q1607826 +Q215072 P106 Q245068 +Q41568 P27 Q142 +Q67633 P106 Q333634 +Q196923 P106 Q10800557 +Q72971 P106 Q36180 +Q1853186 P106 Q177220 +Q92066 P27 Q183 +Q311223 P106 Q11063 +Q43440 P106 Q1930187 +Q734436 P106 Q193391 +Q83733 P1412 Q1860 +Q43440 P69 Q645663 +Q96577 P140 Q75809 +Q84186 P106 Q4263842 +Q315136 P27 Q241748 +Q1289541 P106 Q3387717 +Q449769 P106 Q1231865 +Q207816 P840 Q1384 +Q454970 P551 Q1342 +Q28 P463 Q7184 +Q389851 P108 Q55021 +Q935258 P27 Q15180 +Q107424 P136 Q9778 +Q310166 P1303 Q6607 +Q275161 P19 Q60 +Q65372 P102 Q158227 +Q1049 P530 Q657 +Q106748 P27 Q43 +Q983 P530 Q155 +Q76513 P27 Q39 +Q25351 P463 Q12759592 +Q60052 P463 Q414188 +Q43432 P264 Q27184 +Q269526 P27 Q17 +Q273311 P106 Q186360 +Q22665 P1412 Q143 +Q61114 P1412 Q188 +Q242571 P106 Q36180 +Q60039 P102 Q7320 +Q431591 P106 Q639669 +Q31 P463 Q376150 +Q440102 P106 Q10800557 +Q184219 P106 Q10798782 +Q507864 P106 Q158852 +Q3297386 P172 Q49085 +Q328201 P106 Q40348 +Q1362223 P140 Q432 +Q232015 P106 Q753110 +Q195371 P106 Q33999 +Q276304 P106 Q36180 +Q78782 P102 Q590750 +Q707266 P106 Q201788 +Q75789 P1412 Q188 +Q215145 P106 Q2516866 +Q132193 P106 Q333634 +Q557382 P69 Q156598 +Q66456 P106 Q2055046 +Q108840 P1412 Q188 +Q212 P463 Q656801 +Q159481 P20 Q6986 +Q24962 P69 Q797892 +Q708164 P106 Q18844224 +Q11820 P27 Q30 +Q106709 P19 Q90 +Q73437 P106 Q10800557 +Q717059 P106 Q639669 +Q44371 P102 Q79854 +Q157322 P27 Q142 +Q444509 P106 Q28389 +Q354033 P106 Q486748 +Q25023 P106 Q36180 +Q356375 P106 Q10800557 +Q310375 P551 Q65 +Q44707 P1303 Q6607 +Q52926 P69 Q185246 +Q342876 P136 Q1054574 +Q3312950 P27 Q29 +Q243983 P161 Q311271 +Q100028 P27 Q183 +Q59824 P509 Q12152 +Q26988 P37 Q1860 +Q218 P530 Q29 +Q41819 P17 Q30 +Q563287 P27 Q30 +Q478967 P136 Q487965 +Q309503 P106 Q10800557 +Q190302 P1412 Q150 +Q1265657 P106 Q1734662 +Q309589 P551 Q34006 +Q888256 P27 Q30 +Q157131 P1412 Q188 +Q158175 P136 Q83270 +Q444520 P27 Q30 +Q319799 P106 Q18814623 +Q3834 P463 Q747279 +Q551015 P106 Q36180 +Q711810 P106 Q639669 +Q159 P530 Q114 +Q93632 P509 Q12152 +Q36330 P108 Q316592 +Q303207 P1303 Q17172850 +Q370293 P136 Q9730 +Q94108 P106 Q186360 +Q2622688 P106 Q214917 +Q37388 P106 Q155647 +Q213811 P19 Q1741 +Q737486 P27 Q15180 +Q115347 P69 Q49117 +Q47480 P69 Q459506 +Q1334244 P136 Q11399 +Q295420 P106 Q2490358 +Q65278 P27 Q183 +Q4346512 P106 Q2526255 +Q185832 P106 Q1234713 +Q319871 P106 Q1231865 +Q128934 P161 Q311068 +Q40688 P1412 Q1860 +Q113681 P106 Q15253558 +Q470193 P108 Q1367256 +Q249032 P161 Q207969 +Q108586 P161 Q40791 +Q590792 P20 Q60 +Q1903090 P101 Q11633 +Q932344 P20 Q16552 +Q208263 P136 Q130232 +Q216221 P27 Q30 +Q76517 P108 Q149481 +Q3134064 P509 Q852423 +Q425821 P106 Q855091 +Q567340 P19 Q56036 +Q108664 P27 Q183 +Q1853186 P27 Q884 +Q1766082 P106 Q488205 +Q365090 P19 Q65 +Q481871 P1412 Q1860 +Q706889 P69 Q21705070 +Q187662 P106 Q177220 +Q4527494 P463 Q2370801 +Q912791 P27 Q16 +Q57603 P69 Q165528 +Q75812 P106 Q4964182 +Q851 P530 Q822 +Q160478 P106 Q333634 +Q378116 P136 Q35760 +Q185548 P69 Q486156 +Q542868 P27 Q30 +Q112651 P106 Q82955 +Q1385000 P106 Q13570226 +Q108840 P27 Q183 +Q57351 P1412 Q188 +Q683058 P69 Q55044 +Q916 P530 Q142 +Q2643 P1303 Q52954 +Q273208 P106 Q10800557 +Q161819 P106 Q2259451 +Q313581 P106 Q4964182 +Q34660 P106 Q6625963 +Q34782 P1412 Q150 +Q62866 P106 Q1622272 +Q108619 P106 Q2526255 +Q77832 P1412 Q188 +Q224647 P136 Q157394 +Q785404 P106 Q49757 +Q71625 P106 Q36180 +Q99784 P108 Q165528 +Q328760 P106 Q205375 +Q1203 P264 Q212699 +Q347362 P106 Q1930187 +Q156532 P69 Q238101 +Q433060 P1050 Q131755 +Q273362 P19 Q23482 +Q158030 P101 Q8134 +Q76696 P119 Q665815 +Q932959 P106 Q486748 +Q592381 P27 Q30 +Q18143 P106 Q2526255 +Q2030240 P20 Q649 +Q928 P530 Q878 +Q204057 P161 Q296630 +Q484678 P17 Q30 +Q945633 P108 Q245247 +Q855 P463 Q946380 +Q9582 P69 Q9842 +Q691076 P264 Q1273666 +Q215556 P27 Q142 +Q333595 P20 Q65 +Q260331 P27 Q30 +Q72014 P1412 Q188 +Q222071 P106 Q36180 +Q505517 P138 Q229442 +Q51522 P106 Q2526255 +Q183492 P737 Q991 +Q182725 P136 Q7749 +Q332368 P136 Q2297927 +Q233956 P1412 Q1860 +Q208993 P106 Q2490358 +Q380459 P106 Q36180 +Q149489 P106 Q214917 +Q297334 P106 Q10798782 +Q345517 P19 Q84 +Q139087 P106 Q36180 +Q234137 P106 Q2259451 +Q92875 P463 Q1493021 +Q60788 P69 Q153006 +Q231270 P106 Q6625963 +Q179695 P172 Q179248 +Q362886 P106 Q486748 +Q357936 P551 Q61 +Q216636 P106 Q177220 +Q30 P463 Q41550 +Q230499 P27 Q298 +Q4227341 P119 Q4263743 +Q48226 P140 Q106687 +Q234454 P551 Q65 +Q262838 P106 Q28389 +Q1701970 P106 Q10800557 +Q182229 P20 Q84 +Q7327064 P19 Q84 +Q214466 P1303 Q6607 +Q699597 P106 Q36180 +Q66107 P108 Q13371 +Q63682 P106 Q10798782 +Q93030 P69 Q49108 +Q27 P463 Q17495 +Q559567 P106 Q482980 +Q33760 P737 Q50020 +Q120599 P27 Q211274 +Q25395 P17 Q30 +Q276299 P136 Q130232 +Q240774 P106 Q2526255 +Q213512 P106 Q28389 +Q235394 P19 Q18013 +Q323392 P161 Q294372 +Q177984 P106 Q177220 +Q561116 P27 Q38 +Q77742 P1050 Q10874 +Q862412 P106 Q36180 +Q975874 P106 Q10798782 +Q314424 P1303 Q17172850 +Q15902 P136 Q842324 +Q95055 P26 Q9960 +Q106009 P106 Q201788 +Q72913 P106 Q1607826 +Q95002 P20 Q47164 +Q234128 P27 Q408 +Q164582 P106 Q36180 +Q526424 P106 Q33999 +Q704682 P108 Q658192 +Q242889 P106 Q2526255 +Q948 P463 Q41984 +Q61453 P69 Q315658 +Q277356 P106 Q2526255 +Q24631 P463 Q4742987 +Q9155759 P106 Q1930187 +Q84186 P106 Q4964182 +Q4128 P106 Q23833535 +Q169566 P172 Q846570 +Q708078 P106 Q1397808 +Q232477 P27 Q145 +Q591270 P106 Q6625963 +Q215904 P463 Q469210 +Q236189 P106 Q10800557 +Q231438 P19 Q60 +Q186341 P136 Q200092 +Q720005 P509 Q12136 +Q134958 P106 Q4773904 +Q233584 P551 Q18125 +Q115134 P1412 Q1860 +Q438440 P106 Q482980 +Q286525 P106 Q639669 +Q47484 P106 Q3579035 +Q931890 P20 Q90 +Q34 P463 Q782942 +Q786 P530 Q865 +Q430535 P161 Q309690 +Q106235 P106 Q1622272 +Q2424996 P108 Q49213 +Q441628 P108 Q27923720 +Q233946 P106 Q488205 +Q931148 P20 Q61 +Q587741 P106 Q36834 +Q731195 P19 Q60 +Q264960 P19 Q34863 +Q508182 P106 Q10800557 +Q273215 P119 Q1302545 +Q281964 P106 Q28389 +Q668 P463 Q191384 +Q14192383 P159 Q60 +Q312276 P119 Q99 +Q524236 P106 Q39631 +Q822630 P19 Q46852 +Q237030 P106 Q2405480 +Q114760 P106 Q189290 +Q24367 P463 Q18650004 +Q842199 P530 Q211 +Q137808 P172 Q170826 +Q468864 P106 Q8246794 +Q148 P530 Q1033 +Q185658 P136 Q22981906 +Q363867 P106 Q806349 +Q153034 P69 Q153987 +Q86096 P19 Q12892 +Q616021 P106 Q1930187 +Q111836 P1412 Q150 +Q1816925 P106 Q639669 +Q71410 P106 Q82955 +Q272994 P106 Q483501 +Q157050 P17 Q221 +Q376087 P106 Q189290 +Q1556241 P463 Q188771 +Q273887 P451 Q15615 +Q214227 P1303 Q17172850 +Q292558 P19 Q172455 +Q1000 P463 Q656801 +Q177917 P1412 Q9067 +Q157309 P509 Q12204 +Q55198 P172 Q44806 +Q553861 P106 Q55960555 +Q35648 P463 Q466089 +Q234017 P101 Q207628 +Q458766 P69 Q1446181 +Q335087 P106 Q201788 +Q1900440 P463 Q723551 +Q298388 P106 Q36180 +Q551154 P106 Q183945 +Q191479 P463 Q466089 +Q281034 P1412 Q1860 +Q445795 P161 Q365044 +Q223687 P106 Q13235160 +Q42831 P463 Q4345832 +Q40046 P27 Q30 +Q984644 P106 Q28389 +Q145627 P19 Q65 +Q123034 P69 Q372608 +Q2643 P361 Q332399 +Q47216 P106 Q1238570 +Q106029 P108 Q152171 +Q1576675 P463 Q1493021 +Q180468 P463 Q938622 +Q142627 P19 Q1296 +Q240772 P172 Q7325 +Q17 P530 Q881 +Q62726 P20 Q64 +Q1618047 P27 Q796 +Q318261 P19 Q34863 +Q221491 P136 Q369747 +Q274362 P27 Q159 +Q270303 P264 Q203059 +Q393407 P20 Q215 +Q710026 P108 Q193510 +Q577548 P106 Q876864 +Q110960 P106 Q177220 +Q199418 P106 Q639669 +Q726198 P106 Q82955 +Q47561 P27 Q83286 +Q190086 P136 Q860626 +Q206534 P106 Q49757 +Q389851 P27 Q28 +Q15873 P106 Q486748 +Q467423 P106 Q10798782 +Q9327 P27 Q142 +Q78528 P106 Q36834 +Q569362 P27 Q159 +Q357168 P1303 Q17172850 +Q605778 P264 Q231694 +Q210172 P106 Q177220 +Q444788 P106 Q10800557 +Q310300 P136 Q186472 +Q104137 P161 Q35011 +Q702468 P69 Q1189954 +Q318249 P106 Q3282637 +Q234807 P106 Q947873 +Q72790 P20 Q1486 +Q313655 P106 Q2526255 +Q68865 P106 Q47064 +Q664909 P106 Q177220 +Q211283 P106 Q33999 +Q881 P530 Q408 +Q111087 P1412 Q1860 +Q930987 P140 Q9592 +Q122020 P106 Q2405480 +Q334126 P1050 Q84263196 +Q234798 P172 Q42406 +Q84292 P101 Q5862903 +Q72908 P106 Q1397808 +Q439366 P106 Q639669 +Q352975 P19 Q727 +Q154421 P106 Q15627169 +Q55800 P551 Q1297 +Q262354 P19 Q3616 +Q33528 P27 Q142 +Q258503 P106 Q33999 +Q37150 P106 Q488205 +Q72721 P69 Q152838 +Q110719 P1412 Q150 +Q69281 P463 Q451079 +Q298761 P106 Q214917 +Q373566 P27 Q145 +Q232085 P106 Q36834 +Q43 P530 Q148 +Q634100 P106 Q333634 +Q164933 P161 Q172035 +Q689713 P106 Q1622272 +Q189729 P463 Q463303 +Q449140 P27 Q30 +Q1334617 P106 Q128124 +Q232298 P19 Q18575 +Q229013 P106 Q33999 +Q16389 P108 Q49112 +Q237673 P106 Q28389 +Q62857 P108 Q35794 +Q60884 P69 Q153987 +Q123421 P1412 Q188 +Q105221 P27 Q16 +Q82695 P106 Q188094 +Q109943 P106 Q36180 +Q48959 P106 Q488205 +Q465511 P102 Q558334 +Q23114 P27 Q13426199 +Q108006 P161 Q271635 +Q60052 P108 Q151510 +Q192529 P1412 Q1321 +Q106083 P172 Q7325 +Q217280 P27 Q145 +Q153832 P27 Q28513 +Q1387593 P101 Q5862903 +Q262886 P106 Q36180 +Q77777 P463 Q879171 +Q49735 P27 Q30 +Q388408 P495 Q30 +Q76409 P737 Q187765 +Q156321 P1412 Q9056 +Q1141825 P106 Q855091 +Q310113 P1303 Q128309 +Q166714 P102 Q622441 +Q84482 P27 Q40 +Q445306 P106 Q13582652 +Q320604 P106 Q82955 +Q312276 P27 Q30 +Q514424 P106 Q1930187 +Q433471 P106 Q49757 +Q298209 P264 Q1194456 +Q107424 P106 Q15981151 +Q975084 P27 Q801 +Q123679 P1412 Q150 +Q16574 P140 Q33203 +Q345612 P19 Q60 +Q225916 P161 Q235622 +Q178698 P136 Q182357 +Q27357 P140 Q9592 +Q1443475 P1303 Q51290 +Q274529 P161 Q184805 +Q181728 P101 Q8162 +Q477461 P106 Q183945 +Q314133 P106 Q2405480 +Q40213 P1412 Q1860 +Q78628 P1412 Q188 +Q213765 P106 Q201788 +Q98370 P1412 Q188 +Q605443 P1412 Q1860 +Q64850 P106 Q36180 +Q316629 P106 Q10800557 +Q304675 P19 Q84 +Q77728 P20 Q1726 +Q185658 P57 Q8877 +Q350903 P106 Q10800557 +Q961851 P509 Q147778 +Q57237 P106 Q1930187 +Q309843 P136 Q11401 +Q67597 P119 Q253763 +Q1232924 P106 Q177220 +Q241646 P106 Q10798782 +Q1789286 P106 Q37226 +Q95264 P106 Q82955 +Q4588976 P106 Q185351 +Q311993 P1412 Q1860 +Q47480 P463 Q123885 +Q315391 P20 Q90 +Q33 P463 Q42262 +Q85295 P1412 Q188 +Q2680 P140 Q7066 +Q167345 P1412 Q9043 +Q310819 P106 Q1930187 diff --git a/process_data/FB15k237_original/test.txt b/process_data/FB15k237_original/test.txt new file mode 100644 index 0000000..4e7bb71 --- /dev/null +++ b/process_data/FB15k237_original/test.txt @@ -0,0 +1,20466 @@ +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02jx1 /location/location/contains /m/013t85 +/m/02jx1 /location/location/contains /m/0m0bj +/m/02bfmn /film/actor/film./film/performance/film /m/04ghz4m +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/04y9mm8 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04j53 +/m/07l450 /film/film/genre /m/082gq +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/029q3k +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/031y2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dxmyh +/m/01d8l /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0ydpd /location/location/time_zones /m/02hcv8 +/m/0738b8 /people/person/places_lived./people/place_lived/location /m/02xry +/m/070xg /sports/sports_team/colors /m/01g5v +/m/0mwk9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxkh +/m/0kbws /olympics/olympic_games/participating_countries /m/027jk +/m/0kbws /olympics/olympic_games/participating_countries /m/04vjh +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01lp8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01xwqn /influence/influence_node/influenced_by /m/0121rx +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06kxk2 /people/person/place_of_birth /m/01_d4 +/m/08q1tg /people/cause_of_death/people /m/0lcx +/m/037fqp /education/educational_institution/school_type /m/04399 +/m/0xxc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01l_pn /film/film/prequel /m/01y9jr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/02ghq /people/person/profession /m/01d_h8 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dtfn +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04zl8 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/07jrjb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01k5y0 /film/film/edited_by /m/0dky9n +/m/06x76 /sports/sports_team/sport /m/0jm_ +/m/0x67 /people/ethnicity/people /m/0411q +/m/0x67 /people/ethnicity/people /m/030wkp +/m/0gmgwnv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wkmgb /people/person/profession /m/09jwl +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/02j4sk /people/deceased_person/place_of_death /m/027l4q +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d1qmz +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/053rxgm /film/film/executive_produced_by /m/0g_rs_ +/m/011k11 /music/record_label/artist /m/03h_yfh +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/05typm /film/actor/film./film/performance/film /m/0k2cb +/m/0cwy47 /film/film/featured_film_locations /m/06c62 +/m/019vhk /film/film/film_festivals /m/09rwjly +/m/06sy4c /people/person/gender /m/05zppz +/m/0dr1c2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04f62k +/m/07b_l /location/location/contains /m/013m43 +/m/0mm1q /people/person/profession /m/01d_h8 +/m/0prjs /film/director/film /m/062zjtt +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0kvgnq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dppk +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/0418wg /film/film/language /m/02bjrlw +/m/02kth6 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/026c1 /film/actor/film./film/performance/film /m/03s6l2 +/m/03j90 /people/person/profession /m/05z96 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/01hydr /music/genre/parent_genre /m/0kz10 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/084m3 /film/actor/film./film/performance/film /m/034qrh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01x5fb +/m/0b7l4x /film/film/production_companies /m/03sb38 +/m/016yvw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06ltr /film/actor/film./film/performance/film /m/016ywb +/m/01dq5z /education/educational_institution/students_graduates./education/education/student /m/03q95r +/m/02vwckw /people/person/profession /m/0n1h +/m/049t4g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08k881 /film/actor/film./film/performance/film /m/01qncf +/m/01w58n3 /people/person/profession /m/016z4k +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/06by7 /music/genre/artists /m/0153nq +/m/01wxdn3 /people/person/nationality /m/07ssc +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/011_6p +/m/03g5jw /influence/influence_node/influenced_by /m/014_lq +/m/02m97n /organization/organization/headquarters./location/mailing_address/citytown /m/09bkv +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/035s37 +/m/06c97 /organization/organization_founder/organizations_founded /m/05f4p +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/02xry /location/location/time_zones /m/02hcv8 +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/018dh3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/026lgs /film/film/language /m/02h40lc +/m/03j0d /influence/influence_node/influenced_by /m/03hnd +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/017_cl /sports/sports_team_location/teams /m/0j2jr +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mjl +/m/05xb7q /education/educational_institution/campuses /m/05xb7q +/m/063g7l /people/person/nationality /m/09c7w0 +/m/0gy7bj4 /film/film/story_by /m/01tz6vs +/m/04lc0h /base/biblioness/bibs_location/country /m/0ctw_b +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04ycjk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mgkg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01rhrd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/04gxp2 +/m/01v90t /people/person/gender /m/05zppz +/m/017cy9 /education/educational_institution/school_type /m/07tf8 +/m/023kzp /people/person/nationality /m/09c7w0 +/m/013yq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/02tfl8 /medicine/symptom/symptom_of /m/07s4l +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/055c8 /people/person/nationality /m/09c7w0 +/m/01znc_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05148p4 /music/instrument/instrumentalists /m/01x66d +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/student /m/01zwy +/m/0g5lhl7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/08qvhv /film/actor/film./film/performance/film /m/0h3k3f +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/012mzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/02yv6b /music/genre/artists /m/01vsl3_ +/m/02yv6b /music/genre/artists /m/01518s +/m/05f2jk /people/deceased_person/place_of_death /m/0f2wj +/m/02dlfh /people/person/nationality /m/09c7w0 +/m/01n8gr /people/person/profession /m/0lgw7 +/m/0l2nd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq2g +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl02yg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/049g_xj /people/person/place_of_birth /m/036k0s +/m/02h48 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0b7xl8 /people/person/profession /m/05sxg2 +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0d7wh /people/ethnicity/languages_spoken /m/083tk +/m/0d7wh /people/ethnicity/people /m/02vkvcz +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/03lmzl /people/person/place_of_birth /m/0r5y9 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/01swxv /education/university/fraternities_and_sororities /m/0325pb +/m/0_9l_ /film/film/film_format /m/07fb8_ +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0bw6y +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/01309x /people/person/profession /m/02hrh1q +/m/01l3j /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01trf3 /people/person/profession /m/0np9r +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/01trxd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/030qb3t /location/location/contains /m/0k049 +/m/0m68w /people/person/profession /m/02hrh1q +/m/0j_c /people/person/nationality /m/02jx1 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/0lpjn /people/person/place_of_birth /m/088cp +/m/013w7j /people/person/places_lived./people/place_lived/location /m/04n3l +/m/06rq2l /film/actor/film./film/performance/film /m/0ch3qr1 +/m/0h3y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01f8hf /film/film/genre /m/02kdv5l +/m/02bfxb /people/person/nationality /m/0ctw_b +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0pc62 /film/film/language /m/03_9r +/m/01qszl /business/business_operation/industry /m/01mw1 +/m/034qzw /film/film/executive_produced_by /m/06m6z6 +/m/01trtc /music/record_label/artist /m/01q_wyj +/m/01ppq /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/08d6bd /people/person/languages /m/0688f +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/01t6b4 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kszw +/m/013b6_ /people/ethnicity/people /m/0hwqg +/m/0kv9d3 /film/film/language /m/064_8sq +/m/030pr /people/person/nationality /m/09c7w0 +/m/076psv /film/film_set_designer/film_sets_designed /m/03mr85 +/m/09yhzs /film/actor/film./film/performance/film /m/07_fj54 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/02w4fkq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/06bd5j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/018ygt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/011wtv /film/film/featured_film_locations /m/0rh6k +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0m31m /people/person/spouse_s./people/marriage/location_of_ceremony /m/07kg3 +/m/015q1n /education/educational_institution/colors /m/01jnf1 +/m/045g4l /people/person/profession /m/02hrh1q +/m/01kwsg /film/actor/film./film/performance/film /m/05r3qc +/m/029h45 /people/person/profession /m/025352 +/m/01sl1q /people/person/places_lived./people/place_lived/location /m/027rn +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/0bt7ws /people/person/languages /m/02h40lc +/m/05gp3x /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/017d93 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gq0x5 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016dj8 +/m/08g_jw /film/film/featured_film_locations /m/0cvw9 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/03qjg /music/instrument/instrumentalists /m/01mr2g6 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/09p0q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/034b6k +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/046lt +/m/026n9h3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0272_vz /film/film/language /m/0349s +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/080knyg /people/person/profession /m/02hrh1q +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/016k62 /people/person/nationality /m/03spz +/m/03bx2lk /film/film/music /m/08c9b0 +/m/023s8 /people/person/gender /m/02zsn +/m/07xzm /music/instrument/instrumentalists /m/02vr7 +/m/0157g9 /location/location/partially_contains /m/059j2 +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/090gpr /people/person/profession /m/03gjzk +/m/03k545 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0ds2l81 /film/film/genre /m/07s9rl0 +/m/01vv6xv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02r_pp /film/film/film_art_direction_by /m/07hhnl +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/09889g /people/person/profession /m/016z4k +/m/03_l8m /people/person/languages /m/02h40lc +/m/027m67 /film/film/language /m/03115z +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04rqd /broadcast/content/artist /m/01vvycq +/m/07147 /sports/sports_team/colors /m/083jv +/m/0jvt9 /film/film/genre /m/02kdv5l +/m/05r5c /music/instrument/instrumentalists /m/028qdb +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqd3 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/03975z /people/person/profession /m/01c72t +/m/03rhqg /music/record_label/artist /m/01jgkj2 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01v5h /people/person/profession /m/01d_h8 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/0glt670 /music/genre/artists /m/01v40wd +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbckf +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0d90m /film/film/executive_produced_by /m/021lby +/m/0cwx_ /education/university/fraternities_and_sororities /m/04m8fy +/m/021b_ /film/actor/film./film/performance/film /m/03kx49 +/m/0q8p8 /location/hud_county_place/place /m/0q8p8 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/0fb0v /music/record_label/artist /m/01vsy95 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0b2qtl /film/film/genre /m/060__y +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07m69t /people/person/gender /m/05zppz +/m/0cnztc4 /film/film/genre /m/03bxz7 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/07rhpg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0hmm7 /film/film/film_format /m/0cj16 +/m/047wh1 /film/film/cinematography /m/03cx282 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/019l68 +/m/01243b /music/genre/artists /m/04bbv7 +/m/01243b /music/genre/artists /m/02ndj5 +/m/01243b /music/genre/artists /m/016l09 +/m/01s73z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01s73z /business/business_operation/industry /m/029g_vk +/m/01sg4_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jgk3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01d4cb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08yx9q +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hvb2 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01d2v1 +/m/02wwmhc /film/film/music /m/0fpjyd +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04f0xq +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01frpd +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07zlqp +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ww5 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/09gkx35 /film/film/language /m/03x42 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/08hsww /film/actor/film./film/performance/film /m/07x4qr +/m/02cbhg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04q827 /film/film/film_production_design_by /m/0dh73w +/m/030znt /people/person/profession /m/02hrh1q +/m/030znt /film/actor/film./film/performance/film /m/0422v0 +/m/0bwgc_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hgxh /medicine/symptom/symptom_of /m/09jg8 +/m/09rsjpv /film/film/music /m/01m3b1t +/m/0435vm /film/film/featured_film_locations /m/030qb3t +/m/02wb6yq /people/person/place_of_birth /m/0djd3 +/m/02wb6yq /people/person/places_lived./people/place_lived/location /m/07b_l +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/072x7s /film/film/featured_film_locations /m/0345h +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/0c9t0y /film/film/genre /m/01585b +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0gk4g /people/cause_of_death/people /m/01zlh5 +/m/01dtcb /music/record_label/artist /m/014_xj +/m/017180 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/04bbv7 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/019vgs /influence/influence_node/influenced_by /m/014zfs +/m/0f6rc /film/film_subject/films /m/0p7qm +/m/03d2k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/03lh3v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmbv +/m/0243cq /film/film/language /m/02h40lc +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/06gmr /sports/sports_team_location/teams /m/019mcm +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/059t8 +/m/01mvth /people/person/nationality /m/09c7w0 +/m/01n_g9 /education/university/fraternities_and_sororities /m/0325pb +/m/01twdk /film/actor/film./film/performance/film /m/05dss7 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/02hnl /music/instrument/instrumentalists /m/0137g1 +/m/02hnl /music/instrument/instrumentalists /m/01vng3b +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/02lmk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05v10 /location/country/form_of_government /m/06cx9 +/m/0f7hw /film/film/genre /m/02l7c8 +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/0xbm +/m/0lh0c /people/person/nationality /m/09c7w0 +/m/02c7k4 /film/film/production_companies /m/01795t +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/07rd7 /film/director/film /m/09g7vfw +/m/03ryn /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01j5ws /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0d4jl /people/person/employment_history./business/employment_tenure/company /m/01j_x +/m/0pm85 /music/genre/artists /m/082brv +/m/0pm85 /music/genre/artists /m/0143q0 +/m/0h25 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0gcrg /film/film/country /m/09c7w0 +/m/08nz99 /people/person/nationality /m/09c7w0 +/m/05dppk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgnq +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/019fv4 /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/017t44 /location/location/contains /m/018jcq +/m/02b0y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06x58 /film/actor/film./film/performance/film /m/03nqnnk +/m/01p_2p /music/genre/artists /m/01vsy95 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/01rr31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3y2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02qvvv +/m/018d6l /people/person/nationality /m/07ssc +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0164r9 /film/actor/film./film/performance/film /m/01jwxx +/m/03t95n /film/film/music /m/01mkn_d +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/014g91 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l6mp /olympics/olympic_games/sports /m/0w0d +/m/06pcz0 /people/person/profession /m/0dxtg +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016kb7 /film/actor/film./film/performance/film /m/0b4lkx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02lv2v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02y9bj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02j04_ +/m/0170s4 /film/actor/film./film/performance/film /m/02d003 +/m/0299hs /film/film/genre /m/01jfsb +/m/07bsj /people/person/place_of_birth /m/0nbwf +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/07g7h2 /people/person/place_of_birth /m/0ftxw +/m/01rtm4 /education/educational_institution/school_type /m/01rs41 +/m/059kh /music/genre/parent_genre /m/06rqw +/m/059kh /music/genre/artists /m/01vvyfh +/m/059kh /music/genre/artists /m/0p3r8 +/m/03rqww /people/person/profession /m/0dgd_ +/m/042xh /people/person/gender /m/02zsn +/m/0jfx1 /people/person/nationality /m/09c7w0 +/m/0ddfwj1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kxx1 +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/crewmember /m/0272kv +/m/02j9z /location/location/contains /m/03rt9 +/m/0d05w3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g970 +/m/0l56b /people/person/profession /m/0n1h +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/051wwp /people/person/nationality /m/09c7w0 +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/03bzyn4 /film/film/executive_produced_by /m/03c9pqt +/m/013nky /education/educational_institution/colors /m/083jv +/m/09fqgj /film/film/country /m/07ssc +/m/016z68 /people/person/gender /m/05zppz +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/04sskp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0htlr +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/02n9jv /people/profession/specialization_of /m/012t_z +/m/0pkr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065ym0c +/m/01tmng /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/027jq2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/01g5kv /people/person/profession /m/0dxtg +/m/02z9hqn /film/film/language /m/03_9r +/m/01hvjx /film/film/genre /m/0cshrf +/m/03pvt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/04cf_l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02l48d +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01b39j +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0fy6bh /time/event/instance_of_recurring_event /m/0g_w +/m/0164nb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028k57 /film/actor/film./film/performance/film /m/0gtsx8c +/m/04kllm9 /medicine/symptom/symptom_of /m/035482 +/m/04hpck /people/person/places_lived./people/place_lived/location /m/01tlmw +/m/03339m /music/genre/artists /m/03j_hq +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/01tgwv /award/award_category/disciplines_or_subjects /m/06n90 +/m/0123qq /tv/tv_program/languages /m/02h40lc +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/05qtj +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02lhm2 /people/person/profession /m/0dxtg +/m/0f1jhc /people/person/nationality /m/09c7w0 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fb6 +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05r7t +/m/0k57l /people/person/gender /m/05zppz +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/0jz71 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h08p /music/genre/artists /m/01w60_p +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/02gt5s /location/location/contains /m/0vg8x +/m/012x4t /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/04mz10g /people/person/place_of_birth /m/0f2tj +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0gvs1kt /film/film/genre /m/02n4kr +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03qhnx /location/location/time_zones /m/02llzg +/m/0ggq0m /music/genre/artists /m/012vd6 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/09qvf4 /award/award_category/category_of /m/0gcf2r +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0f4_l /film/film/genre /m/0219x_ +/m/039bp /people/person/languages /m/02h40lc +/m/01_4mn /business/business_operation/industry /m/01mw1 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0g5lhl7 +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/047gn4y /film/film/language /m/02h40lc +/m/0c0zq /film/film/film_festivals /m/0bmj62v +/m/0grwj /people/person/profession /m/03gjzk +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwvf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/043q6n_ /people/person/place_of_birth /m/030qb3t +/m/081pw /film/film_subject/films /m/05cvgl +/m/0184jw /film/actor/film./film/performance/film /m/01chpn +/m/01_0f7 /film/film/country /m/07ssc +/m/07gknc /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/027r7k /film/film/genre /m/03npn +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/0638kv /people/person/place_of_birth /m/0f2nf +/m/043js /people/person/nationality /m/09c7w0 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/09jwl /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/016k62 +/m/0b76d_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/027s39y /film/film/featured_film_locations /m/02_286 +/m/05yvfd /people/person/nationality /m/03rk0 +/m/0fhxv /people/person/gender /m/05zppz +/m/0fhxv /people/person/places_lived./people/place_lived/location /m/0bdg5 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfns +/m/04p5cr /tv/tv_program/genre /m/07s9rl0 +/m/0c4hgj /time/event/locations /m/030qb3t +/m/03z9585 /film/film/produced_by /m/027z0pl +/m/015pxr /people/person/gender /m/05zppz +/m/04j_gs /film/actor/film./film/performance/film /m/0gx1bnj +/m/01rwcgb /people/person/profession /m/0dz3r +/m/09p5mwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01j7mr /tv/tv_program/languages /m/02h40lc +/m/0gx_p /film/actor/film./film/performance/film /m/02tktw +/m/0640m69 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/05t7c1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05rznz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03clwtw /film/film/country /m/0345h +/m/01mt1fy /people/person/nationality /m/09c7w0 +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/0cmt6q +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01d5z +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/05mv4 /education/educational_institution/students_graduates./education/education/student /m/085pr +/m/01c1px /people/person/profession /m/0dxtg +/m/02k6rq /people/person/profession /m/02hrh1q +/m/09jrf /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0bq0p9 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/0mj0c /people/person/nationality /m/09c7w0 +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01hw6wq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01cj6y /film/actor/film./film/performance/film /m/011ysn +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01n7q /location/location/contains /m/0dwh5 +/m/03cxqp5 /people/person/gender /m/05zppz +/m/0ft7sr /people/person/profession /m/02ynfr +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09jd9 /people/person/profession /m/0cbd2 +/m/01t3h6 /location/location/time_zones /m/02hcv8 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/011j5x /music/genre/artists /m/0l8g0 +/m/064t9 /music/genre/artists /m/0djc3s +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/023zl /education/educational_institution/school_type /m/05jxkf +/m/02tq2r /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043sct5 +/m/049mql /film/film/language /m/02h40lc +/m/01wmjkb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jvtp /people/deceased_person/place_of_death /m/04qdj +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0rlz /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0dky9n /people/person/gender /m/05zppz +/m/01b9z4 /people/person/place_of_birth /m/0xn7b +/m/07h1tr /people/person/gender /m/05zppz +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/0chrx /location/location/time_zones /m/02fqwt +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/05wkw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/0g83dv /film/film/music /m/012ljv +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/03vyw8 +/m/02r9p0c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bpm4yw /film/film/costume_design_by /m/03y1mlp +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/07gkgp /people/person/nationality /m/0d060g +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0j46b +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0d05q4 /location/country/form_of_government /m/018wl5 +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/04l5b4 /sports/sports_team/colors /m/01l849 +/m/070ltt /tv/tv_program/country_of_origin /m/09c7w0 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07rzf /film/actor/film./film/performance/film /m/046f3p +/m/0vbk /location/location/contains /m/0qt85 +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0b4lkx /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01v3vp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/03kxj2 /film/film/genre /m/0vgkd +/m/0gr36 /people/person/languages /m/02h40lc +/m/05lfwd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/016z2j /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/07bch9 /people/ethnicity/people /m/0453t +/m/07bch9 /people/ethnicity/people /m/01vsyjy +/m/04r1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/04s430 /people/person/profession /m/09jwl +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/03flwk /people/deceased_person/place_of_death /m/0n2z +/m/02qfv5d /media_common/netflix_genre/titles /m/02x2jl_ +/m/05fjf /location/location/contains /m/0n5j_ +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/033tf_ /people/ethnicity/people /m/029ghl +/m/07_l6 /music/instrument/instrumentalists /m/016wvy +/m/071vr /sports/sports_team_location/teams /m/07147 +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03_d0 /music/genre/artists /m/021r7r +/m/01g42 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z4y /media_common/netflix_genre/titles /m/06x43v +/m/0g5pvv /film/film/language /m/02h40lc +/m/0xrzh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0cfhfz /film/film/country /m/09c7w0 +/m/0psss /people/person/nationality /m/02jx1 +/m/0psss /people/person/place_of_birth /m/04jpl +/m/0jrtv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f3zsq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/047jhq /people/person/profession /m/0np9r +/m/015f47 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l2fn /film/actor/film./film/performance/film /m/0gx1bnj +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02v406 /film/actor/film./film/performance/film /m/02sg5v +/m/03y3bp7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06cddt +/m/0jq2r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/041c4 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bxtg /film/actor/film./film/performance/film /m/04hwbq +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/04f52jw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvjr +/m/02gx2k /award/award_category/category_of /m/0c4ys +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0ptxj /film/film/written_by /m/06kbb6 +/m/01vs14j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/02x8s9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0265vt /award/award_category/disciplines_or_subjects /m/02xlf +/m/03cw411 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/011lpr +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/06j0md +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/025mb_ +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/024n3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08c4yn /film/film/country /m/07ssc +/m/04l19_ /people/person/nationality /m/09c7w0 +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0146pg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/0b1zz /influence/influence_node/influenced_by /m/05xq9 +/m/049tjg /people/person/nationality /m/09c7w0 +/m/0315rp /film/film/genre /m/02kdv5l +/m/057lbk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f7hc /people/person/languages /m/02h40lc +/m/02k1pr /film/film/genre /m/01jfsb +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0392kz /film/actor/film./film/performance/film /m/02vw1w2 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0d060g /location/location/contains /m/0fnx1 +/m/0djkrp /film/film/production_companies /m/025jfl +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0345h /sports/sports_team_location/teams /m/01l3wr +/m/0fpj4lx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0241y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/088vmr /music/genre/artists /m/07r4c +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ct_k +/m/019fbp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09z2b7 /film/film/executive_produced_by /m/05hj_k +/m/05zvzf3 /film/film/film_format /m/0cj16 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/08hmch /film/film/executive_produced_by /m/079vf +/m/027pfg /film/film/featured_film_locations /m/0fttg +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03dn9v /film/actor/film./film/performance/film /m/099bhp +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/09c7w0 /location/location/contains /m/01q0kg +/m/09c7w0 /location/location/contains /m/01m8dg +/m/09c7w0 /location/country/second_level_divisions /m/0fczy +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/031zkw /people/person/gender /m/05zppz +/m/0jt90f5 /influence/influence_node/influenced_by /m/019gz +/m/02kgb7 /award/award_category/winners./award/award_honor/award_winner /m/04wqr +/m/0342h /music/instrument/instrumentalists /m/01hgwkr +/m/0342h /music/instrument/instrumentalists /m/01y_rz +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03fnyk /people/person/profession /m/01d_h8 +/m/066yfh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03wh8pq /people/person/profession /m/03gjzk +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01rv7x /people/ethnicity/people /m/0dfjb8 +/m/01sbf2 /people/person/profession /m/0nbcg +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/01f1r4 /education/educational_institution/students_graduates./education/education/student /m/0kjgl +/m/027l4q /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/015rhv +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0y3 +/m/0147jt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05zl0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsps +/m/02jr26 /film/actor/film./film/performance/film /m/06lpmt +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/0190yn /music/genre/artists /m/01x1cn2 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cl1 +/m/04w7rn /film/film/language /m/064_8sq +/m/01wqlc /music/genre/artists /m/0h6sv +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/04hwbq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/010xjr /people/person/profession /m/0cbd2 +/m/01bpnd /people/person/profession /m/039v1 +/m/049ql1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/04bdxl /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/06f32 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/085h1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h336 /people/person/profession /m/0cbd2 +/m/01qdjm /people/person/gender /m/05zppz +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03dctt /people/person/profession /m/02jknp +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/018qpq +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l6dy +/m/059g4 /base/locations/continents/countries_within /m/06ryl +/m/0cq8nx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0brkwj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cskb +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gzy02 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_gd +/m/09k0h5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07dfk +/m/022g44 /film/actor/film./film/performance/film /m/09q5w2 +/m/03c7ln /people/person/profession /m/039v1 +/m/01k8rb /film/actor/film./film/performance/film /m/0kbwb +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/087c7 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/05c74 /location/country/form_of_government /m/01fpfn +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0170z3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01rm8b /music/artist/origin /m/052bw +/m/05ksh /sports/sports_team_location/teams /m/05pcr +/m/02jx1 /location/location/contains /m/04jpl +/m/01ty7ll /people/person/nationality /m/09c7w0 +/m/0hsn_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05cc1 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/05qw5 /music/group_member/membership./music/group_membership/group /m/017lb_ +/m/0738b8 /film/actor/film./film/performance/film /m/02mc5v +/m/03gn1x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/027f7dj /people/person/profession /m/02hrh1q +/m/0mdyn /people/person/places_lived./people/place_lived/location /m/0281y0 +/m/0172rj /music/genre/artists /m/015196 +/m/0l_v1 /base/aareas/schema/administrative_area/administrative_parent /m/0hjy +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/04d817 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02vy5j /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/017_qw /music/genre/artists /m/0641g8 +/m/0c4y8 /people/person/profession /m/0cbd2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ptxj +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01d494 /influence/influence_node/influenced_by /m/0dzkq +/m/096ysw /music/record_label/artist /m/02mq_y +/m/01x0sy /people/person/nationality /m/09c7w0 +/m/0d608 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0828jw /tv/tv_program/genre /m/07s9rl0 +/m/02wm6l /location/country/capital /m/07_pf +/m/0g69lg /people/person/gender /m/05zppz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0404wqb +/m/0cqnss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03f6fl0 /people/person/profession /m/0fnpj +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/01399x +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gnbw +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01xsc9 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzw5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pxcf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/01w_10 /people/person/place_of_birth /m/0mpbx +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07c5l /location/location/contains /m/0162v +/m/04_1l0v /location/location/time_zones /m/02fqwt +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0d2by /people/ethnicity/languages_spoken /m/03115z +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d66j2 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/02t_99 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04m064 /film/actor/film./film/performance/film /m/08fn5b +/m/016yxn /film/film/language /m/02h40lc +/m/06by7 /music/genre/artists /m/02jqjm +/m/06by7 /music/genre/artists /m/017vkx +/m/06by7 /music/genre/artists /m/01bpnd +/m/044lyq /film/actor/film./film/performance/film /m/0286vp +/m/0191h5 /people/person/gender /m/05zppz +/m/01cz7r /film/film/film_format /m/07fb8_ +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/017gm7 /film/film/story_by /m/041h0 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/016yzz /people/person/profession /m/02hrh1q +/m/03gkn5 /people/person/gender /m/05zppz +/m/016nvh /people/person/profession /m/0dz3r +/m/0432_5 /film/film/genre /m/03q4nz +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0bz60q /people/person/place_of_birth /m/0cr3d +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01tp5bj /people/person/religion /m/0c8wxp +/m/05bcl /location/country/official_language /m/02h40lc +/m/01nr63 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/013yq /sports/sports_team_location/teams /m/0jm64 +/m/033p3_ /people/person/gender /m/02zsn +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0jbp0 /influence/influence_node/influenced_by /m/0byfz +/m/06t2t2 /film/film/genre /m/05p553 +/m/0ffjqy /people/ethnicity/people /m/05d1y +/m/03q58q /music/record_label/artist /m/0ql36 +/m/020923 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jj93 /people/person/nationality /m/02jx1 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/049dyj /base/eating/practicer_of_diet/diet /m/07_hy +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/01vvyd8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0498y /location/location/contains /m/0f__1 +/m/0138mv /sports/sports_team/colors /m/019sc +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/04l3_z /people/person/profession /m/01d_h8 +/m/04gcd1 /people/person/profession /m/02hrh1q +/m/0gd5z /people/person/profession /m/0kyk +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/018phr /people/person/profession /m/09jwl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/0dtfn /film/film/production_companies /m/0kx4m +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/07x4qr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04yywz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0d7wh /people/ethnicity/people /m/0prjs +/m/0d7wh /people/ethnicity/people /m/08z39v +/m/0b1xl /education/educational_institution/colors /m/04mkbj +/m/02xb2bt /people/person/nationality /m/02jx1 +/m/07m77x /film/actor/film./film/performance/film /m/08952r +/m/028k2x /tv/tv_program/genre /m/025s89p +/m/05bpg3 /film/actor/film./film/performance/film /m/0b7l4x +/m/0mj1l /film/actor/film./film/performance/film /m/01rwyq +/m/04pk1f /film/film/genre /m/0jdm8 +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/015q43 /people/person/nationality /m/07ssc +/m/02k_kn /music/genre/artists /m/020jqv +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/02fwfb /film/film/country /m/0ctw_b +/m/0d61px /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07p12s /film/film/genre /m/01jfsb +/m/09lvl1 /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0h005 /people/deceased_person/place_of_death /m/06_kh +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04hqz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f04v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ng8v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jpy_ +/m/023gxx /film/film/production_companies /m/09b3v +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0k6nt /location/location/time_zones /m/02llzg +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09f2j +/m/034hck /people/person/profession /m/01d_h8 +/m/03lmx1 /people/ethnicity/people /m/08c9b0 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zfdp +/m/0gfh84d /film/film/genre /m/0hfjk +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/01p896 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01hmnh /media_common/netflix_genre/titles /m/02dpl9 +/m/01hmnh /media_common/netflix_genre/titles /m/017jd9 +/m/06rq2l /people/person/profession /m/0dxtg +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0b1y_2 +/m/0dq9wx /people/person/profession /m/0kyk +/m/0f2c8g /people/person/nationality /m/03rk0 +/m/0dlglj /film/actor/film./film/performance/film /m/08nvyr +/m/03f22dp /people/person/nationality /m/03rk0 +/m/0pgjm /people/person/profession /m/02hrh1q +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0d6d2 /people/person/profession /m/02hrh1q +/m/013b6_ /people/ethnicity/people /m/06myp +/m/03d63lb /people/person/gender /m/05zppz +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/018p5f +/m/02gqm3 /film/film/language /m/02h40lc +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/03mqj_ /sports/sports_team/colors /m/038hg +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/043g7l /music/record_label/artist /m/01309x +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01lyv /music/genre/artists /m/01m15br +/m/03k48_ /people/person/profession /m/018gz8 +/m/0ply0 /location/location/time_zones /m/02hcv8 +/m/058frd /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/041rx /people/ethnicity/people /m/0bl2g +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rq2l +/m/0484q /influence/influence_node/influenced_by /m/073bb +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/01vl17 /people/person/profession /m/015h31 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0b9rdk +/m/07cbs /people/person/profession /m/04gc2 +/m/0gnjh /film/film/genre /m/02l7c8 +/m/0gnjh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/07cn2c /people/person/place_of_birth /m/03902 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01gp_d +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/01gzm2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vwllw /film/actor/film./film/performance/film /m/09hy79 +/m/07t21 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0kxbc /people/person/gender /m/05zppz +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0250f /people/person/profession /m/015h31 +/m/06w38l /people/deceased_person/place_of_death /m/015zxh +/m/0gct_ /people/person/gender /m/05zppz +/m/02__34 /film/film/genre /m/082gq +/m/016ybr /music/genre/artists /m/017lb_ +/m/0h5f5n /people/person/profession /m/01d_h8 +/m/0693l /people/person/profession /m/0dgd_ +/m/04fc6c /organization/organization/child./organization/organization_relationship/child /m/073tm9 +/m/04p3w /people/cause_of_death/people /m/0d6d2 +/m/06cp5 /music/genre/artists /m/04n65n +/m/0dqcs3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pj8m /people/person/languages /m/01c7y +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/02h9_l +/m/070yzk /film/actor/film./film/performance/film /m/01shy7 +/m/03shpq /film/film/featured_film_locations /m/02_286 +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/01pjr7 +/m/01pgzn_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rhqg /music/record_label/artist /m/01309x +/m/03rhqg /music/record_label/artist /m/02hzz +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03t95n +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/017l96 /music/record_label/artist /m/01p0vf +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/019pkm +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02qkt /location/location/contains /m/03_xj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/01xlqd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fb0v /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/064lsn /film/film/language /m/04306rv +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0642xf3 /film/film/language /m/02hwyss +/m/09x3r /olympics/olympic_games/participating_countries /m/06f32 +/m/04f_d /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/04f_d /location/hud_county_place/place /m/04f_d +/m/0m7yh /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/01zwy /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/05dbf /film/actor/film./film/performance/film /m/02_nsc +/m/0g28b1 /people/person/profession /m/02hrh1q +/m/04v3q /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/070w7s /people/person/nationality /m/09c7w0 +/m/01243b /music/genre/artists /m/0838y +/m/03shp /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04sj3 +/m/01mgw /film/film/language /m/0653m +/m/0gcs9 /people/person/profession /m/0nbcg +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj9tn5 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05gp3x +/m/09v42sf /film/film/genre /m/0vgkd +/m/0x3r3 /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/04mvp8 /people/ethnicity/people /m/05gc0h +/m/02qx69 /film/actor/film./film/performance/film /m/02stbw +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0gry51 /people/person/place_of_birth /m/095w_ +/m/03mnn0 /film/film/featured_film_locations /m/02dtg +/m/016ypb /film/actor/film./film/performance/film /m/0cc846d +/m/03wjb7 /people/person/gender /m/05zppz +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/05t2fh4 /time/event/locations /m/02j9z +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/02hrlh +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wp8w7 +/m/04g9gd /film/film/country /m/0f8l9c +/m/02sjf5 /film/actor/film./film/performance/film /m/032clf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/072x7s /film/film/featured_film_locations /m/04v3q +/m/02hxhz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014ps4 /influence/influence_node/influenced_by /m/03j0d +/m/01hdht /people/person/profession /m/02hrh1q +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/05zpghd /film/film/film_festivals /m/04_m9gk +/m/0kt_4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01qcx_ /location/location/time_zones /m/02hcv8 +/m/022769 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/05631 /tv/tv_program/program_creator /m/081nh +/m/07ccs /education/educational_institution/students_graduates./education/education/student /m/014ps4 +/m/04gd8j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0gk4g /people/cause_of_death/people /m/0flddp +/m/01m42d0 /film/actor/film./film/performance/film /m/0gzy02 +/m/01n7qlf /film/actor/film./film/performance/film /m/05650n +/m/01n7qlf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dtcb /music/record_label/artist /m/014_lq +/m/01dtcb /music/record_label/artist /m/016fmf +/m/0cj2w /people/person/nationality /m/07ssc +/m/0dd6bf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cv_gy +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/058kh7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/0167km /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/03dpqd /film/actor/film./film/performance/film /m/043n1r5 +/m/0f6lx /film/film_subject/films /m/077q8x +/m/05sy0cv /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03c_cxn /film/film/edited_by /m/03crcpt +/m/0dryh9k /people/ethnicity/people /m/02vmzp +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/02hnl /music/instrument/instrumentalists /m/012z8_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/042g97 /film/film/country /m/09c7w0 +/m/042g97 /film/film/genre /m/05p553 +/m/0gxfz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01_x6v /people/person/profession /m/0cbd2 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/0ws7 +/m/09g8vhw /film/film/prequel /m/03tps5 +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/0lgsq +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/033qdy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02mpb /people/person/profession /m/0kyk +/m/07gxw /music/genre/artists /m/01w9wwg +/m/0cy__l /film/film/genre /m/07s9rl0 +/m/0czyxs /film/film/film_format /m/017fx5 +/m/07rd7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01nkxvx /people/person/gender /m/02zsn +/m/058cm /location/hud_county_place/place /m/058cm +/m/01kp_1t /people/person/profession /m/02hrh1q +/m/03x16f /people/person/places_lived./people/place_lived/location /m/01m7mv +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/062zm5h /film/film/story_by /m/046_v +/m/02ctc6 /film/film/language /m/03hkp +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0byfz /film/actor/film./film/performance/film /m/0m9p3 +/m/02vxq9m /film/film/featured_film_locations /m/04jpl +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qd04y +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02ckl3 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0z05l +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtv7pk +/m/044bn /people/person/profession /m/02hrh1q +/m/06pcz0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ynwqj +/m/06fvc /film/film/genre /m/07s9rl0 +/m/01p9hgt /people/person/nationality /m/02jx1 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/02p76f9 /film/film/genre /m/07s9rl0 +/m/0kh6b /people/person/profession /m/03gjzk +/m/017yfz /people/person/nationality /m/09c7w0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jt3tjf +/m/0299hs /film/film/genre /m/06nbt +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0dcz8_ +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01cqz5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08jyyk /music/genre/artists /m/012ycy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/040p_q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06thjt +/m/0l30v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04v048 /people/person/nationality /m/09c7w0 +/m/025twgt /film/film/language /m/02h40lc +/m/0c_zj /education/educational_institution/students_graduates./education/education/student /m/02cpb7 +/m/06y57 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/01hb1t /education/educational_institution_campus/educational_institution /m/01hb1t +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/02ny8t /music/genre/artists /m/0j1yf +/m/05lwjc /music/genre/artists /m/011z3g +/m/06hmd /influence/influence_node/influenced_by /m/014nvr +/m/0chghy /location/country/form_of_government /m/018wl5 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/081lh /people/person/profession /m/09jwl +/m/0g5y6 /people/ethnicity/people /m/0fqyzz +/m/0mz73 /film/actor/film./film/performance/film /m/07z6xs +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/04r7p +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/0mnsf /location/hud_county_place/place /m/0mnsf +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/02khs /location/country/form_of_government /m/06cx9 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/052hl /people/person/profession /m/01c72t +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/01flzq /music/genre/artists /m/01vvyd8 +/m/0ckcvk /people/person/profession /m/05vyk +/m/012v9y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xhtw /music/genre/artists /m/0134s5 +/m/04hpck /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0g768 /music/record_label/artist /m/07s3vqk +/m/0g768 /music/record_label/artist /m/0137n0 +/m/04xvlr /media_common/netflix_genre/titles /m/047tsx3 +/m/04crrxr /people/person/profession /m/02hrh1q +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04shbh +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/0bwh6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/05mlqj /people/person/profession /m/0np9r +/m/016tvq /tv/tv_program/genre /m/01z4y +/m/049qx /people/person/profession /m/0cbd2 +/m/0kvt9 /location/location/contains /m/0lfyx +/m/035xwd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlkc3 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0q9kd +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/046qq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/04hvw /location/country/form_of_government /m/01fpfn +/m/09y20 /film/actor/film./film/performance/film /m/0ds11z +/m/0h1cdwq /film/film/genre /m/04rlf +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0vmt /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lcdk /medicine/disease/risk_factors /m/01hbgs +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/05pzdk /people/person/profession /m/0dxtg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/081pw /film/film_subject/films /m/03xj05 +/m/01csrl /people/person/gender /m/02zsn +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gs1_ /people/person/nationality /m/09c7w0 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/04x4s2 +/m/05bt6j /music/genre/artists /m/01s21dg +/m/01633c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027r7k /film/film/genre /m/01jfsb +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05q9g1 +/m/0s69k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0797c7 /organization/organization/headquarters./location/mailing_address/citytown /m/0cv3w +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01q_ph /people/person/profession /m/0np9r +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/06mmb /people/person/place_of_birth /m/03l2n +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/023p29 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0qlrh /location/hud_county_place/place /m/0qlrh +/m/0gdqy /award/award_nominee/award_nominations./award/award_nomination/award /m/09ly2r6 +/m/02_1ky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04yqlk +/m/021npv /film/actor/film./film/performance/film /m/04kzqz +/m/046zh /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0152x_ /organization/organization/place_founded /m/05fjf +/m/07w8fz /film/film/language /m/02h40lc +/m/03v1s /location/location/contains /m/0nt4s +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0k_kr /music/record_label/artist /m/02cw1m +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01fl3 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01wj92r +/m/0640m69 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/02x08c /people/person/gender /m/05zppz +/m/018vs /music/instrument/instrumentalists /m/0285c +/m/033db3 /people/person/profession /m/02hrh1q +/m/0ggbfwf /film/film/language /m/02h40lc +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cj4r +/m/02wgln /film/actor/film./film/performance/film /m/05pdd86 +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0p__8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01718w /film/film/language /m/0653m +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01w20rx /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/044qx /people/person/gender /m/05zppz +/m/07j8r /film/film/genre /m/01jfsb +/m/01z9l_ /music/genre/parent_genre /m/01g_bs +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/035dk /location/country/form_of_government /m/01d9r3 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/087pfc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/087pfc /film/film/language /m/05zjd +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/01ljpm /education/educational_institution/campuses /m/01ljpm +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02xtxw +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01y665 /people/person/religion /m/03_gx +/m/0cgfb /people/person/profession /m/0nbcg +/m/011k1h /music/record_label/artist /m/03j1p2n +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/01pwz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/064t9 /music/genre/artists /m/01v27pl +/m/064t9 /music/genre/artists /m/0phx4 +/m/064t9 /music/genre/artists /m/0152cw +/m/025t8bv /music/record_label/artist /m/011zf2 +/m/06bnz /location/country/official_language /m/06b_j +/m/01540 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/01w565 /music/record_label/artist /m/01kymm +/m/07f5x /location/location/time_zones /m/03bdv +/m/03t97y /film/film/genre /m/0g092b +/m/019nnl /tv/tv_program/genre /m/095bb +/m/0l14md /music/instrument/instrumentalists /m/01vtg4q +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/05v8c /sports/sports_team_location/teams /m/04k3r_ +/m/02swsm /music/record_label/artist /m/0bk1p +/m/03gfvsz /broadcast/content/artist /m/02jq1 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/069_0y /people/person/profession /m/02jknp +/m/02frhbc /location/hud_county_place/place /m/02frhbc +/m/07qg8v /film/film/genre /m/03q4nz +/m/04vs9 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0kv2hv /film/film/genre /m/0bbc17 +/m/0fr61 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fr61 /location/location/time_zones /m/02hcv8 +/m/0g83dv /film/film/film_format /m/07fb8_ +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/01ypsj +/m/01w1sx /film/film_subject/films /m/0q9sg +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nbzp +/m/01sb5r /people/person/places_lived./people/place_lived/location /m/0xmp9 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0n6f8 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0kf9p /base/biblioness/bibs_location/state /m/081yw +/m/0vkl2 /education/educational_institution/school_type /m/07tf8 +/m/038w8 /people/deceased_person/place_of_death /m/0ljsz +/m/06s27s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04913k +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0dszr0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013pk3 +/m/0mkdm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02z7f3 /music/genre/artists /m/06y9c2 +/m/02vp1f_ /film/film/genre /m/07s9rl0 +/m/01wbsdz /people/person/profession /m/0dz3r +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0s3y5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0s3pw +/m/01lbp /people/person/religion /m/01lp8 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/07bch9 /people/ethnicity/people /m/0d06m5 +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0pyww /film/actor/film./film/performance/film /m/0sxns +/m/0gndh /film/film/costume_design_by /m/025_nbr +/m/03ts0c /people/ethnicity/people /m/0lcx +/m/0mb2b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02txdf /education/university/fraternities_and_sororities /m/0325pb +/m/01rthc /music/genre/artists /m/04s5_s +/m/052_mn /film/film/music /m/01mz9lt +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04110lv +/m/0fztbq /film/film/genre /m/02kdv5l +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01cssf /film/film/cinematography /m/0cqh57 +/m/01qh7 /location/location/contains /m/05bnq8 +/m/02ln0f /education/university/fraternities_and_sororities /m/035tlh +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02pptm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03f19q4 /people/person/place_of_birth /m/02_286 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0h96g +/m/0f14q /people/person/nationality /m/09c7w0 +/m/04shbh /people/person/profession /m/02hrh1q +/m/01wmgrf /people/person/profession /m/0dz3r +/m/0dj5q /people/person/profession /m/099md +/m/047jhq /people/person/gender /m/02zsn +/m/01l2fn /people/person/gender /m/02zsn +/m/029pnn /people/person/gender /m/05zppz +/m/0181hw /business/business_operation/industry /m/02jjt +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02_j8x /film/actor/film./film/performance/film /m/02qhqz4 +/m/01vvycq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h7pj /film/actor/film./film/performance/film /m/01l_pn +/m/065zlr /film/film/cinematography /m/027t8fw +/m/04fv5b /film/film/genre /m/0fdjb +/m/01hkck /people/person/place_of_birth /m/0b_cr +/m/024lt6 /film/film/film_festivals /m/0kfhjq0 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03g5_y /influence/influence_node/influenced_by /m/02g8h +/m/0241jw /people/person/gender /m/05zppz +/m/026l37 /film/actor/film./film/performance/film /m/0_816 +/m/03sxd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/0f7hc /influence/influence_node/influenced_by /m/0427y +/m/01j5ql /film/film/produced_by /m/05nn4k +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02lnbg /music/genre/artists /m/01vrt_c +/m/09tqkv2 /film/film/language /m/02h40lc +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01bb9r /film/film/genre /m/05p553 +/m/01bb9r /film/film/executive_produced_by /m/0glyyw +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/043ljr /music/record_label/artist /m/051m56 +/m/09kr66 /people/ethnicity/people /m/027l0b +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01g_bs /music/genre/artists /m/0m19t +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/08849 /people/person/place_of_birth /m/01w2v +/m/027pfg /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/01svw8n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06w87 /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/02s2wq /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/02zcnq +/m/09c7w0 /location/country/second_level_divisions /m/0myfz +/m/09c7w0 /location/country/second_level_divisions /m/0mwq7 +/m/03rwz3 /organization/organization/child./organization/organization_relationship/child /m/06jntd +/m/0342h /music/instrument/instrumentalists /m/01wqpnm +/m/0342h /music/instrument/instrumentalists /m/01vrnsk +/m/0pk41 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01h910 /people/person/profession /m/02hrh1q +/m/0nm87 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0509cr /music/genre/artists /m/012z8_ +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/02v63m /film/film/genre /m/0219x_ +/m/013bd1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06sn8m /people/person/profession /m/01d_h8 +/m/09n48 /olympics/olympic_games/participating_countries /m/02wt0 +/m/03mnk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/011yhm /film/film/genre /m/0vgkd +/m/0jltp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bxqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l34j +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/047hpm /film/actor/film./film/performance/film /m/02z3r8t +/m/035gnh /film/film/executive_produced_by /m/0ksf29 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/04w7rn /film/film/genre /m/06www +/m/022_lg /people/person/gender /m/05zppz +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/02fcs2 +/m/0c4b8 /location/country/official_language /m/02bv9 +/m/0109vk /location/location/time_zones /m/02fqwt +/m/06t8v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01pj7 +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/04kzqz /film/film/genre /m/060__y +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hd6f +/m/03txms /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/06f32 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d9_96 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/035qy +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06fc0b /film/actor/film./film/performance/film /m/0cbv4g +/m/0h336 /people/person/profession /m/05z96 +/m/01qdjm /people/person/profession /m/09jwl +/m/02knxx /people/cause_of_death/people /m/03s9b +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06btq +/m/02bxd /music/instrument/instrumentalists /m/01y_rz +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/07rzf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxmx +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4p0 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hjmd +/m/0d9v9q /people/person/nationality /m/0162v +/m/0h0yt /people/person/profession /m/0cbd2 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/011lvx +/m/04yt7 /people/person/profession /m/0cbd2 +/m/06jrhz /people/person/profession /m/0cbd2 +/m/0gtsx8c /film/film/genre /m/05p553 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gm9n +/m/0ywqc /film/actor/film./film/performance/film /m/02qr3k8 +/m/02zs4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02825nf /film/film/language /m/02hwhyv +/m/01z5tr /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01vvb4m /film/actor/film./film/performance/film /m/02725hs +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0bvn25 /film/film/featured_film_locations /m/030qb3t +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0g476 +/m/01fmys /film/film/genre /m/0lsxr +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0hhggmy /film/film/genre /m/02kdv5l +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01zlh5 /people/person/profession /m/012t_z +/m/0z07 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0myn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n228 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/01vrkdt /people/person/place_of_birth /m/030qb3t +/m/01xcqc /film/actor/film./film/performance/film /m/04sh80 +/m/05kwx2 /film/actor/film./film/performance/film /m/031786 +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/04f73rc /music/genre/artists /m/016lj_ +/m/01fv4z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04qsdh /people/person/profession /m/05z96 +/m/01mz9lt /people/person/profession /m/02hrh1q +/m/01l_pn /film/film/film_format /m/07fb8_ +/m/04gb7 /film/film_subject/films /m/038bh3 +/m/013f1h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dln8jk /film/film/language /m/02h40lc +/m/01cf93 /music/record_label/artist /m/01vsy95 +/m/0fb7sd /film/film/film_format /m/07fb8_ +/m/0g69lg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xfb /people/person/places_lived./people/place_lived/location /m/0hzlz +/m/06x43v /film/film/country /m/0345h +/m/01pcz9 /people/person/nationality /m/0chghy +/m/03x2qp /music/genre/artists /m/01693z +/m/0bwfn /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/0hdf8 /music/genre/artists /m/01386_ +/m/025j1t /people/person/place_of_birth /m/02dtg +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0_92w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06_bq1 /people/person/nationality /m/09c7w0 +/m/05n6sq /film/film/language /m/02h40lc +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/027l0b /people/person/nationality /m/09c7w0 +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04znsy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/051cc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0p_jc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0778p +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/023ny6 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bv7t /influence/influence_node/influenced_by /m/084w8 +/m/04wqsm /sports/sports_team/colors /m/06fvc +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06j8wx +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0136jw /location/location/time_zones /m/02hcv8 +/m/06by7 /music/genre/artists /m/0mgcr +/m/06by7 /music/genre/artists /m/023p29 +/m/0bxbb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cz7r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cszh /music/record_label/artist /m/086qd +/m/026lgs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w7gg /people/ethnicity/people /m/02tn0_ +/m/02yl42 /people/person/profession /m/0kyk +/m/0f2v0 /sports/sports_team_location/teams /m/07kcvl +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/016nvh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jbx1 /people/person/nationality /m/09c7w0 +/m/01jbx1 /people/person/profession /m/0d2ww +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hmk9 +/m/02nb2s /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/04xhwn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014_x2 /film/film/genre /m/01jfsb +/m/01385g /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03qk20 /music/record_label/artist /m/01wyz92 +/m/025g__ /music/genre/artists /m/012d40 +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0g56t9t /film/film/language /m/02h40lc +/m/021lby /people/person/profession /m/02hrh1q +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bb47 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0gtsxr4 /film/film/genre /m/0hcr +/m/05w3f /music/genre/artists /m/0qmpd +/m/03pc89 /film/film/language /m/02h40lc +/m/017d77 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01z4y +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dclg +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0gp5l6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f04v +/m/02yv6b /music/genre/artists /m/0134tg +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048lv +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hwq +/m/040_lv /film/film/genre /m/07s9rl0 +/m/0ggx5q /music/genre/artists /m/01dwrc +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/055c8 +/m/032w8h /film/actor/film./film/performance/film /m/035s95 +/m/0298n7 /film/film/language /m/02h40lc +/m/02661h /people/person/profession /m/02hrh1q +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0hz6mv2 /film/film/genre /m/04t36 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fr63l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014b6c /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/018_q8 /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/0g1x2_ /film/film_subject/films /m/035xwd +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/04yc76 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hc9_ /influence/influence_node/influenced_by /m/081k8 +/m/01w1ywm /people/person/profession /m/0np9r +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yr0 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/02rk45 +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/06r_by +/m/0d61px /film/film/genre /m/02kdv5l +/m/02q7fl9 /film/film/country /m/0345h +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/09wnnb /film/film/produced_by /m/01t6b4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nm9h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fq8f +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b_yz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01x73 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0mw89 /location/location/time_zones /m/02hcv8 +/m/043n0v_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vs8ng /people/person/gender /m/02zsn +/m/02w4v /music/genre/artists /m/0136pk +/m/063tn /people/person/profession /m/0cbd2 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06cv1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0693l +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0f2sx4 /film/film/language /m/02h40lc +/m/0pgjm /people/person/profession /m/0dxtg +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/0hr3g /people/person/languages /m/04306rv +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/013b6_ /people/ethnicity/people /m/01t94_1 +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/081m_ +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dy7j +/m/07cw4 /film/film/language /m/06nm1 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fx4k +/m/011wtv /film/film/genre /m/0lsxr +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01cwm1 /sports/sports_team/colors /m/083jv +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0gd_s /influence/influence_node/influenced_by /m/0dzkq +/m/0133sq /people/person/nationality /m/02jx1 +/m/02r7lqg /sports/sports_team/sport /m/03tmr +/m/0170pk /film/actor/film./film/performance/film /m/04z4j2 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/06mn7 /people/person/religion /m/03_gx +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0hskw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/0btpm6 /film/film/production_companies /m/02hvd +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06gd4 /people/person/profession /m/039v1 +/m/06gd4 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/026lj /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0gd_s +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g56t9t +/m/07hwkr /people/ethnicity/people /m/05hj_k +/m/02qnhk1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cn2c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0155w /music/genre/artists /m/01f9zw +/m/0grmhb /people/person/profession /m/02krf9 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0lx2l /base/eating/practicer_of_diet/diet /m/07_jd +/m/083q7 /people/deceased_person/place_of_death /m/0rh6k +/m/0340hj /film/film/produced_by /m/02xnjd +/m/0ctb4g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dgst_d /film/film/genre /m/07s9rl0 +/m/05dy7p /film/film/genre /m/03bxz7 +/m/0kcdl /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05prs8 /people/person/profession /m/0cbd2 +/m/027kmrb /people/person/nationality /m/09c7w0 +/m/0126rp /film/actor/film./film/performance/film /m/09xbpt +/m/015_1q /music/record_label/artist /m/04f7c55 +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cw3yd +/m/09889g /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07xvf +/m/03whyr /film/film/production_companies /m/09b3v +/m/05np2 /influence/influence_node/influenced_by /m/02lt8 +/m/01699 /location/country/form_of_government /m/06cx9 +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01q4qv /people/person/profession /m/02jknp +/m/05jg58 /music/genre/artists /m/01wvxw1 +/m/03n3gl /film/film/genre /m/01q03 +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/050zr4 /film/actor/film./film/performance/film /m/0jdgr +/m/05ty4m /people/person/nationality /m/09c7w0 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03t8v3 +/m/0cbn7c /film/film/language /m/02h40lc +/m/0d9kl /film/actor/film./film/performance/film /m/03h3x5 +/m/02m501 /film/actor/film./film/performance/film /m/01b195 +/m/044k8 /influence/influence_node/influenced_by /m/012vd6 +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/0dw3l /people/person/profession /m/0dz3r +/m/07kh6f3 /film/film/genre /m/0lsxr +/m/03vgp7 /film/actor/film./film/performance/film /m/0299hs +/m/06n9lt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0g5pv3 /film/film/language /m/02bjrlw +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0419kt /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/052smk /music/genre/parent_genre /m/02r6mf +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01d4cb /people/person/profession /m/039v1 +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/013q0p /film/film/genre /m/07s2s +/m/07nx9j /film/actor/film./film/performance/film /m/0340hj +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0d060g +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/01dzz7 /people/person/gender /m/05zppz +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02pbzv +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/016h9b /people/person/profession /m/0dz3r +/m/039wsf /film/actor/film./film/performance/film /m/0571m +/m/0blq0z /film/actor/film./film/performance/film /m/062zjtt +/m/04cmrt /people/person/languages /m/09s02 +/m/01jfrg /people/person/place_of_birth /m/03l2n +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/014ps4 /people/person/place_of_birth /m/02_286 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/096lf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/031296 +/m/0cj2t3 /people/person/gender /m/02zsn +/m/0b6mgp_ /people/person/profession /m/02tx6q +/m/0pkyh /music/group_member/membership./music/group_membership/group /m/04k05 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01p1z_ +/m/0yjvm /location/location/time_zones /m/02hcv8 +/m/05jf85 /film/film/genre /m/0219x_ +/m/0gk4g /people/cause_of_death/people /m/0cyhq +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/03nymk /tv/tv_program/genre /m/0hcr +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/0grwj +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/019v67 /business/business_operation/industry /m/02vxn +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kjgl +/m/03dpqd /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0f6lx /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/02sch9 /people/ethnicity/people /m/03fwln +/m/07w5rq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03x23q /education/educational_institution_campus/educational_institution /m/03x23q +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02pzc4 /people/person/profession /m/01c72t +/m/06lpmt /film/film/genre /m/02l7c8 +/m/014z8v /film/actor/film./film/performance/film /m/03l6q0 +/m/06d4h /film/film_subject/films /m/023gxx +/m/07c52 /media_common/netflix_genre/titles /m/0qmk5 +/m/07c52 /film/film_subject/films /m/034qzw +/m/0560w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0l2xl /location/location/contains /m/0mhdz +/m/0dgpwnk /film/film/genre /m/07s9rl0 +/m/01x6v6 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/04fzfj /film/film/language /m/06nm1 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pdhz +/m/038723 /people/ethnicity/people /m/09yrh +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/0140t7 /music/group_member/membership./music/group_membership/group /m/0dtd6 +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/02r0st6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0478__m /influence/influence_node/influenced_by /m/01vs_v8 +/m/018ysx /music/genre/parent_genre /m/0133_p +/m/0l6mp /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0124ld /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0fjyzt /film/film/story_by /m/0hcvy +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07tds +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01crd5 +/m/0778p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/027ct7c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pmhf /people/person/religion /m/01lp8 +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0b005 /tv/tv_program/genre /m/0c031k6 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/02n9k /people/person/gender /m/02zsn +/m/0dxmyh /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0ddfwj1 /film/film/language /m/02h40lc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01h788 +/m/02yplc /film/actor/film./film/performance/film /m/07yvsn +/m/09v3hq_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0k9j_ /film/actor/film./film/performance/film /m/016y_f +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/070g7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059xvg /film/actor/film./film/performance/film /m/0353tm +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01wgr /language/human_language/countries_spoken_in /m/03gk2 +/m/07p62k /film/film/music /m/01mkn_d +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/0418ft /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/051wwp /film/actor/film./film/performance/film /m/09qycb +/m/03lpp_ /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/07l5z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04cbtrw /influence/influence_node/influenced_by /m/073v6 +/m/0q9kd /people/person/profession /m/02jknp +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01pctb /people/person/profession /m/015cjr +/m/03ds3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043tvp3 /film/film/language /m/02bjrlw +/m/04_j5s /education/educational_institution/school_type /m/07tf8 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b65l +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09pl3f +/m/02khs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0h1p /people/person/profession /m/0dxtg +/m/030k94 /tv/tv_program/genre /m/0gs6m +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05sy2k_ +/m/01m3b1t /people/person/nationality /m/09c7w0 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ft18 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jdd +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/02ptzz0 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01flzq /music/genre/artists /m/01wgxtl +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0xhtw /music/genre/artists /m/0167km +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ypx +/m/028k57 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mxt_ /influence/influence_node/influenced_by /m/02whj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/01c7y /language/human_language/countries_spoken_in /m/03rk0 +/m/02w86hz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05hjmd /people/person/profession /m/01d_h8 +/m/0kw4j /education/educational_institution/students_graduates./education/education/student /m/03lgg +/m/047s_cr /people/person/languages /m/03k50 +/m/0123qq /tv/tv_program/genre /m/0fdjb +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01vwbts /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01vrt_c /people/person/profession /m/02hrh1q +/m/07d2d /music/genre/artists /m/01vv7sc +/m/0j5g9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02l_7y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0371rb +/m/05k7sb /location/location/time_zones /m/02hcv8 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0443c +/m/016zwt /location/location/contains /m/08hbxv +/m/030hcs /film/actor/film./film/performance/film /m/0g3zrd +/m/02yy8 /people/person/gender /m/05zppz +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/0d_rw +/m/0q59y /people/person/profession /m/02jknp +/m/0ggq0m /music/genre/artists /m/082db +/m/015l4k /olympics/olympic_games/participating_countries /m/07ssc +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvydl +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/06yykb /film/film/country /m/0chghy +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/012gq6 /people/person/profession /m/09jwl +/m/07ssc /location/location/contains /m/0133ch +/m/07ssc /location/location/contains /m/0cdw6 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/017vb_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/081pw /film/film_subject/films /m/02725hs +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/05mrf_p /film/film/country /m/0f8l9c +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/05bt6j /music/genre/artists /m/0b_xm +/m/05b6rdt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01cl2y /music/record_label/artist /m/0m2l9 +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/05qkp /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01xcfy /film/actor/film./film/performance/film /m/0g54xkt +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l59s +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/0djd22 /media_common/netflix_genre/titles /m/0ktpx +/m/062zjtt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/018grr /film/actor/film./film/performance/film /m/02ntb8 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/070c93 /people/person/gender /m/02zsn +/m/017_pb /influence/influence_node/influenced_by /m/053yx +/m/01jb26 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y888 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05v1sb +/m/01438g /film/actor/film./film/performance/film /m/01rnly +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01p0vf /people/person/profession /m/039v1 +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/053yx +/m/0164qt /film/film/language /m/06b_j +/m/02f1c /people/person/profession /m/01c72t +/m/02vqsll /film/film/production_companies /m/03sb38 +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/027kmrb +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/0239zv /people/person/places_lived./people/place_lived/location /m/04vmp +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01clyr /music/record_label/artist /m/01nz1q6 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/0326tc /music/group_member/membership./music/group_membership/group /m/01_wfj +/m/044mrh /people/person/place_of_birth /m/0hv7l +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026dg51 +/m/03hy3g /people/person/profession /m/0dxtg +/m/01svq8 /people/person/profession /m/01d_h8 +/m/0kctd /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/016ywb /film/film/genre /m/082gq +/m/04x56 /influence/influence_node/influenced_by /m/02mpb +/m/06mzp /location/location/contains /m/01y888 +/m/0432cd /people/person/profession /m/01d_h8 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09qr6 +/m/0p__8 /film/actor/film./film/performance/film /m/02qydsh +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/06wvfq /people/person/place_of_birth /m/0c8tk +/m/01xbpn /sports/sports_team/sport /m/02vx4 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/095nx +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/087pfc /film/film/genre /m/07s9rl0 +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/09kn9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k1h /music/record_label/artist /m/01wqpnm +/m/014kg4 /people/person/nationality /m/09c7w0 +/m/02fj8n /film/film/language /m/01wgr +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/02py9yf /tv/tv_program/country_of_origin /m/09c7w0 +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/025t8bv /music/record_label/artist /m/0dw4g +/m/025cn2 /people/person/profession /m/0nbcg +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/061zc_ /people/deceased_person/place_of_death /m/04vmp +/m/01z7dr /music/genre/artists /m/01nqfh_ +/m/0j5fv /medicine/symptom/symptom_of /m/04psf +/m/0jrny /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/02qdgx /music/genre/artists /m/0j1yf +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/06bc59 +/m/06n8j /location/location/time_zones /m/02llzg +/m/0cj2nl /people/person/gender /m/05zppz +/m/073q1 /location/location/contains /m/09pmkv +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01w92 /organization/organization/headquarters./location/mailing_address/citytown /m/09bkv +/m/07qg8v /film/film/genre /m/05p553 +/m/01kym3 /film/actor/film./film/performance/film /m/026q3s3 +/m/05qsxy /people/person/profession /m/0dxtg +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03h_9lg /film/actor/film./film/performance/film /m/05650n +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/02lymt +/m/0h7t36 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02_lt +/m/03kx49 /film/film/genre /m/03k9fj +/m/016ky6 /film/film/featured_film_locations /m/02_286 +/m/05hyf /film/film_subject/films /m/02yvct +/m/04ykg /location/location/contains /m/0nh0f +/m/016y_f /film/film/music /m/015wc0 +/m/01dyvs /film/film/featured_film_locations /m/06y57 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/038g2x +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/07brj /music/instrument/instrumentalists /m/01dw_f +/m/0147w8 /tv/tv_program/genre /m/06q7n +/m/070ltt /tv/tv_program/languages /m/02h40lc +/m/0k1bs /people/person/profession /m/09jwl +/m/0d0mbj /people/person/profession /m/09jwl +/m/0y3_8 /music/genre/artists /m/04b7xr +/m/01d259 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0d29z /people/ethnicity/geographic_distribution /m/0ctw_b +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0p7qm /film/film/language /m/02h40lc +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02cft /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01b3bp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07wjk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01n4f8 /people/person/profession /m/02hrh1q +/m/0479b /film/actor/film./film/performance/film /m/0k2cb +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gpx6 /film/film/featured_film_locations /m/01f62 +/m/0783m_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/02g0mx /people/person/religion /m/06nzl +/m/0f502 /people/person/religion /m/0c8wxp +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/033tf_ /people/ethnicity/people /m/03pmty +/m/07_l6 /music/instrument/instrumentalists /m/0k4gf +/m/071vr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/06t2t /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01cssf /film/film/genre /m/02l7c8 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/03_d0 /music/genre/artists /m/01wk7ql +/m/03_d0 /music/genre/artists /m/01vsksr +/m/0bth54 /film/film/genre /m/02kdv5l +/m/01gq0b /people/person/place_of_birth /m/0cc56 +/m/06rqw /music/genre/artists /m/01w5gg6 +/m/0rng /sports/sports_team_location/teams /m/01jdxj +/m/015pvh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029_3 +/m/050f0s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0c5tl /influence/influence_node/influenced_by /m/0448r +/m/02q52q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cc5mcj /film/film/executive_produced_by /m/0gg9_5q +/m/0cc5mcj /film/film/story_by /m/04l3_z +/m/044crp /sports/sports_team/sport /m/02vx4 +/m/0f8j13 /film/film/genre /m/07s9rl0 +/m/0hvb2 /film/actor/film./film/performance/film /m/0209hj +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0dc_ms /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h7pj /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0cbkc /people/person/gender /m/02zsn +/m/01vsnff /people/person/profession /m/04f2zj +/m/02tz9z /education/educational_institution/students_graduates./education/education/student /m/03jm6c +/m/03f2_rc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l9p /film/actor/film./film/performance/film /m/057__d +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01fs_4 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0c9c0 +/m/02kz_ /influence/influence_node/influenced_by /m/06lbp +/m/03g5_y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/016017 /film/film/genre /m/0bj8m2 +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/022411 /film/actor/film./film/performance/film /m/047p798 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05cv8 /influence/influence_node/influenced_by /m/07lp1 +/m/01qdmh /film/film/featured_film_locations /m/095w_ +/m/02lnbg /music/genre/artists /m/01wf86y +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cwy47 +/m/07c37 /people/person/nationality /m/07ssc +/m/07c37 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/05bmq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d060g /location/country/second_level_divisions /m/01x42h +/m/01f_3w /music/record_label/artist /m/07ss8_ +/m/0c7f7 /location/location/time_zones /m/02llzg +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04vrxh +/m/09btt1 /people/person/places_lived./people/place_lived/location /m/0mnzd +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7x +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/0lkr7 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0436kgz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017yxq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/0x3b7 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01h5f8 +/m/042rnl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0265wl /award/award_category/disciplines_or_subjects /m/0707q +/m/02qx5h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/09c7w0 /location/location/contains /m/0vrmb +/m/09c7w0 /location/location/contains /m/02s8qk +/m/0342h /music/instrument/instrumentalists /m/01l47f5 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/016wyn /education/educational_institution/school_type /m/04qbv +/m/02r3cn /people/person/gender /m/05zppz +/m/0d6lp /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/01y6dz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yr3z /education/educational_institution/school_type /m/01rs41 +/m/0509cr /music/genre/artists /m/012x4t +/m/018s6c /people/ethnicity/people /m/0dqmt0 +/m/02b25y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/018n1k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gx5f /people/person/profession /m/01c72t +/m/02kbtf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0bwhdbl /film/film/executive_produced_by /m/05hj_k +/m/02tc5y /people/person/nationality /m/02jx1 +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/02dj3 /organization/organization/headquarters./location/mailing_address/citytown /m/0cdw6 +/m/01rgr /influence/influence_node/influenced_by /m/02lt8 +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/018fwv /people/person/profession /m/02hrh1q +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/022_lg /people/person/nationality /m/09c7w0 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/01m23s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0nht0 /location/location/time_zones /m/02fqwt +/m/0d5fb /education/educational_institution/colors /m/038hg +/m/0162b /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0bbf1f /film/actor/film./film/performance/film /m/06__m6 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017z49 +/m/05sy2k_ /tv/tv_program/genre /m/01t_vv +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05169r +/m/02dth1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bh8z +/m/0g9z_32 /film/film/personal_appearances./film/personal_film_appearance/person /m/0d06m5 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gstn +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvgt +/m/015p3p /film/actor/film./film/performance/film /m/07q1m +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/011zf2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/028_yv +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/081yw /location/location/contains /m/0mmr1 +/m/03v1xb /people/person/profession /m/0d8qb +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/04cw0j /people/person/nationality /m/09c7w0 +/m/03r1pr /people/person/profession /m/0cbd2 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/024d8w /sports/sports_team/colors /m/01g5v +/m/0gx1l /location/location/contains /m/07vjm +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03j24kf /people/person/profession /m/0dz3r +/m/02n5d /base/culturalevent/event/entity_involved /m/05m0h +/m/04sh80 /film/film/country /m/09c7w0 +/m/02jx1 /location/location/contains /m/014b4h +/m/02jx1 /location/location/contains /m/0cdw6 +/m/03c5bz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wj5hp /people/person/profession /m/016fly +/m/03n0pv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/045bg /influence/influence_node/influenced_by /m/0420y +/m/087z12 /people/person/religion /m/0flw86 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0399p /influence/influence_node/influenced_by /m/02zjd +/m/01hcvm /music/genre/parent_genre /m/05r6t +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/019rl6 /organization/organization/place_founded /m/0r6cx +/m/06nd8c /people/person/profession /m/02jknp +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0jjw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/040p_q +/m/01bmlb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072r5v +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016kv6 +/m/01k5y0 /film/film/language /m/02h40lc +/m/01y2mq /music/genre/parent_genre /m/016_v3 +/m/07wm6 /education/educational_institution/school_type /m/05jxkf +/m/02j4sk /film/actor/film./film/performance/film /m/03kxj2 +/m/0j5ym /base/culturalevent/event/entity_involved /m/01_4z +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0dln8jk /film/film/featured_film_locations /m/0fn2g +/m/01cf93 /music/record_label/artist /m/016s0m +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vh3 +/m/04nnpw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04nnpw /film/film/executive_produced_by /m/05hj_k +/m/0cwy47 /film/film/country /m/09c7w0 +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0cbv4g /film/film/film_format /m/07fb8_ +/m/01d494 /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/0fb7sd /film/film/country /m/09c7w0 +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03s0w /location/location/time_zones /m/02fqwt +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/01_1hw /film/film/country /m/09c7w0 +/m/02r1ysd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qgd9 /education/educational_institution/students_graduates./education/education/student /m/09gffmz +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02f4s3 /education/educational_institution/colors /m/083jv +/m/042d1 /people/person/nationality /m/09c7w0 +/m/025j1t /film/actor/film./film/performance/film /m/035s95 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02b14q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c9k8 /film/film/music /m/02ryx0 +/m/084m3 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0b_dy /film/actor/film./film/performance/film /m/08sfxj +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03_nq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/01nhkxp /people/person/nationality /m/09c7w0 +/m/01797x /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/025hl8 /people/cause_of_death/people /m/01934k +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02hhtj /people/person/gender /m/05zppz +/m/07k2mq /film/film/genre /m/0219x_ +/m/02gvwz /people/person/gender /m/05zppz +/m/015076 /people/person/gender /m/05zppz +/m/01kx1j /people/deceased_person/place_of_death /m/0ps1q +/m/054k_8 /people/person/profession /m/01tkqy +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0bt4r4 /people/person/nationality /m/09c7w0 +/m/02rxj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01cszh /music/record_label/artist /m/0133x7 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rlj20 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02w7gg /people/ethnicity/people /m/021yzs +/m/02w7gg /people/ethnicity/people /m/07c37 +/m/06r2h /film/film/genre /m/06n90 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mskc3 +/m/01crd5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03g62 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/027gy0k /film/film/produced_by /m/03ktjq +/m/0bs5k8r /film/film/genre /m/03bxz7 +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/025ndl +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/023p33 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sbv3 +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0cd2vh9 /film/film/language /m/064_8sq +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02hhtj +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/02k6hp /people/cause_of_death/people /m/01v5h +/m/04d2yp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/0n2bh +/m/0sxlb /film/film/genre /m/06cvj +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/016clz /music/genre/artists /m/01d_h +/m/02tr7d /people/person/nationality /m/06q1r +/m/05148p4 /music/instrument/instrumentalists /m/02vr7 +/m/05148p4 /music/instrument/instrumentalists /m/01lvcs1 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gy0l_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/045931 /people/person/gender /m/05zppz +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/07pd_j +/m/025vry /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01bv8b +/m/04l3_z /people/person/profession /m/02hrh1q +/m/074qgb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019g8j +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0kcw2 +/m/02yv6b /music/genre/artists /m/03g5jw +/m/02dlfh /film/actor/film./film/performance/film /m/0640m69 +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/065d1h +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/016_v3 /music/genre/parent_genre /m/0glt670 +/m/0lk90 /people/person/profession /m/0cbd2 +/m/0lk90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gt3p /people/deceased_person/place_of_death /m/0l35f +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/015bwt +/m/0k4gf /people/person/profession /m/05vyk +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07m77x /film/actor/film./film/performance/film /m/027j9wd +/m/01trhmt /people/person/gender /m/05zppz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0l3h +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/026g4l_ +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/06c1y /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/0rp46 /location/hud_county_place/place /m/0rp46 +/m/03mqtr /media_common/netflix_genre/titles /m/03hkch7 +/m/042fk /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtcq +/m/06gjk9 /film/film/country /m/07ssc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0typ5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cv3w +/m/01mylz /film/actor/film./film/performance/film /m/01dc0c +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/01q0kg /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/078mgh /film/actor/film./film/performance/film /m/023g6w +/m/09gffmz /people/person/gender /m/05zppz +/m/092vkg /film/film/genre /m/0lsxr +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0chsq +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rgq +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/0301yj /film/actor/film./film/performance/film /m/03vyw8 +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/025rxjq +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/0cq7tx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0164w8 /people/person/gender /m/05zppz +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/01fsz /music/genre/artists /m/03bxh +/m/0b_c7 /people/person/profession /m/0fj9f +/m/01w5gg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/03cs_z7 /people/person/profession /m/0dxtg +/m/02mpyh /film/film/language /m/02h40lc +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015fsv +/m/016cjb /music/genre/artists /m/015xp4 +/m/02rxbmt /people/person/profession /m/0dz3r +/m/0gywn /music/genre/artists /m/01l1b90 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/013tcv +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03q45x /people/person/gender /m/02zsn +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0837ql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/041rx /people/ethnicity/people /m/05drr9 +/m/0b_6s7 /time/event/locations /m/013yq +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09p0q /people/person/profession /m/02krf9 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02dpl9 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp_1t +/m/0j1yf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06lgq8 /people/person/profession /m/02hrh1q +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07kdkfj +/m/018dnt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/02cbg0 /film/film/language /m/02h40lc +/m/06mx8 /location/location/contains /m/02w9s +/m/0155w /music/genre/artists /m/01vv6_6 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/012gx2 +/m/04qt29 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvb4m +/m/01pllx /film/actor/film./film/performance/film /m/07h9gp +/m/043tg /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0k2m6 /film/film/genre /m/06l3bl +/m/019_1h /people/person/profession /m/02hrh1q +/m/01933d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hkhq /film/actor/film./film/performance/film /m/09wnnb +/m/0dclg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/016ndm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gvvm6l +/m/0fh2v5 /film/film/language /m/06nm1 +/m/09v8clw /film/film/genre /m/01hmnh +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02c7k4 +/m/083chw /film/actor/film./film/performance/film /m/02rv_dz +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/05q2c /education/educational_institution/students_graduates./education/education/student /m/0151w_ +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/05np2 /influence/influence_node/influenced_by /m/05qmj +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/04n7gc6 /people/person/religion /m/0c8wxp +/m/0cymln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02ptzz0 +/m/0cymln /people/person/gender /m/05zppz +/m/0cymln /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sbv9 /film/film/genre /m/05p553 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03vrp /influence/influence_node/influenced_by /m/034ks +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/027hm_ /people/person/profession /m/016z4k +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bpbhm +/m/02lg9w /people/person/profession /m/02hrh1q +/m/0f1vrl /people/person/nationality /m/09c7w0 +/m/0gnbw /film/actor/film./film/performance/film /m/05nyqk +/m/0qb7t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06gst /music/record_label/artist /m/03f0fnk +/m/04xzm /people/deceased_person/place_of_death /m/01914 +/m/01y_px /film/actor/film./film/performance/film /m/02qr3k8 +/m/02hy9p /people/person/nationality /m/09c7w0 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylsr +/m/026s90 /music/record_label/artist /m/017mbb +/m/0fb0v /music/record_label/artist /m/0134pk +/m/039crh /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0kr5_ /people/person/profession /m/01d_h8 +/m/0l_n1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/034cj9 /people/person/profession /m/03gjzk +/m/01chc7 /film/actor/film./film/performance/film /m/0bc1yhb +/m/0821j /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/014m1m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/01zwy /people/person/profession /m/0cbd2 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0f4vbz /people/person/nationality /m/09c7w0 +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vksx /film/film/country /m/09c7w0 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06b0d2 +/m/013q0p /film/film/genre /m/0lsxr +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvmd +/m/0h95927 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0lbj1 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/07f0tw /film/actor/film./film/performance/film /m/09yxcz +/m/0dl567 /people/person/profession /m/0nbcg +/m/0cp9f9 /people/person/profession /m/02hrh1q +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/086k8 +/m/09rfh9 /film/film/genre /m/03npn +/m/012c6x /people/person/profession /m/02krf9 +/m/02gjrc /tv/tv_program/languages /m/02h40lc +/m/017g21 /music/group_member/membership./music/group_membership/role /m/02snj9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/02lv2v /education/educational_institution/colors /m/01g5v +/m/02cbhg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vdm0 /music/instrument/instrumentalists /m/0ftqr +/m/0mnk7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0bpk2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027r9t /film/film/genre /m/01j1n2 +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0fhzwl /tv/tv_program/genre /m/0vgkd +/m/0fvt2 /people/person/nationality /m/07ssc +/m/04czcb /sports/sports_team/sport /m/02vx4 +/m/0gd9k /people/person/places_lived./people/place_lived/location /m/0xqf3 +/m/03x22w /people/person/nationality /m/0chghy +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ph24 +/m/027752 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tw31 /people/person/places_lived./people/place_lived/location /m/0clz7 +/m/09bjv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0kt_4 /film/film/genre /m/01g6gs +/m/01wvxw1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jr4j /film/film/genre /m/07s9rl0 +/m/02h0f3 /people/person/profession /m/02hrh1q +/m/07ccs /education/educational_institution/colors /m/083jv +/m/0g6ff /people/ethnicity/geographic_distribution /m/047lj +/m/0nk3g /music/genre/artists /m/019f9z +/m/07sbbz2 /music/genre/artists /m/0k1bs +/m/01gc7 /film/film/genre /m/02kdv5l +/m/063k3h /people/ethnicity/people /m/02n9k +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/08ff1k /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d35y +/m/03kwtb /people/person/nationality /m/02jx1 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0190_q /music/genre/artists /m/01vs4f3 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/020_95 /film/actor/film./film/performance/film /m/02c638 +/m/01wyy_ /people/person/profession /m/02krf9 +/m/03dpqd /film/actor/film./film/performance/film /m/05fcbk7 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/03m6pk /film/actor/film./film/performance/film /m/03ydlnj +/m/0b_dh /people/person/profession /m/03gjzk +/m/048z7l /people/ethnicity/people /m/0hwqz +/m/0dryh9k /people/ethnicity/people /m/02ctyy +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/02hnl /music/instrument/instrumentalists /m/0fq117k +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/03x6m +/m/06zn2v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07c52 /media_common/netflix_genre/titles /m/0123qq +/m/043d4 /people/deceased_person/place_of_death /m/0fhp9 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/06mkj /location/location/partially_contains /m/065ky +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02c7k4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/032q8q +/m/07rd7 /film/actor/film./film/performance/film /m/0661m4p +/m/03f_jk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nkxvx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04fzfj /film/film/genre /m/01drsx +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02yr3z +/m/0pm85 /music/genre/artists /m/0fpj9pm +/m/03j149k /people/person/profession /m/02hrh1q +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04511f +/m/01pr_j6 /people/person/profession /m/028kk_ +/m/03h2d4 /film/actor/film./film/performance/film /m/09gkx35 +/m/0qpjt /location/hud_county_place/place /m/0qpjt +/m/01wdl3 /education/university/fraternities_and_sororities /m/0325pb +/m/01wdj_ /education/educational_institution/students_graduates./education/education/student /m/016vqk +/m/02phtzk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02y_2y /film/actor/film./film/performance/film /m/0gzlb9 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0f0y8 /people/person/profession /m/029bkp +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/027qb1 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03z19 +/m/06yj20 /people/person/place_of_birth /m/0xpp5 +/m/01f8f7 /film/film/genre /m/02l7c8 +/m/0565cz /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/018ysx /music/genre/parent_genre /m/06j6l +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/05d7rk +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/01x66d +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/06fqlk /film/film/language /m/02bjrlw +/m/0299hs /film/film/language /m/02h40lc +/m/0clvcx /film/actor/film./film/performance/film /m/02wk7b +/m/02h758 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/025v1sx +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/083qy7 +/m/04wp63 /people/person/gender /m/05zppz +/m/0y_9q /film/film/genre /m/04cb4x +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/03gvt /music/instrument/instrumentalists /m/0163r3 +/m/034gxk /music/genre/parent_genre /m/0dl5d +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/03bdm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01wz01 /film/actor/film./film/performance/film /m/08ct6 +/m/01vswwx /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0ylzs /education/educational_institution/colors /m/06fvc +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07s8r0 /people/person/gender /m/02zsn +/m/01sxdy /film/film/genre /m/02l7c8 +/m/01n4w /location/location/time_zones /m/02hczc +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/027fwmt +/m/0f42nz /film/film/genre /m/01jfsb +/m/0crfwmx /film/film/genre /m/02kdv5l +/m/01k3s2 /education/educational_institution/school_type /m/05jxkf +/m/016tbr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/026fd /influence/influence_node/influenced_by /m/08433 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/01gwck /education/educational_institution/school_type /m/05jxkf +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01rzxl /people/person/gender /m/05zppz +/m/03bkbh /people/ethnicity/people /m/084nh +/m/03bkbh /people/ethnicity/people /m/04smkr +/m/0gm2_0 /film/film/genre /m/0lsxr +/m/01f492 /people/person/profession /m/02hrh1q +/m/077qn /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0fzyg /film/film_subject/films /m/0fsw_7 +/m/0fzyg /film/film_subject/films /m/02gs6r +/m/01hq1 /film/film/genre /m/0lsxr +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/02mscn /music/genre/artists /m/02cx90 +/m/01h4rj /people/person/nationality /m/09c7w0 +/m/05fh2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02y7t7 +/m/0xhtw /music/genre/artists /m/03j24kf +/m/0xhtw /music/genre/artists /m/03g5jw +/m/0xhtw /music/genre/artists /m/0fcsd +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p50v +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/0kw4j /education/educational_institution/school_type /m/05pcjw +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03xp8d5 +/m/019r_1 /people/person/profession /m/02hrh1q +/m/01xr2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n85g /music/record_label/artist /m/01vv7sc +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ly1 +/m/01tgwv /award/award_category/disciplines_or_subjects /m/02xlf +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03nx8mj +/m/05mlqj /people/person/profession /m/02hrh1q +/m/07t3x8 /people/person/nationality /m/03rk0 +/m/01mxqyk /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0l2q3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/039g82 +/m/01r93l /film/actor/film./film/performance/film /m/0ch26b_ +/m/01r93l /film/actor/film./film/performance/film /m/0g83dv +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/03cmsqb +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0k0sv /language/human_language/countries_spoken_in /m/0h7x +/m/04pf4r /people/person/place_of_birth /m/01z8f0 +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/03n6r /people/person/religion /m/02rsw +/m/0cdbq /location/location/contains /m/02sn34 +/m/035yn8 /film/film/language /m/04306rv +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/085jw +/m/03_dj /people/person/languages /m/02h40lc +/m/0bq2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012x2b +/m/01nyl /location/country/form_of_government /m/06cx9 +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n7q +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/01_vfy +/m/0lcdk /people/cause_of_death/people /m/0168dy +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/07tp2 +/m/02js9p /film/actor/film./film/performance/film /m/0c57yj +/m/063b4k /people/person/profession /m/01d_h8 +/m/063b4k /people/person/profession /m/0cbd2 +/m/0n04r /film/film/country /m/09c7w0 +/m/06929s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0kc8y /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/06b19 /education/educational_institution/school_type /m/05jxkf +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05mrf_p /film/film/genre /m/02n4kr +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/05bt6j /music/genre/artists /m/0677ng +/m/05bt6j /music/genre/artists /m/01vn0t_ +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/095kp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02rky4 +/m/04wmvz /sports/sports_team/sport /m/018jz +/m/02yw1c /music/genre/parent_genre /m/0296y +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0k3jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3j0 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01c65z +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06tp4h +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0dn_w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/014q2g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03qy3l /music/record_label/artist /m/0134wr +/m/0pksh /people/person/place_of_birth /m/0hn4h +/m/0lzkm /people/person/nationality /m/09c7w0 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kvb6p +/m/08gsvw /film/film/language /m/02bjrlw +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/05xbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ctqqf +/m/0l99s /influence/influence_node/influenced_by /m/03pm9 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03cvfg /people/person/place_of_birth /m/0ttxp +/m/05fyss /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/02v60l /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0hsmh /people/deceased_person/place_of_death /m/030qb3t +/m/02pvqmz /tv/tv_program/genre /m/0byb_x +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0pgm3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ywwy +/m/018vs /music/instrument/instrumentalists /m/01w5gg6 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05nzw6 /film/actor/film./film/performance/film /m/05q54f5 +/m/05g3b /sports/sports_team/sport /m/0jm_ +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/06t8v +/m/0r5lz /location/location/time_zones /m/02lcqs +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01svq8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0djkrp +/m/07dzf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd64 +/m/01qnfc /people/person/profession /m/02pjxr +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/03tbg6 /film/film/executive_produced_by /m/0glyyw +/m/042z_g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01twmp /people/person/profession /m/018gz8 +/m/04q00lw /film/film/genre /m/03q4nz +/m/02bgmr /people/person/gender /m/05zppz +/m/02x8fs /film/film/music /m/05_pkf +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06cm5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/01s7zw /film/actor/film./film/performance/film /m/02ljhg +/m/076689 /people/person/religion /m/03_gx +/m/01n7q /location/location/contains /m/06xpp7 +/m/01n7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05clg8 /music/record_label/artist /m/01wqmm8 +/m/0ck91 /people/person/gender /m/02zsn +/m/03hnd /influence/influence_node/influenced_by /m/014635 +/m/03hnd /people/person/profession /m/01d30f +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/033g4d +/m/011k1h /music/record_label/artist /m/02cw1m +/m/01qzt1 /music/genre/artists /m/0gr69 +/m/064t9 /music/genre/artists /m/028qyn +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0hv81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/091n7z /people/person/nationality /m/09c7w0 +/m/025cn2 /people/person/profession /m/025352 +/m/0lk0l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcq3 +/m/012m_ /location/location/contains /m/05ywg +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/073q1 /location/location/contains /m/01xbgx +/m/038bht /people/person/profession /m/02hrh1q +/m/01mszz /film/film/genre /m/0gf28 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/02bbyw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01vswx5 /people/person/profession /m/0nbcg +/m/03rjj /location/location/contains /m/0hb37 +/m/01336l /people/ethnicity/languages_spoken /m/02hwhyv +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/03wpmd /film/actor/film./film/performance/film /m/01p3ty +/m/031ldd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01sb5r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/058nh2 /people/person/profession /m/0dxtg +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06tp4h /people/person/profession /m/0np9r +/m/03n52j /film/actor/film./film/performance/film /m/02ht1k +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3kw +/m/016lh0 /people/person/religion /m/05sfs +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030znt +/m/0963mq /film/film/genre /m/0gsy3b +/m/0bl2g /film/actor/film./film/performance/film /m/048xyn +/m/0kvnn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dcsx /medicine/disease/risk_factors /m/01hbgs +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01wy5m /film/actor/film./film/performance/film /m/084302 +/m/0c0k1 /film/actor/film./film/performance/film /m/0ddjy +/m/016yr0 /people/person/profession /m/0np9r +/m/02vr3gz /film/film/language /m/06nm1 +/m/07wlf /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs_v8 +/m/03p2xc /film/film/language /m/02h40lc +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/06s6l /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01pfkw /people/person/profession /m/015btn +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0qm8b +/m/05c46y6 /film/film/film_festivals /m/04_m9gk +/m/0jmh7 /sports/sports_team/colors /m/083jv +/m/0205dx /people/person/gender /m/05zppz +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/01bzr4 /people/person/place_of_birth /m/0dclg +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02tqm5 /film/film/language /m/02h40lc +/m/05fjf /location/location/contains /m/0qlrh +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kj_ +/m/01bb1c /award/award_category/disciplines_or_subjects /m/02xlf +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02z4b_8 /people/person/gender /m/02zsn +/m/0dl5d /music/genre/artists /m/03xl77 +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02js_6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/047jhq /people/person/nationality /m/03rk0 +/m/06r3p2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g51l1 /people/person/profession /m/02pjxr +/m/0g51l1 /people/person/profession /m/02krf9 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07r1h /film/actor/film./film/performance/film /m/0yx_w +/m/03sww /people/person/profession /m/01d_h8 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0bq6ntw /film/film/music /m/01nqfh_ +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/07hgm /influence/influence_node/influenced_by /m/01vsy7t +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0r8c8 /location/hud_county_place/county /m/0l38x +/m/02wtp6 /film/film/language /m/02h40lc +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/06l6nj /people/person/nationality /m/09c7w0 +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07yw6t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02tz9z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/01gn36 /people/person/profession /m/018gz8 +/m/019rg5 /location/location/contains /m/0820xz +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0h953 +/m/07t_l23 /award/award_category/winners./award/award_honor/award_winner /m/03p9hl +/m/033rq /people/person/places_lived./people/place_lived/location /m/015m08 +/m/01g7zj /people/ethnicity/people /m/049fgvm +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01pbs9w /people/deceased_person/place_of_death /m/0f2wj +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t110 +/m/06g4_ /people/person/nationality /m/07ssc +/m/04vjh /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0f7hc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_75d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ndc +/m/0c3zjn7 /film/film/genre /m/07s9rl0 +/m/06rf7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lnbg /music/genre/artists /m/01cwhp +/m/049n7 /sports/sports_team/colors /m/083jv +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/01vttb9 /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/012qjw /medicine/symptom/symptom_of /m/0hgxh +/m/0343h /people/person/profession /m/012t_z +/m/0345h /location/location/contains /m/0m7yh +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0345_ /location/location/time_zones /m/02fqwt +/m/06ncr /music/instrument/instrumentalists /m/015x1f +/m/0c3ybss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpj4lx /music/artist/origin /m/030qb3t +/m/09lcsj /film/film/genre /m/07s9rl0 +/m/0ckt6 /film/film/genre /m/01hwc6 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jsf6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02_286 /location/location/time_zones /m/02hcv8 +/m/017fp /media_common/netflix_genre/titles /m/03vyw8 +/m/09c7w0 /location/location/contains /m/027b43 +/m/0cm19f /people/person/place_of_birth /m/04vmp +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047vnkj +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/098n_m /film/actor/film./film/performance/film /m/02qcr +/m/043gj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/03_gz8 /film/film/produced_by /m/0b13g7 +/m/01sbf2 /people/person/profession /m/01c8w0 +/m/018s6c /people/ethnicity/people /m/0g_rs_ +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/09k56b7 /film/film/language /m/02bjrlw +/m/09k56b7 /film/film/executive_produced_by /m/02rchht +/m/0261m /location/location/contains /m/06s0l +/m/01r2c7 /people/person/profession /m/02jknp +/m/07g1sm /film/film/genre /m/07s9rl0 +/m/09n48 /olympics/olympic_games/participating_countries /m/03spz +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/07q1m /film/film/country /m/0f8l9c +/m/09l3p /film/actor/film./film/performance/film /m/03h0byn +/m/0cv72h /people/person/places_lived./people/place_lived/location /m/04tgp +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/046zh +/m/0jhd /sports/sports_team_location/teams /m/0303jw +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cbt3 +/m/028r4y /people/person/gender /m/05zppz +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fpxp /tv/tv_program/country_of_origin /m/09c7w0 +/m/027rpym /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/06j6l /music/genre/artists /m/01vwyqp +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03pmzt /people/person/profession /m/02hrh1q +/m/01bpnd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0167v /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/016h4r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/02yygk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/035wq7 +/m/0fw2d3 /people/person/nationality /m/0f8l9c +/m/0gzh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0652ty /people/person/profession /m/02hrh1q +/m/0525b /film/actor/film./film/performance/film /m/085bd1 +/m/016khd /people/person/gender /m/05zppz +/m/0157m /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/041738 /music/genre/artists /m/016lmg +/m/0bxxzb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/04954 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/01wttr1 /base/eating/practicer_of_diet/diet /m/07_jd +/m/04jb97 /film/actor/film./film/performance/film /m/028cg00 +/m/05zx7xk /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvbd +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/081yw /location/location/contains /m/0mm0p +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gy3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fx2s /film/film_subject/films /m/0c38gj +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/032_jg +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/0crx5w /people/person/profession /m/02krf9 +/m/01g257 /film/actor/film./film/performance/film /m/0ddf2bm +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/02hrlh /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0jgx /sports/sports_team_location/teams /m/033g54 +/m/04cw0j /people/person/profession /m/012t_z +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0421ng /film/film/genre /m/05p553 +/m/0bszz /sports/sports_team/colors /m/01g5v +/m/03l5m1 /location/country/capital /m/095w_ +/m/01f7j9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/016l09 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0drc1 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hmt9b +/m/01w1kyf /people/person/profession /m/0kyk +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pw_n +/m/0hsn_ /film/actor/film./film/performance/film /m/027pfg +/m/03xn3s2 /people/person/nationality /m/09c7w0 +/m/0svqs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07l450 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0325dj +/m/0sx5w /people/person/employment_history./business/employment_tenure/company /m/01ym8l +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/09bx1k /people/person/nationality /m/09c7w0 +/m/0633p0 /people/person/gender /m/02zsn +/m/0mdyn /people/person/gender /m/05zppz +/m/04v89z /film/film/music /m/020fgy +/m/0fn5bx /people/person/gender /m/02zsn +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0fpj9pm /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0k8y7 /people/person/gender /m/02zsn +/m/06kxk2 /people/person/profession /m/02jknp +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0935jw /film/actor/film./film/performance/film /m/0k54q +/m/03fcbb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l_pn /film/film/genre /m/04t2t +/m/04gb7 /film/film_subject/films /m/0gjk1d +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v8kmz +/m/0x67 /people/ethnicity/people /m/07ss8_ +/m/07wm6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/01cf93 /music/record_label/artist /m/0kzy0 +/m/020yvh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ct9_ /influence/influence_node/influenced_by /m/03sbs +/m/0cwy47 /film/film/film_festivals /m/059_y8d +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01wd02c /influence/influence_node/influenced_by /m/03f70xs +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0294mx /film/film/film_format /m/0cj16 +/m/0bt4g /film/film/language /m/02h40lc +/m/014g9y /people/person/profession /m/0dxtg +/m/01jvgt /sports/sports_team/colors /m/01l849 +/m/03jht /influence/influence_node/influenced_by /m/05qmj +/m/01730d /music/genre/artists /m/01vtg4q +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/0dzf_ /people/person/profession /m/02hrh1q +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gn30 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/02183k /education/educational_institution/school_type /m/05jxkf +/m/047vp1n /film/film/genre /m/05p553 +/m/024hbv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0807ml +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01gbb4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vhb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/034q81 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/080z7 +/m/02__7n /people/person/profession /m/03gjzk +/m/044rvb /film/actor/film./film/performance/film /m/04s1zr +/m/01ync /sports/sports_team/colors /m/09ggk +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/02vyw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03jsvl /music/genre/artists /m/01c8v0 +/m/028d4v /people/person/profession /m/0dxtg +/m/054k_8 /people/person/profession /m/01d_h8 +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/06by7 /music/genre/artists /m/01q3_2 +/m/06by7 /music/genre/artists /m/01vw87c +/m/04xjp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xc1w4 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0cq86w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01lfvj /location/location/time_zones /m/02llzg +/m/083pr /government/politician/government_positions_held./government/government_position_held/basic_title /m/01t7n9 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/0282x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/039g82 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/02773m2 /people/person/profession /m/02krf9 +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02h7qr /education/educational_institution/students_graduates./education/education/student /m/05w88j +/m/0xkyn /location/hud_county_place/place /m/0xkyn +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03qhyn8 /people/person/gender /m/05zppz +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0432_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060__7 /film/film/genre /m/0lsxr +/m/07cjqy /people/person/gender /m/05zppz +/m/014dq7 /influence/influence_node/influenced_by /m/0l99s +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0kfpm /tv/tv_program/genre /m/0c4xc +/m/0cm89v /people/person/profession /m/02jknp +/m/0209xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/032zq6 /film/film/genre /m/01hmnh +/m/02773nt /people/person/profession /m/03gjzk +/m/03_1pg /film/actor/film./film/performance/film /m/0416y94 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/01vvyd8 /people/person/profession /m/0kyk +/m/0498y /location/location/partially_contains /m/0f2pf9 +/m/01kx_81 /people/person/profession /m/09jwl +/m/02yv6b /music/genre/artists /m/0pkyh +/m/02yv6b /music/genre/artists /m/0qdyf +/m/017y6l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01n8gr /music/group_member/membership./music/group_membership/role /m/018vs +/m/0plxn /location/hud_county_place/place /m/0plxn +/m/02w6s3 /music/genre/artists /m/0840vq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04chyn +/m/034ns /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07yjb /media_common/netflix_genre/titles /m/04nlb94 +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/030h95 /film/actor/film./film/performance/film /m/06lpmt +/m/0hz6mv2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09xrxq /film/actor/film./film/performance/film /m/0k2cb +/m/0k8z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/0521rl1 /film/actor/film./film/performance/film /m/0d4htf +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01qvcr /business/business_operation/industry /m/020mfr +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/01309x /people/person/profession /m/025352 +/m/03mqtr /media_common/netflix_genre/titles /m/02v_r7d +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/059_c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0tz41 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0843m +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/01trxd /organization/organization/headquarters./location/mailing_address/citytown /m/0156q +/m/02w4v /music/genre/artists /m/02w4v +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01ym8l +/m/03t22m /music/instrument/instrumentalists /m/07z542 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/045r_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1d47 +/m/01hmnh /media_common/netflix_genre/titles /m/0gj8nq2 +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01p8r8 /people/person/profession /m/01d_h8 +/m/01p8r8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k_l4 /sports/sports_team/colors /m/083jv +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/047vnkj +/m/01jvxb /education/educational_institution/students_graduates./education/education/student /m/042xh +/m/04n32 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ljhg /film/film/genre /m/0hfjk +/m/01trtc /music/record_label/artist /m/01w9wwg +/m/0164v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/069q4f /film/film/language /m/02h40lc +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z07 +/m/04sx9_ /people/person/profession /m/02hrh1q +/m/02gkxp /education/educational_institution/school_type /m/05pcjw +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0mhdz /location/hud_county_place/county /m/0l2xl +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/02d_zc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02pw_n +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/01lyv /music/genre/artists /m/094xh +/m/0b_6h7 /time/event/locations /m/0c1d0 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gd_s /people/person/places_lived./people/place_lived/location /m/059rby +/m/08cg36 /music/genre/parent_genre /m/0133_p +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/020vx9 +/m/041rx /people/ethnicity/people /m/01pw9v +/m/041rx /people/ethnicity/people /m/01_x6d +/m/041rx /people/ethnicity/people /m/0pz91 +/m/0443xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031v3p +/m/012d40 /people/person/religion /m/092bf5 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ydr95 +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04165w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015ynm /film/film/language /m/02h40lc +/m/0nm9h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm3n +/m/0prhz /film/film/genre /m/060__y +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0f42nz +/m/0222qb /people/ethnicity/people /m/0dxmyh +/m/0gzy02 /film/film/language /m/0349s +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/05_zc7 /people/person/nationality /m/03rk0 +/m/03mp8k /music/record_label/artist /m/06p03s +/m/099ck7 /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/01j5sd /people/person/profession /m/0cbd2 +/m/01gzm2 /people/person/profession /m/0d8qb +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0g10g +/m/06wvj /people/person/profession /m/01c72t +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/03cd0x /film/film/film_format /m/07fb8_ +/m/090gpr /people/person/place_of_birth /m/09c17 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/02n9k +/m/03mb9 /music/genre/artists /m/01lqf49 +/m/06w38l /people/person/profession /m/01d_h8 +/m/01t8sr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/09d3b7 /film/film/genre /m/07s9rl0 +/m/01f1p9 /music/genre/parent_genre /m/03lty +/m/03h_fqv /film/actor/film./film/performance/film /m/016z43 +/m/04l58n /sports/sports_team/colors /m/01g5v +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/023v4_ /film/actor/film./film/performance/film /m/01qbg5 +/m/0xkq4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05_pkf /people/person/gender /m/05zppz +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/04rqd /broadcast/content/artist /m/0134pk +/m/059m45 /film/actor/film./film/performance/film /m/0kvgxk +/m/05r5c /music/instrument/instrumentalists /m/0h6sv +/m/065_cjc /film/film/country /m/0f8l9c +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/02_jkc /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/024cg8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/024cg8 /education/educational_institution/colors /m/083jv +/m/02_p8v /film/actor/film./film/performance/film /m/04jpg2p +/m/03rhqg /music/record_label/artist /m/094xh +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09_99w +/m/02kfzz /film/film/written_by /m/085pr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0btyf5z +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04gv3db +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xbxn +/m/0cz8mkh /film/film/genre /m/03npn +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02plv57 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/089kpp /people/person/gender /m/05zppz +/m/036c_0 /people/person/profession /m/01d_h8 +/m/064nh4k /people/person/gender /m/02zsn +/m/07lnk /music/genre/artists /m/0326tc +/m/07r4c /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/01756d /music/genre/artists /m/017_hq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/01hc1j /education/educational_institution/students_graduates./education/education/student /m/012bk +/m/0cbvg /film/film_subject/films /m/0b2qtl +/m/0fb0v /music/record_label/artist /m/0137g1 +/m/0fb0v /music/record_label/artist /m/0mjn2 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0262zm /award/award_category/disciplines_or_subjects /m/01hmnh +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/012yc /music/genre/artists /m/01w5jwb +/m/02pby8 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03f2w +/m/02896 /sports/sports_team/colors /m/02rnmb +/m/02d478 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/061xq /sports/sports_team/colors /m/083jv +/m/09hy79 /film/film/music /m/018x3 +/m/015czt /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wg3 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0bs1yy +/m/013q0p /film/film/genre /m/01hwc6 +/m/013q0p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kkx2 /people/person/spouse_s./people/marriage/location_of_ceremony /m/02cft +/m/01kkx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m_zd /organization/organization/headquarters./location/mailing_address/citytown /m/02cft +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02f2dn /film/actor/film./film/performance/film /m/0f40w +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04f525m +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/084l5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/054lpb6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01vsy9_ +/m/06449 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fhn_ /people/person/religion /m/04pk9 +/m/064p92m /people/person/profession /m/02jknp +/m/03hkch7 /film/film/personal_appearances./film/personal_film_appearance/person /m/06c0j +/m/010z5n /location/location/time_zones /m/02hcv8 +/m/0gry51 /people/deceased_person/place_of_burial /m/018mrd +/m/03mnn0 /film/film/genre /m/017fp +/m/0162c8 /film/director/film /m/02gpkt +/m/02482c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/03s9v /people/person/nationality /m/024pcx +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gnmp +/m/04n_g /people/deceased_person/place_of_burial /m/0lbp_ +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02sjf5 /film/actor/film./film/performance/film /m/0_7w6 +/m/0ghtf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02hxhz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/022769 /people/person/places_lived./people/place_lived/location /m/0c4kv +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/0738y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/0gk4g /people/cause_of_death/people /m/01hmk9 +/m/0gk4g /people/cause_of_death/people /m/015wc0 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0pkgt +/m/01fyzy /film/actor/film./film/performance/film /m/02qdrjx +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/02v570 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0456zg +/m/01l1sq /people/person/profession /m/02dsz +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/01k60v /film/film/genre /m/06lbpz +/m/01lqnff /people/person/profession /m/01c72t +/m/057bc6m /film/film_set_designer/film_sets_designed /m/01wb95 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/03hzkq /people/person/profession /m/02jknp +/m/0329qp /sports/sports_team/sport /m/02vx4 +/m/048z7l /people/ethnicity/people /m/0p8jf +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/02sfnv /film/film/genre /m/0ltv +/m/09hnb /people/person/nationality /m/09c7w0 +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/042g97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/034qrh /film/film/country /m/09c7w0 +/m/062dn7 /people/person/gender /m/05zppz +/m/0p8jf /people/person/places_lived./people/place_lived/location /m/0cy8v +/m/0j8hd /people/cause_of_death/people /m/02kmx6 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/0l9k1 /people/deceased_person/place_of_death /m/0f2wj +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/085bd1 /film/film/genre /m/04xvh5 +/m/02prw4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/038723 /people/ethnicity/people /m/044zvm +/m/0j0pf /influence/influence_node/influenced_by /m/04mhl +/m/03h2d4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/061y4q /people/person/places_lived./people/place_lived/location /m/018jcq +/m/0l2tk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lw8j /music/genre/parent_genre /m/06by7 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04cnp4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gd0c7x /film/film/edited_by /m/0bn3jg +/m/0k269 /people/person/nationality /m/07ssc +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07x4c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02jx_v +/m/06yj20 /people/person/gender /m/02zsn +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/030s5g /people/deceased_person/place_of_death /m/0k049 +/m/08vr94 /film/actor/film./film/performance/film /m/027j9wd +/m/01wy61y /people/person/nationality /m/03_3d +/m/0gjc4d3 /film/film/film_format /m/017fx5 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03205_ +/m/0clvcx /people/person/profession /m/02hrh1q +/m/01_f_5 /film/actor/film./film/performance/film /m/07g1sm +/m/03z0l6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pj5q /people/person/religion /m/0c8wxp +/m/05qbbfb /film/film/genre /m/01hmnh +/m/0jqn5 /film/film/genre /m/03k9fj +/m/07l8f /sports/sports_team/colors /m/01l849 +/m/059kh /music/genre/artists /m/03d9d6 +/m/02bh8z /music/record_label/artist /m/020hyj +/m/02h758 /tv/tv_network/programs./tv/tv_network_duration/program /m/0ckh4k +/m/04vq3h /film/actor/film./film/performance/film /m/0296rz +/m/01vrz41 /people/person/profession /m/016z4k +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pxcf +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0c_zj /education/educational_institution/students_graduates./education/education/student /m/02lfwp +/m/016ynj /people/person/places_lived./people/place_lived/location /m/06y57 +/m/03mr85 /film/film/music /m/02wb6d +/m/09b3v /media_common/netflix_genre/titles /m/01jrbb +/m/01ty4 /influence/influence_node/influenced_by /m/039n1 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0147dk +/m/050kh5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0lxg6 /location/location/time_zones /m/03plfd +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fn8jc /people/person/languages /m/02h40lc +/m/0qcr0 /people/cause_of_death/people /m/06nsb9 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/031k24 /people/person/profession /m/02hrh1q +/m/013nky /education/educational_institution/students_graduates./education/education/student /m/09gnn +/m/0byq0v /sports/sports_team/colors /m/0jc_p +/m/03wd5tk /people/person/profession /m/02pjxr +/m/01xbxn /film/film/genre /m/0bj8m2 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02zd460 +/m/0134w7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0fm3kw /award/award_category/disciplines_or_subjects /m/02vxn +/m/04dqdk /people/person/place_of_birth /m/05qtj +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02khs /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0n5_t /location/location/time_zones /m/02hcv8 +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03y82t6 +/m/03xp8d5 /people/person/nationality /m/09c7w0 +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/05njw /business/business_operation/industry /m/01mf0 +/m/033hn8 /music/record_label/artist /m/01mxt_ +/m/01tfck /film/actor/film./film/performance/film /m/02ny6g +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/087wc7n +/m/0xhtw /music/genre/artists /m/0274ck +/m/01v1d8 /music/instrument/instrumentalists /m/02bgmr +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0c12h +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gl88b +/m/04gxp2 /education/educational_institution_campus/educational_institution /m/04gxp2 +/m/0mn0v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kp2_ /people/person/nationality /m/09c7w0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03b1sb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_p6t /people/person/profession /m/02hrh1q +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09rp4r_ +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/05f7w84 +/m/02dqdp /organization/organization/headquarters./location/mailing_address/citytown /m/01zqy6t +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07d2d /music/genre/artists /m/0bqsy +/m/04swx /location/location/contains /m/01xyy +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01x66d /people/person/profession /m/01c72t +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/04cf09 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0ff2k /influence/influence_node/influenced_by /m/06kb_ +/m/0mx5p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0f2r6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01rxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j4b +/m/04fyhv /organization/organization_founder/organizations_founded /m/04f525m +/m/0181dw /music/record_label/artist /m/01n8gr +/m/0bthb /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/035yn8 /film/film/language /m/064_8sq +/m/01b195 /film/film/genre /m/01jfsb +/m/0n6kf /people/person/nationality /m/09c7w0 +/m/01c59k /people/person/gender /m/05zppz +/m/0hfml /people/person/employment_history./business/employment_tenure/company /m/05f4p +/m/018gkb /people/person/place_of_birth /m/0tgcy +/m/0c0zq /film/film/genre /m/05p553 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/06m61 /people/person/profession /m/039v1 +/m/02gyl0 /people/person/profession /m/01d30f +/m/081pw /film/film_subject/films /m/0yxf4 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/03gm48 +/m/05bt6j /music/genre/artists /m/05w6cw +/m/05bt6j /music/genre/artists /m/01nkxvx +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02psgq +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/040_t /influence/influence_node/influenced_by /m/014dq7 +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0djd22 /media_common/netflix_genre/titles /m/016z43 +/m/06mmb /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/05yvfd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017dtf /tv/tv_program/genre /m/0jxy +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/01w5gg6 +/m/050t68 /people/person/profession /m/02hrh1q +/m/02rp117 /music/genre/artists /m/04mky3 +/m/046zh /people/person/profession /m/02hrh1q +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/01rwcgb /people/person/profession /m/09jwl +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04wx2v /people/person/place_of_birth /m/0cc56 +/m/02qydsh /film/film/prequel /m/0dr3sl +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015grj +/m/0h1q6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0k_9j +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/05q4y12 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mt1fy /people/person/profession /m/016z4k +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01wg982 /film/director/film /m/084qpk +/m/0pgm3 /people/person/nationality /m/09c7w0 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/01m7pwq /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0d6_s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/01npcy7 /people/person/nationality /m/09c7w0 +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/01f9y_ /music/genre/artists /m/053yx +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/07m9cm +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0c01c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02dwj /film/film/featured_film_locations /m/04jpl +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0d35y +/m/022840 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01x53m /people/person/place_of_birth /m/01yj2 +/m/04gr35 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0k9p4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/0fq7dv_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/035dk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01q2nx /film/film/music /m/02cyfz +/m/01q2nx /film/film/film_production_design_by /m/05b2f_k +/m/0k5g9 /film/film/costume_design_by /m/02cqbx +/m/011k1h /music/record_label/artist /m/01w60_p +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02tq2r /people/person/places_lived./people/place_lived/location /m/0fn2g +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bs8ndx +/m/01hbq0 /people/person/nationality /m/09c7w0 +/m/0jvtp /people/person/profession /m/01d_h8 +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0j5fv /medicine/symptom/symptom_of /m/09d11 +/m/01w565 /music/record_label/artist /m/0411q +/m/04gqr /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02qdgx /music/genre/artists /m/01vrt_c +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/0992d9 /film/film/country /m/09c7w0 +/m/0dky9n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/060d2 +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/07fvf1 /people/person/gender /m/05zppz +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01vswx5 /people/person/profession /m/039v1 +/m/02q42j_ /people/person/gender /m/05zppz +/m/05b1610 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jjbp /music/genre/parent_genre /m/08cyft +/m/01vzxld /people/person/profession /m/01c979 +/m/026p_bs /film/film/genre /m/02n4kr +/m/026p_bs /film/film/cinematography /m/06hzsx +/m/0322yj /film/film/genre /m/06cvj +/m/0mmd6 /sports/sports_team/sport /m/02vx4 +/m/07ym47 /music/genre/artists /m/06mj4 +/m/01h72l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09r1j5 /people/person/profession /m/0gl2ny2 +/m/04l59s /sports/sports_team/colors /m/083jv +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/0428bc +/m/0827d /music/genre/artists /m/0lsw9 +/m/05ldnp /people/person/profession /m/02krf9 +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/04yg13l /film/film/language /m/0t_2 +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01fmys +/m/03q43g /influence/influence_node/influenced_by /m/0p_47 +/m/0b4lkx /film/film/language /m/02h40lc +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ywr +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0nmj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01zfzb +/m/0k2h6 /education/educational_institution/school_type /m/07tf8 +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0jwmp /film/film/written_by /m/07h07 +/m/0cgbf /film/film_subject/films /m/06krf3 +/m/034qmv /film/film/language /m/03k50 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/04glx0 /tv/tv_program/genre /m/07s9rl0 +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0g72r /people/person/nationality /m/09c7w0 +/m/06t2t /location/country/form_of_government /m/01fpfn +/m/011vx3 /people/person/nationality /m/09c7w0 +/m/03_d0 /music/genre/artists /m/01wy61y +/m/0d3k14 /people/person/place_of_birth /m/0p9z5 +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0h63q6t /tv/tv_program/genre /m/01htzx +/m/015pvh /people/person/profession /m/015cjr +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/06w99h3 /film/film/genre /m/01t_vv +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03vrv9 /people/person/profession /m/0dxtg +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01jc6q +/m/026zlh9 /film/film/music /m/012ky3 +/m/01c333 /education/educational_institution/students_graduates./education/education/student /m/05nn4k +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05hks /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0cdbq +/m/01p1v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/016ztl /film/film/genre /m/0jxy +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/011yth /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qfhb /film/actor/film./film/performance/film /m/03wjm2 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02_jjm +/m/04l19_ /people/person/profession /m/0dxtg +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/09gb_4p /film/film/genre /m/01jfsb +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06k5_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/02z3r8t /film/film/country /m/0f8l9c +/m/0prrm /film/film/film_format /m/07fb8_ +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cqnss +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07y9w5 /film/film/genre /m/05p553 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k_mc +/m/01dvtx /influence/influence_node/influenced_by /m/02wh0 +/m/01dvtx /people/person/profession /m/016fly +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/018zvb /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/02hp70 /education/educational_institution/colors /m/01g5v +/m/05nrg /location/location/contains /m/0283sdr +/m/0yx1m /film/film/language /m/02h40lc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/042f1 /people/person/nationality /m/09c7w0 +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/09c7w0 /location/location/contains /m/02htv6 +/m/09c7w0 /location/location/contains /m/0th3k +/m/0pkgt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06b7s9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/01cpqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08rr3p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06sn8m /people/person/gender /m/05zppz +/m/01_c4 /location/location/time_zones /m/03bdv +/m/07jdr /film/film_subject/films /m/0c_j9x +/m/0ct_yc /people/person/nationality /m/02jx1 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01wf86y /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/032xky /film/film/genre /m/01jfsb +/m/08141d /people/person/profession /m/0cbd2 +/m/01k23t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027pdrh /people/person/nationality /m/07ssc +/m/06hhrs /film/actor/film./film/performance/film /m/0h03fhx +/m/01wqlc /music/genre/artists /m/0hgqq +/m/02lk95 /people/person/places_lived./people/place_lived/location /m/0ggh3 +/m/01vsy95 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/06j6l /music/genre/artists /m/01w7nww +/m/01m23s /location/location/time_zones /m/02hcv8 +/m/03m2fg /people/person/religion /m/03j6c +/m/02qkwl /film/film/language /m/02h40lc +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0k525 +/m/016h4r /people/person/places_lived./people/place_lived/location /m/0r5y9 +/m/05gpy /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/02dth1 /film/actor/film./film/performance/film /m/091rc5 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qd_r +/m/0157m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06pj8 +/m/03wbqc4 /film/film/featured_film_locations /m/01qcx_ +/m/0fd3y /music/genre/artists /m/043c4j +/m/04954 /film/actor/film./film/performance/film /m/0ddf2bm +/m/02bxd /music/instrument/family /m/01kcd +/m/01gvr1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09byk /film/actor/film./film/performance/film /m/03s6l2 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1zdw +/m/04bfg /education/educational_institution/colors /m/02rnmb +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nnpw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01r97z +/m/02114t /people/person/languages /m/02h40lc +/m/0c9c0 /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02gnh0 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06xkst /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f8grf +/m/01dvbd /film/film/genre /m/0lsxr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr_ +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/011ywj /film/film/country /m/07ssc +/m/0fkhz /location/location/time_zones /m/02hcv8 +/m/03s2dj /film/actor/film./film/performance/film /m/017z49 +/m/0c1pj /people/person/profession /m/01d_h8 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dsvzh +/m/019pm_ /people/person/profession /m/02hrh1q +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0tj4y /location/location/time_zones /m/02fqwt +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01hrqc /music/group_member/membership./music/group_membership/role /m/03qjg +/m/067sqt /people/person/gender /m/02zsn +/m/01vrkdt /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0738b8 /film/actor/film./film/performance/film /m/02mt51 +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/07z1m /location/location/contains /m/034lk7 +/m/020ngt /music/genre/parent_genre /m/018ysx +/m/047g98 /sports/sports_team/colors /m/06fvc +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01l_pn /film/film/genre /m/03k9fj +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/04gb7 /film/film_subject/films /m/0ccck7 +/m/04sry /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/04jn6y7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04__f /people/person/places_lived./people/place_lived/location /m/0psxp +/m/0167bx /award/award_winning_work/awards_won./award/award_honor/award /m/0dt49 +/m/0j5ym /base/culturalevent/event/entity_involved /m/01k31p +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/07yvsn +/m/0dln8jk /film/film/featured_film_locations /m/030qb3t +/m/02zd2b /education/educational_institution/students_graduates./education/education/student /m/02s529 +/m/011k11 /music/record_label/artist /m/031x_3 +/m/0x25q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/0fb7sd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mjq /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02y_2y +/m/04sylm /education/educational_institution/campuses /m/04sylm +/m/042d1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grmk +/m/0kz10 /music/genre/parent_genre /m/07gxw +/m/02x8m /music/genre/artists /m/015srx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06nm1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/016sd3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/033q4k +/m/016yvw /film/actor/film./film/performance/film /m/055td_ +/m/01ync /sports/sports_team/sport /m/018jz +/m/0zcbl /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/0d2by /people/ethnicity/people /m/011zf2 +/m/0b3n61 /film/film/genre /m/05p553 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/03676 /sports/sports_team_location/teams /m/043y95 +/m/08vlns /music/genre/artists /m/09z1lg +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095zvfg +/m/06by7 /music/genre/artists /m/01fl3 +/m/06by7 /music/genre/artists /m/0k7pf +/m/0cskb /tv/tv_program/genre /m/0fdjb +/m/0134s5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/035qgm +/m/02r771y /award/award_category/category_of /m/02r771y +/m/02xry /location/location/contains /m/0rql_ +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/04f2zj /people/profession/specialization_of /m/09jwl +/m/012j8z /people/person/nationality /m/0d060g +/m/02pw_n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g6bk /people/person/profession /m/0d8qb +/m/0f2v0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/017gm7 /film/film/genre /m/02xlf +/m/017gm7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01jft4 /film/film/music /m/01mkn_d +/m/050z2 /people/person/gender /m/05zppz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0422v0 +/m/042fgh /film/film/genre /m/0btmb +/m/0209xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01qmy04 /people/person/place_of_birth /m/04n3l +/m/01p4wv /tv/tv_program/genre /m/05p553 +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/01qn7n +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/016ywr +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/013yq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyv3h /film/film/film_format /m/0cj16 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/035qy +/m/01hb6v /influence/influence_node/influenced_by /m/0gthm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07n68 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/0mhfr /music/genre/artists /m/036px +/m/07pd_j /film/film/genre /m/05p553 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03mfqm +/m/01kx_81 /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/01cdjp /award/award_category/disciplines_or_subjects /m/0dwly +/m/0q9zc /influence/influence_node/influenced_by /m/052hl +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0bdt8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c2tf +/m/05ywg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/023mdt /film/actor/film./film/performance/film /m/0bm2nq +/m/025v3k /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05hf_5 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bz5v2 /people/person/nationality /m/07ssc +/m/0bz5v2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gz5hs /film/actor/film./film/performance/film /m/07bxqz +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01jr6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hz55 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yhvv +/m/0fxky3 /people/person/profession /m/02hrh1q +/m/01nrq5 /film/actor/film./film/performance/film /m/02sfnv +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/059x0w /people/person/profession /m/01d_h8 +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01kf3_9 /film/film/genre /m/01jfsb +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0j582 +/m/0ms6_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026c1 +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02bc74 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n3g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06t2t +/m/03hmt9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0gv40 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01fxfk /people/person/gender /m/05zppz +/m/01p896 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03qbm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02mhfy /film/actor/film./film/performance/film /m/01n30p +/m/03v0vd /people/person/profession /m/0dxtg +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/02vkdwz +/m/0kb1g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02pjvc /people/person/nationality /m/03rjj +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02csf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qdh +/m/0854hr /people/person/profession /m/0dgd_ +/m/02dr9j /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02wd48 /film/actor/film./film/performance/film /m/0gwgn1k +/m/0gywn /music/genre/parent_genre /m/0155w +/m/0gywn /music/genre/artists /m/0bqsy +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/040rjq /influence/influence_node/influenced_by /m/040db +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02__ww +/m/01lyv /music/genre/artists /m/01h5f8 +/m/01lyv /music/genre/artists /m/01c8v0 +/m/03mdt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0cmpn /people/person/religion /m/01spm +/m/0170pk /film/actor/film./film/performance/film /m/05nlx4 +/m/041rx /people/ethnicity/people /m/0mdyn +/m/02r2j8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016khd +/m/017ht /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ks67 /education/educational_institution/colors /m/04d18d +/m/03cn92 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03w9sgh /people/person/profession /m/03gjzk +/m/0fk1z /people/ethnicity/people /m/051q39 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/023zsh /film/actor/film./film/performance/film /m/0crd8q6 +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01nqj /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01gvts /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3zjn7 +/m/018dnt /film/actor/film./film/performance/film /m/035_2h +/m/08pth9 /film/actor/film./film/performance/film /m/04ynx7 +/m/07hwkr /people/ethnicity/people /m/02wlk +/m/0bbgvp /film/film/written_by /m/0gv5c +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/05zdk2 /people/person/gender /m/02zsn +/m/0427y /people/person/languages /m/02h40lc +/m/01gzm2 /people/person/profession /m/02hv44_ +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04fv0k /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0kxbc /people/person/profession /m/0nbcg +/m/02xv8m /film/actor/film./film/performance/film /m/0bv8h2 +/m/01pkhw /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/04psf /people/cause_of_death/people /m/01gw8b +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fh2v5 /film/film/language /m/0jzc +/m/05q_mg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mx8h4 /tv/tv_program/genre /m/05p553 +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022s1m +/m/01k1k4 /film/film/executive_produced_by /m/04q5zw +/m/0cmf0m0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0_7w6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0d9jr /sports/sports_team_location/teams /m/06wpc +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0t_gg /location/location/time_zones /m/02hcv8 +/m/05r5c /music/instrument/instrumentalists /m/026spg +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/06y9c2 /people/person/nationality /m/09c7w0 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/02gd6x /film/film/language /m/04306rv +/m/0g8rj /education/university/fraternities_and_sororities /m/0325pb +/m/01q4qv /people/person/gender /m/05zppz +/m/0bmc4cm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03rhqg /music/record_label/artist /m/016l09 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/06nrt +/m/02n1gr /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/049w1q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/017l96 /music/record_label/artist /m/01vsl3_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/0glt670 /music/genre/artists /m/0147dk +/m/01p726 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/089kpp /people/person/nationality /m/0ctw_b +/m/02wbnv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_6dw /people/person/religion /m/03_gx +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/073bb +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/024bbl +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/01756d /music/genre/artists /m/0j6cj +/m/01xq8v /film/film/genre /m/01hmnh +/m/0cmdwwg /film/film/language /m/02h40lc +/m/05xpms /film/actor/film./film/performance/film /m/0f61tk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0345gh +/m/01xlqd /film/film/genre /m/04t36 +/m/043t8t /film/film/music /m/0jn5l +/m/0b2qtl /film/film/genre /m/07s9rl0 +/m/0dy04 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0154qm /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/084x96 /people/person/gender /m/05zppz +/m/0jhn7 /olympics/olympic_games/sports /m/0w0d +/m/040nwr /people/person/gender /m/02zsn +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/02t1dv /film/actor/film./film/performance/film /m/02z9hqn +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088q4 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0ljsz /location/location/contains /m/05zl0 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/01243b /music/genre/artists /m/03g5jw +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gy6z9 /film/actor/film./film/performance/film /m/02qmsr +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01kvqc /people/person/profession /m/09jwl +/m/08xvpn /film/film/edited_by /m/03q8ch +/m/019n9w /education/educational_institution/school_type /m/02p0qmm +/m/017lqp /people/person/nationality /m/07ssc +/m/01cv3n /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/0c1ps1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/012c6x /people/deceased_person/place_of_death /m/06_kh +/m/09gkx35 /film/film/genre /m/05p553 +/m/0nm3n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm9h +/m/015cz0 /education/educational_institution/students_graduates./education/education/student /m/012bk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/02kxwk /people/person/profession /m/02jknp +/m/03hkch7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jv1z /music/record_label/artist /m/017lb_ +/m/0gry51 /people/person/profession /m/0dxtg +/m/016ypb /people/person/places_lived./people/place_lived/location /m/0d6yv +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/069d68 /people/person/sibling_s./people/sibling_relationship/sibling /m/069d71 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/03s9v /people/person/profession /m/06q2q +/m/0c_tl /olympics/olympic_games/participating_countries /m/0d0vqn +/m/01fl3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0c5x_ /education/educational_institution/students_graduates./education/education/student /m/08k881 +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsykc +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015qq1 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/023l9y /people/person/nationality /m/02jx1 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/04fcjt /music/record_label/artist /m/01vzxld +/m/04g61 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0f4yh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmwg /music/genre/artists /m/04_jsg +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/01vhrz +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/0bl2g +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0g6ff /people/ethnicity/people /m/0pcc0 +/m/05jf85 /film/film/genre /m/06nbt +/m/0581vn8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gk4g /medicine/disease/risk_factors /m/0jpmt +/m/01y20v /education/educational_institution/colors /m/0jc_p +/m/01swck /people/person/religion /m/0c8wxp +/m/026f__m /people/person/gender /m/05zppz +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01cvtf /tv/tv_program/genre /m/0lsxr +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/058kh7 /film/film/language /m/02h40lc +/m/02qzh2 /film/film/cinematography /m/05br10 +/m/0227vl /people/person/profession /m/0kyk +/m/012dr7 /people/deceased_person/place_of_death /m/0r3tq +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/0dryh9k /people/ethnicity/people /m/046rfv +/m/02sfnv /film/film/genre /m/03k9fj +/m/02hnl /music/instrument/instrumentalists /m/0zjpz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/014z8v /influence/influence_node/influenced_by /m/01k9lpl +/m/0gxfz /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/07c52 /media_common/netflix_genre/titles /m/01cvtf +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/award /m/09v478h +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03rj0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/07gxw /music/genre/artists /m/048xh +/m/01bczm /people/person/gender /m/05zppz +/m/01j5ws /film/actor/film./film/performance/film /m/087vnr5 +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02l424 +/m/0d4jl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z_jj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/062zm5h /film/film/featured_film_locations /m/01sn3 +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0gjcrrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/027dpx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gys2jp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k5px /film/film/genre /m/03bxz7 +/m/02rrfzf /film/film/genre /m/02kdv5l +/m/02rrfzf /film/film/executive_produced_by /m/05hj_k +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01pxcf +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/06_sc3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0gkz15s /film/film/language /m/02h40lc +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ytc /sports/sports_team/colors /m/06fvc +/m/04cnp4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01l2b3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03t8v3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/01kb2j +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ghvb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0565cz /people/person/profession /m/09jwl +/m/0yt73 /location/hud_county_place/place /m/0yt73 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/08pn_9 /music/record_label/artist /m/01w7nwm +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/04kj2v /people/person/gender /m/05zppz +/m/05nyqk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0f04v /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/06crk +/m/0d4htf /film/film/genre /m/02l7c8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06thjt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019q50 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03x23q +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01rr31 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03np_7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/034m8 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qx1 +/m/01w724 /people/person/languages /m/02h40lc +/m/03fbb6 /people/person/gender /m/05zppz +/m/03fbb6 /film/actor/film./film/performance/film /m/0g3zrd +/m/0pmhf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1pj +/m/08jyyk /music/genre/artists /m/011_vz +/m/02bh8z /music/record_label/artist /m/01w7nwm +/m/03_2td /film/actor/film./film/performance/film /m/04mcw4 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/026g4l_ /people/person/profession /m/05sxg2 +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mwsnc +/m/032_wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/024rwx /tv/tv_program/genre /m/06n90 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02km0m +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/0blgl /people/person/profession /m/0n1h +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/012ky3 /people/person/profession /m/01c8w0 +/m/02vjp3 /film/film/music /m/01m7f5r +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0d05w3 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03f0324 /people/person/profession /m/04gc2 +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/02d003 /film/film/production_companies /m/06rq1k +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02jt1k /film/actor/film./film/performance/film /m/0dll_t2 +/m/01s3kv /people/person/profession /m/02hrh1q +/m/01fszq /tv/tv_program/country_of_origin /m/09c7w0 +/m/048tgl /people/person/places_lived./people/place_lived/location /m/02xry +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03x83_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/01vsn38 /film/actor/film./film/performance/film /m/0830vk +/m/01vsn38 /film/actor/film./film/performance/film /m/0gjk1d +/m/0223xd /award/award_category/disciplines_or_subjects /m/04g51 +/m/05nlx4 /film/film/language /m/02h40lc +/m/04cbtrw /influence/influence_node/influenced_by /m/0zm1 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tgn +/m/03yxwq /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/02lfp4 /people/person/nationality /m/02jx1 +/m/0jf1b /people/person/gender /m/05zppz +/m/04sv4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02bqvs /film/film/genre /m/07s9rl0 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/026z9 /music/genre/artists /m/01jfr3y +/m/02p4jf0 /music/record_label/artist /m/01wj5hp +/m/05rx__ /influence/influence_node/influenced_by /m/081lh +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mt91 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04cbbz +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lg3y +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/016jfw +/m/06v36 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0c7xjb /people/person/gender /m/02zsn +/m/0xhtw /music/genre/artists /m/094xh +/m/0xhtw /music/genre/artists /m/047cx +/m/0xhtw /music/genre/artists /m/0fhxv +/m/0yyts /film/film/language /m/02h40lc +/m/0394y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02vm9nd /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/03bnv +/m/0cx7f /music/genre/artists /m/02vgh +/m/0n85g /music/record_label/artist /m/01wx756 +/m/04crrxr /people/person/profession /m/0cbd2 +/m/02h30z /education/educational_institution/colors /m/03wkwg +/m/01r42_g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pyww +/m/01rzqj /people/person/place_of_birth /m/0nbrp +/m/0p_47 /people/person/employment_history./business/employment_tenure/company /m/02fzs +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/024qqx /media_common/netflix_genre/titles /m/031778 +/m/04jpl /location/location/contains /m/01_c4 +/m/06jzh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_dj /people/person/profession /m/05z96 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/01wmxfs /film/actor/film./film/performance/film /m/0fb7sd +/m/03tdlh /people/person/religion /m/092bf5 +/m/0f4_l /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0f4_l /film/film/language /m/06nm1 +/m/07ssc /media_common/netflix_genre/titles /m/0fxmbn +/m/02wr6r /people/deceased_person/place_of_death /m/02_286 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hwbd +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/04bpm6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bt6j /music/genre/artists /m/02bgmr +/m/06krf3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_sr1 /film/film/language /m/0653m +/m/03ckfl9 /music/genre/artists /m/01516r +/m/05lls /music/genre/artists /m/06wvj +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09kzxt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/06mmb /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/0j1z8 /location/location/contains /m/0j1z8 +/m/053vcrp /people/deceased_person/place_of_death /m/071vr +/m/02k76g /people/person/gender /m/05zppz +/m/04rfq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/04rfq /organization/organization_founder/organizations_founded /m/09xwz +/m/0mb0 /influence/influence_node/influenced_by /m/02kz_ +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/024dw0 /people/person/profession /m/09jwl +/m/0fsw_7 /film/film/genre /m/01jfsb +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/05y0cr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01skxk /music/genre/parent_genre /m/06by7 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/04g7x /education/field_of_study/students_majoring./education/education/student /m/0b78hw +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/03clwtw /film/film/production_companies /m/0c41qv +/m/02v60l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0glmv /film/actor/film./film/performance/film /m/06rhz7 +/m/0gwf191 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04mp75 /sports/sports_team/colors /m/01g5v +/m/035nm /organization/organization/place_founded /m/0m2rv +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02k6rq /film/actor/film./film/performance/film /m/026hh0m +/m/0131kb /people/person/profession /m/02hrh1q +/m/03k7bd /film/actor/film./film/performance/film /m/0g22z +/m/0kyk /dataworld/gardening_hint/split_to /m/0kyk +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/06c53w /people/person/spouse_s./people/marriage/location_of_ceremony /m/0c8tk +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0d02km +/m/0yz30 /location/hud_county_place/place /m/0yz30 +/m/01hw6wq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01x53m /people/person/gender /m/05zppz +/m/0c8tkt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/07_l6 +/m/02dtg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/06p8m /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/07s2s /film/film_subject/films /m/08phg9 +/m/0kc6x /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0k525 /film/actor/film./film/performance/film /m/060__7 +/m/0k525 /film/actor/film./film/performance/film /m/02gpkt +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01n7q /location/location/contains /m/07vfz +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/013dy7 /location/hud_county_place/place /m/013dy7 +/m/064t9 /music/genre/artists /m/01wzlxj +/m/064t9 /music/genre/artists /m/09h4b5 +/m/064t9 /music/genre/artists /m/04bpm6 +/m/042gr4 /people/person/nationality /m/03_3d +/m/014kq6 /film/film/written_by /m/0fx02 +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/047lj +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/03m6zs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cchk3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06kbb6 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/05c26ss +/m/030hbp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wgcvn /film/actor/film./film/performance/film /m/0bm2nq +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gz5hs +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01516r +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl1c +/m/01hxs4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g83dv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hh8j /people/person/languages /m/064_8sq +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/034fl9 +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0745k7 +/m/0sw6g /film/actor/film./film/performance/film /m/050f0s +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/033jkj /people/person/places_lived./people/place_lived/location /m/0fvzg +/m/01dyvs /film/film/genre /m/04t2t +/m/0d05q4 /location/location/contains /m/0ft0s +/m/01dbns /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0gg8l /music/genre/artists /m/01kstn9 +/m/01x73 /location/location/contains /m/0m2gk +/m/05wdgq /people/person/religion /m/03j6c +/m/07qy0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hvvf +/m/0sx8l /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/016fnb /people/person/profession /m/0n1h +/m/04gm7n /music/record_label/artist /m/016ksk +/m/03ftmg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d45s /film/actor/film./film/performance/film /m/0292qb +/m/05h95s /tv/tv_program/languages /m/02h40lc +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/0dh8v4 /film/film/genre /m/02kdv5l +/m/0h7h6 /sports/sports_team_location/teams /m/0jmcb +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/07y9w5 +/m/02j490 /film/actor/film./film/performance/film /m/07sp4l +/m/0hsb3 /education/educational_institution/colors /m/019sc +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/04r68 /people/person/gender /m/02zsn +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/01t38b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gw2w /location/location/time_zones /m/02llzg +/m/06g2d1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06g2d1 /film/actor/film./film/performance/film /m/0dzlbx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/06nz46 /people/person/nationality /m/02jx1 +/m/01gz9n /people/person/places_lived./people/place_lived/location /m/06yxd +/m/068p2 /sports/sports_team_location/teams /m/02pyyld +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/04znsy /people/person/profession /m/0kyk +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/03bnb /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/084w8 /influence/influence_node/influenced_by /m/01v9724 +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0d5_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxg3 /film/film_subject/films /m/023p33 +/m/01z4y /media_common/netflix_genre/titles /m/02wgbb +/m/0dl5d /music/genre/artists /m/02pt27 +/m/08cfr1 /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/0b7gr2 /people/person/profession /m/03gjzk +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/07hgkd +/m/015c2f /people/person/place_of_birth /m/02_286 +/m/01w9wwg /film/actor/film./film/performance/film /m/056xkh +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/0ql36 /people/person/profession /m/0dz3r +/m/043hg /people/person/gender /m/05zppz +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02lz1s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/0645k5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/01gn36 /film/actor/film./film/performance/film /m/01bn3l +/m/01pj3h /people/person/profession /m/01xr66 +/m/019rg5 /location/country/form_of_government /m/06cx9 +/m/0130sy /people/person/nationality /m/02jx1 +/m/0130sy /music/group_member/membership./music/group_membership/role /m/011k_j +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/081nh +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0ksrf8 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/033rq /people/person/profession /m/0dxtg +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01gjw /music/genre/artists /m/02w4fkq +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/02z3r8t /film/film/genre /m/01t_vv +/m/01j5ql /film/film/genre /m/028v3 +/m/047fjjr /film/film/produced_by /m/06q8hf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3w7 +/m/06lht1 /film/actor/film./film/performance/film /m/040_lv +/m/01qdmh /film/film/country /m/09c7w0 +/m/02lnbg /music/genre/artists /m/0gps0z +/m/0b_j2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kph_c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0392kz /film/actor/film./film/performance/film /m/0cks1m +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0ks67 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/02q56mk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0mnlq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0436kgz /people/person/profession /m/0np9r +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g69lg +/m/0g5ptf /film/film/runtime./film/film_cut/film_release_region /m/0d0vqn +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/06cl2w /film/actor/film./film/performance/film /m/0j43swk +/m/013xrm /people/ethnicity/languages_spoken /m/04306rv +/m/013xrm /people/ethnicity/people /m/0h336 +/m/09c7w0 /location/location/contains /m/0lyjf +/m/09c7w0 /location/location/contains /m/01wdj_ +/m/050xxm /film/film/genre /m/04t36 +/m/0342h /music/instrument/instrumentalists /m/05qw5 +/m/0342h /music/instrument/instrumentalists /m/027hm_ +/m/0342h /music/instrument/instrumentalists /m/01j4ls +/m/01d_h /people/person/profession /m/01c72t +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0415ggl /film/film/country /m/0d060g +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/058dm9 +/m/01yx7f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/013hvr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/05f0r8 /people/deceased_person/place_of_burial /m/018mmj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07z6xs +/m/05qd_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01gx5f /people/person/profession /m/0dz3r +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/0dcz8_ /film/film/genre /m/02kdv5l +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/047hpm /people/person/nationality /m/03rjj +/m/0y4f8 /music/genre/artists /m/02bc74 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09zmys +/m/0ct2tf5 /film/film/featured_film_locations /m/030qb3t +/m/026v437 /people/person/profession /m/0d1pc +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0hnjt +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/06j6l /music/genre/artists /m/02wwwv5 +/m/0d5fb /education/educational_institution/colors /m/01g5v +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015rkw +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07ylj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07p7g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d9k /people/person/profession /m/01445t +/m/0h6sv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/023g6w /film/film/production_companies /m/02slt7 +/m/010m55 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0_565 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0824r +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fnb4 +/m/06crk /influence/influence_node/peers./influence/peer_relationship/peers /m/059y0 +/m/01d2v1 /film/film/music /m/01l1rw +/m/0g1rw /organization/organization/child./organization/organization_relationship/child /m/01f_mw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017kz7 +/m/02ph9tm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/031rq5 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/065mm1 /people/person/nationality /m/09c7w0 +/m/042tq /location/hud_county_place/place /m/042tq +/m/081jbk /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0btpm6 +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0l8sx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0c1pj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02jx1 /location/location/contains /m/01rvgx +/m/02jx1 /location/location/contains /m/0143hl +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05v38p +/m/01w60_p /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/025tmkg /people/profession/specialization_of /m/04s2z +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0g824 /people/person/profession /m/0n1h +/m/03hhd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03hhd3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01kwld /people/person/gender /m/05zppz +/m/01wj5hp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/067sqt /people/person/profession /m/0d1pc +/m/016z9n /film/film/language /m/02h40lc +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01s7w3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/033071 /film/actor/film./film/performance/film /m/0n08r +/m/0llcx /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01k5y0 /film/film/language /m/064_8sq +/m/06znpjr /film/film/produced_by /m/05nn4k +/m/0x67 /people/ethnicity/people /m/07sgfsl +/m/0kbg6 /people/person/nationality /m/07ssc +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qrv7 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/053rxgm /film/film/genre /m/02kdv5l +/m/04b2qn /film/film/genre /m/01t_vv +/m/04b2qn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/05typm /people/person/profession /m/02hrh1q +/m/01wd02c /influence/influence_node/influenced_by /m/028p0 +/m/01x8f6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0dnqr /film/film/language /m/0349s +/m/0hdf8 /music/genre/artists /m/01mxt_ +/m/0jqd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/025j1t /people/person/profession /m/02hrh1q +/m/02x8m /music/genre/artists /m/021r7r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03zj9 +/m/023ny6 /tv/tv_program/genre /m/06q7n +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0cc97st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/05dss7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f9wb /people/person/place_of_birth /m/01n7q +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/039x1k +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/0252fh +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/016ypb +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/028d4v /film/actor/film./film/performance/film /m/04g73n +/m/01z28b /sports/sports_team_location/teams /m/0lmm3 +/m/013pk3 /people/person/profession /m/09jwl +/m/03g5jw /music/artist/origin /m/07h34 +/m/01w02sy /people/person/nationality /m/09c7w0 +/m/02xry /location/location/contains /m/0rp46 +/m/01cszh /music/record_label/artist /m/05sq20 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hhvg +/m/025x7g_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/058s57 +/m/0416y94 /film/film/language /m/02h40lc +/m/05t0zfv /film/film/genre /m/0hcr +/m/05397h /tv/tv_program/country_of_origin /m/07ssc +/m/07cjqy /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02qwg /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/015kg1 /music/record_label/artist /m/0dvqq +/m/014_x2 /film/film/production_companies /m/0c41qv +/m/014_x2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01v90t /people/person/nationality /m/02jx1 +/m/02k6hp /people/cause_of_death/people /m/0c5vh +/m/03qk20 /music/record_label/artist /m/01czx +/m/01tf_6 /people/cause_of_death/people /m/0p9gg +/m/055c8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016clz /music/genre/artists /m/0cbm64 +/m/016clz /music/genre/artists /m/01vs14j +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/0gydcp7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/04chyn +/m/0gy0l_ /film/film/genre /m/082gq +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08z0wx /music/genre/parent_genre /m/0172rj +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/026wlxw +/m/0wsr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ftlx +/m/02yv6b /music/genre/artists /m/017f4y +/m/0gd5z /influence/influence_node/influenced_by /m/03_dj +/m/040_lv /film/film/language /m/064_8sq +/m/02fp82 /tv/tv_network/programs./tv/tv_network_duration/program /m/028k2x +/m/01wv9xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02w6s3 /music/genre/parent_genre /m/012x7b +/m/0jgwf /people/person/place_of_birth /m/02gw_w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/025rcc +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/02h48 /people/person/nationality /m/09c7w0 +/m/0161c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ydl +/m/02xb2bt /people/person/profession /m/02hrh1q +/m/07kb7vh /film/film/genre /m/02l7c8 +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/02lymt +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/04pk1f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lmm3 /sports/sports_team/sport /m/02vx4 +/m/023p7l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/015np0 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pyg6 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01g4bk /people/person/nationality /m/03_3d +/m/015fr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05ywg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0kc40 +/m/03hmt9b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/01g1lp +/m/0p3sf /people/person/profession /m/09jwl +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/080v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0210hf /people/person/gender /m/05zppz +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/024pcx /location/country/capital /m/0bwtj +/m/0fy66 /film/film/genre /m/01g6gs +/m/031v3p /film/actor/film./film/performance/film /m/0443v1 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/0c4y8 +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/04gfy7 /people/ethnicity/people /m/0jrqq +/m/05nn4k /people/person/profession /m/03gjzk +/m/07l4z /sports/sports_team/sport /m/018jz +/m/0686zv /film/actor/film./film/performance/film /m/07f_t4 +/m/02nczh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/030pr /people/person/profession /m/02jknp +/m/05hmp6 /time/event/instance_of_recurring_event /m/0g_w +/m/05mc99 /film/actor/film./film/performance/film /m/01jnc_ +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/01bvx1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/05br10 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01vv6_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0kj34 /people/person/nationality /m/02jx1 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/041rx /people/ethnicity/people /m/02vtnf +/m/041rx /people/ethnicity/people /m/051wwp +/m/041rx /people/ethnicity/people /m/01sbhvd +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04cj79 +/m/01jgkj2 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/08bqy9 /people/person/languages /m/03k50 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/026r8q /people/person/place_of_birth /m/0yc84 +/m/04bz7q /people/person/nationality /m/09c7w0 +/m/0b_fw /people/person/profession /m/01d_h8 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01bpnd +/m/033w9g /film/actor/film./film/performance/film /m/0443v1 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01m4kpp +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/01b7h8 /tv/tv_program/genre /m/04rlf +/m/02ht1k /film/film/language /m/02h40lc +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02sh8y +/m/02sdx /people/person/places_lived./people/place_lived/location /m/03rjj +/m/01bl7g /film/film/genre /m/02kdv5l +/m/016ybr /music/genre/artists /m/03f6fl0 +/m/01vh3r /people/person/languages /m/02bjrlw +/m/015_1q /music/record_label/artist /m/0137n0 +/m/015_1q /music/record_label/artist /m/01vvycq +/m/015_1q /music/record_label/artist /m/04d_mtq +/m/0gvrws1 /film/film/genre /m/06n90 +/m/015rmq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054c1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bng /people/person/profession /m/0cbd2 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0j1yf +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/02nfjp /people/person/profession /m/0nbcg +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0_7w6 /film/film/production_companies /m/04rcl7 +/m/016vg8 /film/actor/film./film/performance/film /m/0kvgtf +/m/02q3fdr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n30p /film/film/genre /m/01j1n2 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/01pgzn_ /people/person/profession /m/02hrh1q +/m/05wp1p /film/film/genre /m/05p553 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01sbv9 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02hblj /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/017l96 /music/record_label/artist /m/01fl3 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm9w +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0d90m /film/film/music /m/01ycfv +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/044k8 /people/person/profession /m/0dgd_ +/m/02qkt /location/location/contains /m/03spz +/m/01756d /music/genre/artists /m/01w5n51 +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/038zh6 +/m/01mkq /education/field_of_study/students_majoring./education/education/student /m/01n5309 +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02fgpf /people/person/place_of_birth /m/02_286 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/012wgb /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015rkw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/026_w57 +/m/07_pf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0237fw +/m/0m7yh /education/educational_institution/students_graduates./education/education/student /m/02wh0 +/m/017r13 /people/person/profession /m/02jknp +/m/0h7x /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04wf_b /film/actor/film./film/performance/film /m/0cc97st +/m/01zwy /influence/influence_node/influenced_by /m/0klw +/m/02vjzr /music/genre/artists /m/0133x7 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0p9nv /location/location/time_zones /m/02hcv8 +/m/03tc8d /sports/sports_team/sport /m/02vx4 +/m/0x3r3 /influence/influence_node/influenced_by /m/02wh0 +/m/086h6p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04fhn_ /film/actor/film./film/performance/film /m/0c3zjn7 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lvng +/m/01vsyg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0fs9jn /people/person/nationality /m/0d060g +/m/02kxwk /film/actor/film./film/performance/film /m/02q5g1z +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mn8t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0534nr /people/person/gender /m/05zppz +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0fhzwl /tv/tv_program/genre /m/0lsxr +/m/0gyv0b4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02r8hh_ /film/film/executive_produced_by /m/02q_cc +/m/0jsg0m /people/person/profession /m/02krf9 +/m/0gd9k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/08m4c8 /people/person/nationality /m/0345h +/m/072x7s /film/film/language /m/02bjrlw +/m/02hxhz /film/film/genre /m/07s9rl0 +/m/0lw_s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g61 /location/country/form_of_government /m/01q20 +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/05j82v /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/0d_wms /film/film/written_by /m/011s9r +/m/035yg /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/02y49 /people/person/nationality /m/09c7w0 +/m/0gk4g /people/cause_of_death/people /m/01hdht +/m/01rnxn /film/actor/film./film/performance/film /m/03t79f +/m/0k9ts /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02xh1 /media_common/netflix_genre/titles /m/016ks5 +/m/03f7xg /film/film/country /m/0d060g +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05whq_9 /people/person/profession /m/0dxtg +/m/03dpqd /people/person/nationality /m/0chghy +/m/03hzkq /people/person/profession /m/02hv44_ +/m/01r0t_j /influence/influence_node/influenced_by /m/02vgh +/m/07ww5 /location/country/official_language /m/02h40lc +/m/015dqj /film/actor/film./film/performance/film /m/0m9p3 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/01twdk /people/person/profession /m/02jknp +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/0cks1m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02hnl /music/instrument/instrumentalists /m/01vn35l +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/05rfst /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06d4h /film/film_subject/films /m/0hfzr +/m/0c8hct /people/person/profession /m/015h31 +/m/068g3p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cy__l /film/film/written_by /m/084w8 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01kp_1t /people/person/gender /m/02zsn +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03_x5t /film/actor/film./film/performance/film /m/0bq6ntw +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/049k07 /people/person/languages /m/02h40lc +/m/03h2d4 /film/actor/film./film/performance/film /m/09fqgj +/m/05g2v /location/location/contains /m/06frc +/m/0gys2jp /film/film/costume_design_by /m/03cp7b3 +/m/0235l /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cp08zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/06c0ns +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/08jfkw /people/person/gender /m/05zppz +/m/07c1v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0f0y8 /people/person/profession /m/02hrh1q +/m/0k269 /film/actor/film./film/performance/film /m/0435vm +/m/0k269 /film/actor/film./film/performance/film /m/02s4l6 +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0gn30 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03fnjv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0125xq /film/film/genre /m/03k9fj +/m/01vvybv /film/actor/film./film/performance/film /m/06cgf +/m/0478__m /influence/influence_node/influenced_by /m/0bk1p +/m/02p21g /people/person/religion /m/0c8wxp +/m/02zk08 /film/film/genre /m/0hn10 +/m/0gj8nq2 /film/film/genre /m/01hmnh +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0333wf /film/actor/film./film/performance/film /m/0g3zrd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01tpvt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y8zd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0225bv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0p7tb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02yr3z +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05cgv +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s_2 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lfcm +/m/03qmj9 /people/person/languages /m/02h40lc +/m/03jldb /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03m3vr6 /people/cause_of_death/people /m/0lrh +/m/02h9_l /people/person/nationality /m/09c7w0 +/m/01pcvn /people/person/profession /m/0d1pc +/m/06pj8 /people/person/employment_history./business/employment_tenure/company /m/016tw3 +/m/08jyyk /music/genre/artists /m/09prnq +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/026y23w +/m/0y_9q /film/film/language /m/02h40lc +/m/0kzy0 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/031n5b +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/02j9z /location/location/contains /m/087vz +/m/0xwj /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0l56b /people/person/profession /m/0dxtg +/m/0199wf /film/film/genre /m/04t36 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/059xvg /people/person/place_of_birth /m/0grd7 +/m/01xyt7 /people/person/nationality /m/09c7w0 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0gtx63s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02ny8t /music/genre/artists /m/016ppr +/m/0jnkr /sports/sports_team/colors /m/03vtbc +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pbl56 +/m/06hmd /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02qr3k8 /film/film/genre /m/0jtdp +/m/01qhm_ /people/ethnicity/people /m/0227tr +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01tkqy +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/039n1 /influence/influence_node/influenced_by /m/015n8 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/046488 /film/film/language /m/064_8sq +/m/03bdkd /film/film/produced_by /m/01b9ck +/m/0byq0v /sports/sports_team/sport /m/02vx4 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/025ndl /location/country/capital /m/02m77 +/m/018sg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/09146g /film/film/genre /m/04t2t +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/019gz /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/03h502k /people/person/profession /m/02hrh1q +/m/01h4rj /film/actor/film./film/performance/film /m/04t6fk +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/061v5m +/m/06b_0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01t21q +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/085wqm +/m/01s21dg /people/person/profession /m/0nbcg +/m/0xhtw /music/genre/artists /m/020_4z +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03339m /music/genre/parent_genre /m/01jwt +/m/04xvlr /media_common/netflix_genre/titles /m/028_yv +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/0c9l1 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/012v1t /people/person/profession /m/0fj9f +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/01nln /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/016zwt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01r42_g /people/person/languages /m/06nm1 +/m/01r42_g /people/person/places_lived./people/place_lived/location /m/04n3l +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01nqfh_ /people/person/gender /m/05zppz +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03k9fj /media_common/netflix_genre/titles /m/05q96q6 +/m/0bthb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/021mkg +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01dnws /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/06nr2h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/03hj5lq /film/film/featured_film_locations /m/0xn5b +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/06v99d +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0260bz /film/film/genre /m/04xvh5 +/m/01csrl /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qr8z +/m/04q24zv /film/film/runtime./film/film_cut/film_release_region /m/0f8l9c +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/02pzck /people/person/places_lived./people/place_lived/location /m/0dclg +/m/05cgy8 /people/person/profession /m/02jknp +/m/012gyf /education/educational_institution/colors /m/01l849 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/03ckfl9 /music/genre/artists /m/04mky3 +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3kw +/m/01qdhx /education/educational_institution/school_type /m/01rs41 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/07bcn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ljb /olympics/olympic_games/sports /m/071t0 +/m/027s39y /film/film/genre /m/01zhp +/m/0j1z8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02vptk_ /people/person/profession /m/012t_z +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/04ch23 /people/person/places_lived./people/place_lived/location /m/049lr +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06y57 +/m/01q_wyj /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0q9jk /tv/tv_program/genre /m/01z4y +/m/08cyft /music/genre/artists /m/048xh +/m/01mpwj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05fky /location/location/contains /m/0ynfz +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/0fx02 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0jrxx /location/location/time_zones /m/02hcv8 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/037d35 /people/person/nationality /m/09c7w0 +/m/065dc4 /film/film/language /m/064_8sq +/m/0164qt /film/film/story_by /m/0fx02 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0bz3jx /film/film/language /m/0jzc +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rk0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03j9ml /people/person/nationality /m/09c7w0 +/m/0j_t1 /film/film/music /m/01wmcbg +/m/0f_y9 /people/person/profession /m/01c72t +/m/01clyr /music/record_label/artist /m/01wg3q +/m/0pgm3 /film/actor/film./film/performance/film /m/03wy8t +/m/018vs /music/instrument/instrumentalists /m/01wdqrx +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/01mmslz +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05q54f5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/035qy +/m/0jcx /people/person/places_lived./people/place_lived/location /m/0d6nx +/m/01vsgrn /people/person/nationality /m/09c7w0 +/m/06sff /location/country/official_language /m/02bjrlw +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01fh9 /people/person/profession /m/02hrh1q +/m/07dzf /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01vsy7t /award/award_winner/awards_won./award/award_honor/award_winner /m/031x_3 +/m/02dwj /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01w56k /music/record_label/artist /m/08w4pm +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02mjmr +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01wdtv /music/record_label/artist /m/03f0fnk +/m/0mk59 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bgmr /people/person/profession /m/016z4k +/m/06f0k /tv/tv_program/genre /m/06n90 +/m/06dv3 /film/actor/film./film/performance/film /m/02q0k7v +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0dlngsd /film/film/executive_produced_by /m/0fvf9q +/m/05clg8 /music/record_label/artist /m/032nl2 +/m/0ck91 /people/person/nationality /m/02jx1 +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02fqxm /film/film/production_companies /m/03sb38 +/m/01ljpm /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05gc0h /people/person/languages /m/0999q +/m/064t9 /music/genre/artists /m/05szp +/m/03_js /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0ffgh /people/person/profession /m/0n1h +/m/0b1s_q /people/person/profession /m/03gjzk +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01dhpj /people/person/nationality /m/06mkj +/m/05tcx0 /music/genre/parent_genre /m/016jny +/m/0j5fv /medicine/symptom/symptom_of /m/0k95h +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0133sq +/m/0fvr1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/03nb5v +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/0872p_c /film/film/prequel /m/047csmy +/m/02qdgx /music/genre/artists /m/01vn35l +/m/0l14md /music/instrument/instrumentalists /m/01k_0fp +/m/01sn3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/0dpl44 /film/film/genre /m/06lbpz +/m/03548 /location/country/form_of_government /m/01d9r3 +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0784v1 /people/person/gender /m/05zppz +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03_8kz /tv/tv_program/genre /m/07s9rl0 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/05t0_2v /film/film/genre /m/05p553 +/m/01vzxld /people/person/gender /m/02zsn +/m/01w1sx /film/film_subject/films /m/0286hyp +/m/01vh08 /people/person/languages /m/02h40lc +/m/016ky6 /film/film/language /m/02h40lc +/m/02t__3 /people/person/languages /m/02h40lc +/m/01lmj3q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04dsnp +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4z7 +/m/01sb5r /people/person/profession /m/04f2zj +/m/06wm0z /people/person/nationality /m/09c7w0 +/m/087wc7n /film/film/story_by /m/02g3w +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/07lp1 /influence/influence_node/influenced_by /m/03f47xl +/m/02g7sp /people/ethnicity/people /m/02xs5v +/m/01cbt3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0y3_8 /music/genre/artists /m/0gs6vr +/m/05r6t /music/genre/artists /m/016l09 +/m/0g_bh /music/genre/parent_genre /m/0fd3y +/m/0n1s0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0n1s0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/057_yx /film/actor/film./film/performance/film /m/016z5x +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/02qdymm +/m/01pbwwl /people/person/place_of_birth /m/0n96z +/m/0dszr0 /people/person/gender /m/02zsn +/m/0190y4 /music/genre/artists /m/03fbc +/m/012ycy /people/person/profession /m/0nbcg +/m/0jwmp /film/film/genre /m/07s9rl0 +/m/05drq5 /people/person/nationality /m/09c7w0 +/m/04s430 /people/person/profession /m/0np9r +/m/0gpx6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/071ynp /film/actor/film./film/performance/film /m/05vxdh +/m/0q9nj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mv0b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01zg98 /film/actor/film./film/performance/film /m/01flv_ +/m/033tf_ /people/ethnicity/people /m/09dt7 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/023361 /people/person/nationality /m/09c7w0 +/m/016qtt /people/person/nationality /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/03mh_tp +/m/01z4y /media_common/netflix_genre/titles /m/04grkmd +/m/01gq0b /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02s4l6 +/m/045n3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qn7n /tv/tv_program/country_of_origin /m/09c7w0 +/m/02p3cr5 /music/record_label/artist /m/01wv9xn +/m/0bl3nn /film/film/country /m/07ssc +/m/06j0md /people/person/place_of_birth /m/030qb3t +/m/071jrc /people/person/gender /m/05zppz +/m/071jrc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04bd8y /people/person/places_lived./people/place_lived/location /m/0bxbr +/m/081l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/0yjf0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/037vqt /award/award_category/winners./award/award_honor/award_winner /m/03cvfg +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/0g8fs /education/educational_institution/students_graduates./education/education/student /m/02drd3 +/m/0lccn /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0206k5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vvycq /people/person/nationality /m/09c7w0 +/m/0cbkc /people/person/languages /m/02h40lc +/m/0k2sk /film/film/genre /m/02kdv5l +/m/0k2sk /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/027m5wv /film/film/executive_produced_by /m/05hj_k +/m/0by1wkq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07vn_9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b44shh +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09tqxt /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/07tlfx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v3q +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/05sj55 +/m/05bmq /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/0fh694 /film/film/genre /m/0lsxr +/m/011ysn /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/032016 /film/film/genre /m/05p553 +/m/0ggbhy7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lf1j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/046m59 +/m/01dvtx /people/person/gender /m/05zppz +/m/0343h /influence/influence_node/influenced_by /m/0453t +/m/0cfywh /people/person/gender /m/05zppz +/m/01hx2t /education/educational_institution/students_graduates./education/education/student /m/03k1vm +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/05ws7 /dataworld/gardening_hint/split_to /m/02fgmn +/m/01qygl /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09kr66 /people/ethnicity/people /m/016z2j +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/01tzfz /organization/organization/headquarters./location/mailing_address/citytown /m/0m0bj +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k53x +/m/05y7hc /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/03xmy1 /people/person/languages /m/02h40lc +/m/09c7w0 /location/location/contains /m/01bm_ +/m/09c7w0 /location/location/contains /m/0qzhw +/m/09c7w0 /location/country/second_level_divisions /m/0nt6b +/m/09c7w0 /location/country/second_level_divisions /m/0nvvw +/m/09c7w0 /location/country/second_level_divisions /m/0kv4k +/m/09c7w0 /location/country/second_level_divisions /m/0mtl5 +/m/0342h /music/instrument/instrumentalists /m/01wy61y +/m/0342h /music/instrument/instrumentalists /m/025ldg +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/02z5x7l /film/film/genre /m/07s9rl0 +/m/05j12n /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/0g3zrd /film/film/language /m/02h40lc +/m/0gxb2 /medicine/symptom/symptom_of /m/024c2 +/m/018dyl /people/person/profession /m/01xy5l_ +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/06sn8m /film/actor/film./film/performance/film /m/063y9fp +/m/05sb1 /sports/sports_team_location/teams /m/038_0z +/m/016vqk /people/person/profession /m/0dz3r +/m/01p0w_ /base/eating/practicer_of_diet/diet /m/07_hy +/m/0150jk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/02645b +/m/018fwv /film/actor/film./film/performance/film /m/0cmdwwg +/m/02wb6d /people/person/nationality /m/09c7w0 +/m/02lq10 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/03k8th /film/film/genre /m/07s9rl0 +/m/03h0byn /film/film/language /m/02h40lc +/m/05tbn /location/location/contains /m/0mww2 +/m/01wqlc /music/genre/artists /m/06wvj +/m/02qgqt /film/actor/film./film/performance/film /m/0c0nhgv +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06y9bd +/m/034ls /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025vldk /people/person/profession /m/0dxtg +/m/056xkh /film/film/music /m/06fxnf +/m/05dmmc /film/film/music /m/03zrp +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/01b9w3 /tv/tv_program/genre /m/0c4xc +/m/015fsv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059g4 /location/location/contains /m/0lm0n +/m/04jb97 /film/actor/film./film/performance/film /m/0gl02yg +/m/01htxr /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/01dyk8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/081yw /location/location/contains /m/0mlyw +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0c9c0 /people/person/place_of_birth /m/01b8w_ +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0193qj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01_vfy +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01k8rb /film/actor/film./film/performance/film /m/0m491 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02hrlh +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jkkv +/m/04nw9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06vlk0 +/m/0fvyg /location/location/time_zones /m/02hcv8 +/m/0fnb4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030vmc /film/director/film /m/0f7hw +/m/093dqjy /film/film/genre /m/02n4kr +/m/03cfjg /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01gqg3 /base/culturalevent/event/entity_involved /m/04pwg +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/073v6 +/m/014gf8 /people/person/profession /m/02jknp +/m/014gf8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zrvfd /award/award_category/winners./award/award_honor/award_winner /m/049g_xj +/m/06x4l_ /people/person/place_of_birth /m/0fpzwf +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vx5w7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015z4j +/m/0symg /film/film/genre /m/04xvh5 +/m/01vrx35 /people/person/profession /m/02hrh1q +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0db94w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mwh1 /location/location/time_zones /m/02hcv8 +/m/01w9k25 /people/person/gender /m/05zppz +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01yzhn /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0jgm8 /location/location/time_zones /m/02hcv8 +/m/04d817 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/041c4 /film/actor/film./film/performance/film /m/0dc7hc +/m/0dvmd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4y8 /people/person/profession /m/05z96 +/m/04sry /influence/influence_node/influenced_by /m/016bx2 +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0x67 /people/ethnicity/people /m/0f6lx +/m/0x67 /people/ethnicity/people /m/03f5spx +/m/0x67 /people/ethnicity/people /m/0234pg +/m/0fdv3 /film/film/music /m/0146pg +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/01cf93 /music/record_label/artist /m/0132k4 +/m/03czqs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/07b_l /location/location/contains /m/0104lr +/m/0j43swk /film/film/genre /m/01jfsb +/m/017149 /people/person/profession /m/02hrh1q +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_tp +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/024_vw +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02xs6_ /film/film/edited_by /m/0bn3jg +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/04jjy /film/film_subject/films /m/01k0vq +/m/048wrb /film/actor/film./film/performance/film /m/05zpghd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/015882 /people/person/gender /m/02zsn +/m/01hwkn /base/culturalevent/event/entity_involved /m/03gyl +/m/011x_4 /film/film/genre /m/07s9rl0 +/m/0cvkv5 /film/film/genre /m/05p553 +/m/04z257 /film/film/language /m/04306rv +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09g_31 /tv/tv_program/genre /m/05p553 +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/02vrgnr /film/film/executive_produced_by /m/05mvd62 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/04jvt +/m/02vmzp /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/07kbp5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06by7 /music/genre/artists /m/03c7ln +/m/0845v /base/culturalevent/event/entity_involved /m/04pwg +/m/03g5jw /influence/influence_node/influenced_by /m/07mvp +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/02yl42 /influence/influence_node/influenced_by /m/07w21 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f1c +/m/046f3p /film/film/featured_film_locations /m/027kp3 +/m/09qxq7 /music/genre/artists /m/015882 +/m/02lyx4 /people/person/profession /m/02hrh1q +/m/0bz60q /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0fvd03 /education/educational_institution/students_graduates./education/education/student /m/032t2z +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0jbp0 /people/person/places_lived./people/place_lived/location /m/0134bf +/m/01tf_6 /people/cause_of_death/people /m/0g10g +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/027tbrc +/m/0c1sgd3 /film/film/language /m/02h40lc +/m/018h2 /media_common/netflix_genre/titles /m/03prz_ +/m/0q5hw /influence/influence_node/influenced_by /m/02_p8v +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0b2v79 /film/film/genre /m/0lsxr +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0ggx5q /music/genre/artists /m/01vsykc +/m/07srw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b44shh /film/film/country /m/09c7w0 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/04rrx /location/location/contains /m/0njcw +/m/04rrx /location/location/contains /m/0vp5f +/m/0bz5v2 /film/actor/film./film/performance/film /m/02y_lrp +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01jr6 /location/location/contains /m/02zd460 +/m/02xb2bt /people/person/gender /m/05zppz +/m/0cqt90 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0mj1l /film/actor/film./film/performance/film /m/0421ng +/m/01trhmt /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/08swgx +/m/063hp4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hw1j /people/person/nationality /m/09c7w0 +/m/01hc9_ /people/person/profession /m/0kyk +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07ymr5 /influence/influence_node/influenced_by /m/0p_47 +/m/01kf3_9 /film/film/story_by /m/0fx02 +/m/01g4bk /award/award_nominee/award_nominations./award/award_nomination/award /m/04zx08r +/m/0b78hw /people/person/religion /m/0kpl +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0g2lq /film/director/film /m/01hw5kk +/m/02jxmr /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05c5z8j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04cj79 /film/film/featured_film_locations /m/04jpl +/m/01mwsnc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/0rkkv /location/location/time_zones /m/02fqwt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/03_hd /influence/influence_node/influenced_by /m/07c37 +/m/0ys4f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mvq /people/ethnicity/people /m/03s9b +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0cqt90 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0lpjn /film/actor/film./film/performance/film /m/0bmfnjs +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/04w58 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01tvz5j /people/person/profession /m/09jwl +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0m63c /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0hr41p6 /tv/tv_program/genre /m/01z4y +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0g5qs2k /film/film/language /m/02h40lc +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/07_nf /film/film_subject/films /m/0bdjd +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0gywn /music/genre/artists /m/02z4b_8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/02yvct /film/film/genre /m/082gq +/m/037hz /media_common/netflix_genre/titles /m/023vcd +/m/09q17 /media_common/netflix_genre/titles /m/023vcd +/m/01vv6_6 /people/person/nationality /m/02jx1 +/m/045g4l /people/person/gender /m/05zppz +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/05fg2 +/m/08cg36 /music/genre/artists /m/0143q0 +/m/0kj34 /people/person/profession /m/01c72t +/m/02rv_dz /film/film/genre /m/01j1n2 +/m/041rx /people/ethnicity/people /m/01520h +/m/041rx /people/ethnicity/people /m/0qdwr +/m/041rx /people/ethnicity/people /m/0crqcc +/m/01nn6c /people/person/nationality /m/07ssc +/m/09sh8k /film/film/language /m/02h40lc +/m/015ynm /film/film/genre /m/06n90 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/03qjg /music/instrument/instrumentalists /m/01vsyg9 +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcmd +/m/03bxh /people/person/nationality /m/0345h +/m/0btpm6 /film/film/film_format /m/017fx5 +/m/01yg9y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06gn7r /people/person/gender /m/05zppz +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0dwz3t /sports/sports_team/sport /m/02vx4 +/m/0pvms /film/film/genre /m/07s9rl0 +/m/07t21 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0340hj /film/film/language /m/064_8sq +/m/0dgst_d /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/01vv6xv /people/person/profession /m/01d_h8 +/m/01x4r3 /people/person/profession /m/0dxtg +/m/0czkbt /people/person/languages /m/02h40lc +/m/015_1q /music/record_label/artist /m/03j24kf +/m/0bksh /film/actor/film./film/performance/film /m/047gpsd +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/095nx +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cw0j +/m/01s560x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nfjp /people/person/profession /m/0dz3r +/m/01wc7p /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0cmf0m0 /film/film/production_companies /m/056ws9 +/m/0m32_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v6gc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/08ct6 /film/film/music /m/0hr3g +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01p79b /education/university/fraternities_and_sororities /m/035tlh +/m/03rhqg /music/record_label/artist /m/0ddkf +/m/028pzq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/03n3gl /film/film/genre /m/02kdv5l +/m/049w1q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/074m2 /people/cause_of_death/people /m/0c73g +/m/017l96 /music/record_label/artist /m/01m65sp +/m/017l96 /music/record_label/artist /m/01nn6c +/m/01dbhb /people/person/religion /m/051kv +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02m501 /film/actor/film./film/performance/film /m/05nyqk +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01qb559 /film/film/language /m/02h40lc +/m/02htv6 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/044k8 /people/person/languages /m/02h40lc +/m/02qkt /location/location/contains /m/02w9s +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_f90 +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/015rkw /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p65p +/m/0175zz /music/genre/parent_genre /m/01243b +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/02x9cv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_nsc /film/film/genre /m/02kdv5l +/m/065y4w7 /education/educational_institution/colors /m/01l849 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06qgjh +/m/08xvpn /film/film/genre /m/060__y +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/042fgh +/m/07f0tw /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/049mr +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/020vx9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/027kp3 /education/educational_institution/school_type /m/052q4j +/m/02v8kmz /film/film/language /m/02h40lc +/m/07g9f /tv/tv_program/languages /m/02h40lc +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05wjnt /film/actor/film./film/performance/film /m/02ryz24 +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/0gry51 /people/deceased_person/place_of_death /m/0l1pj +/m/04mg6l /film/actor/film./film/performance/film /m/01r97z +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/0hvjr /sports/sports_team/colors /m/083jv +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01kqq7 /film/film/featured_film_locations /m/0f2tj +/m/086sj /people/person/profession /m/01d_h8 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03nm_fh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/019kyn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0432b /people/person/religion /m/0c8wxp +/m/0l3h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/07k8rt4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0cc5qkt /film/film/genre /m/01j1n2 +/m/072x7s /film/film/language /m/03hkp +/m/012vct /people/person/nationality /m/09c7w0 +/m/01k9gb /people/cause_of_death/people /m/03n6r +/m/016nff /film/actor/film./film/performance/film /m/031778 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0g6ff /people/ethnicity/people /m/01y665 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01yqqv +/m/02q_4ph /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0738y5 /people/person/profession /m/01d_h8 +/m/0gk4g /people/cause_of_death/people /m/0pqzh +/m/0gk4g /people/cause_of_death/people /m/01lcxbb +/m/03xk1_ /people/person/gender /m/05zppz +/m/01rnxn /film/actor/film./film/performance/film /m/01738w +/m/07sbbz2 /music/genre/artists /m/01vw20_ +/m/07sbbz2 /music/genre/artists /m/01w9ph_ +/m/0dqcm /people/person/languages /m/06nm1 +/m/0cj2w /people/person/profession /m/09jwl +/m/03fw60 /people/person/nationality /m/03rk0 +/m/063k3h /people/ethnicity/people /m/083q7 +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01cvtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02r_d4 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/03y1mlp /people/person/place_of_birth /m/0j5g9 +/m/0265z9l /people/person/languages /m/03k50 +/m/04lqvly /film/film/country /m/0chghy +/m/01j851 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0170th /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/07fj_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0p_pd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_dh /people/person/gender /m/05zppz +/m/05m9f9 /people/person/nationality /m/09c7w0 +/m/0dryh9k /people/ethnicity/people /m/05b1062 +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/0gtvrv3 /film/film/genre /m/07s9rl0 +/m/0jkvj /olympics/olympic_games/sports /m/03fyrh +/m/07c52 /media_common/netflix_genre/titles /m/02md2d +/m/07c52 /film/film_subject/films /m/03s6l2 +/m/07gql /music/instrument/instrumentalists /m/06w2sn5 +/m/0f7hw /film/film/genre /m/03p5xs +/m/02mpb /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/03tps5 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/01520h /people/person/gender /m/05zppz +/m/01wbl_r /people/person/nationality /m/05r7t +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/01kp_1t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02c7lt /people/person/profession /m/02hrh1q +/m/0fr59 /location/location/time_zones /m/02hcv8 +/m/0mkp7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/04s1zr /film/film/music /m/0fpjyd +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04vg8 /location/country/form_of_government /m/01fpfn +/m/0781g /music/genre/artists /m/0187x8 +/m/0f2pf9 /location/location/contains /m/0225bv +/m/0k269 /film/actor/film./film/performance/film /m/027pfg +/m/01v_0b /influence/influence_node/influenced_by /m/084nh +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/0dt645q /people/person/profession /m/02hv44_ +/m/0bzty /location/location/contains /m/01tsq8 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0j_sncb /education/educational_institution/school_type /m/05jxkf +/m/02y0js /people/cause_of_death/people /m/05qzv +/m/02h3tp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/012gbb /people/person/profession /m/02hrh1q +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086qd +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0149xx /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tds +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/015y3j +/m/0bgrsl /people/person/places_lived./people/place_lived/location /m/05tbn +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0mmd6 +/m/04qk12 /film/film/genre /m/02l7c8 +/m/0qdwr /people/person/gender /m/05zppz +/m/02m_41 /education/educational_institution/school_type /m/05jxkf +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/08jyyk /music/genre/artists /m/047cx +/m/08jyyk /music/genre/artists /m/0dw3l +/m/0rydq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05218gr /people/person/gender /m/05zppz +/m/013y1f /music/instrument/instrumentalists /m/01lvcs1 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0jfx1 /people/person/profession /m/02jknp +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3y2 +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/0tfc +/m/033wx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02j9z /base/locations/continents/countries_within /m/03rt9 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jyb4 +/m/05_61y /film/film/featured_film_locations /m/01crd5 +/m/01fs_4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0161h5 +/m/02bhj4 /education/educational_institution/school_type /m/06cs1 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/040nwr +/m/06hmd /people/person/profession /m/0cbd2 +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01gkmx /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0chghy /location/location/contains /m/01r9nk +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0nlh7 /location/location/contains /m/01k3s2 +/m/065d1h /people/person/profession /m/04j5jl +/m/051q5 /sports/sports_team/colors /m/083jv +/m/03z_g7 /people/person/gender /m/05zppz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/0vrmb /base/biblioness/bibs_location/country /m/09c7w0 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04cbtrw /influence/influence_node/influenced_by /m/040_9 +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02t1wn /people/person/place_of_birth /m/0rh6k +/m/0m2l9 /influence/influence_node/influenced_by /m/07mvp +/m/02lfp4 /people/person/profession /m/025352 +/m/0crfwmx /film/film/produced_by /m/04jspq +/m/025_ql1 /people/person/gender /m/05zppz +/m/04pnx /location/location/contains /m/03gyl +/m/0jgd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/04q24zv +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03bkbh /people/ethnicity/people /m/0dfrq +/m/097h2 /tv/tv_program/languages /m/02h40lc +/m/06bc59 /film/film/genre /m/01q03 +/m/077qn /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/05rx__ /influence/influence_node/influenced_by /m/0fb7c +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/01hq1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jnt +/m/03xp8d5 /people/person/gender /m/05zppz +/m/015vql /film/actor/film./film/performance/film /m/0c8qq +/m/05xd_v /film/actor/film./film/performance/film /m/016kv6 +/m/0kv238 /film/film/executive_produced_by /m/0gg9_5q +/m/01nm8w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g969 /film/actor/film./film/performance/film /m/084qpk +/m/047svrl /film/film/genre /m/05p553 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0xhtw /music/genre/artists /m/01m7pwq +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02cbvn +/m/0277c3 /people/person/profession /m/016z4k +/m/0lfbm /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0kw4j /education/university/fraternities_and_sororities /m/035tlh +/m/034hzj /film/film/country /m/0hzlz +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02wwwv5 /music/artist/origin /m/0d0x8 +/m/01ww2fs /people/person/profession /m/016z4k +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/06btq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05szp +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0lphb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01s7w3 +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01p8s /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0175rc +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01kwsg +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0jnwx /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jzw +/m/05ldxl /film/film/costume_design_by /m/02pqgt8 +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/04twmk /people/person/profession /m/01d_h8 +/m/01vn0t_ /people/person/profession /m/0dz3r +/m/0f__1 /base/biblioness/bibs_location/state /m/0498y +/m/0r6ff /location/location/time_zones /m/02lcqs +/m/07hyk /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/07m9cm /film/actor/film./film/performance/film /m/0fphf3v +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0571m /film/film/language /m/06nm1 +/m/0cf8qb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/07ssc /media_common/netflix_genre/titles /m/0194zl +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0163t3 +/m/06cgf /film/film/language /m/02h40lc +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0154j +/m/0bcp9b /film/film/language /m/06b_j +/m/01csrl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/05cgy8 /people/person/profession /m/09jwl +/m/06crng /film/actor/film./film/performance/film /m/02qsqmq +/m/05bt6j /music/genre/artists /m/01wk7ql +/m/05bt6j /music/genre/artists /m/0p3r8 +/m/05bt6j /music/genre/artists /m/01k23t +/m/0c38gj /film/film/language /m/0x82 +/m/01cl2y /music/record_label/artist /m/02qwg +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xdf5 +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/034r25 /film/film/country /m/03rt9 +/m/01qdhx /education/educational_institution/students_graduates./education/education/student /m/01j6mff +/m/01kb2j /film/actor/film./film/performance/film /m/0315rp +/m/01q_ph /people/person/profession /m/01d_h8 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03f0vvr /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0fc9js /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/0z4s /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/0gx1l +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/01mt1fy +/m/076df9 /people/person/nationality /m/09c7w0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hj3b3 +/m/026y05 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0b76kw1 /film/film/language /m/02h40lc +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/024l2y /film/film/production_companies /m/03xsby +/m/01p0vf /people/person/profession /m/09jwl +/m/02mzg9 /education/educational_institution/colors /m/01jnf1 +/m/0640m69 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/06qgjh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0b9rdk +/m/01v1ln /film/film/country /m/07ssc +/m/0hkqn /organization/organization/headquarters./location/mailing_address/citytown /m/0bxbr +/m/04j53 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0bwjj /sports/sports_team/colors /m/01l849 +/m/018vs /music/instrument/instrumentalists /m/01wy61y +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04znsy +/m/05nzw6 /film/actor/film./film/performance/film /m/0j_tw +/m/05k8m5 /music/record_label/artist /m/01t8399 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/076xkps /film/film/genre /m/06n90 +/m/01npcy7 /people/person/gender /m/05zppz +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/04rjg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06b_j /language/human_language/countries_spoken_in /m/07t21 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/02_hj4 /film/actor/film./film/performance/film /m/02tjl3 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02y_lrp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tnbn /people/person/gender /m/02zsn +/m/06z4wj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c52 +/m/0dl9_4 /film/film/language /m/02h40lc +/m/06fcqw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03crmd /film/actor/film./film/performance/film /m/01ffx4 +/m/01n8_g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cwwl /film/film/prequel /m/0401sg +/m/01v3bn /people/person/languages /m/02h40lc +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/01q7cb_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0djlxb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0dq9p /people/cause_of_death/people /m/0gthm +/m/03nk3t /film/director/film /m/025rxjq +/m/05tk7y /people/person/nationality /m/015fr +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0chsq /film/actor/film./film/performance/film /m/0prh7 +/m/05qsxy /people/person/gender /m/05zppz +/m/03rjj /location/location/contains /m/0fjsl +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/04rrd /location/location/contains /m/0cy8v +/m/0168nq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04ykg /sports/sports_team_location/teams /m/0512p +/m/026036 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0827d /music/genre/artists /m/01rwcgb +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b60sq +/m/0d05q4 /location/location/contains /m/01cgxp +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05wdgq /people/person/place_of_birth /m/04vmp +/m/0646qh /people/person/profession /m/0dxtg +/m/01wqg8 /education/educational_institution/students_graduates./education/education/student /m/056wb +/m/0y_yw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0yh4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d259 /film/film/country /m/09c7w0 +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07rzf /people/person/religion /m/051kv +/m/05lnk0 /people/person/profession /m/0cbd2 +/m/05c9zr /film/film/genre /m/02kdv5l +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03x3qv /people/person/place_of_birth /m/02_286 +/m/0205dx /film/actor/film./film/performance/film /m/0llcx +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01r4zfk /people/person/religion /m/0c8wxp +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/02qfv5d /media_common/netflix_genre/titles /m/07j8r +/m/02cpb7 /film/actor/film./film/performance/film /m/047vnkj +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0jym0 /film/film/film_format /m/0cj16 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/0bl1_ /film/film/genre /m/07s9rl0 +/m/03xx9l /people/person/profession /m/02hrh1q +/m/01wg6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02c6pq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/04ktcgn +/m/04znsy /people/person/nationality /m/09c7w0 +/m/03bnb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/040_9 /people/person/gender /m/05zppz +/m/0m2kd /film/film/genre /m/02b5_l +/m/01z4y /media_common/netflix_genre/titles /m/07kb7vh +/m/01z4y /media_common/netflix_genre/titles /m/0372j5 +/m/0311wg /people/person/nationality /m/09c7w0 +/m/02qcr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0f14q /people/person/spouse_s./people/marriage/location_of_ceremony /m/03_3d +/m/0g02vk /medicine/disease/risk_factors /m/01hbgs +/m/0c2ry /people/person/place_of_birth /m/02_n7 +/m/01lqf49 /people/person/nationality /m/09c7w0 +/m/0bl3nn /film/film/genre /m/0btmb +/m/078g3l /people/person/place_of_birth /m/0rh6k +/m/078g3l /people/person/gender /m/05zppz +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/01vt5c_ /people/person/profession /m/016z4k +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/07r1h /film/actor/film./film/performance/film /m/018js4 +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/018w0j /base/culturalevent/event/entity_involved /m/079dy +/m/01t04r /music/record_label/artist /m/01p0vf +/m/01k0vq /film/film/genre /m/05p553 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0h10vt +/m/01kyln /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k2sk /film/film/genre /m/01hmnh +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/02t_vx +/m/0jpy_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07n3s +/m/05q96q6 /film/film/genre /m/07s9rl0 +/m/01vsqvs /music/group_member/membership./music/group_membership/group /m/07yg2 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/07tlfx /film/film/genre /m/0lsxr +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02vzc +/m/06lht1 /film/actor/film./film/performance/film /m/01jzyf +/m/01w9mnm /people/person/gender /m/05zppz +/m/072zl1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kcz /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03y_46 /film/actor/film./film/performance/film /m/03hxsv +/m/05vk_d /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/017kz7 /film/film/genre /m/05p553 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09k23 /education/educational_institution/colors /m/01l849 +/m/0qpn9 /location/location/contains /m/0qpqn +/m/0c6g1l /film/actor/film./film/performance/film /m/076zy_g +/m/01cmp9 /film/film/genre /m/05p553 +/m/03xmy1 /people/person/nationality /m/0k6nt +/m/09c7w0 /location/location/contains /m/0smfm +/m/09c7w0 /location/location/contains /m/0xqf3 +/m/09c7w0 /location/country/second_level_divisions /m/0mn8t +/m/09c7w0 /location/country/second_level_divisions /m/0p0cw +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0342h /music/instrument/instrumentalists /m/0bdxs5 +/m/0342h /music/instrument/instrumentalists /m/0jsg0m +/m/0f2w0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0g3bw /location/location/contains /m/02lf_x +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k54q +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/038w8 +/m/049rl0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/02_qt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02p11jq /music/record_label/artist /m/07g2v +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/07xr3w +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9zljd +/m/05tbn /location/location/contains /m/013ksx +/m/05mt_q /people/person/profession /m/0nbcg +/m/02qkwl /film/film/story_by /m/03rx9 +/m/04wlh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0558_1 /education/educational_institution/colors /m/083jv +/m/05vtw /film/film_subject/films /m/07xtqq +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0r02m /location/location/contains /m/03hdz8 +/m/05yzt_ /people/deceased_person/place_of_death /m/0k_mf +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0nh1v /location/location/time_zones /m/02fqwt +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/027jbr /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0hsph +/m/041738 /music/genre/artists /m/03t9sp +/m/041738 /music/genre/artists /m/089pg7 +/m/06qn87 /people/deceased_person/place_of_death /m/09nyf +/m/04y0yc /people/person/languages /m/03k50 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040981l +/m/03s5lz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fsd9t +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04n52p6 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01m65sp +/m/03c7ln /people/person/profession /m/04f2zj +/m/0js9s /people/person/profession /m/02hrh1q +/m/04yt7 /people/person/profession /m/02hrh1q +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01l87db +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/014zcr /film/actor/film./film/performance/film /m/02jkkv +/m/0l5yl /people/person/gender /m/05zppz +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/09rvwmy /film/film/executive_produced_by /m/0g_rs_ +/m/06y7d /people/person/profession /m/016fly +/m/0170z3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0170z3 /film/film/executive_produced_by /m/027kmrb +/m/01jtp7 /education/educational_institution/students_graduates./education/education/student /m/0cqt90 +/m/03r1pr /people/person/profession /m/02jknp +/m/026390q /film/film/genre /m/04228s +/m/040db /influence/influence_node/influenced_by /m/0372p +/m/040db /people/person/profession /m/01l5t6 +/m/0c1pj /film/actor/film./film/performance/film /m/01pv91 +/m/01fmys /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01w1kyf /people/person/places_lived./people/place_lived/location /m/0mpbx +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/01wxyx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01wxyx1 /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/03q91d /film/actor/film./film/performance/film /m/0prrm +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01vrx35 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c7j1 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0738b8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0mdqp +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0kbws /olympics/olympic_games/participating_countries /m/05bmq +/m/017j69 /education/educational_institution/school_type /m/05pcjw +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/019rl6 /business/business_operation/industry /m/03ytc +/m/04jwjq /film/film/genre /m/02l7c8 +/m/049fgvm /people/person/places_lived./people/place_lived/location /m/04sqj +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0tzt_ /base/biblioness/bibs_location/state /m/05k7sb +/m/01ym8l /business/business_operation/industry /m/0sydc +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02h40lc /language/human_language/countries_spoken_in /m/0l3h +/m/0c4y8 /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/01l_pn /film/film/production_companies /m/03rwz3 +/m/02ghq /influence/influence_node/influenced_by /m/037jz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q_4ph +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gb1w +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0k345 /music/genre/artists /m/06br6t +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01wb95 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j24kf +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/06pk8 /people/person/profession /m/0dxtg +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01wrcxr /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/0vqcq /location/location/time_zones /m/02hcv8 +/m/0294mx /film/film/genre /m/07s9rl0 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01v40wd /people/person/profession /m/02hrh1q +/m/0nlg4 /location/location/contains /m/0nc7s +/m/03f6fl0 /people/person/places_lived./people/place_lived/location /m/0xmp9 +/m/0c3xpwy /tv/tv_program/country_of_origin /m/09c7w0 +/m/07_grx /people/person/profession /m/01c8w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/04sylm /education/educational_institution_campus/educational_institution /m/04sylm +/m/02f4s3 /education/educational_institution/students_graduates./education/education/student /m/02t_99 +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06msq2 +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01rtm4 +/m/015bpl /film/film/written_by /m/03ft8 +/m/015bpl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r7t /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0n3g +/m/025sc50 /music/genre/artists /m/0b68vs +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0ccqd7 +/m/0_lr1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hwpz /film/film/language /m/04306rv +/m/06f5j /people/person/gender /m/05zppz +/m/01b66t /tv/tv_program/languages /m/02h40lc +/m/06by7 /music/genre/artists /m/01qmy04 +/m/06by7 /music/genre/artists /m/01nkxvx +/m/02rb607 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06c97 /film/film_subject/films /m/016z9n +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/061k5 /location/location/time_zones /m/02llzg +/m/039g82 /people/person/religion /m/0c8wxp +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/059s8 /location/location/contains /m/04_lb +/m/0m_h6 /film/film/country /m/09c7w0 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02byfd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/044lbv +/m/0bs5k8r /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/07gghl /film/film/production_companies /m/046b0s +/m/060__7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/0xgpv /location/location/time_zones /m/02fqwt +/m/0qmpd /music/artist/origin /m/0f8l9c +/m/024t0y /people/person/profession /m/025sppp +/m/01385g /people/person/profession /m/0dxtg +/m/06g7c /medicine/disease/risk_factors /m/0jpmt +/m/055c8 /film/actor/film./film/performance/film /m/0287477 +/m/016clz /music/genre/artists /m/04b7xr +/m/09bg4l /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/05148p4 /music/instrument/instrumentalists /m/012z8_ +/m/0gy0l_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/student /m/05nn4k +/m/05w3f /music/genre/artists /m/01p45_v +/m/0b2v79 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09d5h /music/record_label/artist /m/01wg6y +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0cw51 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03k50 +/m/032_jg /film/actor/film./film/performance/film /m/01k0vq +/m/0jgwf /people/person/profession /m/02jknp +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/046b0s /organization/organization/headquarters./location/mailing_address/citytown /m/0chgzm +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/033p3_ +/m/03mp9s /film/actor/film./film/performance/film /m/0djlxb +/m/0bz5v2 /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/0gz5hs /people/person/profession /m/0np9r +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01c6k4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cq86w +/m/0d7wh /people/ethnicity/people /m/06mnbn +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/063hp4 /film/film/genre /m/02l7c8 +/m/0__wm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bx8pn /education/educational_institution/school_type /m/05jxkf +/m/01hc9_ /influence/influence_node/influenced_by /m/042v2 +/m/03h3x5 /film/film/language /m/0345h +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/048xg8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/02s62q /education/educational_institution/school_type /m/05pcjw +/m/02jxmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kkz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/020jqv /people/person/nationality /m/09c7w0 +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/03f1d47 /people/person/places_lived./people/place_lived/location /m/0z1vw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0l35f +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dhd5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dr31 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0177z +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/03lmx1 /people/ethnicity/people /m/01wsl7c +/m/02v0ff /film/actor/film./film/performance/film /m/03mh94 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04y8r +/m/01n9d9 /people/person/profession /m/01d_h8 +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tpl1p +/m/024lff /film/film/genre /m/01jfsb +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0bw6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01b_lz +/m/0dq9wx /film/actor/film./film/performance/film /m/026hxwx +/m/0f2sx4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/074w86 +/m/0kvbl6 /film/film/music /m/02jxmr +/m/0c34mt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0y62n /location/us_county/county_seat /m/0y62n +/m/08zrbl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0170xl /film/film/country /m/07ssc +/m/07vyf /education/university/fraternities_and_sororities /m/035tlh +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/022q32 +/m/016ckq /music/record_label/artist /m/012z8_ +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0d35y /sports/sports_team_location/teams /m/0jml5 +/m/01jwxx /film/film/genre /m/02kdv5l +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/01p4r3 /film/actor/film./film/performance/film /m/04x4nv +/m/02dr9j /film/film/film_format /m/07fb8_ +/m/05cx7x /people/person/nationality /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01xvjb +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/028_yv +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05gnf +/m/01p85y /people/person/nationality /m/0d060g +/m/048scx /film/film/genre /m/02qfv5d +/m/011yl_ /film/film/genre /m/02l7c8 +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0h3lt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02zccd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/09gdh6k /film/film/genre /m/01hmnh +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/016gkf /people/person/profession /m/02jknp +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09g7vfw /film/film/costume_design_by /m/03mfqm +/m/0222qb /people/ethnicity/people /m/0bytkq +/m/03q5t /music/instrument/instrumentalists /m/01vsqvs +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/034ls +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/0459z /people/person/profession /m/05vyk +/m/01j5sd /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0427y /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02j8nx /people/person/gender /m/05zppz +/m/0pvms /film/film/cinematography /m/0f3zsq +/m/01s7z0 /people/person/places_lived./people/place_lived/location /m/0c5v2 +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/06thjt /education/educational_institution/colors /m/0jc_p +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0frmb1 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cbt3 +/m/0bksh /film/actor/film./film/performance/film /m/0f8j13 +/m/0tz1j /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06jcc /influence/influence_node/influenced_by /m/0hky +/m/0693l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cv1 +/m/015t7v /film/actor/film./film/performance/film /m/0gtsxr4 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nqnnk +/m/033cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ydzx /people/person/gender /m/05zppz +/m/03l3jy /people/person/nationality /m/09c7w0 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0nm9y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/02q3fdr /film/film/executive_produced_by /m/04jspq +/m/03q0r1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03x9yr /music/record_label/artist /m/06lxn +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/01n30p /film/film/executive_produced_by /m/0d_skg +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0p9tm /film/film/costume_design_by /m/02cqbx +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sbv9 +/m/027xq5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/034b6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0fb0v /music/record_label/artist /m/01f2q5 +/m/0hcvy /people/person/nationality /m/07ssc +/m/01kcty /music/genre/artists /m/01wd9lv +/m/04rzd /music/instrument/instrumentalists /m/05cljf +/m/02896 /sports/sports_team/colors /m/06kqt3 +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02r6c_ +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0sgtz /location/hud_county_place/place /m/0sgtz +/m/01243b /music/genre/artists /m/0137g1 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cq7kw +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0gnkb /film/film/genre /m/02l7c8 +/m/0gy6z9 /film/actor/film./film/performance/film /m/0gj9tn5 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07y8l9 /film/actor/film./film/performance/film /m/02vyyl8 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02c7k4 +/m/016wvy /music/artist/track_contributions./music/track_contribution/role /m/07_l6 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0233bn +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/08j7lh +/m/01wwvd2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01mxqyk +/m/01vsyg9 /people/person/profession /m/0nbcg +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03d_w3h +/m/03hkch7 /film/film/genre /m/03mqtr +/m/010z5n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hgxh /medicine/symptom/symptom_of /m/087z2 +/m/0420y /people/person/gender /m/05zppz +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/025b3k /people/person/religion /m/0c8wxp +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0p07l /location/location/contains /m/0k9wp +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/05fm6m /film/film/language /m/02h40lc +/m/02jjdr /music/record_label/artist /m/01m3b1t +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04n7jdv /music/genre/artists /m/017j6 +/m/014635 /people/person/places_lived./people/place_lived/location /m/0f1sm +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/05jf85 /film/film/genre /m/05p553 +/m/05jf85 /film/film/genre /m/06cvj +/m/0ldd /people/person/profession /m/0kyk +/m/01l47f5 /people/person/profession /m/0nbcg +/m/0gk4g /people/cause_of_death/people /m/014z8v +/m/085q5 /people/person/profession /m/0cbd2 +/m/01yfm8 /film/actor/film./film/performance/film /m/08gg47 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/03k99c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/019803 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/06cc_1 /people/person/nationality /m/09c7w0 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/03bw6 /people/person/profession /m/02jknp +/m/0f6lx /people/person/nationality /m/09c7w0 +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/05pt0l +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/02jqjm +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0m19t +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g1rw +/m/02cx72 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01_x6v /people/person/profession /m/09jwl +/m/07jqjx /film/film/written_by /m/053ksp +/m/020hh3 /people/person/profession /m/01c72t +/m/022p06 /people/person/religion /m/03_gx +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0c57yj /film/film/costume_design_by /m/03mfqm +/m/0f13b /film/actor/film./film/performance/film /m/0872p_c +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/07wtc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0gcrg /film/film/costume_design_by /m/04vzv4 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/06jk5_ /education/educational_institution/colors /m/01l849 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01sxq9 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0gv07g +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/04vrxh +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l8y +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01zfzb /film/film/genre /m/0556j8 +/m/02mdty /organization/organization/headquarters./location/mailing_address/citytown /m/0cc56 +/m/02t_st /film/actor/film./film/performance/film /m/0gbfn9 +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0mz73 +/m/06myp /influence/influence_node/influenced_by /m/032l1 +/m/013zs9 /film/actor/film./film/performance/film /m/050xxm +/m/01738w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02r6c_ /film/director/film /m/03lvwp +/m/02d6cy /people/deceased_person/place_of_death /m/030qb3t +/m/0j_sncb /education/educational_institution/school_type /m/01_9fk +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/07_l6 +/m/026t6 /music/instrument/instrumentalists /m/01vvycq +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0149xx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03zj9 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01wmcbg /film/actor/film./film/performance/film /m/0jqp3 +/m/05nyqk /film/film/genre /m/0lsxr +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01p5yn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02hp6p +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/09bw4_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lj6p /people/person/profession /m/03gjzk +/m/0m77m /influence/influence_node/influenced_by /m/0c1fs +/m/039xcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02784z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bh8z /music/record_label/artist /m/03c602 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/063vn +/m/025twgt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w8sf /people/person/place_of_birth /m/01z56h +/m/0739z6 /people/person/profession /m/02hrh1q +/m/02j9z /location/location/contains /m/01x5fb +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/012x2b +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02d02 +/m/014x77 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/07s363 /music/record_label/artist /m/01v27pl +/m/08qnnv /education/educational_institution/colors /m/01jnf1 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/02ny8t /music/genre/artists /m/06w2sn5 +/m/05lwjc /music/genre/artists /m/03f3yfj +/m/04j0s3 /people/person/profession /m/02krf9 +/m/0p4wb /business/business_operation/industry /m/0vg8 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0dkv90 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/051wwp /people/person/profession /m/02krf9 +/m/01vsn38 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/081lh /people/person/spouse_s./people/marriage/location_of_ceremony /m/07_pf +/m/018009 /film/actor/film./film/performance/film /m/01vw8k +/m/0f42nz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dnw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016jll +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02ps55 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/066m4g /people/person/nationality /m/09c7w0 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/08304 /people/person/profession /m/0mn6 +/m/054fvj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/058bzgm /award/award_category/disciplines_or_subjects /m/01hmnh +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/06hgj +/m/05m63c /people/person/gender /m/02zsn +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/07yk1xz /film/film/executive_produced_by /m/03h304l +/m/04mp9q /sports/sports_team/colors /m/083jv +/m/03f4xvm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03bkbh /people/ethnicity/languages_spoken /m/0h407 +/m/0pd64 /film/film/written_by /m/03g62 +/m/01g5kv /people/person/gender /m/02zsn +/m/07k5l /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01w03jv +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jw0s +/m/01ptt7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/0gldyz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/04ls53 /people/person/nationality /m/03rjj +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05v1sb +/m/02bg55 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016kv6 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5qs2k +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065_cjc +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01s21dg /people/person/nationality /m/09c7w0 +/m/02c8d7 /music/genre/artists /m/09z1lg +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01v3ht +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0ymb6 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01nmgc +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w1kyf +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02pk6x /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/07vc_9 /people/person/profession /m/02hrh1q +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/05hjmd /people/person/profession /m/015cjr +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0m32h /people/cause_of_death/people /m/076689 +/m/01s7qqw /organization/organization_founder/organizations_founded /m/01w5gp +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/027fwmt /film/film/story_by /m/04mby +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0300ml +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/03tn80 /film/film/featured_film_locations /m/0q_xk +/m/035xwd /film/film/produced_by /m/092kgw +/m/04pf4r /people/person/gender /m/05zppz +/m/01_sz1 /music/genre/parent_genre /m/05r6t +/m/024qqx /media_common/netflix_genre/titles /m/04yc76 +/m/024qqx /media_common/netflix_genre/titles /m/0ddt_ +/m/02yy8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0181dw /music/record_label/artist /m/01dq9q +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02ldmw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjc +/m/0571m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/015l4k /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05ldnp +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/06yyp +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/028qdb /people/person/profession /m/09jwl +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0ck91 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02w5q6 +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/047tsx3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0259r0 /people/person/profession /m/09jwl +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03pc89 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/050_qx /people/person/profession /m/02hrh1q +/m/048lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/020trj /people/person/languages /m/02h40lc +/m/07bcn /sports/sports_team_location/teams /m/0jmmn +/m/06z9yh /people/person/profession /m/0dxtg +/m/0cct7p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gdqy /people/person/nationality /m/06mzp +/m/0jnh /time/event/locations /m/0j3b +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/07jnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/059y0 /influence/influence_node/peers./influence/peer_relationship/peers /m/06crk +/m/0hnp7 /people/person/nationality /m/09c7w0 +/m/01jfr3y /people/person/profession /m/0dz3r +/m/02_t6d /sports/sports_team/sport /m/02vx4 +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03_lsr /sports/sports_team/sport /m/02vx4 +/m/033_1p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/03jj93 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvd2 +/m/077rj /dataworld/gardening_hint/split_to /m/01pfr3 +/m/065dc4 /film/film/production_companies /m/08wjc1 +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0dbb3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/0c1jh /people/deceased_person/place_of_death /m/07_pf +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07_m9_ /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/059z0 +/m/044mrh /people/person/places_lived./people/place_lived/location /m/0hv7l +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/087c7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0137n0 /people/person/profession /m/039v1 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0qf3p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/056rgc /people/person/profession /m/01d_h8 +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04q827 +/m/0brddh /people/person/profession /m/02hrh1q +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04g73n +/m/01w56k /music/record_label/artist /m/07mvp +/m/07vqnc /tv/tv_program/genre /m/0c4xc +/m/01vq3 /film/film_subject/films /m/026gyn_ +/m/02wgbb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mg7n /education/educational_institution/students_graduates./education/education/student /m/0170qf +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01d1yr /people/person/nationality /m/0d05w3 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/09jd9 /people/person/gender /m/02zsn +/m/03hnd /people/person/profession /m/0cbd2 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02xs6_ +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02wypbh /film/film/film_festivals /m/05f5rsr +/m/03_js /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0d9xq /people/deceased_person/place_of_death /m/0k049 +/m/0mwq7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06bnz /sports/sports_team_location/teams /m/03262k +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/08mg_b /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/045gzq /people/person/nationality /m/09c7w0 +/m/0sbbq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qdgx /music/genre/artists /m/0bqsy +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/06ztvyx +/m/0fbx6 /film/actor/film./film/performance/film /m/0kvgnq +/m/0167v4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fby2t /film/actor/film./film/performance/film /m/05_5_22 +/m/048cl /influence/influence_node/influenced_by /m/01v9724 +/m/03gfvsz /broadcast/content/artist /m/0bdxs5 +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/05wkw /education/field_of_study/students_majoring./education/education/student /m/02k21g +/m/06nsb9 /people/person/places_lived./people/place_lived/location /m/0824r +/m/0ckhc /base/biblioness/bibs_location/state /m/081yw +/m/02q4mt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01xdf5 /influence/influence_node/influenced_by /m/014z8v +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0827d /music/genre/artists /m/0dhqyw +/m/085pr /people/person/profession /m/0cbd2 +/m/0894_x /people/person/nationality /m/0d060g +/m/0gg8l /music/genre/artists /m/01lmj3q +/m/0bq4j6 /people/person/gender /m/05zppz +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/0175yg /music/genre/parent_genre /m/0155w +/m/016fnb /people/person/profession /m/0nbcg +/m/02rx2m5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0y3_8 /music/genre/parent_genre /m/0mmp3 +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/03xx3m +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059fjj +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01wbsdz /people/person/places_lived./people/place_lived/location /m/013yq +/m/01zn4y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/05l64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/059ss /location/location/contains /m/0j8p6 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/016k6x /film/actor/film./film/performance/film /m/0g9z_32 +/m/01r9fv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0175tv +/m/033tf_ /people/ethnicity/people /m/025b5y +/m/02cbs0 /film/actor/film./film/performance/film /m/03qcfvw +/m/06ryl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03h_9lg +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/02r34n +/m/01kwh5j /people/person/gender /m/02zsn +/m/084w8 /influence/influence_node/influenced_by /m/032l1 +/m/0cc56 /location/location/contains /m/0f94t +/m/01gct2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v9724 /influence/influence_node/influenced_by /m/081k8 +/m/0dl5d /music/genre/artists /m/047cx +/m/01gfq4 /music/record_label/artist /m/0135xb +/m/07cz2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gm34 /people/person/profession /m/02hrh1q +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/02fqrf /film/film/language /m/02hxcvy +/m/0194zl /film/film/genre /m/03bxz7 +/m/015qq1 /people/person/profession /m/02hrh1q +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/03rs8y /people/person/profession /m/02krf9 +/m/03sww /people/person/profession /m/03gjzk +/m/03mh94 /film/film/genre /m/06n90 +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06cqb /music/genre/artists /m/02qwg +/m/0r8c8 /location/hud_county_place/place /m/0r8c8 +/m/0181hw /music/record_label/artist /m/01vvybv +/m/0qmhk /film/film/language /m/06nm1 +/m/06b3g4 /people/person/profession /m/018gz8 +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01w5jwb /film/actor/film./film/performance/film /m/0gj96ln +/m/0d1qmz /film/film/country /m/07ssc +/m/01c333 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07xyn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vsnff /people/person/profession /m/09lbv +/m/0141kz /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02tjl3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03g5_y /influence/influence_node/influenced_by /m/01hmk9 +/m/03g5_y /people/person/religion /m/0c8wxp +/m/01lv85 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05d1y /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0892sx /music/artist/origin /m/059rby +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/024y6w /people/person/gender /m/02zsn +/m/0315rp /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02z3r8t /film/film/language /m/064_8sq +/m/01j6t0 /medicine/symptom/symptom_of /m/035482 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/04b675 /music/genre/parent_genre /m/08z0wx +/m/02lnbg /music/genre/artists /m/01k3qj +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/03mgx6z /film/film/language /m/02h40lc +/m/076_74 /people/person/profession /m/0dxtg +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02b29 /people/person/place_of_birth /m/01_d4 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/014zws +/m/093l8p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/07wkd /education/educational_institution/school_type /m/05jxkf +/m/08hmch /film/film/featured_film_locations /m/0dv9v +/m/01cmp9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/01xr6x /location/location/time_zones /m/03bdv +/m/02v2lh /music/genre/artists /m/01nqfh_ +/m/09c7w0 /location/location/contains /m/0r80l +/m/09c7w0 /location/location/contains /m/0rqf1 +/m/09c7w0 /location/location/contains /m/03v6t +/m/09c7w0 /location/country/second_level_divisions /m/0n5dt +/m/09c7w0 /location/country/second_level_divisions /m/0d1y7 +/m/09c7w0 /location/country/second_level_divisions /m/0nvt9 +/m/0342h /music/instrument/instrumentalists /m/0274ck +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/066yfh /people/person/profession /m/01d_h8 +/m/0gxb2 /medicine/symptom/symptom_of /m/09jg8 +/m/09b5t /film/film_subject/films /m/01pv91 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/015xp4 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0bsxd3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05tbn /location/location/contains /m/0mws3 +/m/02ryx0 /people/person/nationality /m/09c7w0 +/m/049n3s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01bpnd /people/person/profession /m/0nbcg +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h0jz +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/032sl_ /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/0g293 /music/genre/artists /m/020_4z +/m/038nv6 /people/person/nationality /m/09c7w0 +/m/0gthm /film/actor/film./film/performance/film /m/03p2xc +/m/0cj8x /people/person/spouse_s./people/marriage/location_of_ceremony /m/094jv +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/024tkd +/m/045nc5 /tv/tv_program/country_of_origin /m/03_3d +/m/0f61tk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fd3y /music/genre/parent_genre /m/07gxw +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01x73 +/m/05lb30 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0830vk /film/film/genre /m/01t_vv +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01nfys /film/actor/film./film/performance/film /m/08k40m +/m/014zcr /film/actor/film./film/performance/film /m/025s1wg +/m/01pfpt /music/genre/artists /m/02ndj5 +/m/01k53x /film/actor/film./film/performance/film /m/01k1k4 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02scbv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0rh6k /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/07ykkx5 /film/film/genre /m/01j1n2 +/m/093dqjy /film/film/film_festivals /m/0cmd3zy +/m/09cdxn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cv9fc +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/01vvpjj /people/person/religion /m/0c8wxp +/m/02jx1 /location/location/contains /m/05l5n +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0hsn_ /people/person/profession /m/0lgw7 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06qd3 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/07w3r /organization/organization/headquarters./location/mailing_address/citytown /m/013kcv +/m/027f7dj /people/person/place_of_birth /m/0fttg +/m/018pj3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jwjq /film/film/genre /m/07s9rl0 +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/085wqm /film/film/genre /m/02kdv5l +/m/0c4f4 /film/actor/film./film/performance/film /m/0bby9p5 +/m/012lzr /organization/organization/headquarters./location/mailing_address/citytown /m/06y57 +/m/01wp8w7 /people/person/profession /m/0nbcg +/m/026gb3v /people/person/profession /m/01d_h8 +/m/03f0fnk /people/person/profession /m/0dz3r +/m/0pk1p /film/film/genre /m/0gf28 +/m/0x67 /people/ethnicity/people /m/01wn718 +/m/01zp33 /film/actor/film./film/performance/film /m/030z4z +/m/0ddjy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01wkmgb /people/person/profession /m/01d_h8 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fg04 /film/film/genre /m/01jfsb +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07nf6 +/m/01d494 /influence/influence_node/influenced_by /m/085gk +/m/05zbm4 /film/actor/film./film/performance/film /m/0gm2_0 +/m/0d608 /people/person/gender /m/05zppz +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0bh72t /film/film/language /m/03_9r +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/award /m/018wdw +/m/05qgd9 /education/educational_institution_campus/educational_institution /m/05qgd9 +/m/02kth6 /education/educational_institution/colors /m/038hg +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/015gy7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/06_bq1 /film/actor/film./film/performance/film /m/02z3r8t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0pqzh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym69 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01q0kg +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgkj2 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/025sc50 /music/genre/artists /m/0pyg6 +/m/0cc97st /film/film/language /m/02h40lc +/m/02hhtj /people/person/nationality /m/07ylj +/m/01jq0j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/02t901 /people/person/profession /m/02jknp +/m/026hh0m /film/film/featured_film_locations /m/0rh6k +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nkts +/m/06by7 /music/genre/artists /m/01fh0q +/m/06by7 /music/genre/artists /m/02whj +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/083pr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/02w7gg /people/ethnicity/people /m/043s3 +/m/015x1f /people/person/profession /m/04f2zj +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/08s0m7 /people/person/languages /m/03k50 +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0160w +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0443y3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0407yfx /film/film/language /m/02h40lc +/m/03mg35 /film/actor/film./film/performance/film /m/01738w +/m/0fpmrm3 /film/film/language /m/02h40lc +/m/016clz /music/genre/artists /m/01bczm +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01cx_ /location/location/contains /m/01gr00 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/049dyj /people/person/profession /m/018gz8 +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/08qvhv /people/person/profession /m/02krf9 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/045931 /people/person/nationality /m/09c7w0 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0372j5 +/m/025vry /people/person/nationality /m/09c7w0 +/m/09d5h /organization/organization/child./organization/organization_relationship/child /m/030_1m +/m/034m8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06bw5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/0168t /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0161c /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0d8w2n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/01nrq5 /people/person/nationality /m/09c7w0 +/m/02tk74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0g2lq /people/person/places_lived./people/place_lived/location /m/0r00l +/m/020qr4 /tv/tv_program/genre /m/025s89p +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0416y94 +/m/042fk /people/person/profession /m/0fj9f +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0zz6w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fcyj +/m/01trf3 /people/person/languages /m/02h40lc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/03lmx1 /people/ethnicity/people /m/0783m_ +/m/063tn /people/deceased_person/place_of_death /m/06pr6 +/m/0j_c /people/person/religion /m/0c8wxp +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/081t6 +/m/01n6c /location/country/official_language /m/0jzc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/059j1m +/m/05dxl_ /people/person/nationality /m/09c7w0 +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/034qzw /film/film/language /m/02h40lc +/m/058s44 /film/actor/film./film/performance/film /m/057lbk +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/03cs_z7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/059nf5 /sports/sports_team/colors /m/083jv +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gldyz +/m/01jmv8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018ygt /film/actor/film./film/performance/film /m/0yyn5 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07jxpf /film/film/film_format /m/07fb8_ +/m/0sg4x /location/hud_county_place/place /m/0sg4x +/m/01lyv /music/genre/artists /m/01p45_v +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/045w_4 /people/person/profession /m/0dxtg +/m/02lxj_ /people/deceased_person/place_of_death /m/030qb3t +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0hr41p6 +/m/0dzst /education/university/fraternities_and_sororities /m/0325pb +/m/0133sq /people/person/place_of_birth /m/0crjn65 +/m/082xp /people/person/religion /m/0n2g +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/041rx /people/ethnicity/people /m/013tjc +/m/041rx /people/ethnicity/people /m/011w20 +/m/041rx /people/ethnicity/people /m/09x8ms +/m/041rx /people/ethnicity/people /m/03nk3t +/m/053xw6 /film/actor/film./film/performance/film /m/031786 +/m/02185j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/034rd /people/person/gender /m/05zppz +/m/0gk7z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/086qd /influence/influence_node/influenced_by /m/01wbgdv +/m/086qd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/07hwkr /people/ethnicity/people /m/01s21dg +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bbgvp /film/film/film_festivals /m/059_y8d +/m/01jc6q /film/film/music /m/01c7p_ +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01j5sd /people/person/profession /m/0kyk +/m/040z9 /film/actor/film./film/performance/film /m/09sr0 +/m/09yrh /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0lx2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03v1jf +/m/04m_kpx /people/person/nationality /m/03rk0 +/m/01jfsb /media_common/netflix_genre/titles /m/0jdr0 +/m/01h8f /people/person/profession /m/03gjzk +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02r4qs +/m/02q8ms8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03z8bw /sports/sports_team/colors /m/083jv +/m/0336mc /film/actor/film./film/performance/film /m/0bmch_x +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0dclg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g57wgv +/m/0126rp /people/person/nationality /m/07ssc +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jmyj +/m/0gvrws1 /film/film/genre /m/01jfsb +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/03h_fqv /influence/influence_node/influenced_by /m/041mt +/m/046mxj /people/person/profession /m/02hrh1q +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/0f0kz /film/actor/film./film/performance/film /m/017jd9 +/m/0d9jr /sports/sports_team_location/teams /m/0jmnl +/m/01wbgdv /people/person/gender /m/02zsn +/m/016_nr /music/genre/artists /m/03f4xvm +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0853g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/03shpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02bb47 /organization/organization/headquarters./location/mailing_address/citytown /m/01zqy6t +/m/013n0n /location/location/time_zones /m/02fqwt +/m/05r5c /music/instrument/instrumentalists /m/01w60_p +/m/065_cjc /film/film/produced_by /m/02q42j_ +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/01pcrw /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03rhqg /music/record_label/artist /m/01czx +/m/05jg58 /music/genre/artists /m/07g2v +/m/02zl4d /people/person/profession /m/03gjzk +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03tps5 +/m/0k20s /film/film/genre /m/02p0szs +/m/07s9rl0 /media_common/netflix_genre/titles /m/03np63f +/m/0266s9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bj6k +/m/012g92 /people/person/gender /m/02zsn +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/017371 /music/genre/artists /m/01p9hgt +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/036c_0 /film/actor/film./film/performance/film /m/04t6fk +/m/01_6dw /people/person/profession /m/0kyk +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/048rn /film/film/genre /m/087lqx +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0fb0v /music/record_label/artist /m/01nz1q6 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/07m69t /people/person/profession /m/0gl2ny2 +/m/02l7c8 /media_common/netflix_genre/titles /m/0456zg +/m/040nwr /people/person/religion /m/03j6c +/m/04rzd /music/instrument/instrumentalists /m/03f5spx +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/05_5_22 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yj5z +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/06kl78 /film/film/film_production_design_by /m/03mdw3c +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04wvhz +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0b_4z +/m/0lkr7 /film/actor/film./film/performance/film /m/016y_f +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01_mdl +/m/05w6cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02p_04b +/m/01cv3n /people/person/place_of_birth /m/02_286 +/m/0pz04 /people/person/places_lived./people/place_lived/location /m/06pvr +/m/09rfh9 /film/film/language /m/02h40lc +/m/01hpf6 /organization/organization/place_founded /m/0dqyw +/m/01npw8 /business/business_operation/industry /m/02jjt +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/01z7_f /film/actor/film./film/performance/film /m/03wbqc4 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0sz28 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/09rsjpv /film/film/genre /m/082gq +/m/02482c /education/educational_institution/colors /m/083jv +/m/027r9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018qql /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01jfrg /film/actor/film./film/performance/film /m/0pc62 +/m/04hk0w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0hx5f /location/location/contains /m/07wtc +/m/09b0xs /people/person/profession /m/015h31 +/m/072x7s /film/film/genre /m/01f9r0 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/016nff /film/actor/film./film/performance/film /m/03hxsv +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01p1z_ /people/person/profession /m/0dxtg +/m/011yn5 /film/film/genre /m/0hn10 +/m/0kjgl /people/person/profession /m/01d_h8 +/m/07sbbz2 /music/genre/artists /m/017vkx +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03nymk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jbp0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/013nky +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0nrnz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wzs_q /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/02sch9 /people/ethnicity/people /m/02756j +/m/01d1st /people/person/profession /m/02hrh1q +/m/0dryh9k /people/ethnicity/people /m/081hvm +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/02g5bf /people/deceased_person/place_of_death /m/04vmp +/m/06j2v /people/ethnicity/people /m/01lc5 +/m/03d555l /sports/sports_team/sport /m/039yzs +/m/05nqq3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017khj /people/person/profession /m/02hrh1q +/m/022p06 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gyh_z +/m/03yvln /sports/sports_team/sport /m/02vx4 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02fjzt /education/educational_institution/school_type /m/01_9fk +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02624g +/m/07vjm /education/educational_institution/school_type /m/05jxkf +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/035wtd +/m/09lxv9 /film/film/genre /m/01hmnh +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d5wn3 +/m/02ctc6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016gr2 /film/actor/film./film/performance/film /m/0dgst_d +/m/01k_r5b /film/actor/film./film/performance/film /m/01jnc_ +/m/06_sc3 /film/film/prequel /m/0401sg +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0c3351 /media_common/netflix_genre/titles /m/04ynx7 +/m/0dnkmq /film/film/language /m/05zjd +/m/03ntbmw /film/film/country /m/0345h +/m/0m313 /film/film/genre /m/06cvj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01q7q2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/017z49 /film/film/genre /m/0lsxr +/m/0140t7 /people/person/profession /m/016z4k +/m/0p50v /people/person/nationality /m/02jx1 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02y0js /people/cause_of_death/people /m/02_01w +/m/06pcz0 /people/person/profession /m/018gz8 +/m/0hkq4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0121h7 +/m/053yx /people/person/profession /m/09jwl +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/018j2 /music/instrument/instrumentalists /m/02qx5h +/m/0d4htf /film/film/genre /m/0hcr +/m/0333wf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01nhgd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/038czx +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jgx +/m/0170s4 /base/eating/practicer_of_diet/diet /m/07_hy +/m/032t2z /music/group_member/membership./music/group_membership/group /m/01wv9xn +/m/032t2z /people/person/gender /m/05zppz +/m/0179q0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m66w /people/person/gender /m/02zsn +/m/02rxd26 /time/event/instance_of_recurring_event /m/07hn5 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/02bh8z /music/record_label/artist /m/063t3j +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0g3b2z +/m/01vrz41 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03b8c4 /education/educational_institution/school_type /m/05pcjw +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031296 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02nwxc /film/actor/film./film/performance/film /m/0320fn +/m/09v82c0 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07zhjj +/m/018vbf /time/event/locations /m/04hqz +/m/0g57wgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01dfb6 /business/business_operation/industry /m/02h400t +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01kd57 +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0f7h2g /people/person/profession /m/02jknp +/m/0223xd /award/award_category/category_of /m/0223xd +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07h07 /people/person/profession /m/0kyk +/m/0cpvcd /influence/influence_node/influenced_by /m/04xm_ +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/0m2l9 /people/person/profession /m/0dxtg +/m/04w391 /film/actor/film./film/performance/film /m/04hk0w +/m/02bqvs /film/film/country /m/09c7w0 +/m/04k05 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f4xvm /people/person/nationality /m/09c7w0 +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04_j5s /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/027r8p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h7dd /people/person/places_lived./people/place_lived/location /m/0zdfp +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cvw9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03g3w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dsx3f /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/07h5d /people/person/profession /m/0dxtg +/m/03kq98 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/02jxrw /film/film/language /m/06nm1 +/m/078ds /people/ethnicity/languages_spoken /m/02002f +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtxj2q +/m/01mxt_ /people/person/profession /m/02hrh1q +/m/02w86hz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/04xvlr /media_common/netflix_genre/titles /m/095zlp +/m/024bbl /film/actor/film./film/performance/film /m/03m5y9p +/m/0n85g /music/record_label/artist /m/024dw0 +/m/0n85g /music/record_label/artist /m/01k_mc +/m/0n85g /music/record_label/artist /m/01wdqrx +/m/01sbhvd /people/person/profession /m/01d_h8 +/m/07y_7 /music/instrument/family /m/0d8lm +/m/0557q /music/genre/artists /m/03f4k +/m/016lv3 /people/person/profession /m/0dxtg +/m/01f7v_ /people/person/profession /m/0dxtg +/m/028rk /people/person/places_lived./people/place_lived/location /m/05tbn +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162v +/m/07t_x /location/country/form_of_government /m/01d9r3 +/m/07t_x /sports/sports_team_location/teams /m/03__77 +/m/05k7sb /location/location/contains /m/0qkcb +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01ksr1 /people/person/nationality /m/09c7w0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/034b6k +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/06n7h7 /people/person/profession /m/02hrh1q +/m/0181dw /music/record_label/artist /m/0137n0 +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0ggq0m /music/genre/artists /m/0459z +/m/09nwwf /music/genre/artists /m/016376 +/m/04ty8 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/07ssc /media_common/netflix_genre/titles /m/0642ykh +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/03fts +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01y81r +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0152x_ +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01j5ts /people/person/places_lived./people/place_lived/location /m/07_fl +/m/06m61 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081pw /time/event/locations /m/02j9z +/m/04qr6d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04q24zv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j3d9tn /film/film/language /m/02h40lc +/m/03tp4 /people/cause_of_death/people /m/08959 +/m/08z39v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09fqd3 /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/044mfr +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0pc_l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zfdp +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/03ckfl9 /music/genre/artists /m/0326tc +/m/05lls /music/genre/artists /m/0k1wz +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01kb2j /film/actor/film./film/performance/film /m/0djlxb +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01jrbb /film/film/language /m/02h40lc +/m/018ljb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/019dwp /education/educational_institution/students_graduates./education/education/student /m/01nrq5 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/08052t3 /film/film/language /m/04306rv +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/02lnhv /people/person/profession /m/02hrh1q +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06vsbt +/m/01br2w /film/film/genre /m/06l3bl +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/0mb0 /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/068cn /location/location/partially_contains /m/0fcgd +/m/06w7v /music/instrument/instrumentalists /m/02l_7y +/m/0f1nl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/013pk3 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n1s0 +/m/05xbx /award/award_winner/awards_won./award/award_honor/award_winner /m/049rl0 +/m/09p5mwg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02mzg9 /education/educational_institution/students_graduates./education/education/student /m/05jjl +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/089tm +/m/0gg4h /people/cause_of_death/people /m/0hwqg +/m/02vntj /people/person/gender /m/02zsn +/m/0hg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/03j9ml /film/actor/film./film/performance/film /m/050f0s +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/01clyr /music/record_label/artist /m/016jfw +/m/04lhc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09jrf /people/person/gender /m/05zppz +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrz41 +/m/047vnkj /film/film/produced_by /m/0315q3 +/m/0dls3 /music/genre/artists /m/01516r +/m/0p__8 /influence/influence_node/influenced_by /m/063_t +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0crs0b8 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/02plv57 +/m/01qnfc /people/person/languages /m/03_9r +/m/0njpq /location/location/time_zones /m/02hcv8 +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/07zl1 /people/person/profession /m/0kyk +/m/030tjk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0grjmv /music/genre/artists /m/01vs4f3 +/m/0kc6x /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0pyg6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k525 /film/actor/film./film/performance/film /m/05q96q6 +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/043kzcr /people/person/gender /m/02zsn +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/0cgfb /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/02m92h /people/person/profession /m/02hrh1q +/m/064t9 /music/genre/artists /m/024yxd +/m/064t9 /music/genre/artists /m/02wwwv5 +/m/064t9 /music/genre/artists /m/0gs6vr +/m/0qzhw /location/location/time_zones /m/02lcqs +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/023zl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0flpy /people/person/languages /m/02h40lc +/m/091n7z /people/person/places_lived./people/place_lived/location /m/04tgp +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0j5q3 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/02qdgx /music/genre/artists /m/01q3_2 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/04_jsg /people/person/gender /m/05zppz +/m/059j1m /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/040696 /people/person/profession /m/0np9r +/m/02dbp7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gfvsz /broadcast/content/artist /m/01wmgrf +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02frhbc /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/03phtz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/03qcq /influence/influence_node/influenced_by /m/041mt +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgr5xp +/m/02h2vv /tv/tv_program/genre /m/0c4xc +/m/019m9h /sports/sports_team/colors /m/04mkbj +/m/04l59s /sports/sports_team/colors /m/01g5v +/m/04l59s /sports/sports_team/colors /m/06fvc +/m/029jt9 /film/film/genre /m/03g3w +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01zfmm /people/person/gender /m/05zppz +/m/0175yg /music/genre/artists /m/01yndb +/m/0sx8l /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0ny57 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/01wy5m /film/actor/film./film/performance/film /m/0g3zrd +/m/0y3_8 /music/genre/artists /m/01vs73g +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02xlf +/m/05ff6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mtq +/m/034qbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01c7qd /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/01c7qd /people/person/profession /m/0cbd2 +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02bqy /education/educational_institution/school_type /m/05pcjw +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0_j_z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06j8wx /film/actor/film./film/performance/film /m/0h2zvzr +/m/0q48z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/04jwp +/m/07bch9 /people/ethnicity/people /m/01vsn38 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/04gbl3 /business/business_operation/industry /m/01mw1 +/m/019z7q /influence/influence_node/influenced_by /m/01tz6vs +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02p65p /film/actor/film./film/performance/film /m/0hgnl3t +/m/09swkk /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02301 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033tf_ /people/ethnicity/geographic_distribution /m/09c7w0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01f7kl /film/film/genre /m/06n90 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/01vhb0 /film/actor/film./film/performance/film /m/087vnr5 +/m/035wq7 /people/person/languages /m/02h40lc +/m/01z4y /media_common/netflix_genre/titles /m/02q7fl9 +/m/01z4y /media_common/netflix_genre/titles /m/02qzh2 +/m/01z4y /media_common/netflix_genre/titles /m/094g2z +/m/0dl5d /music/genre/artists /m/01vsy3q +/m/0dl5d /music/genre/artists /m/0473q +/m/03ft8 /people/person/profession /m/02hrh1q +/m/01gq0b /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f8l9c +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/016kft +/m/015pvh /people/person/profession /m/03gjzk +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0dj5q /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/02ndbd /film/actor/film./film/performance/film /m/02ndy4 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/0300ml /tv/tv_program/genre /m/07s9rl0 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046488 +/m/0l98s /olympics/olympic_games/sports /m/064vjs +/m/0h5jg5 /people/person/profession /m/01d_h8 +/m/02465 /influence/influence_node/influenced_by /m/0jt90f5 +/m/0c3kw /people/person/gender /m/05zppz +/m/01664_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05fg2 /people/person/profession /m/01c979 +/m/05tjm3 /people/person/place_of_birth /m/01_d4 +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09vc4s /people/ethnicity/people /m/03j0d +/m/09vc4s /people/ethnicity/people /m/04xhwn +/m/09vc4s /people/ethnicity/people /m/0bwh6 +/m/06__m6 /film/film/music /m/07v4dm +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/02tjl3 /film/film/executive_produced_by /m/07r1h +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01t_wfl +/m/02qfhb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gq0b +/m/0m9p3 /film/film/genre /m/082gq +/m/0443c /people/person/gender /m/05zppz +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0847q +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01gjw /music/genre/artists /m/02k5sc +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/049tjg /people/person/profession /m/02hrh1q +/m/0315rp /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/08nvyr /film/film/production_companies /m/04f525m +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wlh +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/02lnbg /music/genre/artists /m/019f9z +/m/0n6mc /location/location/time_zones /m/02lcqs +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/0d060g /location/location/contains /m/0pmp2 +/m/048htn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03y9ccy /people/person/profession /m/03gjzk +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/035_2h /film/film/music /m/02bh9 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0241y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cq806 /film/film/language /m/04h9h +/m/018fmr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/073tm9 /business/business_operation/industry /m/04rlf +/m/0304nh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0rjg8 +/m/09c7w0 /location/location/contains /m/01h8rk +/m/09c7w0 /location/location/contains /m/07vfz +/m/09c7w0 /location/country/second_level_divisions /m/0n5by +/m/09c7w0 /location/country/second_level_divisions /m/0nm9y +/m/09c7w0 /location/country/second_level_divisions /m/0k3l5 +/m/09c7w0 /location/country/second_level_divisions /m/0nt4s +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03t9sp +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0697kh +/m/0d6lp /location/us_county/county_seat /m/0d6lp +/m/09k9d0 /education/educational_institution/colors /m/04mkbj +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05qd_ /organization/organization/place_founded /m/030qb3t +/m/04nm0n0 /film/film/genre /m/082gq +/m/05z775 /people/person/profession /m/0np9r +/m/0bwhdbl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06hgym /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01kj0p /film/actor/film./film/performance/film /m/05v38p +/m/095zlp /film/film/genre /m/04xvlr +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gvwz +/m/045j3w /film/film/genre /m/02n4kr +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/06f32 /location/country/form_of_government /m/01fpfn +/m/0l2l_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0164v +/m/09f2j /education/university/fraternities_and_sororities /m/035tlh +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/04z542 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/03fg0r +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/048_p /people/person/gender /m/05zppz +/m/0gvvf4j /film/film/genre /m/01jfsb +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grrf +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04k25 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0f61tk /film/film/genre /m/04pbhw +/m/016dsy /people/person/places_lived./people/place_lived/location /m/059rby +/m/0cq8nx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/029_3 /people/person/languages /m/02h40lc +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/01c6l /people/person/nationality /m/09c7w0 +/m/0crx5w /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0jqzt /film/film/language /m/02h40lc +/m/09cdxn /people/person/nationality /m/09c7w0 +/m/01vvpjj /people/person/profession /m/0nbcg +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0308kx /people/person/profession /m/02hrh1q +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/01vx5w7 /people/person/nationality /m/09c7w0 +/m/0symg /film/film/genre /m/01hmnh +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04hxyv /people/person/place_of_birth /m/0xrzh +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/07gp9 /film/film/production_companies /m/02slt7 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0r2l7 /location/location/time_zones /m/02lcqs +/m/0cm2xh /time/event/locations /m/02j9z +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01nwwl /film/actor/film./film/performance/film /m/034qmv +/m/01nwwl /film/actor/film./film/performance/film /m/04qw17 +/m/072hv /medicine/disease/risk_factors /m/0c58k +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01pny5 /people/person/profession /m/0nbcg +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f5xn +/m/0df92l /film/film/genre /m/02l7c8 +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/06xpp7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/03lvyj +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01y2mq /music/genre/artists /m/01vw_dv +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01ckhj /film/actor/film./film/performance/film /m/0dscrwf +/m/034qt_ /people/person/place_of_birth /m/0v9qg +/m/034qt_ /people/person/profession /m/089fss +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ylj +/m/0m0jc /music/genre/parent_genre /m/03mb9 +/m/0m0jc /music/genre/artists /m/046p9 +/m/0900j5 /film/film/genre /m/01585b +/m/0900j5 /film/film/language /m/02h40lc +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gwjw0c /film/film/produced_by /m/06q8hf +/m/01wd02c /people/person/religion /m/0n2g +/m/01wwvt2 /film/actor/film./film/performance/film /m/0c9t0y +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/07sgfsl +/m/03f6fl0 /people/person/profession /m/01c72t +/m/01nms7 /film/actor/film./film/performance/film /m/07sc6nw +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01r2c7 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0160nk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01k3s2 +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01vvyfh /people/person/profession /m/064xm0 +/m/0127gn /people/person/nationality /m/09c7w0 +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04_1l0v /location/location/contains /m/05k7sb +/m/016_mj /people/person/profession /m/018gz8 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0zcbl /film/actor/film./film/performance/film /m/05k4my +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0335fp +/m/0678gl /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/03jsvl /music/genre/artists /m/018y2s +/m/02qdyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g4pl7z +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/0l14j_ +/m/013pk3 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/07rd7 +/m/01w02sy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ln5z /film/film/genre /m/02kdv5l +/m/01cz7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j5x6 /people/person/nationality /m/02jx1 +/m/091rc5 /film/film/film_format /m/07fb8_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03818y /education/educational_institution/students_graduates./education/education/student /m/06pjs +/m/088q4 /sports/sports_team_location/teams /m/038_3y +/m/02v_r7d /film/film/genre /m/03mqtr +/m/04gmp_z /people/deceased_person/place_of_death /m/030qb3t +/m/0407yfx /film/film/executive_produced_by /m/05_k56 +/m/04gcyg /film/film/genre /m/03k9fj +/m/0cd2vh9 /film/film/production_companies /m/0c_j5d +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0jbp0 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/055c8 /film/actor/film./film/performance/film /m/01q2nx +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02cpp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/015srx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/0ccvx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/01r9c_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j5sv /film/actor/film./film/performance/film /m/0b85mm +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/035zr0 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/0hnlx /people/person/employment_history./business/employment_tenure/company /m/065y4w7 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0164w8 +/m/045cq /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/05ywg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0bwfwpj /film/film/genre /m/07s9rl0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_r9k +/m/01r9md /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gt3p /people/person/places_lived./people/place_lived/location /m/0gjcy +/m/0hpv3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0kr_t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09xrxq /people/person/profession /m/02jknp +/m/0bc1yhb /film/film/genre /m/02kdv5l +/m/0bc1yhb /film/film/genre /m/03k9fj +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jqp3 /film/film/featured_film_locations /m/0fsv2 +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/03yj_0n +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/0gg5kmg /film/film/genre /m/0lsxr +/m/01zzy3 /education/educational_institution/students_graduates./education/education/student /m/0j3v +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05bkf +/m/01vw20_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k0q73t /tv/tv_program/program_creator /m/01w92 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/029d_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/06mvq /people/ethnicity/people /m/01kgv4 +/m/03cf9ly /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_6y +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kx_81 +/m/07jmgz /people/person/profession /m/02jknp +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0127s7 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/02q87z6 /film/film/genre /m/01jfsb +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08zrbl /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0170xl /film/film/country /m/09c7w0 +/m/0kv9d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gv5c /people/person/nationality /m/09c7w0 +/m/030pr /people/person/gender /m/05zppz +/m/0fq27fp /film/film/language /m/02h40lc +/m/010p3 /film/actor/film./film/performance/film /m/0cc97st +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/068gn /award/award_category/winners./award/award_honor/award_winner /m/021sv1 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gywn /music/genre/artists /m/0j1yf +/m/043g7l /music/record_label/artist /m/01wgjj5 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0sg4x /location/location/time_zones /m/02fqwt +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0154j +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/01fs__ /tv/tv_program/genre /m/01z4y +/m/02rv_dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/041rx /people/ethnicity/people /m/016zdd +/m/03kbb8 /film/actor/film./film/performance/film /m/0cmdwwg +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025n07 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtt5fb +/m/034rd /people/person/profession /m/0g0vx +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07cn2c /people/person/places_lived./people/place_lived/location /m/052p7 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0155w /music/genre/artists /m/016s_5 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/07xzm /music/instrument/instrumentalists /m/01wp8w7 +/m/01prf3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/043tg /influence/influence_node/influenced_by /m/039n1 +/m/0mmpz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlzk +/m/0fphgb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k4kk /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0g9zcgx /people/person/place_of_birth /m/0r3wm +/m/08d9z7 /people/person/profession /m/03gjzk +/m/04f525m /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06jcc /influence/influence_node/influenced_by /m/034bs +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nz1q6 +/m/0mnyn /location/location/time_zones /m/02hcv8 +/m/06101p /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/04gzd /location/location/time_zones /m/03plfd +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0mtdx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mtdx /location/location/time_zones /m/02hcv8 +/m/0173b0 /music/genre/artists /m/0889x +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/047myg9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y9c2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pgzn_ /people/person/nationality /m/09c7w0 +/m/012cph /people/person/nationality /m/09c7w0 +/m/024mpp /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/024mpp /film/film/produced_by /m/09zw90 +/m/0m75g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/0163zw /music/genre/artists /m/0m19t +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/017l96 /music/record_label/artist /m/01w724 +/m/0jzw /film/film/country /m/09c7w0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04vq33 +/m/0glt670 /music/genre/artists /m/0837ql +/m/02m501 /people/person/profession /m/0dxtg +/m/01xq8v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/012t1 /people/person/profession /m/0q04f +/m/07xvf /film/film/genre /m/02kdv5l +/m/0ymff /education/educational_institution_campus/educational_institution /m/0ymff +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/0295sy /film/film/produced_by /m/02q_cc +/m/02508x /people/person/profession /m/08z956 +/m/04gycf /people/person/nationality /m/09c7w0 +/m/06151l /film/actor/film./film/performance/film /m/084qpk +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/041h0 /people/person/religion /m/0c8wxp +/m/02bj22 /film/film/country /m/09c7w0 +/m/05w6cw /music/artist/origin /m/02_286 +/m/09gkx35 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/017g21 /people/person/profession /m/025352 +/m/03rwng /people/person/gender /m/02zsn +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/03hkch7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0935jw +/m/0gry51 /people/person/nationality /m/09c7w0 +/m/0420y /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/04wp3s /film/actor/film./film/performance/film /m/05qbckf +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/081mh /location/location/contains /m/010z5n +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0bxtyq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06nns1 /people/person/places_lived./people/place_lived/location /m/059rby +/m/09b0xs /people/person/places_lived./people/place_lived/location /m/0h6l4 +/m/06nnj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/018p4y /people/person/places_lived./people/place_lived/location /m/01qs54 +/m/014ps4 /influence/influence_node/influenced_by /m/040db +/m/06wzvr /film/film/featured_film_locations /m/02_286 +/m/02f8lw /people/person/profession /m/02hrh1q +/m/0f4yh /film/film/genre /m/02kdv5l +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0g6ff /people/ethnicity/people /m/03f47xl +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbx3 +/m/03_nq /people/person/profession /m/04gc2 +/m/03_nq /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/07sbbz2 /music/genre/artists /m/01vvybv +/m/031x_3 /people/person/gender /m/02zsn +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/01yfm8 /people/person/profession /m/09jwl +/m/0f6rc /base/culturalevent/event/entity_involved /m/02189 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0167km /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015wfg /people/person/profession /m/02hrh1q +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01shhf +/m/01jfnvd /people/person/place_of_birth /m/02dtg +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/01817f +/m/0jm4b /sports/sports_team/colors /m/083jv +/m/0lzcs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xtz9 /location/location/time_zones /m/02hczc +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/02mg5r /education/educational_institution_campus/educational_institution /m/02mg5r +/m/01nkxvx /people/person/places_lived./people/place_lived/location /m/0pswc +/m/021yzs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02d413 /film/film/language /m/02h40lc +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/062zm5h /film/film/language /m/06b_j +/m/03_x5t /people/person/religion /m/0c8wxp +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/027dpx /music/group_member/membership./music/group_membership/role /m/0l14md +/m/02vkvcz /people/person/nationality /m/07ssc +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01ycfv /people/person/place_of_birth /m/02_286 +/m/0dzkq /people/person/religion /m/01hng3 +/m/0gkz15s /film/film/genre /m/07s9rl0 +/m/0ddkf /people/person/nationality /m/09c7w0 +/m/0fs9vc /film/film/executive_produced_by /m/04jspq +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01pkhw +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01l0__ +/m/01wz_ml /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/058vp /people/person/profession /m/01l5t6 +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/0137hn /base/eating/practicer_of_diet/diet /m/07_hy +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0137g1 +/m/026t6 /music/instrument/instrumentalists /m/09qr6 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/078bz +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0225bv +/m/044mz_ /film/actor/film./film/performance/film /m/0fr63l +/m/04kj2v /people/person/religion /m/03_gx +/m/018j2 /music/instrument/instrumentalists /m/04m2zj +/m/01zkxv /influence/influence_node/influenced_by /m/03j0d +/m/02lm0t /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/016tw3 +/m/05qgc /education/field_of_study/students_majoring./education/education/student /m/05bnp0 +/m/095sx6 /tv/tv_program/genre /m/03fpg +/m/016732 /people/person/nationality /m/09c7w0 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01gfhk /location/location/time_zones /m/02fqwt +/m/0pmhf /people/person/profession /m/02hrh1q +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01xcr4 +/m/059kh /music/genre/artists /m/01dq9q +/m/08jyyk /music/genre/artists /m/02whj +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/02x0bdb /people/deceased_person/place_of_death /m/030qb3t +/m/032_wv /film/film/genre /m/0219x_ +/m/01fsyp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hwd8 /people/person/profession /m/02hrh1q +/m/02vjp3 /film/film/produced_by /m/02rchht +/m/040j2_ /people/person/places_lived./people/place_lived/location /m/013yq +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02jt1k /people/person/places_lived./people/place_lived/location /m/0lhql +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/06yyp +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/02t__l /film/actor/film./film/performance/film /m/01m13b +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0kz2w /organization/organization/headquarters./location/mailing_address/citytown /m/0hz35 +/m/0244r8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0244r8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/01k3s2 /organization/organization/headquarters./location/mailing_address/citytown /m/0nlh7 +/m/04wgh /location/location/contains /m/054rw +/m/0252fh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/04vh83 /film/film/language /m/04h9h +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/028rk +/m/0ycht /location/location/time_zones /m/02hcv8 +/m/0180w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/03j3pg9 /people/person/nationality /m/09c7w0 +/m/051ys82 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0kn3g /people/person/employment_history./business/employment_tenure/company /m/0345gh +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02q7yfq /film/film/language /m/06nm1 +/m/0n839 /people/person/gender /m/05zppz +/m/0n839 /film/actor/film./film/performance/film /m/034qmv +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k0vq +/m/0cyhq /people/person/profession /m/025352 +/m/0pd4f /film/film/language /m/02h40lc +/m/0xhtw /music/genre/artists /m/081wh1 +/m/014lc_ /film/film/genre /m/06n90 +/m/0sxdg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k4bc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0kp2_ /people/person/profession /m/0cbd2 +/m/0kw4j /education/educational_institution/colors /m/01g5v +/m/0cx7f /music/genre/artists /m/01p0w_ +/m/0lgxj /olympics/olympic_games/participating_countries /m/05v8c +/m/06rgq /people/person/profession /m/01c72t +/m/02r858_ /film/film/country /m/0d060g +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0m32h /people/cause_of_death/people /m/01r_t_ +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01yqqv +/m/0jm_ /film/film_subject/films /m/05zy3sc +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmcwlb +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0k0sv /language/human_language/countries_spoken_in /m/01mjq +/m/0f2r6 /sports/sports_team_location/teams /m/041xyk +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/024_dt /award/award_category/category_of /m/0c4ys +/m/024qqx /media_common/netflix_genre/titles /m/0bm2g +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/016732 +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0161c2 +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07m9cm /people/person/profession /m/02hrh1q +/m/0ggq0m /music/genre/artists /m/02r38 +/m/0nbzp /base/biblioness/bibs_location/country /m/09c7w0 +/m/0jzphpx /time/event/instance_of_recurring_event /m/0c4ys +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0f4_l /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0n6kf /influence/influence_node/influenced_by /m/0gdqy +/m/07ssc /location/location/contains /m/01h8sf +/m/07ssc /location/country/form_of_government /m/01fpfn +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05mrf_p /film/film/genre /m/03mqtr +/m/05bt6j /music/genre/artists /m/0cbm64 +/m/01rh0w /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/01w7nww +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n2bh +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/069d71 /people/person/sibling_s./people/sibling_relationship/sibling /m/069d68 +/m/0ntwb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kb2j /film/actor/film./film/performance/film /m/07bwr +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0jhjl /education/educational_institution/school_type /m/047951 +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/0drnwh /film/film/language /m/02h40lc +/m/08jbxf /people/person/gender /m/05zppz +/m/0z4s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0c53zb /time/event/instance_of_recurring_event /m/0g_w +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05vc35 /film/film/language /m/03_9r +/m/0b60sq /film/film/genre /m/0hcr +/m/0456xp /film/actor/film./film/performance/film /m/0456zg +/m/06gbnc /people/ethnicity/people /m/05b2f_k +/m/0gg4h /people/cause_of_death/people /m/03cprft +/m/02sgy /music/instrument/instrumentalists /m/0161c2 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n8gr +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/015x74 /film/film/film_production_design_by /m/0bytkq +/m/01v1ln /film/film/language /m/012w70 +/m/04d5v9 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/04dsnp /film/film/featured_film_locations /m/05qtj +/m/0y1rf /base/biblioness/bibs_location/state /m/059rby +/m/06t8b /people/person/profession /m/0dgd_ +/m/0kbvb /time/event/locations /m/0n2z +/m/0j_t1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04qftx /music/genre/artists /m/02t3ln +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04954 +/m/02bh9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01y8cr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0dls3 /music/genre/parent_genre /m/016clz +/m/035s95 /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0gmdkyy /time/event/instance_of_recurring_event /m/0g_w +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/01jv_6 /sports/sports_team/colors /m/019sc +/m/042z_g /film/actor/film./film/performance/film /m/05sxr_ +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063y9fp +/m/0c41qv /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0blt6 /people/person/gender /m/05zppz +/m/014vm4 /location/location/time_zones /m/052vwh +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0tfc /people/person/profession /m/0kyk +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01cj6y /film/actor/film./film/performance/film /m/03wy8t +/m/05z_kps /film/film/production_companies /m/05mgj0 +/m/05z_kps /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n7q /location/location/contains /m/0l2mg +/m/05kh_ /people/person/spouse_s./people/marriage/spouse /m/01pl9g +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/09jd9 /people/person/profession /m/0kyk +/m/02s58t /people/person/spouse_s./people/marriage/location_of_ceremony /m/06c62 +/m/01j4ls /people/person/profession /m/09jwl +/m/0315w4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01q2nx /film/film/country /m/09c7w0 +/m/0b90_r /location/location/contains /m/0pswc +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/011k1h /music/record_label/artist /m/06mj4 +/m/0xnt5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02dw1_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d9xq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0r0ss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/063_j5 /film/film/genre /m/02xh1 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/03gfvsz /broadcast/content/artist /m/01bczm +/m/03gfvsz /broadcast/content/artist /m/015cqh +/m/04x4gj /tv/tv_program/country_of_origin /m/09c7w0 +/m/02wycg2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/05f4_n0 /film/film/edited_by /m/0bn3jg +/m/0pv2t /film/film/genre /m/02l7c8 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bbm7r +/m/09lxtg /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0gv2r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wk7b7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0415mzy /people/person/profession /m/047rgpy +/m/0fhp9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/07z4fy /people/deceased_person/place_of_death /m/02hrh0_ +/m/07w4j /education/educational_institution/students_graduates./education/education/student /m/0dgskx +/m/06wm0z /film/actor/film./film/performance/film /m/047bynf +/m/085pr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03_3d +/m/0bl2g /film/actor/film./film/performance/film /m/04k9y6 +/m/0175yg /music/genre/artists /m/0411q +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/0bdjd /film/film/language /m/02h40lc +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/032_jg +/m/059lwy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/06s27s /people/person/gender /m/05zppz +/m/016yr0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rsz0 /people/person/place_of_birth /m/02ly_ +/m/0dh8v4 /film/film/genre /m/0hcr +/m/057_yx /film/actor/film./film/performance/film /m/076zy_g +/m/0d6qjf /film/film_subject/films /m/03k8th +/m/01w3v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02ndj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03v0t /location/location/contains /m/0nvd8 +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/01lz4tf /people/person/profession /m/01d_h8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/0hqly /people/person/places_lived./people/place_lived/location /m/0r2dp +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/03rtz1 /film/film/genre /m/05p553 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/06z9yh +/m/0f502 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033qxt /people/ethnicity/people /m/05szp +/m/033tf_ /people/ethnicity/people /m/02g8h +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/09y6pb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05dptj /film/film/genre /m/04xvh5 +/m/084w8 /influence/influence_node/influenced_by /m/0379s +/m/01f6ss /education/educational_institution/colors /m/06kqt3 +/m/03_d0 /music/genre/artists /m/03h_fqv +/m/02ptczs /film/film/featured_film_locations /m/02_286 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03x3qv +/m/0t6hk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04shbh /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/07f8wg /people/person/place_of_birth /m/09bjv +/m/0178rl /people/person/profession /m/025352 +/m/015qq1 /people/deceased_person/place_of_burial /m/018mmw +/m/015qq1 /film/actor/film./film/performance/film /m/037xlx +/m/047jhq /film/actor/film./film/performance/film /m/0f42nz +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/018db8 /people/person/profession /m/01d_h8 +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/06y9bd /people/person/gender /m/02zsn +/m/06cqb /music/genre/artists /m/01s1zk +/m/02wvfxl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ky2h /people/person/profession /m/0nbcg +/m/026zlh9 /film/film/genre /m/07s9rl0 +/m/02_7t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/01gbn6 /film/actor/film./film/performance/film /m/0fzm0g +/m/01jswq /education/educational_institution/campuses /m/01jswq +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05mrf_p +/m/01kgg9 /film/actor/film./film/performance/film /m/01xlqd +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/09b_0m +/m/0gx1bnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01k31p /people/person/gender /m/05zppz +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018n6m +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ls53 +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03csqj4 +/m/01swdw /business/business_operation/industry /m/020mfr +/m/0f4y3 /location/location/time_zones /m/02hcv8 +/m/02d6n_ /film/actor/film./film/performance/film /m/01xlqd +/m/040b5k /film/film/country /m/03h64 +/m/02r1c18 /film/film/production_companies /m/03sb38 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03v_5 /location/location/time_zones /m/02hcv8 +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/09lcsj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mfj2 /people/person/profession /m/0dxtg +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/08hmch /film/film/genre /m/06n90 +/m/01cmp9 /film/film/genre /m/0lsxr +/m/073tm9 /music/record_label/artist /m/01w7nww +/m/01b39j /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/017fp /media_common/netflix_genre/titles /m/047d21r +/m/09c7w0 /location/location/contains /m/0jkhr +/m/09c7w0 /location/location/contains /m/02zkz7 +/m/0bh8x1y /film/film/film_festivals /m/0gg7gsl +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/039x1k /people/person/gender /m/02zsn +/m/0342h /music/instrument/instrumentalists /m/01wdcxk +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016hvl /people/person/profession /m/0dxtg +/m/01rv7x /people/ethnicity/people /m/046rfv +/m/01sbf2 /music/artist/origin /m/059rby +/m/06msq2 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01yznp /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ryz24 +/m/012b30 /music/record_label/artist /m/0bg539 +/m/05gml8 /film/actor/film./film/performance/film /m/06rmdr +/m/017dpj /people/person/profession /m/02hrh1q +/m/02q0k7v /film/film/genre /m/060__y +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07db6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03mnk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0dcz8_ /film/film/genre /m/04pbhw +/m/032xky /film/film/genre /m/03npn +/m/02lq10 /people/person/profession /m/02hrh1q +/m/0jhd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/016jny /music/genre/artists /m/0khth +/m/06j6l /music/genre/artists /m/018dyl +/m/045j3w /film/film/produced_by /m/072vj +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0wr_s /location/hud_county_place/place /m/0wr_s +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024my5 +/m/0558_1 /education/educational_institution/colors /m/09ggk +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/014zn0 /people/person/nationality /m/09c7w0 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0gg9_5q +/m/038nv6 /film/actor/film./film/performance/film /m/0ds2n +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0jfx1 +/m/0157m /people/person/gender /m/05zppz +/m/041738 /music/genre/parent_genre /m/06by7 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/012wg +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/03wbqc4 /film/film/language /m/02h40lc +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/016dsy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/04511f +/m/029_3 /influence/influence_node/influenced_by /m/0127xk +/m/0mb8c /film/film/film_format /m/0cj16 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/07sbk +/m/01qvz8 /film/film/genre /m/0lsxr +/m/01mh8zn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04xrx /people/person/profession /m/09jwl +/m/018y2s /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/033x5p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/04180vy /film/film/music /m/02jxmr +/m/0p8r1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jrhz /people/person/gender /m/05zppz +/m/04svwx /tv/tv_program/genre /m/01htzx +/m/01pfpt /music/genre/artists /m/0m19t +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0kc9f /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/04q01mn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/018x3 /influence/influence_node/influenced_by /m/0bqch +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02jx1 /location/location/contains /m/094vy +/m/01wxyx1 /film/actor/film./film/performance/film /m/011wtv +/m/01w60_p /base/eating/practicer_of_diet/diet /m/07_jd +/m/01_4lx /organization/organization/child./organization/organization_relationship/child /m/07zl6m +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/07s3m4g +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/07h1h5 /people/person/gender /m/05zppz +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0djb3vw /film/film/genre /m/02l7c8 +/m/01vrx35 /people/person/profession /m/0nbcg +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0bzrxn /time/event/locations /m/0f2r6 +/m/0bzrxn /time/event/locations /m/0dc95 +/m/0151zx /people/person/nationality /m/07ssc +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mqnr +/m/02h8p8 /sports/sports_team/sport /m/018jz +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0cm2xh /time/event/locations /m/0j0k +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0172rj /music/genre/artists /m/01fchy +/m/0mws3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0cjf0 /medicine/symptom/symptom_of /m/0cycc +/m/07q1v4 /people/person/nationality /m/09c7w0 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/06q6jz /music/genre/artists /m/0c73z +/m/0cbgl /people/person/places_lived./people/place_lived/location /m/0r02m +/m/04bbpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04hgpt +/m/0x67 /people/ethnicity/people /m/09k2t1 +/m/07twz /location/country/form_of_government /m/01fpfn +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0c0nhgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/044mvs /people/person/gender /m/05zppz +/m/0mcl0 /film/film/genre /m/03k9fj +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01q2sk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0hv4t /film/film/genre /m/02n4kr +/m/0kvgnq /film/film/language /m/02h40lc +/m/07vfy4 /film/film/film_festivals /m/0bmj62v +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/04xfb /people/person/profession /m/0fj9f +/m/03nkts /people/person/profession /m/02jknp +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0kvgtf /film/film/language /m/02h40lc +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0hdf8 /music/genre/artists /m/01gx5f +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gt3p +/m/01cl0d /music/record_label/artist /m/0gps0z +/m/01b66d /tv/tv_program/country_of_origin /m/09c7w0 +/m/02x8m /music/genre/artists /m/0136p1 +/m/045hz5 /people/person/languages /m/03k50 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01x3g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02301 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02jxsq /people/person/nationality /m/03rk0 +/m/025sc50 /music/genre/artists /m/05w6cw +/m/01btyw /location/location/time_zones /m/02fqwt +/m/01dq5z /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01my4f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/02gvwz /film/actor/film./film/performance/film /m/0642xf3 +/m/02vrgnr /film/film/written_by /m/03y9ccy +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01vdrw /people/person/profession /m/0cbd2 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/06by7 /music/genre/artists /m/04mn81 +/m/06by7 /music/genre/artists /m/017b2p +/m/06by7 /music/genre/artists /m/0167v4 +/m/0bt4r4 /people/person/profession /m/0dxtg +/m/01mxnvc /music/group_member/membership./music/group_membership/group /m/02vgh +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/017v_ +/m/013pk3 /people/person/profession /m/02hrh1q +/m/0134s5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0194xc /people/person/religion /m/0c8wxp +/m/0cpllql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/04mn81 /people/person/profession /m/04f2zj +/m/0ccck7 /film/film/genre /m/07s9rl0 +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wgxtl +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/0mmp3 /music/genre/artists /m/01271h +/m/0137g1 /people/person/profession /m/09jwl +/m/02k6hp /people/cause_of_death/people /m/021r6w +/m/01v3s2_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bscw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/0b7t3p +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/017l4 /people/person/nationality /m/0d0vqn +/m/08qvhv /people/person/profession /m/0dxtg +/m/05w3f /music/genre/artists /m/01t8399 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0wsr /sports/sports_team/colors /m/03vtbc +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0fk98 +/m/074qgb /people/person/gender /m/05zppz +/m/01vb6z /people/person/profession /m/0dxtg +/m/02yv6b /music/genre/artists /m/014q2g +/m/0ggx5q /music/genre/artists /m/01vrt_c +/m/0bdt8 /film/actor/film./film/performance/film /m/0ktpx +/m/0btyf5z /film/film/genre /m/03k9fj +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/092ys_y /people/person/profession /m/0ch6mp2 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d05w3 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01rly6 +/m/0171c7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w59b /sports/sports_team/colors /m/06fvc +/m/0hz6mv2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0rw2x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/01dy7j +/m/0fbzp /location/location/time_zones /m/02hcv8 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/05sq84 /people/person/religion /m/0c8wxp +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/01nx_8 /people/person/place_of_birth /m/0lhql +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04wddl /film/film/language /m/064_8sq +/m/08tq4x /film/film/country /m/0jdx +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/0b78hw /user/alexander/philosophy/philosopher/interests /m/05qfh +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01nn3m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/01g1lp +/m/07fq1y /film/actor/film./film/performance/film /m/0340hj +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04qvl7 +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f1sm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dqyw +/m/05rgl /location/location/contains /m/034tl +/m/01trf3 /people/person/profession /m/0dxtg +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01515w /people/person/profession /m/01d_h8 +/m/03t22m /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0cv3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0gt_k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/08jgk1 /tv/tv_program/genre /m/06nbt +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02sg5v +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0d234 /location/location/contains /m/01hx2t +/m/01tvz5j /film/actor/film./film/performance/film /m/06__m6 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/057hz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hr3g /people/person/nationality /m/0345h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0rsjf /location/hud_county_place/place /m/0rsjf +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/0gl88b +/m/0jdr0 /film/film/genre /m/09blyk +/m/01w5gg6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g96wd /people/ethnicity/people /m/0h32q +/m/02gqm3 /film/film/music /m/012ky3 +/m/02778qt /people/person/nationality /m/09c7w0 +/m/03fwln /people/person/gender /m/02zsn +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/047cqr /influence/influence_node/influenced_by /m/0yxl +/m/07cw4 /film/film/featured_film_locations /m/02nd_ +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/043g7l /music/record_label/artist /m/06449 +/m/024swd /people/person/profession /m/0dxtg +/m/018wng /award/award_category/winners./award/award_honor/award_winner /m/09p0q +/m/01lyv /music/genre/artists /m/0bdxs5 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/082scv /film/film/genre /m/0219x_ +/m/046_v /people/person/profession /m/0dxtg +/m/05kjlr /award/award_category/category_of /m/05kjlr +/m/082xp /people/person/profession /m/099md +/m/07tds /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/041rx /people/ethnicity/people /m/01t6xz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dscrwf +/m/0hskw /people/person/gender /m/05zppz +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01cwkq /people/person/gender /m/02zsn +/m/0222qb /people/ethnicity/languages_spoken /m/02bjrlw +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/0dl6fv +/m/07hwkr /people/ethnicity/people /m/01mmslz +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0pvms /film/film/genre /m/05p553 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/03_wvl /people/person/gender /m/05zppz +/m/0bsnm /education/educational_institution/students_graduates./education/education/student /m/02_t2t +/m/0bsnm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/034fl9 /tv/tv_program/languages /m/02h40lc +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/04mky3 +/m/0gsl0 /location/location/contains /m/0lw_s +/m/067xw /people/person/gender /m/05zppz +/m/06t6dz /film/film/language /m/02h40lc +/m/015_1q /music/record_label/artist /m/01wmjkb +/m/02wrhj /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/01jbx1 +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0173b0 /music/genre/artists /m/01wkmgb +/m/0jvt9 /film/film/music /m/02sj1x +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfb2 +/m/0hz35 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01tz6vs /influence/influence_node/influenced_by /m/0bwx3 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0cbn7c /film/film/featured_film_locations /m/0d6lp +/m/0cbn7c /film/film/genre /m/02n4kr +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/02clgg /people/person/nationality /m/09c7w0 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0jzc /language/human_language/countries_spoken_in /m/02k54 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07r4c /people/person/profession /m/0dxtg +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/07gbf /tv/tv_program/genre /m/01hmnh +/m/07jq_ /film/film_subject/films /m/0b2km_ +/m/0r111 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/026s90 /music/record_label/artist /m/0889x +/m/02lk1s /people/person/nationality /m/09c7w0 +/m/01j_5k /education/educational_institution/school_type /m/01rs41 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03kxdw /film/actor/film./film/performance/film /m/016017 +/m/045bs6 /people/person/gender /m/05zppz +/m/01kcty /music/genre/artists /m/026ps1 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/016k62 +/m/049dk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/0h7x /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/025twgf /film/film/music /m/01cbt3 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01q_y0 +/m/01pcj4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07nx9j /film/actor/film./film/performance/film /m/046f3p +/m/050llt /people/person/languages /m/02h40lc +/m/0pz04 /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/0nm3n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_t +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/027kp3 /education/educational_institution/school_type /m/04399 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05wjnt /people/person/religion /m/0kq2 +/m/0blq0z /film/actor/film./film/performance/film /m/05n6sq +/m/0435vm /film/film/written_by /m/09pl3s +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jkqfz +/m/08sfxj /film/film/language /m/02h40lc +/m/029m83 /people/person/places_lived./people/place_lived/location /m/0sq2v +/m/0jmwg /music/genre/artists /m/09jvl +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0223bl /sports/sports_team/colors /m/01g5v +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/0127xk /people/person/religion /m/0c8wxp +/m/085q5 /people/person/nationality /m/09c7w0 +/m/063k3h /people/ethnicity/people /m/0jt90f5 +/m/032l1 /people/person/languages /m/06b_j +/m/02m30v /people/person/gender /m/02zsn +/m/01r97z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/05d9y_ +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/020_95 /people/person/nationality /m/09c7w0 +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0243cq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0841v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/03n08b +/m/0p_pd /influence/influence_node/influenced_by /m/01gn36 +/m/0p_pd /people/person/profession /m/018gz8 +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03m6pk /people/person/profession /m/02hrh1q +/m/048ldh /sports/sports_team/colors /m/06fvc +/m/0dryh9k /people/ethnicity/languages_spoken /m/02h40lc +/m/0dryh9k /people/ethnicity/people /m/06zmg7m +/m/015gsv /film/actor/film./film/performance/film /m/0340hj +/m/085jw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049n3s +/m/06d4h /film/film_subject/films /m/04q01mn +/m/07c52 /media_common/netflix_genre/titles /m/0c3xpwy +/m/07c52 /media_common/netflix_genre/titles /m/0464pz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/0c8hct /people/person/profession /m/01d_h8 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01wj18h /people/person/profession /m/0dz3r +/m/01xqw /music/instrument/instrumentalists /m/01vsyjy +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/01rrwf6 /film/actor/film./film/performance/film /m/03h3x5 +/m/0gl88b /people/person/gender /m/02zsn +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01p7yb /film/actor/film./film/performance/film /m/0320fn +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/035wq7 +/m/041jlr /influence/influence_node/influenced_by /m/03s9b +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0820xz +/m/0235l /location/location/time_zones /m/02lcqs +/m/0fs9vc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0klw /influence/influence_node/influenced_by /m/02mpb +/m/02vw1w2 /film/film/country /m/03_3d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/01w_10 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/064_8sq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0vkl2 +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026t6 /music/instrument/instrumentalists /m/0161c2 +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/06wpc +/m/02qfh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0gjc4d3 /film/film/featured_film_locations /m/01_d4 +/m/06fqlk /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06fqlk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/034qzw +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/01wbg84 /film/actor/film./film/performance/film /m/04jm_hq +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02784z /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02sdwt /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/08jyyk /music/genre/artists /m/01386_ +/m/02bh8z /music/record_label/artist /m/0ycp3 +/m/04fjzv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/036dyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016n7b /base/aareas/schema/administrative_area/administrative_parent /m/09hrc +/m/01nd9f /music/genre/parent_genre /m/0jmwg +/m/0l56b /people/person/gender /m/05zppz +/m/047g6 /people/person/nationality /m/07ssc +/m/03mr85 /film/film/genre /m/01j1n2 +/m/02g8h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/02g8h /people/person/religion /m/0c8wxp +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/050kh5 /tv/tv_program/country_of_origin /m/03rk0 +/m/013cr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/065d1h /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/01vsn38 /people/person/profession /m/0nbcg +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0qcr0 /film/film_subject/films /m/0cmdwwg +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0277g +/m/01x2tm8 /people/person/languages /m/09s02 +/m/01wy6 /music/instrument/instrumentalists /m/0146pg +/m/0b80__ /people/deceased_person/place_of_death /m/0r3tq +/m/0gyh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ynzf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03p9hl /film/actor/film./film/performance/film /m/03phtz +/m/011ypx /film/film/language /m/02h40lc +/m/011ypx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ds3 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0pkr1 /film/actor/film./film/performance/film /m/034qmv +/m/06hx2 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/06w58f /people/person/gender /m/05zppz +/m/01ptt7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/0338g8 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bh8yn3 +/m/03pvt /people/person/nationality /m/09c7w0 +/m/0fmyd /location/location/time_zones /m/03bdv +/m/01n5309 /people/person/nationality /m/09c7w0 +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gj96ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hwpz +/m/0cfz_z /people/person/place_of_birth /m/03rk0 +/m/0bm2g /film/film/language /m/02h40lc +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/06jplb +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/0cx7f /music/genre/artists /m/04mky3 +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/019_6d /education/educational_institution/colors /m/01l849 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/02_nkp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmjr +/m/036jv /music/genre/parent_genre /m/01flzq +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/03f2w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0g8_vp /people/ethnicity/geographic_distribution /m/09c7w0 +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01vn0t_ /people/person/gender /m/05zppz +/m/01vn0t_ /people/person/profession /m/09jwl +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/07v64s /music/genre/artists /m/024dgj +/m/06gb1w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0571m /film/film/featured_film_locations /m/030qb3t +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/04jwly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f4_l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02js9p /people/person/nationality /m/09c7w0 +/m/07ssc /location/location/contains /m/09bkv +/m/0nzw2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/014_x2 +/m/07xtqq /film/film/genre /m/0219x_ +/m/01c59k /people/person/profession /m/02krf9 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/032xhg /film/actor/film./film/performance/film /m/03clwtw +/m/06whf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0dfjb8 /people/person/languages /m/09bnf +/m/01j5ts /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pq4w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/081pw /film/film_subject/films /m/0bs4r +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01pqy_ /people/person/places_lived./people/place_lived/location /m/0d05q4 +/m/02897w /education/educational_institution/colors /m/01l849 +/m/01cl2y /music/record_label/artist /m/01n8gr +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l786 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/012gx2 +/m/0h5g_ /film/actor/film./film/performance/film /m/0bw20 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/020trj /film/actor/film./film/performance/film /m/013q0p +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0jhjl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0bsb4j /film/actor/film./film/performance/film /m/0hwpz +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/010cw1 /location/hud_county_place/place /m/010cw1 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017_pb /people/person/place_of_birth /m/0f94t +/m/07ddz9 /people/person/nationality /m/09c7w0 +/m/0421v9q /film/film/genre /m/02l7c8 +/m/03l6q0 /film/film/genre /m/05p553 +/m/0mb0 /influence/influence_node/influenced_by /m/045bg +/m/015y_n /music/genre/artists /m/01nn3m +/m/02_0d2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0tzp /people/person/place_of_birth /m/0mzww +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0725ny /people/person/profession /m/02hrh1q +/m/0fsw_7 /film/film/prequel /m/01kf5lf +/m/02rp117 /music/genre/artists /m/0kvnn +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0mb5x /influence/influence_node/influenced_by /m/06whf +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01n951 /education/educational_institution/students_graduates./education/education/student /m/05pq9 +/m/02y7sr /music/group_member/membership./music/group_membership/group /m/0ycp3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/01vtqml /people/person/profession /m/03gjzk +/m/01cwcr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01cwcr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0785v8 /people/person/profession /m/02hrh1q +/m/01clyr /music/record_label/artist /m/02cw1m +/m/018vs /music/instrument/instrumentalists /m/02whj +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/03s2y9 /people/person/nationality /m/09c7w0 +/m/0988cp /people/person/gender /m/05zppz +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bczgm +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/0cnl09 /people/person/place_of_birth /m/01_d4 +/m/0jcx /people/person/profession /m/06q2q +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fgrm +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01c22t +/m/0ptx_ /film/film/genre /m/0lsxr +/m/035s95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0crh5_f /film/film/genre /m/02kdv5l +/m/041td_ /film/film/genre /m/05p553 +/m/018qd6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m3x5p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c8tkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03d_zl4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/07_m2 /people/person/gender /m/05zppz +/m/035dk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fv4v +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0j5q3 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/0cgfb /people/person/nationality /m/02jx1 +/m/011k1h /music/record_label/artist /m/0cfgd +/m/01750n /music/genre/artists /m/03h_yfh +/m/064t9 /music/genre/artists /m/01k3qj +/m/064t9 /music/genre/artists /m/02b25y +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03cffvv /film/film/country /m/09c7w0 +/m/0cw10 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/014tss +/m/0dq9p /people/cause_of_death/people /m/09cdxn +/m/063_j5 /film/film/genre /m/0gf28 +/m/063_j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/012m_ /location/country/official_language /m/02bjrlw +/m/02b6n9 /film/film/genre /m/0hn10 +/m/0chrx /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1ysd +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03y317 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04vcdj +/m/0l2sr /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k049 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01n4w_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03swmf /people/person/profession /m/01d_h8 +/m/03n52j /people/person/profession /m/02hrh1q +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033w9g +/m/01x73 /location/location/contains /m/08815 +/m/02sh8y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rp13 +/m/0gtv7pk /film/film/produced_by /m/0ksf29 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/05c9zr /film/film/genre /m/07s9rl0 +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fd6qb +/m/051z6rz /people/person/gender /m/05zppz +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/019z7q /people/person/profession /m/0d8qb +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/087qxp +/m/09swkk /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/07lwsz /people/person/gender /m/05zppz +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01fwj8 /people/person/places_lived./people/place_lived/location /m/0162v +/m/0d3k14 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0dl5d /music/genre/artists /m/0qdyf +/m/08cfr1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bpc9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/048yqf /film/film/production_companies /m/0c_j5d +/m/019fz /government/politician/government_positions_held./government/government_position_held/basic_title /m/02079p +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04vr_f /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/04vr_f /film/film/cinematography /m/0bqytm +/m/09blyk /media_common/netflix_genre/titles /m/0c3ybss +/m/0cc5mcj /film/film/production_companies /m/04cygb3 +/m/017r2 /people/person/nationality /m/0345h +/m/029pnn /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02wmbg /people/person/places_lived./people/place_lived/location /m/049lr +/m/04tz52 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0315q3 /film/actor/film./film/performance/film /m/0315w4 +/m/0gyx4 /people/person/gender /m/05zppz +/m/0sw62 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ldqf /olympics/olympic_games/sports /m/06z6r +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/0dl567 +/m/01vmv_ /education/educational_institution/students_graduates./education/education/student /m/016xk5 +/m/0181hw /music/record_label/artist /m/01wxdn3 +/m/02_p5w /film/actor/film./film/performance/film /m/0k2sk +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/03j1p2n +/m/0713r /sports/sports_team/colors /m/019sc +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/012s1d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/04fv5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0m25p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l9p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0443c /people/person/profession /m/01445t +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/026m3y /education/educational_institution/school_type /m/05jxkf +/m/0253b6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026spg +/m/01vsqvs /people/person/languages /m/02h40lc +/m/0f7hc /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/02kxg_ /time/event/locations /m/02j9z +/m/0584r4 /tv/tv_program/languages /m/02h40lc +/m/018kcp /tv/tv_network/programs./tv/tv_network_duration/program /m/01_2n +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0pz6q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/03v_5 /location/hud_county_place/place /m/03v_5 +/m/01wgjj5 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05nrg /location/location/contains /m/05br2 +/m/048svj /people/person/nationality /m/03rk0 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04gxp2 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/011ycb /film/film/genre /m/02p0szs +/m/0d0x8 /location/location/contains /m/0lhn5 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/073tm9 /music/record_label/artist /m/01f2q5 +/m/014knw /film/film/language /m/06b_j +/m/09c7w0 /location/location/contains /m/010bxh +/m/09c7w0 /location/location/contains /m/01rc6f +/m/09c7w0 /location/country/form_of_government /m/06cx9 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06mzp +/m/0bbw2z6 /film/film/language /m/064_8sq +/m/0342h /music/instrument/instrumentalists /m/013423 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/05fnl9 /film/actor/film./film/performance/film /m/0g4vmj8 +/m/098n_m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_gz8 /film/film/genre /m/02l7c8 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03lrls +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymcz +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/026dx /people/person/profession /m/0n1h +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/0klw +/m/018s6c /people/ethnicity/languages_spoken /m/06b_j +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02kbtf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/05sb1 /location/location/contains /m/05xb7q +/m/0353tm /film/film/language /m/02h40lc +/m/0bq3x /film/film_subject/films /m/033qdy +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/032xky /film/film/written_by /m/06z9yh +/m/02jr26 /film/actor/film./film/performance/film /m/0gy2y8r +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294mx +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/01gwk3 /film/film/production_companies /m/086k8 +/m/0hqgp /people/person/profession /m/05vyk +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/06j6l /music/genre/artists /m/04mn81 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0c4b8 /location/country/capital /m/01_vrh +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/016h4r /people/person/places_lived./people/place_lived/location /m/05jbn +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01ls2 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06s6l +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0498y +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/016dsy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wttr1 /people/person/nationality /m/09c7w0 +/m/04jb97 /people/person/nationality /m/0d05w3 +/m/029_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01ycck /people/person/nationality /m/02jx1 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0flw6 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0h0wc +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/03c5f7l /people/person/profession /m/02jknp +/m/015010 /people/person/gender /m/02zsn +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01k7xz +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03ksy +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0crx5w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q4qv +/m/0jnrk /sports/sports_team/colors /m/0jc_p +/m/0727h /base/culturalevent/event/entity_involved /m/0bk25 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/09sr0 /film/film/production_companies /m/03sb38 +/m/0plw /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/02v2jy /people/person/profession /m/015cjr +/m/09v3jyg /film/film/production_companies /m/04rcl7 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03xn3s2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/0dw6b /influence/influence_node/influenced_by /m/0465_ +/m/04_1nk /people/person/gender /m/05zppz +/m/0svqs /film/actor/film./film/performance/film /m/0mbql +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0fz3b1 +/m/01kwld /people/person/religion /m/0c8wxp +/m/06qm3 /media_common/netflix_genre/titles /m/0jz71 +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/07gp9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/036hf4 /people/person/nationality /m/0d060g +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0405l +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01xdf5 +/m/01fwk3 /people/person/profession /m/0d1pc +/m/01xwqn /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0flbm /location/location/time_zones /m/02hczc +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/02dh86 +/m/016tt2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h2zvzr +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gjcrrw +/m/04sry /people/person/religion /m/0kq2 +/m/0t_48 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0154j /location/location/contains /m/01nm8w +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05hj_k +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/026y23w /people/person/nationality /m/02jx1 +/m/026y23w /people/person/gender /m/05zppz +/m/01wd02c /influence/influence_node/influenced_by /m/037jz +/m/014g9y /people/person/nationality /m/0f8l9c +/m/0b_6_l /time/event/locations /m/0fr0t +/m/05qgd9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mfvc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/0kvgtf /film/film/genre /m/07s9rl0 +/m/027ydt /education/educational_institution/students_graduates./education/education/student /m/037s5h +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0k6nt +/m/042d1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grnp +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/02cvcd /education/educational_institution/colors /m/01l849 +/m/02x8m /music/genre/artists /m/01vvyfh +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c6vl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wtc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/016yvw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fx4k /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0407yj_ /film/film/language /m/03_9r +/m/02f9wb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d66j2 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04bd8y +/m/01jq0j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/026bk +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/06by7 /music/genre/artists /m/01386_ +/m/06by7 /music/genre/artists /m/01nz1q6 +/m/06by7 /music/genre/artists /m/01vrncs +/m/06by7 /music/genre/artists /m/01qqwp9 +/m/024qwq /people/person/profession /m/029bkp +/m/06gb2q /people/person/profession /m/0np9r +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/02mf7 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049n2l +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/04fzk /people/person/religion /m/04pk9 +/m/0690dn /sports/sports_team/sport /m/02vx4 +/m/02w7gg /people/ethnicity/people /m/015wnl +/m/02w7gg /people/ethnicity/people /m/081k8 +/m/0277jc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/01qqtr /people/person/gender /m/02zsn +/m/0jpkw /education/educational_institution/colors /m/01l849 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/080r3 /influence/influence_node/influenced_by /m/01tz6vs +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/02pqcfz /sports/sports_team/sport /m/039yzs +/m/02twdq /music/artist/origin /m/07dfk +/m/063g7l /film/actor/film./film/performance/film /m/053rxgm +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07cjqy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/02lyx4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0czr9_ /location/location/contains /m/0n5_t +/m/0133_p /music/genre/parent_genre /m/06by7 +/m/041b4j /people/person/religion /m/03_gx +/m/0ckm4x /people/person/places_lived./people/place_lived/location /m/013d7t +/m/04xbq3 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/02c638 /film/film/executive_produced_by /m/0glyyw +/m/03_1pg /film/actor/film./film/performance/film /m/0h1x5f +/m/02tfl8 /medicine/symptom/symptom_of /m/0h1wz +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01tf_6 /people/cause_of_death/people /m/04bgy +/m/016clz /music/genre/artists /m/07yg2 +/m/01cx_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mhfr /music/genre/artists /m/017959 +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/065zlr +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02v63m +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0sw0q +/m/04g73n /film/film/genre /m/0hcr +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k2cb +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0l2nd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd2b +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q7q2 +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02661h /film/actor/film./film/performance/film /m/02q7fl9 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04pnx +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/04yc76 /film/film/featured_film_locations /m/0rh6k +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02k_kn /music/genre/artists /m/0bqsy +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0k9j_ +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0h0jz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/06vnh2 /people/person/place_of_birth /m/018f94 +/m/025tdwc /people/person/profession /m/01d_h8 +/m/04vt98 /people/person/profession /m/02krf9 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0362q0 /film/director/film /m/03l6q0 +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50vn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rd6b +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/013v5j +/m/0ds35l9 /film/film/genre /m/02l7c8 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02wk_43 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02w4v /music/genre/artists /m/01kv4mb +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026_dq6 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/013w7j /film/actor/film./film/performance/film /m/0344gc +/m/04w58 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/041xl +/m/08jgk1 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03f22dp /people/person/profession /m/02jknp +/m/018z_c /people/person/religion /m/03_gx +/m/0fvwz /location/location/time_zones /m/02fqwt +/m/03h_yfh /people/person/nationality /m/09c7w0 +/m/01trtc /music/record_label/artist /m/03xl77 +/m/08d6bd /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0347xl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/013b6_ /people/ethnicity/people /m/014x77 +/m/01yk13 /people/person/profession /m/0cbd2 +/m/01771z /film/film/language /m/02h40lc +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/030pr /people/person/profession /m/01d_h8 +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/02qgqt +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jswp +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/0l14qv /music/instrument/instrumentalists /m/01mr2g6 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/08z129 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zhkz +/m/01lyv /music/genre/artists /m/01kstn9 +/m/0b_6h7 /time/event/locations /m/0dclg +/m/011yl_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/01wc7p +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0ply0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/03f02ct /people/person/profession /m/01d_h8 +/m/02z9rr /film/film/featured_film_locations /m/05rgl +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/05b4w /location/country/form_of_government /m/01q20 +/m/041rx /people/ethnicity/people /m/041_y +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/03cz9_ /film/actor/film./film/performance/film /m/02z5x7l +/m/0j1yf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/071cn /location/location/time_zones /m/02hcv8 +/m/0gdh5 /people/person/nationality /m/09c7w0 +/m/06_wqk4 /film/film/genre /m/02l7c8 +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/02qhm3 /people/person/religion /m/0c8wxp +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03bx2lk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mh_tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/083q7 /organization/organization_founder/organizations_founded /m/04k4l +/m/0178kd /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/05qzv /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02029f +/m/03mb9 /music/genre/artists /m/016nvh +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02__34 /film/film/genre /m/0hfjk +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/03x31g /people/person/languages /m/01c7y +/m/015_1q /music/record_label/artist /m/01309x +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03fqv5 /people/person/places_lived./people/place_lived/location /m/01531 +/m/0l_q9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_d4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hskw +/m/0_7w6 /film/film/genre /m/0hcr +/m/03whyr /film/film/genre /m/03k9fj +/m/01_1pv /film/film/language /m/02h40lc +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03j24kf +/m/01bkb /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0p5wz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/0bl60p /people/person/gender /m/05zppz +/m/01vz80y /people/person/profession /m/03gjzk +/m/01n30p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03rhqg /music/record_label/artist /m/06tp4h +/m/0kryqm /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/01sbv9 /film/film/language /m/02h40lc +/m/0k_9j /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/027xq5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02csf +/m/0cbn7c /film/film/genre /m/060__y +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/026s90 /music/record_label/artist /m/01304j +/m/01xlqd /film/film/genre /m/02b5_l +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/08jcfy /business/job_title/people_with_this_title./business/employment_tenure/company /m/01v2xl +/m/0154qm /film/actor/film./film/performance/film /m/02mpyh +/m/042v_gx /music/instrument/instrumentalists /m/03gr7w +/m/012yc /music/genre/parent_genre /m/016_nr +/m/03qx63 /sports/sports_team/sport /m/02vx4 +/m/017r13 /film/actor/film./film/performance/film /m/0d61px +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0gtzp /location/country/form_of_government /m/06cx9 +/m/02vjzr /music/genre/artists /m/01qrbf +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01s73z /organization/organization/place_founded /m/0wqwj +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027s39y +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rp13 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06j0md +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/012c6x /people/person/profession /m/099md +/m/06449 /people/person/religion /m/092bf5 +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0bqch /people/person/gender /m/05zppz +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02t_v1 /people/person/place_of_birth /m/01531 +/m/05wjnt /people/person/profession /m/018gz8 +/m/07l50_1 /film/film/film_format /m/0cj16 +/m/04wp3s /film/actor/film./film/performance/film /m/03fts +/m/04hk0w /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/03gm48 /film/actor/film./film/performance/film /m/05pbl56 +/m/019kyn /film/film/language /m/02h40lc +/m/059_c /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jr4j /film/film/music /m/020fgy +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01p85y +/m/0d_wms /film/film/genre /m/02l7c8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07z6xs +/m/0gk4g /people/cause_of_death/people /m/029h45 +/m/0gk4g /people/cause_of_death/people /m/026m0 +/m/07sbbz2 /music/genre/artists /m/01vwyqp +/m/01n7qlf /people/person/nationality /m/09c7w0 +/m/01rmnp /people/person/profession /m/025352 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/03h3x5 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/074w86 +/m/03cvvlg /film/film/music /m/01tc9r +/m/063k3h /people/ethnicity/people /m/016qtt +/m/03lvwp /film/film/country /m/07ssc +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/019vgs /people/person/nationality /m/09c7w0 +/m/06k75 /base/culturalevent/event/entity_involved /m/03_lf +/m/01lqnff /people/person/profession /m/02hrh1q +/m/01lqnff /film/actor/film./film/performance/film /m/06gb1w +/m/01zhs3 /sports/sports_team/sport /m/02vx4 +/m/0534v /people/person/profession /m/01d_h8 +/m/02hnl /music/instrument/instrumentalists /m/01wzlxj +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rx2m5 +/m/035sc2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/04hs7d /tv/tv_program/country_of_origin /m/09c7w0 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01gy7r +/m/02d413 /film/film/produced_by /m/04353 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07wtc /education/educational_institution/students_graduates./education/education/student /m/017lqp +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/01pr_j6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hjnw /film/film/genre /m/0hfjk +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gys2jp /film/film/language /m/03115z +/m/01vsksr /people/person/profession /m/0lgw7 +/m/02tkzn /people/person/nationality /m/09c7w0 +/m/020ddc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02vxq9m /film/film/story_by /m/0fx02 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01vvydl /people/person/gender /m/05zppz +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/04glx0 +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01npcy7 +/m/02p21g /film/actor/film./film/performance/film /m/0f4_l +/m/027j79k /people/person/profession /m/0dxtg +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/098z9w /tv/tv_program/genre /m/06ntj +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bfjy +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05sb1 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/02_sr1 +/m/03z0l6 /people/person/gender /m/05zppz +/m/01rgdw /education/educational_institution/school_type /m/05jxkf +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/01ggbx /people/person/religion /m/03j6c +/m/02k_4g /tv/tv_program/country_of_origin /m/09c7w0 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01vrz41 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vsgrn +/m/0y_9q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/02ctzb /people/ethnicity/people /m/03f4w4 +/m/02vjp3 /film/film/featured_film_locations /m/030qb3t +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05txrz /people/person/profession /m/02hrh1q +/m/02j9z /location/location/contains /m/03b79 +/m/06mnbn /film/actor/film./film/performance/film /m/02qsqmq +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/060j8b +/m/01vswwx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hr11 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01qhm_ /people/ethnicity/people /m/02qhm3 +/m/01qhm_ /people/ethnicity/people /m/0f_y9 +/m/0chghy /location/location/contains /m/04rkkv +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01sxdy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/065d1h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/031n5b /education/educational_institution/students_graduates./education/education/student /m/023slg +/m/05myd2 /people/person/gender /m/05zppz +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/0244r8 /music/artist/origin /m/0chgzm +/m/0q9kd /people/person/profession /m/02hrh1q +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/026fd /people/person/profession /m/0dxtg +/m/011ypx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/03bkbh /people/ethnicity/people /m/022qw7 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02p7_k /film/actor/film./film/performance/film /m/02ljhg +/m/02z9hqn /film/film/language /m/04306rv +/m/06chf /film/director/film /m/017n9 +/m/06chf /film/director/film /m/03q5db +/m/06bc59 /film/film/genre /m/082gq +/m/06bc59 /film/film/edited_by /m/0bn3jg +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/046rfv +/m/01hvjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02mscn /music/genre/artists /m/05d8vw +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/0kv238 /film/film/genre /m/07s9rl0 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/01cj6y +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02_cx_ +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/028k57 /film/actor/film./film/performance/film /m/01xvjb +/m/04gxp2 /education/educational_institution/campuses /m/04gxp2 +/m/05hjmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0b66qd /people/person/spouse_s./people/marriage/spouse /m/01ggbx +/m/0n85g /music/record_label/artist /m/03j1p2n +/m/09v1lrz /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/07sgdw +/m/0j5g9 /location/location/contains /m/02049g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0g8_vp /people/ethnicity/people /m/0d608 +/m/0gt14 /award/award_winning_work/awards_won./award/award_honor/award /m/0czp_ +/m/063_t /people/person/profession /m/0dxtg +/m/046qq /film/actor/film./film/performance/film /m/032sl_ +/m/02gt5s /location/location/contains /m/0vm39 +/m/012x4t /people/person/profession /m/04f2zj +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0181dw /music/record_label/artist /m/0133x7 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07hyk /organization/organization_founder/organizations_founded /m/0bqc_ +/m/02lkcc /film/actor/film./film/performance/film /m/08952r +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/09ps01 /award/award_winning_work/awards_won./award/award_honor/award /m/05zx7xk +/m/01fh36 /music/genre/artists /m/06mj4 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jkqfz +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/078sj4 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05sy_5 +/m/07ssc /location/location/contains /m/025r_t +/m/07ssc /location/location/contains /m/014d4v +/m/0hfml /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/05bt6j /music/genre/artists /m/01bczm +/m/05bt6j /music/genre/artists /m/0gps0z +/m/01633c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02yw1c /music/genre/artists /m/01s7qqw +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07s3vqk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0h1x5f /film/film/genre /m/0219x_ +/m/0ylgz /education/educational_institution/colors /m/088fh +/m/0f2s6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gdqy /influence/influence_node/influenced_by /m/017r2 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0pksh /people/person/gender /m/05zppz +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/02z6fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0488g /location/location/time_zones /m/02fqwt +/m/01mbwlb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/03__y /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01tx9m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_qc_ /people/cause_of_death/people /m/018swb +/m/01vfqh /film/film/genre /m/02n4kr +/m/02vntj /people/person/nationality /m/09c7w0 +/m/089pg7 /music/artist/origin /m/0cv3w +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/01mt1fy /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027rpym +/m/06t8b /people/person/profession /m/02jknp +/m/0m491 /film/film/featured_film_locations /m/0sb1r +/m/05zjx /people/person/profession /m/0np9r +/m/0d6_s /film/film/country /m/0345h +/m/085gk /people/person/profession /m/0cbd2 +/m/01y06y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05mv4 /education/educational_institution/students_graduates./education/education/student /m/04zkj5 +/m/02wgln /film/actor/film./film/performance/film /m/0symg +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0dh73w /influence/influence_node/influenced_by /m/071jv5 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049xgc +/m/07vqnc /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0sw0q /tv/tv_program/genre /m/01z4y +/m/020ffd /people/person/gender /m/02zsn +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07sc6nw +/m/0gyy53 /film/film/executive_produced_by /m/02z6l5f +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/018yj6 /film/actor/film./film/performance/film /m/02v8kmz +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/021sv1 +/m/01nr36 /people/person/profession /m/02jknp +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07s2s /film/film_subject/films /m/07gp9 +/m/03p01x /people/person/profession /m/02hrh1q +/m/0fq7dv_ /film/film/genre /m/0219x_ +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01n7q /location/location/contains /m/0r0ls +/m/0132k4 /people/person/profession /m/016fly +/m/01xrlm /education/educational_institution/students_graduates./education/education/student /m/03z0l6 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04znsy +/m/064t9 /music/genre/artists /m/017l4 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/04344j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/018gqj /people/person/profession /m/05vyk +/m/0cw10 /organization/organization_founder/organizations_founded /m/02mw6c +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0dq9p /people/cause_of_death/people /m/01zwy +/m/03nk3t /people/person/nationality /m/02jx1 +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/01k165 +/m/0p_sc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016kv6 /film/film/genre /m/01jfsb +/m/01sn3 /sports/sports_team_location/teams /m/01yhm +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/073q1 /location/location/contains /m/02lx0 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02t_st +/m/03rjj /location/location/contains /m/0d99m +/m/0tr3p /location/hud_county_place/place /m/0tr3p +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01_r9k /education/educational_institution/students_graduates./education/education/student /m/06pjs +/m/02q4mt /people/person/profession /m/02hrh1q +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0bksh +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04ykg /location/location/contains /m/0nh57 +/m/0b6l1st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07rzf /people/person/profession /m/02hrh1q +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06x4l_ +/m/01ttg5 /base/eating/practicer_of_diet/diet /m/07_hy +/m/0dszr0 /people/person/profession /m/01d_h8 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/03lt8g /people/person/nationality /m/09c7w0 +/m/0nmj /location/location/time_zones /m/02fqwt +/m/01n4f8 /people/person/profession /m/0dxtg +/m/03v0t /location/location/contains /m/0nv99 +/m/03m8lq /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0ds3t5x /film/film/language /m/02h40lc +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rv_dz +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03xx9l /people/person/profession /m/03gjzk +/m/033tf_ /people/ethnicity/people /m/0c1pj +/m/09y6pb /film/film/genre /m/01lrrt +/m/07_l6 /music/instrument/instrumentalists /m/03_f0 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/03_gd /people/person/profession /m/02hrh1q +/m/02p86pb /film/film/genre /m/01fc50 +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/013nws /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_d0 /music/genre/artists /m/026spg +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01938t +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02z4b_8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rq7nd /tv/tv_program/genre /m/0lsxr +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01z4y /media_common/netflix_genre/titles /m/0j_tw +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05cqhl +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02g1jh +/m/01wmgrf /people/person/nationality /m/09c7w0 +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07c9s /language/human_language/countries_spoken_in /m/04vs9 +/m/02js_6 /film/actor/film./film/performance/film /m/016017 +/m/02q52q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/048j4l /music/instrument/instrumentalists /m/0kzy0 +/m/0kszw /film/actor/film./film/performance/film /m/09gq0x5 +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/0bxtg /film/actor/film./film/performance/film /m/0f4_2k +/m/026zlh9 /film/film/language /m/02h40lc +/m/01yfp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dc_ms /film/film/produced_by /m/08d9z7 +/m/01k0vq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lz1s /people/deceased_person/place_of_death /m/0r3w7 +/m/0fv4v /location/country/form_of_government /m/06cx9 +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrhj +/m/02zfg3 /people/person/gender /m/05zppz +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03f2_rc /people/person/profession /m/01d_h8 +/m/04f6df0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03f7m4h /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/01pj3h /people/person/place_of_birth /m/02dtg +/m/03g5_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sh8k +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01mqz0 /people/person/gender /m/02zsn +/m/03y0pn /film/film/genre /m/02kdv5l +/m/07tlfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02w5q6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017c87 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/02lnbg /music/genre/artists /m/0840vq +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/02z_b +/m/02kcz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02q56mk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/018ctl /olympics/olympic_games/participating_countries /m/03spz +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/01bb9r /film/film/language /m/02h40lc +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/02hp70 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/042f1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/04cbbz /film/film/genre /m/01jfsb +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/027pfg /film/film/cinematography /m/03cx282 +/m/01vw20h /people/person/profession /m/02hrh1q +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0byfz +/m/0rvty /location/hud_county_place/place /m/0rvty +/m/09c7w0 /location/location/contains /m/013nws +/m/09c7w0 /location/country/second_level_divisions /m/0nhr5 +/m/09c7w0 /location/country/second_level_divisions /m/0nf3h +/m/05h7tk /people/person/profession /m/01d_h8 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0372kf /film/actor/film./film/performance/film /m/0sxfd +/m/0342h /music/instrument/instrumentalists /m/01vrt_c +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hd16 +/m/0f2df /film/actor/film./film/performance/film /m/0ckrnn +/m/0py5b /people/deceased_person/place_of_death /m/02_286 +/m/0gxb2 /medicine/symptom/symptom_of /m/0h1wz +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/02wk4d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0353tm /film/film/story_by /m/0g28b1 +/m/042v2 /influence/influence_node/influenced_by /m/0hcvy +/m/01rgr /people/person/places_lived./people/place_lived/location /m/0dprg +/m/02725hs /film/film/production_companies /m/03sb38 +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/015xp4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04258w /people/person/profession /m/02jknp +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01fx2g /people/person/religion /m/01lp8 +/m/021vwt /film/actor/film./film/performance/film /m/049xgc +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/022_lg /film/director/film /m/04gknr +/m/016jny /music/genre/artists /m/02vnpv +/m/016jny /music/genre/artists /m/0ddkf +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0425hg +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/014g_s /film/actor/film./film/performance/film /m/087vnr5 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04bdxl /people/person/languages /m/02h40lc +/m/03cvv4 /people/person/nationality /m/09c7w0 +/m/02gr81 /education/educational_institution/colors /m/04d18d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/0m4yg /education/educational_institution/school_type /m/05jxkf +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/025vldk /people/person/gender /m/02zsn +/m/0g9z_32 /film/film/produced_by /m/0fvf9q +/m/0b3wk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0h336 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/01gvr1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bpn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/081yw /location/location/contains /m/0kf9p +/m/01xv77 /people/person/gender /m/02zsn +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0frsw +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/029v40 /film/film/genre /m/03k9fj +/m/015010 /people/person/languages /m/064_8sq +/m/033x5p /education/educational_institution/students_graduates./education/education/student /m/0hwqz +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn44 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pj_5 +/m/029_l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02p72j /education/educational_institution/colors /m/09ggk +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/01vvb4m /film/actor/film./film/performance/film /m/0b2km_ +/m/04fhxp /people/person/profession /m/018gz8 +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/026390q /film/film/genre /m/0556j8 +/m/02v2jy /people/person/religion /m/0c8wxp +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02jx1 /location/location/contains /m/01z8f0 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyh2wm +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/021bk /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01bcwk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/036jp8 /people/deceased_person/place_of_burial /m/018mmj +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01c65z /people/person/gender /m/05zppz +/m/05233hy /people/person/place_of_birth /m/0r6c4 +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0cbgl /people/person/profession /m/016fly +/m/085wqm /film/film/production_companies /m/016tw3 +/m/04gb7 /film/film_subject/films /m/0qmjd +/m/04bbpm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmgwnv +/m/07nv3_ /people/person/nationality /m/0chghy +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/0fqyzz +/m/01w23w /people/person/profession /m/02hrh1q +/m/01cf93 /music/record_label/artist /m/01rm8b +/m/040vk98 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0m_mm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03czqs /location/statistical_region/religions./location/religion_percentage/religion /m/04t_mf +/m/011k11 /music/record_label/artist /m/0pqp3 +/m/0m0jc /music/genre/artists /m/04mky3 +/m/0900j5 /film/film/genre /m/02n4kr +/m/0cwy47 /film/film/genre /m/02l7c8 +/m/01d494 /influence/influence_node/influenced_by /m/0x3r3 +/m/06s7rd /people/person/profession /m/016z4k +/m/0gy0n /film/film/produced_by /m/05prs8 +/m/02qhqz4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bt4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/0418wg /film/film/genre /m/0lsxr +/m/0v1xg /location/location/time_zones /m/02hcv8 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/027ydt /education/university/fraternities_and_sororities /m/0325pb +/m/042d1 /people/person/profession /m/0fj9f +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02x8m /music/genre/artists /m/01pq5j7 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pjs +/m/027l0b /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/071xj +/m/01w31x /music/record_label/artist /m/0274ck +/m/0cfdd /music/instrument/instrumentalists /m/01vw_dv +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01r216 /people/person/profession /m/0dxtg +/m/01242_ /film/film/genre /m/0219x_ +/m/02jxsq /people/person/gender /m/05zppz +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/04z257 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8z1 /award/award_category/category_of /m/0g_w +/m/01rcmg /film/actor/film./film/performance/film /m/033pf1 +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/05f7snc /people/person/nationality /m/09c7w0 +/m/0190xp /music/genre/artists /m/0153nq +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/0pkgt +/m/0cpllql /film/film/genre /m/06n90 +/m/0282x /influence/influence_node/influenced_by /m/01v9724 +/m/02w7gg /people/ethnicity/people /m/0m31m +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02h7qr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/016nvh /people/person/place_of_birth /m/04jpl +/m/050z2 /people/person/profession /m/0dz3r +/m/02jq1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0f2rq /sports/sports_team_location/teams /m/0jmcv +/m/0kfpm /tv/tv_program/languages /m/02h40lc +/m/05l0j5 /film/actor/film./film/performance/film /m/09p35z +/m/02tfl8 /medicine/symptom/symptom_of /m/0167bx +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05148p4 /music/instrument/instrumentalists /m/024qwq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01chpn +/m/0j1_3 /location/location/contains /m/01vfwd +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04107 /people/person/profession /m/0cbd2 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gnbw +/m/0424m /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grp0 +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/06qwh /tv/tv_program/languages /m/02h40lc +/m/023mdt /people/person/languages /m/02h40lc +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/04rrx /location/location/contains /m/08809 +/m/0hwbd /people/person/places_lived./people/place_lived/location /m/059rby +/m/04zqmj /film/actor/film./film/performance/film /m/0bth54 +/m/07kb7vh /film/film/genre /m/05p553 +/m/0234_c /education/educational_institution/colors /m/083jv +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/0kk9v /music/record_label/artist /m/016szr +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01w524f /people/person/profession /m/016z4k +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s846j +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0407f /people/deceased_person/place_of_death /m/013yq +/m/0b78hw /people/person/employment_history./business/employment_tenure/company /m/0194_r +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0g2lq /film/actor/film./film/performance/film /m/0hv8w +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0gkd1 /music/instrument/instrumentalists /m/01p95y0 +/m/025vl4m /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01ly5m +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02hvkf +/m/01vw20_ /people/person/profession /m/09jwl +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/015fs3 /education/educational_institution/students_graduates./education/education/student /m/063g7l +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0h2zvzr /film/film/language /m/03k50 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/0h3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/046_v +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0661ql3 /film/film/genre /m/01jfsb +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/057lbk +/m/0175rc /sports/sports_team/sport /m/02vx4 +/m/016ckq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/02yy_j /people/person/profession /m/02hrh1q +/m/013b6_ /people/ethnicity/languages_spoken /m/03hkp +/m/01qqv5 /education/university/fraternities_and_sororities /m/035tlh +/m/01w40h /music/record_label/artist /m/01vw87c +/m/043g7l /music/record_label/artist /m/01nn6c +/m/05l3g_ /people/ethnicity/people /m/03d9v8 +/m/097ns /people/cause_of_death/people /m/014g91 +/m/01sl1q /people/person/languages /m/02h40lc +/m/0g9wdmc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01b_d4 /education/educational_institution/students_graduates./education/education/student /m/01846t +/m/08g_jw /film/film/executive_produced_by /m/02x20c9 +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5q34q +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0l6vl /time/event/locations /m/04swd +/m/0j1yf /people/person/profession /m/0dz3r +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0bbgvp /film/film/genre /m/07s9rl0 +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0bpx1k /film/film/produced_by /m/06cgy +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0mmpz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/03bnv /people/person/nationality /m/02jx1 +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0zq7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hh89 /people/person/gender /m/02zsn +/m/045zr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0453t /influence/influence_node/influenced_by /m/0bk5r +/m/0453t /people/person/profession /m/016fly +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01n44c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064r9cb /music/record_label/artist /m/01s7ns +/m/02plv57 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/05r5c /music/instrument/instrumentalists /m/03f0fnk +/m/05r5c /music/instrument/instrumentalists /m/086qd +/m/05r5c /music/instrument/instrumentalists /m/01ydzx +/m/05r5c /music/instrument/instrumentalists /m/0132k4 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/0p9tm /film/film/genre /m/07s9rl0 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/03rhqg /music/record_label/artist /m/048xh +/m/03rhqg /music/record_label/artist /m/04b7xr +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047msdk +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07s9rl0 /media_common/netflix_genre/titles /m/02vp1f_ +/m/02xfj0 /influence/influence_node/influenced_by /m/0f7hc +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05w1vf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0rj0z /location/location/time_zones /m/02hcv8 +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/0m3gy /film/film/genre /m/01jfsb +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/049xgc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/05_swj +/m/0413cff /film/film/country /m/07ssc +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/03kxdw /people/person/place_of_birth /m/071cn +/m/03kxdw /people/person/places_lived./people/place_lived/location /m/071cn +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/01jgpsh +/m/0295sy /film/film/genre /m/03k9fj +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycbq +/m/0gwgn1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0821j /influence/influence_node/influenced_by /m/08433 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0kxf1 /film/film/genre /m/07s9rl0 +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04bfg +/m/09hy79 /film/film/genre /m/03q4nz +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04wp63 +/m/01d4cb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ftc0 /people/person/place_of_birth /m/01jr6 +/m/01pcj4 /education/educational_institution/school_type /m/01rs41 +/m/01rp13 /tv/tv_program/genre /m/0c4xc +/m/01cv3n /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/03j43 /people/person/profession /m/0dxtg +/m/02kxwk /film/actor/film./film/performance/film /m/04w7rn +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05r4w +/m/02v8kmz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0hgxh /medicine/disease/risk_factors /m/09jg8 +/m/016h9b /people/person/nationality /m/02jx1 +/m/0gyv0b4 /film/film/produced_by /m/054_mz +/m/048hf /film/actor/film./film/performance/film /m/0191n +/m/01jfrg /film/actor/film./film/performance/film /m/05zpghd +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0fzm0g /film/film/genre /m/02l7c8 +/m/03x22w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/023vcd /film/film/genre /m/02l7c8 +/m/01j_9c /education/university/fraternities_and_sororities /m/0325pb +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017vkx +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/029m83 /film/actor/film./film/performance/film /m/02qcr +/m/0f4yh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0bqxw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01svry /film/film/executive_produced_by /m/06q8hf +/m/02bvt /people/person/profession /m/03gjzk +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/03spz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0gk4g /people/cause_of_death/people /m/02lkcc +/m/01y20v /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04mlmx /people/person/nationality /m/0d060g +/m/0dqcm /film/actor/film./film/performance/film /m/0dnw1 +/m/02l96k /music/genre/parent_genre /m/05w3f +/m/01d8yn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/023w9s /people/person/profession /m/02jknp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/07t65 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/059j4x /people/person/profession /m/01d_h8 +/m/02sch9 /people/ethnicity/languages_spoken /m/03k50 +/m/0qdyf /people/person/gender /m/05zppz +/m/0p_pd /film/actor/film./film/performance/film /m/02x8fs +/m/07ym0 /influence/influence_node/influenced_by /m/03s9v +/m/03c_cxn /film/film/genre /m/05p553 +/m/0mpdw /location/location/contains /m/0mnm2 +/m/02rmd_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rmd_2 /film/film/language /m/02h40lc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0134s5 +/m/0163r3 /people/person/profession /m/0dz3r +/m/0c8hct /people/person/gender /m/05zppz +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/04sj3 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/06mkj /location/location/contains /m/07q3s +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/02j8nx +/m/0c57yj /film/film/genre /m/06qm3 +/m/01bk1y /education/educational_institution/school_type /m/05pcjw +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01kp_1t /people/person/profession /m/0nbcg +/m/01tzm9 /people/person/places_lived./people/place_lived/location /m/059rby +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07sp4l /film/film/language /m/02h40lc +/m/0gys2jp /film/film/genre /m/082gq +/m/018p5f /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0kftt /film/actor/film./film/performance/film /m/0d4htf +/m/0dt39 /award/award_category/winners./award/award_honor/award_winner /m/06crk +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03jl0_ /tv/tv_network/programs./tv/tv_network_duration/program /m/095sx6 +/m/076lxv /film/film_set_designer/film_sets_designed /m/0cq8nx +/m/029q_y /film/actor/film./film/performance/film /m/02p86pb +/m/03x6m /sports/sports_team/colors /m/01g5v +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpyb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02fn5r /people/person/profession /m/09jwl +/m/026t6 /music/instrument/instrumentalists /m/01wd9lv +/m/01l1b90 /people/person/profession /m/0dxtg +/m/04mhxx /film/actor/film./film/performance/film /m/05n6sq +/m/01wk3c /people/person/profession /m/02hrh1q +/m/02p76f9 /film/film/featured_film_locations /m/0f2tj +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018_q8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01g7_r +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/08hmch +/m/039xcr /people/person/nationality /m/09c7w0 +/m/03hp2y1 /film/film/production_companies /m/03sb38 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01hp5 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/06m_5 /location/country/form_of_government /m/06cx9 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02y9ln +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01vrz41 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01r47h +/m/0807ml /people/person/profession /m/02hrh1q +/m/04vrxh /people/person/profession /m/0fnpj +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02j9z /location/location/contains /m/026zt +/m/02j9z /base/locations/continents/countries_within /m/06mkj +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3kw +/m/0161rf /music/genre/artists /m/02sjp +/m/01wz01 /people/person/gender /m/05zppz +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04j0s3 /people/person/profession /m/0dxtg +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0210f1 /people/person/nationality /m/09c7w0 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0qcr0 /people/cause_of_death/people /m/02xyl +/m/0qcr0 /people/cause_of_death/people /m/02drd3 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jwmp +/m/0244r8 /people/person/nationality /m/0chghy +/m/03bdkd /film/film/country /m/09c7w0 +/m/027qq9b /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/0bzyh /people/person/profession /m/01d_h8 +/m/0252fh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0147dk /film/actor/film./film/performance/film /m/01xbxn +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/06jnvs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0454s1 /people/person/nationality /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f7kl +/m/0xhtw /music/genre/artists /m/02r3zy +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07q68q /people/person/gender /m/05zppz +/m/01wz3cx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q8sw /location/hud_county_place/place /m/0q8sw +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07y_7 /music/instrument/instrumentalists /m/043d4 +/m/05y5fw /people/person/profession /m/0dxtg +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/028rk /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035yg +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/04swx /location/location/partially_contains /m/03rjj +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027dtv3 +/m/01r93l /film/actor/film./film/performance/film /m/04k9y6 +/m/01y68z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/01vn0t_ /people/deceased_person/place_of_death /m/0f8j6 +/m/0h3k3f /film/film/language /m/02h40lc +/m/01qrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0824r /location/location/contains /m/03l6bs +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03d0d7 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03kts /film/actor/film./film/performance/film /m/02qk3fk +/m/01vrncs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ggq0m /music/genre/artists /m/03_0p +/m/025t9b /film/actor/film./film/performance/film /m/0ds33 +/m/0161h5 /film/actor/film./film/performance/film /m/0_7w6 +/m/017n9 /film/film/story_by /m/05qzv +/m/07ssc /location/location/contains /m/01z645 +/m/07ssc /location/location/contains /m/018m5q +/m/01xcr4 /people/person/profession /m/03gjzk +/m/06whf /influence/influence_node/influenced_by /m/084nh +/m/015z4j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyfp9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07bxqz /film/film/language /m/02h40lc +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029ghl +/m/0kjrx /film/actor/film./film/performance/film /m/0gmd3k7 +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02q253 +/m/062zjtt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/070c93 /people/person/religion /m/01spm +/m/08f3b1 /people/person/profession /m/01xr66 +/m/01xllf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1x5f /film/film/genre /m/07s9rl0 +/m/074tb5 /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/04f0xq /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/04f0xq /organization/organization/place_founded /m/059rby +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04ch23 /people/person/profession /m/02jknp +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/015nvj /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/03176f /film/film/language /m/02h40lc +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07f1x +/m/04wx2v /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/065dc4 /film/film/production_companies /m/04rtpt +/m/024l2y /film/film/genre /m/07s9rl0 +/m/026k4d /music/record_label/artist /m/0244r8 +/m/06qgjh /people/person/profession /m/01d_h8 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/01cwcr /film/actor/film./film/performance/film /m/01npcx +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/04qftx /music/genre/artists /m/01pny5 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj2nl +/m/01f9y_ /music/genre/parent_genre /m/0glt670 +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/01vsy7t /film/actor/film./film/performance/film /m/01kjr0 +/m/0lzb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/01w56k /music/record_label/artist /m/0m19t +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0d9jr +/m/01m3x5p /people/person/profession /m/0nbcg +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06fq2 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/01xzb6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03d0d7 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/026l1lq +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/011k1h /music/record_label/artist /m/0c9d9 +/m/02hft3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/0154qm +/m/0dgq80b /film/film/language /m/02h40lc +/m/07wqr6 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01rxyb /film/film/genre /m/02kdv5l +/m/047gpsd /film/film/production_companies /m/054lpb6 +/m/0mpbx /location/location/time_zones /m/02hcv8 +/m/03_r3 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01gf5h /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02swsm /music/record_label/artist /m/01323p +/m/03gfvsz /broadcast/content/artist /m/0g824 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/01w92 /award/award_winner/awards_won./award/award_honor/award_winner /m/0381pn +/m/03h_9lg /film/actor/film./film/performance/film /m/06wbm8q +/m/07024 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fbr2 /music/genre/artists /m/01qdjm +/m/0vm5t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/01qg7c /people/person/profession /m/02jknp +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0gg8l /music/genre/artists /m/02cx90 +/m/080dfr7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07qy0b /people/person/profession /m/09jwl +/m/07lp1 /people/person/place_of_birth /m/0y2dl +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/059lwy /film/film/written_by /m/06kbb6 +/m/05r6t /music/genre/artists /m/0143q0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/0m123 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0lrh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09p35z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bpn6 +/m/026wmz6 /organization/organization/place_founded /m/06c62 +/m/0n6nl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04f62k /people/person/nationality /m/03_3d +/m/086nl7 /people/person/nationality /m/09c7w0 +/m/086nl7 /people/person/profession /m/0dxtg +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/024y8p /education/university/fraternities_and_sororities /m/0325pb +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/0k6yt1 /people/person/profession /m/0dz3r +/m/01s9vc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/076xkdz /film/film/language /m/03_9r +/m/019z7q /influence/influence_node/influenced_by /m/058vp +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/0l3kx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ylj /location/country/form_of_government /m/06cx9 +/m/02tqm5 /film/film/country /m/0chghy +/m/05fjf /location/location/contains /m/0xr0t +/m/01w5n51 /music/artist/origin /m/01p726 +/m/01vsyjy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wvf2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/01qz5 /film/film/genre /m/07s9rl0 +/m/01k165 /people/person/places_lived./people/place_lived/location /m/01r32 +/m/02ln0f /education/educational_institution/colors /m/019sc +/m/02rq7nd /tv/tv_program/country_of_origin /m/0chghy +/m/01z4y /media_common/netflix_genre/titles /m/05cj_j +/m/048yqf /film/film/language /m/02h40lc +/m/02fqrf /film/film/production_companies /m/02hvd +/m/09blyk /media_common/netflix_genre/titles /m/01srq2 +/m/013ybx /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0hmyfsv /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/0g51l1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03sww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0nppc /location/location/time_zones /m/02fqwt +/m/0sw62 /people/person/places_lived./people/place_lived/location /m/029cr +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/022fj_ /education/educational_institution/students_graduates./education/education/student /m/05fyss +/m/02_p5w /film/actor/film./film/performance/film /m/09v3jyg +/m/04093 /people/person/religion /m/0c8wxp +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/06br6t /music/artist/origin /m/02_286 +/m/01hkck /people/person/gender /m/02zsn +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01gw4f /people/person/gender /m/02zsn +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01nrnm +/m/0k2sk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02sg5v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/0yfp +/m/03kpvp /people/person/nationality /m/09c7w0 +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05w3 +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ww5 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0d060g /location/location/contains /m/02qjb7z +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/032nl2 /people/person/profession /m/0dz3r +/m/035_2h /film/film/genre /m/0lsxr +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0cp0t91 /film/film/country /m/015fr +/m/0c8br /people/person/nationality /m/09c7w0 +/m/0jjy0 /film/film/music /m/02jxmr +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01cmp9 /film/film/language /m/02ztjwg +/m/05ch98 /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0nm6z +/m/09c7w0 /location/country/second_level_divisions /m/0drr3 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/01jz6d /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01qwb5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b66t +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03b78r +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02v63m /film/film/country /m/09c7w0 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01f9zw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/07g1sm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02wk4d /people/person/profession /m/016z4k +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/09n48 /olympics/olympic_games/participating_countries /m/0168t +/m/03mnk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0fwc0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/059j2 /location/location/contains /m/0lvng +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0fz27v /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/015pnb /tv/tv_program/languages /m/02h40lc +/m/04vlh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0ct2tf5 /film/film/produced_by /m/043q6n_ +/m/02rrh1w /film/film/language /m/06nm1 +/m/016jny /music/genre/artists /m/01wsl7c +/m/06j6l /music/genre/artists /m/016kjs +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06929s +/m/016h4r /people/person/profession /m/09jwl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05c5z8j +/m/0653m /media_common/netflix_genre/titles /m/01mgw +/m/0jmfv /sports/sports_team/sport /m/018w8 +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/013hxv /sports/sports_team_location/teams /m/026wlnm +/m/06fc0b /people/person/profession /m/09jwl +/m/023g6w /film/film/runtime./film/film_cut/film_release_region /m/03rjj +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0h336 /people/person/profession /m/05t4q +/m/02knxx /people/cause_of_death/people /m/012c6x +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ytt +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/01d2v1 /film/film/language /m/02h40lc +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06bc59 +/m/01qvz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jrgr /music/genre/parent_genre /m/016jny +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0c9c0 /film/actor/film./film/performance/film /m/01sbv9 +/m/01vw_dv /people/person/nationality /m/09c7w0 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/04yt7 /people/person/profession /m/0dxtg +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/09tqx3 /people/person/profession /m/02hrh1q +/m/01nfys /film/actor/film./film/performance/film /m/07yvsn +/m/02r4qs /people/person/profession /m/0dz3r +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016xh5 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/04q01mn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027_sn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/04gnbv1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02f9wb +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/01w60_p /people/person/profession /m/02hrh1q +/m/01ktz1 /location/location/time_zones /m/02hcv8 +/m/0hhggmy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mv_n /people/person/profession /m/03sbb +/m/013zyw /film/director/film /m/02v63m +/m/03q91d /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hvw +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0bvn25 +/m/03n0pv /people/person/profession /m/0nbcg +/m/057176 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0py9b /business/business_operation/industry /m/01mf0 +/m/0b_6zk /time/event/locations /m/0dyl9 +/m/0627sn /people/person/places_lived./people/place_lived/location /m/04jpl +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0cm2xh /film/film_subject/films /m/0bx0l +/m/0fn5bx /people/person/languages /m/02h40lc +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01y9jr /film/film/country /m/0345h +/m/01y9jr /film/film/production_companies /m/017s11 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01znc_ +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06npd +/m/065ym0c /film/film/genre /m/01rbb +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/057lbk +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/0dln8jk /film/film/language /m/0c_v2 +/m/0m0jc /music/genre/artists /m/01w7nww +/m/0x25q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/05zbm4 /film/actor/film./film/performance/film /m/03qcfvw +/m/0k4d7 /film/film/genre /m/02l7c8 +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/01wrcxr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015njf /people/person/place_of_birth /m/0grd7 +/m/014g9y /people/person/gender /m/02zsn +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/05pbsry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bz5v2 +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03yxwq +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07xvf +/m/025j1t /film/actor/film./film/performance/film /m/0bxsk +/m/0vfs8 /location/hud_county_place/place /m/0vfs8 +/m/02x8m /music/genre/artists /m/0161sp +/m/06688p /people/person/places_lived./people/place_lived/location /m/0s9b_ +/m/0b_dy /people/person/nationality /m/02jx1 +/m/0b_dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0345gh +/m/01vvyfh /people/person/nationality /m/07ssc +/m/01r216 /people/person/profession /m/03gjzk +/m/0c00lh /people/person/nationality /m/0d060g +/m/0hv8w /film/film/film_format /m/0cj16 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09m6kg +/m/02t901 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vdrw /people/person/profession /m/02hv44_ +/m/034bs /influence/influence_node/influenced_by /m/0c1fs +/m/06by7 /music/genre/artists /m/03f0fnk +/m/06by7 /music/genre/artists /m/09889g +/m/06by7 /music/genre/artists /m/07hgm +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01d8l +/m/02xry /location/location/contains /m/0lhql +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/09p06 /people/person/profession /m/02jknp +/m/02w7gg /people/ethnicity/people /m/02lfwp +/m/01d_4t /film/actor/film./film/performance/film /m/03h3x5 +/m/0dm5l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jnng /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qklj /people/person/gender /m/05zppz +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0829rj +/m/0443y3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04t2t /media_common/netflix_genre/titles /m/048yqf +/m/01l1rw /people/person/nationality /m/09c7w0 +/m/01nr63 /people/deceased_person/place_of_death /m/030qb3t +/m/07d370 /people/person/profession /m/015h31 +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0fb1q /film/actor/film./film/performance/film /m/085bd1 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/0mbs8 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7s +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/023907r +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/04rcr /music/artist/origin /m/030qb3t +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0kqj1 /education/educational_institution/students_graduates./education/education/student /m/09b6zr +/m/05w3f /music/genre/artists /m/0kj34 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/045931 /film/actor/film./film/performance/film /m/09p4w8 +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0djywgn /people/person/profession /m/02hrh1q +/m/01wv9xn /music/artist/origin /m/02jx1 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01p6xx /film/director/film /m/09p4w8 +/m/032w8h /film/actor/film./film/performance/film /m/0bmssv +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02661h /film/actor/film./film/performance/film /m/0bscw +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0jrv_ /music/genre/artists /m/0274ck +/m/0d7wh /people/ethnicity/people /m/027pdrh +/m/0k8z /business/business_operation/industry /m/07c1v +/m/01trhmt /people/person/profession /m/0nbcg +/m/04mcw4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h3x5 /film/film/genre /m/03k9fj +/m/02k_kn /music/genre/artists /m/0dzlk +/m/04vt98 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/0l12d +/m/03fnmd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03mqtr /media_common/netflix_genre/titles /m/02prwdh +/m/0362q0 /people/person/profession /m/01d_h8 +/m/09wnnb /film/film/genre /m/02n4kr +/m/09wnnb /film/film/genre /m/01jfsb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04n3l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jhz_ +/m/0mbhr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0q9vf /people/person/profession /m/0dxtg +/m/019fh /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028knk +/m/02w4v /music/genre/artists /m/015_30 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/045c7b /business/business_operation/industry /m/03ytc +/m/01mvpv /people/deceased_person/place_of_death /m/02dtg +/m/0301yj /film/actor/film./film/performance/film /m/03p2xc +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/02qm_f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06924p /music/genre/artists /m/01dpsv +/m/03nfnx /film/film/language /m/02h40lc +/m/0pgjm /film/actor/film./film/performance/film /m/07tw_b +/m/01wv9p /people/person/profession /m/0n1h +/m/016ckq /music/record_label/artist /m/03q2t9 +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0159h6 +/m/0d35y /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/021y7yw /film/film/genre /m/01lrrt +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0m31m /people/person/nationality /m/07ssc +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/04sntd /film/film/country /m/03_3d +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/046_v /people/person/employment_history./business/employment_tenure/company /m/058j2 +/m/08959 /people/person/religion /m/02rsw +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/041rx /people/ethnicity/people /m/0jt86 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7xg +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/033w9g /people/person/gender /m/05zppz +/m/03q5t /music/instrument/family /m/0fx80y +/m/07hwkr /people/ethnicity/languages_spoken /m/0jzc +/m/07hwkr /people/ethnicity/people /m/03q45x +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/02qhm3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cbg0 /film/film/cinematography /m/04qvl7 +/m/0f6_dy /people/person/places_lived./people/place_lived/location /m/050ks +/m/01j5sd /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02xv8m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dhmw /people/person/places_lived./people/place_lived/location /m/05mph +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04psf /people/cause_of_death/people /m/0f14q +/m/03xl77 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0pdp8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d5wn3 +/m/0453t /influence/influence_node/influenced_by /m/07dnx +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/059rc +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01l63 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07vhb /education/educational_institution/colors /m/01l849 +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0198b6 +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05np2 /people/person/place_of_birth /m/02cft +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x73c +/m/03rhqg /music/record_label/artist /m/01vvpjj +/m/03rhqg /music/record_label/artist /m/0249kn +/m/03rhqg /music/record_label/artist /m/01k98nm +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01kws3 /people/person/place_of_birth /m/0cr3d +/m/02xfj0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ty4m /influence/influence_node/influenced_by /m/046lt +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j0md +/m/0glt670 /music/genre/artists /m/01vw26l +/m/02778yp /people/person/gender /m/02zsn +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/048rn /film/film/music /m/01pr6q7 +/m/0hcvy /people/person/nationality /m/02jx1 +/m/02t8gf /music/genre/artists /m/0jg77 +/m/07bwr /film/film/genre /m/05p553 +/m/07s846j /film/film/genre /m/060__y +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01srq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/042v_gx /music/instrument/instrumentalists /m/03xnq9_ +/m/02t1dv /film/actor/film./film/performance/film /m/0ckrgs +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08sfxj +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/04v3q /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/018qpb /people/deceased_person/place_of_death /m/0k049 +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/05ccxr +/m/0lbj1 /people/person/gender /m/05zppz +/m/0j0k /location/location/contains /m/05v8c +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04kqk +/m/05gnf9 /people/person/nationality /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/013crh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0r2bv /location/hud_county_place/place /m/0r2bv +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/083wr9 +/m/0bvzp /people/person/gender /m/05zppz +/m/07tl0 /education/educational_institution/students_graduates./education/education/student /m/0c9c0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/03hkch7 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/05wm88 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/09h_q /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/03wjb7 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/04zwjd /people/person/profession /m/01c8w0 +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/04n_g /people/person/profession /m/02hrh1q +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0dp7wt +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/09zf_q /film/film/genre /m/07s9rl0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/02pyyld /sports/sports_team/sport /m/039yzs +/m/030dx5 /people/person/gender /m/05zppz +/m/03mz9r /people/person/gender /m/05zppz +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/056k77g +/m/0h9qh /media_common/netflix_genre/titles /m/02dr9j +/m/01jr4j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/035yg /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds11z +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0gk4g /people/cause_of_death/people /m/016ynj +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02pb53 /people/person/gender /m/05zppz +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gtv7pk +/m/01swck /film/actor/film./film/performance/film /m/047csmy +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/013q07 +/m/03lvwp /film/film/genre /m/060__y +/m/02m30v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/04hw4b /people/person/profession /m/01d_h8 +/m/057bc6m /film/film_set_designer/film_sets_designed /m/03bxp5 +/m/027rfxc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019l68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/014pg1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06gmr /sports/sports_team_location/teams /m/019lty +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0dryh9k /people/ethnicity/people /m/087_wh +/m/0dryh9k /people/ethnicity/people /m/04328m +/m/09s5q8 /education/educational_institution/students_graduates./education/education/student /m/0g2mbn +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/0163r3 /film/actor/film./film/performance/film /m/01hvjx +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0jkvj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07c52 /education/field_of_study/students_majoring./education/education/student /m/012x2b +/m/062dn7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p8jf /influence/influence_node/influenced_by /m/07w21 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0175wg /people/person/profession /m/02hrh1q +/m/0br1w /people/person/profession /m/0kyk +/m/0296vv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08q3s0 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0c57yj /film/film/featured_film_locations /m/0l35f +/m/0f13b /film/actor/film./film/performance/film /m/0gc_c_ +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017zq0 +/m/01kp_1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gcrg /film/film/production_companies /m/0g1rw +/m/0j0pf /influence/influence_node/influenced_by /m/048_p +/m/01vsksr /music/group_member/membership./music/group_membership/group /m/07mvp +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01n4w_ +/m/05y8n7 /music/genre/artists /m/01vrt_c +/m/06_sc3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01zfzb /film/film/production_companies /m/031rq5 +/m/0d3mlc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04z1v0 /music/genre/parent_genre /m/016jny +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/03ntbmw /film/film/produced_by /m/05zrx3v +/m/03t8v3 /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/01z_g6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08vr94 /film/actor/film./film/performance/film /m/0g7pm1 +/m/01l1b90 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hj_k /people/person/profession /m/01d_h8 +/m/0bymv /people/person/places_lived./people/place_lived/location /m/0vmt +/m/06w2sn5 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0f04v /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02p10m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02cttt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0172jm +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06nvzg +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01wbg84 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01n6r0 /organization/organization/headquarters./location/mailing_address/citytown /m/02mf7 +/m/01n6r0 /education/educational_institution/colors /m/088fh +/m/04kwbt /people/person/gender /m/05zppz +/m/0q9sg /film/film/language /m/02h40lc +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/033x5p +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/02ctzb /people/ethnicity/people /m/0282x +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03bdm4 /people/deceased_person/place_of_death /m/0l1pj +/m/018vbf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03spz +/m/0d58_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nbq4 /people/person/gender /m/05zppz +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0chghy /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0wp9b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031786 /film/film/story_by /m/042xh +/m/0nlh7 /dataworld/gardening_hint/split_to /m/0nlh7 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl3hr +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/04cbtrw /influence/influence_node/influenced_by /m/07lp1 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/042g97 +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/02qnbs /people/person/profession /m/0196pc +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/084l5 /sports/sports_team/colors /m/01l849 +/m/07g2b /people/person/profession /m/02hv44_ +/m/03_0p /people/person/nationality /m/09c7w0 +/m/01vng3b /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03bkbh /people/ethnicity/people /m/09fb5 +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fpkhkz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/059_w /people/ethnicity/people /m/01wyz92 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02y0yt +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02l4pj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02l4pj /film/actor/film./film/performance/film /m/035s95 +/m/0n839 /people/person/profession /m/012t_z +/m/0frf6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/047svrl /film/film/language /m/02h40lc +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0g768 /music/record_label/artist /m/02qsjt +/m/04xvlr /media_common/netflix_genre/titles /m/04yg13l +/m/01_p6t /people/person/places_lived./people/place_lived/location /m/06y57 +/m/024bbl /base/eating/practicer_of_diet/diet /m/07_hy +/m/0xnvg /people/ethnicity/people /m/01vvb4m +/m/01934k /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/036jv /music/genre/artists /m/01wgxtl +/m/036jv /music/genre/artists /m/01vw37m +/m/02_1kl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/02hnl +/m/016zwt /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019fnv +/m/0jnwx /film/film/genre /m/03k9fj +/m/034qg /people/cause_of_death/people /m/07_m2 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/0p_47 /people/person/profession /m/0cbd2 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/012x4t /people/person/nationality /m/09c7w0 +/m/0xrz2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06tw8 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01fh36 /music/genre/artists /m/023slg +/m/09nwwf /music/genre/artists /m/04vrxh +/m/0c_gcr /film/actor/film./film/performance/film /m/019vhk +/m/04lg6 /people/person/profession /m/09jwl +/m/0f4_l /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/07ssc /location/location/contains /m/01t21q +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/01y3_q /music/genre/parent_genre /m/0hh2s +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/081nh /people/person/places_lived./people/place_lived/location /m/0f8l9c +/m/04q24zv /film/film/film_format /m/0cj16 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/0c38gj /film/film/language /m/02h40lc +/m/01l_yg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rxbmt +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/037n97 /music/genre/parent_genre /m/06j6l +/m/06kb_ /people/person/religion /m/0n2g +/m/06mmb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0bsxd3 +/m/06q8qh /film/film/language /m/02h40lc +/m/027s39y /film/film/genre /m/0hcr +/m/018grr /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/015_30 +/m/05ml_s /film/actor/film./film/performance/film /m/05t54s +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/03l6q0 /film/film/story_by /m/030g9z +/m/0fkwzs /tv/tv_program/genre /m/04t36 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016tb7 +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/053y0s /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02gx2x /people/ethnicity/languages_spoken /m/097kp +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/03_87 /influence/influence_node/influenced_by /m/0gz_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/051wf /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/059y0 /people/person/profession /m/06q2q +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/02ln1 +/m/01wt4wc /people/person/places_lived./people/place_lived/location /m/03s0w +/m/02jx_v /education/educational_institution/colors /m/06fvc +/m/047vnfs /people/profession/specialization_of /m/04_tv +/m/015pxr /film/actor/film./film/performance/film /m/04gv3db +/m/01438g /people/person/profession /m/02hrh1q +/m/02js6_ /film/actor/film./film/performance/film /m/01zfzb +/m/06w7v /music/instrument/instrumentalists /m/02pt27 +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07tp2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015rmq +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/018dcy /location/location/time_zones /m/02hcv8 +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05bnx3j /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06t8b /people/person/gender /m/05zppz +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/018vs /music/instrument/instrumentalists /m/027dpx +/m/018vs /music/instrument/instrumentalists /m/01271h +/m/0988cp /people/person/profession /m/03gjzk +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/0dls3 /music/genre/parent_genre /m/03lty +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0336mc +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/01qnfc /people/person/profession /m/02hrh1q +/m/03tbg6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_hj4 /people/person/nationality /m/09c7w0 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0c6cwg /time/event/locations /m/0jdd +/m/0dk0dj /tv/tv_program/genre /m/07s9rl0 +/m/01gbcf /music/genre/artists /m/02ndj5 +/m/01n7q /location/location/contains /m/0r80l +/m/047c9l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0106dv /location/hud_county_place/place /m/0106dv +/m/0h03fhx /film/film/genre /m/02p0szs +/m/01gkp1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0k5g9 /film/film/featured_film_locations /m/035p3 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02fj8n /film/film/genre /m/04pbhw +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/03_js /people/person/nationality /m/09c7w0 +/m/0hx4y /film/film/genre /m/06n90 +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/08mg_b /film/film/music /m/02jxmr +/m/01vs5c /education/educational_institution/school_type /m/05jxkf +/m/03f5vvx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/05fjy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k5zk +/m/05v8c /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0dpl44 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/073q1 /location/location/contains /m/0g8bw +/m/084z0w /people/person/languages /m/03k50 +/m/0bmhvpr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0gg5qcw +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/01kym3 /people/person/profession /m/0cbd2 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/09yrh +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1ky +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03yfh3 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/058nh2 /people/person/profession /m/0kyk +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0827d /music/genre/artists /m/01p95y0 +/m/01f62 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/02704ff /film/film/executive_produced_by /m/0b13g7 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04l5b4 /sports/sports_team/colors /m/09ggk +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0c0k1 /film/actor/film./film/performance/film /m/0dnqr +/m/03p2xc /film/film/country /m/09c7w0 +/m/01tt27 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03lt8g /people/person/languages /m/06nm1 +/m/0gr36 /people/person/religion /m/0c8wxp +/m/083p7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/086nl7 /film/actor/film./film/performance/film /m/02825kb +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/07bch9 /people/ethnicity/people /m/0n6f8 +/m/06x2ww /music/record_label/artist /m/06cc_1 +/m/0cb4j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019z7q /influence/influence_node/influenced_by /m/08433 +/m/01mqc_ /film/actor/film./film/performance/film /m/04x4nv +/m/03w94xt /music/genre/artists /m/01vt5c_ +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/09r9m7 /people/person/profession /m/0nbcg +/m/09r9m7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04tnqn /people/person/profession /m/0kyk +/m/047lj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/07lwsz /people/person/place_of_birth /m/0ccvx +/m/033tf_ /people/ethnicity/people /m/08664q +/m/0bj25 /film/film/genre /m/07s9rl0 +/m/01z4y /media_common/netflix_genre/titles /m/0gd92 +/m/01z4y /media_common/netflix_genre/titles /m/0dt8xq +/m/01z4y /media_common/netflix_genre/titles /m/0jyx6 +/m/078g3l /film/actor/film./film/performance/film /m/016ky6 +/m/081l_ /people/person/profession /m/02hrh1q +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04vr_f /film/film/featured_film_locations /m/01cx_ +/m/047jhq /people/person/languages /m/0688f +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02xtxw /film/film/genre /m/01t_vv +/m/0mkz /film/film_subject/films /m/07cz2 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06vsbt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02tz9z /education/educational_institution/colors /m/01g5v +/m/01jswq /education/educational_institution/school_type /m/01_9fk +/m/09r8l /people/person/profession /m/016z4k +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jjy0 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/02lfwp +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/02vzc +/m/057lbk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gfq9 /base/culturalevent/event/entity_involved /m/01c83m +/m/047fjjr /film/film/language /m/02h40lc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03188 +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/044f7 /people/person/profession /m/01d_h8 +/m/0bmfnjs /film/film/country /m/07ssc +/m/017ztv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0qr4n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07z5n /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015xp4 +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/02r_d4 +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01_qp_ /music/genre/artists /m/02mq_y +/m/02d44q /film/film/country /m/09c7w0 +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/05b_gq /film/film/language /m/02bjrlw +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01jtp7 +/m/0mfj2 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0cg9f /people/person/religion /m/0631_ +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/08849 /people/person/religion /m/078tg +/m/0gcdzz /people/person/nationality /m/09c7w0 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0c6g1l /film/actor/film./film/performance/film /m/0b7l4x +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02rkkn1 +/m/01pj_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09c7w0 /location/location/contains /m/021w0_ +/m/09c7w0 /location/location/contains /m/01nhgd +/m/09c7w0 /location/location/contains /m/0_75d +/m/09c7w0 /location/country/second_level_divisions /m/0cyn3 +/m/09c7w0 /location/country/second_level_divisions /m/0ntwb +/m/09c7w0 /location/country/second_level_divisions /m/0ms1n +/m/03khn /location/location/time_zones /m/03plfd +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0fxrk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/05f0r8 /people/person/profession /m/02jknp +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/089j8p /film/film/executive_produced_by /m/02z6l5f +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01f9zw /people/person/gender /m/05zppz +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09xwz /organization/organization/headquarters./location/mailing_address/citytown /m/0k049 +/m/01_c4 /location/administrative_division/country /m/07ssc +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0fht9f +/m/09l3p /film/actor/film./film/performance/film /m/062zjtt +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0151w_ +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lx2l +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0m5s5 +/m/01wdqrx /people/person/profession /m/01c72t +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05gpy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/035dk +/m/048_p /people/person/places_lived./people/place_lived/location /m/02hyt +/m/0mzy7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f7gh /film/film/written_by /m/01vz80y +/m/06vbd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01_j71 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qvz8 /film/film/language /m/02h40lc +/m/075fzd /film/film_subject/films /m/064q5v +/m/0197tq /people/person/profession /m/09jwl +/m/014zcr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/078vc /people/ethnicity/languages_spoken /m/071fb +/m/0175tv /sports/sports_team/sport /m/02vx4 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02v5xg /film/film/genre /m/06n90 +/m/02k1b /location/country/form_of_government /m/01fpfn +/m/04n7njg /people/person/profession /m/0d2b38 +/m/016ntp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0l8sx /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/07kdkfj /film/film/language /m/02bjrlw +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0rjg8 /location/hud_county_place/place /m/0rjg8 +/m/0jbyg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019pm_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wxyx1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_r3 +/m/057176 /film/actor/film./film/performance/film /m/05p1qyh +/m/09kvv /education/educational_institution/colors /m/07plts +/m/03m8y5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0tln7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hwqg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0gmf0nj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/087z12 /people/person/gender /m/05zppz +/m/01j8wk /film/film/production_companies /m/046b0s +/m/01s7w3 /film/film/production_companies /m/030_1_ +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k2m6 +/m/01nwwl /film/actor/film./film/performance/film /m/04qk12 +/m/01jw67 /film/film/genre /m/02l7c8 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/072r5v /film/film/music /m/02cyfz +/m/041c4 /film/actor/film./film/performance/film /m/0164qt +/m/01pqx6 /award/award_category/category_of /m/01pqx6 +/m/0pk1p /film/film/genre /m/016vh2 +/m/09nz_c /people/person/nationality /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/095b70 +/m/04__f /film/actor/film./film/performance/film /m/0gl3hr +/m/02j4sk /people/person/gender /m/05zppz +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0g48m4 /people/ethnicity/geographic_distribution /m/02xry +/m/01l3mk3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/029fbr /music/genre/artists /m/01516r +/m/0p_qr /film/film/language /m/02h40lc +/m/012vd6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r34n /people/person/profession /m/02jknp +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/03y82t6 /people/person/profession /m/0np9r +/m/03nkts /film/actor/film./film/performance/film /m/043h78 +/m/059f4 /location/location/contains /m/0n5y4 +/m/0dzf_ /people/person/profession /m/0np9r +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0bwfn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01b_5g /medicine/disease/risk_factors /m/0c78m +/m/0ygbf /base/biblioness/bibs_location/country /m/09c7w0 +/m/042d1 /people/person/profession /m/0g0vx +/m/02xs6_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/03f1r6t +/m/0d02km /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04l19_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01q8hj +/m/014mlp /dataworld/gardening_hint/split_to /m/019v9k +/m/01hr1 /film/film/music /m/07j8kh +/m/02mmwk /film/film/genre /m/06n90 +/m/022qqh /people/profession/specialization_of /m/04_tv +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/07c5l /location/location/contains /m/034m8 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04snp2 /people/person/profession /m/03gjzk +/m/071ywj /film/actor/film./film/performance/film /m/03m5y9p +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/01qx13 +/m/0n5gq /location/location/time_zones /m/02hcv8 +/m/06by7 /music/genre/artists /m/01mwsnc +/m/01cszh /music/record_label/artist /m/02ktrs +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/0d8lm +/m/07gghl /film/film/film_format /m/07fb8_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0bz60q /people/person/profession /m/09jwl +/m/0mgkg /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/014_x2 /film/film/country /m/0345h +/m/02qw2xb /film/actor/film./film/performance/film /m/0h1fktn +/m/01qmy04 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02v49c /people/person/nationality /m/09c7w0 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/05xpv +/m/0143wl /film/actor/film./film/performance/film /m/03h3x5 +/m/0bscw /film/film/genre /m/06n90 +/m/02v3yy /people/person/profession /m/0nbcg +/m/04yyhw /film/actor/film./film/performance/film /m/035_2h +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01pj7 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05qqm +/m/01zb_g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ldyx1 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016clz /music/genre/artists /m/0jg77 +/m/064n1pz /film/film/language /m/02h40lc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bthb +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jksm +/m/018h2 /film/film_subject/films /m/02jxrw +/m/018h2 /film/film_subject/films /m/04jwly +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0138mv /sports/sports_team/colors /m/083jv +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nqph +/m/0424m /organization/organization_founder/organizations_founded /m/0d075m +/m/01wv9xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02w6s3 /music/genre/parent_genre /m/0dl5d +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02mgp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03gn1x +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/05qbckf /film/film/genre /m/01jfsb +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01njxvw /people/person/profession /m/01c72t +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/03qx_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07jwr /medicine/disease/risk_factors /m/0c58k +/m/01jr6 /location/hud_county_place/place /m/01jr6 +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0151w_ /film/actor/film./film/performance/film /m/02j69w +/m/0n2kw /location/location/time_zones /m/02hcv8 +/m/01nrq5 /people/person/profession /m/02hrh1q +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/046rfv /people/person/profession /m/02hrh1q +/m/05qhw /location/country/second_level_divisions /m/071g6 +/m/02k_kn /music/genre/artists /m/02s6sh +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03z20c +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04ddm4 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04fv5b +/m/0gl3hr /film/film/genre /m/02l7c8 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/0_3cs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/05h95s +/m/0329r5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06gjk9 /film/film/country /m/04g61 +/m/02qlkc3 /people/person/nationality /m/09c7w0 +/m/0ftxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/019fv4 +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0544vh +/m/01y0y6 /people/person/profession /m/018gz8 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01kmd4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0835q /people/person/gender /m/05zppz +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dq9wx /people/person/profession /m/01c979 +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/0lkr7 +/m/0k39j /location/location/time_zones /m/02hczc +/m/0pgjm /people/person/place_of_birth /m/02_286 +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/01trtc /music/record_label/artist /m/0147dk +/m/01trtc /music/record_label/artist /m/0838y +/m/08d6bd /people/person/profession /m/02hrh1q +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0k4f3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/04qhdf +/m/01p4r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01vvyvk /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/0d07s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0mhdz /location/location/time_zones /m/02lcqs +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/0443xn +/m/013t9y /people/person/gender /m/05zppz +/m/01w40h /music/record_label/artist /m/0flpy +/m/01w40h /music/record_label/artist /m/01k3qj +/m/018ygt /people/person/profession /m/02hrh1q +/m/0gywn /music/genre/artists /m/0k1bs +/m/043g7l /music/record_label/artist /m/02bgmr +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/05z775 +/m/01vrx3g /people/deceased_person/place_of_death /m/02_286 +/m/0zqq8 /location/location/time_zones /m/02hcv8 +/m/0133sq /people/person/profession /m/01d_h8 +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02847m9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0837ql /people/person/profession /m/0dz3r +/m/041rx /people/ethnicity/people /m/025h4z +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/03qjg /music/instrument/instrumentalists /m/02b25y +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0btpm6 /film/film/story_by /m/02nygk +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0bv8h2 +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06gn7r /people/person/nationality /m/03rk0 +/m/07hwkr /people/ethnicity/people /m/04411 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/0739y /people/person/profession /m/02hrh1q +/m/01vsl3_ /influence/influence_node/influenced_by /m/041mt +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07cjqy +/m/02nygk /people/deceased_person/place_of_burial /m/018mmw +/m/07t21 /location/country/form_of_government /m/06cx9 +/m/04j5fx /people/person/gender /m/05zppz +/m/01jfsb /media_common/netflix_genre/titles /m/011yqc +/m/0dn8b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv0r +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01kd57 +/m/0340hj /film/film/music /m/0fpjyd +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0sxfd /film/film/story_by /m/01q415 +/m/02wrhj /people/person/profession /m/018gz8 +/m/03gr7w /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0nvrd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0nvrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvg4 +/m/0jvt9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/065_cjc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc846d /film/film/language /m/02h40lc +/m/0207wx /people/person/profession /m/01d_h8 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndsl1x +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07s9rl0 /media_common/netflix_genre/titles /m/01qz5 +/m/050zr4 /film/actor/film./film/performance/film /m/03t79f +/m/027xq5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/01nczg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hy9p /people/person/gender /m/05zppz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/01w8sf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/017b2p /people/person/gender /m/02zsn +/m/07xvf /film/film/genre /m/082gq +/m/049gc /people/person/place_of_birth /m/0ftxw +/m/01chc7 /film/actor/film./film/performance/film /m/076xkps +/m/07fb6 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/06rmdr /film/film/costume_design_by /m/06w33f8 +/m/012yc /music/genre/artists /m/03f7jfh +/m/049dk /education/educational_institution/students_graduates./education/education/student /m/01wc7p +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/072kp +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01qbjg /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/0ndsl1x /film/film/language /m/02h40lc +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02bj22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/05jt_ /music/genre/artists /m/0c9l1 +/m/04mvp8 /people/ethnicity/people /m/02hkw6 +/m/07b1gq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gjrc /tv/tv_program/country_of_origin /m/07ssc +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/01v_pj6 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/026hxwx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/018qql /people/person/nationality /m/09c7w0 +/m/01dpsv /people/person/profession /m/0nbcg +/m/0gd9k /people/person/profession /m/02hrh1q +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03nx8mj +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03t79f +/m/03nm_fh /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/019kyn /film/film/produced_by /m/081nh +/m/0121h7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hkq4 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01w8n89 /people/person/profession /m/09lbv +/m/01386_ /people/person/profession /m/02hrh1q +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0gs1_ +/m/0581vn8 /film/film/country /m/0hzlz +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01713c +/m/03spz /sports/sports_team_location/teams /m/039_ym +/m/0127xk /people/person/profession /m/01d_h8 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/096lf_ +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0151ns /film/actor/film./film/performance/film /m/0crc2cp +/m/085q5 /film/actor/film./film/performance/film /m/07bxqz +/m/085q5 /film/actor/film./film/performance/film /m/0dyb1 +/m/08g5q7 /people/cause_of_death/people /m/019l3m +/m/09hd6f /people/person/profession /m/03gjzk +/m/063k3h /people/ethnicity/people /m/01k70_ +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02mt51 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/03f7xg /film/film/country /m/09c7w0 +/m/08xwck /people/person/profession /m/02krf9 +/m/019l68 /film/actor/film./film/performance/film /m/072192 +/m/0232lm /people/person/places_lived./people/place_lived/location /m/059rby +/m/0841v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0230rx /sports/sports_team/colors /m/083jv +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0bxbr /location/hud_county_place/county /m/0bx9y +/m/03lq43 /people/person/profession /m/02hrh1q +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02hnl /music/instrument/instrumentalists /m/018gkb +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02pzc4 /people/person/nationality /m/09c7w0 +/m/05rfst /film/film/genre /m/07s9rl0 +/m/0139q5 /people/person/nationality /m/0d05w3 +/m/0139q5 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0j_tw /film/film/written_by /m/01pjr7 +/m/07t2k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07c52 /media_common/netflix_genre/titles /m/01fszq +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/07b3r9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05v10 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06mkj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/02mpb /people/person/place_of_birth /m/01_d4 +/m/03tps5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01v0sxx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c57yj /film/film/genre /m/01t_vv +/m/0f13b /people/person/profession /m/0lgw7 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05cj4r /film/actor/film./film/performance/film /m/02wyzmv +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/01vvydl /people/person/profession /m/0n1h +/m/0k269 /film/actor/film./film/performance/film /m/03mh94 +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/086xm +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/02p21g /film/actor/film./film/performance/film /m/02pg45 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01l1b90 /film/actor/film./film/performance/film /m/0872p_c +/m/0t_3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f6_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f04v /sports/sports_team_location/teams /m/0jnrk +/m/0d4htf /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03gyvwg /film/film/dubbing_performances./film/dubbing_performance/actor /m/044_7j +/m/0kh6b /people/person/profession /m/0dxtg +/m/0cnl1c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k8k +/m/01wbg84 /film/actor/film./film/performance/film /m/02hxhz +/m/0fqp6zk /people/ethnicity/languages_spoken /m/01c7y +/m/03hfxx /people/person/place_of_birth /m/04vmp +/m/02cvp8 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/016sd3 +/m/06pj8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0157m +/m/055sjw /people/person/place_of_birth /m/09c7w0 +/m/059kh /music/genre/artists /m/01wqpnm +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0b7l1f +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/02ctzb /people/ethnicity/people /m/05l0j5 +/m/01ycbq /film/actor/film./film/performance/film /m/076xkps +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01f08r +/m/03x6rj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8gz +/m/01hmk9 /people/deceased_person/place_of_death /m/0281y0 +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/04cbtrw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/01hp5 /film/film/language /m/064_8sq +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04vh83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/015g1w /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0456zg /film/film/genre /m/0jdm8 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03bkbh /people/ethnicity/people /m/015rkw +/m/053tj7 /film/film/production_companies /m/08wjc1 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/030k94 /tv/tv_program/genre /m/01t_vv +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/033hn8 /music/record_label/artist /m/0cg9y +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/0mwxl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/010bxh /location/location/time_zones /m/02fqwt +/m/040p_q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jjw +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/016j68 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddcbd5 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01h8sf +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02zfdp /film/actor/film./film/performance/film /m/04w7rn +/m/028k57 /people/person/languages /m/02h40lc +/m/05dtwm /film/actor/film./film/performance/film /m/0b2km_ +/m/0dlv0 /base/aareas/schema/administrative_area/administrative_parent /m/09f07 +/m/01r47h /education/educational_institution/students_graduates./education/education/student /m/0lrh +/m/03339m /music/genre/artists /m/01wt4wc +/m/04dn09n /award/award_category/disciplines_or_subjects /m/02vxn +/m/0g768 /music/record_label/artist /m/030155 +/m/02w86hz /film/film/edited_by /m/02qfk4j +/m/0cx7f /music/genre/artists /m/0qf3p +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/015h31 /people/profession/specialization_of /m/0196pc +/m/014ck4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jk_8 +/m/0xnvg /people/ethnicity/people /m/01wbg84 +/m/04bs3j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/07d2d /music/genre/parent_genre /m/0m0jc +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/014hr0 /music/artist/origin /m/04jpl +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/01k47c /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0th3k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/043gj +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d42t +/m/01ksr1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03q5dr /people/person/gender /m/02zsn +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04pmnt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04pmnt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02kk_c /tv/tv_program/genre /m/01z77k +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02x02kb /film/actor/film./film/performance/film /m/01p3ty +/m/0824r /location/location/contains /m/0ml25 +/m/02r_d4 /people/person/languages /m/02h40lc +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0bq2g /people/person/profession /m/02hrh1q +/m/01_30_ /business/business_operation/industry /m/01mw1 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0178rl +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/09nwwf /music/genre/artists /m/0137g1 +/m/03c6vl /people/person/place_of_birth /m/03l2n +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wlh +/m/07ssc /location/location/contains /m/013t85 +/m/06whf /influence/influence_node/influenced_by /m/03f0324 +/m/01pq4w /education/educational_institution/school_type /m/05pcjw +/m/07vj4v /business/business_operation/industry /m/03qh03g +/m/0j3d9tn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05cgy8 /people/person/profession /m/0kyk +/m/07bxqz /film/film/genre /m/0219x_ +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05bt6j /music/genre/artists /m/04cr6qv +/m/01cl2y /music/record_label/artist /m/01fl3 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02cgb8 /people/person/place_of_birth /m/0ncy4 +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/025n07 /film/film/music /m/05_pkf +/m/03ckwzc /film/film/genre /m/0lsxr +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/045gzq +/m/07bcn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/062zjtt /film/film/genre /m/07s9rl0 +/m/018grr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04wlz2 /education/educational_institution/colors /m/083jv +/m/01xllf /film/actor/film./film/performance/film /m/02rrfzf +/m/0nzlp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nzw2 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08qxx9 +/m/01jb26 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gnbw +/m/03qy3l /music/record_label/artist /m/0pj9t +/m/09d38d /film/film/written_by /m/06n9lt +/m/04v8x9 /film/film/film_festivals /m/059_y8d +/m/0gzlb9 /film/film/language /m/02h40lc +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fmqp6 +/m/01jgpsh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0l2lk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04lgybj /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04fhps +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/09p5mwg /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/024l2y /film/film/featured_film_locations /m/030qb3t +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06gbnc /people/ethnicity/languages_spoken /m/02h40lc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/02gl58 /tv/tv_program/genre /m/03k9fj +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0m491 /film/film/genre /m/01j1n2 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0pgm3 /people/person/profession /m/02jknp +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0d6_s /film/film/produced_by /m/08d9z7 +/m/01y8cr /people/deceased_person/place_of_burial /m/018mm4 +/m/027lfrs /people/person/nationality /m/03rk0 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/027hq5f /people/person/profession /m/02hrh1q +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vksx +/m/02dwj /film/film/language /m/06b_j +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/011_6p +/m/06wvfq /people/person/gender /m/02zsn +/m/0n5df /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nr36 /people/person/profession /m/02hrh1q +/m/02y_lrp /film/film/genre /m/06cvj +/m/0klh7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04qb6g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k525 /film/actor/film./film/performance/film /m/03cp4cn +/m/06cm5 /film/film/featured_film_locations /m/02_286 +/m/01gbcf /music/genre/parent_genre /m/08jyyk +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dl9_4 /film/film/country /m/07ssc +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06fcqw /film/film/production_companies /m/04rcl7 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0900j5 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/016ksk /people/person/profession /m/03gjzk +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0g56t9t +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01mvjl0 /people/person/profession /m/09jwl +/m/05w1vf /film/actor/film./film/performance/film /m/03b1sb +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/0993r /people/person/nationality /m/09c7w0 +/m/0993r /people/person/places_lived./people/place_lived/location /m/0s9b_ +/m/0l14md /music/instrument/instrumentalists /m/02s2wq +/m/01lxd4 /music/genre/artists /m/0p3sf +/m/060pl5 /people/person/gender /m/05zppz +/m/073q1 /location/location/contains /m/0167v +/m/03gfvsz /broadcast/content/artist /m/01vs_v8 +/m/02z0f6l /film/film/featured_film_locations /m/0bvqq +/m/0mww2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07qg8v /film/film/language /m/02h40lc +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/058frd +/m/05t0_2v /film/film/genre /m/01hmnh +/m/0g83dv /film/film/genre /m/02l7c8 +/m/01vw917 /people/person/profession /m/02hrh1q +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vh08 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01gbbz /film/actor/film./film/performance/film /m/02_1sj +/m/01dw4q /film/actor/film./film/performance/film /m/02rrfzf +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/05strv /people/person/profession /m/02jknp +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01x73 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05k7sb +/m/03sbs /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01t6xz /people/person/profession /m/01d_h8 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0jdd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gbtbm /film/film/featured_film_locations /m/03pzf +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_jkc +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/06y9bd +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/01b3bp /people/person/profession /m/02krf9 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/01y665 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01n4f8 /people/person/religion /m/0kq2 +/m/027z0pl /people/person/gender /m/05zppz +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd0c7x +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/043qqt5 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vqpx8 +/m/024dgj /people/person/profession /m/0nbcg +/m/05f67hw /film/film/genre /m/0jtdp +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/07ylj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/04tnqn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mv0b /people/person/nationality /m/02jx1 +/m/033qxt /people/ethnicity/languages_spoken /m/0jzc +/m/0cb77r /people/person/nationality /m/09c7w0 +/m/0dgr5xp /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/04913k /sports/sports_team/colors /m/036k5h +/m/05c26ss /film/film/genre /m/03k9fj +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/03lrqw /film/film/personal_appearances./film/personal_film_appearance/person /m/01vsps +/m/03_d0 /music/genre/artists /m/02h9_l +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jpmpv +/m/01g42 /people/deceased_person/place_of_burial /m/018mm4 +/m/01z4y /media_common/netflix_genre/titles /m/0291hr +/m/01z4y /media_common/netflix_genre/titles /m/02704ff +/m/06rqw /music/genre/artists /m/01tv3x2 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0dq2k +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/07cz2 /film/film/production_companies /m/05h4t7 +/m/04shbh /film/actor/film./film/performance/film /m/05ch98 +/m/015c2f /people/person/languages /m/02h40lc +/m/04bd8y /people/person/nationality /m/09c7w0 +/m/050f0s /film/film/genre /m/0hcr +/m/0fngy /location/location/time_zones /m/0gsrz4 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0pd6l /film/film/country /m/09c7w0 +/m/0kb3n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zmpg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03vrv9 /film/actor/film./film/performance/film /m/02ntb8 +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06r3p2 /people/person/nationality /m/09c7w0 +/m/0102t4 /location/location/time_zones /m/02fqwt +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/0cn68 /people/ethnicity/people /m/0f3zsq +/m/03mh94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06cqb /music/genre/artists /m/01kx_81 +/m/01pvxl /film/film/language /m/064_8sq +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04n36qk +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0dckvs /film/film/film_format /m/0cj16 +/m/09r8l /people/deceased_person/place_of_death /m/0qpjt +/m/01f1jy /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06y0xx /people/person/profession /m/0dxtg +/m/01gw4f /film/actor/film./film/performance/film /m/07g1sm +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/0130sy /people/person/gender /m/05zppz +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0p_2r +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0bd2n4 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01w923 +/m/08c4yn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05d1y /people/person/nationality /m/012m_ +/m/05fkf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01w923 /people/person/gender /m/05zppz +/m/09gb_4p /film/film/featured_film_locations /m/0f2r6 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/0crd8q6 /film/film/genre /m/0lsxr +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jzyx +/m/0c3zjn7 /film/film/country /m/03rk0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021l5s +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0d060g /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0d060g /sports/sports_team_location/teams /m/035tjy +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09xp_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/06whf +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03y9ccy /people/person/profession /m/02krf9 +/m/02lf1j /people/person/profession /m/02hrh1q +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0b5x23 /people/person/profession /m/02hrh1q +/m/0885n /education/educational_institution/students_graduates./education/education/student /m/067pl7 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09c7w0 /location/location/contains /m/0rxyk +/m/09c7w0 /location/location/contains /m/01xysf +/m/09c7w0 /location/location/contains /m/0ghvb +/m/09c7w0 /location/country/second_level_divisions /m/0flbm +/m/0jt90f5 /people/person/profession /m/01d_h8 +/m/0372kf /film/actor/film./film/performance/film /m/04kzqz +/m/05fnl9 /film/actor/film./film/performance/film /m/05c26ss +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/023322 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/056wb /influence/influence_node/influenced_by /m/034bs +/m/01rv7x /people/ethnicity/people /m/01x2tm8 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/04nm0n0 /film/film/genre /m/02l7c8 +/m/03l2n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0353tm /film/film/genre /m/01jfsb +/m/0147jt /people/person/gender /m/05zppz +/m/02lq10 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033jj1 /film/actor/film./film/performance/film /m/03tbg6 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/03k8th /film/film/genre /m/0lsxr +/m/0y4f8 /music/genre/artists /m/02_fj +/m/0y4f8 /music/genre/artists /m/01gx5f +/m/0829rj /people/person/place_of_birth /m/02_286 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02psqkz /location/country/capital /m/06c62 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09gnn /influence/influence_node/influenced_by /m/03_hd +/m/03m2fg /people/person/place_of_birth /m/04vmp +/m/058s57 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/02c0mv /people/person/profession /m/0dxtg +/m/05f7w84 /tv/tv_program/languages /m/02h40lc +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/03bpn6 /people/person/nationality /m/09c7w0 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/017m2y +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01w9ph_ +/m/016khd /film/actor/film./film/performance/film /m/011xg5 +/m/01f7gh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01th4s /music/record_label/artist /m/02mq_y +/m/01w9ph_ /people/person/profession /m/0cbd2 +/m/06vbd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015fsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/01wttr1 /people/person/languages /m/055qm +/m/081yw /location/location/contains /m/0mlzk +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/022g44 /film/actor/film./film/performance/film /m/019vhk +/m/0fx2s /film/film_subject/films /m/01jw67 +/m/03hxsv /film/film/story_by /m/042xh +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/017j69 +/m/03_6y /people/person/nationality /m/09c7w0 +/m/06xkst /tv/tv_program/genre /m/0jxy +/m/0dc7hc /film/film/language /m/02h40lc +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07ncs0 /film/actor/film./film/performance/film /m/03nm_fh +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03t852 /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/016ntp /music/artist/origin /m/09cpb +/m/02cllz /people/person/religion /m/0c8wxp +/m/02jx1 /location/location/contains /m/0cy07 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04b_jc +/m/021bk /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0tj4y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07h1h5 /people/person/nationality /m/0k6nt +/m/021w0_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/01hrqc /people/person/place_of_birth /m/0rvty +/m/03hhd3 /film/actor/film./film/performance/film /m/03h3x5 +/m/0symg /film/film/music /m/0m2l9 +/m/04tng0 /film/film/country /m/09c7w0 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0178rl +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d05w3 +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0172rj /music/genre/artists /m/01518s +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/07z1m /location/location/contains /m/0mnsf +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0k6nt +/m/041c4 /people/person/profession /m/02hrh1q +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/013fn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03czqs /location/statistical_region/religions./location/religion_percentage/religion /m/03kbr +/m/0j43swk /film/film/genre /m/02kdv5l +/m/01hgwkr /people/person/profession /m/016z4k +/m/03s0w /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03s0w /location/location/partially_contains /m/04yf_ +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dzf_ /film/actor/film./film/performance/film /m/0bmssv +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02mt4k +/m/05sns6 /film/film/genre /m/0vgkd +/m/02xs6_ /film/film/language /m/02bjrlw +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gj4fx /location/location/contains /m/0n5_g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04rkkv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/01hr1 /film/film/genre /m/02kdv5l +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01hhvg +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/04_1l0v /location/location/contains /m/04rrd +/m/06ltr /film/actor/film./film/performance/film /m/0b9rdk +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01jz6x /people/person/profession /m/02hrh1q +/m/0407yj_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/01w9ph_ +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/035xwd +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tcg4 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/06by7 /music/genre/artists /m/01lf293 +/m/06by7 /music/genre/artists /m/03gr7w +/m/06by7 /music/genre/artists /m/07yg2 +/m/024qwq /people/person/profession /m/09jwl +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/01wy6 +/m/023tp8 /people/person/spouse_s./people/marriage/spouse /m/0408np +/m/0190xp /music/genre/parent_genre /m/0dl5d +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/01nds /business/business_operation/industry /m/01mw1 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04qmr +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/07rfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063g7l /film/actor/film./film/performance/film /m/0gffmn8 +/m/03d_w3h /people/person/place_of_birth /m/01_d4 +/m/09qxq7 /music/genre/artists /m/01wz3cx +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03fbc +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/04xhwn /people/person/place_of_birth /m/0r00l +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/02v_r7d /film/film/genre /m/03q4nz +/m/0n5fz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bcl /location/location/contains /m/01vmv_ +/m/0qlnr /education/educational_institution/students_graduates./education/education/student /m/021vwt +/m/04xbq3 /film/film/personal_appearances./film/personal_film_appearance/person /m/0p_47 +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/06bpt_ /music/genre/artists /m/0bsj9 +/m/01hb6v /influence/influence_node/influenced_by /m/0lcx +/m/016clz /music/genre/artists /m/03q_w5 +/m/01f7dd /film/actor/film./film/performance/film /m/049xgc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/017l4 /people/person/profession /m/0nbcg +/m/04rcr /influence/influence_node/influenced_by /m/0167xy +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0ccvx /location/location/contains /m/01qcx_ +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/034m8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/02yv6b /music/genre/artists /m/01vrt_c +/m/05zjd /language/human_language/countries_spoken_in /m/0hg5 +/m/03kg2v /film/film/language /m/02h40lc +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/04411 /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/017v3q +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04n52p6 /film/film/language /m/064_8sq +/m/01kv4mb /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0cf08 /film/film/genre /m/02l7c8 +/m/06srk /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/023nlj /people/person/gender /m/05zppz +/m/06y3r /people/person/employment_history./business/employment_tenure/company /m/0kk9v +/m/01kf3_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02lymt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01304j /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dw4q +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zs4 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0g9yrw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_bkd /music/genre/artists /m/01gf5h +/m/0fy66 /film/film/genre /m/07s9rl0 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/01k6zy /sports/sports_team/colors /m/038hg +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/09gq0x5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02h2z_ /base/culturalevent/event/entity_involved /m/06v9sf +/m/0cz_ym /film/film/production_companies /m/04rtpt +/m/02gkxp /education/university/fraternities_and_sororities /m/035tlh +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09r9m7 +/m/01w40h /music/record_label/artist /m/06m61 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/015gm8 /film/film/music /m/01l1rw +/m/02cl1 /location/location/time_zones /m/02hczc +/m/02slt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/09pl3f /people/person/profession /m/01d_h8 +/m/02rv_dz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/041rx /people/ethnicity/people /m/078jnn +/m/041rx /people/ethnicity/people /m/01pbwwl +/m/06ztvyx /film/film/production_companies /m/056ws9 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/01jc6q /film/film/film_format /m/0cj16 +/m/022fdt /people/ethnicity/languages_spoken /m/032f6 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01jfsb /media_common/netflix_genre/titles /m/0fg04 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0k7pf +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/06r1k +/m/0347db /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0k4kk /film/film/genre /m/03k9fj +/m/016ybr /music/genre/parent_genre /m/05bt6j +/m/039d4 /education/educational_institution/colors /m/01l849 +/m/015_1q /music/record_label/artist /m/05d8vw +/m/016ndm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0407yfx +/m/0fh2v5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/022qw7 /film/actor/film./film/performance/film /m/09p4w8 +/m/032r1 /people/deceased_person/place_of_death /m/0ptj2 +/m/04p3w /people/cause_of_death/people /m/012dtf +/m/04p3w /people/cause_of_death/people /m/03zyvw +/m/02rjv2w /film/film/genre /m/02l7c8 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/03gt0c5 /people/person/gender /m/02zsn +/m/03rhqg /music/record_label/artist /m/01yndb +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0f4zv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/027hm_ /people/person/profession /m/025352 +/m/02xfj0 /influence/influence_node/influenced_by /m/016_mj +/m/0cbn7c /film/film/music /m/07zhd7 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/04rfq +/m/0glt670 /music/genre/artists /m/03fbc +/m/0d90m /film/film/production_companies /m/0c_j5d +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/04sqj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01gfhk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kzfw +/m/04y8r /people/person/profession /m/0dxtg +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0fthdk /people/person/profession /m/0np9r +/m/0g9lm2 /film/film/executive_produced_by /m/0fvf9q +/m/06qgvf /people/person/nationality /m/09c7w0 +/m/06qgvf /film/actor/film./film/performance/film /m/03h_yy +/m/07fb6 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/08hp53 /people/person/profession /m/02krf9 +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0f5xn /film/actor/film./film/performance/film /m/062zm5h +/m/01qbjg /people/deceased_person/place_of_death /m/0mzww +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0419kt /film/film/story_by /m/04m_zp +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0cw3yd /film/film/language /m/02h40lc +/m/09xvf7 /people/person/gender /m/05zppz +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01kkx2 /film/actor/film./film/performance/film /m/0cwy47 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03nx8mj /film/film/genre /m/0556j8 +/m/02bj22 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/0r3w7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05jt_ /music/genre/artists /m/07g2v +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/086h6p /organization/organization/headquarters./location/mailing_address/citytown /m/04lh6 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bwgc_ /people/person/places_lived./people/place_lived/location /m/0345h +/m/09rsjpv /film/film/genre /m/03k9fj +/m/026fs38 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04n_g /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03gm48 /people/person/nationality /m/09c7w0 +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/04n7jdv /music/genre/parent_genre /m/0glt670 +/m/03jxw /influence/influence_node/influenced_by /m/02lt8 +/m/02h0f3 /film/actor/film./film/performance/film /m/05ypj5 +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/07sbbz2 /music/genre/artists /m/01vsyg9 +/m/01dtcb /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/031rq5 /business/business_operation/industry /m/02vxn +/m/0fsv2 /location/location/time_zones /m/02hczc +/m/01z3bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01yfm8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_06s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01lqnff /people/person/profession /m/0gl2ny2 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/0sz28 /people/person/religion /m/0kq2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/07rhpg +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01yb09 /people/person/gender /m/05zppz +/m/0139q5 /people/person/languages /m/03115z +/m/07c52 /media_common/netflix_genre/titles /m/0l76z +/m/07c52 /film/film_subject/films /m/0h21v2 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01kt_j +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/051q5 +/m/0175wg /film/actor/film./film/performance/film /m/09zf_q +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/025x1t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mlh8 +/m/07rd7 /people/person/profession /m/0dxtg +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0f13b /people/person/profession /m/02hrh1q +/m/04gp58p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04smdd /film/film/genre /m/01t_vv +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02xpy5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/06x58 /people/person/nationality /m/0b90_r +/m/0bh8yn3 /film/film/language /m/02h40lc +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/029q_y /people/person/place_of_birth /m/071vr +/m/04kjrv /people/person/profession /m/01c72t +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02mgp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/02r6c_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02y0js /people/cause_of_death/people /m/02w670 +/m/02y0js /people/cause_of_death/people /m/0p50v +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l6mp /time/event/locations /m/0hsqf +/m/05cl8y /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/018j2 /music/instrument/instrumentalists /m/01l7qw +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03r8gp +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/06y611 /film/film/genre /m/07s9rl0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019dwp +/m/02hp6p /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/017f3m /tv/tv_program/genre /m/07s9rl0 +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/060v34 /film/film/genre /m/01jfsb +/m/039xcr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02784z /people/person/profession /m/0cbd2 +/m/0mcf4 /music/record_label/artist /m/09hnb +/m/08jyyk /music/genre/artists /m/0khth +/m/08jyyk /music/genre/artists /m/02bgmr +/m/0214m4 /location/location/time_zones /m/03bdv +/m/01ggbx /people/person/profession /m/02jknp +/m/032_wv /film/film/genre /m/0cshrf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07th_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/04h1rz /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/04vrxh /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/038_0z /sports/sports_team/sport /m/09xp_ +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01nd9f /music/genre/parent_genre /m/05r6t +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0fn7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vqpx8 /people/person/profession /m/0dxtg +/m/0d6b7 /film/film/language /m/04306rv +/m/03lpp_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/04cbtrw /influence/influence_node/influenced_by /m/03_87 +/m/03bzyn4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/07sp4l +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/0l39b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0br1x_ /time/event/instance_of_recurring_event /m/02jp2w +/m/0284b56 /film/film/genre /m/01jfsb +/m/01rzxl /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rqyx +/m/0456zg /film/film/music /m/03kwtb +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k3p +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0kpys /location/location/contains /m/0284jb +/m/06bc59 /film/film/genre /m/07s9rl0 +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0fzyg /film/film_subject/films /m/0sxgv +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/03h502k /people/person/profession /m/0dz3r +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s_qz +/m/0g5ff /people/person/profession /m/0cbd2 +/m/01n5309 /people/person/profession /m/09jwl +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0146bp /medicine/disease/risk_factors /m/01336l +/m/0hky /people/person/nationality /m/07ssc +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01t9qj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01g969 /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0xhtw /music/genre/artists /m/0232lm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01g4yw +/m/02jsgf /film/actor/film./film/performance/film /m/03qnvdl +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/0bfvw2 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/05hjmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0n85g /music/record_label/artist /m/01kx_81 +/m/0lgxj /olympics/olympic_games/participating_countries /m/0160w +/m/014hr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/0jm_ /film/film_subject/films /m/042zrm +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wgcvn +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h3mh3q +/m/07fzq3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01b195 /film/film/music /m/01l1rw +/m/04jpl /location/location/contains /m/01zzk4 +/m/01vrncs /people/person/profession /m/0kyk +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k7pf +/m/0gkz3nz /film/film/music /m/0h6sv +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04lg6 /people/person/profession /m/0mn6 +/m/07ssc /media_common/netflix_genre/titles /m/0bh8drv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0n5yh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/04bpm6 /people/person/profession /m/04f2zj +/m/01sg7_ /people/person/nationality /m/09c7w0 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06q8qh /film/film/produced_by /m/02_340 +/m/07s3vqk /people/person/profession /m/01c72t +/m/01xllf /people/person/gender /m/05zppz +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07m77x +/m/0h1x5f /film/film/featured_film_locations /m/0qpjt +/m/03f0vvr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015y_n /music/genre/artists /m/04n32 +/m/014zwb /film/film/country /m/09c7w0 +/m/04z0g /influence/influence_node/influenced_by /m/047g6 +/m/06bss /people/deceased_person/place_of_death /m/0mnzd +/m/0g2mbn /people/person/places_lived./people/place_lived/location /m/020d8d +/m/0jswp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/083wr9 /people/person/profession /m/02hrh1q +/m/041n43 /music/record_label/artist /m/0137g1 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/01mpwj /education/educational_institution/school_type /m/01_srz +/m/0ptdz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/095w_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l9p +/m/07tp2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01jb26 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z9_x +/m/05xbx /tv/tv_network/programs./tv/tv_network_duration/program /m/0cwrr +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03l26m +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/01tx9m /education/educational_institution/campuses /m/01tx9m +/m/018vs /music/instrument/instrumentalists /m/0g824 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/016t0h +/m/0jcx /people/person/profession /m/04s2z +/m/0432cd /film/actor/film./film/performance/film /m/03x7hd +/m/0fqpg6b /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/01vw26l /people/person/profession /m/02hrh1q +/m/0fphf3v /film/film/genre /m/05p553 +/m/02pg45 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/027mdh /education/educational_institution/school_type /m/05pcjw +/m/027mdh /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02tr7d +/m/028q7m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q1lp /people/person/gender /m/05zppz +/m/0q1lp /people/person/profession /m/02hrh1q +/m/0_z91 /location/hud_county_place/place /m/0_z91 +/m/0d075m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01x53m /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01wdtv /music/record_label/artist /m/07c0j +/m/034np8 /film/actor/film./film/performance/film /m/0640y35 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/0klh7 /people/person/languages /m/02h40lc +/m/0klh7 /film/actor/film./film/performance/film /m/033srr +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/0fv6dr /people/person/place_of_birth /m/0dhdp +/m/02fqxm /film/film/featured_film_locations /m/0r1jr +/m/0c40vxk /film/film/country /m/012wgb +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01cdt5 /medicine/symptom/symptom_of /m/011zdm +/m/01mskc3 /people/person/places_lived./people/place_lived/location /m/02xry +/m/01mskc3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023p29 /people/person/nationality /m/09c7w0 +/m/02_l96 /people/person/sibling_s./people/sibling_relationship/sibling /m/02tf1y +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z_3pm +/m/05hf_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/0c_md_ +/m/091n7z /people/person/profession /m/02hrh1q +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jszm +/m/03c6v3 /people/person/nationality /m/09c7w0 +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/063_j5 /film/film/produced_by /m/03ktjq +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01hvjx +/m/0n2vl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l14md /music/instrument/instrumentalists /m/0pkyh +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07f_t4 +/m/01hjy5 /education/university/fraternities_and_sororities /m/035tlh +/m/02z0f6l /film/film/genre /m/01f9r0 +/m/08hhm6 /people/person/profession /m/02hrh1q +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/039bp +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/02sh8y +/m/02bkdn /people/person/places_lived./people/place_lived/location /m/029cr +/m/0pv2t /film/film/genre /m/06cvj +/m/02frhbc /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/02q42j_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05t0_2v /film/film/production_companies /m/054lpb6 +/m/01d34b /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76t12 +/m/04s934 /education/educational_institution/colors /m/06fvc +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02cj_f /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/03kx49 /film/film/genre /m/04228s +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06hdk +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/016y_f /film/film/executive_produced_by /m/030_3z +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03swmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ggc9 /people/person/profession /m/03gjzk +/m/0147w8 /tv/tv_program/genre /m/0lsxr +/m/01mqnr /film/actor/film./film/performance/film /m/02qzmz6 +/m/02g7sp /people/ethnicity/people /m/0ky1 +/m/021r7r /music/group_member/membership./music/group_membership/group /m/07bzp +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/018ldw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0285c /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01ttg5 /people/person/profession /m/025352 +/m/03q43g /film/actor/film./film/performance/film /m/03x7hd +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03knl +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/07k2p6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/026wlxw /film/film/executive_produced_by /m/0glyyw +/m/03m8lq /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/0q9nj /tv/tv_program/country_of_origin /m/09c7w0 +/m/01mqc_ /film/actor/film./film/performance/film /m/035s95 +/m/03w94xt /music/genre/artists /m/0191h5 +/m/045qmr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04j5fx +/m/01mr2g6 /music/artist/origin /m/030qb3t +/m/0jym0 /film/film/country /m/09c7w0 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/01wgfp6 /people/person/gender /m/05zppz +/m/0dscrwf /film/film/genre /m/07s9rl0 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c33pl +/m/01zqy6t /base/biblioness/bibs_location/state /m/01n7q +/m/04ddm4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_d0 /music/genre/artists /m/01l_vgt +/m/02rqwhl /film/film/language /m/02h40lc +/m/01z4y /media_common/netflix_genre/titles /m/01jnc_ +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/045n3p /people/person/place_of_birth /m/0hj6h +/m/0g5pvv /film/film/genre /m/02kdv5l +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0194zl /film/film/country /m/07ssc +/m/03sww /people/person/profession /m/09jwl +/m/0300ml /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/050gkf /film/film/music /m/01x6v6 +/m/0f8j13 /film/film/genre /m/05p553 +/m/06cqb /music/genre/artists /m/0lbj1 +/m/0cbkc /people/person/languages /m/064_8sq +/m/07rn0z /people/person/profession /m/018gz8 +/m/09vc4s /people/ethnicity/people /m/04nw9 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01t9qj_ +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/06br6t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cw411 /film/film/executive_produced_by /m/06q8hf +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/016zp5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/011yth /film/film/film_format /m/07fb8_ +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/030b93 +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01pbs9w /people/person/profession /m/03lgtv +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08x5c_ /film/actor/film./film/performance/film /m/060__7 +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/057lbk /film/film/executive_produced_by /m/01r2c7 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01sxly /film/film/produced_by /m/0d_skg +/m/014g22 /people/person/spouse_s./people/marriage/spouse /m/01c65z +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/0fm9_ /location/location/time_zones /m/02hcv8 +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/027xbpw /people/person/profession /m/03gjzk +/m/02q56mk /film/film/genre /m/0hn10 +/m/02q56mk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02d6n_ /film/actor/film./film/performance/film /m/01f8hf +/m/01skmp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01x6jd +/m/04btyz /media_common/netflix_genre/titles /m/0dnvn3 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0trv /education/educational_institution/school_type /m/07tf8 +/m/03cglm /film/actor/film./film/performance/film /m/01kff7 +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0jjy0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/09c7w0 /location/location/contains /m/06fq2 +/m/09c7w0 /location/location/contains /m/031n5b +/m/09c7w0 /location/location/contains /m/0yx74 +/m/0342h /music/instrument/instrumentalists /m/019g40 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04sj3 +/m/080lkt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01bbwp /people/person/nationality /m/07ssc +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/012_53 /people/person/religion /m/0c8wxp +/m/03x1s8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/089j8p /film/film/genre /m/04rlf +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/020hh3 +/m/0cj2k3 /people/person/gender /m/05zppz +/m/05c4fys /people/person/place_of_birth /m/01b8w_ +/m/0465_ /people/person/profession /m/05z96 +/m/05tbn /location/location/contains /m/0g0syc +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/027rpym /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0prh7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02nfhx /people/person/profession /m/02hrh1q +/m/0b13g7 /people/person/profession /m/05sxg2 +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_vx9 +/m/021yw7 /people/person/religion /m/0kpl +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/027hnjh /people/person/profession /m/0dxtg +/m/0fw2f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0157m /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qxhc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n4w +/m/04s9n /people/person/religion /m/0flw86 +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/050sw4 /music/genre/artists /m/016vqk +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g54xkt +/m/01pj7 /location/location/partially_contains /m/026zt +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/0395lw +/m/06npd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0h0yt /people/person/places_lived./people/place_lived/location /m/09ctj +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0g824 +/m/0k419 /film/film/language /m/02bjrlw +/m/03c5f7l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xrx /people/person/profession /m/0dz3r +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/06ch55 /music/instrument/instrumentalists /m/01p7b6b +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cwtm +/m/0fvyg /sports/sports_team_location/teams /m/0j8cb +/m/030vmc /people/person/profession /m/0dxtg +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05m_jsg /film/film/genre /m/02l7c8 +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05jf85 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/02kz_ +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02jx1 /location/location/contains /m/01clyb +/m/0ct5zc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02jm9c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nwwl /people/person/gender /m/05zppz +/m/01xwqn /influence/influence_node/influenced_by /m/063_t +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0cbgl /influence/influence_node/influenced_by /m/03f0324 +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017_qw /music/genre/artists /m/025vry +/m/017_qw /music/genre/artists /m/07j8kh +/m/017_qw /music/genre/artists /m/01271h +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pvms +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddj0x +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0x67 /people/ethnicity/people /m/0hcs3 +/m/0k345 /music/genre/parent_genre /m/01wqlc +/m/0p_tz /film/film/language /m/064_8sq +/m/044mvs /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/0g48m4 /people/ethnicity/people /m/01d_4t +/m/011k11 /music/record_label/artist /m/020_4z +/m/0745k7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/0jvq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07b_l /location/location/contains /m/0mrf1 +/m/027qgy /film/film/genre /m/03p5xs +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/04knvh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09r9dp /film/actor/film./film/performance/film /m/080lkt7 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02_3zj /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/04mhl /people/person/profession /m/0kyk +/m/0428bc /people/person/profession /m/02krf9 +/m/01hydr /music/genre/parent_genre /m/0fd3y +/m/06rjp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl0d /music/record_label/artist /m/0b1hw +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/01ts_3 +/m/047vp1n /film/film/film_format /m/0cj16 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778pf +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09px1w +/m/06c62 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/0bjqh /education/educational_institution/students_graduates./education/education/student /m/05kh_ +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/0408np /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g4gr /education/field_of_study/students_majoring./education/education/student /m/03_x5t +/m/01mxnvc /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02m97n /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/012x8m /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/0cpllql /film/film/language /m/02h40lc +/m/04mn81 /people/person/nationality /m/09c7w0 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0416y94 /film/film/featured_film_locations /m/02_286 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/0l14md +/m/046f3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0mmpm /location/location/time_zones /m/02lcqs +/m/07cjqy /film/actor/film./film/performance/film /m/047svrl +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0105y2 /location/location/time_zones /m/02fqwt +/m/04xbq3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05xbx +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/020923 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/03jj93 /people/person/languages /m/02h40lc +/m/03jj93 /film/actor/film./film/performance/film /m/0cc5qkt +/m/016clz /music/genre/artists /m/03g5jw +/m/05148p4 /music/instrument/instrumentalists /m/01vvydl +/m/05148p4 /music/instrument/instrumentalists /m/07_3qd +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0325dj +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/0226cw /people/person/place_of_birth /m/01vsl +/m/0263tn1 /people/person/profession /m/02hrh1q +/m/04l3_z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z452 /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/01vb6z /people/person/nationality /m/09c7w0 +/m/0gg5qcw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bmhvpr +/m/0424m /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grpc +/m/0l2nd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdt8 /people/person/place_of_birth /m/06mxs +/m/02bjhv /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hr11 +/m/04rrx /location/location/contains /m/043z0 +/m/07yjb /media_common/netflix_genre/titles /m/029k4p +/m/02fgdx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05j0wc /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/0295r +/m/02dpl9 /film/film/genre /m/03k9fj +/m/0fxky3 /people/person/profession /m/0cbd2 +/m/0cqt90 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/04l_pt /people/ethnicity/languages_spoken /m/0653m +/m/0hw1j /people/person/profession /m/02jknp +/m/07m2y /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/02k_kn /music/genre/artists /m/01797x +/m/0lmm3 /sports/sports_team/colors /m/06fvc +/m/023p7l /film/film/genre /m/03k9fj +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02_cx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/0tz1x /location/location/time_zones /m/02hcv8 +/m/03cyslc /film/film/produced_by /m/034bgm +/m/0288zy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02w4v /music/genre/artists /m/01d4cb +/m/030qb3t /location/location/contains /m/0k_mf +/m/092vkg /film/film/genre /m/04xvlr +/m/0h3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07fj_ +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/046p9 +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01kmd4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0272kv /people/deceased_person/place_of_death /m/0k049 +/m/01_bkd /music/genre/artists /m/01vng3b +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/0661ql3 /film/film/genre /m/06n90 +/m/01tvz5j /people/person/profession /m/01d_h8 +/m/01pw2f1 /people/person/profession /m/01d_h8 +/m/0c34mt /film/film/genre /m/01585b +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0170xl /film/film/genre /m/060__y +/m/0854hr /people/person/nationality /m/09c7w0 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04qsdh +/m/0127s7 /people/person/profession /m/016z4k +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0l14qv /music/instrument/instrumentalists /m/0135xb +/m/0gywn /music/genre/parent_genre /m/016cjb +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/043g7l /music/record_label/artist /m/01vvyfh +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gbwp /people/person/gender /m/02zsn +/m/04sntd /film/film/featured_film_locations /m/052p7 +/m/06q1r /location/location/contains /m/030nwm +/m/0gd_s /people/person/nationality /m/09c7w0 +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/08cl7s /tv/tv_program/genre /m/0hcr +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/041rx /people/ethnicity/people /m/01y_px +/m/041rx /people/ethnicity/people /m/06pj8 +/m/041rx /people/ethnicity/people /m/028k57 +/m/06mn7 /people/person/places_lived./people/place_lived/location /m/01531 +/m/053xw6 /film/actor/film./film/performance/film /m/01gc7 +/m/03vfr_ /film/film/genre /m/03k9fj +/m/031zm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04165w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09sh8k /film/film/production_companies /m/027jw0c +/m/0prhz /film/film/cinematography /m/08z39v +/m/01q_y0 /tv/tv_program/languages /m/02h40lc +/m/0gdh5 /people/person/religion /m/092bf5 +/m/077q8x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/030vnj /film/actor/film./film/performance/film /m/01l_pn +/m/0155w /music/genre/artists /m/0g824 +/m/0bpx1k /film/film/country /m/0f8l9c +/m/01vwllw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016fjj +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/019ltg /sports/sports_team/sport /m/02vx4 +/m/0bsnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05prs8 /people/person/profession /m/0dxtg +/m/03qmx_f /people/person/profession /m/03gjzk +/m/016wzw /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03lrht /film/film/produced_by /m/05ty4m +/m/015_1q /music/record_label/artist /m/015mrk +/m/015_1q /music/record_label/artist /m/04dqdk +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03295l /people/ethnicity/languages_spoken /m/07qv_ +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/0693l /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01kt_j +/m/083chw /film/actor/film./film/performance/film /m/047csmy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/03q0r1 /film/film/language /m/02bjrlw +/m/070yzk /film/actor/film./film/performance/film /m/06g77c +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/03rhqg /music/record_label/artist /m/01tl50z +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/05kr_ +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/02hblj /people/person/places_lived./people/place_lived/location /m/07bcn +/m/05ty4m /people/person/profession /m/02jknp +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0glt670 /music/genre/artists /m/01vxqyl +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01t7jy /business/business_operation/industry /m/01mw1 +/m/01xq8v /film/film/genre /m/060__y +/m/03ywyk /film/actor/film./film/performance/film /m/02nt3d +/m/05szq8z /film/film/genre /m/03k9fj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0969fd +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/048tv9 /film/film/genre /m/02kdv5l +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03kxdw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/039crh /people/person/languages /m/06nm1 +/m/07bwr /film/film/country /m/07ssc +/m/07bwr /film/film/genre /m/0lsxr +/m/02ylg6 /film/film/genre /m/02l7c8 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/08gwzt /people/person/places_lived./people/place_lived/location /m/0fqxw +/m/04gxf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03gt7s /music/genre/parent_genre /m/04f73rc +/m/0q9t7 /influence/influence_node/influenced_by /m/014z8v +/m/02d478 /film/film/music /m/09swkk +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/04v3q /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/016dgz +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026_w57 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/0jcx +/m/0h95927 /film/film/executive_produced_by /m/06q8hf +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_p5w +/m/0xpp5 /location/hud_county_place/place /m/0xpp5 +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/01f6zc /film/actor/film./film/performance/film /m/031hcx +/m/02v8kmz /film/film/cinematography /m/03_fk9 +/m/016h9b /music/group_member/membership./music/group_membership/group /m/0134wr +/m/0bqvs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/02p8v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/048hf /people/person/gender /m/05zppz +/m/06nfl /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/01npcx /film/film/prequel /m/029v40 +/m/0gd9k /film/actor/film./film/performance/film /m/048vhl +/m/02r0d0 /award/award_category/winners./award/award_honor/award_winner /m/098sx +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04tc1g +/m/01x6jd /people/person/gender /m/02zsn +/m/01x6jd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01skmp +/m/01kt17 /film/actor/film./film/performance/film /m/0cwy47 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/0bxtyq /people/person/nationality /m/09c7w0 +/m/01svry /film/film/genre /m/02n4kr +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0bq0p9 +/m/011yph /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jt2w +/m/0ldd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/01fyzy /people/person/profession /m/018gz8 +/m/08g5q7 /people/cause_of_death/people /m/08849 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d810y +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m66w +/m/02mt51 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0190_q /music/genre/artists /m/04kjrv +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0bg4f9 /sports/sports_team/sport /m/02vx4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/08849 +/m/012x7b /music/genre/parent_genre /m/025tm81 +/m/04lqvly /film/film/genre /m/0hcr +/m/03m6pk /film/actor/film./film/performance/film /m/03_gz8 +/m/048ldh /sports/sports_team/colors /m/083jv +/m/048z7l /people/ethnicity/people /m/01_k71 +/m/01twdk /people/person/profession /m/0np9r +/m/0dryh9k /people/ethnicity/people /m/027lfrs +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01520h /people/person/nationality /m/09c7w0 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kr5_ +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05cj4r /people/person/nationality /m/02jx1 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01ycfv /people/person/profession /m/03lgtv +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/0gd0c7x /film/film/genre /m/07s9rl0 +/m/01wz_ml /people/person/profession /m/0nbcg +/m/06mz5 /location/location/contains /m/0_rwf +/m/01l2b3 /film/film/genre /m/01t_vv +/m/0x44q /location/location/time_zones /m/02hczc +/m/031sg0 /film/actor/film./film/performance/film /m/0kvf3b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/03gkn5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01_f90 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01l1ls /people/person/nationality /m/09c7w0 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dss7 +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f2q5 +/m/08720 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0l6mp /olympics/olympic_games/sports /m/03hr1p +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/01p9hgt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kh6b /people/person/languages /m/02h40lc +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/0yxl /influence/influence_node/influenced_by /m/04x56 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/0778p /education/educational_institution/students_graduates./education/education/student /m/02y7sr +/m/011ykb /film/film/genre /m/05p553 +/m/027ct7c /film/film/language /m/03hkp +/m/05qbbfb /film/film/genre /m/02kdv5l +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/03xkps +/m/0sxgh /education/educational_institution/colors /m/01g5v +/m/06pj8 /film/director/film /m/04t6fk +/m/059kh /music/genre/artists /m/04b7xr +/m/07h1q /people/person/nationality /m/0345h +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/01ycbq /film/actor/film./film/performance/film /m/01jwxx +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04hhv /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0l56b /people/person/profession /m/01d_h8 +/m/016ynj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/01p970 +/m/041bnw /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02g8h /influence/influence_node/influenced_by /m/01wp_jm +/m/01nbq4 /people/person/profession /m/015cjr +/m/03v1jf /film/actor/film./film/performance/film /m/0cd2vh9 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsvzh +/m/0372j5 /film/film/music /m/095x_ +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0431v3 /tv/tv_program/genre /m/0lsxr +/m/0431v3 /tv/tv_program/genre /m/06nbt +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04sskp /film/film/genre /m/0dz8b +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0pkr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/01mc11 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02p4jf0 /music/record_label/artist /m/01vv6_6 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1ysd +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09v8clw +/m/05jbn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/015vql /film/actor/film./film/performance/film /m/0286hyp +/m/01n5309 /people/person/profession /m/02hrh1q +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/016zfm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p47r +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/02bg55 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/0btpx /film/actor/film./film/performance/film /m/03nqnnk +/m/0xhtw /music/genre/artists /m/01mwsnc +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01gpkz +/m/09glbnt /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxfd +/m/019r_1 /people/person/nationality /m/09c7w0 +/m/04b7xr /people/person/profession /m/0nbcg +/m/04b7xr /people/person/profession /m/09jwl +/m/01h2_6 /people/person/profession /m/0cbd2 +/m/0gztl /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/01mxqyk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvd2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s0l +/m/0kvt9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g8_vp /people/ethnicity/people /m/03d_zl4 +/m/03tn80 /film/film/film_production_design_by /m/02x2t07 +/m/0h326 /people/person/places_lived./people/place_lived/location /m/0156q +/m/012x4t /people/person/gender /m/05zppz +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/026670 +/m/0rs6x /location/location/time_zones /m/02hcv8 +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02r_d4 /film/actor/film./film/performance/film /m/05zpghd +/m/04cy8rb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0404j37 +/m/0fsm8c /film/actor/film./film/performance/film /m/08052t3 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/09nwwf /music/genre/artists /m/044mfr +/m/0vmt /location/location/contains /m/0qr4n +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/07ssc /location/location/contains /m/01z2sn +/m/0n04r /film/film/genre /m/07s9rl0 +/m/01pq4w /education/educational_institution/students_graduates./education/education/student /m/029b9k +/m/081pw /time/event/locations /m/06mx8 +/m/0184jw /people/person/profession /m/01d_h8 +/m/0260bz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04qr6d /people/person/profession /m/01c72t +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/01x2_q /people/person/place_of_birth /m/0ptj2 +/m/05cgy8 /people/person/profession /m/01d_h8 +/m/06crng /influence/influence_node/influenced_by /m/01wp_jm +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/08cn_n /people/person/profession /m/02krf9 +/m/01cl2y /music/record_label/artist /m/01vvpjj +/m/040_t /influence/influence_node/influenced_by /m/02kz_ +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0bmssv /film/film/featured_film_locations /m/080h2 +/m/06mmb /film/actor/film./film/performance/film /m/020bv3 +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05x2t7 +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05v1sb +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01xpxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/053y0s /people/person/place_of_birth /m/0106dv +/m/03_87 /influence/influence_node/influenced_by /m/01tz6vs +/m/021s9n /education/educational_institution/school_type /m/05pcjw +/m/05r4w /location/country/form_of_government /m/01fpfn +/m/08cyft /music/genre/artists /m/015f7 +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01jgpsh /film/actor/film./film/performance/film /m/050xxm +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/0bwx3 +/m/05q78ky /organization/organization/child./organization/organization_relationship/child /m/01yf92 +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/02kk_c +/m/02f1c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05p606 /people/person/profession /m/02hrh1q +/m/03clwtw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/03ybrwc +/m/0m491 /film/film/genre /m/05p553 +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0j_t1 /film/film/genre /m/07s9rl0 +/m/0393g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pgm3 /film/actor/film./film/performance/film /m/011x_4 +/m/018vs /music/instrument/instrumentalists /m/01tv3x2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/05nqz /base/culturalevent/event/entity_involved /m/03_lf +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04t2l2 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/03gj2 +/m/03_wtr /film/actor/film./film/performance/film /m/0j43swk +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/026r8q +/m/0c01c /film/actor/film./film/performance/film /m/01k0vq +/m/03ktjq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/0gyy53 /film/film/production_companies /m/054lpb6 +/m/025mb9 /award/award_category/category_of /m/0c4ys +/m/01j_cy /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0hcr /education/field_of_study/students_majoring./education/education/student /m/017c87 +/m/02gf_l /film/actor/film./film/performance/film /m/0k54q +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7h6 +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0j6cj /people/person/profession /m/039v1 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/064t9 /music/genre/artists /m/01k98nm +/m/02hft3 /education/educational_institution/colors /m/01g5v +/m/0bq8tmw /film/film/language /m/02h40lc +/m/0hx4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d9xq /people/person/nationality /m/09c7w0 +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/04344j /education/educational_institution/colors /m/083jv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044lyq +/m/049mql /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vxqyl /people/person/profession /m/02hrh1q +/m/03m6zs /sports/sports_team/colors /m/083jv +/m/0dq9p /people/cause_of_death/people /m/0bvzp +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0dr31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b0pf /people/person/religion /m/03_gx +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03xyp_ /people/person/nationality /m/077qn +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02w9k1c +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fnl9 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gpprt +/m/03548 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05t0_2v /film/film/country /m/0d060g +/m/01vs_v8 /people/person/profession /m/0dz3r +/m/02t__3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddfwj1 +/m/01xdf5 /people/person/languages /m/02h40lc +/m/0168nq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01sb5r /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gwlfnb /film/film/prequel /m/03qcfvw +/m/05kj_ /location/location/partially_contains /m/0k3nk +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/021r7r /people/person/nationality /m/09c7w0 +/m/0c0yh4 /film/film/country /m/03gj2 +/m/05h95s /tv/tv_program/genre /m/01htzx +/m/0dbb3 /people/person/nationality /m/09c7w0 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02rsz0 /people/person/places_lived./people/place_lived/location /m/01d8wq +/m/034qbx /film/film/genre /m/01jfsb +/m/07nxnw /film/film/film_format /m/017fx5 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/04zkj5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/028cg00 /film/film/language /m/03115z +/m/05v38p /film/film/genre /m/02n4kr +/m/03ttfc /people/ethnicity/geographic_distribution /m/09c7w0 +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06b4wb +/m/01vtj38 /film/actor/film./film/performance/film /m/07kb7vh +/m/01lz4tf /people/person/nationality /m/09c7w0 +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/02zyy4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dscrwf /film/film/music /m/01l79yc +/m/09y6pb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gr00 /location/location/time_zones /m/02hcv8 +/m/0564x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01m15br /people/person/gender /m/05zppz +/m/09snz /location/hud_county_place/place /m/09snz +/m/01z4y /media_common/netflix_genre/titles /m/0df2zx +/m/01z4y /media_common/netflix_genre/titles /m/04h41v +/m/01z4y /media_common/netflix_genre/titles /m/02pg45 +/m/01v9724 /influence/influence_node/influenced_by /m/04xjp +/m/01lly5 /people/person/profession /m/02hrh1q +/m/01gq0b /film/actor/film./film/performance/film /m/01gwk3 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k_mc +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/03h_0_z /people/person/nationality /m/09c7w0 +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0337vz /people/person/profession /m/01d_h8 +/m/02js_6 /people/person/languages /m/02h40lc +/m/07f8wg /people/person/places_lived./people/place_lived/location /m/09bjv +/m/01jq4b /education/educational_institution/school_type /m/05pcjw +/m/01zmpg /people/person/gender /m/05zppz +/m/01qkqwg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v406 /people/person/profession /m/0dxtg +/m/017r2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/07hgm /influence/influence_node/influenced_by /m/06gcn +/m/035wtd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05lls +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0n1rj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fs_d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02tz9z /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016ztl /film/film/genre /m/03k9fj +/m/026l37 /film/actor/film./film/performance/film /m/06_wqk4 +/m/01whg97 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0gx1bnj /film/film/country /m/03ryn +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/026m3y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hcj2 /people/person/profession /m/03gjzk +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vfqh +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/014g22 /people/person/gender /m/02zsn +/m/02kxg_ /base/culturalevent/event/entity_involved /m/07_m9_ +/m/02z1yj /film/actor/film./film/performance/film /m/09xbpt +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hhv +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/03mszl +/m/072zl1 /film/film/country /m/07ssc +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/05fcbk7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/040b5k /film/film/genre /m/02kdv5l +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/013jz2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/023n39 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0436kgz /people/person/nationality /m/06mkj +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/02h22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/072twv /people/person/place_of_birth /m/02cft +/m/01p7b6b /people/person/gender /m/05zppz +/m/0cp0t91 /film/film/genre /m/03k9fj +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/09c7w0 /location/location/contains /m/0r3wm +/m/09c7w0 /location/location/contains /m/027kp3 +/m/09c7w0 /location/location/contains /m/0t_07 +/m/09c7w0 /location/location/contains /m/01r47h +/m/09c7w0 /location/location/contains /m/0r3tb +/m/09c7w0 /location/country/second_level_divisions /m/0jryt +/m/09c7w0 /location/country/second_level_divisions /m/0n2vl +/m/09c7w0 /location/location/time_zones /m/02lcqs +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/046lt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/09d11 /medicine/disease/risk_factors /m/0217g +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/01vh18t /people/person/profession /m/02jknp +/m/02v63m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/030_3z /people/person/profession /m/02krf9 +/m/033g4d /film/film/language /m/012w70 +/m/016vqk /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gs6vr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dn3n +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/022q32 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/095zvfg /people/person/profession /m/02tx6q +/m/073bb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04y9mm8 /film/film/genre /m/02kdv5l +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/02qgqt /film/actor/film./film/performance/film /m/027r9t +/m/0ccqd7 /film/actor/film./film/performance/film /m/0gfzfj +/m/03pmzt /film/actor/film./film/performance/film /m/03cmsqb +/m/02qkwl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/020x5r /film/actor/film./film/performance/film /m/0g_zyp +/m/0152cw /people/person/profession /m/05z96 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/084qpk /film/film/music /m/089kpp +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/025jbj /people/person/place_of_birth /m/01_d4 +/m/016h4r /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0dt8xq +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0652ty /people/person/nationality /m/0d060g +/m/06fc0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/056xkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0525b /film/actor/film./film/performance/film /m/01pv91 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0157m /people/person/religion /m/01lp8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0fd3y /music/genre/artists /m/01w9mnm +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0gyh +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s8hms +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0353xq /film/film/executive_produced_by /m/01k_0fp +/m/0d_2fb /film/film/featured_film_locations /m/06q1r +/m/022g44 /people/person/profession /m/01d_h8 +/m/05lb30 /people/person/profession /m/02hrh1q +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0453t +/m/02_n7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07hgm +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09rvwmy /film/film/executive_produced_by /m/0dqmt0 +/m/011ywj /film/film/country /m/03rjj +/m/0170z3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0rh6k /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/04gnbv1 /people/person/profession /m/0dxtg +/m/03wh8kl /people/person/profession /m/03gjzk +/m/08swgx /film/actor/film./film/performance/film /m/02wgk1 +/m/0dt1cm /people/person/profession /m/016z4k +/m/040db /influence/influence_node/influenced_by /m/085gk +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/02jx1 /location/location/contains /m/02mg7n +/m/02jx1 /location/location/contains /m/0138t4 +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/04jpg2p /film/film/genre /m/03k9fj +/m/01ft2l /film/actor/film./film/performance/film /m/0c57yj +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/012q4n /film/actor/film./film/performance/film /m/0315rp +/m/0kbq /time/event/locations /m/09c7w0 +/m/07gp9 /film/film/genre /m/06n90 +/m/07gp9 /film/film/genre /m/07s2s +/m/0bt23 /people/person/nationality /m/09c7w0 +/m/01fm07 /music/genre/artists /m/01w7nwm +/m/024mxd /film/film/story_by /m/011s9r +/m/05233hy /people/deceased_person/place_of_death /m/0k_q_ +/m/01xwqn /people/person/nationality /m/09c7w0 +/m/0jpn8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025rcc /education/educational_institution/colors /m/09ggk +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0296y /music/genre/artists /m/016lj_ +/m/01wp8w7 /people/person/religion /m/0n2g +/m/0jjw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0x67 /people/ethnicity/people /m/016kjs +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh65c5 +/m/02zd2b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/014zfs /people/person/profession /m/0dxtg +/m/0fg04 /film/film/genre /m/0lsxr +/m/0dbxy /people/ethnicity/people /m/04xhwn +/m/0s987 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012vd6 /influence/influence_node/influenced_by /m/0d9xq +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04_by /people/person/profession /m/0kyk +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/0428bc /film/actor/film./film/performance/film /m/03sxd2 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/06_bq1 /people/person/profession /m/02hrh1q +/m/06_bq1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/037s9x +/m/01hr1 /film/film/genre /m/0btmb +/m/01797x /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/016_mj /film/actor/film./film/performance/film /m/05c26ss +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01my4f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06mkj +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/015076 /people/person/sibling_s./people/sibling_relationship/sibling /m/018db8 +/m/0bjqh /education/educational_institution/students_graduates./education/education/student /m/01k8rb +/m/0bzjf /location/location/contains /m/03qhnx +/m/034bs /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/0127s7 +/m/044lyq /film/actor/film./film/performance/film /m/02tgz4 +/m/023tp8 /people/person/gender /m/02zsn +/m/023tp8 /people/person/sibling_s./people/sibling_relationship/sibling /m/02v60l +/m/01ln5z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06c97 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j5x6 /people/person/gender /m/05zppz +/m/04fzk /people/person/nationality /m/09c7w0 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/03j0d /people/person/religion /m/0kq2 +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/09jcj6 /film/film/production_companies /m/05nn2c +/m/0k3k1 /location/location/contains /m/01m2n1 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cd2vh9 /film/film/executive_produced_by /m/079vf +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/0cjdk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cvwkr +/m/02kxbwx /people/person/profession /m/0dxtg +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/05nrkb /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/049m19 /film/actor/film./film/performance/film /m/047q2k1 +/m/016clz /music/genre/artists /m/0mgcr +/m/016clz /music/genre/artists /m/0phx4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02ht0ln +/m/064n1pz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/022q32 /people/person/profession /m/02hrh1q +/m/07jmnh /people/person/gender /m/05zppz +/m/05cgv /sports/sports_team_location/teams /m/03ylxn +/m/09wj5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0ggx5q /music/genre/artists /m/01wj18h +/m/0bdt8 /people/person/gender /m/02zsn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/0298n7 /film/film/executive_produced_by /m/03h304l +/m/03mp9s /people/person/nationality /m/09c7w0 +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/049nq /location/location/contains /m/051ls +/m/01tsbmv /people/person/gender /m/05zppz +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01fwqn +/m/0d7wh /people/ethnicity/people /m/02z6l5f +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01trhmt /people/person/religion /m/06nzl +/m/02756j /people/person/profession /m/02hrh1q +/m/07m2y /music/instrument/family /m/01kcd +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0kftt +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06wm0z +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/01l3j /people/person/gender /m/05zppz +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pqs8l +/m/030b93 /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04jt2 +/m/0mbhr /people/person/place_of_birth /m/01q_22 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/025scjj +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/02v0ff /people/person/profession /m/02hrh1q +/m/011lpr /people/person/nationality /m/09c7w0 +/m/01515w /people/person/nationality /m/09c7w0 +/m/0gh8zks /film/film/genre /m/07s9rl0 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03b04g +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01mmslz +/m/024lff /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07wbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_bkd /music/genre/artists /m/01wg982 +/m/01w3lzq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09sh8k +/m/0f2sx4 /film/film/produced_by /m/02r251z +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/01323p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/01323p /music/artist/origin /m/0k33p +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05ft32 /film/film/language /m/02h40lc +/m/0yx7h /film/film/language /m/02h40lc +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/01nrgq /people/person/profession /m/018gz8 +/m/01l03w2 /people/person/profession /m/09jwl +/m/01wwvc5 /people/person/nationality /m/09c7w0 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj36c +/m/030pr /people/person/profession /m/0dxtg +/m/021y7yw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/017d93 +/m/05cx7x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016cjb /music/genre/artists /m/0147jt +/m/0c35b1 /film/actor/film./film/performance/film /m/0963mq +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/01cwm1 /sports/sports_team/colors /m/06fvc +/m/03f02ct /people/person/languages /m/03k50 +/m/0c58k /people/cause_of_death/people /m/04093 +/m/04zyhx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blbxk /people/person/nationality /m/09c7w0 +/m/01k5zk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01k5zk /film/actor/film./film/performance/film /m/0jqn5 +/m/064_8sq /language/human_language/countries_spoken_in /m/01n6c +/m/041rx /people/ethnicity/people /m/03hhd3 +/m/041rx /people/ethnicity/people /m/02lf0c +/m/041rx /people/ethnicity/people /m/02k21g +/m/041rx /people/ethnicity/people /m/0683n +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/0btpm6 /film/film/language /m/0653m +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j2xj +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06wjf +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0b_fw /people/person/religion /m/0c8wxp +/m/06_wqk4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/03q5t /music/instrument/instrumentalists /m/01vsy3q +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0gnjh /film/film/genre /m/05p553 +/m/03f0r5w /people/person/profession /m/02krf9 +/m/01x4sb /people/person/places_lived./people/place_lived/location /m/0psxp +/m/02gnmp /education/educational_institution/students_graduates./education/education/student /m/016yr0 +/m/07xzm /music/instrument/instrumentalists /m/03qmj9 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/09rvcvl /film/film/executive_produced_by /m/02z2xdf +/m/050ks /location/location/time_zones /m/02hcv8 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2l9 +/m/06w38l /people/person/gender /m/05zppz +/m/02yy88 /music/genre/parent_genre /m/03lty +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08nvyr +/m/0bksh /people/person/profession /m/0d1pc +/m/06bng /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0jqkh /film/film/genre /m/0219x_ +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0dqcs3 /film/film/featured_film_locations /m/080h2 +/m/0378zn /film/actor/film./film/performance/film /m/0fy34l +/m/016_nr /music/genre/artists /m/01vvyd8 +/m/01vvy /influence/influence_node/influenced_by /m/06c44 +/m/05p9_ql /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/03rhqg /music/record_label/artist /m/07m4c +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0glt670 /music/genre/artists /m/018n6m +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/044n3h +/m/0cmdwwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01y9pk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j2zj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/01fwpt /film/actor/film./film/performance/film /m/025rxjq +/m/07xvf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01kcty /music/genre/parent_genre /m/03_d0 +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s2ys +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/073749 /film/actor/film./film/performance/film /m/026hxwx +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/07fpm3 /film/actor/film./film/performance/film /m/0d6_s +/m/03d96s /music/record_label/artist /m/047sxrj +/m/0cw3yd /film/film/country /m/0d060g +/m/0ndsl1x /film/film/genre /m/07s9rl0 +/m/01s73z /organization/organization/child./organization/organization_relationship/child /m/02_l39 +/m/09xvf7 /people/person/profession /m/0dxtg +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p9qb +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01jzyx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/042xrr +/m/017m2y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/037gjc +/m/07nx9j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/017g21 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/05bnp0 +/m/0mzkr /music/record_label/artist /m/0zjpz +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04g61 +/m/0280mv7 /people/person/profession /m/02jknp +/m/0gyv0b4 /film/film/genre /m/01jfsb +/m/015p37 /people/person/profession /m/0dxtg +/m/01nm3s /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01jfrg /film/actor/film./film/performance/film /m/0fb7sd +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05w88j +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02b71x /music/genre/parent_genre /m/025sc50 +/m/03lty /music/genre/artists /m/014_xj +/m/02c4s /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/059_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023l9y /people/person/gender /m/05zppz +/m/01vtmw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0f4yh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0gj9qxr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04z_x4v /people/person/gender /m/05zppz +/m/031x_3 /people/person/profession /m/09jwl +/m/08y2fn /film/film/story_by /m/01v9724 +/m/0cj2w /people/person/gender /m/05zppz +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03cvvlg /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/0lyb_ /award/award_category/winners./award/award_honor/award_winner /m/01m3x5p +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/02qzh2 /film/film/genre /m/05p553 +/m/059j4x /people/person/profession /m/02jknp +/m/07fj_ /location/country/form_of_government /m/01fpfn +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01twdk /film/actor/film./film/performance/film /m/07kb7vh +/m/03c_cxn /film/film/genre /m/0219x_ +/m/0dryh9k /people/ethnicity/people /m/087z12 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds3t5x +/m/06d4h /film/film_subject/films /m/01rwyq +/m/07c52 /media_common/netflix_genre/titles /m/0431v3 +/m/0c8hct /people/person/nationality /m/09c7w0 +/m/0jnr_ /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0htcn /people/person/profession /m/0dxtg +/m/0lzcs /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cy__l /film/film/film_format /m/0cj16 +/m/01qn8k /people/person/gender /m/02zsn +/m/01nkxvx /music/artist/origin /m/0pswc +/m/01xqw /music/instrument/instrumentalists /m/032t2z +/m/0135p7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/038723 /people/ethnicity/people /m/01wk7b7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016ppr +/m/0lvng /education/educational_institution/colors /m/083jv +/m/02c7lt /people/deceased_person/place_of_death /m/030qb3t +/m/04gp58p /film/film/language /m/02h40lc +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/01qd_r /education/educational_institution/colors /m/01l849 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/083pr +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01ycfv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/0ddfph +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym20 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02jztz +/m/0bzty /location/location/contains /m/0ggyr +/m/0478__m /people/person/profession /m/0nbcg +/m/02y0js /people/cause_of_death/people /m/01jrs46 +/m/02fn5r /music/group_member/membership./music/group_membership/role /m/02w3w +/m/0565cz /people/person/profession /m/039v1 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f1c +/m/026t6 /music/instrument/instrumentalists /m/01v3s2_ +/m/0gd92 /film/film/featured_film_locations /m/02_286 +/m/0ftns /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jmnl +/m/020_4z /people/person/nationality /m/07ssc +/m/06fvc /dataworld/gardening_hint/split_to /m/019sc +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/01zkxv /influence/influence_node/influenced_by /m/07zl1 +/m/083shs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01hb1t +/m/02ckl3 /education/educational_institution/school_type /m/05pcjw +/m/04xbr4 /people/person/place_of_birth /m/0d9jr +/m/0yfp /people/person/profession /m/0dxtg +/m/02lj6p /film/actor/film./film/performance/film /m/03nx8mj +/m/03fbb6 /film/actor/film./film/performance/film /m/02wwmhc +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017j6 +/m/0rydq /base/biblioness/bibs_location/country /m/09c7w0 +/m/013y1f /music/instrument/instrumentalists /m/01p95y0 +/m/01fkv0 /film/actor/film./film/performance/film /m/026wlxw +/m/05txrz /people/person/profession /m/0np9r +/m/0233qs /music/genre/artists /m/01wbl_r +/m/0jm3v /sports/sports_team/sport /m/018w8 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/051wwp /people/person/profession /m/0cbd2 +/m/0kz2w /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/031k24 /film/actor/film./film/performance/film /m/09gdm7q +/m/012xdf /people/person/profession /m/02hrh1q +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0f1sm /location/hud_county_place/place /m/0f1sm +/m/04wgh /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03bnd9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bhwhj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/053tj7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q7874 /film/film/language /m/02h40lc +/m/05rx__ /influence/influence_node/influenced_by /m/014z8v +/m/05rx__ /influence/influence_node/influenced_by /m/081nh +/m/03pvt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/014d4v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0408m53 /film/film/genre /m/06cvj +/m/0c7xjb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xhtw /music/genre/artists /m/01wkmgb +/m/0xhtw /music/genre/artists /m/01q99h +/m/03339m /music/genre/artists /m/01516r +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/0g768 /music/record_label/artist /m/094xh +/m/04xvlr /media_common/netflix_genre/titles /m/02vnmc9 +/m/03jm6c /people/person/nationality /m/09c7w0 +/m/0cx7f /music/genre/artists /m/0326tc +/m/0n85g /music/record_label/artist /m/01vrkdt +/m/0227tr /film/actor/film./film/performance/film /m/03h3x5 +/m/05c6073 /music/genre/parent_genre /m/06by7 +/m/04bs3j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p8s /location/country/form_of_government /m/01d9r3 +/m/02qnyr7 /people/person/languages /m/09s02 +/m/05k7sb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01x73 +/m/049qx /people/person/profession /m/0dz3r +/m/06pjs /people/person/nationality /m/09c7w0 +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/012x4t /people/person/profession /m/0n1h +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0r6cx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f04v +/m/024qqx /media_common/netflix_genre/titles /m/01s7w3 +/m/01bcq /people/person/profession /m/02hrh1q +/m/01bcq /film/actor/film./film/performance/film /m/03tps5 +/m/0ggq0m /music/genre/artists /m/031x_3 +/m/01y8zd /education/educational_institution/students_graduates./education/education/student /m/01trf3 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0161h5 /film/actor/film./film/performance/film /m/029jt9 +/m/01nyl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nln +/m/06z8gn /film/actor/film./film/performance/film /m/023vcd +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/07ssc /location/location/contains /m/0kqb0 +/m/07ssc /location/location/contains /m/026m3y +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0286hyp +/m/0286gm1 /film/film/genre /m/060__y +/m/081pw /film/film_subject/films /m/014knw +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/016z43 /film/film/country /m/09c7w0 +/m/06crng /influence/influence_node/influenced_by /m/01hmk9 +/m/05bt6j /music/genre/artists /m/0167_s +/m/02mxw0 /film/actor/film./film/performance/film /m/051ys82 +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/02h9_l +/m/09j_g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01l_yg /film/actor/film./film/performance/film /m/0k2sk +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09889g +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qrb2 +/m/018y81 /people/person/gender /m/05zppz +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05l4yg +/m/02qlp4 /film/film/genre /m/02kdv5l +/m/01x1fq /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/05dbyt /film/actor/film./film/performance/film /m/05_5rjx +/m/01g_k3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03pp73 /film/actor/film./film/performance/film /m/02q0v8n +/m/06bss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051wf /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0725ny /film/actor/film./film/performance/film /m/018nnz +/m/0nqph /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/033hqf /people/person/gender /m/05zppz +/m/06w7v /music/instrument/instrumentalists /m/04kjrv +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/056wb +/m/017mbb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01t94_1 /people/person/religion /m/03_gx +/m/04353 /people/person/profession /m/02jknp +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/07nf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/05dtsb /people/person/profession /m/02hrh1q +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05zlld0 /film/film/produced_by /m/05mvd62 +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ds83 /people/person/profession /m/0d1pc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/048xyn /film/film/genre /m/082gq +/m/06nvzg /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02vntj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02tc5y +/m/01h0kx /music/genre/artists /m/05k79 +/m/0hkqn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0xq63 /location/hud_county_place/county /m/0n5d1 +/m/02v60l /people/person/sibling_s./people/sibling_relationship/sibling /m/023tp8 +/m/01clyr /music/record_label/artist /m/07mvp +/m/05nqz /base/culturalevent/event/entity_involved /m/09py7 +/m/04cw0n4 /people/deceased_person/place_of_death /m/0f2wj +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0pz91 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h1x5f +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gnbv1 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01svq8 /influence/influence_node/influenced_by /m/013qvn +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/09kn9 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0qf3p /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01718w /film/film/genre /m/03k9fj +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/0308kx +/m/05s34b /organization/organization/place_founded /m/02_286 +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/035s95 /film/film/music /m/06fxnf +/m/0glb5 /location/location/time_zones /m/02llzg +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026qnh6 /film/film/featured_film_locations /m/02bm8 +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0ck91 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01cdt5 /medicine/symptom/symptom_of /m/0dcp_ +/m/011j5x /music/genre/artists /m/01wn718 +/m/09g0h /people/person/profession /m/02hrh1q +/m/01w272y /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01q7cb_ /people/person/places_lived./people/place_lived/location /m/0ggh3 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0dzst +/m/07f5x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/012m_ /location/country/official_language /m/0k0sv +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03y5ky /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/01wgcvn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013719 /education/educational_institution/school_type /m/05jxkf +/m/06p0s1 /people/person/profession /m/0dgd_ +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01b9z4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016kv6 /film/film/cinematography /m/06r_by +/m/02swsm /music/record_label/artist /m/015cxv +/m/051m56 /people/person/gender /m/05zppz +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r7pq +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/0dn3n +/m/0pnf3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/02_01w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w1sx /film/film_subject/films /m/018js4 +/m/074j87 /tv/tv_program/genre /m/066wd +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02t__3 /film/actor/film./film/performance/film /m/046f3p +/m/02r9p0c /film/film/produced_by /m/03_2y +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047vp1n +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/019m9h /sports/sports_team/colors /m/038hg +/m/02704ff /film/film/genre /m/05p553 +/m/02fgm7 /people/person/nationality /m/0chghy +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/0175yg /music/genre/artists /m/02qsjt +/m/05kkh /location/location/partially_contains /m/0lm0n +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0c0yh4 /film/film/language /m/064_8sq +/m/01tqfs /sports/sports_team/sport /m/02vx4 +/m/05r6t /music/genre/parent_genre /m/09jw2 +/m/05r6t /music/genre/artists /m/01w02sy +/m/03r0g9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gf5h +/m/0gbtbm /tv/tv_program/genre /m/01z77k +/m/04ck0_ /sports/sports_team/sport /m/02vx4 +/m/09q5w2 /film/film/genre /m/06l3bl +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/016kb7 +/m/06s6l /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02f6g5 /film/film/genre /m/05p553 +/m/03gj2 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/0373qt /education/educational_institution/students_graduates./education/education/student /m/053xw6 +/m/03q43g /people/person/gender /m/05zppz +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/04bbv7 /people/person/profession /m/09jwl +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0z4s +/m/0fc_9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06g2d1 /people/person/nationality /m/09c7w0 +/m/025n3p /people/person/place_of_birth /m/02_286 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/0hqly /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05fjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0171cm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03rtz1 /film/film/genre /m/07s9rl0 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/09swkk /music/artist/track_contributions./music/track_contribution/role /m/04q7r +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/06t2t /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01chpn /film/film/genre /m/01t_vv +/m/03_d0 /music/genre/artists /m/01m15br +/m/0mwxz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06rqw /music/genre/artists /m/01dw_f +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01jrvr6 +/m/079yb /base/biblioness/bibs_location/country /m/03rjj +/m/02p3cr5 /music/record_label/artist /m/01vv7sc +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0194zl /film/film/language /m/02h40lc +/m/028fjr /business/job_title/people_with_this_title./business/employment_tenure/company /m/03qbm +/m/0_kfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0315q3 /film/actor/film./film/performance/film /m/0c9t0y +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0dz46 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0dz46 /people/person/profession /m/0kyk +/m/03cw411 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09dv8h +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02tjl3 /film/film/country /m/0d060g +/m/0241jw /film/actor/film./film/performance/film /m/0gs973 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fh694 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/0gx1bnj /film/film/genre /m/02l7c8 +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/031x_3 +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/01qxc7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/01pbs9w /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01hcj2 /film/actor/film./film/performance/film /m/09lxv9 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/0crd8q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09gdm7q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f7hc /film/actor/film./film/performance/film /m/0b1y_2 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/05c26ss +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03676 +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/0c0sl +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/02q56mk /film/film/music /m/0fpjyd +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0kvf3b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02d6n_ /film/actor/film./film/performance/film /m/07gp9 +/m/03h4mp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0zpfy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lf1j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kk_c +/m/02hkv5 /people/person/profession /m/02hrh1q +/m/02h22 /film/film/executive_produced_by /m/04w1j9 +/m/09kr66 /people/ethnicity/people /m/0j582 +/m/04bdqk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01738f /music/genre/parent_genre /m/016clz +/m/0gcpc /film/film/film_festivals /m/05ys0ws +/m/04w1j9 /people/person/gender /m/05zppz +/m/06w87 /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/09c7w0 /location/location/contains /m/02d6c +/m/09c7w0 /location/location/contains /m/023zl +/m/09c7w0 /location/country/second_level_divisions /m/0mqs0 +/m/09c7w0 /location/country/second_level_divisions /m/0mp08 +/m/0372kf /film/actor/film./film/performance/film /m/01f69m +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0cv0r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dn8b +/m/01cpqk /film/actor/film./film/performance/film /m/07bxqz +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/03x1s8 /education/educational_institution/school_type /m/05jxkf +/m/01qwb5 /education/educational_institution/school_type /m/01_9fk +/m/02x3y41 /film/film/country /m/09c7w0 +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/01yznp /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0fpxp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f40w +/m/0ngg /people/person/profession /m/0fj9f +/m/06sn8m /people/person/nationality /m/09c7w0 +/m/02725hs /film/film/genre /m/060__y +/m/01p0w_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/017vkx /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0168dy /film/actor/film./film/performance/film /m/04tqtl +/m/01smm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015qsq /film/film/genre /m/06lbpz +/m/015qsq /film/film/genre /m/07s9rl0 +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03n08b /film/actor/film./film/performance/film /m/0prrm +/m/049n3s /sports/sports_team/colors /m/083jv +/m/0fgg4 /film/actor/film./film/performance/film /m/0c38gj +/m/04954r /film/film/genre /m/05p553 +/m/0ccqd7 /people/person/gender /m/05zppz +/m/010xjr /people/person/nationality /m/03rt9 +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/0683n /people/person/profession /m/0kyk +/m/032sl_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01713c /people/person/gender /m/05zppz +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03548 +/m/09f2j /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01vw37m /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0194zl +/m/01w9ph_ /influence/influence_node/influenced_by /m/0453t +/m/06ybb1 /film/film/written_by /m/04wp2p +/m/03q3sy /people/person/gender /m/05zppz +/m/015fsv /education/educational_institution/students_graduates./education/education/student /m/06pwf6 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/026mx4 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02yplc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gpkt +/m/09k0h5 /organization/organization/child./organization/organization_relationship/child /m/02pfymy +/m/03s9kp /film/film/genre /m/07s9rl0 +/m/01w5m /education/educational_institution/school_type /m/07tf8 +/m/0f87jy /people/person/nationality /m/09c7w0 +/m/0830vk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0560w +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/071x0k /people/ethnicity/geographic_distribution /m/05v8c +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02630g +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0ks67 +/m/02mjf2 /people/person/gender /m/05zppz +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/011ywj /film/film/language /m/02h40lc +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/01r2l /language/human_language/countries_spoken_in /m/01crd5 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/040db /people/person/gender /m/05zppz +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0l6qt +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0421st /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l6ny /olympics/olympic_games/sports /m/0bynt +/m/063vn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06dfg +/m/07l450 /film/film/genre /m/01f9r0 +/m/0m2wm /people/person/places_lived./people/place_lived/location /m/09ksp +/m/01yzhn /film/actor/film./film/performance/film /m/0y_yw +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q23x +/m/03x400 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/033071 /people/person/gender /m/05zppz +/m/0k8y7 /people/person/languages /m/06b_j +/m/01l50r /tv/tv_network/programs./tv/tv_network_duration/program /m/05b6s5j +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/06x76 /sports/sports_team/colors /m/01g5v +/m/0x67 /people/ethnicity/people /m/0205dx +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025twgt +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03nyts /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cbv4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0p_qr /film/film/genre /m/02l7c8 +/m/07b_l /location/location/contains /m/013m4v +/m/0294mx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06x43v /film/film/produced_by /m/03h304l +/m/04ktcgn /people/person/nationality /m/09c7w0 +/m/03nkts /people/person/place_of_birth /m/04pry +/m/09r9dp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01v3rb /organization/organization/headquarters./location/mailing_address/citytown /m/0f04v +/m/047vp1n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05w88j +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c4g +/m/06c62 /sports/sports_team_location/teams /m/0ytc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03gn1x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0yl_3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02hp70 +/m/016yvw /people/person/nationality /m/02jx1 +/m/04_1l0v /location/location/contains /m/04ych +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05p3738 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/01g4yw /education/educational_institution/colors /m/06fvc +/m/0fpzt5 /people/person/profession /m/05z96 +/m/02qdyj /organization/organization/headquarters./location/mailing_address/citytown /m/096gm +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/06by7 /music/genre/artists /m/02_5x9 +/m/01mxnvc /music/artist/origin /m/0k33p +/m/0146hc /education/educational_institution/campuses /m/0146hc +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/01cszh /music/record_label/artist /m/01304j +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/06hwzy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fzk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mfvc +/m/04fzk /film/actor/film./film/performance/film /m/0cp0t91 +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/01qqtr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/016nvh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jq1 /film/film_subject/films /m/01kqq7 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mjmr +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0ckm4x /people/person/place_of_birth /m/013d7t +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06q83 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dy04 +/m/0226cw /people/person/religion /m/0c8wxp +/m/05w3f /music/genre/artists /m/021r7r +/m/04l3_z /people/person/profession /m/0np9r +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05jbn +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07cz2 +/m/02mc79 /people/person/profession /m/02jknp +/m/0165v /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03ryzs /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07cdz +/m/02vsw1 /people/ethnicity/languages_spoken /m/0t_2 +/m/0jrv_ /music/genre/artists /m/016m5c +/m/0k4gf /people/person/profession /m/01c72t +/m/02g9z1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/015q43 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/02fwfb /film/film/genre /m/01q03 +/m/01g4bk /people/person/profession /m/018gz8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4bc +/m/09qc1 /people/person/profession /m/0dxtg +/m/0cjcbg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mqtr /media_common/netflix_genre/titles /m/04tng0 +/m/03mqtr /media_common/netflix_genre/titles /m/04nm0n0 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w1kyf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fhnf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d1y7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/021lkq +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/078mgh /people/person/gender /m/05zppz +/m/06mvq /people/ethnicity/geographic_distribution /m/02vzc +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02w4v /music/genre/artists /m/01kph_c +/m/09gffmz /people/person/profession /m/01d_h8 +/m/092vkg /film/film/music /m/01m5m5b +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0cl_m +/m/01p896 /education/educational_institution/students_graduates./education/education/student /m/0b7t3p +/m/03cs_xw /people/person/place_of_birth /m/01sn3 +/m/0h3y /location/location/time_zones /m/02llzg +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/01_bkd /music/genre/artists /m/01w8n89 +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/0sw62 +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0f2zc +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gq0x5 +/m/0164v /location/country/official_language /m/064_8sq +/m/082_p /influence/influence_node/influenced_by /m/017r2 +/m/07vyf /education/university/fraternities_and_sororities /m/0325pb +/m/06z8s_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/01ypsj /people/person/profession /m/02hrh1q +/m/076psv /people/person/gender /m/05zppz +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0127s7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0l8gh /music/genre/artists /m/09h_q +/m/026gyn_ /film/film/genre /m/060__y +/m/0gywn /music/genre/artists /m/044mfr +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/01lyv /music/genre/artists /m/028hc2 +/m/01lyv /music/genre/artists /m/015cxv +/m/01lyv /music/genre/artists /m/0168cl +/m/045w_4 /people/person/place_of_birth /m/0d9jr +/m/01b_lz /tv/tv_program/genre /m/0gs6m +/m/01vrx3g /people/person/gender /m/05zppz +/m/03mdt /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/0ply0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0170pk /film/actor/film./film/performance/film /m/05pt0l +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0416y94 +/m/029qzx /education/educational_institution/students_graduates./education/education/student /m/01yg9y +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/01m24m /location/location/time_zones /m/02hcv8 +/m/011yg9 /film/film/story_by /m/040dv +/m/0btpm6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04pk1f +/m/026c0p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0qkj7 /people/person/profession /m/018gz8 +/m/026n9h3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1kl +/m/06lgq8 /people/person/gender /m/05zppz +/m/07hwkr /people/ethnicity/languages_spoken /m/05qqm +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0d3k14 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/022fdt /people/ethnicity/languages_spoken /m/02h40lc +/m/0p7h7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wrz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mp8k /music/record_label/artist /m/02k5sc +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09yrh /people/person/nationality /m/09c7w0 +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/03mh_tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/05jyb2 +/m/07xzm /music/instrument/instrumentalists /m/0259r0 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02sdx /people/person/religion /m/0c8wxp +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07hpv3 /tv/tv_program/genre /m/05p553 +/m/03mb9 /music/genre/artists /m/06k02 +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01vh3r /film/actor/film./film/performance/film /m/03nfnx +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03h_fqv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0693l /people/person/places_lived./people/place_lived/location /m/0_vn7 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3zjn7 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/07vhb /education/educational_institution/school_type /m/05jxkf +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mc79 +/m/01_1pv /film/film/production_companies /m/04rcl7 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/03q0r1 /film/film/language /m/0880p +/m/0g7k2g /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/05np2 /influence/influence_node/influenced_by /m/028p0 +/m/05r5c /music/instrument/instrumentalists /m/01s7ns +/m/0ds33 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0hjy /location/location/contains /m/0l_v1 +/m/03rhqg /music/record_label/artist /m/03sww +/m/017l96 /music/record_label/artist /m/01lz4tf +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/01_qgp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0grrq8 /people/person/profession /m/01d_h8 +/m/0464pz /tv/tv_program/genre /m/0lsxr +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01y9pk /education/educational_institution/colors /m/01g5v +/m/06t61y /people/person/gender /m/02zsn +/m/0cx6f /music/genre/artists /m/0fpjd_g +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9cv +/m/048rn /film/film/genre /m/02kdv5l +/m/01q9b9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/043t8t /film/film/language /m/02h40lc +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03qd_ /people/person/profession /m/02hrh1q +/m/02wmy /location/administrative_division/country /m/02wmy +/m/02508x /people/person/nationality /m/02jx1 +/m/07kh6f3 /film/film/production_companies /m/01gb54 +/m/04f_d /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0821j /people/person/nationality /m/0d060g +/m/03dbds /people/person/profession /m/02jknp +/m/05_5_22 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02vjzr /music/genre/artists /m/018y2s +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04tgp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/08xvpn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p7tx /location/location/time_zones /m/02llzg +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01ln5z +/m/019n9w /education/educational_institution/campuses /m/019n9w +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/02qd04y +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03x6w8 /sports/sports_team/colors /m/038hg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/0fs9jn /film/actor/film./film/performance/film /m/076tw54 +/m/027kp3 /education/educational_institution/colors /m/01g5v +/m/03kdl /people/person/profession /m/012t_z +/m/0mzkr /music/record_label/artist /m/0jg77 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/09h_q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cmrt /people/person/languages /m/0688f +/m/01v2xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02d02 /sports/sports_team/colors /m/0jc_p +/m/03x22w /film/actor/film./film/performance/film /m/0g3zrd +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0c408_ /people/person/profession /m/0dxtg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/04fcjt /music/record_label/artist /m/016ksk +/m/02q3bb /people/person/profession /m/09jwl +/m/0g6ff /people/ethnicity/geographic_distribution /m/0jt3tjf +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/01y20v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01dtcb /music/record_label/artist /m/015bwt +/m/03h40_7 /people/person/profession /m/01d_h8 +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0p_r5 /people/person/gender /m/05zppz +/m/07fj_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/048z7l /people/ethnicity/people /m/05bnp0 +/m/03c_cxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dryh9k /people/ethnicity/people /m/0bkg87 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/06w7mlh /tv/tv_program/country_of_origin /m/0d060g +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/09zmys /people/person/profession /m/03gjzk +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/06r2_ /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/02_pft /film/actor/film./film/performance/film /m/0jvt9 +/m/0gy4k /film/film/language /m/02h40lc +/m/07c52 /media_common/netflix_genre/titles /m/02qr46y +/m/06pvr /location/location/contains /m/0r771 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/07b3r9 /people/person/profession /m/03gjzk +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/03x16f +/m/01xqw /music/instrument/instrumentalists /m/01t110 +/m/015pdg /music/genre/artists /m/0mjn2 +/m/015pdg /music/genre/artists /m/03c3yf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/0jdx /location/country/form_of_government /m/018wl5 +/m/04v7kt /film/actor/film./film/performance/film /m/062zjtt +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02rn00y /film/film/genre /m/05p553 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0cq8qq /film/film/genre /m/0hfjk +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/076lxv /people/deceased_person/place_of_death /m/0f2wj +/m/0gn30 /people/person/profession /m/02hrh1q +/m/03j1p2n /people/person/profession /m/09jwl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/06crk +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0478__m /influence/influence_node/influenced_by /m/09889g +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/07x4c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jzc +/m/021j72 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/08b0cj /people/person/spouse_s./people/marriage/location_of_ceremony /m/0fnc_ +/m/09pl3s /people/person/places_lived./people/place_lived/location /m/07b_l +/m/027nb /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/055z7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/06fqlk /film/film/prequel /m/02b61v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01q8hj +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01mjq +/m/0clvcx /people/person/gender /m/02zsn +/m/016732 /organization/organization_founder/organizations_founded /m/05byxm +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09bw4_ /film/film/production_companies /m/0c41qv +/m/0pmhf /film/actor/film./film/performance/film /m/076zy_g +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0137n0 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0pd57 /film/film/genre /m/01jfsb +/m/02cvp8 /people/person/sibling_s./people/sibling_relationship/sibling /m/030dx5 +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/041bnw +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02y0dd +/m/042xh /influence/influence_node/influenced_by /m/0dz46 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02mgp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q_dw +/m/02j9z /base/locations/continents/countries_within /m/03rjj +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/042ly5 +/m/01vs4ff /people/person/profession /m/09jwl +/m/0233qs /music/genre/artists /m/09z1lg +/m/06c44 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bh6y /people/person/profession /m/02hrh1q +/m/016dgz /film/actor/film./film/performance/film /m/0c_j9x +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01gkmx /film/actor/film./film/performance/film /m/0421ng +/m/013cr /film/actor/film./film/performance/film /m/04sh80 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/01c58j /people/person/profession /m/015h31 +/m/05myd2 /film/actor/film./film/performance/film /m/0fphgb +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/039n1 /people/person/profession /m/05t4q +/m/05hdf /people/person/profession /m/02hrh1q +/m/01x2tm8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bdkd /film/film/genre /m/03mqtr +/m/0126t5 /music/genre/artists /m/025xt8y +/m/0126t5 /music/genre/artists /m/01vsyjy +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/06rvn /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/04wgh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/026z9 /music/genre/artists /m/012z8_ +/m/02x2jl_ /film/film/genre /m/02qfv5d +/m/0gmblvq /film/film/genre /m/03bxz7 +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03h502k /music/artist/origin /m/02xry +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/0c8tk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06b_0 /people/person/profession /m/0dxtg +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gqrb +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03m6_z /people/person/profession /m/09jwl +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z215 +/m/0g768 /music/record_label/artist /m/0h1nt +/m/03qlv7 /music/instrument/instrumentalists /m/01ky2h +/m/05vzql /people/person/gender /m/02zsn +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gztl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02lxrv /film/film/genre /m/0vgkd +/m/06v9_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0557q /music/genre/artists /m/01jqr_5 +/m/016lv3 /people/person/profession /m/018gz8 +/m/0xnvg /people/ethnicity/people /m/0htlr +/m/07sgdw /film/film/music /m/01l1rw +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05k7sb /location/location/contains /m/0k3ll +/m/049qx /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0ff2k /people/person/profession /m/0dxtg +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/01cwcr +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/042z_g +/m/035yn8 /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/04cy8rb /people/person/gender /m/05zppz +/m/09qh1 /people/person/religion /m/0n2g +/m/09y20 /film/actor/film./film/performance/film /m/03hxsv +/m/01vrncs /people/person/profession /m/02hrh1q +/m/01vrncs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y8zd /education/educational_institution/colors /m/04mkbj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06z8gn /film/actor/film./film/performance/film /m/078sj4 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q415 +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02gyl0 /people/person/profession /m/02hrh1q +/m/081pw /film/film_subject/films /m/02qhlwd +/m/04qr6d /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/0dck27 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05cgy8 /people/person/profession /m/0cbd2 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0f8pz +/m/09fqd3 /people/person/place_of_birth /m/0ytph +/m/05bt6j /music/genre/artists /m/01m7pwq +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/09j_g /business/business_operation/industry /m/020mfr +/m/0c38gj /film/film/genre /m/0lsxr +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01l87db /people/person/profession /m/02hrh1q +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03g5jw +/m/02_sr1 /film/film/produced_by /m/03h304l +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/01pcql /film/actor/film./film/performance/film /m/062zm5h +/m/01zpmq /business/business_operation/industry /m/01mf0 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bmssv /film/film/country /m/07ssc +/m/07bcn /location/location/time_zones /m/02lcqs +/m/06sw9 /location/country/official_language /m/02h40lc +/m/062zjtt /film/film/featured_film_locations /m/030qb3t +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053vcrp +/m/027s39y /film/film/genre /m/01hmnh +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/018x3 +/m/05ml_s /people/person/nationality /m/09c7w0 +/m/037gjc /film/actor/film./film/performance/film /m/0f8j13 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01xpxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07cyl /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/0fhxv /people/person/profession /m/02hrh1q +/m/02p5hf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07kb5 /influence/influence_node/influenced_by /m/0gz_ +/m/0gdqy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_87 /influence/influence_node/influenced_by /m/04jwp +/m/0c0tzp /people/person/places_lived./people/place_lived/location /m/0mzww +/m/07f3xb /people/person/languages /m/02bjrlw +/m/03z9585 /film/film/cinematography /m/08mhyd +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fk5 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0ddkf +/m/0164qt /film/film/film_production_design_by /m/04_1nk +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/04dsnp /film/film/language /m/064_8sq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/05x8n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/03x16f +/m/018vs /music/instrument/instrumentalists /m/01wf86y +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0jltp +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081lh +/m/05nqz /time/event/locations /m/04w4s +/m/05g3b /sports/sports_team/colors /m/06fvc +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/01y8cr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gs5q /people/person/profession /m/01d_h8 +/m/01f9y_ /music/genre/parent_genre /m/03_d0 +/m/0969fd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0brddh /people/person/places_lived./people/place_lived/location /m/0byh8j +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/016ypb +/m/0lzb8 /people/person/profession /m/0kyk +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0g476 /people/person/nationality /m/09c7w0 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hxsv +/m/04mkft /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mqh5 /film/actor/film./film/performance/film /m/0dcz8_ +/m/03kcyd /people/person/profession /m/012t_z +/m/05p8bf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0grjmv /music/genre/artists /m/01vsy7t +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/034np8 /people/person/nationality /m/09c7w0 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/015dcj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03crmd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037cr1 /film/film/production_companies /m/025hwq +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl6fv +/m/011k1h /music/record_label/artist /m/01vsl3_ +/m/064t9 /music/genre/artists /m/01v0sxx +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0mw_q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dvld /people/person/nationality /m/07ssc +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07t90 +/m/061zc_ /people/person/profession /m/0fj9f +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01phtd /film/actor/film./film/performance/film /m/03sxd2 +/m/0bqs56 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/01wgcvn /people/person/profession /m/018gz8 +/m/048cl /people/person/nationality /m/01k6y1 +/m/0993r /people/person/places_lived./people/place_lived/location /m/0r540 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0277470 +/m/04x4gj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h7pj +/m/01vyv9 /people/person/gender /m/05zppz +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/01kym3 /film/actor/film./film/performance/film /m/02z9hqn +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/04bdqk +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0322yj /film/film/language /m/02h40lc +/m/07ym47 /music/genre/artists /m/03c3yf +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kz4w +/m/017g2y /people/person/nationality /m/09c7w0 +/m/0dcsx /people/cause_of_death/people /m/01dkpb +/m/01pl14 /education/educational_institution/students_graduates./education/education/student /m/02d4ct +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/05r6t /music/genre/artists /m/02t3ln +/m/0g_bh /music/genre/artists /m/0lzkm +/m/026mfbr /film/film/featured_film_locations /m/0q_xk +/m/0d6qjf /film/film_subject/films /m/05pbl56 +/m/01b3bp /people/person/profession /m/01d_h8 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04bbv7 /people/person/nationality /m/09c7w0 +/m/08wjf4 /film/actor/film./film/performance/film /m/0dzz6g +/m/012ycy /people/person/place_of_birth /m/0rh6k +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0kbn5 /people/person/nationality /m/09c7w0 +/m/0ds11z /film/film/featured_film_locations /m/04jpl +/m/016z1t /people/person/profession /m/0nbcg +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/03flwk /people/person/gender /m/05zppz +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0glmv +/m/033tf_ /people/ethnicity/people /m/0432cd +/m/033tf_ /people/ethnicity/people /m/0315q3 +/m/033tf_ /people/ethnicity/people /m/02dth1 +/m/06ryl /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01fwj8 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/0w6w /people/person/gender /m/05zppz +/m/01vhb0 /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/053yx +/m/084n_ /location/country/official_language /m/04306rv +/m/0bth54 /film/film/genre /m/01zhp +/m/01v9724 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/04vq3h +/m/08815 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/07cz2 /film/film/executive_produced_by /m/0glyyw +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07r1_ +/m/0d63kt /media_common/netflix_genre/titles /m/05hjnw +/m/0gm34 /people/deceased_person/place_of_burial /m/018mmw +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02x0fs9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jgxn /film/film_subject/films /m/0c57yj +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/01qbg5 /film/film/music /m/01m3b1t +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gyx4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03knl +/m/0f8j13 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pvxl /film/film/genre /m/0jdm8 +/m/0d87hc /film/film/production_companies /m/016tw3 +/m/0tnkg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015w8_ /tv/tv_program/genre /m/0pr6f +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01hkck /people/person/nationality /m/09c7w0 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/01l9p /film/actor/film./film/performance/film /m/0992d9 +/m/016ztl /film/film/country /m/03_3d +/m/016zp5 /film/actor/film./film/performance/film /m/04ltlj +/m/0d810y /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/0m7d0 /location/location/time_zones /m/02hcv8 +/m/0gh6j94 /film/film/language /m/064_8sq +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/0dlm_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049tjg /people/person/languages /m/02h40lc +/m/06g4_ /people/person/employment_history./business/employment_tenure/company /m/02zd460 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01trhmt +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06nnj +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07z5n +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/02k1pr /film/film/written_by /m/06kbb6 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0d060g /location/location/contains /m/02583l +/m/048htn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02d6n_ /people/person/gender /m/05zppz +/m/01skmp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/076_74 /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0345h /location/location/contains /m/0ps1q +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0trv /education/educational_institution/colors /m/04mkbj +/m/05nrg /location/location/contains /m/0chgzm +/m/0ckt6 /film/film/featured_film_locations /m/030qb3t +/m/09kr66 /people/ethnicity/people /m/0kjgl +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/012fvq /education/educational_institution_campus/educational_institution /m/012fvq +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05567m /film/film/genre /m/02kdv5l +/m/09c7w0 /location/location/contains /m/0gy3w +/m/09c7w0 /location/location/contains /m/01jszm +/m/05qhnq /people/person/nationality /m/0chghy +/m/0cv5l /location/location/contains /m/0hc8h +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/018m5q /education/educational_institution_campus/educational_institution /m/018m5q +/m/080lkt7 /film/film/genre /m/0219x_ +/m/01sxd1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gxb2 /medicine/symptom/symptom_of /m/09969 +/m/013hvr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018s6c /people/ethnicity/people /m/016k62 +/m/0301bq /film/actor/film./film/performance/film /m/05fcbk7 +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03k1vm /people/person/nationality /m/09c7w0 +/m/02kbtf /education/educational_institution/school_type /m/01_srz +/m/05sb1 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02z6l5f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06chf +/m/027jw0c /organization/organization/place_founded /m/02z0j +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zft0 +/m/02lq10 /people/person/languages /m/02h40lc +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/043zg /people/person/nationality /m/09c7w0 +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0nbjq /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/02l4rh +/m/01kj0p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/01_6dw +/m/06sfk6 /film/film/costume_design_by /m/0bytfv +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/0ctw_b /location/location/contains /m/0gslw +/m/0ctw_b /location/country/form_of_government /m/01fpfn +/m/06j6l /music/genre/artists /m/0163r3 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03nqnnk /film/film/produced_by /m/024t0y +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/0gghm /music/instrument/instrumentalists /m/016s_5 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/034m8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0165v +/m/0dsvzh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0653m /media_common/netflix_genre/titles /m/043n0v_ +/m/0432mrk /people/ethnicity/people /m/01xwqn +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/012hw /people/cause_of_death/people /m/016hvl +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03xds +/m/057xn_m /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05yh_t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gl3hr +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027j9wd +/m/0c9c0 /people/person/profession /m/01d_h8 +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/018y2s /music/group_member/membership./music/group_membership/group /m/013w8y +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/025v3k +/m/02py4c8 /film/film/genre /m/0d63kt +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fxky3 +/m/01dvbd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/03xj05 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06y7d /people/person/profession /m/07lqg0 +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03j24kf /music/group_member/membership./music/group_membership/group /m/07c0j +/m/02825kb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02jx1 /location/location/contains /m/0lbfv +/m/0308kx /people/person/gender /m/05zppz +/m/050l8 /location/location/time_zones /m/02hczc +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/041mt /influence/influence_node/influenced_by /m/032l1 +/m/020y73 /film/film/language /m/02h40lc +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/078jt5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z9n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0py9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0738b8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/059xnf /film/actor/film./film/performance/film /m/02wgbb +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/02qm5j /music/genre/artists /m/03xhj6 +/m/0mwk9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0frf6 +/m/036hf4 /people/person/profession /m/02hrh1q +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cbt3 +/m/0399p /influence/influence_node/influenced_by /m/03j2gxx +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/06m61 +/m/03ffcz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dgskx +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08q1tg /people/cause_of_death/people /m/024y6w +/m/0dvmd /people/person/place_of_birth /m/0f2wj +/m/017_qw /music/genre/artists /m/0csdzz +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/06znpjr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/011xhx /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/01zfrt /sports/sports_team_location/teams /m/01rlz4 +/m/0k345 /music/genre/artists /m/02whj +/m/04jn6y7 /film/film/genre /m/07s9rl0 +/m/04jn6y7 /film/film/produced_by /m/02pq9yv +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0b9f7t /people/person/nationality /m/03_3d +/m/01sp81 /people/person/nationality /m/06v36 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/027qgy /film/film/genre /m/0219x_ +/m/0mm1q /people/person/profession /m/02jknp +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07vfy4 /film/film/music /m/01gg59 +/m/0fw3f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_grx /people/deceased_person/place_of_death /m/06_kh +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01y9qr +/m/0lcx /influence/influence_node/influenced_by /m/06myp +/m/09ld6g /people/person/profession /m/02hrh1q +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04_1l0v /location/location/contains /m/026mj +/m/014bpd /film/film/country /m/0d060g +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/03w4sh /film/actor/film./film/performance/film /m/047qxs +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/0bv7t +/m/06by7 /music/genre/artists /m/0152cw +/m/06by7 /music/genre/artists /m/01p95y0 +/m/0bt4r4 /people/person/gender /m/05zppz +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/01mkn_d +/m/02psvcf /people/cause_of_death/people /m/0202p_ +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/03f6fl0 +/m/0p9z5 /location/location/time_zones /m/02hcv8 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/02w7gg /people/ethnicity/people /m/015t7v +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/050z2 /people/person/profession /m/09jwl +/m/07phbc /film/film/genre /m/0lsxr +/m/02jyr8 /education/educational_institution/colors /m/01l849 +/m/023p33 /film/film/country /m/09c7w0 +/m/0137g1 /people/person/profession /m/0fnpj +/m/0133_p /music/genre/artists /m/0kxbc +/m/05l0j5 /people/person/profession /m/02hrh1q +/m/023kzp /people/person/places_lived./people/place_lived/location /m/0d0x8 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0r04p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/01f7dd /film/actor/film./film/performance/film /m/0170yd +/m/0m24v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05148p4 /music/instrument/instrumentalists /m/02p2zq +/m/049dyj /people/person/places_lived./people/place_lived/location /m/0167q3 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01bt59 +/m/02q6cv4 /people/person/nationality /m/09c7w0 +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/05w3f /music/genre/artists /m/01wxdn3 +/m/05w3f /music/genre/artists /m/07n68 +/m/02w6s3 /music/genre/artists /m/06k02 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03x33n +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/014xf6 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/01tsbmv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030xr_ +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/024jwt +/m/09n70c /people/person/places_lived./people/place_lived/location /m/010nlt +/m/01wskg /people/person/nationality /m/02jx1 +/m/01trhmt /people/person/places_lived./people/place_lived/location /m/013yq +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05br2 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027nb +/m/05qhw /location/location/contains /m/071g6 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/01w524f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01385g +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/0gs9p /award/award_category/category_of /m/0g_w +/m/0190vc /music/record_label/artist /m/0411q +/m/03mqtr /media_common/netflix_genre/titles /m/08sfxj +/m/05c5z8j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dfcn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03khn +/m/082wbh /sports/sports_team/sport /m/018w8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/03cf9ly /tv/tv_program/genre /m/02n4kr +/m/03cf9ly /tv/tv_program/genre /m/01jfsb +/m/0l35f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m68w /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07yp0f /film/actor/film./film/performance/film /m/0992d9 +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/01_bkd /music/genre/artists /m/01516r +/m/02prwdh /film/film/language /m/02h40lc +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rt +/m/06b4wb /film/actor/film./film/performance/film /m/0jnwx +/m/0466k4 /people/person/gender /m/05zppz +/m/019n7x /people/person/profession /m/012wxt +/m/0pc62 /film/film/featured_film_locations /m/03gh4 +/m/0pgjm /people/person/profession /m/0np9r +/m/04wvhz /people/person/profession /m/0dxtg +/m/01wj9y9 /people/person/nationality /m/09c7w0 +/m/011xg5 /film/film/country /m/09c7w0 +/m/011xg5 /film/film/genre /m/06n90 +/m/01yk13 /people/person/profession /m/09jwl +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/0bxy67 /people/person/gender /m/05zppz +/m/0j582 /people/person/profession /m/01d_h8 +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/02vr7 /film/actor/film./film/performance/film /m/03hfmm +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/01w40h /music/record_label/artist /m/01wz_ml +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/01kwsg /people/person/profession /m/02hrh1q +/m/082xp /people/person/nationality /m/02jx1 +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/057d89 +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/0lzkm +/m/041rx /people/ethnicity/people /m/01gw8b +/m/0b_6s7 /time/event/locations /m/0vm39 +/m/01g6l8 /education/educational_institution/school_type /m/05jxkf +/m/0g5879y /film/film/country /m/03rt9 +/m/037lyl /people/person/nationality /m/09c7w0 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03177r +/m/0l6vl /olympics/olympic_games/sports /m/06f41 +/m/06gd4 /people/person/profession /m/0nbcg +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0b05xm /people/person/profession /m/02jknp +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0155w /music/genre/artists /m/03h_fk5 +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/080knyg /people/person/nationality /m/09c7w0 +/m/0459z /influence/influence_node/influenced_by /m/0c73g +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01h8f /people/person/gender /m/05zppz +/m/043tg /influence/influence_node/influenced_by /m/05qmj +/m/0mmpz /location/location/time_zones /m/02lcqs +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/098n5 /people/person/place_of_birth /m/01_d4 +/m/0fphgb /film/film/music /m/03975z +/m/01pkhw /film/actor/film./film/performance/film /m/01_0f7 +/m/0173s9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dkv90 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/037q31 +/m/01p7s6 /people/ethnicity/people /m/022p06 +/m/07hbxm /people/person/gender /m/02zsn +/m/0jqkh /film/film/featured_film_locations /m/02_286 +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01f5q5 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06cp5 /music/genre/artists /m/02k5sc +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03q0r1 /award/award_winning_work/awards_won./award/award_honor/award /m/025m8l +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05r5c /music/instrument/instrumentalists /m/01rwcgb +/m/05r5c /music/instrument/instrumentalists /m/01p0w_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02v8kmz +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/02y8bn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06x6s +/m/03rhqg /music/record_label/artist /m/01wwvt2 +/m/01_xtx /film/actor/film./film/performance/film /m/06_wqk4 +/m/0404j37 /film/film/language /m/02h40lc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gpkt +/m/07s9rl0 /media_common/netflix_genre/titles /m/050r1z +/m/05ty4m /people/person/languages /m/02h40lc +/m/031t2d /film/film/country /m/09c7w0 +/m/02rlj20 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0f1vrl /people/person/profession /m/0dxtg +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0g476 +/m/099bk /influence/influence_node/influenced_by /m/03sbs +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0m3gy /film/film/language /m/02h40lc +/m/02qkt /location/location/contains /m/03rk0 +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j70t +/m/048rn /film/film/country /m/09c7w0 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/039crh /people/person/profession /m/03gjzk +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/03qd_ /people/person/nationality /m/09c7w0 +/m/03qd_ /film/actor/film./film/performance/film /m/01hv3t +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01wjrn /film/actor/film./film/performance/film /m/063y9fp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0dn16 /music/genre/artists /m/015srx +/m/025twgf /film/film/film_production_design_by /m/04kj2v +/m/082db /influence/influence_node/influenced_by /m/03bxh +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0223g8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/0jgk3 /location/location/time_zones /m/02hcv8 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02_33l +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/04mvp8 /people/ethnicity/geographic_distribution /m/047yc +/m/032wdd /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lq10 +/m/017g21 /people/person/profession /m/0dz3r +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymcz +/m/015wy_ /education/educational_institution/colors /m/09ggk +/m/0154d7 /people/person/gender /m/05zppz +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/07rn0z +/m/016h9b /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0c_tl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0226k3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0ctw_b +/m/0ddj0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0ktx_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/02r8hh_ /film/film/genre /m/03bxz7 +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01kqq7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0p07l /location/location/time_zones /m/02hczc +/m/026b33f /tv/tv_program/languages /m/02h40lc +/m/014ps4 /people/person/nationality /m/09c7w0 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0l3h +/m/022769 /people/person/profession /m/02hrh1q +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0sw6g +/m/0b256b /sports/sports_team/sport /m/02vx4 +/m/07f1x /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01vrnsk /people/person/profession /m/09jwl +/m/02ndf1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07sbbz2 /music/genre/artists /m/03h_fk5 +/m/03fmfs /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01gc7 /film/film/language /m/04h9h +/m/03rz2b /film/film/genre /m/03q4nz +/m/01z3bz /organization/organization/headquarters./location/mailing_address/state_province_region /m/017v_ +/m/09hd6f /people/person/profession /m/0196pc +/m/01l3wr /sports/sports_team/sport /m/02vx4 +/m/063k3h /people/ethnicity/people /m/07hyk +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/083chw +/m/02_fm2 /film/film/language /m/02h40lc +/m/021q2j /education/educational_institution/students_graduates./education/education/student /m/06hgj +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/06v41q /people/ethnicity/people /m/0320jz +/m/0b_6rk /time/event/locations /m/0f1sm +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06f32 +/m/07sqbl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/03hzkq /people/person/profession /m/01c8w0 +/m/03c_cxn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/09zmys /people/person/profession /m/02hrh1q +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/05rfst /film/film/country /m/0345h +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07c52 /media_common/netflix_genre/titles /m/02hct1 +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0ym1n /education/educational_institution/students_graduates./education/education/student /m/02g3w +/m/0sl2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/03tps5 /film/film/language /m/06nm1 +/m/07j8kh /people/person/nationality /m/09c7w0 +/m/0l9k1 /people/person/gender /m/05zppz +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnx3j +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01qd_r /education/educational_institution/school_type /m/05jxkf +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02rrfzf /film/film/edited_by /m/04cy8rb +/m/0jmm4 /sports/sports_team/sport /m/018w8 +/m/0kftt /film/actor/film./film/performance/film /m/02qydsh +/m/05y8n7 /music/genre/artists /m/024qwq +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0h3mrc /people/person/profession /m/018gz8 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/05kwx2 +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/025ts_z +/m/01l2b3 /film/film/genre /m/02l7c8 +/m/03ntbmw /film/film/production_companies /m/059x3p +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02ccqg +/m/01xk7r /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225v9 +/m/02p21g /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/053yx /people/person/profession /m/0nbcg +/m/0fjyzt /film/film/genre /m/0lsxr +/m/01wk3c /people/person/nationality /m/06q1r +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05nyqk /film/film/language /m/02h40lc +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rcl7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027xx3 +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02l48d /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04h41v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0qdwr /people/deceased_person/place_of_death /m/030qb3t +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09pmkv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06pj8 /film/director/film /m/0hfzr +/m/01rtm4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03r8gp +/m/08jyyk /music/genre/artists /m/01w5n51 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0gtgp6 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/07h34 /location/location/partially_contains /m/02cgp8 +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/01fkv0 /film/actor/film./film/performance/film /m/01_mdl +/m/02d003 /film/film/production_companies /m/025hwq +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02jt1k /people/person/nationality /m/09c7w0 +/m/02ny8t /music/genre/artists /m/0127s7 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02756j +/m/01ft14 /tv/tv_program/genre /m/01z4y +/m/05kr_ /location/location/contains /m/01t3h6 +/m/02kzfw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/058kqy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0chghy /location/location/contains /m/02bm8 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/013sg6 /people/person/gender /m/05zppz +/m/0qcr0 /people/cause_of_death/people /m/02wb6d +/m/03bzyn4 /film/film/country /m/09c7w0 +/m/03bzyn4 /film/film/genre /m/06cvj +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/0147w8 +/m/04sv4 /organization/organization/place_founded /m/0djd3 +/m/04b19t /people/person/profession /m/0dxtg +/m/0pd64 /film/film/genre /m/02kdv5l +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/051ys82 /film/film/country /m/09c7w0 +/m/01q3_2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bvp /film/film_subject/films /m/04w7rn +/m/0162kb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ptt7 /education/university/fraternities_and_sororities /m/0325pb +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/07h5d /influence/influence_node/influenced_by /m/05qzv +/m/015vql /people/deceased_person/place_of_death /m/05l5n +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_hb +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012jfb +/m/01bv8b /tv/tv_program/genre /m/01z4y +/m/0c_md_ /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/02l3_5 /people/person/profession /m/018gz8 +/m/02lxrv /film/film/genre /m/03bxz7 +/m/057__d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06btq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02zrv7 /people/person/place_of_birth /m/0gkgp +/m/031n8c /education/educational_institution/students_graduates./education/education/student /m/01p7b6b +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/049qx /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0m123 +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/063_t /people/person/profession /m/02hrh1q +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/03k9fj /media_common/netflix_genre/titles /m/05szq8z +/m/024qqx /media_common/netflix_genre/titles /m/04v8x9 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0dgskx /film/actor/film./film/performance/film /m/016z7s +/m/06jzh /people/person/profession /m/02hrh1q +/m/06tw8 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02t_y3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/025t9b /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d1xh /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/039bp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h6r5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/028qdb /people/person/profession /m/0nbcg +/m/0j8f09z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0fgg4 +/m/05bt6j /music/genre/artists /m/0bqsy +/m/01w7nww /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01_0f7 /film/film/language /m/0jzc +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01pqy_ /people/person/nationality /m/09c7w0 +/m/01cl2y /music/record_label/artist /m/0dvqq +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0tyql /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tjt2 /location/location/contains /m/01yj2 +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04wlz2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01x1fq /people/person/profession /m/01c72t +/m/01jb26 /film/actor/film./film/performance/film /m/0prrm +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/046qpy /business/business_operation/industry /m/01mf0 +/m/0gp_x9 /people/person/profession /m/0dxtg +/m/07jnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/01flzb /music/genre/artists /m/01kwlwp +/m/0gx_p /people/person/gender /m/02zsn +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/017lb_ +/m/0ds2n /film/film/language /m/02h40lc +/m/02vqsll /film/film/featured_film_locations /m/0rh6k +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/05q4y12 /film/film/language /m/02h40lc +/m/01xvjb /film/film/language /m/02h40lc +/m/047csmy /film/film/featured_film_locations /m/013ksx +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycbq +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01ddth /people/cause_of_death/people /m/01k47c +/m/01ddth /people/cause_of_death/people /m/044qx +/m/0k_s5 /location/location/contains /m/0k_mf +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03g9xj +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026w_gk +/m/01gw8b /film/actor/film./film/performance/film /m/0ds35l9 +/m/01pbxb /people/person/profession /m/05vyk +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/0137n0 /people/person/places_lived./people/place_lived/location /m/0vbk +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0p__8 /people/person/profession /m/0dxtg +/m/04grkmd /film/film/language /m/02h40lc +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01vq3 /film/film_subject/films /m/0jwmp +/m/0cjsxp /people/person/nationality /m/09c7w0 +/m/022840 /time/event/locations /m/059g4 +/m/01m3x5p /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/01lct6 /people/person/gender /m/05zppz +/m/07s2s /film/film_subject/films /m/0661m4p +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0h95zbp /film/film/produced_by /m/05nn4k +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02cm61 +/m/0dl9_4 /film/film/featured_film_locations /m/04jpl +/m/0sxns /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01rnpy /people/person/nationality /m/02jx1 +/m/04jwp /people/person/nationality /m/02jx1 +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/0c40vxk /film/film/language /m/02h40lc +/m/011j5x /music/genre/artists /m/016vj5 +/m/064t9 /music/genre/artists /m/0k7pf +/m/03_js /people/person/religion /m/07x21 +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/01k3qj /people/person/profession /m/0dz3r +/m/01dhpj /people/person/nationality /m/0604m +/m/039cq4 /media_common/netflix_genre/titles /m/039cq4 +/m/0j5fv /medicine/symptom/symptom_of /m/02k6hp +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0bkf72 /people/person/place_of_birth /m/02_286 +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03ynwqj /film/film/music /m/0gv07g +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/0bqs56 /people/person/place_of_birth /m/0p9z5 +/m/012m_ /location/country/official_language /m/01wgr +/m/030hbp /film/actor/film./film/performance/film /m/03lvwp +/m/03y5ky /education/educational_institution/colors /m/09q2t +/m/06p0s1 /people/person/nationality /m/07ssc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/047yc /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0523v5y /people/deceased_person/place_of_death /m/030qb3t +/m/01w92 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07j8r +/m/0bdlj /people/person/nationality /m/09c7w0 +/m/01fxck /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/01fbr2 /music/genre/artists /m/014g91 +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0d3f83 /people/person/profession /m/0gl2ny2 +/m/031ldd /film/film/genre /m/0lsxr +/m/0827d /music/genre/artists /m/01yndb +/m/085pr /people/person/place_of_birth /m/01_d4 +/m/016lh0 /people/person/profession /m/0kyk +/m/05g3ss /people/person/profession /m/02hrh1q +/m/04l5b4 /sports/sports_team/colors /m/019sc +/m/0vkl2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0ltv /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01qklj +/m/04gm7n /music/record_label/artist /m/013423 +/m/01wy5m /film/actor/film./film/performance/film /m/03bxp5 +/m/0ljc_ /media_common/netflix_genre/titles /m/03r0rq +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/09q5w2 /film/film/genre /m/03k9fj +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/07nxnw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03q43g /people/person/place_of_birth /m/0h7h6 +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/05728w1 /people/person/nationality /m/09c7w0 +/m/0k0sb /language/human_language/countries_spoken_in /m/0bjv6 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773m2 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/05fjf /location/location/contains /m/0xrz2 +/m/0dzc16 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03nt59 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnx3j +/m/04ly1 /location/location/contains /m/0tlq9 +/m/033tf_ /people/ethnicity/people /m/030xr_ +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/07zl1 +/m/05dptj /film/film/country /m/07ssc +/m/03_d0 /music/genre/artists /m/0b68vs +/m/01jzyf /film/film/genre /m/04xvlr +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/01g42 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dl5d /music/genre/artists /m/017g21 +/m/0c_mvb /people/person/profession /m/0kyk +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025l5 +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01wmgrf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02ktrs +/m/04bd8y /film/actor/film./film/performance/film /m/0315rp +/m/050f0s /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07c9s /language/human_language/countries_spoken_in /m/02wt0 +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/017r2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/029pnn /people/person/spouse_s./people/marriage/location_of_ceremony /m/0lmgy +/m/018db8 /film/actor/film./film/performance/film /m/046488 +/m/02ply6j /people/person/religion /m/03j6c +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/06cqb /music/genre/artists /m/01w61th +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02v3yy +/m/0d87hc /film/film/music /m/07qy0b +/m/0ql36 /people/person/profession /m/0nbcg +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01yf85 /people/person/profession /m/0d1pc +/m/04093 /people/person/nationality /m/0f8l9c +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019rg5 +/m/0tnkg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h7pj /film/actor/film./film/performance/film /m/0gffmn8 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0ptxj /film/film/language /m/02h40lc +/m/01f99l /organization/organization/headquarters./location/mailing_address/state_province_region /m/050ks +/m/0bfp0l /music/record_label/artist /m/0bhvtc +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/0dckvs /film/film/prequel /m/08j7lh +/m/0645k5 /film/film/country /m/0345h +/m/01k8q5 /education/educational_institution/students_graduates./education/education/student /m/03dq9 +/m/02pxmgz /film/film/production_companies /m/05rrtf +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0146pg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/016fjj +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/05q96q6 /film/film/genre /m/03k9fj +/m/01f8gz /film/film/genre /m/02n4lw +/m/01j6t0 /medicine/symptom/symptom_of /m/01qqwn +/m/0cw67g /people/person/gender /m/05zppz +/m/014g22 /film/actor/film./film/performance/film /m/0421v9q +/m/02754c9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04r7p /people/person/religion /m/01lp8 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z215 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/017zq0 +/m/0d060g /location/location/contains /m/080h2 +/m/0mnlq /location/location/time_zones /m/02hcv8 +/m/01k0xy /film/film/genre /m/05p553 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05vk_d /people/person/profession /m/0d1pc +/m/0fbvqf /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bnv +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/043ljr /music/record_label/artist /m/01vq3nl +/m/043ljr /music/record_label/artist /m/01kstn9 +/m/023n39 /people/person/nationality /m/09c7w0 +/m/0241y7 /film/film/story_by /m/01vh096 +/m/03w9bjf /people/ethnicity/people /m/016k6x +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/03hpr +/m/015ppk /tv/tv_program/genre /m/0c031k6 +/m/053ksp /people/person/profession /m/0kyk +/m/015zql /people/person/place_of_birth /m/0167q3 +/m/08s_lw /people/person/place_of_birth /m/030qb3t +/m/08hmch /film/film/genre /m/02kdv5l +/m/01vw20h /people/person/profession /m/0dz3r +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/02qx5h /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0r3w7 +/m/09c7w0 /location/location/contains /m/0rrhp +/m/09c7w0 /location/country/second_level_divisions /m/0n1xp +/m/09c7w0 /location/country/second_level_divisions /m/0d_kd +/m/09c7w0 /sports/sports_team_location/teams /m/02s9vc +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/01q9mk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/instrument/instrumentalists /m/0417z2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0gjw_ /time/event/locations /m/09lgt +/m/01jz6d /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/0gxb2 /medicine/symptom/symptom_of /m/02psvcf +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dz3r /people/profession/specialization_of /m/047rgpy +/m/01f9zw /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05sb1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02z6l5f /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/05dy7p +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/053y4h /people/person/profession /m/0dxtg +/m/03rk0 /location/location/contains /m/03gdf1 +/m/05tbn /location/location/contains /m/0zpfy +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0425gc +/m/06j6l /music/genre/artists /m/01vxlbm +/m/019l3m /people/person/gender /m/02zsn +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l4rh +/m/0558_1 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bdkd +/m/025vldk /people/person/profession /m/0cbd2 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bm1v +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03ksy +/m/0l15n /people/person/profession /m/01d_h8 +/m/02t4yc /education/educational_institution/colors /m/06fvc +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/0fd3y /music/genre/artists /m/0326tc +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01d2v1 /film/film/costume_design_by /m/026lyl4 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/063ykwt +/m/09jw2 /music/genre/artists /m/01wqpnm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5838s +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dlngsd +/m/0h0yt /people/person/languages /m/02h40lc +/m/03s9kp /film/film/story_by /m/0jt90f5 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0jdk0 /people/cause_of_death/people /m/010xjr +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0hm0k +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/017dpj +/m/0gpprt /film/actor/film./film/performance/film /m/033fqh +/m/01dvbd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016zgj /music/genre/artists /m/016s_5 +/m/0kc9f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q9kqf /people/person/profession /m/02tx6q +/m/0m0bj /location/location/contains /m/01tzfz +/m/04qp06 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0p5mw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/07zhd7 /people/deceased_person/place_of_death /m/0r3tb +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02jx1 /location/location/contains /m/01z28b +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07tj4c +/m/01wxyx1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/0ckrnn /film/film/language /m/02h40lc +/m/04jpg2p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015pkc /film/actor/film./film/performance/film /m/0f8j13 +/m/0c_j9x /film/film/genre /m/060__y +/m/08yx9q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01xcqc /people/person/profession /m/01d_h8 +/m/018pj3 /music/artist/origin /m/0tygl +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04wsz +/m/05kwx2 /film/actor/film./film/performance/film /m/031hcx +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0blpg +/m/0cjf0 /medicine/symptom/symptom_of /m/072hv +/m/0k8y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0blpnz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/020hyj /people/person/gender /m/05zppz +/m/0x67 /people/ethnicity/people /m/02xwq9 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/0mnm2 /location/hud_county_place/place /m/0mnm2 +/m/0xms9 /location/location/time_zones /m/02hcv8 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/044mvs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ct9_ /people/person/nationality /m/0f8l9c +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/048lv +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/02t_vx /film/actor/film./film/performance/film /m/0170_p +/m/0294mx /film/film/genre /m/0219x_ +/m/01snm /location/hud_county_place/place /m/01snm +/m/02cpp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/03j90 /people/person/profession /m/0cbd2 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02f4s3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/05p92jn /people/person/gender /m/02zsn +/m/047vp1n /film/film/production_companies /m/032j_n +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/04jjy /film/film_subject/films /m/0645k5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01d494 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/027ydt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0jhjl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/01w_10 /people/person/gender /m/02zsn +/m/015bpl /film/film/prequel /m/012gk9 +/m/06ltr /film/actor/film./film/performance/film /m/02q8ms8 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/05b49tt /people/person/gender /m/05zppz +/m/0b3n61 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03jsvl /music/genre/artists /m/04r1t +/m/01j_06 /education/educational_institution/colors /m/01g5v +/m/06by7 /music/genre/artists /m/02wb6yq +/m/06by7 /music/genre/artists /m/043c4j +/m/06by7 /music/genre/artists /m/0fp_v1x +/m/06by7 /music/genre/artists /m/06rgq +/m/06by7 /music/genre/artists /m/05crg7 +/m/06by7 /music/genre/artists /m/013w2r +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03262k +/m/05sw5b /film/film/genre /m/0hcr +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rh_0 +/m/02xry /location/location/contains /m/03qzj4 +/m/0txhf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0282x /people/person/places_lived./people/place_lived/location /m/04jpl +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/027gy0k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bs5k8r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0kz1h +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0127m7 /people/person/nationality /m/09c7w0 +/m/023p33 /film/film/produced_by /m/081nh +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04gcyg /film/film/country /m/09c7w0 +/m/02qw2xb /people/person/profession /m/02hrh1q +/m/01nr63 /film/actor/film./film/performance/film /m/05fm6m +/m/04d2yp /people/person/nationality /m/09c7w0 +/m/0jbp0 /film/actor/film./film/performance/film /m/014lc_ +/m/0f4dx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/075wx7_ /film/film/featured_film_locations /m/0d060g +/m/016clz /music/genre/artists /m/01wl38s +/m/016clz /music/genre/artists /m/02rn_bj +/m/016clz /music/genre/artists /m/07n68 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0mhfr /music/genre/artists /m/0p8h0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02pptm +/m/05w3f /music/genre/artists /m/0qmny +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvbd +/m/01wqflx /music/group_member/membership./music/group_membership/group /m/0d193h +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fz3b1 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/03czz87 +/m/04l3_z /people/person/profession /m/018gz8 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gd5z /influence/influence_node/influenced_by /m/0m77m +/m/0djywgn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/098s2w +/m/0ggx5q /music/genre/artists /m/01gg59 +/m/045cq /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0b44shh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jksm +/m/049g_xj /film/actor/film./film/performance/film /m/047p798 +/m/06kknt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0gz5hs /people/person/profession /m/0dxtg +/m/016sqs /people/person/profession /m/02hrh1q +/m/0k4gf /people/deceased_person/place_of_death /m/04kf4 +/m/03_wpf /film/actor/film./film/performance/film /m/03mgx6z +/m/01trhmt /people/person/profession /m/047rgpy +/m/0jqp3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0f2nf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/01lbcqx /film/film/written_by /m/0ff3y +/m/02bc74 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02wt0 +/m/06yrj6 /people/person/gender /m/05zppz +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/043n0v_ /film/film/genre /m/07s9rl0 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/0cp6w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0456xp +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvydl +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/022q32 +/m/07ffjc /music/genre/artists /m/0143q0 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/03jm6c +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0dfrq /influence/influence_node/influenced_by /m/084nh +/m/08d6bd /people/person/places_lived./people/place_lived/location /m/09f07 +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0bh8drv /film/film/country /m/07ssc +/m/09gq0x5 /film/film/genre /m/07s9rl0 +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/01lyv /music/genre/artists /m/0f_y9 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c58k /people/cause_of_death/people /m/01kkx2 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/064_8sq /language/human_language/countries_spoken_in /m/0164v +/m/02rv_dz /film/film/country /m/0d060g +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/041rx /people/ethnicity/people /m/01_6dw +/m/034x61 /people/person/gender /m/05zppz +/m/012d40 /people/person/languages /m/06nm1 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02s4l6 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0m6x4 /film/actor/film./film/performance/film /m/0gnkb +/m/04mhbh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/0b05xm /people/person/nationality /m/09c7w0 +/m/02qnhk1 /people/person/profession /m/02jknp +/m/0272_vz /film/film/genre /m/06cvj +/m/0d_84 /film/actor/film./film/performance/film /m/02y_lrp +/m/0c3ns /people/person/place_of_birth /m/06y57 +/m/0h3c3g /sports/sports_team/sport /m/02vx4 +/m/05jjl /people/person/profession /m/0kyk +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02v5_g /film/film/genre /m/02n4kr +/m/02v5_g /film/film/executive_produced_by /m/05hj_k +/m/0k89p /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/095nx +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/098n5 /people/person/profession /m/02hv44_ +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/029h7y /music/genre/artists /m/06k02 +/m/01n1gc /people/person/employment_history./business/employment_tenure/company /m/07vhb +/m/03hh89 /film/actor/film./film/performance/film /m/07yvsn +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015_1q /music/record_label/artist /m/01s21dg +/m/015_1q /music/record_label/artist /m/016t00 +/m/04ydr95 /film/film/executive_produced_by /m/03v1w7 +/m/01_d4 /location/hud_county_place/place /m/01_d4 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072hx4 +/m/02wrhj /people/person/gender /m/05zppz +/m/02wrhj /people/person/profession /m/0np9r +/m/083chw /film/actor/film./film/performance/film /m/027r9t +/m/01t110 /people/person/profession /m/09jwl +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0bl60p /people/person/profession /m/02hrh1q +/m/05r5c /music/instrument/instrumentalists /m/0kvjrw +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/0p9tm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/0dj0x /location/location/contains /m/0g9k4 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05jg58 /music/genre/artists /m/0mgcr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02f6g5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hj3b3 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03n93 /people/person/profession /m/02jknp +/m/036hv /education/field_of_study/students_majoring./education/education/student /m/01mr2g6 +/m/0glt670 /music/genre/artists /m/0677ng +/m/0glt670 /music/genre/artists /m/01wbl_r +/m/0glt670 /music/genre/artists /m/016kjs +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05p3738 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qkt /location/location/contains /m/04j53 +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07xvf /film/film/language /m/02h40lc +/m/0fb0v /music/record_label/artist /m/01xzb6 +/m/064lsn /film/film/genre /m/03bxz7 +/m/0gc_c_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0b_6qj /time/event/locations /m/0ftxw +/m/03lfd_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xg2f /film/film/country /m/07ssc +/m/02tv80 /film/actor/film./film/performance/film /m/0jdgr +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/02vjzr /music/genre/artists /m/030155 +/m/03shp /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0c94fn +/m/09v42sf /film/film/genre /m/0hn10 +/m/07f0tw /film/actor/film./film/performance/film /m/07vfy4 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/07zhjj +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0c1ps1 /people/person/profession /m/012t_z +/m/0jwl2 /tv/tv_program/genre /m/0hcr +/m/02qd04y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016jhr /music/genre/parent_genre /m/0gg8l +/m/03vtrv /music/record_label/artist /m/0167xy +/m/02v8kmz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01m1_t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09myny /people/person/gender /m/05zppz +/m/02vtnf /people/person/gender /m/05zppz +/m/029jpy /location/location/contains /m/07_f2 +/m/02nvg1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/04hk0w /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0fqjks /people/person/profession /m/02pjxr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/018p4y /people/person/profession /m/07s467s +/m/012vct /people/person/gender /m/05zppz +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01yfm8 +/m/032f6 /language/human_language/countries_spoken_in /m/0d05q4 +/m/0fpzwf /location/location/time_zones /m/02fqwt +/m/0gk4g /people/cause_of_death/people /m/03s2y9 +/m/07f7jp /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/01rnxn /people/person/place_of_birth /m/01_d4 +/m/07sbbz2 /music/genre/artists /m/0140t7 +/m/079dy /people/person/gender /m/05zppz +/m/031x_3 /music/artist/contribution./music/recording_contribution/performance_role /m/0j210 +/m/02pb53 /people/person/profession /m/01d_h8 +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/02y9bj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ym1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/01q7q2 /education/educational_institution/school_type /m/01_9fk +/m/02m30v /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d35y +/m/03h4fq7 /film/film/genre /m/05p553 +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/02jxk +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/057bc6m /people/person/gender /m/05zppz +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d99k_ /film/film/music /m/07qy0b +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/09hnb /people/person/religion /m/092bf5 +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/0gy4k /film/film/edited_by /m/027rfxc +/m/07c52 /media_common/netflix_genre/titles /m/016zfm +/m/07c52 /film/film_subject/films /m/03l6q0 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0j8hd /people/cause_of_death/people /m/018qpb +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/020hh3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d5vk /people/person/nationality /m/09c7w0 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01v42g /film/actor/film./film/performance/film /m/01ffx4 +/m/01wj18h /people/person/languages /m/02h40lc +/m/07gxw /music/genre/artists /m/016lmg +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01z9_x /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04kzqz +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/035ktt +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01qd_r /education/educational_institution/school_type /m/01_9fk +/m/03hfmm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01l0__ +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01t2h2 /people/person/religion /m/092bf5 +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/08y2fn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01c57n +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/06yj20 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01xk7r /education/educational_institution/students_graduates./education/education/student /m/03_1pg +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/037css +/m/0j_sncb /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/026t6 /music/instrument/instrumentalists /m/095x_ +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/08720 /film/film/featured_film_locations /m/07t90 +/m/053yx /people/person/nationality /m/09c7w0 +/m/0fjyzt /film/film/executive_produced_by /m/029m83 +/m/0fjyzt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r3qc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02s62q +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05g76 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0gl5_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02m0b0 +/m/039bpc /people/person/profession /m/02hrh1q +/m/01kstn9 /people/person/place_of_birth /m/02_286 +/m/02cg2v /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m66w /people/person/places_lived./people/place_lived/location /m/01snm +/m/04h41v /film/film/language /m/02h40lc +/m/03jldb /film/actor/film./film/performance/film /m/0gtsxr4 +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v6480 +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09f2j +/m/08jyyk /music/genre/artists /m/0m19t +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02ts3h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kzy0 /people/person/place_of_birth /m/0r0f7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02yplc /people/person/gender /m/02zsn +/m/02nwxc /film/actor/film./film/performance/film /m/03vyw8 +/m/02j9z /location/location/contains /m/03rjj +/m/04hhv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/014x77 /film/actor/film./film/performance/film /m/02q8ms8 +/m/01hb1t /education/educational_institution/campuses /m/01hb1t +/m/02g8h /people/person/profession /m/02hrh1q +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05lwjc /music/genre/parent_genre /m/06j6l +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01rz1 /organization/organization/headquarters./location/mailing_address/citytown /m/09b83 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0170k0 /tv/tv_program/genre /m/025s89p +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01nzz8 /people/person/profession /m/018gz8 +/m/05myd2 /people/person/profession /m/018gz8 +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f7hw +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpmrm3 +/m/02bj6k /film/actor/film./film/performance/film /m/0416y94 +/m/02238b /people/person/profession /m/018gz8 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/053j4w4 /people/person/profession /m/089fss +/m/09743 /people/ethnicity/people /m/01zh29 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01vzz1c /people/person/gender /m/05zppz +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/02hnl +/m/03wj4r8 /film/film/genre /m/03bxz7 +/m/09146g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_j5s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mc11 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/02khs /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/05rx__ /influence/influence_node/influenced_by /m/05kh_ +/m/0n5_t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm3n +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/02qtywd +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c1sgd3 +/m/019c57 /education/educational_institution/students_graduates./education/education/student /m/0d6d2 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/0n839 /people/person/profession /m/01d_h8 +/m/0164nb /people/person/languages /m/02h40lc +/m/0xqf3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076tq0z +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02zfdp /people/person/gender /m/05zppz +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xp18 /people/person/profession /m/01d_h8 +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02b1hb /sports/sports_team/colors /m/06fvc +/m/04crrxr /people/person/place_of_birth /m/02_286 +/m/0cmc26r /film/film/language /m/02h40lc +/m/01h2_6 /people/person/gender /m/05zppz +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/0xnvg /people/ethnicity/people /m/02lfns +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/03hpr /influence/influence_node/influenced_by /m/02y49 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/02zrv7 /people/person/places_lived./people/place_lived/location /m/0gkgp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01n6c +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04swx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04w58 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/07wdw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0gzh +/m/018wdw /award/award_category/winners./award/award_honor/award_winner /m/04ktcgn +/m/01rxw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02s8qk /education/educational_institution/colors /m/06fvc +/m/024_dt /award/award_category/winners./award/award_honor/award_winner /m/0h6sv +/m/04jpl /location/location/contains /m/0nccd +/m/0bq2g /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01vrncs /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/01wmxfs /people/person/profession /m/018gz8 +/m/0grwj /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/043q6n_ /people/person/nationality /m/09c7w0 +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/0kszw +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028q6 +/m/04dm2n /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/028rk +/m/03ckfl9 /music/genre/parent_genre /m/0283d +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bbvr84 +/m/074tb5 /film/actor/film./film/performance/film /m/02704ff +/m/0cc8q3 /time/event/instance_of_recurring_event /m/02jp2w +/m/014zwb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04z0g /people/person/employment_history./business/employment_tenure/company /m/025v3k +/m/0d4fqn /people/person/place_of_birth /m/0cr3d +/m/02d4ct /people/person/place_of_birth /m/0f2tj +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/015pxr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/033hqf /film/actor/film./film/performance/film /m/0k4f3 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051zy_b +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0f3kl /medicine/symptom/symptom_of /m/04psf +/m/0f3kl /medicine/symptom/symptom_of /m/09jg8 +/m/02qydsh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06gbnc /people/ethnicity/people /m/01bbwp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0yzbg /film/film/cinematography /m/08mhyd +/m/04d5v9 /education/educational_institution/school_type /m/05pcjw +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/09ftwr /people/person/nationality /m/09c7w0 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0f_y9 /people/person/profession /m/0cbd2 +/m/01clyr /music/record_label/artist /m/01fh0q +/m/01clyr /music/record_label/artist /m/01vn35l +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01svq8 /people/person/profession /m/018gz8 +/m/01svq8 /people/person/profession /m/02hrh1q +/m/04x56 /influence/influence_node/influenced_by /m/0g5ff +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01y8cr /people/person/place_of_birth /m/01_d4 +/m/0qf3p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0qf3p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017v3q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/020bv3 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0373qg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l_vgt /people/person/profession /m/02hrh1q +/m/0776h1v /award/award_category/disciplines_or_subjects /m/02vxn +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0ck91 /film/actor/film./film/performance/film /m/04yc76 +/m/02s58t /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0315w4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/026wlxw +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/0c40vxk /film/film/genre /m/02kdv5l +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/0gppg +/m/064t9 /music/genre/artists /m/01vwyqp +/m/0dx_q /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06bnz /location/location/contains /m/01v15f +/m/0d1w9 /film/film_subject/films /m/0170z3 +/m/0ylvj /education/educational_institution/students_graduates./education/education/student /m/08304 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/0b73_1d /film/film/production_companies /m/030_1_ +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/02mjmr +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/05fjy /location/location/time_zones /m/02hczc +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/08jtv5 /film/actor/film./film/performance/film /m/02xbyr +/m/03rjj /location/location/contains /m/03qhnx +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01vs_v8 /people/person/nationality /m/09c7w0 +/m/025snf /tv/tv_network/programs./tv/tv_network_duration/program /m/01hvv0 +/m/04rrd /location/location/contains /m/0cc1v +/m/02zq43 /people/person/nationality /m/02jx1 +/m/0bs8d /people/person/profession /m/02jknp +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/070ltt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t_99 +/m/02g7sp /people/ethnicity/people /m/065jlv +/m/0dcsx /people/cause_of_death/people /m/06z4wj +/m/01wqg8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02yw0y /music/genre/artists /m/01mxt_ +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01qf54 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/04zkj5 /influence/influence_node/influenced_by /m/01xdf5 +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01vh096 /people/person/profession /m/05z96 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/0pyww /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z1t /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0cjdk +/m/03flwk /people/person/profession /m/02jknp +/m/01tpl1p /people/person/profession /m/09jwl +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/033tf_ /people/ethnicity/people /m/01whg97 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/01g42 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qr8z +/m/01z4y /media_common/netflix_genre/titles /m/04t9c0 +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02js_6 /people/person/gender /m/05zppz +/m/0c5tl /people/person/profession /m/0kyk +/m/0pd6l /film/film/country /m/07ssc +/m/03vrv9 /film/actor/film./film/performance/film /m/029k4p +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/017jd9 /film/film/genre /m/07s9rl0 +/m/018db8 /people/person/profession /m/064xm0 +/m/0bq6ntw /film/film/produced_by /m/043q6n_ +/m/01slc /sports/sports_team/sport /m/018jz +/m/02rky4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0lccn /people/person/religion /m/03_gx +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01yf85 /people/person/places_lived./people/place_lived/location /m/0wq36 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/04rzd +/m/07_s4b /people/person/profession /m/03gjzk +/m/0fv4v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/02184q /film/actor/film./film/performance/film /m/018js4 +/m/015w8_ /tv/tv_program/genre /m/095bb +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/01vs14j /people/person/profession /m/09lbv +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/024lt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01xcr4 +/m/07tg4 /education/educational_institution/school_type /m/07tf8 +/m/01lw3kh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02jxmr +/m/0djvzd /people/person/profession /m/0gl2ny2 +/m/083skw /film/film/featured_film_locations /m/0f2tj +/m/083skw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012ljv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/04x1_w +/m/02z3r8t /film/film/music /m/0jn5l +/m/03y3dk /people/deceased_person/place_of_death /m/03902 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p7h7 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nqj +/m/06lht1 /people/person/profession /m/02hrh1q +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dvms +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0d060g /location/location/contains /m/0778_3 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/018ctl /olympics/olympic_games/sports /m/06zgc +/m/032016 /film/film/genre /m/02kdv5l +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/0fbvqf /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/01wgjj5 /music/artist/origin /m/04jpl +/m/01frpd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0lbd9 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/014l6_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02hp70 /education/university/fraternities_and_sororities /m/035tlh +/m/02h22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/013xrm /people/ethnicity/people /m/0jcx +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/07zhjj +/m/0b478 /people/person/profession /m/01d_h8 +/m/017fp /media_common/netflix_genre/titles /m/0n_hp +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02xwq9 /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/027ydt +/m/09c7w0 /location/country/second_level_divisions /m/0nm9h +/m/09c7w0 /location/country/second_level_divisions /m/0nvrd +/m/09c7w0 /location/country/second_level_divisions /m/0m2kw +/m/09c7w0 /location/country/second_level_divisions /m/0lmgy +/m/01hmb_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/046lt /influence/influence_node/influenced_by /m/0ph2w +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/0mbql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/016m5c /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02b25y /people/person/profession /m/0dz3r +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/043p28m /tv/tv_program/country_of_origin /m/09c7w0 +/m/02v63m /film/film/executive_produced_by /m/05hj_k +/m/015vq_ /film/actor/film./film/performance/film /m/02vqhv0 +/m/012b30 /music/record_label/artist /m/08n__5 +/m/0cj2k3 /people/person/profession /m/0dxtg +/m/0147jt /people/person/profession /m/0nbcg +/m/09n48 /olympics/olympic_games/participating_countries /m/0ctw_b +/m/01p0w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0p07_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08nhfc1 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01vsy95 /people/person/profession /m/09jwl +/m/06j6l /music/genre/artists /m/0837ql +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0167v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02dth1 /people/person/gender /m/05zppz +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/0969vz /people/person/profession /m/02jknp +/m/0d_2fb /film/film/music /m/02jxmr +/m/02q_ncg /film/film/genre /m/0hfjk +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0h0yt /film/actor/film./film/performance/film /m/04jpg2p +/m/02j3d4 /people/person/profession /m/09jwl +/m/033x5p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/04k05 +/m/04180vy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/02825nf /film/film/language /m/02h40lc +/m/02hmw9 /education/educational_institution/colors /m/036k5h +/m/0rh6k /sports/sports_team_location/teams /m/0jnl5 +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/08swgx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015grj /film/actor/film./film/performance/film /m/0bscw +/m/03s2dj /people/person/nationality /m/02jx1 +/m/040db /influence/influence_node/influenced_by /m/015n8 +/m/08966 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0g10g +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02pt27 /people/person/profession /m/0nbcg +/m/01v3k2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h3y +/m/036jp8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wj5hp /people/person/gender /m/05zppz +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/05zjtn4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/02qgyv /film/actor/film./film/performance/film /m/0cc97st +/m/024mxd /film/film/genre /m/06n90 +/m/04v8h1 /film/film/language /m/02h40lc +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033071 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/033071 /people/person/nationality /m/09c7w0 +/m/049fgvm /people/person/gender /m/05zppz +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0cbgl /influence/influence_node/influenced_by /m/01v_0b +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/01wp8w7 /influence/influence_node/influenced_by /m/0f6lx +/m/017_qw /music/genre/artists /m/0pj8m +/m/017_qw /music/genre/artists /m/011k4g +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07phbc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/038bh3 +/m/04sry /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0x67 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01qr1_ /film/actor/film./film/performance/film /m/0456zg +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/034qrh +/m/07twz /sports/sports_team_location/teams /m/0329r5 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0241wg /people/person/gender /m/02zsn +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c34mt +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hjy +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0x25q /film/film/genre /m/06n90 +/m/091z_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/011zd3 +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0hdf8 /music/genre/artists /m/0274ck +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/025j1t /people/person/nationality /m/09c7w0 +/m/0dn3n /people/person/religion /m/0c8wxp +/m/02x8m /music/genre/artists /m/0dw3l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/070yzk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01xcgf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq4b +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/011x_4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0fkbh /base/biblioness/bibs_location/country /m/03rk0 +/m/07c5l /location/location/contains /m/02k8k +/m/05d6kv /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/02t_99 /people/person/place_of_birth /m/01_d4 +/m/04n65n /people/person/profession /m/09jwl +/m/03qncl3 /people/person/gender /m/05zppz +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01t265 /people/person/profession /m/01d_h8 +/m/06by7 /music/genre/artists /m/02p2zq +/m/06by7 /music/genre/artists /m/03f4xvm +/m/06by7 /music/genre/artists /m/0161sp +/m/06by7 /music/genre/artists /m/01cblr +/m/06by7 /music/genre/artists /m/0285c +/m/01fsv9 /education/educational_institution/students_graduates./education/education/student /m/055c8 +/m/01dq0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/04fzk /film/actor/film./film/performance/film /m/03wy8t +/m/02w7gg /people/ethnicity/people /m/07rzf +/m/0hcs3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kp_1t +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x_h0 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/02cllz +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c602 +/m/04ycjk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bg539 /people/person/places_lived./people/place_lived/location /m/0853g +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/0vhm +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/03y3bp7 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/02yw26 /music/genre/artists /m/016lj_ +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01hb6v /influence/influence_node/influenced_by /m/0969fd +/m/016clz /music/genre/artists /m/044mfr +/m/05148p4 /music/instrument/instrumentalists /m/0ftps +/m/05148p4 /music/instrument/instrumentalists /m/0232lm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0qmny +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/017l4 /people/person/profession /m/09jwl +/m/04gdr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01smm +/m/05zjd /language/human_language/countries_spoken_in /m/0d05w3 +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpn8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fy0z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jvxb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/049g_xj /people/person/profession /m/018gz8 +/m/0168t /location/country/official_language /m/02h40lc +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05qbckf /film/film/music /m/01mkn_d +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02ptczs +/m/030h95 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hz55 /tv/tv_program/genre /m/07s9rl0 +/m/021_z5 /music/genre/parent_genre /m/0gywn +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04fzfj +/m/032md /people/person/gender /m/05zppz +/m/019389 /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/0165b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06p03s /people/person/nationality /m/02jx1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dzt9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/068p2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03gh4 +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnw1 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04xrx +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f1c +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0lpjn /film/actor/film./film/performance/film /m/072zl1 +/m/0g9yrw /film/film/genre /m/01jfsb +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/030x48 /people/person/gender /m/02zsn +/m/03bmmc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0661ql3 /film/film/language /m/064_8sq +/m/03nfnx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/01ppq /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/016ywr /people/person/gender /m/05zppz +/m/069q4f /film/film/genre /m/05p553 +/m/013b6_ /people/ethnicity/people /m/01mqz0 +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w40h /music/record_label/artist /m/01n8gr +/m/0gywn /music/genre/artists /m/01qgry +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03lmzl +/m/01lyv /music/genre/artists /m/01n8gr +/m/01lyv /music/genre/artists /m/06rgq +/m/0bt7w /music/genre/artists /m/01_wfj +/m/01vrx3g /people/person/places_lived./people/place_lived/location /m/0vbk +/m/02rq8k8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0133sq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0kj34 /people/person/profession /m/016z4k +/m/041rx /people/ethnicity/people /m/0d_w7 +/m/01nn6c /people/person/profession /m/0kyk +/m/029qzx /education/educational_institution/school_type /m/07tf8 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/03qjg /music/instrument/instrumentalists /m/01vvycq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/011w20 /people/person/profession /m/0196pc +/m/0t_2 /language/human_language/countries_spoken_in /m/09c7w0 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/086qd /people/deceased_person/place_of_death /m/0k049 +/m/031f_m /film/film/music /m/0ftqr +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/01x4sb /people/person/languages /m/02h40lc +/m/07lmxq /people/person/profession /m/02krf9 +/m/0459z /people/person/profession /m/01c72t +/m/03bx2lk /film/film/featured_film_locations /m/030qb3t +/m/0lx2l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01jfsb /media_common/netflix_genre/titles /m/07j8r +/m/04fv0k /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/0bsnm /organization/organization/headquarters./location/mailing_address/state_province_region /m/0694j +/m/0157g9 /location/location/partially_contains /m/049nq +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0250f /people/person/profession /m/02krf9 +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016ybr /music/genre/parent_genre /m/06j6l +/m/0g9zcgx /people/person/nationality /m/09c7w0 +/m/01vh3r /people/person/gender /m/05zppz +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gwjw0c +/m/015rmq /award/award_nominee/award_nominations./award/award_nomination/award /m/024vjd +/m/03fqv5 /people/person/profession /m/02jknp +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wd9lv +/m/04p3w /people/cause_of_death/people /m/09p06 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8gz +/m/055qm /language/human_language/countries_spoken_in /m/03rk0 +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/04rqd /broadcast/content/artist /m/09889g +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/05r5c /music/instrument/instrumentalists /m/01jgkj2 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/044zvm /people/person/gender /m/02zsn +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/0hjy /film/film_subject/films /m/02rx2m5 +/m/0bmc4cm /film/film/genre /m/02kdv5l +/m/0dcdp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03vrp /people/person/profession /m/0d8qb +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z257 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/017l96 /music/record_label/artist /m/0kzy0 +/m/0glt670 /music/genre/artists /m/04n2vgk +/m/02m501 /film/actor/film./film/performance/film /m/05qbckf +/m/07jq_ /film/film_subject/films /m/01jmyj +/m/0fthdk /people/person/nationality /m/09c7w0 +/m/01kcty /music/genre/artists /m/01wy61y +/m/015rkw /film/actor/film./film/performance/film /m/03hxsv +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0192hw /film/film/featured_film_locations /m/01914 +/m/06qgvf /film/actor/film./film/performance/film /m/04tqtl +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/07s8z_l /tv/tv_program/country_of_origin /m/09c7w0 +/m/06zrp44 /award/award_category/winners./award/award_honor/award_winner /m/07bty +/m/04f_d /sports/sports_team_location/teams /m/049d_ +/m/06mtq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05ff6 +/m/0821j /influence/influence_node/influenced_by /m/012cph +/m/06151l /people/person/profession /m/02hrh1q +/m/05_5_22 /film/film/production_companies /m/05rrtf +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0bl8l +/m/04wf_b /people/person/nationality /m/09c7w0 +/m/03cxsvl /film/actor/film./film/performance/film /m/0h1fktn +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/03lfd_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/025twgf /film/film/genre /m/02kdv5l +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/09xvf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01jzyx /education/educational_institution/students_graduates./education/education/student /m/0c1ps1 +/m/05pt0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/026spg +/m/01pk3z /film/actor/film./film/performance/film /m/0h1cdwq +/m/07nx9j /people/person/place_of_birth /m/071cn +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02qd04y /film/film/genre /m/07s9rl0 +/m/017g21 /people/person/profession /m/016z4k +/m/06bw5 /education/educational_institution_campus/educational_institution /m/06bw5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/025ttz4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/014xf6 +/m/0bqch /people/person/languages /m/064_8sq +/m/016jhr /music/genre/artists /m/02x8z_ +/m/0mzkr /music/record_label/artist /m/03f1d47 +/m/02kxwk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029cpw +/m/016ypb /base/eating/practicer_of_diet/diet /m/07_jd +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0fhzwl /tv/tv_program/genre /m/02fgmn +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0pqzh /people/person/religion /m/07w8f +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0l2wt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p9rz /film/film/genre /m/07s9rl0 +/m/01svry /film/film/genre /m/06n90 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/011yph /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088q4 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0gk4g /people/cause_of_death/people /m/01h4rj +/m/01ww_vs /people/person/nationality /m/02jx1 +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/01clyr +/m/03rz2b /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03cvvlg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025m8l /award/award_category/category_of /m/0c4ys +/m/02wr2r /people/person/places_lived./people/place_lived/location /m/04rrd +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01wb95 +/m/0qdyf /people/person/profession /m/02hrh1q +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/02hnl /music/instrument/instrumentalists /m/01s1zk +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02sj1x /people/person/profession /m/01c8w0 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049bp4 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0276g40 /people/person/gender /m/05zppz +/m/0xjl2 /music/genre/parent_genre /m/01_qp_ +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/01xcqc +/m/0175wg /film/actor/film./film/performance/film /m/0gtv7pk +/m/0f7hw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/021pqy /film/film/language /m/02h40lc +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/01xhh5 /people/ethnicity/people /m/01_njt +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/0495ys +/m/03qnc6q /film/film/music /m/0csdzz +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/06czyr +/m/01gbb4 /people/person/religion /m/03_gx +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01v2xl +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02583l +/m/018p5f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0gkz15s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01zfzb /film/film/language /m/02h40lc +/m/058vp /people/deceased_person/place_of_death /m/05qtj +/m/048kw /location/location/contains /m/0214m4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01y20v +/m/02r6c_ /people/person/profession /m/01d_h8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07sqbl +/m/02y0js /people/cause_of_death/people /m/015np0 +/m/026t6 /music/instrument/instrumentalists /m/015x1f +/m/0pmw9 /people/person/profession /m/028kk_ +/m/01wmcbg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j_t1 +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/06w2sn5 /film/actor/film./film/performance/film /m/0661m4p +/m/09xbpt /film/film/genre /m/0lsxr +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/02v406 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/065y4w7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0123j6 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04v09 +/m/0299hs /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/01pj5q /film/actor/film./film/performance/film /m/028_yv +/m/014nq4 /film/film/genre /m/03k9fj +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/065jlv /people/person/nationality /m/03rt9 +/m/03xb2w /people/person/gender /m/05zppz +/m/0drrw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ctzb /people/ethnicity/people /m/083q7 +/m/02ctzb /people/ethnicity/people /m/042f1 +/m/06dfg /location/country/form_of_government /m/06cx9 +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0487c3 /people/person/nationality /m/035yg +/m/05650n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tlyq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0czhv7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0233bn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/031786 /film/film/genre /m/02xlf +/m/0210f1 /people/person/profession /m/0cbd2 +/m/0qcr0 /people/cause_of_death/people /m/02x8mt +/m/02s4l6 /film/film/country /m/07ssc +/m/0dnw1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/04w391 /people/person/profession /m/02hrh1q +/m/02qzmz6 /film/film/genre /m/02l7c8 +/m/0jgd /location/location/contains /m/02tb17 +/m/0jgd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/08n__5 /people/person/profession /m/0dxtg +/m/043tvp3 /film/film/music /m/02bh9 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0bl06 /film/film/featured_film_locations /m/0rh6k +/m/02p7_k /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02z9hqn /film/film/genre /m/0jxy +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05f7snc +/m/077qn /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/056vv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0fzyg /film/film_subject/films /m/018js4 +/m/01hq1 /film/film/executive_produced_by /m/06s26c +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/02825kb +/m/05slvm /people/person/nationality /m/0d060g +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bh8tgs /film/film/genre /m/082gq +/m/01tfck /people/person/profession /m/02hrh1q +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/06b_0 /people/person/gender /m/05zppz +/m/0164nb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02dr9j +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yvct +/m/06n3y /location/location/contains /m/0p2n +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0xhtw /music/genre/artists /m/032t2z +/m/02z6gky /time/event/locations /m/010h9y +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0ycfj /music/artist/origin /m/0mzww +/m/0g768 /music/record_label/artist /m/01pgk0 +/m/0cx7f /music/genre/artists /m/017g21 +/m/01xr2s /tv/tv_program/genre /m/01htzx +/m/024bbl /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07h34 +/m/04bs3j /people/person/places_lived./people/place_lived/location /m/03dm7 +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030hbp +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05l71 +/m/049qx /people/person/profession /m/01c72t +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gxtknx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04cf09 /people/person/profession /m/01d_h8 +/m/0462hhb /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/04zqmj +/m/035xwd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0k0sv /language/human_language/countries_spoken_in /m/056vv +/m/01rxw /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/01srq2 +/m/04twmk /people/person/languages /m/02h40lc +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/04jpl /location/location/time_zones /m/03bdv +/m/09qh1 /people/person/nationality /m/02jx1 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/06z8gn /film/actor/film./film/performance/film /m/01svry +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0fvvz /location/location/contains /m/01pl14 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/06qw_ /tv/tv_program/languages /m/02h40lc +/m/032xhg /film/actor/film./film/performance/film /m/0g0x9c +/m/028qdb /people/person/gender /m/05zppz +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/04q24zv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/04ch23 +/m/05bt6j /music/genre/artists /m/01vrwfv +/m/031vy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05qkp /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/02tgz4 /film/film/production_companies /m/06rq1k +/m/06q8qh /film/film/executive_produced_by /m/02_340 +/m/07cyl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/015pxr /influence/influence_node/influenced_by /m/0q5hw +/m/0yx74 /location/hud_county_place/place /m/0yx74 +/m/0jswp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017xm3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pz5c /people/person/profession /m/0dxtg +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01n951 /education/educational_institution/students_graduates./education/education/student /m/02yy8 +/m/0640m69 /film/film/produced_by /m/02r251z +/m/03__y /location/country/form_of_government /m/01fpfn +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/03clwtw /film/film/prequel /m/04cbbz +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/018ty9 /people/person/profession /m/0dxtg +/m/01wg982 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0326tc /people/person/nationality /m/02jx1 +/m/03_wtr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mrq3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09mq4m /people/person/nationality /m/07ssc +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/01gkp1 +/m/04tc1g /film/film/genre /m/02kdv5l +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0sw0q /tv/tv_program/genre /m/0c4xc +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01wdtv /music/record_label/artist /m/01n44c +/m/02y_lrp /film/film/genre /m/0gf28 +/m/06p8m /organization/organization/headquarters./location/mailing_address/citytown /m/06y57 +/m/09p4w8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/087pfc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/087pfc /film/film/produced_by /m/043q6n_ +/m/059rby /location/location/contains /m/0y1rf +/m/02jyhv /people/person/nationality /m/09c7w0 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03b79 /location/country/capital /m/0156q +/m/037cr1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ngz1 +/m/064t9 /music/genre/artists /m/01n44c +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03f1r6t /people/person/places_lived./people/place_lived/location /m/02_286 +/m/042gr4 /film/actor/film./film/performance/film /m/08fbnx +/m/03yf4d /people/person/profession /m/0dxtg +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y64_ +/m/039cq4 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jrny /people/person/religion /m/07w8f +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/083chw +/m/07f5x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/02m3sd /people/person/place_of_birth /m/0zrlp +/m/0dq9p /people/cause_of_death/people /m/06dl_ +/m/02p59ry /people/person/nationality /m/0d05w3 +/m/05qm9f /film/film/written_by /m/06kbb6 +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03y5ky /education/educational_institution/colors /m/01l849 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027s39y +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jgpsh +/m/03rjj /sports/sports_team_location/teams /m/01_lhg +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01jr6 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r00l +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/01rh0w +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01n4w_ /education/educational_institution/school_type /m/01rs41 +/m/087wc7n /film/film/music /m/06fxnf +/m/0sx8l /olympics/olympic_games/participating_countries /m/05vz3zq +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j46b +/m/0dbb3 /people/person/place_of_birth /m/0dclg +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0d29z /people/ethnicity/geographic_distribution /m/03rk0 +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03q1vd /people/person/profession /m/02hrh1q +/m/05c9zr /film/film/country /m/0chghy +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/04zkj5 /people/person/profession /m/0np9r +/m/02vp1f_ /film/film/genre /m/04xvh5 +/m/0fm3nb /award/award_category/disciplines_or_subjects /m/02vxn +/m/0dzz6g /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/016z2j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j851 +/m/016z2j /film/actor/film./film/performance/film /m/0320fn +/m/0163v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0h10vt /people/person/profession /m/02hrh1q +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02r2j8 +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/02txdf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02pxst /film/film/genre /m/05c3mp2 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02p65p /film/actor/film./film/performance/film /m/0ptdz +/m/033tf_ /people/ethnicity/people /m/019f2f +/m/033tf_ /people/ethnicity/people /m/04d_mtq +/m/071vr /base/biblioness/bibs_location/state /m/01n7q +/m/02ptczs /film/film/genre /m/03npn +/m/01z4y /media_common/netflix_genre/titles /m/07sgdw +/m/01z4y /media_common/netflix_genre/titles /m/065zlr +/m/0dl5d /music/genre/artists /m/01vn35l +/m/0dl5d /music/genre/artists /m/0c9d9 +/m/01gq0b /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0fgg4 +/m/0f4_2k /film/film/country /m/03rjj +/m/0jj6k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015c2f /people/person/places_lived./people/place_lived/location /m/02_286 +/m/050f0s /film/film/genre /m/0gf28 +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0chw_ /people/person/languages /m/02bjrlw +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/017jd9 /film/film/genre /m/01hmnh +/m/071dcs /people/person/profession /m/03gjzk +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09s5q8 +/m/0sw62 /people/person/religion /m/06nzl +/m/0jtg0 /music/instrument/instrumentalists /m/05cljf +/m/02rky4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cqb /music/genre/artists /m/016fnb +/m/0h7pj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09vc4s /people/ethnicity/people /m/03yk8z +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/04_j5s +/m/01gbn6 /film/actor/film./film/performance/film /m/07phbc +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v6t +/m/0241jw /film/actor/film./film/performance/film /m/02dr9j +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0p_47 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/0146pg /people/person/gender /m/05zppz +/m/0dn44 /people/person/profession /m/0np9r +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/01dw9z /film/actor/film./film/performance/film /m/034qbx +/m/04vjh /location/country/official_language /m/064_8sq +/m/0h5j77 /people/person/profession /m/02jknp +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/02lnbg /music/genre/artists /m/01lqf49 +/m/01w9mnm /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/012qjw /medicine/symptom/symptom_of /m/0h3bn +/m/01nmgc /education/educational_institution/colors /m/038hg +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0pz7h /people/person/profession /m/09jwl +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/084m3 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qkp +/m/06_6j3 /people/person/profession /m/0nbcg +/m/05pyrb /film/film/genre /m/03k9fj +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01738f /music/genre/parent_genre /m/09nwwf +/m/01vw20h /people/person/profession /m/0nbcg +/m/01s1zk /people/person/profession /m/09jwl +/m/01svw8n /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/02j416 +/m/09c7w0 /location/location/contains /m/0xgpv +/m/09c7w0 /location/location/contains /m/01hx2t +/m/09c7w0 /location/location/contains /m/01qgr3 +/m/09c7w0 /location/location/contains /m/01mb87 +/m/09c7w0 /location/country/second_level_divisions /m/0mrf1 +/m/01vvdm /people/deceased_person/place_of_death /m/030qb3t +/m/0342h /music/instrument/instrumentalists /m/02vcp0 +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/01d_h /people/person/gender /m/05zppz +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034m8 +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/01rv7x /people/ethnicity/geographic_distribution /m/04wsz +/m/0277470 /people/person/gender /m/05zppz +/m/01p0w_ /people/person/nationality /m/02jx1 +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0s3pw /sports/sports_team_location/teams /m/02py8_w +/m/02p11jq /music/record_label/artist /m/03cfjg +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ct2tf5 /film/film/country /m/0345h +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/016jny /music/genre/artists /m/028qdb +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0ctw_b /sports/sports_team_location/teams /m/03_44z +/m/06j6l /music/genre/artists /m/01wbgdv +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/058s57 /people/person/gender /m/02zsn +/m/01vsxdm /music/artist/origin /m/0rj0z +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jrhz +/m/0r02m /location/location/time_zones /m/02lcqs +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/09lxtg +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0l8sx +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06tw8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03q45x +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/08rr3p +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0488g +/m/02bxd /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/024c2 /people/cause_of_death/people /m/042f1 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06pyc2 +/m/0crvfq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06npd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/022g44 /people/person/gender /m/05zppz +/m/0fx2s /film/film_subject/films /m/02d413 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01jqr_5 +/m/0436f4 /people/person/nationality /m/09c7w0 +/m/06ch55 /music/instrument/instrumentalists /m/04zwjd +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dyb1 /film/film/genre /m/0556j8 +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/09cdxn /people/person/gender /m/05zppz +/m/07zhd7 /people/person/places_lived./people/place_lived/location /m/019fh +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/050r1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/08966 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/09v3jyg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02jx1 /location/location/contains /m/01jvxb +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/087vz +/m/020y73 /film/film/genre /m/02p0szs +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/078jt5 /people/person/profession /m/02jknp +/m/0ksf29 /people/person/profession /m/0dxtg +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0mwh1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwl2 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/0ftps /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/024mxd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jw67 /film/film/written_by /m/02l5rm +/m/0kbws /olympics/olympic_games/participating_countries /m/04hvw +/m/07z1m /location/location/contains /m/0mn0v +/m/06w33f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/04w4s /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0bmch_x /film/film/language /m/02hwyss +/m/0x67 /people/ethnicity/people /m/016_mj +/m/0x67 /people/ethnicity/people /m/022q32 +/m/0ddjy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0mnm2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv27 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01cf93 /music/record_label/artist /m/048xh +/m/094xh /people/person/profession /m/0nbcg +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04nnpw /film/film/country /m/0f8l9c +/m/0ll3 /people/person/gender /m/05zppz +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/03c9pqt /people/person/gender /m/05zppz +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/07b_l /location/location/contains /m/0msck +/m/09v38qj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029q_y +/m/01_1hw /film/film/language /m/02hxc3j +/m/02cpp /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/018lg0 /music/genre/artists /m/01516r +/m/026c1 /people/person/profession /m/02hrh1q +/m/0kvgtf /film/film/music /m/01hgwkr +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0291ck +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jssp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01clyb +/m/015bpl /film/film/featured_film_locations /m/0g_wn2 +/m/0n3g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/05r7t +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02vwckw /people/person/nationality /m/09c7w0 +/m/01g4yw /education/educational_institution/school_type /m/07tf8 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/02t_99 /people/person/religion /m/0c8wxp +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dg51 +/m/06by7 /music/genre/artists /m/01vrnsk +/m/04xjp /people/person/profession /m/0cbd2 +/m/095z4q /film/film/genre /m/07s9rl0 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/01cw24 +/m/01cz7r /film/film/production_companies /m/02j_j0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/05vtbl /people/person/profession /m/0196pc +/m/039g82 /film/actor/film./film/performance/film /m/0kbwb +/m/06r2h /film/film/story_by /m/03ft8 +/m/02773m2 /people/person/profession /m/01d_h8 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/0hsqf +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cq7tx +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02j9lm /people/person/profession /m/02hrh1q +/m/01jft4 /film/film/genre /m/05p553 +/m/0bs5k8r /film/film/language /m/0653m +/m/023jq1 /people/person/nationality /m/0j5g9 +/m/0gfzfj /film/film/music /m/05_swj +/m/042fgh /film/film/genre /m/03k9fj +/m/014_x2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/023kzp /film/actor/film./film/performance/film /m/0c9t0y +/m/05jcn8 /people/person/gender /m/05zppz +/m/0bscw /film/film/produced_by /m/0q9kd +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/06t2t2 /film/film/genre /m/060__y +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0820xz +/m/01b1mj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cgv /location/country/form_of_government /m/01d9r3 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0q9zc /people/person/religion /m/03_gx +/m/02yv6b /music/genre/artists /m/081wh1 +/m/099d4 /people/person/profession /m/01d_h8 +/m/0ggx5q /music/genre/artists /m/0840vq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/01mr2g6 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07jwr /people/cause_of_death/people /m/02n9k +/m/0jrv_ /music/genre/artists /m/01wt4wc +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/069ld1 /people/person/place_of_birth /m/0lhn5 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0296rz +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/07xr3w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/06vnh2 /people/person/profession /m/09j9h +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05xbx +/m/06p03s /music/artist/origin /m/04jpl +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/034hck /people/person/nationality /m/02vzc +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030k94 +/m/02w4v /music/genre/artists /m/020jqv +/m/063tn /people/person/gender /m/05zppz +/m/0j_c /people/person/profession /m/03gjzk +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/01m65sp /people/person/profession /m/016z4k +/m/045c7b /business/business_operation/industry /m/01mf0 +/m/0lpjn /people/person/profession /m/02hrh1q +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/0vlf /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02mhfy /film/actor/film./film/performance/film /m/0291ck +/m/0pqz3 /location/hud_county_place/place /m/0pqz3 +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0kb1g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qlp4 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/0jdr0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04ns3gy /people/person/nationality /m/09c7w0 +/m/0f0p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02c9dj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01p7x7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/02yvct /film/film/executive_produced_by /m/06q8hf +/m/01tpvt /organization/organization/headquarters./location/mailing_address/citytown /m/08966 +/m/04sntd /film/film/language /m/02h40lc +/m/03mdt /media_common/netflix_genre/titles /m/043mk4y +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/041rx /people/ethnicity/people /m/0h5f5n +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj96ln +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0flpy +/m/04bdlg /people/person/profession /m/02hrh1q +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/03qjg /music/instrument/instrumentalists /m/036px +/m/0hskw /people/person/profession /m/0q04f +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ny6g +/m/09qycb /film/film/genre /m/082gq +/m/09g7vfw /film/film/genre /m/07s9rl0 +/m/01wg3q /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/01wg3q /people/person/gender /m/05zppz +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/04mby /people/person/profession /m/0kyk +/m/03n0cd /film/film/genre /m/06n90 +/m/02dbn2 /people/person/nationality /m/0chghy +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03mh_tp /film/film/music /m/01m5m5b +/m/01jfsb /media_common/netflix_genre/titles /m/027r7k +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/047bynf /film/film/language /m/02h40lc +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0340hj /film/film/featured_film_locations /m/030qb3t +/m/03k545 /people/person/profession /m/02hrh1q +/m/01w8g3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/039d4 /education/educational_institution/school_type /m/05jxkf +/m/016wzw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/04h4c9 /film/film/language /m/04306rv +/m/04mvk7 /sports/sports_team/colors /m/019sc +/m/02nfjp /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/03whyr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016vg8 /film/actor/film./film/performance/film /m/0bwhdbl +/m/02q3fdr /film/film/genre /m/0bj8m2 +/m/035rnz /people/person/nationality /m/09c7w0 +/m/02plv57 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0166v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095p3z +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/03975z /people/person/gender /m/05zppz +/m/03rhqg /music/record_label/artist /m/023p29 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01kt_j +/m/07s9rl0 /media_common/netflix_genre/titles /m/02q5g1z +/m/022_q8 /people/person/profession /m/0q04f +/m/02hblj /people/person/nationality /m/09c7w0 +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0f1vrl /people/person/gender /m/05zppz +/m/0gnbw /film/actor/film./film/performance/film /m/0bpm4yw +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/08fn5b /film/film/featured_film_locations /m/01_d4 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/01t7jy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02r5w9 /people/person/profession /m/0dgd_ +/m/07kh6f3 /film/film/music /m/04pf4r +/m/04gycf /people/person/nationality /m/03rjj +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0dn16 /music/genre/parent_genre /m/06by7 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb607 +/m/0cw3yd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07ftc0 /people/person/profession /m/01d_h8 +/m/07jqvw /award/award_category/winners./award/award_honor/award_winner /m/06hgj +/m/0lkr7 /people/person/profession /m/0d1pc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/016wvy /people/person/profession /m/01c72t +/m/016wvy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jbk9 +/m/0c1ps1 /people/person/nationality /m/09c7w0 +/m/012c6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/032wdd /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0bvzp /people/person/profession /m/028kk_ +/m/04fhn_ /people/person/places_lived./people/place_lived/location /m/0sngf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01clyb +/m/016jhr /music/genre/parent_genre /m/05w3f +/m/01f6zc /people/person/religion /m/01lp8 +/m/07g9f /tv/tv_program/genre /m/0lsxr +/m/0crs0b8 /film/film/genre /m/01jfsb +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026hxwx /film/film/genre /m/03k9fj +/m/0435vm /film/film/genre /m/02kdv5l +/m/0fx02 /people/person/profession /m/0kyk +/m/01nm3s /people/person/place_of_birth /m/06wxw +/m/01jfrg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0191n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/029jpy /location/location/contains /m/06btq +/m/02qk2d5 /sports/sports_team/colors /m/02rnmb +/m/026db_ /business/business_operation/industry /m/0hz28 +/m/0gd9k /people/person/place_of_birth /m/0xqf3 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rcmg +/m/07k8rt4 /film/film/genre /m/04pbhw +/m/07k8rt4 /film/film/genre /m/02kdv5l +/m/03lty /music/genre/artists /m/013rfk +/m/072x7s /film/film/language /m/02h40lc +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/018p4y /film/actor/film./film/performance/film /m/014kq6 +/m/05q5t0b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019g40 /people/person/profession /m/0dz3r +/m/0c9t0y /film/film/genre /m/02n4kr +/m/01nrnm /education/educational_institution/students_graduates./education/education/student /m/02tn0_ +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/04t6fk /film/film/featured_film_locations /m/05kj_ +/m/04t6fk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0q9b0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02y49 /people/person/profession /m/0cbd2 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/06gb1w +/m/09hd6f /people/person/profession /m/0dxtg +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvgt +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yy9r +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/06v41q /people/ethnicity/people /m/023tp8 +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/01k60v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/08fbnx /film/film/genre /m/0jxy +/m/0265z9l /people/person/profession /m/02hrh1q +/m/015wfg /film/actor/film./film/performance/film /m/01b195 +/m/015wfg /film/actor/film./film/performance/film /m/0jyb4 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/07ym0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/07ww5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/0cks1m /film/film/genre /m/05p553 +/m/09zmys /film/actor/film./film/performance/film /m/01gvts +/m/02hnl /music/instrument/instrumentalists /m/03f1zhf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/08b8vd /people/person/gender /m/02zsn +/m/0139q5 /film/actor/film./film/performance/film /m/027m67 +/m/042g97 /film/film/genre /m/01jfsb +/m/094vy /location/location/contains /m/0m75g +/m/0p8jf /influence/influence_node/influenced_by /m/013pp3 +/m/0p8jf /people/person/nationality /m/09c7w0 +/m/0rxyk /location/hud_county_place/place /m/0rxyk +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0czmk1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/023fb +/m/07g_0c /film/film/language /m/02h40lc +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03x1s8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/035wcs /music/genre/artists /m/01lqf49 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/06449 +/m/0gw7p /film/film/genre /m/02kdv5l +/m/0k5px /film/film/genre /m/01g6gs +/m/02vkvcz /people/person/profession /m/026sdt1 +/m/01xsc9 /people/person/gender /m/05zppz +/m/0b6tzs /film/film/language /m/06nm1 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/0dzlbx /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/015np0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gn30 /people/person/nationality /m/09c7w0 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/03j1p2n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdj_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/0125xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/053x8hr /tv/tv_program/country_of_origin /m/07ssc +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/044bn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/048hf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bm1v +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01p896 +/m/011ykb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/060v34 /film/film/music /m/0bs1yy +/m/02784z /people/person/profession /m/02hrh1q +/m/03j_hq /music/artist/origin /m/0dzt9 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/06m_5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01vrz41 /people/person/profession /m/09jwl +/m/01vrz41 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kzy0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bb47 +/m/02ctzb /people/ethnicity/people /m/0d0vj4 +/m/05bnq8 /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/01ycbq /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0gvt53w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02j9z /base/locations/continents/countries_within /m/07ssc +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/027jk +/m/04gc65 /film/actor/film./film/performance/film /m/07sc6nw +/m/09qs08 /award/award_category/category_of /m/0gcf2r +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/03f0324 /influence/influence_node/influenced_by /m/07dnx +/m/05mc7y /people/deceased_person/place_of_death /m/030qb3t +/m/01vswwx /people/person/religion /m/0c8wxp +/m/01qhm_ /people/ethnicity/people /m/0jfx1 +/m/01sxdy /film/film/genre /m/07s9rl0 +/m/013cr /people/person/profession /m/02jknp +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/051wwp /people/person/gender /m/05zppz +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/039n1 /people/person/place_of_birth /m/0727_ +/m/0372j5 /film/film/genre /m/05p553 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0244r8 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/01z7s_ /people/person/profession /m/02hrh1q +/m/0b80__ /people/person/gender /m/05zppz +/m/016z68 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054fvj /people/person/employment_history./business/employment_tenure/company /m/0cjdk +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0187y5 /people/person/profession /m/01d_h8 +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07c52 +/m/04pnx /location/location/contains /m/05qx1 +/m/053j4w4 /film/film_set_designer/film_sets_designed /m/07cdz +/m/02bqvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026z9 /music/genre/artists /m/01vtj38 +/m/0h7dd /film/actor/film./film/performance/film /m/0gnjh +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/05njw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/052hl /influence/influence_node/influenced_by /m/015cbq +/m/033hn8 /music/record_label/artist /m/01wn718 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05_5_22 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02j69w +/m/049dzz /sports/sports_team/sport /m/02vx4 +/m/01y9st /education/educational_institution/students_graduates./education/education/student /m/02184q +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0kp2_ /influence/influence_node/influenced_by /m/0ff2k +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09q23x +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/02qwg +/m/0lgxj /olympics/olympic_games/participating_countries /m/06m_5 +/m/0557q /music/genre/artists /m/03n0q5 +/m/05c6073 /music/genre/artists /m/01w5n51 +/m/02zv4b /tv/tv_program/genre /m/0m1xv +/m/0xnvg /people/ethnicity/people /m/026l37 +/m/0gffmn8 /film/film/genre /m/03k9fj +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/03cp4cn /film/film/genre /m/060__y +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04mzf8 +/m/01wtlq /music/genre/artists /m/0b_j2 +/m/0bkmf /people/person/places_lived./people/place_lived/location /m/0z20d +/m/0g8_vp /people/ethnicity/people /m/0hz_1 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p_tz +/m/0ff2k /people/person/profession /m/0kyk +/m/0k57l /people/person/profession /m/0dxtg +/m/02sjp /people/person/profession /m/028kk_ +/m/0181dw /music/record_label/artist /m/0892sx +/m/0f67f /location/location/time_zones /m/02hcv8 +/m/0yls9 /education/educational_institution/students_graduates./education/education/student /m/0cm03 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/06tw8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/0ggq0m /music/genre/artists /m/0ftqr +/m/02vqhv0 /film/film/genre /m/03k9fj +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0571m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fh36 /music/genre/artists /m/05563d +/m/012x2b /people/person/religion /m/0kpl +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dcz8_ +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02d49z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01w7nww /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06w7mlh +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03ckfl9 /music/genre/artists /m/01qqwp9 +/m/048lv /film/actor/film./film/performance/film /m/0yyn5 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03qy3l /music/record_label/artist /m/01v0sxx +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/02vq8xn /people/person/profession /m/02hrh1q +/m/0kft /people/person/places_lived./people/place_lived/location /m/07dfk +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/02tv80 +/m/0456xp /people/person/profession /m/0d1pc +/m/02x8z_ /people/person/profession /m/0nbcg +/m/01pl9g /people/person/languages /m/02h40lc +/m/0640m69 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/019pcs /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/035hm /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h0kx /music/genre/parent_genre /m/0133_p +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/047rkcm /film/film/executive_produced_by /m/0gg9_5q +/m/01cwcr /film/actor/film./film/performance/film /m/02rrfzf +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/02fybl /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0j_t1 /film/film/other_crew./film/film_crew_gig/crewmember /m/09dvgb8 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0794g +/m/05nzw6 /people/person/gender /m/05zppz +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/01pbxb /people/person/gender /m/05zppz +/m/01y06y /education/educational_institution/students_graduates./education/education/student /m/02wh0 +/m/02k6rq /people/person/gender /m/05zppz +/m/0131kb /film/actor/film./film/performance/film /m/01wb95 +/m/05kms /music/instrument/instrumentalists /m/04mky3 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02pv_d /people/person/profession /m/02jknp +/m/07vqnc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03wy70 +/m/01wsl7c /people/person/profession /m/0n1h +/m/041td_ /film/film/genre /m/03bxz7 +/m/01lhf /education/field_of_study/students_majoring./education/education/student /m/02_0d2 +/m/042z_g /people/person/place_of_birth /m/030qb3t +/m/01k5t_3 /people/person/gender /m/05zppz +/m/06p8m /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/059rby /location/location/contains /m/0f4zv +/m/05k4my /film/film/music /m/02jxmr +/m/01ps2h8 /film/actor/film./film/performance/film /m/0cp0t91 +/m/02fqxm /film/film/executive_produced_by /m/07f8wg +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01cdt5 /medicine/symptom/symptom_of /m/04p3w +/m/0xnt5 /base/biblioness/bibs_location/country /m/05sb1 +/m/01qzt1 /media_common/netflix_genre/titles /m/0353xq +/m/064t9 /music/genre/artists /m/01wd9lv +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09g0h /people/person/profession /m/02jknp +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgkj2 +/m/049mql /film/film/genre /m/03g3w +/m/027yjnv /time/event/instance_of_recurring_event /m/07hn5 +/m/0jrny /film/actor/film./film/performance/film /m/05cvgl +/m/02v703 /award/award_category/category_of /m/0c4ys +/m/045gzq /film/actor/film./film/performance/film /m/0sxmx +/m/06r4f /tv/tv_program/country_of_origin /m/09c7w0 +/m/047p7fr /film/film/genre /m/03k9fj +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0dc7hc +/m/0l14md /music/instrument/instrumentalists /m/015882 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/040696 /people/person/nationality /m/06bnz +/m/084z0w /people/person/religion /m/03j6c +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0g83dv /film/film/language /m/06x8y +/m/01k_mc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ckhc /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/05xls /people/profession/specialization_of /m/09j9h +/m/0d3f83 /people/person/religion /m/0flw86 +/m/016jfw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02jztz +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hqzm6r +/m/016y_f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/07_fj54 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0sx8l /olympics/olympic_games/participating_countries /m/06c1y +/m/0x335 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/038w8 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0c0k1 /film/actor/film./film/performance/film /m/02tktw +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03r0g9 /film/film/genre /m/02kdv5l +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/034qbx /film/film/genre /m/05p553 +/m/0n1s0 /film/film/genre /m/0gf28 +/m/0147sh /film/film/genre /m/07s9rl0 +/m/0ly5n /film/actor/film./film/performance/film /m/0htww +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/03q43g /people/person/profession /m/03gjzk +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0_j_z /location/hud_county_place/place /m/0_j_z +/m/04zkj5 /people/person/profession /m/02hrh1q +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/02ct_k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/07bch9 /people/ethnicity/people /m/0gt3p +/m/06x2ww /music/record_label/artist /m/02fn5r +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/019z7q /people/deceased_person/place_of_death /m/0cc56 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/03flwk /people/person/nationality /m/09c7w0 +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/03x82v +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06y_n +/m/04w8f /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01sn04 /location/location/contains /m/01jzyx +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/09lhln /people/person/profession /m/0gl2ny2 +/m/099bhp /film/film/genre /m/0hcr +/m/0d3k14 /people/person/profession /m/0fj9f +/m/0dq626 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01z4y /media_common/netflix_genre/titles /m/03m8y5 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01bpc9 /people/person/profession /m/02hrh1q +/m/01lqf49 /people/person/profession /m/02hrh1q +/m/027n4zv /people/person/profession /m/02hrh1q +/m/081hvm /people/person/profession /m/02hrh1q +/m/094tsh6 /people/person/gender /m/05zppz +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vyw +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/043hg /film/actor/film./film/performance/film /m/01rwyq +/m/01vvycq /people/person/profession /m/0dz3r +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05fg2 /people/person/gender /m/05zppz +/m/05fg2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0130sy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016zp5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0j6j8 /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/05sbv3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0165b +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/01f8gz /film/film/prequel /m/027m67 +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05683cn +/m/0cw67g /people/person/nationality /m/09c7w0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0b1y_2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/0d060g /location/location/contains /m/01vqq1 +/m/02d6n_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018ctl /olympics/olympic_games/sports /m/09_94 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/0lbd9 /olympics/olympic_games/sports /m/01cgz +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0frm7n /sports/sports_team/colors /m/083jv +/m/0fpj4lx /film/actor/film./film/performance/film /m/0dzlbx +/m/0yx1m /film/film/music /m/01l9v7n +/m/018f8 /film/film/cinematography /m/087yty +/m/0b5x23 /people/person/profession /m/02jknp +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0cg9f /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02c6d /film/film/genre /m/07s9rl0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/01vw20h /people/person/profession /m/01d_h8 +/m/05567m /film/film/executive_produced_by /m/04q5zw +/m/03xmy1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/09c7w0 /location/location/contains /m/0kqj1 +/m/09c7w0 /location/location/contains /m/0sb1r +/m/09c7w0 /location/country/second_level_divisions /m/0mnrb +/m/09c7w0 /location/country/second_level_divisions /m/0k3jq +/m/0bh8x1y /film/film/written_by /m/05183k +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163r3 +/m/0342h /music/instrument/instrumentalists /m/0dw3l +/m/0342h /music/instrument/instrumentalists /m/0140t7 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01n8qg +/m/03_8r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01yx7f /organization/organization/place_founded /m/0d6lp +/m/0gxb2 /medicine/symptom/symptom_of /m/0d19y2 +/m/0gxb2 /medicine/symptom/symptom_of /m/01_qc_ +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/018t8f /education/educational_institution/campuses /m/018t8f +/m/06sn8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/09hgk /education/educational_institution/students_graduates./education/education/student /m/03f0324 +/m/07db6x /people/person/profession /m/01d_h8 +/m/02q636 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/059j2 /location/country/form_of_government /m/018wl5 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/035gnh /film/film/genre /m/0lsxr +/m/053y4h /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h3mh3q +/m/01f7jt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dwcl /business/business_operation/industry /m/020mfr +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01m23s /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04954r /film/film/produced_by /m/0638kv +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/06qxh /tv/tv_program/languages /m/02h40lc +/m/02hyt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/027nb +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/05169r +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0gthm /influence/influence_node/influenced_by /m/014635 +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/054lpb6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gmmt6 +/m/045nc5 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01wb8bs /people/person/profession /m/02hrh1q +/m/04jb97 /people/person/profession /m/02hrh1q +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04954 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jn6y7 +/m/03hxsv /film/film/language /m/02h40lc +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01j53q +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01nzs7 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0k3kv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3g3 +/m/0466s8n /film/film/featured_film_locations /m/05kj_ +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/01nfys /people/person/religion /m/0c8wxp +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0gyy0 +/m/0jgx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02mjf2 /film/actor/film./film/performance/film /m/0260bz +/m/047d21r /film/film/executive_produced_by /m/06q8hf +/m/01vyp_ /people/person/gender /m/05zppz +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/042kg +/m/03r1pr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n7njg /award/award_nominee/award_nominations./award/award_nomination/award /m/0h3vhfb +/m/069nzr /film/actor/film./film/performance/film /m/0fb7sd +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02jx1 /location/location/contains /m/0978r +/m/02jx1 /location/location/contains /m/0n96z +/m/050l8 /location/location/partially_contains /m/04ykz +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06v36 +/m/0svqs /film/actor/film./film/performance/film /m/02v8kmz +/m/06yxd /location/location/contains /m/0mvxt +/m/09fqtq /people/person/gender /m/05zppz +/m/0b_6zk /time/event/locations /m/0qpsn +/m/0738b8 /people/person/gender /m/05zppz +/m/0dzs0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01w0yrc /film/actor/film./film/performance/film /m/0241y7 +/m/012kyx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01ffx4 /film/film/production_companies /m/01w92 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0kbws /olympics/olympic_games/participating_countries /m/09lxtg +/m/01n2m6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z3zp /people/person/places_lived./people/place_lived/location /m/0fr0t +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03rl84 +/m/0y_pg /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0hc8h /base/aareas/schema/administrative_area/administrative_parent /m/0cv5l +/m/0cbgl /people/person/place_of_birth /m/03v_5 +/m/02gjp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c4y8 /people/person/profession /m/0dxtg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyh2wm +/m/06xpp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h2c /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0ff0x /location/location/time_zones /m/02hcv8 +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/04nnpw /film/film/genre /m/07s9rl0 +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027j9wd +/m/085ccd /film/film/genre /m/07s9rl0 +/m/0bz6sq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03s0w /location/location/contains /m/0t0n5 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/0kz10 /music/genre/parent_genre /m/08cyft +/m/02x8m /music/genre/artists /m/01vvycq +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023kzp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02qjj7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015fs3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03wv2g +/m/01r4hry /people/person/gender /m/05zppz +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05h43ls /film/film/prequel /m/03bzyn4 +/m/01x9_8 /people/person/profession /m/0d1pc +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/01797x /people/person/profession /m/039v1 +/m/0n3g /location/country/form_of_government /m/018wl5 +/m/07c5l /location/location/contains /m/0160w +/m/0zcbl /film/actor/film./film/performance/film /m/06lpmt +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0dbc1s /people/person/gender /m/05zppz +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/028d4v /film/actor/film./film/performance/film /m/01fmys +/m/028d4v /film/actor/film./film/performance/film /m/028kj0 +/m/083qy7 /people/person/nationality /m/0b90_r +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d0vqn +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4k49 +/m/06r2h /film/film/genre /m/01jfsb +/m/0ccck7 /film/film/production_companies /m/016tw3 +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/09qxq7 /music/genre/artists /m/01ydzx +/m/07r_dg /film/actor/film./film/performance/film /m/06w99h3 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/04gcyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05fgt1 /film/film/genre /m/0vgkd +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y06y +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/0q5hw /people/person/profession /m/03gjzk +/m/05w3f /music/genre/artists /m/01wv9xn +/m/01m1zk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g1lp /people/person/profession /m/0dxtg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02661h /people/person/profession /m/03gjzk +/m/07x4qr /film/film/genre /m/01hmnh +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03_3d +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/023rwm /music/record_label/artist /m/0p76z +/m/03h3x5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02k_kn /music/genre/artists /m/02jqjm +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nnj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/01j2xj +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05c5z8j /film/film/genre /m/05mrx8 +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03f1d47 /people/person/place_of_birth /m/0z1vw +/m/01q0kg /education/educational_institution/colors /m/019sc +/m/03lmx1 /people/ethnicity/people /m/04mhbh +/m/043n0v_ /film/film/genre /m/02p0szs +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/030qb3t /location/location/contains /m/0k_p5 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01m65sp /people/person/profession /m/0cbd2 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/01wdcxk /people/person/profession /m/01c72t +/m/0g9zjp /people/person/nationality /m/02jx1 +/m/01p8r8 /film/actor/film./film/performance/film /m/013q0p +/m/06rq2l /people/person/nationality /m/09c7w0 +/m/0g9yrw /film/film/genre /m/05p553 +/m/0948xk /people/person/profession /m/04gc2 +/m/0c5v2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bmpm /film/film/language /m/02h40lc +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02q87z6 /film/film/produced_by /m/0fvf9q +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01f08r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015z4j +/m/018z_c /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wv9p /people/person/religion /m/0c8wxp +/m/01wj9y9 /people/deceased_person/place_of_death /m/030qb3t +/m/0jdr0 /film/film/genre /m/01jfsb +/m/06z8s_ /film/film/executive_produced_by /m/0glyyw +/m/0g96wd /people/ethnicity/people /m/05l0j5 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/07_nf /base/culturalevent/event/entity_involved /m/01m59 +/m/02dr9j /film/film/featured_film_locations /m/02_286 +/m/07cw4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/010h9y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ygt /film/actor/film./film/performance/film /m/01qxc7 +/m/0mbf4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jpkg +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01bvx1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02k4gv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0kxbc +/m/03l3ln /people/person/religion /m/03j6c +/m/04cr6qv /people/person/gender /m/05zppz +/m/03f4k /people/person/profession /m/05vyk +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/0d__g +/m/0h6rm /education/educational_institution/colors /m/01g5v +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0blbxk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0blbxk /film/actor/film./film/performance/film /m/0g7pm1 +/m/02l101 /people/deceased_person/place_of_death /m/06_kh +/m/0dtzkt /film/film/genre /m/017fp +/m/013x0b /business/business_operation/industry /m/02jjt +/m/02rv_dz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04sh3 +/m/041rx /people/ethnicity/people /m/01rcmg +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03cn92 /people/person/nationality /m/09c7w0 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/0prhz /film/film/country /m/07ssc +/m/023zsh /film/actor/film./film/performance/film /m/03m5y9p +/m/07cbs /influence/influence_node/influenced_by /m/043s3 +/m/06_wqk4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/051cc +/m/09n5t_ /music/genre/artists /m/015cxv +/m/06mx8 /media_common/netflix_genre/titles /m/011yxy +/m/06c0ns /film/film/genre /m/05p553 +/m/03mp8k /music/record_label/artist /m/01l_vgt +/m/02lf0c /people/person/profession /m/01d_h8 +/m/06j8q_ /people/person/place_of_birth /m/04pry +/m/02zkz7 /education/educational_institution/colors /m/01l849 +/m/02dbn2 /film/actor/film./film/performance/film /m/02pxst +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07tj4c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0lx2l /people/person/profession /m/018gz8 +/m/04hqbbz /people/person/nationality /m/03rk0 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/03bnv /people/person/profession /m/02hrh1q +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05dy7p /film/film/featured_film_locations /m/04wgh +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01n1gc /film/actor/film./film/performance/film /m/05567m +/m/03x31g /people/person/religion /m/0flw86 +/m/025352 /people/profession/specialization_of /m/0cbd2 +/m/02r_pp /film/film/country /m/09c7w0 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0pdp8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/0b_5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_fm2 +/m/07nt8p /film/film/language /m/02h40lc +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hd16 +/m/0378zn /film/actor/film./film/performance/film /m/02825nf +/m/02bft /medicine/disease/risk_factors /m/02vrr +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/065_cjc /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/01pcrw /film/actor/film./film/performance/film /m/01mszz +/m/01hn_t /tv/tv_program/genre /m/0pr6f +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03q95r /people/person/profession /m/02hrh1q +/m/0404j37 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0163zw /music/genre/parent_genre /m/0mmp3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0sxfd +/m/07s9rl0 /media_common/netflix_genre/titles /m/0260bz +/m/03n93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/012g92 /people/person/profession /m/02hrh1q +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0glt670 /music/genre/artists /m/01vw8mh +/m/0glt670 /music/genre/artists /m/01vxlbm +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/034b6k /film/film/executive_produced_by /m/05prs8 +/m/06_kh /location/location/time_zones /m/02lcqs +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/030znt +/m/05p3738 /film/film/genre /m/02kdv5l +/m/02hy9p /people/person/profession /m/01d_h8 +/m/07jq_ /film/film_subject/films /m/09r94m +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/01w61th /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07xvf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/018ygt +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0427y +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/02ll45 /film/film/genre /m/04xvh5 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bl8l +/m/05dbf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06kl78 /film/film/genre /m/0hn10 +/m/02_1q9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/07qy0b +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/06fc0b +/m/0j0k /location/location/contains /m/0jhd +/m/05w88j /people/person/profession /m/02hrh1q +/m/0cp9f9 /people/person/profession /m/03gjzk +/m/02wwmhc /film/film/language /m/06nm1 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0127gn +/m/0mwl2 /location/location/contains /m/013ksx +/m/015qy1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01z7_f /people/person/profession /m/02hrh1q +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05b6c +/m/05wm88 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/06mm1x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02bxjp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02648p /tv/tv_program/country_of_origin /m/09c7w0 +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/08gg47 /film/film/genre /m/03q4nz +/m/01kt17 /people/person/profession /m/03gjzk +/m/03lty /music/genre/artists /m/01lz4tf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02gs6r +/m/0bqxw /education/educational_institution/colors /m/01l849 +/m/0jmwg /music/genre/artists /m/012ycy +/m/04t6fk /film/film/language /m/04306rv +/m/01x4wq /sports/sports_team/colors /m/083jv +/m/0gk4g /people/cause_of_death/people /m/01pny5 +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01fyzy /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cvvlg +/m/03cvvlg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/01rwf_ /location/administrative_division/country /m/07ssc +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01kkfp +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/015qt5 +/m/02jg92 /people/person/profession /m/01b30l +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/01vsykc /people/person/gender /m/05zppz +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ylg6 +/m/048z7l /people/ethnicity/people /m/0hqly +/m/0dryh9k /people/ethnicity/people /m/0738y5 +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/0j_tw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07c52 /media_common/netflix_genre/titles /m/030cx +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02633g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/06rpd +/m/0292l3 /film/actor/film./film/performance/film /m/0dx8gj +/m/03rj0 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01v42g /people/person/profession /m/02hrh1q +/m/01v42g /film/actor/film./film/performance/film /m/0bz6sq +/m/0f13b /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01j5ws /people/person/religion /m/0c8wxp +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xc1w4 +/m/02n72k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmj7 /sports/sports_team/sport /m/018w8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0kz2w +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/03j149k /music/artist/origin /m/0y62n +/m/0k29f /people/person/gender /m/05zppz +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09969 /people/cause_of_death/people /m/03f4k +/m/0j0pf /people/person/profession /m/0h9c +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/027dpx /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02q5g1z /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0d19y2 /people/cause_of_death/people /m/01w1ywm +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0c3351 /media_common/netflix_genre/titles /m/0404j37 +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0125xq /film/film/language /m/02h40lc +/m/04y5j64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0qm8b /film/film/production_companies /m/025hwq +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/06pcz0 /people/person/nationality /m/09c7w0 +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/013tcv /people/person/nationality /m/0chghy +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04sylm +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01r3y2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y9st +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02l424 +/m/01vs4f3 /influence/influence_node/influenced_by /m/081k8 +/m/0jfqp /sports/sports_team_location/teams /m/026xxv_ +/m/059kh /music/genre/artists /m/016vj5 +/m/07h1q /influence/influence_node/influenced_by /m/039n1 +/m/08jyyk /music/genre/artists /m/0gdh5 +/m/0xhj2 /location/hud_county_place/place /m/0xhj2 +/m/04vq3h /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/022lly +/m/0yldt /education/educational_institution/school_type /m/07tf8 +/m/02nwxc /people/person/profession /m/02hrh1q +/m/013rds /people/person/profession /m/0np9r +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02j9z /location/location/contains /m/01lvrm +/m/02w9k1c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/029g_vk +/m/0p51w /people/person/nationality /m/0h7x +/m/0glqh5_ /film/film/genre /m/02kdv5l +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/01_x6d /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wgr /language/human_language/countries_spoken_in /m/01mk6 +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01p4vl +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/039x1k +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/040p3y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03lpp_ /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0bzn6_ /time/event/instance_of_recurring_event /m/0g_w +/m/01vsn38 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0gz_ /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/07l5z /location/location/time_zones /m/02hcv8 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04b19t /people/person/nationality /m/03rk0 +/m/0rhp6 /location/hud_county_place/county /m/0jgj7 +/m/087qxp /people/person/profession /m/0dxtg +/m/03bkbh /people/ethnicity/people /m/01l87db +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p3_y +/m/04g5k /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020ffd +/m/01pnn3 /film/actor/film./film/performance/film /m/02_1sj +/m/0fzyg /film/film_subject/films /m/04sh80 +/m/016srn /film/actor/film./film/performance/film /m/01b195 +/m/06jnvs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/06_6j3 +/m/06zn1c /film/film/language /m/02h40lc +/m/0w7s /people/profession/specialization_of /m/09j9h +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmhr +/m/0283sdr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01wrwf /education/educational_institution/school_type /m/05pcjw +/m/047svrl /film/film/genre /m/07s9rl0 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02c8d7 /music/genre/artists /m/01vx5w7 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/031y07 /film/actor/film./film/performance/film /m/0gzy02 +/m/0sxdg /business/business_operation/industry /m/02jjt +/m/0736qr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015t56 /film/actor/film./film/performance/film /m/01q2nx +/m/05xq9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0t015 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sbhvd /people/person/religion /m/03_gx +/m/0xnvg /people/ethnicity/people /m/0f502 +/m/01vrt_c /people/person/profession /m/016z4k +/m/01p8s /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01f69m /film/film/language /m/02h40lc +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/05k7sb /location/location/contains /m/0tz1j +/m/07w21 /influence/influence_node/influenced_by /m/01tz6vs +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/023slg /people/person/nationality /m/09c7w0 +/m/039zft /film/film/genre /m/0bj8m2 +/m/015f7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gvr1 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/05ftw3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/065zr +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0571m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/01nyl /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01nyl /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0221zw /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/03hj5lq /film/film/featured_film_locations /m/0xszy +/m/018gkb /music/group_member/membership./music/group_membership/group /m/047cx +/m/0184jw /people/person/profession /m/02jknp +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/08cn_n /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/01_0f7 /film/film/genre /m/03k9fj +/m/0gmcwlb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01l_yg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dfw0 /film/film/genre /m/06n90 +/m/0z4_0 /sports/sports_team_location/teams /m/03y9p40 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02qlp4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02qr69m /film/film/language /m/02h40lc +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0h1x5f /film/film/featured_film_locations /m/0fsv2 +/m/04zxrt /sports/sports_team/colors /m/083jv +/m/04f0xq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/014zwb /film/film/costume_design_by /m/02w0dc0 +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hskw +/m/02b9g4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0g2mbn /influence/influence_node/influenced_by /m/01xdf5 +/m/015pxr /influence/influence_node/influenced_by /m/02z3zp +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01f873 +/m/05zlld0 /film/film/country /m/09c7w0 +/m/0k54q /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/01p0vf /people/person/nationality /m/02jx1 +/m/0ds2n /film/film/music /m/02g1jh +/m/016cyt /music/genre/parent_genre /m/06cqb +/m/02sgy /music/instrument/instrumentalists /m/05cljf +/m/01_qc_ /people/cause_of_death/people /m/02xyl +/m/01_qc_ /people/cause_of_death/people /m/04264n +/m/01v1ln /film/film/language /m/0295r +/m/02p7xc /people/person/profession /m/018gz8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/037css /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/04lhc4 /film/film/edited_by /m/027pdrh +/m/04cw0n4 /people/person/profession /m/0dgd_ +/m/0hgnl3t /film/film/genre /m/07s9rl0 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/0k6nt +/m/01svq8 /people/person/nationality /m/09c7w0 +/m/0kctd /media_common/netflix_genre/titles /m/09kn9 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02tn0_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/047vnkj /film/film/produced_by /m/0gg9_5q +/m/01wj92r /people/person/profession /m/02hrh1q +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/026lg0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m3x5p /people/person/place_of_birth /m/0f2tj +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rwx +/m/03d_zl4 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0m0fw /music/genre/artists /m/07yg2 +/m/076689 /film/actor/film./film/performance/film /m/083skw +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0315w4 /film/film/genre /m/06n90 +/m/011k1h /music/record_label/artist /m/01r9fv +/m/02m92h /people/person/nationality /m/09c7w0 +/m/064t9 /music/genre/artists /m/07qnf +/m/064t9 /music/genre/artists /m/01qmy04 +/m/0621cs /music/genre/parent_genre /m/018ysx +/m/0qzhw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/01mvjl0 /people/person/profession /m/0nbcg +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kp66 +/m/02m3sd /people/person/spouse_s./people/marriage/location_of_ceremony /m/0dclg +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/030hbp /film/actor/film./film/performance/film /m/08sk8l +/m/08htt0 /education/educational_institution/colors /m/0jc_p +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/0ntxg /location/location/time_zones /m/02fqwt +/m/01tntf /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01rrd4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_rh4 /film/actor/film./film/performance/film /m/015bpl +/m/03nt59 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01l4g5 /people/person/gender /m/02zsn +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0sw6g /film/actor/film./film/performance/film /m/01pvxl +/m/05q9g1 /people/person/profession /m/025352 +/m/01nd6v /people/person/profession /m/02hrh1q +/m/02v3m7 /location/location/contains /m/014b6c +/m/05ldnp /people/person/profession /m/03gjzk +/m/03hrz /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/04l5b4 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07qy0b /people/person/gender /m/05zppz +/m/07lp1 /influence/influence_node/influenced_by /m/0hcvy +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0bdjd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d0mbj /people/person/profession /m/02hv44_ +/m/019dmc /people/cause_of_death/people /m/02x02kb +/m/0lrh /influence/influence_node/influenced_by /m/032md +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01v3vp /people/person/nationality /m/09c7w0 +/m/01r4zfk /people/person/profession /m/01d_h8 +/m/06nm1 /language/human_language/countries_spoken_in /m/035hm +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0b_6pv /time/event/locations /m/0lphb +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02m0b0 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0171cm /film/actor/film./film/performance/film /m/02mt51 +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/09swkk /people/person/profession /m/0dz3r +/m/03xx9l /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/04tnqn /people/person/profession /m/02hrh1q +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g8st4 +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gp_x +/m/033tf_ /people/ethnicity/people /m/01vsy9_ +/m/07_l6 /music/instrument/family /m/0l14_3 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01k165 /people/person/profession /m/060m4 +/m/0h0jz /people/person/religion /m/0c8wxp +/m/07cz2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bl3nn /film/film/language /m/02bjrlw +/m/01fx1l /tv/tv_program/languages /m/02h40lc +/m/0194zl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04vcdj /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0rrwt /location/location/time_zones /m/02hcv8 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02_j8x /people/person/profession /m/0dxtg +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/01p1v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09vc4s /people/ethnicity/languages_spoken /m/0t_2 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01dz7z +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/06fpsx /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/01pj3h /people/person/gender /m/05zppz +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/04mlh8 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/05mcjs +/m/019n8z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/016017 /film/film/genre /m/04xvh5 +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06g60w +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0288fyj +/m/09fn1w /film/film/genre /m/02kdv5l +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02w5q6 /people/person/gender /m/05zppz +/m/01kph_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/08984j /film/film/production_companies /m/025hwq +/m/0pz6q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01skmp /people/person/nationality /m/09c7w0 +/m/01f_3w /music/record_label/artist /m/03h_0_z +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02lf1j /film/actor/film./film/performance/film /m/0dgrwqr +/m/044mfr /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/04bdqk /people/person/gender /m/02zsn +/m/0h14ln /film/film/country /m/0345h +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/027pfg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pk8b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01svw8n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0v0d9 +/m/09c7w0 /location/country/second_level_divisions /m/0mwl2 +/m/095b70 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018m5q /education/educational_institution/campuses /m/018m5q +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/016wyn /education/educational_institution/students_graduates./education/education/student /m/044mrh +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/026dx /people/person/religion /m/0631_ +/m/03x1s8 /education/educational_institution/colors /m/019sc +/m/01qgr3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01yznp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4kk +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01r2c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0dc95 /sports/sports_team_location/teams /m/0jmj7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b14q +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/017vkx /people/person/nationality /m/02jx1 +/m/035gnh /film/film/film_format /m/07fb8_ +/m/01wdqrx /people/person/nationality /m/09c7w0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/05tbn /location/location/contains /m/09dfcj +/m/016jny /music/genre/artists /m/014cw2 +/m/06j6l /music/genre/artists /m/04bgy +/m/06j6l /music/genre/artists /m/01svw8n +/m/07gqbk /music/record_label/artist /m/01shhf +/m/019l3m /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/09gnn /people/deceased_person/place_of_death /m/0ht8h +/m/04954r /film/film/language /m/06nm1 +/m/04j14qc /film/film/featured_film_locations /m/0f25y +/m/03pmzt /people/person/profession /m/0np9r +/m/0162b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03p7gb /education/educational_institution/school_type /m/01rs41 +/m/0dwr4 /music/instrument/instrumentalists /m/01p0vf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0686zv +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04v3q +/m/0dsvzh /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0yyn5 /film/film/executive_produced_by /m/0d6484 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/0157m /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0vbk +/m/012hw /people/cause_of_death/people /m/0177g +/m/0bxxzb /film/film/genre /m/01jfsb +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/069z_5 /people/person/gender /m/05zppz +/m/04y0yc /people/person/profession /m/02hrh1q +/m/059g4 /location/location/contains /m/01gc8c +/m/0gy3w /education/educational_institution/colors /m/06fvc +/m/02q_ncg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/044zvm +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01k56k +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02qx5h +/m/01rlxt /people/person/profession /m/0dxtg +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/071x0k /people/ethnicity/geographic_distribution /m/01z215 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0g54xkt /film/film/genre /m/07s9rl0 +/m/04svwx /film/film/genre /m/06n90 +/m/04svwx /tv/tv_program/genre /m/01z4y +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/06y7d /people/person/religion /m/0kpl +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/050f0s +/m/0gjk1d /film/film/executive_produced_by /m/0b13g7 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/08966 /location/location/time_zones /m/02llzg +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019rg5 +/m/030_1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/02jx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lk8j +/m/02jx1 /location/location/contains /m/01gln9 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0bjv6 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vjh +/m/0sx5w /people/person/profession /m/018gz8 +/m/025ljp /tv/tv_program/country_of_origin /m/09c7w0 +/m/045bg /influence/influence_node/influenced_by /m/02wh0 +/m/0tln7 /location/location/contains /m/019tfm +/m/09t4hh /people/person/profession /m/0dxtg +/m/018pj3 /people/person/profession /m/0dz3r +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/01ffx4 /film/film/featured_film_locations /m/052p7 +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04c9bn /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/070j61 /people/person/profession /m/03gjzk +/m/07ghq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02h40lc /language/human_language/countries_spoken_in /m/0d05w3 +/m/017_qw /music/genre/artists /m/02bn75 +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02bm1v /business/business_operation/industry /m/01mw1 +/m/01_k0d /people/person/gender /m/05zppz +/m/09v71cj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0x67 /people/ethnicity/people /m/01q9b9 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/04__f /film/actor/film./film/performance/film /m/01_mdl +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07z1_q /people/person/nationality /m/09c7w0 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03c7twt /film/film/genre /m/01j1n2 +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01337_ +/m/0677ng /music/artist/origin /m/0cr3d +/m/0b9l3x /people/person/profession /m/02jknp +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/01snm /sports/sports_team_location/teams /m/01ypc +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0dn3n +/m/02x8m /music/genre/artists /m/01lvcs1 +/m/02x8m /music/genre/artists /m/01vxlbm +/m/02x8m /music/genre/artists /m/01wdqrx +/m/04jjy /film/film_subject/films /m/0571m +/m/0d02km /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/09ld6g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07c5l /location/location/contains /m/09lxtg +/m/0bv7t /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/014bpd /film/film/music /m/01l1rw +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02f9wb /award/award_winner/awards_won./award/award_honor/award_winner /m/04gnbv1 +/m/041p3y /music/record_label/artist /m/016376 +/m/02t_tp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/013h1c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02t_99 /people/person/nationality /m/09c7w0 +/m/02vyw /people/person/profession /m/01d_h8 +/m/0bjqh /education/educational_institution/students_graduates./education/education/student /m/03pvt +/m/01fjfv /broadcast/content/artist /m/04qzm +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/01j_06 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w58n3 /people/person/languages /m/06nm1 +/m/0408np /film/actor/film./film/performance/film /m/011ysn +/m/06by7 /music/genre/artists /m/03bnv +/m/06by7 /music/genre/artists /m/01ww_vs +/m/01mxnvc /people/person/places_lived./people/place_lived/location /m/0k33p +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02pp1 +/m/0flry /film/film_subject/films /m/016ywb +/m/0x1jc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01dq0z /location/location/time_zones /m/02hcv8 +/m/02qggqc /people/person/place_of_birth /m/0r5wt +/m/02w7gg /people/ethnicity/people /m/05kwx2 +/m/02w7gg /people/ethnicity/people /m/01v9724 +/m/04k9y6 /film/film/produced_by /m/05prs8 +/m/02pw_n /film/film/genre /m/06cvj +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02b9g4 +/m/027gy0k /film/film/language /m/02h40lc +/m/01g4zr /people/person/profession /m/0196pc +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01dwyd +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016l09 +/m/023p33 /film/film/language /m/02h40lc +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01b9w3 +/m/0ckm4x /people/person/profession /m/0np9r +/m/04d2yp /people/person/profession /m/05z96 +/m/02c638 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01hb6v /influence/influence_node/influenced_by /m/05np2 +/m/05148p4 /music/instrument/instrumentalists /m/07g2v +/m/05148p4 /music/instrument/instrumentalists /m/0bkg4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/0gy0l_ /film/film/genre /m/02kdv5l +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/03csqj4 /people/person/gender /m/05zppz +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03xnwz /music/genre/artists /m/03fbc +/m/0q9zc /influence/influence_node/influenced_by /m/0p_pd +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/01qb5d /film/film/executive_produced_by /m/079vf +/m/01wv9xn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w6s3 /music/genre/artists /m/03t9sp +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0p5wz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rg_4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cbvn +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02661h /film/actor/film./film/performance/film /m/016dj8 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0bjkpt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h3x5 /film/film/production_companies /m/03yxwq +/m/03h3x5 /film/film/music /m/01l9v7n +/m/0584j4n /people/person/place_of_birth /m/05tbn +/m/01w524f /influence/influence_node/influenced_by /m/041mt +/m/06c1y /location/location/contains /m/02pbzv +/m/02fwfb /film/film/featured_film_locations /m/06y57 +/m/015fr /location/location/contains /m/09wwlj +/m/015fr /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01nn3m /people/person/profession /m/039v1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04v68c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fm4d /award/award_category/category_of /m/0c4ys +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rj0z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05jbn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05k7sb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0147sh +/m/02w4v /music/genre/artists /m/01_ztw +/m/011kn2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/06q8hf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bw6y /people/person/profession /m/01p5_g +/m/01_bkd /music/genre/artists /m/01wt4wc +/m/0835q /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/029g_vk +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02pqgt8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q87z6 /film/film/language /m/02h40lc +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/01j590z +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0m2rv /location/hud_county_place/place /m/0m2rv +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01trtc /music/record_label/artist /m/01vrz41 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0x8 +/m/06z8s_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/013b6_ /people/ethnicity/people /m/0jcx +/m/0f0p0 /people/person/nationality /m/09c7w0 +/m/01ypsj /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/01wbz9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cdg /influence/influence_node/influenced_by /m/01v9724 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/018ygt /film/actor/film./film/performance/film /m/0gj8t_b +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/03f02ct /people/person/religion /m/03j6c +/m/03q45x /people/person/profession /m/03gjzk +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0bt7ws /people/person/religion /m/0631_ +/m/08952r /film/film/genre /m/0ltv +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0820xz +/m/041rx /people/ethnicity/people /m/0prfz +/m/041rx /people/ethnicity/people /m/035wq7 +/m/0ks67 /education/educational_institution/school_type /m/05jxkf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m_k0 +/m/04bgy /people/person/profession /m/02hrh1q +/m/023zsh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/0qkj7 /people/person/profession /m/02hrh1q +/m/067ghz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01gb54 /business/business_operation/industry /m/02vxn +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07s3m4g +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0ph2w +/m/01jc6q /film/film/genre /m/060__y +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/0kxbc /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0qf5p /location/location/time_zones /m/02lcrv +/m/03k545 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0c73g /influence/influence_node/influenced_by /m/0k4gf +/m/03bnv /music/group_member/membership./music/group_membership/group /m/07c0j +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/02wh0 /influence/influence_node/influenced_by /m/015n8 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0fh2v5 /film/film/language /m/04306rv +/m/01wk7ql /film/actor/film./film/performance/film /m/05c9zr +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03mp9s +/m/0jqkh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ydzx /people/person/profession /m/05z96 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/023v4_ /people/person/gender /m/02zsn +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0m32_ /people/person/nationality /m/09c7w0 +/m/01vsy9_ /people/person/gender /m/05zppz +/m/0b6f8pf /film/film/genre /m/0vgkd +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/0pz7h +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05r5c /music/instrument/instrumentalists /m/06tp4h +/m/01n30p /film/film/genre /m/05p553 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kq9l +/m/06y9c2 /people/person/profession /m/012t_z +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03rhqg /music/record_label/artist /m/01n44c +/m/0207wx /people/person/profession /m/02hv44_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hx4y +/m/07s9rl0 /media_common/netflix_genre/titles /m/09gq0x5 +/m/0gnbw /people/person/gender /m/05zppz +/m/017371 /music/genre/artists /m/03q_w5 +/m/03f68r6 /people/person/profession /m/09jwl +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/03cvv4 +/m/049xgc /film/film/country /m/0345h +/m/026s90 /music/record_label/artist /m/0178kd +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01540 +/m/043t8t /film/film/genre /m/05p553 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpx1k +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0hcvy /people/person/profession /m/0d8qb +/m/012yc /music/genre/artists /m/067nsm +/m/01fdc0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/02tktw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05rwpb /music/genre/artists /m/09prnq +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01jzyx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/028qyn +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013pk3 +/m/01pk3z /people/person/profession /m/018gz8 +/m/0488g9 /people/person/profession /m/0d2b38 +/m/050llt /people/person/place_of_birth /m/01sv6k +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/01d_s5 /music/genre/artists /m/03f0qd7 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0166v +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/01ts_3 +/m/01dbgw /people/person/profession /m/02hrh1q +/m/058dm9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09qljs /film/film/country /m/09c7w0 +/m/01dpsv /people/person/profession /m/02hrh1q +/m/04g9gd /film/film/genre /m/01jfsb +/m/030p35 /tv/tv_program/genre /m/01t_vv +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/087vnr5 /film/film/personal_appearances./film/personal_film_appearance/person /m/01g0jn +/m/0c9t0y /film/film/language /m/02h40lc +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/01386_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yn5 /film/film/genre /m/07s9rl0 +/m/01vrnsk /people/person/profession /m/0nbcg +/m/01m42d0 /people/person/gender /m/05zppz +/m/01rmnp /people/person/profession /m/0np9r +/m/03rz2b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027x7z5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/08k1lz /people/person/languages /m/02h40lc +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/04hw4b /people/person/profession /m/02jknp +/m/0y2tr /music/genre/parent_genre /m/0xhtw +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/059ts +/m/0b4rf3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/06w7mlh /tv/tv_program/country_of_origin /m/09c7w0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/01pq5j7 /music/artist/origin /m/04jpl +/m/02fhtq /music/genre/parent_genre /m/02w4v +/m/07c52 /media_common/netflix_genre/titles /m/05lfwd +/m/02633g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0k6bt /base/biblioness/bibs_location/country /m/0f8l9c +/m/02mpb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07gxw /music/genre/artists /m/03bxwtd +/m/07j8kh /people/person/profession /m/02hrh1q +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/04pp9s +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0k__z +/m/0h25 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/056252 /music/record_label/artist /m/02p2zq +/m/036gdw /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01fscv /location/location/time_zones /m/02fqwt +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05cgv +/m/01ls2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0781g /music/genre/artists /m/02vgh +/m/01wz_ml /people/person/nationality /m/09c7w0 +/m/01wz_ml /people/person/profession /m/09jwl +/m/02ny6g /film/film/featured_film_locations /m/030qb3t +/m/032zg9 /film/actor/film./film/performance/film /m/01qb559 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0dt645q /film/actor/film./film/performance/film /m/0bh72t +/m/01f8f7 /film/film/language /m/03_9r +/m/0170yd /film/film/genre /m/07s9rl0 +/m/030s5g /people/person/gender /m/05zppz +/m/02y0js /people/cause_of_death/people /m/01p7b6b +/m/03j63k /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0qm8b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/014g91 /people/person/profession /m/01c72t +/m/06pcz0 /film/actor/film./film/performance/film /m/0cp0ph6 +/m/0b85mm /film/film/music /m/012201 +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0bymv /people/person/religion /m/02rsw +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/037s9x +/m/0170s4 /people/person/gender /m/05zppz +/m/0229rs /music/record_label/artist /m/01vrwfv +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/027ct7c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rgdw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/04kwbt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06pj8 /film/director/film /m/04mcw4 +/m/02bh8z /music/record_label/artist /m/01pctb +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yzz +/m/02k_4g /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0jfx1 /film/actor/film./film/performance/film /m/0n_hp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06q83 +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08sfxj +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02ny8t /music/genre/artists /m/09h4b5 +/m/05kr_ /location/location/contains /m/0154fs +/m/0b_6v_ /time/event/locations /m/029cr +/m/049yf /location/location/contains /m/049wm +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/01nzz8 /people/person/profession /m/0np9r +/m/0d6b7 /film/film/film_festivals /m/05ys0xf +/m/02vyh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vfqh +/m/018009 /film/actor/film./film/performance/film /m/01jrbb +/m/0qcr0 /people/cause_of_death/people /m/01zwy +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0gkvb7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ph24 +/m/03205_ /education/educational_institution/colors /m/01l849 +/m/084l5 /sports/sports_team/colors /m/083jv +/m/05qx1 /sports/sports_team_location/teams /m/03_lsr +/m/08n9ng /people/person/place_of_birth /m/01d26y +/m/04vh83 /film/film/prequel /m/0kt_4 +/m/02mslq /people/person/profession /m/09jwl +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0147dk /film/actor/film./film/performance/film /m/057__d +/m/03wjm2 /film/film/production_companies /m/05rrtf +/m/02knnd /people/person/places_lived./people/place_lived/location /m/0fvzg +/m/03z106 /film/film/language /m/07zrf +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306bt +/m/047n8xt /film/film/language /m/064_8sq +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/030_1m /business/business_operation/industry /m/02vxn +/m/01h4rj /people/person/profession /m/02hrh1q +/m/0gz6b6g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01m1dzc /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/024030 /award/award_category/winners./award/award_honor/award_winner /m/0674cw +/m/02r251z /people/person/profession /m/03gjzk +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01v1d8 /music/instrument/instrumentalists /m/0k60 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01f2xy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01f2xy /education/educational_institution/colors /m/06fvc +/m/04ynx7 /film/film/genre /m/0c3351 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/030hbp +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/057__d /film/film/genre /m/04xvlr +/m/057__d /film/film/film_production_design_by /m/0d5wn3 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l5d0 +/m/0xnvg /people/ethnicity/people /m/02whj +/m/05pbl56 /film/film/language /m/02hwhyv +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04bs3j /people/person/gender /m/02zsn +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/057hz +/m/07tlg /education/educational_institution/colors /m/01g5v +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/01vwyqp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ldxl /film/film/genre /m/0lsxr +/m/012x4t /people/person/profession /m/01c72t +/m/0f__1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0181dw /music/record_label/artist /m/02r3zy +/m/014w_8 /medicine/disease/risk_factors /m/01hbgs +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/02__ww +/m/09k2t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02r_d4 /film/actor/film./film/performance/film /m/098s2w +/m/0h1_w /people/person/profession /m/02hrh1q +/m/0fz3b1 /film/film/genre /m/01j1n2 +/m/0c00zd0 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0fsm8c /film/actor/film./film/performance/film /m/0by1wkq +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/04jwly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0n6kf /influence/influence_node/influenced_by /m/03f47xl +/m/0dgq_kn /film/film/language /m/02h40lc +/m/044gyq /people/person/profession /m/02hrh1q +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bcp9b /film/film/language /m/02h40lc +/m/05b6s5j /tv/tv_program/genre /m/066wd +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/02mxw0 /film/actor/film./film/performance/film /m/09q23x +/m/0gvbw /organization/organization/place_founded /m/0cr3d +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/06qd3 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02yw1c /music/genre/parent_genre /m/0jrv_ +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/015196 /people/person/profession /m/039v1 +/m/04k15 /people/person/languages /m/04306rv +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02lnhv /film/actor/film./film/performance/film /m/0fdv3 +/m/051x52f /film/film_set_designer/film_sets_designed /m/072192 +/m/0h1x5f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0x2p /sports/sports_team/colors /m/06fvc +/m/07kb5 /people/person/nationality /m/03rjj +/m/01y9qr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/04z0g /people/person/religion /m/0kq2 +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/05mph +/m/0fsw_7 /film/film/music /m/01cbt3 +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0l99s /influence/influence_node/influenced_by /m/06kb_ +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/0h1q6 /people/person/gender /m/05zppz +/m/0yzbg /film/film/genre /m/01j1n2 +/m/04jplwp /film/film/executive_produced_by /m/0gg9_5q +/m/035hm /location/country/form_of_government /m/01q20 +/m/024zq /people/person/nationality /m/09c7w0 +/m/09ftwr /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/03m3nzf /film/actor/film./film/performance/film /m/0fqt1ns +/m/047rkcm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/037css /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/018vs /music/instrument/instrumentalists /m/06rgq +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09hy79 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0581vn8 +/m/085gk /influence/influence_node/influenced_by /m/0gzh +/m/02bh9 /people/person/place_of_birth /m/030qb3t +/m/02cw8s /education/educational_institution/school_type /m/01y64 +/m/076xkps /film/film/produced_by /m/04q5zw +/m/0jcx /people/person/nationality /m/059z0 +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/01fh9 /film/actor/film./film/performance/film /m/05fgt1 +/m/02pg45 /film/film/country /m/09c7w0 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0294fd +/m/02my3z /people/person/nationality /m/0345h +/m/06v99d /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/01h5f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/03tbg6 /film/film/production_companies /m/046b0s +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0btbyn /film/film/production_companies /m/054lpb6 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/06bss +/m/01lcxbb /people/person/profession /m/01c72t +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/034np8 /people/person/profession /m/01d_h8 +/m/035dk /location/location/time_zones /m/03bdv +/m/01n7q /location/location/contains /m/0r15k +/m/0j3b /location/location/contains /m/036b_ +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/011k1h /music/record_label/artist /m/0167xy +/m/064t9 /music/genre/parent_genre /m/0ggx5q +/m/064t9 /music/genre/artists /m/01cblr +/m/064t9 /music/genre/artists /m/0lccn +/m/0p7vt /location/location/time_zones /m/02hcv8 +/m/01t6b4 /people/person/gender /m/05zppz +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0flpy /people/person/nationality /m/09c7w0 +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v42sf +/m/016z5x /film/film/language /m/02h40lc +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/0jvtp /people/person/profession /m/02hrh1q +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0bkf72 /people/person/nationality /m/09c7w0 +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/02xyl +/m/012m_ /location/country/capital /m/0fhp9 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0l14md /music/instrument/instrumentalists /m/03qmj9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/0ntxg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gpkt /film/film/produced_by /m/03h40_7 +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/02dbp7 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01y8cr +/m/0947l /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/066m4g +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/04s934 /education/educational_institution/students_graduates./education/education/student /m/0kp2_ +/m/01l4g5 /people/person/nationality /m/0d060g +/m/0451j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/0n6f8 /people/person/nationality /m/09c7w0 +/m/0ftqr /people/person/profession /m/0fnpj +/m/0d05q4 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0gg8l /music/genre/artists /m/05sq0m +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/0b6l1st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05r6t /music/genre/artists /m/01vv126 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/09q5w2 /film/film/language /m/02h40lc +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/02qw2xb +/m/07mqps /people/ethnicity/people /m/04__f +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/05c9zr /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05c9zr /film/film/edited_by /m/02qggqc +/m/01qf54 /business/business_operation/industry /m/01mw1 +/m/019dmc /people/cause_of_death/people /m/03hfxx +/m/0lrh /influence/influence_node/influenced_by /m/03jxw +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/0646qh +/m/02f6g5 /film/film/produced_by /m/02r251z +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgrm +/m/0gtt5fb /film/film/genre /m/07s9rl0 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nvyr +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/092kgw +/m/02z7f3 /music/genre/artists /m/01wt4wc +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/038czx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/012ycy /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02j490 /people/person/nationality /m/09c7w0 +/m/035w2k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03v0t /location/location/contains /m/0ntwb +/m/01s9vc /film/film/other_crew./film/film_crew_gig/crewmember /m/015wc0 +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05drq5 /film/director/film /m/03ntbmw +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/0287477 /film/film/genre /m/02kdv5l +/m/01mr2g6 /people/person/profession /m/01___w +/m/041_y /people/person/gender /m/05zppz +/m/05c26ss /film/film/genre /m/0hcr +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/01wg6y +/m/01cssf /film/film/genre /m/0lsxr +/m/040_9 /influence/influence_node/influenced_by /m/0l99s +/m/01z4y /media_common/netflix_genre/titles /m/026mfbr +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/013sg6 +/m/029bkp /people/profession/specialization_of /m/028kk_ +/m/01jpqb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/019fz /people/person/profession /m/03sbb +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02g40r /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0194zl /film/film/featured_film_locations /m/02jx1 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0chw_ /people/person/religion /m/0kpl +/m/0c5tl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q52q /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/023cjg /film/film/language /m/02h40lc +/m/01vt5c_ /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/01tlrp /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/0315q3 /film/actor/film./film/performance/film /m/056xkh +/m/06cqb /music/genre/artists /m/012z8_ +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/011yrp /film/film/genre /m/082gq +/m/011yrp /film/film/produced_by /m/081lh +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0ptxj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/06__m6 /film/film/language /m/02h40lc +/m/03cw411 /film/film/language /m/0349s +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pv_d +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/01l9p /film/actor/film./film/performance/film /m/03m8y5 +/m/01kgg9 /people/person/gender /m/02zsn +/m/029k55 /people/person/profession /m/01d_h8 +/m/01whg97 /people/person/places_lived./people/place_lived/location /m/0vfs8 +/m/0146pg /people/person/profession /m/01c72t +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kr_t +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01y3v +/m/01dw9z /people/person/nationality /m/09c7w0 +/m/02wgk1 /film/film/featured_film_locations /m/02_286 +/m/03x33n /education/educational_institution/school_type /m/01_srz +/m/09fn1w /film/film/genre /m/03k9fj +/m/0d_rw /tv/tv_program/genre /m/01tz3c +/m/0283d /music/genre/parent_genre /m/0190yn +/m/027d5g5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/05bnp0 /film/actor/film./film/performance/film /m/0bvn25 +/m/043ljr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/088vmr /music/genre/parent_genre /m/011j5x +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g2lq +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/012fvq /education/educational_institution/campuses /m/012fvq +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05567m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/09c7w0 /location/location/contains /m/0rydq +/m/09c7w0 /location/country/second_level_divisions /m/0mm0p +/m/02g5h5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/098n_m /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/016hvl /people/person/profession /m/0d8qb +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/010t4v /location/location/time_zones /m/02lcqs +/m/013hvr /location/location/time_zones /m/02hcv8 +/m/06msq2 /people/person/gender /m/05zppz +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02jm0n /film/actor/film./film/performance/film /m/07tw_b +/m/012b30 /music/record_label/artist /m/0fpj9pm +/m/018q7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0147jt /people/person/profession /m/02hrh1q +/m/09n48 /olympics/olympic_games/participating_countries /m/07f1x +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/017jq /location/location/contains /m/03jn4 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0465_ /film/film_subject/films /m/047n8xt +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/026v437 /film/actor/film./film/performance/film /m/083shs +/m/016jny /music/genre/artists /m/01sb5r +/m/016jny /music/genre/artists /m/07m4c +/m/0582cf /people/person/profession /m/0np9r +/m/04j14qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qkwl /film/film/written_by /m/06dkzt +/m/027tbrc /tv/tv_program/country_of_origin /m/09c7w0 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/019f9z /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02pqs8l /tv/tv_program/genre /m/01hmnh +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04g61 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07fj_ +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04wgh +/m/02yygk /people/person/profession /m/0dz3r +/m/05cqhl /people/person/nationality /m/09c7w0 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0969fd +/m/087vz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/016dsy /dataworld/gardening_hint/split_to /m/016dsy +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/0jpdn /people/person/profession /m/0dxtg +/m/0cd25 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01pkhw +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b15h +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b15h +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/016dgz +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0jrqq /people/person/profession /m/02jknp +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0bvn25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0cn_b8 /film/film/genre /m/03k9fj +/m/0cn_b8 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/040db /people/person/languages /m/06nm1 +/m/0c1pj /people/person/places_lived./people/place_lived/location /m/06y57 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/02mjmr /people/person/places_lived./people/place_lived/location /m/02hrh0_ +/m/02zjd /people/person/religion /m/0c8wxp +/m/0g4vmj8 /film/film/genre /m/03j0dp +/m/02hwww /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/05qw5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0tln7 /location/hud_county_place/place /m/0tln7 +/m/0627sn /people/person/nationality /m/07ssc +/m/01p3ty /award/award_winning_work/awards_won./award/award_honor/award /m/03r8v_ +/m/01c65z /film/actor/film./film/performance/film /m/0gmcwlb +/m/0399p /influence/influence_node/influenced_by /m/06myp +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/0cjf0 /medicine/symptom/symptom_of /m/024c2 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/05hrq4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03v9w /location/location/partially_contains /m/06mkj +/m/041c4 /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/0pk1p /film/film/music /m/01ycfv +/m/03h2c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/03c7twt /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/014zfs /influence/influence_node/influenced_by /m/01gn36 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01nms7 /people/person/gender /m/02zsn +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02lnhv +/m/0hdf8 /music/genre/artists /m/01_wfj +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02f6s3 +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06gn7r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01v_pj6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01n5309 +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/01w_10 /people/person/profession /m/0kyk +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/05h43ls /film/film/production_companies /m/03jvmp +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04_1l0v /location/location/contains /m/05tbn +/m/0zcbl /film/actor/film./film/performance/film /m/04t9c0 +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0d05w3 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02f9wb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcdn +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/06by7 /music/genre/artists /m/04rcr +/m/06by7 /music/genre/artists /m/016vn3 +/m/06by7 /music/genre/artists /m/03f0vvr +/m/044lyq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cskb /tv/tv_program/genre /m/03k9fj +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01jmv8 +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/01nds /dataworld/gardening_hint/split_to /m/01nds +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vd7hn +/m/05xb7q /education/educational_institution_campus/educational_institution /m/05xb7q +/m/09jcj6 /film/film/country /m/07ssc +/m/014dq7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/05bcl /location/location/contains /m/02hgz +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/01r3y2 /education/educational_institution/colors /m/06fvc +/m/024jwt /people/person/gender /m/05zppz +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/06mvyf /education/educational_institution/school_type /m/01rs41 +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/055c8 /film/actor/film./film/performance/film /m/01jft4 +/m/01hb6v /influence/influence_node/influenced_by /m/05wh0sh +/m/016clz /music/genre/artists /m/016fnb +/m/099p5 /people/person/employment_history./business/employment_tenure/company /m/06pwq +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/05w3f /music/genre/artists /m/0134wr +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/034qzw +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fvvz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f2tj +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yyg4 +/m/045cq /people/person/profession /m/02jknp +/m/0165v /location/country/form_of_government /m/01fpfn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/01qckn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023fb +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0lk90 /people/person/profession /m/02hrh1q +/m/05m7zg /people/person/nationality /m/06q1r +/m/02w59b /sports/sports_team/colors /m/01g5v +/m/03lmzl /people/person/spouse_s./people/marriage/location_of_ceremony /m/07mgr +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l64 +/m/0234_c /education/educational_institution/colors /m/0jc_p +/m/04mcw4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cv9t5 /music/record_label/artist /m/0411q +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/020qr4 /tv/tv_program/languages /m/03_9r +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/01mwsnc /people/person/profession /m/0dz3r +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/061k5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0qx1w +/m/02nt3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01gglm /film/film/executive_produced_by /m/021lby +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02ylg6 +/m/07s3m4g /film/film/featured_film_locations /m/071vr +/m/03_hd /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03lmx1 /people/ethnicity/people /m/0948xk +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/013l6l /location/hud_county_place/place /m/013l6l +/m/06cv1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0gd9k +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h9_l +/m/013w7j /people/person/profession /m/02hrh1q +/m/01p8r8 /people/person/profession /m/01c72t +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/015f7 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0g9yrw /film/film/story_by /m/03jm6c +/m/02tvsn /base/culturalevent/event/entity_involved /m/0j5b8 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fphf3v +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/043hg +/m/0cq7tx /film/film/music /m/05pq9 +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bykpk +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0347xl /people/person/gender /m/02zsn +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/016ckq /music/record_label/artist /m/0163kf +/m/0g96wd /people/ethnicity/languages_spoken /m/02h40lc +/m/0b06q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fy34l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06v9sf +/m/01ypsj /people/person/profession /m/02jknp +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/058ncz +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0c9xjl +/m/07_nf /film/film_subject/films /m/0333t +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01jmv8 /people/person/place_of_birth /m/062qg +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/05m63c +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/033m23 /film/actor/film./film/performance/film /m/02_qt +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/07h07 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/043g7l /music/record_label/artist /m/0hvbj +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06q1r /location/location/contains /m/0p8bz +/m/01c57n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02xhpl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q9kd +/m/037hgm /people/person/profession /m/039v1 +/m/0cmpn /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/014tss +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/03xds +/m/0swlx /language/human_language/countries_spoken_in /m/05sb1 +/m/041rx /people/ethnicity/people /m/02vy5j +/m/041rx /people/ethnicity/people /m/0h953 +/m/041rx /people/ethnicity/people /m/05szp +/m/041rx /people/ethnicity/people /m/01vsn38 +/m/041rx /people/ethnicity/people /m/0klh7 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kb7vh +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025n07 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/09nhvw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03j0br4 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gzy02 /film/film/country /m/07ssc +/m/0gzy02 /film/film/production_companies /m/017s11 +/m/0j1yf /music/group_member/membership./music/group_membership/role /m/0j862 +/m/01jqr_5 /people/person/profession /m/01445t +/m/0qkj7 /people/person/nationality /m/09c7w0 +/m/07hwkr /people/ethnicity/people /m/01q415 +/m/0_816 /film/film/genre /m/02l7c8 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/06j8q_ /people/person/profession /m/03gjzk +/m/07xzm /music/instrument/instrumentalists /m/01vsyjy +/m/0169dl /film/actor/film./film/performance/film /m/078sj4 +/m/03cd0x /film/film/production_companies /m/046b0s +/m/0b68vs /music/artist/origin /m/034cm +/m/09rvcvl /film/film/genre /m/05p553 +/m/01d0fp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016ybr /music/genre/parent_genre /m/06by7 +/m/01hkhq /film/actor/film./film/performance/film /m/05fcbk7 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/067xw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j95 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q54f5 +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0778_3 /education/educational_institution/students_graduates./education/education/student /m/01_njt +/m/015_1q /organization/organization/place_founded /m/0rh6k +/m/0fh2v5 /film/film/language /m/02h40lc +/m/0wh3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ftvz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033cw /people/person/nationality /m/09c7w0 +/m/03gr7w /people/person/profession /m/02hrh1q +/m/02404v /people/person/gender /m/05zppz +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/0853g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0chghy +/m/01vz80y /people/person/profession /m/01c72t +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/05p9_ql /tv/tv_program/languages /m/02h40lc +/m/01hn_t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018ygt +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bcq +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cl1 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04ynx7 +/m/012g92 /film/actor/film./film/performance/film /m/0n08r +/m/01tt43d /people/person/profession /m/02krf9 +/m/0f1vrl /people/person/nationality /m/03spz +/m/0jsqk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/02wbnv /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0gd_b_ /people/person/nationality /m/09c7w0 +/m/034b6k /film/film/genre /m/03k9fj +/m/0m3gy /film/film/cinematography /m/0f3zf_ +/m/03ywyk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03ydlnj /film/film/genre /m/04rlf +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/0m4yg +/m/01dqhq /music/genre/artists /m/014_xj +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/012yc /music/genre/artists /m/03f1d47 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04qk12 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cllz +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/073749 /film/actor/film./film/performance/film /m/0888c3 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/01y49 /sports/sports_team/sport /m/0jm_ +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/02fgp0 +/m/0f4vbz /people/person/profession /m/0cbd2 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/02g87m /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02f2dn /people/person/nationality /m/07ssc +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/05m883 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/01d_s5 /music/genre/parent_genre /m/03mb9 +/m/0g_wn2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f6zc /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/01f6zc /film/actor/film./film/performance/film /m/02fqrf +/m/02cbhg /film/film/genre /m/01fc50 +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03d_w3h +/m/03hkch7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gvpz /film/film/genre /m/03bxz7 +/m/0fhzwl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nm3s /people/person/places_lived./people/place_lived/location /m/027l4q +/m/0m9_5 /education/educational_institution/colors /m/067z2v +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01zh29 /people/person/nationality /m/03rk0 +/m/01vtg4q /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03pp73 +/m/051q39 /people/person/nationality /m/06mkj +/m/0cc5qkt /film/film/edited_by /m/03q8ch +/m/02s2ft /film/actor/film./film/performance/film /m/0gltv +/m/04dyqk /people/person/gender /m/05zppz +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0372j5 +/m/04fcjt /music/record_label/artist /m/015bwt +/m/02hrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01gvxv +/m/0g6ff /people/ethnicity/people /m/05hks +/m/02bpy_ /education/educational_institution/students_graduates./education/education/student /m/01w20rx +/m/01yfm8 /people/person/profession /m/02hrh1q +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/015n8 /influence/influence_node/influenced_by /m/0m93 +/m/0n5yv /location/location/time_zones /m/02hcv8 +/m/06gmr /sports/sports_team_location/teams /m/019ltg +/m/011s9r /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/03x23q /education/educational_institution/campuses /m/03x23q +/m/0dryh9k /people/ethnicity/people /m/03cprft +/m/0cks1m /film/film/produced_by /m/0b05xm +/m/02hnl /music/instrument/instrumentalists /m/01mr2g6 +/m/02hnl /music/instrument/instrumentalists /m/02mx98 +/m/014z8v /people/person/places_lived./people/place_lived/location /m/01n7q +/m/07t2k /people/person/places_lived./people/place_lived/location /m/05kkh +/m/03f4n1 /location/country/capital /m/0h5m7 +/m/022p06 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0czyxs /film/film/genre /m/07s9rl0 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0h25 /influence/influence_node/influenced_by /m/0gz_ +/m/0h25 /influence/influence_node/influenced_by /m/07kb5 +/m/0gcrg /film/film/genre /m/05p553 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/026mmy /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0h953 /people/person/profession /m/09jwl +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02vkvcz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06x58 /film/actor/film./film/performance/film /m/0640m69 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b6tzs /film/film/genre /m/07s9rl0 +/m/0dzlbx /film/film/story_by /m/046_v +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0gn30 /people/person/profession /m/0dxtg +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/06myp /people/person/profession /m/05t4q +/m/013zs9 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0qm8b /film/film/language /m/02h40lc +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/05hj_k /people/person/religion /m/03_gx +/m/053yx /people/person/profession /m/029bkp +/m/05cl8y /business/business_operation/industry /m/02vxn +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01nkcn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02lwv5 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01vs5c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01pl14 +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05kj_ +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/073w14 /film/actor/film./film/performance/film /m/09gmmt6 +/m/03wh95l /people/person/profession /m/0dxtg +/m/0q9sg /film/film/genre /m/03mqtr +/m/0sxgh /education/educational_institution/colors /m/0jc_p +/m/0cymp /location/location/time_zones /m/02hcv8 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04sylm +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/0309jm /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03gvt /music/instrument/instrumentalists /m/032t2z +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0p51w /people/person/profession /m/02jknp +/m/058j2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01wz01 /people/person/nationality /m/09c7w0 +/m/05lwjc /music/genre/parent_genre /m/0glt670 +/m/06hmd /people/person/places_lived./people/place_lived/location /m/013m_x +/m/09gb9xh /people/person/nationality /m/09c7w0 +/m/02pjc1h /film/film/genre /m/01t_vv +/m/0chghy /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/0kz1h +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01csvq /people/person/religion /m/0kpl +/m/01l1hr /people/person/languages /m/02h40lc +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/01n5sn /music/genre/parent_genre /m/03_d0 +/m/05m63c /people/person/profession /m/012t_z +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03_0p /people/deceased_person/place_of_death /m/02_286 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/019gz /people/person/gender /m/05zppz +/m/016fjj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06kcjr /music/genre/parent_genre /m/0glt670 +/m/01hq1 /film/film/prequel /m/01hp5 +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/026670 /people/person/profession /m/01d_h8 +/m/03wh49y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0plw +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fqjks +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/0cp9f9 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03fts +/m/0xhtw /music/genre/artists /m/0187x8 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/03m6_z /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0pj9t /people/person/profession /m/016z4k +/m/0cx7f /music/genre/artists /m/02hzz +/m/0cx7f /music/genre/artists /m/04kjrv +/m/03rl84 /film/actor/film./film/performance/film /m/047msdk +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/071rlr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0m32h /people/cause_of_death/people /m/0dh73w +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/01mxqyk /people/person/place_of_birth /m/02dtg +/m/01p8s /location/country/form_of_government /m/01fpfn +/m/036jb /film/director/film /m/0h0wd9 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/034qg /people/cause_of_death/people /m/083p7 +/m/052h3 /influence/influence_node/influenced_by /m/032r1 +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02bhj4 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/035yn8 /film/film/language /m/0jzc +/m/0r6ff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jpl /location/location/contains /m/015g1w +/m/07bbw /music/genre/parent_genre /m/03lty +/m/06jzh /people/person/languages /m/02h40lc +/m/0bq2g /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01fh36 /music/genre/artists /m/01fh0q +/m/01kgxf /film/actor/film./film/performance/film /m/047qxs +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/04v9wn /sports/sports_team/colors /m/083jv +/m/02ld6x /people/person/profession /m/0dxtg +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0dfjb8 /people/person/languages /m/03k50 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gs1_ /people/person/profession /m/01d_h8 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05bt6j /music/genre/artists /m/03xnq9_ +/m/05bt6j /music/genre/artists /m/049qx +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0412f5y +/m/06pwf6 /people/person/places_lived./people/place_lived/location /m/09c6w +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/018ljb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/030jj7 /music/record_label/artist /m/03xhj6 +/m/026yqrr /people/person/gender /m/05zppz +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fmqp6 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06r713 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/0d4fqn /people/person/profession /m/0dxtg +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0jswp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017xm3 /people/person/places_lived./people/place_lived/location /m/081yw +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/05fky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015g_7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z13jg /film/film/film_festivals /m/05f5rsr +/m/09p3_s /film/film/genre /m/07s9rl0 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/077rj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/015g28 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02jq1 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07c0j +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01tx9m /education/educational_institution_campus/educational_institution /m/01tx9m +/m/0blfl /olympics/olympic_games/participating_countries /m/06qd3 +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04x1_w /film/actor/film./film/performance/film /m/0cc5mcj +/m/01wg982 /people/person/profession /m/0dxtg +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/04lhc4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0r4h3 /location/hud_county_place/place /m/0r4h3 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0ggbfwf /film/film/genre /m/02l7c8 +/m/0pz91 /people/person/profession /m/018gz8 +/m/05cj_j /film/film/genre /m/09blyk +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/07vfqj /people/person/gender /m/05zppz +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0969fd /influence/influence_node/influenced_by /m/081k8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/048s0r +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0522wp /people/person/nationality /m/0345h +/m/01x53m /base/eating/practicer_of_diet/diet /m/07_jd +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/02l424 /education/educational_institution/school_type /m/01rs41 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01fkr_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/087vz +/m/0dl9_4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/03f47xl /influence/influence_node/influenced_by /m/01tz6vs +/m/03f47xl /influence/influence_node/influenced_by /m/03f0324 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0j6cj /people/person/profession /m/09jwl +/m/03cwwl /film/film/film_format /m/07fb8_ +/m/011k1h /music/record_label/artist /m/016ksk +/m/064t9 /music/genre/artists /m/0lbj1 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/063fh9 /film/film/country /m/05qhw +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0c0cs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0jvtp /film/actor/film./film/performance/film /m/0jqd3 +/m/01w565 /music/record_label/artist /m/0fcsd +/m/05w1vf /people/person/profession /m/02jknp +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06d6y /people/person/gender /m/05zppz +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/048cl /influence/influence_node/influenced_by /m/039n1 +/m/0f276 /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0kc6 /people/person/profession /m/0n1h +/m/01sn3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0320fn /film/film/genre /m/0219x_ +/m/03kx49 /film/film/film_format /m/0cj16 +/m/016ky6 /film/film/music /m/01tc9r +/m/0fp_xp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0fgg4 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03n52j /film/actor/film./film/performance/film /m/0b6m5fy +/m/0gg8l /music/genre/parent_genre /m/050g1v +/m/0349s /language/human_language/countries_spoken_in /m/0hzlz +/m/087wc7n /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/051qvn /sports/sports_team/sport /m/02vx4 +/m/0d0mbj /people/person/profession /m/025352 +/m/011yd2 /film/film/production_companies /m/04rtpt +/m/011yd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ftmg /influence/influence_node/influenced_by /m/03j0d +/m/016yr0 /people/person/nationality /m/0b90_r +/m/0g_bh /music/genre/parent_genre /m/0190_q +/m/0p7qm /film/film/genre /m/07s9rl0 +/m/057_yx /film/actor/film./film/performance/film /m/04fzfj +/m/01b3bp /people/person/profession /m/03gjzk +/m/03lt8g /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/016z2j /film/actor/film./film/performance/film /m/07w8fz +/m/026y3cf /tv/tv_program/country_of_origin /m/09c7w0 +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0fdtd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dl1s +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0gpx6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02rhwjr +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07ylj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778pf +/m/01wgfp6 /people/person/profession /m/0nbcg +/m/0524b41 /tv/tv_program/genre /m/03k9fj +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/03jldb +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01kwh5j /film/actor/film./film/performance/film /m/05pyrb +/m/02t_8z /people/person/profession /m/02hrh1q +/m/09snz /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dl5d /music/genre/artists /m/018d6l +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03c_8t +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07z542 +/m/0g7vxv /people/person/nationality /m/02jx1 +/m/079yb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06j0md /people/person/profession /m/03gjzk +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0drnwh +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/02ndbd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/018db8 /film/actor/film./film/performance/film /m/0jjy0 +/m/0bq6ntw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02465 /people/person/profession /m/02jknp +/m/05d1dy /people/person/profession /m/02krf9 +/m/0bxtg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q2t9 /people/person/profession /m/02hrh1q +/m/01c333 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0dc_ms /film/film/genre /m/03k9fj +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/04gxp2 +/m/054bt3 /people/person/place_of_birth /m/01w2dq +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/021dvj /music/genre/artists /m/0kn3g +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01ry0f /people/person/profession /m/02hrh1q +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gsg7 +/m/026l37 /people/person/profession /m/0dxtg +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/033rq /people/deceased_person/place_of_death /m/06c62 +/m/02pxmgz /film/film/genre /m/06n90 +/m/0gh6j94 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/062ftr /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4vj +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w9wwg +/m/03y0pn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01d_h8 +/m/01f8gz /film/film/language /m/012w70 +/m/0f7hc /people/person/gender /m/05zppz +/m/0p9gg /film/actor/film./film/performance/film /m/01lbcqx +/m/024tv_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dg3jz +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/06w839_ +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05cv8 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01s9ftn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q56mk /film/film/genre /m/01t_vv +/m/06w839_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01bb9r /film/film/produced_by /m/0bkf72 +/m/04nlb94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cfywh /people/person/profession /m/02hrh1q +/m/06ncr /music/instrument/instrumentalists /m/0132k4 +/m/06jvj7 /people/person/profession /m/09jwl +/m/0fgpvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0hfzr /film/film/genre /m/03bxz7 +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/042rnl /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/013xrm /people/ethnicity/people /m/036jp8 +/m/01gvyp /people/person/nationality /m/09c7w0 +/m/01b39j /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/01pgk0 /people/person/profession /m/016z4k +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/02rtlp5 /location/location/contains /m/0n4mk +/m/014knw /film/film/genre /m/082gq +/m/09c7w0 /location/location/contains /m/0qkcb +/m/09c7w0 /location/location/contains /m/05qgd9 +/m/09c7w0 /location/location/contains /m/07vjm +/m/09c7w0 /location/location/contains /m/01lnyf +/m/09c7w0 /location/country/second_level_divisions /m/0mwk9 +/m/09c7w0 /location/country/second_level_divisions /m/0njvn +/m/09c7w0 /location/country/second_level_divisions /m/0jrhl +/m/0342h /music/instrument/instrumentalists /m/0f_y9 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/05fnl9 /people/person/profession /m/02jknp +/m/01cpqk /film/actor/film./film/performance/film /m/04smdd +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/02_4fn /people/person/nationality /m/06qd3 +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05p8bf9 +/m/0gxb2 /medicine/symptom/symptom_of /m/025hl8 +/m/02tcgh /film/film/language /m/0688f +/m/02q0k7v /film/film/featured_film_locations /m/0rh6k +/m/02q0k7v /film/film/genre /m/0bkbm +/m/02q0k7v /film/film/language /m/0jzc +/m/09n48 /olympics/olympic_games/participating_countries /m/0jt3tjf +/m/05zl0 /education/educational_institution/school_type /m/05pcjw +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01fx2g /film/actor/film./film/performance/film /m/0f8j13 +/m/0cv72h /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0wsr +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/0c921 /people/person/profession /m/0d8qb +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/06j6l /music/genre/artists /m/015bwt +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0162v +/m/05yzt_ /people/person/place_of_birth /m/02_286 +/m/0gthm /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0g9z_32 /film/film/language /m/0jzc +/m/06ybb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02m7r /people/deceased_person/place_of_death /m/0978r +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0bvzp +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r7t +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019fm7 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cjsxp +/m/04s9n /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/029_3 /people/person/profession /m/0dxtg +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0416y94 +/m/0d_2fb /film/film/language /m/02h40lc +/m/09jw2 /music/genre/artists /m/01vsy7t +/m/0f87jy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/033x5p /education/educational_institution/colors /m/019sc +/m/0p8r1 /film/actor/film./film/performance/film /m/0f3m1 +/m/03q8xj /film/film/country /m/0f8l9c +/m/01g257 /people/person/gender /m/02zsn +/m/01pfpt /music/genre/artists /m/048xh +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047vp1n +/m/01kp66 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qrv7 /film/film/genre /m/02kdv5l +/m/047d21r /film/film/produced_by /m/0cc63l +/m/011ywj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jqzt /film/film/story_by /m/04_by +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/04gnbv1 /people/person/profession /m/03gjzk +/m/07ykkx5 /film/film/language /m/02h40lc +/m/0l8v5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0fkhz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/067mj /music/artist/origin /m/0hpyv +/m/0280061 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08h79x /people/person/nationality /m/09c7w0 +/m/02cllz /film/actor/film./film/performance/film /m/02qhlwd +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0c1pj /film/actor/film./film/performance/film /m/04jn6y7 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01cf5 /education/educational_institution/colors /m/083jv +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02f8lw +/m/019pm_ /film/actor/film./film/performance/film /m/06lpmt +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06m_5 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03f2w +/m/07l450 /film/film/genre /m/01jfsb +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07l450 /film/film/language /m/071fb +/m/015pkc /people/person/profession /m/02hrh1q +/m/0b1q7c /film/actor/film./film/performance/film /m/0ddcbd5 +/m/01k7b0 /film/film/featured_film_locations /m/0k3p +/m/01fm07 /music/genre/artists /m/044gyq +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/017j69 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/04f73rc /music/genre/artists /m/03j_hq +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05b4w +/m/0fpj9pm /people/person/profession /m/039v1 +/m/070j61 /people/person/profession /m/02jknp +/m/0cbgl /people/deceased_person/place_of_death /m/0r02m +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/017_qw /music/genre/artists /m/07zft +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/01y2mq /music/genre/artists /m/03f0qd7 +/m/0x67 /people/ethnicity/people /m/046m59 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07ss8_ +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07b_l /location/location/contains /m/0kpw3 +/m/01mjq /location/location/time_zones /m/02llzg +/m/02qhqz4 /film/film/genre /m/02kdv5l +/m/0jwvf /film/film/film_art_direction_by /m/07hhnl +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0bt4g /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/015njf /people/person/religion /m/0c8wxp +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0kvgnq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03y82t6 /people/person/languages /m/02h40lc +/m/02rgz4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01r42_g +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0dn3n /people/person/profession /m/01d_h8 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0c9k8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/045hz5 /people/person/nationality /m/03rk0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/0lcx /influence/influence_node/influenced_by /m/032l1 +/m/09zcbg /music/record_label/artist /m/01518s +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/015882 /people/person/nationality /m/09c7w0 +/m/02jxsq /dataworld/gardening_hint/split_to /m/02jxsq +/m/016_mj /people/person/profession /m/02hrh1q +/m/07y2s /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/05dss7 /film/film/executive_produced_by /m/08gf93 +/m/0zcbl /film/actor/film./film/performance/film /m/07nt8p +/m/01dthg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/04ltlj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/01fjfv /broadcast/content/artist /m/0134s5 +/m/01bqnc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016yxn /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/07kbp5 /sports/sports_team/sport /m/0jm_ +/m/06by7 /music/genre/artists /m/01k3qj +/m/02pbrn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013pk3 /film/actor/film./film/performance/film /m/0bz6sq +/m/01w02sy /people/person/gender /m/02zsn +/m/01cwhp /people/person/profession /m/0n1h +/m/02qggqc /people/person/gender /m/05zppz +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/02lvtb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ynfr /people/profession/specialization_of /m/0n1h +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/023p33 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01l2m3 /people/cause_of_death/people /m/09h_q +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01twmp +/m/04htfd /organization/organization/place_founded /m/02_286 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/018swb /film/actor/film./film/performance/film /m/050r1z +/m/05d8vw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/01k_yf +/m/016clz /music/genre/artists /m/01wj18h +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kc8y +/m/03prz_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044n3h /people/person/place_of_birth /m/0hsqf +/m/04g73n /film/film/language /m/02h40lc +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/024rbz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0c5v2 +/m/0863x_ /people/person/gender /m/05zppz +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/023fb /sports/sports_team/colors /m/01g5v +/m/049nq /location/location/contains /m/07g0_ +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0jrv_ /music/genre/parent_genre /m/01dqhq +/m/01trhmt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/063hp4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/023rwm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_k1z /people/person/nationality /m/09c7w0 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03bzjpm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/0fvvg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09qc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/06zpgb2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0gv10 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0h1nt /people/person/places_lived./people/place_lived/location /m/0mp3l +/m/02w4v /music/genre/artists /m/044k8 +/m/090gk3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07d3x /people/person/profession /m/0dxtg +/m/01fxfk /people/person/profession /m/0dxtg +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/0g9yrw /film/film/music /m/01cbt3 +/m/0dq9wx /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0kvbl6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01trtc /music/record_label/artist /m/01vs_v8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/011xg5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cxgc /location/location/contains /m/01dzq6 +/m/02nczh /film/film/country /m/09c7w0 +/m/01jwxx /film/film/genre /m/03g3w +/m/09yhzs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/0c3xw46 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05mc99 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r99xw /people/person/nationality /m/03rk0 +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dl1s +/m/07jxpf /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02k4gv /film/actor/film./film/performance/film /m/02rrh1w +/m/06q1r /location/location/contains /m/01zk9d +/m/02cl1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01wgx4 /film/actor/film./film/performance/film /m/01wb95 +/m/041rx /people/ethnicity/people /m/01dw9z +/m/012d40 /people/person/profession /m/0dxtg +/m/0381pn /award/award_winner/awards_won./award/award_honor/award_winner /m/01w92 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/0btpm6 /film/film/prequel /m/02fqrf +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/027fwmt +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/026c0p /people/person/gender /m/05zppz +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/06c0ns /film/film/genre /m/07s9rl0 +/m/02f8zw /education/educational_institution/school_type /m/05jxkf +/m/0f6_dy /people/person/profession /m/02hrh1q +/m/0kwmc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/05jjl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/07xzm /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/0gjm7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0169dl /film/actor/film./film/performance/film /m/03s6l2 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/01d0fp /film/actor/film./film/performance/film /m/035s95 +/m/0frmb1 /people/person/employment_history./business/employment_tenure/company /m/05gnf +/m/03mb9 /music/genre/artists /m/07sbk +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/015qqg +/m/03x31g /people/person/places_lived./people/place_lived/location /m/04vmp +/m/015_1q /music/record_label/artist /m/01wgjj5 +/m/015_1q /music/record_label/artist /m/01f9zw +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fh2v5 /film/film/genre /m/03k9fj +/m/032r1 /influence/influence_node/influenced_by /m/0cpvcd +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/01pp3p /people/person/nationality /m/09c7w0 +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/044zvm /film/actor/film./film/performance/film /m/03nx8mj +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0q96 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l3n4 /location/location/time_zones /m/02hcv8 +/m/01kws3 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06tpmy /film/film/featured_film_locations /m/02_286 +/m/06tpmy /film/film/music /m/01nc3rh +/m/07s9rl0 /media_common/netflix_genre/titles /m/0mcl0 +/m/017l96 /music/record_label/artist /m/0b68vs +/m/017l96 /music/record_label/artist /m/01vrnsk +/m/0468g4r /award/award_category/winners./award/award_honor/award_winner /m/076_74 +/m/07h9gp /film/film/genre /m/0gf28 +/m/059fjj /people/person/profession /m/02hrh1q +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0j_1v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07r4c /people/person/profession /m/016z4k +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/024pcx +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01q9b9 /people/person/profession /m/02jknp +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0fb0v /organization/organization/child./organization/organization_relationship/child /m/0181hw +/m/02cttt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04gycf /music/artist/origin /m/0ply0 +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04rzd /music/instrument/instrumentalists /m/01wmjkb +/m/073749 /people/person/nationality /m/09c7w0 +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/03w6sj /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/08wq0g /people/person/gender /m/05zppz +/m/02_1q9 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0140g4 /film/film/language /m/02h40lc +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0lbj1 /film/actor/film./film/performance/film /m/01dvbd +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/01p5yn /business/business_operation/industry /m/02jjt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01zzy3 +/m/03kdl /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0mzkr /music/record_label/artist /m/0qf3p +/m/0sx7r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0tj9 /people/person/languages /m/03k50 +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04xn_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0420y /influence/influence_node/influenced_by /m/043s3 +/m/03s9v /people/person/profession /m/0h9c +/m/015p37 /film/actor/film./film/performance/film /m/03lrht +/m/0p07l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04bp0l /tv/tv_program/languages /m/02h40lc +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0x3b7 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/04g9gd /film/film/genre /m/07s9rl0 +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d6d2 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/03zqc1 /people/person/gender /m/02zsn +/m/06nnj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/018p4y /people/person/places_lived./people/place_lived/location /m/03gh4 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02hrb2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qny_ /people/person/nationality /m/09c7w0 +/m/0pkyh /people/person/place_of_birth /m/01n244 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0g6ff /people/ethnicity/people /m/0zm1 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0151ns /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024n3z +/m/01q7q2 /education/educational_institution/students_graduates./education/education/student /m/04411 +/m/01k98nm /people/person/nationality /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/03h4fq7 /film/film/executive_produced_by /m/027z0pl +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award /m/02qrbbx +/m/02qzh2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0sz28 /people/person/nationality /m/09c7w0 +/m/01j851 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0170th /film/film/featured_film_locations /m/0rh6k +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/02jtjz +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/011s9r /people/deceased_person/place_of_death /m/030qb3t +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/035sc2 /people/person/profession /m/01d_h8 +/m/026rm_y /people/person/profession /m/02hrh1q +/m/05v10 /location/country/form_of_government /m/01d9r3 +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/021pqy /film/film/film_production_design_by /m/07s9tsr +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01xqw /music/instrument/instrumentalists /m/04f7c55 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/0135p7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_80b /people/deceased_person/place_of_death /m/0f485 +/m/02rg_4 /education/educational_institution/school_type /m/04qbv +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/0mkc3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02b0y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02y_2y /people/person/gender /m/05zppz +/m/0f0y8 /people/person/profession /m/01c72t +/m/0k269 /people/person/profession /m/03gjzk +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01v_0b /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02zcnq +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09pl3s /people/person/nationality /m/09c7w0 +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/0d4htf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01sv6k /base/biblioness/bibs_location/country /m/03rk0 +/m/0kh6b /people/person/nationality /m/07ssc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/023znp +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0psss +/m/03jldb /people/person/profession /m/02hrh1q +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/03ym1 /people/person/profession /m/02hrh1q +/m/08jyyk /music/genre/artists /m/0lsw9 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/04vq3h /film/actor/film./film/performance/film /m/01r97z +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/017z88 +/m/07h34 /location/location/contains /m/0_wm_ +/m/02vjp3 /film/film/country /m/09c7w0 +/m/06dfg /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0ckrgs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0739z6 /people/person/profession /m/016z4k +/m/01fs_4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rp13 +/m/02x3lt7 /film/film/genre /m/07s9rl0 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0j1z8 +/m/01gvsn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dkv90 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/0lgm5 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0fp_v1x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0244r8 /people/person/place_of_birth /m/0chgzm +/m/025rvx0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025rvx0 /film/film/executive_produced_by /m/030_3z +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/09p7fh /film/film/genre /m/07s9rl0 +/m/09fqgj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026v1z /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/06hx2 /people/person/profession /m/0cbd2 +/m/05rx__ /influence/influence_node/influenced_by /m/029_3 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0165v +/m/0kv238 /film/film/featured_film_locations /m/04jpl +/m/078ds /people/ethnicity/languages_spoken /m/07c9s +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01hnb +/m/07vc_9 /film/actor/film./film/performance/film /m/08hmch +/m/0g768 /music/record_label/artist /m/0136p1 +/m/04xvlr /media_common/netflix_genre/titles /m/0ywrc +/m/018_lb /people/person/places_lived./people/place_lived/location /m/0d04z6 +/m/0cx7f /music/genre/parent_genre /m/06by7 +/m/0n85g /music/record_label/artist /m/07mvp +/m/047s_cr /people/person/profession /m/02hrh1q +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/0xnvg /people/ethnicity/people /m/04ls53 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0291ck /film/film/language /m/04306rv +/m/02_nkp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h8d +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/015f7 /people/person/gender /m/02zsn +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/0xsk8 /people/person/profession /m/01c72t +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03n6r /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f1sm +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0cdbq /location/country/official_language /m/06b_j +/m/01pg1d /film/actor/film./film/performance/film /m/016y_f +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0bk1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/012x2b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bq2g +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x8z_ +/m/09nwwf /music/genre/artists /m/0ycp3 +/m/04rvy8 /people/deceased_person/place_of_death /m/030qb3t +/m/06cmp /location/country/capital /m/06c62 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/049rl0 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0697s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/028qdb /people/person/nationality /m/09c7w0 +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/081pw /film/film_subject/films /m/04nm0n0 +/m/01x2_q /people/person/nationality /m/0d060g +/m/0gs1_ /people/person/profession /m/07s467s +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04b5l3 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/05bt6j /music/genre/artists /m/0167km +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01pxcf /education/educational_institution_campus/educational_institution /m/01pxcf +/m/0mlxt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03bxwtd /people/person/profession /m/04f2zj +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0yldt +/m/07kb5 /people/person/profession /m/05t4q +/m/0nqph /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015pxr /influence/influence_node/influenced_by /m/021bk +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/07_m9_ /people/person/nationality /m/0h7x +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/04cw0n4 /people/person/place_of_birth /m/09pxc +/m/0hgnl3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09lxtg +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02xnjd /people/person/nationality /m/09c7w0 +/m/0137n0 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/05zy2cy /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/07vqnc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x0sy +/m/01g23m /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07nnp_ /film/film/genre /m/09blyk +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/02bgmr /people/person/profession /m/0nbcg +/m/05p8bf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01n7q /location/location/contains /m/0qxzd +/m/0h03fhx /film/film/genre /m/07s9rl0 +/m/01ps2h8 /people/person/profession /m/0kyk +/m/03hpkp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01q2nx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0161sp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fj8n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/064t9 /music/genre/artists /m/06w2sn5 +/m/064t9 /music/genre/artists /m/06tp4h +/m/0bq8tmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/04mwxk3 /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/0n2m7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b79gfg /people/person/profession /m/09zzb8 +/m/01hbq0 /film/actor/film./film/performance/film /m/042g97 +/m/09b6zr /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/042kg /people/person/profession /m/0cbd2 +/m/018gqj /people/person/profession /m/0dz3r +/m/0djlxb /film/film/genre /m/07s9rl0 +/m/03cffvv /film/film/language /m/02h40lc +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07f5x /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/047p7fr /film/film/genre /m/05p553 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0dhrqx /people/person/nationality /m/03spz +/m/05v8c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02swsm /music/record_label/artist /m/04d_mtq +/m/01kym3 /people/person/nationality /m/03_3d +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/04rrd /location/location/contains /m/0tt6k +/m/09fb5 /people/person/religion /m/0c8wxp +/m/03kx49 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4xt +/m/017gl1 /film/film/executive_produced_by /m/06q8hf +/m/02704ff /film/film/production_companies /m/054lpb6 +/m/0xddr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dbns /organization/organization/headquarters./location/mailing_address/country /m/06t2t +/m/0963mq /film/film/genre /m/06nbt +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0f40w /film/film/production_companies /m/05qd_ +/m/0kvnn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03sbs /influence/influence_node/influenced_by /m/0372p +/m/01wy5m /film/actor/film./film/performance/film /m/0fzm0g +/m/02rx2m5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0r785 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_1_ +/m/07z2lx /award/award_category/category_of /m/0gcf2r +/m/0h6dy /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/037q2p /education/educational_institution/colors /m/083jv +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01s47p /location/country/official_language /m/06nm1 +/m/02j490 /people/person/profession /m/01d_h8 +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0345kr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778yp +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0l3kx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03w94xt /music/genre/artists /m/06k02 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0b_7k /people/person/profession /m/01d_h8 +/m/0fxyd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zyy4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/033tf_ /people/ethnicity/people /m/02f8lw +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/06t2t /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/011vx3 /people/person/religion /m/07w8f +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/029ql /people/person/nationality /m/09c7w0 +/m/02rqwhl /film/film/genre /m/03mqtr +/m/02rq7nd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/01jft4 +/m/01z4y /media_common/netflix_genre/titles /m/0421v9q +/m/01z4y /media_common/netflix_genre/titles /m/0blpg +/m/02pptm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0tct_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jpqb /education/educational_institution/school_type /m/05jxkf +/m/0c2ry /people/person/places_lived./people/place_lived/location /m/02_n7 +/m/02fqrf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0qkyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09blyk /media_common/netflix_genre/titles /m/0dgrwqr +/m/028fjr /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/02tf1y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc5mcj /film/film/featured_film_locations /m/05fjy +/m/01slc /sports/sports_team/colors /m/083jv +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/022fj_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/01n073 /organization/organization/child./organization/organization_relationship/child /m/05925 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/01w5jwb /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03np3w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kq2g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2nd +/m/01c333 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07xyn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/04x4vj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/07tw_b +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01900g /people/person/gender /m/05zppz +/m/04fkg4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03_gz8 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024rbz +/m/026l37 /people/person/profession /m/01d_h8 +/m/04l19_ /people/person/profession /m/02hrh1q +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02mx98 /people/person/profession /m/09jwl +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vx5w7 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l03w2 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/03rjj +/m/01dw9z /people/person/profession /m/018gz8 +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/01zlh5 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07tlfx /film/film/country /m/09c7w0 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09tqkv2 /film/film/genre /m/0d63kt +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02r1c18 /film/film/language /m/03hkp +/m/03_fk9 /people/person/profession /m/0kyk +/m/04nlb94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/023n39 /people/person/profession /m/02jknp +/m/04mnts /sports/sports_team/colors /m/06fvc +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0436kgz /people/person/spouse_s./people/marriage/location_of_ceremony /m/056_y +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01rly6 /sports/sports_team/sport /m/02vx4 +/m/03f1zdw /people/person/profession /m/02hrh1q +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01svw8n /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/09c7w0 /location/country/second_level_divisions /m/0mwx6 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0b1zz +/m/02y5kn /people/profession/specialization_of /m/04_tv +/m/0415ggl /film/film/language /m/02h40lc +/m/01bbwp /people/person/profession /m/0n1h +/m/01qwb5 /education/educational_institution/school_type /m/01rs41 +/m/02b25y /people/person/place_of_birth /m/064xp +/m/01gx5f /people/person/profession /m/09jwl +/m/02tc5y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02vntj +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/05zl0 /organization/organization/headquarters./location/mailing_address/citytown /m/0ljsz +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/02kxbwx +/m/02q636 /education/educational_institution/students_graduates./education/education/student /m/0j582 +/m/02_qt /film/film/genre /m/01zhp +/m/01wf86y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/043zg /people/person/profession /m/015cjr +/m/043zg /people/person/profession /m/02hrh1q +/m/01f7jt /film/film/genre /m/06n90 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/016jny /music/genre/artists /m/01w02sy +/m/027rpym /film/film/film_format /m/01dc60 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0fq5j /location/location/time_zones /m/0gsrz4 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04bdxl /film/actor/film./film/performance/film /m/09txzv +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03176f +/m/0d22f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx3k +/m/0p7pw /film/film/genre /m/0hn10 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0167v +/m/023g6w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vw37m /people/person/profession /m/08z956 +/m/06ybb1 /film/film/country /m/09c7w0 +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/01gvr1 /people/person/nationality /m/09c7w0 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0404wqb +/m/03s5lz /film/film/featured_film_locations /m/02_286 +/m/0jpdn /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01d2v1 /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/024c2 /people/cause_of_death/people /m/039n1 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03h_9lg +/m/094jv /sports/sports_team_location/teams /m/01ct6 +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0cgs4 /location/country/capital /m/096gm +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/010xjr +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/014hdb +/m/02dq8f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03vtfp /music/record_label/artist /m/016l09 +/m/02825nf /film/film/genre /m/0lsxr +/m/02825nf /film/film/language /m/012w70 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/01f7j9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/069nzr /people/person/profession /m/02hrh1q +/m/015grj /people/person/nationality /m/09c7w0 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/040db /influence/influence_node/influenced_by /m/0j3v +/m/03j24kf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4_l +/m/021bk /music/group_member/membership./music/group_membership/role /m/04rzd +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/029q3k +/m/03hhd3 /film/actor/film./film/performance/film /m/0dc_ms +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/01w0yrc /people/person/profession /m/02krf9 +/m/0kbws /olympics/olympic_games/participating_countries /m/056vv +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03m6j +/m/03gqgt3 /time/event/locations /m/04wsz +/m/019rl6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/049fgvm /film/actor/film./film/performance/film /m/05zpghd +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01pny5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/017_qw /music/genre/artists /m/02sj1x +/m/06pyc2 /film/film/genre /m/03g3w +/m/0bk4s /people/person/nationality /m/07ssc +/m/01r3kd /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03f0fnk /people/person/gender /m/05zppz +/m/01_k0d /people/person/profession /m/02hv44_ +/m/0x67 /people/ethnicity/people /m/03b78r +/m/0x67 /people/ethnicity/people /m/0d9xq +/m/0154j /location/location/time_zones /m/02llzg +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02xtxw +/m/02grjf /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0mnm2 /location/hud_county_place/county /m/0mnm2 +/m/044mvs /people/person/places_lived./people/place_lived/location /m/0947l +/m/0g48m4 /people/ethnicity/geographic_distribution /m/059rby +/m/011k11 /music/record_label/artist /m/01nn3m +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01rr9f /people/person/nationality /m/09c7w0 +/m/012vd6 /influence/influence_node/influenced_by /m/03h_yfh +/m/07b_l /location/location/contains /m/010bnr +/m/02_1sj /film/film/genre /m/06cvj +/m/0889d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01hgwkr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/047qxs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/0vhm /tv/tv_program/genre /m/095bb +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06hgj +/m/0kvgtf /film/film/genre /m/01hwc6 +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/01wwnh2 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/01cl0d /music/record_label/artist /m/014pg1 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0vfs8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07tw_b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/058z2d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01y20v +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/02fsn /music/instrument/instrumentalists /m/0dw3l +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01fwf1 /people/person/gender /m/02zsn +/m/02hhtj /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/013w8y +/m/06by7 /music/genre/artists /m/01d_h +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02w7gg /people/ethnicity/people /m/0qf43 +/m/05m_8 /sports/sports_team/sport /m/018jz +/m/0b_75k /time/event/locations /m/099ty +/m/0fvd03 /education/educational_institution/students_graduates./education/education/student /m/017g21 +/m/051kd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dt645q +/m/024jwt /people/person/profession /m/0kyk +/m/03qk20 /music/record_label/artist /m/01ww_vs +/m/01v3s2_ /people/person/profession /m/0dxtg +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/06lj1m +/m/02qkq0 /tv/tv_program/genre /m/07s9rl0 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02tr7d /film/actor/film./film/performance/film /m/0gy7bj4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/05w3f /music/genre/artists /m/014_lq +/m/05w3f /music/genre/artists /m/03fbc +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/034qrh +/m/0bvg70 /people/person/profession /m/03gjzk +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02cl1 +/m/02fp82 /tv/tv_network/programs./tv/tv_network_duration/program /m/015w8_ +/m/02bjhv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02jx_v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03l78j +/m/01r9md /film/actor/film./film/performance/film /m/02qdrjx +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yg9 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0gt3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rk0 +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02rybfn /people/person/nationality /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035dk +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/07ymr5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/01p45_v /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0584j4n /people/person/profession /m/089fss +/m/09qc1 /people/person/gender /m/05zppz +/m/037jz /influence/influence_node/influenced_by /m/03f70xs +/m/0ddd0gc /tv/tv_program/country_of_origin /m/07ssc +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0qr8z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cy41 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0yyh +/m/04bdzg /people/person/profession /m/02hrh1q +/m/03mck3c /sports/sports_team/sport /m/02vx4 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/0gvvm6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/030qb3t /location/location/contains /m/0281rb +/m/090gk3 /people/person/profession /m/02krf9 +/m/01y0y6 /people/person/profession /m/02hrh1q +/m/0391jz /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01wdcxk /people/person/profession /m/02hrh1q +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/025rxjq +/m/011zd3 /people/person/profession /m/09jwl +/m/011zd3 /film/actor/film./film/performance/film /m/09146g +/m/0356dp /film/actor/film./film/performance/film /m/031778 +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/017149 +/m/02bfxb /people/person/gender /m/02zsn +/m/01qszl /business/business_operation/industry /m/03r8gp +/m/04gfy7 /people/ethnicity/languages_spoken /m/02hxcvy +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/016ckq /music/record_label/artist /m/01mxqyk +/m/02yy_j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/09gq0x5 /film/film/language /m/02h40lc +/m/03np63f /film/film/genre /m/07s9rl0 +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/016cjb /music/genre/artists /m/01vrncs +/m/02xjb /music/genre/artists /m/01jfr3y +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015gm8 /film/film/film_art_direction_by /m/07hhnl +/m/0ds5_72 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gh4g0 /music/record_label/artist /m/07r1_ +/m/01vrx3g /people/person/nationality /m/09c7w0 +/m/02cl1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/03mdt /organization/organization/child./organization/organization_relationship/child /m/030_1m +/m/01c57n /organization/organization/headquarters./location/mailing_address/state_province_region /m/0g39h +/m/01kwsg /film/actor/film./film/performance/film /m/0661m4p +/m/037hgm /music/group_member/membership./music/group_membership/role /m/02g9p4 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/041rx /people/ethnicity/people /m/045m1_ +/m/05gp3x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/03w9sgh /people/person/profession /m/02krf9 +/m/03qjg /music/instrument/instrumentalists /m/01tw31 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gpx6 +/m/0d2fd7 /business/business_operation/industry /m/01mw1 +/m/0l6qt /people/person/profession /m/0kyk +/m/09qycb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013rxq /music/genre/artists /m/089tm +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/085wqm +/m/0qkj7 /people/person/profession /m/01d_h8 +/m/04mhbh /people/person/profession /m/018gz8 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03hpkp +/m/07hwkr /people/ethnicity/languages_spoken /m/06x8y +/m/09n5t_ /music/genre/artists /m/0m_v0 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0c3ns /people/person/gender /m/05zppz +/m/0j2pg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03qcfvw /film/film/language /m/02h40lc +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0l6wj /people/person/religion /m/0c8wxp +/m/0ctb4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016bx2 /people/person/profession /m/01d_h8 +/m/02rjz5 /sports/sports_team/colors /m/01g5v +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/02zd460 +/m/016ybr /music/genre/parent_genre /m/02856r +/m/01hkhq /people/person/profession /m/02hrh1q +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047gpsd +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/06jcc /influence/influence_node/influenced_by /m/03j0d +/m/04xm_ /people/person/employment_history./business/employment_tenure/company /m/0dy04 +/m/01_d4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tszq +/m/0196bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/06101p /people/person/profession /m/0cbd2 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/04135 /people/person/profession /m/02jknp +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01699 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/03n69x /people/person/places_lived./people/place_lived/location /m/013yq +/m/08ct6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02_p8v /film/actor/film./film/performance/film /m/01hp5 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03rhqg /music/record_label/artist /m/05sq20 +/m/013knm /film/actor/film./film/performance/film /m/0322yj +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07s9rl0 /media_common/netflix_genre/titles /m/03s9kp +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01dhjz /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/026q3s3 /film/film/dubbing_performances./film/dubbing_performance/actor /m/06_6j3 +/m/04wsz /location/location/contains /m/0j1z8 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01gvyp +/m/07jq_ /people/cause_of_death/people /m/02bvt +/m/0c1d0 /sports/sports_team_location/teams /m/04l590 +/m/02qkt /location/location/contains /m/06npd +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06t2t +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0154qm /people/person/gender /m/02zsn +/m/039crh /people/person/languages /m/064_8sq +/m/015rkw /film/actor/film./film/performance/film /m/031hcx +/m/04gycf /people/person/places_lived./people/place_lived/location /m/0ply0 +/m/04rzd /music/instrument/instrumentalists /m/01vsnff +/m/06151l /people/person/gender /m/05zppz +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306bt +/m/02_1q9 /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/0888c3 /film/film/language /m/02h40lc +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ktrs +/m/02bj22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0g2c8 +/m/0dmn0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03x6w8 /sports/sports_team/sport /m/02vx4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hmw9 +/m/064p92m /people/person/profession /m/02hrh1q +/m/01qvgl /people/person/nationality /m/09c7w0 +/m/0gry51 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/016ypb /people/person/places_lived./people/place_lived/location /m/0j4q1 +/m/01dycg /organization/organization/child./organization/organization_relationship/child /m/07rfp +/m/0248jb /award/award_category/category_of /m/0c4ys +/m/0fx02 /people/person/gender /m/05zppz +/m/01nm3s /film/actor/film./film/performance/film /m/01jnc_ +/m/02r8hh_ /film/film/language /m/04306rv +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kp_1t +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0697s +/m/09zf_q /film/film/story_by /m/03hnd +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/03zqc1 /people/person/profession /m/02hrh1q +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07bxhl +/m/01k9gb /people/cause_of_death/people /m/041b4j +/m/06v8s0 /people/person/place_of_birth /m/030qb3t +/m/014635 /influence/influence_node/influenced_by /m/04xjp +/m/0bqxw /education/educational_institution/students_graduates./education/education/student /m/037hgm +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/014nq4 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/04t6fk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/03nkts +/m/05_z42 /tv/tv_program/genre /m/0m1xv +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/01vrnsk /people/person/profession /m/01d_h8 +/m/03_nq /people/person/profession /m/016m9h +/m/03_nq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07f7jp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mlmx /film/actor/film./film/performance/film /m/042fgh +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy7t +/m/02y9bj /education/educational_institution/students_graduates./education/education/student /m/02p8v8 +/m/0fsv2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0198b6 /film/film/cinematography /m/02404v +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/02qzh2 /film/film/executive_produced_by /m/05hj_k +/m/0232lm /people/person/languages /m/02h40lc +/m/0n6ds /film/film/genre /m/02l7c8 +/m/0b_dh /people/person/profession /m/01d_h8 +/m/0dryh9k /people/ethnicity/people /m/05yvfd +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/01wy6 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/043t8t +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/095l0 /sports/sports_team_location/teams /m/01dtl +/m/026rm_y /people/person/nationality /m/0h7x +/m/059yj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07bx6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0xjl2 /music/genre/artists /m/0244r8 +/m/09g8vhw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01my95 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wg38 /people/person/nationality /m/09c7w0 +/m/01520h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01xqw /music/instrument/family /m/0l14_3 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017j69 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/07sp4l /film/film/country /m/0d060g +/m/088gzp /organization/organization/headquarters./location/mailing_address/state_province_region /m/09f07 +/m/04y79_n /people/person/gender /m/05zppz +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0781g /music/genre/artists /m/02r3cn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02j04_ +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0140t7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0149xx /people/person/nationality /m/0jhd +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01wmcbg /people/person/profession /m/02hrh1q +/m/05r3qc /film/film/country /m/0chghy +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/015fsv +/m/0170s4 /film/actor/film./film/performance/film /m/0c3xw46 +/m/0g5q34q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/01w724 /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/03fbb6 /people/person/place_of_birth /m/030qb3t +/m/03fbb6 /film/actor/film./film/performance/film /m/0pvms +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/03vyh /music/genre/artists /m/01vvpjj +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02cvp8 /people/deceased_person/place_of_death /m/030qb3t +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/042xh /people/person/nationality /m/02jx1 +/m/025twgt /film/film/story_by /m/0fx02 +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0ckrgs /film/film/genre /m/0jxy +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0d0vj4 /people/person/religion /m/07y1z +/m/06mnbn /film/actor/film./film/performance/film /m/0ddbjy4 +/m/02jt1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/01_x6d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07p62k /film/film/production_companies /m/017s11 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/031sn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/065d1h /people/person/profession /m/02hrh1q +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03bzyn4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/0h25 +/m/01pctb /people/person/profession /m/0d1pc +/m/02bqvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03f4xvm /people/person/profession /m/03gjzk +/m/03_0p /people/person/profession /m/01c8w0 +/m/0212ny /location/location/contains /m/02sn34 +/m/01g0jn /people/person/nationality /m/09c7w0 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/01q3_2 /people/person/place_of_birth /m/010tkc +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/016srn /people/person/gender /m/05zppz +/m/059_w /people/ethnicity/languages_spoken /m/0t_2 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0ft18 /film/film/genre /m/01g6gs +/m/01n5309 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/0f8l9c /location/location/contains /m/04gdr +/m/0hky /people/person/nationality /m/02jx1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076tw54 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ctc6 +/m/0cfz_z /people/person/places_lived./people/place_lived/location /m/0cw4l +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0hd7j +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032zg9 +/m/0gs973 /film/film/language /m/02h40lc +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/055c8 +/m/04hpck /film/actor/film./film/performance/film /m/0d99k_ +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04sskp +/m/0bqytm /people/person/nationality /m/0345h +/m/0n85g /music/record_label/artist /m/019389 +/m/0n85g /music/record_label/artist /m/02hzz +/m/01453 /sports/sports_team/sport /m/02vx4 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0xnvg /people/ethnicity/people /m/0gn30 +/m/071rlr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02zrv7 /film/actor/film./film/performance/film /m/04cppj +/m/0n_hp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/07tlg /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/012x4t /people/person/profession /m/0dz3r +/m/0hzlz /film/film_subject/films /m/0581vn8 +/m/01r4bps /people/person/gender /m/02zsn +/m/0181dw /music/record_label/artist /m/01wj5hp +/m/0181dw /music/record_label/artist /m/025ldg +/m/0hhjk /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/01m4yn /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ssc /location/location/contains /m/03lkp +/m/03bggl /film/actor/film./film/performance/film /m/01wb95 +/m/02wr6r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dfjb8 /people/person/nationality /m/03rk0 +/m/018gkb /music/artist/contribution./music/recording_contribution/performance_role /m/042v_gx +/m/043q6n_ /people/person/gender /m/05zppz +/m/081pw /time/event/locations /m/06bnz +/m/04q24zv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/01x2_q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j86l +/m/02bn75 /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/07gknc /people/person/profession /m/02hrh1q +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/06qd3 /location/country/form_of_government /m/01fpfn +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0209hj /film/film/language /m/02h40lc +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/069d71 /people/person/profession /m/01445t +/m/01kb2j /film/actor/film./film/performance/film /m/0ddf2bm +/m/02vcp0 /people/person/place_of_birth /m/030qb3t +/m/0bbvr84 /people/person/nationality /m/09c7w0 +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027lf1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/08_83x /people/person/nationality /m/07ssc +/m/051x52f /film/film_set_designer/film_sets_designed /m/0k0rf +/m/0f2s6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04bbb8 +/m/01p1b /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/03qy3l /music/record_label/artist /m/0jn38 +/m/021npv /people/person/profession /m/03gjzk +/m/0kft /people/person/profession /m/02jknp +/m/0344gc /film/film/film_format /m/0cj16 +/m/0f2tj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0ptdz /film/film/music /m/02bh9 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01tsbmv +/m/01c9d /film/film/genre /m/02l7c8 +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p8v8 +/m/06qgjh /film/actor/film./film/performance/film /m/06c0ns +/m/0bz3jx /film/film/country /m/0345h +/m/048xyn /film/film/genre /m/03bxz7 +/m/095x_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04vq33 /film/film/genre /m/06l3bl +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05g3b /sports/sports_team/colors /m/083jv +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/043mk4y +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/06rzwx /film/film/genre /m/02kdv5l +/m/0lzb8 /people/person/gender /m/05zppz +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06r_by +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7xg +/m/01nr36 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/0cc63l /people/person/gender /m/05zppz +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/026qnh6 /film/film/genre /m/0hfjk +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/01fpvz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0m0fw /music/genre/parent_genre /m/05r6t +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/035dk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01cj6y /film/actor/film./film/performance/film /m/08s6mr +/m/0j4b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rxw +/m/02fqxm /film/film/country /m/0f8l9c +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0b90_r /location/location/contains /m/039cpd +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0m0hw /film/actor/film./film/performance/film /m/016y_f +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/03f1r6t /film/actor/film./film/performance/film /m/0ch3qr1 +/m/0ym17 /education/educational_institution/students_graduates./education/education/student /m/016h4r +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/036qs_ +/m/042kg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/088tp3 /tv/tv_program/genre /m/03k9fj +/m/0bkf72 /people/person/gender /m/05zppz +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0dq9p /people/cause_of_death/people /m/014zn0 +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/0168cl /people/person/profession /m/0kyk +/m/01q415 /people/person/gender /m/05zppz +/m/032c7m /sports/sports_team/sport /m/02vx4 +/m/01s7ns /people/person/nationality /m/06mkj +/m/01fxck /people/person/nationality /m/09c7w0 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/05hrq4 +/m/0827d /music/genre/artists /m/01sbf2 +/m/01ggc9 /people/person/profession /m/02hrh1q +/m/04s5_s /people/person/profession /m/09jwl +/m/0pc56 /location/hud_county_place/place /m/0pc56 +/m/05r6t /music/genre/artists /m/016vn3 +/m/02rsz0 /people/person/religion /m/0kpl +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0nvt9 /location/location/contains /m/0s4sj +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06j8wx /people/person/gender /m/05zppz +/m/083p7 /people/person/profession /m/0fj9f +/m/01wbsdz /people/person/nationality /m/09c7w0 +/m/024y8p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06nm1 /media_common/netflix_genre/titles /m/02vr3gz +/m/0gr42 /award/award_category/category_of /m/0g_w +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/047byns /award/award_category/category_of /m/0gcf2r +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/033tf_ /people/ethnicity/people /m/06s6hs +/m/033tf_ /people/ethnicity/people /m/019g65 +/m/033tf_ /people/ethnicity/people /m/0hnp7 +/m/06ryl /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01chpn /film/film/language /m/02h40lc +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/03_d0 /music/genre/artists /m/014g91 +/m/0m2kd /film/film/featured_film_locations /m/05kj_ +/m/01z4y /media_common/netflix_genre/titles /m/058kh7 +/m/02pptm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b7gr2 /people/person/profession /m/02krf9 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwlwp +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/015vq_ +/m/02p3cr5 /music/record_label/artist /m/01vsy7t +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0mkv3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03y3bp7 /tv/tv_program/genre /m/0c4xc +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/02465 /people/person/nationality /m/07ssc +/m/02rky4 /education/educational_institution/colors /m/083jv +/m/0ldqf /olympics/olympic_games/sports /m/06wrt +/m/0r8c8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0141kz /film/actor/film./film/performance/film /m/0209hj +/m/03f2_rc /people/person/nationality /m/09c7w0 +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/01pj3h /people/person/profession /m/03gjzk +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0121rx +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01m7f5r +/m/03g5_y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dt8xq +/m/0kz4w /sports/sports_team/colors /m/06fvc +/m/01g7zj /people/ethnicity/people /m/04n2vgk +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0900j5 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/03y0pn /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0f7hc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09fn1w /film/film/genre /m/02l7c8 +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/02lnbg /music/genre/artists /m/01vvyfh +/m/027t8fw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lfyx /location/hud_county_place/county /m/0kvt9 +/m/0d060g /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/018ctl /olympics/olympic_games/participating_countries /m/03rk0 +/m/02mw6c /education/educational_institution/colors /m/02rnmb +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01bb9r /film/film/production_companies /m/046b0s +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/011_3s +/m/01hx2t /organization/organization/headquarters./location/mailing_address/citytown /m/0d234 +/m/06ncr /music/instrument/instrumentalists /m/02b25y +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0p_2r /people/person/profession /m/03gjzk +/m/0436zq /people/person/profession /m/02hrh1q +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/0n5kc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gb +/m/093l8p /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/05pyrb /film/film/genre /m/05p553 +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/location/contains /m/03b12 +/m/09c7w0 /location/location/contains /m/02qvvv +/m/09c7w0 /location/location/contains /m/010t4v +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05fnl9 /people/person/nationality /m/09c7w0 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/01hqhm /film/film/country /m/09c7w0 +/m/0d6lp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/01yznp /people/person/profession /m/0dz96 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06wbm8q +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02jm0n /film/actor/film./film/performance/film /m/035gnh +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06jkm /people/person/profession /m/05z96 +/m/0150jk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04t969 /people/person/places_lived./people/place_lived/location /m/0824r +/m/04t969 /film/actor/film./film/performance/film /m/0299hs +/m/033jj1 /people/person/gender /m/05zppz +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01f7jt /film/film/executive_produced_by /m/030_3z +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nczg +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06j6l /music/genre/artists /m/0163kf +/m/06j6l /music/genre/artists /m/0gs6vr +/m/02v570 /film/film/language /m/02h40lc +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/03h_fk5 /people/person/profession /m/09jwl +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bv9 +/m/03t79f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0cj8x /film/actor/film./film/performance/film /m/04v89z +/m/0525b /people/person/nationality /m/02jx1 +/m/012hw /film/film_subject/films /m/02yvct +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01wb8bs /film/actor/film./film/performance/film /m/034qbx +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/0f61tk /film/film/genre /m/03k9fj +/m/02jfc /education/field_of_study/students_majoring./education/education/student /m/0d0l91 +/m/01d2v1 /film/film/film_production_design_by /m/0fqjks +/m/0k2cb /film/film/film_festivals /m/05ys0xf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gwk3 +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/034q3l +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0h0yt /people/person/profession /m/0dxtg +/m/01w5m /organization/organization/child./organization/organization_relationship/child /m/095kp +/m/0f87jy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xrx /people/person/profession /m/01c72t +/m/018y2s /people/person/places_lived./people/place_lived/location /m/07z1m +/m/05v1sb /people/person/nationality /m/09c7w0 +/m/04svwx /film/film/genre /m/07s9rl0 +/m/016zgj /music/genre/artists /m/018phr +/m/04q01mn /film/film/language /m/02h40lc +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/070m12 /people/person/profession /m/0dxtg +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0gjk1d /film/film/language /m/02h40lc +/m/0l8v5 /people/person/nationality /m/0d060g +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0l8sx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/04mkft +/m/0c1pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pmhf +/m/01cf5 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/06x4l_ /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0169t +/m/01vy_v8 /people/person/profession /m/02hrh1q +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vq33 +/m/01k7b0 /film/film/genre /m/060__y +/m/0db94w /film/film/language /m/02h40lc +/m/02qm5j /music/genre/artists /m/01whg97 +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/02l3_5 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0g5838s /film/film/language /m/06mp7 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02847m9 +/m/0x67 /people/ethnicity/people /m/09889g +/m/0x67 /people/ethnicity/people /m/01w724 +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01cf93 /music/record_label/artist /m/0259r0 +/m/05mkhs /people/person/places_lived./people/place_lived/location /m/0f25y +/m/0mx2h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx0f +/m/0mm1q /people/person/profession /m/012t_z +/m/0jwvf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/01_1hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015c1b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/018lg0 /music/genre/parent_genre /m/02yv6b +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/01lw3kh +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/028rk +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02k21g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnh0 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04snp2 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/04z257 /film/film/genre /m/0vgkd +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/06by7 /music/genre/artists /m/09qr6 +/m/044lyq /film/actor/film./film/performance/film /m/02qlp4 +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01g5kv +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzc16 +/m/03d8njj /people/person/nationality /m/03rk0 +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/02byfd /people/person/languages /m/02bjrlw +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0432_5 /film/film/genre /m/07s9rl0 +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09d3b7 +/m/04xhwn /people/person/places_lived./people/place_lived/location /m/0r00l +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02665kn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f6x7 /film/film/genre /m/02kdv5l +/m/015kg1 /music/record_label/artist /m/01mr2g6 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/013yq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05148p4 /music/instrument/instrumentalists /m/01l47f5 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/057bxr +/m/025vry /people/person/religion /m/03_gx +/m/02y0dd /people/person/profession /m/0gl2ny2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ply0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/022xml +/m/07r78j /sports/sports_team/sport /m/02vx4 +/m/0170qf /film/actor/film./film/performance/film /m/05p09dd +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04n52p6 /film/film/genre /m/03k9fj +/m/0d7wh /people/ethnicity/people /m/0140t7 +/m/09z1lg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06srk /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01jsn5 /education/educational_institution/students_graduates./education/education/student /m/03lh3v +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/0gl3hr /film/film/production_companies /m/0g1rw +/m/019389 /people/person/place_of_birth /m/01_d4 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/03fnmd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01309x /people/person/nationality /m/09c7w0 +/m/01l3j /people/person/profession /m/02hrh1q +/m/042fk /people/person/gender /m/05zppz +/m/078mm1 /film/film/genre /m/01drsx +/m/01mwsnc /people/person/profession /m/02hrh1q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cpyv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09949m +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0557yqh /tv/tv_program/languages /m/02h40lc +/m/024lff /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0tc7 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014z8v +/m/06rq2l /film/actor/film./film/performance/film /m/03z20c +/m/0lbfv /education/educational_institution/colors /m/01l849 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/01_bkd /music/genre/artists /m/0b1hw +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0ptdz +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/034qzw /film/film/language /m/06nm1 +/m/01m7f5r /people/person/gender /m/05zppz +/m/0qf2t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0qf2t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0bh8drv /film/film/film_festivals /m/0bmj62v +/m/0kv9d3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0l76z /tv/tv_program/languages /m/02h40lc +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/02vr7 /people/person/profession /m/016z4k +/m/03qjwc /music/record_label/artist /m/01vsy7t +/m/01w40h /music/record_label/artist /m/05szp +/m/0gywn /music/genre/artists /m/01w5jwb +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/03mz5b +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/043g7l /music/record_label/artist /m/0135xb +/m/0fxmbn /film/film/genre /m/03k9fj +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0h6rm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/041rx /people/ethnicity/people /m/01cj6y +/m/02r2j8 /tv/tv_program/country_of_origin /m/09c7w0 +/m/053xw6 /film/actor/film./film/performance/film /m/0g5879y +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0222qb /people/ethnicity/people /m/03_fk9 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/09wnnb +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0dc7hc +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/06gn7r /people/person/profession /m/02hrh1q +/m/08w7vj /film/actor/film./film/performance/film /m/0g3zrd +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/05b5c /organization/organization/place_founded /m/0hzgf +/m/03mp8k /music/record_label/artist /m/015f7 +/m/0hnjt /people/person/profession /m/02hv44_ +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/01xl5 /organization/organization/headquarters./location/mailing_address/citytown /m/0tbql +/m/0427y /people/person/religion /m/03_gx +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0dwz3t /sports/sports_team/colors /m/01g5v +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03mh_tp /film/film/produced_by /m/0gg9_5q +/m/04j5fx /film/actor/film./film/performance/film /m/0dd6bf +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0pkyh +/m/02q8ms8 /film/film/genre /m/05p553 +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/01pkhw /people/person/places_lived./people/place_lived/location /m/01_5bb +/m/03k545 /film/actor/film./film/performance/film /m/03cp4cn +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/02lx0 /location/country/form_of_government /m/026wp +/m/06w38l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02jtjz /film/actor/film./film/performance/film /m/061681 +/m/01933d /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k_q_ +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/015_1q /music/record_label/artist /m/01817f +/m/0bksh /film/actor/film./film/performance/film /m/02qydsh +/m/04ydr95 /film/film/genre /m/01jfsb +/m/03xsby /organization/organization/child./organization/organization_relationship/child /m/09mfvx +/m/01n44c /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/05fx6 /music/genre/artists /m/070b4 +/m/02nfjp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03l3jy /film/actor/film./film/performance/film /m/01k0vq +/m/01r3w7 /education/educational_institution/colors /m/01g5v +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02bft /medicine/disease/notable_people_with_this_condition /m/0rlz +/m/0173b0 /music/genre/artists /m/0232lm +/m/01q8hj /education/educational_institution/students_graduates./education/education/student /m/051wwp +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c921 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/045xh /award/award_category/category_of /m/045xh +/m/01hn_t /tv/tv_program/genre /m/0hcr +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/02vr7 +/m/0cymln /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/03n3gl /film/film/language /m/02h40lc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06y611 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/07s9rl0 /media_common/netflix_genre/titles /m/0170yd +/m/0330r /tv/tv_program/genre /m/01z4y +/m/09y2k2 /dataworld/gardening_hint/split_to /m/0222qb +/m/0glt670 /music/genre/artists /m/011z3g +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/01kd57 /people/person/profession /m/0dz3r +/m/044k8 /people/person/profession /m/02hrh1q +/m/02qkt /location/location/contains /m/0d0kn +/m/03ywyk /people/person/place_of_birth /m/0rnmy +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01fwpt /film/actor/film./film/performance/film /m/03h3x5 +/m/075npt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/084x96 /people/person/profession /m/02dsz +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07_pf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gycf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02wgk1 +/m/04rzd /music/instrument/instrumentalists /m/01vn35l +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0h7x /location/location/time_zones /m/02llzg +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015jr +/m/0xv2x /music/genre/artists /m/01fchy +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fxfk +/m/0c31_ /people/person/profession /m/0dxtg +/m/013q0p /film/film/language /m/02h40lc +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/027b43 /education/educational_institution/school_type /m/05jxkf +/m/01b4p4 /music/genre/artists /m/06gcn +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fjzt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/03hkch7 /film/film/genre /m/0219x_ +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/026hxwx /film/film/genre /m/02kdv5l +/m/03wjb7 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04bp0l /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/015g28 +/m/023vcd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0drc1 /people/person/gender /m/05zppz +/m/0bc773 /time/event/instance_of_recurring_event /m/0g_w +/m/03lty /music/genre/artists /m/0153nq +/m/09zf_q /film/film/written_by /m/05183k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/087vnr5 /film/film/music /m/04bpm6 +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04t6fk /film/film/genre /m/04xvlr +/m/0gk4g /people/cause_of_death/people /m/0knjh +/m/06kbb6 /people/person/profession /m/01d_h8 +/m/01dtcb /music/record_label/artist /m/01x0yrt +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/07j94 +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016zp5 +/m/03nymk /tv/tv_program/genre /m/095bb +/m/0347xz /film/actor/film./film/performance/film /m/04tz52 +/m/06v41q /people/ethnicity/people /m/029ghl +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt14 +/m/08fbnx /film/film/language /m/03_9r +/m/0mlyw /location/location/time_zones /m/02lcqs +/m/061fhg /music/genre/artists /m/05563d +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/02hnl /music/instrument/instrumentalists /m/01nqfh_ +/m/02hnl /music/instrument/instrumentalists /m/017f4y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/06j2v /people/ethnicity/geographic_distribution /m/02j9z +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_4ph +/m/07c52 /education/field_of_study/students_majoring./education/education/student /m/06pjs +/m/07bx6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0htcn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kq39 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/068g3p /people/person/profession /m/02jknp +/m/06mkj /location/country/form_of_government /m/01fpfn +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh95l +/m/01520h /people/person/profession /m/01d_h8 +/m/021yzs /people/person/gender /m/05zppz +/m/07g_0c /film/film/produced_by /m/027kmrb +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/056k77g /film/film/genre /m/04t2t +/m/0mpzm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05y8n7 /music/genre/parent_genre /m/059kh +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/05b4rcb /people/person/gender /m/05zppz +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/027lfrs +/m/0byfz /people/person/profession /m/0dxtg +/m/044ptm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02y_2y /people/person/languages /m/02h40lc +/m/05lb65 /film/actor/film./film/performance/film /m/01cycq +/m/01t2h2 /film/actor/film./film/performance/film /m/02qd04y +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01nm8w +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07x4c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05r3qc /film/film/language /m/02h40lc +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/09rx7tx /film/film/production_companies /m/04rqd +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/0g5qmbz /film/film/language /m/02h40lc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01v1ln +/m/0p4v_ /film/film/genre /m/02l7c8 +/m/03hp2y1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/059kh /music/genre/artists /m/04dqdk +/m/08jyyk /music/genre/artists /m/05xq9 +/m/06m_5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/02bh8z /music/record_label/artist /m/01vvpjj +/m/0kbhf /film/film/genre /m/01g6gs +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/013y1f /music/instrument/instrumentalists /m/0k4gf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/03xb2w /film/actor/film./film/performance/film /m/02ph9tm +/m/0161rf /music/genre/artists /m/01m42d0 +/m/01fs_4 /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02r79_h /film/film/genre /m/03k9fj +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d05w3 +/m/0gqyl /award/award_category/category_of /m/0g_w +/m/02vqpx8 /people/person/gender /m/05zppz +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01kf5lf /film/film/genre /m/02kdv5l +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/081lh /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01csvq /film/actor/film./film/performance/film /m/0jsf6 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dnw1 /film/film/genre /m/01t_vv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0gyh /location/location/contains /m/03x1s8 +/m/0gyh /location/location/contains /m/0q74c +/m/058bzgm /award/award_category/disciplines_or_subjects /m/03npn +/m/03g90h /film/film/genre /m/0j5nm +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/03rg2b /film/film/film_format /m/0cj16 +/m/07g2b /influence/influence_node/influenced_by /m/081k8 +/m/01vzz1c /people/person/nationality /m/07ssc +/m/076tq0z /film/film/production_companies /m/054lpb6 +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01vng3b /people/person/profession /m/0nbcg +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06hx2 /people/person/place_of_birth /m/0p9z5 +/m/077qn /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03fts /film/film/genre /m/02kdv5l +/m/07h5d /people/person/gender /m/05zppz +/m/05slvm /people/person/gender /m/02zsn +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/033hn8 /music/record_label/artist /m/09r8l +/m/0c12h /people/person/religion /m/0kpl +/m/0c7xjb /people/person/place_of_birth /m/0f2rq +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01b_d4 +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0168dy +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/0f721s +/m/04t36 /music/genre/artists /m/03n0q5 +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/049l7 +/m/04ynx7 /film/film/country /m/09c7w0 +/m/018js4 /film/film/music /m/019x62 +/m/0g_92 /film/actor/film./film/performance/film /m/01lbcqx +/m/02wwwv5 /people/person/profession /m/0dz3r +/m/01ww2fs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05mlqj /film/actor/film./film/performance/film /m/02825nf +/m/036jv /music/genre/artists /m/016kjs +/m/07sgdw /film/film/genre /m/0lsxr +/m/015f7 /people/person/profession /m/0nbcg +/m/01nqfh_ /people/person/profession /m/0dz3r +/m/0jnwx /film/film/genre /m/02l7c8 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t6b4 +/m/01stj9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/0l34j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxqq +/m/04zwc /education/educational_institution/colors /m/01l849 +/m/04twmk /film/actor/film./film/performance/film /m/04sh80 +/m/04fyhv /people/person/gender /m/05zppz +/m/0h3k3f /film/film/genre /m/04t36 +/m/06k02 /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/03_vx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/099flj +/m/0fz3b1 /film/film/language /m/02h40lc +/m/01vrncs /people/person/profession /m/039v1 +/m/09ps01 /film/film/genre /m/02l7c8 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/025t9b /film/actor/film./film/performance/film /m/031786 +/m/06z8gn /film/actor/film./film/performance/film /m/011ycb +/m/0221zw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vmt /location/location/contains /m/0qpn9 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/07ssc /location/location/contains /m/01v2xl +/m/03bggl /film/actor/film./film/performance/film /m/0pd57 +/m/08mhyd /people/person/profession /m/0dgd_ +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018gkb /people/person/places_lived./people/place_lived/location /m/0tgcy +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0gps0z +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jdr0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/043q6n_ /people/person/profession /m/01d_h8 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07bxqz /film/film/country /m/09c7w0 +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyc_ +/m/0660b9b /film/film/executive_produced_by /m/02z6l5f +/m/01q_ph /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01rwpj /film/film/film_format /m/0cj16 +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/030w19 /education/educational_institution/colors /m/019sc +/m/0bkg4 /people/person/gender /m/05zppz +/m/0ddbjy4 /film/film/film_festivals /m/0j63cyr +/m/046qpy /business/business_operation/industry /m/01mw1 +/m/03z20c /film/film/production_companies /m/06rq1k +/m/0z4s /film/actor/film./film/performance/film /m/0kv238 +/m/0d4fqn /people/person/nationality /m/09c7w0 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053vcrp +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/04j_gs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/041n43 /music/record_label/artist /m/017yfz +/m/03v1s /location/location/contains /m/03y5ky +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03h_yfh +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0lccn +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07m4c +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ktrs +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/08c6k9 /film/film/genre /m/0ltv +/m/01vtqml /people/person/profession /m/039v1 +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05nqz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/05zjx /film/actor/film./film/performance/film /m/0243cq +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0pz91 /people/person/profession /m/01d_h8 +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/02xnjd /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01vw26l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rjg /film/film_subject/films /m/011ypx +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02wgbb /film/film/production_companies /m/030_1_ +/m/02_hj4 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0b7gxq /people/person/profession /m/0cbd2 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fqrf +/m/01846t /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0c41qv /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0k9p4 /sports/sports_team_location/teams /m/04wmvz +/m/02y_lrp /film/film/language /m/02h40lc +/m/06z4wj /people/person/profession /m/0dxtg +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0pyg6 /people/person/gender /m/02zsn +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09d5d5 /people/person/profession /m/01d_h8 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/064t9 /music/genre/artists /m/020jqv +/m/01f1kd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01t6b4 /people/person/profession /m/03gjzk +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/025vw4t /people/person/profession /m/02krf9 +/m/0bxc4 /location/hud_county_place/place /m/0bxc4 +/m/03hvk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03f5vvx /people/person/religion /m/051kv +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/059j1m /people/person/profession /m/018gz8 +/m/0m40d /music/genre/artists /m/02lvtb +/m/0m40d /music/genre/artists /m/03kts +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01tntf /education/educational_institution/school_type /m/01rs41 +/m/03gfvsz /broadcast/content/artist /m/01k_mc +/m/03gfvsz /broadcast/content/artist /m/012z8_ +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/0chsq /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03y317 /tv/tv_program/genre /m/07s9rl0 +/m/02630g /business/business_operation/industry /m/03qh03g +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02zcnq /education/educational_institution/school_type /m/05jxkf +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vz6dn +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0m2lt +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r1yc +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017gl1 /film/film/film_format /m/07fb8_ +/m/016sp_ /people/person/profession /m/016z4k +/m/0827d /music/genre/artists /m/01vvpjj +/m/0n6f8 /people/person/places_lived./people/place_lived/location /m/0bp_7 +/m/05842k /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/029jt9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02fgm7 /film/actor/film./film/performance/film /m/05qbbfb +/m/01gvxv /people/person/places_lived./people/place_lived/location /m/0824r +/m/02d45s /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0c0yh4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05h95s /tv/tv_program/genre /m/03k9fj +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03r0g9 /film/film/featured_film_locations /m/07_pf +/m/03r0g9 /film/film/genre /m/07s9rl0 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/013q07 /film/film/film_format /m/07fb8_ +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/016dp0 /people/person/nationality /m/02jx1 +/m/026wlxw /film/film/story_by /m/052hl +/m/05v38p /film/film/executive_produced_by /m/06q8hf +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07t65 +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/02lf0c +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01mqc_ /people/person/languages /m/02h40lc +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/041_y /influence/influence_node/influenced_by /m/02kz_ +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f2df +/m/01psyx /people/cause_of_death/people /m/015d3h +/m/01z4y /media_common/netflix_genre/titles /m/03p2xc +/m/07c9s /language/human_language/countries_spoken_in /m/0hzlz +/m/01wyzyl /film/actor/film./film/performance/film /m/016kv6 +/m/017jd9 /film/film/genre /m/06l3bl +/m/0k1jg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02pqs8l +/m/01q7h2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tb7 /people/person/profession /m/03gjzk +/m/0h7pj /film/actor/film./film/performance/film /m/053rxgm +/m/09vc4s /people/ethnicity/people /m/025mb_ +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/01f1jy /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01kkx2 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01j6t0 /medicine/symptom/symptom_of /m/0dcqh +/m/02kxg_ /base/culturalevent/event/entity_involved /m/03_lf +/m/04r7p /people/person/gender /m/02zsn +/m/0btyl /people/deceased_person/place_of_death /m/09bkv +/m/0n6mc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/01lj9 /education/field_of_study/students_majoring./education/education/student /m/049gc +/m/0h1mt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fh694 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d060g /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05vk_d /people/person/religion /m/0c8wxp +/m/040b5k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03s9b /influence/influence_node/influenced_by /m/0d5_f +/m/0kr7k /people/person/gender /m/05zppz +/m/0fpj4lx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b29 /people/person/religion /m/03_gx +/m/029ghl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01ypc /sports/sports_team/sport /m/018jz +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0299ct +/m/0blpg /film/film/genre /m/0219x_ +/m/0blpg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/09c7w0 /location/country/second_level_divisions /m/0k3kg +/m/0cm19f /people/deceased_person/place_of_death /m/04vmp +/m/05fnl9 /film/actor/film./film/performance/film /m/07024 +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/056wb /people/person/religion /m/0kpl +/m/0bkq7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/089j8p /film/film/genre /m/05p553 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/016zp5 +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/069d68 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1mr +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/03f1zhf /people/person/languages /m/04306rv +/m/017f4y /people/person/nationality /m/09c7w0 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/063y9fp /film/film/genre /m/07s9rl0 +/m/01y9xg /people/person/gender /m/02zsn +/m/03k8th /film/film/genre /m/04t2t +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0c921 /people/person/gender /m/05zppz +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/06z4wj +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01l9p +/m/084qpk /film/film/written_by /m/01wg982 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06t8v +/m/0glnm /film/film/genre /m/01g6gs +/m/0mkg /music/instrument/instrumentalists /m/03f7m4h +/m/0gthm /people/person/gender /m/05zppz +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0_565 /location/hud_county_place/place /m/0_565 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/03q3sy /film/actor/film./film/performance/film /m/03cyslc +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/034m8 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/0c9c0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fx2s /film/film_subject/films /m/0bv8h2 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/05drq5 +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dq9 +/m/02lk60 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0l5yl /people/person/profession /m/02hrh1q +/m/01z5tr /people/person/nationality /m/09c7w0 +/m/0p5mw /music/artist/contribution./music/recording_contribution/performance_role /m/06w87 +/m/0727h /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bk25 +/m/050r1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 diff --git a/process_data/FB15k237_original/train.txt b/process_data/FB15k237_original/train.txt new file mode 100644 index 0000000..bf5b69e --- /dev/null +++ b/process_data/FB15k237_original/train.txt @@ -0,0 +1,272115 @@ +/m/027rn /location/country/form_of_government /m/06cx9 +/m/017dcd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06v8s0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0170z3 +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/0cnk2q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04nrcg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07nznf /film/actor/film./film/performance/film /m/014lc_ +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014_x2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012ljv +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015qsq /film/film/language /m/02bjrlw +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/09c7w0 /location/location/contains /m/0rs6x +/m/079vf /film/actor/film./film/performance/film /m/0d90m +/m/015zyd /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/0grwj /people/person/profession /m/05sxg2 +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/05d7rk /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05hs4r /music/genre/artists /m/01pbxb +/m/03qcq /influence/influence_node/influenced_by /m/084w8 +/m/01lxd4 /music/genre/artists /m/0f0y8 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0160w /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0dbpyd /people/person/place_of_birth /m/09c7w0 +/m/053y0s /people/person/profession /m/0dz3r +/m/016qtt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvydl +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02y_lrp /film/film/country /m/09c7w0 +/m/012d40 /film/actor/film./film/performance/film /m/034qmv +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0g22z /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/018js4 /film/film/country /m/09c7w0 +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/0sxg4 /film/film/genre /m/04xvlr +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6qt +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/083shs +/m/0njvn /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01br2w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/027nb +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/04yywz /film/actor/film./film/performance/film /m/0140g4 +/m/01k7d9 /people/deceased_person/place_of_death /m/0k049 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/06688p /film/actor/film./film/performance/film /m/0b2v79 +/m/01c0cc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/06j0md +/m/01453 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/028_yv /film/film/country /m/03rjj +/m/01914 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b15h +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02pprs /music/instrument/instrumentalists /m/07s3vqk +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/0197tq +/m/02_fm2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0411q /people/person/profession /m/016z4k +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/01fq7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w99h3 /film/film/genre /m/02kdv5l +/m/05cljf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02bfmn /people/person/gender /m/05zppz +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kc6x +/m/01xdf5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t2l2 +/m/027qgy /film/film/genre /m/06cvj +/m/02v8kmz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j5ts /people/person/place_of_birth /m/06_kh +/m/0dwl2 /business/business_operation/industry /m/01mw1 +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01l1b90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09m6kg /film/film/language /m/02h40lc +/m/05bp8g /people/person/nationality /m/03_3d +/m/047q2k1 /film/film/genre /m/05p553 +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/06dv3 /film/actor/film./film/performance/film /m/09m6kg +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/02rchht +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zs4 +/m/0qcr0 /people/cause_of_death/people /m/0byfz +/m/06wzvr /film/film/genre /m/01q03 +/m/01qn7n /tv/tv_program/languages /m/02h40lc +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0c0yh4 /film/film/country /m/0d060g +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06cqb /music/genre/parent_genre /m/0827d +/m/014zcr /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/05m63c +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0h3y /location/country/capital /m/0rtv +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h0jz +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0ckr7s +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/01vw87c /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01gbcf /music/genre/parent_genre /m/016clz +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/049tjg /film/actor/film./film/performance/film /m/05jf85 +/m/04t36 /media_common/netflix_genre/titles /m/011yxg +/m/0t015 /location/hud_county_place/place /m/0t015 +/m/0j1z8 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/05r5c /music/instrument/instrumentalists /m/0c9d9 +/m/02g8h /people/person/profession /m/01d_h8 +/m/0n5j_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fm9_ +/m/04cy8rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/081pw /film/film_subject/films /m/0gzy02 +/m/05g8ky /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jssp /education/educational_institution/colors /m/01l849 +/m/0f4y_ /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/042l3v /people/person/profession /m/01d_h8 +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04wlz2 +/m/01gxqf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09xbpt +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/0hl3d /people/person/profession /m/0cbd2 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/018wrk /olympics/olympic_games/sports /m/02bkg +/m/0h5f5n /people/person/places_lived./people/place_lived/location /m/04jpl +/m/047gn4y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bvn25 +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/0ddfwj1 /film/film/genre /m/07s9rl0 +/m/02wkmx /award/award_category/disciplines_or_subjects /m/02vxn +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/023tp8 /film/actor/film./film/performance/film /m/0dq626 +/m/07sbbz2 /music/genre/artists /m/089tm +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0czyxs +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0dnvn3 /film/film/language /m/07zrf +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qscs +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/0bl2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0prfz +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0cjk9 /language/human_language/countries_spoken_in /m/047lj +/m/0s3y5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09fb5 /film/actor/film./film/performance/film /m/07xtqq +/m/01k1k4 /film/film/genre /m/05p553 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02rbdlq /people/ethnicity/people /m/0l8v5 +/m/095zlp /film/film/country /m/09c7w0 +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/020qr4 /tv/tv_program/languages /m/02bjrlw +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0dtw1x /film/film/other_crew./film/film_crew_gig/crewmember /m/01yznp +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/032xhg /film/actor/film./film/performance/film /m/034qrh +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/023rwm /music/record_label/artist /m/01t_xp_ +/m/01dw4q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qjj7 +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/03v1s /location/location/contains /m/0plyy +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0sx7r /olympics/olympic_games/sports /m/03tmr +/m/02j9z /base/locations/continents/countries_within /m/05qhw +/m/0h1_w /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0fp_v1x /people/person/places_lived./people/place_lived/location /m/09bjv +/m/05zkcn5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03mh94 +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0dckvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0223bl /sports/sports_team/sport /m/02vx4 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fqtq +/m/0m0jc /music/genre/artists /m/01pfr3 +/m/07w21 /influence/influence_node/influenced_by /m/041h0 +/m/01rrwf6 /people/person/place_of_birth /m/02dtg +/m/052nd /education/educational_institution_campus/educational_institution /m/052nd +/m/015pdg /music/genre/artists /m/0m2l9 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/04rs03 /people/person/religion /m/0flw86 +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03w1v2 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0fd3y /music/genre/artists /m/0m19t +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/087c7 /organization/organization/headquarters./location/mailing_address/citytown /m/01tlmw +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03_d0 /music/genre/artists /m/026ps1 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/04wqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0chsq +/m/0dscrwf /film/film/country /m/07ssc +/m/01rr9f /people/person/gender /m/02zsn +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/016z5x /film/film/produced_by /m/07f8wg +/m/0sx7r /olympics/olympic_games/sports /m/01dys +/m/0147dk /people/person/nationality /m/09c7w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/06cv1 /people/person/profession /m/02jknp +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj0n +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0lhp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02nb2s +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/02rgz4 /people/person/places_lived./people/place_lived/location /m/018jk2 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0djb3vw +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033hqf +/m/04bs3j /film/actor/film./film/performance/film /m/02v8kmz +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/02mslq +/m/014x77 /film/actor/film./film/performance/film /m/01ln5z +/m/05v8c /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0n4m5 /location/location/contains /m/0ydpd +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/0c1pj /film/actor/film./film/performance/film /m/03h_yy +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/01nqfh_ /people/person/profession /m/01c8w0 +/m/01wl38s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/06cc_1 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/060v34 /film/film/genre /m/03npn +/m/0bth54 /film/film/production_companies /m/016tt2 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/01zkxv +/m/09c7w0 /location/country/second_level_divisions /m/0cb4j +/m/01fpvz /education/educational_institution_campus/educational_institution /m/01fpvz +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/01sxly /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/018dnt /film/actor/film./film/performance/film /m/050r1z +/m/07g2b /people/person/nationality /m/07ssc +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/02_1sj /film/film/language /m/02h40lc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/0lzb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/02lf0c /people/person/gender /m/05zppz +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0b60sq +/m/0ggq0m /music/genre/artists /m/01vvy +/m/04ddm4 /film/film/genre /m/02n4kr +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/03s6l2 /film/film/genre /m/0lsxr +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0170z3 +/m/0p4wb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fc7p /base/culturalevent/event/entity_involved /m/0bq0p9 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/011yph /film/film/production_companies /m/025jfl +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/0fq27fp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gvr1 +/m/0cpllql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/072kp /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/014b4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/0342h /music/instrument/instrumentalists /m/032t2z +/m/044rvb /people/person/place_of_birth /m/02dtg +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/04rcr +/m/04r7jc /people/person/nationality /m/07ssc +/m/013x0b /music/record_label/artist /m/0c7ct +/m/026p_bs /film/film/genre /m/07s9rl0 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/0kzy0 /people/person/profession /m/0gbbt +/m/025p38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwjq +/m/02cl1 /sports/sports_team_location/teams /m/0jmdb +/m/03lpp_ /sports/sports_team/colors /m/083jv +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02r_d4 /people/person/gender /m/05zppz +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dqytn +/m/064t9 /music/genre/artists /m/0168cl +/m/0jcgs /location/location/contains /m/0f2r6 +/m/0170_p /film/film/country /m/09c7w0 +/m/033nzk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06y9c2 /people/person/gender /m/05zppz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/08wq0g +/m/01cv3n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025vry /people/deceased_person/place_of_death /m/0f2wj +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dj0m5 +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/01n5309 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0fgpvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0209xj +/m/0209hj /film/film/produced_by /m/0kr5_ +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/03_d0 /music/genre/artists /m/01vvycq +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/02qggqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/05gml8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03m8lq +/m/07kb5 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0hn10 /media_common/netflix_genre/titles /m/02py4c8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01csvq +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0fr63l /film/film/country /m/09c7w0 +/m/01vlj1g /film/actor/film./film/performance/film /m/04fzfj +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05kj_ /location/location/contains /m/0mx4_ +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/09byk /people/person/languages /m/04306rv +/m/05jx2d /sports/sports_team/sport /m/02vx4 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/041ly3 /people/person/place_of_birth /m/02dtg +/m/0c_j5d /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02w7gg /people/ethnicity/people /m/08f3b1 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/026mfbr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01hp5 /film/film/production_companies /m/0338lq +/m/042rnl /film/director/film /m/02z3r8t +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfpm +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/061681 +/m/018vs /music/instrument/instrumentalists /m/0274ck +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/0dzfdw +/m/01r97z /film/film/costume_design_by /m/02w0dc0 +/m/012cj0 /people/person/nationality /m/09c7w0 +/m/012c6x /people/person/gender /m/05zppz +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05kfs +/m/0kbvb /olympics/olympic_games/sports /m/096f8 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/03hjv97 /film/film/other_crew./film/film_crew_gig/crewmember /m/076lxv +/m/08gsvw /film/film/production_companies /m/0g1rw +/m/0f8l9c /location/location/contains /m/0lpp8 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mdqp +/m/035xwd /film/film/featured_film_locations /m/02_286 +/m/09p35z /film/film/produced_by /m/0415svh +/m/02_286 /sports/sports_team_location/teams /m/0jm3v +/m/03_gd /people/person/profession /m/07s467s +/m/08720 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0cwrr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01mvth +/m/04yj5z /film/actor/film./film/performance/film /m/03ckwzc +/m/03qd_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07hpv3 /tv/tv_program/genre /m/0vgkd +/m/0jzw /film/film/genre /m/03k9fj +/m/01jfsb /media_common/netflix_genre/titles /m/0dsvzh +/m/084qpk /film/film/produced_by /m/058kqy +/m/0288zy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/04bd8y +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hxhz +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/0b73_1d /film/film/written_by /m/02kxbwx +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/02778pf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/016jhr /music/genre/artists /m/025xt8y +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/01bh3l /location/location/contains /m/01_vrh +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kx4m +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/05kjc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0_3cs /location/hud_county_place/county /m/0mwl2 +/m/02ndbd /film/director/film /m/06_wqk4 +/m/03ds3 /people/person/places_lived./people/place_lived/location /m/013kcv +/m/019lwb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/0hnlx /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02z9hqn /film/film/country /m/03_3d +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/0152cw /people/person/profession /m/0cbd2 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08w7vj +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/0dky9n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0kv2hv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/05lls /music/genre/artists /m/0pcc0 +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5x6 +/m/07tgn /location/location/contains /m/0ymbl +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/03kq98 /tv/tv_program/languages /m/02h40lc +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07cfx +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04969y +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/01vksx /film/film/film_format /m/07fb8_ +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/065b6q /people/ethnicity/people /m/0htlr +/m/03cvwkr /film/film/written_by /m/019z7q +/m/01hxs4 /people/person/nationality /m/09c7w0 +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/04sx9_ +/m/04411 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/026mfbr /film/film/genre /m/05p553 +/m/04gknr /film/film/music /m/07q1v4 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02279c +/m/027rwmr /award/award_winner/awards_won./award/award_honor/award_winner /m/03h26tm +/m/02qflgv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lbp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jv_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb5d +/m/0vmt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/04jjy /film/film_subject/films /m/0963mq +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/01hhvg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/05zbm4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03_vx9 +/m/0cwy47 /film/film/country /m/06mzp +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/01kwlwp /people/person/profession /m/0n1h +/m/01qb5d /film/film/featured_film_locations /m/02_286 +/m/0r62v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0342h /music/instrument/instrumentalists /m/03f5spx +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fh694 +/m/03gm48 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0vj4 /people/person/profession /m/012t_z +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0yfp +/m/04kkz8 /film/film/written_by /m/04l3_z +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0m2l9 +/m/06pk8 /people/person/profession /m/01d_h8 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/075q_ +/m/019rg5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0134w7 +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01bdxz +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/081lh /people/person/profession /m/0dxtg +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw93 +/m/01cr28 /sports/sports_team_location/teams /m/03mqj_ +/m/0p9lw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/0dn16 /music/genre/artists /m/07qnf +/m/067jsf /people/person/gender /m/02zsn +/m/01jrz5j /people/person/nationality /m/09c7w0 +/m/0xhtw /music/genre/artists /m/01gf5h +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vv7sc /people/person/place_of_birth /m/0f94t +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/01m13b +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bwfwpj /film/film/genre /m/06n90 +/m/0jtdp /media_common/netflix_genre/titles /m/04dsnp +/m/0456xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04shbh +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019_1h +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/0f0p0 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05fhy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/056xx8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0c3ybss /film/film/country /m/09c7w0 +/m/08433 /influence/influence_node/influenced_by /m/012cph +/m/04hpck /people/person/profession /m/02hrh1q +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02t__l +/m/08hmch /film/film/featured_film_locations /m/080h2 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/05q96q6 /film/film/produced_by /m/04wvhz +/m/0bz5v2 /people/person/profession /m/03gjzk +/m/0kz2w /education/educational_institution/school_type /m/05pcjw +/m/08r4x3 /film/film/language /m/02h40lc +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/012t1 +/m/048scx /film/film/language /m/02hxc3j +/m/041rx /people/ethnicity/people /m/0jdhp +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/049yf /location/location/contains /m/05gqf +/m/057d89 /people/person/profession /m/03gjzk +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/04v3q /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/049dyj /film/actor/film./film/performance/film /m/0bshwmp +/m/01wtlq /music/genre/artists /m/01x66d +/m/0jqp3 /film/film/produced_by /m/0170vn +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/01_mdl /film/film/language /m/02h40lc +/m/026t6 /music/instrument/instrumentalists /m/01pr_j6 +/m/03t97y /film/film/genre /m/02kdv5l +/m/0f3zf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2sk +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01c22t +/m/0l6m5 /olympics/olympic_games/sports /m/096f8 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02qjj7 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/02gys2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dy68h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01b1mj +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02whj +/m/0lk90 /people/person/gender /m/02zsn +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/01mc11 /base/biblioness/bibs_location/state /m/059rby +/m/0gkkf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03qx63 /sports/sports_team/colors /m/06fvc +/m/01k2wn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0wh3 /location/hud_county_place/place /m/0wh3 +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01p7yb /people/person/profession /m/02hrh1q +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01g4zr /people/person/place_of_birth /m/0yc84 +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039bp +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/05nmg_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06wcbk7 /music/record_label/artist /m/016kjs +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/02x8m /music/genre/artists /m/01wbgdv +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0jyx6 /film/film/featured_film_locations /m/0cc56 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwft +/m/0c5dd /film/film/produced_by /m/030pr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/04b4yg +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/014zfs /people/person/profession /m/018gz8 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0h1m9 /people/person/gender /m/02zsn +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/0lgsq +/m/0ym8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dhdp /base/biblioness/bibs_location/country /m/07ssc +/m/083p7 /people/person/nationality /m/09c7w0 +/m/02y0js /people/cause_of_death/people /m/083q7 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/018y2s /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/015fr /location/location/contains /m/06gmr +/m/0473m9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/09gdm7q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0g48m4 /people/ethnicity/people /m/019y64 +/m/053rxgm /film/film/country /m/015fr +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b68vs +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnvn3 +/m/04n7njg /people/person/profession /m/09jwl +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01rr9f /film/actor/film./film/performance/film /m/02v63m +/m/033g4d /film/film/production_companies /m/05h4t7 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y54 +/m/02r34n /people/person/places_lived./people/place_lived/location /m/0xkq4 +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07sc6nw +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02gvwz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05ksh +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/01vrt_c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lnhv +/m/0sz28 /film/actor/film./film/performance/film /m/0gjk1d +/m/018f8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4gf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01ztgm /people/person/places_lived./people/place_lived/location /m/0fvxz +/m/0fm2_ /location/administrative_division/country /m/07ssc +/m/02prw4h /film/film/executive_produced_by /m/02p65p +/m/03bx2lk /film/film/language /m/02h40lc +/m/0277jc /education/educational_institution/students_graduates./education/education/student /m/04jzj +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0r1yc /base/biblioness/bibs_location/state /m/01n7q +/m/05z_kps /film/film/country /m/059j2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/026390q +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04zd4m /people/person/place_of_birth /m/01sn04 +/m/0m77m /influence/influence_node/influenced_by /m/045bg +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/020fcn /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pxmgz +/m/01k5t_3 /people/person/place_of_birth /m/0fvvz +/m/04gzd /location/location/contains /m/07_kq +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07_3qd /music/group_member/membership./music/group_membership/role /m/018vs +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0277470 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0137n0 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/04wgh /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0pmq2 +/m/01bzw5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/016hvl /influence/influence_node/influenced_by /m/028p0 +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0cnztc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01t6b4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07vc_9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/01kx_81 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kwtb +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/03s5lz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /location/location/contains /m/022_6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x746 +/m/032_wv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0n6f8 +/m/01b9ck /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/09c7w0 /location/country/second_level_divisions /m/0m7fm +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02583l +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/05fg2 /people/person/nationality /m/02jx1 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/059j2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/053tj7 /film/film/genre /m/017fp +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ww5 +/m/0416y94 /film/film/genre /m/05p553 +/m/0drsm /location/location/contains /m/0xy28 +/m/01vs14j /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04t7ts /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0n5fl +/m/01lhy /education/field_of_study/students_majoring./education/education/student /m/0kn4c +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01vfqh +/m/03qlv7 /music/instrument/instrumentalists /m/01l4zqz +/m/026q3s3 /film/film/language /m/02bjrlw +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/09qr6 /people/person/places_lived./people/place_lived/location /m/017cjb +/m/03cs_z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6tbm +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/049bmk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0pgjm /people/person/profession /m/09jwl +/m/0jmfv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01ngz1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/06mz5 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0h7x /base/aareas/schema/administrative_area/capital /m/0fhp9 +/m/03rjj /location/location/contains /m/01lfvj +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/02knnd /people/person/places_lived./people/place_lived/location /m/0284jb +/m/01wdqrx /people/person/profession /m/09lbv +/m/08pgl8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/047msdk /film/film/genre /m/05p553 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ng9k /film/film/genre /m/06n90 +/m/0136g9 /people/person/profession /m/0dxtg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tl0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/015rmq /people/person/place_of_birth /m/095w_ +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/01963w +/m/05cv94 /people/person/gender /m/05zppz +/m/01wcp_g /people/person/profession /m/016z4k +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/0dl5d /music/genre/artists /m/04dqdk +/m/01yh3y /people/person/profession /m/0np9r +/m/048lv /film/actor/film./film/performance/film /m/044g_k +/m/0dtfn /film/film/executive_produced_by /m/0343h +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/0fr59 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01k8rb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j4ls +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/013cr /film/actor/film./film/performance/film /m/0sxfd +/m/011yrp /film/film/genre /m/02l7c8 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/01n7q /location/location/contains /m/0r7fy +/m/0ftps /music/group_member/membership./music/group_membership/role /m/05r5c +/m/031zkw /people/person/nationality /m/09c7w0 +/m/07ssc /location/location/contains /m/0zc6f +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01yhvv /people/person/places_lived./people/place_lived/location /m/01r32 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/0223bl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07sbbz2 /music/genre/artists /m/01p9hgt +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p0ct +/m/0162c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043q6n_ +/m/03fghg /film/actor/film./film/performance/film /m/02vw1w2 +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/02rqwhl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07qg8v /film/film/country /m/0f8l9c +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/01qhm_ /people/ethnicity/people /m/01rh0w +/m/04m1bm /film/film/language /m/02h40lc +/m/07z1m /location/location/contains /m/0mnzd +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7gh +/m/022_lg /people/person/profession /m/0dxtg +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0239kh +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0clvcx +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0512p /sports/sports_team/colors /m/06fvc +/m/017zq0 /education/educational_institution/campuses /m/017zq0 +/m/099cng /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bscw +/m/0292l3 /people/person/languages /m/02h40lc +/m/033tf_ /people/ethnicity/people /m/01wjrn +/m/02pjc1h /film/film/language /m/04306rv +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pb33 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0qm98 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cz8mkh /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02g87m /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/06w2sn5 /people/person/profession /m/09jwl +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fq8f +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/0cd25 /people/cause_of_death/people /m/05sq84 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03fts +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06jk5_ +/m/07y9w5 /film/film/production_companies /m/054lpb6 +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02r79_h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/0d_q40 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/045c66 /film/actor/film./film/performance/film /m/05sxzwc +/m/01719t /film/film/music /m/0244r8 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv9b +/m/05j82v /film/film/genre /m/07s9rl0 +/m/0_7z2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07ssc /location/location/contains /m/0dhdp +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03y1mlp /people/person/nationality /m/07ssc +/m/05qx1 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01pw2f1 +/m/02r4qs /people/person/places_lived./people/place_lived/location /m/0wp9b +/m/01t8sr /education/educational_institution/school_type /m/01_9fk +/m/09z2b7 /film/film/genre /m/060__y +/m/03s6l2 /film/film/film_format /m/07fb8_ +/m/03rs8y /people/person/profession /m/0dxtg +/m/01hmnh /media_common/netflix_genre/titles /m/0b60sq +/m/0340hj /film/film/film_format /m/07fb8_ +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj0n +/m/044ntk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017d77 /education/educational_institution_campus/educational_institution /m/017d77 +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07lx1s +/m/01wp8w7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lkcc /people/deceased_person/place_of_death /m/030qb3t +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07z542 +/m/03qnvdl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/01_4z /people/person/profession /m/01c6nk +/m/049g_xj /film/actor/film./film/performance/film /m/02rv_dz +/m/05183k /award/award_winner/awards_won./award/award_honor/award_winner /m/05prs8 +/m/05148p4 /music/instrument/instrumentalists /m/01p45_v +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j9z +/m/0crx5w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/01jv1z /music/record_label/artist /m/01r9fv +/m/04nw9 /people/person/profession /m/02hrh1q +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/0345h /media_common/netflix_genre/titles /m/0d6b7 +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0j582 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/020lpx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06cgy +/m/061fhg /music/genre/artists /m/03qmj9 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/05hqv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026n4h6 +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/07fq1y /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0ggl02 +/m/0f2df /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pl9g +/m/0_ytw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/071x0k /people/ethnicity/geographic_distribution /m/09c7w0 +/m/06by7 /music/genre/artists /m/03g5jw +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/03ttfc /people/ethnicity/people /m/01qscs +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0169t +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/03cvfg /people/person/profession /m/01445t +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01713c +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm8b +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/0tyql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02c4s /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05v10 +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/02p21g /influence/influence_node/influenced_by /m/01nczg +/m/05pbl56 /film/film/featured_film_locations /m/0rh6k +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02whj /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dlglj /people/person/gender /m/05zppz +/m/0dr_4 /film/film/language /m/02bjrlw +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/025txtg +/m/0203v /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/0gztl /business/business_operation/industry /m/0vg8 +/m/01xcqc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqz0 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02kth6 +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g78xc +/m/01sbf2 /people/person/profession /m/01c72t +/m/033q4k /education/educational_institution/students_graduates./education/education/student /m/07s93v +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/04l8xw /organization/organization/headquarters./location/mailing_address/citytown /m/0f2wj +/m/09rp4r_ /people/person/nationality /m/09c7w0 +/m/02lxj_ /people/person/religion /m/051kv +/m/01f8gz /film/film/genre /m/03q4nz +/m/03fn8k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0436yk /film/film/genre /m/06n90 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/09y20 +/m/013jz2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/024y8p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pmpl /location/location/time_zones /m/02fqwt +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0cd2vh9 /film/film/production_companies /m/016tt2 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0bq8tmw /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/09txzv /film/film/country /m/0345h +/m/017r2 /people/deceased_person/place_of_death /m/0156q +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/01nzs7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01bpc9 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/02lk1s +/m/01hww_ /music/instrument/instrumentalists /m/0l12d +/m/07csf4 /people/deceased_person/place_of_death /m/0h7h6 +/m/015zxh /base/biblioness/bibs_location/state /m/01n7q +/m/018vs /music/instrument/instrumentalists /m/012x4t +/m/0356lc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cb4j /location/location/contains /m/0r2l7 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/02jgm0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rwx +/m/028lc8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gp9mp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/02_hj4 /film/actor/film./film/performance/film /m/031t2d +/m/01v_pj6 /people/person/nationality /m/07ssc +/m/01j_cy /education/educational_institution/colors /m/083jv +/m/05fnl9 /people/person/profession /m/0cbd2 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zyy4 +/m/017v_ /location/location/contains /m/05x30m +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/03ft8 /people/person/nationality /m/09c7w0 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/072x7s /film/film/production_companies /m/030_1_ +/m/024l2y /film/film/story_by /m/032v0v +/m/01fwj8 /people/person/profession /m/0np9r +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03lrht +/m/0gh4g0 /music/record_label/artist /m/01w923 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0182r9 +/m/010dft /location/location/contains /m/01nkcn +/m/02jt1k /film/actor/film./film/performance/film /m/0bh8yn3 +/m/07ssc /location/location/contains /m/04jpl +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/094jv /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05cj_j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/05p3738 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06v_gh /award/award_winner/awards_won./award/award_honor/award_winner /m/09gffmz +/m/06h4y9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0ksf29 /people/person/profession /m/01d_h8 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/06cv1 /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/075wx7_ +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0fsm8c +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02r8hh_ +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/01n4f8 /influence/influence_node/influenced_by /m/02pb53 +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/07h9gp /film/film/genre /m/01hwc6 +/m/03v_5 /base/biblioness/bibs_location/state /m/059rby +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0fxgg9 /music/genre/artists /m/03t9sp +/m/015pkc /film/actor/film./film/performance/film /m/029zqn +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01d494 +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0sx8l /olympics/olympic_games/participating_countries /m/0d060g +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0k4kk +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01756d /music/genre/artists /m/01fl3 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02khs /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0crjn65 /base/aareas/schema/administrative_area/administrative_parent /m/0dbdy +/m/01kkg5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06w33f8 /people/person/profession /m/02hrh1q +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02bg8v +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wrhj +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/02zv4b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rrd /location/location/contains /m/09kvv +/m/06rmdr /film/film/production_companies /m/05h4t7 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0bthb +/m/049k07 /people/person/profession /m/02hrh1q +/m/0416y94 /film/film/produced_by /m/01gzm2 +/m/01c59k /people/person/profession /m/020xn5 +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/0ft7sr /people/person/nationality /m/02jx1 +/m/01z88t /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z215 +/m/0488g /location/location/contains /m/049dk +/m/039g82 /film/actor/film./film/performance/film /m/06rmdr +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/02jm0n /people/person/gender /m/05zppz +/m/0hkq4 /location/location/contains /m/0m_xy +/m/01pj7 /location/country/capital /m/0fhzy +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gr7w +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/01hmnh /media_common/netflix_genre/titles /m/050xxm +/m/0f1vrl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/08hp53 /people/person/place_of_birth /m/02_286 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0g9wdmc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02q52q /film/film/genre /m/01g6gs +/m/064p92m /people/person/gender /m/05zppz +/m/018nnz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01dyvs +/m/09c7w0 /location/location/contains /m/0lfgr +/m/0pz91 /film/actor/film./film/performance/film /m/02f6g5 +/m/01pgp6 /film/film/production_companies /m/016tt2 +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0fdv3 /film/film/genre /m/02kdv5l +/m/017fp /media_common/netflix_genre/titles /m/09gq0x5 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hcs +/m/09vc4s /people/ethnicity/people /m/015882 +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/06_wqk4 /film/film/genre /m/06cvj +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09cr8 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0283_zv +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/090q32 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hmr4 /film/film/language /m/04306rv +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/03t22m /music/instrument/instrumentalists /m/01ky2h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07r78j +/m/016_mj /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/012zng /music/artist/origin /m/01c40n +/m/026q3s3 /film/film/genre /m/01jfsb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05l5n +/m/03d_w3h /people/person/profession /m/0np9r +/m/03k9fj /media_common/netflix_genre/titles /m/015x74 +/m/09kn9 /tv/tv_program/genre /m/01htzx +/m/02jyr8 /education/educational_institution/campuses /m/02jyr8 +/m/0241jw /film/actor/film./film/performance/film /m/02rb84n +/m/01k8q5 /education/educational_institution/students_graduates./education/education/student /m/0kr5_ +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021_rm +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kf3_9 +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01c58j /influence/influence_node/influenced_by /m/0177s6 +/m/026lj /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/0m491 /film/film/featured_film_locations /m/01_d4 +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02q52q +/m/01t2h2 /people/person/profession /m/02hrh1q +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/016ywr /film/actor/film./film/performance/film /m/0cc7hmk +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01jrz5j +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/01t07j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03mz9r /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0584r4 +/m/0785v8 /film/actor/film./film/performance/film /m/0cz_ym +/m/067jsf /people/person/profession /m/01d_h8 +/m/081pw /time/event/locations /m/05rgl +/m/06x58 /award/award_winner/awards_won./award/award_honor/award_winner /m/0261g5l +/m/03k50 /media_common/netflix_genre/titles /m/04jwjq +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/02lnhv /people/person/place_of_birth /m/016v46 +/m/02k84w /music/instrument/instrumentalists /m/0p5mw +/m/03xmy1 /people/person/languages /m/04306rv +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/028cg00 +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gq0b +/m/0d2psv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0jnwx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fgpf +/m/0j1yf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0320jz +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01k2yr +/m/073bb /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_n9 +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0l8sx +/m/0mj1l /film/actor/film./film/performance/film /m/011yth +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/083pr +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fq7dv_ +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/021p26 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/03mg35 +/m/0bjqh /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06s6l /location/country/form_of_government /m/018wl5 +/m/0by1wkq /film/film/country /m/09c7w0 +/m/0mhfr /music/genre/artists /m/04r1t +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0gt_k /people/person/profession /m/0dz3r +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0b82vw /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0784v1 +/m/040wdl /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/0mxcf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx6c +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0lbj1 /people/person/profession /m/01c72t +/m/01sxq9 /film/actor/film./film/performance/film /m/03sxd2 +/m/07ymr5 /people/person/profession /m/02krf9 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/014dq7 /influence/influence_node/influenced_by /m/06dl_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/021_z5 /music/genre/artists /m/019g40 +/m/0fb0v /music/record_label/artist /m/0285c +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0162v +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/07w5rq /education/educational_institution/school_type /m/01_srz +/m/0nvrd /location/location/contains /m/0s69k +/m/050f0s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0_7w6 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01cgz /film/film_subject/films /m/050gkf +/m/06by7 /music/genre/artists /m/01vrz41 +/m/04rzd /music/instrument/instrumentalists /m/0zjpz +/m/01nd2c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/0136p1 /people/person/languages /m/02h40lc +/m/04y9dk /people/person/place_of_birth /m/0jcg8 +/m/02hft3 /education/educational_institution/campuses /m/02hft3 +/m/0yjf0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01fh9 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/037s9x /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/063vn /people/person/religion /m/0c8wxp +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0584r4 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/09k56b7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/04mn81 +/m/0r540 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01wz3cx /people/person/profession /m/09jwl +/m/01vb403 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0509bl +/m/0g51l1 /people/person/profession /m/02jknp +/m/01wsl7c /people/person/nationality /m/07ssc +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/03fvqg /people/person/place_of_birth /m/0sg6b +/m/0mtdx /location/location/contains /m/0pzpz +/m/0m0jc /music/genre/artists /m/05k79 +/m/031778 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/07c52 /media_common/netflix_genre/titles /m/03d34x8 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/04913k +/m/03rl84 /people/person/profession /m/016z4k +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01nd2c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06brp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02s2ft /people/person/place_of_birth /m/04f_d +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0hpt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/04t53l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hmnh /media_common/netflix_genre/titles /m/02vqhv0 +/m/045bs6 /film/actor/film./film/performance/film /m/04kzqz +/m/01vyp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/02c8d7 /music/genre/artists /m/01wbl_r +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycbq +/m/022xml /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/015qsq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bj9k +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047qxs +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/031n8c +/m/02zn1b /music/record_label/artist /m/0dtd6 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xr2s +/m/0lv1x /olympics/olympic_games/sports /m/06f41 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/02mhfy /film/actor/film./film/performance/film /m/0hmm7 +/m/018j2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035dk +/m/09tqkv2 /film/film/genre /m/06cvj +/m/012s5j /people/person/nationality /m/09c7w0 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d8vw +/m/02s62q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0jym0 /film/film/genre /m/0clz1b +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/02xhpl +/m/01cyd5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059f4 +/m/015npr /people/person/gender /m/05zppz +/m/02s7tr /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05x2t7 +/m/02fb1n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/018lg0 /music/genre/artists /m/01czx +/m/0j2pg /sports/sports_team/colors /m/083jv +/m/09g8vhw /film/film/language /m/02h40lc +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03lt8g +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/03j43 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j8wk /film/film/language /m/02bjrlw +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081lh +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048qrd +/m/0kvgxk /film/film/produced_by /m/0h1p +/m/06qgvf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/099ty /location/location/time_zones /m/02hczc +/m/0cb77r /people/person/gender /m/05zppz +/m/06lj1m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02_j7t /film/actor/film./film/performance/film /m/0gydcp7 +/m/05z7c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0371rb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/023p33 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/064n1pz /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/041rx /people/ethnicity/people /m/022769 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/036c_0 /film/actor/film./film/performance/film /m/0j_tw +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/0345h +/m/0260bz /film/film/country /m/09c7w0 +/m/01wxyx1 /film/actor/film./film/performance/film /m/0gvrws1 +/m/0c6g29 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dck27 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/060v34 +/m/02n4kr /media_common/netflix_genre/titles /m/02c638 +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02q3n9c +/m/05qw5 /people/person/place_of_birth /m/01_d4 +/m/07ssc /media_common/netflix_genre/titles /m/047n8xt +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/0126rp /people/person/gender /m/05zppz +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/035s95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0lk8j /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02__34 +/m/0blg2 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02rb84n /film/film/produced_by /m/06pj8 +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n2bh +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/015pxr +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f8l9c /location/country/second_level_divisions /m/0l9rg +/m/02vmzp /people/person/nationality /m/03rk0 +/m/07g2b /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/011k1h /music/record_label/artist /m/019g40 +/m/07w3r /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02qhqz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0407yfx /film/film/production_companies /m/01795t +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/01y67v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03knl /film/actor/film./film/performance/film /m/014kq6 +/m/040db /influence/influence_node/influenced_by /m/04xjp +/m/0j6b5 /film/film/language /m/03_9r +/m/06ybb1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/0b_fw /film/actor/film./film/performance/film /m/0bx0l +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/0144l1 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/0f4_l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/0l56b +/m/01f7j9 /people/person/profession /m/02krf9 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0fvr1 +/m/04jlgp /people/person/nationality /m/02jx1 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsnff +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/09c7w0 /location/location/contains /m/01fq7 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01cszh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05g8ky /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0gfzgl +/m/01xcqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02jjdr /music/record_label/artist /m/0pyg6 +/m/07w4j /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/02jx1 /location/country/second_level_divisions /m/0121c1 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03knl +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0266sb_ +/m/07yk1xz /film/film/featured_film_locations /m/0g284 +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01hmnh /media_common/netflix_genre/titles /m/07p62k +/m/041mt /people/person/gender /m/05zppz +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/07nt8p /film/film/country /m/01mjq +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/08664q /people/person/gender /m/05zppz +/m/02lq10 /film/actor/film./film/performance/film /m/013q07 +/m/01364q /people/person/gender /m/05zppz +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026c1 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01_1pv +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/014zfs /people/person/profession /m/0kyk +/m/09k2t1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ss8_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/03kxj2 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0ymc8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0453t /influence/influence_node/influenced_by /m/0j3v +/m/02p11jq /music/record_label/artist /m/09prnq +/m/01y9pk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03jvmp +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/02c638 /film/film/genre /m/02n4kr +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/01q415 +/m/03lty /music/genre/artists /m/0167_s +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/01679d /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/059_c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07srw +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/0f4vbz +/m/01wyzyl /people/person/religion /m/02rxj +/m/0z1cr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01b195 /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_px +/m/025tdwc /people/person/profession /m/0dgd_ +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/049k07 /people/person/profession /m/0dxtg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/047g6m +/m/02jg92 /people/person/profession /m/09jwl +/m/0300cp /business/business_operation/industry /m/03qh03g +/m/01zmpg /people/person/sibling_s./people/sibling_relationship/sibling /m/013v5j +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/018grr +/m/03lt8g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04qhdf /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/06xj93 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07b2lv /people/person/nationality /m/02jx1 +/m/04fzfj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_1m +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0p_pd /influence/influence_node/influenced_by /m/01wj9y9 +/m/07hbxm /film/actor/film./film/performance/film /m/020bv3 +/m/0721cy /people/person/profession /m/02krf9 +/m/018h2 /media_common/netflix_genre/titles /m/02s4l6 +/m/0f40w /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02725hs +/m/02wt0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z5n +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01q_y0 +/m/05zbm4 /people/person/gender /m/05zppz +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gcd1 +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/0mp3l /base/biblioness/bibs_location/state /m/07z1m +/m/033hn8 /music/record_label/artist /m/01ww2fs +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/0520r2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05218gr +/m/06k02 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/011zd3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vhb0 +/m/09n48 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds35l9 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/04fhxp /film/actor/film./film/performance/film /m/06v9_x +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01r216 +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/05k2xy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/026n4h6 +/m/020y73 /film/film/film_format /m/07fb8_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/021bk /film/actor/film./film/performance/film /m/0pdp8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/024tsn +/m/0g3zrd /film/film/written_by /m/04y8r +/m/01kckd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/04xvlr /media_common/netflix_genre/titles /m/020y73 +/m/02g1px /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0j06n +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/0ct5zc /film/film/story_by /m/0jt90f5 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0cg9y /people/person/profession /m/0nbcg +/m/05v10 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01hvjx /film/film/genre /m/05p553 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0q19t /education/educational_institution/colors /m/083jv +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/041rx /people/ethnicity/people /m/0kvrb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1mc +/m/0bymv /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/01k8q5 +/m/05p1qyh /film/film/genre /m/03npn +/m/0277470 /people/person/profession /m/02krf9 +/m/01hw6wq /people/person/profession /m/0dz3r +/m/065zr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/075mb +/m/0ddjy /film/film/written_by /m/02fcs2 +/m/075cph /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/015rhv +/m/04b4yg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/04q00lw /film/film/story_by /m/03wpmd +/m/028d4v /film/actor/film./film/performance/film /m/02stbw +/m/03pmty /people/person/place_of_birth /m/02_286 +/m/01n8_g /people/person/profession /m/01d_h8 +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065z3_x +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0tc7 +/m/02bjhv /education/educational_institution_campus/educational_institution /m/02bjhv +/m/0bgrsl /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01hvjx /film/film/written_by /m/01_x6v +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/011k1h /music/record_label/artist /m/01wwvt2 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/016clz /music/genre/artists /m/0dvqq +/m/07xpm /education/educational_institution/students_graduates./education/education/student /m/02m7r +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/071dcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jm6c +/m/05dy7p /film/film/genre /m/07s9rl0 +/m/02rb607 /film/film/country /m/0h7x +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/020ngt /music/genre/artists /m/01wg982 +/m/010hn /people/person/places_lived./people/place_lived/location /m/01ktz1 +/m/01b7b /people/profession/specialization_of /m/05xjb +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/01mmslz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01csrl +/m/04g9gd /film/film/film_format /m/07fb8_ +/m/026mfs /award/award_category/category_of /m/0c4ys +/m/0f2r6 /location/hud_county_place/place /m/0f2r6 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0169dl +/m/0m9p3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xsbh +/m/0k4d7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081nh +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvgt +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0g7s1n +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/044l47 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/085ccd /film/film/featured_film_locations /m/080h2 +/m/01wk7b7 /people/person/nationality /m/09c7w0 +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0738b8 +/m/015f47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07lnk /music/genre/artists /m/01vvpjj +/m/01vv7sc /people/person/languages /m/02h40lc +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0cc5mcj /film/film/written_by /m/09pl3s +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027rwmr +/m/020skc /location/location/contains /m/05f7s1 +/m/027tbrc /award/award_winning_work/awards_won./award/award_honor/award /m/047sgz4 +/m/072twv /people/person/profession /m/02pjxr +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0d07j8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0pmp2 +/m/0f8l9c /location/location/contains /m/09nyf +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/02cllz /film/actor/film./film/performance/film /m/021y7yw +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/03lrqw /film/film/produced_by /m/021lby +/m/05cj_j /film/film/produced_by /m/0j_c +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/079hvk +/m/034qmv /film/film/country /m/07ssc +/m/0dg3n1 /location/location/contains /m/01n6c +/m/01f7kl /film/film/cinematography /m/0f3zf_ +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/05wjnt /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0jdgr /film/film/genre /m/01q03 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/03zqc1 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/047msdk /film/film/production_companies /m/025jfl +/m/0c_mvb /people/person/profession /m/02krf9 +/m/01z4y /media_common/netflix_genre/titles /m/05fgt1 +/m/01mtqf /people/cause_of_death/people /m/05pq9 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/0gd5z +/m/034qrh /film/film/language /m/04306rv +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/04rsd2 +/m/03f2_rc /people/person/gender /m/02zsn +/m/02qr69m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/011j5x /music/genre/artists /m/01tp5bj +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/065zlr /film/film/featured_film_locations /m/0k_q_ +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p3_y +/m/0c6qh /film/actor/film./film/performance/film /m/0418wg +/m/040rmy /film/film/language /m/06nm1 +/m/04jbyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02bjhv /organization/organization/headquarters./location/mailing_address/citytown /m/029cr +/m/01kf4tt /film/film/film_production_design_by /m/04kj2v +/m/02pb2bp /film/film/genre /m/026ny +/m/0x67 /people/ethnicity/people /m/01jqr_5 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0hwd8 /people/deceased_person/place_of_death /m/02_286 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043kzcr +/m/03pn9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02_cq0 +/m/026t6 /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/022lly +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0bmh4 +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02qmsr +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03hfx6c +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0d68qy /tv/tv_program/country_of_origin /m/09c7w0 +/m/03m8y5 /film/film/cinematography /m/05dppk +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/06wvj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gvsvn /music/record_label/artist /m/01x1cn2 +/m/01pv91 /film/film/genre /m/0hcr +/m/036k0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xnwz /music/genre/artists /m/09mq4m +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/05hdf /film/actor/film./film/performance/film /m/06g77c +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h0wc /people/person/gender /m/02zsn +/m/0k2sk /film/film/featured_film_locations /m/0dc95 +/m/016r9z /olympics/olympic_games/participating_countries /m/03rk0 +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/01h72l +/m/02vw1w2 /film/film/genre /m/01jfsb +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01s7zw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06mmb /award/award_winner/awards_won./award/award_honor/award_winner /m/0c01c +/m/016fyc /film/film/produced_by /m/07nznf +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/032nwy +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/02lf1j /film/actor/film./film/performance/film /m/0pvms +/m/03j0br4 /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/048htn /film/film/edited_by /m/027pdrh +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/018pj3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/0147dk /film/actor/film./film/performance/film /m/01719t +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/0227tr /people/person/languages /m/02h40lc +/m/012_53 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05h43ls /film/film/featured_film_locations /m/04wgh +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08cn4_ +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bsb4j +/m/083q7 /people/person/religion /m/0631_ +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02cw8s +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/01tszq /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/05whq_9 /people/person/profession /m/01d_h8 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0gx1bnj /film/film/production_companies /m/024rbz +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0yh4 +/m/0qf3p /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/016_mj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/01xdn1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01hb6v /influence/influence_node/influenced_by /m/01w8sf +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/032xhg +/m/03pm9 /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02q56mk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04xrx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/01p3ty /film/film/written_by /m/04b19t +/m/02rytm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/07vht /education/educational_institution/campuses /m/07vht +/m/03xgm3 /people/person/places_lived./people/place_lived/location /m/0d234 +/m/02xry /location/location/contains /m/0ftvz +/m/040db /influence/influence_node/influenced_by /m/03f70xs +/m/02js6_ /film/actor/film./film/performance/film /m/0gz6b6g +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0swff /olympics/olympic_games/sports /m/01z27 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/06pvr /location/location/contains /m/0r1jr +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/03fbc +/m/047msdk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0dy04 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03n0q5 +/m/03h3x5 /film/film/country /m/09c7w0 +/m/01gp_x /people/person/nationality /m/09c7w0 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f2dn +/m/01pnn3 /people/person/religion /m/0c8wxp +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/02xhpl +/m/034bgm /film/director/film /m/04w7rn +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/05zy2cy /film/film/written_by /m/0d7hg4 +/m/0g3bw /location/location/contains /m/017t44 +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0fpmrm3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03qnc6q +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/043js +/m/01vv126 /people/person/profession /m/039v1 +/m/01j67j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d1mp3 +/m/045zr /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/028rk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01lyv /music/genre/artists /m/01vrncs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03l7rh +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0266shh +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/02mjmr +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/04k25 /people/person/gender /m/05zppz +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0mn0v /location/location/time_zones /m/02hcv8 +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g701n /sports/sports_team/sport /m/02vx4 +/m/0ml25 /location/us_county/county_seat /m/0fw2y +/m/06w6_ /people/person/gender /m/02zsn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/01dw9z /people/person/profession /m/0cbd2 +/m/0g5879y /film/film/film_festivals /m/0gg7gsl +/m/09ftwr /people/person/profession /m/02jknp +/m/017_1x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/03qmx_f +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0892sx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059_c /location/administrative_division/country /m/09c7w0 +/m/067pl7 /people/person/profession /m/012t_z +/m/0408np /people/person/gender /m/05zppz +/m/02ck1 /people/person/religion /m/0kpl +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06y9c2 /people/person/spouse_s./people/marriage/spouse /m/033wx9 +/m/04nrcg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/04t6fk /film/film/genre /m/06nbt +/m/01jfsb /media_common/netflix_genre/titles /m/0f4m2z +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/059t6d /people/person/nationality /m/03rt9 +/m/0h5f5n /people/person/nationality /m/02jx1 +/m/0f4vbz /film/actor/film./film/performance/film /m/06ztvyx +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/01jswq /location/location/time_zones /m/02hcv8 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/08w7vj /people/person/gender /m/05zppz +/m/02mxw0 /film/actor/film./film/performance/film /m/0j_t1 +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/01g888 /music/genre/artists /m/016fmf +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_c7 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/02rjv2w /film/film/featured_film_locations /m/02301 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/0126y2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hmnh /media_common/netflix_genre/titles /m/0h1v19 +/m/02dh86 /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/02hnl /music/instrument/instrumentalists /m/02whj +/m/05c46y6 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05c46y6 +/m/0_7z2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwh1 +/m/038rzr /film/actor/film./film/performance/film /m/04f52jw +/m/03qlv7 /music/instrument/instrumentalists /m/01qdjm +/m/0c_tl /olympics/olympic_games/sports /m/0bynt +/m/01771z /film/film/genre /m/02kdv5l +/m/02vm9nd /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/016z5x /film/film/genre /m/0219x_ +/m/01dw4q /people/person/nationality /m/09c7w0 +/m/01q_ph /film/actor/film./film/performance/film /m/04yc76 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08rr3p +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/0170s4 /film/actor/film./film/performance/film /m/0170th +/m/0fbvqf /award/award_category/category_of /m/0gcf2r +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/04g865 /people/person/profession /m/0cbd2 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01s0ps /music/instrument/instrumentalists /m/01w724 +/m/0cc846d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/041mt /influence/influence_node/influenced_by /m/08433 +/m/04sylm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/02stbw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gfsq9 +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/0m32_ /people/person/profession /m/02hrh1q +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0g5lhl7 /media_common/netflix_genre/titles /m/01cjhz +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/02v4vl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014q2g /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/05148p4 /music/instrument/instrumentalists /m/0259r0 +/m/026b33f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03ds3 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/04wgh /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/027l0b /film/actor/film./film/performance/film /m/085bd1 +/m/0gdh5 /people/person/profession /m/0cbd2 +/m/04xvlr /media_common/netflix_genre/titles /m/04q24zv +/m/03qjg /music/instrument/instrumentalists /m/01vsl3_ +/m/0p51w /people/person/gender /m/05zppz +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06chf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088xp +/m/0lpjn /film/actor/film./film/performance/film /m/021y7yw +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01wj92r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/0190_q /music/genre/parent_genre /m/05w3f +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/0cw3yd /film/film/country /m/09c7w0 +/m/015c2f /film/actor/film./film/performance/film /m/078sj4 +/m/059rc /film/film/country /m/09c7w0 +/m/04tz52 /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/01vv7sc /people/person/gender /m/05zppz +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/01vfqh /film/film/genre /m/04xvlr +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0cchk3 +/m/02zmh5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/018y2s /people/person/profession /m/039v1 +/m/02qdgx /music/genre/artists /m/02w4fkq +/m/0309jm /people/person/profession /m/018gz8 +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/036gdw +/m/026n6cs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/01wdj_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/0m2lt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/053yx /influence/influence_node/peers./influence/peer_relationship/peers /m/0lgm5 +/m/047hpm /people/person/nationality /m/09c7w0 +/m/065r8g /education/educational_institution/students_graduates./education/education/student /m/0gkydb +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g3mn +/m/016wzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1v +/m/08swgx /people/person/gender /m/02zsn +/m/0lrh /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_n9 +/m/01z4y /media_common/netflix_genre/titles /m/076tq0z +/m/05fcbk7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0klh7 /people/person/place_of_birth /m/0cr3d +/m/02kxbwx /award/award_winner/awards_won./award/award_honor/award_winner /m/08wr3kg +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/0dm5l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/078lk /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/025n3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0qb1z /location/location/time_zones /m/02llzg +/m/016h9b /people/deceased_person/place_of_death /m/0rnmy +/m/0lk8j /olympics/olympic_games/sports /m/02y8z +/m/0dr3sl /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01hmnh /media_common/netflix_genre/titles /m/03177r +/m/01tcf7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03r1pr +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/04x_3 /education/field_of_study/students_majoring./education/education/student /m/06pwf6 +/m/01mqz0 /film/actor/film./film/performance/film /m/08rr3p +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/02645b +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hx4y +/m/01wwvc5 /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpx1k +/m/03rz2b /film/film/genre /m/0219x_ +/m/09pgj2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/06brp0 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/014dq7 /people/person/profession /m/0cbd2 +/m/02j9z /base/locations/continents/countries_within /m/01mjq +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0d060g /location/country/second_level_divisions /m/05ksh +/m/032t2z /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/040b5k /film/film/language /m/0653m +/m/01xcfy /film/actor/film./film/performance/film /m/05q54f5 +/m/01jrbb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gbbz +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/0645k5 /film/film/genre /m/07s9rl0 +/m/014hr0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/01vrwfv /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0k4d7 /film/film/genre /m/04t36 +/m/0264v8r /sports/sports_team/sport /m/02vx4 +/m/0136pk /music/group_member/membership./music/group_membership/group /m/0249kn +/m/03z20c /film/film/production_companies /m/024rgt +/m/0161sp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/05dbf +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/03pmzt +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/012mrr /film/film/written_by /m/06pj8 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0gr36 +/m/03kg2v /film/film/genre /m/03k9fj +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0c41y70 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/01vsnff /people/person/profession /m/02hrh1q +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/09c7w0 /location/location/contains /m/06jk5_ +/m/012cj0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016pns +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pkyh +/m/03rhqg /music/record_label/artist /m/089tm +/m/0gyy53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0407yj_ /film/film/genre /m/0hcr +/m/04cbtrw /people/person/nationality /m/03rk0 +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/032nwy +/m/030h95 /people/person/place_of_birth /m/0f04c +/m/029h7y /music/genre/parent_genre /m/0glt670 +/m/01nwwl /film/actor/film./film/performance/film /m/08k40m +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/09c7w0 /location/location/contains /m/0fvzg +/m/046lt /people/person/profession /m/03gjzk +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/01271h /people/person/profession /m/016z4k +/m/03xl77 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dnqr /film/film/written_by /m/0343h +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/0kpys /location/location/time_zones /m/02lcqs +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_s4b +/m/02jx1 /location/location/contains /m/09tlh +/m/0crh5_f /film/film/production_companies /m/054lpb6 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bb9r +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/01swxv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jfsb /media_common/netflix_genre/titles /m/04sntd +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0565cz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02l5rm /people/person/gender /m/05zppz +/m/025n07 /film/film/genre /m/03k9fj +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/02tqkf /film/actor/film./film/performance/film /m/02v63m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04344j +/m/07_s4b /people/person/profession /m/0dxtg +/m/09x3r /olympics/olympic_games/participating_countries /m/03rk0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04112r +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cfhfz +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/02q636 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01n4w /location/location/contains /m/0d1qn +/m/082fr /location/location/contains /m/03hrz +/m/013cz2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/01vw20_ +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02vqsll +/m/05bxwh /people/person/gender /m/05zppz +/m/05728w1 /people/person/gender /m/05zppz +/m/01rnxn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qx13 /people/person/nationality /m/03rk0 +/m/0p8jf /influence/influence_node/influenced_by /m/0379s +/m/01cbwl /music/genre/parent_genre /m/01243b +/m/07fq1y /people/person/places_lived./people/place_lived/location /m/06y9v +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tg4 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj8x +/m/0bmpm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0645k5 /film/film/production_companies /m/05h4t7 +/m/043ljr /organization/organization/place_founded /m/01qh7 +/m/0kszw /film/actor/film./film/performance/film /m/05wp1p +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/06klyh /education/educational_institution/campuses /m/06klyh +/m/071ywj /film/actor/film./film/performance/film /m/0ggbhy7 +/m/031zkw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c7lcx /people/person/place_of_birth /m/01531 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/07hpv3 /tv/tv_program/genre /m/0hcr +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/078jt5 /people/person/nationality /m/09c7w0 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/013q07 +/m/015z4j /people/person/nationality /m/09c7w0 +/m/027xx3 /education/educational_institution_campus/educational_institution /m/027xx3 +/m/03tf_h /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04n1hqz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gkg6 /people/person/profession /m/02hrh1q +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0f4vbz +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/0f0kz /people/person/nationality /m/07ssc +/m/07s93v /people/person/profession /m/02jknp +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/0144l1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0k7pf +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01j95f +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/0j43swk /film/film/produced_by /m/01f8ld +/m/019k6n /base/biblioness/bibs_location/state /m/0d0x8 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/04j53 /location/country/form_of_government /m/018wl5 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/016fyc /film/film/edited_by /m/0bs1yy +/m/05h72z /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01c333 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/02g8h /people/person/places_lived./people/place_lived/location /m/0pc7r +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0fv6dr +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/0gd5z /people/person/profession /m/0cbd2 +/m/041xyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0229rs /music/record_label/artist /m/089tm +/m/0gd_b_ /people/person/place_of_birth /m/01cx_ +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02xbw2 /people/person/religion /m/0c8wxp +/m/0x25q /film/film/language /m/02h40lc +/m/01vvb4m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sg6b /location/hud_county_place/place /m/0sg6b +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06v9sf +/m/03m_k0 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/048_lz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05bt6j /music/genre/artists /m/03bxwtd +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07sp4l +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award /m/05q5t0b +/m/05r5c /music/instrument/instrumentalists /m/015mrk +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0d22f /location/location/time_zones /m/02lcqs +/m/0pv2t /film/film/country /m/09c7w0 +/m/013ksx /location/hud_county_place/county /m/0mwh1 +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0150t6 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dn3n /film/actor/film./film/performance/film /m/014zwb +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/0j8sq +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09v5bdn /people/ethnicity/people /m/01sl1q +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytkq +/m/023gxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02778qt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/01pcrw /people/person/religion /m/0c8wxp +/m/03mh_tp /film/film/production_companies /m/08wjc1 +/m/0846v /location/location/contains /m/0mk7z +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01r3y2 +/m/01y8zd /education/educational_institution/school_type /m/05jxkf +/m/06cv1 /film/director/film /m/04tqtl +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0dclg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02s5v5 /people/person/religion /m/0kpl +/m/0n6bs /base/biblioness/bibs_location/state /m/081mh +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0p_sc /film/film/genre /m/01jfsb +/m/01swmr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01k165 +/m/02g0mx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/05148p4 /music/instrument/instrumentalists /m/028q6 +/m/03y3bp7 /tv/tv_program/genre /m/05p553 +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/070w7s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02w4v /music/genre/artists /m/018ndc +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0343h /influence/influence_node/influenced_by /m/0f0kz +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g68zt +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/09c7w0 /location/location/contains /m/0tz1x +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qmd5 +/m/0693l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01w02sy +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qkp +/m/0lbj1 /people/person/profession /m/0dz3r +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmgrf +/m/01x66d /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01hb1t /education/educational_institution/students_graduates./education/education/student /m/01v3s2_ +/m/03hkch7 /film/film/featured_film_locations /m/0d6lp +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/059rc +/m/0241wg /base/eating/practicer_of_diet/diet /m/07_jd +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0820xz +/m/07w8fz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01l9v7n +/m/03_3d /media_common/netflix_genre/titles /m/0bmc4cm +/m/086xm /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/078lk /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01rr9f +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0htww +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0ybkj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015gw6 /people/person/nationality /m/02jx1 +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/015w8_ /tv/tv_program/program_creator /m/09b0xs +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01t7jy /organization/organization/headquarters./location/mailing_address/citytown /m/0y2dl +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/049_zz +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/014dq7 /people/deceased_person/place_of_burial /m/018mm4 +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/0djd22 /media_common/netflix_genre/titles /m/04kkz8 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0xbm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/027pwl +/m/01m1_t /location/hud_county_place/county /m/0m2gk +/m/04mpbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0qdyf /music/artist/track_contributions./music/track_contribution/role /m/06w87 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0xjl2 /music/genre/artists /m/016ntp +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/04cw0j +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02zccd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c_j9x +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ckrgs +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01w7nwm /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w7nww +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01vc5m /education/educational_institution/school_type /m/05pcjw +/m/030x48 /people/person/religion /m/0c8wxp +/m/0721cy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02ccqg +/m/0mkg /music/instrument/instrumentalists /m/0244r8 +/m/0mdqp /people/person/places_lived./people/place_lived/location /m/059rby +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02q1hz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0840vq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04k3r_ /sports/sports_team/colors /m/01g5v +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0bq8tmw +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/01_x6v /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0jrny /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/056rgc /award/award_nominee/award_nominations./award/award_nomination/award /m/027c95y +/m/084302 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0879bpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0clz7 /location/location/contains /m/0373qg +/m/018swb /film/actor/film./film/performance/film /m/0260bz +/m/01gbbz /film/actor/film./film/performance/film /m/01jrbb +/m/01wj18h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ffx4 /film/film/language /m/04306rv +/m/0249kn /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/01dq5z /education/educational_institution/school_type /m/01rs41 +/m/01m65sp /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/0170s4 /film/actor/film./film/performance/film /m/05p1qyh +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/01vwllw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ctc6 /film/film/country /m/09c7w0 +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0hvjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/025h4z /film/actor/film./film/performance/film /m/0ds2n +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/011ydl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014l6_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/014nq4 /film/film/genre /m/07s9rl0 +/m/0g54xkt /film/film/produced_by /m/0bwh6 +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02rff2 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0162c8 /people/person/profession /m/02hrh1q +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/03mnk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0cjk9 /language/human_language/countries_spoken_in /m/07t21 +/m/01ym9b /music/genre/parent_genre /m/03_d0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01l3vx +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/01k98nm /award/award_winner/awards_won./award/award_honor/award_winner /m/02v3yy +/m/03jjzf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0721cy +/m/0dqzkv /people/person/gender /m/05zppz +/m/0j210 /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/017l96 /music/record_label/artist /m/0pj9t +/m/0glmv /people/person/profession /m/018gz8 +/m/0y3_8 /music/genre/artists /m/02wb6yq +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/02tqm5 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/04chyn /organization/organization/headquarters./location/mailing_address/citytown /m/09b8m +/m/03hj3b3 /film/film/costume_design_by /m/0c6g29 +/m/0glj9q /media_common/netflix_genre/titles /m/0571m +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03mg35 /people/person/profession /m/02hrh1q +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01n7q +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_816 +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwyqp +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/0rp46 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/01nrq5 /people/person/gender /m/05zppz +/m/0l2l_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/015_1q /music/record_label/artist /m/01nn6c +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/011_3s +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/06z8s_ /film/film/language /m/012w70 +/m/07z1_q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07b2lv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01chc7 +/m/018ctl /olympics/olympic_games/participating_countries /m/02vzc +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/0d4jl /people/person/religion /m/0c8wxp +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/02j8nx /film/actor/film./film/performance/film /m/06gjk9 +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jp26 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0347xl /people/person/nationality /m/09c7w0 +/m/01vsykc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jbx1 +/m/0gvs1kt /film/film/production_companies /m/05qd_ +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0f8l9c /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjmr +/m/0jvt9 /film/film/genre /m/03k9fj +/m/06mnps /people/person/religion /m/0c8wxp +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0jnmj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/013m43 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04wtx1 /people/person/profession /m/0dxtg +/m/0978r /base/biblioness/bibs_location/state /m/01w0v +/m/039c26 /tv/tv_program/country_of_origin /m/09c7w0 +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/03f7xg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b6tzs /film/film/written_by /m/02kxbwx +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/039g82 +/m/02rzdcp /tv/tv_program/country_of_origin /m/09c7w0 +/m/0c8qq /film/film/genre /m/02p0szs +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02qvvv /education/educational_institution/colors /m/0jc_p +/m/018vs /music/instrument/instrumentalists /m/0407f +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0pzpz +/m/03l6q0 /film/film/cinematography /m/02rgz97 +/m/06j6l /music/genre/artists /m/030155 +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/03n785 /film/film/production_companies /m/05nn2c +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/01w8sf /influence/influence_node/influenced_by /m/073v6 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/015grj /people/person/profession /m/0cbd2 +/m/044ntk /people/person/gender /m/05zppz +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03bxsw +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/02f8lw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0170s4 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/0946bb /film/film/production_companies /m/02slt7 +/m/038rzr /film/actor/film./film/performance/film /m/047qxs +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0jcx /influence/influence_node/influenced_by /m/032l1 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0342h /music/instrument/instrumentalists /m/018y2s +/m/05wh0sh /people/person/profession /m/04gc2 +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrfzf +/m/0swbd /olympics/olympic_games/sports /m/09qgm +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/07xr3w /people/deceased_person/place_of_death /m/030qb3t +/m/03v1s /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0m7d0 /location/location/contains /m/01q2sk +/m/0jdd /location/country/capital /m/0494n +/m/038rzr /people/person/profession /m/04gc2 +/m/01q460 /education/educational_institution/school_type /m/06cs1 +/m/04w8f /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/01n8gr +/m/0g1x2_ /film/film_subject/films /m/03rz2b +/m/0fnmz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yd8v /people/person/gender /m/02zsn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0p5wz +/m/01fjz9 /sports/sports_team/colors /m/036k5h +/m/05dbf /people/person/languages /m/02h40lc +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02r5dz /business/business_operation/industry /m/02jjt +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/059kh /music/genre/artists /m/0lbj1 +/m/065zlr /film/film/music /m/07qy0b +/m/0m2rv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01t07j /people/person/nationality /m/0f8l9c +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pzc4 +/m/05g8pg /film/film/language /m/0653m +/m/014lc_ /film/film/language /m/02h40lc +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01lcxbb /people/person/nationality /m/09c7w0 +/m/048scx /film/film/genre /m/07s9rl0 +/m/02y7t7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/03mdt +/m/025n07 /film/film/language /m/06nm1 +/m/01l_vgt /people/person/nationality /m/07ssc +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03m10r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0glt670 /music/genre/artists /m/01w272y +/m/016kz1 /film/film/genre /m/02l7c8 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwyq +/m/0mkz /film/film_subject/films /m/08720 +/m/03cvwkr /film/film/genre /m/07s9rl0 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0jwmp /film/film/language /m/02h40lc +/m/02607j /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_rh4 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02xp18 /people/person/place_of_birth /m/02_286 +/m/015f7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0j1yf +/m/02n9bh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_d0 /music/genre/artists /m/01gx5f +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0pf2 +/m/0342h /music/instrument/instrumentalists /m/01wz_ml +/m/01pcbg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fsm8c /people/person/gender /m/05zppz +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/05148p4 /music/instrument/instrumentalists /m/0144l1 +/m/01wyy_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/0fqyc /location/location/contains /m/0h095 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01g63y /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04jpl +/m/0pvms /film/film/genre /m/06cvj +/m/0kv238 /film/film/music /m/02bh9 +/m/0f1_p /location/location/contains /m/01d88c +/m/01f3p_ /tv/tv_program/genre /m/05p553 +/m/0b6yp2 /people/person/place_of_birth /m/04n3l +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/0p8r1 /people/person/profession /m/02krf9 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/03cfjg /people/person/nationality /m/09c7w0 +/m/041rx /people/ethnicity/people /m/02js6_ +/m/0134s5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07g2v +/m/02w4v /music/genre/artists /m/03qmj9 +/m/09g7vfw /film/film/edited_by /m/02qggqc +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02x3lt7 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02js6_ +/m/0qm9n /film/film/story_by /m/017xm3 +/m/0dzkq /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0ctb4g /film/film/genre /m/07s9rl0 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0342h /music/instrument/instrumentalists /m/03qmj9 +/m/064p92m /people/person/place_of_birth /m/03rk0 +/m/088q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hzlz +/m/0299hs /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/03_r_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0277jc +/m/0glnm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0m2gk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/0d1_f /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d06m5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_n5d +/m/029jpy /location/location/time_zones /m/02hcv8 +/m/03_9hm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dn3n /people/person/places_lived./people/place_lived/location /m/0rd5k +/m/05pd94v /time/event/instance_of_recurring_event /m/0c4ys +/m/040t74 /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0123_x /location/location/contains /m/01f62 +/m/02rn00y /film/film/written_by /m/05jcn8 +/m/0p8r1 /film/actor/film./film/performance/film /m/03x7hd +/m/02s62q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hcr +/m/0gqxm /award/award_category/category_of /m/0g_w +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l4pj +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0djlxb +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/04n1q6 /organization/role/leaders./organization/leadership/organization /m/0ym8f +/m/04264n /people/person/nationality /m/09c7w0 +/m/02_hj4 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03_6y +/m/05pq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/01x1cn2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_4fn /people/person/gender /m/05zppz +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/01vv6_6 /music/artist/origin /m/030qb3t +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/05j49 +/m/02krdz /film/film/language /m/02h40lc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0n00 +/m/0mhfr /music/genre/artists /m/01vsnff +/m/01fwpt /people/person/place_of_birth /m/02_286 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03mp54 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wyz92 +/m/017z49 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01t2h2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_mm +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01mpwj +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01w92 +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0b1y_2 /film/film/language /m/02h40lc +/m/0193x /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01lvcs1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044gyq +/m/02v3yy /people/person/gender /m/02zsn +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/011k1h /music/record_label/artist /m/01vw26l +/m/016h4r /people/person/profession /m/02hrh1q +/m/0151w_ /film/director/film /m/0dsvzh +/m/011ysn /film/film/language /m/03_9r +/m/01h320 /people/deceased_person/place_of_death /m/0vzm +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01ztgm /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01lbp +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01z0rcq +/m/016clz /music/genre/artists /m/024dgj +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0p_qr /film/film/genre /m/03mqtr +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03459x +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03fmfs /education/educational_institution/colors /m/0jc_p +/m/0bl2g /film/actor/film./film/performance/film /m/07cdz +/m/01rgcg /people/person/profession /m/0dxtg +/m/04grkmd /film/film/genre /m/0219x_ +/m/0gfsq9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0rh6k /location/location/contains /m/0pspl +/m/04vh83 /film/film/genre /m/082gq +/m/0j210 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/03gkn5 /people/person/place_of_birth /m/0tbql +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/03np3w /film/actor/film./film/performance/film /m/016kv6 +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/01v3bn /people/person/places_lived./people/place_lived/location /m/0z843 +/m/041rx /people/ethnicity/people /m/085pr +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/054_mz +/m/0ch26b_ /film/film/produced_by /m/02pq9yv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0212mp +/m/0bq3x /film/film_subject/films /m/0c34mt +/m/08cn4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/0f4yh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/07cjqy /people/person/profession /m/02hrh1q +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0jdk0 /people/cause_of_death/people /m/01kstn9 +/m/016z7s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04kj2v +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/040_9 /influence/influence_node/influenced_by /m/03hnd +/m/0778p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/04gycf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/039bpc +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/04t36 /media_common/netflix_genre/titles /m/017kct +/m/07bxhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07nv3_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/0gxkm +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/098n5 /people/person/profession /m/02krf9 +/m/01qr1_ /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/02xtxw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0391jz +/m/09xq9d /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025sc50 /music/genre/artists /m/01vvycq +/m/09bg4l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/01gq0b +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02_kd /film/film/executive_produced_by /m/0b13g7 +/m/011hdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wg982 +/m/05fkf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04y79_n +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/011yl_ /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/02w7gg /people/ethnicity/people /m/02fx3c +/m/012fvq /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/08z129 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pgjm /film/actor/film./film/performance/film /m/03z20c +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081lh +/m/0h1m9 /people/person/nationality /m/09c7w0 +/m/0k269 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/041rx /people/ethnicity/people /m/01l1hr +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03fhm5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d_w3h +/m/07hwkr /people/ethnicity/people /m/01k5zk +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s2lg +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0900j5 +/m/0ntpv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qr69m /film/film/production_companies /m/08wjc1 +/m/0xnvg /people/ethnicity/languages_spoken /m/0t_2 +/m/0jw67 /film/director/film /m/04dsnp +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03yj_0n +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/021dvj /music/genre/artists /m/01vvy +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/0gc_c_ /film/film/featured_film_locations /m/016tw3 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0830vk /film/film/genre /m/05p553 +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cj79 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/025sc50 /music/genre/artists /m/0412f5y +/m/03f7xg /film/film/genre /m/07s9rl0 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lbrd +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d66j2 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/01n7qlf /people/person/profession /m/0np9r +/m/04z257 /film/film/language /m/02h40lc +/m/09blyk /media_common/netflix_genre/titles /m/0fy66 +/m/03kdl /people/person/religion /m/025t7ly +/m/08hmch /film/film/country /m/09c7w0 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01w_d6 /sports/sports_team/colors /m/088fh +/m/03pbf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04p0c +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/034x61 +/m/02xs0q /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/09qh1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0557yqh +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/01ft2l /film/actor/film./film/performance/film /m/07024 +/m/0b6tzs /film/film/featured_film_locations /m/07b_l +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/03pmfw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vvh9 +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/0l98s /olympics/olympic_games/sports /m/03fyrh +/m/0dls3 /music/genre/parent_genre /m/01243b +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/057hz /people/person/religion /m/0c8wxp +/m/0253b6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/015_30 +/m/0zygc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0f6_x /film/actor/film./film/performance/film /m/0dtfn +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/03g90h /film/film/genre /m/015w9s +/m/06yszk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06b9n +/m/02lx0 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0342h /music/instrument/instrumentalists /m/01w8n89 +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/0kbvb /olympics/olympic_games/sports /m/0dwxr +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01pcql /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/03cvwkr /film/film/produced_by /m/02vyw +/m/02yl42 /people/person/nationality /m/09c7w0 +/m/059xvg /people/person/nationality /m/07ssc +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/04d5v9 +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/013y1f /music/instrument/instrumentalists /m/0phx4 +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/08n9ng /people/person/profession /m/0cbd2 +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/018m5q /education/educational_institution/colors /m/06fvc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/024mxd /film/film/country /m/09c7w0 +/m/021yw7 /people/person/profession /m/02jknp +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cdjp +/m/0ddjy /film/film/featured_film_locations /m/0l2hf +/m/02tfl8 /medicine/symptom/symptom_of /m/025hl8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0161c /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/06q8qh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0p_qr /film/film/costume_design_by /m/0bytfv +/m/0g5pv3 /film/film/story_by /m/0fx02 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049k07 +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/03zyvw /people/person/places_lived./people/place_lived/location /m/019fh +/m/03h4mp /people/deceased_person/place_of_burial /m/018mmj +/m/03kpvp /film/actor/film./film/performance/film /m/03r0g9 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hhrs +/m/02t4yc /education/university/fraternities_and_sororities /m/0325pb +/m/021y7yw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026_dcw /people/person/profession /m/03gjzk +/m/012wgb /location/location/contains /m/0373qg +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kwhf +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/03fb3t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqp3 +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/02114t /film/actor/film./film/performance/film /m/01jzyf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02q56mk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/016ksk /film/actor/film./film/performance/film /m/03l6q0 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/031296 /people/person/profession /m/02hrh1q +/m/03pvt /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/052h3 /influence/influence_node/influenced_by /m/0gz_ +/m/03czrpj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/093dqjy +/m/03lmx1 /people/ethnicity/languages_spoken /m/02h40lc +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/044crp /sports/sports_team/colors /m/083jv +/m/03h2c /location/location/time_zones /m/02fqwt +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/04v3q /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/061681 /film/film/genre /m/0lsxr +/m/05hd32 /film/film/country /m/03_3d +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/026c1 +/m/03lty /music/genre/artists /m/0134s5 +/m/0hn6d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/05jyb2 +/m/02q5xsx /award/award_winner/awards_won./award/award_honor/award_winner /m/03y9ccy +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/03shp /sports/sports_team_location/teams /m/01n_2f +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07v64s /music/genre/artists /m/0lzkm +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hw1j +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/0h8d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01y0y6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fpj4lx /base/eating/practicer_of_diet/diet /m/07_jd +/m/01chg /media_common/netflix_genre/titles /m/02w86hz +/m/047d21r /film/film/produced_by /m/0gg9_5q +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/028p0 /people/person/profession /m/05z96 +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lrht +/m/011yqc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ryn /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/02y_lrp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/01_bkd /music/genre/artists /m/0p3r8 +/m/04954r /film/film/genre /m/02kdv5l +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02_p5w /film/actor/film./film/performance/film /m/023p7l +/m/03zg2x /film/actor/film./film/performance/film /m/0dzz6g +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bby9p5 +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/0mzvm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/01wbz9 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01n1gc +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06q8qh +/m/02yj7w /people/person/nationality /m/09c7w0 +/m/01r6jt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvdm +/m/03q5db /film/film/genre /m/01hmnh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/04k15 /people/person/profession /m/0nbcg +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_8w2 +/m/012vwb /education/educational_institution/school_type /m/05jxkf +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/08n9ng /people/person/profession /m/09jwl +/m/0dplh /education/educational_institution_campus/educational_institution /m/0dplh +/m/028knk /film/actor/film./film/performance/film /m/09tqkv2 +/m/07h34 /location/location/contains /m/01pq4w +/m/015wnl /film/actor/film./film/performance/film /m/0kvgtf +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c94fn +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/01wb95 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01lly5 /people/person/places_lived./people/place_lived/location /m/071cn +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/0345h /media_common/netflix_genre/titles /m/085ccd +/m/0chrwb /people/person/nationality /m/09c7w0 +/m/016z2j /people/person/profession /m/01d_h8 +/m/09r9dp /film/actor/film./film/performance/film /m/07kh6f3 +/m/02mplj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/063472 /people/person/gender /m/05zppz +/m/0k8z /organization/organization/place_founded /m/0r679 +/m/02hxc3j /language/human_language/countries_spoken_in /m/0d060g +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0178g +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/0kh6b +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/04psf /people/cause_of_death/people /m/0ly5n +/m/0h9c /people/profession/specialization_of /m/06q2q +/m/0fb1q /people/person/profession /m/0kyk +/m/08vd2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02b1cn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dr_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05_pkf /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0br1w /people/person/places_lived./people/place_lived/location /m/0xrzh +/m/011ydl /film/film/genre /m/05p553 +/m/03xkps /film/actor/film./film/performance/film /m/0bmhvpr +/m/0gvrws1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gbbz +/m/063lqs /people/person/gender /m/05zppz +/m/02b2np /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01pr6q7 /people/person/gender /m/05zppz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0g284 /sports/sports_team_location/teams /m/01xbpn +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/033tf_ /people/ethnicity/people /m/01n4f8 +/m/05mkhs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164nb /people/person/places_lived./people/place_lived/location /m/03v0t +/m/0xddr /base/biblioness/bibs_location/state /m/04ykg +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/035yn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/0kw4j /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02pqs8l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wj18h /people/person/gender /m/02zsn +/m/0ytc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04s7y /location/location/contains /m/01kxnd +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqyzz +/m/0dgshf6 /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/0jyx6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/01wxyx1 /people/person/profession /m/02hrh1q +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03hkch7 /film/film/film_festivals /m/059_y8d +/m/0jqp3 /film/film/featured_film_locations /m/0qr4n +/m/01z4y /media_common/netflix_genre/titles /m/02ht1k +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpk2 +/m/01f08r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rk0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/09c7w0 /location/country/second_level_divisions /m/0mlyw +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/080nwsb /film/film/genre /m/07s9rl0 +/m/02_qt /film/film/featured_film_locations /m/02_286 +/m/0639bg /film/film/film_format /m/07fb8_ +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/011zf2 +/m/0d_wms /film/film/country /m/09c7w0 +/m/05sy2k_ /tv/tv_program/genre /m/03npn +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/047fjjr /film/film/language /m/03_9r +/m/0kbws /olympics/olympic_games/participating_countries /m/02khs +/m/015qsq /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/088_9g +/m/072bb1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bt7ws +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/019vgs /film/actor/film./film/performance/film /m/03q0r1 +/m/0jgx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/017vkx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsykc +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0c57yj /film/film/genre /m/02l7c8 +/m/062dn7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013_vh +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dx8gj +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/03f5vvx +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/04t2l2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/06by7 /music/genre/artists /m/0bkg4 +/m/01fs_4 /people/person/profession /m/018gz8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/06gd4 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0btyl /people/person/profession /m/02hrh1q +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0xq +/m/025t9b /film/actor/film./film/performance/film /m/0407yj_ +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0jrqq /people/person/profession /m/0cbd2 +/m/015kg1 /music/record_label/artist /m/0mgcr +/m/01s7zw /film/actor/film./film/performance/film /m/0fr63l +/m/02xv8m /people/person/place_of_birth /m/0843m +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/01c0cc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/04lqvlr /film/film/genre /m/07s9rl0 +/m/016hvl /people/person/profession /m/02jknp +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/09c7w0 /location/location/contains /m/0r4xt +/m/0cqt90 /people/person/profession /m/01d_h8 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0jwmp /film/film/country /m/07ssc +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/01gfq4 +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/04n_g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/0rj0z +/m/09x3r /olympics/olympic_games/participating_countries /m/02k54 +/m/04chyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01v40wd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vxlbm +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dvmd /people/person/profession /m/02hrh1q +/m/0ymdn /education/educational_institution/campuses /m/0ymdn +/m/050f0s /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03rjj /location/location/contains /m/01n1pp +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/09z2b7 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/06w33f8 /people/person/place_of_birth /m/09c7w0 +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01jfsb /media_common/netflix_genre/titles /m/02rq8k8 +/m/0164nb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/07yp0f /people/person/profession /m/02hrh1q +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/02knnd /people/deceased_person/place_of_burial /m/018mmj +/m/0gcrg /film/film/genre /m/07s9rl0 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/04w58 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1pf +/m/0cf_h9 /people/person/profession /m/02hrh1q +/m/07gxw /music/genre/parent_genre /m/08cyft +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/01wxyx1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019pm_ +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/05_5rjx /film/film/language /m/02h40lc +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/09b3v /people/person/gender /m/05zppz +/m/05m_jsg /film/film/country /m/09c7w0 +/m/023znp /education/educational_institution/colors /m/01l849 +/m/0288crq /people/person/nationality /m/03rk0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0h3mrc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/0435vm /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/08vr94 /people/person/profession /m/0cbd2 +/m/0gywn /music/genre/artists /m/01vvyfh +/m/07lnk /music/genre/parent_genre /m/08cyft +/m/01svw8n /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vtqml +/m/011k1h /music/record_label/artist /m/01ttg5 +/m/02q636 /education/educational_institution/school_type /m/01rs41 +/m/09lk2 /base/aareas/schema/administrative_area/capital /m/0d8r8 +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03rjj /location/location/contains /m/0dlw0 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0mj0c /people/person/profession /m/0kyk +/m/01zmqw /location/location/time_zones /m/02hcv8 +/m/015whm /film/film/production_companies /m/01p5yn +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027s39y +/m/0q59y /people/person/nationality /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/01ymvk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/032016 /film/film/genre /m/01hmnh +/m/09c7w0 /location/location/contains /m/02_2kg +/m/03__y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04fhn_ /people/person/place_of_birth /m/0dclg +/m/07g2v /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01lbp +/m/065dc4 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/02h761 /people/person/nationality /m/0345h +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ht1k +/m/09r8l /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06btq +/m/0bzyh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01vrkdt /people/person/gender /m/02zsn +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/02g75 /people/person/place_of_birth /m/0sf9_ +/m/04lqvly /film/film/language /m/03hkp +/m/05g8ky /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/047kn_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014635 /people/person/profession /m/01___w +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02cm2m /people/person/profession /m/02hrh1q +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0dc95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01jr6 +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/01vw8k /film/film/film_format /m/07fb8_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/03lt8g +/m/016yzz /film/actor/film./film/performance/film /m/047tsx3 +/m/0sb1r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fr0t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/0h9dj /people/cause_of_death/people /m/0bxfmk +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ncj8 /location/hud_county_place/place /m/0ncj8 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/075cph /film/film/genre /m/07s9rl0 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01svw8n /film/actor/film./film/performance/film /m/084qpk +/m/033srr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/069q4f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0pd6l /film/film/genre /m/04xvlr +/m/099bk /influence/influence_node/influenced_by /m/0372p +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02lnbg /music/genre/artists /m/0lk90 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gbwp +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/01l9p /film/actor/film./film/performance/film /m/02qmsr +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0kx4m +/m/09p35z /film/film/country /m/09c7w0 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/011yfd /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0311wg /award/award_winner/awards_won./award/award_honor/award_winner /m/038bht +/m/05t7c1 /education/educational_institution/students_graduates./education/education/student /m/01dvtx +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/0425c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/07h07 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/0163m1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/037lyl +/m/0j8sq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/05148p4 /music/instrument/instrumentalists /m/053y0s +/m/09r4xx /education/educational_institution/school_type /m/02dk5q +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fxnf +/m/0btbyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09c7w0 /location/location/contains /m/0v9qg +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02wxvtv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01w8g3 +/m/0lcx /people/person/nationality /m/0f8l9c +/m/01c8v0 /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/0299hs /film/film/featured_film_locations /m/02dtg +/m/01y888 /education/educational_institution/school_type /m/05jxkf +/m/0g9yrw /film/film/genre /m/0hcr +/m/043s3 /people/person/gender /m/05zppz +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/02_sr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04zwjd +/m/035rnz /film/actor/film./film/performance/film /m/02mt51 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy2y8r +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/07swvb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0ddcbd5 /film/film/country /m/0f8l9c +/m/0cd2vh9 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03cw411 /film/film/production_companies /m/061dn_ +/m/02jx1 /location/location/contains /m/0nccd +/m/0prfz /film/actor/film./film/performance/film /m/0kv9d3 +/m/0xnvg /people/ethnicity/people /m/02t_v1 +/m/06by7 /music/genre/artists /m/050z2 +/m/01pkhw /film/actor/film./film/performance/film /m/047qxs +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/074w86 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/02l4pj +/m/034bs /influence/influence_node/influenced_by /m/03hnd +/m/01ycck /film/director/film /m/0yyg4 +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03n93 +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01pj7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b90_r +/m/07h9gp /film/film/executive_produced_by /m/05hj_k +/m/0498y /location/administrative_division/country /m/09c7w0 +/m/020y73 /film/film/country /m/07ssc +/m/02lnbg /music/genre/artists /m/0bqsy +/m/063vn /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/08cx5g /tv/tv_program/languages /m/02h40lc +/m/03bx_5q /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cwrr +/m/029_3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0ph2w +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qscs +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0yl27 /location/administrative_division/first_level_division_of /m/05bcl +/m/02lt8 /people/person/gender /m/05zppz +/m/07dvs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01m1zk /location/hud_county_place/place /m/01m1zk +/m/06j6l /music/genre/artists /m/01wbl_r +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/031q3w /organization/organization/headquarters./location/mailing_address/citytown /m/01531 +/m/02vyh /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k6nt +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/081g_l /music/record_label/artist /m/06k02 +/m/02wb6yq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dl567 +/m/096ysw /music/record_label/artist /m/016dsy +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/01rf57 /tv/tv_program/genre /m/01htzx +/m/02wycg2 /film/actor/film./film/performance/film /m/06_x996 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01hw5kk /film/film/genre /m/04xvh5 +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01sn3 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0d05q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01gjlw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0pmcz +/m/03zw80 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0bpbhm /film/film/produced_by /m/0bzyh +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgxk +/m/0143hl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0824r +/m/04fzk /film/actor/film./film/performance/film /m/07yvsn +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/02648p /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01v3vp +/m/07tw_b /film/film/production_companies /m/016tw3 +/m/0cmc26r /film/film/country /m/0f8l9c +/m/014z8v /people/person/religion /m/0kpl +/m/06npd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/04mnts /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0m9_5 /education/educational_institution/students_graduates./education/education/student /m/0794g +/m/03v0t /location/location/contains /m/01_d4 +/m/02f8lw /people/person/profession /m/0cbd2 +/m/07jxpf /film/film/genre /m/082gq +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1b +/m/0f2w0 /base/biblioness/bibs_location/state /m/07b_l +/m/02xjb /music/genre/artists /m/01wv9p +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02r5qtm /tv/tv_program/languages /m/02h40lc +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0f4vbz /film/actor/film./film/performance/film /m/049mql +/m/0yyts /film/film/genre /m/07s9rl0 +/m/015vq_ /film/actor/film./film/performance/film /m/0jwmp +/m/0783m_ /people/person/profession /m/02hrh1q +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06lpmt +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/07kb7vh /film/film/production_companies /m/0g1rw +/m/05c9zr /film/film/genre /m/0dz8b +/m/07cn2c /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01jfsb /media_common/netflix_genre/titles /m/02jr6k +/m/0410cp /film/actor/film./film/performance/film /m/027pfb2 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/014zwb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06by7 /music/genre/artists /m/01sb5r +/m/0bs0bh /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/017yfz /people/person/profession /m/0n1h +/m/08f3b1 /people/person/profession /m/0kyk +/m/0jxgx /location/location/contains /m/0lhql +/m/035wtd /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/017znw /sports/sports_team/colors /m/083jv +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/0glnm /film/film/genre /m/06qm3 +/m/01cszh /music/record_label/artist /m/0m_v0 +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01z0rcq +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032zq6 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/027_tg +/m/0gv10 /location/location/time_zones /m/02hcv8 +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0x67 /people/ethnicity/people /m/01kh2m1 +/m/0g83dv /film/film/country /m/09c7w0 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yr9 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzh2 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03x33n +/m/01wy61y /people/person/place_of_birth /m/0gqkd +/m/02rq8k8 /film/film/featured_film_locations /m/0156q +/m/047t_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02mqc4 /film/actor/film./film/performance/film /m/04y5j64 +/m/08fn5b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dh73w +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0134w7 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/01f7v_ +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/09lhln /people/person/gender /m/05zppz +/m/01wz01 /film/actor/film./film/performance/film /m/07nxvj +/m/0d61px /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmssv +/m/0pd57 /film/film/written_by /m/0171lb +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/country/second_level_divisions /m/0l380 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/01m3x5p +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0f0qfz /people/person/nationality /m/07ssc +/m/01dhmw /people/person/religion /m/0kpl +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02qhlwd /film/film/featured_film_locations /m/0156q +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02pqgt8 /people/person/nationality /m/03rjj +/m/036px /people/person/spouse_s./people/marriage/spouse /m/03yf3z +/m/02wrrm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/04cv9m /film/film/genre /m/07s9rl0 +/m/02ctzb /people/ethnicity/people /m/09b6zr +/m/01242_ /film/film/country /m/09c7w0 +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/016ndm /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/0gywn /music/genre/artists /m/025ldg +/m/0_75d /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fxyd +/m/032v0v /film/director/film /m/070g7 +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02dth1 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/052p7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b6tzs /film/film/genre /m/0c3351 +/m/0dg3n1 /base/locations/continents/countries_within /m/02khs +/m/028qdb /award/award_winner/awards_won./award/award_honor/award_winner /m/03k0yw +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/02t1cp /people/person/gender /m/05zppz +/m/0221g_ /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nr_q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nryt +/m/0219q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/02v406 /film/actor/film./film/performance/film /m/053rxgm +/m/03hbzj /people/person/profession /m/06wkj0 +/m/01v3ht /organization/organization/headquarters./location/mailing_address/state_province_region /m/0j5g9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/016gr2 /people/person/profession /m/0np9r +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/0dy04 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/020923 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/01gy7r +/m/01x72k /people/person/gender /m/02zsn +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07mb57 +/m/01trf3 /film/actor/film./film/performance/film /m/085bd1 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/03176f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06hgbk +/m/05bt6j /music/genre/artists /m/01w524f +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/04snp2 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gcpc +/m/01vy_v8 /people/person/gender /m/05zppz +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01ztgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m8_v +/m/08jbxf /people/person/nationality /m/0chghy +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/01zg98 /people/person/spouse_s./people/marriage/spouse /m/03f2_rc +/m/07s9rl0 /media_common/netflix_genre/titles /m/07vf5c +/m/0gj9qxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057dxsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/05qg6g /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0fbx6 /people/person/gender /m/02zsn +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/012s5j +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c00zd0 +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/064t9 /music/genre/artists /m/0dzc16 +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/0ctw_b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d193h /influence/influence_node/influenced_by /m/0m2l9 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/017y26 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/02yplc /film/actor/film./film/performance/film /m/0cp0ph6 +/m/0c2dl /influence/influence_node/influenced_by /m/06whf +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/015qt5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01j95f +/m/08t9df /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02rmfm +/m/034bgm /film/actor/film./film/performance/film /m/05sns6 +/m/06wjf /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/062zjtt /film/film/story_by /m/079vf +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0g4c1t /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/05k7sb /location/location/contains /m/0kqj1 +/m/01y8cr /film/actor/film./film/performance/film /m/097zcz +/m/035qlx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05zjtn4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/02fn5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0k8y7 +/m/03h2d4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4_n0 +/m/018dyl /people/person/place_of_birth /m/0156q +/m/05zbm4 /people/person/place_of_birth /m/030qb3t +/m/02cbvn /education/educational_institution/campuses /m/02cbvn +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07jwr /people/cause_of_death/people /m/0zm1 +/m/02rg_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09l3p +/m/02w7gg /people/ethnicity/people /m/01m65sp +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/08vr94 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/04yt7 +/m/017gl1 /film/film/production_companies /m/024rgt +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0l0mk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04511f /people/person/nationality /m/09c7w0 +/m/02q_4ph /film/film/country /m/09c7w0 +/m/0c2dl /influence/influence_node/influenced_by /m/0d5_f +/m/04yj5z /people/person/profession /m/0dxtg +/m/0gz5hs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06vbd +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/08qvhv /people/person/gender /m/05zppz +/m/08952r /film/film/film_format /m/07fb8_ +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/037mp6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0b78hw /influence/influence_node/influenced_by /m/01bpn +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/07xtqq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/06929s +/m/01kckd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0243cq /film/film/story_by /m/07rd7 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j8yr /location/location/time_zones /m/02fqwt +/m/03kxj2 /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/04t6fk /film/film/genre /m/082gq +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/022wxh +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0gk4g /people/cause_of_death/people /m/07_grx +/m/0flw6 /people/person/profession /m/01c72t +/m/0yc84 /base/biblioness/bibs_location/state /m/059rby +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/02fcs2 /film/director/film /m/0c57yj +/m/0fby2t /film/actor/film./film/performance/film /m/0fz3b1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/016yr0 /people/person/gender /m/05zppz +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01z7_f /film/actor/film./film/performance/film /m/05c5z8j +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0kvqv +/m/01hqk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/02xfrd /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/0bpm4yw /film/film/language /m/02h40lc +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vmt +/m/02krdz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02sjf5 +/m/021l5s /education/educational_institution/school_type /m/05jxkf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02fjzt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k3s2 +/m/07g2v /people/person/profession /m/09jwl +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/03x83_ /education/educational_institution_campus/educational_institution /m/03x83_ +/m/06by7 /music/genre/artists /m/025xt8y +/m/073w14 /people/person/profession /m/02hrh1q +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04smdd +/m/0cwy47 /film/film/genre /m/082gq +/m/0lfgr /education/university/fraternities_and_sororities /m/035tlh +/m/01dvms /people/person/places_lived./people/place_lived/location /m/0_vn7 +/m/02lkcc /film/actor/film./film/performance/film /m/09146g +/m/03lv4x /film/film/language /m/02h40lc +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0198b6 /film/film/language /m/012w70 +/m/06mn7 /people/person/profession /m/0lgw7 +/m/08tq4x /film/film/genre /m/03mqtr +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/017d77 /education/educational_institution/school_type /m/05pcjw +/m/01ty7ll /people/person/place_of_birth /m/06wxw +/m/0mw7h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwsh +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/03n0q5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f502 /film/actor/film./film/performance/film /m/03wbqc4 +/m/02j3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/033x5p /education/educational_institution/students_graduates./education/education/student /m/028q6 +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/065zf3p +/m/01w0v /location/location/contains /m/0c_zj +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/015wfg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04v3q +/m/05txrz /film/actor/film./film/performance/film /m/02rmd_2 +/m/03c3jzx /base/culturalevent/event/entity_involved /m/03shp +/m/02bwc7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cqt90 +/m/01rxyb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/011zd3 +/m/062hgx /people/person/nationality /m/09c7w0 +/m/02pt6k_ /people/person/nationality /m/09c7w0 +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0f40w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hpt3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01vsps /people/person/profession /m/0dxtg +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/03z509 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dsvzh +/m/0l98s /olympics/olympic_games/sports /m/02y8z +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b9w3 +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0kvnn /people/person/profession /m/0nbcg +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/0h6rm /education/educational_institution/colors /m/083jv +/m/08yx9q /film/actor/film./film/performance/film /m/06gb1w +/m/050l8 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/0b6mgp_ +/m/0161sp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/049qx +/m/01mt1fy /people/person/profession /m/02krf9 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/025sc50 /music/genre/artists /m/0136p1 +/m/017fp /media_common/netflix_genre/titles /m/06nr2h +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h32q +/m/055td_ /film/film/story_by /m/0yfp +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/06ryl /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0cq7tx /film/film/written_by /m/03thw4 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02ltg3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06jzh /film/actor/film./film/performance/film /m/03h_yy +/m/039crh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04yqlk /film/actor/film./film/performance/film /m/03tps5 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/033jkj +/m/0l34j /location/location/contains /m/0gjcy +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/018z_c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021_rm +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/09k2t1 /people/person/places_lived./people/place_lived/location /m/0d35y +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0166v +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06zn2v2 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/0blfl /olympics/olympic_games/sports /m/09w1n +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0c1gj5 /sports/sports_team/sport /m/03tmr +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02cl1 +/m/07k8rt4 /film/film/music /m/02jxmr +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0pd4f /film/film/country /m/09c7w0 +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0674cw /people/person/profession /m/02jknp +/m/02m7r /people/deceased_person/place_of_burial /m/0bvqq +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0bfvd4 /award/award_category/category_of /m/0gcf2r +/m/033tln /people/person/profession /m/02krf9 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y64_ +/m/02p_ycc /people/person/profession /m/02hrh1q +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dx8gj +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016_mj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/0125xq /film/film/language /m/06mp7 +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/09fn1w +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/02zyy4 /film/actor/film./film/performance/film /m/014kq6 +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017xm3 +/m/0342h /music/instrument/instrumentalists /m/0bg539 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/040db /influence/influence_node/influenced_by /m/084w8 +/m/03nqbvz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/0qmd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d5wn3 +/m/0d1w9 /film/film_subject/films /m/0dq626 +/m/04pxcx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034r25 /film/film/produced_by /m/01t6b4 +/m/0dr_9t7 /film/film/genre /m/0lsxr +/m/016y_f /film/film/genre /m/0lsxr +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0h778 /location/hud_county_place/place /m/0h778 +/m/027nb /location/country/official_language /m/02h40lc +/m/085ccd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/03cfkrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01h72l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fykz +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0yxm1 /film/film/genre /m/02l7c8 +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/03rhqg /music/record_label/artist /m/0kzy0 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02g3mn /people/person/profession /m/02hrh1q +/m/01dw4q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016ks_ +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pdh86 +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/086nl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6d +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/03hzl42 /film/actor/film./film/performance/film /m/011yl_ +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/03nk3t +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0cd25 /people/cause_of_death/people /m/0m_31 +/m/0c34mt /film/film/country /m/09c7w0 +/m/0lbj1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyvk +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0gv5c /people/person/profession /m/01d_h8 +/m/028k57 /film/actor/film./film/performance/film /m/04gv3db +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/030znt +/m/0d05fv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0j1z8 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d8yn +/m/0mzkr /music/record_label/artist /m/03xhj6 +/m/01_lhg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01ync +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053rxgm +/m/01z4y /media_common/netflix_genre/titles /m/01qxc7 +/m/013cr /film/actor/film./film/performance/film /m/050f0s +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/0cdbq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01k6y1 +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/04t38b /people/person/gender /m/05zppz +/m/075wq /people/deceased_person/place_of_death /m/0yl27 +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/02qgyv /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/043tz0c /film/film/genre /m/05p553 +/m/0m7d0 /location/location/contains /m/068p2 +/m/01z4y /media_common/netflix_genre/titles /m/01pj_5 +/m/0h0wc /film/actor/film./film/performance/film /m/0272_vz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02wgk1 +/m/0jhn7 /olympics/olympic_games/sports /m/06z68 +/m/0cq7kw /film/film/written_by /m/012wg +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/08036w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/01fwj8 /people/person/profession /m/02hrh1q +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q54f5 +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/04p3c /sports/sports_team_location/teams /m/01xn7x1 +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/059kh /music/genre/artists /m/01l_vgt +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/036jb /film/actor/film./film/performance/film /m/05dmmc +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04hzfz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0p0cw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/0bq8tmw /film/film/production_companies /m/054lpb6 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hgnl3t +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02k21g +/m/049tjg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/067pl7 /people/person/nationality /m/0154j +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/07fj_ /location/location/contains /m/01xpg +/m/0f5hyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03s6l2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j722 +/m/028knk /film/actor/film./film/performance/film /m/06sfk6 +/m/04vzv4 /people/person/nationality /m/09c7w0 +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/0mkg /music/instrument/instrumentalists /m/02x8z_ +/m/0gbtbm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_n5d +/m/07j94 /film/film/language /m/02h40lc +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cpllql +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02phtzk +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09yrh +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01817f +/m/0q9sg /film/film/genre /m/07s9rl0 +/m/04ykg /location/location/partially_contains /m/04yf_ +/m/08nvyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01r3kd /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p09dd +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/03_hd /people/person/religion /m/0kpl +/m/03f4xvm /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0h1p /film/director/film /m/0dx8gj +/m/03sc8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/0180w8 +/m/04mcw4 /film/film/produced_by /m/030_3z +/m/04psf /people/cause_of_death/people /m/01vyv9 +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01gn36 /people/person/profession /m/0dxtg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zcnq +/m/01lnyf /education/educational_institution/colors /m/019sc +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/02wr2r /award/award_winner/awards_won./award/award_honor/award_winner /m/016_mj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmgrf +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06nz46 +/m/0grrq8 /people/person/nationality /m/09c7w0 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mh94 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011wtv +/m/03cfjg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/033tf_ /people/ethnicity/people /m/0d3qd0 +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09lxtg +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/043kzcr /people/person/profession /m/02hrh1q +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/0h005 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/03k0yw /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/05xzcz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05sb1 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gywn /music/genre/artists /m/012z8_ +/m/0l2vz /location/us_county/county_seat /m/0r5wt +/m/021pqy /film/film/country /m/03rk0 +/m/04x4s2 /people/person/gender /m/05zppz +/m/018vs /music/instrument/instrumentalists /m/09r8l +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ppg1r +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02897w +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0cf_h9 /people/person/gender /m/05zppz +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/025l5 +/m/02hvd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/015d3h /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fg0r +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fgj2 +/m/04x4vj /film/film/country /m/09c7w0 +/m/01d8yn /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0g60z +/m/02l7c8 /media_common/netflix_genre/titles /m/05vxdh +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05cj_j +/m/05148p4 /music/instrument/instrumentalists /m/023l9y +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3ybss +/m/02d49z /film/film/production_companies /m/025jfl +/m/03bpn6 /people/person/gender /m/05zppz +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/07t90 /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0sv6n /base/biblioness/bibs_location/country /m/09c7w0 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/0hd7j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0432_5 /film/film/language /m/0c_v2 +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01y9xg +/m/044k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p7h7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02v60l /people/person/places_lived./people/place_lived/location /m/0mmzt +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/0mwzv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwl2 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gnbv1 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/026lj /influence/influence_node/influenced_by /m/0372p +/m/03d6fyn /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/01vsy7t /people/person/nationality /m/07ssc +/m/02vrgnr /film/film/genre /m/05p553 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/06w33f8 /people/person/profession /m/02krf9 +/m/0p9lw /film/film/country /m/09c7w0 +/m/09gffmz /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/024swd /people/person/profession /m/03gjzk +/m/01s3kv /people/person/profession /m/0dxtg +/m/033x5p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/038bh3 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/01ycbq /people/person/nationality /m/0d060g +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05typm +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04yc76 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/06_6j3 /people/person/profession /m/02hrh1q +/m/0c38gj /film/film/produced_by /m/04g3p5 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0jdd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/0j_t1 /film/film/music /m/03ds3 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/01pl14 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07c52 /media_common/netflix_genre/titles /m/02sqkh +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/02t_99 +/m/030p35 /tv/tv_program/languages /m/02h40lc +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02l4pj /people/person/religion /m/0n2g +/m/013ksx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0229rs /music/record_label/artist /m/0394y +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/080lkt7 /film/film/music /m/03h610 +/m/084z0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047q2k1 +/m/0fhxv /people/person/languages /m/02h40lc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pd4f +/m/043gj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8h1 +/m/03dpqd /film/actor/film./film/performance/film /m/0fgrm +/m/03hzl42 /film/actor/film./film/performance/film /m/043t8t +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kj0p +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/01m3x5p /people/person/profession /m/029bkp +/m/02gyl0 /people/person/profession /m/09jwl +/m/02bg8v /tv/tv_program/genre /m/02p0szs +/m/02lk60 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/06by7 /music/genre/artists /m/018gm9 +/m/04p3w /people/cause_of_death/people /m/0136p1 +/m/09v71cj /film/film/language /m/02h40lc +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/05c9zr /film/film/produced_by /m/05nn4k +/m/0frm7n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/016vg8 /film/actor/film./film/performance/film /m/02v5_g +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/032zg9 /people/person/gender /m/05zppz +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/019kyn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05cj4r /people/person/gender /m/02zsn +/m/02w7gg /people/ethnicity/people /m/02cpb7 +/m/01kwlwp /people/person/profession /m/09jwl +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/034np8 /people/person/place_of_birth /m/0r2l7 +/m/05tbn /location/location/contains /m/07tds +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/04ykg /location/location/contains /m/013f9v +/m/04tqtl /film/film/genre /m/02kdv5l +/m/0229rs /music/record_label/artist /m/026spg +/m/03lv4x /film/film/genre /m/04xvlr +/m/0qmd5 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0q8s4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cj_j /film/film/written_by /m/03thw4 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0prhz +/m/0l6vl /olympics/olympic_games/sports /m/02bkg +/m/0gk4g /people/cause_of_death/people /m/0gct_ +/m/01f8hf /film/film/production_companies /m/016tt2 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04vgq5 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w02sy /people/person/profession /m/0n1h +/m/0b478 /people/person/spouse_s./people/marriage/spouse /m/0151ns +/m/07yw6t /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/03qnc6q /film/film/language /m/02h40lc +/m/09jcj6 /film/film/produced_by /m/05nn4k +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/0cm03 /people/person/nationality /m/07ssc +/m/0gkz3nz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/017gl1 /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/0345gh /education/educational_institution/students_graduates./education/education/student /m/01vwbts +/m/02mjf2 /film/actor/film./film/performance/film /m/02j69w +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/06_vpyq /people/person/gender /m/05zppz +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03d34x8 /tv/tv_program/genre /m/01jfsb +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/08ct6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j24kf +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/026dx /people/person/profession /m/01c72t +/m/0266r6h /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/01chc7 /people/person/profession /m/02hrh1q +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/03rt9 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03y3bp7 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01tc9r +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/09mfvx /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dtw1x +/m/01qvz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01cw13 +/m/0m0fw /music/genre/artists /m/03f0fnk +/m/0czkbt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/03gyl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/024dgj +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0jt90f5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01yxbw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/013q0p /film/film/genre /m/02kdv5l +/m/02w4v /music/genre/artists /m/016z1t +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02kmx6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b66t +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/01b1pf /education/educational_institution/school_type /m/047951 +/m/04xrx /people/person/nationality /m/09c7w0 +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0ytc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/019r_1 /people/person/profession /m/015cjr +/m/041n28 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/0c1sgd3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01twdk /film/director/film /m/0cc5mcj +/m/09qc1 /people/person/profession /m/01d_h8 +/m/03l2n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sxmx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hsgn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07_m9_ /people/person/profession /m/0cbd2 +/m/070g7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/043js +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/029zqn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jsgf +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0hnjt /people/deceased_person/place_of_death /m/01cx_ +/m/0145rs /music/genre/artists /m/03y82t6 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/017xm3 /people/person/gender /m/02zsn +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/03f0r5w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b_fm5 +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfb +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/01ry0f /film/actor/film./film/performance/film /m/07sgdw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2cb +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01kwld /people/person/nationality /m/0345h +/m/0hzlz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/03p7gb /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/06l3bl /media_common/netflix_genre/titles /m/0m_mm +/m/08cyft /music/genre/artists /m/0478__m +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07b_l +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/037hgm /people/person/profession /m/0nbcg +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mr2s +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/03ryn /location/country/form_of_government /m/01fpfn +/m/021yzs /people/person/profession /m/03gjzk +/m/09c7w0 /location/location/contains /m/0tct_ +/m/05sw5b /film/film/production_companies /m/09b3v +/m/0205dx /film/actor/film./film/performance/film /m/01gkp1 +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/08fbnx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0h96g /film/actor/film./film/performance/film /m/0kvgxk +/m/08cx5g /tv/tv_program/genre /m/01htzx +/m/06kl78 /film/film/genre /m/060__y +/m/03xmy1 /people/person/profession /m/0d1pc +/m/0b80__ /people/person/nationality /m/09c7w0 +/m/01pcdn /people/person/places_lived./people/place_lived/location /m/06yxd +/m/02lymt /people/person/gender /m/05zppz +/m/09ps01 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/017cy9 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9lm2 +/m/026c1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bksh +/m/03rhqg /music/record_label/artist /m/047cx +/m/05zh9c /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pkhw +/m/0hqcy /award/award_winner/awards_won./award/award_honor/award_winner /m/0g1rw +/m/0bbw2z6 /film/film/genre /m/07s9rl0 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06t6dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0yc84 /location/hud_county_place/county /m/0cymp +/m/01kph_c /people/person/places_lived./people/place_lived/location /m/059rby +/m/0c94fn /award/award_winner/awards_won./award/award_honor/award_winner /m/092ys_y +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0168nq +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/0n6kf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02sg5v +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05183k +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/021bk /film/actor/film./film/performance/film /m/02stbw +/m/01wsl7c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/070xg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hx4y /film/film/language /m/02h40lc +/m/02p3cr5 /music/record_label/artist /m/03f0vvr +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06jntd /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019lty +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_kd +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/07s8r0 +/m/02rqxc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/07m9cm /film/actor/film./film/performance/film /m/034r25 +/m/01jrvr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04107 /influence/influence_node/influenced_by /m/084w8 +/m/02dbn2 /film/actor/film./film/performance/film /m/026qnh6 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/015njf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0cmc2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/0pyww +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0fwy0h /people/person/employment_history./business/employment_tenure/company /m/0152x_ +/m/0c7xjb /film/actor/film./film/performance/film /m/033f8n +/m/0cchk3 /education/educational_institution/students_graduates./education/education/student /m/0168cl +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/04411 /influence/influence_node/influenced_by /m/043s3 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0266r6h +/m/04yj5z /people/person/nationality /m/09c7w0 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0pmhf +/m/0dlhg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_4 +/m/0204jh /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/04v3q /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0mpfn +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02fttd /film/film/country /m/09c7w0 +/m/03xzxb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0638kv /people/person/profession /m/02pjxr +/m/0hgqq /people/person/profession /m/0kyk +/m/0n6f8 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03m6t5 /people/person/profession /m/02hrh1q +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03lh3v +/m/01s21dg /people/person/gender /m/05zppz +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dqcs3 +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0k4fz /film/film/production_companies /m/05qd_ +/m/064t9 /music/genre/artists /m/0hvbj +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0k5g9 /film/film/film_art_direction_by /m/0dh73w +/m/02hfk5 /film/film/genre /m/07s9rl0 +/m/01rr31 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/037njl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0dln8jk /film/film/genre /m/01hwc6 +/m/03f7nt /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/location/contains /m/01l9vr +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/01vw8mh /people/person/profession /m/02hrh1q +/m/0_xdd /location/hud_county_place/place /m/0_xdd +/m/09p4w8 /film/film/produced_by /m/04pqqb +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/05c5z8j /film/film/executive_produced_by /m/02z6l5f +/m/07s9rl0 /media_common/netflix_genre/titles /m/04vvh9 +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/0166v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f40w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bmch_x /film/film/genre /m/02n4kr +/m/0345h /location/location/contains /m/0cpyv +/m/03lty /music/genre/artists /m/01gx5f +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/06g60w /people/person/gender /m/05zppz +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qf2t +/m/027rpym /film/film/language /m/02h40lc +/m/07hgkd /people/person/spouse_s./people/marriage/spouse /m/01gw4f +/m/01w40h /music/record_label/artist /m/01wwvc5 +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n5309 +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/01vsy3q /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/01lvzbl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07swvb +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/03sww /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0lzb8 /people/person/profession /m/02krf9 +/m/01jx9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047xyn /award/award_category/disciplines_or_subjects /m/01hmnh +/m/05pbl56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029k4p +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/037gjc +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0sz28 +/m/01pctb /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/01jfsb /media_common/netflix_genre/titles /m/03ct7jd +/m/02ppg1r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ymgk /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02dq8f /organization/organization/headquarters./location/mailing_address/citytown /m/0dq16 +/m/01xcr4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0304nh +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049mql +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04qdj /base/biblioness/bibs_location/country /m/06mzp +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/0klw /people/person/nationality /m/07ssc +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05b_7n +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01hw6wq /people/person/profession /m/09jwl +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0cm89v /people/person/profession /m/03gjzk +/m/04h6mm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/08f3b1 +/m/0ddt_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/0by1wkq /film/film/film_festivals /m/0j63cyr +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/01j6t0 /medicine/symptom/symptom_of /m/0hg11 +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/01vqc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04xvlr /media_common/netflix_genre/titles /m/01msrb +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/031x2 /time/event/locations /m/0jgd +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/09c7w0 /location/location/contains /m/027xx3 +/m/017_qw /music/genre/artists /m/08c9b0 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/03vrp /influence/influence_node/influenced_by /m/03f0324 +/m/02w7gg /people/ethnicity/people /m/015pxr +/m/019dwp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w7v /music/instrument/instrumentalists /m/01mwsnc +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0150t6 +/m/01vs_v8 /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/01bcq /film/actor/film./film/performance/film /m/033fqh +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j2xj +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x72k +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/02flpc /award/award_category/category_of /m/0c4ys +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/01k7d9 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01pp3p /film/director/film /m/0j80w +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/01d0fp /people/person/languages /m/02h40lc +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w1j9 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_1pg +/m/02jx1 /location/location/contains /m/013bqg +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03xb2w /people/person/languages /m/02h40lc +/m/03lgg /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/03h_fk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wj92r +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09swkk +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0266r6h +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/034487 /music/genre/artists /m/05xq9 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/022p06 /people/deceased_person/place_of_death /m/030qb3t +/m/02h8hr /film/actor/film./film/performance/film /m/02vw1w2 +/m/017149 /people/person/nationality /m/09c7w0 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0yshw /base/biblioness/bibs_location/state /m/05kkh +/m/02y_lrp /film/film/executive_produced_by /m/03h304l +/m/0641g8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02d6cy /people/person/nationality /m/09c7w0 +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02_cq0 +/m/0fgg4 /film/actor/film./film/performance/film /m/07k2mq +/m/02lfp4 /people/person/profession /m/0dxtg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07w3r +/m/0df_c /location/location/time_zones /m/02llzg +/m/01svw8n /film/actor/film./film/performance/film /m/07_fj54 +/m/0345_ /location/country/official_language /m/06nm1 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/023v4_ +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01dcqj /people/cause_of_death/people /m/025l5 +/m/0bmh4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09889g +/m/022g44 /people/deceased_person/place_of_death /m/096gm +/m/0697s /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01gq0b +/m/0194zl /film/film/country /m/09c7w0 +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/06lht1 /film/actor/film./film/performance/film /m/0fb7sd +/m/04205z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01c58j /people/person/nationality /m/09c7w0 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0cqnss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jwxx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/082wbh +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/03zyvw +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0280mv7 /people/person/nationality /m/09c7w0 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0bjv6 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/03f6fl0 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/02mslq /people/person/gender /m/05zppz +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/0zlgm /location/location/time_zones /m/02hcv8 +/m/078bz /education/educational_institution/school_type /m/05pcjw +/m/0gywn /music/genre/artists /m/03f1d47 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01t21q +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/03j7cf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/033wx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/041c4 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07rd7 /film/director/film /m/0ds11z +/m/0t_gg /location/hud_county_place/county /m/0k3kg +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01c8v0 /people/person/profession /m/039v1 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0lkr7 /film/actor/film./film/performance/film /m/046488 +/m/0m9_5 /education/educational_institution/school_type /m/07tf8 +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01fwf1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0136g9 /people/person/profession /m/02hrh1q +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/03cx282 +/m/0dzlbx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0c3jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01n4f8 +/m/02v0ff /people/person/religion /m/0c8wxp +/m/09q23x /film/film/genre /m/060__y +/m/03tn80 /film/film/language /m/071fb +/m/0prhz /film/film/story_by /m/081k8 +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/05xbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/09lxtg /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bvn25 /film/film/genre /m/06cvj +/m/035w2k /film/film/language /m/02h40lc +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/013yq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01vq3 /film/film_subject/films /m/091rc5 +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fgg4 /people/person/religion /m/0c8wxp +/m/01lxd4 /music/genre/artists /m/0fpjd_g +/m/011ycb /film/film/cinematography /m/0bqytm +/m/0tln7 /base/biblioness/bibs_location/state /m/04ly1 +/m/0d05fv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/02fgdx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/02g9p4 +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0j3b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/021pqy /award/award_winning_work/awards_won./award/award_honor/award /m/0b6jkkg +/m/04fcx7 /people/person/profession /m/02krf9 +/m/01w724 /people/person/profession /m/02hrh1q +/m/02t_v1 /film/actor/film./film/performance/film /m/0421ng +/m/04fcjt /music/record_label/artist /m/016kjs +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0278x6s +/m/03359d /film/actor/film./film/performance/film /m/0prrm +/m/0dryh9k /people/ethnicity/people /m/0fr7nt +/m/048xg8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06sfk6 /film/film/country /m/09c7w0 +/m/02ll45 /film/film/production_companies /m/086k8 +/m/0464pz /tv/tv_program/languages /m/02h40lc +/m/0191n /film/film/genre /m/0lsxr +/m/069nzr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/04088s0 /sports/sports_team/colors /m/083jv +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/077g7n +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03772 +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0hcr /education/field_of_study/students_majoring./education/education/student /m/021yw7 +/m/026qnh6 /film/film/featured_film_locations /m/06y57 +/m/0s5cg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01_d4 +/m/043n0v_ /award/award_winning_work/awards_won./award/award_honor/award /m/09v0wy2 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/06kb_ /people/deceased_person/place_of_burial /m/0bvqq +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0d7wh /people/ethnicity/people /m/015q43 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0413cff /film/film/genre /m/0219x_ +/m/02x8fs /film/film/cinematography /m/0b9l3x +/m/027_tg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/03bpn6 +/m/03_d0 /music/genre/artists /m/015x1f +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/03mz5b /film/film/language /m/02h40lc +/m/03k9fj /media_common/netflix_genre/titles /m/04yg13l +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/09zf_q /film/film/language /m/02h40lc +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/029d_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g7sp /people/ethnicity/people /m/01w3lzq +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0229rs /music/record_label/artist /m/01vt9p3 +/m/05f4vxd /tv/tv_program/program_creator /m/09v6gc9 +/m/01ykl0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q5hw /people/person/gender /m/05zppz +/m/03twd6 /film/film/executive_produced_by /m/030_3z +/m/0512p /sports/sports_team/sport /m/018jz +/m/02_l96 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/07bwr /film/film/edited_by /m/02kxbx3 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4m2z +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/05bnp0 /film/actor/film./film/performance/film /m/02wgk1 +/m/06d4h /film/film_subject/films /m/0dt8xq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01hwgt +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/034cm +/m/05mrf_p /film/film/genre /m/09blyk +/m/03pnvq /organization/organization/headquarters./location/mailing_address/citytown /m/01xhb_ +/m/0xwj /business/business_operation/industry /m/019z7b +/m/018fmr /film/actor/film./film/performance/film /m/014kkm +/m/04bdxl /film/actor/film./film/performance/film /m/0642xf3 +/m/0586wl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/024d8w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02f46y /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/0j0pf /influence/influence_node/influenced_by /m/018fq +/m/0n5yh /location/location/time_zones /m/02hcv8 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/0wq3z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/0c5tl /people/person/spouse_s./people/marriage/location_of_ceremony /m/0nccd +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0ftyc /base/biblioness/bibs_location/state /m/0488g +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/01w1kyf /film/actor/film./film/performance/film /m/02r_pp +/m/0cj8x /film/actor/film./film/performance/film /m/0b2qtl +/m/01kb2j /film/actor/film./film/performance/film /m/05znxx +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/03flwk /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0d9xq /people/person/profession /m/02hrh1q +/m/0jmxb /location/administrative_division/country /m/07ssc +/m/03_l8m /people/person/gender /m/02zsn +/m/0d1qmz /film/film/genre /m/0bkbm +/m/035wtd /education/educational_institution/students_graduates./education/education/student /m/047c9l +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02nfjp /people/person/gender /m/05zppz +/m/0yyts /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/0cz_ym /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01s73z /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/016szr +/m/04wv_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/05925 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03h4fq7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016k6x /film/actor/film./film/performance/film /m/085bd1 +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/0ptj2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k7d9 /film/actor/film./film/performance/film /m/09fc83 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/09krm_ +/m/01bcp7 /people/cause_of_death/people /m/02lvtb +/m/0dfjb8 /people/person/languages /m/07c9s +/m/07z6xs /film/film/genre /m/07s9rl0 +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/0rkkv /location/hud_county_place/place /m/0rkkv +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/0149xx +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xndd +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/05r5c /music/instrument/instrumentalists /m/01vw87c +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/01tdnyh +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/0127gn +/m/053y4h /people/person/profession /m/02krf9 +/m/0266shh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0kb07 /film/film/language /m/06nm1 +/m/01qzt1 /media_common/netflix_genre/titles /m/07bzz7 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015xp4 +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vd7hn +/m/06ncr /music/instrument/instrumentalists /m/01qgry +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0125xq +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/041rx /people/ethnicity/people /m/09l3p +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/01tj34 +/m/04ly1 /location/location/contains /m/013d7t +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06brp0 +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/017z49 /film/film/language /m/02h40lc +/m/0284n42 /people/person/nationality /m/09c7w0 +/m/02qwg /people/person/profession /m/01d_h8 +/m/03rjj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0b1xl +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/06n9lt /people/person/profession /m/01d_h8 +/m/0d04z6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/06whf /influence/influence_node/influenced_by /m/0bk5r +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02mj7c /education/educational_institution/school_type /m/01rs41 +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016k62 +/m/04xvlr /media_common/netflix_genre/titles /m/08sfxj +/m/015882 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p_47 +/m/01fkv0 /film/actor/film./film/performance/film /m/0d_wms +/m/0g2mbn /people/person/profession /m/018gz8 +/m/0jm8l /sports/sports_team/sport /m/018w8 +/m/02k54 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03spz +/m/03kpvp /people/person/profession /m/0dxtg +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/076zy_g /film/film/edited_by /m/02qggqc +/m/0372kf /film/actor/film./film/performance/film /m/05q_dw +/m/01rgdw /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ns4g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bxtg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/0j3d9tn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05njyy /education/educational_institution/school_type /m/07tf8 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01pw2f1 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0pbhz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0lpp8 +/m/018ctl /olympics/olympic_games/participating_countries /m/015fr +/m/03qjlz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0415svh /award/award_winner/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/06mfvc /film/actor/film./film/performance/film /m/04jm_hq +/m/03xnwz /music/genre/parent_genre /m/01243b +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/063472 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01w40h /music/record_label/artist /m/01vswx5 +/m/0d06vc /base/culturalevent/event/entity_involved /m/03f77 +/m/06fmdb /people/person/nationality /m/09c7w0 +/m/0g28b1 /people/person/nationality /m/09c7w0 +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0l2v0 /location/location/contains /m/0r5lz +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/051n13 /sports/sports_team/colors /m/06fvc +/m/0sx92 /olympics/olympic_games/sports /m/06zgc +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76d_m +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02bq1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01n44c +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/026g801 /film/actor/film./film/performance/film /m/0dl9_4 +/m/06sff /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02sfnv /film/film/featured_film_locations /m/0fr0t +/m/02_p8v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01wgxtl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/05cws2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049bmk +/m/02w7gg /people/ethnicity/people /m/054bt3 +/m/032xhg /film/actor/film./film/performance/film /m/02ntb8 +/m/02hrh0_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/062cg6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bjkpt +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pqy_ +/m/048rn /film/film/genre /m/0g092b +/m/01w40h /music/record_label/artist /m/01c8v0 +/m/0fn5bx /film/actor/film./film/performance/film /m/07x4qr +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/05_5_22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07ldhs /film/actor/film./film/performance/film /m/05pdh86 +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/0kvgxk /film/film/country /m/09c7w0 +/m/0glt670 /music/genre/artists /m/03f19q4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/019z7q /people/person/profession /m/0cbd2 +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/03nk3t /people/person/place_of_birth /m/0dhdp +/m/02w670 /people/person/place_of_birth /m/01_d4 +/m/03ccq3s /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0bl8l /sports/sports_team/colors /m/01g5v +/m/0jmdb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0p_47 /influence/influence_node/influenced_by /m/01s7qqw +/m/09blyk /media_common/netflix_genre/titles /m/0661ql3 +/m/0fy34l /film/film/genre /m/07s9rl0 +/m/0gd70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0n_2q /location/us_county/county_seat /m/0lhn5 +/m/04g865 /people/person/nationality /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/01s3vk /film/film/genre /m/03rzvv +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/01w3lzq /people/person/profession /m/016z4k +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/01s7zw /film/actor/film./film/performance/film /m/0fy34l +/m/01h8f /people/person/nationality /m/09c7w0 +/m/06jnv /location/country/form_of_government /m/018wl5 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vhm +/m/0978r /location/location/contains /m/07tl0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kbf1 +/m/01y9st /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/03f1r6t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029_3 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/037lyl +/m/0fgrm /film/film/genre /m/03k9fj +/m/01pq5j7 /people/deceased_person/place_of_death /m/0n9dn +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/02dwj /film/film/genre /m/05p553 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0mb8c /film/film/genre /m/0556j8 +/m/03kwtb /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0135g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0j5m6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vnbh +/m/03shp /location/country/capital /m/0ftlx +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/0gmtm +/m/01fx2g /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03jqw5 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/05wp1p +/m/06khkb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02k4b2 /film/actor/film./film/performance/film /m/01pvxl +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0yfp +/m/0l_q9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0hjy +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/0d06m5 +/m/0f42nz /film/film/genre /m/07s9rl0 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/05b_7n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dx97 /organization/organization_founder/organizations_founded /m/02hcxm +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01_jky /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07cbs /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03yvgp +/m/0b_6h7 /time/event/locations /m/0d9y6 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01gl9g +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/0bv7t /influence/influence_node/influenced_by /m/080r3 +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/099c8n /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01jb26 /people/person/profession /m/02hrh1q +/m/07mqps /people/ethnicity/people /m/01bcq +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bc1yhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05511w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/058nh2 /people/person/nationality /m/02jx1 +/m/04g61 /location/location/time_zones /m/02llzg +/m/0h0wc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/01q2nx /film/film/genre /m/01drsx +/m/047csmy /film/film/language /m/02h40lc +/m/0bm2x /film/film/country /m/09c7w0 +/m/045zr /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/01v8y9 /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/07vhb /education/educational_institution/school_type /m/07tf8 +/m/0jcx /people/person/employment_history./business/employment_tenure/company /m/09hgk +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/02xry /location/location/contains /m/0rqyx +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08f3b1 /people/person/profession /m/0dxtg +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02gs6r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0534v +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qm9n +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/09bx1k +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0gs973 /film/film/genre /m/060__y +/m/01qtj9 /base/aareas/schema/administrative_area/administrative_parent /m/06mzp +/m/04zw9hs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04205z /film/actor/film./film/performance/film /m/0cbv4g +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/035_2h /film/film/production_companies /m/0278rq7 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/02k_kn /music/genre/artists /m/0qf11 +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/01vswwx /people/person/profession /m/09jwl +/m/02jx1 /location/location/contains /m/02m__ +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0y_9q /film/film/genre /m/082gq +/m/012fvq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/012s1d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04fzk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0lgxj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0217m9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/06rmdr /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/01p4wv /tv/tv_program/genre /m/02l7c8 +/m/02b10g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01vvycq /music/group_member/membership./music/group_membership/role /m/05r5c +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c00zd0 +/m/03v40v /people/person/nationality /m/0b90_r +/m/02x8m /music/genre/artists /m/012vd6 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pzdk +/m/094xh /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01f6x7 /film/film/genre /m/0556j8 +/m/0283ph /tv/tv_program/languages /m/03_9r +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01f6zc /film/actor/film./film/performance/film /m/02xs6_ +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0bmpm /film/film/production_companies /m/05qd_ +/m/02t_w8 /film/actor/film./film/performance/film /m/01zfzb +/m/025ldg /people/person/profession /m/016z4k +/m/0212zp /education/educational_institution/students_graduates./education/education/student /m/02bxjp +/m/011yn5 /film/film/genre /m/02l7c8 +/m/01jszm /education/educational_institution/colors /m/03vtbc +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/0c5_3 /location/location/time_zones /m/03bdv +/m/0bxtg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cv_gy +/m/018lg0 /music/genre/artists /m/014_lq +/m/0sxrz /olympics/olympic_games/sports /m/0dwxr +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/09r94m /film/film/genre /m/03g3w +/m/06ltr /people/person/profession /m/02hrh1q +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0b0pf /influence/influence_node/influenced_by /m/06hmd +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/013pp3 /influence/influence_node/influenced_by /m/02kz_ +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/0161sp /people/person/profession /m/01c72t +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0gn30 +/m/02rx2m5 /film/film/written_by /m/0sz28 +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/011k1h /music/record_label/artist /m/01vvzb1 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05hywl /sports/sports_team/colors /m/088fh +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/02rxbmt +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0333wf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07sqm1 +/m/01pgp6 /film/film/genre /m/05p553 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/0282x /influence/influence_node/influenced_by /m/049gc +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03n6r +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/081jbk /people/person/gender /m/02zsn +/m/0c00lh /film/director/film /m/06_x996 +/m/05nqz /base/culturalevent/event/entity_involved /m/07_m9_ +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/06fp11 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01fbr2 /music/genre/artists /m/06h2w +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02d_zc +/m/0693l /film/actor/film./film/performance/film /m/02pg45 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04w7rn +/m/0jzc /language/human_language/countries_spoken_in /m/07dzf +/m/0hfzr /film/film/country /m/09c7w0 +/m/04fv5b /film/film/production_companies /m/034f0d +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/03j24kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsl3_ +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05tgks +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0653m /media_common/netflix_genre/titles /m/040b5k +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/04kj2v /film/actor/film./film/performance/film /m/01kf3_9 +/m/0h7x /location/country/second_level_divisions /m/0fhmf +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016gkf +/m/098n_m /film/actor/film./film/performance/film /m/03t79f +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/02r3zy +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/017_4z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/02ly_ +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwyq +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0k54q /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/08jyyk /music/genre/artists /m/03f0fnk +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0b6p3qf +/m/02kxwk /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0329nn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gj8_ /people/deceased_person/place_of_death /m/09c6w +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0134tg +/m/0vjr /tv/tv_program/country_of_origin /m/09c7w0 +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/02ctc6 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cd0x +/m/0345h /location/location/time_zones /m/02llzg +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyx6 +/m/0czyxs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rrd /location/location/contains /m/0352gk +/m/015xp4 /people/person/gender /m/02zsn +/m/02hnl /music/instrument/instrumentalists /m/03h_fqv +/m/09v6gc9 /people/person/profession /m/0cbd2 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kws3 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/03tf_h /film/actor/film./film/performance/film /m/01kf3_9 +/m/09fb5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/0362q0 /people/person/profession /m/02hrh1q +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/0htlr +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/077qn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03n52j /people/person/gender /m/05zppz +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03kxj2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/0ftxw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h0jz /people/person/nationality /m/02jx1 +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bhwhj +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/011k1h /music/record_label/artist /m/01nn6c +/m/03f2_rc /people/person/languages /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0y3 +/m/0fgrm /film/film/genre /m/0hcr +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01dbk6 /people/deceased_person/place_of_death /m/02_286 +/m/01w02sy /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/01vs_v8 /film/actor/film./film/performance/film /m/014kq6 +/m/01vvlyt /people/person/profession /m/016z4k +/m/07yklv /music/genre/artists /m/01k_yf +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03cn92 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/05bpg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0n3g /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/091z_p /film/film/language /m/06nm1 +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/084l5 +/m/01yg9y /people/person/place_of_birth /m/05qtj +/m/06lc85 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05ys0wz /time/event/instance_of_recurring_event /m/015hr +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043tz0c +/m/016k62 /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0212mp +/m/0t_71 /location/location/time_zones /m/02hcv8 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/02508x /people/person/profession /m/015cjr +/m/07ym47 /music/genre/artists /m/09hnb +/m/0qf3p /film/actor/film./film/performance/film /m/02prwdh +/m/0219x_ /media_common/netflix_genre/titles /m/0dzz6g +/m/01k5t_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/069nzr /film/actor/film./film/performance/film /m/0f4k49 +/m/01kx_81 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/01jzyx /education/educational_institution_campus/educational_institution /m/01jzyx +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/019lxm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/0dh8v4 /film/film/genre /m/03q4nz +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046mxj +/m/0gyh2wm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04cj79 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046zh +/m/0449sw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/085pr +/m/01tz6vs /influence/influence_node/influenced_by /m/01v9724 +/m/0hdf8 /music/genre/artists /m/027dpx +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08ff1k +/m/08fbnx /film/film/genre /m/0hcr +/m/01h0b0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dzkq /people/person/places_lived./people/place_lived/location /m/0rtv +/m/016z51 /film/actor/film./film/performance/film /m/04cbbz +/m/01vrncs /influence/influence_node/influenced_by /m/02jq1 +/m/03ds83 /film/actor/film./film/performance/film /m/02ntb8 +/m/0y1mh /language/human_language/countries_spoken_in /m/0167v +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0ggq0m /music/genre/artists /m/0146pg +/m/01lyv /music/genre/artists /m/01wmgrf +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/03hh89 /film/actor/film./film/performance/film /m/03bx2lk +/m/04crrxr /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/0345h /location/location/contains /m/017gry +/m/0m28g /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/02lhm2 /film/actor/film./film/performance/film /m/06w839_ +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/0jfx1 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/05hs4r /music/genre/artists /m/016s_5 +/m/088vb /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/013v5j +/m/0gjk1d /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/09v6gc9 /people/person/profession /m/03gjzk +/m/01qhm_ /people/ethnicity/people /m/0dvmd +/m/049gc /influence/influence_node/influenced_by /m/014635 +/m/03q2t9 /people/person/profession /m/016z4k +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/01hmnh /media_common/netflix_genre/titles /m/05szq8z +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/046m59 /award/award_winner/awards_won./award/award_honor/award_winner /m/014v6f +/m/01s7qqw /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f5xn +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/0xnvg /people/ethnicity/people /m/0436f4 +/m/0n5fz /location/location/contains /m/0xn5b +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0d8jf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/07fq1y /people/person/nationality /m/02jx1 +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/01c6l /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09pl3s /people/person/places_lived./people/place_lived/location /m/0d060g +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026n6cs +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0c9xjl /film/actor/film./film/performance/film /m/062zm5h +/m/01vvpjj /people/person/gender /m/02zsn +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049bmk +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/07swvb /people/person/languages /m/02h40lc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv8w +/m/016z51 /people/deceased_person/place_of_death /m/030qb3t +/m/01qscs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bdxl +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ldff +/m/0qy5v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/01fjz9 /sports/sports_team/colors /m/088fh +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k269 +/m/0kvjrw /people/person/profession /m/01c8w0 +/m/0jfvs /location/administrative_division/first_level_division_of /m/03rjj +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01sby_ /film/film/country /m/03_3d +/m/096g3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0jml5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/012dr7 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01pk8v /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0g8rj /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/017149 /film/actor/film./film/performance/film /m/095zlp +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/09p7fh /film/film/genre /m/04xvlr +/m/04z542 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04kr63w /people/person/profession /m/02hrh1q +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018x3 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02c8d7 /music/genre/artists /m/015f7 +/m/02bxjp /award/award_nominee/award_nominations./award/award_nomination/award /m/04zx08r +/m/03_xj /location/administrative_division/country /m/07ssc +/m/0gt1k /film/film/genre /m/06nbt +/m/09yhzs /people/person/gender /m/02zsn +/m/044k8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03fbb6 /people/person/nationality /m/09c7w0 +/m/054k_8 /film/actor/film./film/performance/film /m/01bl7g +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03rjj +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x7vq +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/048_p /people/person/profession /m/0kyk +/m/02k4gv /people/person/places_lived./people/place_lived/location /m/0846v +/m/017_qw /music/genre/artists /m/0jn5l +/m/03rhqg /music/record_label/artist /m/01vsy95 +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02c8d7 /music/genre/artists /m/01wj18h +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0269kx +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/034x61 /film/actor/film./film/performance/film /m/0d4htf +/m/04cr6qv /film/actor/film./film/performance/film /m/04gv3db +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/03wh49y /tv/tv_program/genre /m/01z77k +/m/07nxvj /film/film/country /m/09c7w0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/01vsy95 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pzc4 +/m/02tjl3 /film/film/production_companies /m/03xsby +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/09zmys +/m/02bh8z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x3lt7 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/01nzz8 +/m/05b4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02vzc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mp9q +/m/021lby /people/person/profession /m/03gjzk +/m/0b_6h7 /time/event/locations /m/0tj4y +/m/01r32 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/09v71cj /film/film/produced_by /m/092kgw +/m/03h_fk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p7h7 +/m/0l1589 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/0627sn +/m/03mp54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wv9p +/m/01h6pn /base/culturalevent/event/entity_involved /m/0bxjv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0cjsxp +/m/04_1nk /film/film_set_designer/film_sets_designed /m/027ct7c +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zpghd +/m/07hwkr /people/ethnicity/people /m/0dh73w +/m/0zqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01qtj9 +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/039zft +/m/01b_d4 /education/educational_institution_campus/educational_institution /m/01b_d4 +/m/013xrm /people/ethnicity/people /m/01pk3z +/m/05dtwm /people/person/gender /m/05zppz +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/06w7v /music/instrument/instrumentalists /m/01kd57 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0415mzy +/m/02bg8v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017khj +/m/06xj4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0qm98 /film/film/production_companies /m/05qd_ +/m/06by7 /music/genre/artists /m/0dw4g +/m/04jm_hq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09yg6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01v9l67 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kwld +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/03fnmd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01cv3n /people/person/profession /m/039v1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3zjn7 +/m/01m2v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dckvs /film/film/genre /m/01jfsb +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s6l +/m/0pv54 /film/film/music /m/07j8kh +/m/0b1f49 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cbtlj +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0bymv /people/person/gender /m/05zppz +/m/01nrgq /award/award_winner/awards_won./award/award_honor/award_winner /m/02tkzn +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc7hmk +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/0269kx /education/educational_institution/campuses /m/0269kx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09b9m +/m/0431v3 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01vy_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/044f7 +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0k269 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0p_47 /people/person/profession /m/018gz8 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mm1q +/m/01_ztw /film/actor/film./film/performance/film /m/02xbyr +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/08132w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06by7 /music/genre/artists /m/01v0fn1 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0299hs +/m/061zc_ /people/person/nationality /m/03rk0 +/m/03v0t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058ncz +/m/03_48k /film/actor/film./film/performance/film /m/03mh_tp +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0285c +/m/0295sy /film/film/genre /m/01hmnh +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/02y0js /people/cause_of_death/people /m/06c97 +/m/02y0js /people/cause_of_death/people /m/045cq +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/07y9w5 +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/05fjy /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0gbfn9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01vsy3q +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cfkrw +/m/0345h /location/location/contains /m/04kf4 +/m/09fc83 /tv/tv_program/genre /m/01hmnh +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jf1v /music/genre/parent_genre /m/01jwt +/m/01_d4 /sports/sports_team_location/teams /m/01y3v +/m/037fqp /education/educational_institution/students_graduates./education/education/student /m/03l295 +/m/099pks /tv/tv_program/genre /m/01z4y +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03rwng +/m/06by7 /music/genre/artists /m/016h9b +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/01y67v /tv/tv_network/programs./tv/tv_network_duration/program /m/020qr4 +/m/04jpl /base/biblioness/bibs_location/country /m/07ssc +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gtt5fb /film/film/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/044mfr +/m/01znc_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0g6ff /people/ethnicity/people /m/022_q8 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025b5y +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nvmd_ +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/035ktt +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dy7p +/m/02pk6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01npcx +/m/02qggqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/06czyr /people/person/profession /m/02hrh1q +/m/04k15 /influence/influence_node/influenced_by /m/03bxh +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmcwlb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kh_ +/m/01s3kv /people/person/gender /m/02zsn +/m/05dy7p /film/film/film_production_design_by /m/0bytkq +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/0170s4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/02vyyl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bt7ws /people/person/profession /m/02hrh1q +/m/0m313 /film/film/genre /m/07s9rl0 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vxxb +/m/07kcvl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02xwgr /film/actor/film./film/performance/film /m/06z8s_ +/m/015lhm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09b6zr +/m/01bzr4 /people/person/gender /m/05zppz +/m/0g8_vp /people/ethnicity/languages_spoken /m/064_8sq +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05zh9c +/m/0n6f8 /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/01vv126 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0243cq /film/film/genre /m/01hmnh +/m/034rd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04mg6l /people/person/gender /m/05zppz +/m/02cqbx /people/deceased_person/place_of_death /m/030qb3t +/m/058vp /people/person/profession /m/0cbd2 +/m/0pv54 /film/film/costume_design_by /m/02mxbd +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088q4 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/011s0 +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/01whvs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/0l3h /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsyg9 /people/person/profession /m/01c72t +/m/01sfmyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ft8 /people/person/profession /m/0cbd2 +/m/0bx_q /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/014gf8 /film/actor/film./film/performance/film /m/0gjc4d3 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06bd5j +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/04h6m /music/genre/parent_genre /m/016_nr +/m/01kpt /award/award_category/winners./award/award_honor/award_winner /m/03fvqg +/m/0cks1m /film/film/dubbing_performances./film/dubbing_performance/actor /m/07cn2c +/m/01cl2y /music/record_label/artist /m/0kxbc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047gn4y +/m/02dth1 /film/actor/film./film/performance/film /m/01rwyq +/m/016890 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fmz6 +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/03pp73 +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/07sgfvl +/m/02ryz24 /film/film/country /m/0345h +/m/01wqlc /music/genre/artists /m/0hnlx +/m/0k54q /film/film/genre /m/03k9fj +/m/03ytj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02c638 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dtfn /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0m2lt +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02_p5w /film/actor/film./film/performance/film /m/0jnwx +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w3v +/m/04cl1 /people/person/profession /m/03gjzk +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07q1m +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027kmrb +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/07l4zhn /film/film/genre /m/07s9rl0 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/029h45 +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/02lnhv +/m/07t3gd /people/profession/specialization_of /m/03nfmq +/m/05bm4sm /people/person/profession /m/02tx6q +/m/03x6xl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p1qyh +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01438g /film/actor/film./film/performance/film /m/014l6_ +/m/018ctl /olympics/olympic_games/sports /m/09qgm +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kr_t +/m/0c1sgd3 /film/film/genre /m/060__y +/m/0y3_8 /music/genre/artists /m/03xnq9_ +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0c7xjb /music/artist/origin /m/013m_x +/m/0bvg70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02kmx6 +/m/05c46y6 /film/film/personal_appearances./film/personal_film_appearance/person /m/02rmxx +/m/01w8g3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0g3zrd /film/film/genre /m/060__y +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dln8jk +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0hfzr /film/film/music /m/0146pg +/m/0c3xpwy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xc1w4 +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcrw +/m/043g7l /music/record_label/artist /m/01wj18h +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074rg9 +/m/01_k1z /influence/influence_node/influenced_by /m/016bx2 +/m/09c7w0 /location/location/contains /m/0281rb +/m/05pbl56 /film/film/language /m/06b_j +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/02pg45 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/05489 /film/film_subject/films /m/05rfst +/m/0568qz /sports/sports_team/sport /m/02vx4 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0988cp +/m/059ss /location/location/contains /m/022jr5 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/01_x6v /people/person/profession /m/02hrh1q +/m/03dpqd /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03177r +/m/02qzmz6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/064_8sq /language/human_language/countries_spoken_in /m/06sw9 +/m/0c8hct /people/person/profession /m/094hwz +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0786vq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0zm1 /influence/influence_node/influenced_by /m/01tz6vs +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015rhv +/m/065z3_x /film/film/featured_film_locations /m/0d9y6 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/01fwf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0kb57 /film/film/production_companies /m/0g1rw +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/04f7c55 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/03ctv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/031y07 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02kxbx3 /film/director/film /m/02704ff +/m/01zfmm /film/director/film /m/03h4fq7 +/m/057bxr /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03bpn6 /film/actor/film./film/performance/film /m/0bl06 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05_z42 +/m/0hmm7 /film/film/written_by /m/02vyw +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/07qg8v +/m/036b_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/05cwl_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09m6kg +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fpv_3_ /film/film/production_companies /m/016tt2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09cd3s +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/0g9lm2 /film/film/production_companies /m/02slt7 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02bkdn +/m/02n4kr /media_common/netflix_genre/titles /m/047fjjr +/m/043t1s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02gvwz /film/actor/film./film/performance/film /m/017jd9 +/m/07c52 /media_common/netflix_genre/titles /m/01b9w3 +/m/0cc63l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03xmy1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/050fh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05bpg3 +/m/07ssc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rt9 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/081nh /people/person/profession /m/0n1h +/m/0m32_ /people/person/gender /m/05zppz +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/07dvs /location/country/form_of_government /m/01fpfn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl5c +/m/01z4y /media_common/netflix_genre/titles /m/0k4p0 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyg4 +/m/0846v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/03llf8 /people/person/profession /m/021wpb +/m/016cjb /music/genre/artists /m/024zq +/m/06jzh /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/082scv /film/film/music /m/01l1rw +/m/01d259 /film/film/genre /m/03j0dp +/m/03xzxb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0415ggl /film/film/genre /m/02l7c8 +/m/01gv_f /film/actor/film./film/performance/film /m/02z2mr7 +/m/0hnlx /people/person/nationality /m/09c7w0 +/m/030jj7 /music/record_label/artist /m/01ww2fs +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/01d5z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/01f3p_ /tv/tv_program/genre /m/03npn +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/0cpz4k /tv/tv_program/genre /m/09lmb +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/018ndc +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/037xlx /film/film/genre /m/01jfsb +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/05pyrb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017zq0 +/m/03zj9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/05zy2cy /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/0h21v2 /film/film/country /m/09c7w0 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd2b +/m/06fxnf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjc +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/07bch9 /people/ethnicity/people /m/0rlz +/m/035wtd /education/educational_institution/campuses /m/035wtd +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01clyr /music/record_label/artist /m/01l87db +/m/071ywj /film/actor/film./film/performance/film /m/02qsqmq +/m/014zcr /film/actor/film./film/performance/film /m/0660b9b +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0ksy_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/015_1q /music/record_label/artist /m/01wv9xn +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/0m0jc /music/genre/artists /m/0bpk2 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/01jfsb /media_common/netflix_genre/titles /m/059rc +/m/02ln0f /dataworld/gardening_hint/split_to /m/057xkj_ +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/01pbs9w /people/person/gender /m/05zppz +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/08cyft /music/genre/artists /m/01w806h +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/03prz_ /film/film/genre /m/060__y +/m/0gywn /music/genre/artists /m/01dwrc +/m/0b68vs /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwyqp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/03f7nt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04y8r +/m/01dqhq /music/genre/parent_genre /m/03lty +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/03dj6y +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/012mrr /film/film/genre /m/03k9fj +/m/015t56 /film/actor/film./film/performance/film /m/0ndwt2w +/m/02bgmr /people/person/places_lived./people/place_lived/location /m/01ly5m +/m/05fkf /location/location/contains /m/0n4m5 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/01jswq /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/03_d0 /music/genre/artists /m/01w8n89 +/m/0f2v0 /location/location/time_zones /m/02hcv8 +/m/01w61th /people/person/places_lived./people/place_lived/location /m/02_286 +/m/08k881 /people/person/place_of_birth /m/0fpzwf +/m/09r9m7 /people/person/profession /m/09jwl +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0xmlp /location/hud_county_place/place /m/0xmlp +/m/010y34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/06bw5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/02bfxb +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/066l3y /people/person/nationality /m/09c7w0 +/m/02zcz3 /education/educational_institution/campuses /m/02zcz3 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0kbws /olympics/olympic_games/participating_countries /m/02vzc +/m/0df92l /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d7k1z +/m/0d7wh /people/ethnicity/people /m/062dn7 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/0205dx +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/049qx +/m/0bksh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01_xtx +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01swck +/m/013zyw /people/person/profession /m/02hrh1q +/m/067nv /people/profession/specialization_of /m/0db79 +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/058s44 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/0jvs0 /people/person/gender /m/05zppz +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04z0g +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/026z9 /music/genre/artists /m/015srx +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/05pq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02pjvc /people/person/nationality /m/09c7w0 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/025rvx0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/0x3r3 /influence/influence_node/influenced_by /m/07c37 +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mn7 +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0dcsx /medicine/disease/risk_factors /m/0k95h +/m/011yrp /film/film/genre /m/07s9rl0 +/m/0c_jc /people/deceased_person/place_of_death /m/0rh6k +/m/012gx2 /people/person/profession /m/0fj9f +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06s6hs +/m/01xndd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/0bwx3 /people/person/gender /m/05zppz +/m/0jdgr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02g3mn /people/person/gender /m/02zsn +/m/034qzw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sh8y +/m/07hwkr /people/ethnicity/languages_spoken /m/0k0sv +/m/01l7cxq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03k9fj /media_common/netflix_genre/titles /m/04954r +/m/0k7pf /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ld94 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013ksx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_7w6 +/m/0ktpx /film/film/genre /m/01jfsb +/m/0l14md /music/instrument/instrumentalists /m/02whj +/m/06g77c /film/film/music /m/026dx +/m/02w9k1c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08n__5 /people/person/nationality /m/0ctw_b +/m/0hwbd /people/person/profession /m/02hrh1q +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/06kl78 +/m/07ym47 /music/genre/parent_genre /m/02x8m +/m/01f7gh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/067ghz +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0gl02yg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01t2h2 +/m/0ggbfwf /film/film/film_festivals /m/0gg7gsl +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/01rl_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/020trj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z7s_ +/m/024l2y /film/film/written_by /m/032v0v +/m/01znj1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c1pj +/m/01f_3w /music/record_label/artist /m/09k2t1 +/m/0ygbf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0hg5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05650n +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/01f8hf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01p5xy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbhf +/m/0146hc /education/educational_institution/colors /m/067z2v +/m/06z8s_ /film/film/language /m/02h40lc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t38b +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/016kjs +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09pl3s /people/person/profession /m/0dxtg +/m/01wc7p /people/person/gender /m/02zsn +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/037mjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01_lhg /sports/sports_team/sport /m/02vx4 +/m/083qy7 /people/person/places_lived./people/place_lived/location /m/0b2h3 +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jf85 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06nns1 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03g90h +/m/01l2m3 /people/cause_of_death/people /m/014z8v +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046n4q +/m/02__94 /people/person/nationality /m/03rjj +/m/03np3w /people/person/nationality /m/0d04z6 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0gr36 +/m/05_z42 /tv/tv_program/program_creator /m/01j7rd +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09j_g +/m/087yty /people/person/gender /m/05zppz +/m/01yg9y /people/person/profession /m/0nbcg +/m/0d085 /award/award_category/disciplines_or_subjects /m/04g51 +/m/02xry /location/location/contains /m/0rh7t +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_s9q +/m/09c7w0 /location/location/contains /m/02301 +/m/038bht /people/person/place_of_birth /m/0psxp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0172jm +/m/06mr6 /film/actor/film./film/performance/film /m/01kf5lf +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02b61v +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/0f8l9c /location/location/contains /m/05qtj +/m/033hn8 /music/record_label/artist /m/01bpnd +/m/0cq86w /film/film/country /m/07ssc +/m/0k3kv /location/location/contains /m/0t_hx +/m/0ggx5q /music/genre/artists /m/09qr6 +/m/035_2h /film/film/produced_by /m/0gyx4 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01jfr3y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0167km /people/person/profession /m/0nbcg +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/074tb5 /people/person/spouse_s./people/marriage/spouse /m/04bdxl +/m/02hhtj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02_hj4 +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01wbsdz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02x_h0 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/015vq_ /people/person/profession /m/02jknp +/m/01wgjj5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hwqz +/m/0l2v0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07nv3_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0c9cp0 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/025rcc /education/educational_institution/colors /m/083jv +/m/03cglm /film/actor/film./film/performance/film /m/07cyl +/m/0m66w /film/actor/film./film/performance/film /m/02lxrv +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/011k11 /music/record_label/artist /m/01wp8w7 +/m/01jrbv /film/film/genre /m/0hn10 +/m/0bxqq /location/us_county/county_seat /m/07bcn +/m/03wd5tk /people/deceased_person/place_of_death /m/0k_p5 +/m/077rj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0b_6rk /time/event/locations /m/0_vn7 +/m/026fd /people/person/profession /m/02jknp +/m/06x58 /people/person/religion /m/0c8wxp +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k0rf +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/035qy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vksx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/01wgfp6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qhqz4 /film/film/country /m/03h64 +/m/03f2_rc /people/person/place_of_birth /m/0cr3d +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02hfk5 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/0gfq9 /base/culturalevent/event/entity_involved /m/0cdbq +/m/0dg3n1 /location/location/contains /m/05g2v +/m/014v6f /people/person/languages /m/02h40lc +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/06j6l /music/genre/artists /m/01k_mc +/m/044k8 /people/deceased_person/place_of_death /m/030qb3t +/m/08lpkq /music/genre/artists /m/01n44c +/m/025b5y /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/0ygbf /location/location/contains /m/01jq4b +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/031rq5 +/m/041738 /music/genre/artists /m/03fbc +/m/016z2j /film/actor/film./film/performance/film /m/04n52p6 +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/018vs /music/instrument/instrumentalists /m/07g2v +/m/03tps5 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mxbd +/m/01_sz1 /music/genre/parent_genre /m/0y3_8 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/04jwp +/m/01p4r3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011v3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/06by7 /music/genre/artists /m/0415mzy +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01qvgl /music/group_member/membership./music/group_membership/role /m/018vs +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gxfz /film/film/country /m/09c7w0 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09tqkv2 +/m/07gxw /music/genre/artists /m/01dwrc +/m/041738 /music/genre/artists /m/02cpp +/m/0p3sf /people/person/profession /m/01b30l +/m/02rmxx /people/person/profession /m/02hrh1q +/m/01xn5th /sports/sports_team/colors /m/019sc +/m/01l1hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02xry /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01xrlm +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/02wk4d /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsvzh +/m/023kzp /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/05smlt /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/03qlv7 /music/instrument/instrumentalists /m/01l7cxq +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/0gkkf /education/educational_institution/school_type /m/02p0qmm +/m/0fq27fp /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/012v1t /people/person/religion /m/0c8wxp +/m/0261w5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05r6t /music/genre/artists /m/0b1zz +/m/09p7fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/02q3fdr /film/film/genre /m/0jxy +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09fp45 +/m/022_lg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/0p__8 /people/person/profession /m/01d_h8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017v71 +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02cbs0 /people/person/nationality /m/02jx1 +/m/07_grx /people/person/gender /m/05zppz +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01846t +/m/01xyt7 /people/person/religion /m/0c8wxp +/m/07y9w5 /film/film/production_companies /m/017s11 +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05t0_2v +/m/063zky /film/film/production_companies /m/086k8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4j_ +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fky +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj3b3 +/m/0170s4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvld +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/01k4f /location/location/contains /m/0277jc +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01w02sy +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04255q +/m/070g7 /film/film/genre /m/03k9fj +/m/0fzyg /film/film_subject/films /m/016ztl +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01yfp7 +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f9wb +/m/01vswx5 /music/group_member/membership./music/group_membership/group /m/0dw4g +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/0f4_2k /film/film/featured_film_locations /m/030qb3t +/m/0123j6 /organization/organization/headquarters./location/mailing_address/citytown /m/0bxbr +/m/0ctw_b /location/location/contains /m/01tm2s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01xcr4 +/m/031q3w /education/educational_institution/colors /m/083jv +/m/02q87z6 /film/film/produced_by /m/0jrqq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jq4b +/m/0mgfs /location/administrative_division/country /m/0f8l9c +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04h41v +/m/04cjn /location/location/contains /m/05xb7q +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01817f +/m/01p_ly /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0xnvg /people/ethnicity/people /m/0n6kf +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/056ws9 +/m/0161c /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03crcpt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j4tx +/m/015t56 /people/person/places_lived./people/place_lived/location /m/0t0n5 +/m/01cwhp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/012t1 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/02w7gg /people/ethnicity/people /m/02q42j_ +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/0f4vbz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03v3xp +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/02qr69m /film/film/produced_by /m/0bwh6 +/m/02q7fl9 /film/film/country /m/0f8l9c +/m/0ggx5q /music/genre/artists /m/01x1cn2 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f40w +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/0424m /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02t__3 /people/person/gender /m/05zppz +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03bmmc /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03c0vy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02645b /award/award_winner/awards_won./award/award_honor/award_winner /m/05pq9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k9wp +/m/0n1s0 /film/film/genre /m/03mqtr +/m/0gt_0v /music/genre/artists /m/032nwy +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/015ln1 /education/educational_institution/students_graduates./education/education/student /m/0h0p_ +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/014_x2 /film/film/country /m/09c7w0 +/m/03gr7w /people/person/gender /m/05zppz +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/06__m6 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/03crcpt /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/0g5q34q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0196bp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jr87 +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09z2b7 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0178g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0rj0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mpbj /location/location/time_zones /m/02hcv8 +/m/03ckwzc /film/film/language /m/04306rv +/m/02mxw0 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03n08b /film/actor/film./film/performance/film /m/027j9wd +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/09pl3f +/m/03f0vvr /people/person/profession /m/01c72t +/m/03x7hd /film/film/language /m/064_8sq +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/04xvlr /media_common/netflix_genre/titles /m/0gw7p +/m/02dbp7 /people/person/profession /m/09jwl +/m/01jfsb /media_common/netflix_genre/titles /m/051ys82 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03l6bs +/m/0dgq_kn /film/film/produced_by /m/0fvf9q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0bqs56 +/m/017v71 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mzp +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02y6fz +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0cvbb9q /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/04j13sx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fmfs /education/educational_institution/school_type /m/05jxkf +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06vbd +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01vhb0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0372p /influence/influence_node/influenced_by /m/05qmj +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/016clz /music/genre/artists /m/02mq_y +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06bnz +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0h7dd /people/person/profession /m/02hrh1q +/m/04k9y6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/021s9n +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0134tg +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/020_95 +/m/01wy5m /film/actor/film./film/performance/film /m/03lvwp +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq86w +/m/01vsnff /people/person/religion /m/0c8wxp +/m/05fyy5 /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/07z2lx +/m/02w2bc /education/educational_institution/students_graduates./education/education/student /m/019vgs +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbhf +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/01mvjl0 /people/person/profession /m/039v1 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0143wl /film/actor/film./film/performance/film /m/0b9rdk +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/01wyzyl /people/person/profession /m/02krf9 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/064t9 /music/genre/artists /m/012x4t +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/0ylvj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01pv91 /film/film/music /m/06fxnf +/m/02r3cn /people/person/places_lived./people/place_lived/location /m/04rrd +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040_lv +/m/0hky /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y9qr /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/01531 /sports/sports_team_location/teams /m/0cqt41 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/011k11 /music/record_label/artist /m/01wj92r +/m/03fnnn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037d35 /people/person/profession /m/02jknp +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wrcxr +/m/012jfb /film/film/country /m/0d060g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0ljl8 +/m/0hx4y /film/film/written_by /m/056wb +/m/0b1xl /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/025v3k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0h3lt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0rn8q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013jz2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n228 +/m/012j5h /people/person/profession /m/02hrh1q +/m/02_4fn /people/person/profession /m/02jknp +/m/0xnvg /people/ethnicity/people /m/0d02km +/m/0342h /music/instrument/instrumentalists /m/01mxt_ +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/06h2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/07ssc /media_common/netflix_genre/titles /m/011yph +/m/06qm3 /media_common/netflix_genre/titles /m/09g8vhw +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/02pprs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01dzz7 /influence/influence_node/influenced_by /m/0g5ff +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0blt6 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/03cwqpm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bq2g /film/actor/film./film/performance/film /m/03vyw8 +/m/041rx /people/ethnicity/people /m/01tnbn +/m/01yz0x /award/award_category/disciplines_or_subjects /m/05hgj +/m/0d61px /film/film/language /m/02h40lc +/m/01_x6d /people/person/place_of_birth /m/03l2n +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0432b /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02847m9 /film/film/cinematography /m/06r_by +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01x4wq +/m/03__y /location/country/form_of_government /m/01q20 +/m/01vv6_6 /people/person/profession /m/02hrh1q +/m/06v8s0 /people/person/profession /m/0np9r +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3jz +/m/052h3 /people/deceased_person/place_of_death /m/02_286 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/018y81 /people/person/profession /m/09lbv +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/08ct6 /film/film/genre /m/02n4kr +/m/03nt59 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05fyss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gp3x +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mkj +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/0hnp7 /people/person/places_lived./people/place_lived/location /m/07ssc +/m/0tln7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zkz7 +/m/03hj5lq /film/film/language /m/02h40lc +/m/0g5pvv /film/film/genre /m/0lsxr +/m/04pk1f /film/film/production_companies /m/046b0s +/m/044mrh /film/actor/film./film/performance/film /m/05sy_5 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0ggl02 /people/person/gender /m/05zppz +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01y6dz +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/027m5wv /film/film/genre /m/060__y +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017z49 +/m/0pyg6 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/09s5q8 /organization/organization/headquarters./location/mailing_address/citytown /m/0n1rj +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwpj +/m/02qlkc3 /people/person/profession /m/0dxtg +/m/0126rp /film/actor/film./film/performance/film /m/02s4l6 +/m/0dyl9 /sports/sports_team_location/teams /m/0jmbv +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/014l4w /award/award_winner/awards_won./award/award_honor/award_winner /m/0hm0k +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0c_m3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01dbk6 /people/person/place_of_birth /m/01531 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/064q5v +/m/0qcr0 /people/cause_of_death/people /m/01l1rw +/m/0dnw1 /film/film/genre /m/02l7c8 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0cdf37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/02tq2r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bykpk /film/film/story_by /m/04107 +/m/06rqw /music/genre/artists /m/07h76 +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/011zd3 +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0hv8w /film/film/produced_by /m/02vyw +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05tr7 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0djgt /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/03_9hm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/0126t5 /music/genre/parent_genre /m/06by7 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0210hf +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02yvct +/m/0b256b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/05pdd86 /film/film/music /m/01hw6wq +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0ptx_ /film/film/genre /m/07s9rl0 +/m/0162v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/095kp /education/educational_institution_campus/educational_institution /m/095kp +/m/03f5vvx /people/person/profession /m/04gc2 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jfrg /film/actor/film./film/performance/film /m/01flv_ +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/030pr +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087v17 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k1k4 +/m/01kymm /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gq0x5 +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081yw +/m/0287477 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nrnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwr4 +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443y3 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/016xh5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01cwdk +/m/06w6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ksr1 +/m/0277c3 /film/actor/film./film/performance/film /m/03mnn0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/08n__5 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/064t9 /music/genre/artists /m/016jfw +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/02z81h +/m/0fby2t /film/actor/film./film/performance/film /m/04f52jw +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/026zlh9 /film/film/genre /m/02l7c8 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09l9xt +/m/0f6_j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc3_ +/m/06cm5 /film/film/genre /m/01g6gs +/m/04yt7 /film/actor/film./film/performance/film /m/0879bpq +/m/025sc50 /music/genre/artists /m/01dwrc +/m/06hx2 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0241y7 +/m/02qdyj /business/business_operation/industry /m/01mw1 +/m/0gy6z9 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dvmd +/m/0p_47 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01csvq +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/09yrh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01s21dg +/m/026l37 /film/actor/film./film/performance/film /m/0407yj_ +/m/0xpp5 /location/hud_county_place/county /m/0n5df +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_0_z +/m/02hnl /music/instrument/instrumentalists /m/07g2v +/m/025vw4t /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/01r_t_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0776drd +/m/04pmnt /film/film/genre /m/04xvlr +/m/065dc4 /film/film/film_format /m/07fb8_ +/m/01z215 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/0l98s /olympics/olympic_games/sports /m/07_53 +/m/0y3_8 /music/genre/artists /m/013w7j +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/016gp5 +/m/0h9qh /media_common/netflix_genre/titles /m/03t97y +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04wqsm /sports/sports_team/sport /m/02vx4 +/m/01vwyqp /people/person/profession /m/0dz3r +/m/04htfd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01515w /film/actor/film./film/performance/film /m/03yvf2 +/m/013hxv /base/biblioness/bibs_location/state /m/05fkf +/m/03qjg /music/instrument/instrumentalists /m/094xh +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/07wjk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/024mxd /film/film/genre /m/01hmnh +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1k5 +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/049k07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/07g2b /influence/influence_node/influenced_by /m/02zjd +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/025cn2 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/0d4jl /people/person/profession /m/05z96 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/07m9cm +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/051z6rz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/05r3qc /film/film/genre /m/02kdv5l +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/016fyc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/077q8x +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/03bxpt0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/025tm81 /music/genre/artists /m/0m19t +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02d9k /people/person/profession /m/0d1pc +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/051vz +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01tx9m /education/educational_institution/school_type /m/07tf8 +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0cgwt8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_qj1 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/0fb1q /people/person/profession /m/02dsz +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/027j9wd /film/film/prequel /m/06w839_ +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/0gd5z /people/person/places_lived./people/place_lived/location /m/05ksh +/m/02fs_d /education/educational_institution/school_type /m/05jxkf +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06pj8 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/09c7w0 /location/location/contains /m/01x96 +/m/08bqy9 /people/person/nationality /m/03rk0 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h910 +/m/01771z /film/film/written_by /m/0gn30 +/m/01cl2y /music/record_label/artist /m/01kph_c +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02kzfw +/m/0rjg8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/037mp6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/014_x2 /film/film/executive_produced_by /m/04pqqb +/m/081yw /location/location/partially_contains /m/0k3nk +/m/01q0kg /education/educational_institution/campuses /m/01q0kg +/m/017yfz /people/person/place_of_birth /m/01_d4 +/m/0l8v5 /people/person/places_lived./people/place_lived/location /m/018dcy +/m/08720 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05mdx /medicine/disease/risk_factors /m/02zsn +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0161sp /people/person/nationality /m/09c7w0 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/02ntb8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/07s9rl0 /media_common/netflix_genre/titles /m/03bxp5 +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03y5ky +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02t_w8 +/m/02rcdc2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/04flrx /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06c44 /people/person/profession /m/01c8w0 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09f2j /education/educational_institution/school_type /m/05jxkf +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/02zcnq +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/0jrny /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/076psv /film/film_set_designer/film_sets_designed /m/0cq7tx +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/033hn8 /music/record_label/artist /m/07r4c +/m/01kjr0 /film/film/genre /m/02n4kr +/m/016jhr /music/genre/parent_genre /m/01fh36 +/m/012ykt /people/person/profession /m/01d_h8 +/m/093g7v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0l6vl /olympics/olympic_games/sports /m/06wrt +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0jsf6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k5fg +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jyb4 +/m/0jwmp /film/film/genre /m/01hmnh +/m/03r0g9 /film/film/language /m/02h40lc +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02lk95 /film/actor/film./film/performance/film /m/0fb7sd +/m/0fb7c /people/deceased_person/place_of_death /m/0rj0z +/m/03rg2b /film/film/film_production_design_by /m/05v1sb +/m/05znbh7 /film/film/genre /m/04xvlr +/m/02kth6 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/015p3p /film/actor/film./film/performance/film /m/01jw67 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/05d9y_ +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/022jr5 /organization/organization/headquarters./location/mailing_address/citytown /m/0j8p6 +/m/01vng3b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0478__m +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kwx2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/02q8ms8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/073tm9 /music/record_label/artist /m/01vvyd8 +/m/02q9kqf /award/award_winner/awards_won./award/award_honor/award_winner /m/02lp3c +/m/016clz /music/genre/artists /m/0l8g0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/05b6rdt /film/film/country /m/09c7w0 +/m/01xv77 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0136pk +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/0c12h +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0cf2h /people/person/nationality /m/09c7w0 +/m/0785v8 /film/actor/film./film/performance/film /m/093dqjy +/m/0229rs /music/record_label/artist /m/07bzp +/m/0gfsq9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01q6bg +/m/03xb2w /people/person/profession /m/03gjzk +/m/0dl9_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/03qmj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/0bmpm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/0147sh /film/film/production_companies /m/0g1rw +/m/0x67 /people/ethnicity/people /m/03f4xvm +/m/0gl3hr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/01swck /film/actor/film./film/performance/film /m/02ph9tm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05fgt1 +/m/0lh0c /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06k02 +/m/0dr_9t7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/016zfm +/m/0f2c8g /people/person/place_of_birth /m/0fl2s +/m/0gmgwnv /film/film/genre /m/07s9rl0 +/m/01l79yc /people/person/gender /m/02zsn +/m/0n5gq /location/us_county/county_seat /m/0hptm +/m/06rhz7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015pvh /film/actor/film./film/performance/film /m/02c7k4 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02s8qk +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0dq9p /people/cause_of_death/people /m/015gy7 +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0l6mp /olympics/olympic_games/sports /m/071t0 +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/01vw37m /people/person/profession /m/02hrh1q +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/01yl6n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gk +/m/034_t5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/03cp4cn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026yqrr /award/award_winner/awards_won./award/award_honor/award_winner /m/016kjs +/m/0286gm1 /film/film/film_production_design_by /m/03wd5tk +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01cx_ /sports/sports_team_location/teams /m/02wvfxl +/m/015v3r /film/actor/film./film/performance/film /m/02z3r8t +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/01mt1fy +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0b478 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048xyn +/m/06chvn /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01v1d8 /music/instrument/instrumentalists /m/01v40wd +/m/025sc50 /music/genre/artists /m/0127s7 +/m/01_f_5 /people/person/profession /m/02jknp +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03h0k1 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/05sy2k_ /tv/tv_program/genre /m/0fdjb +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0gx_p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017r13 +/m/02_cx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/01fx5l /people/person/place_of_birth /m/01cx_ +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08433 /influence/influence_node/influenced_by /m/0lrh +/m/0f63n /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/0_92w /film/film/genre /m/07s9rl0 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/04bdxl /film/actor/film./film/performance/film /m/01chpn +/m/01f_3w /music/record_label/artist /m/0x3n +/m/05148p4 /music/instrument/instrumentalists /m/0flpy +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/03f1d47 +/m/02m7r /people/person/places_lived./people/place_lived/location /m/0gs0g +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/02tktw /film/film/genre /m/02n4kr +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/0tygl /location/hud_county_place/county /m/0k3gj +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wb6yq +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/099vwn /award/award_category/nominees./award/award_nomination/nominated_for /m/017d93 +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/078g3l /film/actor/film./film/performance/film /m/0y_hb +/m/04764j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/0c1sgd3 /film/film/country /m/09c7w0 +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/02qkt /location/location/contains /m/07t_x +/m/03_d0 /music/genre/artists /m/01vn35l +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016dj8 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/0f5zj6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqd3 /film/film/featured_film_locations /m/02nd_ +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dzlbx /film/film/language /m/0jzc +/m/041rx /people/ethnicity/people /m/01vrlr4 +/m/02756j /people/person/sibling_s./people/sibling_relationship/sibling /m/02ctyy +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/03h_fqv /film/actor/film./film/performance/film /m/02r79_h +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/016z51 /film/actor/film./film/performance/film /m/0p7qm +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02_n7 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02xhpl +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/014kq6 /film/film/genre /m/02kdv5l +/m/0dl9_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/01vxxb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/040_t /influence/influence_node/influenced_by /m/05gpy +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/0c57yj /film/film/genre /m/06cvj +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dsx3f +/m/02jxmr /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/0345h /location/location/contains /m/0d331 +/m/014nq4 /film/film/genre /m/06n90 +/m/08r98b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fg04 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mfqm +/m/02zrv7 /people/person/profession /m/02krf9 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/05g2v /location/location/contains /m/06cmp +/m/01pm0_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029ql /people/person/profession /m/03gjzk +/m/0gywn /music/genre/artists /m/0flpy +/m/03hxsv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/07h9gp /film/film/country /m/09c7w0 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07ccs +/m/0kvbl6 /film/film/produced_by /m/0127m7 +/m/029k4p /film/film/genre /m/02kdv5l +/m/0n4mk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/036jp8 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/01wmxfs /people/person/profession /m/03gjzk +/m/0bzyh /people/person/nationality /m/09c7w0 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/073bb /people/person/languages /m/02h40lc +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/026b7bz +/m/09xbpt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f_k_ /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0ph2w /people/person/gender /m/05zppz +/m/073tm9 /business/business_operation/industry /m/01mw1 +/m/0j47s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01rp13 /tv/tv_program/country_of_origin /m/09c7w0 +/m/06crk /people/person/gender /m/05zppz +/m/033tf_ /people/ethnicity/people /m/014z8v +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05n6sq +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02gd6x +/m/02rq8k8 /film/film/genre /m/02kdv5l +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0glnm +/m/0342h /music/instrument/instrumentalists /m/01lmj3q +/m/085v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05j12n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021f30 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/09c7w0 /location/location/contains /m/03x33n +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/08z0wx /music/genre/parent_genre /m/0296y +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02j9z /base/locations/continents/countries_within /m/06npd +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/07bcn /location/hud_county_place/place /m/07bcn +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_6 +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0690dn +/m/03hy3g /people/person/places_lived./people/place_lived/location /m/02cft +/m/015dcj /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/05zbm4 /people/person/profession /m/02jknp +/m/03_gz8 /film/film/genre /m/03g3w +/m/040_lv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jgpsh /people/person/nationality /m/09c7w0 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/03n3gl /film/film/language /m/064_8sq +/m/02k54 /location/location/contains /m/01w2v +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01fh36 /music/genre/artists /m/02whj +/m/07sgfvl /people/person/place_of_birth /m/0r8c8 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/0gk4g /people/cause_of_death/people /m/03v1w7 +/m/0465_ /people/person/nationality /m/014tss +/m/02bg8v /tv/tv_program/genre /m/07s9rl0 +/m/038b_x /people/person/place_of_birth /m/027wvb +/m/01d1yr /people/person/profession /m/0nbcg +/m/07lx1s /education/educational_institution/school_type /m/01rs41 +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0b6m5fy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04hpck +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/076psv /film/film_set_designer/film_sets_designed /m/02q_4ph +/m/01p1b /location/country/form_of_government /m/01d9r3 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/0217m9 /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s2wq +/m/02b1b5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02x8m /music/genre/artists /m/01wd9lv +/m/0288fyj /award/award_winner/awards_won./award/award_honor/award_winner /m/0g824 +/m/03gyl /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/06chf +/m/01xqw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02w3w +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0ctw_b /location/statistical_region/religions./location/religion_percentage/religion /m/05g9_ +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01_xtx +/m/061v5m /business/business_operation/industry /m/011s0 +/m/047myg9 /film/film/film_production_design_by /m/05b2gsm +/m/04gkp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02v_4xv /soccer/football_player/current_team./sports/sports_team_roster/team /m/0177gl +/m/03rz2b /film/film/film_format /m/0cj16 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/01g4zr /people/person/gender /m/05zppz +/m/0kh3 /people/cause_of_death/people /m/024zq +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/09d4_ /base/biblioness/bibs_location/country /m/03_3d +/m/04s934 /education/educational_institution/colors /m/083jv +/m/03nkts /people/person/profession /m/0np9r +/m/033tf_ /people/ethnicity/people /m/032q8q +/m/05p3738 /film/film/country /m/0f8l9c +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01z7_f /film/actor/film./film/performance/film /m/01jzyf +/m/06lbp /people/person/nationality /m/06q1r +/m/05kh_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02tv80 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/0693l /film/director/film /m/02yvct +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/02jgm0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07ssc /location/location/contains /m/01zkhk +/m/01386_ /people/person/places_lived./people/place_lived/location /m/09bjv +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/031778 /film/film/genre /m/03k9fj +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/07kg3 /location/location/contains /m/0cht6 +/m/0nvt9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01738w /film/film/production_companies /m/030_1_ +/m/0zchj /location/hud_county_place/county /m/0mxcf +/m/0bl5c /film/film/country /m/09c7w0 +/m/012cph /people/person/profession /m/0cbd2 +/m/0gmgwnv /film/film/production_companies /m/04cygb3 +/m/0436yk /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02z44tp +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/0blg2 /olympics/olympic_games/sports /m/01hp22 +/m/02vrgnr /film/film/language /m/03_9r +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/013423 +/m/0b44shh /film/film/genre /m/05p553 +/m/07ssc /location/location/contains /m/0ny75 +/m/014nvr /people/person/profession /m/02hv44_ +/m/01vrt_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dls3 /music/genre/artists /m/03f1d47 +/m/07c52 /media_common/netflix_genre/titles /m/01vnbh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qk3fk +/m/02wzv /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01vzxmq /people/person/languages /m/02h40lc +/m/02754c9 /film/film/written_by /m/01tt43d +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qm_f +/m/0g9yrw /film/film/featured_film_locations /m/0dc95 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/02nczh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qkt /location/location/contains /m/0jgx +/m/015fr /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/0q9sg /film/film/country /m/09c7w0 +/m/063472 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/03lh3v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm2v +/m/02w7gg /people/ethnicity/people /m/09wj5 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/016fjj +/m/01gwk3 /film/film/language /m/02h40lc +/m/026n047 /people/person/gender /m/05zppz +/m/03mdt /media_common/netflix_genre/titles /m/02py4c8 +/m/01699 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f8pz +/m/01314k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0cqt90 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/012vf6 /film/actor/film./film/performance/film /m/0bl5c +/m/01vg13 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/08f3b1 /people/person/profession /m/0747nrk +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012x4t +/m/06v36 /location/country/form_of_government /m/01q20 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p_qr +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/0bdt8 /film/actor/film./film/performance/film /m/0c_j9x +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/034r25 /film/film/country /m/07ssc +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/03_r3 /location/country/form_of_government /m/026wp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/08d6bd /people/person/languages /m/03k50 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_47 +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/012q4n /film/actor/film./film/performance/film /m/05v38p +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02x8m /music/genre/artists /m/012x4t +/m/091yn0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/03v1s /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/01m1_t /location/location/time_zones /m/02hcv8 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/01x1cn2 /people/person/languages /m/02h40lc +/m/016dsy /film/actor/film./film/performance/film /m/0bz3jx +/m/03q8ch /people/person/nationality /m/09c7w0 +/m/01l2b3 /film/film/genre /m/02b5_l +/m/016sp_ /people/person/places_lived./people/place_lived/location /m/01smm +/m/0bxbb /location/location/time_zones /m/02hcv8 +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146pg +/m/011k11 /music/record_label/artist /m/0cg9y +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/026vcc +/m/0k1bs /influence/influence_node/influenced_by /m/041mt +/m/03_87 /people/deceased_person/place_of_burial /m/08966 +/m/015npr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/021pqy +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0169dl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/023p7l /film/film/genre /m/0bj8m2 +/m/0x3r3 /people/person/gender /m/05zppz +/m/02xpy5 /education/educational_institution/students_graduates./education/education/student /m/01t110 +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01l87db /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01l47f5 /people/person/place_of_birth /m/0xq63 +/m/0gxfz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044qx +/m/04bgy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vt9p3 /film/actor/film./film/performance/film /m/016dj8 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/01fh36 /music/genre/artists /m/01mvjl0 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/0bqytm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wbg84 /film/actor/film./film/performance/film /m/07bwr +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01bcq /people/person/gender /m/02zsn +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0g768 /music/record_label/artist /m/07mvp +/m/01wp8w7 /people/person/profession /m/025352 +/m/02_lt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0n5gb /location/location/time_zones /m/02hcv8 +/m/011j5x /music/genre/parent_genre /m/01pfpt +/m/05njyy /education/educational_institution/school_type /m/01rs41 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/01kb2j /film/actor/film./film/performance/film /m/03cfkrw +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825cv +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/02bft /medicine/disease/risk_factors /m/017s1k +/m/03ys2f /award/award_winner/awards_won./award/award_honor/award_winner /m/03ysmg +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/03_bcg +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/021y7yw /film/film/genre /m/060__y +/m/02qgqt /film/actor/film./film/performance/film /m/06fqlk +/m/0162c8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016srn /people/person/profession /m/016z4k +/m/0n5j7 /location/us_county/county_seat /m/0pzmf +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/098s2w +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0127gn /people/person/places_lived./people/place_lived/location /m/02sn34 +/m/02jg92 /people/person/places_lived./people/place_lived/location /m/0rsjf +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/023znp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/03f4xvm /award/award_winner/awards_won./award/award_honor/award_winner /m/01cj6y +/m/05r1_t /tv/tv_program/genre /m/09lmb +/m/0g_wn2 /location/location/time_zones /m/02lcrv +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xx9s +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/026hxwx /film/film/executive_produced_by /m/04pqqb +/m/01ljpm /education/educational_institution/school_type /m/01rs41 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/061dn_ +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0k_l4 +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/020fcn /film/film/genre /m/082gq +/m/01hb6v /influence/influence_node/influenced_by /m/03f47xl +/m/0lbfv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0g3bw /location/location/contains /m/018qpq +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/095z4q /film/film/genre /m/05c3mp2 +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/0dryh9k /people/ethnicity/people /m/03c_pqj +/m/027gy0k /film/film/production_companies /m/086k8 +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/020923 /organization/organization/headquarters./location/mailing_address/citytown /m/01jr6 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/0125q1 /location/administrative_division/country /m/07ssc +/m/08304 /people/person/place_of_birth /m/04jpl +/m/06cp5 /music/genre/artists /m/01vw26l +/m/05km8z /people/person/profession /m/02pjxr +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0h0wc +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/04cppj /film/film/genre /m/05p553 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd8zw +/m/0241y7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06rrzn /award/award_winner/awards_won./award/award_honor/award_winner /m/0c_drn +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04cv9m /film/film/genre /m/04xvlr +/m/05fjy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05mph +/m/02b1gz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwq9 +/m/01cpqk /people/person/place_of_birth /m/030qb3t +/m/02b0xq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01ly5m /sports/sports_team_location/teams /m/03c0t9 +/m/01271h /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06823p /film/film/genre /m/01lrrt +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_0f7 +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0jz +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02n72k /film/film/country /m/07ssc +/m/026g4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01_6dw +/m/050t68 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lfl4 +/m/02ldv0 /people/person/gender /m/05zppz +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/09gmmt6 /film/film/genre /m/07s9rl0 +/m/01n8gr /music/artist/origin /m/03l2n +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01s0t3 +/m/03w4sh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/04yg13l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07g7h2 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03_wm6 +/m/064t9 /music/genre/artists /m/0fp_v1x +/m/01h8rk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/02km0m +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04knkd +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01x209s /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/01vksx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g9zcgx +/m/03nbbv /people/person/profession /m/04gc2 +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0yls9 /education/educational_institution/school_type /m/02p0qmm +/m/05_2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/03mz9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nb5v +/m/0cp0ph6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/05x72k /tv/tv_program/genre /m/0hcr +/m/0y9j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds2n +/m/011yhm /film/film/production_companies /m/02j_j0 +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/01snm +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb07 +/m/02x8z_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0gs1_ /people/person/profession /m/012t_z +/m/09n48 /olympics/olympic_games/participating_countries /m/05r7t +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/06_x996 /film/film/production_companies /m/01gb54 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03h_yy +/m/04rtpt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02hct1 +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/03q1vd /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/012wg /people/person/profession /m/02hv44_ +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgrm +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/081k8 /media_common/netflix_genre/titles /m/01cssf +/m/04mn81 /people/person/profession /m/0fnpj +/m/0bksh /film/actor/film./film/performance/film /m/01l_pn +/m/0329t7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01x73 /location/location/contains /m/0136jw +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/03q43g /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/025v1sx /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/07zqnm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/064_8sq /language/human_language/countries_spoken_in /m/03548 +/m/067nsm /people/person/profession /m/09jwl +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/02d6ph /business/business_operation/industry /m/029g_vk +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/01n8gr /people/person/profession /m/0dz3r +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0b80__ +/m/015_1q /music/record_label/artist /m/01vw917 +/m/01l4g5 /people/person/profession /m/0dz3r +/m/02kth6 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05ztm4r /people/person/languages /m/02h40lc +/m/0c3xpwy /tv/tv_program/genre /m/01hmnh +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dl567 +/m/01y9jr /film/film/film_format /m/07fb8_ +/m/02_340 /people/person/nationality /m/09c7w0 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/058wp /location/location/time_zones /m/0gsrz4 +/m/0l98s /olympics/olympic_games/sports /m/06f41 +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/027ydt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/016j68 /people/person/gender /m/05zppz +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/034qbx /film/film/genre /m/06nbt +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0js9s /film/actor/film./film/performance/film /m/017jd9 +/m/029_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/09d5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glx0 +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_31 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02f6s3 +/m/0d1qmz /film/film/language /m/03_9r +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01f2f8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03_gz8 +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/066m4g +/m/02xwgr /film/actor/film./film/performance/film /m/0170z3 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f6_x +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/01snm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/03ffcz /tv/tv_program/country_of_origin /m/07ssc +/m/0r5y9 /location/hud_county_place/place /m/0r5y9 +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9vf +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/02tkzn /film/actor/film./film/performance/film /m/02z44tp +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/05kkh /location/location/contains /m/04bfg +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gnjh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0glnm +/m/012kyx /film/film/language /m/064_8sq +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05qm9f +/m/02cjlk /music/record_label/artist /m/01tv3x2 +/m/018j2 /music/instrument/instrumentalists /m/03qmj9 +/m/02s2lg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02xry /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/07ghv5 /film/film/genre /m/02kdv5l +/m/05lb87 /people/person/profession /m/02hrh1q +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/05lb87 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/position /m/02_j1w +/m/06tp4h /film/actor/film./film/performance/film /m/09dv8h +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0grrq8 +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/09y20 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/06hx2 /people/person/religion /m/0c8wxp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0yxf4 /film/film/genre /m/05p553 +/m/03rt9 /location/location/contains /m/0n03f +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/06r713 +/m/03x400 /film/actor/film./film/performance/film /m/02pw_n +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06lvlf /film/actor/film./film/performance/film /m/0h63gl9 +/m/06x68 /sports/sports_team/colors /m/083jv +/m/07kb7vh /film/film/country /m/09c7w0 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/013xrm /people/ethnicity/people /m/05p92jn +/m/0b1f49 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/086sj /film/actor/film./film/performance/film /m/055td_ +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/033qdy /film/film/genre /m/01585b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8h1 +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0b_j2 +/m/07gghl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/013t9y /people/person/profession /m/05t4q +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/02_340 +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/01csrl /people/person/places_lived./people/place_lived/location /m/06wxw +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/016h9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137hn +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0499lc +/m/0gvt8sz /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/026c1 /people/person/nationality /m/09c7w0 +/m/08hhm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwk3 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j3d9tn +/m/063fh9 /film/film/country /m/07ssc +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0bg539 /film/actor/film./film/performance/film /m/0661m4p +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/01jpyb /education/educational_institution/campuses /m/01jpyb +/m/02_hj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0q59y /people/deceased_person/place_of_death /m/0rnmy +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02r6nbc /award/award_category/disciplines_or_subjects /m/02xlf +/m/01th4s /music/record_label/artist /m/01wl38s +/m/0bh72t /film/film/genre /m/06n90 +/m/01w23w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gbtbm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/01jfsb /media_common/netflix_genre/titles /m/0hv4t +/m/01wd3l /people/person/profession /m/0dxtg +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01_bkd /music/genre/parent_genre /m/05r6t +/m/09d11 /medicine/disease/risk_factors /m/03p41 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/07hwkr /people/ethnicity/people /m/016kkx +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03fts +/m/0436kgz /people/person/places_lived./people/place_lived/location /m/0d1qn +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/02k54 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/01vw_dv +/m/070g7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06hhrs +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0bw87 /people/person/profession /m/02hrh1q +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03jvmp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05tgks +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0k7tq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0dq9p /people/cause_of_death/people /m/01t265 +/m/03m6pk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01br2w /film/film/music /m/01mkn_d +/m/0f2rq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/03xkps /award/award_winner/awards_won./award/award_honor/award_winner /m/015c2f +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/01z7s_ /people/person/spouse_s./people/marriage/spouse /m/05szp +/m/01svw8n /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033wx9 +/m/048j1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0m0hw /film/actor/film./film/performance/film /m/01fx6y +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/023fb +/m/0fdv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/0pyg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cl1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gfvsz /broadcast/content/artist /m/01xzb6 +/m/09c7w0 /location/location/contains /m/05zjtn4 +/m/05mcjs /people/person/profession /m/02hrh1q +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0p__8 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/0sxns /film/film/genre /m/01t_vv +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01w_sh +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/01bpn /people/person/nationality /m/07ssc +/m/0537b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/046lt /influence/influence_node/influenced_by /m/029_3 +/m/03176f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mqc4 +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/02b25y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/03l3ln +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/04glx0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/07l50vn /film/film/genre /m/07s9rl0 +/m/07_k0c0 /film/film/language /m/071fb +/m/01sh2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05jcn8 +/m/0djd3 /location/location/time_zones /m/02hczc +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/01v8y9 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/01rr9f /film/actor/film./film/performance/film /m/02v5_g +/m/07pd_j /film/film/country /m/09c7w0 +/m/05md3l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01s0_f +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/04ljl_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n2q0 /location/us_county/county_seat /m/01sn3 +/m/01pq4w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0d_skg /people/person/place_of_birth /m/01_d4 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02k8k /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/04l19_ /influence/influence_node/influenced_by /m/049fgvm +/m/01f62 /base/biblioness/bibs_location/country /m/06mkj +/m/0b005 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vy_v8 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0kv2hv /film/film/runtime./film/film_cut/film_release_region /m/05v8c +/m/0783m_ /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/0mndw /location/hud_county_place/county /m/0mndw +/m/029_l /film/actor/film./film/performance/film /m/03tn80 +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0nh0f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/01vb6z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kx4m /business/business_operation/industry /m/02vxn +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01jrbb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0r5wt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/instrument/instrumentalists /m/09lwrt +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0443y3 /people/person/gender /m/02zsn +/m/0gj8nq2 /film/film/featured_film_locations /m/0rh6k +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/053tj7 /film/film/genre /m/0jtdp +/m/01skmp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g22z +/m/01gj8_ /people/person/gender /m/05zppz +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0lgsq /people/person/nationality /m/09c7w0 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02wyzmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j70d +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/050r1z /film/film/genre /m/060__y +/m/06by7 /music/genre/artists /m/01pq5j7 +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0tc7 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0g8st4 +/m/01kpt /award/award_category/winners./award/award_honor/award_winner /m/0bymv +/m/0jlv5 /people/person/profession /m/02hrh1q +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c78m /medicine/disease/risk_factors /m/03295l +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/07y8l9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03y9ccy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0gv2r /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07d2d /music/genre/artists /m/011z3g +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/064f29 /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/02779r4 /film/actor/film./film/performance/film /m/047gpsd +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0m32h /people/cause_of_death/people /m/02sjf5 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/01x209s /film/actor/film./film/performance/film /m/063hp4 +/m/01xsbh /people/person/nationality /m/07ssc +/m/0kvrb /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01_k0d /influence/influence_node/influenced_by /m/08433 +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/0bpjh3 /people/ethnicity/people /m/0197tq +/m/02r1ysd /tv/tv_program/genre /m/0vgkd +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06ls0l +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/01pv91 /film/film/country /m/07ssc +/m/01kgv4 /film/actor/film./film/performance/film /m/01svry +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/03ts0c /people/ethnicity/people /m/0dj5q +/m/06gbnc /people/ethnicity/people /m/0cg9y +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/0149xx /award/award_winner/awards_won./award/award_honor/award_winner /m/03_0p +/m/046chh /people/person/place_of_birth /m/0dclg +/m/0x3n /people/person/places_lived./people/place_lived/location /m/02dtg +/m/01l_pn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/045346 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g1rw +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/09b3v /media_common/netflix_genre/titles /m/039zft +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05xbx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/018qb4 /olympics/olympic_games/sports /m/02bkg +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0p_tz /film/film/genre /m/01t_vv +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bpjh3 /people/ethnicity/people /m/04c636 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0mj1l /film/actor/film./film/performance/film /m/01hr1 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04h1rz +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07g7h2 /people/person/profession /m/02jknp +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/011yg9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/0bw6y /people/person/profession /m/02hrh1q +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01vvyfh +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01938t /people/person/profession /m/0d1pc +/m/06mmb /film/actor/film./film/performance/film /m/07pd_j +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02w7gg /people/ethnicity/people /m/0686zv +/m/01pnn3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d9k +/m/0gk4g /people/cause_of_death/people /m/01vtmw6 +/m/011xjd /people/person/nationality /m/09c7w0 +/m/017jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hqcy +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g5q34q /film/film/genre /m/0vgkd +/m/05zjd /language/human_language/countries_spoken_in /m/015fr +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/046fz5 +/m/01520h /film/actor/film./film/performance/film /m/07cdz +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0154gx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qdgx /music/genre/artists /m/0197tq +/m/041rhq /people/person/nationality /m/09c7w0 +/m/05rfst /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/043zg /people/person/profession /m/064xm0 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/06t74h +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/025b5y /film/actor/film./film/performance/film /m/047rkcm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0f8l9c /location/location/contains /m/0df_c +/m/01j_5k /education/educational_institution/colors /m/083jv +/m/07ssc /location/location/contains /m/0n9r8 +/m/0g69lg /people/person/places_lived./people/place_lived/location /m/01m1zk +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/07fzq3 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/08lpkq /people/person/gender /m/05zppz +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/0f7fy +/m/0f2tj /location/hud_county_place/place /m/0f2tj +/m/01hnb /education/educational_institution/campuses /m/01hnb +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/052hl /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj_k +/m/073x6y /film/actor/film./film/performance/film /m/05t54s +/m/01ydzx /people/person/profession /m/0nbcg +/m/0l2lk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq39 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/05nzw6 /film/actor/film./film/performance/film /m/01j5ql +/m/04xx9s /film/film/country /m/09c7w0 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/07ss8_ /people/person/nationality /m/09c7w0 +/m/0bk4s /people/person/gender /m/05zppz +/m/02km0m /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j5fv /medicine/symptom/symptom_of /m/035482 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/07jnt /film/film/music /m/01x6v6 +/m/02f6s3 /people/person/profession /m/02hrh1q +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bbyw +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0193qj +/m/03z0dt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x3lt7 +/m/0cpjgj /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/016wyn /education/educational_institution/school_type /m/01rs41 +/m/01f8f7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01m4pc /location/location/time_zones /m/03bdv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0515_6 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016dsy /film/actor/film./film/performance/film /m/07yvsn +/m/016732 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ckh4k /tv/tv_program/country_of_origin /m/0chghy +/m/0f830f /people/person/nationality /m/09c7w0 +/m/03f0324 /people/person/place_of_birth /m/05ywg +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/05d1dy +/m/04jjy /film/film_subject/films /m/07qg8v +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bqs56 /influence/influence_node/influenced_by /m/046lt +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0kp2_ /influence/influence_node/influenced_by /m/01wd02c +/m/092ggq /film/actor/film./film/performance/film /m/0g7pm1 +/m/03vyh /music/genre/artists /m/017j6 +/m/02qbjm /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/046m59 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/0778p /education/educational_institution/campuses /m/0778p +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/023p33 +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/07s8hms +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/03h304l /people/person/nationality /m/09c7w0 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02zrv7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04b675 /music/genre/parent_genre /m/0ggq0m +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q7yfq +/m/02x0bdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l0sf +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/046zh /film/actor/film./film/performance/film /m/0418wg +/m/0glqh5_ /film/film/production_companies /m/016tw3 +/m/016kkx /film/actor/film./film/performance/film /m/047tsx3 +/m/026v_78 /people/person/place_of_birth /m/030qb3t +/m/012wg /people/person/nationality /m/09c7w0 +/m/03f0324 /influence/influence_node/influenced_by /m/037jz +/m/01tpvt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f33tk +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/03_1pg /people/person/profession /m/018gz8 +/m/0kpzy /location/us_county/county_seat /m/0dc95 +/m/01_mdl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/024mxd +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017y6l +/m/02w5q6 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/016clz /music/genre/artists /m/0838y +/m/01wj18h /people/person/profession /m/016z4k +/m/02pt7h_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016732 +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/06mx8 /media_common/netflix_genre/titles /m/02gd6x +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/044l47 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/06z5s /people/cause_of_death/people /m/02zyq6 +/m/0lgxj /olympics/olympic_games/sports /m/0d1tm +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zc7f +/m/03xn3s2 /people/person/profession /m/018gz8 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/06c1y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/0642ykh /film/film/produced_by /m/02779r4 +/m/05cc1 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0d90m /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/0ds6bmk /film/film/film_festivals /m/0fpkxfd +/m/0py8j /base/culturalevent/event/entity_involved /m/0j5b8 +/m/0199gx /sports/sports_team/colors /m/01g5v +/m/03cyslc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b60sq +/m/029h7y /music/genre/parent_genre /m/04pcmw +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xx9s +/m/02cqbx /people/person/places_lived./people/place_lived/location /m/0r4qq +/m/0b_j2 /people/person/gender /m/05zppz +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/01zn4y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwllw +/m/0bqs56 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046lt +/m/02hmw9 /education/educational_institution/students_graduates./education/education/student /m/03dpqd +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0130sy /people/person/languages /m/02h40lc +/m/0dr1c2 /tv/tv_program/genre /m/03k9fj +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/03lpp_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cvwkr +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvlyt +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02z5x7l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05l8y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b0_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0694j /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02lnbg /music/genre/artists /m/01trhmt +/m/0g6ff /people/ethnicity/geographic_distribution /m/07dvs +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dx +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/06cv1 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01m4yn +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01xqw /music/instrument/instrumentalists /m/016ntp +/m/04rrd /location/location/contains /m/027rqbx +/m/01y20v /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r2qt7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/023n39 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01cyjx +/m/04jm_hq /film/film/language /m/06nm1 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/024mpp /film/film/story_by /m/076_74 +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/07tl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fcs2 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0161sp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/06by7 /music/genre/artists /m/0178_w +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/05k2s_ /film/actor/film./film/performance/film /m/0bxsk +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0f6_j /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/09c7w0 /location/country/second_level_divisions /m/0l2l3 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/044f7 /people/person/profession /m/0dxtg +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_kd +/m/0zjpz /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0993r +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/01cgz /media_common/netflix_genre/titles /m/037q31 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0f63n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/024l2y +/m/01sjz_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03rk0 /media_common/netflix_genre/titles /m/04q00lw +/m/016tw3 /organization/organization/place_founded /m/0f2wj +/m/0283ph /tv/tv_program/genre /m/06n90 +/m/03_wpf /people/person/languages /m/02h40lc +/m/018vs /music/instrument/instrumentalists /m/023l9y +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06jk5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01hr1 /film/film/genre /m/0556j8 +/m/01w7nww /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w7nwm +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0f4_2k /film/film/language /m/02h40lc +/m/0b6jkkg /award/award_category/disciplines_or_subjects /m/02vxn +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vt9p3 /influence/influence_node/influenced_by /m/012vd6 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05r_x5 +/m/027m5wv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02vzc +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kj5h +/m/05qhw /location/location/contains /m/055hc +/m/011k1h /music/record_label/artist /m/0ycp3 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02ptzz0 +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01v6480 +/m/01rc4p /people/person/profession /m/02hrh1q +/m/01ty7ll /people/person/places_lived./people/place_lived/location /m/06wxw +/m/07nxnw /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09lxtg /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01h1b /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/01wsl7c /people/person/places_lived./people/place_lived/location /m/02m77 +/m/01xcqc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bdt8 +/m/0693l /film/director/film /m/0gwjw0c +/m/011yrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/07g2b /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0cmc26r /film/film/genre /m/03bxz7 +/m/02vrgnr /film/film/genre /m/04pbhw +/m/0kryqm /film/actor/film./film/performance/film /m/02ppg1r +/m/0h1_w /film/actor/film./film/performance/film /m/0gnkb +/m/01cl2y /music/record_label/artist /m/05_swj +/m/097zcz /film/film/genre /m/07s9rl0 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/05dy7p /film/film/costume_design_by /m/0bytkq +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0jtg0 /music/instrument/instrumentalists /m/0161sp +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04b8pv +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/024bbl /film/actor/film./film/performance/film /m/011ydl +/m/019n8z /olympics/olympic_games/sports /m/01z27 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgxk +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/031778 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lhn5 /location/location/time_zones /m/02hcv8 +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pb53 +/m/07l1c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/01pk8v /film/actor/film./film/performance/film /m/02nx2k +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0nht0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/06mnbn /people/person/gender /m/02zsn +/m/04lhc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z0f6l +/m/0bkf4 /people/person/profession /m/016z4k +/m/05vw7 /base/aareas/schema/administrative_area/administrative_parent /m/028n3 +/m/02yr3z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d34x8 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0tz1x /location/hud_county_place/county /m/0k3hn +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/01p_ng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/017d77 /education/educational_institution/students_graduates./education/education/student /m/0fpjyd +/m/011yxg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/075q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/01dthg /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/011yxg /film/film/music /m/05y7hc +/m/01pl9g /people/person/place_of_birth /m/0cr3d +/m/096hm /people/person/profession /m/02jknp +/m/01pfkw /people/person/profession /m/03gjzk +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01my4f +/m/04f52jw /film/film/genre /m/05p553 +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0g768 /music/record_label/artist /m/0pj9t +/m/01f7dd /film/actor/film./film/performance/film /m/01jrbb +/m/0479b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x72k +/m/0dl5d /music/genre/artists /m/0pkyh +/m/02sb1w /film/actor/film./film/performance/film /m/03hj3b3 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tvz5j +/m/083shs /film/film/genre /m/060__y +/m/041rx /people/ethnicity/people /m/04pz5c +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr69m +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/0prjs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015gw6 /people/person/gender /m/05zppz +/m/01n4f8 /film/actor/film./film/performance/film /m/02_1sj +/m/0fmqp6 /people/person/gender /m/05zppz +/m/05np4c /people/person/religion /m/0c8wxp +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/07fsv /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/0bq2g +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01ky7c +/m/01pj_5 /film/film/language /m/02h40lc +/m/08cfr1 /film/film/film_art_direction_by /m/07fzq3 +/m/06btq /location/location/contains /m/01bm_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06c7mk +/m/01fh36 /music/genre/artists /m/06gd4 +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/012vwb +/m/03f1zdw /people/person/places_lived./people/place_lived/location /m/05cgv +/m/0166b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/06br8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/018ty9 /people/person/nationality /m/09c7w0 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/0170pk /people/person/places_lived./people/place_lived/location /m/02ckm7 +/m/04mcw4 /film/film/featured_film_locations /m/0167q3 +/m/05bt6j /music/genre/artists /m/0136pk +/m/0f6_dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0prfz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xcfy +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06gh0t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/0cgbf /people/person/nationality /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/01d1st +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/0ccvx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cr3d +/m/06w6_ /film/actor/film./film/performance/film /m/02v5_g +/m/01xk7r /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0sxmx +/m/02mjf2 /film/actor/film./film/performance/film /m/02_1sj +/m/013xrm /people/ethnicity/people /m/05whq_9 +/m/09v9mks /film/film/executive_produced_by /m/01my_c +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_1m +/m/01ycbq /film/actor/film./film/performance/film /m/033srr +/m/02qsjt /people/person/gender /m/05zppz +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0277j40 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/04b7xr /people/person/profession /m/016z4k +/m/06z4wj /people/person/profession /m/01c72t +/m/03y82t6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bh8x1y /film/film/executive_produced_by /m/02z2xdf +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/05w3y /organization/organization/child./organization/organization_relationship/child /m/026s90 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s93v +/m/05m_jsg /film/film/genre /m/02kdv5l +/m/02hhtj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/01wy6 /music/instrument/instrumentalists /m/01vrnsk +/m/02bg8v /film/film/genre /m/07s9rl0 +/m/03yxwq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/07y_7 /music/instrument/instrumentalists /m/03ryks +/m/0r80l /location/location/time_zones /m/02lcqs +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/01gvyp /people/person/places_lived./people/place_lived/location /m/0lphb +/m/02xry /location/location/contains /m/01jq0j +/m/0n1xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2q0 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0glt670 /music/genre/artists /m/0770cd +/m/0d9y6 /location/location/contains /m/038czx +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/017v3q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /base/locations/continents/countries_within /m/07bxhl +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/03s9b /people/person/spouse_s./people/marriage/spouse /m/04r7p +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03lt8g +/m/035rnz /people/person/places_lived./people/place_lived/location /m/071vr +/m/0d0mbj /people/person/profession /m/01c72t +/m/028n3 /location/location/contains /m/05vw7 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/04pz5c +/m/06sn8m /people/person/place_of_birth /m/02_286 +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/047fwlg +/m/04cwcdb /location/administrative_division/first_level_division_of /m/05qhw +/m/0g3zrd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05p1qyh /film/film/featured_film_locations /m/0rvty +/m/0286vp /film/film/country /m/09c7w0 +/m/0n8bn /people/person/profession /m/02hrh1q +/m/05b_gq /film/film/production_companies /m/081bls +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/0pmw9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07q1m +/m/06bnz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01mmslz /people/person/profession /m/02hrh1q +/m/02wb6d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/01tlmw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/058j2 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/01nln /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0lx2l /award/award_winner/awards_won./award/award_honor/award_winner /m/05gml8 +/m/02jt1k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/06crk +/m/040db /influence/influence_node/influenced_by /m/05np2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js6_ +/m/01cszh /music/record_label/artist /m/05qw5 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0j3v /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fdc0 +/m/057176 /film/actor/film./film/performance/film /m/07s846j +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp0790 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/050f0s /film/film/written_by /m/03xpf_7 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ql7q /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0265vcb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0303jw +/m/02825kb /film/film/written_by /m/06q5t7 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/072twv +/m/0hmm7 /film/film/featured_film_locations /m/0d6lp +/m/02vgh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mzww /location/location/contains /m/02gn8s +/m/06s6l /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07nxvj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q56mk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p7yb +/m/0f4_l /film/film/produced_by /m/054_mz +/m/05r9t /music/genre/artists /m/0jbyg +/m/058frd /people/person/profession /m/02hrh1q +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0dyjz /location/location/contains /m/01n244 +/m/02zrv7 /people/person/profession /m/02hrh1q +/m/04t36 /media_common/netflix_genre/titles /m/07vf5c +/m/01p1z_ /people/deceased_person/place_of_death /m/030qb3t +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01v1ln +/m/0d23k /location/hud_county_place/place /m/0d23k +/m/04fzk /film/actor/film./film/performance/film /m/02wgk1 +/m/01jswq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0132k4 /people/person/profession /m/0nbcg +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/05szp /people/person/profession /m/02hrh1q +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0b6tzs /film/film/written_by /m/02kxbx3 +/m/083shs /film/film/film_format /m/07fb8_ +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/044f7 +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r9p0c +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz60q +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/029cpw /film/actor/film./film/performance/film /m/01kf4tt +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0dbc1s +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/0ckrgs /film/film/production_companies /m/0674hk +/m/01mqz0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bw87 +/m/02sfnv /film/film/produced_by /m/02p59ry +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016s_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02r9p0c +/m/023gxx /film/film/genre /m/07s9rl0 +/m/02psvcf /medicine/disease/risk_factors /m/097ns +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03phgz +/m/025p38 /people/person/nationality /m/03rk0 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01cyd5 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04f52jw /film/film/genre /m/0hcr +/m/0p03t /location/location/time_zones /m/02hczc +/m/04dbw3 /people/ethnicity/languages_spoken /m/0t_2 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017j6 +/m/05gpy /people/person/gender /m/05zppz +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ryx0 +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07g1sm +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qdh +/m/0b60sq /film/film/executive_produced_by /m/0534v +/m/02w7gg /people/ethnicity/people /m/01sxd1 +/m/031n8c /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/03yj_0n /people/person/nationality /m/09c7w0 +/m/040db /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0r6rq /location/location/time_zones /m/02lcqs +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/025t9b +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02238b +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02j9z /location/location/contains /m/082fr +/m/06y8v /people/person/gender /m/05zppz +/m/0261x8t /people/person/profession /m/02hrh1q +/m/02xpy5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/01vsnff +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/06sw9 /location/country/official_language /m/064_8sq +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gys2 +/m/059rby /location/location/contains /m/0fm9_ +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01pbxb /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01fjz9 +/m/024lff /film/film/music /m/02g1jh +/m/0h1m9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/012dtf +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0dd6bf /film/film/production_companies /m/07k2x +/m/02xgdv /people/person/profession /m/0fj9f +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01c4pv /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0hpt3 +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0dg3n1 /base/locations/continents/countries_within /m/06dfg +/m/0137hn /award/award_winner/awards_won./award/award_honor/award_winner /m/016jfw +/m/0f5mdz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ccd3x /film/film/music /m/0bvzp +/m/04hzj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0340hj /film/film/production_companies /m/017s11 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/077q8x /film/film/language /m/02h40lc +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04wvhz /people/person/profession /m/01d_h8 +/m/041_y /people/person/nationality /m/09c7w0 +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqmvn +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06h4y9 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/011zf2 /people/person/nationality /m/0f8l9c +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w_sh +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/041rx /people/ethnicity/people /m/015gy7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crqcc +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0sz28 /film/actor/film./film/performance/film /m/04cv9m +/m/04v8x9 /film/film/country /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0lhp1 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/06_bq1 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/019vhk +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/082brv /music/group_member/membership./music/group_membership/role /m/018j2 +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/017wh /location/location/contains /m/0p828 +/m/018ljb /olympics/olympic_games/sports /m/02vx4 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/0fy34l /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q7fl9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/0fgg4 +/m/0l14gg /music/genre/artists /m/01p0vf +/m/01n1gc /people/person/profession /m/04gc2 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01pwz /people/person/religion /m/0c8wxp +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/0j5q3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/050ks /location/location/contains /m/0nm6k +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/06jnvs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0557yqh +/m/0rs6x /location/hud_county_place/place /m/0rs6x +/m/02vzc /location/location/contains /m/0c_zx +/m/0j90s /film/film/genre /m/07s9rl0 +/m/044k8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02qwg +/m/06v41q /people/ethnicity/people /m/0cv72h +/m/082wbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05k7sb /location/location/contains /m/04ycjk +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06c1y +/m/0d060g /location/location/contains /m/0885n +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0ys4f /location/location/time_zones /m/02fqwt +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0n4m5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/083q7 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/03pmty /people/person/gender /m/05zppz +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/01ts_3 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kk_c +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0mg1w /education/field_of_study/students_majoring./education/education/student /m/0154qm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/049dyj /film/actor/film./film/performance/film /m/02d003 +/m/0phx4 /music/group_member/membership./music/group_membership/role /m/0cfdd +/m/016ywb /film/film/genre /m/04xvh5 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/081mh /base/biblioness/bibs_location/country /m/09c7w0 +/m/09ps01 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/020923 /education/educational_institution/school_type /m/05jxkf +/m/081mh /location/location/contains /m/013nty +/m/0c6qh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/014zcr +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/027_sn +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0136jw /location/hud_county_place/place /m/0136jw +/m/08984j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/03_r3 /location/country/form_of_government /m/018wl5 +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0265z9l /people/person/nationality /m/03rk0 +/m/02yv6b /music/genre/artists /m/01vs4ff +/m/0d331 /base/aareas/schema/administrative_area/administrative_parent /m/017wh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02stbw +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/07w3r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4b8 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0f502 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1mt +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030cx +/m/059j2 /sports/sports_team_location/teams /m/02ltg3 +/m/07r1_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/0181dw /music/record_label/artist /m/02qsjt +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/02r251z +/m/012v9y /film/actor/film./film/performance/film /m/0bs4r +/m/012rng /people/person/place_of_birth /m/0h7h6 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0djb3vw /film/film/produced_by /m/03kbb8 +/m/05mvd62 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08z129 /business/business_operation/industry /m/029g_vk +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/06s0l /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01jvxb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019vgs /people/person/places_lived./people/place_lived/location /m/0f67f +/m/02x201b /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0ck1d /location/administrative_division/country /m/0f8l9c +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/036qs_ +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dpl44 +/m/0nlc7 /location/administrative_division/country /m/07ssc +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/04xvlr /media_common/netflix_genre/titles /m/0gnkb +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1r6t +/m/04hw4b /people/person/nationality /m/09c7w0 +/m/04b8pv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d_84 /film/actor/film./film/performance/film /m/04ghz4m +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049f88 +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/073v6 +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01xn6jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015lhm /film/actor/film./film/performance/film /m/06rzwx +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/02ctzb /people/ethnicity/people /m/0347db +/m/0gt1k /film/film/cinematography /m/06hzsx +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0524b41 +/m/01wsl7c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c1sgd3 +/m/0vjr /tv/tv_program/genre /m/0gs6m +/m/023kzp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033jkj +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0g768 /music/record_label/artist /m/01w9wwg +/m/02v60l /people/person/profession /m/0np9r +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01zhs3 +/m/02ply6j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01hcvm /music/genre/artists /m/01jcxwp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds1glg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07x4c +/m/02gys2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/instrument/instrumentalists /m/01vsl3_ +/m/05k7sb /location/location/contains /m/0t_gg +/m/03p2xc /film/film/genre /m/06nbt +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/011ycb /film/film/genre /m/07s9rl0 +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020_95 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0gzy02 /film/film/written_by /m/06kxk2 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01y9pk /location/location/time_zones /m/02hcv8 +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02l1fn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/059xnf /people/person/profession /m/01d_h8 +/m/0jm74 /sports/sports_team/colors /m/083jv +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01gbb4 +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/059_w /people/ethnicity/people /m/02ts3h +/m/0glt670 /music/genre/artists /m/0x3n +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g23m +/m/0bc71w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h7l7 +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0jfx1 /film/actor/film./film/performance/film /m/02lxrv +/m/03clwtw /film/film/produced_by /m/0dqmt0 +/m/016r9z /olympics/olympic_games/participating_countries /m/03rjj +/m/0372p /people/person/profession /m/06q2q +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/053xw6 /people/person/places_lived./people/place_lived/location /m/02cft +/m/0lx2l /film/actor/film./film/performance/film /m/0372j5 +/m/041jk9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01jr4j /film/film/genre /m/02n4kr +/m/01h18v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01ym8l /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0r2gj /base/biblioness/bibs_location/country /m/09c7w0 +/m/02vq8xn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/012j8z /film/actor/film./film/performance/film /m/014kkm +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016h4r +/m/049fgvm /people/person/nationality /m/0b90_r +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03m6_z +/m/0btbyn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0jm4v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/01kwlwp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013vdl /people/person/place_of_birth /m/030qb3t +/m/04t2t /media_common/netflix_genre/titles /m/05g8pg +/m/03q43g /people/person/profession /m/0np9r +/m/0dscrwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/03mqtr /media_common/netflix_genre/titles /m/0bw20 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/02jx1 /location/location/contains /m/07lly +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01r6jt2 +/m/02fybl /people/person/places_lived./people/place_lived/location /m/01n4w +/m/0nf3h /location/location/contains /m/013gxt +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wd9vs +/m/02q52q /film/film/music /m/01_k71 +/m/0gz5hs /organization/organization_founder/organizations_founded /m/01w5gp +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0fs9vc +/m/04r7p /film/actor/film./film/performance/film /m/0m9p3 +/m/01fh36 /music/genre/artists /m/02l_7y +/m/07yjb /film/film_subject/films /m/03nm_fh +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/05pcr +/m/0963mq /film/film/language /m/06nm1 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/077w0b +/m/03hdz8 /education/educational_institution/colors /m/04mkbj +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/041rx /people/ethnicity/people /m/067xw +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/02lmk /people/person/nationality /m/0345h +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0fhp9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0133h8 +/m/018f8 /film/film/written_by /m/01hmk9 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/04jzj /people/deceased_person/place_of_death /m/06pr6 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/063k3h /people/ethnicity/people /m/01vsgrn +/m/01qrbf /people/person/profession /m/0kyk +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/065b6q /people/ethnicity/languages_spoken /m/0t_2 +/m/05f7w84 /tv/tv_program/country_of_origin /m/0d060g +/m/0c9t0y /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/0b_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/0gr69 +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/03wbzp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0180mw +/m/02_286 /location/location/contains /m/03bmmc +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0c7hq /location/location/contains /m/04_xrs +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/014x77 /film/actor/film./film/performance/film /m/03qnvdl +/m/018d6l /people/person/profession /m/09jwl +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0195pd /location/location/time_zones /m/0d2t4g +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02y7t7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04l5f2 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/02qdgx /music/genre/artists /m/01wp8w7 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_p6t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01tqfs +/m/0jfx1 /film/actor/film./film/performance/film /m/05nlx4 +/m/02srgf /music/genre/parent_genre /m/05r6t +/m/04n65n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02bhj4 /education/educational_institution/colors /m/01jnf1 +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/01vsksr /people/person/profession /m/0kyk +/m/02z5x7l /film/film/country /m/03_3d +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/0gv07g +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/014dm6 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/04nw9 +/m/09wj5 /film/actor/film./film/performance/film /m/03y0pn +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/0b6l1st /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06lht1 /film/actor/film./film/performance/film /m/09gmmt6 +/m/02cx90 /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/0bpbhm /film/film/genre /m/0lsxr +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01rzqj /film/actor/film./film/performance/film /m/051zy_b +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02sqkh +/m/01v90t /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01jq0j /organization/organization/headquarters./location/mailing_address/citytown /m/0ftvz +/m/0fxgg9 /music/genre/artists /m/0135xb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/0d9v9q /people/person/place_of_birth /m/0m75g +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/02mz_6 +/m/016z7s /film/film/genre /m/0cshrf +/m/019rl6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081lh /influence/influence_node/influenced_by /m/01jrvr6 +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0mmp3 /music/genre/artists /m/0191h5 +/m/01d88c /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0f1_p +/m/0l14qv /music/instrument/instrumentalists /m/05mt6w +/m/03hmt9b /film/film/genre /m/01j1n2 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/04qz6n /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05l4yg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02mmwk +/m/037q31 /film/film/genre /m/03bxz7 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/08720 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/015t56 /people/person/profession /m/02hrh1q +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/03q8xj /film/film/country /m/016wzw +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/054187 /people/person/place_of_birth /m/09c7w0 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vldk +/m/03bww6 /tv/tv_program/languages /m/02h40lc +/m/0k4bc /film/film/produced_by /m/012vct +/m/0jzc /language/human_language/countries_spoken_in /m/01znc_ +/m/01lbp /people/person/spouse_s./people/marriage/spouse /m/01lz4tf +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10w +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/09v9mks /film/film/featured_film_locations /m/095w_ +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03xf_m +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/07bwr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fpj9pm +/m/0473q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fq117k +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01m3b1t /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/016_mj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/0dhdp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05vxdh +/m/010dft /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/0266shh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/07k2mq /film/film/country /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/04pg29 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06kb_ /influence/influence_node/peers./influence/peer_relationship/peers /m/0h0p_ +/m/040696 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/04991x +/m/01jft4 /film/film/cinematography /m/027t8fw +/m/03sbs /influence/influence_node/influenced_by /m/03s9v +/m/0mdqp /influence/influence_node/influenced_by /m/014z8v +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/017g21 /people/person/profession /m/0dxtg +/m/05t54s /film/film/prequel /m/0p3_y +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/013m43 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/03j63k /tv/tv_program/genre /m/01z77k +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0fx80y /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01_1pv /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03bw6 /people/person/religion /m/03_gx +/m/05sq0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/05nlx4 /film/film/featured_film_locations /m/03gh4 +/m/01_qc_ /people/cause_of_death/people /m/015gjr +/m/09pl3f /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02vzc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/0bdlj +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/07ccs +/m/0292qb /film/film/featured_film_locations /m/04jpl +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/03ftmg +/m/04pf4r /film/actor/film./film/performance/film /m/063fh9 +/m/0x67 /people/ethnicity/people /m/026spg +/m/04112r /sports/sports_team/colors /m/01g5v +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0cmdwwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02gf_l /film/actor/film./film/performance/film /m/023p7l +/m/0d1qmz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qxc7 +/m/03mb9 /music/genre/artists /m/0c7ct +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02__7n +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gnbw +/m/09f3c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j04_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0n1rj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/04rzd +/m/07c5l /location/location/contains /m/07ww5 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dbpwb /award/award_winner/awards_won./award/award_honor/award_winner /m/026g4l_ +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0g4vmj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01817f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016h4r +/m/01vvycq /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/06cqb /music/genre/artists /m/0259r0 +/m/01vvy /people/person/places_lived./people/place_lived/location /m/05qtj +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/09c7w0 /location/location/contains /m/02sjgpq +/m/0gkkf /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01y3_q /music/genre/parent_genre /m/0283d +/m/02vrgnr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059rby /location/location/contains /m/0fc2c +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/010bxh /location/hud_county_place/place /m/010bxh +/m/0294mx /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/016hvl /influence/influence_node/influenced_by /m/081k8 +/m/0fvwg /base/biblioness/bibs_location/state /m/04rrd +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0342h /music/instrument/instrumentalists /m/03gr7w +/m/0163v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/0dbpwb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05bnp0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01z1r +/m/0ndwt2w /film/film/written_by /m/0js9s +/m/0j0k /base/locations/continents/countries_within /m/05b7q +/m/0dfw0 /film/film/country /m/09c7w0 +/m/02zmh5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lccn +/m/048lv /people/person/profession /m/0dxtg +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04mlh8 /people/person/gender /m/05zppz +/m/07sbbz2 /music/genre/artists /m/01mwsnc +/m/01ct6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/07r1h /people/person/spouse_s./people/marriage/spouse /m/0bbf1f +/m/0372p /people/person/profession /m/04s2z +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/012w70 /media_common/netflix_genre/titles /m/027m67 +/m/059kh /music/genre/artists /m/0qf11 +/m/03xh50 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04gb7 /film/film_subject/films /m/04lhc4 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02n1p5 /people/person/profession /m/02hrh1q +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07k2mq +/m/02vyw /film/director/film /m/0jzw +/m/04hcw /people/person/religion /m/03_gx +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vn35l +/m/017g21 /music/group_member/membership./music/group_membership/role /m/018vs +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03bx2lk /film/film/music /m/04pf4r +/m/03rk0 /location/location/contains /m/0byh8j +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/07bzz7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01trhmt /influence/influence_node/influenced_by /m/09889g +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/027ct7c /film/film/genre /m/01t_vv +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9b0 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/041rhq /people/person/religion /m/06nzl +/m/0h5jg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/017d77 /education/educational_institution/school_type /m/02p0qmm +/m/02zhkz /film/actor/film./film/performance/film /m/02v63m +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01_f_5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yyn5 /film/film/edited_by /m/03nqbvz +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vs_v8 +/m/076psv /people/person/profession /m/089fss +/m/07gp9 /film/film/production_companies /m/03sb38 +/m/031hcx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/0509bl +/m/05r5c /music/instrument/instrumentalists /m/01vrnsk +/m/0d07s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04r7p /film/actor/film./film/performance/film /m/011yxy +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/08qs09 /education/educational_institution/campuses /m/08qs09 +/m/0k3l5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/03xn3s2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03j0br4 /people/person/place_of_birth /m/0dc95 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0g2mbn /film/actor/film./film/performance/film /m/0g9z_32 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016srn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/09cl0w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0pspl +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/027j9wd /film/film/genre /m/02l7c8 +/m/06gb2q /film/actor/film./film/performance/film /m/06_wqk4 +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/06lpmt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01qbg5 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/072zl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/04rrx /location/location/contains /m/0vm4s +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/03nk3t /people/person/religion /m/0n2g +/m/05b2gsm /people/person/place_of_birth /m/0vmt +/m/0cc846d /film/film/genre /m/01jfsb +/m/03bkbh /people/ethnicity/people /m/01vvpjj +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/09q17 /media_common/netflix_genre/titles /m/01shy7 +/m/01vvlyt /people/person/profession /m/0dz3r +/m/0194zl /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02vzc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/06q8hf /people/person/gender /m/05zppz +/m/0ggx5q /music/genre/artists /m/03h_0_z +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yh3y +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/018_q8 +/m/02x258x /award/award_category/winners./award/award_honor/award_winner /m/08mhyd +/m/02zjd /people/person/place_of_birth /m/0b2lw +/m/016jny /music/genre/artists /m/0pkyh +/m/0nm3n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0p8jf /influence/influence_node/influenced_by /m/041xl +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/08ct6 /film/film/produced_by /m/06mn7 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/0l99s /influence/influence_node/peers./influence/peer_relationship/peers /m/0mj0c +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0320fn /film/film/written_by /m/0bzyh +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/0psss +/m/0969vz /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/01qgr3 /education/educational_institution/colors /m/0jc_p +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0prfz /film/actor/film./film/performance/film /m/02v5_g +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03yvf2 /film/film/production_companies /m/0c41qv +/m/01xn57g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01vv7sc /people/person/nationality /m/09c7w0 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/028p0 /influence/influence_node/influenced_by /m/0m93 +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d6kv +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/01d5vk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j3w /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nrqh +/m/041rx /people/ethnicity/people /m/045cq +/m/0k8y7 /people/person/spouse_s./people/marriage/spouse /m/02fb1n +/m/0415zv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0f_y9 /people/person/gender /m/05zppz +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/03v0t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s0w +/m/0gkvb7 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/02yxwd /film/actor/film./film/performance/film /m/0g83dv +/m/01twdk /film/actor/film./film/performance/film /m/0dzlbx +/m/026r8q /people/person/religion /m/0c8wxp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06jwys +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/01k0xy /film/film/language /m/02h40lc +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/06qn87 /people/person/gender /m/05zppz +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/041738 /music/genre/artists /m/05k79 +/m/0h0jz /people/person/nationality /m/03rt9 +/m/0499lc /people/person/nationality /m/09c7w0 +/m/05krk /education/educational_institution/students_graduates./education/education/student /m/016sp_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04p_hy +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0123gq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tzm9 +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/02pk6x /film/actor/film./film/performance/film /m/03m8y5 +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/03_d0 /music/genre/artists /m/018d6l +/m/01f2xy /education/educational_institution/campuses /m/01f2xy +/m/07nxvj /film/film/cinematography /m/06r_by +/m/01b7lc /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03h_fqv /people/person/profession /m/09jwl +/m/04mjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/07sqnh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01k_n63 /people/person/profession /m/016z4k +/m/01699 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fv4v +/m/02d9k /people/person/profession /m/01xr66 +/m/03xsby /organization/organization/child./organization/organization_relationship/child /m/04f525m +/m/02bh8z /music/record_label/artist /m/050z2 +/m/06t2t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02lnhv +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0lvng /education/educational_institution/colors /m/01g5v +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/041rx /people/ethnicity/people /m/044mfr +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/01w60_p /people/person/places_lived./people/place_lived/location /m/07h34 +/m/01fs__ /tv/tv_program/genre /m/05p553 +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rlxt +/m/01c6l /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01g3gq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04lp8k /people/person/profession /m/02hrh1q +/m/0l2jt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l35f +/m/0cq7tx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03vrp /people/person/nationality /m/03rjj +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/0ctw_b /location/location/contains /m/0g1w5 +/m/0gx_st /time/event/instance_of_recurring_event /m/0gcf2r +/m/073x6y /film/actor/film./film/performance/film /m/08r4x3 +/m/03wy70 /people/person/profession /m/0np9r +/m/016pns /people/person/place_of_birth /m/0vzm +/m/0418wg /film/film/production_companies /m/086k8 +/m/062zm5h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xvf /film/film/production_companies /m/03sb38 +/m/0_7w6 /film/film/production_companies /m/01795t +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0484q +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/05zj6x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06l22 +/m/0bzrxn /time/event/locations /m/029cr +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyn5 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02rqxc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03d1y3 +/m/02t_st /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/031rq5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01r97z +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09fb5 /film/actor/film./film/performance/film /m/051zy_b +/m/04t969 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01y_px +/m/0glb5 /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/0bdjd /film/film/genre /m/082gq +/m/092vkg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015dnt /people/person/profession /m/02hrh1q +/m/07tl0 /education/educational_institution/campuses /m/07tl0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jr4j +/m/034r25 /film/film/genre /m/07s9rl0 +/m/0170th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/082db /people/person/profession /m/09jwl +/m/044f7 /people/person/profession /m/02krf9 +/m/0nj07 /location/location/contains /m/0xckc +/m/01xn6mc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018p5f +/m/05_5_22 /film/film/produced_by /m/05ty4m +/m/02x8z_ /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0jt5zcn /location/location/contains /m/0ylsr +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/02k4b2 /people/person/profession /m/0np9r +/m/02vz6dn /film/film/featured_film_locations /m/052p7 +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/02h7qr /education/educational_institution/students_graduates./education/education/student /m/03b78r +/m/046f25 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/052h3 /people/person/profession /m/03jgz +/m/0lyjf /education/educational_institution/campuses /m/0lyjf +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/04mkft +/m/0x67 /people/ethnicity/people /m/011vx3 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/03tn80 /film/film/genre /m/03k9fj +/m/0d_2fb /film/film/genre /m/03k9fj +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/06z5s /people/cause_of_death/people /m/0kvnn +/m/082mw /people/person/profession /m/0cbd2 +/m/032t2z /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/05qw5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/017_qw /music/genre/artists /m/012ky3 +/m/0mcl0 /film/film/genre /m/02l7c8 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/01yfm8 /people/person/gender /m/05zppz +/m/0gn30 /film/director/film /m/08984j +/m/0bx0l /film/film/genre /m/03bxz7 +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zy2cy +/m/04xvlr /media_common/netflix_genre/titles /m/01ffx4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0bjy7 /base/biblioness/bibs_location/state /m/07_f2 +/m/01kk32 /base/aareas/schema/administrative_area/administrative_parent /m/06mzp +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01dq9q +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0qpn9 /location/hud_county_place/county /m/0m27n +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8hf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hmr4 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/06j6l /music/genre/artists /m/07s3vqk +/m/011lvx /people/person/spouse_s./people/marriage/spouse /m/03f0fnk +/m/0k0q8q /people/deceased_person/place_of_death /m/04vmp +/m/01znc_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0d_84 /film/actor/film./film/performance/film /m/049mql +/m/06vbd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hqz +/m/0bl5c /film/film/genre /m/082gq +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b1f49 +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/013qvn /film/actor/film./film/performance/film /m/02qr3k8 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/09c7w0 +/m/05r6t /music/genre/artists /m/01wgjj5 +/m/0nm42 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/09c7w0 /location/location/contains /m/03cz83 +/m/0j_c /film/director/film /m/0jqd3 +/m/08821 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06vbd +/m/01vs14j /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0fr61 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mn78 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0ctw_b /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03j79x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/06j8wx /film/actor/film./film/performance/film /m/04yg13l +/m/01y9xg /people/person/place_of_birth /m/030qb3t +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/08y2fn +/m/0swbd /olympics/olympic_games/sports /m/09w1n +/m/04w4s /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/012c6x /film/actor/film./film/performance/film /m/042fgh +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/02k54 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01h7bb /film/film/written_by /m/05183k +/m/04954r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04mpbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07qy0b /people/person/sibling_s./people/sibling_relationship/sibling /m/01x6v6 +/m/02d003 /film/film/cinematography /m/0cqh57 +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035gnh +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mcjs +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017149 +/m/05mrf_p /film/film/country /m/07ssc +/m/014dq7 /influence/influence_node/influenced_by /m/019z7q +/m/05lb65 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0crqcc /people/person/place_of_birth /m/01531 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/03gvm3t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c7ct +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/026fs38 /film/film/country /m/07ssc +/m/01q9mk /award/award_category/winners./award/award_honor/award_winner /m/019y64 +/m/02l96k /music/genre/artists /m/021r7r +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01x4wq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/053j4w4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/09c7w0 /location/location/contains /m/019pwv +/m/01xcr4 /people/person/employment_history./business/employment_tenure/company /m/01_8w2 +/m/0155w /music/genre/artists /m/0zjpz +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ll45 +/m/02t_w8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/03f2_rc /people/person/profession /m/0dxtg +/m/03rj0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0415ggl +/m/03v52f /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09451k +/m/011hdn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0415ggl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018009 /people/person/profession /m/02hrh1q +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04xvlr /media_common/netflix_genre/titles /m/0prh7 +/m/0hwpz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hwqz +/m/07245g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01mv_n /people/deceased_person/place_of_death /m/030qb3t +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/01r3w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/09889g /people/person/employment_history./business/employment_tenure/company /m/016ckq +/m/064f29 /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/09c7w0 /location/location/contains /m/0m9_5 +/m/0gr69 /music/artist/origin /m/0rh7t +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/02wyzmv /film/film/language /m/02h40lc +/m/01w8sf /people/person/profession /m/0kyk +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/0ph2w /influence/influence_node/influenced_by /m/02_p8v +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yyn5 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgpf +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zmc7 +/m/02x8m /music/genre/artists /m/04mn81 +/m/03xx3m /people/person/profession /m/02hrh1q +/m/07_nf /time/event/locations /m/073q1 +/m/0gsgr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gm34 /film/actor/film./film/performance/film /m/05qm9f +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04344j +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07hwkr /people/ethnicity/people /m/0jsg0m +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02vyyl8 +/m/09c7w0 /location/country/second_level_divisions /m/0jrtv +/m/06mzp /location/location/contains /m/06fz_ +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v570 +/m/02fj8n /film/film/executive_produced_by /m/079vf +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0150t6 +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/01x4wq /sports/sports_team/sport /m/02vx4 +/m/05b7q /sports/sports_team_location/teams /m/040whs +/m/016gr2 /film/actor/film./film/performance/film /m/021gzd +/m/02hft3 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0l2lk /location/location/contains /m/0b2ds +/m/0nr2v /location/administrative_division/first_level_division_of /m/03rjj +/m/05r5w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0182r9 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/017kct /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/015jr /location/location/partially_contains /m/0k3nk +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/016ywb /film/film/genre /m/07s9rl0 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yxbc +/m/04f0xq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/01qhm_ /people/ethnicity/people /m/0hfml +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0727_ /sports/sports_team_location/teams /m/0371rb +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/0jzw /film/film/production_companies /m/05qd_ +/m/028hc2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mnsf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fx5l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lgxj /olympics/olympic_games/participating_countries /m/0165b +/m/02vjp3 /film/film/genre /m/03k9fj +/m/0345_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05pt0l /film/film/country /m/0345h +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0c38gj /film/film/written_by /m/04g3p5 +/m/06pwq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/04bcb1 /film/actor/film./film/performance/film /m/07bx6 +/m/015c2f /people/person/profession /m/02hrh1q +/m/01w_sh /organization/organization/headquarters./location/mailing_address/citytown /m/01n4nd +/m/0hhqw /soccer/football_player/current_team./sports/sports_team_roster/team /m/019m60 +/m/04ngn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01c8v0 /people/person/gender /m/05zppz +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/06brp0 /people/person/gender /m/05zppz +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/01xv77 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wz3cx +/m/06qwh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/084m3 +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/03pn9 /location/statistical_region/religions./location/religion_percentage/religion /m/01fgks +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0n5bk /location/location/contains /m/0xrzh +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/01l47f5 /people/person/profession /m/016z4k +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01nm3s /film/actor/film./film/performance/film /m/0dgrwqr +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_0p +/m/060_7 /people/person/gender /m/05zppz +/m/0lbp_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/0p01x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023n39 /people/person/place_of_birth /m/02_286 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/09fp45 /people/person/nationality /m/0d060g +/m/0132_h /sports/sports_team/sport /m/018jz +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxyd +/m/03v3xp /film/actor/film./film/performance/film /m/03_gz8 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0_vn7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/024y8p /education/educational_institution/colors /m/083jv +/m/018h2 /media_common/netflix_genre/titles /m/0gd92 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0n00 +/m/01swck /people/person/profession /m/02jknp +/m/048scx /film/film/language /m/06nm1 +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/01jfsb /media_common/netflix_genre/titles /m/0233bn +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0342h /music/instrument/instrumentalists /m/0c9d9 +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/047c9l +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/07ss8_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019g40 +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01zp33 /film/actor/film./film/performance/film /m/04jwjq +/m/0130sy /people/person/profession /m/016z4k +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/03pmty /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/024dw0 /people/person/profession /m/09lbv +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/0bwh6 /people/person/profession /m/0fj9f +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0h5j77 /people/person/gender /m/05zppz +/m/0m7yh /education/educational_institution/students_graduates./education/education/student /m/048cl +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/01m3x5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fmdb +/m/01q9b9 /influence/influence_node/influenced_by /m/017_pb +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/09b3v +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09rp4r_ +/m/02m77 /location/administrative_division/country /m/07ssc +/m/0c8tkt /film/film/genre /m/02kdv5l +/m/06mzp /location/location/contains /m/01qtj9 +/m/01tspc6 /film/actor/film./film/performance/film /m/0bh8drv +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/03vrnh /people/person/gender /m/05zppz +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/026mj /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gdk0 /location/hud_county_place/county /m/0kq1l +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/06cqb /music/genre/artists /m/014q2g +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01vtj38 +/m/0d608 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j5q3 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gdh5 +/m/070tng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/01mqc_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/09hnb /people/person/profession /m/0fnpj +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0l8v5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v63m +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/06crng /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/076psv /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjks +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0cbhh +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/01bcq /people/person/places_lived./people/place_lived/location /m/0dclg +/m/04954 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ldv0 +/m/087z12 /people/person/profession /m/02hrh1q +/m/09gdh6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xs6_ +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/05k7sb /location/location/contains /m/0pc7r +/m/047svrl /film/film/executive_produced_by /m/02r251z +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0227tr +/m/07ymr5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09l3p +/m/017v71 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yvvn /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yyts +/m/0y_hb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0171cm +/m/0jdk_ /olympics/olympic_games/sports /m/06f41 +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r7pq +/m/015c2f /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/070bjw /people/person/profession /m/0dgd_ +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b73_1d +/m/02b9g4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01dw4q +/m/09gdh6k /film/film/genre /m/0fdjb +/m/034ls /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/02gpkt /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/0flddp /people/person/gender /m/05zppz +/m/03lty /music/genre/artists /m/01s7qqw +/m/0bw6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/019n8z /olympics/olympic_games/sports /m/09_94 +/m/0jqp3 /film/film/music /m/07m4c +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bwfn +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07t90 +/m/06hmd /influence/influence_node/influenced_by /m/06kb_ +/m/0bqvs2 /music/artist/origin /m/05r7t +/m/03f47xl /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/09c7w0 /location/country/second_level_divisions /m/0mnm2 +/m/02p2zq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/position /m/02g_7z +/m/02h0f3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/02rf1y /film/actor/film./film/performance/film /m/055td_ +/m/0k269 /film/actor/film./film/performance/film /m/0qf2t +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/01p7yb /film/actor/film./film/performance/film /m/0dgpwnk +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/01vrncs /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01wqmm8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01kmd4 /people/person/place_of_birth /m/0dclg +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvbl6 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/02fwfb /film/film/genre /m/07s9rl0 +/m/0zjpz /people/person/place_of_birth /m/0xpq9 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/07t2k /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/02jx1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/043d4 /people/person/gender /m/05zppz +/m/080r3 /influence/influence_node/influenced_by /m/032l1 +/m/02xfj0 /film/actor/film./film/performance/film /m/07x4qr +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0164r9 +/m/0d2by /people/ethnicity/people /m/011zd3 +/m/0dpqk /people/person/nationality /m/02jx1 +/m/0htww /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07y_7 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/09yrh /film/actor/film./film/performance/film /m/03bzjpm +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01m94f /location/hud_county_place/county /m/0n5yv +/m/0181dw /music/record_label/artist /m/011zf2 +/m/05h95s /tv/tv_program/genre /m/05p553 +/m/07cz2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mkdm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mkqr +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/01kgxf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l1b90 +/m/0xhtw /music/genre/artists /m/01dw_f +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/01515w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bksh +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/01hrqc /people/person/profession /m/09jwl +/m/017_qw /music/genre/artists /m/08c7cz +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01n1pp /education/educational_institution/students_graduates./education/education/student /m/016hvl +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0n6f8 +/m/03rk0 /location/location/contains /m/031vy_ +/m/09b_0m /education/educational_institution/campuses /m/09b_0m +/m/0hn10 /media_common/netflix_genre/titles /m/02prwdh +/m/095zlp /film/film/production_companies /m/05qd_ +/m/04qw17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0gy3w +/m/0bt7w /music/genre/artists /m/01k3qj +/m/071nw5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017khj /film/actor/film./film/performance/film /m/09p7fh +/m/018p5f /organization/organization/place_founded /m/0f2w0 +/m/06c97 /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0p9lw /film/film/featured_film_locations /m/0cwx_ +/m/01k0vq /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/07s9rl0 /media_common/netflix_genre/titles /m/064lsn +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0f2r6 /location/location/contains /m/07wlf +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/0m0jc /music/genre/artists /m/0478__m +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/092vkg /film/film/film_format /m/07fb8_ +/m/0bxsk /film/film/genre /m/02kdv5l +/m/01wf86y /people/person/nationality /m/09c7w0 +/m/01s7j5 /education/educational_institution_campus/educational_institution /m/01s7j5 +/m/04jspq /people/person/profession /m/0np9r +/m/087qxp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/01n4w /location/administrative_division/country /m/09c7w0 +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/01ztgm /people/person/nationality /m/07ssc +/m/093l8p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/07fq1y /film/actor/film./film/performance/film /m/02wgk1 +/m/021bk /film/actor/film./film/performance/film /m/05zpghd +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02y_2y /film/actor/film./film/performance/film /m/07j8r +/m/01vb403 /film/actor/film./film/performance/film /m/0bmssv +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/07nx9j /people/person/gender /m/05zppz +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/0j5fv /medicine/symptom/symptom_of /m/074m2 +/m/01vz80y /people/person/nationality /m/09c7w0 +/m/0mnm2 /location/location/time_zones /m/02hcv8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09rntd +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0520r2x +/m/015rkw /film/actor/film./film/performance/film /m/03ffcz +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8drv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b2np +/m/0vzm /location/hud_county_place/place /m/0vzm +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/03fw60 /people/person/place_of_birth /m/0xnt5 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0169dl /film/actor/film./film/performance/film /m/04vr_f +/m/075q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0dfw0 /film/film/genre /m/03k9fj +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nzz8 +/m/012d40 /film/actor/film./film/performance/film /m/02sfnv +/m/012mzw /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0229rs /music/record_label/artist /m/03c3yf +/m/01lyv /music/genre/artists /m/01ww2fs +/m/03__y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fq7dv_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_9c1 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/05zjx +/m/06q8qh /film/film/language /m/05f_3 +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/092kgw +/m/01cyd5 /organization/organization/headquarters./location/mailing_address/citytown /m/01m9f1 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vzx45 +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/084m3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0794g +/m/017_qw /music/genre/artists /m/05n19y +/m/079kdz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05lfwd +/m/036jb /people/person/profession /m/01d_h8 +/m/0837ql /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0n5fl /location/location/time_zones /m/02hcv8 +/m/0dx_q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09mfvx /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nm0n0 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013kcv +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/0432cd /people/person/languages /m/02h40lc +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/07vf5c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01k9cc +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01j7z7 /film/actor/film./film/performance/film /m/02v5_g +/m/0451j /film/actor/film./film/performance/film /m/033g4d +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/070j61 +/m/016clz /music/genre/artists /m/01w5n51 +/m/06w6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/01s1zk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ddd0gc +/m/09c7w0 /location/location/contains /m/017d77 +/m/09q23x /film/film/country /m/09c7w0 +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05kjc6 +/m/01wk51 /people/person/sibling_s./people/sibling_relationship/sibling /m/023tp8 +/m/0g26h /education/field_of_study/students_majoring./education/education/student /m/09b6zr +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0522wp +/m/041rx /people/ethnicity/people /m/01twdk +/m/0mzkr /music/record_label/artist /m/06gcn +/m/01yhvv /people/person/gender /m/02zsn +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0dr_9t7 /film/film/written_by /m/03dbds +/m/05c4fys /people/person/profession /m/0gl2ny2 +/m/01pjr7 /people/person/place_of_birth /m/01_d4 +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/021lby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/01lyv /music/genre/artists /m/016sp_ +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01540 +/m/03xx9l /film/actor/film./film/performance/film /m/05fm6m +/m/06nr2h /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwqv +/m/041rx /people/ethnicity/people /m/03cxsvl +/m/05lnk0 /people/person/nationality /m/09c7w0 +/m/0bcp9b /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/04pqqb /organization/organization_founder/organizations_founded /m/0c41qv +/m/03r0g9 /film/film/film_format /m/07fb8_ +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02825nf +/m/02cqbx /people/person/profession /m/026sdt1 +/m/01vw37m /people/person/profession /m/09jwl +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/02vqpx8 +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gjt4 +/m/03ts0c /people/ethnicity/people /m/03d0ns +/m/02114t /film/actor/film./film/performance/film /m/03bzjpm +/m/0z90c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bwjv /people/person/profession /m/0nbcg +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/02qy3py +/m/013pk3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0159h6 +/m/04b5n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/09c7w0 /location/country/second_level_divisions /m/0nh1v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049fbh +/m/05f5sr9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02qt02v /award/award_category/disciplines_or_subjects /m/02vxn +/m/02fx3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/02l7c8 /media_common/netflix_genre/titles /m/01cz7r +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/017v_ /base/biblioness/bibs_location/country /m/0345h +/m/0n6bs /location/hud_county_place/place /m/0n6bs +/m/01z77k /media_common/netflix_genre/titles /m/08l0x2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02l1fn +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/03nk3t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zngls /award/award_category/disciplines_or_subjects /m/01hmnh +/m/058vp /influence/influence_node/influenced_by /m/02lt8 +/m/01l2m3 /people/cause_of_death/people /m/0250f +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016kkx +/m/06kl78 /film/film/written_by /m/026fd +/m/0gn30 /film/director/film /m/0q9sg +/m/05c9zr /film/film/country /m/03gj2 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/040_t +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01633c +/m/016fjj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0k8y7 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/059kh /music/genre/artists /m/06gd4 +/m/0d8rs /location/administrative_division/first_level_division_of /m/059j2 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/011x_4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/064t9 /music/genre/artists /m/04dqdk +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gz5hs +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02bv9 /language/human_language/countries_spoken_in /m/0154j +/m/0m25p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m27n +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/06lht1 /film/actor/film./film/performance/film /m/026mfbr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/02f8zw /organization/organization/headquarters./location/mailing_address/citytown /m/01ly5m +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/06vlk0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01pctb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0swff /olympics/olympic_games/sports /m/09wz9 +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/03s0w /location/location/contains /m/03v6t +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072zl1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/046f3p +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k6rq +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/0dg3n1 /location/location/contains /m/03676 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0jqkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/023zd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vrx35 /people/person/gender /m/05zppz +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01kwld +/m/0sz28 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0345h /location/location/contains /m/0727_ +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02rnns +/m/04nl83 /film/film/language /m/06nm1 +/m/013q0p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0c34mt /film/film/genre /m/04xvlr +/m/0154qm /film/actor/film./film/performance/film /m/05dptj +/m/07s9rl0 /media_common/netflix_genre/titles /m/02d49z +/m/07f_t4 /film/film/genre /m/06l3bl +/m/01d_s5 /music/genre/parent_genre /m/0glt670 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01jdxj +/m/078sj4 /film/film/language /m/0jzc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016dj8 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0c2tf /film/actor/film./film/performance/film /m/0gndh +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0126rp /influence/influence_node/influenced_by /m/0739y +/m/0gh6j94 /film/film/language /m/02h40lc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/011ykb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/0k_kr /music/record_label/artist /m/01323p +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0169dl /film/actor/film./film/performance/film /m/06z8s_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/043c4j /people/person/nationality /m/09c7w0 +/m/0170th /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01w02sy +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/01qbl +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/015qyf /people/person/nationality /m/09c7w0 +/m/02yl42 /influence/influence_node/influenced_by /m/073v6 +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0bxxzb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/0217m9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028k2x /tv/tv_program/genre /m/095bb +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gfp09 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03hxsv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/018n6m /music/artist/origin /m/0mn8t +/m/02p65p /film/actor/film./film/performance/film /m/046488 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/09zf_q /film/film/production_companies /m/086k8 +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/059rby +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/03h304l /organization/organization_founder/organizations_founded /m/05rrtf +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0kv9d3 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/050z2 /people/person/nationality /m/02jx1 +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/088tb +/m/0794g /film/actor/film./film/performance/film /m/0pb33 +/m/0bt4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/01h7bb /film/film/genre /m/082gq +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/02q0k7v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01p1b +/m/07h565 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0235l +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0frnff /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/0285c /music/group_member/membership./music/group_membership/group /m/014_lq +/m/04xvlr /media_common/netflix_genre/titles /m/0hfzr +/m/05gsd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/02wt0 /location/country/official_language /m/02h40lc +/m/01wsl7c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gv5c /people/person/profession /m/02jknp +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fm9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j_ +/m/0343h /people/person/religion /m/092bf5 +/m/05r5c /music/instrument/instrumentalists /m/02jxkw +/m/06fpsx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cxbth +/m/03jg5t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/098n5 /people/person/gender /m/05zppz +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/017y26 +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p7yb +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0m19t +/m/05148p4 /music/instrument/instrumentalists /m/0lsw9 +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02rjv2w /film/film/featured_film_locations /m/027kp3 +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04pnx /location/location/contains /m/05c74 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08s3w_ +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/0pd64 /film/film/genre /m/02n4kr +/m/01nqfh_ /people/person/profession /m/09jwl +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/05f7w84 /tv/tv_program/genre /m/0215n +/m/01z4y /media_common/netflix_genre/titles /m/02f6g5 +/m/0d05fv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjmr +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/03xpf_7 /people/person/profession /m/01d_h8 +/m/04ycjk /education/educational_institution/campuses /m/04ycjk +/m/0fxmbn /film/film/film_art_direction_by /m/04_1nk +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fc83 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05rx__ /influence/influence_node/influenced_by /m/02dztn +/m/01vtj38 /people/person/profession /m/0dz3r +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/0d05q4 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/047yc +/m/0gr36 /film/actor/film./film/performance/film /m/0dtfn +/m/09c7w0 /location/location/contains /m/0bxbr +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/0170qf +/m/01h7bb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/063lqs +/m/01cl2y /music/record_label/artist /m/01vsykc +/m/07s9rl0 /media_common/netflix_genre/titles /m/07kdkfj +/m/03kx49 /film/film/produced_by /m/044f7 +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/015gw6 /film/actor/film./film/performance/film /m/0cf8qb +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0c1pj +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vtj38 +/m/0c0wvx /film/film_subject/films /m/01_0f7 +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yk13 +/m/0jhn7 /olympics/olympic_games/sports /m/0dwxr +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/026f__m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05pxnmb +/m/01_bkd /music/genre/parent_genre /m/0dl5d +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01l2fn /people/person/languages /m/02h40lc +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01lyv /music/genre/artists /m/015882 +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03jldb /film/actor/film./film/performance/film /m/03h4fq7 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/02nfhx /people/person/place_of_birth /m/0hptm +/m/01pj5q /people/person/profession /m/09jwl +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0cl0bk +/m/022840 /film/film_subject/films /m/0y_9q +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/0d6br /location/location/contains /m/0ht8h +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02404v +/m/01xq8v /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/09wlpl /people/person/profession /m/0np9r +/m/0bby9p5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/081lh /people/person/profession /m/0kyk +/m/056252 /music/record_label/artist /m/01n8gr +/m/01vvyfh /influence/influence_node/influenced_by /m/012vd6 +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/03q91d +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/06g77c /film/film/genre /m/0219x_ +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0b_dy /film/actor/film./film/performance/film /m/061681 +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/07f1x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01xbgx +/m/015f47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0frmb1 /people/person/employment_history./business/employment_tenure/company /m/0gsg7 +/m/02vnmc9 /film/film/produced_by /m/02kv5k +/m/021lby /people/person/place_of_birth /m/02_286 +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/016dj8 /film/film/language /m/06nm1 +/m/0j5q3 /film/actor/film./film/performance/film /m/02ryz24 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012mzw +/m/02zrv7 /film/actor/film./film/performance/film /m/01shy7 +/m/0pz91 /film/actor/film./film/performance/film /m/074w86 +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/0421st /film/actor/film./film/performance/film /m/03lvwp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/02ljhg /film/film/cinematography /m/08t7nz +/m/0gt3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/040whs +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017kz7 +/m/024zq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0237jb /award/award_winner/awards_won./award/award_honor/award_winner /m/09v6tz +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/01w565 /music/record_label/artist /m/01wphh2 +/m/07l4zhn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hvvf +/m/015mrk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k2xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/03rjj /location/location/contains /m/04_xrs +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/043mk4y +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/012vd6 /people/person/places_lived./people/place_lived/location /m/0281y0 +/m/07c52 /media_common/netflix_genre/titles /m/0hz55 +/m/01vsl /base/biblioness/bibs_location/country /m/09c7w0 +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029q_y +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/02h7qr /education/educational_institution/campuses /m/02h7qr +/m/029kpy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0jv5x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/0gjc4d3 /film/film/produced_by /m/0184dt +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/03cn92 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/0283_zv /film/film/language /m/02h40lc +/m/057wlm /education/educational_institution/colors /m/083jv +/m/02g1jh /people/person/gender /m/05zppz +/m/03m2fg /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/03cxsvl /people/person/place_of_birth /m/0lhn5 +/m/04bdzg /film/actor/film./film/performance/film /m/09m6kg +/m/01pcrw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01y9xg /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/049qx /film/actor/film./film/performance/film /m/011yxg +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/0252fh /film/actor/film./film/performance/film /m/0m9p3 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01mvth /people/person/profession /m/0np9r +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/013xrm /people/ethnicity/people /m/02h761 +/m/08rr3p /film/film/cinematography /m/09bxq9 +/m/01vsyjy /people/person/profession /m/02hrh1q +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/03n785 /film/film/country /m/0345h +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0n5j7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07x4qr +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vqsll /film/film/produced_by /m/02q42j_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/05z43v +/m/0dyl9 /location/hud_county_place/county /m/0mkdm +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/0735l +/m/0n1v8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1tx +/m/01n951 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07tg4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0jrtv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02gyl0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/05148p4 /music/instrument/instrumentalists /m/050z2 +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/0dkv90 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g8rj /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/06mvq /people/ethnicity/languages_spoken /m/0295r +/m/05r79 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/043gj +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0838y +/m/05k7sb /location/location/contains /m/0gv10 +/m/02rrh1w /film/film/genre /m/07s9rl0 +/m/01dtcb /music/record_label/artist /m/01k23t +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q45x +/m/0g768 /music/record_label/artist /m/0qf3p +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/030tj5 /people/person/nationality /m/07ssc +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj9t +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01cwm1 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/0g2dz /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07brj +/m/017l4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02gn8s /education/educational_institution_campus/educational_institution /m/02gn8s +/m/02wgbb /film/film/prequel /m/01bn3l +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0qdyf /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0d1w9 /film/film_subject/films /m/0p_sc +/m/0y4f8 /music/genre/artists /m/03h_yfh +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/0b3n61 /film/film/production_companies /m/05qd_ +/m/02cm2m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02kcz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nln +/m/06by7 /music/genre/artists /m/01mvjl0 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0jmwg /music/genre/artists /m/01vv7sc +/m/02y9bj /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k98nm /people/person/profession /m/09jwl +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vfqh +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/065dc4 +/m/0pmn7 /location/administrative_division/country /m/05r4w +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0404j37 +/m/024my5 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/043t8t /film/film/written_by /m/02ld6x +/m/04cv9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01t265 /people/deceased_person/place_of_death /m/030qb3t +/m/09c7w0 /location/location/contains /m/0qtz9 +/m/07gql /music/instrument/instrumentalists /m/01vyp_ +/m/05fgr_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pctb +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/093g7v +/m/08wq0g /people/person/nationality /m/09c7w0 +/m/01fxck /people/person/gender /m/05zppz +/m/01vtqml /people/person/profession /m/0nbcg +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/0184jw /people/person/languages /m/02h40lc +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/015y3j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0524b41 +/m/0g8rj /education/educational_institution_campus/educational_institution /m/0g8rj +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01g6l8 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095z4q +/m/04mcw4 /film/film/production_companies /m/0kx4m +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/012w70 /media_common/netflix_genre/titles /m/01f8f7 +/m/02nwxc /film/actor/film./film/performance/film /m/025rxjq +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k0yw +/m/021mkg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g48m4 /people/ethnicity/geographic_distribution /m/05fjf +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/0gm8_p /film/actor/film./film/performance/film /m/0sxgv +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dr1c2 /tv/tv_program/genre /m/0hcr +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0154qm +/m/0272_vz /film/film/production_companies /m/016tw3 +/m/0342h /music/instrument/instrumentalists /m/01wf86y +/m/011yd2 /film/film/language /m/02h40lc +/m/06fc0b /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/01p87y /film/director/film /m/08vd2q +/m/0sn4f /location/location/time_zones /m/02fqwt +/m/084kf /location/hud_county_place/place /m/084kf +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/014ps4 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0882r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/0mz73 /film/actor/film./film/performance/film /m/0fphf3v +/m/01xv77 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/035qy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdx +/m/05r4w /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dqmt0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05bcl +/m/01gv_f /people/person/nationality /m/0d0vqn +/m/0584r4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gz5hs +/m/0bxxzb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09n48 /olympics/olympic_games/sports /m/09_94 +/m/02v5_g /film/film/country /m/09c7w0 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0603qp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0132_h /sports/sports_team/colors /m/0jc_p +/m/0jtdp /media_common/netflix_genre/titles /m/03mnn0 +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/0mdyn /people/person/religion /m/03_gx +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0g2lq /people/person/languages /m/02h40lc +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/02sch9 /people/ethnicity/people /m/08vxk5 +/m/07z5n /location/country/form_of_government /m/06cx9 +/m/03d96s /music/record_label/artist /m/016kjs +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/09r9dp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/040whs +/m/043zg /people/person/profession /m/03gjzk +/m/01vvyc_ /people/person/profession /m/025sppp +/m/048hf /film/actor/film./film/performance/film /m/0n83s +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01yhvv /people/person/languages /m/064_8sq +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/06m6p7 /film/actor/film./film/performance/film /m/0p9tm +/m/0xynl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01m65sp /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/037hgm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01914 +/m/07kdkfj /film/film/language /m/05zjd +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025vldk +/m/079ws /award/award_winner/awards_won./award/award_honor/award_winner /m/079vf +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/06c62 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04xjp /people/person/places_lived./people/place_lived/location /m/07q3s +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0413cff /film/film/language /m/0jzc +/m/05q54f5 /film/film/genre /m/03mqtr +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0d0kn /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01zhs3 +/m/016h4r /film/actor/film./film/performance/film /m/05ch98 +/m/01pp3p /people/person/places_lived./people/place_lived/location /m/050ks +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0885n /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0gyh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0kvgtf /film/film/produced_by /m/01g1lp +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv54 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0bl06 +/m/01r4hry /people/person/place_of_birth /m/0pzpz +/m/01pjr7 /people/person/profession /m/02jknp +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0vhm /tv/tv_program/genre /m/0hcr +/m/03w1v2 /people/person/nationality /m/09c7w0 +/m/04954 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/02jg92 /people/person/gender /m/05zppz +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_lg +/m/03j1p2n /people/person/gender /m/05zppz +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mp4f +/m/048qrd /film/film/genre /m/03k9fj +/m/06jcc /influence/influence_node/influenced_by /m/02lt8 +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2_ +/m/01nln /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0157m /people/person/religion /m/05sfs +/m/0j0k /location/location/contains /m/07f1x +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/048xyn /film/film/production_companies /m/017s11 +/m/043tz0c /film/film/executive_produced_by /m/014zcr +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01sxq9 /film/actor/film./film/performance/film /m/0_816 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/01vrlqd +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/016kb7 /film/actor/film./film/performance/film /m/014nq4 +/m/04gb7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/087_wh /people/person/nationality /m/03rk0 +/m/0181dw /music/record_label/artist /m/0knhk +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0gz5hs /people/person/profession /m/02hrh1q +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03d0ns /people/person/nationality /m/0f8l9c +/m/01dvbd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01lqnff +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01nyl +/m/0f0kz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03g5_y /people/person/place_of_birth /m/01qh7 +/m/06bpt_ /music/genre/artists /m/019389 +/m/0253b6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0tc7 +/m/07dvs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/073hhn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01hxs4 /people/person/places_lived./people/place_lived/location /m/05ksh +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0jrny /people/person/nationality /m/0f8l9c +/m/01364q /award/award_winner/awards_won./award/award_honor/award_winner /m/028hc2 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/051x52f +/m/0cymp /location/location/contains /m/0yc7f +/m/06q5t7 /film/actor/film./film/performance/film /m/06znpjr +/m/0dwly /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01hq1 /film/film/language /m/02h40lc +/m/09q23x /film/film/costume_design_by /m/02w0dc0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0283_zv +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z9_x +/m/041rx /people/ethnicity/people /m/0hqcy +/m/02g3v6 /award/award_category/winners./award/award_honor/award_winner /m/02mxbd +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/027gy0k /film/film/featured_film_locations /m/0d331 +/m/045m1_ /people/person/gender /m/05zppz +/m/0343h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0l1pj /base/biblioness/bibs_location/country /m/09c7w0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07g1sm +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/04z_3pm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0kz1h +/m/064t9 /music/genre/artists /m/0135xb +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/0b90_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/01yz0x /award/award_category/disciplines_or_subjects /m/014dfn +/m/0_kq3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gfmc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/0fd_1 /people/person/religion /m/0631_ +/m/014v6f /film/actor/film./film/performance/film /m/011ykb +/m/03_gd /people/person/profession /m/03gjzk +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/02n9k /people/person/place_of_birth /m/02_286 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/050l8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02jx1 +/m/044rvb /film/actor/film./film/performance/film /m/02rlj20 +/m/02lgj6 /people/person/nationality /m/03rjj +/m/02rq8k8 /film/film/genre /m/0bkbm +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/03np63f /film/film/country /m/07ssc +/m/03fnjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/08k05y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02nvg1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01719t /film/film/genre /m/03bxz7 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/03f3_p3 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06t8b /people/person/profession /m/02krf9 +/m/03kwtb /people/person/gender /m/05zppz +/m/0fpxp /award/award_winning_work/awards_won./award/award_honor/award /m/04fgzb0 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/03gfvsz /broadcast/content/artist /m/03kts +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/04t2t /media_common/netflix_genre/titles /m/01mgw +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/038bh3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0181dw /music/record_label/artist /m/089tm +/m/0841zn /people/person/gender /m/05zppz +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/0ggq0m /music/genre/artists /m/01pbs9w +/m/03ys2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ysmg +/m/03nqnnk /film/film/country /m/09c7w0 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043kzcr +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f3yfj +/m/02d9nr /education/educational_institution/students_graduates./education/education/student /m/01pqy_ +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/08zrbl +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/0345h /location/location/contains /m/017v_ +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/02s8qk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0y_hb /film/film/featured_film_locations /m/02_286 +/m/0bpbhm /film/film/genre /m/05p553 +/m/07tl0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0c3351 /media_common/netflix_genre/titles /m/017z49 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0n23_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2m7 +/m/06dv3 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/072r5v /film/film/genre /m/04xvlr +/m/0gl6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/05kkh /location/location/contains /m/0z20d +/m/0grwj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0127m7 +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/028d4v /people/person/gender /m/02zsn +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0d07s /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06by7 /music/genre/artists /m/0fcsd +/m/01qzt1 /music/genre/parent_genre /m/06by7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/07m9cm /people/person/profession /m/0dxtg +/m/02h3tp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_pg +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/02t_vx /film/actor/film./film/performance/film /m/01zfzb +/m/04kj2v /people/person/place_of_birth /m/0156q +/m/09c7w0 /location/location/contains /m/01mpwj +/m/03t852 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dg3n1 /location/location/contains /m/01rxw +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/01rf57 +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/01pw2f1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/08yx9q +/m/0f0kz /people/person/profession /m/02hrh1q +/m/05g8pg /film/film/written_by /m/02mz_6 +/m/0fvf9q /people/person/place_of_birth /m/02_286 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032v0v +/m/07ssc /location/location/contains /m/01t8gz +/m/05b7q /location/country/official_language /m/02hwhyv +/m/04hzfz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/014bpd +/m/0hzlz /location/location/contains /m/0g284 +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02r2j8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vwllw +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pdbs +/m/08jfkw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0ggh3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04vn_k +/m/01qbjg /people/person/profession /m/03gjzk +/m/01p45_v /people/person/profession /m/0nbcg +/m/0nvt9 /location/location/contains /m/01s7j5 +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/06jtd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09ksp +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02nwxc +/m/01qvz8 /film/film/production_companies /m/025hwq +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cw411 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/0bmh4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/048j4l /music/instrument/instrumentalists /m/01271h +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gh8zks +/m/025ldg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01qwb5 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/01ljpm /education/educational_institution/colors /m/04mkbj +/m/05bt6j /music/genre/artists /m/09lwrt +/m/0479b /film/actor/film./film/performance/film /m/0pb33 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/07g_0c /film/film/country /m/09c7w0 +/m/01kb2j /film/actor/film./film/performance/film /m/027m5wv +/m/0gx_p /film/actor/film./film/performance/film /m/03b1l8 +/m/0d_84 /film/actor/film./film/performance/film /m/0jzw +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06cmd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/016h4r /people/person/gender /m/05zppz +/m/030tjk /people/person/nationality /m/02jx1 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02lq10 /people/person/nationality /m/07ssc +/m/02_fz3 /film/film/executive_produced_by /m/0kjgl +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04gcyg +/m/0mrs1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1xh +/m/01vb403 /film/actor/film./film/performance/film /m/0kcn7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/025sc50 /music/genre/artists /m/01vt5c_ +/m/059xnf /award/award_winner/awards_won./award/award_honor/award_winner /m/07rhpg +/m/03_gx /dataworld/gardening_hint/split_to /m/041rx +/m/031kyy /tv/tv_program/genre /m/0hcr +/m/0nm6z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm3n +/m/05r5c /music/instrument/instrumentalists /m/01l3mk3 +/m/0ws0h /location/location/time_zones /m/02fqwt +/m/0bl1_ /film/film/featured_film_locations /m/0f2v0 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0mz73 /people/person/places_lived./people/place_lived/location /m/010v8k +/m/04__f /people/person/profession /m/02hrh1q +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/02q_4ph /film/film/genre /m/082gq +/m/01_6dw /people/person/profession /m/0dxtg +/m/05y8n7 /music/genre/parent_genre /m/01243b +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0jqd3 /film/film/featured_film_locations /m/02_286 +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0488g +/m/016tb7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01k2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/08f3b1 +/m/0cwx_ /education/educational_institution/school_type /m/05pcjw +/m/02pd1q9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lf1j /film/actor/film./film/performance/film /m/035gnh +/m/0bthb /education/educational_institution/campuses /m/0bthb +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/0454s1 /people/deceased_person/place_of_burial /m/05rgl +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7z7 +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01cwhp /people/person/profession /m/0nbcg +/m/0l2vz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2xl +/m/0432_5 /film/film/film_format /m/0cj16 +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0b6l1st /film/film/produced_by /m/06chf +/m/01y17m /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/03wh49y /film/film/genre /m/01hmnh +/m/0g768 /music/record_label/artist /m/013rfk +/m/0191n /film/film/language /m/02h40lc +/m/09blyk /media_common/netflix_genre/titles /m/0k7tq +/m/0f2sx4 /film/film/production_companies /m/06rq1k +/m/03hh89 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/043hg /people/person/languages /m/06nm1 +/m/0jkvj /olympics/olympic_games/sports /m/0486tv +/m/03cmsqb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0794g +/m/03qjlz /people/person/gender /m/05zppz +/m/03fw4y /people/person/profession /m/01d_h8 +/m/0py9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9wdmc +/m/01lyv /music/genre/artists /m/016h4r +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0fg04 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m49ly +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07h9gp +/m/0ymb6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0k9wp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/02chhq /film/film/costume_design_by /m/02mxbd +/m/06yykb /film/film/produced_by /m/02xnjd +/m/027j9wd /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/040t74 /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bth54 /film/film/produced_by /m/03_gd +/m/0k2m6 /film/film/country /m/0f8l9c +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/06w87 /music/instrument/instrumentalists /m/01vsyg9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/01z4y /media_common/netflix_genre/titles /m/016ky6 +/m/0ldqf /olympics/olympic_games/sports /m/01cgz +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/016mhd /film/film/country /m/02jx1 +/m/0bl8l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c33pl /people/person/profession /m/018gz8 +/m/0prrm /film/film/story_by /m/0gd9k +/m/0clzr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jtf1 +/m/01_mdl /film/film/production_companies /m/086k8 +/m/03lty /music/genre/artists /m/0j6cj +/m/07cw4 /film/film/film_festivals /m/0g57ws5 +/m/015bpl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ljr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0lwyk /organization/organization/headquarters./location/mailing_address/citytown /m/099ty +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/06hx2 /people/person/places_lived./people/place_lived/location /m/059rby +/m/06j6l /music/genre/artists /m/01kv4mb +/m/0tl6d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rvwt /music/genre/artists /m/0pj8m +/m/04gxf /sports/sports_team_location/teams /m/0bjkk9 +/m/04w7rn /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/01w1ywm /people/deceased_person/place_of_death /m/02_286 +/m/01rxyb /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/02ck1 /people/person/profession /m/01d30f +/m/019pm_ /people/person/profession /m/0d1pc +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0n6f8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02js6_ +/m/05gc0h /people/person/nationality /m/03rk0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/02qkwl /film/film/genre /m/060__y +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/01l9p /film/actor/film./film/performance/film /m/02vrgnr +/m/0qcr0 /people/cause_of_death/people /m/017g2y +/m/0nj1c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0xnt5 +/m/0q5hw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/05pzdk /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/013rfk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w9ph_ /people/person/place_of_birth /m/0rhp6 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/055c8 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01t9qj_ /film/actor/film./film/performance/film /m/04954r +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gdh6k +/m/0hpyv /location/location/contains /m/01q7q2 +/m/06bnz /location/statistical_region/religions./location/religion_percentage/religion /m/0b06q +/m/0drnwh /film/film/production_companies /m/01gb54 +/m/0c2ry /people/person/nationality /m/09c7w0 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07q1v4 /people/person/gender /m/05zppz +/m/0g5838s /film/film/film_festivals /m/0kfhjq0 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01m42d0 +/m/0172rj /music/genre/artists /m/01wt4wc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/02z9rr /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/01h1b /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0fgpvf /film/film/genre /m/07s9rl0 +/m/0432cd /film/actor/film./film/performance/film /m/01cssf +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/02qmncd /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/07tds /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/02ld6x +/m/07c6l /music/instrument/instrumentalists /m/032t2z +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvdm +/m/02yxjs /education/university/fraternities_and_sororities /m/0325pb +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tszq +/m/01y81r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09h4b5 /film/actor/film./film/performance/film /m/02d49z +/m/013xrm /people/ethnicity/people /m/081l_ +/m/02jyhv /people/person/gender /m/02zsn +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/01v42g +/m/02661h /people/person/profession /m/0np9r +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030k94 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/02j9z /location/location/contains /m/03rj0 +/m/06m6p7 /film/actor/film./film/performance/film /m/06yykb +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/014z8v /people/person/places_lived./people/place_lived/location /m/02_286 +/m/046f3p /film/film/genre /m/07s9rl0 +/m/01bcp7 /medicine/disease/risk_factors /m/0jpmt +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/05zn92p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02jxmr /award/award_winner/awards_won./award/award_honor/award_winner /m/0150t6 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/07s9rl0 /media_common/netflix_genre/titles /m/08nhfc1 +/m/030qb3t /location/location/contains /m/0281s1 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/06x2ww /music/record_label/artist /m/01wp8w7 +/m/025sc50 /music/genre/artists /m/01w806h +/m/01xbxn /film/film/featured_film_locations /m/030qb3t +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d6cy +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/08w4pm /music/artist/origin /m/04jpl +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/02hsgn +/m/0cz8mkh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/04f6df0 /film/film/genre /m/03bxz7 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/01738f /music/genre/artists /m/0xsk8 +/m/04hhv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cpb7 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/0c8br +/m/095x_ /people/person/profession /m/09jwl +/m/0338g8 /people/person/nationality /m/09c7w0 +/m/0jnrk /sports/sports_team/colors /m/019sc +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/02pby8 /people/person/gender /m/05zppz +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/012s5j /film/actor/film./film/performance/film /m/0296vv +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03kxp7 +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02hfp_ +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01zfzb +/m/01243b /music/genre/artists /m/0191h5 +/m/01vsy95 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/032md /people/deceased_person/place_of_burial /m/018mmw +/m/072zl1 /film/film/production_companies /m/02j_j0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/04qsdh +/m/016ypb /people/person/profession /m/0np9r +/m/02gnh0 /education/educational_institution/colors /m/038hg +/m/04rzd /music/instrument/instrumentalists /m/0dw3l +/m/04b7xr /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/0f40w /film/film/genre /m/09blyk +/m/01c1px /people/person/profession /m/01d_h8 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/0l14qv /music/instrument/instrumentalists /m/01271h +/m/0cqh57 /people/person/nationality /m/0chghy +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/067nsm +/m/04mp75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/015g1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/instrument/instrumentalists /m/032nl2 +/m/03ydlnj /film/film/featured_film_locations /m/04jpl +/m/06by7 /music/genre/artists /m/0fhxv +/m/07bx6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mr6 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0fc1_ /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kv2hv +/m/03bzjpm /film/film/genre /m/07s9rl0 +/m/06182p /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c52 /media_common/netflix_genre/titles /m/0jq2r +/m/02bh9 /music/group_member/membership./music/group_membership/group /m/014pg1 +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/035ktt /education/educational_institution/colors /m/03vtbc +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02vk52z +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/04tgp /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0sw6g /film/actor/film./film/performance/film /m/011ycb +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0sxgv /film/film/language /m/06b_j +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0bxqq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0484q /music/group_member/membership./music/group_membership/role /m/0342h +/m/0f6_x /film/actor/film./film/performance/film /m/04sskp +/m/02kz_ /people/person/religion /m/0c8wxp +/m/09gffmz /people/person/profession /m/03gjzk +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/025b5y +/m/04fv5b /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xs5v +/m/02633g /people/person/profession /m/018gz8 +/m/03ffcz /film/film/country /m/0chghy +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01gfq4 /music/record_label/artist /m/018x3 +/m/01q0kg /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05pxnmb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/017gm7 /film/film/written_by /m/02bfxb +/m/031k24 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01zlwg6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/048tv9 /film/film/country /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04bbpm +/m/01gkp1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02rqwhl /film/film/executive_produced_by /m/02pv_d +/m/02mc79 /film/director/film /m/02mc5v +/m/0y_9q /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04l19_ /people/person/place_of_birth /m/0mn8t +/m/07dzf /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jswq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06z4wj /people/person/profession /m/0cbd2 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/01zh29 /film/actor/film./film/performance/film /m/052_mn +/m/01_bkd /music/genre/artists /m/01gx5f +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02sb1w +/m/03nfnx /film/film/genre /m/0hcr +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/05znxx /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/03bzjpm /film/film/country /m/059j2 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4vbz +/m/08cl7s /tv/tv_program/languages /m/03_9r +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/06cgy /film/actor/film./film/performance/film /m/07gghl +/m/01clyr /music/record_label/artist /m/0134wr +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/04cxw5b +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09h_q /award/award_winner/awards_won./award/award_honor/award_winner /m/03_0p +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/02l3_5 /people/person/places_lived./people/place_lived/location /m/02j3w +/m/059rby /location/location/contains /m/0ccvx +/m/05qx1 /location/country/form_of_government /m/01d9r3 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/09bjv /location/location/contains /m/02dgq2 +/m/0bl2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02v3yy +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02yxwd /film/actor/film./film/performance/film /m/034r25 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03bzc7 /music/genre/artists /m/0lsw9 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0448r /people/person/languages /m/06nm1 +/m/02j9z /base/locations/continents/countries_within /m/05r4w +/m/0c7lcx /film/actor/film./film/performance/film /m/0g9z_32 +/m/0n24p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0178g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0219q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fq7dv_ +/m/0l_q9 /base/aareas/schema/administrative_area/administrative_parent /m/0hjy +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/02ny6g /film/film/music /m/07j8kh +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/0342h /music/instrument/instrumentalists /m/01vswwx +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fn1w +/m/01xhh5 /people/ethnicity/languages_spoken /m/02hwhyv +/m/0bksh /film/actor/film./film/performance/film /m/01gglm +/m/0824r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ykg +/m/04dqdk /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01_bkd /music/genre/artists /m/0fpj4lx +/m/01cl2y /music/record_label/artist /m/01386_ +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d6lp +/m/01rzqj /people/person/profession /m/03gjzk +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/059rc +/m/01smm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gcpc +/m/016gkf /people/person/profession /m/01d_h8 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7h6 +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/014lc_ /film/film/genre /m/03k9fj +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0qmhk /film/film/genre /m/07s9rl0 +/m/025rvx0 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0170s4 /film/actor/film./film/performance/film /m/03mh_tp +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03rhqg /music/record_label/artist /m/04rcr +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/03lrqw /film/film/genre /m/01hmnh +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/017236 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/02q3bb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w29z /people/person/places_lived./people/place_lived/location /m/0100mt +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/046rfv /people/person/languages /m/0999q +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02p68d +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/03fykz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0126rp /people/person/profession /m/02hrh1q +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0pspl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01l1sq /music/group_member/membership./music/group_membership/role /m/0342h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03_qrp +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01933d /people/person/nationality /m/09c7w0 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04jb97 /film/actor/film./film/performance/film /m/0kv9d3 +/m/0bj9k /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz91 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jbn5 /location/administrative_division/country /m/0d05w3 +/m/02rxrh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06pj8 /film/actor/film./film/performance/film /m/0k_9j +/m/0dzf_ /film/actor/film./film/performance/film /m/0295sy +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/0l6vl /olympics/olympic_games/sports /m/0d1tm +/m/07srw /location/location/contains /m/0jch5 +/m/02b0yk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/016kz1 /film/film/genre /m/04t36 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07147 +/m/04g73n /film/film/genre /m/03k9fj +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g22z +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/0kr5_ /film/actor/film./film/performance/film /m/0hx4y +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048xyn +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02mx98 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lhdt +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/02h0f3 /people/person/places_lived./people/place_lived/location /m/0vfs8 +/m/0237jb /people/person/profession /m/01d_h8 +/m/05fjy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02fn5 +/m/07mz77 /film/actor/film./film/performance/film /m/0fpkhkz +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02lz1s +/m/016khd /film/actor/film./film/performance/film /m/02q87z6 +/m/034rd /people/person/nationality /m/014tss +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/0fb1q /film/actor/film./film/performance/film /m/014lc_ +/m/0dgr5xp /award/award_category/disciplines_or_subjects /m/02vxn +/m/01f6zc /film/actor/film./film/performance/film /m/0bpm4yw +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02tqm5 /film/film/genre /m/03q4nz +/m/08cn_n /film/actor/film./film/performance/film /m/04fv5b +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ft18 +/m/07twz /location/country/form_of_government /m/01d9r3 +/m/09q5w2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/06w2sn5 /people/person/profession /m/0nbcg +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02fn5r /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w_10 +/m/01clyr /music/record_label/artist /m/0fpjd_g +/m/0g8bw /location/country/official_language /m/07zrf +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01flzq /music/genre/artists /m/03j149k +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014l6_ +/m/02kcz /location/country/form_of_government /m/01d9r3 +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/06q07 /business/business_operation/industry /m/08mh3kd +/m/0rql_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01my4f +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07fj_ /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/016k62 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dhpj +/m/0bwhdbl /film/film/genre /m/03npn +/m/046lt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0y3_8 /music/genre/artists /m/02hzz +/m/027s39y /film/film/music /m/01x6v6 +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0q9jk +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0kjrx /people/person/nationality /m/09c7w0 +/m/0794g /people/person/nationality /m/09c7w0 +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_l96 +/m/05p1tzf /film/film/country /m/0345h +/m/01y9r2 /film/film/featured_film_locations /m/01_d4 +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0840vq /music/artist/origin /m/0kygv +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bl7g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0161rf /music/genre/artists /m/013423 +/m/09px1w /award/award_winner/awards_won./award/award_honor/award_winner /m/091yn0 +/m/0kh6b /people/person/religion /m/0kq2 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/024_41 /award/award_category/winners./award/award_honor/award_winner /m/0hl3d +/m/0320jz /film/actor/film./film/performance/film /m/07_k0c0 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01g6l8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xmxj +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0x67 /people/ethnicity/people /m/01wvxw1 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05148p4 /music/instrument/instrumentalists /m/03f5spx +/m/04bgy /people/person/profession /m/0d1pc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/05ll37 /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0frmb1 +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/06_6j3 +/m/04gv3db /film/film/genre /m/02kdv5l +/m/02778qt /people/person/profession /m/03gjzk +/m/050ks /location/location/contains /m/01vc5m +/m/0pz04 /people/person/languages /m/02h40lc +/m/033tf_ /people/ethnicity/people /m/078jnn +/m/01tnxc /people/person/nationality /m/09c7w0 +/m/0wq3z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/033pf1 /film/film/genre /m/03npn +/m/01whg97 /influence/influence_node/influenced_by /m/08433 +/m/04wtx1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0149xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_0p +/m/01p1z_ /people/deceased_person/place_of_burial /m/018mm4 +/m/048tv9 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/0g9yrw /film/film/genre /m/01q03 +/m/0l14j_ /music/instrument/instrumentalists /m/04m2zj +/m/02vw1w2 /film/film/genre /m/03k9fj +/m/04g4n /people/person/nationality /m/09c7w0 +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/03rjj /location/location/partially_contains /m/0lcd +/m/07s9rl0 /media_common/netflix_genre/titles /m/03kg2v +/m/0c31_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/06j6l /music/genre/artists /m/01fmz6 +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0fv_t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/02114t /film/actor/film./film/performance/film /m/01n30p +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02dlfh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0jsg0m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/020x5r /people/person/nationality /m/09c7w0 +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/0151b0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b2_xp +/m/0k8y7 /people/person/nationality /m/09c7w0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01516r +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/05dy7p +/m/0bs1g5r /people/person/gender /m/05zppz +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/03cfkrw /film/film/genre /m/07s9rl0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01n_2f +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/06ch55 /music/instrument/instrumentalists /m/028q6 +/m/0glt670 /music/genre/artists /m/01vz0g4 +/m/0181hw /music/record_label/artist /m/0c7ct +/m/0237fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xcfy +/m/01shy7 /film/film/production_companies /m/046b0s +/m/0qkcb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0190_q /music/genre/artists /m/0187x8 +/m/0n5c9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02mslq /music/artist/origin /m/0n1rj +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02gyl0 /people/person/places_lived./people/place_lived/location /m/0h44w +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/02mc5v /film/film/executive_produced_by /m/05hj_k +/m/0gvvm6l /film/film/music /m/03_f0 +/m/0n22z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_mdl /film/film/music /m/0146pg +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0czkbt +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02754c9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c7t58 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfv9 +/m/059t6d /people/person/languages /m/02h40lc +/m/05vsxz /film/actor/film./film/performance/film /m/047vnkj +/m/071dcs /people/person/profession /m/015h31 +/m/07ftc0 /people/person/languages /m/0t_2 +/m/0xnvg /people/ethnicity/people /m/03q1vd +/m/04vn5 /sports/sports_team/sport /m/0jm_ +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04sqj +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/05c9zr /film/film/production_companies /m/016tt2 +/m/01kwsg /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0dgq_kn /film/film/country /m/0d0vqn +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tr1 +/m/0df92l /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/02nfjp /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0888c3 +/m/0418ft /people/person/gender /m/02zsn +/m/016_v3 /music/genre/artists /m/02vwckw +/m/0jnm_ /sports/sports_team/colors /m/019sc +/m/01msrb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lz1s +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cwhp +/m/01wbgdv /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/05jg58 /music/genre/artists /m/0fpj4lx +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f2xy +/m/0d05fv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kwsg +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/028hc2 +/m/07_nf /time/event/locations /m/01xbgx +/m/015l4k /olympics/olympic_games/sports /m/09_9n +/m/01r3y2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03_wpf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0bsnm +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02gvwz /film/actor/film./film/performance/film /m/033srr +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/09k56b7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014kq6 /film/film/produced_by /m/03kpvp +/m/02vyw /film/actor/film./film/performance/film /m/0jzw +/m/0drsm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhl +/m/03z9585 /film/film/language /m/02bjrlw +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01dtl +/m/03rjj /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05mc99 /film/actor/film./film/performance/film /m/07gp9 +/m/078bz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016890 +/m/0c9t0y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wvhz +/m/01vs73g /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/010p3 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/036b_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06srk +/m/0ctw_b /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012jfb +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/04chyn /education/educational_institution/school_type /m/05jxkf +/m/05p09dd /film/film/genre /m/07s9rl0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/014hr0 /music/artist/track_contributions./music/track_contribution/role /m/0859_ +/m/0193f /music/genre/artists /m/016lmg +/m/0dt1cm /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0287xhr +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/011ypx +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/06sy4c /people/person/profession /m/0gl2ny2 +/m/05c46y6 /film/film/personal_appearances./film/personal_film_appearance/person /m/01zlh5 +/m/02s2lg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01z0rcq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04w391 +/m/02cllz /film/actor/film./film/performance/film /m/06w99h3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0946bb +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02fwfb /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/06ncr /music/instrument/instrumentalists /m/0f0y8 +/m/01f492 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05f8c2 +/m/02vx4 /media_common/netflix_genre/titles /m/01l2b3 +/m/06ltr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fyhv +/m/0r5lz /location/hud_county_place/place /m/0r5lz +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/09blyk /media_common/netflix_genre/titles /m/017z49 +/m/01y8d4 /influence/influence_node/influenced_by /m/02mpb +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/03gvpk /people/person/place_of_birth /m/06cn5 +/m/02bj6k /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0g7yx /location/location/time_zones /m/02llzg +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01f7v_ /people/person/gender /m/05zppz +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/01jfsb /media_common/netflix_genre/titles /m/016fyc +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05zpghd /film/film/written_by /m/015pxr +/m/0gj8nq2 /film/film/produced_by /m/07rd7 +/m/0197tq /people/person/gender /m/02zsn +/m/026wlxw /film/film/language /m/02h40lc +/m/04_jsg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01trhmt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01rgn3 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/01jfsb /media_common/netflix_genre/titles /m/0y_pg +/m/02bqy /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04cv9m /film/film/produced_by /m/07s93v +/m/03lmx1 /people/ethnicity/people /m/03f77 +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/04v89z /film/film/film_art_direction_by /m/05728w1 +/m/01t6xz /film/actor/film./film/performance/film /m/03m5y9p +/m/01tj34 /film/actor/film./film/performance/film /m/0209hj +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/0rj0z /location/hud_county_place/county /m/0jgk3 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/07h1tr /film/film_set_designer/film_sets_designed /m/02r_pp +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0170qf +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/05d8vw /people/person/profession /m/0nbcg +/m/04mlmx /people/person/gender /m/02zsn +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/082mw +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/02vp1f_ +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/0gs973 /film/film/genre /m/01hmnh +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/016cff /people/person/gender /m/02zsn +/m/0jmcv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0178g /organization/organization/place_founded /m/0d9jr +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0cp9f9 /people/person/profession /m/02krf9 +/m/02yw1c /music/genre/parent_genre /m/03lty +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04mx__ +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wz01 +/m/02fb1n /people/person/languages /m/02h40lc +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015q43 +/m/01k70_ /people/person/profession /m/01d30f +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0glt670 /music/genre/artists /m/0ffgh +/m/043tg /influence/influence_node/peers./influence/peer_relationship/peers /m/0399p +/m/06_sc3 /film/film/country /m/0f8l9c +/m/01l9p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/014zcr +/m/064jjy /film/director/film /m/042zrm +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/01c40n /base/biblioness/bibs_location/country /m/09c7w0 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/01y9r2 /film/film/production_companies /m/016tt2 +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/06tw8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06qd3 +/m/04htfd /business/business_operation/industry /m/02wbm +/m/02sjf5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/012gbb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03m4mj /film/film/country /m/09c7w0 +/m/0zqq8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fmw_ +/m/06sff /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02z2mr7 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2cb +/m/07gp9 /film/film/written_by /m/03_gd +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/09rsr0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03kx49 /film/film/genre /m/07s9rl0 +/m/03_d0 /music/genre/artists /m/011z3g +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/01tnbn +/m/0h63gl9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dr_9t7 +/m/059rby /location/location/contains /m/0y3k9 +/m/0287xhr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02hmw9 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/05p1tzf /award/award_winning_work/awards_won./award/award_honor/award /m/0c422z4 +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/027hm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018phr +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05pq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/03rqww +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/04g5k /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/04bs3j /people/person/profession /m/09jwl +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/0g5qs2k /film/film/genre /m/03k9fj +/m/03hnd /people/person/place_of_birth /m/0214m4 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/09c7w0 /location/location/contains /m/0l2lk +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0413cff /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k3p +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0j5g9 /location/location/contains /m/01v3ht +/m/0jvtp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b6mgp_ +/m/054nbl /music/genre/artists /m/01lvzbl +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01y_px /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t969 +/m/029pnn /film/actor/film./film/performance/film /m/013q0p +/m/05ldxl /film/film/featured_film_locations /m/014b4h +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/04_1l0v /location/location/contains /m/05fky +/m/023qfd /people/person/profession /m/0dxtg +/m/0b6m5fy /film/film/country /m/09c7w0 +/m/0342vg /film/director/film /m/0dckvs +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/06msq2 +/m/0c1d0 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/06btq +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/017v_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09krp +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/02nt75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01jc6q /film/film/genre /m/07s9rl0 +/m/011yn5 /film/film/featured_film_locations /m/02_286 +/m/07q9q2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0m2wm /people/person/religion /m/0c8wxp +/m/04107 /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0306ds /film/actor/film./film/performance/film /m/0234j5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/017vkx /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0ndwt2w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p50v +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0gywn /music/genre/artists /m/019f9z +/m/03gkn5 /people/person/nationality /m/09c7w0 +/m/02j04_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5sd +/m/0159h6 /people/person/religion /m/0kpl +/m/0j8js /sports/sports_team/colors /m/02rnmb +/m/096ysw /music/record_label/artist /m/01mr2g6 +/m/0vm4s /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014l6_ +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/0pc7r /location/location/time_zones /m/02hcv8 +/m/0725ny /people/person/place_of_birth /m/01531 +/m/0dr_4 /film/film/production_companies /m/016tt2 +/m/0bh8drv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/036dyy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026c1 +/m/011k11 /music/record_label/artist /m/01w524f +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077rj +/m/01c333 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/02fcs2 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5jm +/m/07csf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/05vtw /film/film_subject/films /m/0291hr +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/0hfjk /media_common/netflix_genre/titles /m/06cs95 +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g29 +/m/0415ggl /film/film/genre /m/04xvlr +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0mn78 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07vfz +/m/0c00lh /influence/influence_node/influenced_by /m/06mn7 +/m/01q_wyj /people/person/gender /m/05zppz +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01l2b3 +/m/04gp58p /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/08jbxf +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/06dfg /location/country/form_of_government /m/018wl5 +/m/041rx /people/ethnicity/people /m/02fgpf +/m/01k165 /people/person/nationality /m/0d060g +/m/03_80b /people/person/religion /m/0flw86 +/m/02p76f9 /film/film/language /m/02h40lc +/m/01x73 /location/location/contains /m/0167q3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fn2g +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02p21g /influence/influence_node/influenced_by /m/02p21g +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0l5yl /people/person/place_of_birth /m/01_d4 +/m/02x9g_ /education/educational_institution/school_type /m/01_9fk +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/0164w8 +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/04xvlr /media_common/netflix_genre/titles /m/080lkt7 +/m/05jt_ /music/genre/artists /m/01386_ +/m/03cyslc /film/film/genre /m/04t36 +/m/02lmk /people/person/profession /m/099md +/m/030vnj /film/actor/film./film/performance/film /m/034qmv +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01s21dg /people/person/profession /m/02hrh1q +/m/0dgrwqr /film/film/featured_film_locations /m/030qb3t +/m/0184jc /people/person/places_lived./people/place_lived/location /m/0g34_ +/m/0lcx /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/0c3xw46 /film/film/genre /m/02l7c8 +/m/01_xtx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/01pj7 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/01cx_ /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02r1c18 /film/film/country /m/09c7w0 +/m/01kb2j /people/person/gender /m/02zsn +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/051ys82 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01722w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06yrj6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01q_y0 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/06gn7r /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/07ssc /location/location/contains /m/0crjn65 +/m/05d1y /people/person/places_lived./people/place_lived/location /m/0d1yn +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/02__94 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0kbws /olympics/olympic_games/participating_countries /m/0166b +/m/01rtm4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0wsr +/m/016ynj /people/person/profession /m/02hrh1q +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/018h2 /film/film_subject/films /m/04j14qc +/m/04255q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0193qj +/m/01wcp_g /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/02fybl /film/actor/film./film/performance/film /m/011ysn +/m/0x67 /people/ethnicity/people /m/02v0ff +/m/016dj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mb2b /location/location/time_zones /m/02hcv8 +/m/01f7gh /film/film/language /m/02h40lc +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/01s0ps /music/instrument/instrumentalists /m/01vtg4q +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0xnc3 +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/05rrtf /business/business_operation/industry /m/02vxn +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/04mx7s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04nw9 /people/person/nationality /m/09c7w0 +/m/01vl17 /people/person/profession /m/0196pc +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b19t +/m/02wwsh8 /award/award_category/disciplines_or_subjects /m/02vxn +/m/05hjnw /film/film/written_by /m/01q415 +/m/01vlj1g /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0fxmbn /film/film/language /m/0c_v2 +/m/0bj9k /film/actor/film./film/performance/film /m/0jsf6 +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jc6q +/m/04hcw /people/person/religion /m/0c8wxp +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0154qm /people/person/nationality /m/0chghy +/m/0jzw /film/film/written_by /m/01wyy_ +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/07zlqp +/m/02581c /award/award_category/category_of /m/0c4ys +/m/01xn7x1 /sports/sports_team/colors /m/01g5v +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvsh7l +/m/0r2kh /location/location/time_zones /m/02lcqs +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0vfs8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q23x +/m/0h99n /medicine/disease/risk_factors /m/05zppz +/m/02_t2t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09cxm4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01zrq0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07mqps /people/ethnicity/people /m/09byk +/m/05q_dw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057176 +/m/0jfqp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/03qjg +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0182r9 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/045xx /sports/sports_team/sport /m/02vx4 +/m/01fm07 /music/genre/artists /m/02rn_bj +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/011lvx /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/01f_3w /music/record_label/artist /m/015f7 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0h32q /film/actor/film./film/performance/film /m/0c_j9x +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/02w4fkq /people/person/profession /m/016z4k +/m/03_3d /location/country/form_of_government /m/018wl5 +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/056jm_ /award/award_category/winners./award/award_honor/award_winner /m/07sbk +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jllg1 +/m/01d259 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt6w +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/074tb5 /people/person/nationality /m/09c7w0 +/m/015cqh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w524f /base/eating/practicer_of_diet/diet /m/07_jd +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dzlbx +/m/01q940 /music/record_label/artist /m/0knhk +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/079hvk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0cj_v7 +/m/02qnbs /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0x3r3 /people/person/profession /m/016fly +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01wmjkb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0mbw0 /people/person/profession /m/016z4k +/m/0xrz2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jfnvd /people/person/profession /m/09jwl +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016dmx /people/person/gender /m/05zppz +/m/01kjr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0zcbl +/m/0b005 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mvth +/m/03jjzf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l1sq +/m/056vv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0171cm +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/01hkhq /people/person/spouse_s./people/marriage/spouse /m/052gzr +/m/02_j8x /film/actor/film./film/performance/film /m/0ds35l9 +/m/04qz6n /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02pjvc +/m/017dcd /tv/tv_program/country_of_origin /m/09c7w0 +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/040t74 /people/person/place_of_birth /m/0k_p5 +/m/011xg5 /film/film/written_by /m/06pj8 +/m/0c7xjb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0lphb /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kcrd +/m/07ssc /location/country/second_level_divisions /m/0l1k8 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07bxhl +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/03f7m4h /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01m3x5p /people/person/profession /m/028kk_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01d6jf /people/person/gender /m/02zsn +/m/04qy5 /award/award_category/winners./award/award_honor/award_winner /m/0bymv +/m/03y3bp7 /tv/tv_program/genre /m/0hcr +/m/02q5xsx /people/person/nationality /m/09c7w0 +/m/07hwkr /people/ethnicity/people /m/01ksr1 +/m/02y_2y /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05r5c /music/instrument/instrumentalists /m/0dl567 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kx4m +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/0c1pj +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/015ynm /film/film/music /m/02jxkw +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049bp4 +/m/03z9585 /film/film/country /m/09c7w0 +/m/01wg25j /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/0c01c +/m/02xgdv /people/person/languages /m/02h40lc +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/05w6cw /people/person/profession /m/016z4k +/m/086k8 /music/record_label/artist /m/04mx7s +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05z_p6 /people/person/profession /m/02jknp +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05cj4r +/m/04hcw /people/person/profession /m/0mn6 +/m/01cl2y /music/record_label/artist /m/02mslq +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/06b19 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01l9p /people/person/profession /m/02hrh1q +/m/01lyv /music/genre/artists /m/024y6w +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0cg2cj +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0gs6vr /people/person/nationality /m/09c7w0 +/m/0fb7sd /film/film/featured_film_locations /m/0qpn9 +/m/023361 /people/person/profession /m/01c72t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bl8l +/m/07024 /film/film/country /m/09c7w0 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/09z2b7 /film/film/story_by /m/0l99s +/m/0820xz /education/educational_institution/school_type /m/05jxkf +/m/069_0y /people/person/place_of_birth /m/03h64 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/018ctl /olympics/olympic_games/participating_countries /m/05b7q +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dth1 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/09prnq /people/person/profession /m/039v1 +/m/024l2y /film/film/featured_film_locations /m/0rh6k +/m/0ds2l81 /film/film/cinematography /m/0280mv7 +/m/0p7h7 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/07fb6 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/02g5q1 /film/film/music /m/01r4hry +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06czyr +/m/09r_wb /film/actor/film./film/performance/film /m/0h2zvzr +/m/02y9bj /education/university/fraternities_and_sororities /m/0325pb +/m/02ln0f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/020bv3 /film/film/featured_film_locations /m/04jpl +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/05l8y /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/063hp4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/02mjf2 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0mb5x /people/person/religion /m/03_gx +/m/04xfb /influence/influence_node/influenced_by /m/015k7 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m8lq +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/01skxk /music/genre/parent_genre /m/016ybr +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/019lvv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0q9t7 /influence/influence_node/influenced_by /m/0683n +/m/03k7bd /film/actor/film./film/performance/film /m/015qqg +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0286gm1 /film/film/costume_design_by /m/0gl88b +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0bcp9b /film/film/genre /m/04xvlr +/m/048cl /influence/influence_node/influenced_by /m/07ym0 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/01693z /music/artist/origin /m/0vzm +/m/04gmlt /music/record_label/artist /m/01jkqfz +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05z_kps +/m/069d68 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03nymk +/m/01bpnd /people/person/religion /m/0kpl +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/01sp81 /people/person/profession /m/02jknp +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0315rp /film/film/country /m/09c7w0 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/03kbb8 +/m/017yxq /people/person/profession /m/02hrh1q +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01vc5m +/m/057xlyq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/04v9wn /sports/sports_team/sport /m/02vx4 +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/057bc6m /award/award_winner/awards_won./award/award_honor/award_winner /m/076psv +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrncs +/m/053j4w4 /film/film_set_designer/film_sets_designed /m/0jzw +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01xn5th /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0523v5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/03wjb7 /people/person/profession /m/02hrh1q +/m/0nk72 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/03_lsr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/01v3vp +/m/08gsvw /film/film/genre /m/0lsxr +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1p +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/03n785 +/m/037d35 /film/director/film /m/0170yd +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/03359d /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/088vb /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/025sc50 /music/genre/artists /m/01cwhp +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01kp66 /film/actor/film./film/performance/film /m/03nqnnk +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/0gy30w /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/086m1 /base/culturalevent/event/entity_involved /m/01hnp +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/016ckq /music/record_label/artist /m/01wgcvn +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02ln1 /people/person/nationality /m/0h7x +/m/02002f /language/human_language/countries_spoken_in /m/06m_5 +/m/0193fp /location/administrative_division/country /m/03_3d +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/01_f_5 +/m/0dck27 /people/person/place_of_birth /m/02dtg +/m/02jqjm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q87z6 +/m/0m491 /film/film/production_companies /m/05qd_ +/m/01vvyc_ /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0myhb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mc5v /film/film/prequel /m/01pj_5 +/m/0kftt /people/person/profession /m/02hrh1q +/m/0h0p_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/0690ct /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0311wg /people/person/profession /m/02hrh1q +/m/049xgc /film/film/executive_produced_by /m/06q8hf +/m/025jbj /people/person/nationality /m/09c7w0 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02bh8z /music/record_label/artist /m/03t9sp +/m/072x7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0kbws /olympics/olympic_games/participating_countries /m/07t21 +/m/024lff /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kgxf +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dtfn +/m/037gjc /people/person/profession /m/03gjzk +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/01q_y0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z5tr +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/0d05fv /people/person/gender /m/05zppz +/m/03gh4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01wbl_r /people/person/places_lived./people/place_lived/location /m/0fw4v +/m/02b1b5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05w3f /music/genre/artists /m/01lf293 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/02l840 /people/person/gender /m/05zppz +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0ct9_ /influence/influence_node/influenced_by /m/099bk +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/0j3d9tn /film/film/film_festivals /m/0j63cyr +/m/06qgjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/03y_f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0qm9n /film/film/production_companies /m/016tw3 +/m/06bng /influence/influence_node/influenced_by /m/06kb_ +/m/02lv2v /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/030qb3t +/m/09c7w0 /location/location/contains /m/07x4c +/m/09c7w0 /location/location/contains /m/0f2w0 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0fx2s /film/film_subject/films /m/02cbg0 +/m/012bk /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/015nhn /people/person/profession /m/0fj9f +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0b9dmk /film/actor/film./film/performance/film /m/03cvvlg +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/01rcmg /people/person/profession /m/03gjzk +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0154j +/m/0134w7 /people/person/places_lived./people/place_lived/location /m/0f8l9c +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvlyt +/m/059j1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049bmk +/m/04jpk2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c1fs /influence/influence_node/influenced_by /m/03j43 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/020y73 /film/film/genre /m/082gq +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02ywwy /film/film/country /m/09c7w0 +/m/045qmr /tv/tv_program/country_of_origin /m/03_3d +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/01mqc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btpx +/m/07yp0f /film/actor/film./film/performance/film /m/03shpq +/m/0gt_0v /music/genre/artists /m/024zq +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0fczy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0r3tb /location/location/time_zones /m/02lcqs +/m/07c5l /location/location/contains /m/02k1b +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0h953 /people/person/place_of_birth /m/0chrx +/m/0mdyn /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03bww6 +/m/06hgj /people/deceased_person/place_of_death /m/0l0mk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kkk4 +/m/0qf3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l_vgt +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/04dsnp /film/film/featured_film_locations /m/0cv3w +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01xbp7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06m_5 +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07s9rl0 /media_common/netflix_genre/titles /m/06cm5 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/057hz /film/actor/film./film/performance/film /m/034xyf +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0qmjd /film/film/featured_film_locations /m/027kp3 +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0kz2w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/041rx /people/ethnicity/people /m/01vvdm +/m/01dw_f /film/actor/film./film/performance/film /m/02qr3k8 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01d494 /influence/influence_node/influenced_by /m/0mj0c +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0chsq +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049mql +/m/063_t /film/actor/film./film/performance/film /m/01lbcqx +/m/0x67 /people/ethnicity/people /m/01hmk9 +/m/03y2kr /people/person/profession /m/04gc2 +/m/05c26ss /film/film/production_companies /m/056ws9 +/m/01n7q /location/location/contains /m/04cnp4 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/03yvf2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03_jhh /music/record_label/artist /m/0565cz +/m/05dfy_ /film/film/genre /m/0jxy +/m/04f6hhm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/01w8n89 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0y3_8 /music/genre/artists /m/01x1cn2 +/m/06rmdr /film/film/genre /m/0gf28 +/m/01ww2fs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fsn /music/instrument/instrumentalists /m/01gg59 +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/01dnws +/m/0b82vw /people/deceased_person/place_of_death /m/0nbwf +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/027rfxc /people/person/gender /m/02zsn +/m/09b6zr /people/person/places_lived./people/place_lived/location /m/013n2h +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/08pth9 /film/actor/film./film/performance/film /m/0cp0t91 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0412f5y /people/person/nationality /m/09c7w0 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0k57l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lymt /film/actor/film./film/performance/film /m/02fj8n +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/0gyy0 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02v3yy +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtxj2q +/m/01dc0c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/07l4zhn /film/film/genre /m/05p553 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/05p7tx /education/educational_institution/students_graduates./education/education/student /m/012201 +/m/01qq_lp /film/actor/film./film/performance/film /m/078mm1 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/02n4kr /media_common/netflix_genre/titles /m/0dsvzh +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04__f +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/078mm1 /film/film/produced_by /m/03y3dk +/m/02x8fs /film/film/genre /m/01hmnh +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/07ffjc /music/genre/artists /m/06y9c2 +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/02clgg /people/person/profession /m/02hrh1q +/m/0fm9_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/059g4 /location/location/partially_contains /m/09c7w0 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/0f13b /base/eating/practicer_of_diet/diet /m/07_jd +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/01clyr /music/record_label/artist /m/047cx +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0k4kk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/03by7wc +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01fs__ +/m/0j8p6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/057dxsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/01cl0d /music/record_label/artist /m/06rgq +/m/01nr36 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/06cmp /film/film_subject/films /m/09q5w2 +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/051cc +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/06wbm8q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/013ksx /location/location/time_zones /m/02hcv8 +/m/06by7 /music/genre/artists /m/01l_w0 +/m/0n6bs /location/location/time_zones /m/02hcv8 +/m/03n93 /people/person/profession /m/09j9h +/m/081lh /people/person/religion /m/0kpl +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03wj4r8 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/05314s /location/administrative_division/country /m/03rjj +/m/04pk1f /film/film/executive_produced_by /m/0glyyw +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4v +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/07w0v /education/educational_institution/school_type /m/01_9fk +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/049d_ +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/04107 /people/person/gender /m/05zppz +/m/05fly /location/location/contains /m/04zwc +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01zwy /people/deceased_person/place_of_burial /m/03v_5 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/09pmkv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f1x +/m/02rhfsc /award/award_winner/awards_won./award/award_honor/award_winner /m/01d8yn +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/01pwz /people/person/gender /m/05zppz +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcp9b +/m/0d060g /location/location/partially_contains /m/0k3nk +/m/01mgw /film/film/genre /m/02kdv5l +/m/0f7hc /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/012x4t +/m/045346 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0272_vz +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/0hn10 /media_common/netflix_genre/titles /m/05_5rjx +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/02wd48 /people/person/profession /m/0nbcg +/m/03cfjg /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0420td +/m/02y0yt /people/person/profession /m/018gz8 +/m/03xb2w /people/person/nationality /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/065zr /location/location/contains /m/023vwt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/096cw_ +/m/0fhp9 /base/biblioness/bibs_location/country /m/0h7x +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/037h1k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02m92h /award/award_winner/awards_won./award/award_honor/award_winner /m/05ty4m +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01v3x8 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/08xwck /people/person/nationality /m/0d060g +/m/0c58k /medicine/disease/risk_factors /m/01hbgs +/m/019n9w /education/educational_institution/colors /m/083jv +/m/04v048 /people/person/profession /m/0dxtg +/m/02mjmr /people/person/profession /m/0kyk +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/01ztgm /people/person/profession /m/01445t +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/064t9 /music/genre/artists /m/03bnv +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0132k4 /people/person/profession /m/0dz3r +/m/02wmbg /people/person/languages /m/055qm +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02zft0 +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vyw +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/05zr0xl /tv/tv_program/genre /m/0c4xc +/m/07jrjb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/0cnztc4 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02029f +/m/026ssfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/01w9mnm /people/person/nationality /m/02jx1 +/m/0kh6b /people/person/employment_history./business/employment_tenure/company /m/06hhp +/m/01nr36 /film/actor/film./film/performance/film /m/01k1k4 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnpc +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/05dfy_ /film/film/language /m/05zjd +/m/01vsykc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0645k5 /film/film/country /m/09c7w0 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/0b80__ /people/person/spouse_s./people/marriage/spouse /m/01934k +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/032zq6 +/m/0d05q4 /location/country/official_language /m/0jzc +/m/0209xj /film/film/genre /m/01t_vv +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/02c0mv /people/person/nationality /m/07ssc +/m/03yj_0n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/04t2l2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018grr +/m/0mmr1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mm0p +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_gd +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8hf +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/04y8r +/m/06vdh8 /people/person/gender /m/05zppz +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/02jx1 /location/location/contains /m/018h8j +/m/04k3jt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03pc89 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gmblvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/06rgq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vw20_ +/m/0nvd8 /location/us_county/county_seat /m/0sbbq +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/01f_3w /music/record_label/artist /m/02qsjt +/m/0fkwzs /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fvzg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/04qk12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wqflx /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0gcs9 /people/person/place_of_birth /m/0xq63 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02b61v /film/film/written_by /m/0hw1j +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02xtxw +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/024bbl /film/actor/film./film/performance/film /m/060__7 +/m/0dryh9k /people/ethnicity/people /m/0265z9l +/m/06_bq1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wbgdv /people/person/religion /m/06nzl +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/01dzz7 +/m/0dg3n1 /location/location/contains /m/027jk +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/05gnf +/m/0pmcz /education/educational_institution/school_type /m/07tf8 +/m/05cl8y /music/record_label/artist /m/02y7sr +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076_74 +/m/0k54q /film/film/production_companies /m/0hpt3 +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/09c7w0 /location/location/contains /m/013cz2 +/m/081pw /film/film_subject/films /m/07xvf +/m/0h95927 /film/film/language /m/02h40lc +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqyzz +/m/0c9cp0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0y_hb /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0k1dw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/0gdhhy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0432_5 +/m/018pj3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x4l_ +/m/01d8wq /location/location/time_zones /m/03bdv +/m/0ch3qr1 /film/film/genre /m/05p553 +/m/05q2c /education/educational_institution/school_type /m/01rs41 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026b7bz /people/person/profession /m/03gjzk +/m/02cff1 /award/award_winner/awards_won./award/award_honor/award_winner /m/050_qx +/m/040db /influence/influence_node/influenced_by /m/02lt8 +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06wm0z +/m/02_sr1 /film/film/genre /m/04t2t +/m/04xvlr /media_common/netflix_genre/titles /m/07nt8p +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0p17j /people/person/place_of_birth /m/030qb3t +/m/016zp5 /people/person/profession /m/0np9r +/m/04ykg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cwcdb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02lx0 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cwhp /people/person/employment_history./business/employment_tenure/company /m/033hn8 +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/01ztgm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l47f5 +/m/03ts0c /people/ethnicity/people /m/07lt7b +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k5sc +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/02kfzz /film/film/genre /m/03npn +/m/027d5g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033rq +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/012_53 /people/person/profession /m/02hrh1q +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01hw5kk /film/film/music /m/02cyfz +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02029f +/m/05xf75 /film/actor/film./film/performance/film /m/0gfh84d +/m/013yq /base/biblioness/bibs_location/state /m/0d0x8 +/m/06v8s0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028k57 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p_47 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tng0 +/m/03zw80 /organization/organization/headquarters./location/mailing_address/citytown /m/0f2rq +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/038g2x +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/05lb87 /people/person/gender /m/05zppz +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/01n4w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/034np8 /people/person/profession /m/0dxtg +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cfjg +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0pk1p /film/film/production_companies /m/05h4t7 +/m/03j24kf /influence/influence_node/peers./influence/peer_relationship/peers /m/01vs4f3 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/0hhggmy /film/film/genre /m/01jfsb +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/024qqx /media_common/netflix_genre/titles /m/02scbv +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0bg539 /film/actor/film./film/performance/film /m/03h4fq7 +/m/03h2p5 /people/person/profession /m/0196pc +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/0338g8 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/012s5j /people/person/gender /m/02zsn +/m/0hl3d /award/award_winner/awards_won./award/award_honor/award_winner /m/031x_3 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/0342h /music/instrument/instrumentalists /m/04b7xr +/m/0181dw /music/record_label/artist /m/016dsy +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/02whj /people/deceased_person/place_of_burial /m/018mm4 +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nymk +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/0b3n61 /film/film/production_companies /m/016tw3 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/05sy_5 /film/film/film_format /m/07fb8_ +/m/0jdhp /film/actor/film./film/performance/film /m/011ysn +/m/07y_7 /music/instrument/instrumentalists /m/02j3d4 +/m/012dtf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ltf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/09bx1k /people/deceased_person/place_of_death /m/030qb3t +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v3q +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0cbv4g /film/film/genre /m/0gf28 +/m/03h_yy /film/film/genre /m/04xvlr +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j1p2n +/m/03hhd3 /film/actor/film./film/performance/film /m/014lc_ +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jhd +/m/047p7fr /film/film/genre /m/06cvj +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0y3_8 /music/genre/artists /m/0lccn +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q8hj +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bkf72 /award/award_winner/awards_won./award/award_honor/award_winner /m/015zql +/m/03gn1x /education/educational_institution/students_graduates./education/education/student /m/0f13b +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03ytj1 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/03lty /music/genre/artists /m/014_lq +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/0155w /music/genre/artists /m/0407f +/m/09tkzy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/0d_84 +/m/03s6l2 /film/film/featured_film_locations /m/052p7 +/m/0fpmrm3 /film/film/film_festivals /m/0gg7gsl +/m/01qhm_ /people/ethnicity/people /m/01vvb4m +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0hz_1 /people/person/nationality /m/0d060g +/m/03w4sh /film/actor/film./film/performance/film /m/02q5bx2 +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/01nkxvx /people/person/nationality /m/09c7w0 +/m/02kz_ /influence/influence_node/influenced_by /m/084w8 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0g7k2g /music/artist/origin /m/0345h +/m/0hl3d /people/person/nationality /m/0f8l9c +/m/015g7 /base/biblioness/bibs_location/country /m/06npd +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cy__l +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dlngsd /film/film/genre /m/01jfsb +/m/0dq9p /people/cause_of_death/people /m/0b_fw +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/02pb53 /people/person/nationality /m/09c7w0 +/m/049qx /music/artist/origin /m/0chgzm +/m/04yywz /film/actor/film./film/performance/film /m/0q9sg +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01lj_c /award/award_category/winners./award/award_honor/award_winner /m/0dbpwb +/m/03h_yfh /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0k_l4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vswwx /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07024 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/01dtcb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/0dvmd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/017_qw /music/genre/artists /m/0dhqyw +/m/01qvz8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g23m /people/person/nationality /m/09c7w0 +/m/01ffx4 /film/film/language /m/02h40lc +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/02tv80 /film/actor/film./film/performance/film /m/01jmyj +/m/02wwr5n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02rff2 /education/educational_institution/students_graduates./education/education/student /m/0226cw +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d8rs /base/biblioness/bibs_location/country /m/059j2 +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04cf_l /film/film/written_by /m/020l9r +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01lk02 /tv/tv_program/genre /m/07s9rl0 +/m/0sxgv /film/film/produced_by /m/04t38b +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02jxmr +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/04gvyp +/m/0135xb /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0181dw /music/record_label/artist /m/01l_w0 +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/04hqz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/03mdt /media_common/netflix_genre/titles /m/064r97z +/m/05bt6j /music/genre/artists /m/01wf86y +/m/018_q8 /organization/organization/headquarters./location/mailing_address/citytown /m/052p7 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03bw6 /people/deceased_person/place_of_burial /m/01n7q +/m/07v64s /music/genre/artists /m/0kzy0 +/m/0jn38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04hpck /film/actor/film./film/performance/film /m/028_yv +/m/06pwq /education/university/fraternities_and_sororities /m/035tlh +/m/0f61tk /film/film/music /m/02cyfz +/m/09c7w0 /location/country/second_level_divisions /m/0m2fr +/m/0lgxj /olympics/olympic_games/sports /m/0486tv +/m/03ct7jd /film/film/country /m/0345h +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/0lzb8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07sbbz2 /music/genre/artists /m/07bzp +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/05w3f /music/genre/artists /m/01vsksr +/m/0bkq7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/04wlz2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019g40 /people/person/place_of_birth /m/0r0f7 +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gb54 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/06j6l /music/genre/artists /m/01wd9lv +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/016zwt /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0jhn7 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0140g4 /film/film/produced_by /m/04t38b +/m/0glqh5_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/085jw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/01y8zd /education/educational_institution/students_graduates./education/education/student /m/02v49c +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05w3f /music/genre/artists /m/01bpnd +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01jrvr6 +/m/0bpbhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09tqx3 /people/person/gender /m/05zppz +/m/02jx1 /location/location/contains /m/01z3d2 +/m/02rn00y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vzxmq /film/actor/film./film/performance/film /m/06gjk9 +/m/02_qt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03f6fl0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0415svh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cv_gy +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/09c7w0 /location/country/second_level_divisions /m/0nv2x +/m/05cj4r /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03ynwqj /film/film/language /m/02h40lc +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/03lvyj +/m/07c52 /media_common/netflix_genre/titles /m/0m123 +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044_7j +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/019lty +/m/02jx1 /location/location/contains /m/01vx3m +/m/03xnwz /music/genre/parent_genre /m/059kh +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/01_1hw /film/film/produced_by /m/04fyhv +/m/02hy9p /people/person/profession /m/0dxtg +/m/09hd16 /people/person/places_lived./people/place_lived/location /m/04sqj +/m/0lfgr /education/educational_institution/colors /m/09q2t +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/057__d +/m/01g42 /film/actor/film./film/performance/film /m/0bm2g +/m/08xz51 /people/person/profession /m/03gjzk +/m/03176f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07gxw /music/genre/artists /m/0k60 +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/0xsk8 /music/group_member/membership./music/group_membership/group /m/0qmny +/m/07h565 /film/actor/film./film/performance/film /m/07jxpf +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/07bbw /music/genre/artists /m/020hh3 +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0qdyf +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/025l5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03y7ml /organization/organization/headquarters./location/mailing_address/citytown /m/07bcn +/m/0j0k /location/location/contains /m/0697s +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bwr +/m/01x73 /location/location/contains /m/01rgn3 +/m/05dbyt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lhdt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01bdxz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036jb +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/01dvbd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01h1b +/m/01hr11 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06dfz1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02hsgn +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jgwf +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07ssc /location/location/contains /m/0ncq_ +/m/02z0f6l /film/film/film_format /m/0cj16 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08lmt7 +/m/0g5y6 /people/ethnicity/languages_spoken /m/02ztjwg +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0cl_m /people/deceased_person/place_of_death /m/02_286 +/m/026fd /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5d5 +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/07ssc /location/country/second_level_divisions /m/0rng +/m/0ddjy /film/film/featured_film_locations /m/0qr8z +/m/023p18 /education/educational_institution/students_graduates./education/education/student /m/042v2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01jzyf +/m/0738b8 /film/actor/film./film/performance/film /m/031t2d +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/022lly +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/03_3d /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/030z4z +/m/09bw4_ /film/film/production_companies /m/016tt2 +/m/01g3gq /film/film/language /m/02h40lc +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0dw6b /people/person/profession /m/05z96 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/01jssp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01p45_v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgpf +/m/024tsn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/01wbsdz /people/person/places_lived./people/place_lived/location /m/01smm +/m/01gf5h /award/award_winner/awards_won./award/award_honor/award_winner /m/02g1jh +/m/01p1b /location/country/official_language /m/0jzc +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f85k +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dd6bf +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/0bthb /education/educational_institution/school_type /m/01rs41 +/m/09p0q /people/person/nationality /m/09c7w0 +/m/031kyy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03fghg +/m/05cl2w /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03hfmm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06zn2v2 /film/film/genre /m/01jfsb +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n951 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/05z7c +/m/039cq4 /award/award_winner/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027tbrc +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/0170yd /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0d05w3 /location/location/partially_contains /m/09glw +/m/015g_7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02qjv1p +/m/01vtqml /film/actor/film./film/performance/film /m/03z20c +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0697kh +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/07vfj /education/educational_institution/students_graduates./education/education/student /m/01wyq0w +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0kw4j /education/educational_institution/students_graduates./education/education/student /m/06bss +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/07lmxq /people/person/gender /m/05zppz +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0bz5v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04257b +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/04jpl /location/location/contains /m/01rmjw +/m/08966 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01kk32 +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/064t9 /music/genre/artists /m/0123r4 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/05pt0l /film/film/genre /m/03q4nz +/m/0284gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01skxk /music/genre/artists /m/02mx98 +/m/05jm7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07yjb /film/film_subject/films /m/075wx7_ +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0p_47 /film/actor/film./film/performance/film /m/03kx49 +/m/01jmv8 /film/actor/film./film/performance/film /m/07yvsn +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/01gkcc /medicine/disease/risk_factors /m/01b_5g +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/0d06m5 +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/04rtpt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02kk_c +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/052gzr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dwz3t +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/023g6w /award/award_winning_work/awards_won./award/award_honor/honored_for /m/012kyx +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0l3h +/m/0jrny /people/person/religion /m/06nzl +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/043gj +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0jch5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/035sc2 /people/person/profession /m/0dxtg +/m/0bmpm /film/film/genre /m/04rlf +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/05q5t0b +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/030qb3t /location/hud_county_place/county /m/0kpys +/m/06qd3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj9t +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/016sp_ +/m/04ld94 /people/person/profession /m/01d_h8 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/02pp_q_ +/m/0169dl /film/actor/film./film/performance/film /m/02qzh2 +/m/05jjl /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7xl8 +/m/04pg29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/0hfzr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154d7 /people/person/profession /m/0cbd2 +/m/02qfh /tv/tv_program/country_of_origin /m/02jx1 +/m/049bp4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03_d0 /music/genre/artists /m/0g824 +/m/057wlm /education/educational_institution_campus/educational_institution /m/057wlm +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/09rp4r_ /people/person/place_of_birth /m/0d6lp +/m/01lnyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05lls +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06wm0z +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/02cllz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/026kmvf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03v9yw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bjhv +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02w7gg /people/ethnicity/people /m/02cbs0 +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/01y9r2 /film/film/film_format /m/07fb8_ +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dkzt +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/012kyx +/m/01jx9 /organization/organization/place_founded /m/0d7k1z +/m/02v570 /film/film/production_companies /m/03xsby +/m/0bdxs5 /people/person/religion /m/01lp8 +/m/03rt9 /location/location/contains /m/011xy1 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d9d6 +/m/04jlgp /film/actor/film./film/performance/film /m/02qr3k8 +/m/06gb1w /film/film/genre /m/06n90 +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/09h_q +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/04pqqb /people/person/profession /m/012t_z +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01dvry +/m/0g768 /music/record_label/artist /m/0130sy +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03xyp_ +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b44shh +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/08304 /people/person/profession /m/01xy5l_ +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01wx_y +/m/02b14q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f61tk /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/078lk /location/administrative_division/first_level_division_of /m/03rjj +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04093 /influence/influence_node/influenced_by /m/01vh096 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/02zk08 /film/film/production_companies /m/0g1rw +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxsw +/m/01kmd4 /people/person/places_lived./people/place_lived/location /m/0r2kh +/m/019m9h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0k1 +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01c9dd /award/award_category/category_of /m/0c4ys +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01fwk3 +/m/05p5nc /film/actor/film./film/performance/film /m/0dqcs3 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/04hcw /influence/influence_node/influenced_by /m/0d0mbj +/m/0353xq /film/film/language /m/02h40lc +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/04b2qn /film/film/production_companies /m/025jfl +/m/0jhz_ /location/location/contains /m/0ggh3 +/m/01wf86y /people/person/profession /m/02hrh1q +/m/06sfk6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01xsbh +/m/012jfb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/064t9 /music/genre/artists /m/01vn0t_ +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0c7ct /people/person/profession /m/08z956 +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05c5xx9 +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0kvb6p /film/film/film_art_direction_by /m/05v1sb +/m/012mrr /film/film/production_companies /m/017s11 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10w +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/01vn0t_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d66j2 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/070g7 /film/film/production_companies /m/0g1rw +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02q6cv4 /people/person/profession /m/03gjzk +/m/0170th /film/film/film_production_design_by /m/05b2gsm +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/09bg4l +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02778pf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0prfz /people/person/places_lived./people/place_lived/location /m/07ssc +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/065zlr /film/film/written_by /m/034bgm +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q7yfq +/m/02v5xg /film/film/genre /m/0hcr +/m/0821j /people/person/nationality /m/09c7w0 +/m/033pf1 /film/film/film_production_design_by /m/05b2f_k +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/02847m9 /film/film/music /m/07mvp +/m/08433 /people/person/profession /m/0dxtg +/m/033hn8 /music/record_label/artist /m/03f3yfj +/m/027y_ /influence/influence_node/influenced_by /m/041xl +/m/01j7z7 /people/person/place_of_birth /m/094jv +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0gyh /location/location/contains /m/0lphb +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0h27vc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015qqg /film/film/language /m/04306rv +/m/01cf93 /music/record_label/artist /m/01w5jwb +/m/02wd48 /people/person/profession /m/02hrh1q +/m/06bd5j /film/film/featured_film_locations /m/04jpl +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/09rvcvl +/m/01pcdn /people/person/places_lived./people/place_lived/location /m/0fv_t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09nzn6 +/m/07c52 /media_common/netflix_genre/titles /m/0b005 +/m/0n5_g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yh +/m/05m9f9 /people/person/profession /m/02krf9 +/m/03rjj /location/location/contains /m/078lk +/m/0m2cb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2by +/m/0f2v0 /sports/sports_team_location/teams /m/02__x +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/01r7pq /award/award_winner/awards_won./award/award_honor/award_winner /m/01v0fn1 +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvjr +/m/0fsd9t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ntb8 /film/film/genre /m/02kdv5l +/m/05ccxr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p7fh +/m/019fh /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/09c7w0 /location/location/contains /m/0281rp +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0407yj_ +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/02c8d7 /music/genre/artists /m/01vt9p3 +/m/04jpk2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0z4s /people/person/places_lived./people/place_lived/location /m/06_kh +/m/06cp5 /music/genre/artists /m/03sww +/m/093l8p /film/film/country /m/09c7w0 +/m/03qcfvw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_qj1 +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0j4b /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/05xbx /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dl6fv +/m/0dck27 /people/deceased_person/place_of_death /m/030qb3t +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/032wdd /people/person/languages /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kwhf +/m/0342h /music/instrument/instrumentalists /m/01vw87c +/m/01vtqml /people/person/profession /m/01c72t +/m/0n5c9 /location/location/time_zones /m/02hcv8 +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/06fpsx /film/film/production_companies /m/016tw3 +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0k7tq +/m/0gltv /film/film/genre /m/07s9rl0 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025twgf +/m/01938t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01fjfv /broadcast/content/artist /m/0b1zz +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/063vn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p85y +/m/04wlh /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03gj2 +/m/0jtf1 /location/administrative_division/country /m/03rt9 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/06z8gn +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01719t +/m/0gs5q /people/person/profession /m/03gjzk +/m/04grkmd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wdl3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/0g83dv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0ggq0m /music/genre/artists /m/0ftps +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/05zy2cy /film/film/language /m/02h40lc +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04swd +/m/01l2b3 /film/film/country /m/0345h +/m/02x_h0 /people/person/gender /m/05zppz +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/049gc /people/person/religion /m/0kq2 +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/01nn79 /business/business_operation/industry /m/08mh3kd +/m/0bbf1f /people/person/gender /m/02zsn +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07k2mq +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032_wv +/m/0g_bh /music/genre/parent_genre /m/03_d0 +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05dkbr +/m/023nlj /film/actor/film./film/performance/film /m/03lrht +/m/0blg2 /olympics/olympic_games/sports /m/0486tv +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0828jw /tv/tv_program/languages /m/02h40lc +/m/0blbxk /award/award_winner/awards_won./award/award_honor/award_winner /m/05vsxz +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cm2m +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01yj2 /base/biblioness/bibs_location/country /m/0hzlz +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01738f /music/genre/artists /m/01q7cb_ +/m/076xkdz /film/film/country /m/03_3d +/m/042fgh /film/film/music /m/0146pg +/m/0yxl /people/person/gender /m/05zppz +/m/01wg3q /people/person/place_of_birth /m/020d8d +/m/04qr6d /people/person/profession /m/01d_h8 +/m/0h778 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0x67 /people/ethnicity/people /m/051cc +/m/04rrx /location/location/contains /m/0v1xg +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/09c7w0 /location/location/contains /m/04rwx +/m/03gfvsz /broadcast/content/artist /m/01svw8n +/m/01tl50z /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0ddt_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/03j24kf /music/artist/origin /m/04jpl +/m/0j90s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w391 /film/actor/film./film/performance/film /m/02qkwl +/m/0dk0dj /tv/tv_program/program_creator /m/03jl0_ +/m/01cspq /people/person/nationality /m/03gj2 +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06rzwx +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/01vksx /film/film/produced_by /m/01t6b4 +/m/026c1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bg8v /tv/tv_program/languages /m/02h40lc +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/0n5kc /location/location/time_zones /m/02hcv8 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/041jlr /influence/influence_node/influenced_by /m/07dnx +/m/0kszw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/02j04_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0411q +/m/0294fd /film/actor/film./film/performance/film /m/011ysn +/m/09c7w0 /location/location/contains /m/0l0mk +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025ts_z +/m/01t110 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p3r8 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/0dnvn3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lbd9 /olympics/olympic_games/sports /m/018w8 +/m/0fby2t /people/person/profession /m/018gz8 +/m/020bv3 /film/film/genre /m/07s9rl0 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/027l0b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/052bw /location/administrative_division/country /m/07ssc +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0jsqk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015np0 +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rlxt +/m/018h2 /film/film_subject/films /m/0gd92 +/m/0cq806 /film/film/written_by /m/0p50v +/m/01mh8zn /people/person/places_lived./people/place_lived/location /m/0hptm +/m/0rqyx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jrqq /people/person/profession /m/01d_h8 +/m/017gm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/05xpv /people/person/languages /m/02h40lc +/m/03cs_z7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07zhjj +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0x67 /people/ethnicity/people /m/01w7nwm +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hskw +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0x2sv /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/02ylg6 /film/film/music /m/04bpm6 +/m/01vvb4m /film/actor/film./film/performance/film /m/02_fz3 +/m/01y9st /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s9y +/m/023nlj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05xbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08y2fn +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03ff65 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03clrng /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06449 /people/person/nationality /m/09c7w0 +/m/0qpn9 /location/hud_county_place/place /m/0qpn9 +/m/06j6l /music/genre/artists /m/01pq5j7 +/m/03kxdw /people/person/languages /m/02h40lc +/m/04sj3 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01vxqyl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vs_v8 +/m/0gpprt /film/actor/film./film/performance/film /m/09g8vhw +/m/01r4zfk /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/01vsgrn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bcp9b +/m/0827d /music/genre/artists /m/06k02 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/04mjl +/m/04wp3s /film/actor/film./film/performance/film /m/03m8y5 +/m/048vhl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/03n0cd /film/film/genre /m/05p553 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01jdxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02txdf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bqvs /film/film/genre /m/05p553 +/m/060j8b /film/actor/film./film/performance/film /m/0ds2l81 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/0l76z /tv/tv_program/country_of_origin /m/09c7w0 +/m/0cqr0q /film/film/language /m/02h40lc +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q1vd +/m/07c37 /people/person/religion /m/0n2g +/m/01rr9f /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/03jjzf /people/person/profession /m/0np9r +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q5hw +/m/0dryh9k /people/ethnicity/people /m/02756j +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/06fqlk /film/film/costume_design_by /m/03mfqm +/m/011yxg /film/film/genre /m/05p553 +/m/01vswwx /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/02w7gg /people/ethnicity/people /m/016zp5 +/m/07vf5c /film/film/featured_film_locations /m/095w_ +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03xl77 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0b73_1d /film/film/music /m/03h610 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/0436kgz /film/actor/film./film/performance/film /m/02qydsh +/m/085bd1 /film/film/country /m/07ssc +/m/025czw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0cp9f9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0kfv9 +/m/02ljhg /film/film/production_companies /m/032dg7 +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j4ls +/m/01xmxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cw3yd +/m/094g2z /film/film/cinematography /m/08t7nz +/m/04ftdq /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gk4g /people/cause_of_death/people /m/0127gn +/m/0gg8l /music/genre/artists /m/02f1c +/m/014kkm /film/film/genre /m/05p553 +/m/051z6mv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbf1 +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04f7c55 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01phtd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/034q3l /film/actor/film./film/performance/film /m/06rzwx +/m/0161rf /music/genre/artists /m/01vsy9_ +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b19f +/m/0bsb4j /people/person/profession /m/02krf9 +/m/033x5p /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dvry /tv/tv_program/genre /m/06q7n +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051x52f +/m/0294mx /film/film/music /m/01d_h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/048gd_ +/m/011yl_ /film/film/featured_film_locations /m/04jpl +/m/028tv0 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0jcjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcgs +/m/09949m /location/location/contains /m/01q0l +/m/0jf1b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09bg4l /people/person/places_lived./people/place_lived/location /m/013gxt +/m/02n4kr /media_common/netflix_genre/titles /m/065dc4 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/07yk1xz /film/film/country /m/0hzlz +/m/03k9fj /media_common/netflix_genre/titles /m/048rn +/m/07wrz /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02jxk +/m/09c7w0 /location/location/contains /m/0q_xk +/m/02r6c_ /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/0p8r1 /people/person/places_lived./people/place_lived/location /m/0167q3 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/05b49tt /film/film_set_designer/film_sets_designed /m/01zfzb +/m/0f2tj /location/location/contains /m/035ktt +/m/01vx5w7 /people/person/places_lived./people/place_lived/location /m/013yq +/m/012vf6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/0l3n4 /location/us_county/county_seat /m/0l4vc +/m/01chpn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/01yb1y +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0l2tk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cj79 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02lf1j /people/person/profession /m/0cbd2 +/m/01j590z /people/person/nationality /m/09c7w0 +/m/021dvj /music/genre/artists /m/02z81h +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02pbzv /education/educational_institution_campus/educational_institution /m/02pbzv +/m/0975t6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019rg5 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wx_y /sports/sports_team/colors /m/083jv +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/020ddc /education/educational_institution_campus/educational_institution /m/020ddc +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/03npn /media_common/netflix_genre/titles /m/0kv238 +/m/0237fw /people/person/place_of_birth /m/062qg +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/04shbh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/043g7l +/m/03flwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01309x +/m/02x9cv /education/educational_institution/school_type /m/01_srz +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/06n9lt /people/person/profession /m/02jknp +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/03x6w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/01fwzk /film/film/language /m/02h40lc +/m/081k8 /people/person/place_of_birth /m/0g251 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02bjrlw +/m/02qkt /location/location/contains /m/0hg5 +/m/0262zm /award/award_category/disciplines_or_subjects /m/04g51 +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01wj5hp /people/person/profession /m/01d30f +/m/01t94_1 /people/deceased_person/place_of_burial /m/01n7q +/m/0438pz /people/person/gender /m/05zppz +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/02rxrh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02m7r /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/08952r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/04rrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0rh6k +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pxnmb +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/03_r3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/02sqkh /tv/tv_program/program_creator /m/0438pz +/m/0173s9 /education/educational_institution/school_type /m/0m4mb +/m/01lbp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/07g2v +/m/09blyk /media_common/netflix_genre/titles /m/06g77c +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/043y95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/09c7w0 /location/location/contains /m/0498y +/m/02825kb /film/film/featured_film_locations /m/03gh4 +/m/06m_5 /location/location/contains /m/01sg4_ +/m/013x0b /music/record_label/artist /m/04kjrv +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01x0yrt /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/011j5x /music/genre/artists /m/02hzz +/m/0291hr /film/film/produced_by /m/052hl +/m/0d7wh /people/ethnicity/people /m/071ywj +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01hc9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/02qrwjt /award/award_category/winners./award/award_honor/award_winner /m/03mdw3c +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/02lnbg /music/genre/artists /m/016fnb +/m/06frc /location/country/form_of_government /m/06cx9 +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/01mqz0 +/m/0170k0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jrhz +/m/06mnbn /people/person/profession /m/02hrh1q +/m/0gl02yg /film/film/runtime./film/film_cut/film_release_region /m/03h64 +/m/013pk3 /people/person/profession /m/03gjzk +/m/0y_9q /film/film/produced_by /m/047q2wc +/m/0k0r0n7 /music/genre/artists /m/01lqf49 +/m/05tbn /location/location/contains /m/02bhj4 +/m/02s2ft /film/actor/film./film/performance/film /m/09p4w8 +/m/02bh8z /music/record_label/artist /m/07zft +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/0ftxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/02d003 /film/film/executive_produced_by /m/0pz91 +/m/021q2j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/02v4vl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/01btyw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0_lr1 +/m/05mdx /medicine/disease/risk_factors /m/02ctzb +/m/071cn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fc_p +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/01f9zw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/078sj4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0l6qt /people/person/profession /m/0dxtg +/m/0xnvg /people/ethnicity/people /m/02k4gv +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09d3b7 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164v +/m/01xrlm /organization/organization/headquarters./location/mailing_address/state_province_region /m/0j5g9 +/m/035_2h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05b49tt +/m/02xbyr /film/film/genre /m/01hmnh +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mfj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0sxkh /film/film/language /m/064_8sq +/m/0lv1x /olympics/olympic_games/sports /m/07jjt +/m/0k4p0 /film/film/featured_film_locations /m/02_286 +/m/0l5yl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/0207wx +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dl9_4 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06znpjr +/m/063_j5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d_84 +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06qgvf +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06ybz_ +/m/0chghy /location/location/contains /m/062qg +/m/013y1f /music/instrument/instrumentalists /m/01vrnsk +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/07f_t4 /film/film/story_by /m/0jpdn +/m/0b3n61 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02mmwk +/m/0bh8tgs /film/film/genre /m/06n90 +/m/0x25q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01dyvs +/m/0qm8b /film/film/produced_by /m/01t6b4 +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/05cc1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06whf /people/person/nationality /m/03rt9 +/m/0dls3 /music/genre/artists /m/070b4 +/m/02s2lg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0c00lh /influence/influence_node/influenced_by /m/03dbds +/m/053_7s /base/culturalevent/event/entity_involved /m/020d5 +/m/09yrh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bt4r4 /people/person/profession /m/0cbd2 +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03q91d /film/actor/film./film/performance/film /m/03lfd_ +/m/01m65sp /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02ln0f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/088tp3 /tv/tv_program/genre /m/0hcr +/m/014dq7 /people/person/place_of_birth /m/0f2tj +/m/02779r4 /people/person/gender /m/05zppz +/m/02f8lw /award/award_winner/awards_won./award/award_honor/award_winner /m/022769 +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03lmzl +/m/01hq1 /film/film/country /m/09c7w0 +/m/02khs /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/056vv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj2k3 +/m/05bt6j /music/genre/artists /m/0232lm +/m/0155w /music/genre/artists /m/015xp4 +/m/0pz04 /people/person/profession /m/02hrh1q +/m/03f7jfh /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/02r5dz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cc_1 /people/person/profession /m/0fnpj +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x9_8 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/0cq7tx /film/film/country /m/09c7w0 +/m/0639bg /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/031x_3 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/027km64 /people/person/profession /m/0np9r +/m/01d_4t /people/person/place_of_birth /m/02dtg +/m/018q42 /location/administrative_division/country /m/03_3d +/m/0ggx5q /music/genre/artists /m/01wrcxr +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/03wpmd /film/director/film /m/04q00lw +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/070xg /sports/sports_team/colors /m/03vtbc +/m/02ny8t /music/genre/artists /m/0dl567 +/m/01wk51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0211jt /education/educational_institution/colors /m/01g5v +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/018m5q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/01453 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02v8kmz /film/film/genre /m/05p553 +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0hkpn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0157g9 /location/location/contains /m/04vg8 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/023gxx /film/film/cinematography /m/03cx282 +/m/016ksk /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/026bfsh +/m/035yg /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/09c7w0 /location/location/contains /m/01m2v2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01rlzn +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/076xkps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/05rx__ /people/person/gender /m/05zppz +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/07yvsn /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01r3w7 +/m/0lphb /location/hud_county_place/place /m/0lphb +/m/011yth /film/film/written_by /m/09v6tz +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wgxtl +/m/051cc /people/person/place_of_birth /m/013yq +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01tp5bj /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/0knjh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cbkc +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/018jcq +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t969 +/m/03b1sb /film/film/produced_by /m/04sry +/m/09n48 /olympics/olympic_games/participating_countries /m/06c1y +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmxfs +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/04gp1d /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/017khj /people/person/gender /m/05zppz +/m/01n4w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/021dvj /music/genre/artists /m/01vyp_ +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/08l0x2 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070w7s +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/09rsjpv /film/film/genre /m/02kdv5l +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04flrx +/m/02cbvn /education/educational_institution_campus/educational_institution /m/02cbvn +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/06lvlf /film/actor/film./film/performance/film /m/0gwlfnb +/m/07z2lx /award/award_category/winners./award/award_honor/award_winner /m/05m9f9 +/m/0hpt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02fp3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0kr5_ /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02byfd /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01wx_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0jqj5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/02d02 /sports/sports_team/colors /m/083jv +/m/016kjs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0837ql +/m/03f0vvr /people/person/nationality /m/02jx1 +/m/01ydzx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09cr8 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b15h +/m/0rv97 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/021y7yw /film/film/language /m/064_8sq +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/03_r3 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0f3m1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/02tf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h7pj +/m/0175tv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02s58t /people/person/places_lived./people/place_lived/location /m/01snm +/m/064t9 /music/genre/artists /m/013v5j +/m/03f6fl0 /people/person/profession /m/0nbcg +/m/02mt51 /film/film/film_format /m/0cj16 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/017z88 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/05njyy /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0k0r0n7 /music/genre/artists /m/07g2v +/m/0m2wm /film/actor/film./film/performance/film /m/01shy7 +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/039bp +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01wqg8 /education/educational_institution_campus/educational_institution /m/01wqg8 +/m/017_pb /influence/influence_node/peers./influence/peer_relationship/peers /m/051cc +/m/05zdk2 /people/person/profession /m/02hrh1q +/m/01hkhq /film/actor/film./film/performance/film /m/0gs973 +/m/08cyft /music/genre/artists /m/06k02 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03y82t6 +/m/015gsv /people/person/place_of_birth /m/015zxh +/m/02dgq2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/09bjv +/m/07hwkr /people/ethnicity/people /m/049dyj +/m/01z4y /media_common/netflix_genre/titles /m/09lxv9 +/m/050ks /location/location/contains /m/0tr3p +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0lpk3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/015_30 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07xtqq +/m/0c6g1l /people/person/gender /m/05zppz +/m/09blyk /media_common/netflix_genre/titles /m/03cp4cn +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/0f6_x /people/person/places_lived./people/place_lived/location /m/042tq +/m/0837ql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0h6r5 /film/film/language /m/02h40lc +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01r32 /sports/sports_team_location/teams /m/01lpx8 +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/02vr30 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07bch9 /people/ethnicity/people /m/046lt +/m/018_q8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/01c59k /people/person/profession /m/015h31 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05qbbfb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03pvt /people/person/place_of_birth /m/01_d4 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/015jr /location/location/contains /m/07ypt +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01m4yn /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0kvgxk /film/film/production_companies /m/02slt7 +/m/0kt64b /people/deceased_person/place_of_death /m/015y2q +/m/0mcf4 /music/record_label/artist /m/030155 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/086sj /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01n5309 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06dn58 /people/person/places_lived./people/place_lived/location /m/05r7t +/m/04jkpgv /film/film/language /m/02h40lc +/m/0k3hn /location/location/time_zones /m/02hcv8 +/m/03d6q /people/person/gender /m/05zppz +/m/01_j71 /people/person/places_lived./people/place_lived/location /m/01531 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/015t56 /people/person/nationality /m/09c7w0 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02krdz +/m/0846v /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01swck /film/actor/film./film/performance/film /m/07bwr +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/016s0m +/m/017s1k /people/cause_of_death/people /m/0grmhb +/m/049fgvm /influence/influence_node/influenced_by /m/01s7qqw +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/07mvp +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151w_ +/m/041rx /people/ethnicity/people /m/03_0p +/m/029b9k /award/award_winner/awards_won./award/award_honor/award_winner /m/04nw9 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/01v_pj6 +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/011v3 +/m/015q1n /organization/organization/headquarters./location/mailing_address/state_province_region /m/0488g +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06ltr /film/actor/film./film/performance/film /m/031786 +/m/0484q /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0sx8l /olympics/olympic_games/participating_countries /m/05b4w +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pllx +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0dvmd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dvld +/m/06z8s_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/08cyft /music/genre/artists /m/07g2v +/m/0z4s /people/person/profession /m/02hrh1q +/m/01p6xx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxdy +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/02xtxw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pgzn_ +/m/08sk8l /film/film/country /m/09c7w0 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01qygl /business/business_operation/industry /m/09t4t +/m/04glr5h /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02rzdcp +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hmt9b +/m/0ds11z /film/film/genre /m/0fdjb +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/06929s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cwrr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w1ywm +/m/0b2qtl /film/film/genre /m/04xvlr +/m/01b39j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0bq2g /people/person/place_of_birth /m/030qb3t +/m/07ssc /location/location/contains /m/02z2lj +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0s6jm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nvrd +/m/04xvlr /media_common/netflix_genre/titles /m/03lvwp +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/0f7h2v /people/person/gender /m/05zppz +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01f6x7 /film/film/genre /m/04t2t +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01g257 +/m/082_p /people/person/profession /m/05z96 +/m/04pg29 /people/person/profession /m/03gjzk +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/03p7r /base/aareas/schema/administrative_area/capital /m/01f1q8 +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/01qb5d /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0f40w /film/film/personal_appearances./film/personal_film_appearance/person /m/0bqs56 +/m/029jt9 /film/film/produced_by /m/01v5h +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0qlnr +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/07g_0c /film/film/genre /m/01t_vv +/m/0fpjyd /people/person/place_of_birth /m/0xqf3 +/m/0d8_wz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01y9r2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k3p +/m/02x9g_ /education/educational_institution/campuses /m/02x9g_ +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011wtv +/m/06c1y /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/019l3m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0j90s /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026gyn_ +/m/017b2p /people/person/places_lived./people/place_lived/location /m/0gqkd +/m/0gh65c5 /film/film/country /m/09c7w0 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05n6sq +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/07f5x /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0hg5 /location/country/form_of_government /m/01q20 +/m/0448r /people/person/profession /m/0kyk +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v80y +/m/016clz /music/genre/artists /m/01s21dg +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/078jt5 +/m/03_3d /location/location/contains /m/024bqj +/m/0194zl /film/film/produced_by /m/0fvf9q +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/013mj_ /location/hud_county_place/place /m/013mj_ +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0hv4t /film/film/written_by /m/0hw1j +/m/046k81 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ggx5q /music/genre/artists /m/01vxlbm +/m/058dm9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05zpghd /film/film/production_companies /m/086k8 +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/081bls /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/0947l /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0261x8t +/m/042v2 /influence/influence_node/influenced_by /m/01v9724 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04306rv /language/human_language/countries_spoken_in /m/01ppq +/m/01gvpz /film/film/language /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zbg0 +/m/06d6y /people/person/profession /m/0cbd2 +/m/01p5xy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/04pf4r /people/person/profession /m/0dz3r +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0mgp +/m/09blyk /media_common/netflix_genre/titles /m/01kjr0 +/m/0342h /music/instrument/instrumentalists /m/03h_yfh +/m/03s5t /location/administrative_division/country /m/09c7w0 +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_wqk4 +/m/01_mdl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jrny +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07m77x +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xvjb +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/016890 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0134wr +/m/016z7s /film/film/genre /m/04xvh5 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pgp6 +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/05pxnmb /film/film/country /m/09c7w0 +/m/02v8kmz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/0pgjm /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/053xw6 /film/actor/film./film/performance/film /m/0pv54 +/m/03ryn /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/0fhxv /award/award_winner/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/0nj7b /location/us_county/county_seat /m/0vm39 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0mzkr /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03hfxx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02114t /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0j1yf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_9lg +/m/012gk9 /film/film/written_by /m/03ft8 +/m/017fp /media_common/netflix_genre/titles /m/0q9b0 +/m/01fh0q /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/031786 /film/film/genre /m/01jfsb +/m/0677j /education/educational_institution_campus/educational_institution /m/0677j +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01tdnyh /people/person/profession /m/016fly +/m/0kpys /location/location/contains /m/030qb3t +/m/01ynzf /people/person/profession /m/03gjzk +/m/02fbpz /people/person/places_lived./people/place_lived/location /m/0fl2s +/m/04mx8h4 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hm_ +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/05w3f /music/genre/artists /m/01lz4tf +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wg6y +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/08c6k9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/023tp8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pc6x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0282x /influence/influence_node/influenced_by /m/040dv +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02jmst /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0151zx /film/actor/film./film/performance/film /m/0kt_4 +/m/04x4nv /film/film/genre /m/0219x_ +/m/0163t3 /people/person/profession /m/01d_h8 +/m/04lqvly /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tgz4 +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_bcg +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/01kwh5j /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0181dw /music/record_label/artist /m/09k2t1 +/m/081m_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0bdd_ +/m/03_js /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6s7 /time/event/locations /m/0fsb8 +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01gy7r /people/person/languages /m/02h40lc +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/02jr26 /film/actor/film./film/performance/film /m/014_x2 +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01d6g +/m/01sg7_ /people/person/places_lived./people/place_lived/location /m/0mnsf +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/07gp9 /film/film/genre /m/01jfsb +/m/04wlz2 /education/educational_institution/school_type /m/01_srz +/m/037njl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01323p /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/07vyf /education/educational_institution/school_type /m/05jxkf +/m/01wdqrx /award/award_winner/awards_won./award/award_honor/award_winner /m/01s21dg +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018f8 +/m/07c52 /media_common/netflix_genre/titles /m/063ykwt +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0f40w /film/film/genre /m/06n90 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/0dz46 /award/award_nominee/award_nominations./award/award_nomination/award /m/027x4ws +/m/0xhtw /music/genre/artists /m/0bk1p +/m/0372j5 /film/film/cinematography /m/02rgz97 +/m/03v40v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/06chf /people/person/gender /m/05zppz +/m/0k9j_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dg3n1 /base/locations/continents/countries_within /m/0164v +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0y_9q +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01cz7r +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05km8z /people/person/nationality /m/02jx1 +/m/03f3yfj /people/person/gender /m/02zsn +/m/05ls3r /sports/sports_team/colors /m/01g5v +/m/03n6r /film/actor/film./film/performance/film /m/0ft18 +/m/01q_ph /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02t__3 /people/person/nationality /m/09c7w0 +/m/07t31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/03rl84 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02qfhb +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ddkf +/m/06k75 /base/culturalevent/event/entity_involved /m/012m_ +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/09c7w0 /location/location/contains /m/02fs_d +/m/0l12d /music/group_member/membership./music/group_membership/role /m/0342h +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02vjzr /music/genre/artists /m/016vqk +/m/02m7r /people/person/employment_history./business/employment_tenure/company /m/052nd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rytm +/m/04165w /film/film/executive_produced_by /m/05hj_k +/m/023t0q /people/person/place_of_birth /m/0ftlx +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01386_ /music/artist/origin /m/09bjv +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/0qpjt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/0kb07 /film/film/production_companies /m/05qd_ +/m/03w9sgh /people/person/place_of_birth /m/02cl1 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/0hh2s /music/genre/artists /m/07sbk +/m/0hv4t /film/film/genre /m/01jfsb +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/01wp8w7 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0drsm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09nwwf /music/genre/artists /m/01gf5h +/m/01b66t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033m23 +/m/015wnl /people/person/profession /m/0np9r +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/0r4xt /location/location/time_zones /m/02lcqs +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvyc_ +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05bht9 /people/person/gender /m/05zppz +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03_qj1 +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/05fky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ykg +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0892sx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pq5j7 +/m/030dx5 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01z4y /media_common/netflix_genre/titles /m/0bz6sq +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/06r2h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/081m_ /location/location/contains /m/025ttz4 +/m/0425_d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03x7hd /film/film/production_companies /m/01795t +/m/0hhggmy /film/film/prequel /m/03mgx6z +/m/0g_92 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2g +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/09z2b7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/041mt /influence/influence_node/influenced_by /m/0f6lx +/m/073x6y /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/0xhtw /music/genre/artists /m/0pkyh +/m/0pcc0 /people/person/nationality /m/09c7w0 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj5hp +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/022fj_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vtmw6 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/03n_7k /people/person/spouse_s./people/marriage/spouse /m/01skmp +/m/01tf_6 /people/cause_of_death/people /m/01k9lpl +/m/02h22 /film/film/genre /m/01jfsb +/m/011yqc /film/film/language /m/02h40lc +/m/01rc4p /people/person/profession /m/01d30f +/m/02lnbg /music/genre/artists /m/09qr6 +/m/0m9p3 /film/film/country /m/07ssc +/m/06_sc3 /film/film/genre /m/03npn +/m/07hwkr /people/ethnicity/geographic_distribution /m/09c7w0 +/m/06gh0t /people/person/profession /m/02hrh1q +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01g23m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rrd4 +/m/02_cx_ /education/educational_institution/colors /m/02rnmb +/m/08w7vj /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05v8c +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b6mgp_ +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/041c4 /film/actor/film./film/performance/film /m/031778 +/m/04hqbbz /people/person/place_of_birth /m/023vwt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017ztv +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04954 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/02rk45 /people/person/place_of_birth /m/0dclg +/m/0cnk2q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/043h78 /film/film/production_companies /m/086k8 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0fqt1ns +/m/07c52 /media_common/netflix_genre/titles /m/03y317 +/m/02x8z_ /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/03ldxq /people/person/profession /m/015cjr +/m/06pj8 /film/director/film /m/0jqn5 +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0chw_ /people/person/gender /m/02zsn +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0js9s +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01wv24 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02ptzz0 /sports/sports_team/colors /m/019sc +/m/015xp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/064_8sq /language/human_language/countries_spoken_in /m/04v09 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/015y3j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/01vx3m /location/location/time_zones /m/03bdv +/m/01my_c /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06mr2s +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0292l3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07hwkr /people/ethnicity/people /m/01vh08 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02pb2bp /film/film/genre /m/06n90 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dy04 +/m/02qcr /film/film/genre /m/0glj9q +/m/09gb_4p /film/film/country /m/07ssc +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/03_r3 /location/country/capital /m/09b8m +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/02n1gr /people/person/religion /m/06yyp +/m/06688p /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02qsqmq /film/film/production_companies /m/05mgj0 +/m/01b8w_ /base/biblioness/bibs_location/country /m/07ssc +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07j8kh +/m/0227vl /people/person/profession /m/012t_z +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/06hzq3 /music/genre/artists /m/01vsnff +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036dyy +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/03_nq +/m/059rby /location/location/contains /m/0drs7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049n2l +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmm4 +/m/0fs54 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015_1q /music/record_label/artist /m/07mvp +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/06nnj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fd8x +/m/0nz_b /location/location/time_zones /m/02hcv8 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0d05w3 /location/location/contains /m/03h64 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/043t8t /film/film/language /m/05zjd +/m/019l68 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/07_nf /film/film_subject/films /m/09sr0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/0241y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/071x0k /people/ethnicity/languages_spoken /m/07qv_ +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m_h6 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0d060g /location/location/contains /m/018dhx +/m/031y07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bg8v +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01w3v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/01y9jr /film/film/film_production_design_by /m/02x2t07 +/m/02p2zq /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0cx7f /music/genre/artists /m/016ntp +/m/0ywrc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pdp8 /film/film/written_by /m/0pgjm +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015t56 +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01m7f5r +/m/0cl0bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/0k3k1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3l5 +/m/087z12 /people/person/nationality /m/03rk0 +/m/03l78j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08fn5b +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01x4sb /film/actor/film./film/performance/film /m/05szq8z +/m/01jq4b /education/educational_institution_campus/educational_institution /m/01jq4b +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012gk9 +/m/058kqy /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0l6qt +/m/0dl5d /music/genre/artists /m/0dtd6 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0m593 /people/deceased_person/place_of_death /m/0f2wj +/m/01fbr2 /music/genre/artists /m/01lcxbb +/m/04z_x4v /people/person/nationality /m/06bnz +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04pg29 +/m/0137hn /people/person/nationality /m/02jx1 +/m/0k2sk /film/film/executive_produced_by /m/06pj8 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/024bbl +/m/0ljbg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02q0v8n /film/film/genre /m/0c3351 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/01s1zk /people/person/nationality /m/03gyl +/m/0b2qtl /film/film/country /m/03rjj +/m/01w5jwb /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/012xdf /people/person/places_lived./people/place_lived/location /m/0ply0 +/m/0h5g_ /film/actor/film./film/performance/film /m/02ll45 +/m/0jpn8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vs9 +/m/012c6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0mwh1 /location/us_county/county_seat /m/0_7z2 +/m/0krdk /organization/role/leaders./organization/leadership/organization /m/054lpb6 +/m/0739y /people/person/nationality /m/03rt9 +/m/064177 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047n8xt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/090s_0 /tv/tv_program/genre /m/01z77k +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/01k47c +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01cj6y +/m/02_j8x /people/person/profession /m/02hrh1q +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0dh1n_ /people/deceased_person/place_of_death /m/0k_p5 +/m/02vm9nd /award/award_category/nominees./award/award_nomination/nominated_for /m/097h2 +/m/065z3_x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0sxdg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02hrb2 /education/educational_institution/students_graduates./education/education/student /m/0nk72 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/01hqhm /film/film/film_festivals /m/09rwjly +/m/04411 /organization/organization_founder/organizations_founded /m/07wrz +/m/03b1l8 /film/film/music /m/02ryx0 +/m/063vn /people/person/profession /m/0d8qb +/m/01_vfy /people/person/gender /m/05zppz +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0c00zd0 /film/film/cinematography /m/03cx282 +/m/06w7mlh /tv/tv_program/genre /m/01tz3c +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/036hf4 +/m/04qt29 /film/actor/film./film/performance/film /m/0bwhdbl +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06c1y +/m/0d61px /film/film/production_companies /m/017jv5 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/071ywj /film/actor/film./film/performance/film /m/0bbm7r +/m/03cp7b3 /people/person/place_of_birth /m/03h64 +/m/04cbtrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tnbn +/m/05bt6j /music/genre/artists /m/0kj34 +/m/01h72l /tv/tv_program/genre /m/05p553 +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01634x +/m/0n57k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02hft3 /education/educational_institution/colors /m/0jc_p +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0bv7t /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/0bjv6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b18l +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03jldb /people/person/languages /m/02h40lc +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/07z5n /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0cbkc /people/person/languages /m/02bjrlw +/m/07s6tbm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07zhjj +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06wvj /people/person/profession /m/01c8w0 +/m/021bk /award/award_winner/awards_won./award/award_honor/award_winner /m/03qd_ +/m/0gyh2wm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/0g_92 /film/actor/film./film/performance/film /m/0bm2g +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/044mz_ /people/person/spouse_s./people/marriage/spouse /m/03lvyj +/m/04xvlr /media_common/netflix_genre/titles /m/03np63f +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/06182p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0g9yrw /film/film/language /m/02h40lc +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_njt +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/0psxp /location/hud_county_place/place /m/0psxp +/m/011yth /film/film/country /m/09c7w0 +/m/04mzf8 /film/film/produced_by /m/0hqcy +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03hjv97 /film/film/genre /m/07s9rl0 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0178rl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03cz83 +/m/011ywj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/037h1k /music/record_label/artist /m/07rnh +/m/05hrq4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0sw0q +/m/0qf11 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/056xx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gjt4 +/m/028pzq /people/person/gender /m/02zsn +/m/080lkt7 /film/film/country /m/09c7w0 +/m/017zq0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02hnl /music/instrument/instrumentalists /m/04f7c55 +/m/05tbn /location/location/contains /m/0mwjk +/m/03lvyj /people/person/nationality /m/09c7w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/07fsv /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/030_1_ +/m/043g7l /music/record_label/artist /m/013423 +/m/017fp /media_common/netflix_genre/titles /m/065z3_x +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/016clz /music/genre/artists /m/089pg7 +/m/05bt6j /music/genre/artists /m/0147jt +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0jgld /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06y3r /organization/organization_founder/organizations_founded /m/0k8z +/m/01vw20_ /people/person/profession /m/0n1h +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03177r +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0138mv +/m/013cr /people/person/profession /m/018gz8 +/m/03rj0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01v3k2 /education/educational_institution_campus/educational_institution /m/01v3k2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01cw24 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02633g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/07tjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0d58_ /location/location/time_zones /m/02llzg +/m/05kfs /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/04jwjq /film/film/language /m/02hxcvy +/m/02nx2k /film/film/production_companies /m/016tw3 +/m/01sqd7 /music/record_label/artist /m/01t110 +/m/07l1c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0181dw /music/record_label/artist /m/014488 +/m/0crh5_f /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0jvt9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/01csrl /people/person/nationality /m/09c7w0 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0p3sf /people/person/profession /m/0cbd2 +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w806h +/m/0524b41 /tv/tv_program/genre /m/01hmnh +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0h8d +/m/01jw4r /film/actor/film./film/performance/film /m/0fqt1ns +/m/02hnl /music/instrument/instrumentalists /m/0167v4 +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0c4f4 /film/actor/film./film/performance/film /m/08r4x3 +/m/0brgy /medicine/symptom/symptom_of /m/011zdm +/m/059rby /location/location/contains /m/0dq16 +/m/0c_tl /olympics/olympic_games/sports /m/03fyrh +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/025t8bv /music/record_label/artist /m/014488 +/m/05148p4 /music/instrument/instrumentalists /m/0p3sf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/03l78j +/m/015d3h /film/actor/film./film/performance/film /m/0bm2g +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07fb6 /location/country/form_of_government /m/01q20 +/m/01fwj8 /film/actor/film./film/performance/film /m/05dptj +/m/014dd0 /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0154qm +/m/04wsz /location/location/contains /m/04hqz +/m/071fb /language/human_language/countries_spoken_in /m/088xp +/m/0124jj /location/location/contains /m/0g133 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07b2yw +/m/016z5x /film/film/genre /m/04xvlr +/m/03c5bz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bq6ntw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cqnss /film/film/music /m/095p3z +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/07lmxq /film/actor/film./film/performance/film /m/0n_hp +/m/01vw37m /film/actor/film./film/performance/film /m/05sy_5 +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/01dnws /music/instrument/instrumentalists /m/01nqfh_ +/m/02f_k_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/01q_ph /influence/influence_node/influenced_by /m/05rx__ +/m/0d05q4 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/01795t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/022qw7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04q00lw /film/film/film_festivals /m/09rwjly +/m/035w2k /film/film/language /m/064_8sq +/m/02b19f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/080nwsb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_9r /media_common/netflix_genre/titles /m/0gy0l_ +/m/01dhjz /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/0411q /people/person/nationality /m/09c7w0 +/m/0q9nj /tv/tv_program/program_creator /m/02kmx6 +/m/01633c /film/film/country /m/09c7w0 +/m/03m3nzf /film/actor/film./film/performance/film /m/02z3r8t +/m/0d6n1 /film/film_subject/films /m/06x77g +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/05nqq3 /people/person/languages /m/07c9s +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018swb +/m/025mb_ /people/person/gender /m/02zsn +/m/09snz /base/biblioness/bibs_location/state /m/081yw +/m/05fgt1 /film/film/country /m/09c7w0 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g4pl7z +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_x_l +/m/05fm6m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kvgtf /film/film/genre /m/06cvj +/m/02jx1 /location/location/contains /m/03x3l +/m/02jsgf /film/actor/film./film/performance/film /m/02yxbc +/m/026z9 /music/genre/artists /m/05_swj +/m/0155w /music/genre/artists /m/01yndb +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0djkrp +/m/01r4zfk /people/person/profession /m/03gjzk +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/0b73_1d /film/film/edited_by /m/02kxbwx +/m/07s9rl0 /media_common/netflix_genre/titles /m/09gdh6k +/m/01wz01 /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0d29z /people/ethnicity/geographic_distribution /m/06t2t +/m/0dls3 /music/genre/artists /m/01gf5h +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m883 +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kwhf +/m/0kft /people/person/profession /m/0dxtg +/m/05ftw3 /organization/organization/headquarters./location/mailing_address/citytown /m/0xnt5 +/m/0c3351 /media_common/netflix_genre/titles /m/065dc4 +/m/02fn5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/014l6_ +/m/012bk /people/person/gender /m/05zppz +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/07z5n /location/country/official_language /m/02h40lc +/m/03f0fnk /influence/influence_node/influenced_by /m/08433 +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/034np8 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/09c7w0 /location/location/contains /m/033q4k +/m/02txdf /organization/organization/headquarters./location/mailing_address/citytown /m/0z20d +/m/02y9bj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/06pjs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s7w3 +/m/07rhpg /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/0dr3sl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0488g /location/location/contains /m/015q1n +/m/07cdz /film/film/country /m/09c7w0 +/m/0zm1 /people/person/profession /m/05t4q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0d608 /film/actor/film./film/performance/film /m/033pf1 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03swmf /people/person/profession /m/08z956 +/m/0586wl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01_8n9 +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/01g257 +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/05p92jn /people/person/profession /m/018gz8 +/m/086k8 /music/record_label/artist /m/02whj +/m/04cygb3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ngn +/m/0d06m5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/02x08c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0c7lcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hhd3 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026dd2b +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/02bjhv /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w02sy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01nfys +/m/03d9v8 /people/person/profession /m/0fj9f +/m/02sjp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030vmc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0147dk /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/017zq0 /education/university/fraternities_and_sororities /m/035tlh +/m/06ncr /music/instrument/instrumentalists /m/0f6lx +/m/04969y /film/film/country /m/09c7w0 +/m/0187y5 /people/person/profession /m/0np9r +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/04n7ps6 /sports/sports_team/colors /m/083jv +/m/09c7w0 /location/location/contains /m/01qqv5 +/m/0h53c_5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0304nh +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/06x68 +/m/02ltg3 /sports/sports_team/sport /m/02vx4 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/07bcn /base/biblioness/bibs_location/country /m/09c7w0 +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0lsw9 /people/person/nationality /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/06lvlf +/m/01j7z7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07pzc +/m/07ssc /location/location/contains /m/071zb +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/063y9fp /film/film/genre /m/0hcr +/m/01wv9xn /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0llcx /film/film/music /m/020fgy +/m/023p33 /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/076xkdz /film/film/genre /m/05p553 +/m/013q07 /film/film/country /m/09c7w0 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/01z4y /media_common/netflix_genre/titles /m/02q8ms8 +/m/03rhqg /music/record_label/artist /m/01w7nwm +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027ct7c +/m/01x53m /people/person/profession /m/0cbd2 +/m/011ydl /film/film/produced_by /m/013t9y +/m/087pfc /film/film/produced_by /m/0pz91 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/03d0ns /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0k8z +/m/01q8hj /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0ggq0m /music/genre/artists /m/025xt8y +/m/02vrgnr /film/film/production_companies /m/054lpb6 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04y5j64 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01m65sp +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k1k4 +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f8pz /people/person/profession /m/0dxtg +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcdn +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/02k4b2 +/m/03xnq9_ /people/person/nationality /m/09c7w0 +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/08cfr1 /film/film/language /m/02h40lc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09pgj2 +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/0gy30w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qd04y /film/film/genre /m/082gq +/m/015p3p /people/person/nationality /m/09c7w0 +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/0kq9l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/06z5s /people/cause_of_death/people /m/01kx1j +/m/01vsqvs /people/person/profession /m/0d1pc +/m/064t9 /music/genre/artists /m/09889g +/m/0f2zc /people/person/nationality /m/09c7w0 +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/0d0vqn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /media_common/netflix_genre/titles /m/089j8p +/m/012lzr /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fly +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/030p35 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/029q3k +/m/0830vk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gglm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/011k1h /music/record_label/artist /m/01w3lzq +/m/05148p4 /music/instrument/instrumentalists /m/01vrnsk +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/03y3dk +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04wddl +/m/0n3g /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fkxr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/047q2k1 +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/0456xp /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02h40lc /language/human_language/countries_spoken_in /m/05r7t +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/01lsl /film/film/genre /m/02n4kr +/m/07371 /location/location/contains /m/06hdk +/m/04xbq3 /tv/tv_program/genre /m/0jtdp +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02t__l /people/person/gender /m/05zppz +/m/0bzyh /people/person/profession /m/02jknp +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/06fcqw /film/film/genre /m/03k9fj +/m/0crfwmx /film/film/country /m/09c7w0 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01jqr_5 +/m/043sct5 /film/film/film_festivals /m/04grdgy +/m/04t6fk /film/film/country /m/09c7w0 +/m/0lmgy /location/location/contains /m/0jbs5 +/m/0_b3d /film/film/produced_by /m/03hy3g +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/05cx7x /film/actor/film./film/performance/film /m/02bj22 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0g768 /music/record_label/artist /m/01dw9z +/m/011k1h /music/record_label/artist /m/01sxd1 +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/07tds /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0m_q0 /film/film/genre /m/02l7c8 +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/0280061 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m2kd +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/030g9z /award/award_winner/awards_won./award/award_honor/award_winner /m/025hwq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/01fh36 /music/genre/artists /m/0qmpd +/m/03mszl /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dzf_ /film/actor/film./film/performance/film /m/015x74 +/m/057xkj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017510 /music/genre/artists /m/01yndb +/m/0ct9_ /influence/influence_node/influenced_by /m/045bg +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0mgkg +/m/09p06 /film/director/film /m/04vvh9 +/m/0bc71w /award/award_winner/awards_won./award/award_honor/award_winner /m/06h7l7 +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0q9jk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q9kd +/m/02r5dz /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d_4t /people/person/nationality /m/09c7w0 +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cvbb9q /people/person/profession /m/02hrh1q +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/0j6cj +/m/0rvty /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/057lbk +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0dzst /education/educational_institution/students_graduates./education/education/student /m/016lh0 +/m/056k77g /film/film/dubbing_performances./film/dubbing_performance/actor /m/0bn8fw +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01ls2 +/m/01nwwl /people/person/religion /m/0kpl +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02d003 /film/film/executive_produced_by /m/06rq2l +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01cj6y /people/person/profession /m/02hrh1q +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/01rs59 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06tp4h /people/person/profession /m/01xr66 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/017mbb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/071x0k /people/ethnicity/geographic_distribution /m/0697s +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmc26r +/m/07bcn /base/biblioness/bibs_location/state /m/01n7q +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nhfc1 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/01cszh /music/record_label/artist /m/0f0qfz +/m/022qw7 /people/person/gender /m/05zppz +/m/02scbv /film/film/production_companies /m/030_1m +/m/063576 /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/06by7 /music/genre/artists /m/01wj18h +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/03d2k +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04znsy +/m/04rrd /location/location/contains /m/0sxgh +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/0353tm /film/film/genre /m/03npn +/m/04vzv4 /people/deceased_person/place_of_death /m/06_kh +/m/0b_6qj /time/event/locations /m/02cl1 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/0cqt41 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/02pp_q_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/05hc96 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/04fhxp /film/actor/film./film/performance/film /m/014zwb +/m/08j7lh /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04wf_b +/m/0ggq0m /music/genre/artists /m/01sbf2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/01vw_dv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/06nm1 /language/human_language/countries_spoken_in /m/02k8k +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0glt670 /music/genre/artists /m/01ws9n6 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cc5tgk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jxpf +/m/0bxjpy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01cl2y /music/record_label/artist /m/01w60_p +/m/06zsk51 /film/film/story_by /m/01q415 +/m/02qflgv /people/person/profession /m/02hrh1q +/m/0d29z /people/ethnicity/geographic_distribution /m/03_3d +/m/04kngf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01z215 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/09c7w0 /location/country/second_level_divisions /m/0dlhg +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02sh8y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/02p21g /people/person/place_of_birth /m/0s5cg +/m/0n85g /music/record_label/artist /m/01vwyqp +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/01j7rd /influence/influence_node/influenced_by /m/01hmk9 +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0g293 /music/genre/artists /m/015882 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mz73 +/m/023361 /people/person/profession /m/01c8w0 +/m/08c6k9 /film/film/film_format /m/07fb8_ +/m/0ggx5q /music/genre/artists /m/015f7 +/m/04p5cr /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/02_wxh /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01dyk8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0n1h +/m/015_1q /music/record_label/artist /m/0cbm64 +/m/0c3351 /media_common/netflix_genre/titles /m/05cj_j +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0k39j /base/biblioness/bibs_location/country /m/09c7w0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/040696 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zd4m /people/person/profession /m/06wkj0 +/m/0f2w0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02q3n9c +/m/068cn /location/administrative_division/first_level_division_of /m/03rjj +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0372j5 +/m/0gj9qxr /film/film/production_companies /m/05mgj0 +/m/0b60sq /film/film/genre /m/02l7c8 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01z1r +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03ywyk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/02_286 /location/location/contains /m/0y62n +/m/0jqb8 /film/film/written_by /m/023w9s +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ndwt2w +/m/0bl2g /people/person/profession /m/03gjzk +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/018t8f /education/educational_institution/students_graduates./education/education/student /m/0582cf +/m/05zy2cy /film/film/genre /m/03k9fj +/m/017rbx /education/educational_institution/school_type /m/01y64 +/m/018n6m /people/person/profession /m/016z4k +/m/02l4rh /people/person/places_lived./people/place_lived/location /m/0n9r8 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01w5gg6 /people/person/profession /m/02hrh1q +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0gx1673 /time/event/instance_of_recurring_event /m/0c4ys +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/018vs /music/instrument/instrumentalists /m/01vs4f3 +/m/0tyql /location/hud_county_place/place /m/0tyql +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/059_w /people/ethnicity/languages_spoken /m/06nm1 +/m/01l3mk3 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0425kh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03qy3l /music/record_label/artist /m/0qf3p +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/06pjs +/m/037w7r /people/person/gender /m/02zsn +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0564mx +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01vzxmq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027tbrc +/m/019ltg /sports/sports_team/colors /m/083jv +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02r2qt7 /sports/sports_team/colors /m/04mkbj +/m/042rnl /people/person/profession /m/02hrh1q +/m/02t8gf /music/genre/parent_genre /m/03lty +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0p_47 /film/actor/film./film/performance/film /m/09cxm4 +/m/034bs /influence/influence_node/influenced_by /m/01tz6vs +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/08h79x +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ttg5 +/m/015fsv /education/educational_institution/school_type /m/05jxkf +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0b_6v_ /time/event/locations /m/0djd3 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/06nm1 /language/human_language/countries_spoken_in /m/0d060g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09sxqk +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01x2tm8 /people/person/languages /m/064_8sq +/m/03ys48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gkp1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/064f29 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b16p +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0147dk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0181dw /music/record_label/artist /m/015f7 +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02lk60 /film/film/genre /m/0hcr +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/0d05w3 /location/location/contains /m/0ny1p +/m/0r22d /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02lxj_ /people/person/place_of_birth /m/06_kh +/m/06pj8 /people/person/profession /m/0dxtg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/04bfg /education/educational_institution/campuses /m/04bfg +/m/0fgpvf /film/film/film_format /m/0cj16 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/04n2vgk /people/person/gender /m/05zppz +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/05cx7x /film/actor/film./film/performance/film /m/03ynwqj +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02b1k5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04jr87 /organization/organization/headquarters./location/mailing_address/citytown /m/06c62 +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05183k +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/06m61 /people/person/gender /m/05zppz +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m66w +/m/071nw5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rmnp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/031zp2 +/m/02tjl3 /film/film/language /m/02h40lc +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/0d2fd7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jzw +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0kszw /people/person/spouse_s./people/marriage/spouse /m/07rd7 +/m/0x67 /people/ethnicity/people /m/01gct2 +/m/0204jh /education/educational_institution/students_graduates./education/education/student /m/02lfns +/m/01hw5kk /film/film/language /m/02h40lc +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0jzw /film/film/genre /m/02m4t +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lbj1 +/m/0dt1cm /people/person/places_lived./people/place_lived/location /m/06wxw +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/04bbv7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04h4zx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0180w8 /people/person/religion /m/0flw86 +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0q9zc /people/person/profession /m/0dxtg +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/04fcjt /music/record_label/artist /m/0677ng +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/04sqj /sports/sports_team_location/teams /m/02p8q1 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/081bls +/m/01mvjl0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/011k1h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/015m08 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/068cn +/m/0htlr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvwkr +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/01243b /music/genre/artists /m/02bgmr +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/01rrd4 /people/person/places_lived./people/place_lived/location /m/059rby +/m/07jnt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/01yhvv /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05mkhs +/m/0r6rq /location/hud_county_place/county /m/0l30v +/m/017m2y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07g2v +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/013v5j +/m/032l1 /influence/influence_node/influenced_by /m/05qmj +/m/0dfrq /influence/influence_node/influenced_by /m/04jwp +/m/05y0cr /film/film/genre /m/04xvh5 +/m/0219x_ /dataworld/gardening_hint/split_to /m/05rwpb +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0168cl +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0m491 /film/film/costume_design_by /m/06w33f8 +/m/08gsvw /film/film/country /m/07ssc +/m/080dwhx /tv/tv_program/languages /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07c2wt +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qbg5 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/06mkj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035hm +/m/0jnpc /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0653m /media_common/netflix_genre/titles /m/0dkv90 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0n24p /location/location/time_zones /m/02hcv8 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01t04r /music/record_label/artist /m/033s6 +/m/04mhbh /film/actor/film./film/performance/film /m/04k9y6 +/m/0j_tw /film/film/featured_film_locations /m/01n6r0 +/m/03pvt /people/person/profession /m/02hrh1q +/m/0j5q3 /people/person/gender /m/02zsn +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0g7k2g /music/artist/origin /m/0f8l9c +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/0693l /people/person/profession /m/01d_h8 +/m/0jgk3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrxx +/m/06kb_ /people/person/gender /m/05zppz +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/04crrxr +/m/01dw_f /people/person/nationality /m/09c7w0 +/m/02c638 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p5xy +/m/068g3p /people/person/gender /m/05zppz +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rjj /location/location/contains /m/02bd_f +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0m3gy /film/film/country /m/09c7w0 +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/044qx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g768 /organization/organization/place_founded /m/030qb3t +/m/04vt98 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v89z +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0hx4y /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/019lwb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/032xhg /film/actor/film./film/performance/film /m/02vrgnr +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zh9c +/m/0hr3g /people/person/gender /m/05zppz +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrhj +/m/01mh8zn /people/person/profession /m/01c72t +/m/0642ykh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0147dk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gjvqm /people/person/profession /m/02hrh1q +/m/016j2t /people/person/places_lived./people/place_lived/location /m/013d7t +/m/0kv2r /location/us_county/county_seat /m/0qzhw +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/029ghl +/m/0285c /people/person/places_lived./people/place_lived/location /m/0z2gq +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/0bksh /film/actor/film./film/performance/film /m/05567m +/m/098n_m /people/person/profession /m/01d_h8 +/m/01xvjb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0674cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07mb57 /people/person/nationality /m/02jx1 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y888 +/m/02b0zd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/084z0w /people/person/places_lived./people/place_lived/location /m/07c98 +/m/0kp2_ /people/person/place_of_birth /m/0d6lp +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027n4zv +/m/08j7lh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038bht +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02kbtf +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/047n8xt /film/film/written_by /m/02r6c_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03jht /people/person/profession /m/05z96 +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/067pl7 +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/0c94fn +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wf_b +/m/0gzy02 /film/film/genre /m/082gq +/m/0x67 /people/ethnicity/people /m/02p65p +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/0hsqf +/m/06nrt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04s7y +/m/02h53vq /business/job_title/people_with_this_title./business/employment_tenure/company /m/01xdn1 +/m/0gd92 /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/020_95 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f7gh +/m/0b6l1st /film/film/genre /m/04pbhw +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/03_80b /award/award_winner/awards_won./award/award_honor/award_winner /m/04ld94 +/m/0534v /people/person/profession /m/0d2b38 +/m/03rk0 /location/location/contains /m/049lr +/m/079hvk /people/person/profession /m/02hrh1q +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/059x0w +/m/03_2td /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03np3w +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0hwqz +/m/0c02jh8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09c7w0 /location/location/contains /m/01c333 +/m/09f0bj /people/person/gender /m/02zsn +/m/0kb07 /film/film/written_by /m/0c921 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0dsb_yy +/m/0140t7 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h8d +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/014g22 /people/person/spouse_s./people/marriage/spouse /m/01ft2l +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01qn8k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/0hv81 /film/film/cinematography /m/079hvk +/m/07s9rl0 /media_common/netflix_genre/titles /m/03p2xc +/m/0btxr /people/person/gender /m/02zsn +/m/0l12d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/072192 /film/film/country /m/09c7w0 +/m/09bkc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0dvld /people/person/religion /m/0n2g +/m/08qmfm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06r4f +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/024pcx +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/03twd6 /film/film/genre /m/02kdv5l +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/06nz46 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx6y +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03h3x5 /film/film/genre /m/095bb +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/0jcx /people/person/religion /m/0kpl +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/034hwx /film/film/language /m/06b_j +/m/0kbwb /film/film/featured_film_locations /m/0qpqn +/m/0c9c0 /film/actor/film./film/performance/film /m/08952r +/m/07zhjj /tv/tv_program/genre /m/01z4y +/m/0c3p7 /people/person/languages /m/02h40lc +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/019lrz /people/ethnicity/people /m/082db +/m/04bbpm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/09pjnd /people/person/places_lived./people/place_lived/location /m/0ynfz +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05ldnp +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02t_99 /people/person/profession /m/0kyk +/m/015ppk /tv/tv_program/program_creator /m/019pkm +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0f2nf /location/location/contains /m/09krm_ +/m/04qdj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_3d /location/location/contains /m/05gqf +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n_g9 +/m/01x4r3 /people/person/places_lived./people/place_lived/location /m/0jfqp +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g0x9c +/m/047c9l /people/person/nationality /m/09c7w0 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/024_ql /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03mstc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05nlzq +/m/05fjy /location/location/contains /m/0f25y +/m/01y8zd /education/educational_institution/campuses /m/01y8zd +/m/01b1mj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_m9_ /people/person/religion /m/01lp8 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0grjmv /music/genre/artists /m/01gf5h +/m/02dgq2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04hqz +/m/02xj3rw /award/award_category/winners./award/award_honor/award_winner /m/0683n +/m/011ysn /film/film/film_festivals /m/09rwjly +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/047tsx3 /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/02nq10 /organization/organization/headquarters./location/mailing_address/citytown /m/0k3p +/m/05fjf /location/location/contains /m/0xpp5 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/01qvgl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03sc8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/09f5rr /people/person/gender /m/05zppz +/m/04jjy /film/film_subject/films /m/09tqkv2 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0124jj /base/aareas/schema/administrative_area/capital /m/0g133 +/m/0k7tq /film/film/runtime./film/film_cut/film_release_region /m/05r4w +/m/01rv7x /people/ethnicity/people /m/04cdxc +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/0jdr0 /film/film/language /m/06b_j +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0f6rc /base/culturalevent/event/entity_involved /m/01_4z +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/017y26 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/02x8kk /people/person/sibling_s./people/sibling_relationship/sibling /m/02x8mt +/m/09b0xs /people/person/nationality /m/09c7w0 +/m/07k8rt4 /film/film/genre /m/05p553 +/m/04j14qc /film/film/produced_by /m/01r2c7 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03crcpt /people/person/gender /m/05zppz +/m/033m23 /people/person/languages /m/02h40lc +/m/0hzlz /location/location/contains /m/01yj2 +/m/07gql /music/instrument/instrumentalists /m/0zjpz +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07f1x +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m6x4 +/m/03176f /film/film/genre /m/03k9fj +/m/01bczm /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/01h18v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/013zyw /people/person/profession /m/01d30f +/m/04rvy8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/03fn8k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07dzf /location/country/official_language /m/02h40lc +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cj4r +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wg38 +/m/01938t /people/deceased_person/place_of_death /m/0f2wj +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0272vm +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dl5d /music/genre/artists /m/01gx5f +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xn7x1 +/m/016kft /people/person/profession /m/02hrh1q +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/04btyz /media_common/netflix_genre/titles /m/02jkkv +/m/034ls /people/person/religion /m/02rsw +/m/02ll45 /film/film/genre /m/03k9fj +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0272kv /people/person/places_lived./people/place_lived/location /m/0c7hq +/m/04xg2f /film/film/genre /m/05p553 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/03rrdb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/04n32 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/0ntwb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03p2xc +/m/024mpp /film/film/produced_by /m/076_74 +/m/0jdgr /film/film/genre /m/02kdv5l +/m/01gjqb /music/genre/parent_genre /m/0ggq0m +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0c3ns +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0g768 /music/record_label/artist /m/01wg6y +/m/059t8 /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0jvt9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwtp /music/instrument/instrumentalists /m/01p0vf +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/0fvyz /location/location/time_zones /m/02fqwt +/m/0ws0h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lh0c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mv_n /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01gkp1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/01vhrz /people/person/nationality /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0123j6 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026_dq6 +/m/013gwb /location/hud_county_place/place /m/013gwb +/m/0kn4c /people/person/profession /m/0fj9f +/m/07ytt /base/biblioness/bibs_location/country /m/03rjj +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/award /m/09v4bym +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/07yp0f /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ft2l +/m/02r34n /people/person/profession /m/0dxtg +/m/028mc6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/038czx /education/educational_institution/campuses /m/038czx +/m/09y6pb /film/film/executive_produced_by /m/05zrx3v +/m/026w_gk /people/person/gender /m/05zppz +/m/0fmc5 /location/location/partially_contains /m/0fb18 +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/05prs8 /people/person/nationality /m/09c7w0 +/m/011k1h /music/record_label/artist /m/07c0j +/m/046chh /film/actor/film./film/performance/film /m/01jzyf +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/03yrkt +/m/016j68 /film/actor/film./film/performance/film /m/0p7pw +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/064nh4k +/m/01jgkj2 /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015pkc +/m/01713c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m32h /people/cause_of_death/people /m/099p5 +/m/01vw20h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/04wgh /sports/sports_team_location/teams /m/03_9hm +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/0yc84 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02m0sc /education/educational_institution_campus/educational_institution /m/02m0sc +/m/07f1x /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0dl4z /time/event/locations /m/0f8l9c +/m/05683p /film/actor/film./film/performance/film /m/02_fz3 +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/018n6m +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyx6 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/05nw9m +/m/01vttb9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/035gjq +/m/07g1sm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01634x +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0309lm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04d817 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lff +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05mlqj /film/actor/film./film/performance/film /m/02tktw +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/0bdlj +/m/01z8f0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0340hj /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/060__7 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/01vtmw6 /people/person/places_lived./people/place_lived/location /m/059rby +/m/03v0t /location/location/contains /m/0bjqh +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/0c43g /influence/influence_node/influenced_by /m/04lg6 +/m/03qmj9 /people/person/nationality /m/09c7w0 +/m/03n785 /film/film/country /m/07ssc +/m/0284gcb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/01_1hw /film/film/featured_film_locations /m/0gkgp +/m/06jk5_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ryz24 /film/film/featured_film_locations /m/030qb3t +/m/027kp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sw6g /people/person/profession /m/018gz8 +/m/03y1mlp /people/person/gender /m/02zsn +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mszz +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/06wm0z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09nhvw +/m/015w8_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/0633p0 /people/person/profession /m/02hv44_ +/m/09tlh /location/location/time_zones /m/03bdv +/m/0181dw /music/record_label/artist /m/01vtg4q +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/honored_for /m/024mxd +/m/0mkg /music/instrument/instrumentalists /m/0kp2_ +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/09x3r /olympics/olympic_games/sports /m/0bynt +/m/07j94 /film/film/genre /m/0c3351 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/06bng /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/01m13b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l2v0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2wt +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/02z6fs /education/educational_institution_campus/educational_institution /m/02z6fs +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d__c3 /time/event/instance_of_recurring_event /m/0g_w +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/08cyft /music/genre/artists /m/03bxwtd +/m/03b78r /people/person/profession /m/01d_h8 +/m/04z257 /film/film/country /m/01mjq +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/025g__ /music/genre/artists /m/01k3qj +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/018dyl /people/person/nationality /m/0345h +/m/0bc71w /people/person/profession /m/0nbcg +/m/09ksp /location/location/contains /m/0135k2 +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/037xlx +/m/07c52 /media_common/netflix_genre/titles /m/08cx5g +/m/04mlmx /people/person/religion /m/0kpl +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0bh72t /film/film/country /m/03_3d +/m/019389 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04qsdh /people/person/spouse_s./people/marriage/spouse /m/01vh18t +/m/05b_7n /film/actor/film./film/performance/film /m/02d49z +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0g2lq /people/person/profession /m/03gjzk +/m/04wlh /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0hzlz +/m/0r15k /location/hud_county_place/place /m/0r15k +/m/05css_ /film/film/genre /m/0bkbm +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04j4tx /film/film/language /m/02h40lc +/m/0hwqz /people/person/profession /m/02hrh1q +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/017lqp /people/person/profession /m/0np9r +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbxx9b +/m/01vrt_c /people/person/profession /m/0dz3r +/m/05k2s_ /people/person/profession /m/01c72t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02nt75 +/m/05r6t /music/genre/artists /m/024qwq +/m/03b_fm5 /film/film/language /m/02h40lc +/m/0227tr /film/actor/film./film/performance/film /m/0473rc +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02z2mr7 /film/film/featured_film_locations /m/04ly1 +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0knjh /people/person/profession /m/0dxtg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0jhjl +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07ss8_ /people/person/profession /m/0dz3r +/m/03s6l2 /film/film/genre /m/03bxz7 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06chf /people/person/profession /m/01d_h8 +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0dv1hh /people/person/sibling_s./people/sibling_relationship/sibling /m/09m465 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01wd9lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/01r5xw /sports/sports_team/sport /m/02vx4 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016fnb /award/award_winner/awards_won./award/award_honor/award_winner /m/01vv7sc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0n6f8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0gkgp +/m/0_rwf /location/hud_county_place/place /m/0_rwf +/m/02rrsz /film/actor/film./film/performance/film /m/02q0v8n +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0n1tx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1v8 +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0k9p4 /base/biblioness/bibs_location/state /m/01n7q +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/0n5kc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ggx5q /music/genre/artists /m/01w58n3 +/m/06q1r /base/biblioness/bibs_location/country /m/07ssc +/m/02z3zp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/034q3l /people/deceased_person/place_of_death /m/06c62 +/m/0b478 /award/award_winner/awards_won./award/award_honor/award_winner /m/01f6zc +/m/027r9t /film/film/produced_by /m/01vb6z +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/03qk20 /music/record_label/artist /m/07rnh +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01s7zw +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/02jx1 /location/location/contains /m/01pr6n +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01vksx /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/07ssc /media_common/netflix_genre/titles /m/0639bg +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/09p06 /people/person/nationality /m/0h7x +/m/04vt98 /people/person/nationality /m/07ssc +/m/0phx4 /people/person/profession /m/0fnpj +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03pmzt +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/03d6wsd /people/person/gender /m/05zppz +/m/07ncs0 /people/person/nationality /m/09c7w0 +/m/01xbgx /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l101 /film/actor/film./film/performance/film /m/0f7hw +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/026rm_y /film/actor/film./film/performance/film /m/0gwjw0c +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01b195 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/011yth /film/film/language /m/02h40lc +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0gd9k /film/actor/film./film/performance/film /m/0p9lw +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03_wj_ +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/03_0p /award/award_winner/awards_won./award/award_honor/award_winner /m/0149xx +/m/0m40d /music/genre/artists /m/013qvn +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/022lly +/m/02gf_l /people/person/profession /m/02hrh1q +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01v1ln +/m/02662b /award/award_category/disciplines_or_subjects /m/06n90 +/m/048z7l /people/ethnicity/people /m/04z0g +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01t110 /people/person/profession /m/015cjr +/m/03mcwq3 /film/actor/film./film/performance/film /m/032sl_ +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0285c /people/person/languages /m/02h40lc +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/01yk13 +/m/02jg92 /people/person/profession /m/0fnpj +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/016jny /music/genre/artists /m/0180w8 +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0bzyh /people/deceased_person/place_of_death /m/030qb3t +/m/035bpp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f5xn /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02y49 /influence/influence_node/influenced_by /m/081k8 +/m/02qhlm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0407yfx /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/047wh1 /film/film/genre /m/03k9fj +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/0219q +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04twmk +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hp5 +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0210hf +/m/04wx2v /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/012qjw /medicine/symptom/symptom_of /m/011zdm +/m/05mvd62 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/07vyf /education/educational_institution/campuses /m/07vyf +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4nv +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/026z9 /music/genre/artists /m/01dw_f +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01nmgc /education/educational_institution/campuses /m/01nmgc +/m/0b_xm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/06z68 +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/02whj /people/person/profession /m/01c8w0 +/m/01z4y /media_common/netflix_genre/titles /m/02qdrjx +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02rmfm /people/person/profession /m/02hrh1q +/m/018wng /award/award_category/disciplines_or_subjects /m/02vxn +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l12d +/m/01vsl3_ /influence/influence_node/influenced_by /m/04xfb +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/025v3k +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gt_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/026z9 /music/genre/artists /m/01309x +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01kwsg /award/award_winner/awards_won./award/award_honor/award_winner /m/01713c +/m/06by7 /music/genre/artists /m/07mvp +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/01nrgq /people/person/profession /m/0dxtg +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0b90_r +/m/0f1sm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kkz8 /film/film/genre /m/04gm78f +/m/07cdz /film/film/edited_by /m/03nqbvz +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05jm7 /people/person/profession /m/0dxtg +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/047gpsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/03kmyy +/m/029cpw /film/actor/film./film/performance/film /m/0k54q +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0160w /location/country/form_of_government /m/01fpfn +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0bmh4 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0fs9vc /film/film/music /m/016szr +/m/02rchht /people/person/profession /m/01d_h8 +/m/0f7h2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fbx6 +/m/0bthb /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l9p +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05sdxx +/m/04fyhv /people/person/profession /m/01d_h8 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/0824r /location/location/contains /m/013nws +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05ztm4r /people/person/place_of_birth /m/0xl08 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0m0nq +/m/0qpqn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d35y +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/0yx_w /film/film/film_festivals /m/05ys0xf +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/05bmq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166v +/m/06cp5 /music/genre/artists /m/0fpj4lx +/m/016ky6 /film/film/produced_by /m/0grrq8 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034m8 +/m/0mpdw /base/aareas/schema/administrative_area/administrative_parent /m/07z1m +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01hq1 /film/film/edited_by /m/02qggqc +/m/01mv_n /people/person/place_of_birth /m/02_286 +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/016ypb /film/actor/film./film/performance/film /m/0ndwt2w +/m/01n9d9 /film/director/film /m/0j90s +/m/0xhtw /music/genre/artists /m/01shhf +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/02m__ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/028n3 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hfk5 +/m/02yxjs /education/educational_institution/colors /m/03wkwg +/m/05yvfd /people/person/places_lived./people/place_lived/location /m/0dlv0 +/m/01mh8zn /people/person/profession /m/025352 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/0gk4g /people/cause_of_death/people /m/019l68 +/m/05sy2k_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04mby /people/person/profession /m/02hrh1q +/m/011yd2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02yy_j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0mb5x /influence/influence_node/influenced_by /m/081k8 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/041rx /people/ethnicity/people /m/01vsps +/m/041rx /people/ethnicity/people /m/02pb53 +/m/017znw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05f33tk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/0tcj6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01x0sy /film/actor/film./film/performance/film /m/0gmcwlb +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0r4xt /location/hud_county_place/county /m/0l2rj +/m/02b1ng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02ztjwg /language/human_language/countries_spoken_in /m/01mjq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bykpk +/m/071x0k /people/ethnicity/geographic_distribution /m/05b4w +/m/01wp8w7 /people/person/gender /m/05zppz +/m/03sww /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pd1tf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0gvsh7l /tv/tv_program/languages /m/02h40lc +/m/02b153 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0n85g /music/record_label/artist /m/01x66d +/m/06t6dz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yzbg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/043zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/035nm /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0dx_q +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/02cj_f /film/actor/film./film/performance/film /m/029jt9 +/m/01jfsb /media_common/netflix_genre/titles /m/0dx8gj +/m/06mz5 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01wt4wc /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/015p3p /film/actor/film./film/performance/film /m/0f8j13 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/03mz9r +/m/0kt_4 /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01r7pq +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/063tn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nqnk3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/instrument/instrumentalists /m/01s1zk +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/01_x6v /people/person/profession /m/025352 +/m/0j0k /location/location/contains /m/0j1z8 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lgj6 +/m/07y_7 /music/instrument/instrumentalists /m/01x66d +/m/0cqnss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/09tlc8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08k40m +/m/0bl8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0425_d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/03kxp7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0blt6 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05vk_d /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01npcy7 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt1k +/m/0dscrwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06lc85 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04w391 /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/063fh9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/034cm /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/050xxm /film/film/country /m/07ssc +/m/07dzf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/035yg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03tdlh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/04fyhv +/m/0m8_v /film/actor/film./film/performance/film /m/0gffmn8 +/m/0chrx /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/052hl /film/director/film /m/0291ck +/m/01pbxb /people/person/places_lived./people/place_lived/location /m/0wh3 +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/02tq2r /people/person/profession /m/015cjr +/m/051x52f /people/person/nationality /m/09c7w0 +/m/0bjv6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04fh3 +/m/04qz6n /people/person/gender /m/02zsn +/m/0c9c0 /film/actor/film./film/performance/film /m/0ch26b_ +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0dryh9k /people/ethnicity/people /m/06gn7r +/m/073w14 /film/actor/film./film/performance/film /m/0bscw +/m/03pmzt /film/actor/film./film/performance/film /m/0sxmx +/m/05bt6j /music/genre/artists /m/01vrz41 +/m/0m_q0 /film/film/genre /m/082gq +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/02fgp0 /people/person/profession /m/02hv44_ +/m/05m_jsg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/037njl +/m/05g7tj /music/genre/artists /m/0326tc +/m/01tj34 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02h2vv +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/01z452 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/05mlqj /film/actor/film./film/performance/film /m/0c9t0y +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01_rh4 +/m/03kxdw /film/actor/film./film/performance/film /m/03lrqw +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/01s0l0 /people/person/profession /m/015cjr +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06nnj +/m/03kbb8 /film/actor/film./film/performance/film /m/011yd2 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/02jx1 /location/country/second_level_divisions /m/01_c4 +/m/03mp8k /music/record_label/artist /m/01j6mff +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wyz92 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0bkg4 /people/person/profession /m/039v1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0lyjf +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0chgzm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0chgr2 +/m/01pk8v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pkhw +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/013bd1 /people/person/profession /m/03gjzk +/m/0jnm_ /sports/sports_team/sport /m/03tmr +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/0jq2r /tv/tv_program/languages /m/02h40lc +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/03bzyn4 /film/film/genre /m/05p553 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/0fb0v /music/record_label/artist /m/0m2l9 +/m/06tp4h /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0fx02 /people/person/nationality /m/02jx1 +/m/05r6t /music/genre/artists /m/07hgm +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jtp7 /education/educational_institution/students_graduates./education/education/student /m/05zh9c +/m/0gywn /music/genre/artists /m/06s7rd +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/09gdm7q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/09zmys +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/07hwkr /people/ethnicity/people /m/042v2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dprg +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0g5qmbz /film/film/language /m/02hwhyv +/m/0143hl /organization/organization/headquarters./location/mailing_address/citytown /m/0bdg5 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02qwg +/m/04g9gd /film/film/genre /m/017fp +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04t2l2 +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/04ns3gy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wgk1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0k3ll /location/location/contains /m/0v0d9 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0738y5 /people/person/profession /m/0dxtg +/m/01jnc_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0c1jh /people/person/nationality /m/03rjj +/m/0gxb2 /medicine/symptom/symptom_of /m/0hgxh +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/04knh6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0164r9 /film/actor/film./film/performance/film /m/0cq806 +/m/05cj4r /film/actor/film./film/performance/film /m/03bx2lk +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/05myd2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/041rx /people/ethnicity/people /m/01t6b4 +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/08vr94 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cpqk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/081lh +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0sw6g +/m/0g2dz /music/instrument/family /m/085jw +/m/030tj5 /people/person/profession /m/02krf9 +/m/0h3mh3q /tv/tv_program/genre /m/07s9rl0 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0n85g /music/record_label/artist /m/01wvxw1 +/m/055c8 /people/person/profession /m/02hrh1q +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/014kq6 /film/film/language /m/02bjrlw +/m/04smkr /people/person/place_of_birth /m/0d9jr +/m/0j2zj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/018ctl /olympics/olympic_games/participating_countries /m/0f8l9c +/m/059_w /people/ethnicity/people /m/09h4b5 +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04v8x9 +/m/0bxg3 /film/film_subject/films /m/04z257 +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/01w_10 +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/03rhqg /music/record_label/artist /m/01wg6y +/m/03pmzt /film/actor/film./film/performance/film /m/05sns6 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/0kv238 /film/film/language /m/02h40lc +/m/02q5g1z /film/film/production_companies /m/0283xx2 +/m/024dgj /people/person/place_of_birth /m/02m__ +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07z6xs +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/02r6c_ +/m/01jfsb /media_common/netflix_genre/titles /m/0127ps +/m/01pw9v /people/person/profession /m/01d_h8 +/m/058w5 /people/person/religion /m/0c8wxp +/m/07h07 /people/person/nationality /m/02jx1 +/m/0l339 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l30v +/m/01yqqv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kwh5j +/m/03h2d4 /film/actor/film./film/performance/film /m/03whyr +/m/04xvlr /media_common/netflix_genre/titles /m/0g0x9c +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02bj6k /film/actor/film./film/performance/film /m/0gkz15s +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094tsh6 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwyq +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/04bbpm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03l3jy /film/actor/film./film/performance/film /m/01k0xy +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0d060g /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lx2l +/m/01qrb2 /education/educational_institution/students_graduates./education/education/student /m/01gbn6 +/m/02d003 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vvb4m /film/actor/film./film/performance/film /m/01rnly +/m/0274ck /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/01vw_dv /people/person/languages /m/02h40lc +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/016cjb /music/genre/artists /m/01kp_1t +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/0184jw /film/director/film /m/02q56mk +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0l14md /music/instrument/instrumentalists /m/023l9y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06l7jj +/m/0dm5l /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/013xrm /people/ethnicity/people /m/01t_z +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g78xc +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/0btxr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lx2l +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/04_jsg /people/person/profession /m/02hrh1q +/m/03mp4f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03qd_ /people/person/gender /m/05zppz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0fbvqf /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0p4v_ /film/film/produced_by /m/037q1z +/m/0mwvq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxyd +/m/03_gx /media_common/netflix_genre/titles /m/0bkq7 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/0bk1p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/02c_wc +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/0k4y6 /time/event/locations /m/05v8c +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/0k9j_ /people/person/places_lived./people/place_lived/location /m/015zxh +/m/09c7w0 /location/country/second_level_divisions /m/0mws3 +/m/049xgc /film/film/costume_design_by /m/02mxbd +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/028cg00 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/04lgymt +/m/0329t7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01xdn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m_q0 +/m/06zmg7m /people/person/profession /m/018gz8 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/05zjx /people/person/profession /m/018gz8 +/m/05567m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03lty /music/genre/artists /m/0232lm +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/06qwh +/m/0ds33 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06sfk6 +/m/02778qt /people/person/profession /m/01d_h8 +/m/0843m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/01z4y /media_common/netflix_genre/titles /m/03s6l2 +/m/07c52 /media_common/netflix_genre/titles /m/0330r +/m/012xdf /people/person/gender /m/05zppz +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/07s8qm7 +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/09r8l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/0_24q +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bq2g +/m/04ykg /location/location/contains /m/0ngy8 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/04l5d0 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/0bkmf /people/person/places_lived./people/place_lived/location /m/05tbn +/m/09k0f /people/person/nationality /m/0d04z6 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0146hc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/07hwkr /people/ethnicity/people /m/01fkxr +/m/0338g8 /film/actor/film./film/performance/film /m/0421v9q +/m/0blpg /film/film/featured_film_locations /m/02_286 +/m/0yyg4 /film/film/genre /m/028v3 +/m/077q8x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06lht1 /film/actor/film./film/performance/film /m/01pgp6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gfw56 +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01ly5m /location/administrative_division/country /m/0jgd +/m/01s0l0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/04n52p6 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x746 +/m/030k94 /tv/tv_program/languages /m/02h40lc +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/02rybfn /people/person/gender /m/05zppz +/m/02b15x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02py4c8 /film/film/country /m/03rjj +/m/03mqtr /media_common/netflix_genre/titles /m/0b4lkx +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gp_x9 /people/person/profession /m/02hrh1q +/m/09c7w0 /location/location/contains /m/07vfj +/m/01j_cy /education/educational_institution/colors /m/038hg +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06nns1 +/m/0kwgs /location/us_county/county_seat /m/0q8sw +/m/027g8gr /tv/tv_program/country_of_origin /m/05v8c +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/027f7dj +/m/07s9rl0 /media_common/netflix_genre/titles /m/0fjyzt +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/02_l96 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05sy2k_ /tv/tv_program/languages /m/0t_2 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bg55 +/m/01dycg /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0fpkxfd +/m/0785v8 /people/person/gender /m/05zppz +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/09x3r /olympics/olympic_games/participating_countries /m/05qhw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0mdqp /people/person/profession /m/0dxtg +/m/02qjpv5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05lfwd +/m/0f0qfz /music/artist/contribution./music/recording_contribution/performance_role /m/0l1589 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hkch7 +/m/059rby /location/location/contains /m/0hpv3 +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/0159h6 /people/person/profession /m/0np9r +/m/07wqr6 /tv/tv_program/genre /m/05p553 +/m/053xw6 /film/actor/film./film/performance/film /m/04f6df0 +/m/02rn_bj /music/artist/origin /m/02_286 +/m/0kbws /olympics/olympic_games/participating_countries /m/0hdx8 +/m/0184tc /film/film/story_by /m/044f7 +/m/0bshwmp /film/film/production_companies /m/06rq1k +/m/02ctc6 /film/film/genre /m/03k9fj +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027j79k +/m/0cq8qq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hz6mv2 /film/film/genre /m/03bxz7 +/m/0693l /film/actor/film./film/performance/film /m/0f4_l +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/01tqfs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/041rx /people/ethnicity/people /m/04258w +/m/0n83s /film/film/film_format /m/07fb8_ +/m/01qklj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5bz +/m/0mx0f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0bv8h2 /film/film/genre /m/02l7c8 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/0gv5c /people/person/profession /m/02hv44_ +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/08vr94 /people/person/gender /m/02zsn +/m/013x0b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/05gm16l +/m/04kzqz /film/film/music /m/05_pkf +/m/05cqhl /award/award_winner/awards_won./award/award_honor/award_winner /m/0g69lg +/m/078mm1 /film/film/country /m/0345h +/m/025scjj /film/film/story_by /m/081k8 +/m/01j851 /people/person/spouse_s./people/marriage/spouse /m/037s5h +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07wlt /organization/organization/headquarters./location/mailing_address/citytown /m/07ypt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/02qk2d5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05jf85 /film/film/genre /m/07s9rl0 +/m/0j_tw /film/film/film_festivals /m/0kfhjq0 +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/074m2 /medicine/disease/risk_factors /m/05zppz +/m/049t4g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/03mv0b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vw_dv /people/person/places_lived./people/place_lived/location /m/0167q3 +/m/0pj8m /people/person/languages /m/064_8sq +/m/07vf5c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07fq1y /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/047cx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lyv /music/genre/artists /m/0134tg +/m/01rgcg /people/person/gender /m/05zppz +/m/026spg /people/person/profession /m/02hrh1q +/m/02l3_5 /film/actor/film./film/performance/film /m/0p9tm +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03fw60 +/m/0z90c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0fphgb +/m/05z_p6 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/054gwt /tv/tv_program/country_of_origin /m/09c7w0 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/025st2z +/m/01699 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/08815 /organization/organization_founder/organizations_founded /m/034h1h +/m/0kpzy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2sr +/m/02ryz24 /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/03rj0 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvdm +/m/0myk8 /music/instrument/family /m/0fx80y +/m/013n2h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01yqqv +/m/03w9sgh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xp18 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/01kff7 /film/film/genre /m/05p553 +/m/09q23x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0p_th /film/film/music /m/01c7p_ +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/01k53x /people/person/nationality /m/09c7w0 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06rmdr /film/film/genre /m/02n4kr +/m/02rqwhl /film/film/executive_produced_by /m/05m883 +/m/06d6y /influence/influence_node/influenced_by /m/0jt90f5 +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/0pgjm /people/person/profession /m/01c72t +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/02bxjp /people/person/profession /m/01d_h8 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0cg39k +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/015pvh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ds83 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lbp +/m/0n3g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/033tln /people/person/languages /m/02h40lc +/m/01xcqc /people/person/profession /m/02hrh1q +/m/06j6l /music/genre/artists /m/01dwrc +/m/018ty9 /people/person/gender /m/05zppz +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01qr1_ +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/02_0d2 /people/person/profession /m/01d_h8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/013sg6 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/035gnh +/m/02jx1 /location/location/contains /m/0fg6k +/m/0bz3jx /film/film/genre /m/07s9rl0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019lty +/m/01cz7r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/025vl4m /people/person/profession /m/03gjzk +/m/0m313 /film/film/genre /m/04xvlr +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dyvs +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01271h +/m/03yxwq /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1_ +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0g_wn2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/02cw1m +/m/0bmch_x /film/film/genre /m/01jfsb +/m/04btgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01v3vp /film/actor/film./film/performance/film /m/0j6b5 +/m/06lvlf /people/person/profession /m/0d1pc +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09l3p +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01yxbw +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03hfxx +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026r8q +/m/024jvz /time/event/instance_of_recurring_event /m/07wcy +/m/03f4k /people/deceased_person/place_of_death /m/0f2wj +/m/07ssc /media_common/netflix_genre/titles /m/0pv54 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wy5m /film/actor/film./film/performance/film /m/023p7l +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1k5 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/040db /influence/influence_node/influenced_by /m/01rgr +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l4zhn +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02knnd +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01pq5j7 +/m/0427y /film/actor/film./film/performance/film /m/02fttd +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0kjgl +/m/07s9rl0 /media_common/netflix_genre/titles /m/0h6r5 +/m/025b3k /people/person/profession /m/0kyk +/m/02xry /location/location/contains /m/0rrwt +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/0f0kz /film/actor/film./film/performance/film /m/04jpg2p +/m/039n1 /people/person/profession /m/0cbd2 +/m/01kgv4 /film/actor/film./film/performance/film /m/0pc62 +/m/08k40m /film/film/written_by /m/012x2b +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/07c6l +/m/095x_ /people/person/places_lived./people/place_lived/location /m/0dclg +/m/01w9wwg /music/artist/origin /m/030qb3t +/m/02t_st /film/actor/film./film/performance/film /m/02x3y41 +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/0dckvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016clz /music/genre/artists /m/012ycy +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n2vgk +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/09b6zr +/m/01cx_ /location/location/contains /m/01l9vr +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/026njb5 /film/film/country /m/06q1r +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0888c3 /film/film/music /m/028k57 +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/02ngbs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06wvfq /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07s9rl0 /media_common/netflix_genre/titles /m/01k60v +/m/0c4y8 /people/person/profession /m/02hv44_ +/m/094jv /location/location/contains /m/0352gk +/m/051z6rz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/046fz5 +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/064jjy /film/actor/film./film/performance/film /m/02vrgnr +/m/01rcmg /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0639bg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2rq +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/031n5b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/01dvms /people/person/gender /m/02zsn +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/05br2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0g56t9t /film/film/country /m/09c7w0 +/m/048j4l /music/instrument/instrumentalists /m/06y9c2 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/01s21dg /people/person/profession /m/016z4k +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01l3vx +/m/01c6l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04mlmx +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01q7h2 /film/film/genre /m/0c3351 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01vz0g4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01wyz92 +/m/0gywn /music/genre/artists /m/0g824 +/m/07c0j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/063_t +/m/041b4j /film/actor/film./film/performance/film /m/045r_9 +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/05bt6j /music/genre/artists /m/039bpc +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/034r25 /film/film/language /m/083tk +/m/01xzb6 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/011yqc /film/film/production_companies /m/0c41qv +/m/029d_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0p_47 /film/actor/film./film/performance/film /m/076tq0z +/m/01j5ql /film/film/featured_film_locations /m/0100mt +/m/05hyzx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/02l424 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/045c66 /people/person/nationality /m/09c7w0 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0f8l9c /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0c1sgd3 /film/film/production_companies /m/016tt2 +/m/07tcs /base/biblioness/bibs_location/country /m/0d0vqn +/m/0gh65c5 /film/film/genre /m/02n4kr +/m/01wbl_r /music/artist/origin /m/0fw4v +/m/0g5pvv /film/film/story_by /m/0fx02 +/m/059f4 /location/location/contains /m/0n5yv +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/057n_g +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/01wj5hp /people/person/profession /m/0dz3r +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/06rhz7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/03d6q /people/deceased_person/place_of_death /m/0947l +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bz5v2 +/m/050ks /location/location/contains /m/0cf_n +/m/059kh /music/genre/artists /m/0fhxv +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/031778 +/m/0j3b /location/location/contains /m/02wmy +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/01qf54 /organization/organization/headquarters./location/mailing_address/citytown /m/0k049 +/m/04s04 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01h72l +/m/0265vcb /people/person/gender /m/05zppz +/m/0m7d0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxl +/m/02kgb7 /award/award_category/winners./award/award_honor/award_winner /m/05r5w +/m/0kp2_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/0ds11z /film/film/country /m/09c7w0 +/m/01trf3 /people/person/gender /m/05zppz +/m/06j6l /music/genre/artists /m/06tp4h +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06yxd +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/01q2nx /film/film/genre /m/06n90 +/m/06pk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/012yc /music/genre/artists /m/09z1lg +/m/0bl3nn /film/film/film_production_design_by /m/03mdw3c +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/0mhhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mzp +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/07gbf +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/01xcr4 /people/person/religion /m/03_gx +/m/0157m /people/person/spouse_s./people/marriage/spouse /m/0d06m5 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/09hy79 /film/film/written_by /m/02bfxb +/m/05z8cq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02g0rb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/0133x7 +/m/02d003 /film/film/country /m/09c7w0 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0121h7 /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/0335fp /film/actor/film./film/performance/film /m/0_9wr +/m/06by7 /music/genre/artists /m/0232lm +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0cr3d /location/location/contains /m/021q2j +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02_fz3 /film/film/country /m/09c7w0 +/m/0n00 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qt29 +/m/01r97z /film/film/genre /m/02js9 +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06npd +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/032xhg /people/person/profession /m/01d_h8 +/m/0pdp8 /film/film/music /m/0pgjm +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/017959 +/m/025sc50 /music/genre/artists /m/0gps0z +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/01gbbz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/01337_ /people/person/nationality /m/09c7w0 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/02rv_dz /film/film/country /m/09c7w0 +/m/02qgyv /film/actor/film./film/performance/film /m/02_nsc +/m/0c_gcr /film/actor/film./film/performance/film /m/06fqlk +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03_1pg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s6tk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01n4f8 /people/person/profession /m/0747nrk +/m/02yw0y /music/genre/parent_genre /m/03lty +/m/05bt6j /music/genre/artists /m/0161c2 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0dzst /education/educational_institution/school_type /m/05pcjw +/m/038rzr /film/actor/film./film/performance/film /m/0292qb +/m/058kh7 /film/film/featured_film_locations /m/01_d4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/01336l /people/ethnicity/people /m/031zkw +/m/04xvlr /media_common/netflix_genre/titles /m/0hv8w +/m/016h4r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f2_rc +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/03lq43 +/m/020w2 /music/instrument/family /m/01kcd +/m/02r34n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/03g9xj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q1lp +/m/0ylgz /education/educational_institution/students_graduates./education/education/student /m/04yt7 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/03lmzl /people/person/nationality /m/09c7w0 +/m/02rx2m5 /film/film/country /m/09c7w0 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/0kbn5 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01n8qg /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0pj8m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/04tnqn /film/actor/film./film/performance/film /m/0prrm +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0171cm +/m/07jqjx /film/film/music /m/01l79yc +/m/01nm8w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/06l22 +/m/028p0 /people/person/place_of_birth /m/031y2 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/041rx /people/ethnicity/people /m/01xg_w +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02wmbg /people/person/gender /m/05zppz +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04x4s2 +/m/070j61 /film/director/film /m/05h43ls +/m/01twmp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05jx5r +/m/06rf7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03hrz +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/0gxfz /film/film/genre /m/06qm3 +/m/0btpx /people/person/nationality /m/09c7w0 +/m/0mzww /base/biblioness/bibs_location/state /m/01n7q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/01syr4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01wv9p /people/person/nationality /m/09c7w0 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/02hhtj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pgzn_ +/m/0vg8x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/02tjl3 +/m/0c3351 /media_common/netflix_genre/titles /m/02q0k7v +/m/015rmq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0nk72 /people/person/profession /m/0cbd2 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/02g8h +/m/037s9x /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/025ljp /tv/tv_program/genre /m/01w613 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09d3b7 +/m/05148p4 /music/instrument/instrumentalists /m/021r7r +/m/0261x8t /people/person/place_of_birth /m/030qb3t +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306bt +/m/0449sw /sports/sports_team/sport /m/02vx4 +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0k4fz /film/film/language /m/02h40lc +/m/01v8y9 /music/instrument/family /m/0342h +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/041bnw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/05bp8g /film/actor/film./film/performance/film /m/056k77g +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0l14md /music/instrument/instrumentalists /m/01vvycq +/m/06w2sn5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gpy /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0272_vz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/046fz5 +/m/015mrk /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt7h_ +/m/06q5t7 /people/person/gender /m/05zppz +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/06cgy /film/actor/film./film/performance/film /m/0bxsk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/04135 /people/person/profession /m/01c979 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03d8m4 +/m/018nnz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/021yw7 /people/person/profession /m/01c72t +/m/07jq_ /film/film_subject/films /m/072x7s +/m/0zqq /base/aareas/schema/administrative_area/administrative_parent /m/06mzp +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/0fqz6 /people/ethnicity/people /m/04w391 +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0g824 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vswwx +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/02qrv7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01c9x /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0948xk +/m/025ttz4 /education/educational_institution_campus/educational_institution /m/025ttz4 +/m/01qg7c /people/person/profession /m/02hrh1q +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0272kv +/m/04ftdq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01g23m /film/actor/film./film/performance/film /m/027r9t +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/065y4w7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0948xk /people/person/profession /m/080ntlp +/m/034rd9 /people/person/gender /m/02zsn +/m/02pk6x /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03m6_z +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0c_md_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mpb /influence/influence_node/influenced_by /m/03hnd +/m/01fx2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hrqc +/m/0jmwg /music/genre/artists /m/02y7sr +/m/01bbwp /people/person/profession /m/0cbd2 +/m/02p8v8 /people/person/religion /m/021_0p +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0bxtg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08y2fn /tv/tv_program/languages /m/02h40lc +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01rgdw /education/educational_institution/campuses /m/01rgdw +/m/05d1y /people/person/places_lived./people/place_lived/location /m/095w_ +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0khth +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dn16 /music/genre/parent_genre /m/05bt6j +/m/0h95b81 /tv/tv_program/languages /m/02h40lc +/m/01g257 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/030_3z /people/person/spouse_s./people/marriage/spouse /m/02q_cc +/m/016z2j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01g257 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/026lj /people/person/religion /m/0kpl +/m/01k60v /film/film/music /m/03h4mp +/m/02w29z /people/person/gender /m/05zppz +/m/09lxtg /location/country/form_of_government /m/01fpfn +/m/093l8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bq1j /education/educational_institution/students_graduates./education/education/student /m/0157m +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/04gtdnh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04swd /location/location/contains /m/020vx9 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016pns /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07szy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/04pk1f /film/film/produced_by /m/0b1f49 +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/061dn_ +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/034lk7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mpbj +/m/099ks0 /business/business_operation/industry /m/02jjt +/m/01x72k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035bcl +/m/0g8fs /education/educational_institution/campuses /m/0g8fs +/m/07ssc /media_common/netflix_genre/titles /m/0ddcbd5 +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/030wkp /people/person/profession /m/018gz8 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0r62v /location/location/contains /m/01f1r4 +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/01vvyd8 /film/actor/film./film/performance/film /m/01gglm +/m/04z257 /film/film/executive_produced_by /m/05hj_k +/m/08k40m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0c4y8 +/m/0cx7f /music/genre/artists /m/02pt27 +/m/018ctl /olympics/olympic_games/participating_countries /m/05b4w +/m/04258w /people/person/place_of_birth /m/0pc7r +/m/04y8r /people/person/nationality /m/09c7w0 +/m/01n7q /location/location/contains /m/0288zy +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/0196bp +/m/0l4h_ /media_common/netflix_genre/titles /m/0dt8xq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/05z01 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/02psgq /film/film/country /m/0f8l9c +/m/0gt1k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkq4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01fj9_ +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0212zp /education/educational_institution/students_graduates./education/education/student /m/01hc9_ +/m/02jm0n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0czmk1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b153 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01csrl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04sh3 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/03qcq /people/person/profession /m/0cbd2 +/m/0hv4t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/06w2yp9 /people/person/profession /m/02hrh1q +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/01x_d8 +/m/024qqx /media_common/netflix_genre/titles /m/0cf8qb +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01r97z +/m/0gj8nq2 /film/film/production_companies /m/016tt2 +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05ldnp /people/person/place_of_birth /m/0b1t1 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0882r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/01l_yg /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019m60 +/m/03x83_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/06qgvf /people/person/nationality /m/03rjj +/m/05dtsb /film/actor/film./film/performance/film /m/01f6x7 +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsykc +/m/02lnbg /music/genre/artists /m/01vwyqp +/m/01hkhq /people/person/languages /m/02h40lc +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/05m63c /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/0pkyh /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0hwbd +/m/01wd02c /influence/influence_node/influenced_by /m/0448r +/m/016ckq /music/record_label/artist /m/039bpc +/m/04xvlr /media_common/netflix_genre/titles /m/048xyn +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/06vqdf /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0283xx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03jvmp +/m/01vw917 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05w88j +/m/0gbfn9 /film/film/produced_by /m/09d5d5 +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0mxbq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/0hv1t /film/film/genre /m/04t36 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/018x3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/043s3 /influence/influence_node/influenced_by /m/07c37 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yqqv +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0dr5y +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02s2ft +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/07fsv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/01h4rj /people/person/languages /m/02bjrlw +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0c3351 /media_common/netflix_genre/titles /m/0127ps +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07ghq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07tw_b +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/04yywz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/030hcs /people/person/places_lived./people/place_lived/location /m/02xry +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07tcs +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06chvn +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mnn0 +/m/03676 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02mjf2 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/03nb5v /people/person/profession /m/02hrh1q +/m/0yyts /film/film/genre /m/05p553 +/m/063hp4 /film/film/story_by /m/01vrlr4 +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04d5v9 /education/educational_institution/school_type /m/01rs41 +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bdm4 +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02z4b_8 +/m/0bt7ws /people/person/nationality /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bt4g +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/0bq2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hcj2 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m2kd +/m/01jrvr6 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/0mq17 /location/location/contains /m/0f2s6 +/m/017vkx /people/person/nationality /m/07ssc +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/0fhnf /location/administrative_division/first_level_division_of /m/0h7x +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/01rrd4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/031zkw +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0298n7 /film/film/music /m/016szr +/m/0kvgtf /film/film/genre /m/01hmnh +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02mqc4 /people/person/profession /m/02hrh1q +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/0dv1hh /people/person/nationality /m/034m8 +/m/081pw /film/film_subject/films /m/0ft18 +/m/059j2 /location/location/contains /m/06hdk +/m/01vxxb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04nw9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015cbq +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/02hh8j /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kfzz +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/0342h +/m/06l32y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/039bp /people/person/place_of_birth /m/0r4qq +/m/034cm /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/02p65p /film/actor/film./film/performance/film /m/06z8s_ +/m/044f7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/01x53m /people/person/nationality /m/0hzlz +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04mn81 +/m/01w23w /film/actor/film./film/performance/film /m/05hjnw +/m/03_6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_hj4 +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09b0xs +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0cx7f /music/genre/artists /m/015882 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/01k23t /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01s7w3 /film/film/music /m/0417z2 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/03mg3l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/012lzc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0djb3vw /film/film/production_companies /m/024rdh +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02wwr5n +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01fd26 /location/location/time_zones /m/02hcv8 +/m/02qkt /location/location/contains /m/04hqz +/m/0pk41 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zd460 +/m/0498y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v0t +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/014zfs +/m/02vnp2 /education/educational_institution/school_type /m/07tf8 +/m/04htfd /organization/organization/place_founded /m/09c7w0 +/m/0g39h /location/location/contains /m/01sgmd +/m/01m13b /film/film/production_companies /m/02slt7 +/m/03wy70 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02_kd /film/film/executive_produced_by /m/02q42j_ +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/02qm_f /film/film/music /m/04ls53 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0ckcvk /people/person/profession /m/028kk_ +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hcj2 +/m/01wqlc /music/genre/artists /m/0kn3g +/m/0845v /time/event/locations /m/0261m +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cx7f /music/genre/artists /m/070b4 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02661h +/m/05drr9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/078jnn +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/04t38b /film/director/film /m/03hfmm +/m/04jwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018ctl /olympics/olympic_games/participating_countries /m/06qd3 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0686zv /film/actor/film./film/performance/film /m/0ddt_ +/m/017j69 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/0f6_4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/022lly /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/0jch5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2b5 +/m/0pz91 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wxdn3 /people/person/place_of_birth /m/0h30_ +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/08mg_b /film/film/language /m/06nm1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d0bsj +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/06qjgc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02bh_v +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03c_pqj /people/person/place_of_birth /m/0fl2s +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/01xsbh +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/026l37 /people/person/profession /m/02hrh1q +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06by7 /music/genre/artists /m/016z1t +/m/08jyyk /music/genre/artists /m/0l8g0 +/m/01bcq /people/person/nationality /m/09c7w0 +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/02q0v8n /film/film/genre /m/09blyk +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gm2_0 +/m/01jpqb /education/educational_institution_campus/educational_institution /m/01jpqb +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bzh04 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0q9t7 /people/person/profession /m/01d_h8 +/m/01g4bk /film/actor/film./film/performance/film /m/02pxst +/m/0p9tm /film/film/genre /m/0hfjk +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0khth /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/012ljv /people/person/place_of_birth /m/09bjv +/m/04z257 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05lb30 /people/person/nationality /m/09c7w0 +/m/06nv27 /music/artist/origin /m/07ssc +/m/01ym9b /music/genre/parent_genre /m/064t9 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01bzr4 /people/person/profession /m/01d_h8 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/02c0mv /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01_2n +/m/016zgj /music/genre/artists /m/03mszl +/m/02g5h5 /film/actor/film./film/performance/film /m/0gmblvq +/m/0wh3 /location/hud_county_place/county /m/0nj0m +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/0k3p /location/location/time_zones /m/02llzg +/m/01vn35l /film/actor/film./film/performance/film /m/01jnc_ +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/01pw9v /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/04g9gd /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/08cyft /music/genre/artists /m/0dm5l +/m/09p5mwg /film/film/genre /m/09blyk +/m/018ljb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01xn5th /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02v92l /film/actor/film./film/performance/film /m/0dh8v4 +/m/0xhtw /music/genre/artists /m/01w9ph_ +/m/0f0p0 /film/actor/film./film/performance/film /m/0k7tq +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/01438g /film/actor/film./film/performance/film /m/04sntd +/m/01rzqj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01f6zc +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/03wy8t /film/film/written_by /m/0crqcc +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/027pwl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01wwvt2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/0296vv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0n6f8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/051gjr +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/015x1f /people/person/nationality /m/09c7w0 +/m/06br6t /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02hyt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07vht +/m/0127m7 /people/person/profession /m/02hrh1q +/m/06ryl /location/country/official_language /m/02h40lc +/m/07ssc /location/country/second_level_divisions /m/05nwr +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03cxsvl /people/person/profession /m/02jknp +/m/01m3x5p /award/award_winner/awards_won./award/award_honor/award_winner /m/06fmdb +/m/0bwjj /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/05kh_ /film/actor/film./film/performance/film /m/03kx49 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/03f1zhf /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02l6h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02mjmr +/m/08jyyk /music/genre/artists /m/024dw0 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0brkwj /people/person/profession /m/02jknp +/m/02p7xc /people/person/gender /m/05zppz +/m/01qzyz /music/instrument/instrumentalists /m/01vsyg9 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025l5 +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/018js4 /film/film/genre /m/082gq +/m/07tw_b /film/film/genre /m/04t36 +/m/03ft8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bykpk /film/film/genre /m/01g6gs +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06yxd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/02czd5 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/08624h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/01z88t /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02k54 +/m/06ch55 /music/instrument/instrumentalists /m/0b_j2 +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0537b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01fwzk /film/film/genre /m/09blyk +/m/01vrlr4 /people/person/profession /m/02hv44_ +/m/042f1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/0105y2 /location/location/contains /m/01n_g9 +/m/06q07 /music/record_label/artist /m/09889g +/m/02h8hr /people/person/nationality /m/03_3d +/m/01dw9z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8l9c /location/country/second_level_divisions /m/09lk2 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lw3kh +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027ybp +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/01vrlqd /people/person/profession /m/02hrh1q +/m/06l3bl /media_common/netflix_genre/titles /m/0pd4f +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0127m7 +/m/06j6l /music/genre/artists /m/01vvyvk +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/02knnd /film/actor/film./film/performance/film /m/01lsl +/m/02q_x_l /tv/tv_program/genre /m/07s9rl0 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0l2wt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/052gzr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/04jpl /location/location/contains /m/01b8w_ +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/064_8sq /language/human_language/countries_spoken_in /m/0g8bw +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bw87 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/01bn3l +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0bj25 /film/film/written_by /m/027vps +/m/02knxx /people/cause_of_death/people /m/01933d +/m/01t07j /people/person/gender /m/05zppz +/m/0d06vc /base/culturalevent/event/entity_involved /m/02mjmr +/m/01ts_3 /people/person/profession /m/0dxtg +/m/0cv9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/01xzb6 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/045bg /people/person/place_of_birth /m/05qtj +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_816 +/m/035hm /location/country/official_language /m/02h40lc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/01f7j9 /people/person/profession /m/0dxtg +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02ptczs +/m/02znwv /people/person/profession /m/01d_h8 +/m/06by7 /music/genre/artists /m/01693z +/m/04hcw /influence/influence_node/influenced_by /m/01tz6vs +/m/0dc7hc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02wr6r /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02h6_6p +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01817f /people/person/profession /m/0cbd2 +/m/02zkz7 /education/educational_institution/colors /m/01g5v +/m/018n6m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_0_z +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0djbw /people/profession/specialization_of /m/0db79 +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgg9 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03f1r6t +/m/016ndm /education/educational_institution/colors /m/09ggk +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/01x4r3 +/m/0ct_yc /people/person/nationality /m/0l3h +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f276 +/m/0285c /people/person/profession /m/09lbv +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jfl +/m/0cwtm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g969 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/0517bc +/m/044rvb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05txrz /people/person/place_of_birth /m/080h2 +/m/05cqhl /people/person/places_lived./people/place_lived/location /m/019fh +/m/02n9bh /film/film/story_by /m/013tcv +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/05g8pg /film/film/music /m/02mz_6 +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/025m8y +/m/06bc59 /film/film/country /m/07ssc +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/04s934 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099ck7 /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/06y_n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_x6v +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/02b71x /music/genre/artists /m/019f9z +/m/03s6l2 /film/film/genre /m/02l7c8 +/m/0g_zyp /film/film/genre /m/05p553 +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/014g22 /film/actor/film./film/performance/film /m/0ds3t5x +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03prz_ +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012wg +/m/01_f_5 /film/director/film /m/07yvsn +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/052fbt /location/location/contains /m/0947l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03c0vy +/m/02q5bx2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/047tsx3 /film/film/featured_film_locations /m/0gkgp +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/0j1yf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/021yw7 /people/person/profession /m/015h31 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/01fwj8 /film/actor/film./film/performance/film /m/011ypx +/m/04rrd /location/location/contains /m/0d8jf +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dpl44 /film/film/genre /m/04xvlr +/m/01dw_f /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/023jq1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08cx5g +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/07d3x /influence/influence_node/influenced_by /m/0g5ff +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0yh4 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5f7l +/m/05rfst /film/film/genre /m/01jfsb +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/010xjr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033qdy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03n6r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv27 +/m/0nj7b /location/location/contains /m/0vm39 +/m/05lbzg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/025ndl +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/05pzdk +/m/067nsm /award/award_winner/awards_won./award/award_honor/award_winner /m/02wwwv5 +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02vxn +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02q7yfq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09g8vhw +/m/01cz7r /film/film/executive_produced_by /m/0136g9 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/03z8bw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0181dw /music/record_label/artist /m/03g5jw +/m/09889g /film/actor/film./film/performance/film /m/027fwmt +/m/04v8h1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jpmpv +/m/03f5spx /people/person/places_lived./people/place_lived/location /m/0mn0v +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0frmb1 +/m/0fbx6 /people/person/profession /m/01c979 +/m/01f8f7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cp7b3 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0157m +/m/062zm5h /film/film/language /m/02h40lc +/m/0mmp3 /music/genre/artists /m/0m19t +/m/023p7l /film/film/production_companies /m/09b3v +/m/02r9p0c /film/film/country /m/03_3d +/m/015qy1 /film/film/country /m/03_3d +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/03d3ht /tv/tv_program/genre /m/06n90 +/m/0p_2r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/02h659 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/015_1q /music/record_label/artist /m/0ddkf +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0qlnr +/m/07vfy4 /film/film/language /m/03k50 +/m/041rx /people/ethnicity/people /m/05cx7x +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0258dh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/020qr4 /tv/tv_program/country_of_origin /m/03_3d +/m/03hj5lq /film/film/produced_by /m/017c87 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04wlz2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0db94w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04b2qn /film/film/film_format /m/0cj16 +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0mg1w +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/02bm1v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/01v1d8 /music/instrument/instrumentalists /m/01yzl2 +/m/02tk74 /people/person/nationality /m/02jx1 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0dwtp /music/instrument/instrumentalists /m/02vr7 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0d06m5 +/m/047hpm /film/actor/film./film/performance/film /m/09bw4_ +/m/0141kz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0139q5 /film/actor/film./film/performance/film /m/02yvct +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04bfg +/m/0bl2g /film/actor/film./film/performance/film /m/04165w +/m/0dryh9k /people/ethnicity/people /m/02wxvtv +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/034q81 /organization/organization/headquarters./location/mailing_address/state_province_region /m/075_t2 +/m/017z49 /film/film/featured_film_locations /m/0cv3w +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0c7t58 /people/person/gender /m/05zppz +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/016dsy /people/person/places_lived./people/place_lived/location /m/05qtj +/m/06688p /people/person/nationality /m/06q1r +/m/06d4h /film/film_subject/films /m/08xvpn +/m/01bl7g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/01tv3x2 /people/person/nationality /m/09c7w0 +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/03_d0 /music/genre/artists /m/01kvqc +/m/0372kf /film/actor/film./film/performance/film /m/0gm2_0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/017ztv +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j5ts +/m/0bytfv /people/person/nationality /m/09c7w0 +/m/0f1jhc /people/person/gender /m/05zppz +/m/01ypsj /people/person/profession /m/0dxtg +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gnkb +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01mk6 +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/04sskp +/m/06w7v /music/instrument/instrumentalists /m/0pk41 +/m/0dfrq /people/person/profession /m/02hv44_ +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/033jj1 /people/person/profession /m/0np9r +/m/0180w8 /people/person/gender /m/05zppz +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0d06m5 +/m/02qd04y /award/award_winning_work/awards_won./award/award_honor/award /m/09v92_x +/m/01r2c7 /people/person/gender /m/05zppz +/m/02q6cv4 /people/person/profession /m/02hrh1q +/m/02rn00y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02704ff /film/film/film_festivals /m/04grdgy +/m/01k2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/03q5dr /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ck6r +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cw411 +/m/02184q /people/person/profession /m/01d_h8 +/m/05drr9 /people/person/profession /m/0dxtg +/m/042fgh /film/film/prequel /m/01_mdl +/m/04954r /film/film/country /m/09c7w0 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07xr3w +/m/03q5t /music/instrument/instrumentalists /m/01wy61y +/m/07s9rl0 /media_common/netflix_genre/titles /m/01j5ql +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/056jrs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/01dzz7 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/04h4c9 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01hv3t /film/film/genre /m/01t_vv +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04h5_c /sports/sports_team/sport /m/02vx4 +/m/03_3d /location/location/contains /m/019q50 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01kff7 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/03yvf2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/02_j8x +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/0qdyf /base/eating/practicer_of_diet/diet /m/07_jd +/m/0gkydb /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/047fwlg +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0kvqv /people/person/profession /m/0dxtg +/m/0f4_2k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016y_f /film/film/cinematography /m/0627sn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04knvh +/m/088vb /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0hvb2 /film/actor/film./film/performance/film /m/02prw4h +/m/058vfp4 /people/deceased_person/place_of_death /m/030qb3t +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/0cdf37 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/061681 /film/film/featured_film_locations /m/056_y +/m/09gb_4p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07n39 /people/person/profession /m/02hrh1q +/m/0bjkpt /people/person/places_lived./people/place_lived/location /m/013d7t +/m/084qpk /film/film/genre /m/01585b +/m/05bnq8 /education/educational_institution/school_type /m/01rs41 +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0c5x_ /education/educational_institution/school_type /m/07tf8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/06dv3 /film/actor/film./film/performance/film /m/0btbyn +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/059xvg /people/person/gender /m/05zppz +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r79_h +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0nbjq /olympics/olympic_games/sports /m/06f41 +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/085pr +/m/07ghv5 /film/film/genre /m/03k9fj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06bvp +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017r13 +/m/04z257 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/0cf2h /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0xv2x /music/genre/parent_genre /m/0xhtw +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/03y9p40 +/m/01c7qd /people/person/place_of_birth /m/0cc56 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04r7jc +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/02hqt6 +/m/0jcx /influence/influence_node/peers./influence/peer_relationship/peers /m/029rk +/m/0h0wc /film/actor/film./film/performance/film /m/03cvvlg +/m/0qdwr /people/person/religion /m/03_gx +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0184jc /film/actor/film./film/performance/film /m/06zn2v2 +/m/09lcsj /film/film/country /m/09c7w0 +/m/0333t /film/film/production_companies /m/086k8 +/m/04gknr /film/film/produced_by /m/03v1w7 +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/02b29 /people/person/nationality /m/09c7w0 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05w3 +/m/02h40lc /language/human_language/countries_spoken_in /m/03spz +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/02ndj5 /music/artist/origin /m/0nbwf +/m/0bbxd3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cskb +/m/0f6_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dlhg +/m/014zws /education/educational_institution/colors /m/01jnf1 +/m/0342h /music/instrument/instrumentalists /m/01gg59 +/m/03d2k /people/person/gender /m/05zppz +/m/01gb54 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/01xsbh +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/07lx1s /education/educational_institution/school_type /m/05pcjw +/m/02qdrjx /film/film/genre /m/05p553 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fxky3 +/m/09c7w0 /location/country/second_level_divisions /m/0dzt9 +/m/06khkb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wk7ql +/m/05r5c /music/instrument/instrumentalists /m/0140t7 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/016clz /music/genre/artists /m/0191h5 +/m/02pk6x /people/person/profession /m/02hrh1q +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0g57ws5 +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/02nrdp +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0cc846d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02h7qr /organization/organization/headquarters./location/mailing_address/citytown /m/0ttxp +/m/01hb6v /influence/influence_node/influenced_by /m/04jvt +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/087_xx +/m/02qm5j /music/genre/artists /m/02hzz +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0gthm /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/042ly5 /film/actor/film./film/performance/film /m/044g_k +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5f5n +/m/06b_0 /people/person/religion /m/0kpl +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/0159h6 /film/actor/film./film/performance/film /m/02_fm2 +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016zp5 /film/actor/film./film/performance/film /m/067ghz +/m/075k5 /time/event/locations /m/059qw +/m/056xkh /film/film/story_by /m/025b3k +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0g57wgv /film/film/genre /m/02l7c8 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02hzx8 +/m/0hvvf /film/film/genre /m/0lsxr +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01y665 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/01vs5c /education/educational_institution/campuses /m/01vs5c +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/022q4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/0407f +/m/073v6 /people/deceased_person/place_of_death /m/0p9z5 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02t_y3 +/m/01jrbv /film/film/country /m/09c7w0 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy66 +/m/039bpc /film/actor/film./film/performance/film /m/05fm6m +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/0tc7 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/06bvp /film/film_subject/films /m/01br2w +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/01309x /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/08jtv5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0lv1x /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/049dyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063576 /education/educational_institution/school_type /m/05pcjw +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/02py_sj /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/018txg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/055sjw /award/award_winner/awards_won./award/award_honor/award_winner /m/04s04 +/m/057lbk /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/04ynx7 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bzyn4 +/m/01dfb6 /organization/organization/child./organization/organization_relationship/child /m/011k1h +/m/03wpmd /people/person/place_of_birth /m/04vmp +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/016clz /music/genre/artists /m/04n65n +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/0p_47 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01nty /location/country/form_of_government /m/018wl5 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sns6 +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/097h2 /tv/tv_program/program_creator /m/024swd +/m/05683cn /people/person/gender /m/05zppz +/m/01j_5k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064ndc /film/film/genre /m/07s9rl0 +/m/06rk8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01j851 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/037q1z /people/person/place_of_birth /m/0k33p +/m/055c8 /film/actor/film./film/performance/film /m/0btpm6 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/03n0q5 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01vwllw +/m/02bd_f /education/educational_institution/school_type /m/05jxkf +/m/01c9x /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/015nhn +/m/01p5xy /education/educational_institution/colors /m/083jv +/m/03q2t9 /people/person/place_of_birth /m/019fh +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/047q2k1 +/m/011yxg /film/film/country /m/0chghy +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017gm7 +/m/0jpkw /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/0bt7w /music/genre/parent_genre /m/01h0kx +/m/0342h /music/instrument/instrumentalists /m/04vrxh +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/04w1j9 /people/person/place_of_birth /m/02_286 +/m/06zmg7m /people/person/profession /m/02hrh1q +/m/08qxx9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0174qm /base/biblioness/bibs_location/state /m/0ht8h +/m/065_cjc /film/film/country /m/07ssc +/m/05fjf /location/location/contains /m/0pzmf +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chgzm +/m/0p_pd /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02w9s /location/country/form_of_government /m/01q20 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq86w +/m/0l14_3 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/09ksp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0x67 /people/ethnicity/people /m/0gd_s +/m/01336l /people/ethnicity/people /m/03l3ln +/m/0h3k3f /film/film/country /m/09c7w0 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/026mfbr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0n5j7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/035s95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/0gy3w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/02lhm2 /film/actor/film./film/performance/film /m/04k9y6 +/m/09c7w0 /location/location/contains /m/0kvt9 +/m/04gcyg /film/film/genre /m/01jfsb +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/04qz6n /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cbtlj +/m/034qg /people/cause_of_death/people /m/03d_zl4 +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01p9hgt +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/0170s4 +/m/0292l3 /film/actor/film./film/performance/film /m/0h95927 +/m/09c7w0 /location/country/second_level_divisions /m/0bx9y +/m/02bvt /people/person/places_lived./people/place_lived/location /m/06btq +/m/029pnn /people/person/profession /m/01d_h8 +/m/04x4nv /film/film/executive_produced_by /m/0343h +/m/0bdxs5 /people/person/place_of_birth /m/05jbn +/m/04g9gd /film/film/genre /m/05p553 +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c4f4 +/m/03rg2b /film/film/country /m/09c7w0 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/05sy_5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kjr0 +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/0d4fqn +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/09c7w0 /location/country/second_level_divisions /m/0l2l_ +/m/0ccqd7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0pb33 /film/film/written_by /m/04m_zp +/m/0p54z /location/administrative_division/country /m/03rt9 +/m/09k56b7 /film/film/featured_film_locations /m/02_286 +/m/03gm48 /film/actor/film./film/performance/film /m/09sh8k +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030pr +/m/07c52 /media_common/netflix_genre/titles /m/05r1_t +/m/0l380 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kv4k +/m/0sw6g /people/person/spouse_s./people/marriage/spouse /m/0c4f4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tjl3 +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05l0j5 +/m/01l47f5 /people/person/profession /m/039v1 +/m/03y82t6 /people/person/profession /m/02hrh1q +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/01j5ql /film/film/genre /m/0vjs6 +/m/01w9wwg /people/person/profession /m/0dz3r +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vhrz +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0499lc +/m/06r2_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/04y79_n +/m/012qjw /medicine/symptom/symptom_of /m/09jg8 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0d1qn /location/location/time_zones /m/02hczc +/m/0124ld /olympics/olympic_games/sports /m/06zgc +/m/07hwkr /people/ethnicity/people /m/03g5_y +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/0qmfk /film/film/production_companies /m/017s11 +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01kb2j /film/actor/film./film/performance/film /m/0fh2v5 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/034ks /people/person/profession /m/06q2q +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jj1 +/m/02qx1m2 /people/person/nationality /m/09c7w0 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0qb0j /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gg8l /music/genre/artists /m/02fn5r +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/0pc6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0h0yt /film/actor/film./film/performance/film /m/01qz5 +/m/01d8yn /people/person/place_of_birth /m/059rby +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0pj8m /people/person/places_lived./people/place_lived/location /m/01j922 +/m/04htfd /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/011zd3 /film/actor/film./film/performance/film /m/01y9jr +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/02zbjwr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0420td +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/01cbt3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/02yr1q /education/educational_institution/campuses /m/02yr1q +/m/012kyx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01p896 /education/educational_institution/school_type /m/05jxkf +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0_92w /film/film/film_production_design_by /m/0dh73w +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/047qxs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015y3j +/m/0fc_9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cv_gy /tv/tv_program/languages /m/02h40lc +/m/033hn8 /music/record_label/artist /m/01wg6y +/m/01p3ty /film/film/featured_film_locations /m/04jpl +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/012d40 /film/actor/film./film/performance/film /m/01f6x7 +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kwhf +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/048yqf /film/film/country /m/09c7w0 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0134w7 +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01hp5 /film/film/production_companies /m/086k8 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/048cl /influence/influence_node/influenced_by /m/0gz_ +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/03f6fl0 /people/person/profession /m/0dz3r +/m/031bf1 /people/person/gender /m/05zppz +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/0k2m6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04xvlr /media_common/netflix_genre/titles /m/03ckwzc +/m/02pby8 /film/actor/film./film/performance/film /m/01hqk +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/01j_jh +/m/0frmb1 /people/person/employment_history./business/employment_tenure/company /m/09d5h +/m/052m7n /award/award_category/winners./award/award_honor/award_winner /m/0cmpn +/m/02ll45 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/0gs973 /film/film/genre /m/06n90 +/m/0dbpwb /award/award_winner/awards_won./award/award_honor/award_winner /m/01_6dw +/m/021vwt /film/actor/film./film/performance/film /m/0b6f8pf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pzdk +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pq9yv +/m/0284h6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/0b275x +/m/02kxwk /film/actor/film./film/performance/film /m/035_2h +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yk8z +/m/0gt_k /people/person/gender /m/05zppz +/m/0l786 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/031sg0 +/m/03llf8 /people/person/gender /m/05zppz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02s9vc +/m/07ssc /location/location/contains /m/0g8g6 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/016z1c /people/deceased_person/place_of_death /m/06_kh +/m/051z6rz /people/person/profession /m/0kyk +/m/02z4b_8 /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/04h07s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01lv85 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0kftt +/m/024dw0 /people/person/places_lived./people/place_lived/location /m/095l0 +/m/0ddjy /film/film/written_by /m/0343h +/m/060__7 /film/film/genre /m/02l7c8 +/m/0bxsk /film/film/language /m/06nm1 +/m/09dt7 /influence/influence_node/influenced_by /m/0g5ff +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0h5f5n /people/person/place_of_birth /m/04jpl +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0jm3b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0bhvtc /people/person/gender /m/05zppz +/m/01q4qv /film/film/film_festivals /m/05f5rsr +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d05fv +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/063vn +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0x67 /people/ethnicity/people /m/09nz_c +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/05w3f /music/genre/parent_genre /m/0133_p +/m/01gp_d /language/human_language/countries_spoken_in /m/02vzc +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0bl1_ /film/film/featured_film_locations /m/0rj4g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02gr81 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4vj +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/01tqfs +/m/03jqfx /base/culturalevent/event/entity_involved /m/03l5m1 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01wx_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03qkgyl /people/person/profession /m/01d_h8 +/m/05dy7p /film/film/language /m/0653m +/m/01wjrn /people/person/place_of_birth /m/02_286 +/m/09kr66 /people/ethnicity/people /m/02z1yj +/m/0c9k8 /film/film/production_companies /m/05qd_ +/m/02cx72 /people/person/place_of_birth /m/059rby +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/017znw /sports/sports_team/sport /m/02vx4 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/015wc0 /people/deceased_person/place_of_death /m/0284jb +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01kvrz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_sr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/02jsgf +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq4b +/m/05tbn /location/location/contains /m/0mwx6 +/m/023fb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0gppg /people/person/place_of_birth /m/01qh7 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/023ny6 +/m/01qhm_ /people/ethnicity/people /m/01gbn6 +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/05jx2d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/033m23 /people/person/nationality /m/09c7w0 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09_bl +/m/054fvj /people/person/profession /m/0747nrk +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01l1ls +/m/048fz /location/location/contains /m/0hsqf +/m/09d5h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j5ql /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k2sk /film/film/featured_film_locations /m/030qb3t +/m/0843m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02dtg +/m/016y3j /music/genre/artists /m/0326tc +/m/0pyg6 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0f14q /people/person/spouse_s./people/marriage/spouse /m/03ft8 +/m/0r4wn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zjx /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02qjb_ +/m/0d90m /film/film/language /m/02h40lc +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dl5d /music/genre/artists /m/018y81 +/m/03nkts /people/person/profession /m/02hrh1q +/m/04gvt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0bx_hnp +/m/0mx4_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx48 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01tdnyh /people/person/profession /m/0h9c +/m/05zlld0 /film/film/written_by /m/09pl3s +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0dnqr /film/film/edited_by /m/03q8ch +/m/01pgp6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q5g1z +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/064t9 /music/genre/artists /m/0g476 +/m/0d29z /people/ethnicity/geographic_distribution /m/0hzlz +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/01tspc6 /people/person/spouse_s./people/marriage/spouse /m/0dgskx +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778tk +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01gz9n /people/person/nationality /m/09c7w0 +/m/0bksh /film/actor/film./film/performance/film /m/01pgp6 +/m/019pcs /location/location/contains /m/0dttf +/m/0320fn /film/film/country /m/09c7w0 +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03wbqc4 /film/film/produced_by /m/02tn0_ +/m/03rjj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0fjcgg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01cl0d /music/record_label/artist /m/01svw8n +/m/02mp0g /education/educational_institution/colors /m/09q2t +/m/01kf5lf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03npn /media_common/netflix_genre/titles /m/03t79f +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/019kyn /film/film/production_companies /m/09b3v +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/044lbv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/01vqrm /people/person/profession /m/0dgd_ +/m/04t6fk /film/film/genre /m/0gf28 +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07tp2 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0bmh4 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03_xj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v3ht /organization/organization/headquarters./location/mailing_address/citytown /m/01s3v +/m/07mvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/0mwvq /location/us_county/county_seat /m/0zrlp +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s2ys +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1gz +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/03cvv4 /people/person/place_of_birth /m/010t4v +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/0ksrf8 /film/actor/film./film/performance/film /m/02qpt1w +/m/02b19t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dsb_yy /people/person/place_of_birth /m/0grd7 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/045r_9 +/m/01x4r3 /people/person/religion /m/0kpl +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01ky2h +/m/021pqy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07tlfx /film/film/executive_produced_by /m/02tn0_ +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/01gbbz /people/person/profession /m/0np9r +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/019pm_ +/m/0gjc4d3 /film/film/language /m/02jx1 +/m/04l_pt /people/ethnicity/languages_spoken /m/0459q4 +/m/02r8hh_ /film/film/genre /m/07s9rl0 +/m/05t54s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/017_qw /music/genre/artists /m/06fxnf +/m/030_1_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03hp2y1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/028k2x +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wbg84 +/m/01p1v /location/country/form_of_government /m/06cx9 +/m/047g6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l450 +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/05qzv /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0jq2r /tv/tv_program/genre /m/07s9rl0 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfcm +/m/01dhmw /people/person/profession /m/0cbd2 +/m/05w3y /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07xr3w +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/051z6rz +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/0pmcz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/03sww /people/person/places_lived./people/place_lived/location /m/0hptm +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06npd +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/016kkx /people/person/languages /m/02h40lc +/m/01f1ps /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044l47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/033g4d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cxm4 +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/094vy /location/location/contains /m/0144wg +/m/01jr4j /film/film/film_production_design_by /m/0dh73w +/m/01vw8k /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/079hvk +/m/02gf_l /film/actor/film./film/performance/film /m/03h3x5 +/m/015pxr /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/037c9s /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/01vsqvs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01syr4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0pz6q /education/educational_institution/campuses /m/0pz6q +/m/05fm6m /film/film/written_by /m/04fcx7 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/04tqtl +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064r97z +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/04jwjq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fw4y +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bb9r +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/01d650 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/015cbq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xs5v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04yt7 /film/actor/film./film/performance/film /m/04zl8 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09yg6l +/m/02607j /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/020ddc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z0l6 /people/person/place_of_birth /m/04jpl +/m/0dcz8_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14qv /music/instrument/instrumentalists /m/0phx4 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/02qyxs5 /award/award_category/winners./award/award_honor/award_winner /m/013t9y +/m/0gvsh7l /tv/tv_program/genre /m/07s9rl0 +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024lt6 +/m/04tnqn /film/actor/film./film/performance/film /m/095z4q +/m/0jpn8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0139q5 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/0gtv7pk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/019f4v /award/award_category/disciplines_or_subjects /m/02jknp +/m/0kst7v /people/person/languages /m/03k50 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0jm9w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0157m /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/09nwwf /music/genre/artists /m/03c3yf +/m/0ds11z /film/film/genre /m/04t36 +/m/059wk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/035gnh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0639bg /film/film/country /m/07ssc +/m/03cwwl /film/film/production_companies /m/027jw0c +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/015nhn +/m/04vq3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017fp /media_common/netflix_genre/titles /m/05zy3sc +/m/015qy1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/05f33tk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bkq7 /film/film/produced_by /m/01b9ck +/m/01wj5hp /people/person/religion /m/03j6c +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05hjnw +/m/0190_q /music/genre/artists /m/01_wfj +/m/033tf_ /people/ethnicity/people /m/039crh +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02pjc1h +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03j0d /people/person/religion /m/0kpl +/m/01z4y /media_common/netflix_genre/titles /m/03z20c +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033_1p +/m/0jcx /people/person/nationality /m/084n_ +/m/01vsxdm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01_x6d /people/person/gender /m/05zppz +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/04vmqg /people/person/nationality /m/07ssc +/m/01jrs46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pq9 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03_9x6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01k7b0 /film/film/country /m/09c7w0 +/m/02xgdv /people/deceased_person/place_of_death /m/04vmp +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0gthm /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/07nxnw +/m/0cbvg /base/culturalevent/event/entity_involved /m/01flgk +/m/06kb_ /people/person/place_of_birth /m/04vmp +/m/0156q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017wh +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/01xndd /people/person/profession /m/02hrh1q +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hmt9b +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/064t9 /music/genre/artists /m/03c7ln +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wk_43 +/m/043gj /film/actor/film./film/performance/film /m/0jvt9 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0jsf6 /film/film/language /m/02h40lc +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/01fjfv /broadcast/content/artist /m/0134pk +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vk_d +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gztl +/m/073tm9 /music/record_label/artist /m/03j3pg9 +/m/0xjl2 /music/genre/artists /m/014pg1 +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y64_ +/m/06f5j /people/person/profession /m/012qdp +/m/05nqz /time/event/locations /m/0163v +/m/07vc_9 /film/actor/film./film/performance/film /m/05szq8z +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b17f +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0f276 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0dsvzh /film/film/written_by /m/0151w_ +/m/0yxm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06y57 +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/047fwlg +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01n951 /education/educational_institution/school_type /m/01rs41 +/m/0lpk3 /base/biblioness/bibs_location/state /m/059rby +/m/01gglm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bksh +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/017dtf /tv/tv_program/genre /m/01hmnh +/m/03cz83 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0r4z7 /location/location/time_zones /m/02lcqs +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04x8cp +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/03kxdw /people/person/nationality /m/09c7w0 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/01tt27 /business/business_operation/industry /m/020mfr +/m/0bq3x /film/film_subject/films /m/0cqr0q +/m/0jwl2 /tv/tv_program/genre /m/0pr6f +/m/03v1s /location/location/time_zones /m/02hcv8 +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0f0y8 /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/05v954 /people/person/profession /m/0np9r +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/016fly /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zd460 +/m/093dqjy /film/film/genre /m/060__y +/m/01900g /film/actor/film./film/performance/film /m/0125xq +/m/05xzcz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0b2km_ /film/film/genre /m/082gq +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/058kh7 /film/film/genre /m/07s9rl0 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sxzwc +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/02yygk /people/person/profession /m/02hrh1q +/m/04yqlk /film/actor/film./film/performance/film /m/033fqh +/m/03m6zs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06kl0k /people/person/languages /m/02h40lc +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r7pq +/m/09c7w0 /location/country/second_level_divisions /m/0l339 +/m/01jfsb /media_common/netflix_genre/titles /m/07qg8v +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0m123 +/m/0234j5 /film/film/genre /m/01jfsb +/m/05ztjjw /award/award_category/winners./award/award_honor/award_winner /m/034bgm +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074rg9 +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03__77 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/01n073 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_p8v /people/deceased_person/place_of_death /m/04jpl +/m/04x8mj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03n6r /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0342h /music/instrument/instrumentalists /m/01wp8w7 +/m/0fg_hg /film/actor/film./film/performance/film /m/0209hj +/m/01fx2g /film/actor/film./film/performance/film /m/02z3r8t +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/012j5h +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/0677ng +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01dw4q +/m/0q59y /people/person/languages /m/02h40lc +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/04y0hj /film/actor/film./film/performance/film /m/0f42nz +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02x6dqb /film/film/genre /m/07s9rl0 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0cv72h +/m/0kz2w /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w1kyf /people/person/nationality /m/09c7w0 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/018phr /music/group_member/membership./music/group_membership/group /m/018ndc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02nq10 +/m/02qhlm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ktpx /film/film/genre /m/02n4kr +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/02q6gfp /film/film/genre /m/017fp +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w9sgh +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0jnq8 /sports/sports_team/sport /m/03tmr +/m/01nrgq /people/person/profession /m/02hrh1q +/m/03np3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k53x +/m/0mb5x /influence/influence_node/influenced_by /m/02kz_ +/m/02s8qk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0222qb /people/ethnicity/people /m/09bxq9 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/03xx9l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03t4nx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01t2h2 /people/person/profession /m/015cjr +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0ggx5q /music/genre/artists /m/01sxd1 +/m/09c7w0 /location/location/contains /m/02nvg1 +/m/05byxm /music/record_label/artist /m/01wqflx +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06rkfs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/063hp4 /film/film/production_companies /m/0g1rw +/m/0h1cdwq /film/film/genre /m/0hcr +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/095z4q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p8r1 /film/actor/film./film/performance/film /m/0407yfx +/m/0ftqr /people/person/profession /m/09jwl +/m/02b10w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ym1 +/m/03tw2s /organization/organization/headquarters./location/mailing_address/citytown /m/0fv_t +/m/01m3x5p /people/person/sibling_s./people/sibling_relationship/sibling /m/01kvqc +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/0163v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0kbhf /film/film/cinematography /m/07z4p5 +/m/017j69 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/030vmc /people/person/nationality /m/09c7w0 +/m/01kgv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01w23w /people/person/spouse_s./people/marriage/location_of_ceremony /m/01n7q +/m/02p11jq /music/record_label/artist /m/05mt6w +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/027jq2 /people/person/nationality /m/077qn +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0f8pz /people/person/spouse_s./people/marriage/location_of_ceremony /m/09bkv +/m/02ky346 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/036hv +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/01w65s /base/biblioness/bibs_location/country /m/09c7w0 +/m/0l6vl /olympics/olympic_games/sports /m/02vx4 +/m/01_k7f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02gqm3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwft +/m/06chf /people/person/profession /m/03gjzk +/m/016wzw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m593 +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01242_ /film/film/genre /m/03g3w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09tcg4 +/m/01fx4k /film/film/genre /m/02l7c8 +/m/018qb4 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0453t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/01gq0b +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01fx2g /film/actor/film./film/performance/film /m/01738w +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01hmb_ /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0892sx +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/022yb4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0347xz +/m/06tp4h /people/person/profession /m/01d_h8 +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01p0mx +/m/05bm4sm /award/award_winner/awards_won./award/award_honor/award_winner /m/09thp87 +/m/01wwvc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/07ymr5 /film/actor/film./film/performance/film /m/0c3xw46 +/m/028d4v /film/actor/film./film/performance/film /m/0g56t9t +/m/04cf09 /film/actor/film./film/performance/film /m/0c3z0 +/m/04mhxx /people/person/nationality /m/09c7w0 +/m/03rt9 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0n5d1 /location/location/contains /m/0xqf3 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fwy0h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02v992 +/m/033cw /people/person/places_lived./people/place_lived/location /m/0xqf3 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/0401sg /film/film/country /m/0f8l9c +/m/0y_yw /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b73_1d +/m/06xl8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/039xcr /people/person/places_lived./people/place_lived/location /m/0xszy +/m/02jxrw /film/film/country /m/09c7w0 +/m/03rz2b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kvsb +/m/0154qm /film/actor/film./film/performance/film /m/026p4q7 +/m/0f4_l /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01qs54 /location/administrative_division/country /m/03rt9 +/m/031sg0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/0j95 +/m/01_xtx /film/actor/film./film/performance/film /m/0dln8jk +/m/0164qt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0993r +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b455l +/m/05r79 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015qqg +/m/0cp9f9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02rzdcp +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/01l9p +/m/02s6tk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/060j8b /people/person/profession /m/02hrh1q +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/0pm85 /music/genre/parent_genre /m/01243b +/m/01wn718 /music/artist/origin /m/01_d4 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/05jm7 /influence/influence_node/influenced_by /m/014ps4 +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/02rjz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0zchj +/m/05jm7 /influence/influence_node/influenced_by /m/06bng +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0mw5x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qq_lp +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01gq0b +/m/01j7pt /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01jwxx /film/film/language /m/064_8sq +/m/06151l /people/person/profession /m/01d_h8 +/m/04954 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cp5 /music/genre/artists /m/01vw917 +/m/0170th /film/film/music /m/01x6v6 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0c0k1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tnbn +/m/0gg4h /people/cause_of_death/people /m/044qx +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/01g63y /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0824r +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0z4s +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02mp0g /education/educational_institution/campuses /m/02mp0g +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04znsy +/m/01jzyf /film/film/production_companies /m/0gfmc_ +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dckvs +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/01x4r3 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0946bb +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/031t2d /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/024my5 /film/actor/film./film/performance/film /m/099bhp +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/09hnb /people/person/profession /m/0nbcg +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01znc_ +/m/050gkf /film/film/film_format /m/07fb8_ +/m/0239zv /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/064177 /people/person/profession /m/0d8qb +/m/0kc6 /people/deceased_person/place_of_death /m/02_286 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/05q9g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/043n1r5 /film/film/cinematography /m/08z39v +/m/0bxtyq /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vhrz +/m/03cglm /people/person/nationality /m/09c7w0 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0b478 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/02pprs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qlv7 +/m/02fgdx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tn0_ /people/person/profession /m/02jknp +/m/057dxsg /film/film_set_designer/film_sets_designed /m/0k5fg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01_gv +/m/01w272y /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/05zwrg0 /film/film/film_festivals /m/0bmj62v +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05mv4 +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01d34b /education/educational_institution/school_type /m/02dk5q +/m/0177z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06nnj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/05gnf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0pzmf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01963w /people/person/profession /m/01d30f +/m/0gvsh7l /tv/tv_program/genre /m/01jfsb +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07mkj0 +/m/02fbb5 /sports/sports_team/colors /m/019sc +/m/096lf_ /film/actor/film./film/performance/film /m/03n0cd +/m/05z_kps /film/film/country /m/07ssc +/m/0338lq /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0ny1p /base/aareas/schema/administrative_area/capital /m/014vm4 +/m/029v40 /film/film/genre /m/0lsxr +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0q9jk +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07g9f +/m/03jxw /influence/influence_node/influenced_by /m/081k8 +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/048tgl /music/group_member/membership./music/group_membership/role /m/026t6 +/m/0cv9b /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017d77 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04pp9s +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01s0ps +/m/02l424 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mcl0 /film/film/genre /m/03bxz7 +/m/047d21r /film/film/country /m/09c7w0 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrx +/m/02x9g_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/01wdcxk /people/person/profession /m/09jwl +/m/01s7w3 /film/film/production_companies /m/016tw3 +/m/029q3k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/02wwr5n /sports/sports_team/colors /m/083jv +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktpx +/m/0btbyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01h8rk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/087yty /people/person/nationality /m/09c7w0 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/06c97 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/0tt6k /location/hud_county_place/place /m/0tt6k +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/02v570 /film/film/genre /m/082gq +/m/02vqsll /film/film/country /m/07ssc +/m/041xl /influence/influence_node/influenced_by /m/08433 +/m/01pcj4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/086m1 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0cymln /people/person/places_lived./people/place_lived/location /m/0ygbf +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/02vr7 /award/award_winner/awards_won./award/award_honor/award_winner /m/018gqj +/m/0l14qv /music/instrument/instrumentalists /m/016fnb +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0134wr +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0sxrz /time/event/locations /m/0fydw +/m/02114t /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01qscs +/m/0170yd /film/film/production_companies /m/03xsby +/m/02qwgk /education/educational_institution/campuses /m/02qwgk +/m/01cyjx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023n39 +/m/0342h /music/instrument/instrumentalists /m/01s7qqw +/m/01wp_jm /people/person/profession /m/0n1h +/m/0k95h /medicine/disease/risk_factors /m/0jpmt +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/021bk /film/actor/film./film/performance/film /m/089j8p +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02v4vl +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/031b91 /award/award_category/winners./award/award_honor/award_winner /m/0pj8m +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/06j6l /music/genre/artists /m/0161sp +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02jx1 +/m/016clz /music/genre/artists /m/0gr69 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0j0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/03rk0 /location/country/form_of_government /m/018wl5 +/m/01f7gh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01f8hf +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/07r_dg +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0456xp +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03ytc +/m/0177sq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lxd4 /music/genre/artists /m/053yx +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8f7 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01tcf7 +/m/03_js /people/person/profession /m/0fj9f +/m/03t852 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029h45 /people/person/profession /m/0dxtg +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/0252fh +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0xhtw /music/genre/artists /m/0gcs9 +/m/0bs5f0b /film/film/executive_produced_by /m/025b5y +/m/05jt_ /music/genre/artists /m/01vw20_ +/m/0dl5d /music/genre/artists /m/01vrwfv +/m/01jwt /music/genre/artists /m/016lj_ +/m/01kp_1t /people/person/profession /m/0kyk +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/09c7w0 /location/location/contains /m/0k696 +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/03rwng +/m/0glt670 /music/genre/artists /m/01vvyd8 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw62 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w7nww +/m/04yywz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/0hsqf /sports/sports_team_location/teams /m/0425c5 +/m/0qcr0 /people/cause_of_death/people /m/015wfg +/m/08qxx9 /film/actor/film./film/performance/film /m/0gh8zks +/m/07h1q /influence/influence_node/influenced_by /m/04xm_ +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/026b7bz /people/person/gender /m/02zsn +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/0dt8xq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02j9z /base/locations/continents/countries_within /m/05b4w +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01kc4s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0kvjrw /music/artist/origin /m/07c98 +/m/05148p4 /music/instrument/instrumentalists /m/03j1p2n +/m/03qwyc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/0fby2t +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xc1w4 +/m/0259r0 /people/person/nationality /m/09c7w0 +/m/09nzn6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/04kzqz /film/film/genre /m/04xvlr +/m/01tjsl /base/aareas/schema/administrative_area/administrative_parent /m/0hzlz +/m/09fb5 /film/actor/film./film/performance/film /m/0c9k8 +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02w29z +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02z81h +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_fw +/m/0642xf3 /film/film/genre /m/02kdv5l +/m/0n5j7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gb +/m/02zyy4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/02wyc0 /people/person/profession /m/02hrh1q +/m/071xj /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/07hwkr /people/ethnicity/people /m/0261x8t +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05pbl56 /film/film/music /m/02jxmr +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035dk +/m/07j9n /base/culturalevent/event/entity_involved /m/01fvhp +/m/01mr2g6 /people/person/profession /m/0dz3r +/m/085q5 /film/actor/film./film/performance/film /m/01xdxy +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01vd7hn /people/person/gender /m/05zppz +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/065z3_x /film/film/genre /m/01f9r0 +/m/0249fn /award/award_category/winners./award/award_honor/award_winner /m/02qsjt +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/0199gx +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/0b_dy /film/actor/film./film/performance/film /m/0418wg +/m/01bbwp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026k4d /music/record_label/artist /m/05xq9 +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01p8r8 /people/person/languages /m/06nm1 +/m/041rx /people/ethnicity/people /m/0k4gf +/m/0f612 /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/04sylm /education/educational_institution/school_type /m/01y64 +/m/0bs1yy /people/person/place_of_birth /m/071vr +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/034qzw /film/film/country /m/09c7w0 +/m/027_sn /film/actor/film./film/performance/film /m/0f3m1 +/m/01xllf /film/actor/film./film/performance/film /m/025n07 +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/06qd3 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/09bxq9 /people/person/nationality /m/03rjj +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/0bqxw /education/educational_institution/colors /m/01g5v +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/01xq8v /film/film/language /m/02bjrlw +/m/035zr0 /film/film/country /m/07ssc +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0lyjf /education/educational_institution/colors /m/038hg +/m/0190xp /music/genre/artists /m/01czx +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j2pg +/m/0f61tk /film/film/genre /m/01hmnh +/m/0x67 /people/ethnicity/people /m/0161sp +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/01vvb4m /film/actor/film./film/performance/film /m/09wnnb +/m/0gzlb9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bnv /people/person/profession /m/01b30l +/m/0n58p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5df +/m/01zmpg /people/person/sibling_s./people/sibling_relationship/sibling /m/09889g +/m/0dg3n1 /location/location/contains /m/01nln +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dg3jz +/m/0308kx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q9kd /people/person/profession /m/02krf9 +/m/0cp08zg /film/film/country /m/0d060g +/m/09c7w0 /location/location/contains /m/0sf9_ +/m/01c7j1 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/03v0t /location/location/contains /m/0nvg4 +/m/08j7lh /film/film/genre /m/07s9rl0 +/m/0f14q /film/actor/film./film/performance/film /m/0m5s5 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/022lly +/m/01qrb2 /education/educational_institution/students_graduates./education/education/student /m/07g7h2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/02lnbg /music/genre/artists /m/03y82t6 +/m/02p65p /people/person/place_of_birth /m/04f_d +/m/08k881 /film/actor/film./film/performance/film /m/0c9t0y +/m/0fs9jn /film/actor/film./film/performance/film /m/07f_t4 +/m/0dqzkv /people/deceased_person/place_of_death /m/030qb3t +/m/0498y /base/biblioness/bibs_location/country /m/09c7w0 +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0f2s6 /location/location/time_zones /m/02fqwt +/m/0n5c9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n58p +/m/0ggh3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bbvr84 +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/06qxh /tv/tv_program/genre /m/03k9fj +/m/01qzt1 /music/genre/artists /m/094xh +/m/05sy_5 /film/film/written_by /m/05ldnp +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07j8r +/m/06ncr /music/instrument/instrumentalists /m/01qdjm +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/0sjqm /sports/sports_team_location/teams /m/02r7lqg +/m/02ptczs /film/film/production_companies /m/05qd_ +/m/03lvwp /film/film/genre /m/07s9rl0 +/m/0n1rj /location/location/time_zones /m/02hcv8 +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/017l96 /music/record_label/artist /m/0bk1p +/m/050023 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/07jrjb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0h3tv +/m/06nz46 /people/person/profession /m/0dgd_ +/m/0mhfr /music/genre/artists /m/0g_g2 +/m/016wvy /people/person/profession /m/0dz3r +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tjl3 +/m/01fh36 /music/genre/artists /m/0p76z +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cbtlj +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/03x746 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/011ycb /film/film/genre /m/01f9r0 +/m/018f8 /film/film/country /m/09c7w0 +/m/0g3bw /location/location/contains /m/018jk2 +/m/01hmnh /media_common/netflix_genre/titles /m/05fcbk7 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvt2 +/m/01p7b6b /people/person/profession /m/0nbcg +/m/04tnqn /influence/influence_node/influenced_by /m/02633g +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/07r4c /people/person/profession /m/09jwl +/m/03hmt9b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0ylsr /education/educational_institution/campuses /m/0ylsr +/m/07s9rl0 /media_common/netflix_genre/titles /m/023gxx +/m/099p5 /people/person/employment_history./business/employment_tenure/company /m/07vjm +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01ly5m +/m/06mt91 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0p7pw /film/film/country /m/07ssc +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07s9rl0 /media_common/netflix_genre/titles /m/01m13b +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/02qx1m2 /people/person/profession /m/01d_h8 +/m/0lv1x /olympics/olympic_games/sports /m/0bynt +/m/04z4j2 /film/film/genre /m/03g3w +/m/041rhq /film/actor/film./film/performance/film /m/05_5rjx +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pq5j7 +/m/01vsqvs /influence/influence_node/influenced_by /m/0kc6 +/m/015pxr /influence/influence_node/influenced_by /m/01nfys +/m/015f7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02fybl +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315w4 +/m/07s9rl0 /media_common/netflix_genre/titles /m/016mhd +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gywn /music/genre/artists /m/0x3n +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/0244r8 +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/02h9_l +/m/05r5c /music/instrument/instrumentalists /m/03f6fl0 +/m/08xz51 /people/person/nationality /m/09c7w0 +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0d2psv +/m/0mp3l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z2mr7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0c4y8 +/m/03fg0r /award/award_winner/awards_won./award/award_honor/award_winner /m/070j61 +/m/04jspq /people/person/nationality /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/01kd57 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/0dcdp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/01vsksr /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0c0nhgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/017cjb /location/administrative_division/country /m/07ssc +/m/05nrg /location/location/contains /m/0ctw_b +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/02hmw9 /education/educational_institution/colors /m/088fh +/m/01n6c /location/location/time_zones /m/0gsrz4 +/m/07gbf /tv/tv_program/genre /m/01q03 +/m/05strv /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rbz +/m/0b78hw /influence/influence_node/influenced_by /m/048cl +/m/03q43g /film/actor/film./film/performance/film /m/0661m4p +/m/0154d7 /people/person/profession /m/01d_h8 +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02yr1q +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/02hft3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02zccd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02m501 /people/person/profession /m/02hrh1q +/m/036qs_ /people/person/profession /m/0dxtg +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rlj20 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rgq +/m/05vtbl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/028k2x +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/07kdkfj /film/film/featured_film_locations /m/02_286 +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfpm +/m/06dv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/01w0yrc /people/person/profession /m/018gz8 +/m/04xzm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09yrh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0c6qh +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sxdy +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/05hj_k +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0147dk /people/person/religion /m/01lp8 +/m/04y0yc /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cnl1c +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01515w +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n6ds +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0dhqyw /music/artist/origin /m/07c98 +/m/05r5c /music/instrument/instrumentalists /m/01w5gg6 +/m/026hh0m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lsl /film/film/featured_film_locations /m/02_286 +/m/0hnp7 /people/person/nationality /m/0chghy +/m/01sl1q /film/actor/film./film/performance/film /m/0401sg +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01j_cy /education/educational_institution_campus/educational_institution /m/01j_cy +/m/07ssc /location/location/contains /m/0214m4 +/m/0g2lq /film/director/film /m/011yd2 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02k856 /music/instrument/family /m/0342h +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05hdf +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/0294fd +/m/0h7x /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04ly1 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/07z1m /base/aareas/schema/administrative_area/capital /m/0dzt9 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/03y_f8 /sports/sports_team/colors /m/01g5v +/m/030xr_ /film/actor/film./film/performance/film /m/014_x2 +/m/01hvv0 /tv/tv_program/genre /m/025s89p +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0c11mj +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/01w3lzq /people/person/profession /m/09jwl +/m/02qjpv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/06y9bd +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01jq34 +/m/0h5g_ /people/person/profession /m/0np9r +/m/02t1cp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g61 /location/country/official_language /m/04306rv +/m/0340hj /film/film/genre /m/04pbhw +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f__1 +/m/01clyr /music/record_label/artist /m/0gbwp +/m/0dls3 /music/genre/artists /m/0b1zz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/019rl6 +/m/04xvlr /media_common/netflix_genre/titles /m/02ll45 +/m/02h40lc /language/human_language/countries_spoken_in /m/03rk0 +/m/0n5yh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5y4 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rghbp +/m/04pqqb /people/person/employment_history./business/employment_tenure/company /m/0c41qv +/m/020bv3 /film/film/production_companies /m/03sb38 +/m/05kkh /location/location/contains /m/02fy0z +/m/06wcbk7 /music/record_label/artist /m/03f7jfh +/m/013nv_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/064t9 /music/genre/artists /m/0qf11 +/m/01cbt3 /people/person/profession /m/01c8w0 +/m/01f9zw /music/artist/origin /m/030qb3t +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0169dl +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/084302 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/04t969 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/03h64 /location/country/official_language /m/01r2l +/m/07s3m4g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01pw2f1 /film/actor/film./film/performance/film /m/0fphf3v +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/05pbl56 /film/film/production_companies /m/054lpb6 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0333t +/m/01lly5 /people/person/place_of_birth /m/071cn +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/07vfz /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ynm +/m/01y9jr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dyb1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqd3 /film/film/genre /m/02l7c8 +/m/01jtp7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/019fnv /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/04jkpgv /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0trv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0353xq /film/film/featured_film_locations /m/0d6yv +/m/03f1d47 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04wx2v +/m/01j53q /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/07ddz9 /film/actor/film./film/performance/film /m/0bt3j9 +/m/017r13 /film/actor/film./film/performance/film /m/01qb559 +/m/0gs6vr /people/person/gender /m/02zsn +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/04y79_n /people/person/nationality /m/09c7w0 +/m/0bgv4g /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/017r13 /film/actor/film./film/performance/film /m/048xyn +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/0bk1p +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0713r +/m/09c7w0 /location/location/contains /m/01_r9k +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/048s0r /people/person/profession /m/03gjzk +/m/09c7w0 /location/location/contains /m/0mb2b +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01pcbg /people/person/nationality /m/09c7w0 +/m/02r1ysd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05typm +/m/015pvh /film/actor/film./film/performance/film /m/03q0r1 +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/06pk8 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/045346 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dg3n1 /location/location/contains /m/03548 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/026g801 /film/actor/film./film/performance/film /m/09p0ct +/m/03zw80 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5f5n +/m/05_zc7 /film/actor/film./film/performance/film /m/0f42nz +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/0dgq_kn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/035qgm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01kqq7 /film/film/genre /m/07s9rl0 +/m/020ffd /film/actor/film./film/performance/film /m/06znpjr +/m/0346h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cm2xh /time/event/locations /m/04wsz +/m/0dzf_ /people/person/profession /m/01d_h8 +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0n5gb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s21dg +/m/03fgm /education/educational_institution/school_type /m/05pcjw +/m/0frsw /music/artist/origin /m/04jpl +/m/02v406 /people/person/profession /m/01d_h8 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b9g4 +/m/07f1x /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/06hgbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0kszw /film/actor/film./film/performance/film /m/031hcx +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03fg0r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/05q4y12 /film/film/genre /m/05p553 +/m/0353tm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01gqg3 /time/event/locations /m/068cn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04knh6 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/04g5k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/03_bcg /people/deceased_person/place_of_burial /m/018mmj +/m/0252fh /film/actor/film./film/performance/film /m/023g6w +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/06mz5 /location/location/contains /m/01ngz1 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/06q1r /location/location/contains /m/0gmkn +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqd3 +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p87y +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/01n7q /location/location/contains /m/01tntf +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/035zr0 /film/film/production_companies /m/05mgj0 +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03z106 /film/film/language /m/064_8sq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07r78j +/m/02b29 /people/person/profession /m/02jknp +/m/09n48 /olympics/olympic_games/participating_countries /m/03_r3 +/m/09blyk /media_common/netflix_genre/titles /m/026njb5 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/020hyj /award/award_winner/awards_won./award/award_honor/award_winner /m/01vzxld +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ft2l +/m/04sskp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01trf3 +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/011x_4 /film/film/language /m/02h40lc +/m/0285c /people/person/nationality /m/09c7w0 +/m/0kvgtf /film/film/genre /m/04228s +/m/01q9mk /award/award_category/disciplines_or_subjects /m/0jm_ +/m/0x67 /people/ethnicity/people /m/02vqpx8 +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0flddp +/m/0164b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/034hwx /film/film/genre /m/05p553 +/m/04rg6 /people/person/profession /m/015cjr +/m/0g6ff /people/ethnicity/people /m/041b4j +/m/0jmwg /music/genre/artists /m/017j6 +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/02lk60 /film/film/genre /m/01zhp +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/01f9zw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f3m1 /film/film/language /m/02h40lc +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0bl2g /film/actor/film./film/performance/film /m/035xwd +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02g5h5 +/m/03_2y /film/director/film /m/02b61v +/m/06l3bl /media_common/netflix_genre/titles /m/0kvb6p +/m/02qwgk /education/educational_institution/colors /m/019sc +/m/0265v21 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/05t0zfv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01y9qr /education/educational_institution/colors /m/019sc +/m/05q9g1 /people/person/spouse_s./people/marriage/spouse /m/05zdk2 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/01d0b1 +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01l1sq +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02_t6d +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvd2 +/m/03_qj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01kwld /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sxzwc +/m/0kbws /olympics/olympic_games/participating_countries /m/0j11 +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcmd +/m/04k15 /people/person/profession /m/09jwl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019lty +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/01pr_j6 /people/person/profession /m/03gjzk +/m/0psxp /location/hud_county_place/county /m/0nvt9 +/m/0crd8q6 /film/film/country /m/09c7w0 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/02w0dc0 /people/person/nationality /m/09c7w0 +/m/03n93 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bw87 +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/01515w /film/actor/film./film/performance/film /m/03qnvdl +/m/04jzj /people/person/nationality /m/06mzp +/m/01ttg5 /people/person/profession /m/016z4k +/m/0473rc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07yvsn +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05v1sb +/m/01sbv9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/09n70c /people/person/profession /m/01445t +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0356gk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/011yfd /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0c_tl /olympics/olympic_games/participating_countries /m/06mzp +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmj7 +/m/05sy_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/02l101 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05dptj /film/film/genre /m/06cvj +/m/016clz /music/genre/artists /m/01w02sy +/m/0c2dl /people/person/place_of_birth /m/0rh6k +/m/03mqtr /media_common/netflix_genre/titles /m/0gg5qcw +/m/072r5v /film/film/genre /m/03k9fj +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rh_0 +/m/02xry /location/location/contains /m/0rhp6 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/013nky +/m/05jg58 /music/genre/artists /m/01wqpnm +/m/085ccd /film/film/music /m/019x62 +/m/02k6hp /people/cause_of_death/people /m/02jxsq +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07w4j +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/02ppg1r /tv/tv_program/languages /m/02h40lc +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/0drnwh /film/film/production_companies /m/030_1_ +/m/02yxbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018grr /film/actor/film./film/performance/film /m/0bm2nq +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04hcw /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/017gl1 /film/film/music /m/01tc9r +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01cl2y /music/record_label/artist /m/06cc_1 +/m/07w21 /people/person/profession /m/0cbd2 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0x2fg /people/cause_of_death/people /m/09889g +/m/04t969 /film/actor/film./film/performance/film /m/04t9c0 +/m/02r38 /people/person/profession /m/0mch7 +/m/0x67 /people/ethnicity/people /m/030g9z +/m/03s5lz /film/film/written_by /m/01pjr7 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0xxc +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0170s4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/011ywj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/064t9 /music/genre/artists /m/01323p +/m/026zvx7 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/013xrm /dataworld/gardening_hint/split_to /m/0345h +/m/0342h /music/instrument/instrumentalists /m/01xzb6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016lmg +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07hbxm +/m/01_3rn /base/culturalevent/event/entity_involved /m/0285m87 +/m/01lxd4 /music/genre/parent_genre /m/0p9xd +/m/09rfpk /tv/tv_program/genre /m/02p0szs +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02w4fkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0259r0 +/m/053xw6 /film/actor/film./film/performance/film /m/02cbhg +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026c1 +/m/04mby /people/person/gender /m/05zppz +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0c58k /people/cause_of_death/people /m/015x1f +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02_hj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j14qc +/m/018wng /award/award_category/category_of /m/0g_w +/m/05dmmc /film/film/genre /m/02l7c8 +/m/01n7q /location/location/contains /m/026vcc +/m/04xm_ /people/person/profession /m/0frz0 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0rgxp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gj9tn5 /film/film/music /m/05_swj +/m/0c921 /people/person/religion /m/03_gx +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06l22 +/m/0g8_vp /people/ethnicity/languages_spoken /m/02h40lc +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/024d8w +/m/02pzck /film/actor/film./film/performance/film /m/02v63m +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/010tkc /location/hud_county_place/place /m/010tkc +/m/08k1lz /people/person/gender /m/05zppz +/m/03fnmd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/03v40v /people/person/nationality /m/09c7w0 +/m/05t0_2v /film/film/genre /m/02kdv5l +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/031296 /award/award_winner/awards_won./award/award_honor/award_winner /m/039g82 +/m/0g9yrw /film/film/production_companies /m/0kx4m +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/02p65p +/m/0bmh4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h68j +/m/0flpy /people/person/profession /m/0nbcg +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/0p8r1 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/01w0yrc /people/person/nationality /m/09c7w0 +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/065zf3p +/m/016z1t /people/person/profession /m/09jwl +/m/02_hj4 /film/actor/film./film/performance/film /m/084qpk +/m/02s58t /people/deceased_person/place_of_death /m/056_y +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03wy70 +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/03818y /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/0ddt_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014nq4 /film/film/produced_by /m/01rlxt +/m/09py7 /people/person/profession /m/0fj9f +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/016ks_ /film/actor/film./film/performance/film /m/09ps01 +/m/06c44 /people/person/gender /m/05zppz +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/02j4sk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02klny /education/university/fraternities_and_sororities /m/035tlh +/m/01p87y /people/person/nationality /m/02jx1 +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/07t3x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04xn_ +/m/02bgmr /people/person/nationality /m/0jgd +/m/044mrh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qw5 /influence/influence_node/influenced_by /m/03f70xs +/m/040v3t /award/award_category/disciplines_or_subjects /m/02xlf +/m/0kbvb /olympics/olympic_games/sports /m/0194d +/m/03ym1 /film/actor/film./film/performance/film /m/01qb5d +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/06wvj +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/02tc5y /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01gq0b +/m/01t6b4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/02lymt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmdwwg +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/03bpn6 /people/deceased_person/place_of_death /m/0r0f7 +/m/0286gm1 /film/film/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/0ftps +/m/027mdh /education/educational_institution/school_type /m/07tf8 +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/062hgx +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016szr +/m/02fm4d /award/award_category/winners./award/award_honor/award_winner /m/016srn +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/07ssc /location/location/contains /m/0g251 +/m/0g5qs2k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l9p +/m/0htcn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2qtl +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01nbq4 /people/person/languages /m/02h40lc +/m/01h320 /people/person/places_lived./people/place_lived/location /m/01n4w +/m/0tgcy /location/hud_county_place/place /m/0tgcy +/m/04xvlr /media_common/netflix_genre/titles /m/04xg2f +/m/05bt6j /music/genre/artists /m/06tp4h +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/03mnn0 /film/film/genre /m/0d2rhq +/m/01vvyvk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pz7h +/m/04l8xw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nccd +/m/02yy_j /people/person/profession /m/0cbd2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/01qbg5 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02k_4g +/m/082_p /people/person/nationality /m/02jx1 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/02dlfh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/076df9 /people/person/gender /m/05zppz +/m/04tqtl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026dcvf /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04v3q +/m/01w60_p /people/person/profession /m/039v1 +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/06__m6 /film/film/country /m/09c7w0 +/m/017dtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0392kz +/m/0k611 /award/award_category/category_of /m/0g_w +/m/0p8jf /influence/influence_node/influenced_by /m/04x56 +/m/01rc6f /education/educational_institution/school_type /m/07tf8 +/m/011x_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024rdh +/m/01bvw5 /education/educational_institution/campuses /m/01bvw5 +/m/0167km /people/person/profession /m/016z4k +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04j0s3 /people/person/profession /m/03gjzk +/m/01tt43d /film/director/film /m/011yrp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/018f8 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/053x8hr +/m/0myn8 /location/location/time_zones /m/02hcv8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/06b_0 /people/person/profession /m/02jknp +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0m2wm /people/person/nationality /m/0345h +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06929s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bq4j6 +/m/0lbd9 /olympics/olympic_games/sports /m/06z6r +/m/01fh36 /music/genre/artists /m/023322 +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/04mvk7 /sports/sports_team/sport /m/02vx4 +/m/0407f /film/actor/film./film/performance/film /m/01jnc_ +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0vkl2 +/m/04tz52 /film/film/genre /m/05p553 +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0pz91 /film/actor/film./film/performance/film /m/095z4q +/m/06tp4h /music/artist/origin /m/0n5d1 +/m/0738b8 /film/actor/film./film/performance/film /m/03lrht +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/01q940 /music/record_label/artist /m/04vrxh +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/07f5x /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/06sks6 /olympics/olympic_games/participating_countries /m/06qd3 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/01tzm9 +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/07g7h2 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/03rk0 /location/location/contains /m/019fm7 +/m/01vvyd8 /people/person/profession /m/0dz3r +/m/0309jm /film/actor/film./film/performance/film /m/03q0r1 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0cx7f /music/genre/artists /m/01k_0fp +/m/01l_pn /film/film/produced_by /m/05zh9c +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/05z01 +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/017d77 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0407yfx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02yl42 /influence/influence_node/influenced_by /m/06dl_ +/m/0k_mt /people/person/profession /m/01d_h8 +/m/023vcd /film/film/genre /m/05p553 +/m/0f0sbl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/078lk +/m/049dzz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gyx4 /film/actor/film./film/performance/film /m/0p_rk +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ptczs +/m/03n3gl /film/film/genre /m/05p553 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/09yhzs /people/person/places_lived./people/place_lived/location /m/0qpqn +/m/08vd2q /film/film/genre /m/0hn10 +/m/0603qp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01ft14 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/02pvqmz /tv/tv_program/country_of_origin /m/07ssc +/m/07bty /people/person/profession /m/03sbb +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05qhw /location/location/contains /m/0bdd_ +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02029f +/m/018f8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/052hl +/m/04wlh /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rgz97 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/03p2xc /film/film/genre /m/0l4h_ +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/064t9 /music/genre/artists /m/01rm8b +/m/01w5jwb /music/artist/origin /m/013yq +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/050rj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06fq2 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/030_3z +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06823p /film/film/genre /m/02l7c8 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01fwk3 /people/person/gender /m/02zsn +/m/0bs09lb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0chw_ /film/actor/film./film/performance/film /m/07cw4 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/014635 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01wp_jm /influence/influence_node/influenced_by /m/01hmk9 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02sjgpq +/m/07s7gk6 /music/genre/artists /m/03xl77 +/m/03v1jf /people/person/nationality /m/09c7w0 +/m/01sg7_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmdb +/m/02fn5 /people/person/gender /m/05zppz +/m/07ldhs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02bwjv +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/018gqj /award/award_winner/awards_won./award/award_honor/award_winner /m/02vr7 +/m/096jwc /music/genre/artists /m/01k_yf +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/0182r9 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9t0y +/m/01ngz1 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bch9 /people/ethnicity/people /m/0bdxs5 +/m/029cr /location/hud_county_place/place /m/029cr +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcz9 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01_njt +/m/06pj8 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06zn2v2 /film/film/country /m/0b90_r +/m/014zz1 /music/instrument/instrumentalists /m/01vsyg9 +/m/0fvzg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mxsm +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01pv91 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03g5jw +/m/02vr3gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bhwhj /film/film/country /m/09c7w0 +/m/0jm9w /sports/sports_team/colors /m/02rnmb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03yvgp +/m/03hxsv /film/film/genre /m/02n4kr +/m/0dr1c2 /film/film/genre /m/01hmnh +/m/016zgj /music/genre/artists /m/0m_v0 +/m/0288zy /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03swmf /film/actor/film./film/performance/film /m/01k60v +/m/016ybr /music/genre/artists /m/01v0sxx +/m/0418ft /film/actor/film./film/performance/film /m/0c00zd0 +/m/0c12h /film/actor/film./film/performance/film /m/01lbcqx +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ztl +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/0bvg70 /people/person/profession /m/01d_h8 +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02yy_j /people/person/profession /m/0np9r +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/03zw80 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mdyn /film/actor/film./film/performance/film /m/0mbql +/m/01ky7c /education/university/fraternities_and_sororities /m/035tlh +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/017_qw /music/genre/artists /m/01l1rw +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/040b5k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02fcs2 /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/039cq4 /tv/tv_program/languages /m/02h40lc +/m/01jzyf /film/film/written_by /m/02kxbwx +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/0zcbl /film/actor/film./film/performance/film /m/03cv_gy +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/03qy3l /music/record_label/artist /m/01p95y0 +/m/06npd /location/location/time_zones /m/02llzg +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016tbr +/m/05r5c /music/instrument/instrumentalists /m/01vsy3q +/m/081yw /location/administrative_division/country /m/09c7w0 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0gjvqm /film/actor/film./film/performance/film /m/03mz5b +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/08nhfc1 /film/film/language /m/02h40lc +/m/03l295 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vtj38 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05567m /film/film/genre /m/01hmnh +/m/02bg8v /tv/tv_program/country_of_origin /m/09c7w0 +/m/012j5h /film/actor/film./film/performance/film /m/0jvt9 +/m/017wh /base/aareas/schema/administrative_area/capital /m/0d331 +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/08jyyk /music/genre/artists /m/0137g1 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0178g +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01vfqh /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/0_g_6 /location/hud_county_place/place /m/0_g_6 +/m/02jmst /education/educational_institution/school_type /m/05jxkf +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yc7p +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/0gxtknx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01g888 /music/genre/artists /m/03xl77 +/m/01dw_f /music/group_member/membership./music/group_membership/group /m/017lb_ +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01yqqv +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/034h1h /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l786 /people/person/profession /m/01d_h8 +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/026c1 +/m/0jsqk /film/film/country /m/09c7w0 +/m/023vcd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09g8vhw +/m/01243b /music/genre/parent_genre /m/06by7 +/m/02_5x9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/03mz9r /people/person/nationality /m/09c7w0 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/02k21g /film/actor/film./film/performance/film /m/06q8qh +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/03_6y /people/person/places_lived./people/place_lived/location /m/080h2 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/02p8q1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01zcrv /media_common/netflix_genre/titles /m/0h95b81 +/m/013y1f /music/instrument/instrumentalists /m/0fpjd_g +/m/016ks5 /film/film/written_by /m/01ts_3 +/m/09c7w0 /location/country/second_level_divisions /m/0n6rv +/m/01f8ld /people/person/profession /m/02krf9 +/m/02rk45 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07phbc /film/film/country /m/0f8l9c +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/042y1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/07bz5 /award/award_winning_work/awards_won./award/award_honor/award /m/06196 +/m/01qh7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05kwx2 /film/actor/film./film/performance/film /m/0prh7 +/m/014hdb /people/person/profession /m/0dxtg +/m/0dmy0 /location/location/contains /m/01jxlz +/m/0d87hc /film/film/executive_produced_by /m/0427y +/m/0g7pm1 /film/film/genre /m/02l7c8 +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/02b19t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03hpr /influence/influence_node/influenced_by /m/09dt7 +/m/086k8 /music/record_label/artist /m/01j590z +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01bjbk +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01dtl +/m/06cp5 /music/genre/parent_genre /m/0dls3 +/m/01tt43d /film/actor/film./film/performance/film /m/0gtvpkw +/m/027x7z5 /film/film/prequel /m/02p76f9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04kf4 +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dxmyh +/m/07s9rl0 /media_common/netflix_genre/titles /m/01gc7 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/048tgl /music/group_member/membership./music/group_membership/group /m/09lwrt +/m/03r0rq /tv/tv_program/genre /m/0215n +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc7hmk +/m/05w3f /music/genre/artists /m/07bzp +/m/042y1c /film/film/language /m/02bjrlw +/m/02h0f3 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/01srq2 /film/film/country /m/03_3d +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02lp1 +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/01wgcvn /film/actor/film./film/performance/film /m/0bt3j9 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/02q_4ph /film/film/story_by /m/05pq9 +/m/0ftccy /sports/sports_team/colors /m/019sc +/m/03f7xg /film/film/produced_by /m/03qncl3 +/m/024dw0 /people/person/sibling_s./people/sibling_relationship/sibling /m/0356dp +/m/03fn16 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02gl58 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016yr0 +/m/0283sdr /education/educational_institution/colors /m/01g5v +/m/03rz4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rny +/m/0xhtw /music/genre/artists /m/01czx +/m/0c3351 /media_common/netflix_genre/titles /m/0f4_2k +/m/08952r /film/film/executive_produced_by /m/0gg9_5q +/m/01hw5kk /film/film/country /m/09c7w0 +/m/0l30v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2p7 +/m/01w9k25 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03ckfl9 /music/genre/artists /m/06br6t +/m/022g44 /people/person/nationality /m/02jx1 +/m/0155w /music/genre/artists /m/0134tg +/m/04fzfj /film/film/film_format /m/07fb8_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04h4zx +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/037d35 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02y_lrp /film/film/country /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/05dptj +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/06kl78 /film/film/produced_by /m/026fd +/m/03_lf /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05vz3zq +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/012ljv /people/person/profession /m/01c72t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06ppc4 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/06wvfq /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/05ldnp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07_fj54 /film/film/production_companies /m/05nn2c +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/0bw20 /film/film/music /m/01nc3rh +/m/0180w8 /people/person/nationality /m/02jx1 +/m/03zrc_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/06y611 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/05c5z8j /film/film/written_by /m/01wd3l +/m/01jzyx /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05z_p6 /people/person/nationality /m/09c7w0 +/m/06g77c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/0g768 /music/record_label/artist /m/0bs1g5r +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01jfrg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151w_ +/m/0182r9 /sports/sports_team/sport /m/02vx4 +/m/0p5mw /people/person/profession /m/01c72t +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/01bl7g /film/film/language /m/03115z +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f721s +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/02rv1w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/02qjb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01lmj3q /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/0144l1 +/m/02frhbc /base/biblioness/bibs_location/state /m/05kj_ +/m/0bq6ntw /film/film/genre /m/0lsxr +/m/014v6f /people/person/places_lived./people/place_lived/location /m/027l4q +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/016tbr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/0fzyg /film/film_subject/films /m/09r94m +/m/0kjgl /film/actor/film./film/performance/film /m/02kfzz +/m/01xr2s /tv/tv_program/genre /m/07s9rl0 +/m/01rwyq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0888c3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/04mg6l /film/actor/film./film/performance/film /m/0296rz +/m/07qcbw /award/award_winner/awards_won./award/award_honor/award_winner /m/0g69lg +/m/0xnvg /people/ethnicity/people /m/06qgvf +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/02pjc1h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/04b19t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06l32y /education/educational_institution_campus/educational_institution /m/06l32y +/m/0cks1m /film/film/genre /m/02kdv5l +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/07ssc /location/location/contains /m/0206v5 +/m/03hpkp /education/educational_institution/colors /m/01g5v +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/05fgt1 /film/film/production_companies /m/08wjc1 +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02s5v5 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013423 +/m/07_l61 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01kkjq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09jw2 /music/genre/artists /m/06gcn +/m/02t_st /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06r_by /people/person/nationality /m/09c7w0 +/m/0k345 /music/genre/artists /m/01wv9xn +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/024lt6 /film/film/language /m/02h40lc +/m/0hmm7 /film/film/genre /m/07s9rl0 +/m/0ct2tf5 /film/film/genre /m/0ltv +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jdx /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/035qy +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/01gjlw +/m/04bd8y /film/actor/film./film/performance/film /m/05pxnmb +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/042xrr +/m/09rfh9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04gr35 /film/actor/film./film/performance/film /m/03q0r1 +/m/01v40wd /people/person/spouse_s./people/marriage/spouse /m/01vxlbm +/m/037q31 /film/film/country /m/09c7w0 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/047q2k1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03ydlnj /film/film/produced_by /m/0136g9 +/m/0y3_8 /music/genre/artists /m/012vm6 +/m/0391jz /people/person/place_of_birth /m/0b1t1 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04954 /people/person/spouse_s./people/marriage/spouse /m/059fjj +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/02hnl /music/instrument/instrumentalists /m/01jgkj2 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0dr3sl /film/film/genre /m/0bxg3 +/m/0126t5 /music/genre/artists /m/01693z +/m/0c630 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kj_ +/m/098s2w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/06qjgc /people/person/nationality /m/0jgd +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/01qckn /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/07lp1 /influence/influence_node/influenced_by /m/03_87 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/016gr2 +/m/0lfgr /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/012wgb /location/location/contains /m/0fp5z +/m/01k7d9 /film/actor/film./film/performance/film /m/02q_4ph +/m/0n83s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/016gr2 /people/person/gender /m/05zppz +/m/031hxk /education/educational_institution/students_graduates./education/education/student /m/01x53m +/m/0239zv /people/person/profession /m/02jknp +/m/053yx /people/person/spouse_s./people/marriage/spouse /m/01gvr1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01j_06 +/m/03m6pk /people/person/profession /m/09jwl +/m/03rk0 /location/location/contains /m/01_yvy +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/01kph_c +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/03t79f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0191h5 /music/group_member/membership./music/group_membership/group /m/06mj4 +/m/01p0mx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/040_t /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029m83 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/033tf_ /people/ethnicity/people /m/0fgg4 +/m/0341n5 /film/actor/film./film/performance/film /m/05pxnmb +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01hb1t /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z7_f +/m/01w3lzq /people/person/profession /m/0dz3r +/m/01y9jr /film/film/language /m/03_9r +/m/01tnxc /film/actor/film./film/performance/film /m/06y611 +/m/03jsvl /music/genre/artists /m/017959 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0bx8pn +/m/01dq5z /education/educational_institution/colors /m/01g5v +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0b82vw +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/0l4h_ /media_common/netflix_genre/titles /m/03p2xc +/m/064t9 /music/genre/artists /m/02x_h0 +/m/0jqkh /film/film/language /m/06nm1 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08lr6s +/m/016jny /music/genre/artists /m/016z1t +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/06h4y9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01gjw /music/genre/artists /m/02twdq +/m/03ckwzc /film/film/country /m/03rjj +/m/04jplwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016yvw +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013g3 +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/078vc /people/ethnicity/languages_spoken /m/0688f +/m/0gl02yg /film/film/film_festivals /m/0gg7gsl +/m/011k1h /music/record_label/artist /m/03ryks +/m/01q8hj /education/educational_institution/campuses /m/01q8hj +/m/0bmc4cm /film/film/genre /m/02p0szs +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0641g8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03v6t +/m/06pwq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/05fjf /location/location/contains /m/0n58p +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/02gf_l /film/actor/film./film/performance/film /m/0ds2n +/m/0h96g /film/actor/film./film/performance/film /m/0hmr4 +/m/01csqg /education/educational_institution_campus/educational_institution /m/01csqg +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0pv54 +/m/033p3_ /people/person/religion /m/051kv +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/0f4k49 /film/film/executive_produced_by /m/02qjpv5 +/m/02qjj7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_48k /people/person/profession /m/02hrh1q +/m/01wwnh2 /people/person/profession /m/0dz3r +/m/081pw /film/film_subject/films /m/07024 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/014kkm /film/film/film_art_direction_by /m/072twv +/m/02bfmn /film/actor/film./film/performance/film /m/017gm7 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03vfr_ +/m/06zn2v2 /film/film/country /m/0chghy +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/031zp2 +/m/05ty4m /influence/influence_node/influenced_by /m/01p1z_ +/m/02ctzb /people/ethnicity/people /m/05hks +/m/0dw6b /influence/influence_node/influenced_by /m/028p0 +/m/017l96 /music/record_label/artist /m/01wkmgb +/m/03y2kr /people/person/profession /m/012t_z +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04jq2 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0cqcgj /people/person/profession /m/02hrh1q +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0557q +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/09c7w0 /location/location/contains /m/02gkxp +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/043zg +/m/0m2gk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zfdp +/m/0mwx6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw89 +/m/03tps5 /film/film/prequel /m/033fqh +/m/05q9g1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gg59 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rqyx +/m/04k15 /music/artist/origin /m/0150n +/m/0gm2_0 /film/film/produced_by /m/0d6484 +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0f2zc /people/person/places_lived./people/place_lived/location /m/0kpys +/m/01s0_f /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1jf +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/06cv1 /people/person/profession /m/0dxtg +/m/033tf_ /people/ethnicity/people /m/0227tr +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/06g2d1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02xbw2 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/03xk1_ +/m/0bm7fy /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/015np0 /people/person/place_of_birth /m/015cj9 +/m/046chh /people/person/nationality /m/09c7w0 +/m/0h7h6 /sports/sports_team_location/teams /m/01lpwh +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0159h6 /film/actor/film./film/performance/film /m/0462hhb +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dck27 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_qj1 +/m/01f6zc /film/actor/film./film/performance/film /m/09sr0 +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/09zf_q /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0hvjr +/m/022xml /education/educational_institution/students_graduates./education/education/student /m/010hn +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g4vmj8 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/01z4y /media_common/netflix_genre/titles /m/06q8qh +/m/05dtsb /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02xwzh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cvwkr /film/film/music /m/01x1fq +/m/01tp5bj /people/person/profession /m/01b30l +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/02xry /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/015c2f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/019q50 /organization/organization/headquarters./location/mailing_address/state_province_region /m/09d4_ +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/085q5 /people/person/profession /m/0dxtg +/m/02js6_ /film/actor/film./film/performance/film /m/024l2y +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tqkv2 +/m/026390q /film/film/genre /m/01t_vv +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/037ts6 +/m/0cy8v /location/hud_county_place/place /m/0cy8v +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/02pvqmz +/m/07371 /base/aareas/schema/administrative_area/capital /m/07g0_ +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/017fp /media_common/netflix_genre/titles /m/0dw4b0 +/m/02c6d /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0dl5d /music/genre/artists /m/01shhf +/m/0136jw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bt6j /music/genre/artists /m/02cw1m +/m/01msrb /film/film/genre /m/02l7c8 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/06pqy_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/01clyb +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/0f42nz /film/film/genre /m/05p553 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09qycb +/m/015y3j /education/educational_institution_campus/educational_institution /m/015y3j +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/04wlh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cllz +/m/01nkcn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/04v8h1 /film/film/music /m/01jpmpv +/m/0nmj /location/hud_county_place/place /m/0nmj +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01w1ywm +/m/0kbws /olympics/olympic_games/participating_countries /m/0jgx +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/04s04 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/0j582 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/03z8w6 /time/event/locations /m/03rk0 +/m/01jgpsh /award/award_winner/awards_won./award/award_honor/award_winner /m/02pp_q_ +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01n2m6 /music/record_label/artist /m/01wk7ql +/m/04d_mtq /people/person/profession /m/02hrh1q +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0gdqy /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0k2h6 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02rqwhl /film/film/language /m/0459q4 +/m/0pb33 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0205dx /people/person/profession /m/02hrh1q +/m/08952r /film/film/genre /m/05p553 +/m/042fgh /film/film/language /m/02h40lc +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/018nnz /film/film/country /m/09c7w0 +/m/07348 /location/administrative_division/country /m/09pmkv +/m/0h7h6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/07tds /education/educational_institution/school_type /m/05pcjw +/m/0glt670 /music/genre/artists /m/01w7nww +/m/0342h /music/instrument/instrumentalists /m/014q2g +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/09c7w0 /location/location/contains /m/0f0z_ +/m/09sr0 /film/film/genre /m/017fp +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/0rk71 +/m/0bcndz /film/film/country /m/09c7w0 +/m/02760sl /people/person/gender /m/02zsn +/m/0fz27v /people/deceased_person/place_of_death /m/030qb3t +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/05d7rk +/m/01515w /film/actor/film./film/performance/film /m/0170z3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02_cx_ +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01hqhm +/m/09qs08 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/04n65n /people/person/profession /m/0dz3r +/m/0hn821n /time/event/instance_of_recurring_event /m/0gcf2r +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01d650 +/m/0dln8jk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0lk90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02r3cn +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04l19_ /people/person/religion /m/0kpl +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/0bxqq /location/location/contains /m/07bcn +/m/049gc /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gbwp +/m/05b_gq /film/film/country /m/03rjj +/m/013pp3 /people/person/places_lived./people/place_lived/location /m/0hptm +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0234pg /film/actor/film./film/performance/film /m/0cf08 +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/05j0wc /people/person/profession /m/0dxtg +/m/02lk60 /film/film/film_format /m/0cj16 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/05842k +/m/0106dv /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mqs0 +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/02rcdc2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0j6b5 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/0621cs /music/genre/parent_genre /m/0133_p +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/027pwl +/m/09q5w2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0fxwx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/02rky4 /organization/organization/headquarters./location/mailing_address/citytown /m/071vr +/m/05jg58 /music/genre/artists /m/0187x8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01314k +/m/062dn7 /people/person/religion /m/0c8wxp +/m/09c7w0 /location/country/second_level_divisions /m/0nvg4 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01kkg5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/01fs__ /tv/tv_program/genre /m/0c4xc +/m/0164qt /film/film/genre /m/02kdv5l +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0d02km +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/09x7p1 /base/culturalevent/event/entity_involved /m/07wj1 +/m/02kmx6 /people/person/nationality /m/09c7w0 +/m/03xp8d5 /people/person/profession /m/02jknp +/m/01z215 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/064t9 /music/genre/artists /m/0f7hc +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/03_x5t /film/actor/film./film/performance/film /m/087vnr5 +/m/0m76b /people/person/place_of_birth /m/02dtg +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/02p86pb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05kfs +/m/02rjv2w /film/film/language /m/02h40lc +/m/088_9g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01n2m6 /music/record_label/artist /m/01vw8mh +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/07nxnw +/m/048htn /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tzfz +/m/07c6l /music/instrument/instrumentalists /m/09r9m7 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/069z_5 /people/person/profession /m/02hrh1q +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/0k_l4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04xn_ +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/03qjg +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/093xh0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vttb9 +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/03lty /music/genre/artists /m/0134pk +/m/01h1b /people/person/place_of_birth /m/02_286 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/016gkf /people/person/profession /m/0d8qb +/m/02lhm2 /people/person/profession /m/01d_h8 +/m/0292l3 /film/actor/film./film/performance/film /m/01p3ty +/m/0dls3 /music/genre/artists /m/01w02sy +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07q1m +/m/03xkps /people/person/nationality /m/09c7w0 +/m/0gcrg /film/film/edited_by /m/0dky9n +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/04g865 +/m/02z3r8t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0h0wc +/m/0f2c8g /people/person/profession /m/02hrh1q +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0j1z8 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l3mk3 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02v3yy +/m/0134w7 /film/actor/film./film/performance/film /m/03177r +/m/03v6t /organization/organization/headquarters./location/mailing_address/citytown /m/0nmj +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbx3 +/m/02wcx8c /film/actor/film./film/performance/film /m/0407yj_ +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/01_4lx /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0183z2 /location/administrative_division/country /m/0b90_r +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/035rnz /film/actor/film./film/performance/film /m/02_06s +/m/0rk71 /location/hud_county_place/county /m/0jgm8 +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026qnh6 +/m/039bp /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01364q +/m/07m77x /film/actor/film./film/performance/film /m/02qydsh +/m/01gfq4 /music/record_label/artist /m/02hzz +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/02_kd /film/film/country /m/07ssc +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/02fjzt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/049nq /location/location/contains /m/0d8s8 +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012vby +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/01tcf7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015np0 +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01s7w3 /film/film/produced_by /m/06pj8 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/016gr2 /people/person/nationality /m/02jx1 +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/0133ch /base/aareas/schema/administrative_area/administrative_parent /m/0jcg8 +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/011zd3 +/m/04qz6n /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/01vvdm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lz1s +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fb5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rsjf +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/01_k1z /people/person/profession /m/01d_h8 +/m/01kph_c /people/person/profession /m/0fnpj +/m/0jymd /film/film/country /m/09c7w0 +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0448r /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d90m /film/film/genre /m/01jfsb +/m/04_1l0v /location/location/contains /m/06mz5 +/m/0333t /film/film/genre /m/02kdv5l +/m/016z51 /people/person/profession /m/02hrh1q +/m/0hzlz /location/location/contains /m/067z4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01q0kg +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0rh6k +/m/0mb8c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m9v7 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06wjf +/m/06n9lt /people/person/nationality /m/09c7w0 +/m/08vk_r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gh65c5 /film/film/film_format /m/017fx5 +/m/019rg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/016ybr /music/genre/artists /m/0cbm64 +/m/02jfc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02zrv7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030wkp /film/actor/film./film/performance/film /m/07x4qr +/m/01w_10 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/05tbn /location/location/contains /m/0mwm6 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0m0hw +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/016k62 /people/person/profession /m/01c8w0 +/m/0ymff /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03lmx1 /people/ethnicity/people /m/02184q +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/0dmn0x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/03dq9 /people/person/nationality /m/02jx1 +/m/05r5c /music/instrument/instrumentalists /m/01pbxb +/m/0pspl /education/educational_institution/school_type /m/05pcjw +/m/04ly1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07b_l +/m/07ss8_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/06mt91 +/m/0fvr1 /film/film/executive_produced_by /m/026c1 +/m/04n52p6 /film/film/language /m/02h40lc +/m/0408m53 /film/film/language /m/02h40lc +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0fhp9 /location/location/time_zones /m/02llzg +/m/06jnvs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/08jgk1 +/m/01797x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085wqm /film/film/language /m/02h40lc +/m/0jbp0 /film/actor/film./film/performance/film /m/02ctc6 +/m/01trhmt /music/artist/origin /m/0pzpz +/m/09tcg4 /film/film/music /m/0146pg +/m/0l2q3 /location/location/contains /m/0r3wm +/m/0h5g_ /people/person/religion /m/0c8wxp +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01pgzn_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4b2 +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/01m7f5r +/m/04xvlr /media_common/netflix_genre/titles /m/05cvgl +/m/044n3h /people/person/nationality /m/06qd3 +/m/0xhtw /music/genre/artists /m/01l_w0 +/m/0hwd8 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0g48m4 /people/ethnicity/geographic_distribution /m/01n7q +/m/0p3r8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01slcv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0344gc +/m/0g9zljd /film/film/country /m/03shp +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/029ql +/m/01s21dg /people/person/profession /m/0n1h +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0h1mt /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/022yb4 +/m/015p6 /film/film_subject/films /m/01s9vc +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0ckr7s /film/film/genre /m/03k9fj +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02r4qs /award/award_winner/awards_won./award/award_honor/award_winner /m/02jxkw +/m/0417z2 /people/person/profession /m/01c72t +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/0292qb /film/film/prequel /m/0d6_s +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/09qvc0 /award/award_category/category_of /m/0gcf2r +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0m40d /music/genre/artists /m/01fl3 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03rhqg /music/record_label/artist /m/0178_w +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/094xh /people/person/religion /m/05tgm +/m/011wtv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/08lpkq /music/genre/artists /m/0197tq +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sh8k +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/03p01x /people/person/gender /m/05zppz +/m/03hfxkn /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/06nns1 /people/person/profession /m/02hv44_ +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/018gqj /people/person/spouse_s./people/marriage/spouse /m/02lyx4 +/m/07s3vqk /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/01c7qd /people/deceased_person/place_of_death /m/02_286 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/01bmlb /people/person/religion /m/03_gx +/m/0q5hw /influence/influence_node/influenced_by /m/01hmk9 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0bytfv +/m/0m_mm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/016jll +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/02tjl3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/057__d +/m/02wwwv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/067nsm +/m/0gjw_ /base/culturalevent/event/entity_involved /m/03b79 +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/032c7m +/m/02b9g4 /people/person/profession /m/0np9r +/m/02fz3w /film/actor/film./film/performance/film /m/08k40m +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/03xx9l +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/05w3f /music/genre/artists /m/01l_w0 +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvry +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/015rkw +/m/0j0k /location/location/partially_contains /m/01znc_ +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lxrv +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01pj5q +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/01whvs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016kz1 +/m/0m2by /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/036gdw /film/actor/film./film/performance/film /m/018nnz +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02stbw /film/film/genre /m/0219x_ +/m/01jpqb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/037fqp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sjgpq /education/educational_institution/colors /m/083jv +/m/06jzh /film/actor/film./film/performance/film /m/0c0nhgv +/m/0dt645q /people/person/profession /m/02hrh1q +/m/05jjl /people/person/profession /m/01d_h8 +/m/02_kd /film/film/production_companies /m/02j_j0 +/m/08z84_ /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/01vvydl +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0c6g1l +/m/02l0sf /people/person/nationality /m/09c7w0 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0b9rdk /film/film/genre /m/02kdv5l +/m/0qm98 /film/film/genre /m/060__y +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_92w +/m/02tjl3 /film/film/genre /m/0219x_ +/m/09bg4l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vsgrn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04xrx +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/048wrb /people/person/religion /m/0kpl +/m/06by7 /music/genre/artists /m/028qdb +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/07c72 +/m/01vh18t /people/person/gender /m/05zppz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dsfnd +/m/018nnz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/02qw_v /education/educational_institution/colors /m/038hg +/m/01qhm_ /people/ethnicity/people /m/0bx_q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02cpb7 +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/05k4my /film/film/language /m/02h40lc +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gc7h /people/person/profession /m/02jknp +/m/02rg_4 /education/university/fraternities_and_sororities /m/04m8fy +/m/0qf43 /film/director/film /m/0qf2t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1b5 +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/0l8v5 /people/person/nationality /m/07ssc +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/0222qb /people/ethnicity/people /m/04lg6 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/02w2bc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/041td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02qsjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01w60_p +/m/01xr2s /tv/tv_program/country_of_origin /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06_kh +/m/07ssc /location/location/contains /m/0jmxb +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/01trtc /music/record_label/artist /m/04qzm +/m/03shpq /film/film/genre /m/02n4kr +/m/02pp_q_ /people/person/profession /m/02jknp +/m/0k_9j /film/film/genre /m/02kdv5l +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/042v_gx /music/instrument/instrumentalists /m/0565cz +/m/01pfkw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02b9g4 +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/070j61 +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05vk_d +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/09c7w0 /location/location/contains /m/0fwc0 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/02q8ms8 /film/film/language /m/01wgr +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/0t_3w /location/hud_county_place/county /m/0k3k1 +/m/04jpl /location/location/contains /m/026m3y +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/018db8 /people/person/profession /m/02hrh1q +/m/03n69x /people/person/places_lived./people/place_lived/location /m/0rmby +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01sdzg +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f8ld +/m/0k419 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/0135nb /people/person/gender /m/05zppz +/m/02pfymy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/071nw5 /film/film/language /m/02h40lc +/m/02cbg0 /film/film/film_format /m/0cj16 +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057dxsg +/m/032sl_ /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/09nwwf /music/genre/artists /m/020_4z +/m/0lbj1 /film/actor/film./film/performance/film /m/0353xq +/m/013qvn /people/person/gender /m/05zppz +/m/01wz3cx /people/person/gender /m/02zsn +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01_ztw +/m/0b6f8pf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07zl1 /people/person/gender /m/05zppz +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/03gr7w +/m/01gf5h /people/person/nationality /m/09c7w0 +/m/0872p_c /film/film/production_companies /m/01gb54 +/m/046_v /people/person/profession /m/0196pc +/m/0typ5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0f502 /people/person/nationality /m/09c7w0 +/m/035qy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/054_mz /people/person/place_of_birth /m/01531 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02v3yy +/m/03hmr_ /people/person/profession /m/0dxtg +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j6_5 +/m/047g98 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/01dw4q /people/person/gender /m/02zsn +/m/01cmp9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rg6 /people/person/nationality /m/09c7w0 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014z8v +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0mdqp /film/actor/film./film/performance/film /m/033fqh +/m/01bb9r /film/film/genre /m/03k9fj +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/01mvjl0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p2zq +/m/02p5hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyv0b4 +/m/07s8z_l /tv/tv_program/languages /m/02h40lc +/m/0hnjt /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030znt +/m/0p50v /people/person/gender /m/05zppz +/m/06vnh2 /people/person/gender /m/05zppz +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02237m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fgrm /film/film/genre /m/0bj8m2 +/m/0495ys /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/06x4l_ /people/person/profession /m/09jwl +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0342h /music/instrument/instrumentalists /m/01w272y +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/08b0cj /people/person/nationality /m/06s_2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07r78j +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01w02sy +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04vjh /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/045bg /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/020fcn /film/film/language /m/064_8sq +/m/011_3s /film/actor/film./film/performance/film /m/0dc7hc +/m/0697s /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qhm_ /people/ethnicity/languages_spoken /m/0t_2 +/m/023sng /people/person/profession /m/0dxtg +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/0qcr0 /people/cause_of_death/people /m/03gvpk +/m/05jf85 /film/film/cinematography /m/0854hr +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/02784z /people/person/place_of_birth /m/05ywg +/m/0ddj0x /film/film/written_by /m/030tj5 +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0d608 /film/actor/film./film/performance/film /m/03np63f +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04fzfj +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/086nl7 /film/actor/film./film/performance/film /m/027j9wd +/m/03tbg6 /film/film/genre /m/02kdv5l +/m/03_8kz /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jnmj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/021dvj /music/genre/artists /m/05ccxr +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/05nrkb /education/educational_institution/school_type /m/03ss47 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0cz_ym /film/film/featured_film_locations /m/0f94t +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/01z4y /media_common/netflix_genre/titles /m/0fz3b1 +/m/0nbjq /olympics/olympic_games/sports /m/071t0 +/m/06nv27 /music/artist/origin /m/09c7w0 +/m/0272_vz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04ynx7 +/m/01vw8k /film/film/country /m/07ssc +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/0f2tj /location/location/time_zones /m/02fqwt +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/03x45p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hmt9b +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0prfz +/m/0gldyz /film/film/music /m/0gv07g +/m/02tv80 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4nv +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wx2v +/m/01tc9r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025rpb0 /people/ethnicity/people /m/08swgx +/m/05r5c /music/instrument/instrumentalists /m/024zq +/m/02f764 /award/award_category/winners./award/award_honor/award_winner /m/01s1zk +/m/01cwq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/01vvybv +/m/0d234 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0342h /music/instrument/instrumentalists /m/011vx3 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/07f0tw /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/032498 +/m/09xrxq /people/person/place_of_birth /m/0hyxv +/m/0_z91 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017l96 /music/record_label/artist /m/0p76z +/m/06g4l /people/person/profession /m/02hrh1q +/m/03fykz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/01zpmq /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_j71 +/m/07k8rt4 /film/film/genre /m/01jfsb +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/029n80 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0345h /location/location/contains /m/0pmcz +/m/02r1ysd /tv/tv_program/genre /m/01t_vv +/m/0cmc26r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/024mxd /award/award_winning_work/awards_won./award/award_honor/honored_for /m/044g_k +/m/0jmjr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/06nns1 /people/person/profession /m/02hrh1q +/m/02gyl0 /film/actor/film./film/performance/film /m/03g90h +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057d89 +/m/0232lm /people/person/nationality /m/09c7w0 +/m/0cqt41 /sports/sports_team/sport /m/018jz +/m/03j755 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04t38b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xvlr /media_common/netflix_genre/titles /m/03cw411 +/m/03ckfl9 /music/genre/artists /m/043c4j +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0fpkxfd +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/06t2t2 /film/film/genre /m/06cvj +/m/048lv /film/actor/film./film/performance/film /m/02c7k4 +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/03339m /music/genre/artists /m/011_vz +/m/01xbgx /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09c7w0 /location/country/second_level_divisions /m/0p03t +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0dg3n1 /base/locations/continents/countries_within /m/05cgv +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/051gjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0161c2 /people/person/employment_history./business/employment_tenure/company /m/01cszh +/m/0mzww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02wyzmv +/m/0252fh /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04v9wn +/m/0r7fy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vcnl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fv4v +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/02yy_j /influence/influence_node/influenced_by /m/03s9b +/m/05fnl9 /people/person/profession /m/02hrh1q +/m/01fvhp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/02lk60 /film/film/genre /m/04xvh5 +/m/06rq1k /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/0j90s /film/film/production_companies /m/017s11 +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02cqny /music/genre/artists /m/05k79 +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01c6yz /location/administrative_division/first_level_division_of /m/0f8l9c +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c602 +/m/06thjt /education/educational_institution/campuses /m/06thjt +/m/018x3 /influence/influence_node/influenced_by /m/08433 +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01vv6_6 +/m/0c82s /base/aareas/schema/administrative_area/administrative_parent /m/0ck1d +/m/05f4_n0 /film/film/genre /m/04pbhw +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmch_x +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/02y0js /medicine/symptom/symptom_of /m/0h1n9 +/m/02qfh /tv/tv_program/genre /m/06q7n +/m/021j38 /location/administrative_division/country /m/0162b +/m/0b6yp2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bby9p5 +/m/02s2lg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01jrbv /film/film/costume_design_by /m/0bytfv +/m/0l14md /music/instrument/instrumentalists /m/04f7c55 +/m/02bh8z /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0b25vg /film/actor/film./film/performance/film /m/0gjc4d3 +/m/0pspl /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/08fn5b /film/film/language /m/02h40lc +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/09n48 /olympics/olympic_games/participating_countries /m/03rjj +/m/049g_xj /film/actor/film./film/performance/film /m/0661ql3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02qhlwd +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0k4y6 /base/culturalevent/event/entity_involved /m/01m3dv +/m/047m_w /tv/tv_program/country_of_origin /m/07ssc +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/0315rp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01k9cc +/m/096gm /base/aareas/schema/administrative_area/administrative_parent /m/06c1y +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/0d2ww /people/profession/specialization_of /m/0d1pc +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/0dt8xq /film/film/language /m/05qqm +/m/0bxy67 /people/person/profession /m/0np9r +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01c58j /people/person/profession /m/02jknp +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01wwvd2 +/m/0gbwp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/0kbws /time/event/locations /m/01914 +/m/04mjl /sports/sports_team/sport /m/018jz +/m/03d_zl4 /people/person/nationality /m/0d060g +/m/05drr9 /people/person/gender /m/05zppz +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01jz6x /people/person/nationality /m/09c7w0 +/m/05sdxx /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0dqmt0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dqcs3 +/m/01wyzyl /people/person/gender /m/05zppz +/m/0f4_2k /film/film/prequel /m/065dc4 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/014kq6 +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01mh8zn /film/actor/film./film/performance/film /m/03rtz1 +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0gywn /music/genre/artists /m/02vcp0 +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0ddct /film/film_subject/films /m/03y0pn +/m/04nnpw /film/film/genre /m/0c3351 +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01f7kl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/041xl /people/person/profession /m/0cbd2 +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/05m883 +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01hmnh /media_common/netflix_genre/titles /m/0436yk +/m/03wbqc4 /film/film/country /m/07ssc +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01j6t0 /medicine/symptom/symptom_of /m/0hgxh +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0mrq3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1xh +/m/01m42d0 /film/actor/film./film/performance/film /m/02sfnv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02_cx_ +/m/0m0nq /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/030hbp /film/actor/film./film/performance/film /m/080lkt7 +/m/0199wf /film/film/genre /m/03k9fj +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds3t5x +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g57wgv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04h5tx +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0124ld /olympics/olympic_games/sports /m/09w1n +/m/01_f_5 /film/director/film /m/09ps01 +/m/01f8f7 /film/film/country /m/0d05w3 +/m/019vsw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/038bh3 /film/film/language /m/02bjrlw +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0259r0 +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01hq1 /film/film/genre /m/04pbhw +/m/0gv5c /people/person/gender /m/05zppz +/m/03rk0 /location/location/contains /m/02cb1j +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02vxq9m /film/film/country /m/07ssc +/m/04jpg2p /film/film/country /m/09c7w0 +/m/0219q /people/person/places_lived./people/place_lived/location /m/059rby +/m/02qm_f /film/film/production_companies /m/0kk9v +/m/0bzjf /location/location/contains /m/07_pf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02m0b0 +/m/01fml /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/09gnn +/m/0h25 /people/person/place_of_birth /m/06pr6 +/m/0697s /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/017gl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvgt +/m/07h1tr /people/person/nationality /m/09c7w0 +/m/0126y2 /film/actor/film./film/performance/film /m/0ct2tf5 +/m/07n39 /people/person/religion /m/0kq2 +/m/05xq9 /influence/influence_node/influenced_by /m/016vn3 +/m/01v6480 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv54 +/m/019389 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w02sy +/m/07srw /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0jt90f5 /influence/influence_node/influenced_by /m/025b3k +/m/0jzw /film/film/production_companies /m/02jd_7 +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/03ds83 /people/person/nationality /m/09c7w0 +/m/08chdb /people/person/profession /m/0dxtg +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01bh6y /people/person/languages /m/02h40lc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/047yc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05q4 +/m/056vv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09qh1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/03fmfs +/m/08ct6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/0sw6g +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04y79_n +/m/02k_kn /music/genre/artists /m/094xh +/m/06lht1 /film/actor/film./film/performance/film /m/0c3xw46 +/m/0l99s /influence/influence_node/influenced_by /m/0dw6b +/m/033tf_ /people/ethnicity/people /m/04qt29 +/m/02bjrlw /media_common/netflix_genre/titles /m/04lqvlr +/m/075k5 /film/film_subject/films /m/091z_p +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/03qx_f /music/record_label/artist /m/01jfnvd +/m/02p3cr5 /music/record_label/artist /m/01vvycq +/m/031ldd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gjc4d3 /film/film/genre /m/02kdv5l +/m/03fnmd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/01hc9_ +/m/0jkhr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07k51gd /people/person/nationality /m/09c7w0 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/02x2t07 /people/person/place_of_birth /m/0cc56 +/m/0qm98 /film/film/cinematography /m/0280mv7 +/m/0cd2vh9 /film/film/genre /m/02kdv5l +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/014lc_ +/m/017dpj /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/0b5hj5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02xfrd /people/person/gender /m/05zppz +/m/04vjh /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02jx1 /location/location/contains /m/0nqv1 +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01p79b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0z4s /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/09fqgj /film/film/production_companies /m/05qd_ +/m/02f6g5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0p9rz /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072bb1 +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ym1 +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/042d1 +/m/04j_gs /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0845v /time/event/locations /m/02j9z +/m/03f2fw /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/081yw /location/location/contains /m/0d1xx +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/0fnmz /education/educational_institution/colors /m/083jv +/m/01csqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/048fz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/02sg5v /film/film/featured_film_locations /m/0dc95 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0c9xjl +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c7j1 +/m/0dnkmq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/027cxsm /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0137n0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b22w /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/06npd /location/location/partially_contains /m/026zt +/m/02xv8m /film/actor/film./film/performance/film /m/02vqsll +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/062dn7 /film/actor/film./film/performance/film /m/04qk12 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01vnt4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/034ns +/m/04tng0 /film/film/genre /m/02kdv5l +/m/07qzv /sports/sports_team_location/teams /m/03j70d +/m/03crmd /people/person/languages /m/02bjrlw +/m/04bdqk /people/person/spouse_s./people/marriage/spouse /m/06s26c +/m/01cgz /film/film_subject/films /m/047d21r +/m/01fsz /music/genre/artists /m/016k62 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/04kf4 /base/biblioness/bibs_location/state /m/070zc +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r2dp +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0431v3 +/m/0lgxj /olympics/olympic_games/participating_countries /m/06mzp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/01b195 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08l0x2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/020jqv +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q43g +/m/02sh8y /film/actor/film./film/performance/film /m/016ky6 +/m/06k02 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0mwcz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwq_ +/m/017c87 /people/person/gender /m/05zppz +/m/0d05fv /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/0p51w +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0xqf3 /location/hud_county_place/county /m/0n5d1 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03zyvw +/m/07bx6 /film/film/featured_film_locations /m/01c40n +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/05fkf /location/location/contains /m/02rtlp5 +/m/02bf2s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09lxv9 +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/01wp_jm /people/deceased_person/place_of_death /m/0ftvg +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09_99w /people/person/profession /m/0dxtg +/m/04wqr /award/award_winner/awards_won./award/award_honor/award_winner /m/0chsq +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/02qfhb /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03rl84 +/m/01vw37m /film/actor/film./film/performance/film /m/0bq6ntw +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/098sx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/07mgr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/052gtg +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03q5t /music/instrument/instrumentalists /m/01dhjz +/m/0l14qv /music/instrument/instrumentalists /m/01vn35l +/m/028qyn /people/person/profession /m/05sxg2 +/m/025hzx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0drc1 +/m/02r3cn /people/person/profession /m/039v1 +/m/0f_y9 /people/person/places_lived./people/place_lived/location /m/0fr0t +/m/05f2jk /people/person/profession /m/02hrh1q +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/07h07 /influence/influence_node/influenced_by /m/05np2 +/m/0jdx /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f3zsq +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/02wr6r /film/actor/film./film/performance/film /m/02v8kmz +/m/04yywz /people/person/profession /m/02hrh1q +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/06by7 /music/genre/artists /m/01vs14j +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/059ts +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0kszw +/m/05650n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033_1p /film/actor/film./film/performance/film /m/0170z3 +/m/01vw87c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jhn7 /olympics/olympic_games/sports /m/096f8 +/m/06q8qh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vrz41 /people/person/profession /m/0n1h +/m/0jnwx /film/film/genre /m/04xvh5 +/m/02rb607 /film/film/genre /m/04xvlr +/m/09kr66 /people/ethnicity/people /m/0pcc0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0xhmb +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hyyq +/m/01w40h /music/record_label/artist /m/01wg25j +/m/0cc5mcj /film/film/genre /m/01hmnh +/m/024dw0 /people/person/place_of_birth /m/095l0 +/m/01m3x5p /people/person/gender /m/05zppz +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c_drn +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/07tw_b /film/film/language /m/02h40lc +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0jbyg +/m/0d87hc /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6f +/m/0n6kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/015f7 +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/0kvf3b /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/054bt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03y8cbv +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/070ltt +/m/02bh9 /people/person/gender /m/05zppz +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01l1hr /film/actor/film./film/performance/film /m/078sj4 +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j5x6 +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/06rnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/027rwmr +/m/01vg0s /education/educational_institution/students_graduates./education/education/student /m/05g7q +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0p9rz /film/film/featured_film_locations /m/03rjj +/m/02xs6_ /film/film/production_companies /m/016tw3 +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/0425yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/031ldd +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/036hf4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/024dgj +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/01309x /people/person/places_lived./people/place_lived/location /m/0jfqp +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/06xkst /tv/tv_program/genre /m/02l7c8 +/m/0dl5d /music/genre/artists /m/01kcms4 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05prs8 /people/person/profession /m/03gjzk +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/02bj6k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h0wc +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/01l0__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gywn /music/genre/artists /m/012vd6 +/m/0269kx /education/educational_institution/colors /m/04mkbj +/m/02p_7cr /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02qlg7s /people/person/place_of_birth /m/01p1v +/m/07wdw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03_nq +/m/0dbb3 /people/person/profession /m/0nbcg +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0cm89v /film/director/film /m/0bby9p5 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0x67 /people/ethnicity/people /m/01xwv7 +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05drq5 +/m/04107 /people/deceased_person/place_of_burial /m/0r22d +/m/0dh1n_ /people/person/profession /m/01d_h8 +/m/04x4s2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qbjg +/m/0dl5d /music/genre/artists /m/09jm8 +/m/0gk4g /people/cause_of_death/people /m/0ky1 +/m/030155 /people/person/profession /m/0nbcg +/m/053yx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/01l_yg +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h68j +/m/07c2wt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02508x /people/person/profession /m/0cbd2 +/m/0flpy /people/person/profession /m/0dz3r +/m/05k7sb /location/location/contains /m/02s838 +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/011ydl /film/film/language /m/02h40lc +/m/045c7b /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/0bbxd3 /people/person/profession /m/02krf9 +/m/08c6k9 /film/film/music /m/01nqfh_ +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/028r4y +/m/048hf /film/actor/film./film/performance/film /m/01bn3l +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xn2m +/m/05fkf /location/location/contains /m/0p7vt +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/02z1nbg /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0n2m7 /location/location/time_zones /m/02hcv8 +/m/0n85g /music/record_label/artist /m/0c9l1 +/m/0nh57 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nhmw +/m/023rwm /music/record_label/artist /m/0c9l1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d8yn +/m/013xrm /people/ethnicity/people /m/0372p +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/028tv0 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0dt_q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dl567 +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/03772 /influence/influence_node/influenced_by /m/09dt7 +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/0j0k /location/location/contains /m/0604m +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/0d6d2 +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/020hh3 +/m/02vcp0 /people/person/gender /m/02zsn +/m/02nt3d /film/film/produced_by /m/0q9kd +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03f02ct /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0j90s +/m/011vx3 /people/person/profession /m/025352 +/m/0czhv7 /people/person/profession /m/0fnpj +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01sg7_ /people/person/places_lived./people/place_lived/location /m/0dclg +/m/02778yp /people/person/profession /m/02hrh1q +/m/0jhjl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0k0rf /film/film/genre /m/09blyk +/m/0160nk /organization/organization/headquarters./location/mailing_address/citytown /m/0f2tj +/m/065d1h /people/person/gender /m/05zppz +/m/012s1d /film/film/language /m/02h40lc +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/011zf2 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/022yb4 +/m/07s846j /film/film/music /m/02g40r +/m/0mhfr /music/genre/artists /m/018ndc +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/016fjj /film/actor/film./film/performance/film /m/01flv_ +/m/0l8sx /business/business_operation/industry /m/03qh03g +/m/04411 /influence/influence_node/influenced_by /m/03sbs +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/026lj /people/deceased_person/place_of_death /m/02m77 +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/03x400 +/m/0gydcp7 /film/film/story_by /m/01v9724 +/m/078bz /organization/organization/headquarters./location/mailing_address/citytown /m/071cn +/m/026m3y /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03rgvr /people/person/places_lived./people/place_lived/location /m/0214m4 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/027vps /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/03d0ns +/m/034ns /education/field_of_study/students_majoring./education/education/student /m/05cv8 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04w58 /location/country/form_of_government /m/01q20 +/m/05vzql /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02f6g5 /film/film/language /m/02hwyss +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0154qm /film/actor/film./film/performance/film /m/043t8t +/m/03wxvk /base/aareas/schema/administrative_area/capital /m/0ggyr +/m/04lhc4 /film/film/cinematography /m/0jsw9l +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01zmpg /music/artist/origin /m/03b12 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/034hwx /film/film/genre /m/0lsxr +/m/04gv3db /film/film/featured_film_locations /m/01d26y +/m/021r6w /people/person/gender /m/05zppz +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/01sxly /film/film/language /m/02h40lc +/m/0fv6dr /people/person/nationality /m/02jx1 +/m/0bpm4yw /film/film/story_by /m/0184dt +/m/0rkkv /base/biblioness/bibs_location/state /m/02xry +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/01vh08 +/m/0q9jk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021b_ +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5j77 +/m/0bykpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xbyr /film/film/genre /m/05p553 +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/08qs09 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/080dfr7 /film/film/language /m/06nm1 +/m/01rwcgb /people/person/place_of_birth /m/0c8tk +/m/01bdxz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06hgj /people/person/profession /m/0kyk +/m/04rkkv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjc +/m/06pjs /influence/influence_node/influenced_by /m/017_pb +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/01cj6y /film/actor/film./film/performance/film /m/03h_yy +/m/02lfcm /people/person/nationality /m/09c7w0 +/m/0dbc1s /people/person/profession /m/02krf9 +/m/0ctw_b /location/country/official_language /m/02h40lc +/m/07s8qm7 /sports/sports_team/sport /m/02vx4 +/m/0r1yc /location/location/time_zones /m/02lcqs +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07csf4 +/m/01rc4p /people/person/profession /m/02jknp +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02s2wq /music/artist/origin /m/09c7w0 +/m/016j2t /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01yzhn /people/person/gender /m/05zppz +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f87jy +/m/02vzc /location/country/official_language /m/06mp7 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwld +/m/032_wv /film/film/featured_film_locations /m/02_286 +/m/03x6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07y8l9 /film/actor/film./film/performance/film /m/02ht1k +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/03whyr /film/film/story_by /m/02mpb +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031rq5 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/03177r /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01_j71 +/m/0c4qzm /people/person/gender /m/05zppz +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xtxw +/m/03prz_ /film/film/country /m/06bnz +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0dclg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/025twgf /film/film/language /m/064_8sq +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01kt_j +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/016kjs +/m/0mcf4 /music/record_label/artist /m/0197tq +/m/027jk /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/028kj0 /film/film/production_companies /m/05qd_ +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/0kvqv +/m/01n7q /location/location/time_zones /m/02lcqs +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07s9rl0 /media_common/netflix_genre/titles /m/028_yv +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0mb0 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0g5ptf /film/film/language /m/02bjrlw +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0cc1v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07jmgz /people/person/place_of_birth /m/015y2q +/m/02l840 /people/person/places_lived./people/place_lived/location /m/013yq +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/041c4 /people/person/nationality /m/07ssc +/m/0dvld /people/person/places_lived./people/place_lived/location /m/0h924 +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/064t9 /music/genre/parent_genre /m/06j6l +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yc7p +/m/02s8qk /education/educational_institution/campuses /m/02s8qk +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01hf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/075mb +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0ds33 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04fzfj +/m/06t2t2 /film/film/written_by /m/0p_47 +/m/015c4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07g2v +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05myd2 /people/person/profession /m/02hrh1q +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0h336 /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/01k23t /people/person/profession /m/02hrh1q +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0k5fg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pcq3 /people/person/gender /m/02zsn +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/04xfb /people/person/profession /m/04gc2 +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/030tj5 /people/person/nationality /m/02jx1 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/01tpl1p /people/person/nationality /m/0d060g +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023zd7 +/m/02p68d /people/person/place_of_birth /m/0f2nf +/m/06kkgw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09r9dp /people/person/gender /m/05zppz +/m/01vt5c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/06q5t7 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbg84 +/m/03h4fq7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/03h_fk5 /people/person/places_lived./people/place_lived/location /m/07h34 +/m/072twv /award/award_winner/awards_won./award/award_honor/award_winner /m/053vcrp +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/07sbbz2 /music/genre/artists /m/04b7xr +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0n83s /film/film/featured_film_locations /m/0cv3w +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03v0t /location/location/contains /m/0nvrd +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03902 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0r4z7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjks +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02x8s9 /people/person/nationality /m/09c7w0 +/m/015pvh /people/person/profession /m/02jknp +/m/0181dw /music/record_label/artist /m/018dyl +/m/0nbjq /olympics/olympic_games/sports /m/0d1tm +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/0dcsx /people/cause_of_death/people /m/01xcqc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0c_mvb +/m/05tr7 /location/country/form_of_government /m/01fpfn +/m/02pd1tf /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03818y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/014w_8 /medicine/disease/risk_factors /m/0c58k +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/02p5hf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/05fnl9 /people/person/profession /m/0np9r +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x4s2 +/m/04n8xs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/057wlm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gw8b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01w_d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bs8d /people/person/gender /m/05zppz +/m/06q07 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/05g8pg /award/award_winning_work/awards_won./award/award_honor/award /m/09v0wy2 +/m/09p0q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/0b_6s7 /time/event/locations /m/071cn +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/03xj05 /film/film/language /m/06b_j +/m/0c3351 /media_common/netflix_genre/titles /m/016y_f +/m/03z509 /people/person/profession /m/02hrh1q +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yhm +/m/03k48_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqs56 +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/013w7j /people/person/profession /m/0dxtg +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0cr3d /location/location/contains /m/02sdwt +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/03z8bw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyy53 +/m/03gvt /music/instrument/instrumentalists /m/01309x +/m/01vw87c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/015wd7 /music/genre/artists /m/02ndj5 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq80b +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0fb1q /film/actor/film./film/performance/film /m/0y_pg +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/03lrqw /film/film/personal_appearances./film/personal_film_appearance/person /m/037s5h +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/025scjj /film/film/genre /m/03mqtr +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02j3d4 /people/person/gender /m/05zppz +/m/01ts_3 /people/person/profession /m/02jknp +/m/016nvh /people/person/nationality /m/07ssc +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/03d0ns +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/03k0yw +/m/0f2nf /location/location/time_zones /m/02hcv8 +/m/03jqfx /time/event/locations /m/01pj7 +/m/06q1r /location/location/contains /m/0hyxv +/m/0g2jl /organization/organization/headquarters./location/mailing_address/citytown /m/06wxw +/m/01y_rz /award/award_winner/awards_won./award/award_honor/award_winner /m/01ttg5 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qbx +/m/02zd460 /organization/organization_founder/organizations_founded /m/034h1h +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0309lm +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0h1mt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0ywqc +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03b1sb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0222qb /people/ethnicity/people /m/01qscs +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/016clz /music/genre/artists /m/0l12d +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/0138t4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k2h6 +/m/01w20rx /people/person/places_lived./people/place_lived/location /m/0_xdd +/m/09p5mwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09889g /people/person/languages /m/02h40lc +/m/0dwsp /music/instrument/instrumentalists /m/01vsnff +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/042f1 +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vsnff +/m/0277j40 /film/film/produced_by /m/0q9kd +/m/04xg2f /film/film/country /m/09c7w0 +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01sl1q +/m/0fvppk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072r5v +/m/0lbbj /olympics/olympic_games/sports /m/071t0 +/m/071_8 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gd92 /film/film/genre /m/02l7c8 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/0c3z0 /film/film/production_companies /m/016tt2 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/021yw7 /film/director/film /m/0gj9tn5 +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0bvn25 /film/film/country /m/09c7w0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/03xj05 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/05vjt6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/0892sx +/m/076zy_g /film/film/produced_by /m/020trj +/m/04wqr /people/deceased_person/place_of_burial /m/018mm4 +/m/07cdz /film/film/featured_film_locations /m/01jr6 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01gjlw +/m/01nx_8 /people/person/profession /m/02hrh1q +/m/033hqf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04j4tx /film/film/genre /m/07s9rl0 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/012d40 /people/person/profession /m/03gjzk +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0kbws /olympics/olympic_games/participating_countries /m/06srk +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02q1hz +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/05f7s1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01hpnh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kj_ +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/01rf57 +/m/0z4s /film/actor/film./film/performance/film /m/02xs6_ +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dfw0 +/m/0l2xl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2vz +/m/01vlj1g /film/actor/film./film/performance/film /m/02_06s +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/02ptczs /film/film/language /m/02h40lc +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/022769 /people/person/nationality /m/09c7w0 +/m/05mt_q /people/person/nationality /m/0d060g +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/059nf5 /sports/sports_team/sport /m/02vx4 +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0333t /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j3d9tn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zbws +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/014zcr /people/person/profession /m/02hrh1q +/m/0c0zq /film/film/genre /m/0vgkd +/m/05v38p /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/02rxbmt /people/person/profession /m/01d_h8 +/m/03qcq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/0266shh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018vs /music/instrument/instrumentalists /m/0kzy0 +/m/07l4zhn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/07ssc /location/location/contains /m/0gmkn +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/06t2t /sports/sports_team_location/teams /m/04h54p +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/03bkbh /people/ethnicity/people /m/059t6d +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/05r5w +/m/01yx7f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grmk +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d4htf +/m/05h43ls /film/film/production_companies /m/046b0s +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/017dpj +/m/0410cp /people/person/religion /m/04pk9 +/m/0415svh /people/person/nationality /m/09c7w0 +/m/01dbk6 /people/person/spouse_s./people/marriage/spouse /m/052hl +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01q_y0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/047qxs /film/film/genre /m/01jfsb +/m/0147sh /film/film/film_art_direction_by /m/072twv +/m/018p5f /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/092vkg +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/04zd4m /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06c7mk +/m/04xvlr /media_common/netflix_genre/titles /m/047n8xt +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/03rwz3 /organization/organization/child./organization/organization_relationship/child /m/030_1m +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04999m +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/05vc35 +/m/03n93 /people/deceased_person/place_of_death /m/03l2n +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/017j6 +/m/0jnnx /sports/sports_team/sport /m/03tmr +/m/06mr2s /tv/tv_program/country_of_origin /m/09c7w0 +/m/0j47s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0sx5w /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/046qpy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/025rxjq /film/film/production_companies /m/02j_j0 +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02g8h /people/person/profession /m/03gjzk +/m/01kt_j /tv/tv_program/genre /m/0c031k6 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08s6mr +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/06mr6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dkpb +/m/01p5_g /people/profession/specialization_of /m/0d1pc +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_fk9 +/m/09qljs /film/film/written_by /m/01wg982 +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01q6bg +/m/02wk_43 /people/person/nationality /m/09c7w0 +/m/0gkkf /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/011yrp /film/film/language /m/04306rv +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034np8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/02x8fs /film/film/country /m/09c7w0 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01lv85 +/m/026lj /influence/influence_node/influenced_by /m/07c37 +/m/01vsqvs /people/person/profession /m/02hrh1q +/m/028k57 /people/person/profession /m/01d_h8 +/m/08b8vd /people/person/religion /m/0g5llry +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/06jcc /people/person/gender /m/05zppz +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/065mm1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/05d1y /influence/influence_node/influenced_by /m/042q3 +/m/0pk1p /film/film/cinematography /m/09bxq9 +/m/01dvtx /people/person/religion /m/03_gx +/m/02x8m /music/genre/artists /m/0137hn +/m/01v3k2 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02j_j0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q8jl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01z0lb /people/person/profession /m/02hrh1q +/m/0qymv /location/hud_county_place/county /m/0kq1l +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/09c7w0 /location/country/second_level_divisions /m/0fxz4 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/059rby /location/location/contains /m/01l8t8 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/026gyn_ +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/018ygt +/m/01rs5p /film/actor/film./film/performance/film /m/02v5_g +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02v8kmz +/m/0prhz /film/film/country /m/09c7w0 +/m/01719t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/01jr4j /film/film/genre /m/0lsxr +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qv_ +/m/02d6c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/015pkc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dvmd +/m/04xm_ /people/person/employment_history./business/employment_tenure/company /m/0pmcz +/m/01r9c_ /people/person/gender /m/05zppz +/m/02h40lc /language/human_language/countries_spoken_in /m/02jx1 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/05dbf /people/person/spouse_s./people/marriage/spouse /m/05cljf +/m/01_1pv /film/film/production_companies /m/01795t +/m/016zfm /tv/tv_program/genre /m/05p553 +/m/04994l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0cq8nx /film/film/film_art_direction_by /m/072twv +/m/0dgq_kn /film/film/music /m/02g40r +/m/02_j7t /film/actor/film./film/performance/film /m/07yvsn +/m/0byfz /film/actor/film./film/performance/film /m/017kct +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_31 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01qgr3 /education/educational_institution/school_type /m/01_9fk +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0ksf29 /people/person/gender /m/05zppz +/m/0432cd /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/044lyq /film/actor/film./film/performance/film /m/0dlngsd +/m/01qxs3 /organization/organization/headquarters./location/mailing_address/citytown /m/0135g +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170pk +/m/0fy34l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0hm0k +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_fj +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/05fyss /award/award_winner/awards_won./award/award_honor/award_winner /m/02vqpx8 +/m/082gq /dataworld/gardening_hint/split_to /m/082gq +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/01t265 /people/person/profession /m/0dxtg +/m/034r25 /film/film/genre /m/04xvh5 +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0h32q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/047cqr /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/04p3w /people/cause_of_death/people /m/04g_wd +/m/07c52 /media_common/netflix_genre/titles /m/02py9yf +/m/0137g1 /people/person/profession /m/0nbcg +/m/01fwk3 /people/person/spouse_s./people/marriage/spouse /m/01y_px +/m/01hgwkr /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gsg7 +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0167xy /influence/influence_node/peers./influence/peer_relationship/peers /m/04k05 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/0ds2sb /people/person/profession /m/01d_h8 +/m/017r2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0gyy0 /film/actor/film./film/performance/film /m/0h0wd9 +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/0q9vf +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qv_ +/m/01kwhf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/079vf /people/person/nationality /m/09c7w0 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0pyww /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9vf +/m/0f42nz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/01b64v /tv/tv_program/genre /m/06q7n +/m/07sbbz2 /music/genre/artists /m/0fq117k +/m/01mh8zn /people/person/gender /m/05zppz +/m/01xwv7 /influence/influence_node/influenced_by /m/01k9lpl +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dbds +/m/02z7f3 /music/genre/artists /m/01shhf +/m/0969fd /people/person/profession /m/0cbd2 +/m/06ybz_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/039yzf /award/award_category/disciplines_or_subjects /m/0707q +/m/0c9k8 /film/film/language /m/0f8l9c +/m/0lx2l /people/person/profession /m/01d_h8 +/m/060j8b /people/person/religion /m/0c8wxp +/m/016nff /people/person/nationality /m/02jx1 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01k7xz /education/educational_institution/campuses /m/01k7xz +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03dbww /film/actor/film./film/performance/film /m/0k5fg +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0141kz +/m/01nyl /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0d05fv /people/person/places_lived./people/place_lived/location /m/07h34 +/m/064t9 /music/genre/artists /m/01x1cn2 +/m/01wk7ql /people/person/nationality /m/02jx1 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018p5f +/m/02b29 /people/person/profession /m/03gjzk +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/021lby /people/person/profession /m/02krf9 +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0k1wz /people/person/gender /m/05zppz +/m/03ktjq /film/actor/film./film/performance/film /m/0k2sk +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01trf3 /people/person/place_of_birth /m/03pzf +/m/05sxr_ /film/film/production_companies /m/04rcl7 +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0415ggl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mvyf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0dl5d /music/genre/artists /m/0fp_v1x +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0404j37 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/011yth /film/film/genre /m/03mqtr +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/0fhxv /people/person/profession /m/09jwl +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0194xc +/m/04xvlr /media_common/netflix_genre/titles /m/011yxg +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/02k4b2 /people/person/places_lived./people/place_lived/location /m/0gx1l +/m/05r6t /music/genre/artists /m/016fmf +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/03v40v /people/person/profession /m/015h31 +/m/02zyy4 /people/person/profession /m/01d_h8 +/m/029m83 /people/person/religion /m/03_gx +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/02hrh0_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/014hdb +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/02b29 /people/person/profession /m/0kyk +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01x53m /people/person/nationality /m/0chghy +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0kv238 /film/film/produced_by /m/01qscs +/m/01lvzbl /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/07h565 /film/actor/film./film/performance/film /m/09cr8 +/m/04s9n /people/person/gender /m/05zppz +/m/0l6px /film/actor/film./film/performance/film /m/0295sy +/m/01b8bn /award/award_category/disciplines_or_subjects /m/02xlf +/m/0jnng /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04vrxh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tsq8 /location/location/time_zones /m/02llzg +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0djd22 /media_common/netflix_genre/titles /m/0qmd5 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/04jpk2 /film/film/genre /m/04t36 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/0x3b7 /people/person/places_lived./people/place_lived/location /m/059rby +/m/012xdf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bwjj +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/06v9_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/050ks /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pqy_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rsjf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1cn +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/01hmnh /media_common/netflix_genre/titles /m/017gm7 +/m/017zq0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/05br2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xnvg /people/ethnicity/people /m/04d_mtq +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d17dg +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/02q_4ph /film/film/language /m/064_8sq +/m/03f1r6t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/0lgsq +/m/024tj /people/person/profession /m/01d_h8 +/m/0kt64b /people/person/gender /m/02zsn +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpxp +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/055c8 /people/person/gender /m/05zppz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/04t2l2 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0pkr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v0wy2 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032dg7 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0167xy /influence/influence_node/influenced_by /m/04r1t +/m/043mk4y /film/film/language /m/02h40lc +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/06j8q_ +/m/0b_6jz /time/event/locations /m/03l2n +/m/05z43v /film/film/genre /m/03g3w +/m/0kbvb /olympics/olympic_games/sports /m/035d1m +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0r4qq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kvt9 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0ny75 /education/educational_institution/students_graduates./education/education/student /m/0c1fs +/m/0fpj9pm /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01wd9lv +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/03c7twt /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0jzw /film/film/genre /m/07s9rl0 +/m/02b0zd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0prh7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c4fys /people/person/gender /m/05zppz +/m/0pkyh /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/01vs_v8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0mm1q +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/01x4sb /film/actor/film./film/performance/film /m/03np63f +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dw4b0 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l4pj +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01p8r8 /people/person/gender /m/05zppz +/m/023zsh /film/actor/film./film/performance/film /m/057lbk +/m/0fxyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mws3 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/09c7w0 /location/country/second_level_divisions /m/0n56v +/m/076df9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04f6df0 /film/film/produced_by /m/02tn0_ +/m/04rzd /music/instrument/instrumentalists /m/01vd7hn +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0h7x +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/09fqtq +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0206k5 +/m/0bpx1k /film/film/film_format /m/07fb8_ +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0191n +/m/02r79_h /film/film/music /m/01m5m5b +/m/02kz_ /influence/influence_node/influenced_by /m/06kb_ +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/01z4y /media_common/netflix_genre/titles /m/047p798 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbwb +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0266sb_ /sports/sports_team/sport /m/02vx4 +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/06h7l7 /people/deceased_person/place_of_death /m/059rby +/m/02rjv2w /film/film/genre /m/07s9rl0 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0301bq /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02vz6dn /film/film/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/017gl1 /film/film/costume_design_by /m/02h1rt +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/0n6mc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05w3 +/m/03nfnx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/086xm +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/021q2j +/m/09bcm /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/012mrr /film/film/cinematography /m/05br10 +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xbq3 +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/014hr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02w7gg /people/ethnicity/people /m/01j2xj +/m/09c7w0 /location/location/contains /m/01pl14 +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/0fs9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bdxs5 /film/actor/film./film/performance/film /m/02x3lt7 +/m/0gr07 /award/award_category/category_of /m/0g_w +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03r8gp +/m/05_5rjx /film/film/genre /m/0hn10 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0bzty /location/location/contains /m/0947l +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/04m_kpx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/07s9rl0 /media_common/netflix_genre/titles /m/017d93 +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0391jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03m6_z +/m/05szp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09p0q /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0d6hn /location/location/time_zones /m/02hcv8 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/061681 /film/film/featured_film_locations /m/04jpl +/m/0p17j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01npcy7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv81 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hx4y +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02pbzv +/m/01dw_f /people/person/places_lived./people/place_lived/location /m/0xqf3 +/m/05tbn /location/location/partially_contains /m/02cgp8 +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/064t9 /music/genre/artists /m/01vvycq +/m/0z4s /people/person/profession /m/02jknp +/m/01kb2j /people/person/nationality /m/07ssc +/m/0165b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/029rk /people/person/gender /m/05zppz +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gkp1 +/m/09w6br /film/film/written_by /m/01f7j9 +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/04gmlt /music/record_label/artist /m/016376 +/m/08cx5g /tv/tv_program/genre /m/06n90 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0gx159f +/m/02lxrv /film/film/genre /m/0hn10 +/m/0h1mt /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/01yndb /people/person/profession /m/016z4k +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vhb0 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/05hyzx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/0flj39 /people/person/profession /m/02hrh1q +/m/01vw37m /people/person/gender /m/05zppz +/m/05d1dy /people/person/profession /m/0dxtg +/m/01bl7g /film/film/produced_by /m/03h40_7 +/m/01k5zk /people/person/nationality /m/09c7w0 +/m/07h5d /film/director/film /m/02r79_h +/m/0209hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06yxd /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/04_by /people/person/profession /m/0cbd2 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9j5 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01hvjx /film/film/written_by /m/01_x6d +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/0mmp3 /music/genre/artists /m/01k3qj +/m/04kr63w /people/person/gender /m/02zsn +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0171cm +/m/0cjf0 /medicine/symptom/symptom_of /m/0dq9p +/m/0nlh7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dr_9t7 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/01vsqvs /people/person/languages /m/06nm1 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1v19 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/01hx2t /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01fcmh +/m/0c921 /film/director/film /m/0k4f3 +/m/07ym6ss /people/person/profession /m/03gjzk +/m/0gcrg /film/film/cinematography /m/09myny +/m/04z1v0 /music/genre/artists /m/01vs4f3 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/072r5v +/m/07xtqq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/02p65p /people/person/profession /m/03gjzk +/m/0465_ /people/person/places_lived./people/place_lived/location /m/06q1r +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/0m9p3 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/041_y +/m/04b8pv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0d87hc /film/film/produced_by /m/04wvhz +/m/0jqj5 /film/film/language /m/02h40lc +/m/01_f_5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ttg5 +/m/0c7lcx /film/actor/film./film/performance/film /m/0h6r5 +/m/0n1rj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/01wjrn /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/087_xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01chc7 /film/actor/film./film/performance/film /m/020fcn +/m/01xv77 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjrx +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/025czw +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/02nrdp +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/016ks5 /film/film/genre /m/02l7c8 +/m/070yzk /film/actor/film./film/performance/film /m/07p12s +/m/02lkcc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/024y8p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09fqd3 /people/person/nationality /m/09c7w0 +/m/0b82vw /people/person/profession /m/0nbcg +/m/016dgz /people/person/place_of_birth /m/02_286 +/m/04lp8k /people/person/gender /m/02zsn +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4p0 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/03rk0 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0211jt /education/educational_institution/colors /m/06fvc +/m/04f_d /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03tbg6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0chsq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03l7tr +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030znt +/m/0c3351 /media_common/netflix_genre/titles /m/07z6xs +/m/0gk4g /people/cause_of_death/people /m/05bht9 +/m/01t38b /education/educational_institution/colors /m/019sc +/m/02n9bh /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/033jj1 +/m/0c3p7 /people/person/place_of_birth /m/0rd6b +/m/041p3y /music/record_label/artist /m/0473q +/m/02zjd /influence/influence_node/peers./influence/peer_relationship/peers /m/02kz_ +/m/034qmv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01s7qqw /people/person/profession /m/0np9r +/m/02wb6yq /people/person/places_lived./people/place_lived/location /m/01n7q +/m/049nq /location/location/contains /m/0ps8c +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0jm4b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/03llf8 /film/actor/film./film/performance/film /m/0_7w6 +/m/02qgqt /film/actor/film./film/performance/film /m/0284b56 +/m/02v406 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0277c3 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0bs5k8r /film/film/country /m/0chghy +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j8z +/m/0342h /music/instrument/instrumentalists /m/0kvnn +/m/04vlh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/0mhfr /music/genre/artists /m/0k1bs +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0hmr4 /film/film/featured_film_locations /m/0cr3d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0686zv +/m/0391jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04bdzg +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/067jsf +/m/0m5s5 /film/film/production_companies /m/05qd_ +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gls4q_ +/m/01xmxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02vzc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01b39j +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/055c8 +/m/01r9c_ /people/person/profession /m/0cbd2 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/03spz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vfy4 +/m/04x4s2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cp9f9 +/m/06cgy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/012zng /people/person/place_of_birth /m/0mn8t +/m/0h6rm /organization/organization/headquarters./location/mailing_address/citytown /m/02m77 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/02lf1j /people/person/profession /m/018gz8 +/m/02vw1w2 /film/film/genre /m/0jxy +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0b78hw /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/06crng /base/eating/practicer_of_diet/diet /m/07_jd +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p65p +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/01k165 +/m/054k_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v0wy2 +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/01f6zc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pv2t /film/film/genre /m/07s9rl0 +/m/01zwy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/03f02ct /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/0cchk3 /education/educational_institution/campuses /m/0cchk3 +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08664q +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/01p8s /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05kkh /location/location/contains /m/02ln0f +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/01jfsb /media_common/netflix_genre/titles /m/0315w4 +/m/0d1qn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0jfx1 +/m/0m_mm /film/film/genre /m/0hfjk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c52 +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/03v9yw /sports/sports_team/colors /m/083jv +/m/01cgz /media_common/netflix_genre/titles /m/0cf08 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/08bqy9 /people/person/languages /m/02hxcvy +/m/04b_jc /film/film/genre /m/07s9rl0 +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gp_x +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/081yw /location/location/contains /m/0mlw1 +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/0dlxj /location/location/time_zones /m/03plfd +/m/0j6cj /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/016yvw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0b1hw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05rfst /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016khd +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04z_x4v +/m/01b9w3 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dc_ms /film/film/genre /m/01hmnh +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/011k11 +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/05qtj /location/location/contains /m/04gdr +/m/0b_fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pl9g +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/025t9b /film/actor/film./film/performance/film /m/0cfhfz +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/016cjb /music/genre/artists /m/016ppr +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/0gl3hr /film/film/cinematography /m/07djnx +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/034b6k +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02cbs0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t8399 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/03gvt /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/064q5v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/03lgg +/m/05vxdh /film/film/produced_by /m/0b13g7 +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/03l295 +/m/08ct6 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/087c7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03kdl /people/person/profession /m/01bs9f +/m/03k9fj /media_common/netflix_genre/titles /m/06zn1c +/m/019pkm /award/award_winner/awards_won./award/award_honor/award_winner /m/05cqhl +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/03_gz8 /film/film/production_companies /m/03sb38 +/m/01fx2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vv7sc +/m/099pks /tv/tv_program/genre /m/0215n +/m/0137g1 /people/person/profession /m/02hrh1q +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/01vs_v8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/015f7 +/m/01l2m3 /people/cause_of_death/people /m/021j72 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/03rjj /location/location/contains /m/01n43d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/04_by /people/person/gender /m/02zsn +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/06npd +/m/01k5y0 /film/film/country /m/09c7w0 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01gzm2 /film/director/film /m/0fphgb +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d04z6 +/m/03kwtb /people/person/place_of_birth /m/01n7rc +/m/0c1j_ /people/person/profession /m/0kyk +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0266sb_ +/m/05k7sb /location/location/contains /m/02g839 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02z1yj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02v60l +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/04vh83 /film/film/genre /m/06l3bl +/m/0jbqf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/039xcr /people/person/profession /m/0cbd2 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/04954 +/m/04xvlr /media_common/netflix_genre/titles /m/0286vp +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dc7hc +/m/0czyxs /film/film/produced_by /m/08d9z7 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0ymbl /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/06cgy /film/actor/film./film/performance/film /m/0h95927 +/m/0c2dl /people/person/gender /m/05zppz +/m/06cp5 /music/genre/artists /m/01vw_dv +/m/01ymvk /education/educational_institution/students_graduates./education/education/student /m/01pcbg +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/018dyl /people/person/profession /m/02hrh1q +/m/02z2xdf /people/person/nationality /m/07ssc +/m/02nczh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/015wnl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0146pg +/m/068cn /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/0170qf /film/actor/film./film/performance/film /m/05tgks +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/08z0wx /music/genre/artists /m/015196 +/m/04k15 /people/person/places_lived./people/place_lived/location /m/0150n +/m/021dvj /music/genre/artists /m/0bvzp +/m/06s7rd /people/person/nationality /m/09c7w0 +/m/014q2g /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/01h910 /film/actor/film./film/performance/film /m/027j9wd +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05xbx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0fnff /base/biblioness/bibs_location/country /m/01crd5 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/02_286 /location/administrative_division/country /m/09c7w0 +/m/057lbk /film/film/production_companies /m/016tt2 +/m/053y0s /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/015nvj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01t_xp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/01ls2 /location/country/form_of_government /m/01fpfn +/m/012vf6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03d9v8 +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yxy +/m/01z4y /media_common/netflix_genre/titles /m/01k0vq +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0llcx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/023gxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/0njlp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/043z0 +/m/0sqgt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c1pj /people/person/gender /m/05zppz +/m/0157m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/02vntj /film/actor/film./film/performance/film /m/06_wqk4 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01l4zqz +/m/0gmcwlb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02_1kl +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0c0k1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/037mjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/01_x6d /people/person/nationality /m/09c7w0 +/m/0892sx /music/artist/origin /m/04jpl +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0mmr1 /location/location/time_zones /m/02lcqs +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vs_v8 +/m/08q3s0 /people/person/nationality /m/09c7w0 +/m/02ld6x /influence/influence_node/influenced_by /m/0p_pd +/m/03_xj /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01_njt +/m/0fh2v5 /film/film/production_companies /m/016tw3 +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/035gnh /film/film/language /m/02h40lc +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/09hrc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07nf6 +/m/0194zl /film/film/executive_produced_by /m/02z6l5f +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/03h_yy /film/film/genre /m/05p553 +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/059kh /music/genre/artists /m/0frsw +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/03z509 +/m/01qd_r /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/09c7w0 /location/country/second_level_divisions /m/0frf6 +/m/0g5pv3 /film/film/music /m/01l9v7n +/m/0dhml /location/location/time_zones /m/02hcv8 +/m/0c12h /film/director/film /m/0cbn7c +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02q1hz +/m/02g87m /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03pzf /location/location/time_zones /m/02hcv8 +/m/0bt3j9 /film/film/featured_film_locations /m/0h7h6 +/m/01wd02c /people/person/nationality /m/07ssc +/m/09gnn /people/person/gender /m/05zppz +/m/02pp_q_ /people/person/profession /m/02hrh1q +/m/0ddf2bm /film/film/genre /m/06cvj +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/017_pb /influence/influence_node/peers./influence/peer_relationship/peers /m/03f3_p3 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/05mt6w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0172jm /education/educational_institution/campuses /m/0172jm +/m/05y0cr /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0f__1 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0168dy +/m/02qhlwd /film/film/genre /m/07s9rl0 +/m/04k9y6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016dj8 /film/film/music /m/02bh9 +/m/02pzck /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/0863x_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/0fxwx /location/location/time_zones /m/02fqwt +/m/042kbj /film/director/film /m/0kb57 +/m/010m55 /location/location/time_zones /m/02hcv8 +/m/0c8tk /base/biblioness/bibs_location/country /m/03rk0 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/01vtg4q /people/person/profession /m/0nbcg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cq8nx /film/film/country /m/07ssc +/m/02x2097 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09yxcz +/m/01cl2y /music/record_label/artist /m/0277c3 +/m/0c2rr7 /people/person/nationality /m/0f8l9c +/m/09p35z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05fkf /location/location/partially_contains /m/02cgp8 +/m/01kp66 /people/person/nationality /m/09c7w0 +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/07p12s /film/film/written_by /m/04y8r +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05jzt3 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/06823p /film/film/film_format /m/0cj16 +/m/01fxck /film/actor/film./film/performance/film /m/0h6r5 +/m/073tm9 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0427y /people/person/profession /m/018gz8 +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/0d0kn /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/01fx4k /film/film/genre /m/04xvlr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02vxn +/m/0f8l9c /location/location/contains /m/0d117 +/m/0356dp /film/actor/film./film/performance/film /m/0g5pv3 +/m/02wgk1 /film/film/country /m/09c7w0 +/m/0q74c /location/location/time_zones /m/02fqwt +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06gbnc /people/ethnicity/people /m/01p95y0 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/074w86 +/m/0g48m4 /people/ethnicity/people /m/0dzc16 +/m/01vq3 /film/film_subject/films /m/0gcpc +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01csvq /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/081lh +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/015pxr /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/09q17 /media_common/netflix_genre/titles /m/07sgdw +/m/05l8y /location/country/official_language /m/0jzc +/m/02ld6x /people/person/profession /m/0cbd2 +/m/0gh65c5 /film/film/film_festivals /m/0j63cyr +/m/05mkhs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/06lht1 /film/actor/film./film/performance/film /m/02wwmhc +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03fbc +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/015grj /people/person/places_lived./people/place_lived/location /m/05fjy +/m/0mk7z /base/aareas/schema/administrative_area/administrative_parent /m/0846v +/m/08jgk1 /tv/tv_program/program_creator /m/06jnvs +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01pq5j7 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pp3p +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/049gc /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/01rp13 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/09c7w0 /location/location/contains /m/05fjf +/m/040_9 /people/person/religion /m/0kpl +/m/01trtc /music/record_label/artist /m/01dwrc +/m/02lf1j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01rt5h /people/cause_of_death/people /m/018swb +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/014g_s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425hg +/m/0fpkhkz /film/film/country /m/0f8l9c +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/07y_7 /music/instrument/instrumentalists /m/01vrncs +/m/02mhfy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0gnjh /film/film/genre /m/01g6gs +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05pcr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01ycfv /people/person/profession /m/0nbcg +/m/08c6k9 /film/film/country /m/0345h +/m/03m2fg /people/person/spouse_s./people/marriage/location_of_ceremony /m/01c1nm +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/034qg /people/cause_of_death/people /m/012z8_ +/m/03fwln /people/person/nationality /m/03rk0 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/02279c +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02ryx0 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03j76b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01l9v7n /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/0ft18 /film/film/language /m/02bjrlw +/m/0946bb /film/film/cinematography /m/05br10 +/m/05znbh7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0nm6z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01w1ywm /award/award_winner/awards_won./award/award_honor/award_winner /m/0534nr +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbckf +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/07ssc /location/location/contains /m/01ngxm +/m/0d8_wz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05lb87 /people/person/nationality /m/09c7w0 +/m/0fq8f /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/0k4j +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0k5g9 /film/film/film_art_direction_by /m/07hhnl +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bn3l +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035gnh +/m/06mn7 /film/director/film /m/0333t +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/03lty /music/genre/artists /m/01vw20_ +/m/0c38gj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01l3wr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02ctc6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0161sp /music/artist/origin /m/09c7w0 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0jgd +/m/09snz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mlw1 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053ksp +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0n048 /location/location/contains /m/01fbb3 +/m/01r0t_j /people/person/place_of_birth /m/02_286 +/m/02k_kn /music/genre/artists /m/013423 +/m/058vy5 /award/award_category/winners./award/award_honor/award_winner /m/0n6kf +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qk3fk +/m/0gm2_0 /film/film/genre /m/01jfsb +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/04w391 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z0rcq +/m/05ry0p /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/027vps +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4nv +/m/0hz_1 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0fqww /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_vs +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/04glx0 +/m/05xpv /people/person/gender /m/05zppz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0hwqg /people/person/nationality /m/09c7w0 +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09pjnd +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02_n7 +/m/01nkcn /education/educational_institution/school_type /m/05jxkf +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dtzkt +/m/015rkw /film/actor/film./film/performance/film /m/04xg2f +/m/03g5_y /people/person/profession /m/02hrh1q +/m/02ny8t /music/genre/artists /m/015f7 +/m/09n48 /olympics/olympic_games/participating_countries /m/03shp +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/01vsy95 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t94_1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/057n_g +/m/025ts_z /film/film/written_by /m/07lwsz +/m/0xhtw /music/genre/artists /m/0b_j2 +/m/017371 /music/genre/artists /m/0p7h7 +/m/0hx4y /film/film/genre /m/01jfsb +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/0sxkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06j6l /music/genre/artists /m/086qd +/m/06by7 /music/genre/artists /m/0lbj1 +/m/0ft7sr /people/person/profession /m/026sdt1 +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/09c7w0 /location/country/second_level_divisions /m/0mk7z +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01f8hf /film/film/genre /m/01jfsb +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/01twdk /film/actor/film./film/performance/film /m/01q2nx +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/06s7rd /people/person/profession /m/0dz3r +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/071fb /language/human_language/countries_spoken_in /m/06dfg +/m/019kn7 /people/ethnicity/people /m/01v3s2_ +/m/07vn_9 /film/film/genre /m/01jfsb +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01_r9k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/03h_fk5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d42t +/m/0gvvm6l /film/film/written_by /m/041jlr +/m/01w1ywm /people/person/nationality /m/09c7w0 +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02bh8z /music/record_label/artist /m/0mjn2 +/m/01twdk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0315q3 +/m/01zn4y /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05hdf /people/person/places_lived./people/place_lived/location /m/0156q +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/0l98s /olympics/olympic_games/sports /m/0crlz +/m/030_3z /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/01kwsg /award/award_winner/awards_won./award/award_honor/award_winner /m/0c0k1 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0dzz6g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/077rj /people/person/profession /m/01c72t +/m/024rgt /organization/organization/place_founded /m/02_286 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l4zhn +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0197tq +/m/02qrv7 /film/film/country /m/07ssc +/m/02b19f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dthsy /time/event/instance_of_recurring_event /m/0g_w +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02gl58 +/m/05489 /film/film_subject/films /m/0gw7p +/m/01d0fp /people/person/profession /m/0d1pc +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/07hpv3 /tv/tv_program/genre /m/095bb +/m/09c7w0 /location/location/contains /m/01jssp +/m/0167v4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x6dqb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0c02jh8 +/m/02c6d /film/film/language /m/02h40lc +/m/01mxnvc /people/person/profession /m/09jwl +/m/04g2jz2 /award/award_category/winners./award/award_honor/award_winner /m/01zfmm +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/01633c /film/film/featured_film_locations /m/05fjf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/037cr1 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0gydcp7 /film/film/country /m/09c7w0 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/07cyl /film/film/executive_produced_by /m/0415svh +/m/0515_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0cb1ky /film/actor/film./film/performance/film /m/030z4z +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01hx2t /education/educational_institution/campuses /m/01hx2t +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07bsj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/03t79f /film/film/country /m/09c7w0 +/m/01vtg4q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/02py8_w +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/0ymff /education/educational_institution/students_graduates./education/education/student /m/0dx97 +/m/05r4w /location/location/contains /m/04llb +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/03bnb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01d8l +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0fvzg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gj2 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0bkq7 /film/film/language /m/02h40lc +/m/021p26 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016mhd +/m/05jzt3 /film/film/language /m/02h40lc +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/027rpym /film/film/country /m/09c7w0 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dq9 +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0697kh +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cw51 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0gfw56 +/m/01933d /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2tj +/m/07bzz7 /film/film/language /m/02h40lc +/m/0140g4 /film/film/written_by /m/0gn30 +/m/01wp_jm /influence/influence_node/influenced_by /m/014z8v +/m/03gvt /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/028d4v /people/person/nationality /m/09c7w0 +/m/025ljp /tv/tv_program/program_creator /m/01wd9lv +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/03rjj /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdx +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/01sbv9 /film/film/genre /m/01zhp +/m/02cx90 /music/artist/contribution./music/recording_contribution/performance_role /m/0d8lm +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0ycfj +/m/01j7rd /people/person/profession /m/018gz8 +/m/0bxs_d /time/event/instance_of_recurring_event /m/0gcf2r +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/01ynzf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/03f7jfh /base/eating/practicer_of_diet/diet /m/07_jd +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0dpqk +/m/0cx7f /music/genre/artists /m/0fb2l +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rgq +/m/064n1pz /film/film/genre /m/0lsxr +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0199wf /tv/tv_program/genre /m/06n90 +/m/0342h /music/instrument/instrumentalists /m/0qdyf +/m/07nxnw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0404wqb +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0ct9_ /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/01dhpj /people/person/profession /m/01c72t +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jw67 +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/046qq /people/person/religion /m/0c8wxp +/m/033tf_ /people/ethnicity/people /m/070j61 +/m/082db /people/person/gender /m/05zppz +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0d8_wz +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fm9_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0x335 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03078l +/m/0kjgl /people/person/nationality /m/09c7w0 +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/049g_xj +/m/05m0h /people/person/gender /m/05zppz +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/04954 /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/0kxbc /people/person/profession /m/02hrh1q +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06g77c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/035qy +/m/06zsk51 /tv/tv_program/genre /m/07s9rl0 +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/026m0 +/m/07b_l /location/location/contains /m/0mrhq +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/0nzlp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02clgg /people/person/profession /m/0np9r +/m/02nvg1 /organization/organization/headquarters./location/mailing_address/citytown /m/0psxp +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0glt670 /music/genre/artists /m/024dgj +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062dn7 +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06zdt7 +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d87hc +/m/01fx6y /film/film/production_companies /m/0g1rw +/m/06sfk6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/029qzx /education/educational_institution/students_graduates./education/education/student /m/03bxwtd +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/03twd6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07ssc /location/country/second_level_divisions /m/02m77 +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0d0vqn /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/0kcnq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h1rt /people/person/nationality /m/0ctw_b +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01wdl3 /education/university/fraternities_and_sororities /m/035tlh +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/03ywyk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04vvh9 +/m/0564x /film/film/genre /m/0hcr +/m/0275kr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c7xjb +/m/0gp8sg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jz71 +/m/0lrh /people/person/profession /m/02hrh1q +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/064t9 /music/genre/artists /m/024dgj +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0dq16 /location/hud_county_place/place /m/0dq16 +/m/02b1hb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02wrrm /film/actor/film./film/performance/film /m/0ckrnn +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gc7 +/m/0blfl /olympics/olympic_games/sports /m/02_5h +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bcndz /film/film/genre /m/02l7c8 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/02jx1 /location/location/contains /m/014jyk +/m/02qcr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/04gqr /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07b2lv /film/actor/film./film/performance/film /m/0kvbl6 +/m/06nz46 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/018fmr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02hy9p +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0nrqh /location/location/contains /m/02j3w +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/025b3k /people/person/profession /m/0cbd2 +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/03bzjpm /film/film/genre /m/06cvj +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/03lmx1 /people/ethnicity/people /m/01fwj8 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/06924p /music/genre/artists /m/058s57 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0697s /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/016zdd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/0300cp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w5q6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01svw8n +/m/02d4ct /people/person/profession /m/02hrh1q +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0267wwv +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0dqcm +/m/024qqx /media_common/netflix_genre/titles /m/0jqn5 +/m/07p62k /film/film/genre /m/05p553 +/m/02n72k /film/film/production_companies /m/0g1rw +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/01kp66 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q43g +/m/0mwvq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/01p0vf +/m/01243b /music/genre/artists /m/01vsnff +/m/01hr1 /film/film/production_companies /m/0338lq +/m/0chghy /location/location/contains /m/0chgr2 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/065zlr /film/film/prequel /m/0d87hc +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/01d8yn /people/person/profession /m/0dxtg +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02q8ms8 /film/film/language /m/02h40lc +/m/07lmxq /people/person/place_of_birth /m/0rh6k +/m/02jx1 /location/location/contains /m/01g0p5 +/m/01fh36 /music/genre/artists /m/0j6cj +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/048q6x +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0fd6qb /people/person/nationality /m/0d060g +/m/0dn3n /film/actor/film./film/performance/film /m/018js4 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/03zv2t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm7n +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbfwf +/m/0bpk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/09c7w0 /location/country/second_level_divisions /m/0mwm6 +/m/026lgs /film/film/featured_film_locations /m/0rh6k +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/08yx9q +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1ysd +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/016sd3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02056s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cbvg /base/culturalevent/event/entity_involved /m/02c4s +/m/01pbwwl /people/person/profession /m/0dxtg +/m/09rx7tx /film/film/personal_appearances./film/personal_film_appearance/person /m/02m3sd +/m/016bx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07s9rl0 /media_common/netflix_genre/titles /m/0b44shh +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05j0wc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08g_jw /film/film/genre /m/0219x_ +/m/0l15f_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/085jw +/m/03d8m4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07s9rl0 /media_common/netflix_genre/titles /m/019vhk +/m/021bk /people/person/profession /m/01c72t +/m/03_2td /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03rl84 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0zchj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j53q /award/award_winner/awards_won./award/award_honor/award_winner /m/0kc8y +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv81 +/m/01jpyb /education/educational_institution/colors /m/01g5v +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03q45x /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0nn83 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0296rz /film/film/country /m/09c7w0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/01vsl3_ /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03shp +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01_1hw /film/film/executive_produced_by /m/04fyhv +/m/0j46b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0jnwx /film/film/genre /m/0hcr +/m/0gvrws1 /film/film/genre /m/0jdm8 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/021b_ +/m/0glbqt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05vzql /people/person/languages /m/064_8sq +/m/01tvz5j /film/actor/film./film/performance/film /m/0b2km_ +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kh_ +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/028_yv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjp +/m/01w1sx /film/film_subject/films /m/0fjyzt +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/049dyj /film/actor/film./film/performance/film /m/026wlxw +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0127m7 /film/actor/film./film/performance/film /m/09sr0 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/037cr1 /film/film/genre /m/01hmnh +/m/01pg1d /film/actor/film./film/performance/film /m/04tc1g +/m/0d35y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m27n +/m/01fdc0 /people/person/place_of_birth /m/0nbfm +/m/01m7pwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/013nky /education/educational_institution/students_graduates./education/education/student /m/04cbtrw +/m/04h41v /film/film/genre /m/02l7c8 +/m/0l8gh /music/genre/artists /m/02r38 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gc7 +/m/016khd /film/actor/film./film/performance/film /m/07nxvj +/m/06w7mlh /tv/tv_program/genre /m/06n90 +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/03hh89 /film/actor/film./film/performance/film /m/01vw8k +/m/06bc59 /film/film/genre /m/060__y +/m/03k48_ /people/person/profession /m/0dxtg +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02sfnv +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/044k8 +/m/05wp1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0133sq +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/019pm_ +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/056xkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/05xd_v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mhbh /people/person/profession /m/0kyk +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/056_y +/m/0cc56 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02m4d +/m/0nj07 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/0170pk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g68zt /film/film/language /m/02h40lc +/m/04mp8g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03ckxdg /people/person/profession /m/02jknp +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/03m3nzf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025scjj /film/film/country /m/09c7w0 +/m/0n85g /music/record_label/artist /m/0x3n +/m/01swck /film/actor/film./film/performance/film /m/05zlld0 +/m/01whg97 /influence/influence_node/influenced_by /m/01w9ph_ +/m/059rby /location/location/contains /m/0dc3_ +/m/015jr /location/location/contains /m/01vqq1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/041rx /people/ethnicity/people /m/01vhrz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/03cp7b3 /people/person/gender /m/05zppz +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0ym17 /education/educational_institution_campus/educational_institution /m/0ym17 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cf8qb +/m/021_z5 /music/genre/artists /m/01kp_1t +/m/03cvv4 /people/person/profession /m/02hrh1q +/m/04sntd /film/film/country /m/09c7w0 +/m/06929s /film/film/produced_by /m/0bq4j6 +/m/0pc7r /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/0grrq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/081lh +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/01x4wq +/m/0x67 /people/ethnicity/people /m/0f0y8 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qrv7 +/m/04vzv4 /people/person/profession /m/026sdt1 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/04p5cr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04x1_w +/m/04h5tx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02v63m /film/film/genre /m/05p553 +/m/09hz7t /time/event/locations /m/0156q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01rl_3 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0b_6x2 /time/event/instance_of_recurring_event /m/02jp2w +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01v5h +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/02rk45 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/0cwy47 /film/film/featured_film_locations /m/04jpl +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0dl567 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/057xn_m +/m/01vs_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03j1p2n +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bg8v +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0kv9d3 +/m/0b44shh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ggc9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/01tntf /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06mzp +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03rjj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0r89d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f3m1 /film/film/genre /m/02kdv5l +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/0chrwb +/m/03cd0x /film/film/genre /m/02kdv5l +/m/015bpl /film/film/genre /m/03k9fj +/m/02wyc0 /people/person/languages /m/02h40lc +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq8k8 +/m/0gps0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010xjr +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dg3n1 /location/location/contains /m/019pcs +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0j3v /influence/influence_node/influenced_by /m/0gz_ +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/020skc +/m/02lz1s /people/person/profession /m/0nbcg +/m/01l2b3 /film/film/genre /m/07s9rl0 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0jt90f5 /influence/influence_node/influenced_by /m/06d6y +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/07cfx /location/location/contains /m/01nf9x +/m/07r1h /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/05dbf +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0gg5kmg /film/film/produced_by /m/0c6qh +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/08cyft /music/genre/artists /m/0c7ct +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/02z1yj +/m/05hj_k /people/person/employment_history./business/employment_tenure/company /m/061dn_ +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/0cgzj /people/person/profession /m/080ntlp +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/02xs5v +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzmz6 +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/029sk /medicine/disease/notable_people_with_this_condition /m/03j90 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03hrz +/m/055td_ /film/film/country /m/09c7w0 +/m/018zvb /people/person/place_of_birth /m/0dzt9 +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wf86y +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/07ldhs +/m/01ydtg /music/genre/artists /m/03lgg +/m/01rwcgb /people/person/nationality /m/03rk0 +/m/06cgf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lfbm /people/person/nationality /m/07ssc +/m/07gyv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fbr2 /music/genre/parent_genre /m/03_d0 +/m/01lvzbl /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/067hq2 /film/actor/film./film/performance/film /m/03vfr_ +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/0gppg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dy6c9 +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0f3m1 /film/film/genre /m/06n90 +/m/015dqj /people/person/gender /m/05zppz +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/0yyg4 /film/film/genre /m/07s9rl0 +/m/04t2t /media_common/netflix_genre/titles /m/07k8rt4 +/m/0sgtz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ntxg +/m/048tv9 /film/film/produced_by /m/04hw4b +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/02nvg1 /education/educational_institution/school_type /m/01rs41 +/m/09w6br /film/film/genre /m/01hmnh +/m/0gk4g /people/cause_of_death/people /m/0432b +/m/02v49c /people/person/profession /m/018gz8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06yszk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mrfv +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/014g91 +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/026m0 /people/person/places_lived./people/place_lived/location /m/01n4w +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s9y +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/01qygl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07s8qm7 +/m/0dr_9t7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03txms /people/person/profession /m/0fj9f +/m/076tq0z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b1f49 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0173s9 /education/educational_institution/colors /m/02rnmb +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h5d +/m/0342h /music/instrument/instrumentalists /m/025xt8y +/m/01trtc /music/record_label/artist /m/01vt5c_ +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0181dw /music/record_label/artist /m/02p68d +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0ctw_b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z5n +/m/07xtqq /film/film/featured_film_locations /m/0d23k +/m/01z4y /media_common/netflix_genre/titles /m/01w8g3 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/03c6v3 +/m/026ssfj /education/educational_institution_campus/educational_institution /m/026ssfj +/m/0ymc8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/01vb6z +/m/01mgw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05dtwm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hptm /location/hud_county_place/county /m/0n5gq +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5879y +/m/0287477 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/020trj /film/actor/film./film/performance/film /m/08rr3p +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/03ln8b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cj_j /film/film/genre /m/028v3 +/m/02p4jf0 /music/record_label/artist /m/0bhvtc +/m/0cyhq /people/person/gender /m/05zppz +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01tlmw /location/location/time_zones /m/02hcv8 +/m/0584j4n /people/deceased_person/place_of_death /m/030qb3t +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/01clyr /music/record_label/artist /m/01ydzx +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p5xy +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0dl4z /base/culturalevent/event/entity_involved /m/0bq0p9 +/m/0d7vtk /film/film/produced_by /m/04snp2 +/m/0jkvj /time/event/locations /m/052p7 +/m/0c8qq /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01x73 /location/location/contains /m/0f2nf +/m/01n44c /people/person/profession /m/09jwl +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/04x1_w /people/person/nationality /m/03rt9 +/m/012c6x /people/deceased_person/place_of_burial /m/0lbp_ +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/032j_n /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0phx4 /people/person/profession /m/016z4k +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd6l +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01nvmd_ +/m/04gycf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwj8 +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/031778 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011wtv +/m/0jcjq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/06pj8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vhrz +/m/07l450 /film/film/production_companies /m/025jfl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0c02jh8 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/07s6prs +/m/05k7sb /location/location/contains /m/01l9vr +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09pl3s /people/person/gender /m/05zppz +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04kjrv /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01z4y /media_common/netflix_genre/titles /m/02fwfb +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04hgpt /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0fv4v /location/location/contains /m/0fmyd +/m/0gnjh /film/film/production_companies /m/0k9ctht +/m/0d7vtk /tv/tv_program/languages /m/02h40lc +/m/0mlw1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlyw +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0123j6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/01wxyx1 /film/actor/film./film/performance/film /m/04pmnt +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0gsgr +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/01wk3c /film/actor/film./film/performance/film /m/011yph +/m/01hhvg /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/014_lq /influence/influence_node/influenced_by /m/01czx +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/07ssc /location/location/contains /m/09cpb +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/07hyk +/m/012vwb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01vng3b /music/artist/origin /m/0r3tb +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02phtzk +/m/02t8gf /music/genre/artists /m/01j59b0 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0c9k8 /film/film/genre /m/03mqtr +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/07hyk /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/018vs /music/instrument/family /m/0d8lm +/m/02_l96 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/0227tr /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/03f5mt /music/instrument/instrumentalists /m/03kwtb +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/08jtv5 +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/02k_kn /music/genre/artists /m/02p68d +/m/03hzkq /people/person/profession /m/02krf9 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/051gjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/0ch26b_ /film/film/produced_by /m/04sry +/m/06c97 /people/person/gender /m/05zppz +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/07ssc /location/location/contains /m/0gl6f +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/025n07 /film/film/language /m/01wgr +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/05q9g1 +/m/0661m4p /film/film/genre /m/06n90 +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zc7f +/m/019pm_ /people/person/profession /m/01d_h8 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/018js4 /film/film/music /m/05mt6w +/m/0k3gw /location/location/contains /m/0tyww +/m/0fvvz /location/location/time_zones /m/02fqwt +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0sxmx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qxc7 /film/film/genre /m/03npn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06myp /influence/influence_node/influenced_by /m/0j3v +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/09y20 /film/actor/film./film/performance/film /m/0p9lw +/m/0ggq0m /music/genre/artists /m/01386_ +/m/03tps5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/01whvs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dmtp /organization/organization/headquarters./location/mailing_address/citytown /m/0f04v +/m/03g5jw /influence/influence_node/influenced_by /m/0gcs9 +/m/01vb403 /people/person/religion /m/0631_ +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/0d05w3 /sports/sports_team_location/teams /m/03lygq +/m/02j490 /film/actor/film./film/performance/film /m/0g7pm1 +/m/01j_9c /education/educational_institution/colors /m/067z2v +/m/03cs_xw /people/person/nationality /m/09c7w0 +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0m32_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03wy8t /film/film/written_by /m/02vyw +/m/01b195 /film/film/production_companies /m/02jd_7 +/m/02yw0y /music/genre/parent_genre /m/0ggq0m +/m/0846v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/063_j5 /film/film/genre /m/02n4kr +/m/03hxsv /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/08cn_n /people/person/profession /m/01d_h8 +/m/04fzk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036dyy +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/034ls +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/086nl7 /film/actor/film./film/performance/film /m/05t0_2v +/m/0c33pl /people/person/gender /m/02zsn +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0m0jc /music/genre/artists /m/01k23t +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/034zc0 /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/03d2k +/m/03rz4 /location/location/partially_contains /m/0f8l9c +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/026n4h6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064lsn +/m/04f6hhm /tv/tv_program/languages /m/02h40lc +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/01hmnh /media_common/netflix_genre/titles /m/01s3vk +/m/03llf8 /people/person/profession /m/02dsz +/m/01l2m3 /people/cause_of_death/people /m/028q6 +/m/01fsv9 /education/educational_institution/colors /m/02rnmb +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/08g5q7 /people/cause_of_death/people /m/045g4l +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/05jg58 /music/genre/parent_genre /m/016clz +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0770cd /award/award_winner/awards_won./award/award_honor/award_winner /m/01w272y +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01wz3cx /people/person/profession /m/0dz3r +/m/01s7w3 /film/film/country /m/09c7w0 +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q52q +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0hpt3 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/022p06 /people/person/nationality /m/09c7w0 +/m/0244r8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fkbh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020jqv +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03h4fq7 +/m/02nd_ /location/location/time_zones /m/02hcv8 +/m/05jzt3 /film/film/film_format /m/07fb8_ +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0149xx +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qf43 +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/01v1ln /film/film/prequel /m/01npcx +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/03c_cxn /film/film/genre /m/02l7c8 +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pnn3 +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/012vm6 /music/artist/origin /m/0k33p +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07h9gp +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0287477 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02p8q1 +/m/03j0br4 /people/person/profession /m/09jwl +/m/0n2bh /tv/tv_program/languages /m/02h40lc +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wl38s +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/0bq4j6 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015882 +/m/04h68j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqzz /award/award_category/winners./award/award_honor/award_winner /m/05_k56 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hptm +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/03ffcz +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fh9 +/m/01bzw5 /education/educational_institution/colors /m/036k5h +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/02pb53 /film/actor/film./film/performance/film /m/02q7fl9 +/m/02w3w /music/instrument/instrumentalists /m/01lmj3q +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mzy7 +/m/015q43 /people/person/profession /m/02hrh1q +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/04g5k /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/09q5w2 /film/film/film_format /m/07fb8_ +/m/04gr35 /influence/influence_node/influenced_by /m/013tjc +/m/065jlv /film/actor/film./film/performance/film /m/0dgst_d +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/01l8t8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yx7h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0qm9n /film/film/language /m/02h40lc +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0plyy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/04f9r2 /people/person/gender /m/05zppz +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crs0b8 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/01kgv4 /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01ws9n6 /people/person/profession /m/0dz3r +/m/0342h /music/instrument/instrumentalists /m/01tw31 +/m/0f4vbz /film/actor/film./film/performance/film /m/0287477 +/m/02qkt /location/location/contains /m/0jt3tjf +/m/05r7t /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/04psf /people/cause_of_death/people /m/0bzyh +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0b256b +/m/02404v /people/person/profession /m/02jknp +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03915c +/m/05r3qc /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0b73_1d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h1rt +/m/0b_dy /people/person/gender /m/05zppz +/m/0x67 /people/ethnicity/people /m/0grwj +/m/070bjw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087v17 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0478__m +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/05mc99 /people/person/nationality /m/09c7w0 +/m/017kct /film/film/country /m/07ssc +/m/0342h /music/instrument/instrumentalists /m/05sq20 +/m/01lcxbb /music/artist/origin /m/0ftxw +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/0226cw +/m/01w_10 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/029k55 /people/person/profession /m/0kyk +/m/01yqqv /education/educational_institution/campuses /m/01yqqv +/m/03d6fyn /business/business_operation/industry /m/01mw1 +/m/05d1y /people/person/gender /m/05zppz +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018pj3 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/01w7nww /people/person/profession /m/0dz3r +/m/053j4w4 /people/person/nationality /m/09c7w0 +/m/013807 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/0g8st4 /film/actor/film./film/performance/film /m/0cfhfz +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/03m8lq /film/actor/film./film/performance/film /m/078sj4 +/m/032498 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/046lt /people/person/profession /m/018gz8 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06t2t +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/02_1ky /tv/tv_program/country_of_origin /m/09c7w0 +/m/0d060g /location/location/contains /m/0pml7 +/m/041rx /people/ethnicity/people /m/059y0 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/0c6qh /people/person/profession /m/01d_h8 +/m/078mgh /people/person/places_lived./people/place_lived/location /m/0r62v +/m/0151w_ /film/actor/film./film/performance/film /m/0b7l4x +/m/01jr4j /film/film/country /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05zj6x +/m/0jdd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/01wc7p /people/person/languages /m/02h40lc +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/0gqrb +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b13g7 +/m/01bn3l /film/film/genre /m/05p553 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/09vc4s /people/ethnicity/people /m/08vr94 +/m/0cqt90 /people/person/profession /m/025sppp +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/01rwyq /film/film/produced_by /m/06pjs +/m/019n7x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02238b +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0253b6 +/m/041rx /people/ethnicity/people /m/013pp3 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/039crh /people/person/nationality /m/09c7w0 +/m/0b7l4x /film/film/genre /m/02kdv5l +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/013pk3 /people/person/place_of_birth /m/05l5n +/m/0nbjq /olympics/olympic_games/sports /m/0crlz +/m/06pvr /location/location/contains /m/0r6cx +/m/01vsy95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01w1kyf +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/09c7w0 /location/location/contains /m/019dwp +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/0r1jr /location/hud_county_place/place /m/0r1jr +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060pl5 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ggc9 +/m/09rvwmy /film/film/genre /m/01t_vv +/m/0p_47 /people/person/profession /m/0kyk +/m/03ym1 /film/actor/film./film/performance/film /m/017gm7 +/m/01l1b90 /music/artist/origin /m/030qb3t +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dx_q +/m/0872p_c /film/film/production_companies /m/0hpt3 +/m/01nc3rh /people/person/place_of_birth /m/02z0j +/m/01wyy_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/041rx /people/ethnicity/people /m/023361 +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0zjpz /people/person/profession /m/0nbcg +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017z49 +/m/09c7w0 /location/location/contains /m/02bb47 +/m/06q5t7 /film/actor/film./film/performance/film /m/03ynwqj +/m/0l786 /people/person/gender /m/05zppz +/m/05b49tt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gcyg +/m/03qjg /music/instrument/instrumentalists /m/0kxbc +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0sz28 +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vtnf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fn34 +/m/0jyx6 /film/film/country /m/09c7w0 +/m/0326tc /people/person/place_of_birth /m/049kw +/m/07_m2 /people/person/nationality /m/049nq +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/072bb1 /people/person/profession /m/02hrh1q +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01nr36 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/07jwr /people/cause_of_death/people /m/0rlz +/m/01bbwp /film/actor/film./film/performance/film /m/03hfmm +/m/05prs8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05183k +/m/0m0jc /music/genre/artists /m/01nz1q6 +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0140g4 /film/film/produced_by /m/0829rj +/m/060ppp /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0zygc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jvxb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/01w8g3 +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/0295sy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0jjy0 /film/film/featured_film_locations /m/0dclg +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01k7d9 +/m/0fthdk /people/person/religion /m/0v53x +/m/01ft2l /film/actor/film./film/performance/film /m/058kh7 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m5s5 +/m/017yfz /people/person/profession /m/0cbd2 +/m/07tgn /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/07r1_ +/m/056wb /people/person/profession /m/02jknp +/m/06j6l /music/genre/artists /m/09h4b5 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/015c2f /award/award_winner/awards_won./award/award_honor/award_winner /m/01p85y +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0sx5w /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/07xvf /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0h3y /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0p0cw /location/us_county/county_seat /m/0ncj8 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02qkt /location/location/contains /m/06mzp +/m/01jmyj /film/film/genre /m/02hmvc +/m/0pd64 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0161h5 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/034qzw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/09p7fh +/m/011k1h /music/record_label/artist /m/0bk1p +/m/01cpqk /people/person/spouse_s./people/marriage/spouse /m/02_fj +/m/086qd /people/person/profession /m/0dz3r +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0jrv_ /music/genre/artists /m/0lsw9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06pyc2 +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/02kx4w /music/genre/parent_genre /m/03p7rp +/m/08kp57 /people/person/gender /m/05zppz +/m/0122wc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0137g1 /people/person/nationality /m/09c7w0 +/m/01pgp6 /film/film/executive_produced_by /m/03ysmg +/m/02wb6d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072192 +/m/0rqyx /location/hud_county_place/place /m/0rqyx +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0963mq /film/film/genre /m/0219x_ +/m/01th4s /music/record_label/artist /m/048xh +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/0bbxx9b +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01tjvv +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/022yb4 /film/actor/film./film/performance/film /m/0dfw0 +/m/040696 /people/person/gender /m/05zppz +/m/032_jg /people/person/languages /m/02h40lc +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0h0yt +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cw3yd +/m/02dtg /sports/sports_team_location/teams /m/02c_4 +/m/0c57yj /film/film/featured_film_locations /m/0r771 +/m/064ndc /film/film/produced_by /m/0bgrsl +/m/05f8c2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01ztgm /people/person/nationality /m/09c7w0 +/m/02hfk5 /film/film/language /m/064_8sq +/m/0l6px /film/actor/film./film/performance/film /m/0dl6fv +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/02xs6_ /film/film/genre /m/060__y +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05m_jsg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0f5hyg +/m/0gsgr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/015fr +/m/0b2ds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k21g /award/award_winner/awards_won./award/award_honor/award_winner /m/03hh89 +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/0258dh /film/film/genre /m/04t36 +/m/09kn9 /tv/tv_program/languages /m/02h40lc +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0bwx3 /people/person/profession /m/0cbd2 +/m/09g8vhw /film/film/production_companies /m/054lpb6 +/m/0fc1_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023zd7 /sports/sports_team/sport /m/02vx4 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01g888 /music/genre/artists /m/09jvl +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/03k7bd +/m/01vtj38 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/07r1h +/m/01z215 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/06cgy /people/person/nationality /m/03rjj +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/072zl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05yzt_ /award/award_winner/awards_won./award/award_honor/award_winner /m/012201 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0gtsxr4 +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p2zq +/m/02cj_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02b1k5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0jymd +/m/0dbc1s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04jpl /location/location/contains /m/02bzh0 +/m/017gm7 /film/film/country /m/0ctw_b +/m/030ykh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/0p17j /film/actor/film./film/performance/film /m/0gfzfj +/m/048n7 /film/film_subject/films /m/0fy66 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f7jt +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/01jkqfz /award/award_winner/awards_won./award/award_honor/award_winner /m/025l5 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/02wcx8c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/02r1ysd /tv/tv_program/genre /m/028v3 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/027zz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019l68 /film/actor/film./film/performance/film /m/0p7pw +/m/09lxtg /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01g257 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/09v71cj /film/film/genre /m/07s9rl0 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09nzn6 +/m/041738 /music/genre/artists /m/07sbk +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/02x8z_ /people/person/places_lived./people/place_lived/location /m/0mm_4 +/m/02phtzk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/0f6zs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qrb2 +/m/05lfwd /tv/tv_program/languages /m/02h40lc +/m/02hyt /base/biblioness/bibs_location/country /m/09c7w0 +/m/086xm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0j2zj +/m/04112r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03bkbh /people/ethnicity/people /m/01tzm9 +/m/0154d7 /film/actor/film./film/performance/film /m/0dtfn +/m/01fh9 /people/person/gender /m/05zppz +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/015zql +/m/01gvsn /film/film/written_by /m/02vyw +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02qjj7 +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0bpx1k /film/film/genre /m/02l7c8 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vs5c /organization/organization/headquarters./location/mailing_address/state_province_region /m/05mph +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040rmy +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01jzyf +/m/0219q /film/actor/film./film/performance/film /m/09p5mwg +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr_ +/m/03f0vvr /people/person/profession /m/02hrh1q +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/029rk /people/person/places_lived./people/place_lived/location /m/0345h +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/04__f +/m/0fxky3 /people/person/profession /m/02krf9 +/m/01k8rb /people/person/nationality /m/09c7w0 +/m/0fxgg9 /music/genre/artists /m/01wg6y +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04fc6c +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/015pkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03v9yw /sports/sports_team/sport /m/02vx4 +/m/0zgfm /location/hud_county_place/place /m/0zgfm +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02mt51 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/04__f /award/award_winner/awards_won./award/award_honor/award_winner /m/0bmh4 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/054g1r +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01n30p +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/02w7gg /people/ethnicity/people /m/01mwsnc +/m/06zmg7m /people/person/profession /m/02jknp +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/01yfp7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/02pl5bx /music/genre/artists /m/0czkbt +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h40_7 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/02h9_l /people/person/profession /m/02hrh1q +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/081mh /location/location/partially_contains /m/0lm0n +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/0h778 +/m/01gbbz /people/person/profession /m/015cjr +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/09yrh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d_q40 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/017_qw /music/genre/artists /m/0l12d +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0345gh /education/educational_institution/colors /m/083jv +/m/08z129 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/01wp8w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0411q +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/056zf9 +/m/02nb2s /film/actor/film./film/performance/film /m/0320fn +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/025tlyv +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/02m92h /people/person/gender /m/05zppz +/m/02vptk_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02fj8n /film/film/executive_produced_by /m/02xnjd +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cc97st /film/film/genre /m/03k9fj +/m/02ndy4 /film/film/featured_film_locations /m/01_d4 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04jq2 +/m/0275kr /tv/tv_program/genre /m/05jhg +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tqkf +/m/01h7bb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/023cjg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01xwqn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_rh4 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pgjm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl5c +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0c0k1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwj8 +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/07nf6 /location/location/contains /m/0cpyv +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/03_1pg /people/person/profession /m/02hrh1q +/m/01j5sv /people/person/places_lived./people/place_lived/location /m/0ftn8 +/m/03lvyj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/021pqy +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jvxb +/m/01w1sx /time/event/locations /m/05vz3zq +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/0mnk7 /location/hud_county_place/place /m/0mnk7 +/m/0x67 /people/ethnicity/people /m/01rw116 +/m/0167xy /influence/influence_node/influenced_by /m/03c3yf +/m/024qwq /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgfp6 +/m/011yph /film/film/genre /m/0hn10 +/m/029fbr /music/genre/artists /m/01gx5f +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/02gpkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08y2fn /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0hmt3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0lfyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c744 +/m/016clz /music/genre/artists /m/03h_fqv +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/04nw9 +/m/0phx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kvrb +/m/01w1kyf /film/actor/film./film/performance/film /m/02sfnv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02y_lrp +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/035yn8 +/m/097ns /medicine/symptom/symptom_of /m/09jg8 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/015gy7 +/m/036jb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0g10g +/m/05krk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mqj_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02xfrd /people/person/profession /m/02hrh1q +/m/01vdrw /influence/influence_node/influenced_by /m/03f0324 +/m/0f5hyg /sports/sports_team/sport /m/02vx4 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/048hf +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/018fmr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/040_lv /film/film/genre /m/073_6 +/m/09c7w0 /location/country/second_level_divisions /m/0m2mk +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0473m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/0175wg /film/actor/film./film/performance/film /m/03cwwl +/m/05nw9m /people/person/place_of_birth /m/0dlv0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/03b04g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0cchk3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ghq /people/person/religion /m/0c8wxp +/m/01w0yrc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06h4y9 +/m/01fwpt /people/person/profession /m/018gz8 +/m/0kr7k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0165b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02jx1 /location/location/contains /m/015ln1 +/m/04jwjq /film/film/produced_by /m/03fw4y +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/09c7w0 /location/location/contains /m/03l2n +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0bx_q +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/035dk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0j5g9 /base/biblioness/bibs_location/country /m/07ssc +/m/063hp4 /film/film/genre /m/04t36 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/02pt27 /people/person/gender /m/05zppz +/m/025rvx0 /film/film/story_by /m/041xl +/m/01k60v /film/film/costume_design_by /m/0bytfv +/m/07w3r /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/01515w /people/person/places_lived./people/place_lived/location /m/0dqyw +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/08f3b1 /people/person/profession /m/03gjzk +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kvt9 +/m/027fwmt /film/film/country /m/09c7w0 +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04tr1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/01ksr1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w6_ +/m/0lbbj /olympics/olympic_games/sports /m/07jjt +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/033m23 +/m/01jwt /music/genre/artists /m/0163m1 +/m/01j59b0 /music/artist/origin /m/0c_m3 +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/04x4nv /film/film/genre /m/017fp +/m/01cf93 /music/record_label/artist /m/025xt8y +/m/0grwj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0205dx +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/09b83 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/01pj_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ckr7s /film/film/dubbing_performances./film/dubbing_performance/actor /m/07cn2c +/m/012wg /people/person/gender /m/05zppz +/m/07ddz9 /film/actor/film./film/performance/film /m/02ht1k +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/04lyk /location/location/time_zones /m/02lcqs +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03rhqg /music/record_label/artist /m/01wg25j +/m/05nwfr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/057d89 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b65l +/m/0jfx1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01fx2g +/m/0127gn /people/person/profession /m/01d30f +/m/02qgyv /film/actor/film./film/performance/film /m/06q8qh +/m/083q7 /people/person/profession /m/04gc2 +/m/02vnmc9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vx3m /sports/sports_team_location/teams /m/02b1ng +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/055sjw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h72l +/m/0b0pf /people/person/nationality /m/09c7w0 +/m/0gkgp /base/biblioness/bibs_location/state /m/06yxd +/m/06l6nj /people/deceased_person/place_of_death /m/0k049 +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1j1 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03y0pn +/m/0d2psv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02ql_ms /people/person/profession /m/02hrh1q +/m/05xq9 /influence/influence_node/influenced_by /m/01whg97 +/m/034bs /people/deceased_person/place_of_burial /m/0h924 +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jt2w +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01srq2 +/m/05bt6j /music/genre/artists /m/01wqpnm +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/019l68 /film/actor/film./film/performance/film /m/01f39b +/m/0177g /people/person/profession /m/0d8qb +/m/01g7_r /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/05z_kps +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/04t36 /media_common/netflix_genre/titles /m/0cq7tx +/m/0lk8j /olympics/olympic_games/sports /m/096f8 +/m/0prfz /film/actor/film./film/performance/film /m/0170_p +/m/046fz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02v63m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/04k25 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0byfz /people/person/religion /m/0kq2 +/m/077jpc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02xbw2 /film/actor/film./film/performance/film /m/026f__m +/m/0kbn5 /people/deceased_person/place_of_death /m/0ljsz +/m/02lf70 /people/person/languages /m/02h40lc +/m/03y82t6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vv126 +/m/0b4lkx /film/film/featured_film_locations /m/0rh6k +/m/03qx_f /music/record_label/artist /m/02s6sh +/m/05km8z /people/person/gender /m/05zppz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03qx63 +/m/06nnj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0329gm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/05r5c /music/instrument/instrumentalists /m/0136p1 +/m/02q0k7v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03x8cz +/m/01fy2s /education/educational_institution/school_type /m/05jxkf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02t_st +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/position /m/02_j1w +/m/0c2dl /people/person/nationality /m/09c7w0 +/m/0hdf8 /music/genre/parent_genre /m/0dl5d +/m/0f2df /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/08n9ng /people/person/profession /m/0dxtg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05hyzx +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01z4y /media_common/netflix_genre/titles /m/02n9bh +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/063_t /people/deceased_person/place_of_death /m/04jpl +/m/01tz6vs /influence/influence_node/influenced_by /m/01vh096 +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/0r1yc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04w391 /film/actor/film./film/performance/film /m/02z3r8t +/m/047c9l /people/person/profession /m/0kyk +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01csrl +/m/0g293 /music/genre/artists /m/01wv9p +/m/02bvc5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0t_4_ /location/hud_county_place/place /m/0t_4_ +/m/03d9v8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/04bs3j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/07lwsz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/0m6x4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xcqc +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/06by7 /music/genre/artists /m/01kph_c +/m/07g7h2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024lt6 /film/film/genre /m/07s9rl0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05511w +/m/025xt8y /music/group_member/membership./music/group_membership/role /m/0342h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06zpgb2 +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/01ck6h /award/award_category/category_of /m/0c4ys +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw917 +/m/01t9_0 /business/business_operation/industry /m/02jjt +/m/01tz6vs /influence/influence_node/influenced_by /m/0gz_ +/m/01r2c7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/01xdf5 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/026l37 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0167q3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/02d02 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01vs14j /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/018ljb /olympics/olympic_games/sports /m/0crlz +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/0n5fl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/03q8xj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qvhv /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/014gjp +/m/03cxsvl /people/person/profession /m/089fss +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0171cm /film/actor/film./film/performance/film /m/05p09dd +/m/06g60w /people/person/place_of_birth /m/0tgcy +/m/0223g8 /people/person/profession /m/0cbd2 +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/02j9z /location/location/contains /m/03gk2 +/m/0c8tkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03mqtr /media_common/netflix_genre/titles /m/02yxbc +/m/035ktt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04k3jt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/0fm3nb /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0glbqt +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01wg6y /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/0454s1 /people/deceased_person/place_of_death /m/0r3tq +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/03f1d47 /people/person/profession /m/0n1h +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/07tj4c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fby2t /film/actor/film./film/performance/film /m/02825cv +/m/0xhtw /music/genre/parent_genre /m/02l96k +/m/04fkg4 /people/person/place_of_birth /m/09c6w +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/02s62q /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rgn3 /education/educational_institution/school_type /m/01rs41 +/m/0yx1m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/0879bpq /film/film/genre /m/05p553 +/m/07csf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p85y +/m/0q9vf /award/award_winner/awards_won./award/award_honor/award_winner /m/01w0yrc +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0ftqr /people/person/profession /m/01c72t +/m/03bww6 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/09xrxq /people/person/gender /m/05zppz +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0266r6h +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/025l5 /people/person/profession /m/09jwl +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0ymcz +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/047t_ /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01_ztw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/025ldg +/m/03676 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03082 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03mp8k /organization/organization/child./organization/organization_relationship/child /m/0181dw +/m/0cf8qb /film/film/country /m/09c7w0 +/m/07nt8p /film/film/genre /m/01hmnh +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02j9z /location/location/contains /m/02vzc +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h63gl9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dkb83 +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/0149xx +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h0wc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/022fhd +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0csdzz +/m/01n7q /location/location/contains /m/05cwl_ +/m/0c408_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0bc71w +/m/01b1mj /organization/organization/headquarters./location/mailing_address/citytown /m/010v8k +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0830vk /film/film/music /m/0150t6 +/m/02jt1k /people/person/profession /m/02hrh1q +/m/0320jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036hf4 +/m/098n5 /people/person/profession /m/0cbd2 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09lxv9 +/m/03rwng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01507p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06w6_ +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03crmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0879xc /people/person/places_lived./people/place_lived/location /m/06y57 +/m/02lwv5 /education/educational_institution/students_graduates./education/education/student /m/0cms7f +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/02fn5r /people/person/profession /m/016z4k +/m/02wgbb /film/film/country /m/09c7w0 +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/01wv9p +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0212mp +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p9qb +/m/03gfvsz /broadcast/content/artist /m/0qf11 +/m/03kxdw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0g54xkt +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ft14 +/m/0mb5x /people/person/gender /m/05zppz +/m/01qzt1 /media_common/netflix_genre/titles /m/04jpk2 +/m/026_dq6 /people/person/gender /m/05zppz +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/04znsy /people/person/languages /m/02h40lc +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044n3h +/m/015qh /base/aareas/schema/administrative_area/capital /m/0ftjx +/m/02jx1 /location/country/second_level_divisions /m/0dmy0 +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0kr_t /music/artist/origin /m/04jpl +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06_wqk4 /film/film/produced_by /m/059x0w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/03knl /film/actor/film./film/performance/film /m/0344gc +/m/02_286 /location/location/contains /m/05bjp6 +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0181dw /music/record_label/artist /m/01k23t +/m/03fd8x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03rjj /location/location/contains /m/03tm68 +/m/01nwwl /film/actor/film./film/performance/film /m/019vhk +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027ct7c +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0mwm6 /location/location/time_zones /m/02hcv8 +/m/02dbp7 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/03f7m4h /people/person/profession /m/02hrh1q +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/012mrr /film/film/language /m/02h40lc +/m/05w3f /music/genre/artists /m/03vhvp +/m/05r5c /music/instrument/instrumentalists /m/0lccn +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/01dtl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/050ks /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05jm7 /people/person/profession /m/01d_h8 +/m/014y6 /film/actor/film./film/performance/film /m/0ds11z +/m/019pm_ /film/actor/film./film/performance/film /m/08r4x3 +/m/03wh8pq /people/person/profession /m/02krf9 +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cl8lb +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/06s_2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02qjb7z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/036k0s +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/03t852 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/01xn6mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06g4_ /influence/influence_node/influenced_by /m/0282x +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/0hqly /people/person/profession /m/03gjzk +/m/0m77m /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/05rnp1 /people/person/profession /m/02jknp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/04411 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/014q2g /people/person/nationality /m/02jx1 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/04k25 +/m/03h0byn /film/film/genre /m/07s9rl0 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/01lyv /music/genre/artists /m/0mjn2 +/m/0cx6f /music/genre/artists /m/0f6lx +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ps2h8 +/m/032_wv /film/film/film_format /m/0cj16 +/m/03q1vd /film/actor/film./film/performance/film /m/01cssf +/m/0b78hw /people/person/places_lived./people/place_lived/location /m/0dclg +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04pwg /people/deceased_person/place_of_burial /m/0hkb8 +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/018n6m /award/award_winner/awards_won./award/award_honor/award_winner /m/0127s7 +/m/016clz /music/genre/artists /m/01s7ns +/m/0symg /film/film/genre /m/04xvlr +/m/05m_jsg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/01wqflx +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/011ywj /film/film/genre /m/05p553 +/m/01fl3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mcl0 /film/film/cinematography /m/08z39v +/m/0mzkr /music/record_label/artist /m/016wvy +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/04rwx /education/educational_institution/campuses /m/04rwx +/m/09f2j /education/educational_institution_campus/educational_institution /m/09f2j +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pbl56 +/m/0n2sh /location/us_county/county_seat /m/0yt73 +/m/07l8x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0fd_1 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jf1b +/m/05hjmd /people/person/nationality /m/09c7w0 +/m/065zlr /film/film/genre /m/06cvj +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01k5zk /film/actor/film./film/performance/film /m/0sxfd +/m/0mmzt /location/us_county/county_seat /m/0mmzt +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h27vc +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02nvg1 +/m/09c7w0 /location/location/contains /m/03hpkp +/m/04kjvt /music/record_label/artist /m/01kp_1t +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0bt4r4 +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03c_cxn +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/02d413 /film/film/genre /m/0d63kt +/m/03_gz8 /film/film/genre /m/02p0szs +/m/08xz51 /people/person/profession /m/0dxtg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/0cp08zg /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01lw3kh /people/person/profession /m/0cbd2 +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/01jbx1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02xhwm +/m/048j4l /music/instrument/instrumentalists /m/0lbj1 +/m/01vv126 /music/group_member/membership./music/group_membership/role /m/0342h +/m/016pns /award/award_winner/awards_won./award/award_honor/award_winner /m/01vx5w7 +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02cbg0 /film/film/production_companies /m/01gb54 +/m/0l786 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rtm4 /education/educational_institution/colors /m/038hg +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/05kfs /people/person/profession /m/0dxtg +/m/03f2_rc /people/person/spouse_s./people/marriage/spouse /m/02xwgr +/m/011ycb /film/film/produced_by /m/0gs1_ +/m/03zrp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06r1k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f13b +/m/05zwrg0 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0234_c +/m/03dq9 /people/person/nationality /m/07ssc +/m/0n6ds /film/film/produced_by /m/043q6n_ +/m/047n8xt /film/film/language /m/02h40lc +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0dzlbx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07tds /education/educational_institution/colors /m/01g5v +/m/01dthg /education/educational_institution/school_type /m/05jxkf +/m/012kyx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/023g6w +/m/030pr /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/01z4y /media_common/netflix_genre/titles /m/047svrl +/m/05148p4 /music/instrument/instrumentalists /m/0gbwp +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/05dl1s /film/film/language /m/04h9h +/m/0k5px /film/film/genre /m/07s9rl0 +/m/0173b0 /music/genre/artists /m/07g2v +/m/05gsd2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0gl6x /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01_qc_ /medicine/disease/risk_factors /m/0jpmt +/m/08wjc1 /organization/organization/headquarters./location/mailing_address/citytown /m/0f2wj +/m/01wmxfs /film/actor/film./film/performance/film /m/01719t +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5879y +/m/0jsqk /film/film/costume_design_by /m/02cqbx +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/0vkl2 /education/educational_institution/colors /m/036k5h +/m/06y611 /film/film/music /m/02jxkw +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/015pxr /film/director/film /m/05zpghd +/m/0hjy /location/administrative_division/country /m/09c7w0 +/m/01bzw5 /education/educational_institution/school_type /m/04399 +/m/043p28m /tv/tv_program/genre /m/066wd +/m/06cm5 /film/film/genre /m/03bxz7 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/048z7l /people/ethnicity/people /m/04y8r +/m/01vvyd8 /film/actor/film./film/performance/film /m/01y9jr +/m/03_48k /film/actor/film./film/performance/film /m/03p2xc +/m/04rwx /education/educational_institution/colors /m/036k5h +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kc4s +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/098r1q +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g68zt +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/043h78 +/m/09krp /location/location/contains /m/0dr31 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ffgh +/m/09kvv /education/educational_institution_campus/educational_institution /m/09kvv +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05f4_n0 /film/film/story_by /m/03hbzj +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/083q7 /people/person/profession /m/0fj9f +/m/01_0f7 /film/film/country /m/0345h +/m/026fd /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/011yn5 /film/film/production_companies /m/030_1m +/m/03q91d /people/person/places_lived./people/place_lived/location /m/013h9 +/m/01n7q /location/location/contains /m/0l2rj +/m/06gbnc /people/ethnicity/people /m/013knm +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/04bpm6 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/05zvzf3 +/m/0807ml /people/person/gender /m/05zppz +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/02zd460 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/017v3q +/m/02mplj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01g7_r /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kvgtf /film/film/genre /m/0hfjk +/m/01bb9r /film/film/production_companies /m/086k8 +/m/03_d0 /music/genre/artists /m/0lgm5 +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01m13b +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01l1ls +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02r8hh_ +/m/071nw5 /film/film/country /m/09c7w0 +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/01n8_g /people/person/profession /m/02jknp +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0k_l4 +/m/01k2wn /education/educational_institution_campus/educational_institution /m/01k2wn +/m/0645k5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06srk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/011yl_ /film/film/genre /m/04rlf +/m/018w0j /time/event/locations /m/0d05q4 +/m/03mqtr /media_common/netflix_genre/titles /m/026gyn_ +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0557yqh +/m/0484q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01w02sy +/m/01w20rx /award/award_nominee/award_nominations./award/award_nomination/award /m/02flqd +/m/03m3nzf /award/award_winner/awards_won./award/award_honor/award_winner /m/02ply6j +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/057bxr +/m/02jx1 /location/location/contains /m/0d2kt +/m/0__wm /location/hud_county_place/place /m/0__wm +/m/01bczm /people/person/profession /m/0nbcg +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/035kl6 /people/person/gender /m/05zppz +/m/05hd32 /tv/tv_program/country_of_origin /m/03_3d +/m/07_dn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/017l4 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04wsz /location/location/contains /m/01z88t +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/04ty8 +/m/021s9n /education/educational_institution_campus/educational_institution /m/021s9n +/m/06nnj /location/country/official_language /m/02bv9 +/m/043tvp3 /film/film/edited_by /m/04cy8rb +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08gg47 /film/film/country /m/06mzp +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/031786 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031hcx +/m/01v40wd /people/person/gender /m/05zppz +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0dbxy /people/ethnicity/people /m/01_ztw +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01jrbb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dy04 /education/educational_institution_campus/educational_institution /m/0dy04 +/m/02xs5v /film/actor/film./film/performance/film /m/03wh49y +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01q_ph +/m/03xx3m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gmd3k7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0149xx /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0j1yf /base/eating/practicer_of_diet/diet /m/07_jd +/m/0151xv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gkp1 +/m/01dhmw /people/person/places_lived./people/place_lived/location /m/0fvzg +/m/0d1qn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pctb +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/017_qw /music/genre/artists /m/01x1fq +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09px1w /people/person/profession /m/02krf9 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/02sdx /people/person/profession /m/05snw +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02qvvv +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/05pxnmb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/033tf_ /people/ethnicity/people /m/018ygt +/m/02_pft /people/person/profession /m/02hrh1q +/m/02bwjv /people/person/place_of_birth /m/07l5z +/m/05bt6j /music/genre/artists /m/016vqk +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0341n5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0zcbl +/m/0lbl6 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/0gy30w /film/film/country /m/09c7w0 +/m/019_6d /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/02p11jq /music/record_label/artist /m/01vtj38 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0mx3k /location/us_county/county_seat /m/02frhbc +/m/09c7w0 /location/location/contains /m/02x9g_ +/m/03dbds /film/director/film /m/02j69w +/m/03tps5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/03lb76 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/040db /influence/influence_node/influenced_by /m/06kb_ +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0btpx /film/actor/film./film/performance/film /m/08r4x3 +/m/06d4h /film/film_subject/films /m/0260bz +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01n3bm /people/cause_of_death/people /m/03hnd +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0gx_p +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01fchy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170pk /film/actor/film./film/performance/film /m/072x7s +/m/02x3y41 /film/film/genre /m/082gq +/m/01l9p /people/person/profession /m/01d_h8 +/m/0cc1v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j11 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/018j2 /music/instrument/instrumentalists /m/0kxbc +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/0n08r /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/0ddj0x /film/film/country /m/07ssc +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/0gs6vr /film/actor/film./film/performance/film /m/025s1wg +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0bbz66j /people/ethnicity/people /m/049qx +/m/01h1bf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049_zz +/m/0dsvzh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bnb /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019pcs +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/02rghbp /people/person/nationality /m/09c7w0 +/m/0k4f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022p06 +/m/0395lw /music/instrument/instrumentalists /m/02vr7 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/01sbv9 /film/film/music /m/0150t6 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d44q +/m/0nh1v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0kbvv /olympics/olympic_games/sports /m/01z27 +/m/01m1dzc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0652ty /film/actor/film./film/performance/film /m/02yxbc +/m/0173b0 /music/genre/artists /m/018gm9 +/m/0r5y9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gnn /people/person/place_of_birth /m/0978r +/m/09v71cj /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/059nf5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02brqp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/068p2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/013_vh /film/actor/film./film/performance/film /m/03hxsv +/m/017kz7 /film/film/music /m/01pbwwl +/m/040rmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h0wc /people/person/profession /m/02hrh1q +/m/03ryks /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0283sdr +/m/01rt2z /business/business_operation/industry /m/020mfr +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/02w4v /music/genre/artists /m/01jqr_5 +/m/02q6gfp /film/film/genre /m/03bxz7 +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/02g75 +/m/02q8ms8 /film/film/genre /m/03k9fj +/m/01v90t /people/deceased_person/place_of_death /m/0b_yz +/m/028p0 /people/person/religion /m/0c8wxp +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01z_g6 +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02fybl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bksh +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/0456xp +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0261x8t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/02jyhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02w5q6 +/m/0jwmp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07h5d +/m/01z4y /media_common/netflix_genre/titles /m/02ndy4 +/m/0l8v5 /film/actor/film./film/performance/film /m/02v63m +/m/03mp8k /music/record_label/artist /m/01vx5w7 +/m/01ry_x /film/film/written_by /m/02fgp0 +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/0jqzt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dwrc +/m/0dl567 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/08swgx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0j0pf /influence/influence_node/influenced_by /m/0klw +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/09c7w0 /location/location/contains /m/0f2rq +/m/0113sg /people/person/profession /m/02hv44_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04vh83 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0j2pg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f4vbz /people/person/spouse_s./people/marriage/spouse /m/01j5x6 +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/0g_92 /people/person/nationality /m/07ssc +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/05r6t /music/genre/artists /m/01mr2g6 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/0sxrz /olympics/olympic_games/sports /m/02_5h +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/05cljf +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_x6v +/m/0bbw2z6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/05rgl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02mxw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04jwp /influence/influence_node/influenced_by /m/028p0 +/m/04p3w /people/cause_of_death/people /m/0f0p0 +/m/0c5wln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d__g /people/person/profession /m/0n1h +/m/043gj /people/person/religion /m/0631_ +/m/0dbpwb /award/award_winner/awards_won./award/award_honor/award_winner /m/026v1z +/m/06yykb /film/film/film_format /m/07fb8_ +/m/01jq4b /education/educational_institution/students_graduates./education/education/student /m/0cymln +/m/01jz6x /film/actor/film./film/performance/film /m/034qzw +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/03kx49 /film/film/language /m/02h40lc +/m/049xgc /film/film/produced_by /m/04y8r +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0405l +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j2xj +/m/06mzp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04j53 +/m/044g_k /film/film/story_by /m/01y8d4 +/m/0dfw0 /film/film/music /m/0146pg +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03qbm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mbhr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/0hdx8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/02pjzvh +/m/02vjhf /tv/tv_program/genre /m/07s9rl0 +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0fms83 +/m/024jwt /people/person/place_of_birth /m/0cc56 +/m/012d40 /people/person/profession /m/02jknp +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02dlfh /film/actor/film./film/performance/film /m/0gj96ln +/m/01_r9k /education/educational_institution/school_type /m/05pcjw +/m/098sx /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/01pj7 /sports/sports_team_location/teams /m/0356gk +/m/03_d0 /music/genre/artists /m/01vsy9_ +/m/0150t6 /music/artist/origin /m/02z0j +/m/0xpq9 /location/hud_county_place/place /m/0xpq9 +/m/07zl1 /people/person/profession /m/03m3mgq +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/02t_tp /people/person/places_lived./people/place_lived/location /m/0y1rf +/m/0sb1r /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_pg +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd8zw +/m/073h5b /time/event/instance_of_recurring_event /m/0g_w +/m/0d3k14 /organization/organization_founder/organizations_founded /m/05f4p +/m/07myb2 /film/actor/film./film/performance/film /m/09sh8k +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/01r4bps /people/person/profession /m/0np9r +/m/03dn9v /people/person/nationality /m/0d060g +/m/02_hj4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bt23 /people/person/profession /m/0dxtg +/m/03d555l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06yszk +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/016890 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/01chpn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01fxg8 /education/educational_institution/school_type /m/052q4j +/m/088q1s /location/country/capital /m/0n2z +/m/03ym1 /people/person/languages /m/02h40lc +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/06by7 /music/genre/artists /m/04r1t +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/081lh +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0q5hw /influence/influence_node/influenced_by /m/014z8v +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02pb53 +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0vmt /location/location/contains /m/0qpjt +/m/01j7z7 /people/person/profession /m/01d_h8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/03m_k0 /people/person/profession /m/02jknp +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/0l14md /music/instrument/instrumentalists /m/01nqfh_ +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/02wh0 /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/02qvvv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01cx_ +/m/070bjw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hzsx +/m/0ywqc /film/actor/film./film/performance/film /m/0qm98 +/m/090q32 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/043n1r5 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02vzc +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vb6z +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01nnsv +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/01rnly /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pnn3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0ql76 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/01y8zd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/0dpl44 /film/film/genre /m/01j1n2 +/m/01bpc9 /people/person/nationality /m/09c7w0 +/m/0c9xjl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/01dq5z /education/educational_institution/campuses /m/01dq5z +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/024pcx +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vksx +/m/03wbqc4 /film/film/produced_by /m/027kmrb +/m/05vtbl /people/person/profession /m/01d_h8 +/m/06g4_ /people/person/religion /m/0kpl +/m/01xdf5 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/017371 /music/genre/artists /m/02jq1 +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0jym0 /film/film/story_by /m/01q415 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/011j5x /music/genre/artists /m/01wqpnm +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/06hgym /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033pf1 +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01trf3 +/m/0333wf /people/person/profession /m/02hrh1q +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/07t3x8 /people/person/religion /m/03kbr +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfv +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/03_fmr /education/educational_institution/school_type /m/01rs41 +/m/02pby8 /people/person/religion /m/0c8wxp +/m/03czqs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0c408_ /people/person/profession /m/025352 +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/02_1ky /tv/tv_program/genre /m/06q7n +/m/0415ggl /film/film/featured_film_locations /m/0h7h6 +/m/04mby /influence/influence_node/influenced_by /m/03j2gxx +/m/03gh4 /location/location/contains /m/0lmgy +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/07v4dm /people/person/nationality /m/02jx1 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qrh +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/04cj79 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/031hcx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/0781g /music/genre/artists /m/0pqp3 +/m/03gvm3t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0163t3 +/m/01f1jy /olympics/olympic_games/sports /m/09_94 +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/05d8vw /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/0k4fz /film/film/genre /m/02xh1 +/m/0jnh /time/event/locations /m/059g4 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/0342h /music/instrument/instrumentalists /m/0137g1 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/02d4ct /film/actor/film./film/performance/film /m/07w8fz +/m/02l1fn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3b5 +/m/0b6k40 /education/educational_institution/students_graduates./education/education/student /m/082_p +/m/0kn4c /people/deceased_person/place_of_death /m/04jpl +/m/020yvh /education/educational_institution/school_type /m/01rs41 +/m/017fp /media_common/netflix_genre/titles /m/0170th +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/04n2vgk /people/person/profession /m/09jwl +/m/0m28g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bwfn /education/educational_institution/school_type /m/05pcjw +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/04h6mm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zwtdy +/m/0gnjh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/078mgh /award/award_winner/awards_won./award/award_honor/award_winner /m/04wg38 +/m/01chg /media_common/netflix_genre/titles /m/02tcgh +/m/0h3k3f /film/film/film_art_direction_by /m/0c4qzm +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01trhmt +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/02lnhv /award/award_nominee/award_nominations./award/award_nomination/award /m/09v478h +/m/05b7q /location/country/capital /m/0cw5k +/m/017r13 /film/actor/film./film/performance/film /m/0872p_c +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0l6wj +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/025r_t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/05k4my +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/07gkgp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05gml8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0lx2l +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01gkp1 +/m/06pj8 /organization/organization_founder/organizations_founded /m/04gmlt +/m/03f68r6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2g +/m/0h7x /location/location/contains /m/0133h8 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/0mzy7 /location/hud_county_place/county /m/0kq39 +/m/01wmxfs /film/actor/film./film/performance/film /m/07p12s +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tc9r +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01t8sr +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0173b0 /music/genre/parent_genre /m/09jw2 +/m/0lgxj /olympics/olympic_games/participating_countries /m/05vz3zq +/m/04z0g /people/person/profession /m/0frz0 +/m/02w2bc /education/educational_institution/students_graduates./education/education/student /m/033w9g +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cx7f /music/genre/artists /m/0167_s +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020fcn +/m/0484q /people/person/spouse_s./people/marriage/spouse /m/01w02sy +/m/0qf5p /location/hud_county_place/place /m/0qf5p +/m/0k4kk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/02qkt /location/location/contains /m/04g61 +/m/01kcd /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/02rjv2w /film/film/genre /m/060__y +/m/03gvt /music/instrument/instrumentalists /m/01r0t_j +/m/04gp1d /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0c_md_ /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01hmnh /media_common/netflix_genre/titles /m/02x8fs +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/0bz3jx /film/film/country /m/04j53 +/m/0m0jc /music/genre/artists /m/02cpp +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/01vnbh +/m/0d6lp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2vz +/m/0k6yt1 /people/person/place_of_birth /m/0dclg +/m/02y9ln /people/person/nationality /m/06qd3 +/m/048lv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dvld /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j2xj +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/01399x /music/instrument/family /m/013y1f +/m/03_x5t /people/person/gender /m/02zsn +/m/0fy2s1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0785v8 /film/actor/film./film/performance/film /m/07p12s +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/01d8yn +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b478 +/m/0b78hw /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/02qkt /location/location/contains /m/056vv +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/04mhbh /people/person/profession /m/015cjr +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/02hfk5 /film/film/genre /m/05p553 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0mn8t /location/hud_county_place/county /m/0mn8t +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03xhj6 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02gjt4 +/m/081pw /film/film_subject/films /m/0gy4k +/m/028qyn /people/person/profession /m/09jwl +/m/02q5xsx /award/award_winner/awards_won./award/award_honor/award_winner /m/01gp_x +/m/0hg45 /medicine/disease/risk_factors /m/01hbgs +/m/0127gn /people/person/profession /m/05vyk +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01h910 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/064t9 /music/genre/artists /m/0478__m +/m/01pdgp /education/educational_institution_campus/educational_institution /m/01pdgp +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0nt6b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ns_4 +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0f1k__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/022dp5 /people/ethnicity/people /m/0yfp +/m/0642xf3 /film/film/genre /m/01hmnh +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0335fp +/m/031zp2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/08p1gp /people/person/gender /m/02zsn +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/07lnk /music/genre/artists /m/01d_h +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/033fqh /film/film/genre /m/06cvj +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/0ndsl1x /film/film/genre /m/05p553 +/m/04fgkf_ /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/0hv8w /film/film/production_companies /m/02jd_7 +/m/06k5_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/075_t2 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k8y7 +/m/016k62 /people/person/nationality /m/09c7w0 +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/01n4w +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01flzq /music/genre/artists /m/01w7nwm +/m/09c7w0 /location/country/second_level_divisions /m/0n7q7 +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3ln +/m/02n72k /film/film/language /m/06nm1 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02w9k1c +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/09b83 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mhhc +/m/049lr /location/location/contains /m/0j603 +/m/017jq /location/location/contains /m/014tss +/m/041rx /people/ethnicity/people /m/015rmq +/m/0ql7q /base/culturalevent/event/entity_involved /m/09nyf +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rly6 +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/0nm8n /base/aareas/schema/administrative_area/administrative_parent /m/050ks +/m/049nq /location/country/form_of_government /m/026wp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0693l /influence/influence_node/influenced_by /m/025b3k +/m/015pkc /base/eating/practicer_of_diet/diet /m/07_hy +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/059gkk /people/person/gender /m/05zppz +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02zfdp +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/016tbr +/m/026_dq6 /people/person/place_of_birth /m/030qb3t +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f6df0 +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0134tg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xr6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p01x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n_ps +/m/01p4wv /tv/tv_program/languages /m/02h40lc +/m/0pz7h /people/person/profession /m/02hrh1q +/m/04lg6 /people/person/profession /m/09j9h +/m/02vmzp /people/deceased_person/place_of_death /m/04vmp +/m/0cm2xh /base/culturalevent/event/entity_involved /m/083q7 +/m/09c7w0 /location/location/contains /m/0qjfl +/m/06bc59 /film/film/film_format /m/07fb8_ +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/04b8pv +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/01f_3w /music/record_label/artist /m/0j1yf +/m/07ghv5 /film/film/genre /m/01hmnh +/m/04j5fx /people/person/nationality /m/03_3d +/m/043tz0c /film/film/film_festivals /m/04_m9gk +/m/02js9p /film/actor/film./film/performance/film /m/0bwhdbl +/m/02w9s /location/administrative_division/country /m/02w9s +/m/01qdmh /film/film/genre /m/01jfsb +/m/03m4mj /film/film/produced_by /m/0grrq8 +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06ls0l +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/026l37 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01vh18t +/m/01cl0d /music/record_label/artist /m/01wgcvn +/m/03rj0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/04cnp4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bd8y /film/actor/film./film/performance/film /m/03xf_m +/m/016017 /film/film/music /m/02fgpf +/m/0nv6n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvt9 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d6cy +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01s7zw /people/person/profession /m/01d_h8 +/m/04smdd /film/film/genre /m/0lsxr +/m/09c7w0 /location/location/contains /m/0bjqh +/m/07kb7vh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0kbws /olympics/olympic_games/participating_countries /m/02k1b +/m/02h53vq /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f1m8 +/m/0yxm1 /film/film/featured_film_locations /m/02_286 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/027vps /people/person/gender /m/05zppz +/m/02nq10 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06cl2w /people/person/gender /m/05zppz +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/080_y +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/0487c3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jpqb /education/educational_institution/school_type /m/01_9fk +/m/04xvlr /media_common/netflix_genre/titles /m/019vhk +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/01syr4 /people/person/profession /m/0dxtg +/m/06y9v /location/administrative_division/country /m/07ssc +/m/01r4hry /people/person/profession /m/09jwl +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/022fj_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/06hmd /influence/influence_node/influenced_by /m/0ky1 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01756d /music/genre/artists /m/02w4fkq +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/016dj8 /film/film/production_companies /m/030_1_ +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/0dpl44 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0436kgz +/m/072x7s /film/film/country /m/0d060g +/m/027ht3n /people/person/profession /m/02hrh1q +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/07rd7 /influence/influence_node/influenced_by /m/0f0kz +/m/0k6nt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/03gyvwg /film/film/genre /m/0hcr +/m/05fm6m /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0k525 /film/actor/film./film/performance/film /m/032zq6 +/m/03hfwhq /award/award_category/winners./award/award_honor/award_winner /m/01pw9v +/m/047myg9 /film/film/genre /m/03q4nz +/m/0k2sk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0bkf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/033_1p /film/actor/film./film/performance/film /m/0qm9n +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/0ylzs +/m/01_1hw /film/film/genre /m/0lsxr +/m/0fqt1ns /film/film/language /m/02h40lc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yfp7 +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0hpz8 /people/person/gender /m/05zppz +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/046zh +/m/09jg8 /medicine/disease/risk_factors /m/012jc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/01b39j /organization/organization/headquarters./location/mailing_address/citytown /m/0fpzwf +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0dgshf6 /award/award_category/disciplines_or_subjects /m/0w7c +/m/033tf_ /people/ethnicity/people /m/07r1h +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0261x8t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01z0rcq +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02pptm +/m/02tjl3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gvsn /film/film/language /m/02h40lc +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0342h /music/instrument/instrumentalists /m/018gkb +/m/02ppg1r /film/film/genre /m/02l7c8 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0yyts /film/film/music /m/0150t6 +/m/02wgk1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02w9895 +/m/09fn1w /film/film/genre /m/04t36 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6b4 +/m/05qbbfb /film/film/genre /m/06n90 +/m/0pgjm /people/person/profession /m/039v1 +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/046f3p /film/film/music /m/03h610 +/m/02l4rh /people/person/gender /m/02zsn +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015pxr +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/059kh /music/genre/artists /m/01vvycq +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/041c4 /people/person/profession /m/018gz8 +/m/01x7jb /music/record_label/artist /m/0bqvs2 +/m/06mz5 /location/location/contains /m/013l6l +/m/04rwx /education/educational_institution/school_type /m/01_9fk +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/02xry /location/location/contains /m/0jxh9 +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/07myb2 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0356dp +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/04165w /film/film/language /m/02h40lc +/m/0dgq80b /film/film/written_by /m/04hw4b +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/086nl7 /film/actor/film./film/performance/film /m/0fz3b1 +/m/01g1lp /people/person/nationality /m/09c7w0 +/m/0drr3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1m +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m883 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01wp_jm /influence/influence_node/influenced_by /m/081lh +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0250f /people/person/profession /m/02jknp +/m/0htqt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/04n65n +/m/0fsb8 /sports/sports_team_location/teams /m/01k8vh +/m/041wm /people/person/places_lived./people/place_lived/location /m/06c62 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9zljd +/m/03j3pg9 /people/person/place_of_birth /m/0cr3d +/m/025sc50 /music/genre/artists /m/04cr6qv +/m/03x31g /people/person/languages /m/0999q +/m/01xyqk /music/record_label/artist /m/0411q +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/051ls /base/aareas/schema/administrative_area/administrative_parent /m/04q42 +/m/01d2v1 /film/film/produced_by /m/02lf0c +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/017dtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nsyf +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0k1bs /music/group_member/membership./music/group_membership/role /m/0342h +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0jhd /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/027024 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/023zd7 +/m/01r93l /film/actor/film./film/performance/film /m/049xgc +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02c6pq +/m/0d2by /people/ethnicity/people /m/01ypsj +/m/044bn /film/actor/film./film/performance/film /m/01lsl +/m/035_2h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02py9yf /tv/tv_program/genre /m/01htzx +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/02l101 /people/person/place_of_birth /m/01_d4 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05m883 +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04gvt5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04kzqz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tn0_ +/m/03j70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02607j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0cy8v +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/03g62 /people/person/profession /m/01d_h8 +/m/06gd4 /people/person/gender /m/05zppz +/m/01trf3 /film/actor/film./film/performance/film /m/0g56t9t +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0290rb /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/03k50 /language/human_language/countries_spoken_in /m/0hzlz +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gpx6 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/02wyzmv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0c3jz +/m/08k05y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/02x8m /music/genre/parent_genre /m/0gywn +/m/0jfqp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0gcpc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03x82v /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/0btyl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f2df +/m/0flry /base/culturalevent/event/entity_involved /m/04g61 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/037xlx +/m/02vsw1 /people/ethnicity/people /m/0408np +/m/01c7qd /award/award_winner/awards_won./award/award_honor/award_winner /m/01c7p_ +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/0425c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/047vnkj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094tsh6 +/m/01n4w_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/053tj7 /film/film/produced_by /m/04wvhz +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0b7l4x /film/film/produced_by /m/0b13g7 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/01vnbh /tv/tv_program/genre /m/01z4y +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/08z39v +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/02pzc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/043h78 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/01hmk9 /people/person/profession /m/01d_h8 +/m/029_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0gkydb /people/person/profession /m/02hrh1q +/m/048z7l /people/ethnicity/people /m/01_ztw +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/016kft /people/person/place_of_birth /m/01qh7 +/m/0sn4f /location/hud_county_place/place /m/0sn4f +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/0249kn +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/01jpyb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/011yth /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02n9bh +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01304j /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/04tqtl /film/film/genre /m/01g6gs +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bczm +/m/0m66w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hz_1 +/m/0ywrc /film/film/produced_by /m/09d5d5 +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09yrh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01s21dg +/m/02d42t /people/person/place_of_birth /m/09tlh +/m/0fpn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkh6 +/m/06rf7 /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01gjlw +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/029_3 +/m/0bc1yhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/02ctzb /people/ethnicity/people /m/015g_7 +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/059_y8d +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0z07 /business/business_operation/industry /m/0vg8 +/m/04954r /film/film/language /m/02h40lc +/m/04fhps /government/legislative_session/members./government/government_position_held/legislative_sessions /m/034_7s +/m/06hpx2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/04h54p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jgk3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0df2zx /film/film/written_by /m/020l9r +/m/0gx1bnj /film/film/country /m/09c7w0 +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/01y0y6 /people/person/profession /m/09jwl +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/051wwp /people/person/profession /m/0dxtg +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/083q7 /people/person/gender /m/05zppz +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/0288fyj +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0182r9 +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/022qw7 /film/actor/film./film/performance/film /m/01gc7 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04w8f +/m/06q6jz /music/genre/artists /m/0kn3g +/m/0rh7t /base/biblioness/bibs_location/state /m/02xry +/m/03rjj /location/location/contains /m/0c66m +/m/0lhql /location/hud_county_place/county /m/0jxgx +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02ln0f +/m/0kwv2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0flry /base/culturalevent/event/entity_involved /m/0285m87 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/09pmkv /location/country/form_of_government /m/018wl5 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0d6484 +/m/014l6_ /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01lwfr /location/administrative_division/country /m/05v8c +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0f6lx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/015wnl /film/actor/film./film/performance/film /m/0n08r +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/015gy7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015c4g +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0f5mdz /people/person/nationality /m/03spz +/m/0jmfb /sports/sports_team/colors /m/083jv +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vhrz /people/person/profession /m/0dz3r +/m/0l30v /location/location/time_zones /m/02lcqs +/m/0btpm6 /film/film/featured_film_locations /m/01_d4 +/m/015m08 /base/aareas/schema/administrative_area/capital /m/096g3 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/09xrxq /people/person/nationality /m/06q1r +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dh1n_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j590z /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/01vn0t_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05c9zr /film/film/music /m/08c9b0 +/m/01nyl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dzfdw /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/01gg59 /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/01sbhvd /people/person/profession /m/012wxt +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/077jpc +/m/04zwc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0301yj +/m/033hn8 /music/record_label/artist /m/01czx +/m/028qyn /music/artist/origin /m/030qb3t +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02xs0q +/m/03q3sy /film/actor/film./film/performance/film /m/047vp1n +/m/07cbs /organization/organization_founder/organizations_founded /m/07x4c +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/04sj3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0f8l9c +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/03hdz8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02q7fl9 /film/film/costume_design_by /m/0bytfv +/m/0n2z /base/biblioness/bibs_location/country /m/035qy +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/07gp9 /film/film/language /m/02h40lc +/m/05qhw /location/location/contains /m/0mzg2 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_px +/m/04vrxh /award/award_winner/awards_won./award/award_honor/award_winner /m/04mn81 +/m/09_99w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0123qq +/m/02tzwd /award/award_category/disciplines_or_subjects /m/0dwly +/m/0f8l9c /location/country/second_level_divisions /m/0mczk +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/06b_0 /film/director/film /m/0hv4t +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02t_zq +/m/01q_ph /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01l1hr +/m/0fsd9t /film/film/story_by /m/040dv +/m/01xyqk /music/record_label/artist /m/01vsy9_ +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/091rc5 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0y_yw /film/film/genre /m/07s9rl0 +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/02tc5y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gq0b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/082wbh +/m/091tgz /sports/sports_team/colors /m/01g5v +/m/059kh /music/genre/artists /m/0136p1 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/09stq9 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04twmk /film/actor/film./film/performance/film /m/0900j5 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0cv72h /people/person/employment_history./business/employment_tenure/company /m/03b3j +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/07s9rl0 /media_common/netflix_genre/titles /m/02z3r8t +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mrh +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/03q0r1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01309x +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0149xx /people/person/gender /m/05zppz +/m/0fhnf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01gpy4 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vw8mh +/m/0cwtm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01jw4r +/m/0159h6 /film/actor/film./film/performance/film /m/020bv3 +/m/07wrz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/06jcc /people/person/profession /m/0dxtg +/m/03hpkp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/013zs9 /people/person/nationality /m/02jx1 +/m/01fh36 /music/genre/artists /m/01wcp_g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xmxj +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cf_l +/m/0350l7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02fy0z +/m/04hwbq /film/film/language /m/02h40lc +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cf08 +/m/01w40h /music/record_label/artist /m/0232lm +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ct5zc +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/02lk1s /people/person/profession /m/0cbd2 +/m/01y8cr /film/actor/film./film/performance/film /m/0pd4f +/m/0bvg70 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0b_6q5 /time/event/locations /m/0f2r6 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0chw_ +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/0nk72 /influence/influence_node/influenced_by /m/045m1_ +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/01fh9 +/m/0d4jl /influence/influence_node/influenced_by /m/040_9 +/m/02vzpb /film/film/featured_film_locations /m/02_286 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/015pdg /music/genre/artists /m/0fq117k +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/06rnl9 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0vmt /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0mwzv /location/us_county/county_seat /m/0zlgm +/m/018jkl /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/04hpck /film/actor/film./film/performance/film /m/080lkt7 +/m/0169dl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gq0b +/m/027fwmt /film/film/language /m/02h40lc +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/098n5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0778p +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0b478 /people/person/profession /m/0dxtg +/m/01rp13 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03vpf_ +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01q_y0 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/05zwrg0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01by1l /award/award_category/category_of /m/0c4ys +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0gltv /film/film/genre /m/02kdv5l +/m/039g82 /people/person/profession /m/02hrh1q +/m/037njl /education/educational_institution/colors /m/01g5v +/m/0170xl /film/film/executive_produced_by /m/02465 +/m/0170qf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/0f67f /location/location/contains /m/015fs3 +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/01cpjx +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/019g40 /people/person/profession /m/0nbcg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/07s9rl0 /media_common/netflix_genre/titles /m/04jwly +/m/02bfxb /award/award_winner/awards_won./award/award_honor/award_winner /m/01tc9r +/m/024yxd /people/person/nationality /m/09c7w0 +/m/01y49 /sports/sports_team/colors /m/0jc_p +/m/0hd7j /organization/organization/headquarters./location/mailing_address/state_province_region /m/04tgp +/m/01trtc /music/record_label/artist /m/01vsgrn +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/01gjd0 /base/culturalevent/event/entity_involved /m/09c7w0 +/m/0147sh /film/film/genre /m/04xvlr +/m/0gj50 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l3_5 /people/person/place_of_birth /m/02j3w +/m/0nbjq /olympics/olympic_games/sports /m/096f8 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/018pj3 /people/person/gender /m/02zsn +/m/02r5qtm /tv/tv_program/genre /m/05p553 +/m/0dclg /location/location/contains /m/02yr3z +/m/03hj5lq /film/film/film_festivals /m/04grdgy +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02779r4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0js9s /film/director/film /m/017gm7 +/m/01l1hr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/02tc5y /film/actor/film./film/performance/film /m/0qm8b +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050r1z +/m/0clz7 /base/biblioness/bibs_location/country /m/03rt9 +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gp_x +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01hmnh /media_common/netflix_genre/titles /m/0p9lw +/m/02704ff /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/047g6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ks5 +/m/01pkhw /people/person/place_of_birth /m/01xr6x +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cj_v7 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/04crrxr +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/042rnl /people/person/gender /m/05zppz +/m/029q3k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02d6n_ /people/person/place_of_birth /m/0q48z +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/05g8n /organization/organization/place_founded /m/04jpl +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h0byn +/m/058nh2 /people/person/nationality /m/07ssc +/m/01xyy /base/aareas/schema/administrative_area/administrative_parent /m/035qy +/m/01p3ty /film/film/production_companies /m/099ks0 +/m/0lfgr /education/educational_institution/school_type /m/01rs41 +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/059rby /location/location/contains /m/02_286 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03x400 +/m/08wjc1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f1nl /education/educational_institution/colors /m/083jv +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/08gsvw /film/film/music /m/02g1jh +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/031t2d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0ggl02 +/m/01_bkd /music/genre/artists /m/0c9l1 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/015gy7 +/m/0_jq4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02z3zp /people/person/profession /m/018gz8 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03h_fqv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vvb4m +/m/01vs_v8 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03ylxn +/m/0683n /influence/influence_node/influenced_by /m/03_87 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qzhw +/m/01k3s2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/06bnz /location/location/contains /m/020vx9 +/m/01r3w7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqm3 /base/aareas/schema/administrative_area/capital /m/0kstw +/m/02hy5d /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0mpzm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0r0m6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02w6bq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lhm2 /influence/influence_node/influenced_by /m/01900g +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/07vyf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063472 +/m/06dv3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05cljf +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050023 +/m/0127m7 /film/actor/film./film/performance/film /m/0b2v79 +/m/01gv_f /people/person/nationality /m/09c7w0 +/m/01vs14j /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0gjv_ /education/educational_institution/school_type /m/05jxkf +/m/0f2df /people/person/profession /m/02hrh1q +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/05vxdh /film/film/produced_by /m/02q42j_ +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/0ksf29 +/m/01f85k /film/film/film_festivals /m/03wf1p2 +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/01k5y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kftt +/m/0bqs56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k48_ +/m/0sxns /film/film/language /m/02h40lc +/m/016wzw /location/country/capital /m/0lpfh +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02661h /film/actor/film./film/performance/film /m/01jzyf +/m/01jllg1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6wj +/m/05cv8 /influence/influence_node/influenced_by /m/0821j +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0k4f3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b14q +/m/01n7q /location/location/contains /m/0qymv +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033w9g +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/01cgz /media_common/netflix_genre/titles /m/08984j +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/03mp8k /music/record_label/artist /m/01vsn38 +/m/027r0_f /people/person/profession /m/0np9r +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0127m7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0h7pj +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02hfk5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0nt4s /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/012j8z /people/person/gender /m/05zppz +/m/011yn5 /film/film/genre /m/01t_vv +/m/0dt8xq /film/film/language /m/02h40lc +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/0ftxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01vs_v8 /film/actor/film./film/performance/film /m/02ndy4 +/m/02rmxx /people/person/gender /m/02zsn +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01vsgrn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0gkz15s /film/film/written_by /m/0b455l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02wwr5n +/m/01shy7 /film/film/country /m/0chghy +/m/037hgm /music/group_member/membership./music/group_membership/role /m/02hnl +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/04wgh /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06cp5 /music/genre/artists /m/04qzm +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0bczgm +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/07r4c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0c75w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03khn +/m/012ycy /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/03lmzl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/041ly3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gg8l /music/genre/artists /m/02x8z_ +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03lfd_ +/m/05kj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01k8rb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02km0m +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0pkgt +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qcfvw +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/0296vv /film/film/music /m/07v4dm +/m/020ddc /education/educational_institution/students_graduates./education/education/student /m/0jt90f5 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0b_dh +/m/03gr7w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/0mpbx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0rh6k +/m/02tk74 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03zv3n /location/location/time_zones /m/02llzg +/m/0175zz /music/genre/artists /m/0l8g0 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/0164v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02lk95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wmgrf +/m/02jx1 /location/location/contains /m/01km6_ +/m/02gnmp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0p0fc +/m/01w1sx /film/film_subject/films /m/0jqd3 +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0k8y7 /people/person/places_lived./people/place_lived/location /m/0fvyg +/m/05sxzwc /film/film/genre /m/0hfjk +/m/01gkp1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039bp +/m/047g98 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01fxck /people/person/nationality /m/03rjj +/m/02qyv3h /film/film/genre /m/07s9rl0 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/02tn0_ /people/person/profession /m/01d_h8 +/m/02k_px /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ly8d +/m/01vsy7t /film/actor/film./film/performance/film /m/0184tc +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0prh7 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08fn5b +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/019m60 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/0cc5mcj /film/film/production_companies /m/054lpb6 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/047yc +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0ddt_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01kvqc /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02yxbc /film/film/genre /m/0c3351 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01d494 /people/person/place_of_birth /m/02_286 +/m/01kwsg /film/actor/film./film/performance/film /m/0b6tzs +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/0kcdl +/m/03gvt /music/instrument/instrumentalists /m/01p0vf +/m/016wyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0n1s0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ryn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/01qbl /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/07z1m /location/location/contains /m/017v3q +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx1m +/m/03h3x5 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/056rgc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05nwfr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gzm2 /film/director/film /m/014zwb +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/05j82v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3b5 +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bdt8 +/m/02mslq /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/0m9c1 /people/deceased_person/place_of_death /m/0f2wj +/m/03mstc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/063zky +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tp2 +/m/059rby /location/location/contains /m/07x4c +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/02ch1w /people/person/place_of_birth /m/01cx_ +/m/02b2np /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/02z3zp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017lvd +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2wq +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/07z2lx +/m/01kwsg /film/actor/film./film/performance/film /m/016dj8 +/m/0x67 /people/ethnicity/people /m/03rs8y +/m/07cyl /film/film/genre /m/01jfsb +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0kz4w +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/056xx8 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0ycp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/05xbx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02qjb_ +/m/034zc0 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/07wjk /education/educational_institution/campuses /m/07wjk +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gs1_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h1mt +/m/034qrh /film/film/produced_by /m/0mdqp +/m/0284gcb /people/person/gender /m/05zppz +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0277c3 /people/person/profession /m/04f2zj +/m/0fwy0h /people/person/profession /m/04gc2 +/m/06whf /people/person/religion /m/0kpl +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j3d9tn +/m/0crx5w /people/person/profession /m/0dxtg +/m/03l6q0 /film/film/executive_produced_by /m/05hj_k +/m/0d6n1 /music/genre/artists /m/02r38 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/01vh18t /film/actor/film./film/performance/film /m/0963mq +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/02qwg /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/04pk1f /film/film/language /m/02h40lc +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/01vrlr4 +/m/0f2w0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/0399p /influence/influence_node/influenced_by /m/084w8 +/m/08tq4x /film/film/country /m/035qy +/m/02pb2bp /film/film/language /m/03_9r +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/01qg7c /film/director/film /m/016dj8 +/m/046488 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02p65p +/m/013h1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cvp8 /people/person/profession /m/02hrh1q +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/08t7nz /people/person/place_of_birth /m/030qb3t +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02d6ph +/m/0ggx5q /music/genre/artists /m/01wwvc5 +/m/03kxp7 /people/person/profession /m/015cjr +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/059kh /music/genre/artists /m/01k23t +/m/0jgj7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01p2b_ /music/record_label/artist /m/01dpts +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0by1wkq +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mjn2 +/m/0cjf0 /medicine/symptom/symptom_of /m/09d11 +/m/01386_ /people/person/nationality /m/0jgx +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06hwzy +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcb +/m/0ggx5q /music/genre/artists /m/086qd +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/015076 /people/person/nationality /m/09c7w0 +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/01w272y /music/group_member/membership./music/group_membership/role /m/018vs +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c26ss +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0d608 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0h953 +/m/0645k5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09l3p +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/03j24kf /people/person/profession /m/02hrh1q +/m/02tr7d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vw8k /film/film/production_companies /m/086k8 +/m/02hxcvy /language/human_language/countries_spoken_in /m/0697s +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08ct6 +/m/0b5x23 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hjmd /people/deceased_person/place_of_burial /m/018mrd +/m/07wjk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09yg6l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h14ln +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/019pwv /education/educational_institution/students_graduates./education/education/student /m/018_lb +/m/0k4d7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03yvf2 /film/film/film_format /m/07fb8_ +/m/01lc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0byfz +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/0mfc0 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04nl83 +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03pmty +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07b8m1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03b6j8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0dr89x /film/film/genre /m/02l7c8 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017149 /people/person/profession /m/02jknp +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxfz +/m/0c0k1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/026n3rs /people/person/nationality /m/09c7w0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0kj34 /people/person/place_of_birth /m/04jpl +/m/027ct7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013xrm /people/ethnicity/people /m/01dvtx +/m/01j5sd /people/person/profession /m/0dxtg +/m/04bd8y /award/award_winner/awards_won./award/award_honor/award_winner /m/02mqc4 +/m/01vw_dv /people/person/place_of_birth /m/013yq +/m/035zr0 /film/film/language /m/02h40lc +/m/0kq08 /location/location/contains /m/0qy5v +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0fg04 /film/film/genre /m/028v3 +/m/0d6n1 /music/genre/artists /m/0drc1 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0j2pg +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ptxj +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/09c7w0 /location/location/contains /m/0pc6x +/m/06rrzn /people/person/nationality /m/02jx1 +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/03mqtr /media_common/netflix_genre/titles /m/0fy66 +/m/0hcvy /people/person/profession /m/0dxtg +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0284b56 /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/027lf1 /business/business_operation/industry /m/020mfr +/m/01n7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kj_ +/m/0345h /location/location/contains /m/0qjd +/m/07ylj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04h6mm /people/person/profession /m/02jknp +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09c7w0 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02hnl /music/instrument/instrumentalists /m/095x_ +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/025p38 /people/person/gender /m/02zsn +/m/011lvx /people/person/nationality /m/09c7w0 +/m/011x_4 /film/film/genre /m/01hmnh +/m/043g7l /music/record_label/artist /m/0c9d9 +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/05ch98 /film/film/film_format /m/0cj16 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/014zws /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/011wtv /film/film/genre /m/026ny +/m/06t8b /film/director/film /m/0h63gl9 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bjrlw +/m/0hfzr /film/film/genre /m/060__y +/m/0jym0 /film/film/written_by /m/01q415 +/m/0cpllql /film/film/genre /m/0hcr +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016y_f +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01jfsb /media_common/netflix_genre/titles /m/026n4h6 +/m/01y9jr /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/03v0t /location/location/contains /m/01w65s +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/0m2dk /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/04ltlj /film/film/production_companies /m/030_1m +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/03bggl /film/actor/film./film/performance/film /m/0k4bc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02_286 /location/location/contains /m/01jzyx +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/012dr7 +/m/03115z /language/human_language/countries_spoken_in /m/06f32 +/m/0p5mw /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqn5 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/05wjnt /people/person/profession /m/0dxtg +/m/03qnc6q /film/film/genre /m/0219x_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01rnly +/m/0dr3sl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/09c7w0 /location/location/contains /m/04tgp +/m/027fwmt /film/film/genre /m/03k9fj +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/014zcr /film/actor/film./film/performance/film /m/029k4p +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q_cc +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01fx5l +/m/01vw8mh /film/actor/film./film/performance/film /m/01718w +/m/051y1hd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521d_3 +/m/05650n /film/film/language /m/02h40lc +/m/02_33l /people/person/profession /m/01c72t +/m/01gkmx /film/actor/film./film/performance/film /m/01chpn +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0flw6 /people/person/religion /m/092bf5 +/m/03h_yy /film/film/genre /m/02xh1 +/m/03vrv9 /people/person/gender /m/05zppz +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/01xjx6 +/m/086k8 /music/record_label/artist /m/01lz4tf +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/021gzd /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/088q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01fpvz /education/educational_institution/students_graduates./education/education/student /m/083pr +/m/0dr3sl /film/film/genre /m/01hmnh +/m/04hqz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/02c7lt /people/person/profession /m/0dxtg +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/03m9c8 +/m/04913k /sports/sports_team/sport /m/018jz +/m/02y9bj /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/05dtsb /film/actor/film./film/performance/film /m/0bscw +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vzxmq +/m/076tq0z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lnbg /music/genre/artists /m/0dt1cm +/m/02hkv5 /people/person/places_lived./people/place_lived/location /m/0byh8j +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0djkrp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq9p /people/cause_of_death/people /m/030dr +/m/083shs /film/film/genre /m/04xvlr +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/011yxg /film/film/genre /m/04t36 +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/030xr_ /film/actor/film./film/performance/film /m/06v9_x +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/04vq3h +/m/03hy3g /film/director/film /m/03h0byn +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/0m40d /music/genre/artists /m/0qf11 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/01xcr4 /people/person/profession /m/0kyk +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/0232lm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01fx6y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/045c66 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/01y9jr /film/film/country /m/09c7w0 +/m/0d06vc /base/culturalevent/event/entity_involved /m/08_hns +/m/0143wl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0h32q +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0372j5 +/m/03f68r6 /people/person/places_lived./people/place_lived/location /m/01snm +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/049dk /education/educational_institution/school_type /m/05jxkf +/m/018t8f /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nqj +/m/01vrx35 /people/person/profession /m/09jwl +/m/0n5bk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fm9_ +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0k4gf /people/person/nationality /m/0345h +/m/09yxcz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/06x2ww +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/042kg /people/person/profession /m/0fj9f +/m/0bsb4j /people/person/nationality /m/09c7w0 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/0k54q /film/film/country /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01rly6 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/03t97y /film/film/prequel /m/01ln5z +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02ntb8 /film/film/genre /m/0lsxr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/023v4_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01p4vl +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0k7tq /film/film/language /m/02h40lc +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027j9wd +/m/07t_x /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01vsy7t /influence/influence_node/influenced_by /m/07c0j +/m/01wk51 /people/person/place_of_birth /m/02_286 +/m/09c7w0 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/0150t6 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/043zg +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/02r_d4 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/01f3p_ +/m/01txts /music/record_label/artist /m/0qf3p +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/0mwht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwkp +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0ccck7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fwwkj +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/03k8th +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01vlj1g /people/person/profession /m/0np9r +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/0k29f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/0329t7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/010p3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vsy3q /people/person/profession /m/01c72t +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/01kph_c /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/042ly5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xvlr /media_common/netflix_genre/titles /m/09qycb +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0n2z +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/025cn2 +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/0f1nl /education/educational_institution/colors /m/01l849 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0p_sc /film/film/country /m/09c7w0 +/m/0jnnx /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/0gmd3k7 /film/film/language /m/02h40lc +/m/0h1k6 /location/location/time_zones /m/02fqwt +/m/01qg7c /people/person/profession /m/0dgd_ +/m/01qbjg /people/person/place_of_birth /m/030qb3t +/m/041rx /people/ethnicity/people /m/06b_0 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bq8tmw +/m/0hpz8 /people/person/places_lived./people/place_lived/location /m/0n920 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/07qg8v /film/film/genre /m/07s9rl0 +/m/013zyw /film/director/film /m/02v5_g +/m/013nws /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jldb /people/person/profession /m/0np9r +/m/05jyb2 /tv/tv_program/genre /m/07s9rl0 +/m/015c2f /award/award_winner/awards_won./award/award_honor/award_winner /m/03cvv4 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0c3351 /media_common/netflix_genre/titles /m/01jmyj +/m/0pm85 /music/genre/artists /m/057xn_m +/m/02lk95 /film/actor/film./film/performance/film /m/042zrm +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/05bt6j /music/genre/artists /m/01sbf2 +/m/01p7yb /people/person/languages /m/02h40lc +/m/0dt39 /award/award_category/winners./award/award_honor/award_winner /m/0jcx +/m/017d93 /film/film/genre /m/01j1n2 +/m/09c7w0 /location/location/contains /m/035wtd +/m/01pj7 /location/location/contains /m/0fhzy +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/01l1sq /people/person/gender /m/05zppz +/m/0jhd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01xcr4 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/02lvtb /music/group_member/membership./music/group_membership/role /m/02hnl +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q5g1z +/m/01wxdn3 /music/group_member/membership./music/group_membership/role /m/018vs +/m/03wy8t /film/film/cinematography /m/03_fk9 +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m3dv +/m/020fcn /film/film/genre /m/03k9fj +/m/0xhtw /music/genre/artists /m/0167xy +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zwy +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/09c7w0 /location/location/contains /m/01kvrz +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/024qqx /media_common/netflix_genre/titles /m/01qb559 +/m/05v8c /location/location/contains /m/01lwfr +/m/06w2sn5 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gs6vr +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/01lmj3q /people/person/profession /m/0n1h +/m/0p3_y /film/film/genre /m/01jfsb +/m/0jm74 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0j0k /location/location/contains /m/03rk0 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02fgdx /education/educational_institution/colors /m/06fvc +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/035w2k /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0b1q7c /people/person/gender /m/05zppz +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/021yzs /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwpj +/m/0633p0 /people/person/nationality /m/09c7w0 +/m/02tn0_ /film/director/film /m/032sl_ +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/08k881 /people/person/profession /m/02hrh1q +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/03hrz +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08rr3p /film/film/genre /m/05p553 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rrd4 +/m/0jhn7 /olympics/olympic_games/sports /m/0486tv +/m/02vcp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hqly +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02n4kr /media_common/netflix_genre/titles /m/0jdr0 +/m/0bgv4g /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02lx0 +/m/084z0w /film/actor/film./film/performance/film /m/047q2k1 +/m/025rxjq /film/film/genre /m/02l7c8 +/m/09c7w0 /location/location/contains /m/0281y0 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/0fn5bx +/m/041rx /people/ethnicity/people /m/0l9k1 +/m/0grwj /people/person/places_lived./people/place_lived/location /m/0jbs5 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01svw8n +/m/02mg7n /education/educational_institution/colors /m/0jc_p +/m/09969 /medicine/symptom/symptom_of /m/074m2 +/m/0b_dh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0d060g /location/location/contains /m/017cy9 +/m/01vrnsk /people/person/profession /m/02jknp +/m/09gmmt6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09d3b7 /film/film/executive_produced_by /m/03f2_rc +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/0l_tn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fttd +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01cz7r /film/film/country /m/09c7w0 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hgnl3t +/m/0c_j9x /film/film/music /m/02z81h +/m/0dq9p /people/cause_of_death/people /m/044bn +/m/02jx1 /location/location/contains /m/09cpb +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/017c87 /people/person/profession /m/02jknp +/m/03f1r6t /film/actor/film./film/performance/film /m/03z20c +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/03bzjpm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0nn83 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05vtbl +/m/0261m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/06whf +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/02pp1 /sports/sports_team/sport /m/02vx4 +/m/02z3zp /people/person/profession /m/0cbd2 +/m/09c7w0 /location/location/time_zones /m/02fqwt +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/044kwr /people/person/profession /m/01d_h8 +/m/01hkck /film/actor/film./film/performance/film /m/0fy66 +/m/080dyk /people/person/nationality /m/07ssc +/m/09lxv9 /film/film/featured_film_locations /m/0rh6k +/m/02m3sd /film/actor/film./film/performance/film /m/0df2zx +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/026t6 /music/instrument/instrumentalists /m/07zft +/m/0f5mdz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/081_zm +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wvhz +/m/0bx8pn /organization/organization/headquarters./location/mailing_address/citytown /m/0jfqp +/m/03kpvp /film/actor/film./film/performance/film /m/014kq6 +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/07j8kh /people/person/profession /m/01c72t +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/06qm3 /media_common/netflix_genre/titles /m/0c5dd +/m/01wyz92 /people/person/profession /m/0nbcg +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/015rkw /film/actor/film./film/performance/film /m/09gq0x5 +/m/0154gx /location/location/time_zones /m/02hcv8 +/m/03w7kx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0jjy0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/01v3bn /people/person/nationality /m/09c7w0 +/m/064t9 /music/genre/artists /m/04gycf +/m/0k269 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f8l9c +/m/0dsfnd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/027_sn /people/person/profession /m/0n1h +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ys_y +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02__34 +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/06by7 /music/genre/artists /m/0150jk +/m/05t0_2v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xbgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hhv +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/01_bkd /music/genre/artists /m/04qmr +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmjr +/m/04ydr95 /film/film/genre /m/02kdv5l +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/04xvlr /media_common/netflix_genre/titles /m/06zsk51 +/m/02xv8m /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/0329gm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/05mt_q +/m/034ls /people/person/profession /m/0fj9f +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0bn3jg /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/010v8k +/m/0cc7hmk /film/film/genre /m/01jfsb +/m/019rl6 /organization/organization/headquarters./location/mailing_address/citytown /m/0r6ff +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/0181dw /music/record_label/artist /m/01r0t_j +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/01mqh5 /film/actor/film./film/performance/film /m/01633c +/m/02pk6x /film/actor/film./film/performance/film /m/0hhggmy +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/029d_ +/m/01ts_3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033_1p +/m/037jz /influence/influence_node/influenced_by /m/01v9724 +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04vvh9 /film/film/country /m/09c7w0 +/m/06jzh /film/actor/film./film/performance/film /m/02z3r8t +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/084l5 /sports/sports_team/sport /m/0jm_ +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07sc6nw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01sxdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wlh +/m/02ldkf /education/educational_institution/school_type /m/07tf8 +/m/02t_st /award/award_winner/awards_won./award/award_honor/award_winner /m/0fsm8c +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/012rng /people/person/religion /m/0n2g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/021mkg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02vxn +/m/0x25q /film/film/country /m/0chghy +/m/05k7sb /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /location/location/contains /m/01q1j +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/04v8x9 /film/film/produced_by /m/0gv40 +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/02x7vq +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/09c7w0 /location/location/contains /m/0n6bs +/m/07s8r0 /film/actor/film./film/performance/film /m/0fpmrm3 +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/0265z9l +/m/0c3351 /media_common/netflix_genre/titles /m/07s3m4g +/m/09fb5 /people/person/profession /m/02hrh1q +/m/01w1kyf /film/actor/film./film/performance/film /m/0b_5d +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/02vpvk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01g7zj /people/ethnicity/people /m/02w5q6 +/m/07bch9 /people/ethnicity/people /m/07cbs +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03cxsvl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02qw2xb +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/028d4v /film/actor/film./film/performance/film /m/05m_jsg +/m/067ghz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06chf +/m/04j53 /location/location/partially_contains /m/0lcd +/m/0l4h_ /media_common/netflix_genre/titles /m/02_1sj +/m/0cj2w /people/person/place_of_birth /m/01b8w_ +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/0487_ +/m/06z8s_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_286 /location/location/contains /m/02sdwt +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/01qh7 /location/location/time_zones /m/02hcv8 +/m/02qkt /location/location/contains /m/0166b +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0225z1 /organization/organization/place_founded /m/04jpl +/m/03k1vm /people/deceased_person/place_of_burial /m/018mlg +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048lv +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01x_d8 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/07tvwy /people/deceased_person/place_of_death /m/027l4q +/m/01243b /music/genre/artists /m/0259r0 +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03jqfx /base/culturalevent/event/entity_involved /m/017cw +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/07cdz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/098sv2 /people/person/profession /m/02hrh1q +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05gpy /people/person/places_lived./people/place_lived/location /m/0t_07 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07vhb /education/educational_institution/colors /m/01g5v +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/018vs /music/instrument/instrumentalists /m/01sbf2 +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0f502 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bzrsh /time/event/locations /m/013yq +/m/0gl5_ /education/educational_institution/school_type /m/01rs41 +/m/01w0v /location/location/contains /m/013nky +/m/03ckwzc /film/film/film_festivals /m/04grdgy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04b4yg +/m/016nff /people/person/gender /m/02zsn +/m/0cskb /tv/tv_program/genre /m/01htzx +/m/09v7wsg /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/03mqtr /media_common/netflix_genre/titles /m/09sr0 +/m/0677j /education/educational_institution/students_graduates./education/education/student /m/0dpqk +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02f2dn /people/person/place_of_birth /m/04jpl +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fqrf +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035zr0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020y73 +/m/01gkmx /film/actor/film./film/performance/film /m/047fjjr +/m/0bbf1f /film/actor/film./film/performance/film /m/04s1zr +/m/0274ck /people/person/place_of_birth /m/01vqq1 +/m/09c7w0 /location/location/contains /m/0r2kh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02gys2 +/m/087v17 /people/deceased_person/place_of_death /m/0k_p5 +/m/09c7w0 /location/location/time_zones /m/02hczc +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0k__z +/m/06by7 /music/genre/artists /m/0ycp3 +/m/02x6dqb /film/film/genre /m/0bj8m2 +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01v3vp +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04glr5h +/m/044mfr /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0bq2g /people/person/profession /m/0kyk +/m/0cnztc4 /film/film/country /m/0154j +/m/05pyrb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05dkbr +/m/01sp81 /film/actor/film./film/performance/film /m/03lvwp +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02h22 /film/film/production_companies /m/017s11 +/m/01vvb4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01c22t +/m/0jdr0 /film/film/genre /m/02n4kr +/m/01dzg0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/01qgr3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xdf5 /people/person/place_of_birth /m/0rh6k +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0k_q_ /location/location/contains /m/018mmj +/m/03d8jd1 /film/film/genre /m/0hcr +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01x1cn2 +/m/02n4kr /media_common/netflix_genre/titles /m/0191n +/m/020skc /base/biblioness/bibs_location/country /m/03rk0 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0127xk +/m/06k75 /time/event/locations /m/0jhd +/m/0bqch /people/person/nationality /m/0f8l9c +/m/0dgst_d /film/film/produced_by /m/05hj_k +/m/01_x6v /people/person/profession /m/0dxtg +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f830f +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01fkxr +/m/018x3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kr_t +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/03gfvsz /broadcast/content/artist /m/0150jk +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlz4 +/m/06g77c /film/film/film_format /m/0cj16 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/02zyy4 /people/person/profession /m/0lgw7 +/m/02x7vq /film/actor/film./film/performance/film /m/05jf85 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02cj_f +/m/05jm7 /influence/influence_node/influenced_by /m/07w21 +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ryx0 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/01f7jt /film/film/genre /m/05p553 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/02_286 /location/location/contains /m/06182p +/m/05q96q6 /film/film/story_by /m/0237jb +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award /m/0h3vhfb +/m/01_ztw /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/042rlf +/m/031x2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/01k2xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fpgp26 /film/film/prequel /m/06w839_ +/m/01p4vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bqsy +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05yh_t +/m/0412f5y /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyvk +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03_3d +/m/027dtv3 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/06c0ns /film/film/film_production_design_by /m/02x2t07 +/m/01wp_jm /influence/influence_node/influenced_by /m/0ph2w +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/01z9_x /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/07kh6f3 /film/film/written_by /m/0151w_ +/m/02b13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bg55 /film/film/featured_film_locations /m/080h2 +/m/0bpjh3 /people/ethnicity/languages_spoken /m/01c7y +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/0mhfr /music/genre/artists /m/027hm_ +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0jmj /people/person/profession /m/0kyk +/m/05kj_ /location/location/contains /m/0mx3k +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1ls +/m/07n39 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/043t8t /film/film/genre /m/07s9rl0 +/m/02rrfzf /film/film/genre /m/0bj8m2 +/m/064ndc /film/film/edited_by /m/02qggqc +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/01z7dr /music/genre/artists /m/01vzxld +/m/0xnvg /people/ethnicity/people /m/02vyw +/m/02ph9tm /film/film/country /m/09c7w0 +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/09hzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017wh +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0hky /people/person/profession /m/0cbd2 +/m/01n7q /location/location/contains /m/021w0_ +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02p10m +/m/0ft18 /film/film/genre /m/082gq +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rqf1 +/m/02wgln /film/actor/film./film/performance/film /m/065dc4 +/m/06r2_ /film/film/production_companies /m/05qd_ +/m/05cljf /people/person/profession /m/0n1h +/m/04_1l0v /location/location/contains /m/05kkh +/m/07k2p6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/016z51 /film/actor/film./film/performance/film /m/02scbv +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06ryl +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0j582 +/m/01f7d /award/award_category/winners./award/award_honor/award_winner /m/04cbtrw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/093142 +/m/0dzf_ /influence/influence_node/influenced_by /m/06mn7 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fvzg +/m/0243cq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cpb7 /film/actor/film./film/performance/film /m/02p76f9 +/m/013h9 /location/hud_county_place/place /m/013h9 +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/016ksk /people/person/profession /m/01d_h8 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/07lp1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lsl +/m/013v5j /people/person/profession /m/0kyk +/m/0d608 /people/person/profession /m/02hrh1q +/m/05sbv3 /film/film/country /m/09c7w0 +/m/0g57wgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01vttb9 /people/person/gender /m/05zppz +/m/017_qw /music/genre/artists /m/0cyhq +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/047bynf +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/01p7x7 /education/educational_institution/school_type /m/05pcjw +/m/01h6pn /base/culturalevent/event/entity_involved /m/06mzp +/m/02mw6c /education/educational_institution/campuses /m/02mw6c +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/02ht1k +/m/06q8qh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0kpys /location/location/contains /m/07_fl +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0lv1x /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/061zc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0hvb2 /film/actor/film./film/performance/film /m/09sr0 +/m/0jm4v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j47s +/m/02p21g /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2wj +/m/047fwlg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/027hnjh /people/person/nationality /m/09c7w0 +/m/01vsb_ /location/administrative_division/country /m/06qd3 +/m/027571b /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/09p0ct /film/film/genre /m/02l7c8 +/m/07j8kh /people/person/profession /m/0dz3r +/m/01gg59 /people/person/profession /m/0nbcg +/m/01q8fxx /people/person/languages /m/02bjrlw +/m/07s9rl0 /media_common/netflix_genre/titles /m/057__d +/m/01rgn3 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q_ncg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08n__5 /music/group_member/membership./music/group_membership/role /m/07xzm +/m/03bw6 /film/director/film /m/09d38d +/m/03j1p2n /award/award_winner/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/05b4l5x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp2p +/m/0p_jc /people/person/gender /m/05zppz +/m/06182p /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq80b +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/02lf70 /people/person/profession /m/02hrh1q +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/0gs6vr /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/026xt5c /people/person/profession /m/02ynfr +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/0nj0m /location/location/contains /m/08809 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04j13sx +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fdpd /location/location/time_zones /m/02hcv8 +/m/0mwht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwm6 +/m/02sjp /people/person/places_lived./people/place_lived/location /m/06c62 +/m/037s5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016dmx /people/person/profession /m/0kyk +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0zcbl /film/actor/film./film/performance/film /m/0gtvrv3 +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kw4j +/m/02lhm2 /people/person/profession /m/018gz8 +/m/02dlfh /people/person/profession /m/015cjr +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/0ytc +/m/04psyp /people/person/profession /m/02hrh1q +/m/025twgt /film/film/genre /m/02kdv5l +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d3k14 +/m/023vcd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01qqtr /film/actor/film./film/performance/film /m/03vyw8 +/m/02qhqz4 /film/film/language /m/02h40lc +/m/016jll /people/person/gender /m/05zppz +/m/09vc4s /people/ethnicity/people /m/07r1h +/m/01snm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/01q7cb_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pw2f1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mkz +/m/01fpvz /organization/organization/headquarters./location/mailing_address/citytown /m/0f2nf +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/03rhqg /music/record_label/artist /m/01pfr3 +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040z9 +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/019ltg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gkts9 /award/award_category/category_of /m/0gcf2r +/m/0b_6mr /time/event/locations /m/013kcv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05km8z +/m/016ggh /film/actor/film./film/performance/film /m/025scjj +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/06rv5t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04xvlr /media_common/netflix_genre/titles /m/0pc62 +/m/0fr0t /location/hud_county_place/place /m/0fr0t +/m/07bx6 /film/film/film_format /m/07fb8_ +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0mlvc /location/us_county/county_seat /m/0kf9p +/m/033tf_ /people/ethnicity/people /m/026r8q +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0f04c /location/hud_county_place/place /m/0f04c +/m/018grr /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/059lwy /film/film/music /m/019x62 +/m/043zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/0fh694 /film/film/cinematography /m/02vx4c2 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/04j_gs /film/actor/film./film/performance/film /m/03m5y9p +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/04myfb7 +/m/06chvn /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04jjy /film/film_subject/films /m/01qbg5 +/m/0c02jh8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/032yps /sports/sports_team/colors /m/019sc +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/02bbyw /education/educational_institution/campuses /m/02bbyw +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vv7sc +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05w88j +/m/011v3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02v_r7d /film/film/country /m/09c7w0 +/m/06lht1 /film/actor/film./film/performance/film /m/05fgt1 +/m/02lt8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jx1 /location/location/contains /m/01rwf_ +/m/01tdnyh /people/person/profession /m/05snw +/m/04t36 /media_common/netflix_genre/titles /m/02ht1k +/m/01336l /people/ethnicity/people /m/06qgjh +/m/01cmp9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09lmb /media_common/netflix_genre/titles /m/0h95b81 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c6vl +/m/01vh08 /people/person/nationality /m/09c7w0 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/02jsgf +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/06dl_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c921 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/05bpg3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8g0 /music/artist/origin /m/0fvzg +/m/0cx7f /music/genre/artists /m/04bgy +/m/016h9b /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0jbp0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07sp4l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0gtx63s /film/film/genre /m/03bxz7 +/m/01n4f8 /people/person/religion /m/0c8wxp +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0bm9xk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrs46 +/m/01pfkw /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/01wlt3k /people/person/profession /m/02hrh1q +/m/03q8xj /film/film/featured_film_locations /m/0jgd +/m/0157m /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/024qqx /media_common/netflix_genre/titles /m/0419kt +/m/04smdd /film/film/genre /m/05p553 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/034qmv /film/film/genre /m/05p553 +/m/02x8fs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01xzb6 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0d8_wz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/0157m /film/actor/film./film/performance/film /m/02847m9 +/m/04d5v9 /education/educational_institution/campuses /m/04d5v9 +/m/0f13b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014nq4 /film/film/written_by /m/08nz99 +/m/015qsq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/015p37 /people/person/gender /m/02zsn +/m/0170xl /film/film/written_by /m/04xn2m +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/01t04r /music/record_label/artist /m/020_4z +/m/08gf93 /people/person/gender /m/05zppz +/m/01w61th /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043zg +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01pcrw /people/person/nationality /m/07ssc +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmblvq +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0345h /location/location/contains /m/0cm5m +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0dgq_kn /film/film/genre /m/07s9rl0 +/m/0gyv0b4 /film/film/language /m/06nm1 +/m/0rxyk /location/location/time_zones /m/02hcv8 +/m/025x1t /tv/tv_program/genre /m/095bb +/m/0p9rz /film/film/language /m/02h40lc +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ggq +/m/01y_px /film/actor/film./film/performance/film /m/043t8t +/m/0bl2g /film/actor/film./film/performance/film /m/03tps5 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lhf +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/073w14 /people/person/gender /m/05zppz +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/053j4w4 /people/deceased_person/place_of_death /m/030qb3t +/m/012jfb /film/film/genre /m/0cshrf +/m/0tyww /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3gw +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/0m2l9 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/07ssc /media_common/netflix_genre/titles /m/05c5z8j +/m/0bwfwpj /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/064177 /people/person/profession /m/02hrh1q +/m/02lk1s /film/actor/film./film/performance/film /m/03z20c +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jnvs +/m/03mgx6z /film/film/genre /m/01jfsb +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/04sj3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/05g8pg /film/film/genre /m/02kdv5l +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/046vvc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/015qq1 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/0f4vbz +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/0gyy53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02knxx /people/cause_of_death/people /m/02x0bdb +/m/08g_jw /film/film/featured_film_locations /m/02_286 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01zcrv +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01bkb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02d9k +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0n0bp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cf2h +/m/01vg13 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/063_j5 /film/film/genre /m/05p553 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/0l6m5 /olympics/olympic_games/sports /m/071t0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/0m0hw /people/person/nationality /m/09c7w0 +/m/01cbt3 /people/person/gender /m/05zppz +/m/0k269 /film/actor/film./film/performance/film /m/0415ggl +/m/01gbbz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/064t9 /music/genre/artists /m/01l_w0 +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/074tb5 +/m/0j5fv /medicine/symptom/symptom_of /m/03p41 +/m/02lhm2 /film/actor/film./film/performance/film /m/02prw4h +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/09q23x /film/film/country /m/0345h +/m/01vrlqd /people/person/nationality /m/09c7w0 +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/02t_y3 +/m/05hcy /base/biblioness/bibs_location/country /m/0160w +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04m1bm +/m/01d_s5 /music/genre/artists /m/01vw_dv +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/080h2 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/037q1z /people/person/gender /m/05zppz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/02p86pb /film/film/genre /m/060__y +/m/09dfcj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pv_d +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/026rm_y +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/01c9d /film/film/genre /m/04xvh5 +/m/02t_8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0gdqy /film/film/film_festivals /m/05f5rsr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/01n8qg /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0325dj /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/0177g /people/person/profession /m/0fj9f +/m/08qvhv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/057xn_m /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/04snp2 /people/person/gender /m/05zppz +/m/02qdymm /people/deceased_person/place_of_death /m/0281rp +/m/03f6fl0 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0451j /people/person/nationality /m/0d05w3 +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/01tnxc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01c40n +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0fvly +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/049l7 /people/person/profession /m/02jknp +/m/0lcdk /medicine/disease/risk_factors /m/098s1 +/m/083shs /film/film/genre /m/01j1n2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mghh +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/0gl5_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04t36 /media_common/netflix_genre/titles /m/05ypj5 +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/02g40r +/m/05dbf /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0336mc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03f5vvx /influence/influence_node/influenced_by /m/0h25 +/m/02w7gg /people/ethnicity/people /m/0kvrb +/m/015pkc /people/person/nationality /m/09c7w0 +/m/016z68 /film/actor/film./film/performance/film /m/0pv54 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/02rq8k8 /film/film/language /m/02h40lc +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/059f4 /location/location/contains /m/02hp70 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/05nzw6 /people/person/nationality /m/09c7w0 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/048xg8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01p0mx +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/07jqjx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/027x7z5 /film/film/executive_produced_by /m/0glyyw +/m/01qrbf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/012wgb /location/location/contains /m/05bcl +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/09c7w0 /location/location/contains /m/0tz41 +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hfmm +/m/027y151 /people/person/gender /m/05zppz +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vcp0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05b__vr +/m/04306rv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/05dss7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01cf93 /music/record_label/artist /m/016szr +/m/0grmhb /people/person/profession /m/0dxtg +/m/09fn1w /film/film/genre /m/03q4nz +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0gd5z /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/081lh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01cpqk +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/013q0p +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cs95 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/07f5x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0f_y9 /people/person/profession /m/0nbcg +/m/0888c3 /film/film/written_by /m/021bk +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yyg4 +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0pmw9 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bl06 +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/0j6b5 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s8hms +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0blbxk /people/person/profession /m/09jwl +/m/014g22 /film/actor/film./film/performance/film /m/02d413 +/m/048z7l /people/ethnicity/people /m/0333wf +/m/0hnkp /people/person/nationality /m/09c7w0 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qgry +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0157m +/m/09dv8h /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/026m3y +/m/01qb5d /film/film/genre /m/0btmb +/m/02x8fs /film/film/genre /m/06nbt +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0443y3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03zqc1 +/m/01797x /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/09sh8k /film/film/country /m/07ssc +/m/01p7x7 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/047vp1n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/06q8qh +/m/0p2rj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grpq +/m/07kb5 /people/person/gender /m/05zppz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nmgc +/m/01k23t /music/artist/origin /m/0rng +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ywj +/m/02m501 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03_vx9 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/0pqzh /people/person/employment_history./business/employment_tenure/company /m/03zj9 +/m/0gzlb9 /film/film/produced_by /m/0f502 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0c422z4 /award/award_category/winners./award/award_honor/award_winner /m/08vr94 +/m/01nyl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rxw +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/044g_k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0181dw /music/record_label/artist /m/01vv6_6 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/05wh0sh +/m/01zn4y /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cf8qb /film/film/genre /m/02qfv5d +/m/026k4d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f502 /film/actor/film./film/performance/film /m/0ct5zc +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/059g4 /location/location/contains /m/0fb18 +/m/021yw7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03nymk +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0343h +/m/01p7b6b /people/person/profession /m/01c8w0 +/m/0fpv_3_ /film/film/genre /m/07s9rl0 +/m/09l3p /film/actor/film./film/performance/film /m/09k56b7 +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01f492 +/m/01qn8k /film/actor/film./film/performance/film /m/07j94 +/m/02b1d0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018_lb +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0gxb2 /medicine/symptom/symptom_of /m/011zdm +/m/010cw1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/021yw7 /people/person/profession /m/02hrh1q +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/04zyhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01rvgx /base/aareas/schema/administrative_area/administrative_parent /m/0h924 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hfmm +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/01jpqb /education/university/fraternities_and_sororities /m/0325pb +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/03bkbh /people/ethnicity/people /m/019gz +/m/02yplc /people/person/profession /m/02hrh1q +/m/013t9y /people/person/places_lived./people/place_lived/location /m/0g39h +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01pcdn /people/person/places_lived./people/place_lived/location /m/0ncj8 +/m/04f0xq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/026fd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01ps2h8 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/01mr2g6 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0jfvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/068cn +/m/0lzcs /people/person/gender /m/05zppz +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x0dzw +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vwyqp +/m/01hcvm /music/genre/parent_genre /m/0jmwg +/m/01flzq /music/genre/artists /m/016kjs +/m/05rx__ /people/person/profession /m/018gz8 +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/083shs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/027r7k /film/film/language /m/02h40lc +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/029b9k /people/deceased_person/place_of_death /m/0k049 +/m/01rh0w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g23m +/m/0g8_vp /people/ethnicity/people /m/01twmp +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/04pwg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07g2b /influence/influence_node/influenced_by /m/084nh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/014l6_ +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/02g3w +/m/08sfxj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/0sx5w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/0ccd3x /film/film/featured_film_locations /m/02_286 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025s1wg +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/05b6s5j /tv/tv_program/country_of_origin /m/09c7w0 +/m/01cz7r /film/film/featured_film_locations /m/04jpl +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04wlz2 +/m/023p33 /film/film/genre /m/01hmnh +/m/02j416 /education/educational_institution_campus/educational_institution /m/02j416 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/033dbw /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/07bxqz /film/film/produced_by /m/0grrq8 +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/05gjfk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01zfmm /film/director/film /m/013q0p +/m/0dqcm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04vmp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gf5 /base/aareas/schema/administrative_area/administrative_parent /m/0jhd +/m/0m0jc /music/genre/artists /m/07r4c +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0br1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr69m +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049f05 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/02_n5d /people/person/profession /m/03gjzk +/m/07bwr /film/film/language /m/06nm1 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/01dtcb /music/record_label/artist /m/020_4z +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/01900g /people/person/nationality /m/09c7w0 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/010xjr /film/actor/film./film/performance/film /m/09q5w2 +/m/01xpxv /film/actor/film./film/performance/film /m/0kvgtf +/m/06fcqw /film/film/production_companies /m/09b3v +/m/01wwvt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_rz +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kckd +/m/020jqv /people/person/gender /m/05zppz +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/03zqc1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0443y3 +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0xddr /location/hud_county_place/county /m/0nhmw +/m/09c7w0 /location/location/contains /m/059_c +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07dzf +/m/09c7w0 /location/location/contains /m/0xn5b +/m/0cwtm /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/04j_gs /people/person/profession /m/0dxtg +/m/02kxbx3 /film/director/film /m/0bz3jx +/m/011k1h /music/record_label/artist /m/01x66d +/m/04kzqz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06chf +/m/07w4j /education/educational_institution/campuses /m/07w4j +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/0j_c /award/award_winner/awards_won./award/award_honor/award_winner /m/0l5yl +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/07k2mq /film/film/production_companies /m/03xsby +/m/017l96 /music/record_label/artist /m/02vnpv +/m/05nwfr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02m_41 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/035qlx +/m/076psv /award/award_winner/awards_won./award/award_honor/award_winner /m/05v1sb +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/0222qb /people/ethnicity/people /m/016hvl +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0cx7f /music/genre/artists /m/047cx +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd2b +/m/021j72 /people/person/nationality /m/03rk0 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027vps +/m/02b1hb /sports/sports_team/colors /m/019sc +/m/034fl9 /tv/tv_program/genre /m/06q7n +/m/0gd70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0prfz /film/actor/film./film/performance/film /m/04grkmd +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/0mmzt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m7d0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/0cy41 /location/location/time_zones /m/02llzg +/m/07cjqy /film/actor/film./film/performance/film /m/02825nf +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0382m4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/01w02sy +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02_j8x +/m/07cw4 /film/film/language /m/02h40lc +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01gq0b /film/actor/film./film/performance/film /m/01b195 +/m/03x7hd /film/film/genre /m/05p553 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/016clz /music/genre/artists /m/01s560x +/m/018yj6 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0295sy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046zh +/m/0c34mt /film/film/genre /m/03bxz7 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0hhqw +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/04znsy /people/person/profession /m/018gz8 +/m/0cxgc /location/location/contains /m/049kw +/m/05qw5 /influence/influence_node/influenced_by /m/08433 +/m/015wd7 /music/genre/parent_genre /m/06by7 +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/01ry_x /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fvly +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d87hc +/m/07_nf /film/film_subject/films /m/0jzw +/m/0dcz8_ /film/film/genre /m/03k9fj +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0148nj /music/genre/artists /m/02t3ln +/m/03_3d /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0mnk7 +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/06brp0 +/m/02hqt6 /sports/sports_team/colors /m/083jv +/m/05z775 /people/person/gender /m/02zsn +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/0xnc3 /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/057wlm +/m/01q940 /music/record_label/artist /m/0g824 +/m/01nfys /people/person/profession /m/03gjzk +/m/0147sh /film/film/film_art_direction_by /m/0fmqp6 +/m/025p38 /people/person/profession /m/01d_h8 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/079ws /people/person/employment_history./business/employment_tenure/company /m/058j2 +/m/0cx6f /music/genre/artists /m/04zwjd +/m/03w6sj /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/04wx2v /film/actor/film./film/performance/film /m/02d478 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pcz0 +/m/01d1yr /people/person/nationality /m/0d060g +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0cq4k_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d500h +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02237m +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/033_1p /people/person/spouse_s./people/marriage/spouse /m/0bj9k +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02gjt4 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/09v7wsg /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0c1j_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/019x62 /people/person/profession /m/0dz3r +/m/03lmx1 /people/ethnicity/people /m/06ltr +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsykc +/m/05d7rk /people/person/religion /m/0flw86 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0783m_ +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/01pwz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04mhbh /film/actor/film./film/performance/film /m/09v3jyg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0177sq /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/016kv6 /film/film/genre /m/03mqtr +/m/0bqvs2 /music/artist/origin /m/01531 +/m/0bwh6 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/081yw /location/location/contains /m/07t90 +/m/0m32h /medicine/disease/notable_people_with_this_condition /m/0d3qd0 +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gltv +/m/064_8sq /language/human_language/countries_spoken_in /m/0697s +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0gt_k +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lct6 +/m/016z9n /film/film/written_by /m/05kfs +/m/0lgxj /olympics/olympic_games/participating_countries /m/04w58 +/m/01s9vc /award/award_winning_work/awards_won./award/award_honor/honored_for /m/025twgf +/m/0cffd /location/location/time_zones /m/02llzg +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/0gp8sg /people/person/gender /m/05zppz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/0d06m5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/09sh8k /film/film/language /m/01r2l +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/04hcw /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wy8t +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/014b4h /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/083q7 /people/person/employment_history./business/employment_tenure/company /m/01g7_r +/m/02jtjz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05zbm4 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/06g4_ /people/person/nationality /m/019rg5 +/m/01hrqc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pk8 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01dw_f /music/artist/origin /m/0f2v0 +/m/01vzz1c /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01vv6xv /people/person/place_of_birth /m/0sqc8 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pbhz +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0j13b +/m/01f8gz /film/film/film_format /m/0cj16 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02v1m7 /award/award_category/nominees./award/award_nomination/nominated_for /m/014kq6 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d6lp +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/07fq1y +/m/0d29z /people/ethnicity/geographic_distribution /m/06qd3 +/m/05y5kf /film/actor/film./film/performance/film /m/047fjjr +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpyb +/m/0jtdp /media_common/netflix_genre/titles /m/01vw8k +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/0fh694 /film/film/country /m/09c7w0 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/06s26c /award/award_winner/awards_won./award/award_honor/award_winner /m/01qg7c +/m/02p11jq /music/record_label/artist /m/016t00 +/m/0p8r1 /film/actor/film./film/performance/film /m/0209hj +/m/0dqytn /film/film/language /m/02h40lc +/m/0kpys /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03gfvsz /broadcast/content/artist /m/01vrt_c +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/033srr /film/film/cinematography /m/03rqww +/m/0342h /music/instrument/instrumentalists /m/02g1jh +/m/01gp_x /people/person/profession /m/02jknp +/m/015vq_ /film/actor/film./film/performance/film /m/0bz3jx +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j367r +/m/06jrhz /people/person/profession /m/03gjzk +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/02lxrv /film/film/country /m/09c7w0 +/m/02xry /location/location/contains /m/0rs6x +/m/02my3z /people/person/nationality /m/09c7w0 +/m/0282x /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fs9vc +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0342h /music/instrument/instrumentalists /m/01k_r5b +/m/01r7t9 /film/actor/film./film/performance/film /m/0yxm1 +/m/0640y35 /film/film/cinematography /m/03hltjb +/m/01xhh5 /people/ethnicity/people /m/02_4fn +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03c6v3 +/m/0d05q4 /sports/sports_team_location/teams /m/040p3y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03k7dn +/m/02w7gg /people/ethnicity/people /m/02fz3w +/m/02gf_l /film/actor/film./film/performance/film /m/07x4qr +/m/02cbg0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/07vqnc +/m/037c9s /music/performance_role/regular_performances./music/group_membership/group /m/015bwt +/m/06wpc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/06khkb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/09gdh6k /film/film/language /m/064_8sq +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01wgxtl /people/person/gender /m/05zppz +/m/05r5c /music/instrument/instrumentalists /m/011k4g +/m/03x_k5m /business/business_operation/industry /m/02vxn +/m/0h5g_ /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0304nh /award/award_winning_work/awards_won./award/award_honor/award /m/04fgkf_ +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01cssf /film/film/production_companies /m/05qd_ +/m/01qhm_ /people/ethnicity/people /m/081nh +/m/0c6g1l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d02km +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/0d7wh /people/ethnicity/people /m/07v4dm +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vmv_ +/m/0ggq0m /music/genre/artists /m/0hqgp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award /m/04ldyx1 +/m/06fpsx /film/film/genre /m/05p553 +/m/039cpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0j43swk +/m/02ghq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cf_n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x8m /music/genre/artists /m/016h9b +/m/01mz9lt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/03qx63 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gnbw /people/person/profession /m/01d_h8 +/m/0bxsk /film/film/music /m/07j8kh +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0l6mp /olympics/olympic_games/sports /m/0dwxr +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01w524f /people/person/nationality /m/02jx1 +/m/01dcqj /people/cause_of_death/people /m/0blgl +/m/01v42g /film/actor/film./film/performance/film /m/09fqgj +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/020hyj +/m/01fx2g /film/actor/film./film/performance/film /m/0b6f8pf +/m/05h5nb8 /award/award_category/nominees./award/award_nomination/nominated_for /m/06q8qh +/m/0bmhvpr /film/film/country /m/09c7w0 +/m/014zwb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qm_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0j_c /film/director/film /m/075cph +/m/0j90s /film/film/genre /m/03p5xs +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026ps1 +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0r771 /location/hud_county_place/county /m/0l35f +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g60z +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/09nwwf /music/genre/artists /m/01323p +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/087qxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/07rzf /people/person/profession /m/01c72t +/m/0178rl /people/person/profession /m/02hrh1q +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/0jsf6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/018y81 /people/person/nationality /m/02jx1 +/m/0258dh /film/film/featured_film_locations /m/0k049 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0167v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/036gdw +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnp0 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/0kpys /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cnk2q +/m/018phr /music/group_member/membership./music/group_membership/role /m/02fsn +/m/0126t5 /music/genre/artists /m/01wg3q +/m/013pk3 /people/person/religion /m/0kpl +/m/0qm9n /film/film/genre /m/07s9rl0 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/02w4v /music/genre/artists /m/015mrk +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0ghvb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02vntj +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/03n93 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01mmslz +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mz73 +/m/021w0_ /education/educational_institution/colors /m/01l849 +/m/09c7w0 /location/country/second_level_divisions /m/0nj7b +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/02_j8x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/08952r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/country/second_level_divisions /m/0mp3l +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03gyvwg +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/04gcyg /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01h7bb /film/film/featured_film_locations /m/0ctw_b +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0154j +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0bksh +/m/02hzx8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/021p26 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/0c408_ /people/person/profession /m/03gjzk +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zlld0 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/049ql1 /business/business_operation/industry /m/029g_vk +/m/01j6mff /people/person/gender /m/05zppz +/m/0bdxs5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01_qc_ /people/cause_of_death/people /m/03cd1q +/m/0jnwx /film/film/production_companies /m/01795t +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/04ktcgn /award/award_winner/awards_won./award/award_honor/award_winner /m/09thp87 +/m/044rvb /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/0cwx_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/01540 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/03k545 /film/actor/film./film/performance/film /m/03mh_tp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/018p5f +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05p1qyh /film/film/genre /m/03k9fj +/m/0pmhf /influence/influence_node/influenced_by /m/02bf2s +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/013pp3 +/m/02cjlk /music/record_label/artist /m/0dvqq +/m/039n1 /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/04xx9s /film/film/country /m/0345h +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/07ssc /location/location/contains /m/01dg3s +/m/01h1b /people/person/profession /m/0dxtg +/m/06qm3 /media_common/netflix_genre/titles /m/0gxfz +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/05szp +/m/05drr9 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/04t36 /media_common/netflix_genre/titles /m/02825cv +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01vh18t +/m/0jnpv /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01tj34 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bqsy /people/person/profession /m/0dz3r +/m/08984j /film/film/genre /m/07s9rl0 +/m/0gl6f /education/educational_institution/campuses /m/0gl6f +/m/05f33tk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01hb6v /people/person/nationality /m/02jx1 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049qx +/m/01lct6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03bnd9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05683p /people/person/gender /m/05zppz +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/0dzlk /people/person/profession /m/0nbcg +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03rhqg /organization/organization/child./organization/organization_relationship/child /m/013x0b +/m/0276g40 /film/actor/film./film/performance/film /m/0209hj +/m/02x_h0 /people/person/place_of_birth /m/0ydpd +/m/0c_md_ /people/person/place_of_birth /m/0chrx +/m/03qdm /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02z6l5f /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/043qqt5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07mkj0 +/m/01wqmm8 /film/actor/film./film/performance/film /m/04xx9s +/m/01fh0q /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/034rd /organization/organization_founder/organizations_founded /m/07x4c +/m/03kxdw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01rzqj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046qq +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0c5dd /film/film/genre /m/01g6gs +/m/01h1b /people/person/gender /m/05zppz +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/070w7s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/01llxp /people/person/nationality /m/059z0 +/m/033_1p /people/person/nationality /m/09c7w0 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01r47h /education/educational_institution/school_type /m/05jxkf +/m/05th69 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/01w272y /people/person/profession /m/0dz3r +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b13j +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dbk6 +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/0cqt41 /sports/sports_team/colors /m/083jv +/m/04xvlr /media_common/netflix_genre/titles /m/01f69m +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02qwg /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsy3q +/m/0299hs /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_dy +/m/0rlz /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/01y64_ /film/actor/film./film/performance/film /m/03cw411 +/m/01l7cxq /music/group_member/membership./music/group_membership/role /m/06ncr +/m/06qv_ /tv/tv_program/languages /m/02h40lc +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011yqc +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/015ln1 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/099p5 /people/person/religion /m/0kpl +/m/0b57p6 /people/person/profession /m/02jknp +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/012x2b +/m/01_bkd /music/genre/artists /m/0ycp3 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jj7 +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gz9n +/m/0m_1s /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01c6yz +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/0487_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j0k /base/locations/continents/countries_within /m/016zwt +/m/03rjj /location/location/contains /m/02185j +/m/02825cv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04cbbz +/m/02ld6x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_f_5 +/m/03zj_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/041wm /people/person/profession /m/0cbd2 +/m/0407f /people/person/places_lived./people/place_lived/location /m/01ktz1 +/m/02_1sj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/02bqy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07dnx /influence/influence_node/influenced_by /m/0bk5r +/m/01bm_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016fjj /film/actor/film./film/performance/film /m/0gxtknx +/m/013b6_ /people/ethnicity/people /m/02114t +/m/0mkdm /location/location/time_zones /m/02fqwt +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/01rl_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/065jlv /people/person/places_lived./people/place_lived/location /m/01qs54 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/072r5v +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/031hxk /education/educational_institution/campuses /m/031hxk +/m/01x6d4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/06gbnc /people/ethnicity/people /m/01846t +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/0dpl44 /film/film/featured_film_locations /m/01n7q +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/01trf3 /people/person/nationality /m/0d060g +/m/0b4lkx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05v1sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjks +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/082xp /people/person/nationality /m/07ssc +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/04wp2p +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jbqf +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/0gdh5 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01c9d /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bzyh +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/0gvsh7l +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/02r34n +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/018dnt /film/actor/film./film/performance/film /m/05_5_22 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05r5c /music/instrument/instrumentalists /m/01wvxw1 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/028mc6 +/m/01d8l /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mrgz +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/0kbws /olympics/olympic_games/participating_countries /m/07twz +/m/03x762 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/035qy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0c6qh +/m/02r22gf /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0bdd_ /location/location/contains /m/081m_ +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/0846v /location/administrative_division/country /m/09c7w0 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286vp +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04vn_k +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f6cl2 +/m/04smdd /film/film/music /m/0c73z +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/09c7w0 /location/location/contains /m/0tk02 +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/09c7w0 /location/location/contains /m/0mkqr +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xdf5 +/m/0kb07 /film/film/costume_design_by /m/02cqbx +/m/044gyq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05gpy /influence/influence_node/peers./influence/peer_relationship/peers /m/06jkm +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h21v2 +/m/01ky7c /education/educational_institution/students_graduates./education/education/student /m/04j_gs +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/02p7_k /film/actor/film./film/performance/film /m/062zm5h +/m/0cpvcd /influence/influence_node/influenced_by /m/02ln1 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/09r94m /film/film/country /m/09c7w0 +/m/02sb1w /film/actor/film./film/performance/film /m/05sw5b +/m/07zhjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0347db +/m/01vrncs /people/person/profession /m/016z4k +/m/0fby2t /film/actor/film./film/performance/film /m/07p62k +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pxmgz +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01kj5h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033p3_ +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/06b0d2 /people/person/gender /m/05zppz +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs5v +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gcd1 +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059_gf +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/01dvms +/m/02qkt /location/location/contains /m/05b7q +/m/0klh7 /film/actor/film./film/performance/film /m/0gkz3nz +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/06chf +/m/06_wqk4 /film/film/produced_by /m/05zrx3v +/m/02s2wq /people/person/places_lived./people/place_lived/location /m/02xry +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04n52p6 +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/06by7 /music/genre/artists /m/0g_g2 +/m/0l0wv /education/educational_institution/school_type /m/01rs41 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0xkq4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d_wms /film/film/music /m/0146pg +/m/05vtbl /people/person/profession /m/02jknp +/m/01w40h /music/record_label/artist /m/01vvybv +/m/01w9ph_ /people/person/nationality /m/09c7w0 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0444x /people/person/employment_history./business/employment_tenure/company /m/05njw +/m/04_lb /location/location/time_zones /m/042g7t +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01wg6y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05f4_n0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02pb53 /people/person/profession /m/0cbd2 +/m/01xcr4 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/045bg /influence/influence_node/influenced_by /m/05qmj +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0f40w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bksh +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/057n_g +/m/0175rc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0408np /people/person/languages /m/02h40lc +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/02lnhv /film/actor/film./film/performance/film /m/0963mq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04wqsm +/m/01w_sh /education/educational_institution/school_type /m/05jxkf +/m/01m13b /film/film/genre /m/04t36 +/m/013knm /film/actor/film./film/performance/film /m/01cmp9 +/m/02z9hqn /film/film/genre /m/07s9rl0 +/m/02p2zq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mvjl0 +/m/01l3k6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02vyyl8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03h40_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/045j3w /film/film/language /m/02h40lc +/m/01w40h /music/record_label/artist /m/024zq +/m/016clz /music/genre/artists /m/0285c +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0_7w6 /film/film/language /m/064_8sq +/m/062dn7 /film/actor/film./film/performance/film /m/03nm_fh +/m/0424m /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/018j2 /music/instrument/instrumentalists /m/01h5f8 +/m/0swff /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0hmm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ywqc /people/person/places_lived./people/place_lived/location /m/059t8 +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0cq7tx /film/film/executive_produced_by /m/03v1w7 +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ggc9 +/m/02qkt /location/location/contains /m/07t21 +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/01zhs3 +/m/0b78hw /people/person/employment_history./business/employment_tenure/company /m/04rwx +/m/033jj1 /award/award_winner/awards_won./award/award_honor/award_winner /m/033jkj +/m/0lpjn /film/actor/film./film/performance/film /m/0dgst_d +/m/0t6hk /sports/sports_team_location/teams /m/091tgz +/m/023ny6 /tv/tv_program/genre /m/0c4xc +/m/0gbwp /people/person/sibling_s./people/sibling_relationship/sibling /m/013v5j +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015_30 +/m/07gxw /music/genre/artists /m/0415mzy +/m/0459z /influence/influence_node/influenced_by /m/043d4 +/m/07hwkr /people/ethnicity/people /m/08gf93 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/022q4j /people/deceased_person/place_of_death /m/06_kh +/m/014bpd /film/film/genre /m/01hmnh +/m/0ws7 /sports/sports_team/colors /m/03wkwg +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/0n85g +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/07245g +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0187nd /education/educational_institution/campuses /m/0187nd +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/07ccs /education/educational_institution/colors /m/04mkbj +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/03f1r6t +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02sb1w /film/actor/film./film/performance/film /m/04g9gd +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/098s2w /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p7h7 +/m/04dsnp /film/film/featured_film_locations /m/030qb3t +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/09fb5 /film/actor/film./film/performance/film /m/02d003 +/m/014z8v /people/person/profession /m/02hrh1q +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/042kg +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/03z106 /film/film/genre /m/02kdv5l +/m/02k6hp /people/cause_of_death/people /m/04__f +/m/0f0kz /people/person/nationality /m/02jx1 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c52 +/m/0lgxj /olympics/olympic_games/participating_countries /m/0f8l9c +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06t8b /film/director/film /m/0c40vxk +/m/01y3v /sports/sports_team/sport /m/0jm_ +/m/02b14q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/056zf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0p1l2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0298n7 /film/film/production_companies /m/01gb54 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03tw2s +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02279c +/m/0f2sx4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/03jsvl /music/genre/artists /m/0259r0 +/m/0154j /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02d003 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03193l /music/group_member/membership./music/group_membership/role /m/04rzd +/m/02z2xdf /people/person/place_of_birth /m/06psyf +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0g2lq /people/person/nationality /m/09c7w0 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0d7vtk /tv/tv_program/genre /m/07s9rl0 +/m/01xysf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017d93 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01xbp7 +/m/03k9fj /media_common/netflix_genre/titles /m/0gc_c_ +/m/0r3wm /location/hud_county_place/place /m/0r3wm +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/097df +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015whm +/m/016cjb /music/genre/artists /m/01wz3cx +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06rgq +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0347db +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/07q1m +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0kr5_ /people/person/gender /m/05zppz +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/0y54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjy +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/051wwp /film/actor/film./film/performance/film /m/02stbw +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02b185 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/02ktrs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pjxr /people/profession/specialization_of /m/01c979 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/017v_ /location/location/contains /m/0d58_ +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04ddm4 +/m/04vmp /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0mm1q +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0g8fs /education/educational_institution_campus/educational_institution /m/0g8fs +/m/01l1b90 /people/person/gender /m/05zppz +/m/0163v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/026p4q7 /film/film/production_companies /m/05qd_ +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01vcnl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05jnl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0184jw /people/person/places_lived./people/place_lived/location /m/059_c +/m/027s39y /film/film/genre /m/06n90 +/m/02b13y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dn7v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0353xq /film/film/genre /m/07s9rl0 +/m/07s2s /film/film_subject/films /m/047qxs +/m/01hw6wq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/09c7w0 /location/location/contains /m/0mzvm +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/016z1c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0222qb /people/ethnicity/people /m/07y_r +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02xry /location/location/contains /m/0n1rj +/m/03vyw8 /film/film/genre /m/04xvlr +/m/016tbr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0371rb +/m/0mmpz /location/location/contains /m/0d9jr +/m/01ppq /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/08wr3kg /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/02dbn2 /film/actor/film./film/performance/film /m/0dfw0 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/01d6jf /people/person/places_lived./people/place_lived/location /m/01531 +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/07gp9 /film/film/executive_produced_by /m/09zw90 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/042y1c /film/film/music /m/082db +/m/05gm16l /education/educational_institution/school_type /m/05jxkf +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/09c7w0 /location/location/contains /m/03dm7 +/m/011ysn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/0bbgly /film/film/language /m/02h40lc +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/0lrh /influence/influence_node/influenced_by /m/0465_ +/m/05w1vf /people/person/profession /m/02hv44_ +/m/051qvn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cmt6q /film/actor/film./film/performance/film /m/02rmd_2 +/m/05r5c /music/instrument/instrumentalists /m/02w4fkq +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/03cw411 /film/film/country /m/09c7w0 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01wd9vs /award/award_winner/awards_won./award/award_honor/award_winner /m/012ky3 +/m/0m0nq /people/person/gender /m/05zppz +/m/04bpm6 /people/person/profession /m/09jwl +/m/03548 /location/country/official_language /m/064_8sq +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1mt +/m/0329qp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01l1rw +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/07k2p6 /film/actor/film./film/performance/film /m/0296vv +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05gg4 +/m/02b185 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0863x_ /film/actor/film./film/performance/film /m/07gghl +/m/045zr /people/person/spouse_s./people/marriage/spouse /m/02qtywd +/m/062zm5h /film/film/country /m/09c7w0 +/m/0kjrx /film/actor/film./film/performance/film /m/02ywwy +/m/015t56 /film/actor/film./film/performance/film /m/0bz3jx +/m/01nkcn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/030hbp /people/person/nationality /m/09c7w0 +/m/04f6hhm /tv/tv_program/genre /m/01htzx +/m/01wg6y /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/015v3r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05gnf9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/0gy0n /film/film/language /m/02h40lc +/m/0g3zrd /film/film/produced_by /m/04y8r +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048wrb +/m/081lh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01csvq +/m/02hp70 /education/educational_institution_campus/educational_institution /m/02hp70 +/m/0hsb3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gywn /music/genre/artists /m/016vqk +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0639bg +/m/01gc7 /film/film/genre /m/017fp +/m/06zd1c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015dnt /film/actor/film./film/performance/film /m/01fx6y +/m/01tjt2 /location/location/contains /m/031hxk +/m/02q_cc /people/person/employment_history./business/employment_tenure/company /m/030_1_ +/m/0jrgr /music/genre/artists /m/0pkyh +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5879y +/m/03w4sh /people/person/gender /m/05zppz +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/02qgqt /film/actor/film./film/performance/film /m/033qdy +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02pcq92 /film/film/featured_film_locations /m/0h7h6 +/m/0djkrp /film/film/genre /m/01t_vv +/m/049tb /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/04xzm +/m/02w3w /music/instrument/instrumentalists /m/01kstn9 +/m/0jhn7 /olympics/olympic_games/sports /m/03_8r +/m/06zn2v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/087vz /location/location/contains /m/0fhzf +/m/04rrd /location/location/contains /m/0cv13 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049xgc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01c7p_ /people/person/place_of_birth /m/04f_d +/m/0dt645q /film/actor/film./film/performance/film /m/056k77g +/m/0qm8b /film/film/country /m/09c7w0 +/m/06_x996 /film/film/produced_by /m/02lf0c +/m/059s8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0mbql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/041rx /people/ethnicity/people /m/0m593 +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/039xcr /people/person/place_of_birth /m/0xszy +/m/04l19_ /influence/influence_node/influenced_by /m/01gn36 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/08c4yn /film/film/written_by /m/01wl38s +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0x67 /people/ethnicity/people /m/01qgry +/m/0jrqq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vvdm /award/award_winner/awards_won./award/award_honor/award_winner /m/01r6jt2 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/05r4w +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0mdqp /film/actor/film./film/performance/film /m/0b3n61 +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/017rbx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/036jv /music/genre/artists /m/0bqvs2 +/m/05kfs /film/director/film /m/03m5y9p +/m/0n8bn /people/person/nationality /m/09c7w0 +/m/0177g /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/03rjj +/m/01c9x /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01hb6v +/m/09tc_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0m0jc /music/genre/artists /m/06k02 +/m/09v38qj /tv/tv_program/country_of_origin /m/09c7w0 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03y2kr /organization/organization_founder/organizations_founded /m/01cvxf +/m/0h63q6t /film/film/genre /m/01hmnh +/m/0g768 /music/record_label/artist /m/0259r0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/046f25 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/012v9y +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0fpjyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01kwld /film/actor/film./film/performance/film /m/017jd9 +/m/01f6x7 /film/film/featured_film_locations /m/0j95 +/m/0fm6m8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04nl83 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/045zr /people/person/profession /m/0nbcg +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyb4 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/0252fh /film/actor/film./film/performance/film /m/04t6fk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/016jll /people/person/profession /m/025352 +/m/0227tr /people/person/places_lived./people/place_lived/location /m/059rby +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/01j4ls /people/person/profession /m/016z4k +/m/01r6jt2 /people/deceased_person/place_of_death /m/02_286 +/m/0b7gxq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/09zmys /people/person/profession /m/02jknp +/m/043g7l /music/record_label/artist /m/01w272y +/m/03bzyn4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01xcfy /people/person/profession /m/02hrh1q +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034m8 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0m123 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/02qr69m /film/film/written_by /m/0br1w +/m/076xkdz /film/film/dubbing_performances./film/dubbing_performance/actor /m/066l3y +/m/01x4r3 /influence/influence_node/influenced_by /m/011_3s +/m/01jgpsh /people/person/profession /m/0dxtg +/m/0677ng /people/person/profession /m/02dsz +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/033s6 +/m/02wwr5n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0c_zj +/m/0l14md /music/instrument/instrumentalists /m/024qwq +/m/01vsn38 /people/person/profession /m/0dz3r +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/08vr94 /film/actor/film./film/performance/film /m/03bx2lk +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0dg3n1 /base/locations/continents/countries_within /m/0hdx8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0jcx /people/person/profession /m/0kyk +/m/07y_7 /music/instrument/instrumentalists /m/0274ck +/m/01q8fxx /people/person/languages /m/064_8sq +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/016ksk +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/027ybp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07ccs /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0168t /location/country/form_of_government /m/018wl5 +/m/03cdg /influence/influence_node/peers./influence/peer_relationship/peers /m/03hnd +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01vlj1g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/013xrm /people/ethnicity/people /m/032_jg +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0h3k3f /film/film/film_art_direction_by /m/07hhnl +/m/03spz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06vbd +/m/02b6n9 /film/film/executive_produced_by /m/08d9z7 +/m/012vd6 /influence/influence_node/influenced_by /m/0dbb3 +/m/046n4q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0gmblvq /film/film/produced_by /m/0bxtg +/m/04lgybj /government/legislative_session/members./government/government_position_held/legislative_sessions /m/034_7s +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/08lmt7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cwy47 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05tfn1 +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5qs2k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/012xdf +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/06nm1 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/06j6l /music/genre/artists /m/01wz_ml +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/0c_m3 /location/location/contains /m/02y9bj +/m/07m77x /film/actor/film./film/performance/film /m/0416y94 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06zsk51 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bbf1f /award/award_winner/awards_won./award/award_honor/award_winner /m/0bj9k +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/067hq2 /people/person/profession /m/02hrh1q +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p85y +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/06l32y /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/03tps5 /film/film/genre /m/05p553 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0415mzy +/m/047rkcm /film/film/production_companies /m/059x3p +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/031778 +/m/01p45_v /people/person/place_of_birth /m/03l2n +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/05hs4r /music/genre/artists /m/015cxv +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hrc +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/033tf_ /people/ethnicity/people /m/0bwh6 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02bpy_ +/m/03tc8d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01304j /people/person/places_lived./people/place_lived/location /m/0pswc +/m/0d0l91 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/062zjtt /film/film/genre /m/03k9fj +/m/05567m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0l2rj /location/location/contains /m/0r4z7 +/m/025mbn /award/award_category/category_of /m/0c4ys +/m/02hct1 /tv/tv_program/genre /m/01z4y +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/016vg8 /people/person/religion /m/0c8wxp +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/07zl1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pkyh +/m/01psyx /people/cause_of_death/people /m/0byfz +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/032jlh +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_92w +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/07yjb /media_common/netflix_genre/titles /m/0270k40 +/m/0h1x5f /film/film/production_companies /m/025jfl +/m/01x3g /education/field_of_study/students_majoring./education/education/student /m/0d608 +/m/01vzz1c /people/person/place_of_birth /m/022tq4 +/m/0dryh9k /people/ethnicity/people /m/07rn0z +/m/04wqr /award/award_winner/awards_won./award/award_honor/award_winner /m/02knnd +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/03m5k /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/08n__5 /people/person/profession /m/02hrh1q +/m/01kh2m1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02rhfsc /people/person/profession /m/0dxtg +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03ym1 /film/actor/film./film/performance/film /m/04y5j64 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/023s8 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0fqjks /people/deceased_person/place_of_death /m/06_kh +/m/02yv6b /music/genre/artists /m/018d6l +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/046fz5 +/m/0mlzk /location/location/contains /m/010t4v +/m/015nvj /people/person/profession /m/01d_h8 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m0nq +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0cq7tx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/01rr31 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/0192hw /film/film/featured_film_locations /m/01w2v +/m/09fqdt /people/person/nationality /m/09c7w0 +/m/016z5x /film/film/cinematography /m/05dppk +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09_99w +/m/01kwld /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01jrbb /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/02w7gg /people/ethnicity/people /m/01rnpy +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q3fdr +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02jyr8 +/m/0cpz4k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_wxh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07vk9f +/m/027yf83 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0bk1p /influence/influence_node/influenced_by /m/01vvyfh +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/02g3mn /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/06bng /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/019lxm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sxzwc +/m/0dckvs /film/film/country /m/03h64 +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwt5 +/m/016wvy /people/person/profession /m/02hrh1q +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/027nb +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mjq +/m/01htxr /people/person/gender /m/05zppz +/m/012gq6 /film/actor/film./film/performance/film /m/09qycb +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08lmt7 +/m/0rql_ /location/hud_county_place/place /m/0rql_ +/m/04dyqk /people/person/place_of_birth /m/0f2tj +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v3xp +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/01pq5j7 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0d06m5 /people/person/religion /m/05sfs +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027zz +/m/0smfm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05jcn8 /film/director/film /m/01c22t +/m/020ffd /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgzn_ +/m/01p9hgt /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0zcbl +/m/05m0h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0kc6 /people/person/profession /m/01d_h8 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/05r6t /music/genre/artists /m/01y_rz +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0ndwt2w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/016pns /people/person/profession /m/016z4k +/m/05r3qc /film/film/genre /m/06n90 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/09c7w0 /location/country/second_level_divisions /m/0n4yq +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/057hz /base/eating/practicer_of_diet/diet /m/07_jd +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01rlz4 +/m/07z1_q /people/person/place_of_birth /m/01_d4 +/m/0jm_ /film/film_subject/films /m/095z4q +/m/04s9n /people/person/profession /m/066dv +/m/04q5zw /people/person/gender /m/05zppz +/m/052hl /award/award_winner/awards_won./award/award_honor/award_winner /m/027l0b +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09ps01 /film/film/country /m/09c7w0 +/m/06gp3f /people/person/place_of_birth /m/01_d4 +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/074tb5 /film/actor/film./film/performance/film /m/07vn_9 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04d817 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02bqy +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/01mt1fy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03nk3t /film/director/film /m/03b1sb +/m/01j590z /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01s9vc /film/film/produced_by /m/0j_c +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/045r_9 +/m/0xhtw /music/genre/artists /m/016t00 +/m/03clwtw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016z2j /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/01dbxr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/052p7 +/m/01fm07 /music/genre/artists /m/0161sp +/m/02y0js /people/cause_of_death/people /m/02c7lt +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01qvgl /people/person/profession /m/016z4k +/m/0127m7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/059j1m /film/actor/film./film/performance/film /m/033f8n +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05v8c /location/location/contains /m/01p_ly +/m/01wxyx1 /film/actor/film./film/performance/film /m/0gxtknx +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/0gt_0v /music/genre/artists /m/01m3x5p +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03mp8k /music/record_label/artist /m/0hvbj +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/01cwdk /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/013nky +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/0cv9fc +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/0y_yw /film/film/country /m/09c7w0 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0ply0 /location/hud_county_place/county /m/0jrtv +/m/01vv6xv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07b2lv +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/0315q3 /film/actor/film./film/performance/film /m/034qzw +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/023kzp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0cc5mcj /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/04rrx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0c6qh /film/actor/film./film/performance/film /m/034hwx +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/018vs /music/instrument/instrumentalists /m/012ycy +/m/03mgbf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07g9f /tv/tv_program/genre /m/05p553 +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/01gfq4 /music/record_label/artist /m/01yndb +/m/076psv /film/film_set_designer/film_sets_designed /m/0h0wd9 +/m/0mlyw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_2td /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/014d4v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01c7j1 +/m/05jcn8 /film/director/film /m/02rn00y +/m/0824r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kcn +/m/0bcp9b /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/0jmhr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0k6nt /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c01c +/m/02x9cv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/01swck /film/actor/film./film/performance/film /m/0963mq +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04h5tx +/m/09n48 /olympics/olympic_games/participating_countries /m/01znc_ +/m/01fh9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/012wgb /location/location/contains /m/0ccvd +/m/01trhmt /people/person/profession /m/0d1pc +/m/06s6hs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06czyr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01423b +/m/04wg38 /film/actor/film./film/performance/film /m/07024 +/m/0gywn /music/genre/artists /m/01vwyqp +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/014d4v /education/educational_institution/school_type /m/05jxkf +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbb3 +/m/02ctzb /people/ethnicity/people /m/016lh0 +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02b190 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/025czw +/m/0340hj /film/film/genre /m/01jfsb +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mp9s +/m/019l68 /film/actor/film./film/performance/film /m/02k1pr +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jrp0 +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/09jw2 /music/genre/artists /m/01vw87c +/m/03q0r1 /film/film/language /m/02h40lc +/m/06f_qn /people/person/profession /m/0np9r +/m/016s_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g_bh /music/genre/parent_genre /m/08jyyk +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0lsw9 /people/person/gender /m/05zppz +/m/01lct6 /people/person/profession /m/0cbd2 +/m/07hhnl /people/person/profession /m/02ynfr +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/012ljv +/m/0gkz3nz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/031778 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02vw1w2 /film/film/genre /m/06n90 +/m/033g4d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h336 /people/person/profession /m/0kyk +/m/072x7s /film/film/language /m/0349s +/m/0f2zc /people/person/nationality /m/0f8l9c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06xbsn +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0ywrc /film/film/country /m/0d05w3 +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/05zy2cy /film/film/written_by /m/0884hk +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/02x8m /music/genre/artists /m/01wg6y +/m/03mqtr /media_common/netflix_genre/titles /m/0k20s +/m/0cmc26r /film/film/produced_by /m/09d5d5 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/027986c /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/06hhrs /film/actor/film./film/performance/film /m/02r1c18 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/01vn0t_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01zfmm +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/06s7rd /film/actor/film./film/performance/film /m/09rsjpv +/m/05nrg /location/location/contains /m/03188 +/m/0jpkw /location/location/time_zones /m/02hcv8 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q87z6 +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/08052t3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/03v3xp /people/person/gender /m/05zppz +/m/08lr6s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032l1 /influence/influence_node/influenced_by /m/04xjp +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/06l6nj +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/09c7w0 /location/location/contains /m/099ty +/m/01hznh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/044bn /people/person/nationality /m/09c7w0 +/m/083p7 /people/person/places_lived./people/place_lived/location /m/0z1vw +/m/093l8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d_w7 /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/015gm8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02dztn /people/person/gender /m/05zppz +/m/02b14q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/01qxc7 /film/film/genre /m/05p553 +/m/041rx /people/ethnicity/people /m/044ntk +/m/01pcj4 /education/educational_institution/colors /m/019sc +/m/01d4cb /people/person/profession /m/09jwl +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04pk1f /film/film/story_by /m/0ff2k +/m/0dl9_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gd_s /people/person/profession /m/0196pc +/m/03rwz3 /business/business_operation/industry /m/02jjt +/m/0bh8x1y /film/film/genre /m/082gq +/m/03d6q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rb607 +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02rrsz /film/actor/film./film/performance/film /m/0y_hb +/m/04wsz /location/location/contains /m/03spz +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/019g8j /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0h0yt +/m/01r0t_j /people/person/profession /m/0nbcg +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/01z4y /media_common/netflix_genre/titles /m/02fttd +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01fkv0 /film/actor/film./film/performance/film /m/0ddt_ +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0k_mf /base/biblioness/bibs_location/country /m/09c7w0 +/m/0kk9v /business/business_operation/industry /m/02vxn +/m/0ck91 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/049_zz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01qscs /people/person/religion /m/0c8wxp +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/03cd0x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j_t1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02bfxb /people/person/profession /m/025352 +/m/01v2xl /education/educational_institution/campuses /m/01v2xl +/m/03cw411 /film/film/language /m/02h40lc +/m/01swck /people/person/gender /m/05zppz +/m/06ryl /location/country/form_of_government /m/01q20 +/m/02qr69m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b4rf3 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dryh9k /people/ethnicity/people /m/03d8njj +/m/06kl0k /people/person/nationality /m/03rk0 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/03lfd_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/076689 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/01fwk3 /film/actor/film./film/performance/film /m/01qxc7 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fb1q +/m/0mwm6 /location/location/contains /m/0_24q +/m/09r9m7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/035sc2 /people/person/profession /m/02hrh1q +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0372j5 +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/06jd89 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05fyy5 +/m/01933d /people/person/profession /m/02hrh1q +/m/03shp /location/location/contains /m/028q7m +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/044rv /location/administrative_division/country /m/03ryn +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01vg13 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qhm3 /people/person/gender /m/02zsn +/m/0ds2n /film/film/written_by /m/032v0v +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0407yj_ /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0gx_p +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/041c4 +/m/0djb3vw /film/film/genre /m/0219x_ +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0dtzkt /film/film/production_companies /m/03xsby +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rl_3 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/01skmp /film/actor/film./film/performance/film /m/048htn +/m/0cb77r /film/film_set_designer/film_sets_designed /m/03bdkd +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/02hnl /music/instrument/instrumentalists /m/01wt4wc +/m/09tkzy /film/film/language /m/02bjrlw +/m/0gydcp7 /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/042zrm +/m/01k0vq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0404yzp +/m/0f5mdz /people/person/religion /m/03_gx +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/02m7r +/m/01jfsb /media_common/netflix_genre/titles /m/0443v1 +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01s21dg +/m/0m4yg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/030dr /people/person/gender /m/05zppz +/m/0m0jc /music/genre/artists /m/016nvh +/m/0138mv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/04wg38 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/041rx /people/ethnicity/people /m/014x77 +/m/0j95 /base/aareas/schema/administrative_area/capital /m/0nlh7 +/m/02y0js /people/cause_of_death/people /m/044kwr +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/05_pkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/011_vz +/m/0738y5 /people/person/profession /m/0dgd_ +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/03fbb6 /people/person/profession /m/02hrh1q +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/047msdk +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/0h10vt +/m/04hddx /award/award_category/category_of /m/04hddx +/m/01d_h /people/person/profession /m/02dsz +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/0449sw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/029_l /film/actor/film./film/performance/film /m/02rn00y +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/01r93l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05t7c1 +/m/03jsvl /music/genre/artists /m/01pbxb +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/01q_ph /film/actor/film./film/performance/film /m/034qmv +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09d5d5 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/0gx1bnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03m6zs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03xgm3 /people/person/place_of_birth /m/02frhbc +/m/088_9g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/0342h /music/instrument/instrumentalists /m/01vsykc +/m/015pxr /film/actor/film./film/performance/film /m/0ds5_72 +/m/07c52 /media_common/netflix_genre/titles /m/01bv8b +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01qr1_ +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01n6c +/m/071wvh /people/person/profession /m/018gz8 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxm1 +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gbbz +/m/04ynx7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/019k6n /sports/sports_team_location/teams /m/07kbp5 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/02s6sh /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/03lv4x /film/film/cinematography /m/0cqh57 +/m/04wsz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/027f7dj /people/person/nationality /m/09c7w0 +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fm2_ /location/location/time_zones /m/03bdv +/m/02w7gg /people/ethnicity/people /m/01fwj8 +/m/0gbtbm /tv/tv_program/country_of_origin /m/09c7w0 +/m/032v0v /film/director/film /m/024l2y +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gdh5 /people/person/nationality /m/0d060g +/m/03hj3b3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0g7s1n +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/01h8rk /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/02rqwhl /film/film/genre /m/0219x_ +/m/07v64s /music/genre/artists /m/043c4j +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/0py9b /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w6bq /education/educational_institution/students_graduates./education/education/student /m/08849 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/049912 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jf1b /people/person/profession /m/02jknp +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/07s93v /people/person/gender /m/05zppz +/m/01g7_r /education/educational_institution_campus/educational_institution /m/01g7_r +/m/0xv2x /music/genre/artists /m/01vsxdm +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0134wr +/m/03f1zdw /film/actor/film./film/performance/film /m/07l50_1 +/m/0b25vg /people/person/employment_history./business/employment_tenure/company /m/01yfp7 +/m/03lmx1 /people/ethnicity/people /m/07rhpg +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01309x /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03l26m /people/person/nationality /m/09c7w0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f25y +/m/01mxqyk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/032zg9 /film/actor/film./film/performance/film /m/0f4_l +/m/04cl1 /people/person/profession /m/018gz8 +/m/09fqgj /film/film/featured_film_locations /m/02jx1 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bnv +/m/02607j /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0b7t3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ssc /media_common/netflix_genre/titles /m/02pxst +/m/02kxbwx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06pcz0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rj0 +/m/04wlh /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01399x +/m/01j5sd /film/actor/film./film/performance/film /m/085wqm +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_k56 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g54xkt +/m/0f1kwr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0170xl +/m/04257b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/03z9585 /film/film/genre /m/02kdv5l +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0134pk +/m/08j7lh /film/film/genre /m/01jfsb +/m/063g7l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02y_lrp +/m/05znbh7 /film/film/country /m/0d05w3 +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/046f25 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/026b7bz /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/0gk4g /people/cause_of_death/people /m/04n_g +/m/0234pg /people/person/place_of_birth /m/0f2tj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/0cgwt8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0p_tz /film/film/genre /m/07s9rl0 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0124k9 +/m/02dbn2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lv4x +/m/0jdx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035qy +/m/031ldd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03s2y9 /people/person/profession /m/012t_z +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/022p06 /people/person/profession /m/01d_h8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0blt6 +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/04g3p5 /film/director/film /m/02__34 +/m/01hdht /organization/organization_founder/organizations_founded /m/017jv5 +/m/07c52 /media_common/netflix_genre/titles /m/06r4f +/m/01q940 /music/record_label/artist /m/01x66d +/m/01csqg /education/educational_institution/school_type /m/05jxkf +/m/0c34mt /film/film/genre /m/02n4kr +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/01l2b3 /film/film/country /m/07ssc +/m/0ywrc /film/film/written_by /m/0dbbz +/m/0888c3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/05r6t /music/genre/artists /m/03j_hq +/m/014g22 /film/actor/film./film/performance/film /m/090s_0 +/m/0j3b /location/location/partially_contains /m/05r4w +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/01vqc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09lxtg +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h7l7 +/m/0pnf3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017323 /music/genre/artists /m/01yndb +/m/098z9w /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rzxl +/m/01wrcxr /people/person/places_lived./people/place_lived/location /m/02dtg +/m/078bz /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0cjf0 /medicine/symptom/symptom_of /m/01gkcc +/m/0bzrxn /time/event/locations /m/0d9jr +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0515zg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09g8vhw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/051ys82 +/m/0mbwf /education/educational_institution/colors /m/06fvc +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042y1c +/m/01q8hj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/03k8th /film/film/prequel /m/03twd6 +/m/01q_ph /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0mdqp +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bpg3 +/m/06wcbk7 /music/record_label/artist /m/047sxrj +/m/07cjqy /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07sgdw +/m/01n7q /location/location/contains /m/0r0f7 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0275kr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016dgz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/03__y /location/country/official_language /m/0jzc +/m/05v38p /film/film/country /m/09c7w0 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/05148p4 /music/instrument/instrumentalists /m/01ww_vs +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01wyz92 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04jpl /location/location/contains /m/01dzq6 +/m/092vkg /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/03f0fnk /music/group_member/membership./music/group_membership/group /m/07yg2 +/m/09pmkv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01nrz4 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/02kfzz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mzkr /music/record_label/artist /m/01k23t +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/023g6w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07s9rl0 /media_common/netflix_genre/titles /m/02qjv1p +/m/08658y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05cvgl /film/film/genre /m/07s9rl0 +/m/0bs1g5r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/0gkvb7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01j7mr +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0770cd /people/person/nationality /m/09c7w0 +/m/0c1d0 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mw5x +/m/02p4jf0 /music/record_label/artist /m/03q2t9 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/05c5z8j /film/film/production_companies /m/0283xx2 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/01520h +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01_yvy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01s0t3 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/033nzk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0tyql /location/location/time_zones /m/02hcv8 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0222qb /people/ethnicity/people /m/0383f +/m/052hl /people/person/profession /m/025352 +/m/033hn8 /music/record_label/artist /m/01lw3kh +/m/030vnj /film/actor/film./film/performance/film /m/0296vv +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0k4kk +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0841zn +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym17 +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jmv8 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/0dg3n1 /location/location/contains /m/0169t +/m/0432_5 /film/film/language /m/02h40lc +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0169dl +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0ks67 /education/educational_institution/school_type /m/01_9fk +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/07b_l /location/location/contains /m/01n_g9 +/m/07t_x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0215n /media_common/netflix_genre/titles /m/024rwx +/m/06pcz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/09gkx35 /film/film/production_companies /m/05mgj0 +/m/06rgq /people/person/profession /m/09jwl +/m/01rzqj /people/person/nationality /m/0d060g +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/05kkh /location/administrative_division/first_level_division_of /m/09c7w0 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01ppq +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03khn /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0s9z_ /location/hud_county_place/county /m/0nvd8 +/m/0btbyn /film/film/story_by /m/025b3k +/m/024n3z /film/actor/film./film/performance/film /m/017jd9 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02r5qtm /tv/tv_program/genre /m/0c4xc +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/06sff /location/location/time_zones /m/02llzg +/m/02cllz /film/actor/film./film/performance/film /m/09p0ct +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0mb8c +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/059x0w /award/award_winner/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/02dr9j /film/film/produced_by /m/02bfxb +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/063_j5 /film/film/genre /m/0vjs6 +/m/02xnjd /people/person/employment_history./business/employment_tenure/company /m/0c_j5d +/m/0g9zcgx /people/person/gender /m/02zsn +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04mn81 /people/person/profession /m/016z4k +/m/04l19_ /influence/influence_node/influenced_by /m/0p_47 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/0dkv90 /film/film/genre /m/06l3bl +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/03vrnh +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/018m5q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03jvmp +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/04zw9hs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02md_2 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/06c44 /people/person/places_lived./people/place_lived/location /m/06cn5 +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/01mgw /film/film/written_by /m/076_74 +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/07s9rl0 /media_common/netflix_genre/titles /m/046488 +/m/01n7q /location/location/contains /m/02gnmp +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/04qmr +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/029k55 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04kngf +/m/03jsvl /music/genre/artists /m/02mq_y +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/075znj /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/01r4zfk /film/actor/film./film/performance/film /m/011ykb +/m/02ctzb /people/ethnicity/people /m/0f7fy +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/0ddbjy4 /film/film/country /m/09c7w0 +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/09yrh /film/actor/film./film/performance/film /m/03bx2lk +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/025twgf /film/film/language /m/02h40lc +/m/05f7w84 /tv/tv_program/genre /m/025s89p +/m/01rxw2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/01d8yn /award/award_winner/awards_won./award/award_honor/award_winner /m/03wbzp +/m/02jyr8 /education/educational_institution/colors /m/038hg +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09c7w0 /location/location/contains /m/0sgtz +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/03d_zl4 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/02w4v /music/genre/artists /m/045zr +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/0tc7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09b6zr +/m/014hdb /people/person/places_lived./people/place_lived/location /m/014clr +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/0ght2 /location/location/time_zones /m/02fqwt +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/03q8xj /film/film/music /m/09swkk +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/0qf11 /people/person/profession /m/016z4k +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06t8v +/m/0c9t0y /film/film/cinematography /m/02404v +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/0d193h +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/025vw4t +/m/0gltv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/020fgy /people/deceased_person/place_of_death /m/030qb3t +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01yh3y /film/actor/film./film/performance/film /m/063y9fp +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/03vrv9 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0487_ +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bm4sm +/m/03tc5p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsl3_ +/m/04rrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jdx +/m/015882 /music/artist/contribution./music/recording_contribution/performance_role /m/01qbl +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0b78hw +/m/0c61p /location/administrative_division/first_level_division_of /m/03rjj +/m/05148p4 /music/instrument/instrumentalists /m/01kph_c +/m/0m9_5 /education/university/fraternities_and_sororities /m/035tlh +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bkg87 /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/0c1j_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06x43v /film/film/country /m/09c7w0 +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/03fw60 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/0686zv /people/person/profession /m/02hrh1q +/m/0sbbq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nvd8 +/m/014gjp /tv/tv_program/genre /m/05p553 +/m/01vvyc_ /music/artist/origin /m/0ccvx +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/04ld32 /education/educational_institution/school_type /m/05jxkf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02rxrh +/m/02d49z /film/film/production_companies /m/02j_j0 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/0157m /people/person/profession /m/016fly +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/047t_ +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/09x3r /olympics/olympic_games/participating_countries /m/0d060g +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04511f /people/person/religion /m/0kpl +/m/0285c /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/024l2y /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0p9lw /film/film/production_companies /m/03xsby +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/082mw /people/person/profession /m/02hv44_ +/m/02mp0g /education/educational_institution_campus/educational_institution /m/02mp0g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02rytm +/m/05r5c /music/instrument/instrumentalists /m/032nl2 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/09qycb /film/film/edited_by /m/03nqbvz +/m/09jg8 /people/cause_of_death/people /m/012c6j +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03_d0 /music/genre/artists /m/01tw31 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/09mq4m /award/award_winner/awards_won./award/award_honor/award_winner /m/06x4l_ +/m/03qcq /influence/influence_node/influenced_by /m/014635 +/m/04rrx /location/location/contains /m/0vg8x +/m/02vg0 /people/person/profession /m/02hrh1q +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03m_k0 /people/person/profession /m/03gjzk +/m/048q6x /people/person/place_of_birth /m/0qkcb +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/01k5t_3 /music/artist/origin /m/0f2tj +/m/079yb /location/location/time_zones /m/02llzg +/m/0lbj1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/01qhm_ /people/ethnicity/people /m/03_vx9 +/m/01n7q /location/location/contains /m/0qzhw +/m/03jj93 /people/person/profession /m/02jknp +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p86pb +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05ft32 +/m/0hmyfsv /organization/organization/headquarters./location/mailing_address/citytown /m/0f04c +/m/0p_47 /film/actor/film./film/performance/film /m/02ctc6 +/m/09fn1w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/046qq /people/person/nationality /m/09c7w0 +/m/02wwwv5 /music/artist/origin /m/05fkf +/m/0sxns /film/film/featured_film_locations /m/02_286 +/m/09c7w0 /location/country/second_level_divisions /m/0mmty +/m/0gg8z1f /film/film/language /m/02h40lc +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0k9wp /organization/organization/headquarters./location/mailing_address/citytown /m/01vsl +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/02ktrs /people/person/profession /m/02hrh1q +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/022q4j /people/person/place_of_birth /m/02_286 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/02hp6p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03x22w /people/person/profession /m/02hrh1q +/m/0hyxv /sports/sports_team_location/teams /m/01h0b0 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0drc1 +/m/0hsn_ /people/person/profession /m/02hrh1q +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/01vb403 +/m/0n59f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5bk +/m/0qf43 /film/director/film /m/03hmt9b +/m/0180w8 /people/person/nationality /m/07ssc +/m/0342h /music/instrument/instrumentalists /m/03t852 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01vqc7 +/m/03_80b /people/person/profession /m/02hrh1q +/m/0c6qh /film/actor/film./film/performance/film /m/03yvf2 +/m/03gyl /location/location/contains /m/0fs1v +/m/0gl5_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0405l /film/director/film /m/0symg +/m/07_f2 /location/location/contains /m/01q7q2 +/m/01f873 /film/actor/film./film/performance/film /m/01f8gz +/m/0nvrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3kx +/m/01243b /music/genre/artists /m/03xnq9_ +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/01gkcc /medicine/disease/risk_factors /m/072hv +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/05mkn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bb26 /location/location/contains /m/0fs29 +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gz_ /people/person/profession /m/06q2q +/m/0jnb0 /people/person/nationality /m/09c7w0 +/m/01ttg5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k4p0 /film/film/language /m/02h40lc +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/05dxl_ /people/person/place_of_birth /m/02cl1 +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/0drc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05pq9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02y_lrp +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxsw +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/0h9dj /medicine/disease/risk_factors /m/02ctzb +/m/03w9bjf /people/ethnicity/languages_spoken /m/03k50 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04b2qn +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/029zqn /film/film/genre /m/07s9rl0 +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06r1k /tv/tv_program/genre /m/01htzx +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/025sc50 /music/genre/artists /m/019g40 +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/062dn7 +/m/081bls /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05b_gq +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/018vs /music/instrument/instrumentalists /m/016j2t +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02dbn2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0190vc /music/record_label/artist /m/01wz_ml +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0261w5 +/m/0chsq /people/person/places_lived./people/place_lived/location /m/0psxp +/m/0p_tz /film/film/language /m/02bjrlw +/m/0lgsq /people/person/profession /m/016z4k +/m/02qgqt /film/actor/film./film/performance/film /m/02cbhg +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/028cg00 /film/film/music /m/05_pkf +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/02ywwy /film/film/produced_by /m/06chvn +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qjpv5 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/016wzw +/m/0hvvf /film/film/written_by /m/0hw1j +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yh +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027n4zv +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01v27pl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/05crg7 +/m/04xvlr /media_common/netflix_genre/titles /m/04x4gw +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/06yrj6 /people/person/place_of_birth /m/068p2 +/m/0ckrnn /film/film/genre /m/02n4kr +/m/01wb8bs /people/person/places_lived./people/place_lived/location /m/01tlmw +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03188 /location/country/official_language /m/02h40lc +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0hskw /people/person/place_of_birth /m/0156q +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/09tqkv2 /film/film/music /m/03h610 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0dh1n_ /people/person/gender /m/05zppz +/m/07srw /location/location/contains /m/010h9y +/m/07h34 /location/location/contains /m/0msyb +/m/07fb6 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/06kxk2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07qht4 /media_common/netflix_genre/titles /m/03y317 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0d99k_ /film/film/production_companies /m/046b0s +/m/0c_gcr /film/actor/film./film/performance/film /m/02vrgnr +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/06l3bl /media_common/netflix_genre/titles /m/055td_ +/m/051ys82 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09g8vhw +/m/04t38b /people/person/profession /m/02jknp +/m/02yr1q /education/educational_institution/colors /m/01g5v +/m/0221zw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/030dr /people/person/religion /m/0n2g +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/013knm +/m/0dfjb8 /people/person/places_lived./people/place_lived/location /m/07c98 +/m/02gtm4 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0x67 /people/ethnicity/people /m/02nfhx +/m/0tyww /location/hud_county_place/county /m/0k3gw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zjtn4 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0h0wc /people/person/nationality /m/09c7w0 +/m/03m3vr6 /people/cause_of_death/people /m/0gr36 +/m/03fghg /film/actor/film./film/performance/film /m/05vc35 +/m/05y5kf /film/actor/film./film/performance/film /m/0194zl +/m/037xlx /film/film/written_by /m/0gn30 +/m/027fwmt /film/film/written_by /m/01p6xx +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/029g_vk +/m/040696 /film/actor/film./film/performance/film /m/02z3r8t +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/01b1mj /education/educational_institution/colors /m/083jv +/m/01z7s_ /people/person/gender /m/05zppz +/m/03cv_gy /tv/tv_program/genre /m/01z77k +/m/01mc11 /location/hud_county_place/county /m/0dc3_ +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0lb5x /location/administrative_division/country /m/0f8l9c +/m/01vq3nl /people/deceased_person/place_of_death /m/030qb3t +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0k3jq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01xwv7 /film/actor/film./film/performance/film /m/01qb559 +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/03k545 +/m/0420td /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05hyzx +/m/09xbpt /film/film/featured_film_locations /m/0cv3w +/m/04rrx /location/location/contains /m/042tq +/m/0hg11 /medicine/disease/risk_factors /m/0fltx +/m/013pp3 /people/person/gender /m/05zppz +/m/06sks6 /time/event/locations /m/04jpl +/m/015jr /location/administrative_division/country /m/0d060g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04bz2f +/m/02ckl3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07sgdw /film/film/featured_film_locations /m/02_286 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/04k25 +/m/04sh80 /film/film/music /m/023361 +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0ktx_ +/m/0h14ln /film/film/country /m/06mkj +/m/041b4j /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02d413 +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/03dq9 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040z9 +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/0q9b0 /film/film/film_production_design_by /m/05b2gsm +/m/03_d0 /music/genre/artists /m/017yfz +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/06wpc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/01gwk3 /film/film/prequel /m/07gp9 +/m/01s3v /base/biblioness/bibs_location/country /m/07ssc +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd8zw +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0347xl /people/person/profession /m/02hrh1q +/m/02p11jq /music/record_label/artist /m/01v0sxx +/m/01yf85 /people/person/gender /m/02zsn +/m/02_h0 /film/film_subject/films /m/043n1r5 +/m/06gbnc /people/ethnicity/people /m/01tsbmv +/m/0286vp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wcp_g +/m/0gs1_ /film/actor/film./film/performance/film /m/0p9tm +/m/01xv77 /film/actor/film./film/performance/film /m/017n9 +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/015whm /film/film/genre /m/0gf28 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032zq6 +/m/015q43 /people/person/places_lived./people/place_lived/location /m/019fm7 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/03v0vd /people/person/nationality /m/09c7w0 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/01wf86y /people/person/profession /m/0n1h +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/04180vy /film/film/featured_film_locations /m/06c62 +/m/03_lf /people/person/places_lived./people/place_lived/location /m/01gf5 +/m/02sj1x /people/person/nationality /m/09c7w0 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0640y35 /film/film/production_companies /m/0c41qv +/m/04mrfv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/019lty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0blt6 /people/person/profession /m/02hrh1q +/m/030cx /tv/tv_program/country_of_origin /m/09c7w0 +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/03hxsv /film/film/country /m/09c7w0 +/m/050gkf /film/film/genre /m/04xvlr +/m/02jq1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d07j8 /people/person/nationality /m/09c7w0 +/m/09b69 /location/location/contains /m/04w4s +/m/0558_1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/024mxd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d_wms +/m/0342h /music/instrument/instrumentalists /m/06p03s +/m/01tz6vs /people/person/languages /m/064_8sq +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01wcp_g /influence/influence_node/influenced_by /m/012vd6 +/m/0309jm /people/person/profession /m/03gjzk +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0838y /music/artist/origin /m/030qb3t +/m/09wv__ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05wkw +/m/031786 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01vvyd8 /people/person/religion /m/051kv +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05np4c /people/person/profession /m/02hrh1q +/m/01wy6 /music/instrument/instrumentalists /m/0kvnn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/04cl1 /people/person/gender /m/05zppz +/m/0161h5 /film/actor/film./film/performance/film /m/01pvxl +/m/016r9z /olympics/olympic_games/participating_countries /m/03gj2 +/m/0342h /music/instrument/instrumentalists /m/01n8gr +/m/07xvf /film/film/produced_by /m/0272kv +/m/03g5jw /influence/influence_node/peers./influence/peer_relationship/peers /m/0dw4g +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0j_c /film/director/film /m/0gy4k +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03pp73 /people/person/nationality /m/0d060g +/m/01wl38s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/06j6l /music/genre/artists /m/02l840 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02y_2y +/m/06kcjr /music/genre/artists /m/01vw_dv +/m/0bxjv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/0bpbhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h0wd9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02p8454 /education/educational_institution_campus/educational_institution /m/02p8454 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/06wbm8q +/m/04y0yc /film/actor/film./film/performance/film /m/0f42nz +/m/04gtdnh /people/person/gender /m/02zsn +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/012lzr /education/educational_institution/colors /m/019sc +/m/06pvr /location/location/contains /m/0kq1l +/m/0443v1 /film/film/genre /m/02n4kr +/m/034b6k /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01b_lz /tv/tv_program/program_creator /m/0438pz +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c46y6 +/m/06mzp /location/location/contains /m/01qcz7 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/0c00lh /influence/influence_node/influenced_by /m/026670 +/m/04165w /film/film/country /m/07ssc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/047kn_ +/m/0c9d9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmcb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/078jnn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0892sx +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/03qncl3 /organization/organization_founder/organizations_founded /m/031rp3 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rgq +/m/03g5_y /influence/influence_node/influenced_by /m/014z8v +/m/015czt /business/job_title/people_with_this_title./business/employment_tenure/company /m/06hhp +/m/01cm8w /film/film/genre /m/01hmnh +/m/01cspq /people/person/nationality /m/07ssc +/m/02w7fs /award/award_category/category_of /m/0c4ys +/m/07s8hms /people/person/profession /m/02hrh1q +/m/0436zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02sjf5 /people/person/nationality /m/09c7w0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07hgm +/m/01t_wfl /people/person/profession /m/018gz8 +/m/08mhyd /people/person/nationality /m/0chghy +/m/016k6x /film/actor/film./film/performance/film /m/03cp4cn +/m/01wk51 /people/person/profession /m/01d_h8 +/m/015nhn /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b6mgp_ +/m/06q8hf /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/09y20 /film/actor/film./film/performance/film /m/020bv3 +/m/05kyr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/0mmp3 /music/genre/parent_genre /m/08cyft +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03bkbh /people/ethnicity/people /m/03hy3g +/m/01tzfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/02mw6c /education/educational_institution/colors /m/01l849 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07ssc /media_common/netflix_genre/titles /m/04jpk2 +/m/02lf70 /people/person/languages /m/06nm1 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0170k0 /tv/tv_program/languages /m/02h40lc +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/07bxqz /film/film/genre /m/07s9rl0 +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0fby2t /film/actor/film./film/performance/film /m/0bvn25 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/01wmxfs /people/person/gender /m/05zppz +/m/076xkps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/033s6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0b_c7 /people/person/gender /m/05zppz +/m/05b49tt /film/film_set_designer/film_sets_designed /m/03z20c +/m/02f6g5 /film/film/language /m/0653m +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09nzn6 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/0167xy /influence/influence_node/influenced_by /m/01vrncs +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/03qx_f +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/07rzf /film/actor/film./film/performance/film /m/032xky +/m/0xhtw /music/genre/artists /m/013rfk +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/035qgm +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/01vwllw /film/actor/film./film/performance/film /m/0d4htf +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/028k57 /people/person/profession /m/02jknp +/m/022g44 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0162c8 /film/director/film /m/02_sr1 +/m/01kvrz /education/educational_institution/colors /m/01g5v +/m/016ky6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0jqp3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fn5 +/m/0gh6j94 /film/film/country /m/03rjj +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gy0l_ +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/05q96q6 /film/film/executive_produced_by /m/0gg9_5q +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/02js9p /film/actor/film./film/performance/film /m/0fvr1 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/02nrdp /people/person/place_of_birth /m/0cr3d +/m/07lp1 /people/person/nationality /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/0d87hc /film/film/genre /m/02l7c8 +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027hnjh +/m/0584j4n /people/person/gender /m/05zppz +/m/017_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/015jr /location/location/contains /m/01d26y +/m/01t04r /music/record_label/artist /m/01w524f +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gys2jp +/m/09v1lrz /award/award_category/winners./award/award_honor/award_winner /m/02wk4d +/m/011zd3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/073bb /people/person/nationality /m/09c7w0 +/m/01_vfy /people/person/nationality /m/09c7w0 +/m/018gkb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01wgjj5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037fqp /education/educational_institution/campuses /m/037fqp +/m/02t4yc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g5k /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/032q8q /film/actor/film./film/performance/film /m/026f__m +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0cwy47 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ftjx +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/078sj4 /film/film/genre /m/01jfsb +/m/06jnvs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02v3m7 /location/location/contains /m/0ntxg +/m/048cl /people/deceased_person/place_of_death /m/04jpl +/m/01t04r /music/record_label/artist /m/0560w +/m/01y0y6 /people/person/profession /m/0dxtg +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/06s1qy /people/person/profession /m/0dxtg +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/018h2 /media_common/netflix_genre/titles /m/04h41v +/m/03bnb /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/0892sx +/m/0ytc /sports/sports_team/sport /m/02vx4 +/m/04k3r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09xwz /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0291ck +/m/047lj /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01xvlc /education/educational_institution_campus/educational_institution /m/01xvlc +/m/0227tr /people/person/profession /m/02hrh1q +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cv_gy +/m/02rgz4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q3fdr +/m/016h4r /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0r785 /location/hud_county_place/place /m/0r785 +/m/01vrncs /people/person/profession /m/0dz3r +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/03f0qd7 /people/person/profession /m/02hrh1q +/m/0b_5d /film/film/cinematography /m/070bjw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06182p +/m/0f4yh /film/film/language /m/04306rv +/m/03fykz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01x1cn2 /film/actor/film./film/performance/film /m/02sg5v +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/0pnf3 +/m/0zcbl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wrcxr /people/person/profession /m/01d_h8 +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/04g51 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/02rv1w /education/educational_institution_campus/educational_institution /m/02rv1w +/m/07c9s /media_common/netflix_genre/titles /m/02w86hz +/m/0phx4 /people/person/nationality /m/02jx1 +/m/0chw_ /people/person/profession /m/09jwl +/m/03__77 /sports/sports_team/sport /m/02vx4 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/0399p /people/person/religion /m/0kpl +/m/010xjr /film/actor/film./film/performance/film /m/078mm1 +/m/09g0h /people/person/profession /m/09lbv +/m/04_j5s /education/educational_institution/school_type /m/05pcjw +/m/01zfzb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015grj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0k419 /film/film/production_companies /m/05qd_ +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/05vtbl /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpyd +/m/0jxgx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08720 /film/film/production_companies /m/0g1rw +/m/0143wl /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0262yt /award/award_category/winners./award/award_honor/ceremony /m/0gwdy4 +/m/019dwp /education/educational_institution/school_type /m/01_9fk +/m/0c_tl /olympics/olympic_games/sports /m/06z6r +/m/06c0ns /film/film/genre /m/0556j8 +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01zhs3 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/03rqww /people/person/gender /m/05zppz +/m/01w58n3 /people/person/nationality /m/09c7w0 +/m/03cvwkr /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/016ky6 /film/film/production_companies /m/016tt2 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0330r /tv/tv_program/country_of_origin /m/09c7w0 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09zmys +/m/09q17 /media_common/netflix_genre/titles /m/0kv2hv +/m/02jztz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sw6g /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/0r771 +/m/015fr /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0315w4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043zg +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qg7c +/m/014zfs /award/award_winner/awards_won./award/award_honor/award_winner /m/01x209s +/m/016zp5 /film/actor/film./film/performance/film /m/03x7hd +/m/0jgd /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/05ns4g +/m/012d40 /people/person/languages /m/02hwhyv +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/036c_0 /people/person/profession /m/02krf9 +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03205_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hmnh /media_common/netflix_genre/titles /m/0bm2nq +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/073749 /film/actor/film./film/performance/film /m/02ht1k +/m/084w8 /influence/influence_node/influenced_by /m/07dnx +/m/0hz6mv2 /film/film/genre /m/04rlf +/m/0g9zjp /people/person/gender /m/05zppz +/m/04rkkv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/01wd9lv /award/award_winner/awards_won./award/award_honor/award_winner /m/09889g +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/014zfs +/m/049nq /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/01kwhf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04ns3gy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1j_ +/m/02xfj0 /influence/influence_node/influenced_by /m/014zfs +/m/01wv9p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fb1q /film/actor/film./film/performance/film /m/01633c +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/06s1qy /people/person/place_of_birth /m/030qb3t +/m/024qqx /media_common/netflix_genre/titles /m/07gp9 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/01fpvz /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/0407f /people/person/profession /m/09jwl +/m/08qmfm /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02ndy4 /film/film/music /m/0150t6 +/m/0cpz4k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01d1st +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m67 +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/09889g +/m/015mlw /music/record_label/artist /m/023p29 +/m/02hfp_ /film/director/film /m/02mpyh +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05183k +/m/06sks6 /olympics/olympic_games/sports /m/0bynt +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019vgs +/m/09qh1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/0b005 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w1ywm +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01tp5bj /people/person/nationality /m/07ssc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0824r +/m/06fq2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/01_qgp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0gtv7pk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/031296 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02dlfh +/m/04qk12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06bzwt /people/person/profession /m/02hrh1q +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06v9sf +/m/0738b8 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02wyc0 /people/person/profession /m/015cjr +/m/01q940 /music/record_label/artist /m/01vxlbm +/m/047cqr /people/person/place_of_birth /m/01sn3 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jfrg +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02rb607 /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/053x8hr +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0h63gl9 +/m/0lvng /education/educational_institution/students_graduates./education/education/student /m/03_nq +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/024y6w /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2s6 +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05txrz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0mp08 /location/hud_county_place/county /m/0mp08 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02q0k7v /film/film/genre /m/0c3351 +/m/01l_yg /film/actor/film./film/performance/film /m/04y9mm8 +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/0ylzs /education/educational_institution/colors /m/083jv +/m/02rg_4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01z3bz +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/04n2vgk /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/05dmmc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0hsqf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pw9v /people/person/profession /m/0n1h +/m/01g969 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cwtm +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0561xh /people/person/profession /m/01c72t +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/07147 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/016zdd /people/person/gender /m/02zsn +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/05z775 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bvn25 /film/film/genre /m/02l7c8 +/m/0glt670 /music/genre/artists /m/07h76 +/m/01qzyz /music/instrument/family /m/01rhl +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01jfsb /media_common/netflix_genre/titles /m/06gjk9 +/m/014z8v /people/person/profession /m/0cbd2 +/m/0kftt /music/artist/track_contributions./music/track_contribution/role /m/01c3q +/m/01_2n /tv/tv_program/genre /m/01t_vv +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0bjkpt /people/person/profession /m/0cbd2 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dwrc +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/0xnvg /people/ethnicity/people /m/04f7c55 +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01tsbmv +/m/0175tv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0rh6k +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/01kf3_9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/0mp36 /location/hud_county_place/county /m/0mp36 +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/08zrbl /film/film/production_companies /m/0jz9f +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vwckw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/05jg58 /music/genre/artists /m/01gf5h +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/0f14q /film/actor/film./film/performance/film /m/08phg9 +/m/083chw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01y888 /education/educational_institution/campuses /m/01y888 +/m/01n7q /location/location/contains /m/013807 +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/049vhf /organization/organization/place_founded /m/0k33p +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/042kg +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0tz14 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0mcf4 /music/record_label/artist /m/01n44c +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k269 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01719t +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/08g_jw /film/film/language /m/064_8sq +/m/0m9_5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019vv1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mnk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/07s72n /music/genre/parent_genre /m/0190y4 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02t_zq +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/051ys82 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/01vv126 /people/person/gender /m/05zppz +/m/04cmrt /people/person/languages /m/02h40lc +/m/0p51w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ph24 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029_3 +/m/05lb87 /film/actor/film./film/performance/film /m/01q2nx +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/0l15f_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0bmnm +/m/01ky7c /education/educational_institution/school_type /m/05jxkf +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02kfzz +/m/01mqnr /film/actor/film./film/performance/film /m/0fg04 +/m/02tzwd /award/award_category/category_of /m/02tzwd +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/016kjs /organization/organization_founder/organizations_founded /m/03d96s +/m/0159h6 /people/person/profession /m/0dxtg +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0cpz4k /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0ml_m /location/location/time_zones /m/02lcqs +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146pg +/m/01hmnh /media_common/netflix_genre/titles /m/02vzpb +/m/05hd32 /tv/tv_program/genre /m/0jxy +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/06fpsx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/081bls /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/09c7w0 /location/location/contains /m/0hz35 +/m/0778p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lf70 /people/person/nationality /m/09c7w0 +/m/01cssf /film/film/featured_film_locations /m/0135g +/m/023zd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07h34 /location/location/contains /m/02y9bj +/m/01bcwk /organization/organization/headquarters./location/mailing_address/citytown /m/01b8jj +/m/01hw6wq /people/person/nationality /m/0hzlz +/m/078jt5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05cqhl +/m/027kmrb /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/05qw5 /people/person/places_lived./people/place_lived/location /m/059rby +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq806 +/m/09c7w0 /location/location/contains /m/065r8g +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/03rg2b /film/film/produced_by /m/09p06 +/m/05kkh /location/location/contains /m/03k7dn +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/02bjhv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0btxr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02mjf2 +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x7vq +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02zhkz /film/actor/film./film/performance/film /m/05sxr_ +/m/01hkhq /people/person/place_of_birth /m/0n95v +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/023907r +/m/02k21g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/022_q8 /film/director/film /m/0bh8drv +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/019g8j +/m/01h72l /tv/tv_program/genre /m/025s89p +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/01x72k /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rjj +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/01nvmd_ /people/person/nationality /m/09c7w0 +/m/03lrht /film/film/country /m/09c7w0 +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04mhl /people/person/profession /m/0cbd2 +/m/01h5f8 /people/person/profession /m/09jwl +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/04dbw3 /people/ethnicity/people /m/022q4j +/m/03l6q0 /film/film/production_companies /m/032j_n +/m/0c02jh8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07wqr6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015g_7 +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/03cs_xw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hvb2 +/m/03mz5b /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0372kf /film/actor/film./film/performance/film /m/02x2jl_ +/m/0h25 /influence/influence_node/influenced_by /m/02wh0 +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016zdd +/m/020qr4 /tv/tv_program/languages /m/064_8sq +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/01twdk /film/actor/film./film/performance/film /m/03bx2lk +/m/02vjhf /tv/tv_program/genre /m/06q7n +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/02wh0 /people/person/nationality /m/0345h +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/05_61y /film/film/language /m/07zrf +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01pcdn +/m/0436f4 /people/person/places_lived./people/place_lived/location /m/0yc84 +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/01n7q /location/location/contains /m/0l380 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0nbjq /olympics/olympic_games/sports /m/06wrt +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kph_c +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0k_mt /people/person/profession /m/02jknp +/m/013zyw /people/person/place_of_birth /m/01sn3 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03z2rz +/m/0fb0v /music/record_label/artist /m/04_jsg +/m/01b4p4 /music/genre/parent_genre /m/09jw2 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/01xv77 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/08bqy9 /people/person/profession /m/01d_h8 +/m/023qfd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02gl58 +/m/02yl42 /people/person/places_lived./people/place_lived/location /m/059rby +/m/01z88t /location/country/form_of_government /m/01fpfn +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02pbzv +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/05typm +/m/012kyx /film/film/genre /m/03npn +/m/07vyf /education/educational_institution/school_type /m/01_9fk +/m/087c7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0bmssv /film/film/written_by /m/06pcz0 +/m/018j2 /music/instrument/instrumentalists /m/0k1bs +/m/03khn /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01lly5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0660b9b /film/film/cinematography /m/02vx4c2 +/m/01j6t0 /medicine/symptom/symptom_of /m/0167bx +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07wtc +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03v1s /location/location/contains /m/03b12 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02qpt1w +/m/0l2lk /location/us_county/county_seat /m/0r22d +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/045931 /film/actor/film./film/performance/film /m/01kff7 +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/06x77g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07b8m1 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/02tr7d +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/03lvyj +/m/0f60c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dlhg +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/012ljv +/m/017fp /media_common/netflix_genre/titles /m/02prw4h +/m/03c7twt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/080z7 /organization/organization/headquarters./location/mailing_address/citytown /m/0853g +/m/05b_7n /people/person/nationality /m/09c7w0 +/m/01bl8s /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0h3tv +/m/01mqh5 /film/actor/film./film/performance/film /m/0n6ds +/m/094jv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/0bxtg /film/director/film /m/0pvms +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0449sw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0223bl +/m/02ctzb /people/ethnicity/people /m/03_nq +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/01gf5h /music/artist/origin /m/0d9jr +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/09rsjpv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05z_kps /film/film/production_companies /m/0283xx2 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/041rx /people/ethnicity/people /m/01zfmm +/m/015jr /location/location/contains /m/01gb_7 +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0c1gj5 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/0lbfv /education/educational_institution_campus/educational_institution /m/0lbfv +/m/03w94xt /music/genre/artists /m/01vs4f3 +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020fgy +/m/06j6l /music/genre/artists /m/016376 +/m/0k4d7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05w3f /music/genre/artists /m/0191h5 +/m/048rn /film/film/genre /m/01g6gs +/m/046rfv /people/person/profession /m/02t8yb +/m/0cc56 /base/aareas/schema/administrative_area/administrative_parent /m/02_286 +/m/05zhg /sports/sports_team_location/teams /m/02b0_m +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04h4c9 +/m/0l98s /olympics/olympic_games/sports /m/035d1m +/m/01hb6v /influence/influence_node/influenced_by /m/073v6 +/m/0dqcm /people/person/languages /m/02h40lc +/m/02bq1j /organization/organization/headquarters./location/mailing_address/citytown /m/0f2nf +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01h72l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055sjw +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016t0h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01k2xy +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/015f7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0j1yf +/m/0djtky /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/050l8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/030s5g /people/person/place_of_birth /m/0cr3d +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/0ff0x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc32 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0154j +/m/03n52j /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/018y2s /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01s7w3 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/07bch9 /people/ethnicity/people /m/0311wg +/m/0d9jr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/04sry +/m/0124k9 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/0366c /location/country/official_language /m/02h40lc +/m/02g9p4 /music/instrument/instrumentalists /m/01wf86y +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03hdz8 +/m/0c7t58 /people/person/place_of_birth /m/0cr3d +/m/0gltv /film/film/country /m/09c7w0 +/m/06wvj /people/person/gender /m/05zppz +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bv8h2 +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02dr9j +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/033jj1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z5tr +/m/01yjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/02d9k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fg6k /location/location/time_zones /m/03bdv +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0p_rk /film/film/genre /m/06cvj +/m/030tjk /people/person/profession /m/03gjzk +/m/02g8h /influence/influence_node/influenced_by /m/01k9lpl +/m/06t74h /film/actor/film./film/performance/film /m/0ds33 +/m/01l1b90 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f3yfj +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/03lty /music/genre/artists /m/013w2r +/m/01gp_x /award/award_winner/awards_won./award/award_honor/award_winner /m/027hnjh +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/01yd8v +/m/059g4 /location/location/contains /m/0pmpl +/m/014xf6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0bx8pn /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0l2v0 /location/us_county/county_seat /m/0r5lz +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dzf_ +/m/030qb3t /location/location/contains /m/0f2wj +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/059ts /location/administrative_division/country /m/0d060g +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/01n1gc /people/person/places_lived./people/place_lived/location /m/04rrd +/m/02p7_k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bxhl /location/location/partially_contains /m/09glw +/m/0brkwj /people/person/profession /m/03gjzk +/m/0gy2y8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01x4wq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01cqz5 /people/person/religion /m/07mfk +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018z_c +/m/016qtt /people/person/profession /m/039v1 +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qjj7 +/m/03x7hd /film/film/language /m/02h40lc +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vrwfv +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0lgxj /olympics/olympic_games/participating_countries /m/0d060g +/m/07tds /education/educational_institution/campuses /m/07tds +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k0yw +/m/01r0t_j /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/0bs5f0b /film/film/genre /m/06cvj +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/045cq +/m/041ly3 /people/person/nationality /m/09c7w0 +/m/07dnx /people/person/profession /m/0cbd2 +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/03lpd0 /people/person/nationality /m/09c7w0 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/08rr3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/04q24zv /film/film/film_festivals /m/04_m9gk +/m/016wzw /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/04ydr95 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/022_lg /film/director/film /m/035yn8 +/m/02856r /music/genre/parent_genre /m/06by7 +/m/0kpys /location/location/contains /m/0f2wj +/m/0blgl /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/076psv /film/film_set_designer/film_sets_designed /m/0m_h6 +/m/02_1sj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/05cwl_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/058kqy /film/actor/film./film/performance/film /m/08rr3p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01n4w_ +/m/041p3y /music/record_label/artist /m/02vgh +/m/036921 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/035yg /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/07tlfx /film/film/country /m/0d060g +/m/01t8sr /education/educational_institution_campus/educational_institution /m/01t8sr +/m/08l_c1 /organization/organization/headquarters./location/mailing_address/citytown /m/0fn7r +/m/06wxw /base/biblioness/bibs_location/state /m/04ych +/m/02h659 /education/educational_institution_campus/educational_institution /m/02h659 +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b79gfg +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/013hxv /location/hud_county_place/county /m/0n3ll +/m/07xzm /music/instrument/instrumentalists /m/0zjpz +/m/04s934 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0z90c /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0gy6z9 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0jhn7 /olympics/olympic_games/sports /m/019w9j +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/08chdb +/m/01j5sd /film/actor/film./film/performance/film /m/0d61px +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0gzy02 /film/film/cinematography /m/03ctv8m +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b_6rk /time/event/locations /m/0f2r6 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/08hsww +/m/018qb4 /olympics/olympic_games/sports /m/06wrt +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/04b7xr +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/0jnm_ /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0198b6 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/03yk8z +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0222qb /people/ethnicity/people /m/0dbbz +/m/01zfmm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/025mb_ +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01_qc_ /people/cause_of_death/people /m/01wp_jm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/071_8 +/m/01rxyb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0gd0c7x /film/film/genre /m/06n90 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/0x67 /people/ethnicity/people /m/0lgm5 +/m/0xhtw /music/genre/artists /m/01lz4tf +/m/046mxj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06r4f +/m/076zy_g /film/film/genre /m/02kdv5l +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0kbws /olympics/olympic_games/participating_countries /m/05cc1 +/m/0d7k1z /base/biblioness/bibs_location/country /m/09c7w0 +/m/02ndf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r6nbc +/m/0mhhc /location/location/contains /m/09b83 +/m/0gnkb /film/film/production_companies /m/086k8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0m8_v +/m/084302 /film/film/country /m/07ssc +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/03bzjpm /film/film/executive_produced_by /m/026c1 +/m/03ckvj9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/09c7w0 /location/location/contains /m/0r5lz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/047g98 +/m/0n5y4 /location/us_county/county_seat /m/01x96 +/m/0344gc /film/film/country /m/09c7w0 +/m/03fnjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0638kv +/m/03jqfx /time/event/locations /m/035qy +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/02nrdp /people/deceased_person/place_of_death /m/06_kh +/m/0n6f8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02js6_ +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/011j5x /music/genre/artists /m/01vsqvs +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0418wg /film/film/language /m/0653m +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/01m5m5b /people/person/place_of_birth /m/0pmq2 +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6b4 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0rkkv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/01t_z /people/person/profession /m/04s2z +/m/07gbf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0488g +/m/07s8r0 /film/actor/film./film/performance/film /m/02vzpb +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049msk +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vjhf /tv/tv_program/genre /m/07qht4 +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03l6q0 +/m/02r5dz /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/024qqx /media_common/netflix_genre/titles /m/04mcw4 +/m/01pq4w /education/educational_institution/students_graduates./education/education/student /m/010hn +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09sr0 +/m/06rnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h26tm +/m/02y0js /medicine/disease/risk_factors /m/0fltx +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03mz5b +/m/016jll /award/award_winner/awards_won./award/award_honor/award_winner /m/01l3mk3 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/011k1h /music/record_label/artist /m/01vxlbm +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/01wk3c +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/04ykg /base/aareas/schema/administrative_area/capital /m/0b2lw +/m/0345h /location/location/contains /m/013_gg +/m/0gz5hs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0584r4 +/m/0bqvs2 /people/person/place_of_birth /m/01531 +/m/06jk5_ /education/educational_institution/campuses /m/06jk5_ +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/01l2b3 /film/film/language /m/02h40lc +/m/01cpqk /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/081lh +/m/041jlr /influence/influence_node/influenced_by /m/07h1q +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01ygv2 +/m/06_sc3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01svry /film/film/written_by /m/03p01x +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/0kq9l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/083my7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02l7c8 /media_common/netflix_genre/titles /m/0yxm1 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/05zjx +/m/0b_dy /film/actor/film./film/performance/film /m/02vxq9m +/m/06kbb6 /people/person/nationality /m/09c7w0 +/m/064t9 /music/genre/artists /m/016kjs +/m/029q3k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gps0z /film/actor/film./film/performance/film /m/0661m4p +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/0crqcc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/049mql /film/film/country /m/07ssc +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/06_wqk4 +/m/046qpy /organization/organization/place_founded /m/021y1s +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0138mv +/m/02rlj20 /film/film/executive_produced_by /m/0438pz +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01ry_x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fgpf +/m/07yp0f /people/person/gender /m/02zsn +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01clyr /music/record_label/artist /m/0frsw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/017236 /location/administrative_division/country /m/0d05w3 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gxkm +/m/0432cd /people/person/profession /m/02hrh1q +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/03x8cz +/m/01wv9p /people/person/profession /m/016z4k +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/05jm7 /influence/influence_node/influenced_by /m/0g5ff +/m/035qy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0pz7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03q45x +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/0gqrb /people/person/gender /m/05zppz +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/025st2z /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b65l +/m/04hvw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hzlz +/m/05n6sq /film/film/language /m/06nm1 +/m/05cwl_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0hdf8 /music/genre/parent_genre /m/01fh36 +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01wj5hp /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/01rh0w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rlxt +/m/02z1yj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/05bxwh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0h1m9 +/m/01_bkd /music/genre/artists /m/04qzm +/m/0c41y70 /sports/sports_team/colors /m/06fvc +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wwmhc +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/077w0b /organization/organization/headquarters./location/mailing_address/state_province_region /m/0488g +/m/07cz2 /film/film/featured_film_locations /m/0135g +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01gvxv +/m/01j8wk /film/film/production_companies /m/0c41qv +/m/05m9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04sry +/m/0k2m6 /film/film/genre /m/02n4lw +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0q5hw +/m/0pqzh /influence/influence_node/influenced_by /m/02lt8 +/m/03rhqg /music/record_label/artist /m/0132k4 +/m/05znxx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0k1 +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/060_7 /people/person/nationality /m/06mkj +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04jnd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/011j5x /music/genre/artists /m/048tgl +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/02825kb /film/film/language /m/04306rv +/m/01dbk6 /people/person/nationality /m/09c7w0 +/m/0j1z8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07dzf +/m/02x2jl_ /film/film/produced_by /m/0b13g7 +/m/0gs7x /people/person/profession /m/0cbd2 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/05sw5b /film/film/country /m/09c7w0 +/m/0fb2l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/03gyl /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/0p_47 /people/person/places_lived./people/place_lived/location /m/0r0f7 +/m/055c8 /film/actor/film./film/performance/film /m/02mmwk +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/059nf5 /sports/sports_team/colors /m/038hg +/m/07s3m4g /film/film/genre /m/0fdjb +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/078ds /people/ethnicity/languages_spoken /m/02h40lc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02m_41 +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award /m/03ybrwc +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01rddlc /people/person/profession /m/0np9r +/m/07ssc /location/location/contains /m/0ck6r +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xn7x1 +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ds83 +/m/04rrx /location/location/contains /m/015fs3 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n951 +/m/03k9fj /media_common/netflix_genre/titles /m/0gnkb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0kwv2 +/m/03__77 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtbb +/m/02_1rq /tv/tv_program/genre /m/07s9rl0 +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0hpv3 /education/educational_institution/colors /m/019sc +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067sqt +/m/02yw1c /music/genre/artists /m/01shhf +/m/017kz7 /film/film/language /m/064_8sq +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/030h95 +/m/0f8l9c /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0l6m5 /olympics/olympic_games/sports /m/07bs0 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/034xyf +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n6ds +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0784v1 /people/person/place_of_birth /m/0lnfy +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tn0_ +/m/0b7gr2 /people/person/nationality /m/09c7w0 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/02klny /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/01vrx3g +/m/02ln0f /education/educational_institution/campuses /m/02ln0f +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/03cfkrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/0r2dp /location/location/time_zones /m/02lcqs +/m/07rd7 /film/director/film /m/01qxc7 +/m/0f4vbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/04gv3db /film/film/language /m/02h40lc +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h95927 +/m/017d77 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/0bx8pn /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01l0__ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/01w3vc /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/01k6nm /people/deceased_person/place_of_death /m/04vmp +/m/01771z /film/film/production_companies /m/086k8 +/m/046b0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kv4mb +/m/01ptt7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05lwjc /music/genre/artists /m/01wcp_g +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nczg +/m/08815 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06y9c2 /people/person/profession /m/0nbcg +/m/09cxm4 /film/film/language /m/02h40lc +/m/01tw31 /people/person/profession /m/0nbcg +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vtbl +/m/07djnx /people/person/gender /m/05zppz +/m/0f2s6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mq17 +/m/02pyyld /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/033hn8 /music/record_label/artist /m/02pt27 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/06by7 /music/genre/artists /m/03t9sp +/m/09c7w0 /location/location/contains /m/05mph +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02sn34 /base/biblioness/bibs_location/country /m/07t21 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jswp +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01kv4mb /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/05t7c1 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/035yzw /organization/organization/headquarters./location/mailing_address/state_province_region /m/09hrc +/m/051hhz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02jxbw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0627sn +/m/06ztvyx /film/film/language /m/02h40lc +/m/01hrqc /people/person/profession /m/025352 +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02xry +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/06823p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/078mgh +/m/0bx_q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f_j1 /music/genre/artists /m/01dhjz +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/01zll8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02yj7w +/m/05j49 /location/administrative_division/first_level_division_of /m/0d060g +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/06_x996 /film/film/language /m/02h40lc +/m/02pd1tf /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0bg4j_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/028knk /film/actor/film./film/performance/film /m/0g_zyp +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/0fvyg /sports/sports_team_location/teams /m/0263cyj +/m/01pq4w /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/09g7vfw /film/film/story_by /m/015zql +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nqj +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/04cppj /film/film/language /m/02h40lc +/m/015p37 /people/person/profession /m/01d_h8 +/m/0f4x7 /award/award_category/category_of /m/0g_w +/m/0h7x /location/location/partially_contains /m/0lcd +/m/07ssc /location/location/contains /m/0kc40 +/m/01c333 /education/educational_institution/campuses /m/01c333 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0167v4 +/m/090q8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jyx6 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/01vz0g4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04n_g +/m/05z775 /film/actor/film./film/performance/film /m/06fcqw +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h26tm +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/02mc79 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/072192 /film/film/genre /m/07s9rl0 +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/051ys82 +/m/052hl /people/person/profession /m/05sxg2 +/m/0bv7t /people/person/places_lived./people/place_lived/location /m/0yzyn +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01p9hgt +/m/06jnvs /people/person/profession /m/03gjzk +/m/016pns /people/person/nationality /m/09c7w0 +/m/0bbw2z6 /film/film/genre /m/01jfsb +/m/079kdz /people/person/nationality /m/09c7w0 +/m/0g9z_32 /film/film/production_companies /m/05rrtf +/m/0465_ /influence/influence_node/influenced_by /m/0448r +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/0m_mm /film/film/language /m/06nm1 +/m/07z542 /music/artist/origin /m/0d6hn +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/031n5b +/m/016z2j /film/actor/film./film/performance/film /m/02ryz24 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0234j5 +/m/042y1c /film/film/genre /m/04xvlr +/m/0ylgz /education/educational_institution/colors /m/019sc +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn44 +/m/0fbtbt /award/award_category/category_of /m/0gcf2r +/m/05tbn /location/location/contains /m/017y26 +/m/011wtv /film/film/genre /m/01jfsb +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/06rrzn /award/award_winner/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/050f0s /film/film/story_by /m/0721cy +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03gdf1 +/m/032_jg /film/actor/film./film/performance/film /m/0gd92 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02rmd_2 /film/film/executive_produced_by /m/05hj_k +/m/0bbf1f /people/person/spouse_s./people/marriage/spouse /m/07r1h +/m/049m19 /people/person/religion /m/01lp8 +/m/0gjk1d /film/film/production_companies /m/02j_j0 +/m/01f492 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/07m9cm /award/award_winner/awards_won./award/award_honor/award_winner /m/01q6bg +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/014488 /people/person/profession /m/0nbcg +/m/030hcs /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01gq0b +/m/03_hd /influence/influence_node/influenced_by /m/07kb5 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/058z2d /organization/organization/headquarters./location/mailing_address/citytown /m/09f07 +/m/026n998 /people/person/gender /m/05zppz +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0c1d0 /location/location/contains /m/02s62q +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/01vrncs /influence/influence_node/influenced_by /m/011vx3 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01vv7sc +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy4k +/m/03tdlh /film/actor/film./film/performance/film /m/0b4lkx +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/05szp +/m/09fb5 /film/actor/film./film/performance/film /m/01f69m +/m/02j8nx /award/award_winner/awards_won./award/award_honor/award_winner /m/01r216 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06w99h3 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/03cd1q +/m/03dbww /people/person/profession /m/0np9r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02s8qk +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0bqtx /time/event/locations /m/0hzlz +/m/01vh18t /people/person/profession /m/05z96 +/m/01_1pv /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/07wjk /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0n5hh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/06g77c /film/film/genre /m/0k345 +/m/034np8 /film/actor/film./film/performance/film /m/0gd92 +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0jnpc /sports/sports_team/sport /m/03tmr +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/026390q /film/film/genre /m/07s9rl0 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/01j2xj /people/person/profession /m/0q04f +/m/0jm5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0266s9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/09hd16 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b16p +/m/02grjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mqnr +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/0241y7 /film/film/country /m/09c7w0 +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01y8cr /people/person/nationality /m/077qn +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043tvp3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05_p2 +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cgy +/m/05k7sb /location/location/contains /m/0k3gj +/m/01f7d /award/award_category/winners./award/award_honor/award_winner /m/02h761 +/m/05kh_ /people/person/profession /m/0dxtg +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0pz91 /film/actor/film./film/performance/film /m/087pfc +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/070zc +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/0bkg87 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0270k40 /film/film/country /m/09c7w0 +/m/04wmvz /sports/sports_team/colors /m/06fvc +/m/02mhfy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0342h /music/instrument/instrumentalists /m/01wl38s +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/05q2c /education/educational_institution/school_type /m/05pcjw +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/05m883 /people/person/profession /m/01d_h8 +/m/059g4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0947l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02pq9yv /people/person/nationality /m/02jx1 +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0gk4g /people/cause_of_death/people /m/08433 +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/0ftxc /location/location/time_zones /m/02fqwt +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/07c37 /influence/influence_node/influenced_by /m/030dr +/m/02g839 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/01xsbh /film/actor/film./film/performance/film /m/0sxg4 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/049k07 /people/person/nationality /m/09c7w0 +/m/01tx9m /organization/organization/headquarters./location/mailing_address/citytown /m/0106dv +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0lwyk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/078mm1 /film/film/genre /m/03k9fj +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f2_rc +/m/0sxgv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gk4g /people/cause_of_death/people /m/0f2zc +/m/020w2 /music/instrument/instrumentalists /m/04n32 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/01v42g /film/actor/film./film/performance/film /m/05f4_n0 +/m/0yyh /location/administrative_division/country /m/03rk0 +/m/01rr9f /award/award_winner/awards_won./award/award_honor/award_winner /m/01rrd4 +/m/02xry /location/location/contains /m/0rn8q +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/053ksp +/m/0288zy /education/educational_institution/students_graduates./education/education/student /m/028q6 +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/027f7dj /film/actor/film./film/performance/film /m/03nsm5x +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03gj2 /location/location/contains /m/095w_ +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/0716t2 /film/actor/film./film/performance/film /m/026f__m +/m/05z_kps /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/02jq1 /people/person/nationality /m/09c7w0 +/m/04zl8 /film/film/written_by /m/0dn44 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/07ssc /location/location/contains /m/0174qm +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/017r13 /film/actor/film./film/performance/film /m/05c9zr +/m/032_wv /film/film/genre /m/0vgkd +/m/016r9z /olympics/olympic_games/participating_countries /m/05b4w +/m/01s7w3 /film/film/executive_produced_by /m/05prs8 +/m/04y8r /film/director/film /m/07p12s +/m/04w1j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/04xvlr /media_common/netflix_genre/titles /m/0170th +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01jpmpv +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/03ktjq /people/person/gender /m/05zppz +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03mz5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/049dyj +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0jfgk /base/culturalevent/event/entity_involved /m/09s93 +/m/04thp /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01f7kl /film/film/genre /m/02xlf +/m/0dc95 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kpzy +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/0x67 /people/ethnicity/people /m/0gbwp +/m/07_dn /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01s7w3 /film/film/music /m/02sjp +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0b9dmk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w_10 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0d6qjf +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/05kfs /film/director/film /m/0b2km_ +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/01bl7g /film/film/genre /m/05p553 +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/01sxq9 +/m/06k176 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01jb26 /film/actor/film./film/performance/film /m/0hwpz +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/026rm_y /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/0mskq /location/location/time_zones /m/02fqwt +/m/07w8fz /film/film/genre /m/04xvlr +/m/01304j /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gv5c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/031y2 /location/location/time_zones /m/02llzg +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05cc1 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f2_rc +/m/05z43v /film/film/edited_by /m/03crcpt +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06lc85 +/m/03cz83 /education/university/fraternities_and_sororities /m/04m8fy +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/070g7 /film/film/executive_produced_by /m/07f8wg +/m/0f5xn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7s +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/01t04r /music/record_label/artist /m/0gkg6 +/m/01lw3kh /people/person/profession /m/02hv44_ +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095zvfg +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/04cxw5b /sports/sports_team/colors /m/02rnmb +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07lnk /music/genre/artists /m/0840vq +/m/039n1 /influence/influence_node/influenced_by /m/042q3 +/m/04jpl /location/location/contains /m/015wy_ +/m/07ymr5 /people/person/gender /m/05zppz +/m/03rwz3 /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/048qrd /film/film/language /m/02h40lc +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0342z_ /education/educational_institution_campus/educational_institution /m/0342z_ +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pk41 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03177r +/m/05kkh /location/location/contains /m/0n23_ +/m/0h1mt /award/award_winner/awards_won./award/award_honor/award_winner /m/017lqp +/m/0dg3n1 /location/location/contains /m/07f5x +/m/01qckn /organization/organization/child./organization/organization_relationship/child /m/01swdw +/m/07c52 /media_common/netflix_genre/titles /m/030p35 +/m/02qyv3h /film/film/genre /m/06n90 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0bxxzb /film/film/language /m/06b_j +/m/03jj93 /film/actor/film./film/performance/film /m/04pmnt +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/02_286 /location/location/contains /m/09k9d0 +/m/05jbn /sports/sports_team_location/teams /m/07l2m +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/01b7lc /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02y8bn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hn2q +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/015_1q /music/record_label/artist /m/01wx756 +/m/03gbty /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0d63kt /media_common/netflix_genre/titles /m/095zlp +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/081yw /location/location/contains /m/01h8rk +/m/0d060g /location/location/contains /m/01k3s2 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/0c8tk /location/location/contains /m/02z6fs +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ltf +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/07hwkr /people/ethnicity/people /m/01w_10 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r8hh_ +/m/01rxw /location/country/form_of_government /m/01d9r3 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h14ln +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03m4mj +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0mj0c /people/person/gender /m/05zppz +/m/0fzrtf /time/event/instance_of_recurring_event /m/0g_w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q23x +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/06rvn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/064q5v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bv7t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/01tgwv /award/award_category/winners./award/award_honor/award_winner /m/018fq +/m/08jyyk /music/genre/artists /m/016ntp +/m/0451j /film/actor/film./film/performance/film /m/028cg00 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0k9j_ +/m/01bm_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr46y +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/0p_2r +/m/03q43g /film/actor/film./film/performance/film /m/05sxzwc +/m/0420y /people/person/place_of_birth /m/03902 +/m/064t9 /music/genre/artists /m/011z3g +/m/09c7w0 /location/location/contains /m/02_286 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05d8vw +/m/017dpj /people/person/gender /m/05zppz +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0dbxy /people/ethnicity/people /m/015lhm +/m/02bxjp /people/person/place_of_birth /m/07dfk +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02ps55 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/08720 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01rlz4 +/m/02gl58 /tv/tv_program/genre /m/070yc +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01fyzy /film/actor/film./film/performance/film /m/02f6g5 +/m/0342h /music/instrument/instrumentalists /m/016s0m +/m/026vcc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05vk_d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/0yxf4 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019f2f +/m/01j_06 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fjzt /education/university/fraternities_and_sororities /m/0325pb +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/09_99w /people/person/place_of_birth /m/02_286 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/043gj /film/actor/film./film/performance/film /m/04v89z +/m/01rcmg /film/actor/film./film/performance/film /m/03x7hd +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0c5x_ +/m/0f4zv /location/location/contains /m/019fh +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/05hj0n /people/person/profession /m/02hrh1q +/m/02pzck /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/02x0bdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01934k +/m/0443v1 /film/film/featured_film_locations /m/07b_l +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/01g257 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0211jt /education/educational_institution/campuses /m/0211jt +/m/088q1s /location/country/official_language /m/0349s +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/030pr +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059_c +/m/013pk3 /film/actor/film./film/performance/film /m/011yg9 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/04nnpw /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0fvf9q +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4m2z +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01364q +/m/04wx2v /film/actor/film./film/performance/film /m/0hgnl3t +/m/01cf93 /music/record_label/artist /m/01sbf2 +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0djd3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03bpn6 /film/actor/film./film/performance/film /m/025scjj +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01l7qw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/03sxd2 /film/film/production_companies /m/020h2v +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xs5v /film/actor/film./film/performance/film /m/03twd6 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0__wm /location/hud_county_place/county /m/0ms1n +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/0sxlb /film/film/genre /m/060__y +/m/048rn /film/film/production_companies /m/0k9ctht +/m/01_mdl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0d_wms +/m/03mp8k /music/record_label/artist /m/018ndc +/m/079ws /people/person/nationality /m/09c7w0 +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qsjt +/m/032r1 /people/person/religion /m/0c8wxp +/m/0gpx6 /film/film/language /m/06nm1 +/m/0j3d9tn /film/film/language /m/064_8sq +/m/05wm88 /people/person/profession /m/0cbd2 +/m/034rd /people/person/profession /m/012qdp +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/06by7 /music/genre/artists /m/02p68d +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/01jdxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0296rz /film/film/genre /m/02n4kr +/m/03_87 /influence/influence_node/influenced_by /m/01v9724 +/m/05gp3x /people/person/profession /m/03gjzk +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/059j1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/07ssc /location/location/contains /m/0f3ys2 +/m/037q31 /film/film/personal_appearances./film/personal_film_appearance/person /m/06pjs +/m/09pxc /location/location/time_zones /m/02llzg +/m/05kkh /location/administrative_division/country /m/09c7w0 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/027s39y /film/film/production_companies /m/0kk9v +/m/0d6lp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2hf +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01520h +/m/0m2cb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m25p +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/07qnf /people/person/nationality /m/09c7w0 +/m/03yk8z /people/person/places_lived./people/place_lived/location /m/05fkf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f7jfh +/m/05r5c /music/instrument/instrumentalists /m/0kvrb +/m/03rjj /location/location/contains /m/06w92 +/m/0bxxzb /film/film/genre /m/02kdv5l +/m/01f2f8 /people/person/place_of_birth /m/06c62 +/m/01bzw5 /education/educational_institution/colors /m/01g5v +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0kvsb /people/person/nationality /m/03rk0 +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015whm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0v1xg +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/06s9y /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01kws3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/085wqm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06d4h /film/film_subject/films /m/01f69m +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/06msq2 +/m/011v3 /sports/sports_team/colors /m/06fvc +/m/015wnl /people/person/languages /m/02h40lc +/m/01vvzb1 /music/artist/origin /m/0n6dc +/m/08zrbl /film/film/music /m/01p0vf +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jyb2 +/m/057176 /people/person/nationality /m/09c7w0 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/051vz +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0mw89 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/06qgjh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0259r0 +/m/0mdqp /film/actor/film./film/performance/film /m/034qrh +/m/0lbbj /time/event/locations /m/07dfk +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/01wc7p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/015g28 +/m/02b61v /film/film/country /m/0345h +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/06zpgb2 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bczm +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/04mn81 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01kp_1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mxqyk +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/0mjn2 +/m/0gvvm6l /film/film/film_format /m/0cj16 +/m/0840vq /people/person/gender /m/05zppz +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02xbyr +/m/0309lm /people/person/place_of_birth /m/0rrwt +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01l0__ +/m/0l6vl /olympics/olympic_games/sports /m/0dwxr +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/06pj8 /people/person/place_of_birth /m/01snm +/m/020bv3 /film/film/produced_by /m/02q42j_ +/m/0gdh5 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0h14ln /film/film/genre /m/03q4nz +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04vzv4 +/m/01hkhq /people/person/gender /m/02zsn +/m/086qd /people/person/nationality /m/09c7w0 +/m/02lfcm /film/actor/film./film/performance/film /m/01rwyq +/m/0b455l /people/person/gender /m/05zppz +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/03qmx_f /people/person/nationality /m/06q1r +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146mv +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01qqtr +/m/01_d4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/02bbyw /education/educational_institution/school_type /m/07tf8 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09472 /location/country/capital /m/09472 +/m/0147dk /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/03mz5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025y9fn +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4k49 +/m/04g_wd /people/person/profession /m/02jknp +/m/09c7w0 /location/country/second_level_divisions /m/0l34j +/m/01nkcn /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cd0x /film/film/genre /m/0lsxr +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/09c7w0 /location/location/contains /m/0ncj8 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/046zh /award/award_winner/awards_won./award/award_honor/award_winner /m/01r93l +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/02x3lt7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bdxs5 +/m/0dbbz /people/person/gender /m/05zppz +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/035qy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/03hfmm /film/film/language /m/064_8sq +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01hq1 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/06j8wx /people/person/profession /m/02jknp +/m/017_qw /music/genre/artists /m/05mt6w +/m/0109vk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/05zl0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0g1w5 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/05css_ /film/film/genre /m/0c3351 +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/06wvj /people/person/nationality /m/06bnz +/m/0fh694 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/05np2 /people/deceased_person/place_of_death /m/05qtj +/m/01z4y /media_common/netflix_genre/titles /m/069q4f +/m/02_0d2 /film/actor/film./film/performance/film /m/06_x996 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/020jqv +/m/02f93t /people/person/nationality /m/02jx1 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/0f8l9c /location/country/second_level_divisions /m/0mhlq +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/013zyw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fghg /film/actor/film./film/performance/film /m/031f_m +/m/0sq2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wsz /location/location/contains /m/06cmp +/m/043mk4y /film/film/produced_by /m/01zfmm +/m/02f8lw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/06vbd /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09nhvw /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04czcb /sports/sports_team/colors /m/083jv +/m/0dl6fv /film/film/genre /m/04xvh5 +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017s11 +/m/034b6k /film/film/produced_by /m/02dbp7 +/m/0qm8b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/0fgg4 /film/actor/film./film/performance/film /m/0f61tk +/m/07ssc /location/location/contains /m/02b7nz +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04n52p6 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/01cbwl /music/genre/artists /m/018gm9 +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/014q2g /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0ccvx /location/us_county/county_seat /m/0ccvx +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/057bxr +/m/023v4_ /people/person/spouse_s./people/marriage/spouse /m/01f5q5 +/m/03q5db /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ct_k /people/person/profession /m/0np9r +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/0tj4y /location/hud_county_place/place /m/0tj4y +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/05wm88 /people/person/profession /m/03gjzk +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07g1sm /film/film/genre /m/060__y +/m/0gvs1kt /film/film/film_festivals /m/0hrcs29 +/m/01c22t /film/film/executive_produced_by /m/05_k56 +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/016ntp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/05zjtn4 /education/university/fraternities_and_sororities /m/0325pb +/m/0171cm /people/person/nationality /m/07ssc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jhp +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/01kc4s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/04rzd +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/032nl2 /film/actor/film./film/performance/film /m/025rxjq +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/02g3w +/m/022_q8 /people/person/languages /m/02h40lc +/m/01jfsb /media_common/netflix_genre/titles /m/02vr3gz +/m/02x8kk /people/person/nationality /m/09c7w0 +/m/04ych /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01wbz9 +/m/06w92 /location/location/time_zones /m/02llzg +/m/0l15n /people/person/nationality /m/09c7w0 +/m/081lh /film/actor/film./film/performance/film /m/09jcj6 +/m/0b76t12 /film/film/country /m/09c7w0 +/m/02qmsr /film/film/language /m/02h40lc +/m/03h3x5 /film/film/music /m/023361 +/m/0gvbw /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wycg2 /film/actor/film./film/performance/film /m/06ztvyx +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034b6k +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/0mzkr /music/record_label/artist /m/016376 +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01vvyc_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d_84 +/m/04cv9m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/02xgdv +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/02w4b +/m/0dyb1 /film/film/language /m/02h40lc +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02h30z +/m/0l76z /tv/tv_program/genre /m/01z4y +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050ks +/m/01dtcb /music/record_label/artist /m/017mbb +/m/01ycfv /people/person/nationality /m/09c7w0 +/m/02b1l_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02y_j8g /award/award_category/disciplines_or_subjects /m/02vxn +/m/03qx_f /music/record_label/artist /m/02f1c +/m/0nht0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ngy8 +/m/04wlh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hzlz +/m/021_z5 /music/genre/artists /m/05szp +/m/01kf4tt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0xhtw /music/genre/artists /m/0fpj4lx +/m/0343_ /location/location/time_zones /m/02llzg +/m/02r858_ /film/film/language /m/02h40lc +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/0bgrsl +/m/01pcrw /people/person/profession /m/0d1pc +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/016ztl /film/film/genre /m/03q4nz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/015qsq +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02t_99 /film/actor/film./film/performance/film /m/03l6q0 +/m/05xf75 /film/actor/film./film/performance/film /m/0bpm4yw +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/06npd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01qy6m /music/record_label/artist /m/01vsnff +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01k9cc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0525b /film/actor/film./film/performance/film /m/0fg04 +/m/014bpd /film/film/featured_film_locations /m/02_286 +/m/0c7xjb /people/person/places_lived./people/place_lived/location /m/013m_x +/m/0kbhf /film/film/genre /m/082gq +/m/0kbws /olympics/olympic_games/participating_countries /m/0jhd +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02b1hb /sports/sports_team/colors /m/038hg +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c00lh +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02f6g5 +/m/04sqj /location/administrative_division/country /m/0b90_r +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0bxtg +/m/01fjfv /broadcast/content/artist /m/07hgm +/m/01v8y9 /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/020fcn /film/film/film_format /m/07fb8_ +/m/0prh7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01l3k6 /location/location/time_zones /m/052vwh +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cj4r +/m/0fb1q /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/02g2yr +/m/02vw1w2 /film/film/genre /m/02kdv5l +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03b6j8 +/m/02rky4 /education/educational_institution/students_graduates./education/education/student /m/08s_lw +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gk4g /people/cause_of_death/people /m/0h0p_ +/m/0dzkq /influence/influence_node/influenced_by /m/048cl +/m/0bbm7r /film/film/genre /m/06l3bl +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01dcqj /medicine/disease/risk_factors /m/0jpmt +/m/0crfwmx /film/film/genre /m/01zhp +/m/0dzz6g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/05hc96 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09vc4s /people/ethnicity/people /m/01pk3z +/m/0bq2g /film/actor/film./film/performance/film /m/01dc0c +/m/01fwf1 /people/person/profession /m/02hrh1q +/m/05p606 /film/actor/film./film/performance/film /m/0gmcwlb +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/01jq0j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0m6x4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0cf_h9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lgm5 /people/person/profession /m/01c72t +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bg8v +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/03q5db /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/02v570 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/072192 /film/film/genre /m/0lsxr +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/08k881 /film/actor/film./film/performance/film /m/02rrh1w +/m/04pz5c /people/person/profession /m/03gjzk +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01jb26 /people/person/nationality /m/0jdx +/m/017v71 /education/educational_institution/campuses /m/017v71 +/m/057bc6m /people/person/nationality /m/09c7w0 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05bnp0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023v4_ +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/02tc5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/012dr7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07c5l /location/location/contains /m/04vg8 +/m/01l3wr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n08r +/m/06hwzy /tv/tv_program/country_of_origin /m/09c7w0 +/m/05vsxz /people/person/gender /m/05zppz +/m/065r8g /education/educational_institution/students_graduates./education/education/student /m/04y79_n +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/03kdl +/m/0g5838s /film/film/language /m/02h40lc +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/03n0q5 +/m/0171cm /film/actor/film./film/performance/film /m/0h3xztt +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/02q4ntp +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06kxk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0bj9k /people/person/nationality /m/09c7w0 +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04tnqn +/m/01gb_7 /location/location/time_zones /m/02lcqs +/m/0gh4g0 /music/record_label/artist /m/0fb2l +/m/02pjc1h /film/film/genre /m/0lsxr +/m/015z4j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0162c8 +/m/0g293 /music/genre/artists /m/01wj18h +/m/03d_w3h /people/person/gender /m/02zsn +/m/04d2yp /people/deceased_person/place_of_death /m/0r0m6 +/m/01v3bn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02knnd +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0432b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0c_mvb +/m/02rp117 /music/genre/artists /m/02vnpv +/m/04k3r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jswp /film/film/genre /m/07s9rl0 +/m/09p4w8 /film/film/genre /m/0lsxr +/m/0209xj /film/film/genre /m/0219x_ +/m/0n5j_ /location/location/contains /m/0xkyn +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03cfkrw /film/film/produced_by /m/0d0xs5 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01ft14 /tv/tv_program/languages /m/02h40lc +/m/0kvgxk /film/film/music /m/01m5m5b +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/025h4z +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/083shs +/m/03qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/021bk +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0299hs +/m/0f2tj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05nwfr +/m/025ldg /people/person/profession /m/0dz3r +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/06l9n8 /film/actor/film./film/performance/film /m/05p1tzf +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/045j3w +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gz6b6g +/m/09fqtq /film/actor/film./film/performance/film /m/011ywj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019lvv +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/016sp_ +/m/0d9jr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01k9lpl /people/person/profession /m/0dxtg +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06jvj7 /people/person/nationality /m/09c7w0 +/m/0xszy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03g9xj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01f9mq +/m/01l3lx /location/location/contains /m/0157g9 +/m/0jwvf /film/film/genre /m/01jfsb +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0408np /people/person/profession /m/0dxtg +/m/01d1st /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02ltg3 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/0l6vl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01b8bn /award/award_category/winners./award/award_honor/award_winner /m/01963w +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01lyv /music/genre/artists /m/016pns +/m/02t_y3 /people/person/place_of_birth /m/0dclg +/m/09v3hq_ /business/business_operation/industry /m/02vxn +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/04mrgz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/08jbxf /soccer/football_player/current_team./sports/sports_team_roster/team /m/04mrfv +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/0dgrwqr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01ykl0 /base/biblioness/bibs_location/state /m/03lrc +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/038w8 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/059rby +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/01jgpsh /people/person/nationality /m/07ssc +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_8n9 +/m/04gcd1 /people/person/profession /m/0cbd2 +/m/0155w /music/genre/artists /m/0b68vs +/m/05m63c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r5c /music/instrument/instrumentalists /m/0g7k2g +/m/020bv3 /film/film/country /m/0f8l9c +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0693l +/m/026zvx7 /people/person/nationality /m/09c7w0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01wyq0w +/m/0glt670 /music/genre/artists /m/01wzlxj +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/034qrh +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03wbzp +/m/01hqhm /film/film/genre /m/07s9rl0 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/016vg8 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049_zz +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02rytm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06_x996 +/m/0dc95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d6lp +/m/01wd9lv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0gdh5 /people/person/profession /m/016z4k +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/096lf_ /film/actor/film./film/performance/film /m/09wnnb +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/0djc3s +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0f6_dy /people/person/nationality /m/09c7w0 +/m/072x7s /film/film/featured_film_locations /m/095w_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03x6w8 +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/0139q5 /film/actor/film./film/performance/film /m/01f8f7 +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/0pz7h /people/person/profession /m/0dxtg +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k8rb +/m/02q4mt /people/person/nationality /m/09c7w0 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/07vf5c /film/film/genre /m/017fp +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/05ry0p /people/person/profession /m/02hrh1q +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/019f2f /film/actor/film./film/performance/film /m/0dqcs3 +/m/01dbns /education/educational_institution/school_type /m/05jxkf +/m/03nyts /people/deceased_person/place_of_death /m/07dfk +/m/0557q /music/genre/artists /m/01c7p_ +/m/01718w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07vfz /education/educational_institution/campuses /m/07vfz +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/03ryn /location/location/contains /m/01bkb +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/01z53w /base/aareas/schema/administrative_area/administrative_parent /m/0121c1 +/m/01tv3x2 /people/person/profession /m/02jknp +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/0bthb /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/041rx /people/ethnicity/people /m/0c921 +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/05k4my +/m/04kzqz /film/film/country /m/09c7w0 +/m/02ldv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj0n +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/02qzjj /film/director/film /m/047csmy +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04zyhx +/m/017m2y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09x3r /olympics/olympic_games/participating_countries /m/01mk6 +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/018_lb /people/person/nationality /m/09c7w0 +/m/05sns6 /film/film/language /m/02h40lc +/m/02wt0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0mw7h /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/013gxt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ntxg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ndh6 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/04bdpf /film/actor/film./film/performance/film /m/027gy0k +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/05qdh /education/field_of_study/students_majoring./education/education/student /m/0gs1_ +/m/014y6 /people/person/profession /m/09jwl +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/018p4y /film/actor/film./film/performance/film /m/09lcsj +/m/02_1sj /film/film/production_companies /m/04rtpt +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/0cyhq /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0h1v19 /film/film/country /m/09c7w0 +/m/01gg59 /people/person/profession /m/028kk_ +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/0x67 /people/ethnicity/people /m/030znt +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05mkhs +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03tck1 +/m/01s7pm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sy2k_ /tv/tv_program/genre /m/06n90 +/m/05xd8x /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fpjd_g +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/0jdx /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/058kh7 /film/film/genre /m/02l7c8 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/04b19t +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/073tm9 +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0df92l +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gkydb +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/02kbtf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/015wfg /film/actor/film./film/performance/film /m/04gcyg +/m/0fb0v /music/record_label/artist /m/01pfr3 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jpg2p +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/0336mc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03_6y +/m/0534nr /award/award_winner/awards_won./award/award_honor/award_winner /m/01w1ywm +/m/01mmslz /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02l4pj /film/actor/film./film/performance/film /m/033qdy +/m/03061d /influence/influence_node/influenced_by /m/04__f +/m/01n7q /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y9bd /award/award_winner/awards_won./award/award_honor/award_winner /m/079kdz +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02cbhg +/m/02mg7n /education/educational_institution/students_graduates./education/education/student /m/0151xv +/m/0f2rq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/035wq7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/01fjz9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/04q_g /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/02p8v8 /people/person/profession /m/02hrh1q +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/048yqf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01n_2f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02rlj20 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09b93 /location/location/time_zones /m/02llzg +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/04qy5 /award/award_category/winners./award/award_honor/award_winner /m/012vct +/m/09tcg4 /film/film/produced_by /m/01ycck +/m/0ms1n /location/location/time_zones /m/02fqwt +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/01g257 /film/actor/film./film/performance/film /m/0456zg +/m/04wqr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0d3k14 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01vtj38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09xbpt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/017gl1 /film/film/story_by /m/041h0 +/m/02tf1y /people/person/gender /m/05zppz +/m/0jbyg /people/person/gender /m/05zppz +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/02jx1 /location/location/contains /m/0nlg4 +/m/041rx /people/ethnicity/people /m/0fb1q +/m/018fmr /people/person/nationality /m/09c7w0 +/m/0181dw /music/record_label/artist /m/01304j +/m/04xrx /people/person/spouse_s./people/marriage/spouse /m/01d1st +/m/017fp /media_common/netflix_genre/titles /m/02r8hh_ +/m/02q7fl9 /film/film/produced_by /m/0hskw +/m/0gg5qcw /film/film/written_by /m/0bsb4j +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/02_l96 +/m/02ctzb /people/ethnicity/people /m/04vzv4 +/m/0b73_1d /film/film/film_festivals /m/0g57ws5 +/m/01csrl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/023ny6 +/m/0h7h6 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/013hxv /location/hud_county_place/place /m/013hxv +/m/018p4y /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/04t36 /music/genre/artists /m/077rj +/m/01d1st /music/artist/origin /m/0d9jr +/m/01zfzb /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/019lwb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0pkyh +/m/016dmx /influence/influence_node/influenced_by /m/045bg +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/0444x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gp5l6 /base/aareas/schema/administrative_area/administrative_parent /m/0fxrk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0jv5x +/m/0mgcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/03nx8mj /film/film/genre /m/011ys5 +/m/0pyww /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/05r5c /music/instrument/instrumentalists /m/05mt6w +/m/02jx1 /location/country/second_level_divisions /m/0dbdy +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0340hj /film/film/genre /m/07s9rl0 +/m/0512p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/05th69 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02jyr8 +/m/0n85g /music/record_label/artist /m/014q2g +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/050z2 /people/person/place_of_birth /m/0b_yz +/m/03lty /music/genre/artists /m/04k05 +/m/07t90 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mqtr /media_common/netflix_genre/titles /m/02v8kmz +/m/0xt3t /location/hud_county_place/county /m/0n58p +/m/0h0yt /film/actor/film./film/performance/film /m/011ywj +/m/07ssc /location/location/contains /m/0b_yz +/m/0hv81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g476 /film/actor/film./film/performance/film /m/05h43ls +/m/01jzyf /film/film/produced_by /m/02kxbwx +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02y49 /people/deceased_person/place_of_death /m/0d6lp +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/03h_yfh /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02yh8l /music/genre/artists /m/01v27pl +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/05bt6j /music/genre/artists /m/09hnb +/m/07dnx /people/person/profession /m/0kyk +/m/03x6w8 /sports/sports_team/colors /m/06fvc +/m/047wh1 /film/film/language /m/02h40lc +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/047g98 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/064t9 /music/genre/artists /m/06x4l_ +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/071fb /language/human_language/countries_spoken_in /m/07dzf +/m/0h5jg5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cf9ly +/m/02fgdx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0488g /base/biblioness/bibs_location/country /m/09c7w0 +/m/017d77 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/02704ff /film/film/produced_by /m/02kxbwx +/m/0qdwr /people/person/nationality /m/03gj2 +/m/03_6y /people/person/gender /m/05zppz +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0946bb +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/047c9l /film/actor/film./film/performance/film /m/0crfwmx +/m/0168ls /film/film/genre /m/03k9fj +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0282x /people/person/profession /m/02hv44_ +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/09kzxt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02kz_ /influence/influence_node/influenced_by /m/0465_ +/m/01dtcb /music/record_label/artist /m/01f2q5 +/m/05148p4 /music/instrument/instrumentalists /m/03j24kf +/m/01flzq /music/genre/artists /m/0677ng +/m/0163v /sports/sports_team_location/teams /m/03yvln +/m/03fnyk /film/actor/film./film/performance/film /m/03tn80 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0738b8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_1pg +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fk5 +/m/03rqww /people/person/nationality /m/09c7w0 +/m/04rrx /location/location/contains /m/013dy7 +/m/04rrx /location/location/contains /m/01j_cy +/m/01dvbd /film/film/production_companies /m/04f525m +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/0cdf37 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0gj96ln /film/film/genre /m/0hcr +/m/0q19t /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0gyh /location/location/contains /m/0q8p8 +/m/01bmlb /people/deceased_person/place_of_burial /m/018mmj +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01w4c9 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fx3c +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03b1l8 +/m/02b9g4 /people/person/nationality /m/09c7w0 +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b15x +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/01bn3l +/m/0232lm /people/person/gender /m/05zppz +/m/01nxzv /people/person/places_lived./people/place_lived/location /m/0xn7q +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07t21 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/06tgw /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n1r5 +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0fp_xp /people/person/nationality /m/0j5g9 +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/028_yv /film/film/genre /m/07s9rl0 +/m/04bdxl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08qxx9 /people/person/languages /m/04306rv +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0509bl /film/actor/film./film/performance/film /m/02__34 +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/01vwbts +/m/06whf /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0194zl +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/05kh_ +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/09w6br /film/film/genre /m/01zhp +/m/03_d0 /music/genre/artists /m/016k62 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/03_hd /influence/influence_node/influenced_by /m/05qmj +/m/07cbcy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hrqc +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/012wxt /people/profession/specialization_of /m/014ktf +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0jgd +/m/08s_lw /people/person/gender /m/05zppz +/m/08809 /location/location/contains /m/015fsv +/m/06rmdr /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/04g61 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/087_xx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02xh1 /media_common/netflix_genre/titles /m/0jdr0 +/m/075cph /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01tcf7 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/032zg9 /film/actor/film./film/performance/film /m/015ynm +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0885n /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/05rwpb /dataworld/gardening_hint/split_to /m/01x214 +/m/06s6hs /film/actor/film./film/performance/film /m/0ptdz +/m/04mlh8 /people/person/place_of_birth /m/03l2n +/m/0194xc /people/deceased_person/place_of_burial /m/0lbp_ +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/062ftr /people/person/profession /m/02hrh1q +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dbxy +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0kv2hv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j79x +/m/01k5t_3 /people/person/profession /m/02hrh1q +/m/01nwwl /film/actor/film./film/performance/film /m/0194zl +/m/012ykt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0c0yh4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0182r9 +/m/07b2lv /people/person/profession /m/02hrh1q +/m/07l4zhn /film/film/genre /m/02l7c8 +/m/0cmc2 /base/culturalevent/event/entity_involved /m/0cw10 +/m/03hrz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/02l6h +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/033dbw /film/film/produced_by /m/04353 +/m/027nb /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/04mhl /influence/influence_node/influenced_by /m/06bng +/m/019r_1 /people/person/profession /m/03sbb +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/03_x5t /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/01k5y0 /film/film/produced_by /m/096hm +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/01mtqf /people/cause_of_death/people /m/043gj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s6l +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/018js4 +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/04y652m /broadcast/content/artist /m/01czx +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/05txrz /film/actor/film./film/performance/film /m/047svrl +/m/01k53x /people/person/profession /m/03gjzk +/m/010p3 /people/person/profession /m/0np9r +/m/0g6ff /people/ethnicity/geographic_distribution /m/07t_x +/m/01r5xw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04bdlg /film/actor/film./film/performance/film /m/04x4nv +/m/013_vh /film/actor/film./film/performance/film /m/03176f +/m/017v71 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kxbx3 /film/director/film /m/05fgt1 +/m/0hj6h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d42t /film/actor/film./film/performance/film /m/03_gz8 +/m/08c4yn /film/film/genre /m/09blyk +/m/06p0s1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0267wwv +/m/0k5g9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/03xmy1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04q24zv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03_d0 /music/genre/artists /m/023slg +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0gkz15s /film/film/film_format /m/017fx5 +/m/04r1t /music/artist/origin /m/0ggh3 +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/016clz /music/genre/artists /m/04qzm +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/04bdzg /film/actor/film./film/performance/film /m/0cqr0q +/m/03mgdy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01ccr8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/01wgfp6 +/m/03mv0b /people/deceased_person/place_of_burial /m/018mmw +/m/03f7m4h /people/person/gender /m/05zppz +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/04dsnp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015lhm /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/01yzl2 +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/04b5l3 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/08fbnx /film/film/country /m/03_3d +/m/0b6p3qf /sports/sports_team/colors /m/083jv +/m/0fb1q /people/person/profession /m/01d_h8 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02613 +/m/013ybx /people/person/nationality /m/03gj2 +/m/01l3mk3 /award/award_winner/awards_won./award/award_honor/award_winner /m/016jll +/m/033g0y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01d0fp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gs1_ +/m/0l14md /music/instrument/instrumentalists /m/012z8_ +/m/03t22m /music/instrument/instrumentalists /m/0f0y8 +/m/03cv_gy /film/film/country /m/09c7w0 +/m/01ckrr /award/award_category/category_of /m/0c4ys +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/03vrp /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02phtzk /film/film/written_by /m/05y5fw +/m/09y20 /people/person/nationality /m/02jx1 +/m/0jc7g /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/036b_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0x67 /people/ethnicity/people /m/054c1 +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/02__ww /film/actor/film./film/performance/film /m/02z2mr7 +/m/016zp5 /film/actor/film./film/performance/film /m/04x4gw +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/0cv72h +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/03gfvsz /broadcast/content/artist /m/01vvyfh +/m/0czyxs /film/film/genre /m/04pbhw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1ng +/m/0d0l91 /people/person/profession /m/02jknp +/m/07bsj /people/person/nationality /m/09c7w0 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cfhfz +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9rz +/m/06mkj /media_common/netflix_genre/titles /m/04nl83 +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/039_ym /sports/sports_team/sport /m/02vx4 +/m/0chghy /film/film_subject/films /m/01znj1 +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04w8f /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0sx7r /olympics/olympic_games/sports /m/09f6b +/m/011s9r /award/award_winner/awards_won./award/award_honor/award_winner /m/01y8d4 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026spg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq7tx +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d608 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s3kv +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/05hrq4 +/m/05q54f5 /film/film/produced_by /m/06dkzt +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08ct6 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jmbv +/m/01l7qw /people/person/profession /m/018gz8 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0qmjd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04bfg /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wrhj /people/person/place_of_birth /m/0h7h6 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/053ksp +/m/01j5x6 /film/actor/film./film/performance/film /m/0qf2t +/m/0gg8l /music/genre/artists /m/0ggjt +/m/0bxjpy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0c9k8 /film/film/written_by /m/0gyx4 +/m/015wnl /people/person/gender /m/05zppz +/m/022q32 /people/person/place_of_birth /m/01jr6 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/01j851 /people/person/religion /m/0c8wxp +/m/06cv1 /people/person/profession /m/01d_h8 +/m/0164v /location/country/form_of_government /m/06cx9 +/m/061fhg /music/genre/artists /m/07n3s +/m/0h5k /education/field_of_study/students_majoring./education/education/student /m/01mr2g6 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/019f9z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02_286 /location/location/contains /m/0ccvx +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0gjvqm +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01q9b9 +/m/014g9y /people/person/profession /m/016z4k +/m/02t1cp /film/actor/film./film/performance/film /m/09qljs +/m/03knl /film/actor/film./film/performance/film /m/0fphf3v +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/07tj4c /film/film/genre /m/07s9rl0 +/m/02704ff /film/film/country /m/09c7w0 +/m/0kq08 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2p7 +/m/032dg7 /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0llcx +/m/060kv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b0zt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01d650 /organization/organization/headquarters./location/mailing_address/state_province_region /m/048kw +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0b_fw +/m/01vrnsk /people/person/profession /m/025352 +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/079hvk +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0438pz +/m/07vfj /education/educational_institution/students_graduates./education/education/student /m/02t_tp +/m/01j4ls /people/person/places_lived./people/place_lived/location /m/0pc56 +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0l14md /music/instrument/instrumentalists /m/01t110 +/m/0rn0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01w5jwb +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01314k +/m/01z4y /media_common/netflix_genre/titles /m/09gkx35 +/m/0888c3 /film/film/written_by /m/028k57 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05md3l /business/business_operation/industry /m/03qh03g +/m/01_r9k /education/educational_institution_campus/educational_institution /m/01_r9k +/m/01q0kg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06chf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1pj +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/0f40w /film/film/genre /m/01jfsb +/m/064t9 /music/genre/artists /m/01vvlyt +/m/04344j /education/educational_institution/school_type /m/04qbv +/m/01s1zk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0169dl +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0fb0v /music/record_label/artist /m/03xl77 +/m/0kpys /location/location/contains /m/0281y0 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01kvqc /people/person/profession /m/01c72t +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0dl9_4 /film/film/language /m/02hxcvy +/m/0mj0c /people/person/sibling_s./people/sibling_relationship/sibling /m/0l99s +/m/02kxbx3 /film/director/film /m/02r1c18 +/m/02phtzk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01njxvw +/m/04wp2p /people/person/profession /m/02jknp +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0gfp09 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05hrq4 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/043g7l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/011k1h /music/record_label/artist /m/017g21 +/m/01k60v /film/film/film_festivals /m/0hrcs29 +/m/0fn5bx /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0221zw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0hvvf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0c57yj /film/film/music /m/02jxmr +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01srq2 +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0h1cdwq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01tnbn /people/person/religion /m/0kq2 +/m/050z2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02f2dn /film/actor/film./film/performance/film /m/063fh9 +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/055c8 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/02725hs /film/film/country /m/0f8l9c +/m/03xf_m /film/film/music /m/05y7hc +/m/039bp /film/actor/film./film/performance/film /m/01gkp1 +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01s7zw /people/person/gender /m/05zppz +/m/0181dw /music/record_label/artist /m/03f7m4h +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01q8fxx +/m/0jmhr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/09c7w0 /location/location/contains /m/0r1jr +/m/0xhj2 /location/location/time_zones /m/02hcv8 +/m/04ltlj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/016h9b /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02_1sj /film/film/music /m/05_pkf +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01jfsb /media_common/netflix_genre/titles /m/0cbn7c +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/0162c8 /film/director/film /m/06x43v +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/01s7ns /people/person/profession /m/016z4k +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02s2ys +/m/0y1mh /language/human_language/countries_spoken_in /m/03ryn +/m/015ln1 /education/educational_institution/students_graduates./education/education/student /m/06dl_ +/m/017180 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qmsr +/m/07s9rl0 /media_common/netflix_genre/titles /m/07jqjx +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/023mdt /film/actor/film./film/performance/film /m/0btpm6 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwt5 +/m/0cyn3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05gml8 /film/actor/film./film/performance/film /m/0372j5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/06kl78 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05jm7 /influence/influence_node/influenced_by /m/09dt7 +/m/02__ww /people/person/profession /m/02hrh1q +/m/01tlrp /business/business_operation/industry /m/01mw1 +/m/0ptdz /film/film/production_companies /m/016tw3 +/m/016s_5 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/01sb5r /people/person/place_of_birth /m/0tbql +/m/0flw6 /film/actor/film./film/performance/film /m/0b73_1d +/m/02k_kn /music/genre/artists /m/0136pk +/m/0c57yj /film/film/film_format /m/07fb8_ +/m/01gjw /music/genre/artists /m/0dbb3 +/m/0k_s5 /location/location/contains /m/0281rp +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015bwt +/m/06fqlk /film/film/language /m/04306rv +/m/017kz7 /film/film/country /m/09c7w0 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0bl06 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01v5h +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/02qny_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q5g1z /film/film/production_companies /m/01gb54 +/m/03p2xc /film/film/production_companies /m/02j_j0 +/m/016yxn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0136pk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xv77 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027xx3 +/m/01k9cc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/035wtd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/0d0vqn +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0djb3vw +/m/0bczgm /people/person/profession /m/03gjzk +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/0fvly +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/046n4q +/m/01vrkdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvycq +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/01qb5d /film/film/production_companies /m/016tt2 +/m/0435vm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/02hhtj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/033wx9 +/m/0232lm /people/person/profession /m/05kb8h +/m/0g768 /music/record_label/artist /m/01vw20_ +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/02vyw +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/0cx7f /music/genre/artists /m/0144l1 +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bbw2z6 /film/film/genre /m/02kdv5l +/m/06m61 /people/person/profession /m/0nbcg +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/04hhv /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0586wl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06nm1 /language/human_language/countries_spoken_in /m/0d04z6 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0hmyfsv /organization/organization/headquarters./location/mailing_address/citytown /m/02cft +/m/03wjm2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/06pj8 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02s4l6 +/m/011_vz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05650n /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06wcbk7 /music/record_label/artist /m/0677ng +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01h1b +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lp3c +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0135cw +/m/04mky3 /people/person/gender /m/05zppz +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/014ps4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0lhp1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/02238b +/m/0155w /music/genre/artists /m/01w60_p +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/04x4gw /film/film/written_by /m/0hw1j +/m/06w7v /music/instrument/instrumentalists /m/01wvxw1 +/m/0210hf /film/actor/film./film/performance/film /m/07vn_9 +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01r97z +/m/05b__vr /film/actor/film./film/performance/film /m/0872p_c +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/02hnl +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/06mfvc /film/actor/film./film/performance/film /m/0glqh5_ +/m/02b0_m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013tjc +/m/02__94 /people/person/gender /m/05zppz +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pq5j7 +/m/0hvvf /film/film/genre /m/02l7c8 +/m/056wb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07lmxq /film/actor/film./film/performance/film /m/0jqkh +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0fd_1 /people/deceased_person/place_of_death /m/0dq16 +/m/016jll /people/person/nationality /m/09c7w0 +/m/0nt4s /location/location/time_zones /m/02hcv8 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0n2z +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01fwqn +/m/02t8gf /music/genre/artists /m/01shhf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02183k +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01shy7 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0n839 /organization/organization_founder/organizations_founded /m/01f9wm +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0pz91 /award/award_winner/awards_won./award/award_honor/award_winner /m/026c1 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/026gyn_ /film/film/genre /m/03mqtr +/m/0161h5 /people/person/nationality /m/09c7w0 +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/0f_zkz /people/person/gender /m/05zppz +/m/0k0rf /film/film/written_by /m/01kt17 +/m/0hn2q /sports/sports_team/colors /m/0jc_p +/m/0jwmp /film/film/film_format /m/0cj16 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0202p_ /people/person/place_of_birth /m/04jpl +/m/025b5y /people/person/religion /m/058x5 +/m/04fcjt /music/record_label/artist /m/01mskc3 +/m/0207wx /people/person/profession /m/05sxg2 +/m/02nvg1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cp4cn +/m/0gx9rvq /film/film/production_companies /m/05qd_ +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015q43 +/m/0ql7q /base/culturalevent/event/entity_involved /m/017v_ +/m/0j6cj /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/07bx6 /film/film/genre /m/01jfsb +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/01ln5z /film/film/music /m/023361 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/0c1sgd3 /film/film/music /m/02jxmr +/m/0ljc_ /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0d05fv /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/012vd6 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/027ffq +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07tw_b /film/film/cinematography /m/0280mv7 +/m/06z5s /people/cause_of_death/people /m/02tn0_ +/m/0d3k14 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/03rk0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07dzf +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0167v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0829rj +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gmcwlb +/m/03p2xc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kws3 /people/person/profession /m/02hrh1q +/m/04w391 /film/actor/film./film/performance/film /m/04mcw4 +/m/08849 /people/person/religion /m/0flw86 +/m/014w_8 /people/cause_of_death/people /m/0835q +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award /m/04jly7r +/m/0pk41 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qsjt +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01wqflx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02mplj +/m/046m59 /film/actor/film./film/performance/film /m/064ndc +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/02t_h3 /film/film/film_format /m/07fb8_ +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pv_d +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01nglk /people/person/profession /m/0dxtg +/m/02x8fs /film/film/featured_film_locations /m/02_286 +/m/011yxg /film/film/produced_by /m/013tcv +/m/0nk3g /music/genre/artists /m/01pq5j7 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfz +/m/0k419 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cqbx +/m/0229rs /music/record_label/artist /m/01817f +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/014zn0 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/086nl7 /people/person/profession /m/02hrh1q +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04n52p6 +/m/011ykb /film/film/country /m/09c7w0 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/0f7hc /film/actor/film./film/performance/film /m/0d87hc +/m/0sw6g /film/actor/film./film/performance/film /m/03m8y5 +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/02r858_ /film/film/genre /m/060__y +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/01chpn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03s6l2 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0515_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03m9c8 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02q7fl9 /film/film/written_by /m/02rk45 +/m/01541z /people/person/places_lived./people/place_lived/location /m/059rby +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0kjrx /film/actor/film./film/performance/film /m/0kvgtf +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/01_k71 /people/person/gender /m/05zppz +/m/01lvcs1 /people/person/gender /m/05zppz +/m/0g5y6 /people/ethnicity/people /m/015rmq +/m/06pk8 /film/actor/film./film/performance/film /m/0c0nhgv +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/041b4j +/m/0g2dz /music/instrument/instrumentalists /m/0135xb +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/024mpp /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/02238b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bs3j +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0x67 /people/ethnicity/people /m/0807ml +/m/01bh6y /film/actor/film./film/performance/film /m/0kt_4 +/m/012dr7 /people/person/profession /m/02hrh1q +/m/07zhjj /tv/tv_program/languages /m/02h40lc +/m/0fbtm7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/028rk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0qmfz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f0qfz /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/02qzmz6 /film/film/language /m/02h40lc +/m/0blpnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0psss +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/013tcv /people/person/places_lived./people/place_lived/location /m/05fly +/m/0ct2tf5 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/046mxj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j24kf +/m/02h9_l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j8sq /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/01d1yr +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/015y3j /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0fvwz /base/biblioness/bibs_location/country /m/09c7w0 +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/024bbl /film/actor/film./film/performance/film /m/065z3_x +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02lfwp /award/award_winner/awards_won./award/award_honor/award_winner /m/0lbj1 +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/09c7w0 /location/country/second_level_divisions /m/0nm3n +/m/0l6mp /olympics/olympic_games/sports /m/06z6r +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03k7bd /influence/influence_node/influenced_by /m/014635 +/m/06rgq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dn3n +/m/01fjz9 /sports/sports_team/colors /m/06fvc +/m/01chc7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/06q1r +/m/0161c2 /people/person/profession /m/0d1pc +/m/0r8bh /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l38x +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02b9g4 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02p8q1 +/m/0flpy /people/person/places_lived./people/place_lived/location /m/0f2sq +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/05f5sr9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03vtfp /music/record_label/artist /m/0cg9y +/m/018h2 /film/film_subject/films /m/01rwpj +/m/04165w /film/film/executive_produced_by /m/06q8hf +/m/0bl06 /film/film/film_art_direction_by /m/07hhnl +/m/0m_z3 /location/administrative_division/country /m/03rt9 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0h5f5n +/m/0bmhvpr /film/film/produced_by /m/05m883 +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0cqr0q /film/film/produced_by /m/04w1j9 +/m/0g68zt /film/film/genre /m/07s9rl0 +/m/047svrl /film/film/production_companies /m/06rq1k +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dc_ms +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07mvp +/m/064t9 /music/genre/artists /m/01wv9p +/m/0cc846d /film/film/featured_film_locations /m/04jpl +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/09nwwf /music/genre/artists /m/04mn81 +/m/02hhtj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04smkr +/m/05txrz /influence/influence_node/influenced_by /m/05ty4m +/m/03kxp7 /film/actor/film./film/performance/film /m/03qcfvw +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nms7 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/06cgy /people/person/place_of_birth /m/03dm7 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7p_ +/m/01wwvc5 /people/person/place_of_birth /m/0ftxw +/m/0d4jl /people/person/profession /m/02hv44_ +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01csvq /film/actor/film./film/performance/film /m/0hmr4 +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09h4b5 +/m/04jkpgv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt4g +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01fwqn +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01vvzb1 /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/0fpxp /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0hv1t /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0ds6bmk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02jx1 /location/location/contains /m/03msf +/m/06fc0b /people/person/nationality /m/09c7w0 +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/01tpvt /education/educational_institution_campus/educational_institution /m/01tpvt +/m/03mdt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039c26 +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/0j8f09z /film/film/country /m/09c7w0 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/033071 /film/actor/film./film/performance/film /m/032xky +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0kr5_ +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/09l3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/01x4r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0n3g /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/015_1q /music/record_label/artist /m/01w272y +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cqhl +/m/0mwl2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/01pgp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01d_4t +/m/07cn2c /people/person/profession /m/0dxtg +/m/03pm9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/0mfc0 +/m/037xlx /film/film/production_companies /m/03sb38 +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01h1b +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/02yy88 /music/genre/parent_genre /m/0172rj +/m/03s5t /base/biblioness/bibs_location/country /m/09c7w0 +/m/02hhtj /people/person/profession /m/01d_h8 +/m/02p11jq /music/record_label/artist /m/01mvjl0 +/m/02w7gg /people/ethnicity/people /m/01r93l +/m/010v8k /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mlxt +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0223bl +/m/04mhbh /people/person/nationality /m/07ssc +/m/0msyb /location/location/time_zones /m/02fqwt +/m/07l50_1 /film/film/genre /m/02l7c8 +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03j24kf +/m/07nxvj /film/film/production_companies /m/016tw3 +/m/0478__m /people/person/profession /m/02hrh1q +/m/0cbkc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/029fbr /music/genre/artists /m/03lgg +/m/016890 /award/award_winner/awards_won./award/award_honor/award_winner /m/01fmz6 +/m/01xdf5 /people/person/profession /m/0cbd2 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/0ggx5q /music/genre/artists /m/049qx +/m/01w923 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/01z4y /media_common/netflix_genre/titles /m/011x_4 +/m/02hnl /music/instrument/instrumentalists /m/0fpj9pm +/m/050xpd /education/educational_institution/students_graduates./education/education/student /m/0285xqh +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03s2y9 +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/06lkg8 +/m/0btxr /film/actor/film./film/performance/film /m/02jxrw +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pjvc +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/020hyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jvxb /organization/organization/headquarters./location/mailing_address/citytown /m/02m__ +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/05szp +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0f6_x /film/actor/film./film/performance/film /m/0199wf +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0c5tl /people/person/profession /m/05z96 +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/02fn5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0170vn +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hwq +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02bqy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/02qfhb /people/person/gender /m/05zppz +/m/02yygk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0660b9b /film/film/genre /m/060__y +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0444x /people/deceased_person/place_of_death /m/0bxbr +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0557yqh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/032w8h +/m/023t0q /people/person/nationality /m/03shp +/m/03hzl42 /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/01pbs9w /people/person/profession /m/0nbcg +/m/01qncf /film/film/genre /m/04228s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fmw_ +/m/07nxvj /film/film/film_format /m/07fb8_ +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0s987 /location/hud_county_place/place /m/0s987 +/m/0640m69 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02v3yy /people/person/spouse_s./people/marriage/spouse /m/018gqj +/m/03n5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04sry /film/director/film /m/0ch26b_ +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0g2lq +/m/01vrncs /influence/influence_node/influenced_by /m/07g2b +/m/04lp8k /people/person/place_of_birth /m/068p2 +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/09txzv /film/film/genre /m/01hmnh +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0mk1z /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bwgc_ /film/actor/film./film/performance/film /m/0462hhb +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04jpl +/m/0kbvb /olympics/olympic_games/sports /m/01hp22 +/m/033jkj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0c8qq /film/film/produced_by /m/03_bcg +/m/0d060g /location/location/contains /m/0nlh7 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0gsg7 /organization/organization/headquarters./location/mailing_address/citytown /m/0cc56 +/m/015pvh /film/actor/film./film/performance/film /m/02bqvs +/m/01sb5r /people/person/gender /m/05zppz +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0345h /media_common/netflix_genre/titles /m/0dmn0x +/m/0rd6b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sns6 +/m/015cqh /music/artist/origin /m/0d6lp +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/02psgq /film/film/film_format /m/0cj16 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0336mc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_6y +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fv4v +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vh3r +/m/01lyv /music/genre/artists /m/01p9hgt +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/03f5spx /music/artist/origin /m/0mn0v +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018db8 +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0l8sx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01k_mc /people/person/nationality /m/09c7w0 +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0pyg6 /film/actor/film./film/performance/film /m/02x3lt7 +/m/01jq0j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/09b3v /media_common/netflix_genre/titles /m/04hwbq +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0184tc /film/film/genre /m/04t36 +/m/09bg4l /people/person/nationality /m/09c7w0 +/m/0p__8 /film/actor/film./film/performance/film /m/013q07 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0jrq9 /location/location/time_zones /m/02hcv8 +/m/02lk95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/0640m69 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01ttg5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/014488 /people/person/gender /m/05zppz +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/0dzlk +/m/06t8b /film/director/film /m/09xbpt +/m/045c66 /film/actor/film./film/performance/film /m/02__34 +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/02wrrm /film/actor/film./film/performance/film /m/0pd57 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0272_vz +/m/0978r /location/location/contains /m/0159r9 +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/063hp4 +/m/0kbq /film/film_subject/films /m/019vhk +/m/0451j /people/person/profession /m/02hrh1q +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01v1ln /film/film/country /m/09c7w0 +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vtbl +/m/0gcs9 /music/artist/origin /m/05fjf +/m/0jpn8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04tgp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/0qf3p /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01zwy /people/person/places_lived./people/place_lived/location /m/03v_5 +/m/011xg5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01dq5z +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/01psyx /people/cause_of_death/people /m/06gg5c +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/016dsy +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01h7bb /film/film/country /m/09c7w0 +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/018zvb /influence/influence_node/influenced_by /m/019z7q +/m/0341n5 /film/actor/film./film/performance/film /m/03whyr +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/022_q8 /film/director/film /m/02wk7b +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/01jrvr6 /people/deceased_person/place_of_death /m/06_kh +/m/01dwyd /sports/sports_team/sport /m/02vx4 +/m/05bt6j /music/genre/artists /m/032nl2 +/m/01s7ns /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgk0 +/m/02gt5s /location/location/contains /m/0nj07 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/01z7s_ /people/person/place_of_birth /m/0y62n +/m/01wwvd2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04g5k /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0hg11 /medicine/disease/risk_factors /m/02zsn +/m/09n48 /olympics/olympic_games/participating_countries /m/019rg5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/05pq9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0drc1 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/05vjt6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/070fnm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076lxv +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/042kg /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/02lkcc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01bdxz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0glt670 /music/genre/artists /m/01vzx45 +/m/01jrbb /film/film/production_companies /m/01795t +/m/01h4rj /film/actor/film./film/performance/film /m/0c57yj +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kxf1 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/048ldh +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pgzn_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gsvw +/m/018yv3 /music/genre/artists /m/03q_w5 +/m/015c4g /film/actor/film./film/performance/film /m/02_nsc +/m/0d7k1z /location/hud_county_place/county /m/0cb4j +/m/027qgy /film/film/genre /m/02l7c8 +/m/0mdqp /film/director/film /m/03lrht +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgvp +/m/01wgcvn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/023slg /music/group_member/membership./music/group_membership/group /m/047cx +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016jll +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02b6n9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dk0dj /tv/tv_program/genre /m/03npn +/m/053tj7 /film/film/production_companies /m/04rtpt +/m/0mhfr /music/genre/artists /m/03c3yf +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/03qdm /education/educational_institution/colors /m/09ggk +/m/02pby8 /film/actor/film./film/performance/film /m/0_9wr +/m/02xtxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01trtc /music/record_label/artist /m/03f5spx +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/01z215 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0c3p7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gbn6 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06nz46 +/m/0d4jl /people/person/profession /m/015btn +/m/07gknc /people/person/places_lived./people/place_lived/location /m/015jr +/m/06j6l /music/genre/artists /m/0flpy +/m/027rfxc /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4gw +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0mzkr /music/record_label/artist /m/02x_h0 +/m/05whq_9 /people/person/profession /m/02krf9 +/m/02hnl /music/instrument/instrumentalists /m/01vw87c +/m/02bg55 /film/film/genre /m/01jfsb +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0mpbx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/06b4wb /film/actor/film./film/performance/film /m/0k2sk +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/055td_ /film/film/genre /m/07s9rl0 +/m/0gk4g /people/cause_of_death/people /m/01hkck +/m/043mk4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pqgt8 /people/person/gender /m/02zsn +/m/07lwsz /people/person/profession /m/03gjzk +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0154j +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03g52k +/m/01mskc3 /people/person/gender /m/05zppz +/m/03c6v3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/0glt670 /music/genre/artists /m/09z1lg +/m/016clz /music/genre/artists /m/02r3cn +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02q87z6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dnvn3 +/m/0xhtw /music/genre/artists /m/0ycp3 +/m/01h1b /people/person/nationality /m/09c7w0 +/m/01tzm9 /people/person/profession /m/02hrh1q +/m/086vfb /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/02nt3d /film/film/music /m/0gv07g +/m/02v_r7d /film/film/genre /m/03bxz7 +/m/02ryz24 /film/film/language /m/02h40lc +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/01x6jd /people/person/nationality /m/09c7w0 +/m/0b6tzs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04gnbv1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02rzdcp +/m/02_01w /film/actor/film./film/performance/film /m/042fgh +/m/050f0s /film/film/country /m/09c7w0 +/m/08swgx /film/actor/film./film/performance/film /m/03mz5b +/m/0bk5r /influence/influence_node/influenced_by /m/02wh0 +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/017v71 /education/educational_institution/students_graduates./education/education/student /m/0d06m5 +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c6d +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/019803 /film/actor/film./film/performance/film /m/023p33 +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01_yvy +/m/0gyx4 /film/director/film /m/035_2h +/m/056252 /music/record_label/artist /m/01wgfp6 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/07s9rl0 /media_common/netflix_genre/titles /m/07yk1xz +/m/0164qt /film/film/country /m/09c7w0 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h761 +/m/01v3ht /education/educational_institution/colors /m/06fvc +/m/01p1z_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/01zh29 +/m/0974y /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/021yw7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01cwkq +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2_ +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/01wg982 /people/person/profession /m/02jknp +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj8t_b +/m/01lv85 /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/04dyqk /people/person/nationality /m/09c7w0 +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/026670 +/m/05ywg /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/049qx +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/060v34 /film/film/genre /m/02b5_l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01l0__ +/m/05g2v /location/location/contains /m/06tw8 +/m/03q0r1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqn5 /film/film/production_companies /m/030_1_ +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/05mxw33 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/053y4h /film/actor/film./film/performance/film /m/01b195 +/m/032j_n /organization/organization/headquarters./location/mailing_address/citytown /m/059rby +/m/01vrz41 /people/person/profession /m/01d_h8 +/m/0136kr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/09g8vhw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06_wqk4 +/m/03cxsvl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02qw2xb +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02m501 +/m/01f69m /film/film/genre /m/07s9rl0 +/m/0jyx6 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01k5y0 /film/film/genre /m/0gsy3b +/m/017m2y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02dlfh +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/0pk1p /film/film/produced_by /m/03ktjq +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/06gd4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01dg3s +/m/041rx /people/ethnicity/people /m/0gqrb +/m/07t90 /education/educational_institution/colors /m/01l849 +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0134wr +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02jx1 /location/location/contains /m/0ylsr +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0dq626 /film/film/genre /m/01t_vv +/m/07srw /location/location/contains /m/02zcz3 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01vtj38 +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0bdxs5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dl567 +/m/0cc5qkt /film/film/genre /m/04xvlr +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01vs73g /people/person/gender /m/05zppz +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04pnx /location/location/contains /m/07ylj +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/0dp7wt /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01pbwwl +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/05148p4 /music/instrument/instrumentalists /m/018y81 +/m/0kqj1 /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/04jlgp +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/0203v /people/person/profession /m/0fj9f +/m/01sb5r /people/person/places_lived./people/place_lived/location /m/01smm +/m/0c422z4 /award/award_category/winners./award/award_honor/award_winner /m/03hh89 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0d05w3 +/m/01vn0t_ /people/person/profession /m/05vyk +/m/0d9y6 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv81 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/01pcz9 /people/person/spouse_s./people/marriage/spouse /m/01gbbz +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01___w /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tgn +/m/0dw4b0 /film/film/genre /m/07s9rl0 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046mxj +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/055sjw +/m/05r5c /music/instrument/instrumentalists /m/020hyj +/m/0184jc /people/person/profession /m/09jwl +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/03h502k /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03_vx9 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vhb +/m/02mdty /business/business_operation/industry /m/01mw1 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/028lc8 +/m/0bm2x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033tf_ /people/ethnicity/people /m/03pp73 +/m/0ck6r /location/location/time_zones /m/03bdv +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w6_ +/m/040dv /people/person/languages /m/02h40lc +/m/01xv77 /base/eating/practicer_of_diet/diet /m/07_hy +/m/04xfb /film/film_subject/films /m/0209hj +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0tz54 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/01f7j9 /people/person/profession /m/02jknp +/m/07h1q /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0zjpz /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/02l48d /business/business_operation/industry /m/02h400t +/m/04z_3pm /film/film/genre /m/03q4nz +/m/01z452 /film/film/production_companies /m/0gfmc_ +/m/03fghg /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/02rzdcp /tv/tv_program/genre /m/04xvlr +/m/03_d0 /music/genre/artists /m/0fpjd_g +/m/02qm5j /music/genre/artists /m/07yg2 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05567m +/m/043y95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02hrlh /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/04xvlr /media_common/netflix_genre/titles /m/03h_yy +/m/021q2j /education/educational_institution_campus/educational_institution /m/021q2j +/m/073bb /influence/influence_node/influenced_by /m/03f70xs +/m/04hqbbz /people/person/gender /m/05zppz +/m/02l424 /location/location/time_zones /m/02hcv8 +/m/0h1k6 /location/hud_county_place/place /m/0h1k6 +/m/02k_kn /music/genre/artists /m/01vrz41 +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/04czcb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05jx17 /sports/sports_team/colors /m/06fvc +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03wy70 /film/actor/film./film/performance/film /m/043tz0c +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/016clz /music/genre/artists /m/01k3qj +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/07ssc +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q4qv +/m/09k2t1 /people/person/gender /m/02zsn +/m/02pt6k_ /people/person/profession /m/05t4q +/m/073hhn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09ps01 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/018vs /music/instrument/instrumentalists /m/01w9wwg +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/023zd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01qd_r /education/educational_institution/campuses /m/01qd_r +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/0bthb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/0chsq +/m/015lhm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fb1q +/m/0k2cb /film/film/language /m/02h40lc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/032q8q /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/04d_mtq /music/group_member/membership./music/group_membership/group /m/0cbm64 +/m/01l4zqz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0jz9f +/m/05dbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0161sp +/m/03q2t9 /people/person/gender /m/05zppz +/m/09nwwf /music/genre/parent_genre /m/06by7 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/07rhpg +/m/046fz5 /sports/sports_team/sport /m/02vx4 +/m/0d060g /location/location/contains /m/01zh3_ +/m/01wsj0 /music/record_label/artist /m/027hm_ +/m/06j6l /music/genre/artists /m/01wlt3k +/m/05fjf /location/location/contains /m/0n5bk +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gkp1 +/m/04cbbz /film/film/prequel /m/02scbv +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/073w14 /people/person/languages /m/02h40lc +/m/07dvs /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02ll45 /film/film/genre /m/04xvlr +/m/02cllz /people/person/gender /m/05zppz +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047tsx3 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/018qb4 /olympics/olympic_games/sports /m/04lgq +/m/087pfc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mndw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0449sw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01vrx35 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0b2qtl /film/film/story_by /m/01tz6vs +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ych +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/05jcn8 +/m/0l998 /olympics/olympic_games/sports /m/07_53 +/m/036jv /music/genre/artists /m/07pzc +/m/0yl_w /education/educational_institution/colors /m/088fh +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01l9p +/m/03ytj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02b15x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01_p6t /people/person/nationality /m/0chghy +/m/03bxh /people/person/gender /m/05zppz +/m/0627sn /people/person/profession /m/0dgd_ +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/02ldv0 /people/person/profession /m/01d_h8 +/m/02kxbx3 /film/director/film /m/0dnvn3 +/m/0126y2 /people/person/profession /m/02hrh1q +/m/0j5fv /medicine/symptom/symptom_of /m/09969 +/m/01xsc9 /people/person/place_of_birth /m/04jpl +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0284h6 /sports/sports_team/colors /m/083jv +/m/01wvxw1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k60v +/m/08c7cz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/08qxx9 /film/actor/film./film/performance/film /m/0c40vxk +/m/0161sp /people/person/profession /m/016z4k +/m/01_x6v /film/director/film /m/03n3gl +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0hvgt /sports/sports_team/colors /m/01g5v +/m/017r13 /people/person/gender /m/05zppz +/m/05bnp0 /film/actor/film./film/performance/film /m/0btyf5z +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06nnj +/m/0bhvtc /people/person/profession /m/0dz3r +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0gp5l6 +/m/0p3sf /people/person/gender /m/05zppz +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/0661ql3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cp4cn +/m/0hm0k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w8sf +/m/06mfvc /people/person/gender /m/05zppz +/m/0ddkf /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/065_cjc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04f7c55 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gs6vr +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/09sh8k /film/film/country /m/0d060g +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/03mqtr /media_common/netflix_genre/titles /m/0296rz +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/06151l /people/person/nationality /m/09c7w0 +/m/05fjf /location/location/contains /m/0xms9 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/07_nf /base/culturalevent/event/entity_involved /m/0chghy +/m/0g768 /music/record_label/artist /m/0f0y8 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bs31sl +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06g4l +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01csvq +/m/08mg_b /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/09889g /people/person/place_of_birth /m/03b12 +/m/0gwjw0c /film/film/country /m/09c7w0 +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05r79 +/m/0j4b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04x8cp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqxm +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/06fpsx /film/film/genre /m/02l7c8 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02_06s /film/film/country /m/09c7w0 +/m/01v80y /film/director/film /m/0n1s0 +/m/047vnkj /film/film/language /m/064_8sq +/m/0dn16 /music/genre/artists /m/016vn3 +/m/017xm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsnff +/m/0m2kw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06j6l /music/genre/artists /m/01vrx35 +/m/01vw26l /people/person/profession /m/01d_h8 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02bqvs /film/film/production_companies /m/016tt2 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0n4mk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h63q6t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/02g5bf /people/person/sibling_s./people/sibling_relationship/sibling /m/0239zv +/m/03gyvwg /film/film/genre /m/02kdv5l +/m/01q_ph /people/person/profession /m/02hrh1q +/m/028qyn /people/person/profession /m/012t_z +/m/0sx7r /olympics/olympic_games/sports /m/09_9n +/m/09mfvx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/02lg3y /people/person/gender /m/02zsn +/m/0p_rk /film/film/country /m/09c7w0 +/m/01dyvs /film/film/country /m/0chghy +/m/01zmqw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c5xx9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0ft18 /film/film/genre /m/07s9rl0 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/01jxlz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vnmc9 /film/film/featured_film_locations /m/02_286 +/m/0347db /film/actor/film./film/performance/film /m/0ds5_72 +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/01w3v /organization/organization/headquarters./location/mailing_address/citytown /m/03v_5 +/m/0r4h3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qgd9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0xnvg /people/ethnicity/people /m/0dvmd +/m/09889g /people/person/profession /m/01d_h8 +/m/03crmd /people/person/languages /m/02h40lc +/m/03bnd9 /education/educational_institution/colors /m/083jv +/m/04954r /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/07mqps /people/ethnicity/people /m/0h1mt +/m/01vhrz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/045zr +/m/01x7jb /music/record_label/artist /m/01kph_c +/m/01fh36 /music/genre/artists /m/020_4z +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01n7q /location/location/contains /m/0qy5v +/m/05kfs /film/director/film /m/0g22z +/m/0197tq /music/artist/origin /m/02_286 +/m/040696 /film/actor/film./film/performance/film /m/043tvp3 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/07kc_ /music/instrument/instrumentalists /m/01vsyg9 +/m/08mg_b /film/film/produced_by /m/02fcs2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06ybb1 +/m/043c4j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/059j2 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01cbwl /music/genre/artists /m/04_jsg +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/student /m/05nn4k +/m/01tzm9 /people/person/nationality /m/07ssc +/m/0kbws /olympics/olympic_games/participating_countries /m/06sw9 +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/0c0yh4 /film/film/genre /m/03mqtr +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fg0r +/m/01nms7 /film/actor/film./film/performance/film /m/02rx2m5 +/m/016y_f /film/film/production_companies /m/016tw3 +/m/0g22z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08jyyk /music/genre/artists /m/01wy61y +/m/0cq86w /film/film/genre /m/0lsxr +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/03177r +/m/01kgv4 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/04xn_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f1x +/m/0b_c7 /people/person/profession /m/02jknp +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/015_1q /music/record_label/artist /m/044k8 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/03g5_y /influence/influence_node/influenced_by /m/014zfs +/m/0n4m5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h95927 /film/film/genre /m/05p553 +/m/01vsgrn /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vw20h +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/03s5lz /film/film/personal_appearances./film/personal_film_appearance/person /m/01htxr +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cvtf +/m/0fkhz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f9rw9 /time/event/instance_of_recurring_event /m/02jp2w +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0f5zj6 /people/person/place_of_birth /m/04vmp +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/084m3 +/m/0nz_b /location/location/contains /m/0rv97 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09d38d +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/03cf9ly /tv/tv_program/genre /m/03npn +/m/0jgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0kn +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/02bj6k +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/07j8kh /people/person/gender /m/05zppz +/m/02htv6 /education/educational_institution/campuses /m/02htv6 +/m/02w3w /music/instrument/instrumentalists /m/09prnq +/m/05lfwd /tv/tv_program/genre /m/0djd22 +/m/05sb1 /location/country/official_language /m/02hxcvy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0c5wln +/m/01qqtr /people/person/spouse_s./people/marriage/spouse /m/033tln +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02qpt1w +/m/04r7f2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/05r5c /music/instrument/instrumentalists /m/019389 +/m/0m2wm /film/actor/film./film/performance/film /m/020bv3 +/m/0lphb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqs56 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03k48_ +/m/01p1b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01nwwl /people/person/profession /m/02hrh1q +/m/0266bd5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02kxjx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/049n3s /sports/sports_team/colors /m/019sc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0hwqg /people/person/gender /m/05zppz +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0sz28 /people/person/profession /m/01d_h8 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/012d40 /film/actor/film./film/performance/film /m/01bl7g +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/01rwcgb /music/artist/origin /m/019fbp +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01g23m /award/award_winner/awards_won./award/award_honor/award_winner /m/07lt7b +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/05ljv7 +/m/01w9ph_ /music/group_member/membership./music/group_membership/group /m/07bzp +/m/0sxgv /film/film/music /m/01l9v7n +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03np3w +/m/0ggjt /people/deceased_person/place_of_death /m/05jbn +/m/08cx5g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033hqf /people/person/nationality /m/09c7w0 +/m/03fts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019vgs +/m/0r89d /location/hud_county_place/county /m/0l38x +/m/065zlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01_f90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/03205_ /education/educational_institution/colors /m/09q2t +/m/0b_fw /people/person/nationality /m/0b90_r +/m/01p47r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g257 /film/actor/film./film/performance/film /m/03hj5lq +/m/02vnp2 /education/educational_institution/campuses /m/02vnp2 +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01p4vl /people/person/places_lived./people/place_lived/location /m/0t0n5 +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09rntd +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rn00y +/m/024mxd /film/film/produced_by /m/0f5mdz +/m/0ymgk /education/educational_institution_campus/educational_institution /m/0ymgk +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fhxv +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0344gc +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx1m +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/06rvn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/06ztvyx /film/film/genre /m/01zhp +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dr_4 +/m/018vs /music/instrument/instrumentalists /m/0161sp +/m/0193f /music/genre/parent_genre /m/0m0jc +/m/09c7w0 /location/location/contains /m/0qt85 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/0c4hnm /time/event/instance_of_recurring_event /m/0g_w +/m/033hn8 /music/record_label/artist /m/01vvydl +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0419kt /film/film/prequel /m/0pb33 +/m/06g77c /film/film/genre /m/07s9rl0 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0zqq8 /location/location/contains /m/04hgpt +/m/02x9cv /education/educational_institution/students_graduates./education/education/student /m/01kkx2 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/08y7b9 /people/person/gender /m/05zppz +/m/03j722 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7xg +/m/03tn9w /time/event/instance_of_recurring_event /m/0g_w +/m/04pxcx /people/person/place_of_birth /m/01snm +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01v0fn1 /people/person/nationality /m/07ssc +/m/03hxsv /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04y9mm8 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/07bzp +/m/04fzfj /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/013qvn /film/actor/film./film/performance/film /m/02sfnv +/m/01yvvn /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04353 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/026l1lq +/m/01w8sf /people/person/nationality /m/02jx1 +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03dj6y +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0f1_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/055vr +/m/03_87 /people/person/profession /m/0cbd2 +/m/05dbf /film/actor/film./film/performance/film /m/026qnh6 +/m/0ckcvk /award/award_winner/awards_won./award/award_honor/award_winner /m/031x_3 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4_n0 +/m/03818y /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vvh9 +/m/01lsl /film/film/featured_film_locations /m/0mzww +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/037c9s /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0p50v /people/person/profession /m/02hv44_ +/m/0b_6x2 /time/event/locations /m/0fr0t +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01v3vp +/m/048xyn /film/film/genre /m/02p0szs +/m/033hn8 /music/record_label/artist /m/03f6fl0 +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03qd_ /film/actor/film./film/performance/film /m/04g73n +/m/044zvm /film/actor/film./film/performance/film /m/076tq0z +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01q7cb_ /people/person/nationality /m/09c7w0 +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0mcl0 /film/film/film_festivals /m/0hrcs29 +/m/0fc_9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhl +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/08xz51 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05sy0cv +/m/07y8l9 /film/actor/film./film/performance/film /m/01jzyf +/m/0dclg /sports/sports_team_location/teams /m/05xvj +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0flw6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d0fp +/m/065r8g /education/educational_institution/colors /m/083jv +/m/01fjz9 /sports/sports_team/colors /m/01g5v +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/07t21 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/043hg /people/person/profession /m/0dxtg +/m/02mc5v /film/film/written_by /m/030g9z +/m/0byh8j /base/aareas/schema/administrative_area/capital /m/0fl2s +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053vcrp +/m/02q5bx2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01cwcr +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/01gbn6 +/m/07ss8_ /people/person/profession /m/09jwl +/m/01f7dd /film/actor/film./film/performance/film /m/01kqq7 +/m/01j2xj /award/award_winner/awards_won./award/award_honor/award_winner /m/05183k +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cmf0m0 /film/film/genre /m/03k9fj +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01qygl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05r7t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06hgbk +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/084qpk +/m/07ylj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07ssc /media_common/netflix_genre/titles /m/01fx4k +/m/0342h /music/instrument/instrumentalists /m/03bxwtd +/m/011k1h /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01lct6 /people/person/profession /m/018gz8 +/m/01_vfy /film/director/film /m/0ptx_ +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/02hh8j /people/person/profession /m/0dxtg +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gfsq9 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/062zm5h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/015vq_ /film/actor/film./film/performance/film /m/0bz6sq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2tj +/m/0167v4 /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/012vwb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01wg6y /people/person/profession /m/01c72t +/m/026q3s3 /film/film/language /m/03_9r +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0gj50 /tv/tv_program/genre /m/06q7n +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ct5zc +/m/01ft14 /tv/tv_program/program_creator /m/0q9zc +/m/01wz_ml /people/person/place_of_birth /m/06wxw +/m/01hkhq /film/actor/film./film/performance/film /m/03wjm2 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/09fb5 /film/actor/film./film/performance/film /m/0jqp3 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0gx1bnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03jb2n +/m/01fmys /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/01wg982 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/09c7w0 /location/location/contains /m/07w3r +/m/025sc50 /music/genre/artists /m/01k23t +/m/09bg4l /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/03m2fg +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/026w_gk /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/046zh /people/person/languages /m/02h40lc +/m/01bvx1 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/01s1zk +/m/0c4y8 /influence/influence_node/influenced_by /m/0zm1 +/m/0cxgc /location/location/contains /m/017j4q +/m/0d8cr0 /people/person/profession /m/02hrh1q +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/01x6v6 /people/person/profession /m/01c72t +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04135 +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/015xp4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/018nnz /film/film/genre /m/02kdv5l +/m/09c7w0 /location/location/contains /m/02dtg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ps55 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02s2lg +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g78xc +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0htlr +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/09c7w0 /location/country/second_level_divisions /m/0mlxt +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qw2xb +/m/07m77x /film/actor/film./film/performance/film /m/0888c3 +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/049bp4 +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/09889g /people/person/places_lived./people/place_lived/location /m/0161c +/m/04954r /film/film/genre /m/07s9rl0 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/053vcrp /film/film_set_designer/film_sets_designed /m/0147sh +/m/04cxw5b /sports/sports_team/colors /m/0jc_p +/m/01wd02c /influence/influence_node/influenced_by /m/084nh +/m/026_dq6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dq9wx +/m/0g68zt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcql +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0g_92 /film/actor/film./film/performance/film /m/0147sh +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0zdkh /location/hud_county_place/place /m/0zdkh +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06y57 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03gr14 +/m/02y7sr /people/person/profession /m/039v1 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02bh_v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/04fv5b /film/film/genre /m/09blyk +/m/07f1x /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06_bq1 +/m/04w58 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/09v1lrz /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/0n1tx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0192hw /film/film/featured_film_locations /m/0dc95 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/0dkv90 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3xpwy +/m/0ddjy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/01wxdn3 /people/person/gender /m/05zppz +/m/010xjr /film/actor/film./film/performance/film /m/03kg2v +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07371 /location/location/contains /m/07g0_ +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/09pmkv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164qt /film/film/language /m/02h40lc +/m/0190vc /music/record_label/artist /m/01vtg4q +/m/088q4 /location/country/official_language /m/02h40lc +/m/025rvx0 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/033tf_ /people/ethnicity/people /m/01sfmyk +/m/06r2h /film/film/country /m/09c7w0 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/06rk8r +/m/02k9k9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02cbhg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0mwh1 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/02gs6r /film/film/genre /m/0bj8m2 +/m/0l14md /music/instrument/instrumentalists /m/016s_5 +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/015pdg /music/genre/artists /m/05cljf +/m/0chghy /location/location/contains /m/01pxcf +/m/02dlfh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lrht /film/film/genre /m/01q03 +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02cpp +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/0fqy4p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/0296vv /film/film/genre /m/05p553 +/m/0pk41 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/05kwx2 /film/actor/film./film/performance/film /m/03177r +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mxw33 +/m/0swbd /olympics/olympic_games/sports /m/09_bl +/m/032wdd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01l0__ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqxm +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02yvct +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02hg53 +/m/016kjs /award/award_winner/awards_won./award/award_honor/award_winner /m/026yqrr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/038_l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/0sw6y +/m/01fh36 /music/genre/artists /m/09hnb +/m/02029f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bn75 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/01clyb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/033tf_ /people/ethnicity/people /m/012gx2 +/m/02zk08 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q9kqf +/m/01c0h6 /location/administrative_division/country /m/03rk0 +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/02ylg6 /film/film/film_festivals /m/0kfhjq0 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0kq2g /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/011_3s /people/person/profession /m/0cbd2 +/m/07_m9_ /people/person/profession /m/0fj9f +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04dqdk +/m/0j8js /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/012zng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mg5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01ynzf /people/person/place_of_birth /m/01_d4 +/m/0106dv /location/location/time_zones /m/02fqwt +/m/02x0fs9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/04ly1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tgp +/m/01rv7x /people/ethnicity/geographic_distribution /m/03rk0 +/m/02srgf /music/genre/parent_genre /m/03lty +/m/05t54s /film/film/country /m/09c7w0 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rng +/m/05qsxy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vzc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0vqn +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0cwfgz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/02bgmr /people/person/profession /m/09jwl +/m/0h0wc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04q24zv +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/0ylgz /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0fhnf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/012rrr +/m/04rvy8 /people/person/profession /m/0dgd_ +/m/06m6z6 /film/director/film /m/01bb9r +/m/03l3ln /people/person/profession /m/02hrh1q +/m/0b0nq2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds35l9 +/m/087vnr5 /film/film/personal_appearances./film/personal_film_appearance/person /m/0bx_q +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/010016 /location/location/time_zones /m/02fqwt +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/020bv3 /film/film/runtime./film/film_cut/film_release_region /m/06qd3 +/m/0227tr /film/actor/film./film/performance/film /m/03qcfvw +/m/0zjpz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02zd2b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01t9qj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0bdb +/m/023rwm /music/record_label/artist /m/0560w +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0xzly /music/instrument/family /m/0l14md +/m/01zlh5 /people/person/nationality /m/09c7w0 +/m/01vs4f3 /influence/influence_node/peers./influence/peer_relationship/peers /m/03j24kf +/m/0l2rj /location/location/time_zones /m/02lcqs +/m/012b30 /music/record_label/artist /m/02y7sr +/m/02_vs /location/administrative_division/country /m/059j2 +/m/033jkj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03ywyk +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/03ldxq +/m/040vk98 /award/award_category/disciplines_or_subjects /m/06n90 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0q9sg /film/film/produced_by /m/0829rj +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05th69 +/m/03b1sb /film/film/genre /m/01jfsb +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/02zd2b /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07f_t4 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/01hqhm /film/film/music /m/04bpm6 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0drnwh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g_wd /people/person/profession /m/0dxtg +/m/01ky7c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/081hvm +/m/04pmnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01b9z4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020_4z /people/person/profession /m/016z4k +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/07p62k /film/film/country /m/09c7w0 +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01wmxfs /people/person/profession /m/02hrh1q +/m/0jz71 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06rkfs /education/educational_institution/students_graduates./education/education/student /m/04hpck +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/0cmdwwg /film/film/music /m/04ls53 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/0154d7 +/m/02xv8m /film/actor/film./film/performance/film /m/09p4w8 +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/01bk1y /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01w9ph_ /influence/influence_node/peers./influence/peer_relationship/peers /m/044k8 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/047myg9 /film/film/genre /m/02l7c8 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/04xvlr /media_common/netflix_genre/titles /m/0147sh +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/09n48 /olympics/olympic_games/participating_countries /m/0chghy +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0c0xr /music/genre/parent_genre /m/0ggq0m +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/0c1pj /organization/organization_founder/organizations_founded /m/0fvppk +/m/03wy8t /film/film/featured_film_locations /m/02nd_ +/m/0c5vh /film/actor/film./film/performance/film /m/063zky +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0683n /influence/influence_node/influenced_by /m/06whf +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/07ssc /location/location/contains /m/041sbd +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016tw3 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/01pj_5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03pp73 /film/actor/film./film/performance/film /m/01j5ql +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/0n6ds /film/film/featured_film_locations /m/02_286 +/m/0p__8 /influence/influence_node/influenced_by /m/0p_jc +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0172jm /education/educational_institution/colors /m/06kqt3 +/m/07q1m /film/film/language /m/02h40lc +/m/0dc95 /location/location/contains /m/0288zy +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057d89 +/m/01p8s /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/052h3 /people/person/place_of_birth /m/01531 +/m/0drs7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01l3vx +/m/04r68 /people/person/nationality /m/09c7w0 +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/0grjmv /music/genre/artists /m/06br6t +/m/0pqzh /people/person/nationality /m/09c7w0 +/m/016yvw /people/person/nationality /m/03rt9 +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01qhm_ /people/ethnicity/people /m/03t852 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dcsx /medicine/disease/risk_factors /m/02zsn +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0n474 /location/location/time_zones /m/02hcv8 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4_n0 +/m/02f2dn /film/actor/film./film/performance/film /m/035zr0 +/m/0bxy67 /people/person/profession /m/02hrh1q +/m/04hvw /location/country/form_of_government /m/018wl5 +/m/01yxbw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02q52q /film/film/genre /m/07s9rl0 +/m/03359d /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01tl50z /people/person/profession /m/018gz8 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/04ld94 +/m/01fwf1 /people/person/place_of_birth /m/04jpl +/m/0mb0 /influence/influence_node/influenced_by /m/081k8 +/m/013xrm /people/ethnicity/people /m/0dzlk +/m/06by7 /music/genre/artists /m/01qvgl +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/02qdgx /music/genre/artists /m/018phr +/m/02qd04y /film/film/language /m/0653m +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/09krm_ /organization/organization/headquarters./location/mailing_address/citytown /m/0f2nf +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/05567m /film/film/genre /m/0lsxr +/m/0br0vs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01xlqd /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/03h502k /people/person/profession /m/02jknp +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/070yzk /film/actor/film./film/performance/film /m/01l_pn +/m/01f9y_ /music/genre/artists /m/01yzl2 +/m/024mpp /film/film/story_by /m/046_v +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tbg6 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0sxdg +/m/013h9 /base/biblioness/bibs_location/state /m/07z1m +/m/03rg2b /film/film/featured_film_locations /m/03gh4 +/m/0m32h /medicine/disease/risk_factors /m/0fltx +/m/06g2d1 /people/person/languages /m/02h40lc +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/04ch23 /people/person/profession /m/0dxtg +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/0ddkf +/m/02brqp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08z0wx /music/genre/parent_genre /m/0xjl2 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01f7j9 +/m/01lvzbl /people/person/place_of_birth /m/0tj4y +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0blq0z /people/person/religion /m/04pk9 +/m/0hwqg /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0346qt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/01d8yn +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01mv_n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07ssc +/m/04n7gc6 /people/person/gender /m/02zsn +/m/0xjl2 /music/genre/artists /m/07r1_ +/m/0b57p6 /people/person/profession /m/01d_h8 +/m/02rfft /business/business_operation/industry /m/01mw1 +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0m2j5 /location/us_county/county_seat /m/0mb2b +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/03qjg /music/instrument/instrumentalists /m/01kx_81 +/m/046f3p /film/film/genre /m/017fp +/m/02wlwtm /business/job_title/people_with_this_title./business/employment_tenure/company /m/01722w +/m/029h45 /people/deceased_person/place_of_death /m/02_286 +/m/0bwgc_ /people/person/profession /m/02hrh1q +/m/048z7l /people/ethnicity/people /m/01k5zk +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0gy6z9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yf85 +/m/01jmyj /film/film/genre /m/01drsx +/m/01pbwwl /people/person/profession /m/02hrh1q +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0272vm +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01cycq +/m/044mvs /people/person/nationality /m/09c7w0 +/m/0688f /language/human_language/countries_spoken_in /m/05sb1 +/m/0ywqc /people/person/gender /m/05zppz +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/06j6l /music/genre/artists /m/01309x +/m/01pbxb /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/01lly5 /film/actor/film./film/performance/film /m/047csmy +/m/0lbbj /olympics/olympic_games/sports /m/01hp22 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04fzk +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02mpyh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/0gqmvn /award/award_category/winners./award/award_honor/award_winner /m/02p21g +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/043tg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y64_ +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j0md +/m/02q3bb /film/actor/film./film/performance/film /m/017z49 +/m/01c6l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c6d +/m/02p2zq /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/0561xh /people/person/nationality /m/03rk0 +/m/06mzp /location/location/partially_contains /m/0lcd +/m/025txrl /business/business_operation/industry /m/020mfr +/m/05q7874 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mb5x /people/deceased_person/place_of_death /m/04jpl +/m/05z_p6 /people/deceased_person/place_of_death /m/04jpl +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0c1j_ +/m/015q43 /film/actor/film./film/performance/film /m/04165w +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03mszl +/m/02q7yfq /film/film/genre /m/01jfsb +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/06g77c /film/film/genre /m/01jfsb +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/02j3d4 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034b6k +/m/0gltv /film/film/music /m/0146pg +/m/05br10 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0dt645q /film/actor/film./film/performance/film /m/0436yk +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/048z7l /people/ethnicity/people /m/016zdd +/m/01q3_2 /people/person/profession /m/016z4k +/m/033qxt /people/ethnicity/languages_spoken /m/03hkp +/m/0mx7f /location/us_county/county_seat /m/0zdfp +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0gvt8sz +/m/04wp3s /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/04bdlg /people/person/nationality /m/03_3d +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0284gcb +/m/06by7 /music/genre/artists /m/049qx +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/03jjzf /people/person/spouse_s./people/marriage/spouse /m/0721cy +/m/06by7 /music/genre/artists /m/01vzxld +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rv_dz +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/02h659 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/09_99w /people/person/gender /m/05zppz +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06kbb6 /people/person/profession /m/03gjzk +/m/0n57k /location/location/time_zones /m/02hcv8 +/m/02fn5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0149xx +/m/083shs /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/0df2zx /film/film/written_by /m/06pk8 +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/025x1t +/m/01lct6 /people/person/profession /m/02hrh1q +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/02ct_k /people/person/gender /m/05zppz +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/0m4yg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/014nzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03qjg /music/instrument/instrumentalists /m/01gf5h +/m/026_dq6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pyg6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/08vlns /music/genre/artists /m/043zg +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/075k5 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/04q42 /base/aareas/schema/administrative_area/capital /m/051ls +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01xsbh +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/02hblj +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/018nnz +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06by7 /music/genre/artists /m/02bgmr +/m/0djkrp /film/film/country /m/07ssc +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03wh49y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f0kz +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09px1w +/m/02bkdn /people/person/nationality /m/09c7w0 +/m/02pt7h_ /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01w_d6 +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/02fb1n /people/person/profession /m/02hrh1q +/m/06p5g /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017_qw /music/genre/artists /m/01m3b1t +/m/07f_7h /film/film/country /m/0d060g +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017kz7 +/m/0kb1g /film/film/genre /m/02kdv5l +/m/01n7q /location/location/contains /m/04gd8j +/m/0dg3jz /people/person/place_of_birth /m/01_d4 +/m/018w0j /time/event/locations /m/01z215 +/m/01ttg5 /people/person/gender /m/05zppz +/m/02v406 /people/person/places_lived./people/place_lived/location /m/06mxs +/m/03bnd9 /organization/organization/headquarters./location/mailing_address/citytown /m/0ftxw +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/07w6r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0nk72 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0cqt90 /people/person/profession /m/03gjzk +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0p3r8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pq5j7 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0p5mw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03b78r +/m/06r_by /people/person/profession /m/0dgd_ +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0g7k2g /people/person/place_of_birth /m/07mgr +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/01n30p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/011yg9 /film/film/language /m/064_8sq +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/07lp1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027qgy +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/09lxtg /location/country/capital /m/0fs29 +/m/0jcky /location/us_county/county_seat /m/0l39b +/m/05g7q /people/person/profession /m/04gc2 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01mjq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01vh08 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03cp4cn /film/film/production_companies /m/05rrtf +/m/081l_ /film/director/film /m/0g5qmbz +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01634x +/m/03pmfw /organization/organization/headquarters./location/mailing_address/citytown /m/01xhb_ +/m/03q58q /music/record_label/artist /m/0136p1 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/01kymm /music/artist/origin /m/07dfk +/m/035s37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/019lty /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/03k0yw +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9ly +/m/0hpz8 /people/person/languages /m/02h40lc +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09q5w2 +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/03fd8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/057_yx /film/actor/film./film/performance/film /m/016z9n +/m/0n4m5 /location/us_county/county_seat /m/0ydpd +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/0gjcrrw /film/film/film_production_design_by /m/02vxyl5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0343h /award/award_winner/awards_won./award/award_honor/award_winner /m/02q_cc +/m/03g5_y /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/09p35z /film/film/genre /m/01t_vv +/m/04svwx /dataworld/gardening_hint/split_to /m/04svwx +/m/02xtxw /film/film/genre /m/0hn10 +/m/04rrx /location/location/contains /m/02gt5s +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01vwllw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/080dfr7 /award/award_winning_work/awards_won./award/award_honor/award /m/0fdtd7 +/m/05gp3x /people/person/profession /m/0dxtg +/m/03v9w /location/location/contains /m/035hm +/m/0d6d2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hpt3 /organization/organization/child./organization/organization_relationship/child /m/0hv0d +/m/025_nbr /people/person/profession /m/026sdt1 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/023p33 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01fyzy /film/actor/film./film/performance/film /m/02ph9tm +/m/0161sp /base/eating/practicer_of_diet/diet /m/07_hy +/m/0czkbt /influence/influence_node/peers./influence/peer_relationship/peers /m/01pq5j7 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08xz51 +/m/01rnpy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/013crh /location/location/time_zones /m/02fqwt +/m/0884fm /film/actor/film./film/performance/film /m/01qz5 +/m/02f6s3 /people/person/places_lived./people/place_lived/location /m/0r89d +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01_bkd /music/genre/artists /m/014_lq +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bzyh /film/director/film /m/06q8qh +/m/0hmr4 /film/film/genre /m/07s9rl0 +/m/056rgc /people/person/profession /m/02hrh1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04bfg +/m/0glmv /people/person/profession /m/0dxtg +/m/0c5x_ /education/educational_institution/colors /m/01l849 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1hw +/m/0clzr /location/location/contains /m/0clz7 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/01f1r4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048s0r +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/016_mj +/m/0cfz_z /people/person/profession /m/02hrh1q +/m/01ky7c /organization/organization/headquarters./location/mailing_address/citytown /m/0d739 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/01mylz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0333t +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/05xf75 /film/actor/film./film/performance/film /m/0661ql3 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/047svrl +/m/01y665 /film/actor/film./film/performance/film /m/06ztvyx +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03cwwl /film/film/country /m/0345h +/m/027_sn /film/actor/film./film/performance/film /m/0ddjy +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02tk74 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gndh /film/film/country /m/09c7w0 +/m/07z5n /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0lk90 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/02_sr1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ysmg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/0hmt3 /sports/sports_team/sport /m/03tmr +/m/0pmw9 /people/person/nationality /m/0d060g +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0sz28 /film/actor/film./film/performance/film /m/02r8hh_ +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ctw_b +/m/0dg3n1 /location/location/contains /m/05bmq +/m/012ykt /film/actor/film./film/performance/film /m/0gtx63s +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/064nh4k /people/person/profession /m/02hrh1q +/m/0ck9l7 /music/genre/artists /m/07pzc +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/02lnbg /music/genre/artists /m/0bdxs5 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0432cd +/m/03_gd /people/person/profession /m/0n1h +/m/0fpmrm3 /film/film/film_festivals /m/0fpkxfd +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/0163kf /people/person/profession /m/0kyk +/m/01ty4 /people/person/profession /m/04s2z +/m/0k9j_ /film/actor/film./film/performance/film /m/0bkq7 +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/042kg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05t0zfv /film/film/country /m/03_3d +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbsdz +/m/0pj8m /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0521rl1 +/m/03ydlnj /film/film/country /m/0f8l9c +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0qmjd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tng0 +/m/0ply0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0k6nt /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/026n4h6 /film/film/genre /m/02n4kr +/m/016kft /people/person/nationality /m/09c7w0 +/m/0p8r1 /people/person/religion /m/0c8wxp +/m/02qkt /location/location/contains /m/05qhw +/m/04p3w /people/cause_of_death/people /m/03q95r +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0171lb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/06fxnf /people/person/nationality /m/07ssc +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0fx0j2 +/m/024hbv /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/059t8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/016clz /music/genre/artists /m/03xnq9_ +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f3m1 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/05d1dy /people/person/gender /m/05zppz +/m/0169dl /film/actor/film./film/performance/film /m/011ypx +/m/01vvydl /people/person/places_lived./people/place_lived/location /m/0r03f +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/02lp3c /people/person/gender /m/05zppz +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/019n8z +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/06w58f /people/person/place_of_birth /m/030qb3t +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05c46y6 +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0294mx /film/film/country /m/09c7w0 +/m/01s9vc /film/film/country /m/09c7w0 +/m/02bqxb /film/film/country /m/09c7w0 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh2v5 +/m/02jx1 /location/location/contains /m/0195j0 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0m76b +/m/07ssc /location/location/contains /m/01zfrt +/m/02482c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/09c7w0 /location/country/second_level_divisions /m/0n5hw +/m/05683cn /people/person/nationality /m/09c7w0 +/m/0407yfx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lymt +/m/0571m /film/film/genre /m/0hn10 +/m/07f3xb /film/actor/film./film/performance/film /m/03tn80 +/m/01x66d /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/014q2g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/011lvx /people/person/profession /m/09jwl +/m/065b6q /people/ethnicity/people /m/0fxky3 +/m/03xgm3 /people/person/gender /m/05zppz +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lht1 +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01vyv9 /people/person/profession /m/02krf9 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05wpnx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05kfs /people/person/gender /m/05zppz +/m/0g83dv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gt14 +/m/0fb0v /music/record_label/artist /m/01dw_f +/m/022q4j /people/person/profession /m/015cjr +/m/0fm3b5 /award/award_category/disciplines_or_subjects /m/02vxn +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01vt5c_ +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/095kp +/m/04dqdk /people/person/gender /m/05zppz +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/018x3 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/017d77 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/049k07 /film/actor/film./film/performance/film /m/04zyhx +/m/04wqr /people/person/gender /m/02zsn +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08fn5b +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0283_zv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d6d2 +/m/08l_c1 /education/educational_institution/campuses /m/08l_c1 +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_9q +/m/0892sx /people/person/profession /m/02dsz +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s3vk +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/0137hn /music/group_member/membership./music/group_membership/group /m/0134wr +/m/07_nf /base/culturalevent/event/entity_involved /m/0g8bw +/m/0c3351 /media_common/netflix_genre/titles /m/04nnpw +/m/09m6kg /film/film/genre /m/02l7c8 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0x25q /film/film/language /m/064_8sq +/m/0jfqp /location/hud_county_place/place /m/0jfqp +/m/0m32h /people/cause_of_death/people /m/02fn5 +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/01fx1l /tv/tv_program/genre /m/0djd22 +/m/025hwq /business/business_operation/industry /m/07c52 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l50_1 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0l14md /music/instrument/instrumentalists /m/016ntp +/m/026dx /film/director/film /m/0191n +/m/09fc83 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0175yg /music/genre/artists /m/020_4z +/m/05zwrg0 /film/film/genre /m/07s9rl0 +/m/0gk4g /people/cause_of_death/people /m/01200d +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/025t8bv /music/record_label/artist /m/0132k4 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0pc62 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03jldb /film/actor/film./film/performance/film /m/03cd0x +/m/02ctzb /people/ethnicity/people /m/0c6g29 +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01yf85 +/m/0cb1ky /people/person/nationality /m/03rk0 +/m/018grr /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02yv6b /music/genre/artists /m/016h9b +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01hdht /people/deceased_person/place_of_death /m/06_kh +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0mcl0 +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/0y_pg /film/film/genre /m/07s9rl0 +/m/01vrkdt /people/person/profession /m/039v1 +/m/0fnpj /dataworld/gardening_hint/split_to /m/05148p4 +/m/041bnw /music/record_label/artist /m/0khth +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/03y9p40 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01g0jn /people/person/gender /m/05zppz +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/02hnl +/m/02js6_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081pw /film/film_subject/films /m/047tsx3 +/m/0pz6q /education/educational_institution/students_graduates./education/education/student /m/099bk +/m/03ctqqf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05cj4r +/m/01fjfv /broadcast/content/artist /m/01vvydl +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1p +/m/01fh36 /music/genre/artists /m/02lbrd +/m/08w7vj /people/person/nationality /m/02jx1 +/m/0133sq /people/person/profession /m/02jknp +/m/0xnvg /people/ethnicity/people /m/04mx__ +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/03x1x /people/ethnicity/languages_spoken /m/064_8sq +/m/0djlxb /film/film/executive_produced_by /m/06t8b +/m/012yc /music/genre/artists /m/01f2q5 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0ctw_b /location/location/contains /m/0173kj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019ltg +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/05tgks /film/film/genre /m/02l7c8 +/m/0fpxp /tv/tv_program/genre /m/03fpg +/m/03f7nt /film/film/production_companies /m/05qd_ +/m/0d04z6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02l424 +/m/0172rj /music/genre/artists /m/01qmy04 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/02g5h5 /film/actor/film./film/performance/film /m/03kxj2 +/m/050ks /location/location/contains /m/01c333 +/m/017lb_ /music/artist/origin /m/02_286 +/m/026z9 /music/genre/artists /m/01lqf49 +/m/04ghz4m /film/film/film_festivals /m/04_m9gk +/m/0bh8yn3 /film/film/genre /m/03k9fj +/m/09fb5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/0qcr0 /people/cause_of_death/people /m/0444x +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0j8js +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/019lvv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06yxd /location/location/contains /m/03tw2s +/m/01vsn38 /people/person/profession /m/0dxtg +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0dg3n1 /location/location/contains /m/07dzf +/m/0nf3h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05g_nr /time/event/instance_of_recurring_event /m/02jp2w +/m/06y3r /award/award_winner/awards_won./award/award_honor/award_winner /m/04jspq +/m/01znc_ /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0glt670 /music/genre/artists /m/01l1b90 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/034q3l /people/person/profession /m/02hrh1q +/m/02pprs /music/instrument/family /m/06ncr +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/022g44 /people/person/profession /m/02krf9 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/01z4y /media_common/netflix_genre/titles /m/04yc76 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/0gn30 /film/actor/film./film/performance/film /m/03clwtw +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/02rmxx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02_kd /film/film/costume_design_by /m/03y1mlp +/m/05t0zfv /film/film/language /m/03_9r +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016wzw +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/07y0n +/m/034qmv /film/film/language /m/012w70 +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b_5d +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/057xn_m /music/group_member/membership./music/group_membership/group /m/09lwrt +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/021npv +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jmgb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/03fbb6 /people/person/religion /m/06nzl +/m/0h63q6t /film/film/genre /m/03k9fj +/m/0ggl02 /award/award_winner/awards_won./award/award_honor/award_winner /m/0288fyj +/m/02h6_6p /base/aareas/schema/administrative_area/administrative_parent /m/017v_ +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/03hl6lc /award/award_category/winners./award/award_honor/ceremony /m/03gt46z +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/04gycf +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0fzyg /film/film_subject/films /m/02n72k +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0b1y_2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/062qg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0847q +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/0gr36 /film/actor/film./film/performance/film /m/09p3_s +/m/068p2 /location/location/contains /m/01q2sk +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0qmjd /film/film/produced_by /m/03v1xb +/m/06v41q /people/ethnicity/people /m/02s58t +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02j9lm +/m/013xrm /people/ethnicity/people /m/0bqytm +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/02mc5v /film/film/featured_film_locations /m/080h2 +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/01zh3_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/0694j +/m/02l424 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03x1s8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fwy0h /people/person/profession /m/0d8qb +/m/0456xp /people/person/gender /m/02zsn +/m/0gnbw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04t6fk /film/film/genre /m/06qm3 +/m/0glt670 /music/genre/artists /m/02pt7h_ +/m/016kjs /people/person/profession /m/01c979 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/03rhqg /music/record_label/artist /m/016h4r +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/09rfpk /film/film/genre /m/02l7c8 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4v +/m/05w3f /music/genre/artists /m/01kx_81 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06r2h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0n8bn +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/01n7q /location/location/contains /m/02jmst +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03l6q0 /film/film/genre /m/01hwc6 +/m/0c3ybss /film/film/country /m/0d060g +/m/01kff7 /film/film/language /m/02h40lc +/m/01vrwfv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/09c7w0 /location/location/contains /m/0d9y6 +/m/080lkt7 /film/film/film_format /m/0cj16 +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/026l1lq +/m/0b2qtl /film/film/music /m/012201 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06g77c +/m/016clz /music/genre/artists /m/01q7cb_ +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0177g /people/person/nationality /m/03rjj +/m/01swck /film/actor/film./film/performance/film /m/02d003 +/m/035w2k /film/film/genre /m/0bkbm +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/063576 +/m/0315q3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l1fn /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02tz9z +/m/01nmgc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01q460 +/m/017jd9 /film/film/costume_design_by /m/02h1rt +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/022fdt /people/ethnicity/people /m/01386_ +/m/0gz5hs /people/person/profession /m/03gjzk +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/06n9lt /people/person/profession /m/025syph +/m/016fnb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01my95 +/m/0gyh /location/location/contains /m/0q6lr +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/01cm8w /film/film/executive_produced_by /m/05cv94 +/m/058z2d /education/educational_institution_campus/educational_institution /m/058z2d +/m/0127s7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/0372kf /people/person/profession /m/02hrh1q +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01rp13 /tv/tv_program/languages /m/02h40lc +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01fh36 /music/genre/artists /m/053yx +/m/01p1v /sports/sports_team_location/teams /m/033nzk +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/06w87 +/m/01jpmpv /people/person/nationality /m/09c7w0 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t969 +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/04qw17 /film/film/edited_by /m/03crcpt +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/044qx +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0462hhb +/m/01f9zw /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/027b43 /organization/organization/headquarters./location/mailing_address/citytown /m/0yp21 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0sz28 /film/actor/film./film/performance/film /m/0dgpwnk +/m/027cxsm /people/person/profession /m/02hrh1q +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0265v21 /people/person/gender /m/05zppz +/m/0gfh84d /film/film/written_by /m/01wl38s +/m/02cgb8 /people/person/profession /m/09jwl +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/0r066 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mb8c /film/film/language /m/02h40lc +/m/0fthdk /film/actor/film./film/performance/film /m/05pdh86 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/074r0 +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jymd +/m/0dq9p /people/cause_of_death/people /m/06f5j +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02779r4 +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/09snz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01cv3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016z7s +/m/045bg /influence/influence_node/influenced_by /m/06myp +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0155w /music/genre/artists /m/01qkqwg +/m/0cn68 /people/ethnicity/people /m/08x5c_ +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0660b9b /film/film/production_companies /m/0283xx2 +/m/0gl02yg /film/film/language /m/012w70 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03cfjg /people/person/places_lived./people/place_lived/location /m/04tgp +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/0y4f8 /music/genre/artists /m/02b25y +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/0j5m6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/06_wqk4 /film/film/genre /m/05p553 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01x6v6 +/m/04gcd1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/015pvh /film/actor/film./film/performance/film /m/03s9kp +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/01vvyvk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbgdv +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/02d003 /film/film/language /m/02h40lc +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/023322 /people/person/nationality /m/02jx1 +/m/059j4x /people/person/places_lived./people/place_lived/location /m/02xry +/m/0n5y4 /location/location/contains /m/01x96 +/m/0g_zyp /film/film/written_by /m/0hw1j +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02114t +/m/02_p5w /film/actor/film./film/performance/film /m/0fs9vc +/m/05dppk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015d3h +/m/06fpsx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzc16 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/01d0fp /people/person/place_of_birth /m/019k6n +/m/07f7jp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/047rkcm /film/film/executive_produced_by /m/025b5y +/m/0ksrf8 /film/actor/film./film/performance/film /m/0b76t12 +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/01nnsv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02z2xdf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/0y3_8 /music/genre/parent_genre /m/06by7 +/m/02_t2t /people/person/gender /m/05zppz +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0b_6pv /time/event/locations /m/0f2r6 +/m/0glt670 /music/genre/artists /m/01vrt_c +/m/04hcw /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/0d87hc /film/film/genre /m/06n90 +/m/0f2rq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/03rjj /location/location/contains /m/040hg8 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0c33pl /film/actor/film./film/performance/film /m/05c46y6 +/m/07y_7 /music/instrument/instrumentalists /m/03_0p +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/062zm5h +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012q4n +/m/048gd_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0j8hd /medicine/disease/risk_factors /m/02ctzb +/m/09c7w0 /location/location/contains /m/0mhdz +/m/024mxd /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042fgh +/m/0152cw /people/person/nationality /m/09c7w0 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05683cn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127m7 +/m/01c6zg /location/administrative_division/first_level_division_of /m/0f8l9c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02dwj +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/0gs7x +/m/06z8gn /film/actor/film./film/performance/film /m/026390q +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/06w99h3 +/m/05vc71 /award/award_category/winners./award/award_honor/award_winner /m/01lwx +/m/029_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/03gn1x /education/educational_institution/students_graduates./education/education/student /m/06y7d +/m/0164r9 /film/actor/film./film/performance/film /m/0jyb4 +/m/0p17j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v5_g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01vz80y +/m/0m2wm /people/person/profession /m/0d2ww +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/01b195 /film/film/production_companies /m/05qd_ +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/09d38d /film/film/language /m/02h40lc +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0h1fktn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02dwj +/m/01_qp_ /music/genre/artists /m/02cpp +/m/05mph /location/location/contains /m/0z53k +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/023g6w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jtg0 /music/instrument/instrumentalists /m/01gg59 +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n08b +/m/013xrm /people/ethnicity/people /m/025b5y +/m/0dwt5 /music/instrument/instrumentalists /m/0fpjd_g +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07mb57 +/m/048vhl /film/film/genre /m/01jfsb +/m/0b005 /tv/tv_program/genre /m/0fmtd +/m/08pth9 /film/actor/film./film/performance/film /m/0c57yj +/m/04gcyg /film/film/music /m/0hr3g +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wkmgb +/m/01pgk0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01s7ns +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/025xt8y /people/person/gender /m/05zppz +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03mnn0 /film/film/country /m/09c7w0 +/m/02l3_5 /film/actor/film./film/performance/film /m/0jym0 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/034x61 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/05w3f /music/genre/artists /m/01vrnsk +/m/011w20 /people/person/profession /m/0cbd2 +/m/0dm5l /music/artist/origin /m/04jpl +/m/01b8bn /award/award_category/winners./award/award_honor/award_winner /m/01g6bk +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08wq0g +/m/03h40_7 /people/person/place_of_birth /m/02dtg +/m/02w7gg /people/ethnicity/people /m/01hkhq +/m/01yzhn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/06wxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0534v /people/person/profession /m/02jknp +/m/0phx4 /people/person/profession /m/02hrh1q +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds2n +/m/01q940 /music/record_label/artist /m/0f_y9 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0lzcs /people/person/profession /m/04gc2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r2bv +/m/07s9rl0 /media_common/netflix_genre/titles /m/047myg9 +/m/059_c /location/administrative_division/first_level_division_of /m/09c7w0 +/m/02y8bn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jnpc +/m/03q45x /people/person/spouse_s./people/marriage/spouse /m/03q43g +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/02qhlm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01cycq /film/film/genre /m/082gq +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyz92 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/03yf4d /people/person/profession /m/015h31 +/m/02f2p7 /people/person/spouse_s./people/marriage/spouse /m/0c9d9 +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/047t_ +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0_m3k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/09x3r /olympics/olympic_games/sports /m/02bkg +/m/07s6prs /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/05c46y6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/02rrfzf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mkn_d +/m/06mvq /people/ethnicity/people /m/017l4 +/m/02b0_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0373qg /education/educational_institution_campus/educational_institution /m/0373qg +/m/0cl0bk /people/person/place_of_birth /m/0r2kh +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/07yklv /music/genre/artists /m/01w5n51 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rv_dz +/m/01vvydl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yhvv +/m/0drdv /people/person/gender /m/05zppz +/m/0jdk_ /olympics/olympic_games/sports /m/071t0 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/01bvx1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01j5ts /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09fb5 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/015dnt /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/035gt8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/03cl8lb /people/person/profession /m/0dxtg +/m/0kv9d3 /film/film/produced_by /m/026gb3v +/m/02778pf /people/person/nationality /m/09c7w0 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/01hmnh /media_common/netflix_genre/titles /m/01vksx +/m/0prh7 /film/film/genre /m/07s9rl0 +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kwx2 +/m/048lv /people/person/nationality /m/09c7w0 +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/07hhnl /award/award_winner/awards_won./award/award_honor/award_winner /m/07h1tr +/m/0ql7q /time/event/locations /m/03v9w +/m/0f4k49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01mb87 +/m/0p9tm /film/film/genre /m/03k9fj +/m/016k62 /people/person/place_of_birth /m/07qzv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/02q3fdr /film/film/genre /m/01hmnh +/m/0qdyf /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/01wg982 /people/person/gender /m/05zppz +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0479b /people/person/places_lived./people/place_lived/location /m/09bjv +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02g9z1 /film/actor/film./film/performance/film /m/02cbg0 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zy3sc +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/07ssc /location/location/contains /m/05vw7 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/0blpg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05sy2k_ /tv/tv_program/genre /m/07s9rl0 +/m/0j_tw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0h1mt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1j_ +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/01rhrd /location/country/capital /m/0fhzf +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0444x /people/person/place_of_birth /m/030qb3t +/m/0453t /influence/influence_node/influenced_by /m/02wh0 +/m/017510 /music/genre/artists /m/07s3vqk +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_fk9 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsvzh +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02704ff +/m/0287477 /film/film/executive_produced_by /m/027z0pl +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0crqcc +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0prh7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0415ggl /film/film/featured_film_locations /m/018n1k +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gg59 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0146hc /education/university/fraternities_and_sororities /m/0325pb +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/040wdl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/050kh5 /tv/tv_program/genre /m/0214st +/m/07ym0 /influence/influence_node/influenced_by /m/043s3 +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hcs +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0fx02 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k2wn +/m/0dvmd /people/person/gender /m/05zppz +/m/0177s6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01cv3n +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/034b6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/018yj6 +/m/0jrg /people/person/gender /m/05zppz +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0c00zd0 /film/film/genre /m/06cvj +/m/04mx__ /people/person/place_of_birth /m/019fh +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01p7s6 /people/ethnicity/people /m/0c31_ +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/01wy5m /film/actor/film./film/performance/film /m/016ywb +/m/02chhq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hvvf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0407f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cskb /tv/tv_program/genre /m/01z4y +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cyjx +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/025s1wg /film/film/written_by /m/06cv1 +/m/0f0p0 /people/person/profession /m/02hrh1q +/m/0155w /music/genre/artists /m/016fnb +/m/05hks /people/deceased_person/place_of_death /m/0hkpn +/m/0df2zx /film/film/production_companies /m/05qd_ +/m/01z5tr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02n4kr /media_common/netflix_genre/titles /m/070fnm +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/06w99h3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/043cl9 /people/person/religion /m/03j6c +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049bp4 +/m/08hp53 /people/person/gender /m/05zppz +/m/02pxst /film/film/film_format /m/0cj16 +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/031786 /film/film/film_production_design_by /m/0d5wn3 +/m/01qd_r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pgk0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pzck +/m/02lp3c /people/person/place_of_birth /m/02_286 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/025h4z /film/actor/film./film/performance/film /m/09m6kg +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02t_v1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/03_lsr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0dwvl /music/instrument/family /m/05148p4 +/m/05489 /film/film_subject/films /m/01rnly +/m/0bhwhj /film/film/genre /m/0jtdp +/m/01vrnsk /film/actor/film./film/performance/film /m/01f39b +/m/01f7dd /film/actor/film./film/performance/film /m/049w1q +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0jtg0 /music/instrument/instrumentalists /m/019389 +/m/05pxnmb /film/film/country /m/0345h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0488g /location/location/contains /m/01lnyf +/m/09blyk /media_common/netflix_genre/titles /m/02q0v8n +/m/03rx9 /people/person/gender /m/05zppz +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/017g2y +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/07l8f /sports/sports_team/sport /m/018jz +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_h6 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/0cc5tgk /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzc16 +/m/033tf_ /people/ethnicity/people /m/033jkj +/m/01w5m /education/educational_institution/colors /m/07plts +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/01l3mk3 /people/person/profession /m/02hrh1q +/m/024lff /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g1jh +/m/0rng /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/02mmwk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yygk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04cf09 +/m/05clg8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/034bgm /people/person/profession /m/02hrh1q +/m/013_vh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0134w7 +/m/03swmf /film/actor/film./film/performance/film /m/016yxn +/m/0dzt9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/07s9rl0 /media_common/netflix_genre/titles /m/027r9t +/m/03q5t /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/03shp /location/location/contains /m/01gk3x +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01vtmw6 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0cj2w /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0f5xn /people/person/place_of_birth /m/0rh6k +/m/06by7 /music/genre/artists /m/01kcms4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0786vq +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/03x82v +/m/06by7 /music/genre/artists /m/089tm +/m/0j582 /people/person/nationality /m/09c7w0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01y888 +/m/02b1mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09x3r /olympics/olympic_games/participating_countries /m/0d0vqn +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/0c3351 /media_common/netflix_genre/titles /m/02rrh1w +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017jd9 +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0pc_l /tv/tv_program/genre /m/06q7n +/m/01_r9k /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btbyn +/m/06s_2 /location/country/form_of_government /m/06cx9 +/m/03pvt /people/person/profession /m/0d8qb +/m/0dhdp /base/biblioness/bibs_location/state /m/0glh3 +/m/036hnm /education/educational_institution/school_type /m/05pcjw +/m/03cw411 /film/film/language /m/04h9h +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mt1fy +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/07r4c /people/person/nationality /m/09c7w0 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/024_vw +/m/01fx1l /tv/tv_program/genre /m/04gm78f +/m/025m8l /award/award_category/nominees./award/award_nomination/nominated_for /m/07tw_b +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/07l4zhn /film/film/genre /m/04xvlr +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/017f3m /tv/tv_program/genre /m/02fgmn +/m/06fc0b /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/054bt3 /people/person/nationality /m/02jx1 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02xgdv /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/01k7b0 /film/film/genre /m/082gq +/m/01_d4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0psxp +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/04zl8 /film/film/language /m/064_8sq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nrnm +/m/06xj4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fgrm +/m/0bbf1f /award/award_winner/awards_won./award/award_honor/award_winner /m/07r1h +/m/07s9rl0 /media_common/netflix_genre/titles /m/027m5wv +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wv9p +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07bxhl /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06449 /people/person/profession /m/09jwl +/m/09c7w0 /location/location/contains /m/01f07x +/m/0900j5 /film/film/genre /m/01jfsb +/m/04qftx /music/genre/parent_genre /m/01m1y +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/021pqy /film/film/genre /m/05p553 +/m/01z4y /media_common/netflix_genre/titles /m/01shy7 +/m/099d4 /people/person/places_lived./people/place_lived/location /m/0d05w3 +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/07bwr /film/film/written_by /m/02kxbwx +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01ws9n6 /people/person/place_of_birth /m/0f__1 +/m/0303jw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fy66 /film/film/genre /m/02xh1 +/m/015mlw /music/record_label/artist /m/089tm +/m/0190y4 /music/genre/artists /m/01vw8mh +/m/0lpjn /people/person/nationality /m/07ssc +/m/0m9p3 /film/film/written_by /m/085pr +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/018ty9 /people/person/profession /m/0dgd_ +/m/0_wm_ /location/location/time_zones /m/02fqwt +/m/018x3 /people/person/places_lived./people/place_lived/location /m/06y9v +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cffvv +/m/02qmsr /film/film/language /m/06nm1 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/04n65n /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0ckhc /location/location/time_zones /m/02lcqs +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02pqp12 /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/056zf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/01rddlc /film/actor/film./film/performance/film /m/0dd6bf +/m/0jt5zcn /location/location/contains /m/0yls9 +/m/03_qrp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07z5n /location/country/form_of_government /m/01fpfn +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/0c1j_ +/m/01699 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04v09 +/m/03dbds /people/person/profession /m/02hrh1q +/m/0kz4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmf0m0 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01rnly /film/film/written_by /m/0kb3n +/m/01qf54 /business/business_operation/industry /m/020mfr +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/037jz /influence/influence_node/influenced_by /m/07kb5 +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/0j95 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04ftdq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/04ydr95 /film/film/production_companies /m/05h4t7 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/082fr +/m/04fv5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/03_2y +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01g03q /tv/tv_program/genre /m/01t_vv +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/02c638 /film/film/genre /m/07s9rl0 +/m/020fcn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vvpjj /people/person/places_lived./people/place_lived/location /m/0ccvd +/m/01pq4w /education/educational_institution/students_graduates./education/education/student /m/02p8v8 +/m/03zkr8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03s2dj /people/person/place_of_birth /m/01n7rc +/m/0bmpm /film/film/film_art_direction_by /m/071jv5 +/m/0yl_j /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/0kvqv +/m/01w58n3 /people/person/languages /m/02h40lc +/m/0cj8x /people/person/nationality /m/09c7w0 +/m/0mgkg /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/022dp5 /people/ethnicity/people /m/01wk51 +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0bzh04 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0274ck /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0pmw9 /people/person/profession /m/09jwl +/m/02d02 /sports/sports_team/sport /m/018jz +/m/09blyk /media_common/netflix_genre/titles /m/0cqr0q +/m/01x72k /people/person/languages /m/02h40lc +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0b256b /sports/sports_team/colors /m/038hg +/m/01swck /film/actor/film./film/performance/film /m/0sxns +/m/032nl2 /people/person/profession /m/016z4k +/m/0d060g /location/location/contains /m/07wlt +/m/01vs4f3 /influence/influence_node/influenced_by /m/03j2gxx +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02ndf1 /influence/influence_node/influenced_by /m/06dl_ +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/07zhd7 /people/person/gender /m/05zppz +/m/07hpv3 /tv/tv_program/languages /m/02h40lc +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/034bs /influence/influence_node/influenced_by /m/032l1 +/m/0g4pl7z /film/film/produced_by /m/02q42j_ +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/0gpjbt /time/event/instance_of_recurring_event /m/0c4ys +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0m2kd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/050llt /people/person/places_lived./people/place_lived/location /m/049lr +/m/017wh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hrc +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/01n4f8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fz27v +/m/07vqnc /tv/tv_program/languages /m/02h40lc +/m/0yx1m /film/film/genre /m/06nbt +/m/05xbx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g5lhl7 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/045bs6 /film/actor/film./film/performance/film /m/06yykb +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02p8v8 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/04xzm /government/politician/government_positions_held./government/government_position_held/basic_title /m/09d6p2 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/0fp_v1x /people/person/profession /m/01c72t +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/06myp /people/person/nationality /m/0h7x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/01h5f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0d060g /location/location/contains /m/07ypt +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0bs4r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0xhtw /music/genre/artists /m/05563d +/m/0gd92 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0fbx6 +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhvpr +/m/06zn2v2 /film/film/country /m/0d060g +/m/01309x /people/person/profession /m/016z4k +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/0trv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_9l_ /film/film/language /m/04306rv +/m/04h5tx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/043hg /people/person/profession /m/02jknp +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01vs73g +/m/04myfb7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/011zd3 /people/person/profession /m/02hrh1q +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcl7 +/m/03lb76 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/08cn4_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/016z68 /people/person/places_lived./people/place_lived/location /m/01l63 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0n6kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/052zgp +/m/013d7t /location/hud_county_place/place /m/013d7t +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/025j1t /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/07g2b /people/person/place_of_birth /m/06wxw +/m/015pdg /music/genre/parent_genre /m/0mhfr +/m/02_cx_ /education/educational_institution/campuses /m/02_cx_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0171lb /people/person/gender /m/05zppz +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/0161c2 /people/person/gender /m/02zsn +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01g0jn +/m/0gywn /music/genre/artists /m/0b68vs +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/09fb5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/045zr +/m/01lz4tf /people/person/gender /m/05zppz +/m/01wb95 /film/film/genre /m/06l3bl +/m/0m32_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2h +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/018vs /music/instrument/instrumentalists /m/01q_wyj +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/03ftmg /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/06lpmt /film/film/featured_film_locations /m/02_286 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/026zlh9 /film/film/written_by /m/0mb5x +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0hv27 /film/film/language /m/02h40lc +/m/0cbvg /base/culturalevent/event/entity_involved /m/0j5b8 +/m/07c52 /media_common/netflix_genre/titles /m/0cs134 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mr2s +/m/09gkx35 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/052hl +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/06jcc /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01z4y /media_common/netflix_genre/titles /m/01hv3t +/m/01386_ /people/person/profession /m/09jwl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072zl1 +/m/0dvld /people/person/places_lived./people/place_lived/location /m/02_286 +/m/041rx /people/ethnicity/people /m/05gp3x +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cc5tgk +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012d40 +/m/0cw4l /location/administrative_division/country /m/03rk0 +/m/0y4f8 /music/genre/artists /m/01mbwlb +/m/01l47f5 /people/person/profession /m/04f2zj +/m/02w9895 /people/person/gender /m/02zsn +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/04sskp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09byk +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0dkv90 /film/film/genre /m/02kdv5l +/m/0bn3jg /people/person/place_of_birth /m/0c630 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020jqv +/m/0h2zvzr /film/film/story_by /m/04cbtrw +/m/06929s /film/film/genre /m/0lsxr +/m/01trtc /music/record_label/artist /m/01vsxdm +/m/01nwwl /people/person/place_of_birth /m/04jt2 +/m/02t_w8 /film/actor/film./film/performance/film /m/0k4bc +/m/086xm /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0d8jf /location/hud_county_place/place /m/0d8jf +/m/05j0wc /people/person/profession /m/0np9r +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/037ts6 +/m/07b1gq /film/film/genre /m/0btmb +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0k424 +/m/01p8r8 /people/person/nationality /m/02k1b +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03lv4x /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/06x43v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02rsl1 +/m/0253b6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbwb +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03n3gl /film/film/produced_by /m/01_x6v +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02d_zc +/m/02nq10 /education/educational_institution/students_graduates./education/education/student /m/02pk6x +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20_ +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0bw87 +/m/01jft4 /film/film/executive_produced_by /m/03h304l +/m/0dqcm /people/person/gender /m/02zsn +/m/07phbc /film/film/country /m/01mjq +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0gyh /location/location/contains /m/01wdl3 +/m/05dbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/025n3p +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/012jfb +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/03xnq9_ /people/person/religion /m/0c8wxp +/m/01nxzv /film/actor/film./film/performance/film /m/02qhqz4 +/m/019m5j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/0686zv /film/actor/film./film/performance/film /m/0bz6sq +/m/01qq_lp /people/person/places_lived./people/place_lived/location /m/0fhsz +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0jtdp /media_common/netflix_genre/titles /m/012jfb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0640y35 +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020l9r +/m/0379s /people/person/place_of_birth /m/0d33k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/037mp6 +/m/049f88 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzf_ +/m/031vy_ /education/educational_institution/students_graduates./education/education/student /m/03f22dp +/m/0cv13 /location/location/time_zones /m/02hcv8 +/m/06s_2 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01g23m /people/person/languages /m/02h40lc +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0gg8l /music/genre/artists /m/0k1bs +/m/0zcbl /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/039bpc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0kq39 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kv4k +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jzw +/m/09nzn6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05myd2 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02hp70 /education/educational_institution/students_graduates./education/education/student /m/032q8q +/m/0h95zbp /film/film/language /m/02h40lc +/m/042q3 /people/person/profession /m/04gc2 +/m/09hd6f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0dl5d /music/genre/artists /m/01t8399 +/m/023sm8 /location/location/contains /m/07wtc +/m/021pqy /award/award_winning_work/awards_won./award/award_honor/award /m/0b6k___ +/m/057xlyq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/0hfzr /film/film/genre /m/03g3w +/m/02g3w /people/person/profession /m/015h31 +/m/01mqc_ /film/actor/film./film/performance/film /m/01shy7 +/m/01mxqyk /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/0byq6h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/01ngn3 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/047fjjr /film/film/music /m/01nc3rh +/m/05g3ss /film/actor/film./film/performance/film /m/0f42nz +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01386_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01rh0w +/m/04h4zx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0d07s /education/educational_institution/students_graduates./education/education/student /m/016gr2 +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/02v5_g /film/film/executive_produced_by /m/06q8hf +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/06dfz1 /tv/tv_program/genre /m/07s9rl0 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09c7w0 /location/country/second_level_divisions /m/0mskq +/m/01cj6y /film/actor/film./film/performance/film /m/02dr9j +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/03176f /film/film/country /m/07ssc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/02lnbg /music/genre/artists /m/01x1cn2 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04t6fk +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/04x4nv /film/film/production_companies /m/05qd_ +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/0jkvj /olympics/olympic_games/sports /m/0crlz +/m/09swkk /award/award_winner/awards_won./award/award_honor/award_winner /m/03x82v +/m/01hwgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018n6m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03v1s /base/aareas/schema/administrative_area/capital /m/0ftxw +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04ykg +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/01f8gz /film/film/costume_design_by /m/03cp7b3 +/m/01lyv /music/genre/artists /m/01wp8w7 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/043g7l /music/record_label/artist /m/011z3g +/m/029zqn /film/film/music /m/016szr +/m/068l3t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02_cx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05fh2 +/m/0133x7 /people/person/profession /m/039v1 +/m/02773m2 /people/person/profession /m/03gjzk +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03x33n +/m/013h9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b2v79 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02bbyw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0byq0v +/m/02sjgpq /education/educational_institution_campus/educational_institution /m/02sjgpq +/m/03bdkd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqzkv +/m/0gmf0nj /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/0f6_x /film/actor/film./film/performance/film /m/03mh94 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/02k84w /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02k856 +/m/07jmnh /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02k6hp /people/cause_of_death/people /m/0dh1n_ +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06bnz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035dk +/m/09c17 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/049lr +/m/065jlv /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01b1mj +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0jrv_ /music/genre/artists /m/020hh3 +/m/046_v /people/person/nationality /m/09c7w0 +/m/015pxr /people/person/profession /m/0kyk +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01k5zk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/09l9tq /people/person/nationality /m/0ctw_b +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/02_p5w /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/08bqy9 /people/person/religion /m/0flw86 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kwtb +/m/0m_31 /people/deceased_person/place_of_death /m/0ygbf +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03_9r +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01453 +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/033hn8 /music/record_label/artist /m/0jltp +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/03f5vvx /people/person/profession /m/01jn5 +/m/05mc99 /people/person/profession /m/02hrh1q +/m/023g6w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0164b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0b90_r +/m/0gpmp /people/person/profession /m/01d30f +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0jzc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03crcpt +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/0dl5d /music/genre/artists /m/018gkb +/m/042g97 /film/film/prequel /m/0d_wms +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/01b9ck /award/award_winner/awards_won./award/award_honor/award_winner /m/0m593 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/0grwj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0f502 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/04zqmj /people/person/profession /m/01d_h8 +/m/048z7l /people/ethnicity/people /m/04bdqk +/m/09n5t_ /music/genre/artists /m/01d4cb +/m/060__7 /film/film/written_by /m/06s1qy +/m/05r6t /music/genre/artists /m/0mgcr +/m/021pqy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0391jz /film/actor/film./film/performance/film /m/0bs5vty +/m/02jxsq /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/01pctb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gb9xh +/m/0161h5 /people/person/profession /m/02hrh1q +/m/03bww6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xmy1 +/m/05zbm4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_vx9 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tbr +/m/059f4 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/02yplc /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/047g6 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/05ch98 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01vs14j /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/01s7pm /education/educational_institution/colors /m/01g5v +/m/0155w /music/genre/artists /m/01vvycq +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01j7mr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04zkj5 +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/09146g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/06jrhz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/019389 /people/person/profession /m/016z4k +/m/04g73n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0d__g /people/person/places_lived./people/place_lived/location /m/01x73 +/m/054g1r /organization/organization/child./organization/organization_relationship/child /m/093h7p +/m/04sv4 /organization/organization/child./organization/organization_relationship/child /m/01qvcr +/m/07qg8v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012g92 +/m/01vsps /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0c3p7 /people/person/gender /m/02zsn +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0dqytn /film/film/genre /m/03npn +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/0c0nhgv /film/film/featured_film_locations /m/0dc95 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bbw2z6 +/m/01tmng /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ch98 /film/film/genre /m/07s2s +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/084302 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bscw +/m/0fqz6 /people/ethnicity/people /m/01w23w +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/0h08p /music/genre/artists /m/0132k4 +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/02q4mt +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03l3ln +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/08052t3 /film/film/language /m/06nm1 +/m/0n5dt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5jm +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0j1yf /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03whyr +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gwlfnb /film/film/language /m/02h40lc +/m/04344j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/080_y /sports/sports_team/colors /m/019sc +/m/0g768 /music/record_label/artist /m/0565cz +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01xsbh +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/056vv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166b +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b68vs +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/025s1wg /film/film/prequel /m/02rrfzf +/m/0d7k1z /location/hud_county_place/place /m/0d7k1z +/m/02hnl /music/instrument/instrumentalists /m/015196 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/06zsk51 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/06jrhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/013n0n /base/biblioness/bibs_location/state /m/07b_l +/m/012vf6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/013t2y /base/biblioness/bibs_location/country /m/07ssc +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/04b675 /music/genre/parent_genre /m/0190xp +/m/01xyt7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/06_kh +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/03hkv_r /award/award_category/winners./award/award_honor/ceremony /m/03gt46z +/m/0gg8z1f /film/film/music /m/0csdzz +/m/01f6zc /film/actor/film./film/performance/film /m/08lr6s +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/01364q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g4vmj8 /film/film/film_format /m/0cj16 +/m/02yj7w /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qmd5 +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0f8l9c /location/location/contains /m/0lwkz +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/04f7c55 /music/group_member/membership./music/group_membership/group /m/0cbm64 +/m/01lyv /music/genre/artists /m/016vqk +/m/0qm8b /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01d8l +/m/02q5bx2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03s2dj +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0167xy /influence/influence_node/influenced_by /m/01vsy3q +/m/022g44 /people/person/profession /m/02jknp +/m/04h68j /people/person/profession /m/0dxtg +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01jqr_5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/035nm +/m/0kfpm /tv/tv_program/genre /m/01z4y +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/050f0s /film/film/written_by /m/054187 +/m/0k9j_ /film/actor/film./film/performance/film /m/0gzy02 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/01j7z7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0147dk +/m/0l8v5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0432cd /film/actor/film./film/performance/film /m/0963mq +/m/0sxdg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01l_yg /people/person/languages /m/02h40lc +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01njml /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0n00 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/06_kh +/m/05vjt6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01wvxw1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02v60l +/m/08lr6s /film/film/story_by /m/05gpy +/m/02c8d7 /music/genre/artists /m/01wwvc5 +/m/0dfw0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gt14 /film/film/country /m/09c7w0 +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05q4 +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d05fv +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0bbm7r /film/film/genre /m/04xvh5 +/m/06c44 /people/person/profession /m/01c72t +/m/09r94m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/01k8vh +/m/03rl84 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/025t8bv /music/record_label/artist /m/01w5gg6 +/m/01pqy_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0dq9p /people/cause_of_death/people /m/016z1c +/m/03l295 /people/person/place_of_birth /m/01_d4 +/m/02q7fl9 /film/film/genre /m/03mqtr +/m/0gjv_ /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/06k176 /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/01vzxld /music/artist/origin /m/04523f +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0249kn +/m/01z88t /location/country/form_of_government /m/01d9r3 +/m/01kgxf /film/actor/film./film/performance/film /m/0bq6ntw +/m/041jk9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01_lhg +/m/07s363 /organization/organization/headquarters./location/mailing_address/citytown /m/0hsqf +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/030tj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jgpsh +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0284gcb /people/person/nationality /m/09c7w0 +/m/044mjy /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/03h_fqv +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061dn_ +/m/01y9xg /film/actor/film./film/performance/film /m/0h03fhx +/m/0bmc4cm /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/05b6rdt /film/film/genre /m/02n4kr +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0144l1 +/m/06xkst /tv/tv_program/genre /m/0hcr +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0241y7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01xl5 +/m/070c93 /people/person/place_of_birth /m/04xn_ +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/031zp2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/09pl3s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cf9ly +/m/0d4htf /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/07gbf /tv/tv_program/genre /m/0c3351 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/0219q +/m/079kdz /award/award_winner/awards_won./award/award_honor/award_winner /m/06y9bd +/m/0bs5vty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0dck27 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cqbx +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x209s +/m/0gm34 /film/actor/film./film/performance/film /m/074rg9 +/m/01lqnff /people/person/profession /m/01d_h8 +/m/0kbvb /olympics/olympic_games/sports /m/06z68 +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09cvbq +/m/0dryh9k /people/ethnicity/people /m/01s0l0 +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/02m92h /people/person/profession /m/02krf9 +/m/01pdgp /education/educational_institution/campuses /m/01pdgp +/m/09bkc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07j8r +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwl2 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/01h5f8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m0jc /music/genre/artists /m/0127s7 +/m/05w88j /film/actor/film./film/performance/film /m/0bpbhm +/m/091xrc /film/film/language /m/02h40lc +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/059j2 /location/country/official_language /m/02bv9 +/m/043g7l /music/record_label/artist /m/02g40r +/m/015g_7 /film/actor/film./film/performance/film /m/03cvwkr +/m/0cv1h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv13 +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kryqm +/m/06l8d /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/0mm1q /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vs_v8 +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/091z_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/05kfs /film/director/film /m/09sr0 +/m/0gy6z9 /film/actor/film./film/performance/film /m/02b6n9 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/0lk90 /people/person/places_lived./people/place_lived/location /m/03l2n +/m/0fpzt5 /people/person/profession /m/015btn +/m/01zkxv /people/person/profession /m/0kyk +/m/02n72k /film/film/music /m/01cbt3 +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0f3m1 +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/016clz /music/genre/artists /m/05k79 +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01kph_c /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/03yvln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01hmnh /media_common/netflix_genre/titles /m/03t95n +/m/016tbr /people/person/nationality /m/09c7w0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04crrxr /people/person/profession /m/018gz8 +/m/0m_h6 /film/film/genre /m/02l7c8 +/m/04glr5h /award/award_winner/awards_won./award/award_honor/award_winner /m/02d6cy +/m/014ps4 /influence/influence_node/influenced_by /m/041h0 +/m/07jmgz /people/person/profession /m/0dxtg +/m/01cpkt /business/job_title/people_with_this_title./business/employment_tenure/company /m/02wf01 +/m/01tvz5j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/0mwl2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0tc7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04gcyg +/m/034np8 /film/actor/film./film/performance/film /m/0f40w +/m/018x3 /people/person/profession /m/0dz3r +/m/05cj4r /film/actor/film./film/performance/film /m/0g68zt +/m/01z77k /media_common/netflix_genre/titles /m/02py4c8 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3p7 +/m/0dnw1 /film/film/featured_film_locations /m/02_286 +/m/0m491 /film/film/film_format /m/07fb8_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0d2psv +/m/02wypbh /award/award_category/disciplines_or_subjects /m/02vxn +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/013q07 +/m/0241jw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/016szr /music/artist/origin /m/030qb3t +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/016sd3 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/07ssc /location/location/contains /m/013wf1 +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/0kc6 /people/person/profession /m/02jknp +/m/01npcx /film/film/language /m/02h40lc +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/03hhd3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3p7 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/05bpg3 /people/person/places_lived./people/place_lived/location /m/0psxp +/m/0f6_x /people/person/profession /m/0np9r +/m/02tgz4 /film/film/genre /m/06cvj +/m/0hcvy /influence/influence_node/influenced_by /m/058vp +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0fdtd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/014bpd +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/01mbwlb /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/0j_sncb +/m/0fpxp /tv/tv_program/languages /m/02h40lc +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/05bt6j /music/genre/artists /m/01p45_v +/m/0277990 /people/person/profession /m/018gz8 +/m/0by1wkq /film/film/genre /m/02kdv5l +/m/06by7 /music/genre/artists /m/01gx5f +/m/06v_gh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/07nxnw /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/02x6dqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0b7xl8 +/m/02k_kn /music/genre/artists /m/01vrwfv +/m/0dq9wx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026_dq6 +/m/06c44 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0fz27v /people/person/profession /m/03gjzk +/m/027t8fw /people/person/nationality /m/0chghy +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/072zl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03m5y9p +/m/073w14 /film/actor/film./film/performance/film /m/051ys82 +/m/06f0k /tv/tv_program/languages /m/02h40lc +/m/016_mj /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/01jfsb /media_common/netflix_genre/titles /m/0g68zt +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/01wv9p /people/person/profession /m/02hrh1q +/m/0b256b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01wyy_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0m_v0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018vs /music/instrument/instrumentalists /m/03f0fnk +/m/0d0x8 /location/location/contains /m/0rxyk +/m/0260bz /film/film/genre /m/04xvlr +/m/02q7yfq /film/film/other_crew./film/film_crew_gig/crewmember /m/06cv1 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0473rc /film/film/featured_film_locations /m/0r62v +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/019g8j +/m/0252fh /film/actor/film./film/performance/film /m/02z3r8t +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nty +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/075npt +/m/0m8vm /music/genre/parent_genre /m/06by7 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0170th /film/film/country /m/09c7w0 +/m/011ykb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0162c8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01kwsg /people/person/profession /m/01d_h8 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0797c7 +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01k165 /people/person/religion /m/02t7t +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/03gvt /music/instrument/instrumentalists /m/012x4t +/m/09c7w0 /location/location/contains /m/0r6cx +/m/06qjgc /people/person/places_lived./people/place_lived/location /m/02tb17 +/m/02h8hr /people/person/profession /m/0np9r +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031c2r +/m/07hwkr /people/ethnicity/people /m/0sw62 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/027l0b /people/person/place_of_birth /m/0dyl9 +/m/0947l /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hvw +/m/05b6rdt /film/film/language /m/03_9r +/m/03s6l2 /film/film/featured_film_locations /m/030qb3t +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/015nl4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01k5zk /people/person/profession /m/02hrh1q +/m/03xnq9_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09h4b5 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/07hbxm /people/person/places_lived./people/place_lived/location /m/0ck6r +/m/07g7h2 /people/person/gender /m/05zppz +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/02704ff /film/film/language /m/02h40lc +/m/02lnbg /music/genre/artists /m/011z3g +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0cfhfz +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/03fn5s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/036jb /people/deceased_person/place_of_death /m/0k049 +/m/0y_yw /film/film/genre /m/0lsxr +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0d6b7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0jt90f5 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/01n8_g +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/0c3351 /media_common/netflix_genre/titles /m/0466s8n +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/0gd_b_ +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/09n48 /olympics/olympic_games/participating_countries /m/06sff +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/0dvld /film/actor/film./film/performance/film /m/011yg9 +/m/02t__l /people/person/place_of_birth /m/01sn3 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03nk3t +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028hc2 +/m/04fzk /film/actor/film./film/performance/film /m/01pvxl +/m/018vs /music/instrument/instrumentalists /m/0132k4 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/09fp45 /people/person/profession /m/0np9r +/m/09blyk /media_common/netflix_genre/titles /m/07sc6nw +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02_3zj /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05kr_ /location/location/contains /m/0h7h6 +/m/04fcjt /music/record_label/artist /m/0bsj9 +/m/0194zl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011yxg +/m/01_mdl /film/film/film_art_direction_by /m/05b2f_k +/m/02k_4g /tv/tv_program/languages /m/02h40lc +/m/0qkyj /location/location/time_zones /m/02fqwt +/m/03rwng /people/person/nationality /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01b39j +/m/046488 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0btpx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qwg +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rqwhl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/050fh +/m/06j8wx /film/actor/film./film/performance/film /m/0g5pv3 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1zdw +/m/02rx2m5 /film/film/produced_by /m/0sz28 +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07vn_9 +/m/0zjpz /people/person/profession /m/039v1 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/026kmvf /people/person/nationality /m/015fr +/m/02js9p /people/person/place_of_birth /m/0h778 +/m/04wqr /people/person/spouse_s./people/marriage/spouse /m/0yfp +/m/0bscw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0144l1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0d05w3 /location/location/contains /m/0kzcv +/m/0ccd3x /film/film/story_by /m/081k8 +/m/031hxk /education/educational_institution/school_type /m/05jxkf +/m/01clyb /education/educational_institution/colors /m/01g5v +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/0pm85 /music/genre/artists /m/02r3cn +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/022xml /education/educational_institution/colors /m/083jv +/m/015_1q /music/record_label/artist /m/0cg9y +/m/01wrcxr /people/person/place_of_birth /m/02dtg +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/0776drd /award/award_category/winners./award/award_honor/award_winner /m/01r_t_ +/m/0n839 /film/actor/film./film/performance/film /m/03r0g9 +/m/07yjb /media_common/netflix_genre/titles /m/01xq8v +/m/0fpj9pm /people/person/profession /m/09jwl +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0cs134 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/020bv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qrbf +/m/0qm40 /base/aareas/schema/administrative_area/administrative_parent /m/09hzw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03d8m4 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0gyx4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vtj38 +/m/02jxmr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0557yqh +/m/01g7_r /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019lwb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/015cj9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0b05xm /people/person/profession /m/01d_h8 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0b7gxq +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07lt7b +/m/015dqj /film/actor/film./film/performance/film /m/0n0bp +/m/098n_m /people/person/place_of_birth /m/0r0ss +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/04g4w9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lsl +/m/06dfg /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04qk12 /film/film/executive_produced_by /m/016lv3 +/m/019r_1 /people/person/nationality /m/012m_ +/m/03y82t6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0156q /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/05pxnmb /film/film/production_companies /m/05qd_ +/m/0cq8nx /film/film/language /m/02h40lc +/m/02z9hqn /film/film/genre /m/0hcr +/m/08wq0g /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0gh4g0 /music/record_label/artist /m/02pt27 +/m/05qkp /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hjmd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01wf86y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0btyl /people/person/gender /m/02zsn +/m/02ghq /influence/influence_node/influenced_by /m/01wd02c +/m/0ds1glg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/01gbbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/0sv6n /base/biblioness/bibs_location/state /m/03s0w +/m/0m24v /location/location/time_zones /m/02hczc +/m/09gffmz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/03qd_ /film/actor/film./film/performance/film /m/0kvb6p +/m/033dbw /film/film/genre /m/04xvh5 +/m/09y6pb /film/film/genre /m/02l7c8 +/m/0k4p0 /film/film/genre /m/02l7c8 +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/0prfz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/024t0y /people/person/profession /m/03gjzk +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/059t8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015v3r +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0432_5 /film/film/produced_by /m/069_0y +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1xb +/m/0n5bk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d500h /people/person/place_of_birth /m/0cc56 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vf5c +/m/0m68w /people/person/profession /m/018gz8 +/m/01c1nm /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/03d555l /sports/sports_team/colors /m/01l849 +/m/044pqn /people/person/gender /m/05zppz +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/041pnt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/019fz /people/deceased_person/place_of_death /m/0dclg +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/01qn7n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qn8k +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/02x8mt +/m/0642xf3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0127s7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wyz92 +/m/01fx6y /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0170s4 +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/015n8 /influence/influence_node/influenced_by /m/030dr +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09r9dp /film/actor/film./film/performance/film /m/03z106 +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/06by7 /music/genre/artists /m/0djc3s +/m/020ffd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mmwk /film/film/genre /m/02kdv5l +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0340hj +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/07xzm +/m/0r540 /location/location/time_zones /m/02lcqs +/m/0267wwv /film/film/genre /m/07s9rl0 +/m/02zhkz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02js6_ /film/actor/film./film/performance/film /m/07jxpf +/m/0686zv /people/person/gender /m/05zppz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/04gcyg +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08fn5b +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/029pnn /people/person/profession /m/0dxtg +/m/01z452 /film/film/genre /m/07s9rl0 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/030w19 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r4w +/m/07_pf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07s846j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/04rcr +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b3v +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/01t6xz /people/person/nationality /m/09c7w0 +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/05sy_5 /film/film/language /m/02hwhyv +/m/023g6w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0p17j +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/04205z /film/actor/film./film/performance/film /m/0by1wkq +/m/02wrrm /film/actor/film./film/performance/film /m/03rg2b +/m/016ybr /music/genre/artists /m/0161c2 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/06jwys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09lxv9 /film/film/genre /m/06n90 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0404j37 +/m/049f88 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/02tcgh /film/film/featured_film_locations /m/02_286 +/m/022411 /film/actor/film./film/performance/film /m/02c638 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04165w +/m/07v64s /music/genre/artists /m/01fl3 +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/02qdymm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01x4r3 /influence/influence_node/influenced_by /m/01j7rd +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/0r0ss /location/hud_county_place/county /m/0kpys +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/04gycf /music/group_member/membership./music/group_membership/group /m/0hvbj +/m/0fh694 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06whf /people/person/profession /m/05z96 +/m/026vcc /education/educational_institution/campuses /m/026vcc +/m/01vsn38 /film/actor/film./film/performance/film /m/06ztvyx +/m/01x1fq /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/016ndm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/01hmnh /media_common/netflix_genre/titles /m/015x74 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0dg3n1 /location/location/contains /m/01p1b +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01kmd4 +/m/05b0f7 /business/business_operation/industry /m/04rlf +/m/03pvt /people/person/gender /m/05zppz +/m/086k8 /music/record_label/artist /m/03xhj6 +/m/01vw87c /people/person/profession /m/0dxtg +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_fk9 +/m/03fgm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xff /people/ethnicity/people /m/04s9n +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k2mxq +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/02x3y41 +/m/021w0_ /education/educational_institution/campuses /m/021w0_ +/m/014z8v /people/person/religion /m/0c8wxp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zccd +/m/034q3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/034x61 /people/person/profession /m/02hrh1q +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/01mmslz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03n93 +/m/016kv6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0sxmx +/m/04wvhz /people/person/place_of_birth /m/030qb3t +/m/029m83 /film/director/film /m/01gvsn +/m/0xn7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0xn7b +/m/03cfkrw /film/film/music /m/0kvrb +/m/01yhm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n8gr /people/person/profession /m/09jwl +/m/0l_q9 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0408np /film/actor/film./film/performance/film /m/01hqhm +/m/09c7w0 /location/location/contains /m/0558_1 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/01fh9 +/m/029h7y /music/genre/artists /m/09hnb +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/location/contains /m/0r8bh +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pjc1h +/m/0m0jc /music/genre/artists /m/0473q +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/026vcc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n3bm /people/cause_of_death/people /m/0gr36 +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/023322 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0qdwr +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05fx1v +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/01y_rz /people/person/profession /m/09lbv +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02jt1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/01tz6vs /film/film_subject/films /m/047myg9 +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/03ds3 /people/person/profession /m/02hrh1q +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/07gghl /film/film/genre /m/0gf28 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/09_99w +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0bt4g /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0fsm8c /people/person/place_of_birth /m/02_286 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01m42d0 +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0dzf_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/048j1q +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/02847m9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xmy1 +/m/017fp /media_common/netflix_genre/titles /m/01rwyq +/m/01s3kv /people/person/nationality /m/09c7w0 +/m/0gtsxr4 /film/film/music /m/04bpm6 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0l786 +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/0168cl +/m/02q_ncg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/01kkg5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02j69w +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01ync +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/02ndy4 +/m/07ldhs /people/person/gender /m/05zppz +/m/0889x /people/person/profession /m/09jwl +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0ftxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0cc07 /location/location/time_zones /m/02hcv8 +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02pptm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/01933d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/06w58f /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h7l7 +/m/02jx1 /location/location/contains /m/01m3b7 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/07m77x +/m/014q2g /people/person/profession /m/016z4k +/m/06pj8 /film/director/film /m/0dnqr +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06kl78 +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/09b0xs +/m/0gfnqh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/038b_x /people/person/gender /m/05zppz +/m/056xkh /film/film/film_format /m/07fb8_ +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/01ydzx /people/person/profession /m/09jwl +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02s5v5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07cn2c +/m/01vrncs /music/artist/contribution./music/recording_contribution/performance_role /m/02sgy +/m/03cvv4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/052h3 /people/person/profession /m/06q2q +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bz5v2 +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01srq2 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01kws3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/047myg9 /film/film/genre /m/07s9rl0 +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/09w6br /film/film/music /m/02jxkw +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/0knjh /people/person/place_of_birth /m/05qtj +/m/05ls3r /sports/sports_team/sport /m/02vx4 +/m/0bcp9b /film/film/costume_design_by /m/02w0dc0 +/m/01d5z /sports/sports_team/colors /m/083jv +/m/0dwz3t /sports/sports_team/colors /m/06fvc +/m/0dryh9k /people/ethnicity/people /m/05nqq3 +/m/05cvgl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0z4s +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03j755 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04s430 /people/person/profession /m/02hrh1q +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0jcx /influence/influence_node/influenced_by /m/015n8 +/m/01rnly /film/film/country /m/09c7w0 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h95927 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/07mqps /people/ethnicity/languages_spoken /m/02bv9 +/m/01vvyvk /influence/influence_node/influenced_by /m/012vd6 +/m/02bn75 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/013xh7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0794g /film/actor/film./film/performance/film /m/0419kt +/m/03lty /music/genre/artists /m/020hh3 +/m/0193f /music/genre/artists /m/07sbk +/m/01kvrz /education/educational_institution/colors /m/01l849 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/018js4 +/m/05g2v /location/location/partially_contains /m/02k54 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0948xk +/m/03x83_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/065zr +/m/01z7s_ /people/person/profession /m/02krf9 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012ky3 +/m/02qfyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/06mn7 +/m/09306z /time/event/instance_of_recurring_event /m/0g_w +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0405l +/m/0ksrf8 /film/actor/film./film/performance/film /m/0bc1yhb +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/03m8lq +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/048z7l /people/ethnicity/languages_spoken /m/06b_j +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01gv_f /film/actor/film./film/performance/film /m/03nx8mj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/05bpg3 /film/actor/film./film/performance/film /m/05dss7 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0j210 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/02k8k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345_ +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/04wmvz +/m/06c1y /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04h5tx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01f7j9 /film/director/film /m/02vqhv0 +/m/08wjc1 /organization/organization/place_founded /m/0f2wj +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/01dq9q +/m/01htxr /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/075npt /people/person/nationality /m/09c7w0 +/m/0880p /language/human_language/countries_spoken_in /m/0jgd +/m/02mg7n /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/06fpsx /film/film/genre /m/0556j8 +/m/02k_kn /music/genre/artists /m/09qr6 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04__f /people/person/places_lived./people/place_lived/location /m/0chrx +/m/031kyy /tv/tv_program/country_of_origin /m/03_3d +/m/0h3mh3q /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gtsxr4 /film/film/genre /m/05p553 +/m/02f8lw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018ygt +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/016jny /music/genre/artists /m/01l_w0 +/m/017c87 /people/person/religion /m/0kpl +/m/01f7j9 /film/director/film /m/0k2sk +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0dj0m5 +/m/0bt9lr /film/film_subject/films /m/07_fj54 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01lyv /music/genre/artists /m/07m4c +/m/0fxmbn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016z9n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jsgf +/m/0521d_3 /people/person/place_of_birth /m/02_286 +/m/01l1hr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/0854hr /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/07_l6 /music/instrument/instrumentalists /m/0c73z +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/01_k7f /education/educational_institution/colors /m/02rnmb +/m/01jkqfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/03gfvsz /broadcast/content/artist /m/02qwg +/m/066m4g /people/person/profession /m/02hrh1q +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0fvwg /location/hud_county_place/county /m/0dn8b +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/03zj9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0l3h /sports/sports_team_location/teams /m/04gkp3 +/m/086k8 /music/record_label/artist /m/013pk3 +/m/0d04z6 /location/country/form_of_government /m/06cx9 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vsps +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/04flrx /people/person/nationality /m/059j2 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/02vsw1 /people/ethnicity/languages_spoken /m/04306rv +/m/0d6d2 /film/actor/film./film/performance/film /m/015gm8 +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02ngbs /education/educational_institution_campus/educational_institution /m/02ngbs +/m/05p5nc /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/0bmhvpr /film/film/produced_by /m/02pv_d +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r251z +/m/0347db /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0425kh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05zrvfd /award/award_category/winners./award/award_honor/award_winner /m/07q0g5 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0ly5n +/m/07nznf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/019kn7 /people/ethnicity/people /m/0kft +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv8w +/m/017r13 /people/person/nationality /m/09c7w0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016srn +/m/02cbhg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06cp5 /music/genre/artists /m/01vsgrn +/m/0t_4_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkg87 /people/person/gender /m/05zppz +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/01gzm2 +/m/0xnvg /people/ethnicity/people /m/02pjvc +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/03y3bp7 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0cmdwwg /film/film/film_festivals /m/0gg7gsl +/m/019pcs /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01x3g /education/field_of_study/students_majoring./education/education/student /m/01mylz +/m/018sg9 /education/educational_institution/students_graduates./education/education/student /m/041c4 +/m/0p7h7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01n7q /location/location/contains /m/06b7s9 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05dtsb /film/actor/film./film/performance/film /m/03b1l8 +/m/08yx9q /people/person/gender /m/05zppz +/m/05l3g_ /people/ethnicity/people /m/0dqcm +/m/07f7jp /people/person/employment_history./business/employment_tenure/company /m/0146mv +/m/03y_f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01j851 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015g_7 +/m/06q6jz /music/genre/artists /m/0hr3g +/m/0509bl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c6qh +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01w60_p /people/person/nationality /m/09c7w0 +/m/04bbpm /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/01jrs46 /people/person/gender /m/05zppz +/m/0466k4 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/03d6fyn /organization/organization/child./organization/organization_relationship/child /m/025txrl +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/09px1w /people/person/place_of_birth /m/01jr6 +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/01f_3w /music/record_label/artist /m/0ffgh +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03j9ml +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0150t6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018vs /music/instrument/instrumentalists /m/012zng +/m/09b3v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/02h8hr /film/actor/film./film/performance/film /m/02z9hqn +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03l3jy /film/actor/film./film/performance/film /m/0gvrws1 +/m/0342h /music/instrument/instrumentalists /m/09mq4m +/m/02hkv5 /people/person/languages /m/0999q +/m/07_f2 /location/location/contains /m/0hpyv +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06mx8 /media_common/netflix_genre/titles /m/04jkpgv +/m/019q50 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/088n7 +/m/011yd2 /film/film/production_companies /m/016tw3 +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01pcj4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/016wvy +/m/03j149k /people/person/profession /m/0dz3r +/m/03ln8b /tv/tv_program/genre /m/02n4kr +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/0fbx6 /people/person/place_of_birth /m/05qtj +/m/06s7rd /people/person/gender /m/05zppz +/m/01_p6t /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/06qd3 /sports/sports_team_location/teams /m/03zrhb +/m/06pj8 /film/actor/film./film/performance/film /m/0c8tkt +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wmvz /sports/sports_team/colors /m/03vtbc +/m/0gwlfnb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01k5zk /film/actor/film./film/performance/film /m/04gp58p +/m/01jrbb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/0gg5qcw /film/film/genre /m/03mqtr +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/0hn10 /media_common/netflix_genre/titles /m/01jrbv +/m/02ct_k /award/award_winner/awards_won./award/award_honor/award_winner /m/02s529 +/m/06q5t7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pjvc +/m/011xg5 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/028cg00 /film/film/genre /m/03k9fj +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02js6_ /film/actor/film./film/performance/film /m/0fvr1 +/m/0241wg /people/person/languages /m/055qm +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/067ghz +/m/01qrb2 /education/educational_institution/school_type /m/01_srz +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07ssc /location/location/contains /m/0d6br +/m/01tzfz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05p09dd /film/film/genre /m/02l7c8 +/m/0dkb83 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01kx_81 /influence/influence_node/peers./influence/peer_relationship/peers /m/09889g +/m/0175yg /music/genre/artists /m/0134tg +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nty +/m/06pj8 /film/director/film /m/0315rp +/m/047yc /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01p45_v /people/person/places_lived./people/place_lived/location /m/03l2n +/m/01ggc9 /film/actor/film./film/performance/film /m/0kbwb +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/07s846j /film/film/language /m/064_8sq +/m/09146g /film/film/production_companies /m/05qd_ +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05mrf_p +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/037q31 /film/film/genre /m/0jtdp +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/046488 +/m/02vqhv0 /film/film/genre /m/04xvh5 +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/09h4b5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/028cg00 /film/film/genre /m/01hmnh +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03mgx6z /film/film/language /m/012v8 +/m/0dg3n1 /location/location/contains /m/04vs9 +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0gps0z /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0mzww /location/hud_county_place/place /m/0mzww +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/049xgc /film/film/cinematography /m/06r_by +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yph +/m/03f22dp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047vnkj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01453 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0244r8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/016jhr /music/genre/artists /m/067mj +/m/07nznf /film/director/film /m/044g_k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/029g_vk +/m/079vf /people/person/profession /m/02hrh1q +/m/030155 /music/artist/origin /m/02dtg +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06npd +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/01dnws /music/instrument/instrumentalists /m/016s0m +/m/03hfxx /people/person/religion /m/0flw86 +/m/016wzw /location/country/form_of_government /m/01fpfn +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/0n5dt /location/location/contains /m/0194_r +/m/08qs09 /organization/organization/headquarters./location/mailing_address/citytown /m/0dq16 +/m/02xbyr /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/024jwt /film/actor/film./film/performance/film /m/087pfc +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hvgt +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/059_w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0342h /music/instrument/instrumentalists /m/010hn +/m/017g21 /people/person/nationality /m/02jx1 +/m/09k9d0 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03y8cbv /award/award_category/winners./award/award_honor/award_winner /m/08cn_n +/m/0c00zd0 /film/film/music /m/02jxmr +/m/05dy7p /film/film/production_companies /m/020h2v +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v0t +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/02rjv2w /film/film/production_companies /m/05qd_ +/m/0d_84 /film/actor/film./film/performance/film /m/063_j5 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01_k1z /people/person/gender /m/05zppz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_0f7 +/m/04jlgp /people/person/gender /m/02zsn +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/05fgr_ /tv/tv_program/languages /m/02h40lc +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/07vjm /education/educational_institution/school_type /m/07tf8 +/m/01s81 /tv/tv_program/genre /m/05p553 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/02pqs8l /tv/tv_program/genre /m/01jfsb +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0x67 /people/ethnicity/people /m/01w7nww +/m/02qfv5d /media_common/netflix_genre/titles /m/0fjyzt +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0209xj +/m/01738f /music/genre/artists /m/06mj4 +/m/047wh1 /film/film/production_companies /m/016tt2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03txms +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04xvlr /media_common/netflix_genre/titles /m/07w8fz +/m/086qd /people/person/profession /m/03gjzk +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0161c /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01csqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03ds3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/07k2d /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/0ptx_ /film/film/genre /m/01f9r0 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/07c5l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03tck1 +/m/04smdd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f04c /location/hud_county_place/county /m/0l2xl +/m/045931 /film/actor/film./film/performance/film /m/015qsq +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/0m38x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01qg7c /people/person/profession /m/02krf9 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/07nznf /people/person/profession /m/01d_h8 +/m/0n228 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/039wsf +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03lt8g /film/actor/film./film/performance/film /m/0879bpq +/m/05cvgl /film/film/country /m/07ssc +/m/01rlzn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/016wzw /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/014g91 /people/deceased_person/place_of_death /m/02_286 +/m/013yq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gffmz +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02jq1 /music/artist/origin /m/0c_m3 +/m/04fzk /people/person/profession /m/02hrh1q +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01w02sy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0484q +/m/01n4w /base/aareas/schema/administrative_area/capital /m/02cl1 +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/014zwb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01wg25j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f14q /people/person/profession /m/01d_h8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jzc +/m/04psf /people/cause_of_death/people /m/0969fd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03ytp3 +/m/01wyz92 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0127s7 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/051vz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057lbk /film/film/story_by /m/046_v +/m/0c4kv /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nm9h +/m/06s9y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d6wsd /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/025g__ /music/genre/artists /m/01wphh2 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/02jx1 /location/location/contains /m/0gl6f +/m/0n1xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1tx +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/029zqn /film/film/genre /m/026ny +/m/02wyc0 /people/person/nationality /m/03rk0 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/0237fw /film/actor/film./film/performance/film /m/0gltv +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01f2q5 +/m/015qy1 /film/film/dubbing_performances./film/dubbing_performance/actor /m/055t01 +/m/0342vg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dckvs +/m/09z2b7 /film/film/costume_design_by /m/02mxbd +/m/05rfst /film/film/country /m/09c7w0 +/m/0g3b2z /people/person/nationality /m/035qy +/m/0kq1l /location/location/time_zones /m/02lcqs +/m/01sl1q /people/person/gender /m/02zsn +/m/04t36 /media_common/netflix_genre/titles /m/04tz52 +/m/07cz2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/018nnz +/m/0294fd /film/actor/film./film/performance/film /m/02tktw +/m/0lyjf /education/educational_institution/colors /m/0jc_p +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/018db8 +/m/03b0q4 /people/person/gender /m/05zppz +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/01vsnff +/m/01pj48 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0mr_8 /location/us_county/county_seat /m/010016 +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/0134w7 /film/actor/film./film/performance/film /m/031hcx +/m/0_565 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwk9 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/03rhqg /music/record_label/artist /m/03f0fnk +/m/0dqcs3 /film/film/produced_by /m/0dqmt0 +/m/031y2 /sports/sports_team_location/teams /m/01453 +/m/01dyvs /film/film/genre /m/02kdv5l +/m/02w9k1c /film/film/country /m/03rjj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/06r713 +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/01n_2f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03_48k /film/actor/film./film/performance/film /m/0sxgv +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k6yt1 +/m/02s2ft /film/actor/film./film/performance/film /m/03k8th +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0m2wm /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05zbm4 +/m/0yzvw /film/film/country /m/03rt9 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gpkt +/m/0h953 /people/person/profession /m/01d_h8 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01nglk /people/person/place_of_birth /m/02_286 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/04n7njg /people/person/nationality /m/09c7w0 +/m/02pqcfz /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02sch9 /people/ethnicity/languages_spoken /m/02hxcvy +/m/0164qt /film/film/prequel /m/01v1ln +/m/01m20m /location/location/time_zones /m/02hcv8 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/067ghz /film/film/country /m/09c7w0 +/m/01m4yn /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0kv9d3 /film/film/country /m/0d060g +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/01z4y /media_common/netflix_genre/titles /m/0408m53 +/m/0g57wgv /film/film/language /m/02h40lc +/m/0hrcs29 /time/event/instance_of_recurring_event /m/015hr +/m/021q2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0h1q6 /film/actor/film./film/performance/film /m/0bx0l +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/017fp /media_common/netflix_genre/titles /m/02r1c18 +/m/04t36 /media_common/netflix_genre/titles /m/027rpym +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/07sp4l +/m/06b4wb /film/actor/film./film/performance/film /m/011ydl +/m/01fyzy /people/person/profession /m/0dxtg +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wvhz +/m/03m2fg /people/person/profession /m/01d_h8 +/m/0dbb3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/013807 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/02_p8v /film/actor/film./film/performance/film /m/01fx4k +/m/02s8qk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0534v /people/person/profession /m/015h31 +/m/0h584v /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039c26 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/018ctl /olympics/olympic_games/participating_countries /m/03shp +/m/01vsnff /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/04x56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/06_x996 /film/film/country /m/09c7w0 +/m/047sgz4 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0l12d +/m/0f0p0 /people/deceased_person/place_of_death /m/0r111 +/m/06j8q_ /people/person/profession /m/02krf9 +/m/05ccxr /people/person/nationality /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/01mr2g6 +/m/01h910 /people/person/religion /m/0c8wxp +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/03nyts /people/person/nationality /m/03_3d +/m/02qw_v /education/educational_institution/colors /m/083jv +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03hpkp +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/01lz4tf /people/person/profession /m/02hrh1q +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0993r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/0m25p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m24v +/m/025hzx /organization/organization_founder/organizations_founded /m/031rp3 +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/03h0k1 +/m/05fly /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vh3 +/m/01xbxn /film/film/music /m/0150t6 +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07yk1xz +/m/0345h /location/location/contains /m/05t7c1 +/m/0221g_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07b_l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ly1 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02wgln /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01z5tr +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015ynm +/m/0nvg4 /location/location/contains /m/0s69k +/m/04q827 /film/film/produced_by /m/05ldnp +/m/0gk4g /people/cause_of_death/people /m/02jq1 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/0498yf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/01d494 +/m/015gw6 /film/actor/film./film/performance/film /m/01fx4k +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/015fsv +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/07147 +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/01cf5 /education/educational_institution/students_graduates./education/education/student /m/011lvx +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0347xl /film/actor/film./film/performance/film /m/033pf1 +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07_f2 +/m/05strv /people/person/gender /m/05zppz +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0404yzp +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/01bczm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0kr5_ /film/director/film /m/05j82v +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/0hqly /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/05v38p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fbx6 +/m/02g40r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/0n5df /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/05_zc7 /people/person/gender /m/05zppz +/m/0gtv7pk /film/film/language /m/02h40lc +/m/05hjnw /film/film/language /m/02h40lc +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr46y +/m/0bq8tmw /film/film/genre /m/05p553 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0kbvb /olympics/olympic_games/sports /m/01cgz +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/015x74 /film/film/language /m/02h40lc +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05zbm4 /people/person/profession /m/05sxg2 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/0473q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pbrn /people/person/gender /m/05zppz +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ssc /location/country/second_level_divisions /m/01xr6x +/m/05jcn8 /people/person/profession /m/0np9r +/m/05sw5b /film/film/production_companies /m/01795t +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/02_jkc +/m/0k1bs /people/person/nationality /m/09c7w0 +/m/06h7l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d370 +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/01wv9xn +/m/034q81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07cj3 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/01x72k /people/person/nationality /m/07ssc +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/020l9r +/m/0ws0h /location/hud_county_place/place /m/0ws0h +/m/027rpym /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/018vs /music/instrument/instrumentalists /m/01w3lzq +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/0db86 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05kkh /location/location/contains /m/0n2kw +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01wqg8 +/m/03f6fl0 /people/person/languages /m/02h40lc +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/027g8gr /tv/tv_program/genre /m/04rlf +/m/0301yj /people/person/nationality /m/09c7w0 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01rlxt /people/person/profession /m/01d_h8 +/m/04bpm6 /people/person/profession /m/0dz3r +/m/0s2z0 /location/hud_county_place/place /m/0s2z0 +/m/042fgh /film/film/language /m/06b_j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/041rx /people/ethnicity/people /m/021b_ +/m/0kvb6p /film/film/genre /m/07s9rl0 +/m/01vz0g4 /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/064t9 /music/genre/artists /m/01tp5bj +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/025x1t /tv/tv_program/genre /m/0hcr +/m/0gy6z9 /people/person/profession /m/03gjzk +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02qr69m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01j6mff /people/person/profession /m/016z4k +/m/02dlh2 /music/instrument/family /m/026t6 +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/0nc1c /location/location/time_zones /m/03bdv +/m/07ssc /media_common/netflix_genre/titles /m/01qz5 +/m/01rw116 /people/person/profession /m/01c72t +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/01nkcn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/02vrr /medicine/disease/risk_factors /m/0k95h +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0894_x /people/person/profession /m/02hrh1q +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/05np4c +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0kbws /olympics/olympic_games/participating_countries /m/0d0vqn +/m/04j5fx /film/actor/film./film/performance/film /m/031f_m +/m/011yhm /film/film/production_companies /m/0gfmc_ +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0168t +/m/05jzt3 /film/film/genre /m/017fp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/0h1q6 /film/actor/film./film/performance/film /m/0gt14 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/03fn6z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01pqy_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pllx +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ljhg +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01fwk3 /film/actor/film./film/performance/film /m/02ndy4 +/m/0l2hf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l35f +/m/03gjzk /dataworld/gardening_hint/split_to /m/03gjzk +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/0bqs56 /people/person/religion /m/0c8wxp +/m/01k0vq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08bqy9 /people/deceased_person/place_of_death /m/09c17 +/m/08s6mr /film/film/written_by /m/02ld6x +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/04ktcgn +/m/0x67 /people/ethnicity/people /m/01f9zw +/m/0bc71w /people/person/profession /m/03gjzk +/m/0j_tw /film/film/genre /m/02l7c8 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/02qm5j /music/genre/artists /m/08w4pm +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01337_ /film/actor/film./film/performance/film /m/06pyc2 +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vwllw +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/022q4l9 /film/actor/film./film/performance/film /m/020fcn +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/01dw4q /film/actor/film./film/performance/film /m/06c0ns +/m/02wr2r /people/person/place_of_birth /m/0mn8t +/m/05148p4 /music/instrument/instrumentalists /m/0jn5l +/m/07phbc /film/film/genre /m/02n4kr +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0lphb /base/biblioness/bibs_location/country /m/09c7w0 +/m/0h5j77 /people/person/profession /m/0dgd_ +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/0338g8 /people/person/profession /m/02hrh1q +/m/0q9zc /people/person/religion /m/0kpl +/m/01wv9p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xrx /people/person/profession /m/0nbcg +/m/0dfw0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/05wdgq /people/person/languages /m/0121sr +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r7k +/m/0ctw_b /location/location/contains /m/01wx74 +/m/027b9j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/01438g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/05mph /location/location/time_zones /m/02fqwt +/m/024l2y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032v0v +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/07nx9j /people/person/profession /m/02hrh1q +/m/0n58p /location/location/contains /m/0h6l4 +/m/02chhq /film/film/genre /m/07s9rl0 +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/01q415 +/m/03lygq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02pg45 /film/film/genre /m/011ys5 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/032xhg /film/actor/film./film/performance/film /m/06_x996 +/m/03kts /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z5tr +/m/0lhp1 /sports/sports_team/sport /m/02vx4 +/m/048scx /film/film/genre /m/03mqtr +/m/02xc1w4 /people/person/profession /m/01d_h8 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0m77m /people/person/places_lived./people/place_lived/location /m/0hzlz +/m/017j69 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0c1d0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/07h1q /influence/influence_node/influenced_by /m/048cl +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/025v3k +/m/02_wxh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/014xf6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03mqtr /media_common/netflix_genre/titles /m/07l450 +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/03qjg +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/0gz6b6g /film/film/production_companies /m/03sb38 +/m/01vsykc /people/person/profession /m/016z4k +/m/0ggh3 /base/biblioness/bibs_location/state /m/02xry +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dc7hc +/m/06zdt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02fm4d /award/award_category/winners./award/award_honor/award_winner /m/010hn +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vksx +/m/0bmch_x /film/film/produced_by /m/05zh9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pmp2 +/m/0309lm /film/actor/film./film/performance/film /m/0dnvn3 +/m/05cj_j /film/film/genre /m/0vgkd +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0bb57s /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/059g4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06n3y +/m/03_87 /influence/influence_node/influenced_by /m/084nh +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/076_74 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02__7n /people/person/profession /m/09jwl +/m/04jzj /people/person/places_lived./people/place_lived/location /m/01k6y1 +/m/04wddl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c921 +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/09c7w0 /location/location/contains /m/0l1pj +/m/01jfnvd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0gfp09 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/04969y /film/film/genre /m/01j28z +/m/0kv238 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/0bl3nn /film/film/language /m/038rz +/m/0814k3 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/025vw4t /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0358x_ +/m/06qwh /tv/tv_program/genre /m/01htzx +/m/02404v /people/person/place_of_birth /m/06y57 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027b43 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/01lk02 /tv/tv_program/genre /m/0hcr +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02t_st /film/actor/film./film/performance/film /m/014zwb +/m/044mm6 /people/person/profession /m/02hrh1q +/m/09v71cj /film/film/country /m/0j1z8 +/m/0473rc /film/film/produced_by /m/01pjr7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/029ghl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/0bw6y +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0gfsq9 /film/film/executive_produced_by /m/0glyyw +/m/026dd2b /people/person/nationality /m/09c7w0 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0x67 /people/ethnicity/people /m/01sbf2 +/m/05ccxr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01wdl3 /education/educational_institution/students_graduates./education/education/student /m/07n39 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0lfbm +/m/07q1m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07ssc /media_common/netflix_genre/titles /m/06kl78 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/0nm87 /location/us_county/county_seat /m/0cf_n +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/02k856 /music/instrument/instrumentalists /m/01vsyjy +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01s7zw +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/02pxst /film/film/genre /m/082gq +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/02mc5v /film/film/language /m/02h40lc +/m/0ymbl /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01vvyc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03h_0_z +/m/09gkx35 /film/film/genre /m/0lsxr +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/01z4y /music/genre/artists /m/01dw9z +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/01rxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/01vrlr4 /people/deceased_person/place_of_death /m/02_286 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03j90 /people/person/places_lived./people/place_lived/location /m/05r4w +/m/0hmr4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gl6x /education/educational_institution/students_graduates./education/education/student /m/03hnd +/m/06__m6 /film/film/production_companies /m/025jfl +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/012vd6 /influence/influence_node/influenced_by /m/03f3_p3 +/m/0p3_y /film/film/language /m/02bjrlw +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/081lh +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03d_zl4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01f1jf /olympics/olympic_games/sports /m/09wz9 +/m/0683n /influence/influence_node/influenced_by /m/01tz6vs +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/0cx2r /location/location/contains /m/0mhhw +/m/0136g9 /people/person/gender /m/05zppz +/m/01_r9k /education/educational_institution/students_graduates./education/education/student /m/051cc +/m/05vc35 /film/film/language /m/02h40lc +/m/040v3t /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x_d8 +/m/01kqq7 /film/film/genre /m/0219x_ +/m/03176f /film/film/music /m/0146pg +/m/0dln8jk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/049gc /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/09prnq /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07myb2 /film/actor/film./film/performance/film /m/0gwjw0c +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01wmjkb /music/artist/origin /m/0n6dc +/m/09c7w0 /location/location/contains /m/01l8t8 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06chf +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06chf +/m/0klh7 /film/actor/film./film/performance/film /m/0277j40 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/03g9xj /tv/tv_program/genre /m/02n4kr +/m/03cz4j /film/actor/film./film/performance/film /m/02vw1w2 +/m/02n9bh /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/09b0xs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/041rx /people/ethnicity/people /m/05xpv +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0fhp9 /location/administrative_division/country /m/0h7x +/m/014gf8 /people/person/profession /m/01d_h8 +/m/0kxbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lxj_ +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/04cf_l /film/film/personal_appearances./film/personal_film_appearance/person /m/03h8_g +/m/0dvld /award/award_winner/awards_won./award/award_honor/award_winner /m/01m3x5p +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/015y3j /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0j3d9tn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/019l68 +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yf85 +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0hpyv /location/hud_county_place/place /m/0hpyv +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/047vnkj /film/film/written_by /m/032v0v +/m/0glnm /film/film/genre /m/04t36 +/m/050gkf /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/02_n5d /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/03bnb /organization/organization/place_founded /m/0fdpd +/m/0gywn /music/genre/artists /m/016ppr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/027x7z5 /film/film/production_companies /m/046b0s +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/03hmr_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ycjk /education/educational_institution_campus/educational_institution /m/04ycjk +/m/0ndsl1x /film/film/executive_produced_by /m/04pqqb +/m/01crd5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/036jp8 /people/person/place_of_birth /m/0fpzwf +/m/01sxdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0lwkh +/m/041rx /people/ethnicity/people /m/032md +/m/015jr /location/location/contains /m/080h2 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07qg8v +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/03rhqg /music/record_label/artist /m/01gx5f +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0zcbl +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01pfkw /people/person/profession /m/015cjr +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02w0dc0 +/m/01pm0_ /people/person/profession /m/02hrh1q +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z43v +/m/02cl1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/03k9fj /media_common/netflix_genre/titles /m/042g97 +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/058j2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0fvly +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/084m3 +/m/0kxf1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/08cl7s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0392kz +/m/0c6qh /people/person/spouse_s./people/marriage/spouse /m/0f4vbz +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0127m7 /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/03t852 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/07jwr /medicine/disease/notable_people_with_this_condition /m/034rd +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ydr95 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b2_xp +/m/09c7w0 /location/country/second_level_divisions /m/0mpdw +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0p_pd /people/person/profession /m/03gjzk +/m/0fx2s /film/film_subject/films /m/02bqxb +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07l4z +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0300ml /tv/tv_program/genre /m/0lsxr +/m/0bjqh /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bxjp +/m/0tbql /base/biblioness/bibs_location/state /m/0488g +/m/02vtnf /people/person/places_lived./people/place_lived/location /m/06yxd +/m/0449sw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02847m9 /film/film/executive_produced_by /m/01mwsnc +/m/0dnqr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/03hnd /people/person/gender /m/05zppz +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/01n7q /location/location/contains /m/01b7lc +/m/05r7t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03lt8g +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01nz1q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/029_3 /people/person/place_of_birth /m/0ftxw +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01hf6 /location/administrative_division/country /m/05sb1 +/m/01pm0_ /people/person/place_of_birth /m/0d9jr +/m/01kt_j /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/018z_c /people/person/gender /m/02zsn +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015q1n +/m/06h2w /people/person/profession /m/0gbbt +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/02h3tp /people/person/religion /m/0c8wxp +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qmy04 +/m/01pfkw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02yygk +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013zs9 +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g69lg +/m/01xdn1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01w272y /people/person/profession /m/0n1h +/m/071rlr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04hzj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h7pj +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x15dc +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d7wh /people/ethnicity/languages_spoken /m/03x42 +/m/01x0sy /film/actor/film./film/performance/film /m/09fc83 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02wk7b /film/film/featured_film_locations /m/04jpl +/m/0l12d /people/person/profession /m/01d_h8 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_9x6 +/m/04jwjq /film/film/written_by /m/04b19t +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01gwk3 /film/film/produced_by /m/016dmx +/m/0fp_v1x /people/person/profession /m/09lbv +/m/02dbp7 /people/person/places_lived./people/place_lived/location /m/07ypt +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/04xvlr /media_common/netflix_genre/titles /m/07yvsn +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/01vw20_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r251z +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/059y0 +/m/0147dk /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03vrp /influence/influence_node/influenced_by /m/03f47xl +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0c0k1 /people/person/profession /m/01d_h8 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/057d89 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/039crh +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/04rrx /location/location/contains /m/037q2p +/m/07t21 /location/location/contains /m/05d9y_ +/m/0lzb8 /film/actor/film./film/performance/film /m/01719t +/m/087yty /people/person/place_of_birth /m/02_286 +/m/042g97 /film/film/language /m/06nm1 +/m/016z9n /film/film/genre /m/04xvlr +/m/0fdv3 /film/film/genre /m/03k9fj +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14v3 +/m/08f3yq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01q2nx /film/film/genre /m/01jfsb +/m/0mm1q /film/director/film /m/034hwx +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/025sc50 /music/genre/artists /m/04vrxh +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/080lkt7 /film/film/language /m/02h40lc +/m/01kymm /people/person/profession /m/016z4k +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/0d6b7 /film/film/genre /m/06ppq +/m/03mb9 /music/genre/artists /m/07g2v +/m/09vc4s /people/ethnicity/people /m/046zh +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/01xk7r /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01rwpj +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0f5zj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02xwgr /people/person/gender /m/05zppz +/m/06mkj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03shp /location/location/contains /m/024hh1 +/m/0dwtp /music/instrument/instrumentalists /m/0137g1 +/m/02v5xg /film/film/country /m/03_3d +/m/02pd1tf /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/095zlp /film/film/featured_film_locations /m/02_286 +/m/0d7k1z /location/location/time_zones /m/02lcqs +/m/035qy /location/location/contains /m/0n2z +/m/0660b9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01n1gc /people/person/place_of_birth /m/0rh6k +/m/0165b /location/country/official_language /m/02h40lc +/m/064_8sq /language/human_language/countries_spoken_in /m/06mzp +/m/06j6l /music/genre/artists /m/01yndb +/m/0f6_x /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/031kyy /tv/tv_program/genre /m/0jxy +/m/03v1jf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p4vl +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/09c7w0 /location/location/contains /m/01pdgp +/m/03f22dp /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmxfs +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02k21g /award/award_winner/awards_won./award/award_honor/award_winner /m/05p92jn +/m/01p1b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/0lgxj /olympics/olympic_games/participating_countries /m/0h7x +/m/048z7l /people/ethnicity/people /m/05ty4m +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0jz +/m/0l8gh /music/genre/artists /m/0hr3g +/m/049xgc /film/film/production_companies /m/0jz9f +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0778p /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/09fqgj /film/film/produced_by /m/05jm7 +/m/0swff /olympics/olympic_games/sports /m/02_5h +/m/01h0kx /music/genre/parent_genre /m/03mb9 +/m/06whf /influence/influence_node/influenced_by /m/0448r +/m/0175tv /sports/sports_team/colors /m/019sc +/m/05bnp0 /film/actor/film./film/performance/film /m/03bx2lk +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dsvzh +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h3mh3q +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/06jkm +/m/0346qt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01r7pq /people/person/nationality /m/09c7w0 +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/01rwyq /film/film/written_by /m/06pjs +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/088q4 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02yvhx /time/event/instance_of_recurring_event /m/0g_w +/m/05hf_5 /organization/organization/headquarters./location/mailing_address/citytown /m/0fnyc +/m/06688p /film/actor/film./film/performance/film /m/07tw_b +/m/02vsw1 /people/ethnicity/languages_spoken /m/05qqm +/m/09c8bc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/051_y /people/cause_of_death/people /m/04jvt +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/02rb607 /film/film/film_festivals /m/09rwjly +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tqkv2 +/m/02rchht /people/person/gender /m/05zppz +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gnbw /film/actor/film./film/performance/film /m/07g_0c +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nzz8 +/m/01j7rd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j7mr +/m/0261x8t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d1st +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02pjvc /film/actor/film./film/performance/film /m/043h78 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f8j13 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cfkrw +/m/0gk4g /people/cause_of_death/people /m/02h48 +/m/05xd8x /people/person/place_of_birth /m/02c98m +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nwwl +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/09c7w0 /location/location/contains /m/0r22d +/m/07phbc /film/film/written_by /m/0p_47 +/m/015dnt /film/actor/film./film/performance/film /m/0bbgvp +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/01vsnff +/m/02kk_c /tv/tv_program/genre /m/07s9rl0 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0jfx1 /film/actor/film./film/performance/film /m/0sxmx +/m/0dpl44 /film/film/language /m/02h40lc +/m/015vq_ /people/person/place_of_birth /m/01dnrs +/m/0k89p /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/049sb +/m/01jfsb /media_common/netflix_genre/titles /m/04s1zr +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02qwdhq +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08jyyk /music/genre/artists /m/07yg2 +/m/09qycb /film/film/genre /m/01fc50 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03c0t9 +/m/0r0f7 /location/hud_county_place/place /m/0r0f7 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/0bwfn /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/07_dn /business/business_operation/industry /m/029g_vk +/m/0l2mg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/034qrh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/074w86 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fyzy +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03j367r +/m/01msrb /film/film/executive_produced_by /m/027z0pl +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/016nvh /people/person/profession /m/01pn0r +/m/034xyf /film/film/featured_film_locations /m/02_286 +/m/0dckvs /film/film/produced_by /m/0342vg +/m/0fxz4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0345h /location/location/contains /m/01zzy3 +/m/03rk0 /location/location/contains /m/027wvb +/m/05k7sb /location/location/contains /m/0t_07 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/02wyzmv /film/film/genre /m/060__y +/m/01cwdk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/05ggt_ /film/actor/film./film/performance/film /m/0jym0 +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ttg5 +/m/03lty /music/genre/artists /m/01vsy3q +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/043tz0c /film/film/production_companies /m/086k8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0br1w +/m/07l50_1 /film/film/language /m/06nm1 +/m/028mc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0j582 /people/person/profession /m/0kyk +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0356gk +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cz8mkh /film/film/production_companies /m/024rgt +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/08s6mr /film/film/genre /m/06qln +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01wc7p +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01swxv /education/educational_institution/school_type /m/01_9fk +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05kfs +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vz80y +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059g4 +/m/0880p /language/human_language/countries_spoken_in /m/04w4s +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/01tx9m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0282x /influence/influence_node/influenced_by /m/05jm7 +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/01qzt1 /music/genre/artists /m/04k05 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/04yywz /film/actor/film./film/performance/film /m/02z3r8t +/m/04mhbh /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhy +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/034qmv /film/film/genre /m/0hfjk +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/05b4w +/m/03_dj /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0122wc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08gsvw /film/film/language /m/06nm1 +/m/0b2km_ /film/film/genre /m/07s9rl0 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/016kkx /people/person/gender /m/05zppz +/m/0m2kd /film/film/country /m/09c7w0 +/m/026g801 /people/person/profession /m/02hrh1q +/m/0mn6 /people/profession/specialization_of /m/01c979 +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwr4 +/m/0ln16 /music/genre/artists /m/01304j +/m/05dkbr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02p11jq /music/record_label/artist /m/01wgjj5 +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/07j8kh +/m/06h7l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bx_5q +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/016kkx /people/person/nationality /m/09c7w0 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0221zw +/m/01jpyb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/08cyft /music/genre/artists /m/07sbk +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/015010 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02ln0f /education/educational_institution_campus/educational_institution /m/02ln0f +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjy +/m/07mz77 /people/person/profession /m/02hrh1q +/m/04fhn_ /film/actor/film./film/performance/film /m/04jwly +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l5yl +/m/06v41q /people/ethnicity/people /m/01vtj38 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mgbf +/m/05qtcv /people/person/nationality /m/03rk0 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9dp +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/06j6l /music/genre/artists /m/019g40 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c8qq +/m/03np63f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dmn0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044ntk /people/person/nationality /m/09c7w0 +/m/0hx4y /film/film/edited_by /m/03q8ch +/m/0cv2m /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0bsnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlzn +/m/07bch9 /people/ethnicity/people /m/02qhm3 +/m/06l9n8 /film/actor/film./film/performance/film /m/03cwwl +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/0126rp /people/person/religion /m/0kpl +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01vsxdm +/m/0420y /people/person/nationality /m/06mzp +/m/0bm9xk /people/person/place_of_birth /m/0fhp9 +/m/05z01 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02p68d +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/01s73z /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/0c40vxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pcbg /film/actor/film./film/performance/film /m/02stbw +/m/02vjp3 /film/film/country /m/03rjj +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032v0v +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/04cv9m /film/film/genre /m/0jdm8 +/m/0wh3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08lr6s /film/film/genre /m/07s9rl0 +/m/018c_r /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0m31m /people/person/religion /m/0c8wxp +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/071dcs /people/person/profession /m/01d_h8 +/m/03818y /education/educational_institution/campuses /m/03818y +/m/02gn8s /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/059t8 +/m/047tsx3 /film/film/genre /m/07s9rl0 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/0llcx /film/film/featured_film_locations /m/0dclg +/m/02sqkh /tv/tv_program/country_of_origin /m/09c7w0 +/m/05th8t /people/person/profession /m/02hrh1q +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/03d_zl4 /film/actor/film./film/performance/film /m/01738w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/06by7 /music/genre/artists /m/01tw31 +/m/0fpj9pm /music/group_member/membership./music/group_membership/role /m/02hnl +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/01ym9b /music/genre/artists /m/0m19t +/m/0py8j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05r4w +/m/014v1q /people/person/profession /m/0kyk +/m/02dgq2 /education/educational_institution_campus/educational_institution /m/02dgq2 +/m/03j367r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07f_t4 /film/film/genre /m/060__y +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03ksy /education/educational_institution/school_type /m/07tf8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0k_l4 +/m/034b6k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cmc26r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/016t00 +/m/01hlwv /business/business_operation/industry /m/015p1m +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0ckm4x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j48s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0295sy /film/film/produced_by /m/058frd +/m/03q2t9 /people/person/places_lived./people/place_lived/location /m/019fh +/m/01br2w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04yj5z /film/actor/film./film/performance/film /m/03sxd2 +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/044bn /film/actor/film./film/performance/film /m/0n08r +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/016yzz /film/actor/film./film/performance/film /m/07tlfx +/m/07qcbw /people/person/place_of_birth /m/094jv +/m/07ymr5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/015cz0 +/m/026ck /people/person/profession /m/01d_h8 +/m/07brj /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0d1swh /people/person/nationality /m/02jx1 +/m/02w7gg /people/ethnicity/people /m/01fkv0 +/m/019m5j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06qgvf /people/person/places_lived./people/place_lived/location /m/0rrwt +/m/0s6jm /base/biblioness/bibs_location/country /m/09c7w0 +/m/0488g /location/location/contains /m/0tbql +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/079vf /film/actor/film./film/performance/film /m/0dzlbx +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/025hzx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f2s6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05h72z /people/deceased_person/place_of_death /m/0r5lz +/m/02bh_v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/06j6l /music/genre/artists /m/016s0m +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/012gk9 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/01xcfy +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/09yrh +/m/0h95927 /film/film/film_festivals /m/0j63cyr +/m/01trhmt /people/person/places_lived./people/place_lived/location /m/0pzpz +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wkd +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/01k5zk /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bj9k +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/02wr2r /people/person/profession /m/0np9r +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bxjv +/m/01vsy7t /music/group_member/membership./music/group_membership/role /m/0342h +/m/0g68zt /film/film/genre /m/01jfsb +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02l48d +/m/0l2tk /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01yk13 /people/person/profession /m/02hrh1q +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/06r2h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/02237m +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0qpsn /location/hud_county_place/county /m/0m27n +/m/0b_6v_ /time/event/locations /m/0dyl9 +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g69lg +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k7tq +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/03ccq3s +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/049l7 /film/film/film_festivals /m/03wf1p2 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/030qb3t /location/location/contains /m/027l4q +/m/04jpl /location/location/contains /m/0nc1c +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/03c5f7l /film/actor/film./film/performance/film /m/0yyts +/m/047rkcm /film/film/produced_by /m/05zrx3v +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09r9m7 +/m/0y_yw /film/film/production_companies /m/02jd_7 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/04ls81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/05bnp0 +/m/011v3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/0r80l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l380 +/m/027ybp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/02ztjwg /language/human_language/countries_spoken_in /m/0h7x +/m/03cp4cn /film/film/produced_by /m/027z0pl +/m/016kkx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/07w8fz /film/film/country /m/0f8l9c +/m/06myp /influence/influence_node/peers./influence/peer_relationship/peers /m/0bk5r +/m/02yv6b /music/genre/artists /m/0g_g2 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/04jwjq /film/film/story_by /m/04b19t +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03yk8z +/m/0bwh6 /people/person/profession /m/02hrh1q +/m/074w86 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01vksx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01xr6x /location/administrative_division/first_level_division_of /m/0j5g9 +/m/0svqs /film/actor/film./film/performance/film /m/017gm7 +/m/04j13sx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01gglm /film/film/production_companies /m/086k8 +/m/02q5bx2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0b455l /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/02js_6 /film/actor/film./film/performance/film /m/02krdz +/m/0d04z6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/024bbl /film/actor/film./film/performance/film /m/06r2h +/m/03459x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/092ys_y +/m/0gbwp /people/person/sibling_s./people/sibling_relationship/sibling /m/09889g +/m/01pw9v /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/011wtv +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/031hcx /film/film/genre /m/02n4kr +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/01nqj /location/administrative_division/country /m/01nqj +/m/020l9r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cp08zg /film/film/language /m/064_8sq +/m/0456zg /film/film/music /m/06fxnf +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02rqxc +/m/06_6j3 /people/person/gender /m/05zppz +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/019f2f +/m/0342h /music/instrument/instrumentalists /m/01kv4mb +/m/0cc846d /film/film/story_by /m/046_v +/m/0b_6_l /time/event/locations /m/0f04v +/m/01wd3l /film/director/film /m/05c5z8j +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0c3xpwy /tv/tv_program/genre /m/0c3351 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/0kbws /olympics/olympic_games/participating_countries /m/01nty +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08r4x3 +/m/0dq9p /people/cause_of_death/people /m/02h0f3 +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/06688p /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/02kxjx /base/culturalevent/event/entity_involved /m/018q7 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/05wh0sh /organization/organization_founder/organizations_founded /m/06dr9 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0h7pj /film/actor/film./film/performance/film /m/0gbfn9 +/m/01wgfp6 /people/person/nationality /m/09c7w0 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rjv2w +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03y_f8 +/m/03pmzt /film/actor/film./film/performance/film /m/077q8x +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01dfb6 /business/business_operation/industry /m/015p1m +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0884hk +/m/01sbv9 /film/film/language /m/04306rv +/m/033tf_ /people/ethnicity/people /m/01438g +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0b_6q5 /time/event/locations /m/030qb3t +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/0kx4m /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/02dwj +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/090s_0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vkvcz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/03hp2y1 /film/film/genre /m/07s9rl0 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/02rjz5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ccr8 +/m/017c87 /people/person/place_of_birth /m/0cr3d +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03l7qs +/m/09l3p /film/director/film /m/02z3r8t +/m/0bdxs5 /people/person/profession /m/016z4k +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0ql7q /base/culturalevent/event/entity_involved /m/0285m87 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k5g9 +/m/0ds3t5x /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddf2bm +/m/065r8g /education/educational_institution/school_type /m/05pcjw +/m/016ksk /people/person/places_lived./people/place_lived/location /m/0gdk0 +/m/015010 /film/actor/film./film/performance/film /m/0pd57 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/05cv8 /influence/influence_node/influenced_by /m/018fq +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02y_2y +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/07hwkr /people/ethnicity/languages_spoken /m/03hkp +/m/05zjx /people/person/profession /m/02hrh1q +/m/04xx9s /film/film/produced_by /m/06y0xx +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0295sy +/m/051gjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01_d4 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0x67 /people/ethnicity/people /m/03xx9l +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dbk6 +/m/0bbz66j /people/ethnicity/people /m/0237fw +/m/09vc4s /people/ethnicity/people /m/01gy7r +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/0n3g /location/statistical_region/religions./location/religion_percentage/religion /m/0n2g +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/02_286 /location/location/contains /m/017z88 +/m/02lt8 /influence/influence_node/influenced_by /m/01v9724 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/016zp5 /people/person/spouse_s./people/marriage/spouse /m/017gxw +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/0372p /people/deceased_person/place_of_death /m/03pbf +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/07c0j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0glj9q /media_common/netflix_genre/titles /m/04jkpgv +/m/0h1x5f /film/film/music /m/01m5m5b +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01njml +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tf1y +/m/016ywb /film/film/genre /m/04xvlr +/m/0yyts /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04sntd /film/film/featured_film_locations /m/0gkgp +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/06v9_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04gc65 /people/person/gender /m/05zppz +/m/0428bc /film/actor/film./film/performance/film /m/023g6w +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/01vyv9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0pc_l +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/021y7yw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lpjn +/m/01mv_n /people/person/gender /m/05zppz +/m/01clyr /music/record_label/artist /m/0144l1 +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/07csf4 /film/actor/film./film/performance/film /m/08720 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/050_qx +/m/0nj07 /location/us_county/county_seat /m/02dtg +/m/01lvrm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01wb8bs /film/actor/film./film/performance/film /m/011yth +/m/01f2f8 /people/person/profession /m/02krf9 +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/06mj4 +/m/0783m_ /people/person/gender /m/05zppz +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/01b8bn /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/01vyp_ /people/person/nationality /m/02jx1 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/014v6f /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/034b6k /film/film/genre /m/04xvh5 +/m/0l14md /music/instrument/instrumentalists /m/01vw87c +/m/03wy8t /film/film/genre /m/01tz3c +/m/09vc4s /people/ethnicity/people /m/01pl9g +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/03nb5v /film/actor/film./film/performance/film /m/04cppj +/m/0f83g2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01cvtf /tv/tv_program/languages /m/02h40lc +/m/02qlkc3 /people/person/profession /m/03gjzk +/m/02wyzmv /film/film/genre /m/07s9rl0 +/m/04jr87 /education/educational_institution_campus/educational_institution /m/04jr87 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/01trhmt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/02qyv3h /film/film/genre /m/05p553 +/m/0337vz /people/person/profession /m/02jknp +/m/01kj0p /film/actor/film./film/performance/film /m/017z49 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0bthb +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170_p +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/062ftr +/m/0l14qv /music/instrument/instrumentalists /m/01vsyg9 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0278x6s +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/03f1zhf /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/09q23x +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0284h6 /sports/sports_team/sport /m/02vx4 +/m/0fvvz /sports/sports_team_location/teams /m/026dqjm +/m/04n52p6 /film/film/featured_film_locations /m/04jpl +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/09rfh9 +/m/07c5l /location/location/contains /m/0164b +/m/0bkg4 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01pj_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01bvw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/06nvzg /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/06kknt /education/educational_institution_campus/educational_institution /m/06kknt +/m/033hn8 /music/record_label/artist /m/01wj92r +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0bs1g5r +/m/0pz04 /film/actor/film./film/performance/film /m/0ch3qr1 +/m/0cqr0q /film/film/music /m/016wvy +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0ftkx /location/location/contains /m/01csqg +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026yqrr +/m/013_vh /film/actor/film./film/performance/film /m/031hcx +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0pj9t +/m/015l4k /olympics/olympic_games/sports /m/02_5h +/m/0hkqn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0bcndz /film/film/genre /m/04t36 +/m/0j4b /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/07xyn1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06hwzy +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06znpjr /film/film/country /m/09c7w0 +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0417z2 +/m/0m0jc /music/genre/artists /m/0gdh5 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02jx1 +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/025hwq /business/business_operation/industry /m/02vxn +/m/01w65s /location/location/contains /m/01_d4 +/m/0yl_3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/03mg35 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/03hjv97 /film/film/genre /m/04t36 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/0138t4 /education/educational_institution/students_graduates./education/education/student /m/014x77 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/062zm5h +/m/01pl14 /education/educational_institution/school_type /m/01_9fk +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0pcc0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03cz9_ /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/03rjj /location/location/contains /m/0cht6 +/m/03sc8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/07fsv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01j5x6 /people/person/places_lived./people/place_lived/location /m/049kw +/m/02jx1 /location/country/second_level_divisions /m/0dyjz +/m/01y3_q /music/genre/artists /m/0k60 +/m/0d9v9q /people/person/nationality /m/07ssc +/m/0gz5hs /film/actor/film./film/performance/film /m/013q07 +/m/0b76d_m /film/film/country /m/09c7w0 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q7h2 +/m/02xtxw /film/film/genre /m/02b5_l +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/09dvgb8 +/m/02cbvn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/02bj22 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/081yw /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/03359d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0693l +/m/09889g /people/person/profession /m/02hrh1q +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/0f13b /people/person/profession /m/02jknp +/m/06ns98 /people/person/gender /m/05zppz +/m/02x2jl_ /film/film/country /m/07ssc +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02qgqt /film/actor/film./film/performance/film /m/09q23x +/m/065b6q /people/ethnicity/people /m/09yhzs +/m/013v5j /people/person/place_of_birth /m/03b12 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05dbf /film/actor/film./film/performance/film /m/02cbhg +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06g2d1 +/m/0r4z7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0f8l9c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05169r +/m/029h7y /music/genre/artists /m/01w9wwg +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8x9 +/m/0m6x4 /film/actor/film./film/performance/film /m/0gzy02 +/m/06s9y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0l12d /people/person/profession /m/0dz3r +/m/02j8z /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02mgp +/m/029m83 /film/director/film /m/01q7h2 +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm74 +/m/0295sy /film/film/genre /m/05p553 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01xndd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/017d77 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0h0wd9 +/m/0prjs /film/actor/film./film/performance/film /m/02q_x_l +/m/06_sc3 /film/film/genre /m/01jfsb +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/022lly +/m/094tsh6 /people/person/profession /m/02tx6q +/m/02w7gg /people/ethnicity/people /m/0h10vt +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/0ml_m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kc4s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0l98s /time/event/locations /m/02h6_6p +/m/01vq3 /film/film_subject/films /m/020bv3 +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k5y0 +/m/016z4k /media_common/netflix_genre/titles /m/0dtzkt +/m/04n65n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/02b0_m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/015qyf /people/deceased_person/place_of_death /m/0r0m6 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p65p +/m/0h7x /location/country/second_level_divisions /m/0d1yn +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/011yph /film/film/genre /m/01t_vv +/m/07h0cl /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/0604m /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/01q32bd /music/artist/origin /m/030qb3t +/m/033tln /people/person/gender /m/05zppz +/m/0p0mx /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/0k5px /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0c4kv /location/location/time_zones /m/02hcv8 +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04fv0k /business/business_operation/industry /m/06mbny +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/04zl8 /film/film/genre /m/05p553 +/m/027bs_2 /film/actor/film./film/performance/film /m/0cz_ym +/m/05_k56 /film/director/film /m/02c7k4 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01kt_j /tv/tv_program/genre /m/02n4kr +/m/03mdt /media_common/netflix_genre/titles /m/01qbg5 +/m/01dcqj /people/cause_of_death/people /m/02r38 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/049nq /location/location/contains /m/0j11 +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/01qr1_ +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05sbv3 +/m/04sj3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hf6 /base/aareas/schema/administrative_area/administrative_parent /m/05sb1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02hzx8 +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/011yfd /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/01jmv8 /film/actor/film./film/performance/film /m/06lpmt +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/0crx5w +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/030hbp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02t__3 +/m/012vct /people/person/place_of_birth /m/0dc95 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/0j210 +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/0181dw /music/record_label/artist /m/02jq1 +/m/03cfkrw /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02cpb7 +/m/0j1z8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01z88t +/m/0d68qy /tv/tv_program/genre /m/01z4y +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/09v82c0 +/m/0bxxzb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05pxnmb +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01qklj /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02rv_dz /film/film/genre /m/05p553 +/m/06l3bl /media_common/netflix_genre/titles /m/019vhk +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl06 +/m/09k2t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0134bf /location/location/contains /m/020d8d +/m/01v_0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/09p5mwg /film/film/genre /m/01585b +/m/041rx /people/ethnicity/people /m/0b1f49 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/025y9fn +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/01w9ph_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pzc4 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01g6bk +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0mlyj /location/location/time_zones /m/02lcqs +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/01qqv5 /education/educational_institution/colors /m/036k5h +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07brj +/m/02q7fl9 /film/film/film_format /m/07fb8_ +/m/05nwfr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hfzr +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/07sc6nw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/04954 /film/actor/film./film/performance/film /m/035xwd +/m/0gl5_ /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r3wm +/m/048z7l /people/ethnicity/people /m/02f8lw +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02bj6k /film/actor/film./film/performance/film /m/06nr2h +/m/0cm03 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/014tss +/m/0235l /location/hud_county_place/county /m/0235l +/m/0fttg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0gyh +/m/04d_mtq /people/person/profession /m/09jwl +/m/04999m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/03_l8m /people/person/place_of_birth /m/0f2nf +/m/09fc83 /tv/tv_program/languages /m/02h40lc +/m/01l3wr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02vqsll /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/040t74 +/m/071nw5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/098n_m +/m/04x56 /influence/influence_node/influenced_by /m/0h0p_ +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/01yzl2 /music/artist/origin /m/0mn0v +/m/05g2v /location/location/partially_contains /m/04wsz +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0t0n5 /location/location/time_zones /m/02fqwt +/m/08h79x /people/person/nationality /m/0h3y +/m/01sbhvd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/07bsj +/m/01f8gz /film/film/language /m/02h40lc +/m/0cwrr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03f2w /location/country/official_language /m/04306rv +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09c7w0 /location/country/second_level_divisions /m/0jrjb +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01wd9vs +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/04qsdh +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/01dys +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/03rjj /location/location/contains /m/06c62 +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/0c00lh +/m/0fs9vc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/0ldqf /olympics/olympic_games/sports /m/071t0 +/m/0lgxj /olympics/olympic_games/participating_countries /m/03f2w +/m/05jbn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tjl3 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/084qpk +/m/01hmnh /media_common/netflix_genre/titles /m/05k4my +/m/09nz_c /people/person/profession /m/02hrh1q +/m/02s4l6 /film/film/executive_produced_by /m/01hrqc +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/0bl3nn /film/film/language /m/09y2k2 +/m/02t8gf /music/genre/artists /m/0232lm +/m/05148p4 /music/instrument/instrumentalists /m/09prnq +/m/0181hw /business/business_operation/industry /m/04rlf +/m/0sxdg /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lhm2 /people/person/nationality /m/09c7w0 +/m/0bx9y /location/us_county/county_seat /m/0bxbb +/m/02ph9tm /film/film/written_by /m/02lk1s +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3b5 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/06dn58 /film/actor/film./film/performance/film /m/0gbfn9 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01f2q5 +/m/04q42 /base/biblioness/bibs_location/country /m/059j2 +/m/05drq5 /film/director/film /m/0p_th +/m/013m_x /location/location/contains /m/0558_1 +/m/030155 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy0l_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hgwkr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/045zr /people/person/profession /m/0fnpj +/m/07j8kh /people/person/profession /m/0557q +/m/06bc59 /film/film/country /m/0f8l9c +/m/01kx_81 /people/person/profession /m/01d_h8 +/m/024mpp /film/film/written_by /m/076_74 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cqnss +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0x67 /people/ethnicity/people /m/01v40wd +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01rzqj /people/person/profession /m/02jknp +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/0xnvg /people/ethnicity/people /m/05yzt_ +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/02hct1 /tv/tv_program/genre /m/0c4xc +/m/01vyp_ /people/person/profession /m/01c72t +/m/06d4h /film/film_subject/films /m/01719t +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/03qdm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01flv_ +/m/0f2sx4 /film/film/genre /m/0hn10 +/m/07g2b /influence/influence_node/influenced_by /m/0c1jh +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wrz +/m/0660b9b /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cpjgj /film/actor/film./film/performance/film /m/02z5x7l +/m/01423b /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/022_6 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s2ys +/m/09c7w0 /location/location/contains /m/0s2z0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b7h8 +/m/05dmmc /film/film/costume_design_by /m/05x2t7 +/m/0gy6z9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/080dwhx +/m/033qdy /film/film/genre /m/09blyk +/m/09v6gc9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09lmb /media_common/netflix_genre/titles /m/03czz87 +/m/019n7x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05bpg3 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0mwx6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwcz +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01bdxz +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02s9vc +/m/049gc /people/person/gender /m/05zppz +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/0277470 /people/person/place_of_birth /m/02_286 +/m/01tfck /people/person/profession /m/01d_h8 +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07_m2 /people/person/profession /m/0n1h +/m/03j70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0pz91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4m2z +/m/03twd6 /film/film/country /m/09c7w0 +/m/019rg5 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05kj_ /location/location/time_zones /m/02hczc +/m/01jrs46 /people/person/place_of_birth /m/02_286 +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/01fm07 /music/genre/artists /m/0x3n +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0byq6h +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06mnps +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/04sry /film/actor/film./film/performance/film /m/011ycb +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20h +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/029b9k /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/01msrb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vxyl5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/0mmzt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ghq /people/person/gender /m/05zppz +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/01j851 /people/person/places_lived./people/place_lived/location /m/03l2n +/m/0170xl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jsg0m /music/group_member/membership./music/group_membership/role /m/0319l +/m/0n6c_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fb_1 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/02jr6k /film/film/country /m/07ssc +/m/0f2nf /location/location/contains /m/01fpvz +/m/055vr /location/location/contains /m/04vmp +/m/0kbhf /film/film/written_by /m/0hqcy +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glr5h +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01b8w_ +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02v60l +/m/01_xtx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bksh +/m/05zr0xl /tv/tv_program/genre /m/01z4y +/m/05gml8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lx2l +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/08c6k9 /film/film/country /m/09c7w0 +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/06zpgb2 +/m/040rjq /film/director/film /m/0gxtknx +/m/03rs8y /film/actor/film./film/performance/film /m/07nnp_ +/m/04gr35 /people/person/profession /m/0dxtg +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/048vhl /film/film/produced_by /m/02xnjd +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gd_b_ +/m/071xj /people/person/profession /m/0dxtg +/m/03ryn /location/country/official_language /m/097kp +/m/0421ng /film/film/language /m/02h40lc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/0z53k +/m/01m7pwq /people/person/gender /m/05zppz +/m/01mqz0 /people/person/places_lived./people/place_lived/location /m/01531 +/m/065b6q /people/ethnicity/people /m/01tj34 +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dh73w +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06jd89 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/02vqpx8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0180mw +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/064t9 /music/genre/artists /m/0gps0z +/m/0d8w2n /film/film/genre /m/02l7c8 +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/01cszh /music/record_label/artist /m/01whg97 +/m/02p11jq /music/record_label/artist /m/08w4pm +/m/02v1m7 /award/award_category/category_of /m/0c4ys +/m/04q00lw /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/06t74h /people/person/nationality /m/09c7w0 +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0484q +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/01q_ph /film/actor/film./film/performance/film /m/01f6x7 +/m/011yfd /film/film/genre /m/04xvlr +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b1y_2 +/m/01z4y /media_common/netflix_genre/titles /m/032_wv +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04gkp3 +/m/02xry /location/location/contains /m/02h659 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/013q0p /film/film/country /m/09c7w0 +/m/0m0jc /music/genre/artists /m/01yzl2 +/m/07kb5 /people/person/religion /m/0c8wxp +/m/014q2g /music/group_member/membership./music/group_membership/role /m/02sgy +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02bj22 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03mgbf /sports/sports_team/sport /m/02vx4 +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/0342h +/m/07tlg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/0g2lq /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0m9_5 /education/university/fraternities_and_sororities /m/0325pb +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0jt90f5 /influence/influence_node/influenced_by /m/041h0 +/m/0229rs /music/record_label/artist /m/07m4c +/m/01cx_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/09l3p +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/0f6_x +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01y_px /film/actor/film./film/performance/film /m/0315rp +/m/01g4bk /people/person/profession /m/0kyk +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/01c22t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08gsvw +/m/02mg7n /education/educational_institution/students_graduates./education/education/student /m/09y20 +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jyhv +/m/028_yv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/0dt39 /award/award_category/disciplines_or_subjects /m/05qjt +/m/01vhb0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p_47 +/m/06srk /location/country/form_of_government /m/06cx9 +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/015fs3 /education/educational_institution_campus/educational_institution /m/015fs3 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0chw_ +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0127ps +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02238b /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04bs3j +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/01t_z /people/person/religion /m/04pk9 +/m/02zrv7 /people/person/gender /m/05zppz +/m/03rhqg /music/record_label/artist /m/016qtt +/m/09c7w0 /location/location/contains /m/02_n7 +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/01z215 /location/location/contains /m/094vf +/m/014x77 /people/person/place_of_birth /m/09bkv +/m/01hc1j /education/educational_institution/school_type /m/05jxkf +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/080z7 /education/educational_institution/campuses /m/080z7 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/04g4n /people/person/place_of_birth /m/011wdm +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/070b4 +/m/034q81 /education/educational_institution_campus/educational_institution /m/034q81 +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0kbws /olympics/olympic_games/participating_countries /m/0165v +/m/0mx7f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx6c +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0hv81 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/025xt8y /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01w1sx /time/event/locations /m/048fz +/m/07c52 /media_common/netflix_genre/titles /m/016tvq +/m/02lfp4 /people/person/profession /m/02hv44_ +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qv_ +/m/0824r /location/location/contains /m/0mkv3 +/m/0c6qh /people/person/religion /m/0kpl +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/034q3l +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0d29z /people/ethnicity/geographic_distribution /m/059j2 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04z_x4v +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dmx +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0401sg /film/film/country /m/0d060g +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/041mt /influence/influence_node/influenced_by /m/085gk +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/064t9 /music/genre/artists /m/01pr_j6 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbwx +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/09lbv /people/profession/specialization_of /m/09jwl +/m/01tp5bj /people/person/profession /m/09jwl +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/03ntbmw /film/film/music /m/01l79yc +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01bdxz +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/016jfw /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03yvgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wphh2 /people/person/nationality /m/03_3d +/m/03jht /people/person/profession /m/0cbd2 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01lbp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/02zc7f /education/educational_institution/colors /m/06kqt3 +/m/04xvlr /media_common/netflix_genre/titles /m/07l4zhn +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g42 +/m/01vvydl /people/person/profession /m/02hrh1q +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05qd_ +/m/0199wf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c0k1 +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02q5g1z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0413cff /film/film/featured_film_locations /m/0fngf +/m/01vz80y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07l4z /sports/sports_team/colors /m/083jv +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011vx3 +/m/0y_9q /film/film/genre /m/060__y +/m/063y9fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0738b8 /film/actor/film./film/performance/film /m/01738w +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/088tb /education/field_of_study/students_majoring./education/education/student /m/06g4_ +/m/0yj9v /location/location/time_zones /m/02hcv8 +/m/05jx5r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01r2lw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0163zw /music/genre/parent_genre /m/01_sz1 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0mb5x +/m/0c38gj /film/film/genre /m/082gq +/m/0mmpm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01hkg9 /people/person/profession /m/018gz8 +/m/0335fp /people/person/place_of_birth /m/0fw2y +/m/0h7x /location/country/second_level_divisions /m/0fhp9 +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/01pgzn_ /film/actor/film./film/performance/film /m/02xtxw +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03vfr_ +/m/0d1qmz /film/film/language /m/02h40lc +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7xjb +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0b_j2 /people/person/nationality /m/09c7w0 +/m/0dg3n1 /base/locations/continents/countries_within /m/01nyl +/m/05dppk /people/person/nationality /m/0d0vqn +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/017fp /media_common/netflix_genre/titles /m/016z7s +/m/0dx97 /people/deceased_person/place_of_death /m/04jpl +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01vfqh /film/film/country /m/07ssc +/m/0m_mm /film/film/genre /m/07s9rl0 +/m/0jym0 /film/film/cinematography /m/06g60w +/m/029jt9 /film/film/music /m/02w670 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0ycp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nt75 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0c58k /medicine/disease/risk_factors /m/01336l +/m/0l98s /olympics/olympic_games/sports /m/071t0 +/m/0hz6mv2 /film/film/film_format /m/0cj16 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0lfbm +/m/01skcy /organization/organization/place_founded /m/013m43 +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/01wdl3 /education/educational_institution/colors /m/01jnf1 +/m/01pjr7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nj3m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127s7 +/m/01nr63 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gdh5 /music/artist/origin /m/05ksh +/m/06kl0k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0114m0 /location/location/time_zones /m/02fqwt +/m/03lty /music/genre/artists /m/06nv27 +/m/0133h8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fhp9 +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/0498y /location/location/partially_contains /m/0lm0n +/m/016wvy /people/person/nationality /m/0j5g9 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/02x8m /music/genre/artists /m/01w8n89 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0jt3tjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t_x +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/021996 +/m/03_vx9 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03h502k +/m/02jxbw /film/film/country /m/09c7w0 +/m/047tsx3 /film/film/production_companies /m/024rgt +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/05smlt /people/profession/specialization_of /m/04_tv +/m/030b93 /people/person/profession /m/02jknp +/m/0j_t1 /film/film/genre /m/03mqtr +/m/01j7z7 /people/person/profession /m/0dxtg +/m/022_6 /base/aareas/schema/administrative_area/capital /m/01423b +/m/01pw2f1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0j1yf +/m/035tjy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/03cn92 /film/actor/film./film/performance/film /m/03nqnnk +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/04htfd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/0xhtw /music/genre/artists /m/02p68d +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0227tr +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jxmr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05mv4 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01l3vx +/m/0241y7 /film/film/genre /m/07s9rl0 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02frhbc +/m/0y54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027cxsm /people/person/profession /m/01d_h8 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/03ybrwc /award/award_category/winners./award/award_honor/award_winner /m/0gdqy +/m/02825kb /film/film/genre /m/06cvj +/m/02sch9 /people/ethnicity/languages_spoken /m/0688f +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/01g7_r /organization/organization/headquarters./location/mailing_address/citytown /m/0kdqw +/m/0nvrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvt9 +/m/035yzw /education/educational_institution/school_type /m/05jxkf +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/09p35z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mlvc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlzk +/m/04kzqz /film/film/genre /m/07s9rl0 +/m/01z4y /media_common/netflix_genre/titles /m/07gghl +/m/02fj8n /film/film/story_by /m/03h2p5 +/m/0125xq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026f5s /tv/tv_network/programs./tv/tv_network_duration/program /m/01lk02 +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/0qmd5 /film/film/genre /m/03g3w +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/037mh8 /education/field_of_study/students_majoring./education/education/student /m/031v3p +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01br2w +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019803 +/m/021bk /people/person/religion /m/0kpl +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0dq9p /people/cause_of_death/people /m/01t9qj_ +/m/02fs_d /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04t36 /media_common/netflix_genre/titles /m/01cmp9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rqxc +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/016tw3 /organization/organization/child./organization/organization_relationship/child /m/024rbz +/m/05mv4 /education/educational_institution_campus/educational_institution /m/05mv4 +/m/016zdd /film/actor/film./film/performance/film /m/07sp4l +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zwtdy +/m/012zng /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0q5hw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04fhn_ /film/actor/film./film/performance/film /m/02mpyh +/m/0symg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0405l +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/04bs3j /people/person/place_of_birth /m/0xhj2 +/m/058s44 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0320jz +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/02g5q1 /film/film/country /m/09c7w0 +/m/0g83dv /film/film/written_by /m/02hfp_ +/m/05148p4 /music/instrument/instrumentalists /m/0135xb +/m/0dzt9 /location/hud_county_place/place /m/0dzt9 +/m/057pq5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06yrj6 /people/person/profession /m/03gjzk +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0gc_c_ /film/film/production_companies /m/054lpb6 +/m/0dvmd /film/actor/film./film/performance/film /m/01flv_ +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02qkt /location/location/contains /m/0366c +/m/02wrrm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/082scv +/m/032zq6 /film/film/genre /m/07s9rl0 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02wyc0 /film/actor/film./film/performance/film /m/0f42nz +/m/01jzyx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5_y +/m/03mgx6z /film/film/genre /m/03k9fj +/m/02fbpz /people/person/religion /m/03j6c +/m/034bs /people/person/places_lived./people/place_lived/location /m/086g2 +/m/025sc50 /music/genre/artists /m/013w7j +/m/04dz_y7 /people/person/gender /m/05zppz +/m/0cc5qkt /film/film/produced_by /m/06pj8 +/m/04b5l3 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0jhn7 /olympics/olympic_games/sports /m/02vx4 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/02jq1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d9jr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015f7 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01q7cb_ +/m/02py4c8 /tv/tv_program/languages /m/02h40lc +/m/08s6mr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gp3x +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02dh86 +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/023s8 +/m/0gkz15s /film/film/production_companies /m/03xsby +/m/01vs14j /film/actor/film./film/performance/film /m/0dtzkt +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p0w_ +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/01fh9 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09v8clw +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02jxkw /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/01fbr2 /music/genre/parent_genre /m/016cjb +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/01rs5p +/m/06mn7 /influence/influence_node/influenced_by /m/0d4jl +/m/0466hh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/04xvlr /media_common/netflix_genre/titles /m/04f6df0 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/01qhm_ /people/ethnicity/people /m/0c0k1 +/m/0177gl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04vq3h /film/actor/film./film/performance/film /m/01jmyj +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0879bpq +/m/0716t2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lf1j /film/actor/film./film/performance/film /m/091rc5 +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/0mzkr /music/record_label/artist /m/0p76z +/m/01nvmd_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015npr /people/person/profession /m/01d_h8 +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0qyzb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0739z6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06bvp +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/07bch9 /people/ethnicity/people /m/083p7 +/m/063y9fp /film/film/story_by /m/04snp2 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/04t36 /media_common/netflix_genre/titles /m/041td_ +/m/02p11jq /music/record_label/artist /m/0fq117k +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/02114t /film/actor/film./film/performance/film /m/084302 +/m/0rqf1 /location/hud_county_place/county /m/0jrxx +/m/03ysmg /people/person/profession /m/01d_h8 +/m/0150t6 /people/person/nationality /m/0345h +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04j53 +/m/01cszh /music/record_label/artist /m/016vj5 +/m/06c97 /people/person/nationality /m/09c7w0 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/014kyy +/m/016clz /music/genre/artists /m/02r3zy +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06cqb /music/genre/artists /m/01sbf2 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/0jdhp +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/03jxw /people/person/profession /m/05z96 +/m/0170th /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06gd4 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0s6g4 /base/biblioness/bibs_location/state /m/03v0t +/m/06zn2v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/019g65 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award /m/02x201b +/m/01qygl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/094xh /people/person/places_lived./people/place_lived/location /m/0d35y +/m/06ch55 /music/instrument/instrumentalists /m/0fpjd_g +/m/0gjv_ /education/educational_institution/colors /m/06fvc +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/014xf6 +/m/0333wf /film/actor/film./film/performance/film /m/0b6f8pf +/m/031sg0 /film/actor/film./film/performance/film /m/0hmr4 +/m/09c7w0 /location/location/contains /m/0xrz2 +/m/03ccq3s /award/award_category/winners./award/award_honor/award_winner /m/0crx5w +/m/0d9fz /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01k165 +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/03bxpt0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/01gw4f /people/person/nationality /m/03rjj +/m/02508x /people/person/places_lived./people/place_lived/location /m/0k33p +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/02lk95 +/m/018phr /award/award_winner/awards_won./award/award_honor/award_winner /m/06x4l_ +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/0dqcs3 /film/film/country /m/0345h +/m/0j13b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/024dw0 /people/person/profession /m/01c72t +/m/03xpsrx /film/actor/film./film/performance/film /m/02ljhg +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bxqz +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01f1r4 +/m/0kbws /olympics/olympic_games/sports /m/07_53 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02rxrh +/m/04m_zp /people/person/profession /m/02krf9 +/m/030155 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/021bk /film/actor/film./film/performance/film /m/02ht1k +/m/0f3m1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/0c5dd /film/film/country /m/09c7w0 +/m/04jpl /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0dxtg /people/profession/specialization_of /m/0cbd2 +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/034hzj /film/film/music /m/03975z +/m/04hvw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/023322 /music/artist/contribution./music/recording_contribution/performance_role /m/0dwr4 +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/06d_3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/032s66 /people/cause_of_death/people /m/07pzc +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02pp1 +/m/0f6cl2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/08y2fn /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b1q7c +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/025p38 +/m/0f6_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dcdp +/m/02r1c18 /film/film/production_companies /m/02j_j0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0159h6 +/m/0ptxj /film/film/cinematography /m/087yty +/m/026fs38 /film/film/country /m/09c7w0 +/m/059f4 /location/location/contains /m/0n5_t +/m/01lz4tf /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/06d4h /film/film_subject/films /m/05sy_5 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07h07 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/03wh49y /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/0x67 /people/ethnicity/people /m/02bf2s +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_fk9 +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nhkxp +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/01zcrv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fgr_ +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/06sks6 /olympics/olympic_games/participating_countries /m/03rjj +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0dcsx /people/cause_of_death/people /m/018ty9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0465_ /people/person/places_lived./people/place_lived/location /m/03rjj +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01wkmgb /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/07j8r /film/film/country /m/03_3d +/m/016z5x /film/film/genre /m/017fp +/m/04xvlr /media_common/netflix_genre/titles /m/04ltlj +/m/0bth54 /film/film/story_by /m/03_gd +/m/02k6hp /people/cause_of_death/people /m/02dth1 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01xq8v /film/film/country /m/09c7w0 +/m/08nz99 /people/person/profession /m/0dxtg +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0f4_l +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0phrl /tv/tv_program/languages /m/02h40lc +/m/05bht9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0j0k /location/location/contains /m/016zwt +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/041rx /people/ethnicity/people /m/03qd_ +/m/03j722 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gm34 /film/actor/film./film/performance/film /m/027rpym +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/04x4gj +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgbb +/m/0d6qjf /film/film_subject/films /m/03twd6 +/m/01p1v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02784z /people/person/nationality /m/012m_ +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/05dy7p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xv8m /award/award_winner/awards_won./award/award_honor/award_winner /m/026_w57 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05jx2d +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q3fdr +/m/03w7kx /sports/sports_team/colors /m/083jv +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0444x /organization/organization/headquarters./location/mailing_address/citytown /m/081yw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/060ppp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03m6zs +/m/01wskg /film/actor/film./film/performance/film /m/01fx4k +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrz41 +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01453 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/04xbr4 +/m/073749 /film/actor/film./film/performance/film /m/03mh94 +/m/0d6n1 /music/genre/artists /m/0bvzp +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/02r3cn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0274ck /music/artist/contribution./music/recording_contribution/performance_role /m/01v1d8 +/m/02ptczs /film/film/genre /m/09blyk +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0kftt /people/person/nationality /m/02jx1 +/m/0b_6s7 /time/event/locations /m/0fr0t +/m/0rh7t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015x1f /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0dg3n1 /location/location/contains /m/06v36 +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/0jmj +/m/04t38b /people/person/profession /m/01d_h8 +/m/02vxyl5 /people/person/profession /m/02pjxr +/m/06cl2w /film/actor/film./film/performance/film /m/0b7l4x +/m/07lt7b /film/actor/film./film/performance/film /m/027pfg +/m/024tj /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02ltg3 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018p4y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/011v3 +/m/0133x7 /people/person/profession /m/0n1h +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/07g7h2 /people/person/profession /m/01d_h8 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c46y6 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/07g2b +/m/02lnbg /music/genre/artists /m/015f7 +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/0k5g9 /film/film/language /m/02h40lc +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r4w +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jc6q +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0382m4 +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/07srw /location/location/time_zones /m/02hczc +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0x0d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0151zx /people/person/gender /m/05zppz +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015882 +/m/01271h /people/person/nationality /m/09c7w0 +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jw67 +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/013h9 /base/biblioness/bibs_location/country /m/09c7w0 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/0kbvv /olympics/olympic_games/sports /m/01dys +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05njw +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/01f8f7 /film/film/country /m/0f8l9c +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/025sc50 /music/genre/artists /m/01k_mc +/m/01797x /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/015xp4 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02cbhg +/m/07g2b /people/person/nationality /m/02jx1 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/026fs38 /film/film/language /m/04h9h +/m/0lv1x /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0m0nq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ckrnn /film/film/genre /m/0c3351 +/m/031786 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d5wn3 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0645k5 +/m/049dk /education/university/fraternities_and_sororities /m/0325pb +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01g3gq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/0m_mm /film/film/film_production_design_by /m/04z_x4v +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/018y2s /music/group_member/membership./music/group_membership/role /m/0342h +/m/0f2rq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/07tk7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/05sy2k_ +/m/0322yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06vbd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fsv +/m/01p896 /education/educational_institution/colors /m/083jv +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05glrg +/m/03sxd2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/0sw6y /film/actor/film./film/performance/film /m/050f0s +/m/02g8h /film/actor/film./film/performance/film /m/02ny6g +/m/05dy7p /film/film/film_format /m/07fb8_ +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/0c6qh /film/actor/film./film/performance/film /m/02p76f9 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/09kn9 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0329qp +/m/088_9g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07yg2 +/m/06y611 /film/film/film_production_design_by /m/0cdf37 +/m/03lygq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c1ps1 /people/person/profession /m/02hrh1q +/m/02drd3 /people/person/places_lived./people/place_lived/location /m/0ggh3 +/m/01cz_1 /base/biblioness/bibs_location/country /m/0345h +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/02_wxh /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0mp08 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/018db8 /people/person/gender /m/05zppz +/m/01jfsb /media_common/netflix_genre/titles /m/05css_ +/m/051gjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02qgyv +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0sxdg +/m/01v2xl /education/educational_institution_campus/educational_institution /m/01v2xl +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/02lk1s /people/person/gender /m/05zppz +/m/01cycq /film/film/story_by /m/06bng +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/024n3z +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/017gxw +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fhxv +/m/0cy__l /film/film/genre /m/02xh1 +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/018nnz /film/film/genre /m/06n90 +/m/06929s /film/film/executive_produced_by /m/024t0y +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04306rv /language/human_language/countries_spoken_in /m/06mzp +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02vqsll /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06_x996 /film/film/film_festivals /m/04_m9gk +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/07c52 /media_common/netflix_genre/titles /m/09kn9 +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/07swvb /film/actor/film./film/performance/film /m/03c7twt +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05hdf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wd9lv +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/048cl /influence/influence_node/influenced_by /m/0tfc +/m/018swb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01vsl3_ +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ff0x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1m +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/01d0fp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/0b25vg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0pgjm +/m/05css_ /film/film/genre /m/01jfsb +/m/09k2t1 /people/person/places_lived./people/place_lived/location /m/0qplq +/m/032zq6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02bh_v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/03cz4j /people/person/profession /m/0np9r +/m/07kh6f3 /film/film/genre /m/01jfsb +/m/02wyzmv /film/film/country /m/07ssc +/m/0g4pl7z /film/film/genre /m/0jtdp +/m/05kwx2 /film/actor/film./film/performance/film /m/0ds11z +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01trtc +/m/03_80b /people/person/profession /m/02jknp +/m/05qzv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/016zgj /music/genre/artists /m/0167v4 +/m/04w391 /film/actor/film./film/performance/film /m/0gfh84d +/m/0f8pz /award/award_winner/awards_won./award/award_honor/award_winner /m/07g2b +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/0j7ng /sports/sports_team_location/teams /m/0fvly +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0d060g /location/country/second_level_divisions /m/0h7h6 +/m/0dg3n1 /location/location/contains /m/019rg5 +/m/0f87jy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03y3bp7 +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0mlxt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9tsr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qrwjt +/m/010dft /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jc6p +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09ksp +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/064t9 /music/genre/artists /m/0147jt +/m/09rfpk /film/film/country /m/07ssc +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02yv6b /music/genre/artists /m/0161sp +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/0kbwb /film/film/personal_appearances./film/personal_film_appearance/person /m/011hdn +/m/06j6l /music/genre/artists /m/0163m1 +/m/01w724 /people/person/gender /m/05zppz +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qgry +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/03ds83 /people/person/spouse_s./people/marriage/location_of_ceremony /m/013f1h +/m/04ddm4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8gh /music/genre/artists /m/0g7k2g +/m/02mhfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4p0 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0329gm +/m/0281s1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01w8g3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lwyk +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/01q6bg +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05cljf +/m/01_x6d /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/015_1q /music/record_label/artist /m/01vtqml +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0kbws /olympics/olympic_games/participating_countries /m/0160w +/m/073v6 /influence/influence_node/influenced_by /m/03f0324 +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/06zpgb2 +/m/06crng /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/016z2j /people/person/gender /m/05zppz +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/02kcz /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/02p21g /people/person/religion /m/0kpl +/m/044qx /people/person/nationality /m/09c7w0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01xbpn +/m/0f0sbl /location/administrative_division/first_level_division_of /m/0f8l9c +/m/06ltr /film/actor/film./film/performance/film /m/0c34mt +/m/026w_gk /people/person/profession /m/02hrh1q +/m/05lb30 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gzy02 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/02j9z /location/location/contains /m/01pj7 +/m/01c65z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/060j8b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04205z +/m/0bs8s1p /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/014_xj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05b4w +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/012t1 /people/person/profession /m/02hv44_ +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09wj5 +/m/0342h /music/instrument/instrumentalists /m/02lk95 +/m/022qw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0438f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01yk13 +/m/0xhtw /music/genre/artists /m/067mj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/037s9x /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/048gd_ +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w58n3 +/m/044rvb /film/actor/film./film/performance/film /m/0g0x9c +/m/01wj5hp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08jfkw /people/person/profession /m/0q04f +/m/06w2sn5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04f7c55 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fx6y +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/03jldb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07l4zhn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpm4yw +/m/0jdr0 /film/film/genre /m/060__y +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01679d +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/025vldk +/m/05lb87 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016jny /music/genre/artists /m/07qnf +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0fh2v5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03zz8b /people/person/profession /m/0d1pc +/m/0b4rf3 /people/person/gender /m/05zppz +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0m77m /people/person/nationality /m/03shp +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/06n9lt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kxf1 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0bs5vty /film/film/featured_film_locations /m/05qtj +/m/0vlf /organization/organization/headquarters./location/mailing_address/citytown /m/0n1rj +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/01jkqfz +/m/01v2xl /education/educational_institution/colors /m/0jc_p +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/015mlw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yxm1 /film/film/production_companies /m/0g1rw +/m/05g7tj /music/genre/parent_genre /m/03_d0 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/0151w_ /film/actor/film./film/performance/film /m/0h03fhx +/m/01p85y /film/actor/film./film/performance/film /m/0992d9 +/m/03hjv97 /film/film/film_art_direction_by /m/072twv +/m/014vk4 /people/person/gender /m/02zsn +/m/04vrxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/08hhm6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yzbg /film/film/music /m/020fgy +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/01txts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05lb87 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0725ny /people/person/places_lived./people/place_lived/location /m/01531 +/m/03cs_z7 /people/person/gender /m/05zppz +/m/0hsb3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ydr95 +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/02q_4ph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05728w1 +/m/0d_84 /film/actor/film./film/performance/film /m/018js4 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/0b76d_m /film/film/language /m/02bjrlw +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02ts3h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wmxfs +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/064ndc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pp3p /people/person/gender /m/05zppz +/m/02rmxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03y0pn /film/film/genre /m/03k9fj +/m/01q7q2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pv54 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015np0 /people/deceased_person/place_of_death /m/0nbfm +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/01q7q2 /education/educational_institution/students_graduates./education/education/student /m/06r_by +/m/01rwcgb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07nznf /film/director/film /m/01qb5d +/m/017fp /media_common/netflix_genre/titles /m/01qbg5 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/05np2 /people/person/profession /m/02hv44_ +/m/03z9585 /film/film/produced_by /m/03h304l +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0glqh5_ /film/film/produced_by /m/0gy6z9 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07sqnh +/m/01yfm8 /film/actor/film./film/performance/film /m/02qkwl +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01vz80y /people/person/profession /m/0196pc +/m/02knxx /people/cause_of_death/people /m/01vh18t +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04wmvz +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/049f05 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/081lh /film/actor/film./film/performance/film /m/0hmr4 +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq6s3 +/m/02g9z1 /people/person/religion /m/0flw86 +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025czw +/m/0261x8t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018pj3 +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_lsr +/m/01swck /film/actor/film./film/performance/film /m/03ckwzc +/m/02pbrn /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f2w0 +/m/01_ztw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sr0 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym8f +/m/016ggh /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bhvtc +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/0bn3jg +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01dtcb /music/record_label/artist /m/0150jk +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059j2 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/057d89 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/06vqdf /award/award_winner/awards_won./award/award_honor/award_winner /m/071dcs +/m/01jbx1 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/02xhwm +/m/0fmqp6 /award/award_winner/awards_won./award/award_honor/award_winner /m/053vcrp +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0vhm +/m/01qr1_ /people/person/gender /m/02zsn +/m/01hmnh /media_common/netflix_genre/titles /m/016ztl +/m/059j4x /people/person/nationality /m/09c7w0 +/m/03m2fg /people/person/profession /m/018gz8 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03y0pn +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jplwp +/m/0g768 /music/record_label/artist /m/02dbp7 +/m/01cbwl /music/genre/parent_genre /m/064t9 +/m/0cx7f /music/genre/artists /m/01vng3b +/m/01zwy /influence/influence_node/influenced_by /m/03hnd +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b6mgp_ +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/02q0v8n /film/film/featured_film_locations /m/094jv +/m/031786 /film/film/language /m/02h40lc +/m/0bbw2z6 /film/film/cinematography /m/08mhyd +/m/03c0t9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3jz +/m/015q1n /education/university/fraternities_and_sororities /m/0325pb +/m/0320jz /film/actor/film./film/performance/film /m/048tv9 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0642ykh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05148p4 /music/instrument/instrumentalists /m/01vvycq +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k_r5b +/m/0bkf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03x3wf +/m/029b9k /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0lx2l /influence/influence_node/influenced_by /m/0427y +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0jpdn /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/01wskg /film/actor/film./film/performance/film /m/0cq86w +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/023kzp /people/person/places_lived./people/place_lived/location /m/0tt6k +/m/0d060g /location/location/contains /m/018dk_ +/m/0_24q /base/biblioness/bibs_location/country /m/09c7w0 +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jmv8 +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/025v3k /education/educational_institution/colors /m/04mkbj +/m/04xvlr /media_common/netflix_genre/titles /m/02bg8v +/m/0y62n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cr3d +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/06j8wx /film/actor/film./film/performance/film /m/02chhq +/m/043mk4y /film/film/music /m/02ryx0 +/m/06q02g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/04tr1 /location/country/form_of_government /m/01d9r3 +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/04s7y +/m/01t38b /education/educational_institution/school_type /m/05jxkf +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1l_ +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/05kfs +/m/02zd2b /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qzjj /people/person/place_of_birth /m/030qb3t +/m/04sd0 /influence/influence_node/influenced_by /m/0739y +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/013fn /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fly +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/0lbbj /olympics/olympic_games/sports /m/064vjs +/m/07l1c /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0340hj +/m/02_2kg /education/educational_institution_campus/educational_institution /m/02_2kg +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/038czx /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0159h6 /people/person/place_of_birth /m/0nbrp +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/05qzv +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/03crmd /people/person/languages /m/04306rv +/m/01f6x7 /film/film/music /m/05_pkf +/m/02yygk /people/person/languages /m/02h40lc +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0l5mz /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/0315q3 /people/person/gender /m/05zppz +/m/0h95zbp /film/film/production_companies /m/016tt2 +/m/0cbkc /people/person/profession /m/02hrh1q +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01b66d +/m/017znw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0b_4z /people/person/place_of_birth /m/0c_m3 +/m/026t6 /music/instrument/instrumentalists /m/0dzlk +/m/0136p1 /people/person/profession /m/02hrh1q +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/06fp11 /award/award_category/category_of /m/06fp11 +/m/04ns3gy /people/person/employment_history./business/employment_tenure/company /m/0l8sx +/m/03cws8h /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/0l9k1 /people/person/religion /m/03_gx +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/03cp4cn /film/film/genre /m/09blyk +/m/01bh6y /people/deceased_person/place_of_death /m/06_kh +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01t9qj_ /people/person/profession /m/03gjzk +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/08b0cj /people/person/profession /m/0gl2ny2 +/m/034xyf /film/film/language /m/064_8sq +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0283d /music/genre/artists /m/0k60 +/m/01tcf7 /people/person/gender /m/05zppz +/m/03n0q5 /people/deceased_person/place_of_death /m/04jpl +/m/065d1h /people/person/nationality /m/0d05w3 +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03n0pv /people/person/profession /m/025352 +/m/0d7hg4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qpqn +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02lnhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrt_c +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/012wg /people/person/profession /m/0nbcg +/m/0cx7f /music/genre/artists /m/016vn3 +/m/01vv126 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015f7 +/m/02w59b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06h7l7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cwrr +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0gnbw /film/actor/film./film/performance/film /m/013q07 +/m/06by7 /music/genre/artists /m/01vsn38 +/m/0by17xn /film/film/production_companies /m/054lpb6 +/m/09v42sf /film/film/genre /m/0219x_ +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/0hn10 /media_common/netflix_genre/titles /m/02fwfb +/m/06q1r /location/location/contains /m/05nwr +/m/03b_fm5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01f7v_ /film/director/film /m/01f8f7 +/m/01y8zd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0237fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z0rcq +/m/01xcfy /film/actor/film./film/performance/film /m/0571m +/m/03gvt /music/instrument/instrumentalists /m/0pmw9 +/m/093l8p /film/film/executive_produced_by /m/023kzp +/m/064t9 /music/genre/artists /m/01s7ns +/m/060v34 /film/film/produced_by /m/01f7j9 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k20s +/m/0gbwp /people/person/profession /m/016z4k +/m/01jq34 /education/educational_institution/colors /m/019sc +/m/0259r0 /people/person/places_lived./people/place_lived/location /m/071vr +/m/05pxnmb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026f__m +/m/0c6g29 /people/person/place_of_birth /m/071vr +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/035bcl /film/film/language /m/02h40lc +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/04m_zp +/m/048htn /film/film/executive_produced_by /m/04pqqb +/m/04gmp_z /people/person/place_of_birth /m/04ych +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/07s3vqk /people/person/profession /m/016z4k +/m/09z1lg /music/artist/origin /m/05r7t +/m/05c46y6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0mrs1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b6yp2 /people/person/gender /m/05zppz +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jm2v +/m/047lj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pt7h_ +/m/0bmh4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02vtnf +/m/018y81 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fh0q +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/09tkzy /film/film/country /m/07ssc +/m/04rrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v1s +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/015srx +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01cj6y +/m/039bp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06gb1w +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/05jcn8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0693l /people/person/profession /m/02jknp +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/086xm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x0bdb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0k_l4 /sports/sports_team/sport /m/02vx4 +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5j77 +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/0641kkh +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01wp8w7 +/m/02gpkt /film/film/production_companies /m/024rgt +/m/01gjlw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fmys +/m/0b1f49 /people/person/places_lived./people/place_lived/location /m/01531 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07ssc /location/location/contains /m/0gj95 +/m/0g_bh /music/genre/parent_genre /m/0m0jc +/m/0ybkj /location/hud_county_place/county /m/0f6zs +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04954r +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/06mn7 /film/actor/film./film/performance/film /m/0333t +/m/06w6_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01mqh5 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/029v40 /film/film/story_by /m/0fx02 +/m/0525b /people/person/profession /m/02hrh1q +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/05f7s1 +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/0mdqp /film/actor/film./film/performance/film /m/025rvx0 +/m/019fh /sports/sports_team_location/teams /m/0j5m6 +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/04shbh /film/actor/film./film/performance/film /m/011yr9 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/02gd6x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0f__1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/04t36 /media_common/netflix_genre/titles /m/03h_yy +/m/0h7h6 /sports/sports_team_location/teams /m/0cgwt8 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4pl7z +/m/0n3ll /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/05zjx /people/person/profession /m/02krf9 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/020_95 /award/award_winner/awards_won./award/award_honor/award_winner /m/057176 +/m/07v4dm /people/person/profession /m/01c72t +/m/06x43v /film/film/genre /m/05p553 +/m/01l_9d /location/administrative_division/country /m/015fr +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05ftw3 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0h63q6t +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07tp2 +/m/0btpm6 /film/film/genre /m/0lsxr +/m/01vng3b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xr2s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/042xrr +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfcm +/m/0bth54 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/0292qb /film/film/genre /m/02kdv5l +/m/0gpprt /people/person/place_of_birth /m/05fjf +/m/018j2 /music/instrument/instrumentalists /m/01vs4f3 +/m/07cyl /film/film/music /m/01tc9r +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pqy_ +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/02fr2d /dataworld/gardening_hint/split_to /m/0193qj +/m/02swsm /music/record_label/artist /m/09nhvw +/m/01k53x /people/person/places_lived./people/place_lived/location /m/0l0mk +/m/01f6x7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04l19_ /influence/influence_node/influenced_by /m/01wp_jm +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017zq0 +/m/04mlmx /film/actor/film./film/performance/film /m/01_mdl +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01364q +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01xvlc +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/02y49 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05hs4r /music/genre/artists /m/0gcs9 +/m/0bh72t /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/091rc5 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0l3h /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/01rh0w /people/person/profession /m/0d1pc +/m/09c7w0 /location/location/contains /m/02bq1j +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/05zvzf3 /award/award_winning_work/awards_won./award/award_honor/award /m/02vl9ln +/m/09xzd /dataworld/gardening_hint/split_to /m/09xzd +/m/08f3b1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0hjy +/m/044rvb /film/actor/film./film/performance/film /m/0glqh5_ +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0vmt /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0ql7q /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01d8l +/m/02cbvn /education/educational_institution/students_graduates./education/education/student /m/087z12 +/m/019pcs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019rg5 +/m/05d8vw /people/person/profession /m/0dz3r +/m/05k4my /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t_tp +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/041rx /people/ethnicity/people /m/06mn7 +/m/06kl78 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0134bf /location/location/contains /m/04p3c +/m/02n4kr /media_common/netflix_genre/titles /m/0bpbhm +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/034np8 /people/person/profession /m/0np9r +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/04vlh5 /people/person/profession /m/015h31 +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/099flj /award/award_category/winners./award/award_honor/award_winner /m/02ply6j +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0515zg +/m/0cc846d /film/film/executive_produced_by /m/079vf +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/0hv81 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0p4v_ +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02z44tp +/m/01vksx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0499lc /people/person/places_lived./people/place_lived/location /m/01531 +/m/0gk4g /people/cause_of_death/people /m/01hkg9 +/m/0jdd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04mp9q +/m/02qsjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kh2m1 +/m/02y7t7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0bczgm /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0557yqh +/m/0y3_8 /music/genre/parent_genre /m/059kh +/m/019389 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/02ct_k +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0564x +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/0sxgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l9v7n +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0cwfgz /film/film/genre /m/0lsxr +/m/0161sp /people/person/profession /m/04f2zj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gkz3nz +/m/09b_0m /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qg7c +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01817f /people/person/profession /m/09jwl +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/07024 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/0f40w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0xn7q +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/01q2sk /education/educational_institution/students_graduates./education/education/student /m/0kc6 +/m/0d61px /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv6b /music/genre/artists /m/03vhvp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0prhz +/m/0jgwf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/0j4b /location/country/form_of_government /m/06cx9 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0l1589 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/01rp13 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05fnl9 +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/08zrbl +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cgwt8 +/m/065r8g /education/educational_institution/colors /m/019sc +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026_dcw +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/050zr4 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/012m_ +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0436f4 /people/person/place_of_birth /m/01531 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l786 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01zz8t +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/02zccd /organization/organization/headquarters./location/mailing_address/citytown /m/0tl6d +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/04fyhv +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/01ft2l +/m/0xnvg /people/ethnicity/people /m/0g824 +/m/0cqt90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286vp +/m/0b7t3p /people/person/religion /m/03_gx +/m/064q5v /film/film/language /m/02h40lc +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/06cp5 /music/genre/artists /m/01q7cb_ +/m/03gyl /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0jkhr /education/educational_institution/school_type /m/01_9fk +/m/0m_h6 /film/film/language /m/0653m +/m/0drs7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drr3 +/m/08c7cz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l7qw /people/person/religion /m/0kpl +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/016ywr /film/actor/film./film/performance/film /m/03bx2lk +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/03h_fk5 /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/0948xk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019389 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01lc5 /people/person/profession /m/02hrh1q +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/049tjg /people/person/place_of_birth /m/0jpy_ +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/03k99c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c5vh +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/05d7rk +/m/02rsz0 /people/person/nationality /m/02jx1 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0yx_w /film/film/executive_produced_by /m/06s26c +/m/02psvcf /people/cause_of_death/people /m/014dq7 +/m/0167km /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/035xwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0chw_ +/m/02_jjm /education/educational_institution/campuses /m/02_jjm +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0ggx5q /music/genre/artists /m/09889g +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/09blyk /media_common/netflix_genre/titles /m/07cw4 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/09c7w0 /location/location/contains /m/0s6jm +/m/01gkmx /film/actor/film./film/performance/film /m/038bh3 +/m/0285c /people/person/profession /m/02hrh1q +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/031zkw +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0m9_5 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/0pmhf /film/actor/film./film/performance/film /m/03mz5b +/m/02pcq92 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026hh0m /film/film/genre /m/060__y +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04b5n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04j0s3 /people/person/place_of_birth /m/03rk0 +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1gz +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01v80y /film/director/film /m/0yx_w +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/032q8q +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0337vz +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/023p7l /film/film/genre /m/04t36 +/m/02mjf2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/04rqd /tv/tv_network/programs./tv/tv_network_duration/program /m/054gwt +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06qd3 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/086g2 /base/aareas/schema/administrative_area/capital /m/0cvw9 +/m/0892sx /people/person/profession /m/09jwl +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/043s3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0fzs6w +/m/0jvt9 /film/film/genre /m/02l7c8 +/m/01w724 /people/person/profession /m/016z4k +/m/0jv5x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/012rng /people/person/profession /m/01d_h8 +/m/0165v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0146hc +/m/09gdh6k /film/film/executive_produced_by /m/0h5f5n +/m/017y6l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/023kzp /people/person/profession /m/0dxtg +/m/03_d0 /music/genre/artists /m/01vvyfh +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/03lgg /people/person/gender /m/05zppz +/m/0l0mk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037q2p /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/09h4b5 /people/person/places_lived./people/place_lived/location /m/0r22d +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/06fmdb /people/person/profession /m/0dz3r +/m/0465_ /people/person/religion /m/0n2g +/m/04dz_y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v4bym +/m/01bvx1 /business/business_operation/industry /m/05wkw +/m/0g0x9c /film/film/produced_by /m/02lf0c +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02tgz4 +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/0k5px /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0432b +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yzvw +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/031778 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0134w7 +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/06yj20 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j8f09z +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01lpwh +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/025sc50 /music/genre/artists /m/01k3qj +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0581vn8 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164v +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rs8y +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmhk +/m/09c7w0 /location/country/second_level_divisions /m/0n5j7 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/016kkx /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0k2sk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01_lhg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/020bv3 /film/film/language /m/02h40lc +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0bkq_8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05cc1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02zcnq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_lf /people/person/nationality /m/05vz3zq +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05mph +/m/01y888 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/063k3h /people/ethnicity/people /m/03h_fk5 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035qy +/m/06vsbt /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/01m4kpp /people/person/nationality /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/01pr_j6 +/m/06s6l /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vfj +/m/06cs95 /tv/tv_program/languages /m/02h40lc +/m/03n785 /film/film/produced_by /m/05nn4k +/m/03676 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/036b_ +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02gkxp /education/educational_institution/colors /m/01g5v +/m/0fc2c /location/location/time_zones /m/02hcv8 +/m/031x2 /base/culturalevent/event/entity_involved /m/07ssc +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv9d3 +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018db8 +/m/0kn3g /people/deceased_person/place_of_death /m/04jpl +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl09 +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/04jwp /people/person/profession /m/05z96 +/m/010hn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs8s1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01hznh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/0dqmt0 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0436f4 /people/person/places_lived./people/place_lived/location /m/01531 +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0r4qq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gw4f /film/actor/film./film/performance/film /m/0140g4 +/m/01kjr0 /film/film/music /m/01x1fq +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/04n2vgk /people/person/languages /m/02h40lc +/m/03n08b /film/actor/film./film/performance/film /m/07pd_j +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/017d93 +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0557yqh +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02__34 +/m/02xry /location/location/contains /m/0rkkv +/m/01v_0b /influence/influence_node/influenced_by /m/02kz_ +/m/0cjf0 /medicine/symptom/symptom_of /m/0h1n9 +/m/0bbgvp /film/film/cinematography /m/06g60w +/m/043mk4y /film/film/country /m/09c7w0 +/m/03wjm2 /film/film/country /m/07ssc +/m/02cff1 /film/actor/film./film/performance/film /m/0ctb4g +/m/0p8jf /people/person/profession /m/0cbd2 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/02897w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/018p4y /film/actor/film./film/performance/film /m/01npcx +/m/02qd04y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/07nxnw +/m/02b16p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hzlz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mz5b /film/film/production_companies /m/0c41qv +/m/07s3vqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/0sbbq +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qhw +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/0130sy /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0296rz +/m/073bb /people/person/place_of_birth /m/01cx_ +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016zp5 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/06s0l +/m/01l_yg /people/person/profession /m/0np9r +/m/0q9jk /tv/tv_program/genre /m/05p553 +/m/035wcs /music/genre/artists /m/0478__m +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0qr8z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09rvcvl /film/film/genre /m/03g3w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/04cx5 /base/biblioness/bibs_location/country /m/016zwt +/m/059f4 /location/location/contains /m/01m94f +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/016r9z /olympics/olympic_games/participating_countries /m/0d0vqn +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gbf +/m/03w6sj /time/event/locations /m/02k54 +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/0pz91 /people/person/gender /m/05zppz +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088q4 +/m/04f62k /people/person/profession /m/0np9r +/m/02hfk5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/065ym0c /film/film/language /m/06nm1 +/m/05zy3sc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f1sm /location/location/contains /m/02j04_ +/m/03m6_z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/01304j /music/group_member/membership./music/group_membership/role /m/0342h +/m/02t8gf /music/genre/artists /m/01q_wyj +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0g_zyp +/m/09nhvw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06gp3f +/m/0498y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v1s +/m/07w3r /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0cw67g /people/person/profession /m/02hrh1q +/m/0jcx /influence/influence_node/influenced_by /m/0j3v +/m/016fyc /film/film/featured_film_locations /m/02_286 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/02c638 +/m/038b_x /people/person/religion /m/03j6c +/m/09lcsj /film/film/featured_film_locations /m/05kj_ +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hyyq +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/057n_g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02c7k4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ls81 /sports/sports_team/colors /m/01l849 +/m/04sylm /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fmqp6 +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03fg0r /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02kmx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0df92l /film/film/country /m/0d05w3 +/m/01vsps /people/person/nationality /m/09c7w0 +/m/05p9_ql /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07ncs0 +/m/0dr7s /base/culturalevent/event/entity_involved /m/05pq3_ +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pyg6 +/m/0xnvg /people/ethnicity/geographic_distribution /m/09c7w0 +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0171cm /film/actor/film./film/performance/film /m/0m313 +/m/07bch9 /people/ethnicity/people /m/0chsq +/m/0bbw2z6 /film/film/featured_film_locations /m/05qtj +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030x48 +/m/0187y5 /people/person/place_of_birth /m/04pry +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0h0wd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bqs56 /influence/influence_node/influenced_by /m/0127xk +/m/0bkmf /people/deceased_person/place_of_burial /m/018mmj +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/043cl9 /people/person/nationality /m/03rk0 +/m/0ddcbd5 /film/film/production_companies /m/03sb38 +/m/04r7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0270k40 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0ftccy +/m/01wgxtl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/0jmdb /sports/sports_team/sport /m/018w8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013d7t +/m/01rt5h /medicine/disease/risk_factors /m/03p41 +/m/0778p /education/educational_institution/school_type /m/04399 +/m/0151w_ /film/actor/film./film/performance/film /m/0p9lw +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/01p1v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01c57n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020fgy +/m/0lgsq /people/person/profession /m/09jwl +/m/01c8v0 /people/person/nationality /m/07ssc +/m/0261m /sports/sports_team_location/teams /m/098knd +/m/0p3_y /film/film/genre /m/02kdv5l +/m/04x4nv /film/film/genre /m/07s9rl0 +/m/0h336 /people/person/gender /m/05zppz +/m/06gb1w /film/film/genre /m/02kdv5l +/m/01tf_6 /people/cause_of_death/people /m/0bt23 +/m/02_1q9 /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/017vkx /people/person/place_of_birth /m/0hx5f +/m/09p35z /film/film/production_companies /m/03jvmp +/m/014488 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05vzw3 +/m/03h2c /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/04xjp /people/person/profession /m/099md +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/0f_zkz /people/person/nationality /m/09c7w0 +/m/039yzf /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/02ryx0 /people/person/gender /m/05zppz +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0343h /people/person/profession /m/02hrh1q +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/025_nbr +/m/03gfvsz /broadcast/content/artist /m/06rgq +/m/07lwsz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0gvsh7l +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ppr +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03gkn5 +/m/05q54f5 /film/film/genre /m/060__y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443y3 +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4gw +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01p9hgt +/m/0c01c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/01vsps /people/person/profession /m/03gjzk +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/048lv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bfxb +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031t2d +/m/02g5h5 /film/actor/film./film/performance/film /m/025ts_z +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/0167v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0b2v79 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/06kbb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwjq +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/01trhmt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/02778tk /people/person/gender /m/05zppz +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/03mb9 /music/genre/artists /m/01d_h +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0311wg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07lp1 /influence/influence_node/influenced_by /m/0lrh +/m/0c9t0y /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/0mymy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1v8 +/m/01vswx5 /people/person/nationality /m/02jx1 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05k7sb /location/location/contains /m/0k3k1 +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0g7yx /base/biblioness/bibs_location/country /m/03rjj +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/083pr /people/person/place_of_birth /m/01snm +/m/07y_7 /music/instrument/instrumentalists /m/01gg59 +/m/07ng9k /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/057d89 +/m/0317zz /business/business_operation/industry /m/01mw1 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03cbtlj /award/award_winner/awards_won./award/award_honor/award_winner /m/0b1f49 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02q6cv4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03nymk +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/04w58 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/079hvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08t7nz +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0tc7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014g_s +/m/06yszk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01nqj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0d4jl /people/person/profession /m/0dxtg +/m/01cl2y /music/record_label/artist /m/0qf3p +/m/0gt_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/01my4f +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w61th +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/017v3q /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_l61 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01wqlc /music/genre/parent_genre /m/0ggq0m +/m/025ljp /tv/tv_program/genre /m/05p553 +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/03s6l2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/0jmwg /music/genre/artists /m/04n65n +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02ph9tm /film/film/genre /m/07s9rl0 +/m/01vvydl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rmd_2 /film/film/genre /m/05p553 +/m/04v7kt /people/person/profession /m/03gjzk +/m/01q_ph /film/actor/film./film/performance/film /m/0ds33 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0c34mt /film/film/story_by /m/0yxl +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/048htn /film/film/featured_film_locations /m/02_286 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/02qw2xb /people/person/nationality /m/09c7w0 +/m/053_7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01_5cg +/m/093dqjy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0ym8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04w4s /location/location/time_zones /m/03plfd +/m/04hcw /influence/influence_node/influenced_by /m/06myp +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ctqqf +/m/014kkm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076lxv +/m/0j_c /film/actor/film./film/performance/film /m/0k0rf +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/08952r /film/film/written_by /m/018grr +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/04b_46 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/081g_l /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/03jg5t /film/actor/film./film/performance/film /m/08k40m +/m/045g4l /people/person/profession /m/018gz8 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/059wk /business/business_operation/industry /m/020mfr +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01938t /people/person/religion /m/0c8wxp +/m/02pby8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/0jdgr /film/film/genre /m/01jfsb +/m/01ps2h8 /film/actor/film./film/performance/film /m/04nm0n0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/04__f +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07c52 /media_common/netflix_genre/titles /m/023ny6 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0320fn +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/02wwwv5 +/m/0f2tj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01vxxb /film/actor/film./film/performance/film /m/0bt4g +/m/09b3v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05ftw3 +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/03y82t6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0425j7 +/m/01rzqj /award/award_winner/awards_won./award/award_honor/award_winner /m/07lwsz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/02mmwk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0k2m6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024qqx /media_common/netflix_genre/titles /m/04v8h1 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/0bksh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/025b3k /influence/influence_node/influenced_by /m/02kz_ +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03n785 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0g57wgv +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/0b4lkx /film/film/genre /m/01jfsb +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c1pj +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/0mdqp /film/director/film /m/01shy7 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0127xk /people/person/nationality /m/09c7w0 +/m/0182r9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02ht1k /film/film/written_by /m/028k57 +/m/09p3_s /film/film/country /m/07ssc +/m/01r97z /film/film/edited_by /m/027pdrh +/m/022xml /education/educational_institution_campus/educational_institution /m/022xml +/m/086m1 /base/culturalevent/event/entity_involved /m/0424m +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/0m6x4 /people/person/places_lived./people/place_lived/location /m/07dfk +/m/02mpyh /film/film/cinematography /m/08mhyd +/m/057xkj_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/06x2ww /music/record_label/artist /m/016sqs +/m/06by7 /music/genre/artists /m/02r4qs +/m/083p7 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01h910 /people/person/place_of_birth /m/0ccvx +/m/01kt17 /people/person/profession /m/0dxtg +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0794g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0hwqz +/m/03pc89 /film/film/genre /m/05p553 +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/09q17 /media_common/netflix_genre/titles /m/0291ck +/m/04xvlr /media_common/netflix_genre/titles /m/0bmfnjs +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5f5n +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vg8 +/m/02s8qk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/051zy_b /film/film/featured_film_locations /m/01c40n +/m/0q9kd /film/actor/film./film/performance/film /m/032016 +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01y0y6 /people/person/profession /m/0cbd2 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05c6073 /music/genre/artists /m/0137g1 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01nz1q6 +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026v_78 +/m/01g1lp /film/director/film /m/0bz3jx +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/04sry /people/person/place_of_birth /m/0ccvx +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04h6mm /people/person/nationality /m/09c7w0 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/035qy /sports/sports_team_location/teams /m/035qgm +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0rnmy /location/location/time_zones /m/02hcv8 +/m/01s3v /sports/sports_team_location/teams /m/0dwz3t +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/07s9rl0 /media_common/netflix_genre/titles /m/049xgc +/m/01vrlqd /people/person/profession /m/02hv44_ +/m/0mx5p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxbq +/m/02qw_v /education/educational_institution_campus/educational_institution /m/02qw_v +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trhmt +/m/01q32bd /people/person/profession /m/0n1h +/m/01gc7h /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/039crh +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/03jxw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01kwld /people/person/place_of_birth /m/0156q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/03rhqg /music/record_label/artist /m/02vgh +/m/027r7k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04dyqk +/m/02zmh5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05g3ss /people/person/languages /m/02h40lc +/m/01m4yn /film/actor/film./film/performance/film /m/07z6xs +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0243cq /film/film/produced_by /m/07rd7 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0xwj /business/business_operation/industry /m/01mw1 +/m/05bnx3j /people/person/profession /m/03gjzk +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01qvtwm /people/person/gender /m/05zppz +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/0gwjw0c /film/film/written_by /m/0693l +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0889x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/059rby /location/location/contains /m/0f94t +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05glrg +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04zl8 +/m/07dvs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01qs54 /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/011zd3 /film/actor/film./film/performance/film /m/04g9gd +/m/0m2l9 /influence/influence_node/influenced_by /m/03h_fk5 +/m/0cp0ph6 /film/film/country /m/09c7w0 +/m/05sq84 /people/person/profession /m/02hrh1q +/m/0ffjqy /people/ethnicity/languages_spoken /m/0t_2 +/m/0mn0v /location/hud_county_place/place /m/0mn0v +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/02r34n /people/person/languages /m/02h40lc +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0lccn +/m/03r8gp /film/film_subject/films /m/0ch26b_ +/m/03188 /location/administrative_division/country /m/03188 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f5spx +/m/02x8m /music/genre/artists /m/01kx_81 +/m/0k4fz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04vt98 /film/director/film /m/06zn1c +/m/07nxnw /film/film/genre /m/03k9fj +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/016jny /music/genre/artists /m/013w8y +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dj0m5 +/m/018ljb /olympics/olympic_games/sports /m/01hp22 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cjsxp +/m/0chghy /location/country/capital /m/0dp90 +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/0fz3b1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dx8gj +/m/09c7w0 /location/country/second_level_divisions /m/0njdm +/m/0x67 /people/ethnicity/people /m/01vvyc_ +/m/01x73 /location/location/contains /m/02j04_ +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/020qr4 +/m/050f0s /film/film/written_by /m/04s04 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/03j367r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024y6w /people/person/nationality /m/09c7w0 +/m/043h78 /film/film/story_by /m/0488g9 +/m/02jkkv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02pw_n +/m/07ssc /media_common/netflix_genre/titles /m/02t_h3 +/m/02rrfzf /film/film/music /m/08c9b0 +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gghm /music/instrument/instrumentalists /m/01vw20_ +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0ctzf1 /tv/tv_program/program_creator /m/0hpt3 +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/03qdm /education/educational_institution/colors /m/01l849 +/m/015c4g /film/actor/film./film/performance/film /m/01q2nx +/m/0211jt /organization/organization/headquarters./location/mailing_address/state_province_region /m/07dfk +/m/017khj /people/person/place_of_birth /m/052bw +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/08z0wx /music/genre/artists /m/01518s +/m/014l6_ /film/film/music /m/02jxmr +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/01xcfy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03v3xp +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01wdqrx +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/01hww_ /music/instrument/instrumentalists /m/01h5f8 +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05v45k /people/person/places_lived./people/place_lived/location /m/0vmt +/m/0dl5d /music/genre/artists /m/01vsy7t +/m/06mx8 /location/location/contains /m/035v3 +/m/06_sc3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/07fzq3 /people/deceased_person/place_of_death /m/071vr +/m/057n_g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/012s1d /film/film/featured_film_locations /m/02_286 +/m/01mt1fy /film/actor/film./film/performance/film /m/02q7yfq +/m/04hpck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6m5fy +/m/01vv6xv /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/0kpzy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/047d21r /film/film/language /m/02h40lc +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0233bn /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/02x_h0 /music/artist/origin /m/0ydpd +/m/017_qw /music/genre/artists /m/03h610 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/07m77x /film/actor/film./film/performance/film /m/03b_fm5 +/m/026mfbr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gyl0 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0b85mm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03y82t6 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/056xx8 +/m/03_d0 /music/genre/artists /m/0140t7 +/m/06g4_ /people/person/profession /m/016fly +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/03cwwl /film/film/genre /m/03q4nz +/m/012f86 /dataworld/gardening_hint/split_to /m/012f86 +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/026_dq6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c7xjb +/m/02z6fs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023g6w /film/film/genre /m/02n4kr +/m/010tkc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m883 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09thp87 +/m/0jf1b /people/person/profession /m/0q04f +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/020ddc +/m/0chsq /people/person/place_of_birth /m/0psxp +/m/011yd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0kftt /film/actor/film./film/performance/film /m/03nfnx +/m/09j028 /people/person/profession /m/0gl2ny2 +/m/0284b56 /film/film/genre /m/07s9rl0 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02pk6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0473rc /film/film/featured_film_locations /m/0nbwf +/m/0dzkq /people/person/nationality /m/0h3y +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gbwp /people/person/profession /m/01xr66 +/m/01738w /film/film/genre /m/06n90 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/0343h /film/director/film /m/0hv8w +/m/07rd7 /film/director/film /m/01hp5 +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award /m/03r8tl +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/05pyrb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/05f4_n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0vzm +/m/041ly3 /film/actor/film./film/performance/film /m/0b7l4x +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02s5v5 +/m/016tb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/0gz6b6g /film/film/genre /m/01jfsb +/m/05kkh /location/location/partially_contains /m/05lx3 +/m/0jdhp /film/actor/film./film/performance/film /m/0dq626 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0311wg /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s21dg +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/01n6r0 /education/educational_institution/colors /m/038hg +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/03jsvl /music/genre/artists /m/0gcs9 +/m/0cq8qq /film/film/produced_by /m/01b9ck +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/01yznp /people/person/profession /m/09jwl +/m/019fh /location/location/time_zones /m/02hcv8 +/m/09c7w0 /location/location/contains /m/0f1nl +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/015y_n /music/genre/artists /m/0p3sf +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09c7w0 /location/country/second_level_divisions /m/0n5_t +/m/023qfd /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/02pptm +/m/0jdk_ /olympics/olympic_games/sports /m/0w0d +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tj34 +/m/07c52 /media_common/netflix_genre/titles /m/02r5qtm +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0mny8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/01cgz /film/film_subject/films /m/01cgz +/m/0flpy /people/person/place_of_birth /m/0f2sq +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0d_kd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cyn3 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ndsl1x +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09h4b5 +/m/02gtm4 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/0jnb0 /people/deceased_person/place_of_death /m/0r00l +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/01bpn +/m/02vjzr /music/genre/artists /m/025ldg +/m/0hqly /people/person/profession /m/09jwl +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/02s9vc /sports/sports_team/sport /m/02vx4 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/0mhfr /music/genre/artists /m/01c8v0 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ctb4g +/m/0d_84 /film/actor/film./film/performance/film /m/0bxsk +/m/04_jsg /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r4xt +/m/0ht8h /base/biblioness/bibs_location/country /m/02jx1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k2h6 +/m/0sw62 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqc_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04tz52 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01lsl +/m/01ln5z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/03lrqw +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/0jvtp /film/actor/film./film/performance/film /m/025scjj +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/05pq9 +/m/0cbkc /film/actor/film./film/performance/film /m/01m13b +/m/0q6g3 /tv/tv_program/genre /m/0hcr +/m/04mqgr /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylsr +/m/01kp8z /music/genre/parent_genre /m/01gjw +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/0crs0b8 /film/film/film_festivals /m/0bmj62v +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/05m_jsg /film/film/language /m/02h40lc +/m/03fgm /education/educational_institution_campus/educational_institution /m/03fgm +/m/04wgh /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k5zk +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01yk13 /film/actor/film./film/performance/film /m/04gcyg +/m/0342h /music/instrument/instrumentalists /m/089pg7 +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0bdxs5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0lk90 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02z6l5f +/m/05r5c /music/instrument/instrumentalists /m/04mky3 +/m/01j67j /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/090gk3 /people/person/nationality /m/03rk0 +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059x0w +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03ryks /people/person/languages /m/064_8sq +/m/0520r2x /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2g +/m/020ngt /music/genre/artists /m/03j_hq +/m/01rtm4 /education/educational_institution/campuses /m/01rtm4 +/m/02773nt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fnjv +/m/040_t /people/person/profession /m/0cbd2 +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/02825nf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06fqlk /film/film/produced_by /m/07r1h +/m/01jmyj /film/film/genre /m/02kdv5l +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02pg45 +/m/03g52k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/05cljf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/011ywj /film/film/country /m/09c7w0 +/m/0k3kg /location/location/time_zones /m/02hcv8 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02x8z_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04qw17 +/m/04j13sx /film/film/costume_design_by /m/026lyl4 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0gv40 +/m/01gh6z /base/aareas/schema/administrative_area/administrative_parent /m/015fr +/m/01718w /film/film/production_companies /m/046b0s +/m/09xx0m /people/person/nationality /m/09c7w0 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02c7tb +/m/0cc8l6d /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/07ypt /location/location/time_zones /m/02lcqs +/m/01pfkw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cpz4k +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlx4 +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/05tr7 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0184dt /film/director/film /m/0btpm6 +/m/01n7rc /sports/sports_team_location/teams /m/0196bp +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09tlh /location/location/contains /m/0ny75 +/m/06c0j /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/04jjy /film/film_subject/films /m/05t0_2v +/m/05zbm4 /film/actor/film./film/performance/film /m/0661ql3 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05vzw3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/0x67 /people/ethnicity/people /m/027f7dj +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/01g888 /music/genre/artists /m/01tv3x2 +/m/015c4g /film/actor/film./film/performance/film /m/08lr6s +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0x25q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d4jl /people/person/profession /m/015cjr +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4f9 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01nyl /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h1bf /tv/tv_program/languages /m/02h40lc +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pqs8l +/m/010bnr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0343h /people/person/nationality /m/09c7w0 +/m/05nrg /location/location/contains /m/0h8d +/m/0r679 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/014jyk /education/educational_institution/students_graduates./education/education/student /m/02465 +/m/07vht /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gjk1d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/032_jg /people/person/nationality /m/09c7w0 +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/09c7w0 /location/location/contains /m/02fy0z +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/03d3ht /tv/tv_program/genre /m/0hcr +/m/05k7sb /location/location/contains /m/0typ5 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ktrs +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/0l38g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06c1y /location/location/contains /m/07l75 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qjg +/m/0cwx_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04vlh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/02fgdx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03x31g /film/actor/film./film/performance/film /m/0fpv_3_ +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/07_s4b +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017jv5 +/m/01r_t_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04zx08r +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/03xp8d5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0q9jk +/m/0pksh /people/person/profession /m/0dxtg +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/02pjc1h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy0n +/m/02cvcd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m4yg /organization/organization/headquarters./location/mailing_address/state_province_region /m/04jpl +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l5f2 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/0132_h +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151w_ +/m/02xry /location/location/contains /m/03l78j +/m/0237fw /film/actor/film./film/performance/film /m/04z4j2 +/m/02vyyl8 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/01l3k6 /base/aareas/schema/administrative_area/administrative_parent /m/014ck4 +/m/03wh49y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03td5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0w7c /people/profession/specialization_of /m/02hrh1q +/m/07c72 /tv/tv_program/program_creator /m/04s04 +/m/03dbds /film/director/film /m/0gbfn9 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/0g1rw +/m/030pr /film/director/film /m/0gt14 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03_d0 /music/genre/artists /m/01jrz5j +/m/0f4_2k /film/film/music /m/0150t6 +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/026g4l_ +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03d2k +/m/0283ph /tv/tv_program/genre /m/0jxy +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/0bl8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02fttd /film/film/film_production_design_by /m/04z_x4v +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02lvtb /people/person/nationality /m/09c7w0 +/m/01b1mj /education/educational_institution/school_type /m/01rs41 +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/08qxx9 /people/person/gender /m/05zppz +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/042kg +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02c6pq /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05kfs +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/02bxjp +/m/01qncf /film/film/genre /m/0219x_ +/m/05tjm3 /people/person/gender /m/05zppz +/m/0151w_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bq2g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01whvs +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rkkn1 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/07h5d +/m/01k5t_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/027tbrc /tv/tv_program/genre /m/07s9rl0 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/019pkm /people/person/profession /m/0dxtg +/m/02qfv5d /media_common/netflix_genre/titles /m/0qmhk +/m/0170s4 /film/actor/film./film/performance/film /m/0gmblvq +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blt6 +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/0lbj1 /music/group_member/membership./music/group_membership/role /m/02fsn +/m/0p_47 /influence/influence_node/influenced_by /m/0l5yl +/m/018j2 /music/instrument/instrumentalists /m/0m2l9 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01wrcxr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/01lk02 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz9_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzc16 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/06hhrs /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/01l2m3 /medicine/symptom/symptom_of /m/0dcp_ +/m/01xn5th /sports/sports_team/colors /m/06fvc +/m/063y9fp /film/film/genre /m/06n90 +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/021yw7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/019nnl +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01qx13 +/m/0gyfp9c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0785v8 +/m/07w3r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/09txzv /film/film/country /m/0chghy +/m/02l5rm /film/director/film /m/0jqj5 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/059lwy +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/064t9 /music/genre/artists /m/017b2p +/m/06c1y /location/location/time_zones /m/03plfd +/m/02g3mn /people/person/nationality /m/09c7w0 +/m/03rs8y /people/person/gender /m/05zppz +/m/016ks_ /people/person/gender /m/05zppz +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/04bcb1 +/m/01zfzb /film/film/produced_by /m/01h1b +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0j46b +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/07h76 +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02z13jg /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/02yy_j /influence/influence_node/influenced_by /m/0k_mt +/m/09lbv /dataworld/gardening_hint/split_to /m/02hnl +/m/0cj_v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06b_0 /people/person/nationality /m/05qhw +/m/02zc7f /education/educational_institution_campus/educational_institution /m/02zc7f +/m/06bzwt /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0mb2b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09889g /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01hrqc /people/person/nationality /m/09c7w0 +/m/027z0pl /award/award_winner/awards_won./award/award_honor/award_winner /m/03h304l +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd4f +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/023p29 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0gy0l_ /film/film/genre /m/03q4nz +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/01l03w2 +/m/056zdj /sports/sports_team/sport /m/02vx4 +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03__y +/m/02yxwd /people/person/places_lived./people/place_lived/location /m/0nccd +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/06by7 /music/genre/artists /m/01304j +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/02rb607 /film/film/genre /m/03q4nz +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/06btq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05k7sb +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/0m32h /medicine/disease/risk_factors /m/05zppz +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/03bmmc /education/educational_institution/campuses /m/03bmmc +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/023322 /music/group_member/membership./music/group_membership/role /m/0dwt5 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j6_5 +/m/02sjgpq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0bjv6 /sports/sports_team_location/teams /m/0329t7 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0498y /location/location/partially_contains /m/04yf_ +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027t8fw +/m/03qnvdl /film/film/genre /m/02kdv5l +/m/016cjb /music/genre/artists /m/07s3vqk +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/0hqzm6r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/07yk1xz /film/film/executive_produced_by /m/055c8 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/063g7l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04f6hhm +/m/01vw8mh /people/person/employment_history./business/employment_tenure/company /m/02p3cr5 +/m/03m49ly /people/person/profession /m/02tx6q +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/02tz9z /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/04wtx1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0284b56 +/m/025mb_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/0wh3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nj0m +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/040rjq +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/032nwy /people/person/gender /m/05zppz +/m/01xcqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05bt6j /music/genre/artists /m/0lk90 +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxdy +/m/03_d0 /music/genre/artists /m/0bs1g5r +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03676 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/018dyl /people/person/profession /m/09jwl +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/0150jk /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jgx +/m/01k0vq /film/film/language /m/02h40lc +/m/019lxm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03mqtr /media_common/netflix_genre/titles /m/02jxrw +/m/03n785 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0hg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/081lh +/m/06mr6 /film/actor/film./film/performance/film /m/025twgt +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/07rn0z /people/person/nationality /m/03rk0 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/0byq0v /sports/sports_team/colors /m/019sc +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/06w87 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/01k5t_3 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05zy3sc /film/film/music /m/03h610 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/05w3y /music/record_label/artist /m/048xh +/m/0124k9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01f85k /film/film/prequel /m/0198b6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04112r +/m/02c7k4 /film/film/genre /m/01zhp +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051z6mv +/m/013hxv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01f5q5 /film/actor/film./film/performance/film /m/01fmys +/m/01ksr1 /people/person/languages /m/02h40lc +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01pnn3 /film/actor/film./film/performance/film /m/013q0p +/m/027s39y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0147dk /people/person/gender /m/05zppz +/m/03f0324 /influence/influence_node/influenced_by /m/0379s +/m/0c_tl /olympics/olympic_games/sports /m/03hr1p +/m/01p3ty /film/film/genre /m/01chg +/m/0kv36 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0391jz /people/person/profession /m/07s467s +/m/02ts3h /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01br2w /film/film/country /m/09c7w0 +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02056s +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/052_mn /film/film/genre /m/02kdv5l +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/027s39y /film/film/story_by /m/05jcn8 +/m/04l58n /sports/sports_team/sport /m/03tmr +/m/082mw /people/deceased_person/place_of_death /m/0cp6w +/m/01jfsb /media_common/netflix_genre/titles /m/05pt0l +/m/02x8fs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wwvc5 +/m/019pkm /people/person/profession /m/012t_z +/m/02rg5rm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/016dgz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01k2yr +/m/0xhtw /music/genre/artists /m/01wbz9 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/01chpn /film/film/language /m/04h9h +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/04zxrt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/01hwgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/060j8b /people/person/places_lived./people/place_lived/location /m/0qkcb +/m/0g2mbn /film/actor/film./film/performance/film /m/03s5lz +/m/0d0x8 /location/location/contains /m/0nzw2 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/027ffq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01kgxf /film/actor/film./film/performance/film /m/0ct2tf5 +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h14ln +/m/02rcwq0 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01xk7r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hmnh /media_common/netflix_genre/titles /m/02gs6r +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023cjg +/m/0djc3s /music/artist/origin /m/0cvw9 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/024hbv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03gm48 +/m/013n60 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09c7w0 /location/location/contains /m/017y26 +/m/011yxg /film/film/country /m/07ssc +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0d3k14 +/m/0trv /organization/organization/headquarters./location/mailing_address/citytown /m/0qplq +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02__34 /film/film/music /m/02cyfz +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0dhf5 /base/aareas/schema/administrative_area/administrative_parent /m/09pmkv +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/03k9fj /media_common/netflix_genre/titles /m/0dnqr +/m/0kvb6p /film/film/genre /m/04xvlr +/m/02g3w /people/person/profession /m/0cbd2 +/m/016z2j /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/023s8 +/m/02d44q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04btgp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/083pr /people/person/profession /m/0dl08 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mr6 +/m/0b1y_2 /film/film/produced_by /m/0d6484 +/m/02rjz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/0164b /location/country/official_language /m/02h40lc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027jk +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mstc +/m/0bxbr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/091yn0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/06c53w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m313 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04z_x4v +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zbg0 +/m/01tsbmv /film/actor/film./film/performance/film /m/01v1ln +/m/04crrxr /people/person/nationality /m/09c7w0 +/m/02yxwd /film/actor/film./film/performance/film /m/06w99h3 +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0l2yf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2lk +/m/0bbgvp /film/film/country /m/09c7w0 +/m/0ngy8 /location/location/time_zones /m/02hcv8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05842k /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q59y +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fb5 +/m/0xhmb /location/hud_county_place/place /m/0xhmb +/m/02725hs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/03f3yfj +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/04cr6qv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02grjf /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tv80 /award/award_winner/awards_won./award/award_honor/award_winner /m/015np0 +/m/05txrz /film/actor/film./film/performance/film /m/09146g +/m/05jm7 /influence/influence_node/influenced_by /m/07d3x +/m/020ddc /education/educational_institution/colors /m/01g5v +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h0wd9 +/m/025mb_ /people/person/place_of_birth /m/0s5cg +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02ts3h +/m/0hfjk /media_common/netflix_genre/titles /m/08c4yn +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/06pcz0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/01pcrw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/0ddf2bm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/01ws9n6 /award/award_winner/awards_won./award/award_honor/award_winner /m/026yqrr +/m/0pj9t /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03zqc1 +/m/02qyv3h /film/film/film_festivals /m/0hrcs29 +/m/02k21g /film/actor/film./film/performance/film /m/0ds35l9 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0dnqr /film/film/country /m/09c7w0 +/m/05nzw6 /film/actor/film./film/performance/film /m/0gmgwnv +/m/06crng /people/person/profession /m/0np9r +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/0l2hf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d6lp +/m/03rt9 /location/location/contains /m/0m_xy +/m/09bw4_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/0584r4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f87jy +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06fc0b +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0721cy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/01v42g /people/person/nationality /m/02jx1 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/012b30 /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/03f5spx /people/person/profession /m/0nbcg +/m/0mzkr /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ks5 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04glx0 /tv/tv_program/genre /m/09n3wz +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/01n_g9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/025ldg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/07ssc /location/location/contains /m/016wrq +/m/05yh_t /award/award_winner/awards_won./award/award_honor/award_winner /m/05vsxz +/m/09gdm7q /film/film/music /m/01m5m5b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03v9yw +/m/02k_kn /music/genre/artists /m/015cqh +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/0gqrb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01bpn /influence/influence_node/peers./influence/peer_relationship/peers /m/09gnn +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0170qf /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0341n5 +/m/0n2vl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/07jbh +/m/04jb97 /film/actor/film./film/performance/film /m/031ldd +/m/07kcvl /film/film_subject/films /m/05f67hw +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m8lq +/m/033tf_ /people/ethnicity/people /m/0h1mt +/m/08nhfc1 /film/film/film_format /m/0cj16 +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/0gy6z9 /music/artist/origin /m/01cx_ +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jdx +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/03tps5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/09p3_s /film/film/language /m/02h40lc +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/01g0jn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04xrx +/m/0660b9b /film/film/genre /m/05p553 +/m/086nl7 /people/person/religion /m/04pk9 +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01pq4w /education/university/fraternities_and_sororities /m/0325pb +/m/0pqzh /people/person/profession /m/02hrh1q +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02z7f3 /music/genre/parent_genre /m/03lty +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02j9z /base/locations/continents/countries_within /m/01ppq +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/04j14qc /film/film/featured_film_locations /m/071vr +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rhfsc +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09v6tz +/m/027m67 /film/film/genre /m/07s9rl0 +/m/0gfsq9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r6c_ +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06ybb1 /film/film/film_production_design_by /m/03gyh_z +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0m40d /music/genre/artists /m/01wd9lv +/m/0ck91 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0133x7 /music/artist/origin /m/036k0s +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0m2l9 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/014y6 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02p8v8 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0292qb /film/film/music /m/02jxkw +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/061xq +/m/03wpmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02bh_v /sports/sports_team/sport /m/02vx4 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/06r1k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06vqdf +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/02gyl0 +/m/0f2df /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c2ry +/m/017yfz /influence/influence_node/influenced_by /m/03f3_p3 +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01kwlwp /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/07wlt /education/educational_institution/school_type /m/05jxkf +/m/045346 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03ntbmw /film/film/story_by /m/013pp3 +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n2vgk +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/02ldkf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012cj0 +/m/03w9sgh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0tj4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qpjt +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0ylsr /education/educational_institution_campus/educational_institution /m/0ylsr +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k3p +/m/0241wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01p3ty +/m/077jpc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/09c7w0 /location/location/contains /m/0dzst +/m/0bbgly /film/film/produced_by /m/016z1c +/m/01mqz0 /people/person/spouse_s./people/marriage/spouse /m/01tcf7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/01d5g /film/film_subject/films /m/01hp5 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qzjj +/m/0bpm4yw /film/film/genre /m/0lsxr +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0lkr7 +/m/0b7l4x /film/film/language /m/02h40lc +/m/05jx17 /sports/sports_team/sport /m/02vx4 +/m/05dmmc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/026sdt1 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04h41v +/m/0mn78 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mny8 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/08jfkw /film/actor/film./film/performance/film /m/03kx49 +/m/0y3_8 /music/genre/artists /m/014pg1 +/m/048scx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/03_8kz +/m/02_286 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/04j13sx /film/film/genre /m/0vgkd +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/041c4 /film/actor/film./film/performance/film /m/01l_pn +/m/04s5_s /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0ntpv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/044mjy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03zmc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0p_2r /people/person/profession /m/0dxtg +/m/04xvlr /media_common/netflix_genre/titles /m/02q87z6 +/m/0cwtm /people/person/nationality /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/0j6cj +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/04btgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07k2mq +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/01p3ty +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0184dt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/015qq1 +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0ytph /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03zbws /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04smdd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/01jfsb /media_common/netflix_genre/titles /m/064n1pz +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3b +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/02tj96 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0126t5 /music/genre/artists /m/0889x +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f8ld +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/01ynvx /organization/organization/headquarters./location/mailing_address/citytown /m/0h3lt +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/02qx69 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0167v4 +/m/03p7gb /education/educational_institution/school_type /m/05pcjw +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/0_rwf /location/location/time_zones /m/02hczc +/m/01wp_jm /people/person/nationality /m/09c7w0 +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02t_w8 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01ym9b /music/genre/parent_genre /m/01kcty +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/01213c /location/administrative_division/first_level_division_of /m/06q1r +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0jfx1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/027jq2 +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gg59 /people/person/place_of_birth /m/0c8tk +/m/0193f /music/genre/artists /m/01v_pj6 +/m/055c8 /film/actor/film./film/performance/film /m/02y_lrp +/m/04hcw /influence/influence_node/peers./influence/peer_relationship/peers /m/09gnn +/m/09c7w0 /location/country/second_level_divisions /m/0mwvq +/m/06s26c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/06crng /influence/influence_node/influenced_by /m/0126rp +/m/02vjzr /music/genre/artists /m/0197tq +/m/01z1r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02rmxx /people/person/religion /m/0c8wxp +/m/03msf /location/location/contains /m/01m3b7 +/m/05jjl /people/person/profession /m/0dxtg +/m/06929s /film/film/genre /m/017fp +/m/016wzw /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ln0f +/m/0cmdwwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0cc56 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k5zk +/m/03h64 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0294mx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/038g2x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sns6 /film/film/produced_by /m/06dkzt +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/01twdk /people/person/place_of_birth /m/01nl79 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0m8_v +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/0h0wc +/m/07_grx /people/person/nationality /m/09c7w0 +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0yk +/m/010016 /location/hud_county_place/place /m/010016 +/m/0257w4 /award/award_category/category_of /m/0c4ys +/m/011yl_ /film/film/genre /m/03q4nz +/m/0xpp5 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5df +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/027rn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hhd3 /people/person/nationality /m/09c7w0 +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/015grj /people/person/gender /m/05zppz +/m/0g2lq /people/person/sibling_s./people/sibling_relationship/sibling /m/04xhwn +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/0633p0 /film/actor/film./film/performance/film /m/04j14qc +/m/057d89 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/087v17 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pmhf +/m/01y9r2 /film/film/genre /m/01j1n2 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/03vrnh /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/07kg3 /location/location/contains /m/079yb +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02xfj0 /people/person/profession /m/018gz8 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cl2w +/m/0fz3b1 /film/film/genre /m/0gsy3b +/m/09s5q8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/064t9 /music/genre/artists /m/01l87db +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0j1z8 +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/033071 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/06gbnc /people/ethnicity/people /m/0z4s +/m/0mnk7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0g824 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02l840 +/m/02f6s3 /film/actor/film./film/performance/film /m/0jvt9 +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01xzb6 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/01fscv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01dyvs /film/film/genre /m/06n90 +/m/01zhs3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02mv_h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/0q59y +/m/0gdhhy /people/person/gender /m/05zppz +/m/0lbbj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0m9c1 /film/director/film /m/0gnkb +/m/046m59 /people/person/gender /m/02zsn +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01xhh5 /people/ethnicity/geographic_distribution /m/06f32 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0d1y7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v_r7d /film/film/genre /m/04xvh5 +/m/0gd_s /influence/influence_node/influenced_by /m/080r3 +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/041c4 /people/person/religion /m/092bf5 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qdyf +/m/02b1ng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0d7wh /people/ethnicity/people /m/0n00 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/0m_v0 /music/artist/contribution./music/recording_contribution/performance_role /m/02sgy +/m/05tbn /location/location/contains /m/01jssp +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sbf2 +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/05dtsb /film/actor/film./film/performance/film /m/09lcsj +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/027r0_f /people/person/gender /m/05zppz +/m/01l1b90 /people/person/profession /m/03gjzk +/m/09b3v /media_common/netflix_genre/titles /m/01ry_x +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/07q1m +/m/01v40wd /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07cjqy +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03_87 /people/deceased_person/place_of_death /m/08966 +/m/0f14q /film/actor/film./film/performance/film /m/014lc_ +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/033s6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01200d /people/person/nationality /m/09c7w0 +/m/01qbg5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04kxsb /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0156q /location/location/contains /m/01c0cc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01dq9q +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cbm64 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0b78hw +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01wbg84 /film/actor/film./film/performance/film /m/01vfqh +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wv9p +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07s95_l /people/person/place_of_birth /m/03l2n +/m/02rtqvb /film/film/genre /m/06cvj +/m/044k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04k05 +/m/0144wg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/036hf4 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/011_3s /people/person/profession /m/01d_h8 +/m/0948xk /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/03x7hd /film/film/genre /m/01j1n2 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024yxd +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/01y8cr +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03j24kf /people/person/nationality /m/02jx1 +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/0hsqf +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/02j9z /location/location/contains /m/01b_d4 +/m/02g3mn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07b_l /base/biblioness/bibs_location/country /m/09c7w0 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/023sng /people/person/place_of_birth /m/0hj6h +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s_2 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dxl5 +/m/0d234 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/04t7ts /film/actor/film./film/performance/film /m/01jft4 +/m/0y_yw /award/award_winning_work/awards_won./award/award_honor/award /m/05q5t0b +/m/05b6rdt /film/film/written_by /m/01vz80y +/m/05qgd9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/01qkqwg /people/person/profession /m/09jwl +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0175rc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/075q_ +/m/057__d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/030qb3t /location/location/contains /m/05cwl_ +/m/06tpmy /film/film/production_companies /m/086k8 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmssv +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0322yj /film/film/genre /m/05p553 +/m/01g6l8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06w99h3 +/m/04fkg4 /people/person/religion /m/03j6c +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/05r5c /music/instrument/instrumentalists /m/032t2z +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07gp9 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/02yy8 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/063ykwt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/023tp8 /film/actor/film./film/performance/film /m/02lxrv +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/06nm1 /media_common/netflix_genre/titles /m/040rmy +/m/015qh /sports/sports_team_location/teams /m/0329qp +/m/0_9wr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/07mz77 /film/actor/film./film/performance/film /m/084qpk +/m/03s9kp /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/015pxr +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/09fqgj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01d2v1 +/m/05tk7y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08cyft /music/genre/artists /m/06p03s +/m/02j9z /base/locations/continents/countries_within /m/06c1y +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/05l5n /location/location/contains /m/0ym17 +/m/0c61p /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/0hzlz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wlh +/m/05v1sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/01c6l /people/person/profession /m/02hrh1q +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/026_s_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qcr0 /people/cause_of_death/people /m/01938t +/m/0f8x_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/01ffx4 /film/film/genre /m/04rlf +/m/017l96 /music/record_label/artist /m/024dgj +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0hpt3 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f83g2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0c1pj +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/07h5d /film/director/film /m/04z257 +/m/013w7j /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vw20h +/m/01vsps /people/person/nationality /m/07ssc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fn34 +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/02l0xc /people/person/religion /m/0c8wxp +/m/01lsl /film/film/featured_film_locations /m/071vr +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/026mj /location/location/time_zones /m/02hcv8 +/m/0fy66 /film/film/genre /m/01jfsb +/m/03v36 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/0d05q4 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z88t +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fj_ +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05q2c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/03h40_7 /people/person/employment_history./business/employment_tenure/company /m/05rrtf +/m/064t9 /music/genre/artists /m/01jrz5j +/m/02t__3 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01k5zk +/m/094g2z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/046zh /film/actor/film./film/performance/film /m/0295sy +/m/01718w /film/film/genre /m/01jfsb +/m/09fb5 /film/actor/film./film/performance/film /m/0dqytn +/m/0b2km_ /film/film/genre /m/01f9r0 +/m/0dq16 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01xbp7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0lgxj /olympics/olympic_games/sports /m/071t0 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/016cjb /music/genre/artists /m/05d8vw +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/01hq1 /film/film/genre /m/02kdv5l +/m/071jrc /people/person/place_of_birth /m/01_d4 +/m/05hwn /base/aareas/schema/administrative_area/administrative_parent /m/05sb1 +/m/0k269 /film/actor/film./film/performance/film /m/0qm8b +/m/03qcfvw /film/film/country /m/01mjq +/m/0fhxv /people/person/profession /m/0n1h +/m/0k4f3 /film/film/genre /m/0gsy3b +/m/059j4x /award/award_winner/awards_won./award/award_honor/award_winner /m/07lwsz +/m/0kq9l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0438pz +/m/01fkv0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0f7hc +/m/0294mx /film/film/genre /m/0hn10 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01wwvt2 +/m/05drq5 /people/person/gender /m/05zppz +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/02lp3c /award/award_winner/awards_won./award/award_honor/award_winner /m/02q9kqf +/m/0h095 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fqyc +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/0fhxv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m2wm +/m/039wsf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/04ld94 /film/film/film_festivals /m/03wf1p2 +/m/0ctw_b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09gq0x5 +/m/0320jz /film/actor/film./film/performance/film /m/07nt8p +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/046f3p +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/048_lz +/m/081nh /organization/organization_founder/organizations_founded /m/04gvyp +/m/034qbx /film/film/produced_by /m/0fvf9q +/m/0l99s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jfsb /media_common/netflix_genre/titles /m/0gm2_0 +/m/044gyq /award/award_winner/awards_won./award/award_honor/award_winner /m/03d2k +/m/091rc5 /film/film/music /m/01r4hry +/m/05r5c /music/instrument/instrumentalists /m/036px +/m/018pj3 /people/person/profession /m/04f2zj +/m/01ts_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/082scv /film/film/country /m/09c7w0 +/m/0bh8yn3 /film/film/genre /m/01hmnh +/m/0bh8yn3 /film/film/music /m/02jxmr +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05kfs /people/person/profession /m/03gjzk +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_k56 +/m/01q8hj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/026spg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0ft7sr +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/07brj /music/instrument/instrumentalists /m/01vsqvs +/m/029cpw /people/person/place_of_birth /m/019fh +/m/017vkx /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsykc +/m/05ty4m /film/actor/film./film/performance/film /m/034qzw +/m/047t_ /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/03h2d4 /film/actor/film./film/performance/film /m/078sj4 +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01hw5kk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/027km64 /people/person/place_of_birth /m/0b2lw +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/07_kq /base/biblioness/bibs_location/country /m/04gzd +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/03_hd +/m/01wdj_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p7fh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x6w8 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d49z +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/011ypx /film/film/music /m/0kvnn +/m/0m6x4 /people/person/gender /m/02zsn +/m/08720 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bzr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/02sqkh /tv/tv_program/genre /m/0lsxr +/m/05szq8z /film/film/country /m/07ssc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0b2qtl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y611 /film/film/production_companies /m/09b3v +/m/02l101 /people/person/gender /m/05zppz +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/03kxj2 /film/film/music /m/01mh8zn +/m/0dls3 /music/genre/parent_genre /m/0jmwg +/m/0295sy /film/film/music /m/0146pg +/m/09c7w0 /location/country/second_level_divisions /m/0mx5p +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/0bxy67 +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/0ds1glg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02nwxc /people/person/gender /m/02zsn +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/0l14md /music/instrument/instrumentalists /m/01w58n3 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03kxj2 +/m/012vct /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/028_yv /film/film/featured_film_locations /m/0cr3d +/m/09tcg4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0b22w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/031f_m +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0k9j_ +/m/05x8n /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0j5b8 /organization/organization_founder/organizations_founded /m/04gdr +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/0blg2 /olympics/olympic_games/sports /m/02y8z +/m/024d8w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02x8kk /people/person/place_of_birth /m/0cr3d +/m/0dwtp /music/instrument/instrumentalists /m/04f7c55 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/03prz_ /film/film/language /m/064_8sq +/m/02ghq /influence/influence_node/influenced_by /m/01v9724 +/m/0c4b8 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/06j6l /music/genre/artists /m/01tw31 +/m/03fts /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/01wp8w7 /people/person/profession /m/0dz3r +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/03l78j /education/educational_institution/colors /m/06fvc +/m/0gys2jp /film/film/production_companies /m/054lpb6 +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/03f5mt /music/instrument/instrumentalists /m/0ftps +/m/09c7w0 /location/location/contains /m/0r00l +/m/03rl84 /people/person/places_lived./people/place_lived/location /m/0hzlz +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05r5c /music/instrument/instrumentalists /m/02wb6yq +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01bb9r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w2yp9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01hmk9 /influence/influence_node/influenced_by /m/01k9lpl +/m/081nh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01hq1 /film/film/music /m/02bh9 +/m/03sxd2 /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0m593 /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/05zlld0 /film/film/executive_produced_by /m/02qzjj +/m/04mzf8 /film/film/genre /m/07s9rl0 +/m/026f__m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bxxzb +/m/01vsyg9 /people/person/places_lived./people/place_lived/location /m/01zst8 +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/08qs09 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0chghy /location/location/contains /m/01bcwk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/052zgp +/m/02zyy4 /people/person/profession /m/0cbd2 +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/03zrhb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bbm7r /tv/tv_program/genre /m/07s9rl0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04sj3 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0k2sk /film/film/genre /m/0gf28 +/m/0425hg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03w9sgh /award/award_winner/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02ccqg /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0k_9j /film/film/production_companies /m/0kx4m +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0bv7t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/011k1h /business/business_operation/industry /m/04rlf +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03f5spx /people/person/profession /m/0fnpj +/m/0261x8t /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03j3pg9 +/m/0d87hc /film/film/production_companies /m/05qd_ +/m/0d1qn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04xrx +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/0cm2xh /film/film_subject/films /m/03bdkd +/m/05ry0p /film/actor/film./film/performance/film /m/03bxp5 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09v6tz +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bq8tmw +/m/05sb1 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/095b70 /people/person/profession /m/01d_h8 +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h7pj +/m/033fqh /film/film/genre /m/05p553 +/m/040p3y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0knjh /award/award_winner/awards_won./award/award_honor/award_winner /m/04f9r2 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02pjc1h /film/film/language /m/02h40lc +/m/0n3ll /location/location/time_zones /m/02hcv8 +/m/0jbp0 /film/actor/film./film/performance/film /m/0jdgr +/m/01vrlqd /people/person/profession /m/0dxtg +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/026g4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7xl8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0431v3 /tv/tv_program/country_of_origin /m/09c7w0 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/0cj2w /people/person/profession /m/018gz8 +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/0lk8j /olympics/olympic_games/sports /m/0crlz +/m/0410cp /film/actor/film./film/performance/film /m/016z9n +/m/048z7l /people/ethnicity/people /m/03rx9 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/06t74h +/m/0dbxy /people/ethnicity/people /m/0693l +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019n7x +/m/0m24v /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0ctw_b /location/location/contains /m/01z9z1 +/m/019n7x /people/person/places_lived./people/place_lived/location /m/06_kh +/m/0ljbg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gpprt /film/actor/film./film/performance/film /m/09hy79 +/m/0f5zj6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01zh29 +/m/0pgjm /award/award_winner/awards_won./award/award_honor/award_winner /m/03qd_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0dg3jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/03xds /people/person/gender /m/05zppz +/m/04rrd /location/location/contains /m/0dn8b +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02g40r +/m/0kvgxk /award/award_winning_work/awards_won./award/award_honor/award /m/0468g4r +/m/0b2ds /base/biblioness/bibs_location/state /m/01n7q +/m/01c4pv /location/country/form_of_government /m/06cx9 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016fyc +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dpqk +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/026ssfj /education/educational_institution/campuses /m/026ssfj +/m/04t7ts /people/person/profession /m/02hrh1q +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07gkgp /people/person/gender /m/05zppz +/m/03c6v3 /people/person/profession /m/02hrh1q +/m/04yj5z /film/actor/film./film/performance/film /m/02pxmgz +/m/05_k56 /people/person/profession /m/01d_h8 +/m/05mph /base/biblioness/bibs_location/country /m/09c7w0 +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026r8q +/m/06b7s9 /education/educational_institution/school_type /m/05jxkf +/m/018qpb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01934k +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/010z5n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/0m491 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01rr9f /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01bcp7 /medicine/disease/risk_factors /m/02ctzb +/m/03dj6y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/0cg9f /people/person/nationality /m/07ssc +/m/0b_5d /film/film/language /m/02h40lc +/m/05bnq8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/05bt6j /music/genre/artists /m/01_ztw +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rkkn1 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/01_qc_ /people/cause_of_death/people /m/01vs4f3 +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0jw67 +/m/018ctl /olympics/olympic_games/participating_countries /m/047lj +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/016zwt +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0jw67 /people/person/profession /m/01d_h8 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01n8qg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qkp +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01817f +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05r5c /music/instrument/instrumentalists /m/0dhqyw +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/01my95 /people/person/nationality /m/0hzlz +/m/0kt64b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jztz /education/educational_institution/campuses /m/02jztz +/m/0b44shh /film/film/language /m/064_8sq +/m/01jfsb /media_common/netflix_genre/titles /m/038bh3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_9hm +/m/02__94 /people/person/profession /m/02hrh1q +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/03bx0bm /dataworld/gardening_hint/split_to /m/03bx0bm +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/023gxx /film/film/music /m/01hw6wq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03v9yw +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/09b69 /location/location/contains /m/06c1y +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0196bp +/m/02v570 /film/film/country /m/0d060g +/m/0pk1p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06fcqw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03y3bp7 /tv/tv_program/languages /m/02h40lc +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02rsl1 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05h95s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bdlg +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/01c6l /people/person/place_of_birth /m/0hptm +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/071jv5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049bp4 +/m/0219q /people/person/gender /m/05zppz +/m/02fgpf /people/person/profession /m/0nbcg +/m/0bpm4yw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/06tgw /location/country/form_of_government /m/06cx9 +/m/03knl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q7cb_ +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mmwk +/m/06rkfs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01fh9 /film/actor/film./film/performance/film /m/020bv3 +/m/01f_mw /business/business_operation/industry /m/02vxn +/m/011wtv /film/film/film_format /m/07fb8_ +/m/0dtzkt /film/film/genre /m/0jtdp +/m/01sbf2 /people/person/place_of_birth /m/0cc56 +/m/01b_lz /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/01qr1_ /people/person/profession /m/02hrh1q +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hyxv +/m/09b0xs /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/026f__m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/01chc7 /people/person/religion /m/0kpl +/m/01pt5w /location/location/time_zones /m/0d2t4g +/m/02dlfh /people/person/places_lived./people/place_lived/location /m/0qpqn +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01n7q /location/location/contains /m/04p_hy +/m/0gtxj2q /film/film/production_companies /m/04f525m +/m/0r2l7 /base/biblioness/bibs_location/state /m/05fjf +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0df92l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02nfjp +/m/01gvxv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013h9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mpbx +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/014zwb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02fwfb /film/film/language /m/02h40lc +/m/02bft /medicine/disease/risk_factors /m/05mdx +/m/064t9 /music/genre/artists /m/0259r0 +/m/021dvj /music/genre/artists /m/082db +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0372kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/01pgp6 /film/film/genre /m/0bbc17 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0167v4 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/024lt6 /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/01y8d4 /people/person/nationality /m/09c7w0 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0ds35l9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01lpx8 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0dn3n /film/actor/film./film/performance/film /m/01pvxl +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k2wn +/m/02k6hp /people/cause_of_death/people /m/0kb3n +/m/02qwgk /education/educational_institution/school_type /m/05jxkf +/m/01jssp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gfzgl /tv/tv_program/program_creator /m/05g8ky +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/01w40h /music/record_label/artist /m/01vrnsk +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0dclg +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/07j8kh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/01dzg0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04tgp +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01nxzv +/m/01zmpg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dcz8_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05vzql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dj3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_n63 +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0drnwh /film/film/edited_by /m/0bn3jg +/m/01h1bf /tv/tv_program/genre /m/05jhg +/m/033fqh /film/film/genre /m/06qm3 +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/02m7r +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/034_t5 +/m/06t8v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/0cwx_ /education/educational_institution/colors /m/036k5h +/m/0d060g /location/location/contains /m/018n1k +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026r8q /people/person/gender /m/05zppz +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0457w0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03_r3 +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/015m08 /location/location/contains /m/01n1pp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01gxqf +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/02d413 /film/film/music /m/01tc9r +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/0f8l9c +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/02fx3c /people/person/nationality /m/02jx1 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0mp08 /location/location/time_zones /m/02hcv8 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/03mp9s +/m/0342h /music/instrument/instrumentalists /m/01ydzx +/m/0h8d /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g4n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvbw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0f4_2k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07nf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017v_ +/m/0j3b /location/location/contains /m/0n3g +/m/05g7q /organization/organization_founder/organizations_founded /m/0_00 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/02hhtj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/0f1sm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0f3m1 /film/film/written_by /m/02fcs2 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064n1pz /film/film/genre /m/0vjs6 +/m/0gg7gsl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0407f /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01wk3c /film/actor/film./film/performance/film /m/05c9zr +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/0164v /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0cq7kw /film/film/featured_film_locations /m/04jpl +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0ct5zc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1nt +/m/0xnvg /people/ethnicity/people /m/06cgy +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/018lbg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0c1fs /influence/influence_node/influenced_by /m/0c5tl +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/02v2lh /music/genre/artists /m/01l4g5 +/m/03b0q4 /film/actor/film./film/performance/film /m/01jwxx +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01jfsb /media_common/netflix_genre/titles /m/0cf8qb +/m/03fw60 /people/person/gender /m/05zppz +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011ypx +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026_dcw +/m/01kws3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043q6n_ +/m/03phgz /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/08jbxf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ctwqs +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/07f_7h /film/film/film_format /m/07fb8_ +/m/01_ztw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vtqml +/m/01z4y /media_common/netflix_genre/titles /m/02y_lrp +/m/0kbq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/04x1_w /base/eating/practicer_of_diet/diet /m/07_hy +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/019q50 /education/educational_institution_campus/educational_institution /m/019q50 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/0267wwv /film/film/production_companies /m/016tw3 +/m/01h2_6 /influence/influence_node/influenced_by /m/03f0324 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0kbws /olympics/olympic_games/participating_countries /m/05sb1 +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tc9r +/m/03f5spx /people/person/profession /m/02hrh1q +/m/0c0nhgv /film/film/written_by /m/01d8yn +/m/099ty /base/biblioness/bibs_location/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0824r +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/03hpkp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033tf_ /people/ethnicity/people /m/04264n +/m/03yf3z /people/person/gender /m/02zsn +/m/02r3cn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q32 +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj07 +/m/0gywn /music/genre/artists /m/012x03 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0b_6s7 /time/event/locations /m/0f__1 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0bs5k8r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02g8h /people/person/employment_history./business/employment_tenure/company /m/023znp +/m/01fh9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/0jhd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0162b +/m/01f8f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06jjbp /music/genre/artists /m/019x62 +/m/02hwww /education/educational_institution/campuses /m/02hwww +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/016_mj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0q5hw +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0412f5y /people/person/gender /m/05zppz +/m/01p85y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/03xgm3 +/m/03knl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016z2j +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bj25 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/021bmf /dataworld/gardening_hint/split_to /m/03m5k +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016m5c +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ny6g +/m/01719t /film/film/film_format /m/07fb8_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/02wk7b +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gk4g /people/cause_of_death/people /m/04135 +/m/01pw9v /influence/influence_node/influenced_by /m/03jxw +/m/05wp1p /film/film/country /m/07ssc +/m/08s0m7 /people/person/languages /m/07c9s +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/0g_g2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0272vm +/m/016z7s /film/film/genre /m/02p0szs +/m/06qd3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/02h53vq /business/job_title/people_with_this_title./business/employment_tenure/company /m/043ttv +/m/01z28b /location/location/time_zones /m/03bdv +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/08z0wx /music/genre/parent_genre /m/01jwt +/m/0ccvx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02m4d +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/02pqs8l /tv/tv_program/genre /m/07s9rl0 +/m/03h_yy /film/film/language /m/02h40lc +/m/06jz0 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01h5f8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03459x /film/film/featured_film_locations /m/0q_xk +/m/0gy0l_ /film/film/genre /m/01fc50 +/m/0m0jc /music/genre/artists /m/01vt5c_ +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/041_y /influence/influence_node/influenced_by /m/0zm1 +/m/04d2yp /people/person/profession /m/02hrh1q +/m/0bbw2z6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/065zf3p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/03f0fp +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/0jc6p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcmj +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/0125q1 /location/location/contains /m/088cp +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/01vswx5 +/m/0h1m9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03n93 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01900g /film/actor/film./film/performance/film /m/0h95927 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/03hkvzc /music/genre/artists /m/01vvpjj +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycfv +/m/0fpkhkz /film/film/language /m/02h40lc +/m/02jr6k /film/film/genre /m/07s9rl0 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06tpmy +/m/02l0xc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hxhz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m27n /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/0jltp +/m/01fmys /film/film/produced_by /m/0py5b +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpx1k +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/0gd_b_ /people/person/religion /m/0c8wxp +/m/046lt /people/person/profession /m/02hrh1q +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcr +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/049912 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01v80y /people/person/profession /m/0dxtg +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/05myd2 /people/person/profession /m/01d_h8 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/02yxwd +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/02jx1 /location/location/contains /m/0126hc +/m/05b_7n /people/person/gender /m/05zppz +/m/0htww /film/film/language /m/02h40lc +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jqn5 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032j_n +/m/07_f2 /location/location/contains /m/06jk5_ +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/018fmr +/m/011ypx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0pv3x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/019rl6 /organization/organization/place_founded /m/06pwq +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/050xxm /film/film/edited_by /m/02qggqc +/m/02gr81 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/06mkj /location/location/contains /m/0123_x +/m/01ccr8 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03s9kp +/m/034r25 /film/film/country /m/09c7w0 +/m/0g56t9t /film/film/country /m/07ssc +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/07gghl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pv91 +/m/038bh3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02cx90 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/07s9rl0 /media_common/netflix_genre/titles /m/02hfk5 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01phtd +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0ktx_ /film/film/featured_film_locations /m/02_286 +/m/01kph_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0287477 /film/film/genre /m/01jfsb +/m/0g28b1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/014gf8 /film/actor/film./film/performance/film /m/08r4x3 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/01h910 /people/person/profession /m/0dxtg +/m/04f7c55 /people/person/profession /m/016z4k +/m/03kq98 /tv/tv_program/genre /m/07s9rl0 +/m/0333t /film/film/genre /m/082gq +/m/0qmhk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j8p6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05j49 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_h6 +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/0tn9j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mg5r /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/03_f0 /people/person/profession /m/01b30l +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wj9y9 +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01c6zg /location/location/contains /m/0d33k +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0150t6 +/m/026rm_y /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/02cx72 /people/person/profession /m/0dz3r +/m/029v40 /film/film/music /m/01ycfv +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01xdf5 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01d2v1 /film/film/written_by /m/01pjr7 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291ck +/m/06nvzg /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03_2td /people/person/places_lived./people/place_lived/location /m/02y9wq +/m/09c7w0 /location/location/contains /m/0146hc +/m/0ff0x /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/0322yj /film/film/featured_film_locations /m/052p7 +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02_wxh +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0pf2 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/02_nkp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmcv +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01r_t_ /people/person/gender /m/05zppz +/m/01chg /media_common/netflix_genre/titles /m/04jwjq +/m/0gk4g /people/cause_of_death/people /m/0k_mt +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/07bx6 /film/film/genre /m/0556j8 +/m/03hj3b3 /film/film/genre /m/02l7c8 +/m/05r5c /music/instrument/instrumentalists /m/0ftqr +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/029q_y /people/person/profession /m/015cjr +/m/04xvlr /media_common/netflix_genre/titles /m/03cfkrw +/m/02wgln /film/actor/film./film/performance/film /m/02jxrw +/m/06yykb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09wnnb +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0nrqh /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07tlfx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032_jg +/m/0d6yv /location/location/contains /m/07w4j +/m/015f7 /people/person/profession /m/064xm0 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/0dbxy /people/ethnicity/people /m/01d0fp +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bzyh +/m/01jdxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02x02kb /people/deceased_person/place_of_death /m/015y2q +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/01_4z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01vn35l +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01vb403 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/021y7yw /film/film/genre /m/0hn10 +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/016kv6 /film/film/music /m/03h4mp +/m/05bt6j /music/genre/artists /m/0fhxv +/m/03d_zl4 /people/person/profession /m/018gz8 +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/027jk /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/059fjj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0byfz /people/person/profession /m/02hrh1q +/m/0f5xn /film/actor/film./film/performance/film /m/01ffx4 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01dc0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xkps +/m/02d6ph /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0c3p7 /film/actor/film./film/performance/film /m/0cfhfz +/m/03wy8t /film/film/production_companies /m/020h2v +/m/02q7fl9 /film/film/genre /m/07s9rl0 +/m/01200d /people/deceased_person/place_of_death /m/0k049 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/01h18v /film/film/genre /m/05p553 +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/01z0rcq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0151ns /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04xfb /influence/influence_node/influenced_by /m/037jz +/m/021w0_ /education/educational_institution/students_graduates./education/education/student /m/03r1pr +/m/03tf_h /film/director/film /m/01kf3_9 +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07_pf /location/location/time_zones /m/02llzg +/m/0ftxw /sports/sports_team_location/teams /m/0jm9w +/m/0c0wvx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01jv68 +/m/0g69lg /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06__m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0337vz /film/actor/film./film/performance/film /m/05sy_5 +/m/03hpkp /education/educational_institution/campuses /m/03hpkp +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/02rk23 /education/educational_institution/school_type /m/01_9fk +/m/02xry /location/location/contains /m/0rsjf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/028_yv +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/01mjq /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/047gpsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01q_ph /film/actor/film./film/performance/film /m/0ndsl1x +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/0233qs /music/genre/artists /m/01s1zk +/m/0p8jf /people/person/place_of_birth /m/0rh6k +/m/0xbm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02znwv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l8g0 +/m/02qny_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k2sk /film/film/genre /m/0556j8 +/m/0dg3n1 /location/location/contains /m/088q4 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/024bbl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l4zqz /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/016clz /music/genre/artists /m/01p0w_ +/m/08952r /film/film/produced_by /m/05ty4m +/m/0jzphpx /time/event/locations /m/02_286 +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/04j689 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0330r /tv/tv_program/genre /m/0c4xc +/m/02nvg1 /education/educational_institution/colors /m/083jv +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_8n9 +/m/01f7jt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c34mt /film/film/genre /m/04xvh5 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/0b90_r /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/015401 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0cpvcd /influence/influence_node/influenced_by /m/02wh0 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/06823p /film/film/language /m/06nm1 +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/025vry /people/person/gender /m/05zppz +/m/04nw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/029b9k +/m/043d4 /influence/influence_node/influenced_by /m/03bxh +/m/0d1qn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076zy_g +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/03q8ch /people/person/place_of_birth /m/02_286 +/m/01j6t0 /medicine/symptom/symptom_of /m/0lcdk +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h95b81 +/m/0rsjf /base/biblioness/bibs_location/country /m/09c7w0 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03phgz +/m/0ds2sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/03h_yfh /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0bbxd3 /people/person/place_of_birth /m/030qb3t +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/05w1vf /film/actor/film./film/performance/film /m/0yyg4 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/045c7b +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/015qq1 /film/actor/film./film/performance/film /m/07ghq +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0197tq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/0ctb4g /film/film/country /m/07ssc +/m/0d9jr /location/hud_county_place/place /m/0d9jr +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/039g82 /people/person/gender /m/05zppz +/m/045zr /people/person/profession /m/0n1h +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/09c7w0 /location/country/second_level_divisions /m/0mrq3 +/m/0285c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01nr36 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0x8 /location/location/contains /m/0n_2q +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07b_l +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yx1m +/m/01w02sy /film/actor/film./film/performance/film /m/0q9b0 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/08lmt7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gl6x /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02s6tk +/m/0d61px /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/015c2f +/m/044rvb /people/person/profession /m/02hrh1q +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/021mkg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/047p798 /film/film/genre /m/07s9rl0 +/m/01xcfy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02b0y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/03f0fp +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/0b_6_l /time/event/instance_of_recurring_event /m/02jp2w +/m/08rr3p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015njf /people/person/profession /m/0kyk +/m/01vsy95 /people/person/profession /m/0nbcg +/m/03bmmc /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0l9k1 /people/person/profession /m/02hrh1q +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/0c7t58 /award/award_winner/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04_tv +/m/09gnn /people/person/nationality /m/02jx1 +/m/03y82t6 /people/person/profession /m/039v1 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0fkvn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0g5lhl7 +/m/07p62k /film/film/genre /m/0gf28 +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0181hw /music/record_label/artist /m/01wj92r +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_qj1 +/m/0l8gh /music/genre/artists /m/01wy61y +/m/02ndbd /film/director/film /m/014l6_ +/m/016cjb /music/genre/artists /m/03_gx +/m/01gf5 /base/biblioness/bibs_location/country /m/0jhd +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndwt2w +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f7hw +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/016vg8 /film/actor/film./film/performance/film /m/01k1k4 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/0bv8h2 /film/film/story_by /m/01k56k +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065dc4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/083skw /film/film/genre /m/02l7c8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/030xr_ +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/038bht /people/person/profession /m/03gjzk +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0htww +/m/067xw /influence/influence_node/influenced_by /m/0ky1 +/m/0kj34 /people/person/profession /m/0n1h +/m/04nl83 /film/film/genre /m/07s9rl0 +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04xrx +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0dhdp /location/location/contains /m/01zn4y +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01zwy /award/award_winner/awards_won./award/award_honor/award_winner /m/01f7j9 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01b8d6 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/0l5yl +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01t6xz +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/093h7p /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/05fkf /location/location/contains /m/0fvyg +/m/01s7w3 /film/film/produced_by /m/056wb +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/05km8z +/m/02nb2s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zh9c /people/person/profession /m/012t_z +/m/06pj8 /film/director/film /m/03h3x5 +/m/06q1r /location/location/contains /m/0g133 +/m/02zrv7 /people/person/profession /m/09jwl +/m/047jhq /people/person/profession /m/02hrh1q +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06w6_ +/m/06j6l /music/genre/artists /m/01vtj38 +/m/0f2v0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0bpm4yw /film/film/genre /m/02kdv5l +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/081lh /film/director/film /m/02qpt1w +/m/0cttx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ggh +/m/041rx /people/ethnicity/people /m/023p29 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01vvb4m /people/person/profession /m/02hrh1q +/m/0jrv_ /music/genre/parent_genre /m/04_sqm +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/0xv2x /music/genre/artists /m/01w03jv +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/046f25 +/m/016yzz /people/person/profession /m/02jknp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/012gyf +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/07gghl /film/film/country /m/09c7w0 +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/061zc_ +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/03y82t6 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0646qh +/m/043ljr /music/record_label/artist /m/03qmj9 +/m/01qzt1 /music/genre/artists /m/017lb_ +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tktw +/m/05nyqk /film/film/genre /m/02kdv5l +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08cl7s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wphh2 +/m/047n8xt /film/film/genre /m/02l7c8 +/m/06tgw /location/country/capital /m/0gclb +/m/08sfxj /film/film/produced_by /m/0kvqv +/m/06dv3 /people/person/nationality /m/0chghy +/m/02wlk /influence/influence_node/influenced_by /m/08304 +/m/07ssc /location/location/contains /m/01t38b +/m/02zdwq /business/job_title/people_with_this_title./business/employment_tenure/company /m/01g7_r +/m/01nn3m /people/person/profession /m/016z4k +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/056zf9 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/05gml8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016ks_ +/m/03bkbh /people/ethnicity/people /m/0h5g_ +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/04xvlr /media_common/netflix_genre/titles /m/0dr89x +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01j7rd /influence/influence_node/influenced_by /m/02z3zp +/m/01rwpj /film/film/genre /m/0lsxr +/m/019dmc /people/cause_of_death/people /m/07pzc +/m/0bw20 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bzrsh /time/event/locations /m/0fsb8 +/m/01hrqc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01p0w_ +/m/0dr7s /base/culturalevent/event/entity_involved /m/01m41_ +/m/04ly1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0prjs /people/person/spouse_s./people/marriage/spouse /m/0159h6 +/m/0jyx6 /film/film/genre /m/0219x_ +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w6_ +/m/04jwly /film/film/costume_design_by /m/02mxbd +/m/0hdf8 /music/genre/artists /m/023slg +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016_mj +/m/024my5 /film/actor/film./film/performance/film /m/05sw5b +/m/04qw17 /film/film/genre /m/06lbpz +/m/0jdgr /film/film/genre /m/060__y +/m/0j582 /people/person/gender /m/05zppz +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/018n6m +/m/0nj07 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/02ctzb /people/ethnicity/people /m/0kc6 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/02q_4ph /film/film/story_by /m/0drc1 +/m/01jfsb /media_common/netflix_genre/titles /m/03f7xg +/m/02k6hp /medicine/disease/risk_factors /m/0jpmt +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/026g4l_ +/m/01p47r /people/person/profession /m/03gjzk +/m/0dw6b /influence/influence_node/peers./influence/peer_relationship/peers /m/0113sg +/m/015k7 /people/person/religion /m/092bf5 +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02778yp +/m/04n52p6 /film/film/country /m/07ssc +/m/04dqdk /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/032xky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07rzf +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/03f1r6t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01xg_w /film/actor/film./film/performance/film /m/02y_lrp +/m/06w58f /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7h6 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/01_d4 /location/location/contains /m/0b5hj5 +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/02p5hf /people/person/profession /m/016z4k +/m/01hrqc /people/person/profession /m/0dz3r +/m/0l14md /music/instrument/instrumentalists /m/01v0fn1 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02ts3h +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0d4htf +/m/01lj9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05w1vf +/m/08swgx /film/actor/film./film/performance/film /m/07gghl +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/022yb4 +/m/01ry_x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/0x25q /film/film/executive_produced_by /m/0glyyw +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/073bb /people/person/profession /m/05z96 +/m/01_k0d /influence/influence_node/influenced_by /m/06hgj +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/01sfmyk /people/person/profession /m/0dxtg +/m/0blfl /olympics/olympic_games/participating_countries /m/04hqz +/m/0h95zbp /film/film/genre /m/01jfsb +/m/0h3mh3q /tv/tv_program/genre /m/06n90 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02q3n9c +/m/0chghy /location/location/contains /m/01nfl1 +/m/0brgy /medicine/disease/notable_people_with_this_condition /m/0478__m +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/016s0m +/m/06t2t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017d77 /education/educational_institution/campuses /m/017d77 +/m/01z4y /media_common/netflix_genre/titles /m/02lxrv +/m/01r0t_j /influence/influence_node/influenced_by /m/01fsz +/m/0lcdk /award/award_winning_work/awards_won./award/award_honor/award /m/0dt49 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03ts0c /people/ethnicity/people /m/03zyvw +/m/05jm7 /influence/influence_node/influenced_by /m/041h0 +/m/0f24cc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/03s5t /location/location/contains /m/099ty +/m/03lpbx /award/award_winner/awards_won./award/award_honor/award_winner /m/03yxwq +/m/06j6l /music/genre/artists /m/01gf5h +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016pns +/m/01wwvd2 /people/person/place_of_birth /m/01snm +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/03g90h /film/film/produced_by /m/0br1w +/m/01d6jf /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/05r5c /music/instrument/instrumentalists /m/016vqk +/m/06__m6 /film/film/executive_produced_by /m/04w1j9 +/m/01pl14 /education/educational_institution/school_type /m/05jxkf +/m/03d_w3h /people/person/profession /m/02hrh1q +/m/07kr2 /time/event/locations /m/05bcl +/m/02zq43 /film/actor/film./film/performance/film /m/047n8xt +/m/031t2d /film/film/genre /m/05p553 +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ctb4g +/m/0677ng /people/person/profession /m/0n1h +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/016qwt /location/administrative_division/country /m/03rjj +/m/015nvj /film/director/film /m/0bbgvp +/m/01s3kv /film/actor/film./film/performance/film /m/0gj96ln +/m/0f2rq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lfwp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06k176 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0mbql +/m/06mkj /location/location/contains /m/056_y +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02nvg1 +/m/048lv /film/actor/film./film/performance/film /m/016fyc +/m/045931 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/019vsw /education/educational_institution/school_type /m/01jlsn +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/04_j5s +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/06b_0 /film/actor/film./film/performance/film /m/0hv4t +/m/02_l96 /film/actor/film./film/performance/film /m/01pj_5 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01tl50z /people/person/nationality /m/09c7w0 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0tcj6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_bkd /music/genre/parent_genre /m/016clz +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/013km /people/person/profession /m/02ynfr +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/06cv1 +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/0ksy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dsx3f +/m/0cl_m /people/person/nationality /m/09c7w0 +/m/041rx /people/ethnicity/people /m/0892sx +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/0285c /people/person/place_of_birth /m/0z2gq +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/0dj0m5 /film/film/genre /m/07s9rl0 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04j4tx /film/film/edited_by /m/03crcpt +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04v09 +/m/02jx1 /location/location/contains /m/017rbx +/m/01vsl3_ /influence/influence_node/influenced_by /m/0lrh +/m/01zh29 /film/actor/film./film/performance/film /m/0f42nz +/m/044kwr /people/person/nationality /m/0cdbq +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0gvt53w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03zyvw +/m/02w70 /base/biblioness/bibs_location/state /m/059s8 +/m/02rn00y /film/film/production_companies /m/01795t +/m/04s934 /education/educational_institution/colors /m/03wkwg +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/03j63k /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03n3gl /film/film/written_by /m/01_x6d +/m/02srgf /music/genre/parent_genre /m/0kvtr +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0135xb /people/person/nationality /m/02jx1 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01f1kd /olympics/olympic_games/sports /m/03tmr +/m/06mz5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/01f9wm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/04mg6l +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/059rby /location/location/contains /m/0cyn3 +/m/018j2 /music/instrument/instrumentalists /m/0ggjt +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/064nh4k +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/026bk +/m/0gt_k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/05bkf /location/location/time_zones /m/02llzg +/m/09c7w0 /location/location/contains /m/01g7_r +/m/09c7w0 /location/location/contains /m/027ybp +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03d_zl4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02zrv7 +/m/05fnl9 /people/person/gender /m/05zppz +/m/01jrs46 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01dzg0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/020d5 +/m/01hjy5 /education/educational_institution/students_graduates./education/education/student /m/027n4zv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cc5tgk +/m/0dpl44 /film/film/genre /m/05p553 +/m/086sj /people/person/nationality /m/09c7w0 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/05jt_ /music/genre/parent_genre /m/0jrv_ +/m/0320fn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/01sb5r +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/01c1px /people/person/profession /m/015h31 +/m/02d6n_ /people/person/places_lived./people/place_lived/location /m/0q48z +/m/02j71 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d6cy +/m/015v3r /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0gh8zks /film/film/country /m/07ssc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/027yf83 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/01w_sh /education/educational_institution/colors /m/06fvc +/m/044rvb /film/actor/film./film/performance/film /m/06__m6 +/m/02x3y41 /film/film/genre /m/02kdv5l +/m/011s0 /people/profession/specialization_of /m/012t_z +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/0h7pj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0161c +/m/0c9t0y /film/film/genre /m/03npn +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/03hy3g +/m/0c9c0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/0psxp /base/biblioness/bibs_location/country /m/09c7w0 +/m/0k4f3 /film/film/country /m/09c7w0 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/01c6yz /location/administrative_division/country /m/0f8l9c +/m/05148p4 /music/instrument/instrumentalists /m/01wwvc5 +/m/05strv /award/award_winner/awards_won./award/award_honor/award_winner /m/05ldnp +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/09n48 /olympics/olympic_games/participating_countries /m/01p1v +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/0b78hw /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0j603 /base/biblioness/bibs_location/country /m/03rk0 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0jcjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcmj +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/01q7cb_ /people/person/profession /m/0nbcg +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/017_pb /people/person/profession /m/0xzm +/m/0q8s4 /location/hud_county_place/place /m/0q8s4 +/m/05kj_ /location/administrative_division/country /m/09c7w0 +/m/02y0js /people/cause_of_death/people /m/0kft +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/03w7kx /sports/sports_team/sport /m/02vx4 +/m/0454s1 /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lfcm +/m/04fv5b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024qqx /media_common/netflix_genre/titles /m/031hcx +/m/03jl0_ /organization/organization/child./organization/organization_relationship/child /m/07vj4v +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0br1w /people/person/profession /m/0dxtg +/m/0m9v7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/06nrt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ts +/m/01vv126 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/01rzqj /people/person/gender /m/05zppz +/m/01xq8v /film/film/genre /m/01q03 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cvtf +/m/02rhfsc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/03qjg /music/instrument/instrumentalists /m/0m2l9 +/m/01vhb0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/011zd3 +/m/0hg45 /medicine/disease/risk_factors /m/0fltx +/m/015npr /people/person/religion /m/0flw86 +/m/0h63q6t /film/film/written_by /m/01my4f +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/0mdqp /people/person/profession /m/03gjzk +/m/02g5q1 /film/film/genre /m/03k9fj +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dqmt0 +/m/0123qq /tv/tv_program/program_creator /m/0bbxd3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/09c7w0 /location/location/contains /m/0gdm1 +/m/01507p /people/person/profession /m/03gjzk +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/06z4wj /people/person/profession /m/0kyk +/m/0462hhb /film/film/film_format /m/0cj16 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vksx +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/04dsnp /film/film/language /m/02h40lc +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0d9xq /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/02qpbqj /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/03r8gp /film/film_subject/films /m/01mszz +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbhy7 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05ldnp +/m/015qy1 /film/film/language /m/03_9r +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/04nlb94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/019fv4 /location/statistical_region/religions./location/religion_percentage/religion /m/04t_mf +/m/0p9qb /people/deceased_person/place_of_death /m/02_286 +/m/0hnkp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03n_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/0170s4 +/m/09c7w0 /location/location/contains /m/0c_m3 +/m/03vrnh /people/person/places_lived./people/place_lived/location /m/0dlv0 +/m/026spg /people/person/profession /m/016z4k +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/09rwjly +/m/02yv6b /music/genre/artists /m/0394y +/m/0fr0t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/016_mj /film/actor/film./film/performance/film /m/033g4d +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0191n +/m/0h1fktn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/06l3bl /media_common/netflix_genre/titles /m/0cq8qq +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01fc7p /base/culturalevent/event/entity_involved /m/03b79 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/03z509 /people/person/place_of_birth /m/02_286 +/m/07ffjc /music/genre/artists /m/0mgcr +/m/0k2m6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0bj9k /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01d494 /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/01gx5f /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/09krp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/0xsk8 +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bmh4 +/m/064lsn /film/film/country /m/05qhw +/m/0fvxg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/050l8 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04f_d /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/02lnbg /music/genre/artists /m/018n6m +/m/016clz /music/genre/parent_genre /m/03lty +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/04tqtl /film/film/genre /m/04pbhw +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0ck6r /location/administrative_division/country /m/07ssc +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy0l_ +/m/03cv_gy /tv/tv_program/genre /m/07s9rl0 +/m/0mbct /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016732 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/0b85mm /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/0kbn5 /people/person/gender /m/05zppz +/m/02qjpv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/013hvr /location/hud_county_place/place /m/013hvr +/m/01rtm4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016fnb /film/actor/film./film/performance/film /m/049xgc +/m/07sp4l /film/film/produced_by /m/0522wp +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r679 +/m/05wm88 /film/actor/film./film/performance/film /m/08phg9 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/01jkqfz /music/artist/origin /m/0vzm +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/02vntj +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/country/second_level_divisions /m/0dcdp +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvc5 +/m/09c7w0 /location/location/contains /m/017y6l +/m/01lct6 /people/person/profession /m/0747nrk +/m/07f_7h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07ssc /location/location/contains /m/013t2y +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/01m1dzc /people/person/place_of_birth /m/0pzpz +/m/01xcfy /film/actor/film./film/performance/film /m/0gy0n +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425j7 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/072bb1 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/098n5 +/m/0hfjk /media_common/netflix_genre/titles /m/01zfzb +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0chrx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0g0vx /film/film_subject/films /m/01pv91 +/m/03mqtr /media_common/netflix_genre/titles /m/02rlj20 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/0278x6s /film/actor/film./film/performance/film /m/08r4x3 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/01n5309 +/m/0d7k1z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01nx_8 +/m/016jny /music/genre/artists /m/01cblr +/m/05znxx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jkkv /film/film/genre /m/0219x_ +/m/01515w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/01fyzy /film/actor/film./film/performance/film /m/034qmv +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02wwmhc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/01wt4wc /people/person/places_lived./people/place_lived/location /m/02j3w +/m/07nxvj /film/film/language /m/04306rv +/m/0935jw /people/person/place_of_birth /m/04jpl +/m/02g5h5 /people/person/profession /m/0np9r +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/0166b /location/country/form_of_government /m/06cx9 +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/03v3xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01xcfy +/m/06mm1x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0830vk /film/film/country /m/09c7w0 +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/059j2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059qw +/m/01_mdl /film/film/cinematography /m/06qn87 +/m/01t04r /music/record_label/artist /m/016dsy +/m/01s3vk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05znbh7 /film/film/genre /m/02kdv5l +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01jtp7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hxsv /film/film/genre /m/03k9fj +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05k4my +/m/0dscrwf /film/film/country /m/015fr +/m/01cf93 /music/record_label/artist /m/01wg6y +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/050zr4 +/m/06by7 /music/genre/artists /m/01vwyqp +/m/016xk5 /film/actor/film./film/performance/film /m/0_9l_ +/m/015l4k /olympics/olympic_games/sports /m/09_94 +/m/012qjw /medicine/symptom/symptom_of /m/01_qc_ +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/06ch55 /music/instrument/instrumentalists /m/03kts +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0167km /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0ckhc /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05dbf +/m/09xrxq /people/person/profession /m/02hrh1q +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/01npw8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0172jm /organization/organization/headquarters./location/mailing_address/state_province_region /m/050ks +/m/0d060g /location/location/contains /m/0694j +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03l7tr /sports/sports_team/colors /m/06fvc +/m/09q5w2 /film/film/written_by /m/05183k +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01vh3r /people/person/places_lived./people/place_lived/location /m/059rby +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/018vs /music/instrument/instrumentalists /m/01sb5r +/m/02mt51 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01mt1fy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cp4cn /film/film/film_production_design_by /m/0bytkq +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01crd5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/016tt2 /business/business_operation/industry /m/02vxn +/m/09c7w0 /location/location/contains /m/06thjt +/m/05myd2 /people/person/profession /m/02jknp +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fwfb +/m/06r4f /tv/tv_program/genre /m/01htzx +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/03qmx_f /people/person/gender /m/05zppz +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/047sxrj /people/person/nationality /m/09c7w0 +/m/03lty /music/genre/artists /m/01y_rz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/04zkj5 +/m/0r5wt /base/biblioness/bibs_location/country /m/09c7w0 +/m/02wgk1 /film/film/genre /m/06n90 +/m/08xvpn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fb1q +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/0qcr0 /people/cause_of_death/people /m/01b0k1 +/m/02qjpv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/059_gf /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kwtb +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/0gm8_p /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0kn3g +/m/03x8cz /music/record_label/artist /m/089pg7 +/m/0b_yz /base/aareas/schema/administrative_area/administrative_parent /m/0h924 +/m/0ylzs /education/educational_institution/students_graduates./education/education/student /m/07c37 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019lvv +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gvwz +/m/03c7ln /people/person/profession /m/0dz3r +/m/03f4w4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/026q3s3 /film/film/genre /m/0jxy +/m/038rzr /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02d02 /sports/sports_team/colors /m/02rnmb +/m/0hz_1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01cpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0dpl44 /film/film/genre /m/01t_vv +/m/01vw87c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0tc7 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011wtv +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/020bv3 /film/film/country /m/09c7w0 +/m/0htlr /people/person/profession /m/02hrh1q +/m/04zl8 /film/film/production_companies /m/017s11 +/m/02wmbg /people/person/languages /m/02h40lc +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/02v992 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07cfx +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/04s5_s /people/person/profession /m/0gbbt +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02t4yc +/m/032r1 /people/person/places_lived./people/place_lived/location /m/07ssc +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ktjq +/m/02hnl /music/instrument/instrumentalists /m/0144l1 +/m/03_gz8 /film/film/music /m/01gg59 +/m/01x0yrt /people/person/profession /m/0n1h +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/0z4s /people/person/gender /m/05zppz +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02tjl3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03x400 +/m/0m9c1 /people/person/nationality /m/012m_ +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/03kxp7 /people/person/profession /m/02hrh1q +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0cb77r /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2g +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/0xnt5 /location/location/contains /m/05ftw3 +/m/029qzx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03lvwp +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/04991x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwpj +/m/05683p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01jdxj +/m/01vsgrn /people/person/profession /m/01d_h8 +/m/028k57 /film/actor/film./film/performance/film /m/02ht1k +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/0lpjn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0lpjn /film/actor/film./film/performance/film /m/09tkzy +/m/01vrx3g /film/actor/film./film/performance/film /m/0qm9n +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0j47s +/m/09p7fh /film/film/written_by /m/0mb5x +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/02htv6 /education/educational_institution/students_graduates./education/education/student /m/012201 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/011k11 /music/record_label/artist /m/016dsy +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/02_h0 /film/film_subject/films /m/03bxp5 +/m/07q1m /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01dtcb /music/record_label/artist /m/01vrz41 +/m/0fqww /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxc +/m/06nns1 /film/actor/film./film/performance/film /m/011yn5 +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/034bgm +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02j04_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0713r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_mdl /film/film/story_by /m/01y8d4 +/m/08qmfm /people/person/place_of_birth /m/0sqgt +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h6mm +/m/0gnkb /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03b6j8 +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrz5j +/m/043t8t /film/film/language /m/04306rv +/m/0rn8q /location/location/contains /m/0lyjf +/m/047hpm /people/person/gender /m/02zsn +/m/01s21dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gbbz +/m/0fvwg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0163r3 /people/person/nationality /m/09c7w0 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03czqs +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07wlf +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02xwgr /film/actor/film./film/performance/film /m/03pc89 +/m/0432cd /people/person/gender /m/05zppz +/m/0cw3yd /film/film/film_format /m/0cj16 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/05glrg /sports/sports_team/sport /m/02vx4 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03ryn /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09qbdc +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/030_3z /people/person/gender /m/05zppz +/m/0p_pd /film/actor/film./film/performance/film /m/01gkp1 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xmxj +/m/02frhbc /location/location/time_zones /m/02lcqs +/m/0n6mc /location/us_county/county_seat /m/06kx2 +/m/02m501 /people/person/places_lived./people/place_lived/location /m/0rnmy +/m/01jfsb /media_common/netflix_genre/titles /m/07nnp_ +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/013x0b /music/record_label/artist /m/01q99h +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mqj_ +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/0mmty /location/location/time_zones /m/02lcqs +/m/01wp8w7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jx1 /location/location/contains /m/01cwdk +/m/03h3x5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/016zfm /tv/tv_program/genre /m/04t36 +/m/02sjgpq /education/educational_institution/school_type /m/01_srz +/m/04rqd /broadcast/content/artist /m/0b1hw +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/064_8sq /language/human_language/countries_spoken_in /m/027nb +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01qdmh /film/film/language /m/04306rv +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/02vz6dn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01t6b4 /people/person/places_lived./people/place_lived/location /m/0vmt +/m/0r679 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6cx +/m/03wy8t /film/film/cinematography /m/05dppk +/m/01z7s_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/01vv126 /people/person/nationality /m/09c7w0 +/m/0167q3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09fb5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hsn_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05kjc6 +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/04vn_k +/m/01l2m3 /people/cause_of_death/people /m/01lwx +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01tlmw /location/hud_county_place/county /m/0m2fr +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/09c7w0 /location/location/contains /m/06182p +/m/09m6kg /film/film/featured_film_locations /m/0ljsz +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/02x0dzw /people/person/place_of_birth /m/0f__1 +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0py9b +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pdbs +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0797c7 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/037hgm /music/group_member/membership./music/group_membership/role /m/04rzd +/m/082xp /people/person/profession /m/0fj9f +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/0qmny /music/artist/origin /m/09c7w0 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vhrz +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/01vb6z /people/person/place_of_birth /m/0r3tq +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/0chrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ght2 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/02hft3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/049d_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08_83x /people/person/gender /m/02zsn +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/03_9x6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01sbv9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0227vl /people/person/place_of_birth /m/02_286 +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0187wh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0gqrb +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/058s57 +/m/0y617 /location/location/contains /m/01bk1y +/m/07c5l /location/location/contains /m/027nb +/m/05byxm /music/record_label/artist /m/0g824 +/m/03q0r1 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/04znsy +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016clz /music/genre/artists /m/079kr +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/02dr9j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/03s0c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04nm0n0 /film/film/country /m/03gj2 +/m/0x2sv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/0bkg4 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/0c9c0 /film/actor/film./film/performance/film /m/0b3n61 +/m/03vgp7 /people/person/place_of_birth /m/06_kh +/m/05c5xx9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/059g4 /location/location/contains /m/05qx1 +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/044prt /people/person/gender /m/05zppz +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03vrv9 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0150t6 /people/person/profession /m/0dz3r +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/059j2 /location/country/second_level_divisions /m/0k3p +/m/014dgf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0kygv /location/administrative_division/country /m/0f8l9c +/m/02qdgx /music/genre/artists /m/01ydzx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/0n58p /location/us_county/county_seat /m/0xszy +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05szq8z +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/01pkhw +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/019pcs /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/064ndc /film/film/genre /m/04xvlr +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/09c7w0 /location/country/second_level_divisions /m/0fmc5 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/066yfh /people/person/profession /m/03gjzk +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0gr51 /award/award_category/category_of /m/0g_w +/m/0bxxzb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/09h_q /people/person/places_lived./people/place_lived/location /m/0r15k +/m/016fyc /film/film/genre /m/02n4kr +/m/0hg5 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/05nmg_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0dpqk /people/person/profession /m/016z4k +/m/05qm9f /film/film/genre /m/0lsxr +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05bjp6 /education/educational_institution/students_graduates./education/education/student /m/033jkj +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/01hyfj /music/genre/artists /m/03t9sp +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/041jlr +/m/033tf_ /people/ethnicity/people /m/03kts +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/01vsl /location/location/contains /m/0k9wp +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02qx1m2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnkb +/m/047qxs /film/film/featured_film_locations /m/052p7 +/m/02lz1s /people/person/places_lived./people/place_lived/location /m/071cn +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0xhtw /music/genre/artists /m/01pfr3 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/07jwr /people/cause_of_death/people /m/040dv +/m/02gs6r /film/film/genre /m/01j1n2 +/m/01f1r4 /education/university/fraternities_and_sororities /m/0325pb +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/038bh3 /film/film/produced_by /m/04pqqb +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/01bmlb /film/actor/film./film/performance/film /m/01kf4tt +/m/09l3p /people/person/profession /m/02hrh1q +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/0cwy47 /film/film/cinematography /m/0dqzkv +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/09ksp /location/location/contains /m/0d3ff +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x0fs9 +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02phtzk +/m/0fqyc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07371 +/m/01ly5m /location/location/contains /m/02f8zw +/m/0m2wm /people/person/gender /m/02zsn +/m/0889x /people/person/place_of_birth /m/06mxs +/m/07nxnw /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/07h5d /film/director/film /m/0f8j13 +/m/0fvvg /base/biblioness/bibs_location/country /m/09c7w0 +/m/0652ty /film/actor/film./film/performance/film /m/0f4k49 +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0484q /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03nb5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mz9r +/m/03thw4 /people/person/gender /m/05zppz +/m/0f2v0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jmv8 +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0jzw /film/film/film_production_design_by /m/0cdf37 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02m0sc /education/educational_institution/colors /m/036k5h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/035l_9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01z0rcq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/016wvy /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/06fqlk /film/film/genre /m/01jfsb +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/0knhk /music/artist/origin /m/03pbf +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/03dpqd /people/person/gender /m/02zsn +/m/02kxbwx /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/09yhzs /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/095p3z +/m/04gmp_z /award/award_winner/awards_won./award/award_honor/award_winner /m/053vcrp +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01l50r /tv/tv_network/programs./tv/tv_network_duration/program /m/0d7m90 +/m/0bykpk /film/film/production_companies /m/016tt2 +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/01csqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02s5v5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/02y21l /music/record_label/artist /m/01hgwkr +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02whj +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02k54 +/m/0jrjb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgm8 +/m/01chc7 /film/actor/film./film/performance/film /m/03z9585 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/014zfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0c408_ +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/04mcw4 /film/film/edited_by /m/03q8ch +/m/018phr /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/01kcd /music/instrument/family /m/0859_ +/m/0jkvj /olympics/olympic_games/sports /m/03hr1p +/m/047csmy /film/film/featured_film_locations /m/07tds +/m/0pj9t /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/016z43 /film/film/genre /m/05p553 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01271h +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02zd460 /education/university/fraternities_and_sororities /m/035tlh +/m/04cj79 /film/film/genre /m/02l7c8 +/m/016_mj /film/actor/film./film/performance/film /m/0640m69 +/m/016zdd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/016zgj /music/genre/artists /m/07m4c +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/0b_6x2 /time/event/locations /m/0f2r6 +/m/06mt91 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04w391 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/016jfw /award/award_winner/awards_won./award/award_honor/award_winner /m/0137hn +/m/064t9 /music/genre/artists /m/01wgxtl +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/01531 /location/us_county/county_seat /m/01531 +/m/0bpk2 /music/artist/origin /m/0156q +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/02_cx_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031q3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bzh0 /education/educational_institution/students_graduates./education/education/student /m/021yzs +/m/0gqrb /film/actor/film./film/performance/film /m/0bcndz +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053vcrp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03818y +/m/03f1zhf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f0kz /film/actor/film./film/performance/film /m/017gl1 +/m/02pdhz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r5qtm /tv/tv_program/country_of_origin /m/09c7w0 +/m/0b60sq /film/film/language /m/03_9r +/m/054rw /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01tj34 +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06k02 +/m/0dbns /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/015_1q /music/record_label/artist /m/03qmj9 +/m/014dm6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/021gzd +/m/063k3h /people/ethnicity/people /m/02f1c +/m/033hn8 /music/record_label/artist /m/0ql36 +/m/02kx4w /music/genre/artists /m/01cv3n +/m/0pzmf /location/hud_county_place/place /m/0pzmf +/m/042g97 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d_wms +/m/02rr_z4 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031ldd +/m/011xg5 /film/film/production_companies /m/030_1_ +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/014gf8 +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tgp +/m/02wgk1 /film/film/story_by /m/0p8jf +/m/02s9vc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/02kzfw +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/012_53 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/01s5q /film/film_subject/films /m/055td_ +/m/09pl3f /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/03_gd /people/person/profession /m/0dxtg +/m/02vjp3 /film/film/country /m/07ssc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/021mkg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/06nnj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01k53x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0sx5w +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_wj_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/0xzly /music/instrument/instrumentalists /m/02vr7 +/m/07x4c /education/educational_institution/colors /m/036k5h +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/01hwkn /time/event/locations /m/02k54 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/01f873 /people/person/gender /m/05zppz +/m/027vps /people/person/profession /m/01d_h8 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/01j_cy /education/university/fraternities_and_sororities /m/035tlh +/m/03f1r6t /people/person/religion /m/0c8wxp +/m/01dthg /education/educational_institution_campus/educational_institution /m/01dthg +/m/040nwr /people/person/profession /m/0d1pc +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/023kzp /people/person/gender /m/05zppz +/m/02w7gg /people/ethnicity/people /m/013_vh +/m/04b4yg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01qrbf /people/person/gender /m/02zsn +/m/0jpn8 /education/educational_institution/colors /m/04d18d +/m/0155w /music/genre/artists /m/01kh2m1 +/m/03b12 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06y0xx /people/person/place_of_birth /m/0cr3d +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01lyv /music/genre/artists /m/01x0yrt +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02m501 +/m/0fqyzz /people/person/gender /m/05zppz +/m/02q3bb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gm2_0 +/m/06f0k /tv/tv_program/genre /m/01z4y +/m/06v_gh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/02897w /education/educational_institution/school_type /m/05pcjw +/m/03v0t /location/location/contains /m/0sb1r +/m/020qr4 /tv/tv_program/genre /m/05p553 +/m/063tn /people/person/languages /m/06b_j +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5838s +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03f1zhf +/m/01g257 /people/person/nationality /m/09c7w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01385g +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/0232lm /people/person/profession /m/0dz3r +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj5hp +/m/01lbcqx /film/film/genre /m/0gf28 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/01ync /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0drdv /people/person/profession /m/018gz8 +/m/09c7w0 /location/country/second_level_divisions /m/0mkp7 +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ktpx +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hcs +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/03wj4r8 /film/film/personal_appearances./film/personal_film_appearance/person /m/02jq1 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0prjs /film/actor/film./film/performance/film /m/04ltlj +/m/07h9gp /film/film/genre /m/0bbc17 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/049w1q /film/film/country /m/09c7w0 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/031rp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0pv3x /film/film/genre /m/04xvlr +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0438pz /people/person/profession /m/03gjzk +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/06v41q /people/ethnicity/people /m/0227tr +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/030vmc /people/person/profession /m/02jknp +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/04vq33 /film/film/film_art_direction_by /m/0520r2x +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/0fb1q +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/07hgkd +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/05cgv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/027rqbx /location/location/contains /m/0cv1w +/m/0g5lhl7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/013719 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04tng0 +/m/047s_cr /people/person/profession /m/018gz8 +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03cvvlg /film/film/genre /m/060__y +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/02w7gg /people/ethnicity/people /m/0g8st4 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fs__ +/m/016r9z /olympics/olympic_games/sports /m/09xp_ +/m/026s90 /music/record_label/artist /m/0c9d9 +/m/09c7w0 /location/location/contains /m/013gwb +/m/05jbn /location/location/contains /m/01t8sr +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08ct6 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076xkps +/m/04bz7q /people/person/place_of_birth /m/099ty +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/021vwt /people/person/profession /m/02hrh1q +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcdn +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04nw9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029b9k +/m/0bzjf /location/location/contains /m/0prxp +/m/01z4y /media_common/netflix_genre/titles /m/047msdk +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01_q7h +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015np0 +/m/02b19f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04255q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/09c7w0 /location/location/contains /m/020ddc +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/01l_yg /people/person/nationality /m/09c7w0 +/m/04p5cr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01242_ /film/film/country /m/03rt9 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/09c7w0 /location/location/contains /m/0s6g4 +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0m2fr /location/location/contains /m/01zmqw +/m/0151xv /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0psss +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/03wj4r8 /film/film/genre /m/04t36 +/m/017fp /media_common/netflix_genre/titles /m/0194zl +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/0bpm4yw /film/film/written_by /m/0184dt +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02754c9 +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02rtqvb /film/film/production_companies /m/0283xx2 +/m/0168dy /people/person/religion /m/01y0s9 +/m/06by7 /music/genre/artists /m/0frsw +/m/01pj_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01g7zj /people/ethnicity/people /m/01nkxvx +/m/015jr /base/biblioness/bibs_location/country /m/0d060g +/m/02lnbg /music/genre/artists /m/01wv9p +/m/01yf85 /people/person/languages /m/02h40lc +/m/0c5x_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yl_w /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/01pw9v /people/person/gender /m/05zppz +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/01g257 /people/person/place_of_birth /m/0cr3d +/m/0291ck /film/film/genre /m/01g6gs +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3jz +/m/029zqn /film/film/featured_film_locations /m/0r771 +/m/0286vp /film/film/genre /m/07s9rl0 +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3h2 +/m/07ssc /location/location/contains /m/0htx8 +/m/01lfy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0xhtw /music/genre/artists /m/01t8399 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/087_xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01dtcb /music/record_label/artist /m/09qr6 +/m/09c7w0 /location/country/second_level_divisions /m/0dj7p +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05tgks +/m/02hnl /music/instrument/instrumentalists /m/0232lm +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/05cx7x /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/041rx /people/ethnicity/people /m/04bs3j +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdv +/m/0106dv /location/location/contains /m/01tx9m +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01hcj2 /people/person/languages /m/02h40lc +/m/01flv_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0btj0 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01g42 /people/person/religion /m/05sfs +/m/01jssp /education/educational_institution/students_graduates./education/education/student /m/042v2 +/m/03msf /location/administrative_division/country /m/07ssc +/m/0gl6f /education/educational_institution/colors /m/01g5v +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/0f502 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zwtdy +/m/03hh89 /film/actor/film./film/performance/film /m/0ds35l9 +/m/016z9n /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0xszy /location/location/time_zones /m/02hcv8 +/m/015pdg /music/genre/artists /m/02jg92 +/m/05nqz /time/event/locations /m/07t21 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/02h758 +/m/0237fw /award/award_winner/awards_won./award/award_honor/award_winner /m/022wxh +/m/034_7s /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04fhps +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/01gq0b /people/person/profession /m/02hrh1q +/m/0n04r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/059kh /music/genre/artists /m/0jn5l +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/064lsn +/m/09q23x /film/film/genre /m/03g3w +/m/07zqnm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0r6c4 /location/hud_county_place/county /m/0l2xl +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/026wlxw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f6df0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/053xw6 +/m/04xn2m /people/person/profession /m/0cbd2 +/m/01nhkxp /people/person/profession /m/0nbcg +/m/01h8rk /education/educational_institution/colors /m/036k5h +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03fgm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/032d52 /education/educational_institution/campuses /m/032d52 +/m/01fs__ /tv/tv_program/genre /m/04gm78f +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0dz46 /people/person/place_of_birth /m/0dclg +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0bw6y /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04xhwn /people/person/sibling_s./people/sibling_relationship/sibling /m/0g2lq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04jn6y7 /film/film/genre /m/01jfsb +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07c52 /media_common/netflix_genre/titles /m/06qwh +/m/0prfz /people/person/place_of_birth /m/0d6lp +/m/017g21 /people/person/profession /m/0gbbt +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_dy +/m/03fhjz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gjk1d /film/film/cinematography /m/04qvl7 +/m/06hx2 /people/deceased_person/place_of_death /m/030qb3t +/m/0n4z2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/02q52q /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gj9qxr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mx7f /location/location/time_zones /m/02lcqs +/m/0233qs /music/genre/artists /m/0bqvs2 +/m/04rqd /broadcast/content/artist /m/01vvydl +/m/0g48m4 /people/ethnicity/languages_spoken /m/064_8sq +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/08lr6s /film/film/music /m/01cbt3 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/06mfvc /film/actor/film./film/performance/film /m/0btbyn +/m/02lhm2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017180 /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/025rvx0 /film/film/genre /m/082gq +/m/04z257 /film/film/genre /m/05p553 +/m/02yplc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01x73 /location/location/contains /m/01m1_d +/m/03lty /music/genre/artists /m/01shhf +/m/046zh /award/award_winner/awards_won./award/award_honor/award_winner /m/09l3p +/m/064n1pz /film/film/genre /m/028v3 +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/03bzjpm /film/film/genre /m/02l7c8 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tqm5 +/m/0bq6ntw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/017l96 /music/record_label/artist /m/01vwyqp +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/01lxw6 /base/biblioness/bibs_location/state /m/05k7sb +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030cx +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/01pfkw /people/person/profession /m/0dz3r +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pl3f +/m/07s9rl0 /media_common/netflix_genre/titles /m/01qbg5 +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/047vnkj /film/film/language /m/02h40lc +/m/01ggc9 /people/person/places_lived./people/place_lived/location /m/0r62v +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02fn5 /film/actor/film./film/performance/film /m/02_1sj +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/025p38 /people/person/profession /m/0d1pc +/m/04f9r2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0jbk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/01p87y /people/deceased_person/place_of_death /m/0r3tq +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0n85g /music/record_label/artist /m/0bpk2 +/m/0gm8_p /film/actor/film./film/performance/film /m/01h7bb +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g9zcgx +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/09pl3s +/m/02qhqz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/02cl1 /sports/sports_team_location/teams /m/0289q +/m/091xrc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k54 +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/06t2t +/m/05p92jn /people/person/places_lived./people/place_lived/location /m/04f_d +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/04czcb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01fwj8 /film/actor/film./film/performance/film /m/0cp0790 +/m/09r9dp /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03xl77 +/m/09xrxq /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/03b8c4 /education/educational_institution/colors /m/01jnf1 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/04dqdk +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/01b39j /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/026c0p /people/person/profession /m/02hrh1q +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/0fpjd_g +/m/01vyp_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cv9fc +/m/03_d0 /music/genre/artists /m/0h08p +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/03bxsw +/m/02_01w /people/deceased_person/place_of_death /m/0k049 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/01fdc0 +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0191n +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gdm1 +/m/014z8v /people/deceased_person/place_of_death /m/06_kh +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778tk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03n5v +/m/05qm9f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0285c /people/person/places_lived./people/place_lived/location /m/0mnz0 +/m/01csvq /people/person/profession /m/03gjzk +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0136kr /organization/organization/child./organization/organization_relationship/child /m/01bqnc +/m/042f1 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_fz3 +/m/0pd64 /film/film/genre /m/028v3 +/m/09byk /people/person/nationality /m/059j2 +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0jz +/m/02ztjwg /language/human_language/countries_spoken_in /m/01pj7 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h1rt +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0fvzz /base/biblioness/bibs_location/state /m/05tbn +/m/01z4y /media_common/netflix_genre/titles /m/0421ng +/m/03xnwz /music/genre/parent_genre /m/016clz +/m/04fcx7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/02p68d /people/person/nationality /m/09c7w0 +/m/016clz /music/genre/parent_genre /m/06by7 +/m/02qjpv5 /people/person/place_of_birth /m/0mndw +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06j6l /music/genre/artists /m/01vvycq +/m/0621cs /music/genre/parent_genre /m/01243b +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/06mvyf /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/062cg6 /people/person/profession /m/03gjzk +/m/02kz_ /influence/influence_node/influenced_by /m/040_9 +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/03f7jfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/017r2 /influence/influence_node/influenced_by /m/03_87 +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0m2dk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g768 /music/record_label/artist /m/013w7j +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/01713c /people/person/spouse_s./people/marriage/location_of_ceremony /m/0160w +/m/0b_6q5 /time/event/instance_of_recurring_event /m/02jp2w +/m/029zqn /film/film/country /m/09c7w0 +/m/03s9kp /film/film/production_companies /m/031rq5 +/m/024tj /people/person/profession /m/02hrh1q +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/019dwp /organization/organization/headquarters./location/mailing_address/state_province_region /m/081mh +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mt6w +/m/01m7pwq /people/person/place_of_birth /m/052p7 +/m/02yl42 /people/person/gender /m/05zppz +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01gvsn +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0900j5 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0564x +/m/08gg47 /film/film/country /m/09c7w0 +/m/027tbrc /tv/tv_program/country_of_origin /m/0d060g +/m/0266s9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02661h +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0853g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0162b /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/035sc2 /people/person/gender /m/05zppz +/m/08849 /people/person/profession /m/0fj9f +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/01qd_r /education/educational_institution_campus/educational_institution /m/01qd_r +/m/0jt86 /people/person/nationality /m/09c7w0 +/m/02_n5d /people/person/religion /m/0c8wxp +/m/016ks5 /film/film/language /m/02h40lc +/m/08gg47 /film/film/genre /m/04228s +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02gt5s +/m/02h40lc /language/human_language/countries_spoken_in /m/0162v +/m/03ctqqf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0lpjn +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/050f0s /film/film/language /m/02h40lc +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/02xtxw /film/film/language /m/02h40lc +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01b8jj +/m/0bbxd3 /people/person/profession /m/03gjzk +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/05hj0n +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/09krp /location/location/contains /m/0bp_7 +/m/03j0ss /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02238b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/0342h /music/instrument/instrumentalists /m/0232lm +/m/0b_6qj /time/event/locations /m/0d9y6 +/m/09cvbq /sports/sports_team/colors /m/083jv +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011j5x /music/genre/artists /m/013rfk +/m/033jkj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/07lz9l /people/person/profession /m/0dxtg +/m/0ktpx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mb5x /people/person/profession /m/02hv44_ +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/0k525 /people/person/places_lived./people/place_lived/location /m/03zv2t +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0151w_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/01_bkd /music/genre/artists /m/01386_ +/m/0c408_ /people/person/profession /m/01c72t +/m/061zc_ /people/person/gender /m/05zppz +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0946bb /film/film/produced_by /m/021lby +/m/0klh7 /film/actor/film./film/performance/film /m/07cw4 +/m/08p1gp /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/05808s /music/record_label/artist /m/0134s5 +/m/016j2t /people/person/gender /m/05zppz +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0350l7 +/m/01yzhn /film/actor/film./film/performance/film /m/02v8kmz +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0qcr0 /people/cause_of_death/people /m/03wd5tk +/m/08f3b1 /people/person/gender /m/02zsn +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/05cwl_ /education/educational_institution_campus/educational_institution /m/05cwl_ +/m/0tygl /location/hud_county_place/place /m/0tygl +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/01t38b /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07s9rl0 /media_common/netflix_genre/titles /m/0h3xztt +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/05wjnt /people/person/gender /m/05zppz +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/017zq0 /education/educational_institution/colors /m/083jv +/m/05xd_v /film/actor/film./film/performance/film /m/03pc89 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0337vz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03knl +/m/01_p6t /people/person/profession /m/01d_h8 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03n6r /people/person/profession /m/02hrh1q +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0l6px +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/0q9zc /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03078l /sports/sports_team/colors /m/038hg +/m/01bpnd /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0168nq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0k2cb /film/film/genre /m/060__y +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/05nlx4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/0mr_8 /location/location/contains /m/0f2s6 +/m/04gqr /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/038czx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mnts /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0cp08zg /film/film/language /m/04306rv +/m/080_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/03f0fp +/m/032016 /film/film/cinematography /m/027t8fw +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04_tv +/m/0dvmd /film/actor/film./film/performance/film /m/0c38gj +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0ddj0x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030tj5 +/m/02fn5r /music/group_member/membership./music/group_membership/role /m/02sgy +/m/04b19t /people/person/profession /m/01d_h8 +/m/03_6y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jbp0 +/m/0175rc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02zrv7 /music/artist/contribution./music/recording_contribution/performance_role /m/011_6p +/m/0345h /media_common/netflix_genre/titles /m/02h22 +/m/01nsyf /people/person/gender /m/02zsn +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0517bc /film/actor/film./film/performance/film /m/06_wqk4 +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/06znpjr /film/film/produced_by /m/01vsn38 +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y9j +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/03k9fj /media_common/netflix_genre/titles /m/072r5v +/m/01rzqj /film/actor/film./film/performance/film /m/0m2kd +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/01771z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/01pk8v /people/person/languages /m/02h40lc +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/016k6x /film/actor/film./film/performance/film /m/0bc1yhb +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/020_95 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/05r5c /music/instrument/instrumentalists /m/0d9xq +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gvs1kt +/m/02lnhv /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01n4f8 +/m/05hf_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0401sg +/m/0lpk3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02l1fn /education/educational_institution/school_type /m/01rs41 +/m/042rnl /people/person/profession /m/0dxtg +/m/0mj1l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j7pt +/m/042kg /people/person/profession /m/012qdp +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02gys2 +/m/06fqlk /film/film/music /m/04ls53 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/025x1t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/0151w_ /people/person/profession /m/0dxtg +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06by7 /music/genre/artists /m/01x1cn2 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gndh +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qncf +/m/0f8l9c /location/location/partially_contains /m/05g56 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/0237fw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gd5z /influence/influence_node/influenced_by /m/0bt23 +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0209xj /film/film/production_companies /m/02jd_7 +/m/02cff1 /people/person/gender /m/02zsn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/0pqzh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03f5spx /people/person/gender /m/05zppz +/m/0k3p /location/administrative_division/country /m/059j2 +/m/04zqmj /people/person/profession /m/02jknp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0196bp +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/0glbqt /film/film/genre /m/082gq +/m/01_d4 /location/location/contains /m/02mj7c +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/0dnvn3 /film/film/film_format /m/0cj16 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02zc7f /education/educational_institution/colors /m/083jv +/m/07rd7 /people/person/spouse_s./people/marriage/spouse /m/0kszw +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04tc1g /film/film/production_companies /m/031rq5 +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqvs2 +/m/016clz /music/genre/artists /m/03wjb7 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/02_wxh +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/02h40lc /language/human_language/countries_spoken_in /m/06s6l +/m/05hwn /location/administrative_division/country /m/05sb1 +/m/061681 /film/film/genre /m/0bkbm +/m/04wg38 /film/actor/film./film/performance/film /m/0830vk +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02qlp4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c75w /location/location/time_zones /m/03plfd +/m/07bsj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gc7h +/m/07gghl /film/film/genre /m/02kdv5l +/m/0bxtyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/05z01 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02bjrlw +/m/059rby /location/location/contains /m/01mc11 +/m/0pgm3 /film/actor/film./film/performance/film /m/0g9z_32 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/049xgc +/m/01fx5l /film/actor/film./film/performance/film /m/043tvp3 +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w0yrc +/m/015cbq /people/person/gender /m/05zppz +/m/0425c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/crewmember /m/02vxyl5 +/m/081yw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/012q4n /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rcmg +/m/01gln9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/025r_t +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/07k51gd /film/actor/film./film/performance/film /m/0h1fktn +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/017jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j7k +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/042q3 /influence/influence_node/influenced_by /m/015n8 +/m/0342h /music/instrument/instrumentalists /m/01t110 +/m/04lhc4 /film/film/genre /m/07s9rl0 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/059kh /music/genre/artists /m/01x1cn2 +/m/02p86pb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03gfvsz /broadcast/content/artist /m/0dvqq +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f6x7 +/m/0h1m9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01xysf +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05tk7y +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03n0q5 /people/person/place_of_birth /m/02_286 +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01r97z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/030g9z +/m/047wh1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/07gbf +/m/073tm9 /music/record_label/artist /m/03f19q4 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0f4_l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jpmpv +/m/07hwkr /people/ethnicity/people /m/02238b +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/070b4 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/011j5x /music/genre/artists /m/01w524f +/m/02k1pr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pd64 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02f6g5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/01r9c_ /people/person/profession /m/02hrh1q +/m/017_pb /people/person/profession /m/0cbd2 +/m/04mn81 /people/person/profession /m/09jwl +/m/0ggq0m /music/genre/artists /m/01kvqc +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zyvw +/m/03c5bz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02hhtj +/m/06msq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02kfzz /film/film/genre /m/02kdv5l +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06_vpyq +/m/044kwr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btyl +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/01h5f8 /people/person/profession /m/0kyk +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/01l2fn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01cj6y +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gltv +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w9sgh +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0124k9 +/m/09c7w0 /location/country/second_level_divisions /m/0jxgx +/m/03n_7k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwj8 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/05148p4 /music/instrument/instrumentalists /m/0zjpz +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09gmmt6 /film/film/language /m/02h40lc +/m/03dn9v /film/actor/film./film/performance/film /m/047csmy +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/03h26tm +/m/05p9_ql /tv/tv_program/genre /m/0djd22 +/m/017371 /music/genre/parent_genre /m/06j6l +/m/06rgq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gnf9 +/m/05r5c /music/instrument/instrumentalists /m/01mr2g6 +/m/024hbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/04ych /location/location/contains /m/0fvwz +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/03_js /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05rrw9 +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/08sk8l /film/film/cinematography /m/03rqww +/m/0mnz0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/084m3 /people/person/nationality /m/0d060g +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09c7w0 /location/location/contains /m/07vyf +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/084m3 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0432_5 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/06whf /influence/influence_node/influenced_by /m/0j3v +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/04wlz2 +/m/076xkdz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/03qnvdl /film/film/genre /m/01jfsb +/m/07p62k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07f1x /location/country/form_of_government /m/018wl5 +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/043g7l /music/record_label/artist /m/01s21dg +/m/02v63m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02q_cc /people/person/spouse_s./people/marriage/spouse /m/030_3z +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0g10g /people/person/gender /m/02zsn +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/01f9y_ /music/genre/artists /m/03f7jfh +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/0g2lq +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/095b70 +/m/01mqh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w6_ +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/04m064 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wg38 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01xpxv /people/deceased_person/place_of_death /m/0cv3w +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/0209xj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mvk7 +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0mvn6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mvxt +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/04bdqk /people/person/languages /m/02h40lc +/m/028qyn /people/person/profession /m/047rgpy +/m/06j6l /music/genre/artists /m/02vwckw +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0gyh +/m/03q5db /film/film/country /m/09c7w0 +/m/04n7ps6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06c1y /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/041rx /people/ethnicity/people /m/03lvyj +/m/04rzd /music/instrument/instrumentalists /m/01vs4f3 +/m/05qtcv /people/person/profession /m/02hrh1q +/m/06t6dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vh18t /film/actor/film./film/performance/film /m/01rwyq +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05b_7n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/062qg +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03q5dr /film/actor/film./film/performance/film /m/0_92w +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/016ckq /music/record_label/artist /m/01zmpg +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/01m3x5p +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/059j2 /location/country/second_level_divisions /m/07g0_ +/m/0f2df /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d_wms /film/film/genre /m/06n90 +/m/03cp7b3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0198b6 +/m/0h6l4 /location/hud_county_place/county /m/0n58p +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0jvtp /film/actor/film./film/performance/film /m/09d38d +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/01vw26l /people/person/profession /m/0dxtg +/m/0gtt5fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c9d9 /music/artist/track_contributions./music/track_contribution/role /m/051hrr +/m/012mrr /film/film/featured_film_locations /m/04vmp +/m/0j6b5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01qwb5 /education/educational_institution/students_graduates./education/education/student /m/02mc79 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0342h /music/instrument/instrumentalists /m/01yndb +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/0241wg /people/person/place_of_birth /m/04vmp +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxst +/m/0hzlz /location/location/contains /m/01tjvv +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0212zp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0169dl /film/actor/film./film/performance/film /m/07024 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0kpys /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l38x +/m/0168dy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fthdk +/m/03cw411 /film/film/produced_by /m/02hfp_ +/m/04gm7n /music/record_label/artist /m/01k98nm +/m/0pd4f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04t969 /film/actor/film./film/performance/film /m/01srq2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0gdm1 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/03q5db +/m/0dx97 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/04vr_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b2v79 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fx3c +/m/01_qc_ /medicine/disease/risk_factors /m/0x67 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/04hcw +/m/01d_h /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/02v2lh /music/genre/artists /m/01t8399 +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/02ywwy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06chvn +/m/01ynzf /people/person/religion /m/03_gx +/m/07ssc /media_common/netflix_genre/titles /m/026zlh9 +/m/01vyv9 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/02n4kr /media_common/netflix_genre/titles /m/02fqxm +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fsm8c +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0163r3 /people/person/profession /m/0nbcg +/m/0824r /location/location/contains /m/0118d3 +/m/0fvly /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0c31_ +/m/01qnfc /people/person/profession /m/0dgd_ +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04g73n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06z8s_ /film/film/genre /m/0jdm8 +/m/01nzz8 /film/actor/film./film/performance/film /m/032xky +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01znc_ +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0j_c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/0f3m1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02nt3d /film/film/genre /m/06cvj +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053xw6 +/m/0hv81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bs8d +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/06dn58 /people/person/profession /m/02hrh1q +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nxvj +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/05bht9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/0n_2q /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0ddj0x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycck +/m/04nc_7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01zfzb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01h1b +/m/03pmty /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/02c638 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02d478 +/m/0151ns /film/actor/film./film/performance/film /m/03cwwl +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/0dzc16 /people/person/profession /m/09jwl +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/05567m /film/film/film_format /m/0cj16 +/m/0847q /location/location/contains /m/01hl_w +/m/05r6t /music/genre/artists /m/01gx5f +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/026f__m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/035tjy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01wcp_g /people/person/places_lived./people/place_lived/location /m/0ytph +/m/0f2r6 /location/location/time_zones /m/02hczc +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/01yh3y +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/026z9 /music/genre/artists /m/0flpy +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0d6_s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019pcs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds6bmk +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/012vby +/m/0325dj /education/educational_institution/colors /m/03wkwg +/m/053xw6 /film/actor/film./film/performance/film /m/012kyx +/m/01gvpz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/0rh6k /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0bs5vty /film/film/country /m/09c7w0 +/m/02zj61 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vtj38 +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/04nlb94 /film/film/film_format /m/0cj16 +/m/0184jc /people/person/nationality /m/02jx1 +/m/04wsz /location/location/contains /m/01z215 +/m/023zsh /film/actor/film./film/performance/film /m/0qm8b +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04nrcg +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07qzv +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051ysmf +/m/0blt6 /people/person/profession /m/0dxtg +/m/0ggq0m /music/genre/artists /m/016k62 +/m/0h3y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0287477 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0gywn /music/genre/artists /m/03f3yfj +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05jf85 /film/film/produced_by /m/0grrq8 +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0x67 /people/ethnicity/people /m/07s3vqk +/m/0lx2l /people/person/nationality /m/09c7w0 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02jxk +/m/01w5n51 /influence/influence_node/influenced_by /m/07hgm +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0hm4q /business/job_title/people_with_this_title./business/employment_tenure/company /m/09vzz +/m/04swx /location/location/partially_contains /m/0f8l9c +/m/06t74h /film/actor/film./film/performance/film /m/026lgs +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02pl5bx /music/genre/artists /m/03f0qd7 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/0gh6j94 /film/film/language /m/02bjrlw +/m/0gx_p /people/person/profession /m/02hrh1q +/m/0c0nhgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07mvp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/016wyn /education/educational_institution/students_graduates./education/education/student /m/0p_jc +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0322yj /film/film/language /m/06b_j +/m/028rk /people/person/places_lived./people/place_lived/location /m/07b_l +/m/01gwck /education/educational_institution/campuses /m/01gwck +/m/070g7 /film/film/language /m/05f_3 +/m/02s4l6 /film/film/genre /m/04rlf +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/07s8hms /people/person/gender /m/05zppz +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02qgyv /film/actor/film./film/performance/film /m/011ysn +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/029m83 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/042kg +/m/0dg3n1 /base/locations/continents/countries_within /m/03548 +/m/031t2d /film/film/executive_produced_by /m/06pj8 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbhy7 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01y665 +/m/0f6zs /location/location/contains /m/0ybkj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b44shh +/m/05yh_t /award/award_winner/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04pmnt +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cms7f +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/06y7d +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/05k7sb /location/location/contains /m/0t_4_ +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/027mdh /education/educational_institution/colors /m/038hg +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/015_1q /music/record_label/artist /m/01w9wwg +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/06jcc /influence/influence_node/influenced_by /m/03cdg +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/03cbtlj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j67j +/m/04lqvly /film/film/genre /m/0424mc +/m/04954 /film/actor/film./film/performance/film /m/058kh7 +/m/041rx /people/ethnicity/people /m/07ymr5 +/m/06j6l /music/genre/artists /m/0127s7 +/m/02d_zc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cf08 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03q5t /music/instrument/instrumentalists /m/032t2z +/m/05g8pg /film/film/genre /m/06nbt +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/02bj22 /film/film/language /m/02h40lc +/m/03ckvj9 /people/person/profession /m/0dxtg +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0symg +/m/04gcyg /film/film/production_companies /m/0g1rw +/m/051zy_b /film/film/language /m/02h40lc +/m/03mnn0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj5lq +/m/01r4zfk /music/group_member/membership./music/group_membership/role /m/037c9s +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09qh1 +/m/01ycbq /film/actor/film./film/performance/film /m/04pmnt +/m/0lbbj /olympics/olympic_games/sports /m/0486tv +/m/0dbns /education/educational_institution/school_type /m/01jlsn +/m/03k48_ /people/person/profession /m/0np9r +/m/0dkv90 /film/film/language /m/0653m +/m/05r6t /music/genre/artists /m/02vr7 +/m/02q3bb /people/person/places_lived./people/place_lived/location /m/02xry +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0g4g7 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/0xkyn /location/hud_county_place/county /m/0n5j_ +/m/01pcvn /people/person/gender /m/02zsn +/m/093dqjy /film/film/film_festivals /m/09rwjly +/m/0gct_ /people/person/profession /m/0n1h +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/046lt /influence/influence_node/influenced_by /m/02pb53 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/012wg +/m/03kts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q4mt +/m/04ghz4m /film/film/executive_produced_by /m/0dqmt0 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04n65n +/m/0gk4g /people/cause_of_death/people /m/038w8 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/09bxq9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05j49 /location/administrative_division/country /m/0d060g +/m/07c52 /media_common/netflix_genre/titles /m/02nf2c +/m/0qpn9 /location/location/time_zones /m/02hczc +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/01hxs4 /people/person/gender /m/05zppz +/m/01hmnh /media_common/netflix_genre/titles /m/02mt51 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/058s57 /base/eating/practicer_of_diet/diet /m/07_hy +/m/06q6jz /music/genre/artists /m/01vvy +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048s0r +/m/04wmvz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02w59b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bq4j6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06929s +/m/0mb5x /people/person/profession /m/0cbd2 +/m/08849 /people/person/profession /m/09j9h +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01q_ph +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02rr_z4 /organization/organization/headquarters./location/mailing_address/country /m/03h64 +/m/08cn_n /film/director/film /m/04969y +/m/04_j5s /location/location/time_zones /m/02hcv8 +/m/0ddkf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01tnbn +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/053yx +/m/01q32bd /people/person/gender /m/05zppz +/m/01vw87c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03wy8t /film/film/genre /m/05p553 +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02qyv3h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vgh /music/artist/origin /m/0k33p +/m/01f08r /base/biblioness/bibs_location/country /m/0j1z8 +/m/0gbfn9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01yf85 /film/actor/film./film/performance/film /m/09g8vhw +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02xh1 /media_common/netflix_genre/titles /m/0cbn7c +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0509bl +/m/06jwys /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01znc_ +/m/025h4z /people/person/gender /m/05zppz +/m/05lls /music/genre/artists /m/0kn3g +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg13 +/m/0161rf /music/genre/artists /m/013qvn +/m/0252fh /film/actor/film./film/performance/film /m/0jsf6 +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/0sw6g +/m/09c7w0 /location/location/contains /m/03x23q +/m/02qgqt /film/actor/film./film/performance/film /m/03ydlnj +/m/012mzw /education/educational_institution/students_graduates./education/education/student /m/08k1lz +/m/01n3bm /people/cause_of_death/people /m/031y07 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0382m4 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rf57 +/m/01rv7x /people/ethnicity/geographic_distribution /m/0d060g +/m/059rc /film/film/genre /m/07s9rl0 +/m/02gnh0 /education/educational_institution_campus/educational_institution /m/02gnh0 +/m/01bm_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07l8f /sports/sports_team/colors /m/07plts +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0lzb8 +/m/04cbtrw /influence/influence_node/influenced_by /m/040db +/m/0pnf3 /people/person/profession /m/0kyk +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jsf6 /film/film/film_production_design_by /m/0cdf37 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/03n0cd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bpn /people/person/profession /m/03jgz +/m/01ckhj /people/person/profession /m/0dxtg +/m/04l57x /sports/sports_team/sport /m/03tmr +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/0cc846d /film/film/country /m/09c7w0 +/m/04fc6c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01xsbh /people/person/gender /m/05zppz +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj0n +/m/05ggt_ /people/person/nationality /m/09c7w0 +/m/04gvt5 /people/person/spouse_s./people/marriage/spouse /m/0cj2w +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/04zwjd +/m/0164qt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018p4y +/m/02qzjj /film/director/film /m/05zlld0 +/m/0gh65c5 /film/film/country /m/0345h +/m/01304j /people/person/languages /m/02h40lc +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0bzty /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015m08 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/01rlxt /people/person/place_of_birth /m/02_286 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/09vc4s /people/ethnicity/people /m/01rrd4 +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/0xv2x /music/genre/artists /m/01wg982 +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070m12 +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/026n047 /people/person/profession /m/0gl2ny2 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/01d2v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/015q1n /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017j69 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/04_xr8 /base/aareas/schema/administrative_area/capital /m/0fhsz +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/05whq_9 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/01j8yr /location/hud_county_place/place /m/01j8yr +/m/0261x8t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d66j2 +/m/0cc5mcj /film/film/genre /m/02kdv5l +/m/05ldxl /film/film/language /m/02h40lc +/m/0qm98 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03h0byn /film/film/production_companies /m/054lpb6 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02qdgx /music/genre/artists /m/0pk41 +/m/01stj9 /education/educational_institution/campuses /m/01stj9 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06mnr +/m/0fzs6w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015jr /location/location/contains /m/07wlt +/m/016z1c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_fj +/m/041xl /influence/influence_node/influenced_by /m/073_6 +/m/037q2p /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/05qgd9 /organization/organization/headquarters./location/mailing_address/citytown /m/0mp3l +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07ymr5 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/05zrx3v +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/04cl1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/07ftc0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0hzlz +/m/0jt90f5 /people/person/gender /m/05zppz +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0345h +/m/0vh3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fly +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0ql36 /people/person/profession /m/02hrh1q +/m/01ydtg /music/genre/artists /m/0lccn +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/086xm +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01w7nww /people/person/nationality /m/09c7w0 +/m/01nz1q6 /people/person/nationality /m/03_3d +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01h1bf +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/02js6_ /people/person/place_of_birth /m/030qb3t +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/0ds6bmk /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/0bt7w /music/genre/artists /m/0kr_t +/m/062zjtt /film/film/story_by /m/0br1w +/m/016tvq /tv/tv_program/genre /m/0c4xc +/m/05fly /location/location/contains /m/01nfl1 +/m/0gfnqh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/0gm34 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0282x /influence/influence_node/influenced_by /m/0h0p_ +/m/05bht9 /people/person/profession /m/01d_h8 +/m/04sv4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07nf6 +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0cv72h /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03b3j +/m/0gh4g0 /music/record_label/artist /m/01jcxwp +/m/07wm6 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/04g7x /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/01j8wk /film/film/language /m/02h40lc +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/01s1zk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ckl3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0894_x /people/person/profession /m/02jknp +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/04jr87 /education/educational_institution/students_graduates./education/education/student /m/0dbbz +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n0bp +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dck27 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/01y8cr /people/person/nationality /m/09c7w0 +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/location/contains /m/0_565 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/020ddc +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/04306rv /media_common/netflix_genre/titles /m/0bs8hvm +/m/0gndh /film/film/language /m/02h40lc +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bn3l +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hb +/m/03rwz3 /organization/organization/child./organization/organization_relationship/child /m/031rq5 +/m/07c52 /media_common/netflix_genre/titles /m/099pks +/m/034qbx /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/0416y94 /film/film/featured_film_locations /m/01qcx_ +/m/0dkv90 /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/02l96k /music/genre/artists /m/01vsy3q +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/011ydl /film/film/production_companies /m/016tw3 +/m/01b9ck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0209xj /film/film/language /m/04306rv +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/017vkx /people/person/gender /m/05zppz +/m/012rng /people/person/profession /m/02jknp +/m/07sgdw /film/film/language /m/02bjrlw +/m/026390q /film/film/country /m/0f8l9c +/m/01w7nww /film/actor/film./film/performance/film /m/083shs +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zy3sc +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b73_1d +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/03_b1g /tv/tv_program/genre /m/02xh1 +/m/03qy3l /music/record_label/artist /m/0178kd +/m/01jfsb /media_common/netflix_genre/titles /m/032sl_ +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/01xv77 /people/person/profession /m/0cbd2 +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016zp5 /film/actor/film./film/performance/film /m/0ndwt2w +/m/0j_t1 /film/film/production_companies /m/05qd_ +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02stbw +/m/01s560x /music/artist/origin /m/052bw +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/07hwkr /people/ethnicity/languages_spoken /m/0cjk9 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/06y_n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_x6d +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/03yf4d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hvv0 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/03mgx6z /film/film/genre /m/0lsxr +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bw87 +/m/02vqsll /film/film/genre /m/03g3w +/m/01ft14 /tv/tv_program/genre /m/0c4xc +/m/0g824 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm9w +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dll_t2 +/m/03cdg /people/person/profession /m/02hv44_ +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m5s5 +/m/04bjff /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/08y2fn +/m/01cmp9 /film/film/story_by /m/01c7qd +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwfgz +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/011k11 /music/record_label/artist /m/03j1p2n +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/07fq1y +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_xtx +/m/020jqv /film/actor/film./film/performance/film /m/03kx49 +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lxrv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/012t1 /people/person/place_of_birth /m/0cr3d +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/03qmfzx /people/person/profession /m/03gjzk +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/059j2 /location/administrative_division/first_level_division_of /m/049nq +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01br2w +/m/021q2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6d2 +/m/07h07 /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k4fz +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/06qjgc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hvgt +/m/0lgxj /olympics/olympic_games/participating_countries /m/01p1v +/m/06rq1k /business/business_operation/industry /m/02vxn +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f7j9 +/m/0c0nhgv /film/film/genre /m/07s9rl0 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/06y_n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0163r3 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/025sc50 /music/genre/artists /m/01jfr3y +/m/01s7zw /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/01gwck /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/011j5x /music/genre/parent_genre /m/0190y4 +/m/041rx /people/ethnicity/people /m/081lh +/m/05l64 /location/location/time_zones /m/02llzg +/m/012rng /film/director/film /m/0yxm1 +/m/059m45 /film/actor/film./film/performance/film /m/09fc83 +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1mt +/m/03m5k /music/instrument/instrumentalists /m/0j6cj +/m/04kwbt /people/person/nationality /m/09c7w0 +/m/03khn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0c75w +/m/01pl14 /education/educational_institution/school_type /m/01_srz +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/0h3mrc +/m/09c7w0 /location/country/second_level_divisions /m/0ntxg +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02ck1 /people/person/profession /m/01c8w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/01rwyq +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/032r4n /education/educational_institution/colors /m/01g5v +/m/049fgvm /people/person/profession /m/02krf9 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vksx +/m/013v5j /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03cwqpm +/m/05vxdh /film/film/film_format /m/07fb8_ +/m/02lk60 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p9rz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0459z /influence/influence_node/influenced_by /m/082db +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0flw6 /film/actor/film./film/performance/film /m/04x4nv +/m/01ps2h8 /people/person/profession /m/05z96 +/m/07d3x /people/person/religion /m/0kpl +/m/01hc9_ /influence/influence_node/influenced_by /m/0zm1 +/m/023p18 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0ftvg /base/biblioness/bibs_location/state /m/0vbk +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/0bwgc_ /film/actor/film./film/performance/film /m/0gtt5fb +/m/03hpkp /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/01g1lp /film/director/film /m/0kvgtf +/m/01f8f7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7v_ +/m/0l380 /location/location/time_zones /m/02lcqs +/m/0144l1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026xt5c /people/person/profession /m/02krf9 +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/012w70 /media_common/netflix_genre/titles /m/0dckvs +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gp9mp +/m/01f_3w /music/record_label/artist /m/01vrt_c +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/03z509 /people/person/nationality /m/09c7w0 +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0dfw0 /film/film/language /m/02h40lc +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/09b3v /media_common/netflix_genre/titles /m/01cm8w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07f_7h +/m/0n83s /film/film/country /m/0f8l9c +/m/02t_y3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/07_f2 /location/location/contains /m/02m0sc +/m/0kv2hv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05pxnmb +/m/0n6kf /influence/influence_node/influenced_by /m/03_87 +/m/01yjl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_sr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtcq +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0n2kw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v5_g /film/film/genre /m/01585b +/m/03nb5v /people/person/places_lived./people/place_lived/location /m/081mh +/m/02qwgk /organization/organization/headquarters./location/mailing_address/state_province_region /m/059t8 +/m/0fsb_6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pbl56 /film/film/executive_produced_by /m/0gg9_5q +/m/02z3r8t /film/film/written_by /m/02hfp_ +/m/08q3s0 /people/person/profession /m/02hrh1q +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0n6f8 /film/actor/film./film/performance/film /m/04qk12 +/m/04135 /people/person/profession /m/02hrh1q +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k4gv +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044rvb +/m/01pk3z /people/person/gender /m/02zsn +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0309lm /film/actor/film./film/performance/film /m/0dgrwqr +/m/04shbh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0456xp +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mjf2 +/m/0y3_8 /music/genre/artists /m/02vgh +/m/0glh3 /location/administrative_division/country /m/07ssc +/m/04rsd2 /people/person/nationality /m/02jx1 +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zjx +/m/02v8kmz /film/film/film_production_design_by /m/0cdf37 +/m/042q3 /people/person/places_lived./people/place_lived/location /m/09krp +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/03v1jf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02bc74 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02wlk /people/deceased_person/place_of_death /m/0d35y +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/053j4w4 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/08gwzt +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/07ssc /location/location/contains /m/02hgz +/m/0rhp6 /location/hud_county_place/place /m/0rhp6 +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/01z4y /media_common/netflix_genre/titles /m/07bxqz +/m/03mz5b /film/film/genre /m/07s9rl0 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/0n6f8 /film/actor/film./film/performance/film /m/0c1sgd3 +/m/02z2mr7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0241jw /film/actor/film./film/performance/film /m/0crs0b8 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0kvgxk /film/film/written_by /m/076_74 +/m/0h7x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0b22w /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/025sc50 /music/genre/artists /m/015f7 +/m/01r97z /film/film/genre /m/0gsy3b +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0194_r /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0prfz +/m/029fbr /music/genre/artists /m/07yg2 +/m/0382m4 /people/person/places_lived./people/place_lived/location /m/0fvyg +/m/012wgb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wxyx1 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/04135 /influence/influence_node/influenced_by /m/058vp +/m/049w1q /film/film/genre /m/07s9rl0 +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/069z_5 /people/person/profession /m/0np9r +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01y9jr /film/film/music /m/01m7f5r +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/09xbpt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02s4l6 +/m/0jdgr /film/film/genre /m/0hn10 +/m/02hg53 /people/person/nationality /m/09c7w0 +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0dnw1 +/m/0jrv_ /music/genre/artists /m/04mx7s +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/01jqr_5 /people/person/places_lived./people/place_lived/location /m/0ljsz +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/05nyqk /film/film/produced_by /m/04zwtdy +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/08m4c8 /people/person/profession /m/02hrh1q +/m/07l1c /business/business_operation/industry /m/05jnl +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/0627zr /people/person/profession /m/02hrh1q +/m/052bw /location/location/contains /m/09k23 +/m/09b3v /media_common/netflix_genre/titles /m/02c7k4 +/m/01vw20_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c5bz +/m/0dn44 /people/person/profession /m/0747nrk +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0b2lw /base/biblioness/bibs_location/state /m/04ykg +/m/03tw2s /education/educational_institution_campus/educational_institution /m/03tw2s +/m/02lp3c /people/person/profession /m/01pvkk +/m/02mjf2 /people/person/places_lived./people/place_lived/location /m/013mtx +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c12h +/m/0fkhz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y_ +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07cbs /people/deceased_person/place_of_death /m/0mp3l +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtsxr4 +/m/02wh0 /people/person/religion /m/0kpl +/m/05hz6_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0kq2g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03lrc +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/0c8br +/m/01d1st /people/person/profession /m/03gjzk +/m/0kx4m /award/award_winner/awards_won./award/award_honor/award_winner /m/030_3z +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vsy7t +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0gqrb +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02xtxw /film/film/production_companies /m/05qd_ +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/062yh9 /people/person/gender /m/05zppz +/m/0ggq0m /music/genre/artists /m/0c73z +/m/03z106 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01k7b0 +/m/04l19_ /people/person/gender /m/05zppz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/0d9xq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03fbc /music/artist/origin /m/02ly_ +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07w42 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0bwh6 +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/017f3m /tv/tv_program/genre /m/0gs6m +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b73_1d +/m/074w86 /film/film/produced_by /m/0pz91 +/m/08sfxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfwp +/m/01xn7x1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0xv2x /music/genre/parent_genre /m/016clz +/m/026dx /people/person/profession /m/09jwl +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/045c66 /people/person/place_of_birth /m/01_d4 +/m/049fgvm /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/01z452 /film/film/written_by /m/02mt4k +/m/0p7pw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t61y /film/actor/film./film/performance/film /m/07tj4c +/m/02_pft /film/actor/film./film/performance/film /m/035yn8 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/04n32 /music/artist/origin /m/0f2tj +/m/0kwv2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pkhw /film/actor/film./film/performance/film /m/09q5w2 +/m/033tln /people/person/nationality /m/09c7w0 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/04ynx7 +/m/0345h /location/location/contains /m/02z0j +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/0165v /location/country/form_of_government /m/06cx9 +/m/016zgj /music/genre/artists /m/01vrncs +/m/014dd0 /music/record_label/artist /m/012ycy +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/06kbb6 +/m/02jx1 /location/location/contains /m/0173s9 +/m/026bk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01jtp7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/043gj +/m/05683cn /award/award_winner/awards_won./award/award_honor/award_winner /m/071jv5 +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0bl8l +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/07m9cm /film/actor/film./film/performance/film /m/0crc2cp +/m/07_nf /base/culturalevent/event/entity_involved /m/06c97 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/0bx8pn /education/educational_institution/school_type /m/04qbv +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0829rj +/m/062zm5h /film/film/music /m/02jxkw +/m/01ljpm /education/educational_institution/school_type /m/01_srz +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0194xc +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0d05fv +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/04vt98 /people/person/gender /m/05zppz +/m/03mdw3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl9_4 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_8w2 +/m/04knh6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03v36 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04cr6qv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02wb6yq +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03s0w /location/location/contains /m/0nrqh +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/025rcc +/m/079vf /film/actor/film./film/performance/film /m/0cc846d +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425c5 +/m/0cq86w /film/film/genre /m/04t36 +/m/08gyz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0dkb83 /sports/sports_team/colors /m/088fh +/m/018grr /people/person/profession /m/03gjzk +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0697kh +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/0979zs +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/0ddt_ /film/film/featured_film_locations /m/06y57 +/m/0194zl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/09r8l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01pcq3 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/06d4h /film/film_subject/films /m/060__7 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035xwd +/m/04fzk /people/person/nationality /m/0345h +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/06ch55 /music/instrument/instrumentalists /m/01dhjz +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047d21r +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0d_84 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/048q6x +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hxs4 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/07gqbk /music/record_label/artist /m/0f8grf +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/01p4r3 /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/01bpc9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012d40 +/m/0d6lp /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01f492 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01jq0j /education/educational_institution/campuses /m/01jq0j +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/026m0 /people/deceased_person/place_of_death /m/030qb3t +/m/02114t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028r4y +/m/0z05l /film/actor/film./film/performance/film /m/093l8p +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0320fn +/m/050xpd /education/educational_institution_campus/educational_institution /m/050xpd +/m/0209xj /film/film/language /m/03_9r +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/01dys +/m/04xvlr /media_common/netflix_genre/titles /m/01fx6y +/m/013gwb /location/location/contains /m/019pwv +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0m0jc /music/genre/artists /m/04mn81 +/m/01p8r8 /people/person/profession /m/02jknp +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/061681 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02kk_c /tv/tv_program/languages /m/02h40lc +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/06mt91 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04w391 +/m/05r4w /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/07ssc /location/location/contains /m/0m75g +/m/01clyr /music/record_label/artist /m/0cfgd +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktx_ +/m/03hj3b3 /film/film/featured_film_locations /m/059f4 +/m/032l1 /people/deceased_person/place_of_death /m/06pr6 +/m/0tbql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03g5jw /influence/influence_node/influenced_by /m/01vrncs +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/01wd9vs /award/award_winner/awards_won./award/award_honor/award_winner /m/01l3mk3 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8drv +/m/048rn /film/film/film_art_direction_by /m/05233hy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/06929s /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/030hbp /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01gq0b +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08k881 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/03f1d47 +/m/025_nbr /people/person/nationality /m/09c7w0 +/m/046488 /film/film/film_format /m/07fb8_ +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01f1jy /olympics/olympic_games/sports /m/09_9n +/m/01lsl /film/film/written_by /m/05kh_ +/m/08wq0g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01f8f7 /film/film/genre /m/01hmnh +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rybfn +/m/0prh7 /film/film/story_by /m/081k8 +/m/0b1s_q /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07cyl +/m/04__f /film/actor/film./film/performance/film /m/0jzw +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/0kf14 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0db94w /film/film/film_format /m/0cj16 +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/022yb4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02n72k /film/film/genre /m/02kdv5l +/m/02psgq /film/film/genre /m/01g6gs +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02md2d /tv/tv_program/genre /m/01t_vv +/m/0q34g /base/biblioness/bibs_location/country /m/07ssc +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0hmtk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/020_95 +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q52q +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bjbk +/m/0fc9js /award/award_category/nominees./award/award_nomination/nominated_for /m/05_z42 +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016fnb +/m/0l6px /film/actor/film./film/performance/film /m/031778 +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mlh8 +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04vq3h +/m/0g56t9t /film/film/personal_appearances./film/personal_film_appearance/person /m/01mqnr +/m/078jnn /people/person/gender /m/02zsn +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01qq_lp +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/035_2h +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pj5q /film/actor/film./film/performance/film /m/01fmys +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0c7xjb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n7q /location/location/contains /m/0281s1 +/m/0qmfk /film/film/genre /m/02l7c8 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01f8ld /people/person/profession /m/02jknp +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0hskw +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m593 +/m/03__y /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/09nzn6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0194zl /film/film/genre /m/060__y +/m/01rwcgb /people/person/profession /m/0nbcg +/m/0blbxk /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/01pk3z /film/actor/film./film/performance/film /m/0640y35 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03kg2v +/m/03_3d /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/019pm_ /film/actor/film./film/performance/film /m/08lr6s +/m/011k1h /music/record_label/artist /m/01x1cn2 +/m/01cf5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dryh9k /people/ethnicity/people /m/023sng +/m/02kth6 /education/educational_institution/colors /m/019sc +/m/03hl6lc /award/award_category/winners./award/award_honor/ceremony /m/09v0p2c +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dvms +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bgmr +/m/07j9n /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/033g54 +/m/06by7 /music/genre/artists /m/0zjpz +/m/0ggq0m /music/genre/artists /m/015rmq +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/04fc6c /music/record_label/artist /m/0gbwp +/m/01507p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07wqr6 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/0459q4 +/m/02bj6k /film/actor/film./film/performance/film /m/0322yj +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/03mnn0 /film/film/genre /m/04rlf +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/03gm48 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05nmg_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017d93 /film/film/production_companies /m/04rtpt +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0pksh /film/director/film /m/065ym0c +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/01kgxf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yf85 +/m/04kcn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0pz7h +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/07mz77 /film/actor/film./film/performance/film /m/01m13b +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/01vsy7t /people/person/religion /m/0kpl +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/017_qw /music/genre/artists /m/07q1v4 +/m/01337_ /people/person/places_lived./people/place_lived/location /m/0r03f +/m/05qm9f /film/film/genre /m/02n4kr +/m/02vntj /base/eating/practicer_of_diet/diet /m/07_jd +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/04t36 /media_common/netflix_genre/titles /m/0272_vz +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/02qjj7 /people/person/gender /m/05zppz +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/02rx2m5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/085ccd /film/film/language /m/02h40lc +/m/07y_7 /music/instrument/instrumentalists /m/018phr +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06fqlk +/m/01j53q /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/077q8x +/m/017rbx /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01t38b +/m/03n785 /film/film/prequel /m/01f7gh +/m/03_d0 /music/genre/artists /m/01w7nww +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0bg539 /people/person/nationality /m/0ctw_b +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0127s7 /people/person/nationality /m/02k1b +/m/034p8 /film/film_subject/films /m/0642xf3 +/m/0408m53 /film/film/produced_by /m/06rq2l +/m/0dryh9k /people/ethnicity/people /m/02wyc0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/048tv9 /film/film/story_by /m/03h2p5 +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01tz6vs /influence/influence_node/influenced_by /m/0420y +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kgv4 +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0127ps /film/film/genre /m/0c3351 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/0f4vbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fh9 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0d63kt /media_common/netflix_genre/titles /m/045r_9 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0gs6vr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w2sn5 +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0147dk /film/actor/film./film/performance/film /m/06rhz7 +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/05kkh /location/location/contains /m/0yt73 +/m/0b1y_2 /film/film/production_companies /m/05qd_ +/m/01w3lzq /people/person/profession /m/0fnpj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/0mzj_ /dataworld/gardening_hint/split_to /m/099md +/m/026dx /film/director/film /m/0qmd5 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225v9 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/01nzz8 +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/0cgzj +/m/04k3jt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04c636 /people/person/spouse_s./people/marriage/spouse /m/067jsf +/m/04t6fk /film/film/story_by /m/01f7j9 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/045qmr /tv/tv_program/genre /m/0hcr +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/03gyh_z +/m/0dryh9k /people/ethnicity/people /m/061zc_ +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/04ldyx1 +/m/017v3q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04vs9 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/02fybl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02rq8k8 /film/film/cinematography /m/04flrx +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76t12 +/m/07h34 /location/location/contains /m/01qgr3 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/01cbwl /music/genre/artists /m/057xn_m +/m/0d07j8 /people/person/gender /m/05zppz +/m/017959 /music/artist/origin /m/0j7ng +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09pjnd +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/049n3s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/076psv /film/film_set_designer/film_sets_designed /m/0cwy47 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/06myp /influence/influence_node/influenced_by /m/01lwx +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s8hms +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fmqp6 +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/06lk0_ /people/person/nationality /m/09c7w0 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02661h +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/033tf_ /people/ethnicity/people /m/0311wg +/m/0jqd3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06cl2w /film/actor/film./film/performance/film /m/0dfw0 +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01yj2 +/m/0d0kn /location/location/partially_contains /m/02cgp8 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0gcrg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/018rn4 +/m/0421v9q /film/film/country /m/09c7w0 +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/05148p4 /music/instrument/instrumentalists /m/0l12d +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/06by7 /music/genre/artists /m/0161c2 +/m/05mkhs /film/actor/film./film/performance/film /m/03hkch7 +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/080h2 +/m/01ypsj /people/person/place_of_birth /m/06wjf +/m/011ypx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/023ny6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01csrl +/m/072x7s /film/film/production_companies /m/016tw3 +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cnztc4 /film/film/genre /m/03q4nz +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/04w7rn /film/film/music /m/0csdzz +/m/02qr69m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/02t8gf /music/genre/artists /m/01518s +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01fwf1 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/0n2k5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sr0 +/m/02t901 /people/person/place_of_birth /m/0k_q_ +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02mgp +/m/0fy59t /time/event/instance_of_recurring_event /m/0g_w +/m/01l2m3 /people/cause_of_death/people /m/01w9ph_ +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/018db8 /people/person/nationality /m/09c7w0 +/m/04cbtrw /influence/influence_node/influenced_by /m/01hb6v +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0r2bv /base/biblioness/bibs_location/country /m/09c7w0 +/m/057bc6m /people/deceased_person/place_of_death /m/030qb3t +/m/02ctc6 /film/film/production_companies /m/056ws9 +/m/018fq /influence/influence_node/influenced_by /m/041xl +/m/01v_0b /people/person/nationality /m/09c7w0 +/m/06cv1 /film/director/film /m/02rrfzf +/m/081nh /people/person/profession /m/0dxtg +/m/02tkzn /people/person/profession /m/0np9r +/m/07s9rl0 /media_common/netflix_genre/titles /m/0pd6l +/m/0hl3d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/081pw /film/film_subject/films /m/0pc62 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0hc8h /base/biblioness/bibs_location/country /m/02jx1 +/m/0d6_s /film/film/music /m/089kpp +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0xv2x /music/genre/artists /m/01pfr3 +/m/01vwllw /film/actor/film./film/performance/film /m/06cgf +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bh8z +/m/0ds35l9 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0888c3 +/m/0fg04 /film/film/costume_design_by /m/03mfqm +/m/01p47r /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0g476 +/m/0x67 /people/ethnicity/people /m/01vxlbm +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0pgm3 /people/person/profession /m/0cbd2 +/m/026t6 /music/instrument/instrumentalists /m/03f4xvm +/m/04205z /film/actor/film./film/performance/film /m/0ggbfwf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zkr8 +/m/01z9_x /people/person/nationality /m/09c7w0 +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/08g_jw +/m/025vry /people/person/profession /m/01c72t +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/0dr_9t7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05hrq4 /film/actor/film./film/performance/film /m/0gl3hr +/m/07h5d /people/person/profession /m/01d_h8 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qxzd +/m/0jrgr /music/genre/artists /m/04m2zj +/m/02gl58 /tv/tv_program/country_of_origin /m/0d060g +/m/0bw20 /film/film/edited_by /m/02lp3c +/m/0b90_r /location/location/contains /m/01btyw +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kc4s +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/0cbxl0 /people/person/nationality /m/07ssc +/m/0d1w9 /film/film_subject/films /m/047p7fr +/m/034hzj /film/film/genre /m/03mqtr +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02tk74 /people/person/sibling_s./people/sibling_relationship/sibling /m/03f4w4 +/m/0djb3vw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g701n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04ych /location/location/contains /m/0nf3h +/m/019n8z /olympics/olympic_games/sports /m/09f6b +/m/01dv21 /organization/organization/headquarters./location/mailing_address/citytown /m/01l63 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06t2t /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dqcs3 /film/film/country /m/09c7w0 +/m/0fq117k /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/01nxzv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0xsk8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02dh86 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bshwmp /film/film/country /m/09c7w0 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cljf +/m/029_3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01bv8b +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01c65z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05ldxl +/m/04_jsg /music/group_member/membership./music/group_membership/role /m/0342h +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gy0l_ +/m/015wy_ /education/educational_institution_campus/educational_institution /m/015wy_ +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h7bb +/m/042l3v /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03mqtr /media_common/netflix_genre/titles /m/0c9k8 +/m/02rcdc2 /film/film/genre /m/017fp +/m/0fwc0 /location/location/contains /m/01stj9 +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/02bqy /organization/organization/headquarters./location/mailing_address/citytown /m/01m94f +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/04swx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j9z +/m/01zlh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mbwlb +/m/02fttd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/0h7h6 /location/location/contains /m/07wjk +/m/03y_46 /people/person/profession /m/0dxtg +/m/036wy /location/location/contains /m/0nccd +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/025jj7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01s7z0 /people/person/nationality /m/09c7w0 +/m/016r9z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dq9wx +/m/01xrlm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/052gzr /people/person/profession /m/02jknp +/m/0ggh3 /location/hud_county_place/place /m/0ggh3 +/m/03cyslc /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/017j6 /music/artist/origin /m/02_286 +/m/02_1sj /film/film/genre /m/0gf28 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0lcx /people/person/gender /m/05zppz +/m/0p8jf /people/person/religion /m/03_gx +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/076lxv /film/film_set_designer/film_sets_designed /m/014kkm +/m/01hmnh /media_common/netflix_genre/titles /m/05nlx4 +/m/05dl1s /film/film/country /m/0d060g +/m/03ckwzc /film/film/genre /m/060__y +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02c638 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0456zg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/013pp3 /influence/influence_node/influenced_by /m/073v6 +/m/043g7l /music/record_label/artist /m/01s560x +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/047bynf +/m/02j8nx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r216 +/m/04vvh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0mx3k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxhc +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02lk60 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05r5c /music/instrument/instrumentalists /m/0cbm64 +/m/01hwgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02c638 /film/film/genre /m/060__y +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/07ssc /media_common/netflix_genre/titles /m/09r94m +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dclg +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/019g40 /people/person/profession /m/02hrh1q +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/05x_5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08r4x3 +/m/07yjb /media_common/netflix_genre/titles /m/048tv9 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/03jv8d /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/0pmhf /film/actor/film./film/performance/film /m/06sfk6 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04y79_n /people/person/profession /m/02hrh1q +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/04kjvt /music/record_label/artist /m/01kwlwp +/m/0dr31 /base/aareas/schema/administrative_area/administrative_parent /m/09krp +/m/02hgz /location/administrative_division/country /m/07ssc +/m/02ywwy /film/film/genre /m/03k9fj +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/02d45s /people/person/gender /m/05zppz +/m/0btbyn /film/film/genre /m/01jfsb +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/02185j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/0jpdn /people/person/profession /m/0cbd2 +/m/0ky0b /location/location/contains /m/0cp6w +/m/06pk8 /people/person/place_of_birth /m/0bxbb +/m/01gzm2 /people/person/profession /m/0kyk +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cpllql +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vvh9 +/m/01z4y /media_common/netflix_genre/titles /m/0kbwb +/m/01w724 /people/person/nationality /m/09c7w0 +/m/0ptxj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0mwl2 /location/location/time_zones /m/02hcv8 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0343h +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/023zl /organization/organization/child./organization/organization_relationship/child /m/02301 +/m/02hp6p /education/educational_institution/school_type /m/05pcjw +/m/01pcql /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/02rb84n /film/film/produced_by /m/02q_cc +/m/0xhtw /music/genre/artists /m/0zjpz +/m/0ylzs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wkd +/m/02t__3 /film/actor/film./film/performance/film /m/05mrf_p +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02rf1y +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s529 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/027ybp /education/educational_institution/campuses /m/027ybp +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/01n30p /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/098sx /people/person/profession /m/01l5t6 +/m/0nz_b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cd25 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04sh3 +/m/0lwkh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016k62 +/m/042v2 /people/person/gender /m/05zppz +/m/0bl5c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j4x +/m/018gqj /people/person/place_of_birth /m/04f_d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dy6c9 +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/03c602 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/07brj /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/026m3y /education/educational_institution/students_graduates./education/education/student /m/041xl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019mdt +/m/0tfc /people/person/employment_history./business/employment_tenure/company /m/0h6rm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0m9_5 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0c41qv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/034qbx /film/film/music /m/02g1jh +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01ww_vs /people/person/profession /m/016z4k +/m/0n85g /music/record_label/artist /m/0140t7 +/m/01nr36 /people/person/gender /m/05zppz +/m/0n6ds /film/film/music /m/01m7f5r +/m/044qx /film/actor/film./film/performance/film /m/0bl06 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/016wvy /people/person/profession /m/016z4k +/m/0p5mw /people/person/profession /m/09jwl +/m/012hw /people/cause_of_death/people /m/05hks +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/08qs09 +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0fx0j2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kkm +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/05k7sb /base/aareas/schema/administrative_area/capital /m/01cx_ +/m/036kmk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06f32 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0blfl /olympics/olympic_games/participating_countries /m/03rjj +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/02ll45 /film/film/language /m/02h40lc +/m/02dtg /sports/sports_team_location/teams /m/02d02 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/02bwc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03czz87 +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/02bpy_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_pft /film/actor/film./film/performance/film /m/04tng0 +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/06g2d1 +/m/01zll8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01tmtg +/m/01wyy_ /people/person/profession /m/02jknp +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0448r +/m/01qckn /business/business_operation/industry /m/020mfr +/m/01mqh5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0n6f8 +/m/032t2z /people/person/profession /m/0fnpj +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/08bytj +/m/018w0j /film/film_subject/films /m/07jxpf +/m/098phg /base/aareas/schema/administrative_area/administrative_parent /m/04q_g +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/099jhq /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/027x7z5 /film/film/story_by /m/0mb0 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ltf +/m/0j3v /user/alexander/philosophy/philosopher/interests /m/05qfh +/m/03ckfl9 /music/genre/artists /m/050z2 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0d739 /location/location/time_zones /m/02hcv8 +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3nb +/m/01pm0_ /film/actor/film./film/performance/film /m/04g73n +/m/0178g /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0339z0 /music/genre/artists /m/01vw917 +/m/0g2hw4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/02l4pj /people/person/profession /m/02hrh1q +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0d1mp3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03_8kz +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/07_w1l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05hjmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_bcg +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b7gxq +/m/051hhz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cw67g /film/actor/film./film/performance/film /m/031t2d +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/078mgh +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/01lvzbl /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/017kz7 /film/film/country /m/07ssc +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0126hc +/m/02qx5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/064lsn /film/film/language /m/02h40lc +/m/0d1swh /people/person/profession /m/0gl2ny2 +/m/01pfkw /people/person/nationality /m/02jx1 +/m/0c_m3 /location/hud_county_place/county /m/0msyb +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/085ccd /film/film/genre /m/03k9fj +/m/06x43v /film/film/language /m/02h40lc +/m/02_fm2 /film/film/genre /m/0hcr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04b5n0 +/m/02bg55 /film/film/executive_produced_by /m/03c9pqt +/m/01w0v /location/location/contains /m/018m5q +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01tqfs +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/03rhqg /music/record_label/artist /m/01mvjl0 +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/0gn30 /film/actor/film./film/performance/film /m/04cbbz +/m/01wgxtl /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0prjs /people/person/religion /m/0n2g +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0301yj +/m/01yfp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/015g28 /film/film/featured_film_locations /m/0345h +/m/0hpz8 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lwv5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bnq3j /people/person/profession /m/03gjzk +/m/08r98b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0n85g /music/record_label/artist /m/01pny5 +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f7jt +/m/04h6mm /people/person/profession /m/02hrh1q +/m/01w40h /music/record_label/artist /m/0f0qfz +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07twz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/01qscs +/m/016clz /music/genre/artists /m/0dw3l +/m/06gb1w /film/film/genre /m/0btmb +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/01jfr3y /people/person/nationality /m/09c7w0 +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/03x726 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07b_l /location/location/contains /m/010016 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/09p35z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02pdhz +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/059xnf +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/01cbwl /music/genre/parent_genre /m/05bt6j +/m/0f4yh /film/film/edited_by /m/03q8ch +/m/02rrsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/0ms1n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ms6_ +/m/0d90m /film/film/featured_film_locations /m/02_286 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0vrmb /location/hud_county_place/county /m/0nj07 +/m/04xzm /people/person/gender /m/05zppz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0225bv +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bn3l +/m/03jht /influence/influence_node/influenced_by /m/0bk5r +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/02896 /sports/sports_team/colors /m/083jv +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/083chw /film/actor/film./film/performance/film /m/0bs8ndx +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/09c7w0 /location/location/contains /m/03np_7 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08s6mr +/m/0f1vrl /people/person/place_of_birth /m/013g3 +/m/02c8d7 /music/genre/artists /m/06mt91 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01n4w_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/instrument/instrumentalists /m/0bg539 +/m/0h6dy /government/governmental_body/members./government/government_position_held/legislative_sessions /m/034_7s +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/06r2h /film/film/genre /m/03k9fj +/m/0kwmc /base/aareas/schema/administrative_area/administrative_parent /m/0gyh +/m/0bqvs2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wqmm8 +/m/0ymff /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/015nhn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04psyp /people/person/place_of_birth /m/030qb3t +/m/0cp6w /location/location/time_zones /m/02llzg +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ddf2bm +/m/07s9rl0 /media_common/netflix_genre/titles /m/093dqjy +/m/02n1gr /people/person/nationality /m/03rk0 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4_n0 +/m/0gtv7pk /film/film/genre /m/06n90 +/m/04jspq /people/person/place_of_birth /m/0f2wj +/m/0x67 /people/ethnicity/people /m/01kvqc +/m/05148p4 /music/instrument/instrumentalists /m/01wvxw1 +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/08141d /people/person/profession /m/0np9r +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/03nqbvz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cdz +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/02p5hf /people/person/languages /m/02h40lc +/m/08tq4x /film/film/genre /m/04228s +/m/01z88t /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/07s95_l /people/person/gender /m/05zppz +/m/02lx0 /location/country/form_of_government /m/01fpfn +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/02ln1 +/m/0svqs /people/person/gender /m/05zppz +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/04b2qn /film/film/music /m/07v4dm +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/01wyz92 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/018n6m +/m/0k54q /film/film/language /m/03_9r +/m/06dfz1 /tv/tv_program/genre /m/01htzx +/m/0ksrf8 /people/person/nationality /m/07ssc +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/018ctl /olympics/olympic_games/sports /m/03tmr +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/0171cm +/m/01fcmh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05z_p6 /film/director/film /m/03mr85 +/m/01l_vgt /music/artist/origin /m/0f8l9c +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/05pyrb +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/035yn8 /film/film/language /m/02h40lc +/m/0d0l91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03p7gb /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0kv9d3 /film/film/produced_by /m/01xcfy +/m/09qxq7 /music/genre/artists /m/02r3cn +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0h7pj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_p6t +/m/0407f /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05yh_t /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07bch9 /people/ethnicity/people /m/0hnp7 +/m/022_lg /film/director/film /m/0pd64 +/m/09c7w0 /location/location/contains /m/0w9hk +/m/08pth9 /people/person/nationality /m/09c7w0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9cv +/m/01n6c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/04sntd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7nt +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/0gh65c5 /film/film/country /m/06t2t +/m/017z49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/03mqj_ /sports/sports_team/sport /m/02vx4 +/m/025tdwc /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/0r2dp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qkt /location/location/contains /m/0d05w3 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/09x3r /olympics/olympic_games/participating_countries /m/0b90_r +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0d9xq +/m/0192l /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02krdz /film/film/cinematography /m/02rgz97 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0bl06 /award/award_winning_work/awards_won./award/award_honor/award /m/0czp_ +/m/05r5c /music/instrument/instrumentalists /m/017f4y +/m/0345h /location/location/contains /m/07gdw +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02s2wq +/m/02jt1k /film/actor/film./film/performance/film /m/01rwyq +/m/0320jz /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01g0jn +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fqt1ns +/m/0181hw /music/record_label/artist /m/0pqp3 +/m/06wvj /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06zpgb2 +/m/095l0 /sports/sports_team_location/teams /m/01j_jh +/m/02r1ysd /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/03thw4 +/m/0d0x8 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01_4z /people/person/profession /m/099md +/m/0660b9b /film/film/produced_by /m/0bsb4j +/m/05y8n7 /music/genre/artists /m/016lmg +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0fq27fp /film/film/film_festivals /m/0gg7gsl +/m/036gdw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/059rby /location/location/contains /m/01cf5 +/m/03vyw8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gv_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jfsb /media_common/netflix_genre/titles /m/05k2xy +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/02lxrv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j63k /tv/tv_program/languages /m/02h40lc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/01rlzn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01f08r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0c6qh +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0sxgv /film/film/genre /m/03k9fj +/m/0gpx6 /film/film/genre /m/05p553 +/m/014v6f /film/actor/film./film/performance/film /m/051zy_b +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/05q_mg +/m/05r6t /music/genre/artists /m/0gt_k +/m/0gcpc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03_xj +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02l0xc +/m/01l2b3 /film/film/country /m/09c7w0 +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0151xv /people/person/gender /m/05zppz +/m/0345_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/023znp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/0f42nz +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/03s9kp /film/film/production_companies /m/086k8 +/m/0fphgb /film/film/featured_film_locations /m/0q_xk +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/074rg9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/028hc2 /people/person/religion /m/04pk9 +/m/01817f /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/09fb5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09kr66 /people/ethnicity/languages_spoken /m/0t_2 +/m/01ffx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/06pwq /education/university/fraternities_and_sororities /m/04m8fy +/m/036jv /music/genre/artists /m/01vw_dv +/m/06nd8c /people/person/nationality /m/09c7w0 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1pv +/m/01n4w /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_qr +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jbj +/m/04fjzv /film/film/written_by /m/06mn7 +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gwf191 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/0fw3f /base/biblioness/bibs_location/state /m/0846v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016mhd +/m/0cbkc /people/person/nationality /m/0f8l9c +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0fvr1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032q8q /people/person/places_lived./people/place_lived/location /m/0xhmb +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02y_lrp +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08vr94 +/m/01tsbmv /film/actor/film./film/performance/film /m/03qcfvw +/m/06j6l /music/genre/artists /m/04b7xr +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jjy0 +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/03cz4j /people/person/nationality /m/03_3d +/m/065r8g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01hvjx /film/film/genre /m/0vgkd +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ny6g +/m/08qxx9 /people/person/profession /m/02hrh1q +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/022q4j /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09byk /people/person/profession /m/0cbd2 +/m/07ssc /media_common/netflix_genre/titles /m/0yxf4 +/m/0661m4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f6_4 /location/location/time_zones /m/02hcv8 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/015pxr +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/0bpm4yw /film/film/film_format /m/017fx5 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01_p6t /film/actor/film./film/performance/film /m/0bpx1k +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07cdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02klny +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/064n1pz /film/film/country /m/0k6nt +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01c1nm +/m/06nrt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j95 +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/0blfl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0ckf6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/09c7w0 /location/country/second_level_divisions /m/0m2cb +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/03fpx /music/genre/parent_genre /m/02srgf +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04vq33 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/018jz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088vb +/m/05l0j5 /film/actor/film./film/performance/film /m/06znpjr +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/042kg /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03sww /people/person/gender /m/05zppz +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06mvyf /education/educational_institution_campus/educational_institution /m/06mvyf +/m/01vv6xv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/023p7l /film/film/production_companies /m/01795t +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/08q3s0 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/021f30 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01ckcd /award/award_category/category_of /m/0c4ys +/m/08chdb /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/040v3t /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/01cszh /music/record_label/artist /m/01wx756 +/m/0l14gg /music/genre/artists /m/09swkk +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0kw4j /education/educational_institution/students_graduates./education/education/student /m/01v80y +/m/01hkg9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0693l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_f_5 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/09b0xs /people/person/gender /m/05zppz +/m/02k84w /music/instrument/instrumentalists /m/01kd57 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/026n4h6 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/01rr31 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/05fjy /base/aareas/schema/administrative_area/capital /m/0f25y +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04g73n +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02cqbx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05pdh86 /film/film/country /m/09c7w0 +/m/0k4f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05x2t7 +/m/02s2ys /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04xvlr /media_common/netflix_genre/titles /m/02v_r7d +/m/011yl_ /film/film/genre /m/07s9rl0 +/m/04p3w /people/cause_of_death/people /m/07tvwy +/m/026390q /film/film/genre /m/05p553 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/01k7b0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05v1sb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04v9wn +/m/0cf2h /film/actor/film./film/performance/film /m/0j90s +/m/01vw8mh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0zcbl /people/person/nationality /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02w670 /people/person/profession /m/01c72t +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/011zd3 +/m/03nl5k /award/award_category/winners./award/award_honor/award_winner /m/01vzxld +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01flzq /music/genre/artists /m/0k6yt1 +/m/09blyk /media_common/netflix_genre/titles /m/0fq7dv_ +/m/015qh /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01pl14 /education/educational_institution/campuses /m/01pl14 +/m/01wmcbg /people/person/nationality /m/09c7w0 +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/01h910 +/m/02h2z_ /time/event/locations /m/04gqr +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/01dys +/m/01n7q /location/location/contains /m/07vhb +/m/02tn0_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sq0m /people/person/nationality /m/09c7w0 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/0b25vg +/m/02v60l /film/actor/film./film/performance/film /m/0bwhdbl +/m/05bt6j /music/genre/artists /m/03t9sp +/m/08c4yn /film/film/genre /m/0lsxr +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ww5 +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0143hl /education/educational_institution_campus/educational_institution /m/0143hl +/m/028mc6 /people/person/place_of_birth /m/013kcv +/m/02wtp6 /film/film/language /m/064_8sq +/m/06by7 /music/genre/artists /m/027kwc +/m/0ct_yc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03zj9 +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/011v3 +/m/01kh2m1 /people/person/profession /m/09jwl +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gp58p +/m/091n7z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/07zr66 /people/person/nationality /m/0ctw_b +/m/02fybl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/018fq /people/person/nationality /m/09c7w0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/06t61y +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d2psv +/m/03pmty /people/person/nationality /m/09c7w0 +/m/03z20c /film/film/language /m/02h40lc +/m/025snf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jhz_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0phrl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05r5w +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/019fnv +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04fjzv +/m/05w1vf /film/actor/film./film/performance/film /m/01mszz +/m/01cwkq /people/person/nationality /m/09c7w0 +/m/0mwkp /location/location/time_zones /m/02hcv8 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0pmcz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k5y0 +/m/01j48s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/01gkp1 /film/film/featured_film_locations /m/02301 +/m/0b0pf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03ktjq +/m/04p3w /people/cause_of_death/people /m/01rw116 +/m/0371rb /organization/organization/headquarters./location/mailing_address/citytown /m/0727_ +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0191n +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0498yf +/m/02y21l /music/record_label/artist /m/01vsykc +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/025sc50 /music/genre/artists /m/016ppr +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/04kd5d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0kbf1 +/m/03rk0 /location/location/contains /m/029kpy +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kstn9 +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0fpj9pm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jyhv +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0khth /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k0xy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0234j5 /film/film/genre /m/05p553 +/m/01vw20h /award/award_winner/awards_won./award/award_honor/award_winner /m/0677ng +/m/0cg9f /people/person/spouse_s./people/marriage/spouse /m/0bmh4 +/m/02b1d0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017jd9 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hfzr +/m/033jkj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023kzp +/m/0gbwp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/02wgbb /film/film/genre /m/05p553 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/041xl +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0167v4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_ztw +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/02hsgn +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/091yn0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/02sdx /people/deceased_person/place_of_death /m/01_d4 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/05gm16l /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/05qhw /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bgmr +/m/04t2l2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cx7f /music/genre/artists /m/0kzy0 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/01ljpm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031rx9 +/m/02w4v /music/genre/artists /m/01vrncs +/m/03ckxdg /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/06pjs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/02vjzr /music/genre/artists /m/01r7pq +/m/03p7rp /music/genre/parent_genre /m/05r6t +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0l99s /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/0wh3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/08809 +/m/051ghn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/015pvh /people/person/profession /m/02krf9 +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/041rx /people/ethnicity/people /m/06crk +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tp2 +/m/023p29 /people/person/gender /m/05zppz +/m/028knk /people/person/gender /m/02zsn +/m/085pr /influence/influence_node/influenced_by /m/03s9b +/m/0135xb /people/person/place_of_birth /m/01gln9 +/m/01vwyqp /film/actor/film./film/performance/film /m/032016 +/m/03lrqw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n1gc /film/actor/film./film/performance/film /m/033pf1 +/m/086qd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03knl +/m/0jdr0 /film/film/language /m/04306rv +/m/03qcfvw /film/film/genre /m/06n90 +/m/05dbyt /people/person/profession /m/02hrh1q +/m/0ds35l9 /film/film/executive_produced_by /m/062ftr +/m/0qf3p /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/047vp1n /film/film/genre /m/07s9rl0 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l8sx /business/business_operation/industry /m/0hz28 +/m/05vxdh /film/film/genre /m/060__y +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/016fnb /people/person/profession /m/016z4k +/m/02hmw9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nn6c /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0cpvcd /people/person/place_of_birth /m/0d7_n +/m/0kbwb /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/04t2l2 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jzyf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0226cw +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0137n0 +/m/051qvn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/039bpc +/m/0512p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086k8 +/m/021sv1 /people/deceased_person/place_of_death /m/0bxbr +/m/05cc1 /location/country/official_language /m/064_8sq +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0flw6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05q2c +/m/04954 /award/award_winner/awards_won./award/award_honor/award_winner /m/01s7zw +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/016k62 /music/artist/contribution./music/recording_contribution/performance_role /m/07y_7 +/m/0dmn0x /film/film/genre /m/04xvlr +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy4k +/m/027pfb2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/05zjd /language/human_language/countries_spoken_in /m/0d060g +/m/0mfj2 /film/actor/film./film/performance/film /m/09sr0 +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01w7nwm /people/person/profession /m/0d1pc +/m/03gvt /music/instrument/instrumentalists /m/01kv4mb +/m/09c7w0 /location/location/contains /m/05lx3 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/01qmy04 /people/person/profession /m/016z4k +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0190yn /music/genre/parent_genre /m/06cqb +/m/07wlt /organization/organization/headquarters./location/mailing_address/state_province_region /m/015jr +/m/04fcjt /music/record_label/artist /m/039bpc +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/049sb /people/person/gender /m/05zppz +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0257__ +/m/06zn2v2 /film/film/production_companies /m/0jz9f +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/03676 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04v09 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0d0bsj +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0glnm /film/film/film_art_direction_by /m/05233hy +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/06p03s /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/02h48 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rj0z +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0642xf3 +/m/043gj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_nq /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grr2 +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025mb_ /people/person/profession /m/0kyk +/m/031sg0 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0l786 +/m/019l3m /people/person/nationality /m/09c7w0 +/m/01jv1z /music/record_label/artist /m/01l_vgt +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/0cdf37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4nv +/m/06w2yp9 /people/person/place_of_birth /m/0cr3d +/m/0443v1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03d_w3h +/m/0hnlx /people/person/profession /m/01c72t +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/064jjy +/m/0fh2v5 /film/film/genre /m/026ny +/m/02wb6yq /people/person/profession /m/016z4k +/m/016jll /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/027ybp /education/educational_institution/school_type /m/05jxkf +/m/0fgpvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kvbl6 /film/film/genre /m/03k9fj +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/027jk /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tgw +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/012b30 /music/record_label/artist /m/01w02sy +/m/01n073 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02q3fdr /film/film/written_by /m/0534v +/m/0mnlq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02rrfzf /film/film/language /m/02h40lc +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/07jrjb +/m/0g5rg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059j1m /film/actor/film./film/performance/film /m/065_cjc +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0b_6q5 /time/event/locations /m/0lphb +/m/02d413 /film/film/production_companies /m/030_1m +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/01pllx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06jzh +/m/056rgc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03vyw8 +/m/01wg3q /people/person/profession /m/0nbcg +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/028knk /film/actor/film./film/performance/film /m/03b1sb +/m/03w1lf /organization/organization/headquarters./location/mailing_address/citytown /m/015y2q +/m/059qw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059j2 +/m/0bxtg /film/actor/film./film/performance/film /m/03s9kp +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/0177gl +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fcx7 +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/030b93 /people/person/profession /m/02hrh1q +/m/03mh_tp /film/film/produced_by /m/0b13g7 +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gn36 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0fx0mw /people/person/gender /m/05zppz +/m/02prwdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/0f1nl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01npw8 /organization/organization/headquarters./location/mailing_address/citytown /m/0cv3w +/m/04bjff /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/03nb5v /people/person/place_of_birth /m/0fpzwf +/m/05r5c /music/instrument/instrumentalists /m/01vttb9 +/m/0fqt1ns /film/film/distributors./film/film_film_distributor_relationship/region /m/059j2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b15h +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02779r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0223bl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/019mdt /sports/sports_team/colors /m/06fvc +/m/03lb76 /sports/sports_team/sport /m/02vx4 +/m/042f1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06zn1c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/041rx /people/ethnicity/people /m/058vp +/m/029h45 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jrs46 +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02h30z /education/educational_institution/school_type /m/05pcjw +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0lbd9 /time/event/locations /m/06c62 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/01mxt_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/0dp7wt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04__f +/m/01qbg5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/0jcgs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcky +/m/013knm /film/actor/film./film/performance/film /m/025rxjq +/m/01mqc_ /film/actor/film./film/performance/film /m/015bpl +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01w0v /location/location/contains /m/01nn7r +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01p6xx +/m/0f2tj /sports/sports_team_location/teams /m/0jm6n +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jrbb +/m/0294mx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/021mlp /people/person/gender /m/05zppz +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01817f +/m/01vsps /people/person/places_lived./people/place_lived/location /m/096gm +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/02h2vv +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0bxxzb +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06w6_ /film/actor/film./film/performance/film /m/0n6ds +/m/04h68j /people/person/profession /m/03gjzk +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0ggl02 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/017yfz /people/person/places_lived./people/place_lived/location /m/01531 +/m/0jt3tjf /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/018vs /music/instrument/instrumentalists /m/0kj34 +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/015zyd /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0b25vg /film/actor/film./film/performance/film /m/04gv3db +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/01lk02 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qvtwm +/m/02x0dzw /people/person/nationality /m/09c7w0 +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/093xh0 +/m/01yznp /people/person/profession /m/03gjzk +/m/049bp4 /sports/sports_team/colors /m/019sc +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_x5t +/m/0mxbq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx5p +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/016k6x /film/actor/film./film/performance/film /m/04gknr +/m/01lqnff /people/person/place_of_birth /m/01z28b +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/01ycfv /people/person/profession /m/01c72t +/m/03j6_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/09p4w8 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/01l3mk3 /people/deceased_person/place_of_death /m/030qb3t +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_qr +/m/05wp1p /film/film/genre /m/01hmnh +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0jhn7 /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/06kbb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01vq3 /film/film_subject/films /m/0p3_y +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/06wpc +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/01vyv9 /base/eating/practicer_of_diet/diet /m/07_jd +/m/02w29z /film/actor/film./film/performance/film /m/06w839_ +/m/07g9f /tv/tv_program/country_of_origin /m/0d060g +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0dzf_ /film/actor/film./film/performance/film /m/03nx8mj +/m/015qh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01z7s_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/019pm_ +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01vrkdt +/m/03h_0_z /music/artist/origin /m/0vzm +/m/0hfzr /film/film/executive_produced_by /m/02q_cc +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0283xx2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02w9k1c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02j04_ +/m/0c7hq /location/administrative_division/first_level_division_of /m/03rjj +/m/0683n /influence/influence_node/influenced_by /m/02zjd +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv8w +/m/04sskp /film/film/language /m/02h40lc +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/06dl_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01gkp1 /film/film/genre /m/05p553 +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0420td /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0g5q34q /film/film/language /m/02h40lc +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/01vh08 /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/0126rp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pqzh /people/person/gender /m/05zppz +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081bls +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05y0cr +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0lk0l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03vrnh /people/person/place_of_birth /m/0dlv0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01nd2c +/m/0kpys /location/location/contains /m/0r0ls +/m/02qdrjx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bq1j /education/educational_institution/students_graduates./education/education/student /m/01n1gc +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v1w7 +/m/0glj9q /media_common/netflix_genre/titles /m/0yx7h +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0h0yt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_hj4 /people/person/profession /m/02hrh1q +/m/040b5k /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/07brj /music/instrument/instrumentalists /m/02vr7 +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04wddl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01lnyf /education/educational_institution/colors /m/088fh +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/0hz6mv2 /film/film/personal_appearances./film/personal_film_appearance/person /m/013rds +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/01lfy /location/location/contains /m/017ztv +/m/081lh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fw2y +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/019f9z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/06s27s /people/person/nationality /m/059j2 +/m/02qsjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/0bs8d +/m/07ssc /location/location/contains /m/0n048 +/m/02j9z /base/locations/continents/countries_within /m/07t21 +/m/0fhp9 /base/aareas/schema/administrative_area/administrative_parent /m/0h7x +/m/01pbxb /people/person/profession /m/09jwl +/m/09byk /people/person/profession /m/02jknp +/m/05th8t /people/person/nationality /m/0d060g +/m/06by7 /music/genre/artists /m/01vsnff +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0gywn /music/genre/artists /m/01f2q5 +/m/01gjw /music/genre/artists /m/02f1c +/m/05s34b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/086hg9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0gjcrrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01fdc0 /people/person/profession /m/02hrh1q +/m/041rx /people/ethnicity/people /m/04w391 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h910 +/m/079kr /music/artist/origin /m/0214m4 +/m/067jsf /people/person/profession /m/02hrh1q +/m/0dg3n1 /base/locations/continents/countries_within /m/03676 +/m/05q4y12 /film/film/film_format /m/0cj16 +/m/035bcl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbl95 +/m/0260bz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0512p /sports/sports_team/colors /m/083jv +/m/06d4h /film/film_subject/films /m/05qm9f +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02v570 /film/film/written_by /m/0jw67 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbb +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012201 +/m/034qg /people/cause_of_death/people /m/07pzc +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/074w86 +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01m4kpp +/m/09blyk /media_common/netflix_genre/titles /m/049w1q +/m/02s62q /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/012x7b /music/genre/parent_genre /m/05w3f +/m/0ccvx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09ps01 /film/film/genre /m/0219x_ +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01mqnr +/m/04__f /people/person/gender /m/05zppz +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/04_1l0v /location/location/contains /m/03v0t +/m/05y5fw /people/person/profession /m/0cbd2 +/m/07vf5c /film/film/written_by /m/05kfs +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/0bmh4 /film/actor/film./film/performance/film /m/0147sh +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0cy__l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01j_jh +/m/02lyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0164b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/08b8vd /people/person/nationality /m/09c7w0 +/m/06mvq /people/ethnicity/people /m/01y64_ +/m/0gkz3nz /film/film/genre /m/05p553 +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/0nlqq /base/aareas/schema/administrative_area/administrative_parent /m/050l8 +/m/0k4y6 /time/event/locations /m/0dg3n1 +/m/01z88t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05l8y +/m/0bpx1k /film/film/produced_by /m/0b13g7 +/m/0bzrsh /time/event/locations /m/010h9y +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0dnkmq /film/film/music /m/05y7hc +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/071ywj /people/person/profession /m/02hrh1q +/m/0488g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05mph +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05z7c +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0697s /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0425gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bh8drv /film/film/language /m/02h40lc +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/0dxmyh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/04d_mtq +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dqyw +/m/01_j71 /people/person/profession /m/02hrh1q +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q23x +/m/0f7hc /film/actor/film./film/performance/film /m/0kv2hv +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0g_92 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/01l47f5 /people/person/nationality /m/09c7w0 +/m/0dl5d /music/genre/artists /m/06gd4 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/0gm2_0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2cb +/m/01c744 /location/administrative_division/country /m/06mzp +/m/035gt8 /education/educational_institution/colors /m/088fh +/m/03h_yy /film/film/genre /m/0lsxr +/m/0prhz /film/film/music /m/02sjp +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/01wdqrx /music/group_member/membership./music/group_membership/role /m/02hnl +/m/03clwtw /film/film/executive_produced_by /m/05hj_k +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/045bg /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/0m593 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vyh +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/01xdn1 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/09g7vfw /film/film/executive_produced_by /m/0glyyw +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01xyqk /music/record_label/artist /m/0f6lx +/m/0bmch_x /film/film/country /m/0d060g +/m/0b_6xf /time/event/locations /m/010h9y +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01vxlbm /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p85y +/m/03qjlz /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/05kr_ /location/location/contains /m/018dh3 +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/060v34 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0227vl +/m/032d52 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02825kb +/m/062hgx /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/015fr /media_common/netflix_genre/titles /m/03q8xj +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kb57 +/m/03wy70 /people/person/profession /m/02hrh1q +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/04f6df0 /film/film/country /m/07ssc +/m/02h30z /education/educational_institution/colors /m/083jv +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/027jw0c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vy5j /people/person/place_of_birth /m/0d6hn +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01k6y1 +/m/06q8hf /people/person/place_of_birth /m/01nl79 +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/07fsv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/03_fmr /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/06mr6 /people/person/profession /m/02hrh1q +/m/04j14qc /film/film/genre /m/04t36 +/m/03f0324 /people/person/profession /m/0kyk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04bjff +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/02nx2k /film/film/genre /m/03npn +/m/0chnf /influence/influence_node/influenced_by /m/0fpzzp +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfg +/m/01438g /film/actor/film./film/performance/film /m/0415ggl +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmgb +/m/06rzwx /film/film/music /m/02jxkw +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/06dv3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1pj +/m/02624g /base/eating/practicer_of_diet/diet /m/07_jd +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/07mqps /people/ethnicity/people /m/02n9k +/m/0155w /music/genre/artists /m/01vsy3q +/m/0gywn /music/genre/artists /m/017yfz +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/041p3y /music/record_label/artist /m/01vrnsk +/m/029_3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/01sjz_ /education/educational_institution/students_graduates./education/education/student /m/03ym1 +/m/0863x_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0266r6h +/m/0133h8 /location/administrative_division/country /m/0h7x +/m/03h502k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cyjx /film/actor/film./film/performance/film /m/04ghz4m +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/011k1h /music/record_label/artist /m/01mxnvc +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/027571b +/m/016bx2 /people/person/gender /m/05zppz +/m/06kl78 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/026n4h6 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/02ryz24 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/04zxrt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011ykb /film/film/genre /m/06cvj +/m/047g6 /user/alexander/philosophy/philosopher/interests /m/097df +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01l9p +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01k8rb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/048hf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/01n7q /location/location/contains /m/03hdz8 +/m/0894_x /people/person/languages /m/02hxcvy +/m/010cw1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0f2s6 /base/biblioness/bibs_location/state /m/07b_l +/m/03j1p2n /people/person/nationality /m/02jx1 +/m/04ck0_ /sports/sports_team/colors /m/06fvc +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t_st +/m/014l6_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046zh +/m/081lh /base/eating/practicer_of_diet/diet /m/07_jd +/m/08qvhv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03_8kz +/m/03cdg /organization/organization_founder/organizations_founded /m/0hsb3 +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02dr9j /film/film/country /m/09c7w0 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/04xn2m +/m/0gyy53 /film/film/genre /m/060__y +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/03ln8b +/m/018ctl /olympics/olympic_games/participating_countries /m/04w8f +/m/04jjy /media_common/netflix_genre/titles /m/0963mq +/m/01gbn6 /film/actor/film./film/performance/film /m/0241y7 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03m4mj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01clyr /music/record_label/artist /m/0qf3p +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0ftvz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02prwdh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mmr1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/03bww6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0d0l91 +/m/047gpsd /film/film/genre /m/07s9rl0 +/m/02vyw /people/person/sibling_s./people/sibling_relationship/sibling /m/01gw4f +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/02yplc /film/actor/film./film/performance/film /m/08952r +/m/02vcp0 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/03cd0x /film/film/music /m/01nc3rh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/070b4 +/m/0fb0v /music/record_label/artist /m/0fcsd +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01xbgx +/m/07c2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/04fc6c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023zl /education/educational_institution_campus/educational_institution /m/023zl +/m/0g72r /influence/influence_node/influenced_by /m/0c1jh +/m/06sfk6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h7pj +/m/07kg3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04q_g +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/014vk4 /award/award_winner/awards_won./award/award_honor/award_winner /m/09b6zr +/m/01k5y0 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nkxvx +/m/02kxg_ /base/culturalevent/event/entity_involved /m/06v9sf +/m/01r6jt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlr4 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/060v34 /film/film/featured_film_locations /m/0chgzm +/m/04gr35 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/016gkf +/m/07d370 /people/person/profession /m/0dxtg +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0xhtw /music/genre/artists /m/0560w +/m/05mt_q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/0154yf /award/award_category/winners./award/award_honor/award_winner /m/0dj5q +/m/0157g9 /location/location/contains /m/0162v +/m/06jzh /film/actor/film./film/performance/film /m/02x2jl_ +/m/02bqxb /film/film/production_companies /m/030_1_ +/m/0bhvtc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/059lwy +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01n_2f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/041rx /people/ethnicity/people /m/04hcw +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/0bn3jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/01sbhvd /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0ddjy /film/film/music /m/0146pg +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012ky3 +/m/045bs6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0333wf +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/01n6c /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05qfh /film/film_subject/films /m/0qm98 +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0d0bsj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0215n /media_common/netflix_genre/titles /m/0vhm +/m/0163r3 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0557q /music/genre/artists /m/0bvzp +/m/01csvq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/03qcfvw /film/film/country /m/09c7w0 +/m/0kz4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09qxq7 /music/genre/artists /m/0180w8 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/04_1l0v /location/location/contains /m/050l8 +/m/01sbv9 /film/film/production_companies /m/056ws9 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/012gk9 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t2t2 +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/06t2t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01z3bz /location/location/time_zones /m/02llzg +/m/01yjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/0ggq0m /music/genre/artists /m/02sjp +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/064t9 /music/genre/artists /m/01309x +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbb +/m/01zfzb /film/film/genre /m/07s9rl0 +/m/02vnp2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/03hzkq /people/person/nationality /m/03rk0 +/m/0htcn /people/person/place_of_birth /m/0f2sq +/m/03fwln /film/actor/film./film/performance/film /m/0f42nz +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0jmwg /music/genre/artists /m/01wt4wc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/01s9vc /film/film/genre /m/01jfsb +/m/0q5hw /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/045bg /people/person/profession /m/0dxtg +/m/02qk3fk /film/film/film_format /m/0cj16 +/m/03s5t /base/aareas/schema/administrative_area/capital /m/099ty +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05zjd +/m/015w8_ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07c52 /media_common/netflix_genre/titles /m/06k176 +/m/06cgf /film/film/genre /m/0gf28 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/03fw4y +/m/0f8l9c /location/country/second_level_divisions /m/0mgrh +/m/0jnpv /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/072r5v +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h5g_ +/m/0436kgz /film/actor/film./film/performance/film /m/025s1wg +/m/04psf /people/cause_of_death/people /m/01kgg9 +/m/01s3kv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1j_ +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0264v8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cy__l /film/film/country /m/09c7w0 +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/025h4z /film/actor/film./film/performance/film /m/015qsq +/m/01l4g5 /people/person/profession /m/09jwl +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02qr3k8 /film/film/genre /m/03npn +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0d87hc /film/film/production_companies /m/04rtpt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03jb2n +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jyb2 +/m/01dq5z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cnqk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05sb1 +/m/0f2sq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jyhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nm3s +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02z1yj +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/04vr_f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d6cy +/m/04cmrt /people/person/languages /m/03k50 +/m/01tz6vs /people/person/profession /m/02hv44_ +/m/0525b /film/actor/film./film/performance/film /m/04sskp +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/02nf2c /tv/tv_program/genre /m/0c4xc +/m/01vvybv /people/person/gender /m/05zppz +/m/01k56k /influence/influence_node/influenced_by /m/0g5ff +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0241y7 +/m/016xk5 /people/person/profession /m/02jknp +/m/01br2w /film/film/genre /m/03g3w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/01vz80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04jspq +/m/0mwyq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mww2 +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09jm8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76d_m +/m/01l2b3 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06jz0 /people/person/profession /m/0dxtg +/m/04sh80 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gtv7pk /film/film/prequel /m/080dfr7 +/m/05h43ls /film/film/language /m/02h40lc +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/09m6kg /film/film/production_companies /m/016tw3 +/m/026mfbr /film/film/written_by /m/018grr +/m/03nqbvz /people/person/nationality /m/09c7w0 +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/04sry +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01m65sp +/m/0525b /people/person/place_of_birth /m/01t4p0 +/m/07y9w5 /film/film/genre /m/0hcr +/m/04zwjd /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05sxr_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04bgy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/024yxd /music/artist/origin /m/02_286 +/m/0gk4g /people/cause_of_death/people /m/012vct +/m/0347db /people/person/place_of_birth /m/0djd3 +/m/0prhz /film/film/genre /m/04xvlr +/m/0k525 /people/person/profession /m/02hrh1q +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/025ts_z /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/0272_vz /film/film/film_format /m/0cj16 +/m/0b76t12 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0173b0 /music/genre/artists /m/011hdn +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01mgw +/m/01_gv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0f04v /base/biblioness/bibs_location/state /m/01n7q +/m/02ckl3 /education/educational_institution_campus/educational_institution /m/02ckl3 +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0d35y /location/hud_county_place/place /m/0d35y +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/01t265 +/m/02p3cr5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019n7x +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/033rq /award/award_winner/awards_won./award/award_honor/award_winner /m/03qhyn8 +/m/01gc7h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07bsj +/m/0g2mbn /people/person/profession /m/02hrh1q +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/016dp0 /people/person/profession /m/0dxtg +/m/02yl42 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0dg3n1 /location/location/contains /m/05cc1 +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0dck27 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g29 +/m/0m0jc /music/genre/artists /m/043c4j +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/06mnbn /people/person/places_lived./people/place_lived/location /m/0165b +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/02183k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07r1h /people/person/places_lived./people/place_lived/location /m/05fjf +/m/0plw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/0fb1q /people/person/profession /m/02hrh1q +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/03cd0x /film/film/featured_film_locations /m/080h2 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/015lhm /people/person/profession /m/0dxtg +/m/0g768 /music/record_label/artist /m/01vvpjj +/m/01vng3b /people/person/gender /m/05zppz +/m/02nczh /film/film/genre /m/0d63kt +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01yzhn /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0cjf0 /medicine/symptom/symptom_of /m/0167bx +/m/0mb0 /influence/influence_node/influenced_by /m/0lcx +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/020x5r /people/person/profession /m/01d_h8 +/m/0946bb /film/film/language /m/02h40lc +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0k9j_ +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0hx4y /film/film/production_companies /m/030_1_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03pzf +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01pj7 +/m/026ldz7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01pcj4 /education/educational_institution/colors /m/083jv +/m/05txrz /people/person/profession /m/0dxtg +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/013pk3 /film/actor/film./film/performance/film /m/0879bpq +/m/0gv10 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dkv90 /film/film/genre /m/07s9rl0 +/m/02j490 /people/person/gender /m/05zppz +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/022s1m /film/actor/film./film/performance/film /m/0b3n61 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/09c7w0 /location/location/contains /m/0h6l4 +/m/012mrr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/02d4ct /people/person/gender /m/02zsn +/m/0164qt /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0h96g /film/actor/film./film/performance/film /m/03fts +/m/0963mq /film/film/produced_by /m/06pjs +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/089j8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gk4g /people/cause_of_death/people /m/01gj8_ +/m/01p45_v /people/person/profession /m/039v1 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/08cyft /music/genre/artists /m/0qdyf +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07bxhl +/m/05gp3x /award/award_winner/awards_won./award/award_honor/award_winner /m/02vqpx8 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/04nnpw /film/film/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/04344j +/m/03mv0b /people/person/spouse_s./people/marriage/type_of_union /m/01bl8s +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/028hc2 /people/person/profession /m/016z4k +/m/01pllx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/020jqv /film/actor/film./film/performance/film /m/04zyhx +/m/02qkt /location/location/contains /m/03shp +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01p3ty +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/0288fyj +/m/072r5v /film/film/cinematography /m/027t8fw +/m/04wlh /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qvl7 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/09hldj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07z5n /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g3zrd +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mtq +/m/09889g /people/person/gender /m/05zppz +/m/018j2 /music/instrument/instrumentalists /m/011vx3 +/m/0mhlq /location/administrative_division/country /m/0f8l9c +/m/02gpkt /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/026spg /music/artist/origin /m/030qb3t +/m/01vrt_c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04l19_ /people/person/profession /m/0cbd2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049n3s +/m/02qkt /location/location/contains /m/07ytt +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r79_h +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0dm5l +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0hmm7 /film/film/cinematography /m/079hvk +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017149 +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/09v82c0 /award/award_category/category_of /m/0gcf2r +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04gqr +/m/01vs4ff /people/person/nationality /m/02jx1 +/m/0gyh2wm /film/film/production_companies /m/024rbz +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/03nt59 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/015g_7 /people/person/gender /m/05zppz +/m/013knm /people/person/profession /m/01xr66 +/m/03s9b /people/person/places_lived./people/place_lived/location /m/07tcs +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyb4 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03z106 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0c9cp0 +/m/01vs_v8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vxqyl +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fvf1 +/m/02q87z6 /film/film/production_companies /m/020h2v +/m/016ckq /music/record_label/artist /m/01wrcxr +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/051gjr +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/06chvn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ywwy +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0dj5q /people/person/nationality /m/0f8l9c +/m/0bsj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/04mx7s /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/05dl1s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/01znj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/07pzc /people/person/gender /m/05zppz +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/02vntj +/m/06bnz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/034r25 /film/film/music /m/0244r8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04kny3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04smdd +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/02t_tp /film/actor/film./film/performance/film /m/0c9t0y +/m/02q5g1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01mjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/03v36 /people/person/religion /m/0kpl +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07r4c /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/011wtv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014q2g /music/group_member/membership./music/group_membership/group /m/07mvp +/m/064jjy /film/director/film /m/0bh8tgs +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/0xhtw /music/genre/artists /m/01w8n89 +/m/0cmf0m0 /film/film/executive_produced_by /m/063b4k +/m/01314k /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01w9k25 /people/person/profession /m/02dsz +/m/0djb3vw /film/film/produced_by /m/04wvhz +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/059rby /location/location/contains /m/0f6_j +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05cgv +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01kstn9 +/m/0p9qb /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/02f_k_ /people/person/profession /m/02hrh1q +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/0bksh /people/person/profession /m/09jwl +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/038bht /award/award_winner/awards_won./award/award_honor/award_winner /m/04vq3h +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/06ppc4 +/m/06wxw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ll37 /people/profession/specialization_of /m/014ktf +/m/037xlx /film/film/language /m/02h40lc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/021mkg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/019m5j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0fzyg /film/film_subject/films /m/03n3gl +/m/05dtwm /people/person/nationality /m/09c7w0 +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qvz8 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q0kg +/m/03wy8t /film/film/written_by /m/081lh +/m/017z88 /education/educational_institution/campuses /m/017z88 +/m/0q74c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/01nrnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/07r1h /award/award_winner/awards_won./award/award_honor/award_winner /m/023kzp +/m/030vnj /people/person/nationality /m/09c7w0 +/m/04l19_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0q9b0 /film/film/country /m/0345h +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ktrs +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p3_s +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/08sfxj /film/film/produced_by /m/02_n5d +/m/043tz0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ct5zc +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wk3c +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0rng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vs_v8 /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0m__z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m_z3 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0jkhr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4m2z /film/film/production_companies /m/027jw0c +/m/015cz0 /education/educational_institution/campuses /m/015cz0 +/m/01gw4f /film/actor/film./film/performance/film /m/08984j +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/018009 /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/026p4q7 /film/film/language /m/02h40lc +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0241wg /people/person/religion /m/03j6c +/m/01k_n63 /people/person/nationality /m/09c7w0 +/m/015qq1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04jpl /sports/sports_team_location/teams /m/01z1r +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/02114t +/m/0fp_v1x /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/028k57 /people/person/places_lived./people/place_lived/location /m/03pzf +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/01jr4j /film/film/genre /m/060__y +/m/02tz9z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0479b +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jhd +/m/03k7bd /film/actor/film./film/performance/film /m/01q7h2 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/034qmv /film/film/genre /m/02kdv5l +/m/0bk5r /influence/influence_node/influenced_by /m/06myp +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/03f5vvx /influence/influence_node/influenced_by /m/032r1 +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5838s +/m/01q8fxx /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/03jv8d /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m41_ +/m/01zlh5 /people/person/place_of_birth /m/0yc7f +/m/06znpjr /film/film/genre /m/03k9fj +/m/01s1zk /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/07ssc /location/location/contains /m/0121c1 +/m/025j1t /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/026kmvf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01352_ +/m/0697kh /people/person/profession /m/0dxtg +/m/077qn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01w5m /education/university/fraternities_and_sororities /m/035tlh +/m/0ggh3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jhz_ +/m/0l8v5 /people/person/languages /m/02h40lc +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/05qzv /influence/influence_node/influenced_by /m/03_87 +/m/01z4y /media_common/netflix_genre/titles /m/050f0s +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/02r7lqg /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/09c7w0 /location/location/contains /m/0r04p +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/07y_r /people/person/profession /m/0dxtg +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/08r4x3 /film/film/production_companies /m/061dn_ +/m/0r6rq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l30v +/m/01p1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/035gt8 /education/educational_institution/colors /m/038hg +/m/03cws8h /people/person/profession /m/03gjzk +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/04bbpm /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3kw +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/02l96k /music/genre/artists /m/018d6l +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/01cl0d /music/record_label/artist /m/01693z +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/01bpn /people/person/employment_history./business/employment_tenure/company /m/09f2j +/m/01l_yg /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/04wlz2 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n7q /location/location/contains /m/0kq0q +/m/0249kn /award/award_winner/awards_won./award/award_honor/award_winner /m/02x8z_ +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/048z7l /people/ethnicity/people /m/01l4zqz +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/01flv_ /film/film/genre /m/05p553 +/m/0nv99 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ntxg +/m/03wd5tk /people/person/nationality /m/09c7w0 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02p7_k +/m/02k4b2 /people/person/religion /m/01lp8 +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/02g3mn /people/person/profession /m/018gz8 +/m/05tg3 /sports/sports_team/colors /m/019sc +/m/03jg5t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b168 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01xsc9 /people/person/sibling_s./people/sibling_relationship/sibling /m/01xsbh +/m/0f2tj /base/biblioness/bibs_location/country /m/09c7w0 +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/04zkj5 +/m/0hcm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01n30p /film/film/country /m/09c7w0 +/m/0315rp /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0642xf3 /film/film/language /m/02h40lc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01x4sb /film/actor/film./film/performance/film /m/01f69m +/m/07t21 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0164b +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/05567m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/04rqd /broadcast/content/artist /m/07hgm +/m/02p76f9 /film/film/costume_design_by /m/02mxbd +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/0jqzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/02p86pb /film/film/cinematography /m/06r_by +/m/07xvf /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/05r6t /music/genre/artists /m/01wwvt2 +/m/02rchht /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0gppg /people/person/gender /m/02zsn +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/07s2s /film/film_subject/films /m/02vzpb +/m/0416y94 /film/film/music /m/0csdzz +/m/021bk /film/director/film /m/0888c3 +/m/01l4zqz /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/06lvlf /film/actor/film./film/performance/film /m/03qcfvw +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/05c74 /location/country/form_of_government /m/01d9r3 +/m/0205dx /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047myg9 +/m/02pcq92 /film/film/country /m/09c7w0 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jkj +/m/03f47xl /influence/influence_node/influenced_by /m/040db +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/017lqp /film/actor/film./film/performance/film /m/0g5ptf +/m/015882 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092ggq /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/011wtv /film/film/production_companies /m/030_1_ +/m/0p7h7 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03cfjg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/04n3l +/m/02vpvk /sports/sports_team/colors /m/06fvc +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/018ctl /olympics/olympic_games/participating_countries /m/0d0vqn +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/051zy_b /film/film/cinematography /m/06r_by +/m/05p5nc /people/person/gender /m/02zsn +/m/012mzw /education/educational_institution/campuses /m/012mzw +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/041rx /people/ethnicity/people /m/0hwqg +/m/05hyn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/02r4qs +/m/047yc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/059_w /people/ethnicity/people /m/01fkxr +/m/026y3cf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04__f +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01_x6d /film/actor/film./film/performance/film /m/01hvjx +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gl88b +/m/04h6mm /people/person/place_of_birth /m/0c_m3 +/m/02r79_h /film/film/film_festivals /m/04_m9gk +/m/01xsc9 /film/actor/film./film/performance/film /m/04pk1f +/m/05728w1 /people/person/place_of_birth /m/01sn3 +/m/041rx /people/ethnicity/people /m/0427y +/m/01wx756 /people/person/profession /m/0dz3r +/m/04xn_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m63c +/m/025xt8y /people/person/profession /m/039v1 +/m/05q_mg /people/person/profession /m/0np9r +/m/0f4k49 /film/film/country /m/09c7w0 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/051hhz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0kvf3b /film/film/genre /m/07s9rl0 +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0301yj +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/0bt3j9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0s987 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0g10g /people/person/spouse_s./people/marriage/spouse /m/025jbj +/m/09l3p /people/person/gender /m/02zsn +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/09p5mwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/086xm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hzlz /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0gtx63s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01j7rd /people/person/profession /m/015btn +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/01q7h2 /film/film/written_by /m/0gs5q +/m/0fr0t /location/location/time_zones /m/02hczc +/m/053xw6 /people/person/place_of_birth /m/02cft +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/02c9dj /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/073tm9 /music/record_label/artist /m/01v40wd +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/026fs38 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/062zjtt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0jlv5 /film/actor/film./film/performance/film /m/01mgw +/m/0b455l /people/person/profession /m/0dxtg +/m/02cbhg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/06v9_x /film/film/genre /m/0556j8 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/083tk /language/human_language/countries_spoken_in /m/07ssc +/m/04jpl /location/location/contains /m/014xf6 +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jnc_ +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/05r5c /music/instrument/instrumentalists /m/0ffgh +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/030tj5 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/03_80b /people/person/gender /m/05zppz +/m/01w02sy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/07w0v /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/02htv6 /education/educational_institution/students_graduates./education/education/student /m/02bn75 +/m/01gkmx /film/actor/film./film/performance/film /m/0m2kd +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/020bv3 +/m/08jgk1 /tv/tv_program/genre /m/05p553 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/07dnx /influence/influence_node/influenced_by /m/0hnlx +/m/0b_yz /base/biblioness/bibs_location/country /m/07ssc +/m/0f502 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0cvkv5 /film/film/genre /m/0lsxr +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/02nwxc +/m/033tln /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03sxd2 /film/film/featured_film_locations /m/02_286 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/02607j /education/educational_institution/colors /m/01g5v +/m/0_9l_ /film/film/country /m/07ssc +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/099ty /base/biblioness/bibs_location/state /m/03s5t +/m/02hxhz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/07t_x /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0fhsz /sports/sports_team_location/teams /m/048xg8 +/m/04xvlr /media_common/netflix_genre/titles /m/01br2w +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/02qhlm +/m/07zhjj /tv/tv_program/genre /m/0c4xc +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/02chhq /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rv_dz +/m/0n85g /music/record_label/artist /m/0phx4 +/m/01_qgp /education/educational_institution/school_type /m/07tf8 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/02qrv7 /film/film/language /m/064_8sq +/m/0jwl2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/03nyts /people/person/places_lived./people/place_lived/location /m/018jkl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/06rmdr /film/film/language /m/02h40lc +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/011yth /film/film/genre /m/07s9rl0 +/m/050r1z /film/film/music /m/05_pkf +/m/016gb5 /base/biblioness/bibs_location/state /m/06jtd +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7j9 +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nm8w +/m/0bkg87 /people/person/profession /m/02hrh1q +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/019rg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/0fby2t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vsgrn +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/02n4kr /media_common/netflix_genre/titles /m/0jymd +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/05zjx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/0k345 /music/genre/artists /m/01vt5c_ +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/041rx /people/ethnicity/people /m/024t0y +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/026t6 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06rgq +/m/09txzv /film/film/story_by /m/01pw9v +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0151ns /film/actor/film./film/performance/film /m/016z5x +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/0jnq8 /sports/sports_team/colors /m/019sc +/m/0b68vs /people/person/gender /m/02zsn +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/018fq +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/0c33pl +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmdb +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03y0pn /film/film/language /m/02h40lc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/0rlz /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0qmhk /film/film/genre /m/01jfsb +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cl2w +/m/01w8sf /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/0ccvx +/m/025cn2 /people/person/nationality /m/09c7w0 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cmsqb +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/083skw /film/film/produced_by /m/0hqcy +/m/01wdl3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/033g4d /film/film/film_production_design_by /m/02x2t07 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0hwqz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wgjj5 +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/04jplwp /film/film/country /m/03rjj +/m/02yv6b /music/genre/artists /m/01vs4f3 +/m/0113sg /influence/influence_node/influenced_by /m/04xjp +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_7k +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02h30z +/m/05r6t /music/genre/artists /m/01wg982 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/043g7l /music/record_label/artist /m/0ffgh +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/0br1w +/m/01ky7c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/04rcl7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04sh80 /film/film/genre /m/0c3351 +/m/01jszm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0ns_4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z4s /film/actor/film./film/performance/film /m/08r4x3 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/01wmjkb /people/person/profession /m/02hrh1q +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/04smdd /film/film/country /m/09c7w0 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02r79_h +/m/018j2 /music/instrument/instrumentalists /m/0ftqr +/m/03rk0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0162b +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/012zng /people/person/profession /m/02hrh1q +/m/03h502k /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02ldv0 /people/person/profession /m/09jwl +/m/08q3s0 /people/person/profession /m/02jknp +/m/015c4g /people/person/gender /m/05zppz +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fwqn +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01wmcbg /people/person/religion /m/06nzl +/m/039cq4 /tv/tv_program/genre /m/01z4y +/m/01t04r /music/record_label/artist /m/0167_s +/m/0285c /music/group_member/membership./music/group_membership/group /m/02r3zy +/m/0f04v /sports/sports_team_location/teams /m/01k2xy +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/030b93 +/m/0py5b /film/director/film /m/058kh7 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/02vntj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04205z +/m/0d29z /people/ethnicity/geographic_distribution /m/0345h +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02nczh /film/film/genre /m/07s9rl0 +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/033wx9 /people/person/sibling_s./people/sibling_relationship/sibling /m/0c7xjb +/m/03_9hm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02d4ct /film/actor/film./film/performance/film /m/03cp4cn +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/0k4fz /film/film/cinematography /m/071jrc +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016szr +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/06by7 /music/genre/artists /m/01k23t +/m/094xh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01wx756 +/m/03v3xp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/0169dl /film/actor/film./film/performance/film /m/02mpyh +/m/0m63c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01795t +/m/09h4b5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02t8gf /music/genre/artists /m/03h502k +/m/017r2 /people/person/place_of_birth /m/09f8q +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/043ljr /music/record_label/artist /m/02cx90 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/0qmhk /film/film/production_companies /m/017s11 +/m/01w1kyf /film/actor/film./film/performance/film /m/05fm6m +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0431v3 /tv/tv_program/languages /m/02h40lc +/m/05jx17 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/013y1f /music/instrument/instrumentalists /m/02jg92 +/m/0d060g /location/location/contains /m/0bwfn +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026qnh6 /film/film/genre /m/04xvlr +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01fx2g /people/person/places_lived./people/place_lived/location /m/0xmp9 +/m/0h0wc /film/actor/film./film/performance/film /m/0dr89x +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0j8f09z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/02qx69 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xmxj +/m/012ycy /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/03rhqg /music/record_label/artist /m/0p7h7 +/m/080lkt7 /film/film/genre /m/0hn10 +/m/02v0ff /people/person/profession /m/0kyk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/034q81 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02725hs +/m/059xnf /film/actor/film./film/performance/film /m/05q96q6 +/m/01kp_1t /music/artist/origin /m/02dtg +/m/0479b /film/actor/film./film/performance/film /m/01dyvs +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/0glt670 /music/genre/artists /m/0bqvs2 +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/03_3d /location/location/contains /m/0g3bw +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/05fyy5 /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/03hxsv /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/057176 /film/actor/film./film/performance/film /m/0gtvpkw +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d04z6 +/m/0r2kh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01l_yg /film/actor/film./film/performance/film /m/01f7jt +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gvt53w +/m/0l14j_ /music/instrument/instrumentalists /m/0326tc +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/02f46y /organization/organization/headquarters./location/mailing_address/state_province_region /m/0h924 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01r9fv /people/person/profession /m/09jwl +/m/0p_pd /film/actor/film./film/performance/film /m/011x_4 +/m/06vbd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z88t +/m/02bfmn /film/actor/film./film/performance/film /m/07xtqq +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07h9gp +/m/0bzrsh /time/event/locations /m/03l2n +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/049fgvm /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/01bmlb /people/person/profession /m/02hrh1q +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/02g9p4 +/m/01sbv9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b_6lb /time/event/locations /m/04gxf +/m/0d8w2n /film/film/genre /m/02js9 +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/01vx5w7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bq2g /film/actor/film./film/performance/film /m/01gkp1 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0d5_f /influence/influence_node/influenced_by /m/081k8 +/m/0bm9xk /people/person/gender /m/05zppz +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/08htt0 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/048tgl /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/05j82v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kr5_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gltv +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/015x74 +/m/0gz_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yx7f +/m/0r4z7 /base/biblioness/bibs_location/state /m/01n7q +/m/01rgcg /people/person/nationality /m/09c7w0 +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/0277990 /people/person/profession /m/02hrh1q +/m/065b6q /people/ethnicity/people /m/0kjrx +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/06z8s_ /film/film/production_companies /m/086k8 +/m/02j9z /base/locations/continents/countries_within /m/01znc_ +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06pr6 +/m/04z0g /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/01q_ph /people/person/profession /m/0dxtg +/m/042kbj /people/deceased_person/place_of_death /m/0f2wj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/0127xk /people/person/profession /m/0cbd2 +/m/01n_g9 /education/educational_institution/colors /m/04d18d +/m/020bv3 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/051wwp +/m/011j5x /music/genre/artists /m/0326tc +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/0690ct /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k9ts +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0266bd5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03qx_f /music/record_label/artist /m/0mjn2 +/m/0k5px /film/film/genre /m/017fp +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/0dcqh /people/cause_of_death/people /m/01hmk9 +/m/03mp9s /film/actor/film./film/performance/film /m/0h7t36 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjy +/m/04t36 /media_common/netflix_genre/titles /m/0cq86w +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/019z7q /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05r5w /people/person/spouse_s./people/marriage/spouse /m/01vw20_ +/m/0168cl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03x6m +/m/01b1mj /education/educational_institution/students_graduates./education/education/student /m/01vsy9_ +/m/011wtv /film/film/genre /m/06n90 +/m/01fkr_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01jc6q /film/film/cinematography /m/06qn87 +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/0219q +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05hj_k +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/01gn36 /people/person/places_lived./people/place_lived/location /m/029cr +/m/01n7q /location/location/contains /m/0l2v0 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/04mlmx /film/actor/film./film/performance/film /m/024mxd +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/017g21 /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/048yqf +/m/0gbwp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01lmj3q +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/02s2wq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gbb4 /people/person/gender /m/05zppz +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/07ssc /location/location/contains /m/0124jj +/m/0345h /location/location/contains /m/0d3ff +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/0g72r /people/person/places_lived./people/place_lived/location /m/06jtd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/023zd7 +/m/05hyzx /sports/sports_team/colors /m/06fvc +/m/01rcmg /film/actor/film./film/performance/film /m/0bmssv +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c2tf +/m/05bpg3 /people/person/profession /m/03gjzk +/m/04y9dk /people/person/profession /m/02hrh1q +/m/01yx7f /business/business_operation/industry /m/02h400t +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01pfkw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fxfk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_rwf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01c6l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_9wr +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b9w3 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/0f40w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026c1 /people/person/place_of_birth /m/0r04p +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0421st /people/person/profession /m/02hrh1q +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/07k2p6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vnbh +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07sgfvl +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/012yc /music/genre/artists /m/01w7nww +/m/01fh36 /music/genre/artists /m/018y2s +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01qhm_ /people/ethnicity/people /m/04f7c55 +/m/053y4h /film/actor/film./film/performance/film /m/047vp1n +/m/0dl9_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/05cl8y /music/record_label/artist /m/01s1zk +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0dbpyd +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/026dx /people/person/nationality /m/09c7w0 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022g44 +/m/0bqsy /music/artist/origin /m/07ypt +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/046m59 /people/person/places_lived./people/place_lived/location /m/0vp5f +/m/02xs6_ /film/film/country /m/09c7w0 +/m/05bcl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rt9 +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07024 +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/02lk95 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/01p45_v +/m/019c57 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dbk6 +/m/01swck /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p5wz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02pxmgz /film/film/language /m/02h40lc +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/0227vl /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/02z6fs /organization/organization/headquarters./location/mailing_address/citytown /m/0c8tk +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0hv81 /film/film/genre /m/01g6gs +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/05ggt_ +/m/01w3v /education/educational_institution/school_type /m/01_9fk +/m/06qv_ /tv/tv_program/genre /m/01htzx +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0194zl +/m/01g6l8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c00lh /influence/influence_node/influenced_by /m/02pv_d +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/039cq4 +/m/0mfc0 /people/person/profession /m/0cbd2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/07wtc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/09q23x /film/film/language /m/06b_j +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/02qgyv +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/02kxwk /film/actor/film./film/performance/film /m/0bs5vty +/m/0q_0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xq8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bdxs5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7nt +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02lyx4 /film/actor/film./film/performance/film /m/0kvgtf +/m/06q1r /base/aareas/schema/administrative_area/administrative_parent /m/07ssc +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01gh6z /location/location/contains /m/0l3q2 +/m/0d6d2 /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/0ylsr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0yls9 +/m/0lpjn /film/actor/film./film/performance/film /m/01242_ +/m/06by7 /music/genre/artists /m/0fq117k +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/01kwsg /film/actor/film./film/performance/film /m/02rjv2w +/m/0993r /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/01vxxb /film/actor/film./film/performance/film /m/0dr_4 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/01vvybv +/m/0gydcp7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01y06y /education/educational_institution/school_type /m/05jxkf +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/025sc50 /music/genre/artists /m/06w2sn5 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0l6ny /olympics/olympic_games/participating_countries /m/09c7w0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0gd92 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/025sc50 /music/genre/artists /m/05mt_q +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03w4sh +/m/04xg2f /film/film/genre /m/0hn10 +/m/02fgdx /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/016clz /music/genre/artists /m/06rgq +/m/07cbs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/057176 /film/actor/film./film/performance/film /m/09rvwmy +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03fhj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0g1rw /business/business_operation/industry /m/02vxn +/m/0m7d0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m7fm +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/0l14_3 +/m/03gn1x /education/educational_institution/students_graduates./education/education/student /m/015gsv +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/0btxr /people/person/places_lived./people/place_lived/location /m/0498y +/m/026qnh6 /film/film/genre /m/02l7c8 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/081nh /people/person/gender /m/05zppz +/m/017z49 /film/film/country /m/09c7w0 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9ly +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0425gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/081yw /location/location/contains /m/0mlvc +/m/0cg2cj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/017m2y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0zjpz +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/09d3b7 /film/film/genre /m/02l7c8 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/025rcc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02n4kr /media_common/netflix_genre/titles /m/04nnpw +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/02l4pj +/m/012gx2 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0j1yf /film/actor/film./film/performance/film /m/02y_lrp +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bb9r +/m/0mj1l /people/person/gender /m/02zsn +/m/0gk4g /people/cause_of_death/people /m/01k_mc +/m/0bmch_x /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01gzm2 /people/person/profession /m/0cbd2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/039d4 +/m/05ft32 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06s0l /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/01hr11 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/02t_tp /film/actor/film./film/performance/film /m/06rzwx +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/089j8p /film/film/country /m/07ssc +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/047p7fr /film/film/country /m/0f8l9c +/m/016vg8 /film/actor/film./film/performance/film /m/0c34mt +/m/067sqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3ln +/m/0p9lw /film/film/genre /m/01q03 +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/020x5r +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0432_5 +/m/04cdxc /people/person/nationality /m/03rk0 +/m/027y151 /award/award_winner/awards_won./award/award_honor/award_winner /m/021yc7p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06l32y +/m/08vr94 /film/actor/film./film/performance/film /m/02825cv +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qx1m2 +/m/053tj7 /film/film/production_companies /m/016tw3 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/07cbs /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/020trj /film/actor/film./film/performance/film /m/02qlp4 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04ty8 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06_bq1 +/m/0gz5hs /film/actor/film./film/performance/film /m/032sl_ +/m/0bmc4cm /film/film/language /m/03_9r +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/0sxkh /film/film/language /m/04306rv +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/053mhx /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0hvjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nr36 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02v3yy +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/037s9x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049g_xj +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0kbws /olympics/olympic_games/participating_countries /m/059j2 +/m/016kjs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f19q4 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/01j7rd +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/047rkcm /film/film/genre /m/06cvj +/m/0425yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0175rc /sports/sports_team/colors /m/06fvc +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/026v1z /award/award_winner/awards_won./award/award_honor/award_winner /m/0kc8y +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/01b3l /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0xv2x /music/genre/artists /m/04mx7s +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vnbh +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/039fgy /tv/tv_program/genre /m/05p553 +/m/0p_rk /film/film/production_companies /m/05qd_ +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01tz6vs /people/person/gender /m/05zppz +/m/0ckm4x /people/person/gender /m/02zsn +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05r5w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gkmx +/m/0m7fm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m7d0 +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08w7vj +/m/0zdfp /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mx7f +/m/01gbn6 /film/actor/film./film/performance/film /m/01sxly +/m/07fj_ /location/country/form_of_government /m/06cx9 +/m/027jk /location/country/official_language /m/064_8sq +/m/026w_gk /people/person/spouse_s./people/marriage/spouse /m/0pz7h +/m/023ny6 /tv/tv_program/languages /m/02h40lc +/m/01l8t8 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/03_nq /people/person/profession /m/0fj9f +/m/02g40r /people/person/place_of_birth /m/02jx1 +/m/033hqf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c2ry +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0cbl95 /film/film/written_by /m/0gv2r +/m/016890 /music/artist/origin /m/0xn7q +/m/02__34 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0292qb /film/film/country /m/0345h +/m/0466hh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09c7w0 /location/location/contains /m/0vp5f +/m/01vw20h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0170qf +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0mp36 /location/location/time_zones /m/02hcv8 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/05sj55 /people/person/profession /m/0d8qb +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/0dqzkv +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pb33 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/015l4k +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/050fh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/07sbbz2 /music/genre/artists /m/011xhx +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/01kjr0 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0162c8 +/m/0135p7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/027vps +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03_9r +/m/0prfz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcdn +/m/057wlm /education/educational_institution/campuses /m/057wlm +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0f2df /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06vr2 /medicine/disease/notable_people_with_this_condition /m/0rlz +/m/05pq9 /people/person/profession /m/0cbd2 +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/01314k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/0fpjd_g /people/person/profession /m/029bkp +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/0ckm4x +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l47f5 +/m/03ym1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05fm6m /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/05y5fw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0524b41 +/m/053xw6 /film/actor/film./film/performance/film /m/09gkx35 +/m/0h53p1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f3zsq +/m/06sks6 /olympics/olympic_games/sports /m/03fyrh +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0k7tq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/04g3p5 /people/person/profession /m/03gjzk +/m/079vf /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/04tr1 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0338g8 /people/person/profession /m/03gjzk +/m/014z8v /film/actor/film./film/performance/film /m/02qzh2 +/m/025l5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/09c7w0 /location/country/second_level_divisions /m/0jcgs +/m/04f6hhm /tv/tv_program/genre /m/01jfsb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/034h1h /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/06x58 /film/actor/film./film/performance/film /m/01kff7 +/m/0581vn8 /film/film/genre /m/06n90 +/m/09w6br /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0byq0v +/m/07t90 /education/educational_institution_campus/educational_institution /m/07t90 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q0r1 +/m/06pr6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/098r1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/033tf_ /people/ethnicity/people /m/01csvq +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0cchk3 /organization/organization/headquarters./location/mailing_address/citytown /m/0yx74 +/m/04pp9s /film/actor/film./film/performance/film /m/0b1y_2 +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/07rhpg /award/award_winner/awards_won./award/award_honor/award_winner /m/059xnf +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rv5t +/m/01c22t /film/film/genre /m/01zhp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/025t9b /film/actor/film./film/performance/film /m/037cr1 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w61th /people/person/languages /m/06nm1 +/m/04wmvz /sports/sports_team/colors /m/083jv +/m/02lwv5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/041jlr +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/018ygt /film/actor/film./film/performance/film /m/03tbg6 +/m/0q9vf /people/person/gender /m/05zppz +/m/0br0vs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/013y1f /music/instrument/instrumentalists /m/01vw20_ +/m/0379s /people/person/profession /m/02hv44_ +/m/07rn0z /people/person/profession /m/02hrh1q +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/05s_c38 /people/person/nationality /m/0ctw_b +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/01mxt_ /influence/influence_node/peers./influence/peer_relationship/peers /m/0j6cj +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0bk1p +/m/0x3b7 /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/03c602 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/07k8rt4 /film/film/genre /m/0lsxr +/m/04rrx /location/location/contains /m/02grjf +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0rlz /people/person/religion /m/0631_ +/m/05y5kf /film/actor/film./film/performance/film /m/0fsd9t +/m/0136p1 /music/artist/origin /m/09c7w0 +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02__7n +/m/01k7b0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01vv6_6 /people/person/profession /m/09jwl +/m/0415ggl /film/film/featured_film_locations /m/01yj2 +/m/01l1hr /film/actor/film./film/performance/film /m/011yth +/m/0dbdy /location/location/contains /m/01w2dq +/m/014ps4 /influence/influence_node/influenced_by /m/037jz +/m/0jdk_ /olympics/olympic_games/sports /m/018jz +/m/0pyww /people/person/profession /m/03gjzk +/m/0c00zd0 /film/film/genre /m/05p553 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/0js9s /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqs56 +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/02rmxx /people/person/profession /m/0cbd2 +/m/01pl14 /education/educational_institution/students_graduates./education/education/student /m/01bj6y +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/01k0xy /film/film/genre /m/0bbc17 +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bhvtc +/m/04rrx /location/location/contains /m/0njj0 +/m/021vwt /people/person/nationality /m/09c7w0 +/m/01fh36 /music/genre/artists /m/018d6l +/m/0jz71 /film/film/genre /m/05p553 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0202p_ /people/person/gender /m/05zppz +/m/017dbx /tv/tv_program/country_of_origin /m/09c7w0 +/m/02qx69 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01n5309 +/m/0dl9_4 /film/film/music /m/01tc9r +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/04vlh5 +/m/07gknc /people/person/profession /m/0np9r +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/0dq9p /people/cause_of_death/people /m/0bdlj +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0bl2g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03188 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07x4qr /film/film/featured_film_locations /m/02_286 +/m/06823p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1yn +/m/02x8z_ /music/group_member/membership./music/group_membership/group /m/0394y +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/012201 +/m/03h2d4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04n52p6 +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/0btpx /film/actor/film./film/performance/film /m/02fqxm +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0ch3qr1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06dfz1 /tv/tv_program/genre /m/0lsxr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rvcvl +/m/019f9z /people/person/gender /m/02zsn +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/01z4y /media_common/netflix_genre/titles /m/063_j5 +/m/028r4y /film/actor/film./film/performance/film /m/06z8s_ +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/015n8 /people/person/gender /m/05zppz +/m/03npn /media_common/netflix_genre/titles /m/0c9t0y +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cyfz +/m/0qm98 /film/film/featured_film_locations /m/01_d4 +/m/01rxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/050xpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0191h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y_rz +/m/01hvjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/0grwj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08l0x2 +/m/0ldd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jfsb /media_common/netflix_genre/titles /m/0crh5_f +/m/022dp5 /people/ethnicity/people /m/04bs3j +/m/0h3lt /location/hud_county_place/county /m/0cb4j +/m/07wjk /education/educational_institution/colors /m/083jv +/m/04jb97 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/015vql /people/person/gender /m/05zppz +/m/0345h /location/location/contains /m/09b9m +/m/07h5d /film/director/film /m/015x74 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/07b2lv /people/person/gender /m/02zsn +/m/02z9rr /film/film/cinematography /m/027t8fw +/m/01j5ql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0320jz /people/person/gender /m/02zsn +/m/06l6nj /people/person/gender /m/05zppz +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/01srq2 /film/film/produced_by /m/09d5d5 +/m/0yx7h /film/film/music /m/020fgy +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x6rj +/m/02h2z_ /base/culturalevent/event/entity_involved /m/02psqkz +/m/0l14v3 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/02mdty /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02x9g_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/050l8 +/m/04mhxx /people/person/profession /m/01d_h8 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gyh_z +/m/01h3dj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/01qnfc /people/person/nationality /m/03_3d +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kvbl6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/032wdd /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019n7x +/m/04tc1g /film/film/country /m/0chghy +/m/015vq_ /people/person/nationality /m/02jx1 +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/02fqrf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w38l /people/person/nationality /m/09c7w0 +/m/0m_q0 /film/film/language /m/02h40lc +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02cpp +/m/083q7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016017 +/m/0qdwr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/011yhm /film/film/genre /m/03j0dp +/m/02_286 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0xr0t /location/hud_county_place/place /m/0xr0t +/m/01x4sb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vvb4m +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/0hn10 /media_common/netflix_genre/titles /m/0djkrp +/m/0215n /media_common/netflix_genre/titles /m/025x1t +/m/02vntj /people/person/places_lived./people/place_lived/location /m/05fjf +/m/02ryz24 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026c0p /people/deceased_person/place_of_death /m/056_y +/m/01s1zk /people/person/profession /m/0n1h +/m/05mc7y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dzf_ +/m/09q17 /media_common/netflix_genre/titles /m/018f8 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/0978r /location/location/contains /m/02hmw9 +/m/0cbv4g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qdmh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jkqfz /award/award_winner/awards_won./award/award_honor/award_winner /m/028hc2 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01lfy /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/016z2j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kjrx +/m/06by7 /music/genre/artists /m/04bgy +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/02qkt /location/location/contains /m/0bjv6 +/m/0cx7f /music/genre/parent_genre /m/0dl5d +/m/01tx9m /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07rd7 /film/director/film /m/027pfg +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014kq6 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hm0k +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/05ldnp /people/person/nationality /m/0d060g +/m/0py5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02fbpz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/021q2j +/m/0b_4z /people/person/nationality /m/09c7w0 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/02b15x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/072vj /people/person/nationality /m/09c7w0 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02nt75 +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0mx6c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/02hmw9 +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/01jgpsh +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/07h9gp +/m/03lmzl /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/09hnb /people/person/profession /m/029bkp +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/0342h /music/instrument/instrumentalists /m/01lvzbl +/m/0g768 /music/record_label/artist /m/0x3n +/m/064t9 /music/genre/artists /m/03f3yfj +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/0fvr1 /film/film/country /m/09c7w0 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170vn +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/0bxfmk +/m/04fcjt /music/record_label/artist /m/0126y2 +/m/067hq2 /people/person/gender /m/02zsn +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0180mw +/m/06jcc /influence/influence_node/influenced_by /m/01v9724 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01z_g6 /film/actor/film./film/performance/film /m/035s95 +/m/02vntj /film/actor/film./film/performance/film /m/0bpm4yw +/m/028k57 /people/person/profession /m/018gz8 +/m/09blyk /media_common/netflix_genre/titles /m/09rfh9 +/m/01pr6q7 /people/person/profession /m/01c72t +/m/01ry0f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m0jc /music/genre/artists /m/01vxlbm +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02hnl /music/instrument/instrumentalists /m/0140t7 +/m/09qr6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/086vfb /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/014gjp /tv/tv_program/languages /m/02h40lc +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01pxcf +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03_8kz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zyvw +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/04_1l0v /location/location/contains /m/04tgp +/m/06g4_ /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/03k0yw +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/03_wm6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028lc8 +/m/03zj9 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02465 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jq +/m/0dsx3f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v0t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0ddjy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/0c7t58 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0kfv9 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d61px +/m/091xrc /film/film/language /m/0y1mh +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/01352_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01j7rd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015pxr +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03_3d +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0133x7 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0d05w3 /location/location/contains /m/014vm4 +/m/0d060g /location/location/partially_contains /m/06c6l +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bmhn +/m/05mph /location/location/contains /m/013kcv +/m/0bhwhj /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/01pq5j7 /people/person/nationality /m/02jx1 +/m/05bt6j /music/genre/artists /m/01wphh2 +/m/0cbxl0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/052_mn +/m/029k4p /film/film/executive_produced_by /m/054_mz +/m/05vzw3 /people/person/place_of_birth /m/03lrc +/m/06bvp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05r_x5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/04xvlr /media_common/netflix_genre/titles /m/09tkzy +/m/0131kb /people/person/nationality /m/02jx1 +/m/020y73 /film/film/genre /m/02l7c8 +/m/02zy1z /education/educational_institution/school_type /m/05pcjw +/m/05d8vw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wyc0 /people/person/spouse_s./people/marriage/spouse /m/050llt +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01cl2y /music/record_label/artist /m/016szr +/m/01cz7r /film/film/genre /m/05p553 +/m/01bv8b /tv/tv_program/country_of_origin /m/09c7w0 +/m/02q56mk /film/film/genre /m/03p5xs +/m/0k9wp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/01zn4y /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03k8th /film/film/genre /m/02n4kr +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj07 +/m/0bg4f9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/014v6f /film/actor/film./film/performance/film /m/064ndc +/m/0n_ps /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p01x +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/012m_ +/m/0x67 /people/ethnicity/people /m/03txms +/m/07ldhs /people/person/profession /m/0np9r +/m/0sd7v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/04tnqn /people/person/nationality /m/09c7w0 +/m/0gwgn1k /film/film/produced_by /m/0pz91 +/m/06kl78 /film/film/executive_produced_by /m/0fqyzz +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0638kv /people/deceased_person/place_of_burial /m/018mmj +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09c7w0 /location/location/contains /m/025rcc +/m/03mg3l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/02s62q /education/educational_institution_campus/educational_institution /m/02s62q +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0msyb +/m/02bd_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315w4 +/m/06rgq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0sw6g +/m/0f__1 /location/hud_county_place/place /m/0f__1 +/m/05p1tzf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06gjk9 /film/film/language /m/02h40lc +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/06fq2 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/026z9 /music/genre/artists /m/046p9 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01z1r +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cnl1c /people/person/place_of_birth /m/013yq +/m/02zj61 /people/person/profession /m/01c72t +/m/03zj9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0vhm /tv/tv_program/program_creator /m/09b0xs +/m/04gycf /film/actor/film./film/performance/film /m/027qgy +/m/018qpq /location/administrative_division/country /m/03_3d +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2p7 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0p_th /film/film/written_by /m/05drq5 +/m/034b6k /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c9t0y +/m/018js4 /film/film/genre /m/02kdv5l +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/029m83 /people/person/place_of_birth /m/0sqc8 +/m/03v0t /location/location/partially_contains /m/05lx3 +/m/06pjs /film/director/film /m/03ckwzc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02dtg +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0172jm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/018fmr /people/person/profession /m/02hrh1q +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0gfsq9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02vrgnr +/m/019z7q /people/person/profession /m/02hv44_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0882r_ +/m/02847m9 /film/film/featured_film_locations /m/02_286 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h761 +/m/01vttb9 /people/person/profession /m/01c72t +/m/0292l3 /people/person/religion /m/03j6c +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015q1n +/m/0ftccy /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03jldb /people/person/places_lived./people/place_lived/location /m/0s9z_ +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/015grj /film/actor/film./film/performance/film /m/026wlxw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0cchk3 +/m/02bh9 /people/person/profession /m/0np9r +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/030h95 /people/person/nationality /m/09c7w0 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/02g40r /people/person/gender /m/05zppz +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/015401 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/01kgv4 /film/actor/film./film/performance/film /m/07z6xs +/m/07ssc /location/location/contains /m/01n4nd +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/0342vg /people/person/profession /m/0dxtg +/m/0dj7p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fb_1 +/m/023jq1 /people/person/profession /m/01d_h8 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/0_z91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kq98 +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bb47 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/018009 /people/person/religion /m/0c8wxp +/m/04hqz /location/location/time_zones /m/03plfd +/m/0nbwf /location/location/time_zones /m/02lcqs +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019x62 +/m/02qwg /influence/influence_node/influenced_by /m/01w60_p +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmhr +/m/03g9xj /tv/tv_program/genre /m/07s9rl0 +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mgw +/m/015cbq /people/person/profession /m/0kyk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/08984j /film/film/language /m/06nm1 +/m/04tng0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02hnl /music/instrument/instrumentalists /m/01vw20_ +/m/0k1bs /people/person/profession /m/039v1 +/m/05zlld0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/06jvj7 /people/person/profession /m/0d8qb +/m/05byxm /music/record_label/artist /m/02pt7h_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwlfnb +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j8f09z +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01756d /music/genre/parent_genre /m/06by7 +/m/03_2y /people/person/profession /m/0dxtg +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/02r3zy +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05cws2 +/m/015fs3 /education/educational_institution/students_graduates./education/education/student /m/01h8f +/m/020ffd /people/person/nationality /m/09c7w0 +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/015v3r +/m/0j90s /film/film/language /m/02h40lc +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01g4bk /people/person/profession /m/015cjr +/m/07hwkr /people/ethnicity/people /m/01m4kpp +/m/0xn7q /location/hud_county_place/county /m/0n5fz +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04vrxh /people/person/profession /m/0dz3r +/m/0ckt6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0362q0 +/m/015wnl /people/person/places_lived./people/place_lived/location /m/0133ch +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vnbh +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/04_sqm /music/genre/artists /m/0134pk +/m/03cvfg /people/person/nationality /m/09c7w0 +/m/0345h /location/location/contains /m/05x30m +/m/07vht /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0kbvb /olympics/olympic_games/sports /m/019w9j +/m/0fv_t /base/biblioness/bibs_location/state /m/06yxd +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06tpmy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rk3gn +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/03mnn0 /film/film/genre /m/0jtdp +/m/0l2l_ /location/location/time_zones /m/02lcqs +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01sn3 /location/hud_county_place/place /m/01sn3 +/m/0ctw_b /location/location/contains /m/012ts +/m/01y9r2 /film/film/executive_produced_by /m/05prs8 +/m/0chgzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01b_d4 /education/educational_institution/school_type /m/05jxkf +/m/047fwlg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0197tq /people/person/profession /m/0n1h +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/02cbhg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pbp9 /people/person/gender /m/05zppz +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mdyn +/m/09wj5 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09yrh +/m/017r13 /film/actor/film./film/performance/film /m/065z3_x +/m/040_t /influence/influence_node/influenced_by /m/03f47xl +/m/064t9 /music/genre/artists /m/01w5jwb +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0g701n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018fq +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0d060g /location/location/contains /m/0gf14 +/m/03s2y9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k1pr +/m/05th69 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/063vn /people/person/profession /m/04gc2 +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/018nnz /film/film/country /m/03_3d +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/09yrh /people/person/profession /m/01d_h8 +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08n__5 +/m/09g0h /people/person/profession /m/09jwl +/m/086sj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award /m/02fm4d +/m/08rr3p /film/film/language /m/02h40lc +/m/0dvmd /film/actor/film./film/performance/film /m/0dr_4 +/m/0230rx /sports/sports_team/colors /m/088fh +/m/02ct_k /film/actor/film./film/performance/film /m/0dc_ms +/m/0cv1w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc07 +/m/01f7j9 /people/person/profession /m/03gjzk +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/01cgz /media_common/netflix_genre/titles /m/047d21r +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01vyp_ /people/person/place_of_birth /m/0h30_ +/m/03rhqg /music/record_label/artist /m/02lbrd +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/03fnnn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/0d_wms /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042fgh +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01my4f +/m/0kpys /location/location/contains /m/0r111 +/m/07ymr5 /film/actor/film./film/performance/film /m/0gj96ln +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/05dptj +/m/026gyn_ /film/film/prequel /m/026fs38 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/05b5_tj /people/person/gender /m/05zppz +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/01b65l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07c5l /location/location/contains /m/02wmy +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kwld +/m/01719t /film/film/written_by /m/04y8r +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01c4pv +/m/02756j /film/actor/film./film/performance/film /m/047q2k1 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01fxck /people/person/places_lived./people/place_lived/location /m/019fh +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07nv3_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/075q_ +/m/01qqv5 /education/educational_institution/campuses /m/01qqv5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02qdyj +/m/0bqs56 /people/person/nationality /m/09c7w0 +/m/0grd7 /sports/sports_team_location/teams /m/0k_l4 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/09q5w2 /film/film/genre /m/04xvh5 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02gvwz +/m/042ly5 /people/person/profession /m/02hrh1q +/m/026vcc /education/educational_institution/colors /m/0jc_p +/m/02q6gfp /film/film/country /m/0f8l9c +/m/01qxs3 /business/business_operation/industry /m/020mfr +/m/0hyxv /location/location/contains /m/09vzz +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02qdgx /music/genre/artists /m/01rm8b +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05pyrb /film/film/genre /m/01hmnh +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wmxfs +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/012xdf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm4b +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/01z4y /media_common/netflix_genre/titles /m/0963mq +/m/06q1r /location/location/contains /m/0rng +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02cb1j +/m/0ly5n /people/person/gender /m/05zppz +/m/03fnyk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05whq_9 /people/person/profession /m/02hrh1q +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/030xr_ /people/person/nationality /m/09c7w0 +/m/02wrrm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03whyr /film/film/genre /m/02kdv5l +/m/08w6v_ /people/person/nationality /m/09c7w0 +/m/01tj34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fkv0 +/m/027y_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019bnn /award/award_category/category_of /m/0c4ys +/m/0345gh /education/educational_institution/campuses /m/0345gh +/m/0847q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05ff6 +/m/06qgvf /film/actor/film./film/performance/film /m/07sc6nw +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0421v9q /film/film/genre /m/07s9rl0 +/m/09tqkv2 /film/film/genre /m/07s9rl0 +/m/02g9z1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/047msdk /film/film/language /m/02h40lc +/m/02yr3z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05bnp0 /people/person/profession /m/01d_h8 +/m/02qkt /location/location/contains /m/0d05q4 +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyts +/m/07djnx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vnmc9 +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05lls /music/genre/artists /m/0bvzp +/m/0226cw /people/person/gender /m/05zppz +/m/02pcq92 /film/film/genre /m/03npn +/m/03fbb6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h5g_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hkhq +/m/02_kd /film/film/written_by /m/0136g9 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/066m4g +/m/03bx_5q /award/award_winner/awards_won./award/award_honor/award_winner /m/07d370 +/m/07k51gd /people/person/profession /m/0dxtg +/m/018vs /music/instrument/instrumentalists /m/03f6fl0 +/m/02mpb /influence/influence_node/influenced_by /m/04093 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c5z8j +/m/08gwzt /people/person/gender /m/05zppz +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/01zhs3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vsps /people/person/place_of_birth /m/096gm +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/0d8lm /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0drdv /people/person/religion /m/0kpl +/m/071xj /people/person/profession /m/01d_h8 +/m/01xysf /education/educational_institution/colors /m/088fh +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/03nb5v /people/person/profession /m/09lbv +/m/02g5q1 /film/film/genre /m/01hmnh +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b1s_q +/m/01srq2 /film/film/genre /m/07s9rl0 +/m/01g969 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gxw /music/genre/parent_genre /m/0y3_8 +/m/0f4yh /film/film/genre /m/03k9fj +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bwx3 /influence/influence_node/peers./influence/peer_relationship/peers /m/06jkm +/m/01x2tm8 /people/person/languages /m/0999q +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01633c /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/01cl0d /music/record_label/artist /m/01797x +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/07vhb /education/educational_institution/school_type /m/01_9fk +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04f525m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/018vs /music/instrument/instrumentalists /m/01vxqyl +/m/03h610 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04fjzv /film/film/language /m/02h40lc +/m/01d1yr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/056wb /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/09vc4s /people/ethnicity/people /m/07d3z7 +/m/0f8l9c /location/location/partially_contains /m/065ky +/m/0vkl2 /education/educational_institution/colors /m/01l849 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01h910 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7gxq +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/0j_sncb /education/educational_institution/colors /m/01g5v +/m/016jny /music/genre/artists /m/0kvnn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0329gm +/m/0f42nz /film/film/genre /m/02l7c8 +/m/043n0v_ /film/film/genre /m/04xvlr +/m/0291hr /film/film/featured_film_locations /m/0d6lp +/m/0736qr /film/actor/film./film/performance/film /m/07w8fz +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dr_4 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0405l /people/person/languages /m/02h40lc +/m/01jc9d /base/aareas/schema/administrative_area/administrative_parent /m/09pmkv +/m/0z2gq /location/location/time_zones /m/02hcv8 +/m/018vs /music/instrument/instrumentalists /m/0lzkm +/m/01__z0 /organization/organization/headquarters./location/mailing_address/citytown /m/049d1 +/m/014kq6 /film/film/prequel /m/0164qt +/m/03f1zdw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/015dqj /people/person/nationality /m/0h7x +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/05pq9 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/03tf_h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7pw +/m/01kj5h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ctqqf +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0d3k14 /people/person/religion /m/0c8wxp +/m/02_fm2 /film/film/genre /m/02l7c8 +/m/01qzt1 /music/genre/artists /m/06mj4 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b44shh +/m/06y7d /people/person/employment_history./business/employment_tenure/company /m/0bwfn +/m/07_nf /base/culturalevent/event/entity_involved /m/0d05w3 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/034m8 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01p726 /base/biblioness/bibs_location/country /m/09c7w0 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0f13b /film/actor/film./film/performance/film /m/0k54q +/m/01h910 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0fc1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ff0x +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03d5m8w /sports/sports_team/sport /m/039yzs +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/07bch9 /people/ethnicity/people /m/016fjj +/m/05_61y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0h7x +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/022qw7 +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01fh36 /music/genre/artists /m/01304j +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/06s7rd /music/artist/origin /m/030qb3t +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0gghm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06w87 +/m/01w_10 /people/person/employment_history./business/employment_tenure/company /m/0gsg7 +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9vf +/m/02sh8y /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/098sv2 /people/person/places_lived./people/place_lived/location /m/095w_ +/m/0x67 /people/ethnicity/people /m/015x1f +/m/02x8fs /film/film/production_companies /m/017s11 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/03mz5b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ng9k /tv/tv_program/genre /m/06n90 +/m/01hkck /film/actor/film./film/performance/film /m/05z7c +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06hhrs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04q5zw +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/05x72k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05bp8g +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03fykz +/m/02_1q9 /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/011k1h /music/record_label/artist /m/01309x +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ny75 +/m/02qvhbb /people/person/languages /m/03k50 +/m/04xvlr /media_common/netflix_genre/titles /m/03sxd2 +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q9kqf +/m/04b7xr /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/02w29z /people/person/places_lived./people/place_lived/location /m/013m4v +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kbn +/m/0fy66 /film/film/genre /m/02n4kr +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/01dvtx /people/person/profession /m/0cbd2 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/02rx2m5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/064t9 /music/genre/artists /m/07_3qd +/m/01lbp /people/person/places_lived./people/place_lived/location /m/05kkh +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/03177r /film/film/music /m/0146pg +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0ym17 /education/educational_institution/campuses /m/0ym17 +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/037q1z +/m/04zl8 /film/film/language /m/04h9h +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291ck +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03j367r +/m/019389 /people/person/profession /m/0kyk +/m/01rf57 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_xtx +/m/015076 /base/eating/practicer_of_diet/diet /m/07_hy +/m/02hp70 /education/educational_institution/students_graduates./education/education/student /m/042v2 +/m/0qmk5 /tv/tv_program/languages /m/02h40lc +/m/04j53 /location/location/contains /m/06fz_ +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m66w +/m/099ks0 /organization/organization/headquarters./location/mailing_address/citytown /m/04vmp +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02fn5 /people/person/nationality /m/09c7w0 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/065y4w7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01pgk0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0157m /people/person/profession /m/0kyk +/m/01pgk0 /people/person/profession /m/0np9r +/m/05r5c /music/instrument/instrumentalists /m/0ddkf +/m/016clz /music/genre/artists /m/03vhvp +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ktpx +/m/02vtnf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lv85 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05zbm4 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0bdlj +/m/07s9rl0 /media_common/netflix_genre/titles /m/03cfkrw +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01fh0q +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cwrr +/m/01dhjz /people/person/profession /m/0nbcg +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/013cr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059j2 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06nz46 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/0y_pg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fb1q +/m/09c7w0 /location/location/contains /m/02cttt +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f8zw +/m/0xhtw /music/genre/parent_genre /m/07sbbz2 +/m/0c5_3 /location/location/contains /m/0gl6f +/m/0d05w3 /location/location/contains /m/0393g +/m/013nky /education/educational_institution/students_graduates./education/education/student /m/0n00 +/m/0978r /location/location/time_zones /m/03bdv +/m/0fpmrm3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0j0k /location/location/contains /m/047yc +/m/03h_yfh /people/person/profession /m/02hrh1q +/m/071x0k /people/ethnicity/geographic_distribution /m/05cgv +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/03qnvdl /film/film/produced_by /m/030_3z +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/01mxqyk /award/award_winner/awards_won./award/award_honor/award_winner /m/01kp_1t +/m/019_1h /people/person/nationality /m/0f8l9c +/m/01wg25j /people/person/profession /m/0fnpj +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0dg3jz /people/person/gender /m/05zppz +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/03rhqg /music/record_label/artist /m/02vr7 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0mfj2 /film/actor/film./film/performance/film /m/01fmys +/m/04lqvly /film/film/country /m/02vzc +/m/0m0jc /music/genre/parent_genre /m/07gxw +/m/0lccn /people/person/nationality /m/0d060g +/m/06jrhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170k0 +/m/048z7l /people/ethnicity/people /m/05zbm4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/07ssc /media_common/netflix_genre/titles /m/0p9rz +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026g801 +/m/024qqx /media_common/netflix_genre/titles /m/07cz2 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/017y6l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013rfk /music/artist/origin /m/020d8d +/m/03cvwkr /film/film/country /m/09c7w0 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0rv97 /location/location/time_zones /m/02hcv8 +/m/0358x_ /tv/tv_program/languages /m/02h40lc +/m/02b9g4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/05c74 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0sw6g /people/person/profession /m/02hrh1q +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01mk6 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/03rjj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0778_3 /education/educational_institution_campus/educational_institution /m/0778_3 +/m/01386_ /music/group_member/membership./music/group_membership/role /m/0342h +/m/02sjp /people/person/profession /m/0dz3r +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0bvzp /people/person/place_of_birth /m/0tz1j +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06j6l /music/genre/artists /m/01kx_81 +/m/018j2 /music/instrument/instrumentalists /m/016j2t +/m/0_24q /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwm6 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cfkrw +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qy5v +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01vt9p3 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/046qq +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/03fykz /award/award_winner/awards_won./award/award_honor/award_winner /m/04s04 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/079dy +/m/02htv6 /education/educational_institution/students_graduates./education/education/student /m/0bvzp +/m/0knjh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k2h6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0g10g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036jb +/m/0vzm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/09c7w0 /location/country/second_level_divisions /m/0n1tx +/m/0404j37 /film/film/featured_film_locations /m/03__y +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03x6xl +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014l4w +/m/0dxyzb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059_gf +/m/03x746 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/01jz6d /people/person/place_of_birth /m/0z20d +/m/0498y /location/location/contains /m/038czx +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gtv7pk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/06t6dz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0c1d0 /location/location/time_zones /m/02hcv8 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/016722 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/06k5_ +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/07lx1s /education/educational_institution/colors /m/019sc +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02w4v /music/genre/artists /m/01wj92r +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcl7 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07z6xs /film/film/genre /m/0c3351 +/m/018swb /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0b_5d /film/film/genre /m/07s9rl0 +/m/02jx1 /location/location/contains /m/0b_yz +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/064t9 /music/genre/artists /m/016vn3 +/m/0bt23 /people/person/gender /m/05zppz +/m/07h565 /film/actor/film./film/performance/film /m/08r4x3 +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023nlj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01n_2f +/m/06hgbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/035xwd /film/film/featured_film_locations /m/05fjf +/m/01wgxtl /people/person/languages /m/02h40lc +/m/0l8gh /music/genre/artists /m/0k4gf +/m/06ryl /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03np63f /film/film/country /m/09c7w0 +/m/047d21r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0hgnl3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04v8x9 /film/film/language /m/02h40lc +/m/05h43ls /film/film/produced_by /m/070j61 +/m/02km0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vnp2 /organization/organization_founder/organizations_founded /m/034h1h +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mn7 +/m/0fz27v /people/person/place_of_birth /m/02_286 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/071vr +/m/07c52 /media_common/netflix_genre/titles /m/02k_4g +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/046m59 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/01p47r /film/actor/film./film/performance/film /m/01f39b +/m/04mlmx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nfys +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/016h4r +/m/0gfsq9 /film/film/genre /m/0hc1z +/m/01_mdl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d_wms +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06xj4w +/m/03yxwq /award/award_winner/awards_won./award/award_honor/award_winner /m/03lpbx +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/083q7 +/m/0m32h /people/cause_of_death/people /m/01kt17 +/m/02j9z /base/locations/continents/countries_within /m/0d0kn +/m/03hfxx /people/deceased_person/place_of_death /m/05tbn +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/065mm1 /people/person/profession /m/0np9r +/m/0kvjrw /people/person/profession /m/025352 +/m/09kr66 /people/ethnicity/people /m/0151ns +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/01rgdw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/064t9 /music/genre/artists /m/01vwbts +/m/0h95927 /film/film/written_by /m/06m6z6 +/m/06y611 /film/film/genre /m/03k9fj +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07_k0c0 +/m/0191n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02wb6yq +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lz1s +/m/04jn6y7 /film/film/costume_design_by /m/03y1mlp +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rgq +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x400 +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0134w7 +/m/014zws /education/educational_institution/school_type /m/01rs41 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k98nm +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mz5b +/m/0234j5 /film/film/language /m/02h40lc +/m/0m_mm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012vct +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pjnd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0449sw +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fsb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b190 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/053y4h /people/person/nationality /m/09c7w0 +/m/03m2fg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/041rx /people/ethnicity/people /m/0q1lp +/m/0p3r8 /people/person/profession /m/015cjr +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/0157g9 /location/location/contains /m/027nb +/m/053yx /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/0bth54 /film/film/music /m/02cyfz +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0hvbj +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/01f1jf /olympics/olympic_games/sports /m/09f6b +/m/03bkbh /people/ethnicity/people /m/01n5309 +/m/02zy1z /education/educational_institution_campus/educational_institution /m/02zy1z +/m/01w92 /award/award_winner/awards_won./award/award_honor/award_winner /m/01j53q +/m/03r0g9 /film/film/featured_film_locations /m/0160w +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/0f8l9c /location/location/contains /m/0lb5x +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1qyh +/m/0fpmrm3 /film/film/country /m/09c7w0 +/m/03t852 /people/person/place_of_birth /m/01_d4 +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057bc6m +/m/0r4wn /base/biblioness/bibs_location/state /m/01n7q +/m/032498 /sports/sports_team/colors /m/038hg +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/059_c /location/location/contains /m/01jpqb +/m/02h8p8 /sports/sports_team/colors /m/083jv +/m/01mgw /film/film/featured_film_locations /m/0qb62 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/027gy0k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/01wbl_r /people/person/profession /m/0n1h +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/02sgy +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/0473q /music/group_member/membership./music/group_membership/group /m/02vgh +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0tj9 /film/actor/film./film/performance/film /m/09fn1w +/m/046lt /film/actor/film./film/performance/film /m/03q0r1 +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01n4w_ /education/educational_institution/school_type /m/05pcjw +/m/018gqj /people/person/profession /m/0nbcg +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/02__x +/m/0bkq7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tv80 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/09c7w0 /location/location/contains /m/0m2rv +/m/0hfjk /media_common/netflix_genre/titles /m/0_92w +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/05r3qc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015q1n /education/educational_institution/school_type /m/05jxkf +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/05bt6j /music/genre/artists /m/01vw87c +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jft4 +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/033w9g +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/0pz04 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/09c7w0 /location/location/contains /m/0lhql +/m/02nq10 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/019fh /base/biblioness/bibs_location/country /m/09c7w0 +/m/05hs4r /music/genre/artists /m/0fq117k +/m/0154j /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06823p /film/film/country /m/06mkj +/m/081t6 /people/person/profession /m/0d8qb +/m/076689 /film/actor/film./film/performance/film /m/04kkz8 +/m/0jcmj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0139q5 /people/person/places_lived./people/place_lived/location /m/07ssc +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/08bytj +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/02f8lw +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cbl95 /film/film/written_by /m/0q59y +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/016ks5 /film/film/genre /m/0lsxr +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/02qpbqj +/m/0fpzt5 /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/02j9z /base/locations/continents/countries_within /m/06t8v +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0bdt8 /film/actor/film./film/performance/film /m/04vq33 +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4kk +/m/0hwqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015dcj +/m/01x66d /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/034tl /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/03_0p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x3r3 /influence/influence_node/influenced_by /m/03_hd +/m/0159h6 /people/person/sibling_s./people/sibling_relationship/sibling /m/06t61y +/m/01_rh4 /film/actor/film./film/performance/film /m/0c00zd0 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03d9v8 +/m/018swb /film/actor/film./film/performance/film /m/0661ql3 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qrb2 +/m/051n13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05cl2w /film/actor/film./film/performance/film /m/016fyc +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv_2 +/m/0dcz8_ /film/film/written_by /m/063b4k +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/01xpxv /film/actor/film./film/performance/film /m/0fgrm +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/02c6d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05mrf_p +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/0gt14 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01m5m5b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g768 /music/record_label/artist /m/0140t7 +/m/0b478 /people/person/profession /m/02hrh1q +/m/0c94fn /award/award_winner/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktpx +/m/0479b /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0jz71 /film/film/language /m/06b_j +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0d0kn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0ycht /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s6tk +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/03mg3l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kbwb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04q42 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxw +/m/03wdsbz /people/person/sibling_s./people/sibling_relationship/sibling /m/03wd5tk +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/023s8 /film/actor/film./film/performance/film /m/0fzm0g +/m/03q2t9 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/063_j5 /film/film/genre /m/02kdv5l +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/087pfc +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/0j90s /film/film/genre /m/02l7c8 +/m/0gx_p /people/person/spouse_s./people/marriage/spouse /m/079kdz +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02zhkz /people/person/profession /m/02hrh1q +/m/0bykpk /film/film/language /m/02h40lc +/m/037ts6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/0x2p /sports/sports_team/colors /m/02rnmb +/m/035rnz /film/actor/film./film/performance/film /m/03mh_tp +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/07gyv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/0dw4b0 +/m/01p6xx /people/person/profession /m/0dxtg +/m/01pfkw /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03gvm3t +/m/05r5c /music/instrument/instrumentalists /m/01w8n89 +/m/021r7r /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/0rhp6 /base/biblioness/bibs_location/state /m/02xry +/m/01hq1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170th +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0988cp /people/person/place_of_birth /m/0xc9x +/m/08tyb_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03csqj4 /people/deceased_person/place_of_death /m/0fvvz +/m/02jxkw /people/person/gender /m/05zppz +/m/0dl9_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwzkm +/m/043sct5 /film/film/genre /m/04xvlr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/026dg51 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059rby /location/location/contains /m/0fmc5 +/m/02khs /location/country/official_language /m/02h40lc +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k5y0 +/m/0chsq /people/person/profession /m/02jknp +/m/0c6qh /people/person/profession /m/02hrh1q +/m/0p7tb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dq23 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03n3gl +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/07jwr /people/cause_of_death/people /m/0h336 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/04q7r /music/instrument/family /m/0fx80y +/m/011zf2 /people/person/gender /m/05zppz +/m/01my_c /people/person/profession /m/05s9tm +/m/015y_n /music/genre/artists /m/09qr6 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/077rj +/m/02465 /people/person/gender /m/05zppz +/m/04h9h /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/07sbbz2 /music/genre/artists /m/01wg6y +/m/06q5t7 /influence/influence_node/influenced_by /m/05ty4m +/m/0lbbj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0hg45 /medicine/symptom/symptom_of /m/02k6hp +/m/02p7xc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/025m8l /award/award_category/nominees./award/award_nomination/nominated_for /m/0bhwhj +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/014knw +/m/0g68zt /film/film/country /m/09c7w0 +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vt9p3 +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02w4fkq /people/person/nationality /m/0f8l9c +/m/03p7rp /music/genre/parent_genre /m/01243b +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/04cy8rb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_gd +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05rgl /location/location/contains /m/05nrg +/m/01lsl /film/film/language /m/02h40lc +/m/0342h /music/instrument/instrumentalists /m/01ww_vs +/m/04tgp /base/aareas/schema/administrative_area/capital /m/043yj +/m/0q9kd /film/actor/film./film/performance/film /m/01b195 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/037s5h /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/03h_9lg /people/person/nationality /m/0chghy +/m/0hpt3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gb54 +/m/0pv54 /film/film/country /m/07ssc +/m/085ccd /film/film/production_companies /m/086k8 +/m/023slg /music/group_member/membership./music/group_membership/role /m/018vs +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06vbd +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dl567 +/m/03f77 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/013q0p /film/film/music /m/01wd9lv +/m/0jjy0 /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/07yk1xz /film/film/produced_by /m/0bwh6 +/m/04w391 /film/actor/film./film/performance/film /m/0872p_c +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/01xhh5 /people/ethnicity/people /m/044n3h +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y54 +/m/0lzkm /people/person/nationality /m/03rt9 +/m/050gkf /film/film/production_companies /m/08wjc1 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/01cf93 /music/record_label/artist /m/0x3b7 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/018vs /music/instrument/instrumentalists /m/0c9d9 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10g +/m/05mt_q /people/person/gender /m/05zppz +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ldw4 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/01dys +/m/09m6kg /film/film/featured_film_locations /m/027kp3 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/055t01 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0nhr5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ywrc /film/film/language /m/06b_j +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01nd2c +/m/0g2c8 /organization/organization/headquarters./location/mailing_address/citytown /m/01sn3 +/m/03mv0b /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01ljpm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0gj96ln /film/film/written_by /m/02lk1s +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059t8 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/06by7 /music/genre/artists /m/01q99h +/m/07wlt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zh29 /people/person/gender /m/05zppz +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/09v1lrz /award/award_category/nominees./award/award_nomination/nominated_for /m/0mb8c +/m/01z7s_ /people/person/profession /m/0dxtg +/m/03qk20 /music/record_label/artist /m/0fb2l +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/06d4h /film/film_subject/films /m/03ntbmw +/m/0mb0 /people/person/profession /m/0kyk +/m/035qv8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0gndh /film/film/genre /m/03k9fj +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pt7h_ +/m/019vgs /people/person/gender /m/05zppz +/m/0q59y /people/person/profession /m/02hv44_ +/m/01_ztw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/026l37 +/m/012kyx /film/film/country /m/07ssc +/m/029k55 /film/actor/film./film/performance/film /m/02rrfzf +/m/01msrb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0127m7 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0146hc +/m/025sc50 /music/genre/artists /m/0hvbj +/m/01fx5l /people/person/nationality /m/09c7w0 +/m/05kj_ /location/location/contains /m/0mx0f +/m/0l12d /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/02x9g_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0130sy /people/person/profession /m/01c72t +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02nczh +/m/04hvw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/033tf_ /people/ethnicity/people /m/0p_pd +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6f8pf +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01ty7ll /people/person/gender /m/02zsn +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02zk08 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/015l4k +/m/02z4b_8 /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/06jw0s /people/person/profession /m/0d8qb +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0dr_4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0401sg /film/film/country /m/0345h +/m/01r216 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j8nx +/m/0bwgc_ /film/actor/film./film/performance/film /m/03h0byn +/m/01v9l67 /people/person/profession /m/09jwl +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/0kbws /olympics/olympic_games/participating_countries /m/0162v +/m/04180vy /film/film/genre /m/06cvj +/m/01m7pwq /people/person/profession /m/0dz3r +/m/03mqtr /media_common/netflix_genre/titles /m/034hzj +/m/01wd02c /influence/influence_node/influenced_by /m/03hnd +/m/021996 /organization/organization/headquarters./location/mailing_address/citytown /m/0f04v +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0rh6k +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/088_9g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/02qm_f /film/film/genre /m/01zhp +/m/02qjj7 /people/person/profession /m/015cjr +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01n7q /location/location/contains /m/0l2p7 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/0ct9_ +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dqmt0 +/m/0fzm0g /film/film/language /m/02h40lc +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/0jdd /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/064t9 /music/genre/artists /m/0cbm64 +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/0dgskx /people/person/gender /m/05zppz +/m/01wy5m /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01lsl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06dv3 /people/person/nationality /m/0ctw_b +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/05fkf /location/location/contains /m/02pdhz +/m/03rjj /location/country/second_level_divisions /m/03tm68 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sff +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r6c4 +/m/0kzy0 /people/person/profession /m/0dz3r +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mp8g +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fsw_7 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/04f7c55 /people/person/sibling_s./people/sibling_relationship/sibling /m/04d_mtq +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011wtv +/m/0f4yh /film/film/language /m/0jzc +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/01vtj38 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/04kzqz /film/film/genre /m/02kdv5l +/m/034ls /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01vh3r /people/person/places_lived./people/place_lived/location /m/05qtj +/m/02_jjm /education/educational_institution/students_graduates./education/education/student /m/05wh0sh +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0680x0 +/m/0c3351 /media_common/netflix_genre/titles /m/09k56b7 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/01b30l /people/profession/specialization_of /m/09jwl +/m/01fszq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01fs_4 +/m/0dw4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pb2bp +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c_cxn +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/04954 /people/person/profession /m/0np9r +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v9l67 +/m/025vw4t /people/person/nationality /m/09c7w0 +/m/028cg00 /film/film/production_companies /m/016tw3 +/m/03j755 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0pmn7 +/m/0r3wm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2q3 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cj8x +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/015wy_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0jmj /people/person/profession /m/0xzm +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1tf +/m/076xkps /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/03gj2 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/03f1zhf /people/person/profession /m/02hrh1q +/m/0mxsm /location/us_county/county_seat /m/0fvzg +/m/01l1ls /film/actor/film./film/performance/film /m/02x6dqb +/m/06jkm /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/02qjj7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01dw4q +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyts +/m/02ptczs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bkbh /people/ethnicity/people /m/032_jg +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1k5 +/m/01zh3_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/049fcd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09lcsj /film/film/genre /m/0hfjk +/m/04lh6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0161c +/m/02q9kqf /people/person/place_of_birth /m/02_286 +/m/0gd9k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0413cff /film/film/personal_appearances./film/personal_film_appearance/person /m/02mjmr +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/01w7nww /people/person/profession /m/02hrh1q +/m/063_j5 /film/film/language /m/02h40lc +/m/04t6fk /film/film/production_companies /m/017s11 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04cppj +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05x2t7 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0m2l9 /people/person/profession /m/0nbcg +/m/034qzw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04k25 /people/person/profession /m/02hrh1q +/m/02whj /people/person/place_of_birth /m/094jv +/m/06rf7 /location/administrative_division/first_level_division_of /m/0345h +/m/047gpsd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yqqv /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/024bbl +/m/011yr9 /film/film/genre /m/03mqtr +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0168t /location/country/form_of_government /m/01q20 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/06rgq +/m/07d3z7 /film/actor/film./film/performance/film /m/02mmwk +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vrgnr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/0bhwhj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d05fv +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01d6g /sports/sports_team/colors /m/0jc_p +/m/0286vp /film/film/genre /m/0219x_ +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0mn9x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vp1f_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dzkq /influence/influence_node/influenced_by /m/03_87 +/m/03q45x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0557yqh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfpm +/m/06t8v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05w88j +/m/0tj9 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0gl3hr /film/film/music /m/0164y7 +/m/04x56 /influence/influence_node/influenced_by /m/06hmd +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/02gnj2 /people/person/profession /m/0196pc +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02yv6b /music/genre/artists /m/0gr69 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/02zyy4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0343h /people/person/employment_history./business/employment_tenure/company /m/0kx4m +/m/02x3y41 /film/film/language /m/02h40lc +/m/0jw67 /film/actor/film./film/performance/film /m/0fphgb +/m/0ljc_ /media_common/netflix_genre/titles /m/07hpv3 +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1lm +/m/064_8sq /language/human_language/countries_spoken_in /m/0154j +/m/049w1q /film/film/country /m/0345h +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04pk1f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bh9 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081mh +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0d9v9q +/m/022lly /education/educational_institution/colors /m/083jv +/m/07_f2 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g96wd /people/ethnicity/people /m/02c0mv +/m/05683p /people/person/nationality /m/09c7w0 +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04gfy7 /people/ethnicity/people /m/01xwqn +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01pjr7 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0bn3jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/03yvf2 /film/film/executive_produced_by /m/04pqqb +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04_bfq +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrx35 +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/01j7z7 /people/person/spouse_s./people/marriage/spouse /m/0147dk +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0r0m6 /location/hud_county_place/place /m/0r0m6 +/m/051z6mv /people/deceased_person/place_of_death /m/0r2gj +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0d8w2n /film/film/featured_film_locations /m/0cr3d +/m/02l424 /education/educational_institution_campus/educational_institution /m/02l424 +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/017z88 /education/educational_institution/school_type /m/01y64 +/m/0snty /base/biblioness/bibs_location/state /m/03v1s +/m/06by7 /music/genre/artists /m/03sww +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04f52jw +/m/07wm6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04s7y +/m/02t_v1 /film/actor/film./film/performance/film /m/07sgdw +/m/03mb9 /music/genre/artists /m/01vxlbm +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01s7qqw /music/group_member/membership./music/group_membership/role /m/018vs +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0168ls /film/film/genre /m/082gq +/m/01jllg1 /people/person/profession /m/025352 +/m/0frpd5 /people/person/gender /m/05zppz +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/01trf3 /people/person/places_lived./people/place_lived/location /m/03pzf +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/04xn_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0371rb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03z0l6 /people/person/profession /m/02jknp +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02tc5y /people/person/gender /m/05zppz +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qmfm +/m/029k55 /film/actor/film./film/performance/film /m/03q0r1 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0r04p /location/location/time_zones /m/02lcqs +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01whvs +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0755wz +/m/0cc5qkt /film/film/production_companies /m/04cygb3 +/m/0jcx1 /location/location/time_zones /m/02llzg +/m/081g_l /music/record_label/artist /m/0gs6vr +/m/07vk9f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/034qbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/07z1m /location/location/contains /m/0mny8 +/m/0125xq /film/film/written_by /m/0b478 +/m/059_gf /film/actor/film./film/performance/film /m/08gsvw +/m/0k_q_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qjpv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/079kdz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08ct6 +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/016yvw /film/actor/film./film/performance/film /m/0yzvw +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03975z /people/person/place_of_birth /m/04jpl +/m/03ybrwc /award/award_category/winners./award/award_honor/award_winner /m/071xj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05vw7 +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/09vc4s /people/ethnicity/people /m/01_ztw +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/06mvq /people/ethnicity/languages_spoken /m/06mp7 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/09c7w0 /location/country/second_level_divisions /m/0kv36 +/m/0bs09lb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/04x4vj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d05fv /people/person/profession /m/0cbd2 +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02qhlm +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/06j6l /music/genre/artists /m/011z3g +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0gyy0 +/m/07mqps /people/ethnicity/languages_spoken /m/0t_2 +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/03hfmm /film/film/genre /m/0hn10 +/m/01f2xy /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/09n48 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0127ps /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwng +/m/03h64 /location/country/official_language /m/02h40lc +/m/01hx2t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07f3xb +/m/01kph_c /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0320jz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03w7kx +/m/0htlr /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/08sfxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kvqv +/m/015fr /location/location/contains /m/0l3q2 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/015rhv /people/person/profession /m/01d_h8 +/m/0ctb4g /film/film/written_by /m/04r7jc +/m/077qn /location/location/time_zones /m/02llzg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/08vr94 /people/person/languages /m/02h40lc +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/016tbr /award/award_winner/awards_won./award/award_honor/award_winner /m/01rrd4 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0pyww +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/032jlh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jf1b +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/03f1zdw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08cyft /music/genre/artists /m/016lmg +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/03cxsvl +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/01rr9f /award/award_winner/awards_won./award/award_honor/award_winner /m/09yrh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03_d0 /music/genre/artists /m/0135xb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0lhp1 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05ty4m +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0420td +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/016yr0 /film/actor/film./film/performance/film /m/0kvgtf +/m/012xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/05r6t /music/genre/artists /m/01vv7sc +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/030pr +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0xnc3 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dl567 +/m/044g_k /film/film/genre /m/01hmnh +/m/0184jw /people/person/profession /m/0dxtg +/m/07nxnw /film/film/language /m/02h40lc +/m/0k3j0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vz0g4 /people/person/profession /m/0dz3r +/m/03qcq /people/person/places_lived./people/place_lived/location /m/01n4w +/m/024mpp /film/film/production_companies /m/016tw3 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p__8 +/m/0dryh9k /people/ethnicity/people /m/02n1p5 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0cf2h +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8tgs +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_9q +/m/02ctzb /people/ethnicity/people /m/06cddt +/m/018vs /music/instrument/instrumentalists /m/01l47f5 +/m/09jvl /music/artist/origin /m/030qb3t +/m/05zlld0 /film/film/production_companies /m/0hpt3 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/023kzp +/m/02zkz7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0621cs /music/genre/parent_genre /m/02qm5j +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/04h68j /people/person/profession /m/02jknp +/m/0fvd03 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0d_w7 /people/person/nationality /m/0d060g +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/03g9xj +/m/0dmtp /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/08433 /film/actor/film./film/performance/film /m/01qncf +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/038bht +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/0pd57 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j76b +/m/062zjtt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0137hn /people/person/profession /m/01c72t +/m/06lbp /people/person/religion /m/0kpl +/m/027zz /film/director/film /m/07vn_9 +/m/0r0f7 /location/location/time_zones /m/02lcqs +/m/03bzjpm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/064t9 /music/genre/artists /m/01vxlbm +/m/0cyhq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0ckh4k /tv/tv_program/languages /m/02h40lc +/m/01y8zd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030g9z /people/person/sibling_s./people/sibling_relationship/sibling /m/02mc79 +/m/032_jg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/01nf9x /base/biblioness/bibs_location/state /m/07cfx +/m/02kz_ /people/person/profession /m/0kyk +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/02fybl /people/person/profession /m/01d_h8 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/03mdt /media_common/netflix_genre/titles /m/02pqs8l +/m/0lrh /people/person/places_lived./people/place_lived/location /m/0hptm +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/0bz3jx /film/film/genre /m/07s2s +/m/0180mw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01n4bh /music/genre/artists /m/053yx +/m/01m7pwq /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/05fjf /location/location/contains /m/0xn7b +/m/0_rwf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d_2fb +/m/02ghq /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0257__ /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/02qdymm /people/person/gender /m/05zppz +/m/01846t /film/actor/film./film/performance/film /m/017jd9 +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/017_1x +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0hv4t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/0c_dx /award/award_category/disciplines_or_subjects /m/04g51 +/m/0639bg /film/film/cinematography /m/0cqh57 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/034xyf /film/film/language /m/04306rv +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/059rby +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/02mt51 /film/film/genre /m/02l7c8 +/m/0dnvn3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q87z6 +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01l1b90 /film/actor/film./film/performance/film /m/05zlld0 +/m/0l98s /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/023qfd /people/person/nationality /m/09c7w0 +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0170k0 +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/0nm6k /location/location/time_zones /m/02hcv8 +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pm_ +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/03bw6 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0162v +/m/02f46y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/035qy /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdx +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/05511w +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/0hw1j /people/person/profession /m/0dxtg +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01vv6xv /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/09xzd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/03mghh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04hwbq /film/film/genre /m/03k9fj +/m/0b_6x2 /time/event/locations /m/06wxw +/m/0b1y_2 /film/film/genre /m/04rlf +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/025n3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01sl1q +/m/0l38g /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/027xbpw /people/person/profession /m/0np9r +/m/0ycp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dl567 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wx2v +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/01k53x /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gkmx +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/07hyk /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0fs9vc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr89x +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0ymbl +/m/01l2m3 /people/cause_of_death/people /m/01n44c +/m/0b6l1st /film/film/edited_by /m/0bn3jg +/m/01vsyg9 /music/group_member/membership./music/group_membership/group /m/04k05 +/m/0274ck /people/person/profession /m/0fnpj +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0mmpm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmpz +/m/05qgd9 /education/educational_institution/school_type /m/01rs41 +/m/07dzf /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0fx2s /film/film_subject/films /m/04vh83 +/m/04hwbq /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/05q4y12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0kx4m +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/05vxdh /film/film/written_by /m/0136g9 +/m/0dl5d /music/genre/parent_genre /m/0xhtw +/m/029k4p /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/03zrhb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/041rx /people/ethnicity/people /m/03fqv5 +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0c921 /film/director/film /m/0k4fz +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03cfkrw /film/film/country /m/09c7w0 +/m/06pj8 /film/director/film /m/0gmgwnv +/m/01h18v /film/film/genre /m/0219x_ +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0577d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/07663r /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0d0l91 /people/person/gender /m/05zppz +/m/01tc9r /music/group_member/membership./music/group_membership/role /m/02pprs +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/0h0wc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c3p7 +/m/0j8p6 /location/location/time_zones /m/05jphn +/m/01f_3w /music/record_label/artist /m/039bpc +/m/01c65z /people/person/nationality /m/07ssc +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04hk0w /film/film/language /m/01jb8r +/m/016z68 /people/person/nationality /m/05bcl +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0p07_ /location/location/time_zones /m/02hczc +/m/01dw4q /people/person/profession /m/02hrh1q +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dcvf +/m/02xv8m /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/01hd99 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03r8gp /film/film_subject/films /m/0170xl +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/02wyzmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gk4g /people/cause_of_death/people /m/01cbt3 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03k8th +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gg5qcw /film/film/film_format /m/0cj16 +/m/0170th /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/0dw6b /people/person/nationality /m/06bnz +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/033wx9 +/m/0bx9y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc07 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0fqyzz /people/person/profession /m/03gjzk +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvd2 +/m/01f6zc /film/actor/film./film/performance/film /m/04ydr95 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nr36 +/m/02z1yj /people/person/gender /m/02zsn +/m/01my_c /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/014kj2 /sports/sports_team_location/teams /m/02_cq0 +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/05p606 /film/actor/film./film/performance/film /m/05cj_j +/m/0466s8n /film/film/film_festivals /m/04_m9gk +/m/02hy9p /people/person/profession /m/02hrh1q +/m/04vs9 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/043zg +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/018q7 /people/person/profession /m/012qdp +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/06lvlf /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/02k76g /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0h3mh3q +/m/02z44tp /tv/tv_program/languages /m/02h40lc +/m/03wh49y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j0ss +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/02jx1 /location/location/contains /m/048kw +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02wgk1 /film/film/genre /m/07s9rl0 +/m/0pmhf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01vrnsk /people/person/profession /m/016z4k +/m/028r4y /film/actor/film./film/performance/film /m/06_wqk4 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bt7ws /people/person/places_lived./people/place_lived/location /m/044rv +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09cpb /location/location/contains /m/029r_2 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch26b_ +/m/02x3lt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02r_d4 +/m/0jcpw /location/location/contains /m/059s8 +/m/0g5qmbz /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/03kbb8 /people/person/nationality /m/09c7w0 +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/032nwy +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/04gfy7 /people/ethnicity/languages_spoken /m/0688f +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/03jg5t +/m/06gjk9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02jx1 /location/location/contains /m/01dnrs +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mr2s +/m/05v8c /location/country/capital /m/0195pd +/m/0329qp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/08phg9 /film/film/language /m/02h40lc +/m/0x25q /film/film/production_companies /m/086k8 +/m/03h64 /media_common/netflix_genre/titles /m/0233bn +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0gpmp +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/016ywr /film/actor/film./film/performance/film /m/09zf_q +/m/04rg6 /people/person/profession /m/018gz8 +/m/02d9k /people/person/religion /m/01lp8 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09b6zr /people/person/profession /m/012t_z +/m/01_lhg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/037gjc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/05dy7p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gstn +/m/03rx9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05y5kf /film/actor/film./film/performance/film /m/01cz7r +/m/01clyb /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dt_q_ +/m/0lfbm /film/actor/film./film/performance/film /m/01s9vc +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/01fdc0 +/m/013n0n /base/biblioness/bibs_location/country /m/09c7w0 +/m/0340hj /film/film/story_by /m/079ws +/m/0gy0n /film/film/genre /m/01jfsb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0l0wv +/m/0y_hb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award /m/0fms83 +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/0c5dd /film/film/genre /m/06cvj +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/065jlv +/m/01ws9n6 /people/person/nationality /m/09c7w0 +/m/031n5b /organization/organization/headquarters./location/mailing_address/citytown /m/0y1rf +/m/02jfc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/029cr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fxz4 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/01qvz8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05tgks +/m/0qm8b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06qwh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_rh4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gx9rvq +/m/043g7l /music/record_label/artist /m/025ldg +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/03rx9 +/m/0rd6b /base/biblioness/bibs_location/state /m/01x73 +/m/06nm1 /language/human_language/countries_spoken_in /m/03h2c +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/02301 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01trtc /music/record_label/artist /m/014_lq +/m/0c7lcx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047sxrj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zd2b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05k2s_ /film/actor/film./film/performance/film /m/032016 +/m/02lvtb /music/group_member/membership./music/group_membership/role /m/0342h +/m/02qkt /location/location/contains /m/016zwt +/m/03k9fj /media_common/netflix_genre/titles /m/01vksx +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0bw6y +/m/0jnwx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mmwk /film/film/genre /m/03npn +/m/05q2c /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/016_mj /influence/influence_node/influenced_by /m/081lh +/m/0n_2q /location/location/time_zones /m/02hcv8 +/m/07s6prs /people/person/profession /m/09jwl +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/09cvbq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gydcp7 /film/film/production_companies /m/0283xx2 +/m/0jgd /location/location/partially_contains /m/0p2n +/m/05fhy /location/location/contains /m/0n7q7 +/m/01xbld /base/aareas/schema/administrative_area/administrative_parent /m/0125q1 +/m/0gjc4d3 /film/film/story_by /m/01y8d4 +/m/041td_ /film/film/genre /m/04xvh5 +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01s7zw /film/actor/film./film/performance/film /m/011yd2 +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/01wp8w7 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bvn25 +/m/01dzg0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_1l0v /location/location/contains /m/0488g +/m/09v478h /award/award_category/disciplines_or_subjects /m/02vxn +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/03j76b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/048yqf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/02nfhx /film/actor/film./film/performance/film /m/0cwfgz +/m/03_d0 /music/genre/artists /m/012x4t +/m/0jswp /film/film/country /m/09c7w0 +/m/0151w_ /film/director/film /m/0h03fhx +/m/01xq8v /film/film/language /m/04h9h +/m/072twv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rcmg +/m/02kxbx3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0g768 /music/record_label/artist /m/0bqvs2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/027dpx /music/group_member/membership./music/group_membership/role /m/02hnl +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_mc +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01nrnm /education/educational_institution/students_graduates./education/education/student /m/09y20 +/m/01rthc /music/genre/artists /m/01hrqc +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/016wzw +/m/087vnr5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/02_2kg /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/01_qgp /education/educational_institution_campus/educational_institution /m/01_qgp +/m/01pp3p /people/person/religion /m/0c8wxp +/m/0p_r5 /people/person/profession /m/0np9r +/m/056zf9 /sports/sports_team/colors /m/083jv +/m/0btyf5z /film/film/genre /m/02kdv5l +/m/0d7vtk /tv/tv_program/genre /m/01hmnh +/m/026wlxw /film/film/genre /m/0gf28 +/m/02bzh0 /education/educational_institution/students_graduates./education/education/student /m/022_q8 +/m/07vqnc /tv/tv_program/genre /m/025s89p +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07sbk +/m/04cr6qv /music/group_member/membership./music/group_membership/role /m/0l14md +/m/02qzh2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/02f2dn +/m/0ndh6 /location/location/contains /m/06wxw +/m/01yznp /people/person/profession /m/03sbb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01453 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/037ts6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tgz4 +/m/03lmx1 /people/ethnicity/people /m/04ld94 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfpm +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0jkvj /olympics/olympic_games/sports /m/01hp22 +/m/02yl42 /influence/influence_node/influenced_by /m/01vrncs +/m/0272_vz /film/film/executive_produced_by /m/044zvm +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0p8jf /influence/influence_node/influenced_by /m/0g5ff +/m/011k1h /music/record_label/artist /m/03j24kf +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/015mrk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/05fgr_ /tv/tv_program/program_creator /m/02kmx6 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/016khd /film/actor/film./film/performance/film /m/02rrh1w +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016gkf +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01wwvt2 /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09m6kg +/m/030vmc /people/person/profession /m/02hrh1q +/m/0g8st4 /people/person/profession /m/0d8qb +/m/011ysn /film/film/language /m/0349s +/m/0glt670 /music/genre/artists /m/01wy61y +/m/02scbv /film/film/music /m/023361 +/m/01w9ph_ /music/artist/origin /m/030qb3t +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088xp +/m/0g5qs2k /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/062qg /base/biblioness/bibs_location/country /m/0chghy +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07cdz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/04s5_s /people/person/nationality /m/09c7w0 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/05xpms +/m/019f2f /people/person/religion /m/0flw86 +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/0fy34l /film/film/produced_by /m/02qjpv5 +/m/0f1jhc /people/person/place_of_birth /m/02_286 +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c602 +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/016_mj /influence/influence_node/influenced_by /m/014z8v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049fbh +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0784z /time/event/locations /m/04wsz +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/02zrv7 /people/person/profession /m/0dxtg +/m/02c_wc /people/person/gender /m/02zsn +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/02x8fs +/m/06ncr /music/instrument/instrumentalists /m/016vqk +/m/01cj6y /film/actor/film./film/performance/film /m/059rc +/m/019lty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03_vx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0253b6 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0137n0 +/m/09gmmt6 /film/film/genre /m/03npn +/m/0gfp09 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0292qb /film/film/edited_by /m/03q8ch +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0q9vf /award/award_winner/awards_won./award/award_honor/award_winner /m/0pyww +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0184jc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170s4 +/m/01vh3r /film/actor/film./film/performance/film /m/0m313 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0xbm +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/09cxm4 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k8y7 +/m/04cxw5b /sports/sports_team/sport /m/018w8 +/m/06cc_1 /people/person/profession /m/09lbv +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnkr +/m/02l7c8 /media_common/netflix_genre/titles /m/05b_gq +/m/049qx /people/person/place_of_birth /m/0chgzm +/m/049dyj /people/person/nationality /m/09c7w0 +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/0gywn /music/genre/artists /m/01wgcvn +/m/01dvbd /film/film/executive_produced_by /m/027kmrb +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095p3z +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03z0dt +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027s39y +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0b_dy +/m/0glmv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06q1r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/034x61 +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053tj7 +/m/02rh_0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018js4 +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/01f1q8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03p7r +/m/02w4fkq /award/award_winner/awards_won./award/award_honor/award_winner /m/0dl567 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/0c57yj /film/film/featured_film_locations /m/01n7q +/m/09c7w0 /location/location/contains /m/021gt5 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/041rx /people/ethnicity/people /m/01s3kv +/m/01qz69r /people/person/nationality /m/03_3d +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0ckm4x /people/person/nationality /m/09c7w0 +/m/054lpb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/01b9ck /people/person/nationality /m/09c7w0 +/m/0p17j /people/person/profession /m/0kyk +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012mrr +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/0f5kw7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/01l1hr +/m/029v40 /film/film/country /m/09c7w0 +/m/04bs3j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/01kkfp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01nkxvx /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/03m5y9p /film/film/country /m/0chghy +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/0gg8z1f /film/film/costume_design_by /m/02pqgt8 +/m/02d9k /people/person/gender /m/05zppz +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/02p5hf +/m/09969 /people/cause_of_death/people /m/015zql +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/084nh +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/05511w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02gys2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/07024 /film/film/genre /m/02kdv5l +/m/06cgf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01633c +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/0278x6s /film/actor/film./film/performance/film /m/0hgnl3t +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tz52 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/05p9_ql /tv/tv_program/genre /m/01z4y +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/083chw +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktx_ +/m/014kkm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06g60w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04pp9s +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0639bg +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/085bd1 /award/award_winning_work/awards_won./award/award_honor/award /m/09v82c0 +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/0b5ysl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0ckf6 /sports/sports_team/sport /m/02vx4 +/m/07z1m /location/location/contains /m/0fwc0 +/m/03_3d /location/location/contains /m/01fv4z +/m/0ggq0m /music/genre/artists /m/06p03s +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06dv3 +/m/0bkmf /people/person/religion /m/0c8wxp +/m/01_f_5 /film/director/film /m/0209xj +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/0crs0b8 /film/film/country /m/0f8l9c +/m/02xs5v /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmhf +/m/09c7w0 /location/country/second_level_divisions /m/0n59t +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01vw8mh /people/person/gender /m/05zppz +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/01ync /sports/sports_team/colors /m/083jv +/m/0gl3hr /film/film/language /m/02h40lc +/m/0jbyg /people/person/profession /m/0nbcg +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0dzlbx /film/film/story_by /m/04zd4m +/m/04z0g /people/person/gender /m/05zppz +/m/05hks /people/person/nationality /m/06bnz +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421v9q +/m/0dvqq /music/artist/origin /m/01jr6 +/m/03r0g9 /film/film/story_by /m/0fx02 +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01lly5 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0dr_4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/03d8jd1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03tf_h /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02fb1n /people/person/profession /m/01d_h8 +/m/0l14md /music/instrument/instrumentalists /m/050z2 +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/01bl7g /film/film/executive_produced_by /m/012d40 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/022q4l9 /film/actor/film./film/performance/film /m/04gv3db +/m/0132_h /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hz6mv2 +/m/02q5g1z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027kwc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0djlxb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/020ffd /film/actor/film./film/performance/film /m/02qydsh +/m/0k419 /film/film/language /m/04306rv +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01njxvw +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0413cff /film/film/country /m/09c7w0 +/m/015q43 /people/person/languages /m/02bjrlw +/m/013d7t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05nyqk /film/film/film_format /m/07fb8_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05kwx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011ydl /film/film/written_by /m/013t9y +/m/033hn8 /music/record_label/artist /m/0p3r8 +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0f502 +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0f3nn +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01ww2fs +/m/02h761 /people/person/nationality /m/07ssc +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/04l5d0 /sports/sports_team/sport /m/03tmr +/m/02g5h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/0jgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jhd +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/0jcx +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/03k0yw /people/person/nationality /m/09c7w0 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0j_c /film/actor/film./film/performance/film /m/02r_pp +/m/08g5q7 /people/cause_of_death/people /m/0cg9f +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05p09dd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0kz1h +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvb4m +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0g5lhl7 /media_common/netflix_genre/titles /m/03j63k +/m/0136pk /film/actor/film./film/performance/film /m/02825cv +/m/02p3cr5 /music/record_label/artist /m/01vn0t_ +/m/0vzm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/09y6pb /film/film/produced_by /m/059x0w +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09q5w2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bxy67 /film/actor/film./film/performance/film /m/047q2k1 +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dqzkv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016yzz /people/person/nationality /m/09c7w0 +/m/02v570 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03s0w /location/location/contains /m/0sv6n +/m/0fqyzz /people/person/religion /m/03_gx +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/02t_8z /people/person/place_of_birth /m/0rh6k +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/019fnv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_r3 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sz28 /film/actor/film./film/performance/film /m/03hkch7 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/01wcp_g /people/person/profession /m/02hrh1q +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt1k +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jw4r +/m/02ltg3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01_jky +/m/02pdhz /education/educational_institution/school_type /m/01rs41 +/m/06s1qy /people/person/profession /m/02hrh1q +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/020_95 /film/actor/film./film/performance/film /m/020bv3 +/m/04xrx /people/person/profession /m/0n1h +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0169dl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwj8 +/m/05dss7 /film/film/film_festivals /m/0kfhjq0 +/m/0gg8l /music/genre/artists /m/0x3b7 +/m/017gm7 /film/film/executive_produced_by /m/06q8hf +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/06v41q /people/ethnicity/people /m/01m4yn +/m/012cj0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025czw +/m/0ctw_b /location/location/contains /m/01pj48 +/m/02pjc1h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06cqb /music/genre/artists /m/07h76 +/m/0407yj_ /film/film/prequel /m/03q0r1 +/m/025twgt /film/film/genre /m/0bkbm +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/01yb1y /tv/tv_program/genre /m/066wd +/m/05f67hw /film/film/country /m/09c7w0 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/015grj +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0chrwb /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0k8z /business/business_operation/industry /m/01mf0 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/05mv4 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/017l96 /music/record_label/artist /m/03f0vvr +/m/0d0xs5 /people/person/gender /m/05zppz +/m/0y_pg /film/film/genre /m/0fdjb +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016_rm /music/genre/artists /m/01vw917 +/m/05jx2d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/020923 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01336l /people/ethnicity/people /m/08x5c_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02j9z /location/location/contains /m/012wgb +/m/03lv4x /film/film/genre /m/07s9rl0 +/m/07nv3_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/0c9cp0 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/012dr7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011k1h /music/record_label/artist /m/0dm5l +/m/075cph /film/film/costume_design_by /m/02cqbx +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0cx7f /music/genre/artists /m/018x3 +/m/0bg4f9 /sports/sports_team/colors /m/01g5v +/m/0gtx63s /film/film/language /m/0t_2 +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0239kh +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nwwl +/m/05css_ /film/film/genre /m/02n4kr +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/07g2b /influence/influence_node/peers./influence/peer_relationship/peers /m/0c1jh +/m/0qmfk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/01d8yn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/011v3 +/m/01l_yg /people/person/gender /m/05zppz +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01tv3x2 /people/person/profession /m/0dz3r +/m/04vr_f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0yjf0 +/m/020bg /people/person/places_lived./people/place_lived/location /m/0947l +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0chsq /film/actor/film./film/performance/film /m/0hwpz +/m/09g8vhw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/04gzd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04h9h +/m/01jrbb /film/film/executive_produced_by /m/04jspq +/m/0mzkr /music/record_label/artist /m/018gkb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01xbgx +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01bdxz +/m/04wx2v /people/person/languages /m/02h40lc +/m/04pk1f /film/film/genre /m/01hmnh +/m/071dcs /people/person/place_of_birth /m/068p2 +/m/0ftlkg /time/event/instance_of_recurring_event /m/0g_w +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/02cnqk /base/culturalevent/event/entity_involved /m/0130xz +/m/01d1st /music/artist/origin /m/071vr +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/07b_l /location/location/contains /m/013n60 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/09c7w0 /location/location/contains /m/04ych +/m/01jv1z /music/record_label/artist /m/01wqpnm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q2sk +/m/09c7w0 /location/country/second_level_divisions /m/0n5j_ +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/09hyvp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpkw +/m/0c01c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03h64 /media_common/netflix_genre/titles /m/08j7lh +/m/0ql86 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/02v406 /people/person/nationality /m/0d0vqn +/m/051m56 /people/person/places_lived./people/place_lived/location /m/013kcv +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/016tbr /people/person/religion /m/03_gx +/m/0xhtw /music/genre/artists /m/04rcr +/m/01d0b1 /film/actor/film./film/performance/film /m/09w6br +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/06c0j +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/091yn0 /people/person/nationality /m/09c7w0 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/013sg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02lnbg /music/genre/artists /m/01323p +/m/04sry /film/director/film /m/01gvts +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0ktx_ /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/01b1mj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01bjbk /film/film/other_crew./film/film_crew_gig/crewmember /m/0b80__ +/m/0j11 /base/aareas/schema/administrative_area/administrative_parent /m/049nq +/m/02mhfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04r7p +/m/064t9 /music/genre/artists /m/04bgy +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/01v0fn1 /people/person/place_of_birth /m/04jpl +/m/07s9rl0 /media_common/netflix_genre/titles /m/06_x996 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/05jcn8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05_k56 +/m/01tzm9 /film/actor/film./film/performance/film /m/03177r +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/03wbzp /people/person/place_of_birth /m/013h9 +/m/02k4b2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/01h910 +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/025ttz4 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/04hw4b /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0f8l9c /media_common/netflix_genre/titles /m/03mgx6z +/m/01bv8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_j71 +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/09pl3f /people/person/profession /m/02krf9 +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/016y3j /music/genre/artists /m/07r1_ +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04fyhv +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/09byk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/01qhm_ /people/ethnicity/people /m/025mb_ +/m/03mdt /media_common/netflix_genre/titles /m/01g03q +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0h96g /film/actor/film./film/performance/film /m/027s39y +/m/07vjm /education/educational_institution/colors /m/01l849 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/041rx /people/ethnicity/people /m/06jz0 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/026bk +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03vv61 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/063ykwt +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/030ykh +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/01713c /film/actor/film./film/performance/film /m/02vxq9m +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/012yc /music/genre/artists /m/05mt_q +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06by7 /music/genre/artists /m/0p76z +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/04306rv /media_common/netflix_genre/titles /m/0dmn0x +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/03__y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06vbd +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03m4mj +/m/0ccd3x /film/film/costume_design_by /m/0gl88b +/m/099ty /location/hud_county_place/place /m/099ty +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016890 +/m/0ndwt2w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017_qw /music/genre/artists /m/04pf4r +/m/0392kz /people/person/nationality /m/03_3d +/m/03lty /music/genre/artists /m/01nrz4 +/m/0jyw /location/location/time_zones /m/03plfd +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/01r93l /film/actor/film./film/performance/film /m/04cj79 +/m/0bxsk /film/film/genre /m/01jfsb +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/05gp3x +/m/0c9t0y /film/film/country /m/09c7w0 +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0266sb_ +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0161c2 +/m/0gh6j94 /film/film/language /m/04h9h +/m/01znc_ /location/location/contains /m/09949m +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05l8y /location/country/form_of_government /m/01fpfn +/m/04fcx7 /film/director/film /m/034qzw +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/09sr0 /film/film/cinematography /m/06r_by +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/0163v /location/country/form_of_government /m/06cx9 +/m/02hfgl /sports/sports_team/colors /m/01g5v +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/03cz9_ /people/person/nationality /m/03_3d +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/02qhqz4 /film/film/genre /m/0jxy +/m/04x4s2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j67j +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/04fhn_ /people/person/nationality /m/09c7w0 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0r2dp /location/location/contains /m/02rv1w +/m/02756j /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/0ymgk /education/educational_institution/students_graduates./education/education/student /m/0134w7 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/07bwr /film/film/cinematography /m/04qvl7 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nms7 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l14_3 +/m/0q_xk /location/hud_county_place/county /m/0kpys +/m/06rgq /people/person/gender /m/02zsn +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/015g_7 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xhpl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0906w9 +/m/043g7l /music/record_label/artist /m/01dpts +/m/0cbdf1 /people/person/profession /m/01d_h8 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01t8sr +/m/01s7z0 /people/person/profession /m/014ktf +/m/01pj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/02js_6 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09nwwf /music/genre/artists /m/05crg7 +/m/01bh6y /award/award_winner/awards_won./award/award_honor/award_winner /m/09bx1k +/m/0166c7 /location/location/contains /m/01qq80 +/m/030xr_ /film/actor/film./film/performance/film /m/0cf8qb +/m/09v6gc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0dbb3 /people/person/profession /m/09jwl +/m/05hyzx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/051ghn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dzf_ /film/actor/film./film/performance/film /m/0bv8h2 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/0qzhw /location/hud_county_place/place /m/0qzhw +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025l5 +/m/04tr1 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fgpvf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqkh +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/019n9w /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076lxv +/m/043tz0c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kf3_9 /film/film/film_production_design_by /m/04kj2v +/m/02v5_g /film/film/production_companies /m/032j_n +/m/03176f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0jjw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0jm74 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0315q3 /people/person/profession /m/02hrh1q +/m/01vt5c_ /people/person/nationality /m/02jx1 +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0161sp /film/actor/film./film/performance/film /m/01shy7 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/06cgy /film/actor/film./film/performance/film /m/0by17xn +/m/05zpghd /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/06tpmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016jll /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0356dp /people/person/profession /m/02hrh1q +/m/05_2h8 /people/person/gender /m/05zppz +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/042xrr /people/person/place_of_birth /m/0r03f +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jkj +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fwk3 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05ml_s /people/person/profession /m/03gjzk +/m/041jk9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02rq8k8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01r93l /film/actor/film./film/performance/film /m/02cbhg +/m/031q3w /education/educational_institution/students_graduates./education/education/student /m/041mt +/m/01g5kv /people/person/place_of_birth /m/0lphb +/m/021w0_ /education/educational_institution/students_graduates./education/education/student /m/02k76g +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0175rc +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/04gzd /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0d060g /location/location/contains /m/06c6l +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02508x /people/person/profession /m/0d8qb +/m/018x3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0l12d +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01xg_w /people/person/nationality /m/09c7w0 +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/07371 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxw +/m/01znc_ /location/country/capital /m/0jyw +/m/01twmp /people/person/profession /m/09jwl +/m/01vnt4 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/08s3w_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/07sc6nw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/097zcz +/m/01w3vc /education/educational_institution/school_type /m/01rs41 +/m/01507p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/026fd +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5j77 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/05fjf /location/location/contains /m/0hptm +/m/057pq5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/01vyv9 /film/actor/film./film/performance/film /m/03rg2b +/m/0181hw /music/record_label/artist /m/013rds +/m/018s6c /people/ethnicity/languages_spoken /m/03hkp +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/031rq5 +/m/0bth54 /film/film/edited_by /m/03_gd +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c9zr +/m/02cx90 /people/person/profession /m/039v1 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02g75 /people/person/nationality /m/09c7w0 +/m/06w38l /people/person/profession /m/02hrh1q +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0619m3 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0kvgtf /film/film/featured_film_locations /m/05kj_ +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/01cl0d /music/record_label/artist /m/0lbj1 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/0ccd3x /film/film/film_festivals /m/059_y8d +/m/09c7w0 /location/location/partially_contains /m/06c6l +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/09txzv /film/film/produced_by /m/01pw9v +/m/01q_ph /film/actor/film./film/performance/film /m/03q0r1 +/m/05bt6j /music/genre/artists /m/016jfw +/m/03hfmm /film/film/music /m/01jrvr6 +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/093dqjy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mqtr /media_common/netflix_genre/titles /m/046488 +/m/0ylsr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/01kmd4 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/059y0 +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0bymv /people/person/religion /m/0v53x +/m/05kfs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0grmhb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vb6z +/m/09qycb /film/film/film_festivals /m/0bx_f_t +/m/059_c /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/06c0j /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k_q_ +/m/0330r /tv/tv_program/genre /m/05p553 +/m/01jmyj /film/film/country /m/09c7w0 +/m/0b2qtl /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/023vcd /film/film/executive_produced_by /m/0b1f49 +/m/01vrt_c /people/person/profession /m/09jwl +/m/01wwvc5 /music/group_member/membership./music/group_membership/role /m/0342h +/m/03v0t /location/location/contains /m/0s9z_ +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/05qdh /media_common/netflix_genre/titles /m/02jxrw +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/01wdl3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016y_f /film/film/executive_produced_by /m/02q_cc +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/034hwx /film/film/genre /m/0vgkd +/m/03mg5f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04k9y6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h3k3f +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0ccqd7 /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04r7f2 +/m/019f2f /film/actor/film./film/performance/film /m/0jym0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/088vb /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07dzf +/m/0520y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04j689 +/m/0456zg /film/film/country /m/07ssc +/m/0hz55 /tv/tv_program/genre /m/03k9fj +/m/05bt6j /music/genre/artists /m/0130sy +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09stq9 +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02b9g4 /film/actor/film./film/performance/film /m/02qydsh +/m/07tds /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dj0m5 /film/film/written_by /m/0kb3n +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/0c_md_ +/m/0bbgvp /film/film/genre /m/02l7c8 +/m/01psyx /people/cause_of_death/people /m/019z7q +/m/0bvn25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03mp8k /music/record_label/artist /m/018y2s +/m/0282x /people/person/religion /m/0kpl +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c2tf +/m/0mb8c /film/film/genre /m/01jfsb +/m/018wrk /olympics/olympic_games/sports /m/07jjt +/m/03mb9 /music/genre/parent_genre /m/0gywn +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/03bdm4 /people/person/profession /m/02jknp +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01f7dd /people/person/place_of_birth /m/013nv_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/02dr9j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/013n60 /location/location/time_zones /m/02fqwt +/m/03nm_fh /film/film/genre /m/07s9rl0 +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/0f2s6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0kbws /olympics/olympic_games/participating_countries /m/05c74 +/m/02d478 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09wlpl /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0bbw2z6 /film/film/language /m/06nm1 +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bkq7 +/m/04mhl /people/person/gender /m/05zppz +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02_jkc +/m/02kz_ /influence/influence_node/influenced_by /m/014635 +/m/02114t /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02m77 /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/0btpm6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01n8qg /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/017_qw /music/genre/artists /m/0kvrb +/m/0f4m2z /film/film/country /m/0345h +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/05r6t /music/genre/artists /m/01w524f +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07t_x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c4pv +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/09c7w0 /location/location/contains /m/01hnb +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/0br1w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p7qm /film/film/film_production_design_by /m/04z_x4v +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0clz7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0clzr +/m/01csvq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p_47 +/m/03mp8k /music/record_label/artist /m/07h76 +/m/035yn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016szr /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/0326tc /people/person/places_lived./people/place_lived/location /m/049kw +/m/02p11jq /music/record_label/artist /m/01ww2fs +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/01kx1j /people/person/nationality /m/084n_ +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02pxmgz /film/film/genre /m/03npn +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/019_6d +/m/03xgm3 /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/0q9t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/051wf +/m/0dzz6g /film/film/film_format /m/0cj16 +/m/0jgd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1v +/m/033hn8 /music/record_label/artist /m/01wj18h +/m/01vsnff /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/0gg8z1f /film/film/film_production_design_by /m/0cdf37 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/0161c2 /people/person/profession /m/0n1h +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/018ygt +/m/070px /people/person/profession /m/04pyp5 +/m/0z4s /film/actor/film./film/performance/film /m/05j82v +/m/0h3lt /location/location/time_zones /m/02lcqs +/m/0c2ry /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0342h /music/instrument/instrumentalists /m/01rwcgb +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01pllx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pqy_ +/m/033_1p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170z3 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/072r5v /film/film/genre /m/02kdv5l +/m/04lp8k /people/person/places_lived./people/place_lived/location /m/068p2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0830vk +/m/07ssc /media_common/netflix_genre/titles /m/0g5pvv +/m/03nt59 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06fc0b +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/02v5xg /tv/tv_program/country_of_origin /m/03_3d +/m/015c2f /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/014v1q /people/person/profession /m/0np9r +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0ny57 /base/biblioness/bibs_location/state /m/0vmt +/m/0164b /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/01cbwl /music/genre/artists /m/03xl77 +/m/01vwllw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01nr36 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0trv /education/university/fraternities_and_sororities /m/0325pb +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04dsnp +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/04z542 /film/actor/film./film/performance/film /m/04fzfj +/m/03pc89 /film/film/genre /m/082gq +/m/01_jky /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03zbg0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0hsb3 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/07f_t4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02g839 /education/educational_institution/school_type /m/01rs41 +/m/0c3p7 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/04y79_n /film/actor/film./film/performance/film /m/03hp2y1 +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01pbwwl /film/actor/film./film/performance/film /m/01f39b +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl5c +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/026t6 /music/instrument/instrumentalists /m/01l47f5 +/m/01w8n89 /people/person/place_of_birth /m/0h3lt +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hq1 +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/03y1mlp +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06q8hf /people/person/employment_history./business/employment_tenure/company /m/032j_n +/m/0kvgnq /film/film/genre /m/07s9rl0 +/m/03ys48 /sports/sports_team/colors /m/01g5v +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/04qt29 +/m/012vby /people/person/gender /m/05zppz +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/04b19t /people/person/employment_history./business/employment_tenure/company /m/099ks0 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wd9lv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rzqj /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01pdgp /education/educational_institution/colors /m/019sc +/m/0ctw_b /sports/sports_team_location/teams /m/02fbb5 +/m/017kz7 /film/film/language /m/04306rv +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/028_yv +/m/02w4fkq /people/person/profession /m/05vyk +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yx7f +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rwpj +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/030_3z +/m/07q9q2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/05dbf /film/actor/film./film/performance/film /m/05k2xy +/m/05nqz /base/culturalevent/event/entity_involved /m/03l5m1 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01csvq +/m/035yg /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07g2b /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06by7 /music/genre/artists /m/01pfr3 +/m/0cfdd /music/instrument/instrumentalists /m/0191h5 +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/030hcs /film/actor/film./film/performance/film /m/035xwd +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0bt4r4 /people/person/religion /m/0kpl +/m/05l3g_ /people/ethnicity/people /m/06cgy +/m/02z3zp /influence/influence_node/influenced_by /m/0ph2w +/m/0mpbx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnz0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gmmt6 +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/0rwgm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l424 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/01ldw4 /people/person/profession /m/0dz3r +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qncf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/044l47 +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7v_ +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmh7 +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/02ny8t /music/genre/artists /m/02wb6yq +/m/02kz_ /influence/influence_node/peers./influence/peer_relationship/peers /m/0gs7x +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0gd9k +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/01qz5 /film/film/costume_design_by /m/02pqgt8 +/m/05r5c /music/instrument/instrumentalists /m/01p9hgt +/m/02fj8n /film/film/genre /m/01hmnh +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/03yk8z +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/07d2d /music/genre/artists /m/01vwbts +/m/03h_yfh /people/person/profession /m/09jwl +/m/0404j37 /film/film/produced_by /m/01f8ld +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2h +/m/02p86pb /film/film/genre /m/03mqtr +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0205dx /film/actor/film./film/performance/film /m/033dbw +/m/0151w_ /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0697s +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0sxns /film/film/genre /m/07s9rl0 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/03y9ccy /people/person/nationality /m/09c7w0 +/m/03_gz8 /film/film/language /m/06nm1 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016fyc +/m/01wkmgb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037w7r /film/actor/film./film/performance/film /m/0j_t1 +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/083p7 /people/person/profession /m/04gc2 +/m/01k_n63 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0tz01 /location/location/time_zones /m/02hcv8 +/m/0yyts /film/film/executive_produced_by /m/03v1xb +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/04hqbbz /people/person/profession /m/02hrh1q +/m/01qqv5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/0123_x /base/biblioness/bibs_location/country /m/06mkj +/m/02847m9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0ph2w /people/person/places_lived./people/place_lived/location /m/03s0w +/m/02xbw2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03wj4r8 +/m/07ccs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01_1pv /film/film/country /m/09c7w0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn44 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01c6rd /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/032xhg /film/actor/film./film/performance/film /m/02x2jl_ +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/0sxg4 /film/film/language /m/02h40lc +/m/0l38g /location/location/time_zones /m/02lcqs +/m/01wk7ql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v992 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/06pk8 /film/director/film /m/09txzv +/m/0340hj /film/film/production_companies /m/0c_j5d +/m/013tjc /film/actor/film./film/performance/film /m/07kb7vh +/m/06gb1w /film/film/executive_produced_by /m/079vf +/m/0fb0v /music/record_label/artist /m/01w7nwm +/m/024qqx /media_common/netflix_genre/titles /m/0dtfn +/m/0l6mp /olympics/olympic_games/sports /m/07jjt +/m/01f7dd /film/actor/film./film/performance/film /m/043t8t +/m/0175tv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09xvf7 /people/person/profession /m/01d_h8 +/m/01yqqv /education/educational_institution/colors /m/083jv +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01phtd +/m/021npv /people/person/place_of_birth /m/01_d4 +/m/06n9lt /people/person/place_of_birth /m/0p9z5 +/m/01cwcr /people/person/nationality /m/07ssc +/m/014kj2 /location/location/time_zones /m/03bdv +/m/02_p8v /film/actor/film./film/performance/film /m/050xxm +/m/065jlv /people/person/gender /m/02zsn +/m/0n5gq /location/location/contains /m/0xmqf +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/05qhnq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wl38s +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/01l7cxq /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/01b7lc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/07c6l /music/instrument/family /m/01kcd +/m/07kh6f3 /film/film/produced_by /m/02pq9yv +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/02tkzn +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/02ndy4 /film/film/produced_by /m/0grrq8 +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0311wg +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/046488 +/m/03c0t9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kv2hv +/m/0261g5l /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0swff /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/017lvd +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jt3tjf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05r79 +/m/01_xtx /people/person/nationality /m/09c7w0 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/02hblj /people/person/place_of_birth /m/0n6dc +/m/049mql /film/film/country /m/059j2 +/m/06p03s /people/person/profession /m/0n1h +/m/026gyn_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ly1 /location/location/contains /m/03x23q +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04lqvly +/m/09byk /people/person/profession /m/01d_h8 +/m/0c5x_ /education/educational_institution/students_graduates./education/education/student /m/0p8jf +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/016z5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ky6 +/m/017_qw /music/genre/artists /m/04bpm6 +/m/017rbx /education/educational_institution_campus/educational_institution /m/017rbx +/m/029q_y /film/actor/film./film/performance/film /m/03wy8t +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0d9kl +/m/01qwb5 /education/educational_institution/students_graduates./education/education/student /m/016vqk +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw5x +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/02jx1 /location/country/second_level_divisions /m/09cpb +/m/0j6x8 /people/ethnicity/people /m/08jbxf +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02yv6b /music/genre/artists /m/01t8399 +/m/02x2jl_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/0bqsy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wy6 /music/instrument/instrumentalists /m/04kjrv +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpyb +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02krdz +/m/035xwd /film/film/cinematography /m/0bqytm +/m/0kfpm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02l3_5 +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/030hbp /film/actor/film./film/performance/film /m/07tlfx +/m/0xhtw /music/genre/artists /m/04r1t +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0141kz +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04n7njg /people/person/place_of_birth /m/071vr +/m/01pqy_ /film/actor/film./film/performance/film /m/0gzlb9 +/m/01m1_d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/046b0s +/m/04j5fx /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bykpk +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/05g76 +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/06rq2l /film/actor/film./film/performance/film /m/02hxhz +/m/0fsw_7 /film/film/story_by /m/0fx02 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0191h5 +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/05th69 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04s1zr /film/film/produced_by /m/059x0w +/m/0gkvb7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05_z42 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/0l38x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/041c4 /film/actor/film./film/performance/film /m/02qydsh +/m/09c7w0 /location/country/second_level_divisions /m/0cc56 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/06b19 /education/educational_institution/colors /m/06fvc +/m/01n7q /location/location/contains /m/0r6cx +/m/034np8 /film/actor/film./film/performance/film /m/07y9w5 +/m/02ndy4 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0z90c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02qx5h /film/actor/film./film/performance/film /m/0286gm1 +/m/08jtv5 /people/person/profession /m/0np9r +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jdr0 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/07db6x /people/deceased_person/place_of_death /m/0f2wj +/m/0by17xn /film/film/featured_film_locations /m/02_286 +/m/0n5y4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yh +/m/01h2_6 /influence/influence_node/peers./influence/peer_relationship/peers /m/07h1q +/m/0cpyv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01_x6v +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/01z7_f +/m/03tps5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017r13 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/080r3 /people/person/nationality /m/02jx1 +/m/09v1lrz /award/award_category/disciplines_or_subjects /m/0w7c +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0dzz6g /film/film/genre /m/017fp +/m/025twgf /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01s9vc +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/033tf_ /people/ethnicity/people /m/01vrt_c +/m/02ldv0 /film/actor/film./film/performance/film /m/011yd2 +/m/09c7w0 /location/country/second_level_divisions /m/0fkhz +/m/03q8xj /film/film/language /m/06nm1 +/m/0438f /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05b2gsm +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/07wgm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03_nq +/m/0304nh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fb1q +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03q45x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz7h +/m/09c7w0 /location/location/contains /m/015fsv +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/06pk8 /people/person/spouse_s./people/marriage/spouse /m/01_f_5 +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rl_3 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/03x31g /people/person/languages /m/09s02 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012mrr +/m/058frd /film/actor/film./film/performance/film /m/0c0zq +/m/0g9pc /film/film_subject/films /m/012kyx +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/082fr +/m/02cx90 /people/person/profession /m/0n1h +/m/02hfk5 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06bvp +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f6x7 +/m/0mw5x /location/location/contains /m/0_j_z +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/0dryh9k /people/ethnicity/people /m/02rzmzk +/m/01b7h8 /tv/tv_program/genre /m/0byb_x +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04z0g /people/person/nationality /m/09c7w0 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmmn +/m/0b0pf /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0hqcy /people/deceased_person/place_of_burial /m/018mmj +/m/06fc0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d9jr +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wlt +/m/0ptdz /film/film/featured_film_locations /m/02_286 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d7vtk +/m/03y82t6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/0y3_8 /music/genre/artists /m/0dm5l +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01jszm /education/educational_institution/students_graduates./education/education/student /m/015p37 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01vsksr /people/person/profession /m/029bkp +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/02704ff +/m/01qh7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01cx_ +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0c7hq /base/aareas/schema/administrative_area/capital /m/0fhsz +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029h45 +/m/015f7 /film/actor/film./film/performance/film /m/02v570 +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02dwj /film/film/production_companies /m/017s11 +/m/03bxwtd /people/person/place_of_birth /m/013kcv +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/030h95 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/033jkj +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyg4 +/m/03rt9 /location/location/contains /m/0hkq4 +/m/05k7sb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/011yhm /film/film/edited_by /m/02kxbwx +/m/02qdgx /music/genre/artists /m/016jfw +/m/03h4fq7 /film/film/language /m/02h40lc +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/03x83_ /education/educational_institution/campuses /m/03x83_ +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05q4 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/046_v /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03g9xj +/m/06yxd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0x8 +/m/0159h6 /film/actor/film./film/performance/film /m/0661m4p +/m/09c7w0 /location/location/contains /m/013crh +/m/01p95y0 /people/person/place_of_birth /m/015cj9 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/01s3vk /film/film/production_companies /m/016tt2 +/m/011ypx /film/film/genre /m/02l7c8 +/m/01trtc /music/record_label/artist /m/01yzl2 +/m/03yhgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/052fbt /base/aareas/schema/administrative_area/administrative_parent /m/0bzty +/m/0djd22 /media_common/netflix_genre/titles /m/02chhq +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0p17j /people/person/places_lived./people/place_lived/location /m/0281y0 +/m/05hjmd /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/0b_fw /people/person/profession /m/02hrh1q +/m/0n85g /music/record_label/artist /m/016vj5 +/m/01n7q /location/location/contains /m/0284jb +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/0167v4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qx69 +/m/07xzm /music/instrument/instrumentalists /m/01vs4f3 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02w7gg /people/ethnicity/people /m/07fq1y +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/04l19_ /film/actor/film./film/performance/film /m/01shy7 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/025rvx0 /film/film/music /m/0146pg +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0408m53 /film/film/personal_appearances./film/personal_film_appearance/person /m/03pvt +/m/03cvv4 /award/award_winner/awards_won./award/award_honor/award_winner /m/015c2f +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04pg29 /people/person/profession /m/02hrh1q +/m/02mc5v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j0pf /influence/influence_node/peers./influence/peer_relationship/peers /m/01zkxv +/m/06p03s /people/person/profession /m/0nbcg +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gj2 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0ff2k /people/person/nationality /m/07ssc +/m/0219q /film/actor/film./film/performance/film /m/01xq8v +/m/0mwsh /location/location/contains /m/0fvzz +/m/02dr9j /film/film/country /m/0ctw_b +/m/02p11jq /music/record_label/artist /m/03xl77 +/m/02x201b /award/award_category/category_of /m/0g_w +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01qhm_ /people/ethnicity/people /m/04xhwn +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j90s +/m/018vs /music/instrument/family /m/0342h +/m/0f612 /location/location/partially_contains /m/0fb18 +/m/0b_6mr /time/event/locations /m/0f1sm +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f5mdz +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01vqc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/049bp4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cw3yd /film/film/genre /m/02l7c8 +/m/0djd22 /media_common/netflix_genre/titles /m/098s2w +/m/0407yj_ /film/film/genre /m/01zhp +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/01f1p9 /music/genre/parent_genre /m/0m8vm +/m/03shpq /film/film/produced_by /m/0fvf9q +/m/085gk /people/person/profession /m/05z96 +/m/0jsw9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/03d96s /music/record_label/artist /m/01wbsdz +/m/06pqy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0b44shh /film/film/genre /m/01t_vv +/m/018c_r /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/01yg9y /people/person/profession /m/015cjr +/m/029k55 /film/actor/film./film/performance/film /m/084qpk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04x8cp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/065zf3p +/m/0c3zjn7 /film/film/produced_by /m/01f7j9 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0139q5 +/m/08hp53 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/09kn9 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0fx80y +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/03xpf_7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/0155w /music/genre/artists /m/016s0m +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0m68w /film/actor/film./film/performance/film /m/02fttd +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/017s11 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/01m1_d /base/biblioness/bibs_location/state /m/01x73 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/05r5c /music/instrument/instrumentalists /m/04k15 +/m/05tbn /location/location/contains /m/0zqq8 +/m/03f7nt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0863x_ /people/person/profession /m/018gz8 +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp2p +/m/0c5qvw /film/film/language /m/02h40lc +/m/06v41q /people/ethnicity/people /m/01dw4q +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/061dn_ +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/022tfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04093 /people/person/profession /m/0dxtg +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01p95y0 /people/person/nationality /m/02jx1 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/029ghl /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01z1c /location/location/time_zones /m/02fqwt +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_31 +/m/0r5lz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2v0 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/0c1j_ +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/016_mj /award/award_winner/awards_won./award/award_honor/award_winner /m/02wr2r +/m/059_w /people/ethnicity/people /m/06gh0t +/m/0gfq9 /base/culturalevent/event/entity_involved /m/01hnp +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0yzbg +/m/0cc846d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/027kmrb /people/person/gender /m/05zppz +/m/055c8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04tgp +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vvydl +/m/04_1l0v /location/location/contains /m/07b_l +/m/01t0dy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m9p3 /film/film/cinematography /m/06qn87 +/m/02d413 /film/film/country /m/09c7w0 +/m/04rqd /tv/tv_network/programs./tv/tv_network_duration/program /m/0q9nj +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cwhp +/m/06pjs /film/director/film /m/01rwyq +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0tfc /people/person/places_lived./people/place_lived/location /m/0cbhh +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/019r_1 /people/person/religion /m/03_gx +/m/07ssc /location/location/contains /m/028n3 +/m/0df2zx /film/film/language /m/02h40lc +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02114t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03818y +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0bksh /award/award_winner/awards_won./award/award_honor/award_winner /m/026c1 +/m/028r4y /people/person/nationality /m/09c7w0 +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/037hgm /music/group_member/membership./music/group_membership/role /m/018j2 +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02_jjm +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01cw24 +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/05q2c /education/educational_institution/students_graduates./education/education/student /m/0444x +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/0j13b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/03v_5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0t_hx /location/hud_county_place/county /m/0k3kv +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/02s529 /film/actor/film./film/performance/film /m/0422v0 +/m/01n7q /location/location/contains /m/02gn8s +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/012q8y /base/biblioness/bibs_location/state /m/0847q +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0p5wz +/m/03gvt /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0lnfy /location/location/time_zones /m/02llzg +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/03f0r5w /people/person/profession /m/03gjzk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q0kg +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/05kh_ +/m/06z8s_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/047sxrj /people/person/profession /m/02hrh1q +/m/029k55 /film/actor/film./film/performance/film /m/029k4p +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/06b4wb /people/person/place_of_birth /m/01qh7 +/m/01w7nww /people/person/profession /m/0xzm +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nr36 +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccd3x +/m/0c7xjb /people/person/profession /m/016z4k +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07c2wt +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01wf86y /people/person/profession /m/0nbcg +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0gvt53w /film/film/music /m/01p0vf +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05lls /music/genre/artists /m/03f4k +/m/0gk4g /people/cause_of_death/people /m/01wbz9 +/m/01n7q /location/location/contains /m/0l38g +/m/01bdhf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jhwd +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/02qdzd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/016y_f /film/film/language /m/02h40lc +/m/03v0t /location/location/contains /m/01yqqv +/m/03kwtb /music/group_member/membership./music/group_membership/group /m/01dq9q +/m/09h4b5 /people/person/place_of_birth /m/0r22d +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03176f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/03vyh /music/genre/artists /m/050z2 +/m/01pcvn /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gy6z9 +/m/02l4pj /people/person/place_of_birth /m/0nq_b +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/09c7w0 /location/location/contains /m/0f2v0 +/m/0sw0q /tv/tv_program/program_creator /m/05hrq4 +/m/01r47h /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/02c0mv /award/award_winner/awards_won./award/award_honor/award_winner /m/023jq1 +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016kv6 +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjrx +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01t265 /people/person/profession /m/02jknp +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/040whs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02x8m /music/genre/artists /m/013w7j +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/0btxr /people/person/places_lived./people/place_lived/location /m/07h34 +/m/02r_d4 /people/person/profession /m/0np9r +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0c5x_ +/m/03dbds /people/person/nationality /m/09c7w0 +/m/03kmyy /education/educational_institution/campuses /m/03kmyy +/m/0dll_t2 /film/film/produced_by /m/0147dk +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/039fgy /tv/tv_program/program_creator /m/04g3p5 +/m/01pp3p /people/person/profession /m/01d_h8 +/m/02d44q /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03m4mj +/m/02py9yf /tv/tv_program/genre /m/01t_vv +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vsyg9 /people/person/places_lived./people/place_lived/location /m/0cxgc +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02k_4g +/m/02qdgx /music/genre/artists /m/0137hn +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04w4s /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/07lwsz +/m/04thp /location/administrative_division/country /m/0d05w3 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/03m2fg /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0mkdm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/048z7l /people/ethnicity/people /m/015grj +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gdm1 +/m/0bh8x1y /film/film/film_festivals /m/0g57ws5 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03knl +/m/0fjyzt /film/film/genre /m/04xvlr +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/046rfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cc5qkt /film/film/country /m/07ssc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/018dnt /film/actor/film./film/performance/film /m/0ddj0x +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/01syr4 /film/actor/film./film/performance/film /m/0b85mm +/m/03m_k0 /people/person/gender /m/05zppz +/m/04g_wd /people/person/nationality /m/0d05w3 +/m/016dj8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0882j7 +/m/03bxp5 /film/film/featured_film_locations /m/02_286 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0cbl95 /film/film/genre /m/02kdv5l +/m/01713c /people/person/languages /m/02h40lc +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01t8sr +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014g91 +/m/0l14md /music/instrument/instrumentalists /m/032t2z +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02_fm2 /film/film/genre /m/03k9fj +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683cn +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01r93l /film/actor/film./film/performance/film /m/011xg5 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/05_2h8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d35y +/m/0kd69 /location/administrative_division/first_level_division_of /m/05bcl +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025st2z +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0gvt53w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/03y_f8 /sports/sports_team/colors /m/083jv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/023n39 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/049gc /influence/influence_node/influenced_by /m/034bs +/m/0jrqq /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01wg25j /people/person/profession /m/0nbcg +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/0ddkf /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/0341n5 /people/person/profession /m/02hrh1q +/m/02w3w /music/instrument/instrumentalists /m/0f_y9 +/m/02fttd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m68w +/m/03hj5lq /film/film/production_companies /m/025jfl +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/019n7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bwc7 +/m/06lbp /influence/influence_node/influenced_by /m/02lt8 +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/08j7lh /film/film/country /m/03h64 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0n_hp +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0ds2sb /people/person/place_of_birth /m/030qb3t +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02_7t +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081mh +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01j5ws +/m/011yxg /film/film/language /m/064_8sq +/m/026w_gk /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/015g28 /film/film/language /m/02h40lc +/m/0jdk_ /olympics/olympic_games/participating_countries /m/07ssc +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/01p1v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01lbp +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/05q2c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pbp9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03czz87 +/m/03c5f7l /people/person/profession /m/01d_h8 +/m/0sxgv /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01x73 /location/location/contains /m/01k2wn +/m/0q9b0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/019pcs /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pmw9 +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0b9dmk /film/actor/film./film/performance/film /m/034qbx +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01718w +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02pk6x /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151w_ +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/01d6jf /people/person/spouse_s./people/marriage/spouse /m/01d5vk +/m/07sp4l /film/film/country /m/0345h +/m/0drc1 /people/person/profession /m/025352 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v1jf +/m/05k7sb /location/location/contains /m/0tz14 +/m/014gjp /tv/tv_program/genre /m/01t_vv +/m/05mlqj /film/actor/film./film/performance/film /m/0872p_c +/m/02z7f3 /music/genre/parent_genre /m/05r6t +/m/01xllf /film/actor/film./film/performance/film /m/029k4p +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/055z7 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/02xhpl /tv/tv_program/genre /m/05p553 +/m/018ygt /film/actor/film./film/performance/film /m/0b3n61 +/m/0f2df /people/person/place_of_birth /m/04jpl +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/0154qm /film/actor/film./film/performance/film /m/049xgc +/m/04tr1 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05jx17 +/m/0234j5 /film/film/executive_produced_by /m/05hj_k +/m/04vs9 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04sj3 +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0c_j5d +/m/01vl17 /people/person/profession /m/01d_h8 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/03vyw8 +/m/01gq0b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030hcs +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/01719t /film/film/produced_by /m/06s26c +/m/0c3ns /award/award_winner/awards_won./award/award_honor/award_winner /m/0bkf72 +/m/0l8v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/016fjj /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/047n8xt /film/film/executive_produced_by /m/02z2xdf +/m/04d5v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02_h0 /film/film_subject/films /m/03nqnnk +/m/09gdm7q /film/film/country /m/0d060g +/m/0kbws /olympics/olympic_games/participating_countries /m/04v09 +/m/0jlv5 /film/actor/film./film/performance/film /m/01f8f7 +/m/04nw9 /film/actor/film./film/performance/film /m/0gnjh +/m/059g4 /location/location/contains /m/05c74 +/m/02mpyh /film/film/film_format /m/0cj16 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/03r0rq /tv/tv_program/languages /m/02h40lc +/m/016jny /music/genre/artists /m/01q99h +/m/0ddjy /film/film/production_companies /m/0kx4m +/m/01w9ph_ /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsy3q +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/015fsv /education/educational_institution/campuses /m/015fsv +/m/01w_10 /people/person/nationality /m/09c7w0 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6d +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3zjn7 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/03193l /people/person/profession /m/01c72t +/m/059_gf /award/award_winner/awards_won./award/award_honor/award_winner /m/02xbw2 +/m/07w4j /organization/organization/headquarters./location/mailing_address/citytown /m/0d6yv +/m/04x4s2 /people/person/place_of_birth /m/0yc7f +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/0bmpm /film/film/costume_design_by /m/02cqbx +/m/03ysmg /people/person/profession /m/0dxtg +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_xtx +/m/09myny /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03z1c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0h7jp /base/aareas/schema/administrative_area/capital /m/01b85 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/07k8rt4 /film/film/written_by /m/05txrz +/m/0ckrnn /film/film/prequel /m/0c_j9x +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/04glr5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/0bm02 /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/087vnr5 +/m/0c_tl /olympics/olympic_games/participating_countries /m/0h7x +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0kryqm /people/person/nationality /m/07ssc +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0ckt6 /film/film/featured_film_locations /m/04lyk +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/04sj3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/0209xj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fgpvf +/m/0qmhk /film/film/genre /m/02n4kr +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/025n3p /film/actor/film./film/performance/film /m/08c6k9 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/0418wg /film/film/genre /m/05p553 +/m/03pnvq /business/business_operation/industry /m/0hz28 +/m/031k24 /film/actor/film./film/performance/film /m/0fzm0g +/m/04fgzb0 /award/award_category/winners./award/award_honor/award_winner /m/020ffd +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03h502k /film/actor/film./film/performance/film /m/01d259 +/m/051ys82 /film/film/featured_film_locations /m/07b_l +/m/0404j37 /film/film/genre /m/082gq +/m/01fxg8 /education/educational_institution_campus/educational_institution /m/01fxg8 +/m/0fc1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc32 +/m/01d4cb /people/person/profession /m/03lgtv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0kqbh +/m/087pfc /film/film/production_companies /m/025hwq +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/027r7k +/m/03ttn0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/026dqjm /sports/sports_team/colors /m/09ggk +/m/01gvsn /film/film/written_by /m/012t1 +/m/0dy68h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/02qk3fk /film/film/language /m/02h40lc +/m/03f4xvm /film/actor/film./film/performance/film /m/06tpmy +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/06n9lt +/m/0c0k1 /people/person/profession /m/019x4f +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/03rwz3 +/m/0g96wd /people/ethnicity/people /m/0mbhr +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/03bw6 /film/director/film /m/0cq7kw +/m/02yy_j /people/person/gender /m/05zppz +/m/015v3r /film/actor/film./film/performance/film /m/060__7 +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/01fx2g /people/person/places_lived./people/place_lived/location /m/06_kh +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01pjr7 /film/actor/film./film/performance/film /m/011yn5 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05b_gq /film/film/genre /m/06cvj +/m/02p11jq /music/record_label/artist /m/015_30 +/m/02qrv7 /film/film/genre /m/0bkbm +/m/0906w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/063576 /education/educational_institution_campus/educational_institution /m/063576 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/0342h /music/instrument/instrumentalists /m/0j1yf +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/064t9 /music/genre/artists /m/01hgwkr +/m/02825cv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r6jt2 /people/person/nationality /m/02jx1 +/m/050zr4 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/05148p4 /music/instrument/instrumentalists /m/07s3vqk +/m/0221zw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/03d_zl4 /people/person/gender /m/05zppz +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x209s +/m/02ply6j /film/actor/film./film/performance/film /m/03hmt9b +/m/08mg_b /film/film/produced_by /m/047q2wc +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0gps0z /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03gvm3t +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0j5m6 /sports/sports_team/colors /m/083jv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0f5hyg +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bsxd3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ks_ +/m/01t94_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02mslq /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xc1w4 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/03h_fk5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2w0 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/015zql +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/02h8p8 +/m/01cpqk /people/person/profession /m/02hrh1q +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/01vrz41 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bmh4 +/m/01ydzx /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0bc1yhb /film/film/story_by /m/04zd4m +/m/01nrz4 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/03q95r /film/actor/film./film/performance/film /m/0htww +/m/026gb3v /people/person/place_of_birth /m/03shp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/078mm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02k54 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z215 +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/03bww6 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/0cv72h /people/person/religion /m/0c8wxp +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/04y9dk /film/actor/film./film/performance/film /m/05v38p +/m/0gd9k /film/actor/film./film/performance/film /m/0gd92 +/m/01mwsnc /music/group_member/membership./music/group_membership/group /m/07mvp +/m/0bwh6 /film/director/film /m/05_5rjx +/m/035dk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/07mvp +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/05qhw +/m/046qq /film/actor/film./film/performance/film /m/01shy7 +/m/0kq1l /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dptj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04cjn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016sd3 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bxxzb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026f__m +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/04n2vgk /people/person/profession /m/02hrh1q +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/07z6xs /film/film/genre /m/03j0dp +/m/026670 /people/person/place_of_birth /m/0281rp +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/01w9wwg /people/person/profession /m/025352 +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/05y7hc /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02pp_q_ /people/deceased_person/place_of_death /m/030qb3t +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/0212mp +/m/0gy0n /film/film/music /m/0150t6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/059rby /location/administrative_division/country /m/09c7w0 +/m/0q9kd /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03mp4f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/041rx /people/ethnicity/people /m/02mt4k +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0q9kd /film/actor/film./film/performance/film /m/013q07 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0l8bg /film/film_subject/films /m/03twd6 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/06kxk2 /people/person/profession /m/0dxtg +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/02hfp_ /people/person/profession /m/0dxtg +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/02r3cn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/0gyfp9c /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0755wz /people/person/profession /m/02hrh1q +/m/06c7mk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031ydm +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03ln8b /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/011ysn /film/film/language /m/02h40lc +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/076lxv /film/film_set_designer/film_sets_designed /m/0gxfz +/m/0g2lq /film/director/film /m/01xvjb +/m/028_yv /film/film/language /m/02bjrlw +/m/0pd57 /film/film/genre /m/01drsx +/m/013q07 /film/film/prequel /m/013q0p +/m/01r4bps /film/actor/film./film/performance/film /m/0crfwmx +/m/0169dl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0jnh /film/film_subject/films /m/0gltv +/m/02wwmhc /film/film/genre /m/07s9rl0 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m_mm +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/06mz5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q_dw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016srn +/m/03j0d /influence/influence_node/influenced_by /m/03_dj +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/0dgst_d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/041rx /people/ethnicity/people /m/06q5t7 +/m/06tgw /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f7jfh +/m/03y82t6 /people/person/spouse_s./people/marriage/spouse /m/06crng +/m/0172rj /music/genre/artists /m/01czx +/m/02rk45 /people/person/profession /m/02jknp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0l39b +/m/0d2kt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nlc7 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03ytp3 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/0gvbw /business/business_operation/industry /m/02q3wl +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0b_dh +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0gthm /people/person/profession /m/0kyk +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/03ttfc /people/ethnicity/languages_spoken /m/06nm1 +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/0b3n61 /film/film/prequel /m/01sbv9 +/m/05lls /music/genre/artists /m/0hgqq +/m/04_xr8 /location/administrative_division/country /m/03rjj +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04cw0n4 /people/person/nationality /m/03rjj +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/03cfjg +/m/01jfr3y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04f6df0 +/m/01pjr7 /people/person/gender /m/05zppz +/m/0c6qh /people/person/gender /m/05zppz +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03v1xb /people/person/profession /m/01d_h8 +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0272vm +/m/0dr3sl /film/film/production_companies /m/056ws9 +/m/0bxxzb /film/film/produced_by /m/04fyhv +/m/06j6l /music/genre/artists /m/01vsykc +/m/0130sy /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gg8l /music/genre/artists /m/01qkqwg +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/01pq5j7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0zlgm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/04cbbz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0bn3jg +/m/031778 /film/film/music /m/0146pg +/m/0fzm0g /film/film/production_companies /m/016tt2 +/m/0dryh9k /people/ethnicity/people /m/043cl9 +/m/0dzlk /music/artist/origin /m/0chgzm +/m/04fgkf_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0304nh +/m/02p5hf /people/person/sibling_s./people/sibling_relationship/sibling /m/03lmzl +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/02yvct /film/film/featured_film_locations /m/0156q +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01j7rd /people/person/profession /m/03gjzk +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0dg3n1 /location/location/contains /m/01699 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/06g4l +/m/023vrq /award/award_category/category_of /m/0c4ys +/m/07qg8v /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/078lk /location/location/time_zones /m/02llzg +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/02rhfsc /people/person/nationality /m/09c7w0 +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/051zy_b /film/film/written_by /m/01d8yn +/m/041rx /people/ethnicity/people /m/015_30 +/m/0322yj /film/film/featured_film_locations /m/02_286 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jmj +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/0hky +/m/043g7l /music/record_label/artist /m/01vrkdt +/m/0kn4c /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/04jpl /location/location/contains /m/01g0p5 +/m/01vn35l /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0118d3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029sk /medicine/disease/notable_people_with_this_condition /m/060_7 +/m/01lhy /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05r79 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trf3 +/m/045j3w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/013yq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0d0x8 +/m/01ww_vs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrnsk /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/049dyj /people/person/languages /m/02h40lc +/m/0dl9_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03qlv7 /music/instrument/instrumentalists /m/01wp8w7 +/m/03w7kx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/011vx3 /people/person/profession /m/09jwl +/m/045zr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0fb7c +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bpc9 +/m/02ph9tm /film/film/personal_appearances./film/personal_film_appearance/person /m/01_rh4 +/m/017kct /film/film/genre /m/01fc50 +/m/03rk0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01m4yn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/0f1_p /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09c7w0 /location/location/contains /m/06mz5 +/m/05bt6j /music/genre/artists /m/01dw_f +/m/0dsfnd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09hd6f +/m/01l8t8 /education/educational_institution_campus/educational_institution /m/01l8t8 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0m313 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g69lg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02md2d +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/01qg7c /award/award_winner/awards_won./award/award_honor/award_winner /m/06s26c +/m/05f7w84 /tv/tv_program/languages /m/06nm1 +/m/0gxr1c /tv/tv_program/genre /m/0jxy +/m/07vfz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/07k8rt4 +/m/02q_cc /award/award_winner/awards_won./award/award_honor/award_winner /m/0kx4m +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/026fd /people/person/profession /m/02krf9 +/m/02238b /influence/influence_node/influenced_by /m/029_3 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04kzqz +/m/0479b /film/actor/film./film/performance/film /m/07cz2 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/05zpghd /film/film/production_companies /m/016tw3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019lxm +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/02tr7d /film/actor/film./film/performance/film /m/011yr9 +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/07f5x /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/044lyq /film/actor/film./film/performance/film /m/0gmgwnv +/m/0mzww /location/location/time_zones /m/02lcqs +/m/0fkh6 /location/location/time_zones /m/02hcv8 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08zrbl +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06z8s_ /film/film/country /m/09c7w0 +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/0k2cb /film/film/film_production_design_by /m/0d5wn3 +/m/02wgln /people/person/nationality /m/09c7w0 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bbgly /film/film/production_companies /m/0g1rw +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01242_ +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/03f0fnk /music/artist/origin /m/0cr3d +/m/0dl9_4 /film/film/genre /m/01jfsb +/m/07vn_9 /film/film/genre /m/03g3w +/m/033tf_ /people/ethnicity/people /m/030vnj +/m/02w4v /music/genre/artists /m/01wvxw1 +/m/06f0k /tv/tv_program/genre /m/0c4xc +/m/017jd9 /film/film/prequel /m/017gm7 +/m/0blpnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/0h0wd9 /film/film/film_festivals /m/059_y8d +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/04fhxp /people/person/nationality /m/09c7w0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/018yj6 /people/person/profession /m/0cbd2 +/m/09c7w0 /location/location/contains /m/0plxn +/m/015p3p /people/person/places_lived./people/place_lived/location /m/0498y +/m/09nz_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0l98s /olympics/olympic_games/sports /m/03_8r +/m/01fx5l /film/actor/film./film/performance/film /m/083shs +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/02qpt1w /film/film/genre /m/07s9rl0 +/m/01l9p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02v60l +/m/02279c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/027r7k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycbq +/m/0htx8 /location/location/contains /m/09tlh +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6rj +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020jqv +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/06cm5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gk4g /people/cause_of_death/people /m/014635 +/m/047wh1 /film/film/genre /m/06n90 +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0mndw /location/us_county/county_seat /m/0mndw +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7xg +/m/02q0k7v /film/film/genre /m/082gq +/m/015gsv /film/actor/film./film/performance/film /m/02wgk1 +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/059rby /location/location/contains /m/01pcj4 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02jx1 /location/location/contains /m/01g4yw +/m/01l1ls /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5h +/m/01kvqc /people/person/gender /m/05zppz +/m/0tfc /influence/influence_node/influenced_by /m/043s3 +/m/030w19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0727h /time/event/locations /m/04swx +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0170z3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04vs9 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/04qk12 /film/film/genre /m/04xvlr +/m/041rx /people/ethnicity/people /m/0kjgl +/m/019z7q /people/person/profession /m/02hrh1q +/m/09b3v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0l6m5 /olympics/olympic_games/sports /m/0dwxr +/m/0234j5 /film/film/executive_produced_by /m/025b3k +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03262k +/m/0jnmj /sports/sports_team/colors /m/083jv +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01yzhn /people/person/nationality /m/09c7w0 +/m/0pj9t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/04rjg +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/030hcs /people/person/gender /m/05zppz +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03qcq /influence/influence_node/influenced_by /m/08433 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/01t_z /people/person/profession /m/05snw +/m/07ym47 /music/genre/parent_genre /m/01n5sn +/m/06z8s_ /film/film/genre /m/05p553 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/04hw4b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/044rvb /film/actor/film./film/performance/film /m/03ynwqj +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/032016 /film/film/language /m/02h40lc +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0217m9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0d9y6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/01lct6 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/09v6tz +/m/02t_v1 /people/person/religion /m/02vxy_ +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/03rk0 /location/location/contains /m/058z2d +/m/0hzlz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/014v1q /people/person/gender /m/05zppz +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03jldb /film/actor/film./film/performance/film /m/0gm2_0 +/m/02dth1 /film/actor/film./film/performance/film /m/07cw4 +/m/01dhjz /people/person/nationality /m/09c7w0 +/m/0hcm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0symg /film/film/genre /m/01q03 +/m/0bmch_x /film/film/genre /m/07s9rl0 +/m/0c7ct /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03gvm3t +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/05148p4 /music/instrument/instrumentalists /m/03x82v +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0g768 /music/record_label/artist /m/0psss +/m/03mh_tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zj_3 +/m/05kwx2 /people/person/profession /m/02hrh1q +/m/01kcmr /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0325dj +/m/01v3vp /people/person/gender /m/05zppz +/m/0zjpz /people/person/profession /m/0dz3r +/m/0882j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0c3p7 /people/person/profession /m/02hrh1q +/m/08cn_n /film/director/film /m/04fv5b +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/04mhxx +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0f6_dy /film/actor/film./film/performance/film /m/0dsvzh +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/09xp_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0ky1 +/m/073y53 /award/award_category/winners./award/award_honor/award_winner /m/07bty +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/05cgy8 /people/person/profession /m/02krf9 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026dd2b +/m/02t4yc /organization/organization/headquarters./location/mailing_address/state_province_region /m/0498y +/m/0cq7tx /film/film/production_companies /m/016tt2 +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03zqc1 +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/01nr63 /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0fxwx +/m/01vlj1g /people/person/spouse_s./people/marriage/spouse /m/0m66w +/m/01x209s /people/person/nationality /m/05r7t +/m/02mv_h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01nwwl /people/person/profession /m/0np9r +/m/0chw_ /people/person/profession /m/01d_h8 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/08rr3p +/m/05kfs /people/person/places_lived./people/place_lived/location /m/02_286 +/m/032wdd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/052hl /film/director/film /m/018f8 +/m/06gst /music/record_label/artist /m/0f_y9 +/m/075wx7_ /film/film/music /m/01tc9r +/m/02q4mt /film/actor/film./film/performance/film /m/0p_rk +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03j9ml +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0fg_hg /people/person/nationality /m/03rk0 +/m/0qxhc /location/location/time_zones /m/02fqwt +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/04ld32 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0173b0 /music/genre/artists /m/017mbb +/m/02wk_43 /people/person/profession /m/0dxtg +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/0g2lq +/m/02l424 /education/educational_institution/campuses /m/02l424 +/m/04v09 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d90m +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02js6_ /people/person/sibling_s./people/sibling_relationship/sibling /m/023mdt +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/01fwpt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04gfy7 /people/ethnicity/languages_spoken /m/0t_2 +/m/0315rp /film/film/story_by /m/056wb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_qrp +/m/0bxfmk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/02yygk /people/person/places_lived./people/place_lived/location /m/0fvvz +/m/06mm1x /people/person/nationality /m/09c7w0 +/m/09969 /people/cause_of_death/people /m/04_by +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/03llf8 /people/deceased_person/place_of_death /m/06_kh +/m/02wlk /people/person/religion /m/07w8f +/m/01p0w_ /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0g9lm2 /film/film/produced_by /m/03qmx_f +/m/01dyk8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0f7h2g /people/person/nationality /m/09c7w0 +/m/016yxn /film/film/production_companies /m/086k8 +/m/03j149k /people/person/place_of_birth /m/02zp1t +/m/07s9rl0 /media_common/netflix_genre/titles /m/05c46y6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddjy +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01qh7 +/m/03x400 /film/actor/film./film/performance/film /m/046f3p +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/04f7c55 /music/group_member/membership./music/group_membership/role /m/0342h +/m/09l3p /people/person/places_lived./people/place_lived/location /m/0430_ +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01g23m +/m/0419kt /film/film/featured_film_locations /m/0160w +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/03h502k +/m/0nccd /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/012kyx +/m/02qr46y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0byfz +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/03t5b6 /award/award_category/category_of /m/0c4ys +/m/0drsm /location/us_county/county_seat /m/0xy28 +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/080knyg +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvpjj +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/0g7k2g /people/person/languages /m/02bjrlw +/m/09c7w0 /location/location/contains /m/0rh6k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s9y +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02w3w +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0p7pw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/0cy8v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gyy53 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0mdqp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05bpg3 +/m/016wyn /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/09fc83 /film/film/genre /m/06n90 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/01bmlb /people/deceased_person/place_of_death /m/0k049 +/m/09y6pb /film/film/production_companies /m/05qd_ +/m/0frm7n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0kxbc /music/group_member/membership./music/group_membership/group /m/0dvqq +/m/03y0pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02hy5d /people/person/religion /m/019cr +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cn68 /people/ethnicity/people /m/02qjj7 +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01d8l +/m/019n9w /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05l5n /location/location/contains /m/0yls9 +/m/025n07 /film/film/executive_produced_by /m/025n3p +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0b_fw +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/01cj6y /film/actor/film./film/performance/film /m/02q87z6 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/08bytj /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01tqfs +/m/01gp_x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/01t110 /people/person/gender /m/02zsn +/m/08vd2q /film/film/country /m/07ssc +/m/03cf9ly /tv/tv_program/genre /m/06n90 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02n72k /film/film/country /m/09c7w0 +/m/041rx /people/ethnicity/people /m/0lsw9 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/03tbg6 /film/film/country /m/09c7w0 +/m/0jvs0 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/07s2s /film/film_subject/films /m/011x_4 +/m/0pmhf /people/person/place_of_birth /m/0yc7f +/m/015g28 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/01kvrz /organization/organization/headquarters./location/mailing_address/citytown /m/0tzt_ +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/03k8th /film/film/genre /m/060__y +/m/07r78j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09w6br /film/film/genre /m/0hcr +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fmqp6 +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01wxyx1 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/0488g /base/aareas/schema/administrative_area/capital /m/0ftyc +/m/0k9wp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v82c0 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02qtywd /people/person/gender /m/05zppz +/m/0259r0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0473rc /film/film/genre /m/05p553 +/m/01v90t /people/person/nationality /m/07ssc +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3w7 +/m/02xv8m /film/actor/film./film/performance/film /m/0yyn5 +/m/02cl1 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032sl_ +/m/0jdd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/035yg +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03wpmd /people/person/gender /m/05zppz +/m/047g6 /influence/influence_node/influenced_by /m/04hcw +/m/0146pg /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bq8tmw +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/02_fj +/m/01rv7x /people/ethnicity/geographic_distribution /m/07ssc +/m/0n5xb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5y4 +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r5qtm +/m/074tb5 /people/person/gender /m/05zppz +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/07s9rl0 /media_common/netflix_genre/titles /m/03mz5b +/m/0sb1r /location/hud_county_place/place /m/0sb1r +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mp75 +/m/02sqkh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01hmb_ +/m/0kcd5 /tv/tv_network/programs./tv/tv_network_duration/program /m/02skyy +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07rhpg /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/019pm_ /people/person/spouse_s./people/marriage/spouse /m/01z7s_ +/m/0266s9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016szr +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/01_4z /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/01wx_y /sports/sports_team/colors /m/019sc +/m/05148p4 /music/instrument/instrumentalists /m/0c9d9 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01qdmh /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/051ghn +/m/0c4qzm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025j1t /film/actor/film./film/performance/film /m/0pc62 +/m/0fw4v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/012c6x +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/02pv_d +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/014_x2 /film/film/story_by /m/081l_ +/m/0q19t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017_qw /music/genre/artists /m/01pr_j6 +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/041xyk +/m/0hnp7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019l68 +/m/02pk6x /film/actor/film./film/performance/film /m/0bxxzb +/m/02vyyl8 /film/film/genre /m/02l7c8 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/0175yg /music/genre/artists /m/01sb5r +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0bwjj /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/019n9w +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/03thw4 /people/deceased_person/place_of_death /m/030qb3t +/m/020y73 /film/film/genre /m/01jfsb +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/0639bg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04nnpw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/03r1pr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/027pwl +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/0pdp8 /film/film/country /m/09c7w0 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/01nhkxp /music/group_member/membership./music/group_membership/role /m/0342h +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06ryl +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/046b0s +/m/09c7w0 /location/country/second_level_divisions /m/0l2hf +/m/050gkf /film/film/production_companies /m/0jz9f +/m/01l_pn /film/film/featured_film_locations /m/03gh4 +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/09c7w0 /location/location/contains /m/02j3w +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01jrvr6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zjd /language/human_language/countries_spoken_in /m/04wlh +/m/02vkvcz /people/person/nationality /m/02jx1 +/m/02725hs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f40w +/m/0345h /location/location/contains /m/09hrc +/m/01_1pv /film/film/genre /m/0hcr +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/0fby2t /people/person/profession /m/0dxtg +/m/0dg3n1 /base/locations/continents/countries_within /m/04wgh +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/02bj22 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01wk3c /people/person/gender /m/05zppz +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/01f_3w /music/record_label/artist /m/03f7jfh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqj5 +/m/02pxmgz /film/film/language /m/064_8sq +/m/01l1b90 /people/person/profession /m/0kyk +/m/0dc_ms /film/film/story_by /m/063b4k +/m/03m6pk /film/actor/film./film/performance/film /m/027m5wv +/m/0gk7z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/01rlxt /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qw_ +/m/042ly5 /people/person/profession /m/0d1pc +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/09jw2 /music/genre/artists /m/01vsxdm +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04cl1 /people/person/nationality /m/09c7w0 +/m/03s0w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l15n /people/person/gender /m/05zppz +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0mkdm /location/us_county/county_seat /m/01j8yr +/m/016ypb /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09p0q /people/person/place_of_birth /m/01_d4 +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/09b0xs +/m/0xsk8 /people/person/profession /m/09jwl +/m/01glqw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l1rw /people/person/profession /m/05vyk +/m/01zpmq /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lxrv /film/film/genre /m/05p553 +/m/0gcs9 /influence/influence_node/influenced_by /m/01wp8w7 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/04cv9m /film/film/country /m/0345h +/m/02__34 /film/film/genre /m/02l7c8 +/m/0gc_c_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03cdg /influence/influence_node/influenced_by /m/03_lf +/m/04n7njg /people/person/gender /m/05zppz +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/04q00lw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wqpnm /people/person/gender /m/05zppz +/m/015c4g /people/person/places_lived./people/place_lived/location /m/04rrd +/m/050xxm /film/film/story_by /m/07rd7 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0b_75k /time/event/locations /m/0lhql +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01453 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049912 +/m/02b1hq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvpjj +/m/07p12s /film/film/language /m/02h40lc +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01qnfc /people/person/profession /m/01d_h8 +/m/07h9gp /film/film/genre /m/02b5_l +/m/01gwk3 /film/film/story_by /m/09zw90 +/m/02z6l5f /people/person/gender /m/05zppz +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/04mp75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp2p +/m/01v6480 /people/person/profession /m/0np9r +/m/0121rx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0klh7 /film/actor/film./film/performance/film /m/02yvct +/m/07l50_1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0j582 /film/actor/film./film/performance/film /m/07sgdw +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0373qt /education/educational_institution/students_graduates./education/education/student /m/01ts_3 +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/0149xx +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bn3jg +/m/03ckfl9 /music/genre/artists /m/048xh +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cvv4 +/m/0fz3b1 /film/film/genre /m/01q03 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09889g +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/018ctl /olympics/olympic_games/participating_countries /m/07ylj +/m/01z4y /media_common/netflix_genre/titles /m/03fts +/m/0xn7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0xn5b +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/013cr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0167v +/m/06101p /people/person/profession /m/0dxtg +/m/01vw20_ /people/person/profession /m/016z4k +/m/02ct_k /film/actor/film./film/performance/film /m/02c7k4 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xmy1 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01vyv9 /film/actor/film./film/performance/film /m/02q7fl9 +/m/018x3 /people/person/gender /m/05zppz +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0x67 /people/ethnicity/people /m/016cff +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01kgg9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/023p29 +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/0x3b7 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/0kvsb +/m/04mzf8 /film/film/language /m/064_8sq +/m/02frhbc /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0h6rm /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0178g /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/044mvs /film/actor/film./film/performance/film /m/04zyhx +/m/03ftmg /influence/influence_node/influenced_by /m/0j_c +/m/0c1fs /influence/influence_node/influenced_by /m/0j3v +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0dnqr /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0dnkmq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0xhtw /music/genre/artists /m/014_xj +/m/038rzr /film/actor/film./film/performance/film /m/07f_t4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/016yr0 /people/person/place_of_birth /m/030qb3t +/m/01r9c_ /film/actor/film./film/performance/film /m/03z9585 +/m/0g768 /music/record_label/artist /m/03f3yfj +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qsq +/m/019_1h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cbkc +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/049g_xj /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cnk2q +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01mtqf /people/cause_of_death/people /m/017_pb +/m/02hmw9 /education/educational_institution_campus/educational_institution /m/02hmw9 +/m/0dls3 /music/genre/artists /m/01wy61y +/m/01f_3w /music/record_label/artist /m/0147dk +/m/04ly1 /location/location/contains /m/0tln7 +/m/01hcj2 /people/person/gender /m/02zsn +/m/023p7l /film/film/genre /m/02l7c8 +/m/07tw_b /film/film/featured_film_locations /m/02_286 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/048cl /influence/influence_node/influenced_by /m/015n8 +/m/012gbb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gmtm +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0bw6y +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02lxrv +/m/030dr /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/02g3w /people/person/gender /m/05zppz +/m/047msdk /film/film/film_festivals /m/03nn7l2 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/01swxv /education/educational_institution_campus/educational_institution /m/01swxv +/m/0fvvg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k2m6 +/m/0404j37 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014kkm /film/film/genre /m/02l7c8 +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0283xx2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016mhd +/m/0d0kn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mstc +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/01wy6 +/m/09hrc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/06yyp +/m/02v49c /people/person/places_lived./people/place_lived/location /m/03pzf +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0pd4f /film/film/genre /m/07s9rl0 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01cx_ +/m/0k0rf /film/film/country /m/09c7w0 +/m/09q5w2 /film/film/genre /m/02kdv5l +/m/0ggbhy7 /film/film/produced_by /m/0b13g7 +/m/03kpvp /people/person/place_of_birth /m/02_286 +/m/01s1zk /film/actor/film./film/performance/film /m/056xkh +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05jcn8 +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/01_x6d +/m/02g8h /influence/influence_node/influenced_by /m/014z8v +/m/0137hn /award/award_winner/awards_won./award/award_honor/award_winner /m/016h9b +/m/0dj7p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04vt98 /people/deceased_person/place_of_death /m/0k049 +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02yplc /film/actor/film./film/performance/film /m/07h9gp +/m/01y2mq /music/genre/artists /m/03h_0_z +/m/02cl1 /base/biblioness/bibs_location/state /m/01n4w +/m/041rx /people/ethnicity/people /m/04dqdk +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hhrs +/m/01fh36 /music/genre/artists /m/0163m1 +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0mzkr /music/record_label/artist /m/02dw1_ +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040696 +/m/0345gh /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jbyg +/m/02lk60 /film/film/genre /m/0bxg3 +/m/033srr /film/film/country /m/09c7w0 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/03thw4 +/m/0830vk /film/film/production_companies /m/017s11 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0165v +/m/0bcp9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ly1 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0133k0 /music/genre/parent_genre /m/0y3_8 +/m/04jm_hq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01wb95 +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0126y2 +/m/02bq1j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_l39 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02jfc +/m/0dnw1 /film/film/language /m/02h40lc +/m/0k9p4 /location/location/contains /m/02fzs +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0b6tzs /film/film/cinematography /m/04qvl7 +/m/02gd6x /film/film/genre /m/03q4nz +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/01dfb6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/02rr_z4 /business/business_operation/industry /m/02jjt +/m/0199wf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tnbn +/m/0263tn1 /people/person/nationality /m/07ssc +/m/07gxw /music/genre/artists /m/07sbk +/m/01trxd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0fhmy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/033wx9 /people/person/religion /m/019cr +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02648p /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06gh0t +/m/02cgb8 /people/person/nationality /m/07ssc +/m/01gqg3 /time/event/locations /m/012wgb +/m/0mw93 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01qn8k /people/person/places_lived./people/place_lived/location /m/04jpl +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/0205dx +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0djvzd +/m/0dvld /people/person/spouse_s./people/marriage/location_of_ceremony /m/0n3g +/m/0280mv7 /people/person/gender /m/05zppz +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/08xvpn /film/film/produced_by /m/06pj8 +/m/0778_3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/011hq1 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/08ff1k /people/deceased_person/place_of_death /m/02_286 +/m/01kh2m1 /people/person/nationality /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/0jzw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07z5n /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0r6c4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/06ltr +/m/04q24zv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/0d1xx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_k71 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0298n7 /film/film/featured_film_locations /m/01n7q +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0d0x8 /location/location/contains /m/0rwgm +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0jqb8 /film/film/genre /m/03k9fj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02wmy +/m/018ctl /olympics/olympic_games/participating_countries /m/06mzp +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/035v3 /location/country/form_of_government /m/01q20 +/m/04nl83 /film/film/country /m/03rjj +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/019n8z /olympics/olympic_games/sports /m/09wz9 +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0421v9q /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0fw9n7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01rgr /people/person/profession /m/0cbd2 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0124k9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02js_6 +/m/01hbq0 /film/actor/film./film/performance/film /m/0ptxj +/m/06bnz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/032_wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01j5ts /people/person/profession /m/02jknp +/m/0jq27 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0lwkz +/m/034f0d /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/019l3m /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07r4c /people/person/profession /m/02hrh1q +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/02ctzb /people/ethnicity/people /m/01tdnyh +/m/02qlp4 /film/film/genre /m/06n90 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/022lly /education/educational_institution/students_graduates./education/education/student /m/029_3 +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/0bt23 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/059t8 /location/administrative_division/country /m/0d060g +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/02lv2v /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/06q8qh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017l96 /music/record_label/artist /m/049qx +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016y_f +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/04xvlr /media_common/netflix_genre/titles /m/0jsf6 +/m/04xfb /influence/influence_node/influenced_by /m/01tz6vs +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02j416 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01lf293 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/02qtywd /people/person/spouse_s./people/marriage/spouse /m/045zr +/m/02mpb /people/person/profession /m/0cbd2 +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/02h2z_ /base/culturalevent/event/entity_involved /m/02lmk +/m/03_r3 /sports/sports_team_location/teams /m/03zbg0 +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcv +/m/0lgxj /olympics/olympic_games/participating_countries /m/06qd3 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0j13b +/m/04hqz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09c7w0 /location/location/contains /m/013h1c +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0b_dh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02tktw /film/film/written_by /m/0c9xjl +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/region /m/059j2 +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01bbwp /people/person/profession /m/02krf9 +/m/07y_7 /education/field_of_study/students_majoring./education/education/student /m/012gbb +/m/03x6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/03bmmc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/0chghy /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fsv +/m/02fjzt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0svqs /people/person/profession /m/01d_h8 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06v36 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vswx5 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0glnm +/m/02nfjp /people/person/profession /m/02hrh1q +/m/051ys82 /film/film/film_festivals /m/09rwjly +/m/041rx /people/ethnicity/people /m/03jldb +/m/02yw26 /music/genre/artists /m/01dpts +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0ctb4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vyp_ +/m/041rx /people/ethnicity/people /m/0jcx +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/019nnl /tv/tv_program/genre /m/025s89p +/m/01s753 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s57 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/01337_ +/m/02pzc4 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/07ssc /media_common/netflix_genre/titles /m/09gq0x5 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01243b /music/genre/artists /m/012ycy +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/050gkf +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/02jx1 /location/location/contains /m/0k2h6 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02hzx8 +/m/02ldv0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_3d /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0223bl +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/03_fk9 /people/person/nationality /m/03rjj +/m/01m1dzc /people/person/nationality /m/09c7w0 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/0k3gw /location/us_county/county_seat /m/0tyww +/m/02fj8n /film/film/genre /m/02kdv5l +/m/036jb /people/person/profession /m/02jknp +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0n08r +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/043q2z +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/01ky2h /people/person/place_of_birth /m/02_286 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y0pn +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/01f8f7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/01kkx2 +/m/09f2j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/01nx_8 +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/0bdt8 /film/actor/film./film/performance/film /m/0ft18 +/m/015f7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vv126 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0lmm3 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0234_c +/m/03tf_h /people/person/profession /m/02jknp +/m/02j3d4 /people/person/profession /m/01c72t +/m/01vx5w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vs73g +/m/02pt27 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/position /m/08ns5s +/m/03cvwkr /film/film/genre /m/02xh1 +/m/01rly6 /sports/sports_team/colors /m/01g5v +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0r2dp /base/biblioness/bibs_location/country /m/09c7w0 +/m/02238b /film/actor/film./film/performance/film /m/04cppj +/m/05q9g1 /people/person/nationality /m/03rk0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0bw20 /film/film/genre /m/04xvlr +/m/0grjmv /music/genre/artists /m/03xhj6 +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/015wy_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0b1hw +/m/070zc /location/location/contains /m/09b9m +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r93l +/m/02zbjwr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03zrhb +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/095z4q +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/04353 /people/person/gender /m/05zppz +/m/0ys4f /location/hud_county_place/place /m/0ys4f +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02gnh0 /education/educational_institution/students_graduates./education/education/student /m/02y_2y +/m/0gdqy /people/person/profession /m/02jknp +/m/0cc846d /film/film/featured_film_locations /m/03rjj +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxmx +/m/03m6t5 /people/person/places_lived./people/place_lived/location /m/05ksh +/m/033tf_ /people/ethnicity/people /m/034x61 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b1y_2 +/m/0cttx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04swx /location/location/partially_contains /m/06mkj +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/0m5s5 /film/film/featured_film_locations /m/0dc95 +/m/01r7pq /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02y0js /people/cause_of_death/people /m/0627sn +/m/0zpfy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023mdt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kb2j +/m/09v8clw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02wwmhc +/m/0f7hc /people/person/profession /m/09jwl +/m/03f5spx /people/person/place_of_birth /m/0mn0v +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0c9d9 /people/person/profession /m/01c72t +/m/02_hj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016z2j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02cft +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/02z2xdf +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/06lhbl /people/person/places_lived./people/place_lived/location /m/04jpl +/m/076689 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/027zz /film/director/film /m/026p4q7 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/09pl3s +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/0bl2g /film/actor/film./film/performance/film /m/035_2h +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/03x3qv /film/actor/film./film/performance/film /m/051zy_b +/m/01pnn3 /people/person/nationality /m/02jx1 +/m/0l8v5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0bmnm +/m/0ptx_ /film/film/featured_film_locations /m/0cr3d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08pth9 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06z8gn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0_816 /film/film/genre /m/017fp +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/06b3g4 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/01cvtf /tv/tv_program/country_of_origin /m/09c7w0 +/m/09r9m7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01twdk +/m/03mstc /people/deceased_person/place_of_death /m/0284jb +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/013tcv +/m/0q9b0 /film/film/genre /m/017fp +/m/0m2mk /location/location/time_zones /m/02hcv8 +/m/01713c /people/person/religion /m/0kpl +/m/02z2mr7 /film/film/country /m/07ssc +/m/021vlg /music/genre/parent_genre /m/0296y +/m/07_l6 /music/instrument/instrumentalists /m/018phr +/m/01z452 /film/film/genre /m/0vgkd +/m/06dfg /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/08bqy9 /people/person/profession /m/02hrh1q +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/01pw9v /people/person/religion /m/0kpl +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/02rn_bj /people/person/place_of_birth /m/059rby +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0311wg /film/actor/film./film/performance/film /m/03d8jd1 +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0cct7p /people/deceased_person/place_of_death /m/04vmp +/m/0j95 /location/location/contains /m/01r32 +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01mgw /film/film/genre /m/03k9fj +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/0n5c9 /location/location/contains /m/0xr0t +/m/05jg58 /music/genre/artists /m/01w02sy +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ft18 +/m/0cb4j /location/location/contains /m/0h3lt +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02t_y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02cbg0 /film/film/music /m/02cyfz +/m/042y1c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dlngsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02pzy52 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0m123 /tv/tv_program/country_of_origin /m/09c7w0 +/m/088q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166v +/m/0jdhp /people/person/place_of_birth /m/013kcv +/m/0sx8l /olympics/olympic_games/sports /m/02_5h +/m/03cvfg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02f8lw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0zjpz +/m/033tf_ /people/ethnicity/people /m/02v2jy +/m/01jfsb /media_common/netflix_genre/titles /m/0llcx +/m/042fk /people/person/profession /m/04gc2 +/m/02w7gg /people/ethnicity/people /m/02tc5y +/m/02k_kn /music/genre/artists /m/0133x7 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/0chgzm /location/administrative_division/country /m/0chghy +/m/016jhr /music/genre/artists /m/02ndj5 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01fwqn +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/0flddp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bdkd +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02p68d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/057__d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/026v_78 +/m/01pf6 /medicine/symptom/symptom_of /m/035482 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/0gk4g /people/cause_of_death/people /m/034zc0 +/m/05v8c /location/country/form_of_government /m/01fpfn +/m/02zr0z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/013bd1 /people/person/employment_history./business/employment_tenure/company /m/053mhx +/m/018x3 /influence/influence_node/peers./influence/peer_relationship/peers /m/0l12d +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/024t0y +/m/01tntf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/010hn /people/person/places_lived./people/place_lived/location /m/0_xdd +/m/02zy1z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/04xzm /influence/influence_node/influenced_by /m/048cl +/m/0q5hw /influence/influence_node/influenced_by /m/02pb53 +/m/05d8vw /people/person/nationality /m/09c7w0 +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/02f2p7 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/040db /influence/influence_node/influenced_by /m/03_87 +/m/07bwr /film/film/genre /m/0556j8 +/m/04lp8k /people/person/places_lived./people/place_lived/location /m/059rby +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0dcz8_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cn92 /people/person/place_of_birth /m/03l2n +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03djpm /music/genre/artists /m/01271h +/m/02x2jl_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03f4xvm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05183k /people/person/profession /m/0dxtg +/m/05r5w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/05ldnp /award/award_winner/awards_won./award/award_honor/award_winner /m/05strv +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0cmt6q /people/person/profession /m/018gz8 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/011hdn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0py5b +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/016622 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05r6t /music/genre/artists /m/0gr69 +/m/04t2t /media_common/netflix_genre/titles /m/02gpkt +/m/02t1wn /people/person/profession /m/02jknp +/m/0gmd3k7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/034h1h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/07b_l /location/administrative_division/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0n58p +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qvgl +/m/0fsw_7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0p_jc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/07c52 /film/film_subject/films /m/07w8fz +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr3sl +/m/04cj79 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/087pfc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/01qbjg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06b3g4 /people/person/profession /m/0np9r +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05v1sb +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0205dx +/m/01bvx1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/03qx_f /music/record_label/artist /m/01kph_c +/m/0fby2t /film/actor/film./film/performance/film /m/0bq8tmw +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01wb95 +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01hb1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02vkdwz +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/01lhy /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gvpz +/m/0s5cg /location/hud_county_place/place /m/0s5cg +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01722w /organization/organization/headquarters./location/mailing_address/citytown /m/09bkv +/m/025jj7 /people/person/nationality /m/09c7w0 +/m/07nxvj /film/film/language /m/06b_j +/m/02j3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/07ssc /location/location/contains /m/052bw +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/05b4rcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b5_tj +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0cp9f9 /people/person/gender /m/05zppz +/m/0gc_c_ /film/film/genre /m/06n90 +/m/01rgr /people/person/place_of_birth /m/05qtj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0l9k1 /people/person/place_of_birth /m/0156q +/m/01rl_3 /sports/sports_team/colors /m/083jv +/m/0kbvv /olympics/olympic_games/sports /m/09w1n +/m/0pvms /film/film/genre /m/04xvlr +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01k_mc +/m/06_wqk4 /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/0cq806 +/m/01rnpy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g68zt +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092kgw +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c7k4 +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/03bzjpm /film/film/country /m/0345h +/m/0k0rf /film/film/music /m/089z0z +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/030dr /people/person/nationality /m/02jx1 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/017z88 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02fybl /people/person/profession /m/016z4k +/m/01hx2t /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d4fqn /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026c1 +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/0f5xn /film/actor/film./film/performance/film /m/02jkkv +/m/0134w7 /people/person/languages /m/064_8sq +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0fdv3 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hfmm +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07ssc /location/location/contains /m/06y9v +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01vsy9_ +/m/09b6zr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/01679d +/m/02lm0t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmgb +/m/0qcr0 /people/cause_of_death/people /m/0mb5x +/m/0126rp /influence/influence_node/influenced_by /m/01wp_jm +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06z8gn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zx08r /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmc4cm +/m/085v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ftccy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/03hxsv /film/film/film_production_design_by /m/0d5wn3 +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01934k /people/person/gender /m/02zsn +/m/03f7m4h /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/027hnjh /people/person/profession /m/0cbd2 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/05gg4 /sports/sports_team/colors /m/06fvc +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/07s8r0 +/m/05148p4 /music/instrument/instrumentalists /m/016ntp +/m/03_gd /film/actor/film./film/performance/film /m/0dr_4 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017d93 +/m/0127s7 /people/person/religion /m/0c8wxp +/m/018417 /people/person/profession /m/02hrh1q +/m/0fq9zcx /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/06nsb9 /people/person/nationality /m/09c7w0 +/m/056xkh /film/film/language /m/02h40lc +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0fzyg /film/film_subject/films /m/02dwj +/m/0bj9k /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04bd8y /film/actor/film./film/performance/film /m/0fphgb +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/07s9rl0 /media_common/netflix_genre/titles /m/07yvsn +/m/0265z9l /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0f8x_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06yxd +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0l14_3 +/m/0k7tq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jwvf +/m/0yfp /people/person/profession /m/02hv44_ +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01934k +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/055t01 /people/person/profession /m/0np9r +/m/080lkt7 /film/film/genre /m/07s9rl0 +/m/02gf_l /film/actor/film./film/performance/film /m/016017 +/m/012gk9 /film/film/music /m/023361 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/04sskp /tv/tv_program/languages /m/02h40lc +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/06by7 /music/genre/artists /m/032nl2 +/m/025j1t /film/actor/film./film/performance/film /m/032sl_ +/m/01qdhx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/03vtrv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/0y54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/012vby /people/person/nationality /m/09c7w0 +/m/0ft18 /film/film/production_companies /m/086k8 +/m/023p33 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/03n52j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0jrq9 /base/aareas/schema/administrative_area/administrative_parent /m/02xry +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdv +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/01vt5c_ +/m/02l840 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/01qn7n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/047hpm +/m/0147dk /people/person/places_lived./people/place_lived/location /m/0dclg +/m/04vjh /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01v40wd /people/person/nationality /m/09c7w0 +/m/02x0dzw /film/actor/film./film/performance/film /m/0h95927 +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025x1t +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/021b_ /film/actor/film./film/performance/film /m/0hmr4 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/01rxyb /film/film/executive_produced_by /m/06q8hf +/m/017_hq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023mdt /film/actor/film./film/performance/film /m/08nhfc1 +/m/0xkq4 /location/location/time_zones /m/02hcv8 +/m/018vs /music/instrument/instrumentalists /m/018gkb +/m/01pbwwl /people/person/profession /m/0nbcg +/m/0qf2t /film/film/genre /m/01q03 +/m/0fkh6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015196 /music/group_member/membership./music/group_membership/role /m/01s0ps +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0bmpm /film/film/genre /m/05p553 +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dpsv +/m/0nvt9 /location/location/time_zones /m/02fqwt +/m/083skw /film/film/genre /m/07s9rl0 +/m/07h9gp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01lbp +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02rzmzk /people/person/gender /m/05zppz +/m/0fxkr /location/location/time_zones /m/02hcv8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/072192 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08qvhv +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01zt10 /people/person/nationality /m/03rk0 +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/07v4dm /people/person/gender /m/05zppz +/m/0c3p7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016khd +/m/04xvlr /media_common/netflix_genre/titles /m/03cvvlg +/m/092vkg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0fvzz /base/biblioness/bibs_location/country /m/09c7w0 +/m/04kwbt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/086nl7 /people/person/gender /m/05zppz +/m/06y3r /people/person/profession /m/03sbb +/m/04glr5h /people/person/spouse_s./people/marriage/spouse /m/04gnbv1 +/m/01lxw6 /location/location/time_zones /m/02hcv8 +/m/07147 /sports/sports_team/sport /m/018jz +/m/0f4vbz /film/actor/film./film/performance/film /m/02vjp3 +/m/0ds33 /film/film/produced_by /m/02qzjj +/m/07bxqz /film/film/genre /m/05p553 +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/032wdd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0168dy +/m/01f5q5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/042kg +/m/02sgy /music/instrument/instrumentalists /m/03k0yw +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_1m +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/04bs3j /film/actor/film./film/performance/film /m/03n0cd +/m/01q7h2 /film/film/genre /m/060__y +/m/04pmnt /film/film/genre /m/04xvh5 +/m/06qgvf /people/person/places_lived./people/place_lived/location /m/059rby +/m/03h64 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/018c_r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/014kg4 /people/person/gender /m/05zppz +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0c3z0 /film/film/country /m/09c7w0 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04mpbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01h7xx +/m/011zd3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/011ypx /film/film/genre /m/01j1n2 +/m/02p8454 /education/educational_institution/school_type /m/01rs41 +/m/035xwd /film/film/genre /m/01jfsb +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/0xnvg /people/ethnicity/people /m/0gs6vr +/m/0cbvg /film/film_subject/films /m/04z257 +/m/09nwwf /music/genre/artists /m/01wvxw1 +/m/05fly /location/location/contains /m/0dp90 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02ln0f +/m/08z129 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/05r5c /music/instrument/instrumentalists /m/02x8z_ +/m/07r_dg /people/person/gender /m/02zsn +/m/039bp /film/actor/film./film/performance/film /m/0c9k8 +/m/02sh8y /people/person/profession /m/02jknp +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0bjv6 +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/01xn6jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0l3cy /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0lbl6 +/m/01r7t9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/05cl2w /film/actor/film./film/performance/film /m/04x4vj +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/01vmv_ /education/educational_institution/students_graduates./education/education/student /m/0h5g_ +/m/016h9b /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015qt5 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/07hbxm /film/actor/film./film/performance/film /m/0dl6fv +/m/049xgc /film/film/executive_produced_by /m/05hj_k +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059_c +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z257 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026n998 +/m/01z215 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02rmd_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0hz35 /location/hud_county_place/place /m/0hz35 +/m/03fnqj /sports/sports_team/colors /m/083jv +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/01yk13 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnnx +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01l7qw /people/person/profession /m/02hrh1q +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/05bcl /location/country/official_language /m/03x42 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/018x3 /music/group_member/membership./music/group_membership/group /m/06gcn +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284h6 +/m/0b455l /people/person/nationality /m/09c7w0 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0m0jc /music/genre/artists /m/01w806h +/m/0bqs56 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016tb7 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0d810y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03k7bd /film/actor/film./film/performance/film /m/016017 +/m/05f4_n0 /film/film/genre /m/0vgkd +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01f2q5 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0jm3v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01fs__ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jjzf /people/person/nationality /m/09c7w0 +/m/01r0t_j /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/04y9dk /film/actor/film./film/performance/film /m/0pd6l +/m/09c7w0 /location/location/contains /m/078bz +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/02jxsq +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/04vs9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/04xvlr /media_common/netflix_genre/titles /m/0cmc26r +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/013dy7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/06tw8 /location/country/official_language /m/0jzc +/m/06cl2w /film/actor/film./film/performance/film /m/04z4j2 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rjj +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/01vdrw /influence/influence_node/influenced_by /m/03j0d +/m/08sk8l /film/film/production_companies /m/05qd_ +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/09d5h /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq7kw +/m/07h9gp /film/film/production_companies /m/032j_n +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyc_ +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01q8wk7 /people/person/profession /m/028kk_ +/m/0gldyz /film/film/language /m/0t_2 +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0fv4v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/09fn1w /film/film/genre /m/07s9rl0 +/m/01vs4f3 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/019mdt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04pk1f +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02h40lc /language/human_language/countries_spoken_in /m/06t2t +/m/03rz2b /film/film/language /m/02hxcvy +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/09f0bj +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01w4c9 +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xn3s2 +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0m0jc /music/genre/artists /m/01vs_v8 +/m/05qd_ /organization/organization_founder/organizations_founded /m/07y2b +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/030znt /people/person/gender /m/02zsn +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/07w6r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/064t9 /music/genre/artists /m/03x82v +/m/0rmby /location/location/time_zones /m/02hcv8 +/m/04xvlr /media_common/netflix_genre/titles /m/0h14ln +/m/03hmt9b /film/film/genre /m/07s9rl0 +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0d90m /film/film/genre /m/04pbhw +/m/02qdzd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/03pmty /people/person/profession /m/02krf9 +/m/01svq8 /people/person/profession /m/0747nrk +/m/0160nk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yc7p +/m/04y8r /people/person/profession /m/02jknp +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrnsk +/m/01wv24 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0c5v2 +/m/02t_zq /people/person/place_of_birth /m/0cr3d +/m/01wd9lv /people/person/profession /m/0dz3r +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03mp37 +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0bmhvpr /film/film/genre /m/07s9rl0 +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/02fn5 +/m/06924p /music/genre/artists /m/05cljf +/m/02lv2v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/099ks0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/036hv +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l12d +/m/0jm_ /film/film_subject/films /m/064ndc +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ym47 /music/genre/parent_genre /m/06j6l +/m/01wg6y /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02p3cr5 /music/record_label/artist /m/0qf3p +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025czw +/m/01jfsb /media_common/netflix_genre/titles /m/09p0ct +/m/07mqps /people/ethnicity/people /m/0170vn +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01qn7n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03pmty +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/022q4j /film/actor/film./film/performance/film /m/04954r +/m/02lg9w /film/actor/film./film/performance/film /m/03m8y5 +/m/04s1zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dkzt +/m/01200d /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01ngz1 +/m/04pmnt /film/film/language /m/02h40lc +/m/03mp8k /music/record_label/artist /m/01bpnd +/m/011wtv /film/film/music /m/0146pg +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02h40lc /language/human_language/countries_spoken_in /m/0167v +/m/04y0hj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/02f1c /people/person/profession /m/016z4k +/m/0bzty /location/location/contains /m/057bxr +/m/01nxzv /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/02_hj4 /film/actor/film./film/performance/film /m/04tqtl +/m/06q8qh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bzyh +/m/03_d0 /music/genre/artists /m/01wx756 +/m/029v40 /film/film/film_production_design_by /m/04_1nk +/m/01w7nwm /film/actor/film./film/performance/film /m/0b7l4x +/m/0n22z /location/location/time_zones /m/02hcv8 +/m/0grrq8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/04xvlr /media_common/netflix_genre/titles /m/01gvsn +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k54q +/m/0bthb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0163r3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0c7t58 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0zdfp /location/location/time_zones /m/02lcqs +/m/049lr /location/location/contains /m/01sv6k +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09qljs +/m/0345h /location/location/contains /m/0dr31 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trhmt +/m/0770cd /people/person/gender /m/05zppz +/m/0177gl /sports/sports_team/colors /m/01g5v +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/016qtt +/m/02lfp4 /music/artist/origin /m/04jpl +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yk13 +/m/01qd_r /education/educational_institution/colors /m/03vtbc +/m/0mnz0 /location/location/contains /m/0mnzd +/m/02zcnq /education/educational_institution/students_graduates./education/education/student /m/06jvj7 +/m/08xz51 /people/person/profession /m/012t_z +/m/01cbwl /music/genre/artists /m/033wx9 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0pgjm /film/actor/film./film/performance/film /m/0f4k49 +/m/04q5zw /award/award_winner/awards_won./award/award_honor/award_winner /m/027z0pl +/m/07jwr /medicine/disease/risk_factors /m/014dsx +/m/02r1c18 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/034hzj /film/film/language /m/02h40lc +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m7pwq +/m/0ds2n /film/film/genre /m/01jfsb +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06g77c /film/film/production_companies /m/03sb38 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0169t +/m/068g3p /people/person/profession /m/03gjzk +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01fxfk +/m/043tvp3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02p8q1 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03y_46 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/04yg13l /film/film/language /m/02ztjwg +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01trtc /music/record_label/artist /m/012xdf +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/023g6w /film/film/country /m/05b4w +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/017s1k /medicine/disease/risk_factors /m/05zppz +/m/0k3jc /location/location/contains /m/0tzls +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0cqr0q /film/film/language /m/012w70 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0725ny +/m/0bbgvp /film/film/genre /m/03g3w +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07_k0c0 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/02xyl /influence/influence_node/influenced_by /m/02mpb +/m/0d22f /location/us_county/county_seat /m/0zgfm +/m/012d40 /film/actor/film./film/performance/film /m/06x43v +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0438f /education/educational_institution/campuses /m/0438f +/m/07kc_ /music/instrument/instrumentalists /m/095x_ +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/043c4j /music/group_member/membership./music/group_membership/group /m/0d193h +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0l6px /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0lbfv /education/educational_institution/school_type /m/07tf8 +/m/02gt5s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/01rzqj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/06srk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03g62 /people/person/profession /m/02jknp +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/051vz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/05xbx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lxrv +/m/0p__8 /film/actor/film./film/performance/film /m/02y_lrp +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/01n3bm /people/cause_of_death/people /m/02bxjp +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0r785 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016dgz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/014g_s /people/person/nationality /m/09c7w0 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0tj9 /people/person/places_lived./people/place_lived/location /m/01hpnh +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/0c3p7 /film/actor/film./film/performance/film /m/0bpbhm +/m/049d_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/03hy3g /film/director/film /m/0yzvw +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0_9wr +/m/01q8fxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06ncr /music/instrument/instrumentalists /m/017l4 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0755wz /film/actor/film./film/performance/film /m/03hp2y1 +/m/0fgrm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/06q6jz /music/genre/artists /m/0pcc0 +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03_9hm +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/06lvlf /film/actor/film./film/performance/film /m/0dscrwf +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07l50_1 +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/022tq4 /base/biblioness/bibs_location/country /m/03rk0 +/m/0bymv /people/person/profession /m/0kyk +/m/06ncr /music/instrument/instrumentalists /m/01l87db +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04g4w9 +/m/04xvlr /media_common/netflix_genre/titles /m/04h4c9 +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j8r +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/02hwww /education/educational_institution/students_graduates./education/education/student /m/025p38 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072hx4 +/m/0bk1p /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026fs38 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07vk2 +/m/0520r2x /people/person/place_of_birth /m/07ypt +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh65c5 +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/049f05 +/m/02kxjx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/02xwgr /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0d608 /people/person/nationality /m/0d060g +/m/06mj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/023p29 +/m/0dh1n_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0dx_q /people/person/languages /m/02h40lc +/m/02z9hqn /film/film/genre /m/01hmnh +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/01l7qw /people/person/profession /m/09jwl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/018f8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04xrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/020hyj +/m/0kh6b /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01gq0b /film/actor/film./film/performance/film /m/095zlp +/m/05148p4 /music/instrument/instrumentalists /m/020jqv +/m/01jmyj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/04x1_w /people/person/gender /m/02zsn +/m/05c26ss /film/film/music /m/0150t6 +/m/0f8pz /people/person/spouse_s./people/marriage/location_of_ceremony /m/03lrc +/m/01vsnff /music/artist/origin /m/02dtg +/m/01pvxl /film/film/genre /m/07s9rl0 +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/033rq +/m/0hjy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015jr +/m/02qlg7s /people/person/nationality /m/01p1v +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04tgp /location/location/contains /m/0qkyj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0t_3w +/m/09px1w /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/05zbm4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02jtjz +/m/030qb3t /sports/sports_team_location/teams /m/04mjl +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylzs +/m/0jqb8 /film/film/produced_by /m/01g04k +/m/0czp_ /award/award_category/category_of /m/0g_w +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h3k3f /film/film/written_by /m/0171lb +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039bp +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/016nff /people/person/profession /m/02hrh1q +/m/04cv9m /film/film/film_production_design_by /m/05b2gsm +/m/0781g /music/genre/parent_genre /m/06by7 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/01k70_ /people/person/profession /m/0d8qb +/m/03x33n /education/educational_institution/campuses /m/03x33n +/m/048yqf /film/film/language /m/03_9r +/m/012vct /film/director/film /m/01wb95 +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tpl1p +/m/0hn10 /media_common/netflix_genre/titles /m/01633c +/m/01jnc_ /film/film/language /m/02h40lc +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gmmt6 +/m/013q07 /film/film/language /m/03_9r +/m/01zcrv /media_common/netflix_genre/titles /m/05fgr_ +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/09c7w0 /location/location/contains /m/07ccs +/m/02lnbg /music/genre/artists /m/012z8_ +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02bqxb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05sxzwc /film/film/production_companies /m/02hvd +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/05bt6j /music/genre/artists /m/0137hn +/m/03cglm /film/actor/film./film/performance/film /m/03shpq +/m/018vs /music/instrument/instrumentalists /m/01cv3n +/m/026l37 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01385g /people/person/places_lived./people/place_lived/location /m/095l0 +/m/0372kf /people/person/profession /m/0nbcg +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/06t2t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02drd3 +/m/03mdt /media_common/netflix_genre/titles /m/05z43v +/m/04ltlj /film/film/genre /m/01jfsb +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0645k5 /film/film/genre /m/02qfv5d +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0c4y8 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0534v /film/director/film /m/0b60sq +/m/06lk0_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0f8pz /people/person/profession /m/025bwc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01352_ +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01hrqc /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/032zg9 /film/actor/film./film/performance/film /m/0f2sx4 +/m/05dbyt /film/actor/film./film/performance/film /m/07jnt +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/05p3738 /film/film/genre /m/082gq +/m/02xry /location/location/contains /m/0ggh3 +/m/029k4p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/011k1h +/m/01y_rz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvt2 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/04kj2v /people/person/nationality /m/02jx1 +/m/05g3v /sports/sports_team/colors /m/067z2v +/m/07_nf /base/culturalevent/event/entity_involved /m/06f32 +/m/02x8m /music/genre/artists /m/01wzlxj +/m/07c52 /media_common/netflix_genre/titles /m/019nnl +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yph +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/01q3_2 /people/person/profession /m/09jwl +/m/01lct6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0hv8w /film/film/featured_film_locations /m/0r771 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02r34n +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/09x3r /olympics/olympic_games/sports /m/0486tv +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/015pnb /tv/tv_program/country_of_origin /m/09c7w0 +/m/0677ng /people/person/profession /m/0dz3r +/m/01fbr2 /music/genre/artists /m/024zq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0146hc +/m/01q4qv /people/person/nationality /m/035qy +/m/07hwkr /people/ethnicity/people /m/0372kf +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/01_ztw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jrv_ /music/genre/artists /m/0bsj9 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/073749 /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/0f2tj /location/location/contains /m/02cvcd +/m/04fhn_ /people/person/gender /m/05zppz +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rlf +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/02mpyh /film/film/edited_by /m/02lp3c +/m/0g10g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151xv +/m/021_z5 /music/genre/artists /m/015bwt +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020jqv +/m/02whj /people/person/profession /m/0nbcg +/m/03y9ccy /people/person/gender /m/05zppz +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bn3l +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05tfn1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02l424 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/014vk4 +/m/07lp1 /influence/influence_node/influenced_by /m/03jxw +/m/0b76d_m /film/film/language /m/064_8sq +/m/0gbwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_mm +/m/01tx9m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/04t36 /media_common/netflix_genre/titles /m/0hv1t +/m/03l3jy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0343h /film/actor/film./film/performance/film /m/0fdv3 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cyfz +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dss7 +/m/0k4f3 /film/film/genre /m/06qm3 +/m/01qncf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01npcx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j_c /film/director/film /m/01s9vc +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0cf2h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n0bp +/m/03jqfx /time/event/locations /m/04v3q +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0bz5v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05pzdk +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/069q4f +/m/01pcq3 /people/person/profession /m/0np9r +/m/01_p6t /people/person/places_lived./people/place_lived/location /m/012wgb +/m/019g8j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k_0fp /people/person/profession /m/09jwl +/m/030dx5 /people/person/place_of_birth /m/0cc56 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/0hwbd /film/actor/film./film/performance/film /m/0hv4t +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01pvxl /film/film/genre /m/0bj8m2 +/m/03cw411 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/018ljb /olympics/olympic_games/participating_countries /m/07ssc +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/056zdj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0jnkr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/016k6x /film/actor/film./film/performance/film /m/01rwpj +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/0gls4q_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01ft14 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/07k2p6 /people/person/place_of_birth /m/0dclg +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/04sh80 /film/film/produced_by /m/030vmc +/m/01j95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059j4x /people/person/gender /m/05zppz +/m/027024 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02bjhv /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/01507p /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/017l96 +/m/02qpt1w /film/film/production_companies /m/061dn_ +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04z0g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/03fhjz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/06z5s /people/cause_of_death/people /m/01d1yr +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03kbb8 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06gst /music/record_label/artist /m/0285c +/m/0xsk8 /people/person/places_lived./people/place_lived/location /m/01snm +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3p7 +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmc26r +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/01qn7n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0301yj +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/08132w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/014dm6 /people/person/profession /m/02jknp +/m/048qrd /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/01b_d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01wbg84 /film/actor/film./film/performance/film /m/0f4_l +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/04__f /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1mt +/m/0342h /music/instrument/instrumentalists /m/015882 +/m/0njvn /location/location/time_zones /m/02hcv8 +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01wqflx /people/person/profession /m/039v1 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/07m77x +/m/01phtd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0693l +/m/07s9rl0 /media_common/netflix_genre/titles /m/04q827 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06lkg8 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0dplh +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/03b1sb /film/film/genre /m/060__y +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/0127s7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035wtd /education/educational_institution_campus/educational_institution /m/035wtd +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/017fp /media_common/netflix_genre/titles /m/0209hj +/m/0bz5v2 /people/person/profession /m/0dxtg +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/0168dy /people/person/place_of_birth /m/013yq +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/02jkkv /film/film/genre /m/02kdv5l +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/09b6zr +/m/05szp /people/person/spouse_s./people/marriage/spouse /m/01z7s_ +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/021npv /film/actor/film./film/performance/film /m/0sxmx +/m/082mw /people/person/profession /m/0kyk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/0gyv0b4 /film/film/genre /m/07s9rl0 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jzyf /film/film/language /m/02h40lc +/m/0kstw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0gqm3 +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zwy +/m/0284gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/082xp +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/01wmjkb /people/person/profession /m/04f2zj +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0d19y2 /people/cause_of_death/people /m/03rx9 +/m/03b8c4 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/086sj /film/actor/film./film/performance/film /m/01f7gh +/m/0294mx /film/film/genre /m/04xvlr +/m/09px1w /award/award_winner/awards_won./award/award_honor/award_winner /m/039cq4 +/m/03h_fqv /influence/influence_node/influenced_by /m/0g72r +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/026rm_y /film/actor/film./film/performance/film /m/02yvct +/m/0j3d9tn /film/film/genre /m/07s9rl0 +/m/028qyn /people/person/profession /m/01c72t +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_j8x +/m/06t6dz /film/film/genre /m/07s9rl0 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/05yh_t /people/person/gender /m/05zppz +/m/02kzfw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01c5d5 /people/person/profession /m/0dxtg +/m/02x3y41 /film/film/music /m/06fxnf +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/0404yzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/064q5v /film/film/genre /m/0jtdp +/m/06vlk0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/018nnz /film/film/executive_produced_by /m/03ktjq +/m/0d_skg /people/person/gender /m/05zppz +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02tfl8 /medicine/symptom/symptom_of /m/0dcp_ +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/025mb_ /people/person/nationality /m/09c7w0 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmpm +/m/04cf_l /film/film/genre /m/09q17 +/m/016clz /music/genre/artists /m/01w5gg6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpqb +/m/015y3j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/086k8 /music/record_label/artist /m/02lbrd +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/03_wvl +/m/01mqc_ /people/person/profession /m/02hrh1q +/m/0m2rv /location/location/time_zones /m/02hcv8 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/09c7w0 /location/country/second_level_divisions /m/0fr5p +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03mcwq3 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/07lp1 /influence/influence_node/influenced_by /m/06whf +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/0nzw2 /location/location/time_zones /m/02hcv8 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fz3b1 +/m/0b76d_m /film/film/production_companies /m/017s11 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/07swvb +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03d0d7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04yc76 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05z_kps /film/film/featured_film_locations /m/04jpl +/m/03lvwp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01n4w_ +/m/06nvzg /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0fh2v5 /film/film/genre /m/060__y +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/017zq0 /education/educational_institution_campus/educational_institution /m/017zq0 +/m/09c7w0 /location/location/contains /m/0rwgm +/m/0dt5k /location/administrative_division/country /m/07ssc +/m/03fbc /music/artist/origin /m/04jpl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/02ywwy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09fc83 /film/film/featured_film_locations /m/010h9y +/m/01w8sf /influence/influence_node/influenced_by /m/080r3 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/023361 +/m/0xhtw /music/genre/artists /m/03qkcn9 +/m/04hk0w /film/film/cinematography /m/03cx282 +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0582cf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02hsgn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06s6l /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0c11mj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/05fky /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01fy2s /education/educational_institution/colors /m/01g5v +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cp0790 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/02zl4d /film/actor/film./film/performance/film /m/02nx2k +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/073tm9 +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/04fzk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02js6_ +/m/07qcbw /people/person/gender /m/05zppz +/m/01vsgrn /film/actor/film./film/performance/film /m/017d93 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/064t9 /music/genre/artists /m/0136p1 +/m/01_k7f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09xq9d +/m/0tc7 /people/person/profession /m/025sppp +/m/04l19_ /people/person/profession /m/01d_h8 +/m/0dzt9 /location/location/contains /m/02zr0z +/m/09xb4h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cbm64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/04xvlr /media_common/netflix_genre/titles /m/02vp1f_ +/m/013xh7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7qd +/m/0f0y8 /people/person/profession /m/09jwl +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0ms6_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mr_8 +/m/043c4j /music/artist/contribution./music/recording_contribution/performance_role /m/02hnl +/m/06r2h /film/film/written_by /m/04511f +/m/07t2k /people/person/profession /m/099md +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/0bt3j9 /film/film/genre /m/01q03 +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/05bnp0 /film/actor/film./film/performance/film /m/09gb_4p +/m/0hwbd /film/actor/film./film/performance/film /m/0ptxj +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/059_c /location/location/contains /m/0cv3w +/m/02wd48 /people/person/places_lived./people/place_lived/location /m/0154fs +/m/05x_5 /education/educational_institution/school_type /m/05jxkf +/m/019_1h /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0g5pvv /film/film/featured_film_locations /m/0f2tj +/m/01kj0p /people/person/profession /m/02hrh1q +/m/07s9rl0 /media_common/netflix_genre/titles /m/01b195 +/m/015jr /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0n6nl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03phgz +/m/03mh_tp /film/film/production_companies /m/0g1rw +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0lzp /base/biblioness/bibs_location/country /m/0k6nt +/m/0cg9f /film/actor/film./film/performance/film /m/0g68zt +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/01qq80 /location/location/time_zones /m/052vwh +/m/01d259 /film/film/written_by /m/026dx +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/09c7w0 /location/location/contains /m/02q253 +/m/04hwbq /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/012q4n /people/person/places_lived./people/place_lived/location /m/059rby +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/0n5c9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n57k +/m/01_k1z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/01z3bz /education/educational_institution_campus/educational_institution /m/01z3bz +/m/02cm2m /people/person/profession /m/0dxtg +/m/05whq_9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03y8cbv +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05qbbfb +/m/03_d0 /music/genre/artists /m/013w8y +/m/033_1p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p47r +/m/0g7pm1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03h4fq7 +/m/04cbtrw /influence/influence_node/influenced_by /m/03f47xl +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/09c7w0 /location/location/contains /m/0r4qq +/m/0m313 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03x726 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/0mcf4 /music/record_label/artist /m/024zq +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/07d3z7 +/m/05fkf /location/location/time_zones /m/02hcv8 +/m/06mfvc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/049g_xj +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t6dz +/m/059t8 /location/location/partially_contains /m/0lm0n +/m/032v0v /film/director/film /m/047vnkj +/m/043tg /people/person/place_of_birth /m/05qtj +/m/01q9b9 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/034np8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h25 /people/deceased_person/place_of_death /m/02_286 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03ysmg /people/person/gender /m/05zppz +/m/07_nf /film/film_subject/films /m/02p86pb +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/crewmember /m/04cy8rb +/m/01_bkd /music/genre/artists /m/0jg77 +/m/04zl8 /film/film/genre /m/03k9fj +/m/02jx1 /location/location/contains /m/0156ts +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bl8l +/m/06myp /people/person/languages /m/04306rv +/m/02w7gg /people/ethnicity/people /m/02f2p7 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m68w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/041rx /people/ethnicity/people /m/03jqw5 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0gm34 /people/deceased_person/place_of_death /m/030qb3t +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0xmqf /location/location/time_zones /m/02hcv8 +/m/013y1f /music/instrument/instrumentalists /m/03c7ln +/m/02vxq9m /film/film/genre /m/01jfsb +/m/0x67 /people/ethnicity/people /m/04pp9s +/m/0690dn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0m8vm /music/genre/artists /m/04mky3 +/m/0219x_ /media_common/netflix_genre/titles /m/0bpbhm +/m/01qz5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01sp81 /film/actor/film./film/performance/film /m/011ywj +/m/045bs6 /film/actor/film./film/performance/film /m/03bxp5 +/m/0bjkk9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01csvq +/m/01qgry /people/person/gender /m/05zppz +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/06x4l_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qmhk /film/film/genre /m/03g3w +/m/02bqxb /film/film/cinematography /m/02rgz97 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/09fc83 /film/film/genre /m/07s9rl0 +/m/032wdd /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0fh2v5 /film/film/country /m/07ssc +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/03_nq /people/person/gender /m/05zppz +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/01vdm0 /music/instrument/instrumentalists /m/05cljf +/m/06qjgc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/096cw_ +/m/02zft0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9vs +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/05dppk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/045r_9 /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/02v60l /people/person/spouse_s./people/marriage/spouse /m/01rr9f +/m/04w391 /film/actor/film./film/performance/film /m/05zlld0 +/m/0h0wd9 /film/film/music /m/0pkgt +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0cgzj +/m/07nvmx /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rly6 +/m/012g92 /film/actor/film./film/performance/film /m/0gvvm6l +/m/01tspc6 /people/person/gender /m/02zsn +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064177 /influence/influence_node/peers./influence/peer_relationship/peers /m/04rfq +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0fjyzt /film/film/country /m/09c7w0 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/047fjjr /film/film/executive_produced_by /m/05hj_k +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/035kl6 /people/person/nationality /m/09c7w0 +/m/0154qm /film/actor/film./film/performance/film /m/04ynx7 +/m/01d8yn /people/person/profession /m/02hrh1q +/m/04jn6y7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tnxc /film/actor/film./film/performance/film /m/0bby9p5 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/015q43 /people/person/spouse_s./people/marriage/spouse /m/0gyx4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym17 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/0gp9mp /people/person/place_of_birth /m/030qb3t +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0f4vx /film/film/genre /m/0219x_ +/m/02v8kmz /film/film/country /m/09c7w0 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/0161sp +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/05hj0n /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/01z4y /media_common/netflix_genre/titles /m/02ppg1r +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/01l1hr +/m/0gy7bj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlt +/m/025_nbr /people/person/place_of_birth /m/0106dv +/m/05p5nc /film/actor/film./film/performance/film /m/0_9wr +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/07sgdw +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05g8pg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ywrc /film/film/genre /m/03bxz7 +/m/0p7qm /film/film/genre /m/02p0szs +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0p8h0 +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnkb +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01p7b6b /people/deceased_person/place_of_death /m/030qb3t +/m/0flj39 /people/person/profession /m/021wpb +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/0p_sc /film/film/genre /m/07s9rl0 +/m/09n48 /olympics/olympic_games/participating_countries /m/0165b +/m/02h0f3 /people/person/place_of_birth /m/02dtg +/m/0342h /music/instrument/instrumentalists /m/09prnq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01c0cc +/m/0cmc26r /film/film/country /m/0345h +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01k9cc +/m/016ntp /people/person/profession /m/016z4k +/m/01k3qj /people/person/profession /m/0nbcg +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/03xds +/m/07bbw /music/genre/artists /m/0560w +/m/01vs_v8 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/01_bp /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/02_h0 /film/film_subject/films /m/011yr9 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/016vg8 /film/actor/film./film/performance/film /m/02d003 +/m/0ddj0x /film/film/country /m/03rt9 +/m/0dg3jz /people/person/profession /m/026sdt1 +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/03vfr_ /film/film/language /m/02h40lc +/m/05tk7y /film/actor/film./film/performance/film /m/047p7fr +/m/06ncr /music/instrument/instrumentalists /m/07z542 +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/02rkkn1 +/m/03lrht /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017b2p /people/person/places_lived./people/place_lived/location /m/07dfk +/m/070px /people/person/gender /m/05zppz +/m/0488g9 /people/person/profession /m/015h31 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03f70xs /people/person/profession /m/05z96 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/038bht /film/actor/film./film/performance/film /m/0gx1bnj +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb5d +/m/0dx_q /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01b_d4 /education/educational_institution/colors /m/019sc +/m/0hskw /people/person/profession /m/01d_h8 +/m/0gw7p /film/film/genre /m/04xvlr +/m/0d7hg4 /people/person/profession /m/0dxtg +/m/04k25 /film/director/film /m/0fpkhkz +/m/05jx2d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015z4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01my95 +/m/02xs0q /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0yxl /people/person/nationality /m/02jx1 +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/017znw +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/03q91d /people/person/profession /m/018gz8 +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/01v_pj6 /people/person/profession /m/09jwl +/m/0147dk /film/actor/film./film/performance/film /m/02qzh2 +/m/02n1gr /people/person/religion /m/078vc +/m/0_jq4 /location/location/time_zones /m/02hcv8 +/m/016wzw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0165v +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/04x_3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02lp1 +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/0gt_0v /music/genre/artists /m/01qdjm +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01nr63 +/m/0ft18 /film/film/written_by /m/03qjlz +/m/0bd67 /location/administrative_division/first_level_division_of /m/05qhw +/m/040_lv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0127s7 /people/person/gender /m/02zsn +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05683cn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02yr1q +/m/05sxzwc /film/film/genre /m/07s9rl0 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/04z_3pm /film/film/country /m/0ctw_b +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0166v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hzlz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03hvk2 +/m/0cw4l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/03shp /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/04s430 +/m/05fg2 /people/person/nationality /m/07ssc +/m/02snj9 /music/instrument/instrumentalists /m/01p0w_ +/m/09v51c2 /award/award_category/winners./award/award_honor/award_winner /m/03_2y +/m/01dthg /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07w8fz /film/film/country /m/07ssc +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/05jt_ /music/genre/parent_genre /m/01738f +/m/041td_ /film/film/costume_design_by /m/03y1mlp +/m/01vsn38 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/044mz_ +/m/030h95 /people/person/profession /m/02hrh1q +/m/0gfzgl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06_bq1 +/m/02f4s3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03_nq /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07qcbw +/m/0xjl2 /music/genre/artists /m/0143q0 +/m/01vzxld /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/015w9s /media_common/netflix_genre/titles /m/02py4c8 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/025sc50 /music/genre/artists /m/02vwckw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hxsv +/m/026mj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/07jxpf /film/film/music /m/01x6v6 +/m/0221g_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/02t_st /people/person/gender /m/05zppz +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/0bt23 /influence/influence_node/influenced_by /m/01lwx +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/082237 +/m/03pn9 /location/country/official_language /m/05qqm +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0bdlj +/m/01zwy /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03r1pr +/m/01900g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0315rp /film/film/featured_film_locations /m/03gh4 +/m/01f3p_ /tv/tv_program/languages /m/02h40lc +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/01vvybv /people/person/profession /m/09jwl +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02mmwk /film/film/production_companies /m/05qd_ +/m/02jx_v /education/educational_institution/school_type /m/05jxkf +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0dky9n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gcrg +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015xp4 +/m/06x77g /film/film/written_by /m/012t1 +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02q56mk /film/film/country /m/03_3d +/m/01w1ywm /film/actor/film./film/performance/film /m/03kx49 +/m/01_jky /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01pdgp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03_r3 +/m/01l0__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vnmc9 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05b__vr +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07s5fz +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/0fttg /base/biblioness/bibs_location/country /m/09c7w0 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xndd +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/045j3w /film/film/genre /m/01jfsb +/m/09k23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqm3 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0382m4 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/04mwxk3 /business/business_operation/industry /m/02vxn +/m/020vx9 /education/educational_institution/school_type /m/05jxkf +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01z4y /media_common/netflix_genre/titles /m/0ddf2bm +/m/0mm_4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/026z9 /music/genre/artists /m/0c7ct +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02z3zp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0kb3n +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/058s44 /film/actor/film./film/performance/film /m/02z2mr7 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0h1q6 /people/person/nationality /m/09c7w0 +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02zs4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/0686zv +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0hh2s /music/genre/parent_genre /m/0glt670 +/m/045hz5 /people/person/religion /m/0flw86 +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0342h /music/instrument/instrumentalists /m/0484q +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bq1j +/m/08zrbl /film/film/cinematography /m/02vx4c2 +/m/02q4mt /film/actor/film./film/performance/film /m/07cdz +/m/0d04z6 /location/country/official_language /m/06nm1 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/02ptzz0 /sports/sports_team/sport /m/039yzs +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/04x4gw /film/film/genre /m/04xvlr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/06bw5 +/m/06mfvc /film/actor/film./film/performance/film /m/06gb1w +/m/0c3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/0404wqb /people/person/nationality /m/09c7w0 +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/047csmy /film/film/prequel /m/05zlld0 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/011_3s +/m/0gnbw /film/actor/film./film/performance/film /m/017180 +/m/01pr6q7 /people/person/religion /m/03_gx +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01fjz9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07g2b /people/person/profession /m/025352 +/m/03qkcn9 /music/artist/origin /m/0d6lp +/m/0mwvq /location/location/contains /m/0zrlp +/m/01w7nwm /people/person/profession /m/02hrh1q +/m/0ddf2bm /film/film/produced_by /m/04t2l2 +/m/02gnmp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/01vng3b /people/person/profession /m/0dz3r +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/0jm3v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0mgkg /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/06g4_ /people/person/employment_history./business/employment_tenure/company /m/07tgn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02w64f +/m/02qjb_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04s04 /people/person/places_lived./people/place_lived/location /m/05kj_ +/m/0lgxj /olympics/olympic_games/participating_countries /m/03ryn +/m/01fxg8 /education/educational_institution/campuses /m/01fxg8 +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/01y9xg /people/person/nationality /m/09c7w0 +/m/06q1r /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l3vx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/07ylj +/m/07ym47 /music/genre/artists /m/0fpjd_g +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/09c7w0 /location/country/second_level_divisions /m/0j_1v +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/04sry /film/actor/film./film/performance/film /m/01xbxn +/m/0289q /sports/sports_team/colors /m/01g5v +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/012g92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cbkc +/m/02bh9 /people/person/places_lived./people/place_lived/location /m/0dg3n1 +/m/0bl06 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/01cl2y /music/record_label/artist /m/017f4y +/m/04g3p5 /film/director/film /m/01j5ql +/m/01_x6d /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jdd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03shp +/m/01pgk0 /film/actor/film./film/performance/film /m/02ryz24 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02qtywd +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/03mb9 /music/genre/artists /m/03t9sp +/m/01g6bk /people/person/gender /m/05zppz +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ytp3 +/m/0b9f7t /people/person/place_of_birth /m/07dfk +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04m1bm +/m/0p__8 /people/person/nationality /m/09c7w0 +/m/03l3jy /film/actor/film./film/performance/film /m/03n0cd +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/06pj8 /film/director/film /m/0k_9j +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pk1p +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02bg55 /film/film/production_companies /m/024rgt +/m/0gy6z9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cp0790 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01wk3c /award/award_winner/awards_won./award/award_honor/award_winner /m/07rhpg +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/09kvv /organization/organization_founder/organizations_founded /m/034h1h +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/01z452 /film/film/produced_by /m/092kgw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/051gjr +/m/0lbd9 /olympics/olympic_games/sports /m/02vx4 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/049dyj /people/person/profession /m/02hrh1q +/m/095zlp /film/film/film_format /m/0cj16 +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/03zg2x +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0gz5hs /people/person/gender /m/05zppz +/m/0gk4g /people/cause_of_death/people /m/0cct7p +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/0cd2vh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/06z9k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0yx7h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/02yxjs /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06crng /people/person/spouse_s./people/marriage/spouse /m/03y82t6 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01k8rb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09fb5 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0hv4t /film/film/language /m/012w70 +/m/01t_wfl /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2w +/m/016kz1 /film/film/genre /m/07s9rl0 +/m/09gq0x5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05z43v /tv/tv_program/genre /m/07s9rl0 +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0j1yf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bksh +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0mhfr /music/genre/artists /m/01vrx35 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015g_7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j851 +/m/029pnn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hwpz +/m/0d35y /location/location/contains /m/0qpqn +/m/025t9b /film/actor/film./film/performance/film /m/02x3y41 +/m/0ctw_b /location/location/contains /m/0gs0g +/m/0g476 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/016clz /music/genre/artists /m/07r4c +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0clpml +/m/02w7gg /people/ethnicity/people /m/09fb5 +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/014zcr /film/actor/film./film/performance/film /m/0418wg +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0484q /people/person/profession /m/09jwl +/m/01gq0b /film/actor/film./film/performance/film /m/0b76kw1 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/0h0wd9 /film/film/written_by /m/03thw4 +/m/09146g /film/film/genre /m/03k9fj +/m/0p9gg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9lm2 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0170qf /film/actor/film./film/performance/film /m/05wp1p +/m/011wtv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06w839_ /film/film/country /m/09c7w0 +/m/044qx /film/actor/film./film/performance/film /m/0gcpc +/m/0bm2g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/034q3l /film/actor/film./film/performance/film /m/016y_f +/m/0bmh4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jpmpv +/m/02hnl /music/instrument/instrumentalists /m/0bkg4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xn7x1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/03j0d /people/person/place_of_birth /m/0c1d0 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0n491 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/01j5x6 /film/actor/film./film/performance/film /m/09g7vfw +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0qdyf /people/person/languages /m/02h40lc +/m/03nb5v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ksr1 +/m/02ctzb /people/ethnicity/people /m/0c3dzk +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/06j6l /music/genre/artists /m/01nhkxp +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c4f4 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/015qqg /film/film/country /m/09c7w0 +/m/04jwly /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gglm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/0g476 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06czxq +/m/0hsn_ /people/person/profession /m/0d1pc +/m/01v80y /people/person/profession /m/02krf9 +/m/0863x_ /film/actor/film./film/performance/film /m/02nt3d +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0gywn /music/genre/artists /m/015mrk +/m/0vfs8 /location/location/time_zones /m/02hcv8 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01hxs4 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/04kr63w /people/person/place_of_birth /m/0f2wj +/m/045j3w /film/film/runtime./film/film_cut/film_release_region /m/05r4w +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/036jv /music/genre/artists /m/01vw8mh +/m/01ps2h8 /people/person/languages /m/064_8sq +/m/049fbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f0p0 /people/person/place_of_birth /m/01qjct +/m/04vzv4 /award/award_winner/awards_won./award/award_honor/award_winner /m/05x2t7 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/02qsjt +/m/09c7w0 /location/location/contains /m/01qh7 +/m/02633g /people/person/places_lived./people/place_lived/location /m/04rrd +/m/01_qc_ /people/cause_of_death/people /m/016z51 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/0dj0m5 /film/film/genre /m/03k9fj +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/06nd8c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/031786 /film/film/genre /m/01hmnh +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02k1b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/04gr35 /people/person/profession /m/0np9r +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/0bxsk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mn8t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hm4q /business/job_title/people_with_this_title./business/employment_tenure/company /m/0h6rm +/m/0d_wms /film/film/cinematography /m/06qn87 +/m/04mp9q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/instrument/instrumentalists /m/01vswx5 +/m/01vtg4q /people/person/gender /m/05zppz +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01gc8c /location/location/time_zones /m/02hcv8 +/m/03h0byn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03_lf /influence/influence_node/influenced_by /m/048cl +/m/0j4b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c_gcr +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0333t +/m/04h5_c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gct_ /influence/influence_node/influenced_by /m/07_m2 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/01qn8k /people/person/place_of_birth /m/04jpl +/m/01k8q5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/02dztn +/m/0p_pd /people/person/gender /m/05zppz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0_7w6 +/m/0gls4q_ /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01ft14 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02bjhv +/m/0292qb /film/film/genre /m/01hmnh +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062cg6 +/m/0d4htf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0p2rj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/01yg9y /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127m7 +/m/02w7gg /people/ethnicity/people /m/0l6px +/m/0fvd03 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/017lvd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/06k5_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f1_p +/m/031296 /film/actor/film./film/performance/film /m/0crd8q6 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c34mt +/m/02xs5v /film/actor/film./film/performance/film /m/0pd6l +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/0127m7 +/m/0tz1j /location/location/time_zones /m/02hcv8 +/m/08hp53 /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1m +/m/0ghvb /education/educational_institution/colors /m/09ggk +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/03rg2b /film/film/genre /m/07s9rl0 +/m/02rgz4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vjzr /music/genre/artists /m/01jgkj2 +/m/0glnm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/0g2lq /people/person/gender /m/05zppz +/m/02fgp0 /people/person/profession /m/025352 +/m/05rfst /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02hqt6 /sports/sports_team/colors /m/03vtbc +/m/07l5z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n22z +/m/01tt43d /people/person/profession /m/02hrh1q +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/016clz /music/genre/artists /m/01vswwx +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/03n_7k /film/actor/film./film/performance/film /m/0661m4p +/m/02fwfb /film/film/genre /m/0219x_ +/m/0285c /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/03xyp_ /people/person/nationality /m/0d060g +/m/04vmqg /film/actor/film./film/performance/film /m/02b61v +/m/03h_fk5 /people/person/gender /m/05zppz +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/06bzwt /people/person/gender /m/05zppz +/m/02s4l6 /film/film/featured_film_locations /m/04jpl +/m/05k2s_ /film/actor/film./film/performance/film /m/0h7t36 +/m/0dx_q /people/person/profession /m/02hrh1q +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yk8z +/m/0c5_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07kg3 /location/administrative_division/first_level_division_of /m/03rjj +/m/021r7r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f8lw /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dl5d /music/genre/parent_genre /m/0155w +/m/02qgyv /film/actor/film./film/performance/film /m/08952r +/m/0166c7 /location/administrative_division/country /m/0d05w3 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/070fnm +/m/049n3s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05w6cw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0lk90 +/m/069_0y /film/director/film /m/0432_5 +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j24kf +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnpv +/m/03m6t5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f102 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03s5t +/m/01dhmw /people/person/religion /m/03_gx +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044mm6 +/m/02__7n /film/actor/film./film/performance/film /m/03kxj2 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03qjlz +/m/0hdf8 /music/genre/artists /m/01w8n89 +/m/05whq_9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04yt7 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03f6fl0 /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/09x3r /olympics/olympic_games/participating_countries /m/0chghy +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01n8qg /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03k7bd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yxg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fn8jc +/m/0gkd1 /music/instrument/instrumentalists /m/019389 +/m/0162b /location/location/contains /m/0fnb4 +/m/033tf_ /people/ethnicity/people /m/019n7x +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_ncg +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02_fz3 /film/film/genre /m/0lsxr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02yr1q +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/029pnn /film/actor/film./film/performance/film /m/0hwpz +/m/031zkw /people/person/nationality /m/05v8c +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/03rt9 /location/location/contains /m/0clzr +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/050_qx /people/person/place_of_birth /m/06wxw +/m/0889x /people/person/nationality /m/0d0vqn +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02760sl +/m/0fdv3 /film/film/prequel /m/0dfw0 +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/03lty /music/genre/artists /m/01pny5 +/m/02b1cn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nwwl +/m/01pl9g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01wbg84 /film/actor/film./film/performance/film /m/02_qt +/m/012c6x /people/person/profession /m/03gjzk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01dwyd +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0fsw_7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bch9 /people/ethnicity/people /m/0lh0c +/m/0jrqq /people/person/languages /m/07c9s +/m/035dk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f5x +/m/07d3x /influence/influence_node/influenced_by /m/037jz +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0170th /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01kv4mb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0j6tr +/m/03qnc6q /film/film/genre /m/04xvlr +/m/0160w /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02psgq /film/film/genre /m/01t_vv +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017z49 +/m/018ctl /olympics/olympic_games/participating_countries /m/03_3d +/m/025ttz4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/034zc0 /people/person/place_of_birth /m/0d6lp +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cl2w +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01sjz_ /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/063k3h /people/ethnicity/people /m/0kjgl +/m/02v570 /film/film/country /m/09c7w0 +/m/054g1r /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/015_30 +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ggbhy7 +/m/019vhk /film/film/language /m/01r2l +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b9rdk +/m/01nfys /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/02sgy +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0q8sw /location/hud_county_place/county /m/0kwgs +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0424m +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/05qsxy /people/person/place_of_birth /m/05fkf +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/06j6l /music/genre/artists /m/01364q +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/02zyq6 /people/person/nationality /m/09c7w0 +/m/01cyd5 /education/educational_institution/students_graduates./education/education/student /m/0gthm +/m/0l2tk /education/educational_institution/campuses /m/0l2tk +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0180mw +/m/017_qw /music/genre/artists /m/0h6sv +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/0jvs0 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0g33q +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/047tsx3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01phtd /people/person/languages /m/064_8sq +/m/07ssc /media_common/netflix_genre/titles /m/02z0f6l +/m/018sg9 /education/educational_institution/school_type /m/05jxkf +/m/04rrx /location/location/contains /m/0vqcq +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01wj92r +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02jx1 /location/location/contains /m/0c_zj +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/01nx_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0csdzz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044rv /base/aareas/schema/administrative_area/administrative_parent /m/03ryn +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/014q2g /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01nr36 /people/person/spouse_s./people/marriage/spouse /m/01vwllw +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01wd9vs +/m/01fkr_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0jm64 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/03mp8k /music/record_label/artist /m/09889g +/m/05gml8 /people/person/gender /m/02zsn +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03rx9 /people/person/profession /m/0cbd2 +/m/0ddfwj1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/06j8q_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0kvbl6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/064t9 /music/genre/artists /m/04vrxh +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hkf +/m/04zkj5 /film/actor/film./film/performance/film /m/04gv3db +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0c1pj /film/actor/film./film/performance/film /m/01znj1 +/m/02w59b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09rvcvl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0l2jb /location/location/time_zones /m/02lcqs +/m/01vvb4m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05c46y6 +/m/081lh /people/person/places_lived./people/place_lived/location /m/01531 +/m/0352gk /education/educational_institution/school_type /m/01rs62 +/m/01s_d4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05sj55 +/m/01kff7 /film/film/cinematography /m/0bqytm +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqrf +/m/0151xv /people/person/nationality /m/07ssc +/m/01q7cb_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0882j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jym0 /film/film/written_by /m/0b_7k +/m/059kh /music/genre/artists /m/016vn3 +/m/01r9md /people/person/profession /m/02hrh1q +/m/049m19 /people/person/profession /m/01d_h8 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t0dy +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b25y +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0557yqh +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01k_yf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jsn5 /education/educational_institution/campuses /m/01jsn5 +/m/02fj8n /film/film/written_by /m/04hw4b +/m/02rv1w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n_hp /film/film/genre /m/060__y +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/0mm1q /film/actor/film./film/performance/film /m/034hwx +/m/01k9lpl /people/person/profession /m/02hrh1q +/m/05z7c /film/film/produced_by /m/0j_c +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/07vht /education/educational_institution/colors /m/01g5v +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8h1 +/m/01fkxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0g7s1n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02rrsz +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/0gbbt /dataworld/gardening_hint/split_to /m/018vs +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0dp7wt +/m/026hh0m /film/film/music /m/0bs1yy +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05b__vr +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/09yxcz /film/film/music /m/01gg59 +/m/0g2dz /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/0161rf /music/genre/artists /m/02zfdp +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/047rkcm /film/film/language /m/02h40lc +/m/01h7bb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0q5hw +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/054c1 /people/person/place_of_birth /m/0cr3d +/m/011j5x /music/genre/artists /m/070b4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0c8tk +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/01r9fv /people/person/gender /m/02zsn +/m/0fhxv /music/group_member/membership./music/group_membership/group /m/0dtd6 +/m/01s5q /film/film_subject/films /m/0294mx +/m/0c1jh /influence/influence_node/influenced_by /m/028p0 +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06v_gh +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9l_ +/m/0yx1m /film/film/genre /m/0gf28 +/m/0hpt3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0bshwmp /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/05qx1 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02tq2r /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/0405l /people/person/profession /m/02jknp +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/09gmmt6 /film/film/music /m/04ls53 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05css_ +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/06wbm8q +/m/09jw2 /music/genre/artists /m/020_4z +/m/01cpqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/01fm07 /music/genre/artists /m/01w7nww +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284h6 +/m/062zm5h /film/film/genre /m/02kdv5l +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/0g_zyp /film/film/costume_design_by /m/02pqgt8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0221g_ +/m/02ck1 /people/person/gender /m/05zppz +/m/0dh1n_ /people/person/profession /m/02jknp +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/09c7w0 /location/location/contains /m/0d7k1z +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01nd2c +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/02fqxm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02rq8k8 +/m/02j9z /base/locations/continents/countries_within /m/077qn +/m/01nwwl /film/actor/film./film/performance/film /m/011yxg +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/059rby /location/location/contains /m/0f60c +/m/0229rs /music/record_label/artist /m/016wvy +/m/02_t2t /people/person/profession /m/0n1h +/m/024n3z /people/person/places_lived./people/place_lived/location /m/04lc0h +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05p3738 /film/film/genre /m/02p0szs +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015cbq +/m/016wzw /location/location/contains /m/0lpfh +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0d05w3 +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/01ztgm +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0kjgl +/m/02t1dv /film/actor/film./film/performance/film /m/0ckr7s +/m/02kxbwx /people/person/gender /m/05zppz +/m/06c0ns /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/054k_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgr5xp +/m/042fgh /film/film/country /m/07ssc +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/027f7dj +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/03f47xl /people/person/nationality /m/06bnz +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/03f77 +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/0gkg6 /music/group_member/membership./music/group_membership/group /m/04rcr +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/05fcbk7 /film/film/genre /m/01hmnh +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07l24 +/m/011yqc /film/film/produced_by /m/04pqqb +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/0pksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09v0wy2 +/m/0pc56 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2sr +/m/049nq /location/location/contains /m/0fqxc +/m/01cycq /film/film/genre /m/03k9fj +/m/0byfz /people/person/profession /m/01d_h8 +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0b_6zk /time/event/locations /m/02cl1 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/07ssc /location/location/contains /m/01z53w +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0lhn5 /base/biblioness/bibs_location/country /m/09c7w0 +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03d8m4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06vlk0 +/m/01z7s_ /people/person/profession /m/02jknp +/m/01zh29 /people/person/profession /m/015cjr +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/04cppj /film/film/cinematography /m/02rgz97 +/m/0rrwt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0619m3 /sports/sports_position/players./sports/sports_team_roster/team /m/02pyyld +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040z9 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01f7dd /film/actor/film./film/performance/film /m/0419kt +/m/0408np /people/person/nationality /m/09c7w0 +/m/02xp18 /people/person/profession /m/03gjzk +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04zwc /education/educational_institution/colors /m/083jv +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03n_7k +/m/03bww6 /tv/tv_program/genre /m/09lmb +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01rh0w /film/actor/film./film/performance/film /m/0blpg +/m/030hbp /people/person/spouse_s./people/marriage/spouse /m/030hcs +/m/0sxfd /film/film/production_companies /m/05qd_ +/m/0rh6k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/0515_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/030wkp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02b6n9 /film/film/genre /m/01t_vv +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pdbs +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/0cc5qkt /film/film/production_companies /m/01gb54 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/016tvq /tv/tv_program/program_creator /m/02qlkc3 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/023r2x /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03t22m +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/0c0sl /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02qw_v +/m/02h40lc /language/human_language/countries_spoken_in /m/03h64 +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/0pkyh +/m/0234pg /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01jv_6 +/m/01vw8k /film/film/language /m/02h40lc +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/017c87 /people/person/languages /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06yszk +/m/01nx_8 /people/person/nationality /m/09c7w0 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05cl8y /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/056xkh /film/film/genre /m/0lsxr +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fs9vc +/m/01309x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gwk3 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/04y8r +/m/01d259 /film/film/country /m/0f8l9c +/m/0x67 /people/ethnicity/people /m/05mt_q +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/03wdsbz +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02kwcj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q64h +/m/0kvnn /people/person/profession /m/09jwl +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/087vz /location/location/contains /m/0fhzy +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03dj48 +/m/041rx /people/ethnicity/people /m/0252fh +/m/01znc_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hg5 +/m/01lc5 /people/person/profession /m/02jknp +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044gyq +/m/016kjs /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgkj2 +/m/02sqkh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02633g /influence/influence_node/influenced_by /m/014z8v +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/026v1z +/m/01_0f7 /film/film/language /m/02bjrlw +/m/09c7w0 /location/location/contains /m/0fr0t +/m/047n8xt /film/film/film_format /m/0cj16 +/m/01vnbh /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/09gdh6k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_hj4 /film/actor/film./film/performance/film /m/07kb7vh +/m/01vw87c /people/person/nationality /m/09c7w0 +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/03fg0r +/m/01chg /music/genre/artists /m/01gg59 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0221g_ /education/university/fraternities_and_sororities /m/0325pb +/m/04mlh8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mx8h4 +/m/0bt7ws /people/person/places_lived./people/place_lived/location /m/0tl6d +/m/01s753 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/06j6l /music/genre/artists /m/06s7rd +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/07t_x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07yk1xz /film/film/featured_film_locations /m/01yj2 +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01q9b9 +/m/0225z1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0glh3 /location/location/contains /m/0dhdp +/m/0bxy67 /film/actor/film./film/performance/film /m/04jwjq +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0169dl +/m/01pdgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03sww /people/person/profession /m/0nbcg +/m/02114t /people/person/spouse_s./people/marriage/spouse /m/036hf4 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/09c7w0 /location/location/contains /m/016w7b +/m/0bvn25 /film/film/executive_produced_by /m/05txrz +/m/01dtcb /music/record_label/artist /m/0232lm +/m/01vwyqp /people/person/places_lived./people/place_lived/location /m/06wxw +/m/01pk8v /people/person/places_lived./people/place_lived/location /m/07_fl +/m/01tx9m /education/educational_institution/colors /m/01l849 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017d93 +/m/01n7q /location/location/contains /m/0bxqq +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bsb4j +/m/07_nf /film/film_subject/films /m/0p_qr +/m/03gfvsz /broadcast/content/artist /m/01cwhp +/m/0345_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0394y /music/artist/origin /m/0d6lp +/m/0dq23 /organization/organization/headquarters./location/mailing_address/citytown /m/0mnyn +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cdf37 +/m/03ntbmw /film/film/executive_produced_by /m/06q8hf +/m/02qmsr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0150t6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0417z2 +/m/05w3f /music/genre/artists /m/09prnq +/m/09cxm4 /film/film/music /m/02fgpf +/m/02mc5v /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/0bzrxn /time/event/locations /m/0vzm +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0h0jz /film/actor/film./film/performance/film /m/01vw8k +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01f5q5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0mm1q /people/person/nationality /m/07ssc +/m/09n5t_ /music/genre/artists /m/016s_5 +/m/02cpp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/064_8sq /media_common/netflix_genre/titles /m/0bz3jx +/m/02cttt /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/09c7w0 /location/country/second_level_divisions /m/0l2q3 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/04k9y6 /film/film/genre /m/0vgkd +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/017t44 /location/location/contains /m/09d4_ +/m/016wzw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/09c7w0 /location/location/contains /m/01ky7c +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/019_1h +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/01vvb4m /people/person/place_of_birth /m/0nbwf +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01337_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01hqk /film/film/genre /m/04pbhw +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06z5s /people/cause_of_death/people /m/08gyz_ +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/04kcn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01rwyq +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/049k4w /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/0mj0c /people/person/profession /m/016fly +/m/02bv9 /language/human_language/countries_spoken_in /m/03gk2 +/m/016sd3 /education/educational_institution/colors /m/083jv +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/024qwq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035yg +/m/05jx17 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02vyh /award/award_winner/awards_won./award/award_honor/award_winner /m/03_bcg +/m/09q5w2 /film/film/country /m/07ssc +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yy9r +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jmj7 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/01t8399 /music/group_member/membership./music/group_membership/group /m/0cfgd +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/05kkh /location/location/contains /m/05krk +/m/01skmp /film/actor/film./film/performance/film /m/0gjc4d3 +/m/0kv2hv /film/film/executive_produced_by /m/0bgrsl +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02fsn /music/instrument/instrumentalists /m/01vsksr +/m/01cl2y /music/record_label/artist /m/02dbp7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/05y7hc /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03_x5t /film/actor/film./film/performance/film /m/01718w +/m/04tnqn /people/person/profession /m/018gz8 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06x4l_ +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/05r6t /music/genre/artists /m/043c4j +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/06gn7r +/m/02_h0 /film/film_subject/films /m/03lvwp +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02v63m /film/film/music /m/0b6yp2 +/m/06ybb1 /film/film/written_by /m/0gn30 +/m/04j14qc /film/film/featured_film_locations /m/02_286 +/m/0lwyk /education/educational_institution/school_type /m/05jxkf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04wqsm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0l3h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02613 +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/06ncr /music/instrument/instrumentalists /m/036px +/m/06fxnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0150t6 +/m/06_vpyq /people/person/place_of_birth /m/0n6bs +/m/01z452 /film/film/music /m/03h610 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0m2b5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m241 +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/015v3r +/m/07tw_b /film/film/genre /m/0gf28 +/m/033wx9 /people/person/profession /m/02hrh1q +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/0301yj /film/actor/film./film/performance/film /m/0gtxj2q +/m/01h1b /people/person/profession /m/02jknp +/m/04764j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0r04p /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dn16 /music/genre/artists /m/03xnq9_ +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0ddcbd5 /film/film/genre /m/02kdv5l +/m/03_qj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04dsnp +/m/0rh6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j24kf +/m/023n39 /people/person/places_lived./people/place_lived/location /m/01mjq +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/027l0b /film/actor/film./film/performance/film /m/0hvvf +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/04yc76 +/m/0241wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030z4z +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/04qz6n +/m/03lty /music/genre/artists /m/0zjpz +/m/011yxy /film/film/written_by /m/03s9b +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/014z8v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01h1bf +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09v6tz +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/030qb3t +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/09c7w0 /location/country/second_level_divisions /m/0kq2g +/m/01qq_lp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/01jmv8 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0p9gg /people/person/nationality /m/09c7w0 +/m/02t_h3 /film/film/production_companies /m/03sb38 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/02mqc4 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0hhjk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/06fqlk /film/film/written_by /m/09pl3f +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/0f8j13 /film/film/genre /m/01q03 +/m/01bl7g /film/film/genre /m/01jfsb +/m/01qn8k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/01846t /film/actor/film./film/performance/film /m/0f4yh +/m/01xndd /people/person/places_lived./people/place_lived/location /m/027l4q +/m/09c7w0 /location/country/second_level_divisions /m/0m2gz +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/06l22 /sports/sports_team/colors /m/083jv +/m/09r9m7 /people/person/place_of_birth /m/02_286 +/m/02v5_g /film/film/genre /m/0gf28 +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/048z7l /people/ethnicity/people /m/01mqz0 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/06q8hf +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/0nbjq /olympics/olympic_games/sports /m/03fyrh +/m/07s9rl0 /media_common/netflix_genre/titles /m/016y_f +/m/04954r /film/film/music /m/02w670 +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/0kvqv +/m/014gjp /tv/tv_program/genre /m/06nbt +/m/02t_zq /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/04z257 /film/film/genre /m/0556j8 +/m/02cbhg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07r_dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g23m +/m/015g28 /film/film/country /m/07ssc +/m/03rz2b /film/film/country /m/09c7w0 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/026670 +/m/0tc7 /film/actor/film./film/performance/film /m/085wqm +/m/01flv_ /film/film/production_companies /m/01gb54 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d5wn3 +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0p8r1 /film/actor/film./film/performance/film /m/02qm_f +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0164r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jt90f5 /people/person/profession /m/0dxtg +/m/0b13g7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j_j0 +/m/0dzst /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/04thp /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/04sskp /tv/tv_program/genre /m/01hmnh +/m/012g92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/03t95n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03dj6y +/m/050l8 /location/location/contains /m/0x1jc +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/0qcr0 /people/cause_of_death/people /m/01pbwwl +/m/02knnd /people/deceased_person/place_of_death /m/0r3tq +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/016cjb /music/genre/artists /m/03y82t6 +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/015pdg /music/genre/artists /m/04r1t +/m/05cc1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07p62k /film/film/written_by /m/04l3_z +/m/020923 /education/educational_institution_campus/educational_institution /m/020923 +/m/07lx1s /education/educational_institution_campus/educational_institution /m/07lx1s +/m/0hzlz /location/country/official_language /m/02h40lc +/m/06s0l /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/047fwlg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03lpd0 /people/person/gender /m/02zsn +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/05dppk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxy +/m/0h336 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/018ctl /olympics/olympic_games/participating_countries /m/07t21 +/m/03qy3l /music/record_label/artist /m/01vtj38 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch26b_ +/m/0xckc /location/location/time_zones /m/02hcv8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01xn7x1 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09zf_q +/m/0gk4g /people/cause_of_death/people /m/09x8ms +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/0l14md /music/instrument/instrumentalists /m/01sb5r +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01fxfk +/m/025txtg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gwlfnb /film/film/genre /m/01jfsb +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/04gv3db /film/film/prequel /m/0bmssv +/m/026njb5 /film/film/executive_produced_by /m/02z6l5f +/m/02r2j8 /film/film/cinematography /m/03_fk9 +/m/017fp /media_common/netflix_genre/titles /m/0ywrc +/m/015pkc /film/actor/film./film/performance/film /m/0298n7 +/m/09xrxq /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0j3v /influence/influence_node/influenced_by /m/0j3v +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/041rx /people/ethnicity/people /m/01vrt_c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014kq6 +/m/0yx7h /film/film/genre /m/09blyk +/m/0njcw /location/location/time_zones /m/02hcv8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b185 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/069vt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/06c1y +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023fb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/04x4vj /film/film/executive_produced_by /m/07s93v +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0435vm +/m/0309lm /people/person/profession /m/0np9r +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09thp87 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/012gq6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mbf4 +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/01lvcs1 /people/person/place_of_birth /m/0cr3d +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/01vnbh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxwk +/m/0bdd_ /location/location/contains /m/025ttz4 +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/062dn7 +/m/05tgks /film/film/genre /m/07s9rl0 +/m/01633c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/0p4v_ /film/film/genre /m/06cvj +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/06tgw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q96q6 /film/film/country /m/07ssc +/m/0fsb8 /sports/sports_team_location/teams /m/01y3c +/m/03jsvl /music/genre/artists /m/015cxv +/m/08lpkq /music/genre/parent_genre /m/03_d0 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0d6d2 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/040p3y +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s7w3 +/m/0cz8mkh /film/film/country /m/0d060g +/m/0160w /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0ftxc /location/hud_county_place/place /m/0ftxc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049bp4 +/m/0d060g /location/country/second_level_divisions /m/036k0s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049fcd +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/035wtd +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03nb5v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0584r4 +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/015_1q /music/record_label/artist /m/02bwjv +/m/0qf43 /people/person/religion /m/0c8wxp +/m/05c6073 /music/genre/artists /m/0191h5 +/m/06mtq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fly +/m/024qqx /media_common/netflix_genre/titles /m/0q9sg +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/064t9 /music/genre/artists /m/047sxrj +/m/02p72j /education/educational_institution/school_type /m/05jxkf +/m/01jq0j /education/educational_institution/school_type /m/05jxkf +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0glmv /film/actor/film./film/performance/film /m/03bx2lk +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/070j61 +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/016tt2 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/02p8v8 /film/actor/film./film/performance/film /m/065z3_x +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jbs5 +/m/01vv126 /people/person/sibling_s./people/sibling_relationship/sibling /m/02r3cn +/m/0fn8jc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/01nwwl /film/actor/film./film/performance/film /m/041td_ +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/012201 +/m/095b70 /people/person/gender /m/05zppz +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/01q4qv /film/director/film /m/0qmhk +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/0mm1q /film/director/film /m/01dvbd +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04q5zw +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03ryn +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0jpkw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06ls0l +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/038bht +/m/02yxbc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0gy0l_ /film/film/film_production_design_by /m/0dh73w +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/055sjw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fykz +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01wmgrf /people/person/places_lived./people/place_lived/location /m/04tgp +/m/06c97 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb607 +/m/011k11 /music/record_label/artist /m/07_3qd +/m/032clf /film/film/country /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/06bnz /location/location/contains /m/0342z_ +/m/04psyp /film/actor/film./film/performance/film /m/02bqvs +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/01w_d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/043qqt5 /tv/tv_program/genre /m/0pr6f +/m/05r5c /music/instrument/instrumentalists /m/015x1f +/m/029zqn /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/047t_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076tq0z +/m/0b7xl8 /people/person/place_of_birth /m/01531 +/m/021q2j /education/educational_institution/colors /m/09ggk +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/06w99h3 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04jq2 +/m/02jsgf /film/actor/film./film/performance/film /m/02_fz3 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058frd +/m/026mj /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0c4f4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0gx1l +/m/03kx49 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/05dbf /people/person/nationality /m/09c7w0 +/m/02j9z /base/locations/continents/countries_within /m/0345h +/m/041rx /people/ethnicity/people /m/025t9b +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cv72h /people/person/gender /m/05zppz +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/06ztvyx +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/04mz10g /people/person/gender /m/05zppz +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bs5f0b /film/film/production_companies /m/046b0s +/m/02b25y /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/0jzw /film/film/language /m/07zrf +/m/017fp /media_common/netflix_genre/titles /m/04x4nv +/m/01l3mk3 /people/person/profession /m/01c72t +/m/03rjj /location/location/contains /m/0dly0 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0846v /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/03v0t /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9lm2 +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/026mx4 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/09k9d0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0424m /people/person/profession /m/04gc2 +/m/0mdqp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015p37 +/m/0j5q3 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/01pjr7 /people/person/nationality /m/09c7w0 +/m/0bt3j9 /film/film/language /m/02h40lc +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/06rzwx /film/film/language /m/03hkp +/m/0_7w6 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01xbxn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02w29z /people/person/place_of_birth /m/0100mt +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07_l61 +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0c921 /people/person/nationality /m/09c7w0 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qssrm +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/02jhc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/03xp8d5 /film/director/film /m/0yx1m +/m/014x77 /film/actor/film./film/performance/film /m/020y73 +/m/02b19t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04xvlr /media_common/netflix_genre/titles /m/026fs38 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/010v8k /location/hud_county_place/place /m/010v8k +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/0cqt90 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rqf1 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yfp7 +/m/02qvhbb /people/person/profession /m/02jknp +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/07gql /music/instrument/instrumentalists /m/01wmjkb +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0408m53 /film/film/produced_by /m/0pz91 +/m/024dgj /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/043h78 /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0g4gr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/0ff2k +/m/059rby /location/location/contains /m/01jzyx +/m/01386_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/01jpqb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kx_81 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01pdgp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/026qnh6 /film/film/written_by /m/013tcv +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/0ch3qr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04jspq /film/actor/film./film/performance/film /m/02c7k4 +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jm_hq +/m/02d49z /film/film/music /m/0jn5l +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8tgs +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028d4v /film/actor/film./film/performance/film /m/04k9y6 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/02n9bh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05h95s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pfr3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/015f7 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02zfg3 /film/actor/film./film/performance/film /m/0gw7p +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/023znp +/m/0dq9p /medicine/disease/risk_factors /m/01hbgs +/m/05l0j5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0jdd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t_x +/m/0978r /location/location/contains /m/0k2h6 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vd6 +/m/041rx /people/ethnicity/people /m/02wycg2 +/m/0c8br /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01gc8c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hmnh /media_common/netflix_genre/titles /m/0gc_c_ +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0fvzg /location/hud_county_place/place /m/0fvzg +/m/01_gv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09b0xs /people/person/profession /m/03gjzk +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0n00 /people/person/gender /m/05zppz +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/03sc8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/0l2hf /location/location/time_zones /m/02lcqs +/m/016yzz /film/actor/film./film/performance/film /m/060__7 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/05typm /film/actor/film./film/performance/film /m/04zyhx +/m/012s5j /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0dszr0 /people/person/religion /m/0c8wxp +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/079ws /influence/influence_node/influenced_by /m/0h25 +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hw1j +/m/0fr7nt /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/05vw7 /location/administrative_division/country /m/07ssc +/m/03z20c /film/film/genre /m/06cvj +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01csvq +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03ryn +/m/01fs__ /film/film/language /m/02h40lc +/m/01z4y /media_common/netflix_genre/titles /m/03cyslc +/m/02x8m /music/genre/artists /m/0163m1 +/m/0cqnss /film/film/production_companies /m/086k8 +/m/03f7xg /film/film/film_production_design_by /m/03mdw3c +/m/09c7w0 /location/location/contains /m/013yq +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/02t_tp /people/person/place_of_birth /m/0y1rf +/m/041rhq /film/actor/film./film/performance/film /m/0n08r +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/01xdf5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05_z42 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02v92l /people/person/profession /m/0np9r +/m/020_95 /film/actor/film./film/performance/film /m/05q_dw +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/02825nf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/099pks /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/01jpyb /education/educational_institution/school_type /m/01_9fk +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/01w9wwg +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/04mvk7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p3_y +/m/06npd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7x +/m/0d7vtk /film/film/country /m/09c7w0 +/m/017v3q /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03fts +/m/0q9zc /people/person/place_of_birth /m/0cr3d +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01h8f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/01fpvz /education/educational_institution/students_graduates./education/education/student /m/0dq2k +/m/027jq2 /people/person/place_of_birth /m/06n8j +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0g39h /location/administrative_division/country /m/0chghy +/m/04gvt5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pz7h /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/0ptxj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ct_k /film/actor/film./film/performance/film /m/03kxj2 +/m/01jygk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05ft32 /film/film/language /m/03hkp +/m/099d4 /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/03tdlh /people/person/nationality /m/09c7w0 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/033w9g /film/actor/film./film/performance/film /m/0n08r +/m/05r6t /music/genre/artists /m/0285c +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04smdd /film/film/language /m/02h40lc +/m/01pny5 /people/person/profession /m/0dz3r +/m/07bbw /music/genre/artists /m/016m5c +/m/02chhq /film/film/genre /m/03bxz7 +/m/012jfb /film/film/genre /m/0219x_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01z28b +/m/01tsbmv /people/person/nationality /m/07ssc +/m/07c52 /media_common/netflix_genre/titles /m/0584r4 +/m/03rhqg /music/record_label/artist /m/01k_r5b +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/0byfz /people/person/profession /m/02jknp +/m/0ff2k /people/person/profession /m/0cbd2 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/07y9w5 +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/080h2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05dbf +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/095p3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06zd1c +/m/0l6vl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/03txms /people/person/places_lived./people/place_lived/location /m/0hptm +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbx3 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/053vcrp +/m/017mbb /music/group_member/membership./music/group_membership/role /m/0342h +/m/01s3kv /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/047p798 /film/film/film_format /m/0cj16 +/m/01vrlqd /award/award_winner/awards_won./award/award_honor/award_winner /m/01r6jt2 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ctb4g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06vbd +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0q19t /organization/organization/headquarters./location/mailing_address/citytown /m/029t1 +/m/016z2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03knl +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/06pyc2 /film/film/film_art_direction_by /m/05728w1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/01cl0d /music/record_label/artist /m/01dwrc +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03y7ml +/m/0164nb /people/person/religion /m/04pk9 +/m/085v7 /sports/sports_team/sport /m/02vx4 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/01pcdn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018ygt +/m/0nj3m /location/us_county/county_seat /m/0vp5f +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/08vxk5 /people/person/gender /m/02zsn +/m/013b6_ /people/ethnicity/people /m/01s3kv +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/position /m/02s7tr +/m/0jf1b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkg6 /people/person/profession /m/09jwl +/m/0m2by /location/location/time_zones /m/02hczc +/m/0cttx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05pq9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02645b +/m/07lp1 /influence/influence_node/influenced_by /m/040db +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/024qqx /media_common/netflix_genre/titles /m/085wqm +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0dc3_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02975m +/m/05m7zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/099bhp /film/film/language /m/02h40lc +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02k_kn /music/genre/artists /m/025ldg +/m/025_nbr /people/person/gender /m/05zppz +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9zljd +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03lvwp +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/095zlp +/m/0fr63l /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0315w4 /film/film/language /m/02h40lc +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265vcb +/m/0pyww /people/person/profession /m/018gz8 +/m/03k0yw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g14f /base/biblioness/bibs_location/country /m/07ssc +/m/0cwfgz /film/film/genre /m/01jfsb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x726 +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/02p4jf0 /music/record_label/artist /m/016m5c +/m/03xb2w /film/actor/film./film/performance/film /m/0gj96ln +/m/03lq43 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/01vmv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0glt670 /music/genre/artists /m/09qr6 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/03m_k0 +/m/042d1 /people/person/profession /m/04gc2 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hcr +/m/023rwm /music/record_label/artist /m/013rfk +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02_lt +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/07nznf /film/director/film /m/016fyc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07t_x +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/02kzfw /education/educational_institution/school_type /m/0bwd5 +/m/057d89 /award/award_winner/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/01s1zk /people/person/profession /m/016z4k +/m/09c7w0 /location/location/contains /m/01ljpm +/m/02_qt /film/film/country /m/09c7w0 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bbxx9b +/m/017vkx /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0m2rv /location/hud_county_place/county /m/0njpq +/m/0b7gr2 /people/person/gender /m/05zppz +/m/0tnkg /location/location/time_zones /m/02hcv8 +/m/0vbk /location/location/contains /m/0qx1w +/m/0pj8m /people/person/gender /m/05zppz +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/04z257 /film/film/production_companies /m/0g1rw +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01d4cb /award/award_winner/awards_won./award/award_honor/award_winner /m/081l_ +/m/0k269 /film/actor/film./film/performance/film /m/0fdv3 +/m/018grr /people/person/gender /m/05zppz +/m/0fkhl /location/location/time_zones /m/02hcv8 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/0ct2tf5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kgxf +/m/01h18v /film/film/film_format /m/0cj16 +/m/06by7 /music/genre/artists /m/0ftqr +/m/05r6t /music/genre/artists /m/03q_w5 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/07th_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_bcg /people/deceased_person/place_of_death /m/0r3w7 +/m/04snp2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/06by7 /music/genre/artists /m/0134s5 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0gywn /music/genre/artists /m/0259r0 +/m/06mnbn /film/actor/film./film/performance/film /m/05cvgl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hq +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/04cbbz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/057xlyq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cc_1 +/m/0gtvrv3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0s9b_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05kj_ /location/location/contains /m/0d23k +/m/0dg3n1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/042xrr /film/actor/film./film/performance/film /m/0bwhdbl +/m/03clwtw /film/film/music /m/01nqfh_ +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/09c7w0 /dataworld/gardening_hint/split_to /m/09c7w0 +/m/04t36 /media_common/netflix_genre/titles /m/04jpk2 +/m/041rx /people/ethnicity/people /m/01g6bk +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05rfst +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/01gp_x /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0d29z /people/ethnicity/geographic_distribution /m/0chghy +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wycg2 +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/02mc79 /people/person/profession /m/0dxtg +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/01wg6y /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0yfp +/m/09txzv /film/film/language /m/02h40lc +/m/0jzw /film/film/music /m/02vyw +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0lgxj /olympics/olympic_games/participating_countries /m/05r4w +/m/0j0k /location/location/contains /m/01pt5w +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01x2_q /people/person/gender /m/05zppz +/m/086qd /influence/influence_node/influenced_by /m/01vt9p3 +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2jr +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/0j5b8 /people/person/gender /m/05zppz +/m/03mg5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fh694 /film/film/produced_by /m/029m83 +/m/0454s1 /people/person/profession /m/0dxtg +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/01c59k /people/deceased_person/place_of_death /m/0r00l +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/027ht3n +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/0bwtj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0grd7 +/m/01vn0t_ /people/person/profession /m/0fnpj +/m/05qtj /film/film_subject/films /m/0bz3jx +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04g5k +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/0283ph /tv/tv_program/country_of_origin /m/03_3d +/m/021r7r /people/person/profession /m/0nbcg +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09c7w0 /location/country/second_level_divisions /m/0l30v +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/071h5c /people/person/gender /m/05zppz +/m/0727_ /base/biblioness/bibs_location/country /m/0345h +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01718w +/m/03c_pqj /people/person/nationality /m/03rk0 +/m/05rx__ /people/person/places_lived./people/place_lived/location /m/0pc7r +/m/04shbh /film/actor/film./film/performance/film /m/0cc5mcj +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/08hmch /film/film/genre /m/04pbhw +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/038723 /people/ethnicity/people /m/01vxxb +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03knl +/m/02k_kn /music/genre/artists /m/01k_mc +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0hd7j /education/educational_institution/school_type /m/01_srz +/m/06cqb /music/genre/artists /m/01wvxw1 +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0f04v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02kxjx /base/culturalevent/event/entity_involved /m/0c4b8 +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/03j367r /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0m32_ +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhvpr +/m/03v0t /location/location/partially_contains /m/04ykz +/m/01mgw /film/film/country /m/09c7w0 +/m/0190_q /music/genre/artists /m/0pqp3 +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170yd +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/025txtg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gbtbm /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/076psv /award/award_winner/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/0134bf /location/administrative_division/country /m/07ssc +/m/01j_jh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/01h910 /influence/influence_node/influenced_by /m/012gq6 +/m/0c0zq /film/film/genre /m/02m4t +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/04gxp2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/08hmch /film/film/genre /m/01jfsb +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04h41v +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024bbl +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04yc76 +/m/09f0bj /people/person/nationality /m/09c7w0 +/m/02p68d /people/person/profession /m/0n1h +/m/050gkf /film/film/language /m/02h40lc +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/07f0tw /people/person/places_lived./people/place_lived/location /m/09c17 +/m/09blyk /media_common/netflix_genre/titles /m/0yx7h +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0c00zd0 +/m/04qw17 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/013xrm /people/ethnicity/people /m/0150t6 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/06ns98 /people/person/nationality /m/06q1r +/m/06mkj /location/location/contains /m/09f3c +/m/02ck7w /people/person/religion /m/0c8wxp +/m/017l96 /music/record_label/artist /m/0285c +/m/06r4f /tv/tv_program/program_creator /m/03ft8 +/m/01jr4j /film/film/production_companies /m/016tw3 +/m/02jg92 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vtj38 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0byq6h +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mnts +/m/01q_y0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033jkj +/m/081yw /location/administrative_division/first_level_division_of /m/09c7w0 +/m/04pmnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/050g1v /music/genre/parent_genre /m/016cjb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425yz +/m/0456zg /film/film/genre /m/06cvj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/018s6c /people/ethnicity/people /m/09l3p +/m/03hvk2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6mr /time/event/locations /m/03l2n +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/057bxr +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/035s95 /film/film/production_companies /m/019v67 +/m/04pg29 /people/person/place_of_birth /m/030qb3t +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/08wq0g /people/person/profession /m/02hrh1q +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0161rf /music/genre/artists /m/01vttb9 +/m/02847m9 /film/film/film_format /m/0cj16 +/m/0mfj2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xvjb +/m/03x31g /people/person/languages /m/02h40lc +/m/0xjl2 /music/genre/artists /m/02mq_y +/m/04jspq /award/award_winner/awards_won./award/award_honor/award_winner /m/06y3r +/m/061k5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0blpnz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kvf3b /film/film/production_companies /m/086k8 +/m/02bhj4 /education/educational_institution/colors /m/036k5h +/m/026_dcw /people/person/gender /m/05zppz +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/02l6dy /film/actor/film./film/performance/film /m/03m8y5 +/m/03rhqg /music/record_label/artist /m/01fchy +/m/09b6zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014vk4 +/m/01jfsb /media_common/netflix_genre/titles /m/08720 +/m/09px1w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07ymr5 +/m/01ps2h8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/017hnw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nvg1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/06thjt /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/02bhj4 /education/educational_institution/school_type /m/01_srz +/m/085bd1 /film/film/genre /m/015w9s +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/01zlx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016dp0 /film/actor/film./film/performance/film /m/0p4v_ +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cwhp +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03j2gxx +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/01vvybv /people/person/profession /m/0dz3r +/m/0htcn /people/person/nationality /m/09c7w0 +/m/01z215 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0d_rw /tv/tv_program/genre /m/02n4kr +/m/01tl50z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/059rby /location/location/contains /m/04sylm +/m/01k9cc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/024dgj /music/group_member/membership./music/group_membership/group /m/0kr_t +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0kbhf /film/film/produced_by /m/0hqcy +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbl95 +/m/04cppj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/01ps2h8 /film/actor/film./film/performance/film /m/03phtz +/m/03hkch7 /film/film/genre /m/07s9rl0 +/m/03j0br4 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbx3 +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c4g +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/01h1b +/m/06jkm /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_f90 +/m/0g8_vp /people/ethnicity/people /m/0227tr +/m/040db /influence/influence_node/influenced_by /m/0465_ +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0rh6k +/m/06mt91 /people/person/profession /m/0d1pc +/m/06ppc4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bv7t /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03r8gp /film/film_subject/films /m/01vfqh +/m/0d05w3 /location/location/time_zones /m/052vwh +/m/0342h /music/instrument/instrumentalists /m/01mwsnc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/071vr +/m/0cvw9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/086g2 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015882 +/m/01_p6t /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0glt670 /music/genre/artists /m/01k3qj +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0pz6q +/m/06t8b /film/director/film /m/04lhc4 +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/033hn8 /music/record_label/artist /m/0178kd +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01cszh /music/record_label/artist /m/03f7m4h +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/02l101 /people/person/profession /m/02hrh1q +/m/01s7w3 /film/film/music /m/01lz4tf +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0f0p0 /people/person/profession /m/02jknp +/m/0mx48 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx4_ +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0n_hp /film/film/language /m/02h40lc +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0j862 +/m/021gk7 /business/business_operation/industry /m/01mw1 +/m/061k5 /sports/sports_team_location/teams /m/0gxkm +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/0dryh9k /people/ethnicity/people /m/0cc63l +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018ygt +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0zcbl /film/actor/film./film/performance/film /m/0dzz6g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fn16 +/m/070fnm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072twv +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01z4y /media_common/netflix_genre/titles /m/02rv_dz +/m/01xsbh /people/person/sibling_s./people/sibling_relationship/sibling /m/01xsc9 +/m/0794g /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06j6l /music/genre/artists /m/02bwjv +/m/026t6 /music/instrument/instrumentalists /m/01v0fn1 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03fhj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01p7b6b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jc6q +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/02g3mn +/m/01jmyj /film/film/genre /m/03mqtr +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/0266r6h +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03gm48 /film/actor/film./film/performance/film /m/0422v0 +/m/0dn3n /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gt1k /film/film/produced_by /m/0l9k1 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/01kkg5 /sports/sports_team/sport /m/02vx4 +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/01skxk /music/genre/parent_genre /m/016clz +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/09c7w0 /location/location/contains /m/0100mt +/m/059j2 /location/location/contains /m/07g0_ +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/049gc +/m/03xj05 /film/film/country /m/0h7x +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01s0t3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/03_2y +/m/02pw_n /film/film/executive_produced_by /m/0q9kd +/m/01cj6y /award/award_winner/awards_won./award/award_honor/award_winner /m/03f4xvm +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dqytn +/m/01rgn3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dq9q /music/artist/origin /m/04jpl +/m/02gqm3 /film/film/genre /m/01jfsb +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0pmw9 /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/0gpprt +/m/03z0dt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05c6073 /music/genre/artists /m/0gs6vr +/m/0glj9q /media_common/netflix_genre/titles /m/0n6ds +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yl_ +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0161sp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pmhf +/m/016jny /music/genre/artists /m/0m2l9 +/m/03s2y9 /people/person/profession /m/01d_h8 +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1gz +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/027kmrb +/m/022p06 /people/person/gender /m/05zppz +/m/01m42d0 /people/person/profession /m/02hrh1q +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/0g5lhl7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/053x8hr +/m/07ccs /education/educational_institution/students_graduates./education/education/student /m/02js_6 +/m/01jzyf /film/film/edited_by /m/02kxbx3 +/m/02xh1 /media_common/netflix_genre/titles /m/0jymd +/m/09yxcz /film/film/genre /m/01chg +/m/01rlz4 /sports/sports_team/colors /m/02rnmb +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/04wlh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02482c +/m/0pnf3 /people/person/profession /m/018gz8 +/m/02dztn /film/actor/film./film/performance/film /m/08952r +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/07ym47 /music/genre/artists /m/0132k4 +/m/09c7w0 /location/country/second_level_divisions /m/0nj07 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/0gvvm6l /film/film/music /m/04k15 +/m/0jmcv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/01j2xj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fw9n7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/01mjq /location/country/official_language /m/01wgr +/m/03n6r /people/person/spouse_s./people/marriage/spouse /m/01mqz0 +/m/0170pk /people/person/gender /m/05zppz +/m/021bk /people/person/profession /m/03gjzk +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03ywyk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033jj1 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/04mlmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01c6l +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025l5 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/01tpvt /education/educational_institution/students_graduates./education/education/student /m/0jcx +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026fd +/m/040rjq /people/person/nationality /m/03rt9 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/03f77 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ly8z +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/02kfzz /film/film/executive_produced_by /m/0kjgl +/m/01ry_x /film/film/country /m/09c7w0 +/m/02fqxm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09kvv /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/03td5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04j_gs /influence/influence_node/influenced_by /m/01j7rd +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/0cbxl0 /people/person/gender /m/05zppz +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0kxbc /people/person/profession /m/09jwl +/m/0bh8x1y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/023ny6 +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/05fw6t /music/genre/artists /m/07n3s +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/05dss7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01yvvn +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/06lvlf /people/person/profession /m/02hrh1q +/m/02k21g /film/actor/film./film/performance/film /m/02f6g5 +/m/03gj2 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03nk3t /people/person/profession /m/02krf9 +/m/03_d0 /music/genre/artists /m/01vttb9 +/m/02h40lc /language/human_language/countries_spoken_in /m/07z5n +/m/02p5hf /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/09c7w0 /location/location/contains /m/0sl2w +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01br2w +/m/015w9s /media_common/netflix_genre/titles /m/01f39b +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rjj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/0d05w3 /location/location/contains /m/0hbbx +/m/03h0byn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05mcjs /people/person/nationality /m/02k54 +/m/01_5bb /location/administrative_division/country /m/07ssc +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/02h758 /tv/tv_network/programs./tv/tv_network_duration/program /m/043qqt5 +/m/01vs14j /people/person/profession /m/09jwl +/m/05fnl9 /film/actor/film./film/performance/film /m/0gj8t_b +/m/034zc0 /people/person/nationality /m/09c7w0 +/m/06lvlf /award/award_winner/awards_won./award/award_honor/award_winner /m/04w391 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_x_l +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/0c00lh /people/person/place_of_birth /m/052p7 +/m/0dgst_d /film/film/genre /m/03bxz7 +/m/015ynm /film/film/country /m/09c7w0 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/04t0p1 /music/record_label/artist /m/01vzx45 +/m/07ylj /location/location/contains /m/0fcyj +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05k7sb /location/location/contains /m/0t_hx +/m/0bs5k8r /film/film/film_format /m/0cj16 +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/040z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gyy0 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0697kh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0ldqf /olympics/olympic_games/sports /m/096f8 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0kbws /olympics/olympic_games/participating_countries /m/07ssc +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/01d6jf /award/award_winner/awards_won./award/award_honor/award_winner /m/0dqcm +/m/04l3_z /people/person/profession /m/0cbd2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09hy79 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/05nyqk /film/film/executive_produced_by /m/04h6mm +/m/07_m9_ /people/person/gender /m/05zppz +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0h3mrc /people/person/place_of_birth /m/01qh7 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0bkf72 +/m/03ft8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qwh +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09rsjpv +/m/0d0vqn /sports/sports_team_location/teams /m/02rytm +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s6l2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hb +/m/01n7q /base/aareas/schema/administrative_area/capital /m/07bcn +/m/016m5c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03knl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/0h7h6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01f492 +/m/02qjpv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/09bg4l /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01ffx4 /film/film/featured_film_locations /m/03rjj +/m/0k3kg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/07sbbz2 /music/genre/artists /m/01j4ls +/m/015ynm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04gkp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/08t9df /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/02d45s /film/actor/film./film/performance/film /m/070g7 +/m/01713c /people/person/nationality /m/06mkj +/m/01vvyc_ /people/person/nationality /m/09c7w0 +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0mzvm /base/biblioness/bibs_location/state /m/05k7sb +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hkch7 +/m/06nsn /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0266shh +/m/0cycc /people/cause_of_death/people /m/01bpn +/m/070zc /base/biblioness/bibs_location/country /m/0345h +/m/01tnbn /people/person/profession /m/02hrh1q +/m/02z0j /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/09x3r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07c5l /location/location/contains /m/027rn +/m/081pw /film/film_subject/films /m/02pxst +/m/033tf_ /people/ethnicity/people /m/08m4c8 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/019vsw /education/educational_institution/campuses /m/019vsw +/m/07z4fy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl3hr +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0jwvf /film/film/production_companies /m/05qd_ +/m/08lmt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0jkvj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0g824 /people/person/gender /m/02zsn +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/04h41v +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/07tj4c /film/film/executive_produced_by /m/05hj_k +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01cwcr /people/person/spouse_s./people/marriage/location_of_ceremony /m/0nqv1 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/03f6fl0 /music/artist/origin /m/0ygbf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/016yxn /film/film/genre /m/01jfsb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zd +/m/0147jt /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0421ng /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0jbp0 /film/actor/film./film/performance/film /m/04g73n +/m/06rk8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/031zm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0mb5x /influence/influence_node/influenced_by /m/03_87 +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0309lm +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023v4_ +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/03hzkq /people/person/gender /m/05zppz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/025czw +/m/0hfzr /film/film/genre /m/082gq +/m/0tct_ /location/location/time_zones /m/02hcv8 +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1rw +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0crc2cp /film/film/country /m/0345h +/m/05_z42 /tv/tv_program/genre /m/06nbt +/m/02mjf2 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0chw_ +/m/041rx /people/ethnicity/people /m/0d6d2 +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0425c5 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl2g +/m/02lkcc /people/person/place_of_birth /m/01_d4 +/m/09cn0c /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/0c8qq /film/film/music /m/03h4mp +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02hfp_ +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0g2lq +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/02d49z /film/film/country /m/09c7w0 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/07t_l23 /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/021yzs /film/actor/film./film/performance/film /m/0blpg +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02zn1b /music/record_label/artist /m/01wbgdv +/m/0htlr /film/actor/film./film/performance/film /m/01kqq7 +/m/0134w7 /film/actor/film./film/performance/film /m/02wyzmv +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tszq +/m/04mx7s /people/person/gender /m/05zppz +/m/01wf86y /people/person/profession /m/0dz3r +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0443xn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033jkj +/m/01jfsb /media_common/netflix_genre/titles /m/05cj_j +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_6dw +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/0134wr +/m/0gltv /film/film/country /m/0345h +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/05k7sb /location/location/contains /m/0mzvm +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/031n8c /education/educational_institution/school_type /m/01y64 +/m/0hqgp /people/person/gender /m/05zppz +/m/08qxx9 /film/actor/film./film/performance/film /m/0bmfnjs +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/078mm1 /film/film/language /m/04306rv +/m/05fjf /location/location/partially_contains /m/0lm0n +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02v49c /people/person/place_of_birth /m/01gbzb +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0cx7f /music/genre/artists /m/016wvy +/m/01s81 /tv/tv_program/genre /m/01z4y +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award /m/018wdw +/m/02w7gg /people/ethnicity/people /m/01tzm9 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/026w_gk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0pz7h +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/04jn6y7 /film/film/genre /m/0lsxr +/m/05r4w /sports/sports_team_location/teams /m/02rqxc +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/02k_kn /music/genre/artists /m/07_3qd +/m/0lkr7 /film/actor/film./film/performance/film /m/0170yd +/m/0f7hc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07c5l /location/location/contains /m/0n3g +/m/0ggq0m /music/genre/artists /m/03zrp +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023g6w +/m/02xpy5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vmt +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lz1s +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/06dkzt +/m/0b_6rk /time/event/locations /m/0dzt9 +/m/017dtf /tv/tv_program/genre /m/0hcr +/m/0c31_ /people/person/profession /m/02jknp +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0yz +/m/0glbqt /film/film/country /m/09c7w0 +/m/083skw /film/film/production_companies /m/0g1rw +/m/01jz6x /film/actor/film./film/performance/film /m/01shy7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02xpy5 +/m/02jmst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0140g4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03_qj1 /sports/sports_team/colors /m/083jv +/m/0n1rj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0rqyx +/m/02lnbg /music/genre/artists /m/0dzc16 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ndc +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06cmp /location/country/capital /m/01q0l +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/0kszw /people/person/languages /m/02h40lc +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0m5s5 /film/film/language /m/02h40lc +/m/01j7rd /people/person/employment_history./business/employment_tenure/company /m/023zl +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/03hmt9b /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04jkpgv +/m/01qn8k /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/022q4l9 /people/person/gender /m/05zppz +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/093l8p /film/film/genre /m/01t_vv +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01pxcf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/049bp4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/069d68 /people/person/profession /m/01445t +/m/04hxyv /people/person/nationality /m/09c7w0 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mdt +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0gm34 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015gy7 +/m/05fly /location/location/contains /m/01z22v +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/0dwcl +/m/01s0_f /education/educational_institution/campuses /m/01s0_f +/m/015pkc /film/actor/film./film/performance/film /m/083shs +/m/01lw3kh /people/person/profession /m/025352 +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01qtj9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c744 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/025h4z +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0p5wz +/m/014kg4 /film/actor/film./film/performance/film /m/0bx0l +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/05nrg /location/location/contains /m/03ryn +/m/035yn8 /film/film/featured_film_locations /m/027kp3 +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/02gr81 /education/educational_institution/school_type /m/07tf8 +/m/0187nd /education/university/fraternities_and_sororities /m/0325pb +/m/0c1ps1 /people/person/gender /m/05zppz +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0c35b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0bth54 /film/film/genre /m/01hmnh +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/07f0tw /people/person/nationality /m/03rk0 +/m/014x77 /film/actor/film./film/performance/film /m/0c0yh4 +/m/03rhqg /music/record_label/artist /m/0167_s +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/060pl5 +/m/01ym8l /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/07ylj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05fx1v +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/02r9p0c /film/film/dubbing_performances./film/dubbing_performance/actor /m/08p1gp +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f5sr9 +/m/06lht1 /people/person/gender /m/05zppz +/m/0xhtw /music/genre/artists /m/089tm +/m/075cph /film/film/production_companies /m/05qd_ +/m/0lx2l /film/actor/film./film/performance/film /m/02mt51 +/m/03lb_v /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0f0y8 /music/artist/contribution./music/recording_contribution/performance_role /m/03qlv7 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09w6br +/m/03f2fw /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/017_qw /music/genre/artists /m/06wvj +/m/0phx4 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03q5db /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0229rs /music/record_label/artist /m/02hzz +/m/01xq8v /film/film/language /m/064_8sq +/m/0gr36 /film/actor/film./film/performance/film /m/0bx0l +/m/04b675 /music/genre/artists /m/01sxd1 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/03kq98 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/065d1h /people/person/profession /m/01d_h8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03hhd3 +/m/0345h /location/location/contains /m/04p0c +/m/02yxjs /education/educational_institution/school_type /m/05jxkf +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/018y2s /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/05m63c /people/person/nationality /m/09c7w0 +/m/0693l /people/person/profession /m/02hrh1q +/m/03w94xt /music/genre/artists /m/0lsw9 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/04jkpgv +/m/04gcd1 /film/director/film /m/02qm_f +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01mqc_ +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fwpt +/m/01r3w7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/0j582 /film/actor/film./film/performance/film /m/0168ls +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/03gyh_z /people/person/profession /m/02pjxr +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zm00 +/m/0n84k /base/biblioness/bibs_location/country /m/03rk0 +/m/0g5lhl7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/033tf_ /people/ethnicity/people /m/03f1r6t +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/09k56b7 /film/film/language /m/064_8sq +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0lbfv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0yxl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/02qcqkl /music/genre/artists /m/05d8vw +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/02rk45 +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/017drs +/m/05zl0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01323p +/m/09c7w0 /location/location/contains /m/0k9p4 +/m/07lwsz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gvsh7l +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/07pd_j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/09zw90 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/02v8kmz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/01dys +/m/09c7w0 /location/location/contains /m/0ckhc +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/01xr66 /people/profession/specialization_of /m/02hrh1q +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016tbr +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/01l3mk3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02zft0 +/m/01vrx3g /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01w4c9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/01tntf /education/educational_institution_campus/educational_institution /m/01tntf +/m/02jgm0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/028knk /film/actor/film./film/performance/film /m/0_816 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01l03w2 +/m/07hwkr /people/ethnicity/people /m/0c1jh +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07yvsn +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/0f6_x /people/person/gender /m/05zppz +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3j0 +/m/09hrc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/0mdqp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023s8 +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/0ddjy /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023zd7 +/m/01tkgy /people/person/profession /m/02hrh1q +/m/0326tc /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/06zd1c /people/person/profession /m/01c72t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0chgsm +/m/02qkt /location/location/contains /m/06mkj +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d4ct +/m/0fn8jc /people/person/gender /m/05zppz +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03sc8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026_dq6 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/0dq9p /people/cause_of_death/people /m/0c73g +/m/0dr5y /film/director/film /m/0m3gy +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/014y6 +/m/01ft2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fb1q +/m/01rgn3 /organization/organization/headquarters./location/mailing_address/citytown /m/0mb2b +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/03d6fyn +/m/06by7 /music/genre/artists /m/01vs73g +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/04913k +/m/0ldqf /olympics/olympic_games/sports /m/01hp22 +/m/02ndbd /people/person/profession /m/02hrh1q +/m/04fcx7 /people/person/profession /m/02hrh1q +/m/05nrg /location/location/contains /m/05c17 +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/04511f +/m/0mwm6 /location/us_county/county_seat /m/0_24q +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01gb_7 +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c73z /people/person/nationality /m/0h7x +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0l6ny /olympics/olympic_games/sports /m/06f41 +/m/03z8w6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0q9kd /people/person/religion /m/03_gx +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/02kxwk +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06yxd +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01rh0w +/m/0c1j_ /people/person/nationality /m/09c7w0 +/m/03qjg /music/instrument/instrumentalists /m/016j2t +/m/02dwj /film/film/country /m/07ssc +/m/02tc5y /people/person/languages /m/064_8sq +/m/01z4y /media_common/netflix_genre/titles /m/034qzw +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/016z7s /film/film/genre /m/03p5xs +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/01r4zfk /people/person/nationality /m/09c7w0 +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my4f +/m/07g2b /influence/influence_node/influenced_by /m/085gk +/m/035wq7 /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/05kkh +/m/0n5yh /location/location/contains /m/0xhj2 +/m/01ty4 /people/person/gender /m/05zppz +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047d21r +/m/0q_xk /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/01wvxw1 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/0dg3n1 /base/locations/continents/countries_within /m/06v36 +/m/019y64 /people/person/nationality /m/09c7w0 +/m/064t9 /music/genre/artists /m/0f_y9 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02__34 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ctqqf +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0ds5_72 /film/film/production_companies /m/01795t +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rt9 +/m/01wxyx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0k269 +/m/0kbvb /olympics/olympic_games/sports /m/06z6r +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/095z4q /film/film/genre /m/0jdm8 +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/04v7k2 /people/person/religion /m/0c8wxp +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07xr3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sbv3 +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/01hx2t /education/educational_institution/school_type /m/05jxkf +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xcr4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fhml +/m/01fzpw /film/film_subject/films /m/09cr8 +/m/02n9k /people/person/languages /m/064_8sq +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d3qd0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/018j2 /music/instrument/instrumentalists /m/01vw20_ +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/0d04z6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0gj96ln /film/film/film_festivals /m/0j63cyr +/m/01g1lp /people/person/profession /m/02jknp +/m/06c0j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cqt41 /sports/sports_team/colors /m/036k5h +/m/0n2kw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxz4 +/m/09gmmt6 /film/film/country /m/07ssc +/m/02b17t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09k9d0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /location/location/partially_contains /m/0cdbq +/m/02jxbw /film/film/production_companies /m/030_1m +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dy7j +/m/02x8z_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01npcx +/m/02nfhx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h0yt /film/actor/film./film/performance/film /m/01sxly +/m/024qqx /media_common/netflix_genre/titles /m/02dr9j +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c2f +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05drq5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02q4mt +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0303jw +/m/05gg4 /sports/sports_team/colors /m/036k5h +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/057d89 /people/person/place_of_birth /m/01_d4 +/m/01pg1d /people/person/profession /m/01d_h8 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vzpb +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/02xs0q +/m/0bzjf /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0xhtw /music/genre/artists /m/03f1zhf +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03rs8y +/m/08jyyk /music/genre/artists /m/0fhxv +/m/01l7qw /film/actor/film./film/performance/film /m/06znpjr +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0f04c /base/biblioness/bibs_location/country /m/09c7w0 +/m/048rn /film/film/genre /m/01drsx +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0pspl +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0137n0 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0n839 /people/person/profession /m/02hrh1q +/m/04bs3j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/01wg3q /people/person/profession /m/039v1 +/m/0343h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0168nq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/09n5t_ /music/genre/artists /m/0gcs9 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b7h8 +/m/03_r3 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0582cf /people/person/place_of_birth /m/0snty +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b_5d +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/0j3d9tn /film/film/country /m/0f8l9c +/m/03xb2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0320jz +/m/01gbbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vhb0 +/m/04tc1g /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05pxnmb +/m/03k545 /people/person/nationality /m/02jx1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/05z_kps +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01msrb /film/film/executive_produced_by /m/03qncl3 +/m/015jr /location/location/contains /m/01n86 +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/0167km /people/person/profession /m/02hrh1q +/m/04vrxh /music/group_member/membership./music/group_membership/role /m/05r5c +/m/059g4 /base/locations/continents/countries_within /m/09c7w0 +/m/01rr9f /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/04cnp4 /organization/organization/headquarters./location/mailing_address/citytown /m/0r02m +/m/05f5sr9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05r5c /music/instrument/instrumentalists /m/01k3qj +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/0psss /music/artist/origin /m/05qtj +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/07cbs +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h407 /language/human_language/countries_spoken_in /m/07ssc +/m/0gdqy /people/person/place_of_birth /m/05qtj +/m/0dnvn3 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0cwx_ /education/university/fraternities_and_sororities /m/035tlh +/m/0yxl /people/person/profession /m/09jwl +/m/09c7w0 /location/country/second_level_divisions /m/0kcnq +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/020ddc +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/04mrjs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03qrh9 /sports/sports_team/sport /m/018jz +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/01z4y /media_common/netflix_genre/titles /m/09tqkv2 +/m/05dtwm /film/actor/film./film/performance/film /m/0322yj +/m/03j149k /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyvk +/m/02vqsll /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/07tl0 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0mbwf /education/educational_institution/students_graduates./education/education/student /m/01k165 +/m/01jrz5j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s529 /people/person/profession /m/02hrh1q +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01jmv8 /film/actor/film./film/performance/film /m/0gtvpkw +/m/085bd1 /film/film/language /m/02h40lc +/m/06by7 /music/genre/artists /m/0lccn +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01rly6 +/m/0f2r6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0301yj /film/actor/film./film/performance/film /m/0221zw +/m/01k2wn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fyzy /film/actor/film./film/performance/film /m/0f2sx4 +/m/046lt /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/016mhd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0237jb /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jw +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04pp9s +/m/0d_kd /location/location/time_zones /m/02hcv8 +/m/02ndy4 /film/film/country /m/09c7w0 +/m/0bl2g /film/actor/film./film/performance/film /m/02qr3k8 +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058frd +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/02k_kn /music/genre/artists /m/0fhxv +/m/03818y /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/030cx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09yrh +/m/01hmnh /film/film_subject/films /m/04w7rn +/m/08g5q7 /people/cause_of_death/people /m/06wvj +/m/0hv27 /film/film/genre /m/082gq +/m/09q5w2 /film/film/music /m/0244r8 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04t36 /media_common/netflix_genre/titles /m/02zk08 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/014kyy +/m/0320fn /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01kt_j +/m/03wpmd /award/award_winner/awards_won./award/award_honor/award_winner /m/0cbxl0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/060j8b /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0dk0dj /tv/tv_program/genre /m/02kdv5l +/m/01_x6d /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/02cl1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pg1d /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0ksrf8 /film/actor/film./film/performance/film /m/084302 +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0swff /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/07h5d /film/actor/film./film/performance/film /m/04zl8 +/m/0gmgwnv /film/film/edited_by /m/03q8ch +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09cr8 /film/film/featured_film_locations /m/0b90_r +/m/015g_7 /film/actor/film./film/performance/film /m/0m9p3 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/033hn8 +/m/02y21l /music/record_label/artist /m/0dm5l +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bn3jg +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/03rt9 /location/country/second_level_divisions /m/0m_zm +/m/06nm1 /language/human_language/countries_spoken_in /m/0165v +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05sy0cv /tv/tv_program/genre /m/09n3wz +/m/01vw8mh /people/person/places_lived./people/place_lived/location /m/0nbwf +/m/094vy /location/location/contains /m/01ngxm +/m/06f_qn /people/person/places_lived./people/place_lived/location /m/0l4vc +/m/0190vc /music/record_label/artist /m/015xp4 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/083chw /people/person/profession /m/02krf9 +/m/07wlt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01cw24 /sports/sports_team/sport /m/02vx4 +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/01y_rz +/m/046fz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/08b8vd /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02_01w +/m/01bl8s /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hsqf +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wz01 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/05mdx /medicine/disease/risk_factors /m/01hbgs +/m/05q4y12 /film/film/genre /m/07s9rl0 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0by1wkq +/m/0cchk3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/03gqb0k /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/07ssc /location/location/contains /m/012d9h +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/052hl +/m/06mr6 /film/actor/film./film/performance/film /m/02gqm3 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/08z0wx /music/genre/parent_genre /m/03lty +/m/01x53m /people/person/languages /m/0x82 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02yxwd +/m/02s2ft /film/actor/film./film/performance/film /m/0c0zq +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rn00y +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/014gf8 /film/actor/film./film/performance/film /m/02c638 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/09g8vhw /film/film/production_companies /m/016tw3 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qz5 +/m/0czkbt /film/actor/film./film/performance/film /m/011yr9 +/m/03s5t /location/location/time_zones /m/02hczc +/m/03hdz8 /education/educational_institution/school_type /m/05pcjw +/m/04bsx1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ct_k +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dt8xq +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/08vk_r +/m/0132k4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01prf3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/012cj0 /film/actor/film./film/performance/film /m/0p7qm +/m/012q4n /film/actor/film./film/performance/film /m/0ds33 +/m/014g_s /people/person/profession /m/02hrh1q +/m/02tvsn /base/culturalevent/event/entity_involved /m/01nhhz +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/03j43 /people/deceased_person/place_of_death /m/05qtj +/m/01gbbz /people/person/profession /m/0dxtg +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03n785 +/m/03j0d /people/person/profession /m/05z96 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf4 +/m/046488 /film/film/genre /m/03g3w +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/034qrh /film/film/film_format /m/07fb8_ +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/02pqgt8 /people/person/places_lived./people/place_lived/location /m/07mgr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/024y8p +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/015pxr /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cj_v7 +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4kk +/m/018p4y /film/actor/film./film/performance/film /m/0642xf3 +/m/06bng /people/person/nationality /m/09c7w0 +/m/0265z9l /people/person/gender /m/05zppz +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym17 +/m/02xbyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/01dvbd /film/film/genre /m/01jfsb +/m/01r9c_ /film/actor/film./film/performance/film /m/02scbv +/m/09n5t_ /music/genre/artists /m/02rn_bj +/m/01wb95 /film/film/genre /m/04xvh5 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0c6qh /people/person/spouse_s./people/marriage/spouse /m/09yrh +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0633p0 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0b76d_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0n2m7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03h2c /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/09tqkv2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0l76z /tv/tv_program/genre /m/0c4xc +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/0bvzp /people/person/profession /m/01c72t +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0kh6b /people/person/profession /m/07s467s +/m/01g7_r /education/educational_institution/campuses /m/01g7_r +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01bn3l +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03ts0c /people/ethnicity/geographic_distribution /m/0f8l9c +/m/07hwkr /people/ethnicity/people /m/02ndf1 +/m/0342h /music/instrument/family /m/0fx80y +/m/04fcjt /music/record_label/artist /m/016l09 +/m/0d060g /location/country/form_of_government /m/01q20 +/m/0hv8w /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07z4p +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02x2t07 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1pj +/m/01pjr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0258dh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/01x4r3 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/06mzp /location/location/contains /m/01dyk8 +/m/0515zg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ckr7s /film/film/genre /m/05p553 +/m/02z6fs /education/educational_institution/students_graduates./education/education/student /m/046rfv +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/06b3g4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0294mx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01m13b /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbn7c +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/06t6dz /film/film/genre /m/02l7c8 +/m/0gjcrrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/032xhg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6g1l +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/064t9 /music/genre/artists /m/024qwq +/m/01z4y /media_common/netflix_genre/titles /m/02825cv +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/03mp54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421v9q +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/060__7 /film/film/language /m/04306rv +/m/0mhfr /music/genre/artists /m/08w4pm +/m/09c7w0 /location/location/contains /m/03b8c4 +/m/02nq10 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02pptm /organization/organization/headquarters./location/mailing_address/citytown /m/0mzy7 +/m/06by7 /music/genre/artists /m/01309x +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/017fp /media_common/netflix_genre/titles /m/07w8fz +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/03y9ccy +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021_rm +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0ql36 /people/person/gender /m/05zppz +/m/06d4h /film/film_subject/films /m/0jqkh +/m/03mq33 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170s4 +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/041rx /people/ethnicity/people /m/04g865 +/m/0ftvg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0vbk +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/0fqjks /people/person/nationality /m/09c7w0 +/m/0jyx6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09b3v /media_common/netflix_genre/titles /m/06fcqw +/m/06y9c2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033wx9 +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0jfx1 /film/actor/film./film/performance/film /m/0symg +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mrfv +/m/02lp1 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0db86 +/m/0mnyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0jyb4 /film/film/music /m/0146pg +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01lyv /music/genre/artists /m/02lvtb +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/06fmdb +/m/05ns4g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/043c4j /people/person/place_of_birth /m/01c40n +/m/0ym8f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01jzyx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xhtw /music/genre/artists /m/01vsyjy +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017v3q +/m/0n5xb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/05mdx /medicine/disease/risk_factors /m/0jpmt +/m/04p3w /people/cause_of_death/people /m/07z1_q +/m/06v9sf /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/07f1x /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/02cvp8 /film/actor/film./film/performance/film /m/0k5fg +/m/0crqcc /people/person/profession /m/0dxtg +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/05d1y /people/person/profession /m/03sbb +/m/09c7w0 /location/location/contains /m/0rwq6 +/m/0lcx /influence/influence_node/influenced_by /m/045bg +/m/0515zg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/0d0mbj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02bhj4 +/m/04vlh5 /people/person/profession /m/02krf9 +/m/02pptm /education/educational_institution/colors /m/03wkwg +/m/026fd /people/person/place_of_birth /m/0h7h6 +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041c4 +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0y54 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/01771z /film/film/produced_by /m/0f5mdz +/m/0bzrsh /time/event/locations /m/04f_d +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01d6jf +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/02b18l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011ycb /film/film/country /m/09c7w0 +/m/026dg51 /people/person/nationality /m/09c7w0 +/m/0cj2w /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0fzb5 /people/profession/specialization_of /m/066dv +/m/04dqdk /award/award_winner/awards_won./award/award_honor/award_winner /m/01m7pwq +/m/02j9z /location/location/contains /m/015wy_ +/m/04fcjt /music/record_label/artist /m/013w7j +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdj_ +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/03m9c8 +/m/03jxw /people/person/gender /m/05zppz +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/03q8xj /film/film/country /m/09c7w0 +/m/0j8hd /people/cause_of_death/people /m/0h1m9 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01l2fn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0czkbt +/m/02r5w9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/05mt_q +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016vg8 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0czr9_ +/m/019dwp /education/educational_institution/students_graduates./education/education/student /m/07ddz9 +/m/025t9b /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/025ldg +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07r1h +/m/04hzfz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/03jj93 /film/actor/film./film/performance/film /m/01_0f7 +/m/03cz83 /education/educational_institution_campus/educational_institution /m/03cz83 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/04y9mm8 /film/film/genre /m/03npn +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/064lsn /film/film/genre /m/03g3w +/m/04rrx /base/biblioness/bibs_location/country /m/09c7w0 +/m/05kr_ /location/location/contains /m/018dk_ +/m/01ddbl /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k3l5 /location/us_county/county_seat /m/01cx_ +/m/033qxt /people/ethnicity/people /m/0q5hw +/m/07_m9_ /organization/organization_founder/organizations_founded /m/06qmk +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/05183k +/m/0bbgvp /film/film/featured_film_locations /m/02hrh0_ +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/0dgq80b /film/film/produced_by /m/0415svh +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1p +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nrt +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/047t_ +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q54f5 +/m/04mnts /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01jbx1 /people/person/profession /m/02hrh1q +/m/015cbq /people/person/profession /m/01d_h8 +/m/01vvb4m /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01x4sb +/m/0170vn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02fn5 +/m/0lc1r /music/genre/artists /m/0ftqr +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0d0vqn /location/location/contains /m/03zv2t +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05nyqk +/m/0484q /music/group_member/membership./music/group_membership/group /m/0b1zz +/m/01cszh /music/record_label/artist /m/08w4pm +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/04fzk +/m/03lmzl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j590z /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddt_ +/m/0x67 /people/ethnicity/people /m/0c33pl +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/06449 /award/award_winner/awards_won./award/award_honor/award_winner /m/0280mv7 +/m/02zkz7 /education/educational_institution_campus/educational_institution /m/02zkz7 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d6n1 /film/film_subject/films /m/02wyzmv +/m/034qg /people/cause_of_death/people /m/04xfb +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0c38gj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07cbs /people/person/gender /m/05zppz +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/016ckq /music/record_label/artist /m/0pj9t +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03_3z4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kc4s +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0cp0t91 /film/film/language /m/064_8sq +/m/01vfqh /film/film/genre /m/01t_vv +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/06rq2l /film/actor/film./film/performance/film /m/0f2sx4 +/m/01d8wq /base/biblioness/bibs_location/state /m/02ly_ +/m/02qkt /location/location/contains /m/03t1s +/m/0pkyh /people/person/profession /m/016z4k +/m/08sfxj /film/film/music /m/02g1jh +/m/03lpp_ /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/01ln5z /film/film/production_companies /m/030_1_ +/m/02k6hp /people/cause_of_death/people /m/03d1y3 +/m/02r79_h /film/film/genre /m/02n4kr +/m/0l998 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/0dzlk +/m/0nzny /location/us_county/county_seat /m/013yq +/m/01s9ftn /film/actor/film./film/performance/film /m/0gvrws1 +/m/0kpys /location/location/contains /m/0q_xk +/m/0fc1_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhz +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0cq4k_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/01rcmg /people/person/place_of_birth /m/0k_p5 +/m/03bzc7 /music/genre/parent_genre /m/0fd3y +/m/0cw3yd /film/film/genre /m/0219x_ +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/0f6_x +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b3n61 +/m/0cwx_ /location/location/time_zones /m/02hcv8 +/m/039wsf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01x4r3 /influence/influence_node/influenced_by /m/012gq6 +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mm1x +/m/077qn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02b71x /music/genre/artists /m/01k_mc +/m/081lh /film/actor/film./film/performance/film /m/04smdd +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09451k +/m/01ww_vs /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03rwng /people/person/profession /m/02hrh1q +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/03wjb7 /people/person/profession /m/09jwl +/m/0fhsz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rn00y /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/02vklm3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03k7dn /education/educational_institution/campuses /m/03k7dn +/m/04t2t /media_common/netflix_genre/titles /m/05t0_2v +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/06pvr /location/location/contains /m/0kpzy +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p9tm +/m/0884hk /people/person/gender /m/05zppz +/m/09b6zr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0fpkxfd +/m/02g8h /film/actor/film./film/performance/film /m/0fpgp26 +/m/02ldv0 /film/actor/film./film/performance/film /m/09fc83 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/026v5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0c9k8 /film/film/cinematography /m/03_fk9 +/m/02lkcc /film/actor/film./film/performance/film /m/03t95n +/m/032t2z /people/deceased_person/place_of_death /m/04jpl +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/07f5x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07rzf /people/person/gender /m/05zppz +/m/07lnk /music/genre/artists /m/050z2 +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/018vs +/m/059wk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bz6sq /film/film/production_companies /m/0fvppk +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01t94_1 +/m/01swck /film/actor/film./film/performance/film /m/07nxvj +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0nk72 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/05pq9 +/m/03vtrv /music/record_label/artist /m/0167_s +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/086k8 +/m/064t9 /music/genre/artists /m/01s21dg +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/02v570 /film/film/genre /m/0lsxr +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0h1v19 /film/film/language /m/02h40lc +/m/0l1pj /location/location/time_zones /m/02lcqs +/m/0cp9f9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02ywwy /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0jnng /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0d193h /music/artist/origin /m/09c7w0 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/02hnl /music/instrument/instrumentalists /m/018y81 +/m/07ssc /location/location/contains /m/0138kk +/m/0mbql /film/film/story_by /m/06pj8 +/m/03f0qd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/011j5x /music/genre/artists /m/05k79 +/m/03ydry /people/person/nationality /m/03_3d +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/01m3b1t +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08xwck +/m/043s3 /influence/influence_node/influenced_by /m/0m93 +/m/02jx1 /location/country/second_level_divisions /m/013p59 +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/0ggq0m /music/genre/artists /m/02bc74 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/060pl5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mrhq +/m/075_t2 /location/location/contains /m/029kpy +/m/017_qw /music/genre/artists /m/01gg59 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/015cbq /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/06by7 /music/genre/artists /m/012x1l +/m/048rn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/036px /award/award_winner/awards_won./award/award_honor/award_winner /m/03yf3z +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/04__f +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02v60l +/m/03_3z4 /sports/sports_team/sport /m/02vx4 +/m/03xf_m /film/film/featured_film_locations /m/0f2tj +/m/014dm6 /people/person/place_of_birth /m/0cr3d +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/053x8hr +/m/0d6b7 /film/film/genre /m/06n90 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lvzbl +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/01_1pv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qlkc3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0q9jk +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02cbhg +/m/04p3w /people/cause_of_death/people /m/081nh +/m/04fhps /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/06lbp /influence/influence_node/influenced_by /m/01v9724 +/m/0c_tl /olympics/olympic_games/participating_countries /m/03rjj +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0661ql3 +/m/09c7w0 /location/country/second_level_divisions /m/0mnzd +/m/05397h /tv/tv_program/genre /m/06q7n +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0dc_v +/m/05lwjc /music/genre/artists /m/018n6m +/m/01jfsb /media_common/netflix_genre/titles /m/02h22 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/0pmw9 /people/person/profession /m/018gz8 +/m/03s0w /location/location/contains /m/0nryt +/m/052zgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vsyg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pkyh +/m/0byh8j /location/location/contains /m/018k8r +/m/018y81 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03f7xg /film/film/genre /m/09blyk +/m/09c7w0 /location/location/contains /m/01stj9 +/m/04qsdh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0m75g +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4vx +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzy02 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvgt +/m/0770cd /people/person/place_of_birth /m/0m75g +/m/033x5p /education/educational_institution/students_graduates./education/education/student /m/01hkck +/m/09rx7tx /film/film/produced_by /m/020l9r +/m/018vs /music/instrument/instrumentalists /m/0phx4 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/025b5y /people/person/profession /m/01d_h8 +/m/0pc_l /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/02t__l +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0835q +/m/01t07j /people/person/profession /m/02hrh1q +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/06hmd /people/person/gender /m/05zppz +/m/07ddz9 /people/person/profession /m/02hrh1q +/m/083pr /people/deceased_person/place_of_death /m/0rh6k +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0ggx5q /music/genre/artists /m/06mt91 +/m/0lbj1 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09tqkv2 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/042fgh /film/film/featured_film_locations /m/02nd_ +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01jmyj +/m/011xg5 /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0prrm /film/film/country /m/09c7w0 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0d0mbj /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/0n6f8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b3n61 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01qdjm /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0_00 /organization/organization/headquarters./location/mailing_address/citytown /m/0g284 +/m/04jt2 /base/aareas/schema/administrative_area/administrative_parent /m/0dzz_ +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1k5 +/m/049n2l /sports/sports_team/sport /m/02vx4 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08hmch +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/07s9rl0 /media_common/netflix_genre/titles /m/02__34 +/m/0cqnss /film/film/genre /m/04t36 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05650n +/m/034qbx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bzyh /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/02dztn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vzxmq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_p6t +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/027pwl +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01p4vl +/m/01yf85 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01g0jn +/m/02qkt /location/location/contains /m/01c4pv +/m/01_lhg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vqrm +/m/01ydtg /music/genre/artists /m/0lrh +/m/01jnc_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/015x74 /film/film/music /m/0dpqk +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb84n +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/07sc6nw /film/film/genre /m/05p553 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07m9cm +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017v3q +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/06l9n8 /people/person/profession /m/018gz8 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0cskb /tv/tv_program/genre /m/03npn +/m/016clz /music/genre/artists /m/0150jk +/m/03fn5s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02z1yj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/014zcr +/m/0j_c /influence/influence_node/influenced_by /m/0ff2k +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/026hxwx +/m/03jqfx /time/event/locations /m/03gj2 +/m/03_wm6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/042zrm /film/film/featured_film_locations /m/07b_l +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/05nwfr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05xf75 /film/actor/film./film/performance/film /m/014lc_ +/m/02x0gk1 /award/award_category/disciplines_or_subjects /m/02vxn +/m/0mwxl /location/location/time_zones /m/02hcv8 +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0s6g4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03f6fl0 /people/person/profession /m/039v1 +/m/0155w /music/genre/artists /m/0qdyf +/m/029qzx /location/location/time_zones /m/02fqwt +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0m19t +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02jx1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fd3y /music/genre/artists /m/06gd4 +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/042v2 /people/person/places_lived./people/place_lived/location /m/01m9f1 +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/0_9l_ /film/film/genre /m/07s9rl0 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/018ctl /olympics/olympic_games/participating_countries /m/04g5k +/m/03rtz1 /film/film/genre /m/060__y +/m/070fnm /film/film/genre /m/02xh1 +/m/0dn8b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0j1yf +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/02sgy +/m/044k8 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsy3q +/m/0292qb /film/film/language /m/02h40lc +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0415ggl +/m/021_rm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/01lvcs1 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/073tm9 /music/record_label/artist /m/019g40 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/01x4r3 +/m/024qqx /media_common/netflix_genre/titles /m/0dr_4 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/09d5d5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_d0 /music/genre/artists /m/032t2z +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/02_1kl /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/02t1cp /film/actor/film./film/performance/film /m/07bx6 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ds2sb +/m/0425j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07m9cm /film/actor/film./film/performance/film /m/0292qb +/m/011yth /film/film/production_companies /m/05rrtf +/m/017dpj /people/person/profession /m/03gjzk +/m/02nt3d /film/film/genre /m/05p553 +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07p12s /film/film/genre /m/07s9rl0 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02lp0w /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/01wd3l /people/person/profession /m/0cbd2 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04r68 /people/person/place_of_birth /m/01smm +/m/0dbpyd /people/person/profession /m/01d_h8 +/m/013nky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc97st +/m/0fg04 /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06cgf /film/film/genre /m/06n90 +/m/01516r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/03h3x5 /film/film/film_format /m/07fb8_ +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/03f7nt /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02wrhj /film/actor/film./film/performance/film /m/03n3gl +/m/01_d4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01ztgm +/m/01wqmm8 /people/person/place_of_birth /m/0y2dl +/m/0gywn /music/genre/artists /m/0ql36 +/m/09j_g /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04h4c9 /film/film/genre /m/03q4nz +/m/019g40 /people/person/profession /m/016z4k +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04llb /sports/sports_team_location/teams /m/03b04g +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/02gyl0 /people/person/profession /m/0dz3r +/m/06t2t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0jnwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03jj93 /people/person/profession /m/02hrh1q +/m/01wp8w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0411q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gkp1 +/m/0j5q3 /people/person/languages /m/064_8sq +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/046p9 +/m/0glt670 /music/genre/artists /m/0415mzy +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02pp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0286vp /film/film/language /m/02h40lc +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/048qrd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02zmh5 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/0byfz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/02ndbd +/m/06chf /film/director/film /m/026390q +/m/01hc9_ /people/person/nationality /m/03_3d +/m/0fb0v /music/record_label/artist /m/01w60_p +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt14 +/m/025cn2 /people/person/place_of_birth /m/02_286 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vd6 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02y0js /people/cause_of_death/people /m/01lc5 +/m/0jmcb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01rtm4 /education/educational_institution/colors /m/083jv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0sx5w +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/04fyhv /people/person/nationality /m/03gj2 +/m/02s_qz /film/actor/film./film/performance/film /m/07024 +/m/02r79_h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01l3s0 /location/location/time_zones /m/052vwh +/m/0jclr /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/021lby /people/person/profession /m/0196pc +/m/0dcqh /medicine/disease/risk_factors /m/02ctzb +/m/01vw37m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0212zp /organization/organization/headquarters./location/mailing_address/state_province_region /m/07dfk +/m/0k54q /film/film/genre /m/02kdv5l +/m/03_3z4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03bnv /film/actor/film./film/performance/film /m/07bzz7 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lx2l +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/08hmch /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0342h /music/instrument/instrumentalists /m/01vsy95 +/m/01wxyx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02z3r8t /film/film/written_by /m/09l3p +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tbr +/m/05631 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0j1yf +/m/0177sq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0250f /people/person/gender /m/05zppz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b7l4x +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vsl3_ +/m/01xdf5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02z2mr7 /film/film/production_companies /m/027jw0c +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01l7qw /people/person/nationality /m/06q1r +/m/011zwl /people/person/employment_history./business/employment_tenure/company /m/018sg9 +/m/02bj6k /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ls53 +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/0ggx5q /music/genre/artists /m/01vs73g +/m/0150t6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/04qr6d /people/person/religion /m/03j6c +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/04cnp4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01hw5kk /film/film/genre /m/03k9fj +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/01wg25j /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01f8f7 /film/film/cinematography /m/02404v +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nkcn +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0443v1 /film/film/featured_film_locations /m/0rh6k +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/09bw4_ /film/film/language /m/02h40lc +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0n1rj /location/location/contains /m/09s5q8 +/m/01vksx /film/film/genre /m/01hmnh +/m/02bh_v /people/person/gender /m/02zsn +/m/0jmmn /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/064t9 /music/genre/artists /m/050z2 +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/02975m /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/032r1 /influence/influence_node/influenced_by /m/03sbs +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0fx80y +/m/05y7hc /people/person/nationality /m/06q1r +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/01sp81 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04g4n +/m/0ftps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/01xr2s /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/01jb26 +/m/0cmf0m0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01qvz8 /film/film/genre /m/02l7c8 +/m/07m2y /music/instrument/instrumentalists /m/01271h +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03fykz +/m/0gt_0v /music/genre/artists /m/0f0y8 +/m/01pgzn_ /people/person/gender /m/02zsn +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/094g2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09b3v /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/01xbgx /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hhqw /soccer/football_player/current_team./sports/sports_team_roster/team /m/06l22 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/06x77g /film/film/produced_by /m/042l3v +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/022lly +/m/04jpk2 /film/film/country /m/07ssc +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/044qx /film/actor/film./film/performance/film /m/0n04r +/m/0n1s0 /film/film/genre /m/0cshrf +/m/026njb5 /film/film/genre /m/02js9 +/m/01vw8k /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0g72r /people/person/gender /m/05zppz +/m/02jx1 /location/location/contains /m/052bw +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/053rxgm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nqfh_ +/m/02w_6xj /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0342h /music/instrument/instrumentalists /m/03q2t9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n1rj +/m/0nt6b /location/location/time_zones /m/02fqwt +/m/01wbg84 /film/actor/film./film/performance/film /m/0symg +/m/040_lv /film/film/production_companies /m/025jfl +/m/0_7w6 /film/film/country /m/09c7w0 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3h2 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ypx +/m/0bqs56 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0bs5k8r /film/film/genre /m/03mqtr +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/030w19 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/085j0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0bpm4yw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/05wm88 /people/person/profession /m/02hv44_ +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/016lh0 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035_2h +/m/04mn81 /music/group_member/membership./music/group_membership/group /m/01yzl2 +/m/0dvmd /film/actor/film./film/performance/film /m/03m8y5 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01xr2s +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0k2mxq +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06gbnc /people/ethnicity/people /m/0cg9f +/m/0166v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0693l /film/director/film /m/0234j5 +/m/0155w /music/genre/artists /m/07s3vqk +/m/025sc50 /music/genre/artists /m/0gbwp +/m/0lfbm /people/person/spouse_s./people/marriage/spouse /m/01kt17 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/080dfr7 /film/film/genre /m/02kdv5l +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/043t8t +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/0118d3 /location/location/time_zones /m/02fqwt +/m/0827d /music/genre/artists /m/023p29 +/m/02wlk /people/person/profession /m/01c979 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/013knm /people/person/languages /m/02h40lc +/m/01rmnp /people/person/gender /m/02zsn +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/01c3q /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/04yj5z /film/actor/film./film/performance/film /m/027j9wd +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kf5lf +/m/09k0h5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028knk /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/02clgg /film/actor/film./film/performance/film /m/09146g +/m/09nz_c /film/actor/film./film/performance/film /m/02xs6_ +/m/01cszh /music/record_label/artist /m/01817f +/m/02_286 /location/location/contains /m/021q2j +/m/0khth /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/0g5ff +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/0l6ny /olympics/olympic_games/sports /m/071t0 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/05rx__ /people/person/profession /m/03gjzk +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07t_x +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fb7c /film/actor/film./film/performance/film /m/03l6q0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/059j2 +/m/01h18v /film/film/genre /m/0vgkd +/m/0kqbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09c7w0 /location/location/contains /m/01t8sr +/m/076tw54 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0294mx /film/film/genre /m/017fp +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/0gc_c_ /film/film/executive_produced_by /m/0gg9_5q +/m/01jllg1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016jll +/m/033tf_ /people/ethnicity/people /m/04f7c55 +/m/017180 /film/film/genre /m/02l7c8 +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051z6mv +/m/0mnzd /location/us_county/county_seat /m/0mnzd +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/03_8kz +/m/01wgjj5 /people/person/place_of_birth /m/0nbfm +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/02fzs /location/location/time_zones /m/02lcqs +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/04_1l0v /location/location/time_zones /m/02lcqs +/m/01mgsn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fpn8 +/m/020trj /people/person/profession /m/02hrh1q +/m/01c0cc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/05fnl9 /film/actor/film./film/performance/film /m/0gvrws1 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/04mvp8 /people/ethnicity/geographic_distribution /m/03rk0 +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jc +/m/03f4w4 /film/actor/film./film/performance/film /m/02rq8k8 +/m/011k1h /music/record_label/artist /m/01vs4ff +/m/09pmkv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/014_lq /influence/influence_node/influenced_by /m/04k05 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/049ql1 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0fjyzt /film/film/language /m/07zrf +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/012bk /people/person/nationality /m/03spz +/m/01vvyc_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059j2 /location/location/contains /m/07371 +/m/01wtlq /music/genre/artists /m/0146pg +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_r3 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/05typm +/m/01bvw5 /education/educational_institution/school_type /m/047951 +/m/07rzf /film/actor/film./film/performance/film /m/06cgf +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/0mbs8 +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jgwf +/m/01x53m /people/person/languages /m/02bv9 +/m/0ddjy /film/film/genre /m/01hmnh +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/0crc2cp /film/film/country /m/0f8l9c +/m/018ysx /music/genre/parent_genre /m/05r6t +/m/0kvnn /people/person/nationality /m/09c7w0 +/m/02t_v1 /people/person/nationality /m/09c7w0 +/m/02y49 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03fmw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0rw2x /location/location/time_zones /m/02hcv8 +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gy6z9 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04bfg +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049n2l +/m/09w6br /film/film/produced_by /m/01f7j9 +/m/06jrhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vtbl +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01d5z +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02x0dzw /film/actor/film./film/performance/film /m/0cd2vh9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/04nnpw /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/07s3m4g /film/film/genre /m/0219x_ +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0645k5 /award/award_winning_work/awards_won./award/award_honor/award /m/02g2yr +/m/0xnvg /people/ethnicity/people /m/0807ml +/m/0crfwmx /film/film/genre /m/0hcr +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/07l8f /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01yvvn +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/05hj0n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03115z +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/03qjg /music/instrument/instrumentalists /m/03h_fk5 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0315q3 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0pyg6 +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0pz7h /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/033tln /people/person/places_lived./people/place_lived/location /m/0h8d +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/01wqpnm /music/artist/origin /m/012wyq +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/04w1j9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfwp +/m/01wgjj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06b0d2 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/03lgg /people/person/profession /m/015cjr +/m/05w1vf /people/person/profession /m/0dxtg +/m/03x16f /people/person/place_of_birth /m/02_286 +/m/02jx1 /location/location/contains /m/01s753 +/m/02pxmgz /film/film/country /m/0f8l9c +/m/01nxzv /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/063t3j +/m/02g0rb /film/actor/film./film/performance/film /m/03m8y5 +/m/02dr9j /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/0154j /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/059kh /music/genre/artists /m/079kr +/m/043h78 /film/film/executive_produced_by /m/0488g9 +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/06yykb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0klh7 /film/actor/film./film/performance/film /m/029k4p +/m/0czyxs /film/film/genre /m/01jfsb +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/05r5c /music/instrument/instrumentalists /m/03qmj9 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr_ +/m/016ckq /music/record_label/artist /m/0f7hc +/m/09n48 /olympics/olympic_games/sports /m/01yfj +/m/01s21dg /people/person/profession /m/01xy5l_ +/m/029cpw /people/person/nationality /m/09c7w0 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l0xc +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/02mzg9 /education/educational_institution/students_graduates./education/education/student /m/03h304l +/m/05k7sb /location/location/contains /m/0tyww +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/05np4c /film/actor/film./film/performance/film /m/01flv_ +/m/020ngt /music/genre/artists /m/01wt4wc +/m/05dss7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/02z6l5f /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07l5z +/m/0ff3y /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/015c2f /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcdn +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/056jrs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02n4kr /media_common/netflix_genre/titles /m/026n4h6 +/m/03f0qd7 /people/person/profession /m/016z4k +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n4w +/m/01q1j /base/biblioness/bibs_location/country /m/02jx1 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01bdhf +/m/0dgq_kn /film/film/production_companies /m/0283xx2 +/m/06cmp /film/film_subject/films /m/0kvb6p +/m/0fbvqf /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01rnly +/m/06jplb /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yxy +/m/0gjk1d /film/film/written_by /m/01nr36 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050f0s +/m/026c1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jzyx +/m/07s3vqk /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/014vk4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k6yt1 +/m/0yyts /film/film/produced_by /m/03v1w7 +/m/0d8h4 /location/location/contains /m/09lk2 +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/047g8h +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/04yc76 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/042zrm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02wgln /people/person/profession /m/02hrh1q +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/020h2v /organization/organization/place_founded /m/0r00l +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01p85y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/032016 /film/film/featured_film_locations /m/02nd_ +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0qf2t +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/06zmg7m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pj_5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0qcr0 /people/cause_of_death/people /m/0jgwf +/m/01nn3m /people/person/profession /m/09jwl +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03f2w +/m/01f7kl /film/film/production_companies /m/030_1_ +/m/0fzyg /film/film_subject/films /m/09qycb +/m/04xvlr /media_common/netflix_genre/titles /m/09rfpk +/m/01w5gg6 /people/person/profession /m/08z956 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/033p3_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_fj +/m/018j2 /music/instrument/instrumentalists /m/01vsyg9 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0drc1 +/m/02lnbg /music/genre/artists /m/01_ztw +/m/019vhk /film/film/written_by /m/07s93v +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/01gl9g +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0nbwf /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/03m8lq /film/actor/film./film/performance/film /m/06znpjr +/m/01bzw5 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04hpck /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01qrb2 +/m/02q9kqf /people/person/gender /m/05zppz +/m/012gyf /organization/organization/headquarters./location/mailing_address/citytown /m/04sqj +/m/03rk0 /location/location/contains /m/0yyh +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p76f9 +/m/03nm_fh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cn68 /people/ethnicity/languages_spoken /m/0t_2 +/m/09c7w0 /location/country/second_level_divisions /m/0235l +/m/0c2ry /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0hqcy +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/02r7lqg +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hv27 +/m/0sq2v /location/hud_county_place/place /m/0sq2v +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0ggbfwf /film/film/production_companies /m/0283xx2 +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/01nsyf /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/09dt7 /people/person/places_lived./people/place_lived/location /m/0f25y +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0d608 /film/actor/film./film/performance/film /m/02x8fs +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04twmk +/m/01f85k /film/film/cinematography /m/02404v +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07ssc +/m/0gg8z1f /film/film/country /m/05qhw +/m/01z4y /media_common/netflix_genre/titles /m/06lpmt +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/01jgpsh +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/08phg9 /film/film/music /m/04ls53 +/m/01zn4y /education/educational_institution/school_type /m/05jxkf +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01lmj3q /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/02hkv5 /people/person/profession /m/01d_h8 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01k5t_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kstn9 +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/01f7kl /film/film/executive_produced_by /m/02q_cc +/m/0glmv /people/person/profession /m/03gjzk +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/01f492 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06wpc +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0jwl2 +/m/03h_fk5 /people/person/languages /m/02h40lc +/m/03pcnt /dataworld/gardening_hint/split_to /m/04ggh49 +/m/027gs1_ /award/award_category/category_of /m/0gcf2r +/m/02mf7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0261w5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01clyr /music/record_label/artist /m/012vm6 +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/09p5mwg /film/film/language /m/02h40lc +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04xvlr /media_common/netflix_genre/titles /m/09v9mks +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c1sgd3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0203v +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/06cgy /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/0yx1m /film/film/country /m/09c7w0 +/m/02q7yfq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0h53p1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04p5cr +/m/04bs3j /film/actor/film./film/performance/film /m/0cc97st +/m/02r1c18 /film/film/genre /m/0vgkd +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02mj7c /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/01vn0t_ +/m/09g8vhw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yf85 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044mrh /film/actor/film./film/performance/film /m/02wgk1 +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/0841zn /people/person/nationality /m/0345h +/m/01h3dj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/064t9 /music/genre/artists /m/01f9zw +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0gr69 /dataworld/gardening_hint/split_to /m/0fq117k +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/07xpm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03z1c5 +/m/061681 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0m5s5 /film/film/written_by /m/0f13b +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0dwsp /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/046zh /people/person/place_of_birth /m/013yq +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/049bp4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0gfh84d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0kbws /olympics/olympic_games/participating_countries /m/02k8k +/m/0d2psv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bkmf /people/deceased_person/place_of_burial /m/01n7q +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0cf08 /film/film/genre /m/02kdv5l +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bjv6 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0dfrq +/m/0lmgy /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nsyf /film/actor/film./film/performance/film /m/02gs6r +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0342h /music/instrument/instrumentalists /m/01wj92r +/m/05mkhs /film/actor/film./film/performance/film /m/0gmd3k7 +/m/01fjfv /broadcast/content/artist /m/0c9l1 +/m/07r1h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07nvmx +/m/022qw7 /people/person/religion /m/0c8wxp +/m/0k4f3 /film/film/language /m/02h40lc +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/07n39 /people/person/places_lived./people/place_lived/location /m/0mzvm +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq8k8 +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029cpw +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/02yy9r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024qqx /media_common/netflix_genre/titles /m/0dnqr +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/034cm /dataworld/gardening_hint/split_to /m/014tss +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0160nk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0ctwqs +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/080knyg +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/039wsf +/m/02js6_ /people/person/languages /m/02h40lc +/m/064lsn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/02v63m /film/film/production_companies /m/032j_n +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/01pfkw /people/person/profession /m/0dxtg +/m/057176 /people/person/place_of_birth /m/0ccvx +/m/03j43 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0ggx5q /music/genre/artists /m/01nz1q6 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8gz +/m/019mdt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0275_pj /people/person/gender /m/05zppz +/m/0br0vs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06jplb /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lv4x +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/024swd +/m/0329nn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07f1x /location/country/capital /m/0fn2g +/m/0cv1h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwq7 +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/02r4qs +/m/04mlmx /people/person/profession /m/02hrh1q +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/025tdwc /people/person/profession /m/028kk_ +/m/02rx2m5 /film/film/featured_film_locations /m/0g_wn2 +/m/06rhz7 /film/film/film_production_design_by /m/02x2t07 +/m/06mt91 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02l840 +/m/04h4c9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07lt7b +/m/03y7ml /business/business_operation/industry /m/0hz28 +/m/025rvx0 /film/film/edited_by /m/03q8ch +/m/06xpp7 /education/educational_institution_campus/educational_institution /m/06xpp7 +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/01x96 /location/hud_county_place/county /m/0n5y4 +/m/0lk8j /olympics/olympic_games/sports /m/0486tv +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb607 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/07y9w5 /film/film/genre /m/01hmnh +/m/01wgxtl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q32 +/m/05r5c /music/instrument/instrumentalists /m/0191h5 +/m/082xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/03gt0c5 /people/person/profession /m/026sdt1 +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpbhm +/m/0fk3s /people/ethnicity/languages_spoken /m/064_8sq +/m/0lbj1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047d21r +/m/0mzvm /location/location/time_zones /m/02hcv8 +/m/0jgx /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01w9wwg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02l840 +/m/02cbhg /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0401sg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/04jpl /location/location/contains /m/0n9dn +/m/031zm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02w4v /music/genre/artists /m/01vrx3g +/m/0209hj /film/film/country /m/03rk0 +/m/02lk1s /film/actor/film./film/performance/film /m/023vcd +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0b7xl8 /people/person/nationality /m/09c7w0 +/m/04dz_y7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qd04y +/m/07l450 /film/film/language /m/04306rv +/m/01fwj8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/023sng /people/person/profession /m/01d_h8 +/m/035dk /location/location/contains /m/05hf_5 +/m/01w0yrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/014dm6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/02ct_k /film/actor/film./film/performance/film /m/02_fm2 +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/04xbr4 /people/person/nationality /m/09c7w0 +/m/02j9z /location/location/contains /m/07tg4 +/m/04flrx /film/director/film /m/01s7w3 +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/015l4k /olympics/olympic_games/sports /m/09f6b +/m/0k419 /film/film/film_art_direction_by /m/07hhnl +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04pg29 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01trf3 /film/actor/film./film/performance/film /m/08sk8l +/m/03wy70 /people/person/profession /m/021wpb +/m/07cbs /people/person/profession /m/03sbb +/m/01nx_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/02g3w /people/person/profession /m/0196pc +/m/06t6dz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0168nq +/m/0nvg4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/04pp9s /people/person/place_of_birth /m/03l2n +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bkmf +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/0blt6 /people/person/place_of_birth /m/02_286 +/m/07r1h /film/actor/film./film/performance/film /m/02b61v +/m/01ydzx /music/artist/origin /m/01vx3m +/m/0m2kd /film/film/genre /m/04xvlr +/m/02gys2 /sports/sports_team/colors /m/083jv +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/01d6g /sports/sports_team/colors /m/019sc +/m/015qh /location/location/contains /m/0ftjx +/m/01j590z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qxc7 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06ylv0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/0k419 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0h21v2 /film/film/produced_by /m/06pj8 +/m/02n72k /film/film/film_production_design_by /m/04_1nk +/m/01wdl3 /education/educational_institution/campuses /m/01wdl3 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09d38d +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/04q7r /music/instrument/instrumentalists /m/0lbj1 +/m/02qdgx /music/genre/artists /m/01mbwlb +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0bzrxn /time/event/instance_of_recurring_event /m/02jp2w +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0gl5_ +/m/03ryn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dbhb +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/0dzkq /influence/influence_node/influenced_by /m/0420y +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/012jfb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0sxkh /film/film/genre /m/07s9rl0 +/m/034cm /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/06by7 /music/genre/artists /m/0jltp +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/036dyy /film/actor/film./film/performance/film /m/04g73n +/m/02gnlz /people/person/nationality /m/09c7w0 +/m/0j06n /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02g1px +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0lvng /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01xpxv /people/person/nationality /m/09c7w0 +/m/0cc5qkt /film/film/country /m/09c7w0 +/m/02_p8v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026zlh9 +/m/046zh /people/person/profession /m/03gjzk +/m/02zr0z /education/educational_institution/colors /m/04mkbj +/m/011v3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09xvf7 /people/person/nationality /m/09c7w0 +/m/0bn8fw /people/person/nationality /m/09c7w0 +/m/021yzs /film/actor/film./film/performance/film /m/02pg45 +/m/01mtqf /medicine/disease/risk_factors /m/0jpmt +/m/016s0m /people/person/gender /m/02zsn +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbl_r +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/01zt10 /people/person/languages /m/03k50 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/016z1t +/m/0k5fg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047n8xt /film/film/executive_produced_by /m/02z6l5f +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/031t2d /film/film/language /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0j13b +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/06m_5 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03kbb8 /film/actor/film./film/performance/film /m/0340hj +/m/028d4v /film/actor/film./film/performance/film /m/07y9w5 +/m/0rn0z /location/hud_county_place/place /m/0rn0z +/m/0cf8qb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02p86pb /film/film/music /m/0146pg +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s_2 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/018pj3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06x4l_ +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/085wqm +/m/0l98s /olympics/olympic_games/sports /m/0d1tm +/m/043qqt5 /tv/tv_program/genre /m/0hcr +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02bh8z /music/record_label/artist /m/012x1l +/m/027hm_ /people/person/profession /m/02hrh1q +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdl3 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0gdm1 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01qmy04 /people/person/profession /m/05z96 +/m/02prw4h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jkkv /film/film/genre /m/060__y +/m/06gh0t /people/person/gender /m/05zppz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/02z0f6l /film/film/language /m/02h40lc +/m/0hdf8 /music/genre/artists /m/01t_xp_ +/m/0pd6l /film/film/genre /m/082gq +/m/03rjj /location/location/contains /m/0nr2v +/m/0hyyq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/04s1zr /film/film/production_companies /m/059x3p +/m/048z7l /people/ethnicity/people /m/0lrh +/m/09zmys /people/person/nationality /m/09c7w0 +/m/07g2b /influence/influence_node/influenced_by /m/040_9 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0n0bp /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0282x /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0c408_ +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b3d +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/069d68 /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0ylgz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rgq +/m/0k2h6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0138t4 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170qf +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/06zsk51 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/0285c /music/group_member/membership./music/group_membership/role /m/0l14md +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/0fkwzs /tv/tv_program/genre /m/01hmnh +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/03lty /music/genre/artists /m/03lgg +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/065jlv /film/actor/film./film/performance/film /m/031hcx +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01hgwkr /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/0f2df /film/actor/film./film/performance/film /m/0bbgly +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/013d7t /base/biblioness/bibs_location/state /m/04ly1 +/m/0cqt41 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dnqr +/m/0161rf /music/genre/artists /m/02lvtb +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/03bdm4 /people/person/profession /m/02hrh1q +/m/09wj5 /film/actor/film./film/performance/film /m/017jd9 +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02bjrlw /media_common/netflix_genre/titles /m/02psgq +/m/01w02sy /people/person/profession /m/0nbcg +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3x +/m/0dgq80b /film/film/prequel /m/06yykb +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/029fbr /music/genre/artists /m/03f0fnk +/m/018gqj /award/award_winner/awards_won./award/award_honor/award_winner /m/024yxd +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/02d6n_ /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/024qqx /media_common/netflix_genre/titles /m/01hqk +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0dkb83 +/m/075k5 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7jc +/m/02zk08 /film/film/genre /m/04t36 +/m/030s5g /people/person/nationality /m/09c7w0 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/02hrb2 /education/educational_institution_campus/educational_institution /m/02hrb2 +/m/017c87 /people/person/profession /m/01d_h8 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/03m5k /music/instrument/instrumentalists /m/01l4g5 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0g9wdmc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0151w_ /film/actor/film./film/performance/film /m/0m313 +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01clyr /music/record_label/artist /m/02k5sc +/m/01fx4k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pd64 /film/film/featured_film_locations /m/0jdtt +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03kxj2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/0m93 /people/person/languages /m/032f6 +/m/02n72k /film/film/genre /m/0lsxr +/m/01vs4f3 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/09p3_s /film/film/language /m/03k50 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/04hqz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0g293 /music/genre/artists /m/09z1lg +/m/07s9rl0 /media_common/netflix_genre/titles /m/03prz_ +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/06yxd /location/location/contains /m/0_kq3 +/m/01wbl_r /people/person/profession /m/0nbcg +/m/02lkcc /film/actor/film./film/performance/film /m/02v8kmz +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05r5c /music/instrument/instrumentalists /m/058s57 +/m/01vw20_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06rgq +/m/01t8399 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/09ftwr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016clz /music/genre/artists /m/04n2vgk +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/0gn30 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09txzv /film/film/produced_by /m/0415svh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/02bc74 /people/person/gender /m/05zppz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09stq9 +/m/0c3351 /media_common/netflix_genre/titles /m/032sl_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01wyy_ +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/09jw2 /music/genre/artists /m/0g_g2 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pdp8 +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/01s5q /film/film_subject/films /m/0gjk1d +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01wg982 /people/person/profession /m/02hrh1q +/m/0bl06 /film/film/language /m/06b_j +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxgv +/m/03ydlnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04cv9m /film/film/written_by /m/07s93v +/m/0193x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02114t /people/person/place_of_birth /m/02_286 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/04yj5z /film/actor/film./film/performance/film /m/01cssf +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/023361 /influence/influence_node/influenced_by /m/09h_q +/m/01hl_w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01s7pm /education/educational_institution/school_type /m/05jxkf +/m/04nw9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0l5yl +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award /m/05zx7xk +/m/05bt6j /music/genre/artists /m/0259r0 +/m/0b6m5fy /film/film/genre /m/05p553 +/m/0ggx5q /music/genre/artists /m/0dm5l +/m/01wbz9 /people/person/profession /m/016z4k +/m/05dbf /film/actor/film./film/performance/film /m/05650n +/m/06nrt /location/location/contains /m/05gm16l +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0443y3 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/059rby /location/location/contains /m/0fplv +/m/0mx48 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxhc +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/08k881 /people/person/gender /m/05zppz +/m/01j7z7 /film/actor/film./film/performance/film /m/01719t +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/position /m/02nzb8 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/092vkg +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/07m69t /people/person/place_of_birth /m/0r7fy +/m/03ldxq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x67 /people/ethnicity/people /m/01vvzb1 +/m/02c8d7 /music/genre/artists /m/01x1cn2 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/02j9z /location/location/contains /m/015qh +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fzq3 +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0141kz /film/actor/film./film/performance/film /m/0prh7 +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04fc6c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/042zrm /film/film/production_companies /m/04rtpt +/m/0mb0 /people/person/profession /m/0cbd2 +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fybl +/m/05t54s /film/film/language /m/02bjrlw +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/01yb09 /people/person/profession /m/0cbd2 +/m/03rjj /location/country/second_level_divisions /m/040hg8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qr3k8 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/081lh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ct5zc /film/film/language /m/02h40lc +/m/0j_sncb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mcf4 /music/record_label/artist /m/01lcxbb +/m/04__f /film/actor/film./film/performance/film /m/0d_wms +/m/0xsk8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01pctb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01z5tr +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/03bzjpm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/05pzdk +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/014vk4 /people/person/profession /m/080ntlp +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0693l /film/director/film /m/02pg45 +/m/03mh94 /film/film/film_production_design_by /m/0bjkpt +/m/037w7r /people/person/nationality /m/09c7w0 +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0djlxb /film/film/genre /m/03mqtr +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0p9qb +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/01_qc_ /people/cause_of_death/people /m/0l5yl +/m/06ntj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/050gkf /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/01f7dd /film/actor/film./film/performance/film /m/0cqr0q +/m/0l6mp /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06y0xx /people/person/profession /m/02jknp +/m/011yph /film/film/country /m/07ssc +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/04wlh /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/018ctl /olympics/olympic_games/sports /m/09_9n +/m/02q3bb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038bht +/m/06py2 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0287477 +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/0499lc +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/037njl +/m/07ssc /location/location/contains /m/018x0q +/m/04kd5d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/039n1 /people/person/employment_history./business/employment_tenure/company /m/01stzp +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0202p_ /people/person/nationality /m/07ssc +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057hz +/m/019vhk /film/film/genre /m/03mqtr +/m/0j_sncb /education/educational_institution/colors /m/0jc_p +/m/02d45s /film/actor/film./film/performance/film /m/0260bz +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01qx13 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04jvt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/02189 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/04xzm +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/019lrz /people/ethnicity/languages_spoken /m/0k0sv +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/03_gd /people/person/profession /m/01d_h8 +/m/089kpp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/01r3w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01hrqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/014nzp +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0dg3n1 /location/location/contains /m/06tw8 +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03bxsw +/m/03gvpk /award/award_winner/awards_won./award/award_honor/award_winner /m/0blgl +/m/05d1y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/0dr89x /film/film/production_companies /m/030_1_ +/m/01xq8v /film/film/language /m/02h40lc +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01j67j +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/067sqt +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072x7s +/m/0k2sk /film/film/country /m/09c7w0 +/m/04t36 /media_common/netflix_genre/titles /m/0cq7kw +/m/03078l /sports/sports_team/sport /m/02vx4 +/m/021bk /film/actor/film./film/performance/film /m/09cxm4 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/02fn5 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03k8th +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/0fgrm /film/film/country /m/09c7w0 +/m/07f_t4 /film/film/production_companies /m/086k8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/0b455l +/m/01qgry /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01wwvc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/086qd +/m/01kf5lf /film/film/music /m/01cbt3 +/m/0l14md /music/instrument/instrumentalists /m/018y81 +/m/022lly /education/educational_institution/colors /m/03wkwg +/m/03hzl42 /film/actor/film./film/performance/film /m/0gfh84d +/m/037jz /people/person/profession /m/0d8qb +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0299ct /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/02z6fs /education/educational_institution/students_graduates./education/education/student /m/0cbdf1 +/m/0gnbw /people/person/profession /m/02hrh1q +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/06rkfs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0m0nq /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01718w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/029k55 /people/person/profession /m/018gz8 +/m/010tkc /location/location/time_zones /m/02lcqs +/m/016sp_ /people/person/profession /m/02jknp +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/041h0 /people/person/place_of_birth /m/0c499 +/m/01y888 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02wvf2s /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02508x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04lc0h /location/location/contains /m/01pj48 +/m/05hd32 /tv/tv_program/genre /m/01hmnh +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/0206k5 /business/business_operation/industry /m/0sydc +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/01w61th +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01d650 +/m/02lymt /people/person/religion /m/0flw86 +/m/01n7q /location/location/contains /m/01hhvg +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/06dn58 /people/person/gender /m/05zppz +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0lrh /people/person/profession /m/0dxtg +/m/07ssc /location/location/contains /m/01gln9 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gldyz +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/08433 /people/deceased_person/place_of_death /m/0t6hk +/m/0ql86 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/026pz9s +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/094xh /people/person/gender /m/02zsn +/m/04xvlr /media_common/netflix_genre/titles /m/09p3_s +/m/025ljp /tv/tv_program/genre /m/0c031k6 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01br2w +/m/01vw20_ /people/person/nationality /m/09c7w0 +/m/015pdg /music/genre/artists /m/0178_w +/m/0dl5d /music/genre/artists /m/01w8n89 +/m/01qn8k /people/person/profession /m/0d1pc +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/01nfys +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03jqw5 /people/person/profession /m/09jwl +/m/0776h1v /award/award_category/disciplines_or_subjects /m/0w7c +/m/04_1l0v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/0gj50 /tv/tv_program/program_creator /m/02_2v2 +/m/05bt6j /music/genre/artists /m/0187x8 +/m/02pxmgz /film/film/cinematography /m/0f3zsq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0c9cp0 +/m/09wj5 /base/eating/practicer_of_diet/diet /m/07_jd +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01f9wm +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g60z +/m/0gnjh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/0kbq /film/film_subject/films /m/09lcsj +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01n951 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01r2lw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06sn8m /people/person/profession /m/0np9r +/m/09c7w0 /location/country/second_level_divisions /m/0fc32 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ldnp +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03kx49 +/m/018p4y /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/09wj5 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07c52 /media_common/netflix_genre/titles /m/01s81 +/m/06zsk51 /tv/tv_program/genre /m/01z77k +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/0127xk /people/person/profession /m/09jwl +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02cbs0 /people/person/gender /m/05zppz +/m/0dc95 /sports/sports_team_location/teams /m/05m_8 +/m/01kj0p /people/person/nationality /m/0d060g +/m/018y81 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0285c /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/0cmc2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/0dn8b /location/location/time_zones /m/02hcv8 +/m/0bhtzw /people/person/gender /m/05zppz +/m/01z3bz /education/educational_institution/campuses /m/01z3bz +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/018vs /music/instrument/instrumentalists /m/01p0w_ +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04pbsq +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09z1lg +/m/0ds1glg /film/film/language /m/02h40lc +/m/038bh3 /film/film/country /m/09c7w0 +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/034hck /people/person/spouse_s./people/marriage/spouse /m/01fwk3 +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/04fh3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/02xlf /people/profession/specialization_of /m/0cbd2 +/m/08y2fn /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bwgc_ +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/054lpb6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crh5_f +/m/064t9 /music/genre/artists /m/02jyhv +/m/07bch9 /people/ethnicity/people /m/03h_fk5 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/065b6q /people/ethnicity/people /m/0gx_p +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01wqpnm +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0x67 /people/ethnicity/people /m/0bv7t +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/04wx2v /people/person/nationality /m/09c7w0 +/m/02v406 /people/person/profession /m/02jknp +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/06t2t /location/country/official_language /m/0y1mh +/m/0b7l4x /film/film/production_companies /m/054lpb6 +/m/027rn /location/country/form_of_government /m/026wp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/03_3d /media_common/netflix_genre/titles /m/02q3fdr +/m/0hm2b /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ksr1 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05pdh86 /film/film/production_companies /m/04f525m +/m/024dgj /base/eating/practicer_of_diet/diet /m/07_jd +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/07ghv5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/02lnbg /music/genre/artists /m/0hvbj +/m/01yk13 /film/actor/film./film/performance/film /m/0btyf5z +/m/0b57p6 /people/person/profession /m/014kbl +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02yy9r +/m/072x7s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g87m /film/actor/film./film/performance/film /m/01k0xy +/m/03fts /film/film/produced_by /m/02779r4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/09b6zr +/m/0n2bh /tv/tv_program/genre /m/07qht4 +/m/05218gr /people/person/nationality /m/09c7w0 +/m/025sc50 /music/genre/artists /m/016fnb +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0c57yj /film/film/featured_film_locations /m/0r785 +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/01n44c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0151w_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/01vv7sc +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0qmfk /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0c41y70 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/033tf_ /people/ethnicity/people /m/06mmb +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/05148p4 /music/instrument/instrumentalists /m/01vvybv +/m/05r5c /music/instrument/instrumentalists /m/063tn +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/03xb2w /film/actor/film./film/performance/film /m/07y9w5 +/m/01cbwl /music/genre/artists /m/016fmf +/m/02_p5w /film/actor/film./film/performance/film /m/0241y7 +/m/03m2fg /film/actor/film./film/performance/film /m/0f42nz +/m/03v0t /location/location/time_zones /m/02fqwt +/m/05r6t /music/genre/artists /m/01wqpnm +/m/0d5fb /education/educational_institution/school_type /m/0m4mb +/m/015dqj /film/actor/film./film/performance/film /m/02q8ms8 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/043q6n_ +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03f2_rc /people/person/profession /m/0cbd2 +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04jkpgv /film/film/film_festivals /m/04_m9gk +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/017vkx /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01ccr8 /people/person/nationality /m/09c7w0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/01wwvt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y_rz +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/0ft18 /film/film/language /m/064_8sq +/m/05cljf /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/05txrz /people/person/nationality /m/0d060g +/m/046qq /film/actor/film./film/performance/film /m/09qycb +/m/0178rl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vvzb1 /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/01v_pj6 /music/group_member/membership./music/group_membership/role /m/0342h +/m/07ssc /media_common/netflix_genre/titles /m/0g9lm2 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/01yzhn /people/person/languages /m/02h40lc +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03bdm4 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/03f1d47 /people/person/profession /m/0fnpj +/m/02q6cv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0fsm8c /people/person/profession /m/02hrh1q +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/03rx9 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0dh73w +/m/02_340 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/02qkwl /film/film/featured_film_locations /m/080h2 +/m/012ykt /people/person/gender /m/02zsn +/m/05r5c /music/instrument/instrumentalists /m/07r4c +/m/0gn30 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/046b0s +/m/01f9wm /business/business_operation/industry /m/0h6dj +/m/0bt3j9 /film/film/genre /m/05p553 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0cc846d /film/film/genre /m/02kdv5l +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/067hq2 /people/person/profession /m/0np9r +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ndc +/m/0jn5l /people/person/profession /m/09jwl +/m/06_kh /location/hud_county_place/place /m/06_kh +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/08wjf4 /film/actor/film./film/performance/film /m/0270k40 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/03j24kf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0cf08 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0b_ljy +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hw5kk +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/013xrm /people/ethnicity/people /m/0l9k1 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpx1k +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw9z +/m/03rt9 /location/country/second_level_divisions /m/08314 +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04v8h1 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/0gfsq9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0n6f8 +/m/01vv6xv /people/person/profession /m/09jwl +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0d66j2 +/m/0fd3y /music/genre/parent_genre /m/01pfpt +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/024_vw +/m/0168dy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01q7cb_ +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ydt +/m/05kwx2 /film/actor/film./film/performance/film /m/04jpg2p +/m/078jt5 /film/director/film /m/0422v0 +/m/0n6f8 /people/person/gender /m/02zsn +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/02x2097 /organization/organization/headquarters./location/mailing_address/citytown /m/04vmp +/m/02rjz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011j5x /music/genre/artists /m/01wl38s +/m/02m3sd /people/person/places_lived./people/place_lived/location /m/05tbn +/m/06h4y9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/02gf_l /film/actor/film./film/performance/film /m/047csmy +/m/03l78j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/02qyxs5 /award/award_category/winners./award/award_honor/award_winner /m/04gcd1 +/m/02fgm7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0131kb /people/person/nationality /m/07ssc +/m/0kbvv /olympics/olympic_games/participating_countries /m/09c7w0 +/m/042ly5 /film/actor/film./film/performance/film /m/047tsx3 +/m/011ycb /film/film/music /m/07q1v4 +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/06sks6 /olympics/olympic_games/sports /m/02y74 +/m/026_w57 /people/person/nationality /m/09c7w0 +/m/02bg8v /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h0jz +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09f2j /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/05r79 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/06ls0l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bk1p /music/artist/origin /m/04jpl +/m/04vcdj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/09c7w0 /location/country/second_level_divisions /m/0cc1v +/m/09c7w0 /location/country/second_level_divisions /m/0mwyq +/m/0tyww /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06xj93 +/m/069d71 /people/person/nationality /m/09c7w0 +/m/02pjc1h /film/film/genre /m/02kdv5l +/m/02p10m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/074w86 /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fn7r +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m491 +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/024_dt /award/award_category/winners./award/award_honor/award_winner /m/0hl3d +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/014l6_ /film/film/production_companies /m/0278rq7 +/m/0ggq0m /music/genre/artists /m/063tn +/m/04t061 /music/record_label/artist /m/03f3_p3 +/m/04fjzv /film/film/production_companies /m/086k8 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030g9z +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/03d_w3h +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/08952r /film/film/written_by /m/04fcx7 +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0htlr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01f6zc +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nhfc1 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06chvn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03k0yw +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k1k4 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/02qkt /location/location/contains /m/07bxhl +/m/0d19y2 /people/cause_of_death/people /m/016j68 +/m/01kgxf /people/person/nationality /m/09c7w0 +/m/033hn8 /music/record_label/artist /m/01fmz6 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lfl4 +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/0jt5zcn /location/location/contains /m/0ymb6 +/m/033tf_ /people/ethnicity/people /m/0bqs56 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0gyy53 /film/film/genre /m/03g3w +/m/011ykb /film/film/genre /m/02l7c8 +/m/01qq_lp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cqny /music/genre/artists /m/0136p1 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0m2by /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m257 +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/042gr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0296rz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013d_f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04pry +/m/059j2 /location/location/contains /m/0fqww +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/015x1f /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/02114t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0320jz +/m/0hhqw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01m13b /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07147 +/m/01xwv7 /influence/influence_node/influenced_by /m/02633g +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/01wvxw1 /people/person/gender /m/05zppz +/m/03r8gp /film/film_subject/films /m/06nr2h +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/016clz /music/genre/artists /m/016fmf +/m/03_gz8 /film/film/music /m/05y7hc +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016zwt +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/08m4c8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06s6hs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05d8_h +/m/02nygk /people/person/gender /m/05zppz +/m/05pt0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nk3t +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gfp09 +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/029q3k +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02bg8v +/m/02yxwd /film/actor/film./film/performance/film /m/0642xf3 +/m/01jsk6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0b78hw /influence/influence_node/influenced_by /m/04hcw +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01400v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02ky346 +/m/016vg8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gy6z9 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0crh5_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/0280061 /film/film/genre /m/0219x_ +/m/0cc5mcj /film/film/executive_produced_by /m/01twdk +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/08f3b1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/07kdkfj /film/film/genre /m/02l7c8 +/m/09b83 /base/biblioness/bibs_location/country /m/0f8l9c +/m/03d2k /people/person/languages /m/02h40lc +/m/06v99d /business/business_operation/industry /m/03qh03g +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018f8 +/m/05q_dw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d494 /people/deceased_person/place_of_death /m/0f04c +/m/0pgjm /people/person/profession /m/018gz8 +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01tszq /film/actor/film./film/performance/film /m/0j6b5 +/m/0pf5y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04q827 +/m/07b2lv /film/actor/film./film/performance/film /m/06gb1w +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01xmxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gjc4d3 /film/film/genre /m/01hmnh +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01zwy /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gjk1d +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nms7 +/m/01csvq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/081lh +/m/02cvcd /education/educational_institution/school_type /m/04399 +/m/048qrd /film/film/written_by /m/06y9bd +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/054f2k /organization/organization/headquarters./location/mailing_address/citytown /m/04f_d +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02633g +/m/03_dj /people/person/nationality /m/03rt9 +/m/03_3d /location/location/contains /m/049wm +/m/0121rx /people/person/profession /m/02hrh1q +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/0fpzzp /influence/influence_node/influenced_by /m/07scx +/m/0166b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02665kn /people/person/places_lived./people/place_lived/location /m/0__wm +/m/0l35f /location/location/time_zones /m/02lcqs +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dx_q +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqytn +/m/030k94 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/05pdh86 /film/film/prequel /m/03nm_fh +/m/0265v21 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b65l +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/02q0v8n /film/film/executive_produced_by /m/055c8 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/06dl_ /people/person/places_lived./people/place_lived/location /m/01n7q +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01vwbts +/m/06dl_ /people/person/profession /m/0cbd2 +/m/02xtxw /film/film/country /m/0d060g +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/01kt_j +/m/0f2sq /location/location/time_zones /m/02fqwt +/m/0mbs8 /people/person/nationality /m/09c7w0 +/m/086qd /base/eating/practicer_of_diet/diet /m/07_jd +/m/01l7qw /film/actor/film./film/performance/film /m/0407yfx +/m/01fh36 /music/genre/artists /m/02p2zq +/m/01yndb /people/person/gender /m/05zppz +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0t6sb /location/location/contains /m/06b19 +/m/032w8h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09r9dp +/m/05mkhs /people/person/profession /m/02hrh1q +/m/02y0yt /film/actor/film./film/performance/film /m/0jnwx +/m/0jnkr /sports/sports_team/sport /m/03tmr +/m/0338g8 /people/person/gender /m/05zppz +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/01wl38s /people/person/profession /m/09jwl +/m/02t_8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/011zwl /people/person/nationality /m/06q1r +/m/036dyy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01l1ls /people/person/profession /m/03gjzk +/m/0xhtw /music/genre/artists /m/0jn38 +/m/05zjx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/049_zz +/m/016ypb /film/actor/film./film/performance/film /m/05fcbk7 +/m/03pmzt /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k2sk +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0169t +/m/0jzw /film/film/written_by /m/02vyw +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/018p4y +/m/09cdxn /people/person/profession /m/0dgd_ +/m/06cgy /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0kjrx +/m/02sdx /people/person/profession /m/06q2q +/m/07s846j /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hkhq +/m/02j9z /location/location/contains /m/07wtc +/m/09px1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/03yvgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/036dyy /people/person/profession /m/0cbd2 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/06rpd /sports/sports_team/colors /m/01l849 +/m/027hq5f /film/actor/film./film/performance/film /m/01xvjb +/m/03yf5g /people/person/profession /m/0gl2ny2 +/m/057__d /film/film/language /m/02h40lc +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/031786 /film/film/language /m/064_8sq +/m/06jd89 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/013yq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nzny +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/01jrp0 /people/person/places_lived./people/place_lived/location /m/0qkyj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/0l98s /olympics/olympic_games/sports /m/03hr1p +/m/07ssc /location/location/contains /m/01d8wq +/m/023g6w /film/film/genre /m/01jfsb +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02jxmr +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0fbzp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/0bczgm /people/person/gender /m/05zppz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fxnf +/m/02vqsll /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018y2s /people/person/places_lived./people/place_lived/location /m/0mp3l +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m3b1t +/m/0g_zyp /film/film/written_by /m/0gyx4 +/m/01m65sp /people/person/profession /m/09jwl +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01m1_d /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/03xpf_7 /people/person/gender /m/05zppz +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0rv97 /location/hud_county_place/county /m/0nz_b +/m/02z7f3 /music/genre/artists /m/016lj_ +/m/01mtqf /people/cause_of_death/people /m/0j5b8 +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0gpprt +/m/0byq0v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02z5x7l /film/film/genre /m/0hn10 +/m/03mh94 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmhr +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/09c7w0 /location/country/second_level_divisions /m/0k3j0 +/m/04f62k /people/person/places_lived./people/place_lived/location /m/018jcq +/m/049qx /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/06by7 /music/genre/artists /m/01x0yrt +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/087vz /location/location/contains /m/01g_k3 +/m/01k98nm /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/0djywgn /people/person/profession /m/09j9h +/m/02ny8t /music/genre/artists /m/0517bc +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0kfpm +/m/0qcr0 /people/cause_of_death/people /m/02rf51g +/m/0170pk /people/person/places_lived./people/place_lived/location /m/0g39h +/m/02_1sj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/034qrh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/07k2d +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/0c4f4 +/m/033cw /people/person/place_of_birth /m/02_286 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06fc0b +/m/01ptt7 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/027mdh /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0f8l9c /media_common/netflix_genre/titles /m/0bz3jx +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c6qh +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ld94 +/m/02fgp0 /people/person/place_of_birth /m/094jv +/m/01sfmyk /film/actor/film./film/performance/film /m/09sh8k +/m/017s11 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06t2t2 /film/film/country /m/09c7w0 +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/04rcr +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/012v1t +/m/03qcq /people/person/places_lived./people/place_lived/location /m/0498y +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dy7j +/m/09v38qj /tv/tv_program/genre /m/07qht4 +/m/01gc7h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n2bh +/m/020bv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03r8gp /film/film_subject/films /m/01chpn +/m/02y0js /people/cause_of_death/people /m/01pcmd +/m/041rx /people/ethnicity/people /m/040696 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/04gycf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpsrx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/018vs /music/instrument/instrumentalists /m/02bgmr +/m/01h320 /people/person/profession /m/0cbd2 +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ytc +/m/0hcm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/044crp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hv81 /film/film/written_by /m/0bs8d +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/016ynj +/m/09c7w0 /location/location/contains /m/07tds +/m/0hkt6 /film/film_subject/films /m/01vw8k +/m/02661h /film/actor/film./film/performance/film /m/04x4vj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/082237 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0d2psv +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/011vx3 /people/person/gender /m/05zppz +/m/0bq2g /people/person/gender /m/02zsn +/m/01mzwp /location/country/capital /m/04swd +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mc79 +/m/036wy /location/location/contains /m/01_c4 +/m/02lwv5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ddfwj1 /film/film/country /m/09c7w0 +/m/0j0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0466s8n /film/film/production_companies /m/032j_n +/m/01vh3r /film/actor/film./film/performance/film /m/09y6pb +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/016t00 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bzk8w /time/event/instance_of_recurring_event /m/0g_w +/m/01vs5c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0dbpyd /award/award_winner/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05k2s_ /people/person/gender /m/05zppz +/m/063lqs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/02jztz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj92r +/m/0nvg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvt9 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03phgz +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0408m53 /film/film/music /m/01wx756 +/m/0127gn /people/deceased_person/place_of_death /m/02_286 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt14 +/m/0jfx1 /people/person/spouse_s./people/marriage/spouse /m/01pcvn +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c46y6 +/m/0p9lw /film/film/genre /m/0gf28 +/m/035yg /location/country/form_of_government /m/018wl5 +/m/05148p4 /music/instrument/instrumentalists /m/0163r3 +/m/02cyfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award /m/018wdw +/m/02bc74 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/01wb95 /film/film/genre /m/017fp +/m/01gy7r /people/person/gender /m/05zppz +/m/05r6t /music/genre/artists /m/06mj4 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03dn9v +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06r3p2 +/m/0177sq /education/educational_institution/school_type /m/05jxkf +/m/01f873 /film/actor/film./film/performance/film /m/031ldd +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwfgz +/m/02rf1y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04_1l0v +/m/04wp63 /award/award_winner/awards_won./award/award_honor/award_winner /m/09dvgb8 +/m/02_1rq /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/014zcr /film/actor/film./film/performance/film /m/08s6mr +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_sc +/m/03lrht /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/03f2_rc /film/actor/film./film/performance/film /m/02vnmc9 +/m/02mz_6 /people/person/gender /m/05zppz +/m/04dyqk /people/deceased_person/place_of_death /m/027l4q +/m/0m68w /film/actor/film./film/performance/film /m/01shy7 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/04gr35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02ylg6 +/m/01yk13 /people/person/profession /m/05z96 +/m/09jrf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hpt3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04czcb +/m/0hpv3 /education/educational_institution/colors /m/01g5v +/m/09k56b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0djkrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/0mlvc /location/location/time_zones /m/02lcqs +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/03cw411 /film/film/genre /m/04xvlr +/m/01v0fn1 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01s7qqw /influence/influence_node/influenced_by /m/014z8v +/m/06ppc4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/013ybx /people/person/gender /m/02zsn +/m/03_wm6 /film/film/genre /m/02p0szs +/m/013q0p /film/film/genre /m/0bkbm +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b15x +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0m313 /film/film/film_format /m/07fb8_ +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/02h40lc /language/human_language/countries_spoken_in /m/0j5g9 +/m/01399x /music/instrument/instrumentalists /m/04kjrv +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/04mx8h4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jdk_ /olympics/olympic_games/sports /m/02y8z +/m/01pf21 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0rp46 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jrq9 +/m/0125xq /film/film/production_companies /m/017s11 +/m/04q827 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/045qmr /tv/tv_program/genre /m/05p553 +/m/01lbp /people/person/gender /m/02zsn +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02qlg7s +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/033wx9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gk4g /medicine/disease/risk_factors /m/01hbgs +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/01c8v0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wdqrx +/m/0c6qh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0f4vbz +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/position /m/02g_7z +/m/02q_cc /people/person/gender /m/02zsn +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/03j24kf +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09d38d +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01pfkw /people/person/nationality /m/07ssc +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0ch3qr1 /film/film/country /m/09c7w0 +/m/03z2rz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/01y8zd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01j_06 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02t_8z /award/award_winner/awards_won./award/award_honor/award_winner /m/03fykz +/m/0298n7 /film/film/executive_produced_by /m/027z0pl +/m/081l_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d8w2n /film/film/film_format /m/0cj16 +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0333t +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/02wb6yq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w2sn5 +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015wfg +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/02fybl /music/artist/origin /m/030qb3t +/m/034fl9 /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/01fscv /sports/sports_team_location/teams /m/03b3j +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/07h34 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0j1yf +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0g2dz +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r6jt2 +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jkqfz +/m/019389 /people/person/profession /m/09jwl +/m/07d3z7 /film/actor/film./film/performance/film /m/0284b56 +/m/049d_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/03rl84 +/m/0bl3nn /film/film/genre /m/04pbhw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02qfyk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01slcv +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/05650n /film/film/genre /m/01zhp +/m/016tb7 /people/person/profession /m/018gz8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01bn3l +/m/01v3s2_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/0c4kv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04z4j2 /film/film/genre /m/07s9rl0 +/m/015njf /film/director/film /m/01fx4k +/m/0jmh7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/05q_dw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020_95 +/m/01wzlxj /people/person/profession /m/0dz3r +/m/07h34 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0885n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0584r4 /tv/tv_program/genre /m/06qln +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03m5k /music/instrument/instrumentalists /m/01gg59 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kwsg +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/02psgq /film/film/genre /m/06nbt +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0c00lh +/m/0194_r /organization/organization/headquarters./location/mailing_address/citytown /m/0ljsz +/m/0y3_8 /music/genre/artists /m/03f5spx +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/03wy8t /film/film/genre /m/06nbt +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sbv3 +/m/07y_r /people/person/nationality /m/0f8l9c +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/0301yj /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/040wdl /film/actor/film./film/performance/film /m/0f42nz +/m/01n073 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dc95 +/m/014v6f /film/actor/film./film/performance/film /m/032zq6 +/m/0k696 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0f2df /people/person/gender /m/05zppz +/m/025sc50 /music/genre/artists /m/01w272y +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/06f32 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/03_wj_ /film/actor/film./film/performance/film /m/0353tm +/m/0286gm1 /film/film/production_companies /m/086k8 +/m/02w7gg /people/ethnicity/people /m/01pk8v +/m/06by7 /music/genre/artists /m/01kx_81 +/m/0hnp7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02s58t +/m/01s7z0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01yb1y +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/0879xc /people/person/nationality /m/0chghy +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0bzty /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/068cn +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/0p_jc +/m/09hd6f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01f3p_ +/m/028k57 /people/person/religion /m/03_gx +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx_hnp +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/033tf_ /people/ethnicity/people /m/026c1 +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/01zh29 /people/person/profession /m/02hrh1q +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dszr0 +/m/071cn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cv_gy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0522wp /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02b25y /people/person/profession /m/0nbcg +/m/05b_gq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/0320fn /film/film/genre /m/07s9rl0 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016tt2 +/m/01lyv /music/genre/artists /m/0pk41 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07x4qr +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/0c_j9x /film/film/genre /m/0vjs6 +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/02kxwk +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0ckrnn +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09r94m +/m/08lr6s /film/film/genre /m/060__y +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0cymp +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/06jw0s +/m/023mdt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/014hr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0165v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgd +/m/04q00lw /film/film/language /m/03k50 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017_qw /music/genre/artists /m/05y7hc +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/09d3b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0pk1p /film/film/edited_by /m/02qggqc +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/03p7rp /music/genre/artists /m/0285c +/m/02k_kn /music/genre/parent_genre /m/07sbbz2 +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/02gx2k +/m/07sqm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/03ntbmw /film/film/genre /m/02l7c8 +/m/03hj5lq /film/film/film_format /m/0cj16 +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/012wgb /location/location/contains /m/01vmv_ +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/014v6f +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/02x8m /music/genre/artists /m/04vrxh +/m/01lbp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vvycq +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01ymvk /education/educational_institution/students_graduates./education/education/student /m/02sb1w +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/01j5ws +/m/01mqc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/012yc /music/genre/artists /m/01v40wd +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0hpt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qcfvw +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/0fcsd /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjks +/m/02bfmn /film/actor/film./film/performance/film /m/0n08r +/m/02j490 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/01m1dzc /people/person/profession /m/039v1 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/059_gf +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0fcrg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07371 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gydcp7 +/m/0kzy0 /influence/influence_node/influenced_by /m/0gt_k +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/02t_v1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04w391 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/0fjzsy /sports/sports_team/colors /m/036k5h +/m/01lwx /people/person/profession /m/07lqg0 +/m/020wyp /sports/sports_team/colors /m/038hg +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0y1rf /location/hud_county_place/county /m/0fc2c +/m/0ngy8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nht0 +/m/016clz /music/genre/artists /m/01386_ +/m/06v41q /people/ethnicity/people /m/01ttg5 +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0dfrq /people/person/nationality /m/03rt9 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0bx_q +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rvx0 +/m/06p0s1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01r97z +/m/04rrd /location/location/contains /m/0fr5p +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yyts +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/025ldg /people/person/profession /m/0n1h +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0145rs /music/genre/parent_genre /m/02mscn +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044mjy +/m/04w391 /people/person/nationality /m/09c7w0 +/m/03nx8mj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fphgb +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/0bx_hnp /film/film/genre /m/04rlf +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5pv3 /film/film/cinematography /m/026sb55 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0c_tl /olympics/olympic_games/participating_countries /m/0chghy +/m/01pctb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01ttg5 +/m/016ndm /education/educational_institution/colors /m/03vtbc +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/0nm6z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm9h +/m/01w3lzq /people/person/religion /m/0c8wxp +/m/05gsd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0yc7f /base/biblioness/bibs_location/state /m/059rby +/m/0gvs1kt /film/film/produced_by /m/0fvf9q +/m/056k77g /film/film/genre /m/03q4nz +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0mhfr /music/genre/artists /m/0178_w +/m/0n2sh /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05g7gs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0hwqg /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/01j2xj /film/director/film /m/01y9r2 +/m/017m2y /film/actor/film./film/performance/film /m/03h3x5 +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026670 /people/person/nationality /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01cf5 +/m/080lkt7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v1w7 /people/deceased_person/place_of_death /m/0k049 +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/02mscn /music/genre/artists /m/03h_fk5 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/02x0dzw +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vx5w7 +/m/041rx /people/ethnicity/people /m/01h1b +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022769 +/m/043tvp3 /film/film/country /m/03rjj +/m/07s9rl0 /media_common/netflix_genre/titles /m/08r4x3 +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tktw +/m/0lzb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kq98 +/m/0b1hw /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lc5 +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgxk +/m/016zgj /music/genre/artists /m/0137g1 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0crd8q6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09yrh +/m/032q8q /film/actor/film./film/performance/film /m/07kdkfj +/m/04r7jc /people/person/gender /m/05zppz +/m/03wpmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cbxl0 +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p9qb +/m/02q7yfq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/051ys82 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0372p /people/person/religion /m/04pk9 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0cx2r +/m/05qtj /location/administrative_division/country /m/0f8l9c +/m/0bbw2z6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/0c6cwg /base/culturalevent/event/entity_involved /m/07jqh +/m/015ynm /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05prs8 +/m/01vng3b /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01nn3m /people/person/profession /m/09lbv +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_j2 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0m9v7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mgw +/m/09c7w0 /location/location/contains /m/02lv2v +/m/01vs14j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/02hh8j +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02r_pp +/m/034ls /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01dw4q +/m/08yx9q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/03vyh /music/genre/artists /m/01x66d +/m/01ppfv /music/genre/parent_genre /m/03_d0 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/02x8m /music/genre/artists /m/0178_w +/m/06y57 /base/biblioness/bibs_location/country /m/0chghy +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/0317zz /business/business_operation/industry /m/01mf0 +/m/0j5g9 /location/country/capital /m/01s3v +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ln5z +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/01hjy5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0yc84 /location/hud_county_place/place /m/0yc84 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0n5kc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5hh +/m/04rfq /people/person/nationality /m/0d060g +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01njxvw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cws2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vw87c /people/person/profession /m/09jwl +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mkj +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0k3jc /location/location/time_zones /m/02hcv8 +/m/011zd3 /people/person/place_of_birth /m/0ccvx +/m/0hz_1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/03np63f /film/film/language /m/064_8sq +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0789_m /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/0171lb /people/person/profession /m/02jknp +/m/035xwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016jny /music/genre/artists /m/01vsyg9 +/m/038723 /people/ethnicity/people /m/025mb_ +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/032c08 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03tc8d +/m/0l_dv /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/041bnw /music/record_label/artist /m/02lbrd +/m/09gdh6k /film/film/film_festivals /m/0bmj62v +/m/0499lc /people/person/profession /m/0cbd2 +/m/04xvlr /media_common/netflix_genre/titles /m/0bdjd +/m/0dn16 /music/genre/artists /m/0lk90 +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/015pxr /people/person/nationality /m/02jx1 +/m/020fgy /people/person/profession /m/01c72t +/m/07ssc /location/location/contains /m/03jn4 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0338g8 +/m/0b60sq /film/film/genre /m/06www +/m/04411 /people/person/profession /m/0jgxn +/m/0gn30 /film/actor/film./film/performance/film /m/0cf08 +/m/05g56 /location/location/contains /m/01c6zg +/m/0th3k /location/hud_county_place/place /m/0th3k +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/03knl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170k0 /tv/tv_program/program_creator /m/05vtbl +/m/05prs8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/0_lr1 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mvxt +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/02rxrh /sports/sports_team/sport /m/02vx4 +/m/01hb6v /people/person/place_of_birth /m/0619_ +/m/06j2v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03_2y /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/027y_ /people/person/gender /m/05zppz +/m/0f3kl /medicine/symptom/symptom_of /m/01dcqj +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/01yfm8 /film/actor/film./film/performance/film /m/0bwfwpj +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/032_jg /people/person/profession /m/02hrh1q +/m/01f9mq /film/actor/film./film/performance/film /m/02qk3fk +/m/04t969 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050xxm +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0277j40 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04hzj +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01gq0b +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vjp3 +/m/06qd3 /media_common/netflix_genre/titles /m/043sct5 +/m/064xp /location/location/contains /m/02bbyw +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/0gxfz /film/film/produced_by /m/027vps +/m/01fh9 /film/actor/film./film/performance/film /m/02q7fl9 +/m/0fg04 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/024t0y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/0gdqy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0jmj7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/03_d0 /music/genre/artists /m/01wrcxr +/m/054lpb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027ht3n +/m/059_c /location/location/time_zones /m/02lcqs +/m/03q95r /people/person/nationality /m/09c7w0 +/m/07bzz7 /film/film/music /m/03bnv +/m/03ctqqf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0n5by /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5jm +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0qf11 /music/artist/origin /m/04jpl +/m/06ch55 /music/instrument/instrumentalists /m/0cj2w +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026c1 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08f3b1 /people/person/places_lived./people/place_lived/location /m/03s5t +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0n08r +/m/063_j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/067xw /influence/influence_node/influenced_by /m/05jm7 +/m/0gps0z /people/person/profession /m/0n1h +/m/015_1q /music/record_label/artist /m/01fl3 +/m/03l78j /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/03b78r /film/actor/film./film/performance/film /m/0184tc +/m/06pjs /people/person/place_of_birth /m/013yq +/m/01wj18h /people/person/religion /m/0c8wxp +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023p7l +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06f32 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08m4c8 +/m/040db /people/person/place_of_birth /m/01ly5m +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01vrlqd +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0rmwd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01xdf5 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/05_z42 +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07srw +/m/0p0mx /location/location/time_zones /m/02llzg +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01243b /music/genre/artists /m/0fpj9pm +/m/02xgdv /people/person/profession /m/02jknp +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/03n6r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0htww +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/04gmlt /music/record_label/artist /m/0kvnn +/m/016z68 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0f2nf /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04kn29 +/m/0266shh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06pr6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/01f6x7 /film/film/genre /m/04xvh5 +/m/01dkpb /people/person/profession /m/02hrh1q +/m/02vxq9m /film/film/film_format /m/017fx5 +/m/06klyh /organization/organization/headquarters./location/mailing_address/citytown /m/0fngy +/m/01kb2j /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0wc +/m/01_rh4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mf0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/016r9z /olympics/olympic_games/sports /m/0bynt +/m/0hnlx /influence/influence_node/influenced_by /m/0459z +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294zg +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04yt7 /people/person/profession /m/015cjr +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/03tps5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08lfyn +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/035w2k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/0l6m5 /olympics/olympic_games/sports /m/03krj +/m/02xs5v /film/actor/film./film/performance/film /m/0bh8x1y +/m/015076 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0kbws /olympics/olympic_games/participating_countries /m/07t_x +/m/064r9cb /music/record_label/artist /m/01vw_dv +/m/018j2 /music/instrument/instrumentalists /m/014v1q +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/03rk0 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0432cd +/m/07yp0f /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/033g4d /film/film/genre /m/0556j8 +/m/0gywn /music/genre/artists /m/01wdqrx +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/033dbw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d06vc /base/culturalevent/event/entity_involved /m/01cpp0 +/m/027r7k /film/film/genre /m/060__y +/m/0jryt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ptdz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/01y06y /organization/organization/headquarters./location/mailing_address/state_province_region /m/070zc +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jrxx /location/location/contains /m/0rql_ +/m/0l8v5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03j24kf /people/person/profession /m/01d_h8 +/m/06nr2h /film/film/genre /m/05p553 +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/0147w8 +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0bjkpt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mh94 +/m/05fgt1 /film/film/edited_by /m/02kxbx3 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/019rl6 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09h_q /people/person/gender /m/05zppz +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/043tg /influence/influence_node/peers./influence/peer_relationship/peers /m/060_7 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kb3n +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0cb77r /award/award_winner/awards_won./award/award_honor/award_winner /m/05218gr +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/01k8vh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/02fwfb /film/film/genre /m/05p553 +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/016t0h +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w8f +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02c6pq +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063fh9 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0hwbd +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01sbv9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03_3d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0c00zd0 /film/film/produced_by /m/0bxtg +/m/0bjv6 /location/country/capital /m/07bbc +/m/07h1q /influence/influence_node/influenced_by /m/058vp +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v3xp +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01t_xp_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/02pyyld +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cgbf +/m/02rh_0 /sports/sports_team/sport /m/02vx4 +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/057lbk /film/film/film_format /m/07fb8_ +/m/0164qt /film/film/genre /m/0bkbm +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv54 +/m/03fts /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/0jmh7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt6w +/m/03lvwp /film/film/produced_by /m/092kgw +/m/02vp1f_ /film/film/country /m/09c7w0 +/m/0ds33 /film/film/country /m/09c7w0 +/m/01_s9q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/043g7l /music/record_label/artist /m/05sq0m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03x1s8 +/m/013q07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j80w /film/film/language /m/03x42 +/m/0r111 /location/location/time_zones /m/02lcqs +/m/022g44 /people/person/profession /m/02hrh1q +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0bv7t /people/person/gender /m/02zsn +/m/01tntf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/05r3qc /film/film/production_companies /m/046b0s +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/041h0 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01ync +/m/0bcndz /film/film/film_art_direction_by /m/05v1sb +/m/03mgx6z /film/film/country /m/0f8l9c +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/017dbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0drdv /people/person/profession /m/02hv44_ +/m/02hzx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/05y7hc /award/award_winner/awards_won./award/award_honor/award_winner /m/052gzr +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s0w +/m/0401sg /film/film/production_companies /m/027jw0c +/m/0d234 /location/hud_county_place/place /m/0d234 +/m/04hcw /people/person/profession /m/01d30f +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0159h6 +/m/03q64h /people/person/places_lived./people/place_lived/location /m/0kstw +/m/0f7hw /film/film/country /m/09c7w0 +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0xhtw /music/genre/artists /m/03q_w5 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/09c7w0 /location/country/second_level_divisions /m/0n4z2 +/m/0pmp2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0694j +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0fb7sd /film/film/genre /m/02kdv5l +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/02d9k /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/017dbx +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/02q6cv4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04b5n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0m63c /film/film/genre /m/0hcr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031hcx +/m/03mqtr /media_common/netflix_genre/titles /m/05jyb2 +/m/01bns_ /music/instrument/family /m/0fx80y +/m/019pkm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026ssfj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01wbgdv /people/person/profession /m/09jwl +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds5_72 +/m/0lx2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btxr +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/021y7yw +/m/06yxd /location/location/contains /m/0_m3k +/m/0fw9n7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0fxgg9 /music/genre/artists /m/01ydzx +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01kmyh /location/location/time_zones /m/02llzg +/m/05r5c /music/instrument/instrumentalists /m/0gcs9 +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lrht +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/02k1pr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h18v /film/film/music /m/07v4dm +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/03_x5t /people/person/profession /m/01c979 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/08_438 /film/actor/film./film/performance/film /m/0dl6fv +/m/01lyv /music/genre/artists /m/016qtt +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/01hrqc /people/person/gender /m/05zppz +/m/017dbx /tv/tv_program/genre /m/0pr6f +/m/057d89 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01fs_4 /base/eating/practicer_of_diet/diet /m/07_jd +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0bwfn +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046qq +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wdqrx +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/01cspq /people/person/profession /m/02jknp +/m/0g768 /music/record_label/artist /m/0kj34 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0dq9p /people/cause_of_death/people /m/05xpv +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03f7m4h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0glt670 /music/genre/artists /m/05w6cw +/m/01p47r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02vrgnr /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0gfsq9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03j_hq +/m/04fcjt /music/record_label/artist /m/0pkyh +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01q_ph /film/actor/film./film/performance/film /m/01bl7g +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/080dfr7 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/04kdn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4p0 +/m/01cx_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jj1 +/m/0ylzs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01y665 /people/person/places_lived./people/place_lived/location /m/03dm7 +/m/0bzrsh /time/event/locations /m/0kcw2 +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04ddm4 /film/film/genre /m/02kdv5l +/m/0q9zc /film/actor/film./film/performance/film /m/03wy8t +/m/0137hn /people/person/gender /m/05zppz +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/03_d0 /music/genre/artists /m/0f0y8 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05xpms +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025cn2 +/m/01hkhq /people/person/nationality /m/02jx1 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/047p7fr /film/film/genre /m/07s9rl0 +/m/01p0w_ /people/person/profession /m/039v1 +/m/017fp /media_common/netflix_genre/titles /m/03hfmm +/m/010p3 /people/person/profession /m/03gjzk +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/056wb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08_83x +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0gfnqh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pkyh +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdw3c +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s95_l +/m/073x6y /people/person/place_of_birth /m/0p7vt +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/034x61 +/m/0mrf1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03rhqg /music/record_label/artist /m/01j4ls +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0mww2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwx6 +/m/02rky4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/073q1 /location/location/contains /m/06t2t +/m/03npn /media_common/netflix_genre/titles /m/0dqcs3 +/m/01mxt_ /people/person/gender /m/05zppz +/m/02g9p4 /music/instrument/instrumentalists /m/045zr +/m/075cph /film/film/genre /m/02xh1 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/02x3lt7 /film/film/genre /m/04t36 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03xh50 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/025vldk +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01rzqj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0b1zz +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/05y5kf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/0253b6 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/015rmq /people/person/nationality /m/07ssc +/m/019fm7 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/02whj /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/06k176 +/m/069vt /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fly +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/02856r /music/genre/artists /m/02cw1m +/m/02mj7c /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/017m2y /people/person/nationality /m/09c7w0 +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/015cbq /people/person/nationality /m/09c7w0 +/m/0306ds /people/person/nationality /m/09c7w0 +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fms83 +/m/0ftxc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0jmj7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01stzp /education/educational_institution_campus/educational_institution /m/01stzp +/m/012v8 /language/human_language/countries_spoken_in /m/077qn +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/07ssc /location/location/contains /m/01zrs_ +/m/022dp5 /people/ethnicity/people /m/04qt29 +/m/0404j37 /film/film/production_companies /m/04f525m +/m/03gvt /music/instrument/instrumentalists /m/01vvycq +/m/0bg539 /people/person/profession /m/03gjzk +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0b9l3x /people/person/place_of_birth /m/02_286 +/m/0l380 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/03s9kp /film/film/genre /m/0lsxr +/m/0329r5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01rzqj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/04vn_k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/034hwx /film/film/written_by /m/0mm1q +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07ldhs +/m/02blr4 /media_common/netflix_genre/titles /m/02nx2k +/m/02w7gg /people/ethnicity/people /m/0h5f5n +/m/05qbbfb /film/film/produced_by /m/030_3z +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0bdxs5 /people/person/profession /m/09jwl +/m/0kbws /olympics/olympic_games/participating_countries /m/01nqj +/m/0cq4k_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jgx /location/location/contains /m/0889d +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/0g5ptf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9z /base/locations/continents/countries_within /m/07ytt +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01438g /people/person/nationality /m/09c7w0 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0h0yt /film/actor/film./film/performance/film /m/0645k5 +/m/03nm_fh /film/film/language /m/02h40lc +/m/02w670 /people/person/profession /m/01c8w0 +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01vyp_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/02mj7c /education/educational_institution/colors /m/04d18d +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3jz +/m/0181dw /music/record_label/artist /m/019x62 +/m/01vn0t_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/03d1y3 /people/person/profession /m/01d_h8 +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/06z9yh /people/person/profession /m/01d_h8 +/m/01trtc /music/record_label/artist /m/0677ng +/m/0flddp /people/person/profession /m/02hrh1q +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/0k3k1 /location/location/contains /m/0t_48 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/04wvhz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w20rx /people/person/profession /m/0dz3r +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/06ncr +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03shp +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019dwp +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/01ztgm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/01wg3q /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtsx8c +/m/0jt5zcn /base/biblioness/bibs_location/country /m/02jx1 +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/07dnx /people/person/nationality /m/09c7w0 +/m/0mnz0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0kv5t /location/location/time_zones /m/02lcqs +/m/04pmnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0sxgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/033srr /film/film/featured_film_locations /m/02_286 +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/02w_l9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03bxp5 /film/film/genre /m/04xvh5 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/0xhtw /music/genre/artists /m/01vng3b +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01j5sd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0509bl +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0svqs /people/person/place_of_birth /m/06_kh +/m/03h3x5 /film/film/produced_by /m/0bxtg +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/02d42t +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/061681 /film/film/featured_film_locations /m/02jx1 +/m/0gxsh4 /tv/tv_program/genre /m/0pr6f +/m/04f525m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05mrf_p +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/03f2_rc /film/actor/film./film/performance/film /m/08rr3p +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/041td_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/043qqt5 +/m/0klw /people/deceased_person/place_of_death /m/0fn7r +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hxs4 +/m/01wjrn /people/person/gender /m/05zppz +/m/01th4s /music/record_label/artist /m/016lmg +/m/0gxfz /film/film/genre /m/05p553 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/0l998 /olympics/olympic_games/sports /m/06f41 +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/01zh29 +/m/026gyn_ /film/film/genre /m/0hn10 +/m/04jvt /people/person/nationality /m/05vz3zq +/m/07ssc /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/02ntb8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01q_ph +/m/01wvxw1 /people/person/nationality /m/09c7w0 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/0d61px /film/film/genre /m/03k9fj +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hzw +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/04b5n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/05b49tt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035_2h +/m/04vjh /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01jfnvd /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03qrh9 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0rmwd /base/biblioness/bibs_location/state /m/02xry +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0kwv2 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/015whm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c4g +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0k2h6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_9x6 +/m/04954r /film/film/language /m/064_8sq +/m/01s753 /education/educational_institution/colors /m/038hg +/m/013m4v /location/location/time_zones /m/02fqwt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0f83g2 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03193l +/m/0x67 /people/ethnicity/people /m/01zmpg +/m/03078l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/025sc50 /music/genre/artists /m/02h9_l +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m92h +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/048ldh +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07gghl +/m/01bbwp /people/person/nationality /m/0j5g9 +/m/04q827 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0k__z /education/educational_institution/colors /m/083jv +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/021q2j +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03c_cxn /film/film/genre /m/01t_vv +/m/0n85g /music/record_label/artist /m/05szp +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/046vvc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ft0s +/m/028p0 /influence/influence_node/influenced_by /m/0gz_ +/m/02z0f6l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07w8fz /film/film/country /m/09c7w0 +/m/0143wl /film/actor/film./film/performance/film /m/029v40 +/m/04bpm6 /people/person/nationality /m/09c7w0 +/m/01q_ph /people/person/sibling_s./people/sibling_relationship/sibling /m/030vnj +/m/02hmw9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/011yph /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01t07j /people/person/spouse_s./people/marriage/spouse /m/01tj34 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0408m53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/03zm00 /sports/sports_team/sport /m/02vx4 +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05wp1p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/031sg0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/02r34n /people/person/gender /m/05zppz +/m/028r4y /people/person/profession /m/02hrh1q +/m/02lxj_ /people/person/nationality /m/09c7w0 +/m/016wyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0kbvv /olympics/olympic_games/sports /m/09_bl +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mb8c +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/01rxyb /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/05sq20 /people/person/profession /m/02hrh1q +/m/0n4yq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0y_yw /film/film/written_by /m/0kb3n +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0klh7 /people/person/profession /m/01d_h8 +/m/0bmm4 /location/location/time_zones /m/02llzg +/m/06by7 /music/genre/artists /m/01hw6wq +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/03rx9 +/m/04180vy /film/film/music /m/0fpjyd +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vrxh +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_wqk4 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0165b +/m/01g42 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01jsn5 /education/educational_institution/school_type /m/01_9fk +/m/0342h /music/instrument/instrumentalists /m/03c602 +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07_f2 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0llcx +/m/034tl /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/0f2sx4 /film/film/genre /m/06cvj +/m/04jn6y7 /film/film/genre /m/02n4kr +/m/02fx3c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcdn +/m/03kpvp /film/actor/film./film/performance/film /m/08gsvw +/m/01d0b1 /film/actor/film./film/performance/film /m/04kkz8 +/m/06w6_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/012_53 +/m/05gqy /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0166c7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01z4y +/m/01rwpj /film/film/genre /m/07s9rl0 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0261g5l +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0kbws /olympics/olympic_games/participating_countries /m/07f1x +/m/03t4nx /education/educational_institution_campus/educational_institution /m/03t4nx +/m/05_swj /people/person/nationality /m/09c7w0 +/m/01dcqj /people/cause_of_death/people /m/01vvy +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/032xky /tv/tv_program/genre /m/01z77k +/m/028d4v /people/person/religion /m/0c8wxp +/m/0d05w3 /media_common/netflix_genre/titles /m/0dkv90 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03wj4r8 +/m/032r1 /influence/influence_node/influenced_by /m/026lj +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0413cff /film/film/featured_film_locations /m/0dttf +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/017149 +/m/0cx7f /music/genre/artists /m/024dgj +/m/0f8l9c /media_common/netflix_genre/titles /m/07qg8v +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/016clz /music/genre/artists /m/070b4 +/m/033g4d /film/film/language /m/02h40lc +/m/01clyr /music/record_label/artist /m/01tw31 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/08vlns /music/genre/artists /m/01wbl_r +/m/05r5c /music/instrument/instrumentalists /m/03193l +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/05cx7x +/m/081mh /location/location/contains /m/0fw2f +/m/0k1bs /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/05th8t /people/person/gender /m/02zsn +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04lhc4 +/m/06yykb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/064177 /people/person/profession /m/0kyk +/m/0kr7k /people/person/languages /m/03_9r +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/041mt /influence/influence_node/influenced_by /m/03jxw +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/04v09 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02krdz /film/film/genre /m/01jfsb +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q5bx2 +/m/05bt6j /music/genre/artists /m/06gcn +/m/0509cr /music/genre/artists /m/01vvycq +/m/09d3b7 /film/film/music /m/01lw3kh +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt4g +/m/0z20d /base/biblioness/bibs_location/state /m/05kkh +/m/02vz6dn /film/film/featured_film_locations /m/02_286 +/m/06nrt /location/administrative_division/country /m/0d060g +/m/03f2fw /organization/organization/child./organization/organization_relationship/child /m/037q2p +/m/02qy3py /people/person/nationality /m/03rk0 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06dfg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05x_5 +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/03w9sgh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04f6hhm +/m/012wgb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/0bcp9b /film/film/country /m/07ssc +/m/09c7w0 /location/location/contains /m/0txhf +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/085v7 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02b25y +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0gy9d4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04dsnp /film/film/produced_by /m/0jw67 +/m/03m5k /music/instrument/instrumentalists /m/01vrz41 +/m/07srw /location/location/contains /m/0jcky +/m/061zc_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04y5j64 /film/film/produced_by /m/04pqqb +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/013fn /organization/organization/child./organization/organization_relationship/child /m/0gyr_7 +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/0344gc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x8z_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01kvqc +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/04v89z /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/05dl1s /film/film/genre /m/07s9rl0 +/m/07vc_9 /film/actor/film./film/performance/film /m/049xgc +/m/04cbtrw /influence/influence_node/influenced_by /m/07w21 +/m/016clz /music/genre/artists /m/0b1zz +/m/055z7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0f8grf /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0vmt +/m/0f8j13 /film/film/genre /m/0k345 +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01yf85 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0p9nv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01f62 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0123_x +/m/0bbz66j /people/ethnicity/languages_spoken /m/02h40lc +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0y62n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0xpq9 +/m/07cdz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/043s3 /people/person/nationality /m/07ssc +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/084kf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ckfl9 /music/genre/artists /m/01w923 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0yxf4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nr63 /people/person/place_of_birth /m/02dtg +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dptj +/m/05wjnt /film/actor/film./film/performance/film /m/04zyhx +/m/0d7wh /people/ethnicity/people /m/01m7f5r +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01vsl3_ /people/person/religion /m/0kpl +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01pg1d /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01vsy7t +/m/03n52j /film/actor/film./film/performance/film /m/02825nf +/m/02cllz /film/actor/film./film/performance/film /m/05nlx4 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0f0kz +/m/0415ggl /film/film/featured_film_locations /m/036k0s +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/05z7c +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05ns4g +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/023r2x /music/instrument/instrumentalists /m/0f0y8 +/m/03jsvl /music/genre/artists /m/01cblr +/m/03fts /film/film/genre /m/06n90 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/07s9rl0 /media_common/netflix_genre/titles /m/07jxpf +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01z1r +/m/019_1h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f2_rc +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/018db8 +/m/03msf /location/location/contains /m/071zb +/m/0k5p1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06kl78 /film/film/genre /m/0219x_ +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0qmjd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03h4fq7 /film/film/production_companies /m/05rrtf +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/0qmhk /film/film/genre /m/02qfv5d +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0g8rj +/m/015_1q /music/record_label/artist /m/01lcxbb +/m/0fvd03 /education/educational_institution/campuses /m/0fvd03 +/m/0272_vz /film/film/executive_produced_by /m/0bxtg +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01hbq0 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/0kbwb /film/film/language /m/012w70 +/m/027r7k /film/film/genre /m/0vjs6 +/m/01vrx35 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0q59y +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kd57 +/m/069z_5 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/02pby8 /film/actor/film./film/performance/film /m/01hr1 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/01m4kpp /award/award_nominee/award_nominations./award/award_nomination/award /m/02fm4d +/m/05cvgl /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0ffgh /people/person/profession /m/0dz3r +/m/067sqt /people/person/place_of_birth /m/01_d4 +/m/03rt9 /location/location/contains /m/012qxv +/m/0272_vz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y07 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02d6n_ /people/person/nationality /m/09c7w0 +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02j416 +/m/0dl6fv /film/film/country /m/09c7w0 +/m/01tgwv /award/award_category/category_of /m/01tgwv +/m/01vg13 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/01sg7_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmfv +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0309lm /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/04qvq0 /music/genre/parent_genre /m/016jny +/m/0bh8drv /film/film/genre /m/07s9rl0 +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0266sb_ +/m/07hyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mk7z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/04xm_ /people/person/place_of_birth /m/02lbc +/m/0152cw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0sz28 +/m/01d2v1 /film/film/genre /m/01hmnh +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdd +/m/03s7h /organization/organization/headquarters./location/mailing_address/citytown /m/0r6cx +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01634x +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvjr +/m/0j0k /base/locations/continents/countries_within /m/04hqz +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01fyzy /people/person/gender /m/05zppz +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0b9dmk /people/person/profession /m/02jknp +/m/06t61y /people/person/profession /m/02hrh1q +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/02ny8t /music/genre/artists /m/01jfr3y +/m/05_k56 /people/person/gender /m/05zppz +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/06g2d1 +/m/0dr_9t7 /film/film/language /m/02h40lc +/m/02qgyv /people/person/gender /m/05zppz +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/07k2p6 +/m/04llb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03c7twt /film/film/genre /m/07s9rl0 +/m/070zc /location/administrative_division/first_level_division_of /m/0345h +/m/0bt4g /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0lfbm /film/actor/film./film/performance/film /m/0yyts +/m/0pz7h /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/0j47s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01x0yrt /people/person/profession /m/016z4k +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05btx9 +/m/06mfvc /people/person/place_of_birth /m/01cx_ +/m/05tcx0 /music/genre/artists /m/014cw2 +/m/040whs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0j47s /sports/sports_team/sport /m/02vx4 +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/02k856 +/m/0mwkp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwds +/m/01c58j /influence/influence_node/peers./influence/peer_relationship/peers /m/0250f +/m/053rxgm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dcqh /medicine/disease/risk_factors /m/098s1 +/m/01h0b0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/06j0md +/m/0yl_w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/0b9rdk /film/film/country /m/09c7w0 +/m/01vrncs /influence/influence_node/influenced_by /m/0zm1 +/m/017gm7 /film/film/genre /m/02kdv5l +/m/0ylzs /education/educational_institution/colors /m/04mkbj +/m/02p3cr5 /music/record_label/artist /m/01wgjj5 +/m/09889g /base/eating/practicer_of_diet/diet /m/07_jd +/m/0glt670 /music/genre/artists /m/01vw20_ +/m/02lf_x /base/aareas/schema/administrative_area/capital /m/0gqfy +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0146mv +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0163kf /award/award_winner/awards_won./award/award_honor/award_winner /m/07s3vqk +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/02sb1w /film/actor/film./film/performance/film /m/014zwb +/m/0ddfph /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bvc5 +/m/01w7nwm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015z4j +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/09c7w0 /location/location/contains /m/0p7tb +/m/026t6 /music/instrument/instrumentalists /m/0bg539 +/m/0168ql /people/person/profession /m/0cbd2 +/m/01fh9 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gys2jp +/m/0b9f7t /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0n56v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qmy04 /people/person/profession /m/0dz3r +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/04t2l2 +/m/0gj8nq2 /film/film/genre /m/03npn +/m/05m9f9 /people/person/profession /m/03gjzk +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0bxl5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01s0ps +/m/0bs8s1p /film/film/language /m/02h40lc +/m/0gw2y6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04yg13l +/m/011yhm /film/film/production_companies /m/0338lq +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0h7pj /film/actor/film./film/performance/film /m/0125xq +/m/07l5z /location/location/contains /m/02klny +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07mb57 +/m/01f5q5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ssc /location/location/contains /m/0p5wz +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cvtf +/m/077qn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6hhm +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/01dvbd /film/film/genre /m/016vh2 +/m/04gqr /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/03clwtw /film/film/language /m/0c_v2 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0253b6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cp0ph6 /film/film/language /m/02h40lc +/m/05q96q6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06c1y /location/location/contains /m/096gm +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/03c6vl +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0147sh +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02k9k9 +/m/01cf93 /music/record_label/artist /m/05d8vw +/m/05wp1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0h1x5f /film/film/genre /m/05p553 +/m/01bj6y /people/person/profession /m/05sxg2 +/m/01kf5lf /film/film/genre /m/01jfsb +/m/0102t4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/056_y /location/location/contains /m/01hlq3 +/m/0g_wn2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pz7h /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/06lckm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02fx3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05rnp1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c_j9x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0c1pj /film/actor/film./film/performance/film /m/0prhz +/m/07j8r /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/02r79_h /film/film/language /m/02h40lc +/m/031sg0 /people/person/spouse_s./people/marriage/spouse /m/0l786 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yldt +/m/015qyf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08s0m7 /people/person/profession /m/02hrh1q +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0dwz3t +/m/09c7w0 /location/country/second_level_divisions /m/0l_n1 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fb1q +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/02x8s9 /people/person/profession /m/0cbd2 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/01kh2m1 +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/0m32h /people/cause_of_death/people /m/041xl +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0nty_ /location/us_county/county_seat /m/0ftxc +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/012vf6 +/m/09c7w0 /location/location/contains /m/0g_wn2 +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/01pqy_ /film/actor/film./film/performance/film /m/029k4p +/m/01csvq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/04z4j2 /film/film/genre /m/03q4nz +/m/0kjrx /people/person/religion /m/092bf5 +/m/03q5db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/02jq1 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/06j6l /music/genre/artists /m/0djc3s +/m/0315rp /film/film/language /m/06nm1 +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/03v3xp +/m/02_l39 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0frmb1 /people/person/employment_history./business/employment_tenure/company /m/05l71 +/m/05q96q6 /film/film/edited_by /m/0bn3jg +/m/0cq7kw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03cs_xw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t74h +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f46y +/m/01pgzn_ /film/actor/film./film/performance/film /m/06q8qh +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/04jpg2p /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/0gy2y8r /film/film/country /m/09c7w0 +/m/02h30z /education/educational_institution/school_type /m/01_srz +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kkfp +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03x6xl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01zq91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f8l9c +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02qkt /location/location/contains /m/01ppq +/m/06pjs /film/actor/film./film/performance/film /m/0jqkh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddf2bm +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dwrc +/m/02wr6r /film/actor/film./film/performance/film /m/0b4lkx +/m/0bykpk /film/film/film_art_direction_by /m/0520r2x +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d06m5 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01jz6x +/m/03c602 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wyq0w +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/031ldd /film/film/country /m/03h64 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07db6x +/m/01rxyb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03lv4x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/021r6w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f6df0 +/m/0f8l9c /location/location/contains /m/0cp6w +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/03qmj9 /people/person/profession /m/016z4k +/m/0gls4q_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gqng /award/award_category/category_of /m/0g_w +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgkj2 +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0gdh5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0j5q3 +/m/0168nq /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t0k1 /people/person/place_of_birth /m/01yj2 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/011_3s +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06m6z6 +/m/06j0md /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01s81 +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/09c7w0 /location/country/second_level_divisions /m/0nrnz +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03mp4f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02yxwd +/m/0b_xm /music/artist/origin /m/04jpl +/m/03mqtr /media_common/netflix_genre/titles /m/09p3_s +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/063_j5 /film/film/country /m/09c7w0 +/m/0162b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/041ly3 /people/person/profession /m/02hrh1q +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rv1w +/m/048qrd /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0q9t7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/057xn_m /people/person/profession /m/0nbcg +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/065y4w7 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/08hsww /people/person/profession /m/0cbd2 +/m/03f0fnk /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06b4wb +/m/0gwgn1k /film/film/production_companies /m/054lpb6 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02lk1s /people/person/places_lived./people/place_lived/location /m/02_286 +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g69lg +/m/03tc8d /sports/sports_team/colors /m/01g5v +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02c_4 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_fw +/m/0svqs /film/actor/film./film/performance/film /m/087pfc +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/01sxd1 /people/person/profession /m/02hrh1q +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0fb1q /people/person/profession /m/016z4k +/m/062dn7 /film/actor/film./film/performance/film /m/031786 +/m/02773m2 /people/person/nationality /m/09c7w0 +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/02lyx4 /people/person/nationality /m/09c7w0 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04sqj +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/02p76f9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016y_f /film/film/edited_by /m/08h79x +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/069nzr +/m/04v9wn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/04bdxl /film/actor/film./film/performance/film /m/0h7t36 +/m/0dw4b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02kxbx3 /people/person/profession /m/01d_h8 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/07vfqj /people/person/place_of_birth /m/01vskn +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0qf5p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0c8hct /people/person/profession /m/0dxtg +/m/02wyzmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/0154qm /people/person/religion /m/01lp8 +/m/072x7s /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/0267wwv /film/film/cinematography /m/06p0s1 +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/05wp1p /film/film/genre /m/06qln +/m/06d4h /film/film_subject/films /m/033dbw +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/049m19 /people/person/gender /m/05zppz +/m/01r2c7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j14qc +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_286 /location/location/contains /m/03_fmr +/m/018grr /people/person/profession /m/0kyk +/m/059j2 /organization/organization_founder/organizations_founded /m/01rz1 +/m/010hn /people/person/profession /m/016z4k +/m/04wlz2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc_l +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0ggq0m /music/genre/artists /m/0k1wz +/m/0gk4g /people/cause_of_death/people /m/0c_drn +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0785v8 /people/person/nationality /m/09c7w0 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01gw8b +/m/037w7r /film/actor/film./film/performance/film /m/06823p +/m/0l2rj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0168cl /music/artist/origin /m/058cm +/m/0gy3w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04rs03 /people/person/profession /m/0cbd2 +/m/01gn36 /film/actor/film./film/performance/film /m/0k5fg +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/03cz83 /education/educational_institution/campuses /m/03cz83 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/05yjhm /people/person/nationality /m/09c7w0 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/07bwr /film/film/language /m/03hkp +/m/017_qw /music/genre/artists /m/01d_h +/m/01f492 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/05489 /film/film_subject/films /m/0jsf6 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/059rc +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/04cf_l +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/029qzx /education/educational_institution_campus/educational_institution /m/029qzx +/m/03nm_fh /film/film/genre /m/03k9fj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03g52k +/m/02vntj /people/person/profession /m/0n1h +/m/0hn10 /media_common/netflix_genre/titles /m/046f3p +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/03cw411 /film/film/costume_design_by /m/0bytfv +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0n6f8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqh5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07c404 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bqs56 /people/person/profession /m/0dxtg +/m/0bwx3 /people/person/profession /m/05z96 +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0psss +/m/01vb403 /people/person/profession /m/03gjzk +/m/0y3_8 /music/genre/artists /m/050z2 +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/02h0f3 +/m/01d0fp /people/person/nationality /m/09c7w0 +/m/021b_ /film/actor/film./film/performance/film /m/0ptx_ +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0557q +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xs0q +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/07nznf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04p5cr +/m/0gc_c_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/0ggx5q /music/genre/artists /m/09mq4m +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01wd9vs +/m/03ydlnj /film/film/production_companies /m/02j_j0 +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/01q_ph /film/actor/film./film/performance/film /m/01shy7 +/m/0241wg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06kcjr /music/genre/parent_genre /m/0190zg +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04lp8k +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/021vwt +/m/06chf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/01jzxy /education/field_of_study/students_majoring./education/education/student /m/033jkj +/m/05fjf /location/location/contains /m/0n5fz +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lct6 +/m/017c87 /film/director/film /m/07k2mq +/m/095zvfg /people/person/nationality /m/09c7w0 +/m/04gc65 /film/actor/film./film/performance/film /m/01718w +/m/02lnbg /music/genre/artists /m/01pgzn_ +/m/01q_ph /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06rgq +/m/09fqgj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xg2f +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0885n /education/educational_institution/colors /m/083jv +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/017gxw /film/actor/film./film/performance/film /m/0djkrp +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w1kyf +/m/041bnw /music/record_label/artist /m/0lsw9 +/m/0xrz2 /location/location/time_zones /m/02hcv8 +/m/03ctv8m /people/person/nationality /m/02jx1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03l78j +/m/05g3ss /people/person/gender /m/05zppz +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02k9k9 /sports/sports_team/colors /m/083jv +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/031x_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/01jswq /education/educational_institution/students_graduates./education/education/student /m/05yjhm +/m/016yvw /film/actor/film./film/performance/film /m/08vd2q +/m/035qlx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bqs56 /people/person/gender /m/05zppz +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbgdv +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jkqfz +/m/05d1y /people/person/places_lived./people/place_lived/location /m/01nhhz +/m/0bz3jx /film/film/written_by /m/02pv_d +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0dr5y /influence/influence_node/influenced_by /m/03j0d +/m/0h0wd9 /film/film/featured_film_locations /m/02_286 +/m/05zhg /base/aareas/schema/administrative_area/administrative_parent /m/01w0v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0xjl2 /music/genre/parent_genre /m/016clz +/m/02_n5d /award/award_winner/awards_won./award/award_honor/award_winner /m/01rcmg +/m/02c6d /film/film/executive_produced_by /m/03y2kr +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0157m +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0138mv +/m/0f2rq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/013m4v +/m/03tn80 /film/film/genre /m/02kdv5l +/m/0txrs /location/hud_county_place/place /m/0txrs +/m/05dptj /film/film/story_by /m/05np2 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/013x0b +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01cl2y /music/record_label/artist /m/013qvn +/m/05tgks /film/film/featured_film_locations /m/02_286 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/012s1d +/m/0697kh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d3fdn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05r4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mkj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03xp8d5 +/m/037hgm /people/person/nationality /m/09c7w0 +/m/0b0nq2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02qdrjx /film/film/genre /m/01hmnh +/m/018_lb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cv9fc +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05511w +/m/053y4h /people/person/gender /m/02zsn +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/09cn0c +/m/03lrqw /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fkbh +/m/05zbm4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0m2wm +/m/07hwkr /people/ethnicity/people /m/01gy7r +/m/07b_l /location/location/contains /m/0__wm +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04k9y6 +/m/01cf5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/031778 /film/film/country /m/07ssc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/08658y +/m/0143q0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/09rvcvl /film/film/language /m/02h40lc +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/043ttv +/m/02r2j8 /film/film/genre /m/06n90 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/02rytm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09rx7tx /film/film/produced_by /m/03h8_g +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01nbq4 /people/person/profession /m/0cbd2 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0f4_l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026lgs /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/06dn58 /people/person/nationality /m/09c7w0 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jdr0 +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/07bzz7 /film/film/music /m/07c0j +/m/01fwzk /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0d9xq /people/person/places_lived./people/place_lived/location /m/0mndw +/m/05dmmc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09x3r /olympics/olympic_games/participating_countries /m/07ssc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0btbyn /film/film/genre /m/0lsxr +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0f8l9c /location/location/contains /m/080g3 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02661h +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0m2mk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2kw +/m/02hwww /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0bkg4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_2r +/m/05sj55 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/037c9s +/m/02yr1q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/041h0 /influence/influence_node/influenced_by /m/06hmd +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kv5k +/m/04954r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02w670 +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0l14md /music/instrument/instrumentalists /m/01wf86y +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017s11 +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/04jspq /people/person/employment_history./business/employment_tenure/company /m/0kk9v +/m/01vb403 /people/person/profession /m/02hrh1q +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1nt +/m/01f9mq /people/person/gender /m/05zppz +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/0132k4 /people/deceased_person/place_of_death /m/0rj0z +/m/033x5p /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164y7 /people/person/profession /m/01c72t +/m/01wbz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/023rwm /music/record_label/artist /m/011xhx +/m/01ps2h8 /people/person/profession /m/02hrh1q +/m/0r2l7 /location/hud_county_place/county /m/0cb4j +/m/0gnjh /film/film/music /m/01pr6q7 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/030vmc /film/director/film /m/04sh80 +/m/012gk9 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/016jll /people/person/place_of_birth /m/0lhn5 +/m/0b9rdk /film/film/genre /m/01jfsb +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/048q6x +/m/07z4p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbhf +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020bv3 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/02x08c /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/012yc /music/genre/artists /m/01dw_f +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/0f4yh /film/film/film_art_direction_by /m/05b2f_k +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029m83 +/m/0dx8gj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02r251z /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz91 +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/0jw67 +/m/01vz0g4 /people/person/place_of_birth /m/0cr3d +/m/0894_x /people/person/languages /m/03k50 +/m/03j43 /influence/influence_node/influenced_by /m/0372p +/m/029d_ /education/educational_institution/colors /m/01l849 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/04xvlr /media_common/netflix_genre/titles /m/02prwdh +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4qzm +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15f_ +/m/0b85mm /film/film/film_format /m/0cj16 +/m/02jx1 /location/location/contains /m/014162 +/m/09s5q8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0199gx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07yjb /film/film_subject/films /m/05pdh86 +/m/02k_kn /music/genre/artists /m/0ddkf +/m/02lfl4 /film/actor/film./film/performance/film /m/0h6r5 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hhv +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/086k8 /music/record_label/artist /m/0jn38 +/m/02zyq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0fzs6w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02wycg2 /people/person/nationality /m/09c7w0 +/m/05cvgl /film/film/written_by /m/02h761 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04jq2 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0_9l_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04m2zj /people/person/place_of_birth /m/03kfl +/m/01mvpv /people/person/place_of_birth /m/01m9f1 +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04999m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/01mqc_ /film/actor/film./film/performance/film /m/013q0p +/m/01jgkj2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qkwl /film/film/music /m/0b6yp2 +/m/01v90t /people/person/profession /m/02hrh1q +/m/0dck27 /people/person/profession /m/026sdt1 +/m/014ktf /people/profession/specialization_of /m/015cjr +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/02bh_v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0b22w /people/person/profession /m/01d30f +/m/0by1wkq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01vc5m /education/educational_institution_campus/educational_institution /m/01vc5m +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fxck +/m/05cv8 /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09tcg4 +/m/0d0x8 /location/location/contains /m/013yq +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01p7yb /people/person/place_of_birth /m/01_d4 +/m/03f0fnk /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0d8s8 /base/biblioness/bibs_location/country /m/059j2 +/m/08rr3p /film/film/music /m/03f2_rc +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0557yqh +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0g5qs2k /film/film/produced_by /m/025hzx +/m/06xl8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/0b7t3p /people/person/profession /m/018gz8 +/m/01wg982 /people/person/place_of_birth /m/0tz14 +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rrd4 +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/03p41 /people/cause_of_death/people /m/01d0b1 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01zz8t +/m/0jgwf /film/director/film /m/0bs4r +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/041rx /people/ethnicity/people /m/0d1mp3 +/m/02wvfxz /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/041b4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01_5bb /base/aareas/schema/administrative_area/administrative_parent /m/0j5g9 +/m/0yx1m /film/film/written_by /m/03xp8d5 +/m/011yth /film/film/featured_film_locations /m/01jr6 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/0g_92 /people/person/place_of_birth /m/0hyxv +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02qvhbb /people/person/profession /m/0dxtg +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x4s2 +/m/02rcwq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03hh89 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/06rgq /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01q_ph +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btyf5z +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dx8gj +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033hn8 /music/record_label/artist /m/0c9d9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/088_kf +/m/017r2 /people/person/profession /m/025352 +/m/02zrv7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/017fp /media_common/netflix_genre/titles /m/05jyb2 +/m/0sq2v /location/location/time_zones /m/02hcv8 +/m/05t54s /film/film/language /m/02h40lc +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/012yc /music/genre/artists /m/01vt5c_ +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b14q +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jswq +/m/071_8 /education/educational_institution/colors /m/01g5v +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0ymcz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016k62 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_0p +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/01jdxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01mjq /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01w0v /location/location/contains /m/07tlg +/m/02qkt /location/location/contains /m/04g5k +/m/01vvyd8 /people/person/profession /m/0cbd2 +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/0q1lp /people/person/profession /m/02jknp +/m/0418ft /film/actor/film./film/performance/film /m/04tc1g +/m/06pj8 /film/director/film /m/0295sy +/m/07t_x /location/country/capital /m/0fsmy +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0dd6bf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/024qqx /media_common/netflix_genre/titles /m/012s1d +/m/016r9z /olympics/olympic_games/sports /m/06f41 +/m/016fnb /people/person/places_lived./people/place_lived/location /m/0r2dp +/m/086sj /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02fn5r /people/person/gender /m/05zppz +/m/065mm1 /people/person/profession /m/02hrh1q +/m/02cff1 /people/person/profession /m/02hrh1q +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dx8gj +/m/01718w /film/film/country /m/09c7w0 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/049l7 +/m/03vtrv /music/record_label/artist /m/01c8v0 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02vrgnr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01k9cc /sports/sports_team/colors /m/06fvc +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02b61v +/m/032q8q /people/person/place_of_birth /m/01cx_ +/m/01vsy7t /people/person/spouse_s./people/marriage/location_of_ceremony /m/04qdj +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bt4g +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09kzxt +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/03v0t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0824r +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014_x2 +/m/0gs5q /people/person/nationality /m/09c7w0 +/m/03y317 /tv/tv_program/languages /m/02h40lc +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/07ymr5 /award/award_winner/awards_won./award/award_honor/award_winner /m/09px1w +/m/06t6dz /film/film/country /m/09c7w0 +/m/01p7x7 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kr5_ /people/person/sibling_s./people/sibling_relationship/sibling /m/0kh6b +/m/0k269 /film/actor/film./film/performance/film /m/05mrf_p +/m/09rsr0w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02w7gg /people/ethnicity/people /m/06cgy +/m/0f2v0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0dzf_ /film/actor/film./film/performance/film /m/04kkz8 +/m/01wsj0 /music/record_label/artist /m/02jg92 +/m/01p7s6 /people/ethnicity/people /m/0m593 +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k1pr +/m/02p8454 /organization/organization/headquarters./location/mailing_address/citytown /m/094jv +/m/081nh /people/person/profession /m/012t_z +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/067nsm /award/award_winner/awards_won./award/award_honor/award_winner /m/0412f5y +/m/0m_v0 /people/person/profession /m/016z4k +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02fqxm /film/film/featured_film_locations /m/0r1yc +/m/0b_6jz /time/event/locations /m/010h9y +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0193x +/m/0fkhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc_p +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/01ggbx /people/person/profession /m/01d_h8 +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/0gldyz /film/film/produced_by /m/0mdqp +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jrqq +/m/033x5p /education/educational_institution/colors /m/0jc_p +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0ljsz /location/location/time_zones /m/02hcv8 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0dc_ms /film/film/genre /m/04pbhw +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/02f46y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/040z9 /film/actor/film./film/performance/film /m/0320fn +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxg4 +/m/01400v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04sh3 +/m/02rqxc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0778p /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/03176f /film/film/cinematography /m/08mhyd +/m/01rrd4 /film/actor/film./film/performance/film /m/01l_pn +/m/0gv2r /people/person/profession /m/01d_h8 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0mb8c /film/film/produced_by /m/0pksh +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0snty +/m/0hx5f /base/biblioness/bibs_location/country /m/02jx1 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b76t12 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/01jzyx /education/educational_institution/students_graduates./education/education/student /m/024_vw +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07s9rl0 /media_common/netflix_genre/titles /m/05hjnw +/m/033tf_ /people/ethnicity/people /m/04zn7g +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/018vs /music/instrument/instrumentalists /m/0889x +/m/0261m /location/location/contains /m/0157g9 +/m/02khs /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/06t74h /film/actor/film./film/performance/film /m/0qm8b +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02rn_bj /music/group_member/membership./music/group_membership/role /m/0342h +/m/061v5m /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/018cvf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/04g865 /people/person/place_of_birth /m/02_286 +/m/042y1c /film/film/country /m/09c7w0 +/m/02lm0t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rgvr /people/person/nationality /m/07ssc +/m/03ccq3s /award/award_category/category_of /m/0gcf2r +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/04rqd /broadcast/content/artist /m/01vsgrn +/m/05k7sb /location/location/contains /m/02c9dj +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ynm +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0227vl /people/person/profession /m/03gjzk +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0gz_ /people/person/nationality /m/035qy +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/01qscs /film/actor/film./film/performance/film /m/02d478 +/m/01_0f7 /film/film/language /m/02h40lc +/m/052p7 /sports/sports_team_location/teams /m/0j8sq +/m/01m_zd /business/business_operation/industry /m/0vg8 +/m/04g73n /film/film/music /m/01mkn_d +/m/07w8fz /film/film/production_companies /m/086k8 +/m/0ghvb /education/educational_institution/campuses /m/0ghvb +/m/0gps0z /people/person/profession /m/0nbcg +/m/07sbbz2 /music/genre/artists /m/018dyl +/m/0nbjq /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0bjqh /education/educational_institution/school_type /m/01rs41 +/m/0tygl /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3gj +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c9c0 +/m/03l7tr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01r47h +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/04wp63 /people/person/profession /m/0np9r +/m/02s5v5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07csf4 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/017kct /film/film/genre /m/04t36 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0h7h6 /location/location/contains /m/01y9st +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/06nr2h +/m/01rc4p /people/person/employment_history./business/employment_tenure/company /m/09kvv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01dwyd +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030hbp +/m/01bl7g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019c57 +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/09c7w0 /location/location/contains /m/0qpjt +/m/01f7gh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0181dw /music/record_label/artist /m/01n44c +/m/01vhb0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wyzyl /people/person/profession /m/02hrh1q +/m/0225v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/02hfp_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04b2qn /film/film/genre /m/06cvj +/m/06pvr /location/location/contains /m/0r5y9 +/m/02x8m /music/genre/artists /m/01vsykc +/m/02cpp /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0dmtp /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01933d +/m/04w8f /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/03y9p40 +/m/0ccck7 /film/film/music /m/01l1rw +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fx3c +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/01vw917 /people/person/nationality /m/09c7w0 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f7jt +/m/04pz5c /film/actor/film./film/performance/film /m/0407yj_ +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0438pz +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015cxv +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xbp7 +/m/02lnbg /music/genre/artists /m/03f0qd7 +/m/01jfsb /media_common/netflix_genre/titles /m/01d259 +/m/016yxn /film/film/music /m/07q1v4 +/m/02nczh /film/film/produced_by /m/0d500h +/m/0ct_yc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kckd +/m/0psss /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01j5sv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03crmd /people/person/nationality /m/0chghy +/m/05pbsry /tv/tv_program/languages /m/02h40lc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/026vcc +/m/01g6l8 /education/educational_institution_campus/educational_institution /m/01g6l8 +/m/05bpg3 /film/actor/film./film/performance/film /m/03p2xc +/m/0d6b7 /film/film/country /m/0345h +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0515_6 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/04p5cr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/058z1hb /award/award_winner/awards_won./award/award_honor/award_winner /m/076psv +/m/014x77 /film/actor/film./film/performance/film /m/04hk0w +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/016vn3 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01y9jr /film/film/language /m/01gp_d +/m/03kmyy /organization/organization/headquarters./location/mailing_address/citytown /m/0f2nf +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0bxy67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047q2k1 +/m/01m4yn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06cv1 +/m/0126y2 /people/person/profession /m/09jwl +/m/07hwkr /people/ethnicity/people /m/03h8_g +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02tqm5 /film/film/produced_by /m/01b0k1 +/m/01z4y /music/genre/artists /m/01fs_4 +/m/09nwwf /music/genre/artists /m/01wwvt2 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01zhs3 +/m/05gp3x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/042l8n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dryh9k /people/ethnicity/people /m/0brddh +/m/0bqxw /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/01nln /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z88t /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07f1x +/m/0f4_l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0466hh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01jrs46 +/m/01syr4 /people/person/nationality /m/0f8l9c +/m/0cwt70 /base/culturalevent/event/entity_involved /m/011zwl +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05p9_ql /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vrkdt +/m/071wvh /people/person/profession /m/02hrh1q +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02lv2v +/m/01bcwk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050ks /location/location/contains /m/0tnkg +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r5qtm +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01f1r4 /education/educational_institution_campus/educational_institution /m/01f1r4 +/m/0199gx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05hs4r /music/genre/artists /m/01bczm +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ln5z +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/03f1r6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b9g4 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crfwmx +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/037q31 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/016gr2 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02js6_ +/m/0b60sq /film/film/country /m/03_3d +/m/0bq0p9 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/09p06 /film/actor/film./film/performance/film /m/014knw +/m/0cgwt8 /sports/sports_team/colors /m/06fvc +/m/02py8_w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01y9r2 /film/film/country /m/09c7w0 +/m/0f485 /location/location/contains /m/015g1w +/m/01pw9v /people/person/profession /m/0cbd2 +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03mb9 /music/genre/artists /m/0840vq +/m/01tz6vs /people/person/profession /m/0kyk +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027j9wd +/m/02qpt1w /film/film/written_by /m/081lh +/m/07b_l /location/location/contains /m/07w0v +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/05jx5r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08nvyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01dy7j +/m/0d0x8 /location/location/contains /m/02183k +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03rk0 /location/location/contains /m/011hq1 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04_1l0v /location/location/contains /m/07h34 +/m/02lj6p /people/person/profession /m/018gz8 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0h96g /film/actor/film./film/performance/film /m/0bth54 +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/045xx +/m/09c7w0 /location/country/second_level_divisions /m/0k3g3 +/m/02hfgl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/059rby /location/location/contains /m/0y2dl +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/044rvb /film/actor/film./film/performance/film /m/0340hj +/m/0123j6 /business/business_operation/industry /m/01mw1 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0j_1v /location/location/time_zones /m/02hcv8 +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/016szr +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/0291hr /film/film/country /m/09c7w0 +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03ytp3 /sports/sports_team/sport /m/02vx4 +/m/03hpkp /education/educational_institution/school_type /m/01rs41 +/m/04v8x9 /film/film/runtime./film/film_cut/film_release_region /m/0d0vqn +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/09p3_s /film/film/genre /m/03mqtr +/m/05nyqk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/012c6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0c3mz /base/culturalevent/event/entity_involved /m/01llxp +/m/0292l3 /film/actor/film./film/performance/film /m/0h2zvzr +/m/0bfp0l /music/record_label/artist /m/01m15br +/m/0807ml /film/actor/film./film/performance/film /m/0jqkh +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/014q2g /people/person/profession /m/09jwl +/m/0571m /film/film/genre /m/0219x_ +/m/0f2sx4 /film/film/produced_by /m/0pz91 +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvts +/m/03d9v8 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/02_1sj /film/film/production_companies /m/08wjc1 +/m/071xj /people/person/profession /m/02jknp +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgxk +/m/09wv__ /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hzl42 /film/actor/film./film/performance/film /m/027r9t +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01gfq4 /music/record_label/artist /m/01vrnsk +/m/04165w /film/film/country /m/09c7w0 +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/02779r4 +/m/01n5309 /people/person/profession /m/018gz8 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/01vsy95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fpjd_g +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0gywn /music/genre/artists /m/01wvxw1 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0421ng +/m/0rxyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/02vcp0 /music/artist/origin /m/0mzww +/m/049nq /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/059j2 /location/country/form_of_government /m/01fpfn +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/034zc0 /people/deceased_person/place_of_death /m/071vr +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gbf +/m/02p11jq /music/record_label/artist /m/0bhvtc +/m/08jbxf /soccer/football_player/current_team./sports/sports_team_roster/team /m/06xbsn +/m/0j8f09z /award/award_winning_work/awards_won./award/award_honor/award /m/099flj +/m/0bx9y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/02j62 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0b9rdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07z1_q +/m/027pwl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wy5m /film/actor/film./film/performance/film /m/0bpm4yw +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/015rmq +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/014kg4 /people/person/place_of_birth /m/0pc7r +/m/01jw67 /film/film/genre /m/07s9rl0 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/02z0j /location/location/contains /m/02m_41 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/01ypsj /award/award_nominee/award_nominations./award/award_nomination/award /m/07kfzsg +/m/09lmb /media_common/netflix_genre/titles /m/05r1_t +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/0c0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwsg +/m/01hgwkr /people/person/profession /m/0dz3r +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0mz73 +/m/015pkt /olympics/olympic_games/sports /m/09w1n +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/016fnb +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0295sy /film/film/language /m/02h40lc +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02j9z /base/locations/continents/countries_within /m/04fh3 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/0pv3x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019fnv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8nx +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/015c4g /film/actor/film./film/performance/film /m/03pc89 +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0c11mj /people/person/gender /m/05zppz +/m/03qd_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/034bgm +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6d +/m/012rng /people/person/profession /m/03gjzk +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/02mt51 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01p45_v /music/group_member/membership./music/group_membership/role /m/03qjg +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpbhm +/m/076lxv /people/person/place_of_birth /m/0sbv7 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03hh89 +/m/059t8 /location/administrative_division/first_level_division_of /m/0d060g +/m/0c3351 /media_common/netflix_genre/titles /m/0jqd3 +/m/0y9j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/01xvlc /education/educational_institution/school_type /m/05jxkf +/m/0427y /people/person/place_of_birth /m/0hptm +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/0g768 /music/record_label/artist /m/01797x +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d44q +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/015dnt /film/actor/film./film/performance/film /m/0jdr0 +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/047sxrj +/m/0jbrr /base/biblioness/bibs_location/state /m/01n7q +/m/0315q3 /people/person/places_lived./people/place_lived/location /m/03v0t +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04h5_c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02f8zw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/06m6p7 /film/actor/film./film/performance/film /m/07_fj54 +/m/03cw411 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/031v3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gd5z /influence/influence_node/influenced_by /m/081k8 +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02279c +/m/0pj8m /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/02y7sr /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rlxt +/m/035s95 /film/film/edited_by /m/03crcpt +/m/0170qf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h5g_ +/m/0hvjr /sports/sports_team/sport /m/02vx4 +/m/0kbws /olympics/olympic_games/participating_countries /m/01n8qg +/m/059g4 /location/location/contains /m/0typ5 +/m/0h924 /location/location/contains /m/01rvgx +/m/01_mdl /film/film/country /m/09c7w0 +/m/01pj3h /people/person/nationality /m/09c7w0 +/m/0bh8yn3 /film/film/genre /m/01jfsb +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd6l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/065z3_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/019m5j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/02r3zy +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0n2vl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n24p +/m/03zmc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02bv9 /language/human_language/countries_spoken_in /m/059j2 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/072192 /film/film/genre /m/060__y +/m/04fzk /film/actor/film./film/performance/film /m/0fpkhkz +/m/07yk1xz /film/film/genre /m/060__y +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/04t7ts /people/person/gender /m/05zppz +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014kq6 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/03gh4 /location/location/contains /m/0r_ch +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06kkgw +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0dw6b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0myfz /location/location/time_zones /m/02hcv8 +/m/0dzz_ /base/biblioness/bibs_location/country /m/02jx1 +/m/09kvv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03wbzp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/07y0n +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02yxjs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dyb1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01vx5w7 /music/group_member/membership./music/group_membership/group /m/016ppr +/m/02py9yf /tv/tv_program/languages /m/02h40lc +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/06x2ww /music/record_label/artist /m/01dpsv +/m/03_wj_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxtg /film/actor/film./film/performance/film /m/065dc4 +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06by7 /music/genre/artists /m/02s2wq +/m/018j2 /music/instrument/instrumentalists /m/0m_31 +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/01cwdk /organization/organization/headquarters./location/mailing_address/state_province_region /m/0127c4 +/m/01kwhf /sports/sports_team/colors /m/038hg +/m/0lz8d /people/cause_of_death/people /m/0177g +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01nzz8 /film/actor/film./film/performance/film /m/03rtz1 +/m/02jx1 /location/location/contains /m/0glh3 +/m/06dkzt /people/person/profession /m/02jknp +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/027x7z5 /film/film/genre /m/01hmnh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0dgq_kn /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0432b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/0155w /music/genre/artists /m/0127s7 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/0345gh /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/05r9t /music/genre/artists /m/01v0sxx +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/0265v21 +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05cqhl +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/080dyk +/m/0738b8 /film/actor/film./film/performance/film /m/0640y35 +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/046488 /film/film/genre /m/03mqtr +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/024mxd /film/film/language /m/06b_j +/m/02p68d /people/person/gender /m/05zppz +/m/01srq2 /film/film/language /m/0jzc +/m/05w3f /music/genre/artists /m/01v0sxx +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/014635 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01679d +/m/0484q /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/06__m6 /film/film/genre /m/060__y +/m/06k5_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05sb1 +/m/064t9 /music/genre/artists /m/0134wr +/m/03lty /music/genre/artists /m/01mxt_ +/m/0479b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/0jqj5 /film/film/country /m/07ssc +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027rpym +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/03gkn5 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g5k +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/02w86hz /film/film/genre /m/02kdv5l +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/02p65p /film/actor/film./film/performance/film /m/09gkx35 +/m/020fcn /film/film/genre /m/060__y +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0bqsy /people/person/nationality /m/0d060g +/m/03j90 /people/person/places_lived./people/place_lived/location /m/05mwx +/m/0b5x23 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/01yzl2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0mp36 /location/us_county/county_seat /m/0mp36 +/m/06q1r /location/country/capital /m/02m77 +/m/064t9 /music/genre/artists /m/019g40 +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/083skw /film/film/genre /m/04xvlr +/m/0225bv /education/educational_institution/colors /m/06fvc +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0mbw0 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/02fsn /music/instrument/instrumentalists /m/018d6l +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09q5w2 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01kp_1t /people/person/places_lived./people/place_lived/location /m/02dtg +/m/01z4y /media_common/netflix_genre/titles /m/02ph9tm +/m/02cbs0 /people/person/religion /m/0kpl +/m/010xjr /people/person/profession /m/02hrh1q +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017kz7 +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0184tc /film/film/genre /m/01hmnh +/m/01k2xy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/021_z5 /music/genre/artists /m/02h9_l +/m/07c0j /influence/influence_node/influenced_by /m/02jq1 +/m/01nn3m /people/person/profession /m/0nbcg +/m/02x2jl_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dv3 +/m/0sq2v /base/biblioness/bibs_location/country /m/09c7w0 +/m/0xnvg /people/ethnicity/people /m/012v1t +/m/02rv_dz /film/film/produced_by /m/017r13 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0211jt +/m/01csrl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/0194xc +/m/01xk7r /education/educational_institution/colors /m/036k5h +/m/040rmy /film/film/country /m/06mkj +/m/059rby /location/location/contains /m/0f612 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0jbqf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/06mmb /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/07c52 /media_common/netflix_genre/titles /m/07c72 +/m/058z1hb /people/person/gender /m/05zppz +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b6rdt +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/06lht1 /film/actor/film./film/performance/film /m/03cffvv +/m/04954 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj0n +/m/0g72r /people/person/profession /m/0cbd2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/016z43 +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq6s3 +/m/04x4gw /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/02238b /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02lk1s /people/person/profession /m/02hrh1q +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qzw +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/012ky3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02zft0 +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/0249kn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06b7s9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/033hn8 /music/record_label/artist /m/051m56 +/m/03rjj /location/country/second_level_divisions /m/04_xrs +/m/01d0fp /base/eating/practicer_of_diet/diet /m/07_jd +/m/064_8sq /language/human_language/countries_spoken_in /m/04w58 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/019vhk /film/film/language /m/02h40lc +/m/015qq1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vn0t_ +/m/0pj9t /award/award_winner/awards_won./award/award_honor/award_winner /m/017xm3 +/m/047fjjr /film/film/genre /m/07s9rl0 +/m/0dr_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0j0k /base/locations/continents/countries_within /m/04xn_ +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/0488g /location/administrative_division/first_level_division_of /m/09c7w0 +/m/019c57 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03v3xp /people/person/nationality /m/02jx1 +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/06wxw +/m/044mjy /people/person/places_lived./people/place_lived/location /m/0f04v +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01br2w +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt7h_ +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/07myb2 /film/actor/film./film/performance/film /m/05sns6 +/m/0mdqp /people/person/profession /m/018gz8 +/m/0clvcx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cp0790 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0zcbl +/m/064t9 /music/genre/artists /m/01vs8ng +/m/0z4s /film/actor/film./film/performance/film /m/03ntbmw +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/09c7w0 /location/country/second_level_divisions /m/0mkv3 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hhrs +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/0181dw /music/record_label/artist /m/08w4pm +/m/0g768 /music/record_label/artist /m/0161sp +/m/0gkg6 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/03t0k1 /people/person/nationality /m/07ssc +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01wk7b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02p_7cr +/m/0935jw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cwwl /film/film/genre /m/02kdv5l +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/0dc_ms /film/film/written_by /m/063b4k +/m/0p5mw /people/person/nationality /m/09c7w0 +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/067nsm /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/014ck4 /location/administrative_division/country /m/0d05w3 +/m/0kb07 /film/film/genre /m/07s9rl0 +/m/0p_47 /film/actor/film./film/performance/film /m/03cffvv +/m/06mq7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02jfc +/m/080h2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/06h7l7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bw6y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/03cs_xw /people/person/gender /m/05zppz +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03z20c +/m/09_99w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cskb +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/01vsgrn /people/person/profession /m/02hrh1q +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05c46y6 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0xc9x /location/hud_county_place/county /m/0d1y7 +/m/05d1y /people/person/places_lived./people/place_lived/location /m/01pj7 +/m/02xs5v /film/actor/film./film/performance/film /m/01chpn +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/02kcz /location/country/official_language /m/05zjd +/m/01sxd1 /people/person/nationality /m/02jx1 +/m/011kn2 /education/educational_institution/colors /m/036k5h +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/07ykkx5 /film/film/genre /m/07s9rl0 +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/07vn_9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xt3t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z_g7 /people/person/nationality /m/03rk0 +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/0257yf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02htv6 +/m/0jqp3 /film/film/language /m/02h40lc +/m/017gl1 /film/film/written_by /m/0js9s +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03_05 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06_x996 +/m/0pc56 /location/location/contains /m/033x5p +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0kh6b /people/person/nationality /m/02jx1 +/m/03dj48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/034qg /people/cause_of_death/people /m/05hks +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/06rgq /people/person/nationality /m/09c7w0 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03b1sb +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/070g7 /film/film/genre /m/01jfsb +/m/034r25 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/06pj8 /film/director/film /m/02rb84n +/m/03x33n /education/educational_institution/students_graduates./education/education/student /m/01wlt3k +/m/04x4gw /film/film/genre /m/03k9fj +/m/036921 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3kw /people/person/profession /m/0cbd2 +/m/09kvv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g2lq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02hct1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/082237 +/m/03jv8d /time/event/locations /m/070zc +/m/01n4w /location/location/contains /m/0p0cw +/m/018vs /music/instrument/instrumentalists /m/03f5spx +/m/041c4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0fngy /location/location/contains /m/06klyh +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/018y81 /people/person/profession /m/09jwl +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0646qh +/m/01q4qv /film/director/film /m/0k20s +/m/02yvct /film/film/featured_film_locations /m/05qtj +/m/012c6x /film/actor/film./film/performance/film /m/042g97 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/06hhrs +/m/0j5q3 /people/person/profession /m/0kyk +/m/09jcj6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04gfy7 /people/ethnicity/people /m/0g2mbn +/m/0bbw2z6 /film/film/produced_by /m/03h304l +/m/0221g_ /education/educational_institution/students_graduates./education/education/student /m/030vnj +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/03k8th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06j6l /music/genre/artists /m/0g824 +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/01sg7_ +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0lfbm +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/01hr1 /film/film/language /m/02h40lc +/m/03gh4 /location/location/contains /m/02hrh0_ +/m/08lpkq /music/genre/artists /m/07s3vqk +/m/0fsd9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zr0z +/m/0j6cj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025s1wg /film/film/produced_by /m/06cv1 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mhxx +/m/02mxw0 /film/actor/film./film/performance/film /m/06w99h3 +/m/016z2j /people/person/places_lived./people/place_lived/location /m/03dm7 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/07lmxq /people/person/nationality /m/09c7w0 +/m/01p1v /location/country/capital /m/0dlqv +/m/0342h /music/instrument/instrumentalists /m/04_jsg +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04gb7 /film/film_subject/films /m/01b195 +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/0mlzk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mm0p +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mpbk +/m/0x67 /people/ethnicity/people /m/0163r3 +/m/02f6g5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02yxbc /film/film/language /m/02h40lc +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/03f6fl0 /people/person/place_of_birth /m/0ygbf +/m/06fq2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/0bqr7_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fpmrm3 /film/film/production_companies /m/024rdh +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dmx +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/06yszk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04b7xr /people/person/gender /m/05zppz +/m/0261g5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w9sgh +/m/03359d /people/person/profession /m/0d1pc +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0gd70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03dj48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/047byns /award/award_category/nominees./award/award_nomination/nominated_for /m/01j7mr +/m/03mqj_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0rqf1 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026c1 +/m/0g02vk /people/cause_of_death/people /m/01385g +/m/0ctb4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/02bq1j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/049f05 /sports/sports_team/colors /m/038hg +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/04nlb94 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/0781g /music/genre/artists /m/01j59b0 +/m/03s0w /location/location/contains /m/0ghvb +/m/01mmslz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mtq /base/aareas/schema/administrative_area/administrative_parent /m/0chghy +/m/05bpg3 /people/person/place_of_birth /m/0cc56 +/m/06q5t7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b2np /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/027f3ys /music/record_label/artist /m/015cqh +/m/015pkc /people/person/gender /m/05zppz +/m/0k4kk /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bcndz +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02rchht /people/person/profession /m/02krf9 +/m/01_qgp /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/05kkh /location/location/contains /m/01r3y2 +/m/015fr /sports/sports_team_location/teams /m/01352_ +/m/07ldhs /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02bwjv +/m/016h9b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04ty8 +/m/04lhft /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/013km /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/01r9fv +/m/01vw20_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02dlfh +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170_p +/m/03_z5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/06nm1 /language/human_language/countries_spoken_in /m/0hg5 +/m/01fwqn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0prh7 /film/film/music /m/08c9b0 +/m/01y17m /education/educational_institution/colors /m/06fvc +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02hhtj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01_ztw +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/0gys2jp /film/film/film_festivals /m/0hrcs29 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/030qb3t /location/location/contains /m/02gnmp +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/01q_y0 /tv/tv_program/genre /m/0c4xc +/m/04dsnp /film/film/production_companies /m/03xsby +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/07fpm3 /film/actor/film./film/performance/film /m/03cwwl +/m/021gzd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/055c8 +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0123_x /base/aareas/schema/administrative_area/capital /m/01f62 +/m/01g969 /film/actor/film./film/performance/film /m/0f40w +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01t9qj_ +/m/01c1nm /base/aareas/schema/administrative_area/capital /m/04vmp +/m/0487c3 /people/person/nationality /m/07ssc +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01vrlr4 /people/person/places_lived./people/place_lived/location /m/01531 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425gc +/m/0hfml /people/person/profession /m/0htp +/m/04zn7g /people/person/religion /m/0c8wxp +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/095w_ /base/biblioness/bibs_location/country /m/03gj2 +/m/02j3d4 /people/person/profession /m/0gbbt +/m/02m4d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01531 +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz15s +/m/02jkkv /film/film/genre /m/04btyz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01csqg +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/05sns6 /film/film/genre /m/02kdv5l +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d45s +/m/03bggl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4bc +/m/09fn1w /film/film/country /m/03rk0 +/m/0pd57 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039x1k +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz91 +/m/0342h /music/instrument/instrumentalists /m/01q_wyj +/m/018gqj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fjzt +/m/02fj8n /film/film/genre /m/03npn +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02q7fl9 /film/film/genre /m/05mrx8 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/05hrq4 +/m/0pm85 /music/genre/artists /m/012ycy +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0mlzk /location/us_county/county_seat /m/010t4v +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02yr1q +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01mt1fy /film/actor/film./film/performance/film /m/0gwjw0c +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/0342h /music/instrument/instrumentalists /m/03wjb7 +/m/026zvx7 /people/person/languages /m/02h40lc +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03_nq +/m/01n8_g /people/person/nationality /m/03rk0 +/m/0191h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvt2 +/m/01pgzn_ /film/actor/film./film/performance/film /m/08r4x3 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/04b7xr +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0274v0r /award/award_category/winners./award/award_honor/award_winner /m/08mhyd +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/02hnl /music/instrument/instrumentalists /m/0fpj4lx +/m/0lgxj /olympics/olympic_games/participating_countries /m/03rjj +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03vrv9 /people/person/profession /m/02jknp +/m/0n59t /location/location/time_zones /m/02hcv8 +/m/0ckrgs /film/film/genre /m/03k9fj +/m/05r5c /music/instrument/instrumentalists /m/0jsg0m +/m/01skcy /business/business_operation/industry /m/01mw1 +/m/016tbr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02yy_j /people/person/profession /m/0dxtg +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/048scx +/m/0dzf_ /people/person/profession /m/0dxtg +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/03kts /people/person/languages /m/02h40lc +/m/03lq43 /people/person/profession /m/0d1pc +/m/02tr7d /film/actor/film./film/performance/film /m/0407yfx +/m/01rxw /location/country/official_language /m/064_8sq +/m/02gpkt /film/film/music /m/04zwjd +/m/0rsjf /base/biblioness/bibs_location/state /m/02xry +/m/03gyh_z /people/person/nationality /m/09c7w0 +/m/0jcg8 /location/administrative_division/country /m/07ssc +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04vq33 +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02bq1j /education/educational_institution/campuses /m/02bq1j +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/05jt_ /music/genre/artists /m/0p3r8 +/m/03_87 /influence/influence_node/influenced_by /m/03_dj +/m/0ddf2bm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06nm1 /media_common/netflix_genre/titles /m/0gpx6 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2l9 +/m/01t110 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qg7c /film/actor/film./film/performance/film /m/031t2d +/m/05nw9m /people/person/nationality /m/03rk0 +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01nqfh_ +/m/01314k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0h7t36 /film/film/country /m/09c7w0 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01gjqb /music/genre/artists /m/01gg59 +/m/01twmp /people/person/place_of_birth /m/0nlh7 +/m/016z43 /film/film/music /m/03975z +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0swlx /language/human_language/countries_spoken_in /m/0jdd +/m/048vhl /film/film/genre /m/0lsxr +/m/0d6484 /people/person/profession /m/01d_h8 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/04ns3gy +/m/0yldt /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0mnwd /location/hud_county_place/place /m/0mnwd +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05mc7y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/07h565 /people/person/nationality /m/0b90_r +/m/033hn8 /music/record_label/artist /m/026spg +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/010016 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mr_8 +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015fs3 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/032zq6 /film/film/executive_produced_by /m/08gf93 +/m/0k269 /film/actor/film./film/performance/film /m/07tj4c +/m/0cbl95 /film/film/language /m/064_8sq +/m/01vsxdm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/067zx9 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/043gj /film/actor/film./film/performance/film /m/01wb95 +/m/0cbxl0 /people/person/place_of_birth /m/09bkv +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmhn +/m/08_hns /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01k98nm /music/artist/origin /m/0vzm +/m/03fpx /music/genre/artists /m/0lsw9 +/m/02pfymy /business/business_operation/industry /m/020mfr +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01cpjx /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_x +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0pk41 /people/person/place_of_birth /m/0r00l +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03lt8g +/m/0283d /music/genre/parent_genre /m/0190y4 +/m/01hgwkr /people/person/nationality /m/0d060g +/m/01wmxfs /people/person/profession /m/0dxtg +/m/0gywn /music/genre/artists /m/02ktrs +/m/0htp /film/film_subject/films /m/0sxgv +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/05qbckf /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/01fl3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q_dw +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/059kh /music/genre/artists /m/01323p +/m/02b25y /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0h5k /education/field_of_study/students_majoring./education/education/student /m/02r6c_ +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/045cq +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/0jw67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v570 +/m/06rhz7 /film/film/produced_by /m/0147dk +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/053vcrp /film/film_set_designer/film_sets_designed /m/04v8x9 +/m/06j6l /music/genre/artists /m/01vw8mh +/m/02wlk /people/person/places_lived./people/place_lived/location /m/0824r +/m/07wm6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01vw20h /people/person/profession /m/09jwl +/m/03rjj /location/location/contains /m/096g3 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h5d +/m/01kwld /people/person/places_lived./people/place_lived/location /m/01rwf_ +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/0blfl /olympics/olympic_games/participating_countries /m/07ssc +/m/03262k /sports/sports_team/sport /m/02vx4 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/063k3h /people/ethnicity/people /m/042fk +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0147jt /people/person/places_lived./people/place_lived/location /m/0n6bs +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/027bs_2 /film/actor/film./film/performance/film /m/07p12s +/m/0b_6s7 /time/event/locations /m/0fpzwf +/m/01kckd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/028qyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0nzw2 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02dq8f +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02j9z /location/location/contains /m/0ftns +/m/04__f /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0h1m9 +/m/0g_92 /film/actor/film./film/performance/film /m/0bcndz +/m/041rx /people/ethnicity/people /m/04hw4b +/m/09pmkv /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/064t9 /music/genre/artists /m/010hn +/m/016clz /music/genre/artists /m/01_wfj +/m/03d_w3h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/02qzh2 /film/film/genre /m/02l7c8 +/m/016khd /people/person/place_of_birth /m/0rh6k +/m/0cqt90 /people/person/religion /m/0631_ +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/05fly /location/administrative_division/country /m/0chghy +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01l0__ +/m/0l2q3 /location/location/contains /m/0r3w7 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/099pks /tv/tv_program/genre /m/01t_vv +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z7s +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfns +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/01pkhw /people/person/nationality /m/0j5g9 +/m/06rhz7 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/09g8vhw /film/film/executive_produced_by /m/0gg9_5q +/m/0gdh5 /people/person/profession /m/0n1h +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04t9c0 /film/film/genre /m/06cvj +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvg4 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05p1qyh /film/film/executive_produced_by /m/0gg9_5q +/m/01p1z_ /people/person/profession /m/02krf9 +/m/03n6r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pk8 +/m/01lly5 /people/person/profession /m/0np9r +/m/02vjzr /music/genre/artists /m/01vwyqp +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/015t56 /film/actor/film./film/performance/film /m/04tqtl +/m/0m3gy /film/film/genre /m/03npn +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/02xwgr /film/actor/film./film/performance/film /m/03kx49 +/m/0dx8gj /film/film/genre /m/03q4nz +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0141kz /film/actor/film./film/performance/film /m/04954r +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01pbxb +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/03m5y9p /film/film/production_companies /m/03xsby +/m/010z5n /location/hud_county_place/place /m/010z5n +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/01wy5m +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/09d5d5 +/m/03bxp5 /film/film/language /m/02h40lc +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/083skw /film/film/genre /m/082gq +/m/03f4xvm /award/award_winner/awards_won./award/award_honor/award_winner /m/059_gf +/m/06nz46 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/017dpj +/m/040rmy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/01vs8ng /film/actor/film./film/performance/film /m/0dh8v4 +/m/01wk51 /people/person/profession /m/02jknp +/m/0g5q34q /film/film/genre /m/0hn10 +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02t901 /people/person/places_lived./people/place_lived/location /m/0r2gj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/032s66 /people/cause_of_death/people /m/01vz0g4 +/m/01v80y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02896 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g9lm2 /film/film/written_by /m/0h5f5n +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048xyn +/m/04jm_hq /film/film/country /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/01vw917 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/063fh9 +/m/0b_6xf /time/event/locations /m/0d9y6 +/m/01rv7x /people/ethnicity/people /m/0jrqq +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zt +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02jxkw +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/049nq /location/country/capital /m/0k3p +/m/019l68 /people/person/place_of_birth /m/06wxw +/m/012jfb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0859_ +/m/0fx02 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021w0_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/077qn /location/country/official_language /m/0k0sb +/m/0dl9_4 /film/film/film_production_design_by /m/03mdw3c +/m/03t97y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g1lp /people/person/profession /m/0kyk +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04w7rn +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ww5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0168t +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051ys82 +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/03kts /music/artist/origin /m/0f2tj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05fh2 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/081lh /award/award_winner/awards_won./award/award_honor/award_winner /m/0grrq8 +/m/04fhn_ /film/actor/film./film/performance/film /m/04tc1g +/m/02t8yb /film/special_film_performance_type/film_performance_type./film/performance/film /m/0cq7tx +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0pk41 /people/person/profession /m/09jwl +/m/0bq2g /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0151w_ +/m/07sbbz2 /music/genre/artists /m/0pj9t +/m/0dkb83 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/01633c /film/film/costume_design_by /m/0bytfv +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0bthb /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /location/location/contains /m/04thp +/m/02_h0 /film/film_subject/films /m/0gpx6 +/m/0d6_s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02w4fkq /people/person/places_lived./people/place_lived/location /m/0kpys +/m/01699 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0164v +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01n_2f +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dyztm +/m/0x67 /people/ethnicity/people /m/02k21g +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hc1j +/m/0645k5 /film/film/genre /m/06n90 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/03_js /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02vnp2 +/m/0cdbq /location/country/capital /m/04swd +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/07s846j /film/film/written_by /m/01d8yn +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01p7x7 /education/educational_institution/colors /m/01l849 +/m/02kwcj /tv/tv_program/genre /m/0hcr +/m/01bmlb /people/person/place_of_birth /m/0f94t +/m/07ssc /media_common/netflix_genre/titles /m/020bv3 +/m/0bm02 /music/instrument/family /m/0l14md +/m/01rly6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06dfg /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06bw5 /education/educational_institution/students_graduates./education/education/student /m/06y3r +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04_1l0v /location/location/contains /m/07z1m +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/02sfnv /film/film/country /m/09c7w0 +/m/01qdcv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwvl /music/instrument/instrumentalists /m/0p3sf +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/05whq_9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/0mb0 /influence/influence_node/influenced_by /m/080r3 +/m/0dsvzh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027mdh +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/037fqp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02183k /education/educational_institution/colors /m/06fvc +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p_th +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/01pr_j6 /music/artist/origin /m/0f1_p +/m/0xhj2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013q07 /film/film/genre /m/0lsxr +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/049k07 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d6jf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015qyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03b04g +/m/073v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0f1_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0342h /music/instrument/instrumentalists /m/014cw2 +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/03d3ht /tv/tv_program/country_of_origin /m/03_3d +/m/09c7w0 /location/location/contains /m/0q6lr +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rmfm +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07kb7vh /film/film/produced_by /m/0pz91 +/m/0b13g7 /people/person/gender /m/05zppz +/m/01309x /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/059g4 /base/locations/continents/countries_within /m/0160w +/m/03gfvsz /broadcast/content/artist /m/01wf86y +/m/02pbp9 /people/person/profession /m/0d8qb +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/01kqq7 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0cm2xh /film/film_subject/films /m/026p4q7 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/025t8bv /music/record_label/artist /m/04dqdk +/m/01pcj4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h5f8 /people/person/profession /m/016z4k +/m/0f5xn /film/actor/film./film/performance/film /m/0dzlbx +/m/07pzc /people/person/profession /m/05z96 +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z44tp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0y_pg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06j6l /music/genre/artists /m/012vm6 +/m/0r6cx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r679 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01gb54 +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05q2c /education/educational_institution/campuses /m/05q2c +/m/0gywn /music/genre/artists /m/0gps0z +/m/08tq4x /film/film/country /m/07ssc +/m/02r3cn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lk90 +/m/04k25 /film/director/film /m/04jkpgv +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q0v8n +/m/0169dl /film/actor/film./film/performance/film /m/0p9lw +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j5x6 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/05gml8 +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08l0x2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gvr1 +/m/06wcbk7 /music/record_label/artist /m/04n2vgk +/m/01nm3s /film/actor/film./film/performance/film /m/0gtsxr4 +/m/09hy79 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/047vnkj /film/film/genre /m/07s9rl0 +/m/02s6tk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01jr4j /film/film/country /m/07ssc +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0166v +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014l6_ +/m/019g8j /tv/tv_program/genre /m/025s89p +/m/015x74 /film/film/written_by /m/07h5d +/m/0b_6q5 /time/event/locations /m/01snm +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ckrnn +/m/09rsjpv /film/film/genre /m/02p0szs +/m/01_k1z /people/person/place_of_birth /m/02_286 +/m/03h3vtz /film/actor/film./film/performance/film /m/0h1fktn +/m/01hb6v /influence/influence_node/influenced_by /m/06g4_ +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0gjvqm /film/actor/film./film/performance/film /m/08052t3 +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035yg +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/05r3qc /film/film/personal_appearances./film/personal_film_appearance/person /m/046lt +/m/0tz1x /location/hud_county_place/place /m/0tz1x +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s7rd +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07h9gp +/m/016kkx /award/award_winner/awards_won./award/award_honor/award_winner /m/016ks_ +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/07hgm /influence/influence_node/influenced_by /m/07yg2 +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01trf3 /film/actor/film./film/performance/film /m/02ctc6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03ntbmw +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07l24 +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/03yxwq +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mh8zn +/m/04sv4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ld6x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/030vnj +/m/0kvsb /people/person/profession /m/02jknp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05hz6_ +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/02vjp3 /film/film/personal_appearances./film/personal_film_appearance/person /m/0byfz +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/041rx /people/ethnicity/people /m/0m9c1 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/06xbsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gwlfnb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m63c /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0k9ctht /business/business_operation/industry /m/02vxn +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/047vp1n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/042fk /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/05b5_tj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b4rcb +/m/0ldff /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/04jwjq /film/film/language /m/0688f +/m/03x746 /sports/sports_team/colors /m/06fvc +/m/05r6t /music/genre/artists /m/01wt4wc +/m/0178kd /music/artist/origin /m/062qg +/m/0gnkb /film/film/music /m/025vry +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/016tw3 +/m/0ynfz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n3dv +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0693l +/m/0h27vc /film/actor/film./film/performance/film /m/08952r +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0127c4 /location/location/contains /m/01n7rc +/m/046_v /people/deceased_person/place_of_death /m/0r8c8 +/m/02g7sp /people/ethnicity/people /m/01bpnd +/m/025rxjq /film/film/written_by /m/01gkmx +/m/021yw7 /film/actor/film./film/performance/film /m/0gj9tn5 +/m/01f1ps /location/administrative_division/country /m/03_3d +/m/0drnwh /film/film/music /m/0146pg +/m/01w8sf /people/person/gender /m/05zppz +/m/0sd7v /base/biblioness/bibs_location/country /m/09c7w0 +/m/01wbz9 /people/deceased_person/place_of_death /m/05qtj +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/06bnz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03z0dt /sports/sports_team/sport /m/02vx4 +/m/05znxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/040nwr /film/actor/film./film/performance/film /m/0f42nz +/m/0fjyzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/04s7y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nrt +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ykb +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/08cyft /music/genre/artists /m/0jg77 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/07bwr /film/film/executive_produced_by /m/02q42j_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/0261m /location/location/contains /m/0168t +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01svw8n +/m/02b1ng /sports/sports_team/sport /m/02vx4 +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/059g4 /base/locations/continents/countries_within /m/02k8k +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0m_q0 /film/film/story_by /m/01h320 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03h64 +/m/01hnp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05fjf /location/location/contains /m/0n5d1 +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01m1dzc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/080knyg +/m/05dmmc /film/film/language /m/02h40lc +/m/01g4yw /education/educational_institution/campuses /m/01g4yw +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k20s +/m/02v5_g /film/film/genre /m/03npn +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0n6c_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dj6y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/014q2g /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01zh29 +/m/0ql36 /people/person/places_lived./people/place_lived/location /m/0h6l4 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/04mx7s /people/person/nationality /m/0d04z6 +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/079vf /people/person/employment_history./business/employment_tenure/company /m/058j2 +/m/03177r /film/film/film_format /m/017fx5 +/m/0gnjh /film/film/film_art_direction_by /m/0523v5y +/m/0cct7p /people/person/profession /m/02hrh1q +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/0fpkhkz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01ckbq /award/award_category/category_of /m/0c4ys +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/06lckm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094wz7q +/m/0g22z /film/film/produced_by /m/05nn4k +/m/0346qt /sports/sports_team/sport /m/02vx4 +/m/03jjzf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05t7c1 /organization/organization/headquarters./location/mailing_address/citytown /m/03hrz +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/099flj +/m/034bgm /people/person/profession /m/0dxtg +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/06nm1 /language/human_language/countries_spoken_in /m/05qx1 +/m/01j4ls /people/person/gender /m/05zppz +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/0mlm_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01vfqh /film/film/edited_by /m/02kxbx3 +/m/07024 /film/film/language /m/064_8sq +/m/05b5c /organization/organization/place_founded /m/0c75w +/m/0337vz /people/person/place_of_birth /m/01_d4 +/m/0b1xl /education/educational_institution/colors /m/01l849 +/m/05mcjs /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnx3j +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/050llt +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0ffjqy /people/ethnicity/people /m/0993r +/m/0dryh9k /people/ethnicity/people /m/01k6nm +/m/0hky /people/person/religion /m/03j6c +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/05sdxx /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/0219q /people/person/places_lived./people/place_lived/location /m/04jpl +/m/06npd /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/04zkj5 /influence/influence_node/influenced_by /m/01j7rd +/m/01kcd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/03lvwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03lvyj +/m/03k7bd /people/person/gender /m/05zppz +/m/0d0x8 /location/location/contains /m/0nzlp +/m/033071 /people/person/profession /m/02jknp +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02pjc1h /film/film/genre /m/0vgkd +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02pxmgz /film/film/executive_produced_by /m/03h304l +/m/012gk9 /film/film/genre /m/0hfjk +/m/0bdt8 /film/actor/film./film/performance/film /m/070fnm +/m/01nn79 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/04ych /location/location/partially_contains /m/04yf_ +/m/09vc4s /people/ethnicity/people /m/02s529 +/m/049m19 /people/person/spouse_s./people/marriage/spouse /m/04y0hj +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/06qgvf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0n5_g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3j0 +/m/03lgg /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bczgm +/m/03lty /music/genre/artists /m/04m2zj +/m/06mzp /location/location/contains /m/0d6nx +/m/02v992 /organization/organization/headquarters./location/mailing_address/citytown /m/03kjh +/m/03d0d7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0x67 /people/ethnicity/people /m/01kwlwp +/m/01l47f5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/035s95 /film/film/country /m/09c7w0 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0kb3n +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05km8z +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/0cq8qq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw917 /people/person/place_of_birth /m/02dtg +/m/0bt7w /music/genre/artists /m/0phx4 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/03dpqd +/m/01jfsb /media_common/netflix_genre/titles /m/0k0rf +/m/025sc50 /music/genre/artists /m/03t852 +/m/02bvt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gb_4p +/m/0yfp /film/actor/film./film/performance/film /m/021gzd +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/09c7w0 /location/location/contains /m/0qlnr +/m/064t9 /music/genre/artists /m/01tl50z +/m/016k6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04bs3j /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/02__34 /film/film/featured_film_locations /m/0d060g +/m/0bxtg /film/actor/film./film/performance/film /m/01flv_ +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h7bb +/m/03nnm4t /time/event/instance_of_recurring_event /m/0gcf2r +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05zj6x +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/029d_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07sqbl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0lkr7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/018vs /music/instrument/instrumentalists /m/0fhxv +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01mylz +/m/01kkx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0dd6bf +/m/05bt6j /music/genre/artists /m/0bdxs5 +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03dbds /film/actor/film./film/performance/film /m/02rrfzf +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01ycfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0l14md /music/instrument/instrumentalists /m/0bg539 +/m/07cbs /people/person/profession /m/0kyk +/m/0693l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01phtd +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/04ty8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01clyb /education/educational_institution/students_graduates./education/education/student /m/01385g +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0ywrc /film/film/country /m/0f8l9c +/m/01fh36 /music/genre/artists /m/02jqjm +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/03qy3l /music/record_label/artist /m/01hw6wq +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/04jb97 +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jw4r +/m/0p5mw /music/artist/contribution./music/recording_contribution/performance_role /m/04rzd +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ldw4 +/m/0bshwmp /film/film/produced_by /m/02r251z +/m/03lty /music/genre/artists /m/0161sp +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/01vsl3_ /people/person/profession /m/02hrh1q +/m/0x67 /people/ethnicity/people /m/014g_s +/m/0jmcb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/014gjp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h0f3 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01f7d /award/award_category/winners./award/award_honor/award_winner /m/01w8sf +/m/0bz3jx /film/film/genre /m/01tz3c +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0b7t3p +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02qk3fk /film/film/featured_film_locations /m/02_286 +/m/0x67 /people/ethnicity/people /m/01bmlb +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07sgfsl +/m/07f0tw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01xyt7 /people/person/gender /m/05zppz +/m/035l_9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01k60v /film/film/produced_by /m/0hskw +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/09p35z /film/film/genre /m/02l7c8 +/m/03mqtr /media_common/netflix_genre/titles /m/03cv_gy +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02q7yfq /film/film/language /m/02h40lc +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018x3 +/m/02nhxf /award/award_category/category_of /m/0c4ys +/m/03m3nzf /people/person/place_of_birth /m/016722 +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/03hzl42 /film/actor/film./film/performance/film /m/08c4yn +/m/0gt_k /people/person/places_lived./people/place_lived/location /m/01531 +/m/0c7t58 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/080dwhx +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01vsykc +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/04sry /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/02dbn2 /film/actor/film./film/performance/film /m/06zn2v2 +/m/02bvc5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04d_mtq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/05d49 /location/location/time_zones /m/0gsrz4 +/m/04zkj5 /film/actor/film./film/performance/film /m/0dln8jk +/m/02gnmp /location/location/time_zones /m/02lcqs +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02mqc4 +/m/0jhd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0kn +/m/0bbw2z6 /film/film/production_companies /m/054lpb6 +/m/01p8s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015f7 +/m/01tpvt /education/educational_institution/students_graduates./education/education/student /m/0bk5r +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ksr1 +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025mb_ /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dy7j +/m/0d05q4 /location/location/contains /m/01fqm +/m/061681 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09c7w0 /location/location/contains /m/01y20v +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/087pfc +/m/02wk4d /people/person/place_of_birth /m/03h64 +/m/02k_kn /music/genre/artists /m/016ntp +/m/074r0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01_rh4 /people/person/profession /m/02hrh1q +/m/01xwqn /influence/influence_node/influenced_by /m/013tjc +/m/04mky3 /people/person/profession /m/0n1h +/m/06dn58 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0r1jr /base/biblioness/bibs_location/state /m/01n7q +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03_gz8 +/m/018vs /music/instrument/instrumentalists /m/01vv6_6 +/m/0k__z /education/educational_institution_campus/educational_institution /m/0k__z +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/02np2n /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/0gk4g /people/cause_of_death/people /m/0b22w +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/017yfz +/m/0h5g_ /film/actor/film./film/performance/film /m/0642ykh +/m/019lrz /people/ethnicity/languages_spoken /m/01wgr +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/09_99w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rrwf6 /people/person/profession /m/0np9r +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dbf +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bxtg /film/actor/film./film/performance/film /m/011yd2 +/m/02vxq9m /film/film/country /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/096lf_ +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02w29z +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0gkgp /location/location/time_zones /m/02hcv8 +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/033w9g +/m/04ddm4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04t9c0 /film/film/production_companies /m/05d6kv +/m/081hvm /people/person/nationality /m/03rk0 +/m/048hf /people/person/profession /m/02hrh1q +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/041n28 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0d117 /sports/sports_team_location/teams /m/083my7 +/m/011w54 /award/award_category/disciplines_or_subjects /m/02j62 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/012t1 /people/person/profession /m/0dxtg +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/06mr2s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b4rf3 +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04353 +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pp3p +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/01w1sx /film/film_subject/films /m/02scbv +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/0h6sv +/m/0177gl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/013807 /education/educational_institution/colors /m/01l849 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/01pcbg /film/actor/film./film/performance/film /m/034qzw +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/01j6t0 /medicine/symptom/symptom_of /m/07s4l +/m/0bk17k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0686zv /film/actor/film./film/performance/film /m/06bc59 +/m/0l76z /tv/tv_program/genre /m/0vgkd +/m/01kcms4 /music/artist/origin /m/0d6lp +/m/0f2nf /location/location/contains /m/02bq1j +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/01s7ns +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnkb +/m/01ycbq /award/award_winner/awards_won./award/award_honor/award_winner /m/0k269 +/m/02nygk /influence/influence_node/influenced_by /m/04lg6 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03lmx1 /people/ethnicity/people /m/04xhwn +/m/014dq7 /influence/influence_node/influenced_by /m/02lt8 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07yk1xz /film/film/genre /m/03g3w +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/015882 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/013cr +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09thp87 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/0lkr7 /people/person/languages /m/02h40lc +/m/01cdt5 /medicine/symptom/symptom_of /m/01l2m3 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0l3h /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05v8c +/m/0jmh7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0ggbhy7 /film/film/production_companies /m/02j_j0 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0lbj1 /people/person/nationality /m/07ssc +/m/03f0fnk /people/person/spouse_s./people/marriage/spouse /m/011lvx +/m/01_f_5 /people/person/profession /m/01d_h8 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/020hyj +/m/07qg8v /film/film/language /m/064_8sq +/m/01kt17 /people/person/place_of_birth /m/0b1t1 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01k7d9 +/m/01xysf /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fky +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gry51 /people/person/gender /m/05zppz +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/040_t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g1rw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xrlm /education/educational_institution/colors /m/06fvc +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/01skqzw +/m/01dcqj /people/cause_of_death/people /m/023361 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0f11p +/m/02xbw2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01cj6y +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/02nt3d +/m/01n9d9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gpmp /people/person/gender /m/05zppz +/m/050_qx /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0p_tz /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/09c7w0 /location/location/contains /m/0tj4y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/016wyn +/m/01vx5w7 /people/person/place_of_birth /m/013yq +/m/04y8r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049dzz /sports/sports_team/colors /m/01g5v +/m/05bnp0 /film/actor/film./film/performance/film /m/0340hj +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04b7xr +/m/0ggx5q /music/genre/artists /m/01v_pj6 +/m/0k_9j /film/film/language /m/02h40lc +/m/01wg6y /people/person/gender /m/05zppz +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/0166b /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05728w1 +/m/02chhq /film/film/genre /m/060__y +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04kn29 +/m/07f5x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035dk +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02b6n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03kx49 /film/film/genre /m/04rlf +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0344gc +/m/0k_mt /people/person/places_lived./people/place_lived/location /m/017v_ +/m/0bdlj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/0k_q_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/019n8z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0137g1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02klny /education/educational_institution_campus/educational_institution /m/02klny +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pbwwl +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/0bv7t /people/person/places_lived./people/place_lived/location /m/071cn +/m/07nnp_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/04gzd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03qjg /music/instrument/instrumentalists /m/03f0vvr +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03f7nt +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/03xgm3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/03fgm /education/educational_institution/school_type /m/04qbv +/m/05bt6j /music/genre/artists /m/01vvyfh +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02l5rm +/m/013b6_ /people/ethnicity/people /m/01l1rw +/m/01vw_dv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01yfm8 /film/actor/film./film/performance/film /m/0djlxb +/m/0k2sk /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/0h7dd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04nw9 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02b9g4 +/m/050ks /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05b1062 /people/person/gender /m/05zppz +/m/03f5spx /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/050fh +/m/0gk4g /people/cause_of_death/people /m/0fx02 +/m/062zjtt /film/film/executive_produced_by /m/079vf +/m/0342h /music/instrument/instrumentalists /m/0167km +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0457w0 /people/person/gender /m/05zppz +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01h72l /tv/tv_program/genre /m/01z4y +/m/030hcs /film/actor/film./film/performance/film /m/027pfg +/m/03ts0c /people/ethnicity/people /m/03ryks +/m/0fby2t /people/person/profession /m/01d_h8 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv9b +/m/016jhr /music/genre/artists /m/01w5n51 +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/025hwq +/m/02w7gg /people/ethnicity/people /m/02zq43 +/m/03qjg /music/instrument/instrumentalists /m/01p95y0 +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xn7x1 +/m/0x3r3 /people/person/employment_history./business/employment_tenure/company /m/01w3v +/m/06m_5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02h30z /education/educational_institution/campuses /m/02h30z +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0fpxp +/m/0f42nz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/03ct7jd /film/film/genre /m/02n4kr +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/09c7w0 /location/location/contains /m/0r02m +/m/01rw116 /people/person/places_lived./people/place_lived/location /m/0plyy +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0hr3g /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04czcb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05r5c /music/instrument/instrumentalists /m/0137hn +/m/02zyy4 /film/actor/film./film/performance/film /m/04tqtl +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/01lct6 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/09k0f /people/person/gender /m/05zppz +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/027f7dj +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02_lt +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01z0rcq +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/024qqx /media_common/netflix_genre/titles /m/01hq1 +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01m42d0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/09krp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/01h1bf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02v0ff +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0f40w /film/film/country /m/09c7w0 +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/09v82c0 +/m/09fn1w /film/film/genre /m/03bxz7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02vr30 +/m/027pfb2 /film/film/genre /m/02l7c8 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03bpn6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0jzc /language/human_language/countries_spoken_in /m/04hqz +/m/02k6hp /people/cause_of_death/people /m/016z51 +/m/03k50 /media_common/netflix_genre/titles /m/052_mn +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/08ct6 /film/film/film_festivals /m/059_y8d +/m/0bvn25 /film/film/genre /m/05p553 +/m/0bth54 /film/film/genre /m/06n90 +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/015pkt /olympics/olympic_games/sports /m/01z27 +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/03n93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01xbpn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01lbp /award/award_winner/awards_won./award/award_honor/award_winner /m/03ds83 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01xvlc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01vswwx /music/group_member/membership./music/group_membership/group /m/0dw4g +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/0435vm /film/film/production_companies /m/086k8 +/m/0l0wv /education/educational_institution/school_type /m/05pcjw +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0b4lkx /film/film/film_format /m/0cj16 +/m/0bw20 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0d0x8 /location/location/contains /m/0rwq6 +/m/018wrk /olympics/olympic_games/sports /m/01cgz +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v82c0 +/m/0bl1_ /film/film/language /m/02bjrlw +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/0bshwmp /film/film/language /m/02h40lc +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0424m /people/person/profession /m/0kyk +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03ys48 +/m/0jw67 /film/actor/film./film/performance/film /m/02qrv7 +/m/0cn68 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hwbd +/m/0745k7 /people/person/place_of_birth /m/02_286 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06fc0b +/m/0r8c8 /location/location/time_zones /m/02lcqs +/m/0422v0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06nsb9 /film/actor/film./film/performance/film /m/01cm8w +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0dt_q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/087c7 +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01kqq7 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/09tlc8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0by17xn +/m/022q32 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026_dq6 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/01n1gc /people/person/profession /m/0cbd2 +/m/027qgy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02b61v +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07nznf +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/02w7gg /people/ethnicity/people /m/0phx4 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/02zft0 +/m/0sw6g /people/person/profession /m/0np9r +/m/0nhr5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nh57 +/m/01vsqvs /people/person/gender /m/02zsn +/m/0hskw /film/director/film /m/02q7fl9 +/m/09c7w0 /location/location/contains /m/02zd460 +/m/0162b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/06hgym /people/person/profession /m/02hrh1q +/m/0g5ptf /film/film/language /m/0jzc +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03hhd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02qgyv +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/01vl17 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/083skw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02qydsh /film/film/prequel /m/03nfnx +/m/06zn2v2 /film/film/country /m/09c7w0 +/m/0b_6jz /time/event/locations /m/0dclg +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/026gb3v /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/09rx7tx /film/film/genre /m/05p553 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/03q1vd /people/person/nationality /m/09c7w0 +/m/026rm_y /people/person/languages /m/064_8sq +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/08720 /film/film/featured_film_locations /m/0d9jr +/m/043n0v_ /film/film/genre /m/03q4nz +/m/02qx1m2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvf3b +/m/02qkq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cvv4 +/m/07bch9 /people/ethnicity/people /m/01yk13 +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/055td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/0sw6g +/m/07ssc /location/location/contains /m/0pfd9 +/m/015_1q /music/record_label/artist /m/01wwvc5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/0421ng /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01yhvv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05mkhs +/m/0335fp /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/065y4w7 /education/educational_institution/colors /m/03wkwg +/m/0fb_1 /location/location/partially_contains /m/0fb18 +/m/0lvng /education/educational_institution/students_graduates./education/education/student /m/02sdx +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/03hfx6c +/m/066m4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08m4c8 +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/03h3vtz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/051ghn +/m/07djnx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/01gkp1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nln /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06sfk6 +/m/01bpnd /music/group_member/membership./music/group_membership/group /m/01s560x +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04fv5b +/m/02kth6 /education/educational_institution/colors /m/01l849 +/m/09c7w0 /location/country/second_level_divisions /m/0nhmw +/m/01z4y /media_common/netflix_genre/titles /m/0fphgb +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/016wyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03b04g /sports/sports_team/colors /m/083jv +/m/05sy_5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qhlwd /film/film/country /m/0345h +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/03c_pqj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0b76t12 /film/film/genre /m/05p553 +/m/05cwl_ /education/educational_institution/school_type /m/01rs41 +/m/0d7m90 /tv/tv_program/languages /m/02h40lc +/m/0f0qfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_jjm /organization/organization/headquarters./location/mailing_address/citytown /m/06pr6 +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/0f4vx /film/film/country /m/09c7w0 +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02x8fs /film/film/genre /m/02kdv5l +/m/03zb6t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05r6t /music/genre/parent_genre /m/017371 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/01p87y /people/person/profession /m/02hrh1q +/m/0c8hct /people/person/profession /m/02jknp +/m/015whm /film/film/genre /m/06nbt +/m/01rh0w /people/person/nationality /m/09c7w0 +/m/0dkv90 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/0272_vz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bxsk /film/film/written_by /m/04y8r +/m/0jn5l /people/person/place_of_birth /m/0z20d +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02vxn +/m/0n3g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/0blg2 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02s9vc +/m/0n2bh /tv/tv_program/country_of_origin /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425c5 +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/04mby /people/deceased_person/place_of_death /m/0f2wj +/m/01k1k4 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_k56 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/023361 +/m/0cm19f /people/person/nationality /m/03rk0 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/07gknc /people/person/nationality /m/0d060g +/m/027cxsm /people/person/nationality /m/09c7w0 +/m/03nl5k /award/award_category/category_of /m/0c4ys +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06bzwt +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b2qtl +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/03qmj9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0qxhc /location/hud_county_place/place /m/0qxhc +/m/0gl3hr /film/film/production_companies /m/05f260 +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01vlj1g +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02qhlm +/m/01c333 /education/educational_institution/school_type /m/01rs41 +/m/0340hj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02t4yc /organization/organization/headquarters./location/mailing_address/citytown /m/0tj4y +/m/03fpx /music/genre/parent_genre /m/0jmwg +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016clz /music/genre/artists /m/032nl2 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/05tbn /location/location/contains /m/0mw89 +/m/02jx1 /location/location/contains /m/05vw7 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0287477 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03f4xvm /people/person/place_of_birth /m/0cr3d +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265v21 +/m/06x4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09mq4m +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/0c2ry /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f2df +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/02p72j /education/educational_institution/colors /m/083jv +/m/012fvq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/080nwsb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b73_1d /award/award_winning_work/awards_won./award/award_honor/award /m/099flj +/m/05szq8z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw87c /people/person/gender /m/05zppz +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jzyx +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05m63c +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/025l5 +/m/026z9 /music/genre/artists /m/01wrcxr +/m/0g5879y /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04sh3 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015bpl +/m/0147jt /people/person/profession /m/0n1h +/m/0d9xq /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/01_jky /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zbws +/m/05hc96 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01k0vq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03n08b +/m/0kwmc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/03np3w /film/actor/film./film/performance/film /m/0422v0 +/m/0633p0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06z5s /people/cause_of_death/people /m/02lmk +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/030z4z /film/film/written_by /m/03wpmd +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/08gf93 +/m/02jx1 /location/location/contains /m/02hvkf +/m/033g4d /film/film/language /m/0459q4 +/m/0fb1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015lhm +/m/04b2qn /film/film/genre /m/04228s +/m/02d9k /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09qh1 /people/deceased_person/place_of_death /m/02d6c +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0l3h +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g9wdmc /film/film/genre /m/07s9rl0 +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/02qgqt /film/actor/film./film/performance/film /m/02b6n9 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08q3s0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04bdxl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016z2j +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/09qs08 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/033tln +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/04shbh /film/actor/film./film/performance/film /m/02vxq9m +/m/09q23x /film/film/language /m/0jzc +/m/072bb1 /film/actor/film./film/performance/film /m/02825cv +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/050gkf /film/film/genre /m/07s9rl0 +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/01j6mff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0crh5_f /film/film/genre /m/07s9rl0 +/m/01xqw /music/instrument/instrumentalists /m/06p03s +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/0417z2 +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/05r6t /music/genre/artists /m/03sww +/m/02y0js /people/cause_of_death/people /m/05h7tk +/m/021y7yw /film/film/genre /m/07s9rl0 +/m/0m593 /people/person/place_of_birth /m/0b1t1 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02x8z_ /people/person/gender /m/05zppz +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421ng +/m/01qgr3 /education/educational_institution/students_graduates./education/education/student /m/05sq20 +/m/06_kh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/027j9wd /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03cvwkr /film/film/produced_by /m/0f5mdz +/m/0hnp7 /people/person/places_lived./people/place_lived/location /m/07cfx +/m/05th8t /film/actor/film./film/performance/film /m/0c0yh4 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/05r5c /music/instrument/instrumentalists /m/0232lm +/m/011yqc /film/film/production_companies /m/086k8 +/m/01dyvs /film/film/prequel /m/0x25q +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g4pl7z +/m/02rr_z4 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0432_5 +/m/03hj3b3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/037c9s /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/0342h /music/instrument/instrumentalists /m/016srn +/m/038w8 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/0mb5x /people/person/profession /m/0dxtg +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/01k8q5 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06by7 /music/genre/artists /m/053y0s +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/01m4kpp /people/person/profession /m/03gjzk +/m/02xfj0 /film/actor/film./film/performance/film /m/07_fj54 +/m/01wmjkb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08qnnv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/04lhc4 +/m/03cf9ly /tv/tv_program/program_creator /m/01xndd +/m/01vsl3_ /influence/influence_node/peers./influence/peer_relationship/peers /m/07n39 +/m/02nx2k /film/film/genre /m/06www +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0134s5 +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01lsl /film/film/music /m/015wc0 +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/05sbv3 /film/film/genre /m/05p553 +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/0q9b0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0241wg +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/01fxfk +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cks1m +/m/0hv8w /film/film/written_by /m/0343h +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05h95s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146mv +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01m3x5p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/08_438 /film/actor/film./film/performance/film /m/02r2j8 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03rjj +/m/01hmk9 /film/actor/film./film/performance/film /m/01d259 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0br0vs +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ggq0m /music/genre/artists /m/01nqfh_ +/m/01g23m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yf85 +/m/0kwv2 /sports/sports_team/colors /m/019sc +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0kf14 /base/biblioness/bibs_location/state /m/05kr_ +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0306ds +/m/023322 /people/person/profession /m/09jwl +/m/0721cy /people/person/profession /m/01d_h8 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016fjj +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0425j7 +/m/01qg7c /film/director/film /m/03kxj2 +/m/09jcj6 /film/film/executive_produced_by /m/02z6l5f +/m/024qqx /media_common/netflix_genre/titles /m/0661ql3 +/m/0gk4g /people/cause_of_death/people /m/015qq1 +/m/02q0v8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/087_xx +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b168 +/m/0kt_4 /film/film/genre /m/060__y +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012v9y +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/034hwx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/01vsps /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06pj8 /film/director/film /m/02mmwk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/02qssrm /people/person/gender /m/02zsn +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6v +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/013w7j /film/actor/film./film/performance/film /m/05_5_22 +/m/016ypb /people/person/places_lived./people/place_lived/location /m/06y57 +/m/09hd6f /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01f3p_ +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rdh +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020l9r +/m/0c7xjb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026_dq6 +/m/07csf4 /people/person/nationality /m/09c7w0 +/m/081mh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrd +/m/013sg6 /film/actor/film./film/performance/film /m/01s3vk +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/06hzq3 /music/genre/parent_genre /m/06by7 +/m/03l2n /location/location/contains /m/06fq2 +/m/0h32q /film/actor/film./film/performance/film /m/0407yj_ +/m/011ysn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/025rpyx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/01rgr /people/person/nationality /m/0f8l9c +/m/096hm /people/person/places_lived./people/place_lived/location /m/05mph +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0l8sx +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05sb1 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0fqjks /award/award_winner/awards_won./award/award_honor/award_winner /m/076psv +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/07ylj /sports/sports_team_location/teams /m/03zkr8 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01vs4f3 /people/person/profession /m/0nbcg +/m/04shbh /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/08lfyn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/041rx /people/ethnicity/people /m/0h0yt +/m/0hx4y /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/025sc50 /music/genre/artists /m/0k6yt1 +/m/059kh /music/genre/artists /m/0137hn +/m/06n3y /location/location/contains /m/01p1v +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/05zvzf3 /film/film/genre /m/07s9rl0 +/m/035w2k /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02pqs8l +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05tr7 /location/country/form_of_government /m/06cx9 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02y7t7 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gjk1d +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425kh +/m/07fj_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/01gn36 +/m/0djb3vw /film/film/produced_by /m/01g1lp +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/042kbj /people/person/profession /m/02jknp +/m/0swff /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0y3_8 /music/genre/artists /m/05k79 +/m/09dvgb8 /people/person/gender /m/05zppz +/m/018fq /people/person/gender /m/05zppz +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/024dgj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04kjrv +/m/02vzc /sports/sports_team_location/teams /m/035s37 +/m/08nhfc1 /film/film/produced_by /m/015c4g +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0kpys /location/location/contains /m/0k_mf +/m/07c52 /media_common/netflix_genre/titles /m/07hpv3 +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/02rchht +/m/0n6f8 /film/actor/film./film/performance/film /m/03z20c +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01516r +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01w_10 +/m/01n5309 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0kr5_ /people/person/place_of_birth /m/0978r +/m/0djd3 /location/location/contains /m/02482c +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02rrfzf /film/film/edited_by /m/06cv1 +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ynj +/m/0418ft /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07tk7 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/0jmj +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/015401 +/m/07nx9j /people/person/nationality /m/09c7w0 +/m/08s6mr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bj9k /film/actor/film./film/performance/film /m/0_9wr +/m/09gdm7q /film/film/language /m/02h40lc +/m/04gj8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01w_d6 +/m/0pkgt /people/person/profession /m/025352 +/m/05x2s /award/award_category/disciplines_or_subjects /m/04g51 +/m/016m5c /music/artist/origin /m/0k33p +/m/05r4w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dw4g /influence/influence_node/influenced_by /m/0167xy +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ckrnn +/m/02cbs0 /film/actor/film./film/performance/film /m/012kyx +/m/03_dj /people/person/profession /m/05xjb +/m/01kph_c /people/person/nationality /m/09c7w0 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/07ssc /media_common/netflix_genre/titles /m/01dvbd +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/026dcvf /people/person/gender /m/05zppz +/m/05qdh /education/field_of_study/students_majoring./education/education/student /m/0jsw9l +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/02gn9g /people/person/profession /m/0dxtg +/m/016kjs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02w4fkq +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01h8rk +/m/03cf9ly /tv/tv_program/program_creator /m/09pl3f +/m/02k4b2 /people/person/profession /m/02hrh1q +/m/028lc8 /people/person/profession /m/02hrh1q +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ckrnn +/m/04bdzg /film/actor/film./film/performance/film /m/03mh_tp +/m/02w7gg /people/ethnicity/people /m/01vh3r +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/0c4f4 +/m/01337_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0tz14 /location/location/time_zones /m/02hcv8 +/m/04gvt5 /people/person/profession /m/02hrh1q +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dvmd /film/actor/film./film/performance/film /m/01cssf +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04hvw +/m/0gvvf4j /film/film/country /m/09c7w0 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/03wjb7 /people/person/profession /m/039v1 +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/01ngz1 /education/educational_institution/school_type /m/05jxkf +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/03d_zl4 /people/deceased_person/place_of_death /m/0281y0 +/m/02q6cv4 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03nymk +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/01n8gr /people/person/profession /m/02hrh1q +/m/01j7pt /tv/tv_network/programs./tv/tv_network_duration/program /m/06y_n +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0mndw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bd_f /education/educational_institution/students_graduates./education/education/student /m/0g7k2g +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/042y1c +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/07hwkr /people/ethnicity/people /m/0dn3n +/m/01qdmh /film/film/language /m/02h40lc +/m/05rx__ /people/person/nationality /m/09c7w0 +/m/0k4p0 /film/film/country /m/09c7w0 +/m/02p11jq /music/record_label/artist /m/09r8l +/m/02ctzb /people/ethnicity/people /m/034ls +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04m_zp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/0199wf /film/film/language /m/02h40lc +/m/02n72k /film/film/executive_produced_by /m/03kpvp +/m/02wt0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/0g5qmbz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jjw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lhf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/0150t6 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/027hq5f /people/person/profession /m/0cbd2 +/m/0n5d1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0drtkx /award/award_category/winners./award/award_honor/award_winner /m/05_k56 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01wy6 /music/instrument/instrumentalists /m/0b_j2 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bykpk +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0221g_ +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/07rd7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vhrz +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_bp +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02778tk +/m/09c7w0 /location/country/second_level_divisions /m/0mn9x +/m/07bch9 /people/ethnicity/people /m/0bwh6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07n68 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0cv3w /location/location/contains /m/01jpqb +/m/0b_6_l /time/event/locations /m/0ygbf +/m/042v2 /people/person/nationality /m/09c7w0 +/m/0159h6 /film/actor/film./film/performance/film /m/05cvgl +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fsv +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/01jrbv /film/film/personal_appearances./film/personal_film_appearance/person /m/046lt +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/016fjj /people/person/nationality /m/09c7w0 +/m/0mbwf /education/educational_institution/colors /m/019sc +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/07s93v +/m/02ck7w /film/actor/film./film/performance/film /m/017gm7 +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/01s7ns +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/04qp06 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/05hj0n /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0bxbb /location/hud_county_place/place /m/0bxbb +/m/02xy5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02hnl /music/instrument/instrumentalists /m/03j24kf +/m/0pc56 /location/hud_county_place/county /m/0l2sr +/m/0859_ /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/0mx2h /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cv9b /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ycbq /film/actor/film./film/performance/film /m/01rwyq +/m/04xvlr /media_common/netflix_genre/titles /m/047fjjr +/m/09m6kg /film/film/country /m/09c7w0 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b66t +/m/02_286 /location/location/contains /m/01vg13 +/m/094xh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01xzb6 +/m/09hd16 /people/person/nationality /m/09c7w0 +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/014zwb /film/film/featured_film_locations /m/02_286 +/m/09x3r /olympics/olympic_games/participating_countries /m/0hzlz +/m/064t9 /music/genre/artists /m/04mn81 +/m/01csrl /film/actor/film./film/performance/film /m/01lsl +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/02yv6b /music/genre/artists /m/01s21dg +/m/0421ng /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0838y +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/02tvsn /base/culturalevent/event/entity_involved /m/01m41_ +/m/0133k0 /music/genre/parent_genre /m/041738 +/m/0167v4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0lhn5 +/m/01qg7c /film/actor/film./film/performance/film /m/0661m4p +/m/01qd_r /education/educational_institution/colors /m/019sc +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/0blfl /olympics/olympic_games/participating_countries /m/01znc_ +/m/06n7h7 /people/person/profession /m/03gjzk +/m/025rst1 /location/location/time_zones /m/02hcv8 +/m/02vz6dn /film/film/language /m/02h40lc +/m/0456xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01kgv4 +/m/02h40lc /language/human_language/countries_spoken_in /m/07dzf +/m/06chf /film/director/film /m/0cz_ym +/m/05bnp0 /film/actor/film./film/performance/film /m/0dqcs3 +/m/01vwllw /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/0fx2s /film/film_subject/films /m/0hfzr +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s93v +/m/0cw3yd /film/film/genre /m/07s9rl0 +/m/0j_tw /film/film/language /m/02h40lc +/m/026m3y /education/educational_institution/colors /m/088fh +/m/04x4vj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/01qhm_ /people/ethnicity/people /m/02g0rb +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/06lbp /people/person/profession /m/05z96 +/m/042q3 /people/deceased_person/place_of_death /m/0cpyv +/m/07ssc /location/location/contains /m/02ps55 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027x7z5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/025504 +/m/0cjsxp /people/person/gender /m/05zppz +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/0f42nz /film/film/produced_by /m/01zh29 +/m/0n5gq /location/location/contains /m/0hptm +/m/012kyx /film/film/language /m/06nm1 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/0806vbn /people/person/nationality /m/01p8s +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sg4b +/m/01y9pk /education/educational_institution/colors /m/01l849 +/m/05683cn /award/award_winner/awards_won./award/award_honor/award_winner /m/07h1tr +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0745k7 /people/person/nationality /m/09c7w0 +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/0154j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/02_1kl /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/02vr3gz /award/award_winning_work/awards_won./award/award_honor/award /m/0gq6s3 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/02km0m /education/educational_institution/colors /m/04mkbj +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/0dy6c9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/042v_gx /music/instrument/family /m/0fx80y +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/01pxcf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0ywqc /people/person/places_lived./people/place_lived/location /m/074r0 +/m/0bd2n4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0cchk3 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/0479b /people/person/nationality /m/0d060g +/m/03n0cd /film/film/executive_produced_by /m/06pj8 +/m/01304j /music/group_member/membership./music/group_membership/group /m/05crg7 +/m/02rq8k8 /film/film/costume_design_by /m/03gt0c5 +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/02lgfh +/m/086qd /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/01336l /people/ethnicity/people /m/04bdlg +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02qjj7 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0dyl9 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0cwfgz /film/film/production_companies /m/030_1m +/m/025sc50 /music/genre/artists /m/03q2t9 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/06lxn +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08cn4_ +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04yywz /film/actor/film./film/performance/film /m/0hv4t +/m/02yvct /film/film/genre /m/01jfsb +/m/04258w /people/deceased_person/place_of_death /m/0f2wj +/m/02y49 /people/person/profession /m/02hv44_ +/m/07b8m1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02_hz /time/event/locations /m/0f8l9c +/m/04rlf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0154j /location/location/contains /m/0k6bt +/m/03cd0x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/027m67 /film/film/written_by /m/01f7v_ +/m/01vvdm /people/person/gender /m/05zppz +/m/01tnxc /film/actor/film./film/performance/film /m/08mg_b +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7t3p +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/03zj_3 /sports/sports_team/sport /m/02vx4 +/m/04yc76 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0315q3 +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/016fnb +/m/02mbs4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/0bzyh /film/director/film /m/0320fn +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02qm_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01nn7r /education/educational_institution/students_graduates./education/education/student /m/05y5kf +/m/08j7lh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0342vg +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031c2r +/m/021bk /music/group_member/membership./music/group_membership/role /m/03qjg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/019_6d +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/01_j71 +/m/0l3h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/02r_d4 /film/actor/film./film/performance/film /m/01pgp6 +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02k4gv /film/actor/film./film/performance/film /m/03clwtw +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/0kp2_ +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/01hr1 /film/film/country /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/0fjyzt +/m/0180w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c9l1 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0fb7sd +/m/02825nf /film/film/music /m/089kpp +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/085pr +/m/0h1mt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03zqc1 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06cmd2 +/m/0178kd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01r7pq +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/0svqs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05bnp0 /film/actor/film./film/performance/film /m/080lkt7 +/m/0c0tzp /award/award_winner/awards_won./award/award_honor/award_winner /m/03wd5tk +/m/09krp /base/biblioness/bibs_location/country /m/0345h +/m/03q91d /film/actor/film./film/performance/film /m/06w839_ +/m/01lqf49 /music/artist/origin /m/071vr +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wv9p +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0ply0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/015_z1 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06c1y +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01f1q8 /location/location/contains /m/034q81 +/m/03llf8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/0dkv90 /film/film/runtime./film/film_cut/film_release_region /m/06t2t +/m/03zyvw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_jhh /music/record_label/artist /m/0277c3 +/m/01364q /people/person/profession /m/0dz3r +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05kh_ /film/actor/film./film/performance/film /m/09qycb +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01bb9r +/m/01pnn3 /people/person/place_of_birth /m/01ykl0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/01xr2s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027_tg +/m/0g2mbn /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/01tl50z /people/person/languages /m/02h40lc +/m/02jx1 /location/location/contains /m/02ps55 +/m/0d6n1 /music/genre/artists /m/04f9r2 +/m/0178rl /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgpf +/m/0k1wz /people/person/religion /m/0kpl +/m/0ggq0m /music/genre/artists /m/0b_j2 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_j71 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05kj_ +/m/02t_y3 /people/person/gender /m/05zppz +/m/04qp06 /people/person/religion /m/03j6c +/m/027r0_f /people/person/nationality /m/09c7w0 +/m/0h6sv /award/award_nominee/award_nominations./award/award_nomination/award /m/0257__ +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/09x3r /olympics/olympic_games/participating_countries /m/0345h +/m/0kbvb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bqsy +/m/03zrp /people/person/nationality /m/09c7w0 +/m/06pj8 /film/director/film /m/0jyb4 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t8b +/m/08bytj /tv/tv_program/country_of_origin /m/09c7w0 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/03qx_f /music/record_label/artist /m/0p8h0 +/m/01l50r /tv/tv_network/programs./tv/tv_network_duration/program /m/05r1_t +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0272_vz /film/film/country /m/07ssc +/m/064t9 /music/genre/artists /m/01817f +/m/01m5m5b /music/artist/origin /m/0h7h6 +/m/095x_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047lj /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0794g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ry0p +/m/0169t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/07gyp7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/017lqp /people/person/profession /m/02krf9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/026_w57 /film/actor/film./film/performance/film /m/0yx7h +/m/0d90m /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/03_x5t /film/actor/film./film/performance/film /m/06yykb +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/09hgk +/m/01j8wk /film/film/genre /m/0c3351 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03mstc +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/06jw0s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05nlzq /tv/tv_program/genre /m/025s89p +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05qkp +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04zl8 +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/016fjj /film/actor/film./film/performance/film /m/034qbx +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dyvs +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01v3k2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02j69w /film/film/featured_film_locations /m/0vzm +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01t9qj_ +/m/0f5xn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04jspq /people/person/employment_history./business/employment_tenure/company /m/04rcl7 +/m/080dfr7 /film/film/prequel /m/06_sc3 +/m/02gyl0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/09jw2 /music/genre/artists /m/01q99h +/m/0pdp8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01sbv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016_mj +/m/057lbk /film/film/featured_film_locations /m/080h2 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025rxjq +/m/04gc65 /film/actor/film./film/performance/film /m/03qnvdl +/m/09t4hh /people/person/profession /m/02jknp +/m/02fybl /people/person/places_lived./people/place_lived/location /m/07z1m +/m/04gb7 /dataworld/gardening_hint/split_to /m/04gc2 +/m/050r1z /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0k29f /people/person/place_of_birth /m/01m4pc +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028k57 +/m/07245g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03y_f8 +/m/0p__8 /people/person/gender /m/05zppz +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0dl5d /music/genre/artists /m/01nn6c +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04g865 /people/person/profession /m/0dgd_ +/m/04dqdk /people/person/profession /m/0nbcg +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01c1px +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/03x7hd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n5dt /location/location/time_zones /m/02hcv8 +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rq2l +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/03jxw /people/person/profession /m/0cbd2 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018j2 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0m593 /people/person/gender /m/05zppz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03r0g9 +/m/01swxv /education/university/fraternities_and_sororities /m/035tlh +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/06823p /film/film/genre /m/01g6gs +/m/0fcrg /base/aareas/schema/administrative_area/administrative_parent /m/059j2 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/017gl1 /film/film/genre /m/03k9fj +/m/02hfk5 /film/film/genre /m/01t_vv +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0167km /people/person/nationality /m/0chghy +/m/0gt1k /film/film/written_by /m/0c921 +/m/02j9z /location/location/contains /m/0366c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03l6bs +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03xx9l /people/person/profession /m/018gz8 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0fthdk +/m/017_qw /music/genre/artists /m/0bkg87 +/m/0k_l4 /sports/sports_team/colors /m/06fvc +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0vh3 /base/aareas/schema/administrative_area/capital /m/0dp90 +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0cwrr /tv/tv_program/genre /m/0dm00 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03np63f +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/029g_vk /education/field_of_study/students_majoring./education/education/student /m/049_zz +/m/0f8l9c /location/country/second_level_divisions /m/0h7jp +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0l15n +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04h5_c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/02ljhg /film/film/executive_produced_by /m/04fyhv +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044n3h +/m/02cj_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06x77g /film/film/film_production_design_by /m/05b5_tj +/m/01hjy5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03gfvsz /broadcast/content/artist /m/025ldg +/m/0ck91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6prs /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/059rby /location/location/contains /m/02kth6 +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/017v_ /base/aareas/schema/administrative_area/capital /m/02h6_6p +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fh2v5 +/m/030vmc /people/person/gender /m/05zppz +/m/09b9m /location/location/time_zones /m/02llzg +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/03zbg0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01ggc9 /people/person/religion /m/02rsw +/m/0bykpk /film/film/genre /m/06lbpz +/m/03m8y5 /film/film/country /m/09c7w0 +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03xj05 +/m/0z18v /location/hud_county_place/place /m/0z18v +/m/02vkvcz /people/person/place_of_birth /m/04jpl +/m/0315q3 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09yrh +/m/016k6x /people/person/nationality /m/02jx1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/016gp5 +/m/03h_fqv /film/actor/film./film/performance/film /m/0gxtknx +/m/019389 /music/group_member/membership./music/group_membership/group /m/07r1_ +/m/0dkv90 /film/film/runtime./film/film_cut/film_release_region /m/06qd3 +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01f62 /location/location/time_zones /m/02llzg +/m/0946bb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07b1gq +/m/06jtd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09krp +/m/081mh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/0brgy /medicine/symptom/symptom_of /m/0h1n9 +/m/01vv126 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/0mhfr /music/genre/artists /m/01fl3 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/041jk9 +/m/04ktcgn /people/person/profession /m/02tx6q +/m/05jx5r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0sb1r /location/hud_county_place/county /m/0nvd8 +/m/0glt670 /music/genre/artists /m/067nsm +/m/04mp8g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0d6d2 /film/actor/film./film/performance/film /m/0gw7p +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym8f +/m/0p_tz /film/film/genre /m/05p553 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136pk +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/090gpr +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01z4y /media_common/netflix_genre/titles /m/02nt3d +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1ysd +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/01s1zk +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04tz52 /film/film/genre /m/01q03 +/m/0fq7dv_ /film/film/genre /m/03npn +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gyh /location/location/contains /m/0plxn +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0hwbd /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/07tp2 /location/country/official_language /m/071fb +/m/03lty /music/genre/artists /m/015196 +/m/06gb1w /film/film/country /m/0d060g +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfb +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/01hqk /film/film/genre /m/0556j8 +/m/042v_gx /music/instrument/instrumentalists /m/04m2zj +/m/033wx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bpc +/m/03f19q4 /people/person/nationality /m/09c7w0 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jnwx +/m/043js /people/person/languages /m/02h40lc +/m/0sxmx /film/film/genre /m/01fc50 +/m/01vq3 /film/film_subject/films /m/0243cq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ff65 +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01x73 /location/location/contains /m/02bq1j +/m/01s7pm /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbxx9b +/m/07lwsz /award/award_winner/awards_won./award/award_honor/award_winner /m/01rzqj +/m/019mcm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05ch98 /film/film/produced_by /m/06t8b +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07_f2 +/m/0x67 /people/ethnicity/people /m/01wmxfs +/m/0lhp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/047p798 /film/film/film_festivals /m/0kfhjq0 +/m/05n6sq /film/film/genre /m/01j1n2 +/m/079ws /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012s1d +/m/01ktz1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049g_xj /people/person/gender /m/02zsn +/m/06nzl /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/06mvyf /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02pptm +/m/02chhq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/040_9 /people/person/religion /m/0c8wxp +/m/07sp4l /film/film/genre /m/03q4nz +/m/034m8 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/05jg58 /music/genre/artists /m/01j59b0 +/m/016wyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059f4 +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jmk7 +/m/01vw917 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__ww +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/09v42sf /film/film/genre /m/03npn +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/05qm9f /film/film/genre /m/07s9rl0 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/01psyx /people/cause_of_death/people /m/01jrvr6 +/m/03ysmg /people/person/profession /m/02jknp +/m/0879bpq /film/film/genre /m/0hcr +/m/061681 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0kbws /olympics/olympic_games/participating_countries /m/06dfg +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02c7lt /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03pmty /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c6v3 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0166b +/m/0fvwz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04ych +/m/01vsksr /people/person/profession /m/01c72t +/m/0bxxzb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04tc1g +/m/020x5r /people/person/profession /m/02hrh1q +/m/02w2bc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043c4j /music/artist/contribution./music/recording_contribution/performance_role /m/06rvn +/m/0h336 /influence/influence_node/peers./influence/peer_relationship/peers /m/042q3 +/m/0dbpyd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02w9k1c /film/film/genre /m/060__y +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/01vsyjy /people/person/profession /m/09jwl +/m/0mr_8 /location/location/partially_contains /m/013m4v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bxjpy +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tqm5 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0g54xkt +/m/048cl /influence/influence_node/influenced_by /m/03sbs +/m/0v0d9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/05g3ss +/m/03lvyj /film/actor/film./film/performance/film /m/0c3ybss +/m/04ych /base/biblioness/bibs_location/country /m/09c7w0 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04nm0n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0l2jb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l38g +/m/030hcs /film/actor/film./film/performance/film /m/0czyxs +/m/018grr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/052hl +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/02bft /medicine/disease/risk_factors /m/0g02vk +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/0133x7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fz3w /people/person/gender /m/05zppz +/m/0fn8jc /film/actor/film./film/performance/film /m/0h1fktn +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/027986c +/m/0hqly /people/person/gender /m/05zppz +/m/0gd92 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/034np8 +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/0c9k8 /film/film/language /m/06b_j +/m/0184jw /people/person/nationality /m/09c7w0 +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/02yr1q /education/educational_institution/school_type /m/05pcjw +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/0137n0 +/m/0gd_b_ /people/person/gender /m/05zppz +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/02b149 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01738w /film/film/genre /m/01hmnh +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/01m15br +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj3b3 +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nlh7 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046mxj +/m/086m1 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dbxy +/m/05m9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/06g2d1 /people/person/profession /m/02hrh1q +/m/02lfcm /people/person/profession /m/0cbd2 +/m/0l2nd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6mc +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01cwhp /people/person/gender /m/02zsn +/m/0jkvj /olympics/olympic_games/sports /m/07jjt +/m/03_6y /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02jtjz +/m/04s430 /film/actor/film./film/performance/film /m/034qzw +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064r97z +/m/0h005 /people/person/nationality /m/09c7w0 +/m/0f502 /film/actor/film./film/performance/film /m/0fphgb +/m/0cn68 /people/ethnicity/people /m/01xpxv +/m/0c7t58 /people/person/profession /m/01d_h8 +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/0prrm /film/film/prequel /m/0p9lw +/m/02x0fs9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b19t +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074w86 +/m/05gm16l /organization/organization/headquarters./location/mailing_address/citytown /m/018d5b +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0jfx1 /film/actor/film./film/performance/film /m/09v8clw +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/01q940 /music/record_label/artist /m/011z3g +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/0crc2cp /film/film/production_companies /m/027jw0c +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/0gy6z9 +/m/014635 /people/person/profession /m/0kyk +/m/0fbq2n /sports/sports_team/colors /m/088fh +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_5k +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/0mczk /base/aareas/schema/administrative_area/capital /m/080g3 +/m/03q8xj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05r5c /music/instrument/instrumentalists /m/0285c +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/09xb4h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/07y_7 /music/instrument/instrumentalists /m/027hm_ +/m/03rt9 /location/country/form_of_government /m/01fpfn +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0d3f83 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01k7d9 /people/person/gender /m/05zppz +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0fqjks /award/award_winner/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/05_pkf /people/person/places_lived./people/place_lived/location /m/0xrzh +/m/04wlh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04mn81 /people/person/profession /m/0dz3r +/m/02kxwk /people/person/profession /m/0np9r +/m/05x_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018js4 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/057__d +/m/03v40v /people/deceased_person/place_of_death /m/06_kh +/m/0dvmd /film/actor/film./film/performance/film /m/02q0k7v +/m/012vf6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/02h48 +/m/0pmhf /people/person/profession /m/01d_h8 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/0dzlbx /film/film/language /m/02hxcvy +/m/03w1v2 /people/person/profession /m/02hrh1q +/m/0l2mg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fjyzt /film/film/language /m/02h40lc +/m/01wwnh2 /people/person/nationality /m/09c7w0 +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/06thjt /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t4nx /education/educational_institution/school_type /m/01rs41 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0m7yh +/m/045xx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01pcz9 /people/person/profession /m/02hrh1q +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/06k75 /base/culturalevent/event/entity_involved /m/05wh0sh +/m/047vnkj /film/film/production_companies /m/04rtpt +/m/05nn4k /people/person/place_of_birth /m/02cl1 +/m/04jpl /location/location/contains /m/01llj3 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vvycq +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0f61tk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_4lx +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0cq8qq +/m/09b0xs /award/award_winner/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/044lyq /people/person/gender /m/05zppz +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0ylvj +/m/049gc /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/03c3jzx /base/culturalevent/event/entity_involved /m/01jv68 +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/01l50r /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/0c2ry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jz71 +/m/01f873 /film/actor/film./film/performance/film /m/0198b6 +/m/027f3ys /music/record_label/artist /m/017mbb +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/098n5 +/m/03fnyk /people/person/nationality /m/09c7w0 +/m/0mw7h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3n4 +/m/02778yp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02kk_c +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07xr3w +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/07s9rl0 /media_common/netflix_genre/titles /m/0c57yj +/m/07ym6ss /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05cgv +/m/0677ng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/083shs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0cv1h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/020p1 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01vtj38 /music/artist/origin /m/030qb3t +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03_9r +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/026r8q +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/05v8c /location/location/contains /m/05nshw +/m/07gqbk /music/record_label/artist /m/01jfr3y +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c1pj /film/actor/film./film/performance/film /m/01gc7 +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/03h2p5 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02h3tp /people/person/profession /m/0nbcg +/m/05ns4g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01qhm_ /people/ethnicity/people /m/01t6b4 +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/05r5c /music/instrument/instrumentalists /m/0459z +/m/039xcr /film/actor/film./film/performance/film /m/083skw +/m/02jx1 /location/location/contains /m/03lkp +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gj2 +/m/05g7q /film/film_subject/films /m/07yk1xz +/m/0lbd9 /olympics/olympic_games/sports /m/0bynt +/m/0nv6n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvd8 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/04cl1 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/03lrht +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/03cd0x /film/film/genre /m/01jfsb +/m/06lvlf /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01m13b +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/020bv3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03lrc /location/location/contains /m/02hvkf +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01ww2fs /music/artist/origin /m/0q_0z +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03_x5t /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023v4_ +/m/02w59b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/018yj6 /film/actor/film./film/performance/film /m/05q_dw +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02sb1w +/m/07ssc /location/location/contains /m/0m0bj +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01l1ls +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0283d /music/genre/parent_genre /m/0glt670 +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0byq6h +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01x53m /influence/influence_node/influenced_by /m/06whf +/m/02hxhz /film/film/produced_by /m/0pz91 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05z8cq +/m/01chpn /film/film/country /m/09c7w0 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/025j1t /film/actor/film./film/performance/film /m/0qm8b +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/015pkc /film/actor/film./film/performance/film /m/0gtt5fb +/m/0cbv4g /film/film/genre /m/02l7c8 +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04w58 /location/location/time_zones /m/02llzg +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0kjrx /award/award_winner/awards_won./award/award_honor/award_winner /m/01xv77 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q9kqf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/09kr66 /people/ethnicity/people /m/015_30 +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0k0rf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02jx1 /location/location/contains /m/053mhx +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/05tbn /location/location/contains /m/0zlgm +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0dxyzb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01vsl3_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02dth1 +/m/03zj9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/02b1mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01bm_ /education/educational_institution/school_type /m/05pcjw +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/0bw6y /people/person/profession /m/09jwl +/m/0229rs /music/record_label/artist /m/0k1bs +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/04gd8j /education/educational_institution/colors /m/01g5v +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cwhp +/m/0wq3z /location/hud_county_place/place /m/0wq3z +/m/01l7qw /film/actor/film./film/performance/film /m/0ndwt2w +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/04411 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0l2xl /location/location/contains /m/01zqy6t +/m/04xvlr /media_common/netflix_genre/titles /m/0gltv +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/03d6fyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b71x /music/genre/artists /m/016vqk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/04112r /sports/sports_team/sport /m/02vx4 +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/0dcsx /people/cause_of_death/people /m/057d89 +/m/01xcqc /people/person/place_of_birth /m/01sn3 +/m/02qr46y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0byfz +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mskc3 +/m/0g_bh /music/genre/parent_genre /m/06by7 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0345h /location/country/capital /m/0156q +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/05p8bf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07w3r /education/educational_institution/colors /m/01jnf1 +/m/09bg4l /people/person/religion /m/0v53x +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wzlxj +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_p6t +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/01m4kpp +/m/057bc6m /film/film_set_designer/film_sets_designed /m/09qycb +/m/03k1vm /people/person/gender /m/05zppz +/m/02w29z /film/actor/film./film/performance/film /m/0cc97st +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0qf43 +/m/02qkq0 /tv/tv_program/languages /m/02h40lc +/m/0b68vs /people/person/profession /m/016z4k +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0175rc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03h_yy /film/film/genre /m/0219x_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04knh6 +/m/02knxx /people/cause_of_death/people /m/01y8cr +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032xhg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/033x5p +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/07s9rl0 /media_common/netflix_genre/titles /m/08984j +/m/06zn1c /film/film/genre /m/02l7c8 +/m/01515w /film/actor/film./film/performance/film /m/01_0f7 +/m/01bvx1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07dfk +/m/037d35 /people/person/profession /m/0dxtg +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/06mmb +/m/02t8gf /music/genre/artists /m/048tgl +/m/02sqkh /tv/tv_program/genre /m/0c031k6 +/m/015fs3 /education/educational_institution/campuses /m/015fs3 +/m/01chc7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07b2lv +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/0gffmn8 /film/film/produced_by /m/0dqmt0 +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/0n6kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01m4yn /people/person/place_of_birth /m/031y2 +/m/07cw4 /film/film/cinematography /m/0b9l3x +/m/03lty /music/genre/artists /m/01vn0t_ +/m/015npr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047q2k1 +/m/01k7d9 /film/actor/film./film/performance/film /m/0gw7p +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0342h /music/instrument/instrumentalists /m/01rmnp +/m/06mz5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/05tgks /film/film/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mp1_ +/m/0693l /influence/influence_node/influenced_by /m/0ff2k +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/018x3 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/03ylxn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/0fthl /base/biblioness/bibs_location/country /m/027rn +/m/018j2 /music/instrument/instrumentalists /m/01wdcxk +/m/078jnn /people/person/profession /m/02hrh1q +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09qgm +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b190 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/01vvycq +/m/025l5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/07c52 /media_common/netflix_genre/titles /m/01dvry +/m/02w86hz /film/film/genre /m/03k9fj +/m/0680x0 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/016ypb +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/01w272y /award/award_winner/awards_won./award/award_honor/award_winner /m/0770cd +/m/0k3hn /location/location/contains /m/01m7mv +/m/0gt1k /film/film/genre /m/01g6gs +/m/02wr6r /people/person/profession /m/02hrh1q +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0356dp /film/actor/film./film/performance/film /m/09jcj6 +/m/01xwv7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02x0fs9 +/m/04sx9_ /people/person/gender /m/05zppz +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/04sj3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/01pxcf /organization/organization/headquarters./location/mailing_address/citytown /m/0dp90 +/m/01pj48 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/03q95r /people/person/gender /m/05zppz +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd64 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0qb62 /location/administrative_division/country /m/0d05w3 +/m/02rkkn1 /tv/tv_program/genre /m/04t36 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0dq2k +/m/0xnvg /people/ethnicity/people /m/01507p +/m/035gt8 /education/educational_institution/colors /m/083jv +/m/0sxrz /olympics/olympic_games/sports /m/0d1tm +/m/0bw87 /people/person/nationality /m/09c7w0 +/m/03hhd3 /people/person/profession /m/0np9r +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bz60q +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026gyn_ +/m/01tbp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0mlw1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ml_m +/m/0m2rv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bc74 /people/person/profession /m/09jwl +/m/03qnvdl /film/film/language /m/02h40lc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01bzs9 +/m/0jfx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/05wh0sh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bxxzb /film/film/genre /m/0bkbm +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04r7p +/m/0bkf72 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01fszq +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01v2xl /education/educational_institution/colors /m/088fh +/m/01kwsg /film/actor/film./film/performance/film /m/01hr1 +/m/064t9 /music/genre/artists /m/01mxqyk +/m/02j490 /people/person/place_of_birth /m/0hptm +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/016_nr /music/genre/artists /m/0147dk +/m/02b9g4 /people/person/profession /m/0dxtg +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/05j82v +/m/032wdd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0432_5 +/m/05t0_2v /film/film/genre /m/06cvj +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0243cq /film/film/music /m/02bh9 +/m/0sxns /film/film/produced_by /m/0grrq8 +/m/04v89z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jmyj /film/film/film_format /m/07fb8_ +/m/02fv3t /award/award_category/winners./award/award_honor/award_winner /m/0kzy0 +/m/07h9gp /film/film/story_by /m/02_l96 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/01znbj /music/record_label/artist /m/01d_h +/m/0d6lp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05njw /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0svqs /people/person/nationality /m/09c7w0 +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0b4rf3 /people/person/profession /m/03gjzk +/m/05x_5 /education/educational_institution/campuses /m/05x_5 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07h9gp +/m/03mh_tp /film/film/edited_by /m/02qggqc +/m/044k8 /people/person/place_of_birth /m/013mzh +/m/09ksp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06jtd +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/honored_for /m/019vhk +/m/02ywwy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lnyf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/0d1xx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx3k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04991x +/m/030vmc /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0884hk /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/088tp3 /tv/tv_program/genre /m/0jxy +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/025vw4t +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/03clwtw /film/film/country /m/09c7w0 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1nt +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzlbx +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/074qgb /people/person/profession /m/094hwz +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bqs56 /influence/influence_node/influenced_by /m/029_3 +/m/06bnz /location/location/contains /m/01cr28 +/m/017_qw /music/genre/artists /m/012z8_ +/m/030k94 /tv/tv_program/program_creator /m/01my4f +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/031hcx /film/film/genre /m/02xlf +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m6_z +/m/02cm2m /people/person/profession /m/0np9r +/m/0199gx /sports/sports_team/sport /m/02vx4 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03d8jd1 /film/film/country /m/09c7w0 +/m/02m0b0 /education/educational_institution/campuses /m/02m0b0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/0brkwj +/m/0c8tkt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m63c +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/026f__m +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02qm_f +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/06dv3 /film/actor/film./film/performance/film /m/050gkf +/m/01cf93 /music/record_label/artist /m/05xq9 +/m/04ty8 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01kwlwp /people/person/nationality /m/09c7w0 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0301bq /people/person/places_lived./people/place_lived/location /m/0mgp +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0979n +/m/05p1tzf /film/film/language /m/02h40lc +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/02yr3z /education/educational_institution/school_type /m/05pcjw +/m/0677j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/049m_l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04f_d /base/biblioness/bibs_location/country /m/09c7w0 +/m/06s_2 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/06ztvyx /film/film/country /m/09c7w0 +/m/0234j5 /film/film/genre /m/0219x_ +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0k3j0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/0pv3x /film/film/featured_film_locations /m/03rjj +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/0py5b +/m/0hhggmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01l8t8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/student /m/0zm1 +/m/09mq4m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/07jq_ /film/film_subject/films /m/06rzwx +/m/0bmch_x /film/film/language /m/04306rv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0h7h6 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/06yrj6 +/m/08k40m /film/film/genre /m/0vgkd +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07wlf +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nm3s +/m/0ymgk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mm1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bq2g +/m/02q7yfq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01mpwj +/m/01bvw5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0hsqf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03pn9 +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027rpym +/m/0223g8 /people/person/gender /m/05zppz +/m/03l3jy /film/actor/film./film/performance/film /m/07pd_j +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0btyf5z +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b_jc +/m/03lb76 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/083my7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/018grr /people/person/profession /m/01d_h8 +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0klh7 +/m/05148p4 /music/instrument/instrumentalists /m/01j590z +/m/02h40lc /language/human_language/countries_spoken_in /m/05cgv +/m/045xx /sports/sports_team/colors /m/083jv +/m/016yzz /film/actor/film./film/performance/film /m/03h0byn +/m/01k1k4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04rrd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/029h45 /people/person/profession /m/0nbcg +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/03rx9 /people/person/religion /m/0kpl +/m/02tz9z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zd4m /people/person/gender /m/05zppz +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jdk_ /olympics/olympic_games/sports /m/0d1t3 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/01vxxb /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02f8zw +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/04rcl7 +/m/04kkz8 /film/film/genre /m/07s9rl0 +/m/0g5qmbz /film/film/film_festivals /m/0g57ws5 +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04hhv +/m/023kzp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0371rb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049_zz +/m/03j24kf /base/eating/practicer_of_diet/diet /m/07_jd +/m/0cf8qb /film/film/language /m/0jzc +/m/0gh4g0 /music/record_label/artist /m/047cx +/m/0xn7b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cvyp +/m/02y0dd /people/person/gender /m/05zppz +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027s39y +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03rjj /media_common/netflix_genre/titles /m/011yfd +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01j5ts +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08s6mr +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/01cx_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/0h95927 /film/film/production_companies /m/061dn_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01q7h2 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/07s9rl0 /media_common/netflix_genre/titles /m/0416y94 +/m/04h41v /film/film/genre /m/07s9rl0 +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/015pxr /people/person/profession /m/02krf9 +/m/0171lb /film/director/film /m/0pd57 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0558_1 +/m/02ky346 /education/field_of_study/students_majoring./education/education/student /m/01nbq4 +/m/013xrm /people/ethnicity/people /m/07m9cm +/m/016ypb /people/person/places_lived./people/place_lived/location /m/0g284 +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/0fb1q +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cl2w +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02ld6x +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/03q0r1 /film/film/genre /m/05p553 +/m/04smdd /film/film/produced_by /m/0grrq8 +/m/012dr7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012vf6 +/m/0prjs /people/person/profession /m/01d_h8 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0568qz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01g7zj /people/ethnicity/languages_spoken /m/06nm1 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/01rc4p /people/person/spouse_s./people/marriage/spouse /m/02rmxx +/m/0pv2t /film/film/production_companies /m/0g1rw +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/017g2y /people/person/nationality /m/06c1y +/m/08952r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cr8 /film/film/country /m/09c7w0 +/m/03r1pr /people/person/profession /m/01d_h8 +/m/02mf7 /base/biblioness/bibs_location/state /m/05kj_ +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01mmslz /people/person/nationality /m/09c7w0 +/m/03y5g8 /music/record_label/artist /m/02qwg +/m/016fjj /people/person/place_of_birth /m/01qcx_ +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0320fn +/m/0y_pg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/02fx3c +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/0296vv /film/film/genre /m/02l7c8 +/m/01ls2 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/07q1m +/m/0579tg2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjks +/m/0315rp /film/film/language /m/02h40lc +/m/04bcb1 /people/person/gender /m/05zppz +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/06953q /music/genre/parent_genre /m/07gxw +/m/01zp33 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0m66w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/015n8 /influence/influence_node/influenced_by /m/05qmj +/m/01fsv9 /education/educational_institution/campuses /m/01fsv9 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0mmd6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/01wl38s /people/person/gender /m/05zppz +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/0mx0f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx48 +/m/0g5838s /film/film/film_festivals /m/0j63cyr +/m/0642ykh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01my_c /people/person/nationality /m/02jx1 +/m/02pprs /music/instrument/instrumentalists /m/01l7cxq +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/01hkg9 /people/person/place_of_birth /m/0cr3d +/m/02b61v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/0n5j_ /location/us_county/county_seat /m/010cw1 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/045g4l /people/person/sibling_s./people/sibling_relationship/sibling /m/030dx5 +/m/0ddf2bm /film/film/genre /m/02l7c8 +/m/03qmx_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02z2xdf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/0ymb6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01chg /media_common/netflix_genre/titles /m/09fn1w +/m/052gtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/02ph9tm /film/film/featured_film_locations /m/02_286 +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/081mh /location/location/contains /m/019dwp +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/02ctzb /people/ethnicity/people /m/06y3r +/m/03_d0 /music/genre/artists /m/0k1bs +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/0sx5w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/0hvgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/01gpkz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06x58 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cs134 +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0194zl +/m/0fpkhkz /film/film/genre /m/06n90 +/m/0f4vbz /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/015qy1 /film/film/genre /m/02kdv5l +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/050fh +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z7s +/m/08yx9q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05np4c +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02y21l /music/record_label/artist /m/03f0fnk +/m/025vwmy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/051m56 /music/artist/origin /m/013kcv +/m/0dzst /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj5lq +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0qcrj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05lfwd /tv/tv_program/genre /m/04gm78f +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0276jmv +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/040db /people/person/places_lived./people/place_lived/location /m/01ly5m +/m/0lgm5 /people/person/places_lived./people/place_lived/location /m/0p7vt +/m/02cllz /people/person/profession /m/018gz8 +/m/0bg4f9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f__1 /location/hud_county_place/county /m/0nn83 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0myhb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2k5 +/m/03_d0 /music/genre/artists /m/01fh0q +/m/017n9 /film/film/production_companies /m/086k8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03262k +/m/0jz71 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/07c98 /base/aareas/schema/administrative_area/capital /m/0c8tk +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/09v71cj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0645k5 /film/film/film_format /m/07fb8_ +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0h0yt /film/actor/film./film/performance/film /m/0dlngsd +/m/06ltr /people/person/profession /m/018gz8 +/m/01yd8v /people/person/profession /m/02hrh1q +/m/01z9_x /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02vg0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0kft /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026v1z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz9_ +/m/0f_y9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_sc /film/film/production_companies /m/017s11 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/043t1s +/m/0410cp /people/person/places_lived./people/place_lived/location /m/0djd3 +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/02t_zq +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/04hcw /influence/influence_node/influenced_by /m/0mj0c +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cn_tpv +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03b6j8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/0jz71 /film/film/language /m/02h40lc +/m/01d494 /people/person/gender /m/05zppz +/m/0p_r5 /people/person/nationality /m/09c7w0 +/m/0299hs /film/film/genre /m/06qln +/m/01lyv /music/genre/artists /m/07mvp +/m/0xwj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h5g_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/024dw0 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/05ml_s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/062zm5h /film/film/featured_film_locations /m/02_286 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0cw10 /people/person/nationality /m/07ssc +/m/01x_d8 /film/actor/film./film/performance/film /m/01k0vq +/m/02cx90 /people/person/gender /m/02zsn +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/04htfd /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03_wtr /film/actor/film./film/performance/film /m/01dyvs +/m/05b4w /location/country/form_of_government /m/018wl5 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/0f3kl /medicine/symptom/symptom_of /m/0167bx +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01g23m +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/016fjj /film/actor/film./film/performance/film /m/04g9gd +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/09l3p /people/person/religion /m/03_gx +/m/041pnt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/04tgp /location/location/partially_contains /m/04yf_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/01gfq4 /music/record_label/artist /m/02whj +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064r97z +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/01jt2w /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/04xvlr /media_common/netflix_genre/titles /m/0hv4t +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/0lh0c /people/person/gender /m/05zppz +/m/0m8_v /award/award_winner/awards_won./award/award_honor/award_winner /m/01ztgm +/m/01x6v6 /people/person/gender /m/05zppz +/m/0ckr7s /film/film/country /m/09c7w0 +/m/06ylv0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sr0 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02yv6b /music/genre/artists /m/01tw31 +/m/04nw9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02vnp2 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/018zvb +/m/01f9wm /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04n2vgk /people/person/nationality /m/09c7w0 +/m/01wkmgb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0h53p1 /people/person/profession /m/03gjzk +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/062dn7 +/m/02mw6c /education/educational_institution/students_graduates./education/education/student /m/0f0kz +/m/0229rs /music/record_label/artist /m/07qnf +/m/01cpqk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/049m19 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/03x16f /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07245g +/m/016khd /film/actor/film./film/performance/film /m/0dnkmq +/m/0j_c /people/person/profession /m/01d_h8 +/m/0l_n1 /base/aareas/schema/administrative_area/administrative_parent /m/0hjy +/m/02jyr8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01cszh /music/record_label/artist /m/013w7j +/m/02q5g1z /film/film/genre /m/060__y +/m/0dhd5 /base/biblioness/bibs_location/country /m/05sb1 +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gxsh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01z0lb +/m/0329gm /sports/sports_team/colors /m/019sc +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0cjdk /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/04xvlr /media_common/netflix_genre/titles /m/02r8hh_ +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01jrp0 /people/person/profession /m/0kyk +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0c9xjl /film/actor/film./film/performance/film /m/03ntbmw +/m/01vrz41 /music/artist/track_contributions./music/track_contribution/role /m/01399x +/m/0422v0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01515w +/m/063hp4 /film/film/genre /m/05p553 +/m/07sbbz2 /music/genre/artists /m/06m61 +/m/01_qc_ /people/cause_of_death/people /m/01vttb9 +/m/05vtbl /people/person/profession /m/0np9r +/m/02qfhb /film/actor/film./film/performance/film /m/06t2t2 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0gpmp +/m/09c7w0 /location/location/contains /m/0d9z_y +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/048tv9 /film/film/language /m/02h40lc +/m/01k5y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/032xky /film/film/genre /m/06qln +/m/0cqnss /award/award_winning_work/awards_won./award/award_honor/award_winner /m/095p3z +/m/084n_ /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/03mghh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hp2y1 +/m/099t8j /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/027rn /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0fhnf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/09c7w0 /location/location/contains /m/0mw7h +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/02qydsh /film/film/genre /m/03k9fj +/m/02m501 /film/actor/film./film/performance/film /m/053rxgm +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03h_fk5 +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0dnvn3 /film/film/written_by /m/02kxbwx +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4p0 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/02w4fkq /people/person/profession /m/0nbcg +/m/0ywrc /film/film/cinematography /m/03_fk9 +/m/0j1yf /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bksh +/m/04wg38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gml8 +/m/03_hd /people/deceased_person/place_of_death /m/09hzc +/m/09tcg4 /film/film/produced_by /m/0fvf9q +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0c00lh /people/person/profession /m/02jknp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0d0bsj +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jzw +/m/03fgm /education/educational_institution/colors /m/019sc +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/091yn0 /people/person/profession /m/0dxtg +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lccn +/m/05pyrb /film/film/country /m/03_3d +/m/09jcj6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012d9h /sports/sports_team_location/teams /m/037mjv +/m/09gkx35 /film/film/country /m/07ssc +/m/0bqvs2 /people/person/gender /m/05zppz +/m/02mjf2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0794g +/m/01gz9n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sbv3 +/m/01tl50z /people/person/religion /m/051kv +/m/06wjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0kygv +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081yw +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0cbkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0knjh +/m/05wqr1 /film/actor/film./film/performance/film /m/0qm9n +/m/029d_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0f04v /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/03nt59 /tv/tv_program/genre /m/01t_vv +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/04q00lw /film/film/genre /m/04228s +/m/01kwsg /people/person/nationality /m/09c7w0 +/m/016ndm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/03mg35 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/05ldxl /film/film/country /m/07ssc +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/059s8 /location/administrative_division/country /m/0d060g +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/024mpp /film/film/genre /m/06n90 +/m/011kn2 /education/educational_institution/campuses /m/011kn2 +/m/05ry0p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015076 +/m/05p3738 /film/film/genre /m/04xvlr +/m/0n59f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n57k +/m/091rc5 /film/film/language /m/02h40lc +/m/01vn35l /music/group_member/membership./music/group_membership/role /m/0342h +/m/0ddjy /film/film/edited_by /m/0343h +/m/03lty /music/genre/artists /m/02whj +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0gy6z9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pw2f1 +/m/0ksrf8 /people/person/place_of_birth /m/04jpl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02m0sc +/m/0sxg4 /film/film/production_companies /m/017s11 +/m/08n__5 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092kgw +/m/031786 /film/film/language /m/06nm1 +/m/04jspq /film/director/film /m/02c7k4 +/m/04bdxl /people/person/religion /m/0c8wxp +/m/05bt6j /music/genre/artists /m/0g_g2 +/m/016z43 /film/film/featured_film_locations /m/02_286 +/m/02wwmhc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/02p11jq /music/record_label/artist /m/01wbgdv +/m/01bh3l /location/administrative_division/country /m/0hzlz +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072bb1 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/049f88 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0lgm5 /people/person/place_of_birth /m/0p7vt +/m/040_lv /film/film/genre /m/05p553 +/m/02w4v /music/genre/artists /m/082brv +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/07h5d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/028k2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dbpyd +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dbk6 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0340hj /film/film/written_by /m/072vj +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/073v6 /influence/influence_node/influenced_by /m/040_9 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mz73 +/m/039g82 /film/actor/film./film/performance/film /m/0cc97st +/m/0hfml /people/person/profession /m/02hrh1q +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02wwr5n +/m/0584r4 /tv/tv_program/genre /m/0c4xc +/m/0m_cg /location/administrative_division/country /m/03rt9 +/m/0kz2w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05v38p /film/film/language /m/02h40lc +/m/082db /people/person/profession /m/05vyk +/m/02_fj /people/person/profession /m/01c8w0 +/m/06qwh /tv/tv_program/genre /m/03k9fj +/m/016khd /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02w4v /music/genre/artists /m/0249kn +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/017l96 /music/record_label/artist /m/01323p +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pw_n +/m/02lfns /film/actor/film./film/performance/film /m/0jsf6 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gssm +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/016khd /film/actor/film./film/performance/film /m/02qlp4 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0d8h4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0154j +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09w6br +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08815 +/m/03dctt /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p86pb +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qm98 +/m/03mghh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026dcvf /people/person/nationality /m/09c7w0 +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/03k7bd /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/03mqj_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05b4w /location/country/form_of_government /m/01fpfn +/m/02vntj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04bdzg +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/0bcndz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07vc_9 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/01ppdy /award/award_category/disciplines_or_subjects /m/04g51 +/m/06nd8c /people/person/profession /m/0np9r +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/02tktw /film/film/executive_produced_by /m/02779r4 +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03l3jy +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048vhl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0dbbz /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5d5 +/m/0m63c /film/film/music /m/0150t6 +/m/050zr4 /people/person/profession /m/02hrh1q +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/05fkf /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hfmm +/m/032sl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/02_kd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02khs /location/country/official_language /m/0jzc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01njml +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/085gk /people/person/places_lived./people/place_lived/location /m/02zp1t +/m/091z_p /film/film/genre /m/03npn +/m/025twgf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0drtkx /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/01ddth /people/cause_of_death/people /m/01d6jf +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0b_6yv /music/genre/artists /m/04n2vgk +/m/082db /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0992d9 /film/film/country /m/0345h +/m/0dll_t2 /film/film/produced_by /m/0n6f8 +/m/0484q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0285c +/m/02sh8y /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/02z3r /film/film_subject/films /m/0416y94 +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/036b_ /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/0zchj /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mxcf +/m/0b90_r /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06by7 /music/genre/artists /m/01r0t_j +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01qrb2 +/m/04y652m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/02khs /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07fsv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02zyq6 /film/actor/film./film/performance/film /m/01kf3_9 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/037d35 /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/01jfr3y /people/person/languages /m/02h40lc +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/01kp_1t /people/person/place_of_birth /m/02dtg +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/01515w /film/actor/film./film/performance/film /m/0170th +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hq1 +/m/03g5jw /influence/influence_node/influenced_by /m/0d193h +/m/0qm9n /film/film/genre /m/03bxz7 +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0xbm +/m/03crmd /people/person/places_lived./people/place_lived/location /m/0947l +/m/02k_kn /music/genre/artists /m/0178_w +/m/0dn44 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0137n0 /people/person/profession /m/016z4k +/m/04tgp /location/location/contains /m/0wq36 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/03_js /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/03l295 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02xbw2 +/m/0c_jc /people/person/profession /m/012qdp +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1_w +/m/02dr9j /film/film/music /m/02jxmr +/m/0jm3b /sports/sports_team/colors /m/019sc +/m/05f7w84 /tv/tv_program/genre /m/0vgkd +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0j582 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01w7nww +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0xhtw /music/genre/artists /m/044k8 +/m/0bshwmp /film/film/executive_produced_by /m/06rq2l +/m/03np3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mhxx +/m/044bn /people/deceased_person/place_of_death /m/030qb3t +/m/048qrd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/027jq2 +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0443xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06ltr /people/person/nationality /m/06q1r +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0n08r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03qdm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/032j_n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04nnpw +/m/0dzt9 /location/location/contains /m/03hpkp +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/02d42t /people/person/gender /m/02zsn +/m/02ck1 /people/person/place_of_birth /m/06pr6 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0czmk1 +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0159r9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02w7gg /people/ethnicity/people /m/03xk1_ +/m/01wj18h /people/person/employment_history./business/employment_tenure/company /m/043g7l +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/01rrwf6 /film/actor/film./film/performance/film /m/03tbg6 +/m/0l6mp /olympics/olympic_games/sports /m/0d1tm +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/09cn0c +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02rhwjr /tv/tv_program/genre /m/0jxy +/m/03x7hd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0135xb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/09c7w0 /location/location/contains /m/0rj4g +/m/0k5fg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/013719 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/03rj0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/051q39 /people/person/gender /m/05zppz +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/02fbb5 +/m/0q9b0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_x6d /people/person/profession /m/03gjzk +/m/0gt_0v /music/genre/artists /m/01dhjz +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/05pxnmb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07gghl +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06jz0 /film/director/film /m/0m2kd +/m/08gf93 /people/person/profession /m/01d_h8 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/07wm6 /education/educational_institution/colors /m/01l849 +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02sjp /music/artist/origin /m/06c62 +/m/01y9xg /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/02x8z_ /people/person/place_of_birth /m/0mm_4 +/m/01mbwlb /people/person/profession /m/015cjr +/m/01rwcgb /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0571m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kszw /film/actor/film./film/performance/film /m/050xxm +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04nz3 /people/cause_of_death/people /m/01k7d9 +/m/0cm5m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0pf5y +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l6nj +/m/07dvs /location/country/official_language /m/06b_j +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047t_ +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ks5 +/m/02r_d4 /film/actor/film./film/performance/film /m/0dc_ms +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04j6dg +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/05vsxz +/m/03hxsv /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bq4j6 /people/person/nationality /m/09c7w0 +/m/06hx2 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g3zrd +/m/013sg6 /people/person/profession /m/02hrh1q +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/01fvhp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/07zft /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/0170z3 /film/film/genre /m/02kdv5l +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02b1jf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx72 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/021f30 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/0cgfb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/0jbyg +/m/01kgxf /people/person/gender /m/05zppz +/m/01ft14 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q9zc +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/033kqb +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/017l96 /music/record_label/artist /m/01vs4ff +/m/075cph /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cwwl +/m/01z452 /film/film/produced_by /m/01hrqc +/m/05cljf /people/person/profession /m/09jwl +/m/0h3xztt /film/film/language /m/03k50 +/m/08qnnv /organization/organization/child./organization/organization_relationship/child /m/01qrb2 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07p12s /film/film/language /m/06nm1 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/06mzp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7x +/m/0xhtw /music/genre/artists /m/02l_7y +/m/07c52 /media_common/netflix_genre/titles /m/027tbrc +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0cmdwwg /film/film/country /m/09c7w0 +/m/048qrd /film/film/genre /m/04t36 +/m/0qcr0 /people/cause_of_death/people /m/09dt7 +/m/02sjp /people/person/languages /m/02bjrlw +/m/09r9dp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032w8h +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7nt +/m/034cm /location/location/contains /m/025ndl +/m/01cl0d /music/record_label/artist /m/02vcp0 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05jcn8 +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/014v6f +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04h4c9 +/m/02cft /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/04mcw4 /film/film/prequel /m/0dnqr +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/0m313 /film/film/genre /m/01t_vv +/m/09kvv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rzqj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bwh6 /film/director/film /m/02c638 +/m/04m_zp /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0125xq /film/film/genre /m/06n90 +/m/0yl_3 /education/educational_institution/students_graduates./education/education/student /m/04y9dk +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/054kmq /people/person/profession /m/0gl2ny2 +/m/0jt90f5 /people/person/profession /m/0cbd2 +/m/011yfd /film/film/country /m/03rjj +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/01pgk0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s7ns +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/02j_j0 +/m/032v0v /film/director/film /m/0gltv +/m/06924p /music/genre/artists /m/016qtt +/m/01mvjl0 /people/person/nationality /m/09c7w0 +/m/03_x5t /people/person/profession /m/0d1pc +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/02hdky /award/award_category/winners./award/award_honor/award_winner /m/01vvpjj +/m/0b455l /people/person/profession /m/02hrh1q +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02g0mx /people/person/profession /m/02hrh1q +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0y_9q /film/film/music /m/01cbt3 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/050gkf /film/film/country /m/09c7w0 +/m/014zwb /film/film/produced_by /m/01gzm2 +/m/01718w /film/film/genre /m/07s9rl0 +/m/0109vk /location/hud_county_place/place /m/0109vk +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03n0cd +/m/048q6x /people/person/gender /m/05zppz +/m/0342z_ /education/educational_institution/campuses /m/0342z_ +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/07m77x /film/actor/film./film/performance/film /m/06fpsx +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/025b3k /people/person/profession /m/0dxtg +/m/0djtky /people/person/profession /m/01d_h8 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/05kwx2 /people/person/nationality /m/02jx1 +/m/09x3r /olympics/olympic_games/participating_countries /m/016wzw +/m/0266sb_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05lb65 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0443y3 +/m/0gl3hr /film/film/country /m/09c7w0 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0mn8t /location/us_county/county_seat /m/0mn8t +/m/0f2v0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01whvs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02wk4d /people/person/languages /m/03_9r +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014x77 +/m/0163zw /music/genre/artists /m/04mx7s +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/091z_p /film/film/genre /m/0fdjb +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/02l7c8 /media_common/netflix_genre/titles /m/0pv3x +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b_0 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/014knw /film/film/film_art_direction_by /m/07hhnl +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/0kr_t /award/award_winner/awards_won./award/award_honor/award_winner /m/018x3 +/m/0fpjd_g /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/03l7w8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0g768 /music/record_label/artist /m/07zft +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0f40w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/03j70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/06mkj /location/country/second_level_divisions /m/0123_x +/m/02704ff /film/film/genre /m/011ys5 +/m/01qmy04 /people/person/profession /m/09jwl +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b76d_m +/m/051pnv /organization/organization/headquarters./location/mailing_address/citytown /m/0vzm +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/0h0jz /people/person/gender /m/05zppz +/m/0d7wh /people/ethnicity/people /m/0f2df +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/01mr2g6 /people/person/employment_history./business/employment_tenure/company /m/09f2j +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/0fnmz /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0dgr5xp /award/award_category/nominees./award/award_nomination/nominated_for /m/02qd04y +/m/0716t2 /film/actor/film./film/performance/film /m/0g0x9c +/m/099bk /influence/influence_node/influenced_by /m/0gz_ +/m/042g97 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wrcxr /people/person/profession /m/02hrh1q +/m/0hz55 /tv/tv_program/genre /m/01htzx +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/02gs6r /film/film/country /m/03_3d +/m/01fx4k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02g87m /film/actor/film./film/performance/film /m/02qzh2 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0h5g_ /film/actor/film./film/performance/film /m/0ddt_ +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/0n0bp /film/film/genre /m/07s9rl0 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/0gvbw /business/business_operation/industry /m/01mw2x +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_1pv +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/0jt90f5 +/m/02sb1w /film/actor/film./film/performance/film /m/0ptxj +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/0pk1p /film/film/costume_design_by /m/06w33f8 +/m/03k9fj /media_common/netflix_genre/titles /m/028cg00 +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03h64 /base/biblioness/bibs_location/country /m/0d05w3 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c41qv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/0gyy53 /film/film/production_companies /m/0283xx2 +/m/0dr3sl /film/film/genre /m/03k9fj +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0q59y +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/04__f +/m/0301yj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kryqm /film/actor/film./film/performance/film /m/017180 +/m/01nfys /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050_qx +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0dcqh /medicine/disease/notable_people_with_this_condition /m/058nh2 +/m/0169dl /film/actor/film./film/performance/film /m/03twd6 +/m/08g_jw /film/film/production_companies /m/02x2097 +/m/0cpvcd /people/person/nationality /m/0h7x +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/025hwq /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02qyxs5 /award/award_category/winners./award/award_honor/award_winner /m/05_k56 +/m/029k4p /film/film/genre /m/06nbt +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050ks +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/06m6p7 /film/actor/film./film/performance/film /m/02yxbc +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ys2f +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/06lbp /people/person/places_lived./people/place_lived/location /m/02m77 +/m/04bgy /people/person/profession /m/09jwl +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06f32 +/m/0bscw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02hzx8 +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028hc2 +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw62 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/056k77g /film/film/country /m/03_3d +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/03sxd2 /film/film/genre /m/04xvlr +/m/03176f /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0207wx /people/person/places_lived./people/place_lived/location /m/0hptm +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01zg98 +/m/07j94 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/07s9rl0 /media_common/netflix_genre/titles /m/04pmnt +/m/02rchht /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/0mmpz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06lgq8 /film/actor/film./film/performance/film /m/05fcbk7 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/01ft2l +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0btpm6 /film/film/film_format /m/0cj16 +/m/0h95927 /film/film/genre /m/07s9rl0 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/07c2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/04w58 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/04gv3db /film/film/genre /m/03k9fj +/m/01f8f7 /film/film/genre /m/06n90 +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/0gcpc /film/film/music /m/01jpmpv +/m/01k2wn /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dbb3 /people/person/places_lived./people/place_lived/location /m/094jv +/m/03ffcz /film/film/genre /m/01jfsb +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/09h4b5 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06wm0z +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09kvv +/m/0c4b8 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0qjd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0159h6 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/013pk3 +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/024rgt +/m/072r5v /film/film/genre /m/06l3bl +/m/07nx9j /film/actor/film./film/performance/film /m/02q5g1z +/m/01wjrn /film/actor/film./film/performance/film /m/07bx6 +/m/05w3f /music/genre/artists /m/067mj +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0194xc /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m593 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/03lty /music/genre/artists /m/011xhx +/m/06gh0t /people/person/place_of_birth /m/02hrh0_ +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0fy34l /film/film/country /m/09c7w0 +/m/07ncs0 /people/person/profession /m/02hrh1q +/m/027_tg /tv/tv_network/programs./tv/tv_network_duration/program /m/04f6hhm +/m/03kxj2 /film/film/country /m/09c7w0 +/m/01p7b6b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x6dqb +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/02gtm4 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwfgz +/m/0175rc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01lvzbl /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/06x68 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/027hnjh /people/person/profession /m/03gjzk +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/01n7q /location/location/contains /m/019n9w +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/02mz_6 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01nz1q6 /people/person/profession /m/09jwl +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0gywn /music/genre/artists /m/01vxlbm +/m/033g54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/018n6m +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05hjnw +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03swmf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/01f1jy /olympics/olympic_games/sports /m/09w1n +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/078sj4 /film/film/language /m/032f6 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/0g5qs2k /film/film/genre /m/02kdv5l +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/0342h +/m/0kvsb /film/director/film /m/0415ggl +/m/0p_47 /base/eating/practicer_of_diet/diet /m/07_jd +/m/01sl1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/03vv61 /music/record_label/artist /m/0m_31 +/m/01fjfv /broadcast/content/artist /m/0dvqq +/m/02yy9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/074r0 /location/location/time_zones /m/042g7t +/m/01dtcb /music/record_label/artist /m/0137hn +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/03q1vd /film/actor/film./film/performance/film /m/0c9k8 +/m/013cz2 /location/location/contains /m/049dk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/090q32 +/m/047c9l /people/person/languages /m/02h40lc +/m/02ctc6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lfd_ +/m/0234pg /people/person/gender /m/05zppz +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/045r_9 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/02wyc0 +/m/02x9g_ /education/educational_institution_campus/educational_institution /m/02x9g_ +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0bl3nn /film/film/country /m/0345h +/m/0cjdk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0rlz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05ch98 /film/film/genre /m/0fdjb +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/01vyv9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0n_hp /film/film/country /m/09c7w0 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/026ssfj +/m/01hqk /film/film/genre /m/0btmb +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/03y_f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03nqnnk /film/film/runtime./film/film_cut/film_release_region /m/0f8l9c +/m/02_p5w /people/person/profession /m/0np9r +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/01b1mj /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwvl /music/instrument/instrumentalists /m/02vr7 +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kv5k +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/01clyr /music/record_label/artist /m/02qwg +/m/06l6nj /award/award_winner/awards_won./award/award_honor/award_winner /m/0c921 +/m/02cnqk /time/event/locations /m/0162b +/m/018qb4 /olympics/olympic_games/sports /m/0w0d +/m/04sh80 /film/film/written_by /m/0pqzh +/m/066m4g /people/person/place_of_birth /m/0fpzwf +/m/02g3gw /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/033x5p /education/educational_institution_campus/educational_institution /m/033x5p +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/01gbbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0425gc +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y9j +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0b13g7 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/02bj6k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/01m4kpp /people/person/gender /m/05zppz +/m/0222qb /people/ethnicity/people /m/0c3dzk +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/033jj1 +/m/05f_3 /language/human_language/countries_spoken_in /m/05b4w +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/0py5b +/m/04rzd /music/instrument/family /m/0fx80y +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02qw_v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0bpjh3 /people/ethnicity/people /m/0d0mbj +/m/0cv1h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/01n_2f /sports/sports_team/colors /m/083jv +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0fsd9t /film/film/genre /m/060__y +/m/0mj1l /people/person/place_of_birth /m/01sn04 +/m/0glbqt /film/film/written_by /m/0p50v +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0135g /location/location/time_zones /m/02lcqs +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/05kj_ /location/location/contains /m/0mx7f +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/04nrcg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/06lvlf /film/actor/film./film/performance/film /m/02mmwk +/m/09nzn6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/048s0r /people/person/gender /m/05zppz +/m/04btgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/02jcc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06rgq /people/person/profession /m/0n1h +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/03d8jd1 /film/film/language /m/02h40lc +/m/010r6f /location/location/time_zones /m/02lcqs +/m/02j490 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07yx86 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03s6l2 /film/film/genre /m/07s9rl0 +/m/0jrqq /film/director/film /m/0jjy0 +/m/05css_ /film/film/language /m/02h40lc +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/09w6br /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08wjf4 +/m/026dx /people/person/profession /m/0dgd_ +/m/01738f /music/genre/parent_genre /m/05r6t +/m/04rwx /education/educational_institution/school_type /m/05pcjw +/m/018yj6 /people/person/gender /m/05zppz +/m/06m_5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0gtv7pk /film/film/genre /m/01jfsb +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0m2l9 /people/person/profession /m/02hrh1q +/m/032xky /film/film/country /m/0d060g +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01lwx /influence/influence_node/influenced_by /m/0tfc +/m/01tp5bj /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/02gn8s +/m/01qdhx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/030cx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01hxs4 +/m/0brkwj /people/person/profession /m/0cbd2 +/m/0dl9_4 /film/film/language /m/06b_j +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/0296vv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pmw9 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/01719t /film/film/written_by /m/09v6tz +/m/05zy2cy /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01s7pm /education/educational_institution/campuses /m/01s7pm +/m/0bmpm /film/film/story_by /m/0l6wj +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0rnmy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/0bwfwpj /film/film/production_companies /m/030_1_ +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fvzz /location/hud_county_place/place /m/0fvzz +/m/01gzm2 /people/person/nationality /m/09c7w0 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/04d_mtq /people/person/profession /m/039v1 +/m/0g7s1n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01wmxfs /film/actor/film./film/performance/film /m/0b1y_2 +/m/0bx9y /location/location/contains /m/0bxbb +/m/02fb1n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mmslz +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0178rl +/m/01z0lb /people/person/profession /m/0dxtg +/m/0329gm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/019f9z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016k6x /film/actor/film./film/performance/film /m/011xg5 +/m/01n7q /location/location/contains /m/02sjgpq +/m/012dtf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01r93l /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/036px /people/person/places_lived./people/place_lived/location /m/05mph +/m/02dh86 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0275kr +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0g33q +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/015qsq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05h7tk /people/person/profession /m/02jknp +/m/02jt1k /base/eating/practicer_of_diet/diet /m/07_jd +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01jmyj +/m/0kpzy /location/location/contains /m/020923 +/m/01r9c_ /film/actor/film./film/performance/film /m/0dgq_kn +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/02qpbqj +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053rxgm +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/01qb5d /film/film/prequel /m/0d90m +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/0pyww +/m/07w8fz /film/film/genre /m/07s9rl0 +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/0p9sw /award/award_category/category_of /m/0g_w +/m/030xr_ /film/actor/film./film/performance/film /m/025ts_z +/m/05fjf /location/location/contains /m/0n5hw +/m/0hx4y /film/film/genre /m/02kdv5l +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01kvrz +/m/0181hw /music/record_label/artist /m/01p9hgt +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03l7tr /sports/sports_team/sport /m/02vx4 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/01vvyd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yrp +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/041rx /people/ethnicity/people /m/0161sp +/m/08tq4x /film/film/genre /m/082gq +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02hblj +/m/03l6q0 /film/film/story_by /m/02_l96 +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04czcb +/m/0dlhg /location/location/time_zones /m/02hcv8 +/m/0h7h6 /sports/sports_team_location/teams /m/07l4z +/m/0190_q /music/genre/parent_genre /m/01243b +/m/02z_b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03rj0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0140g4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05zjd +/m/01l1b90 /people/person/profession /m/02hrh1q +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01w4c9 +/m/01y17m /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011ysn +/m/06g77c /film/film/language /m/02h40lc +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/0kvrb +/m/01wdtv /music/record_label/artist /m/016j2t +/m/0bbw2z6 /film/film/produced_by /m/02pq9yv +/m/052gzr /film/director/film /m/03xf_m +/m/0pd6l /film/film/genre /m/06l3bl +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01dwyd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0915l1 /music/record_label/artist /m/0130sy +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0k5g9 +/m/01tspc6 /film/actor/film./film/performance/film /m/01pv91 +/m/01vwbts /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03hmt9b /film/film/language /m/064_8sq +/m/02q6gfp /film/film/country /m/07ssc +/m/015_1q /music/record_label/artist /m/01vrwfv +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01lct6 +/m/03_gz8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fnx1 /location/location/time_zones /m/042g7t +/m/07qy0b /people/person/place_of_birth /m/030qb3t +/m/072x7s /film/film/genre /m/03mqtr +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0bshwmp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/052hl /people/person/profession /m/03gjzk +/m/0n0bp /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0rh6k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/09c7w0 +/m/04jlgp /people/person/profession /m/0np9r +/m/01gbb4 /people/person/profession /m/0dxtg +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0pnf3 /people/person/profession /m/03gjzk +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02d413 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gcs9 +/m/01hmnh /media_common/netflix_genre/titles /m/03prz_ +/m/0428bc /people/deceased_person/place_of_death /m/02_286 +/m/01k7b0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/01p3ty /award/award_winning_work/awards_won./award/award_honor/award /m/03r8tl +/m/01kgg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/081lh /influence/influence_node/influenced_by /m/01s7qqw +/m/01gbbz /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/037n97 /music/genre/artists /m/03xgm3 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/016ntp /people/person/profession /m/0n1h +/m/02661h /film/actor/film./film/performance/film /m/025s1wg +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02704ff +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07r4c /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0824r /location/location/contains /m/0mkdm +/m/069b85 /business/business_operation/industry /m/029g_vk +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/020wyp /sports/sports_team/sport /m/09xp_ +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/02vnmc9 /film/film/genre /m/07s9rl0 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6wj +/m/0qf11 /people/person/gender /m/05zppz +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0978r /location/location/contains /m/07tk7 +/m/0crc2cp /film/film/genre /m/03k9fj +/m/02pby8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01skmp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cy__l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/02xry /location/location/contains /m/0jgld +/m/015g28 /tv/tv_program/genre /m/01htzx +/m/0hzlz /location/location/contains /m/018lkp +/m/05cl8y /organization/organization/child./organization/organization_relationship/child /m/02p4jf0 +/m/02t_99 /people/person/gender /m/02zsn +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/0cy__l /film/film/language /m/02h40lc +/m/07lt7b /film/actor/film./film/performance/film /m/04jplwp +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01kym3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mb9 /music/genre/artists /m/01x1cn2 +/m/072hx4 /film/film/language /m/064_8sq +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02w670 +/m/02gr81 /education/educational_institution/school_type /m/05jxkf +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdx +/m/0k1bs /people/person/place_of_birth /m/0d6lp +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/08821 /base/culturalevent/event/entity_involved /m/03spz +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s0w +/m/014g_s /film/actor/film./film/performance/film /m/0bq6ntw +/m/0l14qv /music/instrument/instrumentalists /m/01vtqml +/m/01v_pj6 /people/person/nationality /m/02jx1 +/m/02w64f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03xl77 /people/person/gender /m/05zppz +/m/067x44 /people/person/profession /m/01c72t +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0335fp /film/actor/film./film/performance/film /m/0bv8h2 +/m/0xsk8 /people/person/gender /m/05zppz +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/01nxzv +/m/04knvh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02j9z +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015q43 +/m/0dpqk /film/actor/film./film/performance/film /m/0k54q +/m/0blbxk /film/actor/film./film/performance/film /m/0gwf191 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lz1s +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/0l15f_ +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/03k9fj /media_common/netflix_genre/titles /m/047gn4y +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/026ck /people/deceased_person/place_of_death /m/0f2wj +/m/0p_sc /film/film/language /m/02h40lc +/m/09p06 /people/person/gender /m/05zppz +/m/0gxsh4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q9kd +/m/01ln5z /film/film/country /m/09c7w0 +/m/017f4y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jsg0m +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07rhpg /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/07ssc /location/country/second_level_divisions /m/0hyxv +/m/02rcwq0 /tv/tv_program/genre /m/0gs6m +/m/0gl88b /people/deceased_person/place_of_death /m/02_286 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01cwq9 +/m/032w8h /people/person/gender /m/05zppz +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/09ykwk /people/person/nationality /m/09c7w0 +/m/05r5c /music/instrument/instrumentalists /m/01cv3n +/m/070fnm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dgshf6 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/0bxtg /film/director/film /m/0c00zd0 +/m/014l6_ /film/film/genre /m/05p553 +/m/01vw8k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r5c /music/instrument/instrumentalists /m/0gdh5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017zq0 +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/01k56k +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/03ctqqf +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/071h5c +/m/07j94 /film/film/written_by /m/0jrqq +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01rrd4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g23m +/m/02jx1 /location/country/second_level_divisions /m/0g14f +/m/01c58j /people/person/profession /m/01d_h8 +/m/0fx2s /film/film_subject/films /m/07xtqq +/m/03bkbh /people/ethnicity/people /m/0163t3 +/m/046488 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0420y /people/person/profession /m/01c72t +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0gfq9 /base/culturalevent/event/entity_involved /m/02psqkz +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/04zqmj /people/person/nationality /m/09c7w0 +/m/07hwkr /people/ethnicity/languages_spoken /m/0k0sb +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07vhb +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0fx2s /film/film_subject/films /m/0kt_4 +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0499lc +/m/0yxm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/040_t /influence/influence_node/influenced_by /m/041_y +/m/02g40r /award/award_winner/awards_won./award/award_honor/award_winner /m/01wl38s +/m/01snm /base/biblioness/bibs_location/country /m/09c7w0 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/073x6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01vt9p3 +/m/045r_9 /film/film/country /m/09c7w0 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/012q4n /people/person/profession /m/09jwl +/m/01y49 /sports/sports_team/colors /m/019sc +/m/03q8xj /film/film/country /m/015fr +/m/0b1mf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/04nw9 +/m/06nr2h /film/film/genre /m/03bxz7 +/m/01w1ywm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044f7 +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz60q +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01fsv9 +/m/0830vk /film/film/featured_film_locations /m/030qb3t +/m/03mqtr /media_common/netflix_genre/titles /m/0n1s0 +/m/04fzfj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/0gyh /location/administrative_division/country /m/09c7w0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0153nq +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/025ts_z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0x67 /people/ethnicity/people /m/016ksk +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/01m7f5r /people/person/profession /m/01c72t +/m/04353 /film/director/film /m/03shpq +/m/06w6_ /film/actor/film./film/performance/film /m/045j3w +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bm2nq +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/0f40w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/03ryzs /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026gyn_ +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/0lk90 +/m/01vfqh /film/film/produced_by /m/02kxbx3 +/m/02t_vx /film/actor/film./film/performance/film /m/0260bz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/06q8qh /film/film/genre /m/04rlf +/m/01mqz0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xcqc +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0xjl2 /music/genre/artists /m/01wxdn3 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/08l0x2 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/06tp4h +/m/0ds5_72 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01w60_p +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0g2c8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n08r /film/film/genre /m/0hfjk +/m/01_1kk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03v1s /location/location/contains /m/0ns_4 +/m/05d7rk /people/person/gender /m/05zppz +/m/02g_6x /business/job_title/people_with_this_title./business/employment_tenure/company /m/03b3j +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/070g7 /film/film/language /m/02h40lc +/m/02d42t /people/person/places_lived./people/place_lived/location /m/09tlh +/m/0fn5bx /people/person/profession /m/02hrh1q +/m/02n72k /film/film/story_by /m/0fx02 +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r8l +/m/02w7gg /people/ethnicity/people /m/01wy5m +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01nr36 /film/actor/film./film/performance/film /m/034qzw +/m/05glrg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01qb559 /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/02y_j8g /award/award_category/disciplines_or_subjects /m/0w7c +/m/01gjd0 /time/event/locations /m/0g970 +/m/03h0k1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bqs56 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02k9k9 +/m/02jkkv /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/02ktrs +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpx1k +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/05zjtn4 /education/educational_institution/colors /m/038hg +/m/016h9b /music/group_member/membership./music/group_membership/role /m/02hnl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dcz8_ +/m/02wb6d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvf3b +/m/02r0csl /award/award_category/winners./award/award_honor/award_winner /m/02xc1w4 +/m/0dq626 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09n48 /olympics/olympic_games/participating_countries /m/016zwt +/m/0mcl0 /film/film/costume_design_by /m/02pqgt8 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/0jrhl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/039b5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/043tvp3 /film/film/featured_film_locations /m/0djd3 +/m/0gl2ny2 /people/profession/specialization_of /m/01445t +/m/06q1r /location/location/time_zones /m/03bdv +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/01cl2y /music/record_label/artist /m/01k98nm +/m/0f7hc /influence/influence_node/influenced_by /m/01hmk9 +/m/08bqy9 /people/person/languages /m/02h40lc +/m/01fsv9 /education/educational_institution/colors /m/083jv +/m/04_j5s /education/educational_institution/campuses /m/04_j5s +/m/057d89 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/04jpl /location/location/contains /m/0vkl2 +/m/0d06m5 /people/person/gender /m/02zsn +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/03lmx1 /people/ethnicity/people /m/06mnps +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021lby +/m/078sj4 /film/film/executive_produced_by /m/06t8b +/m/0d6br /location/location/contains /m/03lkp +/m/0mm0p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0181dw /music/record_label/artist /m/01vrnsk +/m/0ddt_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/03b1sb /film/film/language /m/02h40lc +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01fx1l +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xcfy +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q45x +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01r3kd +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/04bd8y /film/actor/film./film/performance/film /m/0dpl44 +/m/02xhpl /tv/tv_program/genre /m/0c4xc +/m/0362q0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/017xm3 +/m/015nvj /film/director/film /m/0jdr0 +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/01xllf /people/person/nationality /m/09c7w0 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/06j2v /people/ethnicity/people /m/02jq1 +/m/04n7gc6 /people/person/profession /m/019x4f +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y06y +/m/01wc7p /people/person/place_of_birth /m/0tbql +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/02nfhx /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01s7z0 /people/person/gender /m/05zppz +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/065mm1 +/m/0jcky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcgs +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/01p1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cgv +/m/0202p_ /people/person/profession /m/01d_h8 +/m/03n52j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/01s5q /film/film_subject/films /m/0344gc +/m/09wnnb /film/film/genre /m/03k9fj +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/09c7w0 /location/location/contains /m/0sgxg +/m/03bnd9 /education/educational_institution/school_type /m/01_srz +/m/0fx2s /film/film_subject/films /m/02rjv2w +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0fm6m8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/0jsf6 /film/film/production_companies /m/05qd_ +/m/06t8v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0h0wc +/m/04d_mtq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_3d /location/location/contains /m/018qd6 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/01_0f7 /film/film/genre /m/07s9rl0 +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/0bm2g /film/film/genre /m/07s9rl0 +/m/023v4_ /film/actor/film./film/performance/film /m/09k56b7 +/m/03wpmd /people/person/profession /m/0dxtg +/m/0dnvn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0r6ff /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r679 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03h64 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/04b7xr /people/person/place_of_birth /m/0dclg +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01xn7x1 +/m/0ggyr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqcgj /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zc7f +/m/07ssc /location/location/contains /m/01m4pc +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/068p2 +/m/02z9rr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/02t8gf /music/genre/artists /m/01fchy +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/02583l /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/06rk8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04p3w /people/cause_of_death/people /m/03h_yfh +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03m8lq +/m/04s934 /education/educational_institution/students_graduates./education/education/student /m/01tfck +/m/04t36 /media_common/netflix_genre/titles /m/0cqnss +/m/02l840 /people/person/profession /m/02hrh1q +/m/0b_6yv /music/genre/artists /m/0l8g0 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/043g7l /music/record_label/artist /m/018dyl +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0c0nhgv +/m/024mxd /film/film/language /m/02h40lc +/m/0ds11z /film/film/costume_design_by /m/03mfqm +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/042q3 /influence/influence_node/influenced_by /m/0420y +/m/01clyb /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/06mnbn /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0m6x4 /film/actor/film./film/performance/film /m/083skw +/m/0grmhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bc71w +/m/01yzhn /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/025rpyx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04nl83 /film/film/genre /m/03bxz7 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04sh3 +/m/018ctl /olympics/olympic_games/sports /m/09f6b +/m/09gb_4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0jmwg /music/genre/artists /m/0b1zz +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndwt2w +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0djtky /people/person/profession /m/02jknp +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9t0y +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/013_gg /base/biblioness/bibs_location/country /m/0345h +/m/09k23 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/01_x6d +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/08141d +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/0342h +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0196bp /sports/sports_team/colors /m/06fvc +/m/03qcfvw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06lvlf +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/014gf8 +/m/0bkmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/0830vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06mr2s /tv/tv_program/genre /m/09lmb +/m/01hkhq /film/actor/film./film/performance/film /m/016z7s +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0947l /base/biblioness/bibs_location/country /m/03rjj +/m/048lv /people/person/profession /m/02jknp +/m/0cttx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0l14md /music/instrument/instrumentalists /m/01vsn38 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0436yk +/m/06z5s /people/cause_of_death/people /m/0p9gg +/m/06czq /music/genre/artists /m/01wgxtl +/m/03cfkrw /film/film/genre /m/082gq +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gq0x5 +/m/02f1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/027hq5f /film/actor/film./film/performance/film /m/02wgbb +/m/0x67 /people/ethnicity/people /m/01lqf49 +/m/05bnx3j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0g768 /music/record_label/artist /m/04k05 +/m/01j6mff /people/person/profession /m/0kyk +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/01b4p4 /music/genre/artists /m/01323p +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/042ly5 /film/actor/film./film/performance/film /m/0d90m +/m/02r9p0c /film/film/dubbing_performances./film/dubbing_performance/actor /m/081jbk +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06yykb +/m/01c6l /people/person/gender /m/05zppz +/m/043zg /film/actor/film./film/performance/film /m/01qvz8 +/m/04t7ts /film/actor/film./film/performance/film /m/0cmdwwg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/09s5q8 +/m/083wr9 /film/actor/film./film/performance/film /m/0872p_c +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01hpnh /location/location/contains /m/02cbvn +/m/01vfqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0l6vl /olympics/olympic_games/sports /m/07jjt +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/070j61 /people/person/places_lived./people/place_lived/location /m/0_24q +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030155 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01vb403 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03spz +/m/026z9 /music/genre/artists /m/016jfw +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02yr3z /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02x8m /music/genre/artists /m/017j6 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0113sg /people/person/profession /m/0dxtg +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z_x4v +/m/07ssc /location/location/contains /m/02gw_w +/m/01v9724 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03jxw /influence/influence_node/influenced_by /m/05gpy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/051n13 +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/04t53l /music/record_label/artist /m/016lmg +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0cz_ym /film/film/production_companies /m/08wjc1 +/m/018vs /music/instrument/instrumentalists /m/01ydzx +/m/0mcl0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rhrd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014zcr +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0d4htf /film/film/language /m/02h40lc +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/0ylsr /education/educational_institution/colors /m/04mkbj +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0fnb4 /location/administrative_division/country /m/0162b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02pp1 +/m/056wb /people/person/profession /m/01d_h8 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/02dlfh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/035gjq +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014v6f +/m/07ssc /media_common/netflix_genre/titles /m/041td_ +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0jymd /film/film/production_companies /m/016tt2 +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b171 +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025cn2 +/m/043tg /people/person/gender /m/05zppz +/m/01jft4 /film/film/production_companies /m/016tw3 +/m/06m6z6 /people/person/profession /m/01d_h8 +/m/01wmcbg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/0r0ls /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xqw /music/instrument/instrumentalists /m/0g824 +/m/01rrgk /people/profession/specialization_of /m/09j9h +/m/02m0sc /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03rjj /location/location/contains /m/015m08 +/m/04j4tx /film/film/country /m/07ssc +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03whyr +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/025_ql1 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyh2wm +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mp1_ +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09ps01 +/m/020d5 /location/country/official_language /m/02h40lc +/m/04fv5b /film/film/genre /m/01jfsb +/m/01f7gh /film/film/produced_by /m/0cv9fc +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/06j6l /music/genre/artists /m/03c3yf +/m/02184q /people/person/place_of_birth /m/0h7h6 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07m69t +/m/05m63c /film/actor/film./film/performance/film /m/02d003 +/m/09gdm7q /film/film/film_format /m/0cj16 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/05byxm /music/record_label/artist /m/01s1zk +/m/01xdf5 /people/person/profession /m/0dxtg +/m/08959 /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/04jwly /film/film/genre /m/02l7c8 +/m/095p3z /people/deceased_person/place_of_death /m/0281rb +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/019z7q +/m/02kxg_ /base/culturalevent/event/entity_involved /m/0177g +/m/01wl38s /people/person/profession /m/0kyk +/m/01nvmd_ /film/actor/film./film/performance/film /m/043n1r5 +/m/0291hr /film/film/genre /m/09q17 +/m/011k1h /music/record_label/artist /m/0k7pf +/m/0579tg2 /film/film_set_designer/film_sets_designed /m/0cwy47 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04fzk +/m/0bx0l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rl1g +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c33pl +/m/08ff1k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04vvh9 +/m/035v3 /location/administrative_division/country /m/0k6nt +/m/02d413 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/014vk4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b6zr +/m/01cssf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06vbd /location/location/contains /m/01505k +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01nd2c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0315q3 /film/actor/film./film/performance/film /m/02ntb8 +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04gcd1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/026m0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01swxv /education/educational_institution/colors /m/01l849 +/m/018h2 /film/film_subject/films /m/01qbg5 +/m/018zvb /people/person/profession /m/0kyk +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/080r3 +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0r2l7 /location/hud_county_place/place /m/0r2l7 +/m/01vswwx /people/person/profession /m/016z4k +/m/0h2zvzr /film/film/language /m/02hxcvy +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/07ssc /location/location/contains /m/01z2ts +/m/0kbvb /olympics/olympic_games/sports /m/071t0 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/04wddl /film/film/costume_design_by /m/02cqbx +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0btyf5z +/m/04cnp4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vbk /location/location/contains /m/01rc6f +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/015pnb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06jz0 +/m/02704ff /film/film/country /m/07ssc +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c38gj +/m/01rrd4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0jmmn /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01cf93 /music/record_label/artist /m/067mj +/m/0m75g /location/administrative_division/country /m/07ssc +/m/02g7sp /people/ethnicity/people /m/02c4s +/m/0gfw56 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/016kkx +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/0d060g /location/location/contains /m/016ndm +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/01c1px /people/deceased_person/place_of_death /m/030qb3t +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/0pv54 /film/film/country /m/03rt9 +/m/03jg5t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yl_w /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0czyxs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0755wz +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/054lpb6 /business/business_operation/industry /m/02vxn +/m/016szr /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04n52p6 /film/film/country /m/0345h +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0h1m9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ckf6 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/02g87m +/m/0dpqk /people/person/profession /m/025352 +/m/0glt670 /music/genre/artists /m/01k_mc +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/09nwwf /music/genre/artists /m/0191h5 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bjqh +/m/0hd7j /education/educational_institution/campuses /m/0hd7j +/m/02zn1b /music/record_label/artist /m/014kyy +/m/0dq9p /people/cause_of_death/people /m/0chsq +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/0kv9d3 /film/film/executive_produced_by /m/02qjpv5 +/m/025cn2 /award/award_winner/awards_won./award/award_honor/award_winner /m/037lyl +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/02yy9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05vsxz +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0n08r /film/film/genre /m/03g3w +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/02hp70 /education/educational_institution/school_type /m/01_9fk +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/034cj9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07fj_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0nvvw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03rtz1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07nnp_ +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0p9gg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/070fnm +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q56mk +/m/018fmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mr85 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0x67 /people/ethnicity/people /m/01vvycq +/m/078mm1 /film/film/music /m/0146pg +/m/09c7w0 /location/location/contains /m/019k6n +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/03lty /music/genre/parent_genre /m/02yv6b +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/01l1sq /people/person/places_lived./people/place_lived/location /m/05fjf +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j755 +/m/026ps1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_2y /people/person/profession /m/02hrh1q +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pd64 +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/016mhd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0rlz /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gsvb +/m/09cr8 /film/film/language /m/06nm1 +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/018_q8 +/m/063g7l /film/actor/film./film/performance/film /m/087pfc +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01gkmx +/m/03lrht /film/film/language /m/02h40lc +/m/04gp58p /film/film/country /m/09c7w0 +/m/07b1gq /film/film/executive_produced_by /m/04fyhv +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/02xry /location/administrative_division/country /m/09c7w0 +/m/08gg47 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/041rx /people/ethnicity/people /m/0137g1 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0chgr2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mtq +/m/01k2xy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02mjmr /people/person/nationality /m/09c7w0 +/m/07rd7 /film/director/film /m/09lxv9 +/m/01vksx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzlbx +/m/02xs5v /people/person/religion /m/0c8wxp +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/0k7pf +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c94fn +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/0gr69 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/01pkhw +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07c2wt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03lty /music/genre/artists /m/089tm +/m/017_qw /music/genre/artists /m/01r4hry +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0qmny +/m/05n6sq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_j7t /film/actor/film./film/performance/film /m/03h4fq7 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0k6nt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0320jz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02114t +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/03rk0 /location/location/contains /m/0cv2m +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/03x42 /language/human_language/countries_spoken_in /m/03rt9 +/m/0czyxs /film/film/genre /m/02n4kr +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026qnh6 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/030g9z /people/person/profession /m/0dxtg +/m/03s6l2 /film/film/country /m/07ssc +/m/0794g /film/actor/film./film/performance/film /m/05zy3sc +/m/085q5 /film/actor/film./film/performance/film /m/03vyw8 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01m65sp /people/person/place_of_birth /m/02_286 +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/04gv3db /film/film/music /m/02jxkw +/m/046lt /people/person/place_of_birth /m/0yc84 +/m/0dzkq /influence/influence_node/influenced_by /m/099bk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/01d4cb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0dc_v +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_b3d +/m/01gbbz /influence/influence_node/influenced_by /m/0ph2w +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01xsbh /film/actor/film./film/performance/film /m/01jwxx +/m/07xzm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02g9p4 +/m/0q9kd /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbl95 +/m/0mw2m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jfrg /people/person/gender /m/02zsn +/m/07c52 /media_common/netflix_genre/titles /m/0g60z +/m/01mc11 /location/hud_county_place/place /m/01mc11 +/m/0c3xpwy /tv/tv_program/genre /m/01jfsb +/m/0n2sh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxz4 +/m/09c7w0 /location/location/contains /m/012vwb +/m/0gywn /music/genre/artists /m/01wbgdv +/m/028p0 /people/person/gender /m/05zppz +/m/031786 /film/film/country /m/09c7w0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/05bt6j /music/genre/artists /m/0gdh5 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024yxd +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/0147dk +/m/01zkhk /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fqxm +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/015c4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/049qx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01sbhvd +/m/01pfkw /people/person/languages /m/02h40lc +/m/03hrz /location/location/time_zones /m/02llzg +/m/01gp_x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06f32 /location/location/time_zones /m/052vwh +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0261m /location/location/contains /m/06ryl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03205_ +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/02fttd /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/07ghv5 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/03s5lz /film/film/production_companies /m/086k8 +/m/02_fz3 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06yszk +/m/0ws7 /sports/sports_team/sport /m/0jm_ +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d810y +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0306bt /people/person/profession /m/02hrh1q +/m/0829rj /people/person/profession /m/01d_h8 +/m/07c52 /media_common/netflix_genre/titles /m/01cjhz +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qsjt +/m/01p4vl /people/person/profession /m/0dxtg +/m/01n4bh /music/genre/artists /m/03t9sp +/m/02l840 /people/person/profession /m/01d_h8 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/023mdt /people/person/sibling_s./people/sibling_relationship/sibling /m/02js6_ +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/0d06m5 +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/07h1tr /award/award_winner/awards_won./award/award_honor/award_winner /m/057bc6m +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01x0yrt +/m/057176 /award/award_winner/awards_won./award/award_honor/award_winner /m/020_95 +/m/0f_y9 /people/person/profession /m/02hrh1q +/m/01vvpjj /people/person/languages /m/03x42 +/m/011w54 /award/award_category/winners./award/award_honor/award_winner /m/04z0g +/m/02d49z /film/film/genre /m/0hn10 +/m/0227tr /people/person/places_lived./people/place_lived/location /m/05ksh +/m/0bs5vty /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/0dt39 /award/award_category/winners./award/award_honor/award_winner /m/02sdx +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0lyjf /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/04cdxc /people/person/gender /m/05zppz +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vrgnr +/m/04j5fx /film/actor/film./film/performance/film /m/02vw1w2 +/m/03c5bz /film/actor/film./film/performance/film /m/03ynwqj +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/05489 /film/film_subject/films /m/01xbxn +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/0408m53 /film/film/genre /m/03p5xs +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/01y17m /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0x44q /location/hud_county_place/place /m/0x44q +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/04kn29 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03cdg /people/person/profession /m/015btn +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/01j6t0 /medicine/symptom/symptom_of /m/072hv +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0444x +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/09wj5 /film/actor/film./film/performance/film /m/05nlx4 +/m/058nh2 /people/person/profession /m/02hrh1q +/m/01gbcf /music/genre/parent_genre /m/01243b +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/01fsv9 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0dbdy /location/location/contains /m/01tzfz +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/02x8z_ +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/0jnwx /film/film/music /m/02fgpf +/m/01gvsn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07qcbw /people/person/employment_history./business/employment_tenure/company /m/0kcdl +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02flpq +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02dlfh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/02ctzb /people/ethnicity/people /m/0l786 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0k4p0 /film/film/produced_by /m/029m83 +/m/01w40h /music/record_label/artist /m/01q3_2 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy4k +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/01rr9f /award/award_winner/awards_won./award/award_honor/award_winner /m/016tbr +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/02x6dqb /film/film/country /m/09c7w0 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/03rwng /film/actor/film./film/performance/film /m/047vp1n +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01q_ph +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/01f8ld /people/person/spouse_s./people/marriage/spouse /m/03_gd +/m/015q43 /film/actor/film./film/performance/film /m/026zlh9 +/m/02_sr1 /film/film/produced_by /m/03h40_7 +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/045xx +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0342h /music/instrument/instrumentalists /m/03f1zhf +/m/02_l96 /film/actor/film./film/performance/film /m/0dnvn3 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02hp70 +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0806vbn +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/03rjj /location/location/contains /m/01tsq8 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0d66j2 /tv/tv_program/genre /m/07s9rl0 +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c5vh /film/actor/film./film/performance/film /m/0k2sk +/m/018ygt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gx_p +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tb7 +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/01wj5hp /people/person/places_lived./people/place_lived/location /m/01531 +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0cp0t91 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0299hs +/m/01pgk0 /people/person/profession /m/0kyk +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02jx1 /location/location/contains /m/0m75g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/073hkx +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02y7sr /people/person/place_of_birth /m/0d9jr +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/023w9s /people/person/spouse_s./people/marriage/location_of_ceremony /m/06kx2 +/m/02rgz97 /people/person/gender /m/05zppz +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/02x0fs9 /film/film/genre /m/06cvj +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0k525 /people/person/nationality /m/0d0vqn +/m/07hwkr /people/ethnicity/people /m/02w4fkq +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/019803 /film/actor/film./film/performance/film /m/0k2sk +/m/0653m /media_common/netflix_genre/titles /m/0dckvs +/m/05szp /people/person/profession /m/03gjzk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rhfsc +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/08_83x /people/person/profession /m/02hrh1q +/m/035kl6 /film/actor/film./film/performance/film /m/018js4 +/m/0cc97st /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07yk1xz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/098sv2 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/0jrgr /music/genre/parent_genre /m/02w4v +/m/02bzh0 /education/educational_institution/campuses /m/02bzh0 +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02zccd +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0k__z /education/educational_institution/colors /m/019sc +/m/07ssc /location/location/contains /m/0k_6t +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/019m5j /sports/sports_team/colors /m/06fvc +/m/02wycg2 /film/actor/film./film/performance/film /m/0gc_c_ +/m/026p_bs /film/film/genre /m/0lsxr +/m/05cl2w /film/actor/film./film/performance/film /m/0571m +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03k2hn /sports/sports_team/colors /m/01l849 +/m/05pdh86 /film/film/genre /m/02l7c8 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/04w8f /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/02vjzr /music/genre/artists /m/02z4b_8 +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/0c1sgd3 /film/film/genre /m/07s9rl0 +/m/04g5k /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0r04p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015c4g /film/actor/film./film/performance/film /m/0gx9rvq +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/01lvzbl /music/group_member/membership./music/group_membership/role /m/04rzd +/m/017jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/027pwl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gg47 +/m/09s02 /language/human_language/countries_spoken_in /m/03rk0 +/m/0cf8qb /film/film/genre /m/060__y +/m/081_zm /people/person/profession /m/0dxtg +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/06z4wj +/m/07_kq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0d34_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cj2k3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/08jgk1 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07t21 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/018js4 /film/film/genre /m/02l7c8 +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06by7 /music/genre/artists /m/0bs1g5r +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/0qr4n /location/location/time_zones /m/02hczc +/m/0xpq9 /location/location/time_zones /m/02hcv8 +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/052hl +/m/016dsy /people/person/profession /m/0nbcg +/m/03x726 /sports/sports_team/colors /m/083jv +/m/01q940 /music/record_label/artist /m/01k23t +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07f0tw /people/person/religion /m/0flw86 +/m/01tz6vs /people/person/profession /m/0cbd2 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0266shh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0jfx1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09c04n +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/088lls +/m/01vsn38 /film/actor/film./film/performance/film /m/028kj0 +/m/01n7q /location/location/contains /m/02fzs +/m/01vvpjj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016nvh /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/09c7w0 /location/location/contains /m/02zr0z +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds2n +/m/0j11 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/03npn /media_common/netflix_genre/titles /m/0m3gy +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09k56b7 +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/07tlfx /film/film/production_companies /m/086k8 +/m/0b80__ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n0bp +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/03mnn0 /film/film/language /m/02h40lc +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03x33n +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01hw6wq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bczm +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c5z8j +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/04kllm9 /medicine/symptom/symptom_of /m/0hgxh +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/02vptk_ /people/person/nationality /m/09c7w0 +/m/055td_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ggc9 /film/actor/film./film/performance/film /m/013q07 +/m/02x8m /music/genre/artists /m/09qr6 +/m/04yywz /people/person/profession /m/0kyk +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04rrx /location/location/contains /m/013d_f +/m/0mhdz /base/biblioness/bibs_location/state /m/01n7q +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0277990 /people/person/nationality /m/09c7w0 +/m/047rkcm /film/film/country /m/09c7w0 +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08xz51 +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yl_3 +/m/0156q /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/03bw6 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/0ds35l9 /film/film/film_festivals /m/0kfhjq0 +/m/05d6q1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/078mm1 /film/film/country /m/07ssc +/m/0lgxj /olympics/olympic_games/participating_countries /m/0d04z6 +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0gm34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bmh4 +/m/03gfvsz /broadcast/content/artist /m/0161c2 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/03h_fqv /people/person/gender /m/05zppz +/m/06m_5 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/079dy /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02h48 /people/person/profession /m/02hrh1q +/m/01q7q2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y9w5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0pb33 /film/film/produced_by /m/02qjpv5 +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01lpwh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0181dw /music/record_label/artist /m/01w524f +/m/02z0f6l /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0dky9n /people/person/nationality /m/0d060g +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02sjp +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/040db /influence/influence_node/influenced_by /m/026lj +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/03qrh9 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/01j5ws /film/actor/film./film/performance/film /m/01hq1 +/m/0d07s /education/educational_institution_campus/educational_institution /m/0d07s +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0154qm +/m/02qmncd /people/person/nationality /m/09c7w0 +/m/0d05w3 /location/location/contains /m/0166c7 +/m/04g4w9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/047s_cr /people/person/places_lived./people/place_lived/location /m/0yyh +/m/03nb5v /people/person/profession /m/018gz8 +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f87jy +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0h63q6t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021vwt +/m/03phtz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06_wqk4 /film/film/produced_by /m/06chvn +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/01zg98 /people/person/profession /m/02krf9 +/m/09c7w0 /location/location/contains /m/0z20d +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/06w99h3 /film/film/genre /m/0hcr +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0288zy /education/educational_institution/colors /m/02rnmb +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/0fxky3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02w86hz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/0ds2l81 /film/film/country /m/09c7w0 +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01hqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q96q6 /film/film/genre /m/04xvlr +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/034ls /people/person/profession /m/012qdp +/m/0797c7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059_c +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mfr +/m/09r3f /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02cllz /people/person/profession /m/02hrh1q +/m/049m19 /people/person/nationality /m/03rk0 +/m/0h1k6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f1c /people/person/profession /m/04f2zj +/m/025tmkg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05rnp1 /people/person/nationality /m/09c7w0 +/m/018ctl /olympics/olympic_games/sports /m/01dys +/m/03gkn5 /people/person/profession /m/0fj9f +/m/01699 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/02wt0 /location/country/capital /m/0bsl6 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/06_6j3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rby /location/location/contains /m/021q2j +/m/01wg3q /music/group_member/membership./music/group_membership/group /m/0qmpd +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0727_ +/m/02g9z1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/07rd7 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnl5 +/m/0342h /music/instrument/instrumentalists /m/01vsy7t +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01xwqn /people/person/gender /m/05zppz +/m/0r1jr /base/biblioness/bibs_location/country /m/09c7w0 +/m/01kmd4 /people/person/religion /m/0c8wxp +/m/04mcw4 /film/film/story_by /m/0343h +/m/01kjr0 /film/film/genre /m/073_6 +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/039yzf /award/award_category/disciplines_or_subjects /m/0l67h +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/05zwrg0 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02v60l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/0bq6ntw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01l9v7n /people/person/profession /m/09jwl +/m/0jpkw /education/educational_institution/campuses /m/0jpkw +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/01g6bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02kj7g /education/educational_institution/school_type /m/0257h9 +/m/04sry /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/01p79b /education/educational_institution/colors /m/0jc_p +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02l840 /people/person/profession /m/0nbcg +/m/09c7w0 /location/location/contains /m/0fvvz +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/017_qw /music/genre/artists /m/02z81h +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/0425kh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07hwkr /people/ethnicity/people /m/01hcj2 +/m/0gbfn9 /film/film/language /m/06nm1 +/m/0686zv /film/actor/film./film/performance/film /m/05p3738 +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nzz8 +/m/0lhql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/041c4 +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cj_v7 +/m/02b1gz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/035qy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/05mph /base/aareas/schema/administrative_area/capital /m/0fvzg +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/0524b41 /tv/tv_program/languages /m/02h40lc +/m/01j5ts /people/person/profession /m/02hrh1q +/m/0n1xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n228 +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/0lcx /influence/influence_node/influenced_by /m/03f0324 +/m/04kmx_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/01tnbn /film/actor/film./film/performance/film /m/0ddjy +/m/02w7gg /people/ethnicity/people /m/016ntp +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/01dv4h /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07jdr /film/film_subject/films /m/078mm1 +/m/03rhqg /music/record_label/artist /m/0ycfj +/m/03jht /influence/influence_node/influenced_by /m/042q3 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/023n39 /film/actor/film./film/performance/film /m/04jpg2p +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01t9qj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02l0sf +/m/04_cdd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zmc7 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/05jx5r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04ydr95 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/02zc7f /education/university/fraternities_and_sororities /m/035tlh +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03rk0 /location/location/contains /m/09c17 +/m/02x0gk1 /award/award_category/disciplines_or_subjects /m/0hcr +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl3hr +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/0hm4q /business/job_title/people_with_this_title./business/employment_tenure/company /m/018sg9 +/m/02hp70 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/023361 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02m7r /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0c00lh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047n8xt /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/063hp4 /film/film/music /m/01gz9n +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01cdt5 /medicine/symptom/symptom_of /m/07jwr +/m/0ckt6 /film/film/genre /m/06nbt +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0k3hn /location/location/contains /m/0tz54 +/m/034rd /people/person/religion /m/02rsw +/m/02mg7n /education/educational_institution_campus/educational_institution /m/02mg7n +/m/02fwfb /film/film/genre /m/0556j8 +/m/0qf2t /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07tj4c +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/063t3j +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/09sr0 /film/film/production_companies /m/086k8 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/05bt6j /music/genre/artists /m/01w61th +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ptx_ +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01vmv_ /organization/organization/headquarters./location/mailing_address/citytown /m/01l63 +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/05kkh /location/location/contains /m/0z2gq +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02_pft /people/person/nationality /m/09c7w0 +/m/05wdgq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gkxp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099ty /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03s5t +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/06w99h3 +/m/064t9 /music/genre/artists /m/0lk90 +/m/03fnn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/0138t4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/0gxr1c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04j5fx +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04nnpw +/m/06f0k /tv/tv_program/genre /m/05p553 +/m/04_1l0v /location/location/contains /m/06yxd +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0jpy_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0bcp9b /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/0rh7t +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028hc2 +/m/0k345 /music/genre/artists /m/01w9mnm +/m/03t97y /film/film/featured_film_locations /m/04jpl +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/015xp4 +/m/05tbn /location/location/contains /m/068p2 +/m/03vrv9 /film/actor/film./film/performance/film /m/03pc89 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4bc +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/01k1k4 /film/film/prequel /m/013q0p +/m/047sxrj /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/02ngbs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/035yg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/09c7w0 /location/location/contains /m/0rrwt +/m/014xf6 /education/educational_institution/colors /m/01g5v +/m/01z215 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02k54 +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/016zfm +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/09v51c2 /award/award_category/winners./award/award_honor/award_winner /m/01t2h2 +/m/04bz2f /base/biblioness/bibs_location/country /m/03rk0 +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04991x +/m/08ct6 /film/film/written_by /m/0klw +/m/04m1bm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01svq8 /influence/influence_node/influenced_by /m/046lt +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05r5c /music/instrument/instrumentalists /m/01vvy +/m/01bdhf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06khkb +/m/0p_tz /film/film/featured_film_locations /m/0snty +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01n4f8 +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_sc +/m/06924p /music/genre/artists /m/01wmgrf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kq98 +/m/02p8q1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01d_h /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03h_0_z /people/person/profession /m/0d1pc +/m/04wddl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cqbx +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03yj_0n +/m/012x2b /film/actor/film./film/performance/film /m/08k40m +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/04s04 /people/person/gender /m/05zppz +/m/01qhm_ /people/ethnicity/people /m/049tjg +/m/06h7l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c408_ +/m/07n52 /award/award_category/category_of /m/07n52 +/m/06449 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0291hr /film/film/featured_film_locations /m/04lyk +/m/06l6nj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043hg /people/person/nationality /m/09c7w0 +/m/01gvyp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06t8b /people/person/places_lived./people/place_lived/location /m/013yq +/m/0h3y /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/04lqvly /film/film/country /m/0f8l9c +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/03j76b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01wdj_ +/m/03_x5t /people/person/nationality /m/09c7w0 +/m/015f47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/019_6d /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/02d49z /film/film/genre /m/01j1n2 +/m/0cgfb /people/person/gender /m/02zsn +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06wpc +/m/04lhc4 /film/film/genre /m/0gs6m +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/036hnm /education/educational_institution/colors /m/083jv +/m/023kzp /film/actor/film./film/performance/film /m/01jmyj +/m/07ssc /location/country/official_language /m/02h40lc +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/02238b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n1gc +/m/06q02g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/01zlx /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/0fkhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1_ +/m/06w33f8 /people/person/gender /m/02zsn +/m/0rk71 /base/biblioness/bibs_location/country /m/09c7w0 +/m/073tm9 /music/record_label/artist /m/06mt91 +/m/0c6qh /film/actor/film./film/performance/film /m/01qdmh +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ppg1r +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/01kws3 /people/person/places_lived./people/place_lived/location /m/0h1k6 +/m/0b6p3qf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0bqdvt /film/actor/film./film/performance/film /m/02b6n9 +/m/0dzlk /people/person/gender /m/02zsn +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02fvv /location/administrative_division/country /m/07ssc +/m/04qt29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03_b1g +/m/0bdxs5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07ldhs +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mt4k +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0jyb4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0894_x /people/person/gender /m/05zppz +/m/05pt0l /film/film/featured_film_locations /m/06y57 +/m/07h34 /location/location/contains /m/02zc7f +/m/028r4y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02vntj +/m/07j8kh /people/person/profession /m/09jwl +/m/08vk_r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/059y0 /people/person/place_of_birth /m/01lfy +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02g1jh /award/award_winner/awards_won./award/award_honor/award_winner /m/01gf5h +/m/0167v4 /people/person/profession /m/09jwl +/m/04rzd /music/instrument/instrumentalists /m/01t110 +/m/0g9yrw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gps0z /people/person/place_of_birth /m/02hrh0_ +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0t0n5 /location/hud_county_place/place /m/0t0n5 +/m/09y20 /film/actor/film./film/performance/film /m/03176f +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/09c7w0 /location/location/contains /m/071vr +/m/01j5sd /people/person/profession /m/02hrh1q +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0126rp /film/actor/film./film/performance/film /m/0418wg +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/01t2h2 +/m/01_k7f /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/071ywj /film/actor/film./film/performance/film /m/0dgst_d +/m/0bk4s /organization/organization_founder/organizations_founded /m/02bqy +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0ql76 /base/culturalevent/event/entity_involved /m/024pcx +/m/0trv /organization/organization/headquarters./location/mailing_address/citytown /m/0d35y +/m/02ndbd /people/person/places_lived./people/place_lived/location /m/01531 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/05bmq /location/country/official_language /m/02h40lc +/m/02yygk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02b9g4 +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01f6ss +/m/07s6tbm /people/person/place_of_birth /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/04rcr +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0glt670 /music/genre/artists /m/01mskc3 +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/01wyzyl /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/06rqw /music/genre/artists /m/01vxlbm +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0khth /music/artist/origin /m/01_d4 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/025g__ /music/genre/artists /m/01rmnp +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/award /m/02qrbbx +/m/017yfz /influence/influence_node/influenced_by /m/0dbb3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/0n59f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0dm5l +/m/0jnwx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02w4v /music/genre/artists /m/01m1dzc +/m/02lf0c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0350l7 /people/person/nationality /m/07ssc +/m/084qpk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/027m67 +/m/01r93l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02b168 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/0gk4g /people/cause_of_death/people /m/052h3 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d04z6 +/m/03xzxb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vsy95 /music/group_member/membership./music/group_membership/group /m/02lbrd +/m/02185j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/03h2d4 /film/actor/film./film/performance/film /m/02q0k7v +/m/0crs0b8 /film/film/genre /m/060__y +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0234pg /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05l71 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/0m77m /people/person/profession /m/0kyk +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/02mx98 /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/02zn1b /music/record_label/artist /m/0168cl +/m/032w8h /film/actor/film./film/performance/film /m/083shs +/m/0z05l /film/actor/film./film/performance/film /m/03s9kp +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/0879bpq /film/film/country /m/09c7w0 +/m/01vsy3q /people/person/places_lived./people/place_lived/location /m/080h2 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/02r4qs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/01m24m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/0690dn /sports/sports_team/colors /m/083jv +/m/0421ng /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01hv3t /film/film/genre /m/07s9rl0 +/m/018jcq /base/aareas/schema/administrative_area/capital /m/0dqyw +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01fbr2 /music/genre/artists /m/0p3sf +/m/04h1rz /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02cx90 /music/artist/origin /m/0sbv7 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01ggc9 /people/person/nationality /m/09c7w0 +/m/01y6dz /tv/tv_program/country_of_origin /m/09c7w0 +/m/0xhmb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07yvsn /film/film/production_companies /m/02jd_7 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05h43ls +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/016clz /music/genre/artists /m/02z4b_8 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/01wmgrf /people/person/profession /m/02hrh1q +/m/04f9r2 /people/person/profession /m/01c72t +/m/0dnw1 /film/film/language /m/05zjd +/m/05c9zr /dataworld/gardening_hint/split_to /m/01cx_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/03459x /film/film/language /m/02h40lc +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qsq +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0p9xd /music/genre/parent_genre /m/03_d0 +/m/01j6t0 /medicine/symptom/symptom_of /m/04p3w +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02xry +/m/01vh18t /film/actor/film./film/performance/film /m/09fc83 +/m/0gkydb /people/person/profession /m/01d_h8 +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/01jfsb /media_common/netflix_genre/titles /m/04ddm4 +/m/0yjvm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/09mq4m /award/award_winner/awards_won./award/award_honor/award_winner /m/02z4b_8 +/m/016ks5 /film/film/genre /m/0219x_ +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/06hgbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q8xj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02qdzd +/m/0134wr /award/award_winner/awards_won./award/award_honor/award_winner /m/03cd1q +/m/0h63gl9 /film/film/cinematography /m/06t8b +/m/0jyx6 /film/film/music /m/03f4k +/m/048z7l /people/ethnicity/languages_spoken /m/03hkp +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/030_3z /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0hqly /people/person/profession /m/012t_z +/m/05txrz /people/person/places_lived./people/place_lived/location /m/080h2 +/m/01z4y /media_common/netflix_genre/titles /m/040_lv +/m/0fqyzz /people/person/nationality /m/0d060g +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dcz8_ /film/film/production_companies /m/054lpb6 +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/0133_p /music/genre/artists /m/01l_w0 +/m/01vw8k /film/film/written_by /m/05y5fw +/m/0sxgv /film/film/story_by /m/018zvb +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01z8f0 +/m/01qgry /people/person/profession /m/0dz3r +/m/0jqb8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/07z1m /location/location/partially_contains /m/0lm0n +/m/05g8pg /film/film/language /m/03k50 +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0blfl /olympics/olympic_games/sports /m/09wz9 +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/01k60v /film/film/genre /m/01jfsb +/m/027r0_f /people/person/places_lived./people/place_lived/location /m/05kj_ +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/03_3d /location/location/contains /m/018jkl +/m/07s9rl0 /media_common/netflix_genre/titles /m/03cvwkr +/m/0bbvr84 /people/person/place_of_birth /m/01_d4 +/m/0ff2k /people/deceased_person/place_of_death /m/05l5n +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds11z +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/016dsy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w7nww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/0127c4 /location/location/contains /m/0j7ng +/m/0l35f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2hf +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01934k +/m/04f525m /business/business_operation/industry /m/02vxn +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0c3xpwy /tv/tv_program/languages /m/02h40lc +/m/027fwmt /film/film/costume_design_by /m/0ft7sr +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05tjm3 /people/person/nationality /m/09c7w0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/018jz /media_common/netflix_genre/titles /m/0kb57 +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0882r_ +/m/07k8rt4 /film/film/produced_by /m/043q6n_ +/m/0kbvb /olympics/olympic_games/sports /m/07gyv +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01hmb_ /film/actor/film./film/performance/film /m/03wj4r8 +/m/0223bl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01d5vk /people/person/spouse_s./people/marriage/spouse /m/01kgg9 +/m/0mlw1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h5jg5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01rf57 +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02cff1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01nfys +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/047sgz4 /award/award_category/category_of /m/0gcf2r +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09dv8h /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07c52 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/03f2_rc /film/actor/film./film/performance/film /m/09d3b7 +/m/050f0s /film/film/story_by /m/03xp8d5 +/m/0m2by /location/us_county/county_seat /m/0fr0t +/m/03d0ns /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0btpx +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/082brv /music/group_member/membership./music/group_membership/role /m/04rzd +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gjk1d +/m/0mw1j /location/location/contains /m/0gkgp +/m/0glt670 /music/genre/artists /m/07ss8_ +/m/09c7w0 /location/location/contains /m/0r4h3 +/m/03m8lq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/0152cw +/m/026lj /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/09c7w0 /location/location/contains /m/0h1k6 +/m/041rx /people/ethnicity/people /m/016732 +/m/080z7 /education/educational_institution/school_type /m/05jxkf +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/02yv6b /music/genre/artists /m/07mvp +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gssz +/m/02h6_6p /base/biblioness/bibs_location/state /m/017v_ +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/0686zv +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0cwy47 /film/film/genre /m/06l3bl +/m/028k2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05vtbl +/m/06y57 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/0gg5qcw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bsb4j +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/05kms /music/instrument/instrumentalists /m/01y_rz +/m/02mx98 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01dbhb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/026wlxw /film/film/production_companies /m/046b0s +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qg7c +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/0b_6rk /time/event/locations /m/0nbwf +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3p7 +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/04_1l0v /location/location/contains /m/06btq +/m/03g5_y /people/person/nationality /m/09c7w0 +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pw9v +/m/01wy5m /film/actor/film./film/performance/film /m/0gys2jp +/m/048j4l /music/instrument/instrumentalists /m/04s5_s +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/020ddc +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vq33 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018x3 +/m/03f1zhf /people/person/profession /m/01d30f +/m/09n5t_ /music/genre/artists /m/03h_fk5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03n5v +/m/0126rp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/047p7fr /film/film/film_festivals /m/03nn7l2 +/m/04_1l0v /location/location/contains /m/07srw +/m/035xwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05bt6j /music/genre/artists /m/07c0j +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03l6q0 +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kkg5 +/m/01cmp9 /film/film/country /m/0345h +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0djkrp /film/film/production_companies /m/05mgj0 +/m/03lty /music/genre/artists /m/01jcxwp +/m/02b0xq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01vvydl /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqcm +/m/0bs8d /people/person/places_lived./people/place_lived/location /m/09949m +/m/07cw4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0840vq /people/person/places_lived./people/place_lived/location /m/05qtj +/m/02hmw9 /education/educational_institution/colors /m/01g5v +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/059fjj /people/person/religion /m/03_gx +/m/017gm7 /film/film/genre /m/060__y +/m/01q940 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wpm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/082xp +/m/05sy_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q45x +/m/03lpp_ /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sddg +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05zl0 +/m/048htn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05nlzq /tv/tv_program/genre /m/0pr6f +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/016wzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ls2 +/m/01pgzn_ /film/actor/film./film/performance/film /m/02q7yfq +/m/0cbkc /film/actor/film./film/performance/film /m/02r8hh_ +/m/0169t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06rq2l /film/actor/film./film/performance/film /m/02qdrjx +/m/01z4y /media_common/netflix_genre/titles /m/0bs5vty +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01914 +/m/03_d0 /music/genre/artists /m/0f6lx +/m/0g69lg /people/person/profession /m/0dxtg +/m/01vxqyl /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/026ps1 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0h5g_ /film/actor/film./film/performance/film /m/03t79f +/m/0j6b5 /film/film/music /m/02rgz4 +/m/01rw116 /people/person/gender /m/05zppz +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/042y1c /film/film/language /m/02h40lc +/m/0564x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hvjx +/m/0glbqt /film/film/film_production_design_by /m/05km8z +/m/01r47h /education/educational_institution_campus/educational_institution /m/01r47h +/m/042q3 /people/person/place_of_birth /m/02z0j +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01vt9p3 /people/person/gender /m/02zsn +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/0f04v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6ff +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x0yrt +/m/02wgln /film/actor/film./film/performance/film /m/0dc7hc +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01vsy95 /influence/influence_node/influenced_by /m/0f0y8 +/m/02gnj2 /people/person/profession /m/0dxtg +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/047fwlg +/m/0l0mk /base/biblioness/bibs_location/state /m/01n7q +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/02yxjs /education/educational_institution/students_graduates./education/education/student /m/01f7j9 +/m/0bs1g5r /people/person/profession /m/0d1pc +/m/04mky3 /music/artist/origin /m/02dtg +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01q7h2 /film/film/genre /m/01jfsb +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0kvqv +/m/08swgx /people/person/languages /m/02h40lc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0chghy +/m/03qjlz /people/person/place_of_birth /m/02_286 +/m/0126y2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/07z1m /location/location/contains /m/0mnz0 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/04b2qn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rgq +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/04cv9m /film/film/featured_film_locations /m/0fvvz +/m/031786 /film/film/genre /m/02n4kr +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0g56t9t /film/film/genre /m/02hmvc +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02y_2y +/m/0143wl /film/actor/film./film/performance/film /m/04hwbq +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/017gl1 /film/film/executive_produced_by /m/05hj_k +/m/03rk0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdd +/m/07z6xs /film/film/featured_film_locations /m/030qb3t +/m/0168nq /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/06_wqk4 /film/film/production_companies /m/031rq5 +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jbp0 +/m/018ctl /olympics/olympic_games/participating_countries /m/06bnz +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/09px1w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/02z1yj /people/person/languages /m/02h40lc +/m/0ddj0x /film/film/genre /m/07s9rl0 +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/02z3r8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02p65p /film/actor/film./film/performance/film /m/09xbpt +/m/027c924 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/01b1pf /organization/organization/child./organization/organization_relationship/child /m/01bdhf +/m/04grkmd /film/film/music /m/02bh9 +/m/09jd9 /people/person/nationality /m/07ssc +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/017fp /media_common/netflix_genre/titles /m/08gg47 +/m/014b4h /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01svq8 /people/person/profession /m/03gjzk +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03ksy /education/educational_institution_campus/educational_institution /m/03ksy +/m/0dvmd /film/actor/film./film/performance/film /m/03bx2lk +/m/0m593 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lc5 +/m/02mg7n /education/educational_institution/campuses /m/02mg7n +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027jk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02khs +/m/02whj /people/person/places_lived./people/place_lived/location /m/071vr +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067sqt +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/03rjj /location/country/second_level_divisions /m/0537y_ +/m/0yvjx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r3y2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05r5c /music/instrument/instrumentalists /m/04vrxh +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/05f7s1 /education/educational_institution_campus/educational_institution /m/05f7s1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/0jfx1 /film/actor/film./film/performance/film /m/04165w +/m/076xkdz /film/film/genre /m/0hcr +/m/012s1d /film/film/music /m/02bh9 +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsl3_ +/m/018dhx /location/location/time_zones /m/02hcv8 +/m/021bk /people/person/nationality /m/07ssc +/m/09p7fh /film/film/language /m/02h40lc +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0694j +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/02jxsq +/m/04dsnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0288zy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/07c52 /media_common/netflix_genre/titles /m/0d66j2 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0cjsxp /film/actor/film./film/performance/film /m/017d93 +/m/01twdk /people/person/profession /m/02hrh1q +/m/026c1 /film/actor/film./film/performance/film /m/01l_pn +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/032jlh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/026kmvf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0177gl +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0chsq /people/person/profession /m/02hrh1q +/m/01g4yw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/06z8gn /people/person/profession /m/02hrh1q +/m/02zrv7 /people/person/profession /m/0np9r +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0b_j2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/06mvq /people/ethnicity/people /m/0132k4 +/m/01k_0fp /people/person/profession /m/016z4k +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0bymv +/m/041rx /people/ethnicity/people /m/023v4_ +/m/014kq6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06qgvf /film/actor/film./film/performance/film /m/0czyxs +/m/09c7w0 /location/location/contains /m/0xddr +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03q8ch +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06hgym +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vsy3q /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/01wqpnm /people/person/nationality /m/02jx1 +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/02gx2x /people/ethnicity/geographic_distribution /m/01vfwd +/m/04205z /people/person/languages /m/02h40lc +/m/060j8b /film/actor/film./film/performance/film /m/0830vk +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl1_ +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0gkg6 /people/person/profession /m/016z4k +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/0gm34 /film/actor/film./film/performance/film /m/09lxv9 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0gj8t_b /film/film/produced_by /m/015pkc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/01_rh4 /film/actor/film./film/performance/film /m/012gk9 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05y7hc +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/023s8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01br2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01y20v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fyhv /award/award_winner/awards_won./award/award_honor/award_winner /m/03rwz3 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/02js9p /film/actor/film./film/performance/film /m/0ds2n +/m/01fmys /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/09gffmz /people/person/profession /m/02jknp +/m/07lwsz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/017g21 /people/person/profession /m/0nbcg +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0863x_ +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kk_c +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/02vntj +/m/04l5b4 /sports/sports_team/colors /m/083jv +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/0p_jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/031296 /people/person/places_lived./people/place_lived/location /m/031y2 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018fmr +/m/0fxwx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/079ws /people/person/profession /m/0196pc +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/07k5l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gkp1 /film/film/genre /m/01q03 +/m/0d8s8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0d8rs +/m/01vsksr /people/person/nationality /m/02jx1 +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/025vldk +/m/01c333 /education/educational_institution/colors /m/019sc +/m/06w839_ /film/film/production_companies /m/016tt2 +/m/096cw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bpx1k /film/film/genre /m/01j1n2 +/m/02vqpx8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0180mw +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0xqf3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01k7b0 /film/film/genre /m/03bxz7 +/m/01d_h /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/04kjvt /music/record_label/artist /m/01mxqyk +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049dyj +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/0163kf /people/person/profession /m/016z4k +/m/01b9z4 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/02ln1 /influence/influence_node/influenced_by /m/03sbs +/m/063t3j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/0g5qmbz /film/film/film_festivals /m/0gg7gsl +/m/01vhrz /organization/organization_founder/organizations_founded /m/0fb0v +/m/01qtj9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01qcz7 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01jdxj /sports/sports_team/colors /m/06fvc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/0mx6c /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/07ghq /film/film/genre /m/06n90 +/m/06f0k /tv/tv_program/genre /m/0gf28 +/m/0h3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gqr +/m/051qvn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05krk /education/educational_institution/colors /m/036k5h +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/0221zw /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01s7pm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f276 /film/actor/film./film/performance/film /m/09ps01 +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/014b4h +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01fkxr +/m/03q5db /film/film/production_companies /m/016tw3 +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/03qnc6q /film/film/genre /m/07s9rl0 +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/019vv1 /education/educational_institution/school_type /m/01jlsn +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vttb9 +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04969y +/m/0cqr0q /film/film/genre /m/04xvlr +/m/021_z5 /music/genre/artists /m/0ffgh +/m/0372p /people/person/nationality /m/0345h +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04cf09 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0kcw2 /location/hud_county_place/place /m/0kcw2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0k33p /location/location/time_zones /m/03bdv +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/022jr5 /education/educational_institution/colors /m/083jv +/m/04rg6 /people/person/profession /m/0dxtg +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07bx6 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/07h1q /influence/influence_node/influenced_by /m/01rgr +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/025vl4m /people/person/gender /m/05zppz +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/09hnb /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/06x58 /people/person/profession /m/02jknp +/m/03hp2y1 /film/film/genre /m/04t36 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040b5k +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/03kxj2 /film/film/language /m/02h40lc +/m/0ns_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nt6b +/m/015_1q /music/record_label/artist /m/011xhx +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/087yty +/m/072zl1 /film/film/language /m/02h40lc +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/01s7pm /education/educational_institution/colors /m/083jv +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04g7x +/m/0296rz /film/film/featured_film_locations /m/02_286 +/m/0blgl /people/person/place_of_birth /m/0fpzwf +/m/02x3y41 /film/film/country /m/0f8l9c +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4_2k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0223bl +/m/0d05w3 /media_common/netflix_genre/titles /m/0dx8gj +/m/06nd8c /film/actor/film./film/performance/film /m/01xvjb +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08vr94 +/m/01nhkxp /people/person/gender /m/02zsn +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/094xh /people/person/languages /m/02h40lc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01bb9r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02km0m +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0qf2t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03c5bz /people/person/nationality /m/09c7w0 +/m/02ck7w /film/actor/film./film/performance/film /m/02nx2k +/m/01f7gh /film/film/country /m/09c7w0 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03h8_g +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0h1mt /people/person/place_of_birth /m/02_286 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06823p +/m/07qcbw /people/person/profession /m/01d_h8 +/m/02pk6x /people/person/languages /m/04306rv +/m/09z2b7 /film/film/genre /m/0219x_ +/m/04lqvlr /film/film/language /m/02h40lc +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07zhjj /tv/tv_program/country_of_origin /m/09c7w0 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06zdt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/05ftw3 +/m/0c9d9 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01438g +/m/0k269 /film/actor/film./film/performance/film /m/0660b9b +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017r13 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01yf85 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02hhtj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06y7d +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01q460 /education/educational_institution_campus/educational_institution /m/01q460 +/m/0_vn7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02m0sc /education/educational_institution/students_graduates./education/education/student /m/025xt8y +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/02d02 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/0dryh9k /people/ethnicity/people /m/01zp33 +/m/01w5gg6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06t61y /people/person/sibling_s./people/sibling_relationship/sibling /m/0159h6 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0dvld /film/actor/film./film/performance/film /m/04cv9m +/m/01xsc9 /people/person/nationality /m/02jx1 +/m/01xbp7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06mfvc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049g_xj +/m/02847m9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j862 /music/performance_role/regular_performances./music/group_membership/group /m/015bwt +/m/02b14q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/03fbb6 +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04h9h +/m/07dzf /location/location/time_zones /m/0gsrz4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwyq +/m/084qpk /film/film/written_by /m/058kqy +/m/062dn7 /film/actor/film./film/performance/film /m/075wx7_ +/m/09blyk /media_common/netflix_genre/titles /m/09k56b7 +/m/020_4z /people/person/profession /m/0nbcg +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05jx2d /sports/sports_team/colors /m/0jc_p +/m/02hh8j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/03npn /media_common/netflix_genre/titles /m/045j3w +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/01stj9 /organization/organization/headquarters./location/mailing_address/citytown /m/0fwc0 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f8f7 +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b4rf3 +/m/0r4h3 /location/location/time_zones /m/02lcqs +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0d0x8 /location/location/contains /m/01_s9q +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01c5d5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0581vn8 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02583l /education/educational_institution/school_type /m/05jxkf +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02qfh /tv/tv_program/country_of_origin /m/07ssc +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/0gtsx8c /film/film/country /m/09c7w0 +/m/0xhtw /music/genre/artists /m/0g_g2 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/025_64l /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01bl7g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/03f68r6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031ldd +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09cl0w +/m/0dc3_ /location/location/contains /m/01mc11 +/m/01dtcb /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/07s9rl0 /media_common/netflix_genre/titles /m/0b73_1d +/m/01_r9k /education/educational_institution/colors /m/04mkbj +/m/01z4y /media_common/netflix_genre/titles /m/0p_rk +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_mc +/m/0dx8gj /film/film/language /m/02h40lc +/m/05xpms /people/person/place_of_birth /m/03l2n +/m/0hm0k /award/award_winner/awards_won./award/award_honor/award_winner /m/03mdt +/m/03mqtr /media_common/netflix_genre/titles /m/09cr8 +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/035qgm +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/01yf85 /film/actor/film./film/performance/film /m/06_wqk4 +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/059j2 /location/location/contains /m/0dqyc +/m/0gyfp9c /film/film/film_format /m/0cj16 +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/053rxgm /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03vyw8 /film/film/genre /m/07s9rl0 +/m/011yqc /film/film/film_format /m/0cj16 +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/07ssc /location/location/contains /m/01xbld +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/043g7l /music/record_label/artist /m/01pfkw +/m/05nw9m /people/person/gender /m/05zppz +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/0sv6n /location/location/time_zones /m/02fqwt +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/09m6kg /film/film/genre /m/03bxz7 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/0f3kl /medicine/symptom/symptom_of /m/0dcp_ +/m/0g768 /music/record_label/artist /m/01vrnsk +/m/06vsbt /people/person/nationality /m/09c7w0 +/m/07fq1y /people/person/places_lived./people/place_lived/location /m/0ygbf +/m/0dsx3f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0h10vt /people/person/place_of_birth /m/04jpl +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/06s1qy +/m/0sz28 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/03b1sb /film/film/genre /m/0c3351 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/0152n0 +/m/0brgy /medicine/symptom/symptom_of /m/06g7c +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0135g +/m/0c_gcr /film/actor/film./film/performance/film /m/04pmnt +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/01_j71 /people/person/gender /m/02zsn +/m/0pf2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fkf +/m/02pk6x /people/person/gender /m/02zsn +/m/07wpm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06h7l7 /people/person/profession /m/0dxtg +/m/013sg6 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0h005 /people/person/profession /m/01d_h8 +/m/04dsnp /film/film/featured_film_locations /m/04jpl +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bl1_ +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/01_6dw /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0pswc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fvly /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01w0v /location/location/contains /m/029rmn +/m/0mfj2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05xpv /people/person/nationality /m/09c7w0 +/m/01yb1y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01s7z0 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z542 +/m/0h0yt /film/actor/film./film/performance/film /m/04x4vj +/m/0l_j_ /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04fhps +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/02ll45 /film/film/cinematography /m/07mb57 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0177gl +/m/014635 /people/person/profession /m/0cbd2 +/m/036qs_ /people/person/place_of_birth /m/04sqj +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0lccn /people/person/place_of_birth /m/052p7 +/m/0glj9q /media_common/netflix_genre/titles /m/02qcr +/m/02v8kmz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0hv81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03csqj4 +/m/0gltv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03rqww +/m/0bg4f9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012q4n +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ty8 +/m/018fwv /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02kfzz /film/film/genre /m/04xvlr +/m/0c5x_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0f4dx2 /film/actor/film./film/performance/film /m/0by1wkq +/m/02s529 /people/person/religion /m/0c8wxp +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02t_zq +/m/0bmfpc /music/genre/parent_genre /m/01d_s5 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0bjv6 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/07f7jp +/m/0p7pw /film/film/language /m/02h40lc +/m/09d5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r5qtm +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/016ky6 /film/film/genre /m/01hmnh +/m/015x74 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059x0w +/m/013kcv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/046lt /film/actor/film./film/performance/film /m/01633c +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/09c7w0 /location/location/contains /m/0m28g +/m/031kyy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0392kz +/m/023p7l /film/film/genre /m/04xvh5 +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/091yn0 +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xn7x1 +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/06k02 /people/person/profession /m/09jwl +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h7pj +/m/0mmpm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlzk +/m/041rx /people/ethnicity/people /m/0kszw +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0488g +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/01pj_5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g33q /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0gt_0v /music/genre/parent_genre /m/03_d0 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01vs14j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswwx +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/09y6pb +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/01jgpsh +/m/0b60sq /film/film/music /m/02rgz4 +/m/04jpl /location/location/contains /m/02gw_w +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/01_rh4 +/m/0fhzwl /tv/tv_program/genre /m/01jfsb +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0gk4g /people/cause_of_death/people /m/02s58t +/m/01jzyx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/0c663 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/018j2 /music/instrument/instrumentalists /m/016s0m +/m/093xh0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06by7 /music/genre/artists /m/0140t7 +/m/016clz /music/genre/artists /m/01v_pj6 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/04d_mtq /people/person/nationality /m/09c7w0 +/m/0935jw /film/actor/film./film/performance/film /m/03vfr_ +/m/0nz_b /location/us_county/county_seat /m/0rv97 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0356gk +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhy +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q42j_ +/m/0tj9 /film/actor/film./film/performance/film /m/04jwjq +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0jgm8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrjb +/m/08jyyk /music/genre/artists /m/067mj +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/06wm0z /people/person/profession /m/02hrh1q +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/0hcm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/042z_g /people/person/nationality /m/09c7w0 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/0nzlp /location/location/time_zones /m/02hcv8 +/m/06by7 /music/genre/artists /m/044k8 +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl02yg +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/01z4y /media_common/netflix_genre/titles /m/02ryz24 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03kx49 /film/film/country /m/07ssc +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/013b6_ /people/ethnicity/people /m/04z0g +/m/017lvd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030znt +/m/07q9q2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/08s6mr /film/film/language /m/02h40lc +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/06by7 /music/genre/artists /m/02vr7 +/m/0bfp0l /music/record_label/artist /m/01lmj3q +/m/01sfmyk /people/person/languages /m/02h40lc +/m/01z4y /media_common/netflix_genre/titles /m/0640m69 +/m/0342vg /people/person/nationality /m/0d05w3 +/m/02z9hqn /film/film/dubbing_performances./film/dubbing_performance/actor /m/084x96 +/m/0h27vc /film/actor/film./film/performance/film /m/02825kb +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/01vx5w7 /people/person/profession /m/02hrh1q +/m/0126t5 /music/genre/artists /m/01r0t_j +/m/01507p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0123qq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07ghq +/m/019lvv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/01w0yrc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/059xvg /people/person/profession /m/0np9r +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05hj_k +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/02kk_c /tv/tv_program/genre /m/01f9r0 +/m/018j2 /music/instrument/instrumentalists /m/01sb5r +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/0gnbw /film/actor/film./film/performance/film /m/02fqrf +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/02plv57 /sports/sports_team/colors /m/06fvc +/m/03h64 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/025ldg +/m/06mmb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/01jrp0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06lvlf /film/actor/film./film/performance/film /m/0bq8tmw +/m/02n1gr /people/person/profession /m/02hrh1q +/m/076_74 /people/person/profession /m/01d_h8 +/m/0gy7bj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01h5f8 /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/016h4r /film/actor/film./film/performance/film /m/0gbfn9 +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/08c9b0 +/m/01wqmm8 /people/person/gender /m/02zsn +/m/0d90m /film/film/genre /m/02kdv5l +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/015qyf +/m/0880p /language/human_language/countries_spoken_in /m/06bnz +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0f4k49 /film/film/genre /m/02p0szs +/m/07r1h /people/person/profession /m/01d_h8 +/m/071jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683cn +/m/01l_yg /film/actor/film./film/performance/film /m/01pvxl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0885n +/m/035dk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/0xr0t /location/location/time_zones /m/02hcv8 +/m/011xg5 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/02hwww /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/0bdlj /people/person/religion /m/01lp8 +/m/0404wqb /award/award_winner/awards_won./award/award_honor/award_winner /m/096lf_ +/m/0cg9y /people/person/profession /m/09jwl +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0838y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01c1px /award/award_winner/awards_won./award/award_honor/award_winner /m/08xz51 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vwllw /film/actor/film./film/performance/film /m/027gy0k +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/016zp5 +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0237jb /people/person/profession /m/02jknp +/m/04gd8j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmd3k7 /film/film/genre /m/01jfsb +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01xvlc +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/04sj3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/0vbk /location/location/contains /m/0d9z_y +/m/073w14 /film/actor/film./film/performance/film /m/04x4nv +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0d07s +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02p11jq /music/record_label/artist /m/02p2zq +/m/06r_by /people/person/gender /m/05zppz +/m/014zws /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/0d99k_ /film/film/genre /m/02kdv5l +/m/03c9pqt /people/person/profession /m/01d_h8 +/m/09c7w0 /location/country/second_level_divisions /m/0mn78 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/064177 +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/041xl /influence/influence_node/influenced_by /m/03f0324 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dln8jk +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/01gg59 /music/artist/origin /m/0c8tk +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05dbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04shbh +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/0399p /influence/influence_node/influenced_by /m/0ct9_ +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/0txhf /location/hud_county_place/place /m/0txhf +/m/01l2m3 /people/cause_of_death/people /m/01g4zr +/m/06r3p2 /people/person/profession /m/02hrh1q +/m/01twdk /film/actor/film./film/performance/film /m/03ynwqj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0kh6b /people/person/employment_history./business/employment_tenure/company /m/0g5lhl7 +/m/0blt6 /film/actor/film./film/performance/film /m/0443v1 +/m/046lt /people/person/places_lived./people/place_lived/location /m/01m7mv +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027jk +/m/0dq9p /people/cause_of_death/people /m/03fvqg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/0l2vz /location/location/contains /m/0r5wt +/m/0272_vz /film/film/language /m/02h40lc +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/01w61th /people/person/nationality /m/09c7w0 +/m/0hsqf /location/administrative_division/country /m/06qd3 +/m/0113sg /influence/influence_node/influenced_by /m/0dw6b +/m/0210hf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/02gf_l /people/person/nationality /m/09c7w0 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0285xqh /people/person/gender /m/05zppz +/m/016cjb /music/genre/artists /m/010hn +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01k53x /film/actor/film./film/performance/film /m/06gb1w +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0ljc_ /tv/tv_network/programs./tv/tv_network_duration/program /m/024rwx +/m/05r5c /music/instrument/instrumentalists /m/0gt_k +/m/0vg8x /location/hud_county_place/county /m/0nj7b +/m/09c7w0 /location/location/contains /m/026ssfj +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/06y7d /people/person/religion /m/0kq2 +/m/0n4z2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n4yq +/m/01nfys /people/person/nationality /m/07ssc +/m/0166v /location/country/official_language /m/02h40lc +/m/05cj_j /film/film/production_companies /m/016tw3 +/m/03yj_0n /film/actor/film./film/performance/film /m/0h95927 +/m/0165v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p7pw /film/film/genre /m/05p553 +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/0d68qy /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/0by17xn /film/film/produced_by /m/0gg9_5q +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01vs4ff /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/03lrht /film/film/music /m/0bs1yy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03lb76 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/048n7 /base/culturalevent/event/entity_involved /m/01k31p +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddjy +/m/0165b /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01fkv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0jz +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/015whm /film/film/language /m/02h40lc +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06g2d1 /people/person/place_of_birth /m/01_d4 +/m/02qdgx /music/genre/artists /m/03f0fnk +/m/088q4 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0p7tb +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nvyr +/m/0l14qv /music/instrument/instrumentalists /m/0ql36 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/037njl +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/09tqxt /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01xvb +/m/05mkhs /film/actor/film./film/performance/film /m/02rx2m5 +/m/01b_lz /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/0bxtg /people/person/profession /m/02krf9 +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c2f +/m/012v1t /government/politician/government_positions_held./government/government_position_held/basic_title /m/02079p +/m/02zl4d /people/person/languages /m/02bjrlw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1mc +/m/034ks /influence/influence_node/influenced_by /m/0gz_ +/m/0dl567 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/058s57 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/025hl8 /people/cause_of_death/people /m/02ch1w +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/048z7l /people/ethnicity/people /m/02z1yj +/m/06cc_1 /music/group_member/membership./music/group_membership/group /m/0178_w +/m/099bk /organization/organization_member/member_of./organization/organization_membership/organization /m/05g9h +/m/07bwr /film/film/produced_by /m/02kxbx3 +/m/059rby /location/location/contains /m/01qcx_ +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c5x_ /education/educational_institution/school_type /m/05jxkf +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/09c7w0 /location/location/contains /m/0gyh +/m/031x_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rmq +/m/044mfr /music/group_member/membership./music/group_membership/group /m/02k5sc +/m/081k8 /people/deceased_person/place_of_death /m/0g251 +/m/01wzlxj /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/02r1ysd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/047c9l +/m/01x6v6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fhxv +/m/05vz3zq /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0d0l91 /people/person/profession /m/012t_z +/m/02kj7g /education/educational_institution/students_graduates./education/education/student /m/0bvzp +/m/014hdb /people/person/gender /m/05zppz +/m/03j0ss /sports/sports_team/colors /m/019sc +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/026sv5l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n8xs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0484q +/m/02c638 /film/film/production_companies /m/046b0s +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/055td_ /film/film/genre /m/02p0szs +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0372j5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/05t2fh4 /time/event/locations /m/0d060g +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/08y2fn +/m/02xfj0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wzv /location/country/official_language /m/064_8sq +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/077yk0 +/m/0gz6b6g /film/film/genre /m/0lsxr +/m/02zmh5 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/067ghz /film/film/genre /m/03k9fj +/m/02w4v /music/genre/artists /m/01m15br +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/07ldhs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/084kf /location/location/time_zones /m/02fqwt +/m/01b64v /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03lt8g +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0739y /people/person/profession /m/09jwl +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0170xl /film/film/genre /m/0219x_ +/m/0ck9l7 /music/genre/parent_genre /m/0glt670 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/02pjzvh +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ft32 +/m/031778 /film/film/story_by /m/042xh +/m/03h2d4 /people/person/religion /m/0c8wxp +/m/08nhfc1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01x73 +/m/05w3f /music/genre/parent_genre /m/06by7 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vtbl +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/03zqc1 +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0h6rm /education/educational_institution/campuses /m/0h6rm +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3nb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/016clz /music/genre/artists /m/06mj4 +/m/01rnpy /film/actor/film./film/performance/film /m/08sk8l +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h6r5 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/02hkvw /people/person/gender /m/05zppz +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01rxyb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/01cf5 /education/educational_institution/students_graduates./education/education/student /m/01nczg +/m/029k4p /film/film/executive_produced_by /m/0693l +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/069z_5 +/m/048z7l /people/ethnicity/people /m/01xcr4 +/m/03rl84 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03t9sp /music/artist/origin /m/0fm2_ +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/012gx2 /people/person/profession /m/04gc2 +/m/03_wm6 /film/film/genre /m/06n90 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0338g8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/02v570 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wlh /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wg38 /people/person/religion /m/0c8wxp +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpbhm +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/0y_yw /film/film/production_companies /m/05qd_ +/m/01xrlm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06gst /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02z1yj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05y5fw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0524b41 +/m/0b9dmk /film/actor/film./film/performance/film /m/057__d +/m/01xndd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03cf9ly +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x4l_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/09c7w0 /location/location/contains /m/09k9d0 +/m/03wd5tk /people/person/place_of_birth /m/0cr3d +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kpvp +/m/0295sy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01_c4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d2kt +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/02hzx8 +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0kszw /film/actor/film./film/performance/film /m/04pk1f +/m/0pv3x /film/film/language /m/04306rv +/m/03rwz3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/03cprft /people/deceased_person/place_of_death /m/04vmp +/m/0776drd /award/award_category/nominees./award/award_nomination/nominated_for /m/01sby_ +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0171cm +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/09h_q +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/017180 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015nvj /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/02x02kb /people/person/profession /m/02hrh1q +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014d4v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01kwsg /people/person/languages /m/06nm1 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/064t9 /music/genre/artists /m/0407f +/m/014ps4 /people/person/gender /m/05zppz +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0gs1_ /film/actor/film./film/performance/film /m/01qdmh +/m/02mjmr /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/053x8hr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02fz3w +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02rrfzf /film/film/music /m/01mkn_d +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0d4jl /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/03k0yw /people/person/profession /m/0nbcg +/m/05728w1 /people/person/profession /m/02pjxr +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s21dg +/m/0d_84 /film/actor/film./film/performance/film /m/01hr1 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/07b1gq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/04j14qc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/08y2fn /film/film/genre /m/04xvh5 +/m/0456zg /film/film/genre /m/0gsy3b +/m/0g54xkt /film/film/produced_by /m/0g2lq +/m/02qdgx /music/genre/artists /m/0140t7 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04ynx7 /film/film/genre /m/02kdv5l +/m/0x67 /people/ethnicity/people /m/024qwq +/m/0lk90 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/015wnl /film/actor/film./film/performance/film /m/023g6w +/m/01mszz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05z8cq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03d_zl4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01vn0t_ +/m/019vgs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/050l8 /location/location/contains /m/0fvxg +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09c7w0 /location/location/contains /m/06b7s9 +/m/0qf11 /people/person/profession /m/039v1 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_pg +/m/0y1mh /language/human_language/countries_spoken_in /m/09pmkv +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/0c3xw46 /film/film/country /m/09c7w0 +/m/02d45s /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bksh +/m/016t0h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hz_1 /award/award_winner/awards_won./award/award_honor/award_winner /m/025h4z +/m/012vd6 /people/person/profession /m/02hrh1q +/m/07dvs /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ksr1 +/m/0ff2k /people/person/gender /m/05zppz +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0171lb +/m/051z6rz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hq1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02lgj6 +/m/01s7ns /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/014kkm +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02wrrm /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/02gnmp +/m/0164v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f5x +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/018vs /music/instrument/instrumentalists /m/015x1f +/m/01fbr2 /music/genre/artists /m/01m3b1t +/m/017j7y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01vqq1 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mq7 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/07z4p5 /people/person/gender /m/05zppz +/m/01s_d4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0f42nz /film/film/costume_design_by /m/03wpmd +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0243cq +/m/01pf21 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cqny /music/genre/artists /m/019x62 +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/036921 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/0dbpyd +/m/02yvct /film/film/cinematography /m/06r_by +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0272vm +/m/02ctc6 /film/film/production_companies /m/01gb54 +/m/05nrg /location/location/contains /m/01pj48 +/m/09r94m /film/film/film_format /m/07fb8_ +/m/030cx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/01ccr8 +/m/04y9dk /film/actor/film./film/performance/film /m/08720 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/096hm /people/person/place_of_birth /m/013kcv +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/011v3 +/m/017g2y /people/person/profession /m/02hrh1q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/033g54 +/m/038w8 /people/person/gender /m/05zppz +/m/0s3y5 /location/hud_county_place/place /m/0s3y5 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04h1rz +/m/0pk1p /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/018qql /people/person/profession /m/02hrh1q +/m/01jq4b /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/07ssc /media_common/netflix_genre/titles /m/0c8qq +/m/04k3jt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01whg97 /people/person/profession /m/09jwl +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01wy5m +/m/0djtky /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/0c73z /people/person/religion /m/0c8wxp +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05vsxz +/m/0f8l9c /location/location/contains /m/0c82s +/m/07_fj54 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0p_tz +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/04y9mm8 /film/film/executive_produced_by /m/05hj_k +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mz73 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058frd +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/028k2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/027r9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01_jky +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/012pd4 /people/person/profession /m/01c8w0 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049n2l +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_j2 +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0hz_1 +/m/0gwgn1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04z4j2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03t97y /film/film/music /m/02jxkw +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03_8kz +/m/014kg4 /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05f33tk +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/07r1h /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/02g5bf +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd64 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/040p_q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0mg1w +/m/01tkfj /business/business_operation/industry /m/01mw1 +/m/0g_zyp /film/film/music /m/02sjp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/026c1 +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09b0xs +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/0x0d +/m/01fh36 /music/genre/artists /m/07bzp +/m/02j04_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0170vn /film/actor/film./film/performance/film /m/0btbyn +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0b9l3x /people/person/profession /m/02hrh1q +/m/07gql /music/instrument/instrumentalists /m/028qyn +/m/083shs /film/film/music /m/01l79yc +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/070fnm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bdt8 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/063_j5 /film/film/genre /m/0lsxr +/m/0gmtm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/01l9p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gy6z9 +/m/0jqn5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02qfhb /film/actor/film./film/performance/film /m/040_lv +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jz9f +/m/03mp1_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/08x5c_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08720 /film/film/production_companies /m/017jv5 +/m/01p8r8 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/01336l /people/ethnicity/people /m/01ypsj +/m/0l2rj /location/location/contains /m/07vjm +/m/0b_6yv /music/genre/artists /m/07sbk +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v63m +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018c_r +/m/03c6v3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pnn3 +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlz4 +/m/06sw9 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0cjsxp /film/actor/film./film/performance/film /m/05sxzwc +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04hs7d /tv/tv_program/genre /m/0hcr +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04cf09 +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039bp +/m/02vpvk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/08052t3 /film/film/country /m/09c7w0 +/m/0f6zs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dlhg +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/01tnbn /people/person/place_of_birth /m/0k049 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/02qr3k8 /film/film/country /m/09c7w0 +/m/0ccxx6 /music/genre/parent_genre /m/0fd3y +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07nt8p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mvp8 /people/ethnicity/people /m/02hkv5 +/m/0gbtbm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0klh7 +/m/01dtcb /music/record_label/artist /m/0889x +/m/016zdd /film/actor/film./film/performance/film /m/01q2nx +/m/0146hc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/067nsm /people/person/nationality /m/09c7w0 +/m/01zwy /people/person/employment_history./business/employment_tenure/company /m/01w3v +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/026lgs /film/film/story_by /m/01zwy +/m/06pcz0 /people/person/gender /m/05zppz +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/09jcj6 /film/film/written_by /m/081lh +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pj3h +/m/015_1q /music/record_label/artist /m/07z542 +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019l68 +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/01wv9p +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/0d5wn3 /people/person/gender /m/05zppz +/m/0l15f_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/01vh08 /people/person/profession /m/02hrh1q +/m/064t9 /music/genre/artists /m/02vcp0 +/m/02779r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gd_b_ +/m/02wycg2 /people/person/gender /m/05zppz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04bbpm +/m/02_4fn /people/person/profession /m/0dxtg +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/02j9z /location/location/contains /m/04w58 +/m/02t1wn /people/person/profession /m/02hrh1q +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026wlxw +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nvmd_ +/m/04bgy /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0c4f4 /film/actor/film./film/performance/film /m/03p2xc +/m/0p3sf /people/person/profession /m/01c72t +/m/0hjy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ssc /location/country/second_level_divisions /m/02fvv +/m/02kv5k /people/person/place_of_birth /m/01_d4 +/m/05mxw33 /people/person/profession /m/0dz3r +/m/03crcpt /people/person/nationality /m/02jx1 +/m/03vgp7 /film/actor/film./film/performance/film /m/0fgrm +/m/021_rm /people/person/place_of_birth /m/02_286 +/m/05q2c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/01xdf5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_p6t /film/actor/film./film/performance/film /m/07tj4c +/m/073w14 /people/person/place_of_birth /m/052p7 +/m/01jt2w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04jwly /film/film/executive_produced_by /m/014zcr +/m/0hfzr /film/film/language /m/064_8sq +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08yx9q +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/0sxrz /olympics/olympic_games/sports /m/03tmr +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0bytkq +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj9tn5 +/m/02q8ms8 /film/film/genre /m/02kdv5l +/m/02mslq /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/0ch3qr1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03pm9 /people/deceased_person/place_of_death /m/05l64 +/m/0h1v19 /film/film/genre /m/05p553 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/02_fz3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02661h /people/person/places_lived./people/place_lived/location /m/01fscv +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02ph9tm /film/film/personal_appearances./film/personal_film_appearance/person /m/04xrx +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0fhzwl /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01z5tr /award/award_winner/awards_won./award/award_honor/award_winner /m/033jj1 +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/04qt29 /people/person/gender /m/02zsn +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01sfmyk /people/person/nationality /m/09c7w0 +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/01tpvt /education/educational_institution/school_type /m/05jxkf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/03rjj /location/location/contains /m/0ggyr +/m/016wzw /location/country/form_of_government /m/06cx9 +/m/0mw_q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw93 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059g4 +/m/022_lg /influence/influence_node/influenced_by /m/032md +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04bjff +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06rk8r +/m/015wfg /people/person/nationality /m/0345h +/m/01bn3l /film/film/executive_produced_by /m/0ds2sb +/m/047vnkj /film/film/genre /m/03k9fj +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/03s9kp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vsykc /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/07s3m4g /film/film/genre /m/0c3351 +/m/0f14q /film/actor/film./film/performance/film /m/06r2h +/m/05xd_v /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0443xn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/04913k /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/068g3p /people/person/profession /m/02hrh1q +/m/05j49 /location/location/contains /m/022jr5 +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01rf57 /tv/tv_program/genre /m/02vnz +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/03lvyj /film/actor/film./film/performance/film /m/0sxns +/m/0dy6c9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03b04g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/025y67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wwr5n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/059rc +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0bmhvpr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0fjyzt +/m/06kbb6 /people/person/profession /m/0dxtg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01p7yb +/m/036hv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/088lls /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0brddh /people/person/place_of_birth /m/0fl2s +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s0w +/m/01sb5r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fwj8 +/m/0kbws /olympics/olympic_games/participating_countries /m/05b7q +/m/01fbb3 /sports/sports_team_location/teams /m/01x4wq +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06fmdb /award/award_winner/awards_won./award/award_honor/award_winner /m/01m3x5p +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/02ljhg /film/film/genre /m/07s9rl0 +/m/01rwcgb /people/person/gender /m/05zppz +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0320fn /film/film/language /m/02h40lc +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03cl8lb +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/09blyk /media_common/netflix_genre/titles /m/06kl78 +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/02x8m /music/genre/artists /m/01wk7ql +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_x +/m/073749 /people/person/profession /m/02hrh1q +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01z_jj /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0p9qb +/m/081k8 /people/person/places_lived./people/place_lived/location /m/0g251 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0275_pj +/m/01s0ps /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm74 +/m/02vq8xn /people/person/employment_history./business/employment_tenure/company /m/03jl0_ +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/014_xj /influence/influence_node/influenced_by /m/0167xy +/m/03lpp_ /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/0dwsp /music/instrument/family /m/0l14md +/m/07y8l9 /film/actor/film./film/performance/film /m/0888c3 +/m/0jt3tjf /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r02m +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0241jw +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsl3_ +/m/0tz1j /location/hud_county_place/county /m/0k3hn +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tj5 +/m/04gycf /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/026bfsh +/m/0165v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03lvyj /people/person/spouse_s./people/marriage/location_of_ceremony /m/01x73 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016tbr +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03h8_g /people/person/gender /m/05zppz +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/026v437 /people/person/profession /m/02hrh1q +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/01jtp7 /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/0177z /location/location/time_zones /m/02llzg +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/01v3vp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/06gh0t /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/01d_4t /people/person/profession /m/0np9r +/m/02rghbp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/0_7z2 /location/location/contains /m/02rg_4 +/m/0g5ptf /film/film/music /m/01l3mk3 +/m/059j4x /award/award_winner/awards_won./award/award_honor/award_winner /m/01rzqj +/m/0jf1b /people/person/languages /m/02h40lc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/05r5c /music/instrument/instrumentalists /m/03c602 +/m/0bqch /people/person/profession /m/02hrh1q +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0291hr /film/film/genre /m/0gf28 +/m/071g6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v3s2_ +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/08s_lw +/m/0161sp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mscn /music/genre/artists /m/03y82t6 +/m/052hl /influence/influence_node/influenced_by /m/0h953 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/081pw /film/film_subject/films /m/0hfzr +/m/0vzm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/02d4ct /film/actor/film./film/performance/film /m/023g6w +/m/07vqnc /tv/tv_program/genre /m/02lvfq +/m/0ktx_ /film/film/genre /m/01hmnh +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g7pm1 +/m/05cv8 /influence/influence_node/influenced_by /m/05qzv +/m/02v406 /people/person/place_of_birth /m/06mxs +/m/0fb7c /film/actor/film./film/performance/film /m/0ckt6 +/m/073hkx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d99k_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014y6 /people/person/places_lived./people/place_lived/location /m/0bdg5 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yzbg +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ns3gy +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0k9wp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/0r679 /base/biblioness/bibs_location/state /m/01n7q +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/0br1w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/0166b /location/country/official_language /m/0k0sb +/m/022p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/027f7dj /film/actor/film./film/performance/film /m/04xx9s +/m/0f1k__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03x83_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jymd /film/film/film_format /m/0cj16 +/m/04t2t /media_common/netflix_genre/titles /m/065ym0c +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/02ts3h +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0cmf0m0 /film/film/genre /m/05p553 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0261w5 +/m/03xds /people/person/nationality /m/09c7w0 +/m/030tj5 /people/person/profession /m/0dxtg +/m/01hw5kk /film/film/production_companies /m/04rtpt +/m/02s2xy /location/location/time_zones /m/03plfd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gkkf +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/01xvjb +/m/0kv2hv /film/film/executive_produced_by /m/06y0xx +/m/04mlmx /film/actor/film./film/performance/film /m/0d_wms +/m/023n39 /film/actor/film./film/performance/film /m/07nxnw +/m/01qscs /film/actor/film./film/performance/film /m/0dj0m5 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/03twd6 /film/film/genre /m/02n4kr +/m/02r8hh_ /film/film/country /m/0f8l9c +/m/01ts_3 /people/person/profession /m/0cbd2 +/m/0frsw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01200d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/07nx9j /film/actor/film./film/performance/film /m/065z3_x +/m/01cl0d /music/record_label/artist /m/01wz3cx +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/056jrs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03yvln +/m/07ssc /media_common/netflix_genre/titles /m/01w8g3 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0cgbf +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/07m77x /people/person/profession /m/02hrh1q +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/017_1x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/010xjr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06mr6 +/m/0bdxs5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0btxr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0dl5d /music/genre/artists /m/01czx +/m/03cyslc /film/film/language /m/02h40lc +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/042l8n +/m/0821j /people/person/profession /m/02hrh1q +/m/01qdhx /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/018sg9 +/m/04cxw5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0gvs1kt /film/film/production_companies /m/086k8 +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/08xpv_ /location/location/contains /m/0mw89 +/m/0kxf1 /film/film/genre /m/082gq +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01svw8n /award/award_winner/awards_won./award/award_honor/award_winner /m/01g23m +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/011zwl +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/07y_7 /music/instrument/instrumentalists /m/02r38 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0djywgn /people/person/profession /m/018gz8 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/06mt91 /people/person/profession /m/028kk_ +/m/0dpqk /people/person/profession /m/02krf9 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0160nk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/07f1x /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0dqcm /people/person/languages /m/064_8sq +/m/0181dw /music/record_label/artist /m/01l47f5 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0181dw /music/record_label/artist /m/02x8z_ +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/0mhfr /music/genre/artists /m/0x3b7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0f102 +/m/09c7w0 /location/country/second_level_divisions /m/0n2m7 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0d4htf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015rmq /people/person/religion /m/03_gx +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/018grr /film/actor/film./film/performance/film /m/01k1k4 +/m/01m13b /film/film/genre /m/07s9rl0 +/m/03k9fj /media_common/netflix_genre/titles /m/0hv27 +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/04znsy +/m/0x67 /people/ethnicity/people /m/014vk4 +/m/0dzlbx /film/film/film_production_design_by /m/02x2t07 +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08hmch +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/017b2p /people/person/profession /m/012t_z +/m/05sq84 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lv4x +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09tc_y +/m/0755wz /film/actor/film./film/performance/film /m/03_gz8 +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/012x2b +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/01qqtr /people/person/profession /m/02hrh1q +/m/0jnr3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04wlz2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xn_m /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0n08r /film/film/production_companies /m/017jv5 +/m/018vs /music/instrument/instrumentalists /m/0bg539 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/02byfd /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/01vvy /people/person/gender /m/05zppz +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jrhz +/m/09blyk /media_common/netflix_genre/titles /m/07cyl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0690ct +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/0126rp /film/actor/film./film/performance/film /m/02ywwy +/m/09tqx3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05kkh /location/location/contains /m/030w19 +/m/0jnm_ /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/04vs9 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/01hmnh /media_common/netflix_genre/titles /m/016z43 +/m/07c52 /media_common/netflix_genre/titles /m/07g9f +/m/0glt670 /music/genre/artists /m/01wd9lv +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/0b7xl8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/05fnl9 /people/person/profession /m/02krf9 +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/011xhx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r5w9 +/m/04f7c55 /people/person/religion /m/01lp8 +/m/03np3w /people/person/gender /m/05zppz +/m/05k2s_ /people/person/profession /m/02jknp +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/028mc6 /film/actor/film./film/performance/film /m/01bjbk +/m/0170z3 /film/film/genre /m/07s9rl0 +/m/0l14j_ /music/instrument/instrumentalists /m/09prnq +/m/03fw4y /people/person/place_of_birth /m/0xnt5 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0315w4 /film/film/music /m/01tc9r +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/04f52jw /film/film/genre /m/01zhp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/065zf3p +/m/01b8jj /location/location/contains /m/01bcwk +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0167v4 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0320jz +/m/02q0v8n /film/film/genre /m/01jfsb +/m/017yxq /people/person/profession /m/0dxtg +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0432mrk +/m/0ggx5q /music/genre/artists /m/01_ztw +/m/016wzw /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/02lk60 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/0ylsr /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/01tsbmv /film/actor/film./film/performance/film /m/01vksx +/m/01fx5l /people/person/profession /m/0kyk +/m/02zbjhq /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425c5 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/01x53m +/m/05r5c /music/instrument/instrumentalists /m/01vrz41 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/02p76f9 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/02rghbp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/02j9z /base/locations/continents/countries_within /m/0k6nt +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/02zyq6 /people/person/places_lived./people/place_lived/location /m/0xn5b +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/07gql /music/instrument/instrumentalists /m/02sjp +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/01q7cb_ /people/person/profession /m/02hrh1q +/m/0c01c /people/person/place_of_birth /m/081yw +/m/07t_l23 /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/07srw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01kx_81 /people/person/nationality /m/02jx1 +/m/01x4wq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05vtbl /people/person/profession /m/03gjzk +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/05489 /film/film_subject/films /m/0pd64 +/m/0qpsn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qpqn +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/04mrfv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0b_6q5 /time/event/locations /m/0vm39 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0dwvl +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04v7kt +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/0jqkh /film/film/produced_by /m/06pjs +/m/0mb5x /people/person/profession /m/0kyk +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0m9_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05tbn /location/location/contains /m/04x8mj +/m/0b2qtl /film/film/genre /m/04xvh5 +/m/0n5hw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02v8kmz /film/film/genre /m/05mrx8 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/07yk1xz /film/film/genre /m/017fp +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01x53m /people/person/employment_history./business/employment_tenure/company /m/03sc8 +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0155w /music/genre/artists /m/021r7r +/m/0d61px /film/film/country /m/0f8l9c +/m/034hzj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06c62 /location/location/time_zones /m/02llzg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/017_1x +/m/06t2t /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/02p8454 /education/educational_institution/students_graduates./education/education/student /m/0gs7x +/m/019vgs /people/person/profession /m/0np9r +/m/06hx2 /people/person/nationality /m/09c7w0 +/m/02xyl /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0hfzr /film/film/written_by /m/07s93v +/m/014488 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0161sp /film/actor/film./film/performance/film /m/05c46y6 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/0prfz +/m/04kr63w /film/actor/film./film/performance/film /m/0bwhdbl +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/04v7kt /people/person/profession /m/01d_h8 +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09c7w0 /location/country/second_level_divisions /m/0nty_ +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0c5dd /film/film/genre /m/04228s +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/position /m/02qvgy +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0k419 /film/film/genre /m/07s9rl0 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/05mvd62 +/m/0sngf /base/biblioness/bibs_location/country /m/09c7w0 +/m/014bpd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lf0c +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/09r9m7 +/m/075wx7_ /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0168nq /organization/organization/headquarters./location/mailing_address/citytown /m/0xpp5 +/m/01vwllw /film/actor/film./film/performance/film /m/0gwgn1k +/m/011w20 /people/person/place_of_birth /m/02cl1 +/m/03xb2w /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/025ldg /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/025ljp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/01_0f7 /film/film/genre /m/06l3bl +/m/02zy1z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_hj4 /people/person/profession /m/0cbd2 +/m/09h4b5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03xnq9_ +/m/05xd8x /people/person/nationality /m/03rk0 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/041jk9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05z7c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hkck +/m/039cpd /business/business_operation/industry /m/03qh03g +/m/0b_dy /people/person/languages /m/02h40lc +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmcwlb +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/02zl4d /people/person/nationality /m/0chghy +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044k8 +/m/02jx1 /location/country/second_level_divisions /m/0ht8h +/m/02gd6x /film/film/genre /m/07s9rl0 +/m/031778 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c00lh /people/person/gender /m/05zppz +/m/0gk4g /medicine/disease/risk_factors /m/05zppz +/m/01s21dg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09yrh +/m/0284h6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0330r /tv/tv_program/program_creator /m/03wh8kl +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/047t_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0grwj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/012x4t +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0ffgh /people/person/spouse_s./people/marriage/spouse /m/0x3n +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zbg0 +/m/01wd02c /influence/influence_node/influenced_by /m/08304 +/m/0plw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01lcxbb /people/person/gender /m/05zppz +/m/075npt /people/person/gender /m/05zppz +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041jlr +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/0gs1_ +/m/012jfb /film/film/written_by /m/0jw67 +/m/073tm9 /business/business_operation/industry /m/02jjt +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03f1r6t +/m/0356gk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0hvgt +/m/0162c8 /film/director/film /m/02z3r8t +/m/01jmyj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/05zwrg0 /film/film/country /m/07ssc +/m/0259r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w4fkq +/m/0j46b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cjcbg /award/award_category/category_of /m/0gcf2r +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/03z20c /film/film/genre /m/09q17 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07xtqq +/m/07bzz7 /film/film/genre /m/05p553 +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tqm5 +/m/04r7p /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/0b1hw +/m/0f_zkz /people/person/place_of_birth /m/0d6lp +/m/04tqtl /film/film/cinematography /m/06cv1 +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0bsb4j +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/02ld6x /film/director/film /m/024lt6 +/m/08959 /people/person/profession /m/099md +/m/05r5c /music/instrument/instrumentalists /m/01vw20_ +/m/01r5xw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/08phg9 /film/film/film_format /m/017fx5 +/m/02tktw /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/0l6ny /olympics/olympic_games/sports /m/02bkg +/m/017kz7 /film/film/genre /m/060__y +/m/0qlrh /location/location/time_zones /m/02hcv8 +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/04257b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_6y +/m/0d0vqn /location/country/form_of_government /m/01fpfn +/m/07j8r /film/film/country /m/07ssc +/m/0qcr0 /people/cause_of_death/people /m/0194xc +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09r_wb /people/person/place_of_birth /m/050tt8 +/m/0kvnn /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0159h6 /film/actor/film./film/performance/film /m/03ydlnj +/m/0c3ybss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dgq_kn /film/film/production_companies /m/0g1rw +/m/02x08c /film/actor/film./film/performance/film /m/0jvt9 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j24kf +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/050zr4 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01mwsnc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06r_by /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/05sb1 /location/country/official_language /m/02h40lc +/m/0jwvf /film/film/genre /m/09blyk +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0h7x +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01v3x8 +/m/02gf_l /people/person/place_of_birth /m/02cl1 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x03 +/m/0jcky /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/083p7 +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0473q +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02xs6_ /film/film/genre /m/02kdv5l +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/02w4v /music/genre/artists /m/02w4fkq +/m/0bh8yn3 /film/film/production_companies /m/086k8 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0k54q /film/film/genre /m/0hcr +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/02d6cy /film/director/film /m/09d3b7 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/0psss +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/083pr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05v8c +/m/01w61th /people/person/profession /m/016z4k +/m/0f3zsq /people/person/profession /m/0dgd_ +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b29 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/016tb7 /film/actor/film./film/performance/film /m/04h41v +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/02zd460 /education/university/fraternities_and_sororities /m/04m8fy +/m/02b1gz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/06qwh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f14q +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/04chyn +/m/050zr4 /film/actor/film./film/performance/film /m/0415ggl +/m/05tg3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/02_fz3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/0bdxs5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02wb6yq +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01ljpm +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/02p2zq /people/person/nationality /m/09c7w0 +/m/01bzs9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v0t /location/location/contains /m/0nv5y +/m/0326tc /people/person/profession /m/09j9h +/m/03jldb /film/actor/film./film/performance/film /m/05m_jsg +/m/06lq2g /music/genre/parent_genre /m/0fd3y +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/072r5v +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/05sq84 /film/actor/film./film/performance/film /m/01qz5 +/m/0hv8w /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/08vlns /music/genre/artists /m/020hyj +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/053ksp /people/person/place_of_birth /m/01yj2 +/m/03fvqg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04xx9s +/m/02xs0q /people/person/gender /m/05zppz +/m/02qrv7 /film/film/genre /m/01jfsb +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bxsk +/m/0fv_t /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/06yxd +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01lyv /music/genre/artists /m/017xm3 +/m/04r7p /people/person/profession /m/0dxtg +/m/0djywgn /people/person/nationality /m/02jx1 +/m/05650n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0222qb /people/ethnicity/people /m/02pqgt8 +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0h7h6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03_6y +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/049n7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gg59 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/0421ng /film/film/film_production_design_by /m/02vxyl5 +/m/06mzp /location/location/contains /m/08966 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/07h34 /location/location/contains /m/02_cx_ +/m/01f1r4 /dataworld/gardening_hint/split_to /m/01f1r4 +/m/072vj /people/person/gender /m/05zppz +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01m13b /film/film/country /m/03rj0 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/0c35b1 /film/actor/film./film/performance/film /m/0gj8nq2 +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qcr +/m/0knjh /people/person/places_lived./people/place_lived/location /m/05qtj +/m/02rg_4 /organization/organization/headquarters./location/mailing_address/citytown /m/0_7z2 +/m/02gnmp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/06r2_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07bch9 /people/ethnicity/people /m/032_jg +/m/0r3tq /location/hud_county_place/county /m/0l2q3 +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/0f4yh /film/film/production_companies /m/0kx4m +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/026y23w /people/person/profession /m/0gl2ny2 +/m/0lfbm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01_6dw /people/person/profession /m/02hv44_ +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bx0l /film/film/film_production_design_by /m/05km8z +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/04l19_ +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/03xkps +/m/0ymcz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/07dfk /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/073v6 /influence/influence_node/influenced_by /m/0zm1 +/m/0x67 /people/ethnicity/people /m/080knyg +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/01g4yw /education/educational_institution/school_type /m/05jxkf +/m/042q3 /people/person/profession /m/080ntlp +/m/09wnnb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06yykb +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/0fhp9 /location/location/contains /m/0dy04 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/0163m1 /people/person/gender /m/05zppz +/m/04xvlr /media_common/netflix_genre/titles /m/0kbf1 +/m/01wt4wc /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0ph2w /people/deceased_person/place_of_death /m/030qb3t +/m/03rg2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/028pzq /people/person/profession /m/02hrh1q +/m/036jv /music/genre/artists /m/01vw26l +/m/07vc_9 /film/actor/film./film/performance/film /m/0gy30w +/m/09tkzy /film/film/genre /m/02l7c8 +/m/02sn34 /base/aareas/schema/administrative_area/administrative_parent /m/07t21 +/m/0kcrd /location/location/time_zones /m/02fqwt +/m/09z2b7 /film/film/featured_film_locations /m/04jpl +/m/0bvn25 /film/film/produced_by /m/05ty4m +/m/039bpc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0261x8t +/m/0m40d /music/genre/artists /m/01817f +/m/01qn7n /tv/tv_program/program_creator /m/05g8ky +/m/09c7w0 /location/country/second_level_divisions /m/0l38g +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0b_6rk /time/event/locations /m/0vzm +/m/02jyhv /film/actor/film./film/performance/film /m/02c7k4 +/m/0hzlz /location/location/contains /m/01_vrh +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/09rsr0w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0hv81 /film/film/featured_film_locations /m/02_286 +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/07tj4c /film/film/genre /m/02l7c8 +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/02_286 /location/location/contains /m/0cc56 +/m/035qy /location/location/contains /m/09b_0m +/m/03ft8 /people/person/gender /m/05zppz +/m/02j7k /location/location/contains /m/03_xj +/m/04psf /people/cause_of_death/people /m/033hqf +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02v5xg /tv/tv_program/genre /m/0jxy +/m/0f13b /film/actor/film./film/performance/film /m/06r2_ +/m/01n073 /business/business_operation/industry /m/020mfr +/m/047fjjr /film/film/genre /m/01jfsb +/m/01nm3s /film/actor/film./film/performance/film /m/01vfqh +/m/013ybx /people/person/nationality /m/09c7w0 +/m/02hp6p /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/04zkj5 /people/person/profession /m/03gjzk +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01pllx /people/person/spouse_s./people/marriage/spouse /m/0993r +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/042xrr /people/person/profession /m/02hrh1q +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0x67 /people/ethnicity/people /m/0770cd +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g54xkt +/m/05m63c /people/person/places_lived./people/place_lived/location /m/03l2n +/m/01rwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01kjr0 /film/film/genre /m/0fdjb +/m/09c7w0 /location/country/second_level_divisions /m/0k3jc +/m/01mxnvc /people/person/profession /m/0nbcg +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx1m +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02stbw +/m/01vsy3q /music/group_member/membership./music/group_membership/role /m/02sgy +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f2rq +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/01gbn6 +/m/048yqf /film/film/prequel /m/048vhl +/m/01f7j9 /film/director/film /m/0hgnl3t +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/08rr3p /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02qkt /location/location/contains /m/0345h +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01qxc7 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0djkrp /film/film/executive_produced_by /m/02z6l5f +/m/04wddl /film/film/genre /m/07s9rl0 +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/01pctb /people/person/spouse_s./people/marriage/spouse /m/01vsykc +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/03vtrv /music/record_label/artist /m/01czx +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/03j24kf /music/group_member/membership./music/group_membership/role /m/0342h +/m/04gycf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059_c /location/location/contains /m/0n6mc +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030155 +/m/03w94xt /music/genre/artists /m/01gx5f +/m/02ctzb /people/ethnicity/people /m/07hyk +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/04y9dk +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02dpl9 /film/film/genre /m/06n90 +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xmxj +/m/04t7ts /film/actor/film./film/performance/film /m/0c9t0y +/m/018vs /music/instrument/instrumentalists /m/0473q +/m/04jpg2p /film/film/costume_design_by /m/03mfqm +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g_zyp +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/01pgk0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/0c38gj /film/film/genre /m/07s9rl0 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/045xh /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/081lh /film/director/film /m/06gjk9 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wgcvn +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/092vkg /film/film/executive_produced_by /m/02qgqt +/m/0219q /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/01d6jf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bxqz /film/film/genre /m/01j1n2 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/04x4s2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cbtlj +/m/0ql86 /time/event/locations /m/03spz +/m/0jw67 /people/person/place_of_birth /m/0m2rv +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/0dzt9 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0f4_l /film/film/language /m/02h40lc +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05gml8 +/m/016z7s /film/film/featured_film_locations /m/04jpl +/m/024tj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0tfc /influence/influence_node/influenced_by /m/026lj +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072r5v +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04v7kt +/m/063fh9 /film/film/country /m/01mjq +/m/0yzbg /film/film/production_companies /m/020h2v +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/0r62v /base/biblioness/bibs_location/state /m/01n7q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04wqsm +/m/064t9 /music/genre/artists /m/03f5spx +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/02vnp2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03qcfvw /film/film/genre /m/03k9fj +/m/05fjy /location/location/contains /m/0kpw3 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0660b9b /film/film/music /m/07v4dm +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/07ssc /media_common/netflix_genre/titles /m/01242_ +/m/09c7w0 /location/location/contains /m/02g839 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013t9y +/m/059kh /music/genre/artists /m/03xhj6 +/m/0bmh4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/011j5x /music/genre/artists /m/03t9sp +/m/0_7w6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/0lmm3 /sports/sports_team/colors /m/01g5v +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/02qgqt /film/actor/film./film/performance/film /m/04z_3pm +/m/05ksh /location/location/contains /m/01dq0z +/m/01xlqd /film/film/genre /m/02l7c8 +/m/051wf /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/016_mj /film/actor/film./film/performance/film /m/01sbv9 +/m/0mb0 /people/person/religion /m/0c8wxp +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/0d35y /location/hud_county_place/county /m/0m27n +/m/03j2gxx /people/person/religion /m/0n2g +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0144l1 /people/person/nationality /m/07ssc +/m/07s9rl0 /media_common/netflix_genre/titles /m/0drnwh +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/02n4kr /media_common/netflix_genre/titles /m/0296rz +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/01cgz /media_common/netflix_genre/titles /m/06cm5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02s2lg +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/04xvlr /media_common/netflix_genre/titles /m/09m6kg +/m/0m2b5 /location/location/time_zones /m/02hczc +/m/028lc8 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/06274w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dlngsd /film/film/genre /m/02n4kr +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02d_zc +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02qfh +/m/03kg2v /film/film/genre /m/02l7c8 +/m/02rbdlq /people/ethnicity/people /m/01rzqj +/m/07yp0f /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fn5s +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/06by7 /music/genre/artists /m/0dw3l +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/042q3 /influence/influence_node/influenced_by /m/03_f0 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0438pz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04xbq3 +/m/058cm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kwmc +/m/01v3k2 /education/educational_institution/colors /m/083jv +/m/02xgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01jnzj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gd9k /people/person/profession /m/02jknp +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mcjs +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/03gr7w /people/person/nationality /m/09c7w0 +/m/06pyc2 /film/film/music /m/01vrncs +/m/0dc7hc /film/film/prequel /m/07phbc +/m/024l2y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vzxmq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/06by7 /music/genre/artists /m/011z3g +/m/044qx /people/deceased_person/place_of_death /m/0k049 +/m/040rjq /influence/influence_node/influenced_by /m/02b29 +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/03_nq /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqn5 +/m/0j7ng /base/biblioness/bibs_location/country /m/02jx1 +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0_75d /location/hud_county_place/place /m/0_75d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cj_v7 +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/02b6n9 /film/film/genre /m/0219x_ +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/078lk /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0pmhf +/m/018f8 /film/film/production_companies /m/086k8 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0hdf8 /music/genre/artists /m/01cv3n +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m7d0 +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0464pz +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/04fzk +/m/0brgy /medicine/symptom/symptom_of /m/02psvcf +/m/03lmzl /people/person/gender /m/05zppz +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01jq34 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/01kv4mb +/m/029k4p /film/film/genre /m/0fdjb +/m/0dgq80b /film/film/country /m/0j1z8 +/m/03d3ht /tv/tv_program/genre /m/02kdv5l +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h0byn +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ljhg +/m/09xrxq /people/person/profession /m/0dxtg +/m/01wg6y /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/01ww2fs /people/person/profession /m/02hrh1q +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/0kjgl /people/person/profession /m/02hrh1q +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0byfz /people/person/gender /m/05zppz +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0sxlb /film/film/genre /m/05p553 +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b1q7c +/m/01j5ws /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0dwz3t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09cn0c /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/02q636 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/02hsgn /people/person/gender /m/05zppz +/m/03wj4r8 /film/film/production_companies /m/030_1m +/m/0n5xb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yh +/m/064_8sq /media_common/netflix_genre/titles /m/02rcdc2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08984j +/m/04sskp /tv/tv_program/genre /m/07s9rl0 +/m/0283_zv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07gyp7 /business/business_operation/industry /m/06l8d +/m/09889g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/03h304l /people/person/place_of_birth /m/0xl08 +/m/04vr_f /film/film/genre /m/07s9rl0 +/m/016zwt /location/country/form_of_government /m/06cx9 +/m/01cszh /music/record_label/artist /m/012vd6 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/06_kh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04jpk2 /film/film/genre /m/0219x_ +/m/0hn10 /media_common/netflix_genre/titles /m/0k0rf +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/03_d0 /music/genre/artists /m/02l_7y +/m/059rby /location/location/contains /m/0cc56 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/078g3l /film/actor/film./film/performance/film /m/01fmys +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/01k6nm /people/person/profession /m/02hrh1q +/m/0dq9wx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/026_dq6 +/m/01wsl7c /people/person/profession /m/039v1 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02_1ky /tv/tv_program/program_creator /m/02_2v2 +/m/033srr /film/film/genre /m/07s9rl0 +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/05r6t /music/genre/artists /m/03xl77 +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0hvvf /film/film/genre /m/07s9rl0 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05cv94 +/m/01vqrm /people/person/places_lived./people/place_lived/location /m/07ypt +/m/0n08r /film/film/language /m/02h40lc +/m/0g824 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/057bc6m +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03pc89 +/m/01hb6v /influence/influence_node/influenced_by /m/0b78hw +/m/02d003 /film/film/genre /m/05p553 +/m/02_qt /film/film/genre /m/03k9fj +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09qr6 +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/02stbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01hp5 /film/film/genre /m/07s9rl0 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026t6 /music/instrument/instrumentalists /m/02pzc4 +/m/06688p /people/person/place_of_birth /m/0hyxv +/m/01n7q /location/location/contains /m/0r172 +/m/02psgvg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01m2v2 /location/location/time_zones /m/02hczc +/m/01gwck /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/04w58 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018gqj +/m/05pbsry /tv/tv_program/genre /m/0c4xc +/m/027km64 /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/01_bkd /music/genre/artists /m/0bsj9 +/m/021bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pfkw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03gvm3t +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0863x_ +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qmy04 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06l7jj +/m/0p_47 /film/actor/film./film/performance/film /m/02bqvs +/m/01fy2s /education/educational_institution/colors /m/083jv +/m/03v_5 /location/location/contains /m/03zj9 +/m/06fqlk /film/film/country /m/0d05w3 +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/020vx9 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/029_3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01h910 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0gmtm /film/actor/film./film/performance/film /m/0kbhf +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07sbk /music/artist/origin /m/052bw +/m/0c34mt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/028q6 /people/person/gender /m/05zppz +/m/07rd7 /people/person/profession /m/03gjzk +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01713c +/m/02p3cr5 /music/record_label/artist /m/02cpp +/m/03spz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0dw4b0 /film/film/country /m/09c7w0 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02pk6x /film/actor/film./film/performance/film /m/01npcx +/m/04xvlr /media_common/netflix_genre/titles /m/049xgc +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01hw5kk +/m/05qx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0212mp +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015d3h +/m/0clvcx /people/person/nationality /m/06q1r +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/04vcdj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpsrx +/m/02q42j_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05fg2 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/02s4l6 /film/film/country /m/09c7w0 +/m/0dgq_kn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jp26 /sports/sports_team_location/teams /m/03j0ss +/m/096cw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03j_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/0261g5l +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/0498yf /sports/sports_team/colors /m/083jv +/m/0418ft /people/person/places_lived./people/place_lived/location /m/0ygbf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01lbcqx +/m/038czx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0j4b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/042v2 /influence/influence_node/influenced_by /m/05gpy +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/07s2s /film/film_subject/films /m/0gfzfj +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/03bw6 +/m/063y9fp /film/film/production_companies /m/03yxwq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0j_tw /film/film/music /m/01l1rw +/m/03_87 /influence/influence_node/influenced_by /m/02wh0 +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/02v92l /people/person/places_lived./people/place_lived/location /m/0gqkd +/m/02g87m /people/person/religion /m/0c8wxp +/m/0dnvn3 /film/film/genre /m/05p553 +/m/0gtsx8c /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/09qr6 +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/0l6mp /olympics/olympic_games/sports /m/03fyrh +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/05148p4 /music/instrument/instrumentalists /m/0m2l9 +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/033m23 /people/person/languages /m/03115z +/m/0cl8c /location/location/time_zones /m/02llzg +/m/0m7d0 /location/us_county/county_seat /m/068p2 +/m/058nh2 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/04mn81 +/m/015c2f /film/actor/film./film/performance/film /m/03bzyn4 +/m/02rf1y /film/actor/film./film/performance/film /m/0m491 +/m/080nwsb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/07c5l /location/location/contains /m/0165v +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01xzb6 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/020trj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0j6tr /sports/sports_team/colors /m/06kqt3 +/m/02fj8n /film/film/language /m/02h40lc +/m/07hwkr /people/ethnicity/languages_spoken /m/04306rv +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f46y +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/05_5_22 +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415mzy +/m/07sbbz2 /music/genre/artists /m/0m_v0 +/m/033g4d /film/film/music /m/02qwg +/m/04thp /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/01tvz5j /people/person/nationality /m/09c7w0 +/m/03b6j8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/02fqrf /film/film/story_by /m/04hw4b +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/05crg7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/051n13 /sports/sports_team/colors /m/019sc +/m/04s04 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fb0v /music/record_label/artist /m/02rn_bj +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01g04k +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/04gcd1 /people/person/nationality /m/09c7w0 +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02bqxb +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0kw4j /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/04jwly /film/film/executive_produced_by /m/03wbzp +/m/0cd2vh9 /film/film/genre /m/04pbhw +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/037n97 /music/genre/artists /m/03t9sp +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040rjq +/m/07q1m /film/film/cinematography /m/0627sn +/m/0y3_8 /music/genre/artists /m/0840vq +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4d7 +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/016sd3 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/01rlz4 /sports/sports_team/sport /m/02vx4 +/m/0296rz /film/film/genre /m/03bxz7 +/m/075p0r /people/person/gender /m/05zppz +/m/04qz6n /people/person/profession /m/0dxtg +/m/0407yj_ /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/034r25 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/06gd4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mvth /people/person/gender /m/05zppz +/m/03176f /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/06w87 /music/instrument/instrumentalists /m/01vw20_ +/m/016clz /music/genre/artists /m/025xt8y +/m/02773m2 /people/person/profession /m/02hrh1q +/m/01vw_dv /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kwx2 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/02q8ms8 /film/film/featured_film_locations /m/017_29 +/m/0knjh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/0738y5 +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0dfrq /influence/influence_node/influenced_by /m/028p0 +/m/02qdgx /music/genre/artists /m/01wk7ql +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b65l +/m/0j4b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05bmq +/m/03n785 /film/film/language /m/02h40lc +/m/03x762 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026f5s /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/016dj8 /film/film/executive_produced_by /m/06pj8 +/m/0mb5x /film/actor/film./film/performance/film /m/0fsd9t +/m/01z4y /media_common/netflix_genre/titles /m/0pk1p +/m/011wtv /film/film/language /m/02h40lc +/m/014kkm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zwrg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lfcm /film/actor/film./film/performance/film /m/0h6r5 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/0dbns /education/educational_institution/students_graduates./education/education/student /m/03wjb7 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0hfjk /media_common/netflix_genre/titles /m/0n08r +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/0bq8tmw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/015rhv /film/actor/film./film/performance/film /m/01_1pv +/m/019z7q /film/director/film /m/03cvwkr +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0glt670 /music/genre/artists /m/01f2q5 +/m/0gn30 /people/person/profession /m/02jknp +/m/0202p_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ty7ll +/m/02cpb7 /film/actor/film./film/performance/film /m/0kv2hv +/m/01tw31 /people/person/profession /m/029bkp +/m/0m32h /medicine/disease/notable_people_with_this_condition /m/014488 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/021lby /film/director/film /m/0d_wms +/m/0bpbhm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/075mb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/04w7rn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f0fnk /people/person/nationality /m/09c7w0 +/m/05cx7x /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/05t7c1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01msrb /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06qd3 +/m/07jnt /film/film/story_by /m/0jt90f5 +/m/04x_3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/013w2r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gl6x /education/educational_institution/school_type /m/05jxkf +/m/02ln1 /influence/influence_node/influenced_by /m/0mj0c +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/07yvsn +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/05dbf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06dv3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/05tbn /location/location/contains /m/016wyn +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/0bqxw /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/0320jz +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/025hwq /award/award_winner/awards_won./award/award_honor/award_winner /m/030g9z +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/01j95 /tv/tv_program/genre /m/06n90 +/m/06b0d2 /people/person/place_of_birth /m/0vzm +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pj5q +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/0nj07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj0m +/m/074tb5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0gmtm +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/01gbbz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0btpx +/m/01vsy95 /music/artist/contribution./music/recording_contribution/performance_role /m/02sgy +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/05fgt1 /film/film/genre /m/07s9rl0 +/m/0dbdy /location/location/contains /m/01zfrt +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/04rzd +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgd +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0g22z /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0b6l1st /film/film/language /m/02h40lc +/m/051vz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/01c22t /film/film/story_by /m/05jcn8 +/m/02l3_5 /people/person/gender /m/02zsn +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x4r3 +/m/0c38gj /film/film/production_companies /m/086k8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ckrnn +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/0fb1q /film/actor/film./film/performance/film /m/0m63c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1l7 +/m/03cz83 /education/educational_institution/colors /m/09ggk +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0tj9 +/m/09p0q /people/person/profession /m/02jknp +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0dbb3 /music/artist/origin /m/094jv +/m/0c33pl /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/09c7w0 /location/location/contains /m/041_3z +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0bwgc_ /film/actor/film./film/performance/film /m/0g3zrd +/m/01csrl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049dyj /film/actor/film./film/performance/film /m/03z20c +/m/04ld32 /organization/organization/headquarters./location/mailing_address/citytown /m/0fpzwf +/m/0g5q34q /film/film/genre /m/07s9rl0 +/m/01z4y /media_common/netflix_genre/titles /m/02x8fs +/m/011k1h /music/record_label/artist /m/01vw8mh +/m/02jztz /education/educational_institution_campus/educational_institution /m/02jztz +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01qxc7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/02h1rt +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0qcr0 /people/cause_of_death/people /m/01csrl +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/052m7n /award/award_category/winners./award/award_honor/award_winner /m/05hks +/m/03m6pk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0456xp +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/03jsvl /music/genre/artists /m/01d4cb +/m/0d05w3 /media_common/netflix_genre/titles /m/01mgw +/m/0db94w /film/film/country /m/03_3d +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/08fn5b /film/film/featured_film_locations /m/016tw3 +/m/0r6cx /location/location/time_zones /m/02lcqs +/m/011yqc /film/film/featured_film_locations /m/030qb3t +/m/032jlh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01r93l /people/person/gender /m/05zppz +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/0chgr2 /base/aareas/schema/administrative_area/capital /m/0chgzm +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/044prt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/052_mn +/m/02rcdc2 /film/film/written_by /m/053ksp +/m/01xcr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fb1q +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/0jv5x +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/06rgq +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/05kkh /location/location/contains /m/01nhgd +/m/015gsv /film/actor/film./film/performance/film /m/012s1d +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0661m4p +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/06rq2l /people/person/gender /m/05zppz +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/064t9 /music/genre/artists /m/03f0qd7 +/m/0prjs /film/actor/film./film/performance/film /m/01kff7 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/03j43 +/m/02lfcm /people/person/place_of_birth /m/0yc7f +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/012x2b /people/person/languages /m/02h40lc +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0ckrgs /film/film/language /m/03_9r +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/03fnqj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01w_d6 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/04b_46 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/01fs_4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/05j82v /film/film/genre /m/017fp +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/041td_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr89x +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0203v +/m/09v0wy2 /award/award_category/disciplines_or_subjects /m/018rn4 +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/010hn /people/person/nationality /m/09c7w0 +/m/02bj6k /film/actor/film./film/performance/film /m/03mh94 +/m/0s3pw /location/hud_county_place/county /m/0nvvw +/m/02qdgx /music/genre/artists /m/0134wr +/m/059kh /music/genre/artists /m/01tp5bj +/m/0277470 /people/person/profession /m/02hrh1q +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/013l6l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qncf /film/film/genre /m/07s9rl0 +/m/04ykg /location/location/contains /m/01dq5z +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ll45 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ctc6 +/m/016sp_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dj0m5 /film/film/country /m/09c7w0 +/m/05kh_ /people/person/profession /m/02krf9 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/076tq0z +/m/016dgz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05hywl /sports/sports_team/colors /m/01g5v +/m/017d93 /film/film/country /m/0345h +/m/05r3qc /film/film/genre /m/0556j8 +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0286gm1 +/m/01y9jr /film/film/genre /m/02kdv5l +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h21v2 +/m/0hpt3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fn5bx /people/person/nationality /m/09c7w0 +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/01njml /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cgwt8 /sports/sports_team/colors /m/019sc +/m/07fpm3 /film/actor/film./film/performance/film /m/0g9wdmc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b19t +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/013fn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05zjd +/m/02qx1m2 /people/person/nationality /m/0345h +/m/02114t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g0jn +/m/031vy_ /education/educational_institution/students_graduates./education/education/student /m/071xj +/m/0136p1 /people/person/gender /m/02zsn +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/073w14 +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/01pq5j7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04chyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01kkjq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/01z452 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cl0d /music/record_label/artist /m/01tpl1p +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/09w6br /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0jbs5 /location/statistical_region/religions./location/religion_percentage/religion /m/04t_mf +/m/06cqb /music/genre/artists /m/0fp_v1x +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0fvzg /base/biblioness/bibs_location/state /m/05mph +/m/02__34 /film/film/produced_by /m/04g3p5 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/03p01x /people/person/profession /m/02jknp +/m/0btxr /film/actor/film./film/performance/film /m/059rc +/m/0dcdp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f63n +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/09ksp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/02jx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/06mnps /people/person/profession /m/02hrh1q +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/063t3j +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/07h34 /location/location/partially_contains /m/0lm0n +/m/01y6dz /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09prnq /people/person/gender /m/05zppz +/m/01g42 /film/actor/film./film/performance/film /m/0pd57 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/05v10 /location/country/official_language /m/06nm1 +/m/0347db /people/person/profession /m/0np9r +/m/06s_2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0qlnr /education/educational_institution/school_type /m/05pcjw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/03f1r6t /award/award_winner/awards_won./award/award_honor/award_winner /m/02b9g4 +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dj5q /people/person/religion /m/0c8wxp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/03ckfl9 /music/genre/artists /m/0lzkm +/m/01vw20h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g839 /education/educational_institution/campuses /m/02g839 +/m/02w7gg /people/ethnicity/people /m/016k6x +/m/03b1l8 /film/film/genre /m/04t36 +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0399p /people/person/gender /m/05zppz +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ggbhy7 /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/02jx1 /location/country/second_level_divisions /m/021y1s +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/0pmw9 +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/048fz /location/location/contains /m/05b7q +/m/0jpn8 /education/educational_institution/colors /m/036k5h +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bc71w /people/person/profession /m/0kyk +/m/03x8cz /music/record_label/artist /m/057xn_m +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0dsx3f /tv/tv_program/genre /m/07qht4 +/m/03rk0 /location/location/contains /m/01j922 +/m/02x9cv /organization/organization/headquarters./location/mailing_address/state_province_region /m/050l8 +/m/0n83s /film/film/country /m/09c7w0 +/m/0d060g /location/location/contains /m/0pmpl +/m/05b6rdt /film/film/production_companies /m/017jv5 +/m/01cf93 /music/record_label/artist /m/06449 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0184jc +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/02lg3y +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0q_xk +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/02b0_m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/02ryz24 /film/film/written_by /m/070yzk +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/061dn_ +/m/01w40h /music/record_label/artist /m/01vrz41 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/033x5p /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01rp13 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/04vq3h /people/person/profession /m/02hrh1q +/m/02pzck /people/person/profession /m/018gz8 +/m/01hw5kk /film/film/executive_produced_by /m/0343h +/m/039bp /film/actor/film./film/performance/film /m/042fgh +/m/0q9b0 /film/film/genre /m/03bxz7 +/m/05650n /film/film/genre /m/03k9fj +/m/031x2 /time/event/locations /m/02wmy +/m/01crd5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hhv +/m/03qx63 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05b6c +/m/02lnbg /music/genre/artists /m/016890 +/m/01f7jt /film/film/executive_produced_by /m/02q_cc +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/0jdx /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0c9t0y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g1lp +/m/02vntj /film/actor/film./film/performance/film /m/04gp58p +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/07ssc /location/location/contains /m/03lrc +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02b19t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0d35y /sports/sports_team_location/teams /m/0x0d +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/09c7w0 /location/country/second_level_divisions /m/0n5fz +/m/0d04z6 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0161sp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/02wh0 /influence/influence_node/influenced_by /m/0372p +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/03g9xj /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/016ybr /music/genre/parent_genre /m/064t9 +/m/033tf_ /people/ethnicity/people /m/01j5ws +/m/0j5ym /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06f32 +/m/0dq626 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/013dy7 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04sskp +/m/0jdr0 /film/film/produced_by /m/015nvj +/m/03ys48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01d34b /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02vxq9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05sb1 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03hhd3 /people/person/gender /m/05zppz +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/02482c /education/educational_institution/school_type /m/05jxkf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/04mzf8 /film/film/genre /m/02l7c8 +/m/0391jz /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/026dd2b /people/person/profession /m/03gjzk +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0gyh +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0mmd6 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/0drnwh /film/film/genre /m/07s9rl0 +/m/06w2yp9 /people/person/nationality /m/09c7w0 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/064t9 /music/genre/artists /m/01kymm +/m/011yxg /film/film/prequel /m/01cssf +/m/0bj9k /people/person/profession /m/01d_h8 +/m/028cg00 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01rxyb /film/film/executive_produced_by /m/05hj_k +/m/01x0sy /people/person/profession /m/02hrh1q +/m/0q9sg /film/film/produced_by /m/04t38b +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01fy2s +/m/03lgg /people/person/profession /m/02hrh1q +/m/08phg9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0n6dc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m32_ /people/person/profession /m/03gjzk +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0bz5v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/087qxp +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/03_d0 /music/genre/artists /m/02mslq +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0f276 +/m/04k9y6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/017wh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bz5v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/02y8bn /people/person/gender /m/05zppz +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d4cb +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/0h0wc /award/award_winner/awards_won./award/award_honor/award_winner /m/01kb2j +/m/0x67 /people/ethnicity/people /m/01trhmt +/m/06x77g /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/05qhw /location/country/form_of_government /m/026wp +/m/065z3_x /film/film/featured_film_locations /m/0f__1 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/01rs5p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0svqs /film/actor/film./film/performance/film /m/02f6g5 +/m/059ss /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0690dn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01xllf /film/actor/film./film/performance/film /m/03459x +/m/07_q87 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0yx74 /location/location/time_zones /m/02fqwt +/m/011k1h /music/record_label/artist /m/0c9l1 +/m/07csf4 /people/person/place_of_birth /m/0cr3d +/m/03lgg /people/person/nationality /m/09c7w0 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09v8clw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02wwmhc +/m/0n08r /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/04_xr8 /base/aareas/schema/administrative_area/administrative_parent /m/0c7hq +/m/03rhqg /music/record_label/artist /m/03xhj6 +/m/0g6ff /people/ethnicity/people /m/06wvj +/m/0h0wc /film/actor/film./film/performance/film /m/0mcl0 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/05k2s_ /people/person/place_of_birth /m/0rd6b +/m/0n85g /music/record_label/artist /m/01wk7ql +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0dln8jk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hfjk /media_common/netflix_genre/titles /m/01kff7 +/m/03f0qd7 /people/person/place_of_birth /m/0f2v0 +/m/034qmv /film/film/executive_produced_by /m/012d40 +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/091n7z /people/person/gender /m/02zsn +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/06srk /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/016w7b /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04b675 /music/genre/parent_genre /m/01jwt +/m/0btbyn /film/film/featured_film_locations /m/0fr0t +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8yn3 +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03s9kp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02v60l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pw2f1 +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03fnqj +/m/01kvqc /people/person/nationality /m/09c7w0 +/m/017ztv /organization/organization/headquarters./location/mailing_address/citytown /m/01lfy +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/04f7c55 /film/actor/film./film/performance/film /m/04gv3db +/m/02h40lc /language/human_language/countries_spoken_in /m/04hhv +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/056ws9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c26ss +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0h08p /music/genre/parent_genre /m/03_d0 +/m/01pcdn /people/person/profession /m/02hrh1q +/m/08jgk1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01r7pq /people/person/gender /m/02zsn +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/03hpr +/m/0f5xn /people/person/nationality /m/09c7w0 +/m/02jx1 /location/location/contains /m/0127c4 +/m/099ks0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/030z4z +/m/01vw8mh /people/person/languages /m/02h40lc +/m/02nrdp /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0187y5 +/m/01r3w7 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvyvk /award/award_winner/awards_won./award/award_honor/award_winner /m/012vd6 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/05l8y +/m/0hsn_ /film/actor/film./film/performance/film /m/016y_f +/m/01jrbv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0230rx +/m/01yhvv /people/person/place_of_birth /m/01r32 +/m/05q_dw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bzc7 /music/genre/artists /m/0k60 +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/089j8p /film/film/produced_by /m/015vq_ +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050023 +/m/01gvts /film/film/country /m/09c7w0 +/m/02ctzb /people/ethnicity/people /m/0b22w +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/09146g /film/film/genre /m/02kdv5l +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/06n3y +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0340hj /film/film/prequel /m/02wgk1 +/m/09hy79 /film/film/genre /m/01hmnh +/m/01lvzbl /people/person/gender /m/05zppz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hsqf +/m/0gtt5fb /film/film/written_by /m/013tcv +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0499lc +/m/01tffp /time/event/locations /m/04hqz +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/019l68 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fs_4 /people/person/profession /m/02hrh1q +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/050t68 +/m/01hvv0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02w7gg /people/ethnicity/people /m/014cw2 +/m/074w86 /film/film/genre /m/05p553 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0y_yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bv8h2 /film/film/story_by /m/03rx9 +/m/0ggx5q /music/genre/artists /m/01d_h +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0g3zrd /film/film/featured_film_locations /m/0dyl9 +/m/025x1t /tv/tv_program/genre /m/01z4y +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03y3bp7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0725ny +/m/0209xj /film/film/written_by /m/01_f_5 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/0l_dv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/050l8 +/m/03hy3g /film/director/film /m/0_b3d +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/01qhm_ /people/ethnicity/people /m/05hdf +/m/01wskg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ryz24 /film/film/language /m/0653m +/m/0sx7r /olympics/olympic_games/sports /m/09w1n +/m/05g8pg /film/film/genre /m/08322 +/m/09xwz /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/040_lv /film/film/genre /m/0219x_ +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bs3j +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/029qzx +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cx7f /music/genre/artists /m/05qw5 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05f7s1 /education/educational_institution/campuses /m/05f7s1 +/m/0dvmd /film/actor/film./film/performance/film /m/0gwjw0c +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/05pdh86 /film/film/language /m/02bjrlw +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_0f7 +/m/03lvyj /film/actor/film./film/performance/film /m/0sxgv +/m/02qfhb /music/group_member/membership./music/group_membership/role /m/02hnl +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/08cx5g +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/027ybp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/011kn2 +/m/06qd3 /location/location/contains /m/0hsqf +/m/02fb1n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05css_ /film/film/genre /m/02kdv5l +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/0kb3n /award/award_winner/awards_won./award/award_honor/award_winner /m/02vyw +/m/0422v0 /film/film/country /m/09c7w0 +/m/07wm6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/02jx1 /location/location/contains /m/02mg5r +/m/017fp /media_common/netflix_genre/titles /m/0mcl0 +/m/01vhrz /organization/organization_founder/organizations_founded /m/03qx_f +/m/01wqflx /base/eating/practicer_of_diet/diet /m/07_jd +/m/03_hd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/096lf_ /people/person/profession /m/02hrh1q +/m/01w272y /people/person/profession /m/016z4k +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01b9w3 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/032zq6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/02t1dv /film/actor/film./film/performance/film /m/0cks1m +/m/0b90_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n7q +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/017v71 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/0947l /sports/sports_team_location/teams /m/03x6m +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0f2w0 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mskq +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0ywqc /film/actor/film./film/performance/film /m/09p4w8 +/m/0tt6k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0r5lz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/035gt8 +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dyb1 /film/film/story_by /m/04jspq +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0qlnr +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x43v +/m/07yjb /media_common/netflix_genre/titles /m/02fj8n +/m/02s2lg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ff3y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mx48 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx0f +/m/03xj05 /film/film/genre /m/017fp +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0422v0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vz6dn /film/film/genre /m/01hmnh +/m/06mzp /location/location/contains /m/01k4f +/m/0f2c8g /people/person/gender /m/05zppz +/m/09c7w0 /location/country/second_level_divisions /m/0mny8 +/m/01vsy3q /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01trhmt +/m/01fh0q /music/artist/origin /m/0dclg +/m/01hw5kk /film/film/genre /m/0dz8b +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/03vrp +/m/03tck1 /sports/sports_team/sport /m/02vx4 +/m/01y_rz /music/group_member/membership./music/group_membership/role /m/0l14md +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/094jv +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/052smk /music/genre/artists /m/03f0fnk +/m/0kpzy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d6lp +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/049dyj /people/person/places_lived./people/place_lived/location /m/06_kh +/m/02wm6l /location/country/form_of_government /m/06cx9 +/m/0h1k6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nh1v +/m/02yygk /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0clzr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m_w6 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0451j /film/actor/film./film/performance/film /m/053rxgm +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/015qh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bjv6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01k2wn +/m/0gk4g /people/cause_of_death/people /m/04bcb1 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0c2rr7 +/m/06sks6 /olympics/olympic_games/participating_countries /m/015fr +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06v_gh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/0lkr7 /film/actor/film./film/performance/film /m/03wy8t +/m/01xndd /people/person/profession /m/01d_h8 +/m/023n39 /film/actor/film./film/performance/film /m/026hxwx +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/018grr +/m/01bm_ /education/educational_institution/campuses /m/01bm_ +/m/087c7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01w40h /music/record_label/artist /m/01vtmw6 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/04tr1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0xhtw /music/genre/artists /m/0b_xm +/m/0l2xl /location/location/contains /m/0r679 +/m/0q9vf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w0yrc +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/09c7w0 /location/location/contains /m/0f__1 +/m/04h6mm /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/06sfk6 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0194xc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0524b41 /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/02wvfxl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/04gp58p /film/film/genre /m/0219x_ +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/01vsxdm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03hmr_ /people/person/profession /m/018gz8 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/017jd9 /film/film/produced_by /m/0js9s +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fyss +/m/07h565 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/0206k5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/01c6rd /location/administrative_division/first_level_division_of /m/0f8l9c +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016qtt +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/03y_46 /film/actor/film./film/performance/film /m/03177r +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/020l9r /film/actor/film./film/performance/film /m/033f8n +/m/0bh72t /film/film/genre /m/02kdv5l +/m/02fgdx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fqt1ns /film/film/genre /m/01hmnh +/m/0gl02yg /film/film/genre /m/07s9rl0 +/m/070w7s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/06cm5 /film/film/produced_by /m/04t38b +/m/0fd3y /music/genre/artists /m/0bpk2 +/m/02yy8 /influence/influence_node/influenced_by /m/07hyk +/m/03p7rp /music/genre/parent_genre /m/05c6073 +/m/030qb3t /location/location/contains /m/06kknt +/m/023p7l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/09swkk +/m/0lfyx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/0jdhp /film/actor/film./film/performance/film /m/0dnkmq +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q3bb +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/084m3 +/m/0gd0c7x /film/film/film_format /m/017fx5 +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0d060g /location/location/contains /m/01y9st +/m/0219q /people/person/place_of_birth /m/09bkv +/m/07r4c /people/person/places_lived./people/place_lived/location /m/0bxc4 +/m/01h8rk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fwzk +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0879bpq +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/01nm3s /people/person/profession /m/0np9r +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/04h5tx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vmt +/m/01gwk3 /film/film/executive_produced_by /m/09zw90 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01wg6y /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01vs4ff /people/person/profession /m/039v1 +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_l96 +/m/01dtl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/017f4y /people/person/place_of_birth /m/0f2rq +/m/02zbjwr /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f33tk +/m/0660b9b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0k__z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hknf /location/location/time_zones /m/02llzg +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h610 +/m/0_75d /location/hud_county_place/county /m/0fxyd +/m/01934k /people/deceased_person/place_of_burial /m/018mlg +/m/05dy7p /film/film/language /m/02h40lc +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/02m501 +/m/0rn8q /location/hud_county_place/place /m/0rn8q +/m/01qvtwm /film/actor/film./film/performance/film /m/07ng9k +/m/0c_tl /olympics/olympic_games/participating_countries /m/07ssc +/m/040v3t /award/award_category/winners./award/award_honor/award_winner /m/0jt90f5 +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02y9bj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0hnkp /film/actor/film./film/performance/film /m/0kbhf +/m/0n6kf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04t2t /media_common/netflix_genre/titles /m/06rzwx +/m/057hz /people/person/gender /m/02zsn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02wwr5n +/m/014vk4 /people/person/nationality /m/09c7w0 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1r6t +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/05zjtn4 /education/educational_institution/school_type /m/05jxkf +/m/02w6bq /education/educational_institution/school_type /m/05jxkf +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0byq6h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02jx1 /location/location/contains /m/01zfrt +/m/021j72 /people/person/profession /m/02hrh1q +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/01771z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/05fyss /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/06fq2 /education/educational_institution_campus/educational_institution /m/06fq2 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b6mgp_ +/m/03rk0 /location/location/contains /m/01c0h6 +/m/03cvwkr /film/film/genre /m/01t_vv +/m/0g9yrw /film/film/genre /m/06qln +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01_8n9 +/m/019n7x /people/person/profession /m/08z956 +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/02y9bj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/02vntj /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09rp4r_ +/m/04h41v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/07m77x /people/person/gender /m/02zsn +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/032md /people/person/profession /m/01d_h8 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0jbp0 +/m/02qydsh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/022_6 /base/biblioness/bibs_location/country /m/02jx1 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04w8f +/m/0xnvg /people/ethnicity/people /m/01pj5q +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rhrd +/m/014kg4 /film/actor/film./film/performance/film /m/03mr85 +/m/042f1 /organization/organization_founder/organizations_founded /m/0g8fs +/m/017mbb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/028qdb /award/award_winner/awards_won./award/award_honor/award_winner /m/01m7pwq +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/07vfj /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0f8pz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d07j8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc_l +/m/0mn9x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/06y_n /tv/tv_program/genre /m/0hcr +/m/026z9 /music/genre/artists /m/01r7pq +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0prjs +/m/01j5ts /film/actor/film./film/performance/film /m/03b1sb +/m/03f0fnk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04w7rn /film/film/genre /m/01hmnh +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/02hfgl /sports/sports_team/sport /m/018jz +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/05x72k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09wlpl +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/013xh7 +/m/06n7h7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01b7lc +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/03fb3t /base/biblioness/bibs_location/state /m/03gh4 +/m/011xy1 /education/educational_institution/colors /m/06fvc +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06b_j /language/human_language/countries_spoken_in /m/0163v +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/01nwwl /film/actor/film./film/performance/film /m/0f4k49 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s5t +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01438g /film/actor/film./film/performance/film /m/03cffvv +/m/0kv36 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2rj +/m/03q8xj /film/film/genre /m/04228s +/m/01f69m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08z0wx /music/genre/artists /m/01shhf +/m/02pb2bp /film/film/production_companies /m/030_1m +/m/057hz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/03lh3v /people/person/place_of_birth /m/0b_cr +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0k9wp /education/educational_institution_campus/educational_institution /m/0k9wp +/m/048scx /film/film/language /m/06b_j +/m/0277c3 /music/artist/origin /m/0rh6k +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/090q8l +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/01zt10 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0qm8b /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/016yr0 /people/person/profession /m/02hrh1q +/m/02rx2m5 /film/film/genre /m/03k9fj +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/03dbww /people/person/profession /m/02hrh1q +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03x22w +/m/0b9dmk /people/person/gender /m/02zsn +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187x8 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0lvng +/m/01d_4t /film/actor/film./film/performance/film /m/0k54q +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/018vs /music/instrument/instrumentalists /m/0ddkf +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03fg0r /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/011yfd /film/film/genre /m/07s9rl0 +/m/0ycht /location/hud_county_place/place /m/0ycht +/m/034f0d /business/business_operation/industry /m/02vxn +/m/081t6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02gn8s +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0c_gcr /film/actor/film./film/performance/film /m/047bynf +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/06cs95 /tv/tv_program/genre /m/0hfjk +/m/08sfxj /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03czz87 +/m/02vyw /people/person/places_lived./people/place_lived/location /m/06pvr +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/02l48d +/m/02my3z /people/person/places_lived./people/place_lived/location /m/0hyyq +/m/019803 /film/actor/film./film/performance/film /m/03h3x5 +/m/015_30 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/05qtj /location/location/contains /m/041pnt +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/01vy_v8 /people/person/profession /m/014kbl +/m/0fnmz /education/educational_institution/students_graduates./education/education/student /m/03_gd +/m/07bbw /music/genre/artists /m/01w8n89 +/m/0l2vz /location/location/time_zones /m/02lcqs +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/02rgz4 /people/person/profession /m/028kk_ +/m/0cjk9 /language/human_language/countries_spoken_in /m/03pn9 +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/047g98 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03n_7k /people/person/gender /m/05zppz +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/0237jb +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hgkd +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t0dy +/m/01b1pf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w6sj /base/culturalevent/event/entity_involved /m/059z0 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/068l3t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/05t0zfv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fvt2 /people/person/gender /m/05zppz +/m/01cx_ /base/biblioness/bibs_location/state /m/05k7sb +/m/01699 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qzh2 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/03x83_ /education/educational_institution/school_type /m/06cs1 +/m/06fc0b /film/actor/film./film/performance/film /m/03m8y5 +/m/08jgk1 /tv/tv_program/languages /m/02h40lc +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0d0kn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jhd +/m/03sww /people/person/profession /m/0dz3r +/m/0pd6l /film/film/cinematography /m/06nz46 +/m/0ggx5q /music/genre/artists /m/04xrx +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f63n +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/03vtrv /music/record_label/artist /m/017959 +/m/0hv1t /film/film/country /m/09c7w0 +/m/08cfr1 /film/film/genre /m/07s9rl0 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02tkzn +/m/015grj /film/actor/film./film/performance/film /m/0h1x5f +/m/064_8sq /media_common/netflix_genre/titles /m/07qg8v +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/047lj +/m/01kb2j /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/05w3f /music/genre/artists /m/01z9_x +/m/06rqw /music/genre/artists /m/03xl77 +/m/01nczg /people/person/profession /m/02hrh1q +/m/01w1sx /film/film_subject/films /m/0jdr0 +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/02vr3gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fpjd_g /people/person/profession /m/05vyk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05dbyt /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0gh6j94 /film/film/language /m/05qqm +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/04b_jc /film/film/written_by /m/0gpprt +/m/0gl5_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0915l1 /music/record_label/artist /m/02qsjt +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01wb7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vsnff /people/person/nationality /m/09c7w0 +/m/01rnxn /film/actor/film./film/performance/film /m/01fwzk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/0170xl /film/film/genre /m/03bxz7 +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/05mrf_p /film/film/film_festivals /m/09rwjly +/m/0b478 /organization/organization_founder/organizations_founded /m/04mwxk3 +/m/0gl02yg /film/film/country /m/0d05w3 +/m/02sh8y /film/actor/film./film/performance/film /m/0sxlb +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05r_x5 +/m/0gjvqm /film/actor/film./film/performance/film /m/0ds3t5x +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0drrw /location/location/time_zones /m/02hcv8 +/m/06z8gn /people/person/place_of_birth /m/02_286 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/09v1lrz /award/award_category/winners./award/award_honor/award_winner /m/02nfjp +/m/03bzyn4 /film/film/film_format /m/07fb8_ +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0fpjd_g /people/person/profession /m/01c72t +/m/08c4yn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02yxwd +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/016jny /music/genre/artists /m/045zr +/m/05hrq4 /people/person/nationality /m/09c7w0 +/m/0k20s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02jmst +/m/0q9kd /film/actor/film./film/performance/film /m/027pfg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/07s9rl0 /media_common/netflix_genre/titles /m/0462hhb +/m/0hsn_ /people/person/nationality /m/09c7w0 +/m/06p03s /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/032dg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08lr6s +/m/0p_47 /film/actor/film./film/performance/film /m/06t2t2 +/m/01g257 /people/person/profession /m/02hrh1q +/m/0jksm /education/educational_institution/colors /m/09ggk +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p85y +/m/03_gz8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h7t36 /film/film/language /m/02h40lc +/m/0m63c /film/film/production_companies /m/04rcl7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/056vv +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0f7hc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/07ssc /location/location/contains /m/01z56h +/m/018vs /music/instrument/instrumentalists /m/02yygk +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/023r2x +/m/04b19t /people/person/place_of_birth /m/04vmp +/m/02n4kr /media_common/netflix_genre/titles /m/0k5g9 +/m/02qkt /location/location/contains /m/035qy +/m/05b_7n /people/person/profession /m/09jwl +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02k76g /people/person/profession /m/0cbd2 +/m/02cw1m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cc07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1h +/m/01dtcb /music/record_label/artist /m/0gps0z +/m/02rcdc2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05bt6j /music/genre/artists /m/01jfnvd +/m/0f7hc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016dsy /people/person/place_of_birth /m/0n9r8 +/m/02tf1y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/021pqy +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/04t9c0 /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/07gqbk /music/record_label/artist /m/04rcr +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02s2ys +/m/0_b3d /film/film/country /m/07ssc +/m/01sxly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04yt7 +/m/01mh8zn /people/person/profession /m/02hrh1q +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/0163kf /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03n69x +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/01qhm_ /people/ethnicity/people /m/0fthdk +/m/03h8_g /people/person/profession /m/08z956 +/m/02p5hf /film/actor/film./film/performance/film /m/01rxyb +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03xx9l +/m/0137n0 /people/person/nationality /m/09c7w0 +/m/03h8_g /people/person/nationality /m/09c7w0 +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/01wbg84 /film/actor/film./film/performance/film /m/0ds33 +/m/0l1589 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01q9b9 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/04wf_b /people/person/gender /m/05zppz +/m/027cxsm /people/person/profession /m/0cbd2 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/013n2h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/025b5y /film/actor/film./film/performance/film /m/05m_jsg +/m/03hfmm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pbhz /base/biblioness/bibs_location/country /m/0f8l9c +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0jm3v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/02js6_ /film/actor/film./film/performance/film /m/03h0byn +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02w9k1c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04k3r_ +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/041td_ /film/film/genre /m/04xvlr +/m/05dxl5 /people/person/nationality /m/09c7w0 +/m/01fsv9 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/06pj8 /people/person/religion /m/03_gx +/m/0g8rj /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qmsr /film/film/genre /m/0c3351 +/m/02xry /location/administrative_division/first_level_division_of /m/09c7w0 +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/073w14 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/029_3 /people/person/profession /m/014ktf +/m/0pmw9 /people/person/profession /m/0np9r +/m/03tn80 /film/film/produced_by /m/02q_cc +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/05fg2 /organization/organization_member/member_of./organization/organization_membership/organization /m/015g1w +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02gjt4 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/015_1q /music/record_label/artist /m/03f2_rc +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbwx +/m/0283d /music/genre/parent_genre /m/02x8m +/m/01g23m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/05y5kf /people/person/nationality /m/07ssc +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pnn3 +/m/0f2tj /base/biblioness/bibs_location/state /m/04ly1 +/m/018ctl /olympics/olympic_games/sports /m/09_bl +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/024y8p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yt7 +/m/03m_k0 /people/person/profession /m/02hv44_ +/m/02h659 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07mkj0 /people/person/gender /m/05zppz +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp08zg +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/06gjk9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03975z +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/019nnl +/m/02y21l /music/record_label/artist /m/01_ztw +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012ljv +/m/0sx8l /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01v0fn1 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0m5s5 /film/film/country /m/09c7w0 +/m/01zkxv /people/person/profession /m/0cbd2 +/m/0163v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/08fbnx /film/film/written_by /m/013km +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01z_g6 +/m/0cc07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/015grj /people/person/profession /m/0dxtg +/m/07tgn /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/0jbp0 /film/actor/film./film/performance/film /m/0gj9tn5 +/m/06nnj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/025tm81 /music/genre/artists /m/01p95y0 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0j3v /influence/influence_node/influenced_by /m/015k7 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0qf2t /film/film/genre /m/01t_vv +/m/023znp /education/educational_institution_campus/educational_institution /m/023znp +/m/012j8z /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0bkf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015mrk +/m/02l7c8 /media_common/netflix_genre/titles /m/032clf +/m/01syr4 /people/person/languages /m/02h40lc +/m/0bc71w /award/award_winner/awards_won./award/award_honor/award_winner /m/0grmhb +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/02q3bb +/m/03rjj /location/location/contains /m/0c663 +/m/0f7h2g /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09v6tz +/m/03r0g9 /film/film/production_companies /m/017jv5 +/m/0kbvv /time/event/locations /m/07mgr +/m/0br1w /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0gzh /people/person/nationality /m/09c7w0 +/m/01_0f7 /film/film/genre /m/04xvlr +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/012mzw /education/educational_institution/colors /m/01g5v +/m/01x6jd /people/person/profession /m/02hrh1q +/m/0ggx5q /music/genre/artists /m/09h4b5 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/019n8z +/m/01xwqn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lx2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/07s8r0 /film/actor/film./film/performance/film /m/04cv9m +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/05fjy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/05g8pg /film/film/genre /m/0lsxr +/m/059_c /location/location/contains /m/06kx2 +/m/027ydt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qjj7 /people/person/profession /m/02hrh1q +/m/02s2ft /film/actor/film./film/performance/film /m/078sj4 +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0xxc /education/educational_institution/school_type /m/05jxkf +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cvkv5 +/m/01xvjb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/016xh5 +/m/0f4_l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0blg2 /olympics/olympic_games/sports /m/03fyrh +/m/02yw5r /time/event/instance_of_recurring_event /m/0g_w +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/015mrk +/m/0grd7 /base/biblioness/bibs_location/country /m/07ssc +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/06qwh +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lg9w +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/018qpb /people/person/profession /m/0dxtg +/m/0sxrz /olympics/olympic_games/sports /m/06z6r +/m/04z_3pm /film/film/film_festivals /m/03nn7l2 +/m/0155w /music/genre/artists /m/01whg97 +/m/01f8f7 /film/film/country /m/0345h +/m/0h7pj /film/actor/film./film/performance/film /m/04sntd +/m/0745k7 /people/person/profession /m/02hrh1q +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/059rby /location/location/contains /m/0fc32 +/m/02ntb8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/0gk7z /education/educational_institution_campus/educational_institution /m/0gk7z +/m/0cc846d /film/film/language /m/05f_3 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/06w87 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/0c_n9 /award/award_category/winners./award/award_honor/award_winner /m/082_p +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/01vs5c /education/educational_institution/students_graduates./education/education/student /m/05b__vr +/m/0m0jc /music/genre/artists /m/0c7ct +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0276jmv /people/person/profession /m/02hrh1q +/m/017yxq /people/person/spouse_s./people/marriage/spouse /m/026c1 +/m/0992d9 /film/film/genre /m/01jfsb +/m/01n951 /education/educational_institution/campuses /m/01n951 +/m/0sxrz /olympics/olympic_games/sports /m/01cgz +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/01l1sq /people/person/religion /m/092bf5 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/011k11 /music/record_label/artist /m/012vm6 +/m/04twmk /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03f4w4 /people/person/gender /m/02zsn +/m/02f2dn /people/person/nationality /m/02jx1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06xj4w +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r4qs +/m/021lby /film/director/film /m/042fgh +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/01crd5 /location/country/official_language /m/07zrf +/m/045cq /people/deceased_person/place_of_death /m/030qb3t +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02p76f9 /film/film/production_companies /m/086k8 +/m/02qgqt /film/actor/film./film/performance/film /m/02ylg6 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/04rfq /people/person/spouse_s./people/marriage/spouse /m/01hdht +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0ldd /influence/influence_node/influenced_by /m/0ky1 +/m/01hb1t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wkw +/m/024l2y /film/film/genre /m/06n90 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02_n5d +/m/0298n7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/07hwkr /people/ethnicity/people /m/04l19_ +/m/016tbr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r9p0c /film/film/genre /m/0jxy +/m/011yg9 /film/film/production_companies /m/017s11 +/m/053ksp /people/person/nationality /m/0hzlz +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z7_f +/m/01jq4b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0k6nt +/m/0f8l9c /location/location/contains /m/01j2_7 +/m/01_mdl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06cc_1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/085jw /music/instrument/family /m/0859_ +/m/09myny /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/067xw /people/person/profession /m/0cbd2 +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/08vr94 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/03c_8t /people/person/place_of_birth /m/052p7 +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/03rk0 /location/location/contains /m/050tt8 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/07p62k /film/film/production_companies /m/016tw3 +/m/0fv4v /location/location/time_zones /m/03bdv +/m/02qvhbb /people/person/gender /m/05zppz +/m/0209xj /film/film/genre /m/07s9rl0 +/m/021pqy /film/film/genre /m/01chg +/m/0swbd /olympics/olympic_games/sports /m/09_b4 +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/05kkh /base/aareas/schema/administrative_area/capital /m/01smm +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j7cf +/m/07twz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04gcyg /film/film/produced_by /m/04g865 +/m/0fjyzt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0gy7bj4 /film/film/language /m/02h40lc +/m/07s9rl0 /media_common/netflix_genre/titles /m/092vkg +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/0fh2v5 /film/film/language /m/02hxc3j +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0gh6j94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01w58n3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01rs5p /film/actor/film./film/performance/film /m/01xdxy +/m/0q9t7 /people/person/gender /m/05zppz +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06q1r +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fpn8 +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s26c +/m/01_x6d /people/person/profession /m/02hrh1q +/m/0l2yf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2vz +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/07lz9l /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qw_ +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g0mx +/m/0fv_t /location/hud_county_place/place /m/0fv_t +/m/05vsxz /film/actor/film./film/performance/film /m/05pbl56 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03bnv +/m/09prnq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_qrp /sports/sports_team/sport /m/02vx4 +/m/06jcc /influence/influence_node/influenced_by /m/03hnd +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/0qx1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xdf5 /people/person/nationality /m/09c7w0 +/m/04z0g /influence/influence_node/influenced_by /m/052h3 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03mq33 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/015pvh /film/actor/film./film/performance/film /m/0yx_w +/m/0kbg6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/02hh8j +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/018c_r +/m/01wbl_r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01p0vf /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0hrcs29 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0136jw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/0z4_0 /sports/sports_team_location/teams /m/0g0z58 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/06by7 /music/genre/artists /m/01t_xp_ +/m/044rvb /people/person/nationality /m/09c7w0 +/m/0qf2t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ds2l81 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0xnvg /people/ethnicity/people /m/058ncz +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/026n047 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01304j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02p65p +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/03j7cf /sports/sports_team/colors /m/036k5h +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/01l1b90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0337vz +/m/04wp3s /film/actor/film./film/performance/film /m/03wjm2 +/m/08nvyr /film/film/language /m/0jzc +/m/0prjs /people/person/profession /m/02hrh1q +/m/018ljb /time/event/locations /m/06mxs +/m/03bxp5 /film/film/genre /m/01j1n2 +/m/0358x_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wk7b7 +/m/03ydlnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/018sg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0yc7f /location/hud_county_place/place /m/0yc7f +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c46y6 +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/0kcnq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/012mzw /education/educational_institution/school_type /m/01_srz +/m/0yxm1 /film/film/cinematography /m/08z39v +/m/02pv_d /people/person/profession /m/01d_h8 +/m/01n7q /location/location/contains /m/0k9p4 +/m/019l68 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0127m7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01phtd +/m/0bnzd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03_6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02jtjz +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/022yb4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gz_ /people/person/profession /m/04s2z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04lhft +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/018m5q /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0jrqq /people/person/languages /m/0999q +/m/0pz91 /people/person/profession /m/02hrh1q +/m/07gghl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016z2j /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/01sb5r /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/06whf /influence/influence_node/influenced_by /m/058vp +/m/015gsv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/01hc1j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/064t9 /music/genre/artists /m/0p3r8 +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/02yxjs /education/educational_institution/colors /m/019sc +/m/01fwj8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd92 +/m/016ky6 /film/film/produced_by /m/03xp8d5 +/m/0c3351 /media_common/netflix_genre/titles /m/0191n +/m/05148p4 /music/instrument/instrumentalists /m/0b_j2 +/m/0nlqq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/03k6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0408m53 +/m/01lnyf /education/educational_institution/school_type /m/05jxkf +/m/07fvf1 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0621cs /music/genre/parent_genre /m/06by7 +/m/04xvlr /media_common/netflix_genre/titles /m/03vyw8 +/m/0mgcc /sports/sports_team/colors /m/019sc +/m/02w4v /music/genre/artists /m/01309x +/m/07r4c /music/artist/contribution./music/recording_contribution/performance_role /m/0gkd1 +/m/041xl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/013q0p /film/film/written_by /m/0p__8 +/m/012z8_ /people/person/gender /m/05zppz +/m/015_1q /music/record_label/artist /m/0f7hc +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y1mlp +/m/0184jc /film/actor/film./film/performance/film /m/0bc1yhb +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt7h_ +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/06nr2h +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvmd +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpn8 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/010y34 /base/biblioness/bibs_location/country /m/09c7w0 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dd2b +/m/040db /people/person/places_lived./people/place_lived/location /m/01f62 +/m/01fm07 /music/genre/artists /m/01pq5j7 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/08984j /film/film/production_companies /m/017s11 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01kff7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01qvgl +/m/04991x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02qlp4 /film/film/written_by /m/06dkzt +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02t_h3 /film/film/executive_produced_by /m/02q42j_ +/m/0151zx /film/actor/film./film/performance/film /m/0dtfn +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vhb +/m/0hfjk /media_common/netflix_genre/titles /m/0f4k49 +/m/08hhm6 /people/person/profession /m/01d_h8 +/m/01t8sr /education/educational_institution/students_graduates./education/education/student /m/0grwj +/m/024rgt /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0164b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/032nwy /people/person/nationality /m/09c7w0 +/m/09sr0 /film/film/edited_by /m/0bn3jg +/m/0l14j_ /music/instrument/instrumentalists /m/01l7cxq +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rff2 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0b9l3x /people/person/gender /m/05zppz +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qvz8 +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/026f__m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017l96 /music/record_label/artist /m/0180w8 +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/02phtzk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dvld /people/person/place_of_birth /m/0b_yz +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0h96g +/m/0fpjyd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pk41 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04ycjk +/m/02zbjhq /people/person/profession /m/0gl2ny2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gpjbt +/m/07m9cm /people/person/place_of_birth /m/0ptj2 +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/0d1mp3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c7xjb +/m/0bnzd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btyl /people/person/spouse_s./people/marriage/spouse /m/0m0nq +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/024qqx /media_common/netflix_genre/titles /m/05t54s +/m/03w1v2 /film/actor/film./film/performance/film /m/0gxtknx +/m/03mp8k /music/record_label/artist /m/01wcp_g +/m/04y0yc /people/person/gender /m/02zsn +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/035w2k /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/022fhd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01p7x7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x73 /location/location/contains /m/01m20m +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0j_c /film/director/film /m/01jr4j +/m/065r8g /education/educational_institution/colors /m/036k5h +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01wmcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04d2yp +/m/01h8sf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0g14f +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/01l1sq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_p6t /film/actor/film./film/performance/film /m/04z_3pm +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/053x8hr /tv/tv_program/genre /m/01htzx +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04__f +/m/0fpv_3_ /film/film/language /m/02h40lc +/m/04h41v /film/film/genre /m/0d63kt +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/02dr9j /film/film/produced_by /m/0js9s +/m/01xrlm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/064jjy /people/person/profession /m/01d_h8 +/m/015882 /people/person/profession /m/0dz3r +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0d66j2 +/m/048xyn /film/film/genre /m/06l3bl +/m/01zhs3 /sports/sports_team/colors /m/01g5v +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/02p86pb /film/film/production_companies /m/016tw3 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/017149 +/m/01_bkd /music/genre/artists /m/03lgg +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/048cl /influence/influence_node/influenced_by /m/081k8 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/09s1f +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dgskx +/m/06n9lt /people/person/profession /m/02hrh1q +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vt5c_ +/m/0dr_4 /film/film/written_by /m/03_gd +/m/01p5xy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0m7yh +/m/0418ft /people/person/employment_history./business/employment_tenure/company /m/01cvxf +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0bdlj +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/05qbckf /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/013pp3 /influence/influence_node/influenced_by /m/040_9 +/m/02ts3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/029d_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jym0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04j1n8 +/m/01_wfj /music/artist/origin /m/04jpl +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0l39b /location/location/contains /m/0l2tk +/m/03k50 /media_common/netflix_genre/titles /m/07vfy4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_qrp +/m/02_286 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01vsps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/01_r9k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cz_ym +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01vsy3q /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01tszq /people/person/profession /m/02hrh1q +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/024cg8 +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/03ym73 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/04b2qn /film/film/written_by /m/02pv_d +/m/0lwkz /location/administrative_division/country /m/0f8l9c +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/09p4w8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/06wm0z /people/person/religion /m/0kq2 +/m/0261x8t /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/01r7t9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqkh +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzlbx +/m/01z452 /film/film/language /m/02h40lc +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/03qjg +/m/07wm6 /education/educational_institution/colors /m/09q2t +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0462hhb /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0htcn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_9t7 +/m/0bpgx /film/film_subject/films /m/02j69w +/m/07k2x /business/business_operation/industry /m/03qh03g +/m/016hvl /people/person/places_lived./people/place_lived/location /m/096g3 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/03hhd3 /film/actor/film./film/performance/film /m/02dpl9 +/m/0dg3n1 /location/location/contains /m/05cgv +/m/0653m /language/human_language/countries_spoken_in /m/04thp +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02_lt +/m/0gp8sg /people/person/nationality /m/03rk0 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/04mby /people/person/profession /m/0d8qb +/m/04bbpm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/06w7mlh +/m/07w3r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y7hc +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vnmc9 +/m/015njf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05bt6j /music/genre/artists /m/0150jk +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0j11 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/02kxjx /base/culturalevent/event/entity_involved /m/0bxjv +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/04cl1 /people/person/profession /m/01d_h8 +/m/04411 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/091yn0 +/m/06nm1 /language/human_language/countries_spoken_in /m/06s0l +/m/041b4j /people/person/place_of_birth /m/01531 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02279c +/m/01skmp /film/actor/film./film/performance/film /m/065z3_x +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/025s1wg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/029_l /people/person/nationality /m/09c7w0 +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02s8qk +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h14ln /film/film/production_companies /m/01gb54 +/m/049fgvm /people/person/nationality /m/09c7w0 +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/0294fd /people/person/nationality /m/0chghy +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/027986c +/m/09889g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vxqyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0bshwmp /film/film/genre /m/05p553 +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/0n5_g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/013pp3 /people/person/religion /m/03_gx +/m/01jfsb /media_common/netflix_genre/titles /m/05rfst +/m/09cr8 /film/film/genre /m/0lsxr +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lt7b +/m/027km64 /people/person/gender /m/02zsn +/m/063zky /film/film/country /m/09c7w0 +/m/01nty /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01b7lc /education/educational_institution/school_type /m/02p0qmm +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/02rmd_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0jcx /people/person/nationality /m/0345h +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03jxw /influence/influence_node/influenced_by /m/0bwx3 +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/0ymbl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0288fyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s9rl0 /media_common/netflix_genre/titles /m/02tqm5 +/m/087v17 /people/person/place_of_birth /m/0cr3d +/m/03w1v2 /people/person/gender /m/05zppz +/m/0qpqn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m4mj /film/film/genre /m/0219x_ +/m/01tdnyh /people/person/profession /m/0kyk +/m/01r216 /people/person/gender /m/05zppz +/m/0105y2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0crvfq +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0gl6f +/m/015pvh /film/actor/film./film/performance/film /m/01c22t +/m/09c7w0 /location/country/second_level_divisions /m/0mrs1 +/m/04v048 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0522wp /people/person/profession /m/02jknp +/m/09c7w0 /location/location/contains /m/01j_5k +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/01sn3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0yvjx +/m/02qwg /people/person/profession /m/0dz3r +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y9xg +/m/0bv8h2 /film/film/country /m/09c7w0 +/m/01f7dd /people/person/profession /m/0np9r +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/09qvc0 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/03d9v8 /people/person/profession /m/080ntlp +/m/041rx /people/ethnicity/people /m/0h25 +/m/0d060g /location/location/contains /m/01wj17 +/m/0gsg7 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/01vn35l /people/person/profession /m/0fnpj +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0xhtw /music/genre/artists /m/0c9l1 +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ytc +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018yj6 +/m/0298n7 /film/film/executive_produced_by /m/015pkc +/m/03pn9 /location/statistical_region/religions./location/religion_percentage/religion /m/01gr6h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f485 +/m/0gmtm /people/person/religion /m/0c8wxp +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/037w7r +/m/016qtt /people/person/gender /m/05zppz +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09xwz +/m/0dr5y /people/person/profession /m/01d_h8 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06qgjh /people/person/profession /m/02jknp +/m/035s95 /film/film/produced_by /m/06chvn +/m/013cr /people/person/profession /m/02hrh1q +/m/037s9x /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/05zrvfd +/m/02dtg /sports/sports_team_location/teams /m/02fp3 +/m/03gn1x /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/03wd5tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b49tt +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/09v4bym /award/award_category/disciplines_or_subjects /m/02vxn +/m/04_1l0v /location/location/contains /m/01n4w +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0ck6r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/033w9g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m28g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kvt9 +/m/07f_t4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gd5z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/080h2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0179q0 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b1zz +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/04x4vj /film/film/music /m/02bh9 +/m/0m32h /people/cause_of_death/people /m/02pp_q_ +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgk1 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01d0fp /award/award_winner/awards_won./award/award_honor/award_winner /m/02lxj_ +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rrd4 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03w7kx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0443v1 +/m/063576 /education/educational_institution/students_graduates./education/education/student /m/021sv1 +/m/0jf1b /people/person/profession /m/0dxtg +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/04ych /location/location/contains /m/02tz9z +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/08qs09 +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027kp3 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/048xyn +/m/023p7l /film/film/genre /m/0hcr +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/02tq2r /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/054c1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/026xxv_ +/m/0166c7 /location/location/time_zones /m/052vwh +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/016ypb +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/035yn8 /film/film/featured_film_locations /m/02_286 +/m/06fq2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/063yv /medicine/symptom/symptom_of /m/02bft +/m/059fjj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03spz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/023p7l +/m/0k6yt1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016fnb +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/03548 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/023slg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lbc /base/aareas/schema/administrative_area/administrative_parent /m/07nf6 +/m/01qgry /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/0333t /film/film/language /m/07zrf +/m/0c1pj /film/actor/film./film/performance/film /m/0gltv +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cbl95 /film/film/production_companies /m/016tw3 +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/032zq6 /film/film/genre /m/03rzvv +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/05tr7 /location/country/official_language /m/02h40lc +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/06zl7g /business/business_operation/industry /m/020mfr +/m/05n6sq /film/film/executive_produced_by /m/027zz +/m/01rcmg /film/actor/film./film/performance/film /m/02xbyr +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/026g73 +/m/09k0f /people/person/profession /m/04gc2 +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr3 +/m/04hqz /location/country/capital /m/09bjv +/m/0bs4r /film/film/country /m/09c7w0 +/m/016kjs /people/person/employment_history./business/employment_tenure/company /m/03d96s +/m/06q1r /location/location/contains /m/024cg8 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/015cbq +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/026dx +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07gyp7 +/m/0340hj /film/film/film_production_design_by /m/02x2t07 +/m/07xpm /organization/organization/headquarters./location/mailing_address/state_province_region /m/02yc5b +/m/064t9 /music/genre/artists /m/02cw1m +/m/02dpl9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0175rc +/m/073749 /film/actor/film./film/performance/film /m/0296vv +/m/06kkgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015gm8 +/m/02n1p5 /people/person/languages /m/07c9s +/m/02vntj /people/person/profession /m/02hrh1q +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/077qn /location/location/partially_contains /m/026zt +/m/02n1gr /film/actor/film./film/performance/film /m/0f42nz +/m/010xjr /film/actor/film./film/performance/film /m/0gzy02 +/m/01cj6y /film/actor/film./film/performance/film /m/0bs5vty +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01kd57 /people/person/nationality /m/0d060g +/m/05q4y12 /film/film/country /m/09c7w0 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0432b +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02lk95 /people/person/profession /m/02hrh1q +/m/05c17 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/0g5838s /film/film/language /m/0c_v2 +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01syr4 /people/person/languages /m/064_8sq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/06rjp +/m/05z775 /people/person/nationality /m/09c7w0 +/m/05f4p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cq7kw /film/film/country /m/09c7w0 +/m/03d8njj /people/person/profession /m/02hrh1q +/m/018y2s /people/person/profession /m/09jwl +/m/01n8gr /people/person/profession /m/01c72t +/m/06t8b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07dnx /influence/influence_node/influenced_by /m/06c44 +/m/09dt7 /people/person/nationality /m/09c7w0 +/m/04hk0w /film/film/language /m/07qv_ +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqsy +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/094tsh6 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01kkx2 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/03lb_v /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0bwfn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/056_y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07cbs /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/08lr6s /film/film/genre /m/04xvlr +/m/09ld6g /people/person/gender /m/05zppz +/m/04jwjq /film/film/genre /m/01chg +/m/03zkr8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0rwgm /location/location/time_zones /m/02hcv8 +/m/0kbq /base/culturalevent/event/entity_involved /m/06f5j +/m/02lx0 /location/country/form_of_government /m/018wl5 +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bykpk +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/01dtcb +/m/05rznz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0498yf /sports/sports_team/colors /m/038hg +/m/03b1l8 /film/film/language /m/02h40lc +/m/0kh6b /people/person/gender /m/05zppz +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_hb +/m/05ypj5 /film/film/film_art_direction_by /m/07fzq3 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0227vl /people/person/profession /m/0d1pc +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/03bx_5q /award/award_winner/awards_won./award/award_honor/award_winner /m/0c408_ +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02rh_0 +/m/06ncr /music/instrument/instrumentalists /m/01kvqc +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0cwfgz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/0glmv /people/person/languages /m/02h40lc +/m/02278y /music/genre/artists /m/014cw2 +/m/07h34 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/05r5c /music/instrument/instrumentalists /m/01kv4mb +/m/035dk /location/country/capital /m/0fnyc +/m/010h9y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g2lq +/m/019m60 /sports/sports_team/sport /m/02vx4 +/m/01rlzn /sports/sports_team/sport /m/02vx4 +/m/02h40lc /language/human_language/countries_spoken_in /m/035dk +/m/0fxmbn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02x8m /music/genre/artists /m/03t9sp +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/016clz /music/genre/artists /m/04_jsg +/m/026t6 /music/instrument/instrumentalists /m/01jfnvd +/m/0kvgtf /film/film/written_by /m/01g1lp +/m/034r25 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0151w_ /film/actor/film./film/performance/film /m/02qzh2 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/045c7b +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/05d9y_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026rm_y /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04v89z +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/06n3y /location/location/contains /m/01ly5m +/m/0cmc26r /film/film/country /m/03rt9 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcp9b +/m/08lr6s /film/film/country /m/09c7w0 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/011yrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01f7dd /film/actor/film./film/performance/film /m/04jkpgv +/m/0dvmd /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019pm_ +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0bbw2z6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01zst8 /location/location/contains /m/0chgsm +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/01my_c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqb8 +/m/03gyl /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0gbfn9 /film/film/genre /m/07s9rl0 +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/01nrz4 /people/person/place_of_birth /m/0r066 +/m/027nb /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xr6x /base/aareas/schema/administrative_area/administrative_parent /m/0j5g9 +/m/016ypb /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/05qdh /education/field_of_study/students_majoring./education/education/student /m/02r6c_ +/m/044pqn /people/person/profession /m/01tkqy +/m/01vvycq /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0c921 /award/award_winner/awards_won./award/award_honor/award_winner /m/03thw4 +/m/0htlr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m7f5r /people/person/nationality /m/07ssc +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02k_kn /music/genre/artists /m/027kwc +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmhvpr +/m/02q_cc /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/05_z42 /tv/tv_program/program_creator /m/01xdf5 +/m/06hzsx /people/person/nationality /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvs1kt +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02ny8t /music/genre/artists /m/0cbm64 +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/01dw9z /award/award_winner/awards_won./award/award_honor/award_winner /m/03cd1q +/m/01yzhn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z4b_8 +/m/08vq2y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gk4g /people/cause_of_death/people /m/084w8 +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0q9kd +/m/03d2k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029h7y /music/genre/artists /m/03t9sp +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05lb65 +/m/034np8 /film/actor/film./film/performance/film /m/0p9lw +/m/07f5x /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02sh8y /people/person/nationality /m/09c7w0 +/m/01kf4tt /film/film/genre /m/02kdv5l +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06qw_ +/m/0k54q /film/film/genre /m/0219x_ +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0f1sm /sports/sports_team_location/teams /m/04l58n +/m/0lbj1 /people/person/profession /m/09jwl +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02gvwz /people/person/nationality /m/02jx1 +/m/08fbnx /film/film/genre /m/0bj8m2 +/m/06j6l /music/genre/artists /m/0hvbj +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mc79 +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01j6t0 /medicine/symptom/symptom_of /m/01dcqj +/m/01ljpm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/0bshwmp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/022p06 /people/deceased_person/place_of_burial /m/01n7q +/m/0794g /film/actor/film./film/performance/film /m/02ny6g +/m/08gf93 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01j5ws /film/actor/film./film/performance/film /m/01qxc7 +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gjv_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/07j8r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d0xs5 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/0kp2_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jcx /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/06c1y /location/location/partially_contains /m/0cgm9 +/m/0b6m5fy /tv/tv_program/country_of_origin /m/09c7w0 +/m/0257pw /award/award_category/winners./award/award_honor/award_winner /m/031x_3 +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/06wpc +/m/02cj_f /people/person/gender /m/05zppz +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/02gyl0 /people/person/gender /m/05zppz +/m/030w19 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02jxrw +/m/024qqx /media_common/netflix_genre/titles /m/047csmy +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/05jyb2 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016fyc +/m/084nh /people/person/gender /m/05zppz +/m/0509cr /music/genre/parent_genre /m/025tm81 +/m/05b_gq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0195pd +/m/03h_f4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04fhps +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bj25 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ggh +/m/02b9g4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06rgq +/m/035gt8 /education/educational_institution/campuses /m/035gt8 +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/025l5 /people/deceased_person/place_of_death /m/05jbn +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/076tq0z /film/film/featured_film_locations /m/02_286 +/m/015vq_ /people/person/religion /m/0kq2 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0203v /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/01rs5p /people/person/nationality /m/09c7w0 +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/08nhfc1 /film/film/genre /m/02l7c8 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/02fqxm /film/film/genre /m/01jfsb +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02975m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011yg9 +/m/0l76z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p85y +/m/07pzc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/042rlf +/m/09c7w0 /location/location/contains /m/058cm +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/080knyg /people/person/place_of_birth /m/030qb3t +/m/015_1q /music/record_label/artist /m/017g21 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/06lbp +/m/0l0wv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03d2k /people/person/profession /m/039v1 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/01633c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/0dt1cm /people/person/profession /m/0dz3r +/m/0cjsxp /film/actor/film./film/performance/film /m/0f40w +/m/0163kf /people/person/place_of_birth /m/013yq +/m/0141kz /people/person/places_lived./people/place_lived/location /m/06y9v +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/03bx_5q +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r_pp +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0fv4v /location/country/form_of_government /m/01d9r3 +/m/035_2h /film/film/language /m/02h40lc +/m/0m_h6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dg3jz +/m/025v3k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0219q /film/actor/film./film/performance/film /m/01s7w3 +/m/0f03_ /people/profession/specialization_of /m/01c979 +/m/0993r /people/person/profession /m/0d1pc +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0jt5zcn /location/location/contains /m/0yl_w +/m/073v6 /people/person/religion /m/03_gx +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0260p2 /business/business_operation/industry /m/020mfr +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/02lf1j /people/person/profession /m/01d_h8 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pb33 +/m/0dln8jk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mmr1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/035nm /business/business_operation/industry /m/0k4j +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lvcs1 +/m/0tbql /location/location/time_zones /m/02fqwt +/m/07rhpg /film/actor/film./film/performance/film /m/011yph +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/02cl1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01kvrz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/02y49 /people/person/place_of_birth /m/01_d4 +/m/02w7gg /people/ethnicity/people /m/041h0 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/015cbq /people/person/religion /m/0c8wxp +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/05sy_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01p47r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/03qjg /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/01k8q5 /education/educational_institution/students_graduates./education/education/student /m/0bd2n4 +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/054y8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03n0q5 /people/person/sibling_s./people/sibling_relationship/sibling /m/03n0pv +/m/05nn4k /people/person/employment_history./business/employment_tenure/company /m/05nn2c +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03rqww /people/person/profession /m/02krf9 +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01j5x6 /people/person/profession /m/02hrh1q +/m/02knxx /people/cause_of_death/people /m/08b8vd +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/08b8vd /people/deceased_person/place_of_burial /m/018mmw +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/0j0pf /influence/influence_node/influenced_by /m/01dzz7 +/m/026036 /education/educational_institution/campuses /m/026036 +/m/02d4ct /film/actor/film./film/performance/film /m/0b2v79 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03mfqm /people/person/profession /m/026sdt1 +/m/013pk3 /people/person/profession /m/018gz8 +/m/050l8 /location/location/contains /m/02x9cv +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ltf +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03hy3g +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/06t6dz /film/film/genre /m/04rlf +/m/09gb9xh /people/person/profession /m/0np9r +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127m7 +/m/08sfxj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06npd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mjq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/02mplj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03f1r6t /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/045bg /influence/influence_node/influenced_by /m/03sbs +/m/02jx1 /location/location/contains /m/0d2lt +/m/011yhm /film/film/executive_produced_by /m/0b13g7 +/m/01zhs3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/016wyn +/m/02k_kn /music/genre/artists /m/02cw1m +/m/0sx8l /olympics/olympic_games/participating_countries /m/087vz +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/02qpbqj +/m/09b6zr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wddl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03thw4 +/m/0dsvzh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/07s9rl0 /media_common/netflix_genre/titles /m/04j14qc +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s2ft +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0dt8xq /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/06mfvc /people/person/places_lived./people/place_lived/location /m/03s0w +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/018qql /people/deceased_person/place_of_burial /m/018mmj +/m/06q8qh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/0pmhf /film/actor/film./film/performance/film /m/0170_p +/m/013yq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01fsv9 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01vs_v8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0161sp +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016k6x +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/071jrc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/033pf1 /film/film/country /m/09c7w0 +/m/03m8y5 /film/film/genre /m/0gf28 +/m/0c5vh /people/person/place_of_birth /m/0d6lp +/m/0184jc /film/actor/film./film/performance/film /m/0404j37 +/m/0444x /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/014dq7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gffmn8 /film/film/language /m/02h40lc +/m/02y_2y /film/actor/film./film/performance/film /m/07l450 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04zxrt +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/02lf70 /people/person/languages /m/02bjrlw +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01t_wfl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vsl3_ +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/096lf_ +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0fs9vc /film/film/production_companies /m/09b3v +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0bsb4j /film/actor/film./film/performance/film /m/03t95n +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/026n13j +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/06j6l /music/genre/artists /m/044mfr +/m/0g768 /music/record_label/artist /m/02h9_l +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/01nz1q6 /people/person/profession /m/0n1h +/m/0fs9vc /film/film/genre /m/04t36 +/m/05qg6g /film/actor/film./film/performance/film /m/01vksx +/m/04zwjd /people/person/profession /m/01c72t +/m/02k_kn /music/genre/parent_genre /m/06by7 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01y8cr +/m/0b_6yv /music/genre/artists /m/067mj +/m/01l1rw /people/person/profession /m/02hrh1q +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/030znt /people/person/nationality /m/09c7w0 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggjt +/m/01qgv7 /location/location/time_zones /m/02hcv8 +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/02pxst /film/film/language /m/03_9r +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/017gm7 /film/film/produced_by /m/02bfxb +/m/05mv4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02__ww /film/actor/film./film/performance/film /m/023gxx +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01r6jt2 +/m/01dhpj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ffgh +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvb6p +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kcn7 +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/058z1hb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0d3qd0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04hk0w /film/film/language /m/02h40lc +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01l47f5 /people/person/profession /m/0dz3r +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026390q +/m/01pcq3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/017l4 /people/person/profession /m/01c72t +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0lg0r /location/us_county/county_seat /m/0lg0r +/m/0gpprt /people/person/nationality /m/09c7w0 +/m/0zcbl /people/person/profession /m/02hrh1q +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/05gnf9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015v3r +/m/0j2jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/0fm3h2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50vn +/m/03lty /music/genre/artists /m/0kxbc +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/09v82c0 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/01kj5h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/095p3z /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02h6_6p +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wg982 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025vl4m +/m/03bzc7 /music/genre/artists /m/0jg77 +/m/0bg4f9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/02p3cr5 /music/record_label/artist /m/01vvzb1 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/043tvp3 /film/film/prequel /m/01gwk3 +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01htxr +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfb +/m/0dzbl /education/educational_institution/school_type /m/0m4mb +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0dvld /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0grwj +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07z6xs /film/film/genre /m/060__y +/m/0c_zx /base/biblioness/bibs_location/country /m/02vzc +/m/022q4l9 /film/actor/film./film/performance/film /m/04b2qn +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vwllw +/m/015_1q /music/record_label/artist /m/02yygk +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/07ftc0 /people/person/profession /m/02hrh1q +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/03kpvp /film/actor/film./film/performance/film /m/01npcx +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/07ym0 /influence/influence_node/influenced_by /m/05qmj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/049dk +/m/04xvlr /media_common/netflix_genre/titles /m/0209hj +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02g8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/01l1ls /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04fc6c /music/record_label/artist /m/03y82t6 +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02k21g /people/person/languages /m/02h40lc +/m/012vby /people/deceased_person/place_of_death /m/0k049 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmh7 +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/043djx +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/01qr1_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/01c59k /people/person/nationality /m/09c7w0 +/m/033wx9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06y9c2 +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0xbm +/m/08n__5 /people/person/gender /m/05zppz +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02wtp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030k94 +/m/01fh36 /music/genre/artists /m/01vv6_6 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050_qx +/m/03p7r /location/administrative_division/country /m/03rk0 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/04mx__ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/024hbv +/m/04yc76 /film/film/production_companies /m/024rgt +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/01j95 /tv/tv_program/languages /m/02h40lc +/m/07bch9 /people/ethnicity/people /m/0g824 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0jqj5 /film/film/featured_film_locations /m/01sn3 +/m/015gy7 /people/deceased_person/place_of_death /m/02_286 +/m/05148p4 /music/instrument/instrumentalists /m/095x_ +/m/04g_wd /people/person/gender /m/05zppz +/m/05vxdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g_bh /music/genre/artists /m/02ndj5 +/m/01pj48 /education/educational_institution/students_graduates./education/education/student /m/01r9md +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0qcr0 /people/cause_of_death/people /m/01vs4f3 +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0dg3n1 /location/location/contains /m/0fv4v +/m/098cpg /music/record_label/artist /m/0134wr +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/052smk /music/genre/artists /m/07yg2 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03mgbf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04w58 +/m/0l6wj /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/01vsl3_ /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02qhlm +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/09g0h /people/person/profession /m/03gjzk +/m/0jgd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05v10 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09zf_q +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0b_7k +/m/01qzt1 /music/genre/artists /m/01tw31 +/m/015q1n /education/educational_institution/campuses /m/015q1n +/m/0c1d0 /location/hud_county_place/place /m/0c1d0 +/m/01y20v /organization/organization/headquarters./location/mailing_address/citytown /m/0s6jm +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b9g4 +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/018ctl /olympics/olympic_games/participating_countries /m/05r4w +/m/0jyb4 /film/film/language /m/02h40lc +/m/06b3g4 /film/actor/film./film/performance/film /m/0gwjw0c +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0661m4p /film/film/prequel /m/016dj8 +/m/098s2w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04j4tx /film/film/production_companies /m/086k8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034hwx +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/01rwyq /film/film/language /m/02h40lc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/019rg5 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02p76f9 /film/film/country /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/0cbv4g +/m/07z2lx /award/award_category/nominees./award/award_nomination/nominated_for /m/03ctqqf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0glt670 /music/genre/artists /m/0bqsy +/m/01kgxf /people/person/profession /m/02hrh1q +/m/043gj /film/actor/film./film/performance/film /m/03rg2b +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/0bv8h2 /film/film/production_companies /m/017s11 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0fmqp6 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gmp_z +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/026yqrr /people/person/profession /m/047rgpy +/m/01jnc_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06nr2h +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02__ww +/m/02z6l5f /people/person/profession /m/01d_h8 +/m/0191h5 /people/person/profession /m/039v1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1mj +/m/02lfp4 /music/artist/origin /m/07ssc +/m/02tqm5 /film/film/country /m/09c7w0 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3h2 +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/03j79x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/021mkg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/07nt8p +/m/07hwkr /people/ethnicity/people /m/0k9j_ +/m/02xbyr /film/film/production_companies /m/04rcl7 +/m/0n5jm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0141kz /film/actor/film./film/performance/film /m/0b2qtl +/m/0dsx3f /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02l3_5 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0jmfv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0cp0t91 /film/film/featured_film_locations /m/0d060g +/m/06q5t7 /people/person/profession /m/014kbl +/m/05sb1 /location/location/contains /m/05hwn +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gw7p +/m/045bg /influence/influence_node/influenced_by /m/099bk +/m/023361 /people/person/gender /m/05zppz +/m/02lf70 /people/person/place_of_birth /m/0cr3d +/m/07mqps /people/ethnicity/people /m/03n6r +/m/03h_9lg /film/actor/film./film/performance/film /m/02nx2k +/m/0fh694 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/026db_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/020x5r /people/person/profession /m/02jknp +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01n8qg /location/country/form_of_government /m/01q20 +/m/06sff /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tbn /location/location/contains /m/0l4vc +/m/07qcbw /award/award_winner/awards_won./award/award_honor/award_winner /m/05cqhl +/m/041rx /people/ethnicity/people /m/01w02sy +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016ghw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/05397h /tv/tv_program/genre /m/04gm78f +/m/0yxl /influence/influence_node/influenced_by /m/02lt8 +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/0mfc0 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029q_y +/m/0498y /location/location/contains /m/0nn83 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/031t2d +/m/020y73 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05m7zg /people/person/profession /m/0np9r +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/02114t /people/person/gender /m/02zsn +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/0451j /people/person/nationality /m/06t2t +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01wbg84 /film/actor/film./film/performance/film /m/07y9w5 +/m/07cbs /people/person/profession /m/0mn6 +/m/08ct6 /film/film/genre /m/01jfsb +/m/0dw6b /influence/influence_node/influenced_by /m/04jwp +/m/01yd8v /people/person/nationality /m/09c7w0 +/m/09d38d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f6zc /film/actor/film./film/performance/film /m/0gfh84d +/m/02d49z /film/film/genre /m/02b5_l +/m/03459x /film/film/country /m/015fr +/m/07rn0z /film/actor/film./film/performance/film /m/030z4z +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/03x16f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015dnt /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018n6m +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/02sgy +/m/016wzw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0c9d9 /people/person/profession /m/0dz3r +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/0vlf /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0n83s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gs973 /film/film/country /m/0345h +/m/0b_6x2 /time/event/locations /m/05jbn +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dptj +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01364q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j5ts /film/actor/film./film/performance/film /m/04180vy +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h3mrc +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/01dhpj /people/person/profession /m/09jwl +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170_p +/m/0yfvf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/047qxs /film/film/story_by /m/056wb +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/06nr2h +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh46 +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/09nzn6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0341n5 +/m/025rvx0 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/016z2j /people/person/nationality /m/09c7w0 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ply0 /base/biblioness/bibs_location/state /m/02xry +/m/02z44tp /tv/tv_program/country_of_origin /m/09c7w0 +/m/0qcr0 /people/cause_of_death/people /m/08t7nz +/m/0hmr4 /film/film/written_by /m/081lh +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wqflx /music/group_member/membership./music/group_membership/role /m/03qjg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03l78j +/m/043t8t /film/film/genre /m/01t_vv +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02yv6b /music/genre/artists /m/02qwg +/m/07c404 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0pk1p /film/film/language /m/02h40lc +/m/04btyz /media_common/netflix_genre/titles /m/0bxsk +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/07ssc /media_common/netflix_genre/titles /m/02n72k +/m/031y07 /film/actor/film./film/performance/film /m/02bg8v +/m/0h6r5 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0y_hb +/m/018ljb /olympics/olympic_games/sports /m/0bynt +/m/05v10 /location/country/form_of_government /m/01fpfn +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jnq8 /sports/sports_team/colors /m/083jv +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/0p9nv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06449 /people/person/languages /m/02h40lc +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/097h2 +/m/036dyy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/047hpm +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dj0m5 +/m/01jfsb /media_common/netflix_genre/titles /m/0b2v79 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/037c9s +/m/02jx1 /location/location/contains /m/0d07s +/m/04c9bn /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01rf57 +/m/0f1_p /base/aareas/schema/administrative_area/capital /m/01d88c +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01c7p_ +/m/05gc0h /people/person/profession /m/0dxtg +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065dc4 +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0cymln +/m/0166b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02vsw1 /people/ethnicity/languages_spoken /m/05f_3 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jkqfz +/m/0bmssv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0c41y70 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/025b5y /film/actor/film./film/performance/film /m/0fphf3v +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/09c7w0 /location/location/contains /m/022xml +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02kth6 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lrqw /film/film/production_companies /m/05qd_ +/m/014ps4 /influence/influence_node/influenced_by /m/034bs +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/06wcbk7 /music/record_label/artist /m/01pgzn_ +/m/0grwj /people/person/profession /m/015cjr +/m/0mkg /music/instrument/instrumentalists /m/01p95y0 +/m/0gk4g /people/cause_of_death/people /m/0gyy0 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/026_w57 +/m/0n08r /film/film/country /m/09c7w0 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02zr0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pv3x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0432_5 /film/film/genre /m/02kdv5l +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/08vk_r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/07c37 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/07mqps /people/ethnicity/people /m/01rrd4 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/06ncr /music/instrument/instrumentalists /m/04mx7s +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/01bpn /people/person/profession /m/04s2z +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/025v1sx +/m/065jlv /film/actor/film./film/performance/film /m/03176f +/m/03rk0 /location/location/contains /m/019fbp +/m/027r7k /film/film/produced_by /m/04dyqk +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0221g_ +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/01dq5z /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/023t0q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q9vf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01wx_y +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02jx1 /location/location/contains /m/0121c1 +/m/0h5j77 /people/person/place_of_birth /m/01lfy +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wlh +/m/01vwbts /people/person/profession /m/039v1 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02l840 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/05xd8x +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013c2f +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0872p_c /film/film/featured_film_locations /m/030qb3t +/m/0h96g /film/actor/film./film/performance/film /m/02x8fs +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/02b0yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/0hz_1 +/m/01l3j /people/person/nationality /m/012m_ +/m/07c52 /media_common/netflix_genre/titles /m/0fhzwl +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01mxnvc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0b25vg /film/actor/film./film/performance/film /m/0ds5_72 +/m/07wkd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/018qql /people/person/place_of_birth /m/01_d4 +/m/0gyh /location/location/contains /m/0kwmc +/m/0f60c /location/location/partially_contains /m/0fb18 +/m/016clz /music/genre/artists /m/01cblr +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0grmhb +/m/01dpsv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bczgm /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01tvz5j /film/actor/film./film/performance/film /m/0640m69 +/m/067hq2 /people/person/nationality /m/09c7w0 +/m/0gvvm6l /film/film/genre /m/02l7c8 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q9zc +/m/03_2y /people/person/nationality /m/0d05w3 +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/03wh8pq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0f04c /base/biblioness/bibs_location/state /m/01n7q +/m/029cr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jgpsh /award/award_winner/awards_won./award/award_honor/award_winner /m/030tjk +/m/025sc50 /music/genre/artists /m/04mn81 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/03h8_g +/m/02n4kr /media_common/netflix_genre/titles /m/0443v1 +/m/0kvbl6 /film/film/produced_by /m/027kmrb +/m/01_f_5 /film/actor/film./film/performance/film /m/01rnly +/m/02vqpx8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05fyss +/m/0fvr1 /film/film/genre /m/01jfsb +/m/01243b /music/genre/parent_genre /m/016clz +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02zk08 +/m/06mnps /film/actor/film./film/performance/film /m/0639bg +/m/09c7w0 /location/country/second_level_divisions /m/0m27n +/m/01qg7c /people/person/nationality /m/09c7w0 +/m/01kqq7 /film/film/music /m/01x1fq +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027t8fw +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/01smm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/instrument/instrumentalists /m/021bk +/m/0d8rs /location/location/contains /m/01lvrm +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kb3n +/m/01rrwf6 /people/person/gender /m/05zppz +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0p4v_ /film/film/genre /m/05p553 +/m/09qr6 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03wv2g /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c00zd0 /film/film/genre /m/02l7c8 +/m/03k50 /language/human_language/countries_spoken_in /m/03rk0 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/0q9t7 +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/07qg8v /film/film/genre /m/02n4kr +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/0blpg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0422v0 +/m/0lbj1 /people/person/profession /m/02hrh1q +/m/03v0t /location/location/contains /m/0s3y5 +/m/07hpv3 /tv/tv_program/genre /m/01z4y +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/0ftqr /people/person/gender /m/05zppz +/m/0ksrf8 /film/actor/film./film/performance/film /m/02vqsll +/m/01l1sq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cv72h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cfkrw /film/film/language /m/02h40lc +/m/03ftmg /people/person/profession /m/02jknp +/m/02fhtq /music/genre/artists /m/01l03w2 +/m/01jwt /music/genre/parent_genre /m/0jrv_ +/m/04t9c0 /film/film/country /m/09c7w0 +/m/06v41q /people/ethnicity/people /m/016zdd +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl5c +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/027n4zv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z88t +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0bh8tgs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/031bf1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0151w_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l5rm +/m/02gnh0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/01srq2 /film/film/story_by /m/08433 +/m/0r066 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/031v3p +/m/018db8 /film/actor/film./film/performance/film /m/02qmsr +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025jfl +/m/03t852 /people/person/nationality /m/09c7w0 +/m/01zwy /people/person/profession /m/0h9c +/m/06rq2l /people/person/place_of_birth /m/0rql_ +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0b90_r +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/04cf_l /film/film/produced_by /m/06pk8 +/m/0xsk8 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v71cj +/m/03n52j /film/actor/film./film/performance/film /m/043mk4y +/m/041h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/05bp8g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/044f7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0534nr +/m/019_6d /education/educational_institution_campus/educational_institution /m/019_6d +/m/09wj5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/086qd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0pyg6 +/m/02v5xg /tv/tv_program/genre /m/02l7c8 +/m/026w_gk /people/person/profession /m/02krf9 +/m/02w2bc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0ffgh /people/person/gender /m/05zppz +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/014v1q +/m/0dzlbx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/01wc7p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvycq +/m/0kh6b /people/person/sibling_s./people/sibling_relationship/sibling /m/0kr5_ +/m/08j7lh /film/film/language /m/012w70 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/0cqnss /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pcq92 /film/film/production_companies /m/03xsby +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/02dr9j /film/film/genre /m/07s9rl0 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03s9v /people/person/religion /m/0n2g +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0cgbf +/m/09c7w0 /location/location/contains /m/084kf +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/032v0v +/m/027ybp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02kxwk /people/person/place_of_birth /m/0c_m3 +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/057xkj_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/01ngz1 /education/educational_institution/colors /m/083jv +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01trf3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02f6g5 /film/film/produced_by /m/092kgw +/m/01vvb4m /film/actor/film./film/performance/film /m/06yykb +/m/02r3cn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wy5m /base/eating/practicer_of_diet/diet /m/07_jd +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/019n7x +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0pcc0 /people/person/profession /m/05vyk +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z9_x +/m/016dgz /film/actor/film./film/performance/film /m/09qycb +/m/013y1f /music/instrument/instrumentalists /m/01vsnff +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02l0sf +/m/054c1 /people/person/profession /m/02hrh1q +/m/04v09 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02rmxx /people/person/nationality /m/09c7w0 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/072hv /medicine/disease/risk_factors /m/0217g +/m/02c_wc /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/086sj /people/person/spouse_s./people/marriage/spouse /m/0jfx1 +/m/012mzw /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04flrx /people/person/profession /m/02jknp +/m/01v_0b /people/person/gender /m/05zppz +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02hnl /music/instrument/instrumentalists /m/01wsl7c +/m/07r_dg /people/person/place_of_birth /m/02_286 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0122wc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01gbbz /influence/influence_node/influenced_by /m/012gq6 +/m/05p1tzf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/050r1z /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0y54 +/m/027kmrb /people/person/profession /m/03gjzk +/m/07s9rl0 /media_common/netflix_genre/titles /m/04f6df0 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0829rj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/01507p /people/person/profession /m/02hrh1q +/m/04llb /sports/sports_team_location/teams /m/05hyn5 +/m/0478__m /film/actor/film./film/performance/film /m/0661m4p +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/03h64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/07gp9 /film/film/production_companies /m/030_1m +/m/030znt /people/person/place_of_birth /m/013kcv +/m/0fb1q /people/person/languages /m/02h40lc +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0l786 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/047d21r /film/film/produced_by /m/0gy6z9 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/028mc6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bjbk +/m/023jq1 /people/person/languages /m/02h40lc +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/012j5h +/m/0fg04 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bh9 +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/0bwh6 /film/actor/film./film/performance/film /m/0_92w +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/02mplj /sports/sports_team/sport /m/02vx4 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01xk7r +/m/0h584v /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/03j70d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0227tr /film/actor/film./film/performance/film /m/01ln5z +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z7s_ +/m/01tffp /base/culturalevent/event/entity_involved /m/08849 +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/0yyg4 /film/film/genre /m/02qfv5d +/m/041rx /people/ethnicity/people /m/01h2_6 +/m/041rx /people/ethnicity/people /m/0jbyg +/m/03nbbv /people/person/nationality /m/09c7w0 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c0nhgv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0k9ts +/m/01gc7h /people/person/profession /m/01d_h8 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/047hpm /people/person/spouse_s./people/marriage/spouse /m/0f276 +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/01xndd /film/director/film /m/0bwfwpj +/m/04b4yg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/04llb /base/biblioness/bibs_location/country /m/05r4w +/m/015y_n /music/genre/parent_genre /m/03_d0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/017cjb /base/biblioness/bibs_location/country /m/02jx1 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g1l +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gb9xh +/m/05m_jsg /film/film/executive_produced_by /m/0h5f5n +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q2sk +/m/01h910 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_j71 +/m/0flddp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02tf1y /people/person/profession /m/0dxtg +/m/02v992 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06pvr /location/location/contains /m/0mhdz +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0fsv2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/090s_0 /film/film/genre /m/01hmnh +/m/0c6qh /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbbfb +/m/0bymv /people/person/profession /m/025syph +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08nz99 +/m/04_sqm /music/genre/artists /m/01t8399 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnng +/m/02t_h3 /film/film/genre /m/05p553 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01vvzb1 /people/person/places_lived./people/place_lived/location /m/094jv +/m/0jnr3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/05w3f /music/genre/artists /m/01wwvt2 +/m/01fwpt /people/person/nationality /m/09c7w0 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_sr1 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x2t07 +/m/0cw67g /film/actor/film./film/performance/film /m/0661m4p +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/09cn0c /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/01gbb4 +/m/012f86 /people/ethnicity/languages_spoken /m/06b_j +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0drnwh /film/film/genre /m/04xvlr +/m/03x7hd /film/film/country /m/09c7w0 +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h1cdwq /film/film/music /m/0jn5l +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04s430 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/04sskp /tv/tv_program/country_of_origin /m/09c7w0 +/m/01gkmx /film/actor/film./film/performance/film /m/0yx1m +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/057hz +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/02w7gg /people/ethnicity/people /m/03f70xs +/m/02r2qt7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0619m3 +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03cz83 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dqcm +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c7twt +/m/024dgj /people/person/profession /m/039v1 +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_l96 +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/0138mv +/m/01tjsl /location/location/contains /m/06f0y3 +/m/0br1w /people/person/profession /m/0d8qb +/m/08hmch /film/film/production_companies /m/0c_j5d +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/02_fm2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f7dd /people/person/places_lived./people/place_lived/location /m/013nv_ +/m/02zcnq /education/educational_institution_campus/educational_institution /m/02zcnq +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/0407f +/m/07b1gq /film/film/genre /m/0lsxr +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/06by7 /music/genre/artists /m/01wz_ml +/m/04vr_f /film/film/produced_by /m/0c6qh +/m/02p11jq /music/record_label/artist /m/04r1t +/m/02xfj0 /people/person/profession /m/03gjzk +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/049bmk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02jx1 /location/location/contains /m/0125q1 +/m/01y_px /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06p03s +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/026y3cf /tv/tv_program/languages /m/02h40lc +/m/04yqlk /people/person/nationality /m/09c7w0 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02g40r +/m/04vr_f /film/film/language /m/02h40lc +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/029zqn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b455l +/m/01whg97 /people/person/places_lived./people/place_lived/location /m/08809 +/m/0473q /people/person/places_lived./people/place_lived/location /m/0k33p +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/0133jj /location/location/contains /m/0fhmy +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/03phtz +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ktcgn +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01l1b90 /people/person/profession /m/01d_h8 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164v +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/01mylz /film/actor/film./film/performance/film /m/0900j5 +/m/03bdkd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/087c7 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q5xsx +/m/01n7q /location/location/contains /m/0l1pj +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01wx756 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/094xh +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/04t2l2 /film/actor/film./film/performance/film /m/07p62k +/m/02kxx1 /organization/organization/headquarters./location/mailing_address/citytown /m/0cvw9 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/04mby /people/person/profession /m/01d_h8 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/083chw +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/09kzxt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kvbl6 /film/film/genre /m/07s9rl0 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02ck7w +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/049yf /location/location/contains /m/0gqkd +/m/03_lf /organization/organization_founder/organizations_founded /m/06dr9 +/m/0536sd /location/location/contains /m/09pxc +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/02cx90 /people/person/profession /m/02hrh1q +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0ldd /influence/influence_node/influenced_by /m/02lt8 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/04grkmd /film/film/genre /m/0clz1b +/m/0k5px /film/film/produced_by /m/0m593 +/m/05148p4 /music/instrument/instrumentalists /m/07zft +/m/0807ml /film/actor/film./film/performance/film /m/01719t +/m/088q4 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/01bdxz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0d05q4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0k6nt +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0wqwj /location/location/time_zones /m/02fqwt +/m/088tp3 /tv/tv_program/genre /m/01hmnh +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01l7cxq /people/person/place_of_birth /m/030qb3t +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/07r1h /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/027f7dj +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0jvs0 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01twdk /people/person/profession /m/02krf9 +/m/098s1 /medicine/symptom/symptom_of /m/01qqwn +/m/01gct2 /people/person/gender /m/05zppz +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/04nfpk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/03k99c /tv/tv_program/genre /m/0hcr +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/05bnp0 /people/person/nationality /m/09c7w0 +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04wqr /people/person/profession /m/01p5_g +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_tz +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0d_84 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04fzfj +/m/03twd6 /film/film/genre /m/03k9fj +/m/0cqnss /film/film/genre /m/02l7c8 +/m/0h1v19 /film/film/executive_produced_by /m/03_bcg +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kk9v +/m/01wbz9 /people/person/profession /m/0dz3r +/m/02bh8z /music/record_label/artist /m/01c8v0 +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award /m/024vjd +/m/01f7v_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wbzp +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/059rby /location/location/contains /m/02lv2v +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/022_lg +/m/03twd6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/0ktpx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0d3k14 /influence/influence_node/influenced_by /m/02n9k +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06rmdr +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/050kh5 /tv/tv_program/genre /m/03fpg +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/02y0js /people/cause_of_death/people /m/053yx +/m/03gvt /music/instrument/instrumentalists /m/01wzlxj +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/02js6_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dl567 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06j6l /music/genre/artists /m/012x4t +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01d5g /film/film_subject/films /m/01hqk +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/09c7w0 /location/location/contains /m/0fnmz +/m/0gmd3k7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01w524f /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01vwllw /film/actor/film./film/performance/film /m/0qmfz +/m/09c7w0 /location/location/contains /m/0txrs +/m/016gp5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/015x1f /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06bd5j /film/film/country /m/06mkj +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08m4c8 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/017khj +/m/016622 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/01d259 /film/film/other_crew./film/film_crew_gig/crewmember /m/026dx +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/07s3vqk /people/person/languages /m/02h40lc +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0l786 +/m/098s2w /film/film/country /m/0345h +/m/01cf93 /music/record_label/artist /m/04rcr +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01k8q5 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0h5g_ /people/person/spouse_s./people/marriage/spouse /m/02tk74 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02p11jq /music/record_label/artist /m/028hc2 +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3k3f +/m/015gjr /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/01x53m /people/person/languages /m/02h40lc +/m/023rwm /music/record_label/artist /m/0150jk +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0fqjhm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06_bq1 +/m/0cv9fc /people/person/gender /m/05zppz +/m/02v570 /film/film/personal_appearances./film/personal_film_appearance/person /m/015f7 +/m/01vvzb1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/instrument/instrumentalists /m/0fpjd_g +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/05sns6 /film/film/production_companies /m/016tt2 +/m/0133sq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05wp1p +/m/016y_f /film/film/genre /m/01jfsb +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vby +/m/0260bz /film/film/language /m/02h40lc +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/03f7jfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/02fybl /people/person/profession /m/01c72t +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/03rl84 /music/artist/origin /m/030qb3t +/m/0jcmj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016pns /film/actor/film./film/performance/film /m/095z4q +/m/0ggx5q /music/genre/artists /m/0bdxs5 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/016clz /music/genre/artists /m/01m65sp +/m/06yxd /location/location/contains /m/057wlm +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/015gjr /people/person/profession /m/02hrh1q +/m/015whm /film/film/genre /m/01t_vv +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h1mt /people/person/nationality /m/09c7w0 +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/045931 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/063472 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tw3 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0160w +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08pth9 +/m/07ghq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/05c6073 /music/genre/artists /m/0kr_t +/m/0j1z8 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09rsr0w +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/011wtv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06sfk6 +/m/0ccxx6 /music/genre/parent_genre /m/0172rj +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bn3l +/m/0jwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gd9k /influence/influence_node/influenced_by /m/03dbds +/m/01f_3w /music/record_label/artist /m/01wj5hp +/m/05bt6j /music/genre/artists /m/01k_0fp +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1mc +/m/09c7w0 /location/country/second_level_divisions /m/0mnwd +/m/02lyx4 /people/person/spouse_s./people/marriage/spouse /m/018gqj +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0dc3_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06jwys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/0r7fy /location/location/time_zones /m/02lcqs +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06101p /people/person/profession /m/02jknp +/m/0473q /music/artist/origin /m/0k33p +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/01k7xz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/0hsn_ +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01dbgw /film/actor/film./film/performance/film /m/0ct5zc +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/050xxm /film/film/genre /m/06qln +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/06cmd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/059_gf /film/actor/film./film/performance/film /m/078sj4 +/m/0cvkv5 /film/film/film_format /m/0cj16 +/m/02qzjj /film/director/film /m/07bx6 +/m/0x67 /people/ethnicity/people /m/024zq +/m/07pzc /people/person/profession /m/0n1h +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0229rs /music/record_label/artist /m/012x1l +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01n4f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/05c74 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/01l2b3 /film/film/genre /m/01j1n2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02bh_v +/m/01mjq /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01xvjb /film/film/country /m/09c7w0 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0cv13 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1h +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ckf6 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/026_dcw /people/person/place_of_birth /m/01m23s +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/01pjr7 /people/person/profession /m/0cbd2 +/m/06npd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/06mr6 /film/actor/film./film/performance/film /m/07bx6 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/016gp5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01jfsb /media_common/netflix_genre/titles /m/02q0k7v +/m/02qcr /film/film/produced_by /m/06mn7 +/m/01vrnsk /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/0jmj /film/actor/film./film/performance/film /m/049xgc +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/02z_b +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0dx8gj /film/film/genre /m/01jfsb +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/03hxsv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/04f7c55 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0bbf1f /film/actor/film./film/performance/film /m/02q56mk +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0kftt +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/01xrlm /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cvbb9q /people/person/profession /m/02jknp +/m/035qgm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06tw8 /location/country/official_language /m/02h40lc +/m/019fz /people/person/spouse_s./people/marriage/type_of_union /m/01bl8s +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03w7kx +/m/089kpp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mkn_d +/m/06g7c /medicine/disease/risk_factors /m/01hbgs +/m/01q7cb_ /people/person/profession /m/09jwl +/m/02ts3h /people/person/place_of_birth /m/0sq2v +/m/07z1m /location/location/contains /m/0mndw +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01_c4 /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/02rnns /people/person/gender /m/05zppz +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0qmfz /film/film/music /m/012ky3 +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/0d1y7 /location/location/contains /m/0xc9x +/m/0c1jh /people/person/profession /m/0cbd2 +/m/0bthb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/063ykwt +/m/034rd /people/person/nationality /m/09c7w0 +/m/09gb9xh /people/person/gender /m/02zsn +/m/06m6z6 /people/person/nationality /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/04cbtrw /people/person/profession /m/0cbd2 +/m/03cv_gy /tv/tv_program/country_of_origin /m/09c7w0 +/m/0127m7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01yg9y +/m/0448r /people/person/languages /m/02h40lc +/m/019fz /influence/influence_node/peers./influence/peer_relationship/peers /m/0424m +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/0c_md_ +/m/04vh83 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0jsqk /film/film/language /m/064_8sq +/m/0653m /media_common/netflix_genre/titles /m/0df92l +/m/065b6q /people/ethnicity/people /m/016h4r +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04tnqn +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/01z4y /music/genre/artists /m/01mbwlb +/m/09c7w0 /location/location/contains /m/01fpvz +/m/0171b8 /location/location/time_zones /m/03plfd +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/01j8wk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_3d /location/location/contains /m/018txg +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/04qt29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/07lp1 /influence/influence_node/influenced_by /m/08433 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01h910 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/05bht9 /people/deceased_person/place_of_death /m/0f2wj +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/013cz2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04psyp /people/person/gender /m/05zppz +/m/0k5fg /film/film/genre /m/011ys5 +/m/0432_5 /film/film/cinematography /m/069_0y +/m/03cffvv /film/film/language /m/0295r +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rq8k8 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/02qnk5c /people/person/nationality /m/03rk0 +/m/06rk8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s21dg +/m/013km /people/person/employment_history./business/employment_tenure/company /m/03pnvq +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/02znwv /people/person/place_of_birth /m/02_286 +/m/02t_st /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/01p0vf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/02slt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01v15f +/m/0hzlz /location/country/official_language /m/0x82 +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/01z9_x +/m/0k2sk /film/film/production_companies /m/0278rq7 +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/04lqvly /film/film/country /m/06mzp +/m/0b_756 /time/event/instance_of_recurring_event /m/02jp2w +/m/0dt1cm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/078jnn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/015pkc +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02w59b +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yc7p +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0295sy +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/0gt3p /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0gr36 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02bd41 /location/administrative_division/country /m/03ryn +/m/081l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0mhfr /music/genre/artists /m/07m4c +/m/07nvmx /soccer/football_player/current_team./sports/sports_team_roster/team /m/02vr30 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01hmk9 +/m/036qs_ /people/person/places_lived./people/place_lived/location /m/04sqj +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02704ff +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bl2g /film/actor/film./film/performance/film /m/06ztvyx +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/01wbgdv +/m/0prh7 /film/film/language /m/02h40lc +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndwt2w +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/070c93 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mqh5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/079vf /people/person/profession /m/0dxtg +/m/03rjj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/011_3s /people/person/profession /m/03gjzk +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/01jfr3y /people/person/religion /m/0c8wxp +/m/01l_9d /base/aareas/schema/administrative_area/administrative_parent /m/015fr +/m/016t00 /people/person/gender /m/05zppz +/m/02fsn /music/instrument/instrumentalists /m/01wwvt2 +/m/02ppg1r /film/film/genre /m/06cvj +/m/0198b6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsnff +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09cl0w +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/015xp4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/03_gz8 /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/06w33f8 /people/person/profession /m/03gjzk +/m/09sr0 /film/film/genre /m/02n4kr +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0ggq0m /music/genre/artists /m/09hnb +/m/04ych /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/089kpp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/021lby /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/05hywl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0b2km_ /film/film/genre /m/01drsx +/m/0x67 /people/ethnicity/people /m/0cgzj +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/09gnn /organization/organization_founder/organizations_founded /m/02vk52z +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03ys2f /people/person/profession /m/01d_h8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/049w1q +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/04kqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggjt +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0509bl /film/actor/film./film/performance/film /m/026n4h6 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/044zvm /film/actor/film./film/performance/film /m/0c9t0y +/m/059z0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/017fp /media_common/netflix_genre/titles /m/06cm5 +/m/0bmhvpr /film/film/written_by /m/02pv_d +/m/01vzxmq /film/actor/film./film/performance/film /m/01l2b3 +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03rl84 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d9jr +/m/0blt6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z1t /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0lccn /music/artist/origin /m/052p7 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0lsw9 /music/artist/origin /m/02_286 +/m/06nnj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01cmp9 /film/film/country /m/09c7w0 +/m/08htt0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04g4n +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0kftt +/m/019_1h /film/actor/film./film/performance/film /m/04cbbz +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/03mv9j +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/03rk0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0dt645q /film/actor/film./film/performance/film /m/05vc35 +/m/015lhm /people/person/nationality /m/09c7w0 +/m/04gvt5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lyx4 +/m/015196 /people/person/profession /m/02hrh1q +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/01p87y +/m/07y8l9 /film/actor/film./film/performance/film /m/0n1s0 +/m/05b6rdt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/038723 /people/ethnicity/people /m/01zz8t +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0klh7 +/m/09btt1 /people/person/nationality /m/09c7w0 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cqh57 +/m/05whq_9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05kr_ /location/location/contains /m/011kn2 +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/047xyn /award/award_category/disciplines_or_subjects /m/04g51 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03_x5t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/05g8ky /people/person/profession /m/03gjzk +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g5lhl7 +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/013cr +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/02wwmhc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09v8clw +/m/04qw17 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03h64 /media_common/netflix_genre/titles /m/0dckvs +/m/0dpqk /film/actor/film./film/performance/film /m/033pf1 +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0683n /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/07d370 /award/award_winner/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/01dthg /education/educational_institution/campuses /m/01dthg +/m/02pzck /film/actor/film./film/performance/film /m/01cssf +/m/0kbws /olympics/olympic_games/participating_countries /m/047yc +/m/029ghl /people/person/spouse_s./people/marriage/spouse /m/03xpsrx +/m/0bq8tmw /film/film/film_format /m/0cj16 +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b44shh +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/017n9 /film/film/genre /m/07s9rl0 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0dfw0 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/04bpm6 /people/person/gender /m/05zppz +/m/031778 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0177z /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0fvzz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018y81 /people/person/profession /m/01c72t +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0h7x /sports/sports_team_location/teams /m/033g0y +/m/0g5ff /people/person/nationality /m/09c7w0 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0175rc +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01nm3s /people/person/gender /m/05zppz +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01zhp +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/050fh +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/044mfr +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05pdbs /people/person/gender /m/05zppz +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/06crk /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/016pns /people/person/gender /m/05zppz +/m/02bj6k /people/person/profession /m/01d_h8 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/0d6b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06bnz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/05vw7 /location/location/time_zones /m/03bdv +/m/03xk1_ /people/person/profession /m/02hrh1q +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0dyb1 /film/film/story_by /m/05jcn8 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/0br1w /people/person/nationality /m/09c7w0 +/m/02l840 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06mt91 +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/06gb2q /film/actor/film./film/performance/film /m/0d87hc +/m/02qcqkl /music/genre/artists /m/01kp_1t +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/070fnm +/m/0gkg6 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0ccck7 /film/film/genre /m/02n4kr +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qf2t +/m/01x73 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/01msrb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/07ssc /media_common/netflix_genre/titles /m/027r7k +/m/01xdxy /film/film/genre /m/05p553 +/m/0c8qq /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/01t6b4 +/m/0rhp6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fxfk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lw3kh +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/01h1bf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06n7h7 +/m/01xbpn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/020bg /people/person/nationality /m/03rjj +/m/038_3y /sports/sports_team/sport /m/09xp_ +/m/0r2gj /location/location/time_zones /m/02lcqs +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01vh18t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y8zd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01jxlz /base/biblioness/bibs_location/country /m/07ssc +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/037w7r /film/actor/film./film/performance/film /m/0kv238 +/m/02wgk1 /film/film/language /m/01r2l +/m/02f2p7 /film/actor/film./film/performance/film /m/06bd5j +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/04t36 /media_common/netflix_genre/titles /m/01sxdy +/m/0lk8j /olympics/olympic_games/sports /m/07jjt +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gl6x +/m/0265vt /award/award_category/disciplines_or_subjects /m/06n90 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/032c7m +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0h0wd9 /film/film/country /m/09c7w0 +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01s753 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/048htn /film/film/country /m/0f8l9c +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03__y +/m/0ky1 /people/person/religion /m/0kq2 +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/01ydzx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03npn /media_common/netflix_genre/titles /m/0fg04 +/m/0jmcv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/02zfdp /people/person/nationality /m/02jx1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04h4zx +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/014knw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012v9y +/m/07mz77 /film/actor/film./film/performance/film /m/09qljs +/m/02rrsz /people/person/nationality /m/09c7w0 +/m/016clz /music/genre/artists /m/01j59b0 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lqvly +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/04v89z /film/film/film_production_design_by /m/05728w1 +/m/01dzg0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/01jz6x /people/person/profession /m/03gjzk +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02tv80 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0285c /people/person/places_lived./people/place_lived/location /m/0psxp +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kb7vh +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/06fmdb +/m/0cv3w /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/0mj0c /influence/influence_node/influenced_by /m/03_hd +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166v +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bl5c /film/film/music /m/09bx1k +/m/02lx0 /location/country/form_of_government /m/06cx9 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/037jz /influence/influence_node/influenced_by /m/04xjp +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02q253 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0k7pf /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/015f47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0415zv /sports/sports_team/sport /m/02vx4 +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/03lpp_ /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/0cyhq +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/07v4dm /people/person/place_of_birth /m/071zb +/m/02p4jf0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fw2d3 /people/person/profession /m/0gl2ny2 +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/01wz3cx /people/person/profession /m/0nbcg +/m/01lmj3q /people/person/profession /m/09jwl +/m/086k8 /music/record_label/artist /m/0gr69 +/m/05qgd9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w1sx /film/film_subject/films /m/048scx +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01wb8bs +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0djkrp /film/film/genre /m/02b5_l +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/02_p8v /film/actor/film./film/performance/film /m/01hr1 +/m/0178rl /people/person/nationality /m/02jx1 +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/0d66j2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jw4r +/m/01hqk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0j5q3 +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09d38d +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zkdz +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/028r4y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0ydpd /base/biblioness/bibs_location/state /m/05fkf +/m/07w4j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02z4b_8 +/m/02zyy4 /people/person/profession /m/05z96 +/m/0l0wv /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/05148p4 /music/instrument/instrumentalists /m/01wl38s +/m/0prjs /people/person/gender /m/05zppz +/m/0bwjj /sports/sports_team/colors /m/019sc +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nzz8 +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/02j9z /location/location/contains /m/0163v +/m/05kj_ /location/location/contains /m/0d22f +/m/059rby /location/location/contains /m/0drs_ +/m/0jkvj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02pyyld /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/018gkb /people/person/nationality /m/09c7w0 +/m/04ykg /location/location/contains /m/0nh1v +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0272_vz +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02y21l /music/record_label/artist /m/0jsg0m +/m/055z7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09d38d /film/film/country /m/09c7w0 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/0jymd /film/film/other_crew./film/film_crew_gig/crewmember /m/0579tg2 +/m/0ym17 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/019n9w /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07vqnc /tv/tv_program/genre /m/011ys5 +/m/02yxwd /film/actor/film./film/performance/film /m/0639bg +/m/02x8m /music/genre/artists /m/01gx5f +/m/03n0pv /award/award_winner/awards_won./award/award_honor/award_winner /m/03n0q5 +/m/098sv2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fd6qb +/m/0c0yh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03yk8z +/m/0q9nj /tv/tv_program/genre /m/09lmb +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02ljhg /film/film/language /m/02h40lc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0c_gcr /film/actor/film./film/performance/film /m/03c_cxn +/m/01gx5f /people/person/nationality /m/09c7w0 +/m/03dq9 /people/person/profession /m/05t4q +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/01ycck /people/person/place_of_birth /m/0nq_b +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043gj +/m/06j0md /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05bht9 /film/director/film /m/0jvt9 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/01wd9lv /people/person/places_lived./people/place_lived/location /m/010rvx +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/01p9hgt /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/03fnn5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06sy4c /people/person/nationality /m/07ssc +/m/05g9_ /music/genre/artists /m/0130sy +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/0cf_h9 /film/actor/film./film/performance/film /m/04vvh9 +/m/04t2l2 /people/person/nationality /m/09c7w0 +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/01kym3 /people/person/profession /m/02hrh1q +/m/032w8h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/01kp8z /music/genre/parent_genre /m/0827d +/m/017z88 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01xqw +/m/02n72k /film/film/written_by /m/03kpvp +/m/01hhvg /education/educational_institution/school_type /m/05jxkf +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kf4tt +/m/02vzpb /film/film/production_companies /m/025hwq +/m/02_p5w /film/actor/film./film/performance/film /m/01ry_x +/m/024t0y /people/person/profession /m/02hrh1q +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01400v +/m/05k7sb /location/location/contains /m/0tyql +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0b3n61 /film/film/language /m/02bjrlw +/m/03jldb /film/actor/film./film/performance/film /m/07w8fz +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/01p3ty +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/088_9g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0bqs56 +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/02l_7y /people/person/profession /m/09jwl +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/05gnf +/m/016clz /music/genre/artists /m/01wgjj5 +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r6jt2 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0ct2tf5 /film/film/genre /m/0lsxr +/m/03x726 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/019pm_ /film/actor/film./film/performance/film /m/0cc7hmk +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/050xpd /education/educational_institution/students_graduates./education/education/student /m/0tj9 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0261g5l +/m/0sxgh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059lwy /film/film/produced_by /m/0f5mdz +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/06q07 /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lg9w +/m/03f1zhf /people/person/nationality /m/09c7w0 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/student /m/025xt8y +/m/02y0js /people/cause_of_death/people /m/082xp +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/04cnp4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0glt670 /music/genre/artists /m/01w806h +/m/011yth /film/film/language /m/032f6 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0y9j +/m/06cgy /film/actor/film./film/performance/film /m/033fqh +/m/0s3y5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c_tl /olympics/olympic_games/participating_countries /m/01p1v +/m/022jr5 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01r42_g +/m/03_wm6 /film/film/genre /m/02n4kr +/m/0325dj /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/0ccd3x /film/film/genre /m/07s9rl0 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/05kr_ +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/025tlyv /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/081lh /people/person/profession /m/018gz8 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/0bj25 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0j_c +/m/02k6hp /people/cause_of_death/people /m/05v45k +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p85y +/m/03x746 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/0cm03 +/m/07lz9l /people/person/nationality /m/09c7w0 +/m/0nt4s /location/location/contains /m/0ftxw +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/02plv57 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/054y8 /sports/sports_team_location/teams /m/051qvn +/m/0bx_q /base/eating/practicer_of_diet/diet /m/07_jd +/m/0lkr7 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/02ctyy /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/02stbw /film/film/genre /m/0hn10 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05kh_ /film/film_subject/films /m/047bynf +/m/062dn7 /film/actor/film./film/performance/film /m/05pdh86 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04sry /people/person/profession /m/02jknp +/m/05w1vf /people/person/place_of_birth /m/0f2rq +/m/02v2jy /people/person/profession /m/02hrh1q +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/06c0j +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184dt +/m/03b1l8 /film/film/cinematography /m/0bqytm +/m/01d1yr /people/person/gender /m/05zppz +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/02yr3z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06vsbt +/m/02tz9z /education/educational_institution/colors /m/083jv +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sdxx +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/01ts_3 +/m/045hz5 /people/person/gender /m/02zsn +/m/04wddl /film/film/cinematography /m/09cdxn +/m/04fcx7 /people/person/place_of_birth /m/0dclg +/m/09c7w0 /location/location/contains /m/01yqqv +/m/0d02km /film/actor/film./film/performance/film /m/08phg9 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/04p5cr +/m/013807 /education/educational_institution/campuses /m/013807 +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0k2cb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cf09 /people/person/gender /m/05zppz +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0bmfnjs /film/film/executive_produced_by /m/02z2xdf +/m/02bkdn /film/actor/film./film/performance/film /m/01jrbb +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0627sn +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/0132_h /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/016ndm /education/educational_institution/school_type /m/05jxkf +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0p9xd /music/genre/artists /m/0lsw9 +/m/0l14md /music/instrument/instrumentalists /m/01gg59 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02ppg1r +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/05q4y12 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/0ck6r /location/location/contains /m/01v3k2 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/03krj +/m/0l_q9 /base/biblioness/bibs_location/state /m/0hjy +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b153 +/m/03j149k /film/actor/film./film/performance/film /m/02pw_n +/m/05cc1 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/031bf1 /people/person/profession /m/0dxtg +/m/0r3tb /location/hud_county_place/county /m/0l2q3 +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/01t8399 /people/person/nationality /m/07ssc +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/0crc2cp /film/film/genre /m/02l7c8 +/m/0dc_ms /film/film/language /m/02h40lc +/m/03j_q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0lyjf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j6_5 /sports/sports_team/sport /m/02vx4 +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/053y4h +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/02xwgr /film/actor/film./film/performance/film /m/0m9p3 +/m/01v1ln /film/film/genre /m/02kdv5l +/m/01bczm /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0301bq /people/person/profession /m/02hrh1q +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0dl9_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/01dw9z /people/person/profession /m/01d_h8 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/05k7sb /location/location/contains /m/0k3gw +/m/0gw2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ndm /education/educational_institution/campuses /m/016ndm +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k7pf +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/030_1m /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/03_lf /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jvt9 +/m/024jwt /people/person/languages /m/02h40lc +/m/01f39b /film/film/genre /m/01hmnh +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j6mff +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07sqnh +/m/028k57 /film/actor/film./film/performance/film /m/02x8fs +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0jcx /people/person/places_lived./people/place_lived/location /m/0ljsz +/m/02gr81 /education/educational_institution/colors /m/083jv +/m/0mwk9 /location/us_county/county_seat /m/0_565 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0yjf0 +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/03hzl42 /people/person/nationality /m/07ssc +/m/0c5vh /people/deceased_person/place_of_death /m/030qb3t +/m/09pl3f /people/person/profession /m/03gjzk +/m/044mvs /people/person/profession /m/0d1pc +/m/01jdxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01rnxn /film/actor/film./film/performance/film /m/0gwjw0c +/m/02rf1y /film/actor/film./film/performance/film /m/042y1c +/m/02114t /people/person/nationality /m/09c7w0 +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/01cl2y /music/record_label/artist /m/02p2zq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_2r +/m/087yty /people/person/profession /m/0dgd_ +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/09gnn /influence/influence_node/peers./influence/peer_relationship/peers /m/032r1 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0678gl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0g768 /music/record_label/artist /m/01j59b0 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/012cj0 /people/person/profession /m/02hrh1q +/m/01vtmw6 /people/person/nationality /m/09c7w0 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01c333 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02tgz4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06_sc3 /film/film/country /m/07ssc +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0xhtw /music/genre/artists /m/09prnq +/m/0h1_w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/0bbw2z6 /film/film/country /m/09c7w0 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/016kb7 /people/person/profession /m/02hrh1q +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02v2lh /music/genre/artists /m/0ftqr +/m/0154qm /film/actor/film./film/performance/film /m/0ndwt2w +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/0258dh /film/film/genre /m/01jfsb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0g7k2g /people/person/languages /m/02h40lc +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0ndwt2w /film/film/country /m/09c7w0 +/m/0l8sx /business/business_operation/industry /m/029g_vk +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/06c97 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0g9z_32 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01r9md /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02w2bc +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/05tfm /sports/sports_team/colors /m/019sc +/m/012ycy /people/person/profession /m/039v1 +/m/0dt39 /award/award_category/winners./award/award_honor/award_winner /m/059y0 +/m/0m_w6 /location/administrative_division/country /m/03rt9 +/m/033hqf /film/actor/film./film/performance/film /m/04954r +/m/0783m_ /people/person/profession /m/0nbcg +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/05fgr_ /tv/tv_program/program_creator /m/0bvg70 +/m/01lct6 /people/person/profession /m/08z956 +/m/08984j /film/film/music /m/01l9v7n +/m/01719t /film/film/genre /m/07s9rl0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/04bdxl /people/person/spouse_s./people/marriage/spouse /m/074tb5 +/m/0qcr0 /people/cause_of_death/people /m/016bx2 +/m/0bkf72 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3ns +/m/02hkw6 /people/person/gender /m/05zppz +/m/02ck7w /film/actor/film./film/performance/film /m/017gl1 +/m/0k_kr /music/record_label/artist /m/01vsl3_ +/m/07hwkr /people/ethnicity/people /m/01v_0b +/m/019z7q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04_x4s /location/administrative_division/country /m/03rjj +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/01tj34 /people/person/place_of_birth /m/0k049 +/m/046rfv /people/person/nationality /m/03rk0 +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/02qcqkl /music/genre/artists /m/01kwlwp +/m/06mq7 /people/profession/specialization_of /m/06q2q +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04f62k /people/person/places_lived./people/place_lived/location /m/018jn4 +/m/016017 /film/film/language /m/02h40lc +/m/01ty4 /influence/influence_node/influenced_by /m/03sbs +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/04czgbh +/m/0dryh9k /people/ethnicity/people /m/044pqn +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0h0yt /film/actor/film./film/performance/film /m/02qsqmq +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/07r_dg /film/actor/film./film/performance/film /m/0h1x5f +/m/0cz_ym /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lfbm /people/person/nationality /m/09c7w0 +/m/03hpkp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/0gtvrv3 /film/film/country /m/03rjj +/m/01vrncs /influence/influence_node/influenced_by /m/041mt +/m/09ctj /location/location/contains /m/0q34g +/m/0glt670 /music/genre/artists /m/0m19t +/m/09v7wsg /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/05sq20 /people/person/gender /m/02zsn +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778yp +/m/019n7x /people/person/place_of_birth /m/06_kh +/m/0bksh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01r93l +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/031t2d +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01wxyx1 /film/actor/film./film/performance/film /m/07p12s +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/016pns /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0329gm +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fdc0 +/m/0fkh6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/041rx /people/ethnicity/people /m/037q1z +/m/04r7f2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0275kr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02dh86 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x6w8 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01tzm9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02l48d /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/0d0vqn /sports/sports_team_location/teams /m/06l7jj +/m/0hn10 /media_common/netflix_genre/titles /m/01qbg5 +/m/039zft /film/film/produced_by /m/081nh +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/0p_47 /people/person/gender /m/05zppz +/m/01gpzx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fhnf +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jhd +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/095x_ /people/person/profession /m/02jknp +/m/09p7fh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09p4w8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mjf2 +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/09kzxt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0p3_y /film/film/featured_film_locations /m/030qb3t +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/033hn8 /music/record_label/artist /m/016376 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01kvqc /award/award_winner/awards_won./award/award_honor/award_winner /m/02x8z_ +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/0155w /music/genre/artists /m/01kd57 +/m/0dsvzh /film/film/featured_film_locations /m/01cx_ +/m/04xhwn /film/actor/film./film/performance/film /m/03z20c +/m/03mstc /people/person/nationality /m/09c7w0 +/m/02r79_h /film/film/production_companies /m/03xsby +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/01wdcxk /people/person/profession /m/025352 +/m/01s0l0 /film/actor/film./film/performance/film /m/030z4z +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/034hwx /film/film/language /m/02h40lc +/m/07wdw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/08959 +/m/0d_w7 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/031v3p /people/person/religion /m/0kpl +/m/018sg9 /education/educational_institution_campus/educational_institution /m/018sg9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/017dpj /people/person/profession /m/01d_h8 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/07fb6 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0kvgnq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016yvw +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02vzc +/m/059kh /music/genre/artists /m/06gcn +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmcwlb +/m/05r7t /location/country/official_language /m/02h40lc +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/0170z3 /film/film/production_companies /m/024rgt +/m/0234j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0q9t7 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0fn8jc +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/03rhqg /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/08cfr1 /film/film/genre /m/07s2s +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0fs9vc +/m/02d6n_ /film/actor/film./film/performance/film /m/084qpk +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sqs +/m/0jzc /language/human_language/countries_spoken_in /m/0h3y +/m/0bdlj /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/01rv7x /people/ethnicity/people /m/01gg59 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/016ggh /film/actor/film./film/performance/film /m/0prh7 +/m/0py5b /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02cft /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03v3xp +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sbv9 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c94fn +/m/0p7h7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/09jw2 /music/genre/artists /m/018y81 +/m/01ggc9 /film/actor/film./film/performance/film /m/09fc83 +/m/0fgpvf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vsykc /people/person/place_of_birth /m/0nbrp +/m/04g9gd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015t7v +/m/03yrkt /film/actor/film./film/performance/film /m/0bt3j9 +/m/09xbpt /film/film/language /m/064_8sq +/m/03bxpt0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/065b6q /people/ethnicity/languages_spoken /m/06mp7 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02z4b_8 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0lgxj /olympics/olympic_games/participating_countries /m/01znc_ +/m/03yrkt /people/person/nationality /m/09c7w0 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/018vs /music/instrument/instrumentalists /m/01mxnvc +/m/02qfv5d /media_common/netflix_genre/titles /m/01j5ql +/m/01k8q5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05r5c /music/instrument/instrumentalists /m/018d6l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0cttx +/m/0nbjq /olympics/olympic_games/sports /m/07jjt +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/04qz6n /award/award_winner/awards_won./award/award_honor/award_winner /m/03rs8y +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035zr0 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/05rh2 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0h1v19 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/07l50_1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/03f4xvm /music/artist/origin /m/0cr3d +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/04xvlr /media_common/netflix_genre/titles /m/0yxf4 +/m/02vjzr /music/genre/artists /m/0dzc16 +/m/0pb33 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04cf_l /film/film/genre /m/01q03 +/m/01fh36 /music/genre/artists /m/047cx +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06h4y9 +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/060j8b /film/actor/film./film/performance/film /m/07jxpf +/m/09s5q8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/09c7w0 /location/country/second_level_divisions /m/0ndh6 +/m/06924p /music/genre/artists /m/02w4fkq +/m/07ssc /media_common/netflix_genre/titles /m/05z_kps +/m/05zjd /media_common/netflix_genre/titles /m/0crh5_f +/m/05sdxx /people/person/profession /m/02hrh1q +/m/028pzq /film/actor/film./film/performance/film /m/025n07 +/m/04ck0_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/0qc7l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07l450 +/m/01my95 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015z4j +/m/01wzlxj /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/02qd04y /film/film/genre /m/03q4nz +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03yvln +/m/01mjq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/05b4rcb /people/person/profession /m/089fss +/m/019kyn /film/film/country /m/09c7w0 +/m/0kz2w /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j1z8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05l8y +/m/01v3s2_ /film/actor/film./film/performance/film /m/034qzw +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dr3sl +/m/0g57wgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gvt53w /film/film/produced_by /m/026670 +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05jx5r +/m/0fcyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07vfj /education/educational_institution/colors /m/088fh +/m/08cn_n /people/person/gender /m/05zppz +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/05r5c /music/instrument/instrumentalists /m/018x3 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/0fpv_3_ /film/film/country /m/06f32 +/m/032zq6 /film/film/genre /m/060__y +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0y_9q /film/film/genre /m/0hfjk +/m/01v_0b /people/person/profession /m/0cbd2 +/m/04wp2p /award/award_winner/awards_won./award/award_honor/award_winner /m/025y9fn +/m/06krf3 /film/film/genre /m/07s9rl0 +/m/0473q /people/person/profession /m/0fnpj +/m/0g26h /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02j9z /location/location/contains /m/04g5k +/m/01cm8w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p8454 /education/educational_institution/campuses /m/02p8454 +/m/0br1w /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/05bp8g /film/actor/film./film/performance/film /m/026q3s3 +/m/0cfhfz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cgzj /people/person/religion /m/0c8wxp +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02nygk /people/person/place_of_birth /m/02_286 +/m/0l2jt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/013cr /film/actor/film./film/performance/film /m/02jkkv +/m/0dqcm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01ky7c /education/educational_institution/school_type /m/01_9fk +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dxyzb +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/07g2v /music/group_member/membership./music/group_membership/role /m/02hnl +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/04smkr /people/person/gender /m/02zsn +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01hvjx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04xx9s /film/film/genre /m/01j1n2 +/m/04cxw5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/019mcm /sports/sports_team/sport /m/02vx4 +/m/0ny75 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/041n43 /music/record_label/artist /m/02z4b_8 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h3mrc +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/016h4r +/m/01y06y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01jz6d +/m/0jxgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jryt +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0xq +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02zjd /people/person/profession /m/05z96 +/m/02624g /people/person/place_of_birth /m/0xr0t +/m/059j2 /location/country/second_level_divisions /m/0ps8c +/m/071cn /location/location/contains /m/078bz +/m/03n52j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015_1q /music/record_label/artist /m/01vvyc_ +/m/0wh3 /location/location/contains /m/07szy +/m/0c1pj /people/person/profession /m/03gjzk +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/016ynj /people/deceased_person/place_of_death /m/0k049 +/m/01l_yg /film/actor/film./film/performance/film /m/0gvvf4j +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02jx1 /location/country/second_level_divisions /m/0nlg4 +/m/02tq2r /people/person/religion /m/03j6c +/m/08pgl8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fb1q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0143wl +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/046vvc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jksm /education/educational_institution/campuses /m/0jksm +/m/09l9xt /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_44z +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/02cx72 /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/0kpys /location/location/contains /m/0281rp +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/02s2ft +/m/047yc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0gywn /music/genre/artists /m/01vvycq +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/07dvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0mx6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxbq +/m/0342h /music/instrument/instrumentalists /m/012zng +/m/02mpyh /film/film/production_companies /m/05qd_ +/m/0b_j2 /people/person/places_lived./people/place_lived/location /m/01531 +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/02ly_ /base/biblioness/bibs_location/country /m/02jx1 +/m/0ftps /people/person/nationality /m/02jx1 +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/0161h5 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/05w1vf /film/actor/film./film/performance/film /m/01chpn +/m/015nhn /people/person/nationality /m/07ssc +/m/0fpgp26 /film/film/language /m/02h40lc +/m/0bzjf /base/aareas/schema/administrative_area/capital /m/07_pf +/m/04jplwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07lt7b +/m/0b25vg /people/person/languages /m/02h40lc +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/09c7w0 /location/country/second_level_divisions /m/0drs7 +/m/0dzkq /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/04cj79 /film/film/genre /m/060__y +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/02_l39 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/06151l /film/actor/film./film/performance/film /m/08r4x3 +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/04zyhx /film/film/language /m/02h40lc +/m/0306bt /film/actor/film./film/performance/film /m/03l6q0 +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j4b +/m/03kwtb /film/film/film_festivals /m/03wf1p2 +/m/02fybl /people/person/profession /m/0lgw7 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01skmp +/m/016h9b /people/person/gender /m/05zppz +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03zqc1 +/m/07sgdw /film/film/production_companies /m/020h2v +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gmp_z +/m/0dq9p /people/cause_of_death/people /m/04xbr4 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t969 +/m/02r858_ /film/film/music /m/01m5m5b +/m/03qd_ /people/person/profession /m/0np9r +/m/0d1w9 /film/film_subject/films /m/03cp4cn +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018yj6 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/030s5g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01f873 /people/person/place_of_birth /m/03h64 +/m/0m68w /people/person/nationality /m/09c7w0 +/m/0h32q /film/actor/film./film/performance/film /m/0cq806 +/m/06pvr /location/location/contains /m/01jr6 +/m/0lkr7 /people/person/place_of_birth /m/0chrx +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/07xzm +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/04d2yp +/m/02dbp7 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/02hp6p /organization/organization/headquarters./location/mailing_address/citytown /m/01m20m +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04lhc4 +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01svry /film/film/featured_film_locations /m/0vzm +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0dw4g +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0dlhg /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/02p5hf /people/person/nationality /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/0cc7hmk +/m/03sc8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0dryh9k /people/ethnicity/people /m/07jmnh +/m/06kb_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/07t21 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/067sqt /film/actor/film./film/performance/film /m/05sns6 +/m/025v3k /education/educational_institution/campuses /m/025v3k +/m/0cbm64 /music/artist/origin /m/09c7w0 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02q_4ph /film/film/genre /m/04t36 +/m/07t_l23 /award/award_category/winners./award/award_honor/award_winner /m/04jlgp +/m/03tmr /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02y8bn +/m/065b6q /people/ethnicity/people /m/0169dl +/m/019fh /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/01c65z +/m/01kv4mb /people/person/profession /m/0nbcg +/m/01w1sx /time/event/locations /m/035qy +/m/02xzd9 /award/award_category/disciplines_or_subjects /m/0dwly +/m/02_jjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07y_r /people/person/profession /m/01d_h8 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mxw33 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017lqp +/m/025_ql1 /people/person/nationality /m/0d060g +/m/0dgq_kn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/02b1b5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016j68 /film/actor/film./film/performance/film /m/0m9p3 +/m/0cnl1c /people/person/nationality /m/09c7w0 +/m/03h502k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vxxb +/m/015cbq /award/award_winner/awards_won./award/award_honor/award_winner /m/09bx1k +/m/01dw9z /people/person/gender /m/02zsn +/m/024dgj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0j1yf +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/090q8l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02qwg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/044k8 +/m/01vxxb /film/actor/film./film/performance/film /m/03prz_ +/m/01n7qlf /people/person/profession /m/09jwl +/m/06cqb /music/genre/artists /m/0137n0 +/m/065y4w7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029pnn /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02k_kn /music/genre/artists /m/01s7ns +/m/02ln1 /influence/influence_node/influenced_by /m/026lj +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/059dn /organization/organization/headquarters./location/mailing_address/citytown /m/0177z +/m/02m501 /people/person/nationality /m/09c7w0 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0f102 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/0cgwt8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0m_v0 /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0tz41 /base/biblioness/bibs_location/state /m/05k7sb +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0170xl +/m/0342h /music/instrument/instrumentalists /m/01pny5 +/m/03_qj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/051kd /tv/tv_program/languages /m/03_9r +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cj_v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gm2_0 /film/film/produced_by /m/027z0pl +/m/01j6mff /people/person/profession /m/09jwl +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03bw6 +/m/01p0w_ /people/person/places_lived./people/place_lived/location /m/0jt5zcn +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06hzsx +/m/090gpr /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0c00lh /influence/influence_node/influenced_by /m/0gd9k +/m/02825kb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cyhq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/057hz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027pfg +/m/01wphh2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01c22t +/m/01jfsb /media_common/netflix_genre/titles /m/0by17xn +/m/0d4htf /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/07ssc /location/location/contains /m/013p59 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02qmncd +/m/03fhm5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02vmzp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05p3738 /film/film/genre /m/0lsxr +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04w391 +/m/07g7h2 /film/director/film /m/07kdkfj +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/030nwm +/m/065zlr /film/film/genre /m/09q17 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/026f__m /film/film/production_companies /m/0c41qv +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q6gfp +/m/065z3_x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mg3l +/m/0bqyhk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0l91 /people/person/place_of_birth /m/0ccvx +/m/03lty /music/genre/artists /m/07bzp +/m/0dl5d /music/genre/artists /m/0qmny +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048rn +/m/010xjr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h0jz +/m/0l2q3 /location/location/time_zones /m/02lcqs +/m/02qx1m2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1v19 +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015vq_ +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b171 +/m/04mkft /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/09pmkv /location/location/contains /m/01jng9 +/m/01lmj3q /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/01jzyx /education/educational_institution/campuses /m/01jzyx +/m/0qdyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mrhq /location/us_county/county_seat /m/03l2n +/m/0bpm4yw /film/film/story_by /m/04hw4b +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/05tbn /location/location/contains /m/0_565 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/02wk4d /people/person/profession /m/02jknp +/m/0lbd9 /olympics/olympic_games/sports /m/01hp22 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/03f7nt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/01pcql +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01rh0w +/m/01wqflx /people/person/nationality /m/09c7w0 +/m/05lls /music/genre/artists /m/07j8kh +/m/04v3q /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/081g_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/0gys2jp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/086nl7 /film/actor/film./film/performance/film /m/0661m4p +/m/0fw4v /base/aareas/schema/administrative_area/administrative_parent /m/05r7t +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01yg9y +/m/01w923 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dfy_ /film/film/language /m/03_9r +/m/0415zv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0hv1t /film/film/genre /m/01hmnh +/m/02hh8j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/04yt7 /people/person/places_lived./people/place_lived/location /m/0m75g +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/03ryks /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018wrk /olympics/olympic_games/sports /m/07bs0 +/m/04tc1g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05cl8y /music/record_label/artist /m/01kph_c +/m/0225bv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0f102 /education/educational_institution/campuses /m/0f102 +/m/029ql /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06c0j +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cc5tgk +/m/01qvz8 /film/film/genre /m/05p553 +/m/07s9rl0 /media_common/netflix_genre/titles /m/047d21r +/m/01lct6 /people/person/profession /m/0fj9f +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qg +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0yxm1 /film/film/country /m/09c7w0 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kbf1 +/m/0174qm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g3p5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ldnp +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/02jx1 /location/location/contains /m/07tgn +/m/01f9zw /people/person/employment_history./business/employment_tenure/company /m/07wg3 +/m/02gjt4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hn6d /sports/sports_team/colors /m/01l849 +/m/0187y5 /people/person/profession /m/02krf9 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03gvpk /people/deceased_person/place_of_death /m/02xry +/m/013kcv /location/location/contains /m/029qzx +/m/017g21 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/08rr3p +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02nq10 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0fqyc +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0bz5v2 +/m/0q8p8 /location/location/time_zones /m/02fqwt +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/048z7l /people/ethnicity/people /m/01mqnr +/m/0gjm7 /people/profession/specialization_of /m/09j9h +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0mfj2 +/m/0gdh5 /people/person/profession /m/02hrh1q +/m/0kjgl /film/actor/film./film/performance/film /m/09cr8 +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/0bc71w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/0c1pj /film/actor/film./film/performance/film /m/033pf1 +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0gl6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0208wk /award/award_category/disciplines_or_subjects /m/04g51 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05z43v /tv/tv_program/genre /m/03g3w +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/08rr3p /film/film/music /m/01l3mk3 +/m/0cnztc4 /film/film/genre /m/0lsxr +/m/0k0sb /language/human_language/countries_spoken_in /m/01pj7 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/06b3g4 /people/person/nationality /m/09c7w0 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04l3_z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0hr30wt +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/095z4q /film/film/language /m/02h40lc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01ngz1 +/m/0m2cb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jj6k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxly +/m/027r7k /film/film/genre /m/07s9rl0 +/m/07nxvj /film/film/written_by /m/09v6tz +/m/01rzqj /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/02fjzt /education/educational_institution/school_type /m/05jxkf +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/04h4zx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/0gm2_0 /film/film/country /m/09c7w0 +/m/056rgc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03x400 +/m/02qpt1w /film/film/country /m/06mkj +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/026n13j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dzz_ /location/location/contains /m/01pr6n +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/01w5gp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01txts /music/record_label/artist /m/017_hq +/m/016lh0 /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/07swvb /film/actor/film./film/performance/film /m/05pdh86 +/m/0cwx_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01m42d0 /film/actor/film./film/performance/film /m/03kx49 +/m/097zcz /film/film/production_companies /m/086k8 +/m/03crmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/050zr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0zcbl +/m/01zwy /people/person/profession /m/016fly +/m/054_mz /people/person/profession /m/01d_h8 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0hv8w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02yv_b /time/event/instance_of_recurring_event /m/0g_w +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/015ppk /tv/tv_program/country_of_origin /m/09c7w0 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbg0 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/0hnjt /people/person/place_of_birth /m/02_286 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01w_d6 +/m/05krk /education/educational_institution/campuses /m/05krk +/m/0jw67 /people/person/profession /m/0cbd2 +/m/0bmh4 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d05w3 /location/location/contains /m/014clr +/m/058vp /influence/influence_node/influenced_by /m/0j3v +/m/070j61 /people/person/profession /m/0dxtg +/m/03j1p2n /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/04jm_hq /film/film/produced_by /m/02qjpv5 +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/0mhfr /music/genre/artists /m/05sq0m +/m/0170pk /film/actor/film./film/performance/film /m/011yr9 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0h3y /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ndc +/m/0bh8x1y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wl38s /people/person/profession /m/0nbcg +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/05typm /people/person/nationality /m/09c7w0 +/m/06w6_ /people/person/nationality /m/09c7w0 +/m/017_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/017y6l /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0hcvy /influence/influence_node/influenced_by /m/0l99s +/m/0g96wd /people/ethnicity/languages_spoken /m/03x42 +/m/01gz9n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/04fzfj +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/01hkhq /film/actor/film./film/performance/film /m/049w1q +/m/0cbvg /time/event/locations /m/02j9z +/m/011s9r /people/person/gender /m/05zppz +/m/02n1gr /people/person/places_lived./people/place_lived/location /m/02c7tb +/m/02x8m /music/genre/artists /m/024qwq +/m/01swck /people/person/profession /m/0dxtg +/m/0blpnz /people/person/places_lived./people/place_lived/location /m/068p2 +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/07hgm /influence/influence_node/influenced_by /m/018x3 +/m/03g62 /people/person/profession /m/0dxtg +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0h25 /people/person/religion /m/0kpl +/m/05yh_t /film/actor/film./film/performance/film /m/01cssf +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/056jrs +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/02pqs8l /tv/tv_program/genre /m/0vgkd +/m/0xhtw /music/genre/artists /m/01vw20_ +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06crng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fb0v /music/record_label/artist /m/05_swj +/m/08qxx9 /people/person/nationality /m/0345h +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/01fkv0 +/m/013pp3 /influence/influence_node/influenced_by /m/01tz6vs +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/0bw6y +/m/02xtxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/019pm_ /people/person/nationality /m/09c7w0 +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mkk3 /location/location/time_zones /m/02fqwt +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/02qrv7 /film/film/produced_by /m/03kpvp +/m/06gst /music/record_label/artist /m/013v5j +/m/0725ny /film/actor/film./film/performance/film /m/0cpllql +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02qgyv /film/actor/film./film/performance/film /m/02825cv +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hcj2 +/m/0jlv5 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/09h4b5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03knl /people/person/profession /m/0d1pc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016017 +/m/015pnb /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bn3jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/051qvn /sports/sports_team/colors /m/06fvc +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/03pc89 /film/film/genre /m/0vgkd +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fqjks +/m/027pwl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01s21dg +/m/01wdj_ /education/university/fraternities_and_sororities /m/0325pb +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/0gvvm6l /film/film/music /m/0c73z +/m/0kx4m /award/award_winner/awards_won./award/award_honor/award_winner /m/02q_cc +/m/06bzwt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bl1_ /film/film/language /m/02h40lc +/m/09y20 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b2_xp +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/025n3p /people/person/profession /m/03gjzk +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02qvvv +/m/03j367r /award/award_winner/awards_won./award/award_honor/award_winner /m/02ply6j +/m/0bvzp /people/person/profession /m/05vyk +/m/037gjc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ym8l /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/07pzc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j7z7 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0443c +/m/02jjdr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jr4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016j2t /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/06vsbt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x9_8 +/m/0147dk /people/person/profession /m/0dz3r +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/01b0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tqm5 +/m/0466k4 /people/person/places_lived./people/place_lived/location /m/04wlh +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07ssc /media_common/netflix_genre/titles /m/0qmd5 +/m/03flwk /people/person/profession /m/0q04f +/m/0gv40 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h1m9 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03cvwkr /film/film/genre /m/0219x_ +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gv3db +/m/01vsl3_ /influence/influence_node/peers./influence/peer_relationship/peers /m/01nz1q6 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0flry /film/film_subject/films /m/04vq33 +/m/0dq9p /people/cause_of_death/people /m/02lj6p +/m/03xx3m /people/person/religion /m/0c8wxp +/m/019l68 /film/actor/film./film/performance/film /m/03lvwp +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/04cbbz /film/film/featured_film_locations /m/0qr8z +/m/02x6dqb /film/film/language /m/02h40lc +/m/01wk51 /people/person/gender /m/02zsn +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/099bhp +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p4r3 +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c0tzp +/m/0h336 /influence/influence_node/influenced_by /m/042q3 +/m/09v42sf /film/film/film_festivals /m/0fpkxfd +/m/049fgvm /influence/influence_node/influenced_by /m/014z8v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/03gkn5 +/m/023fb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/046zh /film/actor/film./film/performance/film /m/0127ps +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/0g5q34q /film/film/genre /m/0219x_ +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09r1j5 /people/person/religion /m/0flw86 +/m/017b2p /people/person/profession /m/025352 +/m/06mt91 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02l840 +/m/03dn9v /people/person/languages /m/02h40lc +/m/02sqkh /tv/tv_program/genre /m/07s9rl0 +/m/0hwd8 /people/person/gender /m/05zppz +/m/0c3z0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01znc_ /location/location/contains /m/0jyw +/m/05g7q /influence/influence_node/influenced_by /m/04xfb +/m/0cfhfz /film/film/genre /m/07s9rl0 +/m/027_tg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f6hhm +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tkzn +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvbl6 +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0mdyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01swck /film/actor/film./film/performance/film /m/02tgz4 +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/06by7 /music/genre/artists /m/01m65sp +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cc5tgk +/m/03d29b /people/person/profession /m/0np9r +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0bg4j_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fvxz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05fjf +/m/0g69lg /award/award_winner/awards_won./award/award_honor/award_winner /m/05cqhl +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/09pjnd +/m/0jhn7 /olympics/olympic_games/sports /m/071t0 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0187x8 +/m/064t9 /music/genre/artists /m/01wf86y +/m/0243cq /film/film/genre /m/06qln +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/02v_4xv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01352_ +/m/027xq5 /organization/organization/headquarters./location/mailing_address/citytown /m/0hyxv +/m/02r34n /film/actor/film./film/performance/film /m/06929s +/m/05v1sb /award/award_winner/awards_won./award/award_honor/award_winner /m/076psv +/m/032_wv /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0f6lx /people/person/place_of_birth /m/0tcj6 +/m/01nkxvx /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03m5y9p +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/05l5n /location/location/time_zones /m/03bdv +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/01z_g6 +/m/084nh /people/person/languages /m/02h40lc +/m/0105y2 /base/biblioness/bibs_location/state /m/07b_l +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jc6q +/m/02gx2k /award/award_category/winners./award/award_honor/award_winner /m/045zr +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02kfzz /film/film/music /m/023361 +/m/03tf_h /film/director/film /m/0d1qmz +/m/0grjmv /music/genre/artists /m/01w5n51 +/m/0dnqr /film/film/music /m/0146pg +/m/0lzkm /people/person/place_of_birth /m/01_d4 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/03mcwq3 /people/person/nationality /m/09c7w0 +/m/05p09dd /film/film/country /m/07ssc +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rcmg +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0g5lhl7 /media_common/netflix_genre/titles /m/0jq2r +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/09c7w0 /location/location/contains /m/01nkcn +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qz6n +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/01rlxt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06r4f +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b18l +/m/0hmm7 /film/film/country /m/09c7w0 +/m/02w6s3 /music/genre/artists /m/07g2v +/m/0dmy0 /location/location/contains /m/029spt +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/01ynzf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015076 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015v3r +/m/05bnp0 /film/actor/film./film/performance/film /m/03hkch7 +/m/03_qj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04vq3h /award/award_winner/awards_won./award/award_honor/award_winner /m/0311wg +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qz5 +/m/03t8v3 /people/person/gender /m/05zppz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r6cx +/m/0847q /location/location/contains /m/062qg +/m/01wrcxr /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/0bymv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026p4q7 /film/film/produced_by /m/030_3z +/m/0gxkm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3jz +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/07_s4b /people/person/profession /m/0cbd2 +/m/0c422z4 /award/award_category/winners./award/award_honor/award_winner /m/02k21g +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hrqc +/m/0jrqq /film/actor/film./film/performance/film /m/0jjy0 +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02c638 /film/film/featured_film_locations /m/01cx_ +/m/016mhd /film/film/executive_produced_by /m/02z6l5f +/m/0168ql /people/person/profession /m/0np9r +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0y3 +/m/02p76f9 /film/film/produced_by /m/0d0xs5 +/m/01lmj3q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qm_f /film/film/genre /m/02kdv5l +/m/046f25 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/08hmch /film/film/prequel /m/06gb1w +/m/046qq /film/actor/film./film/performance/film /m/0d6_s +/m/01yd8v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016sp_ +/m/0hgqq /people/person/religion /m/092bf5 +/m/03zg2x /people/person/nationality /m/09c7w0 +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/01cbt3 /people/person/place_of_birth /m/088cp +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gcpc +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g1rw +/m/03hp2y1 /film/film/featured_film_locations /m/030qb3t +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/04ld32 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/013xrm /people/ethnicity/people /m/06gh0t +/m/01w1kyf /film/actor/film./film/performance/film /m/015whm +/m/0mx2h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01zz8t +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/04954r /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02y_lrp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/016yr0 +/m/0jwvf /film/film/film_festivals /m/05ys0wz +/m/0f4vx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064t9 /music/genre/artists /m/0161c2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/position /m/0dgrmp +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/02qd04y +/m/01k5zk /film/actor/film./film/performance/film /m/05j82v +/m/07ym47 /music/genre/artists /m/017yfz +/m/02s62q /organization/organization/headquarters./location/mailing_address/citytown /m/0c1d0 +/m/04lqvly /film/film/genre /m/03g3w +/m/04lhc4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jfx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/01sxdy /film/film/genre /m/04xvlr +/m/0crh5_f /film/film/film_festivals /m/0g57ws5 +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01jgkj2 /people/person/places_lived./people/place_lived/location /m/0z20d +/m/0473rc /film/film/featured_film_locations /m/0d6lp +/m/0dfjb8 /film/actor/film./film/performance/film /m/05q54f5 +/m/0gm2_0 /film/film/genre /m/0c3351 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bl5c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fw9vx /sports/sports_team/colors /m/06fvc +/m/07_f2 /location/location/contains /m/02m0b0 +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017m2y +/m/03pzf /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01k3s2 /education/educational_institution/colors /m/01l849 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/0171cm /film/actor/film./film/performance/film /m/043mk4y +/m/0b_6yv /music/genre/parent_genre /m/016jhr +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z43v +/m/0170th /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/01dtcb /business/business_operation/industry /m/02jjt +/m/0h6rm /organization/organization/headquarters./location/mailing_address/state_province_region /m/06q1r +/m/0gm2_0 /film/film/genre /m/02n4kr +/m/01lqm /language/human_language/countries_spoken_in /m/01xbgx +/m/0lgm5 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1yn +/m/01z0rcq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/0274v0r /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/07fq1y +/m/06g77c /film/film/country /m/0f8l9c +/m/086sj /film/actor/film./film/performance/film /m/01shy7 +/m/01fx4k /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/04hcw /people/person/nationality /m/0h7x +/m/01wkmgb /people/person/languages /m/0t_2 +/m/03cwwl /film/film/genre /m/06n90 +/m/02b1mr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01znbj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/02mqc4 +/m/011yl_ /film/film/country /m/0chghy +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0b_ljy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025st2z +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02gm9n /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0283d /music/genre/parent_genre /m/06czq +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07fzq3 +/m/03n785 /film/film/country /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02yxjs +/m/0qmfz /film/film/genre /m/04t36 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/0_kfv /location/hud_county_place/place /m/0_kfv +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/02pl5bx /music/genre/artists /m/0bs1g5r +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/07ncs0 /film/actor/film./film/performance/film /m/05pdh86 +/m/07r78j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r00l +/m/0qmhk /film/film/music /m/07zft +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/02p86pb /film/film/genre /m/082gq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n0bp +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtsb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07dfk +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j6b5 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/0225v9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04h9h +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d6_s +/m/0c2ry /people/person/gender /m/02zsn +/m/0hvb2 /people/person/nationality /m/09c7w0 +/m/032t2z /music/group_member/membership./music/group_membership/role /m/02snj9 +/m/07h9gp /film/film/production_companies /m/0jz9f +/m/054k_8 /people/person/profession /m/02jknp +/m/07x4c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01p4r3 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/01nr36 /film/actor/film./film/performance/film /m/025rxjq +/m/0342h /music/instrument/instrumentalists /m/01vvybv +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc_l +/m/0kbq /film/film_subject/films /m/0gj8nq2 +/m/02k21g /film/actor/film./film/performance/film /m/0bscw +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0lbfv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/02whj +/m/012vd6 /film/actor/film./film/performance/film /m/01jnc_ +/m/0166b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fb1q +/m/04wlz2 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gg8l /music/genre/artists /m/028hc2 +/m/07s467s /people/profession/specialization_of /m/06q2q +/m/07w6r /education/educational_institution/school_type /m/05jxkf +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/01c22t +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02t_h3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zpmq /organization/organization/headquarters./location/mailing_address/citytown /m/0r6c4 +/m/08nz99 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qv_ +/m/0h1cdwq /film/film/country /m/09c7w0 +/m/02hmw9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b64v +/m/07b1gq /film/film/genre /m/02kdv5l +/m/048tgl /people/person/profession /m/0nbcg +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01lz4tf /people/person/spouse_s./people/marriage/spouse /m/01lbp +/m/06brp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/020wyp +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/09glnr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/06lxn +/m/015c4g /film/actor/film./film/performance/film /m/07g1sm +/m/0kpys /location/location/contains /m/0k_q_ +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/01_gv +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01bdxz +/m/02gd6x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lfgr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0498y /location/location/contains /m/01ptt7 +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvjr +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/022lly /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/01f08r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01z215 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/011yl_ /film/film/featured_film_locations /m/0chghy +/m/02cbg0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/02hzx8 /sports/sports_team/colors /m/083jv +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02bfxb +/m/01j851 /people/person/nationality /m/09c7w0 +/m/0109vk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02mc79 /people/person/profession /m/018gz8 +/m/01xr2s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02y_2y +/m/015qq1 /film/actor/film./film/performance/film /m/06r2_ +/m/01q9b9 /people/person/profession /m/0kyk +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/01z4y /media_common/netflix_genre/titles /m/0prrm +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/06j6l /music/genre/artists /m/016fnb +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/022lly +/m/02tv80 /film/actor/film./film/performance/film /m/03shpq +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hp53 +/m/03wjb7 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/02qgqt /film/actor/film./film/performance/film /m/03cvvlg +/m/029t1 /base/biblioness/bibs_location/country /m/059j2 +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05k7sb /location/location/contains /m/0tz41 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02hnl /music/instrument/instrumentalists /m/01w9wwg +/m/06kl78 /film/film/genre /m/0glj9q +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/07r_dg /film/actor/film./film/performance/film /m/05p1qyh +/m/0m8_v /people/person/places_lived./people/place_lived/location /m/03h64 +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n0q5 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/02pt6k_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/046_v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/081pw /time/event/locations /m/0dg3n1 +/m/01vtmw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/0j0k /location/location/contains /m/03spz +/m/0dwsp /music/instrument/instrumentalists /m/01271h +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01438g +/m/07bch9 /people/ethnicity/people /m/0c_jc +/m/0hx4y /film/film/music /m/0146pg +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xzb6 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cfhfz +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/01tmtg /base/aareas/schema/administrative_area/capital /m/01zll8 +/m/0bthb /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03q3sy /film/actor/film./film/performance/film /m/05t0_2v +/m/01c6zg /location/location/time_zones /m/02llzg +/m/05gd9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019nnl /tv/tv_program/program_creator /m/021yw7 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/06mvq /people/ethnicity/people /m/0889x +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/01rnpy /film/actor/film./film/performance/film /m/08lr6s +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/027y151 /people/person/profession /m/02tx6q +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/09kr66 /people/ethnicity/people /m/01qqtr +/m/09rvwmy /film/film/language /m/06nm1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03gn1x +/m/01z0lb /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/04pnx /location/location/contains /m/0164b +/m/0mb5x /people/person/profession /m/0q04f +/m/01lbcqx /film/film/language /m/02h40lc +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01g3gq /film/film/genre /m/01585b +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/036hv +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/016dp0 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0150t6 +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hwqg +/m/04dn71w /media_common/netflix_genre/titles /m/032clf +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02vzpb /film/film/country /m/09c7w0 +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/0nm9h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01d494 /influence/influence_node/influenced_by /m/058vp +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/03mqtr /media_common/netflix_genre/titles /m/02x2jl_ +/m/02h40lc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/01b9z4 /film/actor/film./film/performance/film /m/07cz2 +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02_j7t +/m/03g62 /people/person/places_lived./people/place_lived/location /m/03v1s +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/044mfr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c7xjb +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04__f +/m/018js4 /film/film/language /m/02h40lc +/m/0m7yh /education/educational_institution_campus/educational_institution /m/0m7yh +/m/07_nf /film/film_subject/films /m/0sxmx +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/01pq4w /education/educational_institution/colors /m/067z2v +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zh9c +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccd3x +/m/059j2 /location/country/second_level_divisions /m/029t1 +/m/0mzkr /music/record_label/artist /m/01vswx5 +/m/07cjqy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/04z0g /people/person/profession /m/0cbd2 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/0356dp /film/actor/film./film/performance/film /m/0dnqr +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p__8 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/056zf9 /sports/sports_team/colors /m/01g5v +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/047g98 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/06z8s_ /film/film/genre /m/04btyz +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0544vh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0k3k1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/01cszh /music/record_label/artist /m/07qnf +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01797x /film/actor/film./film/performance/film /m/027r9t +/m/024rbz /business/business_operation/industry /m/02vxn +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/028_yv /film/film/language /m/064_8sq +/m/025s1wg /film/film/genre /m/02kdv5l +/m/0199gx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05g8ky /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02py9yf +/m/01lfy /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03rrdb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/0229rs /music/record_label/artist /m/015x1f +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2h +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f8pz +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/05hs4r /music/genre/parent_genre /m/06by7 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/014vk4 +/m/0462hhb /film/film/genre /m/04xvlr +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019pcs +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/033fqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016szr +/m/01f7jt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027rwmr +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/0c0k1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/025r_t /sports/sports_team_location/teams /m/0cj_v7 +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/0f25y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n4yq +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0g9lm2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/082scv +/m/02t_vx /film/actor/film./film/performance/film /m/0g9yrw +/m/01t04r /music/record_label/artist /m/03qmj9 +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09swkk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/092ggq /people/person/place_of_birth /m/0f2s6 +/m/05bt6j /music/genre/artists /m/03f5spx +/m/01pq5j7 /people/person/gender /m/02zsn +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/05hj_k /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01s7zw /film/actor/film./film/performance/film /m/0dr_4 +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/01h4rj /people/person/languages /m/064_8sq +/m/0g51l1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0k3k1 /location/location/contains /m/01qh7 +/m/0171cm /film/actor/film./film/performance/film /m/0dl6fv +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/09fb5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/03wh49y /film/film/genre /m/03k9fj +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/01vz80y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017_qw /music/genre/artists /m/02g1jh +/m/024y8p /education/educational_institution/colors /m/038hg +/m/0fvr1 /film/film/genre /m/06nbt +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/058frd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02r1ysd +/m/06r1k /tv/tv_program/program_creator /m/03ft8 +/m/01flzq /music/genre/artists /m/03sww +/m/0bpx1k /film/film/language /m/02h40lc +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02h758 +/m/06cgy /film/actor/film./film/performance/film /m/02ll45 +/m/07ssc /media_common/netflix_genre/titles /m/0bpx1k +/m/04y0yc /people/person/nationality /m/03rk0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0m2kd +/m/01c65z /film/actor/film./film/performance/film /m/04ydr95 +/m/041rx /people/ethnicity/people /m/0d0l91 +/m/0djd3 /location/hud_county_place/county /m/0n56v +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/06kknt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0brgy /medicine/symptom/symptom_of /m/0d19y2 +/m/015_1q /music/record_label/artist /m/029ql +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034xyf +/m/0kbws /olympics/olympic_games/participating_countries /m/0697s +/m/019n7x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033wx9 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/012mzw /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bm2x /film/film/language /m/02h40lc +/m/0xkyn /location/location/time_zones /m/02hcv8 +/m/064t9 /music/genre/artists /m/01w9wwg +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01h72l +/m/0258dh /film/film/produced_by /m/047q2wc +/m/0n_2q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/02qvyrt /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/078jt5 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07yvsn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/08k1lz /people/person/profession /m/02hrh1q +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wxyx1 +/m/04b7xr /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/04l5d0 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/03qjg /music/instrument/instrumentalists /m/016s_5 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0jgx /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/06g4_ /people/person/places_lived./people/place_lived/location /m/05l5n +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0j46b +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wg3 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/04b4yg +/m/0nt6b /location/location/contains /m/0sn4f +/m/03rhqg /music/record_label/artist /m/033s6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04j4tx +/m/0ds3t5x /film/film/produced_by /m/01r2c7 +/m/04z0g /people/person/place_of_birth /m/0cr3d +/m/09ftwr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b13y +/m/02qjj7 /people/person/profession /m/01d_h8 +/m/01wg6y /music/group_member/membership./music/group_membership/role /m/013y1f +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/03pc89 /film/film/genre /m/0cshrf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08k05y +/m/0c2ry /people/person/spouse_s./people/marriage/spouse /m/0bkmf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/02hzz /music/artist/origin /m/0z20d +/m/0dlngsd /film/film/produced_by /m/03ktjq +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/04jpk2 /film/film/written_by /m/015njf +/m/02238b /people/person/gender /m/05zppz +/m/01w92 /tv/tv_network/programs./tv/tv_network_duration/program /m/047m_w +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/041rx /people/ethnicity/people /m/02b29 +/m/01ls2 /location/country/official_language /m/06nm1 +/m/0kbvb /olympics/olympic_games/participating_countries /m/035qy +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09t4hh /people/person/profession /m/02hrh1q +/m/06kl78 /film/film/story_by /m/041xl +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/0k9j_ /people/person/profession /m/02hrh1q +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0g6ff /people/ethnicity/people /m/032l1 +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2p7 +/m/032nl2 /people/person/profession /m/02hrh1q +/m/0gf14 /education/educational_institution/colors /m/01g5v +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/04xvlr /media_common/netflix_genre/titles /m/0_9l_ +/m/0pdp8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ggx5q /music/genre/artists /m/0bqsy +/m/01sbv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gx1bnj /film/film/produced_by /m/092kgw +/m/03nt59 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05bpg3 +/m/03p9hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr46y +/m/0cchk3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04tgp +/m/08vr94 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/086nl7 +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01n7qlf +/m/05v8c /location/country/form_of_government /m/01d9r3 +/m/01rly6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01shy7 +/m/0mb8c /film/film/language /m/0459q4 +/m/075wx7_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05qbbfb +/m/0140g4 /film/film/prequel /m/0q9sg +/m/03h42s4 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/01_p6t +/m/061681 /film/film/language /m/02h40lc +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0lcx /influence/influence_node/influenced_by /m/034bs +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/06z8gn /film/actor/film./film/performance/film /m/0408m53 +/m/0674l0 /business/business_operation/industry /m/02vxn +/m/044p4_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04r7jc /people/person/profession /m/02hv44_ +/m/0gy2y8r /film/film/production_companies /m/0g1rw +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01tc9r /people/person/gender /m/05zppz +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04g4n +/m/01dkpb /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/09zyn5 /people/ethnicity/languages_spoken /m/0295r +/m/014zfs /influence/influence_node/influenced_by /m/052hl +/m/02yy_j /people/person/profession /m/02jknp +/m/01j7rd /people/person/place_of_birth /m/02_286 +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ylg6 +/m/01gbbz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0627zr /people/person/nationality /m/03rk0 +/m/09c7w0 /location/location/contains /m/01p5xy +/m/0f7hc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tx9m /education/educational_institution/students_graduates./education/education/student /m/0137n0 +/m/037xlx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03x83_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02404v /people/person/nationality /m/0chghy +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/05ypj5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0284gcb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0d68qy +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_t2t +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/0q9t7 /people/person/profession /m/02jknp +/m/051x52f /people/person/gender /m/05zppz +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/023vcd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/014488 +/m/0hn10 /media_common/netflix_genre/titles /m/0286vp +/m/05z01 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02v992 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/090s_0 +/m/031ldd /film/film/country /m/0d05w3 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09s5q8 +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0mb0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0835q /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/02q3fdr /film/film/executive_produced_by /m/0534v +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0126rp /people/person/profession /m/0dxtg +/m/033tf_ /people/ethnicity/people /m/02l0xc +/m/0161c2 /people/person/religion /m/0c8wxp +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/01bmlb /people/person/gender /m/05zppz +/m/02825kb /film/film/country /m/09c7w0 +/m/0kc8y /award/award_winner/awards_won./award/award_honor/award_winner /m/026v1z +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01633c +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/03ym1 /film/actor/film./film/performance/film /m/0dl6fv +/m/01qdjm /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/025rvx0 /film/film/country /m/09c7w0 +/m/01kckd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03pmty /people/person/profession /m/02hrh1q +/m/041jlr /film/film/film_festivals /m/03wf1p2 +/m/047hpm /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0f276 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y9qr +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/0r2kh /location/hud_county_place/county /m/0cb4j +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/022wxh +/m/083skw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/0133sq +/m/05tbn /location/location/contains /m/04hgpt +/m/01n8qg /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/011k11 /music/record_label/artist /m/06c44 +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0flw6 +/m/06tw8 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0f38nv /music/record_label/artist /m/016lj_ +/m/01tzm9 /influence/influence_node/influenced_by /m/041c4 +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/015g28 +/m/02_0d2 /film/actor/film./film/performance/film /m/03h4fq7 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/03cvv4 +/m/0p9qb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05g8pg +/m/016clz /music/genre/artists /m/01vswx5 +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03j2gxx /people/person/gender /m/05zppz +/m/016tvq /tv/tv_program/genre /m/05p553 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07024 +/m/0x67 /people/ethnicity/people /m/01wd9lv +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02z0f6l /film/film/written_by /m/05mcjs +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qxzd +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/053yx /music/artist/contribution./music/recording_contribution/performance_role /m/07gql +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/0r771 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01b0k1 /people/person/place_of_birth /m/04jpl +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02knxx /people/cause_of_death/people /m/02t_w8 +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/039c26 /tv/tv_program/genre /m/0hfjk +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0dg3n1 /base/locations/continents/countries_within /m/01rxw +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jjw +/m/0dpl44 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/08sk8l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gb_4p /film/film/production_companies /m/086k8 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/01xwqn /people/person/profession /m/0dxtg +/m/049dzz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03qmg1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03t22m +/m/0gy2y8r /film/film/genre /m/05p553 +/m/01hmnh /media_common/netflix_genre/titles /m/07ghv5 +/m/039cq4 /tv/tv_program/genre /m/0q00t +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/0hv27 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/01s7ns /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0d7wh /people/ethnicity/people /m/09fqtq +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/028q6 /people/person/profession /m/01c72t +/m/064t9 /music/genre/artists /m/018gqj +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/07r1h /people/person/spouse_s./people/marriage/spouse /m/020trj +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/04f62k /film/actor/film./film/performance/film /m/0dd6bf +/m/01vswwx /music/group_member/membership./music/group_membership/role /m/0342h +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026gyn_ +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/0dnkmq /film/film/featured_film_locations /m/080h2 +/m/0ch280 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fw4y /film/director/film /m/04jwjq +/m/0gk4g /people/cause_of_death/people /m/03thw4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k7tq +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/03_bcg /award/award_winner/awards_won./award/award_honor/award_winner /m/0m593 +/m/047vp1n /film/film/language /m/064_8sq +/m/03rj0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gg9_5q /people/person/gender /m/05zppz +/m/035gnh /film/film/production_companies /m/031rp3 +/m/05zlld0 /film/film/featured_film_locations /m/02dtg +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grqd +/m/0bscw /film/film/language /m/02h40lc +/m/0cqt41 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01wd9lv /music/artist/origin /m/02_286 +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/07m9cm /film/actor/film./film/performance/film /m/0dll_t2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0mmd6 +/m/0252fh /people/person/profession /m/02hrh1q +/m/07sp4l /film/film/genre /m/0dz8b +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0snty /location/location/time_zones /m/02hcv8 +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0l786 /people/person/profession /m/02jknp +/m/09c7w0 /location/location/contains /m/01hjy5 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05r5c /music/instrument/instrumentalists /m/0c73z +/m/07ssc /location/location/contains /m/021y1s +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0221g_ +/m/012vwb /education/educational_institution/school_type /m/01_9fk +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05qhw /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01p9hgt /people/person/profession /m/028kk_ +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01jw67 /film/film/genre /m/04t36 +/m/03spz /location/location/contains /m/015cz0 +/m/01n4w /location/location/contains /m/0k9wp +/m/01d0fp /people/person/places_lived./people/place_lived/location /m/0n2z +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0343h /influence/influence_node/peers./influence/peer_relationship/peers /m/06pj8 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/03gvt /music/instrument/instrumentalists /m/01vn35l +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02n1p5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/04vmp +/m/01z4y /media_common/netflix_genre/titles /m/05zpghd +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/0ddfwj1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g83dv /film/film/executive_produced_by /m/05hj_k +/m/0421v9q /film/film/genre /m/05p553 +/m/05x2t7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07yklv /music/genre/artists /m/02k5sc +/m/01jw4r /people/person/profession /m/03gjzk +/m/020vx9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/02d4ct +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07csf4 +/m/01cx_ /location/location/time_zones /m/02hcv8 +/m/01336l /people/ethnicity/languages_spoken /m/07zrf +/m/04fcjt /music/record_label/artist /m/016pns +/m/06gbnc /people/ethnicity/people /m/04smkr +/m/0m_cg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h40_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/07fvf1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7gxq +/m/02ndy4 /film/film/genre /m/05p553 +/m/058dm9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03lgg /people/person/profession /m/0cbd2 +/m/03phgz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/02prw4h /film/film/genre /m/082gq +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0crqcc /people/person/profession /m/01d_h8 +/m/01w9mnm /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016vg8 +/m/03vtrv /music/record_label/artist /m/048xh +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01tj34 +/m/039b7_ /location/location/contains /m/0p4gy +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0bnzd /film/film/genre /m/0lsxr +/m/04ly1 /location/location/contains /m/02fs_d +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/02qjv1p +/m/02ln0f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/01y9jr /film/film/language /m/012w70 +/m/0fvyz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/02h40lc /language/human_language/countries_spoken_in /m/06s_2 +/m/048vhl /film/film/production_companies /m/016tt2 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0sxgh /education/educational_institution/school_type /m/05jxkf +/m/06jnv /location/country/official_language /m/02h40lc +/m/07733f /organization/organization/headquarters./location/mailing_address/citytown /m/081yw +/m/05znbh7 /film/film/genre /m/01jfsb +/m/01tj34 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/06cgy /people/person/profession /m/02hrh1q +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02ctc6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bq8tmw /film/film/executive_produced_by /m/06lvlf +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/02f9wb /award/award_winner/awards_won./award/award_honor/award_winner /m/02d6cy +/m/02b1cn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jc +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047tsx3 +/m/0r0ss /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0642ykh /film/film/genre /m/01hmnh +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0315rp +/m/01swck /film/actor/film./film/performance/film /m/0872p_c +/m/09k23 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qpqn +/m/01lvcs1 /people/person/profession /m/029bkp +/m/01shy7 /film/film/featured_film_locations /m/02_286 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/016tb7 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b_jc +/m/0sjqm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fn34 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0yfp /people/person/profession /m/02hrh1q +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n04r +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08h79x +/m/0q19t /education/educational_institution/campuses /m/0q19t +/m/0f6cl2 /sports/sports_team/sport /m/02vx4 +/m/0z20d /location/hud_county_place/place /m/0z20d +/m/033g4d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t8b /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/03m3nzf /film/actor/film./film/performance/film /m/0h2zvzr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/016w7b +/m/03d5m8w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0cxgc /location/administrative_division/country /m/07ssc +/m/01k0xy /film/film/prequel /m/07pd_j +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01j_5k +/m/0p9xd /music/genre/artists /m/0p3sf +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/043g7l /music/record_label/artist /m/01w5n51 +/m/064t9 /music/genre/artists /m/01wyz92 +/m/0yzbg /film/film/produced_by /m/07b3r9 +/m/01x72k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0163v /location/country/form_of_government /m/01d9r3 +/m/014g_s /people/person/gender /m/05zppz +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/06kb_ /people/person/profession /m/05z96 +/m/07ddz9 /film/actor/film./film/performance/film /m/0p_tz +/m/05f8c2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/08z129 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/0c2tf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jswp +/m/0kfpm /tv/tv_program/genre /m/05p553 +/m/0f0qfz /music/group_member/membership./music/group_membership/role /m/018vs +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/018qb4 /olympics/olympic_games/sports /m/06z6r +/m/03h_yy /film/film/genre /m/04t36 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bnzd +/m/0fb0v /music/record_label/artist /m/01vrx35 +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d_w7 +/m/0kcrd /location/location/contains /m/0lphb +/m/0mpbj /base/aareas/schema/administrative_area/administrative_parent /m/07z1m +/m/01kph_c /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026390q +/m/02d_zc /organization/organization/headquarters./location/mailing_address/citytown /m/031sn +/m/01z0rcq /people/person/place_of_birth /m/0281s1 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/01w58n3 /people/person/profession /m/04gf49c +/m/0gy9d4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lw3kh +/m/086nl7 /film/actor/film./film/performance/film /m/02_sr1 +/m/03fbb6 /film/actor/film./film/performance/film /m/0kvbl6 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01t0dy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0b25vg /people/person/place_of_birth /m/0prxp +/m/0btpm6 /film/film/written_by /m/0184dt +/m/04y9dk /film/actor/film./film/performance/film /m/016z7s +/m/013cr /people/person/profession /m/0dxtg +/m/0gc_c_ /film/film/genre /m/02kdv5l +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gydcp7 +/m/02fqxm /film/film/genre /m/07s9rl0 +/m/078ym8 /base/aareas/schema/administrative_area/capital /m/0fwdr +/m/01nr36 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0dq9p /people/cause_of_death/people /m/096hm +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/05prs8 /award/award_winner/awards_won./award/award_honor/award_winner /m/027z0pl +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/05jm7 /influence/influence_node/peers./influence/peer_relationship/peers /m/01_k0d +/m/06mz5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s0w +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04tgp /location/location/contains /m/0wr_s +/m/03mp9s /people/person/places_lived./people/place_lived/location /m/071vr +/m/04jwp /people/person/profession /m/0fj9f +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/02_1ky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05fnl9 +/m/06dfg /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02g5bf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0ds5_72 /film/film/executive_produced_by /m/06q5t7 +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/05d8vw /music/artist/origin /m/03l2n +/m/02j9z /location/location/contains /m/0bjv6 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0kq08 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0drs_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drs7 +/m/01_r9k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/01s7z0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05b6s5j +/m/01yf85 /film/actor/film./film/performance/film /m/09sh8k +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0l98s /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0sw6y /film/actor/film./film/performance/film /m/099bhp +/m/09n48 /olympics/olympic_games/participating_countries /m/035qy +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/014m1m /location/administrative_division/country /m/0b90_r +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015q43 +/m/0f1k__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/04sh80 /film/film/edited_by /m/03q8ch +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/01n1gc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013qvn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6v_ /time/event/locations /m/013yq +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01sxdy /film/film/production_companies /m/016tw3 +/m/0grwj /film/actor/film./film/performance/film /m/0fs9vc +/m/0xsk8 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0f721s +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvdm +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/02r5qtm /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/025rxjq /film/film/featured_film_locations /m/01_d4 +/m/09c7w0 /location/location/contains /m/02cl1 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0yjf0 +/m/05jbn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rw116 /people/person/profession /m/09jwl +/m/043gj /people/person/gender /m/05zppz +/m/0c5lg /people/profession/specialization_of /m/035y33 +/m/0d0mbj /people/person/languages /m/01c7y +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016xh5 /people/person/place_of_birth /m/01b8w_ +/m/0693l /people/person/languages /m/02h40lc +/m/03q45x /film/actor/film./film/performance/film /m/0640y35 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02s8qk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06ns98 /people/person/profession /m/02hrh1q +/m/05bcl /sports/sports_team_location/teams /m/0272vm +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0hm2b +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05km8z +/m/02pzc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fpjd_g +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cbtlj +/m/0604m /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01p79b /education/educational_institution/campuses /m/01p79b +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/04hk0w /film/film/music /m/01nqfh_ +/m/07tvwy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05q7874 /film/film/film_festivals /m/0cmd3zy +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06nd8c +/m/0415svh /people/person/profession /m/01d_h8 +/m/06bss /people/person/profession /m/04gc2 +/m/059m45 /people/person/place_of_birth /m/0mzww +/m/01wbz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/05r5c /music/instrument/instrumentalists /m/0kn3g +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/03clwtw /film/film/film_format /m/07fb8_ +/m/0b6jkkg /award/award_category/winners./award/award_honor/award_winner /m/099ks0 +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04qmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01n3bm /people/cause_of_death/people /m/0f0y8 +/m/014635 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01mb87 +/m/02xfj0 /influence/influence_node/influenced_by /m/01hmk9 +/m/0m_v0 /music/artist/origin /m/06wxw +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/02jxrw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/04wp3s /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026c1 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/021pqy +/m/02mhfy /film/actor/film./film/performance/film /m/03nqnnk +/m/04h07s /film/actor/film./film/performance/film /m/034qmv +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gyx4 +/m/01l2b3 /film/film/production_companies /m/025jfl +/m/01vs73g /people/person/nationality /m/09c7w0 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03q5dr /people/person/nationality /m/02jx1 +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/01nwwl /film/actor/film./film/performance/film /m/0jwmp +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02825cv +/m/04v3q /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/02f8lw +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0gv40 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/059rby /location/location/contains /m/05njyy +/m/05fgr_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zcrv +/m/0dt8xq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/03cz83 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qsfzv +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09mq4m +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/05bxwh /people/person/nationality /m/09c7w0 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/071x0k /people/ethnicity/geographic_distribution /m/09pmkv +/m/05ty4m /award/award_winner/awards_won./award/award_honor/award_winner /m/02m92h +/m/0126rp /influence/influence_node/influenced_by /m/01hmk9 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01lk02 /tv/tv_program/country_of_origin /m/03_3d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0694j /location/location/contains /m/0778_3 +/m/0127gn /award/award_winner/awards_won./award/award_honor/award_winner /m/03_0p +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/07w0v /education/university/fraternities_and_sororities /m/0325pb +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0sw6y +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/03h_fk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01h5f8 +/m/07ccs /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/016gp5 +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/05183k /people/person/nationality /m/09c7w0 +/m/01yk13 /people/person/places_lived./people/place_lived/location /m/0y1rf +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/04qk12 /film/film/genre /m/07s9rl0 +/m/0jswp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/062zm5h /film/film/story_by /m/079vf +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01s5q /film/film_subject/films /m/01jzyf +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/0k2h6 /education/educational_institution/students_graduates./education/education/student /m/09jrf +/m/07rd7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/015qq1 /people/person/place_of_birth /m/030qb3t +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02cbhg /film/film/cinematography /m/08mhyd +/m/01b9w3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02xwq9 +/m/0ymff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f1_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/02ld6x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/016xh5 /film/actor/film./film/performance/film /m/011yg9 +/m/065jlv /film/actor/film./film/performance/film /m/03hxsv +/m/09bw4_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01ppq /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds1glg /film/film/produced_by /m/01vb6z +/m/02t8gf /music/genre/parent_genre /m/01_bkd +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/01vzxmq /film/actor/film./film/performance/film /m/04qk12 +/m/01z0lb /people/person/profession /m/02hv44_ +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/05lb87 +/m/09l9xt /soccer/football_player/current_team./sports/sports_team_roster/team /m/047fwlg +/m/05kr_ /location/location/contains /m/0jpkg +/m/0ggq0m /music/genre/artists /m/0fpjd_g +/m/06_wqk4 /film/film/featured_film_locations /m/030qb3t +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01ksr1 +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k7b0 +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/01wbl_r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01vc5m +/m/03m8lq /award/award_winner/awards_won./award/award_honor/award_winner /m/02xv8m +/m/03twd6 /film/film/music /m/06fxnf +/m/02cpb7 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01qn8k +/m/03tbg6 /film/film/produced_by /m/02tn0_ +/m/06tgw /location/country/official_language /m/0jzc +/m/0v9qg /base/biblioness/bibs_location/state /m/04rrx +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/011_3s /people/person/gender /m/02zsn +/m/09c7w0 /location/location/contains /m/0325dj +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0hwqz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lf1j +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01wgx4 +/m/032d52 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0161sp /people/person/place_of_birth /m/02_286 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/01c8v0 /music/group_member/membership./music/group_membership/group /m/017959 +/m/026lyl4 /people/person/nationality /m/09c7w0 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0c34mt /film/film/country /m/01mjq +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/03ftmg /influence/influence_node/influenced_by /m/0fx02 +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0gthm +/m/0xrz2 /location/hud_county_place/place /m/0xrz2 +/m/015wfg /film/actor/film./film/performance/film /m/0pd64 +/m/0kbws /olympics/olympic_games/participating_countries /m/06bnz +/m/0bh8drv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02_2v2 /people/person/profession /m/0dxtg +/m/06zn1c /film/film/genre /m/03q4nz +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/029b9k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0fy34l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/013tcv /film/director/film /m/026qnh6 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0lhp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02q3fdr /film/film/genre /m/0hcr +/m/057xn_m /people/person/profession /m/09jwl +/m/0jxh9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ds3t5x +/m/03p85 /base/aareas/schema/administrative_area/capital /m/02p3my +/m/05r7t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0d8_wz +/m/01jcjt /people/person/gender /m/05zppz +/m/0b6tzs /film/film/story_by /m/01v_0b +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/03fnn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/0jm_ /film/film_subject/films /m/0g0x9c +/m/0444x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01lpx8 +/m/03xkps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxy +/m/07s9rl0 /media_common/netflix_genre/titles /m/09hy79 +/m/01rh0w /film/actor/film./film/performance/film /m/0ds33 +/m/01wjrn /people/person/nationality /m/09c7w0 +/m/0bbxd3 /people/person/profession /m/0dxtg +/m/044rvb /film/actor/film./film/performance/film /m/01pvxl +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01ty4 /people/person/nationality /m/09c7w0 +/m/0716t2 /film/actor/film./film/performance/film /m/06fpsx +/m/0ds5_72 /film/film/genre /m/04t36 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03cz83 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02_nsc /film/film/written_by /m/0hw1j +/m/03c602 /music/artist/origin /m/056_y +/m/01dc0c /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02p2zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/026dd2b +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hkf +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/07f1x /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02r3cn +/m/03_z5f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06pvr /location/location/contains /m/0135g +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/0140g4 /film/film/production_companies /m/017jv5 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/01vv6_6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07vf5c /film/film/genre /m/04t36 +/m/09btt1 /film/actor/film./film/performance/film /m/0bs5f0b +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tj34 +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/0x3n /film/actor/film./film/performance/film /m/027x7z5 +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/06ys2 /film/film_subject/films /m/0340hj +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/07hwkr /people/ethnicity/people /m/018_lb +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s5v5 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/042ly5 /people/person/gender /m/05zppz +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kwx2 +/m/0473rc /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/01j7z7 /film/actor/film./film/performance/film /m/03f7nt +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0g2dz /music/instrument/instrumentalists /m/01386_ +/m/0tgcy /location/location/time_zones /m/02hcv8 +/m/01g1lp /people/person/profession /m/03gjzk +/m/0mkg /music/instrument/instrumentalists /m/02vcp0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01846t +/m/01sby_ /film/film/produced_by /m/01r_t_ +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/01qygl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0crc2cp /film/film/featured_film_locations /m/04jpl +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/09gb_4p /film/film/written_by /m/0qf43 +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/05183k +/m/0gbtbm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07fb6 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/015f47 +/m/05z_kps /film/film/language /m/02h40lc +/m/05650n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013t9y +/m/01vs4f3 /influence/influence_node/influenced_by /m/01wd02c +/m/02zk08 /film/film/language /m/02h40lc +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03thw4 +/m/033s6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0342h /music/instrument/instrumentalists /m/01vvlyt +/m/0262yt /award/award_category/disciplines_or_subjects /m/02xlf +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/015ppk /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/035zr0 /film/film/genre /m/0lsxr +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxz +/m/0jfx1 /film/actor/film./film/performance/film /m/0ch3qr1 +/m/024l2y /film/film/featured_film_locations /m/052p7 +/m/01q_ph /film/actor/film./film/performance/film /m/03lrht +/m/0p_th /film/film/genre /m/07s9rl0 +/m/02xwq9 /people/person/place_of_birth /m/06wxw +/m/01qbg5 /film/film/genre /m/02l7c8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0gs6vr /people/person/profession /m/012t_z +/m/046m59 /people/person/profession /m/02hrh1q +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06p8m /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/0345h +/m/01_x6v /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/04thp /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09hldj +/m/0dzs0 /location/location/time_zones /m/02hcv8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/061fhg /music/genre/artists /m/06nv27 +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08w7vj +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/012d40 /people/person/gender /m/05zppz +/m/0f2rq /sports/sports_team_location/teams /m/0jnpv +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bxxzb +/m/03l7qs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01k1k4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f1jf /olympics/olympic_games/sports /m/09w1n +/m/02x258x /award/award_category/winners./award/award_honor/award_winner /m/0164w8 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/06lpmt /film/film/genre /m/03p5xs +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0dsvzh /film/film/music /m/04pf4r +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/05r6t /music/genre/artists /m/012ycy +/m/0g4gr /education/field_of_study/students_majoring./education/education/student /m/049dyj +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyfh +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/078bz /education/university/fraternities_and_sororities /m/035tlh +/m/04gb7 /film/film_subject/films /m/016y_f +/m/0pzmf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03whyr /film/film/produced_by /m/016dmx +/m/03yf5g /people/person/nationality /m/0345_ +/m/01wwvt2 /music/group_member/membership./music/group_membership/role /m/018vs +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03np63f /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/0n56v /location/location/time_zones /m/02hczc +/m/02p8q1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09sh8k +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01zp33 /people/person/place_of_birth /m/04vmp +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/06pjs /people/person/profession /m/02hrh1q +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01vvybv /people/person/profession /m/01d_h8 +/m/05f4_n0 /film/film/language /m/02h40lc +/m/04wgh /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/046zh +/m/04jzj /people/person/gender /m/05zppz +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/031778 +/m/05l64 /base/aareas/schema/administrative_area/administrative_parent /m/05b4w +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/0j11 /location/administrative_division/first_level_division_of /m/049nq +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/09blyk /media_common/netflix_genre/titles /m/04sh80 +/m/07bwr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/023s8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/01kb2j +/m/05lls /music/genre/artists /m/0c73g +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/0d0l91 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/024mxd /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042g97 +/m/012vby /people/person/profession /m/02hrh1q +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/01r4bps /film/actor/film./film/performance/film /m/047csmy +/m/02cbvn /organization/organization/headquarters./location/mailing_address/state_province_region /m/01hpnh +/m/012gbb /people/person/gender /m/02zsn +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/018swb /people/deceased_person/place_of_death /m/0235n9 +/m/02mz_6 /people/person/profession /m/01d_h8 +/m/01y_px /people/person/spouse_s./people/marriage/spouse /m/01fwk3 +/m/01xg_w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/07vfy4 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/06b19 /education/educational_institution/colors /m/01g5v +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cnk2q +/m/03d6wsd /people/person/religion /m/03j6c +/m/05p1qyh /film/film/genre /m/02kdv5l +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/04l5f2 +/m/04ty8 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01jzxy /education/field_of_study/students_majoring./education/education/student /m/0bq2g +/m/0cqr0q /film/film/country /m/09c7w0 +/m/0g7vxv /people/person/profession /m/0gl2ny2 +/m/0jxgx /location/location/contains /m/0rqyx +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/02j9z /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07swvb +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/07zl1 /people/person/places_lived./people/place_lived/location /m/01j8yr +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/048gd_ +/m/09yrh /award/award_winner/awards_won./award/award_honor/award_winner /m/016tbr +/m/04k3r_ /sports/sports_team/colors /m/083jv +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dc95 /location/location/time_zones /m/02lcqs +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/06t2t2 /film/film/genre /m/07s9rl0 +/m/02qw_v /education/educational_institution/school_type /m/01rs41 +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0z1cr /location/location/time_zones /m/02hcv8 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03m3nzf +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02hy9p /people/person/place_of_birth /m/02_286 +/m/01j_9c /organization/organization/headquarters./location/mailing_address/citytown /m/0t015 +/m/04j_h4 /music/genre/parent_genre /m/0bmfpc +/m/016j2t /people/person/profession /m/09jwl +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0py5b /film/actor/film./film/performance/film /m/0m491 +/m/0hfml /people/person/nationality /m/09c7w0 +/m/01h72l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0212mp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/07ssc /location/location/contains /m/025569 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01b9z4 +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/014zcr /film/actor/film./film/performance/film /m/06z8s_ +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03t852 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01vsn38 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/074rg9 /film/film/genre /m/02kdv5l +/m/0rqyx /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jxgx +/m/04258w /people/person/profession /m/0dxtg +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/0127m7 /people/person/profession /m/03gjzk +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bksh +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019ltg +/m/02mpyh /film/film/executive_produced_by /m/029m83 +/m/0g4vmj8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/067ghz /film/film/language /m/06nm1 +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04bbb8 +/m/0342h /music/instrument/instrumentalists /m/0bhvtc +/m/03xl77 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/02_2v2 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0gxr1c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04f62k +/m/04ty8 /location/country/form_of_government /m/01d9r3 +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0261x8t /people/person/profession /m/0d1pc +/m/0j6j8 /award/award_category/winners./award/award_honor/award_winner /m/07d3x +/m/04jr87 /education/educational_institution/campuses /m/04jr87 +/m/03hnd /people/person/profession /m/03jgz +/m/01y_px /film/actor/film./film/performance/film /m/0hmr4 +/m/05fh2 /people/person/place_of_birth /m/031y2 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/01ggbx /people/person/profession /m/0dxtg +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0j2jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/01k53x /people/person/profession /m/0d2ww +/m/0pc62 /film/film/country /m/09c7w0 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072192 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04x8cp +/m/071ywj /film/actor/film./film/performance/film /m/02vqsll +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kmx6 +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pmhf +/m/03zbg0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/07ym6ss +/m/0l14qv /music/instrument/instrumentalists /m/01j590z +/m/0bdjd /film/film/featured_film_locations /m/0rh6k +/m/01jfrg /people/person/profession /m/02hrh1q +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/047cqr /people/person/nationality /m/09c7w0 +/m/02q_ncg /film/film/featured_film_locations /m/0b90_r +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/017xm3 +/m/041rx /people/ethnicity/people /m/03fg0r +/m/07k53y /sports/sports_team/colors /m/01l849 +/m/01bdxz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/024_41 /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/01f08r /location/administrative_division/country /m/0j1z8 +/m/0p51w /film/director/film /m/0cq806 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/035gnh +/m/059rby /location/location/contains /m/0fkh6 +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03m5y9p /film/film/genre /m/03mqtr +/m/01vvb4m /film/actor/film./film/performance/film /m/07g_0c +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/036b_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01mk6 +/m/01vvb4m /film/actor/film./film/performance/film /m/0dqcs3 +/m/0jgd /location/location/contains /m/023b97 +/m/07r78j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/022411 /people/person/place_of_birth /m/015zxh +/m/03205_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07y_7 /music/instrument/instrumentalists /m/01wmjkb +/m/01xhh5 /people/ethnicity/geographic_distribution /m/05b7q +/m/0r3wm /location/location/time_zones /m/02lcqs +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/04fzfj /film/film/language /m/064_8sq +/m/070bjw /people/person/place_of_birth /m/030qb3t +/m/05c5z8j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cff1 +/m/03fn6z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0661m4p +/m/01qgry /people/person/nationality /m/09c7w0 +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0dnkmq /film/film/production_companies /m/016tw3 +/m/0gn_x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym17 +/m/0gwlfnb /film/film/genre /m/06n90 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01vl17 /people/deceased_person/place_of_death /m/07dfk +/m/015dqj /film/actor/film./film/performance/film /m/015qqg +/m/01hp5 /film/film/music /m/02bh9 +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/01cv3n +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0127s7 /film/actor/film./film/performance/film /m/02847m9 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/01kb2j /film/actor/film./film/performance/film /m/02b6n9 +/m/043gj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02bg8v /film/film/country /m/09c7w0 +/m/03h64 /media_common/netflix_genre/titles /m/01f8gz +/m/0jt90f5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0h53p1 /people/person/nationality /m/0d060g +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/011yqc /film/film/genre /m/02n4kr +/m/025vw4t /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03ln8b +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0d06vc /base/culturalevent/event/entity_involved /m/079dy +/m/03gdf1 /education/educational_institution_campus/educational_institution /m/03gdf1 +/m/0mtl5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02825kb /film/film/genre /m/04rlf +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/01s81 /tv/tv_program/country_of_origin /m/09c7w0 +/m/014nq4 /film/film/language /m/02h40lc +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04ggbrk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0d8lm +/m/01vsksr /music/group_member/membership./music/group_membership/role /m/018vs +/m/02s529 /film/actor/film./film/performance/film /m/01vfqh +/m/02vsw1 /people/ethnicity/languages_spoken /m/02bjrlw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/03f0324 /influence/influence_node/influenced_by /m/042q3 +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0190_q /music/genre/artists /m/04_jsg +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/02x20c9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09yxcz +/m/0sjqm /location/hud_county_place/place /m/0sjqm +/m/040rmy /film/film/genre /m/02n4kr +/m/01t8399 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/09yxcz +/m/0dc7hc /film/film/written_by /m/096hm +/m/05gml8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04wg38 +/m/0163r3 /people/person/religion /m/06nzl +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0fp_v1x /people/person/profession /m/09jwl +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04jq2 +/m/049gc /influence/influence_node/influenced_by /m/0ff3y +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/09k9d0 /education/educational_institution_campus/educational_institution /m/09k9d0 +/m/04jplwp /film/film/film_festivals /m/09rwjly +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h3xztt +/m/03s5lz /film/film/executive_produced_by /m/0glyyw +/m/0cwfgz /film/film/genre /m/05c3mp2 +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q5g1z +/m/0jmgb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/027_sn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/03bzyn4 /film/film/written_by /m/070j61 +/m/026c1 /film/actor/film./film/performance/film /m/0gfzfj +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01yb09 /film/actor/film./film/performance/film /m/084302 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/01wxdn3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0mbct +/m/024lt6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qfhb +/m/0gkg6 /people/person/profession /m/0kyk +/m/01rtm4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0152cw /people/person/spouse_s./people/marriage/location_of_ceremony /m/0160w +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yc7p +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/04b4yg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/021bk /people/person/nationality /m/09c7w0 +/m/05m7zg /film/actor/film./film/performance/film /m/031786 +/m/05q54f5 /film/film/featured_film_locations /m/01w2v +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017gl1 +/m/01y64_ /people/person/nationality /m/0d0vqn +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02js9p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/02jx1 /location/location/contains /m/01x5fb +/m/01dcqj /people/cause_of_death/people /m/0149xx +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/095p3z /people/person/profession /m/01c8w0 +/m/044mz_ /people/person/nationality /m/02jx1 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/02d45s /film/actor/film./film/performance/film /m/02d44q +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/017v71 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/025_ql1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/011k11 /music/record_label/artist /m/01bczm +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/03rz2b /film/film/music /m/01m5m5b +/m/041rx /people/ethnicity/people /m/01dhpj +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/075q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02ckl3 /education/educational_institution/students_graduates./education/education/student /m/05sj55 +/m/043ljr /music/record_label/artist /m/0bhvtc +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/05r5c /music/instrument/instrumentalists /m/01sb5r +/m/03xsby /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06823p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06cmd2 +/m/0b_dh /people/deceased_person/place_of_death /m/030qb3t +/m/0342h /music/instrument/instrumentalists /m/04m2zj +/m/07tk7 /education/educational_institution_campus/educational_institution /m/07tk7 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0405l /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01mv_n +/m/020ddc /education/educational_institution/campuses /m/020ddc +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0c0nhgv /film/film/language /m/02h40lc +/m/016ypb /film/actor/film./film/performance/film /m/0872p_c +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dgr5xp /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0286vp /film/film/genre /m/0lsxr +/m/070yzk /people/person/gender /m/05zppz +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/0j1yf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gyx4 +/m/01z4y /media_common/netflix_genre/titles /m/01k0xy +/m/07q0g5 /people/person/gender /m/02zsn +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/04c636 +/m/0515zg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01dw9z /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/072x7s /film/film/featured_film_locations /m/05qtj +/m/03bxwtd /people/person/nationality /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/046zh +/m/01jqr_5 /people/person/profession /m/04gc2 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018gqj +/m/058s57 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh95l +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04pry +/m/02ntb8 /film/film/genre /m/0556j8 +/m/01jw67 /film/film/production_companies /m/016tt2 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/017d77 /education/educational_institution/school_type /m/01rs41 +/m/045c7b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01nz1q6 /people/person/gender /m/02zsn +/m/02kxx1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/086g2 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0hwqg +/m/0127c4 /location/location/contains /m/01ngx6 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017z88 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wkw +/m/0139q5 /film/actor/film./film/performance/film /m/01f85k +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/073v6 +/m/02704ff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03h2d4 /people/person/gender /m/05zppz +/m/05zjx /people/person/profession /m/01d_h8 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/01fs_4 +/m/03ldxq /people/person/gender /m/02zsn +/m/0gt3p /film/actor/film./film/performance/film /m/072192 +/m/02bkdn /people/person/place_of_birth /m/01cx_ +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/02sn34 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/0141kz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx6y +/m/04sh3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/0b_dh /people/person/profession /m/02jknp +/m/0fb0v /music/record_label/artist /m/02lbrd +/m/01cgz /film/film_subject/films /m/037q31 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k9ts +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/0gkd1 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/03hpr /people/person/nationality /m/09c7w0 +/m/025xt8y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/035qgm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0c3351 /media_common/netflix_genre/titles /m/05k2xy +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017d93 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dr1c2 /tv/tv_program/genre /m/0jxy +/m/07wlf /education/educational_institution/colors /m/083jv +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/021yzs /people/person/nationality /m/02jx1 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/09tcg4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02kz_ /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/035qgm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/044lbv +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01vhrz /people/person/gender /m/05zppz +/m/07gql /music/instrument/instrumentalists /m/01tp5bj +/m/02_1sj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0jrv_ /music/genre/artists /m/04rcr +/m/031v3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/02w4b /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0mlw1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g23m /film/actor/film./film/performance/film /m/051ys82 +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06s26c +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05183k +/m/039bp /people/person/profession /m/02hrh1q +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0mk1z /base/aareas/schema/administrative_area/administrative_parent /m/0846v +/m/03ylxn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/07lz9l /people/person/place_of_birth /m/02_286 +/m/0sz28 /people/person/places_lived./people/place_lived/location /m/0r00l +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01gvyp /people/person/profession /m/02hrh1q +/m/0h1q6 /people/person/profession /m/02hrh1q +/m/02dwj /film/film/produced_by /m/06mn7 +/m/07ssc /location/location/contains /m/0cy07 +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/0342h /music/instrument/instrumentalists /m/01bpnd +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/064_8sq /language/human_language/countries_spoken_in /m/01nyl +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/038rzr /film/actor/film./film/performance/film /m/01v1ln +/m/0dgrwqr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c46y6 +/m/0mhhc /base/aareas/schema/administrative_area/capital /m/09b83 +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0cd78 +/m/02n4kr /media_common/netflix_genre/titles /m/0gy0n +/m/02pk6x /film/actor/film./film/performance/film /m/03mgx6z +/m/02lyx4 /people/person/religion /m/0c8wxp +/m/029skd /base/biblioness/bibs_location/country /m/07ssc +/m/01mqc_ /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/06s6hs /film/actor/film./film/performance/film /m/0g57wgv +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/05y0cr /film/film/genre /m/07s9rl0 +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014bpd +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/02ldkf /organization/organization/headquarters./location/mailing_address/citytown /m/0kcw2 +/m/0253b6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hwpz +/m/01_ztw /people/person/place_of_birth /m/0xhmb +/m/034cj9 /people/person/nationality /m/09c7w0 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01vnbh /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02778tk /people/person/nationality /m/09c7w0 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0mx0f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02md2d +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd3l +/m/016kft /people/person/gender /m/05zppz +/m/018jk2 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/05q_mg /people/person/place_of_birth /m/0g284 +/m/0dvmd /film/actor/film./film/performance/film /m/0gtt5fb +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f5spx +/m/02xgdv /people/person/places_lived./people/place_lived/location /m/075_t2 +/m/02__x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01q_ph /film/actor/film./film/performance/film /m/0bxxzb +/m/0cchk3 /education/educational_institution/colors /m/019sc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/06gh0t /people/person/nationality /m/09c7w0 +/m/01w92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jvmp +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0181dw /music/record_label/artist /m/0ffgh +/m/01v3bn /people/deceased_person/place_of_burial /m/018mmj +/m/0181dw /music/record_label/artist /m/07zft +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03shp +/m/01f1r4 /education/educational_institution/students_graduates./education/education/student /m/026gb3v +/m/02bn75 /people/person/gender /m/05zppz +/m/01kb2j /people/person/religion /m/0kpl +/m/02z2xdf /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmx_f +/m/02vntj /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/06ncr /music/instrument/instrumentalists /m/032nwy +/m/07brj /music/instrument/instrumentalists /m/01wp8w7 +/m/02hrh0_ /location/location/contains /m/02d9nr +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q7fl9 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/01mqnr /people/person/profession /m/01d_h8 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03l2n /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0f13b +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0c31_ +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvg70 +/m/0c00lh /people/person/profession /m/01d_h8 +/m/0h7pj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0127m7 +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01nwwl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/017z49 /film/film/genre /m/02n4kr +/m/0bt4g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02779r4 /people/person/nationality /m/09c7w0 +/m/0k8y7 /people/deceased_person/place_of_burial /m/018mm4 +/m/01505k /location/administrative_division/country /m/06vbd +/m/03y9ccy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l_yg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gvxv /people/person/nationality /m/09c7w0 +/m/05l71 /sports/sports_team/colors /m/019sc +/m/0bn8fw /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/049qx /people/person/profession /m/0nbcg +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/03dpqd /film/actor/film./film/performance/film /m/04xg2f +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/04ykg /location/location/contains /m/0nhmw +/m/01f8gz /film/film/genre /m/02n4kr +/m/056wb /influence/influence_node/influenced_by /m/04093 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/016tbr +/m/026_w57 /award/award_winner/awards_won./award/award_honor/award_winner /m/03m8lq +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/077w0b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0xsk8 /people/person/place_of_birth /m/01snm +/m/011ywj /film/film/produced_by /m/0bzyh +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fd6qb +/m/034qmv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/04ynx7 /film/film/genre /m/04xvlr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dq626 +/m/0swbd /olympics/olympic_games/sports /m/03tmr +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/01w8g3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/020bv3 /film/film/production_companies /m/02j_j0 +/m/0362q0 /people/person/nationality /m/09c7w0 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06y9bd +/m/01hkck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b79gfg +/m/09yrh /film/actor/film./film/performance/film /m/0bshwmp +/m/01jfsb /media_common/netflix_genre/titles /m/0f4_l +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0187y5 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01n2m6 /music/record_label/artist /m/07pzc +/m/0bkq_8 /people/person/nationality /m/0j5g9 +/m/035dk /location/location/contains /m/025y67 +/m/04p5cr /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/01dnws /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/02y_2y /film/actor/film./film/performance/film /m/077q8x +/m/0jc6p /location/us_county/county_seat /m/010dft +/m/0cw3yd /film/film/written_by /m/02s5v5 +/m/01tpl1p /people/person/profession /m/0np9r +/m/05hf_5 /education/educational_institution_campus/educational_institution /m/05hf_5 +/m/04wlz2 /education/educational_institution_campus/educational_institution /m/04wlz2 +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06796 /film/film_subject/films /m/03s5lz +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0167q3 /location/hud_county_place/place /m/0167q3 +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07hwkr /people/ethnicity/people /m/02m3sd +/m/0y9j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s93v +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0klh7 /film/actor/film./film/performance/film /m/0_b9f +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0cc7hmk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ds5_72 /film/film/music /m/03c_8t +/m/02t_st /people/person/profession /m/0dxtg +/m/03vtfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/069nzr /film/actor/film./film/performance/film /m/0h03fhx +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/03f_s3 +/m/0lyjf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/06ncr /music/instrument/instrumentalists /m/01vsy7t +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02yxjs +/m/05qhw /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/015t56 /film/actor/film./film/performance/film /m/08r4x3 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/048n7 /base/culturalevent/event/entity_involved /m/059j2 +/m/043sct5 /film/film/language /m/03115z +/m/015grj /film/actor/film./film/performance/film /m/02qr3k8 +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032_wv +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01p4vl +/m/056zdj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/0443v1 +/m/02lyx4 /people/person/places_lived./people/place_lived/location /m/05fky +/m/01_j71 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rcmg +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/06g2d1 +/m/0187y5 /people/person/profession /m/03gjzk +/m/0r5lz /base/biblioness/bibs_location/state /m/01n7q +/m/052smk /music/genre/artists /m/0326tc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/052p7 +/m/04kkz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0894_x /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0dx8gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m27n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2dk +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/07s8z_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/0287xhr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0br1w /people/person/profession /m/03gjzk +/m/0dbns /education/educational_institution/students_graduates./education/education/student /m/02tc5y +/m/015qt5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/086k8 /music/record_label/artist /m/011k4g +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01_8n9 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/07r1h /film/actor/film./film/performance/film /m/01hqhm +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jml5 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0swbd /olympics/olympic_games/sports /m/09wz9 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0tj9 /people/person/profession /m/02t8yb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/037fqp +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01_0f7 /film/film/country /m/09c7w0 +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/03d9v8 +/m/03__77 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gs1_ /people/person/profession /m/02jknp +/m/0n6ds /film/film/genre /m/07s9rl0 +/m/0824r /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/076zy_g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02pk6x +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0170_p +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/0146mv /media_common/netflix_genre/titles /m/01hvv0 +/m/02w7gg /people/ethnicity/people /m/02cllz +/m/0bqr7_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hnp7 /people/deceased_person/place_of_death /m/080h2 +/m/01nr36 /people/person/profession /m/01d_h8 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0579tg2 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01kkx2 /people/person/profession /m/03gjzk +/m/018ljb /olympics/olympic_games/sports /m/02bkg +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027r8p +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bt7w /music/genre/artists /m/03fbc +/m/07z5n /location/administrative_division/country /m/07z5n +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b17t +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/0cwfgz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/02lymt /people/person/places_lived./people/place_lived/location /m/01531 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt4r4 +/m/03t79f /film/film/genre /m/03npn +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03nqbvz +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0l14_3 +/m/01zkxv /influence/influence_node/influenced_by /m/06bng +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01r5xw +/m/03_d0 /music/genre/artists /m/01m3b1t +/m/0c33pl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ssc /media_common/netflix_genre/titles /m/0yzvw +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07j8kh +/m/03wy8t /film/film/production_companies /m/02jd_7 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01w8g3 /film/film/production_companies /m/020h2v +/m/0bx8pn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/05qd_ +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/022s1m +/m/034b6k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cyfz +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04xbq3 +/m/021996 /education/educational_institution_campus/educational_institution /m/021996 +/m/030s5g /people/person/profession /m/01d_h8 +/m/07s2s /film/film_subject/films /m/0bt4g +/m/07b_l /location/location/contains /m/02fgdx +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award /m/07t_l23 +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0p7qm /film/film/genre /m/06l3bl +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/0qkj7 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0sxrz /olympics/olympic_games/sports /m/07bs0 +/m/01q_ph /people/person/places_lived./people/place_lived/location /m/0vzm +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0kbws /olympics/olympic_games/participating_countries /m/0d060g +/m/01dvry /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0pc_l +/m/0g9zljd /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/01vg13 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01chg /media_common/netflix_genre/titles /m/0f42nz +/m/015p37 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0cf08 /film/film/featured_film_locations /m/0dclg +/m/01gq0b /people/person/nationality /m/09c7w0 +/m/01kt_j /tv/tv_program/genre /m/01rbb +/m/04fyhv /people/person/place_of_birth /m/095w_ +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04fjzv +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/0nv5y /location/location/time_zones /m/02fqwt +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0846v +/m/01f492 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0ftps /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g75 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/04cv9m /film/film/prequel /m/04x4vj +/m/02c6pq /people/person/nationality /m/09c7w0 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/045w_4 /people/person/profession /m/02hrh1q +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013tcv +/m/04vh83 /film/film/genre /m/03bxz7 +/m/0b2lw /location/location/contains /m/016w7b +/m/02q0k7v /film/film/production_companies /m/086k8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0425gc +/m/0r785 /location/hud_county_place/county /m/0l35f +/m/03wj4r8 /film/film/language /m/02h40lc +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/09qh1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/04sntd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0134w7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0d2b38 /people/profession/specialization_of /m/0n1h +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03gbty +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v8clw +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/0c9c0 +/m/03_vx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05dbyt /film/actor/film./film/performance/film /m/025ts_z +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gnjh /film/film/music /m/0cyhq +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02k4gv /people/person/places_lived./people/place_lived/location /m/05tbn +/m/086g2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mr6 /people/person/gender /m/05zppz +/m/01wf86y /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07k2p6 +/m/0jxh9 /location/location/time_zones /m/02hcv8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd2b +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hxs4 +/m/08l0x2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0grwj +/m/01k60v /film/film/genre /m/0hn10 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/01q32bd /people/person/religion /m/0c8wxp +/m/0274ck /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/048gd_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03tps5 /film/film/country /m/09c7w0 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01wbgdv +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05cgy8 +/m/0gd_s /influence/influence_node/influenced_by /m/09dt7 +/m/02k54 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/019ltg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gg5qcw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04gycf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xg_w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0dv9v /base/biblioness/bibs_location/country /m/0chghy +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/020qr4 +/m/04_jsg /film/actor/film./film/performance/film /m/07pd_j +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0fv4v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/0jqj5 /film/film/cinematography /m/05br10 +/m/03r8gp /education/field_of_study/students_majoring./education/education/student /m/05bnp0 +/m/05szq8z /film/film/genre /m/01hmnh +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsg7 +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/019f2f /film/actor/film./film/performance/film /m/035yn8 +/m/0dc7hc /film/film/genre /m/0vjs6 +/m/025ndl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/024pcx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/0kb3n /people/person/profession /m/0kyk +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02lf1j /people/person/profession /m/0dxtg +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02w7gg /people/ethnicity/people /m/02l4pj +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0g2lq +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/02_p5w /people/person/nationality /m/09c7w0 +/m/02fsn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/023r2x +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjy +/m/01w9ph_ /people/person/profession /m/02jknp +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/09rvcvl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0287xhr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05md3l +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06qm3 /media_common/netflix_genre/titles /m/034xyf +/m/03p01x /people/person/profession /m/03gjzk +/m/0180mw /tv/tv_program/program_creator /m/056wb +/m/0p9tm /film/film/production_companies /m/016tt2 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0h1p +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/01vsy3q /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0bs5k8r /film/film/genre /m/02l7c8 +/m/0kv2r /location/location/contains /m/0qzhw +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/072zl1 /film/film/produced_by /m/0b13g7 +/m/07bch9 /people/ethnicity/people /m/02lt8 +/m/0j_sncb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023slg /music/artist/origin /m/0y1rf +/m/01w56k /music/record_label/artist /m/06m61 +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02qhlm +/m/0cbn7c /film/film/genre /m/0hn10 +/m/06mm1x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rn00y +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/03b_fm5 /film/film/written_by /m/03f0r5w +/m/0hwqz /people/person/religion /m/03_gx +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01vv6_6 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0b_6zk /time/event/locations /m/0ftxw +/m/03ndd /music/instrument/instrumentalists /m/01vvpjj +/m/05pcr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07djnx /people/deceased_person/place_of_death /m/0f2wj +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/0hfzr /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/025tdwc /people/person/nationality /m/03rk0 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0133_p /music/genre/parent_genre /m/017371 +/m/0gh6j94 /film/film/featured_film_locations /m/06c62 +/m/0d608 /film/actor/film./film/performance/film /m/016z5x +/m/03tps5 /film/film/genre /m/02l7c8 +/m/0jyx6 /film/film/genre /m/06cvj +/m/0blfl /olympics/olympic_games/participating_countries /m/0f8l9c +/m/0h0p_ /people/person/nationality /m/09c7w0 +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/048gd_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/0gvt53w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01syr4 /people/person/profession /m/02jknp +/m/06g77c /film/film/genre /m/09blyk +/m/04czcb /sports/sports_team/colors /m/06fvc +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnq8 +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0m9_5 +/m/08phg9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/0r02m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/086sj /film/actor/film./film/performance/film /m/0g56t9t +/m/019lty /sports/sports_team/sport /m/02vx4 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/06rzwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hj5lq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h1nt /film/actor/film./film/performance/film /m/07q1m +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fq117k /people/person/gender /m/05zppz +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/03jj93 /film/actor/film./film/performance/film /m/031hcx +/m/05qgd9 /education/educational_institution/students_graduates./education/education/student /m/06hx2 +/m/01mqh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0zm1 /influence/influence_node/influenced_by /m/0113sg +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bjkpt +/m/03x7hd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/0295sy /film/film/produced_by /m/030_3z +/m/018tnx /business/business_operation/industry /m/03r8gp +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/0chghy /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0139q5 /people/person/languages /m/064_8sq +/m/03nqbvz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08c4yn /film/film/country /m/0ctw_b +/m/02m92h /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/012m_ +/m/034bs /people/person/religion /m/0kpl +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/02vqsll /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01bh6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ld94 +/m/02jkkv /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/028knk +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/013tcv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01wg6y /people/person/profession /m/09jwl +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/03hmr_ +/m/02fn5r /music/group_member/membership./music/group_membership/role /m/018j2 +/m/0181dw /music/record_label/artist /m/0j1yf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02jr6k +/m/03c_cxn /film/film/genre /m/07s9rl0 +/m/0409n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015dnt /film/actor/film./film/performance/film /m/0209hj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02301 +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049f05 +/m/0gj9qxr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0dln8jk /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07kb7vh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kj5h +/m/07t90 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ynfz /location/hud_county_place/county /m/0n3dv +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/019m9h /sports/sports_team/sport /m/02vx4 +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/07c52 /film/film_subject/films /m/0992d9 +/m/0q8jl /location/hud_county_place/place /m/0q8jl +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/049f05 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/047gn4y /film/film/cinematography /m/08mhyd +/m/02bj22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02d44q /film/film/country /m/03rt9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0234pg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/04yg13l /film/film/genre /m/03k9fj +/m/09fb5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrx3g +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/08fn5b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015pkc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03c0t9 +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/056vv /location/location/time_zones /m/02llzg +/m/04hhv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/06cc_1 +/m/026f__m /film/film/genre /m/06n90 +/m/08zrbl /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/01csvq /people/person/places_lived./people/place_lived/location /m/0jbrr +/m/04hcw /influence/influence_node/influenced_by /m/0j3v +/m/0133_p /music/genre/artists /m/03g5jw +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpgp26 +/m/01w40h /music/record_label/artist /m/0167xy +/m/026xt5c /people/person/gender /m/05zppz +/m/02p5hf /people/person/place_of_birth /m/0f2wj +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0p9qb +/m/0hwpz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/07t_x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dvs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mghh +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gltv +/m/03rwng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0b256b +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0299ct +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/0979zs +/m/06gcn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02txdf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09krm_ /education/educational_institution/school_type /m/05pcjw +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/0223bl +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/06wm0z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05szp +/m/044pqn /base/eating/practicer_of_diet/diet /m/07_jd +/m/02pptm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05mph /location/location/contains /m/0fvzg +/m/033rq /people/person/religion /m/0c8wxp +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/0d07j8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dg3jz +/m/07b_l /location/location/contains /m/0558_1 +/m/02x0bdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t9qj_ +/m/0345h /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04d2yp /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/03sww /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/055c8 /film/actor/film./film/performance/film /m/0yyts +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hhv +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03pmzt /film/actor/film./film/performance/film /m/0gh65c5 +/m/07_k0c0 /film/film/language /m/06nm1 +/m/0163v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01l0__ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/033qdy /film/film/prequel /m/06bc59 +/m/088vb /location/country/form_of_government /m/01d9r3 +/m/0jwvf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06m6z6 /people/person/profession /m/02hrh1q +/m/0x82 /language/human_language/countries_spoken_in /m/05bmq +/m/016jny /music/genre/artists /m/0249kn +/m/03dpqd /film/actor/film./film/performance/film /m/085wqm +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/073w14 /film/actor/film./film/performance/film /m/07vn_9 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0781g /music/genre/artists /m/0ftqr +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/012yc /music/genre/artists /m/01dwrc +/m/02tjl3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035gnh /film/film/genre /m/016vh2 +/m/03shp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/0bhvtc +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01th4s /music/record_label/artist /m/01vv7sc +/m/01j5sv /people/person/languages /m/02h40lc +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sw0q +/m/01386_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015f7 +/m/0f4_2k /film/film/language /m/06nm1 +/m/0g2c8 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04hqz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03spz +/m/049vhf /business/business_operation/industry /m/01mw1 +/m/01wg982 /people/person/places_lived./people/place_lived/location /m/0tz14 +/m/02wh0 /people/deceased_person/place_of_death /m/0cpyv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/082237 +/m/0r15k /location/location/time_zones /m/02lcqs +/m/0jdr0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/02sn34 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/03xj05 /film/film/genre /m/07s9rl0 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08z39v +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ppr +/m/01gqg3 /time/event/locations /m/05r4w +/m/0dv1hh /people/person/gender /m/05zppz +/m/03mqtr /media_common/netflix_genre/titles /m/0fjyzt +/m/0s3pw /base/biblioness/bibs_location/state /m/03v0t +/m/02p4jf0 /music/record_label/artist /m/015bwt +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/01ycbq /film/actor/film./film/performance/film /m/047myg9 +/m/09tqkv2 /film/film/genre /m/01t_vv +/m/029jt9 /film/film/costume_design_by /m/0dck27 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/018y81 /people/person/profession /m/0dz3r +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/03rtz1 /film/film/country /m/09c7w0 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/03lmzl +/m/03v1w7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f0y8 /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02z44tp +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/03z8bw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jbp0 /people/person/gender /m/05zppz +/m/0kbvv /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04gzd /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xhtw /music/genre/artists /m/01vsn38 +/m/0jmcv /sports/sports_team/colors /m/02rnmb +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0kvgtf /film/film/genre /m/05p553 +/m/0h7pj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/03gfvsz /broadcast/content/artist /m/0259r0 +/m/0gl88b /award/award_winner/awards_won./award/award_honor/award_winner /m/04vzv4 +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t969 +/m/0bzty /location/location/contains /m/0c7f7 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/03_b1g /tv/tv_program/country_of_origin /m/09c7w0 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088q4 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/01swck /film/actor/film./film/performance/film /m/01vfqh +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lk8j +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/0jnb0 /influence/influence_node/peers./influence/peer_relationship/peers /m/01c58j +/m/02mc79 /people/person/place_of_birth /m/02_286 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02qhlwd /film/film/edited_by /m/0bs1yy +/m/064t9 /music/genre/artists /m/015srx +/m/0p_47 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/024qqx /media_common/netflix_genre/titles /m/03hxsv +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/05dl1s /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/01vsyg9 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vs4f3 +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/085ccd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01_1kk +/m/017cy9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/015jr +/m/0h63q6t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kcd5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/04rzd /music/instrument/instrumentalists /m/0fpj4lx +/m/01qdmh /film/film/language /m/064_8sq +/m/03193l /people/person/nationality /m/09c7w0 +/m/0lbj1 /music/group_member/membership./music/group_membership/group /m/0frsw +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/0hvb2 /film/actor/film./film/performance/film /m/04vr_f +/m/05znbh7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02wk4d +/m/02x08c /people/person/nationality /m/09c7w0 +/m/02nt3d /film/film/genre /m/0bbc17 +/m/01vzxld /people/person/profession /m/0nbcg +/m/01f1r4 /education/educational_institution/students_graduates./education/education/student /m/01tfck +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v_r7d +/m/0c00lh /people/person/religion /m/03_gx +/m/01_1kk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z9_x +/m/03ft8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09yrh /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01s21dg +/m/044mfr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09l3p +/m/07c52 /media_common/netflix_genre/titles /m/072kp +/m/036gdw /people/person/place_of_birth /m/0nbrp +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fzk +/m/071vr /location/hud_county_place/county /m/0l2rj +/m/011ysn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/01_d4 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/02ptczs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0683n /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0157m +/m/0y2dl /location/location/time_zones /m/02hcv8 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/07q1m /film/film/country /m/09c7w0 +/m/028cl7 /music/genre/parent_genre /m/03lty +/m/0m31m /people/person/profession /m/02hrh1q +/m/095nx /people/person/profession /m/01d_h8 +/m/0198b6 /film/film/language /m/0459q4 +/m/0p17j /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgzn_ +/m/05kr_ /location/location/contains /m/0b1t1 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/089kpp +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0hnkp /people/person/religion /m/0c8wxp +/m/05d1y /people/person/places_lived./people/place_lived/location /m/05ywg +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0320fn +/m/02q7fl9 /film/film/cinematography /m/0bqytm +/m/0407f /people/person/gender /m/05zppz +/m/07glc4 /people/person/profession /m/02hrh1q +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0m0jc /music/genre/artists /m/049qx +/m/04jm_hq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06by7 /music/genre/artists /m/06m61 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rrd4 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/064nh4k +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0drnwh /film/film/country /m/09c7w0 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01y3v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0mlm_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/041rx /people/ethnicity/people /m/03f7m4h +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03z20c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/074w86 +/m/01fx2g /film/actor/film./film/performance/film /m/033pf1 +/m/07z1m /location/location/contains /m/039d4 +/m/01tntf /education/educational_institution/campuses /m/01tntf +/m/01cf93 /music/record_label/artist /m/01vv7sc +/m/06w839_ /film/film/music /m/07qy0b +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035v3 +/m/0bzm81 /time/event/instance_of_recurring_event /m/0g_w +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019pcs +/m/07p7g /location/location/time_zones /m/03plfd +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/0m8_v /people/person/nationality /m/0154j +/m/03wxvk /location/location/contains /m/0ggyr +/m/07s8z_l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/015d3h /film/actor/film./film/performance/film /m/01f39b +/m/01psyx /people/cause_of_death/people /m/0flpy +/m/01rnpy /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02p10m +/m/017dcd /tv/tv_program/genre /m/01htzx +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0x67 /people/ethnicity/people /m/0k6yt1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03yvgp +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06_wqk4 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05_6_y /people/person/profession /m/0gl2ny2 +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/040rmy +/m/03lmzl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmcbg +/m/04sskp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0525b +/m/01mskc3 /people/person/places_lived./people/place_lived/location /m/09b8m +/m/0l6ny /olympics/olympic_games/sports /m/06z68 +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0c2dl +/m/06l3bl /media_common/netflix_genre/titles /m/01wb95 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0cnk2q +/m/03v0t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_bcg +/m/033q4k /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/026dd2b /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1rq +/m/01507p /people/person/places_lived./people/place_lived/location /m/019fh +/m/03xpf_7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m2fr /location/location/contains /m/0136jw +/m/03c5bz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034np8 +/m/0blt6 /people/person/languages /m/064_8sq +/m/07w5rq /education/educational_institution/school_type /m/05jxkf +/m/05148p4 /music/instrument/instrumentalists /m/01whg97 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0c8tkt +/m/02f2p7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0qlnr +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/0m593 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0tzp +/m/01rwpj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016k6x +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/01ggc9 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0m0hw /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/033p3_ /film/actor/film./film/performance/film /m/02fqxm +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0c3z0 /film/film/produced_by /m/01f7j9 +/m/03nb5v /people/person/profession /m/0cbd2 +/m/049xgc /film/film/film_production_design_by /m/0bytkq +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03rs8y /people/person/places_lived./people/place_lived/location /m/0f1sm +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/012rng /film/director/film /m/0267wwv +/m/01kgxf /film/actor/film./film/performance/film /m/024lff +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0178g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026spg +/m/0296y /music/genre/artists /m/0285c +/m/06gjk9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ysn +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07s3m4g +/m/0g5rg /location/hud_county_place/place /m/0g5rg +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/025t3bg /film/film_subject/films /m/06_x996 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0342h /music/instrument/instrumentalists /m/01bpc9 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/0k2m6 /film/film/genre /m/02kdv5l +/m/04v09 /location/location/time_zones /m/03bdv +/m/0chghy /location/location/contains /m/01hl_w +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q415 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/02d45s /people/person/nationality /m/0164v +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/03p7rp /music/genre/artists /m/02r3zy +/m/01n7q /location/location/contains /m/0l2yf +/m/041rx /people/ethnicity/people /m/015wc0 +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04j53 +/m/0x67 /people/ethnicity/people /m/01yndb +/m/06ylv0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j9lm +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/06by7 /music/genre/artists /m/03mszl +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/01pw9v +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/05fnl9 +/m/01nczg /people/person/profession /m/0dxtg +/m/07vf5c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dg3n1 /base/locations/continents/countries_within /m/07fj_ +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0134s5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/012cph /people/deceased_person/place_of_burial /m/0lbp_ +/m/0lgxj /olympics/olympic_games/participating_countries /m/06mkj +/m/0k95h /medicine/symptom/symptom_of /m/035482 +/m/01sbhvd /people/person/gender /m/05zppz +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/03kts +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/04bdpf /people/person/profession /m/0d1pc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/0prjs /people/person/languages /m/02bjrlw +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02fs_d /education/educational_institution/campuses /m/02fs_d +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/05dxl_ /people/person/profession /m/0dxtg +/m/06g4l /people/person/profession /m/0dxtg +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01p85y /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/07hyk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0jm8l /sports/sports_team/colors /m/06fvc +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7p_ +/m/07glc4 /people/person/profession /m/0np9r +/m/02b1jf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/09c7w0 /location/location/contains /m/02gt5s +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/0cn_b8 /film/film/story_by /m/02g3w +/m/07j8r /film/film/genre /m/07s9rl0 +/m/018gqj /people/person/profession /m/01c72t +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0dyztm +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/0gkg6 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/0l14_3 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03hjv97 /film/film/genre /m/02l7c8 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/06ch55 /music/instrument/instrumentalists /m/026ps1 +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02knxx /people/cause_of_death/people /m/01c1px +/m/03c3jzx /base/culturalevent/event/entity_involved /m/01crd5 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0133_p /music/genre/artists /m/07n68 +/m/016ybr /music/genre/artists /m/02twdq +/m/0m5s5 /film/film/genre /m/03k9fj +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01vsn38 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05dbyt /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/06znpjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/0479b /award/award_winner/awards_won./award/award_honor/award_winner /m/014gf8 +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02whj /people/person/gender /m/05zppz +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0cxbth /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gcs9 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/03llf8 /people/person/profession /m/0np9r +/m/05650n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ywyk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/0yx7h /film/film/production_companies /m/05qd_ +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rh_0 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/033s6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/047g6 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/05p8bf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09nwwf /music/genre/artists /m/0xsk8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gg5qcw +/m/0hky /influence/influence_node/peers./influence/peer_relationship/peers /m/0c1fs +/m/01_xtx /people/person/profession /m/01d_h8 +/m/095z4q /film/film/production_companies /m/06rq1k +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ry_x +/m/0mzy7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kq39 +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/08rr3p /film/film/genre /m/02l7c8 +/m/012x2b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qhqz4 /film/film/genre /m/0hcr +/m/01pgk0 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01s21dg +/m/05bt6j /music/genre/artists /m/02k5sc +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/06jnvs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/01zfzb /film/film/production_companies /m/017s11 +/m/0jhn7 /olympics/olympic_games/sports /m/07_53 +/m/0c4f4 /people/person/profession /m/0dxtg +/m/0260bz /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/017yfz /people/deceased_person/place_of_death /m/02_286 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/05b6s5j /tv/tv_program/program_creator /m/01s7z0 +/m/0bh8drv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/018j2 /music/instrument/instrumentalists /m/01p0vf +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/03_hd /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/016wyn /education/educational_institution/students_graduates./education/education/student /m/02qx5h +/m/0jnwx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/017f3m +/m/030x48 /film/actor/film./film/performance/film /m/03rtz1 +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03nfnx +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0dzlk /people/person/place_of_birth /m/0978r +/m/04m064 /film/actor/film./film/performance/film /m/03z106 +/m/0f7fy /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvlyt +/m/016clz /music/genre/artists /m/06y9c2 +/m/02zp1t /location/hud_county_place/place /m/02zp1t +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/07sbbz2 /music/genre/artists /m/01w5gg6 +/m/0bzrsh /time/event/locations /m/0f2rq +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/0ywqc +/m/0lpjn /film/actor/film./film/performance/film /m/08gsvw +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b2np +/m/01v9l67 /film/actor/film./film/performance/film /m/017gm7 +/m/06z8s_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l6vl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/011kn2 +/m/016ckq /music/record_label/artist /m/0m2l9 +/m/01xyt7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/012pd4 /people/person/nationality /m/09c7w0 +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/06g77c /film/film/language /m/05qqm +/m/0h7pj /film/actor/film./film/performance/film /m/0p3_y +/m/0167km /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/02zy1z /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/013cr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015882 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/015f47 +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0378zn /film/actor/film./film/performance/film /m/08952r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x6rj +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/08g_jw /film/film/genre /m/060__y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mp1_ +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0cmd3zy +/m/01l_pn /film/film/language /m/02h40lc +/m/07ymr5 /award/award_winner/awards_won./award/award_honor/award_winner /m/091yn0 +/m/01515w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/01vvb4m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/037ts6 +/m/03l6bs /location/location/time_zones /m/02fqwt +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jqd3 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/01dy7j +/m/0f87jy /people/person/profession /m/0np9r +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0rh6k /location/location/contains /m/02ckl3 +/m/032q8q /people/person/languages /m/02h40lc +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02_nsc /film/film/language /m/02h40lc +/m/01yvvn /sports/sports_position/players./sports/sports_team_roster/team /m/0cqt41 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/03x33n +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/033srr /film/film/featured_film_locations /m/0rh6k +/m/02k21g /film/actor/film./film/performance/film /m/05q4y12 +/m/03m1n /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/016zfm /tv/tv_program/country_of_origin /m/09c7w0 +/m/01gc7h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p17j +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0sz28 /people/person/sibling_s./people/sibling_relationship/sibling /m/04zn7g +/m/032_wv /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/0fby2t /film/actor/film./film/performance/film /m/04gv3db +/m/03crcpt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/042xrr /people/person/nationality /m/09c7w0 +/m/06m6z6 /film/director/film /m/0h95927 +/m/045nc5 /tv/tv_program/genre /m/0hcr +/m/02zkdz /education/educational_institution/students_graduates./education/education/student /m/02jsgf +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0dsvzh /film/film/genre /m/01jfsb +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0xsk8 +/m/0bx0l /film/film/production_companies /m/017s11 +/m/0p9tm /film/film/film_format /m/0cj16 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/05pt0l /film/film/country /m/0chghy +/m/0yx_w /film/film/genre /m/04228s +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0sxgv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gvr1 +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02stbw +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/0gvbw /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0mlm_ /location/location/time_zones /m/02hcv8 +/m/01rl_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/064ndc /film/film/music /m/02cyfz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0gbwp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02mjf2 +/m/0n85g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0t6hk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01pqy_ /people/person/profession /m/0d1pc +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wbqc4 +/m/0283sdr /education/educational_institution/colors /m/01l849 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/05r5w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02qjj7 +/m/0dbb3 /people/person/profession /m/02hrh1q +/m/02lyx4 /film/actor/film./film/performance/film /m/02qr3k8 +/m/02f2p7 /people/person/languages /m/02bjrlw +/m/031n8c /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/01_mdl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzf_ /film/actor/film./film/performance/film /m/011xg5 +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/0304nh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c33pl +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cm5m +/m/01j28z /media_common/netflix_genre/titles /m/0h1fktn +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/09c7w0 /location/location/contains /m/02zkdz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0ptxj /film/film/genre /m/01drsx +/m/03d96s /music/record_label/artist /m/04qzm +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm98 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01kt_j +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01pdgp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/020fcn /film/film/production_companies /m/0jz9f +/m/03v1jf /film/actor/film./film/performance/film /m/0bmch_x +/m/0b_6zk /time/event/locations /m/013yq +/m/0677ng /people/person/nationality /m/09c7w0 +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/01chpn /film/film/film_format /m/0cj16 +/m/01k8rb /people/person/place_of_birth /m/02d6c +/m/08m4c8 /people/person/languages /m/02h40lc +/m/09b3v /media_common/netflix_genre/titles /m/02x3lt7 +/m/0136g9 /film/director/film /m/020bv3 +/m/02rqwhl /film/film/language /m/04306rv +/m/07_9_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0ply0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/016zwt /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fbb6 /film/actor/film./film/performance/film /m/02vjp3 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl02yg +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/017g2y +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0161sp +/m/026r8q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016vg8 +/m/047q2k1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/03mghh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01nvmd_ /people/person/profession /m/02hrh1q +/m/02630g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/012gk9 /film/film/production_companies /m/05qd_ +/m/0288fyj /people/person/nationality /m/09c7w0 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04glr5h +/m/01ffx4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/050023 /people/person/profession /m/0dxtg +/m/04s430 /people/person/place_of_birth /m/0c_m3 +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/0bjkpt +/m/07xtqq /film/film/film_production_design_by /m/03wdsbz +/m/07bcn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0sn4f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01n9d9 /people/person/place_of_birth /m/0cc56 +/m/04zhd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02w6bq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/011s9r /people/person/place_of_birth /m/0h7h6 +/m/04t969 /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0108xl /location/location/time_zones /m/02fqwt +/m/05631 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0127s7 +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04xhwn +/m/09vc4s /people/ethnicity/geographic_distribution /m/01n7q +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0rj0z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0rjg8 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b44shh +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/02vrgnr /film/film/produced_by /m/0147dk +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwsg +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_th +/m/025_ql1 /people/person/profession /m/0nbcg +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0g5879y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/03tw2s /organization/organization/headquarters./location/mailing_address/state_province_region /m/06yxd +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k9p4 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/04l58n +/m/0dc3_ /location/location/time_zones /m/02hcv8 +/m/016tbr /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j47s +/m/013nky /education/educational_institution_campus/educational_institution /m/013nky +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/0697s /location/location/contains /m/0f2yw +/m/0282x /influence/influence_node/influenced_by /m/04sd0 +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/075_t2 /location/location/contains /m/01f1q8 +/m/05fky /location/location/contains /m/01xysf +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/07r4c /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/03ttfc /people/ethnicity/people /m/01njxvw +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/05kh_ +/m/07wrz /education/educational_institution/colors /m/083jv +/m/06__m6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/0xhtw /music/genre/artists /m/01r9fv +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k7b0 +/m/01tmng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjf5 +/m/026s90 /music/record_label/artist /m/02b25y +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j149k +/m/01g04k /people/person/nationality /m/09c7w0 +/m/02rb607 /film/film/film_festivals /m/04_m9gk +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yl_ +/m/02p11jq /music/record_label/artist /m/0168cl +/m/03x33n /education/educational_institution/colors /m/01l849 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_gd /award/award_winner/awards_won./award/award_honor/award_winner /m/0gn30 +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0170k0 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0320fn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/016pns /people/person/places_lived./people/place_lived/location /m/0vzm +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0143wl +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/02756j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06y_n +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/09c7w0 /location/location/contains /m/03pcgf +/m/07r1_ /influence/influence_node/influenced_by /m/0m2l9 +/m/04fzk /film/actor/film./film/performance/film /m/02p76f9 +/m/0f11p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/02h0f3 +/m/0cbkc /people/person/spouse_s./people/marriage/spouse /m/015gjr +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/0163r3 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02482c +/m/07yvsn /film/film/language /m/02h40lc +/m/064t9 /music/genre/artists /m/015882 +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06c62 +/m/01nc3rh /people/person/nationality /m/0345h +/m/04cv9m /film/film/music /m/02cyfz +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0fh694 /film/film/language /m/02h40lc +/m/01p7x7 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0b7t3p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fphf3v +/m/018vs /music/instrument/instrumentalists /m/03gr7w +/m/01cw24 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07c72 /tv/tv_program/genre /m/0hcr +/m/09blyk /media_common/netflix_genre/titles /m/02qcr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nt6b +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_r_5 +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02vjzr /music/genre/artists /m/010hn +/m/02bwc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019n7x +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/0mzkr /music/record_label/artist /m/01vrncs +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02k21g /people/person/nationality /m/09c7w0 +/m/01j5sv /people/person/nationality /m/03rjj +/m/0fhzwl /tv/tv_program/genre /m/09blyk +/m/02d02 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/03npn /media_common/netflix_genre/titles /m/0fq7dv_ +/m/03mgbf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/05xb7q +/m/0170qf /film/actor/film./film/performance/film /m/0hfzr +/m/022769 /film/actor/film./film/performance/film /m/0k54q +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0488g9 +/m/02rv_dz /film/film/genre /m/0219x_ +/m/03k1vm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08r4x3 /film/film/produced_by /m/0z4s +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01q4qv +/m/0hsmh /people/person/nationality /m/09c7w0 +/m/01jzyx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/050zr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0341n5 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0kvbl6 /film/film/story_by /m/0jt86 +/m/03f1r6t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m2dk /location/us_county/county_seat /m/0qr4n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02tb17 +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03f4xvm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/01wmjkb /film/actor/film./film/performance/film /m/056xkh +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0b90_r /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05nqq3 /people/person/places_lived./people/place_lived/location /m/019fbp +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/03sc8 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09d5d5 +/m/01wj18h /award/award_winner/awards_won./award/award_honor/award_winner /m/03c602 +/m/01wtlq /music/genre/artists /m/06449 +/m/06s6hs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nglk +/m/0340hj /film/film/country /m/09c7w0 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02m0sc /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01f7dd /film/actor/film./film/performance/film /m/012s1d +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/0340hj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/029q3k +/m/09c7w0 /location/country/second_level_divisions /m/0jcmj +/m/0cc5qkt /film/film/genre /m/082gq +/m/06t2t /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/02vzc /location/location/contains /m/0hzgf +/m/03cz4j /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/092ys_y /people/person/profession /m/02tx6q +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/064jjy /people/person/profession /m/02hrh1q +/m/02mjmr /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnq8 +/m/0gs5q /people/person/profession /m/04gc2 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/029zqn /film/film/produced_by /m/06t8b +/m/0342h /music/instrument/instrumentalists /m/03d9d6 +/m/07zqnm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08304 /people/person/profession /m/01c979 +/m/07m9cm /people/person/profession /m/02jknp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01xvlc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01q7h2 +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/03cvfg +/m/05sb1 /location/location/contains /m/0dhd5 +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/0fb1q /people/person/profession /m/0dxtg +/m/01vw_dv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02x_h0 +/m/04rs03 /people/person/profession /m/01d_h8 +/m/02wyzmv /tv/tv_program/languages /m/02h40lc +/m/027jk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/018fwv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/0kvjrw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gjw_ /time/event/locations /m/0l178 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/01f5q5 /people/person/gender /m/05zppz +/m/02v2lh /music/genre/artists /m/0130sy +/m/0h63gl9 /film/film/edited_by /m/06t8b +/m/05r5c /music/instrument/instrumentalists /m/03h_fqv +/m/03qmx_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01wd9lv /film/actor/film./film/performance/film /m/027fwmt +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/01f7jt /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0mb2b /location/hud_county_place/county /m/0m2j5 +/m/03wbqc4 /film/film/edited_by /m/02qggqc +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/09dv0sz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/02gl58 +/m/071ywj /film/actor/film./film/performance/film /m/02rb84n +/m/0133_p /music/genre/artists /m/03c7ln +/m/0dgq80b /film/film/genre /m/01hmnh +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/034rd9 /people/person/nationality /m/0d060g +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/0lccn /people/person/profession /m/09jwl +/m/02v2lh /music/genre/artists /m/0274ck +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/04sry +/m/04glr5h /award/award_winner/awards_won./award/award_honor/award_winner /m/04gnbv1 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025l5 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dx8gj +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0jrv_ /music/genre/artists /m/0285c +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01fcmh +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/047p798 /film/film/language /m/02h40lc +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02bkdn +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0c7xjb /people/person/sibling_s./people/sibling_relationship/sibling /m/033wx9 +/m/059j2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0345h /location/location/contains /m/01trxd +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0479b +/m/01hmnh /media_common/netflix_genre/titles /m/04pk1f +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05d6kv /business/business_operation/industry /m/02vxn +/m/0ckrnn /film/film/genre /m/0lsxr +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/03vyw8 /film/film/music /m/07q1v4 +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0407yfx /film/film/genre /m/01hmnh +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/02qm_f /film/film/genre /m/0btmb +/m/06chf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04kzqz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/05th8t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rt9 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05jx17 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0x67 /people/ethnicity/people /m/015z4j +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04fv0k /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/02nygk +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0p_r5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cv9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/02hrh0_ /base/biblioness/bibs_location/state /m/03gh4 +/m/027s39y /film/film/country /m/09c7w0 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/04y8r /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01xyt7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05g3b +/m/0g14f /location/location/contains /m/017cjb +/m/0bwh6 /people/person/profession /m/02jknp +/m/0335fp /people/person/gender /m/05zppz +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0ym1n /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01q2nx +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/087pfc +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/02tqm5 /film/film/produced_by /m/081_zm +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01p3ty /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0241wg +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07hwkr /people/ethnicity/languages_spoken /m/06mp7 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/025sc50 /music/genre/artists /m/03f5spx +/m/02prw4h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/06j6l /music/genre/artists /m/09hnb +/m/09lcsj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/03l6q0 +/m/041rx /people/ethnicity/people /m/02t_vx +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01pq4w +/m/0d29z /people/ethnicity/geographic_distribution /m/05qx1 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/04knkd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/02pxmgz /film/film/music /m/02jxmr +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rjz5 +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/07f8wg +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0pmhf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/019vhk /film/film/language /m/04h9h +/m/073tm9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0639bg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/0b68vs +/m/085bd1 /film/film/country /m/09c7w0 +/m/0211jt /education/educational_institution_campus/educational_institution /m/0211jt +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/026wlxw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kx4m +/m/06x4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/023p29 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/0s0tr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/07ssc /media_common/netflix_genre/titles /m/03ffcz +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/02dth1 /people/deceased_person/place_of_death /m/02_286 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4m2z +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sxzwc +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/0gbtbm /tv/tv_program/languages /m/02h40lc +/m/01g1lp /film/actor/film./film/performance/film /m/0prrm +/m/03295l /people/ethnicity/languages_spoken /m/06nm1 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/0n5df /location/location/contains /m/0xpq9 +/m/0mdqp /award/award_winner/awards_won./award/award_honor/award_winner /m/05ty4m +/m/04112r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01m4yn /people/person/gender /m/02zsn +/m/033hn8 /music/record_label/artist /m/01s560x +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/02_t6d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/085pr /people/person/profession /m/02hv44_ +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bmhvpr +/m/04t53l /music/record_label/artist /m/013rfk +/m/0194xc /people/person/profession /m/04gc2 +/m/04jlgp /award/award_nominee/award_nominations./award/award_nomination/award /m/07t_l23 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0d060g /location/location/contains /m/0mbf4 +/m/059kh /music/genre/artists /m/07hgm +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01w724 +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/010nlt /base/aareas/schema/administrative_area/administrative_parent /m/04w58 +/m/0m68w /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/05znbh7 /film/film/genre /m/03k9fj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/081pw /film/film_subject/films /m/0pv3x +/m/07s9rl0 /media_common/netflix_genre/titles /m/08vd2q +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/01tdnyh /people/person/nationality /m/07ssc +/m/0dhqyw /people/person/nationality /m/03rk0 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l8g0 +/m/0d6484 /people/person/nationality /m/09c7w0 +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ndbd +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0g3b2z /people/person/gender /m/05zppz +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/02xfj0 /people/person/profession /m/02hrh1q +/m/025v3k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04258w /people/person/places_lived./people/place_lived/location /m/0pc7r +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01wb95 +/m/026wlnm /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03ytj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0267wwv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/054bt3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w806h /people/person/places_lived./people/place_lived/location /m/0ycht +/m/02w7gg /dataworld/gardening_hint/split_to /m/02jx1 +/m/0cqr0q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wy5m +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/017v_ /location/administrative_division/country /m/0345h +/m/05cqhl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01cvtf +/m/05zy3sc /film/film/language /m/02h40lc +/m/09889g /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01wg25j +/m/01jpqb /education/educational_institution/colors /m/036k5h +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/05y5fw +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvdm +/m/04411 /influence/influence_node/influenced_by /m/01ty4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k_9j +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/07rhpg /film/actor/film./film/performance/film /m/0gs973 +/m/07vht /dataworld/gardening_hint/split_to /m/07vht +/m/0dcz8_ /film/film/genre /m/01hmnh +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/070j61 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06h7l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0grmhb +/m/0zdfp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bq6ntw +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/05mt6w +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ldxq +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/05qkp /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0jfx1 /people/person/profession /m/0dxtg +/m/0p17j /people/person/nationality /m/09c7w0 +/m/014kyy /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0gcf2r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024qqx /media_common/netflix_genre/titles /m/05zlld0 +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/016fyc /film/film/genre /m/0lsxr +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/01k0xy +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gnbv1 +/m/02x0fs9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02n72k /film/film/prequel /m/0g5pv3 +/m/06j8q_ /people/person/gender /m/05zppz +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/020ffd /people/person/places_lived./people/place_lived/location /m/0cymp +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/02b1d0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/016w7b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k9j_ /people/person/religion /m/0c8wxp +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0cmc26r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/04mrhq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03_2td /people/person/gender /m/05zppz +/m/015pdg /music/genre/parent_genre /m/06by7 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsmh +/m/0gy2y8r /film/film/genre /m/07s9rl0 +/m/03qjg /music/instrument/instrumentalists /m/016ntp +/m/018qpb /people/person/gender /m/02zsn +/m/01vzxld /people/person/languages /m/02h40lc +/m/05yjhm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/03j3pg9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0151ns /people/person/gender /m/02zsn +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/09c7w0 /location/location/contains /m/04gxp2 +/m/017l96 /music/record_label/artist /m/0dbb3 +/m/02238b /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/05dy7p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/021sv1 /people/person/gender /m/05zppz +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059j2 +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/07g2b /influence/influence_node/influenced_by /m/028p0 +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01kt_j +/m/06j6l /music/genre/artists /m/01pgzn_ +/m/042fgh /film/film/genre /m/02kdv5l +/m/095l0 /location/administrative_division/country /m/07ssc +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/05r6t /music/genre/artists /m/05xq9 +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0fkwzs /tv/tv_program/country_of_origin /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/04mn81 +/m/0sw62 /people/person/nationality /m/09c7w0 +/m/07s3vqk /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02vyw /film/director/film /m/01xq8v +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/04x4s2 /people/person/nationality /m/09c7w0 +/m/082scv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01qscs /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l9p +/m/02m92h /award/award_winner/awards_won./award/award_honor/award_winner /m/0738b8 +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01s7zw +/m/035qlx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01pm0_ /people/person/gender /m/05zppz +/m/0cq7kw /film/film/genre /m/04xvh5 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/0c2rr7 /people/person/gender /m/05zppz +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/090q8l +/m/015rkw /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07j9n /time/event/locations /m/02j9z +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/014162 /location/location/contains /m/0fm2_ +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01846t +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0372j5 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l6dy +/m/0kf9p /base/biblioness/bibs_location/country /m/09c7w0 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01cssf /film/film/genre /m/01jfsb +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/0gsg7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037c9s /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/02x7vq /people/person/profession /m/02hrh1q +/m/042zrm /film/film/country /m/09c7w0 +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/042d1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02dbp7 +/m/0p3_y /film/film/language /m/04306rv +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0hvjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/02qx1m2 /people/person/gender /m/05zppz +/m/0h953 /people/person/languages /m/02h40lc +/m/0kbws /olympics/olympic_games/participating_countries /m/03548 +/m/07c52 /film/film_subject/films /m/0yx1m +/m/0glnm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/04f6hhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022yb4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tjk +/m/02tv80 /film/actor/film./film/performance/film /m/01b195 +/m/04q5zw /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1sb +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/04zkj5 /people/person/profession /m/02krf9 +/m/079kdz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/03g5_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023zsh +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lfd_ +/m/02gt5s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/0n6f8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05b_7n +/m/07jqjx /film/film/genre /m/04xvlr +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01kkx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015pnb +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07s846j +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0b2km_ /film/film/music /m/05y7hc +/m/0346qt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hdf8 /music/genre/artists /m/0889x +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0c9l1 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0l4vc +/m/0285xqh /people/person/nationality /m/03rk0 +/m/02qdyj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0dzc16 /people/person/nationality /m/09c7w0 +/m/01jzyx /education/educational_institution/students_graduates./education/education/student /m/03swmf +/m/023g6w /film/film/country /m/07ssc +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/05dbyt /film/actor/film./film/performance/film /m/02ny6g +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/06mr2s +/m/044g_k /film/film/genre /m/02kdv5l +/m/01f7kl /film/film/genre /m/05p553 +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/01wxyx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wmxfs +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04d_mtq /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03hdz8 +/m/01ztgm /people/person/gender /m/05zppz +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/08c4yn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02l7c8 /media_common/netflix_genre/titles /m/075wx7_ +/m/012g92 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07qg8v +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/0c408_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07vn_9 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/014lc_ +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ggh +/m/02b171 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c0k1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023s8 +/m/03yk8z /people/person/profession /m/02hrh1q +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0tzp +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/01fwf1 /film/actor/film./film/performance/film /m/042fgh +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/02q7yfq /film/film/produced_by /m/06cv1 +/m/01nn3m /people/person/profession /m/02hrh1q +/m/034qbx /film/film/genre /m/0gf28 +/m/02vjzr /music/genre/artists /m/01817f +/m/07bch9 /people/ethnicity/people /m/02_01w +/m/0mzkr /music/record_label/artist /m/01vw87c +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0cqnss +/m/04110lv /time/event/instance_of_recurring_event /m/0g_w +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q8ms8 +/m/0ldqf /olympics/olympic_games/sports /m/02bkg +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/02bm1v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/016zwt /organization/organization_member/member_of./organization/organization_membership/organization /m/085h1 +/m/026gyn_ /film/film/genre /m/04xvh5 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/020qr4 /tv/tv_program/genre /m/0hcr +/m/0js9s /award/award_winner/awards_won./award/award_honor/award_winner /m/02q_cc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/02vwckw /people/person/profession /m/02hrh1q +/m/015010 /film/actor/film./film/performance/film /m/0c_j9x +/m/04fzfj /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/02hhtj /film/actor/film./film/performance/film /m/0gbfn9 +/m/03csqj4 /people/person/place_of_birth /m/04ly1 +/m/0347db /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/01h4rj /film/actor/film./film/performance/film /m/0ckt6 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/043ttv /organization/organization/headquarters./location/mailing_address/citytown /m/0qcrj +/m/0kj34 /music/artist/origin /m/04jpl +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02g87m /film/actor/film./film/performance/film /m/01k0vq +/m/042g97 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/024mxd +/m/01vvyc_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02ts3h +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pk8 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0277j40 +/m/056jm_ /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05dbyt /film/actor/film./film/performance/film /m/040_lv +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/05m883 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/0y_yw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jsf6 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0k1bs +/m/03jht /influence/influence_node/influenced_by /m/0j3v +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/06x6s +/m/025sc50 /music/genre/artists /m/02dbp7 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/02n9k /people/person/nationality /m/09c7w0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0cqt90 +/m/035xwd /film/film/written_by /m/01v80y +/m/0n5xb /location/location/contains /m/01m9f1 +/m/04wsz /location/location/contains /m/06vbd +/m/01jfsb /media_common/netflix_genre/titles /m/07f_7h +/m/05nqq3 /people/person/gender /m/05zppz +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050_qx +/m/04fkg4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/073x6y /film/actor/film./film/performance/film /m/0gj8nq2 +/m/04lp8k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8l9c /location/location/contains /m/0mhhw +/m/0226cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dq9q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yl_3 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/024zq /people/person/profession /m/01c72t +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h5d +/m/01vh3r /people/person/profession /m/01d_h8 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/053y0s /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0nt4s /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/06by7 /music/genre/artists /m/046p9 +/m/01vvb4m /people/person/profession /m/01d_h8 +/m/02xs6_ /film/film/written_by /m/02b29 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0bqs56 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01k53x +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01cwkq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/01tpvt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05b4w /sports/sports_team_location/teams /m/01cw24 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0fn2g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0237fw /film/actor/film./film/performance/film /m/05hjnw +/m/020fgy /award/award_winner/awards_won./award/award_honor/award_winner /m/095p3z +/m/01gglm /film/film/film_format /m/07fb8_ +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/03s9kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0564x /film/film/dubbing_performances./film/dubbing_performance/actor /m/06sn8m +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/018ysx /music/genre/parent_genre /m/0155w +/m/03bnv /music/group_member/membership./music/group_membership/role /m/0342h +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c3ns /people/person/profession /m/0dxtg +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/01l1hr /people/person/place_of_birth /m/030qb3t +/m/01z4y /media_common/netflix_genre/titles /m/0830vk +/m/09k0f /people/person/religion /m/0c8wxp +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/026g4l_ +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012jfb +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/02v406 /people/person/religion /m/04pk9 +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0686zv +/m/01t110 /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/07ng9k /tv/tv_program/genre /m/0jxy +/m/0c7xjb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02m3sd +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0mfj2 /film/actor/film./film/performance/film /m/0c8tkt +/m/0k_9j /film/film/language /m/02002f +/m/09q17 /media_common/netflix_genre/titles /m/02hxhz +/m/01xk7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wk4d /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/0285c /people/person/profession /m/09jwl +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/08zrbl /film/film/executive_produced_by /m/0fvf9q +/m/04gv3db /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/0m5s5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/05mph +/m/041td_ /film/film/language /m/02bjrlw +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0558_1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xyqk /music/record_label/artist /m/02mslq +/m/03w9bjf /people/ethnicity/people /m/05d7rk +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03l78j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p87y /people/person/profession /m/02jknp +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07b_l +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0187y5 +/m/0xgpv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/07g2v /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/017m2y +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/01g1lp +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/09qbdc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ct2tf5 /dataworld/gardening_hint/split_to /m/0ct2tf5 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/024qqx /media_common/netflix_genre/titles /m/04fzfj +/m/027xbpw /people/person/nationality /m/09c7w0 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/05r5c /music/instrument/instrumentalists /m/026ps1 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/025txtg /sports/sports_team/colors /m/01g5v +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/01m3x5p /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03f4n1 /location/country/capital /m/01f62 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0690ct /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01cx_ /location/location/contains /m/02g839 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0184jc /people/person/nationality /m/0chghy +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01hhvg /education/educational_institution/school_type /m/01_9fk +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/015g1w /education/educational_institution/campuses /m/015g1w +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/01nz1q6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05m9f9 /people/person/place_of_birth /m/0cr3d +/m/0b7l4x /film/film/production_companies /m/02j_j0 +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01rlz4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04jplwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g23m +/m/064r9cb /music/record_label/artist /m/02w4fkq +/m/0bxtg /film/actor/film./film/performance/film /m/01y9r2 +/m/064t9 /music/genre/artists /m/06p03s +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/05sxr_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01msrb +/m/01vcnl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04kwbt /people/person/profession /m/02jknp +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nhfc1 +/m/0199wf /film/film/genre /m/05p553 +/m/01q_ph /film/actor/film./film/performance/film /m/0bs5vty +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/0dc95 /base/biblioness/bibs_location/state /m/01n7q +/m/025tdwc /people/person/profession /m/02hrh1q +/m/020bg /people/person/religion /m/0c8wxp +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gbfn9 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tc9r +/m/07ssc /media_common/netflix_genre/titles /m/05mrf_p +/m/0522wp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016clz /music/genre/artists /m/017j6 +/m/06nnj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/0br1w /people/person/places_lived./people/place_lived/location /m/0k_s5 +/m/014ck4 /location/location/contains /m/01l3k6 +/m/051ys82 /film/film/genre /m/0lsxr +/m/065zlr /film/film/production_companies /m/04rtpt +/m/017y6l /education/educational_institution/students_graduates./education/education/student /m/0gkydb +/m/01vwyqp /people/person/religion /m/092bf5 +/m/06mmb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/01nms7 /film/actor/film./film/performance/film /m/026lgs +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0329qp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07ykkx5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03_d0 /music/genre/artists /m/03f2_rc +/m/011zdm /medicine/disease/risk_factors /m/0h1n9 +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03rg2b /film/film/production_companies /m/05qd_ +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgpwnk +/m/04f_d /sports/sports_team_location/teams /m/049n7 +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0d4htf /film/film/genre /m/01hmnh +/m/025rvx0 /film/film/genre /m/07s9rl0 +/m/024qqx /media_common/netflix_genre/titles /m/0ds33 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/015gsv +/m/0brgy /medicine/symptom/symptom_of /m/01n3bm +/m/0cf_h9 /people/person/profession /m/04gf49c +/m/02j8nx /people/person/profession /m/0dgd_ +/m/01hrqc /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/013423 /people/person/gender /m/02zsn +/m/0l30v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l339 +/m/01cl2y /music/record_label/artist /m/08w4pm +/m/0d_skg /people/person/nationality /m/09c7w0 +/m/039wsf /people/person/profession /m/02krf9 +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/0bzyh +/m/011wtv /film/film/genre /m/060__y +/m/0f2tj /location/administrative_division/country /m/09c7w0 +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/050xxm +/m/03z8w6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bvz6 +/m/0f2rq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ms1n +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01w5gg6 /people/person/places_lived./people/place_lived/location /m/0jyw +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07vht /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/02lg9w +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08036w +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02ts3h /people/person/nationality /m/09c7w0 +/m/011kn2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0g7pm1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14qv /music/instrument/instrumentalists /m/01386_ +/m/01kwlwp /people/person/gender /m/05zppz +/m/06l7jj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06wvj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/06by7 /music/genre/artists /m/033s6 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05w6cw /film/actor/film./film/performance/film /m/0h1cdwq +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1l_ +/m/01qqtr /people/person/place_of_birth /m/0f2wj +/m/02vzc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05b4w +/m/07rhpg /people/person/place_of_birth /m/04lh6 +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/03h64 /media_common/netflix_genre/titles /m/0198b6 +/m/07c5l /location/location/contains /m/06ryl +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0g7s1n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05drr9 +/m/018db8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcq3 +/m/02rk45 /people/person/profession /m/02hrh1q +/m/0341n5 /film/actor/film./film/performance/film /m/0340hj +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0xbm +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/09k23 /education/educational_institution/colors /m/0680m7 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02nfjp /film/actor/film./film/performance/film /m/0df92l +/m/04g61 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01nglk +/m/01k7b0 /film/film/genre /m/01g6gs +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044gyq +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rdh +/m/03cd0x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sy_5 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/076xkdz /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/02gvwz /film/actor/film./film/performance/film /m/017gm7 +/m/028mc6 /people/person/nationality /m/09c7w0 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/018vs /music/instrument/instrumentalists /m/01wx756 +/m/0fz0c2 /time/event/instance_of_recurring_event /m/0g_w +/m/096hm /people/person/places_lived./people/place_lived/location /m/013kcv +/m/0b6p3qf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/0cc63l +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/05vtbl /people/person/profession /m/015h31 +/m/06ylv0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01q0kg /organization/organization/headquarters./location/mailing_address/citytown /m/071vr +/m/027y_ /people/person/nationality /m/0d060g +/m/0m0fw /music/genre/parent_genre /m/0mmp3 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/016clz /music/genre/artists /m/0fb2l +/m/034hzj /film/film/film_production_design_by /m/0d5wn3 +/m/03j149k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05_61y +/m/02jtjz /people/person/nationality /m/09c7w0 +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/07wgm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/042fk +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jwxx +/m/0473m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01mqc_ +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02_33l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l12d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0456xp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09wj5 +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/05c46y6 /film/film/genre /m/07s9rl0 +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/056wb +/m/0dnvn3 /film/film/genre /m/01jfsb +/m/03qhyn8 /people/person/nationality /m/03rjj +/m/0225z1 /business/business_operation/industry /m/01mw1 +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0182r9 +/m/06c62 /location/location/contains /m/04jr87 +/m/02b0_m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0drnwh /film/film/genre /m/01lrrt +/m/060_7 /influence/influence_node/peers./influence/peer_relationship/peers /m/0gs7x +/m/03hnd /people/person/nationality /m/02jx1 +/m/0159r9 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0f4_l /film/film/written_by /m/0693l +/m/063vn /people/deceased_person/place_of_death /m/052p7 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/03y8cbv /award/award_category/winners./award/award_honor/award_winner /m/0jw67 +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qf2t +/m/01xcfy /film/actor/film./film/performance/film /m/0g5838s +/m/04v9wn /sports/sports_team/colors /m/01g5v +/m/0bzknt /time/event/instance_of_recurring_event /m/0g_w +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/02vy5j /film/actor/film./film/performance/film /m/09cr8 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09yrh +/m/0fb0v /music/record_label/artist /m/0k6yt1 +/m/0fz3b1 /film/film/production_companies /m/017s11 +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/02bj22 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r4hry +/m/0f6_x /film/actor/film./film/performance/film /m/0f3m1 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qsjt +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/027hm_ /people/person/profession /m/09jwl +/m/0ndsl1x /film/film/production_companies /m/0c41qv +/m/016s0m /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0473rc /film/film/music /m/07qy0b +/m/02z6fs /education/educational_institution/campuses /m/02z6fs +/m/05crg7 /music/artist/origin /m/02_286 +/m/0k9p4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/06t2t2 /film/film/produced_by /m/0p_47 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/05kr_ /location/location/contains /m/01hhyb +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/05qzv /influence/influence_node/influenced_by /m/032l1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/0b1f49 /people/person/nationality /m/09c7w0 +/m/01wj92r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/0nhr5 /location/location/time_zones /m/02fqwt +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0f14q /people/person/profession /m/02hrh1q +/m/016tb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rr9f +/m/01wb8bs /people/person/gender /m/05zppz +/m/03rjj /media_common/netflix_genre/titles /m/04lqvlr +/m/0g2lq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/01gn36 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04j_gs /influence/influence_node/influenced_by /m/01xdf5 +/m/05r6t /music/genre/artists /m/01tp5bj +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/02c4s /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/012vwb /education/educational_institution/colors /m/09ggk +/m/0371rb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/02m0b0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07_f2 +/m/05clg8 /music/record_label/artist /m/092ggq +/m/07vqnc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/067hq2 +/m/03z0dt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01gb54 +/m/05k2s_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014zfs /base/eating/practicer_of_diet/diet /m/07_jd +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/01_rh4 /people/person/languages /m/06nm1 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/011vx3 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/0hmm7 /film/film/language /m/02h40lc +/m/0dt8xq /film/film/genre /m/05p553 +/m/09n5t_ /music/genre/artists /m/028hc2 +/m/0f42nz /film/film/language /m/02hxcvy +/m/05fjf /location/location/contains /m/0xt3t +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d90m +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04ddm4 /film/film/production_companies /m/016tw3 +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/039bp /film/actor/film./film/performance/film /m/032sl_ +/m/02_340 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04xbq3 +/m/01wmcbg /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0345h /location/location/contains /m/054y8 +/m/07nt8p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06449 +/m/07hyk /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0478__m /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k419 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/04gm7n /music/record_label/artist /m/03f4xvm +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rt9 +/m/07cyl /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/05r6t /media_common/netflix_genre/titles /m/05q7874 +/m/05pyrb /film/film/language /m/03_9r +/m/0sgxg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bn3l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vwyqp /people/person/profession /m/02hrh1q +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04tnqn +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0239kh +/m/0kvf3b /film/film/film_art_direction_by /m/098sv2 +/m/09c7w0 /location/location/contains /m/01q7q2 +/m/02t0n9 /people/person/profession /m/018gz8 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/072hx4 +/m/05v8c /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zkj5 /film/actor/film./film/performance/film /m/02825cv +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0fplg /location/location/contains /m/03v_5 +/m/01vvzb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/0nr2v /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/043gj /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/03hmt9b /film/film/country /m/07ssc +/m/07s9rl0 /media_common/netflix_genre/titles /m/0dpl44 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/01nrq5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sw0q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06lckm +/m/014ps4 /people/person/profession /m/0cbd2 +/m/02ld6x /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0gmtm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /organization/organization/child./organization/organization_relationship/child /m/030_1m +/m/06yxd /location/location/time_zones /m/02hcv8 +/m/0bmh4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0qdwr /people/person/profession /m/015cjr +/m/05fjf /location/location/contains /m/01qqv5 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0127xk /people/person/gender /m/05zppz +/m/05l3g_ /people/ethnicity/languages_spoken /m/02bv9 +/m/06c97 /people/deceased_person/place_of_death /m/02_286 +/m/0yw93 /location/location/time_zones /m/02hcv8 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0l2vz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpzy +/m/01vs4f3 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0d6d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/016dgz +/m/0175wg /people/person/profession /m/0d1pc +/m/015xp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/016bx2 /people/person/profession /m/02jknp +/m/03k9fj /media_common/netflix_genre/titles /m/04w7rn +/m/08qvhv /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0dcz8_ /film/film/genre /m/05p553 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/027f7dj +/m/05hj0n /film/actor/film./film/performance/film /m/0hv8w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02gkxp +/m/01s73z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/018qb4 /olympics/olympic_games/sports /m/03fyrh +/m/02yxjs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0l14gg /music/genre/artists /m/01gg59 +/m/06by7 /music/genre/artists /m/01wj92r +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/013q07 +/m/0jbrr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy0n +/m/09b3v /media_common/netflix_genre/titles /m/023p7l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0g7s1n +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/026dqjm +/m/0g3zrd /film/film/featured_film_locations /m/01_d4 +/m/01bb9r /film/film/music /m/03h610 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04kd5d +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/09gmmt6 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06y9bd +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02lv2v +/m/0m93 /people/person/nationality /m/03shp +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/045r_9 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/03b3j /sports/sports_team/colors /m/01l849 +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0dls3 /music/genre/artists /m/01vng3b +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/01400v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/0lk0l /education/educational_institution/students_graduates./education/education/student /m/0dz46 +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02whj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bch9 /people/ethnicity/people /m/07t2k +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0l38x +/m/01g42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfz +/m/03dkh6 /award/award_category/winners./award/award_honor/award_winner /m/05d1y +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06h7l7 /people/person/profession /m/02hv44_ +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0cq806 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01d_h /people/person/nationality /m/09c7w0 +/m/03zrhb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0421v9q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0872p_c /film/film/executive_produced_by /m/06pj8 +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/09b3v /media_common/netflix_genre/titles /m/015ynm +/m/0gd70t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/037njl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/0182r9 /sports/sports_team/colors /m/083jv +/m/0205dx /film/actor/film./film/performance/film /m/0fq7dv_ +/m/01hmnh /media_common/netflix_genre/titles /m/0dyb1 +/m/0146pg /people/person/nationality /m/09c7w0 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/04b5n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07ssc /location/location/contains /m/0k33p +/m/026zlh9 /film/film/country /m/02jx1 +/m/0h1fktn /film/film/genre /m/04rlf +/m/01g7zj /people/ethnicity/people /m/015882 +/m/02j416 /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/09c7w0 /location/location/contains /m/0y1rf +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0bcndz /film/film/executive_produced_by /m/01b9ck +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/0bj9k /film/actor/film./film/performance/film /m/015qsq +/m/02qkt /location/location/contains /m/01xbgx +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0bs1yy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qhlwd +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01xr2s +/m/028cg00 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/017gl1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01z4y /media_common/netflix_genre/titles /m/03wjm2 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0c4f4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yzvw +/m/05zjx /people/person/profession /m/03gjzk +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/02k84w +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/033tf_ /people/ethnicity/languages_spoken /m/02h40lc +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0170qf /film/actor/film./film/performance/film /m/03cfkrw +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/017180 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03m4mj +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kj5h +/m/037d35 /people/person/gender /m/05zppz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/03j3pg9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/096g3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/015m08 +/m/012s1d /film/film/genre /m/03k9fj +/m/0kbws /olympics/olympic_games/participating_countries /m/04wgh +/m/0bsnm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/05k7sb /location/location/contains /m/01m8dg +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05b_gq +/m/01f8f7 /award/award_winning_work/awards_won./award/award_honor/award /m/07kfzsg +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyc_ +/m/01yb09 /film/actor/film./film/performance/film /m/01v1ln +/m/06pvr /location/location/contains /m/0qymv +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ylg6 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rv1w +/m/04flrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0419kt +/m/0345h /location/location/contains /m/0g7pm +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/0nm42 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm9y +/m/04mjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01s21dg /people/person/place_of_birth /m/0167q3 +/m/014zcr /people/person/gender /m/05zppz +/m/035w2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bgmr /people/person/place_of_birth /m/01ly5m +/m/04t2l2 /people/person/profession /m/02hrh1q +/m/02vzpb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04fhxp /people/person/gender /m/05zppz +/m/01kk32 /location/location/contains /m/01dyk8 +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z43v +/m/02mpyh /film/film/genre /m/01jfsb +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01qwb5 /education/educational_institution_campus/educational_institution /m/01qwb5 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/01g969 /people/person/spouse_s./people/marriage/spouse /m/0cwtm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0225bv +/m/04mrhq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/019mcm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0f8l9c /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/03295l /people/ethnicity/languages_spoken /m/0t_2 +/m/03t852 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_mc +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0cbl95 /film/film/language /m/02h40lc +/m/02tz9z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/01m5m5b /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/07sgdw /film/film/language /m/02h40lc +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02ldkf /education/educational_institution/school_type /m/05jxkf +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0gx_p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018ygt +/m/01_4mn /organization/organization/place_founded /m/02_286 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cp4cn +/m/0kbwb /film/film/featured_film_locations /m/0qpn9 +/m/0557yqh /tv/tv_program/genre /m/06nbt +/m/015zyd /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/05xd_v /film/actor/film./film/performance/film /m/06gb1w +/m/016zp5 /dataworld/gardening_hint/split_to /m/044mvs +/m/0c58k /people/cause_of_death/people /m/028bs1p +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03z8bw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/05cwl_ /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/01crd5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/088_kf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ksy_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02skyy /tv/tv_program/genre /m/066wd +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/0f1jhc +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/02_kd /film/film/music /m/02z81h +/m/0p_th /film/film/film_production_design_by /m/03wdsbz +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/07ssc /media_common/netflix_genre/titles /m/0qf2t +/m/026vcc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0byfz /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/0dnvn3 /film/film/country /m/09c7w0 +/m/064_8sq /language/human_language/countries_spoken_in /m/03gk2 +/m/017l96 /music/record_label/artist /m/01ww2fs +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/064t9 /music/genre/artists /m/01pfr3 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/0134w7 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/059j1m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/08htt0 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/018pj3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0cmf0m0 /film/film/genre /m/0hcr +/m/044ptm /people/person/religion /m/03j6c +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/059lwy +/m/05sb1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0lx2l /people/person/places_lived./people/place_lived/location /m/018lbg +/m/01rl_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07c5l +/m/07hwkr /people/ethnicity/languages_spoken /m/02hwyss +/m/0p3sf /people/person/nationality /m/09c7w0 +/m/0m2gz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02rn00y /film/film/genre /m/01hmnh +/m/016ks_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03x16f +/m/02lnbg /music/genre/artists /m/013v5j +/m/01r4bps /people/person/profession /m/02hrh1q +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/028bs1p /people/person/gender /m/05zppz +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/029fbr /music/genre/artists /m/0lsw9 +/m/02ly_ /location/location/contains /m/01z26v +/m/0hw29 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b7q +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0k33p /location/administrative_division/country /m/07ssc +/m/02tqm5 /film/film/genre /m/07s9rl0 +/m/06ns98 /people/person/profession /m/0np9r +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0sxmx /film/film/genre /m/082gq +/m/041b4j /people/person/nationality /m/09c7w0 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/01zmpg /people/person/profession /m/0dz3r +/m/0ngg /people/person/spouse_s./people/marriage/location_of_ceremony /m/06c62 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01jrz5j /people/person/profession /m/0nbcg +/m/063_j5 /film/film/production_companies /m/05h4t7 +/m/01j5ws /film/actor/film./film/performance/film /m/04hwbq +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027s39y +/m/09fb5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015p3p +/m/016y3j /music/genre/parent_genre /m/01243b +/m/04pg29 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03ln8b +/m/0cj8x /award/award_winner/awards_won./award/award_honor/award_winner /m/018417 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/070g7 /film/film/country /m/09c7w0 +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/01h910 /award/award_winner/awards_won./award/award_honor/award_winner /m/07fvf1 +/m/03s9v /people/person/employment_history./business/employment_tenure/company /m/02hcxm +/m/0277c3 /people/person/nationality /m/0345h +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/01psyx /people/cause_of_death/people /m/0c_jc +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/0b6l1st /film/film/produced_by /m/05nn4k +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/0gd9k +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/05148p4 /music/instrument/instrumentalists /m/0274ck +/m/0413cff /film/film/personal_appearances./film/personal_film_appearance/person /m/0466k4 +/m/03fd8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07g2b /people/person/profession /m/05z96 +/m/0dxmyh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gs6vr +/m/0cv1w /location/location/contains /m/0cy8v +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01279v /location/location/contains /m/0jtf1 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/087vnr5 /film/film/genre /m/05p553 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/0rj0z /location/hud_county_place/place /m/0rj0z +/m/01797x /music/group_member/membership./music/group_membership/role /m/0342h +/m/0kbws /olympics/olympic_games/participating_countries /m/047lj +/m/03b0q4 /people/person/profession /m/02hrh1q +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/018h2 /film/film_subject/films /m/03hfmm +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/01hb6v /people/person/profession /m/015btn +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/01hv3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0170yd +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/05148p4 /music/instrument/instrumentalists /m/016s_5 +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2l3 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0dzf_ /film/actor/film./film/performance/film /m/016z43 +/m/03lpp_ /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04n36qk +/m/05njyy /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/014l6_ /film/film/country /m/09c7w0 +/m/02mscn /music/genre/artists /m/01j6mff +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0859_ +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jbrr +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/03_nq /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/01slc /sports/sports_team/colors /m/019sc +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/081pw /time/event/locations /m/04swx +/m/03hmt9b /film/film/genre /m/02l7c8 +/m/04hzj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03c5bz /people/person/gender /m/02zsn +/m/01vqrm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvgxk +/m/0p5wz /education/educational_institution_campus/educational_institution /m/0p5wz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/018vs /music/instrument/instrumentalists /m/01lvcs1 +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04q5zw +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0crx5w +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/0lx2l /film/actor/film./film/performance/film /m/0q9b0 +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/01dq0z /education/educational_institution/colors /m/019sc +/m/02v5xg /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kwh5j +/m/01tv3x2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/01w61th /people/person/religion /m/0c8wxp +/m/07kc_ /music/instrument/instrumentalists /m/09prnq +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0cbn7c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0315w4 /film/film/genre /m/01jfsb +/m/09kn9 /tv/tv_program/genre /m/03k9fj +/m/013nky /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/064_8sq /language/human_language/countries_spoken_in /m/01nln +/m/0bc1yhb /film/film/genre /m/02xlf +/m/02b0yk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03_d0 /music/genre/artists /m/014kyy +/m/09qxq7 /music/genre/artists /m/063t3j +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01c22t /film/film/production_companies /m/0kk9v +/m/02rmfm /people/person/nationality /m/09c7w0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/02vntj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/03dpqd /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3w7 +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/04swx /location/location/contains /m/078lk +/m/0x3b7 /people/person/nationality /m/09c7w0 +/m/01cgz /film/film_subject/films /m/0140g4 +/m/06x2ww /music/record_label/artist /m/01k_n63 +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/0l98s /olympics/olympic_games/sports /m/0d1t3 +/m/0n85g /music/record_label/artist /m/01qrbf +/m/03ln8b /tv/tv_program/genre /m/01z4y +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02jd_7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fzfj /film/film/featured_film_locations /m/03gh4 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/01hvjx /film/film/genre /m/06nbt +/m/020jqv /award/award_winner/awards_won./award/award_honor/award_winner /m/044f7 +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/05zdk2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/05qx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03176f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wmcbg /film/actor/film./film/performance/film /m/05cj_j +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/02jx1 /location/country/second_level_divisions /m/09ctj +/m/01v3vp /people/person/profession /m/0np9r +/m/0gk4g /people/cause_of_death/people /m/011lpr +/m/03cvvlg /film/film/genre /m/07s9rl0 +/m/099vwn /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/05148p4 /music/instrument/instrumentalists /m/01vw26l +/m/0mbql /film/film/executive_produced_by /m/02q_cc +/m/05tbn /location/location/contains /m/0m7fm +/m/04rkkv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n1s0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d_rw /tv/tv_program/genre /m/03npn +/m/084m3 /film/actor/film./film/performance/film /m/012gk9 +/m/0tt6k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05148p4 /music/instrument/instrumentalists /m/0qf3p +/m/02sgy /music/instrument/instrumentalists /m/03gr7w +/m/0bw20 /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01kb2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023mdt +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/05fky /location/location/contains /m/0yp21 +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/03xpfzg +/m/02g5h5 /film/actor/film./film/performance/film /m/0bcp9b +/m/01vw87c /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/018pj3 /people/person/nationality /m/09c7w0 +/m/01chpn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05lb87 +/m/01pg1d /people/person/profession /m/02jknp +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/04qzm +/m/03nymk /tv/tv_program/program_creator /m/02q6cv4 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01q_y0 +/m/0hwqg /people/person/profession /m/02hrh1q +/m/07gbf /tv/tv_program/genre /m/06n90 +/m/084m3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04264n /people/deceased_person/place_of_death /m/030qb3t +/m/09tc_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fm3h2 /award/award_category/disciplines_or_subjects /m/0w7c +/m/0d0x8 /location/location/contains /m/019k6n +/m/0llcx /film/film/production_companies /m/05qd_ +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/02184q /film/actor/film./film/performance/film /m/043tvp3 +/m/01z4y /media_common/netflix_genre/titles /m/056xkh +/m/02m0b0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02hzx8 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pk8 +/m/0k_kr /music/record_label/artist /m/0k7pf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/0b6yp2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0zjpz /people/person/profession /m/09jwl +/m/0qymv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/072w0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/0gfhg1y /time/event/locations /m/04gqr +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dq9p /people/cause_of_death/people /m/0ly5n +/m/05drr9 /film/actor/film./film/performance/film /m/0fphf3v +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047vnkj +/m/01l_pn /film/film/genre /m/05p553 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/071dcs /people/person/nationality /m/09c7w0 +/m/030znt /film/actor/film./film/performance/film /m/03lrqw +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0fjsl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08s6r6 /music/genre/parent_genre /m/0133_p +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/033tf_ /people/ethnicity/people /m/014zcr +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l3_5 +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0jmj /people/person/gender /m/05zppz +/m/02ctzb /people/ethnicity/people /m/038w8 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bs5vty +/m/01n073 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/0k3gj /location/location/time_zones /m/02hcv8 +/m/01kph_c /people/person/profession /m/09jwl +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/02rcdc2 /film/film/country /m/0f8l9c +/m/01hdht /people/person/profession /m/0dxtg +/m/01tj34 /people/person/gender /m/02zsn +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/0cwx_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/02zj61 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/017v71 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nln /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cr6qv /people/person/profession /m/09jwl +/m/0415svh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/033m23 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z9l_ /music/genre/artists /m/0k60 +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049d_ +/m/0kbvv /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vr7 +/m/0gh6j94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/0776drd /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmc4cm +/m/030cx /tv/tv_program/languages /m/02h40lc +/m/0n5hh /location/location/time_zones /m/02hcv8 +/m/04t36 /media_common/netflix_genre/titles /m/02s4l6 +/m/07lt7b /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/01tdnyh /people/person/nationality /m/02jx1 +/m/0kszw /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0prjs +/m/03f3_p3 /people/person/profession /m/05vyk +/m/011_vz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07sc6nw /film/film/genre /m/09blyk +/m/0pmhf /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs5v +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/01dtcb /music/record_label/artist /m/01gf5h +/m/0134pk /music/artist/origin /m/01cx_ +/m/03f3_p3 /people/person/gender /m/02zsn +/m/0dlv0 /location/location/contains /m/088gzp +/m/016qtt /music/artist/origin /m/05jbn +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/0bxtg /film/actor/film./film/performance/film /m/0322yj +/m/012x2b /film/actor/film./film/performance/film /m/08phg9 +/m/02vrr /medicine/disease/risk_factors /m/09d11 +/m/079hvk /people/person/gender /m/05zppz +/m/01j67j /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021yw7 +/m/01m7pwq /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0gywn /music/genre/artists /m/01w272y +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02l6dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04g4n /people/person/profession /m/02hrh1q +/m/0652ty /film/actor/film./film/performance/film /m/0_92w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0xq +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/034rd9 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/057bc6m /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjks +/m/063k3h /people/ethnicity/people /m/01fx2g +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/04q01mn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0ylsr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ym17 +/m/07c52 /film/film_subject/films /m/03fts +/m/05r5c /music/instrument/instrumentalists /m/0g824 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/0kbws /olympics/olympic_games/participating_countries /m/015qh +/m/0n85g /music/record_label/artist /m/01wsl7c +/m/01y06y /organization/organization/headquarters./location/mailing_address/citytown /m/04kf4 +/m/016kv6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z215 /location/location/contains /m/058wp +/m/0q19t /organization/organization/headquarters./location/mailing_address/state_province_region /m/07371 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03r8gp +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/student /m/084w8 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/023w9s /people/person/nationality /m/09c7w0 +/m/072r5v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07024 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0c8br /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0hfjk /media_common/netflix_genre/titles /m/04ynx7 +/m/01wd9vs /award/award_winner/awards_won./award/award_honor/award_winner /m/02zft0 +/m/07bwr /film/film/genre /m/01q03 +/m/02nvg1 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/026lj +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0d05w3 /location/location/contains /m/0123gq +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/01wk3c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/position /m/02sdk9v +/m/02ps55 /education/educational_institution_campus/educational_institution /m/02ps55 +/m/02ryyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01_wfj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkq_8 /people/person/profession /m/015cjr +/m/0fsd9t /film/film/genre /m/07s9rl0 +/m/0c3p7 /film/actor/film./film/performance/film /m/034qbx +/m/02mqc4 /film/actor/film./film/performance/film /m/04xbq3 +/m/06y9bd /people/person/profession /m/0dxtg +/m/06by7 /music/genre/artists /m/01pny5 +/m/03dpqd /people/person/nationality /m/07ssc +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01271h /people/person/profession /m/09jwl +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038bht +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/04jspq /film/director/film /m/03q0r1 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01n5309 /influence/influence_node/influenced_by /m/029_3 +/m/02704ff /film/film/genre /m/0vgkd +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/063tn +/m/0gf14 /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/0dlwj /base/biblioness/bibs_location/country /m/01xbgx +/m/03fnjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09rfpk /film/film/story_by /m/01tz6vs +/m/01vq3nl /people/person/gender /m/05zppz +/m/019kn7 /people/ethnicity/people /m/01hc9_ +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0sw62 /people/person/profession /m/02hrh1q +/m/03ccq3s /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gndh +/m/0146mv /media_common/netflix_genre/titles /m/07vqnc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/042l8n +/m/0gx9rvq /film/film/country /m/09c7w0 +/m/0gqzz /award/award_category/winners./award/award_honor/award_winner /m/013t9y +/m/015_1q /music/record_label/artist /m/01k_r5b +/m/01xwv7 /people/person/profession /m/02hrh1q +/m/0n23_ /location/location/time_zones /m/02hcv8 +/m/0522wp /people/person/gender /m/05zppz +/m/01ydtg /music/genre/artists /m/017yfz +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/01sjz_ +/m/07c9s /language/human_language/countries_spoken_in /m/09pmkv +/m/01zzk4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0cxgc +/m/013m_x /location/hud_county_place/place /m/013m_x +/m/02d4ct /film/actor/film./film/performance/film /m/03s9kp +/m/09zf_q /film/film/genre /m/07s2s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b19t +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nnpw +/m/03ct7jd /film/film/produced_by /m/09pl3s +/m/06by7 /music/genre/artists /m/03f6fl0 +/m/02ntb8 /film/film/language /m/02h40lc +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/02t_vx +/m/07lly /location/location/time_zones /m/03bdv +/m/01fx2g /people/person/nationality /m/09c7w0 +/m/04bdxl /film/actor/film./film/performance/film /m/01z452 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01tx9m +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070j61 +/m/029d_ /education/educational_institution/campuses /m/029d_ +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/04z0g +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/03rjj /location/location/contains /m/03wxvk +/m/012d40 /film/actor/film./film/performance/film /m/09146g +/m/0l2hf /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/026lyl4 /people/deceased_person/place_of_death /m/01m1zk +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dc0c +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/0137n0 +/m/06hgbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05zjx /people/person/profession /m/0dxtg +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/0cgbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3ln +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/07ldhs /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0gs6vr +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027tbrc +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/06jw0s +/m/0j5q3 /people/person/nationality /m/09c7w0 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/01psyx /people/cause_of_death/people /m/01wd02c +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/072x7s /film/film/language /m/0jzc +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05y7hc +/m/0j210 /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0bshwmp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/018h2 /film/film_subject/films /m/0n83s +/m/03tn80 /film/film/language /m/02h40lc +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rvwmy +/m/09pmkv /location/location/contains /m/0dhf5 +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/019kyn +/m/0kv4k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ts3h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw8mh +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/04x4nv /film/film/country /m/09c7w0 +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l450 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fyss +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012vd6 +/m/01xqw /music/instrument/family /m/0d8lm +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/01wsj0 /music/record_label/artist /m/036px +/m/01vs4ff /people/person/place_of_birth /m/0978r +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07k8rt4 +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1sb +/m/05rfst /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/06by7 /music/genre/artists /m/07s3vqk +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0170s4 +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237fw +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/059rby /location/location/contains /m/0l0wv +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/087pfc /film/film/produced_by /m/02r251z +/m/01vzxld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvycq +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/01d8yn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0fc1m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/0kv2hv /film/film/story_by /m/0f7hc +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0ct2tf5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/049k07 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/012gbb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w7gg /people/ethnicity/people /m/022g44 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/07hwkr /people/ethnicity/people /m/0c3p7 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylgz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdj_ +/m/03mqtr /media_common/netflix_genre/titles /m/0c0yh4 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/013y1f /music/instrument/instrumentalists /m/03bnv +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gffmn8 +/m/056wb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0180mw +/m/0h1v19 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/01vwllw /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0ymdn /education/educational_institution_campus/educational_institution /m/0ymdn +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/01f1jf /olympics/olympic_games/sports /m/01z27 +/m/03mqtr /media_common/netflix_genre/titles /m/0_b3d +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0gppg /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/01wf86y /people/person/profession /m/09jwl +/m/052hl /film/director/film /m/0291hr +/m/02mpyh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/02whj +/m/0m2cb /location/location/time_zones /m/02hczc +/m/012mzw /education/educational_institution/students_graduates./education/education/student /m/0fpzt5 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02y_lrp +/m/01vs_v8 /influence/influence_node/peers./influence/peer_relationship/peers /m/09889g +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0dtw1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/011yxg /film/film/language /m/06nm1 +/m/0568qz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0cx7f /music/genre/artists /m/06gcn +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/0155w /music/genre/artists /m/01vs4f3 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/078mgh /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/018ndc +/m/0fp5z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0p54z +/m/03fn5s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/02w9s /location/country/form_of_government /m/018wl5 +/m/01hmnh /media_common/netflix_genre/titles /m/0b9rdk +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01hb1t /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b7q /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hw29 +/m/053xw6 /people/person/gender /m/05zppz +/m/02bzh0 /education/educational_institution/students_graduates./education/education/student /m/01vs4f3 +/m/0bjkpt /award/award_winner/awards_won./award/award_honor/award_winner /m/067pl7 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gvt53w +/m/01mc11 /location/location/time_zones /m/02hcv8 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0dg3n1 /base/locations/continents/countries_within /m/05rznz +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0pgm3 /film/actor/film./film/performance/film /m/01pgp6 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/01336l /people/ethnicity/languages_spoken /m/03_9r +/m/0fq117k /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/02fn5r /people/person/places_lived./people/place_lived/location /m/0z4_0 +/m/01fwqn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0g476 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0786vq +/m/0mymy /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/05wp1p /film/film/produced_by /m/0133sq +/m/014gjp /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0241jw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02_lt +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0q9kd /people/person/nationality /m/09c7w0 +/m/0627sn /people/person/gender /m/05zppz +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0287477 /film/film/production_companies /m/05rrtf +/m/0ft7sr /people/person/profession /m/02pjxr +/m/015cj9 /base/aareas/schema/administrative_area/administrative_parent /m/0cv5l +/m/025ts_z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01q2nx /film/film/production_companies /m/030_1_ +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/03_d0 /music/genre/artists /m/014pg1 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/01s7qqw /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0127ps +/m/01g969 /film/actor/film./film/performance/film /m/070g7 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0456zg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059nf5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01pjr7 /film/actor/film./film/performance/film /m/011x_4 +/m/0dzf_ /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z_x4v +/m/03y3bp7 /tv/tv_program/genre /m/0vgkd +/m/09c7w0 /location/location/contains /m/0136jw +/m/0bbgvp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_44z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/04353 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pd6l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02gjt4 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/01pllx /people/person/places_lived./people/place_lived/location /m/059rby +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/0fr5p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08bytj /tv/tv_program/languages /m/02h40lc +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/026dd2b +/m/06wbm8q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/056ws9 +/m/03mz9r /people/person/place_of_birth /m/02dtg +/m/01gg59 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06yykb +/m/0n1rj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0lhql +/m/0jqkh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04d2yp +/m/0dy04 /education/educational_institution/school_type /m/05jxkf +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/07w8f +/m/05148p4 /music/instrument/instrumentalists /m/01q_wyj +/m/0jgg3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03gyl /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc5tgk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wv9p +/m/04q5zw /people/person/profession /m/0dxtg +/m/0694j /location/location/contains /m/01zh3_ +/m/01ls2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/034qzw /film/film/genre /m/01q03 +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/044zvm /film/actor/film./film/performance/film /m/0pvms +/m/01_x6d /people/person/profession /m/01d_h8 +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02hy9p +/m/02qtywd /people/person/profession /m/0gbbt +/m/0bc71w /people/person/profession /m/0dxtg +/m/01pjr7 /people/person/profession /m/018gz8 +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/0d4jl /influence/influence_node/influenced_by /m/03f47xl +/m/09p0ct /film/film/language /m/071fb +/m/09p3_s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0169dl /people/person/nationality /m/09c7w0 +/m/0nbwf /location/location/contains /m/021w0_ +/m/0cvkv5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/029_l /film/actor/film./film/performance/film /m/083shs +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0261x8t /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/04tnqn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cn92 /film/actor/film./film/performance/film /m/0h21v2 +/m/01hmk9 /people/person/places_lived./people/place_lived/location /m/0sf9_ +/m/041rx /people/ethnicity/people /m/02ch1w +/m/03kwtb /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071jv5 +/m/01gy7r /film/actor/film./film/performance/film /m/0fphgb +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hxs4 +/m/0dg3n1 /base/locations/continents/countries_within /m/04hvw +/m/03q91d /people/person/profession /m/0np9r +/m/091z_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01swxv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/05sb1 /location/location/contains /m/03x83_ +/m/07h1tr /film/film_set_designer/film_sets_designed /m/014knw +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03qnc6q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02cgb8 +/m/0d4jl /influence/influence_node/influenced_by /m/028p0 +/m/02xgdv /people/person/gender /m/05zppz +/m/07w4j /education/educational_institution/colors /m/083jv +/m/02hnl /music/instrument/instrumentalists /m/01cv3n +/m/01q_ph /people/person/nationality /m/09c7w0 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/08c9b0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/02b07b /business/business_operation/industry /m/04rlf +/m/014z8v /people/person/profession /m/018gz8 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/01kwsg /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/05hs4r /music/genre/artists /m/016t00 +/m/0kjgl /film/actor/film./film/performance/film /m/0yx7h +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/01pdgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0146bp /medicine/disease/risk_factors /m/0fk1z +/m/09c7w0 /location/country/second_level_divisions /m/09dfcj +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0c6g1l /people/person/place_of_birth /m/030qb3t +/m/064t9 /music/genre/artists /m/01wgjj5 +/m/018qt8 /base/biblioness/bibs_location/country /m/03_3d +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03xp8d5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/06q6jz /music/genre/artists /m/0c73g +/m/03tc8d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0grjmv /music/genre/artists /m/01fl3 +/m/0fzyg /film/film_subject/films /m/0f61tk +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/07n3s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t8sr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01_p6t +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/01t94_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01lyv /music/genre/artists /m/016z1t +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02v3yy +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/090s_0 +/m/02jm0n /people/person/profession /m/02hrh1q +/m/02xry /location/location/time_zones /m/02fqwt +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/0165v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/088q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/04j13sx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0f2sx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/028k57 /people/person/profession /m/02krf9 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0bxjpy +/m/01669t /base/aareas/schema/administrative_area/capital /m/01cw6l +/m/05s34b /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/0794g /film/actor/film./film/performance/film /m/02ctc6 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02qny_ +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/01x66d /people/person/gender /m/05zppz +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0301bq /people/person/nationality /m/0chghy +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/06mkj /media_common/netflix_genre/titles /m/040rmy +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03__y /location/location/contains /m/0c7zf +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03yl2t +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b76kw1 +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pctb +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q42j_ +/m/01n7q /location/location/contains /m/0k_p5 +/m/02r858_ /film/film/genre /m/07s9rl0 +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057dxsg +/m/06v_gh /people/person/places_lived./people/place_lived/location /m/0qc7l +/m/08htt0 /education/educational_institution/colors /m/088fh +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/02vnmc9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04jwly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jwmp /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p0vf +/m/041rx /people/ethnicity/people /m/08yx9q +/m/02ndbd /film/actor/film./film/performance/film /m/04g73n +/m/01jc9d /location/administrative_division/country /m/09pmkv +/m/02f2p7 /people/person/languages /m/064_8sq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02bjhv +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/06by7 /music/genre/artists /m/016fmf +/m/01n7q /location/location/contains /m/0l2jb +/m/02c9dj /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/09ftwr /people/person/profession /m/01d_h8 +/m/01jfsb /media_common/netflix_genre/titles /m/01rwpj +/m/0g2mbn /film/actor/film./film/performance/film /m/0421v9q +/m/02mmwk /film/film/produced_by /m/016dmx +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/0chghy /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/02z44tp +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/026g4l_ /people/person/profession /m/01d_h8 +/m/059f4 /location/location/contains /m/0xhmb +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03_d0 /music/genre/artists /m/0lsw9 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02k_kn /music/genre/artists /m/015_30 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cl2w +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06qv_ /tv/tv_program/program_creator /m/03ft8 +/m/0227vl /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03ydry /people/person/profession /m/0np9r +/m/09sxqk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dtw1x /film/film/country /m/09c7w0 +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fd6qb +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bh9 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/03hvk2 /education/educational_institution/students_graduates./education/education/student /m/01z0lb +/m/01kf3_9 /film/film/prequel /m/0g5ptf +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01k5zk /film/actor/film./film/performance/film /m/064ndc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rxrh +/m/07p62k /film/film/production_companies /m/05rrtf +/m/012yc /music/genre/artists /m/01wn718 +/m/0lcdk /medicine/disease/risk_factors /m/07_jd +/m/05xltf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zh9c +/m/02q_ncg /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/07l50vn /film/film/film_festivals /m/04_m9gk +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/0f1jhc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bm2x +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/07ssc /media_common/netflix_genre/titles /m/02rtqvb +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0133x7 +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0pk1p /film/film/written_by /m/0h7pj +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/02g40r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wl38s +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03l7tr +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/0345h /location/location/contains /m/0p828 +/m/01vrncs /base/eating/practicer_of_diet/diet /m/07_jd +/m/01pg1d /film/actor/film./film/performance/film /m/0h6r5 +/m/0kvnn /people/person/places_lived./people/place_lived/location /m/0chrx +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01_p6t /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vzxmq +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hwq +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/0ywqc /people/person/place_of_birth /m/074r0 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbx3 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01glqw /base/biblioness/bibs_location/country /m/0d060g +/m/01xzb6 /music/group_member/membership./music/group_membership/group /m/0mjn2 +/m/01wbl_r /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/03gfvsz /broadcast/content/artist /m/01vsl3_ +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06jz0 /people/person/place_of_birth /m/01531 +/m/0qcr0 /people/cause_of_death/people /m/061zc_ +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/01pcvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04shbh +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fwqn +/m/07c72 /tv/tv_program/genre /m/05p553 +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02sb1w /film/actor/film./film/performance/film /m/0k4p0 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvvlg +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m9c8 +/m/0b_6lb /time/event/locations /m/0f2r6 +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/066l3y /people/person/profession /m/0np9r +/m/07s9rl0 /media_common/netflix_genre/titles /m/01jw67 +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/03spz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k54 +/m/02r99xw /people/person/languages /m/0999q +/m/058nh2 /people/person/profession /m/01d_h8 +/m/04mcw4 /film/film/genre /m/01hmnh +/m/06s9y /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02jx1 /location/location/contains /m/0nc7s +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4dx2 +/m/07m69t /people/person/nationality /m/09c7w0 +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/06tp4h /people/person/profession /m/02hrh1q +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gm8_p /people/person/nationality /m/09c7w0 +/m/013yq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/032_wv /film/film/language /m/06nm1 +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/026njb5 /film/film/film_format /m/0cj16 +/m/07c52 /media_common/netflix_genre/titles /m/01g03q +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/01_1pv /film/film/genre /m/05p553 +/m/0mnsf /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs_v8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01ztgm +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/016dmx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ct9_ /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0cd78 +/m/02l3_5 /film/actor/film./film/performance/film /m/0291hr +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/046lt +/m/0dszr0 /people/person/profession /m/018gz8 +/m/0n5hw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/02wd48 /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/03qdm +/m/0l98s /olympics/olympic_games/sports /m/01hp22 +/m/0cm2xh /film/film_subject/films /m/0cbl95 +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0150t6 +/m/09k23 /education/educational_institution/school_type /m/05jxkf +/m/07s9rl0 /media_common/netflix_genre/titles /m/027pfg +/m/07bxhl /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0309lm /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/019pcs /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07fq1y /film/actor/film./film/performance/film /m/012s1d +/m/01q7cb_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/05gpy /influence/influence_node/peers./influence/peer_relationship/peers /m/03jxw +/m/02yv6b /music/genre/artists /m/01kx_81 +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/05fkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03x400 /people/person/profession /m/02hrh1q +/m/0f11p /education/educational_institution/colors /m/06fvc +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/04hhv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01b3l /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0hcs3 +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/0d4jl /influence/influence_node/influenced_by /m/03_87 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/0l14gg /music/genre/artists /m/011k4g +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/026p_bs /film/film/language /m/064_8sq +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01l7qw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01g0jn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0320jz +/m/0gd5z /people/person/profession /m/05z96 +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/016t00 /people/person/profession /m/0n1h +/m/0d608 /film/actor/film./film/performance/film /m/02f6g5 +/m/0grwj /film/actor/film./film/performance/film /m/033dbw +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0cc56 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/07qcbw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02sqkh +/m/0dl5d /music/genre/artists /m/0qf3p +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0xxc +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/05glrg /sports/sports_team/colors /m/088fh +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025st2z +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/0vhm /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gy1_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/0w6w /people/person/religion /m/0c8wxp +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8gz +/m/015_1q /music/record_label/artist /m/018ndc +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0lzb8 +/m/0gtvrv3 /film/film/language /m/02h40lc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kz2w +/m/05v38p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01hl_w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0pyww /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02hxhz +/m/01jv_6 /sports/sports_team/colors /m/083jv +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yr0 +/m/0163t3 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/02g8h /influence/influence_node/influenced_by /m/01hmk9 +/m/0dt1cm /people/person/profession /m/09jwl +/m/07c52 /media_common/netflix_genre/titles /m/05fgr_ +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0436yk /film/film/genre /m/02kdv5l +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/04pf4r +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/0137n0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r8l +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/06msq2 +/m/0dc7hc /film/film/written_by /m/0p_47 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/035gjq +/m/01cszh /music/record_label/artist /m/01w5jwb +/m/044n3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0c0k1 +/m/0342h /music/instrument/instrumentalists /m/01h5f8 +/m/01nrgq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/014vk4 /people/person/religion /m/0631_ +/m/0164nb /people/person/places_lived./people/place_lived/location /m/0ggh3 +/m/09c7w0 /location/country/second_level_divisions /m/0mwxl +/m/01s7zw /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/037s9x /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/02l6dy /people/person/profession /m/02hrh1q +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/01ypc /sports/sports_team/colors /m/083jv +/m/04x4vj /film/film/cinematography /m/0164w8 +/m/06by7 /music/genre/artists /m/0mjn2 +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/042fgh /film/film/story_by /m/01y8d4 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0233bn +/m/0l9k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01c9d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04kj2v +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/023t0q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05r3qc +/m/01njxvw /people/person/nationality /m/06mkj +/m/057pq5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0342h /music/instrument/instrumentalists /m/03xl77 +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/0bq6ntw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03m6zs /sports/sports_team/sport /m/02vx4 +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0mkp7 /location/us_county/county_seat /m/013nv_ +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04qt29 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/02qtywd +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095b70 +/m/02k6hp /people/cause_of_death/people /m/0gl88b +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01r6jt2 +/m/0pgm3 /people/person/profession /m/01d_h8 +/m/06kcjr /music/genre/parent_genre /m/01y2mq +/m/0c_tl /olympics/olympic_games/participating_countries /m/0f8l9c +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03t8v3 /people/person/nationality /m/03rk0 +/m/04q827 /film/film/executive_produced_by /m/05zrx3v +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/0443xn /people/person/nationality /m/09c7w0 +/m/082237 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08c9b0 /people/person/profession /m/02hrh1q +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015vq_ /film/actor/film./film/performance/film /m/04qk12 +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01z1r +/m/018qb4 /olympics/olympic_games/participating_countries /m/07ssc +/m/01s0l0 /people/person/profession /m/02hrh1q +/m/03_nq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017fp /media_common/netflix_genre/titles /m/0hvvf +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/01s3kv /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/041jlr +/m/0152cw /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0sz28 +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/0np52 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/047q2k1 /award/award_winning_work/awards_won./award/award_honor/award /m/0b6k___ +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h5g_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j70d +/m/03m4mj /film/film/production_companies /m/030_1m +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02htv6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q9zc +/m/09fb5 /film/actor/film./film/performance/film /m/01h18v +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/035gt8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05808s /music/record_label/artist /m/0jn38 +/m/04jplwp /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/01_k0d /influence/influence_node/influenced_by /m/05qzv +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0j5fv /medicine/symptom/symptom_of /m/0h1n9 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/01l_yg /people/person/places_lived./people/place_lived/location /m/01m1zk +/m/0225bv /organization/organization/headquarters./location/mailing_address/citytown /m/0f__1 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01mbwlb /people/person/profession /m/02hrh1q +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02g839 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/031c3v /people/person/gender /m/05zppz +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/016jfw /people/person/gender /m/05zppz +/m/02qydsh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/062zm5h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/04dz_y7 /people/person/profession /m/0dgd_ +/m/064_8sq /language/human_language/countries_spoken_in /m/01699 +/m/01f8ld /film/director/film /m/0404j37 +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0f_zkz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1v19 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/02bc74 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02txdf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03qdm +/m/01snm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0f4yh /film/film/country /m/09c7w0 +/m/0f6zs /location/location/time_zones /m/02hcv8 +/m/04wp63 /people/person/nationality /m/09c7w0 +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0pqc5 +/m/09c7w0 /location/location/contains /m/0sbv7 +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vx5w7 +/m/0f5kw7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fby2t /film/actor/film./film/performance/film /m/05zpghd +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/09jd9 +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/063hp4 /film/film/film_art_direction_by /m/072twv +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/04g61 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09146g /film/film/genre /m/05p553 +/m/0d_w7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/071_8 +/m/01vw8mh /people/person/profession /m/01d_h8 +/m/02g839 /education/educational_institution/colors /m/036k5h +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/020_95 +/m/01vrx35 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06fpsx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023v4_ +/m/02j9z /base/locations/continents/countries_within /m/059j2 +/m/094xh /people/person/nationality /m/09c7w0 +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016zp5 +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/0196kn /award/award_category/disciplines_or_subjects /m/05h83 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/03jqfx /base/culturalevent/event/entity_involved /m/01s47p +/m/0djtky /people/person/nationality /m/09c7w0 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bxwtd +/m/022jr5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n7q /location/location/contains /m/0dc95 +/m/080nwsb /film/film/country /m/09c7w0 +/m/012j5h /music/artist/contribution./music/recording_contribution/performance_role /m/06rvn +/m/011yn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0g5pv3 /film/film/prequel /m/01kf3_9 +/m/01vvydl /people/person/profession /m/047rgpy +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crs0b8 +/m/0jgm8 /location/location/contains /m/0rk71 +/m/02py9yf /tv/tv_program/genre /m/03k9fj +/m/03h502k /people/person/nationality /m/09c7w0 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01vy_v8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01nd2c +/m/04zn7g /people/person/profession /m/02hrh1q +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02ck1 /people/person/profession /m/016fly +/m/012yc /music/genre/artists /m/04n2vgk +/m/09blyk /media_common/netflix_genre/titles /m/04fv5b +/m/03188 /location/country/form_of_government /m/01d9r3 +/m/015xp4 /people/person/profession /m/016z4k +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/01vsl3_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05nrg /location/location/contains /m/0mgp +/m/0fvd03 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/025x1t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/03gyl /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/02_1ky +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/044mrh /film/actor/film./film/performance/film /m/024mpp +/m/0b4lkx /film/film/cinematography /m/0854hr +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/02pprs /music/instrument/instrumentalists /m/01lvcs1 +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/016xk5 /film/actor/film./film/performance/film /m/042y1c +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/05bt6j /music/genre/artists /m/04bgy +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/047c9l +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01fvhp +/m/03ywyk /people/person/profession /m/02hrh1q +/m/01w02sy /people/person/profession /m/09jwl +/m/01m3x5p /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvld +/m/01vxxb /people/person/gender /m/05zppz +/m/03msf /base/biblioness/bibs_location/country /m/07ssc +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/0322yj /film/film/production_companies /m/030_1_ +/m/0b6l1st /film/film/produced_by /m/03ktjq +/m/07ym0 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02mjf2 /film/actor/film./film/performance/film /m/026lgs +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/0353tm /film/film/country /m/0d060g +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r251z +/m/01jfsb /media_common/netflix_genre/titles /m/0dlngsd +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0nj1c /base/aareas/schema/administrative_area/administrative_parent /m/04rrx +/m/04vgq5 /business/business_operation/industry /m/01mw1 +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/01fjz9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02qhqz4 /film/film/genre /m/03q4nz +/m/0g768 /music/record_label/artist /m/0pyg6 +/m/035gjq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02dlfh +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/01k2yr +/m/044mz_ /people/person/profession /m/02hrh1q +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0j43swk /film/film/genre /m/07s9rl0 +/m/0353tm /film/film/featured_film_locations /m/080h2 +/m/01z9_x /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/07m9cm /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/03tn80 /film/film/genre /m/060__y +/m/012hw /people/cause_of_death/people /m/04xfb +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03r1pr /award/award_winner/awards_won./award/award_honor/award_winner /m/027rwmr +/m/0cz_ym /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/0fp_v1x /people/person/places_lived./people/place_lived/location /m/013h9 +/m/03l2n /location/hud_county_place/county /m/0fxwx +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/06brp0 +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/021r7r +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/09c7w0 /location/country/second_level_divisions /m/0cv1h +/m/07s9rl0 /media_common/netflix_genre/titles /m/0kvgxk +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/01rxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03548 +/m/016w7b /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0f7fy /people/person/places_lived./people/place_lived/location /m/0vzm +/m/09nwwf /music/genre/artists /m/03d2k +/m/04yc76 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/0b2qtl /film/film/production_companies /m/05qd_ +/m/02hnl /music/instrument/instrumentalists /m/01whg97 +/m/06chf /people/person/sibling_s./people/sibling_relationship/sibling /m/02tn0_ +/m/01gkp1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0879xc +/m/0407yfx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/026wlxw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/06g2d1 +/m/04hvw /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlz4 +/m/08vlns /music/genre/artists /m/01wj18h +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0typ5 /location/hud_county_place/place /m/0typ5 +/m/0mx48 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/01dg3s /base/aareas/schema/administrative_area/administrative_parent /m/09cpb +/m/0165b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0nj0m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njlp +/m/072twv /people/person/profession /m/089fss +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01mqnr +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034b6k +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/02r_d4 /film/actor/film./film/performance/film /m/035bcl +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05650n +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/03hvk2 /education/university/fraternities_and_sororities /m/035tlh +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062cg6 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05bmq +/m/03rhqg /music/record_label/artist /m/017_hq +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0g8fs /education/educational_institution/students_graduates./education/education/student /m/0bymv +/m/0s69k /location/location/time_zones /m/02fqwt +/m/02knnd /people/person/gender /m/05zppz +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/03qnvdl /film/film/country /m/09c7w0 +/m/0c34mt /film/film/genre /m/03npn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bh8x1y +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/016dp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p4v_ +/m/014kq6 /film/film/language /m/02hwhyv +/m/034bgm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0l2lk /location/location/time_zones /m/02lcqs +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0d3k14 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ty7ll +/m/02zfdp /film/actor/film./film/performance/film /m/0g5qs2k +/m/0gk4g /people/cause_of_death/people /m/0hnkp +/m/0ngg /people/person/place_of_birth /m/06c62 +/m/0329r5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06by7 /music/genre/artists /m/01wbz9 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zlld0 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03n785 /film/film/film_format /m/07fb8_ +/m/01qg7c /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02r1ysd +/m/05kr_ /location/location/contains /m/016ndm +/m/0cd2vh9 /film/film/genre /m/01hmnh +/m/04x4gw /film/film/story_by /m/02mpb +/m/026wlxw /film/film/story_by /m/02q4mt +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05sw5b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/034gxk /music/genre/artists /m/04_jsg +/m/0k4d7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02q3fdr /film/film/country /m/03_3d +/m/0ph2w /influence/influence_node/influenced_by /m/01lc5 +/m/0dcz8_ /film/film/story_by /m/063b4k +/m/09qc1 /people/person/nationality /m/03rjj +/m/04zn7g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/04xvlr /media_common/netflix_genre/titles /m/083shs +/m/04vvh9 /film/film/language /m/02h40lc +/m/01l47f5 /people/person/profession /m/02hrh1q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03gr14 +/m/0mx7f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxbq +/m/03rx9 /people/person/profession /m/016fly +/m/0gz5hs /film/actor/film./film/performance/film /m/013q0p +/m/07c52 /media_common/netflix_genre/titles /m/03g9xj +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/06cgy /people/person/religion /m/0c8wxp +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05fyy5 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0bsnm /education/educational_institution_campus/educational_institution /m/0bsnm +/m/0pdp8 /film/film/genre /m/01q03 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0nlh7 /sports/sports_team_location/teams /m/0jnmj +/m/01vsl3_ /film/actor/film./film/performance/film /m/07bzz7 +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/0nk72 /influence/influence_node/influenced_by /m/01h2_6 +/m/01nn79 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01vsb_ +/m/03hfmm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01xr2s +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gz9n +/m/0d1qn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0443y3 +/m/0l6px /people/person/nationality /m/02jx1 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/016sp_ /people/person/profession /m/02hrh1q +/m/0kvjrw /people/person/profession /m/0nbcg +/m/07x4qr /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/016clz /music/genre/artists /m/01cv3n +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055sjw +/m/085q5 /people/person/profession /m/0np9r +/m/0227tr /film/actor/film./film/performance/film /m/0fjyzt +/m/02jxsq /people/person/religion /m/03j6c +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/0g26h /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g4gr +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017kct +/m/0m77m /people/person/religion /m/0flw86 +/m/09mfvx /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d8w2n +/m/084qpk /film/film/cinematography /m/06cv1 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/067xw /people/person/nationality /m/09c7w0 +/m/07x4c /education/educational_institution/colors /m/01l849 +/m/0j6b5 /award/award_winning_work/awards_won./award/award_honor/award /m/0776drd +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/04r68 +/m/01vsyg9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pkyh +/m/04sntd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06k75 /base/culturalevent/event/entity_involved /m/0212ny +/m/01f5q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01cspq /people/person/religion /m/03_gx +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/04b5l3 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/06y_n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08141d +/m/02hnl /music/instrument/instrumentalists /m/01pq5j7 +/m/06196 /award/award_category/winners./award/award_honor/ceremony /m/0gwdy4 +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/0dk0dj /tv/tv_program/country_of_origin /m/05v8c +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c4f4 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/03f68r6 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/020p1 +/m/0c41y70 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/02b1l_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0k8y7 /film/actor/film./film/performance/film /m/0ccd3x +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/016zgj /music/genre/artists /m/02vnpv +/m/018ygt /people/person/profession /m/03gjzk +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02q87z6 /film/film/genre /m/02n4kr +/m/0j46b /sports/sports_team/colors /m/038hg +/m/03rwng /film/actor/film./film/performance/film /m/040_lv +/m/03f0vvr /people/person/profession /m/09jwl +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/05l0j5 +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/011zf2 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/013q07 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/01j_5k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/02qr46y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_p8v +/m/01qwb5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rff2 /education/educational_institution/students_graduates./education/education/student /m/0fwy0h +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/04j_gs +/m/0cmpn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01clyr /music/record_label/artist /m/0cg9y +/m/02rkkn1 /tv/tv_program/genre /m/01z4y +/m/021y7yw /film/film/production_companies /m/025jfl +/m/04913k /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/058s57 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0755wz /people/person/gender /m/05zppz +/m/0gj4fx /location/location/contains /m/0n5yv +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0ftxw /sports/sports_team_location/teams /m/03wnh +/m/01jcxwp /music/artist/origin /m/07_fl +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/051n13 /sports/sports_team/colors /m/083jv +/m/05ldxl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01j2xj /people/person/profession /m/01d_h8 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/040nwr /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/06x77g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06g60w +/m/086qd /people/person/profession /m/0d1pc +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07t65 +/m/0b_6yv /music/genre/parent_genre /m/03lty +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0lgxj /olympics/olympic_games/participating_countries /m/0k6nt +/m/01kvqc /people/person/languages /m/02h40lc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/07_m9_ /film/film_subject/films /m/02yvct +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05jcn8 +/m/01mqnr /film/actor/film./film/performance/film /m/02lxrv +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/03yvgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/02_286 /location/location/contains /m/02nd_ +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0dscrwf /film/film/language /m/02h40lc +/m/02knxx /people/cause_of_death/people /m/06vqdf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/01cbwl /music/genre/artists /m/03q_w5 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017v_ +/m/038rzr /people/person/profession /m/02hrh1q +/m/02q5g1z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvld +/m/05qzv /influence/influence_node/influenced_by /m/040db +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015gm8 +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/051z6rz +/m/06t2t /location/country/capital /m/06t2t +/m/04n7njg /people/person/profession /m/0196pc +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/0c5_3 /base/aareas/schema/administrative_area/administrative_parent /m/0dyjz +/m/06s0l /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/058w5 /people/person/profession /m/0mn6 +/m/0m_v0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013pk3 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0159h6 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015882 +/m/0lrh /people/person/religion /m/03_gx +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/016tt2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0b4rf3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b_5d +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/03n3gl /film/film/genre /m/0cshrf +/m/04mg6l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03j24kf /influence/influence_node/peers./influence/peer_relationship/peers /m/09889g +/m/02ly_ /location/location/contains /m/0k_6t +/m/01r93l /film/actor/film./film/performance/film /m/0gy7bj4 +/m/02ck7w /film/actor/film./film/performance/film /m/07f_t4 +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/019k6n /location/location/time_zones /m/02hcv8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/01l87db /people/person/nationality /m/03rt9 +/m/06fcqw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02bqxb +/m/01hrqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9b0 +/m/0lbj1 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h7t36 +/m/0cwrr /tv/tv_program/country_of_origin /m/09c7w0 +/m/01cl2y /music/record_label/artist /m/05563d +/m/021mlp /people/person/nationality /m/09c7w0 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/065ky /location/location/contains /m/0hg5 +/m/01zwy /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/01p3ty /film/film/produced_by /m/03fw4y +/m/0pcc0 /people/deceased_person/place_of_death /m/0k049 +/m/01_6dw /people/person/gender /m/05zppz +/m/0fvly /organization/organization/headquarters./location/mailing_address/citytown /m/0j7ng +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/01vrt_c +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/01br2w /film/film/language /m/03hkp +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0gs5q /people/person/places_lived./people/place_lived/location /m/0mp3l +/m/059rby /location/location/contains /m/0lpk3 +/m/0347xl /film/actor/film./film/performance/film /m/03phtz +/m/01hkg9 /people/person/profession /m/02hrh1q +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgq_kn +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01fkr_ /tv/tv_network/programs./tv/tv_network_duration/program /m/03bww6 +/m/0bh8drv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03kx49 /film/film/genre /m/0bj8m2 +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01c9d /film/film/language /m/064_8sq +/m/01tx9m /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03q3sy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0d05w3 /location/location/contains /m/01cw6l +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fgg4 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/029qzx +/m/0342h /music/instrument/instrumentalists /m/0fhxv +/m/0ccd3x /film/film/film_production_design_by /m/04z_x4v +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v478h +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hb1t +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07ftc0 /people/person/profession /m/0d1pc +/m/05ztjjw /award/award_category/winners./award/award_honor/award_winner /m/04xn2m +/m/013sg6 /people/person/religion /m/0c8wxp +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0n6f8 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040rmy +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0j_c /film/director/film /m/05cj_j +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/014_x2 +/m/0dv0z /location/country/capital /m/07g0_ +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/02fv3t +/m/0d5fb /education/educational_institution/students_graduates./education/education/student /m/03j2gxx +/m/026gb3v /people/person/nationality /m/09c7w0 +/m/01txts /music/record_label/artist /m/07sbk +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/029pnn /people/person/religion /m/03_gx +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hrc +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/096hm +/m/05mdx /medicine/disease/risk_factors /m/012jc +/m/02yw0y /music/genre/artists /m/0ftqr +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/094tsh6 +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/06by7 /music/genre/artists /m/01pbs9w +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/03sww +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/0680x0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04y5j64 +/m/04n65n /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/03_nq /people/deceased_person/place_of_death /m/0rh6k +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/03cvv4 /film/actor/film./film/performance/film /m/0bscw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/019fh +/m/0163t3 /people/person/profession /m/0kyk +/m/01xqw /music/instrument/instrumentalists /m/018d6l +/m/02c7k4 /film/film/language /m/02h40lc +/m/02psgq /film/film/runtime./film/film_cut/film_release_region /m/05r4w +/m/05qg6g /film/actor/film./film/performance/film /m/08phg9 +/m/01_d4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/033wx9 +/m/030znt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qbg5 +/m/02jtjz /people/person/profession /m/02hrh1q +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0k6nt /sports/sports_team_location/teams /m/02s2lg +/m/012cj0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kftt +/m/0d_wms /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05bxwh /people/person/profession /m/01d_h8 +/m/0jyx6 /film/film/cinematography /m/0854hr +/m/0symg /film/film/film_format /m/0cj16 +/m/0ccxx6 /music/genre/parent_genre /m/06by7 +/m/0x67 /people/ethnicity/people /m/03knl +/m/0425hg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0b90_r /location/location/contains /m/01gfhk +/m/027pfg /film/film/genre /m/082gq +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/05148p4 /music/instrument/instrumentalists /m/03f0fnk +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03f70xs /people/person/place_of_birth /m/04jpl +/m/0bq6ntw /film/film/genre /m/01jfsb +/m/045c7b /business/business_operation/industry /m/06xw2 +/m/082xp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n951 /education/educational_institution_campus/educational_institution /m/01n951 +/m/02b29 /influence/influence_node/influenced_by /m/06whf +/m/05r6t /music/genre/artists /m/01ttg5 +/m/05glrg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/05tgks /film/film/music /m/02jxkw +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/039n1 /people/deceased_person/place_of_death /m/0156q +/m/01m1y /music/genre/artists /m/01vvpjj +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/033jj1 /film/actor/film./film/performance/film /m/0cn_b8 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p9rz +/m/0ym4t /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0n1rj +/m/065zlr /film/film/executive_produced_by /m/0f7hc +/m/0g5pv3 /film/film/written_by /m/03kpvp +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046488 +/m/017yfz /people/person/gender /m/05zppz +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0yzvw /film/film/genre /m/03bxz7 +/m/0b76t12 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026_w57 +/m/033srr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/026r8q /people/person/nationality /m/09c7w0 +/m/01cz7r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/065zf3p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/03f0fp +/m/0g5y6 /people/ethnicity/people /m/098sv2 +/m/02bf58 /education/educational_institution/school_type /m/01rs41 +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/05kms +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/01cdjp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027kmrb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03kg2v /film/film/genre /m/07s9rl0 +/m/035s37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07dfk /location/location/contains /m/024bqj +/m/05bt6j /music/genre/artists /m/057xn_m +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0myn8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0468g4r /film/film/film_festivals /m/03wf1p2 +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01vvb4m /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03h_fqv +/m/06y8v /influence/influence_node/influenced_by /m/081k8 +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0cy8v /location/location/time_zones /m/02hcv8 +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/01q_wyj /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/030hcs /people/person/profession /m/0np9r +/m/0j5q3 /people/person/profession /m/0d1pc +/m/01vt9p3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0163kf +/m/0d7wh /people/ethnicity/people /m/09y20 +/m/02wrrm /film/actor/film./film/performance/film /m/06rzwx +/m/0435vm /film/film/genre /m/01jfsb +/m/09tkzy /film/film/language /m/02h40lc +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/03qd_ /people/person/profession /m/0dxtg +/m/0zgfm /location/location/time_zones /m/02lcqs +/m/0j6j8 /award/award_category/winners./award/award_honor/award_winner /m/01wd02c +/m/068p2 /location/location/contains /m/01jssp +/m/0296rz /film/film/genre /m/017fp +/m/016fjj /film/actor/film./film/performance/film /m/087pfc +/m/0ch280 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gcpc +/m/01tdnyh /people/person/places_lived./people/place_lived/location /m/07ssc +/m/02ptczs /film/film/written_by /m/06b_0 +/m/0339z0 /music/genre/parent_genre /m/020ngt +/m/042rlf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/02rhfsc +/m/0pvms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/013bd1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/04svwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nsyf +/m/0181dw /music/record_label/artist /m/03f0fnk +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/0d6484 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/02wycg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/07_k0c0 /film/film/language /m/064_8sq +/m/01vs_v8 /music/artist/origin /m/02_286 +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/07vhb /organization/organization/headquarters./location/mailing_address/citytown /m/0l0mk +/m/07cn2c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07csf4 +/m/0421ng /film/film/featured_film_locations /m/02_286 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jm74 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/03_vx9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05zbm4 +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/01jvgt /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0h53p1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/020qr4 /tv/tv_program/genre /m/01hmnh +/m/02d413 /film/film/genre /m/07s9rl0 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/016t0h +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/0gjk1d /film/film/production_companies /m/0338lq +/m/047s_cr /people/person/gender /m/05zppz +/m/07rfp /business/business_operation/industry /m/020mfr +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/04zl8 /film/film/genre /m/04xvh5 +/m/0cj8x /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04bdzg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06x58 +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/041rx /people/ethnicity/people /m/01gf5h +/m/02p21g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gk4g /people/cause_of_death/people /m/0641g8 +/m/01wy5m /people/person/nationality /m/07ssc +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03c_cxn /film/film/film_festivals /m/04grdgy +/m/02bwjv /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/09c7w0 /location/location/contains /m/0bxc4 +/m/02r2j8 /film/film/language /m/02h40lc +/m/0mm1q /people/person/profession /m/0dxtg +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0p50v +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0443y3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/02_kd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059_gf +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05yzt_ +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tng0 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02wk_43 +/m/0gd9k /people/person/profession /m/03gjzk +/m/032c08 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01xysf /education/educational_institution/school_type /m/05jxkf +/m/034m8 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0hskw /film/director/film /m/0yyn5 +/m/0f5mdz /people/person/profession /m/01d_h8 +/m/07bsj /people/person/gender /m/02zsn +/m/01vrlqd /people/person/gender /m/02zsn +/m/07bzz7 /film/film/music /m/01vsl3_ +/m/0bq6ntw /film/film/film_format /m/017fx5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/01f7jt /film/film/executive_produced_by /m/06pj8 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/05zwrg0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0dh73w +/m/0558_1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/02j9z /base/locations/continents/countries_within /m/0jhd +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/02t_y3 /film/actor/film./film/performance/film /m/0d90m +/m/01wgxtl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014nq4 /film/film/music /m/023361 +/m/05qkp /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0grd7 /base/aareas/schema/administrative_area/administrative_parent /m/03lrc +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0d060g /location/location/contains /m/01gbzb +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016kb7 /people/person/gender /m/05zppz +/m/07v4dm /people/person/nationality /m/07ssc +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/017gxw +/m/08c7cz /people/person/profession /m/02jknp +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04n65n /people/person/profession /m/02hrh1q +/m/0436kgz /people/person/gender /m/05zppz +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/01vw20h /people/person/profession /m/03gjzk +/m/05cwnc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0cmc26r /film/film/genre /m/01jfsb +/m/0dcsx /medicine/disease/notable_people_with_this_condition /m/07d3x +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0178g +/m/02lk95 /film/actor/film./film/performance/film /m/05zy3sc +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03p2m1 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/0sw0q /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/02sg5v /film/film/music /m/01cbt3 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01qqv5 +/m/02f_k_ /film/actor/film./film/performance/film /m/01svry +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0kcd5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cs95 +/m/0hqgp /people/person/religion /m/0c8wxp +/m/06by7 /music/genre/artists /m/02mslq +/m/08cyft /music/genre/artists /m/0840vq +/m/0137hn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09glnr +/m/02q56mk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kjgl +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/020bv3 /film/film/film_format /m/07fb8_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02q52q +/m/03h_9lg /people/person/gender /m/05zppz +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/076psv +/m/06fc0b /people/person/profession /m/01d_h8 +/m/0kxbc /people/person/profession /m/039v1 +/m/012f86 /people/ethnicity/geographic_distribution /m/06bnz +/m/05m7zg /film/actor/film./film/performance/film /m/04f52jw +/m/023rwm /music/record_label/artist /m/016lj_ +/m/03jxw /influence/influence_node/influenced_by /m/04xjp +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f830f +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f33tk +/m/06fmdb /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/026w398 /sports/sports_team/colors /m/067z2v +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zlld0 +/m/0nvg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3kx +/m/04hcw /influence/influence_node/influenced_by /m/0w6w +/m/01gwk3 /film/film/produced_by /m/04fyhv +/m/01wwvd2 /people/person/profession /m/0dz3r +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/01qgry +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03zj9 +/m/01bpn /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/016yvw /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01k3qj /people/person/languages /m/03_9r +/m/0bdt8 /people/person/profession /m/02hrh1q +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0f0p0 +/m/01ppq /location/location/contains /m/0fqg8 +/m/0btyf5z /film/film/featured_film_locations /m/0d6lp +/m/0chghy /film/film_subject/films /m/02fwfb +/m/05sb1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02n4kr /media_common/netflix_genre/titles /m/0bmch_x +/m/0r5y9 /location/hud_county_place/county /m/0l2vz +/m/0229rs /music/record_label/artist /m/0jsg0m +/m/086h6p /business/business_operation/industry /m/020mfr +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0264v8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f__1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02897w +/m/0dq9p /people/cause_of_death/people /m/0436zq +/m/014g9y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/0htlr /film/actor/film./film/performance/film /m/0191n +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02mqc4 +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0154j /location/location/contains /m/0k424 +/m/05gp3x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0464pz +/m/01tt43d /people/person/profession /m/02jknp +/m/0cqt41 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01yvvn +/m/083skw /film/film/genre /m/04xvh5 +/m/042g97 /film/film/genre /m/06n90 +/m/01l79yc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/084m3 /film/actor/film./film/performance/film /m/0n0bp +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0fqyc /base/aareas/schema/administrative_area/capital /m/0h095 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/06v_gh +/m/05g9_ /music/genre/artists /m/0274ck +/m/0g2dz /music/instrument/instrumentalists /m/0kvnn +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01kv4mb +/m/0yxl /influence/influence_node/influenced_by /m/03hnd +/m/01y665 /people/person/place_of_birth /m/0b1t1 +/m/04p_hy /education/educational_institution/school_type /m/01rs41 +/m/098sv2 /people/person/nationality /m/03gj2 +/m/07_l6 /music/instrument/instrumentalists /m/0h6sv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0gsgr +/m/0bj9k /film/actor/film./film/performance/film /m/0ptx_ +/m/01_1pv /film/film/genre /m/03k9fj +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/0164y7 /people/deceased_person/place_of_death /m/02_286 +/m/0c57yj /film/film/genre /m/07s9rl0 +/m/0h95927 /film/film/music /m/02bh9 +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kwgs /location/location/contains /m/0q8sw +/m/0fjyzt /film/film/genre /m/02qfv5d +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03_0p /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0gd70t +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05c6073 /music/genre/artists /m/01p0w_ +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03dj6y +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01kws3 /people/person/gender /m/05zppz +/m/02k6hp /people/cause_of_death/people /m/02mv9b +/m/02xc1w4 /people/person/profession /m/02hrh1q +/m/0121rx /people/person/gender /m/05zppz +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/024y6w /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03ts0c /people/ethnicity/people /m/01syr4 +/m/0n6ds /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cv3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/08mg_b /film/film/country /m/09c7w0 +/m/03f3yfj /influence/influence_node/influenced_by /m/086qd +/m/09b9m /base/aareas/schema/administrative_area/administrative_parent /m/070zc +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_xtx +/m/0x67 /people/ethnicity/people /m/0c35b1 +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0fd3y /music/genre/artists /m/03fbc +/m/016vg8 /film/actor/film./film/performance/film /m/08r4x3 +/m/018js4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02py4c8 /tv/tv_program/genre /m/01z77k +/m/075mb /location/administrative_division/country /m/05sb1 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01r93l /film/actor/film./film/performance/film /m/020y73 +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tqkv2 +/m/03m3nzf /film/actor/film./film/performance/film /m/0fpv_3_ +/m/011x_4 /film/film/language /m/02bjrlw +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/088vb /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/016s_5 /people/person/profession /m/016z4k +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04htfd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03h_0_z /film/actor/film./film/performance/film /m/0gwgn1k +/m/0d3k14 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04wqr +/m/0gyv0b4 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/02_fm2 /film/film/country /m/09c7w0 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/02qcqkl /music/genre/parent_genre /m/016cjb +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01njml +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02bqxb /film/film/produced_by /m/052hl +/m/0zchj /location/hud_county_place/place /m/0zchj +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/018j2 /music/instrument/instrumentalists /m/02j3d4 +/m/01h8sf /education/educational_institution/campuses /m/01h8sf +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/06jrhz +/m/03hfxx /people/person/nationality /m/03rk0 +/m/06q8qh /film/film/film_festivals /m/0hrcs29 +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/01tszq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02qdrjx /film/film/country /m/09c7w0 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/059j2 /location/country/second_level_divisions /m/051ls +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0ndh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/014b6c +/m/02p11jq /music/record_label/artist /m/016sqs +/m/02qsjt /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/03d6wsd /people/person/nationality /m/03rk0 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/035gjq /people/person/nationality /m/07ssc +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01cwhp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xmxj +/m/02qggqc /people/person/nationality /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/03f6fl0 +/m/05ztm4r /people/person/places_lived./people/place_lived/location /m/05fjf +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/06__m6 +/m/01520h /people/person/place_of_birth /m/0cr3d +/m/01p4vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/0m2kd /film/film/genre /m/060__y +/m/04xvlr /media_common/netflix_genre/titles /m/02s4l6 +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/041rx /people/ethnicity/people /m/01gbn6 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/018dnt /people/person/gender /m/05zppz +/m/028rk /people/person/nationality /m/09c7w0 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s21dg +/m/02htv6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024hbv /tv/tv_program/genre /m/02fgmn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/024jwt /award/award_winner/awards_won./award/award_honor/award_winner /m/03h304l +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06pyc2 +/m/0229rs /music/record_label/artist /m/0x3b7 +/m/07sgfvl /people/person/gender /m/02zsn +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/04qt29 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/03d555l /sports/sports_team/colors /m/01g5v +/m/05dptj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02k6rq +/m/08cfr1 /film/film/featured_film_locations /m/05ywg +/m/0f8pz /people/person/nationality /m/07ssc +/m/0kzy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01m4yn /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06cv1 +/m/06wbm8q /film/film/genre /m/01hmnh +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023fb +/m/047vp1n /film/film/film_festivals /m/04_m9gk +/m/0f1_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05sb1 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02n9k +/m/0gg4h /people/cause_of_death/people /m/0jrny +/m/07ssc /location/location/contains /m/0bdg5 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0btpx +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/0286gm1 /film/film/language /m/06nm1 +/m/06br6t /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01wg3q /music/artist/origin /m/020d8d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/080_y +/m/06z8s_ /film/film/language /m/02bjrlw +/m/0b60sq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0191n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d6_s /film/film/language /m/02h40lc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/022jr5 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0kvsb /people/person/profession /m/01d_h8 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0y617 /location/hud_county_place/county /m/0f6_4 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cf9ly +/m/017d77 /education/educational_institution/students_graduates./education/education/student /m/0kvnn +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jgd +/m/03_gd /people/person/profession /m/03sbb +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0f6lx +/m/01vrnsk /people/person/nationality /m/02jx1 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02k_4g +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02xbyr +/m/01vzxld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020hyj +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09fb5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5ts +/m/06lj1m /people/person/nationality /m/09c7w0 +/m/022g44 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0bw87 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03n93 +/m/065b6q /people/ethnicity/people /m/01dy7j +/m/01yjl /sports/sports_team/colors /m/06fvc +/m/03xmy1 /film/actor/film./film/performance/film /m/01771z +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/0pksh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/021q2j +/m/06thjt /education/educational_institution/colors /m/06fvc +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/02sb1w +/m/020g9r /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/08y2fn /film/film/produced_by /m/05bnx3j +/m/027b9j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/03pn9 /location/country/capital /m/081m_ +/m/04vjh /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ct9_ /people/person/religion /m/02vxy_ +/m/0dzst /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lk60 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/027zz /people/person/profession /m/01d_h8 +/m/02qlp4 /film/film/music /m/0bxtyq +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0hwqz /people/person/languages /m/02h40lc +/m/05yzt_ /people/person/nationality /m/09c7w0 +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/08vxk5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wd9vs +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0430_ +/m/0d99k_ /film/film/genre /m/04pbhw +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/05zl0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/041rx /people/ethnicity/people /m/058kqy +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01qygl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015_30 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01fs__ +/m/02z_b /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0277470 +/m/07t21 /location/statistical_region/religions./location/religion_percentage/religion /m/02rxj +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/043q6n_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06dfz1 +/m/04g61 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/01tfck /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/046zh +/m/0btj0 /film/actor/film./film/performance/film /m/0k5fg +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/011j5x /music/genre/artists /m/0143q0 +/m/01w5m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04czcb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04smdd /film/film/featured_film_locations /m/02_286 +/m/03c7twt /film/film/genre /m/05p553 +/m/011xg5 /film/film/featured_film_locations /m/02_286 +/m/012x7b /music/genre/parent_genre /m/0126t5 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/02d6cy /people/person/gender /m/05zppz +/m/0fzm0g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/05kj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/040nwr /people/person/languages /m/064_8sq +/m/012yc /music/genre/artists /m/011z3g +/m/01xzb6 /people/person/places_lived./people/place_lived/location /m/07b_l +/m/01n_g9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wyzyl /people/person/nationality /m/09c7w0 +/m/01jgkj2 /people/person/gender /m/05zppz +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01r0t_j /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/071jv5 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc7hmk +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06bw5 +/m/06x43v /film/film/production_companies /m/024rgt +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cppj +/m/0mwht /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06q83 /dataworld/gardening_hint/split_to /m/03qc7q6 +/m/016fjj /people/person/gender /m/05zppz +/m/065zr /location/location/contains /m/03x83_ +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0134wr +/m/0zdfp /location/hud_county_place/place /m/0zdfp +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/0vhm +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/03wy8t /film/film/featured_film_locations /m/02_286 +/m/0g824 /music/artist/origin /m/02_286 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/018yj6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/016w7b /education/educational_institution/school_type /m/01rs41 +/m/01wwvt2 /people/person/profession /m/0gbbt +/m/01rddlc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/03cyslc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/031n8c /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xv8m /film/actor/film./film/performance/film /m/02v8kmz +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/037cr1 /film/film/country /m/0chghy +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/03wbqc4 /film/film/country /m/09c7w0 +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07wlf +/m/0ftvg /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/041_y /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g_92 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02yygk +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03h_9lg /people/person/profession /m/01d_h8 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0h0yt /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0k269 /film/actor/film./film/performance/film /m/035zr0 +/m/015mlw /music/record_label/artist /m/03h_fk5 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02h7qr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q9b9 /people/person/profession /m/01d_h8 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0168ls /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/05tbn /location/location/contains /m/0fxyd +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0gvt53w /film/film/written_by /m/026670 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01qncf /film/film/genre /m/0lsxr +/m/0jrgr /music/genre/parent_genre /m/01jwt +/m/03f1d47 /people/person/profession /m/016z4k +/m/05h7tk /people/deceased_person/place_of_death /m/0k_p5 +/m/04q827 /film/film/genre /m/07s9rl0 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/0yb_4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fqxw /location/location/contains /m/0flsf +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0flw6 /people/person/gender /m/05zppz +/m/03spz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yxbc +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/059gkk /people/person/profession /m/0kyk +/m/025sc50 /music/genre/artists /m/015mrk +/m/02778pf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039cq4 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qgqt +/m/0crs0b8 /film/film/story_by /m/0hcvy +/m/0k9ts /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xxc /education/educational_institution/colors /m/01g5v +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/06p03s +/m/015fsv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04s04 /people/person/nationality /m/09c7w0 +/m/0g3zrd /film/film/genre /m/07s9rl0 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0162b /base/aareas/schema/administrative_area/capital /m/0fnb4 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtcc +/m/0716t2 /film/actor/film./film/performance/film /m/03m5y9p +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/02tqkf /people/person/gender /m/05zppz +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/02z6fs /organization/organization/headquarters./location/mailing_address/state_province_region /m/07c98 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/05znxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/09ly2r6 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0277j40 /film/film/genre /m/05p553 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0272vm +/m/0dt1cm /people/person/place_of_birth /m/06wxw +/m/04gv3db /film/film/produced_by /m/01r2c7 +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mp8g +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025mb_ +/m/0f13b /film/actor/film./film/performance/film /m/012gk9 +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/04sry +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02vq8xn +/m/01ft2l /film/actor/film./film/performance/film /m/0ds2l81 +/m/042l3v /people/person/nationality /m/09c7w0 +/m/0n85g /music/record_label/artist /m/01vvyfh +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xcfy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/02z44tp /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/location/contains /m/03v1s +/m/0dyjz /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/06hhrs /award/award_winner/awards_won./award/award_honor/award_winner /m/08wr3kg +/m/05qbbfb /film/film/featured_film_locations /m/035v3 +/m/011yxg /film/film/genre /m/07s9rl0 +/m/025j1t /film/actor/film./film/performance/film /m/07024 +/m/02p68d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/0c3ybss /film/film/language /m/02h40lc +/m/03hj3b3 /film/film/music /m/02ryx0 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/04hpck /film/actor/film./film/performance/film /m/04t6fk +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02zy1z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kt17 /people/person/spouse_s./people/marriage/spouse /m/0lfbm +/m/09xx0m /people/person/profession /m/0dxtg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/02r4qs +/m/0205dx /people/person/profession /m/02jknp +/m/0127ps /film/film/written_by /m/0237jb +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0499lc +/m/01clyr /music/record_label/artist /m/094xh +/m/04m_zp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02qjv1p +/m/01v90t /people/person/profession /m/02hv44_ +/m/04jkpgv /film/film/country /m/0d0vqn +/m/02y_lrp /film/film/featured_film_locations /m/0h7h6 +/m/06gbnc /people/ethnicity/people /m/03y1mlp +/m/09c7w0 /location/country/second_level_divisions /m/0f4zv +/m/07vk2 /education/educational_institution/school_type /m/05jxkf +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/01wsj0 /music/record_label/artist /m/016z1t +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/0p_th /film/film/featured_film_locations /m/02nd_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04h4zx +/m/04xx9s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/026db_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0gjc4d3 /film/film/genre /m/03k9fj +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/016tt2 /organization/organization/headquarters./location/mailing_address/citytown /m/0k049 +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/0n6kf /influence/influence_node/influenced_by /m/032l1 +/m/04xvlr /media_common/netflix_genre/titles /m/016ywb +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/02t__3 /people/person/place_of_birth /m/0r0m6 +/m/0d4htf /film/film/country /m/09c7w0 +/m/064t9 /music/genre/artists /m/0cgfb +/m/05sy2k_ /tv/tv_program/genre /m/01hmnh +/m/05kkh /location/location/contains /m/05mv4 +/m/013h1c /location/hud_county_place/place /m/013h1c +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/01r3kd /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039bpc +/m/026qnh6 /film/film/language /m/02h40lc +/m/06rhz7 /film/film/produced_by /m/027kmrb +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/010p3 /people/person/religion /m/0kpl +/m/0mz73 /people/person/profession /m/01d_h8 +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/0gkd1 +/m/02zhkz /film/actor/film./film/performance/film /m/07nnp_ +/m/01531 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053x8hr +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/09v8clw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t22m /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qmg1 +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049msk +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm8l +/m/0234j5 /film/film/story_by /m/025b3k +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/0cv9b /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r93l /film/actor/film./film/performance/film /m/02mpyh +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01k23t /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0f830f /people/person/profession /m/02hrh1q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zy3sc +/m/01ngz1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rff2 /education/educational_institution/students_graduates./education/education/student /m/0glyyw +/m/04g9sq /people/person/nationality /m/09c7w0 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/04xvlr /media_common/netflix_genre/titles /m/027pfg +/m/02d478 /film/film/language /m/02h40lc +/m/0291ck /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04shbh +/m/01hqk /film/film/production_companies /m/02hvd +/m/03wh95l /people/person/gender /m/05zppz +/m/0cgwt8 /sports/sports_team/colors /m/036k5h +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04jbyg +/m/01xrlm /education/educational_institution/school_type /m/05jxkf +/m/06by7 /music/genre/artists /m/02hzz +/m/07j8r /film/film/language /m/01wgr +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02bg55 /film/film/genre /m/06n90 +/m/02ptzz0 /sports/sports_team/colors /m/067z2v +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/03qx1r /music/record_label/artist /m/030155 +/m/0166b /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01ym8l +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0bxtg /film/actor/film./film/performance/film /m/09w6br +/m/01gp_x /people/person/profession /m/0cbd2 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0vjr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0jsw9l +/m/0294mx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/03crcpt +/m/08cyft /music/genre/artists /m/0dzc16 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0f7fy /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/01r2c7 /people/person/places_lived./people/place_lived/location /m/0z2gq +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03y0pn /film/film/language /m/02hwyss +/m/04bs3j /influence/influence_node/influenced_by /m/0q9zc +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0132_h /sports/sports_team/colors /m/019sc +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03548 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/01vvpjj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/02l6h +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0382m4 +/m/02qm_f /film/film/production_companies /m/01795t +/m/0_vn7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h5g_ /film/actor/film./film/performance/film /m/0hhggmy +/m/0g768 /music/record_label/artist /m/01lmj3q +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/0bx8pn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044kwr /people/deceased_person/place_of_death /m/030qb3t +/m/0j95 /base/biblioness/bibs_location/country /m/0d060g +/m/0c3351 /media_common/netflix_genre/titles /m/02qmsr +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/076df9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/0l99s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09z2b7 +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/097zcz /film/film/story_by /m/0c4y8 +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/03yvgp /sports/sports_team/sport /m/02vx4 +/m/0blpg /film/film/genre /m/06cvj +/m/0jkhr /education/educational_institution/campuses /m/0jkhr +/m/0f83g2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0vp5f /location/hud_county_place/place /m/0vp5f +/m/013xh7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/03lvyj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06jcc /people/person/profession /m/0cbd2 +/m/01vs_v8 /people/person/profession /m/0kyk +/m/01lbcqx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03818y /education/educational_institution/colors /m/036k5h +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/082237 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/034qzw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dln8jk /film/film/genre /m/05p553 +/m/0272_vz /film/film/country /m/0345h +/m/09c7w0 /location/location/contains /m/032d52 +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/063472 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/05r5c /music/instrument/instrumentalists /m/0kvnn +/m/06k176 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01rxw +/m/0693l /people/person/profession /m/0dxtg +/m/01vtmw6 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039c26 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/051wwp /film/actor/film./film/performance/film /m/0bl1_ +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kfs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07_w1l +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/0kr5_ /film/actor/film./film/performance/film /m/0prh7 +/m/016ggh /people/person/profession /m/0q04f +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/01pfr3 +/m/01vz0g4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0ldqf /olympics/olympic_games/sports /m/06f41 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1cn +/m/011k1h /music/record_label/artist /m/0kzy0 +/m/086sj /film/actor/film./film/performance/film /m/03m8y5 +/m/01vh096 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/058cm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wmxfs /people/person/profession /m/09jwl +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/056_y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bw20 /film/film/executive_produced_by /m/0c0k1 +/m/034qrh /film/film/language /m/02h40lc +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0glnm /film/film/produced_by /m/0blpnz +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/02q636 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/043yj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/045gzq /people/person/place_of_birth /m/0rh6k +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/0hqgp /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/03ldxq /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/062zm5h +/m/036c_0 /people/person/gender /m/05zppz +/m/015y3j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06vqdf /people/person/gender /m/05zppz +/m/01yf85 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/042kg +/m/0127m7 /film/director/film /m/0kvbl6 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mjmr +/m/03fts /film/film/music /m/07qy0b +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/015y_n /music/genre/artists /m/0127s7 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/0127s7 +/m/0462hhb /film/film/genre /m/01j1n2 +/m/01p0w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/047g98 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03h_0_z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bk1y /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/084qpk /film/film/genre /m/03npn +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/016s_5 /people/person/nationality /m/09c7w0 +/m/0125xq /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/018_lb /film/actor/film./film/performance/film /m/0sxlb +/m/01hmb_ /people/person/profession /m/0dxtg +/m/0b7l4x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05148p4 /music/instrument/instrumentalists /m/06cc_1 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0sw0q +/m/06yykb /film/film/production_companies /m/017s11 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/051qvn +/m/03gn1x /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/099bk /influence/influence_node/influenced_by /m/0w6w +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/02vntj /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01x73 /location/location/time_zones /m/02hcv8 +/m/02cl1 /sports/sports_team_location/teams /m/01ync +/m/0294mx /film/film/produced_by /m/0gdhhy +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/019_1h /film/actor/film./film/performance/film /m/090s_0 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/04rrd /location/location/contains /m/0bx9y +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/026670 +/m/064t9 /music/genre/artists /m/01ldw4 +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0tc7 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/04m_zp +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgly +/m/0dkv90 /film/film/runtime./film/film_cut/film_release_region /m/0d05w3 +/m/06rqw /music/genre/artists /m/06mj4 +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027r9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/02b1xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/048lv /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/032zq6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gj2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/0chgzm /base/biblioness/bibs_location/state /m/0chgr2 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/01xv77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xvjb +/m/067pl7 /people/person/place_of_birth /m/0177z +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/01jw4r /film/actor/film./film/performance/film /m/0bdjd +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/06nm1 /language/human_language/countries_spoken_in /m/05r7t +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/078jt5 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0277j40 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f502 +/m/0f0kz /people/person/profession /m/0kyk +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/0133x7 +/m/02s62q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02xhpl +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01t38b /education/educational_institution/students_graduates./education/education/student /m/0126rp +/m/015ynm /film/film/production_companies /m/09b3v +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/03gfvsz /broadcast/content/artist /m/02s2wq +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/063k3h /people/ethnicity/people /m/02qhm3 +/m/0dn44 /people/person/profession /m/02jknp +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/07_k0c0 /film/film/featured_film_locations /m/030qb3t +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/039crh /people/person/gender /m/02zsn +/m/05k7sb /location/location/contains /m/031n8c +/m/0dn3n /film/actor/film./film/performance/film /m/014_x2 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnkr +/m/0d6lp /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/02hg53 /people/person/profession /m/02hrh1q +/m/05sdxx /people/person/profession /m/01d_h8 +/m/075fzd /film/film_subject/films /m/0bhwhj +/m/0fqt1ns /film/film/production_companies /m/054lpb6 +/m/01bl7g /film/film/music /m/05_pkf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08815 +/m/01jfsb /media_common/netflix_genre/titles /m/078mm1 +/m/01p5xy /organization/organization/headquarters./location/mailing_address/citytown /m/0pc7r +/m/0sngf /base/biblioness/bibs_location/state /m/03v1s +/m/0bg539 /people/person/languages /m/02h40lc +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03z2rz +/m/034b6k /film/film/genre /m/04pbhw +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/049k07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m8lq +/m/03dpqd /film/actor/film./film/performance/film /m/0c0yh4 +/m/01y998 /time/event/locations /m/03rz4 +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0146pg /people/person/profession /m/05vyk +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rgq +/m/0g2lq /film/director/film /m/09m6kg +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy2y8r +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/02ps55 /organization/organization/headquarters./location/mailing_address/citytown /m/0fm2_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04ykg +/m/03w1v2 /people/person/place_of_birth /m/0xms9 +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/026bk +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01jfsb /media_common/netflix_genre/titles /m/03h_yy +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0342h /music/instrument/instrumentalists /m/06cc_1 +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/02bkdn +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/060__7 /film/film/language /m/02h40lc +/m/0djb3vw /film/film/language /m/02h40lc +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/06sw9 /location/country/form_of_government /m/06cx9 +/m/0fq27fp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/05842k +/m/0cv9fc /people/person/profession /m/0dxtg +/m/07s9rl0 /media_common/netflix_genre/titles /m/02chhq +/m/05c26ss /film/film/featured_film_locations /m/02_286 +/m/01j7z7 /film/actor/film./film/performance/film /m/01dyvs +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/04swd /sports/sports_team_location/teams /m/03qx63 +/m/09889g /people/person/profession /m/0nbcg +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/09hnb /people/person/profession /m/09jwl +/m/01clyr /music/record_label/artist /m/01kcms4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dclg +/m/017cy9 /education/educational_institution/colors /m/01l849 +/m/0gywn /music/genre/artists /m/0ffgh +/m/035dk /location/location/contains /m/0fnyc +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/02yw26 /music/genre/artists /m/01shhf +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0p_rk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wdsbz +/m/04z1v0 /music/genre/parent_genre /m/025tm81 +/m/05sw5b /film/film/genre /m/03k9fj +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/0pz7h /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gr7w +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0g5llry +/m/0p_47 /people/person/profession /m/01d_h8 +/m/070w7s /people/person/place_of_birth /m/01m7mv +/m/02xbw2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02cg2v +/m/0r2kh /location/hud_county_place/place /m/0r2kh +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/073hkh /time/event/instance_of_recurring_event /m/0g_w +/m/0411q /award/award_winner/awards_won./award/award_honor/award_winner /m/0pk41 +/m/03rhqg /music/record_label/artist /m/01vsykc +/m/033rq /people/person/nationality /m/03rjj +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/02w86hz /film/film/genre /m/05p553 +/m/07s2s /film/film_subject/films /m/01f7kl +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0564x /film/film/genre /m/01hmnh +/m/011yhm /film/film/country /m/07ssc +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/01gq0b /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/030hcs +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0b_yz /base/biblioness/bibs_location/state /m/0h924 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/097zcz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/04gycf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03j6_5 /sports/sports_team/colors /m/083jv +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/07l4z +/m/03xl77 /music/artist/origin /m/0r4h3 +/m/058vfp4 /people/person/nationality /m/09c7w0 +/m/01jzxy /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/017959 +/m/0d6lp /location/location/contains /m/013807 +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswx5 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/0qm9n /film/film/other_crew./film/film_crew_gig/crewmember /m/09dvgb8 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb84n +/m/0g768 /music/record_label/artist /m/0qf11 +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04n36qk +/m/0fsv2 /location/location/contains /m/02xpy5 +/m/09ctj /location/administrative_division/country /m/07ssc +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0c6qh /film/actor/film./film/performance/film /m/035bcl +/m/059j1m /film/actor/film./film/performance/film /m/026wlxw +/m/0g8rj /organization/organization/place_founded /m/0mp3l +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0217m9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hjmd +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0r5wt /location/hud_county_place/county /m/0l2vz +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/01f7kl /film/film/written_by /m/01f7j9 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/03czqs /location/statistical_region/religions./location/religion_percentage/religion /m/06yyp +/m/02qdrjx /film/film/produced_by /m/02r251z +/m/035sc2 /people/person/religion /m/051kv +/m/01vxqyl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sb5r /people/person/profession /m/0dz3r +/m/0342h /music/instrument/instrumentalists /m/03j24kf +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/043js +/m/02b1l_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030g9z +/m/0g4vmj8 /film/film/genre /m/01jfsb +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/058frd /people/person/nationality /m/09c7w0 +/m/07s3vqk /people/person/profession /m/0n1h +/m/047vnkj /film/film/genre /m/01drsx +/m/05tbn /location/location/contains /m/0mwvq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08k05y +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/07ssc /location/location/contains /m/0d2lt +/m/0j47s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0h7h6 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0fdtd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cwwl +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0tcj6 /location/hud_county_place/place /m/0tcj6 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/01tqfs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04z257 /film/film/genre /m/04xvh5 +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/025ldg /people/person/gender /m/02zsn +/m/0d_wms /film/film/genre /m/04pbhw +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/02vnmc9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hvb2 /film/actor/film./film/performance/film /m/04kzqz +/m/0260p2 /organization/organization/place_founded /m/07dfk +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01nr36 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07c52 /media_common/netflix_genre/titles /m/05f4vxd +/m/054c1 /people/person/profession /m/01445t +/m/01wyy_ /people/person/profession /m/0dxtg +/m/02zr0z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/026670 /film/director/film /m/0gvt53w +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01h72l +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01933d +/m/037s5h /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rjj +/m/03s5lz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0bdt8 /people/person/nationality /m/0d0vqn +/m/059rby /location/location/contains /m/026ssfj +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0p4gy /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/031y07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c8qq +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01l1hr +/m/0fjyzt /film/film/country /m/0f8l9c +/m/01p95y0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/013bd1 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/01ww_vs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05d1dy /people/person/profession /m/03gjzk +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02z9rr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0wsr /sports/sports_team/sport /m/0jm_ +/m/049w1q /film/film/language /m/02h40lc +/m/05vxdh /film/film/production_companies /m/016tw3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/015401 +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/0g69lg +/m/02r5w9 /film/director/film /m/0yyts +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bt7ws /people/person/gender /m/02zsn +/m/03mqtr /media_common/netflix_genre/titles /m/02jxbw +/m/064jjy /film/director/film /m/05dss7 +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv27 +/m/0cbn7c /film/film/genre /m/01g6gs +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/046rfv /people/person/languages /m/09s02 +/m/02p76f9 /film/film/cinematography /m/03cx282 +/m/0cc846d /film/film/genre /m/06n90 +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01l3mk3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/038zh6 /sports/sports_team/sport /m/09xp_ +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/07vn_9 /film/film/production_companies /m/05qd_ +/m/015mlw /music/record_label/artist /m/0191h5 +/m/0cp0790 /award/award_winning_work/awards_won./award/award_honor/award /m/02qsfzv +/m/012ycy /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0gyv0b4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xv77 +/m/0h3mh3q /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvw2 +/m/02r38 /people/person/religion /m/0c8wxp +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/06cgy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0sz28 +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/0783m_ /people/person/profession /m/09jwl +/m/0mwsh /location/us_county/county_seat /m/0fvzz +/m/0168cl /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/04t2l2 /people/person/place_of_birth /m/0t_07 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0gtxj2q /film/film/genre /m/04dn71w +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/015ynm /film/film/genre /m/01hmnh +/m/03twd6 /film/film/film_format /m/07fb8_ +/m/0k4f3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vq33 +/m/0b78hw /influence/influence_node/influenced_by /m/0n00 +/m/06by7 /music/genre/artists /m/0130sy +/m/0qpjt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06by7 /music/genre/artists /m/03xhj6 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02lv2v /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01tv3x2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01f7j9 /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07srw +/m/0fqt1ns /film/film/story_by /m/079ws +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/02sjp /people/person/profession /m/05vyk +/m/02_1kl /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/0n83s /film/film/executive_produced_by /m/07f8wg +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03f5spx /people/person/profession /m/0dz3r +/m/02gyl0 /people/person/place_of_birth /m/0fhp9 +/m/0cc5mcj /film/film/genre /m/082gq +/m/0bvg70 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0q9nj +/m/0p17j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07bsj +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/04ls53 +/m/01l1b90 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0dgst_d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mp9s +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7j9 +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/050f0s /film/film/music /m/0150t6 +/m/024tsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04cbtrw /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/0372j5 /film/film/country /m/09c7w0 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/09hrc /location/location/contains /m/019fv4 +/m/06g60w /people/person/nationality /m/09c7w0 +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/080nwsb /film/film/genre /m/0jdm8 +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/03rhqg /music/record_label/artist /m/0394y +/m/02pprs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qmg1 +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/0dnkmq /film/film/produced_by /m/09zw90 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02s8qk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/050kh5 /tv/tv_program/genre /m/09lmb +/m/0683n /influence/influence_node/influenced_by /m/01rgr +/m/09g8vhw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/02zdwq /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/0fq117k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06wvj /people/person/profession /m/05vyk +/m/0358x_ /tv/tv_program/genre /m/0djd22 +/m/06wzvr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gywn /music/genre/artists /m/044k8 +/m/016yr0 /film/actor/film./film/performance/film /m/07k8rt4 +/m/014dq7 /influence/influence_node/influenced_by /m/084w8 +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/02d44q /film/film/language /m/06nm1 +/m/01swxv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/0221g_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0cg9f /film/actor/film./film/performance/film /m/0cwy47 +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yth +/m/01hqhm /film/film/written_by /m/026670 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088xp +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/06f32 /location/location/contains /m/04bnx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/02scbv /film/film/genre /m/02kdv5l +/m/01nrnm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/05_2h8 /people/person/nationality /m/09c7w0 +/m/01vrkdt /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/04g2jz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/037h1k /music/record_label/artist /m/02vnpv +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/056k77g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01vsl3_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03j24kf +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d90m /film/film/featured_film_locations /m/03pzf +/m/049fgvm /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02hsgn /people/person/nationality /m/09c7w0 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/057__d /film/film/genre /m/05p553 +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/0k419 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06wvfq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpjyd /people/person/gender /m/05zppz +/m/05k7sb /location/location/contains /m/0k3kg +/m/01kf5lf /film/film/language /m/06nm1 +/m/04xfb /people/person/profession /m/0cbd2 +/m/01jgkj2 /people/person/profession /m/016z4k +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/0cbm64 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/06hx2 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/0c921 +/m/02kdw56 /language/human_language/countries_spoken_in /m/0d060g +/m/02wgln /film/actor/film./film/performance/film /m/05v38p +/m/0fb_1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0bt9lr /film/film_subject/films /m/06fcqw +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02k76g /people/person/place_of_birth /m/02_286 +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081mh +/m/027m67 /film/film/film_production_design_by /m/03cp7b3 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01d1st /people/person/profession /m/02krf9 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163r3 +/m/06cmp /location/country/capital /m/09b93 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/0sxlb /film/film/music /m/02bn75 +/m/01nn7r /education/educational_institution/school_type /m/02p0qmm +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/06by7 /music/genre/artists /m/01vsl3_ +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f69m +/m/0fcrg /location/administrative_division/first_level_division_of /m/059j2 +/m/050f0s /film/film/genre /m/03k9fj +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01jfsb /media_common/netflix_genre/titles /m/0n04r +/m/09c7w0 /location/country/second_level_divisions /m/0kvt9 +/m/07ldhs /people/person/profession /m/02hrh1q +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/01scmq +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/06cm5 /film/film/written_by /m/037d35 +/m/07w21 /influence/influence_node/influenced_by /m/080r3 +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gvt53w /film/film/language /m/02h40lc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/06npd +/m/03qcfvw /film/film/genre /m/01jfsb +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/059g4 /base/locations/continents/countries_within /m/06s6l +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/07phbc /film/film/production_companies /m/0g1rw +/m/01vn35l /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0g9yrw /film/film/genre /m/06n90 +/m/0gxfz /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0432b /film/actor/film./film/performance/film /m/0h1v19 +/m/01pjr7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02b25y +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02bfmn /film/actor/film./film/performance/film /m/017jd9 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02dj3 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04xvlr /media_common/netflix_genre/titles /m/02qhlwd +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/02t8gf /music/genre/artists /m/01271h +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0df2zx /film/film/production_companies /m/04rqd +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0127s7 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/081yw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/052hl /film/actor/film./film/performance/film /m/03mh94 +/m/0l15n /film/director/film /m/0140g4 +/m/019vhk /film/film/genre /m/04xvlr +/m/0bvls5 /people/person/place_of_birth /m/04vmp +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02__7n +/m/02ck7w /film/actor/film./film/performance/film /m/0g3zrd +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/021b_ /people/person/gender /m/02zsn +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hdx8 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/01npcx /film/film/produced_by /m/03kpvp +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0151w_ /people/person/spouse_s./people/marriage/spouse /m/01jfrg +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/049ql1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/03pbf /base/aareas/schema/administrative_area/administrative_parent /m/04p0c +/m/0d05w3 /location/country/capital /m/01914 +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/07ssc /location/country/second_level_divisions /m/01_5bb +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyy53 +/m/03fw4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwjq +/m/0kxf1 /film/film/other_crew./film/film_crew_gig/crewmember /m/019fnv +/m/01cmp9 /film/film/story_by /m/0jf1b +/m/015f7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0d_84 +/m/01f9mq /people/person/places_lived./people/place_lived/location /m/0r7fy +/m/0pcc0 /people/person/profession /m/01c72t +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/03j367r /people/person/profession /m/02hrh1q +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/09c7w0 /location/location/contains /m/02txdf +/m/0fzyg /film/film_subject/films /m/0415ggl +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/02czd5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06hhrs +/m/06whf /people/person/profession /m/0cbd2 +/m/0h1nt /people/person/gender /m/02zsn +/m/0bt7w /music/genre/artists /m/01bpnd +/m/0mnzd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/05tbn /location/location/contains /m/0dzs0 +/m/045r_9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/076psv /film/film_set_designer/film_sets_designed /m/0bcndz +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/016ybr /music/genre/artists /m/0167km +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/01h910 /film/actor/film./film/performance/film /m/06w839_ +/m/01l47f5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg13 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/0dclg /location/location/contains /m/02htv6 +/m/02b1zs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06by7 /music/genre/artists /m/09prnq +/m/01k5y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/096hm +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0lzb8 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0d8w2n /film/film/country /m/09c7w0 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/080dyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p3_y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc5mcj /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/03fpx /music/genre/parent_genre /m/04f73rc +/m/05p1qyh /film/film/featured_film_locations /m/030qb3t +/m/0b6p3qf /sports/sports_team/colors /m/06fvc +/m/01cf93 /music/record_label/artist /m/0bs1g5r +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k7xz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0b1hw +/m/05fm6m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02knxx /people/cause_of_death/people /m/015gsv +/m/0bm2x /film/film/costume_design_by /m/02cqbx +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0237fw /film/actor/film./film/performance/film /m/0btpm6 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/019m9h +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/02pt6k_ +/m/043tz0c /film/film/country /m/09c7w0 +/m/0n474 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05jf85 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0grrq8 +/m/0kbq /base/culturalevent/event/entity_involved /m/0gzh +/m/0lk8j /olympics/olympic_games/sports /m/03fyrh +/m/01pw2f1 /people/person/religion /m/0c8wxp +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j6mff +/m/02kxbx3 /people/person/sibling_s./people/sibling_relationship/sibling /m/02kxbwx +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0404yzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0418wg /film/film/cinematography /m/06t8b +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bz6sq +/m/0dr_9t7 /film/film/genre /m/07s9rl0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_fz3 +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cljf +/m/04ykg /location/location/contains /m/016w7b +/m/0bs8s1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f2dn +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/0884fm /people/person/profession /m/02hrh1q +/m/068gn /award/award_category/winners./award/award_honor/award_winner /m/0d3qd0 +/m/0gd9k /film/actor/film./film/performance/film /m/02v63m +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/01znj1 +/m/0bs1g5r /people/person/place_of_birth /m/02hrh0_ +/m/03z8w6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/016zwt +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/016zwt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/016jny /music/genre/artists /m/016t00 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/06dn58 /film/actor/film./film/performance/film /m/04b_jc +/m/013pp3 /influence/influence_node/influenced_by /m/03f0324 +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/034qmv /film/film/featured_film_locations /m/04jpl +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024my5 +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02cllz /film/actor/film./film/performance/film /m/03ydlnj +/m/04w391 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0f2nf /location/hud_county_place/county /m/0m2hs +/m/058vy5 /award/award_category/winners./award/award_honor/award_winner /m/0bv7t +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/07hwkr /people/ethnicity/people /m/01xyt7 +/m/02gl58 /tv/tv_program/country_of_origin /m/07ssc +/m/02qmsr /film/film/film_festivals /m/03wf1p2 +/m/01vvlyt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsykc +/m/01jpqb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tp5bj /people/person/spouse_s./people/marriage/location_of_ceremony /m/07ssc +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01qgr3 /education/educational_institution/school_type /m/05jxkf +/m/06srk /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02jx1 /location/location/contains /m/02bzh0 +/m/0bscw /film/film/country /m/09c7w0 +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06v_gh +/m/01q_wyj /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/047q2k1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxy67 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0c4b8 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/016z2j +/m/01wwvd2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05drr9 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0ctzf1 /tv/tv_program/country_of_origin /m/09c7w0 +/m/09d5h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/026670 /film/director/film /m/02b6n9 +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/05cvgl /film/film/produced_by /m/0hskw +/m/0fvyg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0gk4g /people/cause_of_death/people /m/0ff3y +/m/02897w /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02c_4 /sports/sports_team/sport /m/0jm_ +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0g57wgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0n6f8 +/m/021q2j /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0m313 /film/film/genre /m/02l7c8 +/m/0mwm6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwkp +/m/014hdb /people/person/profession /m/02jknp +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/0dfrq /people/person/religion /m/0c8wxp +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0f5xn /film/actor/film./film/performance/film /m/0cc846d +/m/06khkb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0gj9qxr /film/film/genre /m/01hmnh +/m/0h32q /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/022wxh +/m/07ss8_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09k2t1 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/082brv /people/person/places_lived./people/place_lived/location /m/05fhy +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0j1z8 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj2t3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0jdx +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04_m9gk +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/018gqj /award/award_winner/awards_won./award/award_honor/award_winner /m/01k98nm +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bm4sm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02ldmw +/m/04czx7 /people/ethnicity/languages_spoken /m/0459q4 +/m/03gdf1 /education/educational_institution/campuses /m/03gdf1 +/m/03188 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164nb /people/person/profession /m/012t_z +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/04cl1 /people/person/languages /m/02h40lc +/m/0rlz /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/01lbcqx /film/film/music /m/018gqj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07sqbl +/m/019g8j /tv/tv_program/country_of_origin /m/09c7w0 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nk3t +/m/0cbkc /people/person/languages /m/04306rv +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/07dnx +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbx3 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/02qzh2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/048vhl +/m/01rr9f /film/actor/film./film/performance/film /m/0bwhdbl +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/06r713 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwq9 +/m/02k84w /music/instrument/instrumentalists /m/0k1bs +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/03gkn5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09rvcvl /film/film/genre /m/07s9rl0 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/012vf6 /people/person/nationality /m/09c7w0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01w5m +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03__y +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/017fp /media_common/netflix_genre/titles /m/02vnmc9 +/m/027cxsm /people/person/place_of_birth /m/0tygl +/m/059y0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0419kt /film/film/genre /m/02kdv5l +/m/01hmnh /media_common/netflix_genre/titles /m/02qydsh +/m/072twv /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0f2nf /location/location/contains /m/03kmyy +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06by7 /music/genre/artists /m/0fsyx +/m/01h0b0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/02pjvc +/m/07sbbz2 /music/genre/artists /m/014q2g +/m/016clz /music/genre/artists /m/01wvxw1 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j14qc +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/075wx7_ /film/film/prequel /m/05pdh86 +/m/0882r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0k3jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/08s6mr /film/film/produced_by /m/0fvf9q +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rgt +/m/0d060g /location/location/contains /m/0b1t1 +/m/0jsqk /film/film/production_companies /m/05qd_ +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/0h0wc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02bj6k +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026p_bs +/m/0154qm /film/actor/film./film/performance/film /m/05q96q6 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02hzx8 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/02wmy /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qvhbb /people/person/places_lived./people/place_lived/location /m/03rk0 +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/02fj8n /film/film/production_companies /m/0c_j5d +/m/026670 /film/director/film /m/08zrbl +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03082 +/m/01_r9k /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0241y7 /film/film/language /m/02h40lc +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/02v63m /film/film/genre /m/02n4kr +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bv7t /people/person/profession /m/0cbd2 +/m/053yx /influence/influence_node/peers./influence/peer_relationship/peers /m/01ky2h +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/02zs4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06s1qy /people/person/nationality /m/09c7w0 +/m/0gy0l_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02zccd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bbxx9b +/m/03b12 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fw9n7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01b9ck /film/director/film /m/04v89z +/m/012mrr /film/film/written_by /m/02pp_q_ +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0cc5mcj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rp13 +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/01g4zr /people/person/profession /m/01d_h8 +/m/0bn8fw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0309lm +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xz +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/09g8vhw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/051ys82 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/01l3vx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026wlnm /sports/sports_team/sport /m/039yzs +/m/04xzm /people/person/places_lived./people/place_lived/location /m/01669t +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017jd9 +/m/09lk2 /location/location/contains /m/0d8r8 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02b9g4 /people/person/profession /m/015cjr +/m/027rpym /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/02x08c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0190_q /music/genre/artists /m/0l8g0 +/m/0gdqy /people/person/spouse_s./people/marriage/location_of_ceremony /m/05qtj +/m/02_fj /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01699 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/09sh8k +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/01l1hr /film/actor/film./film/performance/film /m/02_fz3 +/m/01v3k2 /education/educational_institution/colors /m/038hg +/m/02pjc1h /film/film/country /m/0154j +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/0c1gj5 +/m/01jfr3y /music/artist/origin /m/0cr3d +/m/01v5h /people/person/profession /m/02jknp +/m/01rlxt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06hx2 /people/person/sibling_s./people/sibling_relationship/sibling /m/0d3k14 +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06449 +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0cz8mkh /film/film/genre /m/01jfsb +/m/01p7yb /film/actor/film./film/performance/film /m/0yyg4 +/m/0x82 /language/human_language/countries_spoken_in /m/088vb +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/01nkxvx /people/person/profession /m/09jwl +/m/016hvl /people/person/profession /m/05z96 +/m/04f9r2 /people/person/nationality /m/0f8l9c +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050ks +/m/0dx8gj /film/film/executive_produced_by /m/076_74 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/07ssc /media_common/netflix_genre/titles /m/05ldxl +/m/01vsn38 /film/actor/film./film/performance/film /m/03p2xc +/m/06rf7 /location/location/contains /m/0g7pm +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/064q5v /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/089j8p /film/film/genre /m/082gq +/m/02pw_n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/01w724 +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/032j_n /organization/organization/place_founded /m/02_286 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02z6l5f /people/person/profession /m/03gjzk +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0vmt /base/aareas/schema/administrative_area/capital /m/0d35y +/m/0d0vj4 /people/person/gender /m/05zppz +/m/09n48 /olympics/olympic_games/participating_countries /m/04w58 +/m/0k3gw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kh3 /people/cause_of_death/people /m/04xzm +/m/01cpqk /people/person/profession /m/0d1pc +/m/01900g /influence/influence_node/influenced_by /m/0f7hc +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0mwh1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwht +/m/01_ztw /people/person/places_lived./people/place_lived/location /m/0xhmb +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/05jzt3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01zh3_ +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dn44 /people/person/profession /m/05z96 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0kb07 /film/film/film_art_direction_by /m/071jv5 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/0335fp +/m/02g8h /people/person/gender /m/05zppz +/m/03gk2 /location/country/official_language /m/04h9h +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lff +/m/05b0f7 /music/record_label/artist /m/01k3qj +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/0bmh4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0202p_ +/m/03ytc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01t94_1 /people/person/nationality /m/09c7w0 +/m/01y9xg /film/actor/film./film/performance/film /m/07vn_9 +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/0kbws /olympics/olympic_games/sports /m/071t0 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/02fjzt /education/educational_institution/campuses /m/02fjzt +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0171cm +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06rmdr +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06fq2 +/m/01xq8v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jpg2p /film/film/music /m/02bh9 +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/04lhft /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/071pf2 /people/person/nationality /m/0chghy +/m/06cs95 /tv/tv_program/genre /m/07s9rl0 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/013nv_ /location/hud_county_place/place /m/013nv_ +/m/02z0f6l /film/film/genre /m/02l7c8 +/m/0l35f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrhl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0dzst +/m/03hmt9b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08sk8l /film/film/genre /m/03k9fj +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/031t2d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04tr1 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g2jz2 /award/award_category/category_of /m/0gcf2r +/m/02jx1 /location/location/contains /m/0dmy0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ylj +/m/09d38d /film/film/genre /m/07s9rl0 +/m/0f_j1 /music/genre/artists /m/025xt8y +/m/03g9xj /tv/tv_program/genre /m/04pbhw +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/010xjr /film/actor/film./film/performance/film /m/0_92w +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06yykb /film/film/genre /m/04pbhw +/m/047gpsd /film/film/executive_produced_by /m/03c9pqt +/m/041rx /people/ethnicity/people /m/04z542 +/m/01n7q /location/location/contains /m/0kv7k +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/01dtcb /music/record_label/artist /m/032nl2 +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/04syw /people/profession/specialization_of /m/0fj9f +/m/064t9 /music/genre/artists /m/01wx756 +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gd70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/01my95 /people/person/nationality /m/06mzp +/m/023tp8 /people/person/spouse_s./people/marriage/spouse /m/01vvb4m +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/02fqrf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/0h6sv /people/person/religion /m/0n2g +/m/01vg13 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03fb3t /location/location/contains /m/02hrh0_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/04mx7s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rly6 +/m/037ts6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0ldqf /olympics/olympic_games/participating_countries /m/07ssc +/m/057__d /film/film/production_companies /m/016tt2 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/05qtj /sports/sports_team_location/teams /m/01_1kk +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/046f25 +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/02184q /people/person/languages /m/02h40lc +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/015qh +/m/0pd6l /film/film/genre /m/02p0szs +/m/0jmgb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0143wl /film/actor/film./film/performance/film /m/0crfwmx +/m/0y3_8 /music/genre/parent_genre /m/064t9 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/07s846j +/m/03kxp7 /people/person/gender /m/02zsn +/m/03dj48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01hp5 /film/film/produced_by /m/06s26c +/m/015lhm /people/person/places_lived./people/place_lived/location /m/0r111 +/m/04f6df0 /film/film/executive_produced_by /m/02z6l5f +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/03gfvsz /broadcast/content/artist /m/01vsykc +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05fky /location/location/contains /m/0ys4f +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/03rhqg /music/record_label/artist /m/01wp8w7 +/m/056k77g /film/film/genre /m/06n90 +/m/017_1x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04mp8x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cnl09 /people/person/profession /m/02hrh1q +/m/01vyv9 /people/person/place_of_birth /m/0f2s6 +/m/06rhz7 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kp66 +/m/0j0k /location/location/contains /m/07t_x +/m/073v6 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/01dpts /music/artist/origin /m/06y9v +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/058w5 /people/person/profession /m/05z96 +/m/039zft /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02knnd +/m/05233hy /people/person/nationality /m/09c7w0 +/m/0209xj /film/film/produced_by /m/01_f_5 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/01s_d4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01pv91 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/01n7q /location/location/contains /m/0k__z +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01z26v /base/biblioness/bibs_location/country /m/02jx1 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d9xq /people/person/gender /m/02zsn +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/033jkj +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/010xjr +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/044g_k /film/film/genre /m/0btmb +/m/02bh9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/02yr3z /education/educational_institution/colors /m/01l849 +/m/02rcdc2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l56b +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b18l +/m/01cf93 /music/record_label/artist /m/011lvx +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08h79x +/m/0kt64b /people/person/languages /m/055qm +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/09c7w0 /location/location/contains /m/018t8f +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0fqt1ns /film/film/production_companies /m/0c_j5d +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/02j8nx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/053x8hr +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/06ch55 /music/instrument/instrumentalists /m/03h_yfh +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07s93v /people/person/profession /m/0dxtg +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02hfp_ +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/013bd1 /people/person/nationality /m/02jx1 +/m/0cbkc /people/person/place_of_birth /m/05qtj +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047svrl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/012vby /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/0h27vc /people/person/gender /m/05zppz +/m/02lf70 /people/person/languages /m/064_8sq +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/08cn4_ /people/person/languages /m/02h40lc +/m/0h0p_ /people/person/nationality /m/07ssc +/m/05f0r8 /people/deceased_person/place_of_death /m/030qb3t +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cwfgz +/m/0mwjk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/035rnz /film/actor/film./film/performance/film /m/07vn_9 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02h40lc /language/human_language/countries_spoken_in /m/07ssc +/m/0gp8sg /people/person/religion /m/03j6c +/m/02xgdv /people/person/religion /m/03j6c +/m/055c8 /film/actor/film./film/performance/film /m/0bpm4yw +/m/03x7hd /film/film/production_companies /m/0kk9v +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06t61y +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01vrnsk +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/012s5j /people/person/profession /m/0d1pc +/m/0_b3d /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/087wc7n /film/film/genre /m/04t36 +/m/02t8gf /music/genre/parent_genre /m/0mmp3 +/m/09j028 /people/person/place_of_birth /m/0b1mf +/m/0g7vxv /people/person/nationality /m/06s_2 +/m/01mvpv /people/person/places_lived./people/place_lived/location /m/01m9f1 +/m/07ymr5 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/018wrk /olympics/olympic_games/participating_countries /m/07ssc +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02q_cc +/m/01j_5k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04__f /people/person/places_lived./people/place_lived/location /m/0jbrr +/m/0l2wt /location/location/time_zones /m/02lcqs +/m/0153nq /music/artist/origin /m/09c7w0 +/m/084qpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yg9y /people/person/profession /m/02hrh1q +/m/034m8 /location/country/capital /m/0fnm3 +/m/02zyq6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0hpz8 /people/person/places_lived./people/place_lived/location /m/0d060g +/m/0btj0 /film/actor/film./film/performance/film /m/04954r +/m/03_80b /award/award_winner/awards_won./award/award_honor/award_winner /m/02h761 +/m/01wwvc5 /people/person/profession /m/016z4k +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/05c74 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03h2c +/m/01n9d9 /people/person/nationality /m/09c7w0 +/m/0h3mh3q /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/02vyyl8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/01j5sd /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/02w7gg /people/ethnicity/people /m/082_p +/m/0pc_l /tv/tv_program/country_of_origin /m/09c7w0 +/m/088_kf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03lty /music/genre/artists /m/01516r +/m/071x0k /people/ethnicity/languages_spoken /m/02h40lc +/m/01z4y /media_common/netflix_genre/titles /m/028kj0 +/m/047vp1n /film/film/executive_produced_by /m/06q8hf +/m/03v1s /location/location/contains /m/03bnd9 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0bq2g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03gdf1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/025b3k /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01l1rw /people/person/gender /m/05zppz +/m/03_wtr /people/person/profession /m/02hrh1q +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01qf54 /organization/organization/place_founded /m/01n7q +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q45x +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/06cp5 /music/genre/parent_genre /m/03lty +/m/0gwjw0c /film/film/genre /m/0hfjk +/m/0jjy0 /film/film/produced_by /m/0jrqq +/m/01xdxy /film/film/written_by /m/05_k56 +/m/0tj9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwjq +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/01vsl3_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/035ktt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zy1z /education/educational_institution/students_graduates./education/education/student /m/0382m4 +/m/05ccxr /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/02ck7w /film/actor/film./film/performance/film /m/011yxg +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f8pz +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/0gzlb9 /film/film/production_companies /m/031rp3 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05np4c +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mj4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04lhft +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02n9bh /film/film/genre /m/06cvj +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/05683cn /people/person/place_of_birth /m/030qb3t +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01zlh5 /people/person/profession /m/08z956 +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/03_js +/m/05jcn8 /film/actor/film./film/performance/film /m/02rn00y +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/07sqm1 +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/03yfh3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/08gyz_ /people/deceased_person/place_of_burial /m/018mmj +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/047hpm /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01qn8k +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/09stq9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0778p +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/01cpqk +/m/05fly /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mtq +/m/051zy_b /film/film/genre /m/02n4kr +/m/02t0n9 /people/person/nationality /m/09c7w0 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0qf43 +/m/047vnkj /film/film/genre /m/01jfsb +/m/0py5b /people/person/profession /m/02hrh1q +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gltv +/m/0619m3 /sports/sports_position/players./sports/sports_team_roster/team /m/026dqjm +/m/0c3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/03tmr /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01x2_q +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswwx +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/026390q /film/film/produced_by /m/06chf +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0zt +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/0c0wvx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/041rx +/m/055sjw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/01f1kd /olympics/olympic_games/sports /m/09wz9 +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/0579tg2 /people/person/gender /m/05zppz +/m/0hsmh /people/person/places_lived./people/place_lived/location /m/03v1s +/m/042fk /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/05bpg3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019n7x +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/03rt9 /location/country/second_level_divisions /m/0m_cg +/m/01jfsb /media_common/netflix_genre/titles /m/06rmdr +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zpghd +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/01kgg9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lxj_ +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03shpq +/m/02hvkf /base/biblioness/bibs_location/country /m/07ssc +/m/035_2h /film/film/genre /m/02kdv5l +/m/014q2g /people/person/profession /m/02hrh1q +/m/04vcdj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dqmt0 /people/person/place_of_birth /m/0fg1g +/m/03y3dk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dkb83 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03phgz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051ysmf +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0872p_c +/m/01y49 /sports/sports_team/colors /m/083jv +/m/01k_0fp /music/artist/track_contributions./music/track_contribution/role /m/07c6l +/m/02v60l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l9p +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/01kvqc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017wh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0156q +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/019fz /people/person/profession /m/06q2q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01n4w_ +/m/01yd8v /film/actor/film./film/performance/film /m/0fy34l +/m/04z4j2 /film/film/genre /m/017fp +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04ty8 +/m/0jm8l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/041rx /people/ethnicity/people /m/01z_g6 +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07pzc /people/person/profession /m/0nbcg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/03nx8mj /film/film/language /m/02h40lc +/m/05bt6j /music/genre/artists /m/0lccn +/m/04t969 /people/person/nationality /m/09c7w0 +/m/04ydr95 /film/film/genre /m/06n90 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03y5ky +/m/07lx1s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ctc6 /film/film/genre /m/06l3bl +/m/0kvgxk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qgry /people/person/profession /m/0nbcg +/m/064177 /people/person/profession /m/0dxtg +/m/088xp /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0149xx /award/award_winner/awards_won./award/award_honor/award_winner /m/0127gn +/m/03n3gl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07sp4l /film/film/country /m/09c7w0 +/m/0468g4r /film/film/film_festivals /m/05f5rsr +/m/041n43 /music/record_label/artist /m/016l09 +/m/01jllg1 /music/artist/origin /m/0cr3d +/m/01nxzv /people/person/religion /m/0c8wxp +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0639bg /film/film/country /m/09c7w0 +/m/09q17 /media_common/netflix_genre/titles /m/02rmd_2 +/m/034h1h /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/027bs_2 /film/actor/film./film/performance/film /m/0g3zrd +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03ffcz /tv/tv_program/genre /m/04t36 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dq626 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/023n39 /film/actor/film./film/performance/film /m/0kvgtf +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/081jbk /people/person/profession /m/0np9r +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hx2t +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0qdyf /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/01w40h /music/record_label/artist /m/016qtt +/m/0jbs5 /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/01y20v /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/012c6j /people/person/place_of_birth /m/068p2 +/m/0227tr /people/person/gender /m/05zppz +/m/0579tg2 /film/film_set_designer/film_sets_designed /m/0bcndz +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/049nq /location/location/contains /m/0jcx1 +/m/064t9 /music/genre/artists /m/01wwnh2 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0jxh9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/06srk /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03vtfp /music/record_label/artist /m/013w8y +/m/02cg2v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm3b +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/05ft32 +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/02661h /film/actor/film./film/performance/film /m/03fts +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kv +/m/0827d /music/genre/artists /m/0phx4 +/m/016yzz /people/person/places_lived./people/place_lived/location /m/059rby +/m/0ckrgs /film/film/genre /m/0hcr +/m/083chw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0164y7 /people/person/profession /m/0dxtg +/m/031786 /film/film/prequel /m/03177r +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/02rchht +/m/02f_k_ /film/actor/film./film/performance/film /m/08fn5b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09kzxt +/m/019lvv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04f6hhm /tv/tv_program/genre /m/0lsxr +/m/0k4fz /film/film/featured_film_locations /m/030qb3t +/m/02hsq3m /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0537b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02rb607 /film/film/genre /m/02n4kr +/m/03jv8d /base/culturalevent/event/entity_involved /m/06mkj +/m/0488g9 /people/person/profession /m/02krf9 +/m/03zj9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0642xf3 /film/film/country /m/0d060g +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/035hm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mkj +/m/01pgk0 /people/person/gender /m/02zsn +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0317zz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fvvz /base/biblioness/bibs_location/state /m/04ly1 +/m/02_l39 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01vxxb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pcvn +/m/0b2v79 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjp +/m/026kmvf /people/person/gender /m/05zppz +/m/016y_f /film/film/produced_by /m/06cgy +/m/04glx0 /tv/tv_program/genre /m/01tz3c +/m/02fybl /people/person/profession /m/0nbcg +/m/06jzh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pllx +/m/0nqph /location/location/time_zones /m/02fqwt +/m/01r2c7 /film/director/film /m/031778 +/m/015pxr /film/actor/film./film/performance/film /m/09fqgj +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/04rfq /people/person/nationality /m/09c7w0 +/m/03h2d4 /film/actor/film./film/performance/film /m/02z0f6l +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05z43v +/m/026f__m /film/film/featured_film_locations /m/02_286 +/m/016ybr /music/genre/artists /m/016vn3 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/02y_lrp /film/film/produced_by /m/0p__8 +/m/02bxjp /people/person/profession /m/02jknp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/01cf93 /music/record_label/artist /m/07g2v +/m/01rthc /music/genre/artists /m/07n3s +/m/07ylj /location/location/partially_contains /m/0p2n +/m/01pgzn_ /people/person/place_of_birth /m/02_286 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02d413 +/m/01dq5z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01ps2h8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026fd +/m/033_1p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvybv +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07s7gk6 /music/genre/artists /m/06mj4 +/m/035yn8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04jm_hq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02b0yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014q2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/032zq6 /film/film/genre /m/02l7c8 +/m/0glt670 /music/genre/artists /m/03j149k +/m/011yg9 /film/film/genre /m/04xvh5 +/m/0gffmn8 /film/film/genre /m/01jfsb +/m/0162kb /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04fhps +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0_816 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026390q +/m/01wz3cx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0291ck /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027l0b +/m/0c41qv /business/business_operation/industry /m/02vxn +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/0dscrwf /film/film/country /m/0chghy +/m/07ssc /location/location/contains /m/01z28b +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0863x_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/035rnz /film/actor/film./film/performance/film /m/03f7nt +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/0dzlk /people/person/nationality /m/0chghy +/m/0fxkr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/01gvts /film/film/featured_film_locations /m/0fr0t +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0bwh6 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/014gf8 /people/person/profession /m/02hv44_ +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jvj7 +/m/02rtqvb /film/film/genre /m/060__y +/m/035wq7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049sb +/m/05typm /people/person/places_lived./people/place_lived/location /m/0chrx +/m/016ywb /film/film/genre /m/06l3bl +/m/018q7 /people/person/nationality /m/07ssc +/m/011xy1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02ndf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04jhhng +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01jrz5j +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/0kjrx /film/actor/film./film/performance/film /m/056xkh +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/02bm1v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qd04y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/07s9rl0 /media_common/netflix_genre/titles /m/05dl1s +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03jldb /people/person/profession /m/01d_h8 +/m/0fm2_ /base/biblioness/bibs_location/country /m/02jx1 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02h48 +/m/033tln /film/actor/film./film/performance/film /m/03np63f +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xcfy +/m/0kc6x /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/01p3ty /film/film/genre /m/01j1n2 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/03k50 /media_common/netflix_genre/titles /m/021pqy +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01438g +/m/01d2v1 /film/film/genre /m/02kdv5l +/m/01699 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/073tm9 /music/record_label/artist /m/02wwwv5 +/m/01jw4r /film/actor/film./film/performance/film /m/0dl6fv +/m/01vswx5 /people/person/profession /m/09jwl +/m/0ljbg /sports/sports_team/sport /m/02vx4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/0kc9f /tv/tv_network/programs./tv/tv_network_duration/program /m/0fkwzs +/m/0gs7x /people/person/profession /m/05z96 +/m/040nwr /people/person/languages /m/09s02 +/m/037hgm /people/person/profession /m/09jwl +/m/01rm8b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03k9fj /media_common/netflix_genre/titles /m/05dl1s +/m/02xs0q /people/person/profession /m/0dxtg +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0fc9js /award/award_category/category_of /m/0gcf2r +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/025b3k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0c9t0y /film/film/genre /m/09blyk +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04pg29 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0h0jz +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0fqt1ns /film/film/genre /m/0btmb +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jm_hq /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/049fgvm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k1k4 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0c2tf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/012gbb +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/07c52 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/010p3 /people/person/gender /m/05zppz +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06kknt +/m/03ryn /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/03f0324 /people/person/nationality /m/012m_ +/m/0phx4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/026y3cf /tv/tv_program/genre /m/01z77k +/m/02jt1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/015qyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kxf1 +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016ckq /music/record_label/artist /m/016vqk +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03cd0x /film/film/language /m/02h40lc +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07sp4l +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ns3gy +/m/03y3bp7 /tv/tv_program/program_creator /m/021yw7 +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015w8_ +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/09fb5 /film/actor/film./film/performance/film /m/04vr_f +/m/01r216 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0ctw_b +/m/0203v /people/person/employment_history./business/employment_tenure/company /m/01rs59 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/04v8h1 /film/film/genre /m/06l3bl +/m/019vgs /film/actor/film./film/performance/film /m/091rc5 +/m/084qpk /film/film/language /m/06nm1 +/m/043js /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05qm9f /film/film/cinematography /m/079hvk +/m/01_d4 /sports/sports_team_location/teams /m/01yjl +/m/01yk13 /people/person/nationality /m/09c7w0 +/m/0210hf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033dbw +/m/0b76t12 /film/film/film_festivals /m/0cmd3zy +/m/01phtd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/02wcx8c /people/person/place_of_birth /m/01_d4 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/059g4 /base/locations/continents/countries_within /m/03gyl +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0gk7z /education/educational_institution/school_type /m/05jxkf +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/02183k /education/educational_institution_campus/educational_institution /m/02183k +/m/01kwh5j /people/person/nationality /m/03_3d +/m/02rgz4 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0jrq9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/01sjz_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/043t8t /film/film/produced_by /m/0fvf9q +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f6cl2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/042fgh /film/film/story_by /m/011s9r +/m/059xvg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03q6zc /organization/organization/headquarters./location/mailing_address/citytown /m/01j922 +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/03_b1g +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/03dq9 /people/person/place_of_birth /m/0dhdp +/m/064p92m /people/person/places_lived./people/place_lived/location /m/04vmp +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/04kr63w +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/0f2nf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ylsr +/m/01mqh5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0n6f8 +/m/01vhrz /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/01dtcb /music/record_label/artist /m/01w02sy +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/01cj6y /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/07vf5c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01f492 /people/person/gender /m/05zppz +/m/04jm_hq /film/film/film_festivals /m/059_y8d +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03p2m1 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/03wbzp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/03k9fj /media_common/netflix_genre/titles /m/08052t3 +/m/01rf57 /tv/tv_program/languages /m/02h40lc +/m/03fnqj /sports/sports_team/colors /m/038hg +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/04pnx /location/location/contains /m/02k8k +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/026lyl4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kxj2 +/m/08k40m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0226cw /people/person/profession /m/0fj9f +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ht1k +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/0pz91 /people/person/profession /m/03gjzk +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01p7x7 +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0mhhc /base/aareas/schema/administrative_area/administrative_parent /m/0cx2r +/m/064t9 /music/genre/artists /m/07s3vqk +/m/05qbbfb /film/film/genre /m/03k9fj +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/046rfv +/m/0161rf /music/genre/artists /m/02bc74 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/03mghh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01lyv /music/genre/artists /m/016srn +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0q_xk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05l8y +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163r3 +/m/02gkxp /education/educational_institution/colors /m/083jv +/m/0ch3qr1 /film/film/cinematography /m/0f3zf_ +/m/07cn2c /award/award_winner/awards_won./award/award_honor/award_winner /m/02s5v5 +/m/097h2 /tv/tv_program/genre /m/03fpg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/025txtg +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/063zky /film/film/genre /m/01hmnh +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/016ky6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/0hyyq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/0c1pj /people/person/profession /m/02jknp +/m/0c5x_ /education/educational_institution/students_graduates./education/education/student /m/05y5fw +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/0p7qm /film/film/country /m/09c7w0 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/09hldj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/03yvgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cq806 /film/film/genre /m/060__y +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0k345 /music/genre/artists /m/01vsqvs +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/02h0f3 /people/person/profession /m/02krf9 +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030hbp +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0fqyc /location/administrative_division/country /m/059j2 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02ndbd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/016zfm +/m/0ckhc /location/hud_county_place/place /m/0ckhc +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/04mhbh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07v4dm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017149 /film/actor/film./film/performance/film /m/0sxgv +/m/04wg38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/01hq1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01svq8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0c921 /award/award_winner/awards_won./award/award_honor/award_winner /m/06l6nj +/m/07ssc /media_common/netflix_genre/titles /m/07tj4c +/m/07bxhl /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02c9dj +/m/04bs3j /people/person/profession /m/0dxtg +/m/0cb4j /location/location/contains /m/0k9p4 +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02fsn /music/instrument/instrumentalists /m/02qtywd +/m/02pw_n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vfqh +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/02q636 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z4y /media_common/netflix_genre/titles /m/026hxwx +/m/02xs6_ /film/film/prequel /m/06bc59 +/m/039cq4 /award/award_winner/awards_won./award/award_honor/award_winner /m/091yn0 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01wd02c /people/person/religion /m/01lp8 +/m/0n474 /location/location/contains /m/013hvr +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/015cz0 /organization/organization/headquarters./location/mailing_address/citytown /m/07qzv +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03jg5t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b10g +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/019fnv +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026gb3v /people/person/gender /m/05zppz +/m/0jrny /film/actor/film./film/performance/film /m/0d_wms +/m/0b6m5fy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxwk +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bm1v +/m/037lyl /music/artist/origin /m/059rby +/m/059kh /music/genre/artists /m/0knjh +/m/0dll_t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/02v5xg /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03ydry +/m/02l3_5 /people/person/profession /m/0np9r +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01vb403 /people/person/profession /m/01d_h8 +/m/02q253 /organization/organization/headquarters./location/mailing_address/state_province_region /m/081mh +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/031hxk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ylgz /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/077jpc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/018417 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/0837ql /people/person/nationality /m/09c7w0 +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/016ksk /people/person/gender /m/05zppz +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04ych /location/location/contains /m/019pwv +/m/0n85g /music/record_label/artist /m/0135xb +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mp75 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01r2c7 /film/director/film /m/0642xf3 +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/02v49c /people/person/profession /m/02hrh1q +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bw87 +/m/016kjs /people/person/nationality /m/09c7w0 +/m/0262yt /award/award_category/disciplines_or_subjects /m/04g51 +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07db6x /people/person/profession /m/02jknp +/m/0m4yg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/07lx1s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0456xp /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01r93l +/m/027gy0k /film/film/genre /m/02kdv5l +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0f6_j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2fr +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026b7bz +/m/021r7r /people/person/profession /m/09jwl +/m/02f1c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b9rdk +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lpjn +/m/0125xq /film/film/story_by /m/0b478 +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/046mxj +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0sxdg +/m/023r2x /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/059kh /music/genre/artists /m/02bgmr +/m/052_mn /film/film/language /m/02hxcvy +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05q4 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/032r1 /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/09g8vhw /film/film/genre /m/05p553 +/m/01z4y /media_common/netflix_genre/titles /m/011ywj +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023p7l +/m/0127ps /film/film/language /m/02h40lc +/m/01vw26l /people/person/gender /m/05zppz +/m/07jxpf /film/film/language /m/0jzc +/m/09px1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_p5w /film/actor/film./film/performance/film /m/01738w +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v40wd +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0233bn +/m/01wsl7c /people/person/gender /m/02zsn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03l7tr +/m/02w7gg /people/ethnicity/people /m/0159h6 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/04z0g +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06y57 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07gxw /music/genre/artists /m/01sxd1 +/m/01w0yrc /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01n7q /location/location/contains /m/0r8c8 +/m/03w1v2 /film/actor/film./film/performance/film /m/02wtp6 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/01bb9r /film/film/genre /m/082gq +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/0x3r3 /influence/influence_node/influenced_by /m/0420y +/m/01prf3 /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02m0b0 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02zr0z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/07bch9 /people/ethnicity/people /m/01pk3z +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/04h54p /sports/sports_team/sport /m/02vx4 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tgp +/m/07s9rl0 /media_common/netflix_genre/titles /m/01719t +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026spg +/m/0c5tl /influence/influence_node/influenced_by /m/01v9724 +/m/09gdh6k /film/film/genre /m/01jfsb +/m/0f8l9c /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016szr +/m/0jcx /people/person/employment_history./business/employment_tenure/company /m/01dyk8 +/m/0fsd9t /film/film/genre /m/02l7c8 +/m/06924p /music/genre/artists /m/01x0yrt +/m/018p5f /organization/organization/headquarters./location/mailing_address/citytown /m/0f2w0 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vntj +/m/0gls4q_ /people/person/profession /m/0dxtg +/m/02jx1 /location/location/contains /m/0g0rp +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/07phbc /film/film/music /m/03c_8t +/m/02h2vv /tv/tv_program/genre /m/01z4y +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/02wgk1 /film/film/story_by /m/079ws +/m/01v3s2_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g57wgv +/m/07myb2 /people/person/profession /m/02hrh1q +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/06t8v +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/012d40 /people/person/profession /m/01tkqy +/m/0br0vs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/033hn8 /music/record_label/artist /m/02vgh +/m/03jvmp /award/award_winner/awards_won./award/award_honor/award_winner /m/0283xx2 +/m/0plw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04hzj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/08s6mr /film/film/country /m/07ssc +/m/0837ql /music/artist/origin /m/09c7w0 +/m/01k8rb /film/actor/film./film/performance/film /m/031t2d +/m/05f260 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gd0c7x /film/film/executive_produced_by /m/0697kh +/m/0342z_ /organization/organization/headquarters./location/mailing_address/citytown /m/04swd +/m/05x2t7 /award/award_winner/awards_won./award/award_honor/award_winner /m/04vzv4 +/m/0170z3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ccr8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0p_47 +/m/0dr_4 /film/film/film_production_design_by /m/04_1nk +/m/0chghy /location/location/contains /m/012lzr +/m/077q8x /film/film/country /m/09c7w0 +/m/0gr36 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hmnh /media_common/netflix_genre/titles /m/027pfg +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/02j490 /film/actor/film./film/performance/film /m/0b7l4x +/m/03kwtb /people/person/profession /m/0dz3r +/m/02bgmr /people/person/profession /m/01c72t +/m/0dpqk /film/actor/film./film/performance/film /m/01mszz +/m/0cq8qq /film/film/costume_design_by /m/0dck27 +/m/0179qv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_7k /people/person/gender /m/05zppz +/m/01t2h2 /film/actor/film./film/performance/film /m/031ldd +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/09c7w0 /location/location/contains /m/0rp46 +/m/04hk0w /film/film/produced_by /m/06dkzt +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0pd6l /film/film/genre /m/03g3w +/m/069ld1 /people/person/gender /m/05zppz +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04gkp3 +/m/03_9x6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06p0s1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02nczh +/m/081mh /location/administrative_division/country /m/09c7w0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01s7w3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015zql /people/person/profession /m/03gjzk +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/02vjhf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05mt_q +/m/03mgdy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/026wlxw /film/film/genre /m/02kdv5l +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/0h96g /film/actor/film./film/performance/film /m/0dq626 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/09x3r /olympics/olympic_games/sports /m/0dwxr +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/02_p8v /people/person/gender /m/05zppz +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/0bksh +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/04mzf8 /film/film/genre /m/01jfsb +/m/0415svh /award/award_winner/awards_won./award/award_honor/award_winner /m/04m_zp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/04kkz8 /film/film/genre /m/0q9mp +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/09jm8 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/04107 +/m/03k7dn /education/educational_institution/students_graduates./education/education/student /m/01jfrg +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n998 +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026dx /film/director/film /m/01kjr0 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/01zqy6t /location/hud_county_place/place /m/01zqy6t +/m/02pw_n /film/film/genre /m/02l7c8 +/m/01nr63 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/050llt /people/person/profession /m/0d1pc +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07srw +/m/07g2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rwx /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/027t8fw /people/person/profession /m/0dgd_ +/m/0b13g7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02q42j_ +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qbg5 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/06mr6 /people/person/profession /m/01d_h8 +/m/017fp /media_common/netflix_genre/titles /m/01gvpz +/m/01718w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0301yj /film/actor/film./film/performance/film /m/0c0zq +/m/09451k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l6mp /olympics/olympic_games/sports /m/096f8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fm2_ +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/08c9b0 /film/actor/film./film/performance/film /m/0407yfx +/m/0c01c /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/0cpvcd /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0bt23 /people/person/place_of_birth /m/0d6lp +/m/01tpl1p /people/person/gender /m/02zsn +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/0b_6qj /time/event/locations /m/0d9jr +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/068g3p /film/actor/film./film/performance/film /m/0b6m5fy +/m/01vs4ff /people/person/profession /m/0dz3r +/m/05zr0xl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0404wqb +/m/0c6qh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09yrh +/m/042g97 /film/film/story_by /m/01y8d4 +/m/03cw411 /film/film/produced_by /m/029m83 +/m/0zcbl /film/actor/film./film/performance/film /m/0gj8t_b +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01vlj1g /people/person/nationality /m/09c7w0 +/m/0ldd /people/person/profession /m/0cbd2 +/m/03bx_5q /people/person/profession /m/0kyk +/m/01l1sq /people/person/profession /m/0nbcg +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/0jdk_ /olympics/olympic_games/sports /m/03krj +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/053x8hr +/m/046mxj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02gl58 +/m/043gj /people/deceased_person/place_of_death /m/030qb3t +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/014nvr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03fmfs /education/educational_institution/campuses /m/03fmfs +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0336mc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03c602 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03d8njj /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/023sm8 /location/location/contains /m/0156ts +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/01c57n /organization/organization/headquarters./location/mailing_address/citytown /m/01b8jj +/m/0ds11z /film/film/genre /m/07s9rl0 +/m/06mkj /location/location/contains /m/01zv_ +/m/023jq1 /people/person/gender /m/05zppz +/m/017g2y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h96g /film/actor/film./film/performance/film /m/01d2v1 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/052hl /people/person/profession /m/0cbd2 +/m/01w3v /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05kkh /location/location/contains /m/0n24p +/m/0fq117k /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0z07 /organization/organization/headquarters./location/mailing_address/citytown /m/0f2s6 +/m/01k_r5b /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/02yr3z +/m/053yx /influence/influence_node/influenced_by /m/0f6lx +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/0320jz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d060g /location/location/contains /m/018djs +/m/05148p4 /music/instrument/instrumentalists /m/01w3lzq +/m/0knjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04f9r2 +/m/0466s8n /film/film/story_by /m/01v_0b +/m/02vnp2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02ghq /people/person/profession /m/05z96 +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02dlfh +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0136p1 +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10g +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qr69m /film/film/language /m/05zjd +/m/04f525m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/06pjs /people/person/profession /m/01d_h8 +/m/039n1 /people/person/employment_history./business/employment_tenure/company /m/0pmcz +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/09qgm +/m/04gp58p /film/film/genre /m/02l7c8 +/m/0gl6x /education/educational_institution_campus/educational_institution /m/0gl6x +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lyjf +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fvf1 +/m/05bnq3j /award/award_winner/awards_won./award/award_honor/award_winner /m/04crrxr +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0584j4n /film/film_set_designer/film_sets_designed /m/0jqd3 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/03061d /people/person/places_lived./people/place_lived/location /m/01m23s +/m/05d8_h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/034np8 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0jyb4 /film/film/genre /m/01jfsb +/m/016cyt /music/genre/parent_genre /m/06rqw +/m/0dr3sl /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/059j4x +/m/0d9jr /sports/sports_team_location/teams /m/01jvgt +/m/03ct7jd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02nq10 /education/educational_institution/colors /m/083jv +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/02qsjt +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/01c4pv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/09c7w0 /location/location/contains /m/0tz14 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/0h953 +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7ns +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/0sz28 /film/actor/film./film/performance/film /m/03qnc6q +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/01qf54 /organization/organization/headquarters./location/mailing_address/citytown /m/0d7k1z +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03rl84 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/06q07 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/034xyf /film/film/country /m/09c7w0 +/m/07rhpg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yph +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/01qbg5 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/02cm2m +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/03jj93 +/m/01z0rcq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0237fw +/m/01zlwg6 /location/location/time_zones /m/02lcqs +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064t9 /music/genre/artists /m/01dw_f +/m/0f2tj /location/location/contains /m/02vkzcx +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/01cf93 /music/record_label/artist /m/0fsyx +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/06f0k +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06r_by +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/09889g /people/person/profession /m/09jwl +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/04j14qc /film/film/genre /m/0hn10 +/m/085gk /people/person/profession /m/0kyk +/m/01sb5r /people/person/places_lived./people/place_lived/location /m/0tbql +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02d003 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/018pj3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/01k47c /people/person/gender /m/05zppz +/m/0294fd /people/person/place_of_birth /m/01b8jj +/m/01_gv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l1589 +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/01dhpj +/m/02mc5v /film/film/story_by /m/030g9z +/m/04b675 /music/genre/parent_genre /m/03lty +/m/01hmnh /media_common/netflix_genre/titles /m/091z_p +/m/0wq36 /location/hud_county_place/place /m/0wq36 +/m/03lvwp /film/film/language /m/02h40lc +/m/05397h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds33 +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05rx__ /influence/influence_node/influenced_by /m/024jwt +/m/0165v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ch23 /people/person/profession /m/02hv44_ +/m/0138mv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/044lbv +/m/03_d0 /music/genre/artists /m/01ky2h +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0qdyf +/m/018c_r /organization/organization/headquarters./location/mailing_address/citytown /m/081yw +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0b4rf3 /people/person/profession /m/02jknp +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/012d40 /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/087v17 /people/person/profession /m/0dgd_ +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m7pwq +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/014488 +/m/09lhln /people/person/place_of_birth /m/01vx3m +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/03x82v +/m/0n1s0 /film/film/language /m/012v8 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/04jwjq /film/film/language /m/03k50 +/m/06b7s9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0gkd1 /music/instrument/instrumentalists /m/01wmjkb +/m/02bkdn /film/actor/film./film/performance/film /m/05q4y12 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/01l2m3 /people/cause_of_death/people /m/03_js +/m/02_33l /people/person/profession /m/01c8w0 +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022g44 +/m/0jdd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0235l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c00zd0 /film/film/written_by /m/0bxtg +/m/086qd /award/award_winner/awards_won./award/award_honor/award_winner /m/01mxqyk +/m/0gg5qcw /film/film/written_by /m/014zcr +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wlf +/m/0bsnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02b153 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06chf +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/07srw /location/location/contains /m/01nkcn +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/0484q /people/person/profession /m/0n1h +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwlwp +/m/02gyl0 /film/actor/film./film/performance/film /m/0cq7kw +/m/01c7p_ /people/person/profession /m/01c72t +/m/01pq5j7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/07pd_j /film/film/film_festivals /m/0kfhjq0 +/m/03ckfl9 /music/genre/artists /m/01gx5f +/m/03lty /music/genre/artists /m/03j_hq +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0drnwh +/m/02w7gg /people/ethnicity/people /m/06chf +/m/0l5yl /people/person/places_lived./people/place_lived/location /m/0sbbq +/m/0gtt5fb /film/film/story_by /m/02zjd +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/093dqjy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0__wm +/m/01qwb5 /education/educational_institution/colors /m/067z2v +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03kg2v /film/film/country /m/09c7w0 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0315rp /film/film/genre /m/03k9fj +/m/020jqv /film/actor/film./film/performance/film /m/08l0x2 +/m/0888c3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0736qr /people/person/profession /m/02hrh1q +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/0dbc1s /people/person/profession /m/03gjzk +/m/02tq2r /people/person/profession /m/01tkqy +/m/016jny /music/genre/artists /m/043c4j +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/02cbg0 /film/film/genre /m/09blyk +/m/0175tv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/01p4vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h7pj +/m/02yvct /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0261g5l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/015c4g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033db3 /film/actor/film./film/performance/film /m/063_j5 +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/015zyd +/m/02rk3gn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04bbv7 /people/person/gender /m/05zppz +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09qr6 +/m/06ncr /music/instrument/instrumentalists /m/01l7cxq +/m/05148p4 /music/instrument/instrumentalists /m/0137g1 +/m/07z6xs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076lxv +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/0dfjb8 /people/person/languages /m/0999q +/m/03kcyd /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/0f8pz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/097zcz /film/film/genre /m/060__y +/m/067pl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bjkpt +/m/02x08c /people/person/profession /m/02hrh1q +/m/05l5n /location/administrative_division/country /m/07ssc +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01wrwf +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/04gfy7 /people/ethnicity/people /m/0197tq +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/03v9w /location/location/contains /m/05pq3_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0159r9 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/01d_s5 /music/genre/artists /m/03f5spx +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02qkwl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m313 /film/film/executive_produced_by /m/06q8hf +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/01p3ty /award/award_winning_work/awards_won./award/award_honor/award_winner /m/099ks0 +/m/0345h /location/location/contains /m/03pbf +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ktcgn +/m/0bq4j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02fv3t +/m/074j87 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rzxl +/m/0jm3v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/06rqw /music/genre/artists /m/09z1lg +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/011yqc /film/film/written_by /m/0237jb +/m/0pyww /people/person/gender /m/02zsn +/m/01pvxl /film/film/language /m/02h40lc +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0bsj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09f2j /dataworld/gardening_hint/split_to /m/09f2j +/m/0p_47 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/02dlfh +/m/078jnn /people/person/profession /m/0dxtg +/m/03_lsr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/0bbgly /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0229rs /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03r8gp +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/0pj8m +/m/027pfb2 /film/film/language /m/02h40lc +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04b5n0 +/m/0266shh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/049fgvm /people/person/profession /m/01d_h8 +/m/01qh7 /location/hud_county_place/county /m/0k3k1 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/042kbj /film/director/film /m/083skw +/m/043gj /film/actor/film./film/performance/film /m/04v8h1 +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/01k23t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0462hhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gvyp /people/person/place_of_birth /m/0lphb +/m/03x400 /film/actor/film./film/performance/film /m/0bw20 +/m/05tbn /location/location/contains /m/0mwk9 +/m/02t_tp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bnzd +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0mb5x /influence/influence_node/influenced_by /m/03f0324 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01sb5r /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/0f5xn +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/04jnd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/02y7sr /people/person/gender /m/05zppz +/m/062ftr /people/person/profession /m/0dxtg +/m/01wx_y /sports/sports_team/colors /m/0jc_p +/m/07vc_9 /people/person/spouse_s./people/marriage/spouse /m/050zr4 +/m/078mm1 /film/film/genre /m/0c3351 +/m/01jsn5 /education/educational_institution/school_type /m/05jxkf +/m/06t2t /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02ryyk +/m/0byq6h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bv8h2 /film/film/production_companies /m/020h2v +/m/05qtj /location/location/contains /m/02cw8s +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/02x8m /music/genre/artists /m/01fmz6 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zbg0 +/m/055vr /base/aareas/schema/administrative_area/capital /m/04vmp +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0g7s1n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/03v1jf /people/person/profession /m/02hrh1q +/m/05sy_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07tlfx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dqytn +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0cpz4k +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02b9g4 +/m/0fqz6 /people/ethnicity/languages_spoken /m/0t_2 +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gcpc /film/film/produced_by /m/030pr +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/02pbrn /people/person/profession /m/05vyk +/m/021r7r /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/03mb9 /music/genre/parent_genre /m/08cyft +/m/02y21l /music/record_label/artist /m/04mx7s +/m/01fx6y /film/film/language /m/02h40lc +/m/06yxd /location/location/contains /m/0_lr1 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/0g8_vp /people/ethnicity/people /m/02_t2t +/m/06y8v /people/person/nationality /m/06q1r +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/017g21 /people/person/profession /m/09jwl +/m/015_1q /music/record_label/artist /m/01s560x +/m/033fqh /film/film/genre /m/02l7c8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/03v0t /location/location/contains /m/06l32y +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/01_0f7 /film/film/genre /m/02p0szs +/m/08jbxf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mrfv +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02j490 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/02g75 +/m/09n48 /olympics/olympic_games/participating_countries /m/01mjq +/m/02q7yfq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jgwf /film/director/film /m/01fx6y +/m/0432b /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06mr2s /tv/tv_program/genre /m/03fpg +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/02sgy +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03mqtr /media_common/netflix_genre/titles /m/01j5ql +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lp3c +/m/05xf75 /people/person/gender /m/05zppz +/m/0qlnr /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01914 /location/administrative_division/country /m/0d05w3 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nr36 +/m/0dl5d /music/genre/artists /m/01mxnvc +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0ptxj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tng0 +/m/0309lm /people/person/nationality /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/033tln /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/09c7w0 /location/location/contains /m/0ws0h +/m/0j3d9tn /film/film/country /m/0154j +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02778pf +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qdh +/m/02f_k_ /film/actor/film./film/performance/film /m/07gp9 +/m/04rrd /location/location/contains /m/01jq34 +/m/028hc2 /film/actor/film./film/performance/film /m/0320fn +/m/04qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/037c9s +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/07tp2 /location/location/time_zones /m/0gsrz4 +/m/01fy2s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026zlh9 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09zcbg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033tf_ /people/ethnicity/people /m/0d3k14 +/m/02xry /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0gyh +/m/06w58f /people/person/profession /m/02jknp +/m/07z6xs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/04lgymt +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0fbtm7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0chrwb /people/person/gender /m/05zppz +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01yzl2 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06by7 /music/genre/artists /m/04k05 +/m/034np8 /people/person/religion /m/06nzl +/m/0jkvj /olympics/olympic_games/sports /m/02vx4 +/m/04h4zx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09p06 /film/director/film /m/0jymd +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02rb607 /film/film/language /m/02bjrlw +/m/01hcj2 /film/actor/film./film/performance/film /m/034qzw +/m/0c0zq /film/film/genre /m/06nbt +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/0cwrr /tv/tv_program/genre /m/0hcr +/m/030w19 /education/educational_institution/school_type /m/01rs41 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vyf +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/04ghz4m /film/film/language /m/02h40lc +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/047vnkj /film/film/produced_by /m/04wvhz +/m/09vc4s /people/ethnicity/people /m/01vtj38 +/m/0f7fy /people/person/profession /m/0fj9f +/m/01pq4w /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016zp5 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027ybp +/m/04qvl7 /people/person/nationality /m/02jx1 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/051vz +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/07h1q /influence/influence_node/influenced_by /m/06whf +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/01xsbh /people/person/place_of_birth /m/01t21q +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/041bnw /music/record_label/artist /m/0kzy0 +/m/0f_y9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m1_d /location/location/time_zones /m/02hcv8 +/m/014q2g /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02j9z /location/location/contains /m/0hg5 +/m/06182p /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/052p7 /location/location/contains /m/0bsnm +/m/0cbv4g /film/film/featured_film_locations /m/02_286 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/05bt6j /music/genre/artists /m/01kd57 +/m/03w9bjf /people/ethnicity/languages_spoken /m/09s02 +/m/033nzk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/056wb +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbb +/m/013xh7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bth54 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/02m0b0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xry /location/location/contains /m/0jrjb +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03sww /music/artist/origin /m/030qb3t +/m/03kts /people/person/profession /m/01c72t +/m/02yv6b /music/genre/artists /m/0cfgd +/m/0125xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dhqyw /music/artist/origin /m/0yyh +/m/0n_ps /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0cw +/m/01wz3cx /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02my3z +/m/0k8y7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/09hy79 /film/film/country /m/0ctw_b +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0mpbx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gxtknx /film/film/music /m/03h610 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02z2mr7 /film/film/featured_film_locations /m/0fvvz +/m/023322 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/01r2c7 /film/director/film /m/03176f +/m/02sj1x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/0bxtg /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0x67 /people/ethnicity/people /m/02d45s +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0j_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nvg1 /education/educational_institution/colors /m/09ggk +/m/03hp2y1 /film/film/country /m/0f8l9c +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/05vz3zq /location/location/contains /m/0212ny +/m/01gy7r /film/actor/film./film/performance/film /m/07h9gp +/m/09p0ct /film/film/genre /m/02n4kr +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/02rmxx +/m/019kyn /film/film/genre /m/07s9rl0 +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/050023 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/086nl7 /film/actor/film./film/performance/film /m/02825nf +/m/07b_l /location/location/contains /m/01tx9m +/m/0jwmp /film/film/written_by /m/07h5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/0d0xs5 /people/person/nationality /m/02jx1 +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0nk3g /music/genre/artists /m/012z8_ +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/01s21dg /music/artist/origin /m/013yq +/m/06182p /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09wnnb +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0d4htf /film/film/featured_film_locations /m/02_286 +/m/033tf_ /people/ethnicity/people /m/08vr94 +/m/031y07 /people/person/profession /m/0q04f +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03yfh3 +/m/05v38p /film/film/produced_by /m/03v1xb +/m/02rxbmt /people/person/gender /m/05zppz +/m/0mx5p /location/location/time_zones /m/02lcqs +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01ttg5 /people/person/profession /m/02hrh1q +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01323p +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0b2km_ /film/film/language /m/02h40lc +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/04h07s /film/actor/film./film/performance/film /m/0gwgn1k +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0by17xn /film/film/country /m/09c7w0 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0462hhb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwgc_ +/m/01jrp0 /film/actor/film./film/performance/film /m/01gvts +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/024bbl /film/actor/film./film/performance/film /m/03s9kp +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0n5bk /location/us_county/county_seat /m/0xrzh +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0ljbg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09nzn6 +/m/026q3s3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/09tqx3 /people/person/languages /m/07c9s +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026p4q7 +/m/01lnyf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8l9c /location/location/contains /m/0lk0l +/m/02yv6b /music/genre/artists /m/04k05 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01my4f +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcv +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0pmn7 +/m/0f1r9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_j2 /people/person/place_of_birth /m/01531 +/m/02ldkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w1ywm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/026n047 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02w64f +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01g6l8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/07l1c +/m/01wwvt2 /film/actor/film./film/performance/film /m/07bwr +/m/037s9x /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09x3r /olympics/olympic_games/participating_countries /m/04g5k +/m/02knnd /award/award_winner/awards_won./award/award_honor/award_winner /m/01d6jf +/m/013hxv /location/location/time_zones /m/02hcv8 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07b_l +/m/064t9 /music/genre/artists /m/01wj92r +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/03lq43 +/m/05c17 /location/country/official_language /m/064_8sq +/m/0bmh4 /people/person/profession /m/02hrh1q +/m/0chhs /base/culturalevent/event/entity_involved /m/06v9sf +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/03mq33 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04rzd /music/instrument/instrumentalists /m/04mx7s +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/02p3cr5 /music/record_label/artist /m/0fhxv +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024qwq +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/07vhb /education/educational_institution/campuses /m/07vhb +/m/02q5bx2 /film/film/genre /m/06n90 +/m/064t9 /music/genre/artists /m/0dm5l +/m/09g_31 /tv/tv_program/genre /m/0pr6f +/m/04flrx /film/director/film /m/03t79f +/m/01tvz5j /people/person/place_of_birth /m/0_75d +/m/03ckwzc /film/film/music /m/01m3b1t +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/03m_k0 +/m/0yp21 /location/location/contains /m/027b43 +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01wqlc /music/genre/artists /m/0bvzp +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0tj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01x9_8 /people/person/profession /m/02hrh1q +/m/06wbm8q /film/film/executive_produced_by /m/063b4k +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040b5k +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0tc7 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/02h8p8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/011_3s /film/actor/film./film/performance/film /m/028kj0 +/m/09blyk /media_common/netflix_genre/titles /m/0k0rf +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02hh8j /people/person/profession /m/02jknp +/m/034qrh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017l96 /music/record_label/artist /m/01w806h +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bmssv /film/film/country /m/09c7w0 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0443c +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/03359d +/m/05wdgq /people/person/profession /m/02hrh1q +/m/0kbg6 /people/person/languages /m/02h40lc +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/0171cm /film/actor/film./film/performance/film /m/02gpkt +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/03qrh9 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/07bwr /film/film/produced_by /m/02kxbwx +/m/04qw17 /film/film/featured_film_locations /m/04jpl +/m/01nxzv /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/01zfzb /film/film/country /m/09c7w0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09cxm4 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01x6v6 /people/person/nationality /m/09c7w0 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/0b60sq /film/film/genre /m/01hmnh +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bxp5 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/04t969 /people/person/profession /m/02hrh1q +/m/0c12h /film/actor/film./film/performance/film /m/0hv4t +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0284h6 /sports/sports_team/colors /m/01g5v +/m/03prz_ /film/film/country /m/059j2 +/m/012v8 /language/human_language/countries_spoken_in /m/035qy +/m/064t9 /music/genre/artists /m/01vrt_c +/m/06y0xx /film/director/film /m/026f__m +/m/014v1q /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/064t9 /music/genre/artists /m/01k23t +/m/01z2ts /location/location/time_zones /m/03bdv +/m/0p_2r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/062f2j /music/genre/artists /m/012d40 +/m/019fz /organization/organization_founder/organizations_founded /m/07tds +/m/01c65z /people/person/profession /m/01d_h8 +/m/02z2mr7 /film/film/genre /m/02l7c8 +/m/01j2xj /film/director/film /m/07jxpf +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/08cyft /music/genre/artists /m/03t9sp +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0mb5x +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/0277j40 /film/film/language /m/02h40lc +/m/01pf21 /organization/organization/headquarters./location/mailing_address/citytown /m/01snm +/m/081mh /location/location/time_zones /m/02hcv8 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020y73 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01crd5 +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/06924p /music/genre/artists /m/0bdxs5 +/m/048hf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/09pl3s /award/award_winner/awards_won./award/award_honor/award_winner /m/09pl3f +/m/01wsl7c /people/person/profession /m/09jwl +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/07j94 /film/film/genre /m/07s9rl0 +/m/02rrfzf /film/film/production_companies /m/032j_n +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/018vs /music/instrument/instrumentalists /m/02rn_bj +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01fm07 /music/genre/artists /m/01w272y +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/01n8gr /music/group_member/membership./music/group_membership/role /m/02fsn +/m/0342h /music/instrument/instrumentalists /m/03x82v +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/01l1hr /film/actor/film./film/performance/film /m/0n83s +/m/01z4y /media_common/netflix_genre/titles /m/034qrh +/m/01pcdn /award/award_winner/awards_won./award/award_honor/award_winner /m/01p85y +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ls53 +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/049mql /film/film/genre /m/017fp +/m/059rby /location/location/contains /m/0n6c_ +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/0p0mx /location/administrative_division/first_level_division_of /m/0f8l9c +/m/012zng /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/0hpv3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04d817 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/0ds2n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01s21dg +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/071xj +/m/04kjrv /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0gx_p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5ws +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/07yp0f +/m/05_z42 /tv/tv_program/genre /m/0gf28 +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/05148p4 /music/instrument/instrumentalists /m/09hnb +/m/04zwjd /people/person/place_of_birth /m/01ly5m +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023s8 +/m/0262s1 /award/award_category/disciplines_or_subjects /m/01hmnh +/m/01jvgt /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/01mqz0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdt8 +/m/01hl_w /organization/organization/headquarters./location/mailing_address/state_province_region /m/0847q +/m/04mzf8 /film/film/film_festivals /m/05ys0ws +/m/023qfd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02lnbg /music/genre/artists /m/03bxwtd +/m/036jv /music/genre/artists /m/01vz0g4 +/m/02y7sr /people/person/nationality /m/09c7w0 +/m/0cyhq /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vsn38 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/01y06y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07t90 +/m/02bvt /people/person/gender /m/05zppz +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/0l6ny /olympics/olympic_games/sports /m/03fyrh +/m/07c5l /location/location/contains /m/0b90_r +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0p_pd +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/02qwg /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/01yfj +/m/0136g9 /people/person/profession /m/03gjzk +/m/08rr3p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mqz0 +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03176f /film/film/film_format /m/07fb8_ +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/06fxnf /people/person/profession /m/01c8w0 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/01l2fn /people/person/religion /m/0kpl +/m/036gdw /film/actor/film./film/performance/film /m/082scv +/m/09hzw /base/biblioness/bibs_location/country /m/0345h +/m/0h5g_ /film/actor/film./film/performance/film /m/05szq8z +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/016_mj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01nwwl /film/actor/film./film/performance/film /m/02ywwy +/m/0tz54 /location/hud_county_place/county /m/0k3hn +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01mh8zn +/m/0sxrz /olympics/olympic_games/sports /m/03fyrh +/m/021yw7 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/01qqv5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/06n3y /location/location/contains /m/05v10 +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/0c9t0y /film/film/produced_by /m/01g1lp +/m/016jny /music/genre/artists /m/0mjn2 +/m/0l786 /people/deceased_person/place_of_burial /m/0lbp_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jm_hq +/m/0zcbl /award/award_winner/awards_won./award/award_honor/award_winner /m/050zr4 +/m/01wt4wc /people/person/gender /m/05zppz +/m/02drd3 /people/person/profession /m/0dxtg +/m/0c9cp0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c5v2 /location/hud_county_place/county /m/0jrxx +/m/01j6mff /people/person/places_lived./people/place_lived/location /m/0th3k +/m/01z3bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fzyg +/m/0lrh /people/deceased_person/place_of_death /m/02_286 +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/04qmr +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01bj6y /people/person/nationality /m/09c7w0 +/m/03h_fqv /people/person/nationality /m/09c7w0 +/m/02f8lw /people/person/place_of_birth /m/02_286 +/m/016ky6 /film/film/genre /m/07s9rl0 +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0419kt /film/film/story_by /m/04flrx +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/03kts /people/person/nationality /m/09c7w0 +/m/04hgpt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0f40w /film/film/language /m/02h40lc +/m/026qnh6 /film/film/produced_by /m/013tcv +/m/01g23m /people/person/religion /m/092bf5 +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/032nl2 /people/person/profession /m/0np9r +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/0f8l9c /media_common/netflix_genre/titles /m/02r8hh_ +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/049w1q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0dcz8_ /film/film/country /m/09c7w0 +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/01ttg5 /base/eating/practicer_of_diet/diet /m/07_jd +/m/011xhx /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/015whm /film/film/featured_film_locations /m/0rh6k +/m/02w7gg /people/ethnicity/people /m/0ksrf8 +/m/05dfy_ /film/film/genre /m/04t2t +/m/02w5q6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07bsj +/m/0147sh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j6t0 /medicine/symptom/symptom_of /m/07jwr +/m/03_80b /people/person/profession /m/0dxtg +/m/0mhfr /music/genre/artists /m/0mjn2 +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cxm4 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02_2v2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0gj50 +/m/04cnp4 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02r5qtm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kxp7 +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0yz +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/03xnwz /music/genre/artists /m/01k_yf +/m/05_k56 /film/actor/film./film/performance/film /m/01xdxy +/m/029t1 /location/location/time_zones /m/02llzg +/m/02cm2m /people/person/place_of_birth /m/0pmpl +/m/03d0ns /award/award_winner/awards_won./award/award_honor/award_winner /m/01tt43d +/m/02hwyss /language/human_language/countries_spoken_in /m/01ppq +/m/0jrqq /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0k0rf /film/film/written_by /m/0gv5c +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/056vv +/m/03nfnx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hrz /base/biblioness/bibs_location/country /m/0345h +/m/09c7w0 /location/location/contains /m/0r15k +/m/03bggl /people/deceased_person/place_of_death /m/0f2wj +/m/03qjg /music/instrument/instrumentalists /m/0j6cj +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/04wgh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/015g28 /film/film/produced_by /m/06pj8 +/m/047m_w /tv/tv_program/genre /m/07s9rl0 +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02bj6k /film/actor/film./film/performance/film /m/0cbv4g +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/01vw20h /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/01c6yz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j7k +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/05sns6 +/m/03lty /music/genre/artists /m/01vw87c +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0285c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ptdz +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mt91 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jpkw +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0crd8q6 +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02029f +/m/02j04_ /education/educational_institution/colors /m/01g5v +/m/01jfrg /film/actor/film./film/performance/film /m/048yqf +/m/05strv /people/person/place_of_birth /m/0dclg +/m/04xn2m /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03k9fj /media_common/netflix_genre/titles /m/01zfzb +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0260bz /film/film/executive_produced_by /m/05prs8 +/m/06y9c2 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01s21dg +/m/01vrx35 /people/person/religion /m/03_gx +/m/07_l6 /music/instrument/instrumentalists /m/01gg59 +/m/04d_mtq /people/person/sibling_s./people/sibling_relationship/sibling /m/04f7c55 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f_zkz +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/02n1gr /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/060__7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d05fv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07g2v +/m/06m_5 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p9rz +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01y49 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0fnmz +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/03q0r1 /film/film/language /m/03_9r +/m/0170yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/0b4lkx /film/film/production_companies /m/086k8 +/m/03_r3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/016_rm /music/genre/parent_genre /m/06j6l +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/02b2np /sports/sports_team/colors /m/019sc +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/06r4f /tv/tv_program/genre /m/07s9rl0 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02q6cv4 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/019nnl +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/04rcr +/m/0blpg /film/film/genre /m/05p553 +/m/0q9kd /film/actor/film./film/performance/film /m/09rvwmy +/m/06pj8 /film/director/film /m/07024 +/m/0h6dy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/09cvbq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vq3 /film/film_subject/films /m/01s3vk +/m/01ydzx /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gxsh4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kgxf +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03nb5v +/m/013bd1 /people/person/gender /m/05zppz +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/032d52 /education/educational_institution_campus/educational_institution /m/032d52 +/m/01j5ts /film/actor/film./film/performance/film /m/06zsk51 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/0196kn /award/award_category/disciplines_or_subjects /m/04g51 +/m/03flwk /people/person/profession /m/02hrh1q +/m/0h3y /location/statistical_region/religions./location/religion_percentage/religion /m/078tg +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/050rj +/m/01pg1d /people/person/profession /m/02hrh1q +/m/02fwfb /film/film/production_companies /m/0338lq +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01g4bk /film/actor/film./film/performance/film /m/01sby_ +/m/01cpp0 /base/culturalevent/event/entity_involved /m/0xff +/m/02jztz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03mstc /people/person/profession /m/015h31 +/m/0f1nl /education/university/fraternities_and_sororities /m/0325pb +/m/016clz /music/genre/artists /m/019389 +/m/0bfp0l /music/record_label/artist /m/0249kn +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/03wjm2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/03lty /music/genre/artists /m/04qzm +/m/07q1m /film/film/production_companies /m/09b3v +/m/01b9ck /people/person/profession /m/0dxtg +/m/0237jb /people/person/nationality /m/09c7w0 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01mqz0 +/m/06by7 /music/genre/artists /m/01kv4mb +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_pg +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k23t +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/063hp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/01j95f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0237fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/05c6073 /music/genre/artists /m/03xl77 +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02x0gk1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9hqn +/m/0yx_w /film/film/language /m/02bjrlw +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/026lgs /film/film/produced_by /m/01f7j9 +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/0168dy /people/person/profession /m/09jwl +/m/0cdbq /location/country/capital /m/06pr6 +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/02lp3c +/m/0fmqp6 /people/person/place_of_birth /m/030qb3t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04ck0_ +/m/02t1cp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wz3cx /music/artist/origin /m/0y62n +/m/01520h /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/07h1h5 /people/person/place_of_birth /m/01lfy +/m/01wwvc5 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0n5xb /location/location/time_zones /m/02hcv8 +/m/07hpv3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/03lrqw +/m/02prwdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0njlp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0dv1hh +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtv7pk +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0drs7 /location/location/contains /m/02l1fn +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/01jtp7 /education/educational_institution/campuses /m/01jtp7 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/0kjgl /film/actor/film./film/performance/film /m/02q56mk +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/09n48 /olympics/olympic_games/sports /m/01z27 +/m/050ks /location/location/contains /m/0nm42 +/m/022_q8 /people/person/profession /m/02krf9 +/m/021yw7 /people/person/profession /m/018gz8 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/016y_f /film/film/genre /m/07s9rl0 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d8yn /award/award_winner/awards_won./award/award_honor/award_winner /m/07s93v +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0bjv6 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dtg /location/location/time_zones /m/02hcv8 +/m/027x7z5 /film/film/country /m/09c7w0 +/m/02rb84n /film/film/country /m/0ctw_b +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/0534v /people/person/profession /m/01nxfc +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/01vsnff +/m/01wmxfs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wyz92 +/m/02yxbc /film/film/genre /m/03mqtr +/m/07y_7 /music/instrument/instrumentalists /m/0phx4 +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01ymvk /education/educational_institution/students_graduates./education/education/student /m/052hl +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02__34 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/09v3jyg /film/film/genre /m/04t36 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02pptm +/m/02kbtf /education/educational_institution/students_graduates./education/education/student /m/0bt4r4 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/045bg /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/03mb9 /music/genre/parent_genre /m/026z9 +/m/062zjtt /film/film/genre /m/01hmnh +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425hg +/m/03bxp5 /film/film/country /m/09c7w0 +/m/023zsh /film/actor/film./film/performance/film /m/034r25 +/m/0dyb1 /film/film/production_companies /m/01795t +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01pcbg /people/person/profession /m/0np9r +/m/04sylm /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02n4kr /media_common/netflix_genre/titles /m/05qm9f +/m/01m4yn /people/person/profession /m/02hrh1q +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/05np2 /people/person/profession /m/05z96 +/m/015wc0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/03sb38 +/m/0565cz /people/person/profession /m/0nbcg +/m/0f721s /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/01k9lpl /people/person/nationality /m/09c7w0 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0fsm8c /people/person/profession /m/01d_h8 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0djd3 /location/hud_county_place/place /m/0djd3 +/m/088vb /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/02lj6p /film/actor/film./film/performance/film /m/05zlld0 +/m/0j0k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j9z +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_px +/m/05szp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03295l /people/ethnicity/people /m/0gps0z +/m/02k6hp /people/cause_of_death/people /m/09ld6g +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018y2s +/m/012vwb /education/university/fraternities_and_sororities /m/0325pb +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/026dd2b +/m/0n08r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/012m_ /location/country/form_of_government /m/01q20 +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04mlh8 /people/person/profession /m/02hrh1q +/m/01w_d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0n08r /film/film/genre /m/07s9rl0 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/026g51 /music/genre/artists /m/09r8l +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/01r93l /film/actor/film./film/performance/film /m/0dlngsd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0yj9v +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/02vyyl8 /film/film/executive_produced_by /m/0glyyw +/m/012mrr /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/0mpbx /location/location/contains /m/0lbp_ +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/01hmnh /media_common/netflix_genre/titles /m/05567m +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/02p11jq /music/record_label/artist /m/01f2q5 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/037w7r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z5x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/039_ym +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0f8l9c /location/country/second_level_divisions /m/09lgt +/m/02vnz /film/film_subject/films /m/061681 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/04m064 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0c6vcj /time/event/instance_of_recurring_event /m/0g_w +/m/01y9qr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0glnm /film/film/genre /m/087lqx +/m/084l5 /sports/sports_team/colors /m/0680m7 +/m/034bgm /people/person/nationality /m/09c7w0 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0pd64 /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/06l6nj +/m/03g5jw /influence/influence_node/influenced_by /m/09jm8 +/m/0j0pf /people/person/nationality /m/07ssc +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dl4z /base/culturalevent/event/entity_involved /m/01llxp +/m/0pmw9 /people/person/religion /m/03_gx +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/01xdxy /film/film/story_by /m/05jcn8 +/m/09x3r /olympics/olympic_games/participating_countries /m/05b4w +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/01rcmg +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/0tfc +/m/01k31p /people/person/places_lived./people/place_lived/location /m/01669t +/m/06j6l /music/genre/artists /m/01mbwlb +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0412f5y /award/award_winner/awards_won./award/award_honor/award_winner /m/067nsm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxly +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgst_d +/m/02w7gg /people/ethnicity/people /m/03gt0c5 +/m/086xm /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0brgy /medicine/symptom/symptom_of /m/09jg8 +/m/01qvgl /people/person/gender /m/02zsn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zccd +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/094wz7q /people/person/gender /m/05zppz +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01dq5z /education/educational_institution/school_type /m/04qbv +/m/03bzyn4 /film/film/featured_film_locations /m/02_286 +/m/024qwq /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01yhvv /people/person/profession /m/0d1pc +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k5zk +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0b_6zk /time/event/instance_of_recurring_event /m/02jp2w +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/0237fw /film/actor/film./film/performance/film /m/0344gc +/m/04nfpk /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/03qjg /music/instrument/instrumentalists /m/0fq117k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/023fb +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yzbg +/m/05css_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/06vlk0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/05x2s /award/award_category/disciplines_or_subjects /m/02xlf +/m/0kt64b /people/person/languages /m/03k50 +/m/016clz /music/genre/artists /m/057xn_m +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02qtywd /people/person/place_of_birth /m/09c7w0 +/m/02wycg2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02237m +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/023s8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f25y +/m/081hvm /people/person/gender /m/05zppz +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/01963w +/m/03b78r /people/person/profession /m/02jknp +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0f6cl2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/075cph /film/film/language /m/0jzc +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/0jxh9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jryt +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0177gl +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01c7p_ /people/person/gender /m/05zppz +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0194zl +/m/04bz7q /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0d9y6 /location/location/time_zones /m/02hcv8 +/m/01hmnh /media_common/netflix_genre/titles /m/029zqn +/m/09txzv /film/film/film_format /m/017fx5 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/040whs /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0420td +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddt_ +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049mql +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/0zjpz /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0glt670 /music/genre/artists /m/0277c3 +/m/01gq0b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/01vw20h /people/person/employment_history./business/employment_tenure/company /m/073tm9 +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/03h_0_z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvyc_ +/m/06gn7r /people/person/religion /m/03j6c +/m/03rtz1 /film/film/music /m/01mh8zn +/m/026670 /people/person/religion /m/0c8wxp +/m/0fphgb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01j8wk /film/film/featured_film_locations /m/0h7h6 +/m/03fbb6 /film/actor/film./film/performance/film /m/07024 +/m/0jdr0 /film/film/story_by /m/016ghw +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/09p06 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/031sg0 +/m/013xrm /people/ethnicity/people /m/03bxh +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/02fcs2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0127m7 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0cw10 /people/person/religion /m/01spm +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0ds11z /film/film/genre /m/03npn +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01f08r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025rxky /people/profession/specialization_of /m/066dv +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026670 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/090s_0 /tv/tv_program/country_of_origin /m/07ssc +/m/04yg13l /film/film/film_format /m/0cj16 +/m/033f8n /film/film/country /m/0chghy +/m/0x3r3 /people/person/nationality /m/09c7w0 +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_44z +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0276g40 /people/person/place_of_birth /m/04vmp +/m/07pzc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07gqbk /organization/organization/child./organization/organization_relationship/child /m/01q940 +/m/03hj5lq /film/film/genre /m/02l7c8 +/m/0c3zjn7 /film/film/genre /m/06n90 +/m/01pgp6 /film/film/language /m/02h40lc +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/01fszq /tv/tv_program/genre /m/05p553 +/m/02hfp_ /film/director/film /m/0pv3x +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/034q81 +/m/042kg /people/person/gender /m/05zppz +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017v3q +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/01j5sd /film/actor/film./film/performance/film /m/032sl_ +/m/02g87m /film/actor/film./film/performance/film /m/0prrm +/m/02vkvcz /people/person/places_lived./people/place_lived/location /m/04jpl +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/02z3zp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07sbbz2 /music/genre/artists /m/01wg25j +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/01dys +/m/09c7w0 /location/country/second_level_divisions /m/0ccvx +/m/06x77g /film/film/language /m/064_8sq +/m/06vsbt /people/person/profession /m/02hrh1q +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/03n5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bwhdbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04dsnp /film/film/genre /m/03g3w +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/025p38 /people/person/places_lived./people/place_lived/location /m/02p3my +/m/0dgst_d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02r79_h /film/film/featured_film_locations /m/080h2 +/m/02prwdh /film/film/country /m/03rt9 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/05fg2 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01_6dw +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0435vm +/m/02ryyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0114m0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x67 /people/ethnicity/people /m/03q2t9 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01c57n +/m/036hnm /education/educational_institution/school_type /m/01rs41 +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/01lk02 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t1dv +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0cbv4g /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/011yl_ /film/film/country /m/09c7w0 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qf43 +/m/027m67 /film/film/country /m/03h64 +/m/02jx1 /location/location/contains /m/0fm2_ +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0162b +/m/06c0ns /film/film/music /m/05mt6w +/m/02ht1k /film/film/genre /m/0gf28 +/m/0234j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cx7f /music/genre/artists /m/02vnpv +/m/0dwfw /location/administrative_division/first_level_division_of /m/05bcl +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05c74 +/m/0g9z_32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nhkxp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/05k7sb /location/location/contains /m/0k3l5 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/027vps /people/person/places_lived./people/place_lived/location /m/05tbn +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5jg5 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0h1m9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_01w +/m/06yxd /location/location/contains /m/0_lk5 +/m/018y2s /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/03f22dp /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/013w7j /people/person/places_lived./people/place_lived/location /m/0rnmy +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2h +/m/09k2t1 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g40r +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hwpz +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dq9 +/m/02fqrf /film/film/music /m/02jxmr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0d3fdn +/m/06w99h3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gv40 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/03f5spx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03676 +/m/070tng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/085v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ggl02 /award/award_winner/awards_won./award/award_honor/award_winner /m/01s21dg +/m/07t2k /people/person/profession /m/012qdp +/m/01msrb /film/film/music /m/01bczm +/m/053yx /people/person/place_of_birth /m/0sc6p +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0889x /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/098n_m /film/director/film /m/071nw5 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l786 +/m/025sc50 /music/genre/artists /m/01vwyqp +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/012yc /music/genre/artists /m/02l840 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k9ts +/m/04bjff /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06by7 /music/genre/artists /m/01vsxdm +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/07n3s +/m/0cm89v /people/person/profession /m/02krf9 +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04g61 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0283sdr +/m/06w839_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l9rg /base/aareas/schema/administrative_area/administrative_parent /m/0p0mx +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_x +/m/049m19 /people/person/place_of_birth /m/04vmp +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/02fjzt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c12h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01ym9b /music/genre/parent_genre /m/02x8m +/m/015qh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0ggjt +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x7vq +/m/03mck3c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03bkbh /people/ethnicity/people /m/05np2 +/m/0k5g9 /film/film/country /m/09c7w0 +/m/064_8sq /language/human_language/countries_spoken_in /m/04g61 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fky +/m/02kxbwx /film/director/film /m/011yhm +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/0l99s /people/person/nationality /m/09c7w0 +/m/03cz9_ /people/person/place_of_birth /m/0kstw +/m/04sv4 /business/business_operation/industry /m/01mfj +/m/01hlwv /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02z9rr /film/film/genre /m/01jfsb +/m/01z1r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0ds33 /film/film/genre /m/01jfsb +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07jxpf +/m/04h4zx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07s9rl0 /media_common/netflix_genre/titles /m/0209xj +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/039bp /film/actor/film./film/performance/film /m/038bh3 +/m/0mnm2 /location/location/contains /m/01ymvk +/m/05k4my /film/film/produced_by /m/0jrqq +/m/05gnf9 /people/person/place_of_birth /m/094jv +/m/02cx90 /people/person/nationality /m/09c7w0 +/m/01v3ht /education/educational_institution/colors /m/088fh +/m/05cj_j /film/film/language /m/02h40lc +/m/016vqk /people/person/profession /m/0n1h +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy30w +/m/04s9n /people/person/nationality /m/01z215 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/02ll45 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07c5l /location/location/contains /m/059g4 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/0690ct /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015nvj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq86w +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/029k4p /film/film/genre /m/05p553 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/072vj /people/person/profession /m/02hrh1q +/m/0d33k /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01c6zg +/m/07r1h /film/actor/film./film/performance/film /m/02qhlwd +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0gk7z +/m/05pq9 /people/person/gender /m/05zppz +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/01y3c /sports/sports_team/colors /m/083jv +/m/06sks6 /olympics/olympic_games/sports /m/0d1tm +/m/0167v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02n9jv +/m/0lwkz /location/location/time_zones /m/02llzg +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0557yqh +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/0p_tz /film/film/language /m/02h40lc +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/025czw +/m/04rqd /broadcast/content/artist /m/04rcr +/m/0k6nt /location/country/form_of_government /m/01q20 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015ynm +/m/0l8sx /business/business_operation/industry /m/0sydc +/m/01xrlm /education/educational_institution/colors /m/019sc +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/0s6jm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03h0byn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01l2m3 /people/cause_of_death/people /m/015076 +/m/02kxwk /film/actor/film./film/performance/film /m/05zy3sc +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/09c7w0 /location/location/contains /m/0rkkv +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/06dfg /location/country/form_of_government /m/01fpfn +/m/05x8n /people/person/profession /m/0cbd2 +/m/01v_0b /influence/influence_node/influenced_by /m/084w8 +/m/01jrp0 /people/person/profession /m/0dxtg +/m/01cl2y /music/record_label/artist /m/017_hq +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/01nm3s /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05z8cq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/053xw6 /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0jzw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01dhpj /people/person/religion /m/03_gx +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/014kkm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072twv +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/05z7c /film/film/genre /m/03npn +/m/07s9rl0 /media_common/netflix_genre/titles /m/03vyw8 +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015g28 +/m/0cnl1c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cf2h /people/person/religion /m/0c8wxp +/m/02nfjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0df92l +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/018vs /music/instrument/instrumentalists /m/0565cz +/m/0g57wgv /film/film/film_festivals /m/0j63cyr +/m/012gyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0457w0 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ps2h8 +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/01fc7p /base/culturalevent/event/entity_involved /m/05kyr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0sxmx /film/film/music /m/03h4mp +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zy3sc +/m/0ftn8 /location/location/time_zones /m/02llzg +/m/0dx97 /people/person/nationality /m/02jx1 +/m/01vlj1g /film/actor/film./film/performance/film /m/032_wv +/m/09c7w0 /location/country/second_level_divisions /m/0n22z +/m/03qx_f /music/record_label/artist /m/0fsyx +/m/0glt670 /music/genre/artists /m/015mrk +/m/03f4xvm /people/person/profession /m/02hrh1q +/m/0fpmrm3 /film/film/film_format /m/0cj16 +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/07y_r /people/person/nationality /m/03rjj +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bth54 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/04cl1 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0558_1 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/09w6br +/m/02jmst /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/099d4 /people/person/nationality /m/09c7w0 +/m/028k2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jrhz +/m/0kqbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fw2y /location/hud_county_place/place /m/0fw2y +/m/0ftvz /base/biblioness/bibs_location/state /m/02xry +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tj5 +/m/0c0nhgv /film/film/featured_film_locations /m/030qb3t +/m/06y_n /tv/tv_program/genre /m/0vgkd +/m/026n047 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/093g7v +/m/01w8g3 /film/film/genre /m/07s9rl0 +/m/0fp5z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/026b7bz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/0yxf4 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/0gndh /film/film/genre /m/07s9rl0 +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tqm5 +/m/059z0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/0frsw +/m/09yxcz /film/film/genre /m/03g3w +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/02t1dv /people/person/place_of_birth /m/07dfk +/m/081lh /film/actor/film./film/performance/film /m/0blpg +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0c_m3 /base/biblioness/bibs_location/state /m/07h34 +/m/042ly5 /people/person/nationality /m/09c7w0 +/m/05mkhs /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01yhvv +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0pyww /film/actor/film./film/performance/film /m/02c7k4 +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/043mk4y /film/film/genre /m/07s9rl0 +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01xrlm +/m/01pqy_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04180vy /film/film/genre /m/07s9rl0 +/m/04xg2f /film/film/genre /m/02l7c8 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0lpjn /film/actor/film./film/performance/film /m/01v1ln +/m/04mn81 /people/person/place_of_birth /m/0mn0v +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/01c83m /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_x +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/047lj +/m/0k4bc /film/film/costume_design_by /m/02cqbx +/m/0bkg4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/01846t /people/person/nationality /m/0j5g9 +/m/06lbp /people/person/place_of_birth /m/02m77 +/m/02qcr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/06l32y /education/educational_institution/campuses /m/06l32y +/m/05148p4 /music/instrument/instrumentalists /m/014q2g +/m/07zrf /language/human_language/countries_spoken_in /m/07f1x +/m/063k3h /people/ethnicity/people /m/014635 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0djlxb /film/film/country /m/0345h +/m/02t0n9 /people/person/gender /m/05zppz +/m/01hznh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01hvjx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_x6v +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09s5q8 +/m/0lbbj /olympics/olympic_games/sports /m/0d1t3 +/m/0bqs56 /influence/influence_node/influenced_by /m/0gzh +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/01vtg4q /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0gywn /music/genre/artists /m/0770cd +/m/0gmgwnv /film/film/music /m/0146pg +/m/059j2 /location/location/contains /m/0d8rs +/m/03hj3b3 /film/film/country /m/09c7w0 +/m/0cp9f9 /people/person/nationality /m/09c7w0 +/m/028rk /organization/organization_founder/organizations_founded /m/0d6qjf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/04093 /people/person/profession /m/0cbd2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04bfg +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/026_dq6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lk90 +/m/03qd_ /film/actor/film./film/performance/film /m/07sgdw +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0pkyh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mp9s +/m/01wx756 /people/person/nationality /m/09c7w0 +/m/0gs1_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/01cm8w /film/film/genre /m/07s9rl0 +/m/021y7yw /film/film/produced_by /m/0fvf9q +/m/09gq0x5 /film/film/production_companies /m/05mgj0 +/m/01vwllw /film/actor/film./film/performance/film /m/026390q +/m/04zxrt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04gzd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/052p7 /location/location/contains /m/052nd +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02xlf +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/078mgh /people/person/place_of_birth /m/013f1h +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05j82v +/m/0340hj /film/film/genre /m/01hmnh +/m/01d2v1 /film/film/written_by /m/0d608 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/038bht +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05bmq +/m/0988cp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/018z_c /people/person/profession /m/01d_h8 +/m/0jpdn /people/person/profession /m/0kyk +/m/0zlt9 /location/hud_county_place/place /m/0zlt9 +/m/01twdk /people/person/gender /m/05zppz +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03c_8t +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qk3fk +/m/0tz41 /location/hud_county_place/place /m/0tz41 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/0gj9qxr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0mw5x /location/location/contains /m/0_jws +/m/06ch55 /music/instrument/instrumentalists /m/0197tq +/m/062z7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/04dsnp /film/film/genre /m/0219x_ +/m/08s6mr /film/film/country /m/09c7w0 +/m/0f61tk /film/film/genre /m/06n90 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06ppc4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/045zr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vhrz +/m/0yyts /film/film/genre /m/060__y +/m/01vtqml /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/01jfrg /film/actor/film./film/performance/film /m/06lpmt +/m/02czd5 /tv/tv_program/program_creator /m/01y0y6 +/m/0fpmrm3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043kzcr +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzmz6 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0294zg +/m/06nm1 /language/human_language/countries_spoken_in /m/02kcz +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043kzcr +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/027cxsm +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/027mdh /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0djkrp /film/film/language /m/02h40lc +/m/09f8q /base/aareas/schema/administrative_area/administrative_parent /m/017v_ +/m/017_qw /music/genre/artists /m/02cyfz +/m/0fqjks /award/award_winner/awards_won./award/award_honor/award_winner /m/05v1sb +/m/054nbl /music/genre/parent_genre /m/0gg8l +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/0gnbw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w4sh /people/person/nationality /m/09c7w0 +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/0phx4 /people/person/places_lived./people/place_lived/location /m/01n4nd +/m/095z4q /film/film/cinematography /m/027t8fw +/m/01_p6t /film/actor/film./film/performance/film /m/07j94 +/m/03_bcg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j5g9 /location/location/contains /m/0ck6r +/m/014zn0 /people/person/profession /m/02hrh1q +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/017_qw /music/genre/artists /m/01w923 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02633g +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0trv /organization/organization/headquarters./location/mailing_address/citytown /m/0qpn9 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/02hv44_ /people/profession/specialization_of /m/0cbd2 +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/031zkw /people/person/profession /m/02hrh1q +/m/02sdk9v /people/profession/specialization_of /m/01445t +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l5d0 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/013fn /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/040whs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02pxmgz /film/film/country /m/03rk0 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/015pkc /film/actor/film./film/performance/film /m/0kvgxk +/m/02f1c /people/person/profession /m/012t_z +/m/06mr6 /film/actor/film./film/performance/film /m/0m9p3 +/m/049n2l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/032_wv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mkg /music/instrument/instrumentalists /m/01w724 +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0n5fz /location/location/contains /m/0xn7q +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qr1_ +/m/017g21 /people/person/profession /m/02hrh1q +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/067pl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/066yfh +/m/02633g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c7k4 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01cx_ +/m/01y64_ /film/actor/film./film/performance/film /m/027x7z5 +/m/05h43ls /film/film/produced_by /m/07ym6ss +/m/013b6_ /people/ethnicity/people /m/048cl +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/027b43 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zy3sc +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/03j24kf /people/person/languages /m/02h40lc +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0gztl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/0280mv7 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/04xvlr /media_common/netflix_genre/titles /m/0y_9q +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/04gzd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07j94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jrqq +/m/0gd5z /influence/influence_node/influenced_by /m/01v9724 +/m/01ydtg /music/genre/artists /m/044gyq +/m/0d060g /location/location/contains /m/06nrt +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0c2dl /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/0d87hc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cw67g +/m/047p7fr /film/film/production_companies /m/04mwxk3 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gq0b +/m/03m_k0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01g03q +/m/01l_vgt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vsy7t +/m/02swsm /music/record_label/artist /m/09h4b5 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02h761 +/m/04gcyg /film/film/story_by /m/0klw +/m/01wvxw1 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dvmd /people/person/religion /m/0c8wxp +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0lwyk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/05z7c /film/film/music /m/015wc0 +/m/01wd9lv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04sry /film/director/film /m/06cm5 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/04hk0w /film/film/country /m/09c7w0 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/01pl9g /people/person/profession /m/02hrh1q +/m/01j6mff /people/person/profession /m/0nbcg +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06l6nj +/m/0bqvs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/044gyq /people/person/place_of_birth /m/0dclg +/m/07s9rl0 /media_common/netflix_genre/titles /m/09cr8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zrhb +/m/021gzd /tv/tv_program/genre /m/0jtdp +/m/0gz5hs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0184jc /film/actor/film./film/performance/film /m/0466s8n +/m/09c7w0 /location/location/contains /m/0r89d +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06rmdr +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/041c4 /film/actor/film./film/performance/film /m/034qmv +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0xpq9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lcx /influence/influence_node/influenced_by /m/03jxw +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bwfwpj +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/043h78 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05k2xy /film/film/production_companies /m/02j_j0 +/m/013q0p /film/film/genre /m/05p553 +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/0qmd5 /film/film/featured_film_locations /m/04jpl +/m/01csqg /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vzm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03mz5b +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/01b3l /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0nbwf /location/hud_county_place/place /m/0nbwf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/0f7hc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016_mj +/m/0mp3l /location/location/contains /m/05qgd9 +/m/0431v3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x6jd +/m/01dtcb /music/record_label/artist /m/01k3qj +/m/0l98s /olympics/olympic_games/sports /m/0dwxr +/m/05qqm /language/human_language/countries_spoken_in /m/03pn9 +/m/02hnl /music/instrument/instrumentalists /m/01vwbts +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/0ptdz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bv8h2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/03b78r /people/person/place_of_birth /m/094jv +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/02gys2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06cgy /film/actor/film./film/performance/film /m/016y_f +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0c3z0 /film/film/music /m/02jxkw +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/01fh36 /music/genre/artists /m/0fpjd_g +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/034ls /people/person/places_lived./people/place_lived/location /m/013n2h +/m/033gn8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/056xkh +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06y_n +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01xbxn /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/02fwfb /film/film/production_companies /m/0gfmc_ +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xcfy +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/058frd +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/0dt645q /people/person/profession /m/039v1 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qpt1w +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jmj +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025b5y +/m/01nrnm /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0d_wms /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015grj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018pj3 /music/group_member/membership./music/group_membership/group /m/018ndc +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/06r3p2 /people/person/gender /m/02zsn +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02vnmc9 /film/film/country /m/09c7w0 +/m/05th69 /business/business_operation/industry /m/0sydc +/m/04qk12 /film/film/written_by /m/05mcjs +/m/064q5v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qb6g +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m6_z +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/09c7w0 /location/location/contains /m/029cr +/m/0crh5_f /film/film/genre /m/0lsxr +/m/06kxk2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jswp +/m/07ccs /education/educational_institution/school_type /m/07tf8 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/09c7w0 /location/location/partially_contains /m/0k3nk +/m/0f8j13 /film/film/genre /m/03k9fj +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/016kkx /people/person/profession /m/02hrh1q +/m/04rfq /people/person/religion /m/0c8wxp +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/05znxx /film/film/cinematography /m/0b9l3x +/m/0d060g /location/location/contains /m/03pzf +/m/0ct5zc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02z9rr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/0146pg /music/artist/origin /m/02_286 +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05vsxz +/m/01m8dg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/031hcx /film/film/genre /m/01hmnh +/m/0c57yj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018ctl /olympics/olympic_games/participating_countries /m/03rt9 +/m/08mg_b /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0420td +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0chw_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02mjf2 +/m/02q52q /film/film/country /m/09c7w0 +/m/0411q /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bqs56 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016qtt +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06rzwx /film/film/written_by /m/081_zm +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0686zv +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023zsh +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/09c7w0 /location/location/contains /m/0sbbq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01s753 +/m/05njw /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0j_1v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/041b4j /film/actor/film./film/performance/film /m/09lxv9 +/m/0j_c /film/actor/film./film/performance/film /m/05cj_j +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwsg +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l58n +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/0gpx6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/026vcc /education/educational_institution_campus/educational_institution /m/026vcc +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/01jt2w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/016732 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07wqr6 +/m/0p_pd /film/actor/film./film/performance/film /m/08s6mr +/m/02x9g_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/02jx1 /sports/sports_team_location/teams /m/038zh6 +/m/0bnzd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03shp /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0d5fb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/044n3h +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0f2df +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/02465 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/041xyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07vk2 /education/educational_institution/students_graduates./education/education/student /m/03hh89 +/m/01w03jv /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/07tds /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/04328m /people/deceased_person/place_of_death /m/04vmp +/m/035qv8 /education/educational_institution/campuses /m/035qv8 +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/07s93v +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/05sns6 /film/film/country /m/09c7w0 +/m/03j0d /influence/influence_node/influenced_by /m/02wh0 +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/017v71 /education/educational_institution/colors /m/083jv +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0fcrg /location/location/contains /m/045vhb +/m/0cbn7c /film/film/genre /m/02xh1 +/m/01hr1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019g8j /tv/tv_program/genre /m/0hcr +/m/01243b /music/genre/artists /m/06br6t +/m/01vvyc_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_0_z +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/01xbxn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0155w /music/genre/artists /m/01pq5j7 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/01vn0t_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d6b7 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tf1y +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/036px +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/02704ff /film/film/music /m/03h610 +/m/0187nd /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0ybkj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g3w /people/person/places_lived./people/place_lived/location /m/01m94f +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/03m6t5 /people/person/nationality /m/0d060g +/m/04wqr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/028bs1p /people/person/nationality /m/03rk0 +/m/01qd_r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017_qw /music/genre/artists /m/020fgy +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pjc1h +/m/01s47p /location/country/capital /m/056_y +/m/01jrbb /film/film/written_by /m/05_k56 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09d3b7 +/m/0gwlfnb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0d9qmn +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/09c7w0 /location/location/contains /m/0rql_ +/m/0g_bh /music/genre/artists /m/016t0h +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0fw3f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/035bcl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/043g7l /music/record_label/artist /m/015f7 +/m/02l7c8 /media_common/netflix_genre/titles /m/05v38p +/m/0dzbl /education/educational_institution/school_type /m/01jlsn +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/07sbbz2 /music/genre/artists /m/017j6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01jr6 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/01_q7h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/01tf_6 /people/cause_of_death/people /m/0k_mt +/m/0sx92 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/09l3p /film/actor/film./film/performance/film /m/02pw_n +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0dp90 /location/location/contains /m/01pxcf +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/03zrc_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/05t0_2v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hhv +/m/05p1qyh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017yxq /people/person/gender /m/05zppz +/m/03hnd /people/person/nationality /m/07ssc +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02g9z1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/04xfb +/m/01yzl2 /people/person/nationality /m/09c7w0 +/m/016clz /music/genre/artists /m/0pkyh +/m/02lxrv /film/film/produced_by /m/07rd7 +/m/0gk4g /people/cause_of_death/people /m/030pr +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/09n48 /olympics/olympic_games/participating_countries /m/06npd +/m/01c6l /film/director/film /m/0ct5zc +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0127gn /people/person/gender /m/05zppz +/m/02ny6g /film/film/production_companies /m/05h4t7 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0q9vf /people/person/profession /m/03gjzk +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/09k34g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0j1yf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02114t +/m/0jw67 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r0t_j /music/artist/track_contributions./music/track_contribution/role /m/03bx0bm +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dvs +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02pxmgz /film/film/written_by /m/0jrqq +/m/07371 /location/administrative_division/first_level_division_of /m/059j2 +/m/0ql36 /people/person/nationality /m/09c7w0 +/m/05tfn1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/018f94 /base/biblioness/bibs_location/country /m/0345h +/m/02lf70 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/063k3h /people/ethnicity/people /m/038w8 +/m/01x9_8 /people/person/nationality /m/09c7w0 +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0bxg3 /film/film_subject/films /m/0_7w6 +/m/08jyyk /music/genre/artists /m/0kzy0 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg8z1f +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01wdcxk /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/016jfw /people/person/profession /m/0dxtg +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01q7cb_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/015f7 +/m/09sr0 /film/film/production_companies /m/0c41qv +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/01279v /location/administrative_division/country /m/03rt9 +/m/0509bl /film/actor/film./film/performance/film /m/06g77c +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0134s5 +/m/033tf_ /people/ethnicity/people /m/034g2b +/m/02bj6k /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02mmwk +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d4htf +/m/01w7nww /people/person/gender /m/02zsn +/m/017fp /media_common/netflix_genre/titles /m/0g9lm2 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/03g5_y /people/person/profession /m/02krf9 +/m/021dvj /music/genre/artists /m/063tn +/m/0k6nt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grwj +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017v71 +/m/04913k /sports/sports_team/colors /m/083jv +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/01jfsb /media_common/netflix_genre/titles /m/04jkpgv +/m/016clz /music/genre/artists /m/014cw2 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ply6j +/m/0329gm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07vf5c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/025sc50 /music/genre/artists /m/01vvlyt +/m/081lh /film/director/film /m/0jyx6 +/m/012vd6 /people/person/place_of_birth /m/0c_m3 +/m/0250f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/02y_lrp /film/film/genre /m/03p5xs +/m/05m_jsg /film/film/genre /m/05p553 +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/011s9r /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03g9xj +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/07vfy4 +/m/0hdx8 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0b44shh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02stbw /film/film/written_by /m/021bk +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/0m2l9 /people/person/profession /m/02jknp +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/07hgkd +/m/02sfnv /film/film/genre /m/04228s +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/09c7w0 /location/location/contains /m/0bx8pn +/m/0p5mw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n08r +/m/034qrh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/08433 /influence/influence_node/influenced_by /m/040_9 +/m/05gc0h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/01v5h /film/actor/film./film/performance/film /m/0k4fz +/m/03262k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06rgq /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01npcx +/m/03gm48 /film/actor/film./film/performance/film /m/014_x2 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/067pl7 /people/person/profession /m/01d_h8 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/04wddl /film/film/film_art_direction_by /m/05683cn +/m/0jrv_ /music/genre/artists /m/01wg982 +/m/0h08p /music/genre/artists /m/01wd9lv +/m/073hkx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018_lb /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bwfn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0htlr /people/person/profession /m/0d1pc +/m/03hdz8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02fwfb /film/film/language /m/01jb8r +/m/01n7q /location/location/contains /m/0r4xt +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/081pw /film/film_subject/films /m/04t6fk +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/01dq9q +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/0jdk_ /olympics/olympic_games/sports /m/07jbh +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0bqthy /time/event/instance_of_recurring_event /m/02jp2w +/m/0581vn8 /film/film/produced_by /m/0js9s +/m/0yx_w /film/film/written_by /m/06s1qy +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/0drs7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drs_ +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/0g6ff /people/ethnicity/people /m/02ck1 +/m/080dfr7 /film/film/featured_film_locations /m/030qb3t +/m/04t36 /media_common/netflix_genre/titles /m/09dv8h +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c8qq +/m/062dn7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/08wjf4 +/m/02r1ysd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01v6480 +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/027f7dj +/m/01j5sv /people/person/languages /m/064_8sq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0174qm +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05np2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/0csdzz +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dzz7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03d8m4 +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/05qb8vx /time/event/instance_of_recurring_event /m/0g_w +/m/027rpym /film/film/production_companies /m/016tt2 +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0m93 /people/person/profession /m/06q2q +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/09889g /people/person/profession /m/01c72t +/m/059j1m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wqmm8 /people/person/profession /m/0d1pc +/m/02vzc /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hwpz /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/05ty4m /influence/influence_node/influenced_by /m/0py5b +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/02m__ /base/biblioness/bibs_location/country /m/07ssc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0bl8l +/m/01cvtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0347xz +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/02rzmzk /people/person/profession /m/02hrh1q +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/02nvg1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvvlg +/m/0d9jr /location/location/contains /m/07t90 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/02kbtf /education/educational_institution/students_graduates./education/education/student /m/0c1jh +/m/0291ck /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05gnf +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/016z1t /people/person/places_lived./people/place_lived/location /m/0vbk +/m/04v8h1 /film/film/produced_by /m/043gj +/m/03fnnn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/017znw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01lc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m593 +/m/015wy_ /education/educational_institution/school_type /m/05jxkf +/m/02lxj_ /people/person/places_lived./people/place_lived/location /m/06_kh +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dhpj +/m/03cwwl /film/film/featured_film_locations /m/0h7h6 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03hzkq /people/person/profession /m/02hrh1q +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/01k2xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0kbws /olympics/olympic_games/participating_countries /m/0j1z8 +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0r6cx /location/hud_county_place/place /m/0r6cx +/m/0350l7 /people/person/gender /m/02zsn +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/01399x +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/04jhhng +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_5k +/m/01j_06 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01v0fn1 +/m/01713c /film/actor/film./film/performance/film /m/03f7nt +/m/04xvlr /media_common/netflix_genre/titles /m/07z6xs +/m/01cwdk /organization/organization/headquarters./location/mailing_address/citytown /m/0j7ng +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/01vb403 +/m/0q6g3 /tv/tv_program/genre /m/0jxy +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0byfz /film/actor/film./film/performance/film /m/01jwxx +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r2kh +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0180mw +/m/03cfkrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0gpmp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/018t8f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04nnpw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/024qwq /people/person/gender /m/05zppz +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05mrf_p +/m/0gywn /music/genre/artists /m/0127s7 +/m/01wgcvn /people/person/profession /m/01xr66 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/09c7w0 /location/location/contains /m/037fqp +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0180w8 /people/person/profession /m/039v1 +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02z5x7l +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0164y7 /people/person/place_of_birth /m/02_286 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/02_fz3 /film/film/genre /m/06n90 +/m/01vw87c /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0199gx +/m/03902 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0dzt9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07z1m +/m/0kp2_ /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0257wh +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/04knvh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bs5vty /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02mv_h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0bqyhk +/m/05ksh /base/biblioness/bibs_location/country /m/0d060g +/m/07w0v /education/educational_institution/school_type /m/07tf8 +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/02jxbw /film/film/genre /m/02kdv5l +/m/09krp /location/administrative_division/first_level_division_of /m/0345h +/m/011yph /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/030znt /film/actor/film./film/performance/film /m/090s_0 +/m/0l0wv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0djc3s /people/person/place_of_birth /m/0cvw9 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01pqy_ /film/actor/film./film/performance/film /m/07ykkx5 +/m/0fv4v /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/052gzr /people/person/nationality /m/09c7w0 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/01p0w_ /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/07bch9 /people/ethnicity/people /m/012cj0 +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03qnc6q +/m/0fbzp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhl +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/02q1hz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/041rx /people/ethnicity/people /m/03gvpk +/m/034ls /people/person/profession /m/02hrh1q +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/02k1b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/049dzz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04hqz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/028hc2 /film/actor/film./film/performance/film /m/04h41v +/m/032f6 /language/human_language/countries_spoken_in /m/0161c +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0ddj0x /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/09vc4s /people/ethnicity/people /m/01mbwlb +/m/01n4w_ /education/educational_institution/students_graduates./education/education/student /m/018zvb +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/0jt90f5 /people/person/profession /m/02hrh1q +/m/0c4y8 /people/person/nationality /m/09c7w0 +/m/0chrx /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0161c2 /people/person/nationality /m/0d060g +/m/01bzr4 /people/deceased_person/place_of_death /m/030qb3t +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/06wxw /sports/sports_team_location/teams /m/06x68 +/m/02g75 /influence/influence_node/influenced_by /m/0g5ff +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/01_mdl /film/film/genre /m/02kdv5l +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/03k50 /language/human_language/countries_spoken_in /m/0162v +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/011vx3 +/m/05pbl56 /film/film/language /m/02h40lc +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/07y9w5 /film/film/genre /m/02n4kr +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07_m9_ /people/person/nationality /m/0345h +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/026mmy +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02gvwz +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/03x82v /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/031c2r /people/person/profession /m/0np9r +/m/0703j /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02hp70 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bh6y /film/actor/film./film/performance/film /m/02_qt +/m/03f2_rc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/02b168 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08q3s0 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hkqn +/m/05kyr /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01mk6 +/m/0hskw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/01c7p_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/072zl1 /film/film/produced_by /m/02q42j_ +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05kh_ +/m/04jwly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02z2mr7 /film/film/genre /m/04xvlr +/m/0cv9t5 /music/record_label/artist /m/0fcsd +/m/07r4c /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0435vm /film/film/genre /m/06n90 +/m/06k75 /time/event/locations /m/07t21 +/m/07ng9k /film/film/genre /m/0hcr +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/070fnm /film/film/genre /m/01g6gs +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/07wjk /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/085wqm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09v42sf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01r4zfk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/071jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h1tr +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/026c1 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/027d5g5 /people/person/gender /m/05zppz +/m/01rwcgb /people/person/profession /m/02hrh1q +/m/04rrx /location/location/contains /m/0njlp +/m/01242_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/05bcl /location/country/form_of_government /m/01q20 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/01wbg84 /film/actor/film./film/performance/film /m/03bx2lk +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/05hj_k /people/person/profession /m/03gjzk +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0xc9x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01pp3p /people/person/profession /m/02hrh1q +/m/09c7w0 /location/country/second_level_divisions /m/0fr61 +/m/0b_7k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019dwp /organization/organization/headquarters./location/mailing_address/citytown /m/010y34 +/m/02y0js /people/cause_of_death/people /m/045g4l +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dh73w +/m/0blpg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/024lt6 /film/film/genre /m/05p553 +/m/0fvf9q /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/046488 +/m/01vhb0 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0p_47 +/m/09q23x /film/film/genre /m/01f9r0 +/m/05w1vf /people/person/profession /m/02hrh1q +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03ff65 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05q4 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/05ch98 /film/film/country /m/0345h +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016gr2 +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01stj9 +/m/0p_2r /people/person/profession /m/01d_h8 +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/01ccr8 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/01lbp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvycq +/m/01933d /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01934k +/m/011yg9 /film/film/language /m/02h40lc +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/021y7yw /film/film/language /m/02h40lc +/m/0127m7 /film/actor/film./film/performance/film /m/02z9rr +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/01q7h2 /film/film/produced_by /m/0fvf9q +/m/0jw67 /people/person/profession /m/0dxtg +/m/03lgg /people/person/profession /m/0kyk +/m/043tg /people/person/profession /m/02p0s5r +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/02jtjz /people/person/place_of_birth /m/02_286 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0241jw +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/02q56mk /award/award_winning_work/awards_won./award/award_honor/honored_for /m/027r9t +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02kxbx3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0dkb83 +/m/08qvhv /people/person/nationality /m/09c7w0 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0sxg4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/016ywb /film/film/story_by /m/081k8 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01lct6 +/m/07bch9 /people/ethnicity/people /m/01pgk0 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0jvs0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01vq3 /film/film_subject/films /m/0b_5d +/m/02jxbw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d05w3 /media_common/netflix_genre/titles /m/0ywrc +/m/0sf9_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/0hgqq /people/person/employment_history./business/employment_tenure/company /m/01k2wn +/m/0155w /music/genre/artists /m/01wvxw1 +/m/0pksh /people/person/places_lived./people/place_lived/location /m/03h64 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0gs7x /influence/influence_node/influenced_by /m/060_7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/04jkpgv /film/film/country /m/0f8l9c +/m/06nm1 /language/human_language/countries_spoken_in /m/0jgd +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/019tzd +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/06t8v /location/country/capital /m/0bmm4 +/m/018vs /music/instrument/instrumentalists /m/01tp5bj +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01vvydl +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03lq43 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/015f47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/056xkh /film/film/genre /m/05p553 +/m/0134tg /music/artist/origin /m/0rt80 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/01vvycq /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01clyb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01dtcb /music/record_label/artist /m/02l840 +/m/01vw37m /film/actor/film./film/performance/film /m/0fphf3v +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/047s_cr /people/person/places_lived./people/place_lived/location /m/09c6w +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/012vwb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p7b6b +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01b8jj +/m/01rgcg /people/deceased_person/place_of_death /m/02_286 +/m/031q3w /education/educational_institution/students_graduates./education/education/student /m/025cn2 +/m/036jv /music/genre/artists /m/01vw20h +/m/0kjrx /film/actor/film./film/performance/film /m/0f4_l +/m/014_x2 /film/film/featured_film_locations /m/030qb3t +/m/04fh3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/0pyg6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0315q3 +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/042v_gx /music/instrument/instrumentalists /m/02rn_bj +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07_pf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0f4vbz +/m/03rjj /location/location/contains /m/016qwt +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/07dfk /base/biblioness/bibs_location/country /m/03_3d +/m/024d8w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ckcvk /people/person/profession /m/01c8w0 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/035wq7 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02f46y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0264v8r +/m/0bdwft /award/award_category/category_of /m/0gcf2r +/m/039zft /film/film/genre /m/0hcr +/m/0j8js /sports/sports_team/sport /m/03tmr +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015f7 +/m/02pcq92 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/05zwrg0 /film/film/genre /m/01jfsb +/m/04_sqm /music/genre/parent_genre /m/03lty +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cy41 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xmxj +/m/017y26 /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/0kst7v /people/person/places_lived./people/place_lived/location /m/09f07 +/m/0cbm64 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01jv_6 +/m/07l8x /sports/sports_team/colors /m/06fvc +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03177r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031hcx +/m/07hyk /organization/organization_founder/organizations_founded /m/015dvh +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/0ptdz /film/film/genre /m/01t_vv +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026b7bz +/m/09d5h /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n7q /location/location/contains /m/02gnh0 +/m/030hcs /film/actor/film./film/performance/film /m/0g0x9c +/m/013pp3 /influence/influence_node/influenced_by /m/041_y +/m/03cw411 /film/film/executive_produced_by /m/05hj_k +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/012mzw /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jd9 /film/film/production_companies /m/024rgt +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/030hcs +/m/0cy8v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq80b +/m/07ylj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01clyr /music/record_label/artist /m/01x0yrt +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/04d5v9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/078vc /people/ethnicity/languages_spoken /m/03k50 +/m/031296 /people/person/gender /m/02zsn +/m/03rhqg /music/record_label/artist /m/0xsk8 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/026v1z +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/02_5h /film/film_subject/films /m/0gldyz +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02jxbw /film/film/genre /m/06l3bl +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/04xbq3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02d4ct +/m/07_k0c0 /film/film/music /m/02jxkw +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tpl1p +/m/01skxk /music/genre/parent_genre /m/01243b +/m/01vs8ng /people/person/profession /m/0np9r +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/02qhqz4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/01w58n3 +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vksx +/m/02p8v8 /people/person/profession /m/021wpb +/m/01bvw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/02bg8v /film/film/genre /m/02p0szs +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/016ksk /music/artist/origin /m/0f2tj +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/043g7l /music/record_label/artist /m/01lf293 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/013pk3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pq9yv +/m/0vm39 /location/hud_county_place/place /m/0vm39 +/m/01k60v /film/film/genre /m/01f9r0 +/m/05hjnw /film/film/genre /m/0hn10 +/m/07tvwy /people/person/gender /m/05zppz +/m/0cp08zg /film/film/genre /m/03g3w +/m/02zn1b /music/record_label/artist /m/02p2zq +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/03h2d4 /film/actor/film./film/performance/film /m/0ggbhy7 +/m/01twdk /film/actor/film./film/performance/film /m/048vhl +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0f1sm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x67 /people/ethnicity/people /m/036qs_ +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jt1k +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02bq1j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sq84 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030pr +/m/0yfp /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ycht +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p5mwg +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/068cn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jfvs +/m/016ghw /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04ly1 /location/location/time_zones /m/02fqwt +/m/012z8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01skmp +/m/03772 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016jll /organization/organization_founder/organizations_founded /m/017l96 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04l57x /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/07vfz /education/educational_institution_campus/educational_institution /m/07vfz +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0_92w /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02607j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/018009 /influence/influence_node/influenced_by /m/01hmk9 +/m/09t4hh /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/06crng /film/actor/film./film/performance/film /m/05_5_22 +/m/032jlh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03nsm5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tz52 +/m/0gfmc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0338lq +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/06_wqk4 /film/film/produced_by /m/09gffmz +/m/04cf09 /people/person/profession /m/02hrh1q +/m/08vxk5 /people/person/profession /m/02hrh1q +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/015010 /people/person/nationality /m/02jx1 +/m/0162v /location/country/form_of_government /m/01q20 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0bczgm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0557yqh +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l3mk3 +/m/0dy6c9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05q4 +/m/0j_c /film/actor/film./film/performance/film /m/01jr4j +/m/021npv /people/person/nationality /m/09c7w0 +/m/05c46y6 /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/0k_kr /music/record_label/artist /m/0kr_t +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02fgp0 +/m/07c52 /media_common/netflix_genre/titles /m/02py4c8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07tw_b +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rjj +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0br1w /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01x4sb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0sz28 +/m/01hl_w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0z07 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/0479b /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/088xp /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09nz_c /people/person/gender /m/05zppz +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqn5 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/0dl9_4 /film/film/executive_produced_by /m/02z6l5f +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/0yxf4 /film/film/production_companies /m/017s11 +/m/01n7q /location/location/contains /m/0l34j +/m/02jr6k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rhqg /music/record_label/artist /m/016t0h +/m/01yk13 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05g8pg /film/film/genre /m/04t2t +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043qqt5 +/m/0265wl /award/award_category/disciplines_or_subjects /m/06n90 +/m/059kh /music/genre/artists /m/06k02 +/m/034bgm /film/director/film /m/05pdh86 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01b1mj +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01f492 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/07csf4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0693l /film/actor/film./film/performance/film /m/084qpk +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9z_32 +/m/03f3_p3 /influence/influence_node/peers./influence/peer_relationship/peers /m/017_pb +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09c7w0 /location/location/contains /m/01qcx_ +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/03h4mp +/m/013y1f /music/instrument/instrumentalists /m/0p3sf +/m/01vsy9_ /people/person/profession /m/01d_h8 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01q8fxx +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/03xnq9_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/012ky3 /people/person/nationality /m/0f8l9c +/m/02g40r /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01fxfk /people/deceased_person/place_of_death /m/02_286 +/m/05dfy_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0fr59 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwvq +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/02zfg3 /people/person/religion /m/0c8wxp +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cp9f9 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01fm07 /music/genre/artists /m/02z4b_8 +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0jzc /language/human_language/countries_spoken_in /m/03__y +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/018z_c +/m/0k4fz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01k5y0 /film/film/genre /m/06cvj +/m/09c7w0 /location/location/contains /m/04hgpt +/m/018009 /people/person/gender /m/05zppz +/m/0gnkb /film/film/genre /m/03k9fj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/042xh /influence/influence_node/influenced_by /m/01wd02c +/m/041rx /people/ethnicity/people /m/017khj +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/02qwg /people/person/profession /m/09jwl +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04k9y6 /film/film/genre /m/03k9fj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/0kb1g /film/film/genre /m/07s9rl0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/0135xb /people/person/profession /m/0kyk +/m/0cbvg /film/film_subject/films /m/020fcn +/m/01vvybv /film/actor/film./film/performance/film /m/0dpl44 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jnvs +/m/06mkj /location/country/form_of_government /m/018wl5 +/m/01csvq /film/actor/film./film/performance/film /m/07g1sm +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/06x58 /film/actor/film./film/performance/film /m/029k4p +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/07hgkd +/m/0261w5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/02hnl /music/instrument/instrumentalists /m/023322 +/m/0dg3jz /people/person/nationality /m/09c7w0 +/m/01q_ph /film/actor/film./film/performance/film /m/07_fj54 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0ddf2bm /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/05dbf /film/actor/film./film/performance/film /m/04nnpw +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/02jq1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0h7x /location/location/contains /m/0fhmy +/m/03kcyd /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/01p7yb /film/actor/film./film/performance/film /m/02q56mk +/m/07jmnh /film/actor/film./film/performance/film /m/021pqy +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08d9z7 +/m/02b1k5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/036dyy /people/person/profession /m/02jknp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0425yz +/m/0kb1g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c2tf +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/035qy /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02v2lh /music/genre/artists /m/02rgz4 +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/02yxwd /people/person/nationality /m/02jx1 +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/04ftdq /education/educational_institution/students_graduates./education/education/student /m/069ld1 +/m/05b1062 /people/person/nationality /m/03rk0 +/m/02rrfzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/016ynj /people/person/nationality /m/07ssc +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06fq2 /education/educational_institution/colors /m/036k5h +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/037gjc +/m/0dd6bf /film/film/genre /m/0jxy +/m/01vw26l /people/person/religion /m/0flw86 +/m/0bmssv /film/film/production_companies /m/016tt2 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/01yb1y /tv/tv_program/genre /m/07s9rl0 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0h0jz /film/actor/film./film/performance/film /m/03x7hd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03ytj1 +/m/04qvq0 /music/genre/artists /m/050z2 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0f67f /base/biblioness/bibs_location/country /m/09c7w0 +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cyfz +/m/09blyk /media_common/netflix_genre/titles /m/03f7xg +/m/0b_c7 /people/person/profession /m/0dxtg +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/0vmt /location/location/contains /m/0fsv2 +/m/07tjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01trf3 +/m/0ght2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/02rcwq0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/03f0fnk +/m/059rby /location/location/contains /m/01hb1t +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/030s5g /people/person/profession /m/0dxtg +/m/0k696 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04rrx /location/location/contains /m/0vm5t +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_ncg +/m/05r6t /music/genre/artists /m/01jcxwp +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/0bs5vty /film/film/language /m/064_8sq +/m/030xr_ /people/person/place_of_birth /m/01cx_ +/m/07nxvj /film/film/genre /m/04xvlr +/m/04v048 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01xq8v /film/film/language /m/03_9r +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/01sbf2 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01963w /people/person/gender /m/02zsn +/m/05vxdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02p11jq /music/record_label/artist /m/0p7h7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/034hzj +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0fb1q /film/actor/film./film/performance/film /m/03nqnnk +/m/05jzt3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02k8k /location/location/contains /m/0ftfw +/m/0ymff /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0pgjm /people/person/nationality /m/09c7w0 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0p9gg /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0k_9j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/01j5ws /people/person/nationality /m/09c7w0 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/04cl1 /film/actor/film./film/performance/film /m/01xdxy +/m/0169t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0pvms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0149xx /people/person/profession /m/01c8w0 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01wbsdz /music/artist/origin /m/01smm +/m/025sc50 /music/genre/artists /m/0f8grf +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/06pwf6 /people/person/profession /m/01d_h8 +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0320jz /people/person/places_lived./people/place_lived/location /m/01x73 +/m/03r0g9 /film/film/country /m/07ssc +/m/04t9c0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/011k1h /music/record_label/artist /m/026spg +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/01_d4 +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01l2m3 /people/cause_of_death/people /m/0bmh4 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/04yqlk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/03xx3m /people/person/gender /m/05zppz +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0pmq2 /base/biblioness/bibs_location/country /m/0d060g +/m/0jnng /sports/sports_team/sport /m/03tmr +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/04ykg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017kct /film/film/genre /m/082gq +/m/0b_6q5 /time/event/locations /m/0f1sm +/m/08xvpn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07jnt /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/018vs /music/instrument/instrumentalists /m/0l12d +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g1jh +/m/016zgj /music/genre/artists /m/017f4y +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/02sgy /music/instrument/instrumentalists /m/0frsw +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/08chdb +/m/0dmn0x /film/film/genre /m/01jfsb +/m/06yrj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/06v_gh +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/09c7w0 /location/location/contains /m/02xpy5 +/m/01h0b0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0291ck /film/film/country /m/09c7w0 +/m/0njdm /location/location/time_zones /m/02hcv8 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/04994l +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01vsl3_ /influence/influence_node/influenced_by /m/02jq1 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/064t9 /music/genre/artists /m/016szr +/m/09c7w0 /location/location/contains /m/05zl0 +/m/0kbvb /olympics/olympic_games/sports /m/018jz +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/0blpg /film/film/produced_by /m/0grrq8 +/m/0g28b1 /people/person/profession /m/0dxtg +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vhrz +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/016szr /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bth54 +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01y67v +/m/032clf /film/film/genre /m/07s9rl0 +/m/059rby /location/location/contains /m/04b_46 +/m/01lyv /music/genre/artists /m/01k_n63 +/m/09ps01 /film/film/production_companies /m/02jd_7 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k8k +/m/02f_k_ /film/actor/film./film/performance/film /m/032016 +/m/02gt5s /location/location/contains /m/0njdm +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/01jllg1 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01hv3t +/m/07vfy4 /film/film/country /m/0d060g +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/057bc6m /award/award_winner/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/07jmgz /people/person/nationality /m/03rk0 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/0yyts /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m7pwq +/m/07ssc /location/location/contains /m/021npd +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/01kgg9 /people/person/profession /m/02hrh1q +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dy7p +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/0438f /education/educational_institution/colors /m/09ggk +/m/05r5c /music/instrument/instrumentalists /m/01vsqvs +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/03v9yw /sports/sports_team/colors /m/01g5v +/m/0btbyn /film/film/genre /m/0hfjk +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q52q +/m/0421v9q /film/film/featured_film_locations /m/0jpy_ +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09wnnb +/m/01_4lx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/09x7p1 /time/event/locations /m/05hwn +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b60sq +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/08c4yn /film/film/genre /m/04xvh5 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0lgsq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/016s_5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06cgy /film/actor/film./film/performance/film /m/0y_hb +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0bt4g /film/film/executive_produced_by /m/030_3z +/m/017fp /media_common/netflix_genre/titles /m/0k5px +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/099pks /tv/tv_program/genre /m/095bb +/m/05_pkf /people/person/place_of_birth /m/0xrzh +/m/03v1s /location/location/contains /m/02_n7 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01mvth +/m/03mcwq3 /people/person/profession /m/02hrh1q +/m/03s9kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lkcc +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03_6y +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/0kv9d3 /film/film/country /m/09c7w0 +/m/05qzv /influence/influence_node/influenced_by /m/0379s +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0g824 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3xw46 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/02bpy_ /education/educational_institution/campuses /m/02bpy_ +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0147w8 +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/05nrg /location/location/contains /m/047t_ +/m/04h6m /music/genre/parent_genre /m/0glt670 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/063zky /film/film/genre /m/07s2s +/m/01w_10 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/07jrjb +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/032md /film/director/film /m/0d6b7 +/m/02lk1s /people/person/profession /m/03gjzk +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0fx80y +/m/045w_4 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/021y1s /location/location/contains /m/0g251 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02__94 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0166v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088q4 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0xhtw /music/genre/artists /m/07bzp +/m/018lg0 /music/genre/artists /m/0285c +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvbd +/m/01hmnh /media_common/netflix_genre/titles /m/0564x +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/04mvp8 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02wk4d /film/actor/film./film/performance/film /m/05znbh7 +/m/065b6q /people/ethnicity/people /m/02js6_ +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05hyzx +/m/0g824 /people/person/profession /m/0dz3r +/m/080z7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bbwp /people/person/profession /m/016z4k +/m/017n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/04ftdq /education/educational_institution/colors /m/083jv +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0dcrb /medicine/disease/risk_factors /m/074m2 +/m/0d06vc /film/film_subject/films /m/02x3y41 +/m/0ctb4g /film/film/language /m/064_8sq +/m/02_l96 /award/award_winner/awards_won./award/award_honor/award_winner /m/030g9z +/m/01kx_81 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0dnqr /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0sd7v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vq3 /film/film_subject/films /m/02bj22 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/029q3k +/m/019803 /people/person/gender /m/02zsn +/m/021j72 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nqj +/m/02qsjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01kh2m1 +/m/01cd7p /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/05szq8z /film/film/genre /m/0jdm8 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07nv3_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/075q_ +/m/02phtzk /film/film/language /m/02h40lc +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03x1x +/m/078ym8 /location/administrative_division/country /m/0f8l9c +/m/0m9c1 /people/person/profession /m/02jknp +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gt1k +/m/02p86pb /film/film/genre /m/04xvlr +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/04rqd /broadcast/content/artist /m/04qzm +/m/07r1h /film/actor/film./film/performance/film /m/0gj8t_b +/m/06l3bl /media_common/netflix_genre/titles /m/083skw +/m/041rx /people/ethnicity/people /m/02vg0 +/m/0bfvw2 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0lfgr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09r8l /people/person/profession /m/09jwl +/m/049k07 /film/actor/film./film/performance/film /m/0b76t12 +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/039zft /film/film/story_by /m/03j2gxx +/m/0244r8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/06kkgw /people/deceased_person/place_of_death /m/0f2wj +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ffjqy /people/ethnicity/people /m/0863x_ +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_0_z +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02chhq /film/film/language /m/02h40lc +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04xrx +/m/01tnbn /film/actor/film./film/performance/film /m/0295sy +/m/0dl9_4 /film/film/language /m/0cjk9 +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/02k84w +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award /m/0c422z4 +/m/05nmg_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vwllw +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/03z2rz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0181hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/014bpd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01j2xj /film/director/film /m/02vxq9m +/m/011x_4 /film/film/genre /m/03rzvv +/m/07szy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03x1x /people/ethnicity/geographic_distribution /m/0694j +/m/0d_2fb /film/film/country /m/0ctw_b +/m/011ypx /film/film/country /m/09c7w0 +/m/016kjs /people/person/place_of_birth /m/0f2tj +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/02rhfsc +/m/0cp6w /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ky0b +/m/0dhml /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cc07 +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04t36 /media_common/netflix_genre/titles /m/07tw_b +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0kcn7 /film/film/genre /m/04t36 +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0p17j +/m/03qnvdl /film/film/genre /m/0bkbm +/m/07tp2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w3r +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07c72 +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/05fjy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/061y4q /people/person/nationality /m/03_3d +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/03mck3c +/m/0j_c /people/person/profession /m/0dxtg +/m/02yplc /film/actor/film./film/performance/film /m/07p62k +/m/0sw6g /award/award_winner/awards_won./award/award_honor/award_winner /m/01nxzv +/m/064f29 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0gndh /film/film/production_companies /m/05qd_ +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/017yfz +/m/0jzc /language/human_language/countries_spoken_in /m/0hzlz +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/021996 /education/educational_institution/colors /m/01l849 +/m/07ssc /media_common/netflix_genre/titles /m/02yy9r +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/020_95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0372kf +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/016mhd /film/film/production_companies /m/02j_j0 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0h1p /film/director/film /m/04grkmd +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015v3r +/m/0js9s /film/director/film /m/0ndwt2w +/m/020_4z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gffmz /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9zc +/m/026c1 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/03txms /people/person/place_of_birth /m/0hptm +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/0c57yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/02rytm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0nv2x /location/location/time_zones /m/02fqwt +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/059s8 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ppg1r +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0205dx +/m/0g4vmj8 /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/country/second_level_divisions /m/0mkqr +/m/02kz_ /people/person/profession /m/0d8qb +/m/024bbl /film/actor/film./film/performance/film /m/01q2nx +/m/0rw2x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g_0c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cnztc4 /film/film/country /m/059j2 +/m/018ygt /people/person/profession /m/01d_h8 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0303jw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01mylz /film/actor/film./film/performance/film /m/06gb1w +/m/0872p_c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05pq9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/032zq6 /film/film/country /m/0ctw_b +/m/0qkcb /location/hud_county_place/place /m/0qkcb +/m/0171lb /people/person/nationality /m/09c7w0 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/030znt +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/0p_47 /film/actor/film./film/performance/film /m/0dc7hc +/m/027d5g5 /people/person/profession /m/0dxtg +/m/0crqcc /people/person/nationality /m/09c7w0 +/m/0chrwb /people/person/profession /m/0np9r +/m/0b73_1d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01lw3kh +/m/058kqy /people/person/profession /m/02jknp +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/02dlh2 +/m/0f8l9c /location/location/contains /m/0m_1s +/m/01v_pj6 /people/person/place_of_birth /m/0214m4 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0267wwv /film/film/produced_by /m/012rng +/m/0k4d7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027ybp /location/location/time_zones /m/02lcqs +/m/0xy28 /location/location/time_zones /m/02hcv8 +/m/0g4gr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0d7vtk +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bs8d +/m/0c5x_ /organization/organization/headquarters./location/mailing_address/citytown /m/0d7k1z +/m/02_wxh /people/person/nationality /m/0d060g +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qw2xb +/m/01v42g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k2mxq +/m/07ss8_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yzbg +/m/01w3vc /education/educational_institution/students_graduates./education/education/student /m/0h53p1 +/m/09w6br /film/film/produced_by /m/0415svh +/m/027rpym /film/film/genre /m/02l7c8 +/m/022qw7 /people/person/employment_history./business/employment_tenure/company /m/01t9_0 +/m/0r03f /location/hud_county_place/county /m/0kpys +/m/02z1yj /film/actor/film./film/performance/film /m/0963mq +/m/037ts6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0418wg /film/film/production_companies /m/046b0s +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02fgp0 +/m/0d7wh /people/ethnicity/people /m/01l79yc +/m/04gmlt /music/record_label/artist /m/016s_5 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07ng9k /tv/tv_program/genre /m/0hcr +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0dy6c9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02prw4h +/m/03npn /media_common/netflix_genre/titles /m/04fjzv +/m/02q7fl9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fy34l +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05ccxr /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/05znxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064t9 /music/genre/artists /m/016z1t +/m/0f_y9 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/09c7w0 /location/location/contains /m/0l_n1 +/m/0j1z8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/01vvyc_ +/m/0pkr1 /people/person/profession /m/0dxtg +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01wwvc5 +/m/03d9wk /people/person/profession /m/02hrh1q +/m/0fb0v /music/record_label/artist /m/03f1d47 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0l8sx /business/business_operation/industry /m/0h6dj +/m/05bp8g /people/person/gender /m/05zppz +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/091xrc /film/film/genre /m/03k9fj +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wvhz +/m/01634x /sports/sports_team/sport /m/02vx4 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/06yj20 /people/person/nationality /m/09c7w0 +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/037q31 /film/film/edited_by /m/052gzr +/m/03cwqpm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/03jm6c /people/person/gender /m/05zppz +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03l26m /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02q4ntp +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/0nlh7 /sports/sports_team_location/teams /m/01k6zy +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02s2wq /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js6_ +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013knm +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0dgq80b /film/film/executive_produced_by /m/04hw4b +/m/01n4f8 /people/person/place_of_birth /m/02_286 +/m/0kjrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/06_sc3 /film/film/country /m/0chghy +/m/02j490 /people/person/profession /m/02hrh1q +/m/0565cz /people/person/gender /m/05zppz +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0438pz +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/015pkc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/02j9z /location/location/contains /m/034cm +/m/05sq20 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n4w_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/013423 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6rk /time/event/locations /m/013yq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0266sb_ +/m/03lvyj /people/person/spouse_s./people/marriage/spouse /m/02p5hf +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02h9_l /people/person/places_lived./people/place_lived/location /m/013yq +/m/01jfsb /media_common/netflix_genre/titles /m/0ckrnn +/m/0qmk5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/07c52 /media_common/netflix_genre/titles /m/0dsx3f +/m/011xy1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02cft +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/05kms +/m/016dgz /people/person/gender /m/05zppz +/m/0b_7k /people/person/profession /m/02hrh1q +/m/03f47xl /influence/influence_node/influenced_by /m/02lt8 +/m/047msdk /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/025rcc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0mnrb /location/us_county/county_seat /m/0dzt9 +/m/015fr /location/country/form_of_government /m/01d9r3 +/m/089_x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/04xvlr /media_common/netflix_genre/titles /m/0kvb6p +/m/05r5c /music/instrument/instrumentalists /m/03q2t9 +/m/04knh6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/039crh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gc7h +/m/0l2v0 /location/location/time_zones /m/02lcqs +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0blq0z /people/person/places_lived./people/place_lived/location /m/0r7fy +/m/02mc5v /film/film/genre /m/03npn +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/01633c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07l4zhn /film/film/language /m/02h40lc +/m/04112r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04bdzg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0135xb /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/01rlz4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0b_75k /time/event/locations /m/0f1sm +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/0272vm +/m/01h1bf /tv/tv_program/country_of_origin /m/09c7w0 +/m/05glrg /sports/sports_team/colors /m/01g5v +/m/03lgg /people/person/profession /m/02dsz +/m/0l8gh /music/genre/artists /m/0c73z +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/019pkm +/m/0272_vz /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0bvz6 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/09n48 /olympics/olympic_games/participating_countries /m/03rk0 +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/01pfkw /base/eating/practicer_of_diet/diet /m/07_jd +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/037hgm /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0mbwf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0nk72 /influence/influence_node/influenced_by /m/03sbs +/m/0kbws /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01f6ss /education/educational_institution/students_graduates./education/education/student /m/07fpm3 +/m/0_9wr /film/film/featured_film_locations /m/0cr3d +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0c5_3 /location/administrative_division/country /m/07ssc +/m/01v3bn /people/person/gender /m/05zppz +/m/0221zw /film/film/written_by /m/06t8b +/m/0mtl5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lv1x /olympics/olympic_games/sports /m/02bkg +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0mz73 +/m/01qdjm /people/person/place_of_birth /m/0hptm +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07z1m +/m/011j5x /music/genre/artists /m/01wgjj5 +/m/0cz_ym /film/film/genre /m/0lsxr +/m/041c4 /people/person/profession /m/02jknp +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/01_ztw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036dyy +/m/01hb6v /influence/influence_node/influenced_by /m/03_87 +/m/02wtp6 /film/film/film_format /m/0cj16 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0872p_c +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/046lt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/087vnr5 /film/film/genre /m/02kdv5l +/m/07ssc /media_common/netflix_genre/titles /m/0m313 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05hjnw +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012z8_ +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016gr2 +/m/08nhfc1 /film/film/produced_by /m/0m_v0 +/m/04vlh5 /film/director/film /m/050f0s +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/02z0f6l +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/0cbgl +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h1nt +/m/083pr /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/09cl0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03pmzt /people/person/gender /m/05zppz +/m/050r1z /film/film/language /m/064_8sq +/m/0b7xl8 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h07 +/m/033qdy /film/film/genre /m/03npn +/m/08cl7s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rddlc +/m/0hkq4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01279v +/m/01fx4k /film/film/genre /m/07s9rl0 +/m/03cp4cn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_4ph +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0chgsm /location/location/contains /m/0bqyhk +/m/064t9 /music/genre/artists /m/015bwt +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07sbbz2 /music/genre/artists /m/0134pk +/m/0h7pj /people/person/places_lived./people/place_lived/location /m/03s5t +/m/06j0md /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05vz3zq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vv6_6 /people/person/profession /m/01d_h8 +/m/02yplc /people/person/religion /m/0c8wxp +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/03xb2w /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/05fjf /location/location/contains /m/0n5jm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/06mt91 /people/person/gender /m/02zsn +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02pzc4 /people/person/gender /m/05zppz +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/07s8r0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/05jcn8 /people/person/profession /m/0dxtg +/m/01gvsn /film/film/production_companies /m/017s11 +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jw67 +/m/0c6qh /film/actor/film./film/performance/film /m/05sns6 +/m/03cwwl /film/film/country /m/07ssc +/m/08c9b0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/01vqrm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xq63 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0wh3 /base/biblioness/bibs_location/state /m/04rrx +/m/01wp8w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/01n30p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03jjzf /film/actor/film./film/performance/film /m/0421ng +/m/0blt6 /people/person/languages /m/03hkp +/m/06v9_x /film/film/genre /m/01jfsb +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/034r25 /film/film/genre /m/02kdv5l +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qmfz +/m/0177gl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01hc1j /education/educational_institution/campuses /m/01hc1j +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/0x67 /people/ethnicity/people /m/025n3p +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/0chw_ /people/person/profession /m/02hrh1q +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05mrf_p /film/film/music /m/0csdzz +/m/019dmc /people/cause_of_death/people /m/053yx +/m/025sc50 /music/genre/artists /m/049qx +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04hgpt +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vq33 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01l03w2 /people/person/nationality /m/09c7w0 +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07p62k +/m/02ln0f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02q8ms8 /film/film/country /m/09c7w0 +/m/01xbxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f7jt /film/film/language /m/02h40lc +/m/0dtw1x /film/film/language /m/02h40lc +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/04zkj5 /people/person/place_of_birth /m/013yq +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/01wxyx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0266r6h +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/05nn4k +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fhp9 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/04m_zp /award/award_winner/awards_won./award/award_honor/award_winner /m/0g2lq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/090q4n +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ydr95 +/m/0j80w /film/film/genre /m/07s9rl0 +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/06l22 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/0czmk1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rl_3 +/m/05mt_q /people/person/profession /m/02hrh1q +/m/02dwj /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0m0nq /people/person/profession /m/018gz8 +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/082db /film/film_subject/films /m/042y1c +/m/0pv3x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01zhp +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/03zqc1 +/m/01g1lp /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/01qbl /music/instrument/family /m/0l14md +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/027jq2 /people/person/gender /m/05zppz +/m/01mgw /film/film/country /m/06f32 +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/088cp /location/administrative_division/country /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/025rvx0 +/m/0mcf4 /music/record_label/artist /m/01qdjm +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/01vz0g4 /people/person/profession /m/0n1h +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0cbn7c /film/film/written_by /m/0c12h +/m/07g1sm /film/film/language /m/04h9h +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/0fpjd_g +/m/0mch7 /people/profession/specialization_of /m/04gc2 +/m/064n1pz /film/film/language /m/06mp7 +/m/03x6rj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award /m/04g2jz2 +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05pq3_ +/m/03bnv /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/0hv27 /film/film/written_by /m/0c12h +/m/016z2j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01v42g /film/actor/film./film/performance/film /m/0cd2vh9 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01s47p +/m/06tgw /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/05rznz /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/09lxv9 /film/film/genre /m/01jfsb +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/02qdymm /people/person/profession /m/01d_h8 +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01l4zqz /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0154d7 /people/person/nationality /m/09c7w0 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h68j +/m/0dt645q /film/actor/film./film/performance/film /m/07ghv5 +/m/04xvlr /media_common/netflix_genre/titles /m/0qmd5 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fr0t +/m/04x4vj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04b2qn /film/film/language /m/02h40lc +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/01tt43d +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0ph2w +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/08fbnx /film/film/genre /m/06n90 +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/0b6k___ /award/award_category/disciplines_or_subjects /m/02vxn +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kwsg +/m/06_9lg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fqt1ns /film/film/film_format /m/017fx5 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09qgm +/m/02gd6x /film/film/written_by /m/03s9b +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/0hvbj +/m/04264n /people/deceased_person/place_of_burial /m/018mmj +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/0d0kn /sports/sports_team_location/teams /m/03ytj1 +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gdm7q +/m/048kw /location/location/contains /m/0m43j +/m/078jnn /people/person/place_of_birth /m/030qb3t +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/01pkhw /people/person/profession /m/021wpb +/m/0ktpx /film/film/produced_by /m/0hqcy +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06x4l_ +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/03n08b /film/actor/film./film/performance/film /m/01k0xy +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ykb +/m/02bjrlw /language/human_language/countries_spoken_in /m/06mzp +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/06fcqw +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04wqr /people/person/profession /m/01d_h8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02056s +/m/04xzm /people/person/profession /m/01l5t6 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01gp_x /people/person/profession /m/0dxtg +/m/0d8rs /base/aareas/schema/administrative_area/administrative_parent /m/059j2 +/m/0133_p /music/genre/artists /m/01vsnff +/m/0bw20 /film/film/genre /m/07s9rl0 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03lt8g +/m/03hmt9b /film/film/genre /m/060__y +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/02vyw +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/07cbs /people/person/profession /m/0cbd2 +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/08phg9 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kryqm +/m/02_fj /people/person/profession /m/02hrh1q +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0300ml +/m/0cp0790 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01y665 /film/actor/film./film/performance/film /m/08phg9 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/01v6480 +/m/041rx /people/ethnicity/people /m/0652ty +/m/02vjzr /music/genre/artists /m/02b25y +/m/0892sx /people/person/profession /m/01c72t +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/063t3j /people/person/profession /m/012qdp +/m/03qjg /music/instrument/instrumentalists /m/0gdh5 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06929s /film/film/produced_by /m/024t0y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05hyn5 +/m/04h4c9 /film/film/genre /m/02l7c8 +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0by17xn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01sbf2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/02cyfz /music/artist/origin /m/04jpl +/m/0n_hp /film/film/genre /m/04xvlr +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01mqz0 +/m/07rd7 /people/person/places_lived./people/place_lived/location /m/0r00l +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027j79k +/m/0dx_q /film/actor/film./film/performance/film /m/02wgbb +/m/06j6l /music/genre/artists /m/014q2g +/m/014q2g /people/person/profession /m/025352 +/m/09b3v /media_common/netflix_genre/titles /m/0dyb1 +/m/01bn3l /film/film/executive_produced_by /m/0488g9 +/m/014kkm /film/film/genre /m/01g6gs +/m/0bxqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2nd +/m/01n_g9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/06w839_ /film/film/genre /m/05p553 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014g22 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/0fc_p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/041jlr /people/person/nationality /m/0h7x +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/035gt8 +/m/01f69m /film/film/edited_by /m/027pdrh +/m/055td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/05jt_ /music/genre/artists /m/04qzm +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/0gwlfnb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01sby_ /film/film/genre /m/02kdv5l +/m/05kh_ /film/actor/film./film/performance/film /m/0jdr0 +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/01pcq3 /people/person/spouse_s./people/marriage/spouse /m/0kryqm +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0170vn +/m/05ty4m /film/director/film /m/06fpsx +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03v3xp +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ylg6 +/m/015076 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hrqc +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/02fwfb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z_g6 +/m/0ky6d /organization/organization/headquarters./location/mailing_address/citytown /m/0f2v0 +/m/03ckwzc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02j9z /location/location/contains /m/05b4w +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0yyn5 /tv/tv_program/country_of_origin /m/09c7w0 +/m/023g6w /film/film/country /m/059j2 +/m/0dj0m5 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0b7gxq /people/person/nationality /m/09c7w0 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm9w +/m/0h03fhx /film/film/country /m/09c7w0 +/m/0kbws /olympics/olympic_games/participating_countries /m/03_3d +/m/0y_9q /film/film/country /m/07ssc +/m/01znbj /music/record_label/artist /m/0133x7 +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/025czw +/m/08lr6s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vh096 /influence/influence_node/influenced_by /m/081k8 +/m/01m13b /film/film/country /m/02vzc +/m/08_hns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gbtbm /film/film/language /m/02h40lc +/m/018nnz /film/film/prequel /m/0x25q +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/047g6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mqj_ +/m/02jx1 /location/location/contains /m/049kw +/m/01tzfz /organization/organization/headquarters./location/mailing_address/state_province_region /m/0dbdy +/m/01vrncs /people/person/nationality /m/09c7w0 +/m/03fhj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/0xhtw /music/genre/artists /m/027dpx +/m/0f2w0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/019n7x /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/0191h5 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/01p4vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/06sff /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0hv4t /film/film/language /m/02h40lc +/m/01bbwp /people/person/profession /m/0dxtg +/m/0d6b7 /film/film/language /m/06ppq +/m/0hmtk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/09wnnb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ghd6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02xhwm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/07xzm /music/instrument/instrumentalists /m/08n__5 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0yzbg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bkf72 +/m/0br1w /people/person/gender /m/05zppz +/m/01vyv9 /people/deceased_person/place_of_death /m/0f2rq +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0jmj +/m/01f2q5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05567m /film/film/country /m/09c7w0 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02fgp0 +/m/0p_2r /people/person/nationality /m/0d060g +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/04fzk /people/person/gender /m/02zsn +/m/09v71cj /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0jkhr /education/educational_institution/colors /m/06fvc +/m/03d0ns /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01t07j +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01t110 +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/02k_4g /tv/tv_program/genre /m/07s9rl0 +/m/016kv6 /film/film/genre /m/0219x_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/01wg3q /people/person/profession /m/0dz3r +/m/01jfsb /media_common/netflix_genre/titles /m/04mzf8 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/01y_px /film/actor/film./film/performance/film /m/0sxgv +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/03h0byn /film/film/produced_by /m/0gg9_5q +/m/02jq1 /people/person/languages /m/02h40lc +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pby8 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/02h40lc /language/human_language/countries_spoken_in /m/01nty +/m/0h1m9 /people/deceased_person/place_of_death /m/01j2_7 +/m/02r858_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0677ng /people/person/profession /m/047rgpy +/m/015cz0 /education/educational_institution_campus/educational_institution /m/015cz0 +/m/0fm6m8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/06cgy /film/actor/film./film/performance/film /m/0jsf6 +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/01k6nm /film/actor/film./film/performance/film /m/0k_9j +/m/0l6vl /olympics/olympic_games/sports /m/096f8 +/m/0lbbj /olympics/olympic_games/sports /m/03fyrh +/m/0z1vw /location/hud_county_place/place /m/0z1vw +/m/013t9y /people/person/profession /m/02jknp +/m/04d_mtq /people/person/sibling_s./people/sibling_relationship/sibling /m/04cr6qv +/m/01dnws /music/instrument/family /m/0fx80y +/m/032_wv /film/film/production_companies /m/05qd_ +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/085jw +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/044prt /people/person/profession /m/015cjr +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/031zp2 /sports/sports_team/sport /m/02vx4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03rk0 +/m/0dgq80b /film/film/produced_by /m/04q5zw +/m/04pbsq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h14ln +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/07s9rl0 /media_common/netflix_genre/titles /m/080nwsb +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/027ybp /organization/organization/headquarters./location/mailing_address/citytown /m/0r5lz +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/0ddf2bm /film/film/country /m/09c7w0 +/m/0l9k1 /people/person/nationality /m/0345h +/m/01vsksr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025ts_z +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bxp5 +/m/020fcn /film/film/country /m/09c7w0 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0n +/m/02482c /organization/organization/headquarters./location/mailing_address/citytown /m/0djd3 +/m/02xc1w4 /people/person/place_of_birth /m/068p2 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fmqp6 +/m/03h64 /sports/sports_team_location/teams /m/04gj8r +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/06n7h7 +/m/01flv_ /film/film/production_companies /m/030_1_ +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015qyf +/m/04yj5z /film/actor/film./film/performance/film /m/0fpgp26 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07gghl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/02hy5d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nrq5 +/m/0pd6l /film/film/film_production_design_by /m/05km8z +/m/02wgk1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063k3h /people/ethnicity/people /m/0dq2k +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01b7h8 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0htww +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkwl +/m/0dfw0 /film/film/genre /m/02l7c8 +/m/01mxqyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04znsy /people/person/place_of_birth /m/094jv +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fhzf +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/03wy70 /film/actor/film./film/performance/film /m/05sw5b +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zwtdy +/m/06tp4h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ymb6 /education/educational_institution/students_graduates./education/education/student /m/0dn44 +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049mql +/m/0fpv_3_ /film/film/genre /m/03k9fj +/m/0jtdp /media_common/netflix_genre/titles /m/06929s +/m/01my4f /people/person/spouse_s./people/marriage/spouse /m/0gx_p +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/02tcgh /film/film/genre /m/04t36 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04w4s /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c3351 /media_common/netflix_genre/titles /m/0btbyn +/m/03f70xs /people/person/gender /m/05zppz +/m/033g4d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycfv +/m/05l5n /location/location/contains /m/0ymbl +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02mjf2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/01z4y /media_common/netflix_genre/titles /m/0kv2hv +/m/09r_wb /people/person/languages /m/0999q +/m/02t_st /people/person/profession /m/02hrh1q +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/015qh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02vpvk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049f05 +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0mhfr /music/genre/artists /m/0dl567 +/m/015wd7 /music/genre/artists /m/09swkk +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/059_c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/052bw /sports/sports_team_location/teams /m/01634x +/m/02t_st /film/actor/film./film/performance/film /m/0h1x5f +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/043g7l /music/record_label/artist /m/017g21 +/m/0gx_p /people/person/nationality /m/09c7w0 +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/041td_ +/m/05b_gq /film/film/music /m/04f9r2 +/m/0j_t1 /film/film/featured_film_locations /m/05jbn +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0chghy /location/location/contains /m/04zwc +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0fpj4lx /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0cqt90 /film/actor/film./film/performance/film /m/01shy7 +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/05sxzwc /film/film/genre /m/01jfsb +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/01jr4j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pm85 /music/genre/parent_genre /m/0jmwg +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01k6y1 +/m/043sct5 /film/film/genre /m/0hfjk +/m/02_06s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qssrm /people/person/profession /m/0d8qb +/m/025mb_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0m_31 /people/person/profession /m/0nbcg +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/07tp2 /location/location/contains /m/06klyh +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/04gm7n /music/record_label/artist /m/0126y2 +/m/03ct7jd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dhbp /film/film_subject/films /m/05zlld0 +/m/01f08r /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/0241y7 /film/film/production_companies /m/09b3v +/m/023r2x /music/instrument/family /m/01vj9c +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01j5ql /film/film/music /m/02cyfz +/m/0d_rw /tv/tv_program/genre /m/06n90 +/m/0c1fs /influence/influence_node/influenced_by /m/02wh0 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/025ts_z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01ft2l /people/person/profession /m/02hrh1q +/m/0fzyg /film/film_subject/films /m/0d1qmz +/m/060_7 /people/person/places_lived./people/place_lived/location /m/0f8l9c +/m/0283xx2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0q9b0 +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/024l2y /film/film/produced_by /m/032v0v +/m/06b_j /language/human_language/countries_spoken_in /m/01mjq +/m/0bp_7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0y3_8 /music/genre/artists /m/01vvyfh +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/07ssc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07s3m4g +/m/016pns /music/artist/origin /m/06wxw +/m/042v_gx /music/instrument/instrumentalists /m/05cljf +/m/0pspl /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/084m3 /people/person/profession /m/09jwl +/m/08m4c8 /people/person/profession /m/0d1pc +/m/043g7l /music/record_label/artist /m/018pj3 +/m/06j2v /people/ethnicity/people /m/01mwsnc +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/07hwkr /people/ethnicity/languages_spoken /m/0swlx +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/02jx1 /location/location/contains /m/01t21q +/m/03m3nzf /people/person/nationality /m/03rk0 +/m/06g4_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bwfwpj /film/film/music /m/04ls53 +/m/03l7qs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bl2g /people/person/religion /m/03_gx +/m/02z6fs /education/educational_institution/colors /m/03wkwg +/m/018c_r /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/04tz52 /film/film/language /m/02h40lc +/m/01v3vp /people/person/profession /m/02krf9 +/m/02vnb_ /business/business_operation/industry /m/01mw1 +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/06j6l /music/genre/artists /m/01rm8b +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01lsl +/m/0cx7f /music/genre/artists /m/0187x8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0727_ +/m/0h3mrc /people/person/languages /m/02h40lc +/m/01pfkw /people/person/employment_history./business/employment_tenure/company /m/01q940 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/0285c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/02rxrh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017cy9 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01933d /people/person/religion /m/0c8wxp +/m/040db /influence/influence_node/influenced_by /m/05qmj +/m/02nwxc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lfcm +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/018gqj /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02v3yy +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03tc5p +/m/09c7w0 /location/location/contains /m/02tz9z +/m/0c921 /people/deceased_person/place_of_death /m/0k049 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/09zmys /people/person/gender /m/02zsn +/m/01m94f /location/hud_county_place/place /m/01m94f +/m/01wg982 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n2vgk /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0l14md /music/instrument/instrumentalists /m/0fp_v1x +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1pf +/m/016gkf /people/person/employment_history./business/employment_tenure/company /m/07wtc +/m/0x67 /people/ethnicity/people /m/06y9bd +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/01l2fn /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/01gjw /music/genre/artists /m/0d9xq +/m/0m0nq /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/02vx4c2 /people/person/place_of_birth /m/01n7q +/m/0nlg4 /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01mqc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hcj2 +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/03k7bd /film/actor/film./film/performance/film /m/02rx2m5 +/m/0t_07 /location/location/time_zones /m/02hcv8 +/m/0fgg4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07b_l /location/administrative_division/first_level_division_of /m/09c7w0 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04jr87 +/m/017ztv /education/educational_institution/students_graduates./education/education/student /m/059y0 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0c1pj +/m/02x0gk1 /award/award_category/winners./award/award_honor/award_winner /m/0534v +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/012s1d /film/film/genre /m/04pbhw +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w58f +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ktcgn +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/012ky3 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0fw2y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06qgjh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/0fp_v1x /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/04z4j2 /film/film/production_companies /m/03sb38 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/0154j +/m/0564mx /people/person/nationality /m/09c7w0 +/m/03cl8lb /people/person/gender /m/02zsn +/m/0pb33 /film/film/genre /m/02kdv5l +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/04pqqb +/m/0gthm /film/actor/film./film/performance/film /m/064q5v +/m/020ffd /film/actor/film./film/performance/film /m/034qbx +/m/06bzwt /people/person/nationality /m/09c7w0 +/m/01bvx1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/06b7s9 /education/educational_institution/campuses /m/06b7s9 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0q9kd /film/actor/film./film/performance/film /m/0277j40 +/m/0124ld /olympics/olympic_games/sports /m/09_94 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0180w8 /music/group_member/membership./music/group_membership/role /m/0342h +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gdhhy /people/person/profession /m/01d_h8 +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/0430_ /location/location/contains /m/01hc1j +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/02qfhb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqh5 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r8l +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/0hpz8 +/m/04n_g /people/person/place_of_birth /m/02_286 +/m/0159h6 /film/actor/film./film/performance/film /m/03177r +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/032yps /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/08720 /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0fgpvf /film/film/production_companies /m/05mgj0 +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06jkm /influence/influence_node/peers./influence/peer_relationship/peers /m/05gpy +/m/01j5ts /film/actor/film./film/performance/film /m/0sxlb +/m/0cwx_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f0fnk /people/person/languages /m/02h40lc +/m/0htlr /people/person/place_of_birth /m/06c62 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0794g +/m/0311wg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/019vhk /film/film/language /m/03x42 +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/0sxmx /film/film/cinematography /m/06r_by +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/081bls /business/business_operation/industry /m/02vxn +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/03f1zhf /people/person/languages /m/03_9r +/m/0jnlm /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/060j8b +/m/01tjt2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/06q5t7 /people/person/profession /m/09jwl +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01vv6xv /people/person/profession /m/0dz3r +/m/01tnbn /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/01cssf /film/film/genre /m/07s9rl0 +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j2jr +/m/0p_qr /film/film/cinematography /m/079hvk +/m/01znc_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0gk4g /people/cause_of_death/people /m/0hqcy +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/01wf86y +/m/0chsq /film/actor/film./film/performance/film /m/01wb95 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hmyfsv +/m/0435vm /film/film/country /m/09c7w0 +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/01lyv /music/genre/artists /m/0249kn +/m/04hk0w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/065dc4 /film/film/written_by /m/06dkzt +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0ym4t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lpjn +/m/02vyw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026hh0m /film/film/country /m/0chghy +/m/02633g /people/person/profession /m/0dxtg +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/011k1h /music/record_label/artist /m/0qf3p +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/02l101 /film/actor/film./film/performance/film /m/02qr3k8 +/m/02kcz /location/country/form_of_government /m/01fpfn +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hz6mv2 +/m/013hxv /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/03knl /people/person/place_of_birth /m/01sn3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/0dwz3t /sports/sports_team/colors /m/019sc +/m/01cwcr /people/person/religion /m/0kpl +/m/01w2v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0154qm +/m/04wsz /location/location/contains /m/0697s +/m/07wm6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01p8r8 /film/actor/film./film/performance/film /m/01hvjx +/m/0ly8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/07s8hms +/m/05kr_ /location/location/contains /m/018gmr +/m/0cx7f /music/genre/artists /m/07r4c +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/0341n5 +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/081mh /location/location/partially_contains /m/05lx3 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/01gbcf /music/genre/parent_genre /m/0dl5d +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0879bpq +/m/01wz_ml /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6lx +/m/0f4m2z /film/film/music /m/02cyfz +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0lk90 /people/person/profession /m/0nbcg +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01_xtx /film/actor/film./film/performance/film /m/0h95927 +/m/0_ytw /base/biblioness/bibs_location/country /m/09c7w0 +/m/04v8h1 /film/film/genre /m/082gq +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/02rmfm +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rh0w +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s_2 +/m/04ld94 /people/person/profession /m/02jknp +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/033qdy /film/film/cinematography /m/09bxq9 +/m/09pl3f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/05mcjs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01l50r /organization/organization/headquarters./location/mailing_address/citytown /m/059rby +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07c52 /media_common/netflix_genre/titles /m/0cskb +/m/039cq4 /media_common/netflix_genre/titles /m/0c8tkt +/m/0468g4r /award/award_category/winners./award/award_honor/award_winner /m/027d5g5 +/m/02p86pb /film/film/genre /m/017fp +/m/07ym0 /people/deceased_person/place_of_death /m/05qtj +/m/0gs1_ /film/director/film /m/011ycb +/m/02b168 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/instrument/instrumentalists /m/01f9zw +/m/0n5hh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2kw +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0170s4 +/m/026hxwx /film/film/genre /m/05p553 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lt6 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9l_ +/m/01cf93 /music/record_label/artist /m/01vng3b +/m/0x67 /people/ethnicity/people /m/03f3yfj +/m/01kp66 /film/actor/film./film/performance/film /m/06kl78 +/m/0mzkr /music/record_label/artist /m/03y82t6 +/m/06l3bl /media_common/netflix_genre/titles /m/016ywb +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01l2m3 /people/cause_of_death/people /m/012dr7 +/m/06l9n8 /film/actor/film./film/performance/film /m/02prw4h +/m/02b190 /sports/sports_team/sport /m/02vx4 +/m/02kbtf /education/educational_institution_campus/educational_institution /m/02kbtf +/m/01vvb4m /film/actor/film./film/performance/film /m/01qb559 +/m/01vhrz /organization/organization_founder/organizations_founded /m/01gb54 +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/03fqv5 /film/director/film /m/0bcp9b +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/042v_gx /music/instrument/instrumentalists /m/01vvycq +/m/0ndsl1x /film/film/production_companies /m/016tt2 +/m/09qc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0dyb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04hwbq +/m/0kbws /olympics/olympic_games/participating_countries /m/06s9y +/m/0969vz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018m5q /education/educational_institution/school_type /m/02p0qmm +/m/0g9wdmc /film/film/production_companies /m/05mgj0 +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/01vt5c_ /people/person/religion /m/03j6c +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/098sx /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024dgj +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/0dq2k /people/person/religion /m/07x21 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03_f0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/0g768 +/m/01y9qr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/01ly8d /location/administrative_division/country /m/0jgd +/m/01kkk4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/06n7h7 /people/person/places_lived./people/place_lived/location /m/0xn7b +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03rwz3 +/m/0yfp /influence/influence_node/influenced_by /m/03pm9 +/m/04w1j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ds83 +/m/01w0yrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0pyww +/m/018vs /music/instrument/instrumentalists /m/01v_pj6 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/02qhlm +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cy__l +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/044f7 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/03xj05 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/05qd_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jfr3y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030znt +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09r9m7 /people/person/gender /m/05zppz +/m/01kd57 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/04pf4r /music/artist/origin /m/02jx1 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/061zc_ /people/person/profession /m/02hrh1q +/m/0b78hw /influence/influence_node/influenced_by /m/03sbs +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0k8y7 /film/actor/film./film/performance/film /m/0ktx_ +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_9t7 +/m/08624h /people/person/religion /m/03j6c +/m/079yb /sports/sports_team_location/teams /m/049bp4 +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x73c +/m/0k8y7 /people/person/places_lived./people/place_lived/location /m/0r785 +/m/07qcbw /award/award_winner/awards_won./award/award_honor/award_winner /m/019pkm +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09krp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c_j9x +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01g4yw +/m/01qscs /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02114t +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/02_4fn +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/026fs38 /film/film/produced_by /m/03_bcg +/m/09rntd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0827d /music/genre/artists /m/0lccn +/m/0432_5 /film/film/language /m/012w70 +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/04344j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pv91 /film/film/story_by /m/0133sq +/m/0bt4g /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0f5hyg /sports/sports_team/colors /m/083jv +/m/01hqhm /film/film/production_companies /m/024rgt +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03rg2b /film/film/language /m/064_8sq +/m/0157g9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05zbm4 /people/person/profession /m/0dxtg +/m/02ndf1 /people/person/nationality /m/0d060g +/m/02z3zp /film/actor/film./film/performance/film /m/0g_zyp +/m/02yy9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017f4y /people/person/places_lived./people/place_lived/location /m/0rh7t +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/05jf85 /film/film/language /m/02h40lc +/m/06ncr /music/instrument/instrumentalists /m/01ky2h +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0170s4 /film/actor/film./film/performance/film /m/02_1sj +/m/063y9fp /film/film/language /m/02h40lc +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/0j871 /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/084z0w /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0ghvb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dln8jk /film/film/genre /m/011ys5 +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0njdm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dc7hc /film/film/featured_film_locations /m/04jpl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/050023 +/m/03jldb /people/person/profession /m/03gjzk +/m/083shs /film/film/executive_produced_by /m/06q8hf +/m/06jkm /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k53x +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/08hsww /people/person/profession /m/02hrh1q +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/02mxw0 /film/actor/film./film/performance/film /m/04hwbq +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01vwyqp +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cqbx +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02ldv0 /people/person/religion /m/0c8wxp +/m/04y9mm8 /film/film/language /m/02h40lc +/m/028k57 /people/person/place_of_birth /m/03pzf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/012fvq +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/04107 /people/deceased_person/place_of_death /m/02_286 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/01ypc +/m/02_j7t /people/person/places_lived./people/place_lived/location /m/0cxgc +/m/084qpk /film/film/produced_by /m/0693l +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0693l +/m/04wqr /film/actor/film./film/performance/film /m/0k4f3 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/01qdjm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09prnq /music/group_member/membership./music/group_membership/group /m/014_lq +/m/0c0sl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/041mt /influence/influence_node/influenced_by /m/03_87 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_wvl +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/0jpkw /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/04g61 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcb +/m/0fy34l /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/014ps4 /influence/influence_node/influenced_by /m/058vp +/m/015fr /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/027pfg /film/film/genre /m/01hmnh +/m/01zp33 /people/person/profession /m/02hrh1q +/m/0784v1 /people/person/nationality /m/05cgv +/m/01fh0q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06bc59 /film/film/genre /m/09blyk +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/01qdmh /film/film/genre /m/0lsxr +/m/036gdw /people/person/places_lived./people/place_lived/location /m/0nbrp +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xndd +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0m9v7 /film/actor/film./film/performance/film /m/05nlx4 +/m/01q3_2 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0n0bp /film/film/genre /m/03mqtr +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0g5pvv /film/film/featured_film_locations /m/02_286 +/m/02wh0 /influence/influence_node/influenced_by /m/03sbs +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0dcdp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_j7t /influence/influence_node/influenced_by /m/04sd0 +/m/0g9z_32 /film/film/produced_by /m/0fxky3 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/01t0dy /education/educational_institution/colors /m/06fvc +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/01rp13 +/m/048rn /film/film/language /m/02h40lc +/m/05q2c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03r0g9 /film/film/film_production_design_by /m/04_1nk +/m/05w3f /music/genre/parent_genre /m/0190_q +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/01q0kg +/m/04jpl /sports/sports_team_location/teams /m/02_lt +/m/01wmjkb /people/person/profession /m/09jwl +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/026sv5l /people/person/nationality /m/03rk0 +/m/0sxkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016szr /people/person/religion /m/0kpl +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01bl7g /film/film/genre /m/04t2t +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02yy8 +/m/0lcx /influence/influence_node/influenced_by /m/048cl +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/05f7w84 /tv/tv_program/genre /m/0c4xc +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/02yy8 /people/person/profession /m/0fj9f +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dbf +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/0bkg4 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0yfp +/m/0165b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0124jj /location/administrative_division/country /m/07ssc +/m/09sh8k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0199wf /film/film/country /m/09c7w0 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/03t22m /music/instrument/instrumentalists /m/09prnq +/m/05bpg3 /people/person/nationality /m/09c7w0 +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0dg3n1 /base/locations/continents/countries_within /m/04sj3 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/07b_l /location/location/contains /m/0mqs0 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02_cx_ +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048lv +/m/09xx0m /people/person/place_of_birth /m/01_d4 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/034m8 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/01x2tm8 /people/person/profession /m/0cbd2 +/m/04j4tx /film/film/genre /m/082gq +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gd92 +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/04l5d0 +/m/07c404 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04pnx /location/location/contains /m/0345_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gfw56 +/m/08sk8l /film/film/written_by /m/043hg +/m/02cbhg /film/film/film_format /m/07fb8_ +/m/02pzck /people/person/profession /m/02hrh1q +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l3kx /location/location/contains /m/0s69k +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fvf1 +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kpvp +/m/015pkt /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05hrq4 /people/person/profession /m/02krf9 +/m/023cjg /film/film/featured_film_locations /m/0f2wj +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/02q1hz +/m/08r98b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03tbg6 +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0147dk +/m/01fx2g /film/actor/film./film/performance/film /m/04h41v +/m/014clr /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/04n2vgk /people/person/profession /m/0n1h +/m/0d0vqn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02vzc +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/01b_d4 /education/educational_institution/campuses /m/01b_d4 +/m/03kbb8 /film/actor/film./film/performance/film /m/02z2mr7 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/014zn0 /film/actor/film./film/performance/film /m/0jymd +/m/0b4rf3 /people/person/nationality /m/02jx1 +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0gv40 /people/person/profession /m/01d_h8 +/m/0f40w /film/film/featured_film_locations /m/02_286 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/06mfvc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kgxf /people/person/religion /m/0g5llry +/m/016017 /film/film/genre /m/0hcr +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jqjx +/m/0s0tr /location/hud_county_place/place /m/0s0tr +/m/02tr7d /film/actor/film./film/performance/film /m/0b6tzs +/m/04jjy /film/film_subject/films /m/01z452 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02__34 +/m/03kts /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07kb7vh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/023gxx /film/film/language /m/02h40lc +/m/0cgbf /people/person/profession /m/01p5_g +/m/0c5tl /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/03v0t /location/administrative_division/country /m/09c7w0 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06by7 /music/genre/artists /m/01vs4ff +/m/022_q8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/01swck /film/actor/film./film/performance/film /m/06cm5 +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/03gvm3t /tv/tv_program/languages /m/02h40lc +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018zvb /influence/influence_node/influenced_by /m/041mt +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01q8fxx +/m/01cszh /music/record_label/artist /m/011z3g +/m/030qb3t /location/location/contains /m/0r0f7 +/m/01clyr /music/record_label/artist /m/0137hn +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01p5xy /education/educational_institution/students_graduates./education/education/student /m/078g3l +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0fms83 +/m/06k75 /time/event/locations /m/05qhw +/m/01n7q /location/location/contains /m/027xx3 +/m/04qk12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04fcx7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0d060g /location/location/contains /m/018ldw +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/06h7l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07d370 +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3x5 +/m/09v42sf /film/film/country /m/0f8l9c +/m/02mxbd /people/person/gender /m/02zsn +/m/02ky346 /education/field_of_study/students_majoring./education/education/student /m/0k60 +/m/0bt3j9 /film/film/genre /m/0gf28 +/m/08gg47 /film/film/genre /m/03k9fj +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0178kd +/m/0xhtw /music/genre/artists /m/016l09 +/m/019_1h /people/person/gender /m/05zppz +/m/03v40v /people/person/profession /m/02hrh1q +/m/0mwk9 /location/location/time_zones /m/02hcv8 +/m/0jqp3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/03n15_ /music/genre/artists /m/053y0s +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05_z42 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07r_dg +/m/0jnwx /film/film/country /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0371rb +/m/09jcj6 /film/film/genre /m/05p553 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/080z7 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02kmx6 /people/person/place_of_birth /m/0tzt_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09tc_y +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0fp_v1x /people/person/nationality /m/09c7w0 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02l7c8 /media_common/netflix_genre/titles /m/072zl1 +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/09f2j /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0432cd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020fcn +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/050fh +/m/02clgg /film/actor/film./film/performance/film /m/01xdxy +/m/02k_kn /music/genre/artists /m/01s21dg +/m/0jdr0 /film/film/story_by /m/0hcvy +/m/039g82 /people/person/places_lived./people/place_lived/location /m/013jz2 +/m/05_z42 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01xdf5 +/m/01w02sy /people/person/profession /m/02hrh1q +/m/01zg98 /film/actor/film./film/performance/film /m/09cr8 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02gnj2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0170k0 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mvd62 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0ftxw /location/hud_county_place/place /m/0ftxw +/m/0ggx5q /music/genre/artists /m/01x0yrt +/m/0gm2_0 /film/film/genre /m/09blyk +/m/01hrqc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092kgw +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/03ys48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02bvc5 /education/educational_institution/colors /m/06fvc +/m/029k55 /people/person/profession /m/0dxtg +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/030qb3t +/m/015gy7 /people/person/gender /m/05zppz +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/0pk41 /people/person/profession /m/016z4k +/m/03sbs /influence/influence_node/influenced_by /m/05qmj +/m/02x2jl_ /film/film/production_companies /m/02j_j0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0kvgnq +/m/04ych /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l2fn +/m/05krk /education/university/fraternities_and_sororities /m/035tlh +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02q_ncg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/0c3dzk +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03kcyd +/m/0344gc /film/film/genre /m/01lrrt +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/01xyt7 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/04nw9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c2ry +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/0gyv0b4 /film/film/personal_appearances./film/personal_film_appearance/person /m/02ts3h +/m/04sx9_ /people/person/place_of_birth /m/01531 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wgcvn +/m/05qhw /sports/sports_team_location/teams /m/03b6j8 +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/01520h /people/person/profession /m/02hrh1q +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/09dv49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015f47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/034qg /people/cause_of_death/people /m/06hx2 +/m/07sqbl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04_bfq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/048gd_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/0dqcs3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0301yj /people/person/place_of_birth /m/02_286 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06ncr +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/037ts6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0x67 /people/ethnicity/people /m/01gvr1 +/m/02wyc0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07ymr5 /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/066l3y /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0cy41 /base/aareas/schema/administrative_area/administrative_parent /m/09krp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/01ry0f /film/actor/film./film/performance/film /m/04cbbz +/m/014hdb /film/director/film /m/0gys2jp +/m/07cjqy /people/person/languages /m/02h40lc +/m/07jmgz /people/person/gender /m/05zppz +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/059j4x +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01yb1y +/m/05f2jk /people/person/profession /m/01c8w0 +/m/0dnkmq /film/film/executive_produced_by /m/079vf +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/06x58 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04xn_ /location/country/form_of_government /m/06cx9 +/m/02k_kn /music/genre/artists /m/01vt9p3 +/m/035gjq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015y_n /music/genre/artists /m/0pj9t +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02tz9z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/099pks /tv/tv_program/languages /m/02h40lc +/m/019l68 /people/person/gender /m/02zsn +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/04ycjk /education/educational_institution/school_type /m/05pcjw +/m/0tc7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fm07 /music/genre/artists /m/0770cd +/m/06jkm /influence/influence_node/influenced_by /m/05qmj +/m/091rc5 /film/film/genre /m/05p553 +/m/014knw /film/film/written_by /m/0c921 +/m/02qmncd /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/05h43ls /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dth1 /people/person/nationality /m/09c7w0 +/m/01zn4y /education/educational_institution/campuses /m/01zn4y +/m/01_x6v /people/person/nationality /m/09c7w0 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wtp6 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/0170s4 /people/person/place_of_birth /m/013n2h +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/044mrh /people/person/profession /m/02hrh1q +/m/036b_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/09z2b7 /film/film/language /m/02h40lc +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/022wxh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/03fykz /people/person/profession /m/0cbd2 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0488g9 +/m/05bcl /location/location/contains /m/0dwfw +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g60z +/m/01f9wm /organization/organization/place_founded /m/07ssc +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0cjdk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0147dk +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0k7pf +/m/084nh /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/012mrr /film/film/genre /m/06n90 +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/0qpqn /location/location/time_zones /m/02hczc +/m/032r4n /education/educational_institution/students_graduates./education/education/student /m/041mt +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/07kb7vh /film/film/production_companies /m/054lpb6 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/03tdlh /people/person/gender /m/02zsn +/m/0kvf3b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqcm +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/01z88t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/09c7w0 /location/country/second_level_divisions /m/0p01x +/m/07y_7 /music/instrument/instrumentalists /m/02cx90 +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/01rl_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/06wpc +/m/06x2ww /music/record_label/artist /m/028hc2 +/m/04nlb94 /film/film/country /m/0d0vqn +/m/0j86l /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/059rby /location/location/contains /m/027kp3 +/m/01jbx1 /film/actor/film./film/performance/film /m/02ryz24 +/m/01htxr /people/person/religion /m/0c8wxp +/m/0dl5d /music/genre/artists /m/0fhxv +/m/0mb8c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pksh +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0272vm +/m/05pq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/0l6vl /olympics/olympic_games/sports /m/0crlz +/m/0j_c /film/director/film /m/0k7tq +/m/087_xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/033qdy /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0277j40 +/m/0cmdwwg /film/film/produced_by /m/05txrz +/m/09gdm7q /film/film/language /m/06b_j +/m/0f7h2v /film/actor/film./film/performance/film /m/05q4y12 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08k40m +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0g8_vp /people/ethnicity/people /m/0478__m +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049fbh +/m/016sd3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fw1y /location/location/time_zones /m/02lcqs +/m/0p_47 /people/person/profession /m/03gjzk +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gssm +/m/07s9rl0 /media_common/netflix_genre/titles /m/04x4nv +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0sz28 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/01trtc /music/record_label/artist /m/01q32bd +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/016tw3 +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0h32q /film/actor/film./film/performance/film /m/015qqg +/m/039crh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022769 +/m/0n59t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/04954 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/05sxr_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/01pl14 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08hsww /people/person/gender /m/05zppz +/m/024_vw /people/person/nationality /m/09c7w0 +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lff +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/04dyqk +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046vvc +/m/012qjw /medicine/symptom/symptom_of /m/0h1wz +/m/0bx9y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1w +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0q1lp +/m/02r0d0 /award/award_category/category_of /m/02r0d0 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0ds2l81 /film/film/produced_by /m/092kgw +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027fwmt +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/05njw +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/0hyxv /location/administrative_division/country /m/07ssc +/m/025sc50 /music/genre/artists /m/07ss8_ +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0g72r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dn16 /music/genre/artists /m/01v27pl +/m/03y1mlp /people/person/profession /m/026sdt1 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0klh7 +/m/01j7rd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cbl95 /film/film/language /m/04h9h +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01pw2f1 /people/person/nationality /m/09c7w0 +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/022_q8 /people/person/profession /m/02jknp +/m/0409n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05fjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dclg +/m/0mm0p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlvc +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/0155w /music/genre/artists /m/01wg25j +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0gywn /music/genre/artists /m/0163r3 +/m/0b1y_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/044mfr /people/person/religion /m/03_gx +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0pgm3 /film/actor/film./film/performance/film /m/065zlr +/m/07hgm /influence/influence_node/influenced_by /m/0407f +/m/0bwgc_ /film/actor/film./film/performance/film /m/0g4vmj8 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0dfw0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fl +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/011v3 +/m/0k2sk /film/film/genre /m/0hcr +/m/03f68r6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/04q01mn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/0221zw /film/film/genre /m/07s9rl0 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01w5m /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/0301bq /film/actor/film./film/performance/film /m/03sxd2 +/m/0k1jg /location/location/time_zones /m/02hcv8 +/m/05_z42 /tv/tv_program/country_of_origin /m/09c7w0 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01z4y /media_common/netflix_genre/titles /m/03rtz1 +/m/06f32 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03d6q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pcq3 /film/actor/film./film/performance/film /m/02rlj20 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dq9p /people/cause_of_death/people /m/01tz6vs +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/01nln /location/location/contains /m/0dbks +/m/03ckfl9 /music/genre/artists /m/01vsqvs +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02r8hh_ /film/film/language /m/02h40lc +/m/05cws2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/015ynm +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmgrf +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/033wx9 /people/person/gender /m/02zsn +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0jm4b /sports/sports_team/colors /m/01g5v +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/057_yx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05b6s5j +/m/0627sn /people/person/place_of_birth /m/0nq_b +/m/0gydcp7 /film/film/produced_by /m/0d0xs5 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/03wv2g /education/educational_institution/campuses /m/03wv2g +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/01cszh /music/record_label/artist /m/058s57 +/m/08815 /education/educational_institution_campus/educational_institution /m/08815 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01v2xl +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/02p11jq /music/record_label/artist /m/05_swj +/m/03mp8k /music/record_label/artist /m/0c9l1 +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/079ws /people/person/gender /m/05zppz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/060j8b /film/actor/film./film/performance/film /m/05q4y12 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/07g2b +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/0mdqp /film/actor/film./film/performance/film /m/02ntb8 +/m/01dy7j /people/person/profession /m/02hrh1q +/m/04pz5c /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9zc +/m/0g9wdmc /film/film/genre /m/017fp +/m/06yxd /base/aareas/schema/administrative_area/capital /m/0fv_t +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gl88b +/m/049912 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01jpmpv /people/deceased_person/place_of_death /m/04jpl +/m/07vsl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/03_3d /location/location/contains /m/07dfk +/m/02qy3py /people/person/profession /m/02jknp +/m/0n5c9 /location/us_county/county_seat /m/0xr0t +/m/024qqx /media_common/netflix_genre/titles /m/04jpg2p +/m/0lzcs /people/person/nationality /m/07ssc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c0nhgv /film/film/produced_by /m/04q5zw +/m/01hqk /film/film/prequel /m/01hr1 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/015gsv /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/033f8n /film/film/genre /m/02kdv5l +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0f4zv /location/location/time_zones /m/02hcv8 +/m/05f2jk /people/person/nationality /m/09c7w0 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyz92 +/m/065b6q /people/ethnicity/people /m/0hfml +/m/0c0sl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/059gkk /film/actor/film./film/performance/film /m/06cm5 +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/014gjp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jmj +/m/028k57 /film/actor/film./film/performance/film /m/01k0vq +/m/0bk5r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/09q17 /media_common/netflix_genre/titles /m/02d003 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/08gf93 /people/person/nationality /m/09c7w0 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7jc +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/046lt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09gq0x5 /film/film/country /m/0chghy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/044rv +/m/016wzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k1b +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/03548 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bwr /film/film/featured_film_locations /m/030qb3t +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0300ml +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cp0790 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0265z9l /people/person/languages /m/055qm +/m/05bt6j /music/genre/artists /m/01vwbts +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpn8 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/011zf2 +/m/033m23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/02fx3c /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07s8r0 /film/actor/film./film/performance/film /m/0sxgv +/m/05qbbfb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/07ytt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01k56k /people/person/nationality /m/09c7w0 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02xbw2 /film/actor/film./film/performance/film /m/0gwf191 +/m/043hg /people/person/religion /m/0c8wxp +/m/02qlg7s /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0qcr0 /people/cause_of_death/people /m/0638kv +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/03cz83 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/0bkf72 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b9w3 +/m/01j95 /tv/tv_program/country_of_origin /m/09c7w0 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02r858_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0l2k7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g48m4 /people/ethnicity/geographic_distribution /m/04rrx +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/02ndbd /film/actor/film./film/performance/film /m/01kf5lf +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yndb +/m/017l4 /people/person/place_of_birth /m/06mxs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/09kvv +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/0bbf1f /film/actor/film./film/performance/film /m/02fqrf +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0fb1q +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/01wqpnm /people/person/profession /m/0nbcg +/m/0py9b /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0f5xn /film/actor/film./film/performance/film /m/0f4_l +/m/04n2vgk /people/person/profession /m/039v1 +/m/05k4my /film/film/genre /m/09blyk +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02k8k +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01zzy3 +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/023w9s /people/person/place_of_birth /m/01_d4 +/m/013yq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/01vw37m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0209hj /film/film/genre /m/02p0szs +/m/05c74 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031c2r +/m/0d6_s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/073y53 /award/award_category/winners./award/award_honor/award_winner /m/03kdl +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/05qg6g /film/actor/film./film/performance/film /m/0322yj +/m/01wyy_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vyw +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/0ml_m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/018417 +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/09lgt /location/administrative_division/country /m/0f8l9c +/m/0c0wvx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0b06q +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0432_5 /film/film/country /m/0d05w3 +/m/03gfvsz /broadcast/content/artist /m/04xrx +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0pqzh +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/080lkt7 /film/film/genre /m/03bxz7 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/056252 /music/record_label/artist /m/01mvjl0 +/m/014kg4 /people/person/places_lived./people/place_lived/location /m/0pc7r +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0yc7f /location/location/time_zones /m/02hcv8 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0739z6 +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02704ff /film/film/edited_by /m/02kxbx3 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/031y2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vz80y /people/person/profession /m/02jknp +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wgy +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01qz5 /film/film/language /m/064_8sq +/m/05zbm4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xg_w +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/02klny /organization/organization/headquarters./location/mailing_address/citytown /m/07l5z +/m/048xg8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/01k7b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbhy7 +/m/02q0v8n /film/film/country /m/09c7w0 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hw6wq +/m/05ml_s /people/person/gender /m/05zppz +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7xg +/m/011k1h /music/record_label/artist /m/0b68vs +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/0c5x_ /education/educational_institution/students_graduates./education/education/student /m/02jm0n +/m/03hzkq /people/person/profession /m/01d30f +/m/01vnbh /tv/tv_program/languages /m/02h40lc +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0cbgl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06g4_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv40 +/m/013nws /location/location/time_zones /m/02fqwt +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07jbh +/m/0dzlbx /film/film/executive_produced_by /m/01twdk +/m/03n3gl /film/film/country /m/09c7w0 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02wb6d /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/038czx /education/educational_institution_campus/educational_institution /m/038czx +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/04bfg +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/07f_7h /film/film/featured_film_locations /m/03pzf +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0lfyd /location/administrative_division/first_level_division_of /m/06mzp +/m/025st2z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b65l +/m/046lt /influence/influence_node/influenced_by /m/014z8v +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bj6k +/m/0311wg /award/award_winner/awards_won./award/award_honor/award_winner /m/02rmfm +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06h4y9 +/m/056wb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0ds35l9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015kg1 /music/record_label/artist /m/09jvl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/04t6fk +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gp3x +/m/099bk /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/0bs1yy /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/02_j8x /people/person/profession /m/01d_h8 +/m/0jm64 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01sjz_ /education/educational_institution_campus/educational_institution /m/01sjz_ +/m/0171cm /film/actor/film./film/performance/film /m/05z43v +/m/02_fj /film/actor/film./film/performance/film /m/0gl3hr +/m/0133_p /music/genre/artists /m/08w4pm +/m/030qb3t /location/location/contains /m/0r04p +/m/0mbw0 /influence/influence_node/influenced_by /m/01wp_jm +/m/07rj5 /location/administrative_division/country /m/0d05w3 +/m/01c65z /film/actor/film./film/performance/film /m/02kwcj +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07b_l +/m/09blyk /media_common/netflix_genre/titles /m/04gcyg +/m/06nns1 /base/eating/practicer_of_diet/diet /m/07_hy +/m/016z51 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/07lx1s +/m/08r98b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01ydzx /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/044mfr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09l3p +/m/02gpkt /film/film/genre /m/01jfsb +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01xr2s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c3p7 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/026gb3v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/018vs +/m/05bt6j /music/genre/artists /m/01kcms4 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f3yfj +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/02p68d +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyd8 +/m/011xy1 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01mb87 /location/location/time_zones /m/02hcv8 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01xdxy +/m/01k1k4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d7vtk /film/film/language /m/03_9r +/m/04w391 /people/person/profession /m/02jknp +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/05txrz /people/person/gender /m/05zppz +/m/07ssc /location/location/contains /m/0c9cw +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01pj3h +/m/05c6073 /music/genre/artists /m/02cpp +/m/0bzkvd /time/event/instance_of_recurring_event /m/0g_w +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0btbyn +/m/05wqr1 /people/person/profession /m/02hrh1q +/m/02gn8s /education/educational_institution/colors /m/01l849 +/m/01v9724 /influence/influence_node/influenced_by /m/01vh096 +/m/046br4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/047d21r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g9wdmc /film/film/country /m/07ssc +/m/026mj /location/location/contains /m/0m2mk +/m/01tcf7 /film/actor/film./film/performance/film /m/015qqg +/m/015t7v /people/person/nationality /m/02jx1 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/02khs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02dlfh +/m/09jw2 /music/genre/artists /m/0qf3p +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/029h45 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05f8c2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/01vvb4m /film/actor/film./film/performance/film /m/07bx6 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/011j5x /music/genre/artists /m/0frsw +/m/015c4g /people/person/nationality /m/09c7w0 +/m/0bgv4g /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/018w0j /base/culturalevent/event/entity_involved /m/0203v +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03fts +/m/011kn2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06zpgb2 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/0134s5 +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/03td5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0n5yv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09c7w0 /location/location/contains /m/021996 +/m/0x335 /location/location/time_zones /m/02hczc +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gn36 +/m/08s_lw /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/0dp7wt /film/film/country /m/09c7w0 +/m/014lc_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /base/locations/continents/countries_within /m/04ty8 +/m/040b5k /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/01vw20_ /people/person/profession /m/0nbcg +/m/0151w_ /people/person/profession /m/03gjzk +/m/05cgy8 /people/person/gender /m/05zppz +/m/0285c /music/group_member/membership./music/group_membership/role /m/0342h +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/04jr87 /location/location/time_zones /m/02llzg +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03_f0 /people/person/gender /m/05zppz +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/06wjf /location/location/time_zones /m/052vwh +/m/01g6bk /people/person/profession /m/0cbd2 +/m/02_33l /people/person/place_of_birth /m/04f_d +/m/03n0cd /film/film/country /m/09c7w0 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/089j8p +/m/02nczh /film/film/featured_film_locations /m/0vzm +/m/015cbq /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07f7jp /people/person/employment_history./business/employment_tenure/company /m/086k8 +/m/02csf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/03pp73 /people/person/gender /m/05zppz +/m/047vnkj /film/film/country /m/09c7w0 +/m/016gr2 /film/actor/film./film/performance/film /m/09q5w2 +/m/01hvv0 /tv/tv_program/genre /m/05p553 +/m/02qhlwd /film/film/genre /m/01jfsb +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03bxpt0 +/m/01p6xx /people/person/profession /m/02jknp +/m/0gmd3k7 /film/film/production_companies /m/016tw3 +/m/0f8l9c /location/location/contains /m/0mgfs +/m/0lgxj /olympics/olympic_games/participating_countries /m/07f1x +/m/012d40 /film/actor/film./film/performance/film /m/02_sr1 +/m/0b_6_l /time/event/locations /m/0f2w0 +/m/025sc50 /music/genre/artists /m/01vtj38 +/m/02rqxc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01p7x7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/04k05 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0lgm5 /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/0c7t58 /people/person/profession /m/03gjzk +/m/022jr5 /education/educational_institution_campus/educational_institution /m/022jr5 +/m/0288zy /organization/organization/headquarters./location/mailing_address/citytown /m/0dc95 +/m/012ycy /people/person/profession /m/0dz3r +/m/0c_tl /olympics/olympic_games/sports /m/07jjt +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033tf_ /people/ethnicity/people /m/02mjmr +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/07w0v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/031n8c /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/025s1wg /film/film/genre /m/05p553 +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02dtg +/m/0mzj_ /film/film_subject/films /m/015g28 +/m/0127s7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wyz92 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/04m064 /film/actor/film./film/performance/film /m/03s9kp +/m/047qxs /film/film/genre /m/060__y +/m/018m5q /education/educational_institution/colors /m/036k5h +/m/01qgr3 /education/educational_institution/campuses /m/01qgr3 +/m/0b6l1st /film/film/genre /m/02kdv5l +/m/0882j7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04t2l2 /people/person/profession /m/03gjzk +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/01tz_d +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/07733f +/m/07w3r /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f0vvr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/09d3b7 /film/film/story_by /m/06n9lt +/m/014zfs /people/person/profession /m/01c72t +/m/0pz91 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/09pl3s /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0f7hc /film/actor/film./film/performance/film /m/0fgrm +/m/05_2h8 /people/person/place_of_birth /m/0mzww +/m/0841zn /people/person/place_of_birth /m/0nlh7 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/029bkp /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01kvqc +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/04zwc +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cqhl +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/012gq6 /people/person/place_of_birth /m/0s5cg +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/017xm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/06q8qh +/m/02q_ncg /film/film/language /m/06nm1 +/m/02pprs /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/03s5lz /film/film/genre /m/0lsxr +/m/0ggq0m /music/genre/artists /m/01dhjz +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0lbj1 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rnl9 +/m/012201 /people/person/nationality /m/03rjj +/m/01dpsv /people/person/profession /m/0dz3r +/m/02htv6 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0266s9 +/m/01bkb /location/administrative_division/country /m/03ryn +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01v8y9 +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cc5tgk +/m/01m13b /film/film/written_by /m/04k25 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kxx1 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/07ssc /location/location/contains /m/01rvgx +/m/05148p4 /music/instrument/instrumentalists /m/01wbsdz +/m/03xnwz /music/genre/parent_genre /m/064t9 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0dxmyh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cbm64 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03d0d7 +/m/06zmg7m /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/0bth54 /film/film/executive_produced_by /m/016dmx +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0517bc /people/person/gender /m/02zsn +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnw1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06zdt7 +/m/06pcz0 /people/person/profession /m/02jknp +/m/085gk /influence/influence_node/influenced_by /m/039n1 +/m/016r9z /olympics/olympic_games/sports /m/071t0 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044n3h +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwnh2 +/m/018vs /music/instrument/instrumentalists /m/0j6cj +/m/05r6t /music/genre/artists /m/0gkg6 +/m/0dgst_d /film/film/executive_produced_by /m/06q8hf +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/083chw +/m/0713r /sports/sports_team/colors /m/0jc_p +/m/03nm_fh /film/film/production_companies /m/04f525m +/m/0c43g /people/person/places_lived./people/place_lived/location /m/06c62 +/m/0bk17k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03sww +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0261g5l /people/person/place_of_birth /m/0f2v0 +/m/04pk1f /film/film/genre /m/03k9fj +/m/0k1bs /music/artist/origin /m/0d6lp +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/065ym0c +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01kkfp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/02cj_f /people/deceased_person/place_of_burial /m/02j7k +/m/02h7qr /education/educational_institution/colors /m/01l849 +/m/075cph /film/film/country /m/09c7w0 +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/05css_ /film/film/country /m/09c7w0 +/m/04ly1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/03r0g9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05bcl /location/location/contains /m/01l63 +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/02q0k7v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/0169dl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/01cspq +/m/03ldxq /people/person/profession /m/0d8qb +/m/07w0v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05wjnt /film/actor/film./film/performance/film /m/027r9t +/m/0d23k /base/biblioness/bibs_location/state /m/05kj_ +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/0342h /music/instrument/instrumentalists /m/0144l1 +/m/0f4m2z /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/04gzd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/023t0q /people/person/profession /m/0cbd2 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x6dqb +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07fzq3 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/01vrlr4 /people/person/nationality /m/09c7w0 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02y_2y +/m/051n13 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/0c0k1 /film/actor/film./film/performance/film /m/0bw20 +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/03gn1x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0m76b /people/person/nationality /m/09c7w0 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07szy +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z5tr +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/02l101 /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/01vqc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/05jjl /people/person/profession /m/025352 +/m/03mszl /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0d9y6 /location/hud_county_place/place /m/0d9y6 +/m/05dl1s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/059yj +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/01n4w +/m/0814k3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/04g_wd /people/person/profession /m/015cjr +/m/01323p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/022qw7 /people/person/place_of_birth /m/01qcx_ +/m/07ddz9 /film/actor/film./film/performance/film /m/04tz52 +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/0hskw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02q56mk /film/film/language /m/02h40lc +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/03lt8g +/m/01j6mff /people/person/profession /m/0n1h +/m/0gywn /music/genre/artists /m/012x4t +/m/0hsn_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06v9_x +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/02tn0_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/063ykwt +/m/0413cff /film/film/genre /m/02xh1 +/m/03qjg /music/instrument/instrumentalists /m/0161sp +/m/03rhqg /music/record_label/artist /m/01mwsnc +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0d8lm +/m/0dn_w /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/013tjc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01wmxfs /people/person/profession /m/02krf9 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01clyr /music/record_label/artist /m/01vn0t_ +/m/02773nt /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zlld0 +/m/01k_r5b /people/person/places_lived./people/place_lived/location /m/0rv97 +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0k9wp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0kvb6p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fy2s1 /people/person/gender /m/02zsn +/m/015np0 /film/actor/film./film/performance/film /m/017kct +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/01gj8_ /people/person/profession /m/0fj9f +/m/0167v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0b60sq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026dcvf /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/016z7s /film/film/music /m/03975z +/m/01k23t /people/person/profession /m/09jwl +/m/02k856 /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/0g10g +/m/0h1mt /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01syr4 +/m/01flzq /music/genre/artists /m/0bqvs2 +/m/03qjg /music/instrument/instrumentalists /m/016h4r +/m/077yk0 /people/person/profession /m/02hrh1q +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0jsf6 /film/film/featured_film_locations /m/02_286 +/m/04gycf /people/person/profession /m/02hrh1q +/m/09v6tz /people/person/gender /m/05zppz +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/0jtf1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hkq4 +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026_dcw +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/03hvk2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/048tgl /people/person/nationality /m/09c7w0 +/m/0h0wc /film/actor/film./film/performance/film /m/01chpn +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0261g5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03l3jy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bzwt /film/actor/film./film/performance/film /m/07bx6 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/01zmpg /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/01kjr0 /film/film/genre /m/01jfsb +/m/03qjg /music/instrument/instrumentalists /m/01vw87c +/m/07cw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/016z5x /film/film/country /m/09c7w0 +/m/027r9t /film/film/country /m/09c7w0 +/m/04sry /award/award_winner/awards_won./award/award_honor/award_winner /m/04t38b +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pj9t +/m/09c7w0 /location/location/contains /m/0bxbb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/0gx_p /people/person/place_of_birth /m/0jbrr +/m/0jbyg /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/06vbd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/020ffd /people/person/religion /m/0c8wxp +/m/01kjr0 /film/film/country /m/0f8l9c +/m/01dq0z /education/educational_institution/students_graduates./education/education/student /m/0d608 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bqvs +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/01w923 /people/person/profession /m/01c72t +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gys2 +/m/013719 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0mbwf +/m/07ssc /location/location/contains /m/01l63 +/m/02cx90 /people/person/profession /m/0dz3r +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03l7w8 /sports/sports_team/sport /m/02vx4 +/m/026qnh6 /film/film/written_by /m/053ksp +/m/03bkbh /people/ethnicity/people /m/02184q +/m/0f6lx /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/025jbj +/m/023s8 /people/person/places_lived./people/place_lived/location /m/05fjf +/m/064q5v /film/film/genre /m/0219x_ +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/016lh0 /people/person/profession /m/0fj9f +/m/05b49tt /people/person/profession /m/089fss +/m/01wc7p /film/actor/film./film/performance/film /m/06lpmt +/m/01kb2j /people/person/places_lived./people/place_lived/location /m/02z0j +/m/032jlh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018pj3 /people/person/profession /m/0nbcg +/m/0dx8gj /film/film/genre /m/082gq +/m/0kvgxk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1cn +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/08jyyk /music/genre/artists /m/048xh +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_x5t +/m/05r6t /music/genre/artists /m/06lxn +/m/028knk /film/actor/film./film/performance/film /m/04xg2f +/m/0356dp /film/actor/film./film/performance/film /m/0p4v_ +/m/0h03fhx /film/film/language /m/032f6 +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/01qhm_ /people/ethnicity/people /m/08m4c8 +/m/02ryyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0163t3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/01wwnh2 /people/person/profession /m/09jwl +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187x8 +/m/0f_nbyh /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/03m6zs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04pnx /location/location/contains /m/0165v +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02p65p +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03rk0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/031786 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/04vg8 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/030hcs /film/actor/film./film/performance/film /m/0blpg +/m/05sxr_ /film/film/language /m/02h40lc +/m/02b61v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08849 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0604m +/m/02rb607 /film/film/story_by /m/041jlr +/m/09c7w0 /location/country/second_level_divisions /m/0n5xb +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/023p29 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mj4 +/m/03n52j /film/actor/film./film/performance/film /m/0pdp8 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/070j61 /award/award_winner/awards_won./award/award_honor/award_winner /m/03fg0r +/m/05bt6j /music/genre/artists /m/01vv7sc +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0bx_hnp /film/film/produced_by /m/04sry +/m/0mwq7 /location/location/time_zones /m/02hcv8 +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/086sj /film/actor/film./film/performance/film /m/01qxc7 +/m/015qyf /people/deceased_person/place_of_burial /m/05rgl +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/03jl0_ /tv/tv_network/programs./tv/tv_network_duration/program /m/0dk0dj +/m/02mp0g /organization/organization/headquarters./location/mailing_address/state_province_region /m/0846v +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/04wp3s /film/actor/film./film/performance/film /m/02vqsll +/m/04g9sq /people/person/gender /m/05zppz +/m/0263q4z /music/genre/artists /m/01wyz92 +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nt8p +/m/01yfp7 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/058dm9 +/m/0dwsp /music/instrument/instrumentalists /m/01p95y0 +/m/01vvyfh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0j_c /film/director/film /m/04mzf8 +/m/0cf8qb /film/film/genre /m/082gq +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/014dm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/0fp_v1x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09qljs /film/film/production_companies /m/061dn_ +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02mg5r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0nhgv /film/film/language /m/0t_2 +/m/0cqr0q /film/film/production_companies /m/03xsby +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/06w839_ /film/film/genre /m/03k9fj +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/0420td /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/013w7j /people/person/profession /m/0dz3r +/m/0mbhr /people/person/gender /m/02zsn +/m/03hpkp /education/educational_institution_campus/educational_institution /m/03hpkp +/m/02l0xc /film/actor/film./film/performance/film /m/0f7hw +/m/0f04c /location/location/time_zones /m/02lcqs +/m/02q3bb /award/award_winner/awards_won./award/award_honor/award_winner /m/04vq3h +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6v +/m/0cn_b8 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/02x201b /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/0c3p7 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0135g +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/01634x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04s04 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01h72l +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0f2c8g /film/actor/film./film/performance/film /m/02w86hz +/m/015l4k /olympics/olympic_games/sports /m/01dys +/m/0df92l /film/film/genre /m/04t2t +/m/016j68 /film/actor/film./film/performance/film /m/0dnqr +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crh5_f +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c52 +/m/09jm8 /influence/influence_node/influenced_by /m/05xq9 +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/0cq86w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/017g2y +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/04x4gw /film/film/edited_by /m/027pdrh +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/02ryx0 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/03qcq +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02ts3h /people/person/profession /m/02hrh1q +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/017b2p /people/person/profession /m/016z4k +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02cpb7 +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0k_mt /people/person/profession /m/0cbd2 +/m/09vzz /education/educational_institution/colors /m/01l849 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/02n5d /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0j06n +/m/0141kz /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/03y0pn /film/film/produced_by /m/01t6b4 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02_p8v /film/actor/film./film/performance/film /m/01hq1 +/m/03k9fj /media_common/netflix_genre/titles /m/02q8ms8 +/m/01g1lp /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/016v46 /base/aareas/schema/administrative_area/administrative_parent /m/0hbbx +/m/04kn29 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/016clz /music/genre/artists /m/013w8y +/m/04z0g /people/person/profession /m/01d30f +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/02n4kr /media_common/netflix_genre/titles /m/075cph +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/09lcsj /film/film/genre /m/04cb4x +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/03x33n /organization/organization/headquarters./location/mailing_address/citytown /m/0fvvz +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/026c1 /film/actor/film./film/performance/film /m/0fvr1 +/m/0lccn /people/person/profession /m/016z4k +/m/02q3fdr /film/film/genre /m/03q4nz +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dfw0 /film/film/genre /m/01hmnh +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5fg +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032xhg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/062yh9 /people/person/place_of_birth /m/02_286 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/0lgxj /olympics/olympic_games/participating_countries /m/04hqz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ftkx +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gm2_0 +/m/01k_0fp /music/group_member/membership./music/group_membership/role /m/03qjg +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/0cycc /medicine/disease/risk_factors /m/01hbgs +/m/01vsy7t /film/actor/film./film/performance/film /m/02pxst +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/03f0fnk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/01pw2f1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01q7cb_ +/m/022_lg /people/person/profession /m/01d_h8 +/m/01b65l /tv/tv_program/languages /m/02h40lc +/m/024qqx /media_common/netflix_genre/titles /m/0315rp +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/080nwsb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0g2dz /music/instrument/instrumentalists /m/01wy61y +/m/01hb1t /education/educational_institution/students_graduates./education/education/student /m/079ws +/m/01vvyc_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvydl +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/014zcr +/m/03v1s /location/location/contains /m/0sngf +/m/0fg04 /film/film/genre /m/06www +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/02jqjm /music/artist/origin /m/030qb3t +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/03176f /film/film/film_production_design_by /m/0d5wn3 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/08q1tg /people/cause_of_death/people /m/06vdh8 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/09c7w0 /location/location/contains /m/07z1m +/m/0g768 /music/record_label/artist /m/01dhjz +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vs8ng /film/actor/film./film/performance/film /m/026q3s3 +/m/017jd9 /film/film/executive_produced_by /m/06q8hf +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fybl +/m/04f525m /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g1lp +/m/01j_cy /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/0jcx /people/person/gender /m/05zppz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/03bkbh /people/ethnicity/people /m/018p4y +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/01vrlqd /people/person/profession /m/025352 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/0k419 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/02tcgh +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01713c +/m/07vjm /education/university/fraternities_and_sororities /m/0325pb +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/029_l /people/person/nationality /m/02jx1 +/m/02754c9 /film/film/country /m/03rjj +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/03_6y /film/actor/film./film/performance/film /m/0n6ds +/m/02y7sr /people/person/profession /m/0nbcg +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pq5j7 +/m/09fb5 /people/person/gender /m/05zppz +/m/02tc5y /film/actor/film./film/performance/film /m/034r25 +/m/09kr66 /people/ethnicity/people /m/04bdqk +/m/0168ls /film/film/country /m/09c7w0 +/m/0gnkb /film/film/language /m/02h40lc +/m/082db /influence/influence_node/influenced_by /m/03_f0 +/m/03wy8t /film/film/production_companies /m/0278rq7 +/m/01sb5r /people/person/profession /m/039v1 +/m/09xx0m /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gdh6k +/m/0c11mj /people/person/place_of_birth /m/0dlqv +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl80 +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/01dys +/m/03_vx9 /film/actor/film./film/performance/film /m/04ynx7 +/m/01g6l8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01p1z_ /people/person/place_of_birth /m/02_286 +/m/06f5j /people/deceased_person/place_of_death /m/0mnm2 +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/019lxm /sports/sports_team/colors /m/019sc +/m/058s44 /film/actor/film./film/performance/film /m/0b6l1st +/m/0fpj4lx /people/person/profession /m/016z4k +/m/0fvxg /base/biblioness/bibs_location/country /m/09c7w0 +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/025sc50 /music/genre/artists /m/02l840 +/m/0d8h4 /location/administrative_division/country /m/0f8l9c +/m/0241wg /film/actor/film./film/performance/film /m/02tcgh +/m/028qyn /people/person/profession /m/02hrh1q +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/03hrz /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01vsy9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05fly +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02j9z /location/location/contains /m/06c1y +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/032016 /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0mx3k +/m/01k70_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds35l9 +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/05bjp6 /education/educational_institution/students_graduates./education/education/student /m/0m66w +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01wb95 /film/film/music /m/02sj1x +/m/02r38 /people/person/profession /m/01b30l +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/01p47r /people/person/place_of_birth /m/0cr3d +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/021yzs /film/actor/film./film/performance/film /m/0f4_l +/m/084kf /base/biblioness/bibs_location/state /m/03s0w +/m/0159h6 /film/actor/film./film/performance/film /m/031hcx +/m/04g51 /education/field_of_study/students_majoring./education/education/student /m/0cbdf1 +/m/091z_p /film/film/country /m/06mkj +/m/0kvgnq /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/02bhj4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0mj1l /film/actor/film./film/performance/film /m/03f7nt +/m/0bcndz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/01qzyz /music/instrument/instrumentalists /m/082brv +/m/01v9724 /people/person/profession /m/0cbd2 +/m/02z6gky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c8tkt /film/film/production_companies /m/016tw3 +/m/0dgq_kn /film/film/country /m/0345h +/m/039zft /film/film/genre /m/04xvh5 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0dvmd +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvf3b +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/03xh50 +/m/03qjg /music/instrument/instrumentalists /m/0fpj4lx +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/03v0t /location/location/contains /m/02yxjs +/m/0827d /music/genre/artists /m/01vrnsk +/m/07kdkfj /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cycq +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nrgq +/m/0fx2s /film/film_subject/films /m/02_fz3 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vh18t +/m/03xk1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/03k0yw /people/person/gender /m/05zppz +/m/015fsv /education/educational_institution_campus/educational_institution /m/015fsv +/m/09c7w0 /location/location/contains /m/0s9b_ +/m/02vkzcx /education/educational_institution/campuses /m/02vkzcx +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0222qb /people/ethnicity/people /m/01twdk +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0jrv_ /music/genre/artists /m/01w8n89 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0g701n /sports/sports_team/colors /m/083jv +/m/02h659 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/06cgy /film/actor/film./film/performance/film /m/0fphf3v +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/02nf2c /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/0nvvw /location/location/contains /m/0s3pw +/m/0drr3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drs7 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0156q +/m/01v40wd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015czt /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wh1 +/m/04165w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04n7ps6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b79gfg +/m/081hvm /film/actor/film./film/performance/film /m/02w86hz +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/09tlh /location/administrative_division/country /m/07ssc +/m/048gd_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02t_99 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lx2l +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/02t__3 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01s7ns /people/person/languages /m/06nm1 +/m/018swb /people/person/profession /m/02hrh1q +/m/07c52 /media_common/netflix_genre/titles /m/02xhwm +/m/0xjl2 /music/genre/artists /m/01tp5bj +/m/03w9bjf /people/ethnicity/languages_spoken /m/0121sr +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/05tfn1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/011k1h /music/record_label/artist /m/01wzlxj +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/018y2s /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01dq5z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/03x1s8 /education/educational_institution/colors /m/01l849 +/m/01xr2s /tv/tv_program/genre /m/0lsxr +/m/02r_pp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ktrs /film/actor/film./film/performance/film /m/0b1y_2 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0hn2q +/m/04j6dg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04gr35 /influence/influence_node/influenced_by /m/0p_47 +/m/078vc /people/ethnicity/languages_spoken /m/0swlx +/m/064t9 /music/genre/artists /m/01j4ls +/m/0cjsxp /film/actor/film./film/performance/film /m/0fpmrm3 +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/0hcvy +/m/08y2fn /tv/tv_program/country_of_origin /m/07ssc +/m/03nfnx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/01fwf1 +/m/02vptk_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0kr5_ /people/person/nationality /m/02jx1 +/m/049fcd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/050f0s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024cg8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/026rm_y /film/actor/film./film/performance/film /m/07k8rt4 +/m/01qd_r /education/university/fraternities_and_sororities /m/035tlh +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/03f3_p3 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/060v34 +/m/0cbgl /influence/influence_node/influenced_by /m/040db +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/026p_bs /film/film/language /m/02h40lc +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/040db /people/deceased_person/place_of_death /m/03902 +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/08vpjv /people/person/gender /m/02zsn +/m/01385g /film/actor/film./film/performance/film /m/026zlh9 +/m/03k545 /people/person/religion /m/0kpl +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01mskc3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01kvrz +/m/0d060g /location/location/time_zones /m/02fqwt +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/03mh_tp /film/film/production_companies /m/054lpb6 +/m/0sgxg /location/hud_county_place/county /m/0ntxg +/m/0gk4g /people/cause_of_death/people /m/087_wh +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fr0t +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08mg_b +/m/01rnxn /people/person/profession /m/02hrh1q +/m/0cm2xh /film/film_subject/films /m/02__34 +/m/04sh80 /film/film/genre /m/03npn +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/03f6fl0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01vzz1c /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0bzyh /film/director/film /m/0j_t1 +/m/02x_h0 /people/person/profession /m/0dz3r +/m/01wy6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qlv7 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/055z7 /organization/organization/headquarters./location/mailing_address/country /m/03h64 +/m/04wgh /location/country/capital /m/0fs44 +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0qpn9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/069vt +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/042q3 /people/person/profession /m/0cbd2 +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/0c_jc +/m/016khd /people/person/profession /m/02hrh1q +/m/05cc1 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/03hmr_ /film/actor/film./film/performance/film /m/05m_jsg +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016xk5 /people/person/profession /m/02hrh1q +/m/0dq9p /people/cause_of_death/people /m/01938t +/m/0dryh9k /people/ethnicity/people /m/01wttr1 +/m/02qk2d5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/028lc8 /people/person/gender /m/05zppz +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01jfsb /media_common/netflix_genre/titles /m/0hmm7 +/m/0m31m /film/actor/film./film/performance/film /m/0m313 +/m/05c74 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02v0ff /people/person/profession /m/0cbd2 +/m/09c7w0 /location/location/contains /m/04pry +/m/04gqr /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0yzyn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_sr1 /film/film/featured_film_locations /m/0cv3w +/m/0kc9f /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02jkkv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026mml /award/award_category/category_of /m/0c4ys +/m/0g5qmbz /film/film/written_by /m/081l_ +/m/06lvlf /people/person/gender /m/05zppz +/m/03q5dr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01p7x7 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/02h40lc /language/human_language/countries_spoken_in /m/07fsv +/m/0418ft /people/person/nationality /m/09c7w0 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01pk8v /people/person/gender /m/02zsn +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0560w +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/019gz /people/person/nationality /m/03rt9 +/m/0288zy /education/educational_institution/students_graduates./education/education/student /m/011lvx +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/018ctl /olympics/olympic_games/participating_countries /m/03rj0 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0kbws /olympics/olympic_games/participating_countries /m/0bjv6 +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lk60 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/0b68vs /people/person/profession /m/039v1 +/m/01vvycq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/02sfnv /film/film/genre /m/05p553 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/06mkj /location/location/contains /m/01f62 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d_q40 +/m/07nv3_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049fbh +/m/02g5bf /people/person/profession /m/02jknp +/m/06fksb /award/award_category/winners./award/award_honor/award_winner /m/0cv72h +/m/02jxsq /people/person/profession /m/02hrh1q +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/01v_0b +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01wb95 +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dl567 +/m/0gmcwlb /film/film/executive_produced_by /m/06q8hf +/m/016clz /music/genre/artists /m/0fsyx +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04xn_ +/m/08pth9 /people/person/gender /m/02zsn +/m/0291hr /film/film/language /m/02h40lc +/m/08cfr1 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6w8 +/m/0bdt8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04r7p +/m/01q2nx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jnr_ /sports/sports_team/colors /m/02rnmb +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fx3c +/m/081jbk /people/person/places_lived./people/place_lived/location /m/03l2n +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/0257__ +/m/06s_2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/0170s4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/07r4c /people/person/gender /m/02zsn +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02cpp +/m/01lnyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0294j /film/film_subject/films /m/01g3gq +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/01q4qv /people/person/profession /m/0dxtg +/m/05ft32 /film/film/country /m/09c7w0 +/m/035qy /location/country/form_of_government /m/01fpfn +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03cglm /film/actor/film./film/performance/film /m/07tlfx +/m/063zky /film/film/executive_produced_by /m/0488g9 +/m/01mxnvc /people/person/profession /m/01c72t +/m/0y3_8 /music/genre/artists /m/01k3qj +/m/010hn /people/person/gender /m/02zsn +/m/06bnz /location/location/contains /m/02_jjm +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0d060g /location/location/contains /m/0dyg2 +/m/0335fp /film/actor/film./film/performance/film /m/02d413 +/m/014ps4 /influence/influence_node/influenced_by /m/02mpb +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0169dl /people/person/gender /m/05zppz +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/0pkyh /people/person/nationality /m/07ssc +/m/08tyb_ /education/educational_institution/students_graduates./education/education/student /m/01jgpsh +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/02jxbw /film/film/genre /m/03mqtr +/m/0k3jc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jq +/m/0484q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dtfn /film/film/genre /m/06n90 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03f1zdw /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/01jz6x /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02p7_k /film/actor/film./film/performance/film /m/04tqtl +/m/0kfpm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/057hz +/m/0lkr7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01k5zk +/m/04xvlr /media_common/netflix_genre/titles /m/027r9t +/m/03npn /media_common/netflix_genre/titles /m/027x7z5 +/m/03qjg /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/01gkcc /medicine/disease/risk_factors /m/0c58k +/m/036n1 /people/profession/specialization_of /m/06q2q +/m/0glt670 /music/genre/artists /m/01vx5w7 +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/021yc7p +/m/05b5c /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0zm1 /influence/influence_node/influenced_by /m/03pm9 +/m/01xcgf /organization/organization/headquarters./location/mailing_address/citytown /m/0ydpd +/m/04s04 /people/person/place_of_birth /m/02frhbc +/m/0794g /people/person/places_lived./people/place_lived/location /m/059rby +/m/02754c9 /film/film/country /m/0f8l9c +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03__y +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/09pjnd /award/award_winner/awards_won./award/award_honor/award_winner /m/03h26tm +/m/01z4y /media_common/netflix_genre/titles /m/03m4mj +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01rc4p /people/person/religion /m/07mfk +/m/0134w7 /film/actor/film./film/performance/film /m/031786 +/m/05k7sb /location/location/contains /m/01mpwj +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0c_j5d /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fmqp6 +/m/03ctqqf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05cj4r +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/018p4y /people/person/profession /m/02hrh1q +/m/03hzl42 /people/person/place_of_birth /m/04jpl +/m/0cx7f /music/genre/artists /m/014_lq +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/02k_kn /music/genre/artists /m/0134wr +/m/02w7gg /people/ethnicity/people /m/0b_dy +/m/0kvrb /people/person/profession /m/01c72t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0b_ljy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8tgs +/m/015t7v /film/actor/film./film/performance/film /m/02kfzz +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0342h /music/instrument/instrumentalists /m/01z9_x +/m/01dw9z /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/034rd /people/person/profession /m/0fj9f +/m/0484q /people/person/profession /m/0nbcg +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/012m_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/04k9y6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01snvb +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/01vt9p3 /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03mg3l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08cyft /music/genre/artists /m/016nvh +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3x5 +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0fx2s /film/film_subject/films /m/0k2m6 +/m/02n4kr /media_common/netflix_genre/titles /m/05znxx +/m/015qq1 /people/person/nationality /m/09c7w0 +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02fs_d /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01k9cc +/m/0347db /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/09wj5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/016tb7 /people/person/nationality /m/09c7w0 +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03cd1q /people/person/places_lived./people/place_lived/location /m/09949m +/m/01cx_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3l5 +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0hm2b /sports/sports_team/colors /m/019sc +/m/09blyk /media_common/netflix_genre/titles /m/01j8wk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06xl8z +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01zh3_ +/m/01j8wk /film/film/genre /m/0lsxr +/m/02tvsn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01flgk +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/024dzn /award/award_category/category_of /m/0c4ys +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0425j7 +/m/03m4mj /film/film/written_by /m/081lh +/m/0db94w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/02hfgl +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0lgxj /olympics/olympic_games/sports /m/02bkg +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/09d5h +/m/0g768 /music/record_label/artist /m/0144l1 +/m/07h34 /location/location/contains /m/0mtdx +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0xnvg /people/ethnicity/people /m/06m6z6 +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/036jp8 /people/person/gender /m/05zppz +/m/01qgr3 /education/educational_institution/colors /m/083jv +/m/0k2h6 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wc7p +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0fm3nb /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/05nrg /location/location/contains /m/05tr7 +/m/0g5qs2k /award/award_winning_work/awards_won./award/award_honor/honored_for /m/062zm5h +/m/0b9rdk /film/film/produced_by /m/0272kv +/m/017149 /people/person/gender /m/05zppz +/m/02_l96 /film/actor/film./film/performance/film /m/0kv2hv +/m/01pl9g /people/person/gender /m/02zsn +/m/01cbwl /music/genre/artists /m/01vrt_c +/m/0dnkmq /film/film/featured_film_locations /m/06gmr +/m/0l6px /film/actor/film./film/performance/film /m/03176f +/m/0794g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/084m3 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01f6x7 /film/film/executive_produced_by /m/012d40 +/m/0h03fhx /film/film/country /m/01znc_ +/m/05_swj /people/person/place_of_birth /m/02_286 +/m/02qcr /film/film/genre /m/09blyk +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/02l6dy /people/person/nationality /m/09c7w0 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gx1bnj /film/film/country /m/06t2t +/m/0284b56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08c9b0 /people/person/profession /m/01c72t +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/0219x_ /media_common/netflix_genre/titles /m/01n30p +/m/09vc4s /people/ethnicity/people /m/01797x +/m/067pl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/062cg6 +/m/02q4mt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06by7 /music/genre/artists /m/01l87db +/m/0p9lw /film/film/genre /m/01hmnh +/m/0dvld /film/actor/film./film/performance/film /m/02mt51 +/m/023kzp /people/person/languages /m/02h40lc +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/042xh /people/person/profession /m/01d_h8 +/m/02l4rh /film/actor/film./film/performance/film /m/04w7rn +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03jxw /people/person/profession /m/016wtf +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08hmch +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f_zkz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/05sq0m /people/person/places_lived./people/place_lived/location /m/0498y +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/09qh1 /film/actor/film./film/performance/film /m/0gxfz +/m/016zgj /music/genre/artists /m/04mky3 +/m/0pqzh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0d_rw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04h9h +/m/09c7w0 /location/location/contains /m/02bpy_ +/m/0yc84 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/06bc59 /film/film/genre /m/01jfsb +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0kpys /location/location/contains /m/0k_p5 +/m/025p38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/08swgx /people/person/profession /m/02hrh1q +/m/02qjpv5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0436kgz /film/actor/film./film/performance/film /m/02rrfzf +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0btbyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026v_78 /people/person/nationality /m/09c7w0 +/m/04l19_ /people/person/profession /m/0np9r +/m/01cl0d /music/record_label/artist /m/01k_n63 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0407yj_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03lygq +/m/04xrx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0164w8 /people/person/profession /m/0dgd_ +/m/03f7nt /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03xf_m +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032xhg +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0fqxw /location/administrative_division/country /m/059j2 +/m/01fj9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jtf1 +/m/01sxdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01wg3q /music/group_member/membership./music/group_membership/role /m/0342h +/m/01lvrm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06by7 /music/genre/artists /m/01vswwx +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09r94m +/m/0557q /music/genre/artists /m/0f3nn +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06f32 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0fqjhm /people/person/places_lived./people/place_lived/location /m/0dzt9 +/m/03qjg /music/instrument/instrumentalists /m/01vtqml +/m/030ykh /sports/sports_team/colors /m/02rnmb +/m/04969y /film/film/genre /m/0jtdp +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0djvzd /people/person/nationality /m/02jx1 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dw4q +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0kcw2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/026dx +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0gxkm +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03phtz +/m/034x61 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ycht +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01v3vp +/m/02wr6r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/017n9 /film/film/genre /m/026ny +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02x7vq /film/actor/film./film/performance/film /m/0sxns +/m/049m19 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02x8m /music/genre/artists /m/07h76 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0154d7 /people/person/profession /m/0np9r +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/01k3s2 /education/educational_institution/students_graduates./education/education/student /m/02s_qz +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/01q7cb_ /people/person/profession /m/039v1 +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/03mdt /media_common/netflix_genre/titles /m/03cffvv +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/01l1hr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01q_ph +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0dg3n1 /location/location/contains /m/02khs +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/016fjj /people/person/religion /m/051kv +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0ky1 /people/person/profession /m/0cbd2 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01s7z0 +/m/0kq1l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2hf +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/01k1k4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03j1p2n +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06npd +/m/098n_m /film/actor/film./film/performance/film /m/01s7w3 +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfp4 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q7874 +/m/0nqph /location/location/contains /m/03np_7 +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_lt +/m/05qzv /people/person/gender /m/05zppz +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/0jhn7 /olympics/olympic_games/sports /m/018jz +/m/02hxhz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09j_g /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/020ngt /music/genre/artists /m/0143q0 +/m/02bvc5 /education/educational_institution/colors /m/083jv +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/0dryh9k /people/ethnicity/people /m/06wvfq +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/02psgq /film/film/written_by /m/016hvl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01hc1j +/m/047rkcm /film/film/genre /m/02l7c8 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07tgn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/07xyn1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06kbb6 /people/deceased_person/place_of_death /m/0fn2g +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/0gx9rvq /film/film/genre /m/07s9rl0 +/m/0l99s /influence/influence_node/influenced_by /m/0379s +/m/02qfv5d /media_common/netflix_genre/titles /m/09gdm7q +/m/01r97z /film/film/genre /m/07s9rl0 +/m/025jfl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/02pjc1h /film/film/music /m/03h610 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08952r +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/03_3d +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04gcyg /film/film/prequel /m/08ct6 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvqq +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/0181dw /music/record_label/artist /m/03f0qd7 +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05lwjc /music/genre/artists /m/01w7nww +/m/026_w57 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/07y9w5 /film/film/production_companies /m/030_1_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/011_3s /people/person/nationality /m/09c7w0 +/m/039bpc /people/person/profession /m/0nbcg +/m/01s1zk /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/0b2km_ /film/film/language /m/0jzc +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/01qdhx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02613 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3h +/m/0m63c /film/film/genre /m/03k9fj +/m/01rrd4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlzn +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/01nr36 /film/actor/film./film/performance/film /m/0g9yrw +/m/0yls9 /education/educational_institution/school_type /m/07tf8 +/m/0d6n1 /film/film_subject/films /m/0bs5k8r +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/04v7k2 /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/0ctw_b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/05hjnw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/03ft8 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/04cbtrw /influence/influence_node/influenced_by /m/03f0324 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0b256b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0hpz8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01507p /people/person/religion /m/0c8wxp +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fbx6 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/0kwv2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/0m9p3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026njb5 /film/film/featured_film_locations /m/0hyxv +/m/0275_pj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/07m77x /film/actor/film./film/performance/film /m/065_cjc +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031778 +/m/04954 /film/actor/film./film/performance/film /m/051zy_b +/m/020trj /people/person/nationality /m/09c7w0 +/m/02sg5v /film/film/written_by /m/03kpvp +/m/07p62k /film/film/produced_by /m/027z0pl +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/05tk7y /people/person/profession /m/02hrh1q +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02l4pj +/m/0jdk_ /olympics/olympic_games/sports /m/0dwxr +/m/0n6rv /location/location/time_zones /m/02lcqs +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01_x6d +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d6_s +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02ktt7 +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/048_p /people/person/profession /m/0cbd2 +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/0f3zsq /people/person/profession /m/02hrh1q +/m/01swck /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01bgkq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/02v2jy /people/person/gender /m/05zppz +/m/06qjgc /people/person/profession /m/0gl2ny2 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/016wzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/01x2tm8 /people/person/nationality /m/03rk0 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/019kyn /film/film/music /m/0b82vw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03c0t9 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02_06s +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01tc9r +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02jztz /education/educational_institution/colors /m/01jnf1 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0rkkv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/0hz_1 +/m/01flv_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02dbp7 +/m/02cff1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs8hvm /film/film/film_festivals /m/05ys0ws +/m/098sx /people/person/religion /m/0kpl +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/02v5_g /film/film/music /m/0b6yp2 +/m/022qw7 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0dtw1x /film/film/genre /m/0jtdp +/m/02gn9g /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/01xqw /music/instrument/instrumentalists /m/01mxnvc +/m/01ldw4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/06fpsx /film/film/written_by /m/04t2l2 +/m/02s6sh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gd9k /film/director/film /m/0gd92 +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01c6l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/04s5_s /people/person/place_of_birth /m/0cb4j +/m/0h53p1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/063ykwt +/m/05bm4sm /people/person/gender /m/05zppz +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/081yw /location/location/contains /m/0mlyj +/m/0yx7h /film/film/genre /m/02n4kr +/m/01kb2j /film/actor/film./film/performance/film /m/03n0cd +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05k2xy +/m/025sc50 /music/genre/artists /m/01wgcvn +/m/01q8fxx /people/person/profession /m/02hrh1q +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03x33n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09pl3s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03cf9ly +/m/01y9r2 /film/film/genre /m/060__y +/m/01963w /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/022411 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0crx5w +/m/07myb2 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dj7p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04vlh5 /people/person/gender /m/05zppz +/m/0y3_8 /music/genre/artists /m/019x62 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/student /m/01jbx1 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06mzp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/016kz1 /film/film/music /m/019x62 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/01z4y /media_common/netflix_genre/titles /m/05h43ls +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016gkf +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/01mqz0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cf2h +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/03ksy /education/university/fraternities_and_sororities /m/035tlh +/m/06rhz7 /film/film/film_format /m/07fb8_ +/m/033kqb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286vp +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/0dr1c2 +/m/08vlns /music/genre/artists /m/01nkxvx +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cgzj +/m/0l14qv /music/instrument/instrumentalists /m/0lzkm +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvrv3 +/m/018fq /people/person/place_of_birth /m/0vzm +/m/01933d /people/person/place_of_birth /m/0135p7 +/m/0h25 /people/person/profession /m/0dxtg +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/05r5c /music/instrument/instrumentalists /m/0135xb +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05hd32 /tv/tv_program/genre /m/06n90 +/m/02j9z /base/locations/continents/countries_within /m/0hg5 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0fgg4 +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/014dm6 /people/person/nationality /m/09c7w0 +/m/02qm_f /film/film/genre /m/03k9fj +/m/0155j3 /location/location/contains /m/01p_ly +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/0btxr +/m/0cgqx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/0ymb6 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03cmsqb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d8h4 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/015q43 /film/actor/film./film/performance/film /m/0prh7 +/m/03k48_ /people/person/gender /m/05zppz +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/04vq3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/027lfrs /people/deceased_person/place_of_death /m/04vmp +/m/02k1b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03bnd9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170vn /film/actor/film./film/performance/film /m/0jqp3 +/m/0fq8f /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/03078l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04sx9_ /people/person/spouse_s./people/marriage/spouse /m/01dw9z +/m/02dj3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04j14qc /film/film/featured_film_locations /m/0d6lp +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p_qr +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0lgw7 /people/profession/specialization_of /m/0n1h +/m/025x1t /tv/tv_program/genre /m/05p553 +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026g4l_ +/m/039c26 /tv/tv_program/program_creator /m/05cqhl +/m/05xvj /sports/sports_team/colors /m/083jv +/m/0184jc /film/actor/film./film/performance/film /m/0gfh84d +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02ctc6 /film/film/genre /m/0hcr +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063hp4 +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01xcfy /people/person/spouse_s./people/marriage/spouse /m/0prfz +/m/05y8n7 /music/genre/artists /m/0232lm +/m/026fd /film/director/film /m/0cmc26r +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvvlg +/m/0lzkm /music/artist/origin /m/01_d4 +/m/01gx5f /music/group_member/membership./music/group_membership/role /m/0g2dz +/m/06j6l /music/genre/artists /m/01qgry +/m/0627sn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmd5 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/09gdh6k /film/film/production_companies /m/030_1_ +/m/05w3f /music/genre/artists /m/06nv27 +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02y49 /influence/influence_node/influenced_by /m/03j0d +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/021pqy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015npr +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/05tbn /location/location/partially_contains /m/05lx3 +/m/059j2 /location/country/second_level_divisions /m/03kfl +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gk7z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06w2sn5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wb6yq +/m/0333t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01d88c /base/biblioness/bibs_location/country /m/03rk0 +/m/02fgdx /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/027s39y /film/film/genre /m/05p553 +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/05y7hc +/m/073hkx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qpt1w +/m/0h7pj /music/artist/origin /m/05fjf +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/015v3r /film/actor/film./film/performance/film /m/0284b56 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/0c2tf /film/actor/film./film/performance/film /m/0kb1g +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/03l3ln +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02z0j /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/019fnv +/m/01n7q /location/location/contains /m/0mhdz +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3mh3q +/m/0jdd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c4pv +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/05fm6m +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/0c_tl /olympics/olympic_games/sports /m/02y8z +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02vqhv0 /film/film/written_by /m/01f7j9 +/m/0n5gq /location/location/contains /m/0xmlp +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0c921 /film/director/film /m/0bm2x +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/0343h +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yk13 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/083skw /film/film/genre /m/06l3bl +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03z106 /film/film/production_companies /m/0fvppk +/m/0ckf6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01qqtr /film/actor/film./film/performance/film /m/01jzyf +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01_x6v /people/person/languages /m/02h40lc +/m/07vn_9 /film/film/music /m/07hgkd +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01w5jwb /people/person/profession /m/0dz3r +/m/01l78d /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/04s1zr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gbn6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c3p7 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/018j2 /music/instrument/instrumentalists /m/03193l +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/01kwlwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03kxp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09sh8k /film/film/featured_film_locations /m/04jpl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m63c +/m/07c0j /music/artist/origin /m/04lh6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/04mhl +/m/049g_xj /film/actor/film./film/performance/film /m/0bs8ndx +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/09qr6 /people/person/profession /m/0dz3r +/m/017_qw /music/genre/artists /m/09r9m7 +/m/01xcfy /base/eating/practicer_of_diet/diet /m/07_jd +/m/0pvms /film/film/produced_by /m/0415svh +/m/0ctwqs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dzz6g /film/film/genre /m/05p553 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/06k02 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06dfg +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/037css +/m/013xrm /people/ethnicity/people /m/0j3v +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06qd3 +/m/02x02kb /people/person/place_of_birth /m/0hj6h +/m/094vy /location/location/contains /m/013wf1 +/m/09d11 /medicine/disease/risk_factors /m/0qcr0 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01kcd +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/07ssc /media_common/netflix_genre/titles /m/05v38p +/m/01mk6 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/04s1zr +/m/0342h /music/instrument/instrumentalists /m/01s7ns +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0mwyq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwx6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hqhm +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/022lly /organization/organization/headquarters./location/mailing_address/citytown /m/0sl2w +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07k2p6 /film/actor/film./film/performance/film /m/058kh7 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/0l3q2 /sports/sports_team_location/teams /m/019m60 +/m/012v1t /people/person/place_of_birth /m/094jv +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/01nhhz /location/country/capital /m/0fhp9 +/m/04gtq43 /people/person/nationality /m/05v8c +/m/0c0k1 /people/person/spouse_s./people/marriage/spouse /m/023s8 +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/01f3p_ /tv/tv_program/genre /m/07s9rl0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0m9v7 /people/person/nationality /m/0d05w3 +/m/0hzlz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0284gc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0558_1 +/m/088vmr /music/genre/parent_genre /m/05r6t +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0fq27fp /film/film/genre /m/02l7c8 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/02tn0_ /people/person/gender /m/05zppz +/m/0m66w /film/actor/film./film/performance/film /m/0fphf3v +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bl7g +/m/0b7t3p /influence/influence_node/influenced_by /m/0q5hw +/m/03rhqg /music/record_label/artist /m/044gyq +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/01s695 /time/event/instance_of_recurring_event /m/0c4ys +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/012ykt /film/actor/film./film/performance/film /m/01mgw +/m/0c3zjn7 /film/film/film_format /m/017fx5 +/m/05nlzq /tv/tv_program/genre /m/095bb +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015f7 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/051ys82 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/04j1n8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0830vk +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/06fqlk /film/film/featured_film_locations /m/06c62 +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0184tc /film/film/film_format /m/0cj16 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/013zs9 /people/person/profession /m/0np9r +/m/031k24 /people/person/gender /m/05zppz +/m/017l96 /music/record_label/artist /m/03bnv +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02b1ng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04f52jw /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/011zdm /medicine/disease/risk_factors /m/0h1wz +/m/027cxsm /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bl5c /film/film/genre /m/06l3bl +/m/0m32_ /people/person/profession /m/0kyk +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bd5j +/m/01_k7f /education/educational_institution/school_type /m/05jxkf +/m/01ztgm /people/person/profession /m/02hrh1q +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/027s4dn +/m/085q5 /people/person/spouse_s./people/marriage/type_of_union /m/01bl8s +/m/0dq9p /people/cause_of_death/people /m/016dgz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zmc7 +/m/0mwh1 /location/location/contains /m/0_7z2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fnmd +/m/0f3m1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/0gghm /music/instrument/instrumentalists /m/02j3d4 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02f4s3 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/04wddl /film/film/genre /m/01t_vv +/m/0807ml /people/person/place_of_birth /m/01lfy +/m/03c9pqt /people/person/profession /m/0dxtg +/m/07bzz7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0r172 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/078sj4 /film/film/language /m/0653m +/m/064t9 /music/genre/artists /m/0126y2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/013nky +/m/01v40wd /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vxlbm +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0m9_5 /education/educational_institution/school_type /m/05jxkf +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/041y2 +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0889x /people/person/gender /m/05zppz +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/016fjj +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0k_q_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/01v_0b /people/person/places_lived./people/place_lived/location /m/0_vn7 +/m/016h9b /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/07s9rl0 /media_common/netflix_genre/titles /m/08c4yn +/m/03fbb6 /people/person/languages /m/02h40lc +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0jfx1 /film/actor/film./film/performance/film /m/01s3vk +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03w94xt /music/genre/artists /m/06br6t +/m/06cp5 /music/genre/artists /m/01vxqyl +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/01n7q /location/location/contains /m/0r3wm +/m/0fttg /location/hud_county_place/place /m/0fttg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/01_x6d +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/0pnf3 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5j77 +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/04mp9q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0178rl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q_4ph +/m/05vc35 /film/film/genre /m/0hcr +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02h30z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g0jn +/m/0dryh9k /people/ethnicity/people /m/03chx58 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01gwck +/m/0b2qtl /film/film/language /m/02bjrlw +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/015wc0 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vksx +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/027hm_ /people/person/places_lived./people/place_lived/location /m/05fkf +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b3v +/m/0m32h /people/cause_of_death/people /m/02v2jy +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/039cpd /education/educational_institution/campuses /m/039cpd +/m/0f276 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0glj9q /media_common/netflix_genre/titles /m/06bd5j +/m/01wbsdz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0436yk /film/film/genre /m/01hmnh +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/021mkg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03_d0 /music/genre/artists /m/044gyq +/m/02dh86 /people/person/profession /m/015cjr +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/02qfyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/07t65 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/01jvxb /education/educational_institution/students_graduates./education/education/student /m/01p0w_ +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0b_6mr /time/event/locations /m/0djd3 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0413cff /film/film/genre /m/0jtdp +/m/09nhvw /people/person/gender /m/05zppz +/m/0473q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05b2gsm /people/person/profession /m/02pjxr +/m/0jgx /location/country/capital /m/0889d +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02v0ff /people/person/profession /m/01d_h8 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/0fd3y /music/genre/artists /m/0244r8 +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/057bxr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/05yjhm /people/person/places_lived./people/place_lived/location /m/013h9 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/01flv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02z1yj +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01yhm +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/016r9z /olympics/olympic_games/participating_countries /m/07ssc +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/01cj6y /people/person/nationality /m/09c7w0 +/m/055sjw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/03gyh_z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07c52 /media_common/netflix_genre/titles /m/0d68qy +/m/01cf93 /music/record_label/artist /m/01hgwkr +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rkkn1 +/m/05t0_2v /film/film/genre /m/04pbhw +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rd7 +/m/09hd16 /people/person/profession /m/02hrh1q +/m/01n951 /education/educational_institution/school_type /m/05pcjw +/m/02ryz24 /film/film/country /m/07ssc +/m/01v3k2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02nygk /influence/influence_node/influenced_by /m/01hdht +/m/0d3k14 /people/person/profession /m/0cbd2 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lbj1 +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/02whj /influence/influence_node/influenced_by /m/09h_q +/m/07hwkr /people/ethnicity/people /m/06jcc +/m/069nzr /people/person/nationality /m/09c7w0 +/m/02w4v /music/genre/artists /m/02z4b_8 +/m/02ny6g /film/film/genre /m/0lsxr +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0y9j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/042d1 /people/person/religion /m/02rsw +/m/059g4 /location/location/contains /m/0db94 +/m/0k0rf /film/film/genre /m/0c3351 +/m/0ds5_72 /film/film/language /m/02h40lc +/m/014q2g /film/actor/film./film/performance/film /m/09v8clw +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/043zg /people/person/religion /m/0c8wxp +/m/01r3y2 /education/educational_institution/students_graduates./education/education/student /m/039bpc +/m/02t_y3 /film/actor/film./film/performance/film /m/055td_ +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/02ht1k /film/film/production_companies /m/031rq5 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/024jwt /film/actor/film./film/performance/film /m/03z20c +/m/016tw3 /organization/organization/place_founded /m/030qb3t +/m/02vnpv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/016fyc /film/film/language /m/064_8sq +/m/01rh0w /film/actor/film./film/performance/film /m/017gl1 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0qf2t +/m/0r2gj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01zlh5 /people/person/profession /m/0dxtg +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02d49z /film/film/genre /m/03bxz7 +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/027pwl +/m/02gl58 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02js9p +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/05f5sr9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01nmgc +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02183k +/m/04qp06 /people/person/profession /m/02jknp +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0dzf_ /film/actor/film./film/performance/film /m/04tz52 +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02zfdp /film/actor/film./film/performance/film /m/01rwpj +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04t36 /media_common/netflix_genre/titles /m/027ct7c +/m/02sgy /music/instrument/instrumentalists /m/0484q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0241jw /film/actor/film./film/performance/film /m/017gm7 +/m/03rt9 /location/location/contains /m/0m_w6 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/01cszh /music/record_label/artist /m/01wwvc5 +/m/02g75 /influence/influence_node/influenced_by /m/03hpr +/m/03_z5f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lvlf +/m/02yy_j /people/person/profession /m/0dgd_ +/m/019m60 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pkhw /film/actor/film./film/performance/film /m/0c38gj +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/0lgxj /olympics/olympic_games/participating_countries /m/02vzc +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/031778 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/02633g /people/person/profession /m/02jknp +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/051x52f /people/person/profession /m/089fss +/m/027g8gr /tv/tv_program/languages /m/01jb8r +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01b0k1 /people/person/nationality /m/07ssc +/m/02ts3h /people/person/gender /m/02zsn +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/0gkydb /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/01z9_x /award/award_winner/awards_won./award/award_honor/award_winner /m/0pk41 +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/03gkn5 +/m/0b7t3p /people/person/gender /m/02zsn +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01tntf +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0415svh +/m/02_wxh /people/person/gender /m/05zppz +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04nl83 +/m/07ssc /location/location/contains /m/020d8d +/m/02xp18 /people/person/profession /m/0np9r +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/03vw9m /music/genre/artists /m/0161c2 +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/023g6w /film/film/country /m/02vzc +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/0gkg6 /people/person/gender /m/05zppz +/m/02r38 /people/person/gender /m/05zppz +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fvyg +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/0337vz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02w4v /music/genre/artists /m/01wsl7c +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/0dcdp /location/location/time_zones /m/02hcv8 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/011j5x /music/genre/artists /m/01vswwx +/m/07jmnh /film/actor/film./film/performance/film /m/09fn1w +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0dgrwqr /film/film/genre /m/02kdv5l +/m/01f7j9 /film/director/film /m/01f7jt +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/02x0fs9 /film/film/executive_produced_by /m/064jjy +/m/02zp1t /location/hud_county_place/county /m/0cyn3 +/m/023slg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021lby +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/01jfsb /media_common/netflix_genre/titles /m/0bpbhm +/m/01pk8v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0409n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02xfrd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/06rkfs /education/educational_institution/colors /m/01g5v +/m/0f6_j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cymp +/m/085jw /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/06zd1c /people/person/place_of_birth /m/0dyl9 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0835q /people/person/religion /m/02rsw +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0n839 /people/person/employment_history./business/employment_tenure/company /m/01f9wm +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01kgv4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bbf1f +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0gywn /music/genre/artists /m/01f9zw +/m/0yyg4 /film/film/produced_by /m/026g4l_ +/m/0j2pg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05798 /people/profession/specialization_of /m/012t_z +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/06y9c2 +/m/01l87db /organization/organization_founder/organizations_founded /m/0123r4 +/m/05sbv3 /film/film/genre /m/06cvj +/m/01vv7sc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fx2g +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/01fh36 /music/genre/artists /m/0132k4 +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/07c52 /film/film_subject/films /m/015whm +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023nlj +/m/06r3p2 /film/actor/film./film/performance/film /m/011yn5 +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/013m4v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01h96 /music/genre/artists /m/015bwt +/m/01_x6d /people/person/profession /m/0np9r +/m/05kr_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/08s6mr /film/film/genre /m/05p553 +/m/02x8m /music/genre/artists /m/01w806h +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/0n5bk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59f +/m/05lls /music/genre/artists /m/06449 +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0178g /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/06w38l +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ss8_ +/m/0czyxs /film/film/story_by /m/0yxl +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018gqj +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lzb8 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/03f7xg /film/film/produced_by /m/026fd +/m/02rybfn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g60w +/m/07w3r /education/educational_institution/students_graduates./education/education/student /m/053y4h +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/07fvf1 +/m/021bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0pgjm +/m/05fjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/026mj +/m/02s838 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0gy6z9 +/m/02lfns /people/person/places_lived./people/place_lived/location /m/01531 +/m/0dryh9k /people/ethnicity/people /m/02r99xw +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/0d9_96 +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f69m +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/015bpl +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/03_d0 /music/genre/artists /m/01nn3m +/m/02wd48 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/066yfh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06z4wj /people/person/nationality /m/09c7w0 +/m/05q54f5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02wh0 /influence/influence_node/influenced_by /m/032l1 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/077rj +/m/013w7j /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01tl50z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01n8_g /people/person/languages /m/03k50 +/m/02fy0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ntb8 +/m/057d89 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d99k_ +/m/01p5xy /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/032md /people/deceased_person/place_of_death /m/0k049 +/m/018mxj /organization/organization/headquarters./location/mailing_address/citytown /m/0fg6k +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015w8_ +/m/0xhtw /music/genre/artists /m/01k47c +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/05ypj5 /film/film/genre /m/07s9rl0 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05kfs /people/person/profession /m/02hrh1q +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f276 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02g40r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01271h +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/06jz0 /film/actor/film./film/performance/film /m/0421ng +/m/04wx2v /people/person/profession /m/02hrh1q +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057bc6m +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01z4y /media_common/netflix_genre/titles /m/0m491 +/m/03_b1g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/035wq7 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/027tbrc /tv/tv_program/genre /m/02p0szs +/m/0bk5r /people/person/religion /m/01lp8 +/m/09z2b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/026q3s3 +/m/04t2l2 /film/actor/film./film/performance/film /m/0g7pm1 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/02py9yf /tv/tv_program/program_creator /m/05g8ky +/m/01p7x7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/062zjtt /film/film/genre /m/02kdv5l +/m/033g4d /film/film/production_companies /m/086k8 +/m/06g4_ /influence/influence_node/influenced_by /m/01lwx +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/08nhfc1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9jr +/m/0swbd /olympics/olympic_games/sports /m/09_94 +/m/01jfsb /media_common/netflix_genre/titles /m/09v42sf +/m/0459z /influence/influence_node/influenced_by /m/04k15 +/m/016ndm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683cn +/m/01tzfz /education/educational_institution/school_type /m/05jxkf +/m/0227tr /people/person/profession /m/01d_h8 +/m/036jb /people/person/religion /m/0kpl +/m/011zwl /people/person/places_lived./people/place_lived/location /m/02m77 +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/02630g /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kn4c /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/016zp5 /film/actor/film./film/performance/film /m/016ywb +/m/083q7 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0ggx5q /music/genre/artists /m/03f0qd7 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07z1m /location/location/contains /m/0mn9x +/m/031n8c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m6x4 /people/person/place_of_birth /m/07dfk +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0n228 /location/location/contains /m/013jz2 +/m/01vw8k /film/film/music /m/02cyfz +/m/0412f5y /award/award_winner/awards_won./award/award_honor/award_winner /m/04lgymt +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/07024 /film/film/genre /m/07s9rl0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0466k4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0ytc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lxrv +/m/01520h /film/actor/film./film/performance/film /m/03m5y9p +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013yq +/m/0bdt8 /people/deceased_person/place_of_death /m/04jpl +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026lgs +/m/06jz0 /film/actor/film./film/performance/film /m/02q7fl9 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0m2l9 +/m/030z4z /film/film/language /m/03k50 +/m/01y_rz /people/person/nationality /m/09c7w0 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/07zl6m /business/business_operation/industry /m/020mfr +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/0133sq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pv91 +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01q2sk +/m/02z0f6l /film/film/featured_film_locations /m/0dj0x +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ywr +/m/0kvwh /base/aareas/schema/administrative_area/capital /m/09hzc +/m/017m2y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p47r +/m/01qwb5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0906w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0721cy /people/person/profession /m/02hrh1q +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/040rjq /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0d739 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bpm4yw +/m/01wv9p /people/person/profession /m/09jwl +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/04fzfj /film/film/language /m/02h40lc +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025mb_ +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0gfzfj /film/film/written_by /m/027j79k +/m/02kbtf /education/educational_institution/colors /m/01g5v +/m/0407yfx /film/film/genre /m/05p553 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/031y2 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/03cwwl /film/film/genre /m/03npn +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05hz6_ +/m/01g0jn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04xg2f /film/film/music /m/01m5m5b +/m/04gmlt /music/record_label/artist /m/0677ng +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/01fjfv /broadcast/content/artist /m/07pzc +/m/0cgfb /people/person/profession /m/01c979 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0lgxj /olympics/olympic_games/participating_countries /m/03spz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031hcx +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01s7w3 /film/film/production_companies /m/086k8 +/m/0bth54 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03nt59 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03v1w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/013knm /people/person/profession /m/02hrh1q +/m/027xx3 /education/educational_institution/colors /m/083jv +/m/041p3y /music/record_label/artist /m/0m_31 +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03s6l2 +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/01x5fb +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02664f /award/award_category/disciplines_or_subjects /m/01hmnh +/m/03td5v /sports/sports_team/colors /m/06fvc +/m/01zmpg /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0mhfr /music/genre/artists /m/01cblr +/m/09fb5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0q9kd +/m/0b76t12 /film/film/genre /m/0219x_ +/m/01v9724 /people/person/religion /m/0n2g +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bxp5 +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0glqh5_ +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0146hc +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/016l09 +/m/0c7xjb /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01y9r2 /film/film/language /m/02h40lc +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/04gv3db /film/film/featured_film_locations /m/0rh6k +/m/03jqfx /time/event/locations /m/01ppq +/m/02dbp7 /people/person/profession /m/0dz3r +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mvs +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw917 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylsr +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtxj2q +/m/06tpmy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k7pf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cl2y /music/record_label/artist /m/01vsy3q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/057lbk /film/film/produced_by /m/02xnjd +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t2l2 +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02pjc1h /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jsk6 /education/educational_institution_campus/educational_institution /m/01jsk6 +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f2dn +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/04xvlr /media_common/netflix_genre/titles /m/08xvpn +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0p_rk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/0cskb +/m/06w839_ /film/film/language /m/0k0sv +/m/06r4f /tv/tv_program/genre /m/03k9fj +/m/0_b3d /film/film/featured_film_locations /m/04jpl +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/049fgvm +/m/01wzs_q /people/person/places_lived./people/place_lived/location /m/018q42 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q7h2 +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/0chghy /location/location/contains /m/0dp90 +/m/01w9ph_ /people/person/spouse_s./people/marriage/type_of_union /m/01bl8s +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/0579tg2 /people/person/profession /m/089fss +/m/0745k7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07ccs /education/educational_institution/students_graduates./education/education/student /m/028hc2 +/m/0fgg4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/0hfjk /media_common/netflix_genre/titles /m/05sxzwc +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/097ns /medicine/disease/risk_factors /m/0dcp_ +/m/01cl2y /music/record_label/artist /m/016wvy +/m/056jm_ /award/award_category/category_of /m/0c4ys +/m/09889g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hmk9 +/m/02jt1k /film/actor/film./film/performance/film /m/05sns6 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/083chw +/m/01n7qlf /film/actor/film./film/performance/film /m/05sw5b +/m/0f1pyf /people/person/place_of_birth /m/02cft +/m/0kr5_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015v3r /people/person/spouse_s./people/marriage/spouse /m/0kjrx +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/0btbyn /film/film/language /m/01r2l +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0hfml /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kbhf /film/film/cinematography /m/05_2h8 +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrlqd +/m/02y9ln /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/068g3p /people/person/profession /m/02krf9 +/m/014lc_ /film/film/genre /m/0lsxr +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0hr41p6 /film/film/genre /m/05p553 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/015gw6 +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/026n13j +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bm2x +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06v9sf +/m/01m7pwq /people/person/profession /m/016z4k +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/0kn4c /people/deceased_person/place_of_burial /m/0bvqq +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/0gjvqm +/m/04hk0w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01xbpn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/03jqw5 +/m/01rwpj /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/0chsq /film/actor/film./film/performance/film /m/03tbg6 +/m/07jmnh /film/actor/film./film/performance/film /m/03rz2b +/m/042q3 /people/person/religion /m/04pk9 +/m/01w5jwb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ckf6 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/06cgy /film/actor/film./film/performance/film /m/03s5lz +/m/010016 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l2p7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01zlh5 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02qfh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qrbf +/m/0b005 /tv/tv_program/program_creator /m/044f7 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0df92l /film/film/produced_by /m/014hdb +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/02w4fkq /award/award_winner/awards_won./award/award_honor/award_winner /m/0259r0 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9m7 +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/07bzz7 /film/film/genre /m/03k9fj +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/041y2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/03hfwhq /award/award_category/winners./award/award_honor/award_winner /m/02g3w +/m/054yc0 /film/film_subject/films /m/0bvn25 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05b6c +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/01xv77 /base/eating/practicer_of_diet/diet /m/07_jd +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/0gj50 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05w6cw +/m/02zhkz /people/person/employment_history./business/employment_tenure/company /m/07wg3 +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/0cbv4g /film/film/genre /m/01t_vv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/067zx9 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0nm8n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0jvs0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02m4d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc56 +/m/0138mv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/01clyb /education/educational_institution/campuses /m/01clyb +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058s57 +/m/02j8nx /people/person/profession /m/0dxtg +/m/0b2ds /location/location/contains /m/03fcbb +/m/05k4my /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04flrx /people/person/profession /m/0dgd_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0m7yh +/m/013_vh /film/actor/film./film/performance/film /m/0dl6fv +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/0m0hw /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/051_y /people/cause_of_death/people /m/07pzc +/m/0y3_8 /music/genre/parent_genre /m/0y3_8 +/m/02tktw /film/film/genre /m/0fdjb +/m/047vnkj /film/film/genre /m/02kdv5l +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0q6g3 /tv/tv_program/genre /m/07s9rl0 +/m/09qr6 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/05dbf +/m/03yf5g /people/person/place_of_birth /m/0346h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05kr_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vb6z +/m/0_565 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bn8fw /people/person/gender /m/05zppz +/m/0ddcbd5 /film/film/executive_produced_by /m/0djywgn +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03qy3l /music/record_label/artist /m/0dtd6 +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/03ys2f /people/person/gender /m/05zppz +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_x996 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fqt1ns +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/0bt7w /music/genre/parent_genre /m/016clz +/m/04mx__ /people/person/profession /m/02hv44_ +/m/026dx /influence/influence_node/influenced_by /m/03f0324 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0884hk /people/person/profession /m/0dxtg +/m/0c9c0 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/02lf1j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/014xf6 +/m/0dl5d /music/genre/artists /m/023slg +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/014ck4 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/09glbnt /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/041b4j /people/person/gender /m/02zsn +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0tc7 +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/041p3y /music/record_label/artist /m/03k3b +/m/011yxg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03xkps /people/person/profession /m/02jknp +/m/04lp8k /people/person/nationality /m/09c7w0 +/m/03mdt /media_common/netflix_genre/titles /m/0b6m5fy +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0j5q3 +/m/05b2f_k /award/award_winner/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/02p2zq /people/person/profession /m/0fnpj +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/0y_yw /film/film/film_format /m/07fb8_ +/m/0c_jc /people/person/place_of_birth /m/0ftvg +/m/08s_lw /film/actor/film./film/performance/film /m/025rxjq +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/01vsyg9 /people/person/nationality /m/02jx1 +/m/0jmwg /music/genre/artists /m/012zng +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ct2tf5 +/m/0f2tj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fjfv /broadcast/content/artist /m/01jcxwp +/m/0drnwh /film/film/production_companies /m/017s11 +/m/02q7yfq /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/01qqwn /people/cause_of_death/people /m/01fwf1 +/m/0bmssv /film/film/genre /m/02kdv5l +/m/0g768 /music/record_label/artist /m/07j8kh +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033srr +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0bm2x /film/film/genre /m/060__y +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0y3_8 /music/genre/artists /m/02twdq +/m/0252fh /film/actor/film./film/performance/film /m/026wlxw +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/034_7s /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/07g2b +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02nf2c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02kbtf +/m/07swvb /people/person/gender /m/02zsn +/m/01n2m6 /music/record_label/artist /m/01wbsdz +/m/07cfx /location/administrative_division/country /m/0chghy +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03dn9v /people/person/gender /m/05zppz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dwz3t +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/02ply6j /award/award_winner/awards_won./award/award_honor/award_winner /m/03j367r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01dtl +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v1z +/m/03fn8k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pw2f1 /people/person/places_lived./people/place_lived/location /m/0y62n +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dh8v4 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/03dn9v /film/actor/film./film/performance/film /m/05zlld0 +/m/02754c9 /film/film/film_production_design_by /m/03qhyn8 +/m/09fb5 /film/actor/film./film/performance/film /m/0sxfd +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05pdd86 /film/film/genre /m/02kdv5l +/m/0cv0r /location/location/contains /m/094jv +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/015q43 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05jx17 +/m/01qg7c /film/director/film /m/0277j40 +/m/0l_dv /people/person/nationality /m/09c7w0 +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/09txzv /film/film/produced_by /m/0bxtg +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01pj7 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/022411 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011yr9 +/m/044rvb /people/person/profession /m/0np9r +/m/061681 /film/film/genre /m/02n4kr +/m/0hv8w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/02zft0 +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb607 +/m/01rh0w /film/actor/film./film/performance/film /m/0bs8ndx +/m/031t2d /film/film/featured_film_locations /m/02_286 +/m/01f3p_ /tv/tv_program/genre /m/01htzx +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02qgyv /people/person/profession /m/0dxtg +/m/0dw4g /award/award_winner/awards_won./award/award_honor/award_winner /m/01kd57 +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01q3_2 +/m/07n68 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0vzm /sports/sports_team_location/teams /m/027yf83 +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx7h +/m/07ssc /location/location/contains /m/01n244 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/02qfhb /people/person/profession /m/09jwl +/m/0bh8yn3 /film/film/production_companies /m/02hvd +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yz +/m/0778p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/033m23 /people/person/places_lived./people/place_lived/location /m/068p2 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02_h0 /film/film_subject/films /m/03prz_ +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/01z0rcq /people/person/profession /m/02hrh1q +/m/04psf /people/cause_of_death/people /m/0g72r +/m/03fkgg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_b1g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09hldj +/m/01n7q /location/location/contains /m/0q_xk +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/0xxc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/014g_s /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01g4bk /people/person/profession /m/0dxtg +/m/01ypsj /film/actor/film./film/performance/film /m/07b1gq +/m/033qdy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02r0st6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f8f7 /film/film/genre /m/07s9rl0 +/m/027_sn /film/actor/film./film/performance/film /m/02qr3k8 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/0h3c3g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/05qg6g +/m/04kqk /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1mt +/m/064ndc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/042tq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/01vrz41 /film/actor/film./film/performance/film /m/04jpk2 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/02qgqt /film/actor/film./film/performance/film /m/02mpyh +/m/012wgb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/018grr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/015fs3 +/m/04pcmw /music/genre/parent_genre /m/08cyft +/m/02l7c8 /media_common/netflix_genre/titles /m/0m313 +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/093l8p /film/film/language /m/06nm1 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0m6x4 +/m/094g2z /film/film/language /m/02h40lc +/m/04pqqb /people/person/gender /m/05zppz +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0ddkf /people/person/profession /m/0nbcg +/m/024_vw /people/person/profession /m/016m9h +/m/0lx2l /people/person/gender /m/05zppz +/m/01cx_ /location/location/contains /m/01wqg8 +/m/0vbk /location/location/contains /m/0qtz9 +/m/07bsj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p17j +/m/06__m6 /film/film/genre /m/06nbt +/m/028d4v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fwpt /people/person/places_lived./people/place_lived/location /m/0psxp +/m/01swck /people/person/place_of_birth /m/0cr3d +/m/0g5lhl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08cx5g +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0byq6h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jgd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01hmnh /media_common/netflix_genre/titles /m/037cr1 +/m/0h0yt /film/actor/film./film/performance/film /m/0bz6sq +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/05kr_ /location/administrative_division/country /m/0d060g +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/02wgk1 /film/film/produced_by /m/02xnjd +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/0kqbh +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/03mqtr /media_common/netflix_genre/titles /m/0bh8x1y +/m/02yv6b /music/genre/artists /m/03f0vvr +/m/0sxg4 /film/film/film_festivals /m/05ys0wz +/m/0k4kk /film/film/genre /m/03g3w +/m/0k4y6 /time/event/locations /m/03rk0 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/06rmdr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/02rrfzf /film/film/genre /m/0bkbm +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lq10 +/m/05fgt1 /film/film/genre /m/06qm3 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/02gkxp /education/educational_institution/campuses /m/02gkxp +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0342h /music/instrument/instrumentalists /m/01vv7sc +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/0f5xn /film/actor/film./film/performance/film /m/0f7hw +/m/01jw4r /people/person/profession /m/0dxtg +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y1mlp +/m/01k8rb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h7pj +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0342h /music/instrument/instrumentalists /m/0fpj9pm +/m/07b1gq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0946bb +/m/0b9l3x /people/person/nationality /m/09c7w0 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k9ts +/m/059fjj /people/person/gender /m/02zsn +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/016tt2 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0h1q6 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n04r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/018ctl /olympics/olympic_games/participating_countries /m/04g61 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g_w +/m/06wm0z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01cwkq +/m/01wlt3k /people/person/profession /m/0n1h +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01wwvt2 /music/artist/origin /m/030qb3t +/m/012v9y /people/person/gender /m/05zppz +/m/05fw6t /music/genre/artists /m/015882 +/m/07g1sm /film/film/language /m/02h40lc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/012jfb /film/film/genre /m/03g3w +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/0mwzv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h10vt /film/actor/film./film/performance/film /m/07nxvj +/m/04n7gc6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/036wy +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01pq4w /education/educational_institution_campus/educational_institution /m/01pq4w +/m/0415ggl /film/film/executive_produced_by /m/06s1qy +/m/0lccn /people/person/profession /m/05z96 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059f4 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0pgjm /film/actor/film./film/performance/film /m/02ht1k +/m/01tl50z /people/person/profession /m/02hrh1q +/m/0cq8qq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01xdxy /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0286hyp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/05148p4 /music/instrument/instrumentalists /m/0140t7 +/m/01z4y /media_common/netflix_genre/titles /m/0ndsl1x +/m/05kfs /people/person/religion /m/02rsw +/m/02w4v /music/genre/artists /m/0180w8 +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/01ffx4 /film/film/genre /m/02n4kr +/m/0ds35l9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmk5 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02cx72 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm8l +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/017lqp /people/person/profession /m/02hrh1q +/m/03lty /music/genre/artists /m/011_vz +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/04ddm4 +/m/09v6gc9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05f4vxd +/m/0g5pvv /film/film/genre /m/01jfsb +/m/06sks6 /olympics/olympic_games/sports /m/071t0 +/m/087z12 /people/person/languages /m/03k50 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/07z4p5 /people/person/places_lived./people/place_lived/location /m/0sf9_ +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03rk0 +/m/02hnl /music/instrument/instrumentalists /m/01wmjkb +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/018j2 /music/instrument/instrumentalists /m/01vd7hn +/m/011wtv /film/film/genre /m/02n4kr +/m/0dpqk /people/person/profession /m/01c72t +/m/07ssc /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/07ssc /location/location/contains /m/03msf +/m/099ks0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jwjq +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_2td +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/040p_q +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k7pf +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03902 +/m/02w4v /music/genre/artists /m/03h_fk5 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14v3 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/02b15h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cc5mcj /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/01xn6mc /sports/sports_team/colors /m/01g5v +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/025s1wg /film/film/genre /m/06n90 +/m/01vh08 /people/person/place_of_birth /m/0k049 +/m/017vkx /people/person/profession /m/016z4k +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01cv3n +/m/01t04r /music/record_label/artist /m/0dm5l +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/04wtx1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/04x1_w /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/03qd_ +/m/0bq0p9 /location/country/form_of_government /m/01q20 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06mkj /location/location/contains /m/0h3tv +/m/06m61 /people/person/nationality /m/09c7w0 +/m/015pkc /film/actor/film./film/performance/film /m/03tbg6 +/m/041td_ /film/film/genre /m/07s9rl0 +/m/017v_ /location/location/contains /m/05bkf +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vvyfh +/m/0gltv /film/film/cinematography /m/03rqww +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0c1d0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vlf /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/07q1m /film/film/genre /m/03k9fj +/m/0686zv /people/person/nationality /m/02jx1 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqd3 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0438pz +/m/0gj9tn5 /film/film/written_by /m/021yw7 +/m/03rhqg /music/record_label/artist /m/0167xy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05x30m +/m/02x0gk1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q3fdr +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/019vgs /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/024vjd /award/award_category/category_of /m/0c4ys +/m/041_y /people/person/profession /m/0cbd2 +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gqm3 +/m/04bbpm /education/educational_institution/campuses /m/04bbpm +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvsh7l +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/044_7j /people/person/nationality /m/09c7w0 +/m/0jrhl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0295sy +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/01q1_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03ctv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286hyp +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/076lxv +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03m7d +/m/0106dv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07c52 /media_common/netflix_genre/titles /m/01f3p_ +/m/05v10 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/09n48 /olympics/olympic_games/participating_countries /m/06qd3 +/m/02cvp8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/02hp6p /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/029h7y /music/genre/artists /m/01vxlbm +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/0h3y /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k5zk +/m/09889g /people/deceased_person/place_of_burial /m/018mmw +/m/03sc8 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/03_d0 /music/genre/artists /m/0dbb3 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/015fr +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/01ry0f /film/actor/film./film/performance/film /m/0yzbg +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/01pj_5 /film/film/genre /m/0bbc17 +/m/05yh_t /people/person/place_of_birth /m/02dtg +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/0jmwg /music/genre/artists /m/01tv3x2 +/m/0_b3d /film/film/country /m/09c7w0 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014vk4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fnn5 +/m/0hnp7 /people/deceased_person/place_of_burial /m/01n7q +/m/01xwqn /people/person/profession /m/08z956 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0mnz0 /location/location/contains /m/010m55 +/m/0lgxj /olympics/olympic_games/sports /m/07jjt +/m/05k7sb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cvvlg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qscs +/m/03l2n /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0126t5 /music/genre/artists /m/01qgry +/m/0347db /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/0bwfn /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/011ywj /film/film/produced_by /m/051wwp +/m/0261m /location/location/contains /m/05r7t +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0gx_p /people/person/spouse_s./people/marriage/location_of_ceremony /m/06_kh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zqmj +/m/03_48k /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/0dl4z /base/culturalevent/event/entity_involved /m/01h3dj +/m/069z_5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b90_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0164b +/m/0d05fv /people/person/profession /m/0fj9f +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/027dtv3 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0336mc +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02l3_5 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05g3b +/m/0d05w3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dryh9k /people/ethnicity/people /m/08y7b9 +/m/03f7nt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0jcx /people/person/employment_history./business/employment_tenure/company /m/0lvng +/m/06fq2 /education/educational_institution/school_type /m/05pcjw +/m/04jpl /location/location/contains /m/0d2kt +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05wp1p +/m/0h5k /education/field_of_study/students_majoring./education/education/student /m/07myb2 +/m/03l6q0 /film/film/featured_film_locations /m/0rh6k +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0fztbq /film/film/country /m/07ssc +/m/053vcrp /people/person/profession /m/089fss +/m/0j1yf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0329nn +/m/0420y /influence/influence_node/peers./influence/peer_relationship/peers /m/026lj +/m/012rrr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fhnf +/m/01wdqrx /music/artist/origin /m/01531 +/m/018009 /film/actor/film./film/performance/film /m/08phg9 +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/06jvj7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/018x3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/017r13 +/m/01cz7r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/01skmp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vw87c +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/01jfsb /media_common/netflix_genre/titles /m/02c6d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0k_l4 +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/0m66w /people/person/nationality /m/09c7w0 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0jz71 /film/film/other_crew./film/film_crew_gig/crewmember /m/025_nbr +/m/041ly3 /people/person/profession /m/0np9r +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/017m2y /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02dlfh +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0gkz3nz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01qh7 /location/hud_county_place/place /m/01qh7 +/m/01y9jr /film/film/language /m/02h40lc +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01tnxc /people/person/sibling_s./people/sibling_relationship/sibling /m/01w23w +/m/0448r /people/person/gender /m/05zppz +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/03spz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/025504 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01hnb /education/educational_institution/school_type /m/08yh93 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/03nkts /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07fpm3 /film/actor/film./film/performance/film /m/06_sc3 +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0blbxk +/m/023s8 /people/person/nationality /m/09c7w0 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/03hhd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08k881 +/m/088q4 /location/location/contains /m/0fngf +/m/04xvlr /media_common/netflix_genre/titles /m/08zrbl +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01rlz4 +/m/07371 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqyc +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/04xvlr /media_common/netflix_genre/titles /m/01c9d +/m/011j5x /music/genre/artists /m/01vswx5 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01271h +/m/0mnzd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06q8hf +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/015f7 /film/actor/film./film/performance/film /m/013q07 +/m/0jt3tjf /location/country/official_language /m/06b_j +/m/09s5q8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0jltp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01lwx /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/02xs5v /film/actor/film./film/performance/film /m/01vw8k +/m/0jt5zcn /location/location/contains /m/05l5n +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/02l4rh +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0239kh +/m/015_z1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0143hl +/m/05567m /film/film/music /m/05_pkf +/m/08952r /film/film/country /m/09c7w0 +/m/02g3mn /film/actor/film./film/performance/film /m/0n1s0 +/m/05_61y /film/film/country /m/09c7w0 +/m/073hgx /time/event/instance_of_recurring_event /m/0g_w +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/027d5g5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/01ztgm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/012cph /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015196 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/06688p /people/person/places_lived./people/place_lived/location /m/0s69k +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0l786 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05zj6x +/m/09gdh6k /film/film/country /m/09c7w0 +/m/0ffgh /people/person/place_of_birth /m/01_d4 +/m/04qftx /music/genre/artists /m/017959 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0d3qd0 /people/person/profession /m/099md +/m/06pwf6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/01xzb6 /people/person/nationality /m/09c7w0 +/m/02phtzk /film/film/country /m/0d05w3 +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0chw_ +/m/018qb4 /olympics/olympic_games/sports /m/01hp22 +/m/01vrz41 /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/0d_kd /location/location/contains /m/0179qv +/m/07s9rl0 /media_common/netflix_genre/titles /m/064ndc +/m/0chrwb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lx2l /people/person/place_of_birth /m/018lbg +/m/04t9c0 /film/film/genre /m/0gsy3b +/m/0cbkc /people/person/religion /m/0c8wxp +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/0g5rg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04njml /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/06bng +/m/0bdxs5 /people/person/nationality /m/09c7w0 +/m/0f2sx4 /film/film/production_companies /m/054lpb6 +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/047sgz4 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/058frd /people/person/gender /m/05zppz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0dgpwnk /film/film/language /m/03hkp +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015grj +/m/043zg /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/05fg2 /people/person/profession /m/0mn6 +/m/0cwy47 /film/film/genre /m/03bxz7 +/m/02wgln /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06cc_1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jgkj2 +/m/01n6r0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07fpm3 /people/person/nationality /m/06q1r +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0tbql +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0173b0 /music/genre/artists /m/03h502k +/m/03jb2n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/0136pk /people/person/profession /m/016z4k +/m/0hwqz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023mdt +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0f13b /people/person/profession /m/0dxtg +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0381pn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h502k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03crmd /film/actor/film./film/performance/film /m/07tj4c +/m/01934k /people/person/nationality /m/09c7w0 +/m/02l4pj /film/actor/film./film/performance/film /m/050xxm +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07_fj54 +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d4htf +/m/014dq7 /people/person/profession /m/0dxtg +/m/0bbw2z6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0hx4y +/m/0gwlfnb /film/film/production_companies /m/05rrtf +/m/035s95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01x6v6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/02wk7b /film/film/written_by /m/022_q8 +/m/01dyk8 /education/educational_institution_campus/educational_institution /m/01dyk8 +/m/02h659 /education/educational_institution/school_type /m/05pcjw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01vcnl +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/0g28b1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01kj0p +/m/03j_hq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/01vvydl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/04gnbv1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04glr5h +/m/0c38gj /film/film/music /m/02jxmr +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/06j6l /music/genre/artists /m/01vsksr +/m/024y8p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/019mdt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/030qb3t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0221g_ +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/04vh83 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0byfz +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/01k_n63 /people/person/places_lived./people/place_lived/location /m/0vbk +/m/06w33f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/0hkt6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01v_0b /people/person/profession /m/02hv44_ +/m/0qx1w /location/location/time_zones /m/02fqwt +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0bjqh /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rv1w /education/educational_institution/school_type /m/05jxkf +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dbbz +/m/02h40lc /language/human_language/countries_spoken_in /m/07ytt +/m/07r1h /film/actor/film./film/performance/film /m/011ykb +/m/019f2f /people/person/gender /m/02zsn +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/02n4kr /media_common/netflix_genre/titles /m/06rmdr +/m/06nns1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0fvly /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0173b0 /music/genre/artists /m/01vtqml +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k7d9 +/m/07m_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05b4w +/m/07r4c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0lk8j /olympics/olympic_games/participating_countries /m/07ssc +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0jdgr /film/film/language /m/02bjrlw +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0d02km +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09stq9 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/039bpc +/m/017lvd /education/educational_institution_campus/educational_institution /m/017lvd +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/04xn_ /location/location/contains /m/0fs54 +/m/09g_31 /tv/tv_program/genre /m/06n90 +/m/065z3_x /film/film/produced_by /m/0c00lh +/m/011zd3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/02qzmz6 /film/film/featured_film_locations /m/02_286 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07z5n +/m/0cz_ym /film/film/genre /m/03bxz7 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/0286hyp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/039crh /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0h96g +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0drc1 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029cpw +/m/011ydl /film/film/country /m/0chghy +/m/01vsykc /people/person/nationality /m/02jx1 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01qmy04 /people/person/nationality /m/05r7t +/m/02tgz4 /film/film/production_companies /m/024rgt +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0l0wv /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hmnh /media_common/netflix_genre/titles /m/0fzm0g +/m/046lt /people/person/profession /m/0cbd2 +/m/01mh8zn /people/person/profession /m/028kk_ +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/098sx +/m/0f502 /film/actor/film./film/performance/film /m/03nx8mj +/m/055sjw /people/person/profession /m/03gjzk +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01jfrg +/m/07vk2 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/05xpms /people/person/places_lived./people/place_lived/location /m/03l2n +/m/0xhtw /music/genre/artists /m/0bkg4 +/m/0p03t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0fc +/m/079vf /people/person/profession /m/0cbd2 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0f0kz /film/actor/film./film/performance/film /m/017gm7 +/m/02qr69m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/08_438 /film/actor/film./film/performance/film /m/034qmv +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01314k /education/educational_institution/school_type /m/05jxkf +/m/0166v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/033hn8 /music/record_label/artist /m/0132k4 +/m/05m_jsg /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/016dgz /people/deceased_person/place_of_death /m/0f2wj +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/040696 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03d0ns /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03rz2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/07gghl /film/film/genre /m/05p553 +/m/06cqb /music/genre/artists /m/0czkbt +/m/0378zn /film/actor/film./film/performance/film /m/04s1zr +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0498y /location/location/contains /m/0pqz3 +/m/013b6_ /people/ethnicity/people /m/06crk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/02z0f6l /film/film/produced_by /m/02pq9yv +/m/02qgqt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02kz_ /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/017fp /media_common/netflix_genre/titles /m/026fs38 +/m/05nlx4 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07b8m1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/087vz +/m/01skxk /music/genre/artists /m/04s5_s +/m/015w9s /media_common/netflix_genre/titles /m/02wyzmv +/m/07xyn1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k_4g +/m/0lfyx /location/location/time_zones /m/02lcqs +/m/04qp06 /people/person/profession /m/02hrh1q +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05148p4 /music/instrument/instrumentalists /m/01w9wwg +/m/026q3s3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0d05fv /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgst_d +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081mh +/m/04rrx /location/location/contains /m/0njdm +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0341n5 /film/actor/film./film/performance/film /m/035gnh +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c38gj /film/film/genre /m/03k9fj +/m/0315q3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/0d1xx /location/location/time_zones /m/02lcqs +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02897w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02n4kr /media_common/netflix_genre/titles /m/01q7h2 +/m/03kbr /people/ethnicity/people /m/0276g40 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/01ggc9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05hdf +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0h953 /people/deceased_person/place_of_death /m/030qb3t +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyn5 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/0h0jz /people/person/profession /m/0np9r +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0_9wr /film/film/genre /m/01j1n2 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0g96wd /people/ethnicity/languages_spoken /m/083tk +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qm_f +/m/05bt6j /music/genre/artists /m/01r0t_j +/m/0mbwf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/032016 /film/film/executive_produced_by /m/0tc7 +/m/02fwfb /film/film/country /m/0345h +/m/02gs6r /film/film/written_by /m/0534v +/m/08952r /film/film/language /m/02h40lc +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/017j69 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02hxhz +/m/015_1q /music/record_label/artist /m/09hnb +/m/027m67 /film/film/language /m/0653m +/m/01l1b90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f3yfj +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291hr +/m/02897w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/021s9n +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/07sbbz2 /music/genre/artists /m/01vzz1c +/m/088_kf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4bc +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0jrqq /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/0170k0 /tv/tv_program/genre /m/0hcr +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/07t_l23 +/m/06v41q /people/ethnicity/people /m/02yy8 +/m/03dpqd /film/actor/film./film/performance/film /m/03tbg6 +/m/02661h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1tf +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0233bn /award/award_winning_work/awards_won./award/award_honor/award /m/09v8db5 +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05q7874 +/m/016_mj /film/actor/film./film/performance/film /m/0prrm +/m/015grj /people/person/place_of_birth /m/0cr3d +/m/0ck6r /location/administrative_division/first_level_division_of /m/0j5g9 +/m/02g3w /people/person/places_lived./people/place_lived/location /m/0mzvm +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0mmd6 +/m/017l96 /music/record_label/artist /m/016z1t +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/056vv /location/country/form_of_government /m/06cx9 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012mzw +/m/09c7w0 /location/location/contains /m/06mvyf +/m/0170qf /film/actor/film./film/performance/film /m/0pv3x +/m/0g5lhl7 /media_common/netflix_genre/titles /m/08cx5g +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06kxk2 +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03b04g +/m/01lbcqx /film/film/country /m/09c7w0 +/m/016zdd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0284h6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015cbq /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01mz9lt /people/person/profession /m/028kk_ +/m/0gtvpkw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02yv6b /music/genre/artists /m/01w9ph_ +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/location/contains /m/0m24v +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0m8_v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09qljs /film/film/production_companies /m/0g1rw +/m/03_3d /location/location/contains /m/09d4_ +/m/0lzb8 /film/actor/film./film/performance/film /m/014lc_ +/m/08p1gp /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02rb607 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041jlr +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/0mzww /location/location/contains /m/01b7lc +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02cx72 +/m/01trtc /music/record_label/artist /m/016fmf +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jmv8 +/m/03bnv /people/person/religion /m/03j6c +/m/016clz /music/genre/artists /m/0d193h +/m/0bzjvm /time/event/instance_of_recurring_event /m/0g_w +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rdm0 +/m/077yk0 /people/person/nationality /m/0d060g +/m/0gys2jp /film/film/genre /m/02p0szs +/m/02q5g1z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/0f3m1 /film/film/production_companies /m/0kx4m +/m/01ly5m /base/aareas/schema/administrative_area/administrative_parent /m/0jgd +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0q9zc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m9v7 /film/actor/film./film/performance/film /m/0df92l +/m/032qgs /film/actor/film./film/performance/film /m/0299hs +/m/0284h6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02nt3d +/m/02vtnf /people/person/spouse_s./people/marriage/spouse /m/02rk45 +/m/0gpx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bq8tmw /film/film/story_by /m/0fby2t +/m/01pl9g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_fw +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/02t_y3 +/m/082db /people/person/nationality /m/0h7x +/m/05gm16l /education/educational_institution/campuses /m/05gm16l +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0c6qh +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0f7hc /people/person/profession /m/01d_h8 +/m/01hqk /film/film/genre /m/01hmnh +/m/0969fd /people/person/place_of_birth /m/0430_ +/m/018ygt /film/actor/film./film/performance/film /m/01gkp1 +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/051n13 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/06v41q /people/ethnicity/people /m/014g9y +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/04xvlr /media_common/netflix_genre/titles /m/016z7s +/m/08vd2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/044p4_ /sports/sports_team/colors /m/06fvc +/m/01hw5kk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02q87z6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0234_c +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/046fz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01wk51 /people/person/places_lived./people/place_lived/location /m/0psxp +/m/01zkxv /people/person/gender /m/05zppz +/m/025s1wg /film/film/edited_by /m/06cv1 +/m/01n5309 /influence/influence_node/influenced_by /m/0bqs56 +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qg7c +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s8z_l +/m/034np8 /film/actor/film./film/performance/film /m/0c57yj +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcp9b +/m/02s2wq /people/person/profession /m/0nbcg +/m/01pq4w /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/06b0d2 /people/person/profession /m/0d1pc +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01jb26 /people/person/gender /m/02zsn +/m/0sqc8 /location/location/time_zones /m/02hcv8 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02f6g5 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/01vw20_ /people/person/gender /m/05zppz +/m/07s9rl0 /media_common/netflix_genre/titles /m/07k2mq +/m/015t7v /film/actor/film./film/performance/film /m/03t95n +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bykpk +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/02zft0 +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/017y6l /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/01p1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016wzw +/m/03s6l2 /film/film/featured_film_locations /m/0fr0t +/m/04_sqm /music/genre/artists /m/01wg982 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/0f42nz /film/film/language /m/03k50 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qb559 +/m/026fd /influence/influence_node/influenced_by /m/05qzv +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/019gz +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dpl9 +/m/0cg39k /people/person/gender /m/05zppz +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0ftccy +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0h5m7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/01rhl +/m/06gst /music/record_label/artist /m/01n44c +/m/019vhk /film/film/produced_by /m/05hj_k +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015t56 +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0_9wr /film/film/featured_film_locations /m/02_286 +/m/01713c /people/person/profession /m/02hrh1q +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/026n998 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0yjf0 +/m/01cl2y /music/record_label/artist /m/014kyy +/m/05ff6 /base/aareas/schema/administrative_area/capital /m/02bm8 +/m/0dq16 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0dcdp +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0525b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j9z /location/location/contains /m/0lvng +/m/01rly6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01hf6 /location/location/contains /m/0n84k +/m/01vrnsk /people/person/place_of_birth /m/04lh6 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02q7fl9 /film/film/language /m/02h40lc +/m/083skw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/05r5c /music/instrument/instrumentalists /m/03c7ln +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06zn1c +/m/0c9c0 /people/person/profession /m/0cbd2 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/08w4pm +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0250f /people/person/profession /m/0dxtg +/m/020y73 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02ldmw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kmx6 /people/person/profession /m/0dxtg +/m/05q54f5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05v1sb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0104lr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kff7 /film/film/music /m/01l1rw +/m/026p4q7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jsgf /film/actor/film./film/performance/film /m/03k8th +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/06sks6 /olympics/olympic_games/sports /m/07jbh +/m/0gx_p /film/actor/film./film/performance/film /m/0fzm0g +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/07nznf +/m/02wb6yq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04cr6qv +/m/011yfd /film/film/country /m/0f8l9c +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02bbyw /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/05zx7xk /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/0_b3d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03hy3g +/m/01v3bn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btyl +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/02glmx /time/event/instance_of_recurring_event /m/0g_w +/m/0njlp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ytc +/m/03bnd9 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vw8mh +/m/0pb33 /film/film/language /m/0t_2 +/m/0h0yt /people/person/place_of_birth /m/0n9r8 +/m/04f6hhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03hhd3 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01lqnff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vkvcz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_x_l +/m/0ct5zc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mt91 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01795t +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/03jvmp /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p35z +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0g2hw4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/06_bq1 /people/person/spouse_s./people/marriage/spouse /m/036hf4 +/m/01s7ns /people/person/nationality /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0fp_v1x +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/02v8kmz /film/film/produced_by /m/0gyx4 +/m/01mkn_d /people/person/profession /m/01c8w0 +/m/01w5m /education/educational_institution/school_type /m/05pcjw +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04g3p5 /people/person/profession /m/02jknp +/m/06dv3 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02kfzz /film/film/country /m/09c7w0 +/m/0h5g_ /film/actor/film./film/performance/film /m/0pv54 +/m/06mvq /people/ethnicity/geographic_distribution /m/0d0vqn +/m/035_2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/02725hs /film/film/genre /m/04xvlr +/m/0135dr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f8j13 /film/film/film_format /m/07fb8_ +/m/05fjy /location/location/contains /m/0xtz9 +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02__x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/03fnqj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0kpzy /location/location/contains /m/02zd460 +/m/013knm /people/person/spouse_s./people/marriage/spouse /m/0kjgl +/m/0hvb2 /film/actor/film./film/performance/film /m/078mm1 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/02z3zp /people/person/profession /m/0dxtg +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08yx9q +/m/0b7l4x /film/film/produced_by /m/02xnjd +/m/048cl /people/person/nationality /m/0345h +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/05183k +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09lwrt +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/015zxh /base/biblioness/bibs_location/country /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0ks67 +/m/07j94 /film/film/music /m/02jxmr +/m/039g82 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07c72 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/05h5nb8 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gmp_z +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cl1 +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n08b +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/014d4v /education/educational_institution/students_graduates./education/education/student /m/03ftmg +/m/02s_qz /people/person/gender /m/05zppz +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0d05fv +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/07g2v /people/person/spouse_s./people/marriage/spouse /m/017m2y +/m/0kb1g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/05wh0sh /influence/influence_node/influenced_by /m/039n1 +/m/08959 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/01vw8k /film/film/genre /m/0jtdp +/m/050fh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/02ndbd /people/person/profession /m/02jknp +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/01pl14 /location/location/time_zones /m/02fqwt +/m/0bjkpt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dt8xq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0gvsh7l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/05rx__ /people/person/profession /m/0np9r +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/03wh49y /film/film/genre /m/05p553 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/02rk45 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/015gjr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/016gkf +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/0hdx8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/027t8fw /people/person/gender /m/05zppz +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/064t9 /music/genre/artists /m/03f7m4h +/m/0bwjj /sports/sports_team/sport /m/018w8 +/m/07bx6 /film/film/featured_film_locations /m/0d6lp +/m/0bs5f0b /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0n5df +/m/02vtnf /people/person/religion /m/0kpl +/m/05lwjc /music/genre/artists /m/015bwt +/m/0225v9 /education/educational_institution/colors /m/06fvc +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/04y8r /film/director/film /m/03f7nt +/m/03hkp /language/human_language/countries_spoken_in /m/0hzlz +/m/02pv_d /people/person/gender /m/05zppz +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/0cjf0 /medicine/symptom/symptom_of /m/07s4l +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bj22 +/m/01j5ws /film/actor/film./film/performance/film /m/0g56t9t +/m/02wgk1 /film/film/executive_produced_by /m/079vf +/m/01g7zj /people/ethnicity/people /m/02xfj0 +/m/03flwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/08vr94 /film/actor/film./film/performance/film /m/065_cjc +/m/047msdk /film/film/genre /m/01t_vv +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/03_6y /film/actor/film./film/performance/film /m/06z8s_ +/m/01v3bn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lmzl /people/person/profession /m/0nbcg +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0pspl +/m/0443c /people/person/places_lived./people/place_lived/location /m/0mzww +/m/05zj6x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03ydlnj +/m/016szr /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/07_nf /film/film_subject/films /m/0cz_ym +/m/02jsgf /people/person/profession /m/02hrh1q +/m/04knkd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/011k1h /music/record_label/artist /m/03fbc +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/01gf5h /people/person/profession /m/0nbcg +/m/0ddbjy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/051ys82 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06_wqk4 +/m/02q87z6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxmr +/m/01ksr1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgv4 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/01vsn38 /people/person/profession /m/018gz8 +/m/0jrtv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgj7 +/m/0mg1w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/040p_q +/m/0klw /people/person/places_lived./people/place_lived/location /m/07ssc +/m/03mg35 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0fb1q +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0c_gcr +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/01hpf6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/018jcq +/m/0557yqh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ggc9 +/m/03f0fp /sports/sports_position/players./sports/sports_team_roster/team /m/080_y +/m/0bmfnjs /film/film/production_companies /m/0283xx2 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0cfywh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/07l50vn /film/film/genre /m/0lsxr +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02__34 /film/film/produced_by /m/05strv +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/03x400 /people/person/religion /m/0c8wxp +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025h4z +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/080z7 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02rf51g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043tg /people/person/nationality /m/0f8l9c +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/06kb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0bl2g /film/actor/film./film/performance/film /m/0bl1_ +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/01t265 /people/person/spouse_s./people/marriage/location_of_ceremony /m/029cr +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/09gffmz +/m/03rs8y /people/person/place_of_birth /m/0f1sm +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019n9w +/m/015pkc /people/person/places_lived./people/place_lived/location /m/06_kh +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0cmd3zy +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/07c5l /location/location/contains /m/03_r3 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wvhz +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qyv3h +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/029pnn /people/person/profession /m/03gjzk +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/085ccd /film/film/executive_produced_by /m/0gdhhy +/m/016ywb /film/film/production_companies /m/05f260 +/m/0192hw /film/film/film_festivals /m/059_y8d +/m/01fkv0 /film/actor/film./film/performance/film /m/02fwfb +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/02x8m /music/genre/parent_genre /m/0283d +/m/01qbjg /people/person/nationality /m/09c7w0 +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0qf11 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/05q7874 /film/film/genre /m/03bxz7 +/m/01vs4ff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bmj2y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/01nx_8 /people/person/gender /m/05zppz +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0lzb8 /film/actor/film./film/performance/film /m/014nq4 +/m/02vqpx8 /people/person/profession /m/03gjzk +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/01bpnd /people/person/profession /m/09jwl +/m/0d060g /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyy0 /film/actor/film./film/performance/film /m/09sr0 +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/06gb2q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01h7xx +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pyww +/m/025hl8 /people/cause_of_death/people /m/029b9k +/m/029d_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04r7jc +/m/0356dp /people/person/spouse_s./people/marriage/spouse /m/05cj4r +/m/01n8qg /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/016kv6 /film/film/language /m/06nm1 +/m/0fpmrm3 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/03m3nzf /people/person/profession /m/02hrh1q +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01g7_r +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/01_6dw /people/person/profession /m/0cbd2 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/048rn /film/film/genre /m/06qln +/m/0164w8 /people/deceased_person/place_of_death /m/06_kh +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/04shbh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/01ft2l +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02n9k /people/person/places_lived./people/place_lived/location /m/02zp1t +/m/027hm_ /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/03shpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03wbqc4 /film/film/written_by /m/0237jb +/m/03lv4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/012v8 /language/human_language/countries_spoken_in /m/0jdx +/m/0gc_c_ /film/film/genre /m/0gf28 +/m/027r0_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09krp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/019n9w +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmbv +/m/06l9n8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/01gc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01453 +/m/0kszw /film/actor/film./film/performance/film /m/04t9c0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06xl8z +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/03hfx6c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02vcp0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/042fgh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/03j24kf /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/0k9p4 /location/location/time_zones /m/02lcqs +/m/08kp57 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0dgq80b /film/film/story_by /m/02gnlz +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/06by7 /music/genre/artists /m/01j59b0 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0272kv +/m/02fy0z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0g9yrw /film/film/genre /m/03k9fj +/m/02fsn /music/instrument/instrumentalists /m/01nqfh_ +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlzn +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cbtlj +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g_zyp +/m/0dlngsd /film/film/story_by /m/0ky1 +/m/0czr9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0gj4fx +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01vv126 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/03c5bz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01cx_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/02wwmhc /film/film/featured_film_locations /m/0fw4v +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02rybfn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q52q +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/0fb0v /music/record_label/artist /m/02_t2t +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0160nk +/m/034m8 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0c3351 /media_common/netflix_genre/titles /m/02r_pp +/m/09gffmz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02z1yj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0jfx1 +/m/03tps5 /film/film/production_companies /m/016tw3 +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07g9f /tv/tv_program/genre /m/02xh1 +/m/0gt1k /film/film/language /m/02h40lc +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/03xf_m /film/film/produced_by /m/052gzr +/m/03j3pg9 /music/artist/origin /m/0cr3d +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/04qmr +/m/0d29z /people/ethnicity/geographic_distribution /m/0f8l9c +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwjq +/m/03h_9lg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018009 +/m/0ms6_ /location/location/partially_contains /m/013m4v +/m/05p9_ql /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dy7j +/m/0_b9f /film/film/genre /m/07s9rl0 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01kwsg +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/02lw8j /music/genre/parent_genre /m/0173b0 +/m/015p37 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/03q45x /people/person/profession /m/018gz8 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/02fn5 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01j5ql /film/film/genre /m/07s9rl0 +/m/017l96 /music/record_label/artist /m/027hm_ +/m/019v67 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0125xq +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0ff3y +/m/035sc2 /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/02xs0q /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j7mr +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/0m2fr /location/location/contains /m/0rd6b +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/01wy5m /film/actor/film./film/performance/film /m/047d21r +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/03v1jf /people/person/place_of_birth /m/013l6l +/m/0mwm6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwht +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/0l6ny /olympics/olympic_games/sports /m/03krj +/m/0xhtw /music/genre/artists /m/04k05 +/m/05r4w /location/location/contains /m/0pmn7 +/m/04rqd /broadcast/content/artist /m/0b1zz +/m/0c35b1 /film/actor/film./film/performance/film /m/03ct7jd +/m/0163v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kr_t +/m/0778_3 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/018p4y /film/actor/film./film/performance/film /m/0ddcbd5 +/m/04ltf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jfx1 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0432b +/m/01jpqb /education/educational_institution/colors /m/04d18d +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057d89 +/m/01fxck /people/person/place_of_birth /m/019fh +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/06jd89 +/m/0ch26b_ /film/film/language /m/02h40lc +/m/025vw4t /people/person/profession /m/03gjzk +/m/028_yv /film/film/country /m/09c7w0 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0f5xn /film/actor/film./film/performance/film /m/04xx9s +/m/0h63gl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05c6073 /music/genre/artists /m/0jg77 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bl7g +/m/015mrk /people/person/profession /m/0n1h +/m/05z43v /film/film/genre /m/04xvlr +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/09nwwf /music/genre/artists /m/01ttg5 +/m/06cgy /film/actor/film./film/performance/film /m/028_yv +/m/01rrd4 /people/person/places_lived./people/place_lived/location /m/027l4q +/m/015_1q /music/record_label/artist /m/0163kf +/m/01k70_ /people/person/profession /m/0kyk +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/03qmfzx /people/person/gender /m/05zppz +/m/0jrxx /location/location/contains /m/0rqf1 +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/01nkcn /education/educational_institution/campuses /m/01nkcn +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0mkv3 /location/location/time_zones /m/02fqwt +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059_c +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/02lnbg /music/genre/artists /m/02jyhv +/m/0l56b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01zkxv /influence/influence_node/influenced_by /m/03rx9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05cv8 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01fdc0 /people/person/nationality /m/02jx1 +/m/06pvr /location/location/contains /m/0d6lp +/m/01hkhq /people/person/languages /m/064_8sq +/m/01pcz9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gbbz +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/0csdzz /people/person/place_of_birth /m/05qtj +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t6b4 +/m/070px /people/deceased_person/place_of_death /m/01n7rc +/m/0nbzp /location/location/time_zones /m/02hcv8 +/m/09hd6f /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/082_p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/02245 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/04jvt +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0154j +/m/015z4j /people/person/sibling_s./people/sibling_relationship/sibling /m/016cff +/m/01lyv /music/genre/artists /m/09r8l +/m/0gdm1 /education/educational_institution/campuses /m/0gdm1 +/m/06by7 /music/genre/artists /m/01v0sxx +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0283xx2 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/0l98s /olympics/olympic_games/sports /m/0bynt +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/063vn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04mlmx +/m/01wk51 /people/person/profession /m/02hrh1q +/m/02q4mt /people/person/profession /m/0dxtg +/m/01hn_t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/014z8v +/m/0bgrsl /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/0k269 /people/person/place_of_birth /m/0g133 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/07l2m /sports/sports_team/colors /m/02rnmb +/m/05148p4 /music/instrument/instrumentalists /m/018x3 +/m/0l2k7 /location/us_county/county_seat /m/0b_cr +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/0164qt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g1jh +/m/05pxnmb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/0181dw /music/record_label/artist /m/07qnf +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0bksh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03_x5t +/m/017d77 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049k07 +/m/0cf8qb /film/film/language /m/04306rv +/m/0fh694 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxmr +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02wt0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0p17j +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c2f +/m/01b7lc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/026n4h6 +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/02h3tp /people/deceased_person/place_of_death /m/030qb3t +/m/01x4r3 /people/person/profession /m/0kyk +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76d_m +/m/026q3s3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/0d5fb /education/educational_institution/school_type /m/01jlsn +/m/0947l /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0mm1q +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vw_dv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02s6sh /people/person/places_lived./people/place_lived/location /m/0r00l +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06ztvyx +/m/01qb5d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/0bmhn /film/film/featured_film_locations /m/02nd_ +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/07j8kh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02482c /education/educational_institution/school_type /m/07tf8 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0w6w /people/person/profession /m/0cbd2 +/m/0524b41 /tv/tv_program/genre /m/07s9rl0 +/m/02r4qs /people/person/nationality /m/09c7w0 +/m/03gt0c5 /people/person/place_of_birth /m/022_6 +/m/011yrp /film/film/language /m/02h40lc +/m/046lt /film/actor/film./film/performance/film /m/03mh94 +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/07vc_9 /people/person/gender /m/05zppz +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02_cq0 +/m/0bdw1g /award/award_category/category_of /m/0gcf2r +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06krf3 /film/film/music /m/01vttb9 +/m/059f4 /location/location/contains /m/0n5xb +/m/0l14md /music/instrument/instrumentalists /m/0407f +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0dq626 /film/film/genre /m/03k9fj +/m/012v1t /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04ch23 /people/person/profession /m/05z96 +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0168cl /people/person/places_lived./people/place_lived/location /m/0rqf1 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/027mdh /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04hpck /people/person/gender /m/05zppz +/m/02m77 /location/location/contains /m/0h6rm +/m/0k2m6 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/0mb5x /people/person/place_of_birth /m/0n96z +/m/040rjq /people/person/gender /m/05zppz +/m/016clz /music/genre/artists /m/01ydzx +/m/04tgp /location/location/contains /m/0wqwj +/m/02465 /influence/influence_node/influenced_by /m/03j0d +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/01w9wwg /film/actor/film./film/performance/film /m/0b3n61 +/m/01kc4s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02m3sd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h8_g +/m/04gzd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mc +/m/036921 /education/educational_institution/school_type /m/05pcjw +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/0dwh5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026c1 +/m/0bqvs2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019n7x +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/0163r3 +/m/05whq_9 /people/person/place_of_birth /m/02h6_6p +/m/0cm2xh /film/film_subject/films /m/01znj1 +/m/01wx7k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b190 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01tqfs +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/017s11 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gy1_ +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/027rwmr /people/person/profession /m/09vw2b7 +/m/08c4yn /film/film/film_format /m/07fb8_ +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q6gfp +/m/0dbpyd /people/person/profession /m/03gjzk +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06lpmt +/m/041rx /people/ethnicity/people /m/01tc9r +/m/027c95y /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0m40d /music/genre/artists /m/0pj9t +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/08hmch /film/film/music /m/04pf4r +/m/015dcj /people/person/gender /m/05zppz +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02r_d4 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0r62v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/046zh +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0h3bn /medicine/disease/risk_factors /m/01hbgs +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0dzbl /education/educational_institution/school_type /m/07tf8 +/m/03_d0 /music/genre/artists /m/01htxr +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01n8qg +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03h0k1 +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026f__m +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/03m6t5 /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/026v_78 /people/person/profession /m/0dgd_ +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0jn5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r4hry +/m/03f3yfj /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/060d2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cd2vh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl06 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr46y +/m/01t9qj_ /people/person/profession /m/0dxtg +/m/01w8sf /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/047jhq /people/person/place_of_birth /m/02c7tb +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0j0pf /influence/influence_node/influenced_by /m/05qzv +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/099p5 /people/person/profession /m/05snw +/m/02vnp2 /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0bxjpy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0kfpm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02nfhx +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/059j2 /location/location/contains /m/0q19t +/m/0kv2hv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/026c1 /film/actor/film./film/performance/film /m/02f6g5 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01k9gb /medicine/disease/risk_factors /m/05zppz +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0fqyzz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ppr +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/01yf85 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/06mxs /location/location/time_zones /m/02llzg +/m/09l3p /film/actor/film./film/performance/film /m/03bx2lk +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/0kq08 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n5gb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5hh +/m/01w20rx /people/person/gender /m/05zppz +/m/04mhbh /people/person/profession /m/02hrh1q +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02l3_5 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/05zy2cy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q253 /education/university/fraternities_and_sororities /m/035tlh +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x1_w +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5qs2k +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/02qfv5d /media_common/netflix_genre/titles /m/016kv6 +/m/03dbds /people/person/profession /m/0dxtg +/m/0677ng /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/028pzq /people/person/place_of_birth /m/06c62 +/m/02ct_k /people/person/profession /m/02hrh1q +/m/033tf_ /people/ethnicity/people /m/02yplc +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pv2t +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/04dsnp /film/film/featured_film_locations /m/02_286 +/m/0c57yj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170s4 /people/person/profession /m/02hrh1q +/m/0gzh /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/03v0t +/m/03gr14 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/087vz +/m/02cx90 /people/person/profession /m/016z4k +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/09f0bj /people/person/place_of_birth /m/03l2n +/m/07hwkr /people/ethnicity/people /m/0gs5q +/m/04yt7 /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fpzzp /influence/influence_node/peers./influence/peer_relationship/peers /m/0chnf +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/015_1q /music/record_label/artist /m/025xt8y +/m/061681 /film/film/language /m/064_8sq +/m/05hrq4 /people/person/gender /m/05zppz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/0342h /music/instrument/instrumentalists /m/01vvycq +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/01q_wyj /people/person/profession /m/02hrh1q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0175tv +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jrqq +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/04crrxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/02b0yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/02pbrn /people/person/nationality /m/09c7w0 +/m/0252fh /people/person/languages /m/02h40lc +/m/013xrm /people/ethnicity/people /m/02wh0 +/m/012xdf /people/person/places_lived./people/place_lived/location /m/0hptm +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/04jkpgv /film/film/country /m/0k6nt +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/02hy9p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033p3_ +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03xkps +/m/09nwwf /music/genre/artists /m/01jcxwp +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08xwck +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/01vsgrn /people/person/profession /m/0nbcg +/m/01pw9v /people/person/profession /m/0kyk +/m/018nnz /film/film/language /m/03_9r +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p7fh +/m/02fn5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09fb5 +/m/059_c /base/aareas/schema/administrative_area/capital /m/0235l +/m/0rgxp /base/biblioness/bibs_location/state /m/026mj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0438f +/m/05rfst /film/film/executive_produced_by /m/03c9pqt +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/026t6 /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/04rlf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03_9r +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/01qqtr +/m/0kbws /olympics/olympic_games/participating_countries /m/020p1 +/m/016vqk /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/01nhgd /education/educational_institution_campus/educational_institution /m/01nhgd +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z43 +/m/084w8 /people/person/profession /m/0cbd2 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02hwhyv +/m/02r3cn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lk90 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0m593 +/m/0lbbj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01tp5bj /music/group_member/membership./music/group_membership/group /m/079kr +/m/0fb0v /music/record_label/artist /m/049qx +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/0fy66 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/student /m/06pwf6 +/m/067x44 /people/deceased_person/place_of_death /m/030qb3t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/029d_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/045j3w /film/film/runtime./film/film_cut/film_release_region /m/03_3d +/m/07ylj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ls2 +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/019vgs /people/person/place_of_birth /m/02cl1 +/m/07z1m /location/location/contains /m/05qgd9 +/m/03t28q /music/record_label/artist /m/010hn +/m/01z215 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z88t +/m/032r1 /people/person/profession /m/0frz0 +/m/01dyk8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/04bcb1 /people/person/nationality /m/09c7w0 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03j367r +/m/0nk72 /people/person/religion /m/03_gx +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/030znt +/m/02b1d0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0p_jc /film/actor/film./film/performance/film /m/028kj0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/03z20c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025h4z /people/person/place_of_birth /m/01531 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/015grj +/m/017z49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/021f30 +/m/06m6p7 /film/actor/film./film/performance/film /m/024mpp +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/05m9f9 /people/person/gender /m/05zppz +/m/0dkb83 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/07ssc /media_common/netflix_genre/titles /m/015x74 +/m/01yh3y /film/actor/film./film/performance/film /m/0k54q +/m/03qcq /people/person/profession /m/0d8qb +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/01520h +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/0kc6x /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02114t /film/actor/film./film/performance/film /m/0435vm +/m/026fd /people/person/profession /m/0dgd_ +/m/02q7fl9 /film/film/country /m/03_3d +/m/01_gv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02fy0z +/m/01xndd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/05gp3x +/m/017fp /media_common/netflix_genre/titles /m/04z4j2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hp2y1 +/m/04lqvly /film/film/film_format /m/0cj16 +/m/0341n5 /people/person/nationality /m/09c7w0 +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08chdb +/m/036px /people/person/gender /m/05zppz +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06m_5 +/m/03mh94 /film/film/genre /m/02l7c8 +/m/09b_0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/06mkj /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0hg5 +/m/060ppp /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09x3r /olympics/olympic_games/participating_countries /m/07twz +/m/05h43ls /film/film/genre /m/06cvj +/m/03_d0 /music/genre/artists /m/0127s7 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6m5fy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01g7_r +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/02xj3rw /award/award_category/winners./award/award_honor/award_winner /m/06m6z6 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/017m2y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wkmgb +/m/027mdh /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zrhb +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/06j6l /music/genre/artists /m/01k5t_3 +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/03qrh9 /sports/sports_team/colors /m/083jv +/m/0404wqb /award/award_winner/awards_won./award/award_honor/award_winner /m/039g82 +/m/04s0m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0cgzj +/m/01k0vq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g87m +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dc0c +/m/06z9f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gr69 /music/artist/origin /m/030qb3t +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/05g8n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/039yzf /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hvjr +/m/024dgj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/036hf4 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07pd_j +/m/047fjjr /film/film/music /m/012ljv +/m/02rcwq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3p7 +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05dbf +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01wwvt2 /music/group_member/membership./music/group_membership/role /m/07gql +/m/059_c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzf_ +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0828jw /tv/tv_program/genre /m/01jfsb +/m/01rxw /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0g57wgv +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/016z5x /film/film/featured_film_locations /m/04jpl +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/044f7 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cm2m +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/04z542 /people/person/place_of_birth /m/0cr3d +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/042v2 /influence/influence_node/influenced_by /m/049gc +/m/01cwhp /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/0c8br /people/person/place_of_birth /m/02_286 +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07bx6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ly8z +/m/04cw0n4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/042zrm /film/film/featured_film_locations /m/0vzm +/m/065_cjc /film/film/genre /m/06n90 +/m/08jyyk /music/genre/artists /m/03fbc +/m/02lf1j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0ddbjy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/030hbp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/030hcs +/m/02khs /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0rh7t /sports/sports_team_location/teams /m/0ftf0f +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/04xx9s /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02yxjs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017lvd +/m/01s7z0 /organization/organization_founder/organizations_founded /m/0gy1_ +/m/08952r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02l0sf +/m/01271h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07r4c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/09v92_x /award/award_category/disciplines_or_subjects /m/02jknp +/m/02lk95 /people/person/profession /m/09jwl +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02v92l /film/actor/film./film/performance/film /m/02gs6r +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0hvjr +/m/0nm9y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6k +/m/0ndwt2w /film/film/genre /m/03k9fj +/m/0cf2h /film/actor/film./film/performance/film /m/0n0bp +/m/0342h /music/instrument/instrumentalists /m/01817f +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/08hsww /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/041288 /organization/organization/headquarters./location/mailing_address/citytown /m/0177z +/m/018x3 /people/person/profession /m/0fnpj +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01pcdn +/m/015x1f /people/person/profession /m/0dz3r +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0g5pv3 /film/film/film_production_design_by /m/04_1nk +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/04hcw /people/person/nationality /m/07ssc +/m/09c7w0 /location/location/contains /m/0mrhq +/m/016tbr /people/person/place_of_birth /m/01nl79 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/021q23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0344gc +/m/08wjf4 /film/actor/film./film/performance/film /m/09tqkv2 +/m/01b3bp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g768 /music/record_label/artist /m/0pkyh +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/02fx3c +/m/0d7wh /people/ethnicity/people /m/0180w8 +/m/019pcs /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01fcmh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058vfp4 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0134s5 +/m/04hqz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/02l96k /music/genre/artists /m/01wv9xn +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gc7h +/m/0265wl /award/award_category/disciplines_or_subjects /m/02xlf +/m/04y5j64 /film/film/country /m/09c7w0 +/m/0721cy /people/person/place_of_birth /m/01n7q +/m/03lsq /sports/sports_team/sport /m/0jm_ +/m/02k84w /music/instrument/instrumentalists /m/01mwsnc +/m/01d6jf /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/07s9rl0 /media_common/netflix_genre/titles /m/082scv +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/01kkx2 /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/0qf3p +/m/03c7twt /film/film/genre /m/02l7c8 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/02cx90 /people/person/profession /m/09jwl +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026390q +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/033qdy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02238b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019n7x +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0243cq +/m/01jrp0 /people/person/spouse_s./people/marriage/spouse /m/01rnxn +/m/02pzck /people/person/religion /m/0c8wxp +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/0f4vbz +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_lt +/m/0djkrp /film/film/genre /m/0hn10 +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/09jcj6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0hfml +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06dfg /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/06dl_ /people/person/nationality /m/09c7w0 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0jv5x +/m/02v3yy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028knk +/m/07gyp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/06by7 /music/genre/artists /m/0180w8 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0284b56 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dsvzh +/m/01jfsb /media_common/netflix_genre/titles /m/09gdh6k +/m/01xlqd /film/film/costume_design_by /m/02w0dc0 +/m/0dzs0 /location/hud_county_place/place /m/0dzs0 +/m/01hn_t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hn_t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vrnsk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03ytp3 +/m/09zmys /people/person/place_of_birth /m/030qb3t +/m/01qb5d /film/film/featured_film_locations /m/080h2 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03h_yy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rj0 +/m/07db6x /people/person/gender /m/05zppz +/m/07kb5 /influence/influence_node/influenced_by /m/0m93 +/m/084x96 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01cqz5 /people/person/religion /m/092bf5 +/m/0tj9 /people/person/profession /m/02hrh1q +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06wxw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01j95f +/m/041_3z /location/location/contains /m/0d22f +/m/01hmnh /media_common/netflix_genre/titles /m/02g5q1 +/m/04g9gd /film/film/executive_produced_by /m/03c9pqt +/m/04jkpgv /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/03zz8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/02jkkv /film/film/genre /m/05p553 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0fb1q +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01x96 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/037c9s /music/performance_role/regular_performances./music/group_membership/group /m/0hvbj +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/0phx4 /people/person/profession /m/01c72t +/m/02lvtb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07hwkr /people/ethnicity/people /m/0168cl +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0j47s +/m/03h_yfh /people/person/profession /m/05vyk +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bk17k +/m/01vxqyl /people/person/nationality /m/09c7w0 +/m/08984j /film/film/production_companies /m/0g1rw +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/033dbw +/m/07ccs /education/university/fraternities_and_sororities /m/0325pb +/m/03p7rp /music/genre/parent_genre /m/03lty +/m/0f6cl2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/03yf3z +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/0221zw /film/film/featured_film_locations /m/0fvvz +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02r79_h /film/film/country /m/07ssc +/m/0392kz /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/09qc1 /people/person/profession /m/0cbd2 +/m/01th4s /music/record_label/artist /m/03ryks +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01fkxr /people/person/places_lived./people/place_lived/location /m/013m43 +/m/02t_w8 /people/person/nationality /m/09c7w0 +/m/0_816 /film/film/language /m/02h40lc +/m/09qxq7 /music/genre/artists /m/01kd57 +/m/020_95 /film/actor/film./film/performance/film /m/0879bpq +/m/0ptxj /film/film/genre /m/02kdv5l +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01nms7 +/m/07j8kh /people/person/profession /m/025352 +/m/0psss /film/actor/film./film/performance/film /m/0djlxb +/m/0sx8l /olympics/olympic_games/participating_countries /m/06qd3 +/m/018p4y /film/actor/film./film/performance/film /m/01v1ln +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/09_99w /people/person/profession /m/03gjzk +/m/05j9_f /award/award_category/disciplines_or_subjects /m/05qgc +/m/01jrbv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/012gk9 +/m/033tln /film/actor/film./film/performance/film /m/02bg55 +/m/0d0x8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02xry +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0727h /time/event/locations /m/0hkt6 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gndh /film/film/film_art_direction_by /m/071jv5 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/080dfr7 /film/film/produced_by /m/0ksf29 +/m/07ssc /location/location/contains /m/0j4q1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03tck1 +/m/0czkbt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l2fn +/m/09c7w0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/05wm88 /people/person/place_of_birth /m/0f2tj +/m/015_1q /music/record_label/artist /m/019g40 +/m/06hzq3 /music/genre/artists /m/01518s +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01cx_ +/m/03npn /media_common/netflix_genre/titles /m/02v5_g +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/04bfg /education/educational_institution/school_type /m/05jxkf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/0cc97st /film/film/story_by /m/060pl5 +/m/0488g /location/location/contains /m/0tcj6 +/m/016z43 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mvd62 +/m/01trxd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011k11 /music/record_label/artist /m/0pj9t +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/0c_v2 +/m/074rg9 /film/film/genre /m/01jfsb +/m/04s1zr /film/film/written_by /m/01fh9 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/01mjq /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/016_mj /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/015g_7 /people/person/spouse_s./people/marriage/spouse /m/01j851 +/m/05_pkf /people/person/profession /m/01c8w0 +/m/06y9c2 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/033wx9 +/m/01dyvs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05148p4 /music/instrument/instrumentalists /m/01p95y0 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05397h +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g5k +/m/0hmm7 /film/film/produced_by /m/02vyw +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/067nsm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0j46b +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0162v /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/057hz /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/026dx /people/person/place_of_birth /m/0x335 +/m/026c1 /people/person/profession /m/03gjzk +/m/0bz6sq /film/film/genre /m/0gf28 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb84n +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/012vct /film/director/film /m/0k4bc +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0qmfk /film/film/country /m/07ssc +/m/05w6cw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06wm0z +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02q3bb +/m/0fq27fp /film/film/genre /m/07s9rl0 +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cq86w +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05xbx +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/05sb1 /location/location/partially_contains /m/09glw +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0bl8l +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/01vzxld /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b9rdk /film/film/production_companies /m/016tw3 +/m/0m40d /music/genre/artists /m/04n32 +/m/02x3lt7 /film/film/country /m/09c7w0 +/m/025b5y /people/person/nationality /m/09c7w0 +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/01bpc9 /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dfw0 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/028k57 /film/actor/film./film/performance/film /m/094g2z +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dmn0x +/m/02y9bj /education/educational_institution/students_graduates./education/education/student /m/05wqr1 +/m/01wbz9 /people/person/places_lived./people/place_lived/location /m/021npd +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/0p51w /film/director/film /m/0jswp +/m/03q43g /film/actor/film./film/performance/film /m/03bx2lk +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/019dmc /people/cause_of_death/people /m/0klw +/m/01x2tm8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w272y +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04ty8 +/m/07b_l /location/location/contains /m/013mtx +/m/0345_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02__34 /film/film/genre /m/060__y +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/01pcq3 /film/actor/film./film/performance/film /m/01qb5d +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031786 +/m/03g5jw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vz6dn +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/09v9mks /film/film/country /m/03rjj +/m/014dd0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09k56b7 +/m/0146pg /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gltv +/m/0dwsp /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02qx5h /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/05nzw6 /film/actor/film./film/performance/film /m/02rrh1w +/m/01pj5q /people/person/place_of_birth /m/0hptm +/m/0dzst /education/educational_institution/students_graduates./education/education/student /m/0cg39k +/m/02wb6yq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02bwjv +/m/0xhtw /music/genre/artists /m/0167_s +/m/0124k9 /tv/tv_program/genre /m/05p553 +/m/0421st /people/person/place_of_birth /m/03l2n +/m/016z2j /film/actor/film./film/performance/film /m/062zm5h +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07_w1l +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/05pbsry +/m/06myp /people/person/languages /m/02h40lc +/m/054187 /people/person/profession /m/0cbd2 +/m/01chc7 /film/actor/film./film/performance/film /m/0gs973 +/m/01cd7p /award/award_category/category_of /m/01cd7p +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dbgw +/m/02n1p5 /people/person/employment_history./business/employment_tenure/company /m/0135cw +/m/05m0h /people/person/nationality /m/024pcx +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/070yzk +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016sqs +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/036jv /music/genre/parent_genre /m/0glt670 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/03nymk /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/026q3s3 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/05f7snc /people/person/gender /m/02zsn +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/03hp2y1 /film/film/language /m/02h40lc +/m/0kvgnq /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/02p3cr5 /music/record_label/artist /m/01wrcxr +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/03xb2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/02rmfm /award/award_winner/awards_won./award/award_honor/award_winner /m/038bht +/m/06l32y /education/educational_institution/school_type /m/05pcjw +/m/02h7qr /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/044rvb /film/actor/film./film/performance/film /m/0dnvn3 +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/08gg47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01dc0c /film/film/country /m/09c7w0 +/m/0276jmv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jm9w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/06lxn /award/award_winner/awards_won./award/award_honor/award_winner /m/02f1c +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/02js9p /people/person/gender /m/02zsn +/m/01j5sv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pcdn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015z4j +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gl88b +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03kwtb +/m/011hdn /people/person/places_lived./people/place_lived/location /m/0d35y +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07f_t4 +/m/07xpm /education/educational_institution/students_graduates./education/education/student /m/01ckhj +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0kbws /olympics/olympic_games/participating_countries /m/0161c +/m/03m8lq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mdqp +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf0c +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/01msrb /film/film/language /m/02h40lc +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pyg6 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0cc63l /people/person/profession /m/02jknp +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/03qrh9 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fn5s +/m/02vnmc9 /film/film/genre /m/02l7c8 +/m/02zk08 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/06xj4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0y_9q /film/film/genre /m/07s9rl0 +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/023v4_ /people/person/nationality /m/09c7w0 +/m/04gfy7 /people/ethnicity/people /m/0h3mrc +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/06kl78 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/05q_dw /film/film/genre /m/07s9rl0 +/m/0g83dv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/03q8ch +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_k56 +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycbq +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0235l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/059_c +/m/06q07 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/01xbgx /location/country/form_of_government /m/018wl5 +/m/01633c /film/film/film_production_design_by /m/04kj2v +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0b7l4x /film/film/genre /m/01jfsb +/m/090gpr /people/person/gender /m/02zsn +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jbp0 +/m/07ssc /location/location/contains /m/0fg6k +/m/01y06y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/0f7h2g +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vldk +/m/016ztl /film/film/production_companies /m/09b3v +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/05bt6j /music/genre/artists /m/01pbxb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06xj4w +/m/02lnbg /music/genre/artists /m/01vs_v8 +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/04vr_f /film/film/film_format /m/07fb8_ +/m/09fb5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tj34 +/m/0l6ny /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0rj4g /location/hud_county_place/place /m/0rj4g +/m/03h0k1 /sports/sports_team/sport /m/02vx4 +/m/0345_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x_d8 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01f85k /film/film/written_by /m/01f7v_ +/m/02q4mt /film/actor/film./film/performance/film /m/09qycb +/m/0d7wh /people/ethnicity/people /m/01lwx +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03kpvp /film/actor/film./film/performance/film /m/0g5ptf +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0bwfwpj +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nfys +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0mbwf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0j95 +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_grx +/m/03c5bz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0421st /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/057176 /film/actor/film./film/performance/film /m/02q87z6 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fkxr +/m/06q6jz /music/genre/artists /m/0g7k2g +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/0kn3g +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/049dzz +/m/0jrny /film/actor/film./film/performance/film /m/042fgh +/m/02fp82 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0581vn8 /film/film/country /m/0d060g +/m/0_7w6 /film/film/music /m/02fgpf +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jpkg +/m/02g7sp /people/ethnicity/people /m/03j24kf +/m/03sb38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/06jnvs +/m/06fqlk /film/film/language /m/012w70 +/m/09tqkv2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01tkqy +/m/011_3s /film/actor/film./film/performance/film /m/040_lv +/m/01vtj38 /award/award_winner/awards_won./award/award_honor/award_winner /m/02zj61 +/m/07y8l9 /people/person/place_of_birth /m/01cx_ +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/0k2mxq /people/person/profession /m/02hrh1q +/m/06wbm8q /film/film/language /m/02h40lc +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hd16 +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/0g824 /people/person/employment_history./business/employment_tenure/company /m/01cszh +/m/0bhtzw /people/person/place_of_birth /m/018f94 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/040vgd +/m/01b7h8 /tv/tv_program/languages /m/0t_2 +/m/02fqxm /film/film/music /m/023361 +/m/0b4lkx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mbs8 /film/actor/film./film/performance/film /m/0mbql +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/01ly5m +/m/0jsf6 /film/film/language /m/04h9h +/m/0639bg /film/film/language /m/02h40lc +/m/0c_md_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vswwx /people/person/profession /m/02hrh1q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0b005 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0534nr +/m/01846t /film/actor/film./film/performance/film /m/0dnqr +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/01mqnr /film/actor/film./film/performance/film /m/0jqd3 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/01hqk /film/film/genre /m/0lsxr +/m/0cbm64 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/03kwtb /music/group_member/membership./music/group_membership/role /m/03ndd +/m/01kwld /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03_wj_ +/m/0k696 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kwmc +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07s6prs /people/person/nationality /m/09c7w0 +/m/01lyv /music/genre/parent_genre /m/01m1y +/m/03c7ln /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/019l68 /film/actor/film./film/performance/film /m/06rzwx +/m/01d8l /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/03v9yw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0qm98 /film/film/film_art_direction_by /m/02x2t07 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/0bykpk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/044mfr /music/group_member/membership./music/group_membership/role /m/0342h +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0bjv6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0dttf /base/biblioness/bibs_location/country /m/019pcs +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/05q9g1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gg59 +/m/05z01 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f4vbz /people/person/place_of_birth /m/030qb3t +/m/0flpy /people/person/gender /m/05zppz +/m/0fpjd_g /music/group_member/membership./music/group_membership/role /m/05r5c +/m/014dm6 /people/person/profession /m/01d_h8 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/05vtbl /film/actor/film./film/performance/film /m/063y9fp +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0czyxs /film/film/production_companies /m/02hvd +/m/0cj2t3 /people/person/profession /m/02krf9 +/m/03np_7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j0k /base/locations/continents/countries_within /m/0jt3tjf +/m/0glt670 /music/genre/artists /m/016ksk +/m/04lqvlr /film/film/country /m/03rjj +/m/0177z /base/biblioness/bibs_location/country /m/0154j +/m/017c87 /people/person/profession /m/0kyk +/m/0ndwt2w /film/film/produced_by /m/02bfxb +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q6gfp +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/086k8 /music/record_label/artist /m/0qf11 +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02lxrv /film/film/costume_design_by /m/03mfqm +/m/0p_pd /influence/influence_node/influenced_by /m/063_t +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/01svq8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0295sy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0bcndz /film/film/genre /m/04xvlr +/m/01243b /music/genre/artists /m/082brv +/m/02ltg3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07sgdw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h22 /film/film/film_festivals /m/05ys0ws +/m/01gkmx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/0237fw /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/0fq117k /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/08mhyd +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07f_7h +/m/033hn8 /music/record_label/artist /m/01693z +/m/0d0mbj /people/person/nationality /m/03rk0 +/m/01swxv /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02rtqvb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01kkx2 /people/person/place_of_birth /m/0cc56 +/m/02mmwk /film/film/genre /m/03k9fj +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_0_z +/m/046lt /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/022lly /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/07z4p5 /people/deceased_person/place_of_death /m/030qb3t +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02vkzcx +/m/03fn16 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/08vk_r +/m/0c4b8 /location/country/capital /m/067z4 +/m/0c6qh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_l39 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ctb4g +/m/0cp08zg /film/film/genre /m/0jtdp +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/03wbqc4 /film/film/genre /m/0lsxr +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/046rfv /people/person/profession /m/0d1pc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/0645k5 /film/film/genre /m/0hn10 +/m/02_1q9 /tv/tv_program/languages /m/02h40lc +/m/01dhmw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01cv3n +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/013b6_ /people/ethnicity/people /m/06y7d +/m/01w1ywm /people/person/place_of_birth /m/01531 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05bcl +/m/09g7vfw /film/film/genre /m/01hmnh +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ywwy +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059j4x +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0178_w +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09g8vhw +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/08hhm6 /people/person/religion /m/03j6c +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/03yvf2 /film/film/genre /m/01jfsb +/m/03lt8g /people/person/languages /m/02h40lc +/m/0gg8l /music/genre/parent_genre /m/01lyv +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dd2b +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b4rf3 +/m/016fnb /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0k6yt1 +/m/014knw /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ww5 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/04__f +/m/04sylm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03d0d7 +/m/0k3k1 /location/location/contains /m/0t_71 +/m/0d8w2n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b478 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/03gr7w /people/person/profession /m/09jwl +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/01csvq /people/person/profession /m/02krf9 +/m/02ydx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/01qn7n /tv/tv_program/genre /m/07qht4 +/m/0229rs /music/record_label/artist /m/02mslq +/m/01whg97 /people/person/nationality /m/09c7w0 +/m/0f4_2k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c1gj5 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/026_dcw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/0284b56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0150t6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06t2t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0146hc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05ml_s +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02_pft /people/person/gender /m/05zppz +/m/0p51w /people/deceased_person/place_of_death /m/04jpl +/m/0kfv9 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06k90b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hqhm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03rt9 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/04r7p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0yxf4 /film/film/genre /m/01t_vv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/051n13 +/m/02d44q /film/film/produced_by /m/03hy3g +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/016tt2 /organization/organization/child./organization/organization_relationship/child /m/05s_k6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/047g6m +/m/0172rj /music/genre/parent_genre /m/03lty +/m/03xnwz /music/genre/artists /m/01m65sp +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tgp +/m/0fqg8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/06rnl9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0683n +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0180w8 /people/person/profession /m/0nbcg +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0ccd3x /film/film/written_by /m/03thw4 +/m/085v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/08y7b9 /people/person/profession /m/018gz8 +/m/06k02 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l12d +/m/0ly5n /people/person/religion /m/0c8wxp +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/01sxly /film/film/cinematography /m/026sb55 +/m/05r5c /music/instrument/instrumentalists /m/09r8l +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/033pf1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w61th /people/person/places_lived./people/place_lived/location /m/04sqj +/m/05c17 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9lm2 +/m/05dl1s /film/film/music /m/03h4mp +/m/0jgk3 /location/location/contains /m/0rjg8 +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/06l22 +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/057d89 +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/0d7wh /people/ethnicity/people /m/02pq9yv +/m/01wy5m /people/person/profession /m/02hrh1q +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0315w4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/01vw26l /film/actor/film./film/performance/film /m/0bq8tmw +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/04_jsg /people/person/profession /m/0nbcg +/m/01934k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01933d +/m/0bgrsl /people/person/profession /m/02krf9 +/m/02pqcfz /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01669b /location/administrative_division/country /m/0d05w3 +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/07n39 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013q0p /film/film/film_format /m/07fb8_ +/m/087pfc /film/film/production_companies /m/017s11 +/m/0l14qv /music/instrument/family /m/05148p4 +/m/05fgt1 /film/film/written_by /m/02kxbwx +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/036hf4 /people/person/spouse_s./people/marriage/spouse /m/06_bq1 +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ktrs +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0bgrsl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03g9xj +/m/024lt6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02tz9z /education/educational_institution/school_type /m/05pcjw +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07h76 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02lnbg /music/genre/artists /m/05szp +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/011k1h /music/record_label/artist /m/017lb_ +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0n4mk /location/location/time_zones /m/02hcv8 +/m/0219q /film/actor/film./film/performance/film /m/0h63q6t +/m/03f7jfh /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01f2xy /education/educational_institution_campus/educational_institution /m/01f2xy +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/0xv2x /music/genre/artists /m/018gkb +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fgg4 +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04p_hy +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0133x7 /people/person/profession /m/0nbcg +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/01j2xj /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/02bjrlw /media_common/netflix_genre/titles /m/04m1bm +/m/02mscn /music/genre/artists /m/09k2t1 +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/05_5_22 /film/film/featured_film_locations /m/04jpl +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/063ykwt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0mbs8 +/m/03fnn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03ldxq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jqr_5 /people/person/nationality /m/09c7w0 +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02xry /location/location/contains /m/0j_1v +/m/0nk72 /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/01xlqd /film/film/country /m/09c7w0 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02xhpl /tv/tv_program/genre /m/01z4y +/m/012s5j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/04gqr /location/location/time_zones /m/03plfd +/m/024mxd /film/film/written_by /m/0jrny +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zfg3 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07cfx +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0ckm4x /people/person/places_lived./people/place_lived/location /m/07b_l +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05w3 +/m/0hfjk /media_common/netflix_genre/titles /m/01f7kl +/m/03j9ml /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/0jsg0m /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/09c7w0 /location/location/contains /m/02fgdx +/m/08k05y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09q23x /film/film/language /m/02h40lc +/m/01rnly /film/film/genre /m/04t36 +/m/03gyl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05zdk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01g03q +/m/045gzq /film/actor/film./film/performance/film /m/025ts_z +/m/012w70 /language/human_language/countries_spoken_in /m/04thp +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8sf +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c2f +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/01w40h /music/record_label/artist /m/01wp8w7 +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q9kqf +/m/05j0wc /people/person/religion /m/092bf5 +/m/041rx /people/ethnicity/people /m/018z_c +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0716t2 /film/actor/film./film/performance/film /m/0298n7 +/m/0407f /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/0329t7 /sports/sports_team/sport /m/02vx4 +/m/0sx8l /olympics/olympic_games/sports /m/06zgc +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gv_f +/m/0jzw /film/film/language /m/02h40lc +/m/07f3xb /people/person/place_of_birth /m/0nq_b +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01j53q +/m/01qscs /people/person/places_lived./people/place_lived/location /m/05tbn +/m/01933d /film/actor/film./film/performance/film /m/0bm2x +/m/0cms7f /people/person/profession /m/018gz8 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/07r_dg +/m/02ylg6 /film/film/written_by /m/026670 +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07tlfx +/m/09d3b7 /film/film/country /m/09c7w0 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01453 +/m/04fv5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/03c_pqj /people/person/profession /m/02hrh1q +/m/0558_1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mvth /people/person/place_of_birth /m/013kcv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0g1rw +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rcmg +/m/01sbhvd /people/person/nationality /m/09c7w0 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/06j6l /music/genre/artists /m/01trhmt +/m/06t8b /film/director/film /m/02jkkv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gvts +/m/0cbkc /people/person/profession /m/01c979 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07s9tsr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fn1w +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/037lyl +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/01g0jn +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/03gr14 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/065mm1 /film/actor/film./film/performance/film /m/0m491 +/m/02m0sc /education/educational_institution/campuses /m/02m0sc +/m/01xbgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f1x +/m/03772 /influence/influence_node/influenced_by /m/084w8 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/07h5d +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/071ywj /people/person/gender /m/05zppz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0287477 +/m/07dfk /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0ftps /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/03fg0r /award/award_winner/awards_won./award/award_honor/award_winner /m/024rgt +/m/02l_7y /people/person/profession /m/0dz3r +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/02_gzx /education/educational_institution_campus/educational_institution /m/02_gzx +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02s5v5 /film/actor/film./film/performance/film /m/015x74 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02mhfy /people/person/place_of_birth /m/0yvjx +/m/0bjkpt /people/person/profession /m/01d_h8 +/m/02bqxb /film/film/film_production_design_by /m/03mdw3c +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/05wdgq /people/person/nationality /m/03rk0 +/m/012gq6 /people/person/profession /m/0dxtg +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/07gp9 /film/film/language /m/06nm1 +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/082fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0c9c0 /people/person/profession /m/02hrh1q +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/049g_xj +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/0320fn /film/film/genre /m/05p553 +/m/03_gx /media_common/netflix_genre/titles /m/043n1r5 +/m/017b2p /people/person/nationality /m/03_3d +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01hq1 /film/film/production_companies /m/0338lq +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v71cj +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/029skd /base/biblioness/bibs_location/state /m/09ctj +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/03mp9s +/m/07s93v /award/award_winner/awards_won./award/award_honor/award_winner /m/01d8yn +/m/0czkbt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/0k3l5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3hn +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/03cdg /influence/influence_node/peers./influence/peer_relationship/peers /m/05np2 +/m/02b0y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/03f0fp +/m/02sqkh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04cf09 +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/026ck /people/person/gender /m/05zppz +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/08htt0 /education/educational_institution/campuses /m/08htt0 +/m/091xrc /film/film/music /m/0b6yp2 +/m/0g5qmbz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yx_w /film/film/language /m/02h40lc +/m/03wbzp /people/person/profession /m/03gjzk +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3zjn7 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/057n_g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/013km /people/person/places_lived./people/place_lived/location /m/02lf_x +/m/03np_7 /organization/organization/headquarters./location/mailing_address/citytown /m/0nqph +/m/0d9_96 /people/person/profession /m/02hrh1q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03xzxb +/m/01xyqk /music/record_label/artist /m/026spg +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0277j40 +/m/059kh /music/genre/artists /m/0fp_v1x +/m/0mbql /film/film/country /m/09c7w0 +/m/0cmc2 /time/event/locations /m/0cr7m +/m/08n9ng /people/person/places_lived./people/place_lived/location /m/080h2 +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0j0k /base/locations/continents/countries_within /m/0697s +/m/0jmj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049ql1 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/017fp /media_common/netflix_genre/titles /m/026gyn_ +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/09146g /film/film/genre /m/0hcr +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0kcdl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ppg1r +/m/03hjv97 /film/film/genre /m/04xvlr +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07fpm3 +/m/0bshwmp /film/film/story_by /m/06z4wj +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/02xzd9 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0564mx /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0524b41 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03b_fm5 /film/film/country /m/0345h +/m/02hg53 /people/person/profession /m/0dxtg +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0czkbt /people/person/places_lived./people/place_lived/location /m/04jpl +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/04d2yp /film/actor/film./film/performance/film /m/0j_t1 +/m/0rql_ /location/location/time_zones /m/02hcv8 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02gx2x /people/ethnicity/geographic_distribution /m/02bd41 +/m/02kxbwx /film/director/film /m/07bwr +/m/0f2v0 /base/biblioness/bibs_location/state /m/02xry +/m/04zkj5 /people/person/nationality /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mp8x +/m/049xgc /film/film/language /m/02h40lc +/m/0140t7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0417z2 +/m/011j5x /music/genre/parent_genre /m/0827d +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/02508x /people/person/places_lived./people/place_lived/location /m/0f3ys2 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0bbz66j /people/ethnicity/people /m/03h_9lg +/m/01wc7p /people/person/religion /m/06nzl +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02qx5h /film/actor/film./film/performance/film /m/08rr3p +/m/0bhtzw /people/person/nationality /m/082fr +/m/02zbjwr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f33tk +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/02n4kr /media_common/netflix_genre/titles /m/0f40w +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0bj25 /film/film/featured_film_locations /m/02_286 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fsb8 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/02qhqz4 /film/film/music /m/0bs1yy +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02ryyk +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01wrwf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/013gxt /location/hud_county_place/county /m/0nf3h +/m/015n8 /people/person/places_lived./people/place_lived/location /m/0k3p +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/0fs9jn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047d21r /film/film/production_companies /m/05qd_ +/m/0209xj /film/film/genre /m/06cvj +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/01n4w /location/location/contains /m/0p03t +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0xhtw /music/genre/artists /m/01518s +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/02fy0z /education/educational_institution_campus/educational_institution /m/02fy0z +/m/02tv80 /film/actor/film./film/performance/film /m/0bkq7 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wd9lv +/m/03wbqc4 /film/film/executive_produced_by /m/0gg9_5q +/m/043gj /people/person/profession /m/02hrh1q +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/09d6p2 /organization/role/leaders./organization/leadership/organization /m/01xk7r +/m/0vzm /location/location/time_zones /m/02fqwt +/m/02kj7g /education/educational_institution/colors /m/09ggk +/m/07fb6 /location/country/form_of_government /m/026wp +/m/03w9bjf /people/ethnicity/languages_spoken /m/02h40lc +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05mlqj /film/actor/film./film/performance/film /m/01rnly +/m/059g4 /location/location/contains /m/03h2c +/m/0155w /music/genre/artists /m/01vtg4q +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/0139q5 /people/person/place_of_birth /m/03h64 +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/043c4j /people/person/gender /m/05zppz +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01nrq5 /people/deceased_person/place_of_death /m/030qb3t +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0djkrp +/m/0k2m6 /film/film/language /m/03_9r +/m/0m257 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/01rxw /location/country/form_of_government /m/06cx9 +/m/065y4w7 /education/educational_institution/campuses /m/065y4w7 +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4pl7z +/m/01z77k /media_common/netflix_genre/titles /m/02bg8v +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01xcfy /award/award_winner/awards_won./award/award_honor/award_winner /m/0sz28 +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0639bg +/m/043zg /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0151w_ +/m/035wcs /music/genre/parent_genre /m/08cyft +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0138t4 /education/educational_institution_campus/educational_institution /m/0138t4 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07vfy4 /film/film/genre /m/07s9rl0 +/m/0hsb3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02fybl /people/person/places_lived./people/place_lived/location /m/013d7t +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0rvty /location/hud_county_place/county /m/0nzw2 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bfxb +/m/01w58n3 /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/01gvyp /film/actor/film./film/performance/film /m/07xtqq +/m/03xsby /organization/organization/place_founded /m/080h2 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cd0x +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/015nvj /film/actor/film./film/performance/film /m/0jdr0 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0kc9f +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/01g7zj /people/ethnicity/people /m/0b_fw +/m/04xvlr /media_common/netflix_genre/titles /m/04cv9m +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/0df92l /film/film/runtime./film/film_cut/film_release_region /m/03h64 +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/01_1hw /film/film/prequel /m/0p3_y +/m/01_mdl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042fgh +/m/02x8z_ /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/01gfq4 /music/record_label/artist /m/02r1tx7 +/m/04cv9m /film/film/genre /m/01jfsb +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv9b +/m/03ntbmw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013pp3 +/m/0dlqv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0f4_2k /film/film/genre /m/01jfsb +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_1pg +/m/07ssc /location/location/contains /m/0g0rp +/m/01k_0fp /music/group_member/membership./music/group_membership/group /m/01v0sxx +/m/03f1r6t /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015nhn +/m/050_qx /award/award_winner/awards_won./award/award_honor/award_winner /m/02cff1 +/m/026mfbr /film/film/executive_produced_by /m/018grr +/m/043t8t /film/film/country /m/09c7w0 +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b6mgp_ +/m/02t_vx /film/actor/film./film/performance/film /m/0277j40 +/m/02mgp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/01ly8d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k_px +/m/01w1ywm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mvth +/m/019vgs /people/person/religion /m/02rsw +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/04cdxc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01mqz0 +/m/027hm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/02b1mr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01clyb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01wbgdv +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0bwh6 /people/person/place_of_birth /m/0d6lp +/m/0343h /award/award_winner/awards_won./award/award_honor/award_winner /m/02vyw +/m/02plv57 /sports/sports_team/sport /m/039yzs +/m/0sx8l /olympics/olympic_games/participating_countries /m/01mk6 +/m/01xn57g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bf58 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017l96 /music/record_label/artist /m/01x1cn2 +/m/0c0k1 /people/person/places_lived./people/place_lived/location /m/0824r +/m/0gtx63s /film/film/production_companies /m/04mwxk3 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_k56 +/m/03_6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bbf1f +/m/0l98s /olympics/olympic_games/sports /m/06z6r +/m/07rfp /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/02114t /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vsnff /award/award_winner/awards_won./award/award_honor/award_winner /m/0g824 +/m/041c4 /people/person/places_lived./people/place_lived/location /m/0sb1r +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0138t4 +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x6m +/m/02_06s /film/film/genre /m/07s9rl0 +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/0prjs /film/actor/film./film/performance/film /m/03ydlnj +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0947l /location/location/contains /m/05p7tx +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0q5hw /people/person/languages /m/02h40lc +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05xf75 /people/person/nationality /m/02jx1 +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/01dthg /education/educational_institution/students_graduates./education/education/student /m/07rzf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cj_v7 +/m/0bqs56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/01m4yn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/07wrz /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/075mb +/m/01kgv4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/012c6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/043js +/m/06c0j /people/person/profession /m/0fj9f +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/0flw6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v90t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02rg_4 /education/educational_institution_campus/educational_institution /m/02rg_4 +/m/026wlxw /film/film/music /m/01hw6wq +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/01nvmd_ +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0177z /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/0146mv /media_common/netflix_genre/titles /m/05h95s +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/021bk +/m/01vrlr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/0gt3p +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08hmch +/m/01v5h /people/person/profession /m/02hrh1q +/m/0nm6k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/056wb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/0872p_c /film/film/language /m/02h40lc +/m/02_n5d /people/person/profession /m/018gz8 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/0252fh /film/actor/film./film/performance/film /m/07g1sm +/m/01wcp_g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/01bcq +/m/02vnp2 /education/educational_institution/colors /m/019sc +/m/0p3r8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01t110 +/m/035l_9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/08cyft /music/genre/artists /m/01dwrc +/m/0fz3b1 /film/film/produced_by /m/05ty4m +/m/03lh3v /people/person/places_lived./people/place_lived/location /m/0b_cr +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/017_qw /music/genre/artists /m/0djc3s +/m/013n2h /location/location/time_zones /m/02fqwt +/m/03f1zhf /people/person/profession /m/012t_z +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/011_3s +/m/02c6d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f6zc /film/actor/film./film/performance/film /m/02qlp4 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/0bz3jx /film/film/written_by /m/02404v +/m/011k_j /music/instrument/family /m/026t6 +/m/064t9 /music/genre/artists /m/01vrz41 +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/01xdf5 /people/person/places_lived./people/place_lived/location /m/0gkgp +/m/026t6 /music/instrument/instrumentalists /m/01xzb6 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/01lfy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03knl +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wskg +/m/05ch98 /film/film/genre /m/01jfsb +/m/02q3bb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vq3h +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/08qs09 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0gthm /people/person/profession /m/0cbd2 +/m/037njl /education/educational_institution/school_type /m/06cs1 +/m/03kts /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/02_fm2 /film/film/film_format /m/0hcr +/m/0l998 /olympics/olympic_games/participating_countries /m/07ssc +/m/029ghl /people/person/profession /m/0d1pc +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/030155 +/m/03ds83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/01y0y6 /people/person/profession /m/03gjzk +/m/03f19q4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h7pj /film/actor/film./film/performance/film /m/0gkz3nz +/m/04tqtl /film/film/production_companies /m/032j_n +/m/0cj_v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01cwdk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04gknr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/01_p6t /film/actor/film./film/performance/film /m/095zlp +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0159r9 /education/educational_institution/students_graduates./education/education/student /m/02z2xdf +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/0kz2w /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/07myb2 +/m/07j94 /film/film/production_companies /m/05rrtf +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0697s /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0243cq /film/film/genre /m/0hcr +/m/0233bn /film/film/film_format /m/0cj16 +/m/02x8m /music/genre/artists /m/03d2k +/m/01k_mc /film/actor/film./film/performance/film /m/027fwmt +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0ctb4g /film/film/genre /m/060__y +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/05r5c /music/instrument/instrumentalists /m/0fq117k +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0193qj +/m/02pcq92 /film/film/genre /m/01jfsb +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0b455l +/m/04gcd1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/068g3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025jj7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0d90m +/m/01xn6mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rkkn1 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/02lfwp /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/087wc7n /film/film/language /m/02h40lc +/m/02wyc0 /people/person/gender /m/05zppz +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/0fgrm /film/film/language /m/0653m +/m/01cx_ /location/location/contains /m/02s838 +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/02k6rq /film/actor/film./film/performance/film /m/0260bz +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01f7dd /film/actor/film./film/performance/film /m/0n08r +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fm6m +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/02h22 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0233qs /music/genre/artists /m/0bqsy +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/012kyx /film/film/country /m/059j2 +/m/06v41q /people/ethnicity/languages_spoken /m/0t_2 +/m/0498yf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/012ykt /people/person/religion /m/092bf5 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_4 +/m/0170s4 /people/person/places_lived./people/place_lived/location /m/013n2h +/m/05kwx2 /film/actor/film./film/performance/film /m/0353xq +/m/092vkg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05fgr_ /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/081k8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0640y35 /film/film/written_by /m/0b2_xp +/m/0b9f7t /people/person/places_lived./people/place_lived/location /m/07dfk +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0c9t0y /film/film/genre /m/01jfsb +/m/02h3tp /people/person/nationality /m/09c7w0 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01mqh5 +/m/012kyx /film/film/language /m/02h40lc +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/02jxsq /people/deceased_person/place_of_death /m/04vmp +/m/04s430 /film/actor/film./film/performance/film /m/02825cv +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wv9p +/m/016jny /music/genre/artists /m/01kcms4 +/m/03q8xj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09swkk +/m/0127s7 /people/person/profession /m/0dz3r +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/05hrq4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0d_skg /people/person/profession /m/03gjzk +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03y7ml +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01gvxh /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0187y5 +/m/0g56t9t /film/film/genre /m/06n90 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044mvs +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cxbth +/m/032nl2 /film/actor/film./film/performance/film /m/011ykb +/m/081pw /film/film_subject/films /m/0bm2g +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0htcn +/m/01y9xg /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01vqrm /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/01mgw /film/film/genre /m/01hmnh +/m/012ky3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rwx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01f3p_ /tv/tv_program/genre /m/01t_vv +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0df2zx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f7dd /film/actor/film./film/performance/film /m/0270k40 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/073tm9 /music/record_label/artist /m/016376 +/m/067zx9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d_kd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k6nt /location/country/official_language /m/0295r +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/012yc /music/genre/artists /m/046p9 +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/0g5lhl7 /media_common/netflix_genre/titles /m/09rfpk +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0jt86 /people/person/religion /m/03_gx +/m/01fx2g /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03jqw5 +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/0d608 /film/actor/film./film/performance/film /m/0pc62 +/m/02_t2t /people/person/profession /m/016z4k +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/02xj3rw /award/award_category/winners./award/award_honor/award_winner /m/02bj6k +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/02nrdp /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05f4_n0 +/m/016s_5 /music/group_member/membership./music/group_membership/role /m/06ncr +/m/0jgvy /base/biblioness/bibs_location/state /m/0dj0x +/m/016ckq /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06lpmt /film/film/genre /m/01hmnh +/m/06y9c2 /music/group_member/membership./music/group_membership/role /m/018vs +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_qj1 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025l5 +/m/06b7s9 /education/educational_institution_campus/educational_institution /m/06b7s9 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01qhm_ /people/ethnicity/people /m/012gq6 +/m/073w14 /film/actor/film./film/performance/film /m/026p4q7 +/m/01vvybv /people/person/profession /m/02hrh1q +/m/026g51 /music/genre/artists /m/0137n0 +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0l56b /people/person/nationality /m/09c7w0 +/m/0353xq /film/film/genre /m/0lsxr +/m/01vqrm /people/person/place_of_birth /m/01w2v +/m/02kxwk /people/person/nationality /m/09c7w0 +/m/0pqp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/0k_9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/0f1nl /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gqm3 /film/film/film_art_direction_by /m/05b2f_k +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/07jnt /film/film/language /m/02h40lc +/m/02301 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/09s1f /education/field_of_study/students_majoring./education/education/student /m/0q9zc +/m/02q52q /film/film/genre /m/04t36 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j_t1 +/m/02s2ft /film/actor/film./film/performance/film /m/0ds5_72 +/m/04swx /location/location/contains /m/0f0sbl +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/09y6pb +/m/01vrncs /people/person/profession /m/0dxtg +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b2np +/m/0h14ln /film/film/production_companies /m/027jw0c +/m/01r7pq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/05br10 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/09krp /location/administrative_division/country /m/0345h +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/02t_vx /film/actor/film./film/performance/film /m/011ycb +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0222qb /people/ethnicity/people /m/01xwqn +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/0swff /olympics/olympic_games/sports /m/09_94 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04ck0_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09c7w0 /location/location/contains /m/0tln7 +/m/0hwpz /film/film/written_by /m/03_gd +/m/03lrht /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049fbh +/m/0456xp /people/person/spouse_s./people/marriage/spouse /m/01r93l +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/05c46y6 /film/film/film_festivals /m/03nn7l2 +/m/0cbkc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/048_p /people/person/nationality /m/09c7w0 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/09c7w0 /location/location/contains /m/013ksx +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/09fc83 +/m/0ljc_ /tv/tv_network/programs./tv/tv_network_duration/program /m/05nlzq +/m/01t12z /location/location/contains /m/0f94t +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0277j40 +/m/03jxw /people/deceased_person/place_of_burial /m/01f38z +/m/07r4c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01cf5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0xn7b /location/hud_county_place/county /m/0n5fz +/m/033fqh /film/film/language /m/064_8sq +/m/037njl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j8sq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/025b5y +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/01fx6y /film/film/cinematography /m/06nz46 +/m/016890 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hgkd +/m/0drdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/0jcky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcjq +/m/0bpm4yw /film/film/country /m/09c7w0 +/m/0jgj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j_1v +/m/0czkbt /people/person/gender /m/02zsn +/m/0212mp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/016zwt +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/045w_4 +/m/0ddfwj1 /film/film/genre /m/05p553 +/m/04xvlr /media_common/netflix_genre/titles /m/05v38p +/m/01gbb4 /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01dc0c /film/film/music /m/01tc9r +/m/0hx4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03m6zs +/m/0fby2t /film/actor/film./film/performance/film /m/040_lv +/m/0jdk0 /people/cause_of_death/people /m/01d5vk +/m/073749 /film/actor/film./film/performance/film /m/01k0vq +/m/0jcmj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jc6p +/m/042v_gx /music/instrument/instrumentalists /m/0517bc +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/038g2x /film/actor/film./film/performance/film /m/04fzfj +/m/03hzkq /people/person/profession /m/01d_h8 +/m/01vn35l /people/person/gender /m/05zppz +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/0d6d2 /people/person/spouse_s./people/marriage/spouse /m/01bj6y +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01p79b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/02rp117 /music/genre/parent_genre /m/016jny +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vqk +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/0736qr +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/01w1kyf /film/actor/film./film/performance/film /m/04954r +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/02cff1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nfys +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/093l8p /film/film/genre /m/0hn10 +/m/0hv27 /film/film/country /m/07ssc +/m/01ptt7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/019dmc /people/cause_of_death/people /m/0cf_h9 +/m/0zcbl /film/actor/film./film/performance/film /m/04b2qn +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/02pq9yv +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/0kszw /film/actor/film./film/performance/film /m/0_9l_ +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zfs +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/027s39y /film/film/executive_produced_by /m/04jspq +/m/0fb0v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017_qw /music/genre/artists /m/05_pkf +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0p5wz +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/042xh /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05r7t /location/location/contains /m/0lg0r +/m/015w9s /media_common/netflix_genre/titles /m/03g90h +/m/03h0byn /film/film/film_format /m/0cj16 +/m/018j2 /music/instrument/instrumentalists /m/018pj3 +/m/0168cl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02xp18 /film/actor/film./film/performance/film /m/0184tc +/m/016clz /music/genre/artists /m/0j1yf +/m/0fb7c /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/02gn9g /people/person/nationality /m/09c7w0 +/m/0gl6f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0n1tx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2q0 +/m/016r9z /time/event/locations /m/05qtj +/m/05g56 /location/location/contains /m/01c6yz +/m/09c7w0 /location/location/contains /m/0135p7 +/m/09x3r /olympics/olympic_games/sports /m/064vjs +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/041rx /people/ethnicity/people /m/01n4f8 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/043js /film/actor/film./film/performance/film /m/06kl78 +/m/0n_hp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0sw0q /tv/tv_program/languages /m/02h40lc +/m/015gm8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02b9g4 /people/person/profession /m/03gjzk +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/032l1 +/m/07tp2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tntf /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r6t /music/genre/artists /m/05vzw3 +/m/0cw10 /film/film_subject/films /m/02z0f6l +/m/032t2z /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0342h /music/instrument/instrumentalists /m/0191h5 +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/01y9pk /education/educational_institution/school_type /m/05jxkf +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043q6n_ +/m/03kbb8 /film/actor/film./film/performance/film /m/02_1sj +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03xx9l +/m/0p9tm /film/film/country /m/09c7w0 +/m/016z7s /film/film/language /m/02h40lc +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02vg0 /film/actor/film./film/performance/film /m/02c638 +/m/01c1px /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05sy0cv +/m/0fpj4lx /people/person/profession /m/0xzm +/m/026390q /film/film/production_companies /m/0g1rw +/m/0m63c /film/film/genre /m/04t36 +/m/0298n7 /film/film/country /m/09c7w0 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/025_nbr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/09z1lg +/m/03mb9 /music/genre/artists /m/0dm5l +/m/021yw7 /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/013rds /film/actor/film./film/performance/film /m/01xbxn +/m/01453 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0w6w /organization/organization_founder/organizations_founded /m/02vxy_ +/m/01fh36 /music/genre/artists /m/015cqh +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/04pz5c /film/actor/film./film/performance/film /m/04hwbq +/m/0f8grf /people/person/places_lived./people/place_lived/location /m/018qd6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/077jpc +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/02p86pb /film/film/prequel /m/0sxmx +/m/016gkf /film/actor/film./film/performance/film /m/085bd1 +/m/016z2j /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0bh8x1y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024qqx /media_common/netflix_genre/titles /m/0pb33 +/m/0gkz3nz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02p65p /people/person/gender /m/05zppz +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/05p09dd +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/07p62k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0282x /people/person/nationality /m/07ssc +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/03fnmd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/052_mn /film/film/genre /m/07s9rl0 +/m/043g7l /music/record_label/artist /m/01cwhp +/m/01vswwx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/0c3p7 +/m/0225bv /education/educational_institution_campus/educational_institution /m/0225bv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/0c5qvw /film/film/music /m/03f68r6 +/m/0x3r3 /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/05cgv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/01n7q /location/location/contains /m/0r3tb +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lg9w +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08_438 +/m/0292l3 /people/person/languages /m/03k50 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gfmc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/04mp75 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02s2ft +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/056xkh /film/film/personal_appearances./film/personal_film_appearance/person /m/01svw8n +/m/04x4gj /tv/tv_program/languages /m/02h40lc +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/060__7 +/m/0gy4k /film/film/genre /m/082gq +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/0gbfn9 /film/film/written_by /m/03dbds +/m/09c7w0 /location/location/contains /m/0sqc8 +/m/02qr69m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/05wdgq +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/02s58t /people/person/religion /m/0c8wxp +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/052p7 /base/biblioness/bibs_location/country /m/0d060g +/m/01q7cb_ /people/person/places_lived./people/place_lived/location /m/05fkf +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/02tgz4 /film/film/language /m/02h40lc +/m/01c57n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/0bn8fw +/m/01386_ /people/person/profession /m/05z96 +/m/0hv1t /film/film/production_companies /m/016tt2 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/0180mw /tv/tv_program/genre /m/0djd22 +/m/078sj4 /film/film/language /m/02h40lc +/m/05v10 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/026vcc +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0fpjyd /people/person/nationality /m/09c7w0 +/m/0kszw /film/actor/film./film/performance/film /m/0prhz +/m/017510 /music/genre/artists /m/01vrncs +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_9hm +/m/0bbw2z6 /film/film/featured_film_locations /m/07_pf +/m/030_3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0343h +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/09b3v /media_common/netflix_genre/titles /m/02_fm2 +/m/07ym6ss /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05p9_ql +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/0322yj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ldw4 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zfmm +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0mm1q +/m/03lpp_ /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/032wdd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/02v406 /people/person/places_lived./people/place_lived/location /m/06yxd +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/0j3v /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0mz73 +/m/0yx1m /film/film/produced_by /m/03xp8d5 +/m/02w7gg /people/ethnicity/people /m/02g1jh +/m/0n00 /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/047g6 /influence/influence_node/influenced_by /m/03sbs +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0dfrq /influence/influence_node/influenced_by /m/081k8 +/m/0163t3 /people/person/languages /m/02h40lc +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/0ff3y /people/person/profession /m/0dxtg +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/022fj_ +/m/071x0k /people/ethnicity/languages_spoken /m/06nm1 +/m/02ny8t /music/genre/artists /m/03y82t6 +/m/01y_rz /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/07ym47 /music/genre/artists /m/053yx +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/023s8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0bczgm +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03c_cxn +/m/08cn4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_tp +/m/0d05w3 /location/location/contains /m/01nmgc +/m/016z5x /film/film/written_by /m/085pr +/m/0dzlk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/02tkzn /film/actor/film./film/performance/film /m/02rn00y +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk1s +/m/017r13 /film/actor/film./film/performance/film /m/0k2cb +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jm9w +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031x_3 +/m/027hnjh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03d2k /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/026g73 +/m/016ggh /people/person/gender /m/05zppz +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0g83dv +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/012mrr /film/film/genre /m/07s9rl0 +/m/0151xv /film/actor/film./film/performance/film /m/017kct +/m/0jfvs /location/location/contains /m/0hknf +/m/01wlt3k /people/person/gender /m/05zppz +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0126t5 /music/genre/artists /m/06gd4 +/m/033jkj /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/03bxh /people/person/places_lived./people/place_lived/location /m/06c62 +/m/01xndd /people/person/gender /m/05zppz +/m/0l4vc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01p4vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03n08b +/m/08wr3kg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/02p4jf0 /music/record_label/artist /m/02r1tx7 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02kcz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wqr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/06lj1m /people/person/gender /m/02zsn +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/024mxd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/07w8fz /film/film/cinematography /m/02vx4c2 +/m/092bf5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02k6hp /people/cause_of_death/people /m/0h25 +/m/05148p4 /music/instrument/instrumentalists /m/0473q +/m/05kj_ /location/location/contains /m/01n86 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rjz5 +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/019vgs +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/063hp4 /film/film/written_by /m/01vrlr4 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/09qs08 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/09c7w0 /location/location/contains /m/0lwyk +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01s0t3 +/m/0sz28 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0152cw +/m/01f6zc /film/actor/film./film/performance/film /m/0btpm6 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/013423 +/m/0q9nj /tv/tv_program/program_creator /m/0bvg70 +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/02m7r /people/person/gender /m/05zppz +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0glt670 /music/genre/artists /m/01vw917 +/m/0436f4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/06rq2l /film/actor/film./film/performance/film /m/02tgz4 +/m/09hyvp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/018qpb /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/034_t5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/0gfq9 /time/event/locations /m/0d05w3 +/m/023sng /people/person/profession /m/02hrh1q +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gm8_p /film/actor/film./film/performance/film /m/0pc62 +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/03zz8b /people/person/gender /m/02zsn +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/0jj6k /location/location/contains /m/03qzj4 +/m/05q2c /education/educational_institution/students_graduates./education/education/student /m/030vnj +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0287477 +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9jr +/m/07s9rl0 /media_common/netflix_genre/titles /m/07l50_1 +/m/064t9 /music/genre/artists /m/02dbp7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/08966 +/m/075npt /people/person/profession /m/0np9r +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dbk6 +/m/012vf6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018417 +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/02zbjwr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f5sr9 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0342h /music/instrument/instrumentalists /m/0565cz +/m/05z01 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/05kh_ +/m/0gk4g /people/cause_of_death/people /m/02_fj +/m/020lpx /location/administrative_division/country /m/06bnz +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/03q8xj /film/film/film_format /m/0cj16 +/m/02hvd /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0x67 /people/ethnicity/people /m/06g2d1 +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/01kws3 +/m/0kbws /olympics/olympic_games/participating_countries /m/01nyl +/m/02q5bx2 /film/film/language /m/02h40lc +/m/057__d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pny5 /people/person/places_lived./people/place_lived/location /m/01l63 +/m/018vs /music/instrument/instrumentalists /m/04mx7s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07w6r +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bkq7 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/04qt29 /people/person/profession /m/02hrh1q +/m/078jt5 /award/award_winner/awards_won./award/award_honor/award_winner /m/019pkm +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/0372kf /film/actor/film./film/performance/film /m/07w8fz +/m/01wn718 /people/person/profession /m/0nbcg +/m/017_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/065b6q /people/ethnicity/people /m/0kzy0 +/m/01vfqh /film/film/music /m/03h610 +/m/075_t2 /location/administrative_division/country /m/03rk0 +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tvz5j +/m/0dwcl /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/0fq8f /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07c0j +/m/0mp08 /location/hud_county_place/place /m/0mp08 +/m/0pm85 /music/genre/artists /m/092ggq +/m/03hxsv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/033fqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/045nc5 /tv/tv_program/languages /m/03_9r +/m/024lff /film/film/country /m/0345h +/m/0nv5y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/030qb3t +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01x4wq +/m/04qt29 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05c46y6 /film/film/executive_produced_by /m/05wm88 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/01cmp9 /film/film/featured_film_locations /m/01_d4 +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01ycbq /film/actor/film./film/performance/film /m/078sj4 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0bthb /education/educational_institution/students_graduates./education/education/student /m/04vq3h +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01kj5h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/021bk /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/0gbtbm /film/film/genre /m/01f9r0 +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/01jfr3y /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01jpyb /organization/organization/headquarters./location/mailing_address/state_province_region /m/059_c +/m/03z0dt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03sbs /influence/influence_node/influenced_by /m/0gz_ +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc_l +/m/0131kb /film/actor/film./film/performance/film /m/0m3gy +/m/06mvq /people/ethnicity/geographic_distribution /m/0k6nt +/m/06lht1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/01lvcs1 /people/person/profession /m/01c72t +/m/07nt8p /film/film/film_format /m/07fb8_ +/m/01m4yn /people/person/places_lived./people/place_lived/location /m/05kj_ +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0194zl +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0gyy0 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0hz_1 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/050_qx +/m/09c7w0 /location/location/contains /m/0n5gq +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/047vnkj /film/film/language /m/0653m +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/0ws7 /sports/sports_team/colors /m/019sc +/m/09hy79 /film/film/produced_by /m/0js9s +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/01f3p_ /tv/tv_program/genre /m/06n90 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/07c5l /location/location/contains /m/0l3h +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/02qfh /tv/tv_program/genre /m/07s9rl0 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06jrhz +/m/01hw5kk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/02x8fs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wx2v +/m/016jhr /music/genre/artists /m/0394y +/m/0mpdw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mpbj +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/017xm3 /people/person/languages /m/02h40lc +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/045346 /sports/sports_team/sport /m/02vx4 +/m/011hq1 /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/020vx9 /organization/organization/headquarters./location/mailing_address/citytown /m/04swd +/m/0dl567 /people/person/profession /m/016z4k +/m/09c04n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04ck0_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04zkj5 /people/person/profession /m/018gz8 +/m/062ftr /people/person/places_lived./people/place_lived/location /m/0vm4s +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07k2p6 +/m/03prz_ /film/film/genre /m/04xvh5 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0mbw0 /people/person/profession /m/0cbd2 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01jqr_5 +/m/04yf_ /location/location/time_zones /m/02fqwt +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/016ypb /film/actor/film./film/performance/film /m/047csmy +/m/09pjnd /people/person/nationality /m/09c7w0 +/m/0d1w9 /film/film_subject/films /m/02jkkv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01sl1q +/m/02wk7b /film/film/country /m/0f8l9c +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02_01w +/m/04rrd /location/location/contains /m/02h7qr +/m/01w02sy /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0484q +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/01x66d +/m/0154qm /film/actor/film./film/performance/film /m/08k40m +/m/076xkps /film/film/genre /m/04pbhw +/m/04knkd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/09fb5 /film/actor/film./film/performance/film /m/011yn5 +/m/03m6_z /people/person/places_lived./people/place_lived/location /m/018dk_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0c7lcx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0b_dh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p4v_ +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/08433 /influence/influence_node/influenced_by /m/032l1 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01g42 +/m/05y8n7 /music/genre/artists /m/02r3cn +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04yc76 +/m/0dq2k /people/person/gender /m/05zppz +/m/0btj0 /people/person/gender /m/05zppz +/m/01vrncs /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/01mpwj /education/educational_institution/campuses /m/01mpwj +/m/0c0nhgv /film/film/written_by /m/07s93v +/m/0_kfv /base/biblioness/bibs_location/state /m/06yxd +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02f1c /people/person/profession /m/02hrh1q +/m/03bkbh /people/ethnicity/people /m/01kgv4 +/m/01r2c7 /film/actor/film./film/performance/film /m/04j14qc +/m/0czyxs /film/film/production_companies /m/05qd_ +/m/0537b /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0cl0bk /film/actor/film./film/performance/film /m/027pfg +/m/02tr7d /people/person/profession /m/02hrh1q +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02t_99 /people/person/profession /m/02hrh1q +/m/01rhl /music/instrument/family /m/0fx80y +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/049k07 /people/person/profession /m/02jknp +/m/02607j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03r8gp +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/0d0mbj +/m/03rk0 /location/location/contains /m/03q6zc +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/016s0m /music/artist/origin /m/01sn3 +/m/02w7gg /people/ethnicity/people /m/0jbp0 +/m/067sqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x1_w +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/02lt8 /people/person/profession /m/05z96 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cd0x +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/074rg9 +/m/040_9s0 /award/award_category/disciplines_or_subjects /m/05hgj +/m/0f40w /film/film/language /m/06nm1 +/m/0kqj1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b7h8 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/02dlfh +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/0342h /music/instrument/instrumentalists /m/03h_fk5 +/m/03lt8g /people/person/place_of_birth /m/013n0n +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/01_d4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0s5cg +/m/0c3ybss /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wf_b +/m/0jjw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/0cf08 /film/film/produced_by /m/0829rj +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/047fwlg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cymp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j_ +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03rhqg /music/record_label/artist /m/05k79 +/m/017d93 /film/film/production_companies /m/016tw3 +/m/02qkq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bcb1 +/m/03qjlz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0sxkh /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/013sg6 /film/actor/film./film/performance/film /m/03bdkd +/m/02x2t07 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hwqz +/m/0zqq /location/administrative_division/first_level_division_of /m/06mzp +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0645k5 /film/film/language /m/02h40lc +/m/02qvhbb /people/person/languages /m/02h40lc +/m/017n9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0184jc /film/actor/film./film/performance/film /m/02qdrjx +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02cbs0 /people/person/place_of_birth /m/018x0q +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtyq +/m/013v5j /people/person/spouse_s./people/marriage/location_of_ceremony /m/06kx2 +/m/0f0y8 /people/person/places_lived./people/place_lived/location /m/0179qv +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03x73c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01vt5c_ /people/person/gender /m/02zsn +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0qmfk /film/film/produced_by /m/02hh8j +/m/0mwxl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwjk +/m/0cw4l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f1_p +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/06s6hs +/m/04qk12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06pwf6 /people/person/profession /m/012t_z +/m/07ghq /film/film/written_by /m/03_gd +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/01507p /people/person/place_of_birth /m/019fh +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/01vwllw /film/actor/film./film/performance/film /m/0gh65c5 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/03rhqg /music/record_label/artist /m/01t110 +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01vdrw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w9s /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0sd7v +/m/02k54 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06vbd +/m/045xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05cc1 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ky6 +/m/0pd6l /film/film/genre /m/03bxz7 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p3r8 +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/02bv9 /language/human_language/countries_spoken_in /m/05bmq +/m/020ffd /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/01bm_ /education/educational_institution/colors /m/083jv +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/027kmrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0127m7 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0jnr_ /sports/sports_team/sport /m/03tmr +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/019lxm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02mj7c /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/02rrsz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jzyx +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dm0f /location/location/contains /m/0235n9 +/m/0zjpz /people/person/profession /m/016z4k +/m/0r2bv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/039crh /film/actor/film./film/performance/film /m/0prrm +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05t0_2v +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/02vzc +/m/05tbn /location/location/contains /m/01j_5k +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/070mff +/m/01tfck /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0g22z /film/film/featured_film_locations /m/02301 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/016fyc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03fn6z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0m2j5 /location/location/contains /m/01m24m +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0dzst /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hb37 /location/location/time_zones /m/02llzg +/m/03_wtr /people/person/gender /m/05zppz +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01n8qg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03188 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vswwx +/m/01qqtr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/02y9bj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0j298t8 /award/award_category/winners./award/award_honor/award_winner /m/02r5w9 +/m/01z0rcq /film/actor/film./film/performance/film /m/01l_pn +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0lkr7 /people/person/profession /m/0np9r +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/03cbtlj /people/person/place_of_birth /m/013_gg +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01ry_x +/m/0gk4g /people/cause_of_death/people /m/0hsmh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4m2z +/m/01dbhb /people/person/spouse_s./people/marriage/spouse /m/02js_6 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/05br10 +/m/05_61y /film/film/genre /m/082gq +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/015_z1 +/m/02t_v1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p9qb /film/actor/film./film/performance/film /m/0cwy47 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02hct1 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02rn00y /film/film/story_by /m/05jcn8 +/m/043tz0c /film/film/language /m/02h40lc +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04zxrt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09c7w0 /location/location/contains /m/0t0n5 +/m/09hgk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/045bs6 /film/actor/film./film/performance/film /m/03cffvv +/m/04rwx /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0g5838s /film/film/genre /m/07s9rl0 +/m/0884hk /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0pc6x /location/hud_county_place/county /m/0cc1v +/m/08jbxf /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425kh +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/046488 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06wcbk7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l1589 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/06jnvs /people/person/profession /m/02krf9 +/m/0pnf3 /people/person/nationality /m/09c7w0 +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/03f1zhf /people/person/languages /m/02h40lc +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03hpkp +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03ft8 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bnzd +/m/01gkmx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039bp +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/017m2y /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/044mvs /people/person/places_lived./people/place_lived/location /m/04jpl +/m/09nz_c /film/actor/film./film/performance/film /m/033qdy +/m/01s7ns /people/person/place_of_birth /m/056_y +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0tc7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0pyg6 +/m/0jkvj /olympics/olympic_games/sports /m/096f8 +/m/05y0cr /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/04g61 /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0b4lkx /film/film/genre /m/07s9rl0 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019c57 /education/educational_institution/colors /m/09ggk +/m/031k24 /film/actor/film./film/performance/film /m/03qnvdl +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/015qh +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0166b /location/location/time_zones /m/02llzg +/m/01v_0b /people/person/places_lived./people/place_lived/location /m/0100mt +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0415svh +/m/099d4 /people/person/profession /m/0dxtg +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/09yxcz +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/07l1c +/m/09qv3c /award/award_category/category_of /m/0gcf2r +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/03q2t9 /people/person/nationality /m/09c7w0 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/05vz3zq /location/location/contains /m/04swd +/m/03548 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/090q4n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/048ldh +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02s62q +/m/0k2sk /film/film/executive_produced_by /m/02q_cc +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0161sp +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/07ssc /location/location/contains /m/0138t4 +/m/0f7h2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05lbzg /time/event/locations /m/024pcx +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/04kwbt /people/person/profession /m/01d_h8 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0lkr7 /people/person/profession /m/02hrh1q +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01wbgdv +/m/013knm /film/actor/film./film/performance/film /m/03t79f +/m/03rk0 /media_common/netflix_genre/titles /m/047q2k1 +/m/043g7l /music/record_label/artist /m/01wbsdz +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0c3p7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0170s4 +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0hn10 /media_common/netflix_genre/titles /m/093l8p +/m/01mwsnc /film/actor/film./film/performance/film /m/02847m9 +/m/032w8h /film/actor/film./film/performance/film /m/034qzw +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/03rk0 /location/location/contains /m/03czqs +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/047q2wc +/m/0j_c /film/director/film /m/02jr6k +/m/031n5b /education/educational_institution/school_type /m/01y64 +/m/02j9z /location/location/contains /m/020vx9 +/m/05v10 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0165v +/m/09r4xx /education/educational_institution/school_type /m/0bpgx +/m/015mlw /music/record_label/artist /m/01518s +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1l_ +/m/01bl7g /film/film/country /m/09c7w0 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/02bh9 /people/person/profession /m/016z4k +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/01jrp0 /people/person/profession /m/02jknp +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0htcn /film/director/film /m/02q52q +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/011k1h /music/record_label/artist /m/01vn0t_ +/m/01p7yb /film/actor/film./film/performance/film /m/03cd0x +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/03kxdw /people/person/gender /m/05zppz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/032jlh +/m/0dl5d /music/genre/artists /m/0ftps +/m/069q4f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ym20 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/04h4c9 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01y998 /time/event/locations /m/06f32 +/m/0psss /people/person/nationality /m/0f8l9c +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fhxv +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/0343h /people/person/place_of_birth /m/0r7fy +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/09ftwr +/m/02byfd /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/03qd_ /people/person/profession /m/015cjr +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03_44z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01w5gp /tv/tv_network/programs./tv/tv_network_duration/program /m/07hpv3 +/m/0h21v2 /film/film/production_companies /m/0g1rw +/m/0gjvqm /film/actor/film./film/performance/film /m/03cvvlg +/m/034bs /influence/influence_node/influenced_by /m/0bt23 +/m/03z106 /film/film/cinematography /m/027t8fw +/m/02y0js /people/cause_of_death/people /m/04mby +/m/01vsykc /people/person/profession /m/0nbcg +/m/0b24sf /base/aareas/schema/administrative_area/administrative_parent /m/07c98 +/m/01hvv0 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/0gd5z /influence/influence_node/influenced_by /m/0hky +/m/010t4v /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mlzk +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/026m0 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01chg /media_common/netflix_genre/titles /m/047q2k1 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/03txms /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0n5gq +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yzbg +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/0gs1_ +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/01n4f8 +/m/033tf_ /people/ethnicity/people /m/03x16f +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0d06m5 /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0l0mk +/m/0d060g /location/location/contains /m/0154gx +/m/0j0k /base/locations/continents/countries_within /m/01z88t +/m/0d05w3 /location/location/contains /m/01669b +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/01b_d4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05489 /film/film_subject/films /m/0dl9_4 +/m/01jr4j /film/film/costume_design_by /m/02cqbx +/m/02q5g1z /film/film/country /m/07ssc +/m/01yqqv /organization/organization/headquarters./location/mailing_address/citytown /m/0sf9_ +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/040_t /influence/influence_node/influenced_by /m/0j3v +/m/050tt8 /location/location/contains /m/04bz2f +/m/05nyqk /film/film/country /m/09c7w0 +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/07ytt /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0564mx /people/person/profession /m/03gjzk +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/0jrjb /location/us_county/county_seat /m/0rmby +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/0p7pw /film/film/production_companies /m/05qd_ +/m/0p_r5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/02g40r +/m/06sff /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/04hpck /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0404j37 /film/film/language /m/0jzc +/m/0f2sq /location/hud_county_place/county /m/0mrq3 +/m/0sxfd /film/film/genre /m/060__y +/m/05gm16l /education/educational_institution/colors /m/088fh +/m/06kb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/03wh95l /people/person/profession /m/02hrh1q +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0151w_ +/m/0fsv2 /base/biblioness/bibs_location/state /m/0vmt +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/01ynzf /people/person/profession /m/0cbd2 +/m/09l9xt /people/person/profession /m/0gl2ny2 +/m/01yk13 /people/person/place_of_birth /m/0y1rf +/m/02x8fs /film/film/prequel /m/01d2v1 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/01z88t /location/country/official_language /m/0jzc +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvf4j +/m/03lmzl /film/actor/film./film/performance/film /m/0j_t1 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02khs +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0tgcy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0t_gg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/059rby /location/location/contains /m/0f4y3 +/m/01nglk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gw7p +/m/030k94 /tv/tv_program/genre /m/0vgkd +/m/0b_6qj /time/event/locations /m/0f2rq +/m/01m15br /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/01x0yrt /people/person/languages /m/02h40lc +/m/03lt8g /people/person/spouse_s./people/marriage/location_of_ceremony /m/05qtj +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02n1gr /people/person/spouse_s./people/marriage/spouse /m/02n1p5 +/m/01k0vq /film/film/prequel /m/07pd_j +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05xpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0j47s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01243b /music/genre/artists /m/01w806h +/m/070px /people/person/profession /m/02hrh1q +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/03l3ln +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/05zbm4 /people/person/nationality /m/09c7w0 +/m/01fm07 /music/genre/artists /m/0g824 +/m/081hvm /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0kbq /film/film_subject/films /m/083skw +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/026v1z +/m/01cbwl /music/genre/artists /m/01cv3n +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825nf +/m/01jft4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01j5x6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/06ncr /music/instrument/instrumentalists /m/01pbs9w +/m/0cf8qb /film/film/featured_film_locations /m/094jv +/m/0nbjq /olympics/olympic_games/sports /m/0bynt +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/03qcq /influence/influence_node/influenced_by /m/02kz_ +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039x1k +/m/01p6xx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/03swmf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0315rp +/m/03v1jf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/01hbq0 +/m/01yx7f /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02648p /tv/tv_program/genre /m/06n90 +/m/07fj_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/03krj +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/0cqt41 +/m/017gxw /film/actor/film./film/performance/film /m/0h3xztt +/m/0b_xm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/03_b1g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qt29 +/m/02yvct /film/film/genre /m/07s9rl0 +/m/05vxdh /film/film/country /m/0f8l9c +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03q_w5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/03q5dr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d42t +/m/031f_m /film/film/genre /m/01zhp +/m/03nt59 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/043tz0c /film/film/genre /m/01jfsb +/m/03hkch7 /film/film/featured_film_locations /m/02_286 +/m/09snz /location/location/time_zones /m/02lcqs +/m/01kgv4 /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/0473rc /film/film/featured_film_locations /m/030qb3t +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/0579tg2 /people/person/nationality /m/09c7w0 +/m/03d2k /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01wy5m +/m/0152x_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04mp8g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/01pj3h +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/064177 +/m/04hwbq /film/film/executive_produced_by /m/04jspq +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02cx72 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/04bfg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0136pk /people/person/nationality /m/0345h +/m/09tkzy /film/film/produced_by /m/03_80b +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/017mbb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b_0 +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01fjfv /broadcast/content/artist /m/01vsgrn +/m/0171cm /people/person/place_of_birth /m/04p3c +/m/0473m9 /education/educational_institution/school_type /m/05pcjw +/m/0gg9_5q /organization/organization_founder/organizations_founded /m/054lpb6 +/m/0d_w7 /people/person/profession /m/01c979 +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02l6dy /people/person/gender /m/02zsn +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/01hb1t /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0342vg /people/person/gender /m/05zppz +/m/026f__m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04tc1g +/m/09p3_s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/07gxw /music/genre/artists /m/016nvh +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/0yyh /location/location/contains /m/09c6w +/m/06mkj /media_common/netflix_genre/titles /m/0cvkv5 +/m/01yj2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/026wmz6 /business/business_operation/industry /m/020mfr +/m/0190yn /music/genre/artists /m/06y9c2 +/m/045hz5 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0342h /music/instrument/instrumentalists /m/0gcs9 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06nd8c /people/person/profession /m/018gz8 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/03yf4d +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/04_cdd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0277jc +/m/0296rz /film/film/genre /m/01jfsb +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wjm2 +/m/017_qw /music/genre/artists /m/019x62 +/m/0b68vs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/025txtg +/m/014635 /people/person/places_lived./people/place_lived/location /m/019fh +/m/099pks /tv/tv_program/genre /m/05p553 +/m/0133k0 /music/genre/parent_genre /m/01b4p4 +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/01pq4w /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/092vkg /film/film/country /m/09c7w0 +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0bl5c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/052_mn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/01zz8t /people/person/place_of_birth /m/0t_3w +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/08815 +/m/01vs_v8 /people/person/languages /m/02h40lc +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01z4y /media_common/netflix_genre/titles /m/04tc1g +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6f8pf +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0q9vf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0h96g /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/0bpx1k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/02w3w /music/instrument/instrumentalists /m/032t2z +/m/033tf_ /people/ethnicity/people /m/027r8p +/m/0lrh /influence/influence_node/influenced_by /m/085gk +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01wb95 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w92 +/m/03j367r /award/award_winner/awards_won./award/award_honor/award_winner /m/03m3nzf +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kqj1 +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0dn44 /people/person/gender /m/05zppz +/m/01vdm0 /music/instrument/instrumentalists /m/01tp5bj +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/03x33n /education/educational_institution/school_type /m/01_9fk +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/011v3 +/m/01z4y /media_common/netflix_genre/titles /m/02vzpb +/m/0drnwh /film/film/language /m/03_9r +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_1sj +/m/06by7 /music/genre/artists /m/04n2vgk +/m/0738b8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sxzwc /film/film/genre /m/02kdv5l +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016srn +/m/01_ztw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01t110 +/m/017yfz /influence/influence_node/influenced_by /m/053yx +/m/09l3p /people/person/place_of_birth /m/0430_ +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/03bx2lk /film/film/genre /m/0bj8m2 +/m/01trtc /music/record_label/artist /m/01svw8n +/m/0175wg /people/person/gender /m/02zsn +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ctqqf +/m/0c_gcr /film/actor/film./film/performance/film /m/0ds6bmk +/m/01zzk4 /education/educational_institution_campus/educational_institution /m/01zzk4 +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cglm +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/051vz /sports/sports_team/sport /m/018jz +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/041c4 /influence/influence_node/influenced_by /m/0739y +/m/029q_y /people/person/gender /m/02zsn +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/041rx /people/ethnicity/people /m/030h95 +/m/04ftdq /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0sqgt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0993r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/017m2y +/m/05hjmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/0dr_9t7 /film/film/genre /m/05p553 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/016017 /film/film/genre /m/05p553 +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/018p4y /film/actor/film./film/performance/film /m/09lxv9 +/m/03mgbf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/08fn5b /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/01p45_v /people/person/nationality /m/09c7w0 +/m/0gxtknx /film/film/country /m/07ssc +/m/0qlnr /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/024lt6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01vvydl +/m/0181hw /business/business_operation/industry /m/02vxn +/m/0190yn /music/genre/artists /m/01vt5c_ +/m/059_gf /film/actor/film./film/performance/film /m/05k4my +/m/05n6sq /film/film/genre /m/03bxz7 +/m/019z7q /people/person/gender /m/05zppz +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0h3vhfb /award/award_category/winners./award/award_honor/award_winner /m/04jspq +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/0d05q4 /location/country/form_of_government /m/06cx9 +/m/0y617 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0f6_4 +/m/0mmpz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlyj +/m/08cfr1 /film/film/genre /m/082gq +/m/09fb5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pcvn +/m/02zcnq /education/educational_institution/campuses /m/02zcnq +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nhfc1 +/m/05qkp /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0l1k8 /location/location/contains /m/01b1nk +/m/07b3r9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b9w3 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/01jrs46 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06gmr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04cr6qv +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/0250f +/m/03c9pqt /people/person/place_of_birth /m/02_286 +/m/016ghw /people/deceased_person/place_of_death /m/04jpl +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02vq8xn /people/person/nationality /m/05v8c +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0dqcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02knnd +/m/016kkx /film/actor/film./film/performance/film /m/01k5y0 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jbqf +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q_cc +/m/043p28m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rzxl +/m/0j6j8 /award/award_category/disciplines_or_subjects /m/0dwly +/m/06sn8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0276g40 /people/person/profession /m/02hrh1q +/m/0443v1 /film/film/genre /m/0vjs6 +/m/032c7m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/02ldv0 +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/06mzp /location/location/contains /m/04qdj +/m/012yc /music/genre/artists /m/02r3cn +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0blt6 /film/actor/film./film/performance/film /m/01shy7 +/m/06j6l /music/genre/artists /m/019f9z +/m/02xgdv /people/person/places_lived./people/place_lived/location /m/055vr +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/062hgx +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0n59t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n58p +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/02bqxb /film/film/language /m/02h40lc +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/027bs_2 /people/person/gender /m/05zppz +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04f52jw +/m/04q00lw /film/film/genre /m/07s9rl0 +/m/025rzfc /time/event/locations /m/09b69 +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06jkm /influence/influence_node/influenced_by /m/0bwx3 +/m/07_pf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l2fn +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/04jm_hq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kvsb +/m/0sz28 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cgy +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/0f2sx4 /film/film/executive_produced_by /m/0gg9_5q +/m/01wyzyl /people/person/profession /m/09jwl +/m/05148p4 /music/instrument/instrumentalists /m/05mt6w +/m/04bgy /people/deceased_person/place_of_death /m/04jpl +/m/0342h /music/instrument/instrumentalists /m/095x_ +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/012d40 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fly +/m/01rwpj /film/film/language /m/02h40lc +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/01wwvc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/03nkts /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/0y_yw /film/film/genre /m/060__y +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0j6j8 /award/award_category/winners./award/award_honor/award_winner /m/098sx +/m/07b8m1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/02fn5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01cx_ +/m/015ppk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0347xz +/m/02p8q1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0pz91 /film/actor/film./film/performance/film /m/0gwgn1k +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01ztgm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02ts3h +/m/03rjj /location/country/form_of_government /m/01fpfn +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01b4p4 /music/genre/parent_genre /m/01pfpt +/m/02lq10 /film/actor/film./film/performance/film /m/0c_j9x +/m/06bwtj /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/026vcc /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0261x8t +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/07rzf /people/person/nationality /m/07ssc +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017yxq +/m/059j2 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02jx1 /film/film_subject/films /m/03hxsv +/m/04jm_hq /film/film/film_festivals /m/03nn7l2 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/0b1s_q /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/062qg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/04rcr +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/058kqy /film/actor/film./film/performance/film /m/0gj8t_b +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/03hpr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07w21 /people/person/place_of_birth /m/01jr6 +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/09v5bdn /people/ethnicity/people /m/0c7lcx +/m/0bthb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cqbx +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/02k856 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/05fgt1 /film/film/music /m/03h610 +/m/033_1p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ts_3 +/m/0f2wj /base/biblioness/bibs_location/country /m/09c7w0 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/05qsxy +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/06by7 /music/genre/artists /m/0qdyf +/m/01352_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0v9qg /location/location/contains /m/02grjf +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/0fb1q +/m/079dy /people/person/religion /m/078tg +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/0ds1glg /film/film/production_companies /m/0c41qv +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/0d7_n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04q01mn +/m/02psgq /film/film/language /m/064_8sq +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/0gk4g /people/cause_of_death/people /m/0k57l +/m/059j2 /location/location/contains /m/0d9s5 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05cqhl +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/0c9d9 /music/artist/track_contributions./music/track_contribution/role /m/07kc_ +/m/04fzfj /film/film/language /m/03_9r +/m/05hz6_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/07s9rl0 /media_common/netflix_genre/titles /m/02rlj20 +/m/02j3d4 /people/person/nationality /m/09c7w0 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04kzqz +/m/02hnl /music/instrument/instrumentalists /m/02bc74 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/011yd2 /film/film/produced_by /m/04wvhz +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/0x67 /people/ethnicity/people /m/02_nkp +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/02t_v1 /people/person/profession /m/0dxtg +/m/0170z3 /film/film/language /m/02h40lc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/02r1c18 /film/film/produced_by /m/02kxbwx +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01l9v7n +/m/04vcdj /people/person/places_lived./people/place_lived/location /m/0105y2 +/m/0dc_v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/0cfdd /music/instrument/instrumentalists /m/04mx7s +/m/0d608 /film/actor/film./film/performance/film /m/01jnc_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07szy +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0c3ybss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d6_s /film/film/produced_by /m/016dmx +/m/0jqb8 /film/film/language /m/02h40lc +/m/030qb3t /location/hud_county_place/place /m/030qb3t +/m/0mcl0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07bch9 /people/ethnicity/people /m/044mjy +/m/0c8hct /people/person/profession /m/0np9r +/m/07cyl /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/03fwln /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/050kh5 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/05vtbl /people/person/profession /m/0dxtg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0c1d0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/0pzpz /location/hud_county_place/place /m/0pzpz +/m/01cwkq /people/person/profession /m/02hrh1q +/m/0225v9 /education/educational_institution/colors /m/036k5h +/m/0bjy7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07_f2 +/m/01cpkt /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_x +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/0bwgc_ +/m/04ddm4 /film/film/written_by /m/06d6y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01pfr3 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/0821j /people/person/places_lived./people/place_lived/location /m/06yxd +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01flv_ /film/film/produced_by /m/06pj8 +/m/06pvr /location/location/contains /m/0l34j +/m/04rzd /music/instrument/instrumentalists /m/0565cz +/m/03lty /music/genre/artists /m/0ycp3 +/m/0g56t9t /film/film/edited_by /m/02qggqc +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02y0yt /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/017kz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/03qkgyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07lt7b /award/award_winner/awards_won./award/award_honor/award_winner /m/016yvw +/m/05xpms /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01ky2h /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/02rb607 /film/film/genre /m/0lsxr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/09889g /people/person/profession /m/012t_z +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvsh7l +/m/02qcr /film/film/language /m/02h40lc +/m/01cwhp /people/person/religion /m/0c8wxp +/m/01gf5h /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/03jht /people/person/profession /m/0kyk +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/0kh6b +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/01rbb /dataworld/gardening_hint/split_to /m/0lsxr +/m/02w7gg /people/ethnicity/people /m/0d0xs5 +/m/0d0vqn /organization/organization_founder/organizations_founded /m/01rz1 +/m/03_2y /people/person/profession /m/01d_h8 +/m/08c4yn /film/film/country /m/0chghy +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/041rx /people/ethnicity/people /m/06w6_ +/m/0229rs /music/record_label/artist /m/0knhk +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/017510 /music/genre/artists /m/0411q +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/05css_ /film/film/featured_film_locations /m/02nd_ +/m/05w3f /music/genre/artists /m/01fl3 +/m/09cvbq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/012f86 /people/ethnicity/people /m/0113sg +/m/030dx5 /people/deceased_person/place_of_death /m/0f2wj +/m/0jyx6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0p_th +/m/056ws9 /business/business_operation/industry /m/01zhp +/m/047p7fr /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/01y3c /sports/sports_team/colors /m/01g5v +/m/065d1h /people/person/profession /m/02jknp +/m/01q460 /education/educational_institution/colors /m/01g5v +/m/0q19t /education/educational_institution_campus/educational_institution /m/0q19t +/m/02bh8z /music/record_label/artist /m/01wx756 +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0yt73 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n2sh +/m/0ktpx /film/film/runtime./film/film_cut/film_release_region /m/05kr_ +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02pd1q9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0hpyv /base/biblioness/bibs_location/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0k39j +/m/072192 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0h63q6t /tv/tv_program/genre /m/07s9rl0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h18v +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jw0s +/m/031k24 /film/actor/film./film/performance/film /m/01k60v +/m/0msyb /location/location/contains /m/0c_m3 +/m/01l87db /people/person/profession /m/0nbcg +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01pcdn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01y_px +/m/02ktt7 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ckq /music/record_label/artist /m/016376 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/041rx /people/ethnicity/people /m/05kfs +/m/038bht /award/award_winner/awards_won./award/award_honor/award_winner /m/02rmfm +/m/0ckcvk /people/person/place_of_birth /m/01snm +/m/0dw4b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/015fs3 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0b7l4x /film/film/genre /m/05p553 +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/028k2x +/m/07hyk /people/person/profession /m/039h8_ +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03fgm +/m/03zw80 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0g2dz /music/instrument/instrumentalists /m/03f6fl0 +/m/014z8v /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/01x4sb /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/04yt7 /film/actor/film./film/performance/film /m/0jwmp +/m/01z0rcq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0fby2t +/m/02fn5r /people/person/nationality /m/09c7w0 +/m/04_cdd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/0136p1 +/m/031zp2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02b71x /music/genre/artists /m/01jgkj2 +/m/06by7 /music/genre/artists /m/04dqdk +/m/056vv /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bgrsl /people/person/profession /m/0dxtg +/m/059kh /music/genre/parent_genre /m/09jw2 +/m/05b7q /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05w3 +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l59s +/m/0nvt9 /location/location/contains /m/0psxp +/m/014vk4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01w1ywm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035xwd +/m/0k_9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/04l590 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/027zz /people/person/nationality /m/09c7w0 +/m/04h41v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07ssc /location/location/contains /m/05zhg +/m/0k_kr /music/record_label/artist /m/0phx4 +/m/035yg /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01n1pp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/05kkh /location/location/contains /m/0n2k5 +/m/03x16f /people/person/languages /m/02h40lc +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/026dx +/m/0127xk /people/person/profession /m/018gz8 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08m4c8 +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/017g21 /people/person/religion /m/0kpl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/048wrb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015pxr +/m/03phgz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/09thp87 /people/person/nationality /m/0ctw_b +/m/01r0t_j /people/person/profession /m/09jwl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03yl2t +/m/01x73 /base/biblioness/bibs_location/country /m/09c7w0 +/m/081nh /people/person/employment_history./business/employment_tenure/company /m/09b3v +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01g03q +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yl_3 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/044f7 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/02sb1w +/m/03np_7 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p47r +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/098n_m +/m/01j6t0 /medicine/symptom/symptom_of /m/0gk4g +/m/01j_5k /education/educational_institution/students_graduates./education/education/student /m/040981l +/m/04xvlr /media_common/netflix_genre/titles /m/047myg9 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r3zy +/m/01z_jj /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/05148p4 /music/instrument/instrumentalists /m/019389 +/m/0166b8 /location/administrative_division/country /m/0d05w3 +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/01dy7j +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b_fw +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0jdk_ /olympics/olympic_games/sports /m/0crlz +/m/02238b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01trf3 /people/person/profession /m/02hrh1q +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cw13 +/m/0h25 /people/person/gender /m/02zsn +/m/0g824 /people/person/profession /m/05z96 +/m/02km0m /education/educational_institution/campuses /m/02km0m +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02krdz +/m/01314k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/05489 /film/film_subject/films /m/0_816 +/m/02rg_4 /education/educational_institution/school_type /m/01rs41 +/m/02ph9tm /film/film/language /m/03hkp +/m/0f1jhc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01hmnh /media_common/netflix_genre/titles /m/048vhl +/m/0157m /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02yj7w +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/02x2t07 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/07h34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pk6x /people/person/languages /m/064_8sq +/m/049dzz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g_rs_ /people/person/nationality /m/03spz +/m/07m69t /people/person/places_lived./people/place_lived/location /m/0r7fy +/m/057cc /music/instrument/instrumentalists /m/016vqk +/m/0jvt9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/04tqtl /film/film/genre /m/0lsxr +/m/0b_dh /award/award_winner/awards_won./award/award_honor/award_winner /m/037q1z +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02jxbw /film/film/genre /m/082gq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/0jkvj /olympics/olympic_games/sports /m/02bkg +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/03hzkq /people/person/profession /m/0dxtg +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/0j5g9 /location/location/contains /m/0dt5k +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03yrkt +/m/06hzsx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/0f6_x /film/actor/film./film/performance/film /m/0m63c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/0343h /people/person/profession /m/03gjzk +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vrxh +/m/04v7k2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/021w0_ /organization/organization/headquarters./location/mailing_address/citytown /m/0nbwf +/m/0qlnr /education/educational_institution/campuses /m/0qlnr +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0q1lp /people/person/profession /m/01d_h8 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0hnjt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/015gsv +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/02465 /people/person/profession /m/02hv44_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/02nczh /film/film/production_companies /m/025jfl +/m/02qnk5c /people/person/gender /m/05zppz +/m/02825kb /film/film/genre /m/07s9rl0 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/08nhwb /people/cause_of_death/people /m/03y3dk +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/0199gx +/m/03m6_z /award/award_winner/awards_won./award/award_honor/award_winner /m/0391jz +/m/047gpsd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r_dg +/m/0gd5z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/09xwz +/m/01xwqn /people/person/religion /m/0c8wxp +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/048scx /film/film/executive_produced_by /m/04q5zw +/m/018vs /music/instrument/instrumentalists /m/0zjpz +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/012ycy /music/group_member/membership./music/group_membership/role /m/0342h +/m/034q3l /film/actor/film./film/performance/film /m/0bmhn +/m/0kn3g /people/person/profession /m/01c72t +/m/01zlwg6 /location/hud_county_place/county /m/0kvt9 +/m/02nfjp /people/person/profession /m/02jknp +/m/0mhfr /music/genre/artists /m/02jq1 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0drs_ /location/location/contains /m/0xynl +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/06ncr /music/instrument/instrumentalists /m/0zjpz +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/039zft /film/film/language /m/02h40lc +/m/0hpv3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/0306bt +/m/03l26m /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01hp5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/04p3w /people/cause_of_death/people /m/03k1vm +/m/07b_l /location/location/contains /m/05zjtn4 +/m/02rn00y /film/film/executive_produced_by /m/05_k56 +/m/01tt43d /people/person/gender /m/05zppz +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/09c7w0 /location/location/contains /m/0t_hx +/m/07s9rl0 /media_common/netflix_genre/titles /m/05jyb2 +/m/019vsw /education/educational_institution_campus/educational_institution /m/019vsw +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06y9bd /people/person/place_of_birth /m/01_d4 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0m0nq /film/actor/film./film/performance/film /m/0dnw1 +/m/01xwv7 /influence/influence_node/influenced_by /m/016_mj +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c6v3 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0cj8x +/m/05sy_5 /film/film/language /m/02h40lc +/m/0yxm1 /film/film/genre /m/06cvj +/m/0c1pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj9tn5 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/02_h0 /film/film_subject/films /m/0_b9f +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/021bk /people/person/profession /m/02jknp +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/02hmw9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06b_j +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/01sjz_ /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0342h /music/instrument/instrumentalists /m/03f0fnk +/m/07bzp /award/award_winner/awards_won./award/award_honor/award_winner /m/0438pz +/m/04b5n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02h40lc /language/human_language/countries_spoken_in /m/03__y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03ym73 +/m/03rk0 /location/location/contains /m/04vmp +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012mzw +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/0dl5d /music/genre/artists /m/012vm6 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01qhm_ /people/ethnicity/people /m/0405l +/m/03zmc7 /sports/sports_team/sport /m/02vx4 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0133sq /people/person/profession /m/015h31 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/02zccd /education/educational_institution/school_type /m/05jxkf +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0dzz6g /film/film/genre /m/03bxz7 +/m/0hsmh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01fs__ +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/087vnr5 /film/film/genre /m/01hwc6 +/m/0133_p /music/genre/parent_genre /m/01243b +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxtknx +/m/035wcs /music/genre/artists /m/0dm5l +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/07nznf +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/01g257 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/072kp +/m/01yfm8 /film/actor/film./film/performance/film /m/08phg9 +/m/01q7cb_ /music/group_member/membership./music/group_membership/group /m/04qzm +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/013tjc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0gf14 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01364q +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/0c12h /people/person/gender /m/05zppz +/m/08vlns /music/genre/artists /m/0bqsy +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02l840 /people/person/profession /m/0dz3r +/m/0jz9f /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0gp9mp /people/person/gender /m/05zppz +/m/0kbwb /film/film/genre /m/06nbt +/m/0l14md /music/instrument/instrumentalists /m/01ww_vs +/m/027vps /people/person/nationality /m/09c7w0 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/05rrtf /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05148p4 /music/instrument/instrumentalists /m/0407f +/m/029fbr /music/genre/artists /m/01wg982 +/m/0x67 /people/ethnicity/people /m/01vtg4q +/m/0ylzs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0jvtp /people/person/nationality /m/07ssc +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sg4b +/m/03z106 /film/film/language /m/02h40lc +/m/014g91 /people/person/place_of_birth /m/0h6l4 +/m/012jc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/0rlz /people/person/nationality /m/09c7w0 +/m/01k2wn /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/024mpp /film/film/featured_film_locations /m/01jr6 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/037fqp /education/educational_institution_campus/educational_institution /m/037fqp +/m/027jq2 /people/person/places_lived./people/place_lived/location /m/06n8j +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/09c7w0 /location/location/contains /m/01wqg8 +/m/0fd3y /music/genre/artists /m/03j1p2n +/m/01x4r3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01kkg5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bs8hvm /film/film/genre /m/0jtdp +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/067zx9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02pby8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0n6f8 +/m/0d0kn /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/01tpl1p /people/person/nationality /m/09c7w0 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07wrz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0443y3 /people/person/religion /m/0c8wxp +/m/05lwjc /music/genre/artists /m/01wgcvn +/m/0y3_8 /music/genre/artists /m/0kj34 +/m/06b3g4 /film/actor/film./film/performance/film /m/02xbyr +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0l6mp /olympics/olympic_games/sports /m/07bs0 +/m/041xl /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0fq9zdn /award/award_category/disciplines_or_subjects /m/02vxn +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/060j8b /people/person/place_of_birth /m/0qkcb +/m/03ysmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ys2f +/m/033hn8 /music/record_label/artist /m/013423 +/m/04rzd /music/instrument/instrumentalists /m/03cfjg +/m/0r8bh /base/biblioness/bibs_location/state /m/01n7q +/m/014z8v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01mylz +/m/0jzc /language/human_language/countries_spoken_in /m/0697s +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0261w5 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/012j5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bvzp /award/award_winner/awards_won./award/award_honor/award_winner /m/0127gn +/m/04xzm /people/person/nationality /m/0d05w3 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/04f7c55 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0736qr +/m/031sg0 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0bv8h2 /film/film/country /m/0345h +/m/06by7 /music/genre/artists /m/016vj5 +/m/04gycf /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/015gm8 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0lhp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01ync +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/059rby /location/location/contains /m/0179qv +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/041rx /people/ethnicity/people /m/064jjy +/m/03kpvp /film/actor/film./film/performance/film /m/029v40 +/m/0gqrb /people/person/profession /m/02hrh1q +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/08141d /film/actor/film./film/performance/film /m/02_fm2 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0sxg4 /film/film/genre /m/0hn10 +/m/02jkkv /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/02y_lrp /film/film/production_companies /m/05qd_ +/m/0gct_ /people/deceased_person/place_of_death /m/0cp6w +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_f_5 +/m/02pby8 /people/person/profession /m/0d1pc +/m/026b7bz /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/04gc65 /film/actor/film./film/performance/film /m/01j5ql +/m/01wd02c /people/person/gender /m/05zppz +/m/062dn7 /film/actor/film./film/performance/film /m/0gtvrv3 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/01qwb5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01w1kyf +/m/09f2j /education/educational_institution/colors /m/01l849 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/02j_j0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b13g7 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/02fz3w +/m/0gzy02 /film/film/genre /m/02kdv5l +/m/0jdk_ /olympics/olympic_games/participating_countries /m/03ryn +/m/07vht /education/educational_institution/colors /m/01l849 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08vk_r +/m/0bscw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02w4b /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07gql +/m/02ny8t /music/genre/artists /m/0161c2 +/m/0p7pw /film/film/produced_by /m/03tf_h +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/08jyyk /music/genre/artists /m/01wv9xn +/m/0r3tb /location/hud_county_place/place /m/0r3tb +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/07l8f /sports/sports_team/colors /m/02rnmb +/m/01k7b0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/04vrxh /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0g2mbn /film/actor/film./film/performance/film /m/06sfk6 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/03qy3l /music/record_label/artist /m/0134s5 +/m/02_t2t /film/actor/film./film/performance/film /m/0dtzkt +/m/01_bkd /music/genre/artists /m/01q_wyj +/m/035l_9 /sports/sports_team/colors /m/01g5v +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dbf +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/042v2 +/m/0j5ym /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_wvl +/m/04jm_hq /film/film/genre /m/07s9rl0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0229rs /music/record_label/artist /m/02vr7 +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02k1pr +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/016376 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/0bjqh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wkw +/m/0b2lw /sports/sports_team_location/teams /m/0jnng +/m/02n4kr /media_common/netflix_genre/titles /m/011ywj +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gq0b +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/087r4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0ym8f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04z257 /film/film/genre /m/082gq +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0677ng /music/artist/origin /m/01531 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/02sdx /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/03mqtr /media_common/netflix_genre/titles /m/048scx +/m/03n3gl /film/film/genre /m/03k9fj +/m/0645k5 /film/film/produced_by /m/03ktjq +/m/02bd_f /education/educational_institution/students_graduates./education/education/student /m/03vrp +/m/016_mj /influence/influence_node/influenced_by /m/0f7hc +/m/02g9p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07xzm +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grwj +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01j67j /tv/tv_program/genre /m/05p553 +/m/05d49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05fh2 +/m/0dclg /sports/sports_team_location/teams /m/05tg3 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4b2 +/m/02kv5k /people/person/profession /m/01d_h8 +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0342h /music/instrument/instrumentalists /m/02f1c +/m/0170yd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/05bt6j /music/genre/artists /m/094xh +/m/0_jws /location/location/time_zones /m/02hcv8 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01jpqb /education/educational_institution/students_graduates./education/education/student /m/02vwckw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01w5gp +/m/027r8p /film/actor/film./film/performance/film /m/02q7fl9 +/m/0337vz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fs_4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0jnb0 /people/person/profession /m/0196pc +/m/0gdqy /people/person/profession /m/0dxtg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01323p +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032wdd +/m/01kj0p /film/actor/film./film/performance/film /m/0x25q +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0f1nl /education/educational_institution/school_type /m/05jxkf +/m/0sxmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/0xc9x /location/hud_county_place/place /m/0xc9x +/m/01ppdy /award/award_category/winners./award/award_honor/award_winner /m/040_t +/m/0n6f8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gy6z9 +/m/0169dl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/0p9qb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/033wx9 /people/person/place_of_birth /m/0106dv +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w23w /film/actor/film./film/performance/film /m/0jym0 +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01k_r5b /people/person/place_of_birth /m/0rv97 +/m/0ply0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0fg04 /film/film/country /m/0345h +/m/02_nkp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01htxr /award/award_winner/awards_won./award/award_honor/award_winner /m/01hgwkr +/m/076lxv /film/film_set_designer/film_sets_designed /m/05dmmc +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/06ncr /music/instrument/instrumentalists /m/02mslq +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/02t_w8 +/m/03vpf_ /film/actor/film./film/performance/film /m/0291ck +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/0gd_s +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/048z7l /people/ethnicity/people /m/0mj1l +/m/021j72 /people/person/profession /m/01d_h8 +/m/049f05 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/0x2sv /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/016h9b /people/person/sibling_s./people/sibling_relationship/sibling /m/016jfw +/m/023znp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g7pm1 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/031rq5 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmcwlb +/m/01vtj38 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0pswc +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/084w8 /influence/influence_node/influenced_by /m/03jxw +/m/0462hhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/018yj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0372kf +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/03c7twt /film/film/film_festivals /m/03nn7l2 +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/01xsc9 /people/person/profession /m/02hrh1q +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/01bczm /people/person/profession /m/0lgw7 +/m/0fc_p /location/location/time_zones /m/02hcv8 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0blpg +/m/05l3g_ /people/ethnicity/people /m/04xhwn +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09g8vhw +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/02r_d4 +/m/0cmc26r /film/film/country /m/07ssc +/m/0161c2 /people/person/languages /m/02h40lc +/m/06101p /people/person/profession /m/015cjr +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/098n5 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/02hblj /people/person/profession /m/0dxtg +/m/02qzjj /people/person/profession /m/064xm0 +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/0mbs8 +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rvcvl +/m/09c7w0 /location/location/contains /m/095kp +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/0187x8 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cx7f /music/genre/artists /m/07yg2 +/m/09d11 /medicine/disease/risk_factors /m/01hbgs +/m/02p11jq /music/record_label/artist /m/0163kf +/m/035w2k /film/film/genre /m/02kdv5l +/m/0jt90f5 /people/person/place_of_birth /m/0c4kv +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/025rpyx +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/022fdt /people/ethnicity/people /m/01vtj38 +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01dwyd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01j7z7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kj0p +/m/02p5hf /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/0g60z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026t6 /music/instrument/instrumentalists /m/04f7c55 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/024jwt +/m/02py_sj /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/01chc7 /people/person/nationality /m/07ssc +/m/0hwpz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059xnf /people/person/profession /m/02hrh1q +/m/02bwjv /people/person/profession /m/0d1pc +/m/0d6lp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpzy +/m/02q253 /education/educational_institution/students_graduates./education/education/student /m/06bss +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03r1pr +/m/07ymr5 /people/person/profession /m/01d_h8 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0njdm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj7b +/m/01tp5bj /music/group_member/membership./music/group_membership/group /m/0fsyx +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0hz35 /location/location/time_zones /m/02hcv8 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0tlq9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d060g /location/location/contains /m/05rh2 +/m/02f93t /film/director/film /m/0yxf4 +/m/0cz8mkh /film/film/music /m/01nqfh_ +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/018417 +/m/015pdg /music/genre/artists /m/03g5jw +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mxt_ +/m/01kx_81 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0pz7h /people/person/profession /m/0np9r +/m/074j87 /tv/tv_program/country_of_origin /m/09c7w0 +/m/08wjc1 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/02pp_q_ /people/person/profession /m/0dxtg +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0h6r5 /film/film/genre /m/03bxz7 +/m/041bnw /music/record_label/artist /m/011lvx +/m/019kyn /film/film/genre /m/01hmnh +/m/0362q0 /people/person/gender /m/05zppz +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/01snvb +/m/0bs1yy /people/person/profession /m/02jknp +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/02jx1 /location/country/second_level_divisions /m/088cp +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0cp9f9 /people/person/place_of_birth /m/094jv +/m/01csvq /film/actor/film./film/performance/film /m/094g2z +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/03c602 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/03_xj /location/country/form_of_government /m/01q20 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04w8f +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03clwtw /film/film/genre /m/082gq +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/05_k56 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0n59t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5df +/m/0j6b5 /film/film/genre /m/0hcr +/m/02b29 /people/person/profession /m/02hv44_ +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0ym17 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06bc59 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/09stq9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/0d4jl +/m/0127xk /people/person/place_of_birth /m/02_286 +/m/0b1xl /education/educational_institution/school_type /m/04399 +/m/0j5ym /base/culturalevent/event/entity_involved /m/0193qj +/m/048lv /film/actor/film./film/performance/film /m/09p4w8 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0153nq +/m/0343h /organization/organization_founder/organizations_founded /m/0kx4m +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/012lzr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0dtfn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g3b2z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0339z0 /music/genre/artists /m/01vsgrn +/m/0gq6s3 /award/award_category/winners./award/award_honor/award_winner /m/063b4k +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05w3 +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01k31p /people/person/profession /m/0fj9f +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/02jztz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01jdxj +/m/01fkv0 /film/actor/film./film/performance/film /m/048yqf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/06q1r /location/location/contains /m/017vdg +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/04glx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5h +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0j298t8 +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/02x0dzw +/m/02kbtf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041td_ /film/film/country /m/07ssc +/m/08vr94 /award/award_winner/awards_won./award/award_honor/award_winner /m/05p92jn +/m/014kg4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02r6mf /music/genre/parent_genre /m/03ckfl9 +/m/01_bp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wh1 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/0jnlm /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/03188 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/04mp9q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/03y5ky /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/06by7 /music/genre/artists /m/01j4ls +/m/02cpp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01jbx1 +/m/04s5_s /people/person/profession /m/0fnpj +/m/0fphf3v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gfsq9 /film/film/produced_by /m/043q6n_ +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/05148p4 /music/instrument/instrumentalists /m/0bqsy +/m/07ss8_ /people/person/profession /m/0nbcg +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/03f3yfj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vvyc_ +/m/0807ml /film/actor/film./film/performance/film /m/03p2xc +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ytc +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/08t7nz /people/person/gender /m/05zppz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01dycg +/m/02y_j8g /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/01zkxv /influence/influence_node/influenced_by /m/09dt7 +/m/06w839_ /film/film/language /m/02h40lc +/m/0f5xn /film/actor/film./film/performance/film /m/0gwjw0c +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0tl6d /location/location/contains /m/02zccd +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04l3_z /people/person/gender /m/05zppz +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03__77 +/m/01k7d9 /film/actor/film./film/performance/film /m/04tz52 +/m/05k7sb /location/location/contains /m/03kxzm +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/01mtqf /people/cause_of_death/people /m/0gs7x +/m/0mzkr /music/record_label/artist /m/0lgsq +/m/05np2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mh_tp /film/film/produced_by /m/02q42j_ +/m/0558_1 /organization/organization/headquarters./location/mailing_address/citytown /m/013m_x +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0d9rp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqyc +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0z53k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m68w /film/actor/film./film/performance/film /m/01mszz +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/03rhqg /music/record_label/artist /m/01t8399 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01x3g +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05bmq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/06c44 /people/person/places_lived./people/place_lived/location /m/07_pf +/m/078jnn /film/actor/film./film/performance/film /m/07s846j +/m/0j_c /film/actor/film./film/performance/film /m/0k7tq +/m/0c0sl /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/017s11 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01nd6v /people/person/place_of_birth /m/030qb3t +/m/0399p /influence/influence_node/influenced_by /m/026lj +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0j210 +/m/018yj6 /people/person/profession /m/0d1pc +/m/05gsd2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/084302 /film/film/production_companies /m/020h2v +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08720 +/m/0436f4 /people/person/profession /m/02hrh1q +/m/01lz4tf /music/group_member/membership./music/group_membership/role /m/0342h +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/06g2d1 /film/actor/film./film/performance/film /m/09rsjpv +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/02p86pb /film/film/language /m/02h40lc +/m/0j582 /people/person/languages /m/064_8sq +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/012s1d /film/film/story_by /m/079vf +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/098s2w +/m/0cg9f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jkqfz +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/016kft /film/actor/film./film/performance/film /m/04smdd +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0mcl0 +/m/04w391 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01cwkq +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02q56mk /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/01flv_ /film/film/language /m/064_8sq +/m/09zmys /people/person/spouse_s./people/marriage/spouse /m/01wvxw1 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q52q +/m/06czxq /people/person/nationality /m/09c7w0 +/m/06y3r /people/person/profession /m/01c979 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9lw +/m/01jnc_ /film/film/genre /m/02kdv5l +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0frf6 /location/location/time_zones /m/02hcv8 +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0mcl0 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_6 +/m/01vsy95 /award/award_winner/awards_won./award/award_honor/award_winner /m/032nwy +/m/01lyv /music/genre/artists /m/01xzb6 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/047vp1n /film/film/featured_film_locations /m/02_286 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0gt_k /film/actor/film./film/performance/film /m/0jqp3 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02hy9p +/m/05kh_ /people/person/religion /m/0c8wxp +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/04rqd /award/award_winner/awards_won./award/award_honor/award_winner /m/0146mv +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01tt43d /award/award_winner/awards_won./award/award_honor/award_winner /m/03d0ns +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0q9sg /film/film/music /m/01l9v7n +/m/02dj3 /education/educational_institution/campuses /m/02dj3 +/m/0ft18 /film/film/costume_design_by /m/05x2t7 +/m/033hn8 /music/record_label/artist /m/04dqdk +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/01gz9n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/0mbw0 /people/person/profession /m/018gz8 +/m/08jyyk /music/genre/artists /m/0b_xm +/m/01531 /location/location/time_zones /m/02hcv8 +/m/0d1w9 /film/film_subject/films /m/07jnt +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03sxd2 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07hwkr /people/ethnicity/people /m/01bcq +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01r5xw +/m/07s9rl0 /media_common/netflix_genre/titles /m/03cw411 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/01jw4r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cwtm +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01vcnl +/m/01r4zfk /people/person/profession /m/018gz8 +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/01lmj3q +/m/03rg5x /people/person/profession /m/0cbd2 +/m/08zrbl /film/film/production_companies /m/0fqy4p +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/04r68 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/01p6xx /people/person/profession /m/026sdt1 +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03q3x5 +/m/09c7w0 /location/location/contains /m/02rff2 +/m/031x2 /base/culturalevent/event/entity_involved /m/0jgd +/m/03npn /media_common/netflix_genre/titles /m/01g3gq +/m/0gd5z /influence/influence_node/influenced_by /m/080r3 +/m/016_mj /people/person/gender /m/05zppz +/m/016732 /people/person/employment_history./business/employment_tenure/company /m/043g7l +/m/060pl5 /people/person/profession /m/0dxtg +/m/060__7 /film/film/country /m/09c7w0 +/m/09jvl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d44q /film/film/featured_film_locations /m/02_286 +/m/04h4c9 /film/film/genre /m/07s9rl0 +/m/02bv9 /language/human_language/countries_spoken_in /m/049nq +/m/01jpmpv /people/person/nationality /m/0cdbq +/m/0h0yt /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/013pk3 +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01n9d9 +/m/06krf3 /film/film/costume_design_by /m/0gl88b +/m/02xwgr /film/actor/film./film/performance/film /m/0418wg +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/01r5xw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/0bw6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/015pxr /influence/influence_node/influenced_by /m/049fgvm +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08hmch +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/01x0yrt +/m/01_d4 /location/hud_county_place/county /m/0nvt9 +/m/0l4h_ /media_common/netflix_genre/titles /m/02ht1k +/m/06d6y /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02d478 /film/film/country /m/09c7w0 +/m/016w7b /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/0164y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02zk08 /film/film/genre /m/02b5_l +/m/05r5c /music/instrument/instrumentalists /m/09qr6 +/m/01243b /music/genre/artists /m/01s560x +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017gl1 +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yl_ +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0c12h /people/deceased_person/place_of_burial /m/018mrd +/m/02t_zq /people/person/profession /m/02hrh1q +/m/0drc1 /people/person/profession /m/0nbcg +/m/09n48 /olympics/olympic_games/participating_countries /m/0k6nt +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/0gndh /film/film/genre /m/082gq +/m/080g3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mczk +/m/05f4_n0 /film/film/genre /m/02kdv5l +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02q3n9c +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/016yzz /people/person/gender /m/05zppz +/m/04t7ts /film/actor/film./film/performance/film /m/02yxbc +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1gz +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01tnbn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04cbtrw +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0b1hw +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/0bykpk /film/film/runtime./film/film_cut/film_release_region /m/082fr +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/068gn /award/award_category/winners./award/award_honor/award_winner /m/0bymv +/m/09v8clw /film/film/film_format /m/017fx5 +/m/0chgzm /sports/sports_team_location/teams /m/0mgcc +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qmv +/m/01pcmd /people/person/place_of_birth /m/0f2rq +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hw5kk +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06bzwt +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/034h1h /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/025vry +/m/0kv238 /film/film/edited_by /m/02lp3c +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/05dtwm /film/actor/film./film/performance/film /m/04q827 +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/0j1z8 +/m/053xw6 /film/actor/film./film/performance/film /m/07nxnw +/m/04j4tx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059ss /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/03h_9lg +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b9dmk +/m/0453t /influence/influence_node/peers./influence/peer_relationship/peers /m/04107 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/04cv9m /film/film/production_companies /m/054lpb6 +/m/07twz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jswp +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1ng +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0glt670 /music/genre/artists /m/03f1d47 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/0dl6fv /tv/tv_program/genre /m/07s9rl0 +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/047g6 +/m/0ds2n /film/film/featured_film_locations /m/02_286 +/m/045zr /people/person/profession /m/09jwl +/m/01dbhb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01c22t /film/film/production_companies /m/01795t +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/05489 /film/film_subject/films /m/0h6r5 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0229rs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02byfd /people/person/nationality /m/09c7w0 +/m/09k56b7 /film/film/genre /m/09blyk +/m/0n56v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06ybz_ +/m/053y0s /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/02j04_ /education/educational_institution_campus/educational_institution /m/02j04_ +/m/04tc1g /film/film/production_companies /m/046b0s +/m/01lbcqx /film/film/genre /m/0bkbm +/m/0h2zvzr /film/film/film_festivals /m/0j63cyr +/m/0jcx /people/person/nationality /m/0h7x +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/01jc6q /film/film/produced_by /m/0jf1b +/m/0cz_ym /film/film/genre /m/04xvlr +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/02l7c8 /media_common/netflix_genre/titles /m/011yxg +/m/01vw20_ /people/person/languages /m/02h40lc +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/03cmsqb /film/film/genre /m/05p553 +/m/0g26h /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0c2tf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lpjn +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01pcmd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0x0w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02pq9yv /people/person/profession /m/03gjzk +/m/016kkx /film/actor/film./film/performance/film /m/0m_q0 +/m/03xpsrx /people/person/profession /m/02hrh1q +/m/04xvlr /media_common/netflix_genre/titles /m/023g6w +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/013y1f /music/instrument/family /m/05148p4 +/m/035bcl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0d05w3 /location/country/official_language /m/0653m +/m/01x3g /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/0194zl /film/film/executive_produced_by /m/029m83 +/m/077w0b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0n1v8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n228 +/m/0b76t12 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/087r4 /location/administrative_division/country /m/0d060g +/m/041c4 /people/person/gender /m/05zppz +/m/03lkp /location/location/time_zones /m/03bdv +/m/06bw5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0438pz /people/person/nationality /m/09c7w0 +/m/034xyf /film/film/costume_design_by /m/0b80__ +/m/0gpprt /film/actor/film./film/performance/film /m/04cv9m +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/06zrp44 /award/award_category/winners./award/award_honor/award_winner /m/0jcx +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/07c5l /location/location/contains /m/05c74 +/m/02k6hp /medicine/disease/risk_factors /m/01hbgs +/m/0g_rs_ /people/person/gender /m/05zppz +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/01mskc3 /people/person/profession /m/09jwl +/m/01r7t9 /film/actor/film./film/performance/film /m/0jqkh +/m/07ghv5 /film/film/language /m/02h40lc +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0n2q0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n24p +/m/052nd /education/educational_institution/school_type /m/05jxkf +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/01rxyb /film/film/cinematography /m/06r_by +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02p3cr5 /music/record_label/artist /m/0dzlk +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/017z88 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ckfl9 /music/genre/artists /m/01386_ +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/03cl8lb +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/035bcl +/m/0h1nt /film/actor/film./film/performance/film /m/0qm9n +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vw4t +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/06y9bd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05lfwd +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/02d4ct +/m/090q4n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07xpm /education/educational_institution/campuses /m/07xpm +/m/04w7rn /film/film/edited_by /m/027pdrh +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/036dyy /people/person/profession /m/01d_h8 +/m/0x67 /people/ethnicity/people /m/059_gf +/m/07mz77 /people/person/nationality /m/0345h +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01znj1 +/m/049nq /location/location/contains /m/0fqxw +/m/025mb_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03n0cd /film/film/production_companies /m/01gb54 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01bjbk +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/026g801 /film/actor/film./film/performance/film /m/0bw20 +/m/0p__8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01yf85 +/m/0lkr7 /film/actor/film./film/performance/film /m/0bz3jx +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/017f4y /people/person/profession /m/0nbcg +/m/03p2m1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170_p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02ph9tm /film/film/genre /m/011ys5 +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/0f4vbz +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/083shs /film/film/genre /m/07s9rl0 +/m/01flv_ /film/film/country /m/0d060g +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/01vsy95 /music/artist/origin /m/04f_d +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/082brv /people/person/gender /m/05zppz +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0159h6 /film/actor/film./film/performance/film /m/0gfsq9 +/m/0h14ln /film/film/country /m/09c7w0 +/m/0blgl /people/person/profession /m/0196pc +/m/02ps55 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05p5nc +/m/018phr /people/person/profession /m/04f2zj +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/098knd +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/07hgm +/m/03f2fw /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03l7rh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dj0m5 /film/film/genre /m/03g3w +/m/01hcvm /music/genre/parent_genre /m/04f73rc +/m/027jk /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01z88t +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0453t +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfpm +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/048lv +/m/09sr0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/0m_31 +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/017v3q /education/educational_institution/colors /m/03vtbc +/m/0cqt90 /people/person/places_lived./people/place_lived/location /m/0rqf1 +/m/06x77g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/042l3v +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/035qlx /sports/sports_team/sport /m/02vx4 +/m/0ymbl /education/educational_institution_campus/educational_institution /m/0ymbl +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0h5jg5 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/02fcs2 /people/person/place_of_birth /m/0f2v0 +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017kz7 +/m/0gmd3k7 /film/film/written_by /m/05kfs +/m/01hmnh /media_common/netflix_genre/titles /m/090s_0 +/m/05_k56 /film/actor/film./film/performance/film /m/01jrbb +/m/021lby /film/director/film /m/033g4d +/m/016tbr /people/person/profession /m/02hrh1q +/m/05j0wc /people/person/profession /m/02hrh1q +/m/034qmv /film/film/genre /m/02l7c8 +/m/0gpx6 /film/film/country /m/0f8l9c +/m/09wnnb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/01s3vk /film/film/genre /m/01t_vv +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0f7fy +/m/0yyg4 /film/film/genre /m/0vjs6 +/m/0q6lr /location/hud_county_place/place /m/0q6lr +/m/07sbbz2 /music/genre/artists /m/0gcs9 +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b68vs +/m/02f8zw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01f6x7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0557yqh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/071dcs /award/award_winner/awards_won./award/award_honor/award_winner /m/06vqdf +/m/0bx0lc /people/person/religion /m/0c8wxp +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/01vrz41 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vtqml +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06xj93 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03qcq /influence/influence_node/influenced_by /m/02zjd +/m/02jx1 /location/location/contains /m/0159r9 +/m/0372kf /people/person/religion /m/051kv +/m/01pw2f1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/02q_x_l /film/film/language /m/05f_3 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/04ngn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02kfzz /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0lhql /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1rj +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0f8pz /people/person/profession /m/012t_z +/m/031bf1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0dy6c9 +/m/0gzh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/01fs_4 /people/person/gender /m/02zsn +/m/03rhqg /music/record_label/artist /m/0fq117k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03r8gp +/m/0mb0 /influence/influence_node/influenced_by /m/032l1 +/m/016ks_ /film/actor/film./film/performance/film /m/074rg9 +/m/01dc0c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/04z4j2 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/040z9 /film/actor/film./film/performance/film /m/0b_5d +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/0jt90f5 /people/person/places_lived./people/place_lived/location /m/0c4kv +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/03cyslc /film/film/genre /m/07s9rl0 +/m/0xn7b /location/location/time_zones /m/02hcv8 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07t90 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0948xk +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/047wh1 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0bl2g /film/actor/film./film/performance/film /m/0yx_w +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0ggq0m /music/genre/artists /m/02dbp7 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02k9k9 +/m/0ym20 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0170_p /film/film/language /m/02h40lc +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/026t6 /music/instrument/instrumentalists /m/012x4t +/m/011_6p /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01bvx1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/034hwx /film/film/genre /m/02kdv5l +/m/0465_ /people/person/profession /m/05t4q +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/01xn6jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/02f2p7 +/m/05dbf /people/person/profession /m/01d_h8 +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/0413cff /film/film/language /m/02h40lc +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fkf +/m/0sxdg /business/business_operation/industry /m/0sydc +/m/02hft3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01whvs +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/05xls /people/person/gender /m/05zppz +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03kdl /people/deceased_person/place_of_death /m/02_286 +/m/03f0r5w /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/05_zc7 /people/person/places_lived./people/place_lived/location /m/055vr +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016732 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/05mrf_p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/02rjz5 /sports/sports_team/colors /m/019sc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d35y +/m/027b43 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01jfsb /media_common/netflix_genre/titles /m/0cz8mkh +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/015qt5 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/07r78j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01vdm0 /music/instrument/instrumentalists /m/01gg59 +/m/0j1yf /people/person/profession /m/02hrh1q +/m/0d6n1 /music/genre/artists /m/06wvj +/m/04bdxl /film/actor/film./film/performance/film /m/03hp2y1 +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/09cvbq +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04q827 +/m/07x4c /education/educational_institution/campuses /m/07x4c +/m/0x67 /people/ethnicity/people /m/0443c +/m/02xhwm /tv/tv_program/languages /m/02h40lc +/m/0jgwf /people/person/nationality /m/07ssc +/m/01m1_d /base/biblioness/bibs_location/country /m/09c7w0 +/m/0320jz /film/actor/film./film/performance/film /m/04zyhx +/m/048q6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/016732 +/m/04xvlr /media_common/netflix_genre/titles /m/0d61px +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01svry /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01z7s_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01z4y /media_common/netflix_genre/titles /m/0fzm0g +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/0fgg4 /film/actor/film./film/performance/film /m/0gs973 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/015v3r /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/03gj2 +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0c8tkt /film/film/genre /m/03k9fj +/m/0d68qy /tv/tv_program/genre /m/06nbt +/m/0301yj /film/actor/film./film/performance/film /m/0320fn +/m/078bz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/034xyf +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01r7pq +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03txms +/m/0kftt /award/award_winner/awards_won./award/award_honor/award_winner /m/02f1c +/m/01c65z /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0456zg +/m/0kst7v /people/person/profession /m/02hrh1q +/m/02gnh0 /education/educational_institution/school_type /m/05jxkf +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02p86pb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0k8y7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03y_46 +/m/09c7w0 /location/location/contains /m/01jq34 +/m/0456xp /people/person/nationality /m/09c7w0 +/m/01sby_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03zbg0 +/m/0fhpv4 /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/0p_sc /film/film/language /m/064_8sq +/m/0234j5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f5xn +/m/01m4kpp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0p51w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01zfzb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/01kp66 /film/actor/film./film/performance/film /m/0yx1m +/m/0cmc2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0qcr0 /people/cause_of_death/people /m/02dth1 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9ck +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03k7dn +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/06by7 /music/genre/artists /m/04bpm6 +/m/08ct6 /film/film/story_by /m/0klw +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0pmw9 /people/person/profession /m/029bkp +/m/02mg5r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0c4hgj /time/event/instance_of_recurring_event /m/0g_w +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0lnfy +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028hc2 +/m/0dqytn /film/film/genre /m/060__y +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/030xr_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fsm8c /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ksr1 +/m/02f2dn /people/person/profession /m/01d_h8 +/m/02yv6b /music/genre/artists /m/017959 +/m/0mwk9 /location/location/contains /m/0_565 +/m/018y2s /people/person/nationality /m/09c7w0 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02cpb7 /film/actor/film./film/performance/film /m/06rhz7 +/m/0hpv3 /education/educational_institution/school_type /m/01rs41 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/016vg8 /people/person/place_of_birth /m/0dyl9 +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0169dl +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bqsy /people/person/place_of_birth /m/07ypt +/m/01vrx3g /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ntb8 +/m/03fykz /people/person/nationality /m/09c7w0 +/m/0mnwd /location/us_county/county_seat /m/0mnwd +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/043zg +/m/0353tm /film/film/country /m/03rjj +/m/07j94 /film/film/genre /m/03npn +/m/06by7 /music/genre/artists /m/013rfk +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04rrx /location/location/contains /m/01fq7 +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/02bjrlw /language/human_language/countries_spoken_in /m/03rjj +/m/04kf4 /location/location/time_zones /m/02llzg +/m/0g54xkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0crx5w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05zr0xl +/m/03qmx_f /people/person/profession /m/01d_h8 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/01qnfc /people/person/profession /m/02jknp +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02lk60 +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqkh +/m/059rby /location/location/contains /m/02l1fn +/m/042rnl /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/05t7c1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01k3s2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/01xsc9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/0bt4g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02hnl /music/instrument/instrumentalists /m/0pj9t +/m/01bv8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01h910 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/04ns3gy /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/018y81 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0y3_8 /music/genre/artists /m/01w3lzq +/m/0272vm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/06g77c /film/film/written_by /m/026dx +/m/07ssc /location/location/contains /m/0jcg8 +/m/05drq5 /people/person/profession /m/01d_h8 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01wjrn +/m/01nczg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/012wgb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0456xp +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02_286 /location/location/contains /m/02lv2v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/0c0k1 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0dr3sl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02k1b /location/country/form_of_government /m/01d9r3 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01f2q5 +/m/07663r /people/person/gender /m/02zsn +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0djc3s /people/person/gender /m/05zppz +/m/0dbns /organization/organization/headquarters./location/mailing_address/citytown /m/0bwtj +/m/0nj7b /location/location/contains /m/0vm5t +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/04sylm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/030w19 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/015c4g /film/actor/film./film/performance/film /m/04j13sx +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/06sks6 /olympics/olympic_games/sports /m/06f41 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/01wbz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0ddkf /people/person/places_lived./people/place_lived/location /m/0hptm +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02w2bc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mrjs +/m/0k8z /organization/organization/headquarters./location/mailing_address/citytown /m/0r679 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06x8y /language/human_language/countries_spoken_in /m/0166b +/m/018f8 /film/film/genre /m/0hfjk +/m/02fgp0 /people/deceased_person/place_of_death /m/02_286 +/m/0g6ff /people/ethnicity/geographic_distribution /m/0jhd +/m/01wj5hp /people/person/profession /m/09jwl +/m/0nvd8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvt9 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/047t_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0qf2t /film/film/genre /m/0219x_ +/m/0n3g /location/country/official_language /m/02h40lc +/m/02n9bh /film/film/language /m/02h40lc +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08w7vj +/m/02sb1w /film/actor/film./film/performance/film /m/08720 +/m/07srw /location/location/contains /m/0l39b +/m/05mxw33 /people/person/gender /m/05zppz +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/017f4y /people/person/profession /m/0dz3r +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tbr +/m/02301 /education/educational_institution_campus/educational_institution /m/02301 +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06c0ns +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/02j490 +/m/0m9_5 /education/educational_institution/students_graduates./education/education/student /m/01s7z0 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/06mm1x /people/person/gender /m/05zppz +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02psqkz /location/country/official_language /m/02bjrlw +/m/04vmp /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01c1nm +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/01pcrw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/067x44 /people/person/place_of_birth /m/0b2lw +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0l786 /film/actor/film./film/performance/film /m/0pd4f +/m/059g4 /base/locations/continents/countries_within /m/01p8s +/m/023g6w /film/film/runtime./film/film_cut/film_release_region /m/0chghy +/m/02dr9j /film/film/genre /m/0jdm8 +/m/082pc /base/biblioness/bibs_location/country /m/0604m +/m/08sfxj /film/film/genre /m/07s9rl0 +/m/026t6 /music/instrument/instrumentalists /m/01vs14j +/m/0b66qd /people/person/profession /m/02jknp +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/07ldhs /film/actor/film./film/performance/film /m/03nm_fh +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0170yd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0d6b7 /film/film/film_festivals /m/09rwjly +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/04g73n /film/film/production_companies /m/01795t +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02ynfr /people/profession/specialization_of /m/04_tv +/m/03mz9r /people/person/profession /m/0cbd2 +/m/02t__l /people/person/nationality /m/09c7w0 +/m/0d02km /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/0k0rf /film/film/produced_by /m/0j_c +/m/051cc /people/person/nationality /m/09c7w0 +/m/05nlzq /tv/tv_program/genre /m/03k9fj +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048vhl +/m/031c2r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d7vtk /tv/tv_program/genre /m/01jfsb +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm8l +/m/04s1zr /film/film/language /m/02h40lc +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/019lrz /people/ethnicity/languages_spoken /m/02ztjwg +/m/045bg /influence/influence_node/influenced_by /m/0lcx +/m/04x4vj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/01tsbmv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01_6dw +/m/0hjy /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/02psvcf /medicine/disease/risk_factors /m/0167bx +/m/013tcv /people/person/profession /m/02jknp +/m/085ccd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027pwl +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w1ywm +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01713c +/m/0bn9sc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05f0r8 /people/person/place_of_birth /m/02_286 +/m/03339m /music/genre/artists /m/0274ck +/m/0bzjf /location/location/contains /m/01n43d +/m/09c7w0 /location/country/second_level_divisions /m/0n59f +/m/043gj /people/person/profession /m/02jknp +/m/0kbws /olympics/olympic_games/sports /m/0194d +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02bb26 +/m/01tsbmv /film/actor/film./film/performance/film /m/04z257 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02zbjwr +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ds5_72 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/024sbq /music/genre/artists /m/0knjh +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0161sp +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/04mvk7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/03j3pg9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0261x8t +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fnn5 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0pz91 +/m/01v3vp /people/person/places_lived./people/place_lived/location /m/02mf7 +/m/03l78j /education/educational_institution/school_type /m/05jxkf +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/0n5df /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59t +/m/0739y /people/person/profession /m/0dxtg +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/02cyfz +/m/01pcql /film/actor/film./film/performance/film /m/0g68zt +/m/01dvms /film/actor/film./film/performance/film /m/03rg2b +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0xddr /location/hud_county_place/place /m/0xddr +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01n30p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016z51 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0296y /music/genre/parent_genre /m/03lty +/m/0c_zj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09c6w +/m/01z4y /media_common/netflix_genre/titles /m/05jf85 +/m/03gyvwg /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/01z4y /media_common/netflix_genre/titles /m/033fqh +/m/0xhtw /music/genre/artists /m/018gm9 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/03m1n +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09c7w0 /location/location/contains /m/0fsb8 +/m/0jt86 /people/person/gender /m/05zppz +/m/07g7h2 /people/person/profession /m/0cbd2 +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01twdk /film/actor/film./film/performance/film /m/035s95 +/m/0gyv0b4 /film/film/written_by /m/0693l +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/019mdt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01nglk +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/030tj5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07qzv /location/location/contains /m/015cz0 +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x6dqb +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/02gyl0 /people/person/nationality /m/09c7w0 +/m/01xndd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01rf57 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jnt +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01g23m /people/person/place_of_birth /m/030qb3t +/m/0184jc /film/actor/film./film/performance/film /m/03kg2v +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/016z1t +/m/0x67 /people/ethnicity/people /m/01w272y +/m/01zcrv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwt5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yl_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cz7r +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02khs +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/04qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0cttx +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/03b78r /people/person/gender /m/05zppz +/m/02t_st /award/award_winner/awards_won./award/award_honor/award_winner /m/07r_dg +/m/0l6ny /olympics/olympic_games/sports /m/064vjs +/m/06qgvf /film/actor/film./film/performance/film /m/0gm2_0 +/m/015grj /film/actor/film./film/performance/film /m/091rc5 +/m/04kkz8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v8kmz /film/film/genre /m/0gf28 +/m/05148p4 /music/instrument/instrumentalists /m/0167km +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/0g768 /music/record_label/artist /m/012x03 +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/034qt_ +/m/0b76d_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0chgzm +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/0l12d +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0464pz +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v71cj +/m/01x6jd /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0kb07 /film/film/genre /m/02l7c8 +/m/025sc50 /music/genre/artists /m/02wb6yq +/m/0187y5 /people/person/profession /m/02hrh1q +/m/03hzt /film/film_subject/films /m/064lsn +/m/01qr1_ /people/person/nationality /m/09c7w0 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0t_71 /location/hud_county_place/county /m/0k3k1 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/018qpb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0rh6k /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03rhqg /music/record_label/artist /m/01wbgdv +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/06z4wj +/m/0ggbfwf /film/film/production_companies /m/03xsby +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/0b005 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044f7 +/m/01gbbz /people/person/nationality /m/09c7w0 +/m/01n7q /location/location/contains /m/0l2sr +/m/03gfvsz /broadcast/content/artist /m/0152cw +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0m241 /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/02l0sf +/m/0853g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/02q_4ph /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026gyn_ +/m/0hqzm6r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jlv5 /film/actor/film./film/performance/film /m/0drnwh +/m/01x73 /location/location/contains /m/01tlmw +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01x9_8 /people/person/gender /m/02zsn +/m/02l101 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01kwlwp /people/person/profession /m/028kk_ +/m/06_sc3 /film/film/country /m/09c7w0 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/02nddq /music/record_label/artist /m/0jg77 +/m/0f8l9c /location/location/time_zones /m/02llzg +/m/0234pg /film/actor/film./film/performance/film /m/023vcd +/m/0ggx5q /music/genre/artists /m/06w2sn5 +/m/03hhd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7lcx +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0b0pf /people/person/profession /m/0cbd2 +/m/028k2x /tv/tv_program/program_creator /m/05vtbl +/m/03j63k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05cj4r +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/0fr7nt /people/person/profession /m/01d_h8 +/m/019pm_ /people/person/spouse_s./people/marriage/spouse /m/0h7pj +/m/03gdf1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mn78 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/02sch9 /people/ethnicity/people /m/04cmrt +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/04165w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g2c8 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/02knnd +/m/03n785 /film/film/production_companies /m/016tt2 +/m/018t8f /education/educational_institution/colors /m/01l849 +/m/0xjl2 /music/genre/artists /m/079kr +/m/02dr9j /film/film/genre /m/02l7c8 +/m/0227vl /base/eating/practicer_of_diet/diet /m/07_jd +/m/05489 /film/film_subject/films /m/04vr_f +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02rkkn1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08n__5 +/m/04sj3 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01wbsdz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07ss8_ +/m/01t0dy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x8m /music/genre/artists /m/028qyn +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/015q43 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02t1dv /people/person/nationality /m/03_3d +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/040nwr /people/person/languages /m/03k50 +/m/013y1f /music/instrument/instrumentalists /m/02vr7 +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0d0x8 /location/location/partially_contains /m/0lm0n +/m/016h4r /film/actor/film./film/performance/film /m/02fj8n +/m/015gw6 /people/deceased_person/place_of_death /m/09bkv +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/05k2xy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015n8 /people/person/religion /m/01hng3 +/m/029zqn /film/film/production_companies /m/024rgt +/m/04rrd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ftdq /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_sqm /music/genre/parent_genre /m/0xhtw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/041rx /people/ethnicity/people /m/06mfvc +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j_j0 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/02vyw /film/director/film /m/01rnly +/m/050gkf /film/film/produced_by /m/04wvhz +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmbv +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0cy__l +/m/044kwr /people/person/profession /m/015cjr +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g0x9c +/m/0jsf6 /film/film/written_by /m/02vyw +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bq3x /film/film_subject/films /m/02jr6k +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016fnb +/m/02bf2s /film/actor/film./film/performance/film /m/09lxv9 +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01q7q2 +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/0l786 +/m/099cng /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01r93l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0k269 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/01hb6v /influence/influence_node/influenced_by /m/0hky +/m/06k5_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cw4l +/m/0hm4q /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lvng +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0lk8j /olympics/olympic_games/sports /m/03hr1p +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/04xbq3 /tv/tv_program/genre /m/05h83 +/m/048t8y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/0260bz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016dmx +/m/01sg7_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm4v +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0p9gg /film/actor/film./film/performance/film /m/0kb07 +/m/0djlxb /film/film/language /m/02h40lc +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q7fl9 +/m/0ct5zc /film/film/produced_by /m/01c6l +/m/02b13y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0t6sb /base/biblioness/bibs_location/state /m/05kr_ +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/06pqy_ +/m/03k545 /film/actor/film./film/performance/film /m/07phbc +/m/02847m9 /film/film/language /m/02h40lc +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/038w8 /people/person/nationality /m/09c7w0 +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/01vtmw6 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/014zfs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ks_ /film/actor/film./film/performance/film /m/016z9n +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0f5xn /base/eating/practicer_of_diet/diet /m/07_jd +/m/0bt7w /music/genre/artists /m/024dgj +/m/021r7r /influence/influence_node/influenced_by /m/041mt +/m/02x8m /music/genre/artists /m/016jfw +/m/03_hd /people/person/gender /m/05zppz +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027d5g5 +/m/06r2h /film/film/genre /m/07s2s +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03cw411 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09qljs +/m/0r4qq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5x6 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/02phtzk /film/film/featured_film_locations /m/01jr6 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02txdf +/m/080h2 /sports/sports_team_location/teams /m/0jnnx +/m/0bq6ntw /film/film/genre /m/02kdv5l +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlz4 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0738b8 /influence/influence_node/influenced_by /m/01wp_jm +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/048yqf /film/film/genre /m/0lsxr +/m/0xhtw /music/genre/artists /m/01vsy7t +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/036jb +/m/06j8wx /film/actor/film./film/performance/film /m/011ywj +/m/012xdf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmk7 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/07s8hms +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/01my4f /people/person/profession /m/04gc2 +/m/017j69 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/instrument/instrumentalists /m/01vwbts +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kvqc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06cn5 +/m/0xhtw /music/genre/artists /m/02qwg +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0181dw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gys2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/06c97 +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/06h4y9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dc7hc +/m/03gfvsz /broadcast/content/artist /m/0140t7 +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/0z4s +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/05k2xy /film/film/written_by /m/07s93v +/m/03q2t9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06y0xx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03y317 +/m/0522wp /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03mfqm +/m/0btxr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06x58 +/m/0cv1w /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/053rd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02y21l /music/record_label/artist /m/06lxn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/01mylz /film/actor/film./film/performance/film /m/05sw5b +/m/012dr7 /people/person/gender /m/05zppz +/m/01f8gz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f873 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/027rn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/018y81 /people/person/place_of_birth /m/09ctj +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gbwp +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p7b6b +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0d07j8 /people/person/place_of_birth /m/030qb3t +/m/06nsb9 /people/person/gender /m/05zppz +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0kz2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/01q32bd /people/person/profession /m/016z4k +/m/016jny /music/genre/artists /m/01kph_c +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c8qq +/m/078mm1 /film/film/language /m/064_8sq +/m/01cszh /music/record_label/artist /m/0134tg +/m/0bxsk /film/film/film_format /m/0cj16 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ygbf +/m/01gpkz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gcrg +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0hnlx /people/deceased_person/place_of_death /m/030qb3t +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/0642ykh /film/film/country /m/09c7w0 +/m/0br0vs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/0hv8w /film/film/production_companies /m/0kx4m +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y9xg +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/award /m/0274v0r +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01j5sd /people/person/religion /m/0c8wxp +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01vw8k +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0x3r3 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/016tbr +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01gkp1 /film/film/language /m/02bjrlw +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/013w7j /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pcrw +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/026g801 /people/person/gender /m/05zppz +/m/016zgj /music/genre/artists /m/01vsnff +/m/03n08b /film/actor/film./film/performance/film /m/03n0cd +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/059rby /location/location/contains /m/02qw_v +/m/01wwvc5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qjg /music/instrument/instrumentalists /m/015196 +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/049qx /people/person/profession /m/0kyk +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/026wlnm +/m/07gxw /music/genre/artists /m/03t9sp +/m/02q8ms8 /film/film/genre /m/0lsxr +/m/01rmnp /film/actor/film./film/performance/film /m/02z9hqn +/m/095b70 /film/actor/film./film/performance/film /m/02jkkv +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/08s_lw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rp13 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q87z6 +/m/03v0t /location/location/contains /m/0sf9_ +/m/057bc6m /people/person/place_of_birth /m/0r62v +/m/031v3p /people/person/gender /m/05zppz +/m/014gjp /tv/tv_program/genre /m/0c4xc +/m/03k0yw /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/02lv2v /education/educational_institution/school_type /m/01_srz +/m/091xrc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05k7sb /location/location/contains /m/0225v9 +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/06sff /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/01gglm /film/film/written_by /m/05kfs +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/0315rp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0294zg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/06hx2 /people/person/profession /m/0fj9f +/m/01b195 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/02x2097 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0nf3h /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h407 /language/human_language/countries_spoken_in /m/014tss +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/01z5tr +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0gcrg /film/film/music /m/07zhd7 +/m/03q2t9 /people/person/employment_history./business/employment_tenure/company /m/05s34b +/m/07qnf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/02dbp7 /people/person/nationality /m/0d060g +/m/05v45k /people/person/gender /m/05zppz +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02847m9 /film/film/country /m/09c7w0 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/05z_kps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04r7p /people/person/profession /m/02jknp +/m/01p0w_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jcmj /location/location/time_zones /m/02hczc +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/04kbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj07 +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/076tw54 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g9lm2 +/m/04vs9 /location/country/official_language /m/02h40lc +/m/0212zp /education/educational_institution/colors /m/04mkbj +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03kdl +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0b6l1st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07gxw /music/genre/parent_genre /m/0mmp3 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bw20 +/m/01tgwv /award/award_category/winners./award/award_honor/award_winner /m/05cv8 +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01l3j /people/deceased_person/place_of_death /m/030qb3t +/m/01w40h /music/record_label/artist /m/01dpsv +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/02vqsll /film/film/executive_produced_by /m/0h5f5n +/m/0g51l1 /people/person/profession /m/0dxtg +/m/03772 /influence/influence_node/influenced_by /m/0dz46 +/m/052_mn /film/film/language /m/03k50 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/064ndc /film/film/production_companies /m/025hwq +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0755wz +/m/01n4w_ /education/educational_institution/colors /m/06kqt3 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/0f8l9c +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06bng /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0bk5r /influence/influence_node/peers./influence/peer_relationship/peers /m/06myp +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/0hgqq /people/person/profession /m/01c72t +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521d_3 +/m/0c1ps1 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0mmrd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04tqtl /film/film/country /m/09c7w0 +/m/03n0pv /people/person/profession /m/0dxtg +/m/01c6l /people/person/religion /m/0c8wxp +/m/0lvng /education/educational_institution/campuses /m/0lvng +/m/0l6ny /olympics/olympic_games/sports /m/06wrt +/m/01wqpnm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0gy2y8r /film/film/executive_produced_by /m/027kmrb +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b1f49 +/m/04rqd /tv/tv_network/programs./tv/tv_network_duration/program /m/02vjhf +/m/0gd9k /film/director/film /m/0p9lw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/01_vfy /people/person/profession /m/02jknp +/m/076689 /people/deceased_person/place_of_death /m/0k_p5 +/m/035qy /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02__7n /film/actor/film./film/performance/film /m/0272_vz +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pvxl +/m/01d259 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/06w6_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/07b_l /location/location/contains /m/0mrq3 +/m/073x6y /people/person/places_lived./people/place_lived/location /m/05fkf +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/046p9 +/m/01v1ln /film/film/production_companies /m/017jv5 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02s8qk +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/013xh7 +/m/0dc95 /location/hud_county_place/place /m/0dc95 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0ctw_b /location/location/contains /m/0gsl0 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0187y5 +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03r1pr +/m/04n7njg /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07vqnc +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/0py5b +/m/01lqf49 /people/person/profession /m/0fy91 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0dzkq /influence/influence_node/peers./influence/peer_relationship/peers /m/0ct9_ +/m/017r2 /people/person/profession /m/0dxtg +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xbw2 +/m/01ttg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvt2 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0g5llry /organization/organization/headquarters./location/mailing_address/citytown /m/0f2r6 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09v6gc9 +/m/02p21g /film/actor/film./film/performance/film /m/02qydsh +/m/04mp9q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04tgp /location/location/contains /m/0hd7j +/m/0835q /people/person/nationality /m/09c7w0 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01jb26 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04zqmj /award/award_winner/awards_won./award/award_honor/award_winner /m/0227vl +/m/0jdk_ /olympics/olympic_games/sports /m/03fyrh +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/01sp81 /film/actor/film./film/performance/film /m/050xxm +/m/0f7h2v /film/actor/film./film/performance/film /m/0416y94 +/m/0r5y9 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0f14q /people/person/place_of_birth /m/01smm +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dyl9 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/02t1wn /people/person/gender /m/05zppz +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh2v5 +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3kw +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01c22t +/m/040v3t /award/award_category/winners./award/award_honor/award_winner /m/02g75 +/m/03h2p5 /people/person/place_of_birth /m/02_286 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gb_4p +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01n6r0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mnm2 /location/location/contains /m/01n4w_ +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tn0_ +/m/07hwkr /people/ethnicity/people /m/0b25vg +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01rgdw +/m/0k7tq /film/film/genre /m/02n4kr +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0gls4q_ /people/person/profession /m/02krf9 +/m/01n_2f /sports/sports_team/colors /m/06fvc +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01rf57 /tv/tv_program/genre /m/05p553 +/m/05r5c /music/instrument/instrumentalists /m/01vsnff +/m/0fby2t /film/actor/film./film/performance/film /m/087pfc +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01xcr4 /people/person/gender /m/02zsn +/m/046mxj /people/person/profession /m/0dxtg +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0htww /film/film/genre /m/082gq +/m/018phr /people/person/gender /m/02zsn +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/039fgy +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0f6_4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0407yfx /film/film/country /m/09c7w0 +/m/01nm3s /film/actor/film./film/performance/film /m/0gvs1kt +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02hhtj +/m/01pm0_ /people/person/nationality /m/09c7w0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/07bxhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/088xp +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/09c7w0 /location/location/contains /m/01n_g9 +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/01vsxdm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cbhg /film/film/genre /m/082gq +/m/05bnp0 /people/person/profession /m/01d30f +/m/0y3_8 /music/genre/artists /m/017vkx +/m/048hf /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03_vx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d49z +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/017mbb /influence/influence_node/influenced_by /m/0167xy +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/08chdb +/m/01v2xl /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164b +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b190 +/m/02tcgh /film/film/story_by /m/03wpmd +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0161c2 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03nm_fh +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/035l_9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/0653m /language/human_language/countries_spoken_in /m/09pmkv +/m/01vqrm /people/person/nationality /m/0d060g +/m/0tfc /people/person/place_of_birth /m/01zrs_ +/m/04hqz /location/country/form_of_government /m/018wl5 +/m/034h1h /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/07lp1 +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/020qr4 /tv/tv_program/genre /m/03k9fj +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/01vwyqp +/m/09c7w0 /location/location/contains /m/08815 +/m/01b8d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0301bq /people/person/gender /m/05zppz +/m/09fc83 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/060wq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04qz6n /people/person/places_lived./people/place_lived/location /m/0vm39 +/m/043ttv /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06by7 /music/genre/artists /m/02x8z_ +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/04bd8y /film/actor/film./film/performance/film /m/01q2nx +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjy +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02vntj /film/actor/film./film/performance/film /m/04jpg2p +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0n1v8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n0bp +/m/0pgm3 /people/person/gender /m/05zppz +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jz9f +/m/016jny /music/genre/artists /m/0394y +/m/049fbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/058vfp4 /film/film_set_designer/film_sets_designed /m/0jvt9 +/m/0326tc /people/person/nationality /m/07ssc +/m/02xs0q /people/person/profession /m/025352 +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026q3s3 +/m/01v3x8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/03vrp /people/person/gender /m/05zppz +/m/04sh3 /education/field_of_study/students_majoring./education/education/student /m/03dq9 +/m/02qvvv /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01gvyp +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/01dyvs /film/film/genre /m/03k9fj +/m/03m4mj /film/film/genre /m/02l7c8 +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01k_n63 /people/person/gender /m/05zppz +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/020ffd /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/0d9rp /location/location/contains /m/0d9s5 +/m/024jwt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0glt670 /music/genre/artists /m/01vtj38 +/m/05r5c /music/instrument/instrumentalists /m/0167v4 +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/015xp4 +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/0gp8sg /people/person/profession /m/02hrh1q +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/0cf_n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0404yzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/01s5q /people/cause_of_death/people /m/079dy +/m/02hy5d /people/person/nationality /m/09c7w0 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/084m3 +/m/0969fd /people/person/places_lived./people/place_lived/location /m/0430_ +/m/02b25y /people/person/religion /m/0c8wxp +/m/01520h /film/actor/film./film/performance/film /m/012mrr +/m/02jx1 /location/location/contains /m/0g8g6 +/m/04sh80 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099ks0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tcgh +/m/09c7w0 /location/location/contains /m/0225bv +/m/01jq34 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q_ph /film/actor/film./film/performance/film /m/043t8t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02ldkf +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01ngz1 +/m/04t36 /media_common/netflix_genre/titles /m/0ds11z +/m/019n7x /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033wx9 +/m/02qrv7 /film/film/language /m/02h40lc +/m/07d370 /award/award_winner/awards_won./award/award_honor/award_winner /m/06h7l7 +/m/03f0r5w /people/person/profession /m/02jknp +/m/0m_w6 /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/040_lv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/027qgy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/011xg5 /film/film/music /m/0146pg +/m/022p06 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl5c +/m/03v1w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1xb +/m/0bqs56 /people/person/profession /m/015cjr +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0d9y6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzst /education/educational_institution/students_graduates./education/education/student /m/0410cp +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/01d8yn +/m/0n0bp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01n9d9 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/03j24kf /people/person/profession /m/01c72t +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/02b61v /film/film/country /m/09c7w0 +/m/06cv1 /film/director/film /m/084qpk +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0f4_2k /film/film/country /m/09c7w0 +/m/0m_xy /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/0g5ff +/m/0kxbc /people/person/nationality /m/09c7w0 +/m/0fn8jc /people/person/employment_history./business/employment_tenure/company /m/0841v +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/05cl2w /people/person/place_of_birth /m/0cr3d +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/088gzp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02gjp /base/aareas/schema/administrative_area/administrative_parent /m/06vbd +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04nnpw +/m/05q7874 /film/film/genre /m/04rlf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/027hnjh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bfxb +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/05z_kps +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbgdv +/m/02t_y3 /film/actor/film./film/performance/film /m/01qb5d +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/036gdw /people/person/gender /m/02zsn +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0x67 /people/ethnicity/people /m/02lkcc +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/055td_ /film/film/genre /m/04xvlr +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/09wj5 /film/actor/film./film/performance/film /m/04z4j2 +/m/01v3s2_ /people/person/spouse_s./people/marriage/spouse /m/08pth9 +/m/02yvct /film/film/featured_film_locations /m/0345h +/m/03mz5b /film/film/produced_by /m/0pmhf +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/080h2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/01h1b /people/person/profession /m/02hrh1q +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0k2mxq +/m/04v8x9 /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gw7p +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tps5 +/m/081mh /location/location/contains /m/0mlm_ +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03ym1 /film/actor/film./film/performance/film /m/0d90m +/m/01pw2f1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/08yx9q +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/03d9d6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jkhr /education/educational_institution_campus/educational_institution /m/0jkhr +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/034bgm /film/director/film /m/07pd_j +/m/01dv21 /business/business_operation/industry /m/019mlh +/m/0bjqh /education/educational_institution/campuses /m/0bjqh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b15x +/m/0pgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/014ps4 /influence/influence_node/influenced_by /m/03jxw +/m/0rh7t /location/location/time_zones /m/02hcv8 +/m/016khd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c3p7 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01t_z /people/person/places_lived./people/place_lived/location /m/0dgfx +/m/035gt8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/03m8y5 /film/film/written_by /m/081lh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/047kn_ +/m/086k8 /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/012yc /music/genre/artists /m/016lmg +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqp3 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/013pk3 /people/person/profession /m/0np9r +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p4v_ +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/040p_q +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/019n9w /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01520h /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06796 /film/film_subject/films /m/011ypx +/m/020y73 /film/film/genre /m/0c3351 +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/0347xl /people/person/profession /m/0dxtg +/m/01p6xx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/082brv /people/person/nationality /m/09c7w0 +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/0py8j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01flgk +/m/0fb7sd /film/film/language /m/0jzc +/m/03ctqqf /tv/tv_program/languages /m/02h40lc +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04__f +/m/04xvlr /media_common/netflix_genre/titles /m/0462hhb +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04cj79 +/m/0794g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/08984j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017fp /media_common/netflix_genre/titles /m/034hzj +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b_jc +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/065z3_x +/m/018qb4 /olympics/olympic_games/sports /m/02vx4 +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/01_2n /tv/tv_program/genre /m/06q7n +/m/09b6zr /award/award_winner/awards_won./award/award_honor/award_winner /m/014vk4 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/030cx /tv/tv_program/program_creator /m/0b1s_q +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/03kx49 /film/film/country /m/09c7w0 +/m/09ps01 /film/film/genre /m/04xvlr +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/06b_0 /film/director/film /m/02ptczs +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/02dtg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nj07 +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/02f1c /people/person/profession /m/09jwl +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/04ns3gy /people/person/profession /m/0dxtg +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0736qr /people/person/place_of_birth /m/0z20d +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x6v6 +/m/04vq33 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/013gz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dq9wx +/m/03b78r /people/person/profession /m/014kbl +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0bkmf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pp3p +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0820xz +/m/0btpm6 /film/film/language /m/02h40lc +/m/019lwb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01zfmm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02ngbs +/m/01m13b /film/film/genre /m/0lsxr +/m/012cj0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0c9k8 /film/film/genre /m/03bxz7 +/m/012mzw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0cj_v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0hg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0jwvf /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0k7tq +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02fn5 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0k8y7 +/m/0372kf /film/actor/film./film/performance/film /m/095zlp +/m/04fzk /film/actor/film./film/performance/film /m/03bxp5 +/m/03x16f /people/person/places_lived./people/place_lived/location /m/01m1zk +/m/03ym73 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07lnk /music/genre/parent_genre /m/0fd3y +/m/09hnb /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/029m83 /film/actor/film./film/performance/film /m/0k4p0 +/m/03mqtr /media_common/netflix_genre/titles /m/0djlxb +/m/0dr_4 /film/film/genre /m/04xvh5 +/m/03gbty /sports/sports_team/sport /m/02vx4 +/m/01qd_r /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/04bdzg /people/person/places_lived./people/place_lived/location /m/0vbk +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jmyj +/m/02b1k5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vsy7t /people/person/profession /m/02hrh1q +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/026t6 /music/instrument/instrumentalists /m/09lwrt +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/016sp_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yd8v +/m/01d_4t /people/person/profession /m/02dsz +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/02y_lrp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h8f /people/person/place_of_birth /m/0vm4s +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/0yyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/02mpb /people/person/gender /m/05zppz +/m/06mr6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02rmfm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/01_j71 /people/person/nationality /m/09c7w0 +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0187y5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01tj34 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0315rp +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0p828 /base/aareas/schema/administrative_area/administrative_parent /m/017wh +/m/025ts_z /film/film/country /m/09c7w0 +/m/01rxyb /film/film/produced_by /m/054_mz +/m/04n8xs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078jt5 +/m/07bzp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hjy /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/0121rx /people/person/nationality /m/09c7w0 +/m/014x77 /film/actor/film./film/performance/film /m/03t97y +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/04jzj /people/person/nationality /m/0cdbq +/m/024_fw /award/award_category/category_of /m/0c4ys +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01_rh4 /people/person/languages /m/03_9r +/m/01pj7 /location/location/contains /m/01g_k3 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/025vl4m /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0358x_ +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yxg +/m/0g768 /music/record_label/artist /m/013rds +/m/01jvxb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/026lj /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/01vv126 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0261x8t +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05mcjs /people/person/place_of_birth /m/01w2v +/m/02jxrw /film/film/country /m/0b90_r +/m/028k2x /tv/tv_program/genre /m/06n90 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/09t4hh /people/person/nationality /m/09c7w0 +/m/02yv6b /music/genre/artists /m/044k8 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/025txrl /organization/organization/place_founded /m/05qtj +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zb6t +/m/02c0mv /people/person/profession /m/03gjzk +/m/01p8r8 /people/person/nationality /m/09c7w0 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/060__7 /film/film/language /m/03_9r +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01hjy5 +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nd6v +/m/0fv4v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03676 +/m/0mb2b /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m2j5 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0hnp7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03n93 +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tqtl +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cw67g +/m/0gkkf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/01p8r8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/099pks +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01znj1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0342h /music/instrument/instrumentalists /m/02j3d4 +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/02_l96 +/m/0c5tl /people/person/gender /m/05zppz +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0js9s +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/014zfs /influence/influence_node/influenced_by /m/0l5yl +/m/0vhm /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/041rx /people/ethnicity/people /m/02lgfh +/m/01msrb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0m6x4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/044qx +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/015w8_ +/m/0h7h6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05kr_ +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02h3tp /film/actor/film./film/performance/film /m/0fvr1 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07zhjj /tv/tv_program/program_creator /m/03cs_xw +/m/02b71x /music/genre/artists /m/030155 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h14ln +/m/0bksh /film/actor/film./film/performance/film /m/03nfnx +/m/0gywn /music/genre/artists /m/015bwt +/m/05kfs /people/person/profession /m/02jknp +/m/0_b9f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170qf /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/0gbwp /people/person/nationality /m/09c7w0 +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/06gn7r +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/0c4f4 /people/person/profession /m/02hrh1q +/m/03x7hd /film/film/film_festivals /m/0bx_f_t +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01ln5z +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07s6prs +/m/03cbtlj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfv9 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vrlqd /people/deceased_person/place_of_death /m/02_286 +/m/01vs14j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4y6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/064r97z /film/film/genre /m/04xvlr +/m/050xxm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w4v /music/genre/artists /m/018phr +/m/0223bl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0320fn /film/film/featured_film_locations /m/030qb3t +/m/02tfl8 /medicine/symptom/symptom_of /m/01_qc_ +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/033hn8 /music/record_label/artist /m/03q_w5 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01dtcb /music/record_label/artist /m/01w60_p +/m/01dzz7 /influence/influence_node/influenced_by /m/09dt7 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011x_4 +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/0gw7p /film/film/film_art_direction_by /m/0dh73w +/m/0gv07g /people/person/gender /m/05zppz +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01p79b /education/educational_institution_campus/educational_institution /m/01p79b +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q24zv +/m/0kpys /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03548 +/m/01ky2h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04glr5h /people/person/nationality /m/09c7w0 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06tw8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/0bbw2z6 /film/film/genre /m/02l7c8 +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/05fyss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d17dg +/m/0294zg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0fdpd /location/hud_county_place/place /m/0fdpd +/m/0ck91 /film/actor/film./film/performance/film /m/0g5pvv +/m/0m32h /people/cause_of_death/people /m/0chsq +/m/02kzfw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0dx97 /people/person/profession /m/05snw +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vx5w7 +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/0j5fv /medicine/symptom/symptom_of /m/02y0js +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/053y4h /film/actor/film./film/performance/film /m/01z452 +/m/01k_0fp /film/actor/film./film/performance/film /m/04jpk2 +/m/0jgx /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/03v0t /location/location/contains /m/0l3kx +/m/07g7h2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sch9 /people/ethnicity/people /m/021j72 +/m/01r4zfk /people/person/profession /m/0dxtg +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/018j2 /music/instrument/instrumentalists /m/01gf5h +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0g2mbn /people/person/nationality /m/03rk0 +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/04qftx /music/genre/artists /m/01c8v0 +/m/03y0pn /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/0h7t36 /film/film/genre /m/0219x_ +/m/07c52 /media_common/netflix_genre/titles /m/0300ml +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddfwj1 +/m/0jcgs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcjq +/m/02ldmw /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01846t /film/actor/film./film/performance/film /m/01k5y0 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gx9rvq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025r_t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01gln9 +/m/02gf_l /film/actor/film./film/performance/film /m/0g56t9t +/m/06dkzt /people/person/nationality /m/09c7w0 +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06l22 +/m/014zws /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m31m +/m/02qx1m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/0l2lk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2yf +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0770cd +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06nr2h +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015f7 +/m/03kbb8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0892sx /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03dj48 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0fpzt5 /people/person/nationality /m/09c7w0 +/m/02j9z /location/location/partially_contains /m/049nq +/m/07s5fz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/012yc /music/genre/artists /m/017j6 +/m/05rfst /film/film/language /m/02h40lc +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/045r_9 +/m/016clz /music/genre/artists /m/05xq9 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bwfwpj +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0l6qt /people/person/profession /m/02hrh1q +/m/045n3p /people/person/languages /m/02hxcvy +/m/0170s4 /film/actor/film./film/performance/film /m/011ysn +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08hmch +/m/0jt5zcn /location/location/contains /m/0ym17 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vfj +/m/017jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/022p06 +/m/04bdxl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wmxfs +/m/02ny6g /film/film/genre /m/02kdv5l +/m/02704ff /film/film/production_companies /m/02j_j0 +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/026390q /film/film/music /m/0150t6 +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04165w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpkw +/m/0gy0n /film/film/country /m/09c7w0 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_kd +/m/0pd4f /film/film/language /m/0jzc +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0svqs +/m/01vy_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvth +/m/025vl4m /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07kg3 +/m/04954r /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0jhz_ /location/location/time_zones /m/02hcv8 +/m/01vs_v8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0sz28 +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wc7p +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0_9wr /film/film/country /m/09c7w0 +/m/0m2kd /film/film/produced_by /m/09gffmz +/m/02rb84n /film/film/genre /m/01zhp +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/022q4j /people/person/gender /m/05zppz +/m/04t36 /media_common/netflix_genre/titles /m/09d3b7 +/m/0g22z /film/film/cinematography /m/06r_by +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qmfz +/m/01fm07 /music/genre/artists /m/03f1d47 +/m/08lpkq /music/genre/artists /m/0dbb3 +/m/03h_fk5 /people/person/places_lived./people/place_lived/location /m/0vbk +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/015pxr /people/person/profession /m/018gz8 +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0snty /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gct_ /influence/influence_node/peers./influence/peer_relationship/peers /m/060_7 +/m/01n44c /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/01wv9p /people/person/profession /m/0dz3r +/m/0f8grf /people/person/nationality /m/03_3d +/m/02bj6k /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/03wy8t /film/film/language /m/02h40lc +/m/0c78m /people/cause_of_death/people /m/021j72 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/06z68 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3b +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03rk0 /location/location/contains /m/0c8tk +/m/02bh8z /music/record_label/artist /m/0191h5 +/m/0166v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w5jwb +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05bp8g /people/person/place_of_birth /m/07dfk +/m/02k_4g /tv/tv_program/program_creator /m/01my4f +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/050z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0c00lh +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0169dl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/058kqy /film/director/film /m/02yvct +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/03k48_ /people/person/place_of_birth /m/0v9qg +/m/01hn_t /tv/tv_program/genre /m/02hmvc +/m/0dxmyh /people/person/places_lived./people/place_lived/location /m/0vmt +/m/0tz01 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06y9v /base/biblioness/bibs_location/country /m/07ssc +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fmdb +/m/0sxgv /film/film/genre /m/060__y +/m/07ssc /location/location/contains /m/029czt +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/013sg6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0gqfy /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/02lf_x +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/05k2s_ +/m/02j3w /location/hud_county_place/place /m/02j3w +/m/01nr63 /people/person/profession /m/014ktf +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/0993r /people/person/profession /m/02hrh1q +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/015rhv /people/person/profession /m/02jknp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01xn5th +/m/0306ds /film/actor/film./film/performance/film /m/0fpmrm3 +/m/05tgks /film/film/costume_design_by /m/02w0dc0 +/m/0cv72h /people/person/employment_history./business/employment_tenure/company /m/05g49 +/m/01mgw /film/film/produced_by /m/0h1p +/m/05qmj /people/person/gender /m/05zppz +/m/09gdm7q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/02qpt1w /film/film/language /m/06nm1 +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0hz_1 /people/person/profession /m/03gjzk +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k2cb +/m/016clz /music/genre/artists /m/01y_rz +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04205z /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02nwxc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cmc2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01fmy9 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/034qbx /film/film/costume_design_by /m/0bytfv +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x6xl +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/019l68 /people/person/profession /m/02hrh1q +/m/0l6qt /award/award_winner/awards_won./award/award_honor/award_winner /m/01t_wfl +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04954r +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0n58p /location/location/contains /m/0xszy +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1gz +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049fgvm +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/01n7q /location/location/contains /m/0r8bh +/m/0ly5n /people/person/profession /m/02hrh1q +/m/0hx4y /film/film/produced_by /m/02q_cc +/m/0jqd3 /film/film/written_by /m/03thw4 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03vyw8 +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01zhs3 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0653m /media_common/netflix_genre/titles /m/0198b6 +/m/02sjf5 /people/person/religion /m/0c8wxp +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jymd +/m/05slvm /film/actor/film./film/performance/film /m/083shs +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/035_2h /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/02x7vq /film/actor/film./film/performance/film /m/03mh94 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/049nq /location/location/contains /m/0dqyc +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/0d1w9 /film/film_subject/films /m/095z4q +/m/04vmqg /film/actor/film./film/performance/film /m/01q2nx +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/01x0yrt /music/artist/origin /m/01gc8c +/m/032zg9 /film/actor/film./film/performance/film /m/02b61v +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016z2j +/m/02k54 /location/country/form_of_government /m/01fpfn +/m/011yd2 /film/film/genre /m/03k9fj +/m/0h7t36 /film/film/film_festivals /m/04grdgy +/m/06gd4 /music/group_member/membership./music/group_membership/role /m/0342h +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/02bj22 /film/film/genre /m/01hmnh +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/015010 /film/actor/film./film/performance/film /m/04g9gd +/m/085q5 /people/person/profession /m/02hv44_ +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/07s8z_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01t6b4 +/m/0m0jc /music/genre/artists /m/01sxd1 +/m/04yywz /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/04bdlg /film/actor/film./film/performance/film /m/091xrc +/m/01npcy7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d6n_ +/m/016clz /music/genre/artists /m/01wn718 +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/080dwhx /tv/tv_program/country_of_origin /m/09c7w0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hw5kk +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03_wm6 +/m/0jc6p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pv2t +/m/09b8m /base/biblioness/bibs_location/country /m/03_r3 +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0345h /location/location/contains /m/01lhdt +/m/0prjs /people/person/profession /m/03gjzk +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0c9cp0 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02c8d7 /music/genre/artists /m/016ppr +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ggx5q /music/genre/artists /m/01vt5c_ +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z44tp +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0cbl95 /film/film/language /m/04306rv +/m/02_l96 /people/person/profession /m/018gz8 +/m/0cnl1c /people/person/profession /m/02hrh1q +/m/06gn7r /people/deceased_person/place_of_death /m/0cvw9 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/02hft3 /education/university/fraternities_and_sororities /m/0325pb +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0br1w /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03gvt /music/instrument/instrumentalists /m/01vsyjy +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/03n6r /people/deceased_person/place_of_death /m/030qb3t +/m/0gfzgl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fqjhm +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0c1j_ +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/03f47xl /influence/influence_node/influenced_by /m/0113sg +/m/0y4f8 /music/genre/artists /m/018gqj +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/07q1v4 /people/person/profession /m/01c72t +/m/0ggjt /people/person/gender /m/05zppz +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/092vkg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02q52q /film/film/production_companies /m/0g1rw +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09krp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017v_ +/m/01s7w3 /film/film/written_by /m/056wb +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/0ggbfwf /film/film/genre /m/05p553 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01vvydl /people/person/place_of_birth /m/0r03f +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05r6t /music/genre/artists /m/023p29 +/m/029rk /influence/influence_node/peers./influence/peer_relationship/peers /m/0jcx +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jmyj +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/030qb3t /sports/sports_team_location/teams /m/0jmk7 +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/03kcyd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01wmxfs /film/actor/film./film/performance/film /m/06_wqk4 +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01dbhb /people/person/gender /m/02zsn +/m/01gvr1 /people/person/profession /m/02hrh1q +/m/03mqtr /media_common/netflix_genre/titles /m/09q23x +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/06h2w /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/027m67 /film/film/language /m/012w70 +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/037q2p /education/educational_institution/school_type /m/01_srz +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01cd7p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06by7 /music/genre/artists /m/03h502k +/m/05ty4m /influence/influence_node/influenced_by /m/0gd9k +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/01nkxvx +/m/0dnvn3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q87z6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0498yf +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/01jw67 /film/film/costume_design_by /m/026lyl4 +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0dl6fv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05xbx +/m/01clyr /music/record_label/artist /m/0kj34 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbf1f +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm9n +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/05_6_y +/m/043y95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0175rc +/m/0h3mrc /people/person/nationality /m/09c7w0 +/m/0lv1x /olympics/olympic_games/sports /m/0486tv +/m/0h5jg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/04fv5b /film/film/language /m/04306rv +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8x_r +/m/011k1h /music/record_label/artist /m/01wvxw1 +/m/02whj /people/person/profession /m/01c72t +/m/02b71x /music/genre/parent_genre /m/02c8d7 +/m/09c7w0 /location/country/second_level_divisions /m/0mx0f +/m/0cchk3 /education/educational_institution/school_type /m/07tf8 +/m/01_ztw /people/person/places_lived./people/place_lived/location /m/0ply0 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02scbv /film/film/language /m/02h40lc +/m/08cn_n /people/person/nationality /m/09c7w0 +/m/04rfq /organization/organization_founder/organizations_founded /m/017jv5 +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/01zt10 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/09c7w0 /location/location/contains /m/0z1vw +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/05r5w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0h0jz /film/actor/film./film/performance/film /m/026fs38 +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02hsgn +/m/049mql /film/film/genre /m/03k9fj +/m/04l5d0 /sports/sports_team/colors /m/01g5v +/m/02f2dn /film/actor/film./film/performance/film /m/0bs8s1p +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/033tf_ /people/ethnicity/people /m/04cr6qv +/m/05fky /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01mf49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01lct6 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0kjrx /film/actor/film./film/performance/film /m/01hqk +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0mx5p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx6c +/m/07_nf /film/film_subject/films /m/04j4tx +/m/02lnbg /music/genre/artists /m/01l_vgt +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k269 +/m/01j7mr /tv/tv_program/genre /m/0m1xv +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0m8_v /people/person/profession /m/0dxtg +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/0121c1 /location/location/contains /m/01z53w +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mvth +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/052gtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03tm68 +/m/043js /film/actor/film./film/performance/film /m/0gmgwnv +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02tc5y /people/person/place_of_birth /m/017cjb +/m/0f4yh /film/film/written_by /m/02fcs2 +/m/0g4vmj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/08cfr1 /film/film/story_by /m/049gc +/m/02jx1 /location/location/contains /m/01v1vp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/024dgj /people/person/nationality /m/07ssc +/m/03xpf_7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/027pdrh +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0287477 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/08lr6s /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0443xn /people/person/profession /m/02hrh1q +/m/0p9gg /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fqt1ns +/m/01l47f5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ztgm +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/01243b /music/genre/artists /m/0khth +/m/02279c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/098n5 /people/person/nationality /m/09c7w0 +/m/01bjbk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/056wb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s7w3 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/01kd57 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jtjz /film/actor/film./film/performance/film /m/03twd6 +/m/03vyw8 /film/film/country /m/09c7w0 +/m/09c8bc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01cl0d /music/record_label/artist /m/02k5sc +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0170z3 +/m/064t9 /music/genre/artists /m/0cg9y +/m/04q_g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07kg3 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0353tm /film/film/music /m/089kpp +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/09c7w0 /location/country/second_level_divisions /m/0l3n4 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05v8c +/m/032sl_ /film/film/genre /m/07s9rl0 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/0f2nf /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b1ng +/m/0hvvf /film/film/country /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07szy +/m/04l59s /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs4r +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0mny8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01bpnd /people/person/languages /m/02h40lc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01yqqv +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02p8454 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/026v1z /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/032nwy /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy95 +/m/0n5gq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ckt6 /film/film/genre /m/0gf28 +/m/046zh /film/actor/film./film/performance/film /m/0pv54 +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrx3g +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/02j9z /base/locations/continents/countries_within /m/04w4s +/m/04y0hj /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/0hqzm6r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/081pw /time/event/locations /m/0j3b +/m/04bcb1 /people/person/profession /m/02hrh1q +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/013yq +/m/09yxcz /film/film/language /m/02h40lc +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/07vfy4 +/m/05b7q /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g970 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/03v52f /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/02qydsh /film/film/production_companies /m/056ws9 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/0l14md /music/instrument/instrumentalists /m/01p0w_ +/m/0192hw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/0c9xjl /film/actor/film./film/performance/film /m/0dzlbx +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/02wwmhc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02qmsr +/m/013pp3 /people/person/profession /m/0cbd2 +/m/027gy0k /film/film/executive_produced_by /m/0glyyw +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/0bw87 /film/actor/film./film/performance/film /m/0g_zyp +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/047g6 /influence/influence_node/influenced_by /m/03_hd +/m/04pry /base/biblioness/bibs_location/state /m/04rrx +/m/02h3tp /people/person/profession /m/02hrh1q +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0163m1 +/m/08tq4x /film/film/country /m/0f8l9c +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01x4wq /sports/sports_team/colors /m/06fvc +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/043t1s +/m/04n2vgk /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/04gb7 /film/film_subject/films /m/0fh694 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0kzcv /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/05kkh /location/location/contains /m/01smm +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/03h0byn /film/film/written_by /m/05y5fw +/m/01jssp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/02yy9r +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/052gzr /people/person/spouse_s./people/marriage/spouse /m/01hkhq +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/01r2c7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wqmm8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03yrkt +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/05pcr /sports/sports_team/sport /m/03tmr +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/01yb09 +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06g77c /film/film/music /m/01x1fq +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/0b455l /award/award_winner/awards_won./award/award_honor/award_winner /m/04vlh5 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/0yls9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0pj8m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01q32bd /people/person/nationality /m/09c7w0 +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/0jn5l /people/person/gender /m/05zppz +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bl06 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/082wbh +/m/0x1jc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06pj8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bq2g +/m/051cc /influence/influence_node/influenced_by /m/0bwx3 +/m/01c3q /music/instrument/family /m/085jw +/m/03fd8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/018mxj +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0181dw /music/record_label/artist /m/01l1b90 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/0bscw /film/film/genre /m/026ny +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/019pkm /people/person/nationality /m/09c7w0 +/m/03m6_z /people/person/languages /m/02h40lc +/m/0mwsh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09dfcj +/m/01f8gz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7v_ +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/05ty4m /influence/influence_node/influenced_by /m/0p_47 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0bx_q +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0bvls5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/07r1_ +/m/07dnx /influence/influence_node/influenced_by /m/0j3v +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01lbp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x6m +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/04g73n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mkn_d +/m/01qdjm /people/person/nationality /m/09c7w0 +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01vzxmq /people/person/profession /m/02hrh1q +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025vl4m +/m/0x67 /people/ethnicity/people /m/03pmzt +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/032zq6 /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01w2v +/m/07vjm /organization/organization/headquarters./location/mailing_address/citytown /m/015zxh +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/045zr +/m/05vzw3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0187x8 +/m/048qrd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059x0w /people/person/employment_history./business/employment_tenure/company /m/059x3p +/m/01hnb /education/educational_institution_campus/educational_institution /m/01hnb +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/03177r /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/030qb3t /location/location/contains /m/065y4w7 +/m/039d4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vy_v8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/0210f1 /people/person/gender /m/02zsn +/m/0dryh9k /people/ethnicity/people /m/05_zc7 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/07b2lv +/m/07hwkr /people/ethnicity/languages_spoken /m/012v8 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01ycfv +/m/04jwly /film/film/music /m/01l1rw +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0gk4g /people/cause_of_death/people /m/08ff1k +/m/01hqhm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m68w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02t__3 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/01mqc_ /people/person/profession /m/01d_h8 +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06fqlk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07bch9 /people/ethnicity/people /m/044qx +/m/017c87 /people/person/nationality /m/09c7w0 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017z49 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0pc62 /film/film/genre /m/07s9rl0 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05fm6m +/m/01fjz9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04lqvlr /film/film/genre /m/017fp +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/03v1s /location/location/partially_contains /m/05lx3 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/04t36 /media_common/netflix_genre/titles /m/0bmpm +/m/0462hhb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02qhlm +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/014nzp +/m/025twgt /film/film/music /m/01cbt3 +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/027s39y /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/0n58p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fz +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/05lls /education/field_of_study/students_majoring./education/education/student /m/03_l8m +/m/01k5zk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02t__3 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/09vc4s /people/ethnicity/people /m/01jb26 +/m/01nn6c /people/person/nationality /m/02jx1 +/m/09c7w0 /location/location/contains /m/068p2 +/m/0lgxj /olympics/olympic_games/participating_countries /m/07ylj +/m/0dnqr /film/film/language /m/04306rv +/m/0sw6g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/08c7cz /people/person/profession /m/02hrh1q +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/01vs8ng /people/person/profession /m/02hrh1q +/m/0kbws /olympics/olympic_games/participating_countries /m/06s6l +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0f2zc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/024_ql /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07f1x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01243b /music/genre/artists /m/01s21dg +/m/04s430 /film/actor/film./film/performance/film /m/0g9z_32 +/m/03p7rp /music/genre/artists /m/06y9c2 +/m/0jyx6 /film/film/language /m/02h40lc +/m/08fn5b /film/film/written_by /m/05ldnp +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/04y8r +/m/09c7w0 /location/location/contains /m/03y5ky +/m/02y21l /music/record_label/artist /m/01fchy +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/04t36 /media_common/netflix_genre/titles /m/02q_4ph +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yndb +/m/06ltr /people/person/gender /m/05zppz +/m/0gd_b_ /film/actor/film./film/performance/film /m/08fn5b +/m/01zzy3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07nf6 +/m/0n1v8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1xp +/m/09c7w0 /location/country/second_level_divisions /m/0drrw +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0k3l5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02w4v /music/genre/artists /m/011vx3 +/m/02qydsh /film/film/genre /m/02kdv5l +/m/01j5ql /film/film/language /m/02h40lc +/m/0170s4 /film/actor/film./film/performance/film /m/047vnkj +/m/02mg5r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/016kz1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0sw6y /people/person/place_of_birth /m/01_d4 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04cv9m +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0jqn5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mxw33 +/m/0f8x_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/05vtbl /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/05myd2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02nwxc +/m/07ss8_ /people/person/gender /m/05zppz +/m/014zcr /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0hzlz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05bmq +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/06688p /people/person/profession /m/0557q +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06ylv0 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/04gycf /people/person/religion /m/0c8wxp +/m/01gb54 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hpt3 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0gqm3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0411q /people/person/profession /m/09jwl +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02dlfh +/m/0dzc16 /people/person/gender /m/05zppz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4xt +/m/033gn8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0py5b /people/person/places_lived./people/place_lived/location /m/04pry +/m/01jfsb /media_common/netflix_genre/titles /m/04nnpw +/m/02yv6b /music/genre/parent_genre /m/016jhr +/m/05p09dd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09thp87 +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/03gfvsz /broadcast/content/artist /m/063t3j +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/043g7l /music/record_label/artist /m/01vw917 +/m/030vnj /film/actor/film./film/performance/film /m/02v5_g +/m/059rby /location/location/contains /m/02lwv5 +/m/0424m /people/person/gender /m/05zppz +/m/090q4n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hhqw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ndsl1x /film/film/country /m/09c7w0 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/057__d +/m/01k0xy /film/film/genre /m/02l7c8 +/m/02jxrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06k75 /time/event/locations /m/02vzc +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/0gkd1 /music/instrument/instrumentalists /m/04kjrv +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01lhdt /education/educational_institution/campuses /m/01lhdt +/m/0h1_w /film/actor/film./film/performance/film /m/0bl5c +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01lc5 /people/person/places_lived./people/place_lived/location /m/0k_q_ +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/02sh8y /people/person/profession /m/02hrh1q +/m/0678gl /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zrc_ +/m/0d060g /location/location/time_zones /m/042g7t +/m/01w02sy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0693l +/m/01vksx /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/043t1s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0jfx1 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/06__m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02g8h /people/person/nationality /m/03rt9 +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/051y1hd /people/deceased_person/place_of_death /m/071vr +/m/06q07 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/024_vw /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0c3dzk /people/person/nationality /m/03rjj +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/026ps1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019lwb +/m/02q_ncg /film/film/country /m/09c7w0 +/m/0kbf1 /film/film/film_art_direction_by /m/051z6mv +/m/0ff3y /influence/influence_node/influenced_by /m/084w8 +/m/07zft /people/person/profession /m/09jwl +/m/06c1y /location/country/capital /m/096gm +/m/0kbws /olympics/olympic_games/participating_countries /m/06sff +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/07gyp7 +/m/0h95zbp /film/film/genre /m/06n90 +/m/03p9hl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0478__m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/09v7wsg /award/award_category/category_of /m/0gcf2r +/m/05r5c /music/instrument/instrumentalists /m/03bxwtd +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0bz5v2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0gl02yg /film/film/language /m/02h40lc +/m/0gdm1 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vzv4 +/m/07bty /people/person/profession /m/012t_z +/m/05kyr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02lk60 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zcz3 +/m/09ksp /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01f1q8 +/m/024hbv /tv/tv_program/genre /m/07s9rl0 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0187y5 /people/person/profession /m/02jknp +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/01wg25j /people/person/gender /m/05zppz +/m/07s9rl0 /media_common/netflix_genre/titles /m/048qrd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/08m4c8 +/m/01n7q /location/location/contains /m/0r2l7 +/m/01mqc_ /film/actor/film./film/performance/film /m/035gnh +/m/02p11jq /music/record_label/artist /m/01wg25j +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/04gycf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g3mn +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0btpx /people/person/profession /m/0d1pc +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/065_cjc /film/film/written_by /m/012x2b +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/01mszz /film/film/genre /m/05p553 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rcdc2 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0qf2t /film/film/genre /m/05p553 +/m/01pdgp /education/educational_institution/school_type /m/01rs41 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/062hgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049fgvm +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmxfs +/m/0nty_ /location/location/time_zones /m/02fqwt +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/04991x /sports/sports_team/colors /m/02rnmb +/m/03qjg /music/instrument/instrumentalists /m/01vrnsk +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02mj7c +/m/01vrt_c /people/person/spouse_s./people/marriage/location_of_ceremony /m/01p8s +/m/01d5g /film/film_subject/films /m/02fqrf +/m/01tl50z /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01yh3y /film/actor/film./film/performance/film /m/0241y7 +/m/01w3v /education/university/fraternities_and_sororities /m/035tlh +/m/0157m /people/person/profession /m/0fj9f +/m/01z4y /media_common/netflix_genre/titles /m/05pxnmb +/m/01kjr0 /film/film/language /m/02h40lc +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02w7gg /people/ethnicity/people /m/01lqnff +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrd +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/0dcdp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/016lj_ /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0xhtw /music/genre/artists /m/02ndj5 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01y888 +/m/02jx1 /location/location/contains /m/02ly_ +/m/06z5s /people/cause_of_death/people /m/07_m9_ +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/01jrvr6 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/0l2k7 /location/location/time_zones /m/02lcqs +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/05nlx4 /film/film/production_companies /m/09b3v +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0203v /people/person/profession /m/099md +/m/05zh9c /people/person/nationality /m/09c7w0 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07nxnw /film/film/written_by /m/05jm7 +/m/05fjf /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0klh7 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0372j5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02qlp4 +/m/0l4vc /location/hud_county_place/county /m/0l3n4 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09p0ct +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fb1q +/m/0f4k49 /film/film/genre /m/015w9s +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/02ps55 /education/educational_institution/students_graduates./education/education/student /m/02hfp_ +/m/02jg92 /people/person/places_lived./people/place_lived/location /m/0fwc0 +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/0bpbhm /film/film/music /m/03kwtb +/m/0170k0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0154d7 +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/040z9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wb6d +/m/0gvvm6l /film/film/language /m/064_8sq +/m/01rdm0 /location/country/capital /m/096gm +/m/0qm8b /film/film/music /m/0150t6 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/0473q /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0438pz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/0mgfs /location/location/contains /m/0d117 +/m/035kl6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/010r6f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bxxzb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0q9zc /people/person/gender /m/05zppz +/m/0grwj /people/person/places_lived./people/place_lived/location /m/0dyl9 +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/0bbf1f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgv4 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0b5hj5 /education/educational_institution/school_type /m/05pcjw +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/01w20rx /people/person/nationality /m/09c7w0 +/m/024mxd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/0gz5hs /film/actor/film./film/performance/film /m/0gfzfj +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/04hs7d +/m/09stq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0k2m6 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/028q6 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02l3_5 +/m/07y_r /people/person/profession /m/02hrh1q +/m/01jv_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0vbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05hdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfk +/m/0xnvg /people/ethnicity/people /m/01p47r +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/04mp8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0byq0v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cymp +/m/0h0wc /film/actor/film./film/performance/film /m/0gy2y8r +/m/05x2t7 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0k20s /film/film/written_by /m/01q4qv +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/016z2j +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05jx2d +/m/07d370 /award/award_winner/awards_won./award/award_honor/award_winner /m/0grmhb +/m/0gl6x /education/educational_institution/colors /m/019sc +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/031n8c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/064_8sq +/m/0f8pz /people/person/gender /m/05zppz +/m/0c1fs /people/person/nationality /m/02jx1 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05vxdh /film/film/production_companies /m/02j_j0 +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01cdt5 /medicine/symptom/symptom_of /m/014w_8 +/m/0557q /music/genre/artists /m/06688p +/m/01rrd4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tbr +/m/018nnz /film/film/production_companies /m/046b0s +/m/011x_4 /film/film/production_companies /m/017s11 +/m/03f5vvx /people/person/profession /m/01pxg +/m/02g839 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0267wwv /film/film/country /m/09c7w0 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/022dp5 /people/ethnicity/people /m/01tvz5j +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/026bk +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/02bj6k /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/02xv8m /award/award_winner/awards_won./award/award_honor/award_winner /m/03m8lq +/m/02zkdz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/045cq /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0f4_l /film/film/executive_produced_by /m/0q9kd +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/030tj5 +/m/0jsg0m /people/person/profession /m/0n1h +/m/018lkp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01k3qj /music/artist/origin /m/02_286 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/02qx69 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01n5309 +/m/0d9v9q /people/person/profession /m/0gl2ny2 +/m/02_t2t /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pg45 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fn34 +/m/01gglm /film/film/country /m/09c7w0 +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0lk90 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01pj3h +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/018_lb /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/07vhb /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02kx91 /tv/tv_network/programs./tv/tv_network_duration/program /m/03gvm3t +/m/02tr7d /film/actor/film./film/performance/film /m/011ywj +/m/0jrv_ /music/genre/artists /m/01nrz4 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/01jc6q /film/film/language /m/02h40lc +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01v_pj6 /people/person/profession /m/0fnpj +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0258dh /film/film/language /m/02h40lc +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/04pmnt /film/film/production_companies /m/024rgt +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/01f492 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0244r8 +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0mj1l /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b19f +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/01n3bm /people/cause_of_death/people /m/040db +/m/012qxv /location/administrative_division/country /m/03rt9 +/m/07vc_9 /people/person/nationality /m/09c7w0 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/02_3zj /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0ynfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0chsq /people/deceased_person/place_of_death /m/0k049 +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02mp0g /education/educational_institution/colors /m/01l849 +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__ww +/m/047wh1 /film/film/country /m/09c7w0 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0221g_ +/m/0vbk /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0fcrg /base/biblioness/bibs_location/country /m/059j2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/02645b +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3kw +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/056ws9 +/m/016z2j /film/actor/film./film/performance/film /m/02q56mk +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ltf +/m/03n0q5 /people/person/nationality /m/09c7w0 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049m19 +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/0cmc2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/04gmlt /music/record_label/artist /m/02_t2t +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0fc2c /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08w6v_ /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b65l +/m/0dcsx /medicine/disease/notable_people_with_this_condition /m/06c0j +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dmn0x +/m/015076 /people/person/profession /m/02hrh1q +/m/0ytc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/08qxx9 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/02tv80 /people/person/profession /m/02hrh1q +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/0jw67 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/01tnbn /film/actor/film./film/performance/film /m/0c8tkt +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/03nn7l2 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03hfxkn /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/06mr6 /film/actor/film./film/performance/film /m/04v89z +/m/0z4s /people/person/nationality /m/0j5g9 +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01cv3n /people/person/profession /m/02hrh1q +/m/01jbx1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02029f +/m/0hn10 /media_common/netflix_genre/titles /m/02s4l6 +/m/025sc50 /music/genre/artists /m/025ldg +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0x67 /people/ethnicity/people /m/06pjs +/m/01wbg84 /people/person/profession /m/02hrh1q +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02d42t /film/actor/film./film/performance/film /m/011wtv +/m/0b_xm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/0170s4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02f8lw +/m/02lq10 /people/person/profession /m/0kyk +/m/05strv /people/person/nationality /m/09c7w0 +/m/02jx1 /location/country/second_level_divisions /m/0dhdp +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/05pq9 /people/person/profession /m/0dz3r +/m/01q7q2 /education/educational_institution/school_type /m/05jxkf +/m/015_1q /music/record_label/artist /m/0892sx +/m/09c7w0 /location/country/second_level_divisions /m/0jj85 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/0c9cp0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c0zq /film/film/music /m/01x6v6 +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tgp +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/0169t /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/08vlns /music/genre/artists /m/0dzc16 +/m/099bk /influence/influence_node/influenced_by /m/039n1 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bth54 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w58n3 +/m/0d06vc /base/culturalevent/event/entity_involved /m/09b6zr +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/03h2d4 /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/0bdlj /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/0d3fdn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/016gkf +/m/0dqytn /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/048ldh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0163zw /music/genre/parent_genre /m/08cyft +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/0lgxj /olympics/olympic_games/participating_countries /m/015qh +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06v9sf +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/02j416 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/026vcc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0fxmbn /film/film/language /m/012w70 +/m/0bs4r /film/film/written_by /m/06kxk2 +/m/042v_gx /music/instrument/instrumentalists /m/0285c +/m/07gghl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04thp /location/country/official_language /m/05zjd +/m/02r0st6 /people/person/profession /m/02jknp +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01y8cr +/m/02t4yc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02725hs /film/film/produced_by /m/0b13g7 +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/07ym47 /music/genre/artists /m/01y_rz +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jswq +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zj61 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0295sy +/m/0jp26 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lxrv /film/film/music /m/01tc9r +/m/01j8wk /film/film/genre /m/01jfsb +/m/014vk4 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/05qd_ +/m/01l3mk3 /people/person/place_of_birth /m/0cc56 +/m/030qb3t /location/location/contains /m/0l1pj +/m/0d608 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/06c97 +/m/03f77 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/067ghz /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/07z2lx /award/award_category/nominees./award/award_nomination/nominated_for /m/02qjv1p +/m/01jw67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yk13 /film/actor/film./film/performance/film /m/037xlx +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/06wm0z /film/actor/film./film/performance/film /m/09dv8h +/m/04q00lw /film/film/language /m/02hxcvy +/m/012fvq /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0bksh /film/actor/film./film/performance/film /m/05dss7 +/m/016qtt /people/person/profession /m/02hrh1q +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/02hxhz /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03mqtr /media_common/netflix_genre/titles /m/07yk1xz +/m/0q5hw /influence/influence_node/influenced_by /m/01k9lpl +/m/032nwy /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/01jq0j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/0gpmp /people/person/nationality /m/02jx1 +/m/05y7hc /music/artist/origin /m/0hyxv +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0bj25 /film/film/country /m/09c7w0 +/m/05qtj /location/location/time_zones /m/02llzg +/m/020bv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cllz +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/03d8m4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/056252 /music/record_label/artist /m/0kzy0 +/m/0dc95 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/034q81 +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/049gc /influence/influence_node/influenced_by /m/03cdg +/m/081lh /film/director/film /m/05jf85 +/m/01cf93 /music/record_label/artist /m/07n3s +/m/0gmcwlb /film/film/genre /m/06ppq +/m/017dpj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/02bh9 /film/actor/film./film/performance/film /m/050xxm +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/06by7 /music/genre/artists /m/0565cz +/m/0nbjq /olympics/olympic_games/sports /m/01cgz +/m/01n4w_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/095b70 /people/person/nationality /m/09c7w0 +/m/09cl0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06bnz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025n07 +/m/0yls9 /education/educational_institution/students_graduates./education/education/student /m/0136g9 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02mjmr /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/03hvk2 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/032dg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mszz +/m/09c7w0 /location/location/contains /m/081yw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zbws +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02ryyk +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/0gd_s /influence/influence_node/influenced_by /m/05qmj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02y21l +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lfcm +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/041c4 +/m/01ps2h8 /people/person/nationality /m/09c7w0 +/m/0g_zyp /film/film/genre /m/0jdm8 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/028mc6 /people/person/profession /m/01d_h8 +/m/0q9vf /people/person/places_lived./people/place_lived/location /m/0kpys +/m/0g1rw /award/award_winner/awards_won./award/award_honor/award_winner /m/016z1c +/m/02p2zq /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvjl0 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0237fw +/m/0m2l9 /people/person/profession /m/01d_h8 +/m/016ndm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/035qy +/m/0h5f5n /people/person/nationality /m/07ssc +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bykpk +/m/0fy34l /film/film/country /m/07ssc +/m/01wvxw1 /people/person/profession /m/016z4k +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/03bxwtd /people/person/profession /m/0dz3r +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01fkr_ +/m/02qjb_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dyztm /people/person/place_of_birth /m/02_286 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05683p +/m/036c_0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015mrk +/m/07f_7h /film/film/genre /m/03k9fj +/m/09c7w0 /location/location/contains /m/0r5y9 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/034ls +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0jm8l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v1s /location/location/contains /m/0sq2v +/m/078lk /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/0gk4g /people/cause_of_death/people /m/01c59k +/m/0x67 /people/ethnicity/people /m/02lm0t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04994l +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04s5_s /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0yx7h /film/film/genre /m/03npn +/m/0xkyn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07dzf /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01zt10 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/01tjt2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01tjsl +/m/0fsm8c /award/award_winner/awards_won./award/award_honor/award_winner /m/07r_dg +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g83dv +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/05h43ls /film/film/genre /m/05p553 +/m/09c7w0 /location/location/contains /m/0f94t +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/05qg6g /film/actor/film./film/performance/film /m/02rrh1w +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rt9 +/m/03tf_h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09cvbq +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04kngf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02_sr1 /film/film/featured_film_locations /m/030qb3t +/m/05znxx /film/film/music /m/02jxmr +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/04jlgp +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvt53w +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/018db8 +/m/03h_0_z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g7pm1 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/012xdf +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/03gvt +/m/024hbv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01541z +/m/0180mw /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05hjnw +/m/064n1pz /film/film/country /m/0345h +/m/0yc7f /base/biblioness/bibs_location/country /m/09c7w0 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/07jq_ /film/film_subject/films /m/07j8r +/m/0mm1q /people/person/profession /m/0cbd2 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/09p7fh /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0glt670 /music/genre/artists /m/0j1yf +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/051cc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017v71 /education/educational_institution/students_graduates./education/education/student /m/01gzm2 +/m/0202p_ /film/actor/film./film/performance/film /m/04v89z +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02w670 /music/artist/origin /m/01_d4 +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/0yzvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/0gxsh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/0k4f3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07bch9 /people/ethnicity/people /m/015pkc +/m/04z1v0 /music/genre/artists /m/06br6t +/m/09nhvw /people/person/place_of_birth /m/0cr3d +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/030hbp +/m/0dfjb8 /people/person/profession /m/01d_h8 +/m/02byfd /people/person/gender /m/05zppz +/m/01m1zk /location/location/time_zones /m/02hcv8 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/01ccr8 /people/person/profession /m/018gz8 +/m/0hx4y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/050fh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/04xzm +/m/01243b /music/genre/artists /m/01w524f +/m/06t2t2 /film/film/language /m/02h40lc +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/0c4y8 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/01n1gc /people/person/profession /m/02hrh1q +/m/0738b8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ty4m +/m/036jp8 /people/person/nationality /m/09c7w0 +/m/04jwly /film/film/genre /m/0hn10 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d413 +/m/0425yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/027lf1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cfz_z /people/person/sibling_s./people/sibling_relationship/sibling /m/0b5x23 +/m/03hfmm /film/film/genre /m/07s9rl0 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03rtz1 +/m/03xpf_7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/03tdlh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/019rg5 /location/location/time_zones /m/0gsrz4 +/m/01chpn /film/film/genre /m/07s9rl0 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/07xvf /film/film/genre /m/03k9fj +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03f0fnk /music/artist/contribution./music/recording_contribution/performance_role /m/0l14jd +/m/01vs_v8 /people/person/spouse_s./people/marriage/spouse /m/0sz28 +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01s0t3 +/m/0phx4 /people/person/profession /m/0nbcg +/m/0304nh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01y8d4 /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/03177r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/0rrhp /location/location/time_zones /m/02hcv8 +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/04ynx7 /film/film/genre /m/0hfjk +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rkkv +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q_dw +/m/015401 /organization/organization/headquarters./location/mailing_address/citytown /m/0ftlx +/m/04fznlb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tszq +/m/0382m4 /people/person/nationality /m/09c7w0 +/m/04q01mn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01p4vl /people/person/nationality /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017v3q +/m/0gmblvq /film/film/produced_by /m/0415svh +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0chw_ +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/09h4b5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/074tb5 /film/actor/film./film/performance/film /m/0ds2l81 +/m/015v3r /film/actor/film./film/performance/film /m/0gvrws1 +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/07cjqy /film/actor/film./film/performance/film /m/02825cv +/m/0b_5d /film/film/film_art_direction_by /m/098sv2 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bm1v +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/025vwmy +/m/03mp8k /music/record_label/artist /m/0ffgh +/m/05wm88 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0jzw /film/film/language /m/01lqm +/m/02dgq2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/0jzc +/m/0hv81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0329gm /sports/sports_team/colors /m/01l849 +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04jbyg +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vmt +/m/03z9585 /film/film/language /m/02h40lc +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rmfm +/m/02nczh /film/film/genre /m/02l7c8 +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v89z +/m/0fr9jp /education/educational_institution/school_type /m/0bpgx +/m/07sgdw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164r9 /film/actor/film./film/performance/film /m/025twgt +/m/069nzr /people/person/gender /m/05zppz +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/01v80y +/m/076_74 /people/person/profession /m/0cbd2 +/m/02ck1 /people/deceased_person/place_of_death /m/04swd +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02ldv0 /people/person/profession /m/02jknp +/m/02p2zq /music/artist/origin /m/0xrz2 +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/0gw7p /film/film/genre /m/0lsxr +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/06l3bl /media_common/netflix_genre/titles /m/01_0f7 +/m/02qlp4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtyq +/m/02qkq0 /tv/tv_program/program_creator /m/019pkm +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048wrb +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/029q_y +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mrfv +/m/01wgx4 /people/person/profession /m/02hrh1q +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8h1 +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/05dy7p /film/film/edited_by /m/08h79x +/m/01tt43d /film/director/film /m/02754c9 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0534nr /people/person/nationality /m/09c7w0 +/m/0k7tq /film/film/produced_by /m/0j_c +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/017371 /music/genre/artists /m/016sp_ +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/065jlv +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0d8r8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/09lk2 +/m/047n8xt /film/film/country /m/07ssc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/036dyy /people/person/profession /m/09jwl +/m/034ks /people/person/profession /m/05snw +/m/02h2vv /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/09743 /people/ethnicity/geographic_distribution /m/0jdd +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0lx2l +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/07z1_q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgskx /film/actor/film./film/performance/film /m/04jpg2p +/m/0f3nn /people/person/place_of_birth /m/02_286 +/m/0jrv_ /music/genre/artists /m/03j_hq +/m/03_d0 /music/genre/artists /m/013423 +/m/0479b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qx69 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0f_zkz /people/person/profession /m/0dgd_ +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0d02km /film/actor/film./film/performance/film /m/0cc7hmk +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/0h21v2 /film/film/produced_by /m/030_3z +/m/0h1p /award/award_winner/awards_won./award/award_honor/award_winner /m/076_74 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/098r1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nrnm +/m/01f6zc /film/actor/film./film/performance/film /m/0125xq +/m/04cbbz /film/film/produced_by /m/07f8wg +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/04k15 /people/deceased_person/place_of_death /m/0fhp9 +/m/07w6r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05wm88 /people/person/profession /m/02jknp +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/07c52 /media_common/netflix_genre/titles /m/04p5cr +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0219x_ /media_common/netflix_genre/titles /m/0286vp +/m/0b6tzs /film/film/genre /m/060__y +/m/0g701n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03m3nzf /people/person/gender /m/05zppz +/m/02p11jq /music/record_label/artist /m/01lw3kh +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/02y9bj /education/educational_institution/students_graduates./education/education/student /m/01d0b1 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01nwwl +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0391jz +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/02zfg3 +/m/04y0hj /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/03ft8 /people/person/religion /m/0kpl +/m/02p11jq /music/record_label/artist /m/0pqp3 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09r9dp +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lpjn +/m/0kvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2q3 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035qy +/m/079ws /people/person/profession /m/0cbd2 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf8qb +/m/0m75g /sports/sports_team_location/teams /m/01tqfs +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0fb0v /music/record_label/artist /m/01wg982 +/m/01vh3r /film/actor/film./film/performance/film /m/0fzm0g +/m/0gp5l6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fxrk +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gkmx +/m/05148p4 /music/instrument/instrumentalists /m/01w02sy +/m/092vkg /film/film/featured_film_locations /m/0vzm +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0lwkh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0cq7kw /film/film/produced_by /m/0m593 +/m/05k7sb /location/location/contains /m/0d739 +/m/09pmkv /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07hwkr /people/ethnicity/people /m/040_t +/m/0448r /people/person/languages /m/04h9h +/m/034g2b /film/actor/film./film/performance/film /m/0h03fhx +/m/01vvyvk /award/award_winner/awards_won./award/award_honor/award_winner /m/0lbj1 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035dk +/m/025vl4m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048lv +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0swbd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0863x_ +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lht1 +/m/02x9cv /education/educational_institution_campus/educational_institution /m/02x9cv +/m/02p11jq /music/record_label/artist /m/014pg1 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fmz6 +/m/022qw7 /people/person/places_lived./people/place_lived/location /m/0m75g +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/077q8x +/m/0161h5 /film/actor/film./film/performance/film /m/070fnm +/m/02zfdp /people/person/profession /m/0np9r +/m/01w61th /people/person/place_of_birth /m/0fw4v +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/033nzk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gt3p /film/actor/film./film/performance/film /m/0jwvf +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/04t2l2 /film/actor/film./film/performance/film /m/034qzw +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0432b +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9lw +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02ck7w +/m/0284h6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02g7sp /people/ethnicity/people /m/0h0jz +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02184q +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01h1b /film/actor/film./film/performance/film /m/0pdp8 +/m/07s8r0 /film/actor/film./film/performance/film /m/01s3vk +/m/01kwlwp /people/person/profession /m/0nbcg +/m/05txrz /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/047q2wc +/m/08d6bd /people/person/religion /m/03j6c +/m/01s7qqw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05pxnmb +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmbv +/m/0l14jd /education/field_of_study/students_majoring./education/education/student /m/0c73z +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/0747k8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0285xqh /people/person/profession /m/02hrh1q +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hq1 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02jx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/01mbwlb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zlh5 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/026z9 /music/genre/artists /m/03xhj6 +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01zhs3 +/m/04x8cp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0ytc +/m/0kq95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01s7j5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/02bg55 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02phtzk +/m/05v38p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01yf85 /people/person/profession /m/02hrh1q +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cms7f +/m/02qvhbb /people/person/profession /m/0cbd2 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/0395lw /music/instrument/family /m/0l14md +/m/0345gh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02__94 /people/person/nationality /m/09c7w0 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/01_p6t /people/person/profession /m/09jwl +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/014zn0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0418ft /film/actor/film./film/performance/film /m/09lxv9 +/m/05bnq8 /education/educational_institution/students_graduates./education/education/student /m/0d_w7 +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04_cdd +/m/0ckf6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h0wc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021sv1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pbrn /people/person/place_of_birth /m/0dclg +/m/0cgfb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02d9k +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bn9sc /people/person/places_lived./people/place_lived/location /m/0847q +/m/01njml /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01fwk3 /film/actor/film./film/performance/film /m/02bqxb +/m/01r2l /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06nm1 +/m/02sfnv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_vfy /people/person/profession /m/02hrh1q +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/09c7w0 /location/location/contains /m/0221g_ +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/07s9rl0 /media_common/netflix_genre/titles /m/01br2w +/m/02bjhv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/057pq5 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/039fgy /tv/tv_program/languages /m/02h40lc +/m/081hvm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cf2h +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/0725ny /people/person/profession /m/0np9r +/m/02bb8j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/08jyyk /music/genre/artists /m/0326tc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03z1c5 +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/01kpt /award/award_category/winners./award/award_honor/award_winner /m/021sv1 +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/037njl +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06s26c /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019mcm +/m/0yb_4 /location/hud_county_place/county /m/0cymp +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/062hgx /film/actor/film./film/performance/film /m/05sw5b +/m/01nr63 /people/person/profession /m/02hrh1q +/m/02pz3j5 /award/award_category/winners./award/award_honor/award_winner /m/031ydm +/m/047gpsd /film/film/featured_film_locations /m/030qb3t +/m/07ssc /location/location/contains /m/0grd7 +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/0ffgh /people/person/profession /m/04f2zj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/07gql /music/instrument/instrumentalists /m/02b25y +/m/0gvsh7l /tv/tv_program/program_creator /m/07lwsz +/m/01gkmx /people/person/profession /m/01d_h8 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/097h2 /award/award_winning_work/awards_won./award/award_honor/award /m/02vm9nd +/m/0ntxg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dy04 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/03lh3v /people/person/gender /m/05zppz +/m/0127m7 /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/0n5j7 /location/location/time_zones /m/02hcv8 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/0kftt /film/actor/film./film/performance/film /m/0cq7tx +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0299hs +/m/06n3y /location/location/contains /m/06nnj +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06chf +/m/04knkd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0mmd6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03pvt +/m/065b6q /people/ethnicity/people /m/04fzk +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rk23 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02rmfm +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/0z4s /film/actor/film./film/performance/film /m/0qmd5 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bzz7 +/m/0c6qh /film/actor/film./film/performance/film /m/09xbpt +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/070m6c +/m/080dwhx /tv/tv_program/program_creator /m/0c7t58 +/m/0j80w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0qm8b /film/film/production_companies /m/017s11 +/m/03k48_ /film/actor/film./film/performance/film /m/01sbv9 +/m/02w29z /film/actor/film./film/performance/film /m/0h1cdwq +/m/01vvydl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsgrn +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/01sjz_ /education/educational_institution/campuses /m/01sjz_ +/m/046f3p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01p1b +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/028r4y +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/035kl6 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0h1mt /people/person/gender /m/02zsn +/m/012c6x /people/person/nationality /m/09c7w0 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sb1w +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b_gq +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fvly +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/0f102 /education/university/fraternities_and_sororities /m/04m8fy +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/0fpjd_g +/m/09z2b7 /film/film/executive_produced_by /m/06q8hf +/m/02g40r /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0dyl9 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01b65l /tv/tv_program/program_creator /m/057d89 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01cbwl /music/genre/artists /m/0mgcr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05z01 +/m/0smfm /location/hud_county_place/place /m/0smfm +/m/016z2j /award/award_winner/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/06hzq3 /music/genre/parent_genre /m/011j5x +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cv_gy +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08cn_n +/m/07s9rl0 /media_common/netflix_genre/titles /m/03cv_gy +/m/07lx1s /education/educational_institution/colors /m/036k5h +/m/06c1y /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/01vb403 /people/person/nationality /m/09c7w0 +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0171lb +/m/061681 /film/film/country /m/0345h +/m/06mzp /location/location/contains /m/0zqq +/m/0cv_2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1k5 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01_1pv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0drsm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fplg +/m/0f8l9c /location/location/contains /m/0ky0b +/m/0vmt /location/location/contains /m/0qr8z +/m/014zcr /people/person/profession /m/03gjzk +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02jx1 /location/location/contains /m/012fzm +/m/015njf /people/person/gender /m/05zppz +/m/012kyx /film/film/genre /m/06n90 +/m/0pmhf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06pjs +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0x67 /people/ethnicity/people /m/04g9sq +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0dls3 /music/genre/artists /m/0285c +/m/0fr9jp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01jfsb /media_common/netflix_genre/titles /m/0k5g9 +/m/04s7y /location/location/contains /m/0pmq2 +/m/06gst /organization/organization/child./organization/organization_relationship/child /m/05gnf +/m/032r1 /people/person/nationality /m/0h7x +/m/049qx /people/person/profession /m/0dxtg +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/06qd3 /location/location/contains /m/01vsb_ +/m/0bx0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/05rd8 /film/film_subject/films /m/0gh6j94 +/m/07wkd /education/educational_institution/colors /m/06fvc +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/01sb5r /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/07jq_ /film/film_subject/films /m/0f4_2k +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/06v36 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0266r6h /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08ct6 +/m/02yplc /film/actor/film./film/performance/film /m/03s5lz +/m/04ly1 /location/location/contains /m/03x33n +/m/0kbn5 /people/person/profession /m/0cbd2 +/m/021bk /people/person/profession /m/0dxtg +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/04ftdq /education/educational_institution/school_type /m/01rs41 +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/02k21g /people/person/religion /m/013b6_ +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/01vrt_c /music/artist/origin /m/013yq +/m/0gz6b6g /film/film/country /m/09c7w0 +/m/06b3g4 /film/actor/film./film/performance/film /m/03t79f +/m/0ddkf /people/person/profession /m/01c72t +/m/09t9m2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h3mrc +/m/0ftkx /base/aareas/schema/administrative_area/administrative_parent /m/06f32 +/m/0f7hc /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/01wl38s +/m/05tbn /base/biblioness/bibs_location/country /m/09c7w0 +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07xhy /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/04y5j64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06mtq /location/location/contains /m/0mgp +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0bl06 /film/film/cinematography /m/05_2h8 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/01vrncs /film/actor/film./film/performance/film /m/06pyc2 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01dtcb /music/record_label/artist /m/0ftqr +/m/02x_y /award/award_category/disciplines_or_subjects /m/04rjg +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/06pyc2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/02tc5y +/m/024qwq /people/person/nationality /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/05vk_d +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02zk08 +/m/0t_71 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02p21g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqmvn +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01wy5m /film/actor/film./film/performance/film /m/043tvp3 +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047rkcm +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08132w +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/02w7gg /people/ethnicity/people /m/02_j7t +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05r4w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mgdy +/m/0btpm6 /film/film/featured_film_locations /m/03h64 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01_x6d /award/award_winner/awards_won./award/award_honor/award_winner /m/086nl7 +/m/0l_dv /film/actor/film./film/performance/film /m/0m2kd +/m/05148p4 /music/instrument/instrumentalists /m/01271h +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/035nm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f1c /people/person/nationality /m/09c7w0 +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/01l2b3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/036dyy +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01b1mj +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/09jw2 /music/genre/parent_genre /m/0133_p +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/015p3p /film/actor/film./film/performance/film /m/067ghz +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/04g51 /education/field_of_study/students_majoring./education/education/student /m/016h4r +/m/07733f /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/0b4rf3 /people/person/profession /m/02krf9 +/m/079vf /people/person/profession /m/0np9r +/m/01l2fn /film/actor/film./film/performance/film /m/01l2b3 +/m/04c636 /people/person/gender /m/05zppz +/m/0347xz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f3yfj /people/person/nationality /m/09c7w0 +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/02w7gg /people/ethnicity/people /m/01chc7 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/091tgz /sports/sports_team/colors /m/01jnf1 +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c52 +/m/01k_0fp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07vjm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpmrm3 +/m/06pwf6 /people/person/place_of_birth /m/0c8tk +/m/01vrt_c /film/actor/film./film/performance/film /m/01l_pn +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb07 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kt_4 +/m/09rx7tx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0cw51 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cw4l +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rvx0 +/m/07bch9 /people/ethnicity/people /m/0c1pj +/m/025s1wg /film/film/executive_produced_by /m/06q8hf +/m/02w4v /music/genre/artists /m/02cx90 +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/02bj22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05kkh /location/location/contains /m/0yz30 +/m/01fml /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/082xp +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0138mv +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/02qd04y /film/film/language /m/012w70 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019rg5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019mdt +/m/01g969 /people/person/place_of_birth /m/0mzvm +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0184jc +/m/01tp5bj /people/person/profession /m/039v1 +/m/02b13j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/064t9 /music/genre/artists /m/01w58n3 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/0bj9k /film/actor/film./film/performance/film /m/01qvz8 +/m/01j5sv /people/person/languages /m/0jzc +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/016vqk +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/047q2k1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03hmr_ /people/person/place_of_birth /m/01_d4 +/m/03fykz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_8z +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01x209s +/m/0fzyg /film/film_subject/films /m/0ckt6 +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ss8_ +/m/07fsv /location/country/official_language /m/02h40lc +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03q45x /people/person/profession /m/02hrh1q +/m/0x67 /people/ethnicity/people /m/042xrr +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031rq5 +/m/02f8lw /base/eating/practicer_of_diet/diet /m/07_jd +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bcp9b +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0zrlp /location/hud_county_place/place /m/0zrlp +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0bmj62v +/m/01lf293 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/015wy_ /education/educational_institution/students_graduates./education/education/student /m/0phx4 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0mbct +/m/0j43swk /film/film/country /m/09c7w0 +/m/04wmvz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01wz_ml /people/person/gender /m/05zppz +/m/07c2wt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02n9k /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/06cs95 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0221zw /film/film/language /m/02h40lc +/m/03j9ml /people/person/profession /m/0np9r +/m/03cdg /influence/influence_node/influenced_by /m/048cl +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d5fb /education/educational_institution/colors /m/083jv +/m/03c9pqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/01lcxbb /people/person/profession /m/09jwl +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b76kw1 +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/09txzv /film/film/production_companies /m/086k8 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/03_gd /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/03ft8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03_3d +/m/0btbyn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/057d89 +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02vr30 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01h72l /tv/tv_program/genre /m/06nbt +/m/08y7b9 /film/actor/film./film/performance/film /m/02tcgh +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0345gh +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/01nvmd_ /people/person/languages /m/02h40lc +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/018vs /music/instrument/instrumentalists /m/04mky3 +/m/0163v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/0c7xjb /people/person/spouse_s./people/marriage/spouse /m/039bpc +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/05zrvfd /award/award_category/winners./award/award_honor/award_winner /m/0fthdk +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bjrlw +/m/07jqjx /film/film/country /m/03rjj +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/024jwt +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0ntxg /location/location/contains /m/0sgxg +/m/04wp3s /people/person/languages /m/02h40lc +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0136g9 /people/person/profession /m/01c72t +/m/059j1m /film/actor/film./film/performance/film /m/0cz8mkh +/m/05vsxz /film/actor/film./film/performance/film /m/02prw4h +/m/0161c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/013xrm /people/ethnicity/people /m/039n1 +/m/02qhlm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01svq8 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04d2yp /film/actor/film./film/performance/film /m/0c8tkt +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0djlxb /film/film/cinematography /m/0jsw9l +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/018x3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0661m4p /film/film/prequel /m/031t2d +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/0dn44 /people/person/profession /m/02hrh1q +/m/015gjr /film/actor/film./film/performance/film /m/0gzy02 +/m/01vsykc /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/04s1zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/0_m3k /location/hud_county_place/place /m/0_m3k +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07_k0c0 /film/film/genre /m/01jfsb +/m/027r7k /film/film/country /m/07ssc +/m/0407yj_ /film/film/production_companies /m/01795t +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01hp5 /film/film/country /m/07ssc +/m/011ywj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044f7 /people/person/nationality /m/09c7w0 +/m/02j4sk /film/actor/film./film/performance/film /m/0p7pw +/m/021gk7 /organization/organization/headquarters./location/mailing_address/citytown /m/0xhj2 +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/041rx /people/ethnicity/people /m/04kj2v +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/023p29 /organization/organization_founder/organizations_founded /m/073tm9 +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04smdd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/033fqh /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/02645b +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0133sq +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/010hn /people/person/spouse_s./people/marriage/spouse /m/02fn5r +/m/015_1q /music/record_label/artist /m/0bvzp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05ldxl +/m/027ct7c /film/film/cinematography /m/03ctv8m +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/0260bz /film/film/produced_by /m/016dmx +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07cdz +/m/049fgvm /people/person/profession /m/03gjzk +/m/01sxly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gbn6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/06bnz /location/location/contains /m/02sn34 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wf_b +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/0jhn7 /olympics/olympic_games/sports /m/06f41 +/m/018f94 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0135k2 +/m/0k0q8q /people/person/nationality /m/03rk0 +/m/01k5y0 /film/film/genre /m/0jdm8 +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f7jt +/m/01wg6y /people/person/profession /m/028kk_ +/m/01cd7p /award/award_category/winners./award/award_honor/award_winner /m/0dz46 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/0dr1c2 /tv/tv_program/country_of_origin /m/03_3d +/m/04k9y6 /film/film/edited_by /m/03q8ch +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/029b9k /people/person/places_lived./people/place_lived/location /m/07h34 +/m/01c9d /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0c38gj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mp0g /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z0lb /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04snp2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d7vtk +/m/06rv5t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/05hdf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06b_0 +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/077w0b /organization/organization/headquarters./location/mailing_address/citytown /m/04f_d +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0827d /music/genre/artists /m/01vsy95 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02kcz +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9l_ +/m/064t9 /music/genre/artists /m/01vsy7t +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/099pks +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043tvp3 +/m/0mvn6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/047jhq /people/person/religion /m/03j6c +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vvycq +/m/023ny6 /tv/tv_program/genre /m/01z4y +/m/05jjl /people/person/nationality /m/09c7w0 +/m/0jt90f5 /influence/influence_node/influenced_by /m/03j0d +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0l8v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0f14q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/069nzr /film/actor/film./film/performance/film /m/02dr9j +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/03yvf2 +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/01z7s_ /film/director/film /m/08r4x3 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02b1cn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/013807 +/m/0d_2fb /film/film/country /m/07ssc +/m/02779r4 /people/person/profession /m/01d_h8 +/m/04bdxl /film/actor/film./film/performance/film /m/0b76t12 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/0ldff /location/location/time_zones /m/02hczc +/m/0gn30 /film/actor/film./film/performance/film /m/037xlx +/m/032f6 /language/human_language/countries_spoken_in /m/0d060g +/m/09x3r /olympics/olympic_games/participating_countries /m/087vz +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/049gc /people/deceased_person/place_of_death /m/02_286 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02py9yf +/m/06f5j /people/person/nationality /m/020d5 +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0b_cr /location/hud_county_place/county /m/0l2k7 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/086g2 /location/location/contains /m/019jlq +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/012w70 /media_common/netflix_genre/titles /m/0mb8c +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0fp_v1x /people/person/places_lived./people/place_lived/location /m/01w2v +/m/02wgbb /film/film/produced_by /m/058frd +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/02r5qtm +/m/0fvxz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jfsb /media_common/netflix_genre/titles /m/040rmy +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09xbpt /film/film/genre /m/05p553 +/m/073749 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01795t /organization/organization/place_founded /m/0r00l +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/06mnr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/0jt86 /people/person/profession /m/0cbd2 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/032w8h /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/04l19_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ckfl9 /music/genre/artists /m/0lsw9 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/0l786 /people/deceased_person/place_of_burial /m/018mm4 +/m/0jfx1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05ff6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0g39h +/m/01kws3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfpm +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bdxl +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/01pgzn_ +/m/013q07 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yzt_ +/m/014dm6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/021gzd +/m/094jv /location/location/contains /m/0ttxp +/m/0221g_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/038czx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0jtg0 /music/instrument/instrumentalists /m/03bnv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0dwl2 +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/021s9n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ktt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/095x_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/048hf +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgxk +/m/01jssp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0qdwr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01qvtwm /people/person/nationality /m/03_3d +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0c34mt /film/film/genre /m/060__y +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/02rf51g /people/person/profession /m/0nbcg +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hqcy +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/01900g /film/actor/film./film/performance/film /m/06x43v +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02ny8t /music/genre/artists /m/09nhvw +/m/0170_p /film/film/music /m/0fpjyd +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/08f3yq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08cx5g +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/027024 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/01zwy +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/01vn35l /people/person/nationality /m/02jx1 +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/01hr11 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02knxx /people/cause_of_death/people /m/0ldd +/m/03m5k /music/instrument/instrumentalists /m/0130sy +/m/09jp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03y_f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ktpx /film/film/genre /m/02l7c8 +/m/05vk_d /people/person/gender /m/02zsn +/m/023p7l /film/film/production_companies /m/04rcl7 +/m/01wwvt2 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0k2sk /film/film/genre /m/02n4kr +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bq3x /film/film_subject/films /m/051ys82 +/m/0ggx5q /music/genre/artists /m/01zmpg +/m/0140g4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08984j +/m/02pxmgz /film/film/genre /m/01jfsb +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0pd64 /film/film/language /m/064_8sq +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/01tj34 /people/person/nationality /m/09c7w0 +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/071ynp /people/person/nationality /m/06q1r +/m/0cwrr /tv/tv_program/genre /m/01hmnh +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034xyf +/m/0g2lq /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03gh4 /base/aareas/schema/administrative_area/capital /m/02hrh0_ +/m/05cgy8 /film/director/film /m/0f4vx +/m/0f25y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05fjy +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ltlj +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/0159r9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02x08c /film/actor/film./film/performance/film /m/0n0bp +/m/02t_st /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/03gyl /location/country/official_language /m/064_8sq +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/0br1w +/m/05c74 /location/country/official_language /m/06nm1 +/m/03ctqqf /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvw2 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/02pjc1h /film/film/country /m/09c7w0 +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/03_wj_ /people/person/gender /m/02zsn +/m/0lgsq /people/person/gender /m/02zsn +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mxt_ +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f0qfz /music/group_member/membership./music/group_membership/role /m/0l14j_ +/m/03mqtr /media_common/netflix_genre/titles /m/0209hj +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qr1_ +/m/024my5 /people/person/profession /m/0np9r +/m/0d5_f /people/person/profession /m/0dxtg +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0n3dv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gnf9 /people/person/profession /m/02hrh1q +/m/04z4j2 /film/film/country /m/0f8l9c +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/07ssc /location/location/contains /m/0d6yv +/m/04zx08r /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxst +/m/07ssc /location/location/contains /m/034cm +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/06j6l /music/genre/artists /m/01vvyfh +/m/030cx /tv/tv_program/genre /m/01z4y +/m/0137n0 /people/person/profession /m/03lgtv +/m/046mxj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02gl58 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/09gffmz /award/award_winner/awards_won./award/award_honor/award_winner /m/06v_gh +/m/0fsm8c /people/person/nationality /m/09c7w0 +/m/01hr11 /education/educational_institution_campus/educational_institution /m/01hr11 +/m/01w20rx /award/award_nominee/award_nominations./award/award_nomination/award /m/02flq1 +/m/01p3ty /film/film/genre /m/03q4nz +/m/0gdh5 /people/person/profession /m/0nbcg +/m/0c41y70 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/027z0pl +/m/018yv3 /music/genre/artists /m/06rgq +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0ndwt2w /film/film/produced_by /m/0js9s +/m/0d19y2 /people/cause_of_death/people /m/015dcj +/m/0161h5 /film/actor/film./film/performance/film /m/0fy66 +/m/0c921 /award/award_winner/awards_won./award/award_honor/award_winner /m/022p06 +/m/0l_v1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01mbwlb /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/05nn4k /award/award_winner/awards_won./award/award_honor/award_winner /m/025hwq +/m/06gbnc /people/ethnicity/people /m/0dzlk +/m/02gqm3 /film/film/country /m/0345h +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01dzz7 /influence/influence_node/influenced_by /m/05qzv +/m/0287477 /film/film/language /m/02h40lc +/m/0dp7wt /film/film/genre /m/06n90 +/m/03f47xl /influence/influence_node/influenced_by /m/0379s +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d66j2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/033g54 +/m/02n4kr /media_common/netflix_genre/titles /m/0hmm7 +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/093l8p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01kgv4 +/m/014kq6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hww_ /music/instrument/instrumentalists /m/07_3qd +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/02r9p0c /film/film/genre /m/02kdv5l +/m/025t9b /film/actor/film./film/performance/film /m/031778 +/m/04s1zr /film/film/genre /m/09blyk +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/08664q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lvwp +/m/0sxg4 /film/film/genre /m/07s9rl0 +/m/04ddm4 /film/film/country /m/09c7w0 +/m/051x52f /people/person/nationality /m/0b90_r +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/0582cf +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/017fp /media_common/netflix_genre/titles /m/0_816 +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0821j +/m/01pjr7 /film/director/film /m/011x_4 +/m/0y_hb /film/film/genre /m/07s9rl0 +/m/02xbyr /film/film/genre /m/04t36 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m49ly +/m/01v5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03295l /people/ethnicity/people /m/031zkw +/m/0xnvg /people/ethnicity/people /m/01x9_8 +/m/02vl9ln /film/film/country /m/0f8l9c +/m/01zh29 /people/person/religion /m/0flw86 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pyww +/m/03qncl3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/048j1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/09c7w0 /location/location/contains /m/0d9jr +/m/025rst1 /location/location/contains /m/0fsb8 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0342h /music/instrument/instrumentalists /m/02w4fkq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hq +/m/01vrncs /influence/influence_node/influenced_by /m/03f70xs +/m/03msf /location/location/contains /m/01sm9v +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/02lq10 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0bs8hvm /film/film/genre /m/0cshrf +/m/02l3_5 /film/actor/film./film/performance/film /m/03kx49 +/m/01z215 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05q4 +/m/01svry /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r6jt2 /people/person/profession /m/01c72t +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01wd9vs +/m/03h_0_z /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0j1yf +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01t6xz +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/064t9 /music/genre/artists /m/01q99h +/m/07yp0f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0181dw /music/record_label/artist /m/01vwbts +/m/06nrt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/02j9z /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02b9g4 +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lv4x +/m/01y665 /people/person/gender /m/05zppz +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03np_7 /education/educational_institution_campus/educational_institution /m/03np_7 +/m/0227vl /people/person/gender /m/02zsn +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032dg7 +/m/01sqd7 /music/record_label/artist /m/016lmg +/m/0173b0 /music/genre/artists /m/01m7pwq +/m/0gs6vr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dl567 +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/051cc /influence/influence_node/influenced_by /m/0gzh +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/034x61 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/019l68 +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/01w61th +/m/014l4w /organization/organization/headquarters./location/mailing_address/citytown /m/052p7 +/m/0194zl /film/film/executive_produced_by /m/02hfp_ +/m/01vz80y /people/person/profession /m/0cbd2 +/m/01tffp /base/culturalevent/event/entity_involved /m/018vbf +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023p29 +/m/042q3 /influence/influence_node/influenced_by /m/081k8 +/m/09kr66 /people/ethnicity/people /m/05bnp0 +/m/0fqjhm /people/person/profession /m/0d1pc +/m/01q940 /music/record_label/artist /m/01vsy7t +/m/0jksm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/0gt_k +/m/03b78r /influence/influence_node/influenced_by /m/044f7 +/m/0473rc /film/film/country /m/09c7w0 +/m/02dth1 /film/actor/film./film/performance/film /m/0344gc +/m/045hz5 /people/person/languages /m/02h40lc +/m/02q0k7v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09v6gc9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3mh3q +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0by17xn /film/film/genre /m/09blyk +/m/05c9zr /film/film/genre /m/01hmnh +/m/01k6nm /people/person/sibling_s./people/sibling_relationship/sibling /m/0cm19f +/m/0gjc4d3 /film/film/production_companies /m/02hvd +/m/0342h /music/instrument/instrumentalists /m/02fn5r +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0lbj1 /people/person/profession /m/016z4k +/m/0bqs56 /influence/influence_node/influenced_by /m/081lh +/m/0bx6zs /time/event/instance_of_recurring_event /m/0gcf2r +/m/0cl0bk /film/actor/film./film/performance/film /m/05q54f5 +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019lwb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r5qtm +/m/03knl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0j8cb +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/05k7sb /location/location/contains /m/0k3j0 +/m/04z257 /film/film/genre /m/03k9fj +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/01hkhq /film/actor/film./film/performance/film /m/0bbm7r +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/01_r9k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01f_3w /music/record_label/artist /m/0hvbj +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01slcv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/024qk1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09c7w0 /location/location/contains /m/0vmt +/m/0djkrp /film/film/written_by /m/0l6qt +/m/0173b0 /music/genre/artists /m/0g_g2 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05l8y +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0dcrb /medicine/disease/risk_factors /m/09d11 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl9_4 +/m/07ssc /location/location/contains /m/01kcww +/m/07y9w5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/084w8 /influence/influence_node/influenced_by /m/014635 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/033g0y /sports/sports_team/sport /m/02vx4 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/016z1t /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/01ry0f +/m/02pg45 /film/film/written_by /m/06cv1 +/m/0qmfk /film/film/story_by /m/0c5tl +/m/09ykwk /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/01_f90 /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vvh9 +/m/014nzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06x58 /film/actor/film./film/performance/film /m/01svry +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/05cgv /location/location/contains /m/07b2yw +/m/06j6l /music/genre/artists /m/0136p1 +/m/0468g4r /award/award_category/winners./award/award_honor/award_winner /m/016hvl +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/09jw2 /music/genre/artists /m/01vn0t_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/02ldmw /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/04fjzv /film/film/costume_design_by /m/02pqgt8 +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b17f +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/03l2n /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mrhq +/m/0kbg6 /people/person/nationality /m/09c7w0 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011ycb +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/02krdz /film/film/genre /m/01hwc6 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/06mr6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/012x03 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wqr /people/person/profession /m/02hrh1q +/m/0c7xjb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01s21dg +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03q0r1 +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq5z +/m/01gvr1 /people/person/gender /m/02zsn +/m/0dyztm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013gwb /location/location/time_zones /m/02fqwt +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/033tf_ /people/ethnicity/people /m/04gc65 +/m/03fts /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0371rb +/m/02hsgn /people/person/profession /m/02krf9 +/m/09c7w0 /location/location/contains /m/0pc56 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dy04 +/m/0lbbj /olympics/olympic_games/sports /m/01cgz +/m/0mx7f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l339 +/m/06x68 /sports/sports_team/colors /m/02rnmb +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02nczh +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02bhj4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0830vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d9d6 +/m/051vz /sports/sports_team/colors /m/083jv +/m/0167q3 /base/biblioness/bibs_location/state /m/01x73 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/04mn81 /award/award_winner/awards_won./award/award_honor/award_winner /m/04vrxh +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t2l2 +/m/0584j4n /film/film_set_designer/film_sets_designed /m/01fwzk +/m/0kvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1y7 +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0bwhdbl /film/film/genre /m/02b5_l +/m/0d34_ /sports/sports_team_location/teams /m/0bk17k +/m/057n_g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/05xpms /film/actor/film./film/performance/film /m/02x3lt7 +/m/04ych /location/location/contains /m/0ndh6 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04__f +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0170z3 /film/film/genre /m/0lsxr +/m/0klh7 /film/actor/film./film/performance/film /m/01gvts +/m/0342h /music/instrument/instrumentalists /m/036px +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014x77 +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01634x +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rzqj +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/04f0xq /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02gys2 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/07_fj54 /film/film/production_companies /m/0c41qv +/m/049fcd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/01vt9p3 +/m/02ky346 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01400v +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/031k24 +/m/02sg5v /film/film/featured_film_locations /m/035p3 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/04q24zv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/02tqm5 /film/film/country /m/0ctw_b +/m/0gx1bnj /film/film/country /m/09pmkv +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04mnts /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0326tc /people/person/profession /m/039v1 +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01m4kpp +/m/05z_kps /film/film/genre /m/07s9rl0 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/03fbb6 /award/award_winner/awards_won./award/award_honor/award_winner /m/078mgh +/m/0cf0s /base/aareas/schema/administrative_area/administrative_parent /m/088xp +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0cv_2 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/02z44tp +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/021_rm /people/person/nationality /m/09c7w0 +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bkdn +/m/09m465 /people/person/nationality /m/034m8 +/m/0pkyh /people/person/gender /m/05zppz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/07c6l /music/instrument/instrumentalists /m/02b25y +/m/0kvgnq /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jkpgv +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01v9l67 /film/actor/film./film/performance/film /m/017jd9 +/m/01rnxn /film/actor/film./film/performance/film /m/0294mx +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/0js9s /film/actor/film./film/performance/film /m/08k40m +/m/03r0g9 /film/film/country /m/0160w +/m/01phtd /people/person/gender /m/02zsn +/m/03hvk2 /education/educational_institution/students_graduates./education/education/student /m/0c9xjl +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0b9dmk /people/person/place_of_birth /m/0rt80 +/m/03rk0 /location/location/contains /m/0fk98 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0jkvj /olympics/olympic_games/sports /m/0dwxr +/m/078bz /education/educational_institution_campus/educational_institution /m/078bz +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/034q81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/02_n5d /award/award_winner/awards_won./award/award_honor/award_winner /m/01h910 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/01vnbh /tv/tv_program/genre /m/05p553 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0lkr7 /film/actor/film./film/performance/film /m/024mpp +/m/03rhqg /music/record_label/artist /m/03d2k +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02gl58 +/m/03f4k /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02zft0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035w2k +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0cskb /tv/tv_program/genre /m/07s9rl0 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0k269 /film/actor/film./film/performance/film /m/0ggbfwf +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/077q8x +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/01n43d /base/biblioness/bibs_location/country /m/03rjj +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/0h0wc +/m/03wxvk /location/administrative_division/country /m/03rjj +/m/02z0f6l /film/film/language /m/04306rv +/m/0152cw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j8sq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01snvb +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/09c7w0 /location/location/contains /m/01snm +/m/05v8c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05h95s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047msdk +/m/03rhqg /music/record_label/artist /m/0ycp3 +/m/05sns6 /film/film/featured_film_locations /m/02_286 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04sj3 +/m/01v3bn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/04vrxh /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/088vmr /music/genre/parent_genre /m/0g64p +/m/012x4t /people/person/profession /m/025352 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b2np +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/03v1s /location/location/contains /m/0smfm +/m/0gl02yg /film/film/executive_produced_by /m/01t2h2 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mkj +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bxxzb +/m/0422v0 /film/film/genre /m/0lsxr +/m/0gzlb9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fphgb +/m/035qgm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0315q3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059lwy /film/film/language /m/02h40lc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03h2c +/m/0d_rw /tv/tv_program/genre /m/01hmnh +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/03xp8d5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0c73g /influence/influence_node/peers./influence/peer_relationship/peers /m/0hqgp +/m/02_p5w /people/person/gender /m/05zppz +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0294j /film/film_subject/films /m/01qxc7 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/04w391 /film/actor/film./film/performance/film /m/0dq626 +/m/0151xv /people/person/profession /m/0dxtg +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zj61 +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/083chw /people/person/profession /m/018gz8 +/m/026f__m /film/film/music /m/01mkn_d +/m/02tqkf /people/person/languages /m/02h40lc +/m/0241y7 /film/film/production_companies /m/04rcl7 +/m/07g1sm /film/film/story_by /m/0kb3n +/m/06c1y /location/country/form_of_government /m/06cx9 +/m/015wnl /film/actor/film./film/performance/film /m/0dc_ms +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02jx1 /location/location/contains /m/0p98z +/m/0fqz6 /people/ethnicity/geographic_distribution /m/04ly1 +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02j4sk /people/person/nationality /m/09c7w0 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02lk60 +/m/025sc50 /music/genre/artists /m/011z3g +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/01cv3n /music/group_member/membership./music/group_membership/role /m/02hnl +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0m_w6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0clz7 +/m/0gcrg /film/film/film_art_direction_by /m/072twv +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvs1kt +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/03swmf +/m/02qw2xb /people/person/gender /m/02zsn +/m/07l24 /sports/sports_team/colors /m/019sc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ys4f +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/05hyzx /sports/sports_team/colors /m/01g5v +/m/02465 /people/person/profession /m/02hrh1q +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5dd +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmgwnv +/m/02fs_d /education/educational_institution_campus/educational_institution /m/02fs_d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dzf +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02ndbd /film/actor/film./film/performance/film /m/028kj0 +/m/024_41 /award/award_category/winners./award/award_honor/award_winner /m/01dhpj +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05nmg_ +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zh9c +/m/02b190 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05f4_n0 /film/film/featured_film_locations /m/04jpl +/m/021q2j /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/056k77g /film/film/genre /m/0jxy +/m/09c7w0 /location/country/second_level_divisions /m/0mx4_ +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/02z3r8t /film/film/prequel /m/0bz3jx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/01y2mq /music/genre/artists /m/0837ql +/m/02hnl /music/instrument/instrumentalists /m/048tgl +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/0hmm7 /film/film/other_crew./film/film_crew_gig/crewmember /m/02lp3c +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/07vc_9 /film/actor/film./film/performance/film /m/07yvsn +/m/076lxv /people/person/profession /m/089fss +/m/06mkj /sports/sports_team_location/teams /m/02w64f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0329nn +/m/0584r4 /tv/tv_program/genre /m/06nbt +/m/07s9rl0 /media_common/netflix_genre/titles /m/0298n7 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_cq0 +/m/02lnbg /music/genre/artists /m/025ldg +/m/016732 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012kyx +/m/017n9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/09c7w0 /location/location/contains /m/01p79b +/m/028d4v /people/person/profession /m/018gz8 +/m/04954 /film/actor/film./film/performance/film /m/0j_tw +/m/0d0x8 /location/location/contains /m/01ktz1 +/m/0qcr0 /people/cause_of_death/people /m/076lxv +/m/01wbg84 /people/person/gender /m/05zppz +/m/02508x /people/person/places_lived./people/place_lived/location /m/0125q1 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/0ylgz /education/educational_institution/students_graduates./education/education/student /m/011zwl +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/02w6bq /education/educational_institution/students_graduates./education/education/student /m/019_1h +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03hzl42 /people/person/places_lived./people/place_lived/location /m/0chghy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bpx1k +/m/04nl83 /film/film/production_companies /m/024rgt +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034hzj +/m/02gd6x /film/film/country /m/0f8l9c +/m/018fwv /people/person/gender /m/05zppz +/m/01n7q /location/location/contains /m/0k_mf +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0yfp +/m/0f42nz /film/film/genre /m/04t36 +/m/06hhrs /people/person/place_of_birth /m/0fvxz +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jv5x +/m/01z4y /media_common/netflix_genre/titles /m/02qsqmq +/m/0fhzy /base/biblioness/bibs_location/country /m/01pj7 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mrhq +/m/01wbsdz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03h_0_z +/m/03vfr_ /film/film/production_companies /m/05qd_ +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/0286gm1 /film/film/cinematography /m/079hvk +/m/06kx2 /location/location/contains /m/01jpyb +/m/02__7n /film/actor/film./film/performance/film /m/016yxn +/m/03bx_5q /award/award_winner/awards_won./award/award_honor/award_winner /m/0bc71w +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/03rjj /location/location/contains /m/052fbt +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jvj7 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gr36 +/m/04vt98 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0r2gj /location/hud_county_place/county /m/0cb4j +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4wn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/02p8q1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09c7w0 /location/location/contains /m/0xt3t +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02624g +/m/05ty4m /people/person/profession /m/02krf9 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/057176 /people/person/profession /m/02hrh1q +/m/0cp08zg /film/film/country /m/07ssc +/m/016wvy /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/07xtqq /film/film/genre /m/02m4t +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/019l68 +/m/06b_0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpk2 +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/018vs /music/instrument/instrumentalists /m/01vn35l +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/09xbpt /film/film/language /m/02h40lc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/028_yv +/m/073hhn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07ytt /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0h5g_ /people/person/nationality /m/03rt9 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070j61 +/m/0ym4t /education/educational_institution_campus/educational_institution /m/0ym4t +/m/02qkt /location/location/contains /m/0jdd +/m/05q_dw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/068g3p /people/person/nationality /m/09c7w0 +/m/0fpv_3_ /film/film/music /m/01m5m5b +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d8zt +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/071xj +/m/04xg2f /film/film/story_by /m/082mw +/m/07g2b /influence/influence_node/peers./influence/peer_relationship/peers /m/03j43 +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dhpj +/m/09pmkv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/05t54s /film/film/prequel /m/01_1hw +/m/07tg4 /organization/organization/child./organization/organization_relationship/child /m/0d07s +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1rw +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/09blyk /media_common/netflix_genre/titles /m/04fjzv +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/04rs03 /people/person/profession /m/02hrh1q +/m/019jw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/03y0pn /film/film/genre /m/01hmnh +/m/0ct9_ /influence/influence_node/influenced_by /m/04xjp +/m/01gbbz /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/03lvwp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/01wp8w7 /people/person/places_lived./people/place_lived/location /m/01l63 +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0phx4 /people/person/profession /m/09jwl +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5bx2 +/m/03d63lb /people/person/nationality /m/03rk0 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03spz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05f8c2 +/m/02lfwp /award/award_winner/awards_won./award/award_honor/award_winner /m/04w1j9 +/m/044mfr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/01gfhk /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/032r1 /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/024_dt +/m/0xnvg /people/ethnicity/people /m/01vs_v8 +/m/0l0wv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_7k /film/actor/film./film/performance/film /m/0jym0 +/m/01t_z /influence/influence_node/influenced_by /m/04jzj +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/09sr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07fj_ /sports/sports_team_location/teams /m/03_r_5 +/m/0b85mm /film/film/country /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ny57 +/m/01gvyp /film/actor/film./film/performance/film /m/0n6ds +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc5qkt +/m/06by7 /music/genre/artists /m/01vxlbm +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/09pl3f /people/person/gender /m/05zppz +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w61th +/m/015pdg /music/genre/artists /m/03gr7w +/m/0b78hw /people/person/nationality /m/09c7w0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06t6dz +/m/07h34 /location/location/contains /m/0c_m3 +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/03d_w3h +/m/078sj4 /film/film/genre /m/01f9r0 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/0125q1 /location/location/contains /m/01v1vp +/m/06j6l /music/genre/artists /m/01lqf49 +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmdb +/m/03jqfx /time/event/locations /m/0cgs4 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wx2v +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02xs6_ +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0237fw +/m/05c5z8j /film/film/genre /m/0vgkd +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jz0 +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d9v9q /people/person/nationality /m/02jx1 +/m/05l8y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/033tf_ /people/ethnicity/people /m/06sn8m +/m/0j11 /location/country/official_language /m/02bv9 +/m/0lccn /people/person/profession /m/0cbd2 +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/04zwtdy /award/award_winner/awards_won./award/award_honor/award_winner /m/0f502 +/m/01tdnyh /people/person/place_of_birth /m/05l5n +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dcz8_ +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03jb2n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/049d1 +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01j95f +/m/029h45 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ynzf +/m/013m43 /location/hud_county_place/place /m/013m43 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05ksh +/m/0bbm7r /tv/tv_program/genre /m/01z77k +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/016tt2 +/m/053j4w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/010dft /location/hud_county_place/place /m/010dft +/m/0179qv /location/location/time_zones /m/02hcv8 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0j95 /location/administrative_division/first_level_division_of /m/0d060g +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/01jbx1 /people/person/profession /m/012t_z +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03xf_m +/m/016yzz /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/039xcr /film/actor/film./film/performance/film /m/0gcpc +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0pqzh /influence/influence_node/influenced_by /m/03j0d +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01817f +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/018ctl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmmn +/m/01kx1j /people/person/gender /m/05zppz +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/01hmnh /media_common/netflix_genre/titles /m/0ptdz +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gl6f /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/064t9 /music/genre/artists /m/01kcms4 +/m/064t9 /music/genre/artists /m/0326tc +/m/01z4y /media_common/netflix_genre/titles /m/0bshwmp +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0mtl5 /location/location/contains /m/05jbn +/m/0c7t58 /people/person/nationality /m/09c7w0 +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b18l +/m/04rwx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ts0c /people/ethnicity/people /m/0f2df +/m/026c1 /film/director/film /m/047p798 +/m/06m_5 /location/location/contains /m/08l_c1 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/0cbgl +/m/065b6q /people/ethnicity/people /m/01gv_f +/m/03rhqg /music/record_label/artist /m/01vzx45 +/m/05l8y /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0h6l4 /location/location/time_zones /m/02hcv8 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/04ykg /location/location/contains /m/01pdgp +/m/0gv07g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmblvq +/m/09r3f /base/culturalevent/event/entity_involved /m/034rd +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/03j70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01fx6y /film/film/genre /m/02l7c8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/0pyww /people/person/nationality /m/0f8l9c +/m/03z_g7 /people/person/profession /m/02jknp +/m/08pth9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/0vjr +/m/0776drd /award/award_category/nominees./award/award_nomination/nominated_for /m/0j6b5 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/069q4f +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/0155w /music/genre/artists /m/0m_31 +/m/01vrlr4 /people/person/profession /m/025352 +/m/02jx1 /location/location/contains /m/014d4v +/m/0g83dv /film/film/executive_produced_by /m/06q8hf +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03d8jd1 /film/film/production_companies /m/02hvd +/m/02_nsc /film/film/genre /m/02l7c8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/01lqnff /film/actor/film./film/performance/film /m/034hwx +/m/0ccxx6 /music/genre/parent_genre /m/0g_bh +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/01_p6t /film/actor/film./film/performance/film /m/02s4l6 +/m/09rntd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08x5c_ /people/person/places_lived./people/place_lived/location /m/07dfk +/m/02xnjd /people/person/gender /m/05zppz +/m/0ggq0m /music/genre/artists /m/06449 +/m/01l87db /people/person/profession /m/0kyk +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02qgqt /people/person/profession /m/021wpb +/m/06myp /people/deceased_person/place_of_death /m/04jpl +/m/06l9n8 /people/person/profession /m/02hrh1q +/m/07sc6nw /film/film/country /m/09c7w0 +/m/06chvn /people/person/nationality /m/09c7w0 +/m/0135g /location/hud_county_place/county /m/0kpzy +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/05bnx3j +/m/09yxcz /film/film/produced_by /m/015npr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cg2cj +/m/08cn4_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/06m_5 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jzt3 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/0900j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02fj8n /film/film/executive_produced_by /m/04q5zw +/m/086sj /film/actor/film./film/performance/film /m/098s2w +/m/0k_kr /music/record_label/artist /m/0dm5l +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/0557yqh /tv/tv_program/genre /m/01t_vv +/m/01vb6z /people/person/profession /m/02jknp +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/017d93 /film/film/film_format /m/07fb8_ +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/026mg3 /award/award_category/category_of /m/0c4ys +/m/09sh8k /film/film/production_companies /m/0c_j5d +/m/01hxs4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tbr +/m/0dt1cm /people/person/places_lived./people/place_lived/location /m/0c1xm +/m/0qm8b /film/film/genre /m/082gq +/m/015gy7 /people/person/nationality /m/09c7w0 +/m/02056s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014kyy /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvjl0 +/m/0xwj /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/07t_x /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x31g +/m/01tj34 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/0170pk /film/actor/film./film/performance/film /m/03_gz8 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0584r4 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03s7h /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04t36 /media_common/netflix_genre/titles /m/02q52q +/m/07zhd7 /people/person/place_of_birth /m/04jpl +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cbm64 +/m/0btyl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0l786 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_3d +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02y_2y +/m/03b8gh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/047lj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09pjnd +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01h3dj +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/0hfml +/m/0hv8w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rq7nd +/m/09n48 /olympics/olympic_games/participating_countries /m/06bnz +/m/03061d /people/person/place_of_birth /m/01m23s +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0kbws /olympics/olympic_games/participating_countries /m/07fb6 +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/06j6l /music/genre/artists /m/09889g +/m/01wbg84 /film/actor/film./film/performance/film /m/0f2sx4 +/m/04rzd /music/instrument/instrumentalists /m/011vx3 +/m/03tc8d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07nznf /people/person/nationality /m/09c7w0 +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gcs9 +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/05c9zr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/095p3z +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/02nx2k /film/film/genre /m/02n4kr +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/033tf_ /people/ethnicity/people /m/01mqc_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/01mmslz /film/actor/film./film/performance/film /m/063hp4 +/m/0gk7z /education/educational_institution/campuses /m/0gk7z +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/09sh8k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/0169dl /film/actor/film./film/performance/film /m/02x3y41 +/m/0fby2t /film/actor/film./film/performance/film /m/0c0nhgv +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/025j1t +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f1r6t +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ywwy +/m/020x5r /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c46y6 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/06v99d +/m/025sc50 /music/genre/artists /m/067nsm +/m/0mx6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx5p +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/0415svh /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/03z8w6 /film/film_subject/films /m/0gndh +/m/026fd /film/director/film /m/03f7xg +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/09t4t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01wdcxk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/091yn0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07ymr5 +/m/035qy /location/location/contains /m/01xyy +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgly +/m/09c7w0 /location/location/contains /m/0rmby +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/05lb30 /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/07f5x /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0dr_4 /film/film/music /m/02cyfz +/m/05r5w /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgst_d +/m/02q3n9c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0431v3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030hbp +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0645k5 +/m/025rcc /education/educational_institution/campuses /m/025rcc +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/022769 /film/actor/film./film/performance/film /m/0prrm +/m/03rg5x /people/person/profession /m/0196pc +/m/03hnd /influence/influence_node/influenced_by /m/04_by +/m/025b5y /people/person/languages /m/02h40lc +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/0c12h /film/director/film /m/0hv27 +/m/06lj1m /film/actor/film./film/performance/film /m/0k2sk +/m/03rwz3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/02xv8m /film/actor/film./film/performance/film /m/047vnkj +/m/05v45k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286hyp +/m/01cycq /film/film/genre /m/06nbt +/m/03_vx9 /people/person/gender /m/02zsn +/m/016ghw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0bld8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h26tm +/m/04994l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/027rpym /film/film/costume_design_by /m/05x2t7 +/m/03z2rz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/027mdh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gvwz /film/actor/film./film/performance/film /m/017gl1 +/m/06p5g /location/location/contains /m/09cws +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/015pkt /olympics/olympic_games/sports /m/06zgc +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/07l4zhn /film/film/country /m/09c7w0 +/m/0ftccy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/09cvbq /sports/sports_team/sport /m/02vx4 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01gb_7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ctl /olympics/olympic_games/participating_countries /m/0d060g +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05m_8 +/m/02c638 /film/film/country /m/09c7w0 +/m/02qtywd /people/person/profession /m/0nbcg +/m/020y73 /film/film/genre /m/04xvlr +/m/079sf /award/award_category/winners./award/award_honor/award_winner /m/0c_jc +/m/02sjgpq /education/educational_institution/campuses /m/02sjgpq +/m/041rx /people/ethnicity/people /m/0gv5c +/m/03t852 /people/person/languages /m/02h40lc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03shpq +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y0y6 +/m/02mf7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/05kr_ /location/location/contains /m/0885n +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09p3_s +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/02hxhz /film/film/written_by /m/0pz91 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/01kt_j /tv/tv_program/languages /m/02h40lc +/m/0hnjt /people/person/profession /m/0cbd2 +/m/077qn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06r4f /tv/tv_program/program_creator /m/01rlxt +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/016z1t /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/062dn7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/01f7v_ /film/director/film /m/01f8gz +/m/0237fw /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/04ykg /location/location/contains /m/025v3k +/m/01dycg /music/record_label/artist /m/0ftqr +/m/07w21 /influence/influence_node/influenced_by /m/0bk5r +/m/02wyzmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07tj4c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh46 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/025ts_z /film/film/executive_produced_by /m/01rzqj +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02vntj /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/07m77x /people/person/profession /m/018gz8 +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0343h /award/award_winner/awards_won./award/award_honor/award_winner /m/0kx4m +/m/07ym6ss /people/person/nationality /m/09c7w0 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/045931 /film/actor/film./film/performance/film /m/017n9 +/m/01_qc_ /people/cause_of_death/people /m/06y3r +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/0261x8t /people/person/sibling_s./people/sibling_relationship/sibling /m/026_dq6 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/049nq /location/location/contains /m/0d9s5 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0d9qmn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/071vr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08yx9q +/m/0p0mx /location/location/contains /m/0l9rg +/m/03z106 /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dkpb +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022wxh +/m/041rx /people/ethnicity/people /m/01j590z +/m/04b4yg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0x67 /people/ethnicity/people /m/0203v +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/09hd6f /people/person/place_of_birth /m/0fw4v +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hmm7 +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/04pmnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/06_x996 /film/film/genre /m/02l7c8 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k1k4 +/m/02b15x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_m +/m/03lb76 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bh8yn3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06b3g4 /film/actor/film./film/performance/film /m/01gwk3 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/011k1h /music/record_label/artist /m/0qdyf +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03y7ml +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/06jcc +/m/0345h /location/location/contains /m/06fz_ +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02_j7t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cq806 /film/film/music /m/03h4mp +/m/0bkg4 /people/person/profession /m/09jwl +/m/0tc7 /film/actor/film./film/performance/film /m/032016 +/m/059t6d /people/person/profession /m/02hrh1q +/m/0408np /film/actor/film./film/performance/film /m/05t0_2v +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/05c9zr /film/film/country /m/07ssc +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/05d1y /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01t_wfl /influence/influence_node/influenced_by /m/01k9lpl +/m/05bt6j /music/genre/artists /m/01wwnh2 +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/09c7w0 /location/location/contains /m/0wqwj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/05nsfc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/07gql /music/instrument/instrumentalists /m/01gg59 +/m/04hpck /film/actor/film./film/performance/film /m/0b6m5fy +/m/01cl0d /music/record_label/artist /m/01wqflx +/m/05sxr_ /film/film/production_companies /m/09b3v +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cbtlj +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0lzkm +/m/02k4gv /people/person/profession /m/0d1pc +/m/0139q5 /people/person/gender /m/02zsn +/m/0257wh /award/award_category/winners./award/award_honor/award_winner /m/0127gn +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/02ldv0 +/m/065d1h /film/actor/film./film/performance/film /m/05znbh7 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpbhm +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/040b5k /film/film/written_by /m/014hdb +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/01y3_q /music/genre/parent_genre /m/01z9l_ +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284gc +/m/02ps55 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0cd78 +/m/06vbd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05q4 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02sg5v /film/film/produced_by /m/03kpvp +/m/03_d0 /music/genre/artists /m/01wg3q +/m/0chsq /film/actor/film./film/performance/film /m/01gglm +/m/032wdd /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/086qd /people/person/place_of_birth /m/0hptm +/m/07gghl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02wmbg /people/person/profession /m/02hrh1q +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/02rlj20 +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/02xhwm +/m/02t_v1 /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/07lt7b /film/actor/film./film/performance/film /m/0bs5vty +/m/018vs /music/instrument/instrumentalists /m/01qvgl +/m/015mrk /people/person/profession /m/0nbcg +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/07s9rl0 /media_common/netflix_genre/titles /m/035bcl +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/03phgz /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02jx1 /location/location/contains /m/0bwtj +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_s4b +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b7q +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/037q31 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02d42t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/03j2gxx /people/person/places_lived./people/place_lived/location /m/0125q1 +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/017m2y /people/person/profession /m/02hrh1q +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/07ykkx5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/0lccn +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0g10g /people/person/religion /m/0n2g +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/01jmyj /film/film/language /m/02h40lc +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04dsnp /film/film/featured_film_locations /m/02cl1 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/01g7zj /people/ethnicity/people /m/016yr0 +/m/048xyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0kq39 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/023r2x /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgf +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/08f3yq /people/person/profession /m/03gjzk +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02gpkt +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01vsykc +/m/03h2d4 /film/actor/film./film/performance/film /m/0j43swk +/m/02bj6k /people/person/profession /m/0dxtg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/04h1rz /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d1yn +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d060g /location/location/contains /m/059t8 +/m/011yth /film/film/genre /m/01jfsb +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03_d0 /music/genre/artists /m/04n32 +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/012vd6 /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01wj92r /people/person/profession /m/09jwl +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/026q3s3 /film/film/dubbing_performances./film/dubbing_performance/actor /m/091n7z +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01q7h2 +/m/0229rs /music/record_label/artist /m/0dm5l +/m/04v89z /film/film/language /m/04306rv +/m/07bbw /music/genre/parent_genre /m/04f73rc +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/024rgt +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04pmnt +/m/06q5t7 /film/actor/film./film/performance/film /m/0cp0ph6 +/m/03193l /people/person/places_lived./people/place_lived/location /m/010cw1 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ds2sb +/m/03tk6z /award/award_category/category_of /m/0c4ys +/m/0z20d /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n1tx +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/03s9v /people/person/nationality /m/02jx1 +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/02j9z /location/location/partially_contains /m/05vz3zq +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bc71w +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05kjc6 +/m/0l5yl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ldw4 +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/05rh2 +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yk8z +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yxbc +/m/01ln5z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0f5xn /film/actor/film./film/performance/film /m/02qm_f +/m/01m2n1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/04s5_s +/m/05cv8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02qr46y /tv/tv_program/country_of_origin /m/07ssc +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/034b6k /film/film/genre /m/02kdv5l +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1k5 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02flpq +/m/0gct_ /people/person/nationality /m/0f8l9c +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/01795t +/m/023322 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/07tw_b +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/0ph2w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hkch7 +/m/0kv2hv /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/0y_pg /film/film/genre /m/01jfsb +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01xndd +/m/0bxtg /film/actor/film./film/performance/film /m/0dnvn3 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/06czxq /people/person/profession /m/02hrh1q +/m/07z5n /location/country/official_language /m/064_8sq +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05b4w /location/location/contains /m/0fm7s +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/012d40 /people/person/nationality /m/03h64 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/0g_bh /music/genre/parent_genre /m/01243b +/m/05bt6j /music/genre/artists /m/01vzxld +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/048z7l /people/ethnicity/people /m/013pp3 +/m/03hdz8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0b005 /tv/tv_program/genre /m/01z4y +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0bjkpt /award/award_winner/awards_won./award/award_honor/award_winner /m/066yfh +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04205z /people/person/nationality /m/02jx1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0g39h +/m/0kq95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0285c /people/person/gender /m/05zppz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/02w7gg /people/ethnicity/people /m/044lyq +/m/0154qm /film/actor/film./film/performance/film /m/027m5wv +/m/02x_h0 /people/person/places_lived./people/place_lived/location /m/0ydpd +/m/01d38t /award/award_category/category_of /m/0c4ys +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415mzy +/m/04jpl /location/location/contains /m/0dplh +/m/0ym20 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/0f0kz /people/person/profession /m/0np9r +/m/0gt1k /film/film/written_by /m/06l6nj +/m/013b6_ /people/ethnicity/geographic_distribution /m/06bnz +/m/02d4ct /film/actor/film./film/performance/film /m/02x0fs9 +/m/0d05w3 /location/location/contains /m/0jk_8 +/m/02w3w /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07y_7 +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/02xv8m /people/person/profession /m/02hrh1q +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/01vnt4 +/m/059rby /location/location/partially_contains /m/0lm0n +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/065zlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d3qd0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20_ +/m/03vgp7 /film/actor/film./film/performance/film /m/09cr8 +/m/084nh /influence/influence_node/influenced_by /m/03f70xs +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02r2qt7 +/m/06by7 /music/genre/artists /m/012x03 +/m/05kkh /location/location/contains /m/029cr +/m/0r15k /location/hud_county_place/county /m/0kpys +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/03mgx6z /film/film/country /m/07ssc +/m/0jsg0m /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h96g /people/person/gender /m/02zsn +/m/0424m /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grnp +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/017n9 /film/film/language /m/04306rv +/m/02cj_f /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r3wm +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/04xjp /people/person/profession /m/02hv44_ +/m/0p9xd /music/genre/artists /m/024zq +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/02w3w /music/instrument/instrumentalists /m/01vd7hn +/m/0420y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01dq0z +/m/0p7vt /location/hud_county_place/place /m/0p7vt +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0p_pd /film/actor/film./film/performance/film /m/02lxrv +/m/0b478 /people/person/nationality /m/0f8l9c +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/047cqr /people/person/profession /m/0cbd2 +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f8wg +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0r0f7 /base/biblioness/bibs_location/state /m/01n7q +/m/02bfxb /people/person/profession /m/09jwl +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvt53w +/m/017lqp /people/person/profession /m/03gjzk +/m/0nbwf /location/location/contains /m/0fnmz +/m/023p29 /people/person/religion /m/092bf5 +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/03hvk2 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wz01 /people/person/place_of_birth /m/01sn3 +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/043tvp3 /film/film/executive_produced_by /m/07f8wg +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/07ww5 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/02zkdz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0338lq /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/041b4j /people/person/profession /m/02hrh1q +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047c9l /people/person/gender /m/02zsn +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/087r4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ts +/m/02bqxb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/0164nb +/m/05kr_ /location/location/contains /m/01glqw +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/039zft /film/film/genre /m/04rlf +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07c52 /media_common/netflix_genre/titles /m/03ffcz +/m/0488g9 /people/deceased_person/place_of_death /m/030qb3t +/m/0336mc /film/actor/film./film/performance/film /m/033srr +/m/016tbr /people/person/profession /m/02jknp +/m/017_qw /music/genre/artists /m/0c_mvb +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/037hz +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/04w391 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/0bl3nn /film/film/genre /m/06www +/m/0dzst /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/016z51 /people/person/gender /m/05zppz +/m/017lqp /film/actor/film./film/performance/film /m/0bz6sq +/m/0f7fy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0hvbj /music/artist/origin /m/02xry +/m/08433 /influence/influence_node/influenced_by /m/045bg +/m/0lbl6 /location/location/contains /m/0l3cy +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/036jp8 +/m/04_tv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02r3cn /people/person/profession /m/09jwl +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/0177sq /education/educational_institution_campus/educational_institution /m/0177sq +/m/067jsf /people/person/nationality /m/03rk0 +/m/026t6 /music/instrument/instrumentalists /m/03j0br4 +/m/0fgrm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w7nwm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05jm7 /influence/influence_node/influenced_by /m/03j2gxx +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02fjzt /education/educational_institution/students_graduates./education/education/student /m/02_nkp +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/04mrjs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0jdx /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bczm +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06w7v /music/instrument/instrumentalists /m/01d4cb +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/0l2jt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h96g /people/person/place_of_birth /m/0cc56 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/07ssc /media_common/netflix_genre/titles /m/0ctb4g +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/016clz /music/genre/artists /m/067mj +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/09vc4s /people/ethnicity/people /m/0484q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0j47s +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0194zl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvld +/m/01fs_4 /film/actor/film./film/performance/film /m/0199wf +/m/05bcl /location/location/contains /m/0205m3 +/m/01hmnh /media_common/netflix_genre/titles /m/032016 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02mjmr +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0h3mrc /people/person/gender /m/02zsn +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/0498y +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ds2sb +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/025ldg +/m/0pkyh /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/06j8wx /film/actor/film./film/performance/film /m/02tqm5 +/m/09r9m7 /people/deceased_person/place_of_death /m/02_286 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/02w0dc0 +/m/04rrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kbn +/m/01kcty /music/genre/artists /m/04zwjd +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/024qqx /media_common/netflix_genre/titles /m/0ptxj +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0gy0l_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/03yvf2 /film/film/genre /m/09blyk +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0n5c9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/075q_ +/m/064t9 /music/genre/artists /m/013423 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0qcr0 /people/cause_of_death/people /m/02cvp8 +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/05r5c /music/instrument/instrumentalists /m/018gqj +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01jvxb +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0162b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03y82t6 /film/actor/film./film/performance/film /m/07x4qr +/m/048z7l /people/ethnicity/people /m/0c01c +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07k51gd +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/01flv_ /film/film/featured_film_locations /m/052p7 +/m/02w9k1c /film/film/genre /m/03bxz7 +/m/07ykkx5 /film/film/genre /m/02l7c8 +/m/01nsyf /people/person/nationality /m/03_3d +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/02vyyl8 /film/film/genre /m/05p553 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0fb1q /people/person/profession /m/015cjr +/m/06z9yh /people/person/profession /m/02krf9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/02r6c_ +/m/03ckfl9 /music/genre/artists /m/01k3qj +/m/014dq7 /influence/influence_node/influenced_by /m/0gthm +/m/01cgz /film/film_subject/films /m/0cf08 +/m/05_6_y /people/person/gender /m/05zppz +/m/0127gn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvzp +/m/02pb53 /influence/influence_node/influenced_by /m/01gn36 +/m/03wjm2 /film/film/film_format /m/07fb8_ +/m/0f6_x /award/award_winner/awards_won./award/award_honor/award_winner /m/05kh_ +/m/01h7bb /film/film/genre /m/07s9rl0 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03m10r +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/06w58f /people/person/profession /m/03gjzk +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b153 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rrsz +/m/02pdhz /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/03vgp7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/071jv5 /people/person/gender /m/05zppz +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/031bf1 /people/person/nationality /m/09c7w0 +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01h910 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0gyh +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04z_3pm /film/film/genre /m/07s9rl0 +/m/0vjr /tv/tv_program/genre /m/01t_vv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f0sbl +/m/0gs973 /film/film/country /m/07ssc +/m/026t6 /music/instrument/instrumentalists /m/0140t7 +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/09rwjly +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/01l3vx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/042q3 /people/person/gender /m/05zppz +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/07r1_ +/m/03ffcz /tv/tv_program/genre /m/01z77k +/m/0kr5_ /film/director/film /m/016z5x +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/042z_g /people/person/profession /m/02hrh1q +/m/01xvjb /film/film/genre /m/05p553 +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0dwr4 +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05p5nc +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/0225bv /education/educational_institution/students_graduates./education/education/student /m/02dh86 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/07nxvj /film/film/language /m/06nm1 +/m/0309jm /people/person/nationality /m/0d060g +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/01k53x /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05lbzg /base/culturalevent/event/entity_involved /m/024pcx +/m/052nd /organization/organization/headquarters./location/mailing_address/state_province_region /m/0694j +/m/01386_ /people/person/profession /m/039v1 +/m/0b_ljy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jmfb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0gn30 /film/actor/film./film/performance/film /m/069q4f +/m/0n6ds /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w6_ +/m/07sqm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01pbxb /people/person/places_lived./people/place_lived/location /m/0vrmb +/m/0h5g_ /film/actor/film./film/performance/film /m/0bh8tgs +/m/0c38gj /film/film/country /m/09c7w0 +/m/025ldg /people/person/profession /m/02hrh1q +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06p0s1 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03zrp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0lcx /people/person/spouse_s./people/marriage/location_of_ceremony /m/0dprg +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0d608 /people/person/place_of_birth /m/05ksh +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/026lj /influence/influence_node/influenced_by /m/043s3 +/m/04cwcdb /location/administrative_division/country /m/05qhw +/m/05148p4 /music/instrument/instrumentalists /m/01wdqrx +/m/09ykwk /people/person/profession /m/0np9r +/m/06m6p7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/01rwpj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gy6z9 /people/person/profession /m/01d_h8 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/012vd6 /award/award_winner/awards_won./award/award_honor/award_winner /m/014g91 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/09s5q8 /education/educational_institution_campus/educational_institution /m/09s5q8 +/m/07tp2 /location/country/form_of_government /m/06cx9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0fm6m8 +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/05vzw3 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/038bh3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/01f7kl /film/film/country /m/09c7w0 +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/04jpg2p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/0c7lcx /film/actor/film./film/performance/film /m/0fz3b1 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07m77x +/m/01cz7r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/027n4zv /people/person/places_lived./people/place_lived/location /m/07l5z +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/03f02ct +/m/0b76d_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/0rd5k /location/location/time_zones /m/02hcv8 +/m/03k8th /film/film/featured_film_locations /m/03rjj +/m/01vy_v8 /people/person/profession /m/0np9r +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/027d5g5 /people/person/profession /m/05z96 +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jkqfz +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/091xrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01xr2s /tv/tv_program/languages /m/02h40lc +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01kj5h +/m/04grdgy /time/event/locations /m/0h7h6 +/m/01vrt_c /music/artist/origin /m/030qb3t +/m/0gywn /music/genre/artists /m/01mxqyk +/m/026n13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03lvwp +/m/0ytc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dmtp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/04q24zv /film/film/genre /m/03q4nz +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fhm5 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02825nf +/m/09snz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f8l9c /location/location/contains /m/011wdm +/m/08rr3p /film/film/genre /m/07s9rl0 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kckd +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s529 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0gz_ /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/012gq6 /people/person/gender /m/05zppz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/02_286 /location/location/contains /m/0cr3d +/m/0bs8s1p /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/012ljv +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fx0j2 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05k4my +/m/01cl0d /music/record_label/artist /m/03193l +/m/03jldb /people/person/nationality /m/09c7w0 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02hmw9 /education/educational_institution/students_graduates./education/education/student /m/0159h6 +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0h1cdwq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02mqc4 /film/actor/film./film/performance/film /m/01xlqd +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/07bzz7 /film/film/genre /m/01hmnh +/m/05cj4r /film/actor/film./film/performance/film /m/05q96q6 +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/01wzlxj /people/person/place_of_birth /m/0dzt9 +/m/039zft /film/film/genre /m/02xlf +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cd2vh9 +/m/0jmdb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/026_dq6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dq9wx +/m/05hyn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03h0k1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03q58q /music/record_label/artist /m/0xsk8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/0jzc /language/human_language/countries_spoken_in /m/06tw8 +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/07s3vqk /people/person/profession /m/09jwl +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0cxbth +/m/0jgd /location/location/contains /m/02k_px +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/019pcs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0165v /location/country/official_language /m/06nm1 +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/0ggx5q /music/genre/artists /m/047sxrj +/m/0dzlk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/09v9mks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03ckxdg /people/person/profession /m/0dxtg +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020jqv +/m/09r9dp /film/actor/film./film/performance/film /m/02qydsh +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0c3ns /people/person/profession /m/02jknp +/m/0n228 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwjk +/m/01cf5 /education/educational_institution/colors /m/01g5v +/m/0xhtw /music/genre/artists /m/013w2r +/m/0pvms /film/film/genre /m/01t_vv +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02c6d +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s6tbm +/m/0bq8tmw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06lvlf +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/01tdnyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08lr6s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8f7 +/m/0177sq /organization/organization/headquarters./location/mailing_address/citytown /m/0dzt9 +/m/01rtm4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pvms /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04gcyg /film/film/film_production_design_by /m/05b5_tj +/m/01dtcb /music/record_label/artist /m/0bk1p +/m/02j416 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/0jwvf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07g0_ /location/location/time_zones /m/02llzg +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06l22 +/m/0bbf1f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/042ly5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07b8m1 +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01mv_n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/02lm0t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d9k +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/025mb_ /people/person/profession /m/018gz8 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/05q_dw /film/film/production_companies /m/03rwz3 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02zkz7 +/m/0cc97st /film/film/production_companies /m/04rcl7 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/056wb /influence/influence_node/influenced_by /m/0ky1 +/m/011_3s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/029q3k +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0b0pf +/m/0sn4f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01h0kx /music/genre/parent_genre /m/011j5x +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/022411 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05qmj /people/person/profession /m/0cbd2 +/m/02lxrv /film/film/genre /m/01q03 +/m/01znc_ /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/052gtg /base/aareas/schema/administrative_area/administrative_parent /m/068cn +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/0133_p /music/genre/artists /m/01whg97 +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/0372p /people/person/profession /m/04gc2 +/m/0432mrk /people/ethnicity/people /m/01wbgdv +/m/0155w /music/genre/artists /m/020_4z +/m/09x3r /olympics/olympic_games/participating_countries /m/0jgd +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/046f3p /film/film/genre /m/03bxz7 +/m/09ps01 /film/film/cinematography /m/0jsw9l +/m/03nx8mj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0dt5k /location/administrative_division/first_level_division_of /m/0j5g9 +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02rsl1 +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/026t6 /music/instrument/instrumentalists /m/01vs4f3 +/m/0cgbf /film/actor/film./film/performance/film /m/0cy__l +/m/0579tg2 /award/award_winner/awards_won./award/award_honor/award_winner /m/057bc6m +/m/0c9k8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01v_pj6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/018jmn +/m/09b3v /media_common/netflix_genre/titles /m/01xdxy +/m/059kh /music/genre/parent_genre /m/05bt6j +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0k_l4 +/m/02clgg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yk13 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08s_lw +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/0cx7f /music/genre/artists /m/0m19t +/m/015t7v /film/actor/film./film/performance/film /m/0dr_4 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09k56b7 +/m/020_4z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bbxd3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0123qq +/m/02mc79 /people/person/profession /m/01d_h8 +/m/013v5j /people/person/profession /m/0nbcg +/m/02qwg /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/035yg /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0qcr0 /people/cause_of_death/people /m/09p0q +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gldyz +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05dkbr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/024qqx /media_common/netflix_genre/titles /m/0p3_y +/m/03gvt /music/instrument/instrumentalists /m/01mr2g6 +/m/019f9z /music/artist/origin /m/0dclg +/m/013yq /sports/sports_team_location/teams /m/0j86l +/m/06msq2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05_z42 +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/04vr_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qncf /film/film/language /m/02h40lc +/m/0151w_ /film/actor/film./film/performance/film /m/0prrm +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/01_vfy /people/person/profession /m/01d_h8 +/m/020bv3 /film/film/music /m/05y7hc +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cc_1 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03x7hd /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058kqy +/m/01j590z /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07vfy4 +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0227vl +/m/04vlh5 /people/person/profession /m/02jknp +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0l8g0 +/m/0jhd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/020qr4 /tv/tv_program/genre /m/0jxy +/m/026670 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/02x8m /music/genre/artists /m/03c3yf +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0341n5 +/m/071ynp /people/person/profession /m/02hrh1q +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0160nk +/m/04vjh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07z1m /location/location/contains /m/0dzt9 +/m/01_d4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/02dh86 /people/person/profession /m/03gjzk +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0h326 /film/actor/film./film/performance/film /m/0cbn7c +/m/01k2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/0xhtw /music/genre/artists /m/033s6 +/m/01nvmd_ /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/01rf57 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0284jb /base/biblioness/bibs_location/country /m/09c7w0 +/m/0htlr /people/person/languages /m/064_8sq +/m/01sxd1 /people/person/nationality /m/07ssc +/m/02lnbg /music/genre/artists /m/0127s7 +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/04y0hj /people/person/gender /m/02zsn +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqh5 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0csdzz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/01l2m3 /people/cause_of_death/people /m/02l0sf +/m/01718w /film/film/executive_produced_by /m/0glyyw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/01cyjx /people/person/nationality /m/09c7w0 +/m/02lj6p /people/person/profession /m/0dxtg +/m/0mmp3 /music/genre/artists /m/01ww_vs +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0r785 /location/location/time_zones /m/02lcqs +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0csdzz +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/08jfkw /people/person/languages /m/02h40lc +/m/01dw9z /music/artist/origin /m/02hrh0_ +/m/02vyw /award/award_winner/awards_won./award/award_honor/award_winner /m/0kb3n +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/01vwbts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/047c9l +/m/0h1m9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/01fsv9 /education/educational_institution_campus/educational_institution /m/01fsv9 +/m/0c_j9x /film/film/language /m/064_8sq +/m/019ltg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01x0sy /film/actor/film./film/performance/film /m/03vfr_ +/m/0hfjk /media_common/netflix_genre/titles /m/0b73_1d +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0m6x4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gfsq9 /film/film/genre /m/01drsx +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02rsl1 +/m/06gjk9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/03jqfx /base/culturalevent/event/entity_involved /m/06mkj +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/01g42 +/m/011wtv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0j11 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bx_q +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0fqg8 /base/biblioness/bibs_location/country /m/01ppq +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/05gnf9 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/07ftc0 +/m/01qx13 /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/04j6dg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/014_lq /influence/influence_node/influenced_by /m/0b1hw +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016ckq /music/record_label/artist /m/024qwq +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/0blg2 /olympics/olympic_games/sports /m/064vjs +/m/09pmkv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/024rwx /tv/tv_program/genre /m/0hcr +/m/01b3bp /people/person/place_of_birth /m/0c1d0 +/m/01rcmg /people/person/gender /m/05zppz +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0ptdz /film/film/language /m/02h40lc +/m/01vsn38 /film/actor/film./film/performance/film /m/04sntd +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/03tc5p /sports/sports_team/colors /m/06fvc +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02z9rr /film/film/genre /m/06n90 +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/06fmdb /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvld +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02r0st6 /people/person/profession /m/02krf9 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06fq2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/01wvxw1 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/09v0wy2 /award/award_category/winners./award/award_honor/award_winner /m/0pkr1 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l0wv +/m/01qb5d /film/film/executive_produced_by /m/02xnjd +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x0fs9 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04jpg2p /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02clgg +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02qfv5d /media_common/netflix_genre/titles /m/02rrh1w +/m/07s9rl0 /media_common/netflix_genre/titles /m/035zr0 +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/01fwpt /film/actor/film./film/performance/film /m/0yx1m +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/0xhtw /music/genre/artists /m/0qdyf +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0h095 /location/location/time_zones /m/02llzg +/m/0ymf1 /education/educational_institution/students_graduates./education/education/student /m/01wd02c +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027hnjh +/m/09c7w0 /location/location/contains /m/0tlq9 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0g6xq /base/aareas/schema/administrative_area/administrative_parent /m/09pmkv +/m/032wdd /people/person/gender /m/02zsn +/m/0fzs6w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05y0cr /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/0bxjpy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03j70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdd +/m/012jfb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r93l /people/person/profession /m/01d_h8 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02q_cc /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/01f1q8 /base/biblioness/bibs_location/country /m/03rk0 +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01dtcb /music/record_label/artist /m/01bczm +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/07kc_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/08vq2y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/031zkw /people/person/profession /m/02krf9 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jml5 +/m/0d07j8 /people/person/profession /m/026sdt1 +/m/026xt5c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01rrd4 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/04cr6qv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dxmyh +/m/04ddm4 /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/048xyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/014l6_ /film/film/produced_by /m/04pqqb +/m/03m1n /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/040rjq /people/person/profession /m/02jknp +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/08gyz_ /people/person/places_lived./people/place_lived/location /m/050l8 +/m/0mgkg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/08gsvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/01w8g3 /film/film/film_format /m/07fb8_ +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/04mrhq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0ldqf /olympics/olympic_games/sports /m/018w8 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/091rc5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01flzq /music/genre/artists /m/047sxrj +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01hc9_ /influence/influence_node/influenced_by /m/02zjd +/m/026t6 /music/instrument/instrumentalists /m/0fp_v1x +/m/05znxx /film/film/genre /m/07s9rl0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0888c3 /film/film/music /m/021bk +/m/05dss7 /film/film/written_by /m/064jjy +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/04t969 /people/person/profession /m/02krf9 +/m/01t6xz /film/actor/film./film/performance/film /m/051zy_b +/m/0ml25 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0401sg /film/film/music /m/03h502k +/m/05vk_d /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04w391 +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01_ztw /people/person/profession /m/016z4k +/m/0dpqk /film/actor/film./film/performance/film /m/015x74 +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/0k9ctht /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrx3g +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/01vvb4m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kjrx +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/02b29 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmwg /music/genre/artists /m/03q_w5 +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gy0l_ /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/025n3p /film/actor/film./film/performance/film /m/07024 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/06pwf6 /people/person/profession /m/02hrh1q +/m/025twgf /film/film/story_by /m/0fx02 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/08jyyk /music/genre/artists /m/012zng +/m/0ptdz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026n13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/030z4z /film/film/language /m/02hxcvy +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/01cw13 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03b12 /location/location/time_zones /m/02fqwt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01j_jh +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/018gm9 +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05sdxx +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030b93 +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/037css +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09rx7tx +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/02w_6xj +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/08fn5b /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/05vsxz /film/actor/film./film/performance/film /m/0260bz +/m/0333t /film/film/genre /m/060__y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/03_d0 /music/genre/artists /m/02_fj +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/0gs1_ /film/actor/film./film/performance/film /m/0m9p3 +/m/02qwg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gx_p +/m/027rpym /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07zhd7 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025jfl +/m/0gltv /film/film/genre /m/04xvh5 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02y9bj +/m/0dmn0x /film/film/music /m/012ljv +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h26tm +/m/02cyfz /people/person/nationality /m/09c7w0 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/0fs29 /location/administrative_division/first_level_division_of /m/09lxtg +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hh89 +/m/0hvgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/032c08 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01_k7f /education/educational_institution_campus/educational_institution /m/01_k7f +/m/028rk /organization/organization_founder/organizations_founded /m/05f4p +/m/0x67 /people/ethnicity/people /m/014zfs +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/02rn00y /film/film/executive_produced_by /m/04jspq +/m/06z9f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09q23x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04zl8 /film/film/genre /m/01q03 +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01t07j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/06mn7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z_g6 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvpjj +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/012vd6 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/016kjs +/m/0dd2f /music/record_label/artist /m/0kvnn +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027ffq +/m/01pxqx /base/biblioness/bibs_location/country /m/04hzj +/m/01zmpg /people/person/profession /m/09jwl +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/04dbw3 /people/ethnicity/people /m/0cms7f +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0jrxx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/01ynvx /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0g293 /music/genre/artists /m/01qmy04 +/m/053mhx /education/educational_institution_campus/educational_institution /m/053mhx +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/05r5c +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03gvpk /people/person/profession /m/0n1h +/m/0c9t0y /film/film/music /m/015wc0 +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycck +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/03sww /film/actor/film./film/performance/film /m/035gnh +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0fs9vc /film/film/production_companies /m/04rcl7 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/03gvm3t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03k7dn /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0fvd03 /education/educational_institution/students_graduates./education/education/student /m/01nn6c +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/0124k9 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/07ncs0 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0t_71 /location/hud_county_place/place /m/0t_71 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0l786 +/m/03vgp7 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0qdwr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrrm +/m/0g5pv3 /film/film/genre /m/0bkbm +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/054y8 /base/biblioness/bibs_location/state /m/06jtd +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/02v570 /film/film/personal_appearances./film/personal_film_appearance/person /m/014vk4 +/m/04nlb94 /film/film/language /m/06nm1 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/03k9fj /media_common/netflix_genre/titles /m/01msrb +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y0y6 +/m/03548 /location/country/form_of_government /m/06cx9 +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/041h0 +/m/02n4kr /media_common/netflix_genre/titles /m/0422v0 +/m/067ghz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ssc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/09lcsj /film/film/music /m/04pf4r +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s7j5 +/m/04ly1 /location/location/contains /m/02vkzcx +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0lfbm +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/059j4x +/m/07lp1 /influence/influence_node/influenced_by /m/041mt +/m/01yzhn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j851 +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/08lr6s /film/film/genre /m/04xvh5 +/m/059_c /location/location/contains /m/0d1y7 +/m/0557q /music/genre/artists /m/01l3mk3 +/m/04tr1 /location/country/form_of_government /m/06cx9 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/016zdd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgv4 +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfpm +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01b9w3 /tv/tv_program/country_of_origin /m/09c7w0 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03rj0 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09q23x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kxbwx /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/013q0p /film/film/music /m/01r4hry +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0947l /location/location/contains /m/057bxr +/m/03yj_0n /film/actor/film./film/performance/film /m/0fpmrm3 +/m/02qw_v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/015fsv +/m/0tz01 /base/biblioness/bibs_location/state /m/05k7sb +/m/05wjnt /film/actor/film./film/performance/film /m/04q827 +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/0glt670 /music/genre/artists /m/01dw_f +/m/02xgdv /people/person/profession /m/02hrh1q +/m/04v8h1 /film/film/genre /m/07s9rl0 +/m/01kwsg /film/actor/film./film/performance/film /m/031t2d +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/02q9kqf +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/012v9y +/m/02s2lg /sports/sports_team/sport /m/02vx4 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/03jqw5 /film/actor/film./film/performance/film /m/07vn_9 +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bnzd +/m/0lhp1 /sports/sports_team/colors /m/06kqt3 +/m/02w7gg /people/ethnicity/people /m/0c9c0 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05dbyt +/m/0d61px /film/film/country /m/07ssc +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/012_53 /people/person/nationality /m/09c7w0 +/m/05jyb2 /tv/tv_program/languages /m/02h40lc +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04j53 /sports/sports_team_location/teams /m/02_t6d +/m/0jdx /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01m4kpp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04t2t /media_common/netflix_genre/titles /m/043n0v_ +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fzyg +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0j1yf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bksh +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0kctd +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/02ptzz0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/04_xrs /location/administrative_division/country /m/03rjj +/m/0c38gj /film/film/country /m/0345h +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01wj5hp /people/person/profession /m/01___w +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07ssc /location/location/contains /m/013bqg +/m/07r1h /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/020trj +/m/01pgzn_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/033wx9 +/m/04qhdf /business/business_operation/industry /m/02jjt +/m/01j7rd /film/actor/film./film/performance/film /m/07p62k +/m/0fxmbn /film/film/language /m/02h40lc +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/01fmys /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/04bbv7 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0nj3m /location/location/contains /m/0vp5f +/m/018w0j /time/event/locations /m/047yc +/m/0bzrxn /time/event/locations /m/04f_d +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j2pg +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030k94 +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0cchk3 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/01l8t8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r2lw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/025scjj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01cyd5 /education/educational_institution/students_graduates./education/education/student /m/01mvpv +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/02w4v /music/genre/artists /m/03193l +/m/0djywgn /film/actor/film./film/performance/film /m/0ddcbd5 +/m/01rgn3 /education/educational_institution/colors /m/083jv +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/035kl6 +/m/01n7q /location/location/contains /m/0r6c4 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/060pl5 /people/person/nationality /m/09c7w0 +/m/06xl8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/0x67 /people/ethnicity/people /m/01ws9n6 +/m/06l3bl /media_common/netflix_genre/titles /m/0b2qtl +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/051ghn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02rfft +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01fm07 /music/genre/artists /m/01vxlbm +/m/01yfp7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/02cft +/m/0sx8l /olympics/olympic_games/participating_countries /m/07ssc +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0fpxp /award/award_winning_work/awards_won./award/award_honor/award /m/02vm9nd +/m/01k_mc /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/032xky /film/film/featured_film_locations /m/080h2 +/m/01g969 /film/actor/film./film/performance/film /m/0bdjd +/m/08x5c_ /people/person/gender /m/05zppz +/m/01lmj3q /people/person/nationality /m/09c7w0 +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/04306rv /language/human_language/countries_spoken_in /m/0h7x +/m/02prwdh /film/film/written_by /m/01ts_3 +/m/01g5kv /people/person/profession /m/02jknp +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/015njf /people/person/profession /m/02krf9 +/m/03w1v2 /people/person/religion /m/0kpl +/m/05148p4 /music/instrument/instrumentalists /m/0dhqyw +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0bhwhj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lgsq +/m/0151w_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nhkxp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026gb3v +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01wk7b7 /people/person/spouse_s./people/marriage/spouse /m/01k53x +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0340hj +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/044qx /film/actor/film./film/performance/film /m/0gxfz +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/03bggl +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/0jfx1 /film/actor/film./film/performance/film /m/01vksx +/m/0btyl /film/actor/film./film/performance/film /m/078mm1 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/019f2f /people/person/religion /m/0c8wxp +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vy_v8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/03jl0_ +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03bzjpm /film/film/language /m/02h40lc +/m/03vv61 /music/record_label/artist /m/01vrx3g +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/01pgzn_ +/m/014z8v /people/person/profession /m/0np9r +/m/030qb3t /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kpys +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgbb +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09ftwr /people/person/profession /m/0dxtg +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/01vyv9 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0432_5 /film/film/language /m/0653m +/m/011ysn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_d0 /music/genre/artists /m/01f2q5 +/m/09c7w0 /location/location/contains /m/05njyy +/m/01svq8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02zjd /people/deceased_person/place_of_death /m/0f2wj +/m/0kwv2 /sports/sports_team/sport /m/02vx4 +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060v34 +/m/0f4vbz /film/actor/film./film/performance/film /m/01xbxn +/m/0j871 /music/performance_role/regular_performances./music/group_membership/group /m/0hvbj +/m/0zlgm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09ksp /location/location/contains /m/0ps1q +/m/0gl02yg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01sfmyk /people/person/gender /m/05zppz +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd92 +/m/04zn7g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02yygk /people/person/nationality /m/09c7w0 +/m/03h64 /media_common/netflix_genre/titles /m/0df92l +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0686zv /people/person/place_of_birth /m/0m75g +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s1zk +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053x8hr +/m/01_qc_ /people/cause_of_death/people /m/06w38l +/m/02zkdz /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09rx7tx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/09889g /people/deceased_person/place_of_death /m/030qb3t +/m/014zcr /people/person/nationality /m/09c7w0 +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/09gdm7q /film/film/genre /m/07s9rl0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/08tq4x +/m/0frm7n /sports/sports_team/colors /m/01g5v +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/02ndf1 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/016sd3 /education/educational_institution/campuses /m/016sd3 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gkmx +/m/04hqz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/03_vx9 /people/person/profession /m/02hrh1q +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/070g7 +/m/0yx_w /film/film/produced_by /m/02779r4 +/m/06wbm8q /film/film/genre /m/0hcr +/m/01sn3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/087_wh /people/person/languages /m/03k50 +/m/0dwz3t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01fh9 +/m/0dl567 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/0mg1w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02p4450 /music/genre/parent_genre /m/016jny +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0345h +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02hg53 +/m/05vz3zq /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02ql_ms /people/person/nationality /m/03rk0 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/06wcbk7 /music/record_label/artist /m/01wgxtl +/m/0cn_b8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/02q87z6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05cgv /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01xyt7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cqt90 +/m/01n7q /location/location/contains /m/0kv2r +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03q5t /music/instrument/instrumentalists /m/07r4c +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/01swck +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06c1y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/028k2x +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0b78hw +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/09wj5 /film/actor/film./film/performance/film /m/0qm8b +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/06n9lt +/m/06py2 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0yfp +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/0163t3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04smdd /film/film/genre /m/07s9rl0 +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/0r62v /location/hud_county_place/county /m/0l2wt +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/01nln /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02kcz +/m/01p95y0 /people/person/profession /m/09jwl +/m/076xkps /film/film/music /m/0244r8 +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsgrn +/m/015_1q /music/record_label/artist /m/01qdjm +/m/0kz2w /education/educational_institution/colors /m/083jv +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/016890 +/m/01lpx8 /sports/sports_team/colors /m/019sc +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076lxv +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01vvycq /people/person/profession /m/02hrh1q +/m/0124k9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/04_1l0v /location/location/contains /m/03s5t +/m/04w8f /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0410cp +/m/0mw5x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/01hrqc +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0175wg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/032s66 /people/cause_of_death/people /m/0484q +/m/080r3 /people/person/profession /m/0cbd2 +/m/01304j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018y2s +/m/01nvmd_ /film/actor/film./film/performance/film /m/035_2h +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0kh6b /people/person/places_lived./people/place_lived/location /m/01dzq6 +/m/09qr6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/0c0k1 /film/actor/film./film/performance/film /m/0dtfn +/m/0bwh6 /film/director/film /m/09gdh6k +/m/05fky /base/aareas/schema/administrative_area/capital /m/0fvyz +/m/049dk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02wh0 /influence/influence_node/influenced_by /m/0420y +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03hfx6c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020hyj +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/022r38 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqrf +/m/07hgkd /award/award_winner/awards_won./award/award_honor/award_winner /m/01fmz6 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03l2n +/m/02ktrs /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0x3n /people/person/nationality /m/09c7w0 +/m/0498y /location/location/contains /m/027ydt +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/034qzw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/045n3p /people/deceased_person/place_of_death /m/04vmp +/m/02l840 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0g824 +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/02vjzr /music/genre/artists /m/01k_mc +/m/02n4kr /media_common/netflix_genre/titles /m/0k0rf +/m/07lnk /music/genre/parent_genre /m/0mmp3 +/m/07l8f /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/054yc0 /film/film_subject/films /m/02j69w +/m/0fd3y /music/genre/artists /m/01k3qj +/m/02cbhg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05bpg3 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0fkhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fbzp +/m/0h1x5f /film/film/country /m/09c7w0 +/m/02482c /education/educational_institution/campuses /m/02482c +/m/069d68 /people/person/nationality /m/09c7w0 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0350l7 +/m/01g1lp /film/director/film /m/0c9t0y +/m/012v9y /film/actor/film./film/performance/film /m/0h3k3f +/m/0f2df /film/actor/film./film/performance/film /m/0gzy02 +/m/03fnjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01_x6v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ltf +/m/09wnnb /film/film/genre /m/02kdv5l +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0168dy +/m/01y17m /education/educational_institution_campus/educational_institution /m/01y17m +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/028q6 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01vq3nl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0123qq +/m/0kftt /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dqcm +/m/03wd5tk /people/person/sibling_s./people/sibling_relationship/sibling /m/03wdsbz +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0127m7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05kfs +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/05xd_v /people/person/profession /m/02hrh1q +/m/010v8k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03k545 /film/actor/film./film/performance/film /m/06gjk9 +/m/016ywb /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0bs4r /film/film/production_companies /m/017s11 +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/01xpxv /film/actor/film./film/performance/film /m/034xyf +/m/06by7 /music/genre/artists /m/0x3n +/m/03m6pk /people/person/gender /m/05zppz +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01pcbg /film/actor/film./film/performance/film /m/02ht1k +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/0hpz8 +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0fb0v /music/record_label/artist /m/01lw3kh +/m/06sks6 /olympics/olympic_games/participating_countries /m/047lj +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bxqz +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02bf2s /people/person/gender /m/05zppz +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/0219q /film/actor/film./film/performance/film /m/02vqhv0 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/01g42 +/m/0557q /music/genre/artists /m/0cyhq +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cgbf +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/05szp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pfkw +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/01l7cxq /award/award_winner/awards_won./award/award_honor/award_winner /m/045zr +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hvjr +/m/03x746 /sports/sports_team/sport /m/02vx4 +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/016fmf +/m/0198b6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01kym3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxdy +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049bmk +/m/01yf40 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g2v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/048q6x /people/person/profession /m/02hrh1q +/m/016z43 /film/film/film_format /m/07fb8_ +/m/03ds3 /film/actor/film./film/performance/film /m/09d3b7 +/m/048lv /film/actor/film./film/performance/film /m/011yqc +/m/01ft14 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02t_zq +/m/01gy7r /film/actor/film./film/performance/film /m/04xbq3 +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02896 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01kf5lf +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/0k7tq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0h3k3f +/m/01_vfy /film/director/film /m/0g68zt +/m/02dth1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rcmg +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/06y7d /people/person/profession /m/0cbd2 +/m/07h34 /location/location/contains /m/019_6d +/m/01jb26 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/021yw7 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/033tf_ /people/ethnicity/people /m/04bcb1 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/03295l /people/ethnicity/people /m/09h4b5 +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/05kkh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fz27v /people/person/nationality /m/09c7w0 +/m/01nqj /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0294zg /film/film/country /m/09c7w0 +/m/0407f /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/041mt /people/person/religion /m/0c8wxp +/m/015vql /people/person/profession /m/02hrh1q +/m/0345h /location/location/contains /m/035yzw +/m/0kpys /location/location/contains /m/0r00l +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/018vs /music/instrument/instrumentalists /m/03h502k +/m/0146mv /award/award_winner/awards_won./award/award_honor/award_winner /m/04rqd +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07p62k /film/film/featured_film_locations /m/0rh6k +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vcp0 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/09c7w0 /location/location/contains /m/0m241 +/m/0dw6b /people/person/profession /m/02hv44_ +/m/01vvycq /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/025czw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/034q3l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/015pxr +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/07ssc /location/location/contains /m/0j5g9 +/m/09c7w0 /location/country/second_level_divisions /m/0f63n +/m/01r0t_j /people/person/gender /m/05zppz +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0137g1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bg4f9 /sports/sports_team/colors /m/083jv +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0m7yy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/01dtcb /music/record_label/artist /m/0277c3 +/m/03mgbf /sports/sports_team/colors /m/038hg +/m/01wdl3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/04wvhz +/m/0c6g29 /people/person/gender /m/02zsn +/m/0dzlbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01cgz /film/film_subject/films /m/0170_p +/m/07ssc /location/location/contains /m/0cv5l +/m/06pyc2 /film/film/language /m/02h40lc +/m/0xnvg /people/ethnicity/people /m/035rnz +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0bmh4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vrz41 +/m/0cgzj /people/person/nationality /m/09c7w0 +/m/03q64h /film/actor/film./film/performance/film /m/0436yk +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/02hft3 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0glt670 /music/genre/artists /m/01svw8n +/m/05n19y /people/person/gender /m/05zppz +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/02_nkp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02s58t /people/person/gender /m/05zppz +/m/042l8n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/07xr3w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06hzq3 /music/genre/artists /m/016l09 +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/017510 /music/genre/artists /m/01wsl7c +/m/0162b /location/location/contains /m/07w5rq +/m/0kvgnq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/072r5v /film/film/production_companies /m/0fvppk +/m/074tb5 /film/actor/film./film/performance/film /m/01h18v +/m/02y_2y /people/person/place_of_birth /m/013mtx +/m/01fh0q /award/award_winner/awards_won./award/award_honor/award_winner /m/0fpjd_g +/m/05qjt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06pcz0 /people/person/profession /m/02krf9 +/m/05r5c /music/instrument/instrumentalists /m/0bdlj +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/0g5ff +/m/014zcr /film/actor/film./film/performance/film /m/07w8fz +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/086k8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmgrf +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/043mk4y /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/01hmnh /media_common/netflix_genre/titles /m/03lrqw +/m/01kjr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/04gc65 /people/person/nationality /m/09c7w0 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0178rl /award/award_winner/awards_won./award/award_honor/award_winner /m/0f8pz +/m/044gyq /people/person/nationality /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01gpkz +/m/01gf5h /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0m241 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2b5 +/m/0fgrm /film/film/language /m/02h40lc +/m/029k55 /people/person/profession /m/09jwl +/m/0ggx5q /music/genre/artists /m/0dhqyw +/m/02c6d /film/film/genre /m/0219x_ +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/01h8sf /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0d1qmz /film/film/genre /m/01jfsb +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03mp8k /music/record_label/artist /m/0fpj4lx +/m/0mgkg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/03h304l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pz6q /education/educational_institution_campus/educational_institution /m/0pz6q +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/08jyyk /music/genre/artists /m/01kd57 +/m/0l12d /people/person/nationality /m/06q1r +/m/0gywn /music/genre/artists /m/01w724 +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01p896 +/m/0mhfr /music/genre/artists /m/01w8n89 +/m/0212zp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/01jzyx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s6prs /people/person/gender /m/05zppz +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/08qvhv +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/06f32 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0k2sk /film/film/genre /m/0lsxr +/m/047m_w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q2sk +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04g865 /people/person/profession /m/0dxtg +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012gk9 +/m/06xkst /tv/tv_program/country_of_origin /m/03_3d +/m/09qxq7 /music/genre/artists /m/0fb2l +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03h3vtz +/m/0bq2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02k21g +/m/01hmb_ /film/actor/film./film/performance/film /m/0315w4 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/02lw5z +/m/01r9fv /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02s2lg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/07bxqz /film/film/genre /m/04xvlr +/m/01pctb /film/actor/film./film/performance/film /m/0cbv4g +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/01kvrz /education/educational_institution/students_graduates./education/education/student /m/05f7snc +/m/0cwy47 /film/film/produced_by /m/08ff1k +/m/059rc /film/film/genre /m/02l7c8 +/m/0l8bg /film/film_subject/films /m/03h0byn +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/04z_3pm /film/film/language /m/0880p +/m/05fnl9 /film/actor/film./film/performance/film /m/0h03fhx +/m/0444x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cpllql /film/film/genre /m/03k9fj +/m/04jpl /location/location/contains /m/0345gh +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02gnh0 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0zt +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/04sry /film/director/film /m/049xgc +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/06j6l /music/genre/artists /m/0ql36 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02wb6yq +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/07sbbz2 /music/genre/artists /m/019f9z +/m/0736qr /people/person/places_lived./people/place_lived/location /m/0z20d +/m/025vldk /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/02r4qs /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0cnztc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/061zc_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0122wc +/m/048cl /influence/influence_node/influenced_by /m/0420y +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/07sp4l +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01flv_ +/m/09p0q /people/person/gender /m/05zppz +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0cc5mcj /film/film/genre /m/03k9fj +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01fxck +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k_9j +/m/04h4c9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/012mzw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03npn /media_common/netflix_genre/titles /m/0bwhdbl +/m/01nr63 /people/person/profession /m/018gz8 +/m/04g_wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1yr +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/065r8g /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s3vqk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbgdv +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/07wrz /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01hqk /film/film/story_by /m/02nygk +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02w4v /music/genre/artists /m/01lmj3q +/m/026qnh6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j9z /base/locations/continents/countries_within /m/06mzp +/m/03f7m4h /people/person/profession /m/016z4k +/m/047lj /location/country/form_of_government /m/01d9r3 +/m/06d4h /film/film_subject/films /m/0344gc +/m/0gndh /film/film/genre /m/01g6gs +/m/01q32bd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_01w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/08b8vd +/m/0cn_b8 /film/film/genre /m/04t36 +/m/0jmk7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/076zy_g +/m/0cf_n /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nm87 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/017wh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01rtm4 +/m/0bkq7 /film/film/genre /m/01g6gs +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/0459q4 /language/human_language/countries_spoken_in /m/03h64 +/m/02jr6k /film/film/genre /m/02n4kr +/m/0tz01 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h7x +/m/01wk7b7 /people/person/profession /m/02hrh1q +/m/0gy4k /film/film/produced_by /m/08ff1k +/m/026p4q7 /film/film/language /m/064_8sq +/m/053tpp /organization/organization/headquarters./location/mailing_address/citytown /m/0hyxv +/m/0j0k /base/locations/continents/countries_within /m/01c4pv +/m/026wmz6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02c6d /film/film/genre /m/0glj9q +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/04fv0k /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q5bx2 /film/film/genre /m/03k9fj +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01t94_1 +/m/01zkxv /people/person/places_lived./people/place_lived/location /m/02m77 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/0h7pj /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019pm_ +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/08ct6 /film/film/genre /m/06n90 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0993r +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/0qdyf +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/05v38p /film/film/genre /m/02l7c8 +/m/02yy_j /people/person/place_of_birth /m/094jv +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01f8f7 /award/award_winning_work/awards_won./award/award_honor/award /m/09v4bym +/m/0f4vbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5x6 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/07hgkd +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/014lc_ /film/film/production_companies /m/05qd_ +/m/01dtcb /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/0421ng /film/film/written_by /m/081lh +/m/02q253 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/0hv8w /film/film/genre /m/01j1n2 +/m/01n7q /location/location/contains /m/07_fl +/m/0fk0xk /time/event/instance_of_recurring_event /m/0g_w +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/029m83 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/026c0p /people/person/profession /m/0np9r +/m/01wwvt2 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/01kwh5j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dj0x /location/location/contains /m/0jgvy +/m/0fp_v1x /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08ns5s /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b7h8 +/m/07zl1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05d49 /base/biblioness/bibs_location/country /m/019rg5 +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0jsqk /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02lf0c /people/person/places_lived./people/place_lived/location /m/03pzf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fwfb +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/07srw /location/location/contains /m/07wlf +/m/0794g /film/actor/film./film/performance/film /m/0gvs1kt +/m/05th69 /business/business_operation/industry /m/03qh03g +/m/06qgvf /people/person/place_of_birth /m/0rrwt +/m/043yj /location/location/time_zones /m/02fqwt +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/011xg5 /film/film/edited_by /m/03q8ch +/m/0bkg87 /people/person/place_of_birth /m/0cvw9 +/m/02g0mx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0c6qh +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/02114t /people/person/profession /m/02hrh1q +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/06tgw /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024jwt +/m/027cxsm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02b9g4 +/m/0bnzd /film/film/language /m/02h40lc +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b455l +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rnl9 +/m/01x72k /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01pj_5 /film/film/film_format /m/07fb8_ +/m/05kms /music/instrument/instrumentalists /m/0k7pf +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09r9m7 +/m/06sks6 /olympics/olympic_games/participating_countries /m/0f8l9c +/m/05jg58 /music/genre/artists /m/02s2wq +/m/0fpj9pm /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0l6mp /olympics/olympic_games/sports /m/018w8 +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dx8gj /film/film/written_by /m/076_74 +/m/0cq7kw /film/film/production_companies /m/086k8 +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0m_q0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03f7jfh /film/actor/film./film/performance/film /m/0963mq +/m/0p9tm /film/film/language /m/06nm1 +/m/01rr9f /award/award_winner/awards_won./award/award_honor/award_winner /m/016tb7 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01jrbb +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znxx +/m/032_jg /people/person/languages /m/06nm1 +/m/0cc63l /people/person/nationality /m/03rk0 +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/06y7d /influence/influence_node/peers./influence/peer_relationship/peers /m/06g4_ +/m/02yr1q /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sj3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/02rhfsc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cf9ly +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/01hgwkr /award/award_winner/awards_won./award/award_honor/award_winner /m/06m61 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvs1kt +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0277470 +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04xrx +/m/0333wf /people/person/places_lived./people/place_lived/location /m/013yq +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01xdn1 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0dw6b /people/person/languages /m/064_8sq +/m/0342h /music/instrument/instrumentalists /m/09qr6 +/m/084302 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm98 +/m/0jfx1 /film/actor/film./film/performance/film /m/03z9585 +/m/01fx5l /people/person/profession /m/02hrh1q +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/03ryn /location/location/contains /m/044rv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02hft3 +/m/044g_k /film/film/genre /m/03k9fj +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06qd3 +/m/07gql /music/instrument/family /m/01kcd +/m/05bmq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/011j5x /music/genre/parent_genre /m/02x8m +/m/06dv3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01lyv /music/genre/artists /m/018pj3 +/m/01vsyjy /people/person/profession /m/0fnpj +/m/015_z1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02qx69 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0jsw9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09ps01 +/m/02_sr1 /film/film/production_companies /m/024rgt +/m/0myhb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06rv5t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0gtvpkw /film/film/featured_film_locations /m/06c62 +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04t2l2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xdf5 +/m/0gpmp /film/actor/film./film/performance/film /m/0bbgly +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0k8y7 +/m/05tbn /location/location/contains /m/03fmfs +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04y8r /people/person/place_of_birth /m/01_d4 +/m/04jpk2 /film/film/genre /m/01hmnh +/m/0hzlz /location/location/contains /m/01vg0s +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq8nx +/m/01vs_v8 /people/person/profession /m/01d_h8 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03d6fyn +/m/01clyb /education/educational_institution_campus/educational_institution /m/01clyb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/03f5vvx +/m/02w7gg /people/ethnicity/people /m/01f6zc +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/0x67 /people/ethnicity/people /m/01wgfp6 +/m/056k77g /film/film/genre /m/01hmnh +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/02q87z6 /film/film/music /m/02jxmr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0178g +/m/0jqp3 /film/film/featured_film_locations /m/0f2tj +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/02lx0 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01wc7p /people/person/profession /m/02hrh1q +/m/02qfv5d /media_common/netflix_genre/titles /m/0ggbhy7 +/m/03ft8 /people/person/places_lived./people/place_lived/location /m/0100mt +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09mq4m +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/027pdrh +/m/0mwq7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc07 +/m/0_24q /location/location/time_zones /m/02hcv8 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/095kp /education/educational_institution/campuses /m/095kp +/m/0jnh /base/culturalevent/event/entity_involved /m/014tss +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/04vh83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/029d_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02t901 /people/person/places_lived./people/place_lived/location /m/0k_q_ +/m/05w6cw /people/person/nationality /m/09c7w0 +/m/05h5nb8 /award/award_category/nominees./award/award_nomination/nominated_for /m/07qg8v +/m/01p0mx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02b1mc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/03cp7b3 /film/film/film_festivals /m/03wf1p2 +/m/01vsl3_ /music/group_member/membership./music/group_membership/group /m/07c0j +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02g87m /people/person/nationality /m/09c7w0 +/m/06mkj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05r4w +/m/0347db /people/person/profession /m/02jknp +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cj6y +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01_1kk +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/0b_6x2 /time/event/locations /m/0d9jr +/m/02w86hz /film/film/genre /m/06n90 +/m/0phx4 /music/group_member/membership./music/group_membership/role /m/0g2dz +/m/09d5d5 /people/person/place_of_birth /m/04jpl +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01m7pwq /people/person/profession /m/09jwl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02gyl0 +/m/01b39j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/03rjj /location/location/contains /m/05p7tx +/m/016yzz /people/person/profession /m/0cbd2 +/m/0725ny /film/actor/film./film/performance/film /m/015ynm +/m/0175yg /music/genre/artists /m/01tw31 +/m/0171cm /people/person/gender /m/05zppz +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/070j61 /film/director/film /m/03bzyn4 +/m/0dnqr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k_9j +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01vtqml /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/025hzx /people/person/profession /m/03gjzk +/m/02k4gv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07t2k /people/person/profession /m/0fj9f +/m/02zs4 /business/business_operation/industry /m/0k4j +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0yp21 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f0r5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04j_gs +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_47 +/m/0kftt /film/actor/film./film/performance/film /m/01k5y0 +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/087r4 +/m/021r7r /people/person/place_of_birth /m/01_d4 +/m/04wsz /location/location/contains /m/06frc +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/056xkh +/m/02c8d7 /music/genre/artists /m/0147dk +/m/01npcx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jv1z /music/record_label/artist /m/016vj5 +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/02x3lt7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fjsl /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01ngn3 +/m/05148p4 /music/instrument/instrumentalists /m/04n65n +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01fy2s +/m/023cjg /film/film/genre /m/0hcr +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s8hms +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/0l6mp /olympics/olympic_games/sports /m/06wrt +/m/0m68w /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/03d9wk /people/person/gender /m/02zsn +/m/0jp26 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01btyw +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0nbwf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02_l96 +/m/0260bz /film/film/genre /m/03g3w +/m/093l8p /film/film/genre /m/04228s +/m/0kn3g /people/person/religion /m/0kq2 +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/05cl2w +/m/0qm98 /film/film/language /m/02h40lc +/m/0mmpz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmpm +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fhy +/m/01xdn1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/01v3vp /film/actor/film./film/performance/film /m/023p7l +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02vnz /film/film_subject/films /m/0ggbhy7 +/m/04sry /film/actor/film./film/performance/film /m/03b1sb +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxwk +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0jvtp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/05fg2 +/m/08052t3 /film/film/production_companies /m/0c41qv +/m/03bzc7 /music/genre/artists /m/01w8n89 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0294fd +/m/01h0b0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01n8gr /people/person/place_of_birth /m/03l2n +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/0d7wh /people/ethnicity/people /m/026g801 +/m/07c9s /language/human_language/countries_spoken_in /m/04xn_ +/m/01w03jv /people/person/place_of_birth /m/0ncj8 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0411q +/m/0167v4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qjpv5 +/m/03mp9s /film/actor/film./film/performance/film /m/0dgst_d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027ydt +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/03f7m4h +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sdxx +/m/0gyh /location/location/partially_contains /m/0lm0n +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03xks +/m/02lgfh /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/03j0br4 /people/person/profession /m/02hrh1q +/m/01gjw /music/genre/artists /m/01v27pl +/m/02w4v /music/genre/artists /m/0m_31 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/033srr /film/film/genre /m/016vh2 +/m/04l57x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0glqh5_ /film/film/produced_by /m/02q42j_ +/m/04ngn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0gv5c /people/person/profession /m/0dxtg +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/0b478 /people/person/profession /m/03gjzk +/m/0kq08 /location/location/time_zones /m/02lcqs +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/074tb5 /people/person/profession /m/09jwl +/m/02_340 /people/person/profession /m/02jknp +/m/021mkg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg8z1f +/m/0fx0mw /people/person/place_of_birth /m/0cr3d +/m/0c_gcr /people/person/nationality /m/02jx1 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/04ykg /location/location/contains /m/0fpzwf +/m/027m5wv /film/film/language /m/02h40lc +/m/0r2bv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/024dgj /music/artist/origin /m/02m__ +/m/02l3_5 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/0jnwx /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/02mqc4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01xyy +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/03xpfzg /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ywb +/m/09c7w0 /location/country/second_level_divisions /m/0kv5t +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/06tpmy /film/film/genre /m/01jfsb +/m/04bdqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nnp_ +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01ly8d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/034q3l /people/person/gender /m/05zppz +/m/05fky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l5yl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j_c +/m/03fgm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/024qqx /media_common/netflix_genre/titles /m/01hr1 +/m/023kzp /people/person/religion /m/04pk9 +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pqs8l +/m/01tx9m /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3l5 +/m/02kj7g /education/educational_institution/colors /m/083jv +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/01ngxm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09f0bj +/m/02b17f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0kbvb /olympics/olympic_games/sports /m/07_53 +/m/0872p_c /film/film/produced_by /m/05mvd62 +/m/02krdz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01tqfs +/m/0gf14 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/0kvgtf /film/film/genre /m/0hn10 +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxmx +/m/02x0fs9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m6_z +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/02n9k /people/person/spouse_s./people/marriage/spouse /m/02yy8 +/m/018vs /music/instrument/instrumentalists /m/01zmpg +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0408m53 /film/film/production_companies /m/06rq1k +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl06 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0306bt +/m/01lv85 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yk13 +/m/0pd64 /film/film/featured_film_locations /m/0rh6k +/m/0d7hg4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/03shp /location/location/contains /m/015401 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/09cdxn +/m/026p4q7 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0c9xjl /people/person/place_of_birth /m/01cx_ +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/03l6bs /education/educational_institution/students_graduates./education/education/student /m/036jp8 +/m/04y8r /people/person/gender /m/05zppz +/m/085jw /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/09tqkv2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01w5jwb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04l59s /sports/sports_team/colors /m/03vtbc +/m/065z3_x /film/film/language /m/02h40lc +/m/05w3f /music/genre/artists /m/01vn35l +/m/09fb5 /film/actor/film./film/performance/film /m/09lxv9 +/m/02r771y /award/award_category/disciplines_or_subjects /m/0lsxr +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/02hmw9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0407yfx +/m/02ctzb /people/ethnicity/people /m/02hsgn +/m/0108xl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0347db /people/person/nationality /m/09c7w0 +/m/04t2l2 /people/person/places_lived./people/place_lived/location /m/02xry +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0dpqk /people/person/place_of_birth /m/0206v5 +/m/0cj2k3 /people/person/profession /m/03gjzk +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0dqytn /film/film/country /m/09c7w0 +/m/0yp21 /location/hud_county_place/place /m/0yp21 +/m/01dw4q /film/actor/film./film/performance/film /m/01v1ln +/m/03mdw3c /people/person/profession /m/02pjxr +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0bc1yhb /film/film/production_companies /m/09b3v +/m/03772 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0524b41 +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/02zl4d +/m/03rt9 /base/biblioness/bibs_location/country /m/012wgb +/m/0gx_p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0d3fdn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/095l0 +/m/01x2tm8 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/017cjb /base/biblioness/bibs_location/state /m/0g14f +/m/0d9jr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/02j9z /location/location/contains /m/012m_ +/m/0f8l9c /location/location/contains /m/0p0mx +/m/02404v /people/person/profession /m/02hrh1q +/m/02x3y41 /film/film/written_by /m/0237jb +/m/03x33n /education/educational_institution_campus/educational_institution /m/03x33n +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m_k0 +/m/05l5n /base/biblioness/bibs_location/country /m/07ssc +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/02k_kn /music/genre/artists /m/0140t7 +/m/04wmvz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02y21l /music/record_label/artist /m/02cpp +/m/026n13j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0jqj5 /film/film/story_by /m/02l5rm +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02k8k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0d87hc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/012b30 /music/record_label/artist /m/01vsnff +/m/0bhtzw /people/person/nationality /m/0345h +/m/0r4wn /location/hud_county_place/county /m/0l2rj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jft4 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03cp4cn /film/film/production_companies /m/01gb54 +/m/03mqtr /media_common/netflix_genre/titles /m/07w8fz +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/0bq4j6 /people/person/profession /m/01d_h8 +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gssz +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/071vr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05ftw3 +/m/09yxcz /film/film/genre /m/07s9rl0 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0m76b +/m/04jspq /people/person/profession /m/01d_h8 +/m/02zrv7 /people/person/profession /m/03gjzk +/m/025s1wg /film/film/language /m/02h40lc +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/0dl567 /film/actor/film./film/performance/film /m/02x3lt7 +/m/02_hj4 /film/actor/film./film/performance/film /m/04tc1g +/m/02x8z_ /people/person/profession /m/05vyk +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01lbp /people/person/nationality /m/09c7w0 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/034rd /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/05vjt6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04q5zw +/m/05lls /music/genre/artists /m/0383f +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/06d6y +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07w3r +/m/0glmv /people/person/gender /m/05zppz +/m/092kgw /people/person/gender /m/05zppz +/m/016yvw /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/07qg8v /film/film/genre /m/04t36 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02qrv7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07rd7 /award/award_winner/awards_won./award/award_honor/award_winner /m/066yfh +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/05148p4 /music/instrument/instrumentalists /m/018gkb +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/0d7wh /people/ethnicity/people /m/06fxnf +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/01z0lb /people/person/gender /m/05zppz +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/01dnws /music/instrument/instrumentalists /m/0565cz +/m/016r9z /olympics/olympic_games/participating_countries /m/0345h +/m/0dsb_yy /film/actor/film./film/performance/film /m/0ggbhy7 +/m/0mwht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59f +/m/018vs /music/instrument/instrumentalists /m/01wvxw1 +/m/02mplj /sports/sports_team/colors /m/01g5v +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/06rfy5 /business/business_operation/industry /m/020mfr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jsn5 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/08ct6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06qn87 +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/03c5f7l /film/actor/film./film/performance/film /m/0fpmrm3 +/m/03mp4f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0162b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0mhfr /music/genre/artists /m/01wkmgb +/m/04v89z /film/film/produced_by /m/01b9ck +/m/06by7 /music/genre/parent_genre /m/02w4v +/m/0bqch /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cv_gy /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01_4z /people/person/religion /m/051kv +/m/0342h /music/instrument/instrumentalists /m/06m61 +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0885n +/m/028cg00 /film/film/production_companies /m/054lpb6 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01sby_ /film/film/production_companies /m/0674hk +/m/09lxv9 /film/film/genre /m/05p553 +/m/01b9z4 /film/actor/film./film/performance/film /m/03tn80 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/03n5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0b4lkx /film/film/language /m/06nm1 +/m/09pgj2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0198b6 /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/03_l8m /people/person/nationality /m/09c7w0 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0863x_ +/m/01g6bk /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/013nky +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01l_pn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tlg +/m/0kk9v /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/07c5l /location/location/contains /m/06s0l +/m/013m43 /location/location/time_zones /m/02fqwt +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/06mkj +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/01hrqc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_p6t +/m/0b4lkx /film/film/genre /m/03g3w +/m/01yqqv /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/04fkg4 /people/person/nationality /m/03rk0 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jpyb +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/05sbv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0l14qv /music/instrument/instrumentalists /m/01sb5r +/m/040wdl /people/person/religion /m/03j6c +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/0169dl /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/03_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/03mg35 /people/person/spouse_s./people/marriage/spouse /m/0fb1q +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284gc +/m/0bq3x /film/film_subject/films /m/06bc59 +/m/05qx1 /location/country/form_of_government /m/01fpfn +/m/01nr36 /people/person/profession /m/0dxtg +/m/02znwv /people/person/profession /m/0dxtg +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/024rgt +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/095z4q +/m/02bc74 /people/person/places_lived./people/place_lived/location /m/059rby +/m/0299hs /film/film/production_companies /m/01f_mw +/m/0294zg /film/film/language /m/02bjrlw +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/043js +/m/0f8l9c /location/location/contains /m/0dprg +/m/0164y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/05r5c /music/genre/artists /m/01kv4mb +/m/05qd_ /business/business_operation/industry /m/02vxn +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/015t56 +/m/07lk3 /people/person/gender /m/05zppz +/m/0cx2r /location/administrative_division/country /m/0f8l9c +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/041wm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013pk3 /people/person/gender /m/05zppz +/m/092kgw /people/person/profession /m/01d_h8 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/06c1y /location/location/partially_contains /m/026zt +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02hnl /music/instrument/instrumentalists /m/01wp8w7 +/m/03q1vd /film/actor/film./film/performance/film /m/016z9n +/m/07djnx /people/person/place_of_birth /m/0hptm +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0266shh +/m/012zng /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/08tq4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/048tv9 /film/film/production_companies /m/024rgt +/m/06y9bd /people/person/nationality /m/09c7w0 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02yy_j +/m/030w19 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w5jwb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0304nh +/m/01nty /location/country/official_language /m/02h40lc +/m/02t_st /people/person/places_lived./people/place_lived/location /m/035qy +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/01mxqyk /people/person/profession /m/0dz3r +/m/03q6zc /education/educational_institution_campus/educational_institution /m/03q6zc +/m/0358g8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06mr6 /people/person/employment_history./business/employment_tenure/company /m/06hhp +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/01k2wn /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03yf4d /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01hvv0 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026fs38 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/048scx /film/film/genre /m/082gq +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/09zf_q /film/film/country /m/09c7w0 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284n42 +/m/03jqw5 /people/person/profession /m/02jknp +/m/0mlvc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jv_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01vwllw +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0171lb /people/person/profession /m/01d_h8 +/m/06k5_ /base/aareas/schema/administrative_area/capital /m/016722 +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/024t0y /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0bhvtc /people/person/profession /m/039v1 +/m/0gzlb9 /film/film/genre /m/06n90 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/019pwv +/m/04k9y6 /film/film/country /m/09c7w0 +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dw4b0 +/m/0410cp /people/person/profession /m/02hrh1q +/m/0p_th /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/016sp_ /people/person/gender /m/05zppz +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0c4f4 /people/person/profession /m/03gjzk +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dbf +/m/0132k4 /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/09x3r /olympics/olympic_games/participating_countries /m/015fr +/m/07fb6 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0mb5x /people/person/nationality /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/06cm5 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/05f4_n0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lgxj /olympics/olympic_games/sports /m/06z6r +/m/041rx /people/ethnicity/people /m/0fgg4 +/m/03177r /film/film/genre /m/02n4kr +/m/023zsh /film/actor/film./film/performance/film /m/08sfxj +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02pp_q_ /award/award_winner/awards_won./award/award_honor/award_winner /m/030tjk +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qsjt +/m/0fgg4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/06q1r +/m/01wyz92 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vz0g4 +/m/03h3x5 /film/film/genre /m/09q17 +/m/03q3x5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0462hhb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03phtz +/m/0l_j_ /government/governmental_body/members./government/government_position_held/legislative_sessions /m/034_7s +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k_mt /people/person/nationality /m/0345h +/m/0gmcwlb /film/film/film_festivals /m/0gg7gsl +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/0mgp /base/biblioness/bibs_location/country /m/0chghy +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05218gr /people/person/place_of_birth /m/01_d4 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0dl5d /music/genre/artists /m/048xh +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zfmm +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_6dw +/m/0ddct /film/film_subject/films /m/05nlx4 +/m/03hfxkn /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/07b1gq /film/film/genre /m/01jfsb +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/044p4_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/06m61 +/m/0287477 /film/film/executive_produced_by /m/03h304l +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02nq10 +/m/01gzm2 /film/director/film /m/05fm6m +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgly +/m/01d1yr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g_wd +/m/04zw9hs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03jm6c /people/person/place_of_birth /m/06wxw +/m/06g2d1 /people/person/profession /m/016z4k +/m/03d9v8 /people/person/languages /m/02h40lc +/m/027m5wv /film/film/produced_by /m/04t38b +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0221g_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/09jm8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07c52 /media_common/netflix_genre/titles /m/03r0rq +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/026n13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dzlk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047fjjr /film/film/country /m/0d05w3 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrncs +/m/02kxg_ /base/culturalevent/event/entity_involved /m/0bxjv +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/0qmfk /film/film/language /m/02h40lc +/m/03hxsv /film/film/genre /m/01hmnh +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/03d_w3h +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/0l39b +/m/019r_1 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/02jjdr /music/record_label/artist /m/03j0br4 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/09k9d0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025ts_z /film/film/genre /m/07s9rl0 +/m/024l2y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/034q81 +/m/03yrkt /people/person/religion /m/0c8wxp +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0641g8 +/m/0640y35 /film/film/language /m/064_8sq +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/041rx /people/ethnicity/people /m/01l3mk3 +/m/07ypt /location/location/contains /m/07wlt +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/037xlx /film/film/genre /m/02kdv5l +/m/082scv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/06pk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hrqc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d9qmn +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09hgk /education/educational_institution/school_type /m/05jxkf +/m/01ycck /film/director/film /m/0ddj0x +/m/0nh57 /location/us_county/county_seat /m/0b2lw +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/09blyk /media_common/netflix_genre/titles /m/02q87z6 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/09p06 /people/person/profession /m/0q04f +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09xrxq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04rjg /education/field_of_study/students_majoring./education/education/student /m/0dx97 +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01tkqy +/m/02fsn /music/instrument/instrumentalists /m/018pj3 +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/046m59 /award/award_winner/awards_won./award/award_honor/award_winner /m/017149 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03yvln +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bw87 +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/05strv +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bb9r +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01snm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0yx_w /film/film/cinematography /m/08mhyd +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/094qd5 /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0143hl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0889d /location/location/time_zones /m/03bdv +/m/028_yv /film/film/language /m/02h40lc +/m/06ryl /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4k49 /film/film/written_by /m/098n5 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/06q07 /organization/organization/child./organization/organization_relationship/child /m/03_c8p +/m/01zlh5 /people/person/places_lived./people/place_lived/location /m/0r00l +/m/0xhtw /music/genre/artists /m/0bsj9 +/m/06pk8 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/01pl14 /education/educational_institution/colors /m/01l849 +/m/0swbd /olympics/olympic_games/sports /m/09_9n +/m/01jsk6 /education/educational_institution/colors /m/04mkbj +/m/017z49 /film/film/genre /m/01jfsb +/m/0f04v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r679 +/m/0f276 /film/actor/film./film/performance/film /m/02tjl3 +/m/0261m /location/location/contains /m/04chyn +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/08jgk1 /tv/tv_program/program_creator /m/015pxr +/m/04zyhx /film/film/film_format /m/0cj16 +/m/0kbws /olympics/olympic_games/participating_countries /m/035dk +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/015_1q /music/record_label/artist /m/01lf293 +/m/02htv6 /education/educational_institution_campus/educational_institution /m/02htv6 +/m/012wgb /location/location/contains /m/011xy1 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/06by7 /music/genre/artists /m/016t00 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfb +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/04344j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mj0c /people/person/religion /m/0kq2 +/m/04xfb /base/eating/practicer_of_diet/diet /m/07_jd +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d6d2 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0ymf1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/016h9b /award/award_winner/awards_won./award/award_honor/award_winner /m/016jfw +/m/01mskc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w5jwb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/0g7pm1 /film/film/genre /m/05p553 +/m/084m3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bzjpm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/098n_m +/m/0265z9l /people/person/places_lived./people/place_lived/location /m/055vr +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02w86hz /film/film/genre /m/01hmnh +/m/02vjzr /music/genre/artists /m/013423 +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0265z9l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/07c52 /media_common/netflix_genre/titles /m/02rkkn1 +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0300ml +/m/01ck6v /award/award_category/category_of /m/0c4ys +/m/0gt_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/06s9y /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02_sr1 /film/film/genre /m/0556j8 +/m/06bss /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/06hzq3 /music/genre/parent_genre /m/02qm5j +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/021b_ /film/actor/film./film/performance/film /m/0kvgtf +/m/0qmfz /film/film/genre /m/02l7c8 +/m/0b73_1d /film/film/produced_by /m/02kxbwx +/m/01swxv /education/educational_institution/school_type /m/01rs41 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01vsy9_ +/m/07tl0 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06k176 /tv/tv_program/program_creator /m/01wyy_ +/m/0bsnm /education/educational_institution/students_graduates./education/education/student /m/03q43g +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/06l3bl /media_common/netflix_genre/titles /m/011yr9 +/m/08xpv_ /location/location/contains /m/0mwxl +/m/0f502 /film/actor/film./film/performance/film /m/0gzlb9 +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/01b4p4 /music/genre/artists /m/016t0h +/m/0dg3n1 /location/location/contains /m/0h3y +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/095kp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/02t__3 /people/person/profession /m/02hrh1q +/m/02ctzb /people/ethnicity/people /m/012t1 +/m/0287477 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/0bth54 /film/film/country /m/07ssc +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g87m +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02fn5r /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0h25 /influence/influence_node/influenced_by /m/0tfc +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0db94w +/m/0ygbf /location/hud_county_place/place /m/0ygbf +/m/029h7y /music/genre/artists /m/01dwrc +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01w02sy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03yfh3 +/m/01z7_f /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h3vhfb /award/award_category/nominees./award/award_nomination/nominated_for /m/0584r4 +/m/07xtqq /film/film/language /m/02h40lc +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fky +/m/01k2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02__7n +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwjw0c +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rky4 +/m/01xn5th /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02v570 /film/film/featured_film_locations /m/02_286 +/m/042kbj /people/person/profession /m/0cbd2 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ykb +/m/037fqp /organization/organization/headquarters./location/mailing_address/state_province_region /m/0824r +/m/01p45_v /music/group_member/membership./music/group_membership/role /m/0342h +/m/026dg51 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1rq +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/059g4 /location/location/contains /m/01p8s +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/07jnt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgzn_ +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0hdx8 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0k2cb +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0gfsq9 /film/film/genre /m/03npn +/m/02z3zp /film/actor/film./film/performance/film /m/0g9z_32 +/m/0k_mt /influence/influence_node/influenced_by /m/017r2 +/m/01_8n9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dbbz /people/person/profession /m/01d_h8 +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0133ch /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6m5 /olympics/olympic_games/sports /m/035d1m +/m/0y_yw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/02ly_ /base/aareas/schema/administrative_area/capital /m/017_4z +/m/03sbs /influence/influence_node/influenced_by /m/026lj +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/03f1r6t /people/person/place_of_birth /m/01531 +/m/081yw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/08qmfm /people/person/gender /m/02zsn +/m/09c7w0 /location/location/contains /m/0rd6b +/m/06nm1 /language/human_language/countries_spoken_in /m/016wzw +/m/052hl /people/person/profession /m/0np9r +/m/01pkhw /film/actor/film./film/performance/film /m/05pdh86 +/m/0969fd /influence/influence_node/influenced_by /m/0dzkq +/m/01z4y /media_common/netflix_genre/titles /m/03h4fq7 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/02bxd +/m/02mx98 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/03k545 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01chpn /film/film/genre /m/06nbt +/m/01fs_4 /people/deceased_person/place_of_death /m/030qb3t +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/06q5t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/04fcx7 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/03lvwp /film/film/genre /m/04xvlr +/m/01dfb6 /organization/organization/place_founded /m/02_286 +/m/0dl4z /base/culturalevent/event/entity_involved /m/0d060g +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04ltlj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/045r_9 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hm10 +/m/05s_c38 /people/person/gender /m/05zppz +/m/04g61 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0l38x /location/us_county/county_seat /m/0r8bh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_06 +/m/01nczg /people/person/profession /m/02jknp +/m/017jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/04k15 /influence/influence_node/influenced_by /m/0h336 +/m/01r9c_ /film/actor/film./film/performance/film /m/02n72k +/m/043tz0c /film/film/genre /m/060__y +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/0tfc /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0ylvj /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03_b1g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zz8b +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01g03q +/m/01lj_c /award/award_category/winners./award/award_honor/award_winner /m/03m9c8 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbf1f +/m/0jvt9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0135p7 /location/location/time_zones /m/02fqwt +/m/049n3s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02d9nr /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/01f69m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d90m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/019pkm /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/06r2_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cgwt8 +/m/011k11 /organization/organization/place_founded /m/04jpl +/m/03h2d4 /people/person/profession /m/02hrh1q +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy2cy +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0846v +/m/0bq2g /people/person/languages /m/02h40lc +/m/051n13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/023r2x /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/02w4v /music/genre/artists /m/0197tq +/m/0ckrnn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qx69 /film/actor/film./film/performance/film /m/048tv9 +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/03_d0 /music/genre/artists /m/01vsyg9 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/016z7s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04lgymt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/01wwvt2 /music/group_member/membership./music/group_membership/group /m/02_5x9 +/m/05wvs /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/024mxd /film/film/produced_by /m/081_zm +/m/01pkhw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03l2n /base/biblioness/bibs_location/country /m/09c7w0 +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/026f__m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05pxnmb +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0gr69 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/031778 /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01y9pk +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/03nymk /tv/tv_program/program_creator /m/021yw7 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qcr +/m/09pgj2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02vk5b6 /music/genre/parent_genre /m/04b675 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/03d5m8w +/m/02__7n /film/actor/film./film/performance/film /m/01jrbv +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07m69t /people/person/nationality /m/02jx1 +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/03jsvl /music/genre/artists /m/01bczm +/m/02f2p7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vrncs +/m/0jt3tjf /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03hpkp +/m/08hsww /people/person/place_of_birth /m/0qkcb +/m/01fh9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/04kj2v /people/person/nationality /m/07ssc +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0fqyc /base/aareas/schema/administrative_area/administrative_parent /m/059j2 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0bxl5 /music/instrument/instrumentalists /m/01wzlxj +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/03mnk /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0c0nhgv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/0hdf8 /music/genre/artists /m/0326tc +/m/05g2b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bch9 /people/ethnicity/people /m/0q9t7 +/m/01fwpt /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/0pksh +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02pdhz +/m/01ggbx /base/eating/practicer_of_diet/diet /m/07_jd +/m/05gp3x /people/person/place_of_birth /m/0rh6k +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0m257 /location/location/time_zones /m/02hczc +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0ym1n /education/educational_institution/students_graduates./education/education/student /m/04ch23 +/m/0c0k1 /film/actor/film./film/performance/film /m/0cc5mcj +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0kb07 /film/film/genre /m/01g6gs +/m/0h7dd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01zg98 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/027m67 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/01tl50z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0mbs8 /people/person/place_of_birth /m/02_286 +/m/0bt3j9 /film/film/country /m/09c7w0 +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/01l7qw /people/person/gender /m/05zppz +/m/02yr3z /education/educational_institution/students_graduates./education/education/student /m/02dth1 +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/05b6s5j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064t9 /music/genre/artists /m/02lvtb +/m/059j2 /location/location/contains /m/05g2b +/m/03s9v /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/01_bp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/02r8hh_ /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059rby +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015fr +/m/07b_l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0183z2 +/m/04kkz8 /film/film/country /m/09c7w0 +/m/03ywyk /film/actor/film./film/performance/film /m/047rkcm +/m/01p1v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03jqfx /base/culturalevent/event/entity_involved /m/03gk2 +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/0bdxs5 +/m/0ds5_72 /film/film/genre /m/05p553 +/m/0glt670 /music/genre/artists /m/01q32bd +/m/0qpsn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/03f0vvr /people/person/gender /m/05zppz +/m/03hmr_ /people/person/places_lived./people/place_lived/location /m/05kkh +/m/0yzbg /film/film/country /m/09c7w0 +/m/034m8 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02_jkc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/02jr26 /film/actor/film./film/performance/film /m/0f4vx +/m/011zd3 /film/actor/film./film/performance/film /m/01rxyb +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05bmq /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/098knd /sports/sports_team/sport /m/09xp_ +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/033jj1 +/m/046zh /people/person/sibling_s./people/sibling_relationship/sibling /m/023nlj +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/02k4b2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0391jz +/m/03cvvlg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/0b78hw /people/person/profession /m/0kyk +/m/06gd4 /music/artist/contribution./music/recording_contribution/performance_role /m/02qjv +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0432b +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vt9p3 +/m/0542n /people/cause_of_death/people /m/05m0h +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/071jv5 +/m/044_7j /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/04jspq /people/person/profession /m/0dxtg +/m/0l5yl /people/person/profession /m/018gz8 +/m/01jp4s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/01ddth /people/cause_of_death/people /m/02xyl +/m/0288fyj /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggl02 +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0jm64 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/0jgd /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0chgr2 /location/location/contains /m/0gxbl +/m/0315w4 /film/film/genre /m/03npn +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0j3d9tn /film/film/genre /m/02l7c8 +/m/01f9zw /people/person/profession /m/016z4k +/m/015z4j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w7nwm +/m/01f1jy /olympics/olympic_games/sports /m/09f6b +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/045c7b /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07nxvj /film/film/production_companies /m/031rp3 +/m/05631 /tv/tv_program/genre /m/0pr6f +/m/016r9z /olympics/olympic_games/participating_countries /m/059j2 +/m/047gpsd /film/film/language /m/0k0sv +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/084302 /film/film/written_by /m/0184dt +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0162b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01k4f /base/biblioness/bibs_location/country /m/06mzp +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063hp4 +/m/09l3p /film/actor/film./film/performance/film /m/0dfw0 +/m/0cx7f /music/genre/artists /m/06gd4 +/m/019vhk /film/film/executive_produced_by /m/06q8hf +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0qm40 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/026njb5 +/m/04l3_z /people/person/profession /m/0dxtg +/m/06pcz0 /film/actor/film./film/performance/film /m/02vrgnr +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/01rs5p +/m/041jlr /influence/influence_node/influenced_by /m/01p1z_ +/m/075cph /film/film/language /m/02h40lc +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/064t9 /music/genre/artists /m/01wbl_r +/m/01tv3x2 /people/person/profession /m/09jwl +/m/01hww_ /music/instrument/instrumentalists /m/02f1c +/m/088q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07nt8p +/m/024jwt /people/person/profession /m/02jknp +/m/05kfs /film/director/film /m/02p86pb +/m/015t56 /film/actor/film./film/performance/film /m/03rtz1 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m313 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/02hhtj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028r4y +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/01vdm0 /music/instrument/instrumentalists /m/0b_j2 +/m/07z6xs /film/film/country /m/09c7w0 +/m/02q_4ph /film/film/story_by /m/01h320 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0l14md /music/instrument/instrumentalists /m/018gkb +/m/06tgw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/027jk +/m/02rjv2w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/072bb1 /people/person/profession /m/02jknp +/m/02p11jq /music/record_label/artist /m/0dzlk +/m/0bfp0l /music/record_label/artist /m/0m_31 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/05ry0p /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01t07j /people/person/religion /m/0c8wxp +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_j8x +/m/05bt6j /music/genre/artists /m/095x_ +/m/0gm8_p /film/actor/film./film/performance/film /m/0294mx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/05g49 /sports/sports_team/colors /m/038hg +/m/010tkc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01xdn1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/04xbr4 /people/person/gender /m/05zppz +/m/0sz28 /people/person/gender /m/05zppz +/m/05mc99 /film/actor/film./film/performance/film /m/0cz_ym +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/06crng /people/person/profession /m/0dxtg +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02_jjm +/m/02t__3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09zmys /film/actor/film./film/performance/film /m/01kqq7 +/m/022qw7 /people/person/places_lived./people/place_lived/location /m/027l4q +/m/098sv2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0f25y /location/location/time_zones /m/02hczc +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/06ztvyx /film/film/film_format /m/017fx5 +/m/01v1ln /film/film/music /m/02g1jh +/m/070j61 /people/person/nationality /m/09c7w0 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/07c6l /music/instrument/instrumentalists /m/01k_0fp +/m/03_2td /people/person/profession /m/02hrh1q +/m/09g0h /people/person/profession /m/08z956 +/m/01xv77 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bbxx9b +/m/0299hs /film/film/genre /m/02kdv5l +/m/015v3r /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/036gdw /people/person/nationality /m/07ssc +/m/033wx9 /music/artist/origin /m/0f2rq +/m/015_1q /music/record_label/artist /m/01vs4ff +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/08_83x /people/person/place_of_birth /m/01zfrt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04zxrt +/m/0d05q4 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z215 +/m/018gqj /music/artist/origin /m/04f_d +/m/01243b /music/genre/artists /m/0l8g0 +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/081l_ +/m/018jk2 /location/administrative_division/country /m/03_3d +/m/095nx /people/person/profession /m/02hrh1q +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/020vx9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0674cw /people/deceased_person/place_of_death /m/04vmp +/m/07_dn /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_s4b +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s0l +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03mdt +/m/0btpx /film/actor/film./film/performance/film /m/032016 +/m/01vvyd8 /people/person/nationality /m/09c7w0 +/m/03xl77 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08849 /award/award_winner/awards_won./award/award_honor/award_winner /m/05g7q +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/02lfwp /people/person/nationality /m/02jx1 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/01mqnr /people/person/profession /m/02hrh1q +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/0165v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1v +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/017y26 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0f3zf_ /people/person/profession /m/0dgd_ +/m/0269kx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hmr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0czyxs /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/016clz /music/genre/artists /m/09jm8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0ct_yc /people/person/place_of_birth /m/0n96z +/m/01yf85 /film/actor/film./film/performance/film /m/04tqtl +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01pj48 +/m/07sbk /award/award_winner/awards_won./award/award_honor/award_winner /m/03f7jfh +/m/0123qq /tv/tv_program/genre /m/01hmnh +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0kszw +/m/04knh6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0s3pw /location/hud_county_place/place /m/0s3pw +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0xv2x /music/genre/parent_genre /m/05r6t +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0_z91 /location/hud_county_place/county /m/0msck +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/0h5g_ /film/actor/film./film/performance/film /m/07_k0c0 +/m/014_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/018ctl /olympics/olympic_games/participating_countries /m/04hqz +/m/01tcf7 /film/actor/film./film/performance/film /m/01hqhm +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0683n /influence/influence_node/influenced_by /m/043tg +/m/0prfz /film/actor/film./film/performance/film /m/08hmch +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/02114t /film/actor/film./film/performance/film /m/0ds1glg +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0161c2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0k6nt +/m/05r5c /music/instrument/instrumentalists /m/0127gn +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/0grrq8 +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/0j_t1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/05xd_v /film/actor/film./film/performance/film /m/0cw3yd +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/0b82vw +/m/05bt6j /music/genre/artists /m/02dbp7 +/m/0jqp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbn7c +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmgb +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/049468 /film/actor/film./film/performance/film /m/02tcgh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/position /m/02nzb8 +/m/07c404 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l5mz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0hzlz /location/location/contains /m/0c499 +/m/026v1z /tv/tv_network/programs./tv/tv_network_duration/program /m/031kyy +/m/02k54 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gqr +/m/0bq2g /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/024dgj +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062dn7 +/m/06kknt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/015pdg /music/genre/artists /m/0gr69 +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/094jv +/m/07vf5c /film/film/produced_by /m/01ycck +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0579tg2 +/m/0jqb8 /film/film/genre /m/07s9rl0 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1y7 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/0p_pd /film/actor/film./film/performance/film /m/058kh7 +/m/018ndc /music/artist/origin /m/0f2rq +/m/01lyv /music/genre/artists /m/01cblr +/m/0g2lq /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/05slvm /people/person/profession /m/02hrh1q +/m/01rlz4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g_wn2 /base/aareas/schema/administrative_area/administrative_parent /m/0hjy +/m/02lnbg /music/genre/artists /m/09h4b5 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ryx0 +/m/011yxg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06kkgw +/m/0488g9 /people/person/profession /m/03gjzk +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04lp8k +/m/01t8gz /sports/sports_team_location/teams /m/0212mp +/m/0m_31 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01c6k4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0crh5_f /film/film/film_festivals /m/0fpkxfd +/m/036hf4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/075k5 /base/culturalevent/event/entity_involved /m/059z0 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zx7xk +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/02_sr1 +/m/0bz60q /people/person/nationality /m/09c7w0 +/m/03xpfzg /people/person/profession /m/0dxtg +/m/04tqtl /film/film/genre /m/01jfsb +/m/09myny /people/deceased_person/place_of_death /m/06_kh +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/030h95 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t8b +/m/01ym8l /business/business_operation/industry /m/029g_vk +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/02h40lc /language/human_language/countries_spoken_in /m/0h44w +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/07bbw /music/genre/parent_genre /m/01dqhq +/m/02jyhv /people/person/profession /m/02hrh1q +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02k4gv +/m/02mv9b /people/person/nationality /m/09c7w0 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04wqr /people/person/religion /m/05w5d +/m/02k8k /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/047p798 /film/film/featured_film_locations /m/07b_l +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/06ltr /people/person/profession /m/0kyk +/m/03rk0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/027r9t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0yldt +/m/01j5sv /people/person/gender /m/02zsn +/m/018grr /film/actor/film./film/performance/film /m/01shy7 +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0187y5 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/0gywn /music/genre/artists /m/01ydzx +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/03z8bw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/013crh /base/biblioness/bibs_location/state /m/03s0w +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/06vbd /location/country/official_language /m/0jzc +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/07c404 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01yjl +/m/044rvb /film/actor/film./film/performance/film /m/0b73_1d +/m/02bjhv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0kz10 /music/genre/parent_genre /m/0m0jc +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/05bnp0 /people/person/profession /m/0kyk +/m/01gqg3 /time/event/locations /m/0j0k +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/02bjrlw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/07jwr /people/cause_of_death/people /m/016j68 +/m/01k8vh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0347xl +/m/0q9b0 /film/film/produced_by /m/0q9kd +/m/094wz7q /people/person/profession /m/02tx6q +/m/0225v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03j7cf /sports/sports_team/sport /m/02vx4 +/m/0b22w /people/person/profession /m/04gc2 +/m/04rg6 /people/person/nationality /m/0d060g +/m/01z4y /media_common/netflix_genre/titles /m/0f2sx4 +/m/043zg /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0151w_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/05nrg /location/location/contains /m/034tl +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/012gx2 +/m/0150jk /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fh694 +/m/09c7w0 /location/country/second_level_divisions /m/0d22f +/m/02gl58 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03k545 /film/actor/film./film/performance/film /m/0ch26b_ +/m/02qgyv /film/actor/film./film/performance/film /m/095zlp +/m/01xjx6 /music/record_label/artist /m/07rnh +/m/0168cl /people/person/profession /m/0cbd2 +/m/02qwg /influence/influence_node/influenced_by /m/01vsy3q +/m/03n3gl /film/film/country /m/0345h +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0ds35l9 /film/film/language /m/02h40lc +/m/01sqd7 /music/record_label/artist /m/01vs_v8 +/m/0d5fb /education/educational_institution/students_graduates./education/education/student /m/031y07 +/m/04zn7g /people/person/nationality /m/09c7w0 +/m/020h2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/027jk +/m/033hn8 /music/record_label/artist /m/018dyl +/m/09hgk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05ywg +/m/02h40lc /language/human_language/countries_spoken_in /m/0160w +/m/01fb6d /business/business_operation/industry /m/04rlf +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/01dc0c /film/film/genre /m/09blyk +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/014_x2 /film/film/cinematography /m/08mhyd +/m/02l4pj /film/actor/film./film/performance/film /m/02ylg6 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07tlfx +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/03fhjz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/09c7w0 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cz83 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01lbcqx /film/film/production_companies /m/017s11 +/m/0q9kd /film/actor/film./film/performance/film /m/01hq1 +/m/01rh0w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0127xk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/01fkxr /people/person/profession /m/0nbcg +/m/03l7tr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0194xc /people/person/nationality /m/09c7w0 +/m/0999q /language/human_language/countries_spoken_in /m/03rk0 +/m/0827d /music/genre/artists /m/013w8y +/m/01h8rk /education/educational_institution/colors /m/01jnf1 +/m/0294mx /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/014q2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kx_81 +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01xcfy /people/person/gender /m/02zsn +/m/081mh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/07t2k +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gnkb +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017kz7 +/m/017g2y /film/actor/film./film/performance/film /m/026p_bs +/m/09py7 /people/person/gender /m/05zppz +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0g60z +/m/06f0k /tv/tv_program/country_of_origin /m/07ssc +/m/05h43ls /film/film/produced_by /m/0c00lh +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/05r5c /music/instrument/instrumentalists /m/01m65sp +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0121rx /people/person/religion /m/0c8wxp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01gxqf +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0bh72t +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/017jv5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0203v +/m/01lyv /music/genre/artists /m/01309x +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06y_n +/m/01gvxh /government/legislative_session/members./government/government_position_held/legislative_sessions /m/034_7s +/m/064t9 /music/genre/artists /m/0p8h0 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0417z2 +/m/0cx6f /music/genre/artists /m/02pzc4 +/m/024d8w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02h40lc /language/human_language/countries_spoken_in /m/01ppq +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/078bz +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/069nzr +/m/024_41 /award/award_category/category_of /m/0c4ys +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06rq2l +/m/0l56b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g4zr /people/person/profession /m/0np9r +/m/039n1 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/03975z /people/person/profession /m/02hrh1q +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/015w9s /media_common/netflix_genre/titles /m/090s_0 +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/069nzr +/m/05wp1p /film/film/production_companies /m/01gb54 +/m/0gnbw /award/award_winner/awards_won./award/award_honor/award_winner /m/02hsgn +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/0ft18 /film/film/executive_produced_by /m/0m593 +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/0ydpd /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n4m5 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02725hs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05v8c +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/09zyn5 /people/ethnicity/people /m/04r7p +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gfp09 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01q6bg /film/actor/film./film/performance/film /m/01s9vc +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cl2w +/m/0sf9_ /base/biblioness/bibs_location/state /m/03v0t +/m/018gqj /film/actor/film./film/performance/film /m/013q0p +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/02b13j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vp1f_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gy6z9 /film/actor/film./film/performance/film /m/047wh1 +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/01cf93 /music/record_label/artist /m/02dw1_ +/m/0h_m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b1mf +/m/0m_mm /film/film/production_companies /m/086k8 +/m/01hmnh /media_common/netflix_genre/titles /m/05fm6m +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/02p5hf /people/person/gender /m/05zppz +/m/01k9cc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/01hv3t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cp0790 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/020vx9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01j4ls +/m/04ych /location/location/contains /m/013h1c +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/01_ztw /people/person/profession /m/0d1pc +/m/01qhm_ /people/ethnicity/languages_spoken /m/04306rv +/m/01frpd /organization/organization/child./organization/organization_relationship/child /m/05k6d +/m/05rx__ /influence/influence_node/influenced_by /m/0ph2w +/m/0fn8jc /people/person/profession /m/02hrh1q +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0gm34 +/m/017gl1 /film/film/genre /m/02kdv5l +/m/0415mzy /people/person/nationality /m/04wgh +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/020fcn /film/film/production_companies /m/016tt2 +/m/05c5z8j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01z7_f +/m/017l96 /music/record_label/artist /m/015882 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03s9kp +/m/07p12s /film/film/produced_by /m/04y8r +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/021yw7 /people/person/profession /m/03gjzk +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017jv5 +/m/03n0cd /film/film/produced_by /m/06pj8 +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/089pg7 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs73g +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/01s7qqw /influence/influence_node/influenced_by /m/0p_47 +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zfs +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/092ggq /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dw6b /people/deceased_person/place_of_death /m/06pr6 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0m2b5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jch5 +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/03v3xp /film/actor/film./film/performance/film /m/04tqtl +/m/02dj3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059t8 +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/05q54f5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04x1_w /people/person/languages /m/02h40lc +/m/0h63q6t /tv/tv_program/languages /m/02h40lc +/m/0l998 /olympics/olympic_games/sports /m/064vjs +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/090gpr /people/person/nationality /m/03rk0 +/m/05sbv3 /film/film/cinematography /m/07xr3w +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09c7w0 /location/location/contains /m/04_1l0v +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/059j1m /film/actor/film./film/performance/film /m/0gvvf4j +/m/0f8l9c /media_common/netflix_genre/titles /m/05y0cr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0y54 +/m/01yjl /sports/sports_team/colors /m/01g5v +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/0660b9b /film/film/genre /m/05mrx8 +/m/05jzt3 /film/film/country /m/0345h +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/026n3rs /people/person/gender /m/05zppz +/m/09q5w2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02ny8t /music/genre/artists /m/0gs6vr +/m/02rg_4 /education/educational_institution/colors /m/04mkbj +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/03d3ht /tv/tv_program/genre /m/02l7c8 +/m/0f8l9c /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcr +/m/016mhd /film/film/genre /m/04dn71w +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/049f88 +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gl88b +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/01fx4k /film/film/country /m/07ssc +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/056jrs +/m/01_6dw /people/person/place_of_birth /m/0cc56 +/m/024t0y /people/person/spouse_s./people/marriage/location_of_ceremony /m/0162v +/m/04t36 /media_common/netflix_genre/titles /m/0qm9n +/m/0cbgl /influence/influence_node/influenced_by /m/03qcq +/m/027rqbx /location/location/contains /m/0cv0r +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/05j82v /film/film/country /m/07ssc +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/06t2t /location/country/official_language /m/0653m +/m/04gc65 /people/person/profession /m/099md +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01k_n63 /people/person/profession /m/02hrh1q +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/016h4r +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/016tw3 +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_7w6 +/m/0x3r3 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02vyw /influence/influence_node/influenced_by /m/016bx2 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rwng +/m/01swdw /organization/organization/headquarters./location/mailing_address/citytown /m/0gp5l6 +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/089j8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0c1j_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f7m4h +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/057n_g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/016nff /film/actor/film./film/performance/film /m/03176f +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0286vp /film/film/production_companies /m/0283xx2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/058frd /award/award_winner/awards_won./award/award_honor/award_winner /m/0b455l +/m/0bxtg /people/person/profession /m/01d_h8 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/05q4y12 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0rh6k /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07cjqy +/m/05tgks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06j6l /music/genre/artists /m/05szp +/m/05sb1 /location/country/form_of_government /m/06cx9 +/m/06d4h /film/film_subject/films /m/034hzj +/m/081lh /film/actor/film./film/performance/film /m/07bxqz +/m/017vkx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/07bch9 /people/ethnicity/people /m/04qt29 +/m/049fcd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01cwcr /people/person/gender /m/05zppz +/m/01g0jn /people/person/profession /m/02hrh1q +/m/09nz_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05w1vf /film/actor/film./film/performance/film /m/011yth +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/09blyk /media_common/netflix_genre/titles /m/04s1zr +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01n7q /location/location/contains /m/0l35f +/m/01n4f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01p0vf /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0d7wh /people/ethnicity/people /m/02w9895 +/m/086hg9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0478__m /people/person/employment_history./business/employment_tenure/company /m/01trtc +/m/01d494 /influence/influence_node/influenced_by /m/0ct9_ +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/03h2d4 /people/person/languages /m/02h40lc +/m/0h7pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05z775 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/099bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016zgj /music/genre/artists /m/03c7ln +/m/06kx2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n6mc +/m/0162v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06mkj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/07ssc /location/location/contains /m/01fbb3 +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0ddkf /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0227tr /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/015m08 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ngn3 +/m/02xry /location/location/contains /m/0fxkr +/m/0436kgz /film/actor/film./film/performance/film /m/034b6k +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0h8d /location/country/official_language /m/02h40lc +/m/03c_cxn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09gb9xh /film/actor/film./film/performance/film /m/03d8jd1 +/m/024nj1 /sports/sports_team/sport /m/09xp_ +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0133_p /music/genre/artists /m/01k_yf +/m/0ddkf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/04lqvlr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gn8s /education/educational_institution/colors /m/03wkwg +/m/013l6l /base/biblioness/bibs_location/country /m/09c7w0 +/m/0l14qv /music/instrument/instrumentalists /m/0bg539 +/m/013xrm /people/ethnicity/people /m/04k15 +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/04264n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ctw_b /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/01mv_n /award/award_winner/awards_won./award/award_honor/award_winner /m/03dbww +/m/02js6_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09l3p +/m/0dm5l /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0879bpq +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0cf_h9 /film/actor/film./film/performance/film /m/01gvsn +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0yxl /people/person/profession /m/0kyk +/m/01ycbq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/02zk08 /film/film/featured_film_locations /m/02_286 +/m/06gjk9 /film/film/produced_by /m/02lf0c +/m/06zn1c /film/film/genre /m/03k9fj +/m/02bqxb /film/film/genre /m/06n90 +/m/01k8rb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/0157m +/m/0hl3d /people/person/profession /m/05vyk +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/05m883 +/m/0dtfn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/0fhnf /location/location/time_zones /m/02llzg +/m/04fzfj /film/film/story_by /m/08hp53 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/050fh +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0trv /organization/organization/headquarters./location/mailing_address/citytown /m/0qpsn +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/03ckvj9 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0q5hw +/m/021dvj /music/genre/artists /m/06wvj +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0436zq /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/0237fw /film/actor/film./film/performance/film /m/0djlxb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/02v5_g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ymdn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01hdht /people/person/nationality /m/09c7w0 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/03lty /music/genre/artists /m/04rcr +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sns6 +/m/045931 /film/actor/film./film/performance/film /m/0qm98 +/m/03cvwkr /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02qhm3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0x25q +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgxf +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/01f7jt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06y57 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pdgp +/m/021vwt /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ldv0 +/m/025y9fn /award/award_winner/awards_won./award/award_honor/award_winner /m/04wp2p +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0fbx6 +/m/02cbhg /film/film/genre /m/07s9rl0 +/m/013cr /people/person/place_of_birth /m/0k049 +/m/01vzz1c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/046qq /film/actor/film./film/performance/film /m/0dq626 +/m/01k1k4 /film/film/language /m/02h40lc +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/0p_47 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0159h6 +/m/06l9n8 /film/actor/film./film/performance/film /m/06_sc3 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06x77g +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tjf +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/06929s /film/film/genre /m/0219x_ +/m/04yc76 /film/film/country /m/09c7w0 +/m/06j6l /music/genre/artists /m/012z8_ +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027_sn /people/person/place_of_birth /m/02_286 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6v +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/095w_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fh694 +/m/05ccxr /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/09g8vhw /film/film/country /m/09c7w0 +/m/0dp7wt /film/film/language /m/097kp +/m/0422v0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03fnyk +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0j8f09z /film/film/film_festivals /m/0kfhjq0 +/m/09gq0x5 /film/film/film_festivals /m/0g57ws5 +/m/04nz3 /medicine/disease/notable_people_with_this_condition /m/01k7d9 +/m/06bd5j /film/film/production_companies /m/0g1rw +/m/0d06m5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/023fb /sports/sports_team/sport /m/02vx4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/0d060g /location/location/contains /m/015jr +/m/05q9g1 /people/person/gender /m/05zppz +/m/03sxd2 /film/film/country /m/09c7w0 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0nbwf /location/hud_county_place/county /m/0kpys +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/0226cw /people/person/profession /m/04gc2 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/093dqjy +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02vqsll /film/film/genre /m/03mqtr +/m/03qx63 /sports/sports_team/colors /m/019sc +/m/01w1kyf /people/person/places_lived./people/place_lived/location /m/0fwc0 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/041jlr /influence/influence_node/influenced_by /m/03f0324 +/m/09r8l /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03d96s +/m/027ct7c /film/film/genre /m/04xvlr +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/02qcr /film/film/costume_design_by /m/03gt0c5 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/03mdt +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03pmty +/m/01vrkdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01s47p +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0jch5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m241 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/01tz6vs /influence/influence_node/influenced_by /m/015k7 +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/041td_ +/m/0_b9f /film/film/country /m/0chghy +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01c4pv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01ymvk +/m/0432_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01p7yb /film/actor/film./film/performance/film /m/01vfqh +/m/047gpsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g68zt +/m/0dprg /location/location/time_zones /m/02llzg +/m/0gsg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/07sp4l +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n83s +/m/014488 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05fhy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0846v +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/033tf_ /people/ethnicity/people /m/03rl84 +/m/0pz91 /film/actor/film./film/performance/film /m/023vcd +/m/07xzm /music/instrument/instrumentalists /m/02w4fkq +/m/0h0p_ /people/person/profession /m/0dxtg +/m/03_x5t /people/person/place_of_birth /m/0f2v0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/0d060g +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/0btyf5z /film/film/country /m/09c7w0 +/m/04x4gj /tv/tv_program/genre /m/07s9rl0 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0bkf72 +/m/04_sqm /music/genre/artists /m/0889x +/m/015njf /people/person/spouse_s./people/marriage/spouse /m/02vkvcz +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/0341n5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/07s3vqk +/m/03cvwkr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fm6m8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04w4s /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/03mdt /media_common/netflix_genre/titles /m/0464pz +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07ssc /location/location/contains /m/02fvv +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01q9b9 /people/person/place_of_birth /m/06wxw +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/0449sw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/077jpc +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/09n48 /olympics/olympic_games/participating_countries /m/04j53 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01mxqyk /people/person/sibling_s./people/sibling_relationship/sibling /m/01kp_1t +/m/017fp /media_common/netflix_genre/titles /m/06krf3 +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/03rhqg /music/record_label/artist /m/03q2t9 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/029b9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0187y5 +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05kyr +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l3_5 +/m/0f3m1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01hmnh /media_common/netflix_genre/titles /m/02bj22 +/m/01x4r3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03b78r /people/person/profession /m/03gjzk +/m/0488g /location/location/contains /m/0ftyc +/m/02lf1j /film/actor/film./film/performance/film /m/0sxgv +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0bq2g +/m/09f3c /sports/sports_team_location/teams /m/03fnqj +/m/0zjpz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/0c4kv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04c636 /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/041c4 /film/actor/film./film/performance/film /m/099bhp +/m/01nbq4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0126hc +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/01hmb_ /film/actor/film./film/performance/film /m/035s95 +/m/016szr /people/person/nationality /m/09c7w0 +/m/08nhfc1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/09r9dp /people/person/place_of_birth /m/06wxw +/m/07vfy4 /film/film/genre /m/02l7c8 +/m/014j0w /music/record_label/artist /m/01516r +/m/012q4n /people/person/profession /m/02hrh1q +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pmhf +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0776drd +/m/0q9t7 /people/person/nationality /m/09c7w0 +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0c2tf /people/person/nationality /m/09c7w0 +/m/01fx6y /film/film/country /m/09c7w0 +/m/069vt /business/business_operation/industry /m/0vg8 +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/04y652m /broadcast/content/artist /m/01518s +/m/093g7v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0bkq7 /film/film/production_companies /m/016tt2 +/m/0yjf0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0kb57 /film/film/genre /m/03bxz7 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/03d6q /people/person/religion /m/0c8wxp +/m/02y0yt /people/person/profession /m/02hrh1q +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/04t0p1 /music/record_label/artist /m/01wgcvn +/m/0dgr5xp /award/award_category/winners./award/award_honor/award_winner /m/042rnl +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/04f9r2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0knjh +/m/01rzqj /film/actor/film./film/performance/film /m/025ts_z +/m/0bg539 /people/person/profession /m/02hrh1q +/m/01w8sf /influence/influence_node/influenced_by /m/013pp3 +/m/09p0ct /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03g62 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015v3r /influence/influence_node/influenced_by /m/03dbds +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvdm +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/0gd92 /film/film/genre /m/0219x_ +/m/01qxs3 /business/business_operation/industry /m/019z7b +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02bwc7 /people/person/profession /m/02krf9 +/m/055c8 /film/actor/film./film/performance/film /m/0_92w +/m/0cwt70 /base/culturalevent/event/entity_involved /m/083q7 +/m/0145rs /music/genre/artists /m/09k2t1 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0n3g /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dvld +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436kgz +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06kbb6 +/m/01s0_f /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/065zlr /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/0b24sf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/05znbh7 /film/film/genre /m/02p0szs +/m/0287xhr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01dwyd +/m/09c7w0 /location/country/second_level_divisions /m/0n2kw +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/03bdkd /film/film/genre /m/03bxz7 +/m/02ts3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01k5t_3 /film/actor/film./film/performance/film /m/03xf_m +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/011ykb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ly8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01tmng /organization/organization/headquarters./location/mailing_address/citytown /m/0chrx +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/091z_p /film/film/genre /m/04xvlr +/m/07z1m /location/location/contains /m/01jswq +/m/04ns3gy /people/person/place_of_birth /m/0cc56 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0bn9sc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015gw6 /film/actor/film./film/performance/film /m/011ywj +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/05zpghd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yls9 /education/educational_institution/campuses /m/0yls9 +/m/03bkbh /people/ethnicity/people /m/04bdxl +/m/05j12n /people/person/languages /m/0999q +/m/0jrhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l35f +/m/053rxgm /film/film/written_by /m/0gn30 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/035sc2 /people/person/profession /m/03gjzk +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0170s4 +/m/01rv7x /people/ethnicity/people /m/06zmg7m +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrh1w +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07sbk +/m/080z7 /education/educational_institution_campus/educational_institution /m/080z7 +/m/02ccqg /education/educational_institution/school_type /m/01rs41 +/m/08s_lw /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/08hmch /film/film/produced_by /m/03h_9lg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6mc +/m/03n6r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h1m9 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05650n +/m/0ymbl /education/educational_institution/school_type /m/02p0qmm +/m/022q4j /people/person/nationality /m/09c7w0 +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/01w5jwb +/m/04ftdq /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01kd57 /people/person/profession /m/09jwl +/m/07h34 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/02r5qtm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03kxp7 +/m/06bc59 /film/film/language /m/06b_j +/m/0gd9k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0pc56 +/m/01syr4 /people/person/religion /m/0c8wxp +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/04f52jw /film/film/genre /m/03k9fj +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/01x15dc +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rcmg +/m/0hv81 /film/film/genre /m/07s9rl0 +/m/02qd04y /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/05myd2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07k2p6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/016gb5 /base/aareas/schema/administrative_area/administrative_parent /m/06jtd +/m/02zjd /people/person/nationality /m/09c7w0 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/028tv0 +/m/0_jws /location/hud_county_place/place /m/0_jws +/m/0gmgwnv /film/film/production_companies /m/01gb54 +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/04v3q /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0169dl /people/person/profession /m/03gjzk +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/026lj /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/01p8r8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03l7w8 +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/01jfrg /people/person/places_lived./people/place_lived/location /m/05kkh +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/04sry /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0jcx /influence/influence_node/influenced_by /m/04xfb +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0b1s_q /people/person/gender /m/05zppz +/m/01hr1 /film/film/production_companies /m/086k8 +/m/03s9kp /film/film/genre /m/05c3mp2 +/m/0151w_ /film/actor/film./film/performance/film /m/03bzjpm +/m/08tq4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01f7kl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/02825kb /film/film/language /m/02h40lc +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/07ssc /location/location/contains /m/01cwdk +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01j7mr /tv/tv_program/genre /m/05jhg +/m/0g10g /film/actor/film./film/performance/film /m/0n0bp +/m/02jg92 /people/person/nationality /m/09c7w0 +/m/014knw /film/film/language /m/02h40lc +/m/02w3w /music/instrument/instrumentalists /m/027hm_ +/m/05bt6j /music/genre/artists /m/0dl567 +/m/0grjmv /music/genre/artists /m/01vtmw6 +/m/01s753 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/05bmq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/01c65z /film/actor/film./film/performance/film /m/0bxxzb +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0d060g /location/location/contains /m/07wm6 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0yz30 /location/hud_county_place/county /m/0n25q +/m/04306rv /language/human_language/countries_spoken_in /m/0k6nt +/m/02sjp /people/person/profession /m/01c8w0 +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04g9gd +/m/03lrc /location/location/contains /m/01z56h +/m/051q39 /people/person/profession /m/01445t +/m/0m123 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/05xpms /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/01tl50z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/02bf58 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g51l1 /people/person/place_of_birth /m/02_286 +/m/01vsy9_ /people/person/places_lived./people/place_lived/location /m/010v8k +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/0453t +/m/02zcnq /education/educational_institution/school_type /m/01_9fk +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/032qgs /people/person/profession /m/0dxtg +/m/0jzw /film/film/edited_by /m/02lp3c +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzz6g +/m/011k1h /music/record_label/artist /m/01vs4f3 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/02yxbc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02c6d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01l1hr /people/person/nationality /m/09c7w0 +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0qmd5 /film/film/country /m/09c7w0 +/m/0l14qv /music/instrument/instrumentalists /m/018y81 +/m/03sc8 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btyf5z /film/film/language /m/02h40lc +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/01yndb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01jfsb /media_common/netflix_genre/titles /m/065dc4 +/m/01z9_x /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02r6c_ /film/director/film /m/047n8xt +/m/01wkmgb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0swff /olympics/olympic_games/sports /m/09_9n +/m/0123j6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/04jpk2 /film/film/genre /m/07s9rl0 +/m/01wmgrf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/016ndm /education/educational_institution/colors /m/01g5v +/m/023slg /music/group_member/membership./music/group_membership/role /m/02fsn +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_h6 +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06sn8m +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/08cyft /music/genre/artists /m/01w8n89 +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/047q2wc /people/person/profession /m/01d_h8 +/m/011j5x /music/genre/artists /m/012zng +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/011k1h /music/record_label/artist /m/020hyj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/08s0m7 /people/person/languages /m/09s02 +/m/08nvyr /film/film/genre /m/07s9rl0 +/m/0443xn /people/person/place_of_birth /m/02frhbc +/m/03lyp4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h8hr +/m/0bh8x1y /film/film/genre /m/01jfsb +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/01clyr /music/record_label/artist /m/0gps0z +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0fphgb +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/08h79x /people/person/place_of_birth /m/0rtv +/m/0627sn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxbw +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/016ndm /organization/organization/headquarters./location/mailing_address/citytown /m/0b1t1 +/m/09c7w0 /location/location/contains /m/01kyln +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/0cc5tgk +/m/0gk4g /people/cause_of_death/people /m/030s5g +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01kcd +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/01nn7r +/m/0dr5y /people/person/profession /m/02hrh1q +/m/05nn4k /people/person/nationality /m/09c7w0 +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/06hwzy /tv/tv_program/genre /m/06ntj +/m/01mqc_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/04rfq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bwfwpj +/m/048z7l /people/ethnicity/languages_spoken /m/032f6 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/031y07 /film/actor/film./film/performance/film /m/0c8qq +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0crx5w +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fx3c +/m/01mt1fy /people/person/spouse_s./people/marriage/spouse /m/02g0rb +/m/02d42t /people/person/nationality /m/07ssc +/m/09c7w0 /location/location/contains /m/01jzyx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0qpqn +/m/0484q /people/person/nationality /m/09c7w0 +/m/0gfsq9 /film/film/produced_by /m/06dkzt +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0hqly /film/actor/film./film/performance/film /m/02q7yfq +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0dryh9k /people/ethnicity/people /m/08kp57 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/063vn +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/024y8p /education/educational_institution/school_type /m/05jxkf +/m/02lj6p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/02_h0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/084302 /film/film/country /m/09c7w0 +/m/025sc50 /music/genre/artists /m/0770cd +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0640y35 /film/film/country /m/09c7w0 +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/014bpd /film/film/genre /m/0hcr +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/04mvp8 /people/ethnicity/people /m/05vzql +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0ytc +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/065ydwb +/m/01756d /music/genre/artists /m/01r0t_j +/m/04smkr /people/person/languages /m/02h40lc +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011xg5 +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0bykpk /film/film/genre /m/060__y +/m/0b_72t /time/event/instance_of_recurring_event /m/02jp2w +/m/03kbb8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/06x77g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b478 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/076df9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04344j /education/university/fraternities_and_sororities /m/035tlh +/m/02pt7h_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/04z4j2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0c3351 /media_common/netflix_genre/titles /m/0jwvf +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/0p51w /film/director/film /m/0kvf3b +/m/0b57p6 /people/person/profession /m/015h31 +/m/017w_ /location/location/time_zones /m/02llzg +/m/0969fd /influence/influence_node/influenced_by /m/0ct9_ +/m/0ndwt2w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/017kct /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/016_rm /music/genre/parent_genre /m/026z9 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/09zf_q /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/01n7q /location/location/contains /m/0281rb +/m/0404yzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wd5tk +/m/01c6rd /location/location/time_zones /m/02llzg +/m/01x4wq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/020_95 +/m/043n0v_ /film/film/genre /m/017fp +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0ffgh /people/person/places_lived./people/place_lived/location /m/02xry +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04kmx_ +/m/07tlfx /film/film/genre /m/0hfjk +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/04xrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vsgrn +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02mp0g +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yr9 +/m/06x2ww /music/record_label/artist /m/01w524f +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/01l1hr /film/actor/film./film/performance/film /m/02qk3fk +/m/01pnn3 /people/person/profession /m/0d1pc +/m/0465_ /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/02qyv3h /film/film/country /m/0chghy +/m/0b6m5fy /film/film/produced_by /m/0ksf29 +/m/018_lb /people/person/gender /m/02zsn +/m/03rt9 /location/country/form_of_government /m/018wl5 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/0ccqd7 /film/actor/film./film/performance/film /m/06ztvyx +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0cm2xh /film/film_subject/films /m/017kct +/m/08nvyr /film/film/prequel /m/02d478 +/m/017r13 /film/actor/film./film/performance/film /m/01z452 +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/021lby /people/person/places_lived./people/place_lived/location /m/01531 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0gx1l +/m/02r1c18 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0f6lx /people/person/profession /m/09jwl +/m/0_lr1 /location/hud_county_place/county /m/0mvxt +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0421st +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/012b30 /music/record_label/artist /m/0b1hw +/m/01hmb_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06rrzn /people/person/profession /m/0nbcg +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dq9 +/m/02z3zp /film/actor/film./film/performance/film /m/05qbckf +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/0725ny /people/person/nationality /m/09c7w0 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0404j37 +/m/01n7q /location/location/contains /m/027ybp +/m/03k7dn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy4k +/m/02bwc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0dzf_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/04kny3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gys2jp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hwbd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04k9y6 /film/film/country /m/0345h +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01wmjkb /music/group_member/membership./music/group_membership/group /m/0134pk +/m/01yh3y /people/person/profession /m/02hrh1q +/m/018vs /music/instrument/instrumentalists /m/01w02sy +/m/03rx9 /people/person/profession /m/01sjmd +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/0f8l9c /location/location/contains /m/0l178 +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/054lpb6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fgr_ /tv/tv_program/genre /m/09lmb +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0ymff /education/educational_institution/colors /m/088fh +/m/01f1jf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/09fqtq /film/actor/film./film/performance/film /m/03hfmm +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/0bj9k /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01k5zk +/m/06qw_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jm9c +/m/06kkgw /people/person/gender /m/05zppz +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/01fyzy /film/actor/film./film/performance/film /m/087pfc +/m/01l_vgt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fjzv /film/film/genre /m/03npn +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fjyzt +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01vz0g4 /people/person/profession /m/0nbcg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0byq0v +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03548 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/015mrk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/017zq0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/081yw /location/location/contains /m/09snz +/m/03f0r5w /film/director/film /m/03b_fm5 +/m/050r1z /film/film/production_companies /m/031rp3 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05tfn1 +/m/05hyn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/03f2_rc /film/actor/film./film/performance/film /m/043n1r5 +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6v +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/017z88 +/m/03lfd_ /film/film/language /m/02h40lc +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0418wg +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06449 +/m/0303jw /sports/sports_team/sport /m/02vx4 +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03t79f +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/020hyj /people/person/profession /m/0dz3r +/m/01dvry /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcmd +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0225v9 /education/educational_institution/colors /m/019sc +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/0181hw /music/record_label/artist /m/06nv27 +/m/0pvms /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/05r6t /music/genre/artists /m/018gm9 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01qh7 /location/location/contains /m/03ksy +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0175tv /sports/sports_team/colors /m/083jv +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/09k9d0 +/m/05v10 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/03qjlz +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/04lhc4 /film/film/produced_by /m/0d_skg +/m/027xx3 /education/educational_institution/colors /m/06fvc +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04j53 +/m/09sh8k /film/film/production_companies /m/016tt2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gy9d4 +/m/0fxkr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgld +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/0bw7ly /people/person/place_of_birth /m/04jpl +/m/016yzz /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/04qt29 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pqqb +/m/01693z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/0ch3qr1 /film/film/language /m/02h40lc +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/0hvb2 /people/person/nationality /m/03rt9 +/m/018y2s /people/person/profession /m/016z4k +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/03m6pk +/m/040db /people/person/spouse_s./people/marriage/location_of_ceremony /m/05v10 +/m/04xx9s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l2fn +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/03y_f8 /sports/sports_team/colors /m/06fvc +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013tcv +/m/09g8vhw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q7yfq +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07sqm1 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/03hbbc /business/business_operation/industry /m/01mw1 +/m/05vzql /people/person/languages /m/03k50 +/m/018jn4 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059fjj +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0170s4 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/019mcm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02zd460 /education/university/fraternities_and_sororities /m/0325pb +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/01vvyd8 /people/person/profession /m/0nbcg +/m/01s7ns /music/artist/origin /m/056_y +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/05fjy /location/location/contains /m/02482c +/m/0jbyg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb84n +/m/02htv6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01ry_x +/m/0cb4j /location/location/contains /m/0jbrr +/m/01wsl7c /people/person/profession /m/0nbcg +/m/01vsksr /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0b_j2 /people/person/profession /m/01b30l +/m/02cyfz /people/person/gender /m/05zppz +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01vnt4 +/m/0kbf1 /film/film/music /m/02sj1x +/m/0306ds /people/person/profession /m/02hrh1q +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01bzr4 /people/deceased_person/place_of_burial /m/018mrd +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/02114t +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0840vq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0prfz /people/person/gender /m/05zppz +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/016l09 +/m/0f276 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/047hpm +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6l1st +/m/01w9ph_ /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0crx5w +/m/05g3ss /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/01n44c +/m/0bm2g /film/film/film_format /m/0cj16 +/m/0mzkr /music/record_label/artist /m/09mq4m +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktx_ +/m/0520y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01gzm2 /film/director/film /m/0416y94 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/035gjq /people/person/profession /m/02hrh1q +/m/0b2v79 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05dbyt /people/person/places_lived./people/place_lived/location /m/06_kh +/m/01wy6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03t22m +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04xvlr /media_common/netflix_genre/titles /m/07g1sm +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/09cr8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/01vwllw /film/actor/film./film/performance/film /m/0456zg +/m/04ykg /base/biblioness/bibs_location/country /m/09c7w0 +/m/0c3351 /media_common/netflix_genre/titles /m/03ct7jd +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/072192 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/01wg6y +/m/011w20 /people/person/gender /m/05zppz +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j94 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05yzt_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04l7mn +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/08h79x +/m/086g2 /location/location/contains /m/0cvw9 +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/018ygt +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/0168nq /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p5xy /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0kq0q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l38g +/m/04wp2p /people/person/profession /m/0dxtg +/m/01r4bps /people/person/nationality /m/09c7w0 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0161h5 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/014l6_ +/m/036b_ /location/location/time_zones /m/03bdv +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/01_rh4 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03n_7k /film/actor/film./film/performance/film /m/05sxzwc +/m/0p_2r /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/01sfmyk /people/person/profession /m/018gz8 +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01jygk /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/02rrsz /film/actor/film./film/performance/film /m/016z5x +/m/096lf_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02p11jq /music/record_label/artist /m/014kyy +/m/06w7v /music/instrument/instrumentalists /m/0137g1 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/04g3p5 +/m/0b_6lb /time/event/instance_of_recurring_event /m/02jp2w +/m/04fhxp /film/actor/film./film/performance/film /m/0pvms +/m/0btj0 /people/deceased_person/place_of_death /m/0k_p5 +/m/07cz2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0n5gq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n58p +/m/0b85mm /film/film/genre /m/0lsxr +/m/01vxlbm /people/person/profession /m/016z4k +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/015qyf +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0p7pw /film/film/featured_film_locations /m/02_286 +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/05b7q /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01693z /people/person/profession /m/039v1 +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0gkkf /education/educational_institution/students_graduates./education/education/student /m/09p0q +/m/07w6r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01hdht /people/person/gender /m/05zppz +/m/04xrx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/020hyj +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/0gjvqm /film/actor/film./film/performance/film /m/0gvs1kt +/m/049t4g /film/actor/film./film/performance/film /m/0yxf4 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/04yg13l /film/film/genre /m/02kdv5l +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pllx +/m/014gf8 /film/actor/film./film/performance/film /m/0jzw +/m/016zdd /people/person/place_of_birth /m/02_286 +/m/02yv6b /music/genre/artists /m/01wvxw1 +/m/049l7 /people/person/gender /m/05zppz +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/0g3zrd /film/film/featured_film_locations /m/0fw2y +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/0gys2jp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0d3k14 /film/film_subject/films /m/09sr0 +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03_9r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046vvc +/m/01f8f7 /film/film/edited_by /m/03cp7b3 +/m/0342h /music/instrument/instrumentalists /m/02_t2t +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/03_6y /people/person/place_of_birth /m/080h2 +/m/03shpq /film/film/genre /m/01jfsb +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_92w +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0xn7q /location/hud_county_place/place /m/0xn7q +/m/037mp6 /sports/sports_team/sport /m/02vx4 +/m/041h0 /people/person/places_lived./people/place_lived/location /m/0k33p +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p_sc +/m/0gsg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05s34b +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/0kj34 /people/person/nationality /m/07ssc +/m/03262k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02pv_d /film/director/film /m/01h18v +/m/04j4tx /film/film/genre /m/03mqtr +/m/05cl8y /music/record_label/artist /m/01vsksr +/m/0fx0j2 /people/person/place_of_birth /m/01_d4 +/m/02wgbb /film/film/written_by /m/0488g9 +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tj34 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/03wpmd +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015f7 +/m/0342h /music/instrument/instrumentalists /m/01386_ +/m/0157m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/076zy_g +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/015p37 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxg4 +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/06tgw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/08664q /people/person/profession /m/02hrh1q +/m/02ztjwg /language/human_language/countries_spoken_in /m/03gj2 +/m/03j149k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01r_t_ /people/person/profession /m/02jknp +/m/0mkg /music/instrument/instrumentalists /m/0135xb +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02cttt /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/013pp3 /influence/influence_node/influenced_by /m/0lcx +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/064_8sq /language/human_language/countries_spoken_in /m/04hqz +/m/0cp0ph6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0p__8 /film/actor/film./film/performance/film /m/03nfnx +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01z9_x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04lhft +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/0m2lt /location/us_county/county_seat /m/0rgxp +/m/02lt8 /people/deceased_person/place_of_death /m/094jv +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/046zh /film/actor/film./film/performance/film /m/0c00zd0 +/m/0b_75k /time/event/locations /m/013yq +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0yxf4 /film/film/written_by /m/02f93t +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/02r1ysd /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/01lwx /people/person/nationality /m/07ssc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/011yqc /film/film/music /m/023361 +/m/014635 /influence/influence_node/influenced_by /m/01v9724 +/m/09c7w0 /location/location/contains /m/0sc6p +/m/0bmch_x /film/film/country /m/09c7w0 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02mv9b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_kl4 /business/business_operation/industry /m/01mw1 +/m/063_j5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/081pw /film/film_subject/films /m/0pd4f +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05bmq +/m/0kbg6 /people/person/gender /m/05zppz +/m/072hx4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gvx_ +/m/01sbhvd /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0dt8xq /film/film/country /m/09c7w0 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrt_c +/m/0135xb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pw9v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/06dv3 /film/actor/film./film/performance/film /m/05q96q6 +/m/02yv6b /music/genre/artists /m/01kph_c +/m/03f1r6t /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02dbn2 /people/person/profession /m/02hrh1q +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019m9h +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0133_p /music/genre/artists /m/01wl38s +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fhy +/m/02zyy4 /film/actor/film./film/performance/film /m/08720 +/m/022dp5 /people/ethnicity/people /m/015_30 +/m/09gnn /people/person/nationality /m/07ssc +/m/05xpv /people/deceased_person/place_of_burial /m/018mm4 +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0f4vbz +/m/02_p5w /film/actor/film./film/performance/film /m/0m63c +/m/0739y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02bkdn /people/person/profession /m/02hrh1q +/m/06t8b /film/director/film /m/06z8s_ +/m/0l14qv /music/instrument/instrumentalists /m/0kzy0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/03j90 /influence/influence_node/influenced_by /m/081k8 +/m/012ykt /people/person/nationality /m/09pmkv +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/01ynzf /people/person/nationality /m/09c7w0 +/m/03cvvlg /film/film/produced_by /m/0fvf9q +/m/01wdcxk /people/person/profession /m/0dz3r +/m/09fc83 /tv/tv_program/genre /m/01z77k +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05dptj +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/047msdk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v6gc9 /people/person/place_of_birth /m/09c7w0 +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0604m +/m/0cb1ky /people/person/gender /m/02zsn +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0156q /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0d_84 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0yyn5 /film/film/executive_produced_by /m/0grrq8 +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/08lfyn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06k176 /tv/tv_program/country_of_origin /m/07ssc +/m/03cn92 /people/person/gender /m/02zsn +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/03hxsv /film/film/language /m/0k0sv +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/0dbxy /people/ethnicity/people /m/04f7c55 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/02jx1 /location/location/contains /m/0ht8h +/m/05x_5 /education/educational_institution/school_type /m/01_9fk +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vzxmq +/m/04j13sx /film/film/genre /m/06nbt +/m/0xnvg /people/ethnicity/people /m/02qfhb +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02zccd +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/046zh /film/actor/film./film/performance/film /m/01cz7r +/m/0chgr2 /location/location/contains /m/01kq5 +/m/03yf4d /people/person/profession /m/0d2b38 +/m/097h2 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/0gztl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dzkq /people/person/employment_history./business/employment_tenure/company /m/0c5x_ +/m/09vc4s /people/ethnicity/people /m/01hb6v +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/029k4p /film/film/country /m/09c7w0 +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/04t061 /music/record_label/artist /m/031x_3 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01w0yrc +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02qjv /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/01jbx1 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/025ljp +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/01cx_ /location/location/contains /m/01jsk6 +/m/03fbb6 /film/actor/film./film/performance/film /m/0209xj +/m/0xbm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/081lh /influence/influence_node/influenced_by /m/03s9b +/m/08gsvw /film/film/country /m/09c7w0 +/m/01pk8v /film/actor/film./film/performance/film /m/0gvrws1 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/0jjw /education/field_of_study/students_majoring./education/education/student /m/0205dx +/m/010nlt /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/034x61 +/m/0c5v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/07r_dg /film/actor/film./film/performance/film /m/047gpsd +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/01ldw4 +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k5sc +/m/015f7 /people/person/profession /m/02hrh1q +/m/0x335 /location/location/contains /m/02x9cv +/m/03772 /influence/influence_node/influenced_by /m/03j0d +/m/01wphh2 /people/person/gender /m/02zsn +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/01l7cxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045zr +/m/069q4f /film/film/music /m/02jxkw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/011s9r /influence/influence_node/peers./influence/peer_relationship/peers /m/01y8d4 +/m/0993r /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pllx +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/037mh8 /people/person/place_of_birth /m/019fv4 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/014jyk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/03x7hd /film/film/written_by /m/04gcd1 +/m/05kj_ /location/location/contains /m/0zdkh +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/01pqy_ /people/person/religion /m/06nzl +/m/0gh4g0 /music/record_label/artist /m/019389 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fbftr +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043zg +/m/050r1z /film/film/genre /m/02l7c8 +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/023p18 +/m/04y9dk /people/deceased_person/place_of_death /m/0cv5l +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10w +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01n30p /film/film/language /m/02h40lc +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0407f /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/04f73rc /music/genre/parent_genre /m/05r6t +/m/06j6l /music/genre/artists /m/01fh0q +/m/04gqr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01w5m /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/06rqw /music/genre/artists /m/0frsw +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/060wq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/074tb5 /people/person/profession /m/02jknp +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/0mbql /film/film/music /m/02ryx0 +/m/084w8 /influence/influence_node/influenced_by /m/03_87 +/m/08959 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07phbc /film/film/production_companies /m/017s11 +/m/04s2z /people/profession/specialization_of /m/06q2q +/m/02bg55 /film/film/executive_produced_by /m/01p4vl +/m/03ys48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/0pk1p /film/film/genre /m/02kdv5l +/m/0g69lg /award/award_winner/awards_won./award/award_honor/award_winner /m/078jt5 +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/03r1pr +/m/02flpq /award/award_category/winners./award/award_honor/award_winner /m/0288fyj +/m/0cc5mcj /film/film/written_by /m/0697kh +/m/0164v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03n3gl /film/film/music /m/04pf4r +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0njlp /location/location/contains /m/013d_f +/m/0j5ym /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dq626 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07x4qr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029zqn +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/04sh3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/016lv3 /people/person/place_of_birth /m/0bdg5 +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/096jwc /music/genre/artists /m/0137g1 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/06cv1 /people/person/nationality /m/09c7w0 +/m/078mm1 /film/film/language /m/06mp7 +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/02cpb7 /people/person/gender /m/02zsn +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0kv9d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0xnvg /people/ethnicity/people /m/01g257 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/05qbckf /film/film/story_by /m/04zd4m +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/02qdgx /music/genre/artists /m/01nn3m +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c7t58 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170xl +/m/0m0fw /music/genre/artists /m/016wvy +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/012fvq /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/08j7lh /film/film/film_format /m/0cj16 +/m/0jmjr /sports/sports_team/sport /m/018w8 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/04xrx /award/award_winner/awards_won./award/award_honor/award_winner /m/02x_h0 +/m/017l96 /music/record_label/artist /m/01kv4mb +/m/06pk8 /people/person/profession /m/02hrh1q +/m/01msrb /film/film/country /m/09c7w0 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09jm8 +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/02pjvc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06q5t7 +/m/0jym0 /film/film/featured_film_locations /m/07b_l +/m/02fj8n /film/film/music /m/0b6yp2 +/m/01htxr /film/actor/film./film/performance/film /m/03s5lz +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0h1m9 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01699 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03spz /location/location/contains /m/0430_ +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/02rk45 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/02n1p5 +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/07vj4v /organization/organization/place_founded /m/05v8c +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/03rt9 /location/location/contains /m/02496r +/m/05pbsry /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jntd +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/01633c /film/film/genre /m/02l7c8 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/04k05 +/m/0cy__l /film/film/cinematography /m/026v_78 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/07ssc /location/location/contains /m/01dnrs +/m/07z31v /time/event/instance_of_recurring_event /m/0gcf2r +/m/03rt9 /location/location/contains /m/0m_zm +/m/05p5nc /people/person/nationality /m/09c7w0 +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d4htf +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0fr63l /film/film/language /m/071fb +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cl0bk +/m/06c0j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029ql +/m/03_d0 /music/genre/artists /m/02qlg7s +/m/03rz2b /film/film/language /m/02h40lc +/m/01g0jn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pyrb +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0210hf +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/0bnzd /film/film/genre /m/09blyk +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/04ykz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/06fc0b +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/085v7 /sports/sports_team/colors /m/083jv +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/011z3g /music/artist/origin /m/013yq +/m/01vsn38 /film/actor/film./film/performance/film /m/09lxv9 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/0fb_1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dj7p +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/05bt6j /music/genre/artists /m/0b_j2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/05njw /organization/organization/headquarters./location/mailing_address/citytown /m/0r5wt +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04svwx /tv/tv_program/genre /m/03k9fj +/m/01mqz0 /people/person/nationality /m/09c7w0 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grpq +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0cw3yd /film/film/executive_produced_by /m/01vqrm +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/020yvh /education/educational_institution/school_type /m/01rs62 +/m/02665kn /people/person/places_lived./people/place_lived/location /m/0846v +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tcgh +/m/0cwt70 /base/culturalevent/event/entity_involved /m/0lzcs +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0175tv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031v3p +/m/039d4 /education/educational_institution_campus/educational_institution /m/039d4 +/m/024_dt /award/award_category/winners./award/award_honor/award_winner /m/0ckcvk +/m/015npr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0sl2w /location/location/contains /m/022lly +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04t6fk +/m/01dthg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lsl /film/film/genre /m/04xvlr +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0127xk /people/deceased_person/place_of_burial /m/018mmw +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/02pp_q_ /people/person/profession /m/01d_h8 +/m/013zyw /people/person/profession /m/02jknp +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03n3gl /film/film/production_companies /m/05qd_ +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/019dwp /education/university/fraternities_and_sororities /m/035tlh +/m/02pzck /people/person/profession /m/03gjzk +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/0nlqq /location/location/time_zones /m/02hczc +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03r8gp +/m/0371rb /sports/sports_team/sport /m/02vx4 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hmt9b +/m/09146g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06fxnf +/m/088gzp /education/educational_institution/school_type /m/05jxkf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/04bdzg /people/person/nationality /m/09c7w0 +/m/04ghz4m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/0x0d +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0ckt6 /film/film/executive_produced_by /m/0362q0 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01wgxtl /people/person/religion /m/0flw86 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/04x56 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/05r5c /music/instrument/instrumentalists /m/01nn3m +/m/01b9z4 /people/person/gender /m/05zppz +/m/01svw8n /music/artist/origin /m/0r172 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04n7njg +/m/02cg2v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0407yfx /film/film/genre /m/02kdv5l +/m/07ssc /media_common/netflix_genre/titles /m/0prh7 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0292qb /film/film/genre /m/01jfsb +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/03mdt /media_common/netflix_genre/titles /m/08bytj +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02_cq0 +/m/013ybx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/059_gf /award/award_winner/awards_won./award/award_honor/award_winner /m/03f4xvm +/m/01gg59 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0y2tr /music/genre/artists /m/015196 +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/089z0z /people/person/profession /m/01c8w0 +/m/034np8 /film/actor/film./film/performance/film /m/02qzh2 +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/01qvgl /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02ctyy /people/person/profession /m/02hrh1q +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/0ddcbd5 /film/film/language /m/02h40lc +/m/03zrhb /sports/sports_team/sport /m/02vx4 +/m/0jf1v /music/genre/parent_genre /m/03lty +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0d7vtk +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zcnq +/m/02krdz /film/film/genre /m/05p553 +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/01g4yw /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0k2mxq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yl_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02bqxb +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06fc0b +/m/01vh096 /people/person/places_lived./people/place_lived/location /m/03_xj +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/0n3g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/0345h /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0164b /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ggyr +/m/0z4s /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/033pf1 /film/film/produced_by /m/016dmx +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fwfb +/m/05fgt1 /film/film/produced_by /m/02kxbwx +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0bqvs2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dt1cm +/m/03bx2lk /film/film/produced_by /m/08d9z7 +/m/044pqn /people/person/profession /m/02hrh1q +/m/02p11jq /music/record_label/artist /m/0flpy +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0g96wd /people/ethnicity/people /m/01v6480 +/m/0225bv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/041rx /people/ethnicity/people /m/01v5h +/m/0178kd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04rvy8 /people/person/profession /m/01d_h8 +/m/05v8c /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07c2wt +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0v74 +/m/04rqd /broadcast/content/artist /m/081wh1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ct2tf5 +/m/0999q /language/human_language/countries_spoken_in /m/0697s +/m/01k6nm /people/person/nationality /m/03rk0 +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/03jm6c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dkv90 +/m/0178rl /people/person/profession /m/0cbd2 +/m/01z4y /media_common/netflix_genre/titles /m/03tps5 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0d7wh /people/ethnicity/people /m/03f77 +/m/04gm7n /music/record_label/artist /m/03sww +/m/03yk8z /people/person/place_of_birth /m/0ygbf +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/01sp81 /film/actor/film./film/performance/film /m/02rtqvb +/m/0x67 /people/ethnicity/people /m/053yx +/m/016vqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0lmm3 +/m/01f492 /people/person/profession /m/01445t +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/06m6p7 /film/actor/film./film/performance/film /m/04w7rn +/m/097h2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/03mszl /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/06pwq /education/educational_institution/colors /m/03wkwg +/m/02lf1j /people/person/nationality /m/09c7w0 +/m/0m77m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/02pt7h_ +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/05wm88 /people/person/profession /m/025352 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/01s3vk /film/film/costume_design_by /m/03mfqm +/m/04mhbh /influence/influence_node/influenced_by /m/0ph2w +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0_b9f /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/05f4m9q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/03cwwl /film/film/genre /m/01jfsb +/m/051hhz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/022dp5 /people/ethnicity/people /m/01rh0w +/m/0gn30 /film/actor/film./film/performance/film /m/01mszz +/m/018m5q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01qg7c +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/027f7dj /film/actor/film./film/performance/film /m/0ds3t5x +/m/03_d0 /music/genre/artists /m/028hc2 +/m/0343h /influence/influence_node/influenced_by /m/0448r +/m/0htlr /people/person/nationality /m/03rjj +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/09yrh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03pmty +/m/06q07 /music/record_label/artist /m/01dpts +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zy3sc +/m/016ybr /music/genre/artists /m/02wb6yq +/m/07rd7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0hv8w /film/film/cinematography /m/079hvk +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/05bpg3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mj1l +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0dwr4 +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0dlglj /people/person/nationality /m/09c7w0 +/m/01phtd /people/person/languages /m/03115z +/m/01gwk3 /film/film/film_format /m/07fb8_ +/m/0dw3l /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqcs3 +/m/0947l /sports/sports_team_location/teams /m/011v3 +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/01m3b1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l96k /music/genre/artists /m/0qmny +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0xq +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07wm6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03c0vy +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/0mwm6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vjp3 /film/film/featured_film_locations /m/02_286 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ctb4g +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wx2v +/m/0hg5 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06sks6 /olympics/olympic_games/sports /m/02y8z +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/024tsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j1m +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/02xhpl /tv/tv_program/country_of_origin /m/09c7w0 +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027hnjh +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/03vpf_ /people/person/nationality /m/09c7w0 +/m/03np_7 /education/educational_institution/campuses /m/03np_7 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hmr4 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/014b4h +/m/0721cy /people/person/profession /m/0dxtg +/m/01hb6v /influence/influence_node/influenced_by /m/04cbtrw +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/04xrx /influence/influence_node/influenced_by /m/012vd6 +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/077rj +/m/0309lm /film/actor/film./film/performance/film /m/01jrbb +/m/0372p /influence/influence_node/influenced_by /m/0w6w +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/02q7fl9 /film/film/country /m/07ssc +/m/0gs1_ /film/actor/film./film/performance/film /m/0b4lkx +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_st +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01t110 /people/person/nationality /m/03ryn +/m/0cm89v /people/person/profession /m/0dxtg +/m/0f4k49 /film/film/runtime./film/film_cut/film_release_region /m/03spz +/m/01g42 /film/actor/film./film/performance/film /m/0n0bp +/m/012q4n /film/actor/film./film/performance/film /m/011wtv +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/01wg982 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/018pj3 /music/group_member/membership./music/group_membership/role /m/0gghm +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/045zr +/m/01zfzb /film/film/genre /m/05p553 +/m/07hpv3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016kjs +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/029ghl +/m/02t0n9 /people/deceased_person/place_of_death /m/0k_p5 +/m/02jx1 /location/country/second_level_divisions /m/017cjb +/m/0bz3jx /film/film/country /m/0f8l9c +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kq9l +/m/04chyn /education/educational_institution/campuses /m/04chyn +/m/04y9dk /film/actor/film./film/performance/film /m/03prz_ +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09stq9 +/m/0b85mm /film/film/language /m/02bjrlw +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09lxv9 +/m/01hmb_ /film/actor/film./film/performance/film /m/0333t +/m/0p_47 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/014b6c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03yfh3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_fj +/m/0564x /film/film/dubbing_performances./film/dubbing_performance/actor /m/0fthdk +/m/05kkh /location/location/contains /m/01p79b +/m/01k60v /film/film/country /m/09c7w0 +/m/023s8 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02d42t /people/person/languages /m/02h40lc +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0155w /music/genre/artists /m/01r9fv +/m/0lkr7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k5zk +/m/03qjg /music/instrument/instrumentalists /m/0qf11 +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/06f_qn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01q2nx /film/film/production_companies /m/01gb54 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01ffx4 +/m/03_2td /film/actor/film./film/performance/film /m/06zn2v2 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0347xz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/07jqjx /film/film/genre /m/060__y +/m/0gps0z /people/person/religion /m/0c8wxp +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/016kjs +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019dwp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x67 /people/ethnicity/people /m/01j7z7 +/m/02l7c8 /media_common/netflix_genre/titles /m/047tsx3 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/04wx2v +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/01wdcxk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0322yj /film/film/language /m/064_8sq +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/081lh /influence/influence_node/influenced_by /m/0zm1 +/m/01kv4mb /people/person/places_lived./people/place_lived/location /m/013kcv +/m/03h2d4 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/07s8qm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025x1t +/m/0619_ /base/biblioness/bibs_location/country /m/07ssc +/m/033smt /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/016vqk +/m/09sr0 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/011j5x /music/genre/artists /m/0dw4g +/m/01lsl /film/film/featured_film_locations /m/030qb3t +/m/07ssc /location/location/contains /m/030nwm +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/03rs8y /film/actor/film./film/performance/film /m/0f7hw +/m/01gn36 /people/person/gender /m/05zppz +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/0345h /location/location/partially_contains /m/026zt +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01vrlr4 +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/0btyl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hy9p +/m/0bth54 /film/film/country /m/09c7w0 +/m/04fhxp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02rf1y /people/person/profession /m/02hrh1q +/m/021npv /people/person/profession /m/02hrh1q +/m/03f2_rc /film/director/film /m/08rr3p +/m/05sdxx /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hgnl3t +/m/09dv8h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bzyn4 +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/05pq9 /people/person/profession /m/025352 +/m/033hn8 /music/record_label/artist /m/01vvyfh +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0bw87 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02kz_ +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03mqtr /media_common/netflix_genre/titles /m/021pqy +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170vn +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gm34 /film/actor/film./film/performance/film /m/0glbqt +/m/02bxjp /people/person/gender /m/05zppz +/m/0bxl5 /music/instrument/family /m/01s0ps +/m/029pnn /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0y2dl +/m/078jnn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/060j8b +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01f1kd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0bkg4 /base/eating/practicer_of_diet/diet /m/07_jd +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07cn2c +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/06q6jz /music/genre/artists /m/082db +/m/01wv9p /people/person/place_of_birth /m/02_286 +/m/03tn80 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/06151l /people/person/religion /m/0c8wxp +/m/0bv8h2 /film/film/music /m/02cyfz +/m/025rpyx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/05r5w +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/049g_xj +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06q5t7 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015nvj +/m/084w8 /influence/influence_node/influenced_by /m/01tz6vs +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gglm +/m/03ll3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04gb7 +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032016 +/m/0265v21 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1rq +/m/09c7w0 /location/country/second_level_divisions /m/0dc3_ +/m/02mt4k /people/person/place_of_birth /m/02_286 +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/06hgj /people/person/profession /m/0cbd2 +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0xtz9 /location/hud_county_place/place /m/0xtz9 +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/02b25y +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/05x2t7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gl88b +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/02x2t07 /people/person/profession /m/02pjxr +/m/0ndwt2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07f8wg +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/014kq6 /film/film/film_production_design_by /m/04_1nk +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/02p7_k /people/person/nationality /m/09c7w0 +/m/01xv77 /film/actor/film./film/performance/film /m/01xvjb +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/03gbty +/m/0342h /music/instrument/instrumentalists /m/01vrx3g +/m/05cqhl /award/award_winner/awards_won./award/award_honor/award_winner /m/078jt5 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r4qs +/m/03_80b /people/person/nationality /m/03rk0 +/m/01vvyfh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0164v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cgv +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0glt670 /music/genre/artists /m/01trhmt +/m/0y_pg /film/film/production_companies /m/05qd_ +/m/0fw9vx /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/01bns_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0c3p7 +/m/016cjb /music/genre/artists /m/01wg25j +/m/0dq9p /people/cause_of_death/people /m/03j2gxx +/m/01rw116 /people/deceased_person/place_of_death /m/0l1pj +/m/01tffp /base/culturalevent/event/entity_involved /m/06vbd +/m/06ns98 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/01z4y /media_common/netflix_genre/titles /m/07l4zhn +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/07ssc /location/location/contains /m/011pcj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/09krm_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0dq16 /base/biblioness/bibs_location/state /m/059rby +/m/02w2bc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/02g5h5 /people/person/gender /m/05zppz +/m/02j9z /base/locations/continents/countries_within /m/035qy +/m/04sntd /film/film/music /m/03h610 +/m/0b5hj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02y49 /people/person/profession /m/02hrh1q +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/05b_7n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02j9lm +/m/033hn8 /music/record_label/artist /m/0fpj4lx +/m/051kd /tv/tv_program/genre /m/07s9rl0 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06b_j +/m/02h761 /people/person/profession /m/0cbd2 +/m/0c9k8 /film/film/language /m/04306rv +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpn8 +/m/0k9j_ /people/person/profession /m/01d_h8 +/m/01vvyc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02ts3h +/m/09c7w0 /location/country/second_level_divisions /m/0drs_ +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076zy_g +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/01y9r2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jszm /education/educational_institution/colors /m/083jv +/m/02rb607 /film/film/written_by /m/041jlr +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/025ndl +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s7w3 +/m/026r8q /film/actor/film./film/performance/film /m/01pgp6 +/m/052_mn /film/film/genre /m/03q4nz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/054rw +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gh4 +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0p50v /people/person/nationality /m/07ssc +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064lsn +/m/05fcbk7 /film/film/language /m/02h40lc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06yykb +/m/0cmc26r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/012yc /music/genre/artists /m/01w806h +/m/02nfjp /people/person/profession /m/09jwl +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/0gs0g /base/aareas/schema/administrative_area/administrative_parent /m/0ctw_b +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/0gyx4 /people/person/place_of_birth /m/0dzt9 +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc3_ +/m/0159h6 /people/person/spouse_s./people/marriage/spouse /m/0prjs +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/015_1q /music/record_label/artist /m/03h_fk5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_9x6 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0f4m2z /film/film/genre /m/03q4nz +/m/0hfzr /film/film/language /m/02h40lc +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0l8bg /film/film_subject/films /m/0jqj5 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jmv8 +/m/01csqg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0cyhq /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0146pg +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/01fx5l +/m/01p0w_ /people/person/profession /m/09jwl +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/06y3r /people/person/gender /m/05zppz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/0509cr /music/genre/parent_genre /m/0gywn +/m/0gvvf4j /film/film/production_companies /m/061dn_ +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/016t0h +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/05sb1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/035nm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/0b_dh +/m/027qgy /film/film/genre /m/07s9rl0 +/m/03n93 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btyl +/m/03lty /music/genre/artists /m/01vsyg9 +/m/03cd0x /film/film/story_by /m/02nygk +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03mgx6z /film/film/production_companies /m/04mwxk3 +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/0713r +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/026yqrr /people/person/place_of_birth /m/0cr3d +/m/0x0d /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02ndf1 /people/person/profession /m/0cbd2 +/m/0bx0l /film/film/produced_by /m/0jgwf +/m/0lphb /location/location/time_zones /m/02fqwt +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06tw8 +/m/0147dk /people/person/profession /m/01d_h8 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/02nwxc +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/09k2t1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04kkz8 +/m/07bty /people/person/profession /m/01d_h8 +/m/01hmnh /media_common/netflix_genre/titles /m/042g97 +/m/0jtf1 /location/location/contains /m/0n03f +/m/01zn4y /education/educational_institution_campus/educational_institution /m/01zn4y +/m/0rlz /people/person/profession /m/099md +/m/09ly2r6 /award/award_category/winners./award/award_honor/award_winner /m/0csdzz +/m/0379s /influence/influence_node/influenced_by /m/01vh096 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wv9p +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/061681 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08fbnx /film/film/genre /m/03k9fj +/m/016jny /music/genre/artists /m/01wqflx +/m/06rkfs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bpg3 /film/actor/film./film/performance/film /m/02_sr1 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03h8_g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03y5ky /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02r5w9 /people/person/gender /m/05zppz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/059fjj /people/person/nationality /m/09c7w0 +/m/012q4n /film/actor/film./film/performance/film /m/02gd6x +/m/0nlg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d2kt +/m/0hgnl3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02x3lt7 /film/film/genre /m/02b5_l +/m/01vnt4 /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/06chf /people/person/nationality /m/02jx1 +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01xpxv +/m/01vsps /people/person/gender /m/05zppz +/m/01x4r3 /people/person/profession /m/018gz8 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06kcjr /music/genre/artists /m/01wgfp6 +/m/0163t3 /people/person/profession /m/015cjr +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0q_0z /location/hud_county_place/county /m/0kv5t +/m/0prxp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ys2f /people/person/profession /m/02jknp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046fz5 +/m/05c6073 /music/genre/artists /m/0c9d9 +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pfkw +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/01z9_x +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01ww2fs /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03xpsrx /people/person/place_of_birth /m/013nty +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/020jqv +/m/06mm1x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/0ftccy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/0c921 /people/person/nationality /m/0h7x +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_80b +/m/039_ym /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/01yk13 +/m/0404j37 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dq23 +/m/01nrz4 /people/person/profession /m/09jwl +/m/03x400 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/056rgc +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03yk8z +/m/01f8gz /film/film/genre /m/02l7c8 +/m/025xt8y /people/person/nationality /m/09c7w0 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_x996 +/m/026mfbr /film/film/written_by /m/04fcx7 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/027gy0k /film/film/production_companies /m/05h4t7 +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0j86l +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02k4gv +/m/0jdd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlx4 +/m/04wx2v /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01hc9_ /influence/influence_node/influenced_by /m/07lp1 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0d0kn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0cz8mkh /film/film/prequel /m/01g3gq +/m/06t2t /location/country/official_language /m/07c9s +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0kqj1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0144l1 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/09lcsj /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773m2 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m3b1t +/m/03lty /music/genre/parent_genre /m/06by7 +/m/05pyrb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/016cjb /music/genre/artists /m/0ggjt +/m/01gj8_ /people/person/nationality /m/03rk0 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/0c5tl +/m/03qx1r /music/record_label/artist /m/01fl3 +/m/0typ5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8grf /people/person/profession /m/02hrh1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03_d0 +/m/078vc /people/ethnicity/languages_spoken /m/0c_v2 +/m/0d6n1 /music/genre/artists /m/01vvy +/m/04dsnp /film/film/executive_produced_by /m/05hj_k +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/0ttxp /location/location/contains /m/02h7qr +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03xb2w /people/person/profession /m/02hrh1q +/m/059_gf /people/person/profession /m/02hrh1q +/m/07kb7vh /film/film/produced_by /m/02r251z +/m/0170pk /film/actor/film./film/performance/film /m/01jrbb +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/012cph /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hjy +/m/09ps01 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01xbgx /location/country/form_of_government /m/01q20 +/m/018s6c /people/ethnicity/languages_spoken /m/0jzc +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02xry /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0x8 +/m/03q45x /film/actor/film./film/performance/film /m/02xtxw +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/02t901 /people/person/gender /m/05zppz +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06d4h /film/film_subject/films /m/03s9kp +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/03459x /film/film/genre /m/01jfsb +/m/01k7b0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bkdn /people/person/gender /m/02zsn +/m/0g768 /music/record_label/artist /m/0b_xm +/m/0bt4r4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/03q43g /people/person/profession /m/02hrh1q +/m/01cpp0 /time/event/locations /m/0d05q4 +/m/04jplwp /film/film/costume_design_by /m/03mfqm +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/033jj1 /people/person/place_of_birth /m/01_d4 +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0f2sx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/06by7 /music/genre/artists /m/063t3j +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0342h /music/instrument/instrumentalists /m/0czkbt +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/02vzpb /film/film/language /m/02h40lc +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0mbw0 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jll +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0199gx +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02zl4d /people/person/profession /m/0dxtg +/m/07024 /film/film/genre /m/03g3w +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/01l1hr /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03_d0 /music/genre/artists /m/012z8_ +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0b_6h7 /time/event/locations /m/03l2n +/m/014g_s /film/actor/film./film/performance/film /m/0gwlfnb +/m/0686zv /film/actor/film./film/performance/film /m/03whyr +/m/01vrx3g /film/actor/film./film/performance/film /m/0sxgv +/m/01w0v /location/location/contains /m/0978r +/m/02n72k /film/film/story_by /m/03kpvp +/m/07bty /organization/organization_founder/organizations_founded /m/03bnb +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05m9f9 +/m/01hmnh /media_common/netflix_genre/titles /m/057__d +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/09n48 /olympics/olympic_games/sports /m/09w1n +/m/02vjp3 /film/film/genre /m/04xvlr +/m/022840 /base/culturalevent/event/entity_involved /m/014tss +/m/02yjk8 /sports/sports_team/colors /m/088fh +/m/0hn10 /media_common/netflix_genre/titles /m/095zlp +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01738w +/m/083my7 /sports/sports_team/sport /m/02vx4 +/m/0jgd /media_common/netflix_genre/titles /m/07l50vn +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/0f4_l /film/film/executive_produced_by /m/0d_skg +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/06mkj +/m/02c7lt /people/person/profession /m/02jknp +/m/0btyl /people/person/religion /m/019cr +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9n7 +/m/01vg0s /education/educational_institution_campus/educational_institution /m/01vg0s +/m/02y21l /music/record_label/artist /m/09prnq +/m/08nhfc1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yygk +/m/0b_6rk /time/event/locations /m/0dc95 +/m/0152cw /film/actor/film./film/performance/film /m/02825cv +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/0js9s /film/director/film /m/09hy79 +/m/09fc83 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0rmwd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/01ttg5 +/m/016lv3 /people/person/profession /m/02jknp +/m/0586wl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01mqz0 /people/person/profession /m/0d1pc +/m/017f4y /people/person/profession /m/039v1 +/m/05r5c /music/instrument/instrumentalists /m/01l1sq +/m/018qpb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02607j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxrw +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/03p7gb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02xbyr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/031k24 /film/actor/film./film/performance/film /m/02ndy4 +/m/09c7w0 /location/location/contains /m/0qpqn +/m/01vzxld /people/person/profession /m/02hrh1q +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01ry0f /film/actor/film./film/performance/film /m/015bpl +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/04gj8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127gn +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/02fybl /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mh8zn +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0d6d2 +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0498y +/m/01p8s /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07zlqp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/07r1h /people/person/spouse_s./people/marriage/spouse /m/05dbf +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/015pdg /music/genre/artists /m/01vw20_ +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kftt +/m/018wdw /award/award_category/winners./award/award_honor/award_winner /m/0bbxx9b +/m/032w8h /people/person/languages /m/02h40lc +/m/0212mp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fw3f /location/location/time_zones /m/02hczc +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06y57 +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0b76d_m /film/film/produced_by /m/032v0v +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0gwjw0c /film/film/executive_produced_by /m/05hj_k +/m/05r5c /music/instrument/instrumentalists /m/01wgcvn +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0fztbq /film/film/language /m/04306rv +/m/01933d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/018j2 /music/instrument/instrumentalists /m/01yndb +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0d0vj4 /people/person/employment_history./business/employment_tenure/company /m/07y0n +/m/0b9rdk /film/film/genre /m/05p553 +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lfbm +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02j9z /location/location/contains /m/04j53 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lrqw +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0m68w +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/01bczm +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/016h9b /music/group_member/membership./music/group_membership/role /m/0342h +/m/01pcdn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/02x0fs9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kj0p +/m/01chpn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/03rt9 /organization/organization_founder/organizations_founded /m/01rz1 +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/01vvyvk /people/person/nationality /m/09c7w0 +/m/0892sx /people/person/nationality /m/02jx1 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02v0ff +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/015d3h /people/person/places_lived./people/place_lived/location /m/03rjj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0g8rj +/m/01bb9r /film/film/country /m/0chghy +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lgfh +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0372kf +/m/047byns /award/award_category/winners./award/award_honor/award_winner /m/0bqs56 +/m/07s2s /film/film_subject/films /m/09zf_q +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06xbsn +/m/01lz4tf /music/group_member/membership./music/group_membership/group /m/06mj4 +/m/0jnb0 /people/person/profession /m/0np9r +/m/041rx /people/ethnicity/people /m/026fd +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/01rgn3 /education/educational_institution_campus/educational_institution /m/01rgn3 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01jgkj2 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/015pxr /people/person/profession /m/01d_h8 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/016y3j /music/genre/parent_genre /m/016clz +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0bpbhm /film/film/genre /m/0219x_ +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/06w2sn5 /people/person/profession /m/016z4k +/m/014_x2 /film/film/genre /m/0jdm8 +/m/016ywb /film/film/genre /m/02kdv5l +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/015c2f /people/person/nationality /m/09c7w0 +/m/0sx7r /olympics/olympic_games/sports /m/09_b4 +/m/02py4c8 /film/film/language /m/02h40lc +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01m7pwq +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/01xdn1 /business/business_operation/industry /m/01b4x4 +/m/046chh /film/actor/film./film/performance/film /m/01vfqh +/m/06q8qh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08cn4_ /people/person/profession /m/0np9r +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/02pp1 +/m/0h7x /location/location/contains /m/0fhmf +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0161c +/m/0259r0 /people/person/languages /m/02h40lc +/m/035wq7 /people/person/nationality /m/09c7w0 +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/08624h /people/person/profession /m/02hrh1q +/m/01ry_x /film/film/genre /m/01hmnh +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0287477 /film/film/featured_film_locations /m/01_d4 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0hzlz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01dtcb /music/record_label/artist /m/0dl567 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1l_ +/m/03h_fqv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ymf1 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/024jvz /time/event/locations /m/09c7w0 +/m/095z4q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06hwzy +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/04xhwn /film/actor/film./film/performance/film /m/09qljs +/m/02ln0f /education/educational_institution/students_graduates./education/education/student /m/014zcr +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/02ct_k /people/person/nationality /m/09c7w0 +/m/0k4p0 /film/film/story_by /m/098n5 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/0gxkm /sports/sports_team/colors /m/088fh +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/01g969 /people/person/profession /m/02hrh1q +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0y9j +/m/0d23k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/03hfx6c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0n_hp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f40w +/m/0gk7z /organization/organization/headquarters./location/mailing_address/citytown /m/095l0 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/039yzf /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/01kjr0 /film/film/genre /m/07s9rl0 +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1mc +/m/08s6r6 /music/genre/artists /m/014pg1 +/m/031rq5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/09txzv /film/film/country /m/07ssc +/m/02pv_d /film/director/film /m/032_wv +/m/0154qm /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05vxdh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06rk8r +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/01l03w2 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/0345h /location/location/contains /m/01z3bz +/m/053y0s /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0479b +/m/05z_kps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/02tcgh +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/09889g /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j13b +/m/0ckt6 /film/film/genre /m/05p553 +/m/057xkj_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0bszz +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046qq +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q7yfq +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/02nx2k /film/film/language /m/04h9h +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01271h /people/person/gender /m/05zppz +/m/01p8s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/033wx9 +/m/02pjvc /film/actor/film./film/performance/film /m/0296vv +/m/03fts /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c75w /base/biblioness/bibs_location/country /m/02vzc +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08nvyr +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/01771z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/033x5p +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06wxw +/m/026b33f /tv/tv_program/genre /m/09lmb +/m/035zr0 /film/film/featured_film_locations /m/0hyxv +/m/0fb0v /music/record_label/artist /m/043c4j +/m/07c98 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/01x4r3 /influence/influence_node/influenced_by /m/01n4f8 +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/0mzkr /music/record_label/artist /m/0dw4g +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/026mj +/m/01xq8v /film/film/executive_produced_by /m/02lfwp +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/06bd5j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d7wh /people/ethnicity/people /m/0lbj1 +/m/03n0cd /film/film/music /m/06fxnf +/m/08s0m7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0c8tk +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/012x2b +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0161c +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03hp2y1 /film/film/production_companies /m/02j_j0 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0211jt /education/educational_institution/school_type /m/05pcjw +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01vw87c /people/person/profession /m/0dz3r +/m/062zjtt /film/film/country /m/09c7w0 +/m/02yv6b /music/genre/artists /m/04r1t +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/0bm02 +/m/03knl /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l50_1 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04rrx /location/location/contains /m/0wh3 +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/0fn2g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p4w8 /film/film/produced_by /m/0gs5q +/m/0s6jm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0bs1g5r /people/person/profession /m/09jwl +/m/01j8yr /location/hud_county_place/county /m/0mkdm +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0c7t58 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cbtlj +/m/018p4y /film/actor/film./film/performance/film /m/05mrf_p +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/015dnt /film/actor/film./film/performance/film /m/04954r +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b44shh +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/083p7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lty /music/genre/artists /m/01vtqml +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b85mm +/m/01t0dy /organization/organization/headquarters./location/mailing_address/citytown /m/01nl79 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/05vz3zq /location/country/official_language /m/06b_j +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/04l3_z /people/person/profession /m/02jknp +/m/064t9 /music/genre/artists /m/025ldg +/m/022yb4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/025sc50 /music/genre/artists /m/039bpc +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v89z +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/06h2w +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/018vs +/m/0ds2l81 /film/film/production_companies /m/02j_j0 +/m/06jz0 /people/person/gender /m/05zppz +/m/04pry /base/biblioness/bibs_location/country /m/09c7w0 +/m/05bt6j /music/genre/artists /m/04b7xr +/m/01vb6z /film/actor/film./film/performance/film /m/011wtv +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/02nq10 /education/educational_institution/campuses /m/02nq10 +/m/050llt /people/person/gender /m/02zsn +/m/03b04g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07t21 /location/location/contains /m/082sy9 +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g7k2g /people/person/employment_history./business/employment_tenure/company /m/05p7tx +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/01lyv /music/genre/artists /m/0m_v0 +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/07_bv_ /people/person/profession /m/02hrh1q +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kxx1 +/m/044gyq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09rx7tx /film/film/genre /m/0jtdp +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/02yv6b /music/genre/artists /m/07bzp +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02jxbw +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03_3d +/m/0dnvn3 /film/film/cinematography /m/04qvl7 +/m/06x4l_ /people/person/profession /m/0dz3r +/m/0d5_f /people/person/profession /m/02hv44_ +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0gv5c /people/person/place_of_birth /m/02_286 +/m/05sq84 /film/actor/film./film/performance/film /m/03176f +/m/01ggc9 /people/person/gender /m/05zppz +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01f_3w /music/record_label/artist /m/01wqmm8 +/m/0dg3n1 /location/location/contains /m/05rznz +/m/0152cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026qnh6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07_f2 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/015dcj +/m/01pj5q /people/person/profession /m/02hrh1q +/m/03f1zdw /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0pmhf /film/actor/film./film/performance/film /m/03wbqc4 +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/017n9 /film/film/genre /m/01q03 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n998 +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/014q2g /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0892sx /people/person/gender /m/05zppz +/m/0jdx /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01xr2s +/m/0mhfr /music/genre/artists /m/01vrncs +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0hwbd +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w_sh +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/02qgyv /people/person/profession /m/02hrh1q +/m/0347db /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/06cgf /film/film/genre /m/01q03 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/0jqj5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/015401 /education/educational_institution/school_type /m/05jxkf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02cvcd +/m/0345h /location/location/contains /m/05bkf +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0863x_ +/m/025b5y /film/actor/film./film/performance/film /m/0bvn25 +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c00lh +/m/044g_k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/08phg9 /film/film/genre /m/03k9fj +/m/04rrx /location/location/contains /m/04pry +/m/06pwq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/04411 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/033hn8 /music/record_label/artist /m/01vv126 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/01yhvv /film/actor/film./film/performance/film /m/020bv3 +/m/03fg0r /people/person/profession /m/02krf9 +/m/08984j /film/film/genre /m/02l7c8 +/m/02lhm2 /people/person/places_lived./people/place_lived/location /m/0fvwz +/m/02w4v /music/genre/artists /m/016ntp +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mt91 +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/07b_l /location/location/contains /m/0100mt +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gl3hr /film/film/film_art_direction_by /m/05218gr +/m/06l7jj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01m65sp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016jny /music/genre/artists /m/01309x +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04xvlr /media_common/netflix_genre/titles /m/01qncf +/m/07_f2 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0pv54 /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/05hjmd /people/person/gender /m/05zppz +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/02rv_dz /film/film/genre /m/07s9rl0 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0bzh04 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04w4s /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/068p2 /location/location/contains /m/0cwx_ +/m/0xckc /location/hud_county_place/county /m/0nj07 +/m/0ht8h /location/location/contains /m/03lkp +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04hw4b /people/person/profession /m/0196pc +/m/03wy70 /film/actor/film./film/performance/film /m/07jnt +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/0m2mk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c31_ /people/person/gender /m/05zppz +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01738w /film/film/production_companies /m/01gb54 +/m/01wgx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039bp +/m/0dnkmq /film/film/genre /m/01jfsb +/m/0dyjz /location/location/contains /m/01m4pc +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/0pk41 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/02vzpb /film/film/genre /m/06cvj +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/019kn7 /people/ethnicity/people /m/0kr7k +/m/04yg13l /film/film/country /m/07ssc +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h1x5f +/m/02j8nx /people/person/nationality /m/02jx1 +/m/01swck /film/actor/film./film/performance/film /m/0407yj_ +/m/0xpp5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0521rl1 /people/person/profession /m/02hrh1q +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08pth9 +/m/03f7jfh /people/person/profession /m/0dz3r +/m/0rh7t /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jgg3 +/m/03j70d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07c52 /media_common/netflix_genre/titles /m/01p4wv +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0199gx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/043cl9 /people/person/profession /m/03gjzk +/m/0261w5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09l9xt /people/person/gender /m/05zppz +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h2w +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/09c7w0 /location/location/contains /m/0n5j_ +/m/02cft /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0l12d +/m/0241jw /people/person/profession /m/0kyk +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/0fpzwf /location/location/contains /m/04ld32 +/m/07ssc /location/location/contains /m/01zst8 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02j9z /location/location/contains /m/0345h +/m/03061d /film/actor/film./film/performance/film /m/0g57wgv +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/032498 +/m/0ywrc /film/film/language /m/02h40lc +/m/0173s9 /education/educational_institution/students_graduates./education/education/student /m/0jvtp +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/020_95 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zrx3v +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/02gr81 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d04z6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/02q_cc +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m7pwq +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0cq8qq /film/film/genre /m/06l3bl +/m/084l5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/064_8sq /language/human_language/countries_spoken_in /m/04vs9 +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/0h1q6 /film/actor/film./film/performance/film /m/0gnkb +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0ggx5q /music/genre/artists /m/03y82t6 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04pk1f +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048s0r +/m/0584r4 /tv/tv_program/genre /m/01z4y +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0qmd5 /film/film/written_by /m/026dx +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/0fvt2 +/m/01vsl3_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/035hm +/m/03j149k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/0137n0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05ns4g +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/019vhk +/m/0gyv0b4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03n3gl /film/film/language /m/02hwhyv +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/01cf93 /music/record_label/artist /m/0134s5 +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_7k +/m/0p_47 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05bmq +/m/02sjf5 /film/actor/film./film/performance/film /m/04smdd +/m/01xdn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03mqtr /media_common/netflix_genre/titles /m/02q7fl9 +/m/02l7c8 /media_common/netflix_genre/titles /m/02_kd +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02q636 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gdqy /people/person/gender /m/05zppz +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01mqc_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/01trtc /music/record_label/artist /m/013w2r +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07swvb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fthdk +/m/01fkxr /people/person/profession /m/02hrh1q +/m/01p4vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028r4y +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/04cl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ct_k +/m/02w_l9 /tv/tv_network/programs./tv/tv_network_duration/program /m/09v38qj +/m/035yn8 /film/film/production_companies /m/086k8 +/m/041_y /influence/influence_node/influenced_by /m/02zjd +/m/031x_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0257pw +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/013719 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0b_4z /film/actor/film./film/performance/film /m/0jym0 +/m/01cssf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09rvcvl /film/film/production_companies /m/0283xx2 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/03kfl /base/aareas/schema/administrative_area/administrative_parent /m/0fqyc +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0mwvq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mws3 +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/05kwx2 /film/actor/film./film/performance/film /m/01h7bb +/m/016clz /music/genre/artists /m/02bh9 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/04399 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r3y2 /education/educational_institution/colors /m/083jv +/m/08zrbl /film/film/film_festivals /m/0bx_f_t +/m/0dh8v4 /film/film/country /m/03_3d +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0kvqv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dt8xq /film/film/produced_by /m/01zfmm +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0sf9_ /location/hud_county_place/place /m/0sf9_ +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01z4y /media_common/netflix_genre/titles /m/02pw_n +/m/0kbvb /olympics/olympic_games/sports /m/03fyrh +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vvyfh +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02gd6x /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/078g3l /people/person/nationality /m/09c7w0 +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lx2l +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/016clz /music/genre/artists /m/01vt5c_ +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05fjf /location/location/contains /m/01r47h +/m/0404j37 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04l_pt /people/ethnicity/languages_spoken /m/03115z +/m/03078l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01n7q /location/location/contains /m/015zxh +/m/073hhn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cjsxp /film/actor/film./film/performance/film /m/02q5g1z +/m/0lgxj /olympics/olympic_games/participating_countries /m/0345h +/m/06vdh8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01n8qg /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/02rcwq0 /tv/tv_program/genre /m/09blyk +/m/01l9p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01qscs +/m/01rs59 /organization/organization/headquarters./location/mailing_address/citytown /m/0qcrj +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/04cw0j /people/person/place_of_birth /m/02_286 +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy7bj4 +/m/0js9s /film/director/film /m/017jd9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0f2c8g +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0prjs /film/actor/film./film/performance/film /m/02qhlwd +/m/07fvf1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/02bqy /organization/organization/headquarters./location/mailing_address/state_province_region /m/059f4 +/m/02fgdx /education/educational_institution/colors /m/01g5v +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/0b_75k /time/event/locations /m/0kcw2 +/m/01trtc /music/record_label/artist /m/01q7cb_ +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg8z1f +/m/074rg9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0c3jz /base/eating/practicer_of_diet/diet /m/07_jd +/m/036wy /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02hxhz /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0428bc +/m/025vldk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p7s6 /people/ethnicity/languages_spoken /m/05qqm +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/07bxhl +/m/036hf4 /people/person/place_of_birth /m/080h2 +/m/02tfl8 /medicine/symptom/symptom_of /m/01n3bm +/m/016j2t /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01rlxt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01wn718 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ycbq +/m/02wk4d /people/person/profession /m/09jwl +/m/016cjb /music/genre/artists /m/016srn +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06rhz7 +/m/059s8 /location/administrative_division/first_level_division_of /m/0d060g +/m/0l2vz /location/location/contains /m/0qcrj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/04sylm +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/0dvmd +/m/0kc6 /people/person/profession /m/0dxtg +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/01w02sy /people/person/profession /m/025352 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/01psyx /people/cause_of_death/people /m/03n93 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/015qsq /film/film/country /m/09c7w0 +/m/0blq0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012dr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jz71 +/m/02s6sh /people/person/profession /m/04f2zj +/m/01pgp6 /film/film/written_by /m/03ysmg +/m/0_816 /film/film/produced_by /m/01v80y +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02fz3w /people/person/religion /m/0c8wxp +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016yxn +/m/01txts /music/record_label/artist /m/0840vq +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/026670 /people/person/gender /m/05zppz +/m/01hb6v /influence/influence_node/influenced_by /m/07cbs +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/047yc +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/035kl6 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/09c7w0 /location/location/contains /m/015zyd +/m/04z542 /people/person/profession /m/02hrh1q +/m/0cc5qkt /film/film/produced_by /m/02q_cc +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cbt3 +/m/07z1m /location/location/contains /m/0mpbx +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/0kjrx /film/actor/film./film/performance/film /m/0bscw +/m/0gkjy /organization/organization/headquarters./location/mailing_address/citytown /m/0dttf +/m/0gjvqm /film/actor/film./film/performance/film /m/04jwly +/m/03m6_z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02vjzr /music/genre/artists /m/01bczm +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0pgjm /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/0b_6xf /time/event/locations /m/0fvzg +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/01kv4mb /people/person/profession /m/016z4k +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/01f873 +/m/07s5fz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrh1w +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0vkl2 +/m/07gbf /tv/tv_program/genre /m/05p553 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0d1swh +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lvlf +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0184tc +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/05ty4m /influence/influence_node/influenced_by /m/04x4s2 +/m/042kg /people/person/nationality /m/09c7w0 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03lty /music/genre/artists /m/027kwc +/m/05nzw6 /film/actor/film./film/performance/film /m/03f7nt +/m/01xwv7 /people/person/religion /m/0flw86 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/014g9y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0d9jr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/02fn5r /people/person/profession /m/0n1h +/m/018ndc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gd8j /education/educational_institution_campus/educational_institution /m/04gd8j +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02wt0 +/m/02q4mt /people/person/profession /m/03gjzk +/m/02wk7b /film/film/genre /m/07s9rl0 +/m/0gnbw /people/person/nationality /m/02jx1 +/m/0nlg4 /location/administrative_division/country /m/07ssc +/m/023t0q /people/person/places_lived./people/place_lived/location /m/0ftlx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f87jy +/m/09krp /location/location/contains /m/02hrb2 +/m/06v_gh /people/person/nationality /m/09c7w0 +/m/0pd64 /film/film/production_companies /m/016tt2 +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0136p1 /people/person/profession /m/0nbcg +/m/023slg /people/person/profession /m/09jwl +/m/02yxbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lyv /music/genre/artists /m/018ndc +/m/01vvb4m /film/actor/film./film/performance/film /m/0yxm1 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/03kwtb /award/award_winner/awards_won./award/award_honor/award_winner /m/01kx_81 +/m/0sw6g /film/actor/film./film/performance/film /m/07x4qr +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcrg +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmc26r +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07h1h5 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/049sb /people/person/profession /m/02y5kn +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/083my7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03d29b /people/person/nationality /m/03_3d +/m/01ycfv /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/085v7 +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/01kstn9 +/m/019l3m /people/person/profession /m/02hrh1q +/m/0bczgm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/0ksy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/018_lb /film/actor/film./film/performance/film /m/0k2sk +/m/033cw /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03rhqg /music/record_label/artist /m/02ndj5 +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/014knw +/m/07kfzsg /award/award_category/disciplines_or_subjects /m/02vxn +/m/0sw6g /award/award_winner/awards_won./award/award_honor/award_winner /m/039bp +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03rjj +/m/032sl_ /film/film/genre /m/02kdv5l +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bksh +/m/01v6480 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01yg9y +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/0fvt2 /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/06by7 /music/genre/artists /m/01shhf +/m/02404v /film/director/film /m/0bz3jx +/m/033tf_ /people/ethnicity/people /m/074tb5 +/m/02l96k /music/genre/artists /m/044k8 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02pzc4 /people/person/profession /m/029bkp +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/049n3s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/012cj0 /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/0vmt /location/location/contains /m/0m2by +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02bft /medicine/disease/risk_factors /m/0hg11 +/m/09c7w0 /location/location/contains /m/0f67f +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03_dj /people/person/profession /m/0kyk +/m/04q827 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cqnss +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/06d4h /film/film_subject/films /m/0m_mm +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0534nr /people/person/profession /m/0np9r +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vxxb +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/01kff7 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04k05 /music/artist/origin /m/0k33p +/m/08wjf4 /people/person/profession /m/02hrh1q +/m/02l3_5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/059rc +/m/01qqtr /people/person/languages /m/02h40lc +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gkz15s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/01c4pv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/058z2d /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/02lxj_ +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02jxkw +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vqnc +/m/02fwfb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01xyqk /music/record_label/artist /m/02vr7 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051x52f +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/040696 /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/02f6s3 /film/actor/film./film/performance/film /m/0kb57 +/m/09tcg4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05w3f /music/genre/artists /m/011hdn +/m/07tg4 /education/educational_institution_campus/educational_institution /m/07tg4 +/m/049k07 /film/actor/film./film/performance/film /m/01k0vq +/m/08gwzt /people/person/nationality /m/059j2 +/m/06gbnc /people/ethnicity/people /m/01pkhw +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07s9rl0 /media_common/netflix_genre/titles /m/04x4gw +/m/0b44shh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/081_zm /people/person/profession /m/01d_h8 +/m/01vh3r /people/person/languages /m/064_8sq +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/04411 /influence/influence_node/influenced_by /m/01lwx +/m/0ftccy /sports/sports_team/colors /m/067z2v +/m/03rhqg /music/record_label/artist /m/01vtj38 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01t8sr +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/07z1m /location/location/contains /m/01ymvk +/m/0f42nz /film/film/personal_appearances./film/personal_film_appearance/person /m/03wpmd +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/041pnt +/m/0j6cj /people/person/languages /m/02h40lc +/m/03rk0 /location/location/contains /m/0fl2s +/m/049fgvm /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/05ty4m /people/person/places_lived./people/place_lived/location /m/01nl79 +/m/02yj7w /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/02gs6r /film/film/genre /m/03q4nz +/m/0gn30 /film/actor/film./film/performance/film /m/0946bb +/m/059kh /music/genre/artists /m/03t9sp +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/03kpvp +/m/02h48 /people/deceased_person/place_of_death /m/030qb3t +/m/0j_t1 /film/film/genre /m/0vgkd +/m/048j1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/039bp +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gm2_0 +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01rcmg /people/person/profession /m/018gz8 +/m/04xzm /organization/organization_founder/organizations_founded /m/06dr9 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025s1wg +/m/016zp5 /film/actor/film./film/performance/film /m/01qz5 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kszw +/m/0bs5vty /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0342h /music/instrument/instrumentalists /m/01w9mnm +/m/043zg /people/person/profession /m/0nbcg +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/018gm9 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/026rsl9 /award/award_category/winners./award/award_honor/ceremony /m/08pc1x +/m/03jjzf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1hr +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/05xd_v /film/actor/film./film/performance/film /m/01hq1 +/m/07gqbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_t2t /people/person/nationality /m/09c7w0 +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/02z0f6l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/035w2k /film/film/language /m/01wgr +/m/05t0zfv /film/film/genre /m/0jxy +/m/0b9rdk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vp1f_ +/m/02w7gg /people/ethnicity/people /m/0473q +/m/07tlfx /film/film/featured_film_locations /m/0j95 +/m/0_565 /location/hud_county_place/county /m/0mwk9 +/m/03m8y5 /film/film/genre /m/01t_vv +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01jrz5j /people/person/profession /m/01c72t +/m/027x7z5 /film/film/language /m/02h40lc +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/04fzk +/m/0c73g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09x3r /olympics/olympic_games/sports /m/0d1tm +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09yg6l +/m/02gnmp /education/educational_institution/school_type /m/05jxkf +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/04x56 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07663r /people/person/profession /m/0np9r +/m/01kt17 /people/person/profession /m/02hrh1q +/m/0jnrk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/019pwv /education/educational_institution/campuses /m/019pwv +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mz73 +/m/07c37 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0f14q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c8br /people/deceased_person/place_of_death /m/013m4v +/m/017d93 /film/film/genre /m/04t36 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/01wv9xn /music/artist/origin /m/0978r +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0gj8t_b /film/film/written_by /m/070yzk +/m/0q6g3 /tv/tv_program/genre /m/03k9fj +/m/0g7k2g /people/person/places_lived./people/place_lived/location /m/05qtj +/m/03bdkd /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02kfzz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w58n3 +/m/018qql /people/person/gender /m/05zppz +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/09fqtq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02fqrf /film/film/country /m/09c7w0 +/m/03g5_y /people/person/profession /m/01d_h8 +/m/021l5s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/02tz9z /education/educational_institution/school_type /m/06cs1 +/m/04306rv /language/human_language/countries_spoken_in /m/03pn9 +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/03mdt /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/07s9rl0 /media_common/netflix_genre/titles /m/08nvyr +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08cn4_ +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/034m8 /sports/sports_team_location/teams /m/04b8pv +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0ds5_72 +/m/01s9ftn /people/person/profession /m/0np9r +/m/0kbws /olympics/olympic_games/participating_countries /m/04vs9 +/m/0dls3 /music/genre/artists /m/01j59b0 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/044mfr /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03czrpj +/m/02g8h /people/person/nationality /m/09c7w0 +/m/016z1c /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01fwpt /people/person/profession /m/02hrh1q +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/011ypx /film/film/produced_by /m/054_mz +/m/05dkbr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c94fn +/m/01dtcb /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wskg +/m/0f0y8 /influence/influence_node/peers./influence/peer_relationship/peers /m/0f6lx +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j24kf +/m/05_61y /film/film/genre /m/0219x_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/02xnjd /people/person/profession /m/01d_h8 +/m/0161sp /people/person/profession /m/02hrh1q +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0f4yh /film/film/music /m/0146pg +/m/0330r /tv/tv_program/genre /m/011ys5 +/m/0ds2sb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04dqdk +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04f525m +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02dtg +/m/01n7q /location/location/contains /m/0qcrj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02jkkv /film/film/genre /m/06cvj +/m/0jpkw /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0glnm /film/film/costume_design_by /m/04vzv4 +/m/015_1q /music/record_label/artist /m/0167km +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06czq /music/genre/artists /m/01mskc3 +/m/01vsgrn /people/person/place_of_birth /m/0135p7 +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/02ldkf /education/educational_institution/colors /m/01l849 +/m/048yqf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bxjv +/m/095b70 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mj1l +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/091rc5 /film/film/country /m/09c7w0 +/m/09q5w2 /film/film/executive_produced_by /m/06chf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05w3 +/m/0gyv0b4 /film/film/prequel /m/01rxyb +/m/01m4kpp /people/person/religion /m/01lp8 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0cpllql /film/film/production_companies /m/0kx4m +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/01r42_g /people/person/languages /m/0349s +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/03h_fk5 /music/artist/origin /m/0c_m3 +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z5tr +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/0219x_ /media_common/netflix_genre/titles /m/04zyhx +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/01h1b /film/actor/film./film/performance/film /m/01c22t +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/09yrh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/070yzk +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bthb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vrgnr /film/film/featured_film_locations /m/030qb3t +/m/087pfc /film/film/language /m/03_9r +/m/0dqzkv /people/person/profession /m/0dgd_ +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02rv_dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02dlfh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0ff3y +/m/05z1_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s9rl0 /media_common/netflix_genre/titles /m/0280061 +/m/0558_1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/069ld1 +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0_vw8 /location/location/time_zones /m/02fqwt +/m/067pl7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01j5ws +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mq7 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/03h4mp /people/person/gender /m/05zppz +/m/02x20c9 /people/person/gender /m/05zppz +/m/027f7dj /people/person/places_lived./people/place_lived/location /m/0gyh +/m/0l4vc /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l3n4 +/m/02_sr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012d40 +/m/026g4l_ /people/person/place_of_birth /m/01cx_ +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/01wf86y +/m/01pnn3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06m61 +/m/016kb7 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0336mc /film/actor/film./film/performance/film /m/02yvct +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/019l68 /people/deceased_person/place_of_death /m/0k049 +/m/0c4y8 /influence/influence_node/influenced_by /m/0c1fs +/m/0ntxg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv99 +/m/02rh_0 /sports/sports_team/colors /m/083jv +/m/0tzls /location/hud_county_place/place /m/0tzls +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02bfmn /people/person/places_lived./people/place_lived/location /m/0n6bs +/m/02x8fs /film/film/genre /m/06n90 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/0169dl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/07s9rl0 /media_common/netflix_genre/titles /m/0140g4 +/m/02qwg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016dsy +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g2lq +/m/09d38d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/0fp_v1x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jrbb /film/film/genre /m/03k9fj +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0f3nn /people/person/profession /m/02hv44_ +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/014dsx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02rchht /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/025x1t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrhj +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0h32q /people/person/nationality /m/02jx1 +/m/0jwvf /film/film/produced_by /m/0j_c +/m/01m5m5b /people/person/nationality /m/0d060g +/m/01z4y /media_common/netflix_genre/titles /m/09g8vhw +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/0c7t58 +/m/01sqd7 /music/record_label/artist /m/015bwt +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/0kcnq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kwgs +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/0nm42 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6k +/m/01pj7 /location/location/time_zones /m/02llzg +/m/016ksk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01hkhq /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0694j /location/location/contains /m/052p7 +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/0b7xl8 +/m/045xh /award/award_category/disciplines_or_subjects /m/01hmnh +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07s846j +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0f1_p /location/administrative_division/country /m/03rk0 +/m/04hgpt /education/educational_institution/campuses /m/04hgpt +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswwx +/m/024qqx /media_common/netflix_genre/titles /m/031786 +/m/018417 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/03ydlnj /film/film/film_format /m/0cj16 +/m/01crd5 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0kcn7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018ygt +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/07nt8p /film/film/country /m/09c7w0 +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0190zg /music/genre/artists /m/011z3g +/m/0gvvm6l /film/film/language /m/02h40lc +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/013hxv /location/location/contains /m/0269kx +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/016_mj +/m/0kbws /olympics/olympic_games/participating_countries /m/06s0l +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01t07j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/07nnp_ /film/film/genre /m/02n4kr +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/06ztvyx /film/film/genre /m/0hn10 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/0rmby /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jrjb +/m/01_xtx /people/person/place_of_birth /m/0dclg +/m/0l6ny /olympics/olympic_games/participating_countries /m/07ssc +/m/012g92 /film/actor/film./film/performance/film /m/040_lv +/m/02yy8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0154j +/m/06mr6 /film/actor/film./film/performance/film /m/02ywwy +/m/01lb5 /film/film_subject/films /m/0gm2_0 +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07csf4 +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0652ty /people/person/profession /m/0dxtg +/m/05nsfc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/018swb /film/actor/film./film/performance/film /m/05szq8z +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05h43ls /film/film/produced_by /m/0m66w +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/01ly5m +/m/02vxyl5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jqjx +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03m6j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/01jssp /education/educational_institution_campus/educational_institution /m/01jssp +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/045c7b +/m/06pvr /location/location/contains /m/0qxzd +/m/04sry /film/director/film /m/07cw4 +/m/0342h /music/instrument/instrumentalists /m/0948xk +/m/02gf_l /film/actor/film./film/performance/film /m/0k2sk +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0212ny +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7x +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0jxxt /media_common/netflix_genre/titles /m/065z3_x +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/06823p /film/film/genre /m/0219x_ +/m/031b91 /award/award_category/category_of /m/0c4ys +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/033wx9 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n4w +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpyb +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/03n08b /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/03hkp /language/human_language/countries_spoken_in /m/0604m +/m/03bzc7 /music/genre/artists /m/01271h +/m/016kkx /people/person/place_of_birth /m/0z4_0 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/08rr3p +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0473q /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/07swvb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/096cw_ +/m/050ks /location/location/contains /m/0nm87 +/m/01vb403 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kftt +/m/03rhqg /music/record_label/artist /m/0ql36 +/m/05r6t /music/genre/artists /m/01l87db +/m/0m2l9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/047kn_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02ch1w /people/person/nationality /m/09c7w0 +/m/0136pk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09nwwf /music/genre/artists /m/04qzm +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/015_1q /music/record_label/artist /m/016dsy +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06pcz0 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/087pfc +/m/0m0jc /music/genre/artists /m/02vgh +/m/02jx1 /location/country/second_level_divisions /m/0619_ +/m/0dgst_d /film/film/language /m/02h40lc +/m/017v71 /education/educational_institution_campus/educational_institution /m/017v71 +/m/05lfwd /tv/tv_program/country_of_origin /m/09c7w0 +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/031v3p +/m/064t9 /music/genre/artists /m/0137hn +/m/05qbckf /film/film/country /m/09c7w0 +/m/03rz2b /film/film/genre /m/06cvj +/m/037w7r /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/06vv_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/017gl1 /film/film/written_by /m/02bfxb +/m/06mzp /location/country/official_language /m/02bjrlw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046f25 +/m/057lbk /film/film/genre /m/02kdv5l +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/03nsm5x /film/film/genre /m/07s9rl0 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/047g8h +/m/02gm9n /award/award_category/category_of /m/0c4ys +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0g5q34q /film/film/runtime./film/film_cut/film_release_region /m/0f8l9c +/m/05148p4 /music/instrument/instrumentalists /m/02rgz4 +/m/016xk5 /film/actor/film./film/performance/film /m/02_kd +/m/01c5d5 /people/person/profession /m/01d_h8 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03gfvsz /broadcast/content/artist /m/02_fj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/027f7dj /film/actor/film./film/performance/film /m/03hp2y1 +/m/078g3l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/01fkxr /people/person/places_lived./people/place_lived/location /m/043yj +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/05p3738 /film/film/production_companies /m/05mgj0 +/m/0564x /film/film/production_companies /m/09b3v +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/05cws2 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/06w2yp9 /people/person/gender /m/02zsn +/m/05nqz /base/culturalevent/event/entity_involved /m/02vzc +/m/07f8wg /people/person/gender /m/05zppz +/m/02_hj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/0blq0z /people/person/nationality /m/09c7w0 +/m/059ts /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j95 +/m/031bf1 /people/person/profession /m/0dgd_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/04ch23 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/04764j +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0gxmj /location/location/contains /m/0m_1s +/m/0hzlz /location/location/contains /m/031hxk +/m/01j7pt /tv/tv_network/programs./tv/tv_network_duration/program /m/05_z42 +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/081yw /base/biblioness/bibs_location/country /m/09c7w0 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/06hx2 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01flv_ +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/042ly5 +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qv_ +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0c_zj /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/011zd3 +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z_g6 +/m/0407yj_ /film/film/language /m/064_8sq +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0197tq /people/person/profession /m/02hrh1q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09f07 +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/016tt2 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035sc2 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/0143wl /film/actor/film./film/performance/film /m/026gyn_ +/m/0lhp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fgpvf /film/film/country /m/04g61 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ln0f +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0z4s +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01tzfz /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gv07g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03y82t6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6qt +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/03ryn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/02_t6d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01mtqf /people/cause_of_death/people /m/02sdx +/m/02rsz0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mzkr /music/record_label/artist /m/0bk1p +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dw4b0 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/05tfm /sports/sports_team/colors /m/01l849 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01csvq +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/011yg9 /film/film/country /m/07ssc +/m/089j8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/010m55 /location/hud_county_place/place /m/010m55 +/m/0jdk_ /olympics/olympic_games/participating_countries /m/0f8l9c +/m/0bt7w /music/genre/parent_genre /m/059kh +/m/0sx8l /olympics/olympic_games/participating_countries /m/03f2w +/m/04p5cr /tv/tv_program/genre /m/04gm78f +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/01dz7z /business/job_title/people_with_this_title./business/employment_tenure/company /m/09c7w0 +/m/0c422z4 /award/award_category/winners./award/award_honor/award_winner /m/05p92jn +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01snvb +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0cwrr /tv/tv_program/languages /m/02h40lc +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02t__l +/m/03hkv_r /award/award_category/winners./award/award_honor/ceremony /m/09v0p2c +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/01wvxw1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0411q +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/01x4r3 /influence/influence_node/influenced_by /m/014z8v +/m/0207wx /people/person/profession /m/0dxtg +/m/01pl14 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/0fs1v /base/biblioness/bibs_location/country /m/03gyl +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zs4 +/m/09q23x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0l14md /music/instrument/instrumentalists /m/01vrnsk +/m/0192hw /film/film/country /m/09c7w0 +/m/0169t /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01dljr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq4b +/m/0bs8d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032016 +/m/09q17 /media_common/netflix_genre/titles /m/03z20c +/m/014gf8 /film/actor/film./film/performance/film /m/01dyvs +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0k9ctht /award/award_winner/awards_won./award/award_honor/award_winner /m/02drd3 +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1ng +/m/026dd2b /people/person/place_of_birth /m/0ftxw +/m/0dqcs3 /film/film/produced_by /m/01vvb4m +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0168dy +/m/01_vfy /film/director/film /m/0c_j9x +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0pc_l +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/026m3y +/m/0c9xjl /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/07_nf /film/film_subject/films /m/03z106 +/m/03chx58 /people/person/profession /m/018gz8 +/m/0jbp0 /people/person/nationality /m/02jx1 +/m/0296vv /film/film/cinematography /m/03hltjb +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/09tlh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/01wd02c /people/person/profession /m/0cbd2 +/m/0dyb1 /film/film/story_by /m/05_k56 +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/043yj /base/biblioness/bibs_location/state /m/04tgp +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/0rs6x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/07p12s /film/film/production_companies /m/016tw3 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0g33q +/m/02r34n /people/person/profession /m/0np9r +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/042ly5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bbf1f +/m/06rfy5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/04gknr /film/film/country /m/07ssc +/m/02fttd /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/017fp /media_common/netflix_genre/titles /m/02chhq +/m/02q0v8n /film/film/featured_film_locations /m/080h2 +/m/04jwjq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/099ks0 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/03_wm6 /film/film/genre /m/02js9 +/m/0bcndz /film/film/language /m/02h40lc +/m/02y0js /people/cause_of_death/people /m/0lgm5 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/027tbrc +/m/01_ztw /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/036dyy +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01nvdc /people/person/nationality /m/09c7w0 +/m/019vhk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0ym1n +/m/01p0vf /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0hcs3 /people/person/place_of_birth /m/01_d4 +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/03s9kp /film/film/country /m/09c7w0 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/09t9m2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035_2h +/m/0pv54 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03k48_ /film/actor/film./film/performance/film /m/05c26ss +/m/0bqr7_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jvs0 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1j_ +/m/023cjg /film/film/country /m/09c7w0 +/m/042fgh /film/film/cinematography /m/06qn87 +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/02tgz4 /film/film/genre /m/05p553 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/050gkf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01ycfv +/m/01dyk8 /education/educational_institution/campuses /m/01dyk8 +/m/01njml /sports/sports_team/colors /m/01g5v +/m/0kc6 /people/person/place_of_birth /m/068p2 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0b6p3qf +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/02lz1s /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvdm +/m/013v5j /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01xyqk /music/record_label/artist /m/01qdjm +/m/0342h /music/instrument/instrumentalists /m/04mky3 +/m/01f85k /film/film/edited_by /m/03cp7b3 +/m/060v34 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r5w /people/person/profession /m/02krf9 +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/04wx2v +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06dfg +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0d07s +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/041td_ +/m/07tp2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/02lvtb /people/person/gender /m/05zppz +/m/03tps5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016szr +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/01s7ns /people/person/profession /m/0dz3r +/m/0fgpvf /film/film/genre /m/04xvh5 +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029ghl +/m/04h68j /people/person/place_of_birth /m/03h64 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k9ts +/m/041mt /people/person/place_of_birth /m/0t_3w +/m/0br2wp /music/record_label/artist /m/02twdq +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/04k05 +/m/0gj8nq2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05nshw /location/administrative_division/country /m/05v8c +/m/0nm9h /location/location/time_zones /m/02hcv8 +/m/024y8p /organization/organization/headquarters./location/mailing_address/citytown /m/0fsb8 +/m/011k11 /music/record_label/artist /m/0d9xq +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/01pw2f1 +/m/0ylsr /education/educational_institution/school_type /m/02p0qmm +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014l6_ +/m/02blr4 /media_common/netflix_genre/titles /m/04ltlj +/m/0gyfp9c /film/film/genre /m/05p553 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpyb +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0417z2 +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/020_95 /people/person/profession /m/02hrh1q +/m/04s9n /people/deceased_person/place_of_death /m/094vf +/m/028mc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0kwv2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03_3d /location/country/form_of_government /m/01fpfn +/m/02b10g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03qcfvw /film/film/executive_produced_by /m/027z0pl +/m/0lhp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0138mv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02g0mx /film/actor/film./film/performance/film /m/059rc +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017rbx +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/064t9 /music/genre/artists /m/01fmz6 +/m/018sg9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01zh3_ /education/educational_institution/campuses /m/01zh3_ +/m/07szy /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/023kzp +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03rjj /location/location/contains /m/068cn +/m/019n9w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/025sd_y /people/profession/specialization_of /m/09jwl +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/07hpv3 /tv/tv_program/genre /m/06nbt +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01n4w /location/location/contains /m/0p07_ +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/030_1m /award/award_winner/awards_won./award/award_honor/award_winner /m/032v0v +/m/02633g /film/actor/film./film/performance/film /m/06v9_x +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/07r_dg /film/actor/film./film/performance/film /m/091rc5 +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/03rs8y +/m/032clf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03r0g9 /film/film/country /m/01mjq +/m/01kwld /people/person/profession /m/02hrh1q +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/03bdkd /film/film/genre /m/02p0szs +/m/01c9d /film/film/language /m/02h40lc +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/04htfd /organization/organization/place_founded /m/01_d4 +/m/021f30 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0bxtg /people/person/profession /m/02jknp +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmk7 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04ld94 +/m/0m0jc /music/genre/artists /m/06p03s +/m/01vw8mh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0300cp /business/business_operation/industry /m/0hz28 +/m/0b_yz /sports/sports_team_location/teams /m/016gp5 +/m/02rk23 /organization/organization/headquarters./location/mailing_address/state_province_region /m/06yxd +/m/048_p /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/04cbtrw /influence/influence_node/influenced_by /m/03vrp +/m/02q_4ph /film/film/film_art_direction_by /m/0fqjks +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/01vxqyl +/m/0k4kk /film/film/genre /m/07s9rl0 +/m/01cbwl /music/genre/artists /m/01vv126 +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rzqj +/m/05w1vf /film/actor/film./film/performance/film /m/017z49 +/m/02mhfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vjp3 +/m/0ctw_b /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/099bk /influence/influence_node/influenced_by /m/02ln1 +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/02rb607 /film/film/language /m/04306rv +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dtfn +/m/04s7y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ykg +/m/01s7w3 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/02607j /education/educational_institution/colors /m/01l849 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0jlv5 /film/actor/film./film/performance/film /m/091xrc +/m/02jx1 /location/country/second_level_divisions /m/01q1j +/m/03hfmm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c6g29 +/m/01pgp6 /film/film/genre /m/06cvj +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/06b_j /language/human_language/countries_spoken_in /m/047lj +/m/03f19q4 /people/person/profession /m/0dz3r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0kz4w +/m/03hvk2 /education/educational_institution/school_type /m/01rs41 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/0ph2w +/m/09b93 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j8f09z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/07y8l9 /film/actor/film./film/performance/film /m/02825cv +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0736qr +/m/0d6nx /base/biblioness/bibs_location/country /m/06mzp +/m/0r8bh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015bwt /music/artist/origin /m/09c7w0 +/m/06bd5j /film/film/film_format /m/07fb8_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/02h22 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/05233hy /film/film_set_designer/film_sets_designed /m/048rn +/m/04r68 /people/person/profession /m/0kyk +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/04gnbv1 +/m/05jm7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03p9hl /film/actor/film./film/performance/film /m/04smdd +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/04fc6c /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/02rf1y +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/026rm_y +/m/032w8h /people/person/nationality /m/09c7w0 +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09c7w0 /location/country/second_level_divisions /m/0np52 +/m/022_q8 /people/person/places_lived./people/place_lived/location /m/0dbdy +/m/0g824 /people/person/profession /m/016z4k +/m/0h3c3g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/0295sy /film/film/edited_by /m/03q8ch +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0dd2f /music/record_label/artist /m/012zng +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06gh0t +/m/016tw3 /award/award_winner/awards_won./award/award_honor/award_winner /m/063472 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/0glbqt /film/film/genre /m/07s9rl0 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/033g4d +/m/05t7c1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047vnkj +/m/02773m2 /people/person/profession /m/0dxtg +/m/024l2y /film/film/film_format /m/07fb8_ +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/031296 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/021lby /people/person/gender /m/05zppz +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cnjm0 +/m/0d3fdn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04f52jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/01jmyj /film/film/music /m/023361 +/m/09p5mwg /film/film/country /m/09c7w0 +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09k2t1 +/m/02_l96 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021sv1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/011yrp /film/film/story_by /m/01tt43d +/m/0gbfn9 /film/film/country /m/09c7w0 +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/0g7pm1 /film/film/genre /m/01jfsb +/m/02zyy4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0f502 /film/actor/film./film/performance/film /m/06fcqw +/m/07bch9 /people/ethnicity/people /m/038w8 +/m/01h1b /film/actor/film./film/performance/film /m/03s5lz +/m/047rkcm /film/film/produced_by /m/059x0w +/m/034qt_ /people/person/gender /m/05zppz +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027vps /film/director/film /m/0cwy47 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0n04r /film/film/produced_by /m/09p06 +/m/02tqkf /people/person/nationality /m/09c7w0 +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/0h1v19 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01pj5q /people/person/profession /m/018gz8 +/m/06rgq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/028d4v /film/actor/film./film/performance/film /m/0243cq +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/047g98 +/m/01vvybv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/04_sqm /music/genre/artists /m/016m5c +/m/059gkk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0bqs56 /people/person/profession /m/01d_h8 +/m/03ds83 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p4vl +/m/0bj9k /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wc7p +/m/0bqs56 /people/person/profession /m/018gz8 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0pmhf /people/person/gender /m/05zppz +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/030vmc /people/person/profession /m/02krf9 +/m/07c52 /media_common/netflix_genre/titles /m/07zhjj +/m/018grr /people/person/profession /m/018gz8 +/m/07phbc /film/film/genre /m/02kdv5l +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02ppg1r /tv/tv_program/country_of_origin /m/09c7w0 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/0pv2t /film/film/film_production_design_by /m/05b5_tj +/m/0djlxb /film/film/produced_by /m/0d500h +/m/011xg5 /film/film/produced_by /m/06pj8 +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/07jwr /people/cause_of_death/people /m/02lt8 +/m/03rt9 /location/location/contains /m/0m_z3 +/m/06ch55 /music/instrument/instrumentalists /m/01nn3m +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01pf21 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/035sc2 +/m/02jx1 /location/country/second_level_divisions /m/025569 +/m/0g5pvv /film/film/country /m/07ssc +/m/016k6x /film/actor/film./film/performance/film /m/0ch26b_ +/m/0fthdk /people/person/languages /m/02h40lc +/m/042fgh /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/06x58 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/0182r9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04_bfq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/0425j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/026t6 /music/instrument/instrumentalists /m/03f1zhf +/m/0660b9b /film/film/genre /m/082gq +/m/015vq_ /people/person/profession /m/02hrh1q +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0f1nl +/m/012vby /people/person/profession /m/01d_h8 +/m/0900j5 /film/film/produced_by /m/02qzjj +/m/0htlr /people/person/places_lived./people/place_lived/location /m/06c62 +/m/01fwk3 /film/actor/film./film/performance/film /m/026390q +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l450 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/05zy2cy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/03f4w4 /people/person/place_of_birth /m/04jpl +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/018ndc +/m/04xvlr /media_common/netflix_genre/titles /m/01y9r2 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0mhfr /music/genre/artists /m/0m2l9 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/02b61v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/0jmbv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0dnvn3 /film/film/produced_by /m/01qg7c +/m/0gj8t_b /film/film/featured_film_locations /m/030qb3t +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vyp_ +/m/01_x6d /people/person/religion /m/01hng3 +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/01mjq +/m/0dryh9k /people/ethnicity/people /m/05xd8x +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/0347db /people/person/profession /m/01d_h8 +/m/0xn7q /location/location/time_zones /m/02hcv8 +/m/0prfz /people/person/places_lived./people/place_lived/location /m/0d060g +/m/0bv8h2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zd460 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/02mscn /music/genre/artists /m/01m4kpp +/m/0dfjb8 /people/person/profession /m/0dxtg +/m/05w3f /music/genre/artists /m/01304j +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ggh3 +/m/01smm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/0p_qr /film/film/film_festivals /m/0bx_f_t +/m/080_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hsmh /award/award_winner/awards_won./award/award_honor/award_winner /m/012vby +/m/01vsl3_ /people/person/languages /m/02h40lc +/m/02hh8j /people/person/profession /m/01d_h8 +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01vb403 +/m/02psgq /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/05zy3sc /film/film/genre /m/017fp +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/01p9hgt /people/person/profession /m/0nbcg +/m/03rhqg /music/record_label/artist /m/012x1l +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/0150t6 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08rr3p +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/0466k4 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0xsk8 +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07_kq /location/location/time_zones /m/03plfd +/m/063zky /film/film/genre /m/0hcr +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0lx2l +/m/02gtm4 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/017s11 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/0d05fv +/m/01n7q /location/location/contains /m/0l30v +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n2q0 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/06j6l /music/genre/artists /m/01fkxr +/m/065_cjc /film/film/genre /m/03k9fj +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/01vyp_ +/m/0d7m90 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/06lvlf +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4qzm +/m/031778 /film/film/country /m/0345h +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/09blyk /media_common/netflix_genre/titles /m/016y_f +/m/01rwcgb /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/0n_hp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05j12n /people/person/nationality /m/03rk0 +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0156q +/m/05148p4 /music/instrument/instrumentalists /m/01vswx5 +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/07sqnh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09v6gc9 +/m/0l99s /people/person/sibling_s./people/sibling_relationship/sibling /m/0mj0c +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02704ff /film/film/produced_by /m/02kxbx3 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/0gywn /music/genre/artists /m/01vx5w7 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0n6f8 +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0cc97st /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02tkzn /people/person/gender /m/05zppz +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/06rvn +/m/08xvpn /film/film/genre /m/0hn10 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04n52p6 /film/film/production_companies /m/05h4t7 +/m/02qdgx /music/genre/artists /m/01vsy7t +/m/094jv /location/hud_county_place/place /m/094jv +/m/03s7h /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170s4 /people/person/places_lived./people/place_lived/location /m/03gh4 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/0c33pl /film/actor/film./film/performance/film /m/0b3n61 +/m/0dnkmq /film/film/genre /m/06n90 +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03tck1 +/m/01t8sr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01q9b9 +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01d8l +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gm2_0 +/m/0cz_ym /film/film/featured_film_locations /m/02_286 +/m/02qnbs /people/person/place_of_birth /m/02_286 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/045gzq /people/person/profession /m/02hrh1q +/m/056wb /influence/influence_node/influenced_by /m/014635 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0181dw /music/record_label/artist /m/0285c +/m/0jrqq /film/director/film /m/05k4my +/m/02wmbg /people/person/place_of_birth /m/09c17 +/m/0p51w /film/director/film /m/0bm2g +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w5m +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yrp +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/01b_d4 /organization/organization/headquarters./location/mailing_address/citytown /m/0q34g +/m/04xrx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c58j /people/person/gender /m/05zppz +/m/01kgg9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d35y +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0gy6z9 +/m/0cv1w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0nlg4 /location/location/contains /m/07nqn +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03mstc /people/person/profession /m/0dxtg +/m/0163zw /music/genre/artists /m/01271h +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/0fvvg /location/location/time_zones /m/02hcv8 +/m/0z1cr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/02t_99 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06npd +/m/016wyn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/011zd3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/01h320 /people/person/gender /m/05zppz +/m/058vp /people/person/religion /m/03_gx +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02b1l_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0661m4p /film/film/genre /m/0556j8 +/m/0m0hw /people/deceased_person/place_of_death /m/0r62v +/m/02ldv0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pspl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hmnh /media_common/netflix_genre/titles /m/05jf85 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/01v1ln /film/film/cinematography /m/02vx4c2 +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/04gc65 /people/person/profession /m/02hrh1q +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/012z8_ +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05r5c /music/instrument/instrumentalists /m/02vr7 +/m/087qxp /people/person/gender /m/05zppz +/m/0df2zx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015fr /location/location/contains /m/028mpr +/m/0d04z6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/04f52jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03xj05 /film/film/genre /m/082gq +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/01l1hr /people/person/profession /m/02hrh1q +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01jft4 /film/film/language /m/02h40lc +/m/0p8jf /influence/influence_node/influenced_by /m/058vp +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/023p33 /film/film/production_companies /m/04rcl7 +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/01p4r3 /people/person/profession /m/02hrh1q +/m/03twd6 /film/film/country /m/01mjq +/m/02whj /people/person/profession /m/039v1 +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0194zl /film/film/genre /m/02l7c8 +/m/07b_l /location/location/contains /m/0mr_8 +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0fttg /location/location/time_zones /m/02fqwt +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0cx2r /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/0177gl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/047msdk /film/film/country /m/09c7w0 +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01fx1l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqc_ +/m/02j9lm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c4g +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/059xnf +/m/01nln /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0177s6 /people/person/gender /m/05zppz +/m/0kftt /film/actor/film./film/performance/film /m/034xyf +/m/014g9y /people/person/nationality /m/09c7w0 +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05k79 /music/artist/origin /m/018x0q +/m/012gx2 /people/person/religion /m/0c8wxp +/m/0kftt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vb403 +/m/02wlwtm /organization/role/leaders./organization/leadership/organization /m/0dbns +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026gyn_ +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d90m +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vfz +/m/06fpsx /film/film/runtime./film/film_cut/film_release_region /m/05v8c +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06g60w +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04lgymt +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/01wt4wc /people/person/profession /m/09jwl +/m/03bpn6 /film/actor/film./film/performance/film /m/04v89z +/m/07phbc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kh2m1 /people/person/places_lived./people/place_lived/location /m/0rydq +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02w9k1c +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/0277c3 +/m/06rfy5 /organization/organization/headquarters./location/mailing_address/citytown /m/080h2 +/m/04czx7 /people/ethnicity/languages_spoken /m/012w70 +/m/01z452 /film/film/featured_film_locations /m/02_286 +/m/02b18l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127s7 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/016ks_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gml8 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/021w0_ +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbb +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06r2h +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0521rl1 /people/person/gender /m/05zppz +/m/059kh /music/genre/artists /m/02hzz +/m/09yrh /award/award_winner/awards_won./award/award_honor/award_winner /m/01rr9f +/m/02ylg6 /film/film/country /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047msdk +/m/02qkt /location/location/contains /m/0jhd +/m/02h40lc /language/human_language/countries_spoken_in /m/034tl +/m/05b6rdt /film/film/produced_by /m/01vz80y +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02h9_l +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065z3_x +/m/057_yx /film/actor/film./film/performance/film /m/01738w +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fpn8 +/m/045j3w /film/film/runtime./film/film_cut/film_release_region /m/06qd3 +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02r1c18 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g75 /people/person/profession /m/0cbd2 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/099d4 /people/person/nationality /m/0d05w3 +/m/01j5ql /film/film/country /m/09c7w0 +/m/0bt4g /film/film/genre /m/03k9fj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0ckrgs +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/012mrr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01h320 +/m/06s27s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/021f30 +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/02vjp3 /film/film/genre /m/06n90 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/06_bq1 /people/person/profession /m/0d1pc +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03f0r5w +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/07bsj /base/eating/practicer_of_diet/diet /m/07_jd +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048vhl +/m/0bj25 /film/film/genre /m/01t_vv +/m/05hks /people/deceased_person/place_of_burial /m/06bnz +/m/05yzt_ /film/actor/film./film/performance/film /m/07g1sm +/m/02bh8z /music/record_label/artist /m/07hgm +/m/023kzp /award/award_winner/awards_won./award/award_honor/award_winner /m/07r1h +/m/0311wg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bt4r4 /people/person/place_of_birth /m/01m1_d +/m/02s2lg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06qm3 /media_common/netflix_genre/titles /m/01sxly +/m/09c7w0 /location/location/contains /m/02jmst +/m/095sx6 /tv/tv_program/genre /m/05p553 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01vy_v8 /film/actor/film./film/performance/film /m/01c22t +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029q_y +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/01vhrz +/m/06y8v /influence/influence_node/influenced_by /m/03_dj +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/04zkj5 /film/actor/film./film/performance/film /m/087wc7n +/m/088lls /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kft +/m/039xcr /film/actor/film./film/performance/film /m/03bdkd +/m/03f5vvx /film/film_subject/films /m/0g9wdmc +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03x7hd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gcd1 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02ltg3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/03j149k /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03kts +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/01mqh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmfnjs +/m/07csf4 /award/award_winner/awards_won./award/award_honor/award_winner /m/07cn2c +/m/04wp2p /film/director/film /m/015g28 +/m/041rx /people/ethnicity/people /m/02nygk +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0d_wms +/m/050zr4 /people/person/place_of_birth /m/01_d4 +/m/01flv_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j6j8 /award/award_category/disciplines_or_subjects /m/04g51 +/m/01jmv8 /film/actor/film./film/performance/film /m/0dw4b0 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/04vh83 /film/film/produced_by /m/016ghw +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/03pm9 /people/person/profession /m/0q04f +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/0kv2hv /film/film/produced_by /m/0f7hc +/m/0ff3y /people/person/gender /m/05zppz +/m/0cnztc4 /film/film/genre /m/07s9rl0 +/m/01c22t /film/film/genre /m/0hcr +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c602 +/m/01v42g /film/actor/film./film/performance/film /m/0bl3nn +/m/0bqch /people/person/nationality /m/09c7w0 +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/05hjnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/046lt /people/person/profession /m/015cjr +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0kbq /film/film_subject/films /m/0y_9q +/m/01m7pwq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03ktjq /organization/organization_founder/organizations_founded /m/05h4t7 +/m/01wlt3k /music/artist/origin /m/043yj +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02w7gg /people/ethnicity/people /m/0yxl +/m/01vsqvs /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/074rg9 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wr3kg +/m/049tb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/02hvkf /base/aareas/schema/administrative_area/administrative_parent /m/03lrc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0122wc +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/04jhhng /award/award_category/winners./award/award_honor/award_winner /m/02ndf1 +/m/01c5d5 /people/person/profession /m/02jknp +/m/0qc7l /location/location/contains /m/01wdl3 +/m/0dqcm /film/actor/film./film/performance/film /m/0kvf3b +/m/01xndd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cf9ly +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/07s8qm7 /sports/sports_team/colors /m/083jv +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/0cgbf +/m/0dq9p /people/cause_of_death/people /m/028mc6 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/09xvf7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03f47xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/043js /film/actor/film./film/performance/film /m/03p2xc +/m/02w4v /music/genre/artists /m/0qf3p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fhm5 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nxnw +/m/022769 /people/person/gender /m/05zppz +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/020_95 /film/actor/film./film/performance/film /m/0gyh2wm +/m/0dq9p /people/cause_of_death/people /m/012j5h +/m/01skcy /organization/organization/headquarters./location/mailing_address/citytown /m/013m43 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02p8454 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/02tk74 /people/person/profession /m/02hrh1q +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/022jr5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05j49 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0838y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02cnqk /base/culturalevent/event/entity_involved /m/0d05w3 +/m/03b0q4 /film/actor/film./film/performance/film /m/0pd6l +/m/0dn44 /film/director/film /m/04zl8 +/m/05hks /people/person/place_of_birth /m/06pr6 +/m/0ds33 /film/film/production_companies /m/020h2v +/m/02w7gg /people/ethnicity/people /m/015vq_ +/m/05pxnmb /film/film/language /m/02h40lc +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0n1tx /location/location/contains /m/0z20d +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/09nhvw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032nl2 +/m/0278x6s /film/actor/film./film/performance/film /m/07jxpf +/m/032r1 /people/person/religion /m/0kq2 +/m/046vvc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02p8q1 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02vptk_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f68r6 /people/deceased_person/place_of_death /m/071vr +/m/04vzv4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04yj5z /people/person/languages /m/02h40lc +/m/017f3m /tv/tv_program/program_creator /m/0438pz +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0295sy +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w_10 +/m/03rjj /location/location/contains /m/0fhsz +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0glmv /film/actor/film./film/performance/film /m/05sw5b +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01cf93 /music/record_label/artist /m/0p8h0 +/m/07nvmx /people/person/profession /m/0gl2ny2 +/m/03j24kf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n5d1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/025x1t /tv/tv_program/country_of_origin /m/09c7w0 +/m/0ghvb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0gqzz /award/award_category/winners./award/award_honor/award_winner /m/0133sq +/m/0cc56 /location/location/contains /m/03dm7 +/m/04sskp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0kszw +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s2ys +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/017kct +/m/01w806h /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01cwdk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b2qtl /film/film/genre /m/082gq +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/027lf1 +/m/01kh2m1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qsjt +/m/05w3f /music/genre/artists /m/0326tc +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/016tt2 +/m/0161c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01x4py /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bgmr /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/015whm /film/film/genre /m/05mrx8 +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/01jfsb /media_common/netflix_genre/titles /m/0bmch_x +/m/01x4sb /film/actor/film./film/performance/film /m/028_yv +/m/0chrx /location/location/contains /m/037njl +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/02gnlz /people/person/gender /m/05zppz +/m/016732 /people/person/profession /m/047rgpy +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/024mxd /film/film/prequel /m/042g97 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vnbh +/m/09py7 /people/person/nationality /m/06bnz +/m/09wnnb /film/film/genre /m/016vh2 +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06kb_ /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/028d4v /film/actor/film./film/performance/film /m/02ht1k +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0356dp /film/actor/film./film/performance/film /m/02z0f6l +/m/01xdf5 /people/person/places_lived./people/place_lived/location /m/0xmp9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/02ps55 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/026t6 /music/instrument/instrumentalists /m/01wdqrx +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/03l26m +/m/0227vl /people/person/profession /m/02hrh1q +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ppg1r +/m/0m9c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05tgks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09c7w0 /location/location/contains /m/0lphb +/m/0ddbjy4 /film/film/genre /m/06n90 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/03c6vl +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/01tzm9 /people/person/places_lived./people/place_lived/location /m/0dzz_ +/m/052h3 /people/person/religion /m/03_gx +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/055td_ /film/film/language /m/02h40lc +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039x1k +/m/0gvs1kt /film/film/genre /m/07s9rl0 +/m/02b171 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07l24 /sports/sports_team/colors /m/083jv +/m/04353 /people/person/profession /m/03gjzk +/m/0jm4b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/07p7g /base/aareas/schema/administrative_area/administrative_parent /m/04gqr +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0227tr /people/person/places_lived./people/place_lived/location /m/059j2 +/m/02jxkw /people/person/profession /m/01c72t +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/01c1px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/04bdxl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01qscs +/m/01n7q /location/location/contains /m/0kpys +/m/01vsl3_ /music/group_member/membership./music/group_membership/role /m/0342h +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/03sxd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0175wg /people/person/languages /m/02h40lc +/m/0bcp9b /film/film/written_by /m/03fqv5 +/m/0lwkh /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/02mpyh /film/film/genre /m/0lsxr +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01d8l +/m/0klw /people/person/places_lived./people/place_lived/location /m/06m_5 +/m/05148p4 /music/instrument/instrumentalists /m/01w724 +/m/01m4yn /film/actor/film./film/performance/film /m/084qpk +/m/06brp0 /people/person/nationality /m/09c7w0 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d478 +/m/064t9 /music/genre/artists /m/03t9sp +/m/07rzf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kdkfj +/m/0bs8hvm /film/film/written_by /m/0k_mt +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/04p5cr /tv/tv_program/genre /m/05p553 +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_sc +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02rrfzf /film/film/music /m/015cxv +/m/01531 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05hc96 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04_1l0v /location/location/contains /m/059rby +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/014vk4 +/m/08g_jw /film/film/language /m/02h40lc +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0yjf0 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/04n7njg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_njt /film/actor/film./film/performance/film /m/0888c3 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0d4htf /film/film/genre /m/04xvh5 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/09n70c /film/actor/film./film/performance/film /m/0gffmn8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/0863x_ /people/person/nationality /m/09c7w0 +/m/08nz99 /people/person/profession /m/03gjzk +/m/016_mj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02dlfh +/m/0r80l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/031zkw /people/person/languages /m/02h40lc +/m/01mgw /film/film/country /m/03h64 +/m/02k856 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02k84w +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/07hwkr /people/ethnicity/people /m/058s57 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01s3vk +/m/02jx1 /location/location/contains /m/0fvd03 +/m/051zy_b /film/film/music /m/01mh8zn +/m/0gzlb9 /film/film/country /m/09c7w0 +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/02hzx8 /sports/sports_team/colors /m/06fvc +/m/0lk90 /people/person/nationality /m/09c7w0 +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/03v1w7 /people/person/nationality /m/09c7w0 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/07gbf /tv/tv_program/languages /m/02h40lc +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/06qd3 +/m/05jzt3 /film/film/genre /m/04xvlr +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/040p3y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01lk02 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kwh5j +/m/0psxp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/07bzp /music/artist/origin /m/030qb3t +/m/0jsg0m /people/person/profession /m/0nbcg +/m/01vvb4m /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0mw5x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gw +/m/024bbl /film/actor/film./film/performance/film /m/05r3qc +/m/0bvn25 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/02j4sk /film/actor/film./film/performance/film /m/031t2d +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zl4d +/m/01j6t0 /medicine/symptom/symptom_of /m/0hg45 +/m/018s6c /people/ethnicity/languages_spoken /m/0880p +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3jz +/m/0422v0 /film/film/produced_by /m/05zrx3v +/m/05fgt1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06fcqw /film/film/music /m/06fxnf +/m/06lht1 /film/actor/film./film/performance/film /m/02bqvs +/m/0bx0l /film/film/genre /m/02p0szs +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/017gm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0d05w3 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0l998 /olympics/olympic_games/sports /m/06wrt +/m/02knnd /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/01yfm8 /film/actor/film./film/performance/film /m/09wnnb +/m/02c7lt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/044f7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01znj1 /film/film/film_festivals /m/05ys0ws +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/051ys82 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q7yfq +/m/03zj_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/02ntlj /music/genre/artists /m/020_4z +/m/016bx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02tr7d /film/actor/film./film/performance/film /m/04165w +/m/0k4f3 /film/film/written_by /m/0c921 +/m/07bty /people/person/profession /m/06q2q +/m/0194xc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/0683n /people/person/nationality /m/09c7w0 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/02vzc /location/country/capital /m/03khn +/m/099vwn /award/award_category/nominees./award/award_nomination/nominated_for /m/08gsvw +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/033g54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07pd_j +/m/0n24p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/0259r0 /people/person/profession /m/02hrh1q +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050ks +/m/02hnl /music/instrument/instrumentalists /m/02pzc4 +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0sx5w /people/person/profession /m/02dsz +/m/06btq /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05j82v /film/film/music /m/03975z +/m/02f6g5 /film/film/executive_produced_by /m/01zfmm +/m/030nwm /organization/organization/headquarters./location/mailing_address/state_province_region /m/02m77 +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/07nt8p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0466hh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02mplj +/m/024rwx /tv/tv_program/languages /m/02h40lc +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pdh86 +/m/01c9d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0dn_w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/03bzyn4 /film/film/produced_by /m/02lf0c +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b190 +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0122wc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/021gt5 /location/hud_county_place/county /m/0m2gz +/m/026_dq6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dq9wx +/m/01vn35l /music/group_member/membership./music/group_membership/role /m/05r5c +/m/04y9mm8 /film/film/genre /m/01q03 +/m/09rsjpv /film/film/production_companies /m/0kx4m +/m/0hpv3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/08809 /location/hud_county_place/county /m/0nj0m +/m/01c6l /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0hqcy /people/person/profession /m/0dxtg +/m/0fd3y /music/genre/parent_genre /m/02r6mf +/m/06by7 /music/genre/artists /m/01vrwfv +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mxqyk +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016jll +/m/03g9xj /tv/tv_program/genre /m/06n90 +/m/04rrx /location/location/contains /m/0vrmb +/m/09c7w0 /location/location/contains /m/0sv6n +/m/01nzmp /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02bf2s +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04jpl /location/location/contains /m/0hsb3 +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01w7nww +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/04954 /people/person/profession /m/09jwl +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/03jxw /people/person/place_of_birth /m/02_286 +/m/0khth /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/057pq5 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02cx72 +/m/0mcf4 /music/record_label/artist /m/01z9_x +/m/0jnkr /sports/sports_team/colors /m/019sc +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0bxxzb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07dnx /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/017180 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/017xm3 +/m/0bwjj /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01lk02 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h8hr +/m/04ynx7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/04wlz2 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/063t3j /people/person/profession /m/016z4k +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/013d_f /base/biblioness/bibs_location/state /m/04rrx +/m/01xsc9 /film/actor/film./film/performance/film /m/05cvgl +/m/03h4fq7 /film/film/music /m/0gv07g +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01d38g /award/award_category/category_of /m/0c4ys +/m/022g44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/026fs38 /film/film/genre /m/04xvlr +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01v1ln +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/02q5bx2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fkhz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1_ +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgk0 +/m/016tb7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/06q1r /location/location/contains /m/012d9h +/m/02g3gw /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/02hnl /music/instrument/instrumentalists /m/0161c2 +/m/0bpjh3 /people/ethnicity/people /m/01zp33 +/m/0ggq0m /music/genre/artists /m/02pt27 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/09nwwf /music/genre/artists /m/046p9 +/m/0k7pf /award/award_winner/awards_won./award/award_honor/award_winner /m/07c0j +/m/042q3 /people/person/nationality /m/03b79 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/0pc62 /film/film/production_companies /m/020h2v +/m/018vs /music/instrument/instrumentalists /m/0144l1 +/m/01rrwf6 /people/person/profession /m/018gz8 +/m/06zsk51 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/03h4fq7 /film/film/featured_film_locations /m/030qb3t +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/04411 /people/person/employment_history./business/employment_tenure/company /m/07szy +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01gw8b +/m/05ry0p /film/actor/film./film/performance/film /m/0cqr0q +/m/015qyf /film/actor/film./film/performance/film /m/07jnt +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/0dgq80b /film/film/genre /m/01jfsb +/m/018_lb /people/person/profession /m/02hrh1q +/m/03h502k /people/person/profession /m/01c72t +/m/028cg00 /film/film/language /m/0653m +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/02h48 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/07tj4c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2jl /education/educational_institution/school_type /m/01rs41 +/m/018ljb /olympics/olympic_games/sports /m/03fyrh +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/09b6zr +/m/0286vp /film/film/genre /m/04xvlr +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03shp +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/02k6hp /people/cause_of_death/people /m/02wr6r +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/048rn /film/film/featured_film_locations /m/02_286 +/m/02x3y41 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0209xj /film/film/genre /m/05p553 +/m/056wb /people/person/profession /m/0kyk +/m/013zyw /film/director/film /m/0bz3jx +/m/02sh8y /film/actor/film./film/performance/film /m/0ds2n +/m/01cssf /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/0l2rj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wd9vs +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/032r1 /people/person/place_of_birth /m/0fhp9 +/m/06mn7 /film/director/film /m/05ldxl +/m/019fm7 /base/biblioness/bibs_location/country /m/03rk0 +/m/06bss /people/person/profession /m/016m9h +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tl50z +/m/09c7w0 /location/location/contains /m/03kmyy +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/07kh6f3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/043s3 /influence/influence_node/influenced_by /m/015n8 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/06by7 /music/genre/artists /m/09z1lg +/m/04nfpk /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hr1 +/m/02rk23 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/011ypx /film/film/written_by /m/0169dl +/m/05r5c /music/instrument/instrumentalists /m/013423 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0dl5d /music/genre/artists /m/017vkx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/093g7v +/m/09c7w0 /location/country/second_level_divisions /m/0fm9_ +/m/0d06m5 /people/person/profession /m/01xr66 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/01zkxv /people/person/nationality /m/07ssc +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/016yr0 /film/actor/film./film/performance/film /m/017n9 +/m/02zcz3 /education/educational_institution/colors /m/083jv +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbsdz +/m/0639bg /film/film/production_companies /m/09b3v +/m/0ym20 /education/educational_institution/students_graduates./education/education/student /m/016xh5 +/m/01bzw5 /education/educational_institution/colors /m/01jnf1 +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/01399x +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/01_sz1 /music/genre/artists /m/02hzz +/m/0456zg /film/film/genre /m/01t_vv +/m/0ymb6 /education/educational_institution_campus/educational_institution /m/0ymb6 +/m/03mgbf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pk1p +/m/01mvjl0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p2zq +/m/049lr /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0mhfr /music/genre/artists /m/01dpsv +/m/0b3n61 /film/film/genre /m/0hcr +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/064t9 /music/genre/artists /m/04cr6qv +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/01tv3x2 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/01cmp9 /film/film/country /m/0d060g +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k4f3 +/m/01cf93 /music/record_label/artist /m/018n6m +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/011x_4 /film/film/featured_film_locations /m/01_d4 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088vb +/m/03vfr_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0vmt /location/location/contains /m/0qpsn +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0170qf /film/actor/film./film/performance/film /m/05szq8z +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050l8 +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hxs4 +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0mzg2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r34n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019fv4 /base/aareas/schema/administrative_area/administrative_parent /m/09hrc +/m/046n4q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/05cgv /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/019pm_ /film/actor/film./film/performance/film /m/051zy_b +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01934k +/m/0k2m6 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/01f62 /location/administrative_division/country /m/06mkj +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/03qjg /music/instrument/instrumentalists /m/011hdn +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027tbrc +/m/0m9p3 /film/film/featured_film_locations /m/0flsf +/m/049bp4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07w0v /education/educational_institution/colors /m/083jv +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/04t969 +/m/03ts0c /people/ethnicity/people /m/0gdqy +/m/0jrv_ /music/genre/artists /m/016lj_ +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/09rsr0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02vzpb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04v89z +/m/0cv72h /people/person/profession /m/01445t +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcrg +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0lzkm /award/award_winner/awards_won./award/award_honor/award_winner /m/0khth +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/01f1q8 /location/administrative_division/country /m/03rk0 +/m/06kkgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/01jzyf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jxgx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yc7p +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/017znw +/m/0dmy0 /base/biblioness/bibs_location/country /m/07ssc +/m/02b190 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07z542 /people/person/profession /m/09jwl +/m/0bs8d /film/director/film /m/0bkq7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/019q50 +/m/01q_y0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/03gvt /music/instrument/instrumentalists /m/01w724 +/m/0ftvg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0219x_ /media_common/netflix_genre/titles /m/041td_ +/m/02hy9p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/07kg3 /location/location/contains /m/01kmyh +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/01vw8mh /people/person/profession /m/0dz3r +/m/0dgq_kn /film/film/genre /m/01jfsb +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0mnk7 /location/location/contains /m/02bpy_ +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/07h565 /people/person/profession /m/02hrh1q +/m/024zq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/09rp4r_ +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0jgx /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415mzy +/m/01tlmw /location/hud_county_place/place /m/01tlmw +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rq8k8 +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0272_vz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018p4y +/m/09txzv /film/film/music /m/03h610 +/m/0c1fs /people/person/profession /m/0dxtg +/m/02gx2k /award/award_category/winners./award/award_honor/award_winner /m/01qvgl +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/079hvk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021y1s /location/location/contains /m/0k33p +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049dzz +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/01rzxl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047tsx3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0391jz +/m/02b6n9 /film/film/produced_by /m/026670 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0407yfx +/m/0151ns /people/person/nationality /m/07t21 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0xmlp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0330r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jt90f5 +/m/0bx_f_t /time/event/locations /m/0156q +/m/027pfg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/01xg_w /people/person/places_lived./people/place_lived/location /m/0281rp +/m/0qm98 /film/film/genre /m/01j1n2 +/m/0mmd6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02dgq2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhvpr +/m/01r97z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06_x996 /film/film/genre /m/06cvj +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/016l09 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0fpkxfd +/m/03qy3l /music/record_label/artist /m/0144l1 +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01bm_ +/m/031786 /film/film/genre /m/06n90 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f1zdw +/m/015wnl /film/actor/film./film/performance/film /m/0ggbhy7 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/0c58k /medicine/disease/risk_factors /m/0jpmt +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/07vc_9 /film/actor/film./film/performance/film /m/0fb7sd +/m/025s1wg /film/film/film_production_design_by /m/06cv1 +/m/0155w /music/genre/artists /m/01693z +/m/0770cd /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nww +/m/0bscw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017f3m /tv/tv_program/languages /m/02h40lc +/m/049fgvm /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/01d2v1 /film/film/featured_film_locations /m/02_286 +/m/01nd6v /people/person/gender /m/05zppz +/m/07kh6f3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09zw90 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0c3xpwy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/07f1x /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0cgzj +/m/07m9cm /film/actor/film./film/performance/film /m/02yvct +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gfzfj /film/film/story_by /m/021yw7 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/0ddcbd5 /film/film/production_companies /m/054lpb6 +/m/0t015 /location/hud_county_place/county /m/0nr_q +/m/01l2fn /film/actor/film./film/performance/film /m/0cmc26r +/m/036hnm /organization/organization/headquarters./location/mailing_address/state_province_region /m/0195pd +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6l1st +/m/0cjsxp /people/person/place_of_birth /m/0d9y6 +/m/03c3yf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02vp1f_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/01qb559 /film/film/genre /m/01jfsb +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0m593 /award/award_winner/awards_won./award/award_honor/award_winner /m/01b9ck +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06t8b +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/0c94fn +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/0ymc8 +/m/01tnxc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0vjr /tv/tv_program/genre /m/05p553 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/011lvx /people/person/profession /m/01c72t +/m/02r1ysd /tv/tv_program/genre /m/01hmnh +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vrwfv +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/01r3kd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04hzj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fv4v +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0mwq_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw89 +/m/04969y /award/award_winning_work/awards_won./award/award_honor/award /m/03y8cbv +/m/02s4l6 /film/film/produced_by /m/0d500h +/m/0c58k /people/cause_of_death/people /m/09ld6g +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/05vxdh /film/film/genre /m/02l7c8 +/m/0vp5f /location/hud_county_place/county /m/0nj3m +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/049dyj /people/person/profession /m/0cbd2 +/m/05fky /location/location/partially_contains /m/04ykz +/m/03mgx6z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0778_3 /education/educational_institution/students_graduates./education/education/student /m/03dn9v +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/01ts_3 /people/person/places_lived./people/place_lived/location /m/012qxv +/m/05w3y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/01xv77 /people/person/profession /m/01d_h8 +/m/012z8_ /people/person/profession /m/016z4k +/m/028hc2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/016ckq /music/record_label/artist /m/015srx +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/06y_n /tv/tv_program/genre /m/0c4xc +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/033tf_ /people/ethnicity/people /m/01_x6d +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/044qx /film/actor/film./film/performance/film /m/0jvt9 +/m/07g2v /people/person/nationality /m/035qy +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/07j8r /film/film/language /m/02h40lc +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0dck27 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0195j0 /base/biblioness/bibs_location/country /m/07ssc +/m/06n3y /location/location/contains /m/0165v +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/03zz8b +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0gwjw0c /film/film/production_companies /m/061dn_ +/m/01wy6 /music/instrument/instrumentalists /m/024dgj +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/015fr /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291ck +/m/0fpkhkz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04k25 +/m/012cj0 /film/actor/film./film/performance/film /m/0ptxj +/m/0sxmx /film/film/genre /m/0219x_ +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp0790 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/0d2lt /base/biblioness/bibs_location/country /m/07ssc +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/016z51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/03n6r /film/actor/film./film/performance/film /m/04wddl +/m/0ftxc /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03v0t +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bpc +/m/09nz_c /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0l14qv /music/instrument/instrumentalists /m/019x62 +/m/02qydsh /film/film/genre /m/01zhp +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0127gn /influence/influence_node/peers./influence/peer_relationship/peers /m/0pcc0 +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04x4s2 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kf5lf +/m/0glmv /people/person/profession /m/02hrh1q +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/0449sw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07cjqy /film/actor/film./film/performance/film /m/0640y35 +/m/02n4kr /media_common/netflix_genre/titles /m/016fyc +/m/09m6kg /film/film/genre /m/04xvlr +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j722 +/m/02645b /film/director/film /m/02q_4ph +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/058bzgm /award/award_category/winners./award/award_honor/award_winner /m/02yl42 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/049gc +/m/0ndwt2w /film/film/production_companies /m/0g1rw +/m/04pqqb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06s6hs +/m/01sbv9 /film/film/genre /m/01hmnh +/m/0bx0l /film/film/edited_by /m/027pdrh +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05148p4 /dataworld/gardening_hint/split_to /m/05148p4 +/m/02s8qk /education/university/fraternities_and_sororities /m/035tlh +/m/05q7874 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0cb4j /location/location/contains /m/0r2bv +/m/0blbxk /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0170th /film/film/production_companies /m/017s11 +/m/01shhf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05txrz /film/actor/film./film/performance/film /m/06fpsx +/m/01mmslz /film/actor/film./film/performance/film /m/0258dh +/m/01wgcvn /film/actor/film./film/performance/film /m/06_wqk4 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/030qb3t /film/film_subject/films /m/05q7874 +/m/02t_w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/09rx7tx /film/film/language /m/02h40lc +/m/017_qw /music/genre/artists /m/0kn3g +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/0284h6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/026q3s3 /film/film/country /m/03_3d +/m/01x1cn2 /people/person/profession /m/0d1pc +/m/09096d /music/genre/artists /m/02l840 +/m/02k1pr /film/film/language /m/02h40lc +/m/01m13b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gg59 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwbts +/m/011yd2 /film/film/cinematography /m/0f3zf_ +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/04m_zp /people/person/profession /m/0cbd2 +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxfz +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/03f1zhf /people/person/languages /m/02ztjwg +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/01gqfm +/m/06t2t2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02gd6x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03s9b +/m/0b44shh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/033db3 /people/person/gender /m/05zppz +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0n6kf /influence/influence_node/influenced_by /m/07lp1 +/m/016zwt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0c7lcx /film/actor/film./film/performance/film /m/0cz_ym +/m/04_cdd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01wmjkb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/032wdd +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0dls3 /music/genre/artists /m/01wqflx +/m/03kg2v /film/film/genre /m/01jfsb +/m/0gj9tn5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/09c7w0 /location/location/contains /m/02ccqg +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0d90m +/m/01jrz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlqd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03l7w8 +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0l6px +/m/03x73c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/08984j /film/film/country /m/09c7w0 +/m/02jyhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/041bnw /music/record_label/artist /m/01vsy95 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/0q59y /people/person/profession /m/01d_h8 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/0c3xw46 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07b3r9 /people/person/nationality /m/09c7w0 +/m/02vrgnr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04s5_s /music/group_member/membership./music/group_membership/role /m/0342h +/m/02sjgpq /education/educational_institution/school_type /m/01rs41 +/m/0ymff /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/0212zp /education/educational_institution/campuses /m/0212zp +/m/027hm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/037q31 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/063_j5 /film/film/genre /m/01jfsb +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01fmys +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mvd62 +/m/09yxcz /film/film/language /m/0688f +/m/04smkr /film/actor/film./film/performance/film /m/09cr8 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0gn30 +/m/082fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fzq3 +/m/07wtc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/028d4v /people/person/profession /m/02hrh1q +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0dq9p /medicine/disease/risk_factors /m/059_w +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/012vd6 /people/person/profession /m/0nbcg +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0136p1 /people/person/profession /m/09jwl +/m/02rb84n /film/film/genre /m/02kdv5l +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_31 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/023n39 /people/person/gender /m/05zppz +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/041rx /people/ethnicity/people /m/019r_1 +/m/0bc1yhb /film/film/story_by /m/079vf +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01jfrg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0n6f8 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/02mg5r /education/educational_institution/colors /m/06fvc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07245g +/m/015fs3 /education/educational_institution/students_graduates./education/education/student /m/019vgs +/m/07tl0 /education/educational_institution_campus/educational_institution /m/07tl0 +/m/026n6cs /people/person/gender /m/05zppz +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/045hz5 /people/person/profession /m/02hrh1q +/m/01jwxx /film/film/genre /m/07s9rl0 +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0f2w0 /location/location/contains /m/02km0m +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/01qg7c /people/person/profession /m/01d_h8 +/m/02x3y41 /film/film/produced_by /m/02q42j_ +/m/04rqd /broadcast/content/artist /m/0dvqq +/m/07yp0f /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0bqs56 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/0y54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0k2sk /film/film/cinematography /m/0f3zf_ +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/06nd8c /people/person/place_of_birth /m/01531 +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/045r_9 /tv/tv_program/languages /m/02h40lc +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0gw7p +/m/019n7x /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgk0 +/m/03tdlh /people/person/place_of_birth /m/02_286 +/m/04jb97 /people/person/profession /m/0dxtg +/m/03m5111 /people/person/gender /m/05zppz +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/05r5c +/m/033hn8 /music/record_label/artist /m/019g40 +/m/0c3351 /media_common/netflix_genre/titles /m/02jr6k +/m/01vksx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03pmfw +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dvry +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07ccs +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/037css +/m/03f1zdw /people/person/gender /m/05zppz +/m/01p4r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/01v9724 /people/person/gender /m/05zppz +/m/0c9k8 /film/film/produced_by /m/0gyx4 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0473rc /film/film/production_companies /m/0c41qv +/m/0sx92 /olympics/olympic_games/sports /m/01z27 +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/024qqx /media_common/netflix_genre/titles /m/0hwpz +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/084z0w /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03rhqg /music/record_label/artist /m/019389 +/m/04r7f2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/02pqgt8 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/09tkzy /film/film/written_by /m/02h761 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07h34 +/m/03177r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07brj +/m/0f7hc /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/03bmmc +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/015v3r +/m/022yb4 /people/person/place_of_birth /m/0cr3d +/m/01j5ts /people/person/places_lived./people/place_lived/location /m/06_kh +/m/025hzx /people/person/nationality /m/09c7w0 +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/014zn0 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/0qmd5 /film/film/genre /m/07s9rl0 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02q52q /film/film/film_production_design_by /m/04gmp_z +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/09c7w0 /location/location/contains /m/013nty +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/032dg7 /organization/organization/place_founded /m/0r00l +/m/04q01mn /film/film/production_companies /m/046b0s +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhvpr +/m/0353tm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01k6y1 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0pqz3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01s0l0 +/m/0p_pd /people/person/profession /m/02hrh1q +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02nrdp /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/027dpx /music/group_member/membership./music/group_membership/group /m/0jn38 +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/057pq5 +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01l3vx +/m/0dlngsd /film/film/production_companies /m/05h4t7 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0p51w +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/059y0 +/m/0g22z /film/film/written_by /m/05kfs +/m/0j0pf /influence/influence_node/influenced_by /m/014ps4 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/03np63f /film/film/language /m/02h40lc +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/02js9p /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06mxs /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/05g9_ /music/genre/artists /m/0244r8 +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/01k47c /people/person/nationality /m/07ssc +/m/02knxx /people/cause_of_death/people /m/02nygk +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/073bb /influence/influence_node/influenced_by /m/084nh +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/048ldh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0148xv /people/cause_of_death/people /m/02p5hf +/m/05t7c1 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/05fhy /location/location/time_zones /m/02fqwt +/m/0b78hw /people/person/profession /m/0cbd2 +/m/033p3_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hy9p +/m/0pksh /film/actor/film./film/performance/film /m/0gl02yg +/m/01p5xy /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy0l_ +/m/02hhtj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv6b /music/genre/artists /m/01vng3b +/m/0f2rq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/02bh8z /music/record_label/artist /m/0fcsd +/m/06by7 /music/genre/artists /m/0478__m +/m/061xq /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0k5g9 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b6l1st /film/film/produced_by /m/02tn0_ +/m/082mw /people/person/profession /m/05t4q +/m/01zn4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03whyr /film/film/written_by /m/05_k56 +/m/01nbq4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0qyzb /location/location/time_zones /m/02lcqs +/m/05wp1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/03wh8kl +/m/09wlpl /people/person/gender /m/05zppz +/m/0cttx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09fc83 /film/film/story_by /m/0jt90f5 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/01vv6_6 /people/person/profession /m/0dz3r +/m/0347db /people/person/gender /m/05zppz +/m/01w1sx /film/film_subject/films /m/07w8fz +/m/03ts0c /people/ethnicity/people /m/01vh096 +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4m2z +/m/0m8vm /music/genre/artists /m/0cbm64 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/025ttz4 +/m/0klw /people/person/profession /m/0cbd2 +/m/01s7z0 /people/person/profession /m/05ll37 +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/06n9lt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06mvq /people/ethnicity/people /m/0d5_f +/m/01963w /people/person/place_of_birth /m/06wxw +/m/02vyyl8 /film/film/production_companies /m/046b0s +/m/0p7pw /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/037hgm +/m/0xhtw /music/genre/artists /m/01vsyg9 +/m/02f6s3 /people/person/gender /m/05zppz +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/09l3p /award/award_winner/awards_won./award/award_honor/award_winner /m/046zh +/m/04xg2f /film/film/written_by /m/053ksp +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/097ns /people/cause_of_death/people /m/0dbb3 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01vh08 /people/person/places_lived./people/place_lived/location /m/02hrh0_ +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/015t56 /film/actor/film./film/performance/film /m/025s1wg +/m/0425j7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0c7ct /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04ftdq +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/071xj /people/person/nationality /m/03rk0 +/m/02dbp7 /people/person/profession /m/03gjzk +/m/04j_gs /people/person/gender /m/05zppz +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/03cvv4 /people/person/languages /m/02h40lc +/m/02fb1n /film/actor/film./film/performance/film /m/0dpl44 +/m/019vgs /people/person/profession /m/01kyvx +/m/03jxw /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06j6l /music/genre/artists /m/012x03 +/m/03ksy /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04ftdq +/m/07ssc /location/location/contains /m/012wyq +/m/016890 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/04fcx7 +/m/03ryn /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01y_rz +/m/0382m4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0fhzwl +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/093h7p +/m/02k_kn /music/genre/artists /m/019f9z +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/02sgy +/m/04gny /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02phtzk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/02_286 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0192hw /film/film/language /m/02h40lc +/m/016tb7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bqs56 +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/0b76t12 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/049k07 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05r4w +/m/0h1p /people/person/nationality /m/06f32 +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8x9 +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/016zwt +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/03ys2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/0gp_x9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bqs56 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0b_fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bw6y +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/02hyt /location/hud_county_place/place /m/02hyt +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05fkf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/019n7x +/m/0grjmv /music/genre/artists /m/07qnf +/m/04jpk2 /film/film/language /m/02h40lc +/m/0561xh /people/person/gender /m/05zppz +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01vskn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051ys82 /film/film/genre /m/060__y +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/03m1n +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01rgn3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/0glt670 /music/genre/artists /m/03sww +/m/02hsgn /film/actor/film./film/performance/film /m/0170z3 +/m/031t2d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03wj4r8 /film/film/country /m/09c7w0 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01314k /education/educational_institution/colors /m/01g5v +/m/0d0kn /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01934k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d5_f /influence/influence_node/influenced_by /m/0420y +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0mm1q /people/person/gender /m/05zppz +/m/0716b6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06qm3 /media_common/netflix_genre/titles /m/0k4f3 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/074tb5 +/m/02w7gg /people/ethnicity/people /m/0479b +/m/016zdd /film/actor/film./film/performance/film /m/02qcr +/m/012gk9 /film/film/written_by /m/084m3 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/019mdt /sports/sports_team/colors /m/01g5v +/m/02vnmc9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0cnl09 /people/person/gender /m/05zppz +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/09blyk /media_common/netflix_genre/titles /m/02ptczs +/m/01qzyz /music/instrument/family /m/0fx80y +/m/042f1 /people/person/religion /m/051kv +/m/0hw1j /people/person/place_of_birth /m/030qb3t +/m/04t2l2 /people/person/gender /m/05zppz +/m/03n0cd /film/film/language /m/02h40lc +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bbm7r +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl6fv +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0197tq +/m/0b2km_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h7x /location/location/contains /m/012rrr +/m/06mt91 /people/person/profession /m/0nbcg +/m/02xhpl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jrp0 +/m/04y9dk /people/person/nationality /m/02jx1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/043y95 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0pd64 /film/film/featured_film_locations /m/02nd_ +/m/017l96 /music/record_label/artist /m/01pbxb +/m/0djd3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n56v +/m/0221g_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0czr9_ +/m/0byfz /film/actor/film./film/performance/film /m/0pd6l +/m/02lnbg /music/genre/artists /m/0dl567 +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/017_qw /music/genre/artists /m/01d4cb +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01jr6 +/m/02r6c_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/055z7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pyg6 +/m/02wmbg /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/08jyyk /music/genre/artists /m/01gx5f +/m/05sy2k_ /tv/tv_program/languages /m/02h40lc +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/01trtc /music/record_label/artist /m/0143q0 +/m/0l9k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/027kwc /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/04vjh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/014x77 /film/actor/film./film/performance/film /m/09p0ct +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fb6 +/m/0ggjt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/02_wxh /people/person/profession /m/015cjr +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/09c7w0 /location/location/contains /m/05fkf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01s3vk +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/09r9dp /people/person/profession /m/03gjzk +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/088lls /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/02fx3c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f9y_ /music/genre/artists /m/01f2q5 +/m/03mh_tp /film/film/film_festivals /m/04grdgy +/m/02l7c8 /media_common/netflix_genre/titles /m/011ykb +/m/01d494 /influence/influence_node/influenced_by /m/039n1 +/m/051wwp /film/actor/film./film/performance/film /m/011ywj +/m/032xhg /film/actor/film./film/performance/film /m/02rv_dz +/m/01r9md /film/actor/film./film/performance/film /m/02wgk1 +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0252fh /film/actor/film./film/performance/film /m/035_2h +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06__m6 /film/film/film_format /m/0cj16 +/m/01x9_8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036hf4 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0bzty /location/administrative_division/first_level_division_of /m/03rjj +/m/0d6d2 /people/person/profession /m/01d_h8 +/m/01nrq5 /people/person/places_lived./people/place_lived/location /m/010y34 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/0jqj5 /film/film/production_companies /m/016tw3 +/m/02fsn /music/instrument/instrumentalists /m/0565cz +/m/0l6px /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lpjn +/m/06bw5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wx756 /people/person/profession /m/01c72t +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/0bj9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01r47h +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/01d4cb /people/person/profession /m/01c72t +/m/0cvw9 /location/location/contains /m/02kxx1 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02fz3w /film/actor/film./film/performance/film /m/0g83dv +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/014dq7 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03fn34 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0xkq4 /location/hud_county_place/county /m/0n5j_ +/m/024rgt /award/award_winner/awards_won./award/award_honor/award_winner /m/070j61 +/m/0k6nt /organization/organization_founder/organizations_founded /m/01rz1 +/m/01_1kk /sports/sports_team/colors /m/01g5v +/m/026t6 /music/instrument/instrumentalists /m/04bgy +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015c4g +/m/076xkdz /award/award_winning_work/awards_won./award/award_honor/award /m/02x0gk1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0jrqq +/m/044prt /people/person/profession /m/012t_z +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/05zx7xk +/m/09qc1 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/04344j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0537b +/m/067ghz /film/film/production_companies /m/016tt2 +/m/06dl_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07swvb /award/award_winner/awards_won./award/award_honor/award_winner /m/062dn7 +/m/04_bfq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02p8v8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0132k4 /people/person/profession /m/0gbbt +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/03f0vvr /people/person/places_lived./people/place_lived/location /m/0m75g +/m/0h7jp /location/location/contains /m/01b85 +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award /m/024vjd +/m/0zdkh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/0257w4 +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0nt6b /location/location/contains /m/03b12 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0ym69 +/m/02mv_h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/084m3 /film/actor/film./film/performance/film /m/015bpl +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/0l2k7 /location/location/contains /m/0b_cr +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/01qmy04 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/02x8kk /people/person/gender /m/05zppz +/m/01kf3_9 /film/film/music /m/01cbt3 +/m/043zg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030b93 +/m/01pj_5 /film/film/genre /m/02b5_l +/m/01fm07 /music/genre/artists /m/01vvlyt +/m/07fvf1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01h910 +/m/0hv0d /organization/organization/headquarters./location/mailing_address/citytown /m/081yw +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0127ps +/m/0k9ts /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c73z /influence/influence_node/influenced_by /m/082db +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_wtr +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz04 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ft14 +/m/05r5c /music/instrument/instrumentalists /m/0163r3 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/01w9wwg /people/person/nationality /m/09c7w0 +/m/01n6r0 /education/educational_institution/campuses /m/01n6r0 +/m/03bzyn4 /film/film/written_by /m/03fg0r +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r4xt +/m/04xvlr /media_common/netflix_genre/titles /m/0fzm0g +/m/01f8f7 /film/film/produced_by /m/01f7v_ +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/04jkpgv /film/film/country /m/05qhw +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/0m7fm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05ch98 /film/film/language /m/02h40lc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0195pd +/m/01ly8d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01br2w +/m/040z9 /people/person/place_of_birth /m/0qkcb +/m/0436f4 /people/person/gender /m/05zppz +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0342h /music/instrument/instrumentalists /m/06rgq +/m/01t94_1 /people/person/place_of_birth /m/02_286 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/05kj_ /location/location/contains /m/0mx48 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/07r_dg /people/person/languages /m/02h40lc +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/03kx49 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02__34 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/04cw0n4 /people/person/nationality /m/09c7w0 +/m/015t56 /people/person/places_lived./people/place_lived/location /m/07_fl +/m/01tdnyh /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05c6073 /music/genre/artists /m/05k79 +/m/026_w57 /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ss +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/03tck1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0mkp7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j3v /influence/influence_node/influenced_by /m/043s3 +/m/0431v3 /tv/tv_program/genre /m/07s9rl0 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0170z3 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/034bgm +/m/016clz /music/genre/artists /m/01bpnd +/m/03lty /music/genre/parent_genre /m/0pm85 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04kcn +/m/03ttn0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/09wj5 /film/actor/film./film/performance/film /m/017gl1 +/m/01n_2f /sports/sports_team/colors /m/038hg +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/01rgn3 /education/educational_institution/colors /m/01g5v +/m/0q9kd /film/actor/film./film/performance/film /m/09lxv9 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/01wj92r /award/award_winner/awards_won./award/award_honor/award_winner /m/0p7h7 +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0258dh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0127m7 +/m/06q83 /people/profession/specialization_of /m/09j9h +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03b1l8 /film/film/country /m/09c7w0 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/03nfnx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04ld32 +/m/011xg5 /film/film/production_companies /m/086k8 +/m/02lfwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gwgn1k /film/film/language /m/02h40lc +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/02z6fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02ngbs /education/educational_institution/colors /m/04mkbj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kb1g +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/02jxmr /people/person/nationality /m/09c7w0 +/m/047jhq /people/person/profession /m/015cjr +/m/094jv /base/biblioness/bibs_location/country /m/09c7w0 +/m/059f4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0f0p0 /people/person/profession /m/02krf9 +/m/046488 /film/film/genre /m/082gq +/m/051vz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fh694 +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/0dyb1 /film/film/written_by /m/01vz80y +/m/027ffq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049w1q +/m/0cqnss /film/film/language /m/02h40lc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/09b3v /media_common/netflix_genre/titles /m/06y611 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/01n_2f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jcx /people/person/nationality /m/09c7w0 +/m/016_v3 /music/genre/artists /m/011z3g +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/027r7k /film/film/featured_film_locations /m/04jpl +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/029jt9 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/06z8s_ +/m/013tjc /film/actor/film./film/performance/film /m/0dyb1 +/m/02ghq /people/person/places_lived./people/place_lived/location /m/0r2kh +/m/0fzyg /film/film_subject/films /m/0bl5c +/m/02fn5 /film/actor/film./film/performance/film /m/0191n +/m/07kb5 /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/030dr +/m/076xkdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/06z8gn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05k7sb /location/location/contains /m/0k3g3 +/m/03tbg6 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/0rvty /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nzw2 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6f8pf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/037q31 /film/film/genre /m/0219x_ +/m/05r5w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025cn2 /people/person/gender /m/05zppz +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/016j68 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/024qqx /media_common/netflix_genre/titles /m/018js4 +/m/0159r9 /education/educational_institution/students_graduates./education/education/student /m/02lfp4 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j1p2n +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/0fs9jn /film/actor/film./film/performance/film /m/0czyxs +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fvly +/m/0181dw /music/record_label/artist /m/01vrt_c +/m/04jb97 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0988cp +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07s9rl0 /media_common/netflix_genre/titles /m/048xyn +/m/076689 /people/person/nationality /m/09c7w0 +/m/0466k4 /people/person/places_lived./people/place_lived/location /m/06v36 +/m/04l5d0 /sports/sports_team/colors /m/083jv +/m/07ymr5 /people/person/nationality /m/09c7w0 +/m/02mc5v /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0xv2x /music/genre/parent_genre /m/0163zw +/m/01wwvt2 /music/group_member/membership./music/group_membership/group /m/02ndj5 +/m/077jpc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/01w61th /people/person/gender /m/05zppz +/m/021yw7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0226k3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0ds5_72 /film/film/featured_film_locations /m/030qb3t +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01l47f5 +/m/07myb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_l96 +/m/01qr1_ /film/actor/film./film/performance/film /m/06w839_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06sw9 +/m/04h07s /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bxqz +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064ndc +/m/01vsl /location/hud_county_place/place /m/01vsl +/m/01pl9g /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/028mc6 +/m/0jdgr /film/film/country /m/09c7w0 +/m/06rmdr /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0mzww +/m/09c04n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01lbcqx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/03kg2v /film/film/genre /m/0lsxr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/093g7v +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/01qbl /music/instrument/instrumentalists /m/02vr7 +/m/08k40m /film/film/country /m/07ssc +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06yxd +/m/01wp8w7 /influence/influence_node/influenced_by /m/07s3vqk +/m/0qdyf /people/person/nationality /m/02jx1 +/m/0c9c0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/047g6m +/m/0ywrc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0j6cj /people/person/nationality /m/09c7w0 +/m/03rhqg /music/record_label/artist /m/0qmny +/m/030hcs /people/person/spouse_s./people/marriage/spouse /m/030hbp +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/03d_w3h /base/eating/practicer_of_diet/diet /m/07_hy +/m/084m3 /people/person/profession /m/02jknp +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/01900g +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/042l3v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/01dzz7 /people/person/profession /m/0cbd2 +/m/02t_st /film/actor/film./film/performance/film /m/011yn5 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0pd57 /film/film/costume_design_by /m/02cqbx +/m/01w806h /people/person/places_lived./people/place_lived/location /m/013yq +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0d060g /location/location/contains /m/02w70 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/0cx6f /music/genre/artists /m/01lcxbb +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0gs5q /people/person/places_lived./people/place_lived/location /m/0vbk +/m/07kb5 /influence/influence_node/influenced_by /m/05qmj +/m/07024 /film/film/produced_by /m/05mvd62 +/m/03j43 /influence/influence_node/influenced_by /m/0j3v +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/06c1y +/m/01j5sd /film/actor/film./film/performance/film /m/04qk12 +/m/09889g /influence/influence_node/peers./influence/peer_relationship/peers /m/01kx_81 +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0520r2x +/m/0kbws /olympics/olympic_games/participating_countries /m/03h64 +/m/03176f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01bmlb +/m/03359d /film/actor/film./film/performance/film /m/06_sc3 +/m/046zh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01tfck +/m/01c9d /film/film/country /m/09c7w0 +/m/03bdkd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026b7bz +/m/02yv6b /music/genre/artists /m/0134pk +/m/019pcs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tgw +/m/01pm0_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/044qx /people/person/profession /m/02hrh1q +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07nxnw +/m/02lwv5 /education/educational_institution/campuses /m/02lwv5 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03tbg6 +/m/0jt90f5 /influence/influence_node/influenced_by /m/06jcc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03dj48 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dp7wt /film/film/language /m/02h40lc +/m/018swb /people/person/places_lived./people/place_lived/location /m/0dbdy +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pgzn_ +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02f8lw +/m/08fbnx /film/film/genre /m/03q4nz +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01bczm +/m/01fkxr /people/person/gender /m/02zsn +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0233bn +/m/0134wr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pyrb /film/film/genre /m/07s9rl0 +/m/0p07_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/0785v8 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/0bj9k +/m/012zng /music/group_member/membership./music/group_membership/role /m/018vs +/m/018wrk /olympics/olympic_games/sports /m/04lgq +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02dwj +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01p6xx /people/person/gender /m/05zppz +/m/04mcw4 /film/film/country /m/09c7w0 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03f1zdw /film/actor/film./film/performance/film /m/02vqhv0 +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015fs3 +/m/04vq33 /film/film/language /m/02h40lc +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/02zr0z /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/09qxq7 /music/genre/artists /m/013w8y +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03qnc6q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wd9lv /people/person/profession /m/03gjzk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07_q87 +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0136p1 /people/person/nationality /m/09c7w0 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05r79 +/m/0sx8l /olympics/olympic_games/participating_countries /m/02vzc +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/03cn92 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/09c7w0 /location/location/contains /m/0r0ss +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/023l9y /people/person/profession /m/0n1h +/m/02w4v /music/genre/artists /m/01vsqvs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zrhb +/m/02w9895 /people/person/nationality /m/07ssc +/m/01jq34 /education/educational_institution/school_type /m/05jxkf +/m/03mz5b /film/film/genre /m/017fp +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0d8w2n /film/film/featured_film_locations /m/02_286 +/m/01cf5 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02rxbmt /people/person/place_of_birth /m/056_y +/m/0mbs8 /film/actor/film./film/performance/film /m/03vyw8 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/0lbj1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/0mm1q +/m/01v3ht /education/educational_institution_campus/educational_institution /m/01v3ht +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/028_yv /film/film/production_companies /m/0c41qv +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/067xw /people/person/languages /m/02h40lc +/m/07twz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01dtcb /music/record_label/artist /m/01r7pq +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k8rb +/m/025czw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/02qdgx /music/genre/artists /m/0259r0 +/m/0jtdp /media_common/netflix_genre/titles /m/064q5v +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/01xyqk /music/record_label/artist /m/05563d +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f830f +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/01f9mq /people/person/profession /m/09jwl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01xk7r +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/02qkt /location/location/contains /m/02vzc +/m/0_9wr /film/film/genre /m/07s9rl0 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0fvyg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/01xcr4 +/m/01kkk4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/0ddcbd5 /film/film/genre /m/0gf28 +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ht1z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07srw /location/location/contains /m/0l2tk +/m/0167v4 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/06t8b /people/person/nationality /m/09c7w0 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0438pz +/m/06wzvr /film/film/costume_design_by /m/026lyl4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01snvb +/m/03h_9lg /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/01j7rd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kqq7 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/02pzz3p /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/09dfcj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwq7 +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02stgt +/m/0q9kd /people/person/profession /m/018gz8 +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06hzq3 /music/genre/parent_genre /m/0133_p +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vnbh +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06zsk51 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/02qhm3 /people/person/place_of_birth /m/0s2z0 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0ph6 +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/070yzk +/m/0dnw1 /film/film/music /m/01vttb9 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0f87jy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/02_kd /film/film/genre /m/06cvj +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/0372kf /film/actor/film./film/performance/film /m/07bxqz +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/022s1m /people/person/profession /m/018gz8 +/m/02j8nx /film/actor/film./film/performance/film /m/09p35z +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03h40_7 /people/person/gender /m/05zppz +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0jqd3 /film/film/genre /m/0c3351 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/07m77x +/m/05ml_s /film/actor/film./film/performance/film /m/02v5_g +/m/012x1l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl0d /music/record_label/artist /m/01gf5h +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0zchj /location/location/time_zones /m/02lcqs +/m/01fsyp /tv/tv_network/programs./tv/tv_network_duration/program /m/01q_y0 +/m/01mylz /film/actor/film./film/performance/film /m/0333t +/m/02bd_f /education/educational_institution/campuses /m/02bd_f +/m/05dfy_ /film/film/dubbing_performances./film/dubbing_performance/actor /m/09wlpl +/m/071x0k /people/ethnicity/geographic_distribution /m/0d060g +/m/01z1r /sports/sports_team/sport /m/02vx4 +/m/03m10r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07hyk /people/person/profession /m/0fj9f +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03lv4x +/m/0dw6b /people/person/places_lived./people/place_lived/location /m/04swd +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/0716t2 /organization/organization_member/member_of./organization/organization_membership/organization /m/04m8fy +/m/0jksm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/05d1dy /film/actor/film./film/performance/film /m/01ffx4 +/m/08zrbl /film/film/produced_by /m/026670 +/m/0ds33 /film/film/language /m/06b_j +/m/03h4fq7 /film/film/produced_by /m/05prs8 +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/0cv72h /people/person/places_lived./people/place_lived/location /m/0yx74 +/m/0tz14 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/035wtd /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/01s753 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0h63gl9 /film/film/genre /m/07s9rl0 +/m/0gps0z /people/person/profession /m/0d1pc +/m/01qncf /film/film/featured_film_locations /m/05kj_ +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0ckhc /base/biblioness/bibs_location/country /m/09c7w0 +/m/02__x /sports/sports_team/colors /m/03vtbc +/m/02rzmzk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mbhr /people/person/nationality /m/07ssc +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01yjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/026n6cs /people/person/profession /m/0dxtg +/m/03qjg /music/instrument/instrumentalists /m/0kvnn +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0glt670 /music/genre/artists /m/03f7jfh +/m/05mph /location/location/contains /m/0mxsm +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0xbm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01vzx45 +/m/03gdf1 /education/educational_institution/students_graduates./education/education/student /m/04c636 +/m/02bwc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqmvn +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/01kb2j /people/person/places_lived./people/place_lived/location /m/0mnyn +/m/01zhs3 /sports/sports_team/colors /m/06fvc +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01qn8k +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/07ymr5 /award/award_winner/awards_won./award/award_honor/award_winner /m/039cq4 +/m/0swbd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/054kmq /people/person/gender /m/05zppz +/m/02pjc1h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040rjq +/m/016z68 /film/actor/film./film/performance/film /m/02p76f9 +/m/0288crq /people/person/profession /m/02hrh1q +/m/049n2l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01kp_1t /award/award_nominee/award_nominations./award/award_nomination/award /m/02flq1 +/m/01z4y /media_common/netflix_genre/titles /m/05c5z8j +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/012gq6 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02mplj /sports/sports_team/colors /m/083jv +/m/0m2l9 /music/artist/origin /m/0h7h6 +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_wtr +/m/02lfwp /film/director/film /m/0164qt +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qtj +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0b13g7 /people/person/profession /m/01d_h8 +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/0fplv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dplh /education/educational_institution/campuses /m/0dplh +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq6s3 +/m/03np63f /film/film/genre /m/02l7c8 +/m/06pr6 /location/location/contains /m/02_gzx +/m/015rkw /film/actor/film./film/performance/film /m/08s6mr +/m/08984j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/0l178 /base/aareas/schema/administrative_area/administrative_parent /m/0p0mx +/m/06m_5 /location/location/contains /m/0fn7r +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/023p29 /organization/organization_founder/organizations_founded /m/015mlw +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yjf0 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/064t9 /music/genre/artists /m/01nz1q6 +/m/0f61tk /film/film/production_companies /m/01795t +/m/01vsgrn /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyc_ +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0dr3sl /film/film/genre /m/01zhp +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03ctqqf /tv/tv_program/country_of_origin /m/07ssc +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0633p0 +/m/01fc7p /film/film_subject/films /m/01znj1 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02p86pb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02ht0ln +/m/05jzt3 /film/film/country /m/09c7w0 +/m/035gnh /film/film/genre /m/01jfsb +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01fwj8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0blt6 +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/0ljsz /location/hud_county_place/county /m/0n5dt +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/01pcdn /award/award_winner/awards_won./award/award_honor/award_winner /m/015c2f +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04jnd7 +/m/06h2w /music/group_member/membership./music/group_membership/role /m/02fsn +/m/01w9wwg /music/group_member/membership./music/group_membership/group /m/01dwrc +/m/07r4c /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9n7 +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09nwwf /music/genre/artists /m/01386_ +/m/037gjc /people/person/places_lived./people/place_lived/location /m/0r00l +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g4pl7z +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/0jcx /influence/influence_node/influenced_by /m/03cdg +/m/0c3z0 /film/film/featured_film_locations /m/02wt0 +/m/02l6dy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01f7dd /film/actor/film./film/performance/film /m/02p86pb +/m/02bpy_ /education/educational_institution_campus/educational_institution /m/02bpy_ +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/03ftmg /people/person/nationality /m/02jx1 +/m/0yzbg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/037q1z /people/person/profession /m/01d_h8 +/m/0p9tm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/06g4_ /people/person/gender /m/05zppz +/m/02yj7w /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/0473m9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/058kqy /award/award_winner/awards_won./award/award_honor/award_winner /m/026rm_y +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/033hn8 /music/record_label/artist /m/01wgjj5 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/05pdd86 /film/film/genre /m/03k9fj +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02js6_ +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0h03fhx /film/film/film_festivals /m/0kfhjq0 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/02p4jf0 /music/record_label/artist /m/08w4pm +/m/05dy7p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03hrz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/0bxtg /film/actor/film./film/performance/film /m/01xdxy +/m/04czhj /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jdgr +/m/03h64 /location/administrative_division/country /m/0d05w3 +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0kvqv +/m/026wlxw /film/film/production_companies /m/086k8 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/0652ty /film/actor/film./film/performance/film /m/0cp0790 +/m/05snw /people/profession/specialization_of /m/06q2q +/m/01n9d9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01stj9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01w7nwm /people/person/profession /m/0kyk +/m/0134tg /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0sxgv /film/film/produced_by /m/0829rj +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0qf3p /people/person/profession /m/0nbcg +/m/0gy0l_ /film/film/written_by /m/05ldnp +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/0pnf3 /people/person/profession /m/0cbd2 +/m/01l2m3 /people/cause_of_death/people /m/045n3p +/m/0jrgr /music/genre/parent_genre /m/03lty +/m/01cj6y /film/actor/film./film/performance/film /m/03wj4r8 +/m/0jsqk /film/film/genre /m/060__y +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/0f8l9c /media_common/netflix_genre/titles /m/0k20s +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/01w806h +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01tjsl +/m/043cl9 /people/person/place_of_birth /m/029kpy +/m/04kkz8 /film/film/production_companies /m/016tw3 +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/015fs3 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04ghz4m +/m/01sb5r /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/06j6l /music/genre/artists /m/01wg6y +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/08cn4_ /people/person/nationality /m/09c7w0 +/m/02z9hqn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07y_7 /music/instrument/instrumentalists /m/02ck1 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zpmq +/m/06m6p7 /film/actor/film./film/performance/film /m/02ljhg +/m/02nf2c /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/02lwv5 /education/educational_institution/colors /m/07plts +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/021s9n +/m/03fmw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/026p4q7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s3vk +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011wtv +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166v +/m/0dt1cm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hb1t /education/educational_institution/students_graduates./education/education/student /m/07nznf +/m/0dlglj /people/person/profession /m/02hrh1q +/m/02jx1 /location/location/contains /m/01nn7r +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02dh86 +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pllx +/m/027r7k /film/film/film_format /m/0cj16 +/m/0978r /base/biblioness/bibs_location/country /m/07ssc +/m/04yyhw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/09m6kg /film/film/written_by /m/06dkzt +/m/01z4y /media_common/netflix_genre/titles /m/05fm6m +/m/0g8fs /education/educational_institution/colors /m/01l849 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/0lk0l /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/03k9fj /media_common/netflix_genre/titles /m/034qmv +/m/0cbl95 /film/film/genre /m/060__y +/m/016clz /music/genre/artists /m/03f5spx +/m/02fgpf /people/person/profession /m/01c72t +/m/0178g /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0j80w /film/film/genre /m/05p553 +/m/014g_s /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gn30 +/m/08vr94 /people/person/profession /m/02hrh1q +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0bgrsl /people/person/profession /m/02jknp +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kj_ +/m/0glbqt /film/film/language /m/06b_j +/m/01qn8k /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/047hpm +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031296 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/05qhw +/m/01vy_v8 /film/actor/film./film/performance/film /m/0ddt_ +/m/035rnz /people/person/religion /m/0c8wxp +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/051q39 +/m/0pyg6 /people/person/profession /m/0dz3r +/m/028pzq /people/person/profession /m/0dxtg +/m/012b30 /music/record_label/artist /m/0b1zz +/m/0bkg4 /music/group_member/membership./music/group_membership/group /m/0bk1p +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/030hcs +/m/0bkq7 /film/film/country /m/09c7w0 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/01d5z /sports/sports_team/colors /m/06fvc +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/01lbp /people/person/spouse_s./people/marriage/spouse /m/01ztgm +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/05pt0l /film/film/genre /m/07s9rl0 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02fb1n +/m/03p7rp /music/genre/artists /m/070b4 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0bt3j9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0212mp /sports/sports_team/sport /m/02vx4 +/m/03h64 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01xy5l_ /people/profession/specialization_of /m/01c979 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/09hgk +/m/07bwr /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/0y4f8 /music/genre/artists /m/014488 +/m/0f4vbz /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0c6qh +/m/0bqr7_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02114t +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/05dl1s +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g48m4 /people/ethnicity/people /m/0315q3 +/m/01vzxmq /film/actor/film./film/performance/film /m/06fqlk +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/01s7zw /film/actor/film./film/performance/film /m/025s1wg +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/04088s0 /sports/sports_team/sport /m/039yzs +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/05q2c /education/educational_institution_campus/educational_institution /m/05q2c +/m/016bx2 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06101p /people/person/nationality /m/0d05w3 +/m/0mzkr /music/record_label/artist /m/02ht0ln +/m/01vtqml /music/artist/origin /m/0k33p +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/02hnl /music/instrument/instrumentalists /m/015x1f +/m/04hwbq /award/award_winning_work/awards_won./award/award_honor/award /m/02qyxs5 +/m/035qv8 /education/educational_institution/school_type /m/05jxkf +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/04vjh /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02pk6x /people/person/languages /m/02h40lc +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/03c5f7l /film/actor/film./film/performance/film /m/080nwsb +/m/0557q /music/genre/artists /m/01mbwlb +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jbrr +/m/01vtmw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/09wlpl /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01f492 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g0jn +/m/033wx9 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02hhtj +/m/016ypb /film/actor/film./film/performance/film /m/01dyvs +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0211jt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v6t /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0pd64 /film/film/film_format /m/0cj16 +/m/0gt_k /people/person/employment_history./business/employment_tenure/company /m/01wsj0 +/m/02rp117 /music/genre/artists /m/03rl84 +/m/01kwsg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s4l6 /film/film/story_by /m/022wxh +/m/0c3jz /people/person/gender /m/02zsn +/m/0dmtp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/0g7k2g /people/person/profession /m/01c72t +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/06b3g4 /people/person/place_of_birth /m/043yj +/m/0cj2k3 /people/person/nationality /m/07t21 +/m/095p3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/06l3bl /media_common/netflix_genre/titles /m/0p9rz +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/0f_y9 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/0g9pc /film/film_subject/films /m/0gfsq9 +/m/0s3pw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/01chpn +/m/078mgh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026c1 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/05148p4 /music/instrument/instrumentalists /m/0677ng +/m/031y07 /film/actor/film./film/performance/film /m/0bx0l +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/01242_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05glrg +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvlyt +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gv_f +/m/02f6g5 /film/film/featured_film_locations /m/030qb3t +/m/02t1wn /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/03b0q4 /people/person/nationality /m/02jx1 +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0g5838s /film/film/country /m/06mkj +/m/07s846j /film/film/executive_produced_by /m/048lv +/m/0f7hw /film/film/genre /m/07s9rl0 +/m/0fpj4lx /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08984j +/m/015y3j /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05hf_5 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/01zh29 /film/actor/film./film/performance/film /m/04jwjq +/m/01kf5lf /film/film/film_production_design_by /m/04kj2v +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/02vkvcz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxf4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fqrf +/m/06x43v /film/film/music /m/04zwjd +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/01cwdk /education/educational_institution_campus/educational_institution /m/01cwdk +/m/035kl6 /people/person/place_of_birth /m/02dtg +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/026njb5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/0l6qt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wy6 /music/instrument/instrumentalists /m/05qw5 +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/07zl1 /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/0139q5 /people/person/nationality /m/02jx1 +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042y1c +/m/032l1 /influence/influence_node/influenced_by /m/0dw6b +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0nzny /location/location/contains /m/013yq +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/01j2xj /film/director/film /m/05q4y12 +/m/01713c /film/actor/film./film/performance/film /m/04nl83 +/m/01jq4b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/06_wqk4 /film/film/edited_by /m/03crcpt +/m/02j9z /location/location/partially_contains /m/01znc_ +/m/0g9z_32 /film/film/written_by /m/0gls4q_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01nm8w +/m/0bxxzb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/0b1f49 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01m5m5b +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/09c7w0 /location/country/second_level_divisions /m/0nrqh +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/063472 /people/person/profession /m/01d_h8 +/m/05r5c /music/instrument/instrumentalists /m/0kzy0 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02hft3 /education/educational_institution/school_type /m/01rs41 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ct5zc +/m/084302 /film/film/language /m/02h40lc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/01znc_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/02c638 /film/film/genre /m/0lsxr +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/02t_tp /people/person/profession /m/02hrh1q +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlzn +/m/09b6zr /film/film_subject/films /m/03m5y9p +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/0gt3p /people/person/profession /m/02hrh1q +/m/01p8s /sports/sports_team_location/teams /m/03zb6t +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07xvf +/m/016ntp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/03f4k /people/person/gender /m/05zppz +/m/0p17j /film/actor/film./film/performance/film /m/02mc5v +/m/08vr94 /film/actor/film./film/performance/film /m/04f52jw +/m/01gzm2 /people/person/place_of_birth /m/02_286 +/m/074tb5 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/04bdxl +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/025l5 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/016732 +/m/05_2h8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026v5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8h1 +/m/0yx1m /film/film/genre /m/07s9rl0 +/m/01g4zr /people/person/profession /m/015h31 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01vwllw +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/02_fj /people/person/profession /m/02jknp +/m/01zmqw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/0h3mrc /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/08jgk1 +/m/01453 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/056wb /people/person/profession /m/0dxtg +/m/0c4f4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02s6sh /people/person/profession /m/016z4k +/m/027n4zv /people/person/places_lived./people/place_lived/location /m/04ykg +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/0blpg /film/film/written_by /m/081lh +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018n6m +/m/011yr9 /film/film/production_companies /m/0338lq +/m/03ts0c /people/ethnicity/people /m/0j5b8 +/m/05f7s1 /education/educational_institution/students_graduates./education/education/student /m/05d7rk +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/07d370 +/m/01lyv /music/genre/artists /m/0197tq +/m/01jz6d /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/021y1s /location/location/contains /m/0202wk +/m/01vvyd8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bwjj /sports/sports_team/colors /m/083jv +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_x +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0cw3yd /film/film/country /m/07ssc +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0p_sc +/m/01nln /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fy2s1 /people/person/profession /m/02hrh1q +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/01gbn6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jw4r +/m/02psgvg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/0fh2v5 /film/film/genre /m/07s9rl0 +/m/01c7j1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kv238 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/0633p0 /people/person/places_lived./people/place_lived/location /m/094jv +/m/0gy2y8r /film/film/music /m/0gv07g +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/07z542 /people/person/places_lived./people/place_lived/location /m/0d6hn +/m/06h7l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c408_ +/m/023ny6 /tv/tv_program/genre /m/05p553 +/m/02b19f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02ctzb /people/ethnicity/people /m/02yy8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/04rrd /location/location/contains /m/0cc07 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0d3mlc +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/08433 /people/person/places_lived./people/place_lived/location /m/04ych +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/07dvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jt3tjf +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0qf2t +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/09q23x /film/film/produced_by /m/0bxtg +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/025sc50 /music/genre/artists /m/01w9wwg +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/09969 /people/cause_of_death/people /m/06kxk2 +/m/057lbk /film/film/country /m/0345h +/m/0hz_1 /film/actor/film./film/performance/film /m/0bt4g +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0425_d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/07ssc /media_common/netflix_genre/titles /m/02qsqmq +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0b455l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/019lwb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/06sks6 /olympics/olympic_games/participating_countries /m/07ssc +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/01_1pv /film/film/music /m/03n0q5 +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/0fx2s /film/film_subject/films /m/0hv1t +/m/050kh5 /tv/tv_program/genre /m/0byb_x +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0342h /music/instrument/instrumentalists /m/01wz3cx +/m/07sbbz2 /music/genre/artists /m/050z2 +/m/0j0k /location/location/contains /m/01q460 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0694j /sports/sports_team_location/teams /m/0bszz +/m/018vs /music/instrument/instrumentalists /m/01vsyg9 +/m/03vrnh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04hzj /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sxgv /film/film/genre /m/04xvlr +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027f7dj +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bz5v2 +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/01kcmr +/m/01797x /people/person/profession /m/09jwl +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01hw5kk /film/film/genre /m/02l7c8 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_5k +/m/02rn_bj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081lh /people/person/profession /m/02hrh1q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bshwmp +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01sp81 +/m/02l48d /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01vwyqp /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/026gyn_ /film/film/featured_film_locations /m/0j5g9 +/m/02bfmn /film/actor/film./film/performance/film /m/0191n +/m/01hmnh /media_common/netflix_genre/titles /m/085ccd +/m/02kz_ /influence/influence_node/influenced_by /m/0c1jh +/m/01ynzf /people/deceased_person/place_of_death /m/0r3w7 +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/02jx1 /location/location/contains /m/01t38b +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/030vmc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/07y_r +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/059j4x /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/02grjf /organization/organization/headquarters./location/mailing_address/citytown /m/0v9qg +/m/07k2mq /film/film/language /m/02h40lc +/m/01wd9lv /award/award_winner/awards_won./award/award_honor/award_winner /m/02r4qs +/m/05sq84 /film/actor/film./film/performance/film /m/0djkrp +/m/07csf4 /people/person/profession /m/02hrh1q +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y9ccy +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01m7pwq /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/07b_l /location/location/contains /m/06fq2 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/0bwfwpj /film/film/produced_by /m/01xndd +/m/0m2hs /location/location/time_zones /m/02hcv8 +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/012gk9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fgm /education/educational_institution/students_graduates./education/education/student /m/09hnb +/m/03spz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/013xrm /people/ethnicity/people /m/01v3s2_ +/m/04mhxx /people/person/religion /m/0c8wxp +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bqxb +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/027lfrs /people/person/places_lived./people/place_lived/location /m/06k5_ +/m/0bs5k8r /film/film/genre /m/04dn71w +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/03v3xp /people/person/profession /m/02hrh1q +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/018swb /film/actor/film./film/performance/film /m/0prhz +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07s8r0 +/m/0d9rp /location/administrative_division/first_level_division_of /m/059j2 +/m/024bbl /film/actor/film./film/performance/film /m/011yqc +/m/02rk45 /people/person/profession /m/018gz8 +/m/0ym17 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0cr3d /base/biblioness/bibs_location/state /m/059rby +/m/02nrdp /film/actor/film./film/performance/film /m/02sfnv +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/085pr +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/015_1q /music/record_label/artist /m/02z4b_8 +/m/03c602 /people/person/places_lived./people/place_lived/location /m/056_y +/m/06jz0 /film/director/film /m/051zy_b +/m/01qxc7 /film/film/genre /m/0vgkd +/m/0m76b /people/person/places_lived./people/place_lived/location /m/0gx1l +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/0bmch_x /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/064t9 /music/genre/artists /m/03j24kf +/m/03cx282 /people/person/nationality /m/0f8l9c +/m/0jm4b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/013zyw /people/person/profession /m/01d_h8 +/m/085v7 /sports/sports_team/colors /m/02rnmb +/m/01c0cc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01p47r /people/person/gender /m/05zppz +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/09sh8k /film/film/country /m/0345h +/m/0kj34 /people/person/profession /m/09jwl +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/046m59 +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0mb5x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/01k8rb /people/person/religion /m/0c8wxp +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/0gcs9 /people/person/gender /m/05zppz +/m/07fq1y /people/person/gender /m/02zsn +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/06vqdf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06r1k +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0267wwv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01yx7f /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05fkf /location/location/contains /m/025rst1 +/m/073tm9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bqvs +/m/03k9fj /media_common/netflix_genre/titles /m/04tz52 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0421st +/m/01vh3r /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/0gjvqm /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/0bt7ws /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/072bb1 +/m/09xb4h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0p8jf /influence/influence_node/influenced_by /m/03f47xl +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/025j1t /film/actor/film./film/performance/film /m/0cwfgz +/m/0252fh /people/person/places_lived./people/place_lived/location /m/01531 +/m/01l_yg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0dq16 /location/location/contains /m/08qs09 +/m/0f6rc /base/culturalevent/event/entity_involved /m/06f32 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/03w4sh /film/actor/film./film/performance/film /m/026n4h6 +/m/0h0yt /film/actor/film./film/performance/film /m/03wjm2 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fb0v +/m/036hnm /education/educational_institution_campus/educational_institution /m/036hnm +/m/03tc5p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02lgfh /people/person/nationality /m/09c7w0 +/m/08q3s0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/0njpq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01k5t_3 +/m/01w724 /people/person/profession /m/0fnpj +/m/01s21dg /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pgk0 +/m/031786 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/059x3p /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/07y8l9 /film/actor/film./film/performance/film /m/0bv8h2 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01trhmt +/m/0dryh9k /people/ethnicity/people /m/02qvhbb +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/04gmp_z +/m/04wf_b /people/person/place_of_birth /m/0r5y9 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/016z7s /film/film/music /m/03bxh +/m/03rx9 /people/person/profession /m/03jgz +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0978r /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/04rwx /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/03bpn6 /people/deceased_person/place_of_burial /m/018mlg +/m/0bkmf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cf2h +/m/0150t6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0244r8 +/m/0ljbg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01_bkd /music/genre/artists /m/01271h +/m/016cjb /music/genre/artists /m/0ffgh +/m/0bz60q /people/person/profession /m/018gz8 +/m/06by7 /music/genre/artists /m/0p3r8 +/m/04mn81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0807ml /people/person/nationality /m/0k6nt +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/016tt2 /organization/organization/child./organization/organization_relationship/child /m/0c41qv +/m/0d0mbj /people/person/profession /m/05z96 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/06bss +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0l0wv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/04ych /location/location/partially_contains /m/04ykz +/m/09c7w0 /location/location/contains /m/01m23s +/m/03t95n /film/film/genre /m/01jfsb +/m/0993r /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0zjpz +/m/0_vw8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ml_m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlyw +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/06t8v /location/location/time_zones /m/02llzg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0m9_5 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/04z542 /people/person/nationality /m/09c7w0 +/m/016tb7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/0z20d /location/location/contains /m/02txdf +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01zhs3 +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/064t9 /media_common/netflix_genre/titles /m/0272_vz +/m/01p1v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01pgp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/06q8hf /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj_k +/m/027xbpw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/0jvs0 /business/business_operation/industry /m/015p1m +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/0dvld /film/actor/film./film/performance/film /m/0830vk +/m/0tz54 /base/biblioness/bibs_location/state /m/05k7sb +/m/06j6l /music/genre/artists /m/01mxqyk +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/05cgy8 /people/person/place_of_birth /m/0gj95 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/01xndd /people/person/profession /m/01c72t +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026w_gk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/079vf /people/person/religion /m/03_gx +/m/0cqr0q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016zp5 /film/actor/film./film/performance/film /m/02qr3k8 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/07ww5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/018d6l /music/group_member/membership./music/group_membership/role /m/018vs +/m/02b0_m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0127m7 /film/director/film /m/02z9rr +/m/04vh83 /film/film/story_by /m/081k8 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0969fd /people/person/profession /m/015btn +/m/01xwqn /influence/influence_node/influenced_by /m/029_3 +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/01934k /people/person/spouse_s./people/marriage/spouse /m/0b80__ +/m/0x67 /people/ethnicity/people /m/045gzq +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01n30p +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/03ynwqj /film/film/genre /m/0556j8 +/m/0jqd3 /film/film/genre /m/0bkbm +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0372kf /award/award_winner/awards_won./award/award_honor/award_winner /m/057176 +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rjj +/m/01d494 /influence/influence_node/influenced_by /m/01dvtx +/m/02yxwd /film/actor/film./film/performance/film /m/0g5qs2k +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0pk41 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0677ng /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0g824 +/m/035zr0 /film/film/produced_by /m/09d5d5 +/m/034bgm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0qxzd /location/hud_county_place/county /m/0kpzy +/m/04kjrv /music/group_member/membership./music/group_membership/group /m/0187x8 +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cff1 +/m/03f0324 /influence/influence_node/influenced_by /m/032l1 +/m/035gnh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmf0m0 +/m/016376 /music/artist/origin /m/01snm +/m/01wgcvn /people/person/profession /m/02hrh1q +/m/0sd7v /base/biblioness/bibs_location/state /m/03v0t +/m/07h1q /influence/influence_node/influenced_by /m/02wh0 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02z9rr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0prh7 /film/film/production_companies /m/031rq5 +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/032zg9 /film/actor/film./film/performance/film /m/035w2k +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/015kg1 /music/record_label/artist /m/0838y +/m/05qzv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v406 /people/person/languages /m/06mp7 +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01p1v +/m/0chw_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06dv3 +/m/04hk0w /film/film/genre /m/01hmnh +/m/09k56b7 /film/film/genre /m/03npn +/m/0f4zv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drs7 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017j6 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07y9w5 +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/07cbs /influence/influence_node/peers./influence/peer_relationship/peers /m/03_js +/m/0gzh /people/person/profession /m/0fj9f +/m/070c93 /people/person/nationality /m/04xn_ +/m/016_nr /music/genre/parent_genre /m/0glt670 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/02qr3k8 /film/film/genre /m/01jfsb +/m/09lk2 /location/administrative_division/country /m/0f8l9c +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06lkg8 +/m/0gy3w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01vsyg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0btpx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06pj8 /people/person/spouse_s./people/marriage/spouse /m/030h95 +/m/0143wl /people/person/places_lived./people/place_lived/location /m/0n95v +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01sg7_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm8l +/m/0hr3g /influence/influence_node/influenced_by /m/0c73g +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/0304nh /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/01ry0f /film/actor/film./film/performance/film /m/09p4w8 +/m/01j950 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01f08r +/m/01l7cxq /people/person/profession /m/02hrh1q +/m/0l15n /people/person/place_of_birth /m/0s5cg +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dw4q +/m/01718w /film/film/language /m/06b_j +/m/0jbyg /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/03l3ln /people/person/employment_history./business/employment_tenure/company /m/07tds +/m/041jlr /influence/influence_node/influenced_by /m/023t0q +/m/041rx /people/ethnicity/people /m/0ddkf +/m/02645b /people/deceased_person/place_of_death /m/02_286 +/m/02lyx4 /people/person/places_lived./people/place_lived/location /m/0r00l +/m/04vr_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/07cbs /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lgsq +/m/0gnbw /film/actor/film./film/performance/film /m/02c6d +/m/0by1wkq /film/film/executive_produced_by /m/05zbm4 +/m/01wmjkb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02lfcm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hjv97 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f2r6 /base/biblioness/bibs_location/country /m/09c7w0 +/m/021q2j /education/educational_institution/colors /m/038hg +/m/04vr_f /film/film/produced_by /m/0b1f49 +/m/0m2wm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fhxv +/m/030wkp /people/person/profession /m/02hrh1q +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/06688p /people/person/profession /m/02hrh1q +/m/014zcr /film/actor/film./film/performance/film /m/01bb9r +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/05rgl /location/location/contains /m/0h8d +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/0gz6b6g /film/film/executive_produced_by /m/02js6_ +/m/02lj6p /influence/influence_node/influenced_by /m/01hmk9 +/m/01yhm /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0ckt6 /film/film/genre /m/02l7c8 +/m/01tw31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017kct +/m/02qnbs /people/person/gender /m/05zppz +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gdh5 +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02cbhg /film/film/country /m/03rjj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0230rx +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/09zw90 /people/person/place_of_birth /m/030qb3t +/m/072bb1 /film/actor/film./film/performance/film /m/09rvwmy +/m/0cxbth /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/047kn_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dt_q_ +/m/02h22 /film/film/language /m/02h40lc +/m/06rkfs /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0cc5qkt /film/film/language /m/02h40lc +/m/0qplq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c9t0y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vh3r /people/person/profession /m/02hrh1q +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/029ql /film/actor/film./film/performance/film /m/01bjbk +/m/07bx6 /film/film/language /m/02h40lc +/m/03295l /people/ethnicity/people /m/01fyzy +/m/040b5k /film/film/produced_by /m/014hdb +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/0ndsl1x /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/011ywj /film/film/film_format /m/07fb8_ +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/016wyn /education/educational_institution/students_graduates./education/education/student /m/022769 +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/019pm_ +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/04991x +/m/03hdz8 /education/educational_institution/school_type /m/02p0qmm +/m/02nvg1 /education/educational_institution_campus/educational_institution /m/02nvg1 +/m/04n52p6 /film/film/genre /m/02kdv5l +/m/0287477 /film/film/production_companies /m/054lpb6 +/m/083pr /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fj45 +/m/071xj /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/0n5by /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/0ym69 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03clwtw /film/film/production_companies /m/054lpb6 +/m/0260p2 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/067nsm /people/person/gender /m/05zppz +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/05cwl_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ycjk /education/educational_institution/students_graduates./education/education/student /m/01my4f +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qpt1w +/m/0nrqh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01g0p5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l14j_ +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gmp_z +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/05g7gs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02ktrs /people/person/profession /m/01xr66 +/m/0fn8jc /people/person/profession /m/09jwl +/m/0n2bh /tv/tv_program/genre /m/06q7n +/m/07c52 /media_common/netflix_genre/titles /m/06qw_ +/m/03ktjq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g768 /music/record_label/artist /m/0dm5l +/m/07s6fsf /dataworld/gardening_hint/split_to /m/07s6fsf +/m/01tsbmv /film/actor/film./film/performance/film /m/07vf5c +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xvb +/m/01f2f8 /people/person/profession /m/02jknp +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02m_41 +/m/0gjvqm /film/actor/film./film/performance/film /m/09cr8 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06yxd +/m/012z8_ /people/person/place_of_birth /m/0rh6k +/m/0653m /language/human_language/countries_spoken_in /m/0ctw_b +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/033tf_ /people/ethnicity/people /m/0c1j_ +/m/01q_ph /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02dlfh /people/person/profession /m/02hrh1q +/m/02__x /sports/sports_team/colors /m/083jv +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/016clz /music/genre/artists /m/01vvycq +/m/09fqtq /people/person/profession /m/02hrh1q +/m/0by1wkq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01dbk6 /people/person/religion /m/0c8wxp +/m/031t2d /film/film/produced_by /m/05prs8 +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/01dtcb /music/record_label/artist /m/0m_v0 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/02661h /people/person/place_of_birth /m/01fscv +/m/0f5xn /film/actor/film./film/performance/film /m/05qbckf +/m/04f7c55 /people/person/languages /m/02h40lc +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01jv_6 +/m/03hvk2 /education/educational_institution/campuses /m/03hvk2 +/m/023nlj /film/actor/film./film/performance/film /m/074rg9 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0jnm_ /sports/sports_team/colors /m/06fvc +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv238 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0mbw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01cl0d /music/record_label/artist /m/0frsw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02qvvv +/m/032r1 /influence/influence_node/influenced_by /m/047g6 +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01tlmw +/m/016jfw /people/person/sibling_s./people/sibling_relationship/sibling /m/0137hn +/m/09l9xt /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b171 +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0f2sx4 /film/film/genre /m/05p553 +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fhp9 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/049n3s /sports/sports_team/sport /m/02vx4 +/m/09c7w0 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hr11 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0bq2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/074rg9 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01qz69r /film/actor/film./film/performance/film /m/03gyvwg +/m/01qkqwg /people/person/nationality /m/09c7w0 +/m/015x1f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033hqf +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01dzg0 +/m/01pq4w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03w7kx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/027dpx /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/01tntf /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cwx_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0byfz /people/person/nationality /m/02jx1 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09cr8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/01lqnff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g2lq /people/person/profession /m/02jknp +/m/02v3yy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/045c7b /business/business_operation/industry /m/011s0 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/045cq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fy66 +/m/0jnrk /sports/sports_team/sport /m/03tmr +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01tzm9 /film/actor/film./film/performance/film /m/0dl6fv +/m/02p65p /film/actor/film./film/performance/film /m/02_sr1 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0415ggl +/m/03npn /media_common/netflix_genre/titles /m/0ct5zc +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/01304j /people/person/places_lived./people/place_lived/location /m/01btyw +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vdm0 /music/instrument/family /m/05148p4 +/m/0bs1g5r /people/person/profession /m/0dz3r +/m/09c7w0 /location/country/second_level_divisions /m/0kcrd +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/04w391 /film/actor/film./film/performance/film /m/01l_pn +/m/02jx1 /location/administrative_division/first_level_division_of /m/07ssc +/m/07s8hms /film/actor/film./film/performance/film /m/0gxtknx +/m/01pcq3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01my_c +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/08qs09 +/m/07ssc /location/location/contains /m/04682_ +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/061681 +/m/0gl6f /education/educational_institution_campus/educational_institution /m/0gl6f +/m/05r6t /music/genre/artists /m/05qw5 +/m/07663r /film/actor/film./film/performance/film /m/04hwbq +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/07tgn /education/educational_institution/school_type /m/07tf8 +/m/06pcz0 /people/person/profession /m/02hrh1q +/m/01xrlm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02bh9 /people/person/profession /m/02hrh1q +/m/01vsn38 /people/person/profession /m/01d_h8 +/m/0kp2_ /people/person/religion /m/03_gx +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_r3 +/m/05lls /music/genre/artists /m/0g7k2g +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/012j8z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09r3f /time/event/locations /m/059g4 +/m/0fphf3v /film/film/country /m/09c7w0 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/02qdymm /people/person/place_of_birth /m/0cr3d +/m/0l3kx /location/location/contains /m/0s6g4 +/m/0gfzgl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c9c0 /people/person/profession /m/0dxtg +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0f2df +/m/06x6s /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04b8pv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/018gm9 +/m/02vyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m593 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/01fml /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0lzcs +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/07663r /people/person/nationality /m/09c7w0 +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0330r /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0g26h /education/field_of_study/students_majoring./education/education/student /m/0tc7 +/m/03qsdpk /film/film_subject/films /m/011yxg +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/01hcj2 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0358x_ /tv/tv_program/genre /m/06q7n +/m/0jgjn /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04jpl +/m/04hgpt /location/location/time_zones /m/02hcv8 +/m/09c7w0 /location/location/contains /m/03zj9 +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03zb6t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wbl_r /people/person/employment_history./business/employment_tenure/company /m/05s34b +/m/026l1lq /sports/sports_team/colors /m/01g5v +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/094wz7q +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0l2vz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/083q7 /people/person/nationality /m/09c7w0 +/m/025sc50 /music/genre/parent_genre /m/06j6l +/m/0fqjhm /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/018jz /film/film_subject/films /m/0c0nhgv +/m/025n3p /film/actor/film./film/performance/film /m/0bq6ntw +/m/02jm9c /people/person/places_lived./people/place_lived/location /m/0r89d +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/01jfsb /media_common/netflix_genre/titles /m/09p4w8 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02vkvcz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx4k +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01swck +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/0187y5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/02pjvc +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/0hmm7 /film/film/genre /m/01jfsb +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01t_wfl +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/09yrh /film/actor/film./film/performance/film /m/035s95 +/m/02dh86 /people/person/nationality /m/09c7w0 +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/03xp8d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/08qvhv +/m/07pd_j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01337_ /film/actor/film./film/performance/film /m/03kx49 +/m/01f2f8 /people/person/profession /m/0cbd2 +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049dzz +/m/01g3gq /film/film/genre /m/02b5_l +/m/01x_d8 /film/actor/film./film/performance/film /m/0c0zq +/m/066m4g /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/050zr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crd8q6 +/m/06qv_ /tv/tv_program/genre /m/07s9rl0 +/m/0prrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/098s2w /film/film/production_companies /m/017s11 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/08d6bd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p3r8 /people/person/profession /m/08z956 +/m/038w8 /people/person/places_lived./people/place_lived/location /m/019fh +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05th69 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08ff1k /people/person/place_of_birth /m/0d6lp +/m/04gcyg /film/film/genre /m/06n90 +/m/02__x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017v3q /education/educational_institution/campuses /m/017v3q +/m/02qw2xb /film/actor/film./film/performance/film /m/0fphf3v +/m/03jjzf /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/08664q /film/actor/film./film/performance/film /m/04h41v +/m/01g4yw /organization/organization/headquarters./location/mailing_address/state_province_region /m/036wy +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04xn2m +/m/057hz /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/0gvsh7l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059m45 +/m/0lbd9 /olympics/olympic_games/participating_countries /m/07ssc +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/05ft32 /film/film/genre /m/0219x_ +/m/01b8d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0f83g2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/017j6 +/m/029d_ /education/educational_institution_campus/educational_institution /m/029d_ +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02__34 +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05bnp0 +/m/03fw4y /people/person/employment_history./business/employment_tenure/company /m/099ks0 +/m/012c6x /people/person/profession /m/02jknp +/m/02mzg9 /education/educational_institution_campus/educational_institution /m/02mzg9 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/06b7s9 +/m/0f5xn /film/actor/film./film/performance/film /m/0ddt_ +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dxmyh +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0lwkh /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/02swsm /music/record_label/artist /m/03f1r6t +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/015t7v +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/016ywr +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/043qqt5 /tv/tv_program/languages /m/02h40lc +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/01k_yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01bb9r +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01633c +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/02sdx /people/person/places_lived./people/place_lived/location /m/06c62 +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01qdhx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0x8 /location/location/contains /m/0rw2x +/m/0mj0c /organization/organization_member/member_of./organization/organization_membership/organization /m/03lb_v +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/07s9rl0 /media_common/netflix_genre/titles /m/04j13sx +/m/09q17 /media_common/netflix_genre/titles /m/05567m +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/07gbf +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/03y0pn /film/film/film_format /m/07fb8_ +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02029f +/m/033kqb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/051pnv /business/business_operation/industry /m/01mw1 +/m/01wj9y9 /people/person/religion /m/03_gx +/m/07hyk /people/person/place_of_birth /m/02_286 +/m/0137hn /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/024l2y /film/film/production_companies /m/016tt2 +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/04rjg /education/field_of_study/students_majoring./education/education/student /m/03j2gxx +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02bg8v /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0qmpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dkv90 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/018yj6 /film/actor/film./film/performance/film /m/02qzmz6 +/m/01nkxvx /people/person/profession /m/0dz3r +/m/01svw8n /award/award_winner/awards_won./award/award_honor/award_winner /m/05mxw33 +/m/0gyh /location/location/contains /m/0k696 +/m/0428bc /people/deceased_person/place_of_burial /m/01f38z +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/09c7w0 /location/country/second_level_divisions /m/0ns_4 +/m/06n9lt /people/person/profession /m/0dxtg +/m/03yfh3 /sports/sports_team/colors /m/019sc +/m/04jpl /location/location/contains /m/0n96z +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/088vb /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/04_1nk /film/film_set_designer/film_sets_designed /m/0fsw_7 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/09yrh /award/award_winner/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/0342h /music/instrument/instrumentalists /m/02p68d +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0ctw_b +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0jcx1 /base/aareas/schema/administrative_area/administrative_parent /m/07371 +/m/0zm1 /people/person/gender /m/05zppz +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/02lf70 /people/person/spouse_s./people/marriage/spouse /m/016yr0 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gtvrv3 +/m/01cx_ /location/location/contains /m/01f07x +/m/03nk3t /people/person/profession /m/02hrh1q +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0436yk /film/film/language /m/03_9r +/m/02b0zt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cqnss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03v0vd /film/actor/film./film/performance/film /m/0gyfp9c +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/02t__3 /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/01c65z /film/actor/film./film/performance/film /m/05ldxl +/m/0g56t9t /film/film/written_by /m/07rd7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/084m3 +/m/0btbyn /film/film/genre /m/02kdv5l +/m/01h8sf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/0342h +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/018j2 /music/instrument/instrumentalists /m/0144l1 +/m/046chh /film/actor/film./film/performance/film /m/07bwr +/m/02bwc7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03czz87 +/m/0gpprt /people/person/gender /m/05zppz +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01x96 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/06kxk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/03gqgt3 /base/culturalevent/event/entity_involved /m/07jqh +/m/067nsm /people/person/place_of_birth /m/03v0t +/m/06pjs /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0wc +/m/05w88j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06y9bd +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kh6f3 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rnly +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02bc74 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/018y2s +/m/0342h /music/instrument/instrumentalists /m/09889g +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/0bmch_x /film/film/country /m/0f8l9c +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0c41y70 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/033tf_ /people/ethnicity/people /m/04xhwn +/m/01pl9g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f2df +/m/02kzfw /education/educational_institution_campus/educational_institution /m/02kzfw +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/05jf85 /film/film/genre /m/03rzvv +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f5xn +/m/02238b /people/person/religion /m/0c8wxp +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/01m42d0 /people/person/nationality /m/09c7w0 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0cz_ym /film/film/genre /m/082gq +/m/01f1r4 /organization/organization/headquarters./location/mailing_address/citytown /m/0r62v +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01wk7ql /base/eating/practicer_of_diet/diet /m/07_jd +/m/06j6l /music/genre/artists /m/049qx +/m/095x_ /music/group_member/membership./music/group_membership/role /m/0342h +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/04k3r_ /sports/sports_team/colors /m/06fvc +/m/0glt670 /music/genre/artists /m/015bwt +/m/01hmnh /media_common/netflix_genre/titles /m/02q5bx2 +/m/078vc /people/ethnicity/languages_spoken /m/02hxcvy +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/09hrc /base/biblioness/bibs_location/country /m/0345h +/m/01w9ph_ /people/person/profession /m/05z96 +/m/02bn75 /people/person/profession /m/01c8w0 +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0210hf +/m/01z7dr /music/genre/artists /m/04pf4r +/m/0gm8_p /film/actor/film./film/performance/film /m/0db94w +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0d4htf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/06by7 /music/genre/artists /m/014q2g +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03z0dt +/m/01_f_5 /people/person/gender /m/02zsn +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/034b6k /film/film/country /m/0345h +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/03rx9 /people/person/profession /m/02hrh1q +/m/08htt0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03tbg6 /film/film/genre /m/05p553 +/m/0byh8j /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0b_6pv /time/event/locations /m/0f__1 +/m/0svqs /people/person/places_lived./people/place_lived/location /m/06_kh +/m/047csmy /film/film/executive_produced_by /m/06pj8 +/m/049fbh /sports/sports_team/colors /m/01g5v +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1ng +/m/016clz /music/genre/artists /m/0161c2 +/m/057xn_m /people/person/gender /m/02zsn +/m/0glh3 /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/051qvn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02w4fkq +/m/015grj /people/person/profession /m/02jknp +/m/05r5c /music/instrument/instrumentalists /m/016h9b +/m/0j0k /location/location/contains /m/05sb1 +/m/07wrz /education/educational_institution_campus/educational_institution /m/07wrz +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/01dq5z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/03lty /music/genre/artists /m/01vsn38 +/m/0l0wv /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/0c3zjn7 /film/film/production_companies /m/04cygb3 +/m/02mt51 /film/film/written_by /m/02mt4k +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/05vk_d +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01tj34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09fb5 +/m/02_cx_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0glnm /film/film/genre /m/05p553 +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/0170qf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/04xx9s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05qg6g /people/person/place_of_birth /m/0xrz2 +/m/0cz8mkh /film/film/language /m/02h40lc +/m/046b0s /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/06jjbp /music/genre/artists /m/01l_vgt +/m/018swb /film/actor/film./film/performance/film /m/019vhk +/m/01gv_f /people/person/gender /m/02zsn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mpbk +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/04t36 /media_common/netflix_genre/titles /m/04j14qc +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g40r +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06nns1 +/m/04264n /film/actor/film./film/performance/film /m/0kbhf +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l98s /olympics/olympic_games/sports /m/096f8 +/m/02y0js /people/cause_of_death/people /m/029cpw +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/02_2v2 /people/person/profession /m/03gjzk +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/04y5j64 /film/film/genre /m/07s9rl0 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01xyt7 +/m/09y20 /film/actor/film./film/performance/film /m/03wjm2 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/03bzjpm /film/film/cinematography /m/0280mv7 +/m/0205dx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0grwj +/m/07_w1l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421v9q +/m/064jjy /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01npcx /film/film/genre /m/03k9fj +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01s47p +/m/02d9k /people/person/profession /m/02hrh1q +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vqhv0 +/m/04hqz /location/location/contains /m/09bjv +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/03177r +/m/01w8g3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01dhpj /award/award_winner/awards_won./award/award_honor/award_winner /m/016k62 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02yy8 +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09c7w0 /location/location/contains /m/01rgdw +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0ddjy /film/film/genre /m/070yc +/m/0p5wz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01pj7 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/034m8 +/m/026m3y /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/03np_7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/013xh7 +/m/03rjj /location/country/second_level_divisions /m/052gtg +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y54 +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/05f4_n0 /film/film/genre /m/05p553 +/m/02l7c8 /media_common/netflix_genre/titles /m/02_nsc +/m/06w6_ /people/person/place_of_birth /m/02_286 +/m/0_lr1 /location/hud_county_place/place /m/0_lr1 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc97st +/m/015p3p /people/person/profession /m/02hrh1q +/m/033tf_ /people/ethnicity/people /m/0jfx1 +/m/01wd9vs /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05cgv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01y9r2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0gj9qxr /film/film/genre /m/03npn +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/0c9c0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/041rx /people/ethnicity/people /m/02z3zp +/m/0mnsf /location/location/contains /m/04wlz2 +/m/018vs /music/instrument/instrumentalists /m/01r0t_j +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6d +/m/02yjk8 /sports/sports_team/colors /m/01g5v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/06w7v +/m/059j2 /location/location/contains /m/04q42 +/m/01cmp9 /film/film/language /m/02h40lc +/m/02bvc5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07s3m +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04cjn +/m/02z2mr7 /film/film/country /m/09c7w0 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/013qvn /people/person/profession /m/018gz8 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/03h_0_z /award/award_winner/awards_won./award/award_honor/award_winner /m/018n6m +/m/01l3mk3 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0m40d /music/genre/artists /m/0dbb3 +/m/04jjy /media_common/netflix_genre/titles /m/095zlp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/06cc_1 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/01x1cn2 /people/person/gender /m/02zsn +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/043tvp3 /film/film/executive_produced_by /m/04fyhv +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01qrb2 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0drdv /people/person/profession /m/03gjzk +/m/0gdh5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/05tgks /film/film/genre /m/06cvj +/m/0157g9 /location/location/contains /m/09lxtg +/m/04991x /sports/sports_team/colors /m/083jv +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/016srn +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0r1jr /location/location/time_zones /m/02lcqs +/m/02k9k9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01pctb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ttg5 +/m/018h2 /film/film_subject/films /m/046f3p +/m/03gfvsz /broadcast/content/artist /m/03f0vvr +/m/070g7 /film/film/genre /m/06n90 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07sbbz2 /music/genre/artists /m/05563d +/m/059xnf /film/actor/film./film/performance/film /m/011yph +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/02vcp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0hsn_ +/m/02bjrlw /language/human_language/countries_spoken_in /m/07ytt +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/01x1cn2 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0rgxp /location/hud_county_place/county /m/0m2lt +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0ds35l9 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03f0qd7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0bx_q +/m/057bc6m /film/film_set_designer/film_sets_designed /m/04wddl +/m/01wgfp6 /music/artist/origin /m/0dc95 +/m/0739y /people/person/gender /m/05zppz +/m/019vhk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n7q /location/location/contains /m/0r04p +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/07zhd7 /people/person/nationality /m/02jx1 +/m/03x31g /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/01jfsb /media_common/netflix_genre/titles /m/02yy9r +/m/0ctw_b /location/country/form_of_government /m/01q20 +/m/037q2p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/0sxlb /film/film/genre /m/0vgkd +/m/06wbm8q /film/film/genre /m/03k9fj +/m/032_wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01nhgd +/m/02tqm5 /film/film/genre /m/01f9r0 +/m/05fyss /award/award_nominee/award_nominations./award/award_nomination/award /m/04jhhng +/m/0420td /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0340hj +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/085wqm /film/film/music /m/01mkn_d +/m/01ttg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0191h5 +/m/0bksh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02fybl +/m/03g52k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02wr2r /award/award_winner/awards_won./award/award_honor/award_winner /m/049fgvm +/m/0885n /location/location/time_zones /m/02hcv8 +/m/0gbfn9 /film/film/country /m/07ssc +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06j8q_ /film/actor/film./film/performance/film /m/06v9_x +/m/02x0fs9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02gqm3 /film/film/cinematography /m/06p0s1 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0277j40 /film/film/featured_film_locations /m/030qb3t +/m/011lpr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mbdx_ /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wf86y /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/04bd8y +/m/09d3b7 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01w9mnm /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/082wbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0137hn /music/group_member/membership./music/group_membership/role /m/0cfdd +/m/034g2b /people/person/profession /m/02hrh1q +/m/042kbj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0h1m9 +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/072vj /people/person/place_of_birth /m/0vm4s +/m/04j4tx /film/film/language /m/064_8sq +/m/02z1yj /people/person/places_lived./people/place_lived/location /m/01531 +/m/0879xc /people/person/gender /m/05zppz +/m/05nqz /base/culturalevent/event/entity_involved /m/01rdm0 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/03s6l2 /film/film/executive_produced_by /m/05hj_k +/m/06q02g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl0d /music/record_label/artist /m/03f0vvr +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/05kj_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/099c8n /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05kfs +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/06r2_ /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/06pyc2 /film/film/genre /m/0hfjk +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0892sx +/m/017fp /media_common/netflix_genre/titles /m/05jzt3 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fkwzs +/m/041rx /people/ethnicity/people /m/01817f +/m/06j6l /music/genre/artists /m/01p9hgt +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/018dyl /music/artist/origin /m/04jpl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/021dvj /music/genre/artists /m/02ck1 +/m/05cl8y /organization/organization/headquarters./location/mailing_address/citytown /m/05jbn +/m/02yvct /film/film/genre /m/0vgkd +/m/059xvg /people/person/nationality /m/0d060g +/m/016vg8 /film/actor/film./film/performance/film /m/03vyw8 +/m/0309lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/017r13 /people/person/religion /m/0kpl +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy95 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0169dl +/m/0342h /music/instrument/instrumentalists /m/01v_pj6 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03cmsqb +/m/0kq95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/036hf4 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/04258w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0473rc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/01ly5m +/m/030dx5 /people/person/profession /m/02hrh1q +/m/04gzd /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0bt3j9 /film/film/music /m/01mh8zn +/m/0fr61 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnz0 +/m/0171cm /film/actor/film./film/performance/film /m/0fgpvf +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/091z_p +/m/033dbw /film/film/costume_design_by /m/03mfqm +/m/03d8m4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01z_g6 +/m/01jz6d /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm2v +/m/017l96 /music/record_label/artist /m/01vrx3g +/m/0sxfd /film/film/written_by /m/03xp8d5 +/m/03zrc_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04rg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/016vg8 /people/person/religion /m/03j6c +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02qfyk +/m/0r5wt /base/biblioness/bibs_location/state /m/01n7q +/m/059kh /music/genre/artists /m/0178kd +/m/0yxm1 /film/film/genre /m/07s9rl0 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012q4n /film/actor/film./film/performance/film /m/01m13b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/03wjm2 /film/film/country /m/09c7w0 +/m/05dppk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02gd6x +/m/0j11 /location/administrative_division/country /m/049nq +/m/01tp5bj /people/person/nationality /m/02jx1 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0cm2xh /base/culturalevent/event/entity_involved /m/01h3dj +/m/07l1c /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nlb94 +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/016_mj /film/actor/film./film/performance/film /m/095z4q +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01wdl3 +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ypsj +/m/0dl5d /music/genre/artists /m/025xt8y +/m/02hwhyv /language/human_language/countries_spoken_in /m/0d060g +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/0hvvf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02h22 /film/film/genre /m/07s9rl0 +/m/0c2tf /film/actor/film./film/performance/film /m/0jswp +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01wyz92 +/m/0cbgl /people/person/profession /m/0cbd2 +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0dzlk +/m/0b_75k /time/event/locations /m/0rh6k +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0499lc +/m/03gfvsz /broadcast/content/artist /m/0dtd6 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/07gxw /music/genre/artists /m/01vv7sc +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058frd +/m/059j2 /location/location/contains /m/03kfl +/m/01z4y /media_common/netflix_genre/titles /m/026f__m +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/051zy_b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds11z +/m/01vy_v8 /people/person/profession /m/02jknp +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02ctc6 /film/film/genre /m/01hmnh +/m/01kgg9 /people/person/nationality /m/09c7w0 +/m/027ybp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03r8gp /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/0164y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chgzm +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/02_0d2 +/m/01nyl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/0345h /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09c7w0 /location/location/contains /m/0qy5v +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0kk9v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n4w /location/location/contains /m/0p07l +/m/01pdgp /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0f60c /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x0sy +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d9k +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/07ssc /media_common/netflix_genre/titles /m/0_b3d +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h005 +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04s430 +/m/01k23t /people/person/profession /m/016z4k +/m/0315rp /film/film/prequel /m/0hx4y +/m/0184dt /film/director/film /m/084302 +/m/02m501 /people/person/religion /m/0c8wxp +/m/016vqk /people/person/profession /m/016z4k +/m/01vw917 /film/actor/film./film/performance/film /m/017d93 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0k6nt +/m/0yxm1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gnh0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/041rx /people/ethnicity/people /m/01fs_4 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ylg6 +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06hgym /people/person/gender /m/05zppz +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/05j82v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/01w1sx /film/film_subject/films /m/04mcw4 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/098sv2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b_5d +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bytkq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tp2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01fxck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/03_d0 /music/genre/artists /m/07s3vqk +/m/02pbp9 /people/person/nationality /m/09c7w0 +/m/0f60c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6zs +/m/031c3v /people/person/nationality /m/09c7w0 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7tx +/m/0l6mp /olympics/olympic_games/sports /m/0d1t3 +/m/02rhwjr /tv/tv_program/genre /m/07s9rl0 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08cn4_ +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01xyt7 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0k9j_ +/m/03cp7b3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m67 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/04s1zr /film/film/genre /m/0fdjb +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0wq36 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f24cc /sports/sports_team/colors /m/01l849 +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/015v3r /award/award_winner/awards_won./award/award_honor/award_winner /m/07fq1y +/m/02gvwz /people/person/spouse_s./people/marriage/location_of_ceremony /m/0nbfm +/m/0h005 /people/person/gender /m/05zppz +/m/03rjj /location/country/second_level_divisions /m/05314s +/m/043h78 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsyg9 +/m/0k2h6 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0814k3 /people/person/profession /m/0np9r +/m/01xrlm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/049fbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01x4sb +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01hb1t /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016clz /music/genre/artists /m/0fpj9pm +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/01yfm8 /film/actor/film./film/performance/film /m/05b_gq +/m/06s6hs /film/actor/film./film/performance/film /m/05fm6m +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/05bnq8 /education/educational_institution/students_graduates./education/education/student /m/03xds +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/08mg_b /film/film/genre /m/07s9rl0 +/m/05jm7 /people/person/profession /m/02jknp +/m/06by7 /music/genre/artists /m/033wx9 +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/02mv_h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fs_s +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/03l7tr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01k53x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01jbx1 +/m/0gq6s3 /award/award_category/disciplines_or_subjects /m/02vxn +/m/026ssfj /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02pdhz /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/03mh_tp /film/film/genre /m/02l7c8 +/m/01f62 /sports/sports_team_location/teams /m/0hvgt +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/0gyh /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0kq9l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019l68 +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05qgd9 /education/educational_institution/students_graduates./education/education/student /m/083q7 +/m/0gkydb /people/person/profession /m/018gz8 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/05z43v /tv/tv_program/languages /m/02h40lc +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gb54 +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/09v71cj /film/film/country /m/09c7w0 +/m/025b5y /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0jmjr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/05tbn /location/location/contains /m/0frf6 +/m/03rg2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bqs56 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fv4v /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0p_pd /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pbl56 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/06lht1 /people/person/nationality /m/09c7w0 +/m/032498 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0345h /location/location/contains /m/016gb5 +/m/04ddm4 /film/film/genre /m/03npn +/m/0h3vhfb /award/award_category/nominees./award/award_nomination/nominated_for /m/0fkwzs +/m/0fbx6 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04wf_b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j9z /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02yv6b /music/genre/artists /m/02yygk +/m/03xl77 /people/person/place_of_birth /m/0r4h3 +/m/0mrhq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03cffvv /film/film/genre /m/060__y +/m/047wh1 /film/film/genre /m/01jfsb +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/0jmj +/m/02x8m /music/genre/artists /m/09hnb +/m/0451j /film/actor/film./film/performance/film /m/02qd04y +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0h5g_ /film/actor/film./film/performance/film /m/0bpm4yw +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/034ks /people/person/profession /m/0h9c +/m/09r94m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/016gp5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02b13y /sports/sports_team/sport /m/02vx4 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/015qyf +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/06pk8 +/m/0gnbw /people/person/places_lived./people/place_lived/location /m/0jt5zcn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0969fd +/m/07ykkx5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/042xrr /people/person/profession /m/018gz8 +/m/0l5yl /award/award_winner/awards_won./award/award_honor/award_winner /m/0j_c +/m/05tbn /location/location/contains /m/0mwl2 +/m/05nsfc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nhfc1 +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/034ls /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jrqq +/m/0m66w /film/actor/film./film/performance/film /m/0gjcrrw +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/06vbd /location/location/contains /m/02gjp +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/03rt9 /location/location/contains /m/01fj9_ +/m/0g54xkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/048s0r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cq8qq /film/film/genre /m/01g6gs +/m/016ks_ /film/actor/film./film/performance/film /m/028_yv +/m/02tr7d /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02qk3fk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03s9v /people/person/profession /m/01pxg +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmdwwg +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jwvf +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c7twt +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/0170s4 +/m/064t9 /music/genre/artists /m/02vgh +/m/03xnq9_ /people/person/religion /m/01lp8 +/m/02js6_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06gbnc /people/ethnicity/geographic_distribution /m/07ssc +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01wf86y +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cqr0q +/m/0mhfr /music/genre/artists /m/016s_5 +/m/0m9c1 /people/person/profession /m/0dxtg +/m/06rhz7 /film/film/featured_film_locations /m/0135g +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/012c6x /people/person/place_of_birth /m/030qb3t +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/016r9z /olympics/olympic_games/participating_countries /m/0chghy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/02yvct /film/film/country /m/0345h +/m/01g42 /film/actor/film./film/performance/film /m/0qmfz +/m/044prt /people/person/profession /m/01d_h8 +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/01pqy_ +/m/01d494 /people/person/nationality /m/09c7w0 +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/05tr7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/01wj5hp /people/person/nationality /m/09c7w0 +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/07_dn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/043zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrz41 +/m/079dy /people/person/religion /m/0flw86 +/m/06tpmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01f1r4 /education/educational_institution/school_type /m/05jxkf +/m/02tv80 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bkq7 +/m/01n5309 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/02m7r /people/person/profession /m/01pxg +/m/05fm6m /film/film/genre /m/02l7c8 +/m/0285c /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/02_qt /film/film/music /m/07j8kh +/m/01679d /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/037jz +/m/07y_7 /music/instrument/instrumentalists /m/0137hn +/m/085q5 /film/actor/film./film/performance/film /m/02qm_f +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04h07s +/m/0qmfk /film/film/country /m/0f8l9c +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/03w94xt /music/genre/artists /m/02whj +/m/016z1c /people/person/nationality /m/09c7w0 +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ppg1r +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/04y652m /broadcast/content/artist /m/01jcxwp +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0l3h +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/051ysmf /film/film_set_designer/film_sets_designed /m/034xyf +/m/02ctzb /people/ethnicity/people /m/032t2z +/m/02sdx /people/person/nationality /m/09c7w0 +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g0x9c +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ftn8 /location/administrative_division/country /m/07fj_ +/m/0k5p1 /location/location/time_zones /m/03bdv +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0k7pf +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/06by7 /music/genre/artists /m/01nqfh_ +/m/01y64_ /film/actor/film./film/performance/film /m/02gd6x +/m/09x3r /olympics/olympic_games/sports /m/01cgz +/m/07mz77 /people/person/gender /m/05zppz +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0mgkg +/m/085q5 /people/person/profession /m/02hrh1q +/m/05r5c /music/instrument/instrumentalists /m/063t3j +/m/01k_0fp /people/person/profession /m/01d_h8 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01bmlb /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/04135 /people/person/profession /m/05z96 +/m/0vmt /location/location/contains /m/0m25p +/m/05728w1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s7gk6 /music/genre/artists /m/017j6 +/m/0gbtbm /film/film/genre /m/082gq +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/09glnr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/028kk_ /people/profession/specialization_of /m/01c8w0 +/m/07bsj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02w5q6 +/m/0hpv3 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0261g5l /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cs134 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qhlwd +/m/016jny /music/genre/artists /m/067mj +/m/03ys48 /sports/sports_team/colors /m/083jv +/m/0r0ss /location/hud_county_place/place /m/0r0ss +/m/02b1j1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/04mvp8 /people/ethnicity/geographic_distribution /m/09pmkv +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/01s0t3 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0x67 /people/ethnicity/people /m/03j149k +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02hmw9 /education/educational_institution/students_graduates./education/education/student /m/073bb +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03rx9 +/m/0dbns /organization/organization/headquarters./location/mailing_address/state_province_region /m/03lrc +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/01zg98 +/m/02p21g /film/actor/film./film/performance/film /m/03lrht +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b190 +/m/02pkpfs /people/person/profession /m/02hrh1q +/m/0_9wr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027_tg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xr2s +/m/0rk71 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mbwlb /people/person/place_of_birth /m/010h9y +/m/0gywn /music/genre/parent_genre /m/06j6l +/m/0164b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/0g_w +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09gdh6k /film/film/written_by /m/0h5f5n +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0292qb /film/film/country /m/07ssc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0175rc +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/05b6rdt /film/film/written_by /m/0brkwj +/m/04fv5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/03x746 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01c58j /influence/influence_node/peers./influence/peer_relationship/peers /m/01c1px +/m/02hg53 /people/deceased_person/place_of_death /m/030qb3t +/m/01swck /film/actor/film./film/performance/film /m/03wbqc4 +/m/0cq8nx /film/film/genre /m/07s9rl0 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dln8jk /film/film/music /m/03c_8t +/m/02h0f3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0294fd /people/person/gender /m/02zsn +/m/09krp /location/location/contains /m/02z0j +/m/0jkhr /organization/organization/headquarters./location/mailing_address/citytown /m/0fvyg +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0169t /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0mz73 /film/actor/film./film/performance/film /m/04s1zr +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/05m883 /people/person/nationality /m/09c7w0 +/m/01m7pwq /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/01w5gg6 /people/person/nationality /m/02jx1 +/m/02rmd_2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0407f /people/person/profession /m/0dz3r +/m/0738b8 /people/person/religion /m/03_gx +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/01nr36 /film/director/film /m/03p2xc +/m/0df92l /film/film/language /m/0653m +/m/050ks /base/biblioness/bibs_location/country /m/09c7w0 +/m/07z1_q /people/person/profession /m/02hrh1q +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02mplj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02w7gg /people/ethnicity/people /m/01pnn3 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02661h +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02g5bf /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/01vw26l /people/person/profession /m/0dz3r +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0257w4 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/04cbbz +/m/02784z /people/person/religion /m/03_gx +/m/02kxbx3 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/0n6f8 +/m/02k21g /people/person/profession /m/02hrh1q +/m/0f6rc /time/event/locations /m/0d05w3 +/m/03w9bjf /people/ethnicity/languages_spoken /m/0688f +/m/0946bb /film/film/production_companies /m/05h4t7 +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/02d4ct +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/016ksk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/04mcw4 /film/film/executive_produced_by /m/02q_cc +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01bns_ +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/02_t6d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01fy2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015fr /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03t95n /film/film/genre /m/01hmnh +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/04205z /film/actor/film./film/performance/film /m/0kv238 +/m/03k9fj /media_common/netflix_genre/titles /m/05nlx4 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/019pm_ +/m/037xlx /film/film/production_companies /m/030_1m +/m/0830vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06tw8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03y3dk /people/person/profession /m/01d_h8 +/m/01n5309 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01g5kv /people/person/profession /m/02hrh1q +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05vc35 /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0jclr /location/location/time_zones /m/02hczc +/m/07c52 /film/film_subject/films /m/011ycb +/m/0hwqz /film/actor/film./film/performance/film /m/02qr3k8 +/m/0jsw9l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0b2v79 /film/film/country /m/09c7w0 +/m/04q24zv /award/award_winning_work/awards_won./award/award_honor/award /m/0gq6s3 +/m/02jm0n /film/actor/film./film/performance/film /m/03z20c +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0138t4 +/m/091xrc /film/film/country /m/03h64 +/m/01fwf1 /film/actor/film./film/performance/film /m/017kct +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01ksr1 /people/person/religion /m/0c8wxp +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02r5qtm +/m/06v9sf /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/07vyf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vmt +/m/01t6xz /people/person/languages /m/02h40lc +/m/0hvvf /film/film/genre /m/04228s +/m/011k1h /music/record_label/artist /m/02cpp +/m/0gbtbm /film/film/featured_film_locations /m/0h7h6 +/m/03whyr /film/film/genre /m/06n90 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p__8 +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0cxgc /location/location/contains /m/02gw_w +/m/07y_7 /music/instrument/instrumentalists /m/05y7hc +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/07ss8_ +/m/0crd8q6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wdqrx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0jt3tjf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/035yn8 /film/film/music /m/050z2 +/m/0fjsl /location/location/time_zones /m/02llzg +/m/07t_x /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0399p /influence/influence_node/influenced_by /m/015n8 +/m/06449 /people/person/places_lived./people/place_lived/location /m/094jv +/m/02qcr /film/film/genre /m/02n4kr +/m/0409n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06crk /people/person/nationality /m/09c7w0 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/02r6c_ +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0mbql /film/film/executive_produced_by /m/030_3z +/m/0b5ysl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049msk +/m/043fz4 /business/business_operation/industry /m/01mw1 +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/03f5spx /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/01w_10 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03ckfl9 /music/genre/artists /m/0p3sf +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/01q415 /people/person/places_lived./people/place_lived/location /m/07b_l +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/06dv3 /people/person/gender /m/05zppz +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04btyz /media_common/netflix_genre/titles /m/035gnh +/m/014v1q /people/person/nationality /m/09c7w0 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/026t6 /music/instrument/instrumentalists /m/01q_wyj +/m/0633p0 /people/person/profession /m/02hrh1q +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h10vt +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/05lls /music/genre/artists /m/06c44 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08lr6s +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/02qjj7 /people/person/profession /m/02jknp +/m/052m7n /award/award_category/winners./award/award_honor/award_winner /m/0dj5q +/m/02rb607 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/06qjgc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/012mrr /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03qlv7 /music/instrument/instrumentalists /m/07z542 +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0d1w9 /film/film_subject/films /m/0sxkh +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w3v +/m/06l22 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01dvry /tv/tv_program/genre /m/07s9rl0 +/m/07nnp_ /film/film/country /m/09c7w0 +/m/0gwjw0c /film/film/film_production_design_by /m/02x2t07 +/m/027x7z5 /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/03gt7s /music/genre/parent_genre /m/05r6t +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gvstc3 /time/event/instance_of_recurring_event /m/0gcf2r +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/09c7w0 /location/country/second_level_divisions /m/0kv2r +/m/078jnn /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01kgv4 +/m/0y3_8 /music/genre/parent_genre /m/01pfpt +/m/02q3s /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/02_l9 /film/film_subject/films /m/027r7k +/m/01q8wk7 /people/person/religion /m/03j6c +/m/0py9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0304nh /tv/tv_program/program_creator /m/01xcr4 +/m/02z44tp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0lkr7 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04dsnp /film/film/language /m/06nm1 +/m/01vw87c /film/actor/film./film/performance/film /m/07xvf +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/011ykb /film/film/genre /m/0clz1b +/m/02pzck /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017n9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mmwk +/m/0m0nq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0fp_v1x /music/group_member/membership./music/group_membership/role /m/02hnl +/m/06cp5 /music/genre/parent_genre /m/05r6t +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/0bq8tmw /award/award_winning_work/awards_won./award/award_honor/award /m/05zkcn5 +/m/078vc /people/ethnicity/languages_spoken /m/0y1mh +/m/02qjv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/05pq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0drc1 +/m/0k_s5 /location/location/contains /m/01c40n +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0c3351 /media_common/netflix_genre/titles /m/0jjy0 +/m/01wj92r /people/deceased_person/place_of_burial /m/018mmw +/m/04l590 /sports/sports_team/sport /m/03tmr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0yk +/m/02r9p0c /film/film/genre /m/01zhp +/m/050023 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0x67 /people/ethnicity/people /m/04n32 +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0bscw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/035dk /sports/sports_team_location/teams /m/03_qrp +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0sgxg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b_6x2 /time/event/locations /m/0ply0 +/m/0gw7p /film/film/language /m/02h40lc +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/03mp8k /music/record_label/artist /m/017lb_ +/m/0181dw /music/record_label/artist /m/06p03s +/m/09q5w2 /film/film/genre /m/082gq +/m/01tnbn /film/actor/film./film/performance/film /m/01l_pn +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01wdqrx /people/person/profession /m/0dz3r +/m/03fmw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01jfsb /media_common/netflix_genre/titles /m/0dh8v4 +/m/01x73 /location/location/contains /m/0m2fr +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv9b +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043tz0c +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/06zd1c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/05fjf /location/location/contains /m/0xqf3 +/m/042l8n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01846t /people/person/gender /m/05zppz +/m/02v0ff /film/actor/film./film/performance/film /m/0b3n61 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d04z6 +/m/0dls3 /music/genre/artists /m/0b1hw +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03bzyn4 +/m/09x7p1 /base/culturalevent/event/entity_involved /m/02mjmr +/m/06wbm8q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vcdj +/m/0kv9d3 /film/film/genre /m/04xvlr +/m/09c7w0 /location/country/second_level_divisions /m/0mk1z +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/04q827 /film/film/written_by /m/05ldnp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/056_y +/m/050z2 /people/person/profession /m/01c72t +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09sh8k /film/film/story_by /m/046_v +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01z215 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/027jk +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05yjhm +/m/0b76d_m /film/film/film_festivals /m/0gg7gsl +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03clrng +/m/01qz69r /people/person/place_of_birth /m/0kstw +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/0jtg0 +/m/01tsbmv /film/actor/film./film/performance/film /m/04pmnt +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02kxbx3 /people/person/spouse_s./people/marriage/spouse /m/01p7yb +/m/015qqg /film/film/genre /m/017fp +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/03xpsrx /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/01323p +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/023322 /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/0bxsk /film/film/genre /m/04btyz +/m/0835q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/029k4p /film/film/edited_by /m/06cv1 +/m/02b10g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01cgz /film/film_subject/films /m/01719t +/m/0kt_4 /film/film/language /m/02h40lc +/m/0q9vf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07d3x /people/person/profession /m/0kyk +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kqq7 +/m/040b5k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/029cpw /people/deceased_person/place_of_death /m/0r22d +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/05397h /tv/tv_program/languages /m/02h40lc +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02760sl +/m/0hfjk /media_common/netflix_genre/titles /m/039c26 +/m/03q95r /people/person/places_lived./people/place_lived/location /m/04ykg +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/040rjq /influence/influence_node/influenced_by /m/03f0324 +/m/03n0cd /film/film/production_companies /m/017s11 +/m/0gt14 /film/film/genre /m/03mqtr +/m/05tgks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/07dnx /influence/influence_node/influenced_by /m/02wh0 +/m/03k8th /film/film/genre /m/0bkbm +/m/01rcmg /people/person/nationality /m/09c7w0 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01phtd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n96z +/m/0k_l4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/024lt6 /film/film/production_companies /m/020h2v +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/01qqwn /people/cause_of_death/people /m/015wfg +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0dx8gj /film/film/genre /m/02l7c8 +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jqb8 /film/film/genre /m/06qm3 +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01zg98 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h502k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03d_w3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gztl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/01j7rd /influence/influence_node/influenced_by /m/081lh +/m/013xrm /people/ethnicity/people /m/0lkr7 +/m/01kb2j /film/actor/film./film/performance/film /m/04jwly +/m/02z9rr /film/film/written_by /m/01vz80y +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wf_b +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/074rg9 +/m/0123j6 /organization/organization/headquarters./location/mailing_address/citytown /m/0bxbb +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01p85y +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/02lf70 /people/person/profession /m/03gjzk +/m/0mz73 /people/person/nationality /m/09c7w0 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/03v0t /location/location/contains /m/0sbv7 +/m/0ggq0m /music/genre/artists /m/01m15br +/m/048z7l /people/ethnicity/people /m/06pj8 +/m/04svwx /film/film/genre /m/02kdv5l +/m/05typm /film/actor/film./film/performance/film /m/03cffvv +/m/0c9cp0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bqxb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01s560x /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/028_yv /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/01vrlr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/014hr0 +/m/014zfs /people/person/profession /m/03gjzk +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/025scjj /film/film/cinematography /m/07xr3w +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/09n48 /olympics/olympic_games/sports /m/0152n0 +/m/01n44c /people/person/gender /m/02zsn +/m/04myfb7 /people/person/profession /m/02hrh1q +/m/06d4h /film/film_subject/films /m/01rnly +/m/0glqh5_ /film/film/production_companies /m/02j_j0 +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/032xhg /film/actor/film./film/performance/film /m/065_cjc +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03bnv +/m/0fr5p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jw +/m/01z0lb /people/person/profession /m/01c72t +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/0g22z /film/film/production_companies /m/0c41qv +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rrd4 +/m/04pmnt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/0dr_9t7 /film/film/featured_film_locations /m/07b_l +/m/01cycq /film/film/country /m/09c7w0 +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02q3fdr /film/film/produced_by /m/02q_cc +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/015ynm /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/09bg4l /people/person/profession /m/012t_z +/m/0c0zq /film/film/genre /m/0hn10 +/m/05jt_ /music/genre/parent_genre /m/01_bkd +/m/04mp8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0x67 /people/ethnicity/people /m/0725ny +/m/05r5c /music/instrument/instrumentalists /m/0133x7 +/m/02zr0z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/0fs9jn /film/actor/film./film/performance/film /m/047vnkj +/m/07bch9 /people/ethnicity/people /m/04mhbh +/m/0flw6 /film/actor/film./film/performance/film /m/02yxbc +/m/0gd_b_ /film/actor/film./film/performance/film /m/05qbckf +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/02754c9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03qhyn8 +/m/02q5xsx /people/person/profession /m/02krf9 +/m/07vc_9 /people/person/places_lived./people/place_lived/location /m/06c62 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvt53w +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/0ch26b_ /film/film/music /m/01tc9r +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/01l3vx +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/09rfpk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0z4s +/m/0dgpwnk /film/film/music /m/0l12d +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/02bkdn +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0p3_y /film/film/country /m/09c7w0 +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/036nz +/m/0jmm4 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01fx2g /people/person/profession /m/02hrh1q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0m31m +/m/030_1_ /business/business_operation/industry /m/02vxn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03ytp3 +/m/06vbd /location/country/form_of_government /m/01fpfn +/m/01v3k2 /education/educational_institution/school_type /m/05jxkf +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/017fp /media_common/netflix_genre/titles /m/0170_p +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0159h6 +/m/018dh3 /location/location/time_zones /m/02hcv8 +/m/041rx /people/ethnicity/people /m/01j2xj +/m/07nxvj /film/film/genre /m/03mqtr +/m/04bpm6 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/029b9k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0288zy /education/educational_institution/colors /m/083jv +/m/09jw2 /music/genre/artists /m/018x3 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0rh6k +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gltv +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/01dtcb /music/record_label/artist /m/02b25y +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/01hmnh /media_common/netflix_genre/titles /m/02r79_h +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0f4vx /film/film/language /m/06b_j +/m/03j90 /people/deceased_person/place_of_death /m/01lfy +/m/02r38 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d4cb +/m/0ljc_ /tv/tv_network/programs./tv/tv_network_duration/program /m/05f7w84 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/06pjs /people/person/places_lived./people/place_lived/location /m/013yq +/m/02v1ws /award/award_category/disciplines_or_subjects /m/05qgc +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/02vyw +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/04xvlr /media_common/netflix_genre/titles /m/0298n7 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02hnl /music/instrument/instrumentalists /m/01vxqyl +/m/032r1 /people/person/nationality /m/07ssc +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05kfs +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/03ywyk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/089tm +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/07t_l23 +/m/01j851 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01lw3kh /people/person/profession /m/09jwl +/m/05vjt6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/041rx /people/ethnicity/people /m/0c6g1l +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/019nnl +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/0gxsh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0d6lp /base/biblioness/bibs_location/state /m/01n7q +/m/06by7 /music/genre/artists /m/05qw5 +/m/01fx2g /film/actor/film./film/performance/film /m/0fg04 +/m/0g5pvv /film/film/prequel /m/01kf4tt +/m/0gxfz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09v3jyg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07s9rl0 /media_common/netflix_genre/titles /m/0fgpvf +/m/09c7w0 /location/country/second_level_divisions /m/0fxyd +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01x6v6 +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/025scjj /film/film/written_by /m/027vps +/m/06yykb /film/film/executive_produced_by /m/02xnjd +/m/02gn9g /people/person/profession /m/0cbd2 +/m/043zg /film/actor/film./film/performance/film /m/02jkkv +/m/0ph2w /influence/influence_node/influenced_by /m/01t9qj_ +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/09dv8h /film/film/genre /m/06cvj +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/019vv1 /education/educational_institution/school_type /m/0m4mb +/m/02wt0 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s5q /film/film_subject/films /m/03s9kp +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/03tw2s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04pcmw /music/genre/artists /m/01l_vgt +/m/0j0k /location/location/contains /m/0162b +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/015gw6 +/m/015mrk /people/person/profession /m/016z4k +/m/02qkt /location/location/contains /m/05v8c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02rg_4 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/075wx7_ /film/film/film_format /m/017fx5 +/m/07_f2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/05r5c /music/instrument/instrumentalists /m/0jbyg +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fcs2 +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/02cgb8 /people/person/profession /m/018gz8 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0285xqh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0157m +/m/016zwt /location/location/partially_contains /m/09glw +/m/0f8l9c /location/location/contains /m/09lk2 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/07j8kh /people/person/place_of_birth /m/0cr3d +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j8r +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/02q0v8n /film/film/genre /m/02n4kr +/m/0d99k_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047qxs /film/film/film_format /m/07fb8_ +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/0tz1j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05ccxr /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/07dnx /influence/influence_node/influenced_by /m/06myp +/m/03f02ct /people/person/profession /m/02hrh1q +/m/086xm /education/educational_institution_campus/educational_institution /m/086xm +/m/03lvwp /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/054k_8 +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0qtz9 /location/location/time_zones /m/02fqwt +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02frhbc /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04fzk +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/037s5h +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0c7lcx /people/person/profession /m/02hrh1q +/m/06s26c /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02ltg3 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01k7xz +/m/04czgbh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01j590z /people/person/profession /m/016z4k +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/024qwq +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/07cw4 /film/film/genre /m/02m4t +/m/01vzx45 /film/actor/film./film/performance/film /m/01mszz +/m/0y3_8 /music/genre/artists /m/06y9c2 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/083wr9 /people/person/profession /m/0np9r +/m/0296rz /film/film/genre /m/04xvlr +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04gv3db +/m/020trj /people/person/places_lived./people/place_lived/location /m/0rn8q +/m/054k_8 /people/person/nationality /m/03h64 +/m/03ym1 /film/actor/film./film/performance/film /m/017jd9 +/m/0m9c1 /film/director/film /m/0cy__l +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/09sr0 /film/film/genre /m/01jfsb +/m/02kbtf /education/educational_institution/students_graduates./education/education/student /m/05xpv +/m/0qcr0 /people/cause_of_death/people /m/020fgy +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0ny75 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0221zw +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0b7gr2 /people/person/profession /m/0dxtg +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fm6m +/m/0glt670 /music/genre/artists /m/047sxrj +/m/037mjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/014kg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/015grj /film/actor/film./film/performance/film /m/0f61tk +/m/02hnl /music/instrument/instrumentalists /m/0fp_v1x +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/06by7 /music/genre/artists /m/01wvxw1 +/m/04xrx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l1b90 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02vkzcx +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/01wj5hp /music/artist/origin /m/0cr3d +/m/02mz_6 /people/person/profession /m/02jknp +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01d66p /base/biblioness/bibs_location/country /m/02jx1 +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0187nd +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/06fpsx /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/01hcj2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/01p4r3 /film/actor/film./film/performance/film /m/01f39b +/m/01x0yrt /people/person/places_lived./people/place_lived/location /m/06mzp +/m/01wkmgb /music/group_member/membership./music/group_membership/role /m/0342h +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/0k7pf /people/person/profession /m/09jwl +/m/06vqdf /people/person/nationality /m/09c7w0 +/m/05dl1s /film/film/genre /m/03k9fj +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/086hg9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01c4pv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0n85g /music/record_label/artist /m/01wz3cx +/m/0c4kv /location/hud_county_place/place /m/0c4kv +/m/0kst7v /people/person/languages /m/07c9s +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/09vzz /education/educational_institution/colors /m/019sc +/m/016ntp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k5sc +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/06wcbk7 /music/record_label/artist /m/05mt_q +/m/0bhwhj /film/film/genre /m/017fp +/m/0xq63 /location/location/time_zones /m/02hcv8 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03y7ml +/m/01t94_1 /people/deceased_person/place_of_burial /m/018mmj +/m/091xrc /film/film/genre /m/01hmnh +/m/06kcjr /music/genre/artists /m/01vw37m +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b1y_2 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/07c52 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/036gdw /people/person/profession /m/02hrh1q +/m/018dyl /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/0cfgd /music/artist/origin /m/03msf +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0zt +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07c52 /film/film_subject/films /m/0bt3j9 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/0778p /education/educational_institution/school_type /m/05pcjw +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0jfx1 +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/0979zs +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bs1g5r +/m/07lp1 /influence/influence_node/influenced_by /m/013pp3 +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/051zy_b /film/film/featured_film_locations /m/0r2gj +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/03gh4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0jbp0 /film/actor/film./film/performance/film /m/01qb5d +/m/03ctv8m /people/person/gender /m/05zppz +/m/05hdf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0fw1y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zsfx /base/aareas/schema/administrative_area/administrative_parent /m/088q4 +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/01p896 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3w7 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01qmy04 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gr2 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0hw1j +/m/02rgz4 /people/person/gender /m/05zppz +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/065ydwb +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fhxv +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/09nz_c +/m/0vhm /tv/tv_program/genre /m/0pr6f +/m/04jwjq /award/award_winning_work/awards_won./award/award_honor/award /m/0b6jkkg +/m/01n6r0 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01vsy7t /people/person/profession /m/01b30l +/m/0s9b_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/02pd1tf /sports/sports_team/sport /m/0jm_ +/m/03bx_5q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rp13 +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/05b0f7 /music/record_label/artist /m/06k02 +/m/0173b0 /music/genre/artists /m/01wt4wc +/m/0grmhb /people/person/profession /m/03gjzk +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02c9dj /education/educational_institution/students_graduates./education/education/student /m/07n39 +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0175rc +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03_87 /influence/influence_node/influenced_by /m/03pm9 +/m/01l_pn /film/film/language /m/06nm1 +/m/02dtg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0q9t7 /people/person/place_of_birth /m/01qh7 +/m/09ps01 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l34j /location/location/time_zones /m/02lcqs +/m/06yyp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0286hyp +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/01pkhw /people/person/gender /m/05zppz +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05sdxx /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/01hbq0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02d003 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_d4 /location/location/time_zones /m/02fqwt +/m/02f2p7 /people/person/gender /m/02zsn +/m/048tgl /music/artist/origin /m/0ply0 +/m/09fn1w /award/award_winning_work/awards_won./award/award_honor/award /m/03r8tl +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0cbkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019_1h +/m/022xml /organization/organization/headquarters./location/mailing_address/citytown /m/0_lr1 +/m/01ym8l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026t6 /music/instrument/instrumentalists /m/018y81 +/m/0l6m5 /olympics/olympic_games/sports /m/018jz +/m/03jj93 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bl2g +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/02d6c /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nrnz +/m/015196 /people/person/profession /m/09jwl +/m/0gk4g /people/cause_of_death/people /m/05kh_ +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/046f25 +/m/02_3zj /award/award_category/category_of /m/0gcf2r +/m/02q636 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/07c6l +/m/076tw54 /film/film/production_companies /m/09tlc8 +/m/09c7w0 /location/country/second_level_divisions /m/0nryt +/m/0144l1 /people/person/profession /m/039v1 +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05f4vxd /tv/tv_program/genre /m/04t36 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g4vmj8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ylxn +/m/023rwm /music/record_label/artist /m/03xhj6 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/0gtsx8c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0sx92 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/043kzcr /film/actor/film./film/performance/film /m/0fpmrm3 +/m/01j5ts /film/actor/film./film/performance/film /m/03cffvv +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09n48 /olympics/olympic_games/participating_countries /m/05bmq +/m/01wg3q /people/person/profession /m/09jwl +/m/0m_31 /people/person/profession /m/039v1 +/m/01vrz41 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/05bt6j /music/genre/artists /m/01fkxr +/m/09y6pb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/0br1w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j95 +/m/090gpr /people/person/religion /m/03j6c +/m/0343h /film/director/film /m/0dfw0 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/016sd3 /education/educational_institution/colors /m/06fvc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03x762 +/m/078sj4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/08n__5 /people/person/profession /m/09jwl +/m/08hsww /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/018_q8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0137n0 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/05pdd86 /film/film/country /m/09c7w0 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0c8tk +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01bn3l /film/film/produced_by /m/058frd +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/0373qt /education/educational_institution/students_graduates./education/education/student /m/03_87 +/m/02k54 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0hcm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/05sns6 /film/film/film_format /m/07fb8_ +/m/0bzm__ /time/event/instance_of_recurring_event /m/0g_w +/m/0g83dv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/019v67 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0422v0 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/02wvfxz /sports/sports_team/colors /m/083jv +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/0d06vc /film/film_subject/films /m/0404j37 +/m/0by17xn /film/film/language /m/02bjrlw +/m/05njw /organization/organization/place_founded /m/01n7q +/m/01pjr7 /film/actor/film./film/performance/film /m/025rxjq +/m/01w3lzq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048yqf /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0rh6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mpbx +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/0379s /people/person/gender /m/05zppz +/m/01clyr /music/record_label/artist /m/0130sy +/m/08cfr1 /film/film/genre /m/01t_vv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/02rkkn1 /tv/tv_program/languages /m/02h40lc +/m/0241wg /film/actor/film./film/performance/film /m/04q00lw +/m/02qr69m /film/film/genre /m/01jfsb +/m/012mrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05br10 +/m/03qjg /music/instrument/instrumentalists /m/02vr7 +/m/016yxn /film/film/genre /m/02n4kr +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/01rv7x /people/ethnicity/people /m/02n1p5 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/01wbg84 +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/032r1 /people/person/gender /m/05zppz +/m/05_z42 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/0184jc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04t2l2 /film/actor/film./film/performance/film /m/0h1x5f +/m/047jhq /people/person/languages /m/03k50 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/044l47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/06__m6 /film/film/genre /m/0gf28 +/m/05g7q /people/person/profession /m/0fj9f +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03x33n +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0bnzd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07nt8p +/m/0234pg /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/01323p /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lx2l +/m/016jny /music/genre/artists /m/0lgsq +/m/02ld6x /film/director/film /m/08s6mr +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/0dy68h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0r6c4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6ff +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127gn +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/079kdz /award/award_winner/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/0jnwx /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/02661h +/m/04jm_hq /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0mrq3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvlyt /people/person/gender /m/02zsn +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0h7h6 /sports/sports_team_location/teams /m/0j6tr +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/044mfr /people/person/nationality /m/09c7w0 +/m/0nv99 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/027jw0c /organization/organization/headquarters./location/mailing_address/citytown /m/02h6_6p +/m/0lwkh /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0721cy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05pdh86 /film/film/featured_film_locations /m/01vqq1 +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c9k8 /film/film/genre /m/04xvlr +/m/086hg9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/02c638 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/057lbk +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/032qgs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0582cf /film/actor/film./film/performance/film /m/03bx2lk +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03f1zhf /people/person/profession /m/03gjzk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d6hn +/m/028rk /people/person/profession /m/012qdp +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/06qd3 /media_common/netflix_genre/titles /m/0db94w +/m/01sxdy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ddjy /film/film/language /m/02h40lc +/m/02j69w /film/film/produced_by /m/03dbds +/m/0k3ll /location/us_county/county_seat /m/0pc7r +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/023gxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/04x56 +/m/02qjj7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/0jc6p /location/location/contains /m/010dft +/m/02fbpz /people/person/nationality /m/03rk0 +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/0vmt /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/0blfl /olympics/olympic_games/participating_countries /m/0154j +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0ggx5q /music/genre/artists /m/01trhmt +/m/0x67 /people/ethnicity/people /m/02pzc4 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/018ygt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016cjb /music/genre/artists /m/016376 +/m/06psyf /location/location/time_zones /m/03bdv +/m/04v8h1 /film/film/country /m/09c7w0 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02z9rr /film/film/produced_by /m/05nn4k +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0693l +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0hmtk +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127s7 +/m/026rm_y /award/award_winner/awards_won./award/award_honor/award_winner /m/0336mc +/m/01kjr0 /film/film/genre /m/0lsxr +/m/019rg5 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02xs5v /film/actor/film./film/performance/film /m/0btyf5z +/m/01vswwx /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/09c7w0 /location/country/second_level_divisions /m/0mn0v +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4kk +/m/01pk8v /people/person/nationality /m/02jx1 +/m/0f8l9c /media_common/netflix_genre/titles /m/02dpl9 +/m/017j69 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0219q /film/actor/film./film/performance/film /m/02_nsc +/m/0ggq0m /media_common/netflix_genre/titles /m/0267wwv +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gqr +/m/0fc2c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023vcd /film/film/production_companies /m/016tw3 +/m/01vswwx /people/person/gender /m/05zppz +/m/01wgcvn /film/actor/film./film/performance/film /m/0fpgp26 +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/01h18v /film/film/genre /m/07s9rl0 +/m/02prw4h /film/film/genre /m/04rlf +/m/026vcc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/029g_vk +/m/018417 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06tpmy /film/film/executive_produced_by /m/0g_rs_ +/m/05tbn /location/location/contains /m/0kdqw +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcp9b +/m/0ht8h /location/administrative_division/country /m/07ssc +/m/01jfsb /media_common/netflix_genre/titles /m/048htn +/m/02nt75 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0h1m9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03n6r +/m/06kl78 /film/film/country /m/0d060g +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0557yqh +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/025p38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tcgh +/m/04x4vj /film/film/written_by /m/07s93v +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/08433 +/m/09n48 /olympics/olympic_games/participating_countries /m/05b4w +/m/01hdht /organization/organization_founder/organizations_founded /m/09xwz +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05kr_ /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0j0k /location/location/contains /m/01xbgx +/m/0jm74 /sports/sports_team/colors /m/06fvc +/m/0fb7c /people/person/profession /m/01d_h8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1gz +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/04vcdj /film/actor/film./film/performance/film /m/08720 +/m/023p18 /education/educational_institution/students_graduates./education/education/student /m/05cqhl +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04y5j64 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/02xhpl +/m/02h7qr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/071nw5 /film/film/written_by /m/098n_m +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/019m60 /sports/sports_team/colors /m/083jv +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/013km /people/person/place_of_birth /m/0gqfy +/m/01h4rj /people/person/gender /m/05zppz +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/027r9t +/m/092ys_y /people/person/gender /m/05zppz +/m/02rv_dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/063fh9 /film/film/country /m/09c7w0 +/m/01p7yb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tvwy /people/person/profession /m/02hrh1q +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03l6q0 +/m/0ym20 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03qjg /music/instrument/instrumentalists /m/01l47f5 +/m/012q4n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013yq +/m/0fx2s /film/film_subject/films /m/03hkch7 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/01bbwp /people/person/profession /m/02jknp +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0524b41 +/m/01btyw /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/0bmh4 /people/person/languages /m/02h40lc +/m/0kbws /olympics/olympic_games/participating_countries /m/0345_ +/m/09vzz /education/educational_institution/students_graduates./education/education/student /m/0tfc +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04bjff /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03h8_g /people/person/profession /m/015cjr +/m/016ntp /people/person/nationality /m/02jx1 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/03qjg /music/instrument/instrumentalists /m/03mszl +/m/0ct2tf5 /film/film/genre /m/02kdv5l +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0x67 /people/ethnicity/people /m/03f19q4 +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/01bczm +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/02183k /education/university/fraternities_and_sororities /m/0325pb +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035dk +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/059j1m /film/actor/film./film/performance/film /m/034qzw +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02wvf2s +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/025czw +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/081k8 /people/person/profession /m/05z96 +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/02_fj /people/person/spouse_s./people/marriage/spouse /m/0btyl +/m/015g_7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mszz +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yt7 +/m/01skxk /music/genre/artists /m/01r0t_j +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kpvp +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/091tgz +/m/0pc_l /tv/tv_program/languages /m/02h40lc +/m/06mp7 /media_common/netflix_genre/titles /m/02gd6x +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01_s9q /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/077w0b +/m/0byfz /film/actor/film./film/performance/film /m/02qr3k8 +/m/0f0qfz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026hh0m /film/film/production_companies /m/05h4t7 +/m/0kqbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/034r25 /film/film/edited_by /m/04cy8rb +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/05cvgl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04kkz8 /film/film/genre /m/017fp +/m/0277j40 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0p_jc +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01bzs9 /education/educational_institution/school_type /m/05jxkf +/m/06s9y /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/020fcn /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0342h /music/instrument/instrumentalists /m/016t00 +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0gyh /location/location/contains /m/0q8s4 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/03jqfx /base/culturalevent/event/entity_involved /m/0cgs4 +/m/013b6_ /people/ethnicity/geographic_distribution /m/09c7w0 +/m/01vsn38 /film/actor/film./film/performance/film /m/032sl_ +/m/0gx9rvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l56b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9l1 +/m/0gcrg /film/film/language /m/02h40lc +/m/03npn /media_common/netflix_genre/titles /m/03cwwl +/m/0509bl /film/actor/film./film/performance/film /m/0b76kw1 +/m/0hskw /film/director/film /m/09qycb +/m/03n08b /film/actor/film./film/performance/film /m/0fpgp26 +/m/06ylv0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5dd +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/01k56k /people/person/place_of_birth /m/0cr3d +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vyw +/m/02t_st /film/actor/film./film/performance/film /m/03mh94 +/m/03rhqg /music/record_label/artist /m/011lvx +/m/0k29f /people/person/profession /m/0n1h +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/029_3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05h43ls /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02vmzp /people/person/sibling_s./people/sibling_relationship/sibling /m/021j72 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbwx +/m/01wqlc /music/genre/artists /m/012201 +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06krf3 +/m/0fgrm /film/film/genre /m/04rlf +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04vmqg +/m/03tf_h /people/person/profession /m/01d_h8 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0163kf +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/070fnm +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/04g9gd /film/film/country /m/07ssc +/m/0416y94 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05bmq /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fnmz /education/educational_institution/students_graduates./education/education/student /m/0p_47 +/m/032qgs /people/person/profession /m/039v1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0f5xn +/m/03zw80 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rrd4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tb7 +/m/06lht1 /film/actor/film./film/performance/film /m/07kdkfj +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/0cjdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/02nt3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0157m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07h5d /people/person/nationality /m/07ssc +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0m0jc /music/genre/parent_genre /m/06by7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02xbw2 /people/person/profession /m/0d1pc +/m/0l14j_ /music/instrument/instrumentalists /m/0fhxv +/m/09s5q8 /education/educational_institution/students_graduates./education/education/student /m/01rzxl +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01whvs +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04z257 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/037cr1 /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02b149 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0239zv /people/person/gender /m/05zppz +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0d6lp /sports/sports_team_location/teams /m/0713r +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02fy0z +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044mm6 +/m/0q19t /education/educational_institution/colors /m/019sc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ny6g +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/04sj3 /location/location/time_zones /m/0gsrz4 +/m/099p5 /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/02b185 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01rc4p /people/person/place_of_birth /m/094jv +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/03swmf /people/person/profession /m/02jknp +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/029_l /film/actor/film./film/performance/film /m/01rwyq +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/01w58n3 /people/person/religion /m/02vxy_ +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0mfj2 /film/actor/film./film/performance/film /m/09cxm4 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/010p3 +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/02wgln /people/person/profession /m/03gjzk +/m/04jn6y7 /film/film/country /m/07ssc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d_wms +/m/019rg5 /location/country/official_language /m/02h40lc +/m/06c44 /people/person/nationality /m/0345h +/m/01kph_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/016clz /music/genre/artists /m/01f2q5 +/m/0d05w3 /location/location/contains /m/01l3k6 +/m/02q5g1z /film/film/costume_design_by /m/02w0dc0 +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01c22t +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0217m9 /education/educational_institution/campuses /m/0217m9 +/m/07w21 /influence/influence_node/influenced_by /m/040db +/m/0284b56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/033tln /people/person/spouse_s./people/marriage/spouse /m/01qqtr +/m/01846t /film/actor/film./film/performance/film /m/017gl1 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0q_0z +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/01l1sq /music/group_member/membership./music/group_membership/role /m/04rzd +/m/0315q3 /people/person/nationality /m/09c7w0 +/m/0b_6h7 /time/event/locations /m/04gxf +/m/018_lb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01r7t9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/053ksp +/m/04n1hqz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07z6xs +/m/034m8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/016jny /music/genre/artists /m/016ntp +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l12d +/m/09c7w0 /location/country/second_level_divisions /m/0nh0f +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/06z4wj /people/deceased_person/place_of_death /m/02_286 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxlb +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x6m +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/017f4y +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/0p0cw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n_ps +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/053tj7 /film/film/genre /m/0219x_ +/m/01vh3r /film/actor/film./film/performance/film /m/09fqgj +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ccr8 +/m/0q9jk /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/06nm1 /language/human_language/countries_spoken_in /m/09c7w0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0x67 /people/ethnicity/people /m/015qq1 +/m/0ctb4g /film/film/production_companies /m/02j_j0 +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/0135xb +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/076zy_g /film/film/country /m/09c7w0 +/m/02g3mn /film/actor/film./film/performance/film /m/027qgy +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01csvq +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04d817 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/04s7y +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/04xhwn /film/actor/film./film/performance/film /m/02_1sj +/m/0bq4j6 /film/director/film /m/06929s +/m/03rjj /location/location/contains /m/0c630 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0mnz0 /location/us_county/county_seat /m/0mnzd +/m/0d8lm /music/instrument/instrumentalists /m/01nqfh_ +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h7bb +/m/045bg /influence/influence_node/influenced_by /m/02ln1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03tc8d +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01d1st +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01719t +/m/077w0b /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02yv6b /music/genre/artists /m/01l_w0 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01pj7 +/m/0564x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0534v +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/021_z5 /music/genre/artists /m/01wwvc5 +/m/09d38d /film/film/music /m/01_k71 +/m/0x67 /people/ethnicity/people /m/0g824 +/m/03s5t /location/location/contains /m/0f0z_ +/m/02rk23 /education/educational_institution_campus/educational_institution /m/02rk23 +/m/06t74h /film/actor/film./film/performance/film /m/011ycb +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qz6n +/m/08l0x2 /tv/tv_program/genre /m/07s9rl0 +/m/0d2fd7 /business/business_operation/industry /m/020mfr +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03m5y9p +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wrrm +/m/01xwv7 /influence/influence_node/influenced_by /m/0c5vh +/m/02pbp9 /people/person/profession /m/03gjzk +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/084m3 +/m/04ly1 /location/location/contains /m/013gz +/m/07kfzsg /award/award_category/disciplines_or_subjects /m/0w7c +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07_f2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01hlwv +/m/0827d /music/genre/artists /m/0kvjrw +/m/02b15x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bsl6 /base/biblioness/bibs_location/country /m/02wt0 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b25vg +/m/0_00 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0466k4 +/m/01k5t_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/0320jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/044mfr +/m/0169t /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01w02sy +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gxkm +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/04nrcg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/01jgpsh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/02sch9 /people/ethnicity/people /m/05yvfd +/m/03ckfl9 /music/genre/artists /m/0m19t +/m/04hk0w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nc3rh +/m/012j5h /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0p9qb /people/person/profession /m/02hrh1q +/m/01vv6xv /music/group_member/membership./music/group_membership/group /m/081wh1 +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/059_gf /film/actor/film./film/performance/film /m/0gvs1kt +/m/02mz_6 /people/person/profession /m/018gz8 +/m/01j5ql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/082_p /people/person/nationality /m/09c7w0 +/m/01p1v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0kqbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1hw +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/030ykh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/03s5t /location/location/time_zones /m/02lcqs +/m/0347db /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/06zn1c /film/film/genre /m/05p553 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01vwbts /people/person/nationality /m/02jx1 +/m/0gzy02 /film/film/language /m/04306rv +/m/05ml_s /film/actor/film./film/performance/film /m/06w99h3 +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/03rhqg +/m/01ppq /location/country/official_language /m/0349s +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0g9lm2 /film/film/genre /m/07s9rl0 +/m/03q1vd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fp_v1x /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/04t9c0 /film/film/language /m/02h40lc +/m/03kbb8 /film/actor/film./film/performance/film /m/043tvp3 +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/019kn7 /people/ethnicity/people /m/01m65sp +/m/01fkr_ /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07qg8v +/m/01xvjb /film/film/featured_film_locations /m/02_286 +/m/041xl /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0cbl95 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/069q4f /film/film/produced_by /m/02lf0c +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01hwkn /base/culturalevent/event/entity_involved /m/0kn4c +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/0c7xjb /people/person/employment_history./business/employment_tenure/company /m/015_1q +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0415ggl /film/film/country /m/09c7w0 +/m/02lnbg /music/genre/artists /m/06mt91 +/m/0f276 /film/actor/film./film/performance/film /m/02z3r8t +/m/0pz7h /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02grjf /education/educational_institution/colors /m/01l849 +/m/011_3s /people/person/profession /m/018gz8 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/017c87 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0y_pg /film/film/music /m/020fgy +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0345h /location/location/contains /m/06jtd +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/01k2wn +/m/019g65 /people/person/nationality /m/09c7w0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/016ypb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f8f7 /film/film/language /m/012w70 +/m/02hnl /music/instrument/instrumentalists /m/01w724 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01kjr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x1fq +/m/07b3r9 /people/person/religion /m/0c8wxp +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/05dppk +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05v38p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0257__ /award/award_category/winners./award/award_honor/award_winner /m/0hl3d +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/01lyv /music/genre/artists /m/01d4cb +/m/01w40h /music/record_label/artist /m/016890 +/m/01mkn_d /people/person/gender /m/05zppz +/m/0cyn3 /location/location/time_zones /m/02hcv8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01s7pm +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0199gx +/m/0bkg4 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02r5dz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01xmxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/032t2z /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jdgr +/m/01933d /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bw6y +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/071nw5 +/m/0bxg3 /film/film_subject/films /m/02xbyr +/m/01t2h2 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d1y7 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01wrwf +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284gc +/m/016z7s /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0c4f4 /people/person/gender /m/02zsn +/m/0c11mj /people/person/nationality /m/03rjj +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9b0 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/04xvlr /media_common/netflix_genre/titles /m/0pd6l +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/02w6bq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/05w3f /music/genre/artists /m/012vm6 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/041jlr /people/person/profession /m/02jknp +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/086m1 /base/culturalevent/event/entity_involved /m/0835q +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fb5 +/m/0fh2v5 /film/film/genre /m/06n90 +/m/0gs1_ /people/person/profession /m/02hrh1q +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/02bh8z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0cbkc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01d34b /education/educational_institution/school_type /m/0257h9 +/m/09v5bdn /people/ethnicity/people /m/01qscs +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/04jm_hq /film/film/genre /m/02l7c8 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02645b /people/person/gender /m/05zppz +/m/0jjy0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wqlc /music/genre/artists /m/03f4k +/m/04fcjt /music/record_label/artist /m/01wlt3k +/m/02l7c8 /media_common/netflix_genre/titles /m/07tj4c +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01bcq +/m/01vsy3q /people/person/profession /m/0dz3r +/m/01wk7ql /people/person/place_of_birth /m/0b28g +/m/03gkn5 /people/person/languages /m/02h40lc +/m/0gywn /music/genre/artists /m/0qf11 +/m/01qscs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02f_k_ /people/person/places_lived./people/place_lived/location /m/0rv97 +/m/03jj93 /film/actor/film./film/performance/film /m/0gtx63s +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/0hv4t /film/film/written_by /m/06b_0 +/m/08nvyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0jjy0 /film/film/genre /m/01jfsb +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0435vm /film/film/production_companies /m/01gb54 +/m/09vc4s /people/ethnicity/people /m/01qn8k +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bth54 +/m/064t9 /music/genre/artists /m/02vwckw +/m/01rv7x /people/ethnicity/people /m/0gp8sg +/m/02q5xsx /people/deceased_person/place_of_death /m/030qb3t +/m/0gl6f /education/educational_institution/colors /m/083jv +/m/0778p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0g8st4 /film/actor/film./film/performance/film /m/0prhz +/m/07l50vn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fq117k +/m/01_s9q /education/educational_institution/campuses /m/01_s9q +/m/05q54f5 /film/film/genre /m/02kdv5l +/m/07_l6 /music/instrument/instrumentalists /m/043d4 +/m/01wgcvn /people/person/place_of_birth /m/0hptm +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/02fz3w /people/person/nationality /m/07ssc +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/05kr_ +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fc32 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc2c +/m/07tgn /education/educational_institution/school_type /m/05jxkf +/m/01c1px /influence/influence_node/peers./influence/peer_relationship/peers /m/01c58j +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j4x +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ls53 +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0fvwg /location/location/time_zones /m/02hcv8 +/m/0d_kd /location/location/contains /m/01l8t8 +/m/0gppg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0blgl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/02_cx_ /education/educational_institution/students_graduates./education/education/student /m/06j8q_ +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b6mgp_ +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0498yf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0l8sx +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cv_2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/018grr /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0194xc +/m/04fcx7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fm6m +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/012z8_ /people/person/profession /m/01c72t +/m/01k2wn /organization/organization/headquarters./location/mailing_address/citytown /m/01p726 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02t_y3 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/02s7tr /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0413cff /film/film/genre /m/01jfsb +/m/02lnbg /music/genre/artists /m/03t9sp +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/01r93l /award/award_winner/awards_won./award/award_honor/award_winner /m/09l3p +/m/01q0kg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/06qm3 /media_common/netflix_genre/titles /m/0d87hc +/m/030dx5 /people/person/profession /m/018gz8 +/m/0gy0l_ /film/film/language /m/02h40lc +/m/03h_0_z /people/person/places_lived./people/place_lived/location /m/0vzm +/m/09rfh9 /film/film/genre /m/0lsxr +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01wrwf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/094jv +/m/0z90c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01f6x7 /film/film/genre /m/05p553 +/m/0h5jg5 /people/person/profession /m/03gjzk +/m/09btk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fh2v5 /film/film/film_format /m/07fb8_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01vvybv +/m/03_2y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pksh +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/01lct6 /award/award_winner/awards_won./award/award_honor/award_winner /m/05zjx +/m/024jwt /film/actor/film./film/performance/film /m/0dq626 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01xlqd /film/film/genre /m/05p553 +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r7pq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/027ffq +/m/07k8rt4 /film/film/country /m/09c7w0 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08phg9 +/m/0ftyc /base/biblioness/bibs_location/country /m/09c7w0 +/m/015_1q /music/record_label/artist /m/0bdlj +/m/01t38b /education/educational_institution_campus/educational_institution /m/01t38b +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01q7q2 /education/educational_institution/campuses /m/01q7q2 +/m/0d060g /location/location/contains /m/0jpkg +/m/0flpy /people/person/profession /m/01c72t +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01l1rw +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05ldnp +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/05k7sb /location/location/contains /m/0v0d9 +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04psyp +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/01p4vl +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/048vhl +/m/0gd0c7x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0322yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0mwcz /location/location/time_zones /m/02hcv8 +/m/0v9qg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013b6_ /people/ethnicity/people /m/0b78hw +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/06d4h /film/film_subject/films /m/02jxbw +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0bdxs5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03xnq9_ +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/02mt4k +/m/06x58 /film/actor/film./film/performance/film /m/0cmf0m0 +/m/02bg8v /film/film/language /m/02h40lc +/m/047c9l /film/actor/film./film/performance/film /m/07phbc +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0ffgh /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/01vdrw /people/person/profession /m/015btn +/m/0342h /music/instrument/instrumentalists /m/01kph_c +/m/0456xp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05bnp0 +/m/07rd7 /award/award_winner/awards_won./award/award_honor/award_winner /m/062cg6 +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m68w +/m/01n7q /location/administrative_division/first_level_division_of /m/09c7w0 +/m/024pcx /location/country/official_language /m/083tk +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/053y4h /film/actor/film./film/performance/film /m/0cfhfz +/m/0dq9p /people/cause_of_death/people /m/053yx +/m/01ngn3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015m08 +/m/0428bc /people/person/nationality /m/09c7w0 +/m/07ccs /organization/organization/headquarters./location/mailing_address/citytown /m/0_ytw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02wbnv +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/02_06s /film/film/language /m/02h40lc +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/07b_l /location/location/contains /m/013mj_ +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0p_47 /people/person/nationality /m/09c7w0 +/m/0948xk /people/person/place_of_birth /m/02m77 +/m/07yvsn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mwds /location/location/time_zones /m/02hcv8 +/m/04ghz4m /film/film/produced_by /m/04w1j9 +/m/07m_f /base/biblioness/bibs_location/country /m/0jdx +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/0137hn /people/person/sibling_s./people/sibling_relationship/sibling /m/016jfw +/m/0gvt53w /film/film/genre /m/07s9rl0 +/m/01q3_2 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0fz3b1 /film/film/genre /m/05p553 +/m/03_d0 /music/genre/artists /m/09hnb +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/016fnb +/m/03tn80 /film/film/executive_produced_by /m/030_3z +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/09k9d0 +/m/0g60z /tv/tv_program/genre /m/03mqtr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/09889g /people/person/profession /m/0fnpj +/m/0yzbg /film/film/genre /m/04xvlr +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btbyn +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06hx2 +/m/03m5k /music/instrument/family /m/0d8lm +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0cw3yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/01kqq7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/0h778 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0147dk /film/actor/film./film/performance/film /m/04y5j64 +/m/07cn2c /people/person/profession /m/02hrh1q +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/015qyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03l6bs /education/educational_institution/school_type /m/01rs41 +/m/0pz7h /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0c9k8 /film/film/language /m/02h40lc +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/02vmzp +/m/01z4y /media_common/netflix_genre/titles /m/013q0p +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/03mv0b /people/person/profession /m/01d_h8 +/m/0kb3n /people/person/profession /m/0cbd2 +/m/0721cy /people/person/gender /m/05zppz +/m/02114t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_9lg +/m/01d5vk /people/person/profession /m/01d_h8 +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/015882 +/m/04f525m /organization/organization/headquarters./location/mailing_address/state_province_region /m/02jx1 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0kvgtf /film/film/language /m/04306rv +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/06jkm /influence/influence_node/influenced_by /m/039n1 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/0bjkpt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0127gn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/09dt7 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0738b8 /people/person/profession /m/03gjzk +/m/042xrr /film/actor/film./film/performance/film /m/07h9gp +/m/0n22z /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cszh /music/record_label/artist /m/0b_xm +/m/04xvlr /media_common/netflix_genre/titles /m/032clf +/m/0fgpvf /film/film/language /m/02h40lc +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04nw9 /people/person/profession /m/03gjzk +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fb1q /people/person/place_of_birth /m/0cc56 +/m/03_d0 /music/genre/artists /m/01rm8b +/m/0pgm3 /people/person/place_of_birth /m/02_286 +/m/017d93 /film/film/produced_by /m/04wvhz +/m/04qy5 /award/award_category/winners./award/award_honor/award_winner /m/0hfml +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0j0k /location/location/contains /m/04hhv +/m/043mk4y /film/film/genre /m/01f9r0 +/m/0342h /music/instrument/instrumentalists /m/01309x +/m/0bs4r /film/film/language /m/03_9r +/m/0265vt /award/award_category/disciplines_or_subjects /m/014dfn +/m/02pz3j5 /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/0dryh9k /people/ethnicity/people /m/08vpjv +/m/01zcrv /tv/tv_network/programs./tv/tv_network_duration/program /m/05fgr_ +/m/02t_99 /people/person/profession /m/015cjr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03b04g +/m/0cj_v7 /sports/sports_team/colors /m/019sc +/m/05d6q1 /business/business_operation/industry /m/02vxn +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/021yc7p /people/person/gender /m/05zppz +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0klh7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01m42d0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07ssc /location/country/second_level_divisions /m/0ck6r +/m/03hxsv /film/film/country /m/07ssc +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/0flw6 /people/person/profession /m/01d_h8 +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/01l4zqz +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/0f2df +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0163t3 /people/person/place_of_birth /m/0n90z +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/017z49 /film/film/featured_film_locations /m/0k_q_ +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/09949m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0988cp /people/person/profession /m/0dxtg +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/02r34n /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gt14 /film/film/production_companies /m/017s11 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c602 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/0d060g /location/location/contains /m/018dcy +/m/0hsb3 /education/educational_institution/campuses /m/0hsb3 +/m/0j1z8 /location/location/contains /m/01f08r +/m/01h7bb /film/film/genre /m/04xvh5 +/m/01xq8v /film/film/language /m/0349s +/m/03tdlh /film/actor/film./film/performance/film /m/0qmjd +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/06vbd /location/location/time_zones /m/03plfd +/m/01hmnh /media_common/netflix_genre/titles /m/01qxc7 +/m/045xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0661m4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01kwsg /film/actor/film./film/performance/film /m/04ynx7 +/m/049ql1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02z3r8t +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/044mz_ /people/person/gender /m/05zppz +/m/05sy_5 /film/film/genre /m/07s9rl0 +/m/04rfq /people/deceased_person/place_of_burial /m/018mmj +/m/0162c8 /people/person/nationality /m/09c7w0 +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1ysd +/m/02b168 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01jszm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hg45 /medicine/disease/risk_factors /m/0k95h +/m/02vz6dn /film/film/genre /m/02l7c8 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yc7p +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w3r +/m/0j6cj /music/group_member/membership./music/group_membership/group /m/0cfgd +/m/021vwt /people/person/gender /m/05zppz +/m/03b8c4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01nkcn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06m6p7 /people/person/places_lived./people/place_lived/location /m/07bcn +/m/011wtv /film/film/genre /m/02xh1 +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0htww +/m/04k9y6 /film/film/genre /m/07s9rl0 +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/0677j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0167v4 /people/person/profession /m/0n1h +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/019r_1 /people/person/profession /m/02jknp +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/06myp /influence/influence_node/influenced_by /m/03pm9 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/050xxm /film/film/genre /m/01hmnh +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06m6z6 +/m/032_wv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m883 +/m/02zc7f /education/educational_institution/school_type /m/05jxkf +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/04t969 /people/person/places_lived./people/place_lived/location /m/0cm5m +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05w3y +/m/06j6l /music/genre/artists /m/0bqsy +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01q7q2 /education/educational_institution_campus/educational_institution /m/01q7q2 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0155w /music/genre/artists /m/07mvp +/m/01qbjg /people/person/gender /m/05zppz +/m/026m3y /education/educational_institution_campus/educational_institution /m/026m3y +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/03yvgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049bmk +/m/09zw90 /people/person/profession /m/03gjzk +/m/06t8b /people/person/profession /m/0dxtg +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07c72 +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01qdjm +/m/0psss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013q07 /film/film/executive_produced_by /m/03c9pqt +/m/03rz2b /film/film/genre /m/05p553 +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/056zdj +/m/04cj79 /film/film/genre /m/07s9rl0 +/m/084nh /people/person/profession /m/0cbd2 +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0582cf /film/actor/film./film/performance/film /m/02qhqz4 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/015x74 +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/062cg6 /people/person/gender /m/05zppz +/m/08z129 /dataworld/gardening_hint/split_to /m/08z129 +/m/09c7w0 /location/location/contains /m/02rv1w +/m/049gc /influence/influence_node/influenced_by /m/03_87 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/029k55 /film/actor/film./film/performance/film /m/02sfnv +/m/0bdjd /film/film/produced_by /m/027kmrb +/m/01719t /film/film/produced_by /m/04y8r +/m/01l1hr /people/person/profession /m/0kyk +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02_fm2 /film/film/story_by /m/06lbp +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07sgfsl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/05k79 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/036hf4 /people/person/gender /m/05zppz +/m/0f1vrl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063b4k /people/person/places_lived./people/place_lived/location /m/01btyw +/m/07w3r /education/educational_institution/campuses /m/07w3r +/m/05kkh /location/location/contains /m/0yvjx +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0p9gg +/m/02js_6 /film/actor/film./film/performance/film /m/0661m4p +/m/03l3jy /film/actor/film./film/performance/film /m/08phg9 +/m/03hnd /people/person/profession /m/0d8qb +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/02y0yt /people/person/nationality /m/09c7w0 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0k20s /film/film/country /m/0h3y +/m/02r34n /people/person/nationality /m/09c7w0 +/m/016jny /music/genre/artists /m/0b_j2 +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c8tkt +/m/0191h5 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0symg +/m/06mx8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/035yn8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/0bvls5 /people/person/gender /m/05zppz +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/02bfxb +/m/0581vn8 /film/film/country /m/0ctw_b +/m/05cj4r /film/actor/film./film/performance/film /m/0sxg4 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07l75 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/0bl1_ /film/film/featured_film_locations /m/02_286 +/m/0bv8h2 /film/film/genre /m/060__y +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/010hn +/m/01s0ps /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/03lty /music/genre/artists /m/04b7xr +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/0272vm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/03xx3m /people/person/place_of_birth /m/01_d4 +/m/01tt43d /film/actor/film./film/performance/film /m/02754c9 +/m/013xrm /people/ethnicity/people /m/03_f0 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06chvn /people/person/profession /m/01d_h8 +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0k39j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kqq7 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07lp1 /people/person/profession /m/0cbd2 +/m/0bt23 /people/person/profession /m/0kyk +/m/0kryqm /people/person/gender /m/05zppz +/m/01pk3z /people/person/profession /m/02hrh1q +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g83dv +/m/051ys82 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09g8vhw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/026_w57 /film/actor/film./film/performance/film /m/01s7w3 +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01w60_p /film/actor/film./film/performance/film /m/01jnc_ +/m/02ctyy /people/person/gender /m/02zsn +/m/04b19t /people/person/profession /m/02jknp +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023zsh +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/027x4ws /award/award_category/disciplines_or_subjects /m/0dwly +/m/05mlqj /people/person/nationality /m/09c7w0 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01g3gq +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/0l99s +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03z1c5 +/m/03vrp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n7q /location/location/contains /m/020923 +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0b6mgp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0c94fn +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/03lq43 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04dn71w /media_common/netflix_genre/titles /m/06x77g +/m/01jr4j /film/film/language /m/02h40lc +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0219q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1d0 +/m/04bdzg /people/person/place_of_birth /m/0ftvg +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/01swdw /organization/organization/place_founded /m/0gp5l6 +/m/0170s4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c3p7 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/03v0t /location/location/contains /m/0jpn8 +/m/023kzp /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0191h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_rz +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029q_y +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/015t7v /people/person/profession /m/02hrh1q +/m/0f0kz /film/actor/film./film/performance/film /m/050xxm +/m/0njcw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xbq3 /tv/tv_program/languages /m/0t_2 +/m/01jzyx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04qdj +/m/0jz71 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0509cr /music/genre/artists /m/016376 +/m/082db /people/person/profession /m/01c72t +/m/033hn8 /music/record_label/artist /m/01jcxwp +/m/0fby2t /people/person/gender /m/05zppz +/m/01fkv0 /people/person/nationality /m/02jx1 +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04411 /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0jsg0m /music/group_member/membership./music/group_membership/role /m/05r5c +/m/05slvm /people/person/place_of_birth /m/0b1t1 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/01385g /people/person/profession /m/02hrh1q +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsn38 +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/046chh /people/person/gender /m/05zppz +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/017_pb +/m/0bdxs5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wb6yq +/m/016yzz /people/person/languages /m/02h40lc +/m/03x6xl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/011yph /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03_gz8 /film/film/genre /m/017fp +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/02hwyss /language/human_language/countries_spoken_in /m/01znc_ +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/02lt8 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/04xvlr /media_common/netflix_genre/titles /m/01242_ +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/01j_5k /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0g4pl7z /film/film/language /m/064_8sq +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/03bxp5 /film/film/genre /m/04xvlr +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/024cg8 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj3b3 +/m/05njw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/01f07x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lbl6 /base/aareas/schema/administrative_area/capital /m/0l3cy +/m/03ds83 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02t_vx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033db3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/0jrqq /film/director/film /m/05qbbfb +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/03_fmr /organization/organization/headquarters./location/mailing_address/citytown /m/0cr3d +/m/02d45s /people/person/profession /m/02hrh1q +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/02xs5v /people/person/nationality /m/06q1r +/m/06vv_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01n4f8 +/m/0181dw /music/record_label/artist /m/01qmy04 +/m/088q1s /location/country/form_of_government /m/018wl5 +/m/02qk2d5 /sports/sports_team/sport /m/039yzs +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/032r1 +/m/061zc_ /people/person/profession /m/01d_h8 +/m/0bq0p9 /location/country/capital /m/0dlv0 +/m/0qr4n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/03l7tr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07_f2 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/034m8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v8y9 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01gg59 /people/person/profession /m/01c8w0 +/m/05f67hw /film/film/language /m/02h40lc +/m/02_sr1 /film/film/country /m/03h64 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/076xkdz /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/0h3mrc /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0d0l91 +/m/016ynj /people/person/gender /m/05zppz +/m/03f0r5w /film/actor/film./film/performance/film /m/03b_fm5 +/m/01s1zk /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0bmc4cm /film/film/genre /m/03q4nz +/m/01m65sp /people/person/gender /m/05zppz +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/02snj9 +/m/02f9wb /people/person/profession /m/0cbd2 +/m/01q_ph /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/0879xc /people/person/profession /m/0gl2ny2 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/04xvlr /media_common/netflix_genre/titles /m/02kfzz +/m/01jft4 /film/film/country /m/09c7w0 +/m/06pwq /organization/organization/headquarters./location/mailing_address/citytown /m/01zqy6t +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/01jfrg +/m/05v954 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/096hm /people/person/profession /m/03gjzk +/m/02pr67 /award/award_category/winners./award/award_honor/award_winner /m/07k2d +/m/04ykz /location/location/time_zones /m/02fqwt +/m/03gvt /music/instrument/instrumentalists /m/021r7r +/m/01ypsj /people/person/gender /m/02zsn +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/09v6tz +/m/0k60 /people/person/profession /m/09jwl +/m/0lx2l /film/actor/film./film/performance/film /m/047p7fr +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/0f2rq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0__wm +/m/044ntk /people/person/profession /m/02jknp +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/027l0b /award/award_winner/awards_won./award/award_honor/award_winner /m/052hl +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/01tspc6 /film/actor/film./film/performance/film /m/011yg9 +/m/024dgj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/016xh5 /people/person/nationality /m/07ssc +/m/0jfvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015m08 +/m/03rk0 /media_common/netflix_genre/titles /m/07vfy4 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02bgmr /music/artist/origin /m/01ly5m +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/015g1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0g5pvv /film/film/genre /m/018td +/m/05f4vxd /tv/tv_program/genre /m/07qht4 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zs4 +/m/02bh9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yd8v +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/0372kf /film/actor/film./film/performance/film /m/05q4y12 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/0gg8z1f /film/film/country /m/06mkj +/m/03f0fnk /music/group_member/membership./music/group_membership/role /m/0342h +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01p1b /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/05fcbk7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cbm64 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01dq0z /education/educational_institution/campuses /m/01dq0z +/m/05cv94 /organization/organization_founder/organizations_founded /m/020h2v +/m/067nsm /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/012wgb /location/location/contains /m/03rt9 +/m/01y9r2 /film/film/genre /m/07s9rl0 +/m/01gvpz /film/film/genre /m/07s9rl0 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm64 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d060g +/m/08q3s0 /people/person/place_of_birth /m/09c7w0 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0x2p /sports/sports_team/sport /m/018jz +/m/04l7mn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0335fp /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/05dl1s +/m/01bczm /people/person/profession /m/016z4k +/m/085gk /people/person/places_lived./people/place_lived/location /m/0pzmf +/m/01wvxw1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0154qm /people/person/place_of_birth /m/0chgzm +/m/0nr_q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0klh7 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01900g /film/actor/film./film/performance/film /m/0234j5 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p87y +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/02hy5d /people/person/profession /m/04gc2 +/m/04t36 /media_common/netflix_genre/titles /m/03hfmm +/m/0jrqq /film/actor/film./film/performance/film /m/02pxmgz +/m/01hw5kk /film/film/genre /m/01hmnh +/m/0cc97st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/01pctb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016xh5 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/013zyw /film/actor/film./film/performance/film /m/0prrm +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/01kh2m1 +/m/047p7fr /film/film/genre /m/05c3mp2 +/m/06qd3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/03clrng /people/person/profession /m/0dxtg +/m/0163v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02qkt /location/location/contains /m/05b4w +/m/0b1s_q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01wwvd2 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/02q_4ph /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02cx90 /people/person/profession /m/029bkp +/m/06ls0l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/0d87hc /film/film/genre /m/06cvj +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/06mp7 /media_common/netflix_genre/titles /m/064n1pz +/m/06rkfs /education/educational_institution/students_graduates./education/education/student /m/015wfg +/m/0gthm /people/person/nationality /m/09c7w0 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dmn0x +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/02tc5y +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/033m23 /people/person/gender /m/02zsn +/m/0gd0c7x /film/film/written_by /m/0697kh +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031778 +/m/0cv72h /sports/pro_athlete/teams./sports/sports_team_roster/team /m/051q5 +/m/05dbf /film/actor/film./film/performance/film /m/04w7rn +/m/01f7jt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/027dpx /people/person/gender /m/05zppz +/m/03cd0x /film/film/genre /m/04pbhw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0h3mh3q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027_tg +/m/051_y /people/cause_of_death/people /m/012z8_ +/m/09gb_4p /film/film/genre /m/03k9fj +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5879y +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0k7pf +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02ldv0 /people/person/nationality /m/09c7w0 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/06nm1 /language/human_language/countries_spoken_in /m/01p1v +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050zr4 +/m/01hnb /education/educational_institution/school_type /m/01rs41 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/06kl78 /film/film/language /m/06mp7 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0ktpx /film/film/genre /m/060__y +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026hh0m +/m/0gm34 /people/person/gender /m/05zppz +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03bxp5 +/m/031n8c /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/017xm3 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bbvr84 +/m/0f0y8 /music/artist/contribution./music/recording_contribution/performance_role /m/06ncr +/m/0233qs /music/genre/artists /m/03f0qd7 +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/03npn /media_common/netflix_genre/titles /m/080dfr7 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/01ptt7 /education/educational_institution/students_graduates./education/education/student /m/0btxr +/m/0fh2v5 /film/film/production_companies /m/04rtpt +/m/06l7jj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02ky346 +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/01cx_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01jfrg +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/04s9n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dptj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/0342h /music/instrument/instrumentalists /m/02jq1 +/m/011k1h /music/record_label/artist /m/01wbz9 +/m/01pjr7 /people/person/profession /m/01d_h8 +/m/078mm1 /film/film/genre /m/07s9rl0 +/m/05fjy /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_j_z /location/hud_county_place/county /m/0mw5x +/m/0y3_8 /music/genre/parent_genre /m/05c6073 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01vsy7t /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/046qq /people/person/profession /m/01d_h8 +/m/01xdxy /film/film/language /m/02h40lc +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/05z43v /film/film/genre /m/017fp +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/018vs /music/instrument/instrumentalists /m/01bpc9 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/01633c /film/film/genre /m/05p553 +/m/03kfl /location/location/time_zones /m/02llzg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03c0vy +/m/07ghq /film/film/genre /m/02kdv5l +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/0fnyc /base/biblioness/bibs_location/country /m/035dk +/m/02k_kn /music/genre/artists /m/03t852 +/m/011wtv /film/film/production_companies /m/016tt2 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/02d6n_ +/m/014d4v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0315w4 /film/film/genre /m/01hmnh +/m/06kb_ /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0992d9 /film/film/language /m/0349s +/m/02qkwl /film/film/genre /m/01jfsb +/m/0fjyzt /film/film/written_by /m/04r7jc +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/073bb /influence/influence_node/influenced_by /m/080r3 +/m/02__34 /film/film/featured_film_locations /m/080h2 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/02_fj /people/person/profession /m/01d_h8 +/m/012rng /people/person/nationality /m/0d060g +/m/02gl58 /tv/tv_program/country_of_origin /m/09c7w0 +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vz80y +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/04gc65 /film/actor/film./film/performance/film /m/027m5wv +/m/04xvlr /media_common/netflix_genre/titles /m/08mg_b +/m/0277j40 /film/film/production_companies /m/0g1rw +/m/01x96 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5y4 +/m/0319l /dataworld/gardening_hint/split_to /m/0319l +/m/0n0bp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0jqzt /film/film/genre /m/06n90 +/m/03knl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/056k77g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dg3n1 /location/location/contains /m/07p7g +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vh83 +/m/0jqp3 /film/film/featured_film_locations /m/0fr0t +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/033g4d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033g4d /film/film/country /m/09c7w0 +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/01hq1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/02g1jh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vbf /base/culturalevent/event/entity_involved /m/012bk +/m/07s2s /film/film_subject/films /m/03fts +/m/0bs09lb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0bcp9b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qgqt /film/actor/film./film/performance/film /m/0gvt53w +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/02w86hz /film/film/film_format /m/0cj16 +/m/01_x6v /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/04__f /film/actor/film./film/performance/film /m/044g_k +/m/0p_rk /film/film/genre /m/02l7c8 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0284h6 +/m/013ybx /people/person/profession /m/02hrh1q +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/028pzq /people/person/languages /m/02h40lc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/017l96 /music/record_label/artist /m/017g21 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0d_2fb /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0m27n /location/us_county/county_seat /m/0d35y +/m/03qjg /music/instrument/instrumentalists /m/02vcp0 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/06npd /location/location/contains /m/015g7 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/02m0b0 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kqj1 +/m/06by7 /music/genre/artists /m/0kr_t +/m/03fwln /people/person/languages /m/03k50 +/m/0pd4f /film/film/music /m/023361 +/m/03ccq3s /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/018gkb /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0mdqp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03m8lq +/m/020_95 /film/actor/film./film/performance/film /m/0422v0 +/m/054187 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/01gwck /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0hsmh +/m/012_53 /people/person/profession /m/012t_z +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09y6pb +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/018vs +/m/0456zg /film/film/music /m/01kx_81 +/m/04x56 /influence/influence_node/influenced_by /m/041xl +/m/02z0j /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0pmhf /film/actor/film./film/performance/film /m/01718w +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01z_jj /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/034qzw /film/film/produced_by /m/05ty4m +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/0bm70b /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/07s6tbm /people/person/profession /m/03gjzk +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/02f764 /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/064t9 /music/genre/artists /m/02mslq +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04mz10g +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/02l3_5 +/m/07w8fz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05wjnt /film/actor/film./film/performance/film /m/04gv3db +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/059kh /music/genre/artists /m/017_hq +/m/01p85y /film/actor/film./film/performance/film /m/03bzyn4 +/m/03yfh3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ktx_ /film/film/music /m/07z4fy +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/04lgq +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/03v0t /location/location/contains /m/0sg6b +/m/059j4x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/011j5x /music/genre/artists /m/016vn3 +/m/0dc_ms /film/film/genre /m/02kdv5l +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/051y1hd /film/film_set_designer/film_sets_designed /m/01lsl +/m/02x8z_ /people/person/nationality /m/09c7w0 +/m/09p35z /film/film/produced_by /m/01j2xj +/m/01c58j /people/person/employment_history./business/employment_tenure/company /m/03yxwq +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02j9lm +/m/04snp2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/018vs /music/instrument/instrumentalists /m/01mwsnc +/m/0b05xm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0gy6z9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/04twmk /people/person/profession /m/02hrh1q +/m/01n7q /location/location/contains /m/0r1jr +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/020vx9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02fqxm /film/film/genre /m/0hn10 +/m/0gfsq9 /film/film/genre /m/060__y +/m/015pkt /olympics/olympic_games/sports /m/01dys +/m/01m4yn /people/person/nationality /m/03rjj +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/018wng /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/0g4vmj8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013cr +/m/0fphf3v /film/film/produced_by /m/03c9pqt +/m/02wr2r /people/person/profession /m/0dxtg +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08k881 +/m/0250f /people/person/profession /m/01d_h8 +/m/02q4mt /film/actor/film./film/performance/film /m/0320fn +/m/03pmty /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0nbzp /location/hud_county_place/county /m/0n5xb +/m/067sqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284h6 +/m/01242_ /film/film/genre /m/07s9rl0 +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02rky4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/04yc76 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/097df /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/02t_w8 /film/actor/film./film/performance/film /m/01hp5 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06q8qh /film/film/genre /m/05p553 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01__z0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016j2t /people/person/profession /m/016z4k +/m/03dbds /people/person/place_of_birth /m/03l2n +/m/0f0qfz /people/person/gender /m/05zppz +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07ftc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/01w9mnm /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02z_b +/m/07jrjb /people/person/nationality /m/09c7w0 +/m/0q5hw /people/person/place_of_birth /m/0cr3d +/m/04jhp /organization/organization/headquarters./location/mailing_address/citytown /m/03zv2t +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwmp +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gj50 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/01wttr1 /people/person/languages /m/03k50 +/m/07jnt /film/film/production_companies /m/031rq5 +/m/042g97 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042fgh +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/059m45 /people/person/profession /m/02hrh1q +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/01hw6wq /people/person/profession /m/039v1 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01ls2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/036b_ +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/0h6rm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/0m7d0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fmc5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0x3b7 /people/person/profession /m/016z4k +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ykg +/m/02_n7 /location/hud_county_place/place /m/02_n7 +/m/0sgxg /location/location/time_zones /m/02fqwt +/m/0yjvm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/040hg8 /location/location/contains /m/01tsq8 +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/026qnh6 /film/film/genre /m/03k9fj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02p8q1 +/m/01tf_6 /people/cause_of_death/people /m/01w9ph_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/043t1s +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0qmjd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/03gfvsz /broadcast/content/artist /m/02h9_l +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/018jcq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/08vk_r /sports/sports_team/colors /m/06fvc +/m/01jkqfz /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/0fphf3v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05q2c /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04xvlr /media_common/netflix_genre/titles /m/026qnh6 +/m/02g3w /people/person/profession /m/0dxtg +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/0_lr1 /location/location/contains /m/022xml +/m/0182r9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06mz5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ykg +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/05r3qc +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/065_cjc /film/film/production_companies /m/02j_j0 +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02r6mf /music/genre/artists /m/06449 +/m/027xq5 /education/educational_institution_campus/educational_institution /m/027xq5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vhb +/m/05g76 /sports/sports_team/sport /m/018jz +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/034b6k /film/film/language /m/02h40lc +/m/0gyy53 /film/film/genre /m/04xvlr +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0l0wv +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fq1y +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kr_t +/m/01qdhx /education/educational_institution/colors /m/06fvc +/m/05b7q /location/country/form_of_government /m/01fpfn +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mcw4 +/m/01vsl3_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/02byfd /people/person/place_of_birth /m/030qb3t +/m/0cttx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv81 +/m/0287xhr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03kmyy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/016dp0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cl8lb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fmw_ +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/03d0d7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02pxst /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03w9sgh /award/award_winner/awards_won./award/award_honor/award_winner /m/0261g5l +/m/04j1n8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/022_lg +/m/0gyy53 /film/film/language /m/02h40lc +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/022fj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/028cg00 /film/film/genre /m/03npn +/m/01v80y /people/person/gender /m/05zppz +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/013gwb +/m/0gyh2wm /film/film/language /m/02h40lc +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/09p35z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/05qkp /location/country/form_of_government /m/01fpfn +/m/0d_2fb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02j490 /people/person/places_lived./people/place_lived/location /m/027l4q +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/06c0ns +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcwq0 +/m/04255q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dw4b0 /film/film/genre /m/03bxz7 +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/091xrc /film/film/music /m/01nc3rh +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/036gdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/082scv +/m/0136p1 /people/person/places_lived./people/place_lived/location /m/0345h +/m/0dh8v4 /film/film/genre /m/0jxy +/m/0rs6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04_1l0v /location/location/time_zones /m/02hcv8 +/m/09vc4s /people/ethnicity/people /m/0169dl +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/02773nt /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/025m98 /award/award_category/category_of /m/0c4ys +/m/02vxyl5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02jx1 /location/location/contains /m/04lh6 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047gpsd +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/05jm7 /influence/influence_node/influenced_by /m/02465 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0l6px /people/person/gender /m/02zsn +/m/01vswx5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_jjm /education/educational_institution/school_type /m/05jxkf +/m/015_1q /music/record_label/artist /m/0130sy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0y_hb /film/film/genre /m/01f9r0 +/m/09fqgj /film/film/genre /m/07s9rl0 +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/0mm_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0ctwqs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/02v8kmz /film/film/music /m/02sjp +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/016t0h +/m/026w_gk /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/09pxc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/01wdqrx /people/person/profession /m/09jwl +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0mhfr /music/genre/artists /m/0pkyh +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032xhg +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0bykpk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02y8bn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09fb5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/036nz /education/field_of_study/students_majoring./education/education/major_field_of_study /m/09s1f +/m/024lt6 /film/film/language /m/064_8sq +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0bvzp +/m/02_0d2 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/04328m /people/person/gender /m/02zsn +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/0gkydb /film/actor/film./film/performance/film /m/043tz0c +/m/0mfc0 /people/person/gender /m/05zppz +/m/03cdg /influence/influence_node/influenced_by /m/08304 +/m/0bx9y /base/biblioness/bibs_location/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/02klny +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/016ggh /film/actor/film./film/performance/film /m/03lvwp +/m/02rchht /people/person/place_of_birth /m/0cr3d +/m/01p7x7 /education/educational_institution/school_type /m/01rs41 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0161c +/m/07c2wt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0jk_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0df4y +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/03yfh3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07jqjx /film/film/country /m/01mjq +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dx8gj +/m/0ghvb /organization/organization/headquarters./location/mailing_address/state_province_region /m/03s0w +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/01mhwk /time/event/instance_of_recurring_event /m/0c4ys +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05vz3zq +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ffx4 +/m/05bt6j /music/genre/artists /m/02qwg +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03v9yw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0d8lm +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05rznz +/m/02dlfh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/03205_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0c3p7 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z43 +/m/06gb2q /people/person/profession /m/0dxtg +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/01t9qj_ /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/015ynm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nfys /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/041h0 /people/person/gender /m/05zppz +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/02l0xc /people/person/nationality /m/09c7w0 +/m/072x7s /film/film/language /m/06b_j +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01vsy7t +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/027ydt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/03j_hq +/m/0cm03 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02gl58 /tv/tv_program/genre /m/01hmnh +/m/02v0ff /people/person/nationality /m/09c7w0 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/01f8gz /film/film/film_production_design_by /m/03cp7b3 +/m/047wh1 /film/film/music /m/02bh9 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/06mnps /film/actor/film./film/performance/film /m/0ctb4g +/m/0cm03 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/07wlt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/012dr7 /people/person/spouse_s./people/marriage/spouse /m/0c2ry +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02whj /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/05nzw6 /film/actor/film./film/performance/film /m/011yth +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02qgyv /film/actor/film./film/performance/film /m/049xgc +/m/0dn3n /film/actor/film./film/performance/film /m/03nqnnk +/m/01t38b /organization/organization/headquarters./location/mailing_address/citytown /m/0m75g +/m/037w7r /people/person/profession /m/02hrh1q +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/025sc50 /music/genre/artists /m/01w61th +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/05tk7y /film/actor/film./film/performance/film /m/020bv3 +/m/039n1 /influence/influence_node/influenced_by /m/0372p +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/032md /people/person/place_of_birth /m/0fhp9 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/017ztv +/m/06pwq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/06v41q /people/ethnicity/people /m/01twdk +/m/0bgrsl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03y317 +/m/01lyv /music/genre/artists /m/0137n0 +/m/01fs_4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029q_y +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/047g8h +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0pz7h +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/07ssc /media_common/netflix_genre/titles /m/01c9d +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0bmh4 /people/person/nationality /m/02jx1 +/m/01pgk0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019n7x +/m/04lhc4 /film/film/production_companies /m/016tw3 +/m/0sxlb /film/film/genre /m/07s9rl0 +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0h7pj +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/048_p +/m/01vw26l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/0qmjd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/0bbgvp /film/film/featured_film_locations /m/03gh4 +/m/051zy_b /film/film/genre /m/01jfsb +/m/0627zr /people/person/profession /m/018gz8 +/m/01s7ns /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgk0 +/m/01s7zw /film/actor/film./film/performance/film /m/01s7w3 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/0d_84 /people/person/gender /m/05zppz +/m/0b76kw1 /film/film/executive_produced_by /m/05sdxx +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0234j5 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026fs38 +/m/01ts_3 /film/director/film /m/07j8r +/m/02w7gg /people/ethnicity/people /m/03y_46 +/m/0p9lw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b0yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fwc0 /location/hud_county_place/county /m/0fwc0 +/m/01k9cc /sports/sports_team/sport /m/02vx4 +/m/06t61y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/017vkx /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01n44c /people/deceased_person/place_of_death /m/02_286 +/m/025sc50 /music/genre/artists /m/013v5j +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/06gd4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02b07b /business/business_operation/industry /m/01mw1 +/m/029q_y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g8h /film/actor/film./film/performance/film /m/06w839_ +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08s_lw +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/03f4w4 +/m/0c1fs /influence/influence_node/influenced_by /m/03jxw +/m/0fb7c /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01fh0q /people/person/nationality /m/09c7w0 +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1j1 +/m/0cx2r /location/location/time_zones /m/02llzg +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/02s6sh /people/person/nationality /m/09c7w0 +/m/03tf_h /people/person/profession /m/0dxtg +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/026l37 /film/actor/film./film/performance/film /m/02ppg1r +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/01ksz9 /music/record_label/artist /m/03f0fnk +/m/0180w8 /people/person/profession /m/016z4k +/m/048kw /location/location/contains /m/0g9fm +/m/0gtvpkw /film/film/language /m/02h40lc +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/02r2qt7 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01mskc3 /people/person/place_of_birth /m/09b8m +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01vnt4 /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/095z4q /film/film/genre /m/0hn10 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/03x33n /education/educational_institution/colors /m/07plts +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03csqj4 +/m/0f0p0 /film/actor/film./film/performance/film /m/02z44tp +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dfw0 +/m/033rq /people/person/profession /m/02jknp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01wyzyl +/m/0l6wj /film/director/film /m/0bmpm +/m/01jw4r /film/actor/film./film/performance/film /m/0gmgwnv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4vx +/m/02ptczs /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/015zyd /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ft14 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04hw4b +/m/048_lz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gjvqm /film/actor/film./film/performance/film /m/07kdkfj +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01shy7 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01dw_f /people/person/profession /m/09jwl +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02zcz3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b2np +/m/0xr0t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vjp3 /film/film/produced_by /m/01r93l +/m/093142 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02l424 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/05j9_f /award/award_category/disciplines_or_subjects /m/04g51 +/m/03wj4r8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cj6y +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0f8j13 /film/film/language /m/02h40lc +/m/0dl5d /music/genre/artists /m/0bkg4 +/m/0564mx /people/person/profession /m/0cbd2 +/m/02zft0 /award/award_winner/awards_won./award/award_honor/award_winner /m/012ky3 +/m/0j5b8 /people/person/religion /m/0c8wxp +/m/045g4l /people/person/sibling_s./people/sibling_relationship/sibling /m/02cvp8 +/m/01h910 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029_3 +/m/06rvn /music/instrument/family /m/026t6 +/m/0cc846d /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/09l3p /film/actor/film./film/performance/film /m/0bz3jx +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/05jx5r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04g9sq /people/person/place_of_birth /m/013mzh +/m/0466hh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/013q0p /film/film/genre /m/0gf28 +/m/0462hhb /film/film/genre /m/060__y +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0ly5n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zn7g /film/actor/film./film/performance/film /m/01k0vq +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/07zqnm /sports/sports_team/sport /m/02vx4 +/m/059fjj /film/actor/film./film/performance/film /m/02p86pb +/m/017371 /music/genre/artists /m/07h76 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/02_sr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/01x5fb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/031hcx +/m/01pcq3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018db8 +/m/06gjk9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wrcxr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvpz +/m/09lgt /base/aareas/schema/administrative_area/administrative_parent /m/0d8h4 +/m/04q24zv /film/film/genre /m/03k9fj +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7h6 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/04s5_s /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02qkt /location/location/contains /m/01z88t +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/08pth9 /people/person/profession /m/02hrh1q +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0d3mlc /people/person/gender /m/05zppz +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0ms1n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wd9lv /people/person/profession /m/01d_h8 +/m/02z9rr /film/film/produced_by /m/0127m7 +/m/0277j40 /film/film/story_by /m/025b3k +/m/0349s /language/human_language/countries_spoken_in /m/0jdx +/m/03yrkt /people/person/profession /m/02hrh1q +/m/0q5hw /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016_mj +/m/0bpbhm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/0827d /music/genre/artists /m/01vt5c_ +/m/0mp3l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03kbb8 /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/07nznf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dv3 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0sxgv /film/film/genre /m/01f9r0 +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbwb +/m/04w1j9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0146pg +/m/02wk7b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fby2t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z0rcq +/m/02_t2t /people/person/profession /m/09jwl +/m/03fn8k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015q43 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02wwwv5 +/m/01gq0b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dthg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/01vsy9_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rrd4 /people/person/gender /m/05zppz +/m/0pv3x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0175tv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/076tq0z /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/0kjrx /film/actor/film./film/performance/film /m/0k2cb +/m/06brp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/02qhlwd /film/film/genre /m/03mqtr +/m/0c3kw /people/person/profession /m/0kyk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/019z7q /people/person/places_lived./people/place_lived/location /m/0xq63 +/m/04j_gs /film/actor/film./film/performance/film /m/0f2sx4 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sff +/m/041rx /people/ethnicity/people /m/01r9c_ +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/09ps01 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02tk74 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/05b6rdt /film/film/film_format /m/0cj16 +/m/026v1z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/07ssc /media_common/netflix_genre/titles /m/0jq2r +/m/03v0vd /people/person/place_of_birth /m/0cr3d +/m/051z6mv /people/person/gender /m/05zppz +/m/016z2j /people/person/places_lived./people/place_lived/location /m/07_pf +/m/0r0ls /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03bmmc /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/050ks /location/location/contains /m/0nm9y +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03548 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0d1xh /location/location/time_zones /m/02fqwt +/m/09c7w0 /location/location/contains /m/0kwgs +/m/01q2sk /education/educational_institution/students_graduates./education/education/student /m/014kg4 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0172jm +/m/03l6bs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/instrument/instrumentalists /m/0b_j2 +/m/0dwt5 /music/instrument/instrumentalists /m/0135xb +/m/02b25y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016mhd /film/film/genre /m/01t_vv +/m/070b4 /influence/influence_node/influenced_by /m/07yg2 +/m/016yr0 /people/person/places_lived./people/place_lived/location /m/0281y0 +/m/04gcd1 /people/person/places_lived./people/place_lived/location /m/050l8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0329qp +/m/01b8jj /base/biblioness/bibs_location/state /m/0g39h +/m/02m4t /film/film_subject/films /m/040_lv +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/09b0xs /people/person/profession /m/0dxtg +/m/037c9s /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/012rng +/m/0d0vqn /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/015qqg /film/film/edited_by /m/02lp3c +/m/0bsjcw /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0g8rj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/015qsq /film/film/country /m/03rjj +/m/0jdk_ /olympics/olympic_games/sports /m/02bkg +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02l5rm /people/person/nationality /m/09c7w0 +/m/0478__m /award/award_winner/awards_won./award/award_honor/award_winner /m/0415mzy +/m/01l2fn /award/award_winner/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/016jhr /music/genre/artists /m/0134tg +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/013xrm /people/ethnicity/people /m/02my3z +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01_6dw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0745k7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/05vsxz /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/02vjp3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs973 /film/film/genre /m/03k9fj +/m/0glmv /film/actor/film./film/performance/film /m/050f0s +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/04bgy /people/person/profession /m/09lbv +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01lvcs1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_mc +/m/014jyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086nl7 /film/actor/film./film/performance/film /m/04gv3db +/m/01z5tr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pctb +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cbt3 +/m/04gv3db /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rc /film/film/executive_produced_by /m/04pqqb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/070tng +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hxhz +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07zft +/m/0f3zf_ /people/person/nationality /m/09c7w0 +/m/01csqg /organization/organization/headquarters./location/mailing_address/state_province_region /m/0ftkx +/m/03yf3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cy8rb +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/03gfvsz /broadcast/content/artist /m/02k5sc +/m/03hj3b3 /film/film/country /m/07ssc +/m/032dg7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/023tp8 /people/person/nationality /m/09c7w0 +/m/02qnyr7 /people/person/places_lived./people/place_lived/location /m/09c6w +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02q3n9c +/m/049nq /location/location/contains /m/0fcrg +/m/0mwht /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0mbct +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0l0wv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9lm /people/person/nationality /m/0chghy +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06b4wb +/m/018ctl /olympics/olympic_games/participating_countries /m/0d05w3 +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02kz_ /people/person/profession /m/0dxtg +/m/0l786 /people/person/nationality /m/09c7w0 +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01k_mc +/m/01dvbd /film/film/written_by /m/0mm1q +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/017j69 +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwnh2 +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/04b8pv /sports/sports_team/sport /m/02vx4 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/05bcl /location/location/time_zones /m/03bdv +/m/01vqc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/01f53 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pk8v +/m/03g52k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/048yqf /film/film/story_by /m/0jpdn +/m/0jmcv /sports/sports_team/colors /m/03vtbc +/m/0821j /people/person/places_lived./people/place_lived/location /m/080h2 +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/016clz /music/genre/artists /m/03fbc +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06yrj6 +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/03f7m4h +/m/04ydr95 /film/film/produced_by /m/03ktjq +/m/09d5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/01p5xy /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g3gq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06z9yh /people/person/profession /m/03gjzk +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award /m/0257wh +/m/05n6sq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/location/contains /m/04ld32 +/m/028lc8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01f_3w /music/record_label/artist /m/01vw20_ +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0rh6k /location/hud_county_place/place /m/0rh6k +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/01w9mnm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03czqs +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01pj7 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/04wmvz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0fbx6 /people/person/profession /m/0kyk +/m/0f502 /people/person/spouse_s./people/marriage/spouse /m/01pqy_ +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v40wd +/m/016cjb /music/genre/artists /m/02jq1 +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f7hc /people/person/profession /m/03gjzk +/m/08tq4x /film/film/country /m/087vz +/m/0lcx /influence/influence_node/influenced_by /m/01vh096 +/m/0184dt /film/director/film /m/0661ql3 +/m/07z2lx /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5bx2 +/m/0bn9sc /people/person/gender /m/05zppz +/m/019tfm /education/educational_institution/colors /m/083jv +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d6lp +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0428bc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j6_5 +/m/01z9_x /film/actor/film./film/performance/film /m/01jnc_ +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cv9fc +/m/07c52 /media_common/netflix_genre/titles /m/0180mw +/m/01gzm2 /people/person/profession /m/01d_h8 +/m/0127m7 /film/actor/film./film/performance/film /m/0gjc4d3 +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/039bpc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02hhtj +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/02b1k5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/025ldg +/m/0cx7f /music/genre/artists /m/01qqwp9 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/0ckm4x /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/044lbv /sports/sports_team/sport /m/02vx4 +/m/09c7w0 /location/location/contains /m/02h30z +/m/08wr3kg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbx3 +/m/0cwy47 /film/film/featured_film_locations /m/02k54 +/m/0415svh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02qjv1p +/m/0379s /people/deceased_person/place_of_burial /m/0d33k +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/098n5 +/m/064_8sq /media_common/netflix_genre/titles /m/02q6gfp +/m/01jrbb /film/film/film_festivals /m/0j63cyr +/m/04cl1 /film/actor/film./film/performance/film /m/0gjcrrw +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/03pmzt /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06j6l /music/genre/artists /m/01w7nwm +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/09dt7 /people/person/profession /m/0kyk +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0gsgr /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/09nz_c /film/actor/film./film/performance/film /m/0270k40 +/m/0h32q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yzhn +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0f4yh /film/film/language /m/03hkp +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01q6bg /people/person/places_lived./people/place_lived/location /m/06y57 +/m/04pk1f /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03fw4y /people/person/gender /m/05zppz +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/048j1q +/m/016_nr /music/genre/artists /m/0bqvs2 +/m/01tqfs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/016cjb /music/genre/artists /m/01wgfp6 +/m/027r9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g72r /people/person/nationality /m/0345h +/m/02q7fl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rnxn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04hhv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/0462hhb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/024_dt +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/01pnn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0473rc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01rr31 +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0j4b /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01n7q /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06by7 /music/genre/artists /m/03c3yf +/m/04xx9s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rr31 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ck7w +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0859_ +/m/05vtw /film/film_subject/films /m/0g68zt +/m/023322 /music/group_member/membership./music/group_membership/group /m/0qmpd +/m/0gywn /music/genre/artists /m/015x1f +/m/016h9b /people/person/profession /m/09jwl +/m/05mv4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/0ggq0m /music/genre/artists /m/0dhqyw +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/01wbg84 /people/person/profession /m/0d1pc +/m/02jkkv /film/film/genre /m/0lsxr +/m/02j9z /location/location/contains /m/06psyf +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/01lbp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02dlfh +/m/054ky1 /award/award_category/disciplines_or_subjects /m/02vxn +/m/0lpjn /people/person/religion /m/025t7ly +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/0pyg6 +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06c1y +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03yrkt /people/person/gender /m/02zsn +/m/08x5c_ /film/actor/film./film/performance/film /m/0drnwh +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hgkd +/m/02jx1 /location/location/contains /m/0dhdp +/m/0k3k1 /location/location/contains /m/043q2z +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/0f8l9c /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01dw4q +/m/015qy1 /film/film/genre /m/0hcr +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/01p0vf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m32h /medicine/disease/notable_people_with_this_condition /m/01twmp +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01s21dg +/m/05fjf /location/location/contains /m/0h6l4 +/m/016jny /music/genre/artists /m/01vsyjy +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/05qw5 /people/person/nationality /m/09c7w0 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/013zs9 /people/person/profession /m/02hrh1q +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wgjj5 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/0jnb0 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kb1g +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/01s9vc /film/film/production_companies /m/016tw3 +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05y5kf +/m/06qgjh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0333wf +/m/02fgpf /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx72 +/m/02mqc4 /people/person/place_of_birth /m/02_286 +/m/0d060g /location/location/contains /m/01y8zd +/m/01vng3b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0285c +/m/017149 /film/actor/film./film/performance/film /m/011yd2 +/m/023zl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026n4h6 +/m/014ps4 /people/person/places_lived./people/place_lived/location /m/03l2n +/m/03cz4j /people/person/place_of_birth /m/07dfk +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05v10 +/m/0dl567 /people/person/profession /m/039v1 +/m/0g_zyp /film/film/featured_film_locations /m/02_286 +/m/0mdyn /film/actor/film./film/performance/film /m/0m2kd +/m/0fvr1 /film/film/genre /m/04xvlr +/m/031778 /film/film/genre /m/01hmnh +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/0f3zsq /people/person/place_of_birth /m/071vr +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/059rby /location/location/contains /m/02ccqg +/m/0jcpw /location/location/contains /m/05rh2 +/m/06y611 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/0d7vtk /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/02zccd /education/educational_institution/campuses /m/02zccd +/m/01hcj2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqc_ +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0239zv /people/person/religion /m/03j6c +/m/01qb5d /film/film/language /m/02bjrlw +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/05nyqk /film/film/executive_produced_by /m/0ksf29 +/m/090s_0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/016k62 +/m/09c7w0 /location/location/contains /m/03bmmc +/m/073v6 /people/person/nationality /m/0d060g +/m/06x43v /film/film/featured_film_locations /m/02_286 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl06 +/m/017_qw /music/genre/artists /m/01cbt3 +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1nt +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/03hhd3 +/m/035sc2 /people/person/profession /m/02jknp +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0yls9 /education/educational_institution/colors /m/03wkwg +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/02zkdz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ks_ /film/actor/film./film/performance/film /m/02_qt +/m/0h953 /film/actor/film./film/performance/film /m/0ptxj +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/01qb559 /film/film/production_companies /m/020h2v +/m/06msq2 /people/person/profession /m/0dxtg +/m/062dn7 /people/person/place_of_birth /m/04jpl +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02j9z /location/location/contains /m/01nhhz +/m/09wv__ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/048vhl /film/film/featured_film_locations /m/02_286 +/m/016kkx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/04mx8h4 /tv/tv_program/genre /m/0hcr +/m/09byk /people/person/profession /m/07s467s +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/07cdz /film/film/genre /m/07s9rl0 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03bnd9 +/m/024cg8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018417 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_x +/m/064t9 /music/genre/artists /m/01vsl3_ +/m/0b1q7c /film/actor/film./film/performance/film /m/0bpm4yw +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0l2lk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/071fb /language/human_language/countries_spoken_in /m/04wlh +/m/01vg13 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/054_mz /film/actor/film./film/performance/film /m/0f4_l +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05lb30 +/m/03qdm /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/0prpt /film/film/film_festivals /m/05f5rsr +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/039cq4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/0frsw +/m/01wd9lv /people/person/nationality /m/09c7w0 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0150t6 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/0170pk /film/actor/film./film/performance/film /m/06nr2h +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0dj7p /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/01trtc /music/record_label/artist /m/01vng3b +/m/0lfgr /education/educational_institution_campus/educational_institution /m/0lfgr +/m/01dyvs /film/film/production_companies /m/046b0s +/m/03gfvsz /broadcast/content/artist /m/01vwbts +/m/02xs6_ /film/film/genre /m/01jfsb +/m/0mm1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dvbd +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/02drd3 /people/person/nationality /m/09c7w0 +/m/03m5y9p /film/film/country /m/09c7w0 +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0mhfr /music/genre/artists /m/05cljf +/m/01dtcb /music/record_label/artist /m/0677ng +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/01hjy5 /education/educational_institution/colors /m/036k5h +/m/08gyz_ /people/person/profession /m/026sdt1 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/039crh /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062cg6 +/m/0jk_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01914 +/m/040vk98 /award/award_category/disciplines_or_subjects /m/05hgj +/m/0133sq /people/person/profession /m/03gjzk +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/07kdkfj +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/0kc6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07cbs /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0fmc5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dcdp +/m/01w9ph_ /people/person/gender /m/05zppz +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/05yvfd /people/person/places_lived./people/place_lived/location /m/04vmp +/m/02v2jy /people/deceased_person/place_of_burial /m/018mm4 +/m/01j6t0 /medicine/symptom/symptom_of /m/0h1n9 +/m/04411 /people/deceased_person/place_of_death /m/02_286 +/m/0342h /music/instrument/instrumentalists /m/01q7cb_ +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/07s9tsr /people/person/nationality /m/03rk0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425_d +/m/048n7 /film/film_subject/films /m/027pfg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0498yf +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059gkk +/m/079kdz /people/person/spouse_s./people/marriage/location_of_ceremony /m/06_kh +/m/03h8_g /people/person/profession /m/01d_h8 +/m/0hky /people/person/gender /m/05zppz +/m/0k_q_ /location/hud_county_place/place /m/0k_q_ +/m/022g44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/01nrq5 /people/deceased_person/place_of_burial /m/018mm4 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0rn8q /base/biblioness/bibs_location/country /m/09c7w0 +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/032wdd /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/064t9 /music/genre/artists /m/01vsy95 +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p51w +/m/01ckhj /film/actor/film./film/performance/film /m/04sskp +/m/02hh8j /people/person/profession /m/02hrh1q +/m/04jhhng /award/award_category/disciplines_or_subjects /m/02n4kr +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/01_6dw +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/017yxq /people/person/profession /m/018gz8 +/m/0mwsh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwds +/m/01x73 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0d06vc /base/culturalevent/event/entity_involved /m/0948xk +/m/0488g /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02f46y +/m/0bh8x1y /film/film/story_by /m/081k8 +/m/01j_06 /education/educational_institution/students_graduates./education/education/student /m/02hg53 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02ctc6 /film/film/language /m/02h40lc +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016kv6 +/m/027qq9b /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/09c7w0 /location/country/second_level_divisions /m/0mq17 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05lb30 +/m/0dl5d /music/genre/artists /m/02whj +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/033jkj +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0266shh +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/06x43v +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02vr30 +/m/01j7mr /tv/tv_program/genre /m/06nbt +/m/0f04v /location/hud_county_place/place /m/0f04v +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05rznz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/03rl84 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/080lkt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/02g0mx /film/actor/film./film/performance/film /m/029k4p +/m/04jm_hq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dx_q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yzhn +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/054fvj +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0l6qt +/m/01q9b9 /people/person/profession /m/02hv44_ +/m/0jdhp /people/person/nationality /m/09c7w0 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/01hpnh /location/administrative_division/country /m/03rk0 +/m/03_0p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vvh9 +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/05jt_ /music/genre/artists /m/01vxqyl +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0htww /film/film/costume_design_by /m/0b80__ +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02qkt /location/location/contains /m/07ssc +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/016ks_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/0dgrwqr /film/film/written_by /m/0gd9k +/m/0grwj /people/person/profession /m/0cbd2 +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/01t04r /music/record_label/artist /m/01wqpnm +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jz0 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0p9lw /film/film/prequel /m/0gd92 +/m/054g1r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j6b5 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0n4yq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fc6c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/064_8sq /language/human_language/countries_spoken_in /m/07fj_ +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/0kvgtf /film/film/genre /m/060__y +/m/05ldxl /film/film/story_by /m/0d4jl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dkb83 +/m/03jb2n /sports/sports_team/sport /m/02vx4 +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/01385g /people/person/profession /m/02jknp +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/0b7xl8 /people/person/profession /m/01d_h8 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02tz9z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0x67 /people/ethnicity/people /m/014v6f +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/06_x996 /film/film/genre /m/060__y +/m/0l2vz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2yf +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07_l61 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gm8_p /film/actor/film./film/performance/film /m/05qm9f +/m/0k2cb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/018x3 +/m/0cd2vh9 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0_7w6 +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012ky3 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c40vxk +/m/01ft2l /people/person/place_of_birth /m/071vr +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/08r4x3 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrncs +/m/026rm_y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05jx2d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/013cr /film/actor/film./film/performance/film /m/07cw4 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0prfz /film/actor/film./film/performance/film /m/0cf8qb +/m/01f2xy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0f7h2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cb77r +/m/015mrk /people/person/profession /m/02hrh1q +/m/047qxs /film/film/genre /m/07s2s +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/04jwp +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02wwmhc /film/film/story_by /m/03qcq +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lt7b +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/064t9 /music/genre/artists /m/01wmjkb +/m/0c31_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/030ykh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/039n1 /people/person/nationality /m/0345h +/m/0bjv6 /location/location/time_zones /m/02llzg +/m/0mlvc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmrd +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rn00y +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/02zft0 /people/person/nationality /m/09c7w0 +/m/02n4kr /media_common/netflix_genre/titles /m/05cj_j +/m/02nygk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/04ltlj /film/film/country /m/09c7w0 +/m/05cwl_ /education/educational_institution/campuses /m/05cwl_ +/m/05p92jn /award/award_winner/awards_won./award/award_honor/award_winner /m/02k21g +/m/0fzyg /film/film_subject/films /m/01pv91 +/m/094g2z /film/film/genre /m/05p553 +/m/05r5c /music/instrument/instrumentalists /m/03f3_p3 +/m/0jk_8 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/02x0dzw /award/award_winner/awards_won./award/award_honor/award_winner /m/08wjf4 +/m/02rybfn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0d3fdn +/m/06s9y /location/country/form_of_government /m/018wl5 +/m/01xmxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05r5c /music/instrument/instrumentalists /m/01j6mff +/m/07_k0c0 /film/film/genre /m/03k9fj +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq6s3 +/m/0c1sgd3 /film/film/featured_film_locations /m/030qb3t +/m/024mpp /film/film/genre /m/03k9fj +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/034qzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bbf1f /people/person/religion /m/0c8wxp +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/01jfsb /media_common/netflix_genre/titles /m/0fh2v5 +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0277c3 /people/person/profession /m/09jwl +/m/078mgh /people/person/nationality /m/09c7w0 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/03m6t5 /people/person/place_of_birth /m/05ksh +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/03lyp4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qz69r +/m/013qvn /people/person/place_of_birth /m/0yz30 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xgdv /people/person/nationality /m/03rk0 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/015g28 /tv/tv_program/country_of_origin /m/09c7w0 +/m/09c7w0 /location/location/contains /m/01hhvg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/03rk0 /sports/sports_team_location/teams /m/035l_9 +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/011yr9 /film/film/language /m/064_8sq +/m/02_7t /film/film_subject/films /m/0g22z +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hb +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/01309x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02zr0z +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/02wlk +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05hj_k /people/person/places_lived./people/place_lived/location /m/01m1_d +/m/05bnp0 /people/person/profession /m/0n1h +/m/048qrd /film/film/genre /m/02b5_l +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0xbm +/m/06bd5j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/03mdw3c /award/award_nominee/award_nominations./award/award_nomination/award /m/02qrwjt +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/07gxw /music/genre/artists /m/02hzz +/m/0cwtm /people/person/religion /m/092bf5 +/m/0glnm /film/film/music /m/01pr6q7 +/m/09rsjpv /film/film/language /m/02h40lc +/m/01dbhb /people/person/profession /m/02hrh1q +/m/090gpr /people/person/profession /m/02hrh1q +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/02pb53 +/m/0184dt /people/person/profession /m/02jknp +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/02wgk1 /film/film/genre /m/01jfsb +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076zy_g +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0642xf3 +/m/0jvs0 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03xb2w /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/019kyn /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/02bf2s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xvb +/m/05nlzq /tv/tv_program/genre /m/05p553 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04h1rz +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02py4c8 /film/film/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0qymv +/m/01r2l /language/human_language/countries_spoken_in /m/0167v +/m/05r5c /music/instrument/instrumentalists /m/0fpj9pm +/m/03d0d7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027ct7c +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01nrgq /film/actor/film./film/performance/film /m/0419kt +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/0byfz /film/actor/film./film/performance/film /m/0168ls +/m/0bjv6 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01_qgp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035yn8 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/035gnh +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0pmq2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/03f6fl0 /people/person/places_lived./people/place_lived/location /m/0ygbf +/m/01gbbz /people/person/places_lived./people/place_lived/location /m/0k049 +/m/03z1c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/04gtq43 /people/person/gender /m/02zsn +/m/06wxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ntxg +/m/06lbp /influence/influence_node/influenced_by /m/06y8v +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02yxwd /people/person/profession /m/01d_h8 +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/015y_n /music/genre/artists /m/02_fj +/m/01p970 /music/instrument/family /m/0l14md +/m/017b2p /people/person/profession /m/02hrh1q +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/033qdy /film/film/country /m/0345h +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/020l9r /people/person/profession /m/018gz8 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/0184dt /film/director/film /m/02fqrf +/m/02v60l /people/person/sibling_s./people/sibling_relationship/sibling /m/01wk51 +/m/01934k /people/person/religion /m/0c8wxp +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/017_qw /music/genre/artists /m/015wc0 +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jpmpv +/m/0cfgd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033jkj /people/person/languages /m/02h40lc +/m/05qdh /education/field_of_study/students_majoring./education/education/student /m/05l4yg +/m/03lvwp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbckf +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/0sxns /film/film/genre /m/05p553 +/m/0ddbjy4 /film/film/country /m/03rk0 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_b9f +/m/059rby /location/location/contains /m/0fc1_ +/m/05k2s_ /people/person/nationality /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01trxd +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02183k /education/educational_institution/colors /m/019sc +/m/0134bf /location/location/contains /m/013t85 +/m/03f0r5w /people/person/profession /m/01d_h8 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019fh +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/032sl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/01w02sy /people/person/profession /m/016z4k +/m/09k2t1 /people/person/profession /m/039v1 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5j77 +/m/0gg4h /people/cause_of_death/people /m/09889g +/m/02x8m /music/genre/artists /m/01qgry +/m/09c7w0 /location/country/second_level_divisions /m/0f60c +/m/01jfnvd /people/person/profession /m/02hrh1q +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0_9wr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bj9k +/m/0309lm /people/person/gender /m/05zppz +/m/021mkg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02tgz4 +/m/0qmfk /film/film/written_by /m/06b_0 +/m/0427y /people/person/places_lived./people/place_lived/location /m/0hptm +/m/01d2v1 /film/film/executive_produced_by /m/0fz27v +/m/03cglm /people/person/places_lived./people/place_lived/location /m/05kkh +/m/016ybr /music/genre/artists /m/018gm9 +/m/0xkq4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01cqz5 /people/deceased_person/place_of_death /m/0fn2g +/m/03w9sgh /people/person/nationality /m/09c7w0 +/m/076tw54 /film/film/genre /m/03k9fj +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0dx_q /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03t22m +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/0168ql /people/person/nationality /m/02jx1 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05j82v /film/film/genre /m/02l7c8 +/m/07h07 /people/person/gender /m/05zppz +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04vmp +/m/0djlxb /film/film/genre /m/03bxz7 +/m/01t6b4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01kt_j +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/02yc5b /location/location/contains /m/07xpm +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/075q_ +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012s1d +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/01wrwf /education/educational_institution/school_type /m/01rs41 +/m/0820xz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c5z8j +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/05q_mg /people/person/profession /m/0dxtg +/m/013gwb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ch280 /education/educational_institution/campuses /m/0ch280 +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/02v5xg /tv/tv_program/genre /m/02kdv5l +/m/03y0pn /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cyfz +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cq806 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/03lpp_ +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/08fn5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/02k21g +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/03hnd /people/deceased_person/place_of_burial /m/0nb1s +/m/07_nf /base/culturalevent/event/entity_involved /m/0hw29 +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0fzyg /film/film_subject/films /m/025rvx0 +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/024dw0 /people/person/gender /m/05zppz +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/01t7jy /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0fvd03 /education/educational_institution/school_type /m/05jxkf +/m/015rkw /film/actor/film./film/performance/film /m/011ywj +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f2_rc +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/04vjh /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/04ghz4m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0416y94 /film/film/language /m/064_8sq +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvpjj +/m/0ms1n /location/location/contains /m/0__wm +/m/015fs3 /education/educational_institution/students_graduates./education/education/student /m/01k_mc +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/05148p4 /music/instrument/instrumentalists /m/01vng3b +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/07ss8_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06mt91 +/m/01w02sy /people/person/languages /m/02h40lc +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02qsjt /people/person/profession /m/039v1 +/m/0l6vl /olympics/olympic_games/sports /m/071t0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hqzr +/m/01jnc_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09b6zr /people/person/spouse_s./people/marriage/location_of_ceremony /m/013n2h +/m/03ktjq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03_b1g +/m/01nz1q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/0h32q /film/actor/film./film/performance/film /m/01q2nx +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/03pmfw /organization/organization/place_founded /m/07dfk +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dcsx /medicine/disease/notable_people_with_this_condition /m/0chsq +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/0drs_ /location/location/time_zones /m/02hcv8 +/m/016kjs /people/person/languages /m/02h40lc +/m/0p7vt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08nvyr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03xzxb +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/06p03s /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/01fs__ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095p3z +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/0mwx6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwyq +/m/037hz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01vsy9_ +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/0gs1_ +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/01vqrm +/m/0fsb8 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d0vqn +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/01d8l /location/location/contains /m/05ywg +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bm4sm +/m/063_j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/016xh5 /people/person/spouse_s./people/marriage/spouse /m/01pnn3 +/m/0fsb8 /location/location/time_zones /m/02hcv8 +/m/0bnzd /film/film/music /m/01x6v6 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01cwcr +/m/03f2fw /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0qm8b /film/film/genre /m/03g3w +/m/02z2mr7 /film/film/language /m/02h40lc +/m/09dv8h /film/film/language /m/02h40lc +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/016gr2 /film/actor/film./film/performance/film /m/0b76d_m +/m/01v42g /film/actor/film./film/performance/film /m/05szq8z +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/09y20 /film/actor/film./film/performance/film /m/03p2xc +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048lv +/m/02778qt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cdbq +/m/02byfd /film/actor/film./film/performance/film /m/043h78 +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/012vct /people/person/profession /m/02hrh1q +/m/02jx1 /location/location/contains /m/025r_t +/m/0fqy4p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mz_6 /film/actor/film./film/performance/film /m/0mb8c +/m/0dvld /film/actor/film./film/performance/film /m/04165w +/m/059yj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/04hcw /people/deceased_person/place_of_death /m/0978r +/m/05zjtn4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rnly /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/017v_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07nf6 +/m/0fnx1 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05rh2 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trhmt +/m/030cx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016tbr +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0fm3h2 /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/029_3 /influence/influence_node/influenced_by /m/01s7qqw +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwyq +/m/0gtxj2q /film/film/genre /m/02l7c8 +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/04h4c9 /film/film/country /m/09c7w0 +/m/02r9p0c /film/film/genre /m/0hcr +/m/01963w /people/person/profession /m/0cbd2 +/m/03m4mj /film/film/genre /m/06qm3 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/07sgfsl /people/person/nationality /m/09c7w0 +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/0dryh9k /people/ethnicity/languages_spoken /m/02hxcvy +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0f4dx2 /film/actor/film./film/performance/film /m/07tlfx +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/0jmwg /music/genre/artists /m/0143q0 +/m/06v9sf /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01lbcqx /film/film/written_by /m/0c921 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/018mxj /business/business_operation/industry /m/0vg8 +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/016tb7 +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/0jymd /film/film/genre /m/02l7c8 +/m/0x67 /people/ethnicity/people /m/01k5t_3 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/06jcc /influence/influence_node/influenced_by /m/04107 +/m/0bksh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01yf85 +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06vbd +/m/04t36 /media_common/netflix_genre/titles /m/0blpg +/m/0g9zljd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/036qs_ /film/actor/film./film/performance/film /m/01719t +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kqj1 +/m/06k75 /time/event/locations /m/0jgx +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/01n8gr /people/person/nationality /m/09c7w0 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/021j72 /people/person/sibling_s./people/sibling_relationship/sibling /m/01n8_g +/m/0ky6d /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0h326 /people/deceased_person/place_of_death /m/030qb3t +/m/068p2 /location/location/time_zones /m/02hcv8 +/m/0pmhf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/01cdjp /award/award_category/disciplines_or_subjects /m/016475 +/m/0c73z /people/deceased_person/place_of_death /m/0fhp9 +/m/04rv_6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vs8ng /people/person/nationality /m/03_3d +/m/0g768 /music/record_label/artist /m/017f4y +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/01g7_r /education/educational_institution/students_graduates./education/education/student /m/0bw87 +/m/028hc2 /people/person/profession /m/09jwl +/m/09v8db5 /award/award_category/disciplines_or_subjects /m/02vxn +/m/02ctc6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0ch280 /education/educational_institution_campus/educational_institution /m/0ch280 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/09gb_4p /film/film/genre /m/03bxz7 +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/04328m /people/person/profession /m/02hrh1q +/m/02xfj0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07_fj54 +/m/06sn8m /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03cp4cn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/03cvvlg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01n30p /film/film/genre /m/0219x_ +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/02w6s3 /music/genre/artists /m/07sbk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/06sks6 /olympics/olympic_games/sports /m/01cgz +/m/028p0 /people/deceased_person/place_of_death /m/09b93 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/016zwt /location/location/contains /m/04cx5 +/m/0hfjk /media_common/netflix_genre/titles /m/0jswp +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0p_47 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/0kw4j /education/educational_institution/campuses /m/0kw4j +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cm2m +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/01g1lp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/01s3vk /film/film/country /m/09c7w0 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/0cqcgj /people/person/nationality /m/03rk0 +/m/0gdk0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/046488 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02r1ysd /tv/tv_program/genre /m/07s9rl0 +/m/09hd6f /people/person/gender /m/05zppz +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0169dl /film/actor/film./film/performance/film /m/0gd92 +/m/01clyr /music/record_label/artist /m/01l_vgt +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gp58p +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/0fhzy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/054c1 +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024bbl +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/0cymln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm6n +/m/02qgyv /film/actor/film./film/performance/film /m/02b6n9 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/018grr +/m/01vvyvk /people/person/places_lived./people/place_lived/location /m/01531 +/m/08hmch /film/film/featured_film_locations /m/02y9wq +/m/04ly1 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0f3nn /people/person/nationality /m/09c7w0 +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0bbm7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/01gbn6 /film/actor/film./film/performance/film /m/03hfmm +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yd2 +/m/0p__8 /influence/influence_node/influenced_by /m/041c4 +/m/02g3mn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/0261x8t /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/02zv4b +/m/026t6 /music/instrument/instrumentalists /m/01wqflx +/m/05fcbk7 /film/film/country /m/09c7w0 +/m/03359d /film/actor/film./film/performance/film /m/0296vv +/m/0438pz /people/person/profession /m/01d_h8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01s7j5 +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/03x23q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0163t3 /people/person/profession /m/012t_z +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0cqt90 +/m/01p0vf /people/person/gender /m/05zppz +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0lgxj /time/event/locations /m/03khn +/m/06t6dz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0f6_x /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj8x +/m/018ctl /olympics/olympic_games/participating_countries /m/04w4s +/m/06s1qy /people/person/gender /m/05zppz +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07g2b /influence/influence_node/influenced_by /m/037jz +/m/03f4w4 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03f3_p3 /people/person/profession /m/0nbcg +/m/04wvhz /people/person/profession /m/03gjzk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/01c6zg /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/0dlglj /film/actor/film./film/performance/film /m/08phg9 +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0456xp +/m/04f6df0 /film/film/genre /m/04xvlr +/m/02k_kn /music/genre/artists /m/03f7m4h +/m/04x56 /influence/influence_node/influenced_by /m/040_9 +/m/0bl2g /film/actor/film./film/performance/film /m/09146g +/m/01_bkd /music/genre/artists /m/02r3zy +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/031n5b /education/educational_institution/school_type /m/01rs41 +/m/05tbn /location/location/contains /m/012fvq +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/0dryh9k /people/ethnicity/people /m/0288crq +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/02qx1m2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_ncg +/m/0fvzg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/0180mw /tv/tv_program/country_of_origin /m/09c7w0 +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/0mcl0 /film/film/genre /m/060__y +/m/02w29z /film/actor/film./film/performance/film /m/02q56mk +/m/035yn8 /film/film/music /m/01pbs9w +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/05y7hc /people/person/gender /m/05zppz +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/03r0g9 /film/film/genre /m/0lsxr +/m/01qvtwm /people/person/places_lived./people/place_lived/location /m/07dfk +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/0372j5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/02jkkv /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/0dnqr /film/film/prequel /m/0k_9j +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/01xdf5 /people/person/profession /m/03gjzk +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/01k56k +/m/06nrt /base/biblioness/bibs_location/country /m/0d060g +/m/03_wm6 /film/film/genre /m/01jfsb +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0drnwh +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/012wyq /location/location/contains /m/014b4h +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012201 +/m/0413cff /film/film/personal_appearances./film/personal_film_appearance/person /m/014488 +/m/0cnztc4 /film/film/language /m/02h40lc +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03f5vvx +/m/02wyzmv /tv/tv_program/country_of_origin /m/07ssc +/m/059_w /people/ethnicity/languages_spoken /m/064_8sq +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/02m0b0 /education/educational_institution_campus/educational_institution /m/02m0b0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04bs3j /people/person/profession /m/02hrh1q +/m/0fx2s /film/film_subject/films /m/02q5g1z +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/09yg6l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05qg6g /people/person/gender /m/02zsn +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02cpp +/m/05kkh /location/location/contains /m/0n22z +/m/0d2kt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nlg4 +/m/012ykt /film/actor/film./film/performance/film /m/06ztvyx +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07c52 /media_common/netflix_genre/titles /m/02vjhf +/m/0xnvg /people/ethnicity/people /m/01h910 +/m/064jjy /people/person/profession /m/02krf9 +/m/01938t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043gj +/m/0ddfwj1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/03kdl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvvm6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01ksr1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vzm +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/048j4l /music/instrument/instrumentalists /m/01qvgl +/m/0154d7 /film/actor/film./film/performance/film /m/0prrm +/m/01nm8w /education/educational_institution/colors /m/01g5v +/m/0mfj2 /people/person/languages /m/02h40lc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/09h4b5 /people/person/profession /m/0nbcg +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/019n9w /organization/organization/headquarters./location/mailing_address/citytown /m/0r02m +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0kr5_ /people/person/profession /m/02hrh1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/04vjh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/05r5c /music/instrument/instrumentalists /m/045zr +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07z4fy /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01xzb6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01mvth /people/person/profession /m/02hrh1q +/m/0j_tw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j2_7 /base/biblioness/bibs_location/country /m/0f8l9c +/m/02l840 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0m3gy /film/film/music /m/0dr5y +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026dcvf +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xzb6 +/m/04jwly /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033qdy +/m/0ckf6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02vg0 /film/actor/film./film/performance/film /m/0y_yw +/m/03v_5 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fplg +/m/037q31 /film/film/personal_appearances./film/personal_film_appearance/person /m/01w60_p +/m/0s9z_ /location/hud_county_place/place /m/0s9z_ +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0hvjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047svrl +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/014kq6 /film/film/country /m/09c7w0 +/m/0gwgn1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/016fnb +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/01_0f7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vsksr /people/person/gender /m/05zppz +/m/011zf2 /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/047gn4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017ztv +/m/019dmc /people/cause_of_death/people /m/042fk +/m/016khd /people/person/places_lived./people/place_lived/location /m/06yxd +/m/0n6dc /location/hud_county_place/place /m/0n6dc +/m/03_d0 /music/genre/artists /m/02whj +/m/012mrr /film/film/music /m/0146pg +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02tktw /film/film/genre /m/03npn +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0124ld /olympics/olympic_games/sports /m/09wz9 +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/0154fs /location/location/time_zones /m/02hcv8 +/m/0dqcm /award/award_winner/awards_won./award/award_honor/award_winner /m/01d6jf +/m/04bbpm /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/0b1q7c +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_j8x +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/064lsn /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/0dw3l /people/person/gender /m/05zppz +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/023ny6 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/05ldxl /film/film/genre /m/06n90 +/m/0845v /base/culturalevent/event/entity_involved /m/0285m87 +/m/01vvpjj /people/person/profession /m/02hrh1q +/m/02q56mk /film/film/genre /m/07s9rl0 +/m/035gjq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/0n5gq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j_ +/m/0cchk3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/04135 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/01ycck +/m/03fnqj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/03wpmd /people/person/profession /m/026sdt1 +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/08s6mr /film/film/genre /m/03k9fj +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/06l22 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04f0xq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/037xlx +/m/02wr2r /people/person/profession /m/03gjzk +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0f4vbz /people/person/profession /m/01d_h8 +/m/02jx1 /location/country/second_level_divisions /m/0n9dn +/m/017fp /media_common/netflix_genre/titles /m/03cv_gy +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsnff +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0jv5x +/m/01s81 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01sxq9 +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06s26c +/m/063b4k /film/director/film /m/02fj8n +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/02qhm3 /people/deceased_person/place_of_death /m/0k_p5 +/m/070px /people/deceased_person/place_of_burial /m/0nb1s +/m/03f1zdw /film/actor/film./film/performance/film /m/02qsqmq +/m/03kdl /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/05g8pg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07c52 /media_common/netflix_genre/titles /m/02h2vv +/m/0cwtm /people/person/spouse_s./people/marriage/spouse /m/01g969 +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03lty /music/genre/artists /m/020_4z +/m/059rby /location/location/contains /m/0234_c +/m/02661h /film/actor/film./film/performance/film /m/06sfk6 +/m/0c1j_ /film/actor/film./film/performance/film /m/01bn3l +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/095x_ /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0q9zc +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rhpg +/m/02p72j /education/educational_institution_campus/educational_institution /m/02p72j +/m/036b_ /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/0h1nt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02z0j +/m/01pcmd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01f3p_ +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0r02m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05np2 /people/person/profession /m/0d8qb +/m/0190y4 /music/genre/artists /m/01mskc3 +/m/0j2pg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/0j80w /film/film/genre /m/06cvj +/m/03_d0 /music/genre/artists /m/0fp_v1x +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dl567 +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0gxr1c /tv/tv_program/genre /m/01jfsb +/m/0n7q7 /location/location/time_zones /m/02fqwt +/m/0301dp /organization/organization/headquarters./location/mailing_address/state_province_region /m/04jpl +/m/0dbpyd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0170k0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0j46b +/m/051zy_b /film/film/production_companies /m/031rq5 +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/019fz /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0hv1t /film/film/language /m/02h40lc +/m/0p_47 /film/actor/film./film/performance/film /m/07phbc +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01g63y /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03gh4 +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/0136kr /organization/organization/child./organization/organization_relationship/child /m/016k4x +/m/01nn6c /people/person/places_lived./people/place_lived/location /m/0k33p +/m/04jkpgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0psss +/m/06msq2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j7mr +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/06jz0 /people/person/profession /m/0cbd2 +/m/03f0324 /influence/influence_node/influenced_by /m/01v9724 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02279c +/m/026hh0m /film/film/executive_produced_by /m/0glyyw +/m/01w524f /people/person/profession /m/0nbcg +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/09c7w0 /location/country/second_level_divisions /m/0g_wn2 +/m/024zq /people/person/profession /m/029bkp +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01w56k /music/record_label/artist /m/01p95y0 +/m/0dr_9t7 /film/film/film_format /m/0cj16 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0glqh5_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfjg +/m/0j2jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/02x0fs9 /film/film/language /m/02h40lc +/m/024lt6 /film/film/language /m/06nm1 +/m/033tln /people/person/spouse_s./people/marriage/spouse /m/02f8lw +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02s2lg +/m/0gk4g /medicine/disease/risk_factors /m/0fltx +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0dj0x /base/biblioness/bibs_location/country /m/02jx1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0gy3w +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/0z2gq /location/hud_county_place/county /m/0myn8 +/m/01pj7 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02tgz4 /film/film/executive_produced_by /m/0pz91 +/m/01vtj38 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012rng +/m/052h3 /people/person/gender /m/05zppz +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/07ssc /location/location/contains /m/01pr6n +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/03f47xl /influence/influence_node/influenced_by /m/0dw6b +/m/0dqyc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fcrg +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mlh8 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/059rby /location/location/contains /m/02nd_ +/m/01rh0w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015t56 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01z7_f +/m/0137n0 /film/actor/film./film/performance/film /m/0n1s0 +/m/016kjs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019rg5 +/m/01wqg8 /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/0bkq7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/081g_l /business/business_operation/industry /m/02jjt +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/0dcz8_ /film/film/featured_film_locations /m/095w_ +/m/0g824 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02kfzz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rgn3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01nfys /award/award_winner/awards_won./award/award_honor/award_winner /m/050_qx +/m/04h5tx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/016z51 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0259r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/030x48 /people/person/profession /m/02hrh1q +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01f_3w /music/record_label/artist /m/012xdf +/m/02mt4k /people/person/places_lived./people/place_lived/location /m/01m20m +/m/0fbftr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01t8399 /people/person/profession /m/09jwl +/m/02dq8f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q58q /music/record_label/artist /m/011xhx +/m/01r2c7 /film/director/film /m/0bv8h2 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/06rq2l /film/actor/film./film/performance/film /m/0bshwmp +/m/01w92 /tv/tv_network/programs./tv/tv_network_duration/program /m/016zfm +/m/04g2jz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/0bjqh /education/educational_institution/students_graduates./education/education/student /m/081nh +/m/032wdd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019n7x +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/0jm_ /film/film_subject/films /m/023gxx +/m/01pw2f1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ywb /film/film/written_by /m/0prjs +/m/086qd /people/person/gender /m/02zsn +/m/0hn10 /media_common/netflix_genre/titles /m/0sxkh +/m/01nxzv /people/person/nationality /m/09c7w0 +/m/06qgvf /people/person/gender /m/02zsn +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/017v_ /location/administrative_division/first_level_division_of /m/0345h +/m/0dlwj /location/administrative_division/country /m/01xbgx +/m/0vzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/02z13jg +/m/0286hyp /film/film/country /m/07ssc +/m/0gkd1 /music/instrument/instrumentalists /m/02rn_bj +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/01nms7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/045c66 /people/person/places_lived./people/place_lived/location /m/0sjqm +/m/0f1k__ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09qr6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wgcvn /people/person/profession /m/0d1pc +/m/0b7l4x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/03ys2f /film/director/film /m/01pgp6 +/m/02qmsr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qk3fk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/0bz5v2 /people/person/place_of_birth /m/0k33p +/m/0kbq /base/culturalevent/event/entity_involved /m/07t2k +/m/0p9z5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/0415zv +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/09gb_4p /film/film/film_festivals /m/0bmj62v +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/06by7 /music/genre/artists /m/023322 +/m/0bsb4j /people/person/place_of_birth /m/030qb3t +/m/0bqxw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/08jyyk /music/genre/artists /m/06k02 +/m/01hqk /film/film/language /m/02h40lc +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0j6tr +/m/011xy1 /education/educational_institution_campus/educational_institution /m/011xy1 +/m/03nfnx /film/film/prequel /m/02lk60 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0f3m1 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/04pg29 /people/person/profession /m/02jknp +/m/02yxjs /education/educational_institution/students_graduates./education/education/student /m/02jsgf +/m/0bmhn /film/film/language /m/02h40lc +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/06pj8 /organization/organization_founder/organizations_founded /m/030_1_ +/m/0bq3x /film/film_subject/films /m/0m3gy +/m/05h7tk /people/person/profession /m/0dxtg +/m/01k_n63 /people/person/profession /m/0dz3r +/m/02jx1 /location/location/contains /m/01d66p +/m/03f4w4 /people/person/profession /m/02hrh1q +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01vrkm +/m/07c52 /media_common/netflix_genre/titles /m/015ppk +/m/057lbk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/048cl /people/person/nationality /m/07ssc +/m/0_b3d /film/film/featured_film_locations /m/04lh6 +/m/033q4k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0126rp /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/01q415 +/m/01v5h /people/person/nationality /m/09c7w0 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/01pvxl /film/film/production_companies /m/016tt2 +/m/01t04r /music/record_label/artist /m/0163m1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/04gvt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0sxrz /olympics/olympic_games/sports /m/096f8 +/m/018f8 /film/film/featured_film_locations /m/0r00l +/m/01j7mr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0vlf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0435vm /film/film/produced_by /m/05prs8 +/m/017khj /film/actor/film./film/performance/film /m/015bpl +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03c5f7l +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f276 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/0blfl /olympics/olympic_games/participating_countries /m/03gj2 +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/07ng9k /tv/tv_program/genre /m/01hmnh +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03y0pn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0579tg2 /film/film_set_designer/film_sets_designed /m/0bkq7 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/01q8fxx /people/person/languages /m/04306rv +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/01wgfp6 +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/071ywj /film/actor/film./film/performance/film /m/0cc846d +/m/044_7j /people/person/profession /m/02hrh1q +/m/0p0cw /location/location/time_zones /m/02hczc +/m/03m8y5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ghq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/01s0l0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0sxgh +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0146mv +/m/01cl2y /music/record_label/artist /m/033s6 +/m/03c7ln /music/artist/origin /m/0s3y5 +/m/01c6qp /time/event/instance_of_recurring_event /m/0c4ys +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/0xnvg /people/ethnicity/people /m/04sry +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mgdy +/m/023s8 /film/actor/film./film/performance/film /m/01jrbv +/m/01qckn /business/business_operation/industry /m/01mw1 +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c00lh +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/01d494 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lk95 /people/person/profession /m/0n1h +/m/014zws /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l6mp /olympics/olympic_games/sports /m/0crlz +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_g +/m/0c9xjl /people/person/gender /m/05zppz +/m/01b9z4 /film/actor/film./film/performance/film /m/05znxx +/m/0g768 /music/record_label/artist /m/015xp4 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/01vsy7t /film/actor/film./film/performance/film /m/01shy7 +/m/09146g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vsn38 +/m/09gdh6k /film/film/produced_by /m/02q_cc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vhb +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064r97z +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/03v0t /location/location/contains /m/0sbbq +/m/02_0d2 /film/actor/film./film/performance/film /m/05p1tzf +/m/0xpq9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/01tc9r +/m/016ks_ /people/person/places_lived./people/place_lived/location /m/0_jsl +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/031bf1 /film/actor/film./film/performance/film /m/0cf08 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0579tg2 /people/deceased_person/place_of_death /m/030qb3t +/m/06yxd /location/location/contains /m/0fv_t +/m/02ktrs /influence/influence_node/influenced_by /m/086qd +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/040rjq +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cjdk +/m/0sx5w /influence/influence_node/influenced_by /m/013tjc +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/03nx8mj /film/film/production_companies /m/01795t +/m/026mfbr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/086k8 /music/record_label/artist /m/01t110 +/m/041rx /people/ethnicity/people /m/0dhrqx +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0y3_8 /music/genre/artists /m/016fnb +/m/02vx4c2 /people/person/nationality /m/09c7w0 +/m/06nm1 /language/human_language/countries_spoken_in /m/07ylj +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hgwkr +/m/0bd2n4 /people/person/profession /m/02hrh1q +/m/0z2gq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027ybp +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04w4s +/m/01qxc7 /film/film/genre /m/01hmnh +/m/03mq33 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025tdwc /people/person/profession /m/02t8yb +/m/06jtd /location/location/contains /m/07gdw +/m/0d0mbj /people/person/profession /m/0n1h +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lht1 +/m/0f276 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/047hpm +/m/01vs5c /education/educational_institution/students_graduates./education/education/student /m/016kkx +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/01c8v0 +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01lhdt +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/015qh +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0407yfx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/02x0dzw /film/actor/film./film/performance/film /m/09v71cj +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/0382m4 /people/person/spouse_s./people/marriage/spouse /m/07q0g5 +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/081yw +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02bn75 +/m/02qzmz6 /film/film/genre /m/01jfsb +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9zc +/m/06sfk6 /film/film/genre /m/082gq +/m/03wbqc4 /film/film/genre /m/02kdv5l +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/085gk /people/deceased_person/place_of_death /m/0pzmf +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/0n85g /music/record_label/artist /m/06m61 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/01xdxy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g7k2g /people/person/gender /m/05zppz +/m/01_9c1 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01v9l67 /film/actor/film./film/performance/film /m/017gl1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/08sfxj +/m/0bqsy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p4vl +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/01k7xz /education/educational_institution_campus/educational_institution /m/01k7xz +/m/05x2t7 /people/deceased_person/place_of_death /m/0f2wj +/m/01_k7f /education/educational_institution/students_graduates./education/education/student /m/0210f1 +/m/02xh1 /media_common/netflix_genre/titles /m/0hv4t +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07s5fz +/m/06mm1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/01xn7x1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gh4g0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwtp /music/instrument/instrumentalists /m/0czkbt +/m/0521rl1 /people/person/place_of_birth /m/0xl08 +/m/03dj6y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016z7s /film/film/written_by /m/0l6qt +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/0301yj /people/person/profession /m/09jwl +/m/03lty /music/genre/artists /m/01386_ +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01w23w /film/actor/film./film/performance/film /m/0ds2n +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0340hj +/m/05z_p6 /people/person/nationality /m/0d060g +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/09c7w0 /location/country/second_level_divisions /m/0ms6_ +/m/03_87 /people/person/gender /m/05zppz +/m/03m5y9p /film/film/genre /m/03bxz7 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/0chgzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0mzkr /music/record_label/artist /m/0bsj9 +/m/031v3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d_w3h +/m/0ckrnn /film/film/language /m/064_8sq +/m/02zhkz /people/person/profession /m/0n1h +/m/02t1dv /people/person/gender /m/02zsn +/m/027hq5f /people/person/profession /m/01d_h8 +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0mbql /film/film/edited_by /m/06pj8 +/m/03rk0 /location/location/contains /m/06k5_ +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09pmkv +/m/08hp53 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0227tr /people/person/place_of_birth /m/0ftxw +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/07fb6 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p9gg /people/person/profession /m/02hrh1q +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/015q43 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/01dbgw +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063hp4 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035_2h +/m/06ch55 /music/instrument/instrumentalists /m/024zq +/m/017149 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014jyk /education/educational_institution/campuses /m/014jyk +/m/011yr9 /film/film/produced_by /m/0b13g7 +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/03j63k /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jrqq /people/person/religion /m/03j6c +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/03g5_y /people/person/profession /m/018gz8 +/m/01cssf /film/film/language /m/02h40lc +/m/014lc_ /film/film/story_by /m/0n8bn +/m/01p4vl /film/actor/film./film/performance/film /m/06_wqk4 +/m/0b1xl /education/educational_institution/students_graduates./education/education/student /m/012gq6 +/m/0g9z_32 /film/film/personal_appearances./film/personal_film_appearance/person /m/02mjmr +/m/0c9k8 /film/film/costume_design_by /m/02vkvcz +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0fb0v /music/record_label/artist /m/0838y +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/024mpp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07ykkx5 +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/064t9 /music/genre/artists /m/086qd +/m/02yv6b /music/genre/artists /m/01693z +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5fg +/m/027hm_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02l1fn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ck7w +/m/0399p /influence/influence_node/influenced_by /m/039n1 +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035w2k +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/02v3yy +/m/0nk72 /people/deceased_person/place_of_death /m/02_286 +/m/01cl2y /music/record_label/artist /m/016sp_ +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/0yzvw /film/film/music /m/01l1rw +/m/018fmr /people/person/gender /m/02zsn +/m/034qmv /film/film/genre /m/07s9rl0 +/m/0p50v /people/person/religion /m/0kq2 +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zd460 +/m/06v41q /people/ethnicity/people /m/070yzk +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5ptf +/m/0d3qd0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0272vm +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mxw33 +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/05c5z8j /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03by7wc /sports/sports_team/colors /m/01g5v +/m/026ssfj /education/educational_institution/school_type /m/0bwd5 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/0x67 /people/ethnicity/people /m/01w60_p +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fxky3 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f85k +/m/01_4mn /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/06jcc /people/deceased_person/place_of_death /m/030qb3t +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/024qqx /media_common/netflix_genre/titles /m/032sl_ +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016clz /music/genre/artists /m/06br6t +/m/03j0ss /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0mmp3 /music/genre/artists /m/02_5x9 +/m/02ph9tm /film/film/produced_by /m/02r251z +/m/05vc35 /film/film/written_by /m/013km +/m/03lmx1 /people/ethnicity/people /m/07fpm3 +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/03gm48 +/m/01r93l /people/person/profession /m/02hrh1q +/m/0d1mp3 /people/person/religion /m/03_gx +/m/016clz /music/genre/artists /m/0ycp3 +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/033g4d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03m8y5 /film/film/genre /m/0219x_ +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/044mfr +/m/0sxmx /film/film/language /m/07zrf +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kk9v +/m/01vtg4q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019dwp +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0pspl /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/011v3 +/m/07q1v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/06c7mk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02vr7 /people/person/nationality /m/02jx1 +/m/01pk8v /people/person/profession /m/02hrh1q +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/028k57 /film/actor/film./film/performance/film /m/02stbw +/m/0170_p /film/film/production_companies /m/016tw3 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/031t2d /film/film/film_format /m/0cj16 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0hr41p6 +/m/02htv6 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0pz04 +/m/064t9 /music/genre/artists /m/01vzz1c +/m/09c7w0 /location/location/contains /m/026mj +/m/0dt645q /people/person/gender /m/05zppz +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0329t7 +/m/047t_ /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/06kl0k /film/actor/film./film/performance/film /m/0f42nz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/08c7cz /people/person/places_lived./people/place_lived/location /m/0156q +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0298n7 +/m/0gkydb /people/person/places_lived./people/place_lived/location /m/04ykg +/m/02xp18 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/090s_0 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03lty /music/genre/artists /m/081wh1 +/m/0k5fg /film/film/genre /m/03k9fj +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/01kf4tt /film/film/language /m/02h40lc +/m/02vyyl8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lx2l +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01gglm /film/film/language /m/02h40lc +/m/02r5dz /business/business_operation/industry /m/06mbny +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02s58t +/m/01hmnh /media_common/netflix_genre/titles /m/012s1d +/m/01t04r /music/record_label/artist /m/0fb2l +/m/0f4vbz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7nt +/m/0h0yt /people/person/gender /m/05zppz +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/0rt80 /location/location/contains /m/03wv2g +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03fmfs +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/0c1d0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04sry /people/person/profession /m/02krf9 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/063_j5 /film/film/music /m/0bs1yy +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/068p2 /base/biblioness/bibs_location/state /m/05tbn +/m/027tbrc /tv/tv_program/genre /m/01htzx +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/0jqj5 /film/film/produced_by /m/02l5rm +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/05fyy5 +/m/0cc1v /location/location/contains /m/0d8jf +/m/01pcvn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09p06 /people/person/nationality /m/09c7w0 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0rwq6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cq806 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04kzqz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06r2h /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0gnkb /film/film/genre /m/01g6gs +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsn38 +/m/01gkp1 /film/film/music /m/0jn5l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/01p9hgt /people/person/profession /m/039v1 +/m/02pqgt8 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y9ccy +/m/0498y /location/location/contains /m/0fvvg +/m/03915c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03k7bd /people/person/nationality /m/09c7w0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cbvg /base/culturalevent/event/entity_involved /m/01m41_ +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/0g293 /music/genre/artists /m/01w61th +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/01pkhw /people/person/profession /m/02hrh1q +/m/04cbbz /film/film/music /m/023361 +/m/03lrht /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/06n3y /location/location/contains /m/07twz +/m/01z77k /media_common/netflix_genre/titles /m/02qjv1p +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pdp8 +/m/01z4y /media_common/netflix_genre/titles /m/01z452 +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/0kzy0 /people/person/gender /m/05zppz +/m/0fms83 /award/award_category/winners./award/award_honor/award_winner /m/02rxbmt +/m/02ht1k /film/film/music /m/07y8l9 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0mgkg +/m/03hp2y1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07nf6 /location/location/contains /m/01zzy3 +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bhvtc +/m/01g1lp /people/person/profession /m/02hrh1q +/m/0448r /influence/influence_node/influenced_by /m/028p0 +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02b16p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/02gyl0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0457w0 /people/person/place_of_birth /m/09b8m +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0sxkh /film/film/country /m/015fr +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5k8r +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0crd8q6 /film/film/genre /m/05p553 +/m/01vsy7t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l_vgt +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0bm9xk /people/person/nationality /m/0h7x +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/02vyw /people/person/nationality /m/09c7w0 +/m/0292qb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsn38 +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049xgc +/m/01kjr0 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/01k6nm /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02ln0f /organization/organization/headquarters./location/mailing_address/citytown /m/01snm +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bth54 +/m/016_nr /music/genre/artists /m/03f7jfh +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/01hl_w /education/educational_institution/campuses /m/01hl_w +/m/03cvvlg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02ll45 /film/film/music /m/02sjp +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/028kj0 /film/film/genre /m/01j1n2 +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/01n_g9 /education/educational_institution_campus/educational_institution /m/01n_g9 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/02w7gg /people/ethnicity/people /m/0gs1_ +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06tp4h +/m/03gt0c5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0161sp +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/081mh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0498y +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/01nhkxp /people/person/profession /m/039v1 +/m/03qy3l /music/record_label/artist /m/01wz_ml +/m/03qjg /music/instrument/instrumentalists /m/0h7pj +/m/06nm1 /language/human_language/countries_spoken_in /m/05v10 +/m/027ct7c /film/film/genre /m/05p553 +/m/041h0 /people/person/profession /m/0kyk +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/019pm_ +/m/0m66w /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbwb +/m/0880p /language/human_language/countries_spoken_in /m/0d0vqn +/m/08wr3kg /award/award_winner/awards_won./award/award_honor/award_winner /m/06hhrs +/m/06mr6 /film/actor/film./film/performance/film /m/0c_j9x +/m/0j90s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047d21r +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/06182p /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02xwzh /education/educational_institution/school_type /m/0bpgx +/m/0g68zt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cg9f +/m/02d49z /film/film/executive_produced_by /m/0b13g7 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/0ym17 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02754c9 /film/film/language /m/02h40lc +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mt4k +/m/0fvr1 /film/film/genre /m/06n90 +/m/0bzrxn /time/event/locations /m/0lphb +/m/015j7 /film/film_subject/films /m/029jt9 +/m/0btj0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/02d02 +/m/0sz28 /people/person/spouse_s./people/marriage/spouse /m/06jzh +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0r8bh /location/location/time_zones /m/02lcqs +/m/064q5v /film/film/genre /m/082gq +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy7bj4 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/0p_47 /people/person/profession /m/09jwl +/m/084kf /base/biblioness/bibs_location/country /m/09c7w0 +/m/024qwq /people/person/place_of_birth /m/019fh +/m/0557q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/026bk +/m/04jm_hq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/03hdz8 +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/0gk4g /people/cause_of_death/people /m/02xgdv +/m/03wd5tk /people/person/gender /m/05zppz +/m/02jxbw /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/04f6hhm /tv/tv_program/genre /m/03k9fj +/m/03_d0 /music/genre/artists /m/0knjh +/m/03h64 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/02yy8 +/m/01cl2y /music/record_label/artist /m/024qwq +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/02dth1 /people/person/place_of_birth /m/0_75d +/m/01jfsb /media_common/netflix_genre/titles /m/01j8wk +/m/03bkbh /people/ethnicity/people /m/010xjr +/m/0ds3t5x /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03qnc6q +/m/01lbp /film/actor/film./film/performance/film /m/026hxwx +/m/05650n /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01s0l0 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07c52 /film/film_subject/films /m/0kbwb +/m/0266sb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/0x67 /people/ethnicity/people /m/0337vz +/m/03k8th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024tj /people/deceased_person/place_of_death /m/06_kh +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/015m08 /location/location/contains /m/09b93 +/m/05k4my /film/film/production_companies /m/086k8 +/m/0105y2 /location/hud_county_place/place /m/0105y2 +/m/0126y2 /people/person/profession /m/0n1h +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09qxq7 /music/genre/artists /m/01wsl7c +/m/02qm_f /film/film/language /m/02h40lc +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/01pcq3 /base/eating/practicer_of_diet/diet /m/07_jd +/m/09b3v /media_common/netflix_genre/titles /m/05sw5b +/m/01cwdk /education/educational_institution/colors /m/067z2v +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/08x5c_ /people/person/nationality /m/03_3d +/m/04rcr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05pzdk /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/04xvlr /media_common/netflix_genre/titles /m/04jwly +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05gsd2 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05r5c /music/instrument/instrumentalists /m/06p03s +/m/06myp /people/person/employment_history./business/employment_tenure/company /m/0dy04 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hcr +/m/03c0vy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycbq +/m/095b70 /people/person/languages /m/02h40lc +/m/01qrbf /people/person/place_of_birth /m/04jpl +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01s7w3 +/m/017fp /media_common/netflix_genre/titles /m/064ndc +/m/02ny8t /music/genre/artists /m/0lk90 +/m/02j71 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dq8f /education/educational_institution/students_graduates./education/education/student /m/076689 +/m/02vrgnr /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/07sqnh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05r5c /music/instrument/instrumentalists /m/02ck1 +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/04twmk +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q_dw +/m/080_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0hg5 +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/0hnlx /people/person/religion /m/03_gx +/m/048hf /film/actor/film./film/performance/film /m/01kjr0 +/m/04sh80 /film/film/written_by /m/06d6y +/m/0sw6g /film/actor/film./film/performance/film /m/02nt3d +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yygk +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/064t9 /music/genre/artists /m/0ffgh +/m/01_x6v /influence/influence_node/influenced_by /m/04sd0 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0k6yt1 /people/person/profession /m/0nbcg +/m/064t9 /music/genre/artists /m/018y2s +/m/056xkh /film/film/executive_produced_by /m/025b3k +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/04n32 +/m/09g0h /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01wmjkb /film/actor/film./film/performance/film /m/09w6br +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01v1d8 /music/instrument/instrumentalists /m/01wlt3k +/m/01797x /people/person/profession /m/016z4k +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040b5k +/m/0k4p0 /film/film/genre /m/05p553 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/030hcs +/m/07s9rl0 /media_common/netflix_genre/titles /m/0333t +/m/025ts_z /film/film/featured_film_locations /m/030qb3t +/m/070yzk /film/actor/film./film/performance/film /m/0571m +/m/02b9g4 /film/actor/film./film/performance/film /m/026wlxw +/m/07ssc /media_common/netflix_genre/titles /m/0cq806 +/m/03ft8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qwh +/m/0d060g /location/location/contains /m/018lbg +/m/016ntp /people/person/profession /m/01c72t +/m/0bbf1f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_6y +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0690ct +/m/0329r5 /sports/sports_team/sport /m/02vx4 +/m/051ys82 /film/film/country /m/0d060g +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/03k7dn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/04shbh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/05qzv /influence/influence_node/influenced_by /m/099bk +/m/0fk1z /people/ethnicity/languages_spoken /m/05zjd +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/01fh36 /music/genre/artists /m/01wg3q +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jrhz +/m/02qlp4 /film/film/country /m/07ssc +/m/0dwcl /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/036hnm +/m/02648p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyh2wm +/m/098s2w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/09blyk /media_common/netflix_genre/titles /m/026n4h6 +/m/04v7kt /people/person/place_of_birth /m/0n96z +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/0162v /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/07c2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/04bdqk /people/person/profession /m/02hrh1q +/m/015c2f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/06k02 /people/person/nationality /m/03_3d +/m/0bmpm /film/film/genre /m/04t36 +/m/016z2j /award/award_winner/awards_won./award/award_honor/award_winner /m/06lvlf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016szr +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0gfmc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/02v49c /people/person/gender /m/05zppz +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07pd_j +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/035gnh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09r9dp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gd_b_ +/m/053yx /people/person/places_lived./people/place_lived/location /m/0sgxg +/m/06w92 /location/location/contains /m/09pxc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03yhgp +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0jfx1 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01tdnyh +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ddj0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0_92w /film/film/produced_by /m/0bwh6 +/m/074qgb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/06cl2w /people/person/places_lived./people/place_lived/location /m/06y57 +/m/01nfys /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gh4g0 /music/record_label/artist /m/01w02sy +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/0j3v /people/deceased_person/place_of_death /m/02z0j +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x73c +/m/0f4_2k /film/film/produced_by /m/04wvhz +/m/05c9zr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03f0vvr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/03h610 /people/person/nationality /m/09c7w0 +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_l96 +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/02l96k /music/genre/artists /m/03k3b +/m/09q5w2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01yxbw +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03rwng +/m/01pk8v /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07y_r /people/deceased_person/place_of_death /m/01j2_7 +/m/07dvs /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lct6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02j9z /base/locations/continents/countries_within /m/06sff +/m/051n13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/012yc /music/genre/artists /m/01vrt_c +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4yh +/m/032md /people/person/profession /m/02jknp +/m/01z7s_ /people/person/spouse_s./people/marriage/spouse /m/019pm_ +/m/057xn_m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01jwt /music/genre/parent_genre /m/03lty +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01vsyg9 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01bvw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0277g +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02wt0 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03t0k1 /film/actor/film./film/performance/film /m/0m313 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0b25vg /people/person/places_lived./people/place_lived/location /m/013yq +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0frm7n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/02vkdwz +/m/0c0yh4 /film/film/genre /m/07s9rl0 +/m/0dbbz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02kxx1 +/m/0ds11z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016fjj /people/person/profession /m/02hrh1q +/m/07gghl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fcqw +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q4j +/m/03ksy /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0154qm +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/077rj /people/person/gender /m/05zppz +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/026vcc +/m/0qjfl /location/location/time_zones /m/02lcqs +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07fsv +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/01w7nwm /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/024jwt +/m/021l5s /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/04mvp8 /people/ethnicity/people /m/046rfv +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/0156q /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/03f22dp +/m/01q7q2 /education/university/fraternities_and_sororities /m/0325pb +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01gb54 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/0456xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/01vw77 /music/genre/parent_genre /m/03mb9 +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/01d8yn +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/03y0pn /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/04g4n /film/actor/film./film/performance/film /m/05dmmc +/m/01c6yz /location/location/time_zones /m/02llzg +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rg2b +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/04cl1 /people/person/profession /m/02jknp +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dsvzh +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01ttg5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01lz4tf +/m/01z4y /media_common/netflix_genre/titles /m/0f7hw +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01pg1d /people/person/profession /m/0dxtg +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0295sy +/m/0tc7 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03xmy1 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h7pj +/m/04p3w /people/cause_of_death/people /m/0c2tf +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/018j2 /music/instrument/instrumentalists /m/01q_wyj +/m/02rky4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0h63gl9 /film/film/genre /m/05p553 +/m/017_qw /music/genre/artists /m/01ycfv +/m/0219q /film/actor/film./film/performance/film /m/02jxbw +/m/04jb97 /people/person/gender /m/05zppz +/m/0qtz9 /location/hud_county_place/place /m/0qtz9 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/01k9cc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h2zvzr /film/film/language /m/02h40lc +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j6mff +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01p8s +/m/03mp37 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/032wdd /award/award_winner/awards_won./award/award_honor/award_winner /m/0c01c +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/052p7 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/08g_jw /film/film/country /m/03rk0 +/m/01vsqvs /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vrncs +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/05hywl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02lf_x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/034xyf /film/film/language /m/02bjrlw +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023gxx +/m/01yznp /people/person/religion /m/0kpl +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/012x2b /film/actor/film./film/performance/film /m/0642ykh +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddf2bm +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/019q50 /education/educational_institution/campuses /m/019q50 +/m/0gywn /music/genre/artists /m/01vt9p3 +/m/0yx1m /film/film/genre /m/02l7c8 +/m/0k4bc /film/film/production_companies /m/05qd_ +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/06x68 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f9wb +/m/01_jky /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03rz2b /award/award_winning_work/awards_won./award/award_honor/honored_for /m/092vkg +/m/03_d0 /music/genre/artists /m/016dsy +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030h95 +/m/06mzp /location/location/contains /m/01kk32 +/m/05fm6m /film/film/genre /m/05p553 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/01x5fb /education/educational_institution/campuses /m/01x5fb +/m/01d1st /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0261x8t +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/058z1hb /people/person/profession /m/089fss +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/01vrz41 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pnn3 +/m/05dbf /people/person/spouse_s./people/marriage/spouse /m/07r1h +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015nhn +/m/01qz69r /film/actor/film./film/performance/film /m/0dh8v4 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/02x3lt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02v4vl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06j6l /music/genre/artists /m/01vrz41 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/07g2v /people/person/gender /m/05zppz +/m/01f8gz /film/film/genre /m/07s9rl0 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/01mxqyk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvc5 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/04xn2m +/m/0mz73 /film/actor/film./film/performance/film /m/02nczh +/m/0ds33 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h7pj +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t1dv +/m/09q17 /media_common/netflix_genre/titles /m/074w86 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01ztgm /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01w60_p /people/person/profession /m/016z4k +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04xn_ +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/02cl1 /location/us_county/county_seat /m/02cl1 +/m/06jplb /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/012201 +/m/05q54f5 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02ctzb /people/ethnicity/people /m/02l3_5 +/m/01wvxw1 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04zyhx /film/film/genre /m/05p553 +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/02114t /film/actor/film./film/performance/film /m/05qbckf +/m/015p3p /film/actor/film./film/performance/film /m/06w99h3 +/m/091z_p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v406 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/09c7w0 /location/location/contains /m/0djd3 +/m/0ptx_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/06whf /people/person/profession /m/02hv44_ +/m/03y3dk /award/award_winner/awards_won./award/award_honor/award_winner /m/0272kv +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gwf191 /film/film/genre /m/02l7c8 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01tl50z +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01d650 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01fjz9 +/m/02zjd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0479b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015076 +/m/0hwbd /film/actor/film./film/performance/film /m/04zyhx +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ys_y +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/0846v /location/location/contains /m/0fw3f +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/041rx /people/ethnicity/people /m/03d1y3 +/m/041rx /people/ethnicity/people /m/01b0k1 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01q6bg +/m/0h7t36 /film/film/genre /m/05p553 +/m/04t2t /media_common/netflix_genre/titles /m/08j7lh +/m/06s0l /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07ymr5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/091yn0 +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j95 +/m/02hkv5 /people/person/gender /m/05zppz +/m/027z0pl /people/person/profession /m/01d_h8 +/m/013d7t /base/biblioness/bibs_location/country /m/09c7w0 +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03fts +/m/06by7 /music/genre/artists /m/01dw_f +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/023322 /music/group_member/membership./music/group_membership/role /m/051hrr +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/08swgx +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0l39b /location/hud_county_place/place /m/0l39b +/m/0c1j_ /people/person/profession /m/02hrh1q +/m/02xbw2 /people/person/nationality /m/09c7w0 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/07hwkr /people/ethnicity/languages_spoken /m/05zjd +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b19f +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/04qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kh2m1 +/m/029t1 /base/aareas/schema/administrative_area/administrative_parent /m/07371 +/m/0c0tzp /people/person/profession /m/026sdt1 +/m/048tv9 /film/film/genre /m/03npn +/m/016sqs /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/093l8p /film/film/language /m/02h40lc +/m/081m_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0c35b1 /film/actor/film./film/performance/film /m/03shpq +/m/03rt9 /location/location/contains /m/01fjw0 +/m/0n04r /film/film/genre /m/02n4kr +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c9k8 +/m/06j6l /music/genre/artists /m/01v27pl +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0558_1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pbp9 +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds2l81 +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dn58 +/m/01cwkq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06wm0z +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/07t3x8 /people/person/profession /m/0fj9f +/m/01tjt2 /base/aareas/schema/administrative_area/administrative_parent /m/0hzlz +/m/01hkck /people/person/spouse_s./people/marriage/location_of_ceremony /m/06kx2 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/0jt86 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0190zg /music/genre/artists /m/01vvydl +/m/04wlz2 /organization/organization/headquarters./location/mailing_address/citytown /m/0mnsf +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/07gvx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/084302 /film/film/production_companies /m/086k8 +/m/03zj9 /education/educational_institution/students_graduates./education/education/student /m/01507p +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/03c_cxn /film/film/film_festivals /m/0bx_f_t +/m/01vw_dv /people/person/profession /m/0dz3r +/m/013pk3 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0159h6 +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/02f2dn /people/person/gender /m/02zsn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04kd5d +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/08jgk1 /tv/tv_program/program_creator /m/048wrb +/m/093g7v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02j9z /location/location/contains /m/0166b +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/04zx08r +/m/012c6x /film/actor/film./film/performance/film /m/01_mdl +/m/019dmc /people/cause_of_death/people /m/013qvn +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/01vhrz /award/award_winner/awards_won./award/award_honor/award_winner /m/07rd7 +/m/0k__z /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01n6r0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/02bqvs /film/film/music /m/03c_8t +/m/0413cff /film/film/featured_film_locations /m/04jpl +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/0f7hc +/m/0kvbl6 /film/film/personal_appearances./film/personal_film_appearance/person /m/0gr69 +/m/047lj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/017vkx /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/05148p4 /music/instrument/instrumentalists /m/01yzl2 +/m/0162c8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015z4j +/m/0jdr0 /film/film/country /m/02jx1 +/m/05b_gq /film/film/genre /m/02l7c8 +/m/07s6prs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0j0k /location/location/contains /m/04ty8 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/03nymk /tv/tv_program/genre /m/05p553 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0p__8 /people/person/nationality /m/0d060g +/m/033hqf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h584v /people/person/profession /m/0dxtg +/m/0bksh /film/actor/film./film/performance/film /m/07k8rt4 +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0x67 /people/ethnicity/people /m/01w5jwb +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/08849 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0343h +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/02ltg3 +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/0lpjn +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/01_k1z /people/person/profession /m/0dxtg +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/014hr0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bvzp +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/01ggbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0gr0m /award/award_category/category_of /m/0g_w +/m/0kygv /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015z4j +/m/04z257 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06d4h /film/film_subject/films /m/0bkq7 +/m/06ncr /music/instrument/instrumentalists /m/01vvybv +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/07tk7 +/m/04z0g /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cc5tgk +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/021yc7p +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/063t3j +/m/09c7w0 /location/country/second_level_divisions /m/0kpzy +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/024swd /people/deceased_person/place_of_death /m/02_286 +/m/0345h /location/location/contains /m/0d34_ +/m/025sc50 /music/genre/artists /m/02wwwv5 +/m/0ckcvk /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/0466s8n /film/film/music /m/01wl38s +/m/0jdgr /film/film/written_by /m/026dx +/m/05k4my /film/film/genre /m/01jfsb +/m/0f83g2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/027dtv3 +/m/095zlp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_s9q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/08pth9 /film/actor/film./film/performance/film /m/098s2w +/m/03kxp7 /people/person/profession /m/0d1pc +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/071_8 /organization/organization/headquarters./location/mailing_address/citytown /m/01d26y +/m/01sxd1 /people/person/profession /m/01d_h8 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0jw67 /film/director/film /m/012jfb +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/02vqsll /film/film/genre /m/01f9r0 +/m/07c52 /media_common/netflix_genre/titles /m/039fgy +/m/03y5g8 /music/record_label/artist /m/01vsy7t +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/0h96g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/0c3351 /media_common/netflix_genre/titles /m/0h21v2 +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/01t0dy /education/educational_institution/campuses /m/01t0dy +/m/01w0yrc /people/person/gender /m/05zppz +/m/033wx9 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01pgzn_ +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0c01c /people/person/profession /m/02hrh1q +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05gm16l +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04m1bm +/m/0y3_8 /music/genre/artists /m/04cr6qv +/m/06cv1 /people/person/profession /m/0dgd_ +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cv_gy +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/030w19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/018p4y +/m/012xdf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05h43ls /film/film/country /m/09c7w0 +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ndy4 +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hjv97 +/m/06y7d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bdt8 +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06nr2h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jr26 +/m/03yk8z /people/person/nationality /m/09c7w0 +/m/01pq4w /education/educational_institution/colors /m/019sc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/041p3y /music/record_label/artist /m/01vwyqp +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/04mn81 /people/person/gender /m/05zppz +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01l9p +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04lh6 +/m/0gtzp /location/country/capital /m/05qtj +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/01ydtg /music/genre/artists /m/0kj34 +/m/059fjj /people/person/place_of_birth /m/02_286 +/m/03y7ml /business/business_operation/industry /m/05jnl +/m/03cvv4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xkps +/m/04yc76 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/0bpx1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02dgq2 /education/educational_institution/school_type /m/05pcjw +/m/03y0pn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0mbhr /people/person/profession /m/0np9r +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/05t7c1 +/m/0243cq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bcndz /film/film/cinematography /m/0dqzkv +/m/09c7w0 /location/country/second_level_divisions /m/0p07_ +/m/0rv97 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nz_b +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lxrv +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146mv +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059z0 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/02cj_f /people/person/profession /m/01c72t +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01lsl +/m/08xpv_ /location/location/contains /m/0mw93 +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/013m4v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f2rq +/m/03bnd9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0162c8 /film/director/film /m/0ptdz +/m/096gm /location/location/contains /m/02pbzv +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vvybv /film/actor/film./film/performance/film /m/03yvf2 +/m/01j7rd /influence/influence_node/influenced_by /m/049gc +/m/03r8gp /film/film_subject/films /m/040rmy +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0jfx1 +/m/01v2xl /education/educational_institution/colors /m/09ggk +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04sj3 +/m/04v89z /film/film/genre /m/082gq +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yx7f +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0n6kf /influence/influence_node/influenced_by /m/041xl +/m/06jzh /people/person/nationality /m/09c7w0 +/m/083skw /film/film/country /m/09c7w0 +/m/02wb6yq /people/person/profession /m/02hrh1q +/m/08984j /film/film/written_by /m/0gn30 +/m/0zcbl /film/actor/film./film/performance/film /m/047myg9 +/m/03q3x5 /people/person/nationality /m/09c7w0 +/m/01j590z /people/person/profession /m/0kyk +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/05p1tzf /film/film/film_festivals /m/0kfhjq0 +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/02js6_ +/m/01jtp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02byfd /people/person/profession /m/0dxtg +/m/01pcq3 /film/actor/film./film/performance/film /m/0d90m +/m/0336mc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/05qzv +/m/09pjnd /people/person/gender /m/05zppz +/m/0q9kd /people/person/profession /m/03gjzk +/m/02w7gg /people/ethnicity/people /m/03v3xp +/m/07z1m /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/047yc /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0clz7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jtf1 +/m/01rc4p /base/eating/practicer_of_diet/diet /m/07_jd +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01vv7sc +/m/02wwsh8 /film/film/film_festivals /m/03wf1p2 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06x58 /film/actor/film./film/performance/film /m/02pg45 +/m/022_q8 /people/person/gender /m/05zppz +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bvn25 +/m/0283_zv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03csqj4 +/m/01z88t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vz0g4 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03thw4 +/m/09v6gc9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0h3mh3q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d0bsj +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/0167v4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/0hr3g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g_92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015dcj +/m/04gc65 /film/actor/film./film/performance/film /m/07cyl +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/0420y /people/person/religion /m/01t7j +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yth +/m/0143q0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/018js4 /film/film/production_companies /m/05qd_ +/m/04rs03 /people/person/nationality /m/03rk0 +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/01p9hgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gr7w +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04tr1 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/016z68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02m0b0 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06q5t7 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jzt3 +/m/05zjtn4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m_q0 /film/film/film_art_direction_by /m/05728w1 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cj79 +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/0sf9_ /location/location/contains /m/01yqqv +/m/016kb7 /people/person/nationality /m/09c7w0 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/02ply6j /film/actor/film./film/performance/film /m/03bx2lk +/m/05k7sb /location/location/contains /m/0tzls +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/064t9 /music/genre/artists /m/09qr6 +/m/01p47r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/0291ck /film/film/genre /m/05p553 +/m/01_qc_ /people/cause_of_death/people /m/0p9qb +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award /m/018wdw +/m/02xs5v /film/actor/film./film/performance/film /m/08s6mr +/m/0421v9q /film/film/genre /m/06cvj +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/02y_2y /people/person/places_lived./people/place_lived/location /m/013mtx +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08c6k9 /film/film/production_companies /m/054lpb6 +/m/0cc5mcj /film/film/production_companies /m/01gb54 +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/0bdlj /music/artist/origin /m/0rh6k +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/01msrb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0b005 +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/09yrh /award/award_winner/awards_won./award/award_honor/award_winner /m/016tb7 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/025p38 /people/person/places_lived./people/place_lived/location /m/03p85 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f0y8 /music/group_member/membership./music/group_membership/role /m/03qlv7 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/02qx5h /people/person/religion /m/03_gx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03x33n +/m/0jrqq /award/award_winner/awards_won./award/award_honor/award_winner /m/0146mv +/m/02n4kr /media_common/netflix_genre/titles /m/04mzf8 +/m/0177z /location/administrative_division/country /m/0154j +/m/03hh89 /film/actor/film./film/performance/film /m/0cd2vh9 +/m/0422v0 /film/film/language /m/02h40lc +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02xfrd /people/person/profession /m/0fj9f +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/028rk +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d9_96 +/m/01mxnvc /people/person/profession /m/0dz3r +/m/01z7_f /people/person/nationality /m/09c7w0 +/m/06929s /film/film/country /m/09c7w0 +/m/065zlr /film/film/story_by /m/0427y +/m/039zft /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/06cqb /music/genre/artists /m/015mrk +/m/05szp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/08jfkw /film/actor/film./film/performance/film /m/09m6kg +/m/02kmx6 /people/person/gender /m/02zsn +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/04sj3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/0pgjm /music/group_member/membership./music/group_membership/role /m/0342h +/m/0dll_t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02bfmn /film/actor/film./film/performance/film /m/09qljs +/m/043g7l /music/record_label/artist /m/01wbl_r +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j1z8 +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rxyb +/m/02zq43 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/049xgc /film/film/music /m/01tc9r +/m/0kw4j /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/0b_770 /time/event/instance_of_recurring_event /m/02jp2w +/m/02s2ft /film/actor/film./film/performance/film /m/01chpn +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0g39h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mtq +/m/06nr2h /film/film/country /m/09c7w0 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04pry /location/hud_county_place/place /m/04pry +/m/09fqgj /film/film/country /m/03rj0 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/0863x_ /film/actor/film./film/performance/film /m/0dzz6g +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/05q4y12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/01wgr /language/human_language/countries_spoken_in /m/01mjq +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s8r0 +/m/05y5fw /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/08658y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/03wh49y /film/film/language /m/02h40lc +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/01mvpv /people/person/profession /m/04gc2 +/m/02q_ncg /film/film/production_companies /m/086k8 +/m/01qbg5 /film/film/genre /m/0hn10 +/m/09hldj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/01xndd +/m/01h8f /film/actor/film./film/performance/film /m/05fgt1 +/m/04cf_l /film/film/personal_appearances./film/personal_film_appearance/person /m/03lgg +/m/01qz5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cjf0 /medicine/symptom/symptom_of /m/09jg8 +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/025_nbr +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/040rjq /people/person/profession /m/0dxtg +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0bhsnb /people/ethnicity/languages_spoken /m/02002f +/m/03w4sh /film/actor/film./film/performance/film /m/06r2h +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/05f4_n0 /film/film/executive_produced_by /m/03hbzj +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07ssc /media_common/netflix_genre/titles /m/0glbqt +/m/0mdyn /people/person/profession /m/01d_h8 +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/01515w /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0640m69 /film/film/produced_by /m/0pz91 +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/07tl0 /education/educational_institution/students_graduates./education/education/student /m/0448r +/m/0pmn7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q0k7v +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/0g28b1 +/m/026c1 /film/actor/film./film/performance/film /m/0blpg +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ry_x +/m/0bdxs5 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/03wf1p2 /time/event/instance_of_recurring_event /m/0prpt +/m/07gyp7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0315rp /film/film/genre /m/060__y +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/044rv +/m/0mzkr /music/record_label/artist /m/06w2sn5 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/017yfz +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0gn30 /film/actor/film./film/performance/film /m/07kb7vh +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01jgpsh +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014knw +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/012vwb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/0j5ym /time/event/locations /m/0d05w3 +/m/02rrsz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/07cyl /film/film/genre /m/0lsxr +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01817f /people/person/profession /m/02hrh1q +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnpv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0159r9 +/m/02q_x_l /film/film/genre /m/07s9rl0 +/m/0350l7 /people/person/place_of_birth /m/017j4q +/m/03hkch7 /film/film/genre /m/03bxz7 +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/04qdj /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01qcz7 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/02465 /people/person/profession /m/01d_h8 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wp63 +/m/0yxm1 /film/film/produced_by /m/012rng +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0h1fktn /film/film/language /m/02h40lc +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/0bjkpt /people/person/gender /m/05zppz +/m/03_vx9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01515w +/m/042fk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01r5xw /sports/sports_team/colors /m/09ggk +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gnbw +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0kvbl6 /film/film/language /m/02h40lc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01g03q +/m/027xx3 /education/educational_institution/school_type /m/01rs41 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/087yty +/m/043yj /location/hud_county_place/place /m/043yj +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02g839 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03clwtw /film/film/production_companies /m/025hwq +/m/02tfl8 /medicine/symptom/symptom_of /m/0d19y2 +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/04_1l0v /location/location/contains /m/04ly1 +/m/04zxrt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/041xyk +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03shpq +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/065y4w7 /education/educational_institution/school_type /m/07tf8 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award /m/0b6jkkg +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0bbf1f /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01kgv4 +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/03zrhb +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/088_kf +/m/02qk3fk /film/film/genre /m/07s9rl0 +/m/03prz_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04kd5d +/m/02yy9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03nk3t +/m/084qpk /film/film/edited_by /m/06cv1 +/m/09ftwr /people/person/place_of_birth /m/02_286 +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/0h9qh /media_common/netflix_genre/titles /m/03n785 +/m/01v5h /people/person/profession /m/0dxtg +/m/03hmr_ /people/person/nationality /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/01nqfh_ +/m/01rlxt /people/person/nationality /m/09c7w0 +/m/02qdgx /music/genre/artists /m/02p68d +/m/0p9lw /film/film/genre /m/03k9fj +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01gx5f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/01sbv9 +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/06c62 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0167xy /influence/influence_node/influenced_by /m/0qdyf +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/016ywr /film/actor/film./film/performance/film /m/05c9zr +/m/01lnyf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/087_xx +/m/01pw9v /people/person/nationality /m/09c7w0 +/m/016z68 /people/person/places_lived./people/place_lived/location /m/02cft +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/01jrs46 /people/deceased_person/place_of_death /m/02_286 +/m/05bnp0 /people/person/profession /m/0dxtg +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044zvm +/m/0jhjl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0bs09lb /sports/sports_team/roster./american_football/football_roster_position/position /m/01snvb +/m/01l9p /film/actor/film./film/performance/film /m/0fr63l +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015qyf +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/058j2 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/039c26 /tv/tv_program/genre /m/02p0szs +/m/09b6zr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v570 +/m/0yyg4 /film/film/film_festivals /m/05ys0xf +/m/02whj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019lxm +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/02h761 +/m/033x5p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02cllz /people/person/places_lived./people/place_lived/location /m/06y9v +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/08qmfm +/m/0gywn /music/genre/artists /m/044gyq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/02b71x /music/genre/artists /m/012z8_ +/m/01qqwp9 /music/artist/origin /m/04jpl +/m/03n0q5 /music/artist/origin /m/02_286 +/m/034qzw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01_bkd /music/genre/artists /m/01vsxdm +/m/04hpck /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbl95 +/m/0jhn7 /olympics/olympic_games/sports /m/0bynt +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01gfhk +/m/02x2jl_ /film/film/language /m/02h40lc +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/013qvn /people/person/profession /m/01d_h8 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/024dgj +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/04b7xr +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwgn1k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/07ssc /location/location/contains /m/01sjz_ +/m/0534v /film/director/film /m/02gs6r +/m/07zhjj /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0c9xjl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/0292l3 /people/person/places_lived./people/place_lived/location /m/03p85 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0kv9d3 /film/film/produced_by /m/01515w +/m/016hvl /people/person/profession /m/02hv44_ +/m/0glh3 /location/location/contains /m/01zn4y +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0432_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015c2f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcdn +/m/09r8l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016h4r +/m/016yvw /people/person/spouse_s./people/marriage/spouse /m/01q8fxx +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/0p8jf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kz10 /music/genre/parent_genre /m/0mmp3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042fgh +/m/041rx /people/ethnicity/people /m/01wvxw1 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/020_95 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0hv81 +/m/015wnl /film/actor/film./film/performance/film /m/0qmd5 +/m/02qfhb /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/029g_vk +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/04t969 /people/person/profession /m/01___w +/m/07ssc /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/03_d0 /music/genre/artists /m/037lyl +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014kyy +/m/064t9 /music/genre/artists /m/02l_7y +/m/018vs /music/instrument/instrumentalists /m/017g21 +/m/06sw9 /location/country/form_of_government /m/01fpfn +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/024qqx /media_common/netflix_genre/titles /m/0d90m +/m/01738f /music/genre/artists /m/01vw20_ +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03f68r6 /people/person/places_lived./people/place_lived/location /m/0p9nv +/m/09wnnb /film/film/language /m/02h40lc +/m/01x53m /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/0dpqk /film/actor/film./film/performance/film /m/04zl8 +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/05n6sq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06bd5j /film/film/genre /m/02n4kr +/m/0275_pj /people/person/profession /m/0dxtg +/m/0342h /music/instrument/instrumentalists /m/01w3lzq +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/05b49tt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b5_tj +/m/02gd6x /film/film/film_festivals /m/0g57ws5 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0glt670 /music/genre/artists /m/01w7nwm +/m/02rytm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016y_f /film/film/production_companies /m/030_1_ +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/012xdf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033_1p +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03xnwz /music/genre/artists /m/01nkxvx +/m/07hwkr /people/ethnicity/languages_spoken /m/064_8sq +/m/0blg2 /olympics/olympic_games/sports /m/02vx4 +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/03kq98 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tkzn +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01k47c /music/group_member/membership./music/group_membership/role /m/013y1f +/m/048wrb /people/person/profession /m/0cbd2 +/m/05ys0ws /time/event/locations /m/0156q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/012jfb +/m/079hvk /people/person/profession /m/0dgd_ +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0prrm +/m/09zmys /film/actor/film./film/performance/film /m/0hx4y +/m/0399p /influence/influence_node/influenced_by /m/03sbs +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dwsp /music/instrument/instrumentalists /m/09qr6 +/m/064r9cb /music/record_label/artist /m/092ggq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/0cjf0 /medicine/symptom/symptom_of /m/074m2 +/m/0cc846d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01chg /media_common/netflix_genre/titles /m/030z4z +/m/01pcbg /film/actor/film./film/performance/film /m/026hxwx +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/0kbws /olympics/olympic_games/participating_countries /m/03_r3 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02hnl /music/instrument/instrumentalists /m/01vtg4q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8sf +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0j210 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0gps0z /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01w9wwg +/m/034xyf /film/film/genre /m/06cvj +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/07jxpf /film/film/country /m/09c7w0 +/m/015npr /people/person/profession /m/02hrh1q +/m/0lk8j /olympics/olympic_games/sports /m/0bynt +/m/025rpyx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01skmp +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/04jplwp /film/film/genre /m/07s9rl0 +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/03lty /music/genre/artists /m/02y7sr +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0342h /music/instrument/instrumentalists /m/01vs4ff +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/063fh9 /film/film/prequel /m/0639bg +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01csvq +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01gzm2 +/m/03qbm /business/business_operation/industry /m/05jnl +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/06znpjr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/095p3z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq806 +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6d +/m/030_3z /people/person/employment_history./business/employment_tenure/company /m/030_1_ +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0g8st4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01hkg9 /people/deceased_person/place_of_death /m/0f2wj +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01j7rd /people/person/profession /m/02hrh1q +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/06kl78 /film/film/genre /m/01jfsb +/m/04205z /people/person/spouse_s./people/marriage/spouse /m/060j8b +/m/0b1q7c /people/person/place_of_birth /m/0f2wj +/m/0k3j0 /base/aareas/schema/administrative_area/administrative_parent /m/05k7sb +/m/0gps0z /people/person/gender /m/02zsn +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/02725hs /film/film/country /m/09c7w0 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gs6r +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/01b66t /tv/tv_program/genre /m/06q7n +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/055z7 +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/0859_ +/m/0gkz15s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x0dzw +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0bksh /people/person/place_of_birth /m/071vr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1j1 +/m/033tf_ /people/ethnicity/people /m/0chrwb +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/0372kf /people/person/nationality /m/09c7w0 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/061681 +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/01jrbb /film/film/genre /m/01zhp +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0cz_ym /film/film/genre /m/07s9rl0 +/m/016j68 /people/person/place_of_birth /m/013c2f +/m/0kbws /olympics/olympic_games/participating_countries /m/01699 +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0qmk5 /tv/tv_program/genre /m/0lsxr +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s93v +/m/01kx_81 /people/person/profession /m/0nbcg +/m/0b0pf /people/person/gender /m/05zppz +/m/01vfqh /film/film/genre /m/01jfsb +/m/064t9 /music/genre/artists /m/06s7rd +/m/0ch3qr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0419kt /film/film/music /m/0417z2 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0kw4j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/03q8ch +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/026b33f /tv/tv_program/country_of_origin /m/09c7w0 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0kz4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/059t8 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0d87hc +/m/01fjz9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209xj +/m/0517bc /film/actor/film./film/performance/film /m/0bwhdbl +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/04gnbv1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cp9f9 +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/05km8z /people/person/place_of_birth /m/04jpl +/m/03x23q /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0bj25 /film/film/genre /m/0vgkd +/m/0ggjt /music/group_member/membership./music/group_membership/role /m/018j2 +/m/03xl77 /film/actor/film./film/performance/film /m/07pd_j +/m/019fv4 /location/location/contains /m/035yzw +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/0dcsx /medicine/disease/risk_factors /m/0c58k +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/02qx69 /film/actor/film./film/performance/film /m/014zwb +/m/01dq5z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02pyyld /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0619m3 +/m/05zjd /language/human_language/countries_spoken_in /m/0hzlz +/m/02wlwtm /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dzbl +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02h40lc /language/human_language/countries_spoken_in /m/035hm +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9lm2 +/m/05p9_ql /tv/tv_program/country_of_origin /m/09c7w0 +/m/0qlnr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/044mfr /people/person/place_of_birth /m/030qb3t +/m/074rg9 /film/film/country /m/09c7w0 +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02fgdx +/m/03p2m1 /education/educational_institution/school_type /m/05jxkf +/m/015npr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/0126t5 /music/genre/artists /m/01304j +/m/01243b /music/genre/artists /m/09mq4m +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/03lfd_ +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04954 /film/actor/film./film/performance/film /m/0bs8ndx +/m/02t__3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/048n7 /film/film_subject/films /m/0m_h6 +/m/017yxq /people/person/profession /m/03gjzk +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01fwj8 /people/person/gender /m/02zsn +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/01vvycq /people/person/profession /m/01d_h8 +/m/0j0k /base/locations/continents/countries_within /m/02lx0 +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gkvb7 +/m/03k7dn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/0glt670 /music/genre/artists /m/01vvyc_ +/m/0160w /location/country/form_of_government /m/01q20 +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0946bb /film/film/genre /m/02kdv5l +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/0143wl /people/person/nationality /m/0j5g9 +/m/01846t /film/actor/film./film/performance/film /m/07sp4l +/m/03d34x8 /tv/tv_program/genre /m/01rbb +/m/01hmnh /media_common/netflix_genre/titles /m/01hw5kk +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l57x +/m/02m_41 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0bqsy /people/person/profession /m/09jwl +/m/01gx5f /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/019g40 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/0473m9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/028n3 /base/biblioness/bibs_location/country /m/02jx1 +/m/0342h /music/instrument/instrumentalists /m/011hdn +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/03cn92 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0prrm /film/film/genre /m/0556j8 +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/015vq_ /film/actor/film./film/performance/film /m/089j8p +/m/03rg2b /film/film/music /m/023361 +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0zcbl /people/person/place_of_birth /m/0f2nf +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/0d0x8 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/02lf70 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06by7 /music/genre/artists /m/0d193h +/m/01k6nm /people/person/religion /m/03j6c +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/06nns1 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/019n7x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqvs2 +/m/05pt0l /film/film/genre /m/09blyk +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/04_cdd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hkf +/m/0277c3 /people/person/profession /m/0nbcg +/m/05hs4r /music/genre/artists /m/0178_w +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/0bs8s1p /film/film/country /m/09c7w0 +/m/0175tv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02qvgy +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mzp +/m/089tm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wbz9 /people/person/profession /m/09jwl +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/013mj_ /location/location/time_zones /m/02fqwt +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02ltg3 +/m/023zl /education/educational_institution/campuses /m/023zl +/m/0127gn /award/award_winner/awards_won./award/award_honor/award_winner /m/0149xx +/m/07gbf /tv/tv_program/genre /m/01jfsb +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/01ypc /sports/sports_team/colors /m/019sc +/m/03pzf /sports/sports_team_location/teams /m/048ldh +/m/04f73rc /music/genre/artists /m/01jcxwp +/m/02fybl /film/actor/film./film/performance/film /m/098s2w +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p3_s +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/0dwtp +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/05q7874 /film/film/genre /m/07s9rl0 +/m/0277g /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/041sbd /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/02825cv /film/film/country /m/09c7w0 +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0btpm6 /film/film/country /m/07ssc +/m/02qvhbb /people/person/languages /m/09s02 +/m/0gj50 /tv/tv_program/languages /m/02h40lc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m0hw +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0kbf1 /film/film/production_companies /m/016tt2 +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pgzn_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/0mz73 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0bsj9 +/m/022yb4 /people/person/nationality /m/09c7w0 +/m/034zc0 /people/person/profession /m/021wpb +/m/087vnr5 /film/film/language /m/02h40lc +/m/0jrhl /location/location/time_zones /m/02hcv8 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jnvs +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h3x5 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0pk41 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/03tps5 /film/film/language /m/02h40lc +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0fhzwl /tv/tv_program/genre /m/07s9rl0 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y0pn +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01g7_r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01633c /film/film/music /m/01mh8zn +/m/02cg41 /time/event/instance_of_recurring_event /m/0c4ys +/m/02k1pr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039bp +/m/058z1hb /people/person/place_of_birth /m/02_286 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/03xds +/m/03bnb /organization/organization/child./organization/organization_relationship/child /m/05gnf +/m/014488 /people/person/religion /m/0c8wxp +/m/050ks /location/administrative_division/first_level_division_of /m/09c7w0 +/m/051m56 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/0d8w2n /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/06r2h /film/film/written_by /m/046mxj +/m/03wpmd /film/director/film /m/030z4z +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/065zlr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/041sbd /education/educational_institution_campus/educational_institution /m/041sbd +/m/01br2w /film/film/genre /m/04xvh5 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/04n65n +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gp3x +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/0d6d2 +/m/03359d /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03ds83 +/m/0mb0 /influence/influence_node/influenced_by /m/0l99s +/m/0cf_h9 /people/person/place_of_birth /m/0rn0z +/m/0cc5qkt /film/film/written_by /m/0136g9 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08k881 +/m/01qg7c /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/02jx1 /location/location/contains /m/029skd +/m/016yr0 /people/person/nationality /m/09c7w0 +/m/0pmp2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03shpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/03ksy /education/educational_institution/colors /m/01jnf1 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0b2ds /location/hud_county_place/county /m/0l2lk +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04wg38 +/m/04pz5c /people/person/gender /m/05zppz +/m/0lbd9 /olympics/olympic_games/sports /m/0dwxr +/m/071xj /people/deceased_person/place_of_death /m/0cvw9 +/m/02r5w9 /people/person/profession /m/02jknp +/m/0yls9 /education/educational_institution/colors /m/083jv +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/016vg8 /people/person/nationality /m/09c7w0 +/m/04w8f /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/035s37 /sports/sports_team/sport /m/02vx4 +/m/0yyn5 /film/film/featured_film_locations /m/02_286 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/01ynzf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/064t9 /music/genre/artists /m/0pyg6 +/m/0m_mm /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/015g_7 /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01b9w3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xwq9 +/m/01n7q /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vv126 +/m/083skw /film/film/film_production_design_by /m/0638kv +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/0560w /music/artist/origin /m/030qb3t +/m/0mnyn /location/hud_county_place/place /m/0mnyn +/m/06dfg /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fh694 +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ysmg +/m/01wv9p /award/award_winner/awards_won./award/award_honor/award_winner /m/0cc5tgk +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06r_by +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/01g3gq /film/film/genre /m/01q03 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fwdr +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0fvly /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/07jnt /film/film/genre /m/01rbb +/m/0g3zrd /film/film/music /m/07j8kh +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0dwz3t +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0k29f /people/person/nationality /m/09c7w0 +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h7dd +/m/04hwbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/01p45_v /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0jmm4 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04pk1f +/m/0342h /music/instrument/instrumentalists /m/01vsksr +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/04k25 /people/person/profession /m/01d_h8 +/m/03lty /music/genre/artists /m/03f1zhf +/m/01gbbz /people/person/gender /m/02zsn +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/069nzr +/m/03t8v3 /people/person/profession /m/0d1pc +/m/016kb7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017cy9 +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/0cskb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xmxj +/m/0127gn /award/award_nominee/award_nominations./award/award_nomination/award /m/0257w4 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/0sz28 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xcfy +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01m9f1 /location/location/time_zones /m/02hcv8 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07s8qm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02qwg /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0l8v5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ll45 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/0jqzt /film/film/production_companies /m/016tw3 +/m/0gpmp /film/actor/film./film/performance/film /m/0168ls +/m/09hyvp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03v1jf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/02lnbg /music/genre/artists /m/086qd +/m/07fvf1 /people/person/profession /m/03gjzk +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/01fyzy /people/person/nationality /m/09c7w0 +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/03cdg /influence/influence_node/influenced_by /m/06c44 +/m/06_x996 /film/film/genre /m/01t_vv +/m/07sqhm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/03x400 +/m/01_k71 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xcqc /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/05mt_q /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0y617 /location/location/time_zones /m/02hcv8 +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vrt_c +/m/04tz52 /film/film/genre /m/04pbhw +/m/0q9kd /film/director/film /m/0296rz +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/01wyzyl /people/person/profession /m/018gz8 +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8gz +/m/0416y94 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_ztw /people/person/religion /m/0c8wxp +/m/01w0yrc /people/person/profession /m/02hrh1q +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/08mg_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/049d_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/0459z /people/person/nationality /m/0345h +/m/0660b9b /film/film/country /m/07ssc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgxk +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0244r8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/03d_w3h /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02xfrd /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02pprs +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dd2b +/m/01fxg8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/06mtq /location/administrative_division/country /m/0chghy +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0ldqf /olympics/olympic_games/sports /m/07jjt +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/03s9kp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06qgvf /people/person/profession /m/0d1pc +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/04v9wn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0hsqf /base/aareas/schema/administrative_area/administrative_parent /m/06qd3 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07sgdw +/m/0ymf1 /education/educational_institution/students_graduates./education/education/student /m/01tdnyh +/m/0130sy /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040rjq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mqj_ +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/07pzc +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03qbm +/m/05b2f_k /people/person/nationality /m/0j5g9 +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02404v +/m/031296 /film/actor/film./film/performance/film /m/023vcd +/m/0872p_c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dln8jk +/m/017xm3 /people/person/nationality /m/09c7w0 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0m0jc /music/genre/artists /m/01v_pj6 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/01b_d4 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/07bch9 /people/ethnicity/people /m/01r4zfk +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0b78hw /influence/influence_node/influenced_by /m/0tfc +/m/0557q /music/genre/artists /m/07j8kh +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/016wzw /location/country/form_of_government /m/01d9r3 +/m/032d52 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/016z2j /film/actor/film./film/performance/film /m/0dnkmq +/m/0pkgt /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02j04_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/03gvm3t /tv/tv_program/genre /m/03fpg +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/0252fh /people/person/places_lived./people/place_lived/location /m/0k049 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/08xvpn /film/film/film_production_design_by /m/02x2t07 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hp2y1 +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/05pdd86 /film/film/language /m/02h40lc +/m/09py7 /people/deceased_person/place_of_death /m/04swd +/m/0x67 /people/ethnicity/people /m/01vvyvk +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nhfc1 +/m/02qkq0 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/06by7 /music/genre/artists /m/0b1hw +/m/075wx7_ /film/film/language /m/02h40lc +/m/0405l /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01swxv +/m/0nppc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nf3h +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0169dl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01fwj8 +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hwbd +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0304nh +/m/01jssp /education/university/fraternities_and_sororities /m/0325pb +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/02dh86 +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kb3n +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rk0 +/m/043tg /influence/influence_node/influenced_by /m/07h1q +/m/07m77x /people/person/nationality /m/09c7w0 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0gvt53w /film/film/country /m/09c7w0 +/m/03h502k /people/person/profession /m/016z4k +/m/02z3zp /people/person/gender /m/05zppz +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/032t2z /people/person/profession /m/09jwl +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/05dbyt /people/person/place_of_birth /m/06_kh +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/095kp +/m/0flpy /people/person/profession /m/016z4k +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0_9l_ /film/film/country /m/03_3d +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/02b0zt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/047bynf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n6c_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/01cwq9 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/043gj +/m/0272kv /people/person/nationality /m/03rjj +/m/04511f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/0g9z_32 /film/film/produced_by /m/0c9c0 +/m/03p7rp /music/genre/artists /m/012ycy +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/02z2xdf +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/06q8qh /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02bh_v +/m/06mmb /people/person/nationality /m/09c7w0 +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l15n +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/03s0w /location/location/contains /m/0ghtf +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/03np_7 /education/educational_institution/colors /m/01g5v +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059_gf +/m/01fjz9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/035bcl /film/film/genre /m/01hmnh +/m/09c7w0 /location/location/contains /m/0ftxc +/m/03_d0 /music/genre/artists /m/023322 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dr_4 +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/0k419 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05_k56 /film/director/film /m/027s39y +/m/02hfp_ /people/person/gender /m/05zppz +/m/0kr5_ /film/actor/film./film/performance/film /m/0p7qm +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/03gfvsz /broadcast/content/artist /m/0mjn2 +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/013xrm /people/ethnicity/people /m/03d9v8 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0c35b1 +/m/01vlj1g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trf3 +/m/02ln0f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/09b8m /location/location/time_zones /m/02hcv8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0299hs +/m/016pns /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03h_0_z +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/01g6bk +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0mkg /music/instrument/instrumentalists /m/017l4 +/m/02xyl /people/person/religion /m/0c8wxp +/m/01r2c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/046mxj /people/person/profession /m/03gjzk +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/01cw51 /award/award_category/category_of /m/0c4ys +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gfsq9 +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/09y20 /film/actor/film./film/performance/film /m/01_1hw +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02mg7n /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/012d40 /people/person/places_lived./people/place_lived/location /m/0dp90 +/m/015n8 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/0kbws /olympics/olympic_games/participating_countries /m/06c1y +/m/073hkx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr3 +/m/09c7w0 /location/country/second_level_divisions /m/0n474 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05q2c +/m/0gywn /music/genre/artists /m/0hvbj +/m/03dq9 /people/person/profession /m/0dxtg +/m/04x4vj /film/film/production_companies /m/020h2v +/m/07g2v /film/actor/film./film/performance/film /m/0f40w +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/015wc0 +/m/01pqy_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02zfg3 /film/actor/film./film/performance/film /m/0k4p0 +/m/0410cp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b17f +/m/01n7q /location/location/contains /m/0f04c +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03x6xl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sqs +/m/0ckrnn /film/film/country /m/07ssc +/m/037mp6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/033tf_ /people/ethnicity/people /m/038nv6 +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0223bl +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06b4wb /film/actor/film./film/performance/film /m/099bhp +/m/01520h /film/actor/film./film/performance/film /m/02q5bx2 +/m/025j1t /film/actor/film./film/performance/film /m/059rc +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/0ck7l /people/profession/specialization_of /m/099md +/m/0x3r3 /people/person/places_lived./people/place_lived/location /m/094jv +/m/0416y94 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/01v3bn /people/person/spouse_s./people/marriage/spouse /m/0bw6y +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0pc7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_dn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01ct6 /sports/sports_team/colors /m/083jv +/m/04fcx7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zjx /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02dq8f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/048yqf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0140t7 /film/actor/film./film/performance/film /m/03cffvv +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/01817f /people/person/profession /m/039v1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fk98 +/m/03vrp /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d6hn +/m/07ss8_ /people/person/places_lived./people/place_lived/location /m/059rby +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06ls0l +/m/07c52 /media_common/netflix_genre/titles /m/05sy2k_ +/m/0h3vhfb /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/03t852 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_mc +/m/024mpp /film/film/featured_film_locations /m/03gh4 +/m/0hnp7 /people/deceased_person/place_of_burial /m/018mmj +/m/03y3bp7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02pzck +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/024y6w /people/person/profession /m/0d1pc +/m/034ks /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01p7b6b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/014kq6 /film/film/music /m/02g1jh +/m/01nz1q6 /people/person/profession /m/02jknp +/m/01gc7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p17j +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/01kymm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017fp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02cbhg /film/film/genre /m/04xvlr +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/02mxbd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_m +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1gz +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/05l0j5 /people/person/gender /m/02zsn +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/03bdm4 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/08sfxj /film/film/produced_by /m/04w1j9 +/m/0cx2r /location/location/contains /m/0mhhc +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06yykb +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02bft /medicine/disease/risk_factors /m/0d19y2 +/m/06crng /film/actor/film./film/performance/film /m/02qdrjx +/m/07wlt /education/educational_institution_campus/educational_institution /m/07wlt +/m/0kbvb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03q91d /people/person/places_lived./people/place_lived/location /m/07z1m +/m/01mylz /people/person/nationality /m/09c7w0 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/07lnk /music/genre/artists /m/01dwrc +/m/05krk /education/university/fraternities_and_sororities /m/0325pb +/m/0838y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkg4 /people/person/profession /m/0dz3r +/m/0dr_4 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03qd_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0cvw9 /location/location/contains /m/031vy_ +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03x400 /film/actor/film./film/performance/film /m/0462hhb +/m/01cszh /music/record_label/artist /m/01wn718 +/m/055vr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f1_p +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040z9 +/m/04m_zp /people/person/profession /m/02hrh1q +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06t8b +/m/06__m6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/025569 /location/location/time_zones /m/03bdv +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/01gl9g +/m/01q8hj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07hwkr /people/ethnicity/people /m/0197tq +/m/0l4vc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09r_wb /people/person/languages /m/03k50 +/m/03sxd2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j0k /base/locations/continents/countries_within /m/07t_x +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0bwx3 +/m/0ymf1 /education/educational_institution/students_graduates./education/education/student /m/01wd3l +/m/055sjw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01h72l +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02hh8j +/m/0kpzy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq1l +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/01crd5 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rtm4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0c3351 /media_common/netflix_genre/titles /m/02q0v8n +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0cj2w +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/01k_mc /people/person/profession /m/0dz3r +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k7pf +/m/0gqfy /base/aareas/schema/administrative_area/administrative_parent /m/02lf_x +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/042kbj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02h40lc /language/human_language/countries_spoken_in /m/04v3q +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/0h5jg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/0n1s0 /film/film/produced_by /m/06cgy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktpx +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0n1s0 /film/film/music /m/01c8v0 +/m/03lt8g /people/person/profession /m/0d1pc +/m/07h1q /people/person/religion /m/03_gx +/m/05p1qyh /film/film/genre /m/0vgkd +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylzs +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08qxx9 +/m/0h0wd9 /film/film/genre /m/06cvj +/m/03w4sh /people/person/religion /m/0c8wxp +/m/0bxfmk /people/person/gender /m/02zsn +/m/02xtxw /film/film/language /m/071fb +/m/01243b /music/genre/artists /m/0kr_t +/m/016ztl /film/film/genre /m/07s9rl0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/04s04 /people/person/profession /m/015h31 +/m/02gl58 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035bcl +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fzfj +/m/06btq /location/administrative_division/first_level_division_of /m/09c7w0 +/m/02ccqg /education/educational_institution/students_graduates./education/education/student /m/042kg +/m/06j6l /music/genre/artists /m/01jfr3y +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044mjy +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/01wxdn3 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/016clz /music/genre/artists /m/016vj5 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/03h_fqv +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/0htcn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/01bns_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/02rg_4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mpbx /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/01l2b3 +/m/012201 /people/person/profession /m/01c8w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/017lvd +/m/0l98s /olympics/olympic_games/sports /m/01cgz +/m/02lnbg /music/genre/artists /m/04cr6qv +/m/060v34 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0z05l /film/actor/film./film/performance/film /m/03rtz1 +/m/067xw /people/person/profession /m/0196pc +/m/05yh_t /people/person/profession /m/02hrh1q +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0th3k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v36 /location/country/form_of_government /m/018wl5 +/m/03jqfx /base/culturalevent/event/entity_involved /m/025ndl +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/06jzh /film/actor/film./film/performance/film /m/0cfhfz +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/02r7lqg /sports/sports_team/colors /m/06fvc +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/07lt7b /people/person/places_lived./people/place_lived/location /m/05qtj +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/03yj_0n /people/person/place_of_birth /m/0ftvz +/m/06lht1 /film/actor/film./film/performance/film /m/0gg5kmg +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/04_by /influence/influence_node/influenced_by /m/0448r +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/0170k0 +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02z1yj +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0gpprt +/m/0kvgtf /film/film/country /m/09c7w0 +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/038czx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p09dd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/059j2 /location/location/contains /m/0d8s8 +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/02j3d4 +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/043djx +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02gkxp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tkzn +/m/06sks6 /olympics/olympic_games/sports /m/019w9j +/m/01trtc /music/record_label/artist /m/03bxwtd +/m/0c82s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7jp +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02v2jy /people/person/profession /m/03gjzk +/m/02jx1 /location/location/contains /m/01hvzr +/m/01bl7g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hcs3 /people/person/profession /m/02y5kn +/m/07r1h /people/person/place_of_birth /m/071cn +/m/04jvt /people/person/gender /m/05zppz +/m/0h953 /people/person/nationality /m/09c7w0 +/m/01cgz /media_common/netflix_genre/titles /m/0140g4 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01f6zc /people/person/profession /m/02hrh1q +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03p9hl /film/actor/film./film/performance/film /m/0286hyp +/m/026fd /film/actor/film./film/performance/film /m/02bqxb +/m/02qyv3h /film/film/country /m/0345h +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01pbwwl +/m/0bbgvp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/016pns +/m/03vv61 /music/record_label/artist /m/011vx3 +/m/0683n /people/person/profession /m/0cbd2 +/m/01bfjy /tv/tv_network/programs./tv/tv_network_duration/program /m/03lyp4 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/03m1n +/m/096jwc /music/genre/artists /m/0m19t +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/07ssc /location/location/contains /m/0nqv1 +/m/046zh /film/actor/film./film/performance/film /m/014l6_ +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0bl1_ +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0841v /business/business_operation/industry /m/0191_7 +/m/0419kt /film/film/genre /m/02l7c8 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/01wmjkb /people/person/profession /m/016z4k +/m/05vxdh /film/film/genre /m/03p5xs +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/03xpsrx /people/person/places_lived./people/place_lived/location /m/013nty +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04j14qc +/m/06j6l /music/genre/artists /m/01wrcxr +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/06w2sn5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/06by7 /music/genre/artists /m/0fpj4lx +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/0cx7f /music/genre/artists /m/0dtd6 +/m/03qjg /music/instrument/instrumentalists /m/016s0m +/m/01_mdl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042g97 +/m/0glt670 /music/genre/artists /m/09mq4m +/m/0dgskx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/country/second_level_divisions /m/0jgg3 +/m/0myk8 /music/instrument/instrumentalists /m/0565cz +/m/01n5309 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kx_81 +/m/026hxwx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09xx0m /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/01vsl +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/06_6j3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/023nlj /people/person/places_lived./people/place_lived/location /m/0281s1 +/m/01b3bp /people/person/profession /m/0np9r +/m/03b1sb /film/film/music /m/01l1rw +/m/01nr63 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02qx1m2 /people/deceased_person/place_of_death /m/030qb3t +/m/01vvb4m /film/actor/film./film/performance/film /m/01kqq7 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/077qn +/m/0hl3d /people/person/profession /m/01c8w0 +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zfmm +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07swvb +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0xnvg /people/ethnicity/people /m/0488g9 +/m/01tnbn /film/actor/film./film/performance/film /m/0prrm +/m/0432cd /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/0gtvpkw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01k2xy +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/04b_jc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0dr_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0q5hw /influence/influence_node/influenced_by /m/013tjc +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ys2 +/m/06y7d /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02rsz0 /people/person/profession /m/0kyk +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/01sb5r /people/person/nationality /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/01vv7sc +/m/06w33f8 /people/person/profession /m/026sdt1 +/m/07z1m /location/location/contains /m/0mnyn +/m/05t54s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqs8l /tv/tv_program/genre /m/0fdjb +/m/0f_y9 /people/person/places_lived./people/place_lived/location /m/01n4w +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/021npd +/m/04l590 /sports/sports_team/colors /m/019sc +/m/0gd9k /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/02pq9yv /people/person/place_of_birth /m/02jx1 +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/02xs5v /film/actor/film./film/performance/film /m/024lt6 +/m/04g9gd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0r3wm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/01vsxdm +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0m0jc /music/genre/artists /m/01271h +/m/02w64f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/036hf4 /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015wnl +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/05zjtn4 /education/educational_institution_campus/educational_institution /m/05zjtn4 +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/01d8yn /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/0ctw_b /location/location/contains /m/0lw_s +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07xpm +/m/0gx1bnj /film/film/language /m/02h40lc +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05nw9m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0349s /language/human_language/countries_spoken_in /m/088q1s +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/09l3p +/m/0f830f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01vrx35 +/m/05dkbr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bs8hvm /film/film/genre /m/03q4nz +/m/032yps /sports/sports_team/colors /m/083jv +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cd2vh9 +/m/0x67 /people/ethnicity/people /m/05mc99 +/m/02x9g_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07db6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9ck +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03bnd9 +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/01lqf49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05b_gq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dln8jk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccck7 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01r97z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/037q31 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/0g_qdz /people/profession/specialization_of /m/02y5kn +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/031y07 /people/person/gender /m/05zppz +/m/0cf08 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01fh36 /music/genre/parent_genre /m/03_d0 +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/054c1 +/m/014zcr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l9p +/m/011ydl /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/0jdk_ /olympics/olympic_games/sports /m/06z6r +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/0yfvf /location/location/time_zones /m/02hcv8 +/m/01_lh1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/062zm5h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bdlj /people/person/profession /m/02hrh1q +/m/01d259 /film/film/genre /m/03npn +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/03kg2v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01vqc7 +/m/03cws8h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0b256b +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/0l38g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq0q +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/044g_k /film/film/language /m/02h40lc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01352_ +/m/0ck91 /people/person/languages /m/02h40lc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01m3x5p /music/group_member/membership./music/group_membership/role /m/07gql +/m/029g_vk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tc9r +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/03kg2v /film/film/produced_by /m/01t6b4 +/m/02c_wc /people/person/religion /m/0flw86 +/m/033jkj /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/01337_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01xcfy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0prfz +/m/05k4my /film/film/cinematography /m/02404v +/m/03rjj /location/location/contains /m/02bbyw +/m/05l8y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z88t +/m/0d90m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/043zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/03hdz8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06ltr /film/actor/film./film/performance/film /m/0gydcp7 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/026hxwx /film/film/music /m/01m7f5r +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/01p7b6b /people/person/profession /m/01c72t +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h5g_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0d8lm +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/033cw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0520y3 +/m/0cm89v /film/actor/film./film/performance/film /m/0bby9p5 +/m/011yqc /film/film/film_format /m/07fb8_ +/m/02_j7t /film/actor/film./film/performance/film /m/09fqgj +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/03mb9 /music/genre/artists /m/01jfr3y +/m/0c3p7 /film/actor/film./film/performance/film /m/09lxv9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02k9k9 +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ls53 +/m/050ks /location/location/contains /m/0nm3n +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07pd_j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03y9ccy /people/person/profession /m/0dxtg +/m/017cy9 /education/educational_institution/colors /m/01g5v +/m/0fn2g /base/biblioness/bibs_location/country /m/07f1x +/m/027s4dn /award/award_category/winners./award/award_honor/award_winner /m/02byfd +/m/01l79yc /people/person/nationality /m/02jx1 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0dgq80b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_7k /people/person/profession /m/0dxtg +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yph +/m/0342h /music/instrument/instrumentalists /m/01vsyjy +/m/01f7jt /film/film/cinematography /m/0f3zf_ +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/039crh /people/person/profession /m/01d_h8 +/m/05kwx2 /film/actor/film./film/performance/film /m/01pv91 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/04g5k +/m/078ym8 /location/location/contains /m/0fwdr +/m/01hb6v /influence/influence_node/influenced_by /m/082_p +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dscrwf /film/film/production_companies /m/05rrtf +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fgrm +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04v09 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04v8x9 +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bqxb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01rwyq /film/film/genre /m/03bxz7 +/m/02bwc7 /people/person/nationality /m/07ssc +/m/07pzc /people/person/profession /m/02hrh1q +/m/01wyy_ /people/person/nationality /m/09c7w0 +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02cg2v /people/person/religion /m/0c8wxp +/m/04gknr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0jtg0 /music/instrument/instrumentalists /m/01vsyg9 +/m/073v6 /influence/influence_node/influenced_by /m/014635 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/035ktt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/016clz /music/genre/artists /m/011z3g +/m/016j68 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hwq +/m/04n52p6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/01ky7c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hv8w /film/film/country /m/09c7w0 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jssp +/m/013ybx /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01c8v0 /people/person/profession /m/0dz3r +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07srw +/m/02cx90 /people/person/profession /m/0nbcg +/m/03fvqg /people/person/profession /m/01d_h8 +/m/08hp53 /people/person/nationality /m/09c7w0 +/m/015pxr /film/actor/film./film/performance/film /m/0bmssv +/m/098s2w /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/02yplc /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03hp2y1 /film/film/genre /m/03bxz7 +/m/03xmy1 /people/person/profession /m/09jwl +/m/01w23w /people/person/nationality /m/09c7w0 +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/0hmm7 /film/film/genre /m/09blyk +/m/0dq9p /people/cause_of_death/people /m/02wh0 +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01w40h /music/record_label/artist /m/0gbwp +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/02j3d4 /people/person/place_of_birth /m/013kcv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/023fb +/m/01n9d9 /film/director/film /m/0k5fg +/m/04hgpt /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06v9sf +/m/03gyl /location/country/capital /m/0fs1v +/m/06lckm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04x8cp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03mh94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fby2t /people/person/profession /m/0np9r +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/08q1tg /people/cause_of_death/people /m/03fqv5 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/036921 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/0169dl +/m/04jwly /film/film/genre /m/04xvlr +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/03j70d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gvsh7l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gq0b +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/02znwv /people/person/gender /m/05zppz +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/012gk9 +/m/01z4y /media_common/netflix_genre/titles /m/04kkz8 +/m/05pbsry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0p_jc +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/student /m/012xdf +/m/03x2qp /music/genre/artists /m/089tm +/m/02q42j_ /people/person/profession /m/01d_h8 +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05c17 +/m/02s5v5 /people/person/nationality /m/0d060g +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01l9p /film/actor/film./film/performance/film /m/0466s8n +/m/0c_mvb /award/award_winner/awards_won./award/award_honor/award_winner /m/0g51l1 +/m/02n4kr /media_common/netflix_genre/titles /m/02c6d +/m/03_r3 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0830vk /film/film/genre /m/06cvj +/m/05v1sb /people/person/profession /m/02pjxr +/m/01nm3s /people/person/profession /m/02hrh1q +/m/035tjy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dscrwf +/m/028k2x /tv/tv_program/genre /m/0c3351 +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02kbtf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/047byns /award/award_category/nominees./award/award_nomination/nominated_for /m/05_z42 +/m/01_s9q /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/03n6r /film/actor/film./film/performance/film /m/0cbn7c +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/0dn44 /people/person/profession /m/018gz8 +/m/04n32 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/039cq4 /tv/tv_program/languages /m/0t_2 +/m/09b0xs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/015w8_ +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/06w7v +/m/0155w /music/genre/artists /m/044k8 +/m/06c0j /people/person/profession /m/02hrh1q +/m/02dq8f /education/educational_institution/colors /m/09ggk +/m/0q5hw /people/person/profession /m/02hrh1q +/m/0q9sg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0479b +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/0dc7hc /film/film/country /m/09c7w0 +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pk8v +/m/05r5w /base/eating/practicer_of_diet/diet /m/07_hy +/m/05v8c /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/045gzq /people/person/profession /m/01d_h8 +/m/0jymd /film/film/film_art_direction_by /m/05v1sb +/m/04gb7 /film/film_subject/films /m/051zy_b +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/07cjqy +/m/099bk /people/person/nationality /m/0345h +/m/01jw4r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gbn6 +/m/017_qw /music/genre/artists /m/01mz9lt +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02drd3 +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/0478__m /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/064177 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07twz +/m/016dp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0mvsg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pq9 +/m/0g768 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07z4p5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qjj7 /people/person/profession /m/0dxtg +/m/04qt29 /film/actor/film./film/performance/film /m/05_5_22 +/m/0gjcrrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/058vp /influence/influence_node/influenced_by /m/032l1 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0h96g +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rgq +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01skmp /film/actor/film./film/performance/film /m/09bw4_ +/m/01p8r8 /film/actor/film./film/performance/film /m/025s1wg +/m/09g7vfw /film/film/executive_produced_by /m/02qggqc +/m/0mfj2 /people/person/place_of_birth /m/018lbg +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/03sc8 /business/business_operation/industry /m/01mf0 +/m/016dsy /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/04rrx /location/location/time_zones /m/02hcv8 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02pv_d /people/person/nationality /m/09c7w0 +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/01vh096 /people/person/places_lived./people/place_lived/location /m/0366c +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0k7tq /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/03n08b /people/person/gender /m/05zppz +/m/0gzy02 /film/film/country /m/09c7w0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0n00 /people/person/profession /m/03m3mgq +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/03bxh /people/deceased_person/place_of_burial /m/0bvqq +/m/05vxdh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0c12h /film/director/film /m/0sxlb +/m/07srw /base/aareas/schema/administrative_area/capital /m/0f2r6 +/m/06sks6 /olympics/olympic_games/sports /m/07bs0 +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03h64 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/07s3vqk /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/027vps /people/person/profession /m/02jknp +/m/0564x /film/film/written_by /m/0534v +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02k9k9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01wcp_g +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/01csrl /film/actor/film./film/performance/film /m/0kbhf +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pbxb +/m/0jqj5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/072192 +/m/0vbk /location/location/contains /m/0p2rj +/m/0q6lr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/07w3r /organization/organization/headquarters./location/mailing_address/state_province_region /m/05mph +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/046br4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01_x6d /people/person/profession /m/0dxtg +/m/031296 /people/person/places_lived./people/place_lived/location /m/094jv +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/039bpc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04gycf +/m/04hw4b /people/person/profession /m/0cbd2 +/m/018db8 /film/actor/film./film/performance/film /m/017180 +/m/01718w /film/film/language /m/02h40lc +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0ywqc /film/actor/film./film/performance/film /m/03pc89 +/m/01bczm /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0161c2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/05sj55 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/01n4f8 /influence/influence_node/influenced_by /m/014z8v +/m/01yg9y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07024 /film/film/production_companies /m/030_1_ +/m/0522wp /film/director/film /m/07sp4l +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vnbh +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0wc +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/056jrs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/03xf_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/030cx /tv/tv_program/genre /m/05p553 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/0464pz /tv/tv_program/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/04wgh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/02p5hf +/m/091tgz /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/025y9fn /people/person/profession /m/02jknp +/m/02cllz /film/actor/film./film/performance/film /m/02qhqz4 +/m/09kvv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/086nl7 /film/actor/film./film/performance/film /m/065_cjc +/m/01xv77 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjrx +/m/02qgqt /film/actor/film./film/performance/film /m/05zpghd +/m/01f492 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/01b_5g /medicine/disease/risk_factors /m/0c58k +/m/06yj20 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/02qjj7 /people/person/profession /m/03gjzk +/m/08l0x2 /film/film/country /m/09c7w0 +/m/01vw26l /people/person/nationality /m/09c7w0 +/m/054krc /award/award_category/disciplines_or_subjects /m/017_qw +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0qkj7 /people/person/places_lived./people/place_lived/location /m/0xrzh +/m/02jx1 /location/location/contains /m/0j7ng +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/06t8v /sports/sports_team_location/teams /m/03ys48 +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2g +/m/0266bd5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0146hc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jv8d /base/culturalevent/event/entity_involved /m/01m41_ +/m/02vqpx8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crqcc +/m/01wd9lv /people/person/profession /m/09jwl +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0b_j2 +/m/0h0jz /people/person/employment_history./business/employment_tenure/company /m/06hhp +/m/05jrj4 /people/person/nationality /m/03rk0 +/m/014q2g /people/person/profession /m/0dz3r +/m/02ply6j /people/person/profession /m/02hrh1q +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0jbyg /people/person/profession /m/09jwl +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/0279c15 +/m/0dd6bf /film/film/language /m/03_9r +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym20 +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/099p5 /people/person/gender /m/05zppz +/m/01y06y /education/educational_institution/students_graduates./education/education/student /m/0372p +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lf70 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08pgl8 +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/01cjhz +/m/02hblj /people/person/profession /m/0np9r +/m/03wy8t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09_99w +/m/032xhg /film/actor/film./film/performance/film /m/05zpghd +/m/014bpd /film/film/produced_by /m/02lf0c +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/059rby /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/02_hj4 +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/05m_jsg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p4vl +/m/017yfz /influence/influence_node/influenced_by /m/0f0y8 +/m/02jx1 /location/location/contains /m/01b_d4 +/m/0126y2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/0294zg /film/film/language /m/02h40lc +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09jp3 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0173b0 /music/genre/artists /m/011xhx +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0kzy0 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01rhl +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/06pj8 /film/actor/film./film/performance/film /m/0f40w +/m/0309lm /film/actor/film./film/performance/film /m/0gbtbm +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/01dpsv /people/person/religion /m/0c8wxp +/m/0ds1glg /film/film/country /m/09c7w0 +/m/019m9h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01gjlw +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/04xx9s /film/film/genre /m/01f9r0 +/m/0222qb /people/ethnicity/people /m/06cgy +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/0pvms /film/film/featured_film_locations /m/0k9p4 +/m/08433 /people/person/profession /m/0cbd2 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0cl0bk +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/06dn58 +/m/0ctb4g /film/film/produced_by /m/02q42j_ +/m/03h502k /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0p_47 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ccr8 +/m/04ghz4m /film/film/genre /m/07s9rl0 +/m/03crcpt /people/person/profession /m/0np9r +/m/0jmwg /music/genre/artists /m/01jcxwp +/m/019c57 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fhxp /film/actor/film./film/performance/film /m/04g73n +/m/07z4fy /people/person/profession /m/05vyk +/m/0d07s /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01k5zk /film/actor/film./film/performance/film /m/03nqnnk +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/04xvlr /media_common/netflix_genre/titles /m/0b73_1d +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/064t9 /music/genre/artists /m/01_ztw +/m/01qscs /people/person/nationality /m/05r7t +/m/03jvmp /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzz6g +/m/05148p4 /music/instrument/instrumentalists /m/0j1yf +/m/05cgy8 /people/person/profession /m/0dgd_ +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0f14q /people/person/profession /m/0cbd2 +/m/0h3y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnvdl +/m/017zq0 /education/educational_institution/school_type /m/05jxkf +/m/06wm0z /people/person/place_of_birth /m/0r5lz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nbzp +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0100mt +/m/0237fw /film/actor/film./film/performance/film /m/04z257 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03548 +/m/0cgzj /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/02rq7nd /award/award_winning_work/awards_won./award/award_honor/award /m/0fqnzts +/m/01242_ /film/film/genre /m/017fp +/m/02yv6b /music/genre/artists /m/0134s5 +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03ryks /people/person/places_lived./people/place_lived/location /m/09nyf +/m/019k6n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/03g62 /people/person/gender /m/05zppz +/m/03zj9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/0_7w6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03295l /people/ethnicity/people /m/0bs1g5r +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0nv99 /location/location/contains /m/0sc6p +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/067sqt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033wx9 +/m/02bgmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sg4b +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05wkw +/m/0q00t /music/genre/artists /m/01wp_jm +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0170th /film/film/genre /m/07s9rl0 +/m/05vk_d /people/person/profession /m/02hrh1q +/m/0x67 /people/ethnicity/people /m/013w7j +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0154j /location/location/contains /m/0177z +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/0kftt /people/person/gender /m/02zsn +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6qt +/m/0fpzwf /sports/sports_team_location/teams /m/051q5 +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/028r4y /film/actor/film./film/performance/film /m/0340hj +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/0gfzgl /tv/tv_program/genre /m/07s9rl0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2r6 +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01gc7 /film/film/genre /m/082gq +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/05169r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cks1m /film/film/genre /m/0jxy +/m/065zf3p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/03d5m8w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/02qhlwd /film/film/production_companies /m/0g1rw +/m/05ty4m /influence/influence_node/influenced_by /m/01vb6z +/m/0dl9_4 /film/film/production_companies /m/024rbz +/m/0gd0c7x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nm3s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dtsb /film/actor/film./film/performance/film /m/06krf3 +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/047g6 /influence/influence_node/influenced_by /m/032r1 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cs95 +/m/01m7f5r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/05bt6j /music/genre/artists /m/01vvycq +/m/052bw /base/aareas/schema/administrative_area/administrative_parent /m/0kqb0 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0k4d7 /film/film/production_companies /m/09b3v +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/016kb7 /film/actor/film./film/performance/film /m/04t9c0 +/m/025mb_ /people/person/profession /m/02hrh1q +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/03yxwq +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0bx_hnp /film/film/country /m/09c7w0 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01jfsb /media_common/netflix_genre/titles /m/0b6tzs +/m/07c52 /film/film_subject/films /m/01jft4 +/m/04hzj /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/04p3w /people/cause_of_death/people /m/02cvp8 +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/024_fw /award/award_category/winners./award/award_honor/award_winner /m/0ckcvk +/m/026lgs /film/film/language /m/06b_j +/m/01mh_q /time/event/instance_of_recurring_event /m/0c4ys +/m/03xp8d5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/016xk5 /people/person/gender /m/05zppz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r03f +/m/01kph_c /people/person/gender /m/05zppz +/m/0jgd /sports/sports_team_location/teams /m/02bh_v +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03xgm3 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w_10 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/04sv4 /business/business_operation/industry /m/0hz28 +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/09xvf7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g1rw +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/080knyg +/m/01m24m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/0c408_ +/m/02w4v /music/genre/artists /m/06rgq +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0421v9q /film/film/executive_produced_by /m/09pl3s +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0hpz8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/03gqgt3 /base/culturalevent/event/entity_involved /m/08_hns +/m/02vtnf /people/person/nationality /m/09c7w0 +/m/0gv40 /people/person/profession /m/02jknp +/m/012v9y /film/actor/film./film/performance/film /m/04wddl +/m/0ns_4 /location/location/time_zones /m/02fqwt +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/019f2f /film/actor/film./film/performance/film /m/07k2mq +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/036qs_ /people/person/nationality /m/09c7w0 +/m/04mlmx /film/actor/film./film/performance/film /m/042g97 +/m/0261w5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09c7w0 /location/location/contains /m/0zpfy +/m/0m593 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_bcg +/m/02r5dz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/017fp /media_common/netflix_genre/titles /m/0bs5k8r +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/06k75 /time/event/locations /m/047lj +/m/04yt7 /film/actor/film./film/performance/film /m/01sxly +/m/07tjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/0f6_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0hd7j /education/educational_institution/students_graduates./education/education/student /m/0gs5q +/m/0kq9l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/01vvyd8 /people/person/languages /m/02h40lc +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/053x8hr /tv/tv_program/genre /m/02fgmn +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01kf3_9 /film/film/country /m/0f8l9c +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05jx5r +/m/0b_6lb /time/event/locations /m/0dyl9 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0h584v +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0gk4g /people/cause_of_death/people /m/01dbhb +/m/044zvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/050fh +/m/01bpc9 /people/person/profession /m/02hv44_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/046vvc +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvzb1 +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/03gj2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/048tv9 /film/film/produced_by /m/02lymt +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0n3dv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/0l2rj /location/us_county/county_seat /m/071vr +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/0d5_f /people/person/profession /m/0kyk +/m/02qlp4 /film/film/country /m/09c7w0 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/02g75 +/m/0myhb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2kw +/m/0k345 /music/genre/artists /m/01w8n89 +/m/02p86pb /film/film/genre /m/03bxz7 +/m/0vzm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0jpy_ +/m/01v42g /film/actor/film./film/performance/film /m/026p4q7 +/m/0bs8s1p /film/film/executive_produced_by /m/02z2xdf +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/06449 /people/person/profession /m/05vyk +/m/017_qw /music/genre/artists /m/02jxkw +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0498y /location/location/contains /m/04344j +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/03mp8k /music/record_label/artist /m/01wj18h +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/01pw2f1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0q1lp /people/person/profession /m/0np9r +/m/05vc35 /film/film/genre /m/06n90 +/m/0170xl /film/film/music /m/03h610 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09c04n +/m/027zz /film/director/film /m/07s846j +/m/07rzf /people/person/places_lived./people/place_lived/location /m/0bdg5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/016tbr +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/02hsgn +/m/015y_n /music/genre/artists /m/013qvn +/m/03y9ccy /award/award_winner/awards_won./award/award_honor/award_winner /m/01gp_x +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0ds2n /film/film/genre /m/02kdv5l +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01m13b +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0mhdz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f04v +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/015srx +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0121rx +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bdjd +/m/02p2zq /people/person/profession /m/09jwl +/m/06by7 /music/genre/artists /m/014kyy +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05f_3 +/m/0kbws /olympics/olympic_games/participating_countries /m/02lx0 +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/0564x /film/film/genre /m/03q4nz +/m/01mvth /people/person/religion /m/01lp8 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bscw +/m/0322yj /film/film/produced_by /m/06pj8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02grjf /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/06kx2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bfmn /film/actor/film./film/performance/film /m/0jdgr +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/07hwkr /people/ethnicity/people /m/0157m +/m/0jm74 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/02q7yfq /film/film/language /m/02ztjwg +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_m +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0d05w3 /location/location/contains /m/016v46 +/m/08_hns /people/person/employment_history./business/employment_tenure/company /m/07y0n +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/07s8hms +/m/0fjyzt /film/film/genre /m/02l7c8 +/m/03zrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrs46 +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vvh9 +/m/0kvsb /people/person/religion /m/03j6c +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/0264jc6 /music/genre/artists /m/0phx4 +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0_kq3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mw2m +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s5t +/m/07ftc0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01_bkd /music/genre/artists /m/011_vz +/m/02yv6b /music/genre/artists /m/05crg7 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trf3 +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0blst_ /award/award_category/disciplines_or_subjects /m/03nfmq +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0k1bs /music/artist/track_contributions./music/track_contribution/role /m/02k84w +/m/063vn /people/person/profession /m/016fly +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0jfx1 /people/person/profession /m/09jwl +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/033tf_ /people/ethnicity/people /m/0127m7 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0178_w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/036hv /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0m0jc /music/genre/artists /m/03h502k +/m/01679d /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0bxl5 +/m/0ldd /people/person/languages /m/02h40lc +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/02jtjz +/m/071xj /influence/influence_node/influenced_by /m/03pm9 +/m/04gb7 /film/film_subject/films /m/0170th +/m/041rx /people/ethnicity/people /m/01p6xx +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/09l3p /people/person/profession /m/0d1pc +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0q9zc /influence/influence_node/influenced_by /m/081lh +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0342h /music/instrument/instrumentalists /m/0137n0 +/m/03hmr_ /people/person/gender /m/05zppz +/m/0gyx4 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/081k8 /people/person/gender /m/05zppz +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0f6_dy /film/actor/film./film/performance/film /m/0h03fhx +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/041c4 +/m/02114t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036hf4 +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01d8l /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02qdgx /music/genre/artists /m/02fn5r +/m/0jqp3 /film/film/written_by /m/0170vn +/m/02qkt /location/location/contains /m/06vbd +/m/03rhqg /music/record_label/artist /m/015x1f +/m/01xndd /film/actor/film./film/performance/film /m/04y5j64 +/m/0fvxz /location/location/time_zones /m/02hcv8 +/m/04bdqk /people/person/nationality /m/09c7w0 +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/095b70 +/m/02fqrf /film/film/music /m/0150t6 +/m/07vc_9 /film/actor/film./film/performance/film /m/05q96q6 +/m/03rjj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06t8v +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/0182r9 +/m/01f7dd /film/actor/film./film/performance/film /m/0340hj +/m/02v406 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0hwqg /people/person/places_lived./people/place_lived/location /m/01531 +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/01vsy9_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3k3f +/m/0ccd3x /film/film/language /m/06nm1 +/m/03shp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/01cv3n /people/person/profession /m/025352 +/m/02yv6b /music/genre/artists /m/01304j +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dh +/m/02vrgnr /film/film/produced_by /m/06dkzt +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0bt7w /music/genre/parent_genre /m/05r6t +/m/083pr /people/person/employment_history./business/employment_tenure/company /m/02bq1j +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/05fjy /location/location/contains /m/02jztz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05jx5r +/m/06mz5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fky +/m/01p3ty /film/film/genre /m/07s9rl0 +/m/054fvj /people/person/place_of_birth /m/029cr +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/06cmd2 +/m/05np4c /people/person/gender /m/02zsn +/m/03n93 /people/person/profession /m/01d_h8 +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5f7l +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01pcq3 /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/05qbckf /film/film/story_by /m/046_v +/m/0mbw0 /people/person/profession /m/0dxtg +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06c7mk +/m/02bf58 /education/educational_institution_campus/educational_institution /m/02bf58 +/m/074w86 /film/film/produced_by /m/02r251z +/m/07vht /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0168nq /business/business_operation/industry /m/02q3wl +/m/0j3v /people/person/employment_history./business/employment_tenure/company /m/01stzp +/m/01shy7 /film/film/written_by /m/0mdqp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/04xvlr /media_common/netflix_genre/titles /m/0c8qq +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/03y82t6 /people/person/nationality /m/09c7w0 +/m/01znj1 /film/film/genre /m/07s9rl0 +/m/02nygk /people/deceased_person/place_of_death /m/030qb3t +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/08qvhv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hmnh /media_common/netflix_genre/titles /m/08fbnx +/m/059kh /music/genre/artists /m/01wgjj5 +/m/0gvt53w /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0dfw0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/03vv61 /music/record_label/artist /m/02qsjt +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0gj9tn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/0byq6h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/0g2lq +/m/0h08p /music/genre/artists /m/0bdlj +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0j4b +/m/0dg3n1 /location/location/contains /m/0164v +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kv5k +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gwlfnb /film/film/country /m/09c7w0 +/m/0dt1cm /music/artist/origin /m/0c1xm +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n1s0 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06r2h /film/film/produced_by /m/01rlxt +/m/08cg36 /music/genre/parent_genre /m/09jw2 +/m/02vmzp /people/person/gender /m/05zppz +/m/0415mzy /people/person/gender /m/05zppz +/m/02pzck /people/person/gender /m/05zppz +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05x2t7 +/m/09qc1 /people/person/religion /m/0kpl +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/0blbxk /film/actor/film./film/performance/film /m/06t6dz +/m/016ggh /people/person/profession /m/02hrh1q +/m/0j0k /location/location/contains /m/03h64 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/03y2kr /people/person/places_lived./people/place_lived/location /m/03s0w +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09f0bj +/m/03_6y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/07ldhs /people/person/place_of_birth /m/0v9qg +/m/02vrgnr /film/film/produced_by /m/04y8r +/m/0n2m7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n23_ +/m/090s_0 /tv/tv_program/languages /m/02h40lc +/m/017n9 /film/film/genre /m/06n90 +/m/01d2v1 /film/film/country /m/09c7w0 +/m/0bqs56 /influence/influence_node/influenced_by /m/015cbq +/m/01hqhm /film/film/cinematography /m/02vx4c2 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg5qcw +/m/0dcsx /people/cause_of_death/people /m/03bpn6 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lx2l +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/04zw9hs /sports/sports_team/colors /m/01g5v +/m/01q8hj /education/educational_institution/colors /m/083jv +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/04xvlr /media_common/netflix_genre/titles /m/0dw4b0 +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/013gxt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cc_1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01q3_2 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/0155w /music/genre/artists /m/03qmj9 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/0m68w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fttd +/m/0gndh /film/film/film_art_direction_by /m/0c4qzm +/m/0py8j /base/culturalevent/event/entity_involved /m/05pq3_ +/m/0dj5q /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0cpz4k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sx5w +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/0h7pj +/m/01kwld /film/actor/film./film/performance/film /m/08hmch +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/02ldv0 +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dlglj +/m/03mqtr /media_common/netflix_genre/titles /m/01rwyq +/m/0htlr /people/person/religion /m/0c8wxp +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0k0sb /language/human_language/countries_spoken_in /m/0166b +/m/0d22f /location/location/contains /m/0zgfm +/m/03339m /music/genre/artists /m/01gx5f +/m/06gb1w /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02fzs +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05mxw33 /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b16p +/m/02rb84n /film/film/music /m/0146pg +/m/04rg6 /people/person/profession /m/02hrh1q +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/01rr31 /education/educational_institution/campuses /m/01rr31 +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01hydr /music/genre/parent_genre /m/0mmp3 +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/026c1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bksh +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/0p_47 /people/person/places_lived./people/place_lived/location /m/0106dv +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/011wtv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/position /m/02sdk9v +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3b +/m/0l14qv /music/instrument/instrumentalists /m/07zft +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/02xtxw /film/film/genre /m/01j1n2 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/016zwt +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0151w_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/043zg +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0276jmv +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g57wgv +/m/01vv126 /people/person/profession /m/03_vpw +/m/05q9g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/057hz +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pk8 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0kv5t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02x9g_ +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01n8gr +/m/01gwck /organization/organization/headquarters./location/mailing_address/citytown /m/02frhbc +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/04czhj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/0bmc4cm /film/film/genre /m/03k9fj +/m/04hhv /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/04sylm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04shbh /film/actor/film./film/performance/film /m/0d6_s +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg13 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/016z5x /film/film/country /m/0f8l9c +/m/0mzkr /music/record_label/artist /m/043zg +/m/06t2t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0gcdzz +/m/0p8r1 /film/actor/film./film/performance/film /m/0dyb1 +/m/0191h5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r97z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/0jhd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgx +/m/041rx /people/ethnicity/people /m/04pqqb +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01br2w +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/011ykb /film/film/genre /m/01t_vv +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/06kb_ /people/person/languages /m/064_8sq +/m/018x3 /people/person/profession /m/09jwl +/m/06l3bl /media_common/netflix_genre/titles /m/0p7qm +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/09c7w0 /location/location/contains /m/0kwmc +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01r93l /people/person/place_of_birth /m/01llj3 +/m/026mfbr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/026wlxw /film/film/language /m/06b_j +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/01l1rw /award/award_winner/awards_won./award/award_honor/award_winner /m/02sj1x +/m/024tsn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0n6kf /influence/influence_node/influenced_by /m/0c1jh +/m/0bwhdbl /film/film/production_companies /m/032j_n +/m/04x4gw /film/film/genre /m/060__y +/m/01dwyd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/02c7k4 /film/film/story_by /m/04jspq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0f0y8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gxfz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06fqlk /film/film/genre /m/0bkbm +/m/0jyb4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0frnff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pl14 /education/educational_institution/students_graduates./education/education/student /m/012xdf +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0kx4m /organization/organization/child./organization/organization_relationship/child /m/04kqk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/023fb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04crrxr /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/0d04z6 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb07 +/m/01bczm /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bx_hnp +/m/02vz6dn /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01hvv0 /tv/tv_program/languages /m/02h40lc +/m/09s5q8 /education/educational_institution/colors /m/038hg +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0154d7 /film/actor/film./film/performance/film /m/0199wf +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05yh_t +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/01x72k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01qscs +/m/03nm_fh /film/film/genre /m/02b5_l +/m/0jgd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0165v +/m/06rfy5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gx5f /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/07sgdw /film/film/country /m/09c7w0 +/m/0hnp7 /people/person/profession /m/02hrh1q +/m/03x1s8 /education/educational_institution/colors /m/067z2v +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03cyslc /film/film/genre /m/02b5_l +/m/0yyg4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/01pq5j7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0892sx +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0755wz +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/07ghv5 /film/film/language /m/05zjd +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/0mdqp /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0fb7c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/01c333 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0cb4j /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v6480 /film/actor/film./film/performance/film /m/0979n +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0167xy /influence/influence_node/influenced_by /m/0gcs9 +/m/01b64v /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvs1kt +/m/0lv1x /olympics/olympic_games/sports /m/02vx4 +/m/016ztl /film/film/music /m/02rgz4 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03kq98 +/m/05sbv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jhn7 /olympics/olympic_games/sports /m/06z6r +/m/03sxd2 /film/film/genre /m/0219x_ +/m/08952r /film/film/executive_produced_by /m/018grr +/m/09c7w0 /location/location/contains /m/02mp0g +/m/042fk /people/deceased_person/place_of_death /m/0l4vc +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02661h +/m/0blq0z /film/actor/film./film/performance/film /m/07kh6f3 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g0x9c +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02w29z +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/030w19 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03z2rz +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02vnp2 /education/educational_institution/colors /m/01l849 +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07cbs /organization/organization_founder/organizations_founded /m/05qgd9 +/m/01w272y /people/person/profession /m/09jwl +/m/011s9r /people/person/profession /m/0n1h +/m/084z0w /base/eating/practicer_of_diet/diet /m/07_jd +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/02n72k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0c0zq /film/film/language /m/02h40lc +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fl2s +/m/05wjnt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/02f6g5 /film/film/genre /m/06cvj +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/09d38d /film/film/costume_design_by /m/0b80__ +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0x67 /people/ethnicity/people /m/0311wg +/m/03_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dkv90 +/m/0cw4l /location/location/contains /m/01_yvy +/m/01pm0_ /people/person/profession /m/0np9r +/m/04ghz4m /film/film/country /m/09c7w0 +/m/0h7pj /film/actor/film./film/performance/film /m/0by1wkq +/m/0586wl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/0tbql /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286hyp +/m/053xw6 /film/actor/film./film/performance/film /m/01vw8k +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/034qzw +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/03ryzs /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027r7k +/m/05njyy /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0bkf72 /people/person/profession /m/02krf9 +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r4qs +/m/032l1 /people/person/profession /m/0cbd2 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/08r4x3 /film/film/genre /m/03mqtr +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0296rz +/m/06t8b /people/person/place_of_birth /m/013yq +/m/04w1j9 /people/person/profession /m/01d_h8 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gkx35 +/m/0bq4j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03y8cbv +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01vsps /people/person/nationality /m/06c1y +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0dl6fv /tv/tv_program/languages /m/02h40lc +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/01ymvk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cpllql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m40d /music/genre/artists /m/026ps1 +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03thw4 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/03h2c3 /tv/tv_network/programs./tv/tv_network_duration/program /m/050kh5 +/m/035tlh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/02q7yfq /film/film/written_by /m/06cv1 +/m/026m3y /education/educational_institution/campuses /m/026m3y +/m/09b0xs /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtyq +/m/05d7rk /film/actor/film./film/performance/film /m/09p3_s +/m/0d05fv /people/person/religion /m/0v53x +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/01q2sk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02wb6yq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04f7c55 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w58f +/m/09d11 /medicine/disease/risk_factors /m/012jc +/m/03xyp_ /people/person/places_lived./people/place_lived/location /m/0fhzf +/m/03rwz3 /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/02mjmr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d05fv +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/05jt_ /music/genre/parent_genre /m/06cp5 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/0gzh /film/film_subject/films /m/0gmgwnv +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cqbx +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/08720 /film/film/language /m/02h40lc +/m/016622 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/02p8v8 /people/person/gender /m/05zppz +/m/02ts3h /award/award_winner/awards_won./award/award_honor/award_winner /m/0147dk +/m/011j5x /music/genre/artists /m/02mq_y +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/021j72 /people/person/languages /m/03k50 +/m/02xfj0 /people/person/gender /m/05zppz +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/02hnl /music/instrument/instrumentalists /m/03f6fl0 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01p4vl /people/person/gender /m/05zppz +/m/033srr /film/film/featured_film_locations /m/0dclg +/m/0ddj0x /film/film/genre /m/05p553 +/m/01kgg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/041xl /influence/influence_node/influenced_by /m/06myp +/m/02w7gg /people/ethnicity/people /m/02184q +/m/0c4y8 /people/person/profession /m/0kyk +/m/09tcg4 /film/film/genre /m/07s9rl0 +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03_3d +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/016zwt /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01l_yg /people/person/place_of_birth /m/01m1zk +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/08f3b1 /people/person/nationality /m/09c7w0 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/03npn /media_common/netflix_genre/titles /m/07s3m4g +/m/01hmnh /media_common/netflix_genre/titles /m/0cd2vh9 +/m/0hvbj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pxnmb +/m/016zwt /location/country/capital /m/04cx5 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/06q6jz /music/genre/artists /m/02ck1 +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/040t74 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/0cv9t5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02t8gf /music/genre/artists /m/01vsxdm +/m/01k23t /music/group_member/membership./music/group_membership/group /m/01dq9q +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0155w /music/genre/artists /m/01vvlyt +/m/01d8yn /people/person/nationality /m/09c7w0 +/m/032_jg /film/actor/film./film/performance/film /m/011ypx +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05148p4 /music/instrument/instrumentalists /m/016dsy +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0b57p6 /people/person/profession /m/0cbd2 +/m/0n5fz /location/location/time_zones /m/02hcv8 +/m/0190_q /music/genre/parent_genre /m/0dl5d +/m/016ybr /music/genre/artists /m/04bgy +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0341n5 /people/person/places_lived./people/place_lived/location /m/07b_l +/m/0fvvz /base/biblioness/bibs_location/country /m/09c7w0 +/m/0cnztc4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/01xyy /location/location/time_zones /m/03plfd +/m/01b9z4 /film/actor/film./film/performance/film /m/03tbg6 +/m/01rc4p /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/05dl1s +/m/0mp36 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016tbr +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/04cj79 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09l3p +/m/02qdgx /music/genre/artists /m/01wbz9 +/m/01m9f1 /location/hud_county_place/county /m/0n5xb +/m/01xbpn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09q5w2 /film/film/music /m/0150t6 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/09c7w0 /location/location/contains /m/0m2by +/m/06w7mlh /tv/tv_program/genre /m/07s9rl0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02dwj +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01ypc +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04hqz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/030jj7 /music/record_label/artist /m/02lk95 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/04l19_ +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/071jv5 +/m/02yy8 /people/person/profession /m/099md +/m/06zsk51 /tv/tv_program/genre /m/0hfjk +/m/03_fk9 /people/person/place_of_birth /m/06c62 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/060v34 +/m/05808s /music/record_label/artist /m/0178kd +/m/027jk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0mdyn /people/person/languages /m/02h40lc +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/01k9cc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/042v_gx /music/instrument/instrumentalists /m/03k0yw +/m/05148p4 /music/instrument/instrumentalists /m/02jg92 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/044k8 /music/artist/origin /m/0vzm +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01ww_vs /people/person/places_lived./people/place_lived/location /m/0ht8h +/m/044ptm /people/person/profession /m/018gz8 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ckcvk +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/03r0rq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/076df9 +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h07 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03lb_v /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/0jmfv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/065zlr /film/film/country /m/09c7w0 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/04fzk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03m6_z +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/029_3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02mhfy +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01wwvc5 +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021npv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0btpx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fybl +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01wjrn +/m/014_x2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/03yf3z +/m/09qc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027d5g5 +/m/0n1s0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03qy3l /music/record_label/artist /m/07c0j +/m/03cwwl /film/film/country /m/0f8l9c +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02n72k /film/film/language /m/02h40lc +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0c8qq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/05mrf_p /film/film/featured_film_locations /m/0156q +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0ptxj /film/film/produced_by /m/03s2y9 +/m/03q4hl /tv/tv_program/genre /m/0jxy +/m/0qlnr /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04tz52 /film/film/genre /m/03k9fj +/m/03dq9 /people/person/profession /m/02hrh1q +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04kmx_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0fpj4lx /people/person/profession /m/039v1 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/03z509 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07g2v +/m/086g2 /location/location/contains /m/02kxx1 +/m/0chnf /influence/influence_node/peers./influence/peer_relationship/peers /m/0fpzzp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvb6p +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0342h /music/instrument/instrumentalists /m/09r8l +/m/03shp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05q4 +/m/0d0l91 /people/person/profession /m/0g7nc +/m/046zh /people/person/places_lived./people/place_lived/location /m/013yq +/m/0721cy /people/person/spouse_s./people/marriage/spouse /m/03jjzf +/m/09889g /people/person/spouse_s./people/marriage/location_of_ceremony /m/027rn +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0n2k5 /location/us_county/county_seat /m/01snm +/m/07cjqy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/03zqc1 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0275kr +/m/0bkf4 /people/person/profession /m/0nbcg +/m/01vz80y /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0123qq +/m/033hn8 /music/record_label/artist /m/0j6cj +/m/04vq3h /award/award_winner/awards_won./award/award_honor/award_winner /m/02q3bb +/m/0cw67g /people/person/place_of_birth /m/0g5rg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h953 +/m/0gy0l_ /film/film/genre /m/03g3w +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/02rn_bj +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01wx_y +/m/0bksh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02d45s +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/0fg6k /location/administrative_division/country /m/07ssc +/m/01z7s_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f2nf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m2hs +/m/0l6m5 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0130xz /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wj1 +/m/0fqjhm /film/actor/film./film/performance/film /m/0cc7hmk +/m/086qd /people/person/places_lived./people/place_lived/location /m/0hptm +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0mqs0 /location/location/contains /m/0106dv +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0453t +/m/03f19q4 /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cs_xw +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0btyf5z +/m/034q3l /people/person/nationality /m/09c7w0 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09hd16 /people/person/profession /m/0dxtg +/m/0gz5hs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0y_pg /film/film/country /m/09c7w0 +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/04r7p /people/person/place_of_birth /m/07dfk +/m/01qb559 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0167km /music/artist/origin /m/06y57 +/m/09hrc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/059f4 /location/location/partially_contains /m/0lm0n +/m/03zrhb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071jv5 +/m/03hjv97 /film/film/country /m/09c7w0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/03bnv +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/016h9b /people/person/sibling_s./people/sibling_relationship/sibling /m/0137hn +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/06cp5 /music/genre/parent_genre /m/05w3f +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hxs4 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f8ld +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/05fkf /location/location/contains /m/0jfqp +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/051m56 +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/013pp3 /influence/influence_node/influenced_by /m/03_87 +/m/08nvyr /film/film/genre /m/03mqtr +/m/01mbwlb /people/person/profession /m/03gjzk +/m/06s9y /location/country/form_of_government /m/01fpfn +/m/09c7w0 /location/country/second_level_divisions /m/0cc07 +/m/0123_x /location/administrative_division/country /m/06mkj +/m/03v6t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/07sc6nw /film/film/film_format /m/0cj16 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/01v_0b /influence/influence_node/influenced_by /m/06whf +/m/01h910 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bvp /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/09c7w0 /location/location/contains /m/0m257 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01z4y /media_common/netflix_genre/titles /m/0gldyz +/m/02gnmp /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/09d3b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06s26c +/m/0329nn /sports/sports_team/sport /m/02vx4 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0gcdzz +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/0161c2 /people/person/profession /m/02hrh1q +/m/01fh36 /music/genre/artists /m/013w8y +/m/02z44tp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tkzn +/m/011x_4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mwxl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01sxly +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/017jd9 /film/film/country /m/09c7w0 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/03h_9lg +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/07_k0c0 /film/film/genre /m/02kdv5l +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0241y7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047yc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ynp +/m/0f4k49 /film/film/genre /m/03bxz7 +/m/02qkq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033db3 +/m/018swb /people/person/place_of_birth /m/025569 +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01wsl7c /people/person/profession /m/016z4k +/m/02rb607 /film/film/film_format /m/0cj16 +/m/0gk4g /people/cause_of_death/people /m/026c0p +/m/05krk /education/educational_institution/students_graduates./education/education/student /m/044rvb +/m/01pgp6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01jpqb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/07sgfvl /film/actor/film./film/performance/film /m/0fpgp26 +/m/013ybx /award/award_winner/awards_won./award/award_honor/award_winner /m/015cbq +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01ycfv +/m/0c00zd0 /film/film/production_companies /m/03sb38 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/04q5zw +/m/06by7 /music/genre/artists /m/032nwy +/m/0h3k3f /film/film/production_companies /m/05qd_ +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/0124k9 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm7n +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/07r1h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4nv +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/05whq_9 /film/actor/film./film/performance/film /m/032zq6 +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/02bqvs /film/film/language /m/02h40lc +/m/01q_wyj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/0mj1l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05683p +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/01w9k25 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0342h /music/instrument/instrumentalists /m/017xm3 +/m/015882 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/026ps1 /people/person/languages /m/02h40lc +/m/02rmfm /award/award_winner/awards_won./award/award_honor/award_winner /m/04vq3h +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0qcr0 /people/cause_of_death/people /m/0gr36 +/m/0mm0p /location/location/time_zones /m/02lcqs +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/03d2k +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/03pvt /people/person/profession /m/01d_h8 +/m/01pk3z /people/person/places_lived./people/place_lived/location /m/081yw +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dw4b0 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/016z2j /film/actor/film./film/performance/film /m/059rc +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/028qyn +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0fydw /base/biblioness/bibs_location/country /m/0154j +/m/0dgq_kn /film/film/executive_produced_by /m/0gg9_5q +/m/0s6jm /base/biblioness/bibs_location/state /m/03v0t +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/01z5tr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wgln +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/09k9d0 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02mjf2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g23m +/m/05bmq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j4b +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/035kl6 +/m/02p2zq /music/group_member/membership./music/group_membership/group /m/014kyy +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/0xnvg /people/ethnicity/people /m/0315q3 +/m/01kt17 /people/person/nationality /m/0d060g +/m/07ssc /location/location/contains /m/01jvxb +/m/01gjw /music/genre/artists /m/0cg9y +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djkrp +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/08jfkw /people/person/nationality /m/09c7w0 +/m/02v92l /film/actor/film./film/performance/film /m/026q3s3 +/m/01hdht /people/person/profession /m/012t_z +/m/01r2c7 /people/person/profession /m/0dxtg +/m/02kj7g /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02h2z_ /base/culturalevent/event/entity_involved /m/0bq0p9 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_njt +/m/0q9jk /tv/tv_program/genre /m/0c4xc +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fb6 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0m2wm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06lj1m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fbr2 /music/genre/artists /m/02pbrn +/m/07s9rl0 /media_common/netflix_genre/titles /m/065z3_x +/m/0557yqh /tv/tv_program/genre /m/05p553 +/m/044prt /people/person/profession /m/02hrh1q +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01pcdn /people/person/places_lived./people/place_lived/location /m/05fjf +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/064_8sq /language/human_language/countries_spoken_in /m/0f8l9c +/m/01kb2j /film/actor/film./film/performance/film /m/095zlp +/m/013qvn /people/person/religion /m/0c8wxp +/m/02ctzb /people/ethnicity/people /m/05f0r8 +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d04z6 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/02zp1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hp5 /film/film/genre /m/02kdv5l +/m/01vsykc /music/artist/origin /m/04jpl +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/018d6l /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/03f47xl /people/person/profession /m/0cbd2 +/m/014jyk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bqvs2 /people/person/profession /m/0n1h +/m/054g1r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f8ld +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/027vps /film/director/film /m/0bj25 +/m/0f3zf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0165b /location/location/time_zones /m/042g7t +/m/02qwg /film/actor/film./film/performance/film /m/01jnc_ +/m/03h610 /people/person/place_of_birth /m/02_286 +/m/0fzs6w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/023vcd +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0bjv6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/037n97 /music/genre/artists /m/0fpjd_g +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qsjt +/m/03902 /base/biblioness/bibs_location/country /m/06mzp +/m/0294mx /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/01vvyc_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03f3yfj +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/08h79x +/m/03npn /media_common/netflix_genre/titles /m/09p5mwg +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03w9sgh +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7s +/m/0d1swh /people/person/place_of_birth /m/01llj3 +/m/01rr9f /people/person/spouse_s./people/marriage/spouse /m/01j5ws +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/013knm /film/actor/film./film/performance/film /m/0dj0m5 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06b0d2 +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/04ych /location/location/contains /m/013gwb +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/027rpym /film/film/genre /m/0hfjk +/m/0gywn /music/genre/artists /m/01vvyvk +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/06fmdb +/m/05d1dy /people/person/profession /m/02hrh1q +/m/03lty /music/genre/artists /m/01t_xp_ +/m/01k7d9 /people/person/nationality /m/09c7w0 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0342h /music/instrument/instrumentalists /m/01wmgrf +/m/012yc /music/genre/artists /m/015mrk +/m/07nx9j /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/02gt5s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01y9pk +/m/04jvt /organization/organization_founder/organizations_founded /m/06dr9 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c6w +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/04qsdh +/m/01cx_ /sports/sports_team_location/teams /m/0bwjj +/m/043d4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qzv /influence/influence_node/influenced_by /m/0bk5r +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0c1jh +/m/02h40lc /language/human_language/countries_spoken_in /m/06dfg +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/051ys82 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04bpm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wgxtl +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/0cjf0 /medicine/symptom/symptom_of /m/0d19y2 +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01z3d2 /location/location/contains /m/019vsw +/m/0mdqp /people/person/gender /m/05zppz +/m/05m63c /people/person/profession /m/0d1pc +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03rx9 /influence/influence_node/influenced_by /m/03hnd +/m/07kh6f3 /film/film/film_festivals /m/0bmj62v +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wvxw1 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0chhs /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/015j7 /film/film_subject/films /m/01br2w +/m/08f3b1 /people/person/religion /m/05w5d +/m/0mqs0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/07f_t4 /film/film/language /m/02h40lc +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/018nnz /film/film/genre /m/03k9fj +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/01hl_w /education/educational_institution/students_graduates./education/education/student /m/03crmd +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b79gfg +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/0gls4q_ /people/person/nationality /m/09c7w0 +/m/0h5jg5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/0184dt /people/person/nationality /m/09c7w0 +/m/02_h0 /film/film_subject/films /m/0kvgtf +/m/0jmbv /sports/sports_team/sport /m/018w8 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/0bytkq /people/person/gender /m/05zppz +/m/030dr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q9kd /film/actor/film./film/performance/film /m/016017 +/m/059rby /location/location/contains /m/02q636 +/m/043s3 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0259r0 /people/person/profession /m/0n1h +/m/02qzjj /film/director/film /m/0435vm +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/033srr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/016clz /music/genre/artists /m/01kph_c +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gb54 +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0f2df /people/person/languages /m/02h40lc +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/04s04 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/056xkh /film/film/produced_by /m/0q9kd +/m/0k_mt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/039x1k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b6l1st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016vqk /people/person/places_lived./people/place_lived/location /m/0s9b_ +/m/05jf85 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02847m9 /film/film/genre /m/03bxz7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0c3mz /base/culturalevent/event/entity_involved /m/01h3dj +/m/087_wh /people/person/gender /m/02zsn +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/03k1vm /people/person/profession /m/0196pc +/m/01j851 /people/person/profession /m/02hrh1q +/m/05tgks /film/film/genre /m/05p553 +/m/01jv1z /music/record_label/artist /m/01tw31 +/m/01pp3p /film/director/film /m/0cq8qq +/m/01csrl /people/deceased_person/place_of_death /m/0w9hk +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/096lf_ /people/person/places_lived./people/place_lived/location /m/0zdkh +/m/015_1q /music/record_label/artist /m/0b_j2 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/06y9c2 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/05cl2w /people/person/religion /m/01hng3 +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0nt6b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bm9xk /people/person/nationality /m/09c7w0 +/m/0m31m /film/actor/film./film/performance/film /m/020y73 +/m/05qtj /location/location/contains /m/0lk0l +/m/0nj3m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njpq +/m/018yj6 /people/person/sibling_s./people/sibling_relationship/sibling /m/018ygt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04gj8r +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0fb1q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0yxl +/m/0mws3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2lt +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0ql36 /people/person/places_lived./people/place_lived/location /m/0ftvz +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0g8_vp /people/ethnicity/people /m/02xv8m +/m/0jp26 /sports/sports_team_location/teams /m/02w59b +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/040nwr +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hj6h +/m/018fmr /film/actor/film./film/performance/film /m/03mr85 +/m/07fvf1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0k5g9 +/m/09rfh9 /film/film/country /m/0d060g +/m/0ny57 /location/location/time_zones /m/02hczc +/m/047bynf /film/film/genre /m/07s9rl0 +/m/0dvld /film/actor/film./film/performance/film /m/03cw411 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/030ykh +/m/0kq9l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03mp8k /music/record_label/artist /m/01vxqyl +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01x72k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mdqp +/m/0827d /music/genre/artists /m/0pkyh +/m/03jjzf /people/person/languages /m/02h40lc +/m/0cp0t91 /film/film/language /m/02h40lc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/065y4w7 +/m/0gyh2wm /film/film/country /m/07ssc +/m/0dzkq /influence/influence_node/influenced_by /m/01h2_6 +/m/018ygt /people/person/nationality /m/09c7w0 +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvqq +/m/094g2z /film/film/country /m/09c7w0 +/m/08cyft /music/genre/artists /m/06mt91 +/m/01w58n3 /people/person/gender /m/02zsn +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/048tgl /music/group_member/membership./music/group_membership/group /m/02hzz +/m/0127m7 /people/person/places_lived./people/place_lived/location /m/0l380 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jrs46 +/m/05vsxz /film/actor/film./film/performance/film /m/0cz_ym +/m/06nm1 /language/human_language/countries_spoken_in /m/0162v +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/020g9r +/m/0gj8t_b /film/film/genre /m/02l7c8 +/m/026gyn_ /film/film/genre /m/06l3bl +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/02r251z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wlk /people/person/profession /m/0cbd2 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/0jcgs /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07szy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02md2d /tv/tv_program/languages /m/02h40lc +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/03q0r1 /film/film/written_by /m/04jspq +/m/014tss /dataworld/gardening_hint/split_to /m/07ssc +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02qw2xb +/m/01zt10 /people/person/gender /m/02zsn +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04bbpm +/m/07s9rl0 /media_common/netflix_genre/titles /m/02z44tp +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/09r9m7 /people/person/profession /m/01d_h8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05v10 +/m/02ly_ /location/administrative_division/country /m/07ssc +/m/053yx /music/group_member/membership./music/group_membership/role /m/07gql +/m/02sdx /people/person/employment_history./business/employment_tenure/company /m/0lvng +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01mqh5 /people/person/profession /m/02hrh1q +/m/0356dp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06gd4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0cc5mcj /film/film/genre /m/06n90 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0nk72 /influence/influence_node/influenced_by /m/0gz_ +/m/06wpc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f5mdz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/027fwmt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07q1v4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cf_n /base/biblioness/bibs_location/state /m/050ks +/m/0h7pj /people/person/profession /m/09jwl +/m/01r2l /language/human_language/countries_spoken_in /m/0d05w3 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4z7 +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01795t +/m/0121rx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pk6x +/m/02pk6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018p4y +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/0342h /music/instrument/instrumentalists /m/09swkk +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01713c +/m/01j67j /tv/tv_program/languages /m/02h40lc +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07x4qr +/m/03hzt /film/film_subject/films /m/0n0bp +/m/03v1xb /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02sddg /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/0hx4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cc97st /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/0drtkx /award/award_category/winners./award/award_honor/award_winner /m/060pl5 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/02vg0 +/m/050zr4 /people/person/spouse_s./people/marriage/spouse /m/07vc_9 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/042fgh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042g97 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/03wbqc4 /film/film/featured_film_locations /m/02_286 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/05kh_ +/m/04s04 /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0g2jl /education/educational_institution/colors /m/038hg +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9m7 +/m/01rr9f /people/person/place_of_birth /m/0lphb +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/01bjbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02wr6r /film/actor/film./film/performance/film /m/0ckrnn +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hmyfsv +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/04hgpt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03ys48 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415mzy +/m/01j5ql /film/film/cinematography /m/04qvl7 +/m/0gy6z9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x73 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0184jc /film/actor/film./film/performance/film /m/0gd0c7x +/m/049dyj /film/actor/film./film/performance/film /m/0b6f8pf +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/01pq4w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kp66 /people/person/places_lived./people/place_lived/location /m/059rby +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/05h43ls /film/film/genre /m/02l7c8 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0342h /music/instrument/instrumentalists /m/0168cl +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s5lz +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0432b /film/actor/film./film/performance/film /m/0k5px +/m/01p3ty /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01rv7x /people/ethnicity/geographic_distribution /m/09pmkv +/m/02vntj /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/02fp3 +/m/0c75w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fvxz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0byfz /film/actor/film./film/performance/film /m/0p9rz +/m/0czmk1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0dwz3t +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/03mh94 /film/film/language /m/02h40lc +/m/01k3s2 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/01yl6n /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/02yvct /film/film/country /m/0f8l9c +/m/014zws /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/05t0zfv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/025rcc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/087pfc +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/03jjzf /film/actor/film./film/performance/film /m/03b1l8 +/m/02knxx /people/cause_of_death/people /m/01mv_n +/m/0jm9w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/01cl0d /music/record_label/artist /m/06k02 +/m/08rr3p /film/film/genre /m/06cvj +/m/01gw4f /film/actor/film./film/performance/film /m/040_lv +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/04mcw4 /film/film/language /m/06b_j +/m/01_ztw /music/artist/origin /m/0ply0 +/m/04myfb7 /people/person/gender /m/02zsn +/m/0gh65c5 /film/film/genre /m/06n90 +/m/09c7w0 /location/location/contains /m/01n7q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/03f02ct /people/person/nationality /m/03rk0 +/m/0kn68 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/0jfx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02z1yj +/m/0l12d /people/person/profession /m/02hrh1q +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01kwsg /film/actor/film./film/performance/film /m/0qm9n +/m/0jyb4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/0lx2l /film/actor/film./film/performance/film /m/04k9y6 +/m/01fx5l /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/02jx1 /location/country/second_level_divisions /m/05zhg +/m/01_x6d /people/person/religion /m/0kpl +/m/01wj92r /people/person/profession /m/0nbcg +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/02b13y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/0d5_f /influence/influence_node/influenced_by /m/02wh0 +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/04wvhz /organization/organization_founder/organizations_founded /m/04rtpt +/m/05br2 /location/country/official_language /m/02h40lc +/m/090s_0 /film/film/genre /m/03k9fj +/m/0544vh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ct9_ /influence/influence_node/influenced_by /m/039n1 +/m/0992d9 /film/film/genre /m/02kdv5l +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/016zwt +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01yd8v /people/person/languages /m/02h40lc +/m/0p07l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0flbm +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/05qgd9 /education/educational_institution/students_graduates./education/education/student /m/0194xc +/m/0l14v3 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/02xnjd /people/person/profession /m/03gjzk +/m/01y81r /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/075cph +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/01mxqyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0641g8 /people/person/profession /m/01c72t +/m/039n1 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/027b43 /education/educational_institution/colors /m/019sc +/m/0bx_q /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02sjgpq /organization/organization/headquarters./location/mailing_address/citytown /m/0mzww +/m/0n85g /music/record_label/artist /m/01w9mnm +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/01w_10 /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0fxky3 /people/person/nationality /m/09c7w0 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/019vgs +/m/01bk1y /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0m32h /people/cause_of_death/people /m/06kbb6 +/m/0n59f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/026hxwx /film/film/language /m/02h40lc +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/02q4ntp /sports/sports_team/sport /m/039yzs +/m/0m593 /people/person/places_lived./people/place_lived/location /m/013jz2 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/0gwjw0c /film/film/executive_produced_by /m/0d_skg +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02q253 +/m/07s8r0 /people/person/nationality /m/09c7w0 +/m/02cgb8 /film/actor/film./film/performance/film /m/0m313 +/m/02vklm3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0j210 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/025n3p +/m/02zccd /education/educational_institution/school_type /m/01_srz +/m/02lnhv /people/person/gender /m/02zsn +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/05qbbfb /film/film/genre /m/04t2t +/m/07rfp /organization/organization/place_founded /m/07dfk +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fthl +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/011hdn /people/person/nationality /m/09c7w0 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07l50_1 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/05148p4 /music/instrument/instrumentalists /m/01386_ +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02mmwk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hnl /music/instrument/instrumentalists /m/04mn81 +/m/02lk60 /film/film/genre /m/03k9fj +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/04hw4b +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03h64 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019rg5 +/m/07ssc /location/location/contains /m/0m4yg +/m/02lfl4 /people/person/profession /m/02hrh1q +/m/019389 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/02qcr /film/film/production_companies /m/086k8 +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/012wgb /location/location/contains /m/02cft +/m/01wx756 /people/person/place_of_birth /m/02_286 +/m/06thjt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jcx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ft7sr /people/person/gender /m/05zppz +/m/09c7w0 /location/country/second_level_divisions /m/0l2nd +/m/05sy_5 /film/film/music /m/07q1v4 +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bs8ndx +/m/0c9k8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/0gl3hr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01bh6y +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/04m_zp /people/person/gender /m/05zppz +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0l6m5 /olympics/olympic_games/sports /m/06f41 +/m/03gfvsz /broadcast/content/artist /m/086qd +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/02_2kg /education/educational_institution/school_type /m/01rs41 +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/0n839 +/m/01tspc6 /film/actor/film./film/performance/film /m/0m313 +/m/01fh9 /people/person/profession /m/02jknp +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0260bz /film/film/genre /m/02n4kr +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/0gv5c +/m/0824r /location/location/contains /m/01j8yr +/m/0l14md /music/instrument/instrumentalists /m/025xt8y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/015401 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0jqd3 /film/film/genre /m/03k9fj +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bkmf +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5f7l +/m/048j1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01qg7c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01h7bb /film/film/produced_by /m/04g3p5 +/m/01yhm /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01gg59 /people/person/profession /m/09jwl +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cv9b +/m/05dbyt /people/person/nationality /m/09c7w0 +/m/09xvf7 /people/deceased_person/place_of_death /m/0k049 +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/04306rv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0l5mz +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ymgk +/m/0cjsxp /film/actor/film./film/performance/film /m/0b2km_ +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/07r1_ +/m/0br0vs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0kn3g /people/person/nationality /m/02jx1 +/m/05zpghd /film/film/genre /m/06cvj +/m/0d7wh /people/ethnicity/people /m/020_4z +/m/03h_yy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z2j +/m/0j_c /film/director/film /m/0jwvf +/m/02g3v6 /award/award_category/winners./award/award_honor/award_winner /m/026lyl4 +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01934k +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02cbhg /film/film/executive_produced_by /m/06q8hf +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qr1_ +/m/0r8c8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/01msrb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01twdk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04pp9s +/m/02tktw /film/film/story_by /m/0c9xjl +/m/03lty /music/genre/artists /m/016lj_ +/m/0t_hx /location/hud_county_place/place /m/0t_hx +/m/016jll /people/person/profession /m/01c72t +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0285c +/m/016jny /music/genre/parent_genre /m/06by7 +/m/0222qb /people/ethnicity/people /m/03fbb6 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/026r8q +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049fgvm +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0lzb8 /people/person/nationality /m/0345h +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/03_d0 /music/genre/artists /m/04zwjd +/m/0ddcbd5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bdkd +/m/0kbws /olympics/olympic_games/participating_countries /m/0164b +/m/067sqt /people/person/profession /m/03gjzk +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4b2 +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/0klw +/m/0j46b /sports/sports_team/sport /m/02vx4 +/m/03k9fj /media_common/netflix_genre/titles /m/01vw8k +/m/01dhpj /people/person/places_lived./people/place_lived/location /m/01ly5m +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07ssc +/m/0dyb1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03l6q0 /film/film/genre /m/03npn +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/026mx4 /location/administrative_division/country /m/03rk0 +/m/033tf_ /people/ethnicity/people /m/0g824 +/m/0qjd /base/aareas/schema/administrative_area/administrative_parent /m/09ksp +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03rt9 /location/country/second_level_divisions /m/012qxv +/m/0520r2x /award/award_winner/awards_won./award/award_honor/award_winner /m/0cb77r +/m/0yj9v /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/011ysn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dqcs3 /film/film/genre /m/02n4kr +/m/01frpd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/092vkg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/011lpr /film/actor/film./film/performance/film /m/0k4fz +/m/0ycht /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/0h95b81 /tv/tv_program/genre /m/09lmb +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027j79k +/m/0nqph /sports/sports_team_location/teams /m/07l8x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0l56b /people/person/religion /m/0kpl +/m/0h32q /people/person/profession /m/02hrh1q +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/081yw /base/aareas/schema/administrative_area/capital /m/0fw1y +/m/09c7w0 /location/location/contains /m/0pqz3 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/064t9 /music/genre/artists /m/01w61th +/m/0hcvy /people/person/religion /m/0c8wxp +/m/014q2g /people/person/gender /m/05zppz +/m/0mbql /film/film/written_by /m/01r2c7 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/031ldd /film/film/genre /m/03q4nz +/m/0fvzg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/016ckq /music/record_label/artist /m/01vvlyt +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/01gbn6 /people/person/nationality /m/09c7w0 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/02j9z /location/location/partially_contains /m/047lj +/m/0436zq /people/person/place_of_birth /m/0b2lw +/m/07tlg /education/educational_institution/campuses /m/07tlg +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09yg6l +/m/015cj9 /base/biblioness/bibs_location/country /m/07ssc +/m/059f4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1nt +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0f4y_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhz +/m/02ch1w /people/person/gender /m/02zsn +/m/01nfys /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0652ty /people/person/profession /m/02hv44_ +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0kvbl6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/09wnnb /film/film/language /m/064_8sq +/m/017180 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02qmsr +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0jm74 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/01f8hf /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02n1p5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r0st6 /people/person/place_of_birth /m/0xn7q +/m/02mpyh /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/01ky7c /education/educational_institution/campuses /m/01ky7c +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/05fg2 +/m/0qcr0 /people/cause_of_death/people /m/018swb +/m/02y7sr /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0lcx /people/person/religion /m/0kpl +/m/0565cz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136pk +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/026_dq6 +/m/09x3r /olympics/olympic_games/sports /m/071t0 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05g76 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/013fn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01f_mw /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/06thjt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01dw9z +/m/01wwvd2 /people/person/profession /m/0nbcg +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/07s9rl0 /media_common/netflix_genre/titles /m/0c1sgd3 +/m/0gwgn1k /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/076df9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03r0rq +/m/09txzv /film/film/genre /m/0bj8m2 +/m/022_lg /people/person/place_of_birth /m/01_d4 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01jfsb /media_common/netflix_genre/titles /m/01kjr0 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0fczy /location/location/time_zones /m/02hcv8 +/m/04_jsg /people/person/nationality /m/09c7w0 +/m/0146mv /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w1kyf +/m/063b4k /film/director/film /m/0dcz8_ +/m/02qwg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03bnv +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01271h /award/award_winner/awards_won./award/award_honor/award_winner /m/02g40r +/m/06pqy_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/04g73n +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01kwsg +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/011yd2 /film/film/music /m/02cyfz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/02kz_ +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/01kws3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/01twdk +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0872p_c +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yy9r +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/07yk1xz /film/film/country /m/09c7w0 +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/078vc /people/ethnicity/languages_spoken /m/02h40lc +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01yb09 /people/person/profession /m/02hrh1q +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/07nf_4 /music/genre/parent_genre /m/0jmwg +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0bl2g /base/eating/practicer_of_diet/diet /m/07_jd +/m/06w7v /music/instrument/instrumentalists /m/01wx756 +/m/0jwvf /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02g9z1 +/m/016nff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04q01mn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07vn_9 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04rcl7 /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05k7sb /location/location/contains /m/0p9z5 +/m/02xyl /influence/influence_node/influenced_by /m/04093 +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06br6t /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021npv +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rznz +/m/01y_rz /people/person/place_of_birth /m/0b2lw +/m/029jpy /location/location/contains /m/05k7sb +/m/0s5cg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kj5h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0qf11 +/m/05strv /people/person/profession /m/03gjzk +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/05cqhl /people/person/profession /m/0dxtg +/m/02b6n9 /film/film/production_companies /m/024rgt +/m/0x25q /film/film/featured_film_locations /m/06y57 +/m/03j367r /people/person/profession /m/01d_h8 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0gj50 /tv/tv_program/country_of_origin /m/09c7w0 +/m/043hg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/018c_r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/03thw4 /people/person/profession /m/0dxtg +/m/033g4d /film/film/produced_by /m/03ktjq +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/01n1gc /people/person/profession /m/0frz0 +/m/016t00 /people/person/religion /m/04pk9 +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/020_95 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0ctb4g /film/film/production_companies /m/054lpb6 +/m/07mvp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/05cgv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/052bw /location/location/contains /m/0lbfv +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0chrx /base/biblioness/bibs_location/state /m/05fhy +/m/04rzd /music/instrument/instrumentalists /m/03h_fk5 +/m/01wdqrx /people/person/profession /m/0nbcg +/m/01vhb0 /people/person/nationality /m/09c7w0 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0vjr +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cj2w /people/deceased_person/place_of_death /m/0h6l4 +/m/048rn /film/film/written_by /m/02drd3 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/012hw /people/cause_of_death/people /m/041wm +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/037xlx /film/film/produced_by /m/07f8wg +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/0chghy /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt14 +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/0l14qv /music/instrument/instrumentalists /m/09qr6 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/024_ql /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/0b1hw +/m/02xv8m /film/actor/film./film/performance/film /m/01j8wk +/m/0534v /influence/influence_node/influenced_by /m/0ff2k +/m/0ggbhy7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b13g7 +/m/0fn5bx /film/actor/film./film/performance/film /m/08fn5b +/m/0g8bw /location/country/capital /m/0hn4h +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1pf +/m/01k2xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0f4_2k /film/film/distributors./film/film_film_distributor_relationship/region /m/09nm_ +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/07pzc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j7z7 +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/011yxg /film/film/featured_film_locations /m/06y57 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/student /m/0203v +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c2f +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/05cv94 +/m/01q3_2 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/07ssc /media_common/netflix_genre/titles /m/01kf3_9 +/m/0dgq80b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/01yd8v /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/0ggx5q /music/genre/artists /m/019f9z +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d2psv +/m/05mrf_p /film/film/featured_film_locations /m/04jpl +/m/05lb87 /film/actor/film./film/performance/film /m/0sxmx +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/04f525m /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/091xrc +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0bdt8 /people/person/languages /m/02h40lc +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0cn68 /people/ethnicity/languages_spoken /m/03_9r +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0835q /people/person/profession /m/099md +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gc7 +/m/03d8jd1 /film/film/country /m/03_3d +/m/01ry_x /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/022yb4 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/09cr8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0gn30 /film/actor/film./film/performance/film /m/053rxgm +/m/0k7tq /film/film/production_companies /m/086k8 +/m/07db6x /people/person/profession /m/0dxtg +/m/03l6q0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0m2by /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m27n +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09v6tz +/m/05d8vw /people/person/religion /m/05w5d +/m/0781g /music/genre/artists /m/0473q +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_sc +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0187y5 /film/actor/film./film/performance/film /m/02b6n9 +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146pg +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170vn +/m/061dn_ /organization/organization/child./organization/organization_relationship/child /m/032j_n +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9j5 +/m/028r4y /film/actor/film./film/performance/film /m/02754c9 +/m/02g0mx /people/person/place_of_birth /m/030qb3t +/m/05b6rdt /film/film/language /m/02h40lc +/m/014bpd /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/035wtd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0557q +/m/09zw90 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/02pw_n /film/film/genre /m/07s9rl0 +/m/09jcj6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016jny /music/genre/artists /m/017f4y +/m/01f3p_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/078mm1 /film/film/genre /m/01jfsb +/m/017gxw /film/actor/film./film/performance/film /m/02t_h3 +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0cwy47 +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/022kcs /award/award_category/winners./award/award_honor/award_winner /m/0dj5q +/m/02yv6b /music/genre/artists /m/018y2s +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03j_hq +/m/0b_7k /people/person/spouse_s./people/marriage/spouse /m/0b_4z +/m/0125xq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c6w /location/administrative_division/country /m/03rk0 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/02mxw0 /film/actor/film./film/performance/film /m/01_mdl +/m/03nsm5x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06whf /people/person/profession /m/0kyk +/m/0170s4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/015pvh /people/person/gender /m/02zsn +/m/0d2by /people/ethnicity/people /m/06s7rd +/m/088gzp /education/educational_institution/campuses /m/088gzp +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/014nzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02w7gg /people/ethnicity/people /m/01j5x6 +/m/0hd7j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0g33q +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0qf2t /film/film/language /m/02h40lc +/m/04hhv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07f1x +/m/0sx92 /olympics/olympic_games/sports /m/09wz9 +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gml8 +/m/06101p /people/person/places_lived./people/place_lived/location /m/03h64 +/m/059_w /film/film_subject/films /m/02rlj20 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/0gs5q /people/person/places_lived./people/place_lived/location /m/04tgp +/m/0288crq /people/person/gender /m/05zppz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/03lv4x +/m/0dc7hc /film/film/production_companies /m/0g1rw +/m/01yhm /sports/sports_team/colors /m/06fvc +/m/04gfy7 /people/ethnicity/languages_spoken /m/055qm +/m/0835q /people/deceased_person/place_of_death /m/0rh6k +/m/03b_fm5 /film/film/production_companies /m/054lpb6 +/m/0g2lq /film/director/film /m/065dc4 +/m/02mt4k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04fcx7 /film/director/film /m/026mfbr +/m/05bt6j /music/genre/artists /m/04dqdk +/m/0gvs1kt /film/film/written_by /m/09v6tz +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/01lyv /music/genre/artists /m/0c7xjb +/m/04mp8g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05k2xy /film/film/country /m/07ssc +/m/02s4l6 /film/film/genre /m/0219x_ +/m/0cwrr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0vbk /location/location/contains /m/0qxhc +/m/016_nr /music/genre/artists /m/01vw20h +/m/09c7w0 /location/location/contains /m/02lwv5 +/m/0258dh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/0cx7f /music/genre/artists /m/01fl3 +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/022wxh +/m/016017 /film/film/country /m/09c7w0 +/m/01cssf /film/film/production_companies /m/016tt2 +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0brddh /people/person/profession /m/02jknp +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/018ctl /olympics/olympic_games/participating_countries /m/09c7w0 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/049xgc /film/film/written_by /m/05183k +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/032_jg /base/eating/practicer_of_diet/diet /m/07_hy +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0fgpvf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03x23q +/m/01c0cc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/05s_c38 /people/person/profession /m/0gl2ny2 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0q5hw /people/person/profession /m/01d_h8 +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/02j4sk +/m/05lwjc /music/genre/artists /m/01w5jwb +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/0g33q +/m/041c4 /film/actor/film./film/performance/film /m/02lk60 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/059rby /location/location/contains /m/01531 +/m/09l3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f276 +/m/04w1j9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kvqv +/m/0cc5tgk /people/person/nationality /m/0jgd +/m/01hrqc /people/person/religion /m/092bf5 +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0415zv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/025st2z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jvt9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/01w58n3 +/m/0g68zt /film/film/genre /m/02n4kr +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/02f6s3 /film/actor/film./film/performance/film /m/0kb1g +/m/02bvt /people/person/profession /m/0dxtg +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/06t8v /location/location/partially_contains /m/0lcd +/m/019fz /influence/influence_node/influenced_by /m/026lj +/m/01x72k /people/person/spouse_s./people/marriage/spouse /m/04vmqg +/m/03_qj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05sy_5 +/m/014g22 /film/actor/film./film/performance/film /m/06g77c +/m/0p0cw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p01x +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01stj9 +/m/05_5rjx /film/film/genre /m/01jfsb +/m/0yx1m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w9k25 /music/artist/origin /m/0xrzh +/m/01719t /film/film/executive_produced_by /m/02pq9yv +/m/01vsykc /people/person/spouse_s./people/marriage/spouse /m/01pctb +/m/0m68w /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03cn92 /people/person/profession /m/02jknp +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/0jgk3 /location/location/contains /m/0rj4g +/m/02wb6d /people/person/gender /m/05zppz +/m/03f0r5w /people/person/profession /m/0dxtg +/m/03_gd /people/person/religion /m/0kq2 +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/09rvcvl +/m/0mkg /music/instrument/instrumentalists /m/0144l1 +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/01j5sd /people/person/nationality /m/03rt9 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/03kwtb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0333wf /film/actor/film./film/performance/film /m/01shy7 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0m_31 +/m/0p_pd /people/person/nationality /m/09c7w0 +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/0btpx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06dv3 +/m/0346qt /sports/sports_team/colors /m/019sc +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/017fp /media_common/netflix_genre/titles /m/03xf_m +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/06w99h3 +/m/03lmzl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/04ls53 /people/person/gender /m/05zppz +/m/0dn44 /people/person/profession /m/03jgz +/m/0gpprt /film/actor/film./film/performance/film /m/078sj4 +/m/06by7 /music/genre/artists /m/01d4cb +/m/03_wvl /people/person/profession /m/02hrh1q +/m/0jhn7 /olympics/olympic_games/sports /m/07jbh +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3ybss +/m/0lpjn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0l6px +/m/08k881 /film/actor/film./film/performance/film /m/0ds2l81 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/07s8qm7 /sports/sports_team/colors /m/019sc +/m/0gpprt /people/person/profession /m/0dxtg +/m/03rk0 /media_common/netflix_genre/titles /m/052_mn +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/0g5ff +/m/03c602 /people/person/gender /m/05zppz +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/04mz10g +/m/0c1pj /film/actor/film./film/performance/film /m/03z106 +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/022wxh /film/director/film /m/04jwly +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jqjx +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/01s21dg /people/person/places_lived./people/place_lived/location /m/013yq +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0l30v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tz52 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yvct +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/0g39h /location/location/contains /m/01bcwk +/m/0147sh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0c41n /people/ethnicity/geographic_distribution /m/059t8 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0276jmv /film/actor/film./film/performance/film /m/0fh694 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0btj0 /people/person/profession /m/01d_h8 +/m/01jt2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014nq4 /film/film/story_by /m/03ft8 +/m/02tz9z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019pwv /education/educational_institution/students_graduates./education/education/student /m/01nm3s +/m/01gf5h /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0b3n61 /film/film/genre /m/02kdv5l +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/081pw /film/film_subject/films /m/04v89z +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/027y_ /people/person/places_lived./people/place_lived/location /m/015jr +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09c7w0 /location/location/contains /m/025rst1 +/m/09xwz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f5xn /film/actor/film./film/performance/film /m/087vnr5 +/m/02g839 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/027m67 /film/film/film_format /m/0cj16 +/m/0bfvw2 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/01p_ng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01rlzn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/02q_4ph /film/film/genre /m/02l7c8 +/m/03shp /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0mz73 /film/actor/film./film/performance/film /m/02qk3fk +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bl3nn /film/film/language /m/02h40lc +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/09lcsj /film/film/edited_by /m/04cy8rb +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/02jx1 /location/country/second_level_divisions /m/06y9v +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01yzhn +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/03dbds +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qvhv +/m/02185j /organization/organization/headquarters./location/mailing_address/citytown /m/0d99m +/m/0131kb /people/person/religion /m/051kv +/m/0dzc16 /people/person/profession /m/01d_h8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02cm61 +/m/01vg13 /organization/organization/headquarters./location/mailing_address/citytown /m/0cr3d +/m/03_3d /location/location/contains /m/049yf +/m/0d4jl /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/018yj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/02t_st /people/person/profession /m/03gjzk +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03s5t +/m/0qf3p /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/01rgr /people/person/profession /m/04cvn_ +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/01fjfv /broadcast/content/artist /m/0d193h +/m/059ts /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0ph2w /influence/influence_node/influenced_by /m/013tjc +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0nj7b /location/location/time_zones /m/02hcv8 +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/011yph /film/film/genre /m/0219x_ +/m/03j90 /people/person/place_of_birth /m/05mwx +/m/019fv4 /location/location/time_zones /m/02llzg +/m/01rh0w /film/actor/film./film/performance/film /m/0pvms +/m/02ldkf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/013xrm /people/ethnicity/people /m/048cl +/m/07srw /location/administrative_division/first_level_division_of /m/09c7w0 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04fhn_ +/m/049_zz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063t3j /people/person/gender /m/05zppz +/m/04jr87 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ywqc /film/actor/film./film/performance/film /m/027r7k +/m/08l_c1 /education/educational_institution_campus/educational_institution /m/08l_c1 +/m/05r79 /education/field_of_study/students_majoring./education/education/student /m/0kn4c +/m/080dfr7 /film/film/country /m/09c7w0 +/m/03b3j /sports/sports_team/sport /m/0jm_ +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vsl3_ /people/person/profession /m/01d_h8 +/m/03cwqpm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jgx /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxmgz +/m/0xnvg /people/ethnicity/people /m/02bj6k +/m/04znsy /people/person/places_lived./people/place_lived/location /m/094jv +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02lf_x /location/administrative_division/country /m/03_3d +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/01kgxf /people/person/place_of_birth /m/0k_q_ +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05fm6m +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/026lgs /film/film/personal_appearances./film/personal_film_appearance/person /m/046lt +/m/032j_n /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/012xdf /people/person/religion /m/0flw86 +/m/0dq9p /people/cause_of_death/people /m/01vn0t_ +/m/06yrj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/09gffmz +/m/0ccd3x /film/film/genre /m/0lsxr +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01kff7 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/02q636 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bwhdbl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03d8m4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c57yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wbz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/014x77 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qjv1p /tv/tv_program/genre /m/01z77k +/m/027bs_2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/040nwr /people/person/place_of_birth /m/01sv6k +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/0j3b /location/location/contains /m/017jq +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02mhfy /people/person/places_lived./people/place_lived/location /m/0yvjx +/m/01386_ /people/person/profession /m/0dz3r +/m/0407f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ts3h /people/person/languages /m/02h40lc +/m/0d500h /people/person/profession /m/03gjzk +/m/01w_d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02b15h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0sxg4 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/02fx3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8gz +/m/09hd16 /people/person/place_of_birth /m/04sqj +/m/03__77 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01h0b0 +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08hsww +/m/043tg /people/deceased_person/place_of_death /m/05qtj +/m/01fmz6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032c7m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/012ky3 /people/person/profession /m/05vyk +/m/0170vn /people/person/nationality /m/09c7w0 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/04g4w9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01q2nx /film/film/film_format /m/07fb8_ +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/01my_c /people/person/place_of_birth /m/01ppq +/m/02p11jq /music/record_label/artist /m/01w7nwm +/m/051gjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/084nh /people/person/profession /m/05z96 +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/026ldz7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/03p2m1 +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/02b9g4 +/m/081lh /film/director/film /m/0blpg +/m/05r5c /music/instrument/instrumentalists /m/01wdcxk +/m/02nq10 /education/educational_institution/colors /m/019sc +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d66j2 +/m/0bc71w /award/award_winner/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/059rby /location/location/contains /m/01nl79 +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/06lhbl /people/deceased_person/place_of_death /m/04llb +/m/01w5gg6 /people/person/place_of_birth /m/0jyw +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jc6q +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/052_mn /film/film/genre /m/04t36 +/m/04y79_n /film/actor/film./film/performance/film /m/065z3_x +/m/02l4rh /people/person/languages /m/064_8sq +/m/0gg8l /music/genre/artists /m/01w8n89 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01z5tr /people/person/gender /m/02zsn +/m/0292l3 /people/person/nationality /m/03rk0 +/m/0d05fv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01m4yn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03h502k +/m/093l8p /film/film/featured_film_locations /m/0qr4n +/m/03rk0 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/03k9fj /media_common/netflix_genre/titles /m/0c3z0 +/m/02tcgh /award/award_winning_work/awards_won./award/award_honor/award /m/03r8v_ +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0dcqh /medicine/disease/notable_people_with_this_condition /m/01hmk9 +/m/01hc9_ /influence/influence_node/influenced_by /m/032l1 +/m/0pv2t /film/film/genre /m/05p553 +/m/02wtp6 /film/film/production_companies /m/025jfl +/m/08jfkw /film/actor/film./film/performance/film /m/09qycb +/m/01nkxvx /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/02ph9tm /film/film/production_companies /m/017s11 +/m/0gd_b_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09r9dp +/m/02ck7w /people/person/profession /m/02hrh1q +/m/02rx2m5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0nvrd /location/location/contains /m/0s6jm +/m/0g8st4 /film/actor/film./film/performance/film /m/034r25 +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/094xh /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/02rytm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016xk5 /people/person/profession /m/0cbd2 +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0c0yh4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/022_6 +/m/022qw7 /people/person/profession /m/02hrh1q +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/016dsy /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kt_4 +/m/014kq6 /film/film/language /m/06nm1 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02xbw2 /film/actor/film./film/performance/film /m/03wj4r8 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01_x6v /people/person/profession /m/01d_h8 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01qnfc /people/person/profession /m/0dxtg +/m/04fzfj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08hp53 +/m/026p_bs /film/film/written_by /m/03thw4 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01yh3y /film/actor/film./film/performance/film /m/03d8jd1 +/m/01bfjy /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/0525b /film/actor/film./film/performance/film /m/095zlp +/m/0sx8l /olympics/olympic_games/participating_countries /m/059j2 +/m/0m32_ /people/person/profession /m/02krf9 +/m/048xh /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/015_1q /music/record_label/artist /m/01m3x5p +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqp3 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/01nrnm /education/educational_institution/school_type /m/05jxkf +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/01t94_1 /people/person/profession /m/08z956 +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0ph24 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0lrh +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/07nt8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/04z0g /people/person/religion /m/0kpl +/m/019vhk /film/film/edited_by /m/08h79x +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0127xk +/m/0172rj /music/genre/parent_genre /m/052smk +/m/01znc_ /location/location/time_zones /m/03plfd +/m/0h32q /people/person/place_of_birth /m/0nqv1 +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02nvg1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gywn /music/genre/artists /m/02h9_l +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/01jbx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pctb +/m/0fd6qb /people/person/profession /m/089fss +/m/05tbn /location/location/contains /m/0zrlp +/m/02zhkz /film/actor/film./film/performance/film /m/07ghq +/m/063g7l /film/actor/film./film/performance/film /m/0ds35l9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02w6bq +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/05lb87 /people/person/place_of_birth /m/02_286 +/m/0x3n /people/person/place_of_birth /m/0cr3d +/m/01fh0q /people/person/profession /m/01c72t +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/019n8z +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vl4m +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/012vd6 +/m/081l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/021bk /award/award_winner/awards_won./award/award_honor/award_winner /m/028k57 +/m/037mh8 /education/field_of_study/students_majoring./education/education/student /m/02kxbwx +/m/07g2v /people/person/profession /m/09lbv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b17t +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/0ccd3x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jfgk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03m6j +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/026hh0m /film/film/language /m/0t_2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0y_yw +/m/0bth54 /film/film/genre /m/05h0n +/m/01hmnh /media_common/netflix_genre/titles /m/02lk60 +/m/0f1nl /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/0329nn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01cszh /music/record_label/artist /m/0pqp3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05_5rjx +/m/0dq9wx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026_dq6 +/m/0kbws /olympics/olympic_games/sports /m/035d1m +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/029d_ /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/023p7l /film/film/language /m/02h40lc +/m/017_qw /music/genre/artists /m/01hw6wq +/m/01r4hry /people/person/nationality /m/09c7w0 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02704ff +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/09m6kg /film/film/cinematography /m/04qvl7 +/m/04zd4m /people/person/profession /m/0cbd2 +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/023ny6 /tv/tv_program/genre /m/01hmnh +/m/03_xj /location/country/official_language /m/02h40lc +/m/07h34 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0cr3d /location/location/contains /m/03_fmr +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03vhvp +/m/02zc7f /organization/organization/headquarters./location/mailing_address/citytown /m/0_wm_ +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/039bp /film/actor/film./film/performance/film /m/0hvvf +/m/02w4fkq /people/person/gender /m/02zsn +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/03z20c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/02bf2s /people/person/profession /m/01d_h8 +/m/0glmv /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/06pj8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01jgkj2 +/m/0l6px /film/actor/film./film/performance/film /m/09tkzy +/m/016yvw /film/actor/film./film/performance/film /m/0_b3d +/m/09c7w0 /location/location/contains /m/01vg13 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/01mqz0 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/08cyft /music/genre/artists /m/01vs_v8 +/m/04c9bn /sports/sports_team/sport /m/018jz +/m/03nymk /tv/tv_program/languages /m/02h40lc +/m/01vt5c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/037n97 /music/genre/parent_genre /m/02x8m +/m/03thw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c921 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/05z775 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5_y +/m/035_2h /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0ybkj /location/hud_county_place/place /m/0ybkj +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/02vjzr /music/genre/artists /m/01wwvc5 +/m/0194zl /film/film/music /m/02cyfz +/m/03zrp /people/person/place_of_birth /m/02_286 +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/024y6w +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03mg5f +/m/0mb0 /people/person/gender /m/02zsn +/m/0gg8l /music/genre/artists /m/0bhvtc +/m/025m8y /award/award_category/category_of /m/0c4ys +/m/02mjk5 /business/business_operation/industry /m/019mlh +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpkw +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyz92 +/m/049yf /location/location/contains /m/018q42 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/07s9rl0 /media_common/netflix_genre/titles /m/011ysn +/m/06crng /influence/influence_node/influenced_by /m/041mt +/m/02d9nr /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c12h /film/actor/film./film/performance/film /m/04vvh9 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01jygk +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026hxwx +/m/026lyl4 /people/person/profession /m/026sdt1 +/m/0187nd /education/educational_institution/colors /m/01l849 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0h1p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01b_lz /tv/tv_program/genre /m/07s9rl0 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yxg +/m/01438g /film/actor/film./film/performance/film /m/0294zg +/m/04m064 /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0h3xztt /film/film/country /m/09c7w0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02482c +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/071nw5 +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/0pv54 /film/film/genre /m/02qfv5d +/m/07h9gp /film/film/genre /m/03npn +/m/0mcl0 /film/film/language /m/071fb +/m/04jpl /location/location/contains /m/0n920 +/m/0cc97st /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/034r25 /film/film/production_companies /m/020h2v +/m/059y0 /people/person/nationality /m/0k6nt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/02d9nr /education/educational_institution/colors /m/01g5v +/m/07s9rl0 /media_common/netflix_genre/titles /m/0d8w2n +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0hnjt /people/person/places_lived./people/place_lived/location /m/01x73 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0604m /location/location/contains /m/082pc +/m/017hnw /organization/organization/headquarters./location/mailing_address/citytown /m/01m7mv +/m/02bxjp /people/person/profession /m/0dxtg +/m/01gkp1 /film/film/language /m/02h40lc +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bbf1f +/m/0bm2x /film/film/written_by /m/06l6nj +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/020ffd +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c0tzp +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pnn3 +/m/02mc79 /film/actor/film./film/performance/film /m/01pj_5 +/m/026mfbr /film/film/country /m/09c7w0 +/m/0948xk /people/person/religion /m/01spm +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/0pz6q /education/educational_institution/colors /m/083jv +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mcw4 +/m/02gkxp /education/educational_institution/students_graduates./education/education/student /m/024bbl +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/0c73z /people/person/gender /m/05zppz +/m/01s7qqw /influence/influence_node/influenced_by /m/0ph2w +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/01kkk4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02tk74 /people/person/religion /m/01lp8 +/m/01xhh5 /people/ethnicity/geographic_distribution /m/06qd3 +/m/01qn7n /tv/tv_program/genre /m/01t_vv +/m/0pmhf /film/actor/film./film/performance/film /m/04ydr95 +/m/02029f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04fgzb0 /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/06krf3 /film/film/genre /m/01f9r0 +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050gkf +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0sxdg +/m/0k3p /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01r93l /film/actor/film./film/performance/film /m/06wbm8q +/m/01s0_f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_fm2 /film/film/genre /m/06n90 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/0284b56 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02rqwhl +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0285c /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds5_72 +/m/0342h /music/instrument/instrumentalists /m/01kstn9 +/m/09zf_q /film/film/genre /m/06n90 +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01j7z7 +/m/03k99c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0223g8 +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/062zjtt /film/film/genre /m/0btmb +/m/01m65sp /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0pmcz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/02zs4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/06qv_ /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/0c3ns /people/person/nationality /m/0chghy +/m/0vzm /location/location/contains /m/07w0v +/m/03_js /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/03ffcz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015rkw +/m/02lg3y /film/actor/film./film/performance/film /m/02z3r8t +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/058frd +/m/078jnn /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/02v2jy /people/person/nationality /m/09c7w0 +/m/01hbq0 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02lk1s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/09pl3f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/048z7l /people/ethnicity/people /m/01vrt_c +/m/05b2gsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042y1c +/m/0fqt1ns /film/film/production_companies /m/017s11 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04bjff +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/013pk3 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0h0yt +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/059kh /music/genre/artists /m/0qf3p +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/09jrf +/m/0cct7p /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/0c_tl /olympics/olympic_games/participating_countries /m/03gj2 +/m/02lg3y /people/person/religion /m/0c8wxp +/m/0cwy47 /film/film/genre /m/04xvh5 +/m/01wqmm8 /people/person/profession /m/02hrh1q +/m/0j5m6 /sports/sports_team/colors /m/01g5v +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9wr +/m/0vkl2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jzc +/m/02t__3 /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02pyyld +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tcg4 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/03clwtw /film/film/production_companies /m/031rq5 +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hqzm6r +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/014v1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/019n8z /olympics/olympic_games/sports /m/01dys +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/02dlfh /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/017m2y +/m/01kf5lf /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/03hbbc /organization/organization/place_founded /m/0r111 +/m/07l50_1 /film/film/country /m/09c7w0 +/m/05jg58 /music/genre/artists /m/0gdh5 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvsn +/m/05m_8 /organization/organization/headquarters./location/mailing_address/citytown /m/0dc95 +/m/01n7q /location/location/contains /m/0r2kh +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/01dkpb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mr6 +/m/02d478 /film/film/genre /m/01jfsb +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/098n5 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07fzq3 +/m/05njyy /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d06m5 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01hjy5 /education/educational_institution_campus/educational_institution /m/01hjy5 +/m/013zs9 /people/person/gender /m/02zsn +/m/0h21v2 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/03nx8mj /film/film/music /m/01mkn_d +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/062cg6 +/m/01hn_t /tv/tv_program/genre /m/025s89p +/m/05kkh /location/location/contains /m/0n1xp +/m/02pb53 /people/person/profession /m/018gz8 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/014gf8 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/027y151 /people/person/place_of_birth /m/0qc7l +/m/0r6cx /location/location/contains /m/027xx3 +/m/09r94m /film/film/country /m/0f8l9c +/m/01j7z7 /film/actor/film./film/performance/film /m/0x25q +/m/02k84w /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0b_xm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w9k1c /film/film/language /m/02h40lc +/m/0m75g /base/biblioness/bibs_location/country /m/02jx1 +/m/05d9y_ /education/educational_institution_campus/educational_institution /m/05d9y_ +/m/08d9z7 /people/person/profession /m/01d_h8 +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04h41v +/m/03gfvsz /broadcast/content/artist /m/033s6 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/09c7w0 /location/location/contains /m/02dq8f +/m/02mjmr /people/person/profession /m/016fly +/m/03hkch7 /film/film/genre /m/0hn10 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02hct1 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0127ps +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/039fgy /tv/tv_program/program_creator /m/05strv +/m/03_87 /influence/influence_node/influenced_by /m/028p0 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7xg +/m/01f7kl /film/film/music /m/02jxkw +/m/04p5cr /tv/tv_program/genre /m/01z4y +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l3_5 +/m/07f3xb /people/person/profession /m/0d1pc +/m/03nfnx /film/film/genre /m/0bxg3 +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/0bm2nq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/033_1p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/09v5bdn /people/ethnicity/languages_spoken /m/02h40lc +/m/0j2jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03d9v8 /film/actor/film./film/performance/film /m/0kbhf +/m/01_gv /sports/sports_team/colors /m/01g5v +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nyqk +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ks5 +/m/02pw_n /film/film/executive_produced_by /m/0d_skg +/m/03ylxn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h21v2 /film/film/music /m/023361 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/083pr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/02qpt1w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/04gvt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0frmb1 /people/person/employment_history./business/employment_tenure/company /m/01q0kg +/m/014knw /film/film/country /m/09c7w0 +/m/048z7l /people/ethnicity/people /m/035wq7 +/m/0m_h6 /film/film/genre /m/01lrrt +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vwllw +/m/015rkw /people/person/religion /m/0c8wxp +/m/04wg38 /people/person/profession /m/0dxtg +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01sn3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/07dvs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01qcz7 /location/administrative_division/country /m/06mzp +/m/01gbb4 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01z88t /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w4v /music/genre/artists /m/017yfz +/m/03nt59 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bpg3 +/m/02cx72 /people/person/nationality /m/09c7w0 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05b7q +/m/053ksp /people/person/profession /m/02hv44_ +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/029ql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pjr7 /film/actor/film./film/performance/film /m/0g_zyp +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/030k94 /tv/tv_program/genre /m/07s9rl0 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/01yhm /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/03shp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/011k1h /music/record_label/artist /m/01vzxld +/m/04wgh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04lhc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06r1k /tv/tv_program/genre /m/0pr6f +/m/015dqj /people/person/profession /m/0dxtg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02301 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f46y +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04hzfz +/m/0q9b0 /film/film/production_companies /m/0283xx2 +/m/01q1j /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dvld +/m/0gxfz /film/film/costume_design_by /m/09x8ms +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06t2t +/m/022xml /education/educational_institution/campuses /m/022xml +/m/0d6d2 /film/actor/film./film/performance/film /m/04tng0 +/m/099p5 /people/person/religion /m/07w8f +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/01d4cb +/m/083chw /people/person/place_of_birth /m/0d9jr +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0c40vxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0143hl +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0421st /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/07h5d /film/director/film /m/04zl8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0c_m3 +/m/02skyy /tv/tv_program/languages /m/02h40lc +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/025sc50 /music/genre/artists /m/01vxlbm +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0ds3t5x /film/film/production_companies /m/04cygb3 +/m/01515w /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fc32 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qm5j /music/genre/artists /m/016wvy +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02lk60 /film/film/country /m/09c7w0 +/m/015ynm /film/film/genre /m/03k9fj +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrs46 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/016zwt /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0fpj4lx /people/person/profession /m/02hrh1q +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09fqgj +/m/02qdrjx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01lbp +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/080dwhx +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01rlxt /people/person/profession /m/03gjzk +/m/05qx1 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0b3n61 /film/film/language /m/02h40lc +/m/0371rb /sports/sports_team/colors /m/06fvc +/m/07l24 /sports/sports_team/sport /m/0jm_ +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/02f9wb +/m/01vsy7t /people/person/profession /m/0dz3r +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/04mhbh /people/person/profession /m/0np9r +/m/0vzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/06pwf6 +/m/06chf /people/person/profession /m/02jknp +/m/06mnbn /film/actor/film./film/performance/film /m/07f_t4 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt4r4 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gq0b +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07fq1y /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/09c7w0 /location/country/second_level_divisions /m/0mw5x +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0cc7hmk /film/film/featured_film_locations /m/02_286 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0g2jl +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01ycck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z4j2 +/m/014z8v /film/actor/film./film/performance/film /m/0prrm +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0144l1 /people/person/profession /m/025352 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/08qxx9 /film/actor/film./film/performance/film /m/05p3738 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8tgs +/m/01w40h /music/record_label/artist /m/0cg9y +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf72 +/m/02h40lc /dataworld/gardening_hint/split_to /m/07qv_ +/m/01xyy /location/administrative_division/first_level_division_of /m/035qy +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/01pgzn_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041_y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f8gz /film/film/language /m/03115z +/m/02hhtj /people/person/languages /m/06nm1 +/m/0qmfk /film/film/runtime./film/film_cut/film_release_region /m/0f8l9c +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0glt670 /music/genre/artists /m/023p29 +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01d6jf /people/person/nationality /m/09c7w0 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01q2nx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/02p68d /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/03h_9lg /people/person/profession /m/03gjzk +/m/02k8k /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0407yj_ /film/film/music /m/04ls53 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02k8k /location/country/form_of_government /m/01d9r3 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0j95 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03n0cd /film/film/genre /m/02kdv5l +/m/02r0csl /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0hdf8 /music/genre/artists /m/0gkg6 +/m/02l5rm /film/director/film /m/0n08r +/m/014gf8 /people/person/gender /m/05zppz +/m/06nns1 /people/person/gender /m/02zsn +/m/01z88t /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/0gs7x /people/person/profession /m/0kyk +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/01twdk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/0_jws /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crs0b8 /film/film/genre /m/02xh1 +/m/02hqt6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0jm4b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0vrmb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02dtg +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/06vbd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0127s7 /people/person/languages /m/02h40lc +/m/01w7nww /award/award_winner/awards_won./award/award_honor/award_winner /m/0770cd +/m/01jfsb /media_common/netflix_genre/titles /m/02tktw +/m/01w724 /people/person/profession /m/09jwl +/m/09c7w0 /location/location/contains /m/01m1zk +/m/02py4c8 /film/film/language /m/03hkp +/m/01v9l67 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/028lc8 /people/person/profession /m/01tkqy +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/01vtj38 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/02f8zw /education/educational_institution/campuses /m/02f8zw +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02hy5d +/m/01dw4q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02b9g4 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgp0 +/m/01jnc_ /film/film/genre /m/04t36 +/m/01jw67 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jzw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/024t0y /people/person/profession /m/01d_h8 +/m/01svry /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/03vhvp +/m/019pkm /award/award_winner/awards_won./award/award_honor/award_winner /m/07qcbw +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0827d /music/genre/artists /m/02j3d4 +/m/06q1r /location/location/contains /m/0124qd +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kqj1 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/05r5c /music/instrument/instrumentalists /m/01nqfh_ +/m/06rpd /sports/sports_team/colors /m/083jv +/m/0d90m /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/025rvx0 /film/film/produced_by /m/02q_cc +/m/0c408_ /people/person/profession /m/0dz3r +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kpvp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05cj_j /film/film/costume_design_by /m/02cqbx +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/02q5xsx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/01_k1z /people/person/profession /m/02jknp +/m/0jdgr /film/film/cinematography /m/0627sn +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01yfp7 /organization/organization/place_founded /m/0d6lp +/m/04gvt5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/065mm1 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04f52jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bbxx9b +/m/01xl5 /business/business_operation/industry /m/0147gr +/m/0342h /music/instrument/instrumentalists /m/01wx756 +/m/0f04v /base/biblioness/bibs_location/country /m/09c7w0 +/m/03y_f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0chghy /location/location/contains /m/0g39h +/m/01jbx1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02xhwm +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/07nvmx /people/person/nationality /m/0chghy +/m/030wkp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01fmz6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0134wr +/m/02rhfsc /people/person/profession /m/02jknp +/m/0c408_ /people/person/nationality /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/0306ds +/m/05hyn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01bzr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lmx1 /people/ethnicity/people /m/0159h6 +/m/0dg3n1 /base/locations/continents/countries_within /m/04wlh +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/01r2c7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/029_3 /film/actor/film./film/performance/film /m/0q9b0 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0prrm /film/film/edited_by /m/0gd9k +/m/02g8h /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/059rc /film/film/genre /m/0lsxr +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/02t_zq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/041h0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bmssv /film/film/genre /m/03k9fj +/m/0h7x /location/location/contains /m/01gpzx +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjrx +/m/0cmf0m0 /film/film/prequel /m/02qydsh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b185 +/m/05kkh /location/location/contains /m/01sn3 +/m/09c7w0 /location/country/second_level_divisions /m/0l2mg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nhgd +/m/059gkk /people/person/profession /m/09jwl +/m/03fg0r /people/person/gender /m/05zppz +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0cqr0q /film/film/genre /m/07s9rl0 +/m/0j8cs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0m2fr /location/location/contains /m/01m1_d +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03yfh3 +/m/01kt17 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02w4fkq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08s6r6 /music/genre/parent_genre /m/05r6t +/m/02t901 /people/person/profession /m/02krf9 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/043h78 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0290rb /location/location/contains /m/02cbvn +/m/03_9r /media_common/netflix_genre/titles /m/0bmc4cm +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/08cn4_ /people/person/profession /m/02hrh1q +/m/019tfm /education/educational_institution/school_type /m/01_srz +/m/0d9jr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/093dqjy +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/02bqxb /film/film/genre /m/03npn +/m/06pjs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pmhf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01_d4 +/m/05w3f /music/genre/artists /m/0p76z +/m/0fd3y /music/genre/artists /m/01kd57 +/m/018grr /people/person/nationality /m/09c7w0 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/0gthm /people/person/profession /m/02hrh1q +/m/042xh /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0kw4j /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0gy7bj4 /film/film/genre /m/07s9rl0 +/m/03pm9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0gg5qcw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016ghw /people/person/nationality /m/03gj2 +/m/016017 /film/film/language /m/06nm1 +/m/016sqs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0515_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/025sc50 /music/genre/artists /m/09889g +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gz6b6g +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q_ncg +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5bk +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01xyt7 +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01zhs3 +/m/0133_p /music/genre/artists /m/03d9d6 +/m/02v60l /film/actor/film./film/performance/film /m/02v63m +/m/05bt6j /music/genre/artists /m/016t0h +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/0bqdvt /people/person/profession /m/02hrh1q +/m/051wwp /people/person/profession /m/02jknp +/m/03wpmd /people/person/languages /m/02h40lc +/m/01mv_n /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/018phr /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/01f5q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/06qd3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0bg539 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02rkkn1 +/m/02vcp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/05bt6j /music/genre/artists /m/02jqjm +/m/015m08 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/04x4vj /film/film/genre /m/07s9rl0 +/m/07db6x /people/person/nationality /m/09c7w0 +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/016zp5 /people/person/nationality /m/02jx1 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03lq43 +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddj0x +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/0bksh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0j1yf +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m_h6 +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/0f40w /film/film/produced_by /m/07r1h +/m/0d0xs5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpn8 /location/us_county/county_seat /m/01mgsn +/m/077q8x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/0btyf5z /film/film/genre /m/01jfsb +/m/02qm_f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8x1y +/m/01gkmx /people/person/religion /m/0c8wxp +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/07s9rl0 /media_common/netflix_genre/titles /m/084302 +/m/01fx2g /film/actor/film./film/performance/film /m/03kxj2 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/053x8hr +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/07f_7h /film/film/country /m/09c7w0 +/m/01r9c_ /people/person/profession /m/0q04f +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/01zh29 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktpx +/m/0564x /film/film/genre /m/0bj8m2 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bmj2y /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01r7pq /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01fsv9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/016_nr /music/genre/artists /m/0k6yt1 +/m/01tdnyh /people/person/profession /m/04s2z +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/0mbw0 /people/person/profession /m/02hrh1q +/m/0bs1yy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016z5x /film/film/written_by /m/058nh2 +/m/05ypj5 /film/film/genre /m/017fp +/m/01m15br /people/person/nationality /m/09c7w0 +/m/0f0qfz /people/person/profession /m/0fnpj +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fb5 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03ndd /music/instrument/instrumentalists /m/0326tc +/m/01c9d /film/film/film_production_design_by /m/04kj2v +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0lgxj /olympics/olympic_games/participating_countries /m/015fr +/m/0gk4g /people/cause_of_death/people /m/070px +/m/01v9724 /influence/influence_node/influenced_by /m/06y8v +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0fc_p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/015dcj /film/actor/film./film/performance/film /m/01bjbk +/m/0b_6zk /time/event/locations /m/0d9y6 +/m/02wcx8c /film/actor/film./film/performance/film /m/07w8fz +/m/0cvbb9q /people/deceased_person/place_of_death /m/04vmp +/m/08jgk1 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01rr31 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0277c3 /people/person/place_of_birth /m/0156q +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/position /m/02vkdwz +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/049msk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0mj1l +/m/09b69 /location/location/contains /m/0d0kn +/m/03x7hd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_k56 +/m/011xg5 /film/film/language /m/02h40lc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/03ffcz +/m/0f4vbz /film/actor/film./film/performance/film /m/02qr69m +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05c74 +/m/041rx /people/ethnicity/people /m/04xbr4 +/m/01qscs /film/actor/film./film/performance/film /m/029v40 +/m/02q52q /film/film/cinematography /m/02rybfn +/m/01vj9c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n6c +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/032498 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02swsm /music/record_label/artist /m/01518s +/m/0bsnm /education/educational_institution/campuses /m/0bsnm +/m/01s73z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/08r4x3 /film/film/genre /m/03g3w +/m/01dvms /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02fgpf +/m/01vvyc_ /people/person/employment_history./business/employment_tenure/company /m/01trtc +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/06bpt_ /music/genre/parent_genre /m/0jrv_ +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/017fp /media_common/netflix_genre/titles /m/011yr9 +/m/05r5c /music/instrument/instrumentalists /m/0pj9t +/m/0fpkhkz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02238b /people/person/profession /m/01d_h8 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wbzp +/m/0ffgh /people/person/nationality /m/09c7w0 +/m/014bpd /award/award_winning_work/awards_won./award/award_honor/award /m/0fdtd7 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03khn /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01vsl3_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/081pw /film/film_subject/films /m/0kxf1 +/m/01gwk3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/09n48 /olympics/olympic_games/participating_countries /m/03rj0 +/m/0fh694 /film/film/music /m/02jxmr +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/01r3y2 /education/educational_institution/school_type /m/05jxkf +/m/01z4y /media_common/netflix_genre/titles /m/02mc5v +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/0gqwc /award/award_category/category_of /m/0g_w +/m/03d0d7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0286vp /film/film/genre /m/017fp +/m/0f276 /film/actor/film./film/performance/film /m/09bw4_ +/m/03kwtb /music/group_member/membership./music/group_membership/role /m/0342h +/m/026z9 /music/genre/artists /m/01vwyqp +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/034bgm +/m/0320jz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04gycf +/m/02kxwk /film/actor/film./film/performance/film /m/0dr_4 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/021yzs +/m/0lbj1 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02fwfb /film/film/genre /m/03q4nz +/m/03fgm /education/educational_institution/students_graduates./education/education/student /m/02r34n +/m/02x9cv /education/educational_institution/colors /m/03vtbc +/m/05gc0h /people/person/profession /m/02jknp +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/01wzlxj /people/person/nationality /m/09c7w0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/02g0rb +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jhd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03shp +/m/04ls53 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/024hbv /tv/tv_program/country_of_origin /m/09c7w0 +/m/09krp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07nf6 +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/05q54f5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/03h_9lg +/m/04jkpgv /film/film/country /m/03rjj +/m/088xp /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hsgn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sg5v /film/film/prequel /m/02n72k +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01gq0b /people/person/gender /m/02zsn +/m/04p_hy /education/educational_institution_campus/educational_institution /m/04p_hy +/m/01wgxtl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f2rq /location/location/time_zones /m/02fqwt +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/01qdmh /film/film/language /m/0jzc +/m/045bg /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/09c7w0 /location/location/contains /m/02vkzcx +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/02jxbw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dvld /film/actor/film./film/performance/film /m/02q5g1z +/m/012vf6 /people/person/places_lived./people/place_lived/location /m/015zxh +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0287477 +/m/03bkbh /people/ethnicity/languages_spoken /m/03x42 +/m/01w1ywm /people/person/profession /m/014kbl +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/01lk02 /tv/tv_program/genre /m/02kdv5l +/m/02pqs8l /tv/tv_program/languages /m/02h40lc +/m/08mg_b /film/film/genre /m/0lsxr +/m/0127c4 /location/location/contains /m/0206v5 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012q4n +/m/0160nk /education/educational_institution_campus/educational_institution /m/0160nk +/m/0k_mt /people/person/profession /m/02hrh1q +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01lvzbl /people/person/places_lived./people/place_lived/location /m/0498y +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0yt +/m/09mq4m /people/person/gender /m/05zppz +/m/03nkts /film/actor/film./film/performance/film /m/07sp4l +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03rhqg /music/record_label/artist /m/03j0br4 +/m/026vcc /organization/organization/headquarters./location/mailing_address/citytown /m/0r0m6 +/m/0drnwh /film/film/costume_design_by /m/03mfqm +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05mph +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/018t8f +/m/06nd8c /people/person/profession /m/02hrh1q +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/058z1hb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z_x4v +/m/034487 /music/genre/parent_genre /m/01243b +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/02bfxb /people/person/profession /m/01d_h8 +/m/0261g5l /people/person/profession /m/03gjzk +/m/059t8 /location/location/contains /m/02qjb7z +/m/02fybl /people/person/places_lived./people/place_lived/location /m/0846v +/m/0gltv /film/film/produced_by /m/02qjpv5 +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/02zcnq /education/university/fraternities_and_sororities /m/035tlh +/m/0fqt1ns /film/film/featured_film_locations /m/02_286 +/m/02r251z /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vwckw +/m/0kc6 /people/person/profession /m/0lgw7 +/m/07l50_1 /film/film/film_festivals /m/04_m9gk +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/0cgwt8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07nxvj /film/film/production_companies /m/02jd_7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/03h8_g /people/person/profession /m/02hrh1q +/m/01sqd7 /music/record_label/artist /m/03j1p2n +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01xbgx +/m/0yyn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h96g +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/05dtwm +/m/01_2n /tv/tv_program/genre /m/01z4y +/m/01wt4wc /people/person/profession /m/0dz3r +/m/0ftxw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047gpsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0xhtw /music/genre/artists /m/0134tg +/m/05fky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/01950l /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/03mp8k /business/business_operation/industry /m/02jjt +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/04v7kt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03djpm /music/genre/artists /m/01ww_vs +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/017_qw /music/genre/artists /m/03f4k +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01399x +/m/04svwx /tv/tv_program/genre /m/0jxy +/m/01g969 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015_30 /people/person/profession /m/016z4k +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0pgjm /film/actor/film./film/performance/film /m/01738w +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/015whm +/m/057lbk /film/film/genre /m/04pbhw +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/01bczm /award/award_winner/awards_won./award/award_honor/award_winner /m/01ycfv +/m/037njl /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sx8l /olympics/olympic_games/sports /m/09wz9 +/m/02jx1 /location/country/second_level_divisions /m/0j4q1 +/m/02t1wn /people/deceased_person/place_of_death /m/0f2wj +/m/0221g_ /education/educational_institution/school_type /m/05pcjw +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/047myg9 /film/film/country /m/0345h +/m/0fw1y /location/hud_county_place/place /m/0fw1y +/m/03fts /film/film/production_companies /m/01gb54 +/m/02n4kr /media_common/netflix_genre/titles /m/04fv5b +/m/02sch9 /people/ethnicity/people /m/0f5zj6 +/m/06y3r /people/person/place_of_birth /m/0d6lp +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/04k15 /people/person/place_of_birth /m/0150n +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0n4yq /location/location/contains /m/0f25y +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/0hv27 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03rj0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01yj2 +/m/06cp5 /music/genre/artists /m/04qmr +/m/0885n /education/educational_institution/students_graduates./education/education/student /m/0391jz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/07tk7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01y9xg /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bn3l +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0cf08 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/063472 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/09n48 /olympics/olympic_games/participating_countries /m/04gzd +/m/01nr36 /people/person/nationality /m/09c7w0 +/m/01n5309 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02778tk +/m/0223g8 /people/person/place_of_birth /m/07l5z +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/017f3m /tv/tv_program/genre /m/0lsxr +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/01r2l /language/human_language/countries_spoken_in /m/06t2t +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/059j4x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qxh +/m/048hf /film/actor/film./film/performance/film /m/0bs5k8r +/m/06jwys /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03hpr /people/person/profession /m/0kyk +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/03rjj /location/location/contains /m/0bzjf +/m/01fh36 /music/genre/artists /m/01l7cxq +/m/0g8_vp /people/ethnicity/people /m/01trf3 +/m/03t95n /film/film/country /m/0345h +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5x6 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/06yxd /location/location/contains /m/0gkgp +/m/0g5ptf /film/film/film_art_direction_by /m/04_1nk +/m/03w6sj /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/01v3vp /film/actor/film./film/performance/film /m/015ynm +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v3xp +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/025l5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01c8v0 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/058vfp4 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0dly0 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0dlw0 +/m/02fvv /location/location/contains /m/024cg8 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/0mzkr /music/record_label/artist /m/01pq5j7 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02jx1 /location/location/contains /m/0ymb6 +/m/013sg6 /people/person/nationality /m/09c7w0 +/m/0mlvc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03q43g /people/person/spouse_s./people/marriage/spouse /m/02rrsz +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/059s8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059t8 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02w29z /film/actor/film./film/performance/film /m/0fpgp26 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09p0q +/m/0830vk /film/film/production_companies /m/054lpb6 +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03crcpt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04qw17 +/m/05lls /music/genre/artists /m/082db +/m/07cyl /film/film/prequel /m/06bc59 +/m/0jnlm /sports/sports_team/colors /m/06fvc +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/016fjj /film/actor/film./film/performance/film /m/0bt3j9 +/m/015z4j /people/person/gender /m/02zsn +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/03v1w7 +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01x6v6 +/m/01738w /film/film/produced_by /m/016dmx +/m/02q87z6 /film/film/cinematography /m/04qvl7 +/m/02w9k1c /film/film/genre /m/04xvh5 +/m/03_kl4 /business/business_operation/industry /m/020mfr +/m/07qzv /base/biblioness/bibs_location/country /m/03spz +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0g2hw4 +/m/0l339 /location/location/time_zones /m/02lcqs +/m/06zsk51 /film/film/genre /m/0hfjk +/m/0p9lw /film/film/genre /m/06nbt +/m/0f3m1 /film/film/executive_produced_by /m/0343h +/m/0fvyz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mxw33 +/m/01ty4 /people/person/place_of_birth /m/01qh7 +/m/01nfys /people/person/gender /m/05zppz +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0837ql +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/06tw8 /location/country/form_of_government /m/06cx9 +/m/0xckc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02yvct /film/film/language /m/04306rv +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/039crh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gy6z9 +/m/01g969 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02847m9 /film/film/genre /m/04rlf +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/06by7 /music/genre/artists /m/095x_ +/m/02704ff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gpmp /people/person/profession /m/02jknp +/m/06xj4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/016gr2 /film/actor/film./film/performance/film /m/011ywj +/m/03lpp_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/01qbl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/08wjf4 /people/person/gender /m/05zppz +/m/0ks67 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/07t2k /people/person/gender /m/05zppz +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/01g_bs /music/genre/artists /m/01v_pj6 +/m/02ny6g /film/film/genre /m/01jfsb +/m/02dh86 /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/0gcs9 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/01bmlb /people/person/spouse_s./people/marriage/location_of_ceremony /m/0dclg +/m/026ssfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/040j2_ /people/person/place_of_birth /m/0n1rj +/m/05n6sq /film/film/country /m/0345h +/m/044g_k /film/film/music /m/0bs1yy +/m/05vsxz /film/actor/film./film/performance/film /m/020bv3 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/07b3r9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3ns +/m/04bbpm /education/educational_institution_campus/educational_institution /m/04bbpm +/m/01hhvg /organization/organization/headquarters./location/mailing_address/citytown /m/0r3wm +/m/0qcr0 /people/cause_of_death/people /m/01vyv9 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/018pj3 /people/person/profession /m/09jwl +/m/0hn6d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jqj5 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4vx +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064r97z +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0347xz /award/award_winner/awards_won./award/award_honor/award_winner /m/022yb4 +/m/0187y5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029ql +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02zmh5 /people/person/profession /m/01c72t +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/04jlgp /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0zjpz +/m/04j689 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0_vn7 /location/location/time_zones /m/02hcv8 +/m/05kj_ /location/location/contains /m/0d234 +/m/0291hr /film/film/written_by /m/052hl +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/025g__ /music/genre/artists /m/02twdq +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/01t6xz +/m/07djnx /people/person/nationality /m/09c7w0 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w4j +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gls4q_ /people/person/place_of_birth /m/01sn3 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lbj1 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/02d9k /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bbf1f +/m/05zy3sc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0sx5w /people/person/profession /m/0fj9f +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpv_3_ +/m/03t79f /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0416y94 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/01nkcn /organization/organization/headquarters./location/mailing_address/state_province_region /m/07srw +/m/0p_pd /film/actor/film./film/performance/film /m/0209xj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/07s4l /people/cause_of_death/people /m/0c73z +/m/0172rj /music/genre/artists /m/01shhf +/m/03f5mt /music/instrument/instrumentalists /m/04kjrv +/m/0b90_r /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04q5zw +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dsx3f +/m/0c9k8 /film/film/music /m/077rj +/m/0b5hj5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0g7vxv +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/01vs14j /people/person/nationality /m/03rt9 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/059m45 /people/person/nationality /m/09c7w0 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/03v6t /education/educational_institution/colors /m/03wkwg +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/08wq0g /people/person/place_of_birth /m/030qb3t +/m/03nb5v /people/person/places_lived./people/place_lived/location /m/05fjf +/m/09wnnb /film/film/prequel /m/033srr +/m/0gdm1 /organization/organization/headquarters./location/mailing_address/citytown /m/0d739 +/m/0f0p0 /film/actor/film./film/performance/film /m/02rjv2w +/m/01ycfv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f_y9 /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0g2dz +/m/08pgl8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02h22 /film/film/country /m/0345h +/m/05qtj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0ggx5q /music/genre/artists /m/0415mzy +/m/024zq /people/person/profession /m/09jwl +/m/04zwc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01w724 +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/037hz +/m/035ktt /education/educational_institution/school_type /m/05jxkf +/m/0xhtw /music/genre/artists /m/01j590z +/m/01ztgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0m8_v +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06rf7 +/m/02ryyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/048wrb /people/person/profession /m/0dxtg +/m/047byns /award/award_category/nominees./award/award_nomination/nominated_for /m/0ph24 +/m/036gdw /people/person/languages /m/02h40lc +/m/01y8d4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vtj38 /people/person/gender /m/02zsn +/m/02h659 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/059j2 /location/country/second_level_divisions /m/0flsf +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0456xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05bnp0 +/m/0c8qq /film/film/language /m/02h40lc +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0xl08 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/04wg38 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/06sy4c +/m/02vr30 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016kft +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/02vyw /people/person/place_of_birth /m/02dtg +/m/0gjvqm /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/0g6ff /people/ethnicity/geographic_distribution /m/09c7w0 +/m/025jbj /people/person/spouse_s./people/marriage/spouse /m/0g10g +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01br2w /film/film/genre /m/0219x_ +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/05fly /location/location/contains /m/06y57 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/0g56t9t /film/film/personal_appearances./film/personal_film_appearance/person /m/028d4v +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/05bnq3j /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06by7 /music/genre/artists /m/01w9ph_ +/m/06lq2g /music/genre/artists /m/050z2 +/m/04j0s3 /people/person/nationality /m/03rk0 +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/0mdqp /film/actor/film./film/performance/film /m/0ddfwj1 +/m/0b5hj5 /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/07b3r9 /people/person/place_of_birth /m/0f2wj +/m/030hcs /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/0412f5y +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s6l +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/09c7w0 /location/location/contains /m/01tntf +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/081l_ +/m/0345gh /education/educational_institution/colors /m/036k5h +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0bs8ndx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01ppq +/m/02vpvk /sports/sports_team/sport /m/02vx4 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ysn +/m/0kb07 /film/film/music /m/02w670 +/m/07l50_1 /film/film/produced_by /m/034bgm +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/02lfwp /people/person/profession /m/02krf9 +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02pl5bx /music/genre/artists /m/01yzl2 +/m/0z4s /film/actor/film./film/performance/film /m/0260bz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/026spg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/084z0w /people/person/places_lived./people/place_lived/location /m/01c0h6 +/m/01cwkq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04w391 +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04nm0n0 /film/film/language /m/064_8sq +/m/01hkhq /people/person/employment_history./business/employment_tenure/company /m/015nl4 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/07s3vqk +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lwsz +/m/02vqpx8 /people/person/place_of_birth /m/0rh6k +/m/03lmx1 /people/ethnicity/people /m/01cwcr +/m/09jw2 /music/genre/parent_genre /m/05bt6j +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/02v5_g +/m/028_yv /film/film/genre /m/0lsxr +/m/09qc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0170xl /film/film/genre /m/0d63kt +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vksx +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/096lf_ +/m/017l96 /music/record_label/artist /m/02vcp0 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01713c +/m/02fs_d /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/02z4b_8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/065ydwb /people/person/profession /m/02hrh1q +/m/029h7y /music/genre/artists /m/019x62 +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0d193h +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/01h2_6 /influence/influence_node/influenced_by /m/058vp +/m/07p12s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0294zg /film/film/music /m/02sjp +/m/02wt0 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01r9c_ /film/actor/film./film/performance/film /m/01c9d +/m/02zccd /education/educational_institution_campus/educational_institution /m/02zccd +/m/01jx9 /business/business_operation/industry /m/01mw1 +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j46b +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0205dx /people/person/profession /m/0np9r +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gt14 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01l87db /people/person/religion /m/0kpl +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/048qrd /film/film/genre /m/01t_vv +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036jb +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/0gfp09 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031ydm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vqsll +/m/02kz_ /influence/influence_node/influenced_by /m/07hyk +/m/01p45_v /music/group_member/membership./music/group_membership/role /m/0xzly +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgpf +/m/0193qj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014nq4 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/0bkf72 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033g4d /film/film/language /m/03115z +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ksk +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/02k8k /location/country/official_language /m/06nm1 +/m/056vv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01fwf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/03gyh_z /people/deceased_person/place_of_death /m/030qb3t +/m/011kn2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/07s9rl0 /media_common/netflix_genre/titles /m/02rx2m5 +/m/01trtc /music/record_label/artist /m/04mn81 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv81 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tntf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05z8cq +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/016ksk /people/person/profession /m/0dxtg +/m/01msrb /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/02mj7c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0drdv /people/person/profession /m/0kyk +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lvlf +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0xbm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/051pnv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/01d8yn /film/actor/film./film/performance/film /m/07s846j +/m/015c2f /film/actor/film./film/performance/film /m/05h43ls +/m/091z_p /film/film/genre /m/0bxg3 +/m/0lv1x /time/event/locations /m/0k3p +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0p_jc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xl77 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03n08b /award/award_winner/awards_won./award/award_honor/award_winner /m/0c01c +/m/0k9j_ /people/person/place_of_birth /m/015zxh +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/01jfsb /media_common/netflix_genre/titles /m/06kl78 +/m/02g0mx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0pz91 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_tp +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c2f +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01pctb /people/person/nationality /m/09c7w0 +/m/03ttn0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/09ntbc /people/person/profession /m/0gl2ny2 +/m/08lmt7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kvqc +/m/049m19 /people/person/religion /m/0c8wxp +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0glt670 /music/genre/parent_genre /m/016_nr +/m/017xm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/026qnh6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0hsb3 /education/educational_institution/colors /m/09ggk +/m/0cbl95 /film/film/genre /m/082gq +/m/01g0p5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0335fp /people/person/profession /m/02hrh1q +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/06lvlf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015cbq /film/actor/film./film/performance/film /m/03kx49 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/018ndc +/m/033s6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/014knw /film/film/film_format /m/0cj16 +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mh8zn +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/0127s7 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmgwnv +/m/0k_9j /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/031t2d /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0329nn +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/04b2qn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/048j4l /music/instrument/instrumentalists /m/02y7sr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03mgbf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/025s1wg /film/film/genre /m/03k9fj +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vnbh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0lbj1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03chx58 /people/person/profession /m/0np9r +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h5f5n +/m/02_n7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ntpv +/m/04mnts /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/065ym0c /film/film/film_format /m/0cj16 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gvyp +/m/03ts0c /people/ethnicity/people /m/058vp +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/02d413 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/02gm9n /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/05r6t /music/genre/artists /m/01w03jv +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c6l +/m/025scjj /film/film/genre /m/03g3w +/m/0yvjx /location/hud_county_place/county /m/0n2q0 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0g_g2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dbhb /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01bpn /influence/influence_node/influenced_by /m/015n8 +/m/064t9 /music/genre/artists /m/09mq4m +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03m6pk +/m/05xpv /people/person/place_of_birth /m/02_286 +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/0cp0790 +/m/0159h6 /film/actor/film./film/performance/film /m/011yg9 +/m/02cl1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/052_mn +/m/01h4rj /film/actor/film./film/performance/film /m/05sw5b +/m/01wj9y9 /people/person/profession /m/02hrh1q +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/07qg8v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01fdc0 /film/actor/film./film/performance/film /m/09y6pb +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/03cs_z7 +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/0229rs /music/record_label/artist /m/020_4z +/m/02624g /people/person/profession /m/02hrh1q +/m/02_t2t /people/person/profession /m/0nbcg +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/014g91 /music/artist/origin /m/0h6l4 +/m/01jfsb /media_common/netflix_genre/titles /m/05ch98 +/m/0g2mbn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k1h /music/record_label/artist /m/01q99h +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01pvxl +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/04yj5z /people/person/profession /m/01d_h8 +/m/035zr0 /film/film/genre /m/07s9rl0 +/m/0dh1n_ /people/person/profession /m/02hrh1q +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/033hn8 /music/record_label/artist /m/01vvybv +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/031bf1 /people/person/profession /m/01d_h8 +/m/0383f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/043t8t /film/film/language /m/064_8sq +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04g9gd /film/film/produced_by /m/02tn0_ +/m/0fq27fp /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0134pk +/m/03jqfx /time/event/locations /m/07_pf +/m/01xlqd /film/film/language /m/02h40lc +/m/04rzd /music/instrument/instrumentalists /m/04kjrv +/m/0j6b5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/016jny /music/genre/artists /m/06rgq +/m/0ct2tf5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025n3p +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01pj_5 +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05p1qyh +/m/0jrjb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0mzkr /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0c3p7 +/m/04k15 /influence/influence_node/influenced_by /m/03_f0 +/m/018f8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/05j0wc +/m/09xbpt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04y9dk /film/actor/film./film/performance/film /m/05jf85 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1xb +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02jx1 /location/location/contains /m/013wf1 +/m/039xcr /film/actor/film./film/performance/film /m/0jswp +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02cpb7 +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/01zpmq /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dl1s /film/film/country /m/0chghy +/m/0fgpvf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/02w4v /music/genre/artists /m/03h_fqv +/m/01nrz4 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/053yx /influence/influence_node/influenced_by /m/01vsy3q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j70d +/m/0bpbhm /film/film/genre /m/01jfsb +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/012gk9 /film/film/language /m/02h40lc +/m/0gcrg /film/film/genre /m/03k9fj +/m/01cj6y /film/actor/film./film/performance/film /m/05ch98 +/m/083qy7 /people/person/nationality /m/06mkj +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/087vz +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/0kv9d3 /film/film/country /m/0d05w3 +/m/05znbh7 /film/film/genre /m/03q4nz +/m/05b2gsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/02bj6k /people/person/profession /m/02jknp +/m/0mx6c /location/location/time_zones /m/02lcqs +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/040vgd +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0dr5y /people/person/nationality /m/09c7w0 +/m/023s8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mdqp +/m/06q83 /people/person/gender /m/05zppz +/m/0dgst_d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/027gy0k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07663r /people/person/place_of_birth /m/0cc56 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01s73z +/m/03_d0 /music/genre/artists /m/0144l1 +/m/0jdhp /people/person/gender /m/05zppz +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m5wv +/m/01hp5 /film/film/country /m/09c7w0 +/m/082sy9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02pb2bp /film/film/genre /m/0hcr +/m/0prjs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kszw +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/07w6r +/m/06pwq /organization/organization_founder/organizations_founded /m/034h1h +/m/0qb62 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/062ftr /people/person/profession /m/02krf9 +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/02q253 /education/educational_institution/students_graduates./education/education/student /m/01h1b +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02rx2m5 /film/film/language /m/02h40lc +/m/0285c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvld +/m/0dbc1s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/086nl7 /influence/influence_node/influenced_by /m/052hl +/m/0r2kh /base/biblioness/bibs_location/state /m/01n7q +/m/04svwx /film/film/personal_appearances./film/personal_film_appearance/person /m/02h8hr +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/0gxkm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06vqdf /people/person/place_of_birth /m/01cx_ +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/024qqx /media_common/netflix_genre/titles /m/0c3z0 +/m/035qgm /sports/sports_team/sport /m/02vx4 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/0345h /location/location/contains /m/0pz6q +/m/0d05q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/04j_gs /people/person/employment_history./business/employment_tenure/company /m/09c7b +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0244r8 +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/06h2w +/m/01k1k4 /film/film/language /m/04306rv +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/0bqvs2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/02kcz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0yyts /film/film/genre /m/04xvlr +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ynx7 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/084z0w /people/person/profession /m/0dxtg +/m/0f2r6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/07vhb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/instrument/instrumentalists /m/0g824 +/m/0fzm0g /film/film/story_by /m/081k8 +/m/074w86 /film/film/genre /m/09q17 +/m/0407yfx /film/film/music /m/08c9b0 +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0hwpz /film/film/language /m/064_8sq +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/02_j7t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/0mzy7 /location/hud_county_place/place /m/0mzy7 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wyq0w +/m/0gz_ /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/07_k0c0 /film/film/story_by /m/01qbjg +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/06t2t2 /film/film/genre /m/02l7c8 +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/078lk /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/02y0js /people/cause_of_death/people /m/01v9724 +/m/01sp81 /people/person/nationality /m/02jx1 +/m/01z1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cx72 /people/person/gender /m/05zppz +/m/050_qx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q4ntp /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/02fgdx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03mp9s /film/actor/film./film/performance/film /m/03cp4cn +/m/05w3f /music/genre/artists /m/014q2g +/m/03jqw5 /people/person/profession /m/01d_h8 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02rh_0 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06jd89 +/m/01sgl /film/film_subject/films /m/0p_tz +/m/047lj /sports/sports_team_location/teams /m/03z2rz +/m/0352gk /education/educational_institution/colors /m/019sc +/m/016tbr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04pry /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gt_k /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/015pxr /people/person/nationality /m/07ssc +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0rt80 /location/location/time_zones /m/02hcv8 +/m/0pkr1 /people/person/nationality /m/0d05w3 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/0292qb /film/film/production_companies /m/05qd_ +/m/083skw /film/film/written_by /m/0gv5c +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08hmch +/m/01g03q /tv/tv_program/languages /m/02h40lc +/m/011yd2 /film/film/country /m/09c7w0 +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2qtl +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/061681 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/01t_z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bm4sm +/m/0j_c /film/director/film /m/0ktpx +/m/0jqb8 /film/film/production_companies /m/05qd_ +/m/02f46y /education/educational_institution/colors /m/083jv +/m/012qjw /medicine/symptom/symptom_of /m/01gkcc +/m/01dhpj /people/person/profession /m/05vyk +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/08r4x3 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/04xfb +/m/01vzxld /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ws9n6 /music/artist/origin /m/0f__1 +/m/01qhm_ /people/ethnicity/people /m/02byfd +/m/05dbf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09qr6 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wdsbz +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01hxs4 /people/person/profession /m/03gjzk +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/01ynzf /award/award_winner/awards_won./award/award_honor/award_winner /m/029h45 +/m/09zmys /film/actor/film./film/performance/film /m/0191n +/m/01b8d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0b9l3x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01xcr4 /people/person/profession /m/0d8qb +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/04g3p5 /people/person/profession /m/01d_h8 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/02h6_6p /location/location/contains /m/01lhdt +/m/055td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0hmm7 /film/film/genre /m/02n4kr +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/063hp4 /film/film/language /m/02h40lc +/m/010p3 /people/person/employment_history./business/employment_tenure/company /m/02975m +/m/02t__3 /film/actor/film./film/performance/film /m/0qm98 +/m/02f4s3 /education/educational_institution/students_graduates./education/education/student /m/04bdpf +/m/01l_pn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/02wzv /location/administrative_division/country /m/0f8l9c +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rmfm +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fbtm7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06lc85 +/m/01v1ln /film/film/story_by /m/0fx02 +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/04lgymt +/m/0m2gz /location/location/contains /m/021gt5 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0265vcb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0fnmz +/m/04yyhw /film/actor/film./film/performance/film /m/043t8t +/m/0glmv /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016_mj +/m/058vfp4 /people/person/place_of_birth /m/0kv5t +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lwyk +/m/0qmjd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d6d2 +/m/02gl58 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nzs7 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/0135k2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/018f94 +/m/01rxw /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/036c_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02jx1 /location/location/contains /m/0yl_w +/m/0c9c0 /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/0c3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/0301yj +/m/06_x996 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/0145rs /music/genre/artists /m/01j6mff +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02wlwtm /business/job_title/people_with_this_title./business/employment_tenure/company /m/0d5fb +/m/038bht /people/person/profession /m/01d_h8 +/m/09rsjpv /film/film/genre /m/04xvlr +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02s_qz +/m/0222qb /people/ethnicity/people /m/034ks +/m/02g3w /people/person/place_of_birth /m/0mzvm +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0h1m9 +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/04bs3j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0738b8 +/m/0bthb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/05lls /music/genre/artists /m/03bxh +/m/02hdky /award/award_category/winners./award/award_honor/award_winner /m/01vsy95 +/m/03q64h /film/actor/film./film/performance/film /m/026q3s3 +/m/06by7 /music/genre/artists /m/0gps0z +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/063lqs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/043y95 +/m/01xbgx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/0154qm +/m/0mxcf /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/03h64 /media_common/netflix_genre/titles /m/02qd04y +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/064nh4k +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0l14jd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qnvdl +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/03q5db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/018rn4 +/m/03yl2t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/07bty /people/person/places_lived./people/place_lived/location /m/04rrx +/m/019n7x /people/person/profession /m/015cjr +/m/015rkw /people/person/nationality /m/03rt9 +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/04fcjt /music/record_label/artist /m/0249kn +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d4htf +/m/03np_7 /education/educational_institution/students_graduates./education/education/student /m/031zkw +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/03r0g9 /film/film/produced_by /m/03kpvp +/m/04ych /location/location/contains /m/0135p7 +/m/05jm7 /influence/influence_node/influenced_by /m/03j0d +/m/0ngg /people/person/nationality /m/06cmp +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/0l38g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2jb +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/016mhd /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0jv5x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0422v0 +/m/03wh49y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0svqs +/m/0cgfb /people/person/spouse_s./people/marriage/spouse /m/02d9k +/m/0bsnm /education/educational_institution/colors /m/083jv +/m/01x73 /location/location/contains /m/09krm_ +/m/0879bpq /film/film/language /m/02h40lc +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/0l35f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2l_ +/m/0170k0 /tv/tv_program/genre /m/02n4kr +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/0g9wdmc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0ccck7 /film/film/country /m/09c7w0 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/03kfl /base/biblioness/bibs_location/state /m/0fqyc +/m/030vmc /people/person/profession /m/03gjzk +/m/0jnr3 /sports/sports_team/sport /m/03tmr +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02s2ft +/m/04lhc4 /film/film/music /m/01x6v6 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/064t9 /music/genre/artists /m/02fgpf +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05xpms +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01j851 /people/person/places_lived./people/place_lived/location /m/013n0n +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/09rsjpv /film/film/genre /m/03g3w +/m/0gkz15s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fpx /music/genre/parent_genre /m/03lty +/m/0382m4 /people/person/gender /m/05zppz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0hkqn +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hr11 +/m/03193l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/01pcmd +/m/087pfc /film/film/genre /m/02l7c8 +/m/0gk4g /people/cause_of_death/people /m/01gz9n +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01364q +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/05j0wc +/m/016ybr /music/genre/artists /m/01wphh2 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/09xvf7 /people/deceased_person/place_of_burial /m/018mmj +/m/0459z /people/person/place_of_birth /m/03hrz +/m/021dvj /music/genre/artists /m/02r38 +/m/016yr0 /people/person/profession /m/02krf9 +/m/0vkl2 /location/location/time_zones /m/03bdv +/m/0fby2t /people/person/languages /m/02h40lc +/m/01yd8v /film/actor/film./film/performance/film /m/0y_yw +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04yj5z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05ry0p +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ptt7 /education/educational_institution/school_type /m/01_9fk +/m/02kz_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0fw3f +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f8j13 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01p5xy +/m/07q1m /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0683n /influence/influence_node/influenced_by /m/04xjp +/m/04wgh /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0bxsk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03g90h /film/film/language /m/02h40lc +/m/0bcp9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01b9w3 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/0d7wh /people/ethnicity/people /m/0161h5 +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d1swh /people/person/nationality /m/035yg +/m/0f8l9c /location/location/contains /m/0cbhh +/m/03ft8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qv_ +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/026vcc +/m/01cx_ /location/hud_county_place/place /m/01cx_ +/m/041rx /people/ethnicity/people /m/016tbr +/m/03wh8kl /people/person/gender /m/05zppz +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01smm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n2m7 +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01t7n9 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/0bs8ndx /film/film/language /m/0t_2 +/m/074tb5 /people/person/languages /m/02h40lc +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/06__m6 +/m/08xvpn /film/film/language /m/02h40lc +/m/01jq34 /education/educational_institution_campus/educational_institution /m/01jq34 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h95zbp +/m/0xhtw /music/genre/artists /m/01vvybv +/m/059j4x /people/person/profession /m/0dxtg +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/0fkwzs /tv/tv_program/languages /m/02h40lc +/m/01znj1 /film/film/genre /m/03q4nz +/m/04j14qc /film/film/produced_by /m/06cgy +/m/0h53c_5 /award/award_category/winners./award/award_honor/award_winner /m/01gbbz +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025l5 +/m/02bqxb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0btbyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03nm_fh /film/film/genre /m/01hmnh +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/06znpjr /film/film/genre /m/01hmnh +/m/06kl78 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5d5 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0g51l1 +/m/0pspl /education/educational_institution/colors /m/036k5h +/m/0170pk /film/actor/film./film/performance/film /m/0bh8yn3 +/m/018jn4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/03lty /music/genre/artists /m/03k3b +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/0k6yt1 /film/actor/film./film/performance/film /m/025n07 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/05vc35 /film/film/genre /m/02kdv5l +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/03rhqg /music/record_label/artist /m/01kph_c +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j43swk +/m/05hj0n /award/award_winner/awards_won./award/award_honor/award_winner /m/01s7zw +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03lmzl +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01k3s2 +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/01x_d8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pzck +/m/0827d /music/genre/artists /m/03bnv +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/044qx +/m/03d6fyn /organization/organization/child./organization/organization_relationship/child /m/01jx9 +/m/01g1lp /film/director/film /m/0djb3vw +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qkp +/m/03j149k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvzb1 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hgnl3t +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01rp13 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l3_5 +/m/02_vs /location/administrative_division/first_level_division_of /m/059j2 +/m/01hn_t /tv/tv_program/country_of_origin /m/07ssc +/m/02ntb8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01lbp +/m/0y_pg /film/film/genre /m/01hmnh +/m/07g1sm /film/film/music /m/012201 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042zrm +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06r2_ +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/0155w /music/genre/artists /m/028hc2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/036b_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0c8hct /people/person/place_of_birth /m/029cr +/m/0dy68h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/064_8sq /language/human_language/countries_spoken_in /m/01xbgx +/m/07x16 /medicine/disease/risk_factors /m/02zsn +/m/029m83 /people/person/gender /m/05zppz +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/08bqy9 /people/person/profession /m/0dxtg +/m/07nnp_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02ylg6 /film/film/language /m/02h40lc +/m/07b8m1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01fh36 /music/genre/artists /m/0191h5 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/023vcd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01rlzn /sports/sports_team/colors /m/06kqt3 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0qcr0 /people/cause_of_death/people /m/05dxl_ +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/017fp /media_common/netflix_genre/titles /m/04v8h1 +/m/03v0vd /people/person/profession /m/03gjzk +/m/0dg3n1 /location/location/contains /m/07fj_ +/m/09v6gc9 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6jr +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/078jt5 /people/person/gender /m/05zppz +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3mh3q +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01y67v +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/0dwz3t +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bs1g5r +/m/0k0r0n7 /music/genre/artists /m/03f5spx +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/07p62k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b171 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030cx +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n04r +/m/025b5y /people/person/gender /m/02zsn +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/03ybrwc /award/award_category/winners./award/award_honor/award_winner /m/09qc1 +/m/02hh8j /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/09c7w0 /location/country/second_level_divisions /m/0nm8n +/m/01qdhx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01vqq1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017j7y +/m/0892sx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/016z5x /film/film/production_companies /m/030_1m +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/09c7w0 /location/location/contains /m/01x73 +/m/08pth9 /film/actor/film./film/performance/film /m/05_5_22 +/m/0jhz_ /location/us_county/county_seat /m/0ggh3 +/m/0f61tk /film/film/genre /m/02kdv5l +/m/01x9_8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06vsbt +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01719t +/m/0dqyc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07371 +/m/0212ny /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mzwp +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0fv4v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0cs134 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wk7b7 +/m/0kjrx /film/actor/film./film/performance/film /m/07tw_b +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nxzv +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047yc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0177sq +/m/01g03q /tv/tv_program/genre /m/0vgkd +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/07p62k /film/film/executive_produced_by /m/0415svh +/m/015wnl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0f4vx /film/film/genre /m/02js9 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/07s9rl0 /media_common/netflix_genre/titles /m/017180 +/m/05c46y6 /film/film/country /m/09c7w0 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/023p33 /film/film/genre /m/02l7c8 +/m/0rwgm /location/hud_county_place/place /m/0rwgm +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07ccs +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0xhtw /music/genre/artists /m/01wqpnm +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/07ym0 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/01vh08 /film/actor/film./film/performance/film /m/0ptxj +/m/0blq0z /film/actor/film./film/performance/film /m/062zm5h +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0237fw +/m/0x67 /people/ethnicity/people /m/027y151 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/06gjk9 +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/04sv4 /business/business_operation/industry /m/01mw1 +/m/0184jw /people/person/place_of_birth /m/06kx2 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0m9_5 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/04cbbz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/01l_pn +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/03f2fw /organization/organization/child./organization/organization_relationship/child /m/02rky4 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/03vyw8 /film/film/featured_film_locations /m/02_286 +/m/049n2l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01_1hw /film/film/language /m/02h40lc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/037gjc +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0343h +/m/0swff /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0163v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/05_zc7 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/031hcx +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r7pq +/m/0lgxj /olympics/olympic_games/sports /m/06f41 +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09m465 +/m/01mt1fy /people/person/gender /m/05zppz +/m/02qm_f /film/film/genre /m/04pbhw +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/06pcz0 +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj3b3 +/m/0678gl /people/person/places_lived./people/place_lived/location /m/02j3w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/027rn +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0q5hw +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06v9_x /film/film/music /m/05_pkf +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/03lsq +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/060__7 /film/film/production_companies /m/016tw3 +/m/016lv3 /people/person/profession /m/02hrh1q +/m/017vkx /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/01mc11 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0dc3_ +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/04kdn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0824r +/m/0dzlk /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02pby8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0jlv5 /people/person/gender /m/02zsn +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/096hm +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0jhn7 /olympics/olympic_games/sports /m/02y8z +/m/01vvzb1 /people/person/place_of_birth /m/094jv +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0h7pj +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/02cm61 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/016tbr /people/person/profession /m/01d_h8 +/m/04306rv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/0d9_96 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qxh +/m/0j298t8 /award/award_category/disciplines_or_subjects /m/02vxn +/m/02pxst /film/film/country /m/0ctw_b +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/04hs7d /tv/tv_program/genre /m/02kdv5l +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/09c7w0 /location/location/contains /m/0mzy7 +/m/01vtg4q /people/person/nationality /m/09c7w0 +/m/04c9bn /sports/sports_team/colors /m/06fvc +/m/0bscw /film/film/genre /m/02l7c8 +/m/065zf3p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/033tf_ /people/ethnicity/people /m/01vwllw +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02760sl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/036jv /music/genre/artists /m/016ksk +/m/03shpq /film/film/cinematography /m/0f3zsq +/m/01cz7r /film/film/country /m/07ssc +/m/0_816 /film/film/music /m/02sjp +/m/0bkmf /film/actor/film./film/performance/film /m/083skw +/m/0dg3n1 /base/locations/continents/countries_within /m/04tr1 +/m/08cx5g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bkq_8 +/m/06kxk2 /people/person/nationality /m/09c7w0 +/m/0163kf /people/person/profession /m/02hrh1q +/m/044lyq /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03zj9 +/m/024l2y /film/film/language /m/064_8sq +/m/04pz5c /influence/influence_node/influenced_by /m/0q9zc +/m/081l_ /film/film/film_festivals /m/05f5rsr +/m/01l_vgt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0qf3p +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02qw2xb /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03cxsvl +/m/0155w /music/genre/artists /m/01mwsnc +/m/02482c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h2c +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/01y8d4 /people/person/place_of_birth /m/01sn3 +/m/07t21 /location/location/partially_contains /m/0cgm9 +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/02rn00y /film/film/language /m/02h40lc +/m/0161c2 /people/person/place_of_birth /m/018dhx +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/02qdgx /music/genre/artists /m/02k5sc +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/0dqcm /people/person/profession /m/02hrh1q +/m/01z9_x /award/award_winner/awards_won./award/award_honor/award_winner /m/01kh2m1 +/m/05nwfr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/031786 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/025ndl +/m/0dt8xq /film/film/language /m/03hkp +/m/0b_6h7 /time/event/locations /m/0qpsn +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grnp +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/06bd5j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0170_p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pmhf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08984j +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0bczgm /people/person/profession /m/0cbd2 +/m/01l7cxq /people/person/gender /m/05zppz +/m/0p9xd /music/genre/artists /m/06nv27 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rk3gn +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/0hrcs29 /time/event/locations /m/0156q +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/09889g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/018vs /music/instrument/instrumentalists /m/023slg +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/03y9p40 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01cl0d /music/record_label/artist /m/0kj34 +/m/0gtx63s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016y_f /film/film/genre /m/0c3351 +/m/05r6t /music/genre/artists /m/017lb_ +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/0q9zc +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/018vs /music/instrument/instrumentalists /m/01vs4ff +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbv4g +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0l6mp /olympics/olympic_games/sports /m/064vjs +/m/0cv9fc /people/person/place_of_birth /m/0nbwf +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0c43g /people/person/nationality /m/03rjj +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/011x_4 /film/film/music /m/03975z +/m/02yvct /film/film/written_by /m/0693l +/m/01b9w3 /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/02bgmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09z1lg +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01k23t /people/person/gender /m/02zsn +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/02_286 /sports/sports_team_location/teams /m/0cqt41 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05prs8 +/m/05gnf9 /people/person/places_lived./people/place_lived/location /m/094jv +/m/01qvtwm /film/actor/film./film/performance/film /m/02z9hqn +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08jyyk /music/genre/artists /m/01shhf +/m/0h10vt /film/actor/film./film/performance/film /m/03_gz8 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/036dyy +/m/04xvlr /media_common/netflix_genre/titles /m/01rwyq +/m/0ccqd7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/03mp8k /music/record_label/artist /m/01w58n3 +/m/0h7pj /film/actor/film./film/performance/film /m/0418wg +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/041rx /people/ethnicity/people /m/02d9k +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0qf11 /music/group_member/membership./music/group_membership/role /m/0342h +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/069q4f +/m/03fwln /people/person/profession /m/0d1pc +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0jw67 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/02k_kn /music/genre/artists /m/0fb2l +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0686zv +/m/0b68vs /people/person/place_of_birth /m/04p3c +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/0f8pz +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/02mjmr +/m/02vqhv0 /film/film/story_by /m/01v9724 +/m/02_2v2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/013knm /people/person/nationality /m/07ssc +/m/09n48 /olympics/olympic_games/participating_countries /m/07ylj +/m/09c7w0 /location/location/contains /m/01pq4w +/m/0g_w /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0102t4 /location/hud_county_place/place /m/0102t4 +/m/03hzl42 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02rmxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/037hgm /people/person/place_of_birth /m/01jr6 +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01p7x7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xs5v /film/actor/film./film/performance/film /m/01qb5d +/m/0gt1k /film/film/country /m/09c7w0 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/03b8c4 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09tcg4 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1qyh +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015wnl /film/actor/film./film/performance/film /m/03176f +/m/05c9zr /film/film/country /m/09c7w0 +/m/0138mv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ymgk /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02frhbc +/m/0dbpyd /people/person/gender /m/05zppz +/m/0344gc /film/film/film_format /m/07fb8_ +/m/0846v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/02v0ff /people/person/profession /m/03gjzk +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vz6dn +/m/09v6gc9 /people/person/gender /m/05zppz +/m/01m7f5r /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/02vjzr /music/genre/artists /m/0137hn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/082wbh +/m/0sxrz /olympics/olympic_games/sports /m/06f41 +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0342h /music/instrument/instrumentalists /m/02wb6yq +/m/0232lm /music/artist/origin /m/01zqy6t +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/023g6w /film/film/country /m/0f8l9c +/m/05x_5 /education/educational_institution_campus/educational_institution /m/05x_5 +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/05y5fw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/014tss /location/country/official_language /m/02h40lc +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184dt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b16p +/m/06hzsx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070bjw +/m/07s2s /film/film_subject/films /m/01k1k4 +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs14j +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0gxtknx /film/film/country /m/07ww5 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/021b_ /people/person/religion /m/03_gx +/m/03gh4 /location/location/contains /m/0dfcn +/m/0b6tzs /film/film/featured_film_locations /m/0b90_r +/m/024l2y /film/film/language /m/06nm1 +/m/0320jz /people/person/profession /m/0d1pc +/m/05br2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/05fkf /location/location/contains /m/0ygbf +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0k_l4 +/m/04m8fy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ynwqj +/m/02rmd_2 /film/film/genre /m/02l7c8 +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/01zhs3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/0544vh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/06_vpyq +/m/01n4f8 /people/person/nationality /m/09c7w0 +/m/02mscn /music/genre/artists /m/047c9l +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/01gc7 /film/film/country /m/09c7w0 +/m/06cp5 /music/genre/artists /m/011_vz +/m/02ck7w /people/person/nationality /m/0chghy +/m/0b6mgp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/092ys_y +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0824r +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01dtcb /music/record_label/artist /m/016t0h +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/08qvhv /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03_8kz +/m/01b195 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/054kmq /people/person/places_lived./people/place_lived/location /m/01fv4z +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0859_ +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/033_1p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02v2jy /people/person/profession /m/0dxtg +/m/02vnmc9 /film/film/cinematography /m/07djnx +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/081lh /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0bw20 /film/film/production_companies /m/05qd_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/02c638 +/m/01jq34 /organization/organization/headquarters./location/mailing_address/citytown /m/0pc6x +/m/0l98s /olympics/olympic_games/sports /m/03krj +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/04jjy /media_common/netflix_genre/titles /m/01qbg5 +/m/03_2y /film/director/film /m/0mb8c +/m/06z8gn /people/person/languages /m/02h40lc +/m/0g5qmbz /film/film/genre /m/04rlf +/m/0136p1 /people/person/profession /m/025352 +/m/03fbb6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06jnvs /people/person/gender /m/05zppz +/m/07ymr5 /film/actor/film./film/performance/film /m/0gwgn1k +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/05ywg /base/aareas/schema/administrative_area/administrative_parent /m/01mjq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07sqm1 +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04g61 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/02856r /music/genre/parent_genre /m/0nk3g +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/03f1d47 /people/person/gender /m/02zsn +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/016pns /people/person/profession /m/02hrh1q +/m/0k1wz /people/person/nationality /m/06bnz +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0jkvj /olympics/olympic_games/sports /m/03krj +/m/093l8p /film/film/genre /m/05p553 +/m/0ny75 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/0f2sx4 /film/film/cinematography /m/027t8fw +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0462hhb /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03t22m /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qlv7 +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02cllz /film/actor/film./film/performance/film /m/0h3xztt +/m/01fx2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/058s44 +/m/02ply6j /people/person/nationality /m/07ssc +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0164nb /film/actor/film./film/performance/film /m/087pfc +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01nr36 +/m/0161c /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/09fn1w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0_565 /location/location/time_zones /m/02hcv8 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01z4y /media_common/netflix_genre/titles /m/03ynwqj +/m/01cdt5 /medicine/symptom/symptom_of /m/0hg11 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/03twd6 /film/film/genre /m/07s9rl0 +/m/03csqj4 /people/person/profession /m/02pjxr +/m/0fx0mw /film/actor/film./film/performance/film /m/03ckwzc +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0170th /film/film/genre /m/01t_vv +/m/01gbzb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/03rrdb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02pdhz /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0lx2l /film/actor/film./film/performance/film /m/01hv3t +/m/0ff2k /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03j79x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03cmsqb /film/film/executive_produced_by /m/08gf93 +/m/060ppp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/015t7v +/m/0ds33 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/026fd /film/director/film /m/05rfst +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04cr6qv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wb6yq +/m/0640m69 /film/film/production_companies /m/054lpb6 +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vv126 +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/016_mj /people/person/profession /m/01d_h8 +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/0qymv /location/hud_county_place/place /m/0qymv +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0cg9f +/m/0hyxv /location/administrative_division/first_level_division_of /m/06q1r +/m/02pzc4 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/01jrbv /film/film/written_by /m/02rk45 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/018n6m /people/person/profession /m/0n1h +/m/03cvvlg /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/0n4z2 /base/aareas/schema/administrative_area/administrative_parent /m/05fjy +/m/02kxbx3 /film/director/film /m/0b6tzs +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt4r4 +/m/0d3k14 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0170k0 /tv/tv_program/genre /m/095bb +/m/03fghg /film/actor/film./film/performance/film /m/026q3s3 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/09c7w0 /location/location/contains /m/0xr0t +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0425c5 +/m/05zl0 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0symg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ddct /film/film_subject/films /m/06zn1c +/m/02l_7y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01hl_w +/m/025twgf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/03npn /media_common/netflix_genre/titles /m/01xq8v +/m/02cbvn /education/educational_institution/school_type /m/05jxkf +/m/03bx2lk /film/film/genre /m/05p553 +/m/0391jz /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/023w9s /film/director/film /m/0jqb8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/018t8f +/m/01kgv4 /people/person/gender /m/05zppz +/m/050fh /sports/sports_team/sport /m/02vx4 +/m/01z7_f /people/person/gender /m/05zppz +/m/01vvycq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06x43v +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02wvf2s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kkjq +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04w7rn +/m/030tj5 /people/person/profession /m/01d_h8 +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/01vfqh /film/film/country /m/09c7w0 +/m/01kqq7 /film/film/produced_by /m/092kgw +/m/09fqgj /film/film/other_crew./film/film_crew_gig/crewmember /m/03y_46 +/m/02yxjs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05cv8 /people/person/profession /m/0cbd2 +/m/03d6fyn /organization/organization/child./organization/organization_relationship/child /m/0dwcl +/m/01dhpj /people/person/nationality /m/0jgd +/m/07s3vqk /people/person/nationality /m/09c7w0 +/m/0jdx /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/05mv4 /education/educational_institution/school_type /m/05pcjw +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/09p35z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h6pn /base/culturalevent/event/entity_involved /m/06v9sf +/m/09pmkv /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0h3tv /sports/sports_team_location/teams /m/01njml +/m/016622 /music/instrument/family /m/0l14md +/m/05dmmc /film/film/featured_film_locations /m/05qtj +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02fz3w /film/actor/film./film/performance/film /m/02t_h3 +/m/021_rm /people/person/profession /m/02hrh1q +/m/0cv1w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dn8b +/m/011wtv /film/film/genre /m/02kdv5l +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04xg2f +/m/016khd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018z_c +/m/033srr /film/film/production_companies /m/09b3v +/m/01wv24 /education/educational_institution/school_type /m/04399 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0hv4t /film/film/produced_by /m/02hy9p +/m/0sjqm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04fcx7 /film/director/film /m/08952r +/m/026p4q7 /film/film/story_by /m/09v6tz +/m/055td_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvdm /people/person/nationality /m/09c7w0 +/m/02wr2r /film/actor/film./film/performance/film /m/07p62k +/m/02r2j8 /film/film/country /m/03rjj +/m/01vc5m /organization/organization/headquarters./location/mailing_address/state_province_region /m/050ks +/m/06x43v /film/film/genre /m/0lsxr +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0g6ff /people/ethnicity/geographic_distribution /m/07t21 +/m/060pl5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/03t9sp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/0pmhf +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0ph6 +/m/04v048 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0gghm /music/instrument/instrumentalists /m/02fn5r +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0bxsk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/09gdh6k /film/film/produced_by /m/0bwh6 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjmr +/m/02qfhb /film/actor/film./film/performance/film /m/0gkz3nz +/m/0640y35 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b1hb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/025m8y /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/040db /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_6y /film/actor/film./film/performance/film /m/02v5_g +/m/07gp9 /film/film/featured_film_locations /m/030qb3t +/m/04swd /sports/sports_team_location/teams /m/0498yf +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/08fn5b /film/film/music /m/0bwh6 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0h5g_ /film/actor/film./film/performance/film /m/063fh9 +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/03ytj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ym20 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0bmnm +/m/014xf6 /education/educational_institution/school_type /m/05jxkf +/m/02k1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016wzw +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/05v8c /location/location/contains /m/01pt5w +/m/02h3tp /people/person/gender /m/05zppz +/m/0170vn /film/actor/film./film/performance/film /m/06yykb +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04sylm /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01nhgd /education/educational_institution/colors /m/083jv +/m/01jfrg /film/actor/film./film/performance/film /m/02vzpb +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fsv +/m/01gc7 /film/film/music /m/02cyfz +/m/033hn8 /music/record_label/artist /m/01jkqfz +/m/04mvp8 /people/ethnicity/people /m/049m19 +/m/03mbdx_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02qvvv /education/educational_institution/colors /m/038hg +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/02yxbc /film/film/production_companies /m/0fvppk +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/047d21r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0m32_ +/m/01t9qj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01934k +/m/0lk0l /education/educational_institution/students_graduates./education/education/student /m/0gdqy +/m/01q940 /music/record_label/artist /m/01pfkw +/m/02qsjt /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0cwrr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vy_v8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/02pw_n /film/film/country /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/047vp1n /film/film/genre /m/02l7c8 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/024yxd /people/deceased_person/place_of_death /m/030qb3t +/m/01dthg /education/educational_institution/colors /m/01l849 +/m/06fq2 /organization/organization/headquarters./location/mailing_address/citytown /m/03l2n +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01r47h /education/educational_institution/school_type /m/07tf8 +/m/02rchht /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/017_qw /music/genre/artists /m/03h4mp +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bvn25 +/m/0c5x_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06nz46 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd6l +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b17f +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0k3k1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/03f0vvr +/m/0r6c4 /location/location/time_zones /m/02lcqs +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/01ft14 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03ywyk +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1b +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03rs8y +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/03lpp_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019pwv +/m/057wlm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vt9p3 /people/person/profession /m/02hrh1q +/m/0lgxj /olympics/olympic_games/participating_countries /m/0d0vqn +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/05krk /education/educational_institution/school_type /m/05jxkf +/m/01htxr /people/person/profession /m/09jwl +/m/01mqnr /people/person/place_of_birth /m/0cr3d +/m/04mg6l /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01n7q /location/location/contains /m/0k049 +/m/0prhz /film/film/film_production_design_by /m/0bytkq +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/06wxw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0170pk /film/actor/film./film/performance/film /m/02jxrw +/m/04hvw /location/country/official_language /m/02h40lc +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/023p29 /people/person/profession /m/0dz3r +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/016_rm /music/genre/parent_genre /m/0190yn +/m/04rs03 /people/person/profession /m/02jknp +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/021bmf +/m/0p3_y /film/film/production_companies /m/05h4t7 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03_3d +/m/04h5_c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/064t9 /music/genre/artists /m/01wk7ql +/m/0963mq /film/film/music /m/01m3b1t +/m/0g768 /music/record_label/artist /m/01mr2g6 +/m/056wb /people/person/profession /m/0cbd2 +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/06jrhz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0js9s +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/095sx6 /tv/tv_program/genre /m/01w613 +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/08htt0 +/m/02lhm2 /film/actor/film./film/performance/film /m/0b3n61 +/m/019l68 /people/person/religion /m/03_gx +/m/09wj5 /people/person/place_of_birth /m/0cy07 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/045zr +/m/058kh7 /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01n7q +/m/05w3f /music/genre/artists /m/01w5n51 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/02lhm2 /film/actor/film./film/performance/film /m/01sbv9 +/m/02779r4 /people/person/place_of_birth /m/0rh6k +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0kbvb /olympics/olympic_games/sports /m/0d1t3 +/m/03rk0 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0203v /people/person/profession /m/080ntlp +/m/07xvf /film/film/featured_film_locations /m/06c62 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7kl +/m/01xdn1 /business/business_operation/industry /m/02h400t +/m/0mz73 /people/person/profession /m/02hrh1q +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/046lt +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0d608 /film/actor/film./film/performance/film /m/0c8tkt +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03l2n /sports/sports_team_location/teams /m/03m1n +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/01_0f7 /film/film/genre /m/04xvh5 +/m/0kn3g /people/person/gender /m/05zppz +/m/04pcmw /music/genre/artists /m/019x62 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/01fx4k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015nhn +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/05bt6j /music/genre/artists /m/06y9c2 +/m/03qmx_f /people/person/profession /m/02krf9 +/m/05qtj /film/film_subject/films /m/05dmmc +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/059ts +/m/0cy__l /film/film/genre /m/02l7c8 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01my95 /people/person/gender /m/05zppz +/m/099p5 /people/person/places_lived./people/place_lived/location /m/0d234 +/m/02chhq /film/film/genre /m/017fp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0747k8 +/m/01r7t9 /film/actor/film./film/performance/film /m/0jsf6 +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qbjg +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/0nzny /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nz_b +/m/02lm0t /people/person/profession /m/01445t +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0292qb +/m/05q54f5 /film/film/country /m/0j1z8 +/m/04hzj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/04y0yc /people/person/place_of_birth /m/04vmp +/m/0g7vxv /people/person/places_lived./people/place_lived/location /m/0fnc_ +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0422v0 +/m/01n1pp /education/educational_institution/campuses /m/01n1pp +/m/0jgx /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0347xz /people/person/profession /m/02hrh1q +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/0jt90f5 +/m/01pr6q7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/02j4sk /people/person/profession /m/02hrh1q +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bm_ +/m/0lbfv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/02vqsll /film/film/produced_by /m/0g2lq +/m/01mzwp /location/location/contains /m/04swd +/m/06_sc3 /film/film/prequel /m/03cwwl +/m/044bn /film/actor/film./film/performance/film /m/0kbhf +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0gxfz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bw87 +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0xnvg /people/ethnicity/people /m/0191h5 +/m/081l_ /people/person/profession /m/0lgw7 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08hsww +/m/03nk3t /film/director/film /m/02yy9r +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0gxfz /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02mscn /music/genre/artists /m/0ftps +/m/0755wz /film/actor/film./film/performance/film /m/02qhlwd +/m/012vwb /education/educational_institution/students_graduates./education/education/student /m/02v406 +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/07zl1 +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01wj18h /music/artist/origin /m/01ls2 +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/04xm_ +/m/0bv8h2 /film/film/featured_film_locations /m/0135g +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qkqwg +/m/0tzls /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/059rby /location/location/contains /m/0dcdp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/0grd7 /base/biblioness/bibs_location/state /m/03lrc +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0kvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m28g +/m/09x3r /olympics/olympic_games/participating_countries /m/05r4w +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/01shhf +/m/0gxr1c /tv/tv_program/genre /m/01htzx +/m/02t1dv /people/person/profession /m/0np9r +/m/05fny /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02bj6k /film/actor/film./film/performance/film /m/03vyw8 +/m/013t9y /people/person/profession /m/01d_h8 +/m/03x23q /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/02p76f9 /film/film/genre /m/03npn +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptx_ +/m/0fq27fp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/0640m69 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d8rs /location/location/contains /m/0d8s8 +/m/05_2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ktpx +/m/0140t7 /people/person/profession /m/09jwl +/m/07fb6 /location/country/form_of_government /m/018wl5 +/m/0pqzh /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/0161h5 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/04xbq3 +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/04k05 /award/award_winner/awards_won./award/award_honor/award_winner /m/044k8 +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/048gd_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lfd_ +/m/01tp5bj /people/person/profession /m/0nbcg +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/049rl0 +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05c74 +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033wx9 +/m/064t9 /media_common/netflix_genre/titles /m/0h1fktn +/m/02bh8z /business/business_operation/industry /m/02jjt +/m/02mq_y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ljbg /sports/sports_team/colors /m/01g5v +/m/03f70xs /people/person/profession /m/0n1h +/m/0g_rs_ /people/person/place_of_birth /m/07qzv +/m/036k0s /location/location/contains /m/02dj3 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/019vgs /people/person/profession /m/02hrh1q +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013tcv +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0cc56 /location/location/contains /m/03qdm +/m/080nwsb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/01314k +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/07t_x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06j6l /music/genre/artists /m/0gbwp +/m/02w5q6 /people/person/nationality /m/09c7w0 +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/04jpl /location/location/contains /m/01t21q +/m/0_816 /film/film/country /m/09c7w0 +/m/06y7d /people/person/profession /m/0kyk +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/01lcxbb /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/014vk4 /people/person/employment_history./business/employment_tenure/company /m/0c0cs +/m/0l6m5 /olympics/olympic_games/sports /m/07jbh +/m/05bt6j /music/genre/artists /m/0473q +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04zyhx /film/film/country /m/0345h +/m/0342h /music/instrument/instrumentalists /m/0m2l9 +/m/01hmnh /media_common/netflix_genre/titles /m/03rtz1 +/m/03tn80 /film/film/country /m/09c7w0 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02l6dy +/m/0kq9l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/084m3 /people/person/profession /m/0kyk +/m/04swd /location/administrative_division/country /m/06bnz +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012t1 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/09g0h /people/person/profession /m/02krf9 +/m/05np2 /people/person/gender /m/05zppz +/m/0k419 /film/film/genre /m/06cvj +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/057lbk +/m/03cmsqb /film/film/production_companies /m/016tt2 +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/01718w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0175rc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01jllg1 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmd3k7 +/m/023w9s /people/person/profession /m/0dxtg +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0dpqk +/m/0m76b /people/person/profession /m/01d_h8 +/m/051wwp /film/actor/film./film/performance/film /m/05k4my +/m/01crd5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0nh57 /location/location/contains /m/0b2lw +/m/015pdg /music/genre/artists /m/014kyy +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/02qhlm +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/06c97 /film/film_subject/films /m/0b4lkx +/m/09c7w0 /location/location/contains /m/0jfqp +/m/02lfns /people/person/nationality /m/07ssc +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k269 +/m/07r_dg /film/actor/film./film/performance/film /m/0fphf3v +/m/03k9fj /media_common/netflix_genre/titles /m/0d6_s +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x1_w +/m/046vvc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0rgxp /location/hud_county_place/place /m/0rgxp +/m/08984j /film/film/language /m/02h40lc +/m/0wq36 /location/location/time_zones /m/02fqwt +/m/02qyv3h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0151w_ /people/person/sibling_s./people/sibling_relationship/sibling /m/032_jg +/m/01p9hgt /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/0nmj /base/biblioness/bibs_location/state /m/03s0w +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01w92 /tv/tv_network/programs./tv/tv_network_duration/program /m/02q_x_l +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01g7_r /education/educational_institution/colors /m/088fh +/m/032r4n /education/educational_institution/students_graduates./education/education/student /m/0lrh +/m/0mm1q /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vs_v8 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/01kqq7 /film/film/written_by /m/026dx +/m/0lpjn /film/actor/film./film/performance/film /m/014kq6 +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/0zcbl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09cl0w +/m/02jxbw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pmhf +/m/039wsf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qm9f +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02vp1f_ +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03_3d /location/location/contains /m/0gqm3 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyv0b4 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01htxr /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/058w5 /influence/influence_node/peers./influence/peer_relationship/peers /m/0c43g +/m/07j8kh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hmnh /media_common/netflix_genre/titles /m/0d4htf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0906w9 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/026vcc +/m/01wgjj5 /music/artist/origin /m/0nbfm +/m/05zx7xk /award/award_category/winners./award/award_honor/award_winner /m/0mm1q +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03k9fj /media_common/netflix_genre/titles /m/0f4yh +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0z9c /music/genre/parent_genre /m/0y4f8 +/m/06yykb /film/film/genre /m/07s9rl0 +/m/0187y5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cbkc +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/01q940 /music/record_label/artist /m/0137hn +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/01l3vx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04j1n8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0f8l9c /location/location/contains /m/0hqzr +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/04mvp8 /people/ethnicity/geographic_distribution /m/06t2t +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l03w2 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/026sb55 /people/person/nationality /m/07ssc +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/02jx1 /location/location/contains /m/018m5q +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0jdgr /film/film/language /m/02h40lc +/m/06lht1 /film/actor/film./film/performance/film /m/02704ff +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/017kz7 /film/film/story_by /m/0ff2k +/m/06jnvs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/099pks +/m/07ypt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fw4y /people/person/places_lived./people/place_lived/location /m/02cb1j +/m/0272kv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/02v0ff /people/person/profession /m/015cjr +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pxst +/m/03pm9 /people/person/profession /m/0kyk +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0zcbl +/m/0g5qmbz /film/film/country /m/0345h +/m/081yw /location/location/contains /m/0mmpm +/m/0cz_ym /film/film/produced_by /m/06chf +/m/033g0y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l6qt /people/person/places_lived./people/place_lived/location /m/04p3c +/m/08hmch /film/film/executive_produced_by /m/021lby +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/057176 /people/person/gender /m/05zppz +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01s7z0 /people/person/profession /m/03gjzk +/m/02zccd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01stj9 /education/educational_institution_campus/educational_institution /m/01stj9 +/m/044k8 /music/artist/origin /m/013mzh +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/02xry /location/location/contains /m/0rk71 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01453 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/044g_k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03ds3 +/m/0d0x8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0mmp3 /music/genre/artists /m/01fchy +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/02qzh2 /film/film/edited_by /m/0gd9k +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/0h21v2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx_v /education/educational_institution/colors /m/019sc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0lhn5 +/m/0cq8qq /film/film/language /m/083tk +/m/0401sg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05v8c /location/country/form_of_government /m/06cx9 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/01y9st /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050fh /sports/sports_team/colors /m/083jv +/m/090q4n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/06hx2 +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/025rpb0 /people/ethnicity/people /m/01r4bps +/m/035tjy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/025m8y /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05q4 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05qmj /people/person/place_of_birth /m/0n2z +/m/01qdmh /film/film/genre /m/02qfv5d +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/05nlzq /tv/tv_program/genre /m/0hcr +/m/03ckfl9 /music/genre/artists /m/024dw0 +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02s_qz +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09d5d5 +/m/03r0g9 /film/film/music /m/02g1jh +/m/043n1r5 /film/film/music /m/012ky3 +/m/0fp_v1x /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01tnxc /film/actor/film./film/performance/film /m/03qcfvw +/m/0dj5q /people/person/religion /m/01lp8 +/m/0hv4t /film/film/country /m/09c7w0 +/m/07t_l23 /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/01c57n /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/09gkx35 /film/film/genre /m/01jfsb +/m/0c1d0 /location/hud_county_place/county /m/0mw5x +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/04rzd /music/instrument/instrumentalists /m/0kxbc +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/02fgdx /education/educational_institution/campuses /m/02fgdx +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/01lmj3q /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0x67 /people/ethnicity/people /m/078jnn +/m/0160nk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bm_ /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/06xbsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/032d52 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01f9zw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/035gt8 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05nrkb /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0jyx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/0dz46 +/m/02tgz4 /film/film/genre /m/09q17 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jmv8 +/m/01t04r /music/record_label/artist /m/03j1p2n +/m/03fn5s /sports/sports_team/colors /m/01g5v +/m/07mgr /sports/sports_team_location/teams /m/07r78j +/m/0345h /location/location/contains /m/02lbc +/m/0bl8l /sports/sports_team/sport /m/02vx4 +/m/0kz10 /music/genre/parent_genre /m/0283d +/m/0j8p6 /location/location/contains /m/022jr5 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03dctt /people/person/nationality /m/03rk0 +/m/079vf /film/actor/film./film/performance/film /m/0340hj +/m/0f4vbz /people/person/nationality /m/01xbgx +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/096lf_ +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0dq9p /people/cause_of_death/people /m/0h953 +/m/01xdf5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/0ddf2bm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cj_v7 /sports/sports_team/sport /m/02vx4 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gmblvq /film/film/executive_produced_by /m/01zfmm +/m/0j1yf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/03n93 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_rk /film/film/cinematography /m/08t7nz +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01tc9r +/m/01w8g3 /film/film/genre /m/05p553 +/m/0225v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01ypsj /film/actor/film./film/performance/film /m/0dx8gj +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/026mj +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dg3jz +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/0sw62 /film/actor/film./film/performance/film /m/04sh80 +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0479b +/m/0f4y_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fplv +/m/05bcl /location/administrative_division/country /m/07ssc +/m/01v8c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ggc9 /people/person/places_lived./people/place_lived/location /m/0mp3l +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/04g3p5 +/m/01ccr8 /people/person/gender /m/02zsn +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/04pp9s /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yl42 /influence/influence_node/influenced_by /m/03j0d +/m/048kw /base/biblioness/bibs_location/country /m/02jx1 +/m/03_1pg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bpm6 +/m/014q2g /music/artist/track_contributions./music/track_contribution/role /m/0l14_3 +/m/033fqh /film/film/language /m/02h40lc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/021q2j +/m/01n7q /location/location/contains /m/0135g +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03w1v2 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/02k21g /people/person/spouse_s./people/marriage/spouse /m/026670 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/041pnt +/m/05r5c /music/instrument/instrumentalists /m/01wmjkb +/m/0kygv /location/location/time_zones /m/02llzg +/m/05wkw /education/field_of_study/students_majoring./education/education/student /m/03mszl +/m/01vsgrn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04gr35 /people/person/gender /m/05zppz +/m/014g_s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026wlxw +/m/0fgpvf /film/film/genre /m/02l7c8 +/m/0bhwhj /film/film/produced_by /m/0d05fv +/m/0343h /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/033smt /business/job_title/people_with_this_title./business/employment_tenure/company /m/03m6zs +/m/04xn_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/instrument/instrumentalists /m/0kvnn +/m/0162b /location/country/form_of_government /m/018wl5 +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034b6k +/m/0kb1g /film/film/genre /m/01g6gs +/m/016zp5 /film/actor/film./film/performance/film /m/0prhz +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09c7w0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/054_mz /people/person/places_lived./people/place_lived/location /m/01531 +/m/03q43g /people/person/spouse_s./people/marriage/spouse /m/03q45x +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rv_dz +/m/04mlh8 /film/actor/film./film/performance/film /m/0d4htf +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/024lt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0dw4b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09qr6 +/m/02zc7f /education/university/fraternities_and_sororities /m/0325pb +/m/082mw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tpl1p /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/032xky /film/film/genre /m/0fdjb +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0162c8 +/m/01vvydl /organization/organization_founder/organizations_founded /m/01n2m6 +/m/02tq2r /people/person/nationality /m/03rk0 +/m/02754c9 /film/film/genre /m/01hmnh +/m/0d29z /people/ethnicity/geographic_distribution /m/07ssc +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01938t +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0488g9 /people/person/nationality /m/09c7w0 +/m/0dryh9k /people/ethnicity/people /m/05g3ss +/m/04vh83 /film/film/language /m/02h40lc +/m/01vrt_c /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsykc +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0bwh6 /film/director/film /m/02qr69m +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0jcx +/m/0gkz3nz /film/film/genre /m/02l7c8 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/04swd /base/biblioness/bibs_location/country /m/06bnz +/m/03fykz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05krk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01_bkd /music/genre/artists /m/01lz4tf +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/05r5c /music/instrument/instrumentalists /m/0knjh +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/01vs8ng /film/actor/film./film/performance/film /m/02gs6r +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01yg9y +/m/0ckm4x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07z6xs /film/film/language /m/04306rv +/m/05d1y /people/person/profession /m/05snw +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/0ggx5q /music/genre/artists /m/01fkxr +/m/044f7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvth +/m/07g_0c /film/film/country /m/0345h +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/02xv8m +/m/0gjm7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03hvk2 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bjkpt +/m/03c5f7l /people/person/nationality /m/09c7w0 +/m/01hmnh /media_common/netflix_genre/titles /m/062zjtt +/m/02w4fkq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0315q3 +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0gjvqm +/m/04h4zx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bs5f0b /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05m_jsg +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/06c97 +/m/0969fd /people/person/profession /m/016fly +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0133sq +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/041rx /people/ethnicity/people /m/0gyy0 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0373qt /organization/organization/headquarters./location/mailing_address/state_province_region /m/02cft +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01qbjg +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/030dr +/m/03dq9 /film/actor/film./film/performance/film /m/04zl8 +/m/042g97 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0j0k /base/locations/continents/countries_within /m/03_3d +/m/01s3kv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0c1j_ +/m/09cvbq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07v64s /music/genre/artists /m/06gcn +/m/01bczm /base/eating/practicer_of_diet/diet /m/07_jd +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/07rhpg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wk3c +/m/02d9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pnn3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/07b1gq +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02w0dc0 /people/person/nationality /m/0f8l9c +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/044crp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07d3z7 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/04xvlr /media_common/netflix_genre/titles /m/07tlfx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04knh6 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gg8l /music/genre/parent_genre /m/03_d0 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03061d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/03vgp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041n43 /music/record_label/artist /m/0g824 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/044mfr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/01k5y0 /award/award_winning_work/awards_won./award/award_honor/award /m/02x201b +/m/02x6dqb /film/film/genre /m/05p553 +/m/027hq5f /people/person/place_of_birth /m/0cr3d +/m/01xwv7 /people/person/place_of_birth /m/0rh6k +/m/02qsjt /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01f2xy /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03ryn +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_z5f +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/02lp3c +/m/076lxv /award/award_winner/awards_won./award/award_honor/award_winner /m/053vcrp +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04xvlr /media_common/netflix_genre/titles /m/01xq8v +/m/0grjmv /music/genre/artists /m/01wdcxk +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0824r /location/location/contains /m/0dyl9 +/m/012x03 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/0bx0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/018grr /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/0154j +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/014gf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0479b +/m/0m9v7 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01bs9f /people/profession/specialization_of /m/09j9h +/m/01pcmd /people/person/profession /m/02hrh1q +/m/05pbsry /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03_wvl /people/person/place_of_birth /m/0chrx +/m/02w5q6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ycb +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mt4k +/m/079kdz /people/person/place_of_birth /m/010r6f +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q96q6 +/m/06929s /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/02b10w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05b2f_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/02_sr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_d0 /music/genre/artists /m/01vsy95 +/m/02m0sc /education/educational_institution/colors /m/04mkbj +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01k5zk +/m/05zy2cy /film/film/country /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/011yph +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0l8sx +/m/0yj9v /base/biblioness/bibs_location/state /m/05fkf +/m/03xmy1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0n6ds /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/071vr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01f1jy /olympics/olympic_games/sports /m/01dys +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/02mqc4 /people/person/nationality /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/052p7 /sports/sports_team_location/teams /m/0bszz +/m/0sx7r /olympics/olympic_games/sports /m/02_5h +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/022q32 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02r3cn +/m/01l8t8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0kbws /olympics/olympic_games/participating_countries /m/0162b +/m/035v3 /location/country/form_of_government /m/018wl5 +/m/04xvlr /media_common/netflix_genre/titles /m/08lr6s +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0ddkf /people/person/spouse_s./people/marriage/spouse /m/01tnbn +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/01wbg84 /film/actor/film./film/performance/film /m/011yhm +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02n72k +/m/02t_vx /film/actor/film./film/performance/film /m/0c57yj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/075mb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01hf6 +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/05kkh /location/location/contains /m/0n2sh +/m/0n5by /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jfsb /media_common/netflix_genre/titles /m/07kh6f3 +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/07h5d /people/person/profession /m/02hrh1q +/m/014_x2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03q1vd /film/actor/film./film/performance/film /m/02v8kmz +/m/0b2lw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01crd5 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04y79_n /people/person/profession /m/02hv44_ +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01tfck /film/actor/film./film/performance/film /m/09cr8 +/m/03t9sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/02wr6r /people/person/place_of_birth /m/0hptm +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/0c7lcx /film/actor/film./film/performance/film /m/02825nf +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/04gv3db /film/film/written_by /m/06pcz0 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nm8w +/m/03x400 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07b2lv /film/actor/film./film/performance/film /m/037cr1 +/m/04mp75 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02qlg7s /people/person/profession /m/02tx6q +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/01w806h /music/group_member/membership./music/group_membership/group /m/03fbc +/m/01m42d0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/016gp5 /sports/sports_team/sport /m/02vx4 +/m/03vtrv /music/record_label/artist /m/0qf11 +/m/08vpjv /film/actor/film./film/performance/film /m/0f42nz +/m/01ggbx /people/person/place_of_birth /m/019fbp +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0gl3hr /film/film/written_by /m/027vps +/m/07k2x /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n83s +/m/07_f2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01p1z_ /people/person/gender /m/05zppz +/m/0182r9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/01bcp7 /people/cause_of_death/people /m/01m42d0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/06by7 /music/genre/artists /m/02z4b_8 +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/064r97z +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/065jlv +/m/0qf43 /people/person/nationality /m/02jx1 +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nyqk +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/015_1q /music/record_label/artist /m/014_xj +/m/02x8fs /film/film/language /m/02h40lc +/m/0d06vc /film/film_subject/films /m/02q0k7v +/m/02g9z1 /people/person/nationality /m/09c7w0 +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/01s5q /film/film_subject/films /m/09p4w8 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03rt9 /location/country/second_level_divisions /m/01qs54 +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/01wlt3k +/m/0kctd /media_common/netflix_genre/titles /m/027tbrc +/m/03zrc_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bkf4 /music/group_member/membership./music/group_membership/role /m/0342h +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/06dl_ /people/deceased_person/place_of_death /m/015zxh +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0p7h7 +/m/0c6qh /film/actor/film./film/performance/film /m/0c0nhgv +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03zg2x /film/actor/film./film/performance/film /m/01h18v +/m/01zhs3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/0d2fd7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02qkt /location/location/contains /m/06t8v +/m/01_1pv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/05r5c /music/instrument/instrumentalists /m/03wjb7 +/m/01v0fn1 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0htlr /people/person/profession /m/0kyk +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/049dzz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ph2w /influence/influence_node/influenced_by /m/015cbq +/m/0p__8 /film/actor/film./film/performance/film /m/02yvct +/m/044mz_ /people/person/nationality /m/09c7w0 +/m/047jhq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0gxtknx /film/film/language /m/07zrf +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05b2f_k +/m/031hxk /organization/organization/headquarters./location/mailing_address/citytown /m/01yj2 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/014knw /film/film/genre /m/01jfsb +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vr3gz +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/0bx0l /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/027r7k /film/film/genre /m/04xvlr +/m/0bm2nq /film/film/genre /m/07s9rl0 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/02tq2r /people/person/place_of_birth /m/029kpy +/m/04gnbv1 /people/person/spouse_s./people/marriage/spouse /m/04glr5h +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/02hblj /film/actor/film./film/performance/film /m/05650n +/m/0315q3 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g2lq +/m/0c00lh /film/director/film /m/02rv_dz +/m/07wrz /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/01sn3 /location/location/time_zones /m/02hcv8 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024mxd +/m/041738 /music/genre/artists /m/0dm5l +/m/0135xb /people/person/gender /m/05zppz +/m/05cws2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01qwb5 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/01fwk3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017l96 /music/record_label/artist /m/01kcms4 +/m/0161rf /music/genre/artists /m/02b25y +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05xbx /award/award_winner/awards_won./award/award_honor/award_winner /m/0hm0k +/m/04q24zv /film/film/genre /m/04xvlr +/m/0645k5 /film/film/genre /m/026ny +/m/03s9v /people/deceased_person/place_of_burial /m/0bvqq +/m/01j_5k /education/educational_institution/students_graduates./education/education/student /m/01_xtx +/m/01wqflx /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0bwfn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/0342h +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0ff3y +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/05z8cq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlzq +/m/0584r4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gz5hs +/m/0m2l9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mvth /award/award_winner/awards_won./award/award_honor/award_winner /m/01vy_v8 +/m/07db6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0q9sg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/01vsl /location/hud_county_place/county /m/0p07l +/m/04dz_y7 /people/person/profession /m/02hrh1q +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/03wh8pq +/m/019m5j /sports/sports_team/colors /m/083jv +/m/09k2t1 /award/award_winner/awards_won./award/award_honor/award_winner /m/07ss8_ +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02s62q +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/04twmk /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/0gt_k /people/person/profession /m/0nbcg +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/07m77x +/m/02xb2bt /film/actor/film./film/performance/film /m/05ch98 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0r1yc /base/biblioness/bibs_location/country /m/09c7w0 +/m/01s7j5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01l9p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016sp_ +/m/09c7w0 /location/country/form_of_government /m/01d9r3 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/024jwt +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05bjp6 /education/educational_institution/students_graduates./education/education/student /m/04bdqk +/m/01vnt4 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0c61p /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01ktz1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01xysf +/m/0cx7f /music/genre/artists /m/01p0vf +/m/0lrh /influence/influence_node/influenced_by /m/041mt +/m/012pd4 /people/person/gender /m/05zppz +/m/01w5m /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d_2fb +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/01g6bk /people/person/employment_history./business/employment_tenure/company /m/065y4w7 +/m/03cz83 /education/educational_institution/school_type /m/01rs41 +/m/01c8v0 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03rjj /location/country/second_level_divisions /m/052fbt +/m/04kngf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01lj9 /education/field_of_study/students_majoring./education/education/student /m/0d5_f +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/02rv1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01q_ph /film/actor/film./film/performance/film /m/03tps5 +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03nb5v +/m/0_9l_ /film/film/genre /m/04xvlr +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/0pv3x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/026ssfj /education/educational_institution/school_type /m/05pcjw +/m/0n85g /music/record_label/artist /m/01vn35l +/m/0683n /influence/influence_node/influenced_by /m/05gpy +/m/0kb1g /film/film/genre /m/03bxz7 +/m/03cwqpm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05bnp0 /film/actor/film./film/performance/film /m/0830vk +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/01p1v /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05yzt_ +/m/016xh5 /film/actor/film./film/performance/film /m/01cz7r +/m/062yh9 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/016clz /music/genre/artists /m/01pfr3 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06s0l /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02vg0 /people/person/gender /m/05zppz +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/02q7fl9 /film/film/genre /m/05p553 +/m/01pg1d /film/actor/film./film/performance/film /m/011ycb +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/074j87 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/02g40r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/01dkpb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02__7n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08132w +/m/03phtz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/051zy_b /film/film/genre /m/0lsxr +/m/01vvycq /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/03xgm3 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r03f +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nxnw +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p09dd +/m/014w_8 /medicine/disease/risk_factors /m/0dq9p +/m/0154d7 /film/actor/film./film/performance/film /m/0ddjy +/m/06dv3 /people/person/profession /m/09jwl +/m/01kx1j /people/person/nationality /m/059z0 +/m/014l6_ /film/film/film_production_design_by /m/05b5_tj +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0p7qm /film/film/genre /m/02l7c8 +/m/016fyc /film/film/language /m/02h40lc +/m/0264jc6 /music/genre/artists /m/03fbc +/m/070yzk /people/person/languages /m/02h40lc +/m/09v51c2 /award/award_category/winners./award/award_honor/award_winner /m/069_0y +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/08z84_ /business/business_operation/industry /m/01mw1 +/m/027j79k /people/person/profession /m/0np9r +/m/093dqjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0785v8 +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/01x4r3 /people/person/profession /m/02hv44_ +/m/06mp7 /language/human_language/countries_spoken_in /m/02vzc +/m/06688p /film/actor/film./film/performance/film /m/03hfmm +/m/01tsbmv /film/actor/film./film/performance/film /m/015x74 +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01v80y +/m/07w6r /organization/organization/headquarters./location/mailing_address/citytown /m/0d9s5 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ckrgs +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0c2dl +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02c_4 /sports/sports_team/colors /m/019sc +/m/06v41q /people/ethnicity/people /m/0311wg +/m/08ct6 /film/film/story_by /m/06mn7 +/m/0b_fw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bdt8 +/m/02fttd /film/film/produced_by /m/04pqqb +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/01zlh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w5jwb +/m/01xcr4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/01trtc /music/record_label/artist /m/01s7ns +/m/01s7w3 /film/film/music /m/01wwvt2 +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xcfy +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/016xh5 /film/actor/film./film/performance/film /m/020bv3 +/m/03ysmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/0c0wvx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01gr6h +/m/06rhz7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/09c7w0 /location/country/second_level_divisions /m/0p4gy +/m/065b6q /people/ethnicity/people /m/01938t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049m_l +/m/014bpd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fcx7 /film/actor/film./film/performance/film /m/08952r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f1kwr +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/03t22m /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01713c +/m/0g_92 /people/person/gender /m/02zsn +/m/04xvlr /media_common/netflix_genre/titles /m/02wtp6 +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/057lbk /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02x20c9 /organization/organization_founder/organizations_founded /m/02x2097 +/m/04bgy /people/person/nationality /m/02jx1 +/m/099c8n /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/09c7w0 /location/country/second_level_divisions /m/0jc7g +/m/0gfzfj /film/film/produced_by /m/03jldb +/m/07sgfsl /people/person/profession /m/02hrh1q +/m/0gp_x9 /film/actor/film./film/performance/film /m/02w86hz +/m/01xhh5 /people/ethnicity/people /m/0mbw0 +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6qt +/m/0j1_3 /location/location/contains /m/044rv +/m/0cq7tx /film/film/produced_by /m/0hsmh +/m/08984j /film/film/genre /m/02kdv5l +/m/04mlh8 /people/person/profession /m/0np9r +/m/02238b /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/059rby /location/location/contains /m/0ff0x +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019m9h +/m/0pvms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02h761 +/m/07_m9_ /organization/organization_founder/organizations_founded /m/082mc +/m/01w7nwm /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nww +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/03kcyd /people/person/gender /m/02zsn +/m/01w3v /organization/organization_founder/organizations_founded /m/034h1h +/m/03c6vl /people/person/nationality /m/09c7w0 +/m/04v7kt /people/person/profession /m/02hrh1q +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0794g +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05ztm4r +/m/03d_zl4 /people/person/profession /m/0dxtg +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m9c1 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/03lq43 /people/person/spouse_s./people/marriage/spouse /m/01_xtx +/m/0ky1 /people/person/nationality /m/06q1r +/m/0h5qxv /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0d_84 /people/person/place_of_birth /m/030qb3t +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/048lv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c4f4 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/031rq5 +/m/0glqh5_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/04wmvz /sports/sports_team/colors /m/02rnmb +/m/02pxmgz /film/film/country /m/09c7w0 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs_v8 +/m/05g2b /base/aareas/schema/administrative_area/administrative_parent /m/0fqxw +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0fsv2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0604m /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/08r98b +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/075k5 /base/culturalevent/event/entity_involved /m/01h3dj +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jmyj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rwcgb /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05_k56 /people/person/profession /m/0dxtg +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/0hwbd /award/award_winner/awards_won./award/award_honor/award_winner /m/029ghl +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/080nwsb +/m/07ssc /location/location/contains /m/05bcl +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09bg4l /people/person/profession /m/0g0vx +/m/01swxv /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/06y0xx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/05dy7p /film/film/genre /m/082gq +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/015c4g /people/person/profession /m/0dxtg +/m/0pv54 /film/film/produced_by /m/0d0xs5 +/m/075q_ /sports/sports_team/colors /m/083jv +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06srk +/m/02k1b /sports/sports_team_location/teams /m/03zj_3 +/m/029d_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0c57yj /film/film/language /m/02h40lc +/m/0241jw /film/actor/film./film/performance/film /m/084302 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01qh7 /location/location/contains /m/01mpwj +/m/0dll_t2 /film/film/genre /m/06cvj +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01clyr /music/record_label/artist /m/01p9hgt +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/0jfx1 /film/actor/film./film/performance/film /m/0bq8tmw +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/03xp8d5 /people/person/profession /m/01d_h8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0blt6 +/m/017_qw /music/genre/artists /m/089kpp +/m/03pmty /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09yrh +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01vw8mh /people/person/place_of_birth /m/0nbwf +/m/01l1b90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvyc_ +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/032zg9 /film/actor/film./film/performance/film /m/069q4f +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01h910 +/m/0yxl /influence/influence_node/influenced_by /m/02465 +/m/019tfm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0640y35 /film/film/language /m/02h40lc +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0ms1n /location/location/contains /m/013m43 +/m/025jbj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01nkxvx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/02bf58 /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/01c5d5 /people/person/profession /m/015h31 +/m/03q45x /film/actor/film./film/performance/film /m/0gldyz +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/01vvb4m /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/017_qw /music/genre/artists /m/01l9v7n +/m/01jgpsh /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0ct2tf5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0ktpx /film/film/written_by /m/0gv5c +/m/0tc7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ggc9 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0m76b /organization/organization_founder/organizations_founded /m/06jplb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/0jzc /language/human_language/countries_spoken_in /m/04vjh +/m/030_3z /organization/organization_founder/organizations_founded /m/030_1_ +/m/019pm_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/030x48 /people/person/nationality /m/09c7w0 +/m/0dl9_4 /film/film/country /m/0d060g +/m/05r5c /music/instrument/instrumentalists /m/05_swj +/m/063b4k /people/person/religion /m/0c8wxp +/m/01gf5 /location/administrative_division/country /m/0jhd +/m/016kz1 /film/film/production_companies /m/0338lq +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0c1d0 /base/biblioness/bibs_location/state /m/06btq +/m/0gxb2 /medicine/symptom/symptom_of /m/01qqwn +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01kwsg +/m/03_d0 /music/genre/artists /m/03t9sp +/m/05pbl56 /film/film/genre /m/02n4kr +/m/030hcs /people/person/places_lived./people/place_lived/location /m/059rby +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/0k9ts /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02stbw +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/05dfy_ +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05wkw +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07_nf /base/culturalevent/event/entity_involved /m/0f7fy +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/035s95 /film/film/genre /m/07s9rl0 +/m/01fsz /music/genre/artists /m/0phx4 +/m/0_b3d /film/film/genre /m/01jfsb +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04j53 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0h7h6 /location/location/contains /m/0885n +/m/016017 /film/film/genre /m/01hmnh +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0h1_w /people/person/nationality /m/09c7w0 +/m/0fr0t /sports/sports_team_location/teams /m/02qk2d5 +/m/048ldh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/02t1cp /people/person/nationality /m/09c7w0 +/m/038bht /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/029ql /people/person/place_of_birth /m/01snm +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/030w19 +/m/0k2sk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/016zp5 /film/actor/film./film/performance/film /m/0pd6l +/m/06by7 /music/genre/artists /m/04bbv7 +/m/04y0hj /people/person/profession /m/02t8yb +/m/09c7w0 /location/location/contains /m/0jbrr +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/07zft /people/person/profession /m/0dz3r +/m/05148p4 /music/instrument/instrumentalists /m/01lz4tf +/m/048vhl /film/film/production_companies /m/0c_j5d +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/09l3p /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0pc7r +/m/0g3zrd /film/film/featured_film_locations /m/0f2v0 +/m/0159h6 /film/actor/film./film/performance/film /m/0_9l_ +/m/0y2tr /music/genre/parent_genre /m/05r6t +/m/0sl2w /location/location/time_zones /m/02hcv8 +/m/01nkxvx /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/01386_ /people/person/nationality /m/09c7w0 +/m/02mv9b /people/person/profession /m/021wpb +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/03cd1q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02yw0y /music/genre/artists /m/01t8399 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/03qhyn8 /people/deceased_person/place_of_death /m/06c62 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/04v89z /film/film/language /m/064_8sq +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0msyb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01qn8k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/04vn5 /sports/sports_team/colors /m/083jv +/m/0g5ptf /film/film/film_production_design_by /m/04kj2v +/m/03l7f /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/018j2 /music/instrument/instrumentalists /m/0jsg0m +/m/04hqz /location/country/form_of_government /m/01fpfn +/m/09l9tq /people/person/gender /m/05zppz +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0g3zrd +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0jtg0 /music/instrument/instrumentalists /m/04n65n +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/03x16f /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016ks_ +/m/0cmpn /people/person/nationality /m/07ssc +/m/0421v9q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jj93 /people/person/profession /m/0dxtg +/m/06qjgc /people/person/gender /m/05zppz +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c38gj +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/068p2 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0bw6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03z20c +/m/0419kt /film/film/genre /m/01jfsb +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/015_1q /music/record_label/artist /m/01m3b1t +/m/0739z6 /people/person/nationality /m/09c7w0 +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0807ml +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fvt2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/02c7k4 /film/film/story_by /m/05_k56 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02b6n9 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/04v3q /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/019gz /people/person/profession /m/0cbd2 +/m/03x31g /people/person/places_lived./people/place_lived/location /m/09c6w +/m/087qxp /people/person/profession /m/0cbd2 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/02vp1f_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/0301yj +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0311wg +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01p970 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/041rx /people/ethnicity/languages_spoken /m/03hkp +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03xpf_7 /people/person/place_of_birth /m/02dtg +/m/015cl6 /award/award_category/winners./award/award_honor/award_winner /m/021sv1 +/m/0mzkr /music/record_label/artist /m/016dsy +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0199gx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/048vhl /film/film/music /m/089kpp +/m/0nj0m /location/location/time_zones /m/02hcv8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/016lmg +/m/026mfbr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/052nd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q_4ph +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/058kh7 /film/film/written_by /m/0py5b +/m/07ssc /media_common/netflix_genre/titles /m/0m9p3 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0kx4m +/m/02r6c_ /people/person/profession /m/02jknp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01lj_c /award/award_category/winners./award/award_honor/award_winner /m/05hj_k +/m/0283d /music/genre/parent_genre /m/0hh2s +/m/0372j5 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/016clz /music/genre/artists /m/0167v4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh95l +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01cl0d /music/record_label/artist /m/0gbwp +/m/033f8n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011yr9 /film/film/produced_by /m/02q42j_ +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/01w1sx /time/event/locations /m/01crd5 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04xvlr /media_common/netflix_genre/titles /m/0b2qtl +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/0bmpm /film/film/country /m/09c7w0 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cdz +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/03pm9 /influence/influence_node/influenced_by /m/0d5_f +/m/026hh0m /film/film/production_companies /m/086k8 +/m/0342h /dataworld/gardening_hint/split_to /m/028tv0 +/m/0l6mp /olympics/olympic_games/sports /m/03krj +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02w2bc +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/02vqsll /film/film/production_companies /m/08wjc1 +/m/078bz /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0n6f8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02js6_ +/m/02482c /education/educational_institution/colors /m/03vtbc +/m/013knm /people/person/nationality /m/0j5g9 +/m/02gys2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/044mfr +/m/02t_h3 /film/film/genre /m/06cvj +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/022fhd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yxg +/m/0gd0c7x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/09fqgj /film/film/genre /m/01hmnh +/m/03npn /media_common/netflix_genre/titles /m/07f_7h +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/03vtrv /music/record_label/artist /m/0153nq +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/06by7 /music/genre/artists /m/0394y +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/0gf14 /education/educational_institution_campus/educational_institution /m/0gf14 +/m/02q0v8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02lf_x /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/05kkh /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/07ykkx5 /film/film/genre /m/060__y +/m/09c7w0 /location/country/second_level_divisions /m/0mwxz +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0dgst_d /film/film/production_companies /m/061dn_ +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04mcw4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0mxcf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rrzn +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02760sl +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/0mcl0 /film/film/country /m/09c7w0 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/0134wr +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kj_ +/m/09q17 /media_common/netflix_genre/titles /m/0d87hc +/m/0d0x8 /location/location/contains /m/0nzny +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02t8gf /music/genre/artists /m/01w03jv +/m/01304j /people/person/nationality /m/09c7w0 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04_1l0v /location/location/contains /m/05fhy +/m/07nznf /people/person/profession /m/0dxtg +/m/03fnnn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0yxl /influence/influence_node/influenced_by /m/079ws +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09txzv +/m/01j95f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0436yk /film/film/prequel /m/08fbnx +/m/028mc6 /people/person/gender /m/05zppz +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/04vjh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0plxn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03xzxb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0t6hk /location/location/time_zones /m/02fqwt +/m/0c3mz /base/culturalevent/event/entity_involved /m/03b79 +/m/06r2_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gk4g /people/cause_of_death/people /m/09gnn +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/03mdt /organization/organization/child./organization/organization_relationship/child /m/03jvmp +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/016z2j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m66w +/m/06ylv0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pq4w /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ng9k /film/film/genre /m/03k9fj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q52q +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/01wqflx /people/person/place_of_birth /m/0psxp +/m/01tw31 /people/person/gender /m/05zppz +/m/05b4rcb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/03k545 /film/actor/film./film/performance/film /m/0dc7hc +/m/016ky6 /film/film/film_production_design_by /m/02vxyl5 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01xq8v /film/film/featured_film_locations /m/04jpl +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/05mcjs +/m/07t21 /sports/sports_team_location/teams /m/03ytp3 +/m/08jbxf /soccer/football_player/current_team./sports/sports_team_roster/team /m/02q3n9c +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/06hzq3 /music/genre/parent_genre /m/06j6l +/m/03qrh9 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/048tgl /music/group_member/membership./music/group_membership/group /m/081wh1 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h10vt +/m/02kmx6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/0pvms /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/07z2lx /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0hqzm6r +/m/03qjg /music/instrument/instrumentalists /m/0407f +/m/03mv0b /people/person/profession /m/0np9r +/m/064t9 /music/genre/artists /m/012vd6 +/m/01jr6 /base/biblioness/bibs_location/state /m/01n7q +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07x4qr /film/film/genre /m/0hcr +/m/091yn0 /people/person/place_of_birth /m/01jr6 +/m/0dgq80b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dryh9k /people/ethnicity/people /m/047s_cr +/m/0l35f /location/us_county/county_seat /m/0r785 +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/06924p /music/genre/artists /m/05sq0m +/m/025vldk /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/03m8lq /people/person/place_of_birth /m/02_286 +/m/01w0v /base/biblioness/bibs_location/country /m/07ssc +/m/0sxfd /film/film/genre /m/02l7c8 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g60z +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0d6hn /base/biblioness/bibs_location/country /m/0d04z6 +/m/070zc /location/administrative_division/country /m/0345h +/m/0kzy0 /people/person/profession /m/016z4k +/m/0mkg /music/instrument/instrumentalists /m/028qdb +/m/0468g4r /award/award_category/disciplines_or_subjects /m/02vxn +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/02zl4d /people/person/profession /m/02hrh1q +/m/0r03f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0g5ptf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/06b0d2 +/m/04_lb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cmb3 /location/administrative_division/first_level_division_of /m/05bcl +/m/012yc /music/genre/artists /m/0677ng +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09m6kg +/m/02yv6b /music/genre/artists /m/015196 +/m/033srr /film/film/language /m/06nm1 +/m/0chw_ /film/actor/film./film/performance/film /m/0gg8z1f +/m/0bxxzb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/02ph9tm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j67j /tv/tv_program/genre /m/01t_vv +/m/0dsx3f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/069nzr +/m/0gcpc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01pj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/0jrv_ /music/genre/parent_genre /m/07bbw +/m/037n97 /music/genre/parent_genre /m/03_d0 +/m/06m6p7 /people/person/nationality /m/09c7w0 +/m/0hhjk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/017v3q /education/educational_institution/school_type /m/05jxkf +/m/096ysw /music/record_label/artist /m/03h_fqv +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/014d4v +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05m9f9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03n08b /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0bbvr84 +/m/07_l6 /music/instrument/family /m/0d8lm +/m/017180 /film/film/country /m/07ssc +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0ghd6l +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw_dv +/m/018j2 /music/instrument/instrumentalists /m/01kstn9 +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/01pl9g /people/person/places_lived./people/place_lived/location /m/059_c +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0fkhl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02__ww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/011j5x /music/genre/artists /m/02bgmr +/m/02jyr8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016kjs /people/person/profession /m/0dz3r +/m/015qh /location/location/time_zones /m/03plfd +/m/06sw9 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04r7p /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcdc2 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gdh5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/083wr9 +/m/016ypb /film/actor/film./film/performance/film /m/017jd9 +/m/06vlk0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0bsb4j +/m/04rrd /location/location/contains /m/0dhml +/m/07w4j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0jdk_ /olympics/olympic_games/sports /m/0bynt +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/0gdqy /people/person/languages /m/064_8sq +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/07bch9 /people/ethnicity/people /m/02p5hf +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/05w1vf /film/actor/film./film/performance/film /m/026390q +/m/0gxb2 /medicine/symptom/symptom_of /m/0h3bn +/m/048tv9 /film/film/prequel /m/02fj8n +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/018ctl /olympics/olympic_games/participating_countries /m/0ctw_b +/m/0m593 /organization/organization_founder/organizations_founded /m/086k8 +/m/013tjc /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0jsg0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05y5kf /people/person/places_lived./people/place_lived/location /m/0121c1 +/m/01679d /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04s1zr /film/film/genre /m/01hmnh +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/015c1b /people/person/gender /m/02zsn +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/0h1mt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04h4c9 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/01l7cxq /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/04rvy8 /people/person/place_of_birth /m/04jpl +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/09xvf7 +/m/03hhd3 /film/actor/film./film/performance/film /m/02fj8n +/m/021dvj /music/genre/artists /m/0hgqq +/m/095z4q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/03q45x /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/083p7 /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0794g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/028pzq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x67 /people/ethnicity/people /m/02qsjt +/m/03_d0 /music/genre/artists /m/01w60_p +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01v0sxx +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hd6f +/m/02825nf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z0l6 /people/person/profession /m/01d_h8 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l1589 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/08vq2y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06rmdr /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/06wm0z /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09h4b5 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0ftlx /location/location/contains /m/015401 +/m/01d5g /film/film_subject/films /m/01hr1 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03rhqg /music/record_label/artist /m/01vt9p3 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0ggbhy7 /film/film/language /m/02ztjwg +/m/02yl42 /influence/influence_node/influenced_by /m/0n6kf +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0427y +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01stzp +/m/084302 /film/film/featured_film_locations /m/04jpl +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/017_qw /music/genre/artists /m/02fgpf +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/034r25 /film/film/genre /m/04xvlr +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017gl1 +/m/02fz3w /film/actor/film./film/performance/film /m/03wjm2 +/m/01gv_f /people/person/place_of_birth /m/06mxs +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0415zv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06l22 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0x67 /people/ethnicity/people /m/0f6_x +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/03kwtb +/m/0ptdz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0404wqb /people/person/profession /m/02hrh1q +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0584r4 /tv/tv_program/genre /m/0hcr +/m/01sby_ /film/film/genre /m/06n90 +/m/01b195 /film/film/genre /m/0gs6m +/m/07qcbw /people/person/nationality /m/09c7w0 +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01csqg +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026_dcw +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/048xyn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01dw_f /people/person/profession /m/016z4k +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/02g3mn /people/person/profession /m/0dxtg +/m/0q8sw /location/location/time_zones /m/02fqwt +/m/0cqr0q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02z44tp /film/film/cinematography /m/0gp9mp +/m/01hb6v /people/person/gender /m/05zppz +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/01vw8k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02yygk /music/group_member/membership./music/group_membership/group /m/015cqh +/m/01qg7c /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/03p01x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jgkj2 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/03f0324 /people/person/profession /m/0cbd2 +/m/03v36 /people/person/gender /m/05zppz +/m/06b7s9 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/015pxr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j7rd +/m/0170k0 /tv/tv_program/genre /m/0c3351 +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01j_jh +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/04j53 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08vq2y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/079kdz +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gj2 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/07d370 /people/person/profession /m/0kyk +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b9w3 +/m/052bw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/01fh36 /music/genre/artists /m/0197tq +/m/0479b /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026qnh6 +/m/0k3jc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/0d4jl /influence/influence_node/influenced_by /m/02kz_ +/m/07w5rq /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05kfs /film/actor/film./film/performance/film /m/01gglm +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0lk8j /time/event/locations /m/030qb3t +/m/0456xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0184jc +/m/0l6mp /olympics/olympic_games/sports /m/0bynt +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03y82t6 /people/person/profession /m/0nbcg +/m/02vr7 /people/person/place_of_birth /m/0nbrp +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/028qyn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fh36 /music/genre/artists /m/032nwy +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2g +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/02x7vq /people/person/nationality /m/09c7w0 +/m/01jvxb /education/educational_institution/colors /m/038hg +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/02j8nx /people/person/profession /m/018gz8 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/09zmys /people/person/profession /m/0dxtg +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/07c5l /location/location/contains /m/04pnx +/m/016w7b /education/educational_institution/campuses /m/016w7b +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/07n3s /music/artist/origin /m/0cr3d +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076lxv +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0824r +/m/07s9rl0 /media_common/netflix_genre/titles /m/02qk3fk +/m/03zj9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w524f /base/eating/practicer_of_diet/diet /m/07_hy +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03bw6 +/m/0296y /music/genre/artists /m/01gx5f +/m/02jx1 /location/location/contains /m/0174qm +/m/05c46y6 /film/film/language /m/02bjrlw +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01h2_6 /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019f9z +/m/0b7l1f /people/person/nationality /m/02jx1 +/m/07lz9l /people/person/gender /m/05zppz +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03dj6y /sports/sports_team/sport /m/02vx4 +/m/036qs_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01719t +/m/03x82v /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0h7x /location/location/contains /m/0fhp9 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/01n7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/05z_p6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mr85 +/m/07r1h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bbf1f +/m/03mv9j /award/award_category/disciplines_or_subjects /m/02xlf +/m/0cqt90 /people/person/profession /m/0cbd2 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03fqv5 +/m/01qd_r /organization/organization/headquarters./location/mailing_address/citytown /m/0ncj8 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/07g2b +/m/02lf70 /people/person/places_lived./people/place_lived/location /m/0f8l9c +/m/03mz5b /film/film/edited_by /m/04cy8rb +/m/02114t /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0300ml /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02wt0 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgpwnk +/m/05r6t /music/genre/artists /m/0kxbc +/m/0bwfwpj /film/film/story_by /m/01xndd +/m/07ghv5 /film/film/country /m/03_3d +/m/07ssc /media_common/netflix_genre/titles /m/03j63k +/m/0sqc8 /base/biblioness/bibs_location/state /m/03v1s +/m/08304 /people/person/profession /m/0cbd2 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/04b5l3 /sports/sports_team/sport /m/018jz +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0k049 +/m/040_t /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/0sw62 /film/actor/film./film/performance/film /m/01ry_x +/m/02s2wq /music/group_member/membership./music/group_membership/role /m/0342h +/m/05kh_ /people/person/nationality /m/09c7w0 +/m/07348 /base/biblioness/bibs_location/country /m/09pmkv +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/0157g9 /location/location/contains /m/0j11 +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/0418wg /film/film/prequel /m/06z8s_ +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yj5z +/m/02ctzb /people/ethnicity/people /m/054fvj +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/065ym0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c3xw46 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01hbq0 /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/01_mdl /film/film/country /m/07ssc +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/06_wqk4 /film/film/production_companies /m/046b0s +/m/0ywqc /film/actor/film./film/performance/film /m/02_qt +/m/01wdtv /music/record_label/artist /m/01r0t_j +/m/0dpqk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrlr4 /people/person/profession /m/0dxtg +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/0c57yj /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/027pfg /film/film/genre /m/04xvlr +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/06cgf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032jlh /sports/sports_team/sport /m/02vx4 +/m/0bbgvp /film/film/featured_film_locations /m/0dfcn +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/03cd1q +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/09c7w0 /location/location/contains /m/03bnd9 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/03f1zhf /music/artist/origin /m/0fg1g +/m/0lgxj /olympics/olympic_games/sports /m/01hp22 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03gr7w +/m/0_7z2 /location/location/time_zones /m/02hcv8 +/m/09x8ms /people/person/nationality /m/09c7w0 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lvyj +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/016622 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/09c7w0 /location/location/contains /m/023znp +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/03bkbh /people/ethnicity/people /m/06cgy +/m/0k2h6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0h1x5f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/0fb7sd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cgzj /film/actor/film./film/performance/film /m/0j90s +/m/03qmg1 /music/instrument/family /m/06ncr +/m/01s0t3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02cj_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gltv /film/film/language /m/02h40lc +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g9y +/m/01fsv9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xq8v /film/film/language /m/01bkv +/m/02vqsll /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy95 +/m/021mlp /people/person/place_of_birth /m/03dm7 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059f4 +/m/01c8v0 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/098sx /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/0bq0p9 /location/country/capital /m/02p3my +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/02p11jq /music/record_label/artist /m/04_jsg +/m/0f7h2g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0m313 +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/06z8s_ /film/film/genre /m/0lsxr +/m/0c40vxk /film/film/genre /m/0bkbm +/m/03_d0 /music/genre/artists /m/019g40 +/m/07pzc /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/04s9n /people/person/place_of_birth /m/058wp +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bczgm +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/01lyv /music/genre/artists /m/02jg92 +/m/0337vz /people/person/profession /m/02hrh1q +/m/01pq5j7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01htxr +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/066yfh /award/award_winner/awards_won./award/award_honor/award_winner /m/062cg6 +/m/0kfv9 /tv/tv_program/languages /m/02h40lc +/m/07sgfvl /people/person/nationality /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/01wg6y +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/01ry0f /people/person/gender /m/05zppz +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01wzs_q /film/actor/film./film/performance/film /m/0dh8v4 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/05bnq3j /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6f8pf +/m/0jw67 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/05_5rjx /film/film/genre /m/02n4kr +/m/0grwj /film/actor/film./film/performance/film /m/08xvpn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/01s3vk /film/film/genre /m/02b5_l +/m/01c9d /film/film/genre /m/060__y +/m/016h9b /music/group_member/membership./music/group_membership/role /m/0l14md +/m/06rvn /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0d8w2n /film/film/language /m/02h40lc +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/086sj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0blt6 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/01s3vk /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0c2tf /people/deceased_person/place_of_death /m/0k049 +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/08chdb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xn5th +/m/0345kr /music/record_label/artist /m/09jvl +/m/04lqvly /film/film/genre /m/0k345 +/m/02js6_ /film/actor/film./film/performance/film /m/047gn4y +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kwx2 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0bs8ndx /film/film/genre /m/0219x_ +/m/0dnqr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/036hv /education/field_of_study/students_majoring./education/education/student /m/03kdl +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gthm /influence/influence_node/influenced_by /m/0l99s +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/052hl +/m/05148p4 /music/instrument/instrumentalists /m/01vw20_ +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/05ch98 /film/film/production_companies /m/086k8 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0blt6 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/03h_fk5 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lgj6 +/m/01qh7 /location/location/contains /m/043q2z +/m/01htxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbb3 +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/054c1 /people/person/places_lived./people/place_lived/location /m/0s9z_ +/m/012ycy /people/person/profession /m/09jwl +/m/054lpb6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0by17xn +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cz_ym +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0520r2x +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/03crmd +/m/015qh /location/country/capital /m/0ftjx +/m/0ft18 /film/film/country /m/09c7w0 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0bksh /film/actor/film./film/performance/film /m/0f40w +/m/013719 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/09d5d5 +/m/016s0m /people/person/profession /m/09jwl +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/022411 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0gt_k /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02d6c /location/location/time_zones /m/02fqwt +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/053yx /people/person/profession /m/01c72t +/m/079vf /film/actor/film./film/performance/film /m/06gb1w +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgnq +/m/0dl5d /music/genre/artists /m/01pny5 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_d0 /music/genre/artists /m/05_swj +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/04flrx /people/person/place_of_birth /m/02kx3 +/m/06_bq1 /people/person/place_of_birth /m/0281rb +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ws9n6 +/m/08c7cz /people/person/gender /m/05zppz +/m/0dq16 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/06__m6 /film/film/genre /m/05mrx8 +/m/01_bkd /music/genre/parent_genre /m/01243b +/m/02lmk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ppq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7qd +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/017yxq /film/director/film /m/02krdz +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02blr4 /people/person/gender /m/05zppz +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/05cx7x /film/actor/film./film/performance/film /m/02825cv +/m/020bv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0159h6 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/047q2wc +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/01nfys +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/02dth1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vsl3_ +/m/03kdl /people/person/places_lived./people/place_lived/location /m/03s0w +/m/08jyyk /music/genre/artists /m/014_lq +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/024jwt /people/person/profession /m/02krf9 +/m/041rx /people/ethnicity/people /m/07nznf +/m/0mwcz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qfv5d /media_common/netflix_genre/titles /m/05mrf_p +/m/01t_wfl /people/person/gender /m/05zppz +/m/020qr4 /tv/tv_program/languages /m/02bv9 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/02vr3gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/018h2 /film/film_subject/films /m/06cgf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/0m0fw /music/genre/artists /m/0bpk2 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/04hs7d /tv/tv_program/genre /m/0jxy +/m/030p35 /tv/tv_program/genre /m/05p553 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/034ls /people/person/places_lived./people/place_lived/location /m/050ks +/m/01p7yb /film/actor/film./film/performance/film /m/0422v0 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02dwj /film/film/written_by /m/06mn7 +/m/01cbwl /music/genre/artists /m/0838y +/m/0dyl9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mkqr +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1b +/m/040v3t /award/award_category/disciplines_or_subjects /m/04g51 +/m/01nczg /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0ch3qr1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/02q5bx2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/059rby /location/location/contains /m/0fb_1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/051z6rz /people/person/profession /m/0dxtg +/m/015pxr /film/actor/film./film/performance/film /m/05zpghd +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/0509bl /people/person/profession /m/02hrh1q +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/064t9 /music/genre/artists /m/01svw8n +/m/01c9f2 /award/award_category/category_of /m/0c4ys +/m/01cw13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02b153 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013n0n +/m/024_dt /award/award_category/winners./award/award_honor/award_winner /m/015rmq +/m/06z5s /people/cause_of_death/people /m/0cbgl +/m/0pj9t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/07s8r0 /film/actor/film./film/performance/film /m/0cfhfz +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/06t74h /film/actor/film./film/performance/film /m/0bxsk +/m/04xfb /people/person/religion /m/03j6c +/m/0155w /music/genre/artists /m/0411q +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/09c7w0 /location/country/second_level_divisions /m/0n5_g +/m/0kjrx /film/actor/film./film/performance/film /m/015x74 +/m/0d8w2n /film/film/genre /m/0hn10 +/m/02xtxw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9l_ +/m/02cvp8 /people/person/profession /m/018gz8 +/m/02qzmz6 /film/film/cinematography /m/05br10 +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bj22 +/m/058bzgm /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/0gbfn9 /film/film/genre /m/02l7c8 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/0c0yh4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/016z2j /film/actor/film./film/performance/film /m/0dlngsd +/m/06nrt /location/location/contains /m/018d5b +/m/07_dn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/06s1qy +/m/02lf1j /people/person/place_of_birth /m/0d6lp +/m/0lsw9 /music/artist/contribution./music/recording_contribution/performance_role /m/01v1d8 +/m/01vz80y /film/director/film /m/062zm5h +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/01w806h /people/person/gender /m/05zppz +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01lj_c /award/award_category/winners./award/award_honor/award_winner /m/061dn_ +/m/0d66j2 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/02vnp2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/037hz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/015cbq +/m/02qw_v /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gyy0 /people/person/place_of_birth /m/02_286 +/m/016jhr /music/genre/artists /m/06br6t +/m/06__m6 /film/film/genre /m/0vgkd +/m/012q4n /people/person/profession /m/0q04f +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/03m8lq +/m/0fsw_7 /film/film/country /m/07ssc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01_8w2 +/m/04hvw /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yldt +/m/03_gd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/05bnq3j +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/0345gh /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0n1rj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/047d21r /film/film/executive_produced_by /m/05hj_k +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01gb_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057dxsg /people/deceased_person/place_of_death /m/0284jb +/m/02tz9z /education/educational_institution/school_type /m/01_srz +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0191n +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0c41y70 +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/06wpc +/m/027kp3 /education/educational_institution_campus/educational_institution /m/027kp3 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01txts /music/record_label/artist /m/01nz1q6 +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/01bk1y /education/educational_institution/students_graduates./education/education/student /m/03ysmg +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/0g293 /music/genre/artists /m/028qyn +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/05v38p /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0bs5k8r /film/film/genre /m/03q4nz +/m/03wnh /sports/sports_team/colors /m/083jv +/m/0436f4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j6mff /people/person/place_of_birth /m/0th3k +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/01k6y1 /location/country/official_language /m/04306rv +/m/04f6df0 /film/film/production_companies /m/03jvmp +/m/03jvmp /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02w86hz +/m/0gbtbm /film/film/language /m/02hxcvy +/m/039n1 /influence/influence_node/influenced_by /m/05qmj +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/041rx /people/ethnicity/people /m/03swmf +/m/01279v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jtf1 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/06chvn /film/actor/film./film/performance/film /m/01q7h2 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cwwl +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/015fr +/m/02rg5rm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/03_bcg /people/person/gender /m/05zppz +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/033_1p /people/person/places_lived./people/place_lived/location /m/01smm +/m/05bcl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02ctzb /people/ethnicity/people /m/04t2l2 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xdxy +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02nt75 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_fz3 +/m/0yyn5 /film/film/country /m/09c7w0 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/08cyft /music/genre/artists /m/0ftps +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/027km64 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018009 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09wj5 +/m/02lyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/084m3 +/m/024zq /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0sw62 /people/person/languages /m/02h40lc +/m/04t9c0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09wj5 /people/person/profession /m/02hrh1q +/m/03cvvlg /film/film/story_by /m/0499lc +/m/01fkxr /people/person/spouse_s./people/marriage/location_of_ceremony /m/01n7q +/m/07kb7vh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/065vxq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02l840 /music/artist/origin /m/01_d4 +/m/01wxdn3 /people/person/profession /m/02hrh1q +/m/01dyk8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01kk32 +/m/01pcql /people/person/profession /m/02hrh1q +/m/018ygt /people/person/sibling_s./people/sibling_relationship/sibling /m/018yj6 +/m/0222qb /people/ethnicity/people /m/01rh0w +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gxkm /sports/sports_team/sport /m/02vx4 +/m/03q_g6 /award/award_category/winners./award/award_honor/award_winner /m/0840vq +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/0kvgnq /film/film/genre /m/060__y +/m/07fvf1 /people/person/places_lived./people/place_lived/location /m/0mzvm +/m/05hjnw /film/film/featured_film_locations /m/01r32 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/01_f_5 /people/person/nationality /m/09c7w0 +/m/0b9dmk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02k9k9 +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/08zrbl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c6073 /music/genre/artists /m/03fbc +/m/03c6v3 /people/person/religion /m/0c8wxp +/m/028mpr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bq3x /film/film_subject/films /m/059rc +/m/0cnl80 /film/actor/film./film/performance/film /m/0cp0ph6 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/02bwjv /award/award_winner/awards_won./award/award_honor/award_winner /m/0lk90 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/0myn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2vl +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/03lty /music/genre/artists /m/03sww +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/01xbpn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0266sb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gpkz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0dfjb8 /people/person/languages /m/02h40lc +/m/02h40lc /language/human_language/countries_spoken_in /m/03_xj +/m/0fgg4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02_01w /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01tjt2 +/m/032w8h /people/person/places_lived./people/place_lived/location /m/0xrz2 +/m/030pm0 /people/profession/specialization_of /m/0fj9f +/m/015lhm /people/person/religion /m/01lp8 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/08304 /people/deceased_person/place_of_death /m/04jpl +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c8v0 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/0ds2n /film/film/film_format /m/07fb8_ +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/03bxwtd /award/award_winner/awards_won./award/award_honor/award_winner /m/023p29 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01wvxw1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09zmys +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014kkm +/m/02pk6x /film/actor/film./film/performance/film /m/01qb5d +/m/02bvt /people/person/religion /m/0c8wxp +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/086k8 +/m/088tb /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/0d6_s /film/film/genre /m/01jfsb +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/02h1rt +/m/03d_w3h /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/08vq2y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/01jpyb /education/educational_institution/colors /m/03vtbc +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02qw_v +/m/06hgj /influence/influence_node/influenced_by /m/02wh0 +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rlj20 +/m/0c6qh /film/actor/film./film/performance/film /m/026p4q7 +/m/03hdz8 /education/educational_institution_campus/educational_institution /m/03hdz8 +/m/023rwm /music/record_label/artist /m/01vvybv +/m/0291hr /film/film/written_by /m/01v80y +/m/06ryl /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/036kmk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/034hzj /film/film/genre /m/0lsxr +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/0c0zq /film/film/production_companies /m/01gb54 +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/052_mn +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/064t9 /music/genre/artists /m/03xhj6 +/m/0194xc /people/person/place_of_birth /m/0p9z5 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k70_ +/m/0m_31 /people/person/profession /m/016z4k +/m/01vw26l /film/actor/film./film/performance/film /m/03459x +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/04pxcx /people/person/nationality /m/09c7w0 +/m/017_qw /music/genre/artists /m/0bxtyq +/m/0l339 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx7f +/m/0jzc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01h788 +/m/03npn /media_common/netflix_genre/titles /m/0gy30w +/m/05kr_ /location/location/contains /m/0t6sb +/m/048qrd /film/film/genre /m/01j1n2 +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/01rgr /influence/influence_node/influenced_by /m/0379s +/m/0bmj62v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/0gs973 /film/film/country /m/09c7w0 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/06t8v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/06fxnf /people/person/nationality /m/02jx1 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ngn +/m/01vwyqp /people/person/places_lived./people/place_lived/location /m/07h34 +/m/0c1ps1 /people/person/nationality /m/03rjj +/m/02wmbg /people/person/nationality /m/03rk0 +/m/03xl77 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vsgrn +/m/03z20c /film/film/genre /m/05p553 +/m/0162v /location/country/form_of_government /m/018wl5 +/m/0yc84 /location/location/time_zones /m/02hcv8 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/062cg6 /people/person/nationality /m/0d060g +/m/02fn5 /people/person/profession /m/0n1h +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/01j7rd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t2l2 +/m/02z6l5f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f6df0 +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/02g0rb /people/person/nationality /m/09c7w0 +/m/01vng3b /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0381pn /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kk9v +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cbt3 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02nwxc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vlj1g +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kq98 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0193f /music/genre/artists /m/089pg7 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/04wlz2 /education/educational_institution/colors /m/01g5v +/m/01kk32 /base/aareas/schema/administrative_area/capital /m/08966 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0161sp +/m/0gjcrrw /film/film/country /m/09c7w0 +/m/053ksp /people/person/profession /m/02hrh1q +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/0y_yw /film/film/cinematography /m/0854hr +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/0kjrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02t__3 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/017149 +/m/0253b6 /people/person/places_lived./people/place_lived/location /m/02hrh0_ +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt7ws +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03lrls +/m/014z8v /influence/influence_node/influenced_by /m/01s7qqw +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0sf9_ /location/hud_county_place/county /m/0nv2x +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/018js4 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0454s1 /people/person/profession /m/02jknp +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/07l1c /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02dlfh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/017m2y +/m/02hg53 /people/person/gender /m/05zppz +/m/01p0mx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/037s9x /education/educational_institution/students_graduates./education/education/student /m/01rc4p +/m/03rz2b /film/film/genre /m/01t_vv +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05hz6_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bc74 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0qlnr /education/educational_institution_campus/educational_institution /m/0qlnr +/m/0d6_s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04v89z +/m/09k56b7 /film/film/film_festivals /m/0bmj62v +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvs1kt +/m/0pk1p /film/film/country /m/09c7w0 +/m/01f1jf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/04tqtl +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0psss +/m/0m_mm /film/film/language /m/02h40lc +/m/06by7 /music/genre/artists /m/0qf11 +/m/063g7l /film/actor/film./film/performance/film /m/01718w +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02p5hf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03_r_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c82s /location/administrative_division/country /m/0f8l9c +/m/0crd8q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0683n /people/person/profession /m/05z96 +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/09l3p +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/046zh +/m/0bwhdbl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kr_ +/m/01jnc_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/012dtf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06hgj /people/person/places_lived./people/place_lived/location /m/0l0mk +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/07gdw /base/aareas/schema/administrative_area/administrative_parent /m/06jtd +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/0130sy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xhtw /music/genre/artists /m/01vsy3q +/m/01x6jd /film/actor/film./film/performance/film /m/0dpl44 +/m/0b73_1d /film/film/written_by /m/02kxbx3 +/m/07tj4c /film/film/country /m/07ssc +/m/01l7cxq /people/person/profession /m/01c8w0 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0jdr0 /film/film/genre /m/02xh1 +/m/09px1w /people/person/profession /m/03gjzk +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02sfnv +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/0pv54 /film/film/country /m/09c7w0 +/m/01wbgdv /people/person/profession /m/0n1h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/034_t5 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/06hzsx /people/person/gender /m/05zppz +/m/019g40 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wbsdz +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rz2b +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0k_9j +/m/0dryh9k /people/ethnicity/people /m/09_2gj +/m/04kr63w /people/person/nationality /m/09c7w0 +/m/09889g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bmh4 +/m/01h910 /people/person/profession /m/03gjzk +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06tp4h +/m/01p7s6 /people/ethnicity/people /m/02114t +/m/0n6f8 /film/actor/film./film/performance/film /m/032_wv +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/03rk0 /location/location/contains /m/018k8r +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01tt43d /people/person/profession /m/018gz8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/01k0vq /film/film/genre /m/0bbc17 +/m/012ycy /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0cx7f /music/genre/artists /m/0bk1p +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0d5wn3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/050fh +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/09v478h /award/award_category/winners./award/award_honor/award_winner /m/02lnhv +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/0kx4m +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/03crmd +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/047tsx3 /film/film/genre /m/02l7c8 +/m/07phbc /film/film/language /m/02h40lc +/m/0l8bg /film/film_subject/films /m/04q01mn +/m/04vlh5 /film/director/film /m/01c22t +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0347db +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01tzfz +/m/0150n /location/location/contains /m/0m7yh +/m/0gtvrv3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/0q9t7 /film/actor/film./film/performance/film /m/059rc +/m/036jv /music/genre/artists /m/0126y2 +/m/038bh3 /film/film/featured_film_locations /m/0f2tj +/m/02b17t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/06bnz /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07t_x +/m/018009 /film/actor/film./film/performance/film /m/072x7s +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/02hnl /music/instrument/instrumentalists /m/0kvnn +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vzpb +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/0pqzh /people/person/languages /m/02h40lc +/m/05sns6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/051n13 +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dzf +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0g768 /music/record_label/artist /m/01mxqyk +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031ydm +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/02tk74 +/m/01c333 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03q8ch /people/person/gender /m/05zppz +/m/0c5x_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0hn10 /media_common/netflix_genre/titles /m/02d413 +/m/0p8jf /people/person/profession /m/0dxtg +/m/03xsby /business/business_operation/industry /m/02jjt +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03gr14 +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04j13sx +/m/01vsy3q /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0kv5t /location/us_county/county_seat /m/0q_0z +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01k3qj /people/person/gender /m/02zsn +/m/036hf4 /film/actor/film./film/performance/film /m/03c7twt +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/05byxm /music/record_label/artist /m/01k_mc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05z01 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lvwp +/m/01d0fp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvycq +/m/01cwkq /people/person/languages /m/02h40lc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/0155w /music/genre/artists /m/01wdqrx +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/05fky /location/location/time_zones /m/02hczc +/m/02znwv /people/person/profession /m/02hrh1q +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/09cr8 /film/film/cinematography /m/06t8b +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03s0w /location/location/partially_contains /m/04ykz +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/014q2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rh0w +/m/03fn16 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04f52jw /film/film/genre /m/02kdv5l +/m/0fgpvf /film/film/film_format /m/07fb8_ +/m/016w7b /education/educational_institution_campus/educational_institution /m/016w7b +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/0mb5x /influence/influence_node/influenced_by /m/058vp +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/083q7 /organization/organization_founder/organizations_founded /m/015dvh +/m/01vh096 /people/person/profession /m/0cbd2 +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/08y2fn +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/07vjm /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02q52q /film/film/film_art_direction_by /m/072twv +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0lx2l /influence/influence_node/influenced_by /m/052hl +/m/0bpx1k /film/film/genre /m/0clz1b +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07h07 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wy61y /people/person/profession /m/0dz3r +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0182r9 +/m/04ly1 /location/location/contains /m/01pl14 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/04ltf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/02pqcfz /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/06m_5 /location/country/official_language /m/07c9s +/m/02q7yfq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nlg4 +/m/0f5xn /people/person/profession /m/03gjzk +/m/06bnz /location/location/contains /m/02_gzx +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/040b5k /film/film/genre /m/02l7c8 +/m/015l4k /olympics/olympic_games/sports /m/03tmr +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/09y6pb +/m/06gb1w /film/film/music /m/06fxnf +/m/01rgn3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m68w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046lt +/m/0yls9 /education/educational_institution/students_graduates./education/education/student /m/043s3 +/m/0dbpyd /people/person/profession /m/0dxtg +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vwmy +/m/017vkx /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03v1w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05prs8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0blfl /olympics/olympic_games/participating_countries /m/087vz +/m/07tjf /education/educational_institution/students_graduates./education/education/student /m/0d5_f +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01lv85 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yk13 +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/03l6bs /education/educational_institution/colors /m/01l849 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01g23m /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04jpg2p +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/04k25 /people/person/profession /m/0dxtg +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/04tc1g +/m/03qmj9 /film/actor/film./film/performance/film /m/03bx2lk +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/064t9 /music/genre/artists /m/01mbwlb +/m/02vyw /people/person/profession /m/0dxtg +/m/088vb /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xx9s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f5xn +/m/020vx9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0l76z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01515w /film/actor/film./film/performance/film /m/033qdy +/m/04qz6n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0z2gq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01jx9 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/0c1fs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m40d /music/genre/artists /m/09qr6 +/m/06v_gh /people/person/profession /m/03gjzk +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/01hb6v /people/person/profession /m/0kyk +/m/03t97y /film/film/genre /m/04xvh5 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06brp0 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0dyb1 /film/film/genre /m/03k9fj +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/05bt6j /music/genre/artists /m/089pg7 +/m/026t6 /music/instrument/instrumentalists /m/01nn6c +/m/04zx08r /award/award_category/nominees./award/award_nomination/nominated_for /m/01sby_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07_l6 /music/instrument/instrumentalists /m/01p0vf +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0hkqn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0cg39k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02896 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/01pv91 +/m/05hc96 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03t79f /film/film/executive_produced_by /m/03y2kr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k2h6 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/0m9_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/02wycg2 /film/actor/film./film/performance/film /m/02825nf +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/015x1f /people/person/profession /m/0nbcg +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/01vrt_c /award/award_winner/awards_won./award/award_honor/award_winner /m/018n6m +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/015fr +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0lgxj /olympics/olympic_games/participating_countries /m/03h64 +/m/02lf70 /film/actor/film./film/performance/film /m/0kvgtf +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/023r2x +/m/04165w /film/film/genre /m/017fp +/m/09ld6g /people/person/languages /m/07c9s +/m/0djywgn /influence/influence_node/influenced_by /m/01lc5 +/m/01wx756 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dcsx /people/cause_of_death/people /m/014zn0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/039bp /award/award_winner/awards_won./award/award_honor/award_winner /m/01nxzv +/m/0778p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h502k +/m/01t7jy /business/business_operation/industry /m/020mfr +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/01_xtx /people/person/languages /m/064_8sq +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07f3xb /people/person/languages /m/02h40lc +/m/0436kgz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/015pnb /tv/tv_program/genre /m/01z4y +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vht +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05vtw +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01rr9f +/m/075znj /business/business_operation/industry /m/03qh03g +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3jz +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/044mm6 /people/person/gender /m/05zppz +/m/04nm0n0 /film/film/language /m/02h40lc +/m/04ydr95 /film/film/genre /m/03k9fj +/m/04g5k /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0f4yh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/04ftdq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/01cl2y /music/record_label/artist /m/03f0fnk +/m/0g7nc /people/profession/specialization_of /m/02hrh1q +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bq1j +/m/01pctb /film/actor/film./film/performance/film /m/01shy7 +/m/0gt1k /film/film/costume_design_by /m/09x8ms +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1mt +/m/0gg8l /music/genre/artists /m/013w8y +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grnp +/m/0fy34l /film/film/language /m/02h40lc +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/0lbj1 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/05vk_d /film/actor/film./film/performance/film /m/05sxzwc +/m/01wbg84 /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0pgjm /people/person/gender /m/05zppz +/m/01j_cy /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04jq2 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/01vsyjy /people/person/gender /m/05zppz +/m/0m0jc /music/genre/artists /m/03xhj6 +/m/060ppp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3p7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jqkh /film/film/genre /m/05p553 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0794g /people/person/profession /m/02hrh1q +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0136g9 /people/person/profession /m/01d_h8 +/m/024rwx /tv/tv_program/program_creator /m/05vtbl +/m/0kq2g /location/location/time_zones /m/02lcqs +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/013cr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02kz_ /influence/influence_node/influenced_by /m/032l1 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_hb +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/03lh3v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bwjj +/m/02yy88 /music/genre/parent_genre /m/015pdg +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/02q8ms8 /film/film/genre /m/07s9rl0 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/059g4 /base/locations/continents/countries_within /m/0d04z6 +/m/0c1pj /people/person/nationality /m/09c7w0 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01rlz4 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0dl5d /music/genre/artists /m/0fb2l +/m/01336l /people/ethnicity/geographic_distribution /m/09c7w0 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/011lpr +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06thjt /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0g10g /people/person/languages /m/02h40lc +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02g9z1 /people/person/religion /m/06pq6 +/m/02jm0n /people/person/profession /m/018gz8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04vvh9 +/m/02k_kn /music/genre/artists /m/033s6 +/m/01z0rcq /people/person/gender /m/02zsn +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0dbb3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jn4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048lv /film/actor/film./film/performance/film /m/0cc7hmk +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/02x0dzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057_yx /people/person/place_of_birth /m/01_d4 +/m/02vyw /influence/influence_node/influenced_by /m/01cspq +/m/03ckvj9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0mmd6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0m76b /people/person/profession /m/02hrh1q +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170yd +/m/08wjf4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x0dzw +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/03rl84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qfhb +/m/033tf_ /people/ethnicity/people /m/0f502 +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vnbh +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0603qp /people/person/profession /m/03gjzk +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/05q96q6 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/03rt9 /location/location/contains /m/0m_cg +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/013tjc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09k56b7 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/02c_wc /people/person/nationality /m/03rk0 +/m/0gywn /music/genre/artists /m/01jgkj2 +/m/07cjqy /film/actor/film./film/performance/film /m/03bzjpm +/m/015dqj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011k11 /music/record_label/artist /m/0277c3 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/087r4 +/m/03yk8z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026ck /people/person/profession /m/02hv44_ +/m/0lwyk /organization/organization/headquarters./location/mailing_address/state_province_region /m/03s5t +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/03krj +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sj1x +/m/05kj_ /location/location/contains /m/0zdfp +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/015njf /film/director/film /m/04jpk2 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0487c3 /people/person/gender /m/05zppz +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lc5 +/m/0ywqc /film/actor/film./film/performance/film /m/02qhqz4 +/m/03bnv /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03ryks /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0__wm /location/location/time_zones /m/02fqwt +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/02g1jh /dataworld/gardening_hint/split_to /m/01vsy7t +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtsb +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/014knw /film/film/language /m/04306rv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04h5tx +/m/0l6px /film/actor/film./film/performance/film /m/031786 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7s +/m/026wlxw /film/film/genre /m/05p553 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/01pk8v /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/011yl_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018ctl /olympics/olympic_games/participating_countries /m/0345h +/m/0l3cy /location/location/time_zones /m/052vwh +/m/03l3jy /film/actor/film./film/performance/film /m/0gtsx8c +/m/0544vh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0143wl +/m/03prz_ /film/film/country /m/07ssc +/m/068p2 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0d060g /location/location/contains /m/0h7h6 +/m/09451k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09p5mwg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h8sf /education/educational_institution_campus/educational_institution /m/01h8sf +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/07s93v +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0rd5k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08wq0g +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/03zg2x /film/actor/film./film/performance/film /m/0c57yj +/m/01qbg5 /film/film/country /m/09c7w0 +/m/0jrxx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgk3 +/m/0lx2l /film/actor/film./film/performance/film /m/03lrht +/m/025t9b /people/person/nationality /m/02jx1 +/m/089kpp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cv1 +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0f42nz /film/film/genre /m/01chg +/m/01xllf /film/actor/film./film/performance/film /m/0cwfgz +/m/0m0jc /music/genre/artists /m/048xh +/m/0342h /music/instrument/instrumentalists /m/01mvjl0 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/01vvyd8 /people/person/profession /m/03gjzk +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/087vz +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gppg /people/deceased_person/place_of_death /m/08314 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/01r3w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0159h6 /people/person/profession /m/0kyk +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02phtzk +/m/08gg47 /film/film/genre /m/03bxz7 +/m/0b44shh /film/film/language /m/02h40lc +/m/0fqz6 /people/ethnicity/people /m/02k4b2 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0498y /location/location/contains /m/0tct_ +/m/03rhqg /music/record_label/artist /m/01wx756 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/05jm7 /influence/influence_node/influenced_by /m/037jz +/m/064t9 /music/genre/artists /m/07ss8_ +/m/0342h /music/instrument/instrumentalists /m/01lz4tf +/m/04328m /people/person/places_lived./people/place_lived/location /m/0f1_p +/m/02wwr5n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011v3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04f525m /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/047fjjr /film/film/genre /m/02n4kr +/m/0hfml /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/02lnbg /music/genre/artists /m/06tp4h +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0295sy /film/film/country /m/09c7w0 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0jbp0 /people/person/profession /m/0np9r +/m/013b2h /time/event/instance_of_recurring_event /m/0c4ys +/m/023zd7 /sports/sports_team/colors /m/01g5v +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07xvf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gbtbm +/m/057__d /film/film/genre /m/01hmnh +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/03ntbmw /film/film/country /m/09c7w0 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/01z4y /media_common/netflix_genre/titles /m/06_wqk4 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0n08r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l5rm +/m/01vw20_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05btx9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/0dl5d /music/genre/artists /m/0pqp3 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/01dbgw /film/actor/film./film/performance/film /m/01svry +/m/04jpg2p /film/film/produced_by /m/03v1w7 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0885n /education/educational_institution/school_type /m/05jxkf +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/0bl8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jsqk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/051x52f +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06jcc /people/person/religion /m/07w8f +/m/0m2l9 /influence/influence_node/influenced_by /m/02jq1 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/0fvf9q /people/person/employment_history./business/employment_tenure/company /m/016tt2 +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/015_1q /music/record_label/artist /m/018pj3 +/m/09gkx35 /film/film/film_festivals /m/0g57ws5 +/m/01x5fb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03_wj_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044mjy +/m/01f8f7 /film/film/costume_design_by /m/03cp7b3 +/m/064177 /people/person/place_of_birth /m/0d6lp +/m/071ywj /people/person/place_of_birth /m/01b8w_ +/m/03n_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/05vk_d +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/050fh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hc9_ /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/0fqyc /location/location/contains /m/0k3p +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/039cq4 /tv/tv_program/genre /m/05p553 +/m/07s9rl0 /media_common/netflix_genre/titles /m/08y2fn +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0fsv2 /location/hud_county_place/place /m/0fsv2 +/m/0fb7c /people/person/places_lived./people/place_lived/location /m/0nlh7 +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/09fp45 /people/person/place_of_birth /m/0h7h6 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/0k54q /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qjpv5 +/m/03mqtr /media_common/netflix_genre/titles /m/019vhk +/m/03np3w /people/person/profession /m/02hrh1q +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/08815 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07r1h /film/actor/film./film/performance/film /m/0f40w +/m/0kb3n /people/person/gender /m/05zppz +/m/01cv3n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/0dzf_ /film/actor/film./film/performance/film /m/0prh7 +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/077qn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/0cv3w /base/biblioness/bibs_location/country /m/09c7w0 +/m/03wy8t /film/film/produced_by /m/0grrq8 +/m/09f2j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/09146g +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/07lt7b /film/actor/film./film/performance/film /m/0j3d9tn +/m/0bt7w /music/genre/artists /m/063t3j +/m/01vs_v8 /people/person/profession /m/0nbcg +/m/04t6fk /film/film/language /m/02h40lc +/m/03k8th /film/film/genre /m/01jfsb +/m/0fq9zcx /award/award_category/disciplines_or_subjects /m/0w7c +/m/02dtg /location/hud_county_place/place /m/02dtg +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01x66d /people/person/nationality /m/035qy +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jv5x +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/091tgz /sports/sports_team/sport /m/039yzs +/m/07ssc /media_common/netflix_genre/titles /m/08cx5g +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06by7 /music/genre/artists /m/03j24kf +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/076tq0z /film/film/genre /m/02l7c8 +/m/04t36 /media_common/netflix_genre/titles /m/017kz7 +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/08qxx9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/083wr9 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03l2n /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0b1t1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06pcz0 /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04b2qn +/m/033x5p /education/educational_institution/campuses /m/033x5p +/m/0ddkf /award/award_winner/awards_won./award/award_honor/award_winner /m/0jbyg +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/015wc0 +/m/043n0v_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033071 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01t2h2 /film/actor/film./film/performance/film /m/0gl02yg +/m/01w7nww /people/person/place_of_birth /m/0f2rq +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01z8f0 /base/biblioness/bibs_location/country /m/07ssc +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/01jrp0 /people/person/nationality /m/09c7w0 +/m/06bc59 /film/film/country /m/01mjq +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/06rqw /music/genre/artists /m/02ht0ln +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01fq7 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0263cyj /sports/sports_team/colors /m/06fvc +/m/0hwbd /people/person/religion /m/0c8wxp +/m/04xrx /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06f32 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02qhlwd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/01skcy /business/business_operation/industry /m/020mfr +/m/09c7w0 /location/location/contains /m/01n951 +/m/01p726 /location/location/contains /m/01k2wn +/m/02y0js /medicine/disease/risk_factors /m/0k95h +/m/0b66qd /people/person/profession /m/01d_h8 +/m/0181dw /music/record_label/artist /m/01nkxvx +/m/04p3w /people/cause_of_death/people /m/0btj0 +/m/04j_gs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/026fd /film/director/film /m/0gtvrv3 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/01z4y /music/genre/artists /m/01wj9y9 +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06bnz +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0k8z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/06rgq /people/person/profession /m/016z4k +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421v9q +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02dtg +/m/01f_3w /music/record_label/artist /m/02ktrs +/m/04344j /education/educational_institution/school_type /m/01rs41 +/m/0l_q9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ds83 /film/actor/film./film/performance/film /m/02bg55 +/m/027dpx /people/person/profession /m/09lbv +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/062zm5h +/m/046_v /people/person/place_of_birth /m/02_286 +/m/0mgkg /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xq8v +/m/014ps4 /influence/influence_node/influenced_by /m/06kb_ +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07c52 /media_common/netflix_genre/titles /m/030k94 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05ml_s +/m/026t6 /music/instrument/instrumentalists /m/02jxkw +/m/0jnpv /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/01q2nx /film/film/executive_produced_by /m/06pj8 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/0h2zvzr /film/film/executive_produced_by /m/04cbtrw +/m/049msk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0pcc0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/04cr6qv /music/group_member/membership./music/group_membership/group /m/0cbm64 +/m/034zc0 /film/actor/film./film/performance/film /m/016z9n +/m/0gs5q /people/person/places_lived./people/place_lived/location /m/07z1m +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/083chw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/078sj4 +/m/09n48 /olympics/olympic_games/participating_countries /m/0b90_r +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/03d9d6 /music/artist/origin /m/0cv3w +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/05myd2 /people/person/profession /m/0np9r +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02h40lc /language/human_language/countries_spoken_in /m/0604m +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pqy_ +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02zbjhq /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f5sr9 +/m/0dwl2 /business/business_operation/industry /m/01mf0 +/m/059t8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059s8 +/m/07zft /people/person/gender /m/05zppz +/m/0ktpx /film/film/genre /m/09blyk +/m/02dztn /film/actor/film./film/performance/film /m/01hr1 +/m/0c2ry /people/person/spouse_s./people/marriage/spouse /m/012dr7 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07sc6nw /film/film/genre /m/01hmnh +/m/0k_9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/024qqx /media_common/netflix_genre/titles /m/0jsf6 +/m/0l6qt /people/person/nationality /m/02jx1 +/m/0djkrp /film/film/music /m/03975z +/m/01wyz92 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vz0g4 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/09y6pb /film/film/genre /m/01t_vv +/m/08815 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07bbw /music/genre/artists /m/0889x +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06mz5 +/m/051ys82 /film/film/genre /m/01jfsb +/m/0f2v0 /sports/sports_team_location/teams /m/0jm2v +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01z7dr /music/genre/artists /m/0150t6 +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0nk72 /people/person/place_of_birth /m/03pbf +/m/02cnqk /base/culturalevent/event/entity_involved /m/09c7w0 +/m/02bpy_ /education/educational_institution/students_graduates./education/education/student /m/06_6j3 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/022411 /people/person/gender /m/02zsn +/m/01vng3b /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gd9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gd92 +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lsl +/m/0bv7t /influence/influence_node/influenced_by /m/0m77m +/m/0h7dd /people/person/places_lived./people/place_lived/location /m/013gxt +/m/02p2zq /award/award_winner/awards_won./award/award_honor/award_winner /m/014kyy +/m/041mt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06qv_ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06qgjh /film/actor/film./film/performance/film /m/0fgrm +/m/016ggh /film/actor/film./film/performance/film /m/04sskp +/m/01p4vl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/023v4_ +/m/01wy61y /people/person/gender /m/02zsn +/m/04z257 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/05zvzf3 /film/film/language /m/064_8sq +/m/02lz1s /people/person/profession /m/05vyk +/m/05kwx2 /film/actor/film./film/performance/film /m/0f40w +/m/09gq0x5 /film/film/music /m/0csdzz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jymd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6jr +/m/032sl_ /film/film/produced_by /m/01t6b4 +/m/03vyw8 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/02rqwhl /film/film/genre /m/05p553 +/m/0g768 /music/record_label/artist /m/0gy6z9 +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/036b_ +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/01ft2l +/m/01p45_v /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b2ds +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/02bqxb /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/0pz91 /film/actor/film./film/performance/film /m/02hxhz +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0gcs9 /influence/influence_node/influenced_by /m/0gt_k +/m/0cmt6q /people/person/gender /m/05zppz +/m/03sxd2 /film/film/produced_by /m/02lfcm +/m/01gwk3 /film/film/music /m/0b6yp2 +/m/0knjh /people/person/religion /m/03_gx +/m/01kkjq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01xcr4 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/04k3r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0b1q7c /people/person/nationality /m/02jx1 +/m/06gmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/09yhzs /film/actor/film./film/performance/film /m/0ds3t5x +/m/0gywn /music/genre/artists /m/0163kf +/m/0gk4g /people/cause_of_death/people /m/05hjmd +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mhxx +/m/0dx_q /people/person/gender /m/02zsn +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/059kh /music/genre/artists /m/01wf86y +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/0btbyn /film/film/featured_film_locations /m/0qr8z +/m/02lf0c /people/person/nationality /m/06npd +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0ymgk /education/educational_institution/students_graduates./education/education/student /m/023jq1 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/088vmr /music/genre/parent_genre /m/01_qp_ +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/06tpmy /film/film/country /m/0345h +/m/06hgj /influence/influence_node/influenced_by /m/0c1jh +/m/0dx8gj /film/film/language /m/012w70 +/m/0nj07 /location/location/contains /m/02dtg +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/016bx2 /people/person/spouse_s./people/marriage/spouse /m/08h79x +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02lk1s /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/04ymln /music/genre/parent_genre /m/02z7f3 +/m/01lyv /music/genre/artists /m/01dpsv +/m/0337vz /film/actor/film./film/performance/film /m/03xf_m +/m/016z1c /people/deceased_person/place_of_burial /m/018mmj +/m/07wkd /organization/organization/headquarters./location/mailing_address/citytown /m/074r0 +/m/013f9v /location/location/time_zones /m/02fqwt +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/01xwqn /people/person/places_lived./people/place_lived/location /m/03pcgf +/m/01s21dg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/015dqj /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/0czp_ +/m/04v09 /location/country/form_of_government /m/01fpfn +/m/02bvc5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05q9g1 /people/person/profession /m/0dxtg +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01n4f8 /people/person/profession /m/0kyk +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01q415 /people/person/profession /m/0cbd2 +/m/07h1q /influence/influence_node/influenced_by /m/07dnx +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047svrl +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/02cbhg /film/film/featured_film_locations /m/0gkgp +/m/0cpz4k /tv/tv_program/program_creator /m/01pfkw +/m/017gm7 /film/film/language /m/02h40lc +/m/0cqr0q /film/film/featured_film_locations /m/02_286 +/m/01hvjx /film/film/genre /m/05mrx8 +/m/098n5 /people/person/profession /m/03gjzk +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0l786 +/m/0209hj /film/film/genre /m/03bxz7 +/m/03rhqg /music/record_label/artist /m/09hnb +/m/01lyv /music/genre/artists /m/01t110 +/m/06q07 /music/record_label/artist /m/0135xb +/m/015882 /people/person/profession /m/0nbcg +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046f3p +/m/025st2z /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05w3y /organization/organization/headquarters./location/mailing_address/citytown /m/0k3p +/m/01yg9y /people/person/profession /m/03gjzk +/m/04w58 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04hzj /location/country/form_of_government /m/06cx9 +/m/05krk /education/educational_institution/students_graduates./education/education/student /m/04r68 +/m/01s7qqw /people/person/gender /m/05zppz +/m/02q3bb /people/person/profession /m/02hrh1q +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/0165v /location/location/partially_contains /m/0p2n +/m/055t01 /people/person/nationality /m/0chghy +/m/02g87m /film/actor/film./film/performance/film /m/0gtsx8c +/m/0n1s0 /film/film/genre /m/05p553 +/m/0315q3 /film/actor/film./film/performance/film /m/01shy7 +/m/032_jg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03v3xp +/m/0lbd9 /olympics/olympic_games/sports /m/07jjt +/m/08304 /people/person/nationality /m/07ssc +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j4sk +/m/091yn0 /people/person/profession /m/02hrh1q +/m/07hwkr /people/ethnicity/languages_spoken /m/02ztjwg +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0fx0mw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/024l2y /film/film/featured_film_locations /m/02_286 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/05dtsb /people/person/place_of_birth /m/0cr3d +/m/0wq3z /location/location/time_zones /m/02fqwt +/m/014z8v /influence/influence_node/influenced_by /m/04sd0 +/m/05b4rcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kxj2 +/m/0gkydb /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/0y_hb /film/film/country /m/09c7w0 +/m/01r7t9 /people/person/profession /m/02hrh1q +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127s7 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/02_fm2 +/m/02xbw2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04knkd +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03nymk /tv/tv_program/genre /m/01z4y +/m/0knjh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09txzv +/m/0cj2nl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/01j7z7 /people/person/places_lived./people/place_lived/location /m/094jv +/m/08k40m /film/film/genre /m/0lsxr +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02b19f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02xyl /people/person/places_lived./people/place_lived/location /m/081yw +/m/0413cff /film/film/featured_film_locations /m/01yj2 +/m/09xx0m /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/07nf6 /location/location/contains /m/02lbc +/m/01cspq /people/person/gender /m/05zppz +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0zjpz /people/person/profession /m/04f2zj +/m/05h43ls /film/film/production_companies /m/086k8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05hywl +/m/03gfvsz /broadcast/content/artist /m/0lbj1 +/m/07vfj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tv3x2 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/04wgh /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01pgk0 /people/person/profession /m/02hrh1q +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/059kh /music/genre/artists /m/024qwq +/m/017l96 /music/record_label/artist /m/036px +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0j0pf /influence/influence_node/influenced_by /m/0mfc0 +/m/09qvc0 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/016ywr +/m/01l2fn /film/actor/film./film/performance/film /m/03y0pn +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/04tc1g /film/film/country /m/09c7w0 +/m/03xf_m /film/film/genre /m/07s9rl0 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02psqkz /location/country/capital /m/031y2 +/m/01cssf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/018pj3 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0d7wh /people/ethnicity/people /m/03975z +/m/05r4w /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02my3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0127xk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/060v34 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01z452 +/m/030nwm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023fb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vh18t +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0r5y9 /base/biblioness/bibs_location/state /m/01n7q +/m/0_7w6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fgpf +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/09gq0x5 /film/film/production_companies /m/061dn_ +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/09x3r /olympics/olympic_games/participating_countries /m/05v8c +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03knl +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/03k545 /film/actor/film./film/performance/film /m/0407yj_ +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03z106 +/m/05w1vf /people/person/nationality /m/09c7w0 +/m/07rzf /film/actor/film./film/performance/film /m/03wh49y +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0chsq +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/067sqt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l15n /people/person/profession /m/0dgd_ +/m/05dss7 /film/film/genre /m/05p553 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/06zmg7m /people/person/gender /m/05zppz +/m/026b33f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0436f4 +/m/0yl_3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/014v6f /film/actor/film./film/performance/film /m/0cz_ym +/m/05v10 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bd5j +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s6l2 +/m/02wvfxz /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/016kkx +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07g2b /influence/influence_node/peers./influence/peer_relationship/peers /m/034bs +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/01kph_c +/m/0n85g /music/record_label/artist /m/01vsy7t +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/03772 /people/person/nationality /m/09c7w0 +/m/031786 /film/film/production_companies /m/086k8 +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016z2j /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/017lb_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01sxd1 /people/person/profession /m/0nbcg +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/0c_gcr /film/actor/film./film/performance/film /m/02d478 +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0l3h /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06lk0_ /people/person/gender /m/05zppz +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03x726 /sports/sports_team/sport /m/02vx4 +/m/02km0m /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y0js /people/cause_of_death/people /m/03_f0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/02pqcfz +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/035bcl /film/film/music /m/01x6v6 +/m/03kbb8 /film/actor/film./film/performance/film /m/02q87z6 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/01vnt4 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0127s7 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/0d060g /location/location/contains /m/0j8p6 +/m/034g2b /film/actor/film./film/performance/film /m/02j69w +/m/0_vw8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0xnvg /people/ethnicity/people /m/0bj9k +/m/015p37 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/02tktw /film/film/language /m/02h40lc +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0dckvs /film/film/genre /m/07s9rl0 +/m/0137n0 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08phg9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/08g_jw +/m/01r5xw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03zj_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/053x8hr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02j8nx +/m/0mnzd /location/hud_county_place/county /m/0mnz0 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/048ldh +/m/01lz4tf /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/0vm39 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nj7b +/m/038rzr /people/person/nationality /m/06q1r +/m/0121rx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02_h0 /film/film_subject/films /m/08xvpn +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pt6k_ +/m/04gcd1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qm_f +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/01ww_vs /people/person/religion /m/0kpl +/m/040p_q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01yfp7 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/041_y /people/person/places_lived./people/place_lived/location /m/059f4 +/m/05jzt3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0177s6 /people/person/profession /m/02jknp +/m/01qklj /people/person/nationality /m/09c7w0 +/m/05r5c /music/instrument/instrumentalists /m/0ckcvk +/m/07dvs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/0btbyn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jfsb /media_common/netflix_genre/titles /m/0gy0n +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0288crq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/instrument/instrumentalists /m/07g2v +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01sp81 /people/person/profession /m/02hrh1q +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0d1mp3 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0kcd5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03g90h +/m/0hvvf /film/film/produced_by /m/0gyx4 +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02779r4 +/m/01l9vr /base/biblioness/bibs_location/country /m/09c7w0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/04mhxx /people/person/place_of_birth /m/030qb3t +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/0140t7 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/01wxyx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01jzxy +/m/0gl02yg /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/09c7w0 /location/country/second_level_divisions /m/0jgld +/m/040_9 /people/person/profession /m/0kyk +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/013nv_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mkp7 +/m/02pw_n /film/film/language /m/02h40lc +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01phtd +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0nk3g /music/genre/artists /m/0407f +/m/07c5l /location/location/contains /m/05v10 +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b2lv +/m/047d21r /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0bqs56 /people/person/profession /m/03gjzk +/m/0cbn7c /film/film/genre /m/0lsxr +/m/01tv3x2 /people/person/profession /m/0nbcg +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016l09 +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pcz9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09c04n +/m/06dv3 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05dbf +/m/0blpnz /people/person/gender /m/05zppz +/m/0k1bs /people/person/places_lived./people/place_lived/location /m/0r1jr +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/01qq_lp /film/actor/film./film/performance/film /m/0147sh +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/027qgy +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0cwtm +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0557q /music/genre/artists /m/0f8pz +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/023zsh +/m/04991x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/05j49 +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/025sc50 /music/genre/artists /m/01wk7ql +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04mby /people/person/nationality /m/0345h +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/0ywqc +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/02lxrv /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/048yqf /film/film/country /m/0d060g +/m/03ft8 /people/person/employment_history./business/employment_tenure/company /m/0ky6d +/m/03lrht /film/film/genre /m/07s9rl0 +/m/017149 /film/actor/film./film/performance/film /m/05rfst +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/011ysn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0487_ /sports/sports_team/colors /m/01l849 +/m/01qdmh /film/film/genre /m/02kdv5l +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0127xk /people/person/profession /m/03gjzk +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/016r9z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0fsb_6 /sports/sports_team/colors /m/01g5v +/m/019dwp /education/educational_institution/colors /m/01g5v +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0l5yl +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/01s0_f /education/educational_institution/colors /m/01l849 +/m/0d3f83 /people/person/gender /m/05zppz +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0b_fw /people/person/profession /m/0cbd2 +/m/01pcdn /people/person/nationality /m/09c7w0 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zm00 +/m/0m7yh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0cwx_ /education/educational_institution_campus/educational_institution /m/0cwx_ +/m/09jd9 /people/person/place_of_birth /m/04jpl +/m/0hv7l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ds6bmk /film/film/language /m/02h40lc +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/070bjw /people/deceased_person/place_of_death /m/015zxh +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06l22 +/m/07fb6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0638kv /people/person/nationality /m/09c7w0 +/m/02v60l /people/person/place_of_birth /m/0mmzt +/m/05925 /business/business_operation/industry /m/01mw1 +/m/03jm6c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zfs +/m/0233bn /film/film/genre /m/0lsxr +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/04cmrt /people/person/gender /m/02zsn +/m/0ddt_ /film/film/executive_produced_by /m/0343h +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046lt +/m/059y0 /people/person/profession /m/05snw +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0322yj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0345gh /education/educational_institution_campus/educational_institution /m/0345gh +/m/02vp1f_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/01z4y /media_common/netflix_genre/titles /m/074w86 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/019fh /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01jw4r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04jzj /people/person/nationality /m/01k6y1 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02t_y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01v3ht /education/educational_institution/colors /m/01g5v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/03xpsrx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01kgv4 /film/actor/film./film/performance/film /m/04tqtl +/m/0kc6 /influence/influence_node/influenced_by /m/0bqch +/m/0p__8 /people/person/nationality /m/07ssc +/m/06by7 /music/genre/artists /m/01vrx3g +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/0372p /people/person/profession /m/05snw +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/0cj2w /people/person/profession /m/0dxtg +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d6484 +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07myb2 +/m/03z8bw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05xq9 /influence/influence_node/influenced_by /m/07c0j +/m/01nrq5 /people/person/place_of_birth /m/010y34 +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/0fb7c /film/actor/film./film/performance/film /m/02k1pr +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01fh9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/0cy8v /location/hud_county_place/county /m/0cv1w +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06bnz +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01kkg5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05cj4r /film/actor/film./film/performance/film /m/095zlp +/m/0686zv /film/actor/film./film/performance/film /m/0ddcbd5 +/m/01qdhx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0_92w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z0rcq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/048xyn /film/film/written_by /m/0b478 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/0dl9_4 /film/film/film_festivals /m/0g57ws5 +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/03jvmp +/m/035kl6 /people/person/profession /m/02hrh1q +/m/05tbn /location/location/contains /m/0cwx_ +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04b4yg +/m/096gm /base/biblioness/bibs_location/country /m/06c1y +/m/06c1y /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03kxj2 /film/film/genre /m/01hmnh +/m/09qxq7 /music/genre/artists /m/0259r0 +/m/0mymy /location/location/time_zones /m/02hcv8 +/m/011k1h /music/record_label/artist /m/01323p +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/03dkx /sports/sports_team/colors /m/083jv +/m/01d494 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/01_4z /people/person/nationality /m/06f32 +/m/01bmlb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01j_jh +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/0psxp /base/biblioness/bibs_location/state /m/03v0t +/m/0xsk8 /music/group_member/membership./music/group_membership/role /m/018vs +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/0jsqk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0hv27 /film/film/language /m/071fb +/m/0jhd /location/country/form_of_government /m/01fpfn +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/017m2y /people/person/profession /m/01d_h8 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/046br4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01nczg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dq9p /people/cause_of_death/people /m/022q4j +/m/05h43ls /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02m7r /people/person/profession /m/06q2q +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/0dpqk /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/094jv /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/047p798 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lcx /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5pv3 +/m/04gycf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cp08zg /film/film/production_companies /m/0381pn +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/015fsv +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064lsn +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0pz04 /film/actor/film./film/performance/film /m/03z20c +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/01cvtf /tv/tv_program/genre /m/07s9rl0 +/m/017c87 /people/person/places_lived./people/place_lived/location /m/059rby +/m/01x4sb /people/person/gender /m/02zsn +/m/088vb /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06fjm3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03d17dg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fyss +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/01j2xj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvld +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/08nz99 /people/person/gender /m/05zppz +/m/016ks_ /film/actor/film./film/performance/film /m/016017 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/01wx756 /people/person/profession /m/039v1 +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/018swb /film/actor/film./film/performance/film /m/027m5wv +/m/01kvqc /people/person/sibling_s./people/sibling_relationship/sibling /m/01m3x5p +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/02_gzx /organization/organization/headquarters./location/mailing_address/citytown /m/06pr6 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0byq0v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01lxw6 /base/biblioness/bibs_location/country /m/09c7w0 +/m/06v_gh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/02_p8v /film/actor/film./film/performance/film /m/0fg04 +/m/03s0w /location/location/contains /m/0t015 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j3d4 +/m/075wx7_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0cn68 /people/ethnicity/people /m/01_rh4 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/0jnm2 /sports/sports_team/sport /m/03tmr +/m/0gx1l /location/location/contains /m/01bzw5 +/m/0cdf37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053j4w4 +/m/01xsbh /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/017180 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01svw8n +/m/06zn2v2 /film/film/produced_by /m/02779r4 +/m/0l99s /people/person/place_of_birth /m/02_286 +/m/03hfmm /film/film/produced_by /m/04t38b +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06b_j +/m/03jldb /film/actor/film./film/performance/film /m/0gfzfj +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/016zdd /people/person/profession /m/02hrh1q +/m/02knxx /people/cause_of_death/people /m/01p4r3 +/m/0jpkw /education/educational_institution/colors /m/083jv +/m/0gk4g /people/cause_of_death/people /m/0239zv +/m/016r9z /olympics/olympic_games/sports /m/06br8 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yhm +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/05mxw33 +/m/01s753 /education/educational_institution/students_graduates./education/education/student /m/0h0yt +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/0mfc0 +/m/0y3_8 /music/genre/artists /m/016vn3 +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/05z43v /tv/tv_program/country_of_origin /m/07ssc +/m/05ljv7 /music/instrument/instrumentalists /m/0bg539 +/m/06rv5t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/041mt /influence/influence_node/influenced_by /m/02zjd +/m/059g4 /base/locations/continents/countries_within /m/05qx1 +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/077w0b /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/02s62q /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0536sd /base/aareas/schema/administrative_area/administrative_parent /m/06w92 +/m/03ym1 /film/actor/film./film/performance/film /m/017gl1 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/079kr /music/artist/origin /m/04jpl +/m/024bqj /location/location/contains /m/0211jt +/m/041rx /people/ethnicity/people /m/029m83 +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/014nq4 /film/film/country /m/09c7w0 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048qrd +/m/0dp7wt /film/film/genre /m/03npn +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/02y0js /people/cause_of_death/people /m/0h326 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/08nvyr /film/film/language /m/02h40lc +/m/02q636 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01twmp /people/person/gender /m/05zppz +/m/03_2y /award/award_winner/awards_won./award/award_honor/award_winner /m/0pksh +/m/07yjb /media_common/netflix_genre/titles /m/02nx2k +/m/01771z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0prjs +/m/01pk8v /film/actor/film./film/performance/film /m/0pc62 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026spg +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/01jmv8 +/m/01hbfz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03v1s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01_d4 +/m/0g_zyp /film/film/story_by /m/0l6wj +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/04rcr +/m/0392kz /people/person/profession /m/0np9r +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/038b_x /people/person/nationality /m/03rk0 +/m/0j6cj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvf3b +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/09qljs /film/film/language /m/02h40lc +/m/01q7cb_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0168dy +/m/016jny /music/genre/artists /m/0137g1 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gpx6 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/01kstn9 /people/person/profession /m/0nbcg +/m/07y_7 /music/instrument/instrumentalists /m/01tp5bj +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/09c7w0 /location/location/contains /m/01s0_f +/m/06tgw /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/06by7 /music/genre/artists /m/0kxbc +/m/02yv6b /music/genre/artists /m/09prnq +/m/0gl88b /award/award_winner/awards_won./award/award_honor/award_winner /m/05x2t7 +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/02j490 /film/actor/film./film/performance/film /m/0n_hp +/m/0b1s_q /people/person/places_lived./people/place_lived/location /m/0dclg +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/016622 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cycq +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/016clz /music/genre/artists /m/018ndc +/m/02qfk4j /people/person/gender /m/05zppz +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/04x8cp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03h_0_z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018n6m +/m/08wjf4 /people/person/places_lived./people/place_lived/location /m/0498y +/m/0m_31 /people/person/gender /m/05zppz +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/01cvtf /tv/tv_program/genre /m/02fgmn +/m/025l5 /people/person/nationality /m/09c7w0 +/m/02b171 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/02ryyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08vd2q /film/film/genre /m/02l7c8 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/06by7 /music/genre/artists /m/01vxqyl +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r1ysd +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/02vmzp +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/040b5k /film/film/genre /m/03q4nz +/m/03y8cbv /award/award_category/winners./award/award_honor/award_winner /m/054bt3 +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03pm9 /people/person/places_lived./people/place_lived/location /m/09b9m +/m/0myn8 /location/location/contains /m/0z2gq +/m/01b3bp /people/person/gender /m/05zppz +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06s6hs +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/0kn4c /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/0b82vw /people/person/gender /m/05zppz +/m/01tqfs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/080dyk /people/person/places_lived./people/place_lived/location /m/01l63 +/m/01swxv /education/educational_institution/students_graduates./education/education/student /m/012gx2 +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07j8kh +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07bxhl +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0mndw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ckcvk /people/person/nationality /m/09c7w0 +/m/06rq2l /film/actor/film./film/performance/film /m/02d003 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05b2f_k +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0py9b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06nm1 /language/human_language/countries_spoken_in /m/07twz +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/03mgx6z /film/film/genre /m/02kdv5l +/m/0ddjy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03j0br4 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03m5k /music/instrument/instrumentalists /m/016ntp +/m/04nm0n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015vq_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03w9sgh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cs134 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y0pn +/m/01c9d /film/film/country /m/07ssc +/m/0m93 /user/alexander/philosophy/philosopher/interests /m/05qjt +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/02g8h /film/actor/film./film/performance/film /m/043mk4y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fjzt +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/01l2b3 /film/film/language /m/04306rv +/m/0j46b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yz +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/089pg7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/02_l96 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033rq +/m/01rnpy /people/person/gender /m/02zsn +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04jkpgv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zx08r /award/award_category/winners./award/award_honor/award_winner /m/02bxjp +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/01kgv4 /people/person/profession /m/02hrh1q +/m/0479b /people/person/profession /m/02hrh1q +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/0gg8l /music/genre/artists /m/0249kn +/m/026fs38 /film/film/genre /m/017fp +/m/01jrz5j /people/person/profession /m/025352 +/m/0mlyj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmpz +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/0jmfb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/018qb4 /olympics/olympic_games/sports /m/01cgz +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/042g97 /film/film/country /m/07ssc +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/08k40m /film/film/genre /m/0556j8 +/m/0lk90 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/0f830f /film/actor/film./film/performance/film /m/062zm5h +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/05css_ /film/film/genre /m/01g6gs +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02w7gg /people/ethnicity/people /m/0dpqk +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02b6n9 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/027b43 /education/educational_institution/campuses /m/027b43 +/m/01xndd /people/person/profession /m/02krf9 +/m/048cl /people/person/profession /m/0fj9f +/m/01wg6y /people/person/place_of_birth /m/0r1jr +/m/046br4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/07z6xs /film/film/genre /m/01jfsb +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0k3l5 /location/location/contains /m/01l9vr +/m/026n998 /people/person/nationality /m/09c7w0 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/03rt9 +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01my4f +/m/031k24 /film/actor/film./film/performance/film /m/0b76kw1 +/m/0418wg /film/film/produced_by /m/06chvn +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/013cr /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/01wjrn /film/actor/film./film/performance/film /m/0g22z +/m/0187nd /organization/organization/headquarters./location/mailing_address/citytown /m/01z1c +/m/0k7tq /film/film/music /m/01jpmpv +/m/01vlj1g /film/actor/film./film/performance/film /m/0m63c +/m/07bz5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041h0 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0g3zrd +/m/059_gf /film/actor/film./film/performance/film /m/02py4c8 +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/0f11p /education/educational_institution_campus/educational_institution /m/0f11p +/m/02vg0 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/09q23x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01z88t /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/0f13b /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/021l5s /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dt8xq +/m/0dzz6g /film/film/language /m/02h40lc +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/03rhqg /music/record_label/artist /m/0c9d9 +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/047bynf /film/film/produced_by /m/03dbds +/m/0r0f7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0xnvg /people/ethnicity/people /m/01z7_f +/m/0b4lkx /film/film/music /m/07hgkd +/m/05v10 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/086xm /education/educational_institution/school_type /m/01rs41 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0lhp1 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/0f8l9c /location/country/second_level_divisions /m/05qtj +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/06vv_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/053xw6 /film/actor/film./film/performance/film /m/02b61v +/m/034qmv /film/film/language /m/02h40lc +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lx2l +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01453 +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/01xdxy /film/film/music /m/016szr +/m/05g7q /people/person/gender /m/05zppz +/m/03qx63 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07g1sm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/01r93l /people/person/profession /m/02jknp +/m/01dhjz /music/artist/origin /m/0_3cs +/m/03t852 /people/person/profession /m/016z4k +/m/015qt5 /people/person/gender /m/05zppz +/m/0ymc8 /education/educational_institution_campus/educational_institution /m/0ymc8 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/0pmhf +/m/07w3r /education/educational_institution/school_type /m/05pcjw +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/0dw4g +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03rs8y /people/person/nationality /m/09c7w0 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bsb4j +/m/016nff /film/actor/film./film/performance/film /m/016mhd +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0340hj /film/film/executive_produced_by /m/079vf +/m/0fvwz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0vm39 /location/location/time_zones /m/02hcv8 +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/04m064 /people/person/nationality /m/0d060g +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/016lh0 /influence/influence_node/influenced_by /m/0h25 +/m/01f8hf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/01svry /film/film/genre /m/02b5_l +/m/017z88 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x2tm8 /people/person/languages /m/02h40lc +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/06rvn +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014gf8 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/0123qq +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/054bt3 +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0bzh04 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/03177r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/016yvw /film/actor/film./film/performance/film /m/019vhk +/m/0dl5d /music/genre/artists /m/01wv9xn +/m/032clf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w1sx /time/event/locations /m/09c7w0 +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07m77x +/m/0gt14 /film/film/music /m/01jpmpv +/m/019803 /people/person/places_lived./people/place_lived/location /m/0mzvm +/m/041rx /people/ethnicity/people /m/01pq5j7 +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/0sw6y +/m/01wmjkb /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/0bbz66j /people/ethnicity/people /m/05dbf +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/071xj +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0r6rq /location/hud_county_place/place /m/0r6rq +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05f4vxd +/m/01s7ns /people/person/places_lived./people/place_lived/location /m/056_y +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04zn7g +/m/06w7mlh /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/06thjt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /location/location/contains /m/02f46y +/m/07j8r /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01f5q5 /people/person/profession /m/02hrh1q +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0l8bg /film/film_subject/films /m/061681 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5fw +/m/05r5w /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/04nw9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/024tkd +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0280mv7 +/m/09c7w0 /location/country/second_level_divisions /m/0kwmc +/m/01wmxfs /film/actor/film./film/performance/film /m/03xf_m +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01wv24 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jhwd +/m/0gd92 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072192 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0fvly /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0pcc0 /influence/influence_node/influenced_by /m/0hqgp +/m/03cvwkr /film/film/production_companies /m/02jd_7 +/m/0f5mdz /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02cqny /music/genre/artists /m/01r7pq +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/095x_ /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/01n3bm /people/cause_of_death/people /m/0121rx +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0f5xn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gx5f /people/person/profession /m/02hrh1q +/m/03_87 /influence/influence_node/influenced_by /m/07kb5 +/m/01ym9b /music/genre/artists /m/03t9sp +/m/013807 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs4f3 /influence/influence_node/influenced_by /m/07c0j +/m/0j46b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02h40lc /language/human_language/countries_spoken_in /m/03t1s +/m/016t00 /people/person/nationality /m/09c7w0 +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/01k2yr +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/01679d +/m/01f1ps /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0s2z0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06qd3 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01jsn5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r_x5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0p3sf /people/person/places_lived./people/place_lived/location /m/0lphb +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/01yf85 /film/actor/film./film/performance/film /m/051ys82 +/m/0512p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/032sl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0pz91 /people/person/profession /m/0dxtg +/m/02kxbx3 /people/person/gender /m/05zppz +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0778p /education/educational_institution/colors /m/04d18d +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04g61 +/m/02mxw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/037q2p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fsb8 +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/06cv1 +/m/06q1r /location/administrative_division/first_level_division_of /m/07ssc +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01kwld /people/person/spouse_s./people/marriage/spouse /m/03_wj_ +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vfy4 +/m/0kpys /location/location/contains /m/0r066 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/02mxbd +/m/0pz04 /people/person/gender /m/05zppz +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01795t +/m/0bpm4yw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl06 +/m/09c7w0 /location/country/second_level_divisions /m/0mmzt +/m/01dq5z /education/educational_institution_campus/educational_institution /m/01dq5z +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/066m4g /people/person/gender /m/05zppz +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/04dz_y7 /people/person/profession /m/02jknp +/m/05q_dw /film/film/genre /m/01j1n2 +/m/0kvb6p /film/film/cinematography /m/0dqzkv +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/03x762 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03hhd3 /film/actor/film./film/performance/film /m/0f4m2z +/m/01vw87c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lwkh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_fz3 +/m/0fphgb /film/film/production_companies /m/05qd_ +/m/016sp_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l9p +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0h6sv /people/person/places_lived./people/place_lived/location /m/06y9v +/m/01yhvv /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f1kd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0bk1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l9p +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0h7x /location/location/contains /m/0133jj +/m/0dprg /location/administrative_division/country /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rkkv +/m/0p7pw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gqg3 /time/event/locations /m/0f8l9c +/m/02p8v8 /film/actor/film./film/performance/film /m/02rlj20 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0191h5 +/m/033fqh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dwyd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/0373qt /education/educational_institution/students_graduates./education/education/student /m/01j5sd +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v0fn1 +/m/01tszq /people/person/profession /m/0np9r +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r4w +/m/047vnkj /film/film/production_companies /m/05rrtf +/m/01jpqb /organization/organization/headquarters./location/mailing_address/citytown /m/0cv3w +/m/02qw2xb /people/person/places_lived./people/place_lived/location /m/01531 +/m/0sgxg /location/hud_county_place/place /m/0sgxg +/m/03459x /film/film/production_companies /m/017s11 +/m/05x2t7 /people/person/gender /m/05zppz +/m/016ndm /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/081bls +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/018ygt +/m/09c7w0 /location/location/contains /m/02zd2b +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/051y1hd /people/person/gender /m/05zppz +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01g257 /film/actor/film./film/performance/film /m/0bnzd +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/03kg2v /film/film/genre /m/04xvh5 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/0661ql3 /film/film/country /m/07ssc +/m/03kmyy /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/02y_2y /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05v38p /film/film/genre /m/07s9rl0 +/m/0m5s5 /film/film/featured_film_locations /m/035p3 +/m/01pcz9 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/01p8r8 /people/person/profession /m/0cbd2 +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0347db +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01d5g /film/film_subject/films /m/01hq1 +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/02rrfzf /film/film/country /m/09c7w0 +/m/04ch23 /people/person/nationality /m/03rk0 +/m/03n0cd /film/film/film_production_design_by /m/02x2t07 +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/0bt4g /film/film/genre /m/02xlf +/m/01hpnh /base/aareas/schema/administrative_area/capital /m/022tq4 +/m/09fp45 /people/person/gender /m/02zsn +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/02vwckw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g2v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r5c /music/instrument/instrumentalists /m/0pcc0 +/m/0bs5k8r /film/film/language /m/02h40lc +/m/0f6zs /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/01gc7h /people/person/gender /m/05zppz +/m/02633g /people/person/profession /m/09jwl +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0d02km +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/086qd /people/person/profession /m/02hrh1q +/m/03ln8b /tv/tv_program/genre /m/07s9rl0 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/0d0vj4 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/06c1y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/0194zl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/01rgcg /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/04lgq +/m/08f3b1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07bx6 +/m/03fn6z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02lq10 /people/person/gender /m/05zppz +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03rhqg /music/record_label/artist /m/016j2t +/m/065dc4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024dgj /people/person/profession /m/09jwl +/m/01csrl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mmslz +/m/08k881 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0392kz /film/actor/film./film/performance/film /m/0ckr7s +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/05mlqj /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01kd57 /people/person/profession /m/09j9h +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_dy +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0ggjt /people/person/places_lived./people/place_lived/location /m/05fkf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/023qfd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/01w524f /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/035qy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0f4vbz +/m/029h45 /people/person/gender /m/02zsn +/m/0r62v /base/biblioness/bibs_location/country /m/09c7w0 +/m/0pkyh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k1k4 +/m/03rjj /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/013h9 /location/us_county/county_seat /m/013h9 +/m/0f502 /people/person/profession /m/0dxtg +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0jt5zcn /location/administrative_division/country /m/07ssc +/m/07hwkr /people/ethnicity/people /m/0c2dl +/m/03npn /media_common/netflix_genre/titles /m/0dgrwqr +/m/05r5c /music/instrument/instrumentalists /m/01dhjz +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0jgm8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/072zl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dq9p /people/cause_of_death/people /m/0137hn +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/04g865 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0dr1c2 /tv/tv_program/languages /m/03_9r +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/09r_wb /people/person/profession /m/0d1pc +/m/029_3 /people/person/profession /m/018gz8 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0152cw +/m/03p2xc /film/film/genre /m/0cshrf +/m/058ncz /people/person/nationality /m/03rjj +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/061dn_ +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nc7s +/m/03y82t6 /people/person/profession /m/09jwl +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0qcr0 /people/cause_of_death/people /m/056wb +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vg8 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/01s1zk /award/award_winner/awards_won./award/award_honor/award_winner /m/016732 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/04gxp2 /education/educational_institution/school_type /m/05jxkf +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/0ccvx /location/location/time_zones /m/02hcv8 +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/03z106 /film/film/genre /m/07s9rl0 +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/07nxnw /film/film/produced_by /m/01f7j9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_44z +/m/07kb7vh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dln8jk +/m/0kft /people/person/profession /m/01d_h8 +/m/0glt670 /music/genre/artists /m/01wlt3k +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/01lhy /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/06__m6 /film/film/genre /m/01t_vv +/m/0jgx /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0d07j8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/084m3 +/m/0133_p /music/genre/artists /m/0838y +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/05zh9c +/m/03rhqg /music/record_label/artist /m/016srn +/m/0dx8gj /film/film/genre /m/04xvlr +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/05631 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03m6_z +/m/02hg53 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03rhqg /music/record_label/artist /m/02f1c +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01z5tr +/m/01ycbq /film/actor/film./film/performance/film /m/02r79_h +/m/04mpbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/030k94 +/m/03q0r1 /film/film/genre /m/0hcr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0853g +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02wvf2s +/m/0drc1 /people/person/languages /m/02h40lc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/0fqz6 /people/ethnicity/languages_spoken /m/064_8sq +/m/01kb2j /film/actor/film./film/performance/film /m/0gmblvq +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02qpt1w /film/film/country /m/09c7w0 +/m/0djtky /people/person/profession /m/02hrh1q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0ly8z +/m/0dn8b /location/location/contains /m/0fvwg +/m/030qb3t /sports/sports_team_location/teams /m/0jnq8 +/m/02xry /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bx_q +/m/02_j8x /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/06y7d /people/person/profession /m/06q2q +/m/02hnl /music/instrument/instrumentalists /m/025xt8y +/m/0dnkmq /film/film/genre /m/02kdv5l +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/015ynm +/m/0157m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/048lv +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9m7 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/016jny /music/genre/artists /m/0psss +/m/01q3_2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011zd3 /film/actor/film./film/performance/film /m/01l_pn +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07q0g5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/048lv /film/actor/film./film/performance/film /m/027m5wv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0hpt3 +/m/026_w57 /film/actor/film./film/performance/film /m/0b76t12 +/m/01z4y /media_common/netflix_genre/titles /m/0n1s0 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/03cs_xw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07zhjj +/m/01rnly /film/film/costume_design_by /m/02pqgt8 +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/02x0dzw +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04954r +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09qh1 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/02r_d4 /people/person/profession /m/02hrh1q +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0ckf6 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/025x1t /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wdj_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/09c7w0 /location/location/contains /m/0kw4j +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/019f2f +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0571m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01cf5 /education/educational_institution/students_graduates./education/education/student /m/04ns3gy +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06y3r /people/person/nationality /m/09c7w0 +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/02gjt4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04gvt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lyx4 +/m/07cz2 /film/film/production_companies /m/046b0s +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0h96g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/017180 /film/film/genre /m/017fp +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/033w9g +/m/026f__m /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0kv2hv +/m/094jv /sports/sports_team_location/teams /m/01d6g +/m/0ytc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04v3q /location/location/contains /m/0ftns +/m/0301yj /people/person/profession /m/0cbd2 +/m/0blst_ /award/award_category/winners./award/award_honor/award_winner /m/05fg2 +/m/02pqgt8 /people/person/profession /m/01d_h8 +/m/0dgrwqr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06rhz7 /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0gs6vr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06w2sn5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01bdxz +/m/0k1bs /people/person/religion /m/0c8wxp +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswwx +/m/025rpb0 /people/ethnicity/people /m/029k55 +/m/0166b8 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/0gj50 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/045w_4 +/m/03jv8d /base/culturalevent/event/entity_involved /m/01flgk +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/058w5 /people/person/nationality /m/03rjj +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0ktpx /film/film/genre /m/07s9rl0 +/m/018ygt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0mwxz /location/location/time_zones /m/02hcv8 +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/040v3t /award/award_category/disciplines_or_subjects /m/0707q +/m/04s1zr /film/film/genre /m/0c3351 +/m/02_2v2 /people/person/gender /m/02zsn +/m/07hwkr /people/ethnicity/people /m/01vw20_ +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0pv3x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/04rrd /location/location/partially_contains /m/02cgp8 +/m/02784z /film/actor/film./film/performance/film /m/0168ls +/m/01k9gb /medicine/disease/risk_factors /m/0jpmt +/m/015kg1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fbftr +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0lmm3 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/0sc6p /location/hud_county_place/county /m/0nv99 +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/025j1t +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/011zd3 +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/01vyv9 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/07z1m /location/location/contains /m/01stj9 +/m/01vksx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f2p7 /film/actor/film./film/performance/film /m/0qmjd +/m/01vsy3q /people/person/profession /m/012qdp +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0nr_q /location/us_county/county_seat /m/0t015 +/m/017yxq /people/person/places_lived./people/place_lived/location /m/05ksh +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/01w40h +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02kcz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0c8tkt /film/film/written_by /m/0d608 +/m/04sry /film/actor/film./film/performance/film /m/03wy8t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05z8cq +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/096g3 /base/biblioness/bibs_location/country /m/03rjj +/m/09rvwmy /film/film/language /m/02h40lc +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02c638 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02psgq /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02jgm0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0411q /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/01hpnh /location/location/contains /m/01j922 +/m/0150t6 /people/person/place_of_birth /m/02z0j +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03zrhb +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/05bmq /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0kjrx /people/person/places_lived./people/place_lived/location /m/059rby +/m/0473q /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0136p1 /music/artist/origin /m/02s838 +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l6wj +/m/07hwkr /people/ethnicity/people /m/0dl567 +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01srq2 /film/film/film_production_design_by /m/03mdw3c +/m/05p09zm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/03l6bs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5d1 +/m/03hdz8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/0g1x2_ /film/film_subject/films /m/03cvvlg +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/07h34 /location/location/contains /m/0_vn7 +/m/02f6g5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0p9lw /film/film/film_format /m/07fb8_ +/m/03n52j /film/actor/film./film/performance/film /m/02stbw +/m/02ldkf /education/educational_institution/students_graduates./education/education/student /m/0blbxk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0225v9 +/m/04czcb /sports/sports_team/colors /m/088fh +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0c6qh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0509bl +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/03rjj /location/location/contains /m/09pxc +/m/0r4qq /location/location/time_zones /m/02lcqs +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02jtjz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03__y /location/country/form_of_government /m/018wl5 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/04shbh +/m/02q5bx2 /tv/tv_program/languages /m/02h40lc +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/03_b1g +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0dw3l /people/person/profession /m/0gbbt +/m/017fp /media_common/netflix_genre/titles /m/09m6kg +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/01fs_4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/01n7q /location/location/contains /m/0281y0 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dd6bf +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0r3w7 /location/location/time_zones /m/02lcqs +/m/03f7m4h /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0162v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02wr6r /people/person/nationality /m/09c7w0 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/02pbrn +/m/02ywwy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lh0c /people/person/profession /m/02hrh1q +/m/02rrh1w /film/film/genre /m/01jfsb +/m/0r172 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/015_1q /music/record_label/artist /m/016ppr +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/01srq2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0bxtg /people/person/nationality /m/09c7w0 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_gd +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/02qw_v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/051qvn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04f0xq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/018qpq /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpk2 +/m/0284gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0cjk9 /language/human_language/countries_spoken_in /m/05v10 +/m/04b5l3 /sports/sports_team/colors /m/02rnmb +/m/0jfqp /base/biblioness/bibs_location/state /m/05fkf +/m/09c7w0 /location/location/contains /m/0xhj2 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/019f2f +/m/02jx1 /location/location/contains /m/0144wg +/m/05ypj5 /film/film/country /m/09c7w0 +/m/02x_h0 /people/person/spouse_s./people/marriage/spouse /m/0gbwp +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0444x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rpd +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/0846v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jnt +/m/02mpyh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l2fn /film/actor/film./film/performance/film /m/0ddt_ +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0h0jz /people/person/places_lived./people/place_lived/location /m/0m_z3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cqnss +/m/017j6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017g21 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0kjrx /film/actor/film./film/performance/film /m/0642xf3 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mdt +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0hgnl3t /film/film/produced_by /m/01f7j9 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0d8lm +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07mb57 +/m/0m31m /people/person/place_of_birth /m/0jgvy +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778tk +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06r1k /tv/tv_program/genre /m/06n90 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02xlf +/m/018y81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06jk5_ +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/071pf2 +/m/02y9wq /location/location/contains /m/0283sdr +/m/01kp66 /film/actor/film./film/performance/film /m/02qm_f +/m/01hnb /organization/organization/headquarters./location/mailing_address/citytown /m/0_lr1 +/m/064t9 /music/genre/artists /m/01fkxr +/m/04135 /people/person/profession /m/0n1h +/m/0kbvb /olympics/olympic_games/sports /m/02vx4 +/m/02_340 /people/person/gender /m/05zppz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/03d9wk /base/eating/practicer_of_diet/diet /m/07_jd +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05148p4 /music/instrument/instrumentalists /m/01w9mnm +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/025p38 /film/actor/film./film/performance/film /m/02tcgh +/m/0ght2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wlk /influence/influence_node/peers./influence/peer_relationship/peers /m/0d__g +/m/014_lq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/016ypb /people/person/profession /m/02hrh1q +/m/0q9zc /award/award_winner/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/02v63m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0fn5bx +/m/0bz3jx /film/film/written_by /m/02kxbwx +/m/02b17t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05pzdk /award/award_winner/awards_won./award/award_honor/award_winner /m/087qxp +/m/0d_skg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/02k6hp /people/cause_of_death/people /m/0cj8x +/m/09jw2 /music/genre/parent_genre /m/016jny +/m/01ky7c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01yb09 /people/person/nationality /m/09c7w0 +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/04lqvly /film/film/country /m/0154j +/m/01j53q /organization/organization/headquarters./location/mailing_address/citytown /m/0bxc4 +/m/025st2z /people/person/profession /m/0dxtg +/m/04ldyx1 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032xhg +/m/02_lt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078mgh +/m/0jym0 /film/film/language /m/02h40lc +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/01z4y /media_common/netflix_genre/titles /m/02v8kmz +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/041y2 +/m/040j2_ /people/person/gender /m/05zppz +/m/03bx_5q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d370 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/0h1v19 /film/film/genre /m/06cvj +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0306bt +/m/0gvvf4j /film/film/genre /m/05p553 +/m/03fcbb /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0407yfx /award/award_winning_work/awards_won./award/award_honor/award /m/02qyxs5 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/043hg /people/person/profession /m/02hrh1q +/m/0jt3tjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dvs +/m/033tf_ /people/ethnicity/languages_spoken /m/0t_2 +/m/02h53vq /business/job_title/people_with_this_title./business/employment_tenure/company /m/01rs59 +/m/01xrlm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/028mc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/075q_ +/m/016clz /music/genre/artists /m/01wxdn3 +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/07c52 /film/film_subject/films /m/0gy0n +/m/02zkdz /education/educational_institution/students_graduates./education/education/student /m/017r13 +/m/078sj4 /film/film/cinematography /m/02vx4c2 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016k6x +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qw2xb +/m/03lvyj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/03_6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03359d +/m/02zcz3 /education/educational_institution/school_type /m/05jxkf +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/05c5xx9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06by7 /music/genre/artists /m/015cxv +/m/0d060g /location/location/contains /m/011kn2 +/m/0fvt2 /influence/influence_node/influenced_by /m/03hnd +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yx_w +/m/0m0jc /music/genre/artists /m/02g40r +/m/01w56k /music/record_label/artist /m/0c7ct +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/07tp2 /location/country/form_of_government /m/026wp +/m/012lzr /education/educational_institution/colors /m/088fh +/m/0r771 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fhzy +/m/01hc9_ /people/person/profession /m/0dxtg +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0fq9zdv /award/award_category/disciplines_or_subjects /m/02vxn +/m/0gh8zks /film/film/film_festivals /m/0gg7gsl +/m/0227tr /film/actor/film./film/performance/film /m/0gs973 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02d9nr /organization/organization/headquarters./location/mailing_address/citytown /m/02hrh0_ +/m/03rjj /location/location/contains /m/0c7hq +/m/01719t /film/film/country /m/09c7w0 +/m/0n8bn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2h +/m/0sxfd /film/film/genre /m/0q9mp +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/019vhk /film/film/genre /m/02p0szs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fhjz +/m/02qdzd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0g3zrd /film/film/costume_design_by /m/03mfqm +/m/02qfv5d /media_common/netflix_genre/titles /m/03shpq +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/0824r /location/location/time_zones /m/02fqwt +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ytc +/m/03975z /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0181dw /music/record_label/artist /m/01vtmw6 +/m/047tsx3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05n6sq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ykb +/m/02tjl3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07c2yr +/m/06z8s_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05148p4 /music/instrument/instrumentalists /m/01v_pj6 +/m/02m92h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/0hptm +/m/0537y_ /location/administrative_division/country /m/03rjj +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/059rc +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/01lyv /music/genre/artists /m/01wsl7c +/m/0xhtw /music/genre/artists /m/015cqh +/m/02qvvv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mrgz +/m/03mh_tp /film/film/language /m/02h40lc +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05x2t7 +/m/01t2h2 /people/person/nationality /m/03h64 +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016_mj +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/02wwwv5 /music/artist/origin /m/013yq +/m/07f7jp /people/person/profession /m/0dxtg +/m/0bmssv /film/film/music /m/02jxkw +/m/0164b /location/location/time_zones /m/02fqwt +/m/028pzq /people/person/religion /m/0kpl +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/04j53 /location/country/form_of_government /m/01q20 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0gw7p /film/film/featured_film_locations /m/01_d4 +/m/06btq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01x73 +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/024yxd +/m/012x2b /film/actor/film./film/performance/film /m/02rb84n +/m/03nsm5x /film/film/produced_by /m/027kmrb +/m/02wycg2 /people/person/profession /m/03gjzk +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/071ywj /film/actor/film./film/performance/film /m/0kv9d3 +/m/01n6r0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kmx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/01l9p +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/02lg9w /film/actor/film./film/performance/film /m/035xwd +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j9z +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yh_t +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0162v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02mslq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/042kbj /people/person/profession /m/02hrh1q +/m/02jx1 /location/country/second_level_divisions /m/0127c4 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/06q1r +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/04h6mm /film/actor/film./film/performance/film /m/02qr3k8 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02xs6_ /film/film/prequel /m/033qdy +/m/01438g /film/actor/film./film/performance/film /m/0422v0 +/m/017gm7 /film/film/produced_by /m/0js9s +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02q253 +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01gbn6 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0gvs1kt /film/film/costume_design_by /m/0bytfv +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j80w +/m/01cl0d /music/record_label/artist /m/044mfr +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0jgx /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/04n2vgk /people/person/place_of_birth /m/01sn3 +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/06s27s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/051wf +/m/02gl58 /tv/tv_program/genre /m/03mqtr +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/03mp8k /music/record_label/artist /m/0473q +/m/02k4gv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f69m /film/film/music /m/016szr +/m/0p_r5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0nh0f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0bh8drv /film/film/film_format /m/0cj16 +/m/02_286 /location/location/contains /m/04b_46 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/02rrfzf /film/film/produced_by /m/06q8hf +/m/0jsf6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06v36 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07nt8p +/m/0jmk7 /sports/sports_team/colors /m/09ggk +/m/03xsby /organization/organization/headquarters./location/mailing_address/state_province_region /m/015jr +/m/0dq16 /location/hud_county_place/county /m/0dcdp +/m/02ctzb /people/ethnicity/people /m/015f7 +/m/024bbl /people/person/nationality /m/09c7w0 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/02wd48 /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/01y_px /film/actor/film./film/performance/film /m/02bqxb +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dmn0x +/m/03mdw3c /film/film_set_designer/film_sets_designed /m/01srq2 +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/02g3v6 /award/award_category/winners./award/award_honor/award_winner /m/02h1rt +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rdh +/m/081pw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0432_5 /film/film/language /m/0459q4 +/m/0d060g /location/location/contains /m/04_lb +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/02bzh0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/0ggq0m /media_common/netflix_genre/titles /m/03hp2y1 +/m/0113sg /influence/influence_node/peers./influence/peer_relationship/peers /m/0dw6b +/m/0_b3d /film/film/language /m/02h40lc +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01f7d /award/award_category/disciplines_or_subjects /m/04g51 +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/07s3m4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07g2v +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fg04 +/m/015w8_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/0ty_b /location/hud_county_place/county /m/0k3hn +/m/0blfl /olympics/olympic_games/participating_countries /m/0jgd +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0f60c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vv6xv /people/person/gender /m/05zppz +/m/0bz3jx /film/film/written_by /m/01gvxv +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01dcqj /people/cause_of_death/people /m/0121rx +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gg47 +/m/0mtdx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/018n6m +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/07mvp +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0sx8l /olympics/olympic_games/participating_countries /m/03rj0 +/m/026mj /location/location/contains /m/0m2lt +/m/017khj /film/actor/film./film/performance/film /m/047wh1 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyb4 +/m/02pqs8l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/032d52 +/m/04hzfz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02hnl /music/instrument/instrumentalists /m/01nrz4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x6xl +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/07c52 /media_common/netflix_genre/titles /m/0gfzgl +/m/025sc50 /music/genre/artists /m/01wcp_g +/m/0b6p3qf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/02lhm2 /people/person/place_of_birth /m/0fvwz +/m/01k2wn /education/educational_institution/campuses /m/01k2wn +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/0289q +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/08s_lw +/m/018ctl /olympics/olympic_games/participating_countries /m/03gj2 +/m/0fm9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cymp +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0blt6 +/m/03chx58 /people/person/profession /m/02hrh1q +/m/014kkm /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/05wm88 /people/person/profession /m/02hrh1q +/m/0x67 /people/ethnicity/people /m/02xbw2 +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/07zl1 +/m/09zyn5 /people/ethnicity/people /m/036jp8 +/m/01jfsb /media_common/netflix_genre/titles /m/0glqh5_ +/m/0cn_b8 /film/film/written_by /m/0dbc1s +/m/0b005 /award/award_winning_work/awards_won./award/award_honor/award /m/0fc9js +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02klny +/m/05r5c /music/instrument/instrumentalists /m/01w724 +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/09t4hh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/08b8vd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02yvct /film/film/produced_by /m/054_mz +/m/0k54q /film/film/language /m/02h40lc +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/03q0r1 /film/film/genre /m/04228s +/m/0694j /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/0gy3w /education/educational_institution/campuses /m/0gy3w +/m/0n85g /music/record_label/artist /m/0fhxv +/m/07h1q /influence/influence_node/influenced_by /m/017r2 +/m/06r2h /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04cj79 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/0hj6h /base/biblioness/bibs_location/country /m/05sb1 +/m/0kv2hv /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0gz6b6g /film/film/film_festivals /m/0j63cyr +/m/04ftdq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mzg9 /education/educational_institution/school_type /m/01rs41 +/m/07s2s /film/film_subject/films /m/0m5s5 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/05bt6j /music/genre/artists /m/09nhvw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02rh_0 +/m/0969fd /people/deceased_person/place_of_death /m/02_286 +/m/05n6sq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/016cjb /music/genre/artists /m/0m_31 +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/0fcsd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01p1b +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0dpqk /people/person/profession /m/02jknp +/m/0bnzd /film/film/genre /m/07s9rl0 +/m/01lwx /influence/influence_node/influenced_by /m/026lj +/m/01q99h /music/artist/origin /m/0d9jr +/m/0hqcy /people/person/nationality /m/09c7w0 +/m/01nd9f /music/genre/parent_genre /m/0621cs +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07zl1 /people/person/employment_history./business/employment_tenure/company /m/01q0kg +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/0bpm4yw /film/film/produced_by /m/0184dt +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0ckr7s /film/film/genre /m/02l7c8 +/m/04764j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/04yc76 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01q_ph +/m/05fky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0pmq2 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0jnrk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/026v_78 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fxnf +/m/0d2fd7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/02465 /people/person/place_of_birth /m/04lh6 +/m/040_lv /film/film/produced_by /m/06m6z6 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/048tgl /music/group_member/membership./music/group_membership/group /m/01jcxwp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01dtl +/m/0h7pj /film/actor/film./film/performance/film /m/01_1hw +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02mv_h +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/0y_pg /film/film/featured_film_locations /m/02_286 +/m/01xsbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026zlh9 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/02q5xsx /people/person/gender /m/05zppz +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k54 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0qm9n /film/film/genre /m/04t36 +/m/081l_ /people/person/profession /m/0dgd_ +/m/016dgz /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/040t74 /people/person/gender /m/02zsn +/m/04q42 /location/location/contains /m/051ls +/m/035s95 /film/film/language /m/02h40lc +/m/097zcz /film/film/cinematography /m/07djnx +/m/07ssc /location/location/contains /m/01dzq6 +/m/0bczgm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03x400 /film/actor/film./film/performance/film /m/08052t3 +/m/0bc71w /award/award_winner/awards_won./award/award_honor/award_winner /m/0c408_ +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0y_hb /film/film/genre /m/04gm78f +/m/0m9c1 /people/person/profession /m/02hrh1q +/m/0b6f8pf /film/film/produced_by /m/0pz91 +/m/06g77c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/01qg7c +/m/01wgx4 /people/person/place_of_birth /m/0hyxv +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06f_qn /people/person/gender /m/05zppz +/m/046qq /film/actor/film./film/performance/film /m/03459x +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0f4vbz /film/actor/film./film/performance/film /m/0bbw2z6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/01vzxmq /people/person/place_of_birth /m/02cft +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04q5zw +/m/02qlp4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0j_sncb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b149 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/031786 /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/01fh36 /music/genre/artists /m/02yygk +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015ynm /film/film/genre /m/05p553 +/m/04n7jdv /music/genre/artists /m/07g2v +/m/050zr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ddj0x /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/05cj_j /film/film/country /m/09c7w0 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05c5z8j +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/082xp /people/person/profession /m/0kyk +/m/0g476 /people/person/profession /m/02hrh1q +/m/0j0k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0qdzd +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02h9_l /people/person/gender /m/02zsn +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/0hd7j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/0lzcs +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/085wqm +/m/02gdjb /award/award_category/category_of /m/0c4ys +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/06m61 /people/deceased_person/place_of_burial /m/018mm4 +/m/0l12d /people/person/gender /m/05zppz +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/036dyy +/m/04jpl /location/location/contains /m/0gl6x +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02zft0 +/m/012yc /music/genre/artists /m/01vw20_ +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01vh3r /film/actor/film./film/performance/film /m/0639bg +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/06c0ns /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08jyyk /music/genre/parent_genre /m/06by7 +/m/02d478 /film/film/genre /m/07s9rl0 +/m/0bz6sq /film/film/executive_produced_by /m/01my_c +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/0487_ /sports/sports_team/sport /m/0jm_ +/m/02_hz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/012x4t /people/person/profession /m/09lbv +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/01795t +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05strv +/m/07j8r /film/film/costume_design_by /m/02mxbd +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/0xhtw /music/genre/artists /m/023p29 +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yfm8 +/m/04xn_ /location/country/form_of_government /m/01d9r3 +/m/02183k /education/educational_institution/school_type /m/01_9fk +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yzvw +/m/01rh0w /people/person/places_lived./people/place_lived/location /m/050ks +/m/01cssf /film/film/production_companies /m/017s11 +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/01cwhp /music/artist/origin /m/052p7 +/m/02clgg /film/actor/film./film/performance/film /m/05sxr_ +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbb +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01kwsg /film/actor/film./film/performance/film /m/0cc846d +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/01h8rk /education/educational_institution/school_type /m/01_9fk +/m/03z8w6 /base/culturalevent/event/entity_involved /m/0bvz6 +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/01dvbd /film/film/country /m/07ssc +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04wsz /location/location/contains /m/03__y +/m/04z_3pm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0290rb /location/administrative_division/country /m/03rk0 +/m/0xjl2 /music/genre/artists /m/07n68 +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/015fr +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02vzc +/m/012d40 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/02c9dj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02n9bh /film/film/genre /m/03q4nz +/m/0zlgm /location/hud_county_place/county /m/0mwzv +/m/07ssc /location/location/contains /m/01z92f +/m/04ghz4m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03zw80 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/04q00lw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zh29 +/m/07g7h2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0h3mh3q +/m/05d1dy /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/02gr81 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0gnjh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gl5_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs1yy /people/person/nationality /m/09c7w0 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/01zz8t /people/person/gender /m/02zsn +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03bdm4 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02pxmgz /film/film/genre /m/01drsx +/m/03z0dt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07c0j /influence/influence_node/influenced_by /m/01wg25j +/m/05kms /music/instrument/instrumentalists /m/01ycfv +/m/01hc9_ /people/person/places_lived./people/place_lived/location /m/09d4_ +/m/01j5sd /film/actor/film./film/performance/film /m/0symg +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/06v_gh +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01lvcs1 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/0dl6fv /tv/tv_program/genre /m/04xvh5 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04jq2 /people/profession/specialization_of /m/01l5t6 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/016ndm +/m/030g9z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05l71 /sports/sports_team/colors /m/03vtbc +/m/0fdv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01lnyf +/m/0ny75 /education/educational_institution_campus/educational_institution /m/0ny75 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/015wd7 /music/genre/artists /m/020_4z +/m/06x4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02z4b_8 +/m/09c7w0 /location/location/contains /m/038czx +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0165b /location/country/form_of_government /m/01q20 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05g49 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/071xj +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/02624g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxgv +/m/0dl5d /music/genre/artists /m/02l_7y +/m/050ks /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059s8 +/m/06v41q /people/ethnicity/people /m/058ncz +/m/04gqr /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc5mcj /film/film/produced_by /m/09pl3s +/m/04j689 /sports/sports_team/sport /m/02vx4 +/m/0g9wdmc /film/film/language /m/02h40lc +/m/0fq117k /music/group_member/membership./music/group_membership/group /m/0gr69 +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/050fh +/m/022wxh /people/person/profession /m/0dxtg +/m/06z49 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02hnl /music/instrument/instrumentalists /m/01sb5r +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/01wskg /people/person/place_of_birth /m/0ncy4 +/m/0g3zrd /film/film/genre /m/02p0szs +/m/0721cy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01s81 +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/058dm9 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/02m4t /influence/influence_node/influenced_by /m/032l1 +/m/02w5q6 /people/person/profession /m/03gjzk +/m/0xhtw /music/genre/artists /m/01q_wyj +/m/02qyv3h /film/film/language /m/02h40lc +/m/0knjh /people/person/profession /m/0n1h +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026_w57 +/m/04lqvly /film/film/language /m/04306rv +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gfw56 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01mqh5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0f0kz /film/actor/film./film/performance/film /m/0kt_4 +/m/0h1x5f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/05qm9f /film/film/genre /m/01jfsb +/m/03j43 /people/person/nationality /m/0f8l9c +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/025rst1 /location/us_county/county_seat /m/0fsb8 +/m/0bz5v2 /film/actor/film./film/performance/film /m/07x4qr +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/0gt14 /film/film/genre /m/01g6gs +/m/0jbp0 /influence/influence_node/influenced_by /m/016ggh +/m/058vfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gmp_z +/m/01c6zg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c6yz +/m/016ywr /film/actor/film./film/performance/film /m/02ll45 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01csqg +/m/05lb30 /people/person/gender /m/05zppz +/m/01qhm_ /people/ethnicity/people /m/01sfmyk +/m/0f2df /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0320fn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bzyh +/m/01z4y /media_common/netflix_genre/titles /m/05p1tzf +/m/0fv_t /location/location/contains /m/03tw2s +/m/075_t2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/075wx7_ /film/film/genre /m/03k9fj +/m/0drnwh /film/film/executive_produced_by /m/03h304l +/m/02_fj /film/actor/film./film/performance/film /m/02sfnv +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/06cmp /location/country/official_language /m/04h9h +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/05fmy /award/award_category/winners./award/award_honor/award_winner /m/099p5 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02xfj0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_8n9 +/m/01z4y /media_common/netflix_genre/titles /m/0473rc +/m/04xrx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f7hc +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02k21g +/m/01g23m /film/actor/film./film/performance/film /m/04jplwp +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gvt53w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9dp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zj_3 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8x1y +/m/01ydzx /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04x4gw /film/film/country /m/07ssc +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01s21dg /music/group_member/membership./music/group_membership/role /m/0342h +/m/018k8r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0ggq0m /music/genre/artists /m/03d6q +/m/03ct7jd /film/film/genre /m/02kdv5l +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02wb6yq /people/person/nationality /m/09c7w0 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gjt4 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/01w92 /award/award_winner/awards_won./award/award_honor/award_winner /m/03mdt +/m/03qcfvw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/03f0324 /base/eating/practicer_of_diet/diet /m/07_jd +/m/01vsnff /award/award_winner/awards_won./award/award_honor/award_winner /m/017xm3 +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/0psxp /location/location/contains /m/02nvg1 +/m/016732 /people/person/profession /m/0dz3r +/m/0fjzsy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08s3w_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/instrument/instrumentalists /m/01l87db +/m/0fwy0h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05jx17 +/m/0qmfk /film/film/cinematography /m/06qn87 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0p_sc /film/film/genre /m/03bxz7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/0488g /location/location/contains /m/013cz2 +/m/03hfxx /people/person/profession /m/02jknp +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042zrm +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/09w6br +/m/042f1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/01r0t_j /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/0k2sk /film/film/produced_by /m/030_3z +/m/06srk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0fxmbn /film/film/music /m/01cbt3 +/m/016gr2 /film/actor/film./film/performance/film /m/0prh7 +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/025x1t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tkzn +/m/0xhtw /music/genre/artists /m/01wqflx +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/089j8p +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01d6jf /people/person/religion /m/0c8wxp +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/01bn3l /film/film/music /m/07qy0b +/m/073bb /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0kpzy /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kxbc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04jbyg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/03__y /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/03bkbh /people/ethnicity/people /m/018qql +/m/029q3k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02pw_n /film/film/genre /m/01t_vv +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/06mfvc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x9_8 +/m/09cvbq /sports/sports_team/colors /m/06fvc +/m/0c5tl /people/person/religion /m/0kq2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/01n3bm /medicine/disease/risk_factors /m/0c58k +/m/07glc4 /people/person/gender /m/02zsn +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0bq4j6 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mfqm +/m/0ftps /people/person/profession /m/0fnpj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/08x5c_ /people/person/nationality /m/09c7w0 +/m/0jnl5 /sports/sports_team/sport /m/03tmr +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/01pcq3 /film/actor/film./film/performance/film /m/0bwhdbl +/m/028k57 /people/person/gender /m/05zppz +/m/0ct9_ /influence/influence_node/influenced_by /m/0379s +/m/01hmnh /media_common/netflix_genre/titles /m/07sp4l +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sw6g +/m/0ty_b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mzy7 +/m/06bng /influence/influence_node/influenced_by /m/02mpb +/m/02681_5 /award/award_category/winners./award/award_honor/ceremony /m/092868 +/m/011yth /film/film/produced_by /m/04y8r +/m/02b29 /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3xw46 +/m/03_lsr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06924p /music/genre/artists /m/01n8gr +/m/01vrz41 /award/award_winner/awards_won./award/award_honor/award_winner /m/0178rl +/m/0gtvrv3 /film/film/country /m/05r4w +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01xq8v /film/film/language /m/02hxc3j +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05l8y +/m/05zh9c /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02bq1j +/m/0gn30 /film/actor/film./film/performance/film /m/02ny6g +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gw +/m/025twgt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ckm4x /film/actor/film./film/performance/film /m/02z5x7l +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/0c_md_ +/m/02qjj7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01jrp0 /people/person/gender /m/02zsn +/m/01q32bd /people/person/profession /m/09jwl +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/0571m /film/film/genre /m/07s9rl0 +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/06by7 /music/genre/artists /m/0bdxs5 +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/09b3v /media_common/netflix_genre/titles /m/0fgrm +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/059t6d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ydlnj /film/film/written_by /m/0136g9 +/m/0tc7 /film/actor/film./film/performance/film /m/07ghq +/m/016dp0 /film/actor/film./film/performance/film /m/0b9rdk +/m/0jpdn /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02rky4 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/04bdxl /film/actor/film./film/performance/film /m/092vkg +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/02vyw /people/person/profession /m/02jknp +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/02lv2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gdk0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b_0 +/m/01ppq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/01cwm1 +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01qvz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/013yq /location/hud_county_place/county /m/0nzny +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06p03s /people/person/gender /m/02zsn +/m/01hr11 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/02c_wc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/016jhr /music/genre/parent_genre /m/02yv6b +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0c1jh /people/person/profession /m/05z96 +/m/0c11mj /people/person/nationality /m/01p1v +/m/013pp3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cnl80 /people/person/gender /m/02zsn +/m/071cn /base/biblioness/bibs_location/country /m/09c7w0 +/m/087z12 /film/actor/film./film/performance/film /m/03rz2b +/m/01vhrz /people/person/profession /m/05sxg2 +/m/03xf_m /film/film/genre /m/017fp +/m/0407yj_ /film/film/production_companies /m/0kk9v +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/01qb559 /film/film/country /m/09c7w0 +/m/04165w /film/film/genre /m/04xvh5 +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/04dyqk /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/03bx_5q /award/award_winner/awards_won./award/award_honor/award_winner /m/0grmhb +/m/01yndb /people/person/nationality /m/09c7w0 +/m/064r97z /film/film/genre /m/015w9s +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09w6br +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02vp1f_ +/m/0g5qs2k /film/film/music /m/02jxmr +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/0kqj1 /education/educational_institution/school_type /m/0bwd5 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02ph9tm /film/film/genre /m/02kdv5l +/m/0t_gg /location/hud_county_place/place /m/0t_gg +/m/0dbpwb /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0jfx1 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03mg35 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b7q /location/location/contains /m/0cw5k +/m/03l6q0 /film/film/executive_produced_by /m/06q8hf +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0151w_ +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/02b18l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0clvcx /people/person/place_of_birth /m/01vc3y +/m/0csdzz /people/person/gender /m/05zppz +/m/01kcd /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jf85 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/07r4c /people/person/places_lived./people/place_lived/location /m/094jv +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/033hn8 /music/record_label/artist /m/0c9l1 +/m/0pm85 /music/genre/parent_genre /m/03p7rp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/067ghz +/m/07fr_ /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/072kp /tv/tv_program/genre /m/0c4xc +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0dn3n /people/person/spouse_s./people/marriage/spouse /m/01tnxc +/m/0gyx4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/04k05 +/m/0697s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/01y0y6 /people/person/gender /m/05zppz +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/09c7w0 /location/location/contains /m/0q8s4 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/011vx3 /people/person/profession /m/0nbcg +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03tbg6 +/m/01flzq /music/genre/artists /m/01vw26l +/m/01hc9_ /influence/influence_node/influenced_by /m/026dx +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj5lq +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/01vv7sc /people/person/profession /m/0lgw7 +/m/0cc97st /film/film/genre /m/0hcr +/m/022769 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02p_ycc /film/actor/film./film/performance/film /m/03sxd2 +/m/026dx /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/01669b /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035hm +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/014lc_ /film/film/genre /m/01jfsb +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0xhtw /music/genre/artists /m/018d6l +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mxt_ +/m/053fc5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/033hqf +/m/0gj96ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02dpl9 /film/film/country /m/06mkj +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0h1cdwq /film/film/genre /m/05p553 +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0rqf1 /location/location/time_zones /m/02hcv8 +/m/03f1r6t /people/person/profession /m/015cjr +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/01g_bs /music/genre/artists /m/016lmg +/m/04yywz /film/actor/film./film/performance/film /m/093l8p +/m/017_hq /music/artist/origin /m/019k6n +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jvxb +/m/0435vm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0520r2x +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/057bc6m +/m/01smm /sports/sports_team_location/teams /m/01kkg5 +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0l8v5 /people/person/religion /m/0c8wxp +/m/0l3n4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwvq +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/0kbvb /olympics/olympic_games/sports /m/03krj +/m/0fqjhm /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06_bq1 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05kkh /location/location/contains /m/0n25q +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/0jsg0m /people/person/place_of_birth /m/0rh6k +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/082xp /government/politician/government_positions_held./government/government_position_held/basic_title /m/0p5vf +/m/08phg9 /film/film/featured_film_locations /m/0q_0z +/m/0l_q9 /location/us_county/county_seat /m/0l_q9 +/m/0h63q6t /film/film/language /m/02h40lc +/m/0c6qh /film/actor/film./film/performance/film /m/02yvct +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033m23 +/m/0jyx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07c52 /media_common/netflix_genre/titles /m/02rzdcp +/m/059rby /location/location/contains /m/0fb18 +/m/03wy70 /people/person/places_lived./people/place_lived/location /m/05kkh +/m/01l3vx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04wp3s /film/actor/film./film/performance/film /m/07tlfx +/m/01_rh4 /people/person/religion /m/092bf5 +/m/01vyv9 /people/person/profession /m/02hrh1q +/m/03177r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/0grmhb +/m/0449sw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0b3n61 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064t9 /music/genre/artists /m/03y82t6 +/m/01vv6_6 /people/person/places_lived./people/place_lived/location /m/017cjb +/m/02b17f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d4jl /people/person/gender /m/05zppz +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/02j9z /base/locations/continents/countries_within /m/0154j +/m/07x16 /medicine/disease/risk_factors /m/0c58k +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b9dmk +/m/0mbhr /film/actor/film./film/performance/film /m/085bd1 +/m/0fq117k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/062zm5h /film/film/genre /m/06n90 +/m/071rlr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/096lf_ /film/actor/film./film/performance/film /m/05q54f5 +/m/01vz0g4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/071h5c /people/person/places_lived./people/place_lived/location /m/0195j0 +/m/0f2rq /base/biblioness/bibs_location/country /m/09c7w0 +/m/018swb /people/person/religion /m/0c8wxp +/m/054fvj /people/person/places_lived./people/place_lived/location /m/029cr +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/02vxq9m /film/film/genre /m/02kdv5l +/m/0m9c1 /people/person/place_of_birth /m/095w_ +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01n30p +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/02kz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0432b +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/0js9s /people/person/profession /m/01d_h8 +/m/04cr6qv /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02wb6yq +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/057176 +/m/017l96 /music/record_label/artist /m/03y82t6 +/m/01phtd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01f7dd +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02wt0 +/m/092vkg /film/film/featured_film_locations /m/0d060g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05qx1 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b2v79 /film/film/featured_film_locations /m/01_d4 +/m/04h68j /people/person/profession /m/02krf9 +/m/06hzq3 /music/genre/parent_genre /m/017371 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/045c66 /people/person/places_lived./people/place_lived/location /m/02cft +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0pz91 /film/actor/film./film/performance/film /m/0bshwmp +/m/04mnts /sports/sports_team/colors /m/083jv +/m/06wbm8q /film/film/production_companies /m/056ws9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rnmy +/m/08phg9 /film/film/genre /m/02kdv5l +/m/01wy5m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05ry0p +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0prhz /film/film/country /m/0f8l9c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06rv5t +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027pwl +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/0pk41 +/m/01dw_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jbyg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013q07 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r4hry +/m/03nkts /film/actor/film./film/performance/film /m/02v5_g +/m/0kfpm /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/02r3cn /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02n4kr /media_common/netflix_genre/titles /m/02tktw +/m/02bh8z /music/record_label/artist /m/01vtj38 +/m/07jq_ /film/film_subject/films /m/02v570 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0b22w +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6mc +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/0y9j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01bdxz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/014lc_ /film/film/country /m/09c7w0 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/012ljv /people/person/gender /m/05zppz +/m/034qzw /film/film/written_by /m/018grr +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ggh +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/015gw6 +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/045m1_ /people/person/profession /m/067nv +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050r1z +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/04vr_f /film/film/edited_by /m/08h79x +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/015_1q /music/record_label/artist /m/07s3vqk +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/060j8b +/m/01bcq /people/person/languages /m/02h40lc +/m/0h6r5 /film/film/featured_film_locations /m/02_286 +/m/03z8bw /sports/sports_team/sport /m/02vx4 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/050xpd /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/01y9jr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvf4j +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0pz91 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbf1f +/m/01p4r3 /people/person/gender /m/05zppz +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/098s2w +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05mph /location/location/contains /m/0z5vp +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0gl88b /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01hb1t /education/educational_institution/colors /m/01l849 +/m/01634x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03c7twt /film/film/genre /m/06cvj +/m/02rtqvb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0pz04 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lf0c /people/person/profession /m/03gjzk +/m/06jnvs /people/person/place_of_birth /m/0r15k +/m/01r9md /people/person/nationality /m/0ctw_b +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b65l +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/06v_gh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/0gm34 /people/person/spouse_s./people/marriage/spouse /m/03p9hl +/m/01vvzb1 /people/person/gender /m/05zppz +/m/0gtx63s /film/film/language /m/02h40lc +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0sxlb /film/film/genre /m/02l7c8 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/02l3_5 /film/actor/film./film/performance/film /m/0291ck +/m/07qg8v /film/film/genre /m/03p5xs +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/04grkmd /film/film/country /m/09c7w0 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hb1t +/m/01vsy3q /influence/influence_node/peers./influence/peer_relationship/peers /m/01w9ph_ +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0407yfx /film/film/executive_produced_by /m/05jcn8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0b5hj5 +/m/0p88j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ft14 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/0bdxs5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03xnq9_ +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/06pvr /location/location/contains /m/0l2vz +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02x2097 /business/business_operation/industry /m/03r8gp +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nxvj +/m/0f4vx /film/film/written_by /m/05cgy8 +/m/022lly /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08xwck +/m/01j5ws /people/person/gender /m/05zppz +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0187y5 +/m/04vq33 /film/film/produced_by /m/08ff1k +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0847q /base/aareas/schema/administrative_area/capital /m/062qg +/m/01x53m /influence/influence_node/influenced_by /m/032l1 +/m/010hn /people/person/place_of_birth /m/01ktz1 +/m/015882 /people/person/profession /m/09jwl +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0ky1 /people/person/places_lived./people/place_lived/location /m/02m77 +/m/03xkps /award/award_winner/awards_won./award/award_honor/award_winner /m/03cvv4 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/049n2l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03y9ccy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/02dq8f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/021gzd /film/film/language /m/02h40lc +/m/01bbwp /people/person/gender /m/05zppz +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0m593 +/m/01vksx /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/01xysf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04b2qn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/02d6c /location/hud_county_place/place /m/02d6c +/m/0bshwmp /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07l450 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01g0jn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01jpyb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/017yxq /people/person/profession /m/01d_h8 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01g257 +/m/02qfv5d /media_common/netflix_genre/titles /m/0fy66 +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/09hy79 /film/film/production_companies /m/01gb54 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01p896 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n00 /people/person/religion /m/0kpl +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/0g4pl7z /film/film/film_festivals /m/0fpkxfd +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/016dmx /influence/influence_node/influenced_by /m/03cdg +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/038bh3 /film/film/cinematography /m/02vx4c2 +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmcbg +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/017g2y /people/person/place_of_birth /m/096gm +/m/04mp8x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/024dw0 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/01pllx /people/person/place_of_birth /m/02_286 +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/052nd /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0q6g3 /tv/tv_program/country_of_origin /m/03_3d +/m/01xdf5 /film/actor/film./film/performance/film /m/02y_lrp +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/015t56 /film/actor/film./film/performance/film /m/02mt51 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01yhvv +/m/02lf_x /location/location/contains /m/0gqfy +/m/02l4pj /film/actor/film./film/performance/film /m/0d_2fb +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gl5_ /education/educational_institution/colors /m/083jv +/m/05fhy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n4w +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0hvb2 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/04f525m +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/026n13j +/m/0dt_q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/04tz52 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/07ssc /location/location/contains /m/0gl6x +/m/01twmp /people/person/nationality /m/0d060g +/m/06bpt_ /music/genre/artists /m/01wt4wc +/m/043g7l /music/record_label/artist /m/01323p +/m/03v0t /location/location/contains /m/0ntxg +/m/03p9hl /people/person/spouse_s./people/marriage/spouse /m/013pp3 +/m/06gd4 /people/person/profession /m/09jwl +/m/02pcq92 /film/film/country /m/0d060g +/m/0178g /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/096lf_ /people/person/languages /m/0t_2 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fly +/m/0177s6 /people/person/profession /m/02hrh1q +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03ys2f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/01dvbd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02tcgh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/055hc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06rzwx /film/film/country /m/03spz +/m/070xg /sports/sports_team/sport /m/0jm_ +/m/015g1w /education/educational_institution/students_graduates./education/education/student /m/07_m2 +/m/097ns /people/cause_of_death/people /m/041mt +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/0gkkf /education/educational_institution/school_type /m/07tf8 +/m/01rp13 /tv/tv_program/genre /m/05p553 +/m/0372j5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxdy +/m/012xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02y_2y +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/055c8 /people/person/profession /m/03gjzk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/01t94_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/09qxq7 /music/genre/artists /m/0kvnn +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq4j6 +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/01v80y +/m/01_x6d /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02n9bh /film/film/genre /m/05p553 +/m/087z12 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jrbb +/m/014q2g /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03_wm6 /film/film/genre /m/02kdv5l +/m/01v0fn1 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03xh50 +/m/0207wx /people/deceased_person/place_of_death /m/02_286 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059_gf +/m/06by7 /music/genre/artists /m/01s21dg +/m/021r7r /music/artist/origin /m/01_d4 +/m/012mzw /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/02kxwk /film/actor/film./film/performance/film /m/02q7fl9 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/03b12 /location/hud_county_place/place /m/03b12 +/m/02lfcm /people/person/profession /m/01d_h8 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0drnwh +/m/0x3n /music/artist/origin /m/02dtg +/m/03rlps /music/genre/artists /m/0m19t +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ct5zc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/02_sr1 /film/film/genre /m/01jfsb +/m/01vsy3q /influence/influence_node/influenced_by /m/01w60_p +/m/0dlglj /film/actor/film./film/performance/film /m/04zyhx +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0dh8v4 /film/film/language /m/03_9r +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lfwp /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031rx9 +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vf5c +/m/02f_k_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/01z4y /media_common/netflix_genre/titles /m/01hvjx +/m/08cfr1 /film/film/genre /m/06nbt +/m/019r_1 /people/person/gender /m/05zppz +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/01_rh4 /film/actor/film./film/performance/film /m/0fgrm +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/01lwx /people/person/religion /m/0n2g +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/0hvvf /film/film/written_by /m/05drq5 +/m/045bg /influence/influence_node/influenced_by /m/032l1 +/m/03q5db /award/award_winning_work/awards_won./award/award_honor/award /m/02sp_v +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/07gqbk /music/record_label/artist /m/01wg3q +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/0dsvzh /film/film/language /m/02h40lc +/m/0fgrm /film/film/genre /m/07s9rl0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gh65c5 +/m/02s2xy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/01qqtr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f2xy /education/educational_institution/colors /m/01g5v +/m/025bwc /people/profession/specialization_of /m/04_tv +/m/06s26c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/02g9z1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0y3 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/01yf92 /business/business_operation/industry /m/01mw1 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0n85g /music/record_label/artist /m/0kvnn +/m/0gg8l /music/genre/artists /m/03cfjg +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/02s5v5 /people/person/profession /m/0dxtg +/m/03f2fw /organization/organization/child./organization/organization_relationship/child /m/01tntf +/m/078sj4 /film/film/featured_film_locations /m/02_286 +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0223bl +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/01vx5w7 /people/person/profession /m/016z4k +/m/019ltg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01m7mv /base/biblioness/bibs_location/country /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/05n6sq +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03k50 +/m/0jfx1 /music/artist/origin /m/0498y +/m/0557q /music/genre/artists /m/02fgpf +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j8wk +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/01d_4t /people/person/profession /m/01d_h8 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03rwz3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01j53q /award/award_winner/awards_won./award/award_honor/award_winner /m/01w92 +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01twdk /film/director/film /m/05qbckf +/m/0498yf /sports/sports_team/colors /m/06fvc +/m/09n48 /olympics/olympic_games/participating_countries /m/07dvs +/m/04jpk2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05ry0p /people/person/gender /m/02zsn +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/02xry /location/location/contains /m/0146hc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/017gm7 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0677j +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/0kv9d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/010p3 /people/person/profession /m/015cjr +/m/0bh8tgs /film/film/personal_appearances./film/personal_film_appearance/person /m/02mjmr +/m/018n6m /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrt_c +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0blfl /olympics/olympic_games/sports /m/09_9n +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q5db +/m/0372p /people/person/profession /m/01l5t6 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0drdv /award/award_winner/awards_won./award/award_honor/award_winner /m/0136g9 +/m/050xxm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07rd7 +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0chghy /location/location/contains /m/07cfx +/m/04g865 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06btq /location/location/contains /m/01jszm +/m/06j6l /music/genre/artists /m/01wk7ql +/m/023gxx /film/film/genre /m/017fp +/m/019803 /people/person/profession /m/0np9r +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01shy7 +/m/01w5gg6 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/04mhl +/m/024dgj /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/07k2d /dataworld/gardening_hint/split_to /m/07l1c +/m/0k1bs /music/group_member/membership./music/group_membership/role /m/018j2 +/m/02r6c_ /people/person/place_of_birth /m/0853g +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/0bbgly /film/film/genre /m/060__y +/m/06g4_ /people/person/languages /m/02h40lc +/m/0c7zf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0j95 /location/location/contains /m/027hljt +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/06cm5 /film/film/country /m/09c7w0 +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01gc7 +/m/03mp54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03hpr /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04kr63w +/m/02ck7w /film/actor/film./film/performance/film /m/08c4yn +/m/017cy9 /organization/organization/headquarters./location/mailing_address/citytown /m/080h2 +/m/01r7t9 /people/person/profession /m/03gjzk +/m/0194zl /film/film/country /m/0d060g +/m/0xhtw /music/genre/artists /m/016vn3 +/m/0343h /organization/organization_founder/organizations_founded /m/02jd_7 +/m/0bkq7 /film/film/music /m/02sj1x +/m/01t38b /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/036dyy /film/director/film /m/02pw_n +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/04k25 +/m/0g8rj /education/educational_institution/colors /m/02rnmb +/m/035gt8 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/015dnt /film/actor/film./film/performance/film /m/01jwxx +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/021lby /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tsbmv /film/actor/film./film/performance/film /m/02qdrjx +/m/081l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01d4cb +/m/0lgsq /people/person/profession /m/02hrh1q +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02p5hf +/m/041rx /people/ethnicity/people /m/047hpm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04lc0h +/m/01w1w9 /music/record_label/artist /m/01qgry +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/01jfnvd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m_zd /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/02l6h +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/03hdz8 /education/educational_institution/students_graduates./education/education/student /m/0dzf_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jwvf +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/050f0s +/m/0g5y6 /people/ethnicity/people /m/0m9c1 +/m/09c7w0 /location/location/contains /m/08qs09 +/m/057bc6m /award/award_winner/awards_won./award/award_honor/award_winner /m/07h1tr +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0dzkq /influence/influence_node/influenced_by /m/040db +/m/028cg00 /film/film/featured_film_locations /m/01914 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hx2t +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/02ljhg /film/film/country /m/09c7w0 +/m/02w70 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/0gdh5 +/m/05fgt1 /film/film/production_companies /m/04rtpt +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0lv1x /olympics/olympic_games/sports /m/01cgz +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bx_q +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0bwh6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02v3yy +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/020w2 +/m/01l2m3 /people/cause_of_death/people /m/0pj8m +/m/02l7c8 /media_common/netflix_genre/titles /m/07ykkx5 +/m/01trtc /music/record_label/artist /m/0jg77 +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0301bq +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bm4sm +/m/0d06m5 /people/person/place_of_birth /m/01_d4 +/m/0ggx5q /music/genre/artists /m/05szp +/m/0mvxt /location/us_county/county_seat /m/0_lr1 +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/0270k40 /film/film/language /m/02h40lc +/m/0js9s /film/actor/film./film/performance/film /m/017gm7 +/m/0j862 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0j871 +/m/06kl78 /film/film/country /m/07ssc +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0d3qd0 +/m/019lty /sports/sports_team/colors /m/06fvc +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/061xq /sports/sports_team/colors /m/019sc +/m/06klyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/06msq2 +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0b60sq /film/film/story_by /m/09jd9 +/m/0ddt_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/03__y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/04rrx /location/location/contains /m/0njvn +/m/0781g /music/genre/artists /m/0b_xm +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01qh7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ftlx /base/biblioness/bibs_location/country /m/03shp +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05631 +/m/03kxdw /people/person/profession /m/02krf9 +/m/018009 /film/actor/film./film/performance/film /m/04z_3pm +/m/07s9rl0 /media_common/netflix_genre/titles /m/0hv1t +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/07kg3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcdn +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01hwgt +/m/01v1ln /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/0crc2cp /film/film/story_by /m/014nvr +/m/0d4jl /influence/influence_node/influenced_by /m/07g2b +/m/0g701n /sports/sports_team/colors /m/06fvc +/m/040696 /people/person/nationality /m/09c7w0 +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02yvct +/m/0b_75k /time/event/locations /m/0f2w0 +/m/0135cw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/038b_x +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020hyj +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02qlp4 /film/film/genre /m/07s2s +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/03mgx6z /film/film/language /m/0jzc +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03npn /media_common/netflix_genre/titles /m/076xkps +/m/026vcc /education/educational_institution/students_graduates./education/education/student /m/03f3yfj +/m/03f0fnk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vq3h +/m/013ksx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0_3cs +/m/02clgg /people/person/place_of_birth /m/02_286 +/m/050_qx /film/actor/film./film/performance/film /m/09r94m +/m/020l9r /people/person/nationality /m/09c7w0 +/m/0rrhp /location/hud_county_place/county /m/0jxh9 +/m/01hmnh /media_common/netflix_genre/titles /m/0642xf3 +/m/09146g /film/film/music /m/06fxnf +/m/02l6dy /people/person/languages /m/02h40lc +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/07mvp /award/award_winner/awards_won./award/award_honor/award_winner /m/027zz +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/036wy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0y9j +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/06vv_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/081jbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dscrwf /film/film/country /m/0f8l9c +/m/041p3y /music/record_label/artist /m/01n8gr +/m/02jd_7 /business/business_operation/industry /m/02vxn +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01d1st /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/09yrh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01s21dg +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/0237jb +/m/05bt6j /music/genre/artists /m/01797x +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0fpzwf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/02c638 /film/film/film_production_design_by /m/0dh73w +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/01sby_ /film/film/language /m/03_9r +/m/0c73z /people/person/profession /m/05vyk +/m/01d_h /people/person/profession /m/0dz3r +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/01wj5hp /people/person/profession /m/0dxtg +/m/02x8fs /film/film/story_by /m/01pjr7 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yzbg +/m/04gkp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/017_qw /music/genre/artists /m/06gg5c +/m/02c7k4 /film/film/country /m/09c7w0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q01mn +/m/011yfd /film/film/language /m/02bjrlw +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/02p65p /people/person/profession /m/02hrh1q +/m/010p3 /people/person/profession /m/08z956 +/m/03qnc6q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05842k /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01gwk3 /film/film/country /m/07ssc +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/0167km /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hfmm +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0lk90 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02r3cn +/m/0c4z8 /award/award_category/category_of /m/0c4ys +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0584r4 /award/award_winning_work/awards_won./award/award_honor/award /m/0h3vhfb +/m/09c7w0 /location/location/contains /m/0235l +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07h5d /people/person/place_of_birth /m/0fpzwf +/m/01kws3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/03cmsqb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fqrf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/046zh /film/actor/film./film/performance/film /m/06_wqk4 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/07bzz7 /film/film/country /m/02jx1 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/02zrv7 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0jcgs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06y9bd /people/person/profession /m/02jknp +/m/025twgf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/05dtsb /people/person/nationality /m/09c7w0 +/m/07m77x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cn_b8 +/m/02rrfzf /film/film/prequel /m/025s1wg +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy95 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0m40d /music/genre/parent_genre /m/064t9 +/m/09y6pb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05b_gq +/m/03qbm /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/03rl84 /people/person/profession /m/0nbcg +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02p8v8 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02cvcd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0dw6b /people/person/places_lived./people/place_lived/location /m/0ffmp +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01v2xl /education/educational_institution/students_graduates./education/education/student /m/0xnc3 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06z9f8 +/m/0fpkhkz /film/film/genre /m/0hc1z +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rj0 +/m/05mv4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0133x7 /people/person/profession /m/04f2zj +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/04mn81 +/m/04wddl /film/film/genre /m/05p553 +/m/042v2 /people/person/place_of_birth /m/01m9f1 +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/0jw67 +/m/0s69k /base/biblioness/bibs_location/state /m/03v0t +/m/08qs09 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03hfxx /people/person/profession /m/01d_h8 +/m/02k1pr /film/film/music /m/0146pg +/m/06q02g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03bxpt0 +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/04v09 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/01jkqfz +/m/01h18v /film/film/genre /m/03p5xs +/m/09k0h5 /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/071xj /people/person/gender /m/05zppz +/m/01l_yg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0274v0r /award/award_category/winners./award/award_honor/award_winner /m/0cqh57 +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/02j9z /base/locations/continents/countries_within /m/015qh +/m/032_wv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ff6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0847q +/m/02_lt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/05b4w +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0xhtw /music/genre/artists /m/017g21 +/m/05r3qc /film/film/produced_by /m/0bwh6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/03yfh3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rxbmt +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/02ch1w /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/02kv5k /people/person/gender /m/05zppz +/m/0jbrr /location/hud_county_place/county /m/0cb4j +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/01nty /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01m3b1t /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/015rhv /people/person/gender /m/05zppz +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/096lf_ +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04v8x9 +/m/0l6m5 /olympics/olympic_games/sports /m/07_53 +/m/031f_m /film/film/genre /m/06n90 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/017w_ /sports/sports_team_location/teams /m/0266bd5 +/m/0cg9y /people/person/profession /m/02hrh1q +/m/019ltg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016clz /music/genre/artists /m/046p9 +/m/07b2yw /education/educational_institution/school_type /m/05jxkf +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016lmg +/m/05148p4 /music/instrument/instrumentalists /m/03bnv +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/08f3b1 +/m/0b6m5fy /tv/tv_program/languages /m/02h40lc +/m/0l14j_ /music/instrument/instrumentalists /m/01vrnsk +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/014vk4 /people/person/employment_history./business/employment_tenure/company /m/07vsl +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nwm +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/023p29 +/m/09v8clw /film/film/language /m/02h40lc +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvycq +/m/027lf1 /organization/organization/place_founded /m/026mj +/m/03qmx_f /people/person/place_of_birth /m/012d9h +/m/06s6hs /people/person/religion /m/0c8wxp +/m/014ps4 /influence/influence_node/influenced_by /m/01v9724 +/m/04gm7n /music/record_label/artist /m/01vvydl +/m/01x73 /location/location/contains /m/0m2j5 +/m/018vs /music/instrument/instrumentalists /m/07_3qd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mg3l +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mt51 +/m/04ftdq /education/educational_institution_campus/educational_institution /m/04ftdq +/m/01wn718 /award/award_winner/awards_won./award/award_honor/award_winner /m/044gyq +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/01dhmw +/m/017fp /media_common/netflix_genre/titles /m/03xj05 +/m/0m_31 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/085gk /influence/influence_node/influenced_by /m/06y8v +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02h40lc /language/human_language/countries_spoken_in /m/02wt0 +/m/06by7 /music/genre/artists /m/0187x8 +/m/042kg /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0btxr /film/actor/film./film/performance/film /m/03hfmm +/m/01nn6c /music/group_member/membership./music/group_membership/role /m/02hnl +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02s2ft +/m/03gqb0k /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/051wwp /people/person/profession /m/01d_h8 +/m/02fbpz /people/person/gender /m/05zppz +/m/035s37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03k9fj /media_common/netflix_genre/titles /m/03t95n +/m/02pv_d /people/person/profession /m/03gjzk +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_6 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0q5hw /people/person/profession /m/0cbd2 +/m/04kqk /organization/organization/place_founded /m/0l2hf +/m/057lbk /film/film/music /m/0bs1yy +/m/0821j /influence/influence_node/influenced_by /m/026fd +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/026b7bz +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/02jx1 /location/location/contains /m/0dplh +/m/0234_c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6lb /time/event/locations /m/06wxw +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lvyj +/m/05cj_j /film/film/music /m/0146pg +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/01rcmg /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/0kcw2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n474 +/m/01crd5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/02vk5b6 /music/genre/parent_genre /m/01jwt +/m/0pv54 /film/film/genre /m/03mqtr +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/014x77 /people/person/spouse_s./people/marriage/spouse /m/04shbh +/m/01n1gc /people/person/gender /m/05zppz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/024rgt /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/02yj7w /film/actor/film./film/performance/film /m/01hv3t +/m/01pgp6 /film/film/executive_produced_by /m/03ys2f +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qrb2 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/016622 +/m/0bwfn /education/educational_institution/colors /m/083jv +/m/016zwt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0356dp /film/actor/film./film/performance/film /m/01vw8k +/m/03kcyd /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/016wvy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lnbg /music/genre/artists /m/01svw8n +/m/011k1h /business/business_operation/industry /m/03qh03g +/m/05bt6j /music/genre/artists /m/015cqh +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0qf3p /people/person/gender /m/05zppz +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/01n7q /location/location/contains /m/0r4z7 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vx4c2 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/0ch26b_ /film/film/edited_by /m/08h79x +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0tbql +/m/017fp /media_common/netflix_genre/titles /m/049xgc +/m/06rkfs /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09d11 /medicine/disease/risk_factors /m/0cycc +/m/03qjg /music/instrument/instrumentalists /m/03c7ln +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02jkkv +/m/0c2dl /people/person/employment_history./business/employment_tenure/company /m/02gr81 +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dg3n1 /base/locations/continents/countries_within /m/01n6c +/m/0g6xq /base/biblioness/bibs_location/country /m/09pmkv +/m/01s0l0 /people/person/nationality /m/03rk0 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gq0b +/m/0fg_hg /people/person/profession /m/02hrh1q +/m/0mfj2 /people/person/profession /m/02hrh1q +/m/0f4vx /film/film/genre /m/060__y +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02vy5j /people/person/profession /m/02hrh1q +/m/0194xc /people/person/sibling_s./people/sibling_relationship/sibling /m/06hx2 +/m/01gct2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmh7 +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0bl1_ /film/film/featured_film_locations /m/0rnmy +/m/01cl2y /music/record_label/artist /m/05k79 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02gn9g /people/person/gender /m/05zppz +/m/05qhnq /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0gd9k /film/director/film /m/02qzh2 +/m/05mcjs /people/person/gender /m/05zppz +/m/02fcs2 /people/person/profession /m/02jknp +/m/02dwj /film/film/film_production_design_by /m/04kj2v +/m/0gjc4d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d8yn +/m/015q43 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rk0 +/m/01r216 /people/person/nationality /m/06q1r +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/01v40wd /people/person/profession /m/0nbcg +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/026mj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjf +/m/01vv126 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02r3cn +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/03_d0 /music/genre/artists /m/016890 +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0z4s +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02q6gfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/06y611 /film/film/genre /m/05p553 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/09cxm4 /film/film/genre /m/06n90 +/m/03hjv97 /film/film/genre /m/05p553 +/m/02bwc7 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/024_vw /people/person/religion /m/0c8wxp +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/02g_7z +/m/0p_x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdx +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rnly +/m/02knxx /people/cause_of_death/people /m/098sv2 +/m/04c636 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01_4z /people/person/profession /m/0fj9f +/m/02zkz7 /education/university/fraternities_and_sororities /m/0325pb +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cqnss +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0djtky /people/person/place_of_birth /m/0cv3w +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023fb +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/01cwhp /people/person/languages /m/02h40lc +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/03_80b +/m/013_5c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01vsyg9 /people/person/profession /m/039v1 +/m/07h1tr /people/person/profession /m/089fss +/m/01_x6v /people/person/profession /m/015h31 +/m/03f7jfh /award/award_winner/awards_won./award/award_honor/award_winner /m/07sbk +/m/02f764 /award/award_category/winners./award/award_honor/award_winner /m/013w7j +/m/01vwllw /film/actor/film./film/performance/film /m/03p2xc +/m/02lyx4 /film/actor/film./film/performance/film /m/02c6d +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/03qd_ /people/person/profession /m/0kyk +/m/0261g5l /people/person/profession /m/0dxtg +/m/03m6_z /people/person/profession /m/04gf49c +/m/07k2mq /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/01gq0b /film/actor/film./film/performance/film /m/047bynf +/m/04wddl /film/film/language /m/02h40lc +/m/040db /people/person/profession /m/05z96 +/m/0glqh5_ /film/film/genre /m/0lsxr +/m/0k2mxq /film/actor/film./film/performance/film /m/016z9n +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0bwjj +/m/014jyk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0bs5f0b /film/film/genre /m/02l7c8 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/01z1c /base/biblioness/bibs_location/country /m/09c7w0 +/m/047q2k1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01pj_5 /film/film/produced_by /m/02mc79 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/01mgsn /base/biblioness/bibs_location/state /m/059rby +/m/05bt6j /music/genre/artists /m/01gg59 +/m/03y8cbv /award/award_category/nominees./award/award_nomination/nominated_for /m/04969y +/m/086sj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0f8pz /people/person/profession /m/01c72t +/m/01r93l /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/06lbp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0lmm3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/085wqm /film/film/genre /m/0fdjb +/m/017n9 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/017fp /media_common/netflix_genre/titles /m/05dy7p +/m/024t0y /people/person/place_of_birth /m/068p2 +/m/0k4f3 /film/film/cinematography /m/09cdxn +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/036qs_ /people/person/profession /m/02krf9 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03__y +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01p4vl /people/person/spouse_s./people/marriage/spouse /m/019pm_ +/m/01pq4w /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/06z8s_ /film/film/production_companies /m/046b0s +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0473q /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/01sxq9 +/m/01v3vp /film/actor/film./film/performance/film /m/0241y7 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/03d1y3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0345h /location/location/contains /m/016n7b +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0d500h /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0488g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/020_95 /film/actor/film./film/performance/film /m/02_06s +/m/0227tr /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/09dv8h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09fp45 /people/person/profession /m/02hrh1q +/m/02vg0 /people/person/nationality /m/09c7w0 +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0lhp1 +/m/04pg29 /people/person/profession /m/0dxtg +/m/0d_wms /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01gvr1 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/065b6q /people/ethnicity/people /m/01d0fp +/m/05zlld0 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0gjc4d3 /film/film/country /m/09c7w0 +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02kk_c /tv/tv_program/country_of_origin /m/09c7w0 +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/01pgk0 /people/person/place_of_birth /m/0106dv +/m/0192l /music/instrument/instrumentalists /m/01mxnvc +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m9p3 /film/film/featured_film_locations /m/0345h +/m/030p35 /tv/tv_program/program_creator /m/01my4f +/m/01xyt7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fsb_6 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03q5t /music/instrument/instrumentalists /m/016wvy +/m/030155 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02b153 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01w272y /people/person/place_of_birth /m/0dc95 +/m/0jdr0 /film/film/produced_by /m/016ghw +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/01f8hf /film/film/executive_produced_by /m/0cv9fc +/m/0kt_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/027b43 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06cddt /people/person/places_lived./people/place_lived/location /m/0mnz0 +/m/0qm8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bn3jg +/m/0x67 /people/ethnicity/people /m/024_vw +/m/05jbn /location/location/contains /m/01pq4w +/m/026fs38 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_bcg +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/019x62 /people/person/profession /m/0nbcg +/m/0522wp /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0dh8v4 +/m/02bpy_ /education/educational_institution/school_type /m/05pcjw +/m/09bg4l /people/person/religion /m/019cr +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/0fpkhkz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0g5qmbz /film/film/language /m/02bjrlw +/m/06fcqw /film/film/production_companies /m/01795t +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/09s5q8 /education/educational_institution/colors /m/01l849 +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02ln0f +/m/02vnp2 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c5l /location/location/contains /m/06s6l +/m/03ym73 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05tjm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03rhqg /music/record_label/artist /m/01v0sxx +/m/032_wv /film/film/music /m/07v4dm +/m/04__f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpkw +/m/03hxsv /film/film/genre /m/02kdv5l +/m/0263cyj /sports/sports_team/colors /m/083jv +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/012x2b /film/actor/film./film/performance/film /m/027j9wd +/m/07tvwy /film/actor/film./film/performance/film /m/0kvb6p +/m/02hyt /base/biblioness/bibs_location/state /m/01n7q +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/059f4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05k7sb +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w0yrc +/m/03t852 /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/09c7w0 /location/location/contains /m/05fhy +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_fz3 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09mq4m +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/09p4w8 +/m/049dk /organization/organization/headquarters./location/mailing_address/state_province_region /m/0488g +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/01279v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0clzr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04n8xs +/m/036qs_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01pcz9 /people/person/profession /m/018gz8 +/m/05nn4k /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1m +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09k56b7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02x9cv +/m/01fwzk /film/film/produced_by /m/04t38b +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/05x8n +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/05f4_n0 /film/film/country /m/09c7w0 +/m/0g6ff /people/ethnicity/geographic_distribution /m/0163v +/m/07s9rl0 /media_common/netflix_genre/titles /m/02wyzmv +/m/0b_6zk /time/event/locations /m/0f2rq +/m/01fmz6 /award/award_winner/awards_won./award/award_honor/award_winner /m/07hgkd +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0qmk5 /tv/tv_program/genre /m/02fgmn +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0nv99 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv54 +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/06s1qy +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/03n5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fx0mw +/m/04hqz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/025txtg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/022_q8 /film/director/film /m/03c_cxn +/m/02_pft /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/0320jz /people/person/profession /m/02hrh1q +/m/015cz0 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076xkdz +/m/09rvwmy /film/film/featured_film_locations /m/027kp3 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0k4kk /film/film/genre /m/0jdm8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0c1pj /film/director/film /m/072r5v +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0g7pm1 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01g257 +/m/02vqhv0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01l3j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/013423 +/m/0gdqy /award/award_winner/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/01v3k2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0mbs8 +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/01k9gb /people/cause_of_death/people /m/04bdlg +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05vzw3 +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01w5gg6 /people/person/profession /m/0nbcg +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vbk +/m/06mt91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03y82t6 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/042l3v +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0356gk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03sww /people/person/nationality /m/09c7w0 +/m/03339m /music/genre/parent_genre /m/0hdf8 +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jfsb /media_common/netflix_genre/titles /m/0k20s +/m/05qtj /location/location/contains /m/01j2_7 +/m/01ycbq /film/actor/film./film/performance/film /m/0dgq_kn +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02vxq9m /film/film/cinematography /m/04qvl7 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/04chyn /education/educational_institution_campus/educational_institution /m/04chyn +/m/09b69 /location/location/partially_contains /m/047lj +/m/0_jq4 /location/hud_county_place/county /m/0mw7h +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/0pmw9 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02kk_c /tv/tv_program/genre /m/0jtdp +/m/0716t2 /people/person/gender /m/02zsn +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/080dfr7 /film/film/genre /m/06n90 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01j48s +/m/02cttt /education/educational_institution_campus/educational_institution /m/02cttt +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/015l4k /olympics/olympic_games/sports /m/01z27 +/m/0gmgwnv /film/film/language /m/02h40lc +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/02jx1 /location/country/second_level_divisions /m/025r_t +/m/01y8cr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01yj2 /location/location/contains /m/031hxk +/m/09v71cj /film/film/genre /m/0vgkd +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyz92 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/045zr /music/artist/origin /m/018d5b +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/07twz /location/country/capital /m/09jp3 +/m/0gcpc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030pr +/m/07h07 /influence/influence_node/influenced_by /m/0lcx +/m/044gyq /people/person/profession /m/05z96 +/m/08pth9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01wrcxr /people/person/profession /m/0dxtg +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p9hgt +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/03rjj /location/location/contains /m/04_xr8 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01y665 /film/actor/film./film/performance/film /m/03hkch7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yxf4 +/m/0jw67 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0338g8 /people/person/profession /m/02krf9 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l_yg +/m/0gxr1c /tv/tv_program/country_of_origin /m/03_3d +/m/01mz9lt /people/person/gender /m/05zppz +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02_pft /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hn6d /sports/sports_team/sport /m/03tmr +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016khd +/m/03q8xj /film/film/genre /m/0219x_ +/m/026n998 /people/person/profession /m/0dxtg +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0b60sq +/m/05f7s1 /education/educational_institution/school_type /m/05jxkf +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s44 +/m/0ggx5q /music/genre/artists /m/01w9wwg +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01wk7ql /people/person/places_lived./people/place_lived/location /m/0b28g +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/060s9 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/053y4h +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/01f7j9 +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0drnwh /film/film/genre /m/02l7c8 +/m/02qfh /tv/tv_program/languages /m/02h40lc +/m/05k7sb /location/location/contains /m/03ksy +/m/02jx1 /location/country/form_of_government /m/01q20 +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0d6yv /base/biblioness/bibs_location/country /m/02jx1 +/m/02_01w /people/person/languages /m/02h40lc +/m/0f8j13 /film/film/genre /m/0424mc +/m/01d3n8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dyl9 /location/location/time_zones /m/02fqwt +/m/01hnb /education/educational_institution/school_type /m/05pcjw +/m/01k2xy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0x67 /people/ethnicity/people /m/01wzlxj +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/025twgt /film/film/language /m/06b_j +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pkm +/m/01g6l8 /education/educational_institution/colors /m/036k5h +/m/012_53 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06fc0b +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031296 +/m/0hskw /film/director/film /m/09q23x +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026n6cs +/m/04t2l2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q32bd +/m/0gj8nq2 /film/film/genre /m/01jfsb +/m/01ztgm /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vs_v8 +/m/01xsbh /film/actor/film./film/performance/film /m/0m9p3 +/m/0chghy /sports/sports_team_location/teams /m/020wyp +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06v_gh +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgkj2 +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0ph24 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06q5t7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825kb +/m/02vtnf /people/person/profession /m/01d_h8 +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nwwl +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0lx2l /film/actor/film./film/performance/film /m/01hr1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03__77 +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/08d6bd +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/0m2b5 /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/03j149k /music/artist/origin /m/02_286 +/m/0kryqm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015_1q /music/record_label/artist /m/01v0sx2 +/m/02kwcj /film/film/language /m/03_9r +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ltf +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jpmpv +/m/01dcqj /people/cause_of_death/people /m/03txms +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/028qdb +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy66 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03k50 /media_common/netflix_genre/titles /m/047q2k1 +/m/0c4f4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02czd5 +/m/0cc1v /location/location/time_zones /m/02hcv8 +/m/02lv2v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0f2wj /base/biblioness/bibs_location/state /m/01n7q +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015qq1 +/m/0fb1q /film/actor/film./film/performance/film /m/01mszz +/m/0ggq0m /music/genre/artists /m/01gx5f +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/083q7 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0222qb /people/ethnicity/people /m/015gjr +/m/034q81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/01t6b4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/09d28z /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/02gm9n +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0151w_ +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0s0tr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07cdz /film/film/cinematography /m/06g60w +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0jkvj /olympics/olympic_games/sports /m/0bynt +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01lnyf /organization/organization/headquarters./location/mailing_address/citytown /m/0tbql +/m/02m77 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0k4fz /film/film/country /m/09c7w0 +/m/09bx1k /people/person/place_of_birth /m/0d6lp +/m/0g1x2_ /film/film_subject/films /m/040rmy +/m/0160w /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/08wr3kg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/02mscn /music/genre/artists /m/02bc74 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02qcr +/m/0ldd /people/person/profession /m/02hv44_ +/m/01jt2w /education/educational_institution/colors /m/083jv +/m/02nq10 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d_q40 +/m/07c52 /media_common/netflix_genre/titles /m/053x8hr +/m/025sc50 /music/genre/artists /m/016kjs +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/0g2lq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tw31 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07myb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/030g9z +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/04mx__ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0qmk5 +/m/01200d /people/person/profession /m/02jknp +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/077rj +/m/02c4s /people/person/religion /m/0n2g +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0642ykh +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm64 +/m/01dcqj /people/cause_of_death/people /m/0137hn +/m/0dl5d /music/genre/artists /m/0p76z +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/06924p /music/genre/artists /m/0197tq +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03spz +/m/0d__g /people/person/nationality /m/09c7w0 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/0pc_l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrrm +/m/02rsz0 /influence/influence_node/influenced_by /m/03qcq +/m/027cxsm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cs134 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018f8 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_x +/m/0f5mdz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvwkr +/m/01vng3b /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0c12h /people/person/profession /m/02jknp +/m/05nrg /location/location/contains /m/020p1 +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03zrhb +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0h5j77 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0639bg /film/film/featured_film_locations /m/04jpl +/m/0287477 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05kj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n7q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01vs4f3 /influence/influence_node/peers./influence/peer_relationship/peers /m/0144l1 +/m/06x77g /film/film/country /m/09c7w0 +/m/013f9v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02s_qz /people/person/profession /m/02hrh1q +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03mr85 /film/film/genre /m/02b5_l +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcdn +/m/011yd2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06gjk9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01n7qlf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vvb4m +/m/097h2 /tv/tv_program/languages /m/0t_2 +/m/0286vp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07ccs +/m/0342h /music/instrument/instrumentalists /m/01m1dzc +/m/026db_ /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/064_8sq /language/human_language/countries_spoken_in /m/01ppq +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/06l9n8 /people/person/nationality /m/09c7w0 +/m/0hky /influence/influence_node/influenced_by /m/01v9724 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/0bsxd3 /tv/tv_program/genre /m/06ntj +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmh7 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05kkh /location/location/contains /m/02bjhv +/m/01bh6y /people/person/spouse_s./people/marriage/spouse /m/03d1y3 +/m/0d9jr /location/location/time_zones /m/02lcqs +/m/01pcql /people/person/languages /m/02h40lc +/m/02q0v8n /film/film/language /m/02h40lc +/m/03lgg /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/064t9 /music/genre/artists /m/01vtj38 +/m/04lhc4 /film/film/genre /m/01t_vv +/m/05qw5 /people/person/profession /m/05z96 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/027x4ws +/m/03jl0_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0266sb_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/04wg38 +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/0cz8mkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/018vs /music/instrument/instrumentalists /m/016z1t +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/04bbv7 +/m/06crng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05_5_22 +/m/013xrm /people/ethnicity/people /m/042q3 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04180vy +/m/0gr36 /people/person/places_lived./people/place_lived/location /m/0nbrp +/m/01wv9xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/06nv27 /music/artist/origin /m/04jpl +/m/020bv3 /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/015076 +/m/06cp5 /music/genre/artists /m/01tv3x2 +/m/0pdp8 /film/film/written_by /m/06jz0 +/m/01wtlq /music/genre/parent_genre /m/0ggq0m +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/0x67 /people/ethnicity/people /m/02cg2v +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06by7 /music/genre/artists /m/016jfw +/m/01g7_r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/03ylxn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01dthg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07g2b /influence/influence_node/influenced_by /m/01rgr +/m/0gh6j94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08vd2q +/m/064t9 /music/genre/artists /m/02bwjv +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0134w7 +/m/01hmnh /media_common/netflix_genre/titles /m/04jpg2p +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/01f6zc /film/actor/film./film/performance/film /m/031786 +/m/04z4j2 /film/film/genre /m/03bxz7 +/m/07l24 /sports/sports_team/colors /m/06fvc +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/08815 /education/educational_institution/campuses /m/08815 +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/014_x2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018yj6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0288zy +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/02t_w8 +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0fq9zcx /award/award_category/disciplines_or_subjects /m/02vxn +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/0p2rj /location/us_county/county_seat /m/0ftvg +/m/01j4ls /people/person/profession /m/02hrh1q +/m/0grrq8 /people/person/place_of_birth /m/02_286 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025jfl +/m/0d19y2 /medicine/disease/notable_people_with_this_condition /m/01vn0t_ +/m/04s934 /education/educational_institution/school_type /m/025tjcb +/m/08phg9 /film/film/produced_by /m/01xndd +/m/043g7l /music/record_label/artist /m/02jqjm +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0219q /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/0f4k49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c4f4 +/m/01lbcqx /film/film/story_by /m/0fx02 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/08nhfc1 /film/film/genre /m/07s9rl0 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/03qjg /music/instrument/instrumentalists /m/01wdcxk +/m/034lk7 /location/hud_county_place/county /m/034lk7 +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6jd +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/0gtgp6 /people/person/gender /m/05zppz +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/06npd /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bt6j /music/genre/artists /m/015882 +/m/0kw4j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fjf /location/location/contains /m/0n5j7 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03zqc1 +/m/05pxnmb /film/film/music /m/0417z2 +/m/018y81 /people/person/profession /m/04f2zj +/m/03902 /location/location/contains /m/01y888 +/m/08f3b1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/03f4xvm /film/actor/film./film/performance/film /m/08952r +/m/095w_ /location/location/time_zones /m/02llzg +/m/033wx9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02hhtj +/m/01lf293 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s21dg +/m/02b0y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/0r6c4 /location/hud_county_place/place /m/0r6c4 +/m/07y8l9 /film/actor/film./film/performance/film /m/0ds1glg +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/09hgk +/m/03pmzt /film/actor/film./film/performance/film /m/0fs9vc +/m/0cvkv5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gy6z9 /people/person/profession /m/02hrh1q +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02js6_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0n6f8 +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/05jbn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/087pfc /film/film/country /m/09c7w0 +/m/0h3mrc /people/person/profession /m/02krf9 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hzlz +/m/01csrl /people/person/profession /m/02hrh1q +/m/0b22w /people/person/nationality /m/09c7w0 +/m/026r8q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0993r +/m/036k0s /location/location/contains /m/02qwgk +/m/0jt5zcn /location/location/contains /m/0ym4t +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/026rm_y /people/person/nationality /m/0345h +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01399x +/m/07wlf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cfx /base/biblioness/bibs_location/country /m/0chghy +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/060__7 /film/film/genre /m/060__y +/m/03dpqd /film/actor/film./film/performance/film /m/06nr2h +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rrwf6 +/m/08433 /people/person/place_of_birth /m/06wxw +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0pkr1 /people/person/profession /m/02jknp +/m/04nl83 /film/film/country /m/0f8l9c +/m/09blyk /media_common/netflix_genre/titles /m/0992d9 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/02q_x_l /film/film/genre /m/03k9fj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/058nh2 /film/actor/film./film/performance/film /m/0gzy02 +/m/07c52 /media_common/netflix_genre/titles /m/02czd5 +/m/04kllm9 /medicine/symptom/symptom_of /m/0dcqh +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bzyh +/m/06h2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02wr6r /film/actor/film./film/performance/film /m/0qmjd +/m/04wqr /people/person/religion /m/03_gx +/m/01p3ty /film/film/genre /m/05p553 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/04jpk2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gv_f +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0b7xl8 /people/person/gender /m/05zppz +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs5v +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0d4htf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/021q2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/0fzyg /film/film_subject/films /m/09yxcz +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/044mfr +/m/05cljf /music/artist/origin /m/06y57 +/m/06j6l /music/genre/artists /m/020_4z +/m/01cv3n /people/person/nationality /m/09c7w0 +/m/0gl3hr /film/film/produced_by /m/022p06 +/m/02mc5v /film/film/genre /m/0gf28 +/m/01cf93 /music/record_label/artist /m/016lmg +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/01vwbts +/m/03rt9 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dlhg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fmc5 +/m/06qw_ /tv/tv_program/genre /m/06n90 +/m/08sfxj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01ckhj /people/person/gender /m/05zppz +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0kbws /olympics/olympic_games/participating_countries /m/06mzp +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02fttd /film/film/production_companies /m/016tt2 +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/0dvmd /film/actor/film./film/performance/film /m/0d61px +/m/09c7w0 /location/location/contains /m/03v0t +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/09gffmz /people/person/profession /m/0dxtg +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l2fn +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/0sxkh /film/film/language /m/05zjd +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02vjzr /music/genre/artists /m/03f2_rc +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jssp +/m/034bgm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0pgm3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06wbm8q /film/film/music /m/0csdzz +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/01pg1d /people/person/gender /m/02zsn +/m/02lhm2 /people/person/profession /m/03gjzk +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/01mh8zn /people/person/profession /m/0dxtg +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8gz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/011yn5 /film/film/produced_by /m/03xp8d5 +/m/015whm /film/film/genre /m/05p553 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kckd +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01bns_ +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d8yn +/m/018y81 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/018ctl /olympics/olympic_games/participating_countries /m/01mjq +/m/01rgdw /education/university/fraternities_and_sororities /m/0325pb +/m/059xvg /people/person/nationality /m/09c7w0 +/m/04xg2f /film/film/country /m/0d060g +/m/026zlh9 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/06t61y /film/actor/film./film/performance/film /m/02_kd +/m/0czkbt /people/person/profession /m/0nbcg +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0l9k1 +/m/0jdd /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/054bt3 /people/person/gender /m/05zppz +/m/057__d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0ql76 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/01xysf /organization/organization/headquarters./location/mailing_address/citytown /m/0ynfz +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/05yvfd /people/person/profession /m/02hrh1q +/m/06dv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/02jx1 /location/location/contains /m/02kzfw +/m/0h63q6t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01rh0w /people/person/spouse_s./people/marriage/location_of_ceremony /m/0162v +/m/0425_d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01w5jwb /people/person/profession /m/02hrh1q +/m/08fn5b /film/film/production_companies /m/01gb54 +/m/05sy2k_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mvs +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/09c7w0 /location/country/second_level_divisions /m/0l2k7 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/03jldb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/019nnl +/m/01j5x6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/05b3ts +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/0137n0 /people/person/profession /m/09jwl +/m/07cjqy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/03ydlnj /film/film/music /m/0150t6 +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/07s9rl0 /media_common/netflix_genre/titles /m/016ywb +/m/07ghv5 /film/film/genre /m/07s9rl0 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/026mfbr /film/film/executive_produced_by /m/04fcx7 +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027ffq +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016dj8 +/m/01j6t0 /medicine/symptom/symptom_of /m/0fltx +/m/024lt6 /film/film/executive_produced_by /m/01q_ph +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0l8gh /music/genre/artists /m/0hqgp +/m/0jmwg /music/genre/artists /m/01mr2g6 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02zbjwr /people/person/gender /m/05zppz +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/015njf /people/person/profession /m/0lgw7 +/m/01n6r0 /education/educational_institution/school_type /m/05jxkf +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03f0fnk /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03mb9 /music/genre/artists /m/01vv7sc +/m/07tds /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/014v6f /film/actor/film./film/performance/film /m/09rsjpv +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0blg2 /olympics/olympic_games/sports /m/0dwxr +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g6bk +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016376 +/m/05r5c /music/instrument/instrumentalists /m/011vx3 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0181dw /music/record_label/artist /m/07_3qd +/m/05mph /location/location/contains /m/029qzx +/m/07ftc0 /film/actor/film./film/performance/film /m/034qmv +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/09bg4l /people/person/places_lived./people/place_lived/location /m/04ych +/m/0755wz /film/actor/film./film/performance/film /m/05c5z8j +/m/01hmb_ /people/person/profession /m/02hrh1q +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0840vq /people/person/profession /m/0dz3r +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/017_qw /music/genre/artists /m/01vyp_ +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0gwjw0c /film/film/genre /m/07s9rl0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/06frc /location/country/official_language /m/04h9h +/m/0c9c0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bj9k +/m/0jc7g /location/location/time_zones /m/02hczc +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/02rg5rm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/065b6q /people/ethnicity/people /m/023n39 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03177r /film/film/genre /m/02xlf +/m/0n5y4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yv +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/018jz +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/01rr9f /film/actor/film./film/performance/film /m/02qdrjx +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/09c7w0 /location/country/second_level_divisions /m/0bxqq +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/07ddz9 /film/actor/film./film/performance/film /m/03q0r1 +/m/01z4y /media_common/netflix_genre/titles /m/03b_fm5 +/m/09hy79 /film/film/executive_produced_by /m/06pj8 +/m/0jmmn /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/073bb /people/person/profession /m/0kyk +/m/033f8n /film/film/executive_produced_by /m/0glyyw +/m/03cp7b3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f85k +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0jm3b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqn5 +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/0p9gg /film/actor/film./film/performance/film /m/070fnm +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/03q95r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02b1cn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/02z3r8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01q03 /film/film_subject/films /m/09v42sf +/m/0pkgt /people/person/gender /m/05zppz +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/09gkx35 /film/film/executive_produced_by /m/040rjq +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/051z6mv /people/person/nationality /m/03gj2 +/m/01jfsb /media_common/netflix_genre/titles /m/072x7s +/m/0kvqv /film/director/film /m/04pmnt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019lxm +/m/03ym1 /film/actor/film./film/performance/film /m/03cffvv +/m/0rlz /people/person/gender /m/05zppz +/m/01j6t0 /medicine/symptom/symptom_of /m/02k6hp +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03mszl /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/023p29 /award/award_winner/awards_won./award/award_honor/award_winner /m/09mq4m +/m/0292l3 /film/actor/film./film/performance/film /m/01l2b3 +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04t2l2 /film/actor/film./film/performance/film /m/0gx1bnj +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/02z9rr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01v_pj6 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/073749 /people/person/gender /m/02zsn +/m/02cm2m /people/person/nationality /m/0d060g +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/06thjt +/m/0k_9j /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/02vnmc9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzmz6 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/036b_ +/m/03t4nx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07hbxm /people/person/places_lived./people/place_lived/location /m/013t2y +/m/04jlgp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/01_f90 /education/educational_institution/school_type /m/01rs41 +/m/01mgsn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wt0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/03j9ml /people/person/place_of_birth /m/030qb3t +/m/01pctb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01ttg5 +/m/02r858_ /film/film/genre /m/01drsx +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/01vx5w7 /people/person/profession /m/0d1pc +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/06by7 /music/genre/artists /m/01wdqrx +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bpm6 +/m/09c7w0 /location/location/contains /m/060wq +/m/01w03jv /people/person/profession /m/02hrh1q +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0jrxx /location/location/contains /m/0c5v2 +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/01vcnl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09sr0 /film/film/country /m/09c7w0 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/03vpf_ /people/person/place_of_birth /m/01_d4 +/m/05_2h8 /people/deceased_person/place_of_death /m/030qb3t +/m/04mky3 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/016jny /music/genre/artists /m/0lccn +/m/01tsbmv /film/actor/film./film/performance/film /m/03hfmm +/m/0gltv /film/film/featured_film_locations /m/0gkgp +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0241wg /people/person/languages /m/01c7y +/m/047myg9 /film/film/country /m/07ssc +/m/0c6g1l /people/person/religion /m/0kq2 +/m/0cq7tx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q_4ph +/m/03hhd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vp1f_ +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/01j7z7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07pzc +/m/02rchht /people/person/profession /m/05sxg2 +/m/06v9_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/020fcn /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/0m_v0 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/04zkj5 /people/person/languages /m/02h40lc +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03s5t /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0gr36 /people/person/nationality /m/07ssc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01ym8l /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/0g1x2_ /film/film_subject/films /m/059rc +/m/01zwy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/02jx1 /location/location/contains /m/04p3c +/m/02jx1 /location/location/contains /m/095l0 +/m/01vvpjj /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/01sbf2 /people/person/profession /m/09jwl +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0k9wp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/05c26ss /film/film/language /m/02h40lc +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01c8v0 /music/artist/origin /m/0j7ng +/m/010xjr /people/person/place_of_birth /m/0fp5z +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/014b4h +/m/0225bv /education/educational_institution/colors /m/019sc +/m/0mmrd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/03_0p /award/award_winner/awards_won./award/award_honor/award_winner /m/0127gn +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015rkw +/m/03xmy1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/041rx /people/ethnicity/people /m/02784z +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vhrz +/m/04yc76 /film/film/genre /m/05p553 +/m/09cvbq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05r5w /film/actor/film./film/performance/film /m/0dt8xq +/m/05nzw6 /people/person/profession /m/05vyk +/m/0l6qt /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/01svq8 /people/person/gender /m/05zppz +/m/02f6g5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cc7hmk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k_kn /music/genre/artists /m/014kyy +/m/0l9k1 /film/director/film /m/0gt1k +/m/03c_cxn /film/film/country /m/07ssc +/m/0gl6x /education/educational_institution/students_graduates./education/education/student /m/0bkg4 +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/05bt6j /music/genre/artists /m/02r3cn +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtsx8c +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/09c7w0 /location/location/contains /m/0xn7b +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01dycg /organization/organization/place_founded /m/07dfk +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jmv8 +/m/01p0mx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h32q /people/person/gender /m/02zsn +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/01hmnh /media_common/netflix_genre/titles /m/0d_2fb +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/03rt9 /location/country/capital /m/02cft +/m/01q9b9 /people/person/profession /m/05z96 +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c7twt +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/03g90h /film/film/country /m/09c7w0 +/m/07sgfvl /film/actor/film./film/performance/film /m/0h1fktn +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0bszz /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0bwh6 /film/director/film /m/08fn5b +/m/01f69m /film/film/genre /m/060__y +/m/02jx1 /location/location/contains /m/0dzbl +/m/02q5g1z /film/film/country /m/09c7w0 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/07nx9j /film/actor/film./film/performance/film /m/02q0v8n +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/05d1dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ffx4 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/0dl5d /music/genre/artists /m/0144l1 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0b_c7 /people/person/nationality /m/03rjj +/m/02hct1 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0421v9q /film/film/featured_film_locations /m/0tz01 +/m/01v_0b /influence/influence_node/influenced_by /m/032l1 +/m/01npcy7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0tz1j /location/hud_county_place/place /m/0tz1j +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/038czx /education/educational_institution/colors /m/083jv +/m/05b7q /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0534v /people/person/nationality /m/03_3d +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0mpbx /location/us_county/county_seat /m/0mpbx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0212zp +/m/01vvlyt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrt_c +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/0222qb /people/ethnicity/people /m/01_xtx +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03gbty +/m/0by1wkq /film/film/country /m/0d05w3 +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0m2kd +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/01w40h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02pq9yv +/m/01b4p4 /music/genre/artists /m/01vsy7t +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/03z8bw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/053xw6 /film/actor/film./film/performance/film /m/02q87z6 +/m/033tf_ /people/ethnicity/people /m/016z2j +/m/01wz3cx /people/person/place_of_birth /m/0y62n +/m/03_jhh /music/record_label/artist /m/0ql36 +/m/0138t4 /education/educational_institution/colors /m/019sc +/m/03l295 /people/person/nationality /m/09c7w0 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/012qjw /medicine/symptom/symptom_of /m/024c2 +/m/09gdm7q /film/film/language /m/0k0sb +/m/07z1m /location/location/contains /m/0mnrb +/m/016yvw /film/actor/film./film/performance/film /m/08zrbl +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01xv77 +/m/0438pz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b_lz +/m/01fxfk /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/02t_8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fykz +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03prz_ +/m/0525b /film/actor/film./film/performance/film /m/07j8r +/m/01ws9n6 /award/award_winner/awards_won./award/award_honor/award_winner /m/016kjs +/m/0hv27 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0322yj /film/film/music /m/0146pg +/m/05f5rsr /time/event/instance_of_recurring_event /m/0prpt +/m/04mvp8 /people/ethnicity/people /m/09dv49 +/m/02l7c8 /media_common/netflix_genre/titles /m/05p09dd +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/0c5qvw /film/film/cinematography /m/07mkj0 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/06182p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/01_k0d /influence/influence_node/peers./influence/peer_relationship/peers /m/05jm7 +/m/07371 /location/location/contains /m/0cl8c +/m/027j9wd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h5j77 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/02w4v /music/genre/artists /m/0fpj4lx +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07hgm +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p9lw +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/02xhpl +/m/03qy3l /music/record_label/artist /m/0jbyg +/m/0284gcb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02hct1 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0127ps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02yxjs +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m3sd +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/0sxfd /film/film/produced_by /m/03xp8d5 +/m/0265v21 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/01skmp /people/person/places_lived./people/place_lived/location /m/0d0x8 +/m/044zvm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bxtg +/m/019pkm /people/person/place_of_birth /m/02_286 +/m/04180vy /film/film/genre /m/05p553 +/m/043tvp3 /film/film/genre /m/06n90 +/m/0n6ds /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02gf_l /film/actor/film./film/performance/film /m/05c26ss +/m/07g9f /tv/tv_program/genre /m/0c031k6 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0dpl44 /film/film/featured_film_locations /m/0f2tj +/m/016z68 /people/person/religion /m/05sfs +/m/03mz5b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03h64 /media_common/netflix_genre/titles /m/0mb8c +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qsq +/m/0psss /award/award_winner/awards_won./award/award_honor/award_winner /m/022wxh +/m/01wb95 /film/film/film_art_direction_by /m/0520r2x +/m/0b7gxq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01bv8b +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/06wzvr +/m/01z215 /location/country/form_of_government /m/01fpfn +/m/06ltr /film/actor/film./film/performance/film /m/0407yfx +/m/057176 /film/actor/film./film/performance/film /m/03c7twt +/m/0c7hq /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/0ny57 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vvyfh /people/person/nationality /m/02jx1 +/m/06sfk6 /film/film/genre /m/02kdv5l +/m/0ds33 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/05drq5 /people/person/profession /m/02jknp +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/04fjzv /film/film/country /m/09c7w0 +/m/01kh2m1 /film/actor/film./film/performance/film /m/0j_tw +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/03z106 /film/film/genre /m/03g3w +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0bwjj +/m/01qb559 /film/film/produced_by /m/01t6b4 +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0ncy4 /location/location/time_zones /m/03bdv +/m/0fvzg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h26tm +/m/03w6sj /time/event/locations /m/04gqr +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07663r +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v8kmz +/m/02b1hb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02qzjj /film/director/film /m/0872p_c +/m/065jlv /film/actor/film./film/performance/film /m/03177r +/m/049k07 /people/person/gender /m/05zppz +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/01hv3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vs_v8 /people/person/religion /m/0c8wxp +/m/01pj_5 /film/film/written_by /m/030g9z +/m/05r5c /music/instrument/instrumentalists /m/01wy61y +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05r7t /sports/sports_team_location/teams /m/04h5_c +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/011ykb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0njcw +/m/0pyg6 /people/person/religion /m/0c8wxp +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/03ccq3s +/m/02pp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01fjfv /broadcast/content/artist /m/0ycfj +/m/0kbg6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054k_8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0h7h6 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/052hl /people/person/profession /m/01d_h8 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0350l7 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04t6fk +/m/03m8lq /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0gkr9q /award/award_category/category_of /m/0gcf2r +/m/09c7w0 /location/location/contains /m/0m2dk +/m/016szr /people/person/gender /m/05zppz +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02txdf /education/educational_institution_campus/educational_institution /m/02txdf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/018vs /music/instrument/family /m/0fx80y +/m/01hmk9 /people/person/profession /m/018gz8 +/m/04954 /people/person/place_of_birth /m/0dclg +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/08phg9 /film/film/country /m/0345h +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/04bdxl /film/actor/film./film/performance/film /m/06fpsx +/m/016kz1 /film/film/language /m/02h40lc +/m/03mp8k /music/record_label/artist /m/0147jt +/m/059j1m /people/person/profession /m/02hrh1q +/m/09n48 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/location/contains /m/0p9nv +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/0155w /music/genre/artists /m/01gf5h +/m/018vs /music/instrument/instrumentalists /m/01wmjkb +/m/01n7q /location/location/contains /m/03b8c4 +/m/02c7lt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hmr4 /film/film/genre /m/03p5xs +/m/0fjyzt /film/film/film_format /m/07fb8_ +/m/08n__5 /people/person/profession /m/03gjzk +/m/019m9h /sports/sports_team/colors /m/083jv +/m/092vkg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09r1j5 /people/person/gender /m/05zppz +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/04pxcx +/m/01ffx4 /film/film/production_companies /m/024rgt +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ptx_ +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/024mxd +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/03qjg /music/instrument/instrumentalists /m/0b_j2 +/m/048s0r /people/person/nationality /m/09c7w0 +/m/02gvwz /film/actor/film./film/performance/film /m/01j8wk +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01r9c_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hx2t /education/university/fraternities_and_sororities /m/035tlh +/m/019803 /film/actor/film./film/performance/film /m/0fgrm +/m/0j_c /film/director/film /m/05z7c +/m/01k70_ /people/person/places_lived./people/place_lived/location /m/013n2h +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/050fh +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/014v6f /film/actor/film./film/performance/film /m/0kv2hv +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/015dqj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0hvjr +/m/07_nf /base/culturalevent/event/entity_involved /m/07f1x +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0417z2 +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01vvydl /music/artist/origin /m/0r03f +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/094xh /music/group_member/membership./music/group_membership/group /m/033s6 +/m/016hvl /influence/influence_node/influenced_by /m/01rgr +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/07s6tbm /people/person/profession /m/02krf9 +/m/0879bpq /film/film/genre /m/07s9rl0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0ftps /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02ddq4 /award/award_category/category_of /m/0c4ys +/m/04n7ps6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/06zpgb2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0j_c /people/person/gender /m/05zppz +/m/02t_v1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016z2j +/m/0pb33 /film/film/music /m/0417z2 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/08j7lh +/m/023gxx /film/film/country /m/09c7w0 +/m/06l3bl /media_common/netflix_genre/titles /m/07f_t4 +/m/0f276 /people/person/nationality /m/0d060g +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/03yk8z +/m/03k9fj /media_common/netflix_genre/titles /m/07f_t4 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01zfmm +/m/03xmy1 /people/person/spouse_s./people/marriage/spouse /m/0gn30 +/m/02wh0 /influence/influence_node/influenced_by /m/07ym0 +/m/027rn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xmlp /location/hud_county_place/county /m/0n5gq +/m/0yxl /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/012v9y +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0fvt2 /people/person/profession /m/0cbd2 +/m/01n4w /location/location/contains /m/02d_zc +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b6rdt +/m/019rg5 /sports/sports_team_location/teams /m/046fz5 +/m/02bqvs /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0q_xk /location/hud_county_place/place /m/0q_xk +/m/02wyzmv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/08nhfc1 /film/film/featured_film_locations /m/0djd3 +/m/0lbbj /olympics/olympic_games/sports /m/0d1tm +/m/0fw9n7 /sports/sports_team/colors /m/083jv +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/02jx1 /location/location/contains /m/0ymbl +/m/0dy6c9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0c02jh8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h1rt +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/048svj /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/01ls2 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0jdgr /film/film/executive_produced_by /m/0272kv +/m/0ky1 /influence/influence_node/influenced_by /m/06lbp +/m/0gxtknx /film/film/film_festivals /m/0j63cyr +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/02114t +/m/02h40lc /language/human_language/countries_spoken_in /m/06s9y +/m/0ph2w /influence/influence_node/influenced_by /m/01t94_1 +/m/09qr6 /film/actor/film./film/performance/film /m/03hfmm +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/022p06 /people/person/place_of_birth /m/081m_ +/m/04fyhv /award/award_winner/awards_won./award/award_honor/award_winner /m/032dg7 +/m/0p7h7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020h2v /business/business_operation/industry /m/02vxn +/m/0438f /education/educational_institution_campus/educational_institution /m/0438f +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fr63l +/m/032wdd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xyt7 +/m/02rb607 /film/film/country /m/0345h +/m/09r94m /film/film/country /m/07ssc +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/04xvlr /media_common/netflix_genre/titles /m/02prw4h +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02fz3w /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/01gvyp +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/04xbq3 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02t_h3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l9k1 /people/person/profession /m/0dxtg +/m/0y_yw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_f_5 +/m/09r94m /film/film/language /m/04306rv +/m/0372kf /award/award_winner/awards_won./award/award_honor/award_winner /m/020_95 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/015196 /music/group_member/membership./music/group_membership/group /m/01518s +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01sbhvd +/m/089kpp /people/person/profession /m/01c72t +/m/05bt6j /music/genre/artists /m/06nv27 +/m/02hnl /music/instrument/instrumentalists /m/01vs4ff +/m/02dtg /location/hud_county_place/county /m/0nj07 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064n1pz +/m/05ypj5 /film/film/genre /m/04t36 +/m/0k3jc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/026hh0m /film/film/language /m/02h40lc +/m/085wqm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/09n48 /olympics/olympic_games/sports /m/09_9n +/m/020fcn /film/film/language /m/05zjd +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/01hr1 /film/film/prequel /m/01hq1 +/m/09q23x /film/film/produced_by /m/0415svh +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rxjq +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/015076 +/m/03_hd /influence/influence_node/influenced_by /m/032r1 +/m/0n2bh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039crh +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01pcmd +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/0333wf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02508x /people/person/place_of_birth /m/0f3ys2 +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/03x16f +/m/01htxr /people/person/nationality /m/09c7w0 +/m/0dnkmq /film/film/genre /m/04pbhw +/m/016ndm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01kt_j +/m/04vh83 /film/film/genre /m/07s9rl0 +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/053_7s /base/culturalevent/event/entity_involved /m/0fk3s +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03qx63 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/student /m/05vzql +/m/016nff /film/actor/film./film/performance/film /m/0272_vz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p_rk +/m/0gk4g /people/cause_of_death/people /m/0blgl +/m/035rnz /film/actor/film./film/performance/film /m/0g7pm1 +/m/01d0b1 /people/person/places_lived./people/place_lived/location /m/07h34 +/m/0b60sq /film/film/genre /m/03q4nz +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/03qnvdl /dataworld/gardening_hint/split_to /m/03qnvdl +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/02_jkc +/m/03l6q0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pfkw +/m/02q253 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/012z8_ /people/person/profession /m/09jwl +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tkzn +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01zfzb +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/07r1h +/m/026t6 /music/instrument/instrumentalists /m/03ds3 +/m/02vrgnr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/09qxq7 /music/genre/artists /m/0b68vs +/m/032w8h /film/actor/film./film/performance/film /m/01cssf +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031k24 +/m/04flrx /people/person/profession /m/01d_h8 +/m/02bhj4 /education/educational_institution_campus/educational_institution /m/02bhj4 +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/01kkfp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02vjhf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0169dl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/01bcq +/m/04sv4 /business/business_operation/industry /m/06xw2 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/016zgj /music/genre/artists /m/0137n0 +/m/04vr_f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/01z4y /media_common/netflix_genre/titles /m/01r97z +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09qh1 /film/actor/film./film/performance/film /m/02qr3k8 +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/016vg8 /film/actor/film./film/performance/film /m/01qncf +/m/08sk8l /film/film/genre /m/01hmnh +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/02qjv1p +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/03h502k /people/person/profession /m/0n1h +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/02wyc0 +/m/0c408_ /award/award_winner/awards_won./award/award_honor/award_winner /m/014zfs +/m/0f2df /people/person/nationality /m/07ssc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01rgn3 +/m/0jrqq /film/director/film /m/02q87z6 +/m/024_41 /award/award_category/winners./award/award_honor/award_winner /m/09h_q +/m/01h72l /film/film/genre /m/0hcr +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dvs +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/01fx2g /film/actor/film./film/performance/film /m/09v9mks +/m/026r8q /film/actor/film./film/performance/film /m/01633c +/m/02pjvc /people/person/profession /m/02hrh1q +/m/04zwtdy /people/person/gender /m/05zppz +/m/09krp /location/location/contains /m/0cy41 +/m/095nx /people/person/gender /m/05zppz +/m/01s7w3 /film/film/music /m/0383f +/m/02ctyy /people/person/place_of_birth /m/04vmp +/m/0czkbt /people/person/profession /m/02hrh1q +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/013b6_ /people/ethnicity/people /m/0lrh +/m/0lzcs /people/person/places_lived./people/place_lived/location /m/04p3c +/m/0c3z0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/040dv /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/0dnvn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04991x +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qz5 +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/05jrj4 /people/person/place_of_birth /m/07c98 +/m/044pqn /people/person/religion /m/06yyp +/m/027km64 /film/actor/film./film/performance/film /m/0k54q +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/03kg2v /film/film/production_companies /m/020h2v +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01v1ln /film/film/music /m/06rgq +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04nl83 +/m/06tw8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0137hn /music/group_member/membership./music/group_membership/role /m/0342h +/m/04xvlr /media_common/netflix_genre/titles /m/09z2b7 +/m/01dzz7 /people/person/place_of_birth /m/0dclg +/m/0d22f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx0f +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/02s58t /people/person/place_of_birth /m/01snm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01323p +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jgx /location/country/form_of_government /m/06cx9 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04xg2f +/m/013v5j /music/artist/origin /m/03b12 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/031296 +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06hx2 /people/deceased_person/place_of_burial /m/0lbp_ +/m/07cbs /people/person/nationality /m/09c7w0 +/m/0690dn /sports/sports_team/colors /m/01g5v +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/0306bt +/m/01trtc /music/record_label/artist /m/0k6yt1 +/m/01jft4 /film/film/executive_produced_by /m/027z0pl +/m/09rp4r_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02q9kqf +/m/03f7jfh /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02vr30 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07ssc /location/location/contains /m/0nbrp +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m313 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0hn2q +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016017 /film/film/production_companies /m/04rcl7 +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/01gbb4 +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/0jj85 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05fkf +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g4pl7z +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/048z7l /people/ethnicity/people /m/052hl +/m/0jpdn /people/person/profession /m/0n1h +/m/021r6w /people/person/nationality /m/09c7w0 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/07bch9 /people/ethnicity/people /m/042f1 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/02kxbx3 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wr3kg +/m/01jzyx /education/educational_institution/colors /m/06fvc +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/025xt8y /people/person/place_of_birth /m/0f2s6 +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0l14qv /music/instrument/instrumentalists /m/01vvycq +/m/0d06m5 /people/person/religion /m/051kv +/m/0408m53 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/083shs /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04yywz /film/actor/film./film/performance/film /m/0cf08 +/m/0n5by /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5d1 +/m/0n5fl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/023s8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/0k29f /people/person/profession /m/0196pc +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bj9k +/m/0brgy /medicine/symptom/symptom_of /m/01bcp7 +/m/083shs /film/film/genre /m/02l7c8 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06rzwx +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02k1pr +/m/0345gh /education/educational_institution/colors /m/06fvc +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rlf +/m/02tj96 /award/award_category/category_of /m/0c4ys +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0l5yl +/m/0b_6lb /time/event/locations /m/0fsb8 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02rx2m5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1pj +/m/015wy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/08p1gp +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/0d29z /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/0sx5w /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0cpz4k +/m/0lyjf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qny_ /people/person/profession /m/0gl2ny2 +/m/0136kr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/063vn +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02dbp7 /people/person/profession /m/02hrh1q +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/016wvy /people/person/nationality /m/07ssc +/m/05q2c /education/educational_institution/colors /m/0jc_p +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/04f7c55 /people/person/sibling_s./people/sibling_relationship/sibling /m/04cr6qv +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/0gg8z1f /film/film/production_companies /m/027jw0c +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0g39h /base/aareas/schema/administrative_area/capital /m/01b8jj +/m/06lbp /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d6lp +/m/01dycg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04rvy8 /people/person/gender /m/05zppz +/m/08t9df /organization/organization/headquarters./location/mailing_address/citytown /m/080h2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/021mkg +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/02_pft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/0gk4g /people/cause_of_death/people /m/01g42 +/m/016lj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04c636 /people/person/place_of_birth /m/0cvw9 +/m/017dbx /tv/tv_program/program_creator /m/0f1vrl +/m/011lvx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cf09 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09yhzs /people/person/profession /m/02hrh1q +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/06y0xx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xx9s +/m/0gcs9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/038nv6 /film/actor/film./film/performance/film /m/0qm98 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/051hhz +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/016tt2 +/m/02lw8j /music/genre/artists /m/03j_hq +/m/0183z2 /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/015cqh /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0gjvqm /people/person/nationality /m/09c7w0 +/m/04yc76 /film/film/featured_film_locations /m/04rrd +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01jvxb /education/educational_institution/students_graduates./education/education/student /m/0p50v +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/01vy_v8 /film/director/film /m/034qbx +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/09tc_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0436zq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0ym4t /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0196bp /sports/sports_team/colors /m/083jv +/m/01phtd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127m7 +/m/05hj_k /award/award_winner/awards_won./award/award_honor/award_winner /m/052hl +/m/03fnyk /film/actor/film./film/performance/film /m/02x8fs +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l8y +/m/0cjyzs /award/award_category/category_of /m/0gcf2r +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0xmqf +/m/0kvf3b /film/film/country /m/09c7w0 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0l2xl /location/location/contains /m/0r6ff +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013rds +/m/0ymdn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/01v40wd /people/person/languages /m/02h40lc +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c00lh +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01qq_lp /people/person/nationality /m/0f8l9c +/m/0ggq0m /music/genre/artists /m/0135xb +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/01vvyd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/014cw2 /people/person/profession /m/016z4k +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h32q +/m/0d05q4 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/07vfj /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03j755 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0d060g /location/location/contains /m/059s8 +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/05szp +/m/0425j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0h0jz +/m/01c0h6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06y_n /tv/tv_program/languages /m/02h40lc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/01g4bk /people/person/places_lived./people/place_lived/location /m/07dfk +/m/0k20s /film/film/language /m/06b_j +/m/0m63c /film/film/genre /m/07s9rl0 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/03zrp +/m/070g7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01g969 +/m/014zwb /film/film/production_companies /m/086k8 +/m/01sn3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0dl567 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02wb6yq +/m/0c3z0 /film/film/genre /m/03k9fj +/m/0jdx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p_x +/m/0806vbn /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/016ppr +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds6bmk +/m/028tv0 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/09fb5 /people/person/nationality /m/09c7w0 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/065zf3p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0flbm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0fc +/m/01q6bg /film/actor/film./film/performance/film /m/02yvct +/m/02yv6b /music/genre/artists /m/01vsy3q +/m/02hfp_ /people/person/nationality /m/02jx1 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/0fbx6 +/m/0gvrws1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/043s3 /people/person/religion /m/0n2g +/m/07ssc /media_common/netflix_genre/titles /m/026njb5 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05h7tk /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/035qlx +/m/0phx4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/09btt1 /people/person/nationality /m/07ssc +/m/03vrp /influence/influence_node/influenced_by /m/02lt8 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/044ntk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/015c4g /film/actor/film./film/performance/film /m/07l4zhn +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/07k2p6 /people/person/gender /m/02zsn +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g9zcgx +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01rgcg +/m/01v0fn1 /people/person/profession /m/0nbcg +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0dryh9k /people/ethnicity/people /m/045n3p +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cc5mcj /film/film/produced_by /m/09pl3f +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ych +/m/0155w /music/genre/artists /m/01wsl7c +/m/041b4j /film/actor/film./film/performance/film /m/01qxc7 +/m/02t_y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01phtd /people/person/profession /m/02hrh1q +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02t8gf /music/genre/artists /m/015196 +/m/03s9v /people/person/gender /m/05zppz +/m/0p3r8 /people/person/profession /m/03gjzk +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytkq +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03359d +/m/0c5dd /film/film/genre /m/06qm3 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fwfb +/m/019vsw /education/educational_institution/school_type /m/0m4mb +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/01jbx1 /people/person/profession /m/03gjzk +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0283_zv +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02pp1 +/m/0bqtx /time/event/locations /m/06v36 +/m/02vnz /film/film_subject/films /m/05sns6 +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/07ssc /media_common/netflix_genre/titles /m/04nm0n0 +/m/03jqfx /time/event/locations /m/0h7x +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0dtw1x /film/film/production_companies /m/09mfvx +/m/0205dx /people/person/profession /m/03gjzk +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/061xq +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0d9xq +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/0151w_ /film/actor/film./film/performance/film /m/01qvz8 +/m/08jfkw /people/person/profession /m/02hv44_ +/m/01nm3s /film/actor/film./film/performance/film /m/0gmcwlb +/m/031f_m /film/film/genre /m/0hcr +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01czx +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01y8zd +/m/0p51w /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/06by7 /music/genre/artists /m/0gbwp +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/04xvlr /media_common/netflix_genre/titles /m/05jzt3 +/m/03f2_rc /people/person/profession /m/02jknp +/m/01kmd4 /people/person/gender /m/05zppz +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/04gycf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/01yf85 /film/actor/film./film/performance/film /m/0bvn25 +/m/02ly_ /location/location/contains /m/017_4z +/m/03mcwq3 /people/person/place_of_birth /m/0f25y +/m/01w40h /music/record_label/artist /m/07yg2 +/m/01nn7r /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0lzb8 /film/actor/film./film/performance/film /m/06r2h +/m/06g60w /people/person/profession /m/0dgd_ +/m/014_x2 /film/film/genre /m/03rzvv +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0830vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/011yhm /film/film/genre /m/0lsxr +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/024lff /film/film/produced_by /m/043q6n_ +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/0401sg /film/film/genre /m/02kdv5l +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/02bf2s /film/actor/film./film/performance/film /m/0963mq +/m/0fphgb /film/film/produced_by /m/01gzm2 +/m/09yrh /people/person/places_lived./people/place_lived/location /m/0281s1 +/m/0cg9y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/03bmmc +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03_l8m /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/04g61 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0djb3vw /film/film/produced_by /m/0g2lq +/m/01vsb_ /base/aareas/schema/administrative_area/administrative_parent /m/06qd3 +/m/025sc50 /music/genre/artists /m/04xrx +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01dthg +/m/01b8jj /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0g39h +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/0qcr0 /people/cause_of_death/people /m/0459z +/m/033fqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0mlyj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlyw +/m/01tv3x2 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/07v64s /music/genre/artists /m/07r4c +/m/08qs09 /education/educational_institution/school_type /m/01rs41 +/m/04gknr /film/film/language /m/02h40lc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lhdt +/m/02rk23 /education/educational_institution/campuses /m/02rk23 +/m/032dg7 /business/business_operation/industry /m/02vxn +/m/0bkf72 /award/award_winner/awards_won./award/award_honor/award_winner /m/07b3r9 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01n7q /location/location/contains /m/02pptm +/m/04994l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0277jc /education/educational_institution/campuses /m/0277jc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047csmy +/m/0f8l9c /location/country/official_language /m/064_8sq +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/03f2fw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0154j +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0q9b0 /film/film/country /m/03_3d +/m/05bt6j /music/genre/artists /m/033wx9 +/m/0j4b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0322yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/08d6bd /people/person/profession /m/01d_h8 +/m/03h0byn /film/film/genre /m/09blyk +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award /m/0257w4 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/021p26 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0gk4g /people/cause_of_death/people /m/03h4mp +/m/053y4h /film/actor/film./film/performance/film /m/076tq0z +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/02vxyl5 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/029b9k +/m/023k2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01m9f1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gys2 +/m/0571m /film/film/other_crew./film/film_crew_gig/crewmember /m/026dx +/m/04999m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f0y8 /music/artist/contribution./music/recording_contribution/performance_role /m/03t22m +/m/03c5f7l /film/actor/film./film/performance/film /m/05zy3sc +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/024_ql /sports/sports_team/sport /m/02vx4 +/m/0jrtv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrhl +/m/043sct5 /film/film/genre /m/03k9fj +/m/01wyq0w /people/person/nationality /m/09c7w0 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/03whyr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029h45 /people/person/nationality /m/09c7w0 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j46b +/m/01vs5c /education/educational_institution/colors /m/01jnf1 +/m/01qz69r /people/person/gender /m/05zppz +/m/016clz /music/genre/artists /m/01w524f +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc7hmk +/m/0419kt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01g1lp /film/director/film /m/01qncf +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/0g293 /music/genre/artists /m/0bqsy +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/08chdb +/m/0l8gh /music/genre/artists /m/0kn3g +/m/02q5xsx /award/award_winner/awards_won./award/award_honor/award_winner /m/027hnjh +/m/09n70c /people/person/gender /m/05zppz +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/08x5c_ +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl6fv +/m/02wr6r /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/0cqh57 /people/person/profession /m/01d30f +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/04vcdj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0kb57 /film/film/language /m/02h40lc +/m/027ht3n /people/person/nationality /m/02jx1 +/m/03zb6t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dp7wt +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/063k3h /people/ethnicity/people /m/0bmh4 +/m/0138t4 /education/educational_institution/school_type /m/07tf8 +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026c1 +/m/029k4p /film/film/language /m/06nm1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05jhg +/m/032dg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nnp_ +/m/01kx_81 /film/actor/film./film/performance/film /m/02847m9 +/m/02x8m /music/genre/artists /m/046p9 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/04zl8 /film/film/language /m/02h40lc +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/0525b /people/person/gender /m/02zsn +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049d_ +/m/0794g /film/actor/film./film/performance/film /m/09p4w8 +/m/06q8qh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cbv4g +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/092ys_y +/m/0bqtx /film/film_subject/films /m/03lv4x +/m/03rk0 /media_common/netflix_genre/titles /m/09fn1w +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/023s8 /film/actor/film./film/performance/film /m/011ycb +/m/0pv3x /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/05nqq3 /people/person/place_of_birth /m/019fbp +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08_yl1 /music/genre/artists /m/016t0h +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/09f0bj +/m/040z9 /people/person/gender /m/05zppz +/m/0g57ws5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/03tck1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/047fwlg +/m/07f7jp /people/person/profession /m/03gjzk +/m/039cq4 /tv/tv_program/program_creator /m/0p_2r +/m/05jzt3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/081nh /people/person/profession /m/015h31 +/m/019dmc /people/cause_of_death/people /m/02lxj_ +/m/02482c /education/educational_institution_campus/educational_institution /m/02482c +/m/07d2d /music/genre/artists /m/06p03s +/m/0d90m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/02b1mr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06dv3 +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042y1c +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/02w64f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_fw +/m/041rx /people/ethnicity/people /m/01vlj1g +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0hpv3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04pg29 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b13y +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0db86 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02lp1 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06by7 /music/genre/artists /m/01pr_j6 +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0n4yq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n4z2 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/084302 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl5c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dv9v +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bj22 +/m/0c9c0 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034hwx +/m/02m4d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cr3d +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06pj8 /film/director/film /m/0260bz +/m/0dvld /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dvmd +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/044l47 +/m/02b61v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zkz7 /organization/organization/headquarters./location/mailing_address/citytown /m/0tk02 +/m/033hn8 /music/record_label/artist /m/0d193h +/m/01l4zqz /people/person/profession /m/09jwl +/m/047g6 /influence/influence_node/influenced_by /m/026lj +/m/07yk1xz /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/076xkps /film/film/country /m/09c7w0 +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_n5d +/m/0g0x9c /film/film/language /m/02h40lc +/m/01yk13 /film/actor/film./film/performance/film /m/0dr3sl +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/0c5wln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01dc0c /film/film/genre /m/0lsxr +/m/028knk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0n57k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwh1 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/02p5hf /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/044lbv +/m/01wk3c /award/award_winner/awards_won./award/award_honor/award_winner /m/059xnf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0727_ +/m/0432cd /people/person/religion /m/0c8wxp +/m/095kp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/026njb5 +/m/02b18l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g768 /music/record_label/artist /m/063t3j +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/03phtz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/067jsf /people/person/spouse_s./people/marriage/spouse /m/04c636 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/07f_t4 /film/film/genre /m/02p0szs +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/012t1 /people/person/languages /m/02h40lc +/m/01fwpt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hkqn +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/09c7w0 /location/country/second_level_divisions /m/0mp36 +/m/02mt51 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mt4k +/m/017fp /media_common/netflix_genre/titles /m/03hkch7 +/m/01ksr1 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0gkgp +/m/050f0s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/04nnpw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012d40 /people/person/languages /m/012w70 +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/0309lm /people/person/places_lived./people/place_lived/location /m/02xry +/m/01jmv8 /film/actor/film./film/performance/film /m/02ppg1r +/m/09c7w0 /location/location/contains /m/0kpys +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/01d650 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01gqg3 /time/event/locations /m/06mkj +/m/0487_ /sports/sports_team/colors /m/06fvc +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/030vmc /people/person/place_of_birth /m/01_d4 +/m/0bbgly /film/film/film_art_direction_by /m/072twv +/m/06mz5 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/02vqsll /film/film/country /m/09c7w0 +/m/0170yd /film/film/language /m/02h40lc +/m/0mlyw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlyj +/m/07ssc /location/location/contains /m/017_cl +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnp0 +/m/02jxrw /film/film/language /m/06b_j +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/063y9fp /film/film/story_by /m/01y8d4 +/m/01386_ /people/person/profession /m/04f2zj +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/09jcj6 /film/film/featured_film_locations /m/04jpl +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t38b +/m/03772 /people/person/profession /m/0kyk +/m/0126t5 /music/genre/artists /m/01w8n89 +/m/05m9f9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d8jf /location/hud_county_place/county /m/0bx9y +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/08c6k9 /film/film/prequel /m/024lff +/m/05clg8 /music/record_label/artist /m/0dt1cm +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04lqvlr /film/film/genre /m/03q4nz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06l22 +/m/030tj5 /people/person/profession /m/02jknp +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/04v7k2 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07d370 /people/person/place_of_birth /m/0f2tj +/m/0cc07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwq7 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/02ply6j /film/actor/film./film/performance/film /m/05qbbfb +/m/02qgyv /film/actor/film./film/performance/film /m/019vhk +/m/02p21g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1j_ +/m/05hywl /sports/sports_team/sport /m/02vx4 +/m/05p3738 /film/film/genre /m/01jfsb +/m/0bs5k8r /film/film/genre /m/07s9rl0 +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fz3b1 +/m/0h63gl9 /film/film/produced_by /m/06lvlf +/m/01f1r4 /education/educational_institution/students_graduates./education/education/student /m/0bq2g +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vxlbm /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03f47xl /people/person/nationality /m/09c7w0 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/01x73 /location/location/contains /m/01m1_t +/m/0177sq /education/educational_institution/colors /m/01l849 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/03lty /music/genre/artists /m/0889x +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/016ndm /education/educational_institution/colors /m/083jv +/m/06by7 /music/genre/artists /m/04qmr +/m/02vrgnr /film/film/language /m/02h40lc +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/016t00 +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/0g2lq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02kk_c +/m/0chghy /location/location/contains /m/01qrcx +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnh0 +/m/027wvb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dy6c9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01s_d4 +/m/016wzw /location/country/official_language /m/06nm1 +/m/05c46y6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p17j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ttxp /location/location/time_zones /m/02hcv8 +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/04xhwn /people/person/nationality /m/09c7w0 +/m/03f47xl /influence/influence_node/influenced_by /m/06lbp +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01s1zk /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt7h_ +/m/05xd_v /people/person/nationality /m/09c7w0 +/m/0b90_r /location/country/official_language /m/06nm1 +/m/01j590z /music/group_member/membership./music/group_membership/group /m/0ycfj +/m/02bjrlw /media_common/netflix_genre/titles /m/011yfd +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0dl567 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdxs5 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/058j2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/01vnt4 /music/instrument/family /m/026t6 +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0c1jh /award/award_nominee/award_nominations./award/award_nomination/award /m/026fn29 +/m/024bbl /people/person/profession /m/02hrh1q +/m/02wb6yq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02pzck /film/actor/film./film/performance/film /m/02v5_g +/m/04pxcx /people/person/places_lived./people/place_lived/location /m/06wxw +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cvyp +/m/0j_tw /film/film/produced_by /m/02lf0c +/m/078sj4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kpys /location/location/contains /m/0nbwf +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/02bwjv /people/person/profession /m/02hrh1q +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/02b168 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0f0p0 /film/actor/film./film/performance/film /m/0bm2x +/m/01hc9_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03x7hd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05zl0 /education/educational_institution/colors /m/0jc_p +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/015zyd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r99xw /people/person/gender /m/05zppz +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/047qxs /film/film/genre /m/03k9fj +/m/0sxrz /olympics/olympic_games/sports /m/0d1t3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1b5 +/m/011wtv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06msq2 /people/person/nationality /m/09c7w0 +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0199gx +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/01z_g6 /people/person/places_lived./people/place_lived/location /m/059rby +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/029m83 /film/director/film /m/05k2xy +/m/018_q8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04rqd +/m/0f8l9c /location/country/form_of_government /m/01fpfn +/m/07b_l /base/aareas/schema/administrative_area/capital /m/0vzm +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01h910 +/m/07sqnh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01vw77 /music/genre/parent_genre /m/01n4bh +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/013xrm /people/ethnicity/people /m/06c44 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02__34 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/016gkf /people/person/profession /m/015cjr +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/0378zn +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0144l1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0cgwt8 +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/02_j7t +/m/08cyft /music/genre/artists /m/05k79 +/m/0fb0v /music/record_label/artist /m/01vxlbm +/m/01b8d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05w3f /music/genre/artists /m/06mj4 +/m/01gbzb /base/biblioness/bibs_location/country /m/0d060g +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/07k51gd +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/033dbw /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01wqlc /music/genre/artists /m/02ck1 +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0kwmc /location/location/time_zones /m/02fqwt +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/06dkzt +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/01bb9r /film/film/film_format /m/07fb8_ +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0f3kl /medicine/symptom/symptom_of /m/024c2 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/01f_3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07zr66 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01xwv7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02pxmgz /film/film/executive_produced_by /m/02x20c9 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/039crh /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0ldqf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/077q8x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0hzlz /location/location/contains /m/01bh3l +/m/02v63m /film/film/language /m/02h40lc +/m/025n3p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/01jfr3y /film/actor/film./film/performance/film /m/0gj8t_b +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/05b5_tj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b49tt +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02v8kmz +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01nqj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01v3rb /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/015grj /film/actor/film./film/performance/film /m/09qycb +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/0m_mm /film/film/music /m/01jpmpv +/m/03sxd2 /film/film/produced_by /m/06pjs +/m/01lc5 /people/person/gender /m/05zppz +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/02704ff /film/film/production_companies /m/03sb38 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/016khd /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/018z_c +/m/08jtv5 /people/person/nationality /m/09c7w0 +/m/01336l /people/ethnicity/languages_spoken /m/07qv_ +/m/01vw87c /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0mxhc /location/location/time_zones /m/02lcqs +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/0f42nz +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/04wp63 /film/actor/film./film/performance/film /m/027s39y +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04y5j64 +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05ml_s +/m/017fp /media_common/netflix_genre/titles /m/02p86pb +/m/058bzgm /award/award_category/winners./award/award_honor/award_winner /m/01g6bk +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01bb1c /award/award_category/disciplines_or_subjects /m/01hmnh +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbc +/m/05c6073 /music/genre/artists /m/089tm +/m/018vs /music/instrument/instrumentalists /m/01wgjj5 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f7hw +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04z4j2 +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hxhz +/m/060pl5 /people/person/profession /m/015h31 +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015_1q /music/record_label/artist /m/04xrx +/m/016s_5 /people/person/profession /m/09jwl +/m/011k1h /music/record_label/artist /m/01w8n89 +/m/0ds5_72 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06ltr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06g2d1 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mcjs +/m/01xv77 /people/person/profession /m/02jknp +/m/05mcjs /people/person/nationality /m/02jx1 +/m/04bbpm /education/educational_institution/school_type /m/05jxkf +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/04kbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02gt5s +/m/01vswwx /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/04954 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05f4_n0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fnqj +/m/0_b3d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hy3g +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0d_84 +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/01jpmpv +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/03_r_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02j3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/019n9w +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/01rwpj /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/0hskw +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bnzd +/m/0169dl /film/actor/film./film/performance/film /m/0ds1glg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/0288fyj /people/person/place_of_birth /m/0345_ +/m/05ldxl /film/film/country /m/09c7w0 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/04hxyv /people/person/gender /m/05zppz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/025txtg +/m/01wj17 /location/location/time_zones /m/02lcqs +/m/07ssc /location/location/contains /m/0yls9 +/m/02vnmc9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/02vrgnr /film/film/genre /m/02kdv5l +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02bqy /education/educational_institution_campus/educational_institution /m/02bqy +/m/0swff /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/05fx6 /music/genre/parent_genre /m/011j5x +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/06khkb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06kx2 /location/hud_county_place/county /m/0n6mc +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/05mc7y +/m/0d6484 /people/person/gender /m/05zppz +/m/04sv4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04kd5d +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02vjp3 /film/film/production_companies /m/05qd_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jkkv +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0kr5_ /film/director/film /m/0209hj +/m/01vrnsk /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/030dr /people/person/profession /m/0kyk +/m/036c_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/04lp8k /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05dy7p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ydzx /people/person/profession /m/01c72t +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award /m/03m73lj +/m/0ddbjy4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0660b9b /film/film/language /m/02h40lc +/m/0p3r8 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgvp +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cx282 +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0ndh6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/036921 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/01w7nwm /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/011yn5 /film/film/cinematography /m/0280mv7 +/m/050ks /location/location/contains /m/0c4kv +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0gy3w +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/04p3w /people/cause_of_death/people /m/012wg +/m/04jm_hq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170s4 +/m/0k4p0 /film/film/written_by /m/098n5 +/m/0190xp /music/genre/artists /m/0889x +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/0478__m /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/027j9wd /film/film/genre /m/05p553 +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d6yv +/m/0dsvzh /film/film/genre /m/07s9rl0 +/m/03177r /film/film/story_by /m/042xh +/m/0b_6h7 /time/event/locations /m/010016 +/m/023kzp /film/actor/film./film/performance/film /m/029zqn +/m/0fd3y /music/genre/parent_genre /m/01wqlc +/m/01mr2g6 /people/person/profession /m/09jwl +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/03h2d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/0q19t /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02pjc1h /film/film/film_festivals /m/02z6gky +/m/03w94xt /music/genre/artists /m/01vsqvs +/m/0ct9_ /influence/influence_node/peers./influence/peer_relationship/peers /m/0dzkq +/m/04lhc4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0djlxb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9z /location/location/contains /m/04g61 +/m/0d_2fb /film/film/production_companies /m/025hwq +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02l96k /music/genre/parent_genre /m/0133_p +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0kq9l +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ptczs +/m/03ryks /people/person/gender /m/05zppz +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03gfvsz /broadcast/content/artist /m/06cc_1 +/m/0xnvg /people/ethnicity/people /m/01g23m +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/021_z5 /music/genre/artists /m/09889g +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/099vwn /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/03crmd /people/person/languages /m/064_8sq +/m/01j_9c /education/educational_institution/colors /m/019sc +/m/0dqcm /film/actor/film./film/performance/film /m/0k419 +/m/03v6t /education/university/fraternities_and_sororities /m/035tlh +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0pvms /film/film/costume_design_by /m/03mfqm +/m/018ygt /film/actor/film./film/performance/film /m/03vfr_ +/m/09c7w0 /location/location/contains /m/010dft +/m/01fsv9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/026v_78 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/0glt670 /music/genre/artists /m/01wqmm8 +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/09fc83 /film/film/genre /m/0hc1z +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dw9z +/m/0638kv /people/deceased_person/place_of_death /m/030qb3t +/m/09c7w0 /location/location/contains /m/0135g +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/0h3y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02q6cv4 /people/person/profession /m/0dxtg +/m/0vm5t /location/hud_county_place/place /m/0vm5t +/m/043tg /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09xwz +/m/06znpjr /film/film/production_companies /m/05nn2c +/m/027024 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09jcj6 /film/film/production_companies /m/05mgj0 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05z01 +/m/035gjq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p47r +/m/0d060g /location/country/official_language /m/064_8sq +/m/033hn8 /music/record_label/artist /m/01lmj3q +/m/02ktt7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0ctw_b +/m/09k23 /education/educational_institution_campus/educational_institution /m/09k23 +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/018vs +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01kkx2 +/m/01718w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01trtc /music/record_label/artist /m/07mvp +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/019fc4 +/m/09dfcj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/01pxqx +/m/01nzz8 /people/person/nationality /m/09c7w0 +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/04lh6 /location/location/contains /m/014jyk +/m/0k4p0 /film/film/written_by /m/02rk45 +/m/0f8l9c /location/location/contains /m/01c6yz +/m/02vrgnr /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/06mfvc /film/actor/film./film/performance/film /m/0gy30w +/m/03lv4x /film/film/country /m/0chghy +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0jvtp +/m/0ds2sb /people/person/nationality /m/09c7w0 +/m/016cjb /music/genre/artists /m/031x_3 +/m/0m19t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bbwp /people/person/profession /m/0kyk +/m/03d6wsd /people/person/profession /m/02hrh1q +/m/0crd8q6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/063vn +/m/0fpj4lx /people/person/nationality /m/09c7w0 +/m/07l50_1 /film/film/language /m/02h40lc +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/01s3kv /people/person/languages /m/02h40lc +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/05g8pg /film/film/language /m/012w70 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0c3p7 /film/actor/film./film/performance/film /m/0k2cb +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/01vrncs /music/artist/contribution./music/recording_contribution/performance_role /m/042v_gx +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/02cm2m /people/person/gender /m/05zppz +/m/02l7c8 /media_common/netflix_genre/titles /m/05tgks +/m/01pcdn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0p_47 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/01q_ph /film/actor/film./film/performance/film /m/03t79f +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0154qm +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/055c8 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0lmm3 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/06k02 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0l6px /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02khs +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047gpsd +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/053j4w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/0ds33 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06sfk6 +/m/0fsw_7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030vmc +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01fxck /people/person/profession /m/01d_h8 +/m/0pqz3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02yc5b +/m/013vdl /people/person/nationality /m/09c7w0 +/m/02wk_43 /people/person/profession /m/03gjzk +/m/033qdy /film/film/country /m/09c7w0 +/m/01dtl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06by7 /music/genre/artists /m/07bzp +/m/09v38qj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0410cp +/m/09_2gj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwq_ +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jmyj +/m/03t4nx /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/09f8q /base/biblioness/bibs_location/state /m/017v_ +/m/02qx5h /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/09c7w0 /location/location/contains /m/07szy +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/016dj8 /film/film/language /m/02h40lc +/m/0l14qv /music/instrument/instrumentalists /m/0l12d +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0d0vqn +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/01z_g6 /people/person/nationality /m/09c7w0 +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hsmh +/m/0mdqp /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/023s8 +/m/015y3j /education/educational_institution/students_graduates./education/education/student /m/0c1j_ +/m/09p0q /people/person/profession /m/01d_h8 +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/0151ns /people/person/languages /m/06b_j +/m/02zcz3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/01pcmd +/m/0n96z /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/027vps /people/person/profession /m/0dxtg +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/0bvfqq /time/event/instance_of_recurring_event /m/0g_w +/m/03j90 /people/person/gender /m/05zppz +/m/0lkr7 /people/person/places_lived./people/place_lived/location /m/0chrx +/m/06mvq /people/ethnicity/people /m/04smkr +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/028k57 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03f5mt /music/instrument/instrumentalists /m/0j1yf +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s3vk +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/04z_x4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/0264v8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/054gwt /tv/tv_program/genre /m/09lmb +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx_hnp +/m/015w9s /media_common/netflix_genre/titles /m/0f4k49 +/m/0kr7k /people/person/profession /m/0196pc +/m/02fqxm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9z /location/location/contains /m/01ppq +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01_p6t /film/actor/film./film/performance/film /m/0h1x5f +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3x5 +/m/0fgpvf /film/film/genre /m/017fp +/m/0164qt /film/film/country /m/07ssc +/m/0dt_q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b185 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04zyhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09lxv9 /film/film/production_companies /m/086k8 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/02mqc4 +/m/0ffgh /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0h6sv /people/person/profession /m/05vyk +/m/0pvms /film/film/written_by /m/0bxtg +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/01wv9p /people/person/spouse_s./people/marriage/spouse /m/043zg +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/023s8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016z2j +/m/018dnt /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01cw24 +/m/03xx3m /people/deceased_person/place_of_death /m/02_286 +/m/0dvld /film/actor/film./film/performance/film /m/071nw5 +/m/01x_d8 /people/person/gender /m/02zsn +/m/0czkbt /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/02dtg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/07szy /education/educational_institution_campus/educational_institution /m/07szy +/m/02lfwp /people/person/gender /m/05zppz +/m/0fxmbn /film/film/genre /m/02kdv5l +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f0qd7 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/0_7z2 /location/hud_county_place/place /m/0_7z2 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/013q0p +/m/0mr_8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds6bmk /film/film/genre /m/07s9rl0 +/m/01whg97 /people/person/profession /m/0dz3r +/m/083p7 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/012mzw /education/educational_institution/colors /m/01l849 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03w4sh /people/person/profession /m/02hrh1q +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0bjv6 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/01lbp /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0xhtw /music/genre/artists /m/0gkg6 +/m/04cnp4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f1r6t /people/person/nationality /m/09c7w0 +/m/0gjv_ /education/educational_institution/colors /m/083jv +/m/05kj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059_c +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/0c_tl /olympics/olympic_games/participating_countries /m/0k6nt +/m/0bm2g /film/film/country /m/09c7w0 +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/03s2y9 +/m/033x5p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpxp /tv/tv_program/genre /m/05p553 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0cgfb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08z39v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cg2cj +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cj_v7 +/m/0dzkq /influence/influence_node/influenced_by /m/06myp +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/02tk74 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/045c66 +/m/01dyvs /film/film/production_companies /m/086k8 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/035qy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ydt +/m/02rqxc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/023mdt /film/actor/film./film/performance/film /m/0bz3jx +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04glx0 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/01pp3p /people/person/profession /m/02jknp +/m/0mskq /location/location/contains /m/0f2w0 +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07vht +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/02wr6r /film/actor/film./film/performance/film /m/015whm +/m/0cx7f /music/genre/artists /m/01kd57 +/m/0639bg /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/01t07j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03d0ns +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/015zyd +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/085pr /people/person/places_lived./people/place_lived/location /m/0s9z_ +/m/01xsbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01d0fp +/m/0163v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/0gjk1d /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/05q2c /education/educational_institution/students_graduates./education/education/student /m/02mjmr +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/09yhzs /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/07vc_9 /film/actor/film./film/performance/film /m/08c4yn +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0l12d /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/07c52 /media_common/netflix_genre/titles /m/0266s9 +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/0411q +/m/03mg5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01jdxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03lrqw /film/film/language /m/02h40lc +/m/01nzmp /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0f2zc +/m/03j0br4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0854hr +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzh2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w_sh +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gy0l_ +/m/03548 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/0146mv +/m/04b_jc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/01sb5r /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063fh9 +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/01whg97 /people/person/languages /m/02h40lc +/m/0193f /music/genre/artists /m/01d_h +/m/0m32h /people/cause_of_death/people /m/08z39v +/m/0gd_s /influence/influence_node/influenced_by /m/0465_ +/m/01ycck /people/person/profession /m/01d_h8 +/m/06by7 /music/genre/artists /m/08w4pm +/m/027xq5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c52 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/0cs134 /tv/tv_program/languages /m/02h40lc +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076psv +/m/0133k0 /music/genre/parent_genre /m/059kh +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/017fp /media_common/netflix_genre/titles /m/08sfxj +/m/01wcp_g /award/award_winner/awards_won./award/award_honor/award_winner /m/0288fyj +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/04wlh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/07s9rl0 /media_common/netflix_genre/titles /m/0d61px +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/016srn +/m/02vpvk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/01fmys /film/film/genre /m/09q17 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017r13 +/m/01dvtx /influence/influence_node/influenced_by /m/099bk +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01w02sy +/m/0161c2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrt_c +/m/0gk4g /people/cause_of_death/people /m/01vsy9_ +/m/0167v4 /people/person/profession /m/0kyk +/m/04g3p5 /film/director/film /m/01h7bb +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/040_9s0 /award/award_category/disciplines_or_subjects /m/02xlf +/m/07z1m /location/location/contains /m/0177sq +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/0jryt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jxh9 +/m/02wb6d /people/deceased_person/place_of_death /m/030qb3t +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0y2dl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0kstw /base/aareas/schema/administrative_area/administrative_parent /m/0gqm3 +/m/0kqb0 /location/location/contains /m/01zfrt +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0sx92 /olympics/olympic_games/participating_countries /m/07ssc +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0b_c7 /people/person/place_of_birth /m/031y2 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/017l96 /music/record_label/artist /m/014_xj +/m/04rwx /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m5y9p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rt9 /location/country/second_level_divisions /m/02496r +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/0fvxg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bggl /people/person/nationality /m/09c7w0 +/m/0lbd9 /olympics/olympic_games/sports /m/0crlz +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/01z4y /media_common/netflix_genre/titles /m/0crd8q6 +/m/06qd3 /location/country/official_language /m/02hwhyv +/m/0mj1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fc0b +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/01wyq0w +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/0mhfr /music/genre/artists /m/016j2t +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/011k1h /music/record_label/artist /m/01wv9xn +/m/02psgq /film/film/genre /m/03q4nz +/m/01l4g5 /people/person/profession /m/05vyk +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026mj /location/administrative_division/country /m/09c7w0 +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01d8yn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04k9y6 /film/film/genre /m/05p553 +/m/0ds11z /film/film/film_production_design_by /m/0bytkq +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/04xvlr /media_common/netflix_genre/titles /m/01fx4k +/m/016khd /film/actor/film./film/performance/film /m/05rfst +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/045r_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/082_p /people/person/religion /m/0n2g +/m/0b7t3p /people/person/profession /m/0dxtg +/m/05qqm /language/human_language/countries_spoken_in /m/01mjq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/076tq0z +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/02lfp4 /people/person/profession /m/01c72t +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/0fb_1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhz +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpmrm3 +/m/01jc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/049sb +/m/01frpd /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/05dy7p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0207wx /people/person/nationality /m/09c7w0 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01wp8w7 +/m/0c_m3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0pgjm /music/group_member/membership./music/group_membership/group /m/06nv27 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/02vtnf /film/director/film /m/0gcrg +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/03gh4 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mxqyk /people/person/nationality /m/09c7w0 +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fttd +/m/01w2v /location/location/time_zones /m/03plfd +/m/0gls4q_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02p2zq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014kyy +/m/03rjj /location/location/contains /m/0537y_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/04z542 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pz3j5 +/m/03ys48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02nfjp /people/person/profession /m/0d1pc +/m/04fhxp /people/person/profession /m/02hrh1q +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/018q42 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05tbn /location/location/contains /m/0fvzz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/02s2ft /film/actor/film./film/performance/film /m/02z3r8t +/m/017g21 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01mpwj /education/educational_institution/school_type /m/01rs41 +/m/07c52 /media_common/netflix_genre/titles /m/01j95 +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/09d28z +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/041rx /people/ethnicity/people /m/0f7h2g +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237jb +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01pcj4 /education/educational_institution_campus/educational_institution /m/01pcj4 +/m/02_p8v /people/person/place_of_birth /m/049d1 +/m/0c5vh /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/047wh1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03tbg6 +/m/0l2hf /location/us_county/county_seat /m/0r1jr +/m/0k269 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04vmqg +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jpn8 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qmfm +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0k4kk +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/06y7d +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01vc5m /education/educational_institution/students_graduates./education/education/student /m/06hx2 +/m/0kv2hv /film/film/genre /m/09q17 +/m/01tmng /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/080dfr7 /film/film/genre /m/01jfsb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/06m_p /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dgd_ +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/02r3zy +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/01lc5 +/m/0m_h6 /film/film/music /m/02sj1x +/m/050_qx /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/01whg97 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/01fy2s /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/026fs38 /film/film/production_companies /m/05qd_ +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01d5g /influence/influence_node/influenced_by /m/07rd7 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bx_hnp +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/05cc1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/095zvfg /people/person/place_of_birth /m/02_286 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fn16 +/m/0408m53 /film/film/production_companies /m/054lpb6 +/m/018vs /music/instrument/instrumentalists /m/0lbj1 +/m/0j0pf /people/person/places_lived./people/place_lived/location /m/01s3v +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/015l4k /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/032498 /sports/sports_team/colors /m/083jv +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/045zr +/m/0jdd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/049qx +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/050ks /location/location/contains /m/0172jm +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/0160w /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02f4s3 +/m/01h72l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t_8z +/m/0dqcm /film/actor/film./film/performance/film /m/04wddl +/m/047msdk /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/06jd89 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/071wvh /people/person/nationality /m/03rk0 +/m/0lnfy /base/biblioness/bibs_location/country /m/05cgv +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/018f8 /film/film/featured_film_locations /m/030qb3t +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017j69 +/m/06m_5 /sports/sports_team_location/teams /m/023fxp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/08s6mr /film/film/executive_produced_by /m/04pqqb +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06w6_ /people/person/profession /m/03gjzk +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02q4mt /people/person/profession /m/02jknp +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2jr +/m/09nwwf /music/genre/artists /m/0qmny +/m/015f7 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/05631 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptx_ +/m/011yph /film/film/genre /m/05p553 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/063lqs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/02g8h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pnn3 +/m/0bpx1k /film/film/production_companies /m/02j_j0 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/069vt +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fjyzt +/m/0bq3x /film/film_subject/films /m/0294mx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vmv_ +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0106dv +/m/0jcky /location/location/time_zones /m/02hczc +/m/040rjq /film/director/film /m/02pjc1h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kc4s +/m/02nfjp /film/actor/film./film/performance/film /m/07k8rt4 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0cm19f /people/person/profession /m/02hrh1q +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/055td_ /film/film/genre /m/06l3bl +/m/0226cw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrkdt /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/02k1b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/01f1r4 /education/educational_institution/students_graduates./education/education/student /m/09v6tz +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04kkz8 +/m/012ts /location/administrative_division/country /m/0ctw_b +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0f8pz /people/person/place_of_birth /m/0f8j6 +/m/01_sz1 /music/genre/artists /m/01vrt_c +/m/015zql /people/person/profession /m/0dxtg +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0r3tq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cv3w /location/hud_county_place/county /m/0d1y7 +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0cc846d /film/film/genre /m/04pbhw +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/01yvvn /sports/sports_position/players./sports/sports_team_roster/team /m/07l4z +/m/0509cr /music/genre/artists /m/0ql36 +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dppk +/m/059fjj /film/actor/film./film/performance/film /m/02rtqvb +/m/01v_pj6 /people/person/gender /m/05zppz +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0sxfd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02s2wq /people/person/places_lived./people/place_lived/location /m/0ply0 +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/0n5yh /location/location/contains /m/0xhmb +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02gl58 +/m/0n85g /music/record_label/artist /m/047cx +/m/044g_k /film/film/production_companies /m/02hvd +/m/05cj_j /film/film/genre /m/0c3351 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/04cj79 /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01bzw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0g8_vp /people/ethnicity/people /m/01hxs4 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/0gsgr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/02jx1 /location/location/contains /m/0d6br +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/039bpc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pw2f1 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j46b +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0c_md_ /people/person/places_lived./people/place_lived/location /m/0chrx +/m/03_d0 /music/genre/artists /m/01fkxr +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/019_1h /people/person/religion /m/0kpl +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/09n4nb /time/event/instance_of_recurring_event /m/0c4ys +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/0pkyh /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsyg9 +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bqytm +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/0137g1 /people/person/profession /m/0dz3r +/m/0778_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024mpp /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xcr4 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/035s95 /film/film/genre /m/04btyz +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022s1m +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/0xnc3 +/m/01cf93 /music/record_label/artist /m/016vn3 +/m/01_d4 /location/location/contains /m/02bf58 +/m/059g4 /base/locations/continents/countries_within /m/027rn +/m/07s9rl0 /media_common/netflix_genre/titles /m/043mk4y +/m/0372kf /people/person/profession /m/02hv44_ +/m/0196bp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01kx_81 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0j43swk /film/film/music /m/0csdzz +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01bh3l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01fmys /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/026wlnm /sports/sports_team/colors /m/083jv +/m/08hp53 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02114t /film/actor/film./film/performance/film /m/03vfr_ +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/02qzmz6 /film/film/produced_by /m/02hy9p +/m/01l9v7n /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02pb2bp +/m/0ch3qr1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/05ljv7 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025b5y +/m/0fvyg /location/location/contains /m/0jkhr +/m/051zy_b /film/film/film_production_design_by /m/02x2t07 +/m/04wtx1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/04ynx7 /film/film/language /m/02h40lc +/m/01_4mn /business/business_operation/industry /m/020mfr +/m/02ndbd /people/person/profession /m/0dxtg +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0gm2_0 +/m/04gr35 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/05mt_q /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xhtw /music/genre/artists /m/0m2l9 +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/018ctl /olympics/olympic_games/participating_countries /m/0k6nt +/m/0n6kf /people/person/gender /m/05zppz +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0jgwf /people/person/profession /m/01d_h8 +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/04bgy /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06hgbk +/m/02760sl /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01w92 +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/0837ql +/m/01nwwl /film/actor/film./film/performance/film /m/05z43v +/m/0jqj5 /film/film/genre /m/07s9rl0 +/m/020yvh /education/educational_institution/students_graduates./education/education/student /m/016kft +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/013v5j /people/person/places_lived./people/place_lived/location /m/03b12 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/01c333 /education/educational_institution/colors /m/083jv +/m/017l96 /music/record_label/artist /m/01wgfp6 +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0180w8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02ll45 /film/film/film_production_design_by /m/0d5wn3 +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/03qmfzx /people/person/profession /m/0dxtg +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/01lmj3q /people/person/profession /m/016z4k +/m/0vzm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gy0l_ /film/film/produced_by /m/0bwh6 +/m/01j5sd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/01qkqwg +/m/02mpyh /film/film/featured_film_locations /m/03rjj +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/06khkb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04tgp /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/01w5gg6 /people/person/nationality /m/01znc_ +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/01mwsnc +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02k6rq +/m/0h1x5f /film/film/genre /m/01t_vv +/m/0203v /people/person/places_lived./people/place_lived/location /m/010m55 +/m/012lzr /education/educational_institution/students_graduates./education/education/student /m/013t9y +/m/024pcx /location/country/official_language /m/02h40lc +/m/07d370 /people/person/profession /m/02krf9 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0ptx_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0343h +/m/01x0yrt /people/person/place_of_birth /m/0843m +/m/0r22d /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2lk +/m/03548 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02kcz +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/01rww3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0prfz +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/0f4vbz +/m/04hzj /location/country/form_of_government /m/01fpfn +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/037css /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/040rjq /influence/influence_node/influenced_by /m/06whf +/m/08vlns /music/genre/artists /m/03c602 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c8qq +/m/0jyx6 /film/film/genre /m/01g6gs +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/06x68 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01ngz1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0342h /music/instrument/instrumentalists /m/03mszl +/m/07024 /film/film/production_companies /m/01gb54 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0mvxt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mvn6 +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/02h3tp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032clf +/m/05f4vxd /tv/tv_program/country_of_origin /m/09c7w0 +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0315rp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026dcvf +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0b_6lb /time/event/locations /m/013yq +/m/031ldd /film/film/language /m/03115z +/m/0b_7k /base/eating/practicer_of_diet/diet /m/07_hy +/m/0dbdy /location/location/contains /m/01hvzr +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/018gmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z7_f /film/actor/film./film/performance/film /m/0gg5kmg +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/06fcqw /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/01j5x6 /film/actor/film./film/performance/film /m/0fsd9t +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/016dgz /people/person/profession /m/09jwl +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/0gx_p /film/actor/film./film/performance/film /m/0dqytn +/m/01glqw /base/biblioness/bibs_location/state /m/05kr_ +/m/0x67 /people/ethnicity/people /m/01m3b1t +/m/01lc5 /people/person/religion /m/0kq2 +/m/01r3kd /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02pzck /film/actor/film./film/performance/film /m/0yzbg +/m/03fw4y /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/049sb /film/actor/film./film/performance/film /m/0ckt6 +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/01wj92r /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/03cfkrw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cx7f /music/genre/artists /m/01vsy7t +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/029ghl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/082scv +/m/02s0pp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/01mmslz /people/person/place_of_birth /m/0100mt +/m/01z4y /media_common/netflix_genre/titles /m/01zfzb +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02h761 /people/person/profession /m/0dxtg +/m/0342h /music/instrument/instrumentalists /m/01p45_v +/m/01s9ftn /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/08fn5b /film/film/produced_by /m/06pj8 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/05_k56 +/m/054yc0 /film/film_subject/films /m/07bwr +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02f8zw +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/031rq5 +/m/0m_31 /people/person/nationality /m/09c7w0 +/m/02zv4b /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bscw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01hv3t +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1jf +/m/081pw /film/film_subject/films /m/011yrp +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092kgw +/m/0dg3n1 /location/location/contains /m/088vb +/m/01zkxv /influence/influence_node/influenced_by /m/05cv8 +/m/01j5x6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0k269 +/m/0gy0n /film/film/production_companies /m/01gb54 +/m/0bmssv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0340hj /film/film/story_by /m/079vf +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0jpkg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/026kmvf +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0159r9 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/01hv3t /film/film/produced_by /m/0fvf9q +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01qn8k +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/05qgd9 +/m/07l4zhn /film/film/featured_film_locations /m/013yq +/m/02f_k_ /film/actor/film./film/performance/film /m/01r97z +/m/0342h /music/instrument/instrumentalists /m/0zjpz +/m/09rvcvl /film/film/genre /m/017fp +/m/0jhn7 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/04vh83 /film/film/written_by /m/0byfz +/m/0m68w /people/person/place_of_birth /m/0m2rv +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l1hr +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/01lbp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p3r8 +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy4k +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b7l4x +/m/01_qc_ /medicine/disease/risk_factors /m/0c58k +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvc5 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02__ww /film/actor/film./film/performance/film /m/0kvbl6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0hvjr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/04vq3h /film/actor/film./film/performance/film /m/011yqc +/m/02r0d0 /award/award_category/disciplines_or_subjects /m/04g51 +/m/01352_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01hcj2 /people/person/profession /m/02hrh1q +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/03bx_5q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h7l7 +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0579tg2 +/m/018vs /music/instrument/instrumentalists /m/095x_ +/m/03yrkt /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/027m67 /film/film/language /m/01jb8r +/m/0c40vxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/09fb5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09k0f +/m/0167xy /music/artist/origin /m/02cft +/m/0gpprt /film/actor/film./film/performance/film /m/08fn5b +/m/01304j /people/person/languages /m/06nm1 +/m/01wj9y9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/026wlxw +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0p_47 +/m/017fp /media_common/netflix_genre/titles /m/0g0x9c +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/05x2t7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gl88b +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/06hgj +/m/0gm8_p /people/person/profession /m/02hrh1q +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k5g9 +/m/03fn16 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/03nl5k /award/award_category/winners./award/award_honor/award_winner /m/020hyj +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0159h6 /film/actor/film./film/performance/film /m/016ywb +/m/07mqps /people/ethnicity/people /m/01gy7r +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/05jzt3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0pc62 /film/film/produced_by /m/01t6b4 +/m/07r_dg /people/person/profession /m/02hrh1q +/m/0qmhk /film/film/production_companies /m/0338lq +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/07s3m4g /film/film/country /m/09c7w0 +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/066d03 /music/genre/parent_genre /m/03lty +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03w9bjf /people/ethnicity/people /m/02ply6j +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0c57yj /film/film/production_companies /m/020h2v +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026_dq6 +/m/01718w /film/film/music /m/0417z2 +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/016cjb /music/genre/artists /m/03f3_p3 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0h1x5f /film/film/genre /m/0hn10 +/m/03xnwz /music/genre/artists /m/01w524f +/m/042v2 /people/person/profession /m/0cbd2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/077q8x +/m/0ggq0m /music/genre/artists /m/0hnlx +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/0b6f8pf /film/film/genre /m/05p553 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/07b2yw /education/educational_institution_campus/educational_institution /m/07b2yw +/m/064_8sq /media_common/netflix_genre/titles /m/02r8hh_ +/m/0d6lp /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j6_5 +/m/0grwj /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03npn /media_common/netflix_genre/titles /m/01svry +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/06k90b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05qkp +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01zg98 /people/person/profession /m/02hrh1q +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/01bmlb /film/actor/film./film/performance/film /m/02sfnv +/m/05p92jn /film/actor/film./film/performance/film /m/05_5_22 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/018jn4 /location/administrative_division/country /m/03_3d +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/01gbbz /people/person/spouse_s./people/marriage/spouse /m/01pcz9 +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/01kt17 +/m/0889x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0343h /people/person/places_lived./people/place_lived/location /m/0r7fy +/m/054k_8 /film/actor/film./film/performance/film /m/043n0v_ +/m/047g98 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/047g98 +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/014l6_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0djc3s /people/person/nationality /m/03rk0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/081hvm +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/0173b0 /music/genre/artists /m/0134pk +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/018w8 /film/film_subject/films /m/04xx9s +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/093142 +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/01x209s +/m/03j2gxx /people/person/profession /m/0kyk +/m/0cbgl /people/person/places_lived./people/place_lived/location /m/03v0t +/m/0j47s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/049dzz +/m/01v0sxx /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0170qf /film/actor/film./film/performance/film /m/02ctc6 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/01wjrn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3b5 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0gsg7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/015ynm /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/09nz_c /film/actor/film./film/performance/film /m/07gghl +/m/012t1 /people/person/nationality /m/09c7w0 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02f_k_ +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09q23x +/m/0bw87 /people/person/gender /m/02zsn +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/01d0fp /people/person/spouse_s./people/marriage/spouse /m/018ygt +/m/0c1j_ /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/01vsgrn /film/actor/film./film/performance/film /m/047svrl +/m/0342h /music/instrument/instrumentalists /m/01nn6c +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032wdd +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wp3s /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cmrt /people/person/profession /m/02hrh1q +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/031hcx +/m/0gd9k /film/actor/film./film/performance/film /m/091xrc +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f7hc +/m/0170th /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0c6qh /film/actor/film./film/performance/film /m/06z8s_ +/m/017_pb /people/person/gender /m/05zppz +/m/086k8 /music/record_label/artist /m/0134wr +/m/036jb /people/person/nationality /m/09c7w0 +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05b2f_k +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfz +/m/0c0k1 /people/person/place_of_birth /m/01_d4 +/m/03_wtr /film/actor/film./film/performance/film /m/01cssf +/m/019n9w /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jmh7 +/m/0n5y4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0g_zyp /film/film/language /m/02h40lc +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/07ssc /location/location/contains /m/02m77 +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/09tkzy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/01swck /people/person/profession /m/02hrh1q +/m/056xkh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award /m/03m73lj +/m/0603qp /people/person/gender /m/05zppz +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0l14md /music/instrument/instrumentalists /m/01vw20_ +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v0t +/m/0t_4_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c73z /people/person/profession /m/01c72t +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0l14gg /music/genre/artists /m/014hr0 +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vntj +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02qm_f +/m/01v3k2 /organization/organization/headquarters./location/mailing_address/citytown /m/0ck6r +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/04_jsg /people/person/profession /m/0dz3r +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/02h48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/09btt1 /film/actor/film./film/performance/film /m/0g4vmj8 +/m/01vw8k /film/film/genre /m/06l3bl +/m/04tc1g /film/film/genre /m/05p553 +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bdjd /film/film/music /m/02jxkw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/04h4zx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/01wd9lv /people/person/gender /m/05zppz +/m/0jmj7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0138t4 +/m/01k0xy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03q_g6 /award/award_category/category_of /m/0c4ys +/m/0m491 /film/film/genre /m/07s9rl0 +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0165v +/m/02y0yt /people/person/profession /m/0np9r +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/03rjj /location/location/contains /m/064xp +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/07w5rq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_0p /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/047byns /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0466s8n +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/015_1q /music/record_label/artist /m/0lccn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/01f8hf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/067ghz +/m/0292qb /film/film/country /m/09c7w0 +/m/0dl5d /music/genre/artists /m/01386_ +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0g96wd /people/ethnicity/people /m/015nhn +/m/0148nj /music/genre/artists /m/01wt4wc +/m/04jpk2 /film/film/produced_by /m/015njf +/m/03vv61 /music/record_label/artist /m/01ww2fs +/m/0r0f7 /location/hud_county_place/county /m/0kpys +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/0dzf_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/012xdf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0265z9l /film/actor/film./film/performance/film /m/0209hj +/m/059kh /music/genre/artists /m/01l87db +/m/01vvycq /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrkdt +/m/0gyvgw /sports/sports_team_location/teams /m/02029f +/m/035w2k /film/film/story_by /m/07s93v +/m/03mv9j /award/award_category/disciplines_or_subjects /m/04g51 +/m/06qjgc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02bh_v +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/041_y +/m/034tl /location/country/official_language /m/02h40lc +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/0dr89x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0pd64 /film/film/language /m/02h40lc +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/01q940 /music/record_label/artist /m/03kwtb +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s44 +/m/02dpl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059g4 +/m/07z2lx /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0hwbd /award/award_winner/awards_won./award/award_honor/award_winner /m/0306bt +/m/016z2j /people/person/profession /m/09jwl +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01jfsb /media_common/netflix_genre/titles /m/0c34mt +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0csdzz +/m/0kcn7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qw_v /education/educational_institution/campuses /m/02qw_v +/m/02q5bx2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01520h +/m/01j_9c /education/university/fraternities_and_sororities /m/035tlh +/m/05tbn /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/02mqc4 +/m/03fnyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/0dzc16 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/026b7bz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/0vh3 /location/administrative_division/country /m/0chghy +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02n9bh +/m/07bx6 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/01g42 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylgz +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/06cl2w /film/actor/film./film/performance/film /m/034r25 +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rjj +/m/0c6qh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/08vq2y +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq8k8 +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/04w4s /sports/sports_team_location/teams /m/03z0dt +/m/01y9jr /award/award_winning_work/awards_won./award/award_honor/award /m/0hnf5vm +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/0btpm6 /film/film/music /m/02jxmr +/m/0djc3s /people/person/profession /m/0dz3r +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01k70_ +/m/01rxyb /film/film/language /m/064_8sq +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/015076 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04264n /film/actor/film./film/performance/film /m/0j_t1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/02yj7w +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/016jny /music/genre/artists /m/01wvxw1 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/051z6mv +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0ymf1 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0l35f /location/location/contains /m/0r771 +/m/01chg /media_common/netflix_genre/titles /m/09yxcz +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02wyzmv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05sq84 +/m/03npn /media_common/netflix_genre/titles /m/04sh80 +/m/02rrh1w /film/film/country /m/09c7w0 +/m/0gxkm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03nqbvz /people/deceased_person/place_of_death /m/0qlrh +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/018h2 /media_common/netflix_genre/titles /m/04y5j64 +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0sxrz /olympics/olympic_games/sports /m/0486tv +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08rr3p +/m/03cf9ly /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cw3yd /film/film/film_festivals /m/0bmj62v +/m/0xn7b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02txdf /education/educational_institution/colors /m/01g5v +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0gvbw +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/03ryn /location/country/form_of_government /m/01d9r3 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/021j72 /people/person/place_of_birth /m/0hj6h +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/09c7w0 /location/country/second_level_divisions /m/0jxh9 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0n5hw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/0x67 /people/ethnicity/people /m/01n44c +/m/01f7gh /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/077w0b +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/05mkhs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03zz8b +/m/031sg0 /people/person/gender /m/02zsn +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0560w +/m/0653m /media_common/netflix_genre/titles /m/02qd04y +/m/0hvb2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/0dd2f /music/record_label/artist /m/02vnpv +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/01l2m3 /people/cause_of_death/people /m/042d1 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07g1sm +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/025l5 /people/person/gender /m/05zppz +/m/01s0l0 /people/person/gender /m/05zppz +/m/0k9j_ /film/actor/film./film/performance/film /m/0k419 +/m/02fn5r /music/group_member/membership./music/group_membership/role /m/0342h +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07hgkd /award/award_winner/awards_won./award/award_honor/award_winner /m/0134wr +/m/02grjf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hvb2 /film/actor/film./film/performance/film /m/09qycb +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/09c7w0 /location/country/second_level_divisions /m/0mlm_ +/m/033tf_ /people/ethnicity/people /m/02qgqt +/m/081pw /time/event/locations /m/073q1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/057pq5 +/m/03d17dg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vqpx8 +/m/02wr2r /film/actor/film./film/performance/film /m/0fpgp26 +/m/013pk3 /people/person/profession /m/0dxtg +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02hrb2 +/m/04sh3 /education/field_of_study/students_majoring./education/education/student /m/0ky1 +/m/059t8 /location/location/contains /m/036k0s +/m/043g7l /business/business_operation/industry /m/04rlf +/m/0509bl /film/actor/film./film/performance/film /m/026p4q7 +/m/04zl8 /film/film/genre /m/0gf28 +/m/04tc1g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07gghl +/m/05prs8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/01dw_f /people/person/profession /m/02hrh1q +/m/044f7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0b005 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/03bnv /people/deceased_person/place_of_death /m/030qb3t +/m/0glt670 /music/genre/artists /m/01vvydl +/m/01f1p9 /music/genre/artists /m/0gkg6 +/m/05b4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/07myb2 /film/actor/film./film/performance/film /m/07l450 +/m/02wgln /film/actor/film./film/performance/film /m/02wgk1 +/m/05r5c /music/instrument/instrumentalists /m/01vsyjy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0d7k1z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/027hq5f /people/person/nationality /m/09c7w0 +/m/03prz_ /film/film/genre /m/02l7c8 +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/06bd5j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/033m23 +/m/02l840 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/03f2_rc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0343h +/m/0pyww /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0438f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wcp_g /people/person/nationality /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01399x +/m/0ymgk /education/educational_institution/students_graduates./education/education/student /m/01l79yc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06v36 +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmf0m0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04zw9hs +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/05ggt_ /people/person/religion /m/0c8wxp +/m/03rhqg /music/record_label/artist /m/0m_v0 +/m/01dfb6 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hj_k /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hjy +/m/04kkz8 /film/film/language /m/02h40lc +/m/05p92jn /people/person/place_of_birth /m/04f_d +/m/02m3sd /people/person/profession /m/02jknp +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/016kft +/m/014g_s /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/05zrx3v /people/person/nationality /m/09c7w0 +/m/01_bkd /music/genre/artists /m/07g2v +/m/0ymdn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/06dfg /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01rgn3 /education/educational_institution/students_graduates./education/education/student /m/01nczg +/m/0gd9k /people/person/profession /m/0dxtg +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/06q5t7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/01gvxv /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01v3vp /film/actor/film./film/performance/film /m/04t9c0 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/038nv6 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/020ffd /film/actor/film./film/performance/film /m/0b3n61 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/0cw4l /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/03_js /people/deceased_person/place_of_death /m/0t_gg +/m/07ssc /location/location/contains /m/014162 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/06c0j /people/person/profession /m/01xr66 +/m/02zyy4 /film/actor/film./film/performance/film /m/01rxyb +/m/05b6s5j /tv/tv_program/genre /m/02kdv5l +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03ydlnj /film/film/genre /m/0cshrf +/m/046b0s /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0bj9k /people/person/gender /m/05zppz +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01kwsg /people/person/gender /m/05zppz +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/072x7s /film/film/country /m/09c7w0 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/04gmlt /music/record_label/artist /m/0bqsy +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/06_wqk4 /film/film/produced_by /m/06jz0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016l09 +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/0l9k1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/04v89z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01b9ck +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dt8xq +/m/012rng /film/director/film /m/027ct7c +/m/064t9 /music/genre/artists /m/01trhmt +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt7h_ +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02w64f +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/0gxb2 /medicine/symptom/symptom_of /m/0gk4g +/m/01w03jv /music/artist/origin /m/0d6lp +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03m8y5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c_mvb /people/person/profession /m/02jknp +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05fhy +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/0hx4y /film/film/language /m/06nm1 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/037njl /education/educational_institution/colors /m/083jv +/m/05rx__ /influence/influence_node/influenced_by /m/03h_fk5 +/m/033pf1 /film/film/genre /m/05p553 +/m/0m_v0 /people/person/profession /m/01c72t +/m/02lf70 /people/person/profession /m/0d1pc +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/014bpd +/m/01h8f /film/actor/film./film/performance/film /m/012s1d +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0133_p /music/genre/artists /m/016vn3 +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/096lf_ /people/person/gender /m/05zppz +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fby2t +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/01531 +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/016h9b /people/person/nationality /m/07ssc +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/02tqkf /film/actor/film./film/performance/film /m/0gj9tn5 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/06x2ww /music/record_label/artist /m/0g_g2 +/m/04vs9 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02rr_z4 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qd04y +/m/05jbn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07h34 +/m/0338g8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0ym17 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwbts +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0425gc +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/0239zv +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01yjl +/m/050r1z /film/film/language /m/02h40lc +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03zqc1 /film/actor/film./film/performance/film /m/016yxn +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kbhf +/m/0glt670 /music/genre/artists /m/02yygk +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/02bh8z /music/record_label/artist /m/0c9d9 +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/088cp /base/aareas/schema/administrative_area/administrative_parent /m/0125q1 +/m/01p87y /film/director/film /m/0bl1_ +/m/07lt7b /film/actor/film./film/performance/film /m/0g3zrd +/m/03zb6t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b44shh +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/05q96q6 /film/film/production_companies /m/054lpb6 +/m/02ph9tm /film/film/production_companies /m/06rq1k +/m/0343h /people/person/profession /m/02jknp +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/0l14j_ /music/instrument/instrumentalists /m/0gdh5 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/09v9mks /film/film/language /m/02h40lc +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/03qjg /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01nd2c +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02dbn2 /film/actor/film./film/performance/film /m/03lv4x +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bvt +/m/03mz5b /film/film/country /m/09c7w0 +/m/08jyyk /music/genre/artists /m/01vs4f3 +/m/012rng /film/director/film /m/0170_p +/m/01l2fn /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/04xvlr /media_common/netflix_genre/titles /m/0296rz +/m/018vs /music/instrument/instrumentalists /m/01vsykc +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/044zvm +/m/027hq5f /people/person/profession /m/021wpb +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0139q5 +/m/02gnmp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/04mx8h4 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/064_8sq /education/field_of_study/students_majoring./education/education/student /m/06whf +/m/0k419 /film/film/country /m/03rjj +/m/02gkxp /education/educational_institution_campus/educational_institution /m/02gkxp +/m/012gbb /people/person/nationality /m/09c7w0 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/02z1yj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01stzp /education/educational_institution/school_type /m/05jxkf +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0bkq7 /film/film/genre /m/02l7c8 +/m/084302 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184dt +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cf08 +/m/09m465 /people/person/nationality /m/02jx1 +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03n08b /film/actor/film./film/performance/film /m/0gtsx8c +/m/02n4kr /media_common/netflix_genre/titles /m/0dqcs3 +/m/015pxr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f0fnk /people/person/place_of_birth /m/0cr3d +/m/034r25 /film/film/film_format /m/07fb8_ +/m/084nh /influence/influence_node/influenced_by /m/02wh0 +/m/014wxc /location/location/contains /m/0dfcn +/m/028rk /people/person/religion /m/0631_ +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027f7dj +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0kxf1 /film/film/language /m/064_8sq +/m/0136g9 /people/person/nationality /m/07ssc +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/06gb2q /film/actor/film./film/performance/film /m/063_j5 +/m/035v3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fh694 /film/film/executive_produced_by /m/014zcr +/m/03p7rp /music/genre/artists /m/0143q0 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/043cl9 /people/person/spouse_s./people/marriage/spouse /m/03qkgyl +/m/09c7w0 /location/location/contains /m/06rkfs +/m/05qdh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwm1 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0140t7 +/m/021vwt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049dyj /film/actor/film./film/performance/film /m/023vcd +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0gxb2 /medicine/symptom/symptom_of /m/04psf +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/01rrd4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/09c7w0 /location/country/second_level_divisions /m/0m7d0 +/m/07ssc /location/location/contains /m/0619_ +/m/032w8h /film/actor/film./film/performance/film /m/02825cv +/m/0hz6mv2 /film/film/personal_appearances./film/personal_film_appearance/person /m/0bkf4 +/m/04cbbz /film/film/language /m/06b_j +/m/01jq4b /education/educational_institution/campuses /m/01jq4b +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/05nyqk /film/film/genre /m/01jfsb +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/09_99w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0123qq +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/03zm00 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/053ksp /people/person/nationality /m/07ssc +/m/0bl2g /film/actor/film./film/performance/film /m/038bh3 +/m/04n32 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/027r9t /film/film/production_companies /m/017s11 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/03q5db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02zccd /education/educational_institution/colors /m/083jv +/m/081yw /location/location/contains /m/010rvx +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01kkfp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0284gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03x6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/01tnxc /film/actor/film./film/performance/film /m/0p_tz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/02s58t /people/person/languages /m/02h40lc +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cfkrw +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06y9bd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05lfwd +/m/037n97 /music/genre/artists /m/030155 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0d0vqn +/m/04lqvly /film/film/country /m/0345h +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06pj8 +/m/05mlqj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/015ppk +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/011ysn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yy9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01pq5j7 /influence/influence_node/influenced_by /m/01w7nww +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/015k7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03xnq9_ /people/person/languages /m/02h40lc +/m/03jn4 /location/location/time_zones /m/03bdv +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01dpdh /award/award_category/category_of /m/0c4ys +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011z3g +/m/07vfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0315q3 /people/person/profession /m/03gjzk +/m/03cwwl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvvm6l /film/film/country /m/0f8l9c +/m/02c9dj /education/educational_institution/school_type /m/05pcjw +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c3xpwy +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0134pk +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/036qs_ /people/person/profession /m/02hrh1q +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd8zw +/m/0g5q34q /film/film/film_festivals /m/0bmj62v +/m/0127m7 /film/actor/film./film/performance/film /m/01msrb +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/02l6dy /film/actor/film./film/performance/film /m/0btbyn +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01z88t +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01w0yrc +/m/0h3y /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01gc7 /film/film/genre /m/03g3w +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/019rl6 /business/business_operation/industry /m/01mf0 +/m/02nq10 /education/educational_institution/school_type /m/05jxkf +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/028p0 /influence/influence_node/influenced_by /m/07kb5 +/m/0x67 /people/ethnicity/people /m/02_l96 +/m/0f5xn /film/actor/film./film/performance/film /m/0cpllql +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/03rj0 /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/07m9cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/0134tg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01nn7r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jxpf +/m/04lqvlr /film/film/language /m/02bjrlw +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/08qnnv +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/07nznf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01k53x +/m/0kctd /media_common/netflix_genre/titles /m/06w7mlh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03w7kx +/m/02y_lrp /film/film/music /m/01r4hry +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/04kkz8 /film/film/music /m/01mh8zn +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05w1vf /film/actor/film./film/performance/film /m/02fqxm +/m/0hwpz /film/film/language /m/02h40lc +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01jzyf +/m/0784z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03__y +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/0gltv /film/film/film_format /m/07fb8_ +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfns +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/01yfp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01xhh5 /people/ethnicity/geographic_distribution /m/0d05w3 +/m/022r38 /education/educational_institution/students_graduates./education/education/student /m/03v1xb +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ddkf +/m/01kf3_9 /film/film/genre /m/02kdv5l +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/06bzwt /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01xbgx /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01pbwwl /people/person/profession /m/02hv44_ +/m/01w40h /music/record_label/artist /m/09hnb +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05vw7 +/m/0dn3n /people/person/gender /m/02zsn +/m/013qvn /people/deceased_person/place_of_death /m/0k049 +/m/022tzk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bh8tgs /film/film/produced_by /m/064jjy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/0dg3n1 /location/location/contains /m/0166v +/m/0lk8j /olympics/olympic_games/sports /m/06f41 +/m/0171lb /people/person/profession /m/0dxtg +/m/064t9 /music/genre/artists /m/0x3n +/m/02v63m /film/film/featured_film_locations /m/0r15k +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/02nrdp /film/actor/film./film/performance/film /m/018f8 +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03yj_0n +/m/03s2y9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/047bynf +/m/056xx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ply0 /location/location/contains /m/0146hc +/m/03fvqg /film/actor/film./film/performance/film /m/04v89z +/m/0137g1 /music/artist/origin /m/030qb3t +/m/017r2 /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p7pw +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/0gk4g /people/cause_of_death/people /m/0127xk +/m/02nfjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07k8rt4 +/m/02lhm2 /film/actor/film./film/performance/film /m/03wj4r8 +/m/05hjnw /film/film/produced_by /m/076_74 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/0237fw /people/person/nationality /m/0chghy +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0ch280 /education/educational_institution/school_type /m/05jxkf +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/02qfv5d /media_common/netflix_genre/titles /m/0yyg4 +/m/01vrnsk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06sks6 /olympics/olympic_games/sports /m/01hp22 +/m/01xdxy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/07cn2c +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/04qt29 /people/person/profession /m/0np9r +/m/02wr6r /film/actor/film./film/performance/film /m/01f39b +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/013423 /people/person/places_lived./people/place_lived/location /m/0xms9 +/m/0bl2g /film/actor/film./film/performance/film /m/0cp0790 +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/03f68r6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5qvw +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/0rlz /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/014gf8 /people/person/nationality /m/09c7w0 +/m/047vp1n /film/film/genre /m/06cvj +/m/0885n /education/educational_institution/campuses /m/0885n +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/031k24 /film/actor/film./film/performance/film /m/07w8fz +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6f8pf +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/03mqtr /media_common/netflix_genre/titles /m/0sxkh +/m/02tktw /film/film/production_companies /m/016tt2 +/m/04xvlr /media_common/netflix_genre/titles /m/0jsqk +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02fz3w /film/actor/film./film/performance/film /m/020bv3 +/m/0j0k /location/location/contains /m/036hnm +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09j_g +/m/0168cl /people/person/profession /m/09jwl +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01dc0c /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/03d0d7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cmt6q +/m/05kr_ /base/aareas/schema/administrative_area/capital /m/0h7h6 +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/06q1r /location/country/form_of_government /m/01q20 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/01m4kpp /people/person/religion /m/019cr +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/030z4z +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071jv5 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03cz83 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/061xq +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kkg5 +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/0g48m4 /people/ethnicity/geographic_distribution /m/05k7sb +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0277jc +/m/09c7w0 /location/location/contains /m/04cnp4 +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c2tf +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/0d3qd0 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0llcx +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0479b +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/01qzt1 /music/genre/artists /m/01kcms4 +/m/023p7l /film/film/genre /m/03g3w +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0745k7 +/m/03gvt /music/instrument/instrumentalists /m/01qgry +/m/0sv6n /location/hud_county_place/place /m/0sv6n +/m/01h8rk /education/educational_institution/school_type /m/05jxkf +/m/0kszw /film/actor/film./film/performance/film /m/04sskp +/m/0bq3x /film/film_subject/films /m/0315w4 +/m/041_y /influence/influence_node/influenced_by /m/03f0324 +/m/01y8d4 /people/person/religion /m/03_gx +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05sb1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/01kkjq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015pxr +/m/019pcs /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k98nm +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0900j5 +/m/011_vz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02ntlj /music/genre/artists /m/01sxd1 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/0c6g1l +/m/052h3 /influence/influence_node/influenced_by /m/043s3 +/m/05hj0n /people/person/places_lived./people/place_lived/location /m/0mzww +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/04czhj /business/business_operation/industry /m/01mw1 +/m/0183z2 /location/location/time_zones /m/02hczc +/m/058frd /people/person/profession /m/03gjzk +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01rddlc /film/actor/film./film/performance/film /m/02vw1w2 +/m/026fn29 /award/award_category/disciplines_or_subjects /m/05qgc +/m/043tg /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028knk +/m/02rhfsc /people/person/profession /m/02krf9 +/m/013y1f /music/instrument/instrumentalists /m/01w724 +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1xb +/m/01cwm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05r5c /music/instrument/instrumentalists /m/0197tq +/m/04q_g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kn68 +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/01pfpt /music/genre/artists /m/0bpk2 +/m/013w2r /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02t__3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm98 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02cft +/m/082scv /film/film/genre /m/07s9rl0 +/m/0gjk1d /film/film/genre /m/0lsxr +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016clz /music/genre/artists /m/01323p +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/03s9v /people/person/nationality /m/014tss +/m/07s9rl0 /media_common/netflix_genre/titles /m/02ll45 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/0mnzd /location/location/contains /m/039d4 +/m/0f61tk /film/film/production_companies /m/020h2v +/m/01bl7g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0vkl2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/03lygq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04jhhng /award/award_category/disciplines_or_subjects /m/04g51 +/m/02lxj_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v9mks +/m/05w3f /music/genre/artists /m/044k8 +/m/01m3x5p /people/person/nationality /m/09c7w0 +/m/07r1h /film/actor/film./film/performance/film /m/013q07 +/m/08nvyr /film/film/country /m/0b90_r +/m/01zfmm /film/director/film /m/01k1k4 +/m/0bcp9b /film/film/music /m/01l3mk3 +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01vqc7 +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/0ddfwj1 /film/film/country /m/07ssc +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l8v5 +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/06r3p2 +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b153 +/m/02nf2c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/012zng /people/person/gender /m/05zppz +/m/0ccd3x /film/film/language /m/02h40lc +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04twmk /people/person/place_of_birth /m/0f2tj +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/03xmy1 +/m/0342h /music/instrument/instrumentalists /m/02vr7 +/m/01gkp1 /film/film/genre /m/0vgkd +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047msdk +/m/05mlqj /film/actor/film./film/performance/film /m/0cd2vh9 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj9t +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/03ldxq /people/person/place_of_birth /m/034tl +/m/0gzlb9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03nx8mj +/m/035nm /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/0q5hw +/m/04f0xq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/09y6pb /film/film/music /m/012ljv +/m/095z4q /film/film/genre /m/0vgkd +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/018n6m +/m/01wqlc /music/genre/artists /m/025vry +/m/016z2j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/01vrt_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/0g5qmbz /film/film/language /m/0k0sv +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/09c7w0 /location/location/contains /m/01hb1t +/m/020d5 /location/country/capital /m/0fttg +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jkj +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/059_gf +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04zw9hs /sports/sports_team/sport /m/02vx4 +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170vn +/m/0jtf1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01fj9_ +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/03rl84 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02qfhb +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012vf6 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_k7f +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/011_vz /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/04btyz /media_common/netflix_genre/titles /m/0418wg +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06b4wb /people/person/profession /m/02hrh1q +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02760sl +/m/07bch9 /people/ethnicity/people /m/06m6p7 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/01prf3 /organization/organization_member/member_of./organization/organization_membership/organization /m/06nvzg +/m/0prhz /film/film/language /m/02h40lc +/m/02wb6yq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bdxs5 +/m/01vw26l /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04x4nv /film/film/film_production_design_by /m/0cdf37 +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/03_b1g /tv/tv_program/genre /m/0lsxr +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02wwr5n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/0bwhdbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06by7 /music/genre/artists /m/0191h5 +/m/06bss /people/person/places_lived./people/place_lived/location /m/05fkf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01b_d4 +/m/0m77m /influence/influence_node/influenced_by /m/032l1 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0pf2 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0nj0m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/042f1 /people/person/gender /m/05zppz +/m/0f4k49 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/098n5 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/01323p +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/0gj9qxr /film/film/genre /m/05p553 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0170_p +/m/01cpqk /film/actor/film./film/performance/film /m/0ckrnn +/m/016_v3 /music/genre/artists /m/01wgcvn +/m/04y0hj /people/person/nationality /m/03rk0 +/m/0cj36c /people/person/place_of_birth /m/0dclg +/m/017v71 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/04353 +/m/0f4dx2 /people/person/profession /m/02hrh1q +/m/01sn3 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03xnq9_ +/m/05fjf /location/location/contains /m/0n5hh +/m/08gyz_ /people/person/gender /m/02zsn +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0165v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01v3rb /business/business_operation/industry /m/020mfr +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/03zj9 +/m/02qk2d5 /sports/sports_team/colors /m/03wkwg +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04pqqb +/m/01vv6_6 /people/person/gender /m/05zppz +/m/02_vs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxc +/m/01vvycq /music/group_member/membership./music/group_membership/role /m/018vs +/m/01cf5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0bbf1f +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/041rx /people/ethnicity/people /m/01nvmd_ +/m/01znc_ /sports/sports_team_location/teams /m/037mp6 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04n52p6 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/059j4x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0fhzwl +/m/06k02 /people/person/profession /m/01c72t +/m/01qq80 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1l8 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0169dl +/m/063b4k /people/person/gender /m/05zppz +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/05d6q1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/01vhrz /award/award_winner/awards_won./award/award_honor/award_winner /m/067pl7 +/m/013gxt /location/hud_county_place/place /m/013gxt +/m/07_3qd /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0c0k1 /film/actor/film./film/performance/film /m/05znxx +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/016tbr /people/person/profession /m/0q04f +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/07cz2 /film/film/country /m/0chghy +/m/01v5h /people/person/spouse_s./people/marriage/location_of_ceremony /m/0xmqf +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/047sxrj /film/actor/film./film/performance/film /m/0fpgp26 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03wpmd +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/01s81 /tv/tv_program/genre /m/0c4xc +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04g73n /film/film/genre /m/01zhp +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/02mjf2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023tp8 +/m/072x7s /film/film/produced_by /m/06pj8 +/m/02648p /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443xn +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07m9cm +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0fc32 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hz55 /tv/tv_program/country_of_origin /m/09c7w0 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/040696 /film/actor/film./film/performance/film /m/09v71cj +/m/059t6d /film/actor/film./film/performance/film /m/01bl7g +/m/03_d0 /music/genre/artists /m/0146pg +/m/0cv_2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0dk0dj /tv/tv_program/genre /m/05p553 +/m/01c6yz /base/aareas/schema/administrative_area/capital /m/0m_1s +/m/03ym1 /film/actor/film./film/performance/film /m/09fqgj +/m/019rl6 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/02k84w +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09hyvp +/m/0ddkf /people/person/profession /m/02hrh1q +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/0cnztc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/0bq3x /film/film_subject/films /m/01dc0c +/m/0184jc /film/actor/film./film/performance/film /m/09gq0x5 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020trj +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0kvnn /people/person/gender /m/05zppz +/m/026zlh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/015_1q /music/record_label/artist /m/020_4z +/m/01wy6 /music/instrument/instrumentalists /m/07z542 +/m/06101p /people/person/profession /m/01d_h8 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0dcsx /people/cause_of_death/people /m/03fvqg +/m/04xvlr /media_common/netflix_genre/titles /m/03qnc6q +/m/01679d /music/instrument/family /m/05r5c +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/0k2h6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031t2d /film/film/production_companies /m/030_1_ +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/01352_ /sports/sports_team/sport /m/02vx4 +/m/01htxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cms7f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d4jl /influence/influence_node/influenced_by /m/081k8 +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049fgvm +/m/03rjj /location/location/contains /m/0kn68 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/07th_ +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/02624g /film/actor/film./film/performance/film /m/04b_jc +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/06c97 +/m/09v4bym /award/award_category/winners./award/award_honor/award_winner /m/04dz_y7 +/m/06lckm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0d05q4 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0329r5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/0llcx /film/film/genre /m/02l7c8 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cj6y +/m/02pzc4 /people/person/place_of_birth /m/01gr00 +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/013v5j /people/person/profession /m/012t_z +/m/062ftr /people/person/profession /m/03gjzk +/m/02l_7y /people/person/gender /m/05zppz +/m/0fn7r /location/location/contains /m/08l_c1 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/01xqqp /time/event/instance_of_recurring_event /m/0c4ys +/m/03pmty /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09yrh +/m/064t9 /music/genre/artists /m/02z4b_8 +/m/0dw3l /people/person/profession /m/09jwl +/m/0cf8qb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02d9nr /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gpx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cv72h /people/person/places_lived./people/place_lived/location /m/0wq3z +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/04n7njg /people/person/profession /m/03gjzk +/m/0yshw /base/biblioness/bibs_location/country /m/09c7w0 +/m/04j_gs /people/person/places_lived./people/place_lived/location /m/02_286 +/m/048z7l /people/ethnicity/people /m/01j7rd +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/02ldmw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06hpx2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c7j1 +/m/0bt3j9 /film/film/genre /m/0hn10 +/m/02k76g /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0123qq +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0q5hw /influence/influence_node/influenced_by /m/0q9zc +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/06cgf /film/film/country /m/09c7w0 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0hptm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2cb +/m/0dzf_ /film/actor/film./film/performance/film /m/0yzbg +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/082_p /influence/influence_node/influenced_by /m/0c5tl +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/02f_k_ /film/actor/film./film/performance/film /m/02rrfzf +/m/02w4v /music/genre/artists /m/01w8n89 +/m/052h3 /people/person/profession /m/0d8qb +/m/01qckn /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/0n1s0 /film/film/genre /m/07s9rl0 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0444x +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/019nnl /tv/tv_program/genre /m/0hcr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/01d494 +/m/011lvx /people/person/profession /m/0n1h +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/019pm_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01f8ld +/m/04cf09 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019n7x +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02flpq /award/award_category/winners./award/award_honor/award_winner /m/01kwlwp +/m/07wgm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0fd_1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0y3 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/016zwt /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/0d5fb /education/educational_institution/students_graduates./education/education/student /m/04cbtrw +/m/01sbhvd /film/actor/film./film/performance/film /m/0b6f8pf +/m/05fnl9 /people/person/profession /m/03gjzk +/m/04dbw3 /people/ethnicity/people /m/03_x5t +/m/016ywb /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/04rfq /people/person/gender /m/02zsn +/m/0hsmh /film/director/film /m/0ccd3x +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/01hv3t /film/film/genre /m/02m4t +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n4f8 +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/04pz5c /film/actor/film./film/performance/film /m/0gtsxr4 +/m/01934k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l0sf +/m/09d11 /medicine/disease/risk_factors /m/0g0vx +/m/0ddkf /people/person/profession /m/0dz3r +/m/0d2fd7 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/06qw_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018dnt +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/06fqlk /film/film/language /m/02h40lc +/m/08j7lh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/0b4lkx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02f9wb /people/person/profession /m/03gjzk +/m/0bxxzb /film/film/genre /m/05p553 +/m/01cszh /music/record_label/artist /m/0jsg0m +/m/02g0rb /people/person/spouse_s./people/marriage/spouse /m/0436kgz +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m63c +/m/033tf_ /people/ethnicity/people /m/0432b +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/01f7dd /film/actor/film./film/performance/film /m/0pv3x +/m/0kbws /olympics/olympic_games/participating_countries /m/034m8 +/m/02_hj4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08rr3p +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01yl6n /location/administrative_division/country /m/05qhw +/m/01s7ns /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fm6m /film/film/music /m/03975z +/m/0fz27v /people/person/gender /m/05zppz +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/0407f /film/actor/film./film/performance/film /m/0bmpm +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx4k +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/0d331 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0156q +/m/07rhpg /people/person/nationality /m/02jx1 +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/0fy66 /film/film/film_production_design_by /m/03wd5tk +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/0342h /music/instrument/instrumentalists /m/016sp_ +/m/020l9r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/091n7z /people/person/profession /m/0np9r +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425c5 +/m/031hcx /film/film/genre /m/03k9fj +/m/01w0v /location/location/contains /m/02hmw9 +/m/027dcbn /people/person/gender /m/05zppz +/m/0h7t36 /film/film/featured_film_locations /m/02_286 +/m/02d42t /film/actor/film./film/performance/film /m/02d44q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/07h565 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012kyx +/m/0n85g /music/record_label/artist /m/07sbk +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02r4qs /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01lqnff /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/0ddcbd5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01cyjx /people/person/places_lived./people/place_lived/location /m/04jpl +/m/059rby /location/location/contains /m/03205_ +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/01fx5l /people/person/gender /m/02zsn +/m/01738w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gzlb9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01634x +/m/070g7 /film/film/production_companies /m/02slt7 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/017180 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018db8 +/m/02_fm2 /film/film/music /m/02jxmr +/m/0239kh /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/0132k4 /people/person/place_of_birth /m/0_75d +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03yvgp +/m/03qx_f /music/record_label/artist /m/01xzb6 +/m/012gyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j67j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04vcdj +/m/01gbn6 /people/person/languages /m/02h40lc +/m/01lyv /music/genre/artists /m/04r1t +/m/099pks /tv/tv_program/genre /m/025s89p +/m/07twz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/024n3z /people/person/profession /m/02hrh1q +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/02q52q /film/film/story_by /m/04mby +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01gy7r /people/person/employment_history./business/employment_tenure/company /m/02x9g_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/03s9v +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbv4g +/m/02704ff /film/film/genre /m/0gf28 +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0l_n1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02nt3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/02633g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0l6px /people/person/languages /m/02h40lc +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0lmm3 +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/0bjy7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x20c9 /people/person/profession /m/012t_z +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0gc_c_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024cg8 /education/educational_institution/colors /m/019sc +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fzm0g +/m/0_lr1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/01v0fn1 /people/person/profession /m/09jwl +/m/0gpprt /film/actor/film./film/performance/film /m/05q54f5 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06j8wx +/m/07dzf /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v570 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/01fh36 /music/genre/artists /m/011z3g +/m/050llt /people/person/profession /m/02hrh1q +/m/0c3351 /media_common/netflix_genre/titles /m/04sh80 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02qsjt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/05s34b +/m/018grr /people/person/places_lived./people/place_lived/location /m/0d7k1z +/m/02lv2v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03_44z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h5g_ +/m/040db /influence/influence_node/influenced_by /m/040_9 +/m/01z7s_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019pm_ +/m/0164v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/06mnbn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bwfwpj /film/film/written_by /m/01xndd +/m/0mbwf /education/educational_institution/colors /m/01l849 +/m/03fykz /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_8z +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0n85g /music/record_label/artist /m/01jcxwp +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/0154d7 /people/person/place_of_birth /m/0dc95 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/03h_fqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0h14ln /film/film/featured_film_locations /m/01f62 +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033pf1 +/m/026m9w /award/award_category/category_of /m/0c4ys +/m/06rkfs /education/educational_institution_campus/educational_institution /m/06rkfs +/m/01g4bk /people/person/profession /m/02hrh1q +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/0lk90 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02r3cn +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01j5ql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0404j37 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/04p3w /people/cause_of_death/people /m/01dvms +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/07vyf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jj4x /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0c1ps1 /film/actor/film./film/performance/film /m/0661m4p +/m/0807ml /film/actor/film./film/performance/film /m/016fyc +/m/032xhg /people/person/religion /m/03_gx +/m/0n83s /film/film/genre /m/07s9rl0 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/05c9zr /film/film/film_format /m/07fb8_ +/m/056rgc /people/person/profession /m/02jknp +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/01n7q /location/location/contains /m/0r2dp +/m/04fv5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02hzx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07wlf /education/educational_institution/colors /m/01jnf1 +/m/026gyn_ /film/film/language /m/02h40lc +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/056wb /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/02cllz /film/actor/film./film/performance/film /m/02t_h3 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01p5xy /organization/organization_founder/organizations_founded /m/034h1h +/m/09rx7tx /film/film/prequel /m/0df2zx +/m/019f9z /people/person/place_of_birth /m/0dclg +/m/05bt6j /music/genre/artists /m/011z3g +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/044ptm +/m/0kszw /film/actor/film./film/performance/film /m/043tvp3 +/m/02vnb_ /organization/organization/headquarters./location/mailing_address/citytown /m/01xhb_ +/m/032t2z /people/person/nationality /m/02jx1 +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0k_l4 +/m/07z542 /people/person/gender /m/05zppz +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/0h5g_ +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/0205dx /people/person/nationality /m/09c7w0 +/m/0mj1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bpg3 +/m/07f3xb /people/person/religion /m/092bf5 +/m/04p3w /people/cause_of_death/people /m/0m0hw +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/01t9qj_ /people/person/profession /m/01sfl +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/07l4z +/m/07tgn /education/educational_institution/campuses /m/07tgn +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c921 +/m/02gpkt /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/03jvmp +/m/033tf_ /people/ethnicity/people /m/0jmj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/01w20rx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/05zlld0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04w391 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0x1y7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs09lb /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/02j3w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/02jxkw +/m/0hcs3 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/01xwv7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022q32 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/015pkc +/m/0m68w /film/actor/film./film/performance/film /m/0pk1p +/m/016lv3 /people/person/gender /m/05zppz +/m/05nzw6 /film/actor/film./film/performance/film /m/0gm2_0 +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/02t_h3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w4v /music/genre/artists /m/01wz3cx +/m/01jrz5j /people/person/place_of_birth /m/02_286 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/01p8s /location/country/official_language /m/06nm1 +/m/06b19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0k4d7 /film/film/produced_by /m/081nh +/m/0pcc0 /people/person/languages /m/02h40lc +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08pgl8 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jqkh /film/film/country /m/09c7w0 +/m/05b2f_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/067ghz +/m/0417z2 /people/person/place_of_birth /m/06_kh +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04tqtl /film/film/featured_film_locations /m/0vzm +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cfkrw +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02qgyv /film/actor/film./film/performance/film /m/0gg8z1f +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/0c3351 /media_common/netflix_genre/titles /m/02kfzz +/m/019pkm /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/015gy7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015gm8 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hgwkr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0156q +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crh5_f +/m/047lj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/08kp57 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/027rpym /film/film/music /m/0drc1 +/m/01tdnyh /people/person/religion /m/0kpl +/m/0d6nx /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01qtj9 +/m/01s0l0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f5zj6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027b43 +/m/06wxw /sports/sports_team_location/teams /m/06x6s +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/03d8m4 /sports/sports_team/sport /m/02vx4 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05km8z +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/048j1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/09s1f +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0272kv /people/person/profession /m/01d_h8 +/m/07z1m /location/location/contains /m/010m55 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/07ssc /location/location/contains /m/02049g +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/0y54 +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/02pqcfz /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01938t /people/person/places_lived./people/place_lived/location /m/02xry +/m/06s_2 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/042xh +/m/02h40lc /language/human_language/countries_spoken_in /m/04hvw +/m/0dgpwnk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l12d +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/05n6sq /film/film/genre /m/07s9rl0 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044gyq +/m/034tl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04jhhng /award/award_category/category_of /m/04jhhng +/m/01kx_81 /people/person/gender /m/05zppz +/m/010xjr /people/person/profession /m/016z4k +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/03gr7w /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/0g_g2 /music/artist/origin /m/05fjf +/m/0738y5 /people/person/languages /m/09bnf +/m/02b0yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01lyv /music/genre/artists /m/092ggq +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0f0kz /film/actor/film./film/performance/film /m/04w7rn +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0xhtw /music/genre/artists /m/01svw8n +/m/027ybp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/04f52jw /film/film/language /m/02h40lc +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lp3c +/m/06rjp /education/educational_institution/students_graduates./education/education/student /m/03s9b +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vyw +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dqcm +/m/05vzql /people/person/profession /m/0d1pc +/m/035bcl /film/film/film_production_design_by /m/0bytkq +/m/047wh1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016clz /music/genre/artists /m/07r1_ +/m/01g23m /people/person/profession /m/02hrh1q +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/0kxf1 /film/film/country /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/014hdb /people/person/profession /m/02hrh1q +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/054bt3 /people/person/nationality /m/07ssc +/m/0blbxk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/0ds5_72 /film/film/genre /m/0bj8m2 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01xyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03205_ /education/educational_institution_campus/educational_institution /m/03205_ +/m/0dlhg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f60c +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0168ql /people/person/profession /m/03gjzk +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032xhg +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0b_75k /time/event/locations /m/0fvzg +/m/079ws /people/person/employment_history./business/employment_tenure/company /m/02hvd +/m/05r3qc /film/film/film_production_design_by /m/0dh73w +/m/01pbs9w /people/person/nationality /m/09c7w0 +/m/0cz8mkh /film/film/genre /m/0fdjb +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/057xn_m /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dl567 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02yr3z /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/01ky7c /education/educational_institution/students_graduates./education/education/student /m/01gy7r +/m/01fsv9 /education/educational_institution/colors /m/06kqt3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_mdl +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/041c4 +/m/02pxmgz /film/film/edited_by /m/04cy8rb +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/03d3ht /tv/tv_program/genre /m/0jxy +/m/07s9rl0 /media_common/netflix_genre/titles /m/035xwd +/m/01z0rcq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wk7b7 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0797c7 +/m/07bch9 /people/ethnicity/people /m/09bg4l +/m/027km64 /people/person/nationality /m/09c7w0 +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wh95l +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/08720 /film/film/executive_produced_by /m/05zh9c +/m/05l0j5 /people/person/religion /m/0c8wxp +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/05567m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mxt_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zwrg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/029zqn /film/film/produced_by /m/0b455l +/m/06q8qh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/05c6073 /music/genre/artists /m/01vv7sc +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0cchk3 /education/educational_institution/colors /m/01l849 +/m/032_jg /film/actor/film./film/performance/film /m/07pd_j +/m/01trtc /music/record_label/artist /m/016fnb +/m/02g0mx /people/person/gender /m/02zsn +/m/02jx1 /location/location/time_zones /m/03bdv +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/07lmxq /film/actor/film./film/performance/film /m/0277j40 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/06gb1w /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0125ny /location/location/time_zones /m/03bdv +/m/0d07s /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jf1b +/m/0jm9w /sports/sports_team/colors /m/083jv +/m/02w7gg /people/ethnicity/people /m/0mbhr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0d_q40 +/m/01pf21 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/04gvt5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/028_yv +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mxw33 +/m/03t95n /film/film/country /m/0154j +/m/0dgr5xp /award/award_category/disciplines_or_subjects /m/0w7c +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0d9s5 /base/biblioness/bibs_location/country /m/059j2 +/m/0638kv /people/person/profession /m/01d_h8 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/03hj5lq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dsb_yy +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/09k34g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/01kqq7 /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184dt +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0j_sncb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015nl4 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04mx__ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02md2d +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sw6g +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzz6g +/m/03yf4d /people/person/profession /m/0np9r +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/01679d +/m/018gkb /people/person/gender /m/05zppz +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/040rmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/01ynzf +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jqjx +/m/0y3_8 /music/genre/artists /m/01ww_vs +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/030znt /film/actor/film./film/performance/film /m/03nqnnk +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0kn4c +/m/09c7w0 /location/country/second_level_divisions /m/0kv7k +/m/0159h6 /people/person/profession /m/02hrh1q +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/03jjzf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042g97 +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/07qht4 /media_common/netflix_genre/titles /m/07ykkx5 +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01nz1q6 /people/person/profession /m/01d_h8 +/m/016tbr /award/award_winner/awards_won./award/award_honor/award_winner /m/016tb7 +/m/0klh7 /film/actor/film./film/performance/film /m/056xkh +/m/01wp_jm /influence/influence_node/influenced_by /m/01t_wfl +/m/0g69lg /people/person/profession /m/03gjzk +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv6n +/m/01cm8w /film/film/produced_by /m/05cv94 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/015ppk /tv/tv_program/genre /m/07s9rl0 +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/0f0z_ /location/hud_county_place/place /m/0f0z_ +/m/0167v /location/country/form_of_government /m/01fpfn +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h8d +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02gnmp /education/educational_institution/students_graduates./education/education/student /m/01hbq0 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0346qt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/0ktx_ /film/film/written_by /m/0171lb +/m/01m65sp /people/person/profession /m/02hrh1q +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/01vrt_c /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/09yrh /film/actor/film./film/performance/film /m/0ndsl1x +/m/0cqt90 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07szy +/m/03fhj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01pgzn_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/081lh /film/actor/film./film/performance/film /m/06lpmt +/m/0786vq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/026z9 /music/genre/artists /m/016h9b +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/02lyx4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gvt5 +/m/012wgb /location/location/contains /m/0clz7 +/m/03j149k /film/actor/film./film/performance/film /m/09rsjpv +/m/03gvt /music/instrument/instrumentalists /m/04s5_s +/m/0bhvtc /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0mmd6 +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qsjt +/m/09yxcz /award/award_winning_work/awards_won./award/award_honor/award /m/0b6k___ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0345h +/m/05148p4 /music/instrument/instrumentalists /m/02b25y +/m/01wrcxr /film/actor/film./film/performance/film /m/01gvpz +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059j4x +/m/02s_qz /people/person/nationality /m/0d060g +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f1nl +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/064t9 /music/genre/artists /m/01wsl7c +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0fnmz /organization/organization/headquarters./location/mailing_address/citytown /m/0nbwf +/m/03__77 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09ntbc /people/person/nationality /m/0ctw_b +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fq117k +/m/02jxrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01ggbx /people/person/nationality /m/03rk0 +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/032zg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02bq1j /education/educational_institution_campus/educational_institution /m/02bq1j +/m/0hcm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01zzk4 /education/educational_institution/campuses /m/01zzk4 +/m/0qtz9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03wj4r8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/01m15br /people/person/profession /m/016z4k +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p4w8 +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/020jqv /people/person/place_of_birth /m/0chrx +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_qr +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/031sn /location/location/contains /m/02d_zc +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w5m +/m/06c44 /influence/influence_node/influenced_by /m/0j3v +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b_6h7 /time/event/locations /m/0kcw2 +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/01wwvt2 +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/07s9rl0 /media_common/netflix_genre/titles /m/02d478 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01hmnh /media_common/netflix_genre/titles /m/0j6b5 +/m/0168ls /film/film/genre /m/06l3bl +/m/03hfmm /film/film/language /m/02bjrlw +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/025rcc /education/educational_institution/students_graduates./education/education/student /m/015qq1 +/m/041rx /people/ethnicity/people /m/018db8 +/m/0cv72h /people/person/place_of_birth /m/0wq3z +/m/03wxvk /base/aareas/schema/administrative_area/administrative_parent /m/0bzty +/m/0x67 /people/ethnicity/people /m/0677ng +/m/080lkt7 /film/film/genre /m/04xvlr +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/01gc7 /film/film/genre /m/04xvh5 +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mjq +/m/01l1b90 /people/person/profession /m/012wxt +/m/03rl84 /film/actor/film./film/performance/film /m/03wjm2 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qdh +/m/06n6p /education/field_of_study/students_majoring./education/education/student /m/02f2dn +/m/05q2c /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01pf21 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02wb6yq /people/person/gender /m/02zsn +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/0gs1_ +/m/08hmch /film/film/genre /m/01hmnh +/m/04_1l0v /location/location/contains /m/0d0x8 +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjks +/m/0j_1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgj7 +/m/0vbk /base/aareas/schema/administrative_area/capital /m/0ftvg +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06mr2s +/m/0y3_8 /music/genre/artists /m/05mt6w +/m/021npv /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ny57 +/m/03qrh9 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0by17xn /film/film/genre /m/06n90 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/02f_k_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mk7z /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gf_l /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02754c9 /film/film/genre /m/05p553 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01zmpg /people/person/sibling_s./people/sibling_relationship/sibling /m/0gbwp +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/06w2sn5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dr89x /film/film/production_companies /m/086k8 +/m/08y7b9 /film/actor/film./film/performance/film /m/052_mn +/m/0jqn5 /film/film/produced_by /m/02q_cc +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05y0cr +/m/0cwrr /tv/tv_program/genre /m/0c031k6 +/m/03fcbb /education/educational_institution/campuses /m/03fcbb +/m/02vjzr /music/genre/artists /m/016jfw +/m/01vhb0 /people/person/gender /m/02zsn +/m/046zh /people/person/religion /m/03j6c +/m/01trtc /music/record_label/artist /m/01vxlbm +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/057hz +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/02s_qz /film/actor/film./film/performance/film /m/0bs8ndx +/m/0cpllql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0kxf1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01ksz9 /music/record_label/artist /m/01k_yf +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/02rmfm +/m/01j8wk /film/film/country /m/09c7w0 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421v9q +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0c66m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cljf /people/person/languages /m/02h40lc +/m/0gjc4d3 /film/film/language /m/02h40lc +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/01_9c1 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/047g8h +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/09c7w0 /location/country/second_level_divisions /m/034lk7 +/m/02ljhg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026670 /people/person/profession /m/0dxtg +/m/041rx /people/ethnicity/people /m/030dx5 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01pkhw /people/person/places_lived./people/place_lived/location /m/01xr6x +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg5qcw +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/05k7sb /location/location/contains /m/0k3hn +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/02b29 /people/person/profession /m/01d_h8 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/08k881 /film/actor/film./film/performance/film /m/07vn_9 +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/03cn92 /film/actor/film./film/performance/film /m/069q4f +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lbp +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0yx74 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02w4v /music/genre/artists /m/018pj3 +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/0f4_l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0kpzy /location/location/contains /m/0135g +/m/01gbbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/09y20 /film/actor/film./film/performance/film /m/03fts +/m/0n59f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkh6 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01r6jt2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07ssc /media_common/netflix_genre/titles /m/0ddfwj1 +/m/01nn6c /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0csdzz +/m/01w1w9 /music/record_label/artist /m/0163r3 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/01tt43d /people/person/nationality /m/03rjj +/m/0gg5qcw /film/film/produced_by /m/014zcr +/m/03yvln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qdrjx +/m/027pfb2 /tv/tv_program/genre /m/01z77k +/m/063hp4 /film/film/produced_by /m/01gz9n +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/01g23m +/m/05b_gq /film/film/genre /m/05p553 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04xn2m +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hhvg +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j2xj +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0d9xq /people/person/religion /m/051kv +/m/043d4 /people/person/nationality /m/0h7x +/m/06bc59 /film/film/genre /m/01585b +/m/0806vbn /people/person/languages /m/02h40lc +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0n1h +/m/0x67 /people/ethnicity/people /m/03lh3v +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cg2cj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kbws /olympics/olympic_games/participating_countries /m/0b90_r +/m/0jbrr /base/biblioness/bibs_location/country /m/09c7w0 +/m/0js9s /people/person/nationality /m/0ctw_b +/m/059t6d /people/person/places_lived./people/place_lived/location /m/02cft +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/02xry /location/location/contains /m/02qvvv +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bwr +/m/06mkj /location/country/official_language /m/06nm1 +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/014_x2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b4w /location/location/contains /m/09btk +/m/0gr36 /film/actor/film./film/performance/film /m/0bs4r +/m/0jcx /people/person/religion /m/03_gx +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/02x0dzw /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/02184q /people/person/nationality /m/0d060g +/m/09k2t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/03nfnx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05zx7xk /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/09c7w0 /location/location/contains /m/01qdhx +/m/01qhm_ /people/ethnicity/people /m/0gs7x +/m/063k3h /people/ethnicity/people /m/031zkw +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m3x5p +/m/04ly1 /location/location/contains /m/0tn9j +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bd8y +/m/021lby /film/director/film /m/0mbql +/m/01w1kyf /film/actor/film./film/performance/film /m/06_wqk4 +/m/03t95n /film/film/language /m/02h40lc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgshf6 +/m/0swff /olympics/olympic_games/sports /m/03tmr +/m/03pmzt /people/person/nationality /m/09c7w0 +/m/05g3ss /film/actor/film./film/performance/film /m/02tcgh +/m/04jn6y7 /film/film/executive_produced_by /m/02z6l5f +/m/018ctl /olympics/olympic_games/participating_countries /m/0163v +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/02qsjt /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jgd +/m/03q64h /people/person/place_of_birth /m/0kstw +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02704ff +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/036921 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy66 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06zsk51 +/m/05wkw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0l56b /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fgrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/046f25 +/m/02jp5r /time/event/instance_of_recurring_event /m/0g_w +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/02vcp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v0fn1 +/m/0cy__l /film/film/production_companies /m/086k8 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01k5zk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lkr7 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06l32y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/0gk4g /people/cause_of_death/people /m/028lc8 +/m/02zfdp /film/actor/film./film/performance/film /m/09v8clw +/m/019pwv /education/educational_institution/colors /m/083jv +/m/032qgs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c02jh8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0mbwf /organization/organization/headquarters./location/mailing_address/citytown /m/01r32 +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/07f3xb +/m/013rds /people/person/profession /m/039v1 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05rrtf +/m/07bxqz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vxyl5 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/06xkst /tv/tv_program/genre /m/06n90 +/m/04y9dk /film/actor/film./film/performance/film /m/05j82v +/m/033g54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0m0hw /people/person/place_of_birth /m/0167q3 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hcr +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02wk4d /people/person/gender /m/05zppz +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxmgz +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t110 +/m/01271h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/06by7 /music/genre/artists /m/01pbxb +/m/014zn0 /people/person/gender /m/05zppz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/011ywj /film/film/genre /m/01jfsb +/m/0fngf /base/aareas/schema/administrative_area/administrative_parent /m/088q4 +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/01s0_f /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/034h1h /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0c_mvb /people/person/profession /m/025352 +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7xg +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/01v3s2_ +/m/04d2yp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/05myd2 /people/person/languages /m/02h40lc +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01kgxf /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0chsq /film/actor/film./film/performance/film /m/02ljhg +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0hhjk /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/01gf5h /people/person/place_of_birth /m/0d9jr +/m/01x1cn2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0168ls +/m/04_1l0v /location/location/contains /m/0gyh +/m/04pg29 /people/person/gender /m/05zppz +/m/09krm_ /education/educational_institution/campuses /m/09krm_ +/m/0blgl /people/person/profession /m/0dxtg +/m/0j5g9 /location/country/official_language /m/02h40lc +/m/06rqw /music/genre/artists /m/01pq5j7 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01swdw /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/01hwkn /base/culturalevent/event/entity_involved /m/0285m87 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0flpy +/m/01vvlyt /people/person/place_of_birth /m/02cl1 +/m/0mny8 /base/aareas/schema/administrative_area/administrative_parent /m/07z1m +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0h7x +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/07w21 +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pcq3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02y0js /people/cause_of_death/people /m/09qh1 +/m/0ldqf /olympics/olympic_games/sports /m/0crlz +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pbrn +/m/02bh8z /business/business_operation/industry /m/04rlf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02vzc +/m/0gv40 /people/person/gender /m/05zppz +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/07s9rl0 /media_common/netflix_genre/titles /m/09r94m +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/083my7 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035xwd +/m/0468g4r /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/03t22m /music/instrument/instrumentalists /m/01l7cxq +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/0hn4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03r0g9 /film/film/featured_film_locations /m/04jpl +/m/03rtz1 /film/film/produced_by /m/06jz0 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/0fx2s /film/film_subject/films /m/0sxfd +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0gqfy +/m/02nbqh /award/award_category/category_of /m/0c4ys +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02r_d4 +/m/016zwt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/02krdz /film/film/genre /m/02kdv5l +/m/02z3r8t /film/film/genre /m/07s9rl0 +/m/01wd9lv /people/person/profession /m/01c72t +/m/018f94 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09lhln +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/059xvg /people/person/nationality /m/02jx1 +/m/015wnl /film/actor/film./film/performance/film /m/04mcw4 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0m9_5 +/m/0fz27v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0gt_k +/m/0gyfp9c /film/film/film_festivals /m/0kfhjq0 +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/08vxk5 /people/person/nationality /m/03rk0 +/m/025scjj /film/film/genre /m/01g6gs +/m/0dls3 /music/genre/artists /m/0m2l9 +/m/0bx0l /film/film/country /m/09c7w0 +/m/01314k /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02knxx /people/cause_of_death/people /m/015njf +/m/05kj_ /location/location/time_zones /m/02lcqs +/m/02w7gg /people/ethnicity/people /m/0kszw +/m/07myb2 /people/person/nationality /m/09c7w0 +/m/0ptk_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/03l3ln +/m/0f8j13 /film/film/genre /m/01hwc6 +/m/0kctd /media_common/netflix_genre/titles /m/0431v3 +/m/06z9k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fgg4 /film/actor/film./film/performance/film /m/0184tc +/m/05qhw /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/0b25vg /people/person/religion /m/058x5 +/m/0swff /olympics/olympic_games/sports /m/01dys +/m/07qy0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03fts +/m/01trf3 /film/actor/film./film/performance/film /m/0c57yj +/m/0164nb /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/0dvmd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01fxck +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01p1v /location/country/form_of_government /m/01d9r3 +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0d2by /people/ethnicity/languages_spoken /m/0653m +/m/0151ns /people/person/places_lived./people/place_lived/location /m/02sn34 +/m/01fj9_ /location/location/contains /m/01fjw0 +/m/09qh1 /people/person/profession /m/02hrh1q +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/025n07 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016yvw /award/award_winner/awards_won./award/award_honor/award_winner /m/01g23m +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/052_mn +/m/09c7w0 /location/country/second_level_divisions /m/0kq0q +/m/0170yd /film/film/country /m/09c7w0 +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/01j_5k /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01l2fn /film/actor/film./film/performance/film /m/04g9gd +/m/06pvr /location/location/contains /m/01zqy6t +/m/07mqps /people/ethnicity/people /m/0cj8x +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018qql +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0154j +/m/026p_bs /film/film/produced_by /m/0blpnz +/m/01vy_v8 /film/director/film /m/09cxm4 +/m/013tcv /film/director/film /m/0gtt5fb +/m/03ywyk /people/person/profession /m/03gjzk +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/05r5c /music/instrument/instrumentalists /m/0k1bs +/m/0gmblvq /film/film/genre /m/03g3w +/m/03rhqg /music/record_label/artist /m/0x3b7 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wkd +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01cpqk +/m/020trj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pj3h +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02704ff +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x0dzw +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_9lg +/m/06br8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3z0 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n2vgk +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/028k2x /tv/tv_program/country_of_origin /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/02g5bf /people/person/profession /m/0dxtg +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/081mh /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0fqxc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqww +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kzy0 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/05sdxx /film/actor/film./film/performance/film /m/07g_0c +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/021y7yw +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0294j /film/film_subject/films /m/09hy79 +/m/016kv6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/04gmp_z /award/award_winner/awards_won./award/award_honor/award_winner /m/058vfp4 +/m/0vrmb /location/location/time_zones /m/02hcv8 +/m/03q3sy /influence/influence_node/influenced_by /m/081lh +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/025tm81 /music/genre/artists /m/06br6t +/m/07tg4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/04t2l2 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/031zkw +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02wvfxl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01vfqh /film/film/genre /m/0219x_ +/m/02s9vc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02q636 +/m/01r2lw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01q7cb_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c3jz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c5dd +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015gy7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03lty /music/genre/artists /m/0p76z +/m/05vxdh /film/film/genre /m/06cvj +/m/03pmfw /organization/organization/headquarters./location/mailing_address/state_province_region /m/07dfk +/m/0dx8gj /film/film/country /m/0d05w3 +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07l4zhn +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0hnjt +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/06rnl9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rh_0 +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07gyv +/m/0h1q6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0784z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05q4 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/05myd2 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01qdjm /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01_njt /film/actor/film./film/performance/film /m/01ffx4 +/m/05m63c /people/person/languages /m/02h40lc +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/06by7 /music/genre/artists /m/0167km +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/03q5db /film/film/country /m/07ssc +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0lccn /people/person/religion /m/092bf5 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/student /m/0151w_ +/m/049f88 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04l5f2 /sports/sports_team/sport /m/03tmr +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04n8xs /sports/sports_team/sport /m/02vx4 +/m/01l1b90 /people/person/nationality /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/0yx7h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hhggmy +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q9kqf +/m/03rjj /location/country/second_level_divisions /m/03wxvk +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/03cvfg /people/person/gender /m/05zppz +/m/05w88j /film/actor/film./film/performance/film /m/09p4w8 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06wvfq /people/person/profession /m/02hrh1q +/m/03l7rh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/019389 /people/person/profession /m/0nbcg +/m/041rx /people/ethnicity/people /m/021bk +/m/03f2_rc /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0bwfn /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/0dtzkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01xbp7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09v6tz /people/person/place_of_birth /m/02_286 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03sxd2 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/03w7kx /sports/sports_team/colors /m/01g5v +/m/02vg0 /people/person/place_of_birth /m/0cr3d +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/026c1 +/m/03clwtw /film/film/genre /m/01jfsb +/m/02x9cv /education/educational_institution/campuses /m/02x9cv +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nsyf +/m/0mzkr /music/record_label/artist /m/017mbb +/m/0gqz2 /award/award_category/category_of /m/0g_w +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/096lf_ /people/person/nationality /m/09c7w0 +/m/04y652m /broadcast/content/artist /m/0ycfj +/m/07z1m /location/location/contains /m/0mp08 +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g8bw +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/041rx /people/ethnicity/people /m/01g23m +/m/09c7w0 /location/location/contains /m/016sd3 +/m/02m0sc /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/015d3h /people/person/profession /m/0np9r +/m/01jbx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kmd4 +/m/016732 /organization/organization_founder/organizations_founded /m/01cszh +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/03f1zhf /people/person/profession /m/0gbbt +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/033qdy /film/film/genre /m/07s9rl0 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01w1kyf +/m/0gy0l_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/086g2 /location/administrative_division/country /m/03rk0 +/m/03q64h /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0j80w +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/085gk /influence/influence_node/influenced_by /m/05np2 +/m/02x3lt7 /film/film/music /m/01mkn_d +/m/01htxr /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/02x8m /music/genre/artists /m/09889g +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/06rrzn +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/07tk7 /education/educational_institution/school_type /m/02p0qmm +/m/01kws3 /people/person/profession /m/0cbd2 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02kxbwx /film/director/film /m/01jzyf +/m/0k5p1 /location/administrative_division/country /m/07ssc +/m/0d5_f /people/person/nationality /m/0d0vqn +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/063vn +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02psgq +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/044bn /film/actor/film./film/performance/film /m/070fnm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/026lj /people/person/profession /m/01l5t6 +/m/02ptczs /film/film/country /m/09c7w0 +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/063g7l /film/actor/film./film/performance/film /m/0kv2hv +/m/0hzlz /sports/sports_team_location/teams /m/03zrc_ +/m/06pwf6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/015pdg /music/genre/artists /m/01nrz4 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/07lmxq /people/person/profession /m/02hrh1q +/m/026ssfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/0kp2_ /influence/influence_node/influenced_by /m/03f0324 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/073hkx +/m/03k9fj /media_common/netflix_genre/titles /m/0168ls +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015mrk +/m/0g5y6 /people/ethnicity/people /m/0qdwr +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/09c7w0 /location/country/second_level_divisions /m/0fc1m +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/0686zv +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/01nxzv /film/actor/film./film/performance/film /m/07tw_b +/m/017kct /film/film/genre /m/06nbt +/m/0f4vx /film/film/music /m/05cgy8 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07s3vqk /people/person/profession /m/02hrh1q +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/032zq6 +/m/0282x /people/person/nationality /m/02jx1 +/m/019pm_ /people/person/gender /m/02zsn +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/02r7lqg /sports/sports_team/colors /m/019sc +/m/07l450 /film/film/genre /m/04xvlr +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09gq0x5 /film/film/executive_produced_by /m/06q8hf +/m/01c22t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03v9yw +/m/07cbs /influence/influence_node/influenced_by /m/0420y +/m/081lh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01cpqk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d9jr +/m/05hks /people/person/gender /m/05zppz +/m/022fj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/04y9dk /film/actor/film./film/performance/film /m/05dptj +/m/089j8p /film/film/production_companies /m/0283xx2 +/m/01ksr1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03nb5v +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03n93 /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0227vl +/m/01nfys /film/actor/film./film/performance/film /m/034qmv +/m/0hsb3 /education/educational_institution/students_graduates./education/education/student /m/01kx_81 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/021yzs /people/person/profession /m/02jknp +/m/048vhl /film/film/executive_produced_by /m/079vf +/m/02tjl3 /film/film/genre /m/03g3w +/m/0x67 /people/ethnicity/people /m/0p3sf +/m/0dszr0 /people/person/profession /m/0np9r +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyh2wm +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lbj1 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/04llb /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/034487 /music/genre/artists /m/0l8g0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0f14q /people/person/gender /m/02zsn +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ly1 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0160nk +/m/02zkz7 /education/educational_institution/school_type /m/05jxkf +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/02fj8n /film/film/production_companies /m/024rgt +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0l6qt /people/person/profession /m/0cbd2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/02qfv5d /media_common/netflix_genre/titles /m/072x7s +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059t6d +/m/02185j /education/educational_institution/campuses /m/02185j +/m/03y5g8 /music/record_label/artist /m/0pqp3 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0dwz3t +/m/09qvc0 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/01vhrz /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/05c5z8j /film/film/executive_produced_by /m/02z2xdf +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/02q253 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09tcg4 /film/film/country /m/03rt9 +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/0qdwr /people/person/profession /m/012t_z +/m/0hwqg /people/deceased_person/place_of_death /m/0xc9x +/m/0l4vc /location/hud_county_place/place /m/0l4vc +/m/02bft /medicine/disease/risk_factors /m/0c58k +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ds3t5x /film/film/music /m/01x6v6 +/m/02g5q1 /film/film/genre /m/04t2t +/m/01d1yr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m67 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0161c2 /people/person/profession /m/016z4k +/m/08ff1k /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/019m9h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01qqv5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hy3g /people/person/nationality /m/03rt9 +/m/0h5j77 /people/person/profession /m/02krf9 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0cv1h /location/location/contains /m/0txhf +/m/04j5fx /film/actor/film./film/performance/film /m/07ng9k +/m/06gbnc /people/ethnicity/people /m/0dn44 +/m/0k6nt /location/country/form_of_government /m/018wl5 +/m/020l9r /people/person/profession /m/03gjzk +/m/0hnp7 /people/person/place_of_birth /m/03kjh +/m/0n85g /music/record_label/artist /m/01kph_c +/m/04tqtl /film/film/story_by /m/0jpdn +/m/040_t /people/person/places_lived./people/place_lived/location /m/0zlgm +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qdjm +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0lrh /influence/influence_node/influenced_by /m/015k7 +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mxw33 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fwzk +/m/0mfj2 /people/person/gender /m/05zppz +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0jmwg /music/genre/artists /m/01wwvt2 +/m/01l9v7n /people/person/nationality /m/09c7w0 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/026dx +/m/03f6fl0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cppj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0ph2w /influence/influence_node/influenced_by /m/012gq6 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011z3g +/m/02qkwl /film/film/genre /m/02kdv5l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wxyx1 +/m/012cph /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/07l4z /sports/sports_team/colors /m/01g5v +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/09ps01 /film/film/genre /m/02b5_l +/m/04x56 /influence/influence_node/influenced_by /m/08433 +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/023znp +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/03qhyn8 +/m/0xnvg /people/ethnicity/people /m/01dbk6 +/m/0jcx /organization/organization_founder/organizations_founded /m/01hc1j +/m/067xw /influence/influence_node/influenced_by /m/07d3x +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0404j37 +/m/0xhtw /music/genre/artists /m/027kwc +/m/0msyb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/02lw5z +/m/0fpzt5 /people/person/places_lived./people/place_lived/location /m/0r5y9 +/m/07hyk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03q8ch +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04r7f2 +/m/04t7ts /film/actor/film./film/performance/film /m/023g6w +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018n6m +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j43swk +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/0b3n61 /film/film/music /m/0150t6 +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/02_l39 /business/business_operation/industry /m/03qh03g +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4nv +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02rtqvb /film/film/production_companies /m/04f525m +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/07z5n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02wt0 +/m/0jw67 /people/person/gender /m/05zppz +/m/03h2d4 /people/person/nationality /m/02jx1 +/m/04pk1f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01679d +/m/0ny75 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/026z9 /music/genre/artists /m/016890 +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/084302 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/03d29b /people/person/gender /m/02zsn +/m/0745k7 /film/actor/film./film/performance/film /m/085ccd +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01rh0w /film/actor/film./film/performance/film /m/0dnkmq +/m/03cbtlj /people/person/profession /m/03gjzk +/m/01jfsb /media_common/netflix_genre/titles /m/01718w +/m/01j6mff /award/award_nominee/award_nominations./award/award_nomination/award /m/02flq1 +/m/01fm07 /music/genre/parent_genre /m/0gywn +/m/0gwlfnb /film/film/genre /m/03k9fj +/m/0122wc /sports/sports_team/sport /m/02vx4 +/m/019l68 /people/person/profession /m/01p5_g +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3kx +/m/017gm7 /film/film/genre /m/01hmnh +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01rlzn +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/08815 +/m/041jlr /people/person/gender /m/05zppz +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0dnw1 +/m/07qcbw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01cvtf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2v0 +/m/0gyh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0x8 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01364q +/m/026_dq6 /people/person/sibling_s./people/sibling_relationship/sibling /m/0261x8t +/m/025n07 /film/film/production_companies /m/025hwq +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/094jv /base/biblioness/bibs_location/state /m/04rrd +/m/09c7w0 /location/location/contains /m/0r2bv +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/0170yd /film/film/genre /m/0lsxr +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0dt1cm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqvs2 +/m/02xs6_ /film/film/written_by /m/07s93v +/m/0l14qv /music/instrument/instrumentalists /m/04m2zj +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01rzxl /people/person/place_of_birth /m/01ktz1 +/m/0x67 /people/ethnicity/people /m/03f3_p3 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/064q5v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hm0k +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/05q9g1 +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/04llb /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/020ffd /people/person/profession /m/03gjzk +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/02jx_v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/09fn1w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f5zj6 +/m/0k3jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/0gys2jp /film/film/language /m/0653m +/m/01jmyj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0k1 +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/03fg0r /people/person/nationality /m/09c7w0 +/m/03s5t /location/location/contains /m/0s0tr +/m/07tl0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/086qd /influence/influence_node/influenced_by /m/01vs_v8 +/m/05nw9m /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/027hnjh /people/person/gender /m/05zppz +/m/01wy6 /music/instrument/instrumentalists /m/081lh +/m/0r02m /base/biblioness/bibs_location/country /m/09c7w0 +/m/014ps4 /influence/influence_node/influenced_by /m/03j2gxx +/m/0f8l9c /location/country/second_level_divisions /m/0mhhw +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/0pyww /people/person/places_lived./people/place_lived/location /m/0bxbr +/m/0c_gcr /film/actor/film./film/performance/film /m/0cc5qkt +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01z215 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/0l14j_ /music/instrument/family /m/085jw +/m/0cbn7c /film/film/genre /m/07s9rl0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/024cg8 /education/educational_institution/colors /m/06fvc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/06by7 /music/genre/artists /m/01cwhp +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q24zv +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0lkr7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wmy /location/country/form_of_government /m/01q20 +/m/015g28 /tv/tv_program/languages /m/02bjrlw +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/01jng9 /base/aareas/schema/administrative_area/administrative_parent /m/09pmkv +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01wsj0 /music/record_label/artist /m/0137n0 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/02vw1w2 /film/film/prequel /m/0dd6bf +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/0fr9jp /organization/organization/headquarters./location/mailing_address/citytown /m/0k049 +/m/0jcx /people/person/places_lived./people/place_lived/location /m/0345h +/m/03hdz8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/01vsnff +/m/0k4kk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gqrb +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/04xn_ /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d0ns /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04n_g +/m/02mj7c /education/educational_institution/campuses /m/02mj7c +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/07ssc /media_common/netflix_genre/titles /m/011yr9 +/m/07d3z7 /film/actor/film./film/performance/film /m/02qr69m +/m/02vr7 /people/person/profession /m/02hrh1q +/m/05wm88 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/044k8 /people/person/places_lived./people/place_lived/location /m/013mzh +/m/0gqxm /award/award_category/winners./award/award_honor/award_winner /m/0g9zcgx +/m/02r_d4 /film/actor/film./film/performance/film /m/05p1tzf +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026fd +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/01nr36 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/01kgg9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06c0j +/m/0l56b /people/person/place_of_birth /m/01r32 +/m/01crd5 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/032xhg /film/actor/film./film/performance/film /m/0b7l4x +/m/034ls /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02bjrlw +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0473m9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gf5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03__77 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0cjdk +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03rjj /media_common/netflix_genre/titles /m/0b85mm +/m/01ymvk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qjj7 /people/person/nationality /m/09c7w0 +/m/01hmk9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02grjf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/01vg0s /education/educational_institution/campuses /m/01vg0s +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nx8mj +/m/0bc71w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d370 +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/025y9fn /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/060__7 /film/film/genre /m/07s9rl0 +/m/01xpxv /film/actor/film./film/performance/film /m/01f39b +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/018_lb /people/person/places_lived./people/place_lived/location /m/07ylj +/m/0jsf6 /film/film/country /m/09c7w0 +/m/056ws9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hj0n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01p4vl /people/person/profession /m/0d1pc +/m/02ln1 /influence/influence_node/influenced_by /m/0w6w +/m/0135nb /people/person/profession /m/0gl2ny2 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/01kt17 +/m/09c7w0 /location/location/contains /m/0k__z +/m/0gmtm /film/actor/film./film/performance/film /m/0c5dd +/m/02yv6b /music/genre/artists /m/03c3yf +/m/0bz3jx /film/film/featured_film_locations /m/05qtj +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/024swd /people/person/place_of_birth /m/07bcn +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yt7 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/099ks0 /organization/organization/place_founded /m/04vmp +/m/04gvt5 /people/person/gender /m/02zsn +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/05pbl56 +/m/0443xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blt6 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/041rx /people/ethnicity/people /m/016tb7 +/m/09c7w0 /location/location/contains /m/0l38x +/m/02mz_6 /film/actor/film./film/performance/film /m/05g8pg +/m/098n5 /people/person/profession /m/0dxtg +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yn5 +/m/0yyg4 /film/film/genre /m/0lsxr +/m/027hm_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0168ls /film/film/language /m/02h40lc +/m/054bt3 /film/director/film /m/051ys82 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/09bxq9 /people/person/nationality /m/09c7w0 +/m/044_7j /people/person/places_lived./people/place_lived/location /m/06_kh +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/036jb +/m/01s7j5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s3vqk +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/08pn_9 /music/record_label/artist /m/02l_7y +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0dy68h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vsnff /film/actor/film./film/performance/film /m/02cbhg +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0fb7sd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/01b7h8 +/m/0h7h6 /location/location/contains /m/02583l +/m/0j43swk /film/film/language /m/02h40lc +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02y49 /people/person/gender /m/05zppz +/m/0ggx5q /music/genre/artists /m/01vwyqp +/m/06v36 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0kbwb /film/film/produced_by /m/0p_2r +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/05q78ky /organization/organization/child./organization/organization_relationship/child /m/03hbbc +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/01f5q5 /people/person/religion /m/0c8wxp +/m/0kv9d3 /film/film/genre /m/060__y +/m/022fj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/01w58n3 +/m/02m30v /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09fn1w /film/film/genre /m/01chg +/m/04gycf /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0cq806 /film/film/language /m/064_8sq +/m/0969fd /people/person/profession /m/0kyk +/m/06w6_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01nglk +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0177sq +/m/01pgzn_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/030p35 /tv/tv_program/genre /m/07s9rl0 +/m/07j8kh /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0215n /media_common/netflix_genre/titles /m/06r1k +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/01cspq /people/person/profession /m/0dxtg +/m/01zlh5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05sy0cv +/m/064t9 /music/genre/artists /m/039bpc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0473m9 +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/01cwm1 +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_xj +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/03mp37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0mww2 /location/location/time_zones /m/02hcv8 +/m/03gvt /music/instrument/instrumentalists /m/0407f +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02238b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/010p3 +/m/046zh /film/actor/film./film/performance/film /m/0blpg +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/07s8r0 /people/person/places_lived./people/place_lived/location /m/013n2h +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/01s7qqw /influence/influence_node/influenced_by /m/0j6cj +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/01vswwx /people/person/nationality /m/03rt9 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ys2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/051ysmf /film/film_set_designer/film_sets_designed /m/0kb57 +/m/0p7pw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09gdh6k /film/film/executive_produced_by /m/030_3z +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049k07 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/01vs73g /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01bh6y +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/024y6w /people/person/profession /m/01p5_g +/m/093dqjy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d1yn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01gpzx +/m/02b61v /film/film/genre /m/02kdv5l +/m/0nj7b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njdm +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/position /m/02qpbqj +/m/01xv77 /people/person/place_of_birth /m/01_d4 +/m/031hcx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04h54p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0243cq /film/film/country /m/09c7w0 +/m/04d2yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lmzl +/m/01z56h /base/biblioness/bibs_location/country /m/07ssc +/m/0133x7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0286hyp /film/film/genre /m/01jfsb +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6d +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0gghm /music/instrument/instrumentalists /m/082brv +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/07f1x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0168ls /film/film/music /m/02bn75 +/m/01lvzbl /music/group_member/membership./music/group_membership/role /m/02w3w +/m/05m_8 /sports/sports_team/colors /m/01l849 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/06r4f +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lc5 /people/person/profession /m/01c72t +/m/01vw37m /people/person/nationality /m/09c7w0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09889g /influence/influence_node/peers./influence/peer_relationship/peers /m/01vvycq +/m/0h7pj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/08gyz_ /people/deceased_person/place_of_death /m/030qb3t +/m/03crcpt /people/person/places_lived./people/place_lived/location /m/0f8j6 +/m/0dqyw /base/aareas/schema/administrative_area/administrative_parent /m/018jcq +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bx0l +/m/03xn3s2 /people/person/gender /m/02zsn +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0992d9 /film/film/featured_film_locations /m/02_286 +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09n70c +/m/0ply0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01d1st +/m/08b0cj /people/person/religion /m/0flw86 +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/05kwx2 /film/actor/film./film/performance/film /m/04k9y6 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02q3bb +/m/05r5c /music/instrument/instrumentalists /m/05cljf +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/083shs /film/film/country /m/09c7w0 +/m/0_vn7 /base/biblioness/bibs_location/state /m/07h34 +/m/05mrf_p /film/film/country /m/0345h +/m/0jdhp /film/actor/film./film/performance/film /m/0gmgwnv +/m/06khkb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dw4b0 /film/film/production_companies /m/0g1rw +/m/06ch55 /music/instrument/instrumentalists /m/0bdlj +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/07sc6nw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/052gzr /award/award_winner/awards_won./award/award_honor/award_winner /m/05y7hc +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/02825nf +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/033q4k /education/educational_institution/school_type /m/05jxkf +/m/03j755 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025txrl /organization/organization/child./organization/organization_relationship/child /m/0dwcl +/m/02b15x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/04xvlr /media_common/netflix_genre/titles /m/0qmfk +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/0456zg /film/film/production_companies /m/05qd_ +/m/027r9t /film/film/produced_by /m/05mvd62 +/m/03mp9s /people/person/spouse_s./people/marriage/spouse /m/0237fw +/m/0h3mrc /film/actor/film./film/performance/film /m/0cc97st +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07ssc /location/location/contains /m/0235n9 +/m/01c7qd /people/person/nationality /m/09c7w0 +/m/01y3v /sports/sports_team/colors /m/083jv +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015f7 +/m/0282x /people/person/gender /m/05zppz +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/03rwng +/m/01_bkd /music/genre/artists /m/04mx7s +/m/0q5hw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/0pk41 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/07ncs0 /film/actor/film./film/performance/film /m/075wx7_ +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/01rly6 /sports/sports_team/colors /m/083jv +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_gv +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/05dbf /film/actor/film./film/performance/film /m/026hh0m +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/01xhh5 /people/ethnicity/people /m/044mrh +/m/049xgc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06x2ww /music/record_label/artist /m/0zjpz +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/05g2v /location/location/contains /m/0hkt6 +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03kpvp +/m/03vyw8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qqtr +/m/081l_ /people/person/nationality /m/0345h +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/01b_d4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/037s5h /people/person/places_lived./people/place_lived/location /m/0rj0z +/m/014v6f /film/actor/film./film/performance/film /m/0f7hw +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l6nj +/m/015_1q /music/record_label/artist /m/03xhj6 +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/05y5kf /film/actor/film./film/performance/film /m/05z43v +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01srq2 +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0579tg2 +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0140xf /music/genre/artists /m/0123r4 +/m/02773nt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/048wrb /people/person/gender /m/05zppz +/m/01ngz1 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/047msdk /film/film/genre /m/06cvj +/m/0465_ /people/person/places_lived./people/place_lived/location /m/012wgb +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/01fwpt /film/actor/film./film/performance/film /m/04g73n +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hkch7 +/m/02mslq /people/person/nationality /m/09c7w0 +/m/04qsdh /people/person/place_of_birth /m/01sn3 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016z9n +/m/0ccck7 /film/film/genre /m/0lsxr +/m/017371 /music/genre/artists /m/01vn0t_ +/m/034ks /people/person/nationality /m/03rjj +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04xbr4 /film/actor/film./film/performance/film /m/02qr3k8 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09xvf7 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0b3n61 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/018qpb /people/person/religion /m/0c8wxp +/m/02s2ys /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0jsqk /film/film/genre /m/01g6gs +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/02nt75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0wsr /sports/sports_team/colors /m/019sc +/m/076psv /people/deceased_person/place_of_death /m/030qb3t +/m/041rx /people/ethnicity/people /m/01qqtr +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04w58 +/m/02k5sc /music/artist/origin /m/030qb3t +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01wv9xn +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09qycb +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/0d9rp /base/aareas/schema/administrative_area/administrative_parent /m/059j2 +/m/01g888 /music/genre/parent_genre /m/02pl5bx +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/01q3_2 /people/person/profession /m/01c72t +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/05mc99 /people/person/places_lived./people/place_lived/location /m/01531 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01gbn6 /film/actor/film./film/performance/film /m/016z5x +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/04tng0 /film/film/genre /m/082gq +/m/01hxs4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tbr +/m/01z1r /sports/sports_team/colors /m/083jv +/m/02b6n9 /film/film/cinematography /m/02vx4c2 +/m/0gzy02 /film/film/production_companies /m/017jv5 +/m/0gvt53w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b25vg +/m/05lls /music/genre/artists /m/0k4gf +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06mvyf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/03n0pv +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0fhxv /people/person/profession /m/0dz3r +/m/0301yj /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/01jc6q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/094xh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/052gzr +/m/0640y35 /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb559 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/027rn /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/03mh_tp /film/film/country /m/09c7w0 +/m/05pdh86 /film/film/genre /m/01hmnh +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07cjqy +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/04wddl /film/film/film_art_direction_by /m/07hhnl +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0p9tm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0840vq /people/person/profession /m/02dsz +/m/07kh6f3 /film/film/genre /m/060__y +/m/04vrxh /people/person/places_lived./people/place_lived/location /m/0mn0v +/m/02bfmn /people/person/places_lived./people/place_lived/location /m/01vsl +/m/02tq2r /film/actor/film./film/performance/film /m/0f42nz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09lcsj /film/film/genre /m/02kdv5l +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gnjh /film/film/genre /m/06cvj +/m/01r9c_ /people/person/place_of_birth /m/0nc7s +/m/0kx4m /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/02rv_dz /film/film/genre /m/02l7c8 +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j94 +/m/01vw87c /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0425gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01jrs46 /people/person/profession /m/01c72t +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01v42g /people/person/spouse_s./people/marriage/location_of_ceremony /m/07kg3 +/m/0xhtw /music/genre/artists /m/05crg7 +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04__f +/m/05tfm /sports/sports_team/colors /m/083jv +/m/03jqfx /time/event/locations /m/07l75 +/m/02xyl /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/02xzd9 /award/award_category/category_of /m/02xzd9 +/m/05hywl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027cxsm /people/person/profession /m/03gjzk +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06krf3 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/0342h /music/instrument/instrumentalists /m/016ntp +/m/03dbds /film/director/film /m/0dr_9t7 +/m/0484q /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w02sy +/m/06w38l /people/person/profession /m/03gjzk +/m/0bhwhj /film/film/personal_appearances./film/personal_film_appearance/person /m/0d05fv +/m/01qhm_ /people/ethnicity/people /m/046zh +/m/09f0bj /people/person/profession /m/02krf9 +/m/04ltf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0fc1_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhl +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/0mdqp /film/actor/film./film/performance/film /m/023vcd +/m/03jht /people/person/gender /m/05zppz +/m/0zgfm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/0k6nt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/01v1ln /film/film/language /m/0653m +/m/0f5xn /people/person/profession /m/01d_h8 +/m/06by7 /music/genre/artists /m/089pg7 +/m/070m12 /people/person/nationality /m/03spz +/m/02vzc /location/location/contains /m/01g6l8 +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/06gg5c /people/person/profession /m/028kk_ +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/05ggt_ +/m/07ssc /location/location/contains /m/0p98z +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/07733f /organization/organization/child./organization/organization_relationship/child /m/027lf1 +/m/01lfy /location/administrative_division/country /m/0k6nt +/m/02238b /people/person/nationality /m/09c7w0 +/m/0b_6v_ /time/event/locations /m/0kcw2 +/m/0bh8drv /film/film/production_companies /m/024rbz +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0j8hd /people/cause_of_death/people /m/01fdc0 +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7xg +/m/03j6_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0n24p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2vl +/m/01vswx5 /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/05sb1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/02k_kn /music/genre/artists /m/095x_ +/m/0gztl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03k7dn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02vw1w2 /film/film/genre /m/03npn +/m/049gc /people/person/nationality /m/09c7w0 +/m/0dpqk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r6jt2 +/m/01rcmg /people/person/profession /m/02hrh1q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02bh_v +/m/01k98nm /people/person/profession /m/016z4k +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0dkv90 /film/film/written_by /m/03_2y +/m/01n7q /location/location/contains /m/0kq2g +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/02zmh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/015f7 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/0glnm /film/film/film_art_direction_by /m/0523v5y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01rl_3 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02rb607 /film/film/genre /m/07s9rl0 +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/06449 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0l998 /olympics/olympic_games/sports /m/0486tv +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/04r7f2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06l32y /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/01cjhz /tv/tv_program/genre /m/01z4y +/m/0c3dzk /people/deceased_person/place_of_burial /m/018mrd +/m/02wrrm /film/actor/film./film/performance/film /m/082scv +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/01wk3c /people/person/nationality /m/07ssc +/m/049k07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/0btpx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04mhbh +/m/02q3n9c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/01bh6y /film/actor/film./film/performance/film /m/0gl3hr +/m/083q7 /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/0qcr0 /people/cause_of_death/people /m/01kws3 +/m/05r5c /music/instrument/instrumentalists /m/01gf5h +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02bm1v +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/01f1jy /olympics/olympic_games/sports /m/01z27 +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0154j +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0mwzv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwvq +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01g04k /people/deceased_person/place_of_death /m/030qb3t +/m/0j1z8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01934k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0bdb +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lwkh +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/02779r4 +/m/0h0wd9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02vnmc9 +/m/01wl38s /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0309jm /people/person/profession /m/02hrh1q +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0ggjt /people/person/nationality /m/09c7w0 +/m/03v0t /location/location/contains /m/0sd7v +/m/05zy3sc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09xbpt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/01bl7g /film/film/country /m/03h64 +/m/04m1bm /film/film/language /m/05zjd +/m/0k3jq /location/location/contains /m/0tzt_ +/m/09c7w0 /location/country/second_level_divisions /m/0nlqq +/m/0cv_2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0342h /music/instrument/instrumentalists /m/01w02sy +/m/0342h /music/instrument/instrumentalists /m/03cfjg +/m/0pmhf /film/actor/film./film/performance/film /m/0cz_ym +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q8xj +/m/015qh /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0407f /people/person/profession /m/01b30l +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/078mgh /award/award_winner/awards_won./award/award_honor/award_winner /m/03fbb6 +/m/018y2s /people/person/place_of_birth /m/0g284 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03t4nx +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y3bp7 +/m/04qw17 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pj9t /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/0mbw0 /people/person/profession /m/01d_h8 +/m/032wdd /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpm4yw +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01438g +/m/02s2ys /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015qqg /film/film/genre /m/04xvlr +/m/0cwtm /people/person/profession /m/01p5_g +/m/0qmfz /film/film/language /m/064_8sq +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/07xyn1 /business/business_operation/industry /m/023907r +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xcfy +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/020d8d /location/administrative_division/country /m/07ssc +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0svqs +/m/01wg6y /people/person/profession /m/05vyk +/m/02wcx8c /people/person/profession /m/02hrh1q +/m/03l3ln /film/actor/film./film/performance/film /m/044g_k +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/023kzp +/m/03jldb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01d26y /location/location/time_zones /m/02lcqs +/m/084nh /people/person/nationality /m/03rt9 +/m/0hqly /people/person/nationality /m/09c7w0 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/0163r3 /people/deceased_person/place_of_death /m/0c_m3 +/m/09hy79 /film/film/featured_film_locations /m/0ctw_b +/m/05218gr /award/award_winner/awards_won./award/award_honor/award_winner /m/0520r2x +/m/02778qt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0557yqh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fnc_ +/m/08jyyk /music/genre/artists /m/01vsy3q +/m/03gvm3t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vx5w7 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03qd_ /people/person/profession /m/02jknp +/m/03wy70 /film/actor/film./film/performance/film /m/03vfr_ +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/04kj2v +/m/06vqdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r1k +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016wvy /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/0ym17 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/012gbb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ntbmw /film/film/featured_film_locations /m/052p7 +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0pyww /people/person/profession /m/02hrh1q +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0djlxb +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/09vc4s /people/ethnicity/people /m/01vsy9_ +/m/03z_g7 /people/person/profession /m/02hrh1q +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/010016 /location/hud_county_place/county /m/0mr_8 +/m/05np2 /influence/influence_node/influenced_by /m/081k8 +/m/01trhmt /people/person/place_of_birth /m/0f2rq +/m/0jwl2 /tv/tv_program/genre /m/025s89p +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018phr +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0fvyz /location/hud_county_place/place /m/0fvyz +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/0gydcp7 /film/film/genre /m/07s9rl0 +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/046f25 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pllx /people/person/profession /m/01d_h8 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/0b1y_2 /film/film/production_companies /m/01gb54 +/m/0bkf4 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvry +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/040_lv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b16p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw62 +/m/017r13 /people/person/profession /m/02hrh1q +/m/03f7jfh /people/person/profession /m/02hrh1q +/m/069_0y /people/person/nationality /m/0d05w3 +/m/0405l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0symg +/m/03hmt9b /film/film/language /m/02h40lc +/m/01c8v0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0162v +/m/0195pd /location/administrative_division/country /m/05v8c +/m/09m6kg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03knl +/m/02xry /location/location/contains /m/0jxgx +/m/0fb0v /music/record_label/artist /m/0484q +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/02pw_n /film/film/genre /m/05p553 +/m/01rt2z /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0f4_2k /film/film/production_companies /m/04rtpt +/m/0lrh /influence/influence_node/influenced_by /m/032l1 +/m/0fphf3v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03wh8kl /people/person/profession /m/0dxtg +/m/0dzz6g /film/film/country /m/09c7w0 +/m/06rgq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/02byfd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x9_8 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0342h /music/instrument/instrumentalists /m/015mrk +/m/03knl /people/person/profession /m/02hrh1q +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0djb3vw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ym73 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01ptt7 /education/educational_institution/students_graduates./education/education/student /m/015p3p +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/0154d7 /film/actor/film./film/performance/film /m/01ry_x +/m/0gyy0 /people/person/gender /m/05zppz +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02xs6_ +/m/09n48 /olympics/olympic_games/participating_countries /m/0345h +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/03bxwtd +/m/0dr_4 /film/film/country /m/09c7w0 +/m/0kv9d3 /film/film/music /m/0csdzz +/m/043c4j /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/02gys2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n7q /location/location/contains /m/02rv1w +/m/05yh_t /award/award_winner/awards_won./award/award_honor/award_winner /m/0blbxk +/m/0c_j9x /film/film/edited_by /m/027pdrh +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fyhv +/m/0146mv /award/award_winner/awards_won./award/award_honor/award_winner /m/030_3z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0ghd6l +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01gp_d +/m/033jj1 /people/person/nationality /m/09c7w0 +/m/0sz28 /people/person/languages /m/0t_2 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dkzt +/m/0b1f49 /people/person/profession /m/01d_h8 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01p0mx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0151ns /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/01cd7p /award/award_category/disciplines_or_subjects /m/04g51 +/m/05g8pg /film/film/film_format /m/07fb8_ +/m/05xf75 /film/actor/film./film/performance/film /m/0ggbhy7 +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03z106 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0vbk /base/biblioness/bibs_location/country /m/09c7w0 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03fvqg /people/deceased_person/place_of_burial /m/018mm4 +/m/02stgt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/029h7y /music/genre/artists /m/0m19t +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n4w +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07z5n +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01g42 /film/actor/film./film/performance/film /m/078mm1 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/084302 +/m/03j0ss /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/073v6 /people/person/gender /m/05zppz +/m/08k881 /people/person/nationality /m/09c7w0 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01wv9p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01phtd +/m/03v40v /people/person/profession /m/0np9r +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/089z0z /people/person/nationality /m/09c7w0 +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lkcc +/m/0162c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06dfz1 +/m/0134w7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013_vh +/m/059j2 /location/country/second_level_divisions /m/06hdk +/m/01jfsb /media_common/netflix_genre/titles /m/0422v0 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0ckr7s /film/film/genre /m/07s9rl0 +/m/018vs /music/instrument/instrumentalists /m/0dw3l +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/04tnqn +/m/08hsww /film/actor/film./film/performance/film /m/02yvct +/m/025t8bv /music/record_label/artist /m/01wx756 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0306ds +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0cz_ym /film/film/personal_appearances./film/personal_film_appearance/person /m/06c97 +/m/0sqc8 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/03lpp_ +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/02frhbc /location/location/contains /m/025rcc +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01hgwkr +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jzw +/m/02rkkn1 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01r5xw +/m/02z9rr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/04bbv7 /people/person/profession /m/0np9r +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0169t +/m/019vhk /film/film/genre /m/07s9rl0 +/m/035s95 /film/film/genre /m/02kdv5l +/m/02w4v /music/genre/artists /m/01kd57 +/m/082237 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dr89x /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05hrq4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02p68d /people/person/profession /m/02hrh1q +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/011yhm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_jsg /people/person/profession /m/09jwl +/m/02wgln /people/person/nationality /m/07ssc +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/07yp0f /film/actor/film./film/performance/film /m/04vr_f +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01xwv7 /film/actor/film./film/performance/film /m/0d87hc +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/03bkbh /people/ethnicity/people /m/05dbf +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0521rl1 /people/person/profession /m/0np9r +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/014bpd /film/film/genre /m/03k9fj +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/0zcbl /film/actor/film./film/performance/film /m/07024 +/m/0r111 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06lbp /people/person/profession /m/0kyk +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/01b4p4 /music/genre/parent_genre /m/0y3_8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/01my_c /people/person/profession /m/0dxtg +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/0dzlbx /film/film/story_by /m/079vf +/m/07q1v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/04wf_b /film/actor/film./film/performance/film /m/07jxpf +/m/03v52f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_d4 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/01l69g /base/aareas/schema/administrative_area/capital /m/03czqs +/m/06y0xx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03g9xj +/m/01s3vk /film/film/genre /m/02l7c8 +/m/0h0yt /people/person/nationality /m/07ssc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_m +/m/01msrb /film/film/production_companies /m/031rp3 +/m/02f6s3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0p8jf /influence/influence_node/influenced_by /m/0465_ +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03_d0 /music/genre/artists /m/067mj +/m/032xky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nzz8 +/m/017fp /media_common/netflix_genre/titles /m/016z5x +/m/01x73 /location/location/contains /m/01jsn5 +/m/0hd7j /education/educational_institution/students_graduates./education/education/student /m/02r4qs +/m/013tcv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0342h /music/instrument/instrumentalists /m/051m56 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0lrh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/03n08b +/m/03ffcz /film/film/genre /m/02xh1 +/m/07c9s /language/human_language/countries_spoken_in /m/06m_5 +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/0m68w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pk1p +/m/095x_ /people/person/profession /m/0dz3r +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/03gyvwg /film/film/language /m/03_9r +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/050_qx +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06jzh +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/017j69 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/022b_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bt3j9 /film/film/production_companies /m/024rgt +/m/01jfsb /media_common/netflix_genre/titles /m/026p_bs +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/03gq340 /music/genre/parent_genre /m/05r6t +/m/048z7l /people/ethnicity/people /m/027l0b +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/01bcwk /education/educational_institution/campuses /m/01bcwk +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jkqfz +/m/0tln7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/01cssf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02k84w /music/instrument/instrumentalists /m/01vsyg9 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/0cyn3 /location/location/contains /m/02zp1t +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3ybss +/m/01dq5z /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/09zf_q /film/film/music /m/01nc3rh +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/017znw +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/03v1xb /people/person/profession /m/0kyk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04b4yg +/m/01797x /people/person/profession /m/02hrh1q +/m/01sxd1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170pk +/m/0gkz15s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08wjf4 +/m/02w2bc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/0378zn /people/person/profession /m/02hrh1q +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/0bmh4 /people/person/place_of_birth /m/0n9r8 +/m/0dzlbx /film/film/language /m/02h40lc +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5 +/m/05g8pg /award/award_winning_work/awards_won./award/award_honor/award /m/09v8db5 +/m/01l2b3 /film/film/language /m/0688f +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047tsx3 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/07nt8p /film/film/genre /m/03k9fj +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0846v +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/076psv /film/film_set_designer/film_sets_designed /m/0kvb6p +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/01f9mq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cskb +/m/0g768 /music/record_label/artist /m/02s2wq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07zqnm +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/09ftwr /people/person/profession /m/02hrh1q +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/09g0h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sbv9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/072kp /tv/tv_program/genre /m/05p553 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/01j7rd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qhnq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yz +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0fy34l +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0k419 /film/film/costume_design_by /m/02cqbx +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b190 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ky6 +/m/03cd0x /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwjq +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01520h +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02jm0n /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0y_hb /film/film/written_by /m/07s93v +/m/01gwk3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mwvq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fr59 +/m/01pbxb /people/person/profession /m/039v1 +/m/011zdm /medicine/disease/risk_factors /m/097ns +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0llcx /film/film/cinematography /m/08mhyd +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/014vk4 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/05pq9 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094wz7q +/m/06py2 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/08m4c8 /people/person/place_of_birth /m/0ytph +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0chsq +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04v8h1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zmc7 +/m/0m5s5 /film/film/genre /m/05p553 +/m/015_1q /music/record_label/artist /m/01wbsdz +/m/02lvtb /people/person/profession /m/0dz3r +/m/0gh65c5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vp1f_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/061v5m /business/business_operation/industry /m/02jjt +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03mqtr /media_common/netflix_genre/titles /m/0c5qvw +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/03_x5t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023mdt +/m/01r_t_ /people/deceased_person/place_of_death /m/07dfk +/m/07swvb /film/actor/film./film/performance/film /m/02rx2m5 +/m/02xtxw /film/film/genre /m/05p553 +/m/07h5d /people/person/places_lived./people/place_lived/location /m/04ykg +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/021bmf /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07brj +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/03hh89 /people/person/nationality /m/0chghy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/01vrncs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lrh +/m/030vnj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02ld6x +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0kbws /olympics/olympic_games/participating_countries /m/027rn +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/020fcn +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/0llcx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/025t8bv +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/016dj8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bh9 +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gkvb7 /award/award_category/category_of /m/0gcf2r +/m/05pxnmb /film/film/featured_film_locations /m/02cl1 +/m/021r6w /people/deceased_person/place_of_death /m/0281y0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/015fsv +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/043js /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/05strv /people/person/profession /m/02krf9 +/m/0gd0c7x /film/film/genre /m/03k9fj +/m/0k5px /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wg38 +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0tc7 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/09tlh /base/biblioness/bibs_location/state /m/0htx8 +/m/0126t5 /music/genre/artists /m/0p76z +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/09c7w0 /location/location/contains /m/013f9v +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/0_b9f /film/film/runtime./film/film_cut/film_release_region /m/0chghy +/m/02js9p /film/actor/film./film/performance/film /m/0cc7hmk +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/019l3m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/02mc79 /people/person/profession /m/03gjzk +/m/015f7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q7cb_ +/m/0gmd3k7 /film/film/genre /m/0lsxr +/m/09c7w0 /location/location/contains /m/0xn7q +/m/01vw_dv /award/award_winner/awards_won./award/award_honor/award_winner /m/01trhmt +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/07bch9 /people/ethnicity/people /m/083pr +/m/02nq10 /education/educational_institution/colors /m/06fvc +/m/03ylxn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05r5c /music/instrument/instrumentalists /m/01kx_81 +/m/018y2s /music/artist/track_contributions./music/track_contribution/role /m/0jtg0 +/m/053xw6 /film/actor/film./film/performance/film /m/031hcx +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0353tm +/m/06rnl9 /people/person/gender /m/05zppz +/m/070b4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ktcgn +/m/047qxs /film/film/language /m/064_8sq +/m/013tjc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/092kgw /people/person/profession /m/012t_z +/m/037fqp /education/educational_institution/colors /m/01l849 +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0c_gcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds6bmk +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/015_1q /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/07nvmx /people/person/gender /m/05zppz +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/080r3 +/m/073tm9 /music/record_label/artist /m/043zg +/m/0342h /music/instrument/instrumentalists /m/02b25y +/m/01nwwl /film/actor/film./film/performance/film /m/07j8r +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0btxr /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/04fv5b /film/film/genre /m/0lsxr +/m/01nm3s /film/actor/film./film/performance/film /m/027gy0k +/m/08tyb_ /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0fgrm /film/film/genre /m/04t36 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/01n7q /location/location/contains /m/0jbrr +/m/0155w /music/genre/artists /m/02z4b_8 +/m/0853g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/02kzfw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05cc1 +/m/05148p4 /music/instrument/instrumentalists /m/04b7xr +/m/01kff7 /film/film/produced_by /m/06s26c +/m/06zfw /media_common/netflix_genre/titles /m/05n6sq +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/05q96q6 /film/film/genre /m/02kdv5l +/m/0r771 /location/hud_county_place/place /m/0r771 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/03tps5 /film/film/production_companies /m/01gb54 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/029v40 /film/film/language /m/06nm1 +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/04s7y /base/biblioness/bibs_location/country /m/0d060g +/m/0b_6jz /time/event/instance_of_recurring_event /m/02jp2w +/m/02k_kn /music/genre/parent_genre /m/05bt6j +/m/0jsf6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023p29 +/m/0c3jz /people/person/place_of_birth /m/030qb3t +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02d49z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kp66 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/04ld32 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0crqcc +/m/04xvlr /media_common/netflix_genre/titles /m/0prhz +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01znc_ +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/021r7r /people/person/gender /m/05zppz +/m/05vsxz /film/actor/film./film/performance/film /m/0fh2v5 +/m/03bzyn4 /film/film/produced_by /m/03fg0r +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/01399x +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxmx +/m/03n0pv /people/person/profession /m/01c72t +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0jbyg /award/award_winner/awards_won./award/award_honor/award_winner /m/0ddkf +/m/048_lz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07gqbk /business/business_operation/industry /m/03qh03g +/m/0223g8 /people/deceased_person/place_of_death /m/0r04p +/m/0342h /music/instrument/instrumentalists /m/037hgm +/m/07jmnh /people/person/profession /m/02hrh1q +/m/03h_0_z /people/person/places_lived./people/place_lived/location /m/013yq +/m/0y3_8 /music/genre/artists /m/04mx7s +/m/02v2lh /music/genre/artists /m/0c9d9 +/m/05pq9 /people/person/profession /m/0nbcg +/m/0l14md /music/instrument/instrumentalists /m/0473q +/m/01twmp /people/person/nationality /m/09c7w0 +/m/01hqk /film/film/genre /m/06n90 +/m/0169dl /people/person/profession /m/01d_h8 +/m/0bx0l /film/film/cinematography /m/06nz46 +/m/0171cm /film/actor/film./film/performance/film /m/07k8rt4 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/064r97z /film/film/genre /m/07s9rl0 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/090s_0 +/m/01y8zd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/035sc2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063hp4 +/m/09pl3s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bx0l /film/film/language /m/02hwyss +/m/022r38 /education/educational_institution/school_type /m/05pcjw +/m/07ssc /location/location/contains /m/01z28q +/m/0pd4f /film/film/genre /m/02kdv5l +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/01j2xj /people/person/gender /m/05zppz +/m/0356dp /people/person/sibling_s./people/sibling_relationship/sibling /m/024dw0 +/m/014kyy /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/06by7 /music/genre/artists /m/03cfjg +/m/029k55 /people/person/nationality /m/09c7w0 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04wlh +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0dqytn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02tc5y /people/person/profession /m/02hrh1q +/m/0193f /music/genre/parent_genre /m/0hh2s +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03h0k1 +/m/01rc6f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/025ts_z /film/film/executive_produced_by /m/04wvhz +/m/03bnv /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/08r98b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/030vmc /people/person/profession /m/01d_h8 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06nr2h +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/06czyr +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/02j8nx /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04g61 /location/country/capital /m/0fq8f +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03hvk2 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/06jd89 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01w272y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gjk1d +/m/09v38qj /tv/tv_program/genre /m/07s9rl0 +/m/07tl0 /education/educational_institution/school_type /m/02p0qmm +/m/08c7cz /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04qw17 /film/film/genre /m/04xvlr +/m/03vrnh /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0cgfb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p51w +/m/0253b6 /people/person/place_of_birth /m/02hrh0_ +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/0fqjhm /people/person/nationality /m/09c7w0 +/m/021996 /education/educational_institution/students_graduates./education/education/student /m/019g65 +/m/0kst7v /people/person/religion /m/03j6c +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/05sq20 +/m/0cx7f /music/genre/artists /m/09jm8 +/m/09tqx3 /people/person/profession /m/01d_h8 +/m/0677ng /people/person/place_of_birth /m/02_286 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/0j0pf /influence/influence_node/influenced_by /m/03rx9 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gkx35 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02d6n_ /film/actor/film./film/performance/film /m/07ghq +/m/06dfz1 /tv/tv_program/languages /m/064_8sq +/m/057wlm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/084nh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/0160w /location/country/capital /m/05hcy +/m/02p11jq /music/record_label/artist /m/01vvyvk +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0ch280 +/m/0kb3n /people/person/place_of_birth /m/0cc56 +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/011pcj /location/administrative_division/country /m/07ssc +/m/0hcvy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/02fqxm /film/film/production_companies /m/030_1m +/m/033tf_ /people/ethnicity/people /m/060j8b +/m/0127m7 /people/person/profession /m/012t_z +/m/04hqz /location/country/form_of_government /m/06cx9 +/m/02kcz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/0136kr /organization/organization/child./organization/organization_relationship/child /m/01tlyq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/033g0y +/m/0k2sk /film/film/production_companies /m/030_1_ +/m/04h54p /sports/sports_team/colors /m/01g5v +/m/0bv8h2 /film/film/produced_by /m/01r2c7 +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/015pvh /people/person/profession /m/0dxtg +/m/06jk5_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/0m313 /film/film/produced_by /m/04g3p5 +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/062qg +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/0p_47 +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/02ts3h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvyc_ +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/04g9sq /people/person/places_lived./people/place_lived/location /m/013mzh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0225v9 /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/01s3vk /film/film/language /m/02h40lc +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/07wlf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/07tj4c +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/033g4d /film/film/runtime./film/film_cut/film_release_region /m/05v8c +/m/0fnmz /education/educational_institution/colors /m/06fvc +/m/0c1j_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h1mt +/m/015pdg /music/genre/artists /m/0134tg +/m/01j6t0 /medicine/symptom/symptom_of /m/09jg8 +/m/059t8 /location/location/contains /m/0xxc +/m/0hgxh /medicine/disease/risk_factors /m/01_qc_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/01_qp_ /music/genre/parent_genre /m/0y3_8 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0bvn25 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hjv97 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0lzcs /people/person/religion /m/01ld4n +/m/02ghq /influence/influence_node/influenced_by /m/06bng +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/0280061 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02p68d /music/artist/origin /m/0f2nf +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv8w +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0dfjb8 /people/person/profession /m/025352 +/m/03_6y /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02_hj4 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0fvxg /base/biblioness/bibs_location/state /m/050l8 +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03xks +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017gxw +/m/01w272y /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/06jrhz /people/person/place_of_birth /m/02_286 +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/06mn7 /people/person/profession /m/01d_h8 +/m/02r_pp /film/film/language /m/02h40lc +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07p62k +/m/01csvq /people/person/nationality /m/09c7w0 +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0n83s /film/film/genre /m/06b0n3 +/m/0y_yw /film/film/featured_film_locations /m/02_286 +/m/084qpk /film/film/genre /m/02kdv5l +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtt5fb +/m/06mzp /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0993r /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026r8q +/m/0755wz /film/actor/film./film/performance/film /m/011ywj +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/03rwz3 +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/026_w57 +/m/0k3jc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kv2hv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/06__m6 /film/film/genre /m/07s9rl0 +/m/018jkl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/080_y /sports/sports_team/sport /m/02vx4 +/m/02n61z /business/business_operation/industry /m/019mlh +/m/0dr5y /people/person/profession /m/02jknp +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0yzvw /film/film/language /m/02h40lc +/m/01r97z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gd_s /influence/influence_node/influenced_by /m/082_p +/m/04_by /influence/influence_node/influenced_by /m/042q3 +/m/0522wp /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/01p0vf /music/group_member/membership./music/group_membership/group /m/09jm8 +/m/01k5t_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/0127ps /film/film/genre /m/0lsxr +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07sqnh +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/02xry /location/location/contains /m/0jj6k +/m/01l_w0 /music/artist/origin /m/0pmq2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bs31sl +/m/01bpc9 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/01w9ph_ /influence/influence_node/influenced_by /m/041mt +/m/04b2qn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01trf3 /film/actor/film./film/performance/film /m/05c26ss +/m/032r4n /education/educational_institution/colors /m/083jv +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/07sbbz2 /music/genre/artists /m/01vsksr +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/05v45k +/m/01wb8bs /film/actor/film./film/performance/film /m/0cz_ym +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/036b_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02pt7h_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0g5pv3 /film/film/featured_film_locations /m/03rjj +/m/07vfy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0xbm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/08cg36 /music/genre/artists /m/01whg97 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0571m /film/film/genre /m/09blyk +/m/04107 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07cjqy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0dgskx +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02q253 +/m/02p3cr5 /music/record_label/artist /m/031x_3 +/m/01vw87c /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/07vfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01vng3b /people/person/profession /m/09lbv +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0963mq +/m/0c34mt /film/film/genre /m/01jfsb +/m/04yyhw /people/person/place_of_birth /m/02dtg +/m/06ncr /music/instrument/instrumentalists /m/01mwsnc +/m/04ych /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jswq /education/university/fraternities_and_sororities /m/0325pb +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/0r785 /base/biblioness/bibs_location/state /m/01n7q +/m/0klw /people/deceased_person/place_of_burial /m/0fn7r +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02j9lm +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/01b9w3 /tv/tv_program/languages /m/02h40lc +/m/047c9l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d8yn +/m/09v8clw /film/film/production_companies /m/01795t +/m/072zl1 /film/film/production_companies /m/03sb38 +/m/02wt0 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0dt8xq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/026wmz6 /business/business_operation/industry /m/01mw1 +/m/02yygk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pfkw +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02s4l6 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/026ssfj +/m/0fpkhkz /film/film/country /m/0345h +/m/03f0324 /people/person/places_lived./people/place_lived/location /m/05ywg +/m/0dq9wx /people/person/profession /m/02hrh1q +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/01mqh5 +/m/0m9p3 /film/film/featured_film_locations /m/05g2b +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0qmfz /film/film/country /m/0f8l9c +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/02wwmhc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03ym1 /people/person/nationality /m/07ssc +/m/02w4fkq /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/02rv_dz /film/film/genre /m/02b5_l +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ldnp +/m/01hc9_ /influence/influence_node/influenced_by /m/0jt90f5 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05lb87 +/m/01f_3w /music/record_label/artist /m/0cg9y +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0c408_ +/m/06dv3 /film/actor/film./film/performance/film /m/0gjc4d3 +/m/0fpmrm3 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0g_bh /music/genre/parent_genre /m/01pfpt +/m/04353 /people/person/nationality /m/09c7w0 +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/02b9g4 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/01ync /sports/sports_team/colors /m/03vtbc +/m/019_6d /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0838y /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/04v7k2 /people/person/gender /m/05zppz +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/0342h /music/instrument/instrumentalists /m/01vv126 +/m/0l0mk /location/hud_county_place/place /m/0l0mk +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lk90 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ww2fs +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0gqkd /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/018q42 +/m/04vr_f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/063ykwt +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ht1k +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0yzbg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0l14md /music/instrument/instrumentalists /m/013rds +/m/06j6l /music/genre/artists /m/01p95y0 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/02p3cr5 /music/record_label/artist /m/0p76z +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01rcmg /film/actor/film./film/performance/film /m/01jrbb +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/05l4yg /people/person/places_lived./people/place_lived/location /m/0h6l4 +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03s9v +/m/0bzty /location/location/contains /m/0hb37 +/m/0hjy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01dw4q +/m/02lnbg /music/genre/artists /m/046p9 +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/07bch9 /people/ethnicity/people /m/08vr94 +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/08tq4x /film/film/genre /m/03q4nz +/m/04cnp4 /education/educational_institution/school_type /m/01rs41 +/m/06x2ww /music/record_label/artist /m/02vr7 +/m/01k7b0 /film/film/music /m/02sj1x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/026n13j +/m/01fh36 /music/genre/artists /m/03c3yf +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02p68d /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0kc9f +/m/0b22w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sb5r /music/artist/origin /m/01sn3 +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jf1b +/m/07xtqq /film/film/country /m/09c7w0 +/m/071dcs /people/person/profession /m/0np9r +/m/01ycbq /film/actor/film./film/performance/film /m/09m6kg +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/01hlq3 /location/location/time_zones /m/02llzg +/m/01nln /location/country/form_of_government /m/06cx9 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/019n9w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01wdtv /music/record_label/artist /m/01htxr +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0418wg /film/film/genre /m/01jfsb +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/0jfx1 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165b +/m/01914 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/03d8jd1 /film/film/executive_produced_by /m/05vtbl +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0kq9l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/025hwq /award/award_winner/awards_won./award/award_honor/award_winner /m/05nn4k +/m/01738w /film/film/language /m/02h40lc +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g0mx +/m/0372kf /people/person/profession /m/09jwl +/m/03n785 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0lmm3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05183k +/m/01p79b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0358x_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/03d9wk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07ssc /media_common/netflix_genre/titles /m/05b_gq +/m/01vw87c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01skmp +/m/030tjk /people/person/nationality /m/07ssc +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ytc +/m/0k_kr /music/record_label/artist /m/01vwyqp +/m/053xw6 /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02dgq2 +/m/03_x5t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yf85 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/09c7w0 /location/location/contains /m/0ytph +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0hr41p6 +/m/0typ5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/034qmv /film/film/production_companies /m/01795t +/m/015_1q /music/record_label/artist /m/01yndb +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yqc +/m/0dt8xq /film/film/production_companies /m/016tt2 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0d4xmp /music/genre/parent_genre /m/03fpx +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0kqj1 /education/educational_institution/campuses /m/0kqj1 +/m/07z6xs /film/film/country /m/0345h +/m/05dmmc /film/film/music /m/03f4k +/m/012lzr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02301 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/064t9 /music/genre/artists /m/0f8grf +/m/02pg45 /film/film/executive_produced_by /m/0693l +/m/014x77 /film/actor/film./film/performance/film /m/09gdm7q +/m/05clg8 /music/record_label/artist /m/01wgxtl +/m/02k6rq /people/person/places_lived./people/place_lived/location /m/09ctj +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/0c_m3 /sports/sports_team_location/teams /m/0jmfv +/m/09y20 /people/person/languages /m/02h40lc +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q9kqf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/09c7w0 /location/location/contains /m/0fb18 +/m/0408m53 /film/film/production_companies /m/017s11 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05c26ss /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02465 /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/0lbfv /education/educational_institution/students_graduates./education/education/student /m/0d4jl +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/09c7w0 /location/location/contains /m/0kv5t +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0304nh +/m/082db /people/person/religion /m/0c8wxp +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/036hf4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gdh5 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01t6xz +/m/02rn00y /film/film/genre /m/03k9fj +/m/047n8xt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/043y95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03x7hd /film/film/executive_produced_by /m/04jspq +/m/0413cff /film/film/featured_film_locations /m/04v09 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grpc +/m/0d060g /location/location/contains /m/01gc8c +/m/03r0rq /tv/tv_program/genre /m/01z4y +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/0mg1w /education/field_of_study/students_majoring./education/education/student /m/05ml_s +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r8hh_ +/m/0n6nl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1y7 +/m/02z1yj /people/person/spouse_s./people/marriage/spouse /m/01j5sd +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wrhj +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r79_h +/m/098n_m /people/person/profession /m/0dxtg +/m/014zfs /people/person/place_of_birth /m/0dclg +/m/0347db /film/actor/film./film/performance/film /m/09y6pb +/m/0140g4 /film/film/genre /m/02kdv5l +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04vjh +/m/01cv3n /music/artist/origin /m/01x73 +/m/0fnm3 /base/biblioness/bibs_location/country /m/034m8 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/06pwf6 /people/person/gender /m/05zppz +/m/0208wk /award/award_category/disciplines_or_subjects /m/01hmnh +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/032wdd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016tbr +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/03rl84 /music/group_member/membership./music/group_membership/role /m/07xzm +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02ldv0 /film/actor/film./film/performance/film /m/03s9kp +/m/0ffgh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02f8lw +/m/02jx1 /location/location/contains /m/0htx8 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015qt5 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0bx_hnp +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/01sbf2 /people/person/nationality /m/09c7w0 +/m/06by7 /music/genre/artists /m/02mq_y +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/04yywz /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/03lyp4 /tv/tv_program/languages /m/03_9r +/m/01xjx6 /music/record_label/artist /m/01vsyg9 +/m/05w3f /music/genre/artists /m/01vs4f3 +/m/06kx2 /base/biblioness/bibs_location/state /m/059_c +/m/075wx7_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/07yjb /media_common/netflix_genre/titles /m/027x7z5 +/m/02jxsq /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/048_p +/m/01hkhq /film/actor/film./film/performance/film /m/0crs0b8 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yqc +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0d060g /location/location/contains /m/0179q0 +/m/03ts0c /people/ethnicity/people /m/07ym0 +/m/02zrv7 /people/person/profession /m/01d_h8 +/m/04hqz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01w03jv /people/person/profession /m/09jwl +/m/01xwv7 /influence/influence_node/influenced_by /m/01wp_jm +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04353 /film/director/film /m/033dbw +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0404wqb +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0581vn8 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/03tck1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/016h4r +/m/0fwwkj /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/03f4xvm /film/actor/film./film/performance/film /m/0344gc +/m/0djywgn /people/person/gender /m/05zppz +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qv_ +/m/098s2w /film/film/language /m/02h40lc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0prrm +/m/02k76g /people/person/profession /m/0dxtg +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9rz +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02z4b_8 /people/person/profession /m/016z4k +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03qd_ +/m/01hjy5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jq34 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03rk0 /location/location/contains /m/03p7r +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0407yj_ +/m/052_mn /film/film/country /m/03rk0 +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/0fy34l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0rh7t /location/hud_county_place/county /m/0jgg3 +/m/0lmm3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ldxq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1cn +/m/02yr1q /education/educational_institution/colors /m/083jv +/m/0_9l_ /film/film/genre /m/02l7c8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/021f30 /sports/sports_team/sport /m/018jz +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06w7mlh +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02bpy_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l3h /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fcx7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/056zf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06pvr /location/location/contains /m/0l2hf +/m/05hj0n /people/person/nationality /m/09c7w0 +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/034m8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/086m1 /base/culturalevent/event/entity_involved /m/0dbxy +/m/01cssf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/07jq_ /film/film_subject/films /m/0p3_y +/m/0yjf0 /education/educational_institution/students_graduates./education/education/student /m/0cj2w +/m/0kp2_ /influence/influence_node/influenced_by /m/02lt8 +/m/049dyj /film/actor/film./film/performance/film /m/02ph9tm +/m/05bt6j /music/genre/artists /m/01dq9q +/m/01243b /music/genre/artists /m/0m19t +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1r6t +/m/02pxmgz /film/film/genre /m/0c3351 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0j1yf +/m/0315q3 /people/person/religion /m/0c8wxp +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/07147 +/m/01fxg8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d_84 /film/actor/film./film/performance/film /m/04ynx7 +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s3vk +/m/03vtrv /music/record_label/artist /m/03d9d6 +/m/03ct7jd /film/film/genre /m/01jfsb +/m/0479b /film/actor/film./film/performance/film /m/01xq8v +/m/011yl_ /film/film/genre /m/03bxz7 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011x_4 +/m/0479b /people/person/profession /m/01d_h8 +/m/01vq3 /film/film_subject/films /m/0ktx_ +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03772 /influence/influence_node/influenced_by /m/02zjd +/m/02h9_l /people/person/profession /m/0n1h +/m/03bpn6 /people/person/place_of_birth /m/02_286 +/m/07s9rl0 /media_common/netflix_genre/titles /m/05zwrg0 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/06b_0 /people/person/profession /m/01d_h8 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/05gml8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/03x762 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01rgn3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06929s /film/film/music /m/01vsxdm +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/07l24 +/m/0hqzm6r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0jg77 /music/artist/origin /m/01sn3 +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/0d06m5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qxhc +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/03jht /influence/influence_node/influenced_by /m/02wh0 +/m/06sks6 /olympics/olympic_games/sports /m/07rlg +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0j1yf +/m/0chghy /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm74 +/m/07s2s /film/film_subject/films /m/063zky +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0l14qv /music/instrument/instrumentalists /m/01vv6xv +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/01pvxl /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/035l_9 +/m/03q0r1 /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/0bq2g +/m/0gcrg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/013qvn /people/deceased_person/place_of_burial /m/018mm4 +/m/0gldyz /film/film/production_companies /m/04rqd +/m/05cljf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_9lg +/m/047byns /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9jr +/m/0ggx5q /music/genre/artists /m/01cwhp +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0d1mp3 /people/person/gender /m/05zppz +/m/0js9s /people/person/gender /m/05zppz +/m/02htv6 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g293 /music/genre/artists /m/02b25y +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01y9qr /education/educational_institution/campuses /m/01y9qr +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/017149 /film/actor/film./film/performance/film /m/01hv3t +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/05n19y /people/person/profession /m/01c8w0 +/m/0161h5 /people/person/profession /m/0kyk +/m/026t6 /music/instrument/instrumentalists /m/01vw87c +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/018p4y /people/person/nationality /m/03rt9 +/m/048z7l /people/ethnicity/people /m/01z5tr +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0bwjj +/m/02p11jq /music/record_label/artist /m/01vzxld +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/05kr_ /location/administrative_division/first_level_division_of /m/0d060g +/m/0d9qmn /sports/sports_team/colors /m/01g5v +/m/0198b6 /film/film/film_production_design_by /m/03cp7b3 +/m/0gzh /people/person/places_lived./people/place_lived/location /m/0ftxc +/m/054lpb6 /organization/organization/child./organization/organization_relationship/child /m/09tlc8 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/0c7ct /people/person/profession /m/0d1pc +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/019c57 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04mp8x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01txts /music/record_label/artist /m/048xh +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/06qgvf /people/person/profession /m/02hrh1q +/m/01z4y /media_common/netflix_genre/titles /m/01sxly +/m/0dq2k /people/person/nationality /m/09c7w0 +/m/0fxz4 /location/location/contains /m/029cr +/m/011yth /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dbpyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jrhz +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/01dpsv /people/person/profession /m/016z4k +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nkcn +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01242_ +/m/013y1f /music/instrument/instrumentalists /m/04kjrv +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/04gp58p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01z5tr /people/person/places_lived./people/place_lived/location /m/06btq +/m/0pb33 /film/film/genre /m/01jfsb +/m/01gbn6 /film/actor/film./film/performance/film /m/01633c +/m/05mcjs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0ddd0gc +/m/01chpn /film/film/music /m/03h610 +/m/07c52 /media_common/netflix_genre/titles /m/01fs__ +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/01f9mq /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0272vm +/m/061y4q /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qsdh +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0xhtw /music/genre/artists /m/06nv27 +/m/030p4s /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0kszw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p_47 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/015qsq /film/film/genre /m/017fp +/m/01qbl /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0147dk /film/actor/film./film/performance/film /m/032sl_ +/m/08z39v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09qycb +/m/0gbtbm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0309lm +/m/016ybr /music/genre/artists /m/01k_0fp +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/02nq10 /education/educational_institution_campus/educational_institution /m/02nq10 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/05gnf9 /people/person/gender /m/05zppz +/m/02ldv0 /film/actor/film./film/performance/film /m/03ntbmw +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0cymp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_j +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01bl7g +/m/0gwgn1k /film/film/genre /m/05p553 +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02fjzt +/m/01r7t9 /people/person/place_of_birth /m/0cc56 +/m/01l1hr /people/person/gender /m/02zsn +/m/03td5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/065dc4 /film/film/language /m/02h40lc +/m/0d060g /location/location/contains /m/059ss +/m/098s2w /film/film/featured_film_locations /m/05tbn +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cvvlg +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/022tfp /tv/tv_network/programs./tv/tv_network_duration/program /m/03wh49y +/m/017kz7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cn_b8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tw3 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/047t_ +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/04lhft /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/087_wh /people/person/places_lived./people/place_lived/location /m/0f1_p +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01mvth /people/person/profession /m/014kbl +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/043tz0c /film/film/featured_film_locations /m/0sbv7 +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0gs7x +/m/023s8 /people/person/places_lived./people/place_lived/location /m/03s0w +/m/0161c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pcj4 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/01w806h /people/person/profession /m/09jwl +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04_j5s +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07z5n +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/09c7w0 /location/location/contains /m/0q48z +/m/0mj1l /people/person/profession /m/02hrh1q +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jfrg +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym20 +/m/016sd3 /education/educational_institution/colors /m/01g5v +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0l786 /people/person/spouse_s./people/marriage/spouse /m/031sg0 +/m/021pqy /film/film/genre /m/04t36 +/m/01v3s2_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmblvq +/m/05jx2d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01wg25j /music/artist/origin /m/0rt80 +/m/09c7w0 /location/location/contains /m/01pcj4 +/m/0gk4g /people/cause_of_death/people /m/01vrlqd +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032_jg +/m/04yf_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/056rgc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018ygt +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/02mjf2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bj9k +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/03kbb8 +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06__m6 +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04s5_s /music/group_member/membership./music/group_membership/role /m/0l14md +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0199gx +/m/08cn_n /people/person/profession /m/03gjzk +/m/09c7w0 /location/country/second_level_divisions /m/0k3ll +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/01wy61y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033_1p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0pkgt /people/person/profession /m/0nbcg +/m/0jmwg /music/genre/artists /m/01w03jv +/m/010bxh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/09jw2 /music/genre/artists /m/0bk1p +/m/0z9c /music/genre/artists /m/015bwt +/m/059rby /location/location/contains /m/0bwfn +/m/0f2rq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01xqw +/m/01wqmm8 /people/person/languages /m/02h40lc +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/01vsy3q /music/group_member/membership./music/group_membership/role /m/0342h +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/017180 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170pk +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/017lqp +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/011xg5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h8sf /education/educational_institution/school_type /m/05jxkf +/m/03mgx6z /film/film/featured_film_locations /m/030qb3t +/m/02xry /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_hb +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gywn /music/genre/artists /m/01wwvc5 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/03bxp5 /film/film/genre /m/060__y +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/05l0j5 /people/person/profession /m/018gz8 +/m/0579tg2 /film/film_set_designer/film_sets_designed /m/0kvb6p +/m/02z3r8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01_k1z /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04swx /location/location/contains /m/01ppq +/m/0x0d /sports/sports_team/sport /m/018jz +/m/03lpbx /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1_ +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/049912 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f61tk +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02sch9 /people/ethnicity/geographic_distribution /m/05sb1 +/m/0g701n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0296vv /film/film/genre /m/06cvj +/m/01n_g9 /education/educational_institution/students_graduates./education/education/student /m/04vcdj +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0f4dx2 +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/07_s4b /people/person/nationality /m/09c7w0 +/m/02qw2xb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0ym69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0284h6 +/m/026w_gk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dbgw /film/actor/film./film/performance/film /m/02qr3k8 +/m/0yx74 /location/location/contains /m/0cchk3 +/m/063fh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/0152n0 +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03spz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02jx1 /location/location/contains /m/0nlc7 +/m/06btq /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/06czyr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/0lwyk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/06m6p7 /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/057xn_m +/m/04gcyg /film/film/genre /m/060__y +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02jxmr /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrz5j +/m/02x02kb /people/person/languages /m/03k50 +/m/01541z /people/person/profession /m/02hrh1q +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/02vxq9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01fd26 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07lmxq /film/actor/film./film/performance/film /m/0hx4y +/m/01w3lzq /people/person/profession /m/0nbcg +/m/02vpvk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/07gyp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01d0fp /film/actor/film./film/performance/film /m/017d93 +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/02mjf2 /people/person/profession /m/02hrh1q +/m/0dwr4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/017b2p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/073x6y /film/actor/film./film/performance/film /m/05t0_2v +/m/0h7x /location/location/contains /m/01gpy4 +/m/0d04z6 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/01kgv4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04fzk +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/058vy5 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0hw29 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g970 +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/02kj7g /education/educational_institution/students_graduates./education/education/student /m/06jkm +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0222qb /people/ethnicity/people /m/05p92jn +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0ctw_b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09_99w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/05148p4 /music/instrument/instrumentalists /m/09mq4m +/m/0gk4g /people/cause_of_death/people /m/0jf1b +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/02pprs /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/044f7 /people/person/profession /m/03gjzk +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01wy61y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09k9d0 /education/educational_institution/campuses /m/09k9d0 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/092ggq +/m/08720 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027y151 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/0f_zkz +/m/03llf8 /people/person/nationality /m/09c7w0 +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/03qd_ /film/actor/film./film/performance/film /m/02ht1k +/m/077qn /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/066m4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06czyr +/m/0bw87 /film/actor/film./film/performance/film /m/0j90s +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/014gf8 /people/person/places_lived./people/place_lived/location /m/01ktz1 +/m/027ffq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bl3nn /film/film/story_by /m/0yxl +/m/017s1k /medicine/disease/notable_people_with_this_condition /m/01tdnyh +/m/0jkvj /olympics/olympic_games/sports /m/02y8z +/m/01r3w7 /education/educational_institution/students_graduates./education/education/student /m/04bcb1 +/m/011lpr /people/person/profession /m/02hrh1q +/m/01l4g5 /people/person/profession /m/01c72t +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g56t9t +/m/0f8l9c /location/location/contains /m/09lgt +/m/0yt73 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02stbw /film/film/genre /m/0l4h_ +/m/065zlr /film/film/language /m/02h40lc +/m/04nw9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0rh6k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/08815 /organization/organization/headquarters./location/mailing_address/citytown /m/0f2nf +/m/01rnxn /people/person/spouse_s./people/marriage/spouse /m/01jrp0 +/m/02p11jq /music/record_label/artist /m/01vrz41 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0c1gj5 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/02y0js /people/cause_of_death/people /m/0379s +/m/0462hhb /film/film/film_festivals /m/04_m9gk +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0gk4g /people/cause_of_death/people /m/02_pft +/m/01ycck /film/film/film_festivals /m/05f5rsr +/m/0qxhc /location/location/contains /m/01rc6f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01dtl +/m/01flzq /music/genre/parent_genre /m/0glt670 +/m/07cjqy /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/04fzk +/m/01dzg0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056vv +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/06dv3 /film/actor/film./film/performance/film /m/02x2jl_ +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0dw3l /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cv94 +/m/09b3v /media_common/netflix_genre/titles /m/0243cq +/m/017l96 /music/record_label/artist /m/01wv9xn +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/07ddz9 /people/person/profession /m/0dxtg +/m/01jzyx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02h30z +/m/04zkj5 /influence/influence_node/influenced_by /m/0f7hc +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/0dls3 /music/genre/artists /m/05xq9 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0280061 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/0mb8c /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/06kl0k /people/person/gender /m/02zsn +/m/0jsf6 /film/film/executive_produced_by /m/02hy9p +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/035s95 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0234_c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05mc99 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f7hc /people/person/place_of_birth /m/0cr3d +/m/01tc9r /people/person/place_of_birth /m/0h7h6 +/m/016fnb /music/group_member/membership./music/group_membership/group /m/016fmf +/m/015l4k /olympics/olympic_games/sports /m/09w1n +/m/02897w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_js /influence/influence_node/peers./influence/peer_relationship/peers /m/07cbs +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/02qx69 /people/person/profession /m/02hrh1q +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0kbws /olympics/olympic_games/participating_countries /m/03__y +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05r5c /music/instrument/instrumentalists /m/01sbf2 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03l78j +/m/05kms /music/instrument/instrumentalists /m/0fhxv +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/021y7yw +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/05myd2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0444x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05tfm +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0symg +/m/0dyl9 /sports/sports_team_location/teams /m/051vz +/m/03vrv9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/03ln8b /tv/tv_program/program_creator /m/04pg29 +/m/02r34n /people/person/profession /m/0kyk +/m/056zf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/035wtd /organization/organization/headquarters./location/mailing_address/citytown /m/0fvzg +/m/03qnc6q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/015vql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/088xp /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01h8rk /education/educational_institution/students_graduates./education/education/student /m/07n39 +/m/037q31 /film/film/personal_appearances./film/personal_film_appearance/person /m/019z7q +/m/049nq /location/location/contains /m/0h095 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/07dfk /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/0fphgb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ct6 /sports/sports_team/colors /m/019sc +/m/05kr_ /location/location/contains /m/018lc_ +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/01z88t /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/013sg6 /film/actor/film./film/performance/film /m/0kbf1 +/m/07cn2c /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0hmt3 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/03nb5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gz5hs +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/03m73lj +/m/07ssc /location/location/contains /m/0ncy4 +/m/047gpsd /film/film/production_companies /m/04rtpt +/m/0y3_8 /music/genre/artists /m/02cpp +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dl9_4 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01gn36 +/m/0bzlrh /time/event/instance_of_recurring_event /m/0g_w +/m/0k3ll /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/090s_0 /film/film/costume_design_by /m/02vkvcz +/m/01m24m /base/biblioness/bibs_location/country /m/09c7w0 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02yv6b /music/genre/artists /m/01vrncs +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03v1s /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03fw4y /people/person/places_lived./people/place_lived/location /m/0xnt5 +/m/04ydr95 /film/film/produced_by /m/0pmhf +/m/0853g /location/location/contains /m/080z7 +/m/04gzd /location/location/contains /m/0171b8 +/m/01mgw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/04q5zw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mqh5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01tnbn +/m/09146g /film/film/production_companies /m/056ws9 +/m/016y3j /music/genre/parent_genre /m/0fd3y +/m/0gd92 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/09yrh /people/person/places_lived./people/place_lived/location /m/0f8l9c +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/05qsxy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01_s9q +/m/0dgrwqr /film/film/country /m/09c7w0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013m43 +/m/0kryqm /people/person/profession /m/02hrh1q +/m/025hzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rd7 +/m/03y2kr /people/person/gender /m/05zppz +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bqsy +/m/09y20 /people/person/gender /m/05zppz +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0199wf +/m/01xn6mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04zwc +/m/0rn8q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nms7 /people/person/places_lived./people/place_lived/location /m/059rby +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/0jwmp /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03_gz8 +/m/02rhwjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz4j +/m/05148p4 /music/instrument/instrumentalists /m/016fnb +/m/02jx1 /location/location/contains /m/01t8gz +/m/0l3h /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/014nq4 /film/film/prequel /m/06r2h +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg8z1f +/m/07bch9 /people/ethnicity/people /m/0m0nq +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02f6g5 +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/065zlr /film/film/genre /m/02l7c8 +/m/05x2t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0mb0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/0rw2x /location/hud_county_place/place /m/0rw2x +/m/01l_vgt /people/person/nationality /m/0f8l9c +/m/0mvxt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01j7pt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05_z42 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01p896 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0prh7 /film/film/genre /m/04xvh5 +/m/03ckfl9 /music/genre/artists /m/014pg1 +/m/0gh65c5 /film/film/language /m/02h40lc +/m/02h2vv /tv/tv_program/country_of_origin /m/09c7w0 +/m/02kxx1 /education/educational_institution/school_type /m/05jxkf +/m/015cxv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015_1q /music/record_label/artist /m/01vzz1c +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0r6cx /location/hud_county_place/county /m/0l2xl +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/036jp8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/02d02 +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jymd +/m/0gjvqm /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/015y3j /education/educational_institution/students_graduates./education/education/student /m/042fk +/m/025jbj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kkm +/m/0g7yx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05jg58 /music/genre/artists /m/01304j +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/02b0_m +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03h0k1 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/09c7w0 /location/location/contains /m/0bqxw +/m/0ggbfwf /film/film/language /m/0t_2 +/m/042z_g /film/actor/film./film/performance/film /m/01h7bb +/m/01wd02c /influence/influence_node/influenced_by /m/041h0 +/m/06z9yh /people/person/gender /m/05zppz +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/013w7j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/043zg +/m/0g_zyp /film/film/country /m/09c7w0 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mz9r +/m/09rsjpv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bwgc_ /film/actor/film./film/performance/film /m/05zwrg0 +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03j2gxx /people/person/places_lived./people/place_lived/location /m/05l5n +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/0cpvcd /people/person/profession /m/0frz0 +/m/049wm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01fv4z +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/05cwl_ /education/educational_institution/students_graduates./education/education/student /m/0c6g29 +/m/018qb4 /olympics/olympic_games/sports /m/071t0 +/m/021w0_ /education/educational_institution/students_graduates./education/education/student /m/01gp_x +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/04mhbh /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01lvzbl /music/group_member/membership./music/group_membership/role /m/0342h +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/049bmk +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/016z1t /people/person/profession /m/039v1 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/04fc6c /music/record_label/artist /m/01vw20h +/m/08952r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0133jj /location/administrative_division/first_level_division_of /m/0h7x +/m/01lbcqx /film/film/country /m/07ssc +/m/026r8q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/070tng +/m/0qpsn /location/location/time_zones /m/02hczc +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0gv2r +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c0k1 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/0yxf4 /film/film/produced_by /m/02f93t +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0413cff /film/film/featured_film_locations /m/05cgv +/m/02r4qs /people/person/profession /m/0nbcg +/m/011yd2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_sr1 /film/film/prequel /m/02gpkt +/m/01cl0d /music/record_label/artist /m/0135xb +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0557q +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/01kws3 /people/person/profession /m/0dxtg +/m/0b9rdk /film/film/film_production_design_by /m/03qhyn8 +/m/05lbzg /time/event/locations /m/025ndl +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02ht1k /film/film/production_companies /m/086k8 +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/03tbg6 /film/film/language /m/02h40lc +/m/04vr_f /film/film/country /m/09c7w0 +/m/02__34 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0165v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05v10 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/064lsn /film/film/production_companies /m/02slt7 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/045cq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0292l3 /film/actor/film./film/performance/film /m/09yxcz +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/025h4z /film/actor/film./film/performance/film /m/0qm98 +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/0dr3sl /film/film/executive_produced_by /m/06pj8 +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/014488 /people/person/profession /m/01d_h8 +/m/03cz4j /film/actor/dubbing_performances./film/dubbing_performance/language /m/03_9r +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07nnp_ +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778pf +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037lyl +/m/0lx2l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05gml8 +/m/0ddt_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/0gmd3k7 /film/film/genre /m/07s9rl0 +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0dwz3t +/m/0ggyr /location/location/time_zones /m/02llzg +/m/08k40m /film/film/genre /m/05p553 +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpm4yw +/m/09h4b5 /people/person/profession /m/01xr66 +/m/0bbf1f /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz91 +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0d0x8 /location/location/contains /m/0nz_b +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/03q1vd /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0bwfwpj /film/film/language /m/02h40lc +/m/018vs /music/instrument/instrumentalists /m/01jfnvd +/m/029ghl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03yvf2 /film/film/genre /m/01q03 +/m/03s5lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tb7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/01vfqh /film/film/written_by /m/02kxbwx +/m/08433 /people/person/gender /m/05zppz +/m/01jw67 /film/film/country /m/09c7w0 +/m/0727h /base/culturalevent/event/entity_involved /m/035qy +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/047g98 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0pmw9 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0bx_q /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfk +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0lgxj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0338lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6jkkg +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0h5g_ /film/actor/film./film/performance/film /m/046f3p +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01w8g3 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/0bwh6 +/m/0k2h6 /education/educational_institution/school_type /m/02p0qmm +/m/0100mt /location/hud_county_place/place /m/0100mt +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbwx +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f7gh +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0p9rz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05kwx2 /film/actor/film./film/performance/film /m/09gq0x5 +/m/013b6_ /people/ethnicity/people /m/0mb5x +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0m_1s /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0gxmj +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5f5n +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/04w58 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0lpjn /film/actor/film./film/performance/film /m/0164qt +/m/0408np /film/actor/film./film/performance/film /m/02_fz3 +/m/01r_t_ /film/director/film /m/01sby_ +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037lyl +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0kst7v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026vcc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ttg5 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/05dxl_ /people/person/gender /m/05zppz +/m/0hzlz /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vv126 +/m/02yy9r /film/film/executive_produced_by /m/02z6l5f +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0212zp +/m/02w5q6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/026t6 /music/instrument/instrumentalists /m/06cc_1 +/m/04l58n /sports/sports_team/colors /m/038hg +/m/02w670 /people/person/gender /m/05zppz +/m/01wwvt2 /people/person/nationality /m/09c7w0 +/m/043t8t /film/film/language /m/02bjrlw +/m/0j6cj /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/061681 /film/film/prequel /m/03k8th +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/04xvlr /media_common/netflix_genre/titles /m/042y1c +/m/026hxwx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/071nw5 /film/film/genre /m/07s9rl0 +/m/02fj8n /film/film/film_format /m/0cj16 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/05njyy +/m/01vvycq /influence/influence_node/peers./influence/peer_relationship/peers /m/09889g +/m/03fwln /people/person/profession /m/02hrh1q +/m/09zmys /film/actor/film./film/performance/film /m/0gvt53w +/m/01czx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fvhp /location/country/capital /m/06mxs +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/09d3b7 /film/film/music /m/020jqv +/m/086xm /education/educational_institution/colors /m/09ggk +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03_nq +/m/0l_q9 /location/location/time_zones /m/02lcrv +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9vx +/m/013mtx /location/location/time_zones /m/02fqwt +/m/037cr1 /film/film/country /m/09c7w0 +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/016zfm +/m/02vyyl8 /film/film/country /m/0chghy +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/0n6kf /influence/influence_node/influenced_by /m/0l99s +/m/025vw4t /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bq2g +/m/04g_wd /people/person/profession /m/025352 +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07tj4c +/m/0gl02yg /film/film/language /m/0653m +/m/0b_7k /people/person/profession /m/03jgz +/m/061zc_ /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/03x31g /people/person/languages /m/07c9s +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/03fvqg /people/deceased_person/place_of_death /m/027l4q +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01s1zk +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/013knm /people/person/places_lived./people/place_lived/location /m/0n95v +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/02xry /location/location/contains /m/0jgj7 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050l8 +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/02cj_f /people/person/profession /m/0kyk +/m/01_8n9 /sports/sports_team/sport /m/02vx4 +/m/01k3s2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0j95 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/035zr0 +/m/01cdt5 /medicine/symptom/symptom_of /m/0c78m +/m/02ltg3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016h4r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gn8s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ctzf1 /tv/tv_program/languages /m/03_9r +/m/09g0h /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01qbg5 /film/film/genre /m/07s9rl0 +/m/0dh73w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rk0 /location/location/contains /m/02c98m +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04rzd /music/instrument/instrumentalists /m/01l1sq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01vrkm +/m/0_7w6 /film/film/production_companies /m/0278rq7 +/m/0n85g /music/record_label/artist /m/0qf3p +/m/044mrh /people/person/gender /m/05zppz +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpqb +/m/0l14qv /music/instrument/instrumentalists /m/02r4qs +/m/01w61th /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01p5xy /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/07_bv_ /people/person/gender /m/02zsn +/m/01p85y /people/person/nationality /m/02jx1 +/m/06mz5 /location/location/partially_contains /m/04ykz +/m/0mqs0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0164v +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02yc5b +/m/0h924 /location/location/contains /m/02f46y +/m/0k29f /people/person/religion /m/0kpl +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0hyxv /sports/sports_team_location/teams /m/0j46b +/m/013pp3 /influence/influence_node/influenced_by /m/014635 +/m/0q9zc /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02rx2m5 /film/film/genre /m/017fp +/m/0bj9k /influence/influence_node/influenced_by /m/0dzf_ +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/0m66w /people/person/profession /m/01d_h8 +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/0mpfn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yv +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03qjg /music/instrument/instrumentalists /m/0qf3p +/m/0kqj1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/017r2 /people/person/profession /m/05z96 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20_ +/m/06vbd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rb607 /film/film/language /m/05qqm +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0frm7n +/m/05jm7 /people/person/nationality /m/02jx1 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/0394y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0143wl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fb1q +/m/053xw6 /film/actor/film./film/performance/film /m/011xg5 +/m/0cgbf /people/person/profession /m/02hrh1q +/m/073w14 /film/actor/film./film/performance/film /m/011ysn +/m/02knnd /film/actor/film./film/performance/film /m/0k4bc +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01cw24 +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/03nl5k +/m/044lbv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0f721s /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjdk +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0jsf6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01386_ /base/eating/practicer_of_diet/diet /m/07_jd +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/01hmk9 /influence/influence_node/influenced_by /m/01gn36 +/m/017g21 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/048_lz /sports/sports_team/sport /m/02vx4 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0ct_yc +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/03v40v /people/person/profession /m/02jknp +/m/034q3l /film/actor/film./film/performance/film /m/0c_j9x +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/04j14qc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0mz2 /film/film_subject/films /m/02yvct +/m/03rt9 /sports/sports_team_location/teams /m/02ryyk +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzmz6 +/m/016r9z /olympics/olympic_games/participating_countries /m/06c1y +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/08w7vj +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0296y /music/genre/artists /m/0274ck +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0241y7 +/m/01wzlxj /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02760sl +/m/01x9_8 /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/0g9zljd /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0dg3jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k7b0 +/m/01_x6d /film/actor/film./film/performance/film /m/03n3gl +/m/072vj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x73 /location/location/contains /m/03kmyy +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_4lx +/m/05wkw /people/profession/specialization_of /m/0n1h +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/03fn6z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0pmq2 /location/location/time_zones /m/02fqwt +/m/0kbvb /olympics/olympic_games/sports /m/0d1tm +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/02fwfb /film/film/genre /m/0d63kt +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825nf +/m/03j3pg9 /people/person/profession /m/0nbcg +/m/026rm_y /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/0fp_v1x /people/person/profession /m/02hrh1q +/m/02q636 /education/educational_institution/colors /m/04d18d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03dj6y +/m/017_qw /music/genre/artists /m/0kvjrw +/m/0ly5n /people/person/place_of_birth /m/0s987 +/m/01xdf5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05_z42 +/m/03ldxq /people/person/religion /m/0c8wxp +/m/01j7rd /influence/influence_node/influenced_by /m/014z8v +/m/0h25 /influence/influence_node/influenced_by /m/03sbs +/m/02j9z /base/locations/continents/countries_within /m/0f8l9c +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08664q +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/09nwwf /music/genre/artists /m/06mj4 +/m/0jdk_ /olympics/olympic_games/sports /m/07jjt +/m/01v_0b /people/person/place_of_birth /m/0c1d0 +/m/01wk7b7 /film/actor/film./film/performance/film /m/01f39b +/m/063t3j /people/person/places_lived./people/place_lived/location /m/01ppq +/m/02x8m /music/genre/artists /m/01w5jwb +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026ps1 +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05x2t7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0d_wms /film/film/personal_appearances./film/personal_film_appearance/person /m/03q95r +/m/01t6xz /people/person/gender /m/05zppz +/m/01k6nm /film/actor/film./film/performance/film /m/01p3ty +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/049m19 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0p__8 /film/actor/film./film/performance/film /m/02lk60 +/m/03ysmg /people/person/profession /m/03gjzk +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/07sbbz2 /music/genre/artists /m/02jq1 +/m/019n7x /people/person/profession /m/02hrh1q +/m/05f4vxd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m23s /location/hud_county_place/place /m/01m23s +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jf85 +/m/024l2y /film/film/genre /m/02kdv5l +/m/015q1n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01s9vc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015_z1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmcwlb +/m/02h0f3 /people/person/nationality /m/09c7w0 +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/017drs +/m/01tv3x2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q0k7v /film/film/language /m/02h40lc +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/04t2l2 /film/actor/film./film/performance/film /m/01jft4 +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02g0rb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02jx1 /location/location/contains /m/021npd +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/04p5cr /tv/tv_program/genre /m/0djd22 +/m/0dl567 /people/person/profession /m/02hrh1q +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/0465_ +/m/01sxly /film/film/executive_produced_by /m/041c4 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0cxbth /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gj9tn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01mylz /film/actor/film./film/performance/film /m/0yyg4 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/0bqytm /people/person/profession /m/0dgd_ +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/04ly1 /location/location/contains /m/0tk02 +/m/01cvtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f830f +/m/02t__l /people/person/profession /m/0lgw7 +/m/01xyqk /music/record_label/artist /m/0163kf +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0155w /music/genre/artists /m/03h_fqv +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/09q23x /film/film/genre /m/07s9rl0 +/m/02cx72 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pf6 /medicine/symptom/symptom_of /m/02k6hp +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0342h /music/instrument/instrumentalists /m/01qmy04 +/m/03rjj /location/location/contains /m/0cffd +/m/01z_g6 /people/person/profession /m/03gjzk +/m/02p11jq /music/record_label/artist /m/07n68 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/03n08b /film/actor/film./film/performance/film /m/09rx7tx +/m/072bb1 /people/person/profession /m/01d_h8 +/m/01d2v1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0dlngsd /film/film/cinematography /m/03cx282 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04b8pv +/m/028hc2 /people/person/profession /m/0dz3r +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr46y +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0693l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0484q +/m/08cx5g /tv/tv_program/genre /m/03k9fj +/m/01vsn38 /film/actor/film./film/performance/film /m/034qzw +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/026gb3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0lgxj /olympics/olympic_games/participating_countries /m/03_3d +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/035gnh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012rrr /location/administrative_division/first_level_division_of /m/0h7x +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0dnkmq /film/film/featured_film_locations /m/02_286 +/m/026z9 /music/genre/artists /m/01q32bd +/m/02z9rr /film/film/language /m/02h40lc +/m/02jx1 /location/location/contains /m/0h924 +/m/05ty4m /people/person/profession /m/02hrh1q +/m/01wxdn3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03tck1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01hmnh /media_common/netflix_genre/titles /m/02q52q +/m/03l295 /people/person/profession /m/01445t +/m/01h3dj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01gc7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07bsj +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01x_d8 /people/person/place_of_birth /m/0jpy_ +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x4l_ +/m/01z4y /media_common/netflix_genre/titles /m/0296vv +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02gtm4 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/05ldnp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/01xwqn /people/person/profession /m/018gz8 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/081mh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0mk1z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mk7z +/m/0gkgp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/02_cx_ /education/educational_institution/colors /m/067z2v +/m/01nwwl /film/actor/film./film/performance/film /m/03hxsv +/m/02yy88 /music/genre/artists /m/03j_hq +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01jb26 /people/person/profession /m/03gjzk +/m/09c7w0 /location/country/second_level_divisions /m/0mkc3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02xry +/m/02knxx /people/cause_of_death/people /m/0488g9 +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/02klny /education/educational_institution/students_graduates./education/education/student /m/04t7ts +/m/016jny /music/genre/artists /m/01vrncs +/m/02rmfm /people/person/gender /m/02zsn +/m/081t6 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/015c4g /film/actor/film./film/performance/film /m/0jsf6 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03gyl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01ptt7 +/m/09dv0sz /people/person/nationality /m/09c7w0 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/080dwhx /tv/tv_program/genre /m/04xvh5 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/01j5ws /film/actor/film./film/performance/film /m/03q0r1 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/033fqh /film/film/language /m/0c_v2 +/m/015pdg /music/genre/artists /m/053y0s +/m/0mwjk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myn8 +/m/017fp /media_common/netflix_genre/titles /m/046f3p +/m/0dx8gj /film/film/genre /m/0glj9q +/m/0126t5 /music/genre/artists /m/02l_7y +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/03cz9_ /film/actor/film./film/performance/film /m/07ng9k +/m/01gkp1 /film/film/featured_film_locations /m/02_286 +/m/09c7w0 /location/location/contains /m/0r2l7 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/03hl6lc /award/award_category/winners./award/award_honor/ceremony /m/0bq_mx +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0d0kn /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04764j +/m/03ndd /music/instrument/instrumentalists /m/0244r8 +/m/0l0mk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/03h502k /people/person/profession /m/0nbcg +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/0fphf3v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0gjcrrw +/m/016_mj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rv1w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0f4k49 +/m/03176f /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06by7 /music/genre/artists /m/07c0j +/m/02v570 /film/film/personal_appearances./film/personal_film_appearance/person /m/0jw67 +/m/02w9k1c /film/film/film_festivals /m/04grdgy +/m/01ckhj /film/actor/film./film/performance/film /m/0hx4y +/m/0pj9t /people/person/profession /m/09jwl +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7nt +/m/01j6t0 /medicine/symptom/symptom_of /m/0g02vk +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0dzf_ +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/0m3gy /film/film/genre /m/01585b +/m/0chghy /location/location/contains /m/0chgzm +/m/01bn3l /film/film/executive_produced_by /m/03mstc +/m/01vz80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_k56 +/m/01g0jn /people/person/profession /m/01445t +/m/06pj8 /influence/influence_node/influenced_by /m/0j_c +/m/0xnvg /people/ethnicity/people /m/01r7t9 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/0xnvg /people/ethnicity/people /m/016kb7 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/07lp1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0bjqh +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/09bnf /language/human_language/countries_spoken_in /m/03rk0 +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/08zrbl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04mvk7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01wb8bs /people/person/religion /m/0c8wxp +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01k_mc +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0ph2w +/m/0178_w /music/artist/origin /m/0f04v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01rly6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0xxc /education/educational_institution/campuses /m/0xxc +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01x4wq +/m/03shp /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fqtq +/m/03d0ns /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b13j +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/03fvqg +/m/01f1jy /olympics/olympic_games/sports /m/03tmr +/m/0399p /influence/influence_node/influenced_by /m/0372p +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02wh0 /influence/influence_node/influenced_by /m/05qmj +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lvyj +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/043n0v_ /film/film/language /m/0459q4 +/m/02lj6p /film/actor/film./film/performance/film /m/0b3n61 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/01y665 /film/actor/film./film/performance/film /m/0296vv +/m/0c_m3 /location/location/time_zones /m/02fqwt +/m/015wfg /film/actor/film./film/performance/film /m/01srq2 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03s6l2 +/m/035gnh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/027j9wd /film/film/country /m/09c7w0 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h7pj +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0f7fy +/m/041jlr /people/person/profession /m/0dxtg +/m/03cz83 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03d9v8 /people/person/profession /m/02hrh1q +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/01l9p /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04n8xs +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05pdh86 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07yvsn +/m/025jj7 /people/person/profession /m/02hrh1q +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/01qdmh /film/film/featured_film_locations /m/080h2 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02662b /award/award_category/disciplines_or_subjects /m/04g51 +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01h8f /film/actor/film./film/performance/film /m/0340hj +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0chrx /base/biblioness/bibs_location/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r0m6 +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/01_6dw +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/0337vz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7gh +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/05qx1 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0kjgl /people/person/gender /m/05zppz +/m/05zl0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b4p4 /music/genre/artists /m/01dq9q +/m/04b_jc /film/film/genre /m/0219x_ +/m/023v4_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/0ddt_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dfw0 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0g39h +/m/02krdz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09nhvw /people/person/profession /m/02hrh1q +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/04x4gj /tv/tv_program/genre /m/06n90 +/m/0c_j9x /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/015qsq +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/07jq_ /film/film_subject/films /m/0gbtbm +/m/0mrs1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_f_5 /people/person/profession /m/0dxtg +/m/0d4jl /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/0d0kn /location/country/form_of_government /m/01fpfn +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06pjs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/01kwsg /film/actor/film./film/performance/film /m/05znxx +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h14ln +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/02j9z /base/locations/continents/countries_within /m/047lj +/m/01m3x5p /award/award_winner/awards_won./award/award_honor/award_winner /m/0z05l +/m/02bf58 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0d0x8 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/08vd2q /film/film/genre /m/0d63kt +/m/047lj /location/country/official_language /m/06b_j +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/04t38b +/m/08xz51 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/019lwb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1mc +/m/04gc65 /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01npcx +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/012xdf +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fr63l +/m/01jswq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs73g /people/person/profession /m/0nbcg +/m/04n3l /location/location/contains /m/0y2dl +/m/03cffvv /film/film/music /m/03h610 +/m/07s9rl0 /media_common/netflix_genre/titles /m/083shs +/m/05_5rjx /film/film/genre /m/060__y +/m/027g8gr /tv/tv_program/genre /m/01w613 +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026zvx7 +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/014y6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0pmw9 /film/actor/film./film/performance/film /m/016017 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05nyqk +/m/04f7c55 /people/person/gender /m/05zppz +/m/01rxyb /dataworld/gardening_hint/split_to /m/01rxyb +/m/01dtcb /business/business_operation/industry /m/04rlf +/m/0jhjl /education/educational_institution/campuses /m/0jhjl +/m/01jzyx /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0fvr1 /film/film/language /m/02h40lc +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01s7j5 +/m/05tbn /location/location/contains /m/0mwh1 +/m/0m2l9 /people/person/nationality /m/0d060g +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0f7h2v /film/actor/film./film/performance/film /m/02qpt1w +/m/07kb5 /people/person/profession /m/05xjb +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0p8jf /influence/influence_node/influenced_by /m/040db +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049dyj +/m/033hqf /film/actor/film./film/performance/film /m/01lbcqx +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s95_l +/m/041rx /people/ethnicity/people /m/0bq2g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02fs_d +/m/02bd_f /organization/organization/headquarters./location/mailing_address/citytown /m/07mgr +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award /m/02pz3j5 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bv8h2 +/m/037n3 /location/location/contains /m/01nm8w +/m/09c7w0 /location/location/contains /m/02c9dj +/m/01qhm_ /people/ethnicity/people /m/0127m7 +/m/0cmdwwg /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/01jfsb /media_common/netflix_genre/titles /m/01dc0c +/m/02cl1 /location/hud_county_place/place /m/02cl1 +/m/03f2w /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01399x /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/01d_s5 /music/genre/artists /m/0840vq +/m/02pxst /film/film/language /m/02h40lc +/m/05r6t /music/genre/artists /m/07rnh +/m/027dtv3 /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f7hw +/m/0hpt3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06crng /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0660b9b /film/film/film_format /m/0cj16 +/m/03d1y3 /people/deceased_person/place_of_death /m/030qb3t +/m/0myfz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n22z +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0_ytw /location/location/contains /m/07ccs +/m/016kv6 /film/film/genre /m/082gq +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/02_l96 +/m/03fgm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0qf11 /people/person/profession /m/09jwl +/m/01z1r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/05fg2 /people/person/employment_history./business/employment_tenure/company /m/06dqt +/m/0k4d7 /film/film/production_companies /m/04rcl7 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/013q0p +/m/02b16p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02g7sp /people/ethnicity/people /m/01vsl3_ +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02dtg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02bkdn +/m/0l56b /organization/organization_founder/organizations_founded /m/01jj4x +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01nr36 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05mkn +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/0v9qg /location/hud_county_place/place /m/0v9qg +/m/01pbwwl /people/person/nationality /m/07ssc +/m/05zjx /people/person/places_lived./people/place_lived/location /m/0rrwt +/m/0581vn8 /film/film/genre /m/07s9rl0 +/m/01nqj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01lvcs1 +/m/04nw9 /people/person/religion /m/019cr +/m/034qmv /film/film/country /m/03rt9 +/m/0flj39 /people/person/languages /m/055qm +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zj61 +/m/04smdd /film/film/cinematography /m/05dppk +/m/0z2gq /location/hud_county_place/place /m/0z2gq +/m/0gnbw /people/person/places_lived./people/place_lived/location /m/0n920 +/m/0462hhb /film/film/language /m/064_8sq +/m/01gwk3 /film/film/genre /m/02kdv5l +/m/0sxfd /film/film/language /m/02h40lc +/m/0kpys /location/location/contains /m/0r0f7 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cwfgz +/m/09xbpt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d0mbj /people/person/nationality /m/0bq0p9 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0c8tkt /film/film/music /m/01l1rw +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/09c7w0 /location/location/contains /m/059f4 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsn_ +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/09k0f /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04tqtl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/016ppr /influence/influence_node/influenced_by /m/012vd6 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/022wxh +/m/03bxwtd /award/award_winner/awards_won./award/award_honor/award_winner /m/09mq4m +/m/058cm /location/location/time_zones /m/02fqwt +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02ckl3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xq8v +/m/02zr0z /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/053j4w4 /people/person/gender /m/05zppz +/m/0716t2 /film/actor/film./film/performance/film /m/02rmd_2 +/m/03c6vl /people/person/profession /m/02krf9 +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/031sn /base/biblioness/bibs_location/state /m/01n4w +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0hqly /people/person/religion /m/092bf5 +/m/06chf /people/person/place_of_birth /m/0206v5 +/m/021l5s /education/educational_institution_campus/educational_institution /m/021l5s +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01gy7r /film/actor/film./film/performance/film /m/0ds2n +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/05w3f /music/genre/artists /m/01_wfj +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/0gj8t_b /film/film/genre /m/07s9rl0 +/m/07_m9_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/0chrx /location/hud_county_place/place /m/0chrx +/m/023kzp /people/person/places_lived./people/place_lived/location /m/04rrd +/m/03xpsrx /people/person/nationality /m/09c7w0 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/010xjr /film/actor/film./film/performance/film /m/03176f +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/025n07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/081wh1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bzs9 /education/educational_institution/colors /m/038hg +/m/0x67 /people/ethnicity/people /m/01vvydl +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wyq0w +/m/01lc5 /people/person/profession /m/018gz8 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/01n9d9 /people/deceased_person/place_of_death /m/0k_p5 +/m/02qm5j /music/genre/artists /m/012zng +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0fdv3 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/041mt /people/person/religion /m/092bf5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09rsr0w +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0739y /people/person/profession /m/018gz8 +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z0f6l +/m/0ndwt2w /film/film/music /m/01tc9r +/m/02h659 /education/educational_institution/colors /m/01l849 +/m/01wyzyl /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0ptx_ /film/film/genre /m/0hn10 +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/039bp /film/actor/film./film/performance/film /m/0yyg4 +/m/02b71x /music/genre/artists /m/016376 +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/04xm_ /influence/influence_node/influenced_by /m/0j3v +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015gm8 +/m/015c2f /film/actor/film./film/performance/film /m/03kxj2 +/m/04b8pv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0p_pd /film/actor/film./film/performance/film /m/026wlxw +/m/04_1l0v /location/location/contains /m/050ks +/m/01dq0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f1kd /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/029q3k +/m/016ks_ /film/actor/film./film/performance/film /m/026lgs +/m/020ngt /music/genre/artists /m/01518s +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/06m6z6 +/m/09b6zr /people/person/religion /m/02rsw +/m/0846v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/037mh8 /people/person/gender /m/05zppz +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0f7hw +/m/05qg6g /film/actor/film./film/performance/film /m/0bth54 +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09pmkv +/m/09hy79 /film/film/country /m/07ssc +/m/04kbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06q5t7 +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09fb5 +/m/02v8kmz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04gtq43 /people/person/place_of_birth /m/0195pd +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/03hfx6c +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/021w0_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0j46b +/m/041rx /people/ethnicity/people /m/0m66w +/m/0534v /people/person/gender /m/05zppz +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/01chc7 /film/actor/film./film/performance/film /m/065dc4 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02607j /education/educational_institution/school_type /m/05pcjw +/m/01p896 /education/educational_institution/students_graduates./education/education/student /m/018yj6 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01v5h +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/05cvgl /film/film/genre /m/04xvlr +/m/01ty7ll /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01f492 +/m/0161rf /music/genre/artists /m/0lsw9 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/04lgymt /people/person/gender /m/05zppz +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06yykb /film/film/executive_produced_by /m/04hw4b +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l6wj /people/person/place_of_birth /m/030qb3t +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/03m5111 /people/person/nationality /m/015fr +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/03mqtr /media_common/netflix_genre/titles /m/0n0bp +/m/07c5l /location/location/contains /m/06n3y +/m/03s5lz /film/film/language /m/02h40lc +/m/06y3r /people/person/employment_history./business/employment_tenure/company /m/03mnk +/m/06thjt /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/027m67 /film/film/language /m/07c9s +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/018p4y +/m/01whg97 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0f0y8 /people/person/profession /m/0nbcg +/m/0146pg /people/person/profession /m/01c8w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01k2yr +/m/09pl3f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/05p1qyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dwj /film/film/language /m/02h40lc +/m/015npr /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/05k7sb /location/location/contains /m/0ty_b +/m/07733f /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/09ftwr +/m/04jr87 /dataworld/gardening_hint/split_to /m/04jr87 +/m/050f0s /film/film/written_by /m/0b2_xp +/m/0bwgc_ /people/person/nationality /m/07ssc +/m/06j6l /music/genre/artists /m/03f5spx +/m/0j4b /sports/sports_team_location/teams /m/044lbv +/m/04264n /people/person/profession /m/02hrh1q +/m/02hwyss /language/human_language/countries_spoken_in /m/0h7x +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/044pqn /people/person/profession /m/02jknp +/m/0mdqp /people/person/place_of_birth /m/02_286 +/m/04gv3db /film/film/film_format /m/017fx5 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/026_dq6 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/022q32 +/m/04j13sx /film/film/language /m/02h40lc +/m/016r9z /olympics/olympic_games/sports /m/01hp22 +/m/09mq4m /people/person/profession /m/0dz3r +/m/01p7yb /film/actor/film./film/performance/film /m/02704ff +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0p8h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01vdrw /influence/influence_node/influenced_by /m/01v9724 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ych +/m/048wrb /people/person/profession /m/018gz8 +/m/02p7_k /people/person/profession /m/02hrh1q +/m/016ypb /film/actor/film./film/performance/film /m/07cz2 +/m/034xyf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02j4sk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02tgz4 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0h03fhx /film/film/language /m/02h40lc +/m/0dbb3 /people/person/profession /m/01c72t +/m/04jzj /people/person/place_of_birth /m/01k4f +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/03lmzl /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04b7xr +/m/0ptdz /film/film/genre /m/01hmnh +/m/0sx7r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0pz91 /organization/organization_founder/organizations_founded /m/06rq1k +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0bdxs5 /film/actor/film./film/performance/film /m/06fcqw +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/05pbl56 /film/film/genre /m/02kdv5l +/m/03m6pk /film/actor/film./film/performance/film /m/0b76d_m +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04_1l0v /location/location/contains /m/02xry +/m/0121rx /people/person/profession /m/03gjzk +/m/0m32h /people/cause_of_death/people /m/07n39 +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0jltp +/m/0c8br /people/person/gender /m/05zppz +/m/0dls3 /music/genre/artists /m/01pfr3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04w8f +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/0blq0z /people/person/place_of_birth /m/0r7fy +/m/03f1zdw /film/actor/film./film/performance/film /m/09gq0x5 +/m/01k0xy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01n5309 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz7h +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fnl9 +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/04f7c55 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06w2sn5 +/m/01xq8v /film/film/genre /m/04xvlr +/m/07wtc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xzb6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0835q /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gt99 +/m/0fx0j2 /people/person/gender /m/02zsn +/m/03dn9v /film/actor/film./film/performance/film /m/0872p_c +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/047g6 /influence/influence_node/influenced_by /m/0gz_ +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwr4 +/m/0gtvrv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0pk41 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kh2m1 +/m/0x25q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/018nnz +/m/07c52 /media_common/netflix_genre/titles /m/06qxh +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/014x77 /film/actor/film./film/performance/film /m/038bh3 +/m/0cx7f /music/genre/artists /m/023l9y +/m/01tzfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/05148p4 /music/instrument/instrumentalists /m/01wcp_g +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/06lpmt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/0ql86 /base/culturalevent/event/entity_involved /m/026pz9s +/m/04g2jz2 /award/award_category/winners./award/award_honor/award_winner /m/05sdxx +/m/0cvbb9q /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/03ds83 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0993r +/m/0fd_1 /people/person/profession /m/0fj9f +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/0169dl /people/person/places_lived./people/place_lived/location /m/02xry +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0bwgc_ +/m/02v92l /people/person/profession /m/02hrh1q +/m/0134wr /award/award_winner/awards_won./award/award_honor/award_winner /m/016890 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016vg8 +/m/02d44q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025jfl +/m/0582cf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06j6l /music/genre/artists /m/05w6cw +/m/07hwkr /people/ethnicity/people /m/0285c +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbwx +/m/0233bn /film/film/language /m/0c_v2 +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yr9 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/08vr94 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/01jbx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/054c1 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/04mvp8 /people/ethnicity/people /m/02qy3py +/m/025t9b /people/person/place_of_birth /m/04lh6 +/m/09y6pb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/01h4rj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/0x3b7 +/m/0d87hc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03_r3 +/m/030tjk /award/award_winner/awards_won./award/award_honor/award_winner /m/02pp_q_ +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/03fwln +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/091xrc /film/film/genre /m/02kdv5l +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0chw_ /people/person/languages /m/064_8sq +/m/0gtv7pk /film/film/genre /m/03k9fj +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/05qkp /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/07s8z_l +/m/02b13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06rmdr +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/0btpx /film/actor/film./film/performance/film /m/03cd0x +/m/01s81 /tv/tv_program/program_creator /m/0988cp +/m/0gcpc /film/film/genre /m/01hmnh +/m/0523v5y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01cf5 +/m/0250f /people/person/profession /m/03gjzk +/m/05zx7xk /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07d3z7 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/020y73 /film/film/country /m/0345h +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01qdhx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06vbd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02k54 +/m/0glt670 /music/genre/artists /m/01vvycq +/m/0345h /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/03rx9 +/m/06qm3 /media_common/netflix_genre/titles /m/04t6fk +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0k3kg /location/location/contains /m/0p9z5 +/m/0bqs56 /influence/influence_node/influenced_by /m/02lk1s +/m/042z45 /music/record_label/artist /m/01vng3b +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/03d2k /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz91 +/m/0d060g /location/location/contains /m/02qwgk +/m/05w3f /music/genre/artists /m/04n2vgk +/m/015cbq /award/award_winner/awards_won./award/award_honor/award_winner /m/01bh6y +/m/02nx2k /film/film/language /m/02h40lc +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0993r +/m/0jvt9 /film/film/language /m/02h40lc +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/012t1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0c7ct /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ldkf /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/035dk /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/011xy1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0h3mh3q /tv/tv_program/languages /m/02h40lc +/m/016mhd /film/film/country /m/0f8l9c +/m/0jzc /language/human_language/countries_spoken_in /m/0j1z8 +/m/0ds2n /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cd0x +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01_ztw +/m/0fc_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drsm +/m/0bs8d /people/person/profession /m/0dxtg +/m/0175zz /music/genre/parent_genre /m/05bt6j +/m/076psv /award/award_winner/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/03rl84 /people/person/profession /m/02hrh1q +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/03x6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/015y3j /education/educational_institution/school_type /m/05pcjw +/m/0fc_9 /location/us_county/county_seat /m/0lpk3 +/m/01nmgc /education/educational_institution_campus/educational_institution /m/01nmgc +/m/059rby /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/01ycfv /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0prjs /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0kszw +/m/03fpx /music/genre/artists /m/0274ck +/m/0klh7 /film/actor/film./film/performance/film /m/033qdy +/m/0177sq /education/educational_institution/campuses /m/0177sq +/m/031f_m /film/film/country /m/03_3d +/m/023nlj /people/person/places_lived./people/place_lived/location /m/013yq +/m/09qycb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fv4v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06nr2h /film/film/production_companies /m/03jvmp +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06cs95 +/m/0dl5d /music/genre/artists /m/018x3 +/m/03jg5t /film/actor/film./film/performance/film /m/03lv4x +/m/05148p4 /music/instrument/instrumentalists /m/01vsnff +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012mzw +/m/0b_6s7 /time/event/instance_of_recurring_event /m/02jp2w +/m/0l0wv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07vfy4 /film/film/genre /m/01chg +/m/03h64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/05683cn /award/award_winner/awards_won./award/award_honor/award_winner /m/057bc6m +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/0fg04 /film/film/language /m/02h40lc +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ryz24 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02f6g5 +/m/01chpn /film/film/written_by /m/02mt4k +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01fx6y +/m/01zh3_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mhxx +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0880p /language/human_language/countries_spoken_in /m/03spz +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/09889g /people/person/places_lived./people/place_lived/location /m/03b12 +/m/016sd3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0794g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0233bn /film/film/country /m/03h64 +/m/0bxy67 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03m8lq /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0z1vw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cf_h9 /film/actor/film./film/performance/film /m/03rg2b +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/03m5y9p /film/film/language /m/02h40lc +/m/01yk13 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02_lt +/m/05sq0m /people/person/profession /m/016z4k +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09rsjpv /film/film/genre /m/07s9rl0 +/m/02jsgf /film/actor/film./film/performance/film /m/055td_ +/m/02q_x_l /film/film/genre /m/02p0szs +/m/0gs5q /influence/influence_node/influenced_by /m/04107 +/m/0311wg /award/award_winner/awards_won./award/award_honor/award_winner /m/02q3bb +/m/02ld6x /people/person/profession /m/02hrh1q +/m/0q9sg /film/film/production_companies /m/017jv5 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0mm1q /people/person/nationality /m/02jx1 +/m/079ws /people/person/place_of_birth /m/0zpfy +/m/0gl3hr /film/film/costume_design_by /m/0gl88b +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0dl5d /music/genre/artists /m/01mxt_ +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/01pjr7 /film/actor/film./film/performance/film /m/02x8fs +/m/0kzy0 /people/person/nationality /m/09c7w0 +/m/02wgk1 /film/film/language /m/02h40lc +/m/01xsc9 /film/actor/film./film/performance/film /m/09p3_s +/m/032zg9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z68 /film/actor/film./film/performance/film /m/03cfkrw +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02r6mf /music/genre/artists /m/018x3 +/m/0dwr4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0l1k8 /location/location/contains /m/018sg9 +/m/01w923 /people/person/profession /m/039v1 +/m/0pdp8 /film/film/genre /m/05p553 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/043s3 +/m/0h3tv /sports/sports_team_location/teams /m/080_y +/m/01pgzn_ /film/actor/film./film/performance/film /m/06y611 +/m/0gm2_0 /film/film/production_companies /m/05rrtf +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/017ztv +/m/027gy0k /film/film/production_companies /m/046b0s +/m/0dl5d /music/genre/artists /m/03k3b +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/01wkmgb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0bshwmp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0d6_s +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/01chc7 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0cj2t3 /people/person/profession /m/0dxtg +/m/0f8l9c /location/location/contains /m/0l9rg +/m/0yldt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/09bg4l /organization/organization_founder/organizations_founded /m/059dn +/m/02ryz24 /film/film/produced_by /m/0mdqp +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/09c7w0 /location/country/second_level_divisions /m/0mvn6 +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015njf +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/04wsz /location/location/contains /m/05l8y +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0280mv7 /people/person/profession /m/0dgd_ +/m/01d6jf /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/064t9 /music/genre/artists /m/01l1b90 +/m/0479b /people/person/nationality /m/04hqz +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05mrf_p +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bgrsl /award/award_winner/awards_won./award/award_honor/award_winner /m/046m59 +/m/0xsk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pk8 +/m/084m3 /film/director/film /m/012gk9 +/m/088xp /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2fr +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0s4sj /location/hud_county_place/county /m/0nvg4 +/m/09c7w0 /location/country/second_level_divisions /m/0fpn8 +/m/0mq17 /location/location/contains /m/0nqph +/m/02mmwk /film/film/production_companies /m/030_1_ +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/015rhv /film/actor/film./film/performance/film /m/02k1pr +/m/06t8b /people/person/places_lived./people/place_lived/location /m/0fvvz +/m/04nw9 /people/person/profession /m/0d1pc +/m/03rk0 /location/location/contains /m/0cw4l +/m/0352gk /education/educational_institution_campus/educational_institution /m/0352gk +/m/01938t /people/person/profession /m/02hrh1q +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cmsqb +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/03mszl +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0j6tr +/m/02vr7 /people/person/religion /m/0c8wxp +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030s5g +/m/014kbl /film/special_film_performance_type/film_performance_type./film/performance/film /m/02825kb +/m/025hzx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/01r47h /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_9hm +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/03n52j /film/actor/film./film/performance/film /m/0888c3 +/m/047g6 /influence/influence_node/influenced_by /m/01ty4 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/04lqvly /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/058s57 +/m/02x7vq /film/actor/film./film/performance/film /m/01s3vk +/m/0342h /music/instrument/instrumentalists /m/01nn3m +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0l3h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0127m7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/019n8z /olympics/olympic_games/participating_countries /m/07ssc +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03wjm2 /film/film/language /m/02h40lc +/m/01kgv4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ksr1 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0prh7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05511w +/m/02tc5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbm7r +/m/036hnm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f_y9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03x73c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016clz /music/genre/artists /m/014pg1 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/0f0y8 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ccd3x +/m/0dlw0 /base/aareas/schema/administrative_area/capital /m/0dly0 +/m/09bw4_ /film/film/featured_film_locations /m/0h7h6 +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0gh8zks /film/film/production_companies /m/05mgj0 +/m/02wwwv5 /people/person/nationality /m/09c7w0 +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/01qb5d /film/film/genre /m/02kdv5l +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/0gyfp9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/02qtywd /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/03t1s /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award /m/09v4bym +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/015y3j /education/educational_institution/students_graduates./education/education/student /m/05p5nc +/m/012mrr /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcdc2 +/m/05r5c /music/instrument/instrumentalists /m/095x_ +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/07fpm3 /people/person/gender /m/05zppz +/m/06tpmy /film/film/country /m/09c7w0 +/m/01rwpj /film/film/produced_by /m/09d5d5 +/m/024_dt /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/03phgz /organization/organization/child./organization/organization_relationship/child /m/017s11 +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01y8zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/015gy7 +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dscrwf +/m/03zbws /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06v41q /people/ethnicity/people /m/04nw9 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0ckf6 /sports/sports_team/colors /m/01g5v +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/02v5xg /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/066l3y +/m/07szy /location/location/time_zones /m/02hcv8 +/m/01hmk9 /people/person/nationality /m/09c7w0 +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01hv3t /film/film/genre /m/01hmnh +/m/048vhl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02mdty /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0227vl /people/person/nationality /m/0345h +/m/03h_fqv /people/person/profession /m/02hrh1q +/m/04mcw4 /film/film/genre /m/03k9fj +/m/01vrkdt /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0h7t36 /film/film/language /m/04306rv +/m/0g_wn2 /base/biblioness/bibs_location/state /m/0hjy +/m/0_jq4 /base/biblioness/bibs_location/state /m/05tbn +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lxj_ +/m/039cq4 /tv/tv_program/genre /m/06nbt +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/030155 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/02lbrd +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/0277c3 +/m/01271h /people/person/profession /m/0n1h +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0d1qmz /film/film/language /m/06b_j +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02_lt +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0h326 /people/person/places_lived./people/place_lived/location /m/08966 +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0c3351 /media_common/netflix_genre/titles /m/09gb_4p +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/044l47 +/m/05tk7y /people/person/gender /m/05zppz +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/09f0bj +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/033fqh /film/film/language /m/03hkp +/m/01f8gz /film/film/written_by /m/01f7v_ +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0cwtm /people/person/religion /m/03_gx +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rzqj +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03rk0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/09h_q /people/person/profession /m/01c8w0 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07cw4 +/m/0249fn /award/award_category/winners./award/award_honor/award_winner /m/01yndb +/m/01xndd /people/person/profession /m/03gjzk +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0241y7 /film/film/genre /m/02l7c8 +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05br10 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01p0vf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019l3m /film/actor/film./film/performance/film /m/0k4kk +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/03nt59 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/051cc /people/person/profession /m/01fhsb +/m/0292l3 /people/person/profession /m/02hrh1q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05p1tzf +/m/0kxf1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/015f7 +/m/0kc6 /people/person/profession /m/0kyk +/m/01qgry /people/person/profession /m/01b30l +/m/02p76f9 /film/film/produced_by /m/01vhrz +/m/0356dp /people/person/gender /m/05zppz +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0b5x23 /people/person/place_of_birth /m/0hj6h +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01yd8v /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01xdxy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04hwbq +/m/09x3r /olympics/olympic_games/participating_countries /m/04j53 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0ftps /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/09x3r /olympics/olympic_games/participating_countries /m/0k6nt +/m/04w391 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05vk_d +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv2t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07b2yw +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/01gwk3 /film/film/story_by /m/03_gd +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/050_qx /film/actor/film./film/performance/film /m/02704ff +/m/07ftc0 /people/person/gender /m/05zppz +/m/04sntd /film/film/country /m/0f8l9c +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/09bg4l /influence/influence_node/influenced_by /m/02n9k +/m/017575 /sports/sports_team_location/teams /m/019m5j +/m/0x67 /people/ethnicity/people /m/0147dk +/m/012qjw /medicine/symptom/symptom_of /m/0gk4g +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03qd_ /film/actor/film./film/performance/film /m/0sxgv +/m/01dljr /location/location/time_zones /m/02hcv8 +/m/0rxyk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/053rxgm /film/film/music /m/01nqfh_ +/m/04jpl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0391jz /people/person/profession /m/02hrh1q +/m/016qtt /film/actor/film./film/performance/film /m/0571m +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/04r68 /people/person/profession /m/0cbd2 +/m/099ks0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01p3ty +/m/0fxyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwvq +/m/012kyx /film/film/genre /m/01jfsb +/m/025hzx /people/person/profession /m/02jknp +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cnztc4 +/m/05q4y12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/048xyn /film/film/genre /m/03g3w +/m/03g9xj /tv/tv_program/languages /m/02h40lc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01h788 +/m/0456xp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02n4kr /media_common/netflix_genre/titles /m/0127ps +/m/0c3zjn7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09r8l /award/award_winner/awards_won./award/award_honor/award_winner /m/0137n0 +/m/0g9lm2 /film/film/language /m/02h40lc +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyc_ +/m/04x4nv /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0296rz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07xr3w /people/person/gender /m/05zppz +/m/07vk2 /education/educational_institution/students_graduates./education/education/student /m/0c3ns +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02bvt +/m/02wh0 /influence/influence_node/influenced_by /m/084nh +/m/0jdhp /film/actor/film./film/performance/film /m/0ds2l81 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym20 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/03gm48 +/m/06j6l /music/genre/artists /m/018n6m +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/02bpy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/06hzq3 /music/genre/parent_genre /m/01750n +/m/02fjzt /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/015pxr /people/person/profession /m/03gjzk +/m/0mlzk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0gppg /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/02ts3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds2n +/m/02b1gz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/052p7 /location/location/contains /m/0778_3 +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0jbp0 /film/actor/film./film/performance/film /m/06gb1w +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01t110 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/01zwy /people/person/religion /m/0kpl +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h8d +/m/027hm_ /people/person/places_lived./people/place_lived/location /m/0yj9v +/m/0jnlm /sports/sports_team/sport /m/03tmr +/m/01s7w3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/042kbj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/06gb1w /film/film/featured_film_locations /m/02_286 +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02mxw0 +/m/09c7w0 /location/country/second_level_divisions /m/0mkk3 +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fb7c +/m/018qql /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01r3w7 /education/educational_institution/colors /m/0680m7 +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/08s_lw /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/01wdcxk /people/person/gender /m/05zppz +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/01qgry /music/artist/contribution./music/recording_contribution/performance_role /m/03gvt +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/016j2t +/m/027j9wd /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/01pcq3 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dx8gj +/m/02rchht /people/person/profession /m/03gjzk +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0xsk8 /film/actor/film./film/performance/film /m/03mnn0 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/029pnn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02b25y /people/person/profession /m/04gc2 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/014zfs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l4pj +/m/016zp5 /people/person/gender /m/05zppz +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/07q1m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01phtd /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/01k_n63 /people/person/profession /m/01c72t +/m/0l998 /olympics/olympic_games/sports /m/01hp22 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0164qt +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/028p0 /people/person/nationality /m/03rjj +/m/018ysx /music/genre/parent_genre /m/06by7 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03176f +/m/019803 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/081pw /film/film_subject/films /m/0ctb4g +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01wdj_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc5mcj +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/07ldhs /people/person/profession /m/0d1pc +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09889g +/m/01dq0z /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/06bzwt /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/01whvs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/08bqy9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g1rw /organization/organization/child./organization/organization_relationship/child /m/04gp3_2 +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tbr +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0k3gj /location/location/contains /m/0tygl +/m/02_qt /film/film/genre /m/02kdv5l +/m/03qnc6q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0n8bn /film/actor/film./film/performance/film /m/0ds2n +/m/06ryl /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/054187 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/09rwjly /time/event/locations /m/0156q +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0sxkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/011j5x /music/genre/artists /m/014pg1 +/m/01pbxb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/063g7l /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rpd +/m/0bcndz /film/film/language /m/0c_v2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jpyb +/m/01nms7 /film/actor/film./film/performance/film /m/0fvr1 +/m/0dc_ms /film/film/featured_film_locations /m/02_286 +/m/03m2fg /people/person/profession /m/0fj9f +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/020_95 +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0f8l9c /location/country/capital /m/05qtj +/m/02_jjm /education/educational_institution/students_graduates./education/education/student /m/0h25 +/m/04xvlr /media_common/netflix_genre/titles /m/01719t +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbckf +/m/038b_x /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0453t /influence/influence_node/influenced_by /m/06myp +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0y3 +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/05zx7xk +/m/012xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0r00l /location/hud_county_place/county /m/0kpys +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/036qs_ +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0zdfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ccd3x /film/film/country /m/09c7w0 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/0d8w2n /film/film/genre /m/01t_vv +/m/01f6x7 /film/film/language /m/0653m +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/02jx1 /location/country/second_level_divisions /m/0jcg8 +/m/0byq6h /sports/sports_team/colors /m/083jv +/m/06sks6 /olympics/olympic_games/participating_countries /m/03gj2 +/m/01xcfy /film/actor/film./film/performance/film /m/040_lv +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0bykpk /film/film/written_by /m/07db6x +/m/06kl0k /people/person/profession /m/0d1pc +/m/0hsn_ /film/actor/film./film/performance/film /m/064r97z +/m/01900g /people/person/place_of_birth /m/013yq +/m/0131kb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gfzfj /film/film/produced_by /m/027j79k +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06t8v +/m/03m8lq /award/award_winner/awards_won./award/award_honor/award_winner /m/026_w57 +/m/016dj8 /film/film/featured_film_locations /m/02_286 +/m/01twdk /film/actor/film./film/performance/film /m/0bc1yhb +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01jfsb /media_common/netflix_genre/titles /m/06g77c +/m/01v5h /people/person/gender /m/05zppz +/m/019l3m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04wlz2 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/027ct7c /film/film/genre /m/02l7c8 +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/035kl6 /film/actor/film./film/performance/film /m/067ghz +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04344j +/m/0chghy /location/location/contains /m/01sgmd +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dn3n +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0577d /base/aareas/schema/administrative_area/administrative_parent /m/09hrc +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0d6d2 /film/actor/film./film/performance/film /m/0283_zv +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/01vvyfh /people/person/profession /m/01d_h8 +/m/041td_ /film/film/language /m/064_8sq +/m/035yn8 /film/film/featured_film_locations /m/0rh6k +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qdmh +/m/07sbbz2 /music/genre/artists /m/01vrncs +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jyb2 +/m/063_t /people/person/gender /m/05zppz +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/01l47f5 /music/artist/origin /m/0xq63 +/m/0mb5x /people/deceased_person/place_of_burial /m/016h5l +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02p8v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k3s2 +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04l5d0 /sports/sports_team/colors /m/06fvc +/m/08f3b1 /people/person/places_lived./people/place_lived/location /m/0hjy +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hvw +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/0fjcgg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/01rr9f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01515w +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0ymf1 +/m/0421v9q /film/film/executive_produced_by /m/09pl3f +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/023kzp +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/05q54f5 /film/film/genre /m/017fp +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fy66 +/m/02rrfzf /film/film/genre /m/05p553 +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/01zg98 /film/actor/film./film/performance/film /m/03clwtw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/080_y +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/06hpx2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01xdn1 +/m/01bpn /people/person/gender /m/05zppz +/m/03bggl /people/person/profession /m/02hrh1q +/m/0j0k /location/location/contains /m/0161c +/m/0342h /music/instrument/instrumentalists /m/01qvgl +/m/05nlx4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01g888 /music/genre/artists /m/016fnb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02ldkf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qh03g +/m/0m27n /location/location/contains /m/0qpsn +/m/03q43g /influence/influence_node/influenced_by /m/0p_jc +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/01kff7 /film/film/produced_by /m/01qg7c +/m/019g8j /award/award_winning_work/awards_won./award/award_honor/award /m/0cc8l6d +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0g824 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rxbmt +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/03_f0 /people/person/profession /m/01c72t +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/07cbs /people/person/places_lived./people/place_lived/location /m/0mp3l +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015qqg /film/film/genre /m/07s9rl0 +/m/09vc4s /people/ethnicity/people /m/01tfck +/m/0345_ /location/country/form_of_government /m/01fpfn +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0ph2w +/m/03n_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwsg +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01vl17 /people/person/profession /m/01nxfc +/m/0yyn5 /film/film/costume_design_by /m/0bytfv +/m/0cmc26r /film/film/story_by /m/04r7jc +/m/059kh /music/genre/artists /m/012x1l +/m/01cyd5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0gxfz /film/film/music /m/02wb6d +/m/0ymff /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/02qfv5d /media_common/netflix_genre/titles /m/078sj4 +/m/01zh29 /film/actor/film./film/performance/film /m/04q00lw +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jkqfz +/m/013knm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06s26c +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cl0bk +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03np3w +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0vmt /location/location/contains /m/0m27n +/m/01x4r3 /people/person/profession /m/09jwl +/m/04knvh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05ty4m /influence/influence_node/influenced_by /m/023w9s +/m/0d1w9 /film/film_subject/films /m/05zvzf3 +/m/0f5xn /people/person/places_lived./people/place_lived/location /m/0k049 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02x8z_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0249kn +/m/06bc59 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d6d2 /people/person/places_lived./people/place_lived/location /m/01m1_d +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07fq1y +/m/0bkq7 /film/film/featured_film_locations /m/02_286 +/m/0cv72h /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05g49 +/m/016clz /music/genre/artists /m/01nhkxp +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/02s6sh /people/person/profession /m/0nbcg +/m/02xh1 /media_common/netflix_genre/titles /m/0ktpx +/m/05zlld0 /film/film/language /m/02h40lc +/m/0bxsk /film/film/produced_by /m/04y8r +/m/06qwh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0mxhc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07x4c /education/educational_institution_campus/educational_institution /m/07x4c +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/0mtl5 /location/location/time_zones /m/02fqwt +/m/0cnk2q /sports/sports_team/sport /m/02vx4 +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07t90 +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07tp2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06dfg +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0bj9k /people/person/profession /m/02jknp +/m/0884fm /people/person/nationality /m/07ssc +/m/05k7sb /location/location/contains /m/0k3jc +/m/0m93 /people/person/profession /m/04s2z +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04b5n0 +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06f32 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/0161h5 +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01rwyq /film/film/country /m/09c7w0 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/0r2bv /base/biblioness/bibs_location/state /m/01n7q +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01z215 +/m/02hblj /people/person/gender /m/05zppz +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/03z_g7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/026yqrr /people/person/nationality /m/09c7w0 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bczgm +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02d42t /film/actor/film./film/performance/film /m/0h7t36 +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/03x33n /education/educational_institution/students_graduates./education/education/student /m/01w7nwm +/m/0130sy /people/person/profession /m/09jwl +/m/032_wv /film/film/genre /m/07s9rl0 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04rzd /music/instrument/instrumentalists /m/01lvzbl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/0jgd /location/country/form_of_government /m/01d9r3 +/m/0342h /music/instrument/instrumentalists /m/01pq5j7 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/01hx2t /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/0cq7tx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/027rpym +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0b6f8pf /film/film/production_companies /m/06rq1k +/m/014x77 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04shbh +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/06rgq +/m/03tps5 /film/film/genre /m/011ys5 +/m/0h21v2 /film/film/edited_by /m/03q8ch +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/02n4kr /media_common/netflix_genre/titles /m/05css_ +/m/0jm3b /sports/sports_team/sport /m/018w8 +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/01whg97 /film/actor/film./film/performance/film /m/02r8hh_ +/m/018vs /music/instrument/instrumentalists /m/01w272y +/m/016890 /award/award_winner/awards_won./award/award_honor/award_winner /m/07hgkd +/m/01vqrm /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/0149xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016k62 +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/033tf_ /people/ethnicity/people /m/04x1_w +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqcs3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hmw9 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06g60w +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/08cn4_ /film/actor/film./film/performance/film /m/01chpn +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cw4 +/m/04yqlk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0428bc /film/actor/film./film/performance/film /m/045r_9 +/m/01qz5 /film/film/music /m/07zft +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/06srk /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/04cv9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0ds6bmk /film/film/country /m/07ssc +/m/07bcn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/02gqm3 /film/film/genre /m/02kdv5l +/m/0bfp0l /music/record_label/artist /m/01lvzbl +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02qflgv /people/person/gender /m/02zsn +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0358x_ +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01stj9 +/m/04hw4b /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/06btq +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h1rt +/m/09k0f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d04z6 +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/043c4j /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/01fxck /people/person/places_lived./people/place_lived/location /m/02_286 +/m/010xjr /people/person/profession /m/05sxg2 +/m/01k8vh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/06by7 /music/genre/artists /m/01r9fv +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/0k3k1 /location/location/contains /m/0qkcb +/m/0gtsx8c /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/01g969 /film/actor/film./film/performance/film /m/035gnh +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvvm6l +/m/086g2 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0fy34l /film/film/genre /m/0lsxr +/m/080dfr7 /film/film/country /m/0f8l9c +/m/01wqpnm /people/person/profession /m/09jwl +/m/0bjkpt /award/award_winner/awards_won./award/award_honor/award_winner /m/062cg6 +/m/0cm2xh /film/film_subject/films /m/04h4c9 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/01364q /people/person/places_lived./people/place_lived/location /m/07h34 +/m/03lty /music/genre/artists /m/01j590z +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/02hfp_ /people/person/profession /m/02jknp +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fzq3 +/m/03bkbh /people/ethnicity/people /m/050zr4 +/m/07ssc /location/location/contains /m/0ymbl +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0184tc /film/film/genre /m/03k9fj +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/02vqpx8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0464pz +/m/09c7w0 /location/location/contains /m/026vcc +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049mql +/m/0sw62 /people/person/profession /m/0np9r +/m/0379s /influence/influence_node/influenced_by /m/042q3 +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/0m0fw /music/genre/artists /m/0191h5 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0nmj /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/069z_5 /people/deceased_person/place_of_death /m/030qb3t +/m/02v63m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0kbvv /olympics/olympic_games/sports /m/09_9n +/m/0jm6n /sports/sports_team/sport /m/018w8 +/m/01v90t /film/actor/film./film/performance/film /m/0hv27 +/m/06j6l /music/genre/artists /m/02x_h0 +/m/01_0f7 /film/film/country /m/06mkj +/m/04t36 /media_common/netflix_genre/titles /m/01m13b +/m/0jdk_ /olympics/olympic_games/sports /m/0194d +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/019l68 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k1pr +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/03459x /film/film/country /m/09c7w0 +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0683n /people/person/gender /m/05zppz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04l19_ /film/actor/film./film/performance/film /m/03x7hd +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/064t9 /music/genre/artists /m/01pgzn_ +/m/01z4y /media_common/netflix_genre/titles /m/02hxhz +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0372p /people/person/gender /m/05zppz +/m/0bby9p5 /film/film/genre /m/07s9rl0 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0lkr7 /film/actor/film./film/performance/film /m/011ysn +/m/039cq4 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/01zfmm +/m/01dhpj /people/person/nationality /m/03spz +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01fs_4 /people/person/nationality /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/03yvf2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6x +/m/0gyx4 /film/actor/film./film/performance/film /m/02v8kmz +/m/03xl77 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/09c7w0 /location/location/contains /m/0r7fy +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09c7w0 /location/country/second_level_divisions /m/0f6zs +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/0jz71 /film/film/genre /m/02l7c8 +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gys2 +/m/0721cy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0q9jk +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/096lf_ /film/actor/film./film/performance/film /m/0qm8b +/m/0xnvg /people/ethnicity/people /m/01tvz5j +/m/035_2h /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/09p5mwg /film/film/genre /m/0lsxr +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0888c3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05t54s /film/film/film_format /m/07fb8_ +/m/03hrz /location/location/contains /m/05t7c1 +/m/05dl1s /film/film/language /m/02h40lc +/m/0gl6x /education/educational_institution/campuses /m/0gl6x +/m/07h34 /location/location/contains /m/0_vw8 +/m/07c0j /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy7t +/m/02jyhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04qt29 +/m/06qgjh /film/actor/film./film/performance/film /m/0p7qm +/m/03f0qd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s7rd +/m/01vsps /people/person/profession /m/02hrh1q +/m/01fjfv /broadcast/content/artist /m/0b1hw +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0l_qt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06j0md /people/person/profession /m/02krf9 +/m/03sxd2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f1jy /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/014kq6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0grd7 /location/location/contains /m/0p5wz +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z5x +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyvk +/m/093dqjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/05148p4 /music/instrument/instrumentalists /m/0f0qfz +/m/0lbbj /olympics/olympic_games/sports /m/0dwxr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j76b +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/01qbl +/m/04ych /location/location/contains /m/06wxw +/m/0m93 /people/person/gender /m/05zppz +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/02prwdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01p7x7 /education/educational_institution_campus/educational_institution /m/01p7x7 +/m/015whm /film/film/language /m/02bjrlw +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/09qycb /film/film/genre /m/05p553 +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/03zyvw +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/01gvxv /film/actor/film./film/performance/film /m/0bz3jx +/m/0krdk /organization/role/leaders./organization/leadership/organization /m/02630g +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/0239kh +/m/0164qt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/01lwx +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0crh5_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07g_0c /film/film/production_companies /m/05qd_ +/m/0lk8j /olympics/olympic_games/sports /m/071t0 +/m/01x96 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/059f4 +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/01vsyjy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0b5hj5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0n5j7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09x8ms +/m/0m93 /user/alexander/philosophy/philosopher/interests /m/037mh8 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/012c6j /people/person/gender /m/05zppz +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/01cwhp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0nj7b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj07 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/029k4p /film/film/language /m/02h40lc +/m/0b6m5fy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07y8l9 +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0330r +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/0dcsx /people/cause_of_death/people /m/0chsq +/m/01r7pq /people/person/profession /m/0dz3r +/m/017znw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/027fwmt /film/film/genre /m/04t36 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0svqs /people/person/profession /m/02krf9 +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0408np /film/actor/film./film/performance/film /m/02b6n9 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0fwwkj /sports/sports_team/sport /m/0jm_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rqxc +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/01lsl /film/film/production_companies /m/0k9ctht +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/065z3_x /film/film/produced_by /m/08d9z7 +/m/06b_j /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/047c9l /film/actor/film./film/performance/film /m/05fm6m +/m/0xsk8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/015y_n /music/genre/artists /m/01vsksr +/m/0432mrk /people/ethnicity/people /m/07ldhs +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/03b78r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_3 +/m/061fhg /music/genre/artists /m/01s7qqw +/m/06cgy /film/actor/film./film/performance/film /m/09fqgj +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fdv3 +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/033hn8 /music/record_label/artist /m/09889g +/m/02_286 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0cw51 /base/biblioness/bibs_location/country /m/03rk0 +/m/0pmcz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0mnlq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mny8 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/02y7sr /music/group_member/membership./music/group_membership/group /m/081wh1 +/m/0lwyk /education/educational_institution_campus/educational_institution /m/0lwyk +/m/0q59y /people/person/profession /m/0dxtg +/m/01vtmw6 /people/person/profession /m/016z4k +/m/07ssc /media_common/netflix_genre/titles /m/0pv3x +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/072vj /people/person/places_lived./people/place_lived/location /m/0vm4s +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/014v6f +/m/01pkhw /film/actor/film./film/performance/film /m/02vqsll +/m/0mqs0 /location/us_county/county_seat /m/0106dv +/m/0tc7 /film/actor/film./film/performance/film /m/07gp9 +/m/01jgpsh /people/person/gender /m/02zsn +/m/01vvyvk /film/actor/film./film/performance/film /m/0gj8t_b +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bsb4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/087_xx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01n7q /location/location/contains /m/01bzw5 +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/07sc6nw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05c74 +/m/04kkz8 /film/film/genre /m/01t_vv +/m/03tf_h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qpt1w +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0y_hb /film/film/music /m/016szr +/m/01qxc7 /film/film/music /m/02bh9 +/m/0gd92 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01qdhx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/09kr66 /people/ethnicity/people /m/03rx9 +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n08b +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pkm +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/035sc2 +/m/01jwxx /film/film/genre /m/06l3bl +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07bzp +/m/037s9x /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/025vw4t /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1rq +/m/06s6l /location/country/form_of_government /m/01q20 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q54f5 +/m/0xhtw /music/genre/artists /m/0dtd6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03hrz +/m/01b9z4 /film/actor/film./film/performance/film /m/048vhl +/m/081k8 /people/person/profession /m/025352 +/m/0167v4 /people/person/gender /m/05zppz +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/065dc4 +/m/0k419 /film/film/written_by /m/026m0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lxj_ +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/018vs +/m/043sct5 /film/film/country /m/06qd3 +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/01vh08 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/02_fj /people/person/spouse_s./people/marriage/spouse /m/01cpqk +/m/07j94 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/042fk +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/06_6j3 +/m/030_3z /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/0hn10 /media_common/netflix_genre/titles /m/047p7fr +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yj5z +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0n1s0 /film/film/language /m/02h40lc +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/023fxp /sports/sports_team/sport /m/09xp_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01rgdw /education/educational_institution_campus/educational_institution /m/01rgdw +/m/03x33n /education/educational_institution/students_graduates./education/education/student /m/01kvqc +/m/030wkp /people/person/gender /m/05zppz +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0sz28 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0hky +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bqr7_ +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/05_swj +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/044gyq /music/artist/origin /m/0dclg +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/027mdh +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/0dpl44 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lly5 /film/actor/film./film/performance/film /m/0872p_c +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z7_f +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/02pw_n +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/01z4y /media_common/netflix_genre/titles /m/047vp1n +/m/059m45 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/country/second_level_divisions /m/0d1xx +/m/0brgy /medicine/symptom/symptom_of /m/01_qc_ +/m/011yxg /film/film/distributors./film/film_film_distributor_relationship/region /m/09nm_ +/m/07bch9 /people/ethnicity/languages_spoken /m/0t_2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0329r5 +/m/09c7w0 /location/location/contains /m/07wlf +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03pp73 +/m/04jpk2 /film/film/music /m/01v0sxx +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06q02g +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/01v9724 /people/person/profession /m/0dxtg +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/015pdg /music/genre/artists /m/01pbxb +/m/072zl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/0kbws /olympics/olympic_games/participating_countries /m/06v36 +/m/0yxf4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bxwh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0r6cx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/031zm1 +/m/017fp /media_common/netflix_genre/titles /m/015qsq +/m/06z8s_ /film/film/film_format /m/07fb8_ +/m/01bl7g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03cdg /influence/influence_node/influenced_by /m/02wh0 +/m/059j2 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09qr6 +/m/0m2cb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m27n +/m/01y0y6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/04353 /film/director/film /m/07cyl +/m/05fky /location/location/time_zones /m/02fqwt +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0grwj /people/person/profession /m/02hrh1q +/m/037jz /people/person/nationality /m/02jx1 +/m/0dg3n1 /location/location/contains /m/06sw9 +/m/0ljsz /location/location/contains /m/03t4nx +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02ldkf /education/educational_institution/school_type /m/01_9fk +/m/07vht /education/educational_institution/school_type /m/01_9fk +/m/069z_5 /film/actor/film./film/performance/film /m/063zky +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03yvf2 +/m/02x8z_ /music/artist/origin /m/0mm_4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0882r_ +/m/02brqp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0fqyzz /award/award_winner/awards_won./award/award_honor/award_winner /m/026fd +/m/0j90s /film/film/genre /m/01t_vv +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0bth54 /film/film/language /m/06nm1 +/m/0bx_hnp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02w5q6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/04jwjq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/05k2s_ /people/person/profession /m/02hrh1q +/m/0l2rj /location/location/contains /m/0r4xt +/m/03ktjq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp0790 +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024bbl +/m/03l7rh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/06jrhz /people/person/nationality /m/09c7w0 +/m/06myp /people/person/places_lived./people/place_lived/location /m/0h7x +/m/0dhqyw /people/person/gender /m/05zppz +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/06by7 /music/genre/artists /m/06p03s +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/05p9_ql /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06dn58 +/m/031hxk /education/educational_institution_campus/educational_institution /m/031hxk +/m/04t7ts /film/actor/film./film/performance/film /m/02b6n9 +/m/0k2sk /film/film/music /m/02jxkw +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/04z0g +/m/0jtg0 /music/instrument/instrumentalists /m/0889x +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k6rq +/m/0286gm1 /film/film/written_by /m/03thw4 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/028mpr /sports/sports_team_location/teams /m/059nf5 +/m/01lwx /people/deceased_person/place_of_burial /m/0bvqq +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01vsy95 +/m/097zcz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/017lb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8tgs +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0gj8nq2 /film/film/country /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/0d8_wz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/033q4k /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr89x +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0bwhdbl /film/film/genre /m/01jfsb +/m/048rn /film/film/costume_design_by /m/04vzv4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/034ns +/m/012ycy /base/eating/practicer_of_diet/diet /m/07_hy +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0f2v0 /location/location/contains /m/0lyjf +/m/0gy6z9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03nt59 +/m/04xbq3 /tv/tv_program/genre /m/04rlf +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04smdd +/m/09c7w0 /location/location/contains /m/0kdqw +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mkz +/m/0288zy /education/educational_institution/colors /m/088fh +/m/04m064 /film/actor/film./film/performance/film /m/0gzlb9 +/m/01wb95 /film/film/genre /m/07s9rl0 +/m/03xl77 /people/person/places_lived./people/place_lived/location /m/0r3wm +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wbg84 +/m/0hsn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09fb5 +/m/06x43v /film/film/featured_film_locations /m/030qb3t +/m/01sn3 /location/location/contains /m/01nhgd +/m/05gg4 /sports/sports_team/colors /m/01g5v +/m/06sks6 /olympics/olympic_games/sports /m/03krj +/m/0b2_xp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0hjy /location/location/contains /m/0l_n1 +/m/03_wj_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01kwld +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wskg +/m/06w7v /music/instrument/instrumentalists /m/02qwg +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/04ty8 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/01vswx5 /music/group_member/membership./music/group_membership/role /m/0342h +/m/05zbm4 /people/person/profession /m/02hrh1q +/m/02r9p0c /film/film/language /m/02h40lc +/m/015pnb /tv/tv_program/program_creator /m/017dpj +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/06mt91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/048rn /film/film/executive_produced_by /m/0hqcy +/m/02v406 /people/person/spouse_s./people/marriage/location_of_ceremony /m/06mxs +/m/0kjrx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vvb4m +/m/0fy66 /film/film/genre /m/082gq +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/0272vm +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/0415ggl /film/film/genre /m/03bxz7 +/m/053yx /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0mm_4 /location/location/time_zones /m/02hcv8 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/02jx1 /location/location/contains /m/0ymc8 +/m/01s7qqw /influence/influence_node/influenced_by /m/029_3 +/m/06f_qn /people/person/profession /m/018gz8 +/m/0bjkpt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wdcxk /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0bhwhj /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/01p8r8 /film/actor/film./film/performance/film /m/02rrfzf +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0f4vbz /film/actor/film./film/performance/film /m/05pbl56 +/m/0xnvg /people/ethnicity/people /m/02lfcm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0kst7v +/m/01w7nwm /people/person/place_of_birth /m/01_d4 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_9l_ +/m/04l590 /sports/sports_team/colors /m/088fh +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03np63f +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/01w02sy /people/person/profession /m/0dz3r +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/0l14md /music/instrument/instrumentalists /m/01fh0q +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0ky1 /people/person/profession /m/0kyk +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/02ck1 /people/person/employment_history./business/employment_tenure/company /m/02_gzx +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/07ssc /location/location/contains /m/07tk7 +/m/06_wqk4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c_m3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02dh86 /people/person/profession /m/0dxtg +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01pk3z /people/person/nationality /m/09c7w0 +/m/0yx1m /film/film/cinematography /m/0bqytm +/m/0cm89v /people/person/profession /m/02hrh1q +/m/0h0wc /film/actor/film./film/performance/film /m/09p7fh +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/077yk0 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gjvqm +/m/03mnk /business/business_operation/industry /m/01mf0 +/m/01lsl /film/film/film_art_direction_by /m/0523v5y +/m/0ft7sr /people/person/spouse_s./people/marriage/spouse /m/0kftt +/m/07s9rl0 /media_common/netflix_genre/titles /m/07s846j +/m/07gbf /tv/tv_program/country_of_origin /m/09c7w0 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/05q54f5 /film/film/language /m/064_8sq +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01xdn1 +/m/0h3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04v09 +/m/0l2hf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/026670 +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/0bvls5 /people/person/profession /m/02jknp +/m/02fm4d /award/award_category/winners./award/award_honor/award_winner /m/01m4kpp +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ppg1r +/m/03fykz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01h72l +/m/01gx5f /people/person/profession /m/0nbcg +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02qnk5c /people/person/profession /m/02hrh1q +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq_kn +/m/05ypj5 /film/film/language /m/02h40lc +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03ytc +/m/06y0xx /people/person/gender /m/05zppz +/m/04kny3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05crg7 /music/artist/origin /m/0d6lp +/m/0m2fr /location/location/time_zones /m/02hcv8 +/m/034bs /people/person/places_lived./people/place_lived/location /m/06mkj +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/01vyv9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0372j5 /film/film/language /m/04306rv +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gsvw +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09c7w0 /location/location/contains /m/0tcj6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04z_x4v +/m/03772 /people/person/gender /m/05zppz +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0168ls +/m/02fn5r /music/artist/origin /m/0z4_0 +/m/0d3k14 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02ckl3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0257wh /award/award_category/category_of /m/0c4ys +/m/03qjg /music/instrument/instrumentalists /m/01vw20_ +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01_d4 /sports/sports_team_location/teams /m/0jnlm +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/01p1z_ +/m/0gm2_0 /film/film/genre /m/07s9rl0 +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/0fz27v +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0234j5 /film/film/genre /m/07s9rl0 +/m/06yykb /film/film/production_companies /m/054lpb6 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04ykg +/m/06lhbl /people/person/gender /m/05zppz +/m/04jplwp /film/film/produced_by /m/05hj_k +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/03pmzt /film/actor/film./film/performance/film /m/02_qt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0g701n +/m/02dth1 /film/actor/film./film/performance/film /m/0291ck +/m/015z4j /people/person/place_of_birth /m/0vp5f +/m/03v1w7 /people/person/place_of_birth /m/030qb3t +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0m77m /influence/influence_node/influenced_by /m/080r3 +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/0285xqh /people/person/profession /m/01d_h8 +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0b6yp2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/016vg8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/016bx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/016dgz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09qycb +/m/02lk1s /people/person/profession /m/0dxtg +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j4b +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09kzxt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02_pft /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015q43 +/m/0jyb4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dt8xq +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/031786 /film/film/genre /m/03k9fj +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01pqy_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/087yty /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cqbx +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/0rrwt /base/biblioness/bibs_location/country /m/09c7w0 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/016j68 +/m/0g5lhl7 /business/business_operation/industry /m/0sydc +/m/0kq0q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0824r /base/biblioness/bibs_location/country /m/09c7w0 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0wh3 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01nxzv /people/person/profession /m/0cbd2 +/m/0xnvg /people/ethnicity/people /m/0428bc +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/02cvp8 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/027x4ws +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01ry_x /film/film/produced_by /m/02fgp0 +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/0cc5mcj /film/film/production_companies /m/04rtpt +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03prz_ +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0qcr0 /people/cause_of_death/people /m/03j0d +/m/06ls0l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05zr0xl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0ky0b /base/aareas/schema/administrative_area/capital /m/0cp6w +/m/03x6xl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09v9mks +/m/0c3zjn7 /film/film/language /m/02h40lc +/m/0488g9 /people/person/profession /m/02jknp +/m/07s9rl0 /media_common/netflix_genre/titles /m/0p_qr +/m/05znbh7 /award/award_winning_work/awards_won./award/award_honor/award /m/09v8db5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0261g5l +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/02ryz24 /film/film/executive_produced_by /m/070yzk +/m/0686zv /people/person/places_lived./people/place_lived/location /m/0m75g +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050gkf +/m/01jfsb /media_common/netflix_genre/titles /m/016yxn +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0gmgwnv /film/film/country /m/09c7w0 +/m/04mhbh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btpx +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j79x +/m/05v1sb /award/award_winner/awards_won./award/award_honor/award_winner /m/051z6mv +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04t2t /media_common/netflix_genre/titles /m/01bl7g +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/01x73 /location/location/contains /m/0m2hs +/m/0q9kd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/011zd3 +/m/0c9c0 /film/actor/film./film/performance/film /m/0g9z_32 +/m/0glnm /film/film/language /m/02h40lc +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/04xvlr /media_common/netflix_genre/titles /m/072zl1 +/m/09b6zr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015lhm +/m/05nzw6 /people/person/profession /m/02hrh1q +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/0bv7t +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01b8d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05fyy5 /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/0gtsxr4 /film/film/language /m/02h40lc +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sddg +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/07s9rl0 /media_common/netflix_genre/titles /m/064r97z +/m/03cvvlg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qbg5 /film/film/language /m/02h40lc +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03nbbv /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/01k98nm +/m/0ntpv /location/us_county/county_seat /m/02_n7 +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/02gnmp /education/educational_institution/colors /m/01l849 +/m/01r4zfk /people/person/profession /m/09jwl +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz15s +/m/01jsn5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gd9k /people/person/profession /m/018gz8 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01z4y /media_common/netflix_genre/titles /m/0dnvn3 +/m/0171cm /film/actor/film./film/performance/film /m/0gltv +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/04qt29 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0b5hj5 +/m/07j9n /base/culturalevent/event/entity_involved /m/03gj2 +/m/04b19t /film/director/film /m/01p3ty +/m/0g9z_32 /film/film/language /m/02h40lc +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/01p8s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04wp63 /award/award_winner/awards_won./award/award_honor/award_winner /m/021yc7p +/m/0d234 /base/biblioness/bibs_location/state /m/05kj_ +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/03cdg /influence/influence_node/influenced_by /m/03pm9 +/m/02h40lc /language/human_language/countries_spoken_in /m/088q4 +/m/0jhd /location/country/form_of_government /m/06cx9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01tqfs +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gxfz /film/film/cinematography /m/07xr3w +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/01pjr7 +/m/06by7 /music/genre/artists /m/024dgj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/06q07 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09xrxq +/m/01hw6wq /people/person/place_of_birth /m/0g284 +/m/03fvqg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/06y57 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02z7f3 /music/genre/artists /m/027dpx +/m/05kj_ /location/location/contains /m/0mxhc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/01hqk /film/film/music /m/07j8kh +/m/05l64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01wk51 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/013807 /education/educational_institution/colors /m/09ggk +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/031zkw +/m/0btyf5z /film/film/production_companies /m/016tt2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/0147dk /people/person/profession /m/05sxg2 +/m/0hvb2 /film/actor/film./film/performance/film /m/01flv_ +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/01dyvs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/0gd_s /people/person/profession /m/0cbd2 +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/01b_lz +/m/03j0d /people/person/gender /m/05zppz +/m/06s1qy /people/person/profession /m/01d_h8 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016kjs +/m/0dh8v4 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/01zg98 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0f5xn /film/actor/film./film/performance/film /m/062zjtt +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02g87m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011zwl /people/person/nationality /m/07ssc +/m/0166v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01k1k4 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/015dqj /people/person/profession /m/01d_h8 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hpt3 +/m/0bwfn /education/educational_institution/campuses /m/0bwfn +/m/0xsk8 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02c_4 /sports/sports_team/colors /m/083jv +/m/01vw20_ /people/person/spouse_s./people/marriage/spouse /m/05r5w +/m/0tt6k /location/hud_county_place/county /m/0cv13 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/016s_5 /people/person/place_of_birth /m/01jr6 +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/08w7vj /people/person/profession /m/02hrh1q +/m/03t97y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012mzw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gbwp /people/person/profession /m/0n1h +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07f_t4 +/m/03wjm2 /film/film/genre /m/06n90 +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/06c0j /organization/organization_founder/organizations_founded /m/07wbk +/m/0dpqk /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/04n7njg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0fkwzs +/m/018p5f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy66 +/m/01tvz5j /film/actor/film./film/performance/film /m/028cg00 +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yj5z +/m/0fpzwf /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bscw /film/film/music /m/0kvrb +/m/016yvw /people/person/place_of_birth /m/0nqv1 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmjr +/m/063g7l /people/person/place_of_birth /m/0m2rv +/m/04jlgp /film/actor/film./film/performance/film /m/02jr6k +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0bwfwpj /film/film/genre /m/01jfsb +/m/04qp06 /people/person/nationality /m/03rk0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04g61 +/m/06mzp /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mxcf /location/location/time_zones /m/02lcqs +/m/01lqnff /people/person/places_lived./people/place_lived/location /m/01z28b +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/07ssc /media_common/netflix_genre/titles /m/09gmmt6 +/m/0gx_p /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03d6fyn /business/business_operation/industry /m/020mfr +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gg59 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/03v3xp +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0dq23 /organization/organization/child./organization/organization_relationship/child /m/0974y +/m/03l3ln /film/actor/film./film/performance/film /m/026hxwx +/m/03f0qd7 /music/artist/origin /m/0d04z6 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/0b9dmk /people/person/profession /m/01d_h8 +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gycf +/m/03yf4d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01n43d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b18l +/m/01h2_6 /people/person/nationality /m/0345h +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0djlxb /film/film/written_by /m/022wxh +/m/071wvh /people/person/gender /m/05zppz +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/03cvv4 /people/person/profession /m/01d_h8 +/m/06pk8 /people/person/gender /m/05zppz +/m/0c1pj /people/person/profession /m/0dxtg +/m/01jrbb /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/016yzz /film/actor/film./film/performance/film /m/0294zg +/m/04q24zv /film/film/genre /m/06l3bl +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05qw5 /people/person/profession /m/09jwl +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0d4jl /people/person/nationality /m/02jx1 +/m/0gkgp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zqy6t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/04yj5z +/m/01m3b1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pbrn +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02465 /influence/influence_node/influenced_by /m/08433 +/m/06by7 /music/genre/artists /m/0f0qfz +/m/05fm6m /film/film/country /m/09c7w0 +/m/084qpk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154qm /people/person/profession /m/0q04f +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ww5 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01y8cr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/03phtz /film/film/genre /m/01drsx +/m/03mr85 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/04z0g +/m/064t9 /music/genre/artists /m/01wrcxr +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02lgfh /people/person/gender /m/05zppz +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02y0js /people/cause_of_death/people /m/0k4gf +/m/02pzck /people/person/profession /m/0dxtg +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01bpnd /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/042xrr /people/person/places_lived./people/place_lived/location /m/0r03f +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01mpwj +/m/098n5 /award/award_winner/awards_won./award/award_honor/award_winner /m/08qvhv +/m/04fc6c /music/record_label/artist /m/01k3qj +/m/04ns3gy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/09pjnd /people/person/profession /m/0dgd_ +/m/0kcdl /tv/tv_network/programs./tv/tv_network_duration/program /m/0266s9 +/m/02k1b /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0f4vbz /film/actor/film./film/performance/film /m/0292qb +/m/01n4f8 /influence/influence_node/influenced_by /m/0ph2w +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06m_5 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/010y34 /location/hud_county_place/place /m/010y34 +/m/015882 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/01vvpjj /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/034bs /influence/influence_node/influenced_by /m/032r1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/09r_wb /people/person/profession /m/02hrh1q +/m/05bt6j /music/genre/artists /m/014kyy +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/024rgt +/m/0c1ps1 /people/person/place_of_birth /m/0cr3d +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0bbw2z6 /film/film/production_companies /m/05rrtf +/m/04swx /location/location/contains /m/04v3q +/m/04x56 /people/person/profession /m/0cbd2 +/m/04kllm9 /medicine/symptom/symptom_of /m/097ns +/m/01wskg /people/person/gender /m/05zppz +/m/05dptj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bpbhm +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/049fgvm /influence/influence_node/influenced_by /m/01k9lpl +/m/0gjk1d /film/film/country /m/09c7w0 +/m/050f0s /film/film/written_by /m/07_s4b +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fdv3 +/m/05f2jk /people/person/profession /m/0kyk +/m/03np_7 /education/educational_institution/colors /m/083jv +/m/050f0s /film/film/produced_by /m/03xp8d5 +/m/01gkp1 /film/film/produced_by /m/0fvf9q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07nxnw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/01wy5m /people/person/gender /m/05zppz +/m/0cv9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/01f7jt /film/film/genre /m/03k9fj +/m/01qx13 /people/person/place_of_birth /m/01c1nm +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/02pptm /education/educational_institution/campuses /m/02pptm +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/0x25q /film/film/country /m/09c7w0 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/02_qt /film/film/genre /m/01hmnh +/m/0h1q6 /film/actor/film./film/performance/film /m/01wb95 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019mdt +/m/01g257 /film/actor/film./film/performance/film /m/016z5x +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01cwq9 +/m/06cddt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02krdz +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/041rx /people/ethnicity/people /m/02v60l +/m/0b5ysl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0x3r3 /people/person/employment_history./business/employment_tenure/company /m/01mpwj +/m/03qjg /music/instrument/instrumentalists /m/01wkmgb +/m/03h_fk5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gmp_z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01s3kv /film/actor/film./film/performance/film /m/0pdp8 +/m/09vc4s /people/ethnicity/people /m/01mqc_ +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0jt86 +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/07z5n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/01xysf /education/educational_institution/campuses /m/01xysf +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04q827 +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0f6_dy /film/actor/film./film/performance/film /m/07kh6f3 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd8zw +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/02yv6b /music/genre/artists /m/01vsnff +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxfz +/m/0p_jc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/04z4j2 /film/film/production_companies /m/02j_j0 +/m/0dcsx /people/cause_of_death/people /m/012vby +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0296vv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/06w99h3 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyxs5 +/m/0t6hk /location/hud_county_place/place /m/0t6hk +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02j8nx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnx3j +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/023fb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/0kf9p /location/hud_county_place/place /m/0kf9p +/m/02l101 /film/actor/film./film/performance/film /m/014l6_ +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jvtp +/m/01bl7g /film/film/country /m/07ssc +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdxs5 +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/0kpl +/m/05cl2w /film/actor/film./film/performance/film /m/01633c +/m/04sj3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wlh +/m/01c7qd /people/person/gender /m/05zppz +/m/025rxjq /film/film/language /m/0295r +/m/04p3c /location/location/contains /m/01bzs9 +/m/03gvm3t /tv/tv_program/genre /m/09lmb +/m/03n0pv /people/person/sibling_s./people/sibling_relationship/sibling /m/03n0q5 +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/07s8z_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g8vhw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03td5v +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/0x67 /people/ethnicity/people /m/06l9n8 +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/079hvk +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/08052t3 /film/film/genre /m/05p553 +/m/0382m4 /people/person/profession /m/03gjzk +/m/03mz5b /film/film/music /m/01m5m5b +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/027571b /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0h6rm +/m/03qjg /music/instrument/instrumentalists /m/0167v4 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027vps +/m/06g2d1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/02mv_h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01p8s /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01w9wwg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dclg /location/location/time_zones /m/02hcv8 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/0cchk3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016vqk /people/person/gender /m/05zppz +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03shp +/m/044f7 /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/039g82 /award/award_winner/awards_won./award/award_honor/award_winner /m/096lf_ +/m/018ctl /olympics/olympic_games/participating_countries /m/0jgd +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/0h5qxv +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/0292l3 /people/person/profession /m/01d_h8 +/m/03mv0b /people/person/gender /m/05zppz +/m/036wy /location/location/contains /m/0n96z +/m/070yzk /people/person/profession /m/02jknp +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/03ksy +/m/0dw6b /people/person/place_of_birth /m/04swd +/m/0cqt90 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03d9wk /people/person/nationality /m/02jx1 +/m/07tlg /education/educational_institution/students_graduates./education/education/student /m/01j2xj +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xn5th +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/05w3f /music/genre/artists /m/01386_ +/m/09b3v /media_common/netflix_genre/titles /m/019kyn +/m/02q_ncg /film/film/genre /m/03k9fj +/m/09n48 /olympics/olympic_games/participating_countries /m/0166b +/m/0ljsz /location/hud_county_place/place /m/0ljsz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02nfhx +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01g42 +/m/0k2mxq /people/person/nationality /m/09c7w0 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0197tq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/032t2z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g_zyp /film/film/cinematography /m/0164w8 +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pyww +/m/0g4gr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06mnr +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/01pcql /people/person/gender /m/02zsn +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/064nh4k +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0603qp +/m/06gd4 /music/group_member/membership./music/group_membership/role /m/01s0ps +/m/068g3p /people/person/profession /m/01d_h8 +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/0q6lr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hh89 /people/person/religion /m/0kq2 +/m/0mm1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05b_gq +/m/0342h /music/instrument/instrumentalists /m/0150t6 +/m/011j5x /music/genre/artists /m/011_vz +/m/01gw4f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033qdy /film/film/produced_by /m/0272kv +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/02mv9b /people/person/profession /m/0np9r +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/01hpnh /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01qdmh /film/film/production_companies /m/016tw3 +/m/01vrx3g /music/group_member/membership./music/group_membership/group /m/07m4c +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0221zw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t8b +/m/06q6jz /music/genre/artists /m/0k1wz +/m/01qn8k /people/person/nationality /m/02jx1 +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/013rds /music/artist/origin /m/09b8m +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/014x77 /film/actor/film./film/performance/film /m/0bpx1k +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/02hfp_ /people/person/nationality /m/07ssc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/02fybl /base/eating/practicer_of_diet/diet /m/07_hy +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/01n7q /location/location/contains /m/01c40n +/m/04z_x4v /people/person/profession /m/02pjxr +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/01g42 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02bg8v /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031y07 +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01zkhk /location/administrative_division/country /m/07ssc +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/02vjhf /tv/tv_program/country_of_origin /m/0d060g +/m/0fpzwf /location/hud_county_place/place /m/0fpzwf +/m/012vwb /education/educational_institution/colors /m/0jc_p +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/07vqnc +/m/02stbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03xnwz /music/genre/artists /m/0czkbt +/m/024hbv /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/013tcv /film/director/film /m/02n9bh +/m/07sc6nw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddjy +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0jnnx /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/03npn /media_common/netflix_genre/titles /m/0900j5 +/m/015jr /location/location/contains /m/017cy9 +/m/02r9p0c /film/film/dubbing_performances./film/dubbing_performance/actor /m/0cpjgj +/m/027r9t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01vrlr4 /people/person/gender /m/05zppz +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0466s8n /film/film/genre /m/07s9rl0 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049912 +/m/08w7vj /film/actor/film./film/performance/film /m/034hwx +/m/02k54 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03h_9lg +/m/01hhvg /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0c34mt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fszq /tv/tv_program/genre /m/0c4xc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/0gnkb /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6l1st +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02l1fn /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xg2f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/028knk +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0806vbn /people/person/profession /m/02hrh1q +/m/073w14 /film/actor/film./film/performance/film /m/03cp4cn +/m/02yy88 /music/genre/artists /m/01516r +/m/016fyc /film/film/music /m/0bs1yy +/m/0pd64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01hvjx /film/film/genre /m/0bbc17 +/m/033p3_ /people/person/profession /m/02hrh1q +/m/05r5c /music/instrument/instrumentalists /m/01vvycq +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0df2zx /film/film/prequel /m/04cf_l +/m/0b6l1st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06w7v /music/instrument/instrumentalists /m/01tw31 +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02_340 /people/person/profession /m/01d_h8 +/m/03f0fp /sports/sports_position/players./sports/sports_team_roster/team /m/03j6_5 +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0nbjq /olympics/olympic_games/sports /m/06z6r +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04954 +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/02m3sd /people/person/profession /m/01tkqy +/m/016jhr /music/genre/parent_genre /m/06by7 +/m/01wyz92 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0127s7 +/m/06cv1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0509cr /music/genre/artists /m/0xsk8 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/03ckfl9 /music/genre/artists /m/07j8kh +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0xnvg /people/ethnicity/people /m/07ncs0 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/01q9b9 /people/person/profession /m/0dxtg +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/016kb7 /film/actor/film./film/performance/film /m/032016 +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/05j12n /people/person/profession /m/02hrh1q +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/05kj_ /location/location/contains /m/01gwck +/m/06cc_1 /people/person/gender /m/05zppz +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/03cvfg +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/019q50 +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/07y_7 /music/instrument/instrumentalists /m/01vtg4q +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0234_c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lbd9 /olympics/olympic_games/sports /m/0d1tm +/m/0bw20 /film/film/language /m/02h40lc +/m/03czz87 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01z0rcq /people/person/nationality /m/09c7w0 +/m/03h4mp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p_th +/m/01ttg5 /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ncj8 +/m/03hkch7 /film/film/genre /m/04xvlr +/m/04n_g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01vw26l /people/person/languages /m/02h40lc +/m/05_zc7 /people/person/profession /m/0fj9f +/m/0436kgz /film/actor/film./film/performance/film /m/03nfnx +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fwj8 +/m/048n7 /base/culturalevent/event/entity_involved /m/088q1s +/m/01w_10 /people/person/profession /m/0d8qb +/m/0199wf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gr36 +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/044mvs /people/person/places_lived./people/place_lived/location /m/059rby +/m/07l50vn /film/film/film_format /m/0cj16 +/m/01y0y6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/0tbr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/047g98 +/m/0b2v79 /film/film/genre /m/02kdv5l +/m/05_5_22 /film/film/production_companies /m/054lpb6 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02h48 /people/person/profession /m/018gz8 +/m/0blfl /olympics/olympic_games/participating_countries /m/06c1y +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/015c4g +/m/02bfmn /people/person/place_of_birth /m/0n6bs +/m/01bcq /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0k6bt /location/location/time_zones /m/02llzg +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03j24kf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/021y7yw /film/film/genre /m/02l7c8 +/m/03h_9lg /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/024dgj /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/0mskq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xzm /music/instrument/instrumentalists /m/0bg539 +/m/02kcz /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/099d4 /people/person/religion /m/0kpl +/m/017371 /music/genre/artists /m/01w524f +/m/02lg9w /people/person/nationality /m/09c7w0 +/m/06x43v /film/film/produced_by /m/03h40_7 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/09yrh /people/person/places_lived./people/place_lived/location /m/035qy +/m/02k6rq /people/person/nationality /m/02jx1 +/m/064t9 /music/genre/parent_genre /m/0827d +/m/0b60sq /film/film/executive_produced_by /m/04jspq +/m/01npcx /film/film/language /m/06nm1 +/m/022q32 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02r3cn +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/02prwdh /film/film/produced_by /m/01ts_3 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bk1y +/m/09v6gc9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0h3mh3q +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/03nkts /people/person/profession /m/01d_h8 +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01kx_81 +/m/02mqc4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/03cp4cn +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/08s6mr +/m/01314k /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0qcr0 /people/cause_of_death/people /m/05x8n +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/01vw8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bwfn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/01nkxvx /people/person/profession /m/016z4k +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/052fbt /base/aareas/schema/administrative_area/capital /m/0947l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b171 +/m/05qhw /location/location/contains /m/0bld8 +/m/027ffq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0168t /location/location/time_zones /m/042g7t +/m/02hrh0_ /dataworld/gardening_hint/split_to /m/03fb3t +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/017xm3 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0498y +/m/05xf75 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03vpf_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0zjpz /music/group_member/membership./music/group_membership/group /m/0g_g2 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/01tw31 /people/person/profession /m/09jwl +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/046b0s +/m/041rx /people/ethnicity/people /m/01xndd +/m/040rjq /people/person/profession /m/01d_h8 +/m/0mx2h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d22f +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01n5309 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/02hnl /music/instrument/instrumentalists /m/0132k4 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07b2lv /film/actor/film./film/performance/film /m/0gyh2wm +/m/0cgbf /people/person/spouse_s./people/marriage/location_of_ceremony /m/0l38x +/m/089j8p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_6qj /time/event/locations /m/0kcw2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/01c22t /film/film/written_by /m/05_k56 +/m/02yxwd /film/actor/film./film/performance/film /m/0353xq +/m/0172rj /music/genre/artists /m/01vtqml +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048yqf +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s7rd +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/06wzvr /film/film/language /m/02h40lc +/m/03g62 /people/person/nationality /m/09c7w0 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02clgg +/m/02bwjv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bqvs +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/01ggc9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxwk +/m/0gl3hr /film/film/genre /m/05p553 +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award /m/05zx7xk +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02ktrs +/m/0svqs /film/actor/film./film/performance/film /m/01j5ql +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/0dzc16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cc5tgk +/m/02py8_w /sports/sports_team/sport /m/039yzs +/m/08cn4_ /film/actor/film./film/performance/film /m/02vzpb +/m/0d9z_y /location/location/time_zones /m/02fqwt +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/017dpj +/m/06kl0k /people/person/languages /m/01c7y +/m/0170qf /film/actor/film./film/performance/film /m/02vxq9m +/m/01syr4 /people/person/profession /m/02hrh1q +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/016kb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042y1c +/m/017y26 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/016tbr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09b0xs /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/01j_06 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ydzx /people/person/profession /m/039v1 +/m/06w92 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/0jkvj /olympics/olympic_games/sports /m/071t0 +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0gv10 /location/us_county/county_seat /m/0gv10 +/m/01gg59 /people/person/profession /m/04f2zj +/m/0739z6 /film/actor/film./film/performance/film /m/03h0byn +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/02vzpb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0tzls /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01w1kyf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0mbwf +/m/05zvzf3 /film/film/runtime./film/film_cut/film_release_region /m/0f8l9c +/m/0l2lk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2v0 +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0v9qg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0njj0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02vr30 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlkc3 +/m/07yk1xz /film/film/executive_produced_by /m/027z0pl +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0jt90f5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/09fc83 +/m/016376 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02khs /location/country/form_of_government /m/01d9r3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05sb1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02704ff +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/01gjlw +/m/02kzfw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/0dq9p /people/cause_of_death/people /m/03lpd0 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0b60sq /film/film/genre /m/02kdv5l +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04tc1g +/m/0kb1g /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0m0jc /music/genre/artists /m/016ntp +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/096lf_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jsk6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/09c7w0 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0l99s /people/person/profession /m/0cbd2 +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/05sbv3 /film/film/genre /m/02l7c8 +/m/053rxgm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/077yk0 /people/person/gender /m/02zsn +/m/0mwkp /location/location/contains /m/0h778 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/05ccxr +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0272kv +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/02xv8m /people/person/languages /m/02h40lc +/m/09c7w0 /location/location/contains /m/0yc7f +/m/0g824 /people/person/profession /m/0nbcg +/m/0njpq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d060g /location/location/contains /m/0xxc +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01s1zk /people/person/profession /m/039v1 +/m/071vr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0pb33 /film/film/production_companies /m/016tt2 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02xv8m /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0dtfn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/0djtky /film/actor/film./film/performance/film /m/047gpsd +/m/02lm0t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bwjj +/m/0234pg /film/actor/film./film/performance/film /m/012mrr +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/09l3p /film/actor/film./film/performance/film /m/0ddt_ +/m/02b9g4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02yygk +/m/03q6zc /education/educational_institution/school_type /m/05jxkf +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/01l9p /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02khs /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/02gd6x /film/film/cinematography /m/05dppk +/m/0g_zyp /film/film/genre /m/02l7c8 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nx2k +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/09nwwf /music/genre/artists /m/01wt4wc +/m/035qv8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gh8zks +/m/063fh9 /film/film/genre /m/01hmnh +/m/0gv2r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/016ywb /film/film/genre /m/03bxz7 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbx3 +/m/019lty /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0196bp /sports/sports_team/sport /m/02vx4 +/m/0mlvc /location/location/contains /m/0kf9p +/m/06kl0k /people/person/languages /m/0999q +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/047yc /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/0127s7 +/m/05krk /education/educational_institution/school_type /m/01_9fk +/m/0d2by /people/ethnicity/languages_spoken /m/02h40lc +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/063zky /tv/tv_program/country_of_origin /m/09c7w0 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0knjh /people/person/profession /m/02jknp +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/043g7l /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/011k1h /music/record_label/artist /m/0kr_t +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/047byns /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0gnkb /film/film/genre /m/04xvlr +/m/03y82t6 /people/person/profession /m/0n1h +/m/01wk7ql /people/person/languages /m/02h40lc +/m/01mgw /film/film/genre /m/07s9rl0 +/m/07kb5 /influence/influence_node/influenced_by /m/0w6w +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04mby /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/01ly5m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0509cr /music/genre/artists /m/0qmny +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/04l5f2 /sports/sports_team/colors /m/02rnmb +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026wlxw +/m/02qkt /location/location/contains /m/0j1z8 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb559 +/m/053tj7 /film/film/production_companies /m/03jvmp +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fjyzt +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0n96z /location/location/time_zones /m/03bdv +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lx2l +/m/0r04p /location/hud_county_place/county /m/0kpys +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ccxr +/m/04fhn_ /film/actor/film./film/performance/film /m/060__7 +/m/0c3351 /media_common/netflix_genre/titles /m/08720 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08vk_r +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/07ssc /location/location/contains /m/01hvzr +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02rg_4 /education/educational_institution/school_type /m/05pcjw +/m/059g4 /location/location/contains /m/0k3nk +/m/078mgh /people/person/places_lived./people/place_lived/location /m/013f1h +/m/01fwqn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/01_1hw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j24kf /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/03h502k /people/person/places_lived./people/place_lived/location /m/0z1vw +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01b9z4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/032clf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/06sy4c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bx0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01tf_6 /people/cause_of_death/people /m/02cj_f +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/0f8l9c /location/location/contains /m/0ck1d +/m/026z9 /music/genre/artists /m/017l4 +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/06j8wx /people/person/nationality /m/02jx1 +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/06by7 /music/genre/artists /m/01mbwlb +/m/0by17xn /film/film/production_companies /m/09tlc8 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02w9895 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07t_x /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/0mp3l /location/location/contains /m/0g8rj +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06l7jj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02q0k7v /film/film/production_companies /m/046b0s +/m/09c7w0 /location/country/second_level_divisions /m/0nj3m +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01v0sx2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0m_h6 /film/film/language /m/02h40lc +/m/09prnq /people/person/nationality /m/09c7w0 +/m/03_8kz /tv/tv_program/languages /m/02h40lc +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/01phtd /people/person/nationality /m/09c7w0 +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/026yqrr +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/02f4s3 /education/educational_institution_campus/educational_institution /m/02f4s3 +/m/0683n /influence/influence_node/influenced_by /m/012cph +/m/0hmtk /sports/sports_team/sport /m/03tmr +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/02pk6x /people/person/profession /m/0d1pc +/m/048qrd /film/film/production_companies /m/05qd_ +/m/02qydsh /film/film/language /m/02h40lc +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016tb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tbr +/m/02w9k1c /film/film/genre /m/03g3w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0449sw +/m/0kszw /people/person/profession /m/02hrh1q +/m/046488 /film/film/genre /m/01f9r0 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0g5pv3 /film/film/genre /m/01jfsb +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/045r_9 +/m/0jmwg /music/genre/artists /m/04mx7s +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/039bpc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033wx9 +/m/01jfsb /media_common/netflix_genre/titles /m/0c_j9x +/m/026c1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/017yxq +/m/01wbgdv /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/09c7w0 /location/location/contains /m/04ycjk +/m/0h0p_ /people/person/place_of_birth /m/0kc40 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0621cs /music/genre/artists /m/016l09 +/m/0ds11z /film/film/production_companies /m/01gb54 +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/016dmx /people/person/place_of_birth /m/0dhdp +/m/05m_jsg /film/film/produced_by /m/01p4vl +/m/0262x6 /award/award_category/disciplines_or_subjects /m/02xlf +/m/0hv1t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/063fh9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/01nc3rh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04hk0w +/m/018swb /film/actor/film./film/performance/film /m/01cssf +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/01w806h /people/person/profession /m/0n1h +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0cjf0 /medicine/symptom/symptom_of /m/07x16 +/m/0h1m9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05bxwh +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03rjj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0g824 +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl1_ +/m/0bw20 /film/film/film_format /m/07fb8_ +/m/015l4k /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/01z4y /media_common/netflix_genre/titles /m/0c3xw46 +/m/0kv36 /location/location/time_zones /m/02lcqs +/m/019nnl /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0ws0h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/061y4q /people/deceased_person/place_of_death /m/07dfk +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0py9b /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0symg /film/film/genre /m/07s9rl0 +/m/04xx9s /film/film/genre /m/07s9rl0 +/m/0m3gy /film/film/written_by /m/0dr5y +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/04j14qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/09c7w0 /location/location/contains /m/0114m0 +/m/048tv9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01chc7 /film/actor/film./film/performance/film /m/0cc7hmk +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046f3p +/m/03qcq /people/person/place_of_birth /m/0f__1 +/m/0f6cl2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02k6hp /people/cause_of_death/people /m/083pr +/m/027s39y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/018n6m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04d2yp /people/person/gender /m/05zppz +/m/01rgdw /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0372j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m66w /people/person/spouse_s./people/marriage/spouse /m/016z2j +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0ccck7 /film/film/produced_by /m/03fqv5 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/07xvf /film/film/featured_film_locations /m/04v3q +/m/01hqhm /film/film/produced_by /m/04q5zw +/m/0gk4g /people/cause_of_death/people /m/0h7dd +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0164y7 +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/04969y /film/film/personal_appearances./film/personal_film_appearance/person /m/01nrz4 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01438g /film/actor/film./film/performance/film /m/01cmp9 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01309x +/m/07m9cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ccck7 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/0155w /music/genre/artists /m/033s6 +/m/02b9g4 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0584r4 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0p4gy /location/location/time_zones /m/02fqwt +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kr_t +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/03pp73 +/m/05qg6g /people/person/places_lived./people/place_lived/location /m/027rn +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0dvld /base/eating/practicer_of_diet/diet /m/07_jd +/m/0p4v_ /film/film/country /m/09c7w0 +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01wx_y +/m/01s_d4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04vmp /base/biblioness/bibs_location/country /m/03rk0 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0m31m +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/01qq_lp +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/025vry /people/person/nationality /m/0h7x +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0rd6b /location/location/time_zones /m/02hcv8 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/081lh /film/actor/film./film/performance/film /m/0sxns +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01_vfy +/m/07ssc /location/country/second_level_divisions /m/01s3v +/m/02xbyr /film/film/language /m/02h40lc +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0mbw0 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05szq8z +/m/01w7nwm /people/person/religion /m/01lp8 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/026g73 /music/instrument/instrumentalists /m/012x4t +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h7t36 +/m/0x67 /people/ethnicity/people /m/07pzc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv1t +/m/02prw4h /film/film/featured_film_locations /m/03pzf +/m/0170qf /people/person/places_lived./people/place_lived/location /m/0jgvy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02l1fn +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0h7dd +/m/015g28 /film/film/produced_by /m/0bxtg +/m/03wv2g /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0dvld /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0n6f8 +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/016z43 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lpjn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/0j_c /film/actor/film./film/performance/film /m/075cph +/m/034ls /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0147dk /film/actor/film./film/performance/film /m/02vrgnr +/m/015qq1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01w0yrc /film/actor/film./film/performance/film /m/03rtz1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/029cr +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/05bt6j /music/genre/artists /m/04qmr +/m/09dv49 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fw4v /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05r7t +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0vlf /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/02bg8v /film/film/genre /m/04xvh5 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0164y7 +/m/04xn_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0p51w /film/director/film /m/027rpym +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/07n68 /music/artist/origin /m/04jpl +/m/0kv5t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09px1w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/04ghz4m /film/film/genre /m/0219x_ +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06k176 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/0y_yw /film/film/genre /m/04xvlr +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03bggl +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0fpgp26 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wy5m +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02_jkc /people/person/profession /m/0dz3r +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q95r +/m/048tgl /music/group_member/membership./music/group_membership/role /m/02hnl +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gh4g0 /music/record_label/artist /m/02l_7y +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1nt +/m/0cfhfz /film/film/language /m/02h40lc +/m/026dx /film/director/film /m/0jdgr +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/0q9vf /people/person/profession /m/02hrh1q +/m/0kv4k /location/location/time_zones /m/02lcqs +/m/03wy70 /film/actor/film./film/performance/film /m/063y9fp +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/07wlf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j80w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02cg2v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm3v +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/04f62k /film/actor/film./film/performance/film /m/05t0zfv +/m/0zqq8 /location/hud_county_place/place /m/0zqq8 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/073749 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/016sd3 +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vhrz +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0_nh2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mvn6 +/m/01f8ld /people/person/profession /m/01d_h8 +/m/0ft18 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027vps +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/018phr /award/award_winner/awards_won./award/award_honor/award_winner /m/018pj3 +/m/01f492 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01g23m +/m/0rk71 /location/location/time_zones /m/02hcv8 +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/02lgj6 +/m/03rhqg /music/record_label/artist /m/03j1p2n +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/0b4rf3 /people/person/profession /m/0dxtg +/m/03x6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/09y20 /film/actor/film./film/performance/film /m/011yg9 +/m/06by7 /music/genre/artists /m/02k5sc +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0mhfr /music/genre/artists /m/094xh +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/08nz99 /people/deceased_person/place_of_death /m/030qb3t +/m/0gyv0b4 /film/film/genre /m/0lsxr +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x7vq +/m/025sc50 /music/genre/artists /m/01s7ns +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/0r172 /location/location/time_zones /m/02lcqs +/m/03m10r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/05bpg3 /film/actor/film./film/performance/film /m/03q0r1 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06pvr /location/location/contains /m/0r679 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0mhhc /location/administrative_division/country /m/0f8l9c +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/065_cjc /film/film/production_companies /m/054lpb6 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ts +/m/0hsmh /people/person/profession /m/01d_h8 +/m/0738y5 /people/person/gender /m/05zppz +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/07vf5c /film/film/language /m/02h40lc +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02hy9p +/m/02dlh2 /music/instrument/family /m/0l14md +/m/04v3q /location/country/capital /m/0ftns +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/037mjv +/m/026g801 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/03xb2w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/013719 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01s21dg /people/person/profession /m/0dz3r +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04k9y6 +/m/047c9l /people/person/profession /m/02hrh1q +/m/0hmm7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/08809 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/07z1m /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02scbv /film/film/country /m/09c7w0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01s81 +/m/09jcj6 /film/film/production_companies /m/054lpb6 +/m/04xvlr /media_common/netflix_genre/titles /m/0f4m2z +/m/01vksx /film/film/genre /m/02kdv5l +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0872p_c /film/film/genre /m/03k9fj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/02p2zq /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/07ssc /location/location/contains /m/0202wk +/m/0mnzd /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mnz0 +/m/0l339 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01znc_ /location/country/official_language /m/02hwyss +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05gml8 +/m/02yl42 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbx6 /film/actor/film./film/performance/film /m/05v38p +/m/04mhbh /people/person/nationality /m/09c7w0 +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/014g22 /people/person/nationality /m/09c7w0 +/m/0139q5 /people/person/languages /m/012w70 +/m/0jsf6 /film/film/music /m/012201 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lfbm +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/026t6 /music/instrument/instrumentalists /m/01nn3m +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0bhvtc +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqjks +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/02mmwk /film/film/edited_by /m/03q8ch +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/09cn0c +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06n7h7 +/m/0c6qh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/05ry0p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04yj5z +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/04qw17 /film/film/production_companies /m/05mgj0 +/m/07ssc /location/location/contains /m/01w2dq +/m/0s3y5 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nvvw +/m/0dl5d /music/genre/artists /m/016h9b +/m/011k1h /music/record_label/artist /m/01k3qj +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/06688p +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0285m87 +/m/0677j /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/0bmhn /film/film/production_companies /m/017s11 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/01j5ql /film/film/genre /m/02n4kr +/m/09c7w0 /location/country/second_level_divisions /m/0fc_9 +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0146hc +/m/0qcr0 /people/cause_of_death/people /m/02dztn +/m/0kv2hv /film/film/language /m/02h40lc +/m/01wk3c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014m1m /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/02bh9 /people/person/spouse_s./people/marriage/spouse /m/01yd8v +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01vj9c +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/02jx1 /location/location/contains /m/01n4nd +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/05z8cq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02mt51 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04165w +/m/0l2l_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l35f +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0bsb4j /film/director/film /m/0660b9b +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01cvtf +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01vq3 /film/film_subject/films /m/014knw +/m/07nxnw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012s1d +/m/01ps2h8 /people/person/languages /m/02h40lc +/m/099bk /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/07q1m /film/film/genre /m/04228s +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/05148p4 /music/instrument/instrumentalists /m/01vrncs +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0x1y7 /location/location/time_zones /m/02hczc +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z5n +/m/07zhd7 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0161rf /music/genre/artists /m/0168cl +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0c0tzp +/m/04lgybj /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/01pgzn_ /people/person/profession /m/01c979 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h18v +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/country/second_level_divisions /m/0mnz0 +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/0pk1p /film/film/genre /m/05p553 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/09c7w0 /location/location/contains /m/03hvk2 +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02jyr8 +/m/03g9xj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mvs +/m/02yv6b /music/genre/artists /m/016s_5 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0gsgr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05p5nc /film/actor/film./film/performance/film /m/06t2t2 +/m/08swgx /base/eating/practicer_of_diet/diet /m/07_jd +/m/01tt43d /film/actor/film./film/performance/film /m/011yrp +/m/016zp5 /film/actor/film./film/performance/film /m/02r858_ +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05fh2 +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/042l3v +/m/0dr3sl /film/film/genre /m/05p553 +/m/04p_hy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01trtc /music/record_label/artist /m/01vvydl +/m/063ykwt /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03mv0b /people/person/profession /m/0dxtg +/m/05mcjs /film/actor/film./film/performance/film /m/01v1ln +/m/03nbbv /people/person/place_of_birth /m/0cr3d +/m/03z1c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vrxh +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/03rjj /location/location/contains /m/05314s +/m/0f8l9c /sports/sports_team_location/teams /m/01l3vx +/m/02k21g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151w_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0y_pg +/m/031ldd /film/film/prequel /m/0233bn +/m/02sg5v /film/film/language /m/02h40lc +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02k4gv +/m/09s5q8 /education/educational_institution/campuses /m/09s5q8 +/m/019vhk /film/film/featured_film_locations /m/02_286 +/m/045m1_ /people/person/profession /m/019x4f +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/01z4y /media_common/netflix_genre/titles /m/0hmr4 +/m/01r3y2 /education/educational_institution/campuses /m/01r3y2 +/m/04hwbq /film/film/genre /m/01zhp +/m/011k1h /music/record_label/artist /m/018dyl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfxb +/m/01vw917 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06688p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051qvn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0169dl /film/actor/film./film/performance/film /m/09gdh6k +/m/06wvj /people/person/places_lived./people/place_lived/location /m/05qtj +/m/01wmjkb /people/person/gender /m/05zppz +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gbn6 +/m/013pp3 /people/person/place_of_birth /m/0hptm +/m/027pdrh /people/person/gender /m/02zsn +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/01k5y0 /film/film/country /m/07ssc +/m/01stj9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02cvcd +/m/0168ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02fjzt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/012w70 /language/human_language/countries_spoken_in /m/0d05w3 +/m/046qq /film/actor/film./film/performance/film /m/01b195 +/m/088q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0342vg /people/person/place_of_birth /m/03h64 +/m/0298n7 /film/film/genre /m/03g3w +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/055td_ /film/film/genre /m/060__y +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/047n8xt /film/film/production_companies /m/0283xx2 +/m/025txrl /organization/organization/child./organization/organization_relationship/child /m/01jx9 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0j582 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bk17k +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0l14qv /music/instrument/instrumentalists /m/028qdb +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/02qmncd +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/018phr /people/person/sibling_s./people/sibling_relationship/sibling /m/018pj3 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/03nb5v /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0584r4 +/m/028k2x /tv/tv_program/genre /m/0hcr +/m/0fw4v /base/biblioness/bibs_location/country /m/05r7t +/m/03h2d4 /film/actor/film./film/performance/film /m/04nm0n0 +/m/026lj /influence/influence_node/peers./influence/peer_relationship/peers /m/019fz +/m/023slg /people/person/gender /m/05zppz +/m/02114t /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02fybl +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/07wkd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0xhtw /music/genre/artists /m/0d193h +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zyvw +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0c5qvw /film/film/genre /m/07s9rl0 +/m/02c9dj /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017kz7 +/m/014q2g /people/person/places_lived./people/place_lived/location /m/0d6br +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/016jll /music/artist/origin /m/0f2wj +/m/09969 /medicine/disease/risk_factors /m/02ctzb +/m/01vsn38 /film/actor/film./film/performance/film /m/06w839_ +/m/0msck /location/us_county/county_seat /m/0_z91 +/m/015_1q /music/record_label/artist /m/02_fj +/m/0h7pj /film/actor/film./film/performance/film /m/084qpk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04h54p +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01mszz +/m/01pcrw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05g7q +/m/04jpl /location/location/contains /m/0n9r8 +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/0c1pj /people/person/religion /m/0c8wxp +/m/042g97 /film/film/prequel /m/042fgh +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/06ch55 /music/instrument/instrumentalists /m/07s3vqk +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sddg +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/04s04 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04z257 /film/film/country /m/09c7w0 +/m/0ftn8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0xpp5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06dfz1 /tv/tv_program/languages /m/06nm1 +/m/0l38x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2wt +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02c98m +/m/044l47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01fh36 /music/genre/artists /m/012zng +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0821j /people/person/profession /m/0kyk +/m/0dr89x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02w4v /music/genre/artists /m/03kwtb +/m/016ckq /music/record_label/artist /m/0h7pj +/m/05m63c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/01pcbg /film/actor/film./film/performance/film /m/047vp1n +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b2_xp /people/person/profession /m/0dxtg +/m/01hmnh /media_common/netflix_genre/titles /m/02c7k4 +/m/0mzkr /music/record_label/artist /m/03d9d6 +/m/01vsy7t /people/person/profession /m/0nbcg +/m/02bjhv /education/educational_institution/school_type /m/05pcjw +/m/06f5j /people/person/nationality /m/09c7w0 +/m/03_d0 /music/genre/artists /m/043c4j +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/059rby /location/location/contains /m/035gt8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/034ns +/m/01z215 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ch98 /film/film/genre /m/01hmnh +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/06tw8 /location/country/form_of_government /m/01d9r3 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/04g865 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/085wqm +/m/0c3351 /media_common/netflix_genre/titles /m/01jr4j +/m/0lrh /influence/influence_node/peers./influence/peer_relationship/peers /m/041mt +/m/0bs8ndx /film/film/genre /m/03k9fj +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/016clz /music/genre/artists /m/0178kd +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0jnb0 /people/person/profession /m/0dxtg +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nln /location/country/official_language /m/02h40lc +/m/0320jz /people/person/places_lived./people/place_lived/location /m/0ncj8 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/07_l6 /music/instrument/instrumentalists /m/011zf2 +/m/01gq0b /film/actor/film./film/performance/film /m/03bxp5 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0170th /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ld94 /people/person/place_of_birth /m/01jr6 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0267wwv /film/film/language /m/02h40lc +/m/0kctd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/02cyfz /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/034xyf /film/film/genre /m/04t36 +/m/0304nh /tv/tv_program/genre /m/0m1xv +/m/01wd9vs /people/person/profession /m/0nbcg +/m/02ngbs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/0260bz /film/film/music /m/0146pg +/m/06cl2w /people/person/profession /m/0np9r +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/03772 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y20v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sry /film/actor/film./film/performance/film /m/07cw4 +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02jx1 /location/location/contains /m/0ym4t +/m/03cp7b3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8f7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05hywl +/m/016z43 /film/film/production_companies /m/030_1m +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01k3qj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/01j48s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0133_p /music/genre/parent_genre /m/0126t5 +/m/09b3v /business/business_operation/industry /m/03qh03g +/m/09t9m2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/073749 /film/actor/film./film/performance/film /m/04ghz4m +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02qsjt /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02wtp6 /film/film/genre /m/02l7c8 +/m/0gn30 /film/actor/film./film/performance/film /m/074rg9 +/m/02mhfy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_1sj /film/film/produced_by /m/04wvhz +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/05drr9 /film/actor/film./film/performance/film /m/0gjcrrw +/m/026r8q /film/actor/film./film/performance/film /m/03nx8mj +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/065dc4 /film/film/genre /m/01jfsb +/m/01l4g5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/055sjw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_8z +/m/02ryz24 /film/film/genre /m/05p553 +/m/02cvcd /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/05pdd86 /film/film/genre /m/01hmnh +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01718w +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/05g7q +/m/01jsn5 /education/educational_institution/colors /m/01g5v +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/0126t5 /music/genre/artists /m/0134tg +/m/06by7 /music/genre/artists /m/01_ztw +/m/025ldg /people/person/profession /m/039v1 +/m/016clz /music/genre/artists /m/04mn81 +/m/064t9 /music/genre/artists /m/02k5sc +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/05567m /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09x8ms /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_9x6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/06qv_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027nb +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0560w +/m/02bh8z /music/record_label/artist /m/01fkxr +/m/01r6jt2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03kpvp /film/actor/film./film/performance/film /m/02n72k +/m/01h910 /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03y_f8 +/m/05h95s /tv/tv_program/genre /m/06www +/m/03f47xl /people/person/employment_history./business/employment_tenure/company /m/01w3v +/m/06by7 /music/genre/artists /m/02vgh +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/018vs +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0hnjt +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zwrg0 +/m/01515w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01xcfy +/m/0gmtm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/012gbb +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0f4m2z +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/0f8pz +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0cwy47 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/01vrncs /people/person/places_lived./people/place_lived/location /m/0h1k6 +/m/068cn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/059fjj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/056rgc +/m/0f_y9 /music/artist/origin /m/09c7w0 +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/01nd2c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0j80w /film/film/produced_by /m/024c1b +/m/0g10g /film/actor/film./film/performance/film /m/09d38d +/m/02m501 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h7pj /people/person/religion /m/04pk9 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/05cgv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x8fs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wwvd2 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0qf43 +/m/019pcs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/027jk +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02pd1q9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/047bynf /film/film/featured_film_locations /m/04jpl +/m/01b85 /location/administrative_division/country /m/0f8l9c +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0843m /location/location/contains /m/01y9pk +/m/06qgjh /film/actor/film./film/performance/film /m/0hv4t +/m/01hmnh /media_common/netflix_genre/titles /m/02q3fdr +/m/01jszm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03xp8d5 /film/director/film /m/011yn5 +/m/05znxx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/03cn92 /film/actor/film./film/performance/film /m/0p_th +/m/01pkhw /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pk8v +/m/0f0qfz /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01ljpm /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /organization/organization/headquarters./location/mailing_address/citytown /m/0rj4g +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/08d9z7 /people/person/nationality /m/09c7w0 +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/09g8vhw /film/film/production_companies /m/05qd_ +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0qmhk /film/film/written_by /m/01q4qv +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02ctzb /people/ethnicity/people /m/01gq0b +/m/01wxyx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048vhl +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/06w99h3 +/m/0p9rz /film/film/genre /m/060__y +/m/02x08c /film/actor/film./film/performance/film /m/0c_j9x +/m/0f3kl /medicine/symptom/symptom_of /m/0h1n9 +/m/0dln8jk /film/film/prequel /m/05p1tzf +/m/026c1 /film/actor/film./film/performance/film /m/01y9jr +/m/027yf83 /sports/sports_team/colors /m/083jv +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fqt1ns /film/film/genre /m/01jfsb +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/03x82v /people/person/gender /m/05zppz +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/03x73c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07h76 +/m/0dq9p /medicine/symptom/symptom_of /m/0dcp_ +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/05slvm +/m/06yxd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02pjc1h /film/film/genre /m/01jfsb +/m/042zrm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/01hb6v +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/018417 /people/person/nationality /m/09c7w0 +/m/05nqz /base/culturalevent/event/entity_involved /m/059z0 +/m/0gk4g /people/cause_of_death/people /m/05233hy +/m/014cw2 /people/person/nationality /m/02jx1 +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01vsl /location/location/time_zones /m/02hczc +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/04pnx /location/location/time_zones /m/02hcv8 +/m/026w_gk /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/011yth /film/film/music /m/0244r8 +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/02f2dn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0693l +/m/03y9p40 /sports/sports_team/colors /m/01jnf1 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/015ynm +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/06t74h /people/person/profession /m/02hrh1q +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02h3tp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0fd_1 /people/person/nationality /m/09c7w0 +/m/03j9ml /people/person/profession /m/02hrh1q +/m/01914 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jk_8 +/m/0fw2y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ml25 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm8l +/m/0tc7 /film/actor/film./film/performance/film /m/01hqk +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019m9h +/m/07s9rl0 /media_common/netflix_genre/titles /m/02wtp6 +/m/02mv9b /people/person/profession /m/02hrh1q +/m/015np0 /people/person/gender /m/05zppz +/m/05hd32 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/042gr4 +/m/0cc5tgk /people/person/gender /m/05zppz +/m/0345_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01cl0d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_qc_ /medicine/disease/notable_people_with_this_condition /m/06y3r +/m/02x8m /music/genre/artists /m/0134wr +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/03p2xc /film/film/production_companies /m/0jz9f +/m/09k23 /organization/organization/headquarters./location/mailing_address/citytown /m/052bw +/m/059yj /organization/organization/place_founded /m/0z1vw +/m/0jsqk /film/film/produced_by /m/0gv40 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcwq0 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/020vx9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14md /music/instrument/instrumentalists /m/011lvx +/m/09fc83 /film/film/featured_film_locations /m/0cv3w +/m/043g7l /music/record_label/artist /m/025xt8y +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0499lc /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/01ync /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/021w0_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0t3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/094tsh6 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01k8vh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/050l8 /base/biblioness/bibs_location/country /m/09c7w0 +/m/06lvlf /people/person/nationality /m/09c7w0 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/015hr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/06hdk /base/biblioness/bibs_location/state /m/07371 +/m/019m5j /sports/sports_team/sport /m/02vx4 +/m/017_qw /music/genre/artists /m/0czhv7 +/m/075q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014zcr /film/actor/film./film/performance/film /m/06_x996 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/0fphgb /film/film/costume_design_by /m/02w0dc0 +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/05qhw /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/04cl1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b1xl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qg +/m/074w86 /film/film/genre /m/0gsy3b +/m/01314k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01718w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/014v6f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/03pvt +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0sxdg +/m/01trhmt /people/person/profession /m/02hrh1q +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfwp +/m/01jfsb /media_common/netflix_genre/titles /m/09k56b7 +/m/032l1 /influence/influence_node/influenced_by /m/02lt8 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0603qp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03nt59 +/m/0dzt9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/09q5w2 /film/film/production_companies /m/01gb54 +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/05148p4 /music/instrument/instrumentalists /m/01vsl3_ +/m/01yb1y /tv/tv_program/program_creator /m/01s7z0 +/m/0_9l_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fs9vc +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/01v9l67 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/04954 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03f4w4 +/m/04s5_s /people/person/profession /m/01c72t +/m/07gghl /film/film/language /m/02h40lc +/m/03gyl /location/country/form_of_government /m/06cx9 +/m/0prfz /people/person/nationality /m/09c7w0 +/m/0nm3n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5xb +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03mszl /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/01z4y /media_common/netflix_genre/titles /m/0h1x5f +/m/02ntb8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pptm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/05k2s_ /film/actor/film./film/performance/film /m/0n08r +/m/04xvlr /media_common/netflix_genre/titles /m/02d44q +/m/01d8yn /people/person/profession /m/03gjzk +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/027r8p /people/person/gender /m/02zsn +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/06pyc2 /film/film/country /m/09c7w0 +/m/0g768 /music/record_label/artist /m/01vw20h +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/06v_gh /people/person/profession /m/02krf9 +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043kzcr +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmdb +/m/02wyc0 /people/person/place_of_birth /m/04vmp +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/04dsnp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fr0t /base/biblioness/bibs_location/country /m/09c7w0 +/m/0kbws /olympics/olympic_games/participating_countries /m/03rj0 +/m/098r1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01xysf /education/educational_institution/school_type /m/01_9fk +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/034qmv /film/film/music /m/03kwtb +/m/01w1kyf /people/person/gender /m/02zsn +/m/05bt6j /music/genre/artists /m/02twdq +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/04vrxh +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025mb_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01hznh +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cfhfz +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wd02c /influence/influence_node/influenced_by /m/05qmj +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0grwj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08w7vj /film/actor/film./film/performance/film /m/0280061 +/m/01wyzyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/05k2xy +/m/083qy7 /people/person/profession /m/0gl2ny2 +/m/0252fh /people/person/place_of_birth /m/01531 +/m/04v89z /film/film/genre /m/02kdv5l +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019rg5 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/0p17j /people/person/profession /m/02hrh1q +/m/04wp3s /film/actor/film./film/performance/film /m/01y9jr +/m/01cdt5 /medicine/symptom/symptom_of /m/01ddth +/m/01k_n63 /people/person/profession /m/09jwl +/m/0g4gr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/011s0 +/m/0yxl /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/038rzr /people/person/places_lived./people/place_lived/location /m/052p7 +/m/01hc9_ /influence/influence_node/influenced_by /m/049gc +/m/07tl0 /education/educational_institution/students_graduates./education/education/student /m/01lwx +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/083skw /film/film/music /m/01pr6q7 +/m/02mw6c /education/educational_institution/colors /m/019sc +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/01dc0c /film/film/production_companies /m/024rgt +/m/098sv2 /people/person/profession /m/089fss +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/08xz51 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0127xk /people/deceased_person/place_of_death /m/030qb3t +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02lv2v +/m/01j1n2 /media_common/netflix_genre/titles /m/028kj0 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02779r4 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmmn +/m/07cdz /film/film/genre /m/05p553 +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/02k6hp /medicine/disease/risk_factors /m/012jc +/m/017yxq /film/actor/film./film/performance/film /m/02krdz +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/03np3w +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bthb +/m/0jqp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/02bjhv /education/educational_institution/school_type /m/01_srz +/m/06nr2h /film/film/language /m/02h40lc +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/04y652m /broadcast/content/artist /m/0134s5 +/m/06g4_ /influence/influence_node/peers./influence/peer_relationship/peers /m/06y7d +/m/04b_jc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02v0ff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dh73w +/m/077qn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/016ks5 /film/film/music /m/01ycfv +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0mmd6 +/m/05233hy /people/person/gender /m/05zppz +/m/02yvct /film/film/language /m/02bjrlw +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/06rkfs /education/educational_institution/colors /m/02rnmb +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06bzwt /film/actor/film./film/performance/film /m/026lgs +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyy_ +/m/01kb2j /film/actor/film./film/performance/film /m/02xs6_ +/m/044kwr /people/person/profession /m/025sppp +/m/087_wh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/0pk41 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054lpb6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c40vxk +/m/0czp_ /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/04v3q /location/location/time_zones /m/02llzg +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/017kct +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02b71x /music/genre/artists /m/026spg +/m/03t22m /music/instrument/instrumentalists /m/01dhjz +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0162v +/m/016jll /people/person/profession /m/0nbcg +/m/014kq6 /film/film/language /m/02h40lc +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/0dqyw +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/01nz1q6 +/m/0ddt_ /film/film/genre /m/03k9fj +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029zqn +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0841v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/06q1r /location/location/contains /m/01zrq0 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/044g_k /film/film/edited_by /m/0bs1yy +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/0j_tw /film/film/production_companies /m/016tw3 +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0crx5w +/m/03176f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/0127s7 /music/artist/origin /m/068p2 +/m/01515w /film/actor/film./film/performance/film /m/02jxrw +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01w7nww +/m/01vsqvs /people/person/place_of_birth /m/01v8c +/m/01qn8k /film/actor/film./film/performance/film /m/02qsqmq +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/0ddjy /film/film/executive_produced_by /m/0343h +/m/034hck /film/director/film /m/037xlx +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/07gql /music/instrument/instrumentalists /m/0146pg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04b8pv +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0jvtp /people/person/languages /m/02h40lc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/01mqh5 /people/person/languages /m/02h40lc +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0b6l1st /film/film/production_companies /m/02hvd +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/07g1sm /film/film/production_companies /m/05qd_ +/m/0fphf3v /film/film/music /m/01mkn_d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06lc85 +/m/0b478 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0fgg4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gnf9 +/m/0l3cy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013crh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07z1m /location/location/contains /m/0k1jg +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0693l +/m/01wbg84 /film/actor/film./film/performance/film /m/0gj96ln +/m/023fb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01lc5 /people/person/languages /m/02h40lc +/m/012gbb /people/person/religion /m/0kpl +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/06mfvc /people/person/religion /m/03_gx +/m/04p_hy /education/educational_institution/colors /m/036k5h +/m/07v64s /music/genre/parent_genre /m/06by7 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06nv27 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hj5lq /film/film/country /m/0f8l9c +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0vkl2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01w3vc /education/educational_institution/students_graduates./education/education/student /m/015gy7 +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/033tln /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/01f492 /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/0203v /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08h79x +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/017_qw /music/genre/artists /m/023361 +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/029q_y /people/person/profession /m/02hrh1q +/m/01vv6xv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/01vrnsk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/031c2r +/m/0w6w /influence/influence_node/influenced_by /m/05qmj +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kt_4 +/m/01v_0b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fgsq2 /people/profession/specialization_of /m/012t_z +/m/02y7sr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/07lt7b /film/actor/film./film/performance/film /m/0661ql3 +/m/09c7w0 /location/location/contains /m/0288zy +/m/01h910 /people/person/profession /m/018gz8 +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/07wkd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02fgp0 /people/person/profession /m/09jwl +/m/06lgq8 /people/person/nationality /m/0chghy +/m/0b6k40 /education/educational_institution/students_graduates./education/education/student /m/03nk3t +/m/021bk /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02j8nx /people/person/profession /m/03gjzk +/m/02wgk1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05bnp0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03mgbf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05148p4 /music/instrument/instrumentalists /m/0phx4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/03bkbh /people/ethnicity/people /m/03mstc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/02r3zy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h0wc /film/actor/film./film/performance/film /m/01k60v +/m/02jm9c /people/person/gender /m/05zppz +/m/0xtz9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0msyb /location/us_county/county_seat /m/0c_m3 +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0381pn +/m/04lhc4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gvxv /people/person/profession /m/02hrh1q +/m/020y73 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1cdwq /film/film/language /m/02h40lc +/m/05y7hc /people/person/profession /m/09jwl +/m/01lw3kh /people/person/nationality /m/02jx1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0212mp +/m/04nz3 /medicine/disease/notable_people_with_this_condition /m/03vrv9 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/071pf2 /people/person/place_of_birth /m/0chgzm +/m/033fqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0bwfwpj /film/film/genre /m/02n4kr +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02r3cn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0lk90 +/m/041c4 /film/actor/film./film/performance/film /m/04zl8 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/024_fw /award/award_category/winners./award/award_honor/award_winner /m/01dhpj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mg5r +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/07gql /music/instrument/instrumentalists /m/03q2t9 +/m/0lgxj /olympics/olympic_games/participating_countries /m/05sb1 +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/04954 /music/group_member/membership./music/group_membership/role /m/0342h +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01wk7b7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/065z3_x /film/film/cinematography /m/027t8fw +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/016xh5 /film/actor/film./film/performance/film /m/05vxdh +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/07ssc /media_common/netflix_genre/titles /m/03np63f +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qf2t +/m/02pt7h_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01s1zk +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/06cv1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01m4yn +/m/01znj1 /film/film/country /m/0ctw_b +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wy5m +/m/04ktcgn /award/award_winner/awards_won./award/award_honor/award_winner /m/05bm4sm +/m/030w19 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d_84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gx_p +/m/09tlc8 /business/business_operation/industry /m/02vxn +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06gp3f +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02hft3 /education/educational_institution/students_graduates./education/education/student /m/016lh0 +/m/03nsm5x /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0gqy2 /award/award_category/category_of /m/0g_w +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/094g2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/09xb4h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03cvvlg /film/film/cinematography /m/04qvl7 +/m/017n9 /film/film/genre /m/02xh1 +/m/01fq7 /location/hud_county_place/place /m/01fq7 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x209s +/m/0b1f49 /people/person/place_of_birth /m/01531 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0lhql +/m/02clgg /film/actor/film./film/performance/film /m/09sr0 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01h4rj +/m/0bksh /film/actor/film./film/performance/film /m/011wtv +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/024t0y /people/person/gender /m/05zppz +/m/02jq1 /people/person/profession /m/09jwl +/m/070tng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02tzwd /award/award_category/winners./award/award_honor/award_winner /m/01pw9v +/m/01p1v /location/location/partially_contains /m/0p2n +/m/0glj9q /media_common/netflix_genre/titles /m/07nnp_ +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09z1lg +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04gkp3 +/m/017d77 /education/educational_institution/students_graduates./education/education/student /m/014dm6 +/m/0mwds /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x6m +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/016clz /music/genre/artists /m/07n3s +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d0fp +/m/081yw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kj_ +/m/04glr5h /award/award_winner/awards_won./award/award_honor/award_winner /m/02f9wb +/m/077qn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/022xml /education/educational_institution/school_type /m/01rs41 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/0glt670 /music/genre/artists /m/01wyz92 +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/016zwt /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/01jq0j /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/03mp8k /music/record_label/artist /m/0127s7 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/01wmjkb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09gq0x5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/021w0_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/0byq6h /sports/sports_team/sport /m/02vx4 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/041rx /people/ethnicity/people /m/086sj +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/081lh /film/actor/film./film/performance/film /m/0gtvpkw +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/05dxl_ /people/deceased_person/place_of_death /m/06_kh +/m/032t2z /music/group_member/membership./music/group_membership/role /m/05r5c +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0bz5v2 /people/person/gender /m/05zppz +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095zvfg +/m/01z_jj /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03_3d /location/location/contains /m/0kstw +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0151xv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01bh6y +/m/024bbl /people/person/gender /m/05zppz +/m/0b_6jz /time/event/locations /m/029cr +/m/016sqs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/country/second_level_divisions /m/0f6_4 +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/02496r /location/administrative_division/country /m/03rt9 +/m/01z4y /media_common/netflix_genre/titles /m/01d2v1 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0jdk_ /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0345_ /location/country/capital /m/0346h +/m/01pcz9 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/05ns4g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fw4v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04smkr +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/013xrm /people/ethnicity/people /m/0m2wm +/m/0bc1yhb /film/film/production_companies /m/05qd_ +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cd0x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06khkb +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/015c2f +/m/02wtp6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dbbz /film/director/film /m/02wtp6 +/m/023rwm /music/record_label/artist /m/01wt4wc +/m/04jnd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/01797x /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0m0hw /people/person/profession /m/01c72t +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03_wj_ /people/person/profession /m/02hrh1q +/m/09q17 /media_common/netflix_genre/titles /m/0372j5 +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/01yb1y +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/06z5s /people/cause_of_death/people /m/0399p +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0h5j77 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wp2p +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/04v89z /film/film/genre /m/03g3w +/m/06lkg8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0g701n /sports/sports_team/colors /m/019sc +/m/06by7 /music/genre/artists /m/02vcp0 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/048s0r +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/01nm3s /film/actor/film./film/performance/film /m/03q0r1 +/m/02h6_6p /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/017v_ +/m/05kkh /location/location/contains /m/0z1cr +/m/0htww /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_1q9 /tv/tv_program/program_creator /m/057d89 +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/027vps /people/person/place_of_birth /m/0h778 +/m/02rk45 /film/actor/film./film/performance/film /m/07cdz +/m/0x25q /film/film/production_companies /m/046b0s +/m/0m32_ /people/person/places_lived./people/place_lived/location /m/050ks +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/07l2m /sports/sports_team/colors /m/083jv +/m/016h4r /people/person/places_lived./people/place_lived/location /m/0_z91 +/m/03sxd2 /film/film/genre /m/0lsxr +/m/01vs73g /award/award_winner/awards_won./award/award_honor/award_winner /m/01vx5w7 +/m/0qplq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01dhpj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0304nh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/04knkd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06k75 /time/event/locations /m/0d0kn +/m/0cf08 /film/film/produced_by /m/04t38b +/m/043q2z /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/07vyf /education/educational_institution/colors /m/03wkwg +/m/027g8gr /tv/tv_program/languages /m/02h40lc +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/014z8v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02hcxm +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/02yy88 /music/genre/artists /m/01fchy +/m/019m9h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01jw67 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/01r0t_j /people/person/profession /m/039v1 +/m/04d2yp /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02t4yc +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02js_6 /film/actor/film./film/performance/film /m/011yth +/m/09c7w0 /location/location/contains /m/0b2lw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06tgw +/m/01tspc6 /people/person/languages /m/02h40lc +/m/04xhwn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b2km_ /film/film/country /m/09c7w0 +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0g9zljd /film/film/film_festivals /m/0gg7gsl +/m/04ltlj /film/film/genre /m/03npn +/m/01g4bk /people/person/profession /m/01d_h8 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bwjv +/m/0cnk2q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03s5t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0260bz /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0btj0 /people/person/profession /m/02hrh1q +/m/0342h /music/instrument/instrumentalists /m/03c7ln +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170pk +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/0298n7 /film/film/featured_film_locations /m/0q_xk +/m/0_9l_ /film/film/genre /m/060__y +/m/07gghl /film/film/country /m/0chghy +/m/034tl /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0c2tf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02kz_ +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/05y0cr /film/film/genre /m/03q4nz +/m/0gh8zks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/06dkzt +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01f2q5 +/m/01j6mff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/093h7p /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/073bb /people/deceased_person/place_of_death /m/04jpl +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0cbgl +/m/01pjr7 /film/actor/film./film/performance/film /m/02825cv +/m/0l_dv /people/person/places_lived./people/place_lived/location /m/0r00l +/m/0txhf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cv1h +/m/02jyhv /people/person/languages /m/0t_2 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/01nd2c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0q19t +/m/01wp_jm /people/person/places_lived./people/place_lived/location /m/0rxyk +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02gd6x /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0j5g9 /location/location/contains /m/01v3k2 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/01hb6v /influence/influence_node/influenced_by /m/034bs +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/06by7 /music/genre/artists /m/0ql36 +/m/02hrb2 /organization/organization/headquarters./location/mailing_address/citytown /m/0cy41 +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/0979zs +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/01wy6 /music/instrument/instrumentalists /m/01lvcs1 +/m/064lqk /music/genre/parent_genre /m/0m8vm +/m/09c7w0 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/016n7b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0f83g2 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g5lhl7 +/m/0gn30 /people/person/profession /m/03gjzk +/m/03tps5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bj9k /film/actor/film./film/performance/film /m/09xbpt +/m/05z96 /people/profession/specialization_of /m/0cbd2 +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/07bsj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dbf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07r1h +/m/0klh7 /people/person/spouse_s./people/marriage/spouse /m/02lf70 +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03rhqg /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01jvxb /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/01cf93 /music/record_label/artist /m/01w9ph_ +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0hdf8 /music/genre/artists /m/0187x8 +/m/06dfg /location/country/official_language /m/02h40lc +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/0l76z /tv/tv_program/genre /m/05p553 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/05njw +/m/025h4z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/01hcvm /music/genre/artists /m/01vv126 +/m/01zlwg6 /base/biblioness/bibs_location/state /m/01n7q +/m/015p37 /film/actor/film./film/performance/film /m/0p9lw +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0hm2b +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03qx63 +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0432b /people/person/gender /m/05zppz +/m/015y3j /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/02vqpx8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/0c5vh /people/person/profession /m/018gz8 +/m/0_7w6 /film/film/genre /m/04xvh5 +/m/01x2tm8 /people/person/languages /m/03k50 +/m/02bfmn /film/actor/film./film/performance/film /m/07nnp_ +/m/01v_0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/03z509 /film/actor/film./film/performance/film /m/0f4_l +/m/07t90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02l424 +/m/01k8rb /people/person/gender /m/02zsn +/m/044lyq /film/actor/film./film/performance/film /m/050r1z +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/017959 +/m/03f7nt /film/film/featured_film_locations /m/030qb3t +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jbk9 +/m/02_n5d /people/person/gender /m/02zsn +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bd5j +/m/06gjk9 /film/film/featured_film_locations /m/0fvd03 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/0gy6z9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/06gb2q +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02clgg /people/person/profession /m/018gz8 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03w1v2 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02qk2d5 +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01h7bb +/m/0k696 /location/location/time_zones /m/02fqwt +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0294mx +/m/03_2y /people/person/religion /m/04pk9 +/m/026rm_y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03q3sy /people/person/nationality /m/0d060g +/m/06m_5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0b_6xf /time/event/locations /m/0tbql +/m/04q00lw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vzx45 +/m/0jt3tjf /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/05fm6m /film/film/genre /m/06cvj +/m/0c6qh /film/actor/film./film/performance/film /m/03qnc6q +/m/09p5mwg /film/film/country /m/0d060g +/m/01s21dg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_x5t +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/04h07s +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/042g97 /film/film/genre /m/02kdv5l +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0m93 /people/person/religion /m/0flw86 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0jmbv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01vzx45 /people/person/profession /m/02hrh1q +/m/05v38p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0ggx5q /music/genre/artists /m/0j1yf +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/026vcc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0f5xn /film/actor/film./film/performance/film /m/0dfw0 +/m/0tc7 /film/actor/film./film/performance/film /m/053rxgm +/m/01gbb4 /film/actor/film./film/performance/film /m/0ds2n +/m/066yfh /award/award_winner/awards_won./award/award_honor/award_winner /m/07rd7 +/m/0hr3g /people/person/profession /m/01c72t +/m/0byfz /film/actor/film./film/performance/film /m/04mzf8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/093xh0 +/m/03rk0 /location/location/contains /m/02z6fs +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/056jrs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/03_3z4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04t6fk +/m/0428bc /people/person/profession /m/02hrh1q +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tbr +/m/07gxw /music/genre/artists /m/05k79 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01b66d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03yrkt +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04wgh +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01699 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0xhtw /music/genre/artists /m/01nrz4 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07rn0z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03z8w6 /base/culturalevent/event/entity_involved /m/01j_x +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015p37 +/m/04t36 /media_common/netflix_genre/titles /m/01rnly +/m/065dc4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w670 /people/person/nationality /m/09c7w0 +/m/02245 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03_lf +/m/09hyvp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01_d4 /sports/sports_team_location/teams /m/0jm74 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01hl_w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/07cjqy /film/actor/film./film/performance/film /m/02rmd_2 +/m/0140g4 /film/film/featured_film_locations /m/0dclg +/m/03j6c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0nr_q /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09tkzy +/m/0k4d7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/011zd3 +/m/0g3zrd /film/film/featured_film_locations /m/0s69k +/m/050xxm /film/film/genre /m/0vgkd +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/01ts_3 /people/person/profession /m/03gjzk +/m/0h0jz /film/actor/film./film/performance/film /m/02bg8v +/m/087pfc /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01g1lp /people/person/place_of_birth /m/0f__1 +/m/04hxyv /film/actor/film./film/performance/film /m/0872p_c +/m/01kvqc /people/person/profession /m/02hrh1q +/m/01trtc /music/record_label/artist /m/0fpj4lx +/m/01h7bb /film/film/genre /m/04xvlr +/m/01dnws /music/instrument/instrumentalists /m/0zjpz +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/042v_gx /music/instrument/instrumentalists /m/016h9b +/m/0lpjn /film/actor/film./film/performance/film /m/04jplwp +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pjvc +/m/01t38b /organization/organization/headquarters./location/mailing_address/state_province_region /m/0n048 +/m/02bwc7 /people/person/gender /m/05zppz +/m/01vsl3_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01t_wfl +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02w9k1c +/m/026_w57 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/031c3v /people/person/profession /m/0196pc +/m/034rd /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/050gkf /film/film/produced_by /m/0g2lq +/m/06449 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01p5yn /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/01b7lc /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/08_438 /people/person/nationality /m/02jx1 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/02_sr1 /film/film/genre /m/02kdv5l +/m/0cq7tx /film/film/genre /m/02l7c8 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/033tf_ /people/ethnicity/people /m/02qjj7 +/m/016h4r /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/065dc4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/01vsl3_ /people/person/profession /m/0n1h +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/0h5g_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03k9fj /media_common/netflix_genre/titles /m/02g5q1 +/m/0cy__l /film/film/produced_by /m/030s5g +/m/03bzyn4 /film/film/edited_by /m/04cy8rb +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zpmq +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/03mqtr /media_common/netflix_genre/titles /m/016z7s +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wy5m +/m/01pdgp /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0dx8gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0m93 /people/person/languages /m/0jzc +/m/0bshwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02klny +/m/01yf85 /film/actor/film./film/performance/film /m/057lbk +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023v4_ +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cz7r +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q42j_ +/m/0j0k /location/location/contains /m/05b7q +/m/02_sr1 /film/film/music /m/04zwjd +/m/01qygl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05vw7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04t9c0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gkx35 /film/film/country /m/03rt9 +/m/05w3f /music/genre/artists /m/0b_xm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0840vq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/0sxgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bbxx9b +/m/0jt86 /people/person/profession /m/0kyk +/m/06823p /film/film/genre /m/06ppq +/m/09v0wy2 /award/award_category/winners./award/award_honor/award_winner /m/054k_8 +/m/01qz69r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bkg4 /people/person/nationality /m/02jx1 +/m/04jpl /location/location/contains /m/0gjv_ +/m/041c4 /people/person/languages /m/02h40lc +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/011k11 /music/record_label/artist /m/03f0vvr +/m/01tnbn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0pd4f /film/film/language /m/04306rv +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gbn6 +/m/0q9vf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/043q2z /education/educational_institution/school_type /m/01rs41 +/m/0kbws /olympics/olympic_games/participating_countries /m/01z215 +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0846v +/m/09x3r /olympics/olympic_games/participating_countries /m/04g61 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0rydq /location/location/time_zones /m/02hcv8 +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07lwsz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016fjj /film/actor/film./film/performance/film /m/0fg04 +/m/02kcz /location/country/form_of_government /m/06cx9 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/09h_q /people/deceased_person/place_of_death /m/02_286 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0f3m1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024l2y /film/film/genre /m/01drsx +/m/02x9cv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08815 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t97y /film/film/language /m/02h40lc +/m/018vs /music/instrument/instrumentalists /m/04_jsg +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0ffgh +/m/02yplc /film/actor/film./film/performance/film /m/0gj96ln +/m/01pqy_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/0l34j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0gy7bj4 /film/film/produced_by /m/0b13g7 +/m/03wv2g /education/university/fraternities_and_sororities /m/0325pb +/m/0m0jc /music/genre/artists /m/01dwrc +/m/08chdb /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/0f0z_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rk0 +/m/0342h /music/instrument/instrumentalists /m/02jxkw +/m/0421st /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0408np /people/person/place_of_birth /m/094jv +/m/01p0w_ /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0cq86w /film/film/music /m/09r9m7 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/09r8l +/m/04pxcx /people/person/places_lived./people/place_lived/location /m/01snm +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0kr5_ /film/director/film /m/034hzj +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0pmw9 /people/person/nationality /m/09c7w0 +/m/09ftwr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025jbj +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0k20s /film/film/genre /m/0lsxr +/m/033tln /people/person/spouse_s./people/marriage/spouse /m/01yd8v +/m/01jq4b /education/educational_institution/students_graduates./education/education/student /m/04x4s2 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k_9j +/m/06tw8 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0m27n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03z20c /film/film/produced_by /m/02r251z +/m/0k9j_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h761 +/m/03hzl42 /film/actor/film./film/performance/film /m/0d6_s +/m/0by1wkq /film/film/genre /m/0lsxr +/m/01rlz4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01wcp_g +/m/03wd5tk /award/award_winner/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyv0b4 +/m/02yxwd /film/actor/film./film/performance/film /m/04vr_f +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/03v3xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_st +/m/07ss8_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lq43 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/090q8l +/m/0cpllql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01qkqwg /people/person/place_of_birth /m/02hrh0_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/0pv3x /film/film/music /m/012ljv +/m/0gwjw0c /film/film/language /m/064_8sq +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03ksy +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0jmxb /base/biblioness/bibs_location/country /m/02jx1 +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/01bl7g /film/film/featured_film_locations /m/04jpl +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nwwl +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/0k3l5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3k1 +/m/0bvn25 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013yq /location/location/contains /m/0f1nl +/m/04y652m /broadcast/content/artist /m/0bsj9 +/m/0bw20 /film/film/country /m/07ssc +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018z_c +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nyqk +/m/03lty /music/genre/artists /m/0g_g2 +/m/0bwx3 /people/person/place_of_birth /m/0t_07 +/m/029k4p /film/film/genre /m/03npn +/m/03bxp5 /film/film/costume_design_by /m/03mfqm +/m/019r_1 /people/person/profession /m/015h31 +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/024l2y /film/film/produced_by /m/02qjpv5 +/m/0kzcv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jk_8 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/05fcbk7 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/09pmkv +/m/0k6yt1 /people/person/nationality /m/09c7w0 +/m/08x5c_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09yrh +/m/0g54xkt /film/film/produced_by /m/04wvhz +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/0kbvb /olympics/olympic_games/sports /m/0bynt +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0q9zc +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/05sns6 /film/film/language /m/06nm1 +/m/064jjy /people/person/place_of_birth /m/02_286 +/m/03tc8d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/051wf /sports/sports_team/sport /m/018jz +/m/039d4 /education/educational_institution/campuses /m/039d4 +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gsvw +/m/06k176 /tv/tv_program/genre /m/03k9fj +/m/098sx /people/person/place_of_birth /m/0q34g +/m/01flzq /music/genre/artists /m/01wj5hp +/m/03ct7jd /film/film/featured_film_locations /m/0rh6k +/m/05xb7q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpm4yw +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/03d_zl4 +/m/02ny8t /music/genre/artists /m/03bxwtd +/m/05w3f /music/genre/artists /m/032t2z +/m/057xkj_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/018vs /music/instrument/instrumentalists /m/0xsk8 +/m/01s3v /base/aareas/schema/administrative_area/administrative_parent /m/0j5g9 +/m/0symg /film/film/country /m/03_3d +/m/0d7wh /people/ethnicity/people /m/03f1zdw +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02zft0 +/m/095kp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/0j1yf /people/person/nationality /m/09c7w0 +/m/03359d /people/person/places_lived./people/place_lived/location /m/03_3d +/m/0fv4v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/023mdt /film/actor/film./film/performance/film /m/0b2km_ +/m/0rlz /people/person/profession /m/0fj9f +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/043n1r5 /film/film/country /m/09c7w0 +/m/025sc50 /music/genre/artists /m/0837ql +/m/01h72l /tv/tv_program/country_of_origin /m/09c7w0 +/m/06q8hf /organization/organization_founder/organizations_founded /m/061dn_ +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026zlh9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046fz5 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/03q4hl /tv/tv_program/country_of_origin /m/03_3d +/m/01shy7 /film/film/country /m/0345h +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02704ff +/m/03cvwkr /film/film/genre /m/0lsxr +/m/07ffjc /music/genre/parent_genre /m/0jmwg +/m/04v8x9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0cqr0q /film/film/genre /m/09blyk +/m/016h9b /award/award_winner/awards_won./award/award_honor/award_winner /m/0137hn +/m/0144l1 /people/person/gender /m/05zppz +/m/03fmfs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/026c1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07cjqy +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03z_g7 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/011wtv +/m/06t6dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0134w7 /film/actor/film./film/performance/film /m/031778 +/m/01vh3r /people/person/nationality /m/07ssc +/m/0czmk1 /people/person/gender /m/05zppz +/m/02630g /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p3_y /film/film/produced_by /m/03ktjq +/m/08qxx9 /film/actor/film./film/performance/film /m/05sxzwc +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05m_jsg +/m/0204jh /education/educational_institution/colors /m/038hg +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026n3rs +/m/02ctzb /people/ethnicity/people /m/06c0j +/m/02lnbg /music/genre/artists /m/0f8grf +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/074tb5 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/016zgj /music/genre/artists /m/028hc2 +/m/01ps2h8 /film/actor/film./film/performance/film /m/0dl9_4 +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/03gr7w +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02vjzr /music/genre/artists /m/0127s7 +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/025twgt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/02pxst +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/05ldxl /film/film/featured_film_locations /m/04jpl +/m/0mrs1 /location/location/time_zones /m/02fqwt +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/06dv3 /people/person/profession /m/01d_h8 +/m/0694j /location/location/contains /m/01dbxr +/m/02knxx /people/cause_of_death/people /m/06nz46 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0mrhq +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0cv9b +/m/0cqnss /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04nrcg +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/0p50v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq806 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/0bs09lb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/02k8k /sports/sports_team_location/teams /m/03zm00 +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05_z42 +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06nr2h +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01xmxj +/m/016khd /film/actor/film./film/performance/film /m/078sj4 +/m/03rt9 /location/location/contains /m/0373qg +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/091rc5 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v3jyg +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01nyl /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/0265wl /award/award_category/disciplines_or_subjects /m/01hmnh +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/07cbs /people/person/profession /m/0g0vx +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0tj9 /people/person/profession /m/015cjr +/m/0266bd5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06r2_ /film/film/language /m/02h40lc +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/0hn6d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0f8grf /people/person/gender /m/05zppz +/m/01bpn /people/person/places_lived./people/place_lived/location /m/01_5bb +/m/04m064 /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/01w9wwg /people/person/gender /m/05zppz +/m/0mzvm /location/hud_county_place/county /m/0k3jc +/m/06mn7 /film/director/film /m/01c9d +/m/0fy66 /film/film/featured_film_locations /m/0rh6k +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01v8y9 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k0rf +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0kc6x /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/09b0xs +/m/022411 /people/person/nationality /m/09c7w0 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_th +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0jqp3 /film/film/music /m/0p8h0 +/m/0bk4s /people/person/religion /m/01spm +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/09yrh /award/award_winner/awards_won./award/award_honor/award_winner /m/038rzr +/m/01l7qw /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/02114t /film/actor/film./film/performance/film /m/0gyy53 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0136pk /music/artist/origin /m/03dm7 +/m/016fnb /people/person/religion /m/0c8wxp +/m/01fkv0 /film/actor/film./film/performance/film /m/0287477 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b1y_2 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sdxx +/m/043g7l /music/record_label/artist /m/08w4pm +/m/0jm2v /sports/sports_team/sport /m/018w8 +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0n5bk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gq +/m/017rbx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/049n2l +/m/02_fz3 /film/film/language /m/02h40lc +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01vsy95 /influence/influence_node/influenced_by /m/053yx +/m/023v4_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/01gjd0 /base/culturalevent/event/entity_involved /m/0g970 +/m/0bm4j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r97z /film/film/genre /m/06nbt +/m/080dfr7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x762 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vwyqp +/m/02h659 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/030vnj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bq2g +/m/02vsw1 /people/ethnicity/languages_spoken /m/02bv9 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0h7h6 +/m/0dl5d /music/genre/artists /m/0140t7 +/m/065ym0c /film/film/country /m/03h64 +/m/031q3w /education/educational_institution/students_graduates./education/education/student /m/025mb_ +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/05krk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026dx /film/director/film /m/01kqq7 +/m/0155w /music/genre/artists /m/012vd6 +/m/04tc1g /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/070px /people/person/nationality /m/0hzlz +/m/0456xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05qd_ +/m/025n07 /film/film/language /m/02h40lc +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02q1hz +/m/0498y /location/location/contains /m/0th3k +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0296rz +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dx_q /people/person/places_lived./people/place_lived/location /m/0nbrp +/m/023p7l /film/film/music /m/02fgpf +/m/024qqx /media_common/netflix_genre/titles /m/07_k0c0 +/m/0c31_ /people/person/nationality /m/05qhw +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/06wjf /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02_lt +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01y_rz /music/group_member/membership./music/group_membership/group /m/06mj4 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/05r5c /music/instrument/instrumentalists /m/02rn_bj +/m/09c7w0 /location/country/second_level_divisions /m/0n4m5 +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/01pbwwl /people/person/nationality /m/02jx1 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/01lyv /music/genre/artists /m/05sq20 +/m/04svwx /tv/tv_program/genre /m/01hmnh +/m/022fj_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0130sy /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01c4pv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0241wg /people/person/profession /m/02hrh1q +/m/01hmnh /media_common/netflix_genre/titles /m/02py4c8 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/02j_j0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/0gtsxr4 /film/film/genre /m/03k9fj +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8h1 +/m/09c7w0 /location/location/contains /m/0qxhc +/m/02m0b0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/0ptdz /film/film/cinematography /m/09bxq9 +/m/01br2w /film/film/produced_by /m/0c1pj +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/06yxd /location/location/contains /m/02rk23 +/m/04p3w /people/cause_of_death/people /m/01v3bn +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02pp1 +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/023mdt /film/actor/film./film/performance/film /m/01chpn +/m/0jhn7 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0f_y9 /people/person/profession /m/025352 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06t8v +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyb4 +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0fplg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drsm +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/03xmy1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/016r9z /olympics/olympic_games/sports /m/07jjt +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/052hl /people/person/place_of_birth /m/0cr3d +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/0g_rs_ /people/person/profession /m/0dxtg +/m/08ct6 /film/film/written_by /m/06mn7 +/m/0_jsl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02ylg6 /film/film/production_companies /m/024rgt +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k_9j +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0cwt70 /time/event/locations /m/02j9z +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cgwt8 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0gx_p +/m/045zr /people/person/places_lived./people/place_lived/location /m/018d5b +/m/0pdp8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0b5x23 /people/person/sibling_s./people/sibling_relationship/sibling /m/0cfz_z +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/04gtdnh +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01n1pp +/m/0dg3n1 /location/location/contains /m/07tp2 +/m/0558_1 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01csvq /people/person/profession /m/0dxtg +/m/02rf1y /film/actor/film./film/performance/film /m/0g56t9t +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02fy0z +/m/0173b0 /music/genre/artists /m/01vsxdm +/m/01hmk9 /influence/influence_node/influenced_by /m/014zfs +/m/0209hj /film/film/language /m/03k50 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04s1zr +/m/0814k3 /people/person/place_of_birth /m/02dtg +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/01nqj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/09c7w0 /location/location/contains /m/0nmj +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fpjd_g +/m/0fbx6 /people/person/profession /m/05z96 +/m/06mmb /film/actor/film./film/performance/film /m/01pj_5 +/m/03bnb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0mfc0 /people/person/nationality /m/09c7w0 +/m/01l9p /people/person/gender /m/02zsn +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/05gsd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04sskp /film/film/genre /m/04xvh5 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/040p3y /sports/sports_team/sport /m/02vx4 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0p7h7 +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/08n9ng /people/person/nationality /m/0d060g +/m/024jwt /people/person/profession /m/01d_h8 +/m/034ls /people/person/gender /m/05zppz +/m/03s5lz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02j416 /education/educational_institution/school_type /m/05jxkf +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/07l50_1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/02xv8m /film/actor/film./film/performance/film /m/046f3p +/m/03wbzp /people/person/places_lived./people/place_lived/location /m/013h9 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0160nk +/m/01l3wr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0h1q6 /people/person/nationality /m/07ssc +/m/01f7dd /people/person/profession /m/02hrh1q +/m/034bgm /people/person/place_of_birth /m/02_286 +/m/01wd9vs /people/person/place_of_birth /m/0cr3d +/m/07cjqy /people/person/profession /m/0np9r +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03h64 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jrqq +/m/01lyv /music/genre/artists /m/0565cz +/m/02665kn /people/person/profession /m/02hrh1q +/m/03m8y5 /film/film/featured_film_locations /m/02_286 +/m/09nhvw /film/actor/film./film/performance/film /m/03fts +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/04k15 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/048vhl /film/film/film_format /m/07fb8_ +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/053yx /people/person/profession /m/0n1h +/m/07wqr6 /tv/tv_program/languages /m/02h40lc +/m/0fd6qb /award/award_winner/awards_won./award/award_honor/award_winner /m/098sv2 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/01nrnm /education/educational_institution/students_graduates./education/education/student /m/06chf +/m/02lf1j /people/person/profession /m/03gjzk +/m/05hs4r /music/genre/parent_genre /m/0mhfr +/m/01vsyjy /people/person/profession /m/0nbcg +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0jkhr /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0cskb /tv/tv_program/genre /m/05p553 +/m/02cm2m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gz5hs +/m/0dls3 /music/genre/artists /m/016ntp +/m/081mh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wrz +/m/01jbx1 /people/person/place_of_birth /m/0r0f7 +/m/030vnj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/08swgx +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/032wdd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/02lk1s /people/person/profession /m/018gz8 +/m/062dn7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/07swvb +/m/09c7w0 /location/location/contains /m/01fsv9 +/m/0fcsd /music/artist/origin /m/02jx1 +/m/0g60z /tv/tv_program/languages /m/02h40lc +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/043g7l /music/record_label/artist /m/086qd +/m/0gtvpkw /film/film/genre /m/02l7c8 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qhm3 +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/06zn2v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02vxyl5 /people/person/place_of_birth /m/0h778 +/m/06mnbn /people/person/places_lived./people/place_lived/location /m/013wf1 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_hb +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06mt91 +/m/02zkdz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07hwkr /people/ethnicity/people /m/0py5b +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03fhm5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0n5hw /location/location/time_zones /m/02hcv8 +/m/06q8qh /film/film/genre /m/07s9rl0 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02bqxb +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b168 +/m/01w1sx /film/film_subject/films /m/04cbbz +/m/0j0k /location/location/contains /m/06qd3 +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0pkr1 /people/person/profession /m/01d_h8 +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/015vq_ /film/actor/film./film/performance/film /m/01rnly +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/07ssc /location/location/contains /m/0dt5k +/m/060v34 /film/film/language /m/02h40lc +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0sxrz /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/036px /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04x4gj /tv/tv_program/genre /m/01hmnh +/m/01l2m3 /people/cause_of_death/people /m/011xjd +/m/01hcj2 /base/eating/practicer_of_diet/diet /m/07_jd +/m/02_j8x /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fh9 +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/02b0_m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0rmwd /location/hud_county_place/place /m/0rmwd +/m/0170xl /film/film/genre /m/04xvlr +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/020_95 +/m/03q95r /film/actor/film./film/performance/film /m/042fgh +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03sww +/m/058z1hb /film/film_set_designer/film_sets_designed /m/01gvsn +/m/0154qm /film/actor/film./film/performance/film /m/017gl1 +/m/04cf09 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016zgj /music/genre/artists /m/017959 +/m/02cx72 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgpf +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/058kqy /film/actor/film./film/performance/film /m/02yvct +/m/05wp1p /film/film/language /m/02h40lc +/m/03mgx6z /film/film/produced_by /m/0b478 +/m/0k2cb /film/film/genre /m/04xvh5 +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/02b168 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/059y0 /influence/influence_node/influenced_by /m/02m7r +/m/08r4x3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04fzfj /film/film/written_by /m/08hp53 +/m/01jfsb /media_common/netflix_genre/titles /m/01qdmh +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/03n0q5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060wq /location/location/time_zones /m/02hczc +/m/0144l1 /music/group_member/membership./music/group_membership/group /m/01v0sxx +/m/03rjj /media_common/netflix_genre/titles /m/02psgq +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03676 +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016jll +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0205dx /people/person/profession /m/01d_h8 +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03061d +/m/02l5rm /people/person/profession /m/0kyk +/m/0mdqp /people/person/profession /m/02jknp +/m/01w9ph_ /people/person/profession /m/0dxtg +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/017149 +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/02fzs /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02v60l +/m/0lgm5 /people/person/gender /m/05zppz +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05ry0p /base/eating/practicer_of_diet/diet /m/07_jd +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0jbp0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_6y +/m/0cqcgj /people/person/place_of_birth /m/0fk98 +/m/0c1pj /people/person/employment_history./business/employment_tenure/company /m/0fvppk +/m/01wlt3k /people/person/places_lived./people/place_lived/location /m/043yj +/m/031y07 /people/person/profession /m/02hrh1q +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/043kzcr +/m/0d68qy /tv/tv_program/languages /m/02h40lc +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01mwsnc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/032_jg /people/person/spouse_s./people/marriage/location_of_ceremony /m/0lhn5 +/m/095x_ /people/person/profession /m/04f2zj +/m/01w40h /music/record_label/artist /m/03q2t9 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/017fp /media_common/netflix_genre/titles /m/0_9wr +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bq8tmw +/m/0pc62 /film/film/genre /m/02l7c8 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/015npr +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044gyq +/m/0382m4 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/0c33pl /people/person/nationality /m/09c7w0 +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02hnl /music/instrument/instrumentalists /m/01w9k25 +/m/01p85y /people/person/languages /m/04306rv +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/0hm0k /award/award_winner/awards_won./award/award_honor/award_winner /m/04qb6g +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/06nm1 /language/human_language/countries_spoken_in /m/0b90_r +/m/01p7x7 /education/educational_institution/campuses /m/01p7x7 +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hrqc +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0gx_p +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/065z3_x /film/film/genre /m/0jxxt +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02j9z /location/location/contains /m/0jhd +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/02ck1 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03l2n /base/biblioness/bibs_location/state /m/07b_l +/m/05ch98 /film/film/executive_produced_by /m/024t0y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/013q07 /film/film/prequel /m/01k1k4 +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047q2wc +/m/047p7fr /film/film/language /m/02h40lc +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/05ldnp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039fgy +/m/01738f /music/genre/parent_genre /m/0glt670 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/03knl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lymt +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/04c9bn /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/063vn /people/person/profession /m/0fj9f +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03hkch7 /film/film/personal_appearances./film/personal_film_appearance/person /m/042kg +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/03pc89 /film/film/film_festivals /m/0bx_f_t +/m/03sc8 /business/business_operation/industry /m/01mfj +/m/0jbk9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0d90m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07nznf +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0kvrb /people/person/nationality /m/07ssc +/m/01pctb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/03061d /people/person/profession /m/02hrh1q +/m/0f8l9c /location/location/contains /m/04vg8 +/m/04bdpf /people/person/nationality /m/09c7w0 +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0pm85 /music/genre/artists /m/0838y +/m/03m6pk /film/actor/film./film/performance/film /m/01cz7r +/m/036jv /music/genre/artists /m/01vvydl +/m/068g3p /film/actor/film./film/performance/film /m/09qljs +/m/07z6xs /film/film/film_production_design_by /m/0bytkq +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1ysd +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01vvpjj /people/person/profession /m/09jwl +/m/07s9tsr /people/person/profession /m/02pjxr +/m/02m501 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrncs +/m/032_jg /people/person/sibling_s./people/sibling_relationship/sibling /m/0151w_ +/m/016yzz /influence/influence_node/influenced_by /m/06whf +/m/07yklv /music/genre/artists /m/0p3r8 +/m/09c7w0 /location/location/contains /m/0ggh3 +/m/0j1yf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/015f7 +/m/02cvcd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/064n1pz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07s9rl0 /media_common/netflix_genre/titles /m/032zq6 +/m/04v09 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03xb2w /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/025_ql1 /people/person/profession /m/0cbd2 +/m/04j689 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0dyg2 /location/location/time_zones /m/02lcqs +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t6b4 +/m/049gc /people/person/profession /m/02hrh1q +/m/0f5xn /film/actor/film./film/performance/film /m/02yvct +/m/07t21 /location/location/contains /m/0975t6 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/024hbv +/m/0kpys /location/location/contains /m/0r15k +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/01243b /music/genre/artists /m/05xq9 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0g9wdmc /film/film/country /m/0f8l9c +/m/0fxmbn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s7zw /people/person/profession /m/02hrh1q +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02jx1 /location/location/contains /m/01zn4y +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9zljd +/m/03hmt9b /film/film/production_companies /m/025jfl +/m/03vyw8 /film/film/language /m/02h40lc +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/01kx_81 +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/07371 /location/administrative_division/country /m/059j2 +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0bxxzb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04hs7d /tv/tv_program/languages /m/03_9r +/m/0bdd_ /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/02dth1 /film/actor/film./film/performance/film /m/04tc1g +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wvhz +/m/03_87 /people/person/religion /m/0c8wxp +/m/0h0yt /people/person/profession /m/015cjr +/m/02bg55 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d608 /film/actor/film./film/performance/film /m/048qrd +/m/015wnl /film/actor/film./film/performance/film /m/035s95 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0f1pyf /people/person/places_lived./people/place_lived/location /m/02cft +/m/06cqb /music/genre/artists /m/0knjh +/m/03czz87 /tv/tv_program/languages /m/0t_2 +/m/016ghw /people/person/profession /m/01d_h8 +/m/0jdx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0flpy /people/deceased_person/place_of_death /m/030qb3t +/m/08jyyk /music/genre/artists /m/018x3 +/m/02v3yy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gyx4 +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06924p /music/genre/artists /m/02f1c +/m/01p4r3 /people/deceased_person/place_of_death /m/030qb3t +/m/081wh1 /music/artist/origin /m/030qb3t +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/05fjf /location/location/contains /m/0ljsz +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/049mr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s846j /film/film/production_companies /m/054lpb6 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051ys82 +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0rh7t /location/location/contains /m/0j_sncb +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/016s0m /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0262zm /award/award_category/disciplines_or_subjects /m/02xlf +/m/02vjzr /music/genre/artists /m/03t852 +/m/027lf1 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/064t9 /music/genre/artists /m/0837ql +/m/04rsd2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04j53 /location/country/form_of_government /m/01fpfn +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jmv8 +/m/03_wtr /people/person/nationality /m/09c7w0 +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04crrxr /people/person/profession /m/0dxtg +/m/09c7w0 /location/location/contains /m/04gxf +/m/077q8x /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrkdt +/m/0chw_ /people/person/profession /m/02jknp +/m/0b73_1d /film/film/country /m/09c7w0 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/01gv_f +/m/026l37 /people/person/place_of_birth /m/01_d4 +/m/01y9r2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02kmx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvg70 +/m/02fgdx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f5hyg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02vqhv0 /film/film/language /m/02h40lc +/m/040dv /people/person/nationality /m/02jx1 +/m/01hl_w /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/0443y3 /people/person/profession /m/02hrh1q +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/01k0xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02p3cr5 /music/record_label/artist /m/01323p +/m/0f1_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cw4l +/m/0k9p4 /location/hud_county_place/place /m/0k9p4 +/m/01fmz6 /award/award_winner/awards_won./award/award_honor/award_winner /m/05_swj +/m/0462hhb /film/film/film_festivals /m/059_y8d +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/039n1 /people/person/gender /m/05zppz +/m/016z1t /people/person/nationality /m/09c7w0 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0221g_ /education/educational_institution_campus/educational_institution /m/0221g_ +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/01797x +/m/0g7s1n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0221zw +/m/05r5c /music/instrument/instrumentalists /m/03kts +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/015v3r /film/actor/film./film/performance/film /m/0bscw +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jymd +/m/0bzjf /location/location/contains /m/0d99m +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0807ml /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/024lff /film/film/prequel /m/0ct2tf5 +/m/0cqr0q /film/film/genre /m/060__y +/m/02f2dn /film/actor/film./film/performance/film /m/0639bg +/m/03ntbmw /film/film/language /m/02h40lc +/m/01r2l /education/field_of_study/students_majoring./education/education/student /m/03swmf +/m/0mwht /location/location/time_zones /m/02hcv8 +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04x56 /people/person/profession /m/0kyk +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/01vw77 /music/genre/parent_genre /m/0m0jc +/m/02_nsc /film/film/music /m/0150t6 +/m/04qw17 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/024my5 /people/person/place_of_birth /m/02_286 +/m/06ls0l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cc7hmk /film/film/language /m/02h40lc +/m/0478__m /influence/influence_node/influenced_by /m/01vsy7t +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/0333wf /people/person/nationality /m/09c7w0 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06mfvc +/m/0164v /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06mt91 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03yfh3 +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qssrm +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bx0lc /people/person/place_of_birth /m/04jpl +/m/0p8r1 /people/person/profession /m/0np9r +/m/01l2fn /people/person/places_lived./people/place_lived/location /m/01dzq6 +/m/05jm7 /influence/influence_node/influenced_by /m/04x56 +/m/03_lf /people/person/gender /m/05zppz +/m/0gyv0b4 /film/film/executive_produced_by /m/05hj_k +/m/01svry /film/film/genre /m/01jfsb +/m/05ldxl /film/film/genre /m/07s9rl0 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0p17j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05p1qyh /film/film/genre /m/05p553 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/060j8b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/078jnn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01453 +/m/044f7 /film/actor/film./film/performance/special_performance_type /m/014kbl +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/0gd9k /people/person/profession /m/01d_h8 +/m/075cph /film/film/genre /m/0c3351 +/m/02rbdlq /people/ethnicity/people /m/03s2dj +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01ft14 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/015qyf /film/actor/film./film/performance/film /m/027rpym +/m/0d66j2 /tv/tv_program/languages /m/02h40lc +/m/03hfxx /people/person/profession /m/02hrh1q +/m/0hskw /people/person/profession /m/05sxg2 +/m/03dn9v /people/person/place_of_birth /m/052p7 +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/019ltg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0343_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/01z215 /location/country/capital /m/0dlm_ +/m/03h_9lg /film/actor/film./film/performance/film /m/01qb5d +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hm0k +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0jqd3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/01j2xj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023s8 +/m/0d8w2n /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/05c5z8j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050_qx +/m/02f1c /people/person/places_lived./people/place_lived/location /m/07h34 +/m/017149 /film/actor/film./film/performance/film /m/09wnnb +/m/0pz91 /people/person/place_of_birth /m/0cr3d +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/08c4yn +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/01jw4r /people/person/profession /m/01d_h8 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0hky /people/person/profession /m/0kyk +/m/013bd1 /people/person/nationality /m/07ssc +/m/063b4k /people/person/profession /m/02hrh1q +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cpvcd /people/person/religion /m/03_gx +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/0c7xjb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033wx9 +/m/02qny_ /people/person/gender /m/05zppz +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btyf5z +/m/050tt8 /location/administrative_division/country /m/03rk0 +/m/0blfl /olympics/olympic_games/participating_countries /m/03rj0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07tp2 +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4gw +/m/0ggbhy7 /film/film/genre /m/02qfv5d +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bpm6 +/m/01j8wk /film/film/music /m/07q1v4 +/m/079ws /people/person/profession /m/0n1h +/m/0h63q6t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01vn35l /people/person/places_lived./people/place_lived/location /m/0k33p +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0btpx +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/048s0r /people/person/places_lived./people/place_lived/location /m/0y1rf +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/03lty /music/genre/artists /m/01vsyjy +/m/04sry /people/person/profession /m/0dxtg +/m/01w58n3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06by7 /music/genre/artists /m/018ndc +/m/04zwtdy /people/person/profession /m/01d_h8 +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/050ks /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/09p4w8 /film/film/written_by /m/06dkzt +/m/0dplh /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/09c7w0 /location/location/contains /m/01j_9c +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0284b56 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hdx8 +/m/01qvz8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02__7n +/m/017_qw /music/genre/artists /m/01l3mk3 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/06nrt +/m/01ptt7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03f0fp /sports/sports_position/players./sports/sports_team_roster/team /m/065zf3p +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/093l8p +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/092vkg +/m/06w99h3 /film/film/story_by /m/05183k +/m/013h9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/042xrr +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/05kkh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rwcgb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05z_p6 /film/director/film /m/026p_bs +/m/0gyh /base/biblioness/bibs_location/country /m/09c7w0 +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01l1hr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0f2v0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/08g5q7 /people/cause_of_death/people /m/03vrp +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/016ynj +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/01vdrw +/m/04nlb94 /film/film/genre /m/01hmnh +/m/02d45s /film/actor/film./film/performance/film /m/0c38gj +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/02lf1j +/m/01b7h8 /tv/tv_program/genre /m/0214st +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dpsv +/m/02yr3z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/064_8sq /language/human_language/countries_spoken_in /m/01rxw +/m/02l1fn /education/educational_institution/campuses /m/02l1fn +/m/0yx_w /film/film/genre /m/01lrrt +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/07245g +/m/0fd3y /music/genre/artists /m/0c9d9 +/m/04sylm /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b6n9 /film/film/written_by /m/026670 +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/06mn7 /people/person/profession /m/02jknp +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/08wr3kg /people/person/gender /m/02zsn +/m/05bht9 /people/person/profession /m/02jknp +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/027rn +/m/015njf /people/person/profession /m/02hrh1q +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06n7h7 +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/026390q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/015y2q +/m/0d68qy /tv/tv_program/genre /m/0c4xc +/m/018p4y /people/person/languages /m/02h40lc +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pmhf +/m/0djd22 /media_common/netflix_genre/titles /m/0y_hb +/m/04kjrv /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02h659 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gf5h /people/person/profession /m/09jwl +/m/09x3r /olympics/olympic_games/sports /m/0d1t3 +/m/07mb57 /people/person/profession /m/0dgd_ +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/05y7hc +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/02b07b /business/business_operation/industry /m/03qh03g +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0bm70b /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06w38l +/m/0l14j_ /music/instrument/instrumentalists /m/02b25y +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0164y7 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/02p4jf0 /music/record_label/artist /m/016sp_ +/m/09c7w0 /location/location/contains /m/05k7sb +/m/018jcq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01yzhn /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/03cyslc /film/film/featured_film_locations /m/02_286 +/m/09x3r /olympics/olympic_games/participating_countries /m/0ctw_b +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/02k_kn /music/genre/artists /m/01lw3kh +/m/0cjsxp /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/01zlh5 /people/person/profession /m/03gjzk +/m/095x_ /people/person/gender /m/05zppz +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/031zm1 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/05cvgl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/01_p6t /award/award_winner/awards_won./award/award_honor/award_winner /m/0fsm8c +/m/09n48 /olympics/olympic_games/participating_countries /m/0154j +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03w4sh /people/person/place_of_birth /m/02s838 +/m/07pzc /people/person/languages /m/02h40lc +/m/017dpj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015pnb +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fq8f +/m/071cn /sports/sports_team_location/teams /m/04l5f2 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/0d060g /location/country/form_of_government /m/018wl5 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/050xxm /film/film/language /m/02h40lc +/m/0d06m5 /people/person/places_lived./people/place_lived/location /m/0ftvg +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/0299hs /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0yjf0 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/09btt1 /film/actor/film./film/performance/film /m/0gjcrrw +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/0n8bn /film/actor/film./film/performance/film /m/06r2h +/m/08nhfc1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01mylz /film/actor/film./film/performance/film /m/01xdxy +/m/064t9 /music/genre/artists /m/018n6m +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/02q_ncg /film/film/film_format /m/0cj16 +/m/03v0vd /people/person/gender /m/05zppz +/m/01j_5k /education/educational_institution/students_graduates./education/education/student /m/046chh +/m/029spt /location/location/time_zones /m/03bdv +/m/011yhm /film/film/produced_by /m/02kxbwx +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01wttr1 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0225z1 /business/business_operation/industry /m/020mfr +/m/04jpl /location/location/contains /m/09bkv +/m/01x4sb /film/actor/film./film/performance/film /m/0qm98 +/m/021gk7 /organization/organization/place_founded /m/0vzm +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0gt_0v /music/genre/artists /m/09hnb +/m/0430_ /base/biblioness/bibs_location/country /m/03spz +/m/03cf9ly /tv/tv_program/languages /m/02h40lc +/m/03wh95l /people/person/profession /m/02jknp +/m/02j9z /base/locations/continents/countries_within /m/0h7x +/m/0m313 /film/film/country /m/07ssc +/m/01s7w3 /film/film/music /m/01y_rz +/m/0bs5f0b /film/film/genre /m/05p553 +/m/07srw /location/location/contains /m/0jcmj +/m/02qmsr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jszm /education/educational_institution/students_graduates./education/education/student /m/03ys2f +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013h9 +/m/0mw89 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03flwk /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5jg5 +/m/03k7dn /education/educational_institution_campus/educational_institution /m/03k7dn +/m/01htxr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05z_p6 /people/person/gender /m/05zppz +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0hgqq +/m/0lpjn /film/actor/film./film/performance/film /m/0g54xkt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0hpv3 +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047n8xt +/m/033jkj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/05w88j /people/person/place_of_birth /m/094jv +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01vt5c_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064ndc +/m/026l1lq /sports/sports_team/colors /m/083jv +/m/0rd6b /base/biblioness/bibs_location/country /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/016ks5 +/m/09c7w0 /location/location/contains /m/02yr1q +/m/0415svh /people/person/profession /m/03gjzk +/m/09c7w0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/054k_8 /film/actor/film./film/performance/film /m/05znbh7 +/m/0fb0v /music/record_label/artist /m/01wmjkb +/m/04cbbz /film/film/produced_by /m/04fyhv +/m/04j4tx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01p4vl /film/actor/film./film/performance/film /m/02bg55 +/m/0klw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04nm0n0 /film/film/featured_film_locations /m/0345h +/m/03j6_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/03_wj_ /people/person/places_lived./people/place_lived/location /m/05v8c +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/05tbn /location/location/contains /m/0_75d +/m/02tgz4 /film/film/production_companies /m/017s11 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/014zfs /influence/influence_node/influenced_by /m/01k9lpl +/m/06y3r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/058bzgm /award/award_category/disciplines_or_subjects /m/06n90 +/m/042kbj /people/person/nationality /m/09c7w0 +/m/08r4x3 /film/film/language /m/06nm1 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/0l14j_ /music/instrument/instrumentalists /m/01vvlyt +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/0hr3g +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gl88b +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/03b78r /people/person/places_lived./people/place_lived/location /m/094jv +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0gthm /influence/influence_node/influenced_by /m/07dnx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0g701n +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06q8hf +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/0ctw_b /location/country/form_of_government /m/018wl5 +/m/03cyslc /film/film/music /m/0jn5l +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0225v9 +/m/02tk74 /people/person/gender /m/02zsn +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0jqb8 /film/film/film_art_direction_by /m/071jv5 +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/037c9s +/m/0xnvg /people/ethnicity/people /m/09yrh +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/05148p4 /music/instrument/instrumentalists /m/01w7nww +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/064t9 /music/genre/artists /m/023slg +/m/02p65p /film/actor/film./film/performance/film /m/02jkkv +/m/038g2x /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0c5wln +/m/0353tm /film/film/country /m/09c7w0 +/m/01q460 /education/educational_institution/campuses /m/01q460 +/m/03cw411 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dvmd /people/person/profession /m/01d_h8 +/m/05q96q6 /film/film/written_by /m/0237jb +/m/01jv1z /music/record_label/artist /m/02rn_bj +/m/02r1c18 /film/film/language /m/02h40lc +/m/0147sh /film/film/language /m/02h40lc +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bb9r +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/064t9 /music/genre/artists /m/045zr +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s6l +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/02x8n1n /award/award_category/disciplines_or_subjects /m/0w7c +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/0ckf6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/015_1q /music/record_label/artist /m/012z8_ +/m/0gpmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgly +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbn7c +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/0bmh4 /people/person/gender /m/02zsn +/m/01hmnh /media_common/netflix_genre/titles /m/014_x2 +/m/03yj_0n /film/actor/film./film/performance/film /m/02q7yfq +/m/03z509 /film/actor/film./film/performance/film /m/016017 +/m/04j14qc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v8clw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w40h /music/record_label/artist /m/03f1r6t +/m/051ysmf /people/person/place_of_birth /m/03s0w +/m/02qtywd /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/01hn_t /tv/tv_program/genre /m/06qln +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/05x2t7 +/m/0bshwmp /film/film/produced_by /m/0pz91 +/m/01_1kk /sports/sports_team/colors /m/083jv +/m/03lty /music/genre/artists /m/01vsxdm +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0f3kl /medicine/symptom/symptom_of /m/07s4l +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/0kszw /people/person/nationality /m/02jx1 +/m/06mvyf /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06srk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04vjh +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/09y6pb +/m/03s9b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q6gfp +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0hvvf /film/film/genre /m/03bxz7 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/01jswq /education/educational_institution/school_type /m/05jxkf +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02rmfm /film/actor/film./film/performance/film /m/04lhc4 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnl5 +/m/02k54 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03mck3c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03wjb7 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/07ncs0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026g4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qjg +/m/02tc5y /people/person/spouse_s./people/marriage/spouse /m/01gq0b +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/03f2_rc +/m/03_6y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0ch26b_ /film/film/genre /m/02n4kr +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/015np0 +/m/019lrz /people/ethnicity/people /m/0tc7 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02qd04y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0451j +/m/03rjj /location/location/contains /m/061k5 +/m/01mqc_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/041pnt /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/032j_n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvvf4j +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/043hg +/m/0d6_s /film/film/genre /m/03k9fj +/m/05rfst /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/01vv6xv /people/person/nationality /m/09c7w0 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/06mm1x +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/06by7 /music/genre/artists /m/03qmj9 +/m/04h54p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/041rx /people/ethnicity/people /m/02p2zq +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rj0 +/m/035l_9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01skmp /people/person/place_of_birth /m/02_286 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/0jzw /film/film/story_by /m/040_9 +/m/01pgzn_ /people/person/religion /m/0c8wxp +/m/0ncj8 /location/hud_county_place/county /m/0p0cw +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/07nf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hrc +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qdyf +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0169dl /film/actor/film./film/performance/film /m/07yk1xz +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/04n2vgk /people/person/profession /m/0nbcg +/m/03yhgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/080dfr7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0146hc /education/educational_institution/school_type /m/05jxkf +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09l3p +/m/01npcy7 /people/person/profession /m/02hrh1q +/m/03k7dn /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01qxc7 +/m/06823p /film/film/music /m/01njxvw +/m/03bw6 /film/director/film /m/083skw +/m/079hvk /people/person/place_of_birth /m/01_d4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0dwvl +/m/027r0_f /people/person/profession /m/03jgz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04h54p +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/050ks +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0chghy /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0ly8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03hzt /film/film_subject/films /m/03cw411 +/m/04q827 /film/film/produced_by /m/059x0w +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06zpgb2 +/m/025v1sx /sports/sports_team/colors /m/06fvc +/m/0kc9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09dv8h +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fmqp6 +/m/0pgjm /film/actor/film./film/performance/film /m/0pdp8 +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/01_bkd /music/genre/artists /m/019389 +/m/0399p /influence/influence_node/peers./influence/peer_relationship/peers /m/0ct9_ +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/0tj9 /people/person/places_lived./people/place_lived/location /m/020skc +/m/0g768 /music/record_label/artist /m/0jg77 +/m/0j0k /location/location/contains /m/03shp +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04knkd +/m/01l1ls /people/person/profession /m/018gz8 +/m/01rr31 /education/educational_institution/colors /m/083jv +/m/0187y5 /film/actor/film./film/performance/film /m/02sfnv +/m/0f2rq /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01f492 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/023mdt +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/02qfhb /base/eating/practicer_of_diet/diet /m/07_hy +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/07r78j +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/05g76 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027zz +/m/0ywqc /film/actor/film./film/performance/film /m/02cbhg +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/03j70d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02bm1v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033hn8 /music/record_label/artist /m/023p29 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcdc2 +/m/0phx4 /people/person/profession /m/0dz3r +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0bmj62v +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02ct_k +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/041pnt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kkk4 +/m/01fh0q /people/person/profession /m/0nbcg +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0btpx /people/person/languages /m/02h40lc +/m/07c52 /media_common/netflix_genre/titles /m/05p9_ql +/m/0266bd5 /sports/sports_team/colors /m/038hg +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/026c1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016fmf +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/07jrjb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0h32q /film/actor/film./film/performance/film /m/0_9l_ +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02x20c9 /people/person/profession /m/03gjzk +/m/01j5ql /film/film/genre /m/0lsxr +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01gvr1 +/m/07gghl /film/film/executive_produced_by /m/0glyyw +/m/02qr69m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05_5_22 /film/film/language /m/02h40lc +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/02yxbc /film/film/production_companies /m/01gb54 +/m/013cr /film/actor/film./film/performance/film /m/01jrbb +/m/0fw3f /location/hud_county_place/place /m/0fw3f +/m/0q5hw /influence/influence_node/influenced_by /m/0ph2w +/m/04lhft /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02b29 /people/person/gender /m/05zppz +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award /m/04jhhng +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04t9c0 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cd1q +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/01dq9q +/m/014kj2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/0y3_8 /music/genre/artists /m/01fchy +/m/01h5f8 /people/person/places_lived./people/place_lived/location /m/013gwb +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/02rq8k8 /film/film/featured_film_locations /m/04jpl +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0295sy /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06kl78 /film/film/genre /m/02js9 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/03g62 +/m/01p7s6 /people/ethnicity/people /m/06b_0 +/m/0b57p6 /people/person/gender /m/05zppz +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0cm2xh /film/film_subject/films /m/0pd6l +/m/042q3 /people/person/religion /m/05tgm +/m/01z4y /media_common/netflix_genre/titles /m/04tz52 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/0432b +/m/02gpkt /film/film/language /m/03_9r +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02klny /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06nz46 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/0859_ +/m/07g1sm /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/0lpjn /film/actor/film./film/performance/film /m/01npcx +/m/02fsn /music/instrument/instrumentalists /m/023slg +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/02cx72 +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/02cbhg /film/film/language /m/02h40lc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qb559 +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02fx3c +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/016ntp +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/0mwl2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tnbn /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/07s9rl0 /media_common/netflix_genre/titles /m/09p4w8 +/m/027r9t /film/film/genre /m/04228s +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/01f6zc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gw2y6 +/m/0fbx6 /people/person/profession /m/02hrh1q +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0br1xn /time/event/locations /m/029cr +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0fphgb /film/film/country /m/0f8l9c +/m/01k5y0 /film/film/genre /m/05p553 +/m/06q8hf /award/award_winner/awards_won./award/award_honor/award_winner /m/052hl +/m/027j79k /people/person/places_lived./people/place_lived/location /m/01x73 +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0g9z_32 /film/film/produced_by /m/0gls4q_ +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/0n2vl /location/location/time_zones /m/02hcv8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0ddd0gc /tv/tv_program/program_creator /m/05mcjs +/m/01hrqc /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/083pr /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/01l4zqz /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/064n1pz /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0hkq4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jtf1 +/m/05dtwm /film/actor/film./film/performance/film /m/04tqtl +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4_n0 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0837ql /people/person/religion /m/0flw86 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/039bpc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7xjb +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_j71 +/m/03n785 /film/film/genre /m/03npn +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0f8l9c /location/location/contains /m/011w4n +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hltjb /people/person/place_of_birth /m/04jpl +/m/04x4gj /tv/tv_program/genre /m/09n3wz +/m/0140g4 /film/film/music /m/01l9v7n +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/01hhvg /education/educational_institution/campuses /m/01hhvg +/m/02pt6k_ /people/person/gender /m/02zsn +/m/02cff1 /film/actor/film./film/performance/film /m/048xyn +/m/029sk /medicine/disease/notable_people_with_this_condition /m/02wyc0 +/m/0b256b /sports/sports_team/colors /m/083jv +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0fp_xp +/m/02jx1 /location/location/contains /m/028n3 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/0p_2r /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/034qt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02ln1 /user/alexander/philosophy/philosopher/interests /m/04rjg +/m/09146g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/012v9y /people/person/nationality /m/09c7w0 +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/0l6mp /olympics/olympic_games/sports /m/02bkg +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fz3b1 +/m/04zxrt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04zwtdy /people/person/nationality /m/04hqz +/m/016yvw /film/actor/film./film/performance/film /m/09tkzy +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/03ct7jd /film/film/production_companies /m/01gb54 +/m/0126rp /influence/influence_node/influenced_by /m/0p_47 +/m/0fczy /location/location/contains /m/0y3k9 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/04t36 /media_common/netflix_genre/titles /m/01hvjx +/m/04xbr4 /film/actor/film./film/performance/film /m/04sh80 +/m/02_fz3 /film/film/language /m/04h9h +/m/07vfy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mqnr +/m/06z9f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0453t /people/person/place_of_birth /m/0ycht +/m/07ssc /media_common/netflix_genre/titles /m/04x4gw +/m/03jj93 /film/actor/film./film/performance/film /m/0b76d_m +/m/04cxw5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0652ty /film/actor/film./film/performance/film /m/0g22z +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02778pf +/m/08lr6s /film/film/language /m/02h40lc +/m/02sjgpq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02cqny /music/genre/artists /m/04b7xr +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07kc_ +/m/0cbgl /influence/influence_node/influenced_by /m/040_t +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/01386_ /people/person/profession /m/0nbcg +/m/02whj /people/person/places_lived./people/place_lived/location /m/0b2ds +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0ds1glg /film/film/genre /m/07s9rl0 +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pw_n +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/05bmq /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0blt6 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/03lfd_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0993r /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01p47r +/m/04tqtl /film/film/music /m/01mkn_d +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0343h /film/director/film /m/0199wf +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/0dkb83 /sports/sports_team/sport /m/02vx4 +/m/04pxcx /people/person/employment_history./business/employment_tenure/company /m/0kc6x +/m/0l15f_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b82vw +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gh4 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0184tc /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/044g_k +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/081l_ +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02zfg3 /film/actor/film./film/performance/film /m/03kx49 +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/0f8j13 +/m/050f0s /film/film/produced_by /m/07fvf1 +/m/05zjd /language/human_language/countries_spoken_in /m/036b_ +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/01kb2j /people/person/profession /m/0kyk +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0jmwg /music/genre/artists /m/016lj_ +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/05397h /tv/tv_program/genre /m/07s9rl0 +/m/04kjrv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/03gbty +/m/09b6zr /people/person/employment_history./business/employment_tenure/company /m/07l8x +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04g9gd /film/film/genre /m/02kdv5l +/m/09969 /medicine/disease/risk_factors /m/01hbgs +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/05r6t /music/genre/artists /m/01dw_f +/m/03h_9lg /film/actor/film./film/performance/film /m/0c3zjn7 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/04sntd /film/film/edited_by /m/03crcpt +/m/0crqcc /people/person/profession /m/02hrh1q +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/015t56 +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/06l6nj +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0fvd03 +/m/03jsvl /music/genre/artists /m/06rgq +/m/02ktt7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fsm8c /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_st +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02029f +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b18l +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02_n5d /film/actor/film./film/performance/film /m/0pv2t +/m/01wv24 /education/educational_institution_campus/educational_institution /m/01wv24 +/m/09prnq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xs6_ +/m/013pp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b2lw +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/047g6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/09y6pb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w391 /film/actor/film./film/performance/film /m/03ct7jd +/m/0prjs /film/actor/film./film/performance/film /m/016ywb +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/09z2b7 /film/film/genre /m/07s9rl0 +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01xcfy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0237fw +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/01lyv /music/genre/artists /m/0152cw +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/03rx9 +/m/0234pg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0ptx_ /film/film/featured_film_locations /m/02_286 +/m/081pw /film/film_subject/films /m/011ysn +/m/016tw3 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0kf9p /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mlvc +/m/02g7sp /people/ethnicity/people /m/016yvw +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/014z8v /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/01fkxr /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ym1 +/m/0cfdd /music/instrument/instrumentalists /m/01386_ +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01933d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9j_ +/m/01l7qw /film/actor/film./film/performance/film /m/01242_ +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09c7w0 /location/location/contains /m/0f2pf9 +/m/0gxr1c /tv/tv_program/genre /m/07s9rl0 +/m/07g_0c /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/024my5 /people/person/nationality /m/09c7w0 +/m/02w7gg /people/ethnicity/people /m/04yt7 +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/0f721s +/m/01dkpb /award/award_winner/awards_won./award/award_honor/award_winner /m/06mr6 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02_1rq +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/026ck /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcp9b +/m/086x3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p7fh +/m/01h1b /influence/influence_node/influenced_by /m/014zfs +/m/02bn75 /people/person/nationality /m/09c7w0 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/015qq1 +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0f6cl2 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02hct1 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/012q4n /people/person/profession /m/01d_h8 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/01vvy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03wbqc4 /film/film/production_companies /m/017s11 +/m/0k_9j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170k0 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0287477 +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0ds2sb +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/015fsv /education/educational_institution/colors /m/038hg +/m/048gd_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05jt_ /music/genre/parent_genre /m/06bpt_ +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/099p5 /people/person/religion /m/04pk9 +/m/0h1q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01xcr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c33pl +/m/0bp_b2 /award/award_category/category_of /m/0gcf2r +/m/05nzw6 /film/actor/film./film/performance/film /m/0cf8qb +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/02g3v6 /award/award_category/winners./award/award_honor/award_winner /m/03mfqm +/m/0j0k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/048yqf /film/film/genre /m/01jfsb +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0hpv3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hv7l /sports/sports_team_location/teams /m/04255q +/m/099d4 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01m3b1t +/m/0c8tkt /film/film/genre /m/05p553 +/m/0fhzwl /tv/tv_program/languages /m/06nm1 +/m/0b6tzs /film/film/edited_by /m/02kxbx3 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05r5c /music/instrument/instrumentalists /m/024dgj +/m/0168cl /people/person/profession /m/039v1 +/m/01fmys /film/film/written_by /m/0py5b +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070w7s +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmdwwg +/m/04093 /influence/influence_node/influenced_by /m/02lt8 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9n7 +/m/0342h /music/instrument/instrumentalists /m/0gdh5 +/m/026n4h6 /film/film/production_companies /m/030_1m +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ts_3 +/m/01p1v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/016h4r +/m/03d0ns /people/person/profession /m/02jknp +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02l1fn +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03f22dp +/m/01k0vq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026g51 /music/genre/artists /m/027hm_ +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/01xyqk +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/0k6yt1 +/m/0f4k49 /film/film/genre /m/07s9rl0 +/m/029h7y /music/genre/artists /m/01lqf49 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/09743 /people/ethnicity/geographic_distribution /m/05sb1 +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07s8qm7 +/m/0z4s /film/actor/film./film/performance/film /m/016z9n +/m/01hmnh /media_common/netflix_genre/titles /m/0473rc +/m/01hdht /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p50v +/m/06mp7 /media_common/netflix_genre/titles /m/04nlb94 +/m/03nsm5x /film/film/genre /m/02l7c8 +/m/0642ykh /film/film/story_by /m/01wd02c +/m/01t_z /people/person/gender /m/05zppz +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0hh2s /music/genre/parent_genre /m/0190yn +/m/04lp8k /film/actor/film./film/performance/film /m/03clwtw +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j2xj +/m/094jv /location/location/contains /m/09kvv +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03rg2b +/m/06fpsx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05k2xy +/m/04qk12 /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/07ssc /location/location/contains /m/017vdg +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016yxn +/m/0fpzt5 /people/person/profession /m/0dxtg +/m/04lgymt /award/award_winner/awards_won./award/award_honor/award_winner /m/0412f5y +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08sfxj +/m/01wwvc5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0zcbl /film/actor/film./film/performance/film /m/047wh1 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cb77r +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/059rc /film/film/genre /m/04228s +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0m0jc /music/genre/artists /m/01w5n51 +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/057__d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0prh7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hv4t /film/film/genre /m/07s9rl0 +/m/06mvq /people/ethnicity/people /m/0k525 +/m/04gb7 /film/film_subject/films /m/04x4vj +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kcn7 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/02b1k5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwjq +/m/08624h /people/person/place_of_birth /m/0dlv0 +/m/0c7hq /location/location/contains /m/04_xr8 +/m/0342z_ /education/educational_institution/school_type /m/01y64 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/016wyn +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01hbq0 +/m/04zl8 /film/film/written_by /m/04yt7 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/04jhp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09b3v /media_common/netflix_genre/titles /m/0kcn7 +/m/02g0rb /people/person/place_of_birth /m/02_286 +/m/015_1q /music/record_label/artist /m/0lgm5 +/m/05h7tk /people/person/sibling_s./people/sibling_relationship/sibling /m/019r_1 +/m/08jgk1 /tv/tv_program/genre /m/06cvj +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v570 +/m/01p1b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/04twmk +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zj61 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/0gc_c_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tw3 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05xbx /award/award_winner/awards_won./award/award_honor/award_winner /m/01w92 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/04knvh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0n5j_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/060v34 /film/film/country /m/09c7w0 +/m/071x0k /people/ethnicity/geographic_distribution /m/06qd3 +/m/05v10 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/05c5z8j /film/film/language /m/02h40lc +/m/01pq4w /education/educational_institution/campuses /m/01pq4w +/m/01n3bm /people/cause_of_death/people /m/04__f +/m/0gjvqm /people/person/gender /m/02zsn +/m/029k4p /film/film/written_by /m/0693l +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01vw8k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05dfy_ /film/film/genre /m/03q4nz +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/0jv5x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0d0x8 /base/aareas/schema/administrative_area/capital /m/013yq +/m/03fts /film/film/genre /m/05p553 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xbw2 +/m/0rnmy /location/hud_county_place/place /m/0rnmy +/m/0ddt_ /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/05p6ppv /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50vn +/m/03h3x5 /film/film/music /m/0134s5 +/m/0jm3v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/0g7pm /base/aareas/schema/administrative_area/administrative_parent /m/06rf7 +/m/04svwx /film/film/genre /m/0hcr +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/04pp9s +/m/01jfrg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06tw8 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/012s1d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015pkc +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0790 +/m/02zyq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/01crd5 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/04kjrv /people/person/place_of_birth /m/0978r +/m/02n4kr /media_common/netflix_genre/titles /m/05_5rjx +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c6qh +/m/02j9lm /people/person/religion /m/0kpl +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/03h_yy /film/film/genre /m/02n4kr +/m/0mgkg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/016vqk +/m/06rhz7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yk13 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/01438g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/01n6r0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hcm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01j7rd /influence/influence_node/influenced_by /m/01svq8 +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/0kbws /olympics/olympic_games/participating_countries /m/04hhv +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016kjs +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/07ssc /location/location/contains /m/01jxlz +/m/05rgl /location/location/contains /m/047t_ +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvgtf +/m/0456xp /people/person/place_of_birth /m/02_286 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/07h07 +/m/09mq4m /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/021pqy /film/film/genre /m/04xvlr +/m/0283_zv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0830vk +/m/047hpm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028r4y +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015x74 +/m/03vyw8 /film/film/genre /m/03bxz7 +/m/05hz6_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0p7pw /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/0dhf5 /base/biblioness/bibs_location/country /m/09pmkv +/m/0f0kz /film/actor/film./film/performance/film /m/0fxmbn +/m/04wlh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02f46y /education/educational_institution/campuses /m/02f46y +/m/07nv3_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02t_8z +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01w5gg6 /people/person/nationality /m/07ssc +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs5v +/m/0hz55 /tv/tv_program/genre /m/02kdv5l +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/0cf_h9 /film/actor/film./film/performance/film /m/03wy8t +/m/0h5g_ /film/actor/film./film/performance/film /m/09lcsj +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05yjhm /organization/organization_member/member_of./organization/organization_membership/organization /m/04m8fy +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/01386_ /people/person/profession /m/0fnpj +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qvz8 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/03czz87 /tv/tv_program/program_creator /m/02bwc7 +/m/0418wg /film/film/language /m/02h40lc +/m/01hmnh /media_common/netflix_genre/titles /m/056k77g +/m/0j13b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/037n97 /music/genre/artists /m/01lvcs1 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/0tz1x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04n2vgk /music/artist/origin /m/0cr3d +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01qbl +/m/03bnd9 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/018d5b /location/location/contains /m/05gm16l +/m/01mqc_ /film/actor/film./film/performance/film /m/08r4x3 +/m/0520r2x /people/person/profession /m/026sdt1 +/m/056878 /time/event/instance_of_recurring_event /m/0c4ys +/m/05r7t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0l76z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04cf09 +/m/01tjt2 /location/location/contains /m/03p2m1 +/m/0pmq2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fky +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/06lxn +/m/04xvlr /media_common/netflix_genre/titles /m/0333t +/m/02pt27 /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/0225v9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/02rtqvb /film/film/language /m/02h40lc +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/03lpp_ /sports/sports_team/colors /m/01l849 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0dt8xq +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qlp4 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/05z01 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04t38b +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/04gzd +/m/0gh65c5 /film/film/country /m/03h64 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/05cv94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/081nh +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0h1q6 +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bh9 +/m/02qhlwd /film/film/language /m/04306rv +/m/0t_hx /location/location/time_zones /m/02hcv8 +/m/09p3_s /film/film/edited_by /m/0jgwf +/m/09n48 /olympics/olympic_games/participating_countries /m/0jgd +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/04xvlr /media_common/netflix_genre/titles /m/0170xl +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0l12d /people/person/places_lived./people/place_lived/location /m/03pzf +/m/02mw6c /education/educational_institution/colors /m/036k5h +/m/0cwy47 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r4qs +/m/02pbzv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/0h08p /music/genre/artists /m/0140t7 +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/01gb54 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01nzz8 /people/person/places_lived./people/place_lived/location /m/0r00l +/m/026l37 /people/person/gender /m/05zppz +/m/06cgy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pj5q +/m/0hv1t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0340hj /film/film/language /m/02h40lc +/m/03c6v3 /people/person/place_of_birth /m/02hrh0_ +/m/0d8w2n /film/film/genre /m/0219x_ +/m/0sngf /location/location/time_zones /m/02hcv8 +/m/0fplv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fpn8 +/m/0d4htf /film/film/music /m/02fgpf +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h2d4 +/m/012q4n /film/actor/film./film/performance/film /m/0y_hb +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/015dnt +/m/0bytkq /people/person/profession /m/02pjxr +/m/0dmn0x /film/film/film_format /m/0cj16 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0196bp +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0325dj /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05v8c /location/country/official_language /m/01jb8r +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ksr1 +/m/045bg /influence/influence_node/influenced_by /m/0w6w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/01vfqh /film/film/edited_by /m/02kxbwx +/m/02lnbg /music/genre/artists /m/09nhvw +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06rgq +/m/02xbw2 /people/person/places_lived./people/place_lived/location /m/0mzww +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05cj4r /film/actor/film./film/performance/film /m/011ywj +/m/06s26c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pjvc +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/01trtc /music/record_label/artist /m/01vw8mh +/m/0bzrxn /time/event/locations /m/0dq16 +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03_js /people/person/gender /m/05zppz +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/030_1m /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b4rf3 +/m/01vdrw /people/person/gender /m/02zsn +/m/0fr63l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/01vtg4q +/m/0p_pd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xf_m /film/film/language /m/02h40lc +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/0fn8jc +/m/056_y /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02k1pr /film/film/genre /m/01drsx +/m/0gyx4 /film/actor/film./film/performance/film /m/0c9k8 +/m/02bkdn /film/actor/film./film/performance/film /m/03m8y5 +/m/0b2_xp /people/person/profession /m/03gjzk +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/04mlh8 /people/person/nationality /m/09c7w0 +/m/053yx /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02r38 /people/person/profession /m/01c72t +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05_5_22 +/m/02qnhk1 /people/person/nationality /m/03rk0 +/m/0202p_ /film/actor/film./film/performance/film /m/04tng0 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/05fcbk7 /film/film/country /m/0chghy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dyl9 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/099pks /tv/tv_program/program_creator /m/06jnvs +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0xnvg /people/ethnicity/people /m/01pw2f1 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/07csf4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s5v5 +/m/0fb18 /location/location/contains /m/0f60c +/m/032c08 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0170pk /film/actor/film./film/performance/film /m/017180 +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z542 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/09_bl +/m/01pgzn_ /people/person/profession /m/0d1pc +/m/03kts /people/person/profession /m/025352 +/m/02w7gg /people/ethnicity/people /m/0qf3p +/m/051z6rz /people/person/profession /m/0n1h +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k7d9 +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01zhs3 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/036hnm +/m/05j49 /location/location/partially_contains /m/0lm0n +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/012gbb /people/deceased_person/place_of_death /m/05qtj +/m/04sry /people/person/spouse_s./people/marriage/spouse /m/0htlr +/m/04vmqg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5qmbz +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03k9fj /media_common/netflix_genre/titles /m/03t97y +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/05w3f /music/genre/artists /m/0jsg0m +/m/073749 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/01qrb2 /education/university/fraternities_and_sororities /m/035tlh +/m/047sxrj /people/person/profession /m/0n1h +/m/0136pk /music/artist/origin /m/030qb3t +/m/0fs9jn /people/person/gender /m/05zppz +/m/0b1f49 /people/person/employment_history./business/employment_tenure/company /m/05qd_ +/m/05xpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0ddjy /film/film/story_by /m/0343h +/m/095nx /people/person/spouse_s./people/marriage/location_of_ceremony /m/04pry +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/06zd1c /people/deceased_person/place_of_death /m/0h3lt +/m/01vv6_6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/02hp6p /education/educational_institution/colors /m/083jv +/m/0ds33 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02khs +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cffvv +/m/04sry /people/person/profession /m/02hrh1q +/m/0hqly /people/person/places_lived./people/place_lived/location /m/0p4gy +/m/0j4b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01yf85 +/m/0292l3 /film/actor/film./film/performance/film /m/030z4z +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vxq9m +/m/0prrm /film/film/production_companies /m/032j_n +/m/09bg4l /organization/organization_founder/organizations_founded /m/07t65 +/m/01cl2y /music/record_label/artist /m/045zr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0bxbr /location/location/time_zones /m/02hcv8 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/0kqj1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03f4n1 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065zlr +/m/09tlc8 /organization/organization/child./organization/organization_relationship/child /m/024rbz +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/0b2qtl /film/film/produced_by /m/0272kv +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rq8k8 +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/020fgy /people/person/places_lived./people/place_lived/location /m/0dprg +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/0j298t8 +/m/06mzp /location/location/contains /m/0194f5 +/m/02h48 /people/person/profession /m/09jwl +/m/01hkck /people/person/profession /m/02hrh1q +/m/01kmd4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jbx1 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03spz +/m/0232lm /people/person/places_lived./people/place_lived/location /m/0wh3 +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01vsy7t /influence/influence_node/influenced_by /m/048xh +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvdm +/m/0pmhf /people/person/nationality /m/09c7w0 +/m/016tb7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02p21g +/m/07g1sm /film/film/executive_produced_by /m/02hy9p +/m/03s7h /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/026t6 /music/instrument/instrumentalists /m/03h_fqv +/m/044lyq /people/person/place_of_birth /m/04jpl +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/0gyh2wm /film/film/genre /m/07s9rl0 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k4p0 +/m/01p85y /award/award_winner/awards_won./award/award_honor/award_winner /m/015c2f +/m/030qb3t /location/location/time_zones /m/02lcqs +/m/0418ft /people/person/profession /m/02hrh1q +/m/02wvfxl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/031ldd /film/film/produced_by /m/069_0y +/m/0x25q /film/film/featured_film_locations /m/0dc95 +/m/03rl84 /film/actor/film./film/performance/film /m/02vyyl8 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02nt75 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fb5 +/m/03rhqg /music/record_label/artist /m/02whj +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/016sd3 /education/educational_institution/colors /m/0jc_p +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0g5y6 /people/ethnicity/people /m/014x77 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/0fc_9 /location/location/time_zones /m/02hcv8 +/m/0h08p /music/genre/artists /m/025jj7 +/m/03_gz8 /film/film/produced_by /m/02q42j_ +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0337vz +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/06nrt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/01vv6xv /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/063fh9 /film/film/language /m/02h40lc +/m/086hg9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02lymt /film/actor/film./film/performance/film /m/02ny6g +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0sxns /film/film/genre /m/0219x_ +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0170s4 /film/actor/film./film/performance/film /m/04jm_hq +/m/02b9g4 /people/person/gender /m/05zppz +/m/03_hd /influence/influence_node/influenced_by /m/042q3 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/021npv /film/actor/film./film/performance/film /m/0661ql3 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0c58k /people/cause_of_death/people /m/016dp0 +/m/07ng9k /film/film/genre /m/0jxy +/m/01309x /people/person/profession /m/01b30l +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/067xw /influence/influence_node/influenced_by /m/03hpr +/m/02xhpl /tv/tv_program/languages /m/02h40lc +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/09y6pb /film/film/country /m/09c7w0 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01_0f7 /film/film/genre /m/082gq +/m/0d060g /location/location/contains /m/0h5qxv +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/071dcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vqdf +/m/01fh9 /people/person/profession /m/09jwl +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209xj +/m/0181dw /music/record_label/artist /m/01l_vgt +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/01rzqj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0bg539 /people/person/gender /m/05zppz +/m/0xzly /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/033x5p /organization/organization/headquarters./location/mailing_address/citytown /m/0pc56 +/m/04bd8y /film/actor/film./film/performance/film /m/0pb33 +/m/063vn /people/person/nationality /m/0d060g +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3nb +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/041h0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bz5 +/m/034qt_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/04vlh5 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/039d4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/03rk0 /location/location/contains /m/0f1_p +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04vr_f +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0hmr4 /film/film/genre /m/05p553 +/m/0b5ysl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/023fb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/018ctl /olympics/olympic_games/participating_countries /m/06srk +/m/026bk /music/genre/artists /m/01vrt_c +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d90m +/m/0xhtw /music/genre/artists /m/02t3ln +/m/07lt7b /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/02pbp9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f6zc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0htlr +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jpkg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02b17f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04dsnp /film/film/language /m/06b_j +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/057bxr /education/educational_institution/campuses /m/057bxr +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/01k56k +/m/01cpjx /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wj1 +/m/01938t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05fjf /location/location/contains /m/01j_06 +/m/017149 /film/actor/film./film/performance/film /m/03ntbmw +/m/0gk4g /people/cause_of_death/people /m/02kv5k +/m/05j82v /film/film/language /m/02h40lc +/m/07l450 /film/film/country /m/07ssc +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/01x66d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nfl1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6m5 /olympics/olympic_games/sports /m/0d1tm +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05qkp /location/country/form_of_government /m/01q20 +/m/04tc1g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0kv2hv +/m/011yth /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cc846d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01dw4q /people/person/profession /m/0cbd2 +/m/0gkydb /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/0hfzr /film/film/genre /m/017fp +/m/027jq2 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0jfx1 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0b6f8pf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03nb5v /film/actor/film./film/performance/film /m/02754c9 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/01xbxn /film/film/production_companies /m/01gb54 +/m/014jyk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx_w +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04xn_ /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0x44q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028q6 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/06qwh /tv/tv_program/country_of_origin /m/09c7w0 +/m/02zc7f /education/educational_institution/students_graduates./education/education/student /m/01r4hry +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/0b2h3 /location/location/time_zones /m/02fqwt +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/0401sg /film/film/country /m/07ssc +/m/01cssf /film/film/country /m/09c7w0 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fq1y +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/07wlf /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/02d4ct /film/actor/film./film/performance/film /m/02qpt1w +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01k7b0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019l68 +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nrq5 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgk1 +/m/012b30 /music/record_label/artist /m/016l09 +/m/055td_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jsgf +/m/02mmwk /film/film/story_by /m/03hnd +/m/02b190 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01p45_v /people/person/profession /m/02jknp +/m/02xbw2 /people/person/gender /m/02zsn +/m/0cw5k /location/administrative_division/country /m/05b7q +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0cp9f9 +/m/03yvln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02tz9z /education/educational_institution/campuses /m/02tz9z +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05r6t /music/genre/artists /m/02r3cn +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/02bfxb /people/person/place_of_birth /m/0853g +/m/02kj7g /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01qvcr /business/business_operation/industry /m/01mw1 +/m/046n4q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024l2y +/m/0sxrz /olympics/olympic_games/sports /m/02vx4 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0315q3 /film/actor/film./film/performance/film /m/05sns6 +/m/01g3gq /film/film/language /m/064_8sq +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/02jx1 /location/country/second_level_divisions /m/095l0 +/m/04vr_f /film/film/production_companies /m/02rr_z4 +/m/049msk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/024_vw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f4dx2 +/m/0x67 /people/ethnicity/people /m/0dt1cm +/m/046f3p /film/film/country /m/0345h +/m/01jw67 /film/film/language /m/02h40lc +/m/04y5j64 /film/film/production_companies /m/0c41qv +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/0170_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b90_r /location/country/capital /m/04sqj +/m/0xnvg /people/ethnicity/people /m/04x4s2 +/m/03t79f /film/film/genre /m/0fdjb +/m/0p8jf /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/06rmdr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ktjq +/m/081g_l /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/07hwkr /people/ethnicity/languages_spoken /m/01bkv +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0b7xl8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05ft32 +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0bt23 +/m/02t1cp /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0127xk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02qfv5d /media_common/netflix_genre/titles /m/01jmyj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/03pc89 /film/film/country /m/09c7w0 +/m/0bthb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qb559 /film/film/genre /m/02kdv5l +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0hgqq /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0pyg6 /people/person/nationality /m/09c7w0 +/m/063hp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/0dpl44 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03dj48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/02fs_d /education/educational_institution/students_graduates./education/education/student /m/02lk95 +/m/027xx3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018h2 /film/film_subject/films /m/01jc6q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/025czw +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/02y0js /people/cause_of_death/people /m/03bdm4 +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/05148p4 /music/instrument/instrumentalists /m/02l840 +/m/01c9x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d99k_ /film/film/language /m/02h40lc +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/01wmgrf /people/person/place_of_birth /m/043yj +/m/0wr_s /location/location/time_zones /m/02fqwt +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/034ks /people/person/places_lived./people/place_lived/location /m/064xp +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/059rc /film/film/production_companies /m/086k8 +/m/01kgg9 /people/person/religion /m/0631_ +/m/0mbql /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pk6x /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/070g7 /film/film/written_by /m/08hp53 +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m92h +/m/01h18v /film/film/genre /m/0q9mp +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jq +/m/0ktx_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gtv7pk +/m/0d6lp /location/location/contains /m/07vfz +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glnm +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/01qhm_ /people/ethnicity/people /m/0h953 +/m/01fkv0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzlbx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01twdk +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/07z2lx /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/09c7w0 /location/location/contains /m/0ch280 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0dc7hc /film/film/genre /m/02n4kr +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035yn8 +/m/026njb5 /film/film/genre /m/07s9rl0 +/m/017_qw /music/genre/artists /m/06k02 +/m/0jqj5 /film/film/language /m/064_8sq +/m/06crng /influence/influence_node/influenced_by /m/01t_wfl +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01l1hr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jjzf +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z_g6 +/m/018vs /music/instrument/instrumentalists /m/04m2zj +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01vwllw /film/actor/film./film/performance/film /m/03bxp5 +/m/02j3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0x67 /people/ethnicity/people /m/01900g +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016l09 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01g257 +/m/0gyv0b4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kjrx +/m/01wwvd2 /people/person/employment_history./business/employment_tenure/company /m/073tm9 +/m/0l6m5 /olympics/olympic_games/sports /m/0d1t3 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx72 +/m/033tf_ /people/ethnicity/people /m/06fc0b +/m/07ccs /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/01k7xz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/013v5j /people/person/profession /m/016z4k +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d9k +/m/0dqmt0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0kbws /olympics/olympic_games/participating_countries /m/03rjj +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xn7x1 +/m/01vs_v8 /people/person/profession /m/02jknp +/m/04q827 /film/film/country /m/09c7w0 +/m/05bt6j /music/genre/artists /m/017mbb +/m/03cyslc /film/film/country /m/09c7w0 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01wkmgb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017m2y +/m/0hkq4 /location/administrative_division/country /m/03rt9 +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/06y611 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/012kyx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0320jz /film/actor/film./film/performance/film /m/0900j5 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01p79b +/m/0641kkh /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/01yzhn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h32q +/m/03nfnx /film/film/production_companies /m/056ws9 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d9_96 /people/person/profession /m/0dxtg +/m/01nn79 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mpwj /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0d7wh /people/ethnicity/people /m/0126rp +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/03hjv97 /film/film/production_companies /m/0g1rw +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0__wm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f2rq +/m/02_340 /people/person/profession /m/02hrh1q +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02t4yc +/m/027m5wv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024swd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/097h2 +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059_gf +/m/02q1tc5 /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/0pmpl /base/biblioness/bibs_location/country /m/0d060g +/m/0jdhp /people/person/places_lived./people/place_lived/location /m/013kcv +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/06cgy /film/actor/film./film/performance/film /m/0h6r5 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/04xvlr /media_common/netflix_genre/titles /m/0pv3x +/m/01pv91 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0233bn +/m/042d1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/03zrp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xyt7 +/m/02lnbg /music/genre/artists /m/01wj18h +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/016gr2 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07s9rl0 /media_common/netflix_genre/titles /m/0y_9q +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/02_p5w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/02qx69 /film/actor/film./film/performance/film /m/02j69w +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/0661ql3 /film/film/produced_by /m/0184dt +/m/01rthc /music/genre/parent_genre /m/016clz +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/0bbf1f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07r1h +/m/0204jh /education/educational_institution/students_graduates./education/education/student /m/0crqcc +/m/0czkbt /people/person/nationality /m/02jx1 +/m/0h778 /location/hud_county_place/county /m/0mwkp +/m/04hzj /location/location/contains /m/01pxqx +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/01mgw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vs14j /music/group_member/membership./music/group_membership/group /m/0dw4g +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0sv6n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02x8m /music/genre/artists /m/0flpy +/m/0h08p /music/genre/artists /m/03kts +/m/04fv5b /film/film/production_companies /m/03xsby +/m/0bwfn /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/081pw /film/film_subject/films /m/026qnh6 +/m/0b57p6 /people/person/profession /m/0dxtg +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/03_3d +/m/01bzr4 /people/person/profession /m/012t_z +/m/0jdgr /film/film/genre /m/07s9rl0 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0g_wn2 /location/hud_county_place/place /m/0g_wn2 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/02__x +/m/09c7w0 /location/location/contains /m/0qx1w +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s95_l +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bshwmp +/m/02qwg /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/01_4z /people/person/gender /m/05zppz +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/0135cw +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01w7nww /people/person/profession /m/02dsz +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/029m83 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vqk +/m/071jrc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/07swvb +/m/015882 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0d060g /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01g23m +/m/039zft /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0309jm /people/person/gender /m/05zppz +/m/030hcs /film/actor/film./film/performance/film /m/027r9t +/m/03_fk9 /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/01fh0q +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/07sc6nw /film/film/country /m/0d060g +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02h30z /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hxs4 /people/person/nationality /m/0d060g +/m/0gppg /people/person/profession /m/0cbd2 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/01rw116 /film/actor/film./film/performance/film /m/0k54q +/m/0dryh9k /people/ethnicity/people /m/04j0s3 +/m/01qhm_ /people/ethnicity/people /m/01d0fp +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/09v5bdn /people/ethnicity/people /m/01w61th +/m/05n19y /people/person/profession /m/01c72t +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0d05w3 /location/location/contains /m/0166b8 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/04rzd +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0g8st4 /people/person/profession /m/02hrh1q +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/0c0cs +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/043g7l /business/business_operation/industry /m/02jjt +/m/02ntb8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0dwvl +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/04q01mn /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0t0n5 /location/hud_county_place/county /m/0nryt +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/0d8lm /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0164r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktx_ +/m/07r4c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0q8p8 /sports/sports_team_location/teams /m/086hg9 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/01wwvt2 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0lrh /influence/influence_node/influenced_by /m/0c1jh +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0bbvr84 /people/person/gender /m/02zsn +/m/048lv /people/person/gender /m/05zppz +/m/015rkw /people/person/languages /m/02h40lc +/m/073749 /people/person/places_lived./people/place_lived/location /m/059rby +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p8v8 +/m/027nb /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03s2y9 +/m/0gfq9 /base/culturalevent/event/entity_involved /m/01h3dj +/m/06ntj /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0151ns /film/actor/film./film/performance/film /m/02j69w +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01swck +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06kxk2 +/m/04czx7 /people/ethnicity/languages_spoken /m/0653m +/m/0yt73 /location/hud_county_place/county /m/0n2sh +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0bzrsh /time/event/locations /m/071cn +/m/05ccxr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0j4b /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/04wqr /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ycht +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0285c /people/person/profession /m/0nbcg +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0gqxm /award/award_category/winners./award/award_honor/award_winner /m/0b79gfg +/m/034lk7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/05z7c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/025h4z +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bk17k +/m/02g0mx /film/actor/film./film/performance/film /m/03m4mj +/m/051vz /sports/sports_team/colors /m/02rnmb +/m/016z5x /film/film/music /m/01cbt3 +/m/026z9 /music/genre/parent_genre /m/0gywn +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0b90_r +/m/0bsb4j /people/person/gender /m/05zppz +/m/03tc5p /sports/sports_team/colors /m/01g5v +/m/0y_yw /film/film/genre /m/02n4kr +/m/051wwp /film/actor/film./film/performance/film /m/012mrr +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/03f4w4 /people/person/sibling_s./people/sibling_relationship/sibling /m/02tk74 +/m/02zq43 /people/person/profession /m/02hrh1q +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/05xvj /sports/sports_team/colors /m/06fvc +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/0336mc /people/person/profession /m/02hrh1q +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_2r +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/04qhdf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03rk0 /location/location/contains /m/055vr +/m/0pksh /people/person/profession /m/02jknp +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049t4g +/m/09zw90 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/085bd1 /film/film/genre /m/03k9fj +/m/0145m /music/genre/parent_genre /m/02p4l6s +/m/02hmvw /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/035tjy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/030hbp /people/person/places_lived./people/place_lived/location /m/06yxd +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/03dq9 /people/person/profession /m/0cbd2 +/m/0cbl95 /film/film/genre /m/01g6gs +/m/02k_kn /music/genre/artists /m/01nn3m +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/04ftdq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wt4wc /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0456xp /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07hyk /people/person/profession /m/0kyk +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02q52q /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/020bg /people/person/place_of_birth /m/0947l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0947l +/m/04jb97 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09yhzs +/m/0275_pj /people/person/nationality /m/09c7w0 +/m/02v5_g /film/film/story_by /m/03p01x +/m/041rx /people/ethnicity/people /m/03f1zhf +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0b_j2 +/m/04fzk /award/award_winner/awards_won./award/award_honor/award_winner /m/015pkc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0j2jr +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0cjf0 /medicine/symptom/symptom_of /m/011zdm +/m/0342h /music/instrument/instrumentalists /m/015x1f +/m/05rgl /location/location/partially_contains /m/09c7w0 +/m/01fxg8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0byh8j /location/location/contains /m/0fk98 +/m/01w5m /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01fwzk /film/film/genre /m/07s9rl0 +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award /m/06fp11 +/m/01vx5w7 /film/actor/film./film/performance/film /m/0353tm +/m/0ds35l9 /film/film/produced_by /m/05ty4m +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/06r4f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f14q +/m/02rg5rm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/037s5h /people/person/spouse_s./people/marriage/spouse /m/01j851 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0797c7 +/m/03c7ln /people/person/profession /m/09jwl +/m/01xdf5 /influence/influence_node/influenced_by /m/01svq8 +/m/05pxnmb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dnkmq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vx5w7 /people/person/profession /m/0nbcg +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058frd +/m/03gdf1 /organization/organization/headquarters./location/mailing_address/citytown /m/0cvw9 +/m/0dbks /base/biblioness/bibs_location/country /m/01nln +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0q1lp /people/person/religion /m/03_gx +/m/043tz0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/07y_p6 /time/event/instance_of_recurring_event /m/0gcf2r +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/0h584v /people/person/nationality /m/09c7w0 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/0fjcgg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/04205z /people/person/gender /m/02zsn +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0r22d /location/hud_county_place/county /m/0l2lk +/m/026yqrr /people/person/profession /m/02dsz +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6f8pf +/m/0qmfk /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/016tb7 /film/actor/film./film/performance/film /m/0fphgb +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/01w40h /music/record_label/artist /m/02f1c +/m/06h7l7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/028q6 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01gxqf +/m/0bxqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq2g +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/02vjzr /music/genre/artists /m/02p68d +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/01jrp0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03wdsbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0150t6 +/m/03xds /people/person/places_lived./people/place_lived/location /m/0393g +/m/02_1sj /film/film/produced_by /m/0g2lq +/m/0p_47 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kszw +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jml5 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0221g_ /organization/organization/headquarters./location/mailing_address/citytown /m/0f2s6 +/m/01kj5h /sports/sports_team/sport /m/02vx4 +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08gg47 +/m/0f4k49 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/01z77k /media_common/netflix_genre/titles /m/08y2fn +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/01cwdk /education/educational_institution/campuses /m/01cwdk +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05b49tt /film/film_set_designer/film_sets_designed /m/02v8kmz +/m/02zrv7 /people/person/profession /m/018gz8 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/07gbf /tv/tv_program/genre /m/03npn +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/0kvsb /people/person/places_lived./people/place_lived/location /m/01l69g +/m/03clwtw /film/film/production_companies /m/03xsby +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03ntbmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021s9n /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dg3n1 /location/location/contains /m/04wgh +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/02dztn /people/person/profession /m/02hrh1q +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f5spx +/m/034bs /people/person/languages /m/02h40lc +/m/02g3w /people/person/nationality /m/09c7w0 +/m/08phg9 /film/film/featured_film_locations /m/0k__z +/m/01kwlwp /people/person/profession /m/0dz3r +/m/042y1c /film/film/film_production_design_by /m/05b2gsm +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/019pkm +/m/02n5d /time/event/locations /m/024pcx +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02114t +/m/04hxyv /film/actor/film./film/performance/film /m/047csmy +/m/079kdz /people/person/profession /m/03gjzk +/m/05fky /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04s7y +/m/0n1rj /sports/sports_team_location/teams /m/0jnkr +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0fvvz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_fk5 /people/person/profession /m/0nbcg +/m/063576 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02wt0 +/m/0q9t7 /people/person/profession /m/0cbd2 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/032dg7 +/m/027ct7c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012rng +/m/02flpq /award/award_category/category_of /m/0c4ys +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/02wrrm /people/person/gender /m/05zppz +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/03swmf +/m/09k9d0 /education/educational_institution/school_type /m/05pcjw +/m/0p07l /location/location/contains /m/01vsl +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0b73_1d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1nt /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08lg0g +/m/09c7w0 /location/location/contains /m/0mpbx +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0992d9 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02bd_f /education/educational_institution_campus/educational_institution /m/02bd_f +/m/02rky4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/0prjs /people/person/nationality /m/05bcl +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01m3x5p +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_9x6 +/m/08x5c_ /film/actor/film./film/performance/film /m/0ywrc +/m/02jztz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/03fmfs /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jt90f5 /people/person/places_lived./people/place_lived/location /m/050ks +/m/012rrr /location/administrative_division/country /m/0h7x +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/0ymbl /education/educational_institution/campuses /m/0ymbl +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0g1rw /award/award_winner/awards_won./award/award_honor/award_winner /m/0hqcy +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/025jj7 /people/person/profession /m/016wtf +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/042kg +/m/03wh95l /people/person/nationality /m/09c7w0 +/m/0pyww /people/person/nationality /m/09c7w0 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/01_1hw /film/film/genre /m/02kdv5l +/m/028kj0 /film/film/language /m/02h40lc +/m/033q4k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/047g6 /people/person/religion /m/03_gx +/m/0dh8v4 /film/film/language /m/02hwhyv +/m/01vvycq /people/person/profession /m/0dxtg +/m/0kcdl /tv/tv_network/programs./tv/tv_network_duration/program /m/02ppg1r +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/049dk +/m/0320jz /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0j1yf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02rxrh +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/04fv5b +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/01vlj1g /people/person/profession /m/02hrh1q +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/018_q8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053yx +/m/01ptt7 /education/educational_institution/colors /m/083jv +/m/04j_gs /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/02xbyr /film/film/genre /m/01zhp +/m/02dgq2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/018m5q +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0473q /people/person/profession /m/04f2zj +/m/06gjk9 /film/film/production_companies /m/0283xx2 +/m/015rhv /film/actor/film./film/performance/film /m/0cq8qq +/m/04n3l /location/location/contains /m/02zp1t +/m/0259r0 /people/person/profession /m/016z4k +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/09txzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0dwz3t +/m/025sc50 /music/genre/artists /m/01lqf49 +/m/07bch9 /people/ethnicity/people /m/046zh +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qjv1p +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p9lw +/m/018t8f /education/educational_institution/colors /m/019sc +/m/0d060g /location/location/contains /m/074r0 +/m/02gd6x /film/film/country /m/0345h +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/03f0fnk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04n52p6 +/m/0h03fhx /film/film/executive_produced_by /m/02pq9yv +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/0qdyf +/m/015_1q /music/record_label/artist /m/01vn35l +/m/02q5g1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/01xrlm /organization/organization/headquarters./location/mailing_address/citytown /m/01s3v +/m/0163r3 /people/person/profession /m/0fnpj +/m/03kcyd /people/person/place_of_birth /m/0r3wm +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/09c7w0 /location/location/contains /m/0nbwf +/m/0zdkh /base/biblioness/bibs_location/state /m/05kj_ +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/045r_9 /tv/tv_program/genre /m/07s9rl0 +/m/0kjgl /film/actor/film./film/performance/film /m/09rvwmy +/m/01963w /people/person/profession /m/0kyk +/m/0p_th /film/film/featured_film_locations /m/02_286 +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/09d5h +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0bdg5 +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/027dtv3 /people/person/profession /m/02hrh1q +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/01kwsg /film/actor/film./film/performance/film /m/059rc +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxns +/m/0jqn5 /film/film/genre /m/07s9rl0 +/m/03m_k0 /people/person/place_of_birth /m/013yq +/m/06t8v /location/location/contains /m/0bmm4 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5jg5 +/m/032l1 /influence/influence_node/influenced_by /m/01vh096 +/m/02x3y41 /film/film/production_companies /m/054lpb6 +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/05v45k /film/actor/film./film/performance/film /m/06pyc2 +/m/04zyhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01h8rk /education/educational_institution_campus/educational_institution /m/01h8rk +/m/05jm7 /people/person/profession /m/0cbd2 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01qklj /people/person/places_lived./people/place_lived/location /m/0gjcy +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0bbf1f /film/actor/film./film/performance/film /m/0ch3qr1 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/01g03q /tv/tv_program/program_creator /m/03m_k0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0794g +/m/09hgk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01kgg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v0t +/m/01zqy6t /base/biblioness/bibs_location/country /m/09c7w0 +/m/09b9m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01zhs3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04sry /film/director/film /m/02fttd +/m/0736qr /film/actor/film./film/performance/film /m/01kjr0 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01wgfp6 +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0304nh +/m/0bthb /education/educational_institution/colors /m/09q2t +/m/04xm_ /people/person/employment_history./business/employment_tenure/company /m/01stzp +/m/0kbws /olympics/olympic_games/participating_countries /m/04g5k +/m/0fz3b1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mj1l /people/person/nationality /m/09c7w0 +/m/01h8f /film/actor/film./film/performance/film /m/03tn80 +/m/02p_04b /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/03y9p40 /sports/sports_team/sport /m/039yzs +/m/039bp /film/actor/film./film/performance/film /m/01_mdl +/m/033tf_ /people/ethnicity/people /m/01q_ph +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/01xsbh /film/actor/film./film/performance/film /m/026zlh9 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/06gd4 /people/person/profession /m/0fnpj +/m/0hwbd /people/person/languages /m/02h40lc +/m/020bv3 /film/film/genre /m/01t_vv +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01k9cc +/m/05r5c /music/instrument/instrumentalists /m/01vn35l +/m/0f102 /education/educational_institution/students_graduates./education/education/student /m/08f3b1 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/0bx0lc /film/actor/film./film/performance/film /m/09fqgj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/07k2mq /film/film/written_by /m/017c87 +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03cmsqb /film/film/produced_by /m/0794g +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0h0wc /film/actor/film./film/performance/film /m/04k9y6 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0k60 /people/person/place_of_birth /m/0fp5z +/m/02q52q /film/film/genre /m/01hmnh +/m/059_gf /people/person/gender /m/05zppz +/m/0nvg4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g9lm2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/017180 /film/film/language /m/02h40lc +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/072bb1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/060j8b +/m/04qz6n /people/person/place_of_birth /m/0vm39 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/02nf2c /tv/tv_program/languages /m/02h40lc +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bvn25 +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/041xyk +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/01jdxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/098s2w /film/film/featured_film_locations /m/0fvzz +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0lx2l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_xtx +/m/0378zn /people/person/languages /m/02h40lc +/m/0jcx /base/eating/practicer_of_diet/diet /m/07_jd +/m/0d99m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027_tg /tv/tv_network/programs./tv/tv_network_duration/program /m/01xr2s +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c3zjn7 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/016s_5 /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0b78hw /influence/influence_node/influenced_by /m/026lj +/m/0hzlz /location/country/capital /m/067z4 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/07zhjj +/m/0561xh /people/person/profession /m/01c8w0 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/01vrncs /people/person/profession /m/0cbd2 +/m/02v5xg /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0392kz +/m/064jjy /people/person/profession /m/0dxtg +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/07ssc /location/location/contains /m/021lkq +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/021bk /people/person/spouse_s./people/marriage/spouse /m/0hwqz +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01b1pf +/m/01xysf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08yx9q /film/actor/film./film/performance/film /m/0ndsl1x +/m/047t_ /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/0285c /film/actor/film./film/performance/film /m/0ds5_72 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/048scx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0gtx63s /film/film/produced_by /m/03qmx_f +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0d33k /base/biblioness/bibs_location/country /m/0f8l9c +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057d89 +/m/077w0b /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ych +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/029v40 /film/film/genre /m/02kdv5l +/m/02scbv /film/film/written_by /m/0gn30 +/m/07xr3w /people/person/place_of_birth /m/06pr6 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/0dbxy /people/ethnicity/people /m/01vtj38 +/m/0bzrsh /time/event/locations /m/0fpzwf +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01zb_g /music/record_label/artist /m/01bpnd +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/029b9k +/m/0137n0 /film/actor/film./film/performance/film /m/033f8n +/m/0c1j_ /film/actor/film./film/performance/film /m/05sxr_ +/m/0g768 /music/record_label/artist /m/024zq +/m/070ltt /tv/tv_program/program_creator /m/01s7z0 +/m/0b2km_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01bcwk +/m/0c5v2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/015q43 /film/actor/film./film/performance/film /m/0glbqt +/m/014g22 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02rfft +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/07w0v /education/educational_institution/campuses /m/07w0v +/m/04511f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06r4f +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/0zjpz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0993r +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02rkkn1 +/m/0cq8nx /film/film/country /m/09c7w0 +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/05148p4 /music/instrument/instrumentalists /m/09889g +/m/0135xb /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/048wrb /people/person/places_lived./people/place_lived/location /m/095l0 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/01v9l67 /people/person/place_of_birth /m/0hyxv +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0gz5hs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c01c +/m/040_lv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01nrz4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hskw /film/director/film /m/01k60v +/m/049f05 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01w58n3 /people/person/profession /m/02hrh1q +/m/0k269 /film/actor/film./film/performance/film /m/0f4_2k +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/012vf6 /people/person/place_of_birth /m/0fvxg +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0693l /people/person/places_lived./people/place_lived/location /m/0r111 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/0197tq /people/person/place_of_birth /m/0cr3d +/m/04ydr95 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/049468 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/027f3ys /music/record_label/artist /m/0f0qfz +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m7fm +/m/0286gm1 /film/film/genre /m/0vgkd +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/01n4w /location/location/contains /m/01_k7f +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n1s0 +/m/05kh_ /people/person/place_of_birth /m/02h98sm +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/04gv3db /film/film/production_companies /m/016tt2 +/m/0184dt /people/person/places_lived./people/place_lived/location /m/04jpl +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0347xz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/015gjr /people/person/nationality /m/03rjj +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02qhlwd /film/film/genre /m/02qfv5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t38b +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/05nlx4 /film/film/prequel /m/03y0pn +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l6px +/m/08jyyk /music/genre/artists /m/01qmy04 +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/05148p4 /music/instrument/instrumentalists /m/012ycy +/m/09px1w /people/person/profession /m/02hrh1q +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/09jwl /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wdqrx +/m/07f1x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hhv +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/04j4tx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/059f4 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01msrb /film/film/production_companies /m/086k8 +/m/01sbhvd /people/person/profession /m/02hrh1q +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/07c52 /media_common/netflix_genre/titles /m/05pbsry +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/02tcgh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zh29 +/m/04b675 /music/genre/parent_genre /m/0hdf8 +/m/0161jj /base/aareas/schema/administrative_area/administrative_parent /m/09cpb +/m/01nhgd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glr5h +/m/027b43 /education/educational_institution/colors /m/083jv +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/025mb_ /people/person/profession /m/03gjzk +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/01qb5d /film/film/genre /m/01jfsb +/m/05cc1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0l998 /olympics/olympic_games/sports /m/03fyrh +/m/03tbg6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/050llt /people/person/languages /m/07c9s +/m/06rzwx /film/film/language /m/02h40lc +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/016fnb /people/person/profession /m/0dz3r +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/03rjj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01r0t_j /influence/influence_node/influenced_by /m/012vm6 +/m/059j1m /people/person/nationality /m/09c7w0 +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/0167xy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t265 /people/person/place_of_birth /m/01mb87 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01qdhx /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/0j0k /base/locations/continents/countries_within /m/01z215 +/m/02ht1k /film/film/genre /m/0l4h_ +/m/0gffmn8 /film/film/written_by /m/0gn30 +/m/059gkk /people/person/profession /m/02hrh1q +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/0h0yt +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h0f3 +/m/07f5x /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/08bqy9 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/03h0byn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02p65p /people/person/nationality /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/04j53 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03176f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d5wn3 +/m/0660b9b /film/film/country /m/09c7w0 +/m/016clz /music/genre/artists /m/01wqflx +/m/03m5111 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01352_ +/m/08821 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03spz +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0152x_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01cl0d /music/record_label/artist /m/016wvy +/m/02mp0g /education/educational_institution/students_graduates./education/education/student /m/0d0vj4 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/07kb5 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/01s0l0 /people/person/religion /m/0flw86 +/m/0h326 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0hgxh /medicine/symptom/symptom_of /m/01_qc_ +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0nh1v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02pg45 /film/film/produced_by /m/054_mz +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nxzv +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02zj61 /people/person/profession /m/0cbd2 +/m/017cy9 /education/educational_institution/students_graduates./education/education/student /m/0821j +/m/01p1z_ /people/person/profession /m/02jknp +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07v64s /music/genre/artists /m/02_t2t +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/058ncz +/m/01wqflx /people/person/spouse_s./people/marriage/location_of_ceremony /m/06c62 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0342h /music/instrument/instrumentalists /m/016qtt +/m/0cdw6 /location/location/time_zones /m/03bdv +/m/041rhq /film/actor/film./film/performance/film /m/06c0ns +/m/0j0k /location/location/contains /m/01z88t +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03rk0 /location/location/contains /m/01d88c +/m/02bc74 /people/person/nationality /m/09c7w0 +/m/0k4kk /film/film/genre /m/06l3bl +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/07g9f /tv/tv_program/genre /m/07s9rl0 +/m/0gqmvn /award/award_category/category_of /m/0gcf2r +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/01c22t +/m/0gv40 /film/director/film /m/0cq8nx +/m/0c6qh /people/person/religion /m/0kq2 +/m/023p29 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/0nm6k /location/location/contains /m/0tr3p +/m/064jjy /people/person/gender /m/05zppz +/m/05dbf /film/actor/film./film/performance/film /m/011yxg +/m/01h18v /film/film/genre /m/01t_vv +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/0sz28 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/0f0kz /film/actor/film./film/performance/film /m/09g7vfw +/m/0f4m2z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01kvqc +/m/01ydtg /music/genre/artists /m/016wvy +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/05zjd /language/human_language/countries_spoken_in /m/02lx0 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/06j6l /music/genre/artists /m/01q32bd +/m/0190zg /music/genre/artists /m/03sww +/m/01nrnm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0136g9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0drdv +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01kb2j /film/actor/film./film/performance/film /m/01hqhm +/m/061y4q /people/person/gender /m/05zppz +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmhk +/m/06_x996 /film/film/film_format /m/0cj16 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/063zky /film/film/executive_produced_by /m/03mstc +/m/0mbql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/016clz /music/genre/artists /m/01gf5h +/m/06w99h3 /film/film/language /m/02h40lc +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011j5x /music/genre/artists /m/0fsyx +/m/0bwh6 /award/award_winner/awards_won./award/award_honor/award_winner /m/059x0w +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/08pth9 /people/person/place_of_birth /m/030qb3t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rwgm +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/0693l /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02ts3h +/m/017l4 /people/person/gender /m/05zppz +/m/0133_p /music/genre/parent_genre /m/06j6l +/m/0g51l1 /people/person/profession /m/01d_h8 +/m/0fs54 /base/biblioness/bibs_location/country /m/04xn_ +/m/0859_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04_m9gk +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/04pp9s +/m/01cjhz /tv/tv_program/country_of_origin /m/02jx1 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01_8w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gsgr +/m/0d87hc /film/film/language /m/02h40lc +/m/09x3r /olympics/olympic_games/participating_countries /m/03_3d +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/0gyh /location/location/contains /m/0q8sw +/m/03phtz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016ggh /film/actor/film./film/performance/film /m/027r7k +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0xxc +/m/05397h /tv/tv_program/genre /m/0djd22 +/m/049k4w /sports/sports_position/players./sports/sports_team_roster/team /m/04mjl +/m/01wgfp6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mlmx /people/person/spouse_s./people/marriage/spouse /m/078g3l +/m/05znbh7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04b5l3 /sports/sports_team/colors /m/083jv +/m/0cp0ph6 /film/film/written_by /m/0cj2nl +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03ds3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07g2v +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0bwjj /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04qk12 +/m/0xhj2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0d8w2n /film/film/genre /m/05p553 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0131kb /people/person/gender /m/05zppz +/m/01lv85 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02clgg +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0443y3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05lb65 +/m/06x4l_ /people/person/profession /m/0nbcg +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0371rb +/m/0ktx_ /film/film/language /m/02bv9 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/05kkh /base/biblioness/bibs_location/country /m/09c7w0 +/m/047gpsd /film/film/country /m/09c7w0 +/m/04xvlr /media_common/netflix_genre/titles /m/0pvms +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09c7w0 +/m/06bvp /film/film_subject/films /m/0k4kk +/m/01j67j /tv/tv_program/genre /m/07s9rl0 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/045g4l /people/person/nationality /m/09c7w0 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/048n7 /base/culturalevent/event/entity_involved /m/03_lf +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/07rzf /film/actor/film./film/performance/film /m/01ry_x +/m/01vxqyl /people/person/profession /m/09jwl +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/0164nb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvvf4j +/m/01trhmt /people/person/profession /m/01c72t +/m/0bv7t /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/03_05 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cxm4 /film/film/genre /m/03npn +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/06by7 /music/genre/artists /m/03t852 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/08lmt7 +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01vvycq /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/02y0yt /film/actor/film./film/performance/film /m/06rmdr +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/07c5l /location/location/contains /m/0j11 +/m/01z4y /music/genre/artists /m/014zfs +/m/01d_4t /people/person/gender /m/05zppz +/m/05c6073 /music/genre/artists /m/02bgmr +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/0_92w /film/film/language /m/02h40lc +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/03q1vd /film/actor/film./film/performance/film /m/0ptdz +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/01vqc7 /sports/sports_team/colors /m/019sc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/042l8n +/m/07_nf /film/film_subject/films /m/0fjyzt +/m/0270k40 /film/film/production_companies /m/054lpb6 +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0grjmv /music/genre/parent_genre /m/025tm81 +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/02w5q6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/09nwwf /music/genre/artists /m/0fpj4lx +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/05p5nc /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/03y9p40 +/m/07vqnc /tv/tv_program/genre /m/06nbt +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/026390q /film/film/country /m/09c7w0 +/m/02w_l9 /tv/tv_network/programs./tv/tv_network_duration/program /m/017dbx +/m/05wjnt /film/actor/film./film/performance/film /m/04f52jw +/m/01pbwwl /people/person/profession /m/025352 +/m/0jdk_ /time/event/locations /m/06y57 +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01swck /film/actor/film./film/performance/film /m/011ycb +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/0phx4 /music/group_member/membership./music/group_membership/role /m/0342h +/m/01nz1q6 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gb_4p +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/016xk5 /people/person/nationality /m/07ssc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/027b43 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06m_5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/05f5sr9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0q9zc /people/person/profession /m/02hrh1q +/m/0hfjk /media_common/netflix_genre/titles /m/06zsk51 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0677ng /people/person/gender /m/05zppz +/m/0gtgp6 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284gc +/m/0hsb3 /education/educational_institution/colors /m/01l849 +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03xf_m +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04rkkv /education/educational_institution_campus/educational_institution /m/04rkkv +/m/011k1h /music/record_label/artist /m/03t852 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0c2ry +/m/037q2p /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0135nb /people/person/nationality /m/07ssc +/m/0gc_c_ /film/film/genre /m/03k9fj +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/01gqfm +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/06rmdr /film/film/genre /m/05p553 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/06by7 /music/genre/artists /m/01c8v0 +/m/01vsl3_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01t_wfl +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/041jk9 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/01nczg /people/person/gender /m/02zsn +/m/013ybx /award/award_winner/awards_won./award/award_honor/award_winner /m/01bh6y +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/02ktrs /people/person/profession /m/0n1h +/m/02lnhv /film/actor/film./film/performance/film /m/05n6sq +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0kz4w +/m/057xn_m /people/person/profession /m/025352 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/01g0p5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02jx1 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/07lwsz /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/03c_8t /people/person/nationality /m/0d060g +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09myny /people/person/profession /m/0dgd_ +/m/033dbw /film/film/language /m/02h40lc +/m/02k1b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yk8z +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/04g865 /people/person/profession /m/01d_h8 +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/09xbpt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07ncs0 /people/person/gender /m/05zppz +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0473rc /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/09d3b7 /film/film/produced_by /m/06s26c +/m/0hjy /location/location/contains /m/0l_qt +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fz27v +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0264v8r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03c0vy +/m/081yw /location/location/contains /m/010t4v +/m/0l998 /olympics/olympic_games/sports /m/096f8 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rvx0 +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01jfsb /media_common/netflix_genre/titles /m/02mpyh +/m/02mpb /people/deceased_person/place_of_death /m/0281y0 +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04znsy +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/015gm8 /film/film/production_companies /m/05qd_ +/m/024mxd /film/film/language /m/02bjrlw +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jnmj +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/0291ck /film/film/story_by /m/04_by +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/05slvm +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/05b7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/032xhg /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01kx_81 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0416y94 +/m/0p7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_fk5 +/m/02jx1 /location/location/contains /m/01d8wq +/m/0bx_hnp /tv/tv_program/languages /m/02h40lc +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ldqf /olympics/olympic_games/sports /m/064vjs +/m/016zgj /music/genre/artists /m/01bpc9 +/m/01p1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgd +/m/01hcj2 /people/person/nationality /m/09c7w0 +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/01w61th +/m/04kjrv /people/person/gender /m/05zppz +/m/0zlt9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02m501 /people/person/place_of_birth /m/0fdpd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0284h6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r02m +/m/03ksy /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/01pj5q /people/person/nationality /m/09c7w0 +/m/0hpt3 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0237fw /people/person/places_lived./people/place_lived/location /m/0nq_b +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/056vv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/017_qw /music/genre/artists /m/07qy0b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01s0t3 +/m/0345h /location/location/contains /m/0150n +/m/023rwm /music/record_label/artist /m/01_wfj +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03mp9s /people/person/gender /m/02zsn +/m/06l22 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0tlq9 /location/hud_county_place/place /m/0tlq9 +/m/02frhbc /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vw8k +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0fb_1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc_9 +/m/01438g /people/person/places_lived./people/place_lived/location /m/0dclg +/m/012wgb /dataworld/gardening_hint/split_to /m/03rt9 +/m/05nlx4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01trtc /music/record_label/artist /m/09prnq +/m/0167v /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0565cz +/m/05bmq /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/018ctl /olympics/olympic_games/participating_countries /m/03h64 +/m/01htxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/01zwy /people/person/profession /m/0kyk +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0prhz /film/film/genre /m/04xvh5 +/m/0j8f09z /film/film/genre /m/01hmnh +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/01vsyg9 /music/group_member/membership./music/group_membership/role /m/0342h +/m/02p3cr5 /music/record_label/artist /m/01309x +/m/0snty /location/hud_county_place/place /m/0snty +/m/0gg5kmg /film/film/genre /m/07s9rl0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y0pn +/m/01wbg84 /people/person/profession /m/02krf9 +/m/01njxvw /people/person/gender /m/05zppz +/m/025sc50 /music/genre/artists /m/01wwnh2 +/m/01mmslz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02725hs /film/film/production_companies /m/016tw3 +/m/0ds11z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dc7hc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/04v048 /people/person/gender /m/05zppz +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/07z4p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/044f7 /film/director/film /m/0184tc +/m/07bty /people/person/places_lived./people/place_lived/location /m/05kkh +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/01vvb4m /film/actor/film./film/performance/film /m/014_x2 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w7nwm +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvlyt +/m/04jhp /education/educational_institution/campuses /m/04jhp +/m/01fkv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02rxrh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/027m67 +/m/01pcrw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wd9lv +/m/026v1z /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03bkbh /people/ethnicity/people /m/015p37 +/m/07ccs /education/educational_institution/campuses /m/07ccs +/m/01my95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f93t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05mvd62 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gb54 +/m/018qql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03jsvl /music/genre/artists /m/0178_w +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05wp1p +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015qq1 +/m/0181dw /music/record_label/artist /m/025l5 +/m/0342h /music/instrument/instrumentalists /m/01k3qj +/m/0143wl /film/actor/film./film/performance/film /m/0bbw2z6 +/m/033qdy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/0kvgxk /film/film/genre /m/0219x_ +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/012x4t /people/person/profession /m/016z4k +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0205dx +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09fqgj +/m/04n32 /music/artist/track_contributions./music/track_contribution/role /m/020w2 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vdrw /people/person/nationality /m/09c7w0 +/m/0h03fhx /film/film/genre /m/01jfsb +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035xwd +/m/01fjfv /broadcast/content/artist /m/01vvycq +/m/04jspq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0320jz /people/person/places_lived./people/place_lived/location /m/03v0t +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0gywn /music/genre/artists /m/01364q +/m/05tbn /location/location/contains /m/02rg_4 +/m/04dyqk /people/person/profession /m/02hrh1q +/m/0287xhr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02d9k +/m/09cxm4 /film/film/genre /m/02l7c8 +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/04vt98 /people/person/profession /m/0dxtg +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/04p5cr /tv/tv_program/genre /m/01t_vv +/m/026hxwx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/026z9 /music/genre/artists /m/0134wr +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxly +/m/02yw26 /music/genre/artists /m/01wt4wc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015rkw +/m/0g4pl7z /film/film/production_companies /m/01795t +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7nt +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vs4f3 /people/person/nationality /m/02jx1 +/m/01z0rcq /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0237fw +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/03shpq /film/film/production_companies /m/05qd_ +/m/0nqph /location/hud_county_place/place /m/0nqph +/m/01w8n89 /people/person/profession /m/039v1 +/m/016clz /music/genre/artists /m/01mr2g6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04lqvly +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/042xh +/m/01vv126 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03y82t6 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/08lg0g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02mt51 /film/film/language /m/02h40lc +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/049nq /location/country/form_of_government /m/01q20 +/m/08ct6 /film/film/genre /m/073_6 +/m/0ggx5q /music/genre/artists /m/0dt1cm +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/0cjf0 /medicine/symptom/symptom_of /m/04nz3 +/m/0dzf_ /influence/influence_node/influenced_by /m/01gn36 +/m/0dzz6g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03zg2x +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/06cgy /film/actor/film./film/performance/film /m/06cm5 +/m/035s95 /film/film/written_by /m/03dbds +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/03vpf_ /film/actor/film./film/performance/film /m/01ry_x +/m/02645b /people/person/profession /m/0dxtg +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cycq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0fzs6w +/m/086xm /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/049fgvm /influence/influence_node/influenced_by /m/0p_47 +/m/05jzt3 /film/film/genre /m/04t36 +/m/0d9v9q /people/person/places_lived./people/place_lived/location /m/0m75g +/m/041rx /people/ethnicity/people /m/046_v +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/03g90h /film/film/written_by /m/0br1w +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/01qn8k /people/person/profession /m/02hrh1q +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016fjj +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/01_4z /people/person/religion /m/01lp8 +/m/0233bn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01t2h2 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06gp3f +/m/018qpb /people/person/profession /m/02hrh1q +/m/01v5h /people/deceased_person/place_of_death /m/0f2wj +/m/02qsqmq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/01f873 /people/person/spouse_s./people/marriage/location_of_ceremony /m/07bxhl +/m/05cj4r /people/person/spouse_s./people/marriage/spouse /m/0356dp +/m/01dhjz /people/person/profession /m/01b30l +/m/02_1sj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/03kts +/m/01w5gg6 /people/person/profession /m/09jwl +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06x68 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0x3b7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wycg2 +/m/04zqmj /people/person/place_of_birth /m/02frhbc +/m/01vwllw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vh3r +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/012t1 +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02b25y /people/person/gender /m/05zppz +/m/01zwy /influence/influence_node/influenced_by /m/02mpb +/m/0qcr0 /people/cause_of_death/people /m/08bqy9 +/m/03ndd /music/instrument/instrumentalists /m/0180w8 +/m/04cw0j /people/person/profession /m/05sxg2 +/m/03hh89 /award/award_winner/awards_won./award/award_honor/award_winner /m/08vr94 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j0ss +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08720 +/m/01skmp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02t__3 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bdxs5 +/m/01nrgq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03_3d +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/0yl_w /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/02d49z /film/film/executive_produced_by /m/02q42j_ +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jt3tjf +/m/06pjs /people/person/profession /m/0dxtg +/m/03vrv9 /people/person/profession /m/01d_h8 +/m/06cc_1 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/012mrr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03wv2g /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/017g2y +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0z1l8 /location/location/time_zones /m/02hcv8 +/m/02n1p5 /people/person/spouse_s./people/marriage/spouse /m/02n1gr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06bvp +/m/0dprg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01f7j9 /film/director/film /m/0bdjd +/m/01f1kd /olympics/olympic_games/sports /m/01dys +/m/02x7vq /film/actor/film./film/performance/film /m/01jrbv +/m/01zwy /people/deceased_person/place_of_death /m/0d9jr +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gt14 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04_1nk +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02wt0 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/016hvl /people/person/place_of_birth /m/096g3 +/m/02fn5r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0bq2g +/m/01g3gq /film/film/genre /m/01jfsb +/m/0hn10 /media_common/netflix_genre/titles /m/0d8w2n +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymgk +/m/04t36 /media_common/netflix_genre/titles /m/0353xq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0mbwf +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011x_4 +/m/0kvgnq /film/film/country /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5dd +/m/02t_w8 /people/person/gender /m/05zppz +/m/05sxr_ /film/film/genre /m/07s9rl0 +/m/03wbzp /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/02_l96 /film/actor/film./film/performance/film /m/07_fj54 +/m/02xs5v /people/person/gender /m/05zppz +/m/0nrqh /location/us_county/county_seat /m/02j3w +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/033x5p +/m/021vwt /people/person/place_of_birth /m/0rh6k +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0yx1m +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/0nk72 /people/person/nationality /m/09c7w0 +/m/03qd_ /film/actor/film./film/performance/film /m/02_1sj +/m/01pw9v /people/person/place_of_birth /m/0cr3d +/m/016fmf /music/artist/origin /m/0k9p4 +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j_c /film/actor/film./film/performance/film /m/04mzf8 +/m/01qb559 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0k9wp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/033tf_ /people/ethnicity/people /m/0c01c +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/032wdd /film/actor/film./film/performance/film /m/07bwr +/m/0ctzf1 /tv/tv_program/genre /m/0pr6f +/m/033tf_ /people/ethnicity/people /m/01gkmx +/m/0g_bh /music/genre/artists /m/0326tc +/m/01_njt /film/actor/film./film/performance/film /m/04b2qn +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/03v1s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v0t +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016xh5 /film/actor/film./film/performance/film /m/0gh65c5 +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/035qgm +/m/0pz7h /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/025hzx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/026p4q7 /film/film/story_by /m/02zjd +/m/0kbws /olympics/olympic_games/participating_countries /m/0chghy +/m/06mxs /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/016zp5 /film/actor/film./film/performance/film /m/0c34mt +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/011_vz /music/artist/origin /m/0d6lp +/m/0fw2y /base/biblioness/bibs_location/state /m/0824r +/m/03cglm /people/person/gender /m/05zppz +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/026rm_y /award/award_winner/awards_won./award/award_honor/award_winner /m/07m9cm +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/05dtsb /film/actor/film./film/performance/film /m/05f4_n0 +/m/03vrnh /people/person/places_lived./people/place_lived/location /m/01n7q +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01z4y /media_common/netflix_genre/titles /m/0d4htf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kkfp +/m/09d3b7 /film/film/genre /m/04t36 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/01zzy3 /organization/organization/headquarters./location/mailing_address/citytown /m/018_7x +/m/0bz6sq /film/film/language /m/02h40lc +/m/04x4gw /film/film/language /m/02h40lc +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0694j /location/location/partially_contains /m/0lm0n +/m/0hwpz /film/film/edited_by /m/03_gd +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lbrd +/m/02847m9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07qy0b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pk3z /film/actor/film./film/performance/film /m/03l6q0 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dv9v /base/biblioness/bibs_location/state /m/05fly +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04k3jt +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/05148p4 /music/instrument/instrumentalists /m/02r4qs +/m/01qdhx /education/educational_institution/campuses /m/01qdhx +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05ns4g +/m/04tqtl /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0xqf3 /location/location/time_zones /m/02hcv8 +/m/023322 /people/person/profession /m/01c72t +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07srw +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/04jkpgv /film/film/country /m/0345h +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0h7h6 /base/biblioness/bibs_location/country /m/0d060g +/m/01pw2f1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01q7cb_ +/m/05q4y12 /film/film/production_companies /m/024rbz +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/07sc6nw /film/film/language /m/02h40lc +/m/0kxf1 /film/film/production_companies /m/0g1rw +/m/06by7 /music/genre/artists /m/020_4z +/m/0jxh9 /location/location/contains /m/0rrhp +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016fmf +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pjnd +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ggc9 +/m/013b6_ /people/ethnicity/geographic_distribution /m/03spz +/m/07vc_9 /film/actor/film./film/performance/film /m/0fh2v5 +/m/055t01 /people/person/nationality /m/0d060g +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0chsq +/m/02ctzb /people/ethnicity/people /m/0bx0lc +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/03xnq9_ /people/person/place_of_birth /m/030qb3t +/m/09c7w0 /location/country/second_level_divisions /m/0cv1w +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09rp4r_ +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/05drr9 +/m/01vv126 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/017khj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fwqn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/065zr /location/administrative_division/country /m/05sb1 +/m/0bscw /film/film/produced_by /m/0d_skg +/m/02cx90 /people/person/places_lived./people/place_lived/location /m/0s3pw +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rhpg +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0sz28 +/m/01k70_ /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/04jn6y7 /film/film/music /m/01tc9r +/m/04qr6d /people/person/profession /m/02t8yb +/m/04knh6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/070yzk /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02ply6j /people/person/languages /m/02h40lc +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0841v +/m/06196 /award/award_category/disciplines_or_subjects /m/04g51 +/m/06by7 /music/genre/artists /m/0167xy +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/06w99h3 /film/film/music /m/0150t6 +/m/01w8g3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0432cd /people/person/nationality /m/09c7w0 +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/07y2b +/m/022411 /film/actor/film./film/performance/film /m/05r3qc +/m/0fvr1 /film/film/genre /m/02n4kr +/m/021gzd /film/film/produced_by /m/014dm6 +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/0gl02yg /film/film/language /m/01r2l +/m/01y2mq /music/genre/artists /m/01vw37m +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/09p0ct /film/film/country /m/07ssc +/m/025tjk_ /music/genre/parent_genre /m/0glt670 +/m/014q2g /film/actor/film./film/performance/film /m/05nlx4 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nqj +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/016zp5 +/m/028pzq /people/person/profession /m/02jknp +/m/049fgvm /influence/influence_node/influenced_by /m/01hmk9 +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02cj_f /people/person/profession /m/02hrh1q +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0klh7 +/m/0l8v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/016kft /film/actor/film./film/performance/film /m/021gzd +/m/02hnl /music/instrument/instrumentalists /m/01v0fn1 +/m/01kd57 /people/person/profession /m/0nbcg +/m/071jrc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/08jyyk /music/genre/artists /m/0lzkm +/m/0286hyp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ctv8m +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/083chw +/m/0htww /film/film/music /m/01pr6q7 +/m/0342h /music/instrument/instrumentalists /m/03f6fl0 +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02clgg +/m/03xx9l /people/person/gender /m/05zppz +/m/017f4y /people/person/profession /m/09jwl +/m/02z9hqn /film/film/prequel /m/02z5x7l +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bth54 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/09c7w0 /location/location/contains /m/059rby +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/06g2d1 /film/actor/film./film/performance/film /m/0fs9vc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029jt9 +/m/0ljsz /base/biblioness/bibs_location/country /m/09c7w0 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01jvxb +/m/04vq33 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6g29 +/m/02vxy_ /dataworld/gardening_hint/split_to /m/0c8wxp +/m/01pr6q7 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0sx5w /people/person/profession /m/015cjr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/0424m /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/07xtqq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0345h /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/056wb /people/person/profession /m/03gjzk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02fm4d /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/07bch9 /people/ethnicity/people /m/043gj +/m/04cw0j /people/person/gender /m/05zppz +/m/0bq3x /film/film_subject/films /m/0h14ln +/m/0cj2k3 /people/person/place_of_birth /m/02sn34 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0yxm1 /film/film/written_by /m/0499lc +/m/0gy6z9 /people/person/nationality /m/09c7w0 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/01_j71 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09c7w0 /location/country/second_level_divisions /m/0n5yv +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/03g90h /film/film/story_by /m/0br1w +/m/09pxc /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/06w92 +/m/0q9vf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/03qd_ /film/actor/film./film/performance/film /m/0888c3 +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/02185j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cw67g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/059j4x /people/person/profession /m/03gjzk +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02cg2v +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014bpd +/m/0jxh9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrhl +/m/09nhvw /music/artist/origin /m/0cr3d +/m/0841v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tcf7 +/m/07z6xs /film/film/executive_produced_by /m/0g_rs_ +/m/0dsvzh /film/film/genre /m/060__y +/m/01vq3 /film/film_subject/films /m/099bhp +/m/0272_vz /film/film/costume_design_by /m/0bytfv +/m/020fcn /film/film/genre /m/07s9rl0 +/m/03s6l2 /film/film/country /m/0345h +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/051y1hd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/065jlv /people/person/profession /m/02hrh1q +/m/03m8y5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gffmn8 /film/film/executive_produced_by /m/0g_rs_ +/m/056vv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/05y5kf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vs_v8 /influence/influence_node/influenced_by /m/04wqr +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0m_mm /film/film/produced_by /m/012vct +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02ccqg +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/0412f5y /people/person/profession /m/02tx6q +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/07g7h2 /award/award_winner/awards_won./award/award_honor/award_winner /m/09v6gc9 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/014_x2 /film/film/genre /m/02l7c8 +/m/05ty4m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088vb +/m/0k4p0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01k6nm /film/actor/film./film/performance/film /m/0209hj +/m/059_w /people/ethnicity/people /m/05vk_d +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/09c7w0 /location/location/contains /m/02x9cv +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01_mdl +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/016zwt +/m/0b_dh /film/director/film /m/0p4v_ +/m/0df92l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02vnp2 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0gfsq9 /film/film/genre /m/026ny +/m/0sxkh /film/film/language /m/02h40lc +/m/0164qt /film/film/costume_design_by /m/03y1mlp +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/016h4r /film/actor/film./film/performance/film /m/0djlxb +/m/04g5k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/021pqy /film/film/genre /m/02l7c8 +/m/01csvq /film/actor/film./film/performance/film /m/0c9k8 +/m/0b_dy /film/actor/film./film/performance/film /m/0c_j9x +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0c_drn +/m/026n4h6 /film/film/genre /m/09blyk +/m/02kxbx3 /people/person/profession /m/02jknp +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0156q +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0661m4p /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0n2bh /tv/tv_program/program_creator /m/01pcmd +/m/03n0cd /film/film/genre /m/0gf28 +/m/05r6t /music/genre/artists /m/02hzz +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pkyh +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0196kn /award/award_category/winners./award/award_honor/award_winner /m/019z7q +/m/01vsl3_ /people/person/profession /m/0dz3r +/m/01w272y /people/person/nationality /m/09c7w0 +/m/02whj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/01x4r3 /people/person/place_of_birth /m/0bxc4 +/m/04pz5c /people/person/profession /m/0np9r +/m/0d2kt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f485 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/017y26 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0840vq /people/person/profession /m/0n1h +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0146hc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/09dvgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/021yc7p +/m/02nddq /music/record_label/artist /m/017yfz +/m/0gbfn9 /film/film/production_companies /m/025jfl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08433 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mzkr /music/record_label/artist /m/017_hq +/m/07jnt /film/film/country /m/09c7w0 +/m/01fyzy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050r1z +/m/0dvmd /film/actor/film./film/performance/film /m/0661ql3 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0g9lm2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qd04y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07tlfx /film/film/produced_by /m/0c6qh +/m/02ylg6 /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/07_m9_ /film/film_subject/films /m/03xj05 +/m/02t_st /award/award_winner/awards_won./award/award_honor/award_winner /m/01_p6t +/m/023mdt /people/person/spouse_s./people/marriage/spouse /m/03x400 +/m/0n6kf /people/person/profession /m/02hv44_ +/m/05w3f /music/genre/artists /m/01vsl3_ +/m/07wlt /location/location/time_zones /m/02lcqs +/m/02ld6x /film/director/film /m/01gkp1 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/01pgk0 /people/person/nationality /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03205_ +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01k7xz +/m/047p7fr /film/film/executive_produced_by /m/0b478 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0bbf1f /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0sxrz /olympics/olympic_games/sports /m/06wrt +/m/026cmdc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/059j2 /location/location/contains /m/0fqxw +/m/04vq33 /film/film/genre /m/07s9rl0 +/m/06kxk2 /people/person/profession /m/01d_h8 +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/04x4vj /film/film/genre /m/01f9r0 +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0fr9jp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0fgj2 /location/location/contains /m/01d66p +/m/025sc50 /music/genre/artists /m/0ffgh +/m/059g4 /location/location/contains /m/0345_ +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/03d9d6 +/m/017l96 /music/record_label/artist /m/01jkqfz +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/027s39y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01bh6y +/m/01m7pwq /people/person/nationality /m/0d060g +/m/0py5b /people/person/profession /m/0cbd2 +/m/02h761 /people/person/religion /m/03_gx +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/026rm_y /film/actor/film./film/performance/film /m/0c1sgd3 +/m/02_t2t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2wq +/m/0157g9 /location/location/contains /m/06s6l +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/02b6n9 /film/film/country /m/09c7w0 +/m/01f9zw /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/05wjnt /people/person/profession /m/0cbd2 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/01kgv4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02114t +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/07s9rl0 /media_common/netflix_genre/titles /m/03ckwzc +/m/0gmtm /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c2tf +/m/0n_ps /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/065mm1 /film/actor/film./film/performance/film /m/01ry_x +/m/027xx3 /education/educational_institution/school_type /m/04399 +/m/04zqmj /film/actor/film./film/performance/film /m/034qrh +/m/03j2ts /award/award_category/winners./award/award_honor/award_winner /m/0jcx +/m/02825cv /film/film/genre /m/07s9rl0 +/m/02qx5h /film/actor/film./film/performance/film /m/047vnkj +/m/02yv6b /music/genre/artists /m/020_4z +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0341n5 /award/award_winner/awards_won./award/award_honor/award_winner /m/050zr4 +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/014q2g /people/person/profession /m/01d_h8 +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07_f2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mtq +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/06mnps +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01g7zj /people/ethnicity/languages_spoken /m/0t_2 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01vsn38 /film/actor/film./film/performance/film /m/09146g +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/087vz +/m/057176 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/02yv6b /music/genre/artists /m/025ldg +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/015wnl +/m/0n59f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwht +/m/01w58n3 /people/person/religion /m/0c8wxp +/m/05fjf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04v89z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gs6r +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/0k7pf /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02fsn /music/instrument/instrumentalists /m/016j2t +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/0gd_s /people/person/place_of_birth /m/0f94t +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x209s +/m/06nsb9 /people/person/places_lived./people/place_lived/location /m/0xkq4 +/m/050llt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09y6pb +/m/0d608 /film/actor/film./film/performance/film /m/03rtz1 +/m/01cx_ /location/location/contains /m/07lx1s +/m/014d4v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06cmd2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05q_dw /film/film/country /m/09c7w0 +/m/02jxrw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pgjm /film/actor/film./film/performance/film /m/0888c3 +/m/02r3cn /people/person/spouse_s./people/marriage/spouse /m/022q32 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/047p7fr /film/film/country /m/09c7w0 +/m/01fmys /film/film/genre /m/0bj8m2 +/m/01vrz41 /people/person/profession /m/05vyk +/m/02k4b2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01sl1q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/025n3p +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/02mjmr +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/01gb54 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tw3 +/m/04xzm /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d05w3 +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl2g +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m3dv +/m/03z2rz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05wh0sh /people/person/profession /m/0fj9f +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02grjf +/m/03s5lz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07x4qr /film/film/language /m/02h40lc +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/02zc7f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05z775 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/05m9f9 +/m/064t9 /music/genre/artists /m/01pgk0 +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/03tcnt /award/award_category/category_of /m/0c4ys +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/02hqt6 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/03q8xj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02zcnq /education/educational_institution/colors /m/038hg +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/01n5309 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/086sj +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/0swff /olympics/olympic_games/participating_countries /m/09c7w0 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/01fb6d /music/record_label/artist /m/013w7j +/m/06cqb /music/genre/artists /m/0frsw +/m/01nxzv /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/01wg982 +/m/06196 /award/award_category/disciplines_or_subjects /m/08_lx0 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/025rxjq /film/film/country /m/07ssc +/m/05r9t /music/genre/artists /m/01jllg1 +/m/016clz /music/genre/artists /m/09lwrt +/m/057pq5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01z7_f /film/actor/film./film/performance/film /m/09txzv +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0n58p /location/location/contains /m/0xt3t +/m/0d23k /location/location/time_zones /m/02lcqs +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0d8_wz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0q9kd /people/person/profession /m/0np9r +/m/08xpv_ /location/location/contains /m/0mwq_ +/m/03ds83 /award/award_winner/awards_won./award/award_honor/award_winner /m/01q_ph +/m/07c52 /media_common/netflix_genre/titles /m/039c26 +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/02dtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/04w4s /location/location/partially_contains /m/026zt +/m/03s9v /base/eating/practicer_of_diet/diet /m/07_jd +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/027rfxc /people/person/place_of_birth /m/0tgcy +/m/05489 /film/film_subject/films /m/04tqtl +/m/0gywn /music/genre/artists /m/02w4fkq +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08y2fn +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/04j_gs /people/person/profession /m/02hrh1q +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/01_r9k /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/05ljv7 +/m/04t9c0 /film/film/featured_film_locations /m/02_286 +/m/049912 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01ydtg /music/genre/artists /m/03f0fnk +/m/01hjy5 /education/educational_institution/colors /m/083jv +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05yvfd /people/person/place_of_birth /m/09f07 +/m/0306bt /people/person/nationality /m/09c7w0 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/018qpb +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02_t6d +/m/087wc7n /film/film/genre /m/05p553 +/m/0134w7 /people/person/profession /m/0d1pc +/m/017s1k /medicine/disease/risk_factors /m/01hbgs +/m/0276jmv /people/person/gender /m/05zppz +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01kf5lf /film/film/story_by /m/0fx02 +/m/0jpdn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s6tk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0d2by /people/ethnicity/people /m/033m23 +/m/0h96g /film/actor/film./film/performance/film /m/01f8hf +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/01z4y /media_common/netflix_genre/titles /m/01k1k4 +/m/06hx2 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0f6c3 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/013_vh /people/person/place_of_birth /m/0126hc +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/02bq1j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0qpn9 +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/081t6 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/09c7w0 /location/location/contains /m/0f25y +/m/01sqd7 /music/record_label/artist /m/02y7sr +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/03_dj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09bkc6 +/m/015pkt /olympics/olympic_games/sports /m/02_5h +/m/04rrd /location/location/contains /m/0bxbb +/m/05g56 /location/location/time_zones /m/02llzg +/m/0g0x9c /film/film/music /m/07q1v4 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ckrnn +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02y0yt +/m/02t_v1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/017znw +/m/02xfrd /people/person/profession /m/01d_h8 +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04t9c0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03h2c /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047sgz4 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0191n /film/film/music /m/01x1fq +/m/0yc84 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kgxf /people/person/profession /m/0d1pc +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0mwyq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w8sf /influence/influence_node/influenced_by /m/03f0324 +/m/09cdxn /people/deceased_person/place_of_death /m/06_kh +/m/01vsyg9 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsnff +/m/0dwt5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/026t6 /music/instrument/instrumentalists /m/01w8n89 +/m/03bzyn4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02ntb8 /film/film/genre /m/0gf28 +/m/05z7c /film/film/production_companies /m/016tw3 +/m/059j1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/0225v9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026hh0m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xfb /people/person/gender /m/05zppz +/m/0qf43 /people/person/profession /m/02jknp +/m/02g3w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lqf49 /film/actor/film./film/performance/film /m/02_1sj +/m/051kd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05bp8g +/m/01gvr1 /people/person/spouse_s./people/marriage/spouse /m/053yx +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/026t6 /music/instrument/instrumentalists /m/01y_rz +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0gghm /music/instrument/instrumentalists /m/018pj3 +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4nv +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0b_6rk /time/event/locations /m/0f2rq +/m/01w40h /music/record_label/artist /m/0pyg6 +/m/0byfz /people/deceased_person/place_of_burial /m/0bvqq +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02b16p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hw1j +/m/011zd3 /film/actor/film./film/performance/film /m/01cmp9 +/m/08qxx9 /people/person/place_of_birth /m/0cm5m +/m/02vr3gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0277j40 +/m/053yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/057dxsg +/m/0j43swk /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/05hj_k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01wzlxj +/m/0160w /location/location/contains /m/05hcy +/m/04mx8h4 /tv/tv_program/genre /m/0pr6f +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/01vfqh /film/film/cinematography /m/04qvl7 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/05dy7p +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0159h6 +/m/01k8q5 /education/educational_institution_campus/educational_institution /m/01k8q5 +/m/03_r3 /location/location/contains /m/04chyn +/m/01r97z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02py9yf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0bq2g +/m/047hpm /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0d0l91 /people/person/nationality /m/09c7w0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rjj +/m/0y2tr /music/genre/parent_genre /m/06by7 +/m/0pz91 /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/03_d0 /music/genre/artists /m/01wbgdv +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddf2bm +/m/023361 /people/person/place_of_birth /m/0mzww +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/04n32 /film/actor/film./film/performance/film /m/05ypj5 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9lm2 +/m/0dcz8_ /film/film/language /m/02h40lc +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/01vxxb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnrk +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0y3k9 /location/hud_county_place/county /m/0fczy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01p_ng +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/01x73 /location/administrative_division/country /m/09c7w0 +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wqlc /music/genre/artists /m/01k47c +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/016jny /music/genre/artists /m/02t3ln +/m/02vrr /medicine/disease/risk_factors /m/05zppz +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09c7w0 /location/country/second_level_divisions /m/0n25q +/m/01q2nx /film/film/produced_by /m/03v1xb +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0963mq /film/film/genre /m/07s9rl0 +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qbg5 +/m/03_d0 /music/genre/artists /m/0132k4 +/m/0bbz66j /people/ethnicity/languages_spoken /m/0349s +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/01750n /music/genre/parent_genre /m/0155w +/m/02cgb8 /people/person/profession /m/0np9r +/m/015_1q /music/record_label/artist /m/018phr +/m/026fd /film/director/film /m/0dl9_4 +/m/04ly1 /base/aareas/schema/administrative_area/capital /m/0fvvz +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/01tffp /base/culturalevent/event/entity_involved /m/012bk +/m/0bq6ntw /film/film/language /m/06nm1 +/m/050f0s /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0786vq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch26b_ +/m/02l4pj /film/actor/film./film/performance/film /m/06nr2h +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/033db3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/02r2j8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05tr7 /location/country/form_of_government /m/01d9r3 +/m/0x67 /people/ethnicity/people /m/0bdlj +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02_jjm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04grkmd /film/film/film_format /m/0cj16 +/m/05qg6g /people/person/nationality /m/09c7w0 +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/0k4d7 /film/film/genre /m/01hmnh +/m/0bqr7_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/0646qh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/03mp8k /music/record_label/artist /m/01vxlbm +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/0blt6 /base/eating/practicer_of_diet/diet /m/07_jd +/m/07ffjc /music/genre/artists /m/01mr2g6 +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01gkmx /film/actor/film./film/performance/film /m/03p2xc +/m/041jk9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016szr +/m/01n7q /location/location/contains /m/07vjm +/m/0cx7f /music/genre/artists /m/0phx4 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0y1rf +/m/02z3r8t /film/film/language /m/0121sr +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/0b7l4x /film/film/country /m/09c7w0 +/m/0164nb /people/person/places_lived./people/place_lived/location /m/094jv +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04tr1 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05pdd86 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047myg9 /film/film/language /m/02h40lc +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01jrvr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02ck1 /people/person/profession /m/01c72t +/m/02j416 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06j6l /music/genre/artists /m/016ppr +/m/0j46b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04f6df0 /film/film/genre /m/02p0szs +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cyfz +/m/09c7w0 /location/location/contains /m/0mk59 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/03ffcz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0r066 /location/hud_county_place/county /m/0kpys +/m/084w8 /people/person/nationality /m/09c7w0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/07m77x +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/026n6cs +/m/01clyr /music/record_label/artist /m/01s7ns +/m/013w7j /people/person/employment_history./business/employment_tenure/company /m/02bh8z +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/0p54z /location/location/contains /m/0fp5z +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/084z0w /people/person/nationality /m/03rk0 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02g8h /people/person/profession /m/0dxtg +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0mbql /film/film/executive_produced_by /m/06pj8 +/m/0mbhr /people/person/nationality /m/0bq0p9 +/m/02x20c9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lct6 /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/01756d /music/genre/parent_genre /m/0126t5 +/m/0bs0bh /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/07619_ /people/profession/specialization_of /m/01445t +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01jfrg +/m/047bynf /film/film/featured_film_locations /m/02_286 +/m/01m3x5p /people/person/profession /m/01c72t +/m/02y9ln /people/person/gender /m/05zppz +/m/07ssc /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04_1l0v /location/location/contains /m/05fkf +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0167v4 /people/person/nationality /m/09c7w0 +/m/02rb84n /film/film/language /m/02h40lc +/m/0k3ll /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jc +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0vqn +/m/0p_qr /film/film/genre /m/07s9rl0 +/m/01p95y0 /people/person/nationality /m/07ssc +/m/0178g /business/business_operation/industry /m/0147gr +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/06mr6 /film/actor/film./film/performance/film /m/025twgf +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/072vj /film/director/film /m/012s1d +/m/04hk0w /film/film/genre /m/03npn +/m/0697kh /people/person/nationality /m/09c7w0 +/m/01vdrw /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/0d8h4 /base/aareas/schema/administrative_area/capital /m/0d8r8 +/m/0hfjk /media_common/netflix_genre/titles /m/0k4bc +/m/019dwp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/0h6r5 /film/film/cinematography /m/0bqytm +/m/01hmnh /media_common/netflix_genre/titles /m/01d2v1 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/04wvhz +/m/032r1 /influence/influence_node/influenced_by /m/04xm_ +/m/01y9jr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bksh +/m/0_xdd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/011k11 /music/record_label/artist /m/0167xy +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02h659 +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/050t68 +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/038rzr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f52jw +/m/072x7s /film/film/genre /m/01jfsb +/m/01vsy95 /people/person/nationality /m/09c7w0 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/0d9rp /location/administrative_division/country /m/059j2 +/m/02vxq9m /film/film/genre /m/0lsxr +/m/02ny6g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016yxn +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/08n9ng /people/person/gender /m/05zppz +/m/02wb6yq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/01t_xp_ /music/artist/origin /m/0h7h6 +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01q8wk7 /people/person/profession /m/02hrh1q +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0gy4k /film/film/music /m/02sj1x +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r93l +/m/02kfzz /film/film/language /m/02h40lc +/m/0bn3jg /people/person/nationality /m/09c7w0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/0d9rp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07371 +/m/0fn2g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/081pw /film/film_subject/films /m/08cfr1 +/m/095p3z /people/person/profession /m/0nbcg +/m/06j0md /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01q_y0 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/043s3 /influence/influence_node/influenced_by /m/07kb5 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6jd +/m/01p970 /music/instrument/instrumentalists /m/01pr_j6 +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/0h0wc /film/actor/film./film/performance/film /m/0bcp9b +/m/0pdp8 /film/film/genre /m/0gf28 +/m/01vvpjj /people/person/nationality /m/03rt9 +/m/07bxhl /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/019mdt /sports/sports_team/colors /m/083jv +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/091n7z +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m3x5p +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04bdxl /people/person/nationality /m/09c7w0 +/m/034g2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04rrd /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030znt +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0dtfn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/04gd8j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/04tgp /location/location/time_zones /m/02fqwt +/m/0372kf /people/person/place_of_birth /m/019k6n +/m/0j46b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/04b5n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01cyd5 /education/educational_institution/school_type /m/0m4mb +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/02sj1x +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/03c7twt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/0dyztm /people/person/profession /m/02hrh1q +/m/0f1pyf /people/person/nationality /m/03rt9 +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/06dfz1 +/m/07wlf /organization/organization/headquarters./location/mailing_address/citytown /m/0f2r6 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01k8rb +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/026w_gk +/m/0hcvy /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0sz28 /film/actor/film./film/performance/film /m/05k2xy +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/02xry /location/location/contains /m/0rrhp +/m/017_pb /people/person/profession /m/05z96 +/m/0l14qv /music/instrument/instrumentalists /m/0bkg4 +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/01vv7sc /base/eating/practicer_of_diet/diet /m/07_jd +/m/081l_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02825cv /film/film/genre /m/0gf28 +/m/0ds11z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/090gk3 /people/person/gender /m/02zsn +/m/01ts_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d0xs5 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/06c97 +/m/02p21g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/049gc /people/person/profession /m/0cbd2 +/m/017lvd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/088n7 +/m/016ybr /music/genre/artists /m/044mfr +/m/0jfqp /base/biblioness/bibs_location/country /m/09c7w0 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/01vvydl /people/person/profession /m/0dz3r +/m/024rwx /tv/tv_program/genre /m/01htzx +/m/01gkp1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032l1 /people/person/religion /m/02rxj +/m/01wmxfs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0g768 /music/record_label/artist /m/01vz0g4 +/m/03m8lq /people/person/profession /m/02hrh1q +/m/03f19q4 /music/artist/origin /m/0f94t +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/02cbg0 /film/film/country /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/060__7 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hv3t +/m/035gnh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lbj1 /people/person/religion /m/092bf5 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/02lxrv /film/film/genre /m/01t_vv +/m/016ggh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01m7mv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04p3w /people/cause_of_death/people /m/015qyf +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/06jcc +/m/03_c8p /organization/organization/child./organization/organization_relationship/child /m/02qdyj +/m/0284b56 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g257 +/m/0mdqp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03m8lq +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/02g5q1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_kd +/m/01_rh4 /people/person/nationality /m/09c7w0 +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05148p4 /music/instrument/instrumentalists /m/01vn35l +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06__m6 +/m/0g824 /people/person/profession /m/02hrh1q +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0h5k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/09c7w0 /location/country/second_level_divisions /m/0k3k1 +/m/03y5g8 /music/record_label/artist /m/0kj34 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0cq8qq /film/film/language /m/02h40lc +/m/0x67 /people/ethnicity/people /m/02lymt +/m/07g_0c /film/film/music /m/0150t6 +/m/04w1j9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n1gc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l2mg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2nd +/m/0c01c /film/actor/film./film/performance/film /m/07pd_j +/m/01pv91 /film/film/genre /m/01hmnh +/m/02nvg1 /education/educational_institution/school_type /m/05pcjw +/m/01nn79 /organization/organization/headquarters./location/mailing_address/citytown /m/0hsqf +/m/0bxtyq /people/person/gender /m/05zppz +/m/018swb /people/person/nationality /m/02jx1 +/m/049nq /location/location/contains /m/0d9rp +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0315q3 /influence/influence_node/influenced_by /m/0p_pd +/m/0pcc0 /people/person/languages /m/06b_j +/m/02ctzb /people/ethnicity/people /m/02b9g4 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0234pg +/m/01lc5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/0mb2b /location/hud_county_place/place /m/0mb2b +/m/0bg539 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bs5vty /film/film/genre /m/05p553 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/0dpqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lhp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/029k55 /people/person/profession /m/02hrh1q +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02704ff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0425gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03j24kf /influence/influence_node/influenced_by /m/01vvyfh +/m/027f7dj /film/actor/film./film/performance/film /m/03h4fq7 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hmt9b +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02nwxc /film/actor/film./film/performance/film /m/058kh7 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0274ck /people/person/gender /m/05zppz +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0448r /people/person/languages /m/064_8sq +/m/0g54xkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03x746 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0l6m5 /olympics/olympic_games/sports /m/02vx4 +/m/01fsv9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/01lpx8 /sports/sports_team/colors /m/06fvc +/m/026mj /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0cks1m /film/film/prequel /m/0ckrgs +/m/0jnpc /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01sxdy /film/film/country /m/07ssc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/042rnl /people/person/profession /m/01d_h8 +/m/01jmyj /film/film/genre /m/01jfsb +/m/05fyss /people/person/nationality /m/09c7w0 +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0y_yw +/m/07bch9 /people/ethnicity/people /m/06c97 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_4lx +/m/01n7q /location/location/contains /m/0kvt9 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02yj7w +/m/04y8r /people/person/profession /m/03gjzk +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5qs2k +/m/05bt6j /music/genre/artists /m/01gf5h +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vng3b /people/person/nationality /m/09c7w0 +/m/0205dx /film/actor/film./film/performance/film /m/047vnkj +/m/02k54 /location/country/capital /m/01w2v +/m/03l2n /location/location/time_zones /m/02fqwt +/m/0gldyz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0cn_b8 /film/film/featured_film_locations /m/030qb3t +/m/025st2z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0btpx /film/actor/film./film/performance/film /m/02qzmz6 +/m/01vh18t /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/023jq1 /people/person/profession /m/0cbd2 +/m/02j416 /education/educational_institution/colors /m/083jv +/m/059gkk /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/02ztjwg /language/human_language/countries_spoken_in /m/06npd +/m/016ppr /music/artist/origin /m/03l2n +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/09c7w0 /location/location/contains /m/013d7t +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0hzlz +/m/081l_ /people/person/profession /m/02hv44_ +/m/0325dj /education/educational_institution/campuses /m/0325dj +/m/04_cdd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01gy7r /film/actor/film./film/performance/film /m/033pf1 +/m/01ztgm /people/person/spouse_s./people/marriage/spouse /m/01lbp +/m/0bt4g /film/film/production_companies /m/030_1_ +/m/0p50v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0grmhb /people/person/profession /m/02jknp +/m/08jyyk /music/genre/artists /m/070b4 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwsp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/06chf /film/director/film /m/09q5w2 +/m/041rhq /people/person/profession /m/02hrh1q +/m/0k_kr /music/record_label/artist /m/07c0j +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gbbz +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/080dfr7 +/m/0mm1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/094jv /location/location/time_zones /m/02hcv8 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/043n1r5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bj9k /people/person/profession /m/02hrh1q +/m/025vldk /people/person/nationality /m/09c7w0 +/m/0t_hx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/03h_yfh /people/person/gender /m/05zppz +/m/023znp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025sc50 /music/genre/artists /m/016vqk +/m/05kh_ /people/deceased_person/place_of_death /m/0f2wj +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02k6hp /people/cause_of_death/people /m/0h6sv +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/08zrbl /film/film/genre /m/04xvlr +/m/086k8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/049f05 /sports/sports_team/sport /m/02vx4 +/m/01dvtx /people/person/nationality /m/09c7w0 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0ycfj +/m/03y0pn /film/film/language /m/0349s +/m/0f6lx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/01pw9v /people/person/religion /m/03_gx +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/013423 +/m/03k9fj /media_common/netflix_genre/titles /m/02yvct +/m/0d1qn /location/hud_county_place/place /m/0d1qn +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02d9k +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/04shbh /film/actor/film./film/performance/film /m/04w7rn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046k81 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/05fjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_286 +/m/08vr94 /film/actor/film./film/performance/film /m/0ds35l9 +/m/06dl_ /people/person/places_lived./people/place_lived/location /m/015zxh +/m/02x9cv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c46y6 /film/film/executive_produced_by /m/0grwj +/m/0jqkh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/02f8lw +/m/0ym17 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ylsr +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0ggq0m /music/genre/artists /m/01p0vf +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/028n3 /location/location/contains /m/02m__ +/m/07s2s /film/film_subject/films /m/01gwk3 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04pk1f +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06jnvs +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07r1h +/m/0bm2nq /film/film/genre /m/0vgkd +/m/03rhqg /music/record_label/artist /m/016lmg +/m/02p68d /people/person/profession /m/016z4k +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0138t4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0978r +/m/032w8h /film/actor/film./film/performance/film /m/03b_fm5 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0638kv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/016z9n /film/film/music /m/0146pg +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/01w3lzq /people/person/gender /m/02zsn +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_mm +/m/01309x /people/person/gender /m/05zppz +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/013gz /location/hud_county_place/place /m/013gz +/m/0sw0q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nrq5 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/015qy1 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/02gqm3 /film/film/genre /m/0bkbm +/m/021w0_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017gl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01kcmr +/m/0p03t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0cw +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/04xvlr /media_common/netflix_genre/titles /m/04tng0 +/m/01fs_4 /people/person/languages /m/02h40lc +/m/01kgg9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h1m9 +/m/03kx49 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02yvct +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06t2t2 +/m/02g1jh /people/person/profession /m/01c72t +/m/0b76kw1 /film/film/genre /m/017fp +/m/07z5n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n8qg +/m/0gps0z /people/person/nationality /m/09c7w0 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/027ybp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l1fn /education/educational_institution/colors /m/09q2t +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b10w +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlx4 +/m/014jyk /education/educational_institution_campus/educational_institution /m/014jyk +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0dhdp /sports/sports_team_location/teams /m/01rlzn +/m/03v0t /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/02fz3w /people/person/place_of_birth /m/01z56h +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/0dhqyw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gvbw +/m/0f13b /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/03818y /education/educational_institution/colors /m/06fvc +/m/0bq3x /film/film_subject/films /m/07vn_9 +/m/0121rx /people/person/profession /m/09jwl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/01svry /film/film/language /m/02h40lc +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0gmd3k7 /film/film/film_festivals /m/0kfhjq0 +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/03rx9 +/m/0280061 /film/film/country /m/07ssc +/m/01wbgdv /people/person/nationality /m/09c7w0 +/m/03_wpf /film/actor/film./film/performance/film /m/0hhggmy +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/03q64h /people/person/gender /m/05zppz +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/016szr +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027ct7c +/m/01ps2h8 /film/actor/film./film/performance/film /m/017jd9 +/m/0jbyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ddkf +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0gyx4 /film/actor/film./film/performance/film /m/0hvvf +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/05pxnmb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bxxzb +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/010xjr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06dv3 +/m/01vw8k /film/film/genre /m/02p0szs +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r_dg +/m/05g7q /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/03_qrp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04gb7 /film/film_subject/films /m/02d413 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0888c3 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01srq2 +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/0f2s6 /location/hud_county_place/county /m/0mq17 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01400v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/0h95b81 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dvmd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gy6z9 +/m/0ym1n /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05m_8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0n5hw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5hh +/m/0dbc1s /people/person/profession /m/02hrh1q +/m/0htcn /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03lv4x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cqh57 +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/02phtzk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/0473q /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/01qrb2 /education/educational_institution/students_graduates./education/education/student /m/024t0y +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01mmslz +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/09gnn /people/person/profession /m/0fj9f +/m/012z8_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/06gb1w /film/film/genre /m/01hmnh +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7rd +/m/03c0vy /sports/sports_team/sport /m/02vx4 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/015wnl /film/actor/film./film/performance/film /m/0fpkhkz +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/020hh3 /people/person/nationality /m/09c7w0 +/m/0hr3g /influence/influence_node/influenced_by /m/0k4gf +/m/02rqxc /sports/sports_team/sport /m/02vx4 +/m/03s6l2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/065r8g +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09wj5 +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/01_d4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03x33n +/m/05q96q6 /film/film/language /m/02h40lc +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/07mvp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/02bqvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03yfh3 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0jrny /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dzf_ +/m/027qgy /film/film/country /m/09c7w0 +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/011ywj /film/film/genre /m/04xvlr +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vy_v8 +/m/01h1bf /tv/tv_program/genre /m/0m1xv +/m/019c57 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mpyh +/m/0g9yrw /film/film/genre /m/02kdv5l +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cq8qq /film/film/country /m/09c7w0 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/01nxzv +/m/0161c /location/country/official_language /m/0jzc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/01t9qj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01934k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0h3c3g +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0kbf1 /film/film/written_by /m/0171lb +/m/04v7k2 /people/person/profession /m/02hrh1q +/m/03lvyj /film/actor/film./film/performance/film /m/05pt0l +/m/01y20v /education/educational_institution/students_graduates./education/education/student /m/013zyw +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/01s7z0 /people/person/employment_history./business/employment_tenure/company /m/0gy1_ +/m/0kbhf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/06rzwx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09c7w0 /location/location/contains /m/0fvxg +/m/09g8vhw /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0j__m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/075wx7_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05q7874 +/m/05jbn /location/location/time_zones /m/02fqwt +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03q5db /film/film/music /m/023361 +/m/06hgym /people/person/languages /m/02h40lc +/m/02xpy5 /education/educational_institution/colors /m/01g5v +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/03_9x6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j755 +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/03ys48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/043g7l /music/record_label/artist /m/01nkxvx +/m/06fq2 /education/educational_institution/colors /m/01g5v +/m/0hbbx /location/location/contains /m/016v46 +/m/09r9dp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bs3j +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/02mt51 /film/film/country /m/09c7w0 +/m/02qlp4 /film/film/story_by /m/03s2y9 +/m/0xhtw /music/genre/artists /m/0161sp +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/033w9g +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gffmz +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0knhk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02g839 +/m/020jqv /people/person/profession /m/0nbcg +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0g9z_32 /film/film/language /m/03hkp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/05148p4 /music/instrument/instrumentalists /m/0ffgh +/m/02hrh0_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01chc7 /people/person/gender /m/05zppz +/m/02rjz5 /sports/sports_team/colors /m/06fvc +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/07s9rl0 /media_common/netflix_genre/titles /m/01kqq7 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/0qlnr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01540 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/01wp8w7 /people/person/profession /m/01c72t +/m/0f83g2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03mstc /people/person/places_lived./people/place_lived/location /m/05fjy +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/09c7w0 /location/location/contains /m/05x_5 +/m/057n_g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/04fkg4 /people/person/profession /m/02jknp +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01cf93 /music/record_label/artist /m/026spg +/m/02xs6_ /film/film/music /m/0150t6 +/m/02r6nbc /award/award_category/disciplines_or_subjects /m/05hgj +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/05mxw33 +/m/033wx9 /people/person/spouse_s./people/marriage/spouse /m/06y9c2 +/m/01wj92r /people/person/religion /m/04pk9 +/m/01trf3 /people/person/profession /m/03gjzk +/m/04gp58p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0x67 /people/ethnicity/people /m/03gm48 +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/059rby /location/location/contains /m/03zj9 +/m/01vtqml /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/03k545 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05c46y6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05wm88 /people/person/religion /m/01lp8 +/m/0b_dy /film/actor/film./film/performance/film /m/0p4v_ +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/06k176 /tv/tv_program/genre /m/01htzx +/m/0gy4k /film/film/genre /m/0bkbm +/m/06ybz_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02_wxh /people/person/religion /m/03_gx +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01vvyc_ /people/person/profession /m/02hrh1q +/m/0223g8 /people/person/profession /m/0np9r +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01y_px /film/actor/film./film/performance/film /m/0hx4y +/m/035yg /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tgz4 /film/film/country /m/09c7w0 +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/034bs /influence/influence_node/influenced_by /m/0379s +/m/0436kgz /film/actor/film./film/performance/film /m/07vf5c +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/083skw /film/film/genre /m/060__y +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/01n073 /business/business_operation/industry /m/01mw1 +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1xb +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/05zy3sc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0794g +/m/011ycb /film/film/featured_film_locations /m/02_286 +/m/041rx /people/ethnicity/people /m/01y665 +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01jfsb /media_common/netflix_genre/titles /m/0fpmrm3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01rgdw +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/06thjt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/04zngls +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07b1gq +/m/062cg6 /people/person/profession /m/0cbd2 +/m/01l2fn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jcgs /location/location/time_zones /m/02hczc +/m/0pgm3 /film/actor/film./film/performance/film /m/07h9gp +/m/023g6w /film/film/genre /m/07s9rl0 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01tnbn /film/actor/film./film/performance/film /m/013q0p +/m/03wd5tk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015_1q /music/record_label/artist /m/0mgcr +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03yl2t +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/0fqxc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_vs +/m/01cycq /film/film/genre /m/05mrx8 +/m/04mrgz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02tk74 /people/person/place_of_birth /m/04jpl +/m/030jj7 /music/record_label/artist /m/01n8gr +/m/03rk0 /location/country/official_language /m/02h40lc +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/04hwbq /film/film/genre /m/01hmnh +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/05w3f /music/genre/artists /m/05crg7 +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018gqj +/m/01npw8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0gd70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0n5fl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/01t9_0 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0dpqk /people/person/profession /m/0cbd2 +/m/042fgh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/044g_k +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03rhqg /music/record_label/artist /m/0134wr +/m/0t6hk /base/biblioness/bibs_location/state /m/0488g +/m/03ksy /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06vlk0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04fcx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/01kf3_9 /film/film/executive_produced_by /m/03kpvp +/m/032q8q /film/actor/film./film/performance/film /m/01q2nx +/m/01bczm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02t_st +/m/06k02 /people/person/profession /m/0cbd2 +/m/022q32 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0227vl +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0c1fs /influence/influence_node/influenced_by /m/06myp +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/03yf3z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pzpz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mtdx +/m/05b4rcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/01msrb /film/film/genre /m/04xvlr +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/02cl1 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01n4w +/m/0jbqf /sports/sports_team/sport /m/03tmr +/m/073q1 /location/location/contains /m/03ryn +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04__f +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/06x43v /film/film/country /m/0f8l9c +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/05sq0m +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/0djtky /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0fq117k /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tzfz +/m/013sg6 /film/actor/film./film/performance/film /m/0jymd +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0s5cg /location/hud_county_place/county /m/0nvt9 +/m/01jllg1 /people/person/profession /m/01c72t +/m/01m8dg /location/location/time_zones /m/02hcv8 +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/0b90_r /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4j_ +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0sxdg /business/business_operation/industry /m/03qh03g +/m/0bq6ntw /film/film/language /m/05zjd +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0131kb +/m/02zs4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/048z7l /people/ethnicity/people /m/05jjl +/m/03mb9 /music/genre/artists /m/0415mzy +/m/014g22 /people/person/profession /m/02hrh1q +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03t1s +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qymv +/m/0dlngsd /film/film/executive_produced_by /m/0glyyw +/m/02rxbmt /people/person/profession /m/03gjzk +/m/01syr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/0vhm +/m/03ckfl9 /music/genre/artists /m/01vsl3_ +/m/06x58 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bdzg +/m/03x16f /film/actor/film./film/performance/film /m/02ljhg +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/06hgym /people/person/place_of_birth /m/0n1rj +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01qxc7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g9zcgx +/m/06z8gn /people/person/nationality /m/09c7w0 +/m/033f8n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0gl6x /education/educational_institution/colors /m/01g5v +/m/0sx8l /olympics/olympic_games/participating_countries /m/082fr +/m/02bwc7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0hl3d /people/person/gender /m/05zppz +/m/04pmnt /film/film/written_by /m/0kvqv +/m/01pcrw /people/person/places_lived./people/place_lived/location /m/06c62 +/m/0dgrwqr /film/film/edited_by /m/0gd9k +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1lm +/m/02vkzcx /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/027f7dj /people/person/profession /m/01d_h8 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fgrm /film/film/music /m/023361 +/m/0p_pd /people/person/places_lived./people/place_lived/location /m/06yxd +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04cf_l +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/01jfnvd /music/group_member/membership./music/group_membership/role /m/0342h +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/017371 /music/genre/artists /m/01wj92r +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/0gv07g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/01vsnff /music/group_member/membership./music/group_membership/group /m/016l09 +/m/03g5_y /people/person/profession /m/0dxtg +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/027jk /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08hp53 /people/person/profession /m/03gjzk +/m/0fvyg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05fkf +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02mqc4 +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fvt2 /influence/influence_node/influenced_by /m/0klw +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/01qncf /film/film/music /m/07j8kh +/m/01xlqd /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02r3cn /people/person/profession /m/0nbcg +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/015n8 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05wp1p +/m/01kkk4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c9c0 /people/person/gender /m/05zppz +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0c3351 /media_common/netflix_genre/titles /m/0b6tzs +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01_j71 /award/award_winner/awards_won./award/award_honor/award_winner /m/02dth1 +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/0jbyg /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/03n15_ /music/genre/parent_genre /m/01kp8z +/m/05tbn /location/location/contains /m/0mwq7 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0633p0 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/05r5w /people/person/profession /m/0kyk +/m/0bs8ndx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x42h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/06y9c2 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mn81 +/m/07ssc /location/location/contains /m/09k23 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qlp4 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0lgxj /olympics/olympic_games/sports /m/06wrt +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03knl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06pjs +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/01mqnr +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07kh6f3 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/06y9c2 /people/person/profession /m/0cbd2 +/m/06mn7 /people/person/place_of_birth /m/0cc56 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/09btk /base/biblioness/bibs_location/country /m/05b4w +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/02zjd /people/person/profession /m/0cbd2 +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/03jsvl /music/genre/artists /m/016t00 +/m/060__7 /film/film/produced_by /m/030_3z +/m/012xdf /people/person/place_of_birth /m/0hptm +/m/0jm5b /sports/sports_team/sport /m/018w8 +/m/01ls2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06by7 /music/genre/artists /m/06cc_1 +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/03lmx1 /people/ethnicity/people /m/0k269 +/m/07w8fz /film/film/executive_produced_by /m/024t0y +/m/035wq7 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01yqqv +/m/026ck /people/person/nationality /m/09c7w0 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05hc96 /sports/sports_team/sport /m/02vx4 +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/020hyj /people/person/nationality /m/05r7t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0b_ljy +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/09kr66 /people/ethnicity/people /m/023v4_ +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0301yj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/02y0yt /people/person/profession /m/0dxtg +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/065ym0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0dln8jk +/m/05bht9 /people/person/place_of_birth /m/07bcn +/m/0fc_p /location/us_county/county_seat /m/071cn +/m/03f19q4 /people/person/profession /m/02hrh1q +/m/0ddcbd5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/021npv /film/actor/film./film/performance/film /m/02p86pb +/m/06by7 /music/genre/artists /m/015882 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/03z509 /people/person/gender /m/02zsn +/m/012gq6 /people/person/religion /m/0c8wxp +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/05gm16l /education/educational_institution/colors /m/038hg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/033nzk +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/02hhtj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/016sd3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cj8x /film/actor/film./film/performance/film /m/0jvt9 +/m/036px /people/person/profession /m/09jwl +/m/027wvb /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0290rb +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04f525m /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/041rx /people/ethnicity/people /m/0f13b +/m/07glc4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpzwf /location/hud_county_place/county /m/0nhmw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/031296 +/m/081nh /people/person/nationality /m/09c7w0 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/0hv4t /film/film/language /m/06nm1 +/m/01lz4tf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01lbp +/m/0hmm7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/0fb7sd /film/film/country /m/0345h +/m/08kp57 /people/person/profession /m/02hrh1q +/m/05b4w /location/location/contains /m/05l64 +/m/02fgpf /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgp0 +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/04xbr4 +/m/02g8h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y8zd /education/educational_institution/colors /m/036k5h +/m/05qzv /people/person/place_of_birth /m/01_d4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/04cw0j /people/person/profession /m/01d_h8 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/015bpl /film/film/genre /m/01jfsb +/m/0266r6h /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/049sb /people/person/religion /m/0flw86 +/m/01kf5lf /film/film/genre /m/0lsxr +/m/01ycfv /people/person/gender /m/05zppz +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/02hy5d +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fjz9 +/m/026390q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m2kd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03tf_h /people/person/nationality /m/02jx1 +/m/01cgz /media_common/netflix_genre/titles /m/0q9sg +/m/02sj1x /people/person/place_of_birth /m/0f2nf +/m/0bgv4g /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/01pqy_ /people/person/spouse_s./people/marriage/spouse /m/0f502 +/m/0738b8 /film/actor/film./film/performance/film /m/06ztvyx +/m/0bkq7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wbz9 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/026036 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01tvz5j /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01kj0p +/m/0xhtw /music/genre/artists /m/016ntp +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0ydpd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018swb /film/actor/film./film/performance/film /m/07kh6f3 +/m/06ltr /film/actor/film./film/performance/film /m/0418wg +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mck3c +/m/0fthdk /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05mc7y /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/0j5g9 /base/aareas/schema/administrative_area/administrative_parent /m/07ssc +/m/081l_ /people/person/profession /m/01d_h8 +/m/01v3vp /film/actor/film./film/performance/film /m/0blpg +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xbxn +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_n63 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/07phbc /film/film/story_by /m/096hm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/011zd3 +/m/0262s1 /award/award_category/disciplines_or_subjects /m/06n90 +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/015q43 /people/person/languages /m/064_8sq +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/0mfc0 +/m/07sgdw /film/film/genre /m/05p553 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07ssc /media_common/netflix_genre/titles /m/0c_j9x +/m/042l8n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02h40lc /language/human_language/countries_spoken_in /m/06ryl +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mvd62 +/m/08s6mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ld6x +/m/0dzkq /people/person/religion /m/03_gx +/m/033hn8 /music/record_label/artist /m/01gf5h +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05hc96 +/m/0hn2q /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/031n5b /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0pd6l /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/04fzfj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032v0v +/m/02jx1 /location/country/second_level_divisions /m/0grd7 +/m/02w7gg /people/ethnicity/people /m/022_q8 +/m/0bd2n4 /people/person/gender /m/05zppz +/m/0ywqc /film/actor/film./film/performance/film /m/0crd8q6 +/m/0h0yt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013pk3 +/m/05148p4 /music/instrument/instrumentalists /m/02whj +/m/03nymk /tv/tv_program/genre /m/06nbt +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/092ys_y /award/award_winner/awards_won./award/award_honor/award_winner /m/0c94fn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/035bpp +/m/01qz5 /film/film/genre /m/04xvlr +/m/01xv77 /film/actor/film./film/performance/film /m/0gyv0b4 +/m/01wqg8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cq806 /film/film/genre /m/03bxz7 +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170pk +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0bwh6 /people/person/profession /m/01c72t +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/041jk9 +/m/064t9 /music/genre/artists /m/01sxd1 +/m/022yb4 /film/actor/film./film/performance/film /m/0fdv3 +/m/0bzmt8 /time/event/instance_of_recurring_event /m/0g_w +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tjl3 +/m/01ydzx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fhy /location/location/contains /m/037njl +/m/04pqqb /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jw +/m/05ty4m /film/actor/film./film/performance/film /m/07kb7vh +/m/07b2lv /film/actor/film./film/performance/film /m/0462hhb +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/06vbd /location/country/capital /m/02gjp +/m/0454s1 /film/director/film /m/0jvt9 +/m/02fp3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/034fl9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/01pf6 /people/cause_of_death/people /m/0mfj2 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cgzj +/m/016clz /music/genre/artists /m/01w806h +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02x3lt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/030p35 +/m/04ld94 /film/director/film /m/05cvgl +/m/05d1dy /people/person/place_of_birth /m/0h7h6 +/m/01_qgp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/0q_0z /base/biblioness/bibs_location/country /m/09c7w0 +/m/01jgpsh /film/actor/film./film/performance/film /m/0421ng +/m/0161c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/060__7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018jkl /location/administrative_division/country /m/03_3d +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/02w7gg /people/ethnicity/people /m/0j5q3 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/0gthm +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/01vsykc /people/person/nationality /m/07ssc +/m/03s0w /location/location/contains /m/0ght2 +/m/01pl14 /education/educational_institution_campus/educational_institution /m/01pl14 +/m/05zy2cy /film/film/genre /m/06n90 +/m/095x_ /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/07w8fz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01nqfh_ +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/05z7c /film/film/genre /m/09blyk +/m/08tq4x /film/film/country /m/0166b +/m/034qmv /film/film/genre /m/06www +/m/032zg9 /people/person/places_lived./people/place_lived/location /m/0f94t +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/01hvv0 /tv/tv_program/genre /m/095bb +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/06k02 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01h5f8 /people/deceased_person/place_of_death /m/05jbn +/m/04t36 /media_common/netflix_genre/titles /m/0fgrm +/m/03twd6 /film/film/country /m/0345h +/m/07663r /people/person/profession /m/018gz8 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/076xkps /film/film/genre /m/01jfsb +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0klh7 /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/01hmnh /media_common/netflix_genre/titles /m/05pdd86 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/044rvb /film/actor/film./film/performance/film /m/02704ff +/m/019nnl /tv/tv_program/country_of_origin /m/09c7w0 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/014hdb +/m/0bzh04 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03lpp_ /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03p2xc +/m/03h40_7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mp37 +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j367r +/m/07_l6 /music/instrument/instrumentalists /m/04k15 +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/0hwqg +/m/04z257 /film/film/executive_produced_by /m/06q8hf +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0nv2x /location/us_county/county_seat /m/0sf9_ +/m/07lwsz /people/person/nationality /m/09c7w0 +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lbfv +/m/049qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/0c4b8 /location/country/form_of_government /m/01q20 +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/02238b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09lxv9 +/m/04zl8 /film/film/country /m/07ssc +/m/01c3q /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/01fs__ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wjrn +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02wyzmv /tv/tv_program/genre /m/01z77k +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/06zd1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095p3z +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03bxp5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yl_3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/024_41 /award/award_category/winners./award/award_honor/award_winner /m/015rmq +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0fqp6zk /people/ethnicity/people /m/04y0hj +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ryz24 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/01r3w7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/04_1l0v /location/location/contains /m/0rh6k +/m/02h2vv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tj34 +/m/06qd3 /location/location/contains /m/01bvw5 +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/01_x6d /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0bxtg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02kk_c +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/0l2rj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2q3 +/m/06nm1 /language/human_language/countries_spoken_in /m/0345_ +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0198b6 +/m/01fh9 /film/actor/film./film/performance/film /m/0symg +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0k3p +/m/045qmr /tv/tv_program/genre /m/03k9fj +/m/04r7jc /people/person/profession /m/025352 +/m/02ppg1r /film/film/genre /m/01t_vv +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/064t9 /music/genre/artists /m/0dzlk +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/06k02 +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/013b6_ /people/ethnicity/languages_spoken /m/0880p +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/015zyd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hcr +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_2r +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j6b5 +/m/02s2lg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pj3h /people/person/profession /m/02hrh1q +/m/011yth /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01cf93 /music/record_label/artist /m/01nrz4 +/m/0266sb_ /sports/sports_team/colors /m/083jv +/m/04rzd /music/instrument/instrumentalists /m/018phr +/m/02qm_f /film/film/genre /m/05p553 +/m/0146hc /organization/organization/headquarters./location/mailing_address/citytown /m/0ply0 +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/03d8jd1 /film/film/dubbing_performances./film/dubbing_performance/actor /m/03cz4j +/m/03hhd3 /film/actor/film./film/performance/film /m/0g4vmj8 +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c46y6 +/m/01699 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0flry /base/culturalevent/event/entity_involved /m/03f4n1 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/03yvf2 /film/film/country /m/09c7w0 +/m/0m66w /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/0dr_4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0140t7 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0jlv5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0162c8 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02swsm /music/record_label/artist /m/02bwjv +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fy34l +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/0hzlz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/021r7r +/m/0kvnn /people/person/profession /m/016z4k +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/04rzd /music/instrument/instrumentalists /m/0259r0 +/m/0dl5d /music/genre/artists /m/0326tc +/m/07hwkr /people/ethnicity/people /m/0d06m5 +/m/0bdd_ /base/biblioness/bibs_location/country /m/05qhw +/m/035gnh /film/film/produced_by /m/04zwtdy +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01cx_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01qh7 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z07 +/m/01vlj1g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0mpzm /location/us_county/county_seat /m/0vzm +/m/08c4yn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/032xhg /people/person/profession /m/03gjzk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymdn +/m/026db_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/01l4zqz /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hhd3 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/0kq39 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2l3 +/m/03qd_ /music/group_member/membership./music/group_membership/role /m/01v8y9 +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/049sb +/m/017rbx /education/educational_institution/campuses /m/017rbx +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/03vhvp +/m/0lzb8 /people/person/profession /m/02hrh1q +/m/07ssc /media_common/netflix_genre/titles /m/02jr6k +/m/0k_kr /music/record_label/artist /m/048xh +/m/0pb33 /film/film/featured_film_locations /m/0nbwf +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03l2n +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/011k11 /music/record_label/artist /m/02f1c +/m/015ppk /tv/tv_program/languages /m/02h40lc +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/01gvr1 /people/person/places_lived./people/place_lived/location /m/013yq +/m/01p1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0165v +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09y6pb +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/01kmd4 /people/person/profession /m/01445t +/m/0f4_2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026p_bs +/m/03f1d47 /people/person/nationality /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0h0yt +/m/04t7ts /film/actor/film./film/performance/film /m/04gknr +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/0978r /location/location/contains /m/01f2xy +/m/04cbtrw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h2zvzr +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/028hc2 /people/person/nationality /m/09c7w0 +/m/06dn58 /film/actor/film./film/performance/film /m/087vnr5 +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/03d1y3 +/m/03h26tm /award/award_winner/awards_won./award/award_honor/award_winner /m/09pjnd +/m/07bch9 /people/ethnicity/people /m/02jq1 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/02704ff /film/film/genre /m/0lsxr +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0824r /location/location/contains /m/0fw2y +/m/09c7w0 /location/location/contains /m/01p7x7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dkb83 +/m/02897w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b1xl /education/university/fraternities_and_sororities /m/035tlh +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0l786 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/031sg0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02p10m +/m/06zn1c /film/film/genre /m/07s9rl0 +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/01gjd0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02_p8v /film/actor/film./film/performance/film /m/0sxg4 +/m/07wlf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0ply0 /sports/sports_team_location/teams /m/0jm4b +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/0c3351 /media_common/netflix_genre/titles /m/07cyl +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015gw6 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03rj0 +/m/040wdl /people/person/profession /m/02hrh1q +/m/0571m /film/film/genre /m/073_6 +/m/018p4y /film/actor/film./film/performance/film /m/0g_zyp +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09lwrt +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/045c66 /film/actor/film./film/performance/film /m/02rlj20 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ndy4 +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kb2j +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01j95f +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/09jm8 /influence/influence_node/influenced_by /m/01wp_jm +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04xn_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_lsr +/m/0bmj2y /tv/tv_network/programs./tv/tv_network_duration/program /m/01yb1y +/m/06l7jj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01flzb /music/genre/artists /m/01vvzb1 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0432_5 +/m/0283ph /tv/tv_program/languages /m/02h40lc +/m/0x67 /people/ethnicity/people /m/01qdjm +/m/0187y5 /film/actor/film./film/performance/film /m/01r97z +/m/04bdpf /film/actor/film./film/performance/film /m/01dc0c +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02cvcd +/m/07cjqy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/042f1 /people/person/religion /m/0631_ +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0pqz3 /location/location/time_zones /m/02fqwt +/m/03p01x /people/person/profession /m/01d_h8 +/m/0h32q /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0143wl +/m/0325dj /education/university/fraternities_and_sororities /m/0325pb +/m/0gg8z1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02648p /tv/tv_program/genre /m/03k9fj +/m/03k9fj /media_common/netflix_genre/titles /m/033srr +/m/01wcp_g /people/person/profession /m/04f2zj +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05jt_ /music/genre/parent_genre /m/0glt670 +/m/05xd8x /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/02bqy +/m/014g9y /people/person/profession /m/02hrh1q +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/01lc5 /organization/organization_founder/organizations_founded /m/017jv5 +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2hs +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/081jbk /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0bkmf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gfp09 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02c6d /film/film/featured_film_locations /m/02_286 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0436yk /film/film/country /m/03_3d +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06y9c2 /people/person/profession /m/025352 +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/025czw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06_bq1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09r9m7 /people/person/profession /m/01c72t +/m/0425kh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01hbq0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0t_4_ /location/hud_county_place/county /m/0k3k1 +/m/01pcq3 /film/actor/film./film/performance/film /m/06gb1w +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06449 /people/person/gender /m/05zppz +/m/04_tv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02_7t +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/0b68vs /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gn30 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/04_bfq +/m/0284gcb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02hct1 +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/0dl567 +/m/01pk3z /film/actor/film./film/performance/film /m/02mc5v +/m/07s7gk6 /music/genre/artists /m/04qmr +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0blg2 /time/event/locations /m/04jpl +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/05d1dy /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/042l3v /people/person/place_of_birth /m/0cr3d +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ynm +/m/0h95b81 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/044crp +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/01v3bn +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0g768 /music/record_label/artist /m/0152cw +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/0gg5qcw /film/film/film_festivals /m/0gg7gsl +/m/0c9xjl /people/person/profession /m/02jknp +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0301yj +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d413 +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01r3w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01f62 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/05w6cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0dclg /sports/sports_team_location/teams /m/0jm4v +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/02ht1k /film/film/written_by /m/021bk +/m/04cbtrw /people/person/religion /m/0kpl +/m/02p76f9 /film/film/film_production_design_by /m/0bytkq +/m/02_lt /sports/sports_team/colors /m/083jv +/m/07cw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/0424m /people/person/religion /m/02rsw +/m/08g5q7 /people/cause_of_death/people /m/01vsqvs +/m/047vnkj /film/film/executive_produced_by /m/032v0v +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01vxxb /film/actor/film./film/performance/film /m/01shy7 +/m/04ngn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011j5x /music/genre/parent_genre /m/06cqb +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01zhs3 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02v3m7 /location/location/contains /m/0nv99 +/m/0h0yt /influence/influence_node/influenced_by /m/01hb6v +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05kh_ /film/actor/film./film/performance/film /m/01lbcqx +/m/01w1sx /film/film_subject/films /m/0bw20 +/m/09c7w0 /location/country/second_level_divisions /m/0mw1j +/m/02s58t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hnp7 +/m/02gn8s /education/educational_institution/campuses /m/02gn8s +/m/05k7sb /location/location/contains /m/0tz1x +/m/013q07 /film/film/written_by /m/0p__8 +/m/0qm9n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01c1nm /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/04dsnp /film/film/genre /m/0jtdp +/m/05cvgl /film/film/language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03m6zs +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0bs5vty /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0py5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0tzp +/m/06nr2h /film/film/genre /m/017fp +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/027jq2 /people/person/profession /m/02hrh1q +/m/0c2ry /people/deceased_person/place_of_burial /m/018mmj +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/042kg /people/person/religion /m/019cr +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/0dnvn3 /film/film/genre /m/0lsxr +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cy__l +/m/02rg_4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/018vs /music/instrument/instrumentalists /m/0gkg6 +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/044zvm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gldyz /film/film/featured_film_locations /m/052p7 +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0lx2l +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/0y_yw /film/film/language /m/02h40lc +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0821j /influence/influence_node/influenced_by /m/07w21 +/m/04g4n /people/person/gender /m/02zsn +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/06x76 /sports/sports_team/colors /m/01l849 +/m/02rv1w /education/educational_institution/students_graduates./education/education/student /m/0127m7 +/m/0mmd6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05c5z8j /film/film/genre /m/011ys5 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0143hl +/m/01g4zr /people/deceased_person/place_of_death /m/0r00l +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/01mjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06npd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f5hyg +/m/05r5c /music/instrument/instrumentalists /m/01wcp_g +/m/02qkq0 /tv/tv_program/genre /m/0gs6m +/m/0b7t3p /people/person/profession /m/02hrh1q +/m/03c0vy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/02x8z_ +/m/041rx /people/ethnicity/people /m/02cqbx +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03z5xd +/m/03_80b /people/person/place_of_birth /m/04vmp +/m/0fx80y /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018sg9 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tbr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/0mjn2 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01xq8v /film/film/genre /m/04xvh5 +/m/04112r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q_x_l +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/0lpjn /film/actor/film./film/performance/film /m/0194zl +/m/015c4g /film/actor/film./film/performance/film /m/0ccck7 +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/012x2b /film/actor/film./film/performance/film /m/065_cjc +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01y2mq /music/genre/parent_genre /m/0glt670 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/02drd3 /film/director/film /m/048rn +/m/04fc6c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0ymf1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/02k6hp /medicine/disease/notable_people_with_this_condition /m/037s5h +/m/04v8h1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dmn0x /film/film/country /m/0345h +/m/015lhm /film/actor/film./film/performance/film /m/0gffmn8 +/m/0579tg2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05v1sb +/m/02lnbg /music/genre/artists /m/09889g +/m/01j5ts /people/person/profession /m/01d_h8 +/m/03lgg /film/actor/film./film/performance/film /m/0bxsk +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0130sy /music/group_member/membership./music/group_membership/role /m/0l14md +/m/04qr6d /people/person/profession /m/028kk_ +/m/0155w /music/genre/artists /m/02whj +/m/04t2l2 /film/actor/film./film/performance/film /m/0ddf2bm +/m/05pxnmb /film/film/genre /m/01hmnh +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/01_x6v +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w5m +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mjl +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01x_d8 /people/person/profession /m/02hrh1q +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/01hqhm /award/award_winning_work/awards_won./award/award_honor/award /m/05h5nb8 +/m/0j86l /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01nhgd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01qqtr /people/person/nationality /m/09c7w0 +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/0260bz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/044g_k +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/05mc7y /people/person/gender /m/05zppz +/m/096gm /location/administrative_division/first_level_division_of /m/06c1y +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/097h2 +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0ncj8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0p0cw +/m/015m08 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bzty +/m/063zky /film/film/genre /m/02l7c8 +/m/02xh1 /media_common/netflix_genre/titles /m/0413cff +/m/0mp08 /location/us_county/county_seat /m/0mp08 +/m/01wz3cx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xv77 +/m/01fx6y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034hck +/m/0m491 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/03n93 +/m/01n7q /location/location/contains /m/0r785 +/m/0n85g /music/record_label/artist /m/01q_ph +/m/09c7w0 /location/country/second_level_divisions /m/0jch5 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/04jpl /location/location/contains /m/0nbrp +/m/03ds83 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03359d +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/02d413 /film/film/costume_design_by /m/03mfqm +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01cwm1 +/m/016_v3 /music/genre/artists /m/02x_h0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/03bx2lk /film/film/produced_by /m/01t6b4 +/m/03t0k1 /people/person/gender /m/05zppz +/m/01qxc7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/0l8g0 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026zvx7 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/07f_t4 /film/film/genre /m/02kdv5l +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01wgcvn /film/actor/film./film/performance/film /m/03l6q0 +/m/02hnl /music/instrument/instrumentalists /m/01vrx3g +/m/0czkbt /people/person/profession /m/016z4k +/m/07jqjx /film/film/produced_by /m/06b_0 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0bq6ntw /film/film/language /m/02h40lc +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/02kxbwx /film/director/film /m/0b73_1d +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04swx /location/location/contains /m/0k2q +/m/04hcw /influence/influence_node/influenced_by /m/02wh0 +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/06j6l /music/genre/artists /m/01l1b90 +/m/0d739 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03_xj /location/country/form_of_government /m/018wl5 +/m/01sxq9 /people/person/places_lived./people/place_lived/location /m/0ljsz +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/0cgzj /people/person/profession /m/0cbd2 +/m/075fzd /film/film_subject/films /m/04dsnp +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/08wjf4 /film/actor/film./film/performance/film /m/0gkz15s +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01vvpjj /people/person/languages /m/02h40lc +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/026p_bs /film/film/country /m/09c7w0 +/m/07z1m /location/location/contains /m/0mnwd +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/05c26ss /film/film/featured_film_locations /m/04jpl +/m/0bm2x /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ktpx +/m/0159h6 /people/person/profession /m/018gz8 +/m/01fx6y /film/film/genre /m/01lrrt +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj_k +/m/0dfw0 /film/film/prequel /m/0ddt_ +/m/01yzhn /people/person/profession /m/02hrh1q +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/0h3tv /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/019pm_ +/m/0f87jy /people/person/profession /m/03gjzk +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmdb +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03fbb6 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0b44shh /film/film/genre /m/0hn10 +/m/05jt_ /music/genre/parent_genre /m/06by7 +/m/03xx9l /people/person/place_of_birth /m/02dtg +/m/03zrp /people/person/profession /m/025352 +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0gyx4 +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/02xhwm +/m/01qbl /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02wyc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02wxvtv /people/person/profession /m/02hrh1q +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/02jg92 /music/group_member/membership./music/group_membership/group /m/0134tg +/m/04chyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01j28z /media_common/netflix_genre/titles /m/02847m9 +/m/05dy7p /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01xbgx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017v_ /location/location/contains /m/01lhdt +/m/014635 /people/person/profession /m/0d8qb +/m/016y_f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/01vh3r +/m/0p4v_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bczm /people/person/profession /m/0gbbt +/m/01zh3_ /education/educational_institution/colors /m/06fvc +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/059j4x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06w7mlh +/m/01y06y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02x0bdb /people/person/profession /m/02hrh1q +/m/01x5fb /education/educational_institution/students_graduates./education/education/student /m/01wsl7c +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0266s9 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02kzfw +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/0kq39 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2k7 +/m/032sl_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03mfqm /people/person/place_of_birth /m/0kf9p +/m/02sh8y /film/actor/film./film/performance/film /m/01wb95 +/m/01m13b /film/film/featured_film_locations /m/0mpbx +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/02hhtj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/033wx9 +/m/0b68vs /people/person/nationality /m/02jx1 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/01v3s2_ /people/person/gender /m/05zppz +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cd2vh9 +/m/01kmd4 /people/person/nationality /m/09c7w0 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0d_w7 /people/person/gender /m/05zppz +/m/0hzlz /location/country/form_of_government /m/026wp +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015nvj +/m/01xg_w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04gycf +/m/0301yj /people/person/gender /m/05zppz +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zft0 +/m/0bpjh3 /people/ethnicity/people /m/05g3ss +/m/05k7sb /location/location/contains /m/017v71 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/0136p1 +/m/0gm2_0 /film/film/produced_by /m/05prs8 +/m/05p1tzf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_0d2 +/m/064t9 /music/genre/artists /m/01vt9p3 +/m/031k24 /film/actor/film./film/performance/film /m/0gmgwnv +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/02qjb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02p_ycc +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/06by7 /music/genre/artists /m/012z8_ +/m/01x6jd /film/actor/film./film/performance/film /m/01bn3l +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/058z2d +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/03mdt /media_common/netflix_genre/titles /m/0f4k49 +/m/0mdyn /base/eating/practicer_of_diet/diet /m/07_jd +/m/015qt5 /film/actor/film./film/performance/film /m/032016 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/074w86 +/m/02cx72 /people/person/profession /m/025352 +/m/0dwvl /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/02n61z /organization/organization/headquarters./location/mailing_address/citytown /m/01km6_ +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/03ct7jd /film/film/executive_produced_by /m/06pj8 +/m/02lymt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j7z7 +/m/0b90_r /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0hwqz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0794g +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0b1zz +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/05pq9 /people/person/place_of_birth /m/02_286 +/m/030tjk /people/person/gender /m/05zppz +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vb6z +/m/03f22dp /people/person/profession /m/01d_h8 +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0169dl /film/actor/film./film/performance/film /m/0418wg +/m/0888c3 /film/film/genre /m/0gf28 +/m/07t90 /education/educational_institution/colors /m/09ggk +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/04cl1 /film/actor/film./film/performance/film /m/06gb1w +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03spz +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/01_x6v +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07t21 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/02b07b /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01j851 /people/person/place_of_birth /m/013n0n +/m/05sy2k_ /tv/tv_program/genre /m/07qht4 +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/052_mn /film/film/genre /m/01jfsb +/m/037s9x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01vsy7t /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/03ktjq /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1m +/m/09fc83 /film/film/featured_film_locations /m/068p2 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016dj8 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/07ymr5 /people/person/profession /m/018gz8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03zqc1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h1mt +/m/07ssc /location/location/contains /m/0c5_3 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0f5xn +/m/0443xn /film/actor/film./film/performance/film /m/0443v1 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/043qqt5 +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06m_5 +/m/0157m /people/person/profession /m/04gc2 +/m/0dx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/01kx_81 /music/group_member/membership./music/group_membership/group /m/07mvp +/m/06qjgc /soccer/football_player/current_team./sports/sports_team_roster/team /m/096cw_ +/m/06qjgc /people/person/nationality /m/06mkj +/m/01q940 /music/record_label/artist /m/017lb_ +/m/0p__8 /people/person/profession /m/018gz8 +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01j7rd /people/person/profession /m/015cjr +/m/02qhlwd /film/film/executive_produced_by /m/0bs1yy +/m/0436yk /film/film/genre /m/0hcr +/m/0xnvg /people/ethnicity/people /m/01dy7j +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/03g5_y /influence/influence_node/influenced_by /m/0p_47 +/m/02rb607 /film/film/country /m/03rjj +/m/0dzbl /education/educational_institution/campuses /m/0dzbl +/m/08ff1k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/02qsjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/068g3p /people/person/places_lived./people/place_lived/location /m/013ksx +/m/05_2h8 /people/person/spouse_s./people/marriage/spouse /m/01kgg9 +/m/01hw6wq /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jwvf +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04myfb7 +/m/026l37 /people/person/nationality /m/09c7w0 +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0fpn8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03nx8mj +/m/02tcgh /film/film/written_by /m/03wpmd +/m/0bt3j9 /film/film/genre /m/04t36 +/m/04qzm /music/artist/origin /m/0ggh3 +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/018ygt /film/actor/film./film/performance/film /m/0cn_b8 +/m/019g40 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07ss8_ +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj8t_b +/m/01r47h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020jqv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hqk +/m/037hgm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9b0 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kjgl +/m/02_j7t /film/actor/film./film/performance/film /m/02t_h3 +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p09dd +/m/04z257 /film/film/genre /m/06www +/m/03n785 /film/film/genre /m/06n90 +/m/0f4_2k /film/film/language /m/02bjrlw +/m/024rwx /tv/tv_program/genre /m/095bb +/m/0j0k /location/location/contains /m/0jt3tjf +/m/01lv85 /tv/tv_program/genre /m/05p553 +/m/08jyyk /music/genre/artists /m/01vsl3_ +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmgb +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/03b79 /location/country/official_language /m/04306rv +/m/02zq43 /film/actor/film./film/performance/film /m/020bv3 +/m/021lby /people/person/nationality /m/09c7w0 +/m/0fq117k /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/01fx5l +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01xvjb /film/film/story_by /m/04wvhz +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/042xh /people/person/places_lived./people/place_lived/location /m/0pmn7 +/m/02cx90 /people/person/places_lived./people/place_lived/location /m/0sbv7 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_s9q +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/037d35 +/m/015ppk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022yb4 +/m/021s9n /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/036jv /music/genre/artists /m/01vvzb1 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0633p0 /people/person/profession /m/016fly +/m/032sl_ /film/film/music /m/04pf4r +/m/02mscn /music/genre/artists /m/04mky3 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01f5q5 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/059j2 +/m/0hkqn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/0181dw /music/record_label/artist /m/09r8l +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01qvz8 /film/film/film_format /m/07fb8_ +/m/016_nr /music/genre/parent_genre /m/0gywn +/m/03t97y /film/film/genre /m/03k9fj +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/0ggl02 +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qbg5 +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/01m7f5r +/m/03mz9r /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03g9xj +/m/02r_d4 /film/actor/film./film/performance/film /m/065_cjc +/m/01wrcxr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0grwj +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01nhgd +/m/0blt6 /people/person/nationality /m/09c7w0 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0272vm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/0161c2 +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049n2l +/m/03m49ly /people/person/gender /m/05zppz +/m/01bv8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rcmg +/m/0jdr0 /film/film/language /m/02h40lc +/m/04p_hy /education/educational_institution/colors /m/03wkwg +/m/023l9y /people/person/profession /m/0nbcg +/m/04kzqz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01s7qqw /people/person/profession /m/018gz8 +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02wcx8c /film/actor/film./film/performance/film /m/04g9gd +/m/04k15 /people/person/profession /m/025352 +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0f13b /film/actor/film./film/performance/film /m/0m5s5 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0ph24 /tv/tv_program/languages /m/02h40lc +/m/0dyjz /location/location/contains /m/0k33p +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05t54s +/m/04m2zj /music/artist/contribution./music/recording_contribution/performance_role /m/03gvt +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/018f8 +/m/03flwk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/041rx /people/ethnicity/people /m/03xp8d5 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0f502 /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/05r5c /music/instrument/instrumentalists /m/04mx7s +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0641g8 /people/person/gender /m/05zppz +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02773nt +/m/0l6ny /olympics/olympic_games/sports /m/07_53 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/067zx9 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/095zlp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07bzz7 /film/film/genre /m/04t36 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/03twd6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02lj6p /people/person/profession /m/0np9r +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/09k0f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09fb5 +/m/01_bkd /music/genre/artists /m/01j59b0 +/m/040696 /people/person/profession /m/02hrh1q +/m/07ssc /location/location/contains /m/0205m3 +/m/01zz8t /film/actor/film./film/performance/film /m/0yxm1 +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pllx +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/077jpc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02wgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/06jk5_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yl42 /influence/influence_node/influenced_by /m/0343h +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02sjf5 +/m/016ckq /music/record_label/artist /m/09889g +/m/01w92 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04jpl +/m/0gkg6 /people/person/profession /m/0dz3r +/m/0451j /people/person/gender /m/05zppz +/m/04gcd1 /people/person/places_lived./people/place_lived/location /m/0d234 +/m/02tkzn /people/person/profession /m/02hrh1q +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/04n52p6 /film/film/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/081wh1 +/m/019g8j /tv/tv_program/genre /m/0pr6f +/m/0gy2y8r /film/film/costume_design_by /m/0bytfv +/m/0np52 /location/location/contains /m/0tbql +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/03pp73 /people/person/place_of_birth /m/02dtg +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/09q23x /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/0557yqh /tv/tv_program/genre /m/0c4xc +/m/0277j40 /film/film/country /m/09c7w0 +/m/0mbf4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/031ldd /film/film/language /m/012w70 +/m/01qkqwg /people/person/profession /m/02hrh1q +/m/03188 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rjj +/m/05jbn /base/biblioness/bibs_location/country /m/09c7w0 +/m/018dhx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047csmy /film/film/genre /m/01jfsb +/m/02k1b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0yl_w /education/educational_institution/colors /m/01g5v +/m/0285xqh /people/person/place_of_birth /m/01j922 +/m/09b3v /media_common/netflix_genre/titles /m/0241y7 +/m/04rfq /people/deceased_person/place_of_death /m/06_kh +/m/06cm5 /film/film/genre /m/04xvlr +/m/029k4p /film/film/genre /m/01q03 +/m/049tjg /people/person/gender /m/05zppz +/m/0bksh /people/person/gender /m/02zsn +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/039xcr +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/012gq6 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/012x2b /film/actor/film./film/performance/film /m/084qpk +/m/05fjf /location/location/contains /m/03pcgf +/m/02ph9tm /film/film/written_by /m/05ty4m +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bq8tmw +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/014g_s /people/person/nationality /m/0d060g +/m/03f22dp /people/person/profession /m/02hrh1q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019m5j +/m/01ckhj /film/actor/film./film/performance/film /m/02tqm5 +/m/03177r /film/film/language /m/02h40lc +/m/0y54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02t_h3 /film/film/written_by /m/012x2b +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/03qnvdl /film/film/genre /m/02n4kr +/m/0mlyw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlw1 +/m/02v49c /people/person/profession /m/0dxtg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016376 +/m/01cf5 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0m2by /location/location/contains /m/0fr0t +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/025n3p /film/actor/film./film/performance/film /m/0y_hb +/m/016jny /music/genre/artists /m/013423 +/m/04gycf /people/person/gender /m/05zppz +/m/058z1hb /people/person/nationality /m/09c7w0 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/01d2v1 /film/film/production_companies /m/017s11 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01v9l67 /people/person/nationality /m/06q1r +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/033db3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/05w88j /people/person/places_lived./people/place_lived/location /m/094jv +/m/0r172 /location/hud_county_place/place /m/0r172 +/m/07s72n /music/genre/parent_genre /m/04j_h4 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/09b0xs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0vhm +/m/04vt98 /people/person/nationality /m/02jx1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07ytt +/m/096hm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/016ksk /people/person/profession /m/02jknp +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/05br2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0693l /film/actor/film./film/performance/film /m/03z20c +/m/0dqmt0 /people/person/gender /m/05zppz +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrx3g +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0544vh +/m/04264n /film/actor/film./film/performance/film /m/02dwj +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/09p3_s /film/film/country /m/09c7w0 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/016clz /music/genre/artists /m/01271h +/m/05xbx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/01wyz92 +/m/0j0k /location/location/contains /m/03ryn +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02k1b +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/05zr0xl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039g82 +/m/03v0t /location/location/contains /m/0s2z0 +/m/0jgwf /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/03fgm /education/educational_institution/campuses /m/03fgm +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4_l +/m/02vw1w2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/04vq3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q3bb +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/043js /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/010bxh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/05bt6j /music/genre/artists /m/02p68d +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/032016 /film/film/music /m/01ycfv +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f33tk +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/04j13sx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k0vq +/m/09q5w2 /film/film/production_companies /m/016tw3 +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/01rwyq /film/film/music /m/01m3b1t +/m/0gyv0b4 /film/film/language /m/012w70 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/021f30 +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwgn1k +/m/021s9n /education/educational_institution/students_graduates./education/education/student /m/03kpvp +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/060_7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03l2n /sports/sports_team_location/teams /m/09cl0w +/m/0d234 /location/location/time_zones /m/02lcqs +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/02k84w +/m/0jpdn /film/actor/film./film/performance/film /m/048vhl +/m/09n48 /olympics/olympic_games/participating_countries /m/0hg5 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_l8m +/m/0168t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07ww5 +/m/01mt1fy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f2_rc +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03m2fg /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/027cxsm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l2rj /location/location/contains /m/0r540 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0432cd +/m/0gf14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/01lyv /music/genre/artists /m/03mszl +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/02yj7w /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/06lpmt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n4f8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/048scx /film/film/produced_by /m/0127m7 +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmcwlb +/m/06g4l /film/actor/film./film/performance/film /m/02ptczs +/m/0781g /music/genre/artists /m/01kcms4 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/0c00lh /film/director/film /m/06__m6 +/m/0jqb8 /film/film/genre /m/06cvj +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0p_47 /film/actor/film./film/performance/film /m/094g2z +/m/0chghy /location/location/contains /m/05ff6 +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01_mdl +/m/0bsjcw /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/05sxzwc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021gzd /tv/tv_program/country_of_origin /m/09c7w0 +/m/06l9n8 /people/person/profession /m/01d_h8 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/022p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02c6pq /film/actor/film./film/performance/film /m/0cc7hmk +/m/02zj61 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0flw6 /people/person/profession /m/02hrh1q +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0r172 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/01nrq5 /film/actor/film./film/performance/film /m/0k5fg +/m/05xpv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0l8v5 /people/person/profession /m/02hrh1q +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/01mqc_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04wp3s /film/actor/film./film/performance/film /m/03s9kp +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/09rvcvl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0k0rf /film/film/film_festivals /m/05ys0wz +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/08sfxj +/m/031rq5 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04zwjd /people/person/nationality /m/0jgd +/m/01cbwl /music/genre/artists /m/0kxbc +/m/01wxyx1 /people/person/nationality /m/03rt9 +/m/04t9c0 /film/film/genre /m/0219x_ +/m/041rx /people/ethnicity/people /m/04jvt +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/03ftmg /people/person/spouse_s./people/marriage/location_of_ceremony /m/03h64 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/0fw9vx /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/02zc7f +/m/0f502 /people/person/place_of_birth /m/0xkq4 +/m/01_x6v /people/person/profession /m/03gjzk +/m/015_1q /music/record_label/artist /m/0517bc +/m/022q32 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01y_px +/m/02b10g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/045xx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/01bpnd /music/artist/origin /m/052bw +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/01y9qr /organization/organization/headquarters./location/mailing_address/citytown /m/018dcy +/m/0223bl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/042xh /influence/influence_node/influenced_by /m/037jz +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ffx4 +/m/02d6cy /people/person/profession /m/0cbd2 +/m/063t3j /people/person/nationality /m/07ssc +/m/05yjhm /people/person/places_lived./people/place_lived/location /m/05mph +/m/03n93 /people/person/nationality /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/03shpq +/m/07xzm /music/instrument/instrumentalists /m/03j24kf +/m/01bmlb /people/person/nationality /m/09c7w0 +/m/02q5bx2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/010dft /base/biblioness/bibs_location/country /m/09c7w0 +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01skxk /music/genre/artists /m/03wjb7 +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/03hmt9b /film/film/featured_film_locations /m/04vmp +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/01vwbts +/m/0jt5zcn /location/location/contains /m/0ymgk +/m/0nm42 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm8n +/m/0fpj9pm /base/eating/practicer_of_diet/diet /m/07_hy +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0cbgl +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/07wtc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06znpjr /film/film/language /m/02h40lc +/m/03w9sgh /people/person/profession /m/0dxtg +/m/01pllx /people/person/profession /m/02hrh1q +/m/01r93l /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0456xp +/m/02p5hf /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0135p7 /location/hud_county_place/place /m/0135p7 +/m/02kxbwx /film/director/film /m/0bz3jx +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01cmp9 /film/film/executive_produced_by /m/05hj_k +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cqbx +/m/03cd0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01699 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ymr5 +/m/03k3r /film/film_subject/films /m/0g68zt +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0qplq /location/hud_county_place/place /m/0qplq +/m/0hmr4 /film/film/country /m/09c7w0 +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01l8t8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fzfj /film/film/genre /m/01jfsb +/m/01243b /music/genre/artists /m/01k_yf +/m/04z0g /influence/influence_node/influenced_by /m/09gnn +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/04jpl /location/location/contains /m/014b4h +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01yf85 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g0jn +/m/099ty /location/location/contains /m/0lwyk +/m/0bs8ndx /film/film/genre /m/04pbhw +/m/0fbx6 /people/person/profession /m/0n1h +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d6lp +/m/0d6_s /film/film/costume_design_by /m/03y1mlp +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/041rx /people/ethnicity/people /m/011s9r +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/02qdgx /music/genre/artists /m/025ldg +/m/02wypbh /award/award_category/nominees./award/award_nomination/nominated_for /m/02ylg6 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05k4my +/m/06gjk9 /film/film/production_companies /m/05mgj0 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/06g77c /film/film/country /m/09c7w0 +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01stj9 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/04dsnp /film/film/personal_appearances./film/personal_film_appearance/person /m/0jw67 +/m/018ctl /olympics/olympic_games/participating_countries /m/0h7x +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07cdz +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/036b_ +/m/0j95 /location/location/contains /m/0nlh7 +/m/04g4w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03qx1r /music/record_label/artist /m/01l_vgt +/m/02k1pr /film/film/genre /m/07s9rl0 +/m/01gkmx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01l1hr +/m/06m6z6 /people/person/profession /m/0dxtg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/02dh86 +/m/027mdh /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1mt +/m/01pcvn /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vxxb +/m/02_n5d /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/052gzr +/m/03y8cbv /award/award_category/disciplines_or_subjects /m/0jtdp +/m/04t53l /music/record_label/artist /m/03h502k +/m/01yk13 /people/person/languages /m/02h40lc +/m/016clz /music/genre/artists /m/020_4z +/m/015pkt /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/015qqg /film/film/language /m/06b_j +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/01wmgrf /film/actor/film./film/performance/film /m/034qbx +/m/016_nr /music/genre/artists /m/01vz0g4 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01rwcgb /music/artist/origin /m/0c8tk +/m/01wphh2 /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048qrd +/m/04fcx7 /film/actor/film./film/performance/film /m/034qzw +/m/0w9hk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02_7t +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02y9bj /education/educational_institution/campuses /m/02y9bj +/m/09c7w0 /location/location/contains /m/02l424 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ywwy +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0j_t1 +/m/01s0l0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/05fhy /location/location/partially_contains /m/04ykz +/m/01zlwg6 /base/biblioness/bibs_location/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/06xpp7 +/m/0230rx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03_b1g /tv/tv_program/genre /m/07qht4 +/m/01hwkn /base/culturalevent/event/entity_involved /m/03_js +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzlbx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0fjcgg +/m/01f5q5 /people/person/place_of_birth /m/0cc56 +/m/04jm_hq /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/017cy9 /education/educational_institution/campuses /m/017cy9 +/m/05bt6j /music/genre/artists /m/01wbz9 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/057hz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/02bm1v /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03r0g9 /film/film/production_companies /m/0g1rw +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0gd9k /influence/influence_node/influenced_by /m/014z8v +/m/078sj4 /film/film/production_companies /m/086k8 +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/015n8 /people/deceased_person/place_of_death /m/07g0_ +/m/031zkw /people/person/profession /m/02jknp +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/02ntlj /music/genre/artists /m/02bc74 +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/04165w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pw2f1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/014l4w /organization/organization/headquarters./location/mailing_address/state_province_region /m/0694j +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/06lxn +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05kwx2 /film/actor/film./film/performance/film /m/041td_ +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02rf51g /people/deceased_person/place_of_burial /m/018mmj +/m/0dq23 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/02xs6_ /film/film/produced_by /m/06chf +/m/02bg55 /film/film/country /m/09c7w0 +/m/07ssc /location/country/second_level_divisions /m/0kd69 +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/02rb84n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/025sc50 /music/genre/artists /m/044gyq +/m/019nnl /tv/tv_program/genre /m/05p553 +/m/064t9 /music/genre/artists /m/03h_0_z +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/02k856 +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03v3xp /film/actor/film./film/performance/film /m/0fh2v5 +/m/0hnp7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01g3gq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/088q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/035l_9 /sports/sports_team/sport /m/02vx4 +/m/0t_48 /location/hud_county_place/place /m/0t_48 +/m/03fmfs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/01242_ /film/film/genre /m/02l7c8 +/m/01kp66 /film/actor/film./film/performance/film /m/02d49z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09snz +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t_zq +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/09vc4s /people/ethnicity/people /m/0320jz +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/07vf5c /film/film/written_by /m/01ycck +/m/048xg8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0_jws /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04tz52 /film/film/production_companies /m/09b3v +/m/05b_gq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0m257 /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/01vw8mh /people/person/profession /m/0dxtg +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086qd +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6tzs +/m/0jrny /people/person/place_of_birth /m/02_286 +/m/0s69k /base/biblioness/bibs_location/country /m/09c7w0 +/m/0b6l1st /film/film/genre /m/07s9rl0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/049dk +/m/03qx_f /music/record_label/artist /m/045zr +/m/041rx /people/ethnicity/people /m/0dzkq +/m/04q01mn /film/film/genre /m/07s9rl0 +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01wdqrx +/m/07ccs /education/educational_institution_campus/educational_institution /m/07ccs +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0155w /music/genre/artists /m/01z9_x +/m/0fsb8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/025rst1 +/m/02w4v /music/genre/artists /m/016dsy +/m/081nh /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0859_ +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01c4pv /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/06mtq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chgr2 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/092ggq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04411 /people/person/nationality /m/09c7w0 +/m/01x2_q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jnng +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04257b +/m/01r6jt2 /people/person/profession /m/0nbcg +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01yqqv +/m/0lfyx /location/hud_county_place/place /m/0lfyx +/m/0bz3jx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fv4v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02j416 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0tn9j /location/hud_county_place/place /m/0tn9j +/m/027pfg /film/film/music /m/02bh9 +/m/08zrbl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/0g69lg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039c26 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0yt +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/083shs /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0cg39k /people/person/place_of_birth /m/0r6ff +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/05nzw6 /film/actor/film./film/performance/film /m/037xlx +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/01pgzn_ /influence/influence_node/influenced_by /m/04wqr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0568qz +/m/04ynx7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02gnlz /people/person/profession /m/0cbd2 +/m/0py8j /time/event/locations /m/03v9w +/m/0ddjy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/07nv3_ /people/person/profession /m/0gl2ny2 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03rwng +/m/090q8l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0sxlb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0czyxs /film/film/genre /m/0lsxr +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/037q31 /film/film/produced_by /m/052gzr +/m/02s6sh /people/person/gender /m/05zppz +/m/04bdqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k5y0 +/m/02wh0 /influence/influence_node/influenced_by /m/042q3 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bkq7 +/m/0z20d /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ymgk /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/09b3v /media_common/netflix_genre/titles /m/02xbyr +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/0jgld /base/aareas/schema/administrative_area/administrative_parent /m/02xry +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/078bz +/m/0vzm /location/administrative_division/country /m/09c7w0 +/m/02dq8f /education/educational_institution/students_graduates./education/education/student /m/035wq7 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/02qkt /location/location/contains /m/04v3q +/m/048yqf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01ypsj /people/person/nationality /m/09c7w0 +/m/0k3l5 /location/location/contains /m/01cx_ +/m/09y20 /film/actor/film./film/performance/film /m/031778 +/m/0bm02 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01gv_f /film/actor/film./film/performance/film /m/01gglm +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qcr +/m/055yr /influence/influence_node/influenced_by /m/0fpzzp +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/03mg35 /people/person/place_of_birth /m/0xn5b +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/02pw_n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w_d6 /sports/sports_team/colors /m/019sc +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284gc +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0jbyg +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/05f4_n0 /film/film/country /m/07ssc +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/02qdgx /music/genre/artists /m/02z4b_8 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0hn2q +/m/02x8m /music/genre/artists /m/0xsk8 +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/01h5f8 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/0244r8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01719t +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/01xvjb +/m/0bcndz /film/film/costume_design_by /m/0gl88b +/m/01bb9r /film/film/genre /m/01t_vv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/029k4p +/m/05qfh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/01j95f /sports/sports_team/sport /m/02vx4 +/m/02q3bb /people/person/nationality /m/09c7w0 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0l14md /music/instrument/instrumentalists /m/01wj18h +/m/05zy2cy /film/film/production_companies /m/01795t +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/072zl1 /film/film/country /m/0f8l9c +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0m593 +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0gv2r /people/person/gender /m/05zppz +/m/03v6t /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05byxm /music/record_label/artist /m/0d193h +/m/011yrp /film/film/written_by /m/01tt43d +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01771z /film/film/country /m/09c7w0 +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04kr63w +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xv8m +/m/0ddfwj1 /film/film/film_festivals /m/0bmj62v +/m/049sb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmk7 +/m/0lx2l /people/person/spouse_s./people/marriage/spouse /m/02t_99 +/m/02z0f6l /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/071rlr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01pgzn_ /film/actor/film./film/performance/film /m/026n4h6 +/m/0168cl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/02m92h /people/person/profession /m/0dxtg +/m/0lv1x /olympics/olympic_games/sports /m/0d1tm +/m/033fqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0mdqp +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/0yxl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/04dqdk /people/person/nationality /m/0f8l9c +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/03zrhb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/032clf +/m/08t7nz /people/person/profession /m/02jknp +/m/0d060g /location/location/contains /m/0154fs +/m/06by7 /music/genre/artists /m/013423 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06pjs /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02v5_g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0x3r3 /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/05gnf /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qdjm +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/0r22d /location/hud_county_place/place /m/0r22d +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/0fqjhm +/m/013nky /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04lhc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/01cycq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pk6x +/m/02lt8 /people/person/profession /m/0kyk +/m/02qpt1w /film/film/featured_film_locations /m/01zv_ +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0837ql +/m/0m_h6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sj1x +/m/0d6_s /film/film/production_companies /m/05qd_ +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/04fcjt /music/record_label/artist /m/046p9 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01g04k /people/person/place_of_birth /m/02_286 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p9hgt +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09jcj6 +/m/03061d /film/actor/film./film/performance/film /m/038bh3 +/m/0n85g /music/record_label/artist /m/0161sp +/m/038_0z /sports/sports_team/colors /m/01l849 +/m/0p__8 /film/actor/film./film/performance/film /m/013q0p +/m/09c7w0 /location/country/second_level_divisions /m/0nht0 +/m/02g40r /people/person/nationality /m/07ssc +/m/07twz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/044p4_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vw8k /film/film/country /m/09c7w0 +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/043zg +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0488g +/m/02qfhb /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03_vx9 /film/actor/film./film/performance/film /m/02d49z +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/01z4y /dataworld/gardening_hint/split_to /m/05p553 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014z8v +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0217m9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/050ks /location/location/partially_contains /m/0lm0n +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/05t0_2v /film/film/genre /m/04t2t +/m/02rq8k8 /film/film/country /m/07ssc +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/014g_s /film/actor/film./film/performance/film /m/03t97y +/m/0121sr /language/human_language/countries_spoken_in /m/0hzlz +/m/09dv49 /people/person/gender /m/05zppz +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/016622 +/m/015y_n /music/genre/artists /m/03h_yfh +/m/04jwly /film/film/country /m/09c7w0 +/m/058s44 /film/actor/film./film/performance/film /m/05t0_2v +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bw6y +/m/0125xq /film/film/featured_film_locations /m/02_286 +/m/01slcv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6f +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04swd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02x3lt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/029k4p /film/film/produced_by /m/054_mz +/m/05148p4 /music/instrument/instrumentalists /m/04kjrv +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/078lk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07fj_ +/m/06cc_1 /music/group_member/membership./music/group_membership/group /m/014kyy +/m/02vkvcz /people/deceased_person/place_of_death /m/04jpl +/m/01yb09 /film/actor/film./film/performance/film /m/07nt8p +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wz01 +/m/0tbql /location/hud_county_place/place /m/0tbql +/m/01___w /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/01sxq9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03t0k1 /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6v6 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/09x7p1 /base/culturalevent/event/entity_involved /m/0v74 +/m/0f13b /people/person/profession /m/09jwl +/m/02p_7cr /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/0n23_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015_30 /music/artist/origin /m/02_286 +/m/03h0byn /film/film/genre /m/082gq +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/07srw /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dr_4 /film/film/genre /m/02l7c8 +/m/02qdymm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020l9r /people/person/gender /m/05zppz +/m/01mskc3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vg13 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0418ft /film/actor/film./film/performance/film /m/0234j5 +/m/0f_zkz /people/deceased_person/place_of_death /m/06_kh +/m/05hf_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/071fb /language/human_language/countries_spoken_in /m/01n6c +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/05mxw33 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/01n6r0 /education/educational_institution_campus/educational_institution /m/01n6r0 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/053y0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046m59 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cn_b8 /film/film/produced_by /m/04wvhz +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/07j94 /film/film/genre /m/0fdjb +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/01yqqv /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05mdx /medicine/disease/risk_factors /m/0f0gt_ +/m/013d_f /location/hud_county_place/county /m/0njlp +/m/05jyb2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pllx /people/person/gender /m/05zppz +/m/03xp8d5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03_8kz +/m/01w03jv /people/person/gender /m/05zppz +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0bbxd3 /people/person/gender /m/05zppz +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/02t_w8 +/m/01j7rd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05_z42 +/m/01c8v0 /people/person/profession /m/09jwl +/m/0pkyh /people/person/profession /m/09jwl +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01x15dc /people/person/gender /m/05zppz +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0329t7 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/0psxp /location/location/contains /m/01s7j5 +/m/02jx1 /location/country/second_level_divisions /m/02ly_ +/m/05qg6g /people/person/profession /m/02hrh1q +/m/02r6c_ /people/person/profession /m/0dxtg +/m/01vsyg9 /people/person/profession /m/0dz3r +/m/0pkyh /influence/influence_node/influenced_by /m/041h0 +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/01x209s /people/person/profession /m/02hrh1q +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/05mph /location/location/contains /m/0z4_0 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/01nmgc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/016gkf /film/actor/film./film/performance/film /m/0ckrnn +/m/0j0k /location/location/contains /m/02hwww +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0fvwg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04rrd +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02c9dj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01svq8 +/m/0k_kr /music/record_label/artist /m/03bnv +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/09glbnt /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/04knkd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0162v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01_f90 /education/educational_institution/campuses /m/01_f90 +/m/0j47s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0342h /music/instrument/instrumentalists /m/0411q +/m/07phbc /film/film/genre /m/09q17 +/m/0xnvg /people/ethnicity/people /m/09nhvw +/m/01c_d /sports/sports_team/sport /m/0jm_ +/m/012ycy /organization/organization_founder/organizations_founded /m/014dd0 +/m/047gpsd /film/film/language /m/02h40lc +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p17j +/m/02xs0q /people/person/profession /m/0cbd2 +/m/02_1ky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031296 +/m/086k8 /music/record_label/artist /m/02mslq +/m/09p06 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01jfr3y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02j416 +/m/043tz0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cw0j +/m/02q0v8n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0kz4w +/m/02qwg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/0fvvz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06rk8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/027r9t /film/film/production_companies /m/01gb54 +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxfz +/m/01rmnp /film/actor/film./film/performance/film /m/031f_m +/m/013dy7 /location/location/time_zones /m/02hcv8 +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/07ssc /media_common/netflix_genre/titles /m/09tkzy +/m/038b_x /people/person/profession /m/0fj9f +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/07ssc /location/location/contains /m/0hsb3 +/m/03_9r /media_common/netflix_genre/titles /m/043n0v_ +/m/039c26 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/03sww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/016vg8 /people/person/profession /m/03gjzk +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/013423 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/02s2wq +/m/01gkmx /people/person/gender /m/05zppz +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01cw13 +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/021dvj /music/genre/artists /m/0h6sv +/m/0dr3sl /film/film/genre /m/0hcr +/m/07_f2 /location/location/time_zones /m/02hcv8 +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/013nky /education/educational_institution/campuses /m/013nky +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/0229rs +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05z43v +/m/0m_q0 /film/film/genre /m/07s9rl0 +/m/01_njt /people/person/gender /m/02zsn +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/0yzbg /film/film/produced_by /m/0bkf72 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/01vwyqp /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/016l09 +/m/07c52 /media_common/netflix_genre/titles /m/01h72l +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0fc9js /award/award_category/nominees./award/award_nomination/nominated_for /m/0ph24 +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04t36 /media_common/netflix_genre/titles /m/05dmmc +/m/0mgkg /business/business_operation/industry /m/0191_7 +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qg6g +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/02wcx8c +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773m2 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01bfjy /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/08lmt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01wmxfs /people/person/profession /m/05vyk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cbvn +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bpm4yw +/m/01z4y /media_common/netflix_genre/titles /m/04cf_l +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05p1tzf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yxf4 +/m/0yfvf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ry_x /film/film/genre /m/0hcr +/m/01svw8n /award/award_winner/awards_won./award/award_honor/award_winner /m/04n2vgk +/m/0cjk9 /language/human_language/countries_spoken_in /m/01mjq +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/06zsk51 +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/02g8mp /award/award_category/winners./award/award_honor/award_winner /m/02qlg7s +/m/02js6_ /people/person/profession /m/02hrh1q +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0gkz15s /film/film/genre /m/03k9fj +/m/06by7 /music/genre/artists /m/019x62 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0h5g_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/07ssc /location/location/contains /m/01ykl0 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0b5hj5 /education/educational_institution_campus/educational_institution /m/0b5hj5 +/m/0mk7z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mk59 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/03lvyj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03hmt9b /film/film/genre /m/0219x_ +/m/06thjt /education/educational_institution/colors /m/088fh +/m/0c73g /influence/influence_node/influenced_by /m/04jwp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qmfk +/m/01ky2h /people/person/profession /m/09jwl +/m/044zvm /people/person/profession /m/02hrh1q +/m/0x3b7 /people/person/places_lived./people/place_lived/location /m/0lphb +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/093dqjy +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0263tn1 +/m/025sc50 /music/genre/artists /m/01vvyfh +/m/03jj93 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01jmv8 /people/person/profession /m/02hrh1q +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06pcz0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d_wms /film/film/language /m/02h40lc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/02f1c /award/award_winner/awards_won./award/award_honor/award_winner /m/02pzc4 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0521d_3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j9z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dg3n1 +/m/0f4y_ /location/location/time_zones /m/02hcv8 +/m/023jq1 /people/person/place_of_birth /m/0ck6r +/m/01j7rd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01svq8 +/m/024bbl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01t94_1 /people/deceased_person/place_of_death /m/0k049 +/m/015fsv /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0nzm /organization/organization/place_founded /m/026mj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_m +/m/017m2y /people/person/spouse_s./people/marriage/spouse /m/0zjpz +/m/02qgyv /film/actor/film./film/performance/film /m/0270k40 +/m/015d3h /film/actor/film./film/performance/film /m/0bscw +/m/03_3d /location/location/contains /m/017lvd +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02clgg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/0c2dl +/m/025hzx /people/person/profession /m/01d_h8 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/02yygk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0jgk3 /location/location/contains /m/0rj0z +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d0fp +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/024qqx /media_common/netflix_genre/titles /m/05qbckf +/m/0372kf /film/actor/film./film/performance/film /m/0372j5 +/m/01hmk9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ggbfwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09c7w0 /location/location/contains /m/0xtz9 +/m/03j0br4 /film/actor/film./film/performance/film /m/06rmdr +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0c_md_ +/m/0bmssv /film/film/language /m/02h40lc +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f502 +/m/01z452 /film/film/genre /m/05p553 +/m/06lhbl /people/person/place_of_birth /m/04jpl +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/091z_p /film/film/genre /m/01hmnh +/m/0gydcp7 /film/film/film_festivals /m/0j63cyr +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/011v3 +/m/0mj0c /people/person/profession /m/0jgxn +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0m__z +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/0333t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/0283_zv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03fgm +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fhxv /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/07f7jp +/m/07nxnw /film/film/genre /m/01hmnh +/m/026_w57 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07b_l /location/location/contains /m/0f2sq +/m/03bx_5q /award/award_winner/awards_won./award/award_honor/award_winner /m/06h7l7 +/m/0127c4 /location/location/contains /m/01cwdk +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02b185 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02pptm /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03d6wsd /people/person/place_of_birth /m/0n84k +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/07xvf /film/film/production_companies /m/016tw3 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmcwlb +/m/0ds11z /film/film/music /m/077rj +/m/0hhggmy /film/film/production_companies /m/04mwxk3 +/m/0bxsk /film/film/cinematography /m/09bxq9 +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051x52f +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0fr0t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/08_83x +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f1k__ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01fpvz +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ldv0 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0gcs9 +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l_yg +/m/01g7zj /people/ethnicity/people /m/01yf85 +/m/03bnv /people/person/gender /m/05zppz +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03j0ss /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09c7w0 /location/location/contains /m/0l_tn +/m/015jr /location/location/time_zones /m/02lcqs +/m/016cff /people/person/place_of_birth /m/0r0ls +/m/0k57l /people/person/profession /m/02jknp +/m/06mnps /film/actor/film./film/performance/film /m/07l450 +/m/02gvwz /people/person/profession /m/02hrh1q +/m/0l14md /music/instrument/instrumentalists /m/04pf4r +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03cwqpm +/m/01vsps /people/deceased_person/place_of_death /m/0r0m6 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0gy30w /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/0hpt3 /organization/organization/headquarters./location/mailing_address/citytown /m/0_j_z +/m/0fmc5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dlhg +/m/03nfnx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dtfn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gyh /location/location/contains /m/0q48z +/m/0bl5c /film/film/language /m/02h40lc +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_wxh +/m/03f7m4h /people/person/profession /m/01c72t +/m/015076 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05ry0p +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170xl +/m/0bq2g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07lnk /music/genre/artists /m/01v_pj6 +/m/0fz3b1 /film/film/country /m/09c7w0 +/m/01kgv4 /film/actor/film./film/performance/film /m/0gy30w +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/01dbhb +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0824r /location/location/contains /m/02h98sm +/m/018vs /music/instrument/instrumentalists /m/01vsy3q +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/01ynzf +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/015w8_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09b0xs +/m/017zq0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0bby9p5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mz73 /people/person/places_lived./people/place_lived/location /m/04gxf +/m/064t9 /music/genre/artists /m/01wgfp6 +/m/01dc0c /film/film/genre /m/0219x_ +/m/032sl_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/040db /people/person/profession /m/0dxtg +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/013xh7 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/07g1sm /film/film/film_production_design_by /m/0cdf37 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/09zf_q +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0xn5b /location/location/time_zones /m/02hcv8 +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kxj2 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/029pnn +/m/02w7gg /people/ethnicity/people /m/0dx_q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/01gjw /music/genre/artists /m/019f9z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01bt59 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03__y +/m/04g4n /people/person/nationality /m/0f8l9c +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0lgxj /olympics/olympic_games/participating_countries /m/07twz +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0phx4 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07c52 /media_common/netflix_genre/titles /m/026y3cf +/m/08hsww /people/person/profession /m/0dxtg +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/0341n5 /people/person/profession /m/08z956 +/m/0k_9j /film/film/music /m/0146pg +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/026vcc +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1mt +/m/03jsvl /music/genre/artists /m/016s_5 +/m/07bsj /people/person/profession /m/01d_h8 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/023r2x /music/instrument/family /m/01wy6 +/m/08vq2y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0phrl /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jyx6 /film/film/featured_film_locations /m/02_286 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0399p /people/person/places_lived./people/place_lived/location /m/05qtj +/m/077rj /people/person/nationality /m/09c7w0 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmgb +/m/09bkc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06688p /people/person/places_lived./people/place_lived/location /m/071vr +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fg04 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04jwjq /film/film/genre /m/03q4nz +/m/0prfz /film/actor/film./film/performance/film /m/02v63m +/m/03ntbmw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/025n3p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04xrx +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n1r5 +/m/03m5111 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01352_ +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gkydb +/m/033db3 /people/person/nationality /m/09c7w0 +/m/016mhd /film/film/genre /m/0219x_ +/m/01n2m6 /music/record_label/artist /m/01wgfp6 +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01q_ph /people/person/languages /m/02h40lc +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0kv2hv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0_9wr /film/film/production_companies /m/016tw3 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/04s04 /people/person/profession /m/0np9r +/m/07s9rl0 /media_common/netflix_genre/titles /m/0b76kw1 +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/02qkt /location/location/contains /m/04w58 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/05f4vxd /tv/tv_program/languages /m/02h40lc +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0192l /music/instrument/instrumentalists /m/0140t7 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/014kq6 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0lx2l /film/actor/film./film/performance/film /m/02vqhv0 +/m/0g7pm1 /film/film/language /m/02h40lc +/m/01ls2 /location/country/form_of_government /m/01d9r3 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/0czyxs /film/film/country /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0790 +/m/06wpc /sports/sports_team/colors /m/03vtbc +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/06jnvs +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062cg6 +/m/038rzr /award/award_winner/awards_won./award/award_honor/award_winner /m/09yrh +/m/05zr0xl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031296 +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0chghy +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0df2zx +/m/02_jkc /people/person/place_of_birth /m/0hzlz +/m/07wlt /education/educational_institution/colors /m/01l849 +/m/0fxmbn /film/film/story_by /m/0fx02 +/m/09kvv /education/educational_institution/colors /m/067z2v +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0rh7t /base/biblioness/bibs_location/country /m/09c7w0 +/m/049fgvm /people/person/place_of_birth /m/0rh6k +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02665kn +/m/04g9gd /film/film/production_companies /m/024rgt +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07fvf1 /people/person/nationality /m/09c7w0 +/m/0cv9b /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_8n9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vsy7t /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/0l_dv /base/eating/practicer_of_diet/diet /m/07_jd +/m/01r93l /people/person/spouse_s./people/marriage/spouse /m/0456xp +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/033hn8 /music/record_label/artist /m/01k_yf +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b9rdk +/m/064t9 /music/genre/artists /m/029b9k +/m/01yf85 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_x5t +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/034bs +/m/02q56mk /film/film/cinematography /m/09bxq9 +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fn5 +/m/02yy9r /film/film/genre /m/07s9rl0 +/m/0d_skg /people/person/profession /m/01d_h8 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/063y9fp /film/film/executive_produced_by /m/05vtbl +/m/0c3jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01q7cb_ +/m/0m2l9 /music/artist/origin /m/0pmq2 +/m/01l3j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07vfqj +/m/040rmy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02txdf /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/07x4c /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/02psgq /film/film/genre /m/05p553 +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/083wr9 /people/person/gender /m/05zppz +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/04jb97 /film/actor/film./film/performance/film /m/0432_5 +/m/05g76 /sports/sports_team/colors /m/0jc_p +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/05148p4 +/m/09c7w0 /location/country/second_level_divisions /m/0njpq +/m/088cp /base/biblioness/bibs_location/country /m/07ssc +/m/02tcgh /film/film/genre /m/07s9rl0 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/02qk2d5 +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award /m/0hnf5vm +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06qd3 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/026hh0m /film/film/featured_film_locations /m/094jv +/m/03b6j8 /sports/sports_team/sport /m/02vx4 +/m/05l64 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_st +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/01wttr1 /people/person/gender /m/02zsn +/m/04x4gw /film/film/genre /m/07s9rl0 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/01rgcg +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hw1j +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0127m7 /film/actor/film./film/performance/film /m/08mg_b +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02g1jh +/m/041c4 /people/person/employment_history./business/employment_tenure/company /m/01w3v +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/0l2v0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2lk +/m/01n951 /education/educational_institution/students_graduates./education/education/student /m/01jqr_5 +/m/03rt9 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02dr9j /film/film/genre /m/01jfsb +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/059lwy +/m/0xnvg /people/ethnicity/people /m/04yywz +/m/01vxlbm /people/person/nationality /m/09c7w0 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/015f7 /people/person/profession /m/0dz3r +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr3sl +/m/02ht1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/04kjrv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/024dgj +/m/017yxq /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/026c1 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/0kbws /olympics/olympic_games/participating_countries /m/01n6c +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/016fyc /film/film/language /m/02ztjwg +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z_g6 +/m/04fjzv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01rw116 +/m/01_njt /people/person/nationality /m/0d060g +/m/0fzyg /film/film_subject/films /m/0ds2n +/m/0147sh /film/film/genre /m/04xvh5 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/02mt4k /people/person/gender /m/05zppz +/m/017j69 /organization/organization/headquarters./location/mailing_address/citytown /m/0psxp +/m/025tm81 /music/genre/artists /m/0394y +/m/0cf2h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0827d /music/genre/artists /m/050z2 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0339z0 /music/genre/artists /m/01vvzb1 +/m/01zmpg /people/person/profession /m/01c72t +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/02v992 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/017r2 /people/person/profession /m/02hv44_ +/m/07y2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d3k14 /people/person/profession /m/0kyk +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/051wwp /people/person/place_of_birth /m/01_d4 +/m/0ddjy /film/film/genre /m/03k9fj +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bx6 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/05fjy /location/location/contains /m/0n4yq +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02p8q1 +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019_1h +/m/05ksh /base/biblioness/bibs_location/state /m/05kr_ +/m/05bt6j /music/genre/artists /m/02zmh5 +/m/01j67j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cbtlj +/m/02jq1 /people/person/places_lived./people/place_lived/location /m/0wqwj +/m/02lg9w /people/person/place_of_birth /m/02_286 +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06924p /music/genre/artists /m/0dzlk +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/04j4tx /film/film/music /m/050z2 +/m/0343h /people/person/employment_history./business/employment_tenure/company /m/04kqk +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/075cph /film/film/language /m/064_8sq +/m/01cl0d /music/record_label/artist /m/0fp_v1x +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/01kj0p +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4vbz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07m9cm /film/actor/film./film/performance/film /m/074w86 +/m/03kxp7 /people/person/profession /m/0np9r +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/086k8 /music/record_label/artist /m/048xh +/m/02tz9z /education/educational_institution_campus/educational_institution /m/02tz9z +/m/0g54xkt /film/film/language /m/02h40lc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h1nt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/03n3gl /film/film/produced_by /m/0fvf9q +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/07h34 /location/location/contains /m/0_xdd +/m/03gvm3t /tv/tv_program/genre /m/0byb_x +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04wg38 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07s8z_l /tv/tv_program/program_creator /m/01t6b4 +/m/0427y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jsg0m /music/group_member/membership./music/group_membership/group /m/07qnf +/m/0jzc /language/human_language/countries_spoken_in /m/027jk +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/01bb9r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0m4yg /education/educational_institution/campuses /m/0m4yg +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/09blyk /media_common/netflix_genre/titles /m/02xs6_ +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dl1s +/m/0gjk1d /film/film/country /m/07ssc +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbxx9b +/m/01wrcxr /people/person/gender /m/02zsn +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/053yx /influence/influence_node/peers./influence/peer_relationship/peers /m/0f0y8 +/m/0blfl /olympics/olympic_games/participating_countries /m/015qh +/m/06cv1 /people/person/profession /m/0cbd2 +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/03j43 /people/person/gender /m/05zppz +/m/01756d /music/genre/artists /m/01j4ls +/m/0p9xd /music/genre/artists /m/0f0y8 +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019f2f +/m/0262s1 /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0hqcy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pw2f1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0j1yf +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0317zz /organization/organization/headquarters./location/mailing_address/citytown /m/011wdm +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04rwx +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/043kzcr +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0h08p /music/genre/artists /m/015882 +/m/06pwq /education/educational_institution/colors /m/083jv +/m/07z1m /location/location/contains /m/0mn78 +/m/014j0w /music/record_label/artist /m/04mx7s +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/026xxv_ /sports/sports_team/colors /m/083jv +/m/025l5 /people/person/profession /m/0nbcg +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01flgk +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/02dbp7 /people/person/profession /m/01c72t +/m/01z4y /media_common/netflix_genre/titles /m/0pvms +/m/09f2j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016z5x /film/film/genre /m/04xvh5 +/m/059lwy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03fhm5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/01xyt7 /people/person/employment_history./business/employment_tenure/company /m/05g3b +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/01qb559 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020h2v +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/06sks6 /olympics/olympic_games/sports /m/018w8 +/m/01vvlyt /people/person/places_lived./people/place_lived/location /m/013yq +/m/01qncf /film/film/genre /m/04xvlr +/m/01qqv5 /education/educational_institution/students_graduates./education/education/student /m/02vyw +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0bm02 +/m/016qtt /people/person/profession /m/03gjzk +/m/03rz2b /film/film/country /m/0345h +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mj1l +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0g5qmbz /film/film/language /m/064_8sq +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0195pd +/m/026t6 /music/instrument/instrumentalists /m/01p0vf +/m/01z4y /media_common/netflix_genre/titles /m/095z4q +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/0fvf9q /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/01lct6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/01fvhp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/0342h /music/instrument/instrumentalists /m/08wq0g +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/01gvsn /film/film/costume_design_by /m/0c6g29 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/03_3d /media_common/netflix_genre/titles /m/0k2m6 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ldkf +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0kn68 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02yplc +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0b76d_m /film/film/genre /m/07s9rl0 +/m/0c3351 /media_common/netflix_genre/titles /m/070fnm +/m/02s9vc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b4lkx /film/film/country /m/09c7w0 +/m/02jx1 /location/location/contains /m/09ctj +/m/0391jz /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/02hfgl +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/02cl1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/0m2kd /film/film/story_by /m/0jt90f5 +/m/02qhlwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bs1yy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x726 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043js +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/064t9 /music/genre/artists /m/03d2k +/m/01531 /location/location/contains /m/04ftdq +/m/0dwcl /business/business_operation/industry /m/01mw1 +/m/025twgt /film/film/prequel /m/025twgf +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01dvms +/m/0mq17 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ms1n +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02k_kn /music/genre/artists /m/01cwhp +/m/0mq17 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mr_8 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/015lhm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/09p0q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/014kq6 /film/film/production_companies /m/0g1rw +/m/029jt9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/01w724 /music/group_member/membership./music/group_membership/group /m/07mvp +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06wm0z +/m/05bt6j /music/genre/artists /m/0161sp +/m/0dhdp /location/location/time_zones /m/03bdv +/m/044qx /people/person/religion /m/0631_ +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/034qbx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0l8sx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/051zy_b /film/film/produced_by /m/03v1xb +/m/07s363 /business/business_operation/industry /m/02jjt +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/03rhqg /music/record_label/artist /m/0gdh5 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/018q7 /people/person/gender /m/05zppz +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0y62n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06s9y /location/country/official_language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0415zv +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02704ff +/m/02pptm /education/educational_institution_campus/educational_institution /m/02pptm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/05mcjs /people/person/profession /m/0cbd2 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/018_lb +/m/01xdf5 /people/person/employment_history./business/employment_tenure/company /m/0gsg7 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0159r9 /education/educational_institution/campuses /m/0159r9 +/m/015v3r /people/person/profession /m/0dxtg +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/021b_ /film/actor/film./film/performance/film /m/0q9b0 +/m/0283_zv /film/film/genre /m/07s9rl0 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/087_xx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/0crh5_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b82vw /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/032c7m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04x56 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0fb1q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015_1q /music/record_label/artist /m/01wd9lv +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0mkc3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wbg84 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v9mks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02pxst /film/film/genre /m/07s9rl0 +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/042g97 /film/film/language /m/02bjrlw +/m/04mby /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01qxc7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j5ws +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/030b93 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0chghy +/m/0q9b0 /film/film/produced_by /m/0d_skg +/m/01yf85 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0261x8t +/m/03s7h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tt43d /award/award_winner/awards_won./award/award_honor/award_winner /m/04pqqb +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0prxp /location/location/time_zones /m/02llzg +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c6g29 +/m/011k1h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02bjrlw /language/human_language/countries_spoken_in /m/015fr +/m/040_lv /film/film/music /m/04bpm6 +/m/04gp58p /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02jxbw +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f33tk +/m/019pkm /people/person/profession /m/03gjzk +/m/0431v3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030hbp +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/06v_gh /award/award_winner/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/01515w /film/actor/film./film/performance/film /m/05zpghd +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/022q4l9 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01y0y6 /film/actor/film./film/performance/film /m/01f8hf +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h21v2 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/016clz /music/genre/artists /m/01ttg5 +/m/09p0ct /film/film/genre /m/03mqtr +/m/02yj7w /people/person/gender /m/05zppz +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/04pg29 /organization/organization_founder/organizations_founded /m/0gsg7 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/013tcv /film/director/film /m/011yxg +/m/023zd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/017f4y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gjw_ /base/culturalevent/event/entity_involved /m/011zwl +/m/02wvfxz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0c_tl /olympics/olympic_games/participating_countries /m/0345h +/m/037w7r /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01669t /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/02rv1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0blq0z /people/person/profession /m/09jwl +/m/0425_d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02238b /people/person/spouse_s./people/marriage/spouse /m/04bs3j +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bqr7_ +/m/0g824 /award/award_winner/awards_won./award/award_honor/award_winner /m/0288fyj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0301yj +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/0bm2x /film/film/genre /m/06lbpz +/m/03t22m /music/instrument/family /m/06ncr +/m/05zvzf3 /film/film/country /m/0f8l9c +/m/02gl58 /tv/tv_program/program_creator /m/023qfd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02_t6d +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/0407f /music/group_member/membership./music/group_membership/role /m/02hnl +/m/05r5c /music/instrument/instrumentalists /m/016h4r +/m/039cpd /organization/organization/child./organization/organization_relationship/child /m/02p10m +/m/03rtz1 /film/film/production_companies /m/024rgt +/m/0j6x8 /people/ethnicity/languages_spoken /m/0v0s +/m/02zy1z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015qh /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/04smdd /film/film/genre /m/0219x_ +/m/039n1 /influence/influence_node/influenced_by /m/0gz_ +/m/01qdjm /award/award_winner/awards_won./award/award_honor/award_winner /m/06h2w +/m/08966 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/05sns6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/01cbwl /music/genre/artists /m/089pg7 +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/03dkx /sports/sports_team/sport /m/0z74 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/06y_n +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0n5df /location/us_county/county_seat /m/0xpp5 +/m/07vf5c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0428bc /people/person/place_of_birth /m/02_286 +/m/0g8_vp /people/ethnicity/people /m/073v6 +/m/03d3ht /tv/tv_program/genre /m/03k9fj +/m/0ymff /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/019803 /people/person/profession /m/02hrh1q +/m/0bwfn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01t6b4 /people/person/places_lived./people/place_lived/location /m/02dtg +/m/03xnq9_ /people/person/profession /m/0nbcg +/m/0xn5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01385g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ylg6 +/m/017fp /media_common/netflix_genre/titles /m/0f4k49 +/m/02f_k_ /film/actor/film./film/performance/film /m/05jzt3 +/m/09c7w0 /location/location/contains /m/010y34 +/m/04kngf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/036jb +/m/08984j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/017_1x +/m/0d4htf /film/film/genre /m/05p553 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gzy02 +/m/0yyn5 /film/film/language /m/02h40lc +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/09c7w0 /location/country/second_level_divisions /m/014b6c +/m/03prz_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqj5 /film/film/film_festivals /m/09rwjly +/m/01vs4f3 /people/person/gender /m/05zppz +/m/02jr6k /film/film/featured_film_locations /m/04jpl +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0863x_ /film/actor/film./film/performance/film /m/033fqh +/m/09g0h /music/group_member/membership./music/group_membership/group /m/07qnf +/m/05tr7 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l50_1 +/m/03mgbf /sports/sports_team/colors /m/083jv +/m/0jmm4 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/026b7bz /people/person/profession /m/0dxtg +/m/0gdh5 /people/person/places_lived./people/place_lived/location /m/05ksh +/m/0422v0 /film/film/featured_film_locations /m/01_d4 +/m/02x9cv /education/educational_institution/colors /m/04mkbj +/m/0n839 /film/actor/film./film/performance/film /m/044g_k +/m/0f0z_ /location/location/time_zones /m/02lcqs +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/035ktt +/m/059j2 /base/aareas/schema/administrative_area/administrative_parent /m/049nq +/m/01n7q /location/location/contains /m/0l2q3 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/017f4y /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rly6 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05zx7xk /award/award_category/winners./award/award_honor/award_winner /m/06pk8 +/m/030znt /film/actor/film./film/performance/film /m/0c57yj +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/01rtm4 /education/educational_institution_campus/educational_institution /m/01rtm4 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/06jzh /film/actor/film./film/performance/film /m/02vqhv0 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/085pr /people/person/gender /m/05zppz +/m/0jgd /location/location/contains /m/01ly8d +/m/04913k /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/02jx1 /location/country/second_level_divisions /m/028n3 +/m/041c4 /film/actor/film./film/performance/film /m/04ltlj +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02rn_bj /people/person/gender /m/05zppz +/m/01rnxn /people/person/nationality /m/09c7w0 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/04cw0j /people/person/languages /m/02h40lc +/m/0pc56 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017_qw /music/genre/artists /m/01vttb9 +/m/01pdgp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/081k8 /media_common/netflix_genre/titles /m/0prhz +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c2f +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0bx_q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/050xxm /film/film/production_companies /m/086k8 +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/07gyp7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w58 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01kgv4 +/m/03hbzj /people/person/nationality /m/09c7w0 +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0266r6h /film/actor/film./film/performance/film /m/0gtsx8c +/m/016s0m /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01vy_v8 /film/actor/film./film/performance/film /m/0fdv3 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/046b0s +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r7pq +/m/06j8wx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0t_hx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07ng9k /film/film/language /m/02h40lc +/m/028knk /film/actor/film./film/performance/film /m/0c0zq +/m/02qvkj /sports/sports_position/players./sports/sports_team_roster/position /m/02qvdc +/m/0cvkv5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09c8bc +/m/036wy /location/location/contains /m/0n9dn +/m/02k_kn /music/genre/artists /m/063t3j +/m/09byk /film/actor/film./film/performance/film /m/04sskp +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/03cz9_ /people/person/gender /m/05zppz +/m/0d3qd0 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05p8bf9 +/m/07f5x /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hft3 /organization/organization/headquarters./location/mailing_address/citytown /m/0dzs0 +/m/01j5sd /film/actor/film./film/performance/film /m/016fyc +/m/09byk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fgdx /education/educational_institution_campus/educational_institution /m/02fgdx +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09k34g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wqg8 /education/educational_institution/campuses /m/01wqg8 +/m/053tj7 /film/film/produced_by /m/0g2lq +/m/01l63 /location/location/contains /m/01vmv_ +/m/0bpgx /education/educational_degree/people_with_this_degree./education/education/institution /m/09r4xx +/m/0f2c8g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027mdh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/013l6l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0n1s0 /film/film/written_by /m/02b29 +/m/09d5h /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/018_lb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qxx9 /film/actor/film./film/performance/film /m/05z_kps +/m/0nvt9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03fghg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g3bw /location/location/contains /m/018jcq +/m/0n6ds /film/film/genre /m/01lrrt +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/040p_q +/m/0q5hw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016_mj +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01snm +/m/03h40_7 /people/person/nationality /m/09c7w0 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04lhc4 +/m/01hmnh /media_common/netflix_genre/titles /m/0d99k_ +/m/01vhb0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/0_816 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164r9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq806 +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/01gn36 /people/person/profession /m/0np9r +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/060j8b /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04205z +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0bp_7 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/06bd5j /film/film/country /m/07ssc +/m/044lyq /film/actor/film./film/performance/film /m/05k4my +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0b_xm +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02j_j0 +/m/01s73z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n8bn /film/actor/film./film/performance/film /m/014lc_ +/m/09jw2 /music/genre/artists /m/01wt4wc +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04306rv +/m/048gd_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/02z6fs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01243b /music/genre/parent_genre /m/018ysx +/m/02x9cv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/07d3x /influence/influence_node/influenced_by /m/0h0p_ +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0417z2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mmslz /people/person/gender /m/02zsn +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b18l +/m/03l26m /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05rfst /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01ggc9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r15k +/m/054lpb6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/04gv3db /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rr9f /award/award_winner/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/0mbw0 /people/person/gender /m/02zsn +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/016fnb +/m/05fjf /location/location/contains /m/0n5c9 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/03yrkt /people/person/place_of_birth /m/0n1rj +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/03h_9lg /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/0gk4g /people/cause_of_death/people /m/024qwq +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03fhj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0372kf /film/actor/film./film/performance/film /m/0by1wkq +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/043tvp3 /film/film/genre /m/01jfsb +/m/040wdl /people/person/places_lived./people/place_lived/location /m/055vr +/m/04gm7n /music/record_label/artist /m/01vw8mh +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/0345h /location/location/contains /m/01c0cc +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09fb5 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0f3m1 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/04vvh9 /film/film/genre /m/07s9rl0 +/m/05fgt1 /film/film/genre /m/02l7c8 +/m/03m6_z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0391jz +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/086nl7 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/02dqdp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05gm16l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/0gfsq9 /film/film/genre /m/06n90 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/03hdz8 /education/educational_institution/school_type /m/01rs41 +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05qhnq /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p7yb +/m/030xr_ /film/actor/film./film/performance/film /m/011yth +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_fm2 +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/01h2_6 /people/person/places_lived./people/place_lived/location /m/0156q +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02_j7t /influence/influence_node/influenced_by /m/0p_47 +/m/01pllx /people/person/sibling_s./people/sibling_relationship/sibling /m/01z7s_ +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/016kb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0n04r /film/film/film_festivals /m/05ys0ws +/m/0pv3x /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/04ltlj /film/film/music /m/08c9b0 +/m/088_9g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0m76b /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0byfz /film/director/film /m/04vh83 +/m/01wy6 /music/instrument/instrumentalists /m/016s0m +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/02pqs8l +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4nv +/m/01y8d4 /people/person/profession /m/0196pc +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b64v +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/073hkx +/m/02f46y /education/educational_institution_campus/educational_institution /m/02f46y +/m/05njyy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/027f7dj +/m/0bpx1k /film/film/production_companies /m/03sb38 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmgrf +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5qs2k +/m/026n3rs /people/person/profession /m/0dxtg +/m/0btpx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03d0ns +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/06mxs /base/biblioness/bibs_location/country /m/0d0vqn +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/0czyxs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d6d2 /film/actor/film./film/performance/film /m/026p_bs +/m/03dj48 /sports/sports_team/sport /m/02vx4 +/m/01vx5w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016pns +/m/0ksf29 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/0534v /people/person/profession /m/094hwz +/m/0pc62 /film/film/produced_by /m/02qzjj +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166v +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d8vw +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07b_l /film/film_subject/films /m/02j69w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01b85 +/m/01_8n9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015pxr +/m/0glt670 /music/genre/artists /m/012xdf +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/034xyf /film/film/language /m/06nm1 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/018dyl +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/01fbr2 /music/genre/parent_genre /m/06j6l +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04kqk /business/business_operation/industry /m/020mfr +/m/02z0f6l /film/film/film_festivals /m/04_m9gk +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/05dbf +/m/02byfd /people/person/employment_history./business/employment_tenure/company /m/0gy1_ +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0b6k40 /education/educational_institution/school_type /m/01jlsn +/m/012ykt /film/actor/film./film/performance/film /m/01v1ln +/m/03swmf /people/person/nationality /m/09c7w0 +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/05sns6 /film/film/music /m/06fxnf +/m/02clgg /people/person/gender /m/05zppz +/m/026c1 /film/actor/film./film/performance/film /m/0jqn5 +/m/039crh /people/person/profession /m/02hrh1q +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0425hg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gltv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqrf +/m/03rhqg /music/record_label/artist /m/01mxnvc +/m/03zrhb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07fj_ /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wvxw1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09zmys +/m/061681 /film/film/genre /m/02kdv5l +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/04gknr /film/film/language /m/0jzc +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03_x5t +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01_ztw /people/person/profession /m/02hrh1q +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/03yfh3 /sports/sports_team/colors /m/06fvc +/m/033fqh /film/film/language /m/06nm1 +/m/0x67 /people/ethnicity/people /m/01vz0g4 +/m/06449 /music/artist/track_contributions./music/track_contribution/role /m/0l15f_ +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/03j24kf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03177r +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znxx +/m/0g5qs2k /film/film/edited_by /m/04cy8rb +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0gjc4d3 /film/film/story_by /m/011s9r +/m/023p7l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026t6 /music/instrument/instrumentalists /m/024qwq +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04fyhv /award/award_winner/awards_won./award/award_honor/award_winner /m/07f8wg +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/0_b3d /film/film/written_by /m/03hy3g +/m/0dgq_kn /film/film/production_companies /m/017s11 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01dbns +/m/049m_l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gs973 /film/film/featured_film_locations /m/03rjj +/m/04q_g /base/aareas/schema/administrative_area/capital /m/06c62 +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/02v_4xv /people/person/gender /m/05zppz +/m/07s9rl0 /media_common/netflix_genre/titles /m/016kv6 +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/02975m +/m/0blt6 /film/actor/film./film/performance/film /m/03n0cd +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/05y5fw /people/person/nationality /m/09c7w0 +/m/0chghy /location/location/contains /m/03kjh +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/03jsvl /music/genre/artists /m/0fq117k +/m/015wnl /film/actor/film./film/performance/film /m/08c4yn +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0jdk_ /olympics/olympic_games/sports /m/01cgz +/m/04yc76 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/04xvlr /media_common/netflix_genre/titles /m/084302 +/m/06mt91 /people/person/nationality /m/0162v +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/0c3p7 +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w5n51 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/082brv /music/group_member/membership./music/group_membership/role /m/02sgy +/m/015lhm /people/person/places_lived./people/place_lived/location /m/05mph +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0gs5q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0227tr +/m/02t_h3 /film/film/genre /m/03npn +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/0ddkf /people/person/profession /m/0fnpj +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0mz73 /film/actor/film./film/performance/film /m/0415ggl +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/01nzz8 /people/person/gender /m/05zppz +/m/015p37 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0170s4 +/m/01q32bd /people/person/nationality /m/0d060g +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/02pcq92 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02kz_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bw87 +/m/0407yfx /film/film/production_companies /m/0kk9v +/m/01wbsdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/04b4yg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0djtky /people/person/places_lived./people/place_lived/location /m/0d060g +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gb_4p +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/017fp /media_common/netflix_genre/titles /m/048xyn +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/084l5 +/m/0xhtw /music/genre/artists /m/0285c +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/01j2xj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03b6j8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/06sn8m /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02zhkz /people/person/nationality /m/09c7w0 +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01bcwk /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01zpmq /organization/organization/headquarters./location/mailing_address/citytown /m/0r679 +/m/01g257 /film/actor/film./film/performance/film /m/02d003 +/m/05tbn /location/location/time_zones /m/02hcv8 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6f +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/09swkk +/m/047gn4y /film/film/edited_by /m/03q8ch +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/01tdnyh +/m/0x25q /film/film/genre /m/01jfsb +/m/02_sr1 /film/film/genre /m/0lsxr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gdm7q +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/03lvwp /film/film/country /m/09c7w0 +/m/0523v5y /people/person/gender /m/05zppz +/m/016clz /music/genre/artists /m/01w20rx +/m/06myp /influence/influence_node/influenced_by /m/042q3 +/m/0g9yrw /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0bbm7r /film/film/country /m/07ssc +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/01dpsv /film/actor/film./film/performance/film /m/03rtz1 +/m/0m2hs /location/us_county/county_seat /m/0f2nf +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01flgk +/m/01vrlqd /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03k8th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rmnp +/m/05hrq4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/0yyn5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018dnt /film/actor/film./film/performance/film /m/01qb559 +/m/03kbb8 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/04f7c55 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gs6vr +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/0mkg /music/instrument/instrumentalists /m/01k23t +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0k2sk /film/film/language /m/02h40lc +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k23t +/m/01vmv_ /education/educational_institution/campuses /m/01vmv_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/01k0xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/01pjr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011x_4 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/04t36 /media_common/netflix_genre/titles /m/07bzz7 +/m/015gjr /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bd8y +/m/0234j5 /film/film/written_by /m/0693l +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/084302 /film/film/genre /m/07s9rl0 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/024lt6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0jdtt /base/biblioness/bibs_location/country /m/0f8l9c +/m/01vvyfh /influence/influence_node/influenced_by /m/0bk1p +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/02zd2b /education/educational_institution_campus/educational_institution /m/02zd2b +/m/03r0g9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h4fq7 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qdmh +/m/04gqr /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0qf3p /people/person/profession /m/09jwl +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3ybss +/m/0lgxj /olympics/olympic_games/participating_countries /m/07ssc +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/02m501 +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/031296 +/m/0qmfz /film/film/production_companies /m/05qd_ +/m/082_p /people/person/gender /m/05zppz +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/05g8pg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b76kw1 /film/film/executive_produced_by /m/0210hf +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/03hhd3 /film/actor/film./film/performance/film /m/02vp1f_ +/m/02m3sd /people/person/gender /m/05zppz +/m/02lxrv /film/film/language /m/02h40lc +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/027_sn /film/actor/film./film/performance/film /m/01hp5 +/m/0132_h /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/0bfp0l /music/record_label/artist /m/03cfjg +/m/017vb_ /tv/tv_network/programs./tv/tv_network_duration/program /m/02rq7nd +/m/0gyx4 /people/person/nationality /m/09c7w0 +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/028knk +/m/06mr6 /film/actor/film./film/performance/film /m/0fsw_7 +/m/02l5rm /people/person/profession /m/01d_h8 +/m/01c8v0 /people/person/place_of_birth /m/0hyxv +/m/0d060g /location/country/second_level_divisions /m/01dbxr +/m/04zl8 /film/film/written_by /m/041c4 +/m/0342h /music/instrument/instrumentalists /m/04n65n +/m/014_lq /music/artist/origin /m/0r3tb +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf72 +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q54f5 +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_6 +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/098n5 /people/person/profession /m/01d_h8 +/m/043tz0c /film/film/genre /m/017fp +/m/03s5lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/0mj1l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/095b70 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/01ww_vs /people/person/profession /m/09jwl +/m/05h43ls /film/film/written_by /m/070j61 +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lvcs1 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/03k7bd +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0klw +/m/01k5y0 /film/film/written_by /m/096hm +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/0652ty /film/actor/film./film/performance/film /m/03cffvv +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c0zq +/m/02fcs2 /people/person/nationality /m/09c7w0 +/m/0hnlx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02p_04b /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/01j_cy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/016zp5 /film/actor/film./film/performance/film /m/017kct +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/0x67 /people/ethnicity/people /m/015mrk +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/04ld94 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0kbws /olympics/olympic_games/participating_countries /m/0l3h +/m/03fghg /people/person/nationality /m/03_3d +/m/02h40lc /language/human_language/countries_spoken_in /m/06tw8 +/m/020p1 /location/country/form_of_government /m/01q20 +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0171cm +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05b49tt +/m/0xc9x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04sskp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_87 /people/person/profession /m/0kyk +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/029m83 /film/director/film /m/0mcl0 +/m/06gbnc /people/ethnicity/people /m/03m6pk +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/01nds /business/business_operation/industry /m/020mfr +/m/02bg8v /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05x_5 /education/educational_institution/students_graduates./education/education/student /m/02vptk_ +/m/01lvcs1 /people/person/profession /m/0dz3r +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/017c87 +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02183k +/m/065z3_x /film/film/genre /m/07s9rl0 +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/09r9dp +/m/026rm_y /film/actor/film./film/performance/film /m/0gg8z1f +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/03nt59 /tv/tv_program/genre /m/0c4xc +/m/07t90 /education/university/fraternities_and_sororities /m/0325pb +/m/0kn68 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04q_g +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/02qx5h /film/actor/film./film/performance/film /m/03lrht +/m/040dv /people/person/gender /m/02zsn +/m/01p896 /education/educational_institution/students_graduates./education/education/student /m/02qssrm +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0d02km /people/person/place_of_birth /m/068p2 +/m/0cx7f /music/genre/artists /m/01w5n51 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/07q1m /film/film/production_companies /m/02slt7 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01m7mv /base/biblioness/bibs_location/state /m/05k7sb +/m/0xnvg /people/ethnicity/people /m/01phtd +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/059ss /location/location/time_zones /m/05jphn +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/01tx9m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/07s9rl0 /media_common/netflix_genre/titles /m/02prw4h +/m/0jt86 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x3lt7 +/m/01lpwh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/04ykg /location/location/contains /m/0nhr5 +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0ghvb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01b_d4 +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/06kbb6 +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/017jq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059qw +/m/02yr1q /education/educational_institution/students_graduates./education/education/student /m/05bpg3 +/m/08052t3 /film/film/film_format /m/0cj16 +/m/09xvf7 /people/person/profession /m/02jknp +/m/02725hs /film/film/genre /m/082gq +/m/015n8 /influence/influence_node/influenced_by /m/0gz_ +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/01jnc_ /film/film/production_companies /m/016tw3 +/m/03r0g9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g1jh +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/02cyfz +/m/03s6l2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0199gx +/m/01qbjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x4s2 +/m/0cj2w /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09ld6g /people/person/languages /m/02h40lc +/m/0rn8q /location/location/time_zones /m/02hcv8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fpzwf +/m/01fx6y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04jspq +/m/03nm_fh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bl3nn /film/film/genre /m/01hmnh +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0837ql /people/person/profession /m/016z4k +/m/07l4zhn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/063t3j /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/0342h /music/instrument/instrumentalists /m/0kxbc +/m/09c7w0 /location/location/contains /m/04rrx +/m/0353xq /film/film/executive_produced_by /m/0144l1 +/m/09c7w0 /location/location/contains /m/0s5cg +/m/03wy8t /film/film/edited_by /m/08h79x +/m/01d_s5 /music/genre/artists /m/01dwrc +/m/08qs09 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qhlwd +/m/03xmy1 /people/person/profession /m/02hrh1q +/m/06yj20 /people/person/profession /m/0gl2ny2 +/m/01zfzb /film/film/featured_film_locations /m/02_286 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02b0xq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0326tc /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/05slvm /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/01rrd4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cp6w +/m/078sj4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/019tfm /education/educational_institution/campuses /m/019tfm +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0170s4 +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/01kff7 /film/film/genre /m/0hfjk +/m/0gxfz /film/film/language /m/02h40lc +/m/01j5ql /film/film/genre /m/03mqtr +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0d193h +/m/031vy_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/086g2 +/m/07g1sm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03qk20 /music/record_label/artist /m/03j1p2n +/m/06196 /award/award_category/disciplines_or_subjects /m/02xlf +/m/04pbsq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/051ys82 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/0cpjgj /people/person/nationality /m/09c7w0 +/m/01jfsb /media_common/netflix_genre/titles /m/02jkkv +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/0flddp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_h6 +/m/0b_cr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2k7 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/0499lc +/m/0mnz0 /location/location/time_zones /m/02hcv8 +/m/02rq8k8 /film/film/genre /m/07s9rl0 +/m/02lv2v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/012x2b /people/person/profession /m/0dxtg +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/071fb /language/human_language/countries_spoken_in /m/07tp2 +/m/024lt6 /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01fqm +/m/0603qp /people/person/place_of_birth /m/0cr3d +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01364q +/m/02d49z /film/film/language /m/06nm1 +/m/0y9j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hwkn /base/culturalevent/event/entity_involved /m/09c7w0 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01kckd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0184dt /people/person/gender /m/05zppz +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0qkcb /location/hud_county_place/county /m/0k3k1 +/m/02g_6j /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/016ybr /music/genre/artists /m/0p3r8 +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/08cn4_ +/m/08m4c8 /people/person/places_lived./people/place_lived/location /m/0ytph +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01lyv /music/genre/artists /m/018phr +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02b9g4 /film/actor/film./film/performance/film /m/0bvn25 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0f1kwr +/m/04xvlr /media_common/netflix_genre/titles /m/08y2fn +/m/02rgz97 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qrbbx +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01dvry /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dx_q +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02kcz +/m/01vsgrn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bwh6 /film/director/film /m/0gy0l_ +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/0bvzp /award/award_winner/awards_won./award/award_honor/award_winner /m/0149xx +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03q91d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0zcbl /film/actor/film./film/performance/film /m/01hv3t +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/047wh1 /film/film/genre /m/02kdv5l +/m/03m5y9p /film/film/featured_film_locations /m/07b_l +/m/06m6p7 /film/actor/film./film/performance/film /m/0g0x9c +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/0fb0v /music/record_label/artist /m/01vw8mh +/m/014g9y /people/person/profession /m/02jknp +/m/0fz27v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/025rst1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0289q /sports/sports_team/sport /m/0jm_ +/m/01s21dg /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/09yrh +/m/05nqq3 /people/person/profession /m/018gz8 +/m/0g2lq /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/03_87 /influence/influence_node/influenced_by /m/081k8 +/m/01vs_v8 /people/person/place_of_birth /m/0v1xg +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/017y6l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0gs973 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/040_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/0m313 /film/film/genre /m/05p553 +/m/016nvh /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0639bg /film/film/genre /m/03k9fj +/m/018p4y /film/actor/film./film/performance/film /m/0gjcrrw +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/025n3p /people/person/profession /m/01d_h8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02w9k1c +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0p__8 +/m/038rzr /film/actor/film./film/performance/film /m/01242_ +/m/025ts_z /film/film/featured_film_locations /m/01yj2 +/m/0342h /music/instrument/instrumentalists /m/01vsyg9 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tr7d +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/0d4htf /film/film/production_companies /m/01795t +/m/01nrz4 /people/person/gender /m/05zppz +/m/0cy__l /film/film/music /m/01pr6q7 +/m/02rmd_2 /film/film/edited_by /m/0gd9k +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/032nl2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02nwxc +/m/012rng /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0l_dv /film/actor/film./film/performance/film /m/08phg9 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/01d494 /influence/influence_node/influenced_by /m/03f47xl +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/0135nb /people/person/nationality /m/02jx1 +/m/06b4wb /people/person/nationality /m/09c7w0 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycck +/m/0nk72 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/026hh0m /film/film/production_companies /m/046b0s +/m/0xhtw /music/genre/artists /m/01vv6_6 +/m/0htww /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04yqlk /people/person/profession /m/02hrh1q +/m/0cz_ym /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bn3jg +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0j2zj +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0342h /music/instrument/instrumentalists /m/01d4cb +/m/0ds33 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07w21 /people/person/gender /m/02zsn +/m/0168dy /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01p4vl +/m/01w1kyf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02dq8f /education/educational_institution/students_graduates./education/education/student /m/04wg38 +/m/05q9g1 /people/person/religion /m/06yyp +/m/0gvvm6l /film/film/country /m/0345h +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/04n7ps6 /sports/sports_team/colors /m/01jnf1 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/035qgm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02j490 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1v19 +/m/0191h5 /people/person/profession /m/01d_h8 +/m/0hqgp /people/person/profession /m/05xjb +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0267wwv +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/06lc85 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/081pw /film/film_subject/films /m/01jwxx +/m/0dsvzh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/07d370 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bc71w +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/0347xz +/m/0f0z_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/0j0k /base/locations/continents/countries_within /m/047yc +/m/05myd2 /people/person/nationality /m/09c7w0 +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/01c6l /film/director/film /m/07z6xs +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03qcq /influence/influence_node/influenced_by /m/0lrh +/m/02kz_ /people/person/employment_history./business/employment_tenure/company /m/03y7ml +/m/0gnkb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3dzk +/m/02rn_bj /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/09lmb /media_common/netflix_genre/titles /m/02xhwm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0zdkh /base/biblioness/bibs_location/country /m/09c7w0 +/m/0kb3n /people/person/nationality /m/09c7w0 +/m/012vct /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04n7njg +/m/022g44 /people/person/place_of_birth /m/0kc40 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ys_y +/m/04wg38 /people/person/profession /m/02jknp +/m/02j4sk /people/person/places_lived./people/place_lived/location /m/04ykg +/m/03_c8p /business/business_operation/industry /m/020mfr +/m/01_f_5 /people/person/languages /m/02h40lc +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01p7yb +/m/015dqj /film/actor/film./film/performance/film /m/01q2nx +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rt9 +/m/017fp /media_common/netflix_genre/titles /m/05q7874 +/m/0dsx3f /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/01n7q /location/location/contains /m/0r22d +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0195pd +/m/047g6 /influence/influence_node/influenced_by /m/0j3v +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09lwrt +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p9lw +/m/024rgt /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01pvxl /film/film/genre /m/01hmnh +/m/04twmk /people/person/nationality /m/09c7w0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qplq +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/044mjy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02581q /award/award_category/category_of /m/0c4ys +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02qd04y /film/film/genre /m/02kdv5l +/m/0mdqp /film/actor/film./film/performance/film /m/0bmssv +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02qd04y /film/film/cinematography /m/04dz_y7 +/m/016wzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0165v +/m/0d6lp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035p3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01p79b +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0dln8jk /film/film/genre /m/0556j8 +/m/01b9w3 /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/015kg1 /music/record_label/artist /m/02g40r +/m/0nzw2 /location/location/contains /m/0rvty +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039x1k +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/052p7 +/m/03jqfx /base/culturalevent/event/entity_involved /m/0285m87 +/m/07ng9k /film/film/genre /m/01hmnh +/m/06rqw /music/genre/artists /m/016fmf +/m/0gk4g /people/cause_of_death/people /m/0561xh +/m/0b_6mr /time/event/locations /m/02cl1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/037c9s +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/011yxg /film/film/film_format /m/0cj16 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0jhjl /organization/organization/headquarters./location/mailing_address/state_province_region /m/01914 +/m/03__y /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030z4z +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02mz_6 /film/director/film /m/05g8pg +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/016k62 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/04f9r2 /people/deceased_person/place_of_burial /m/018mm4 +/m/02pp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015c2f /film/actor/film./film/performance/film /m/042y1c +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mp37 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/02d_zc /education/educational_institution/colors /m/01l849 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0bl8l +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03czz87 +/m/0z1cr /location/hud_county_place/place /m/0z1cr +/m/0h1x5f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/0pnf3 /film/actor/film./film/performance/film /m/09xbpt +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/02xgdv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pd4f /film/film/written_by /m/02vyw +/m/06l22 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06vdh8 /people/deceased_person/place_of_death /m/0r3w7 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04cr6qv /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022411 +/m/02r1ysd /tv/tv_program/genre /m/0lsxr +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q23x +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/0198b6 /film/film/genre /m/0hn10 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/06x2ww /music/record_label/artist /m/03yf3z +/m/07fb6 /location/statistical_region/religions./location/religion_percentage/religion /m/04t_mf +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044qx +/m/0gmkn /sports/sports_team_location/teams /m/03l7w8 +/m/049fbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0835q /people/person/profession /m/012qdp +/m/05hdf /people/person/nationality /m/0345h +/m/064t9 /music/genre/artists /m/01304j +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0yxl /people/person/profession /m/0196pc +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/013pp3 +/m/01ycck /film/director/film /m/07vf5c +/m/0g69lg /people/person/profession /m/02krf9 +/m/016clz /music/genre/artists /m/02s2wq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/044k8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m2n1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/01xvjb /film/film/genre /m/02l7c8 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/04jjy /media_common/netflix_genre/titles /m/0294mx +/m/034np8 /people/person/profession /m/03gjzk +/m/034zc0 /film/actor/film./film/performance/film /m/029zqn +/m/05r6t /music/genre/artists /m/02k5sc +/m/0j6b5 /film/film/written_by /m/0534v +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03kpvp /film/actor/film./film/performance/film /m/01v1ln +/m/0ymbl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/06mr2s /tv/tv_program/program_creator /m/01my_c +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03h_fk5 +/m/0dtd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/07zqnm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/08pth9 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02_286 /location/location/contains /m/0hpv3 +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02ln0f +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/05bt6j /music/genre/artists /m/0140t7 +/m/0bsnm /education/educational_institution/colors /m/04mkbj +/m/07ym0 /people/person/nationality /m/0f8l9c +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/04sx9_ /film/actor/film./film/performance/film /m/0j_tw +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/05qbckf /film/film/genre /m/06n90 +/m/046zh /people/person/profession /m/01d_h8 +/m/03bkbh /people/ethnicity/people /m/01pk3z +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnm_ +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/04v7k2 /people/person/religion /m/01lp8 +/m/0fdv3 /film/film/featured_film_locations /m/06y57 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jhd +/m/0z90c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0drc1 +/m/01_qc_ /people/cause_of_death/people /m/024swd +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01v3x8 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/07nznf /people/person/profession /m/03gjzk +/m/0427y /people/person/gender /m/05zppz +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0b_4z /people/person/gender /m/02zsn +/m/0161c /location/location/time_zones /m/042g7t +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/0ggbhy7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07j8r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ts_3 +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/05mkhs /people/person/nationality /m/09c7w0 +/m/07j94 /film/film/genre /m/09blyk +/m/0345h /location/location/contains /m/02hrb2 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035dk +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0fvxg /location/location/time_zones /m/02hczc +/m/09c7w0 /location/country/second_level_divisions /m/0k1jg +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0h953 /people/person/places_lived./people/place_lived/location /m/0chrx +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m15br +/m/016ypb /people/person/gender /m/05zppz +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/01nn6c /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/03ckfl9 /music/genre/artists /m/06k02 +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b15x +/m/053yx /people/person/gender /m/05zppz +/m/01wp8w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/03f5vvx /people/person/nationality /m/07ssc +/m/06v8s0 /people/person/nationality /m/09c7w0 +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yg9y +/m/081lh /influence/influence_node/influenced_by /m/015cbq +/m/07bch9 /people/ethnicity/people /m/083q7 +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrncs +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0cq8qq /film/film/production_companies /m/016tt2 +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/071vr /location/location/time_zones /m/02lcqs +/m/0mcl0 /film/film/genre /m/017fp +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01z4y /media_common/netflix_genre/titles /m/03kxj2 +/m/01xcqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0969fd +/m/0164w8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034zc0 /film/actor/film./film/performance/film /m/051zy_b +/m/0bt7w /music/genre/artists /m/016t0h +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/0dwr4 /music/instrument/family /m/0l14md +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/095w_ +/m/02dztn /film/actor/film./film/performance/film /m/01hp5 +/m/01d2v1 /film/film/genre /m/05p553 +/m/0pc62 /film/film/language /m/02h40lc +/m/047vnkj /film/film/cinematography /m/027t8fw +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzz6g +/m/02n4kr /media_common/netflix_genre/titles /m/09gdh6k +/m/01f8f7 /film/film/country /m/03rjj +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/031hcx /film/film/language /m/02h40lc +/m/063k3h /people/ethnicity/people /m/0gs1_ +/m/03cxqp5 /people/person/nationality /m/09c7w0 +/m/06l3bl /media_common/netflix_genre/titles /m/0bx0l +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/0sqgt /location/hud_county_place/place /m/0sqgt +/m/0342h /music/instrument/instrumentalists /m/02r4qs +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01lxd4 /music/genre/parent_genre /m/03_d0 +/m/0196bp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/03lgg /people/person/profession /m/018gz8 +/m/01m1zk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gxmj /base/aareas/schema/administrative_area/capital /m/0m_1s +/m/01914 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0h1m9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gv40 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0295sy +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/061v5m +/m/02q7yfq /film/film/genre /m/05p553 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/074w86 /film/film/language /m/02bv9 +/m/015x74 /film/film/genre /m/01hmnh +/m/04q_g /location/administrative_division/first_level_division_of /m/03rjj +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/099bk /influence/influence_node/influenced_by /m/02wh0 +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bzrxn /time/event/locations /m/0c_m3 +/m/08k40m /film/film/production_companies /m/02j_j0 +/m/09p0ct /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wgk1 /film/film/film_format /m/07fb8_ +/m/023s8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c0k1 +/m/017371 /music/genre/artists /m/03h_fk5 +/m/090s_0 /film/film/language /m/02h40lc +/m/050l8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06btq /base/aareas/schema/administrative_area/capital /m/0c1d0 +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bb1c +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/02s2ft /people/person/profession /m/02hrh1q +/m/0bs8hvm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/04tng0 /film/film/produced_by /m/09p06 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/0gyh /base/aareas/schema/administrative_area/capital /m/0fttg +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023tp8 +/m/0gt_0v /music/genre/artists /m/07z542 +/m/096hm /people/person/gender /m/05zppz +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/016vg8 /film/actor/film./film/performance/film /m/04y5j64 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ywj +/m/06cm5 /film/film/cinematography /m/0b9l3x +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/078mm1 /film/film/music /m/023361 +/m/053j4w4 /film/film_set_designer/film_sets_designed /m/0jsf6 +/m/01w5m /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04954 /people/person/profession /m/02hrh1q +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jyx6 +/m/02qkwl /film/film/genre /m/06n90 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/02rky4 /education/educational_institution/colors /m/07plts +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/04_by /base/eating/practicer_of_diet/diet /m/07_jd +/m/054c1 /people/person/gender /m/05zppz +/m/01ymvk /education/educational_institution/colors /m/06fvc +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/03zqc1 +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/027r8p +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0fqg8 /location/location/time_zones /m/03plfd +/m/07rd7 /film/director/film /m/02lxrv +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0tzt_ /location/hud_county_place/place /m/0tzt_ +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dkv90 +/m/03mg3l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/013y1f /music/instrument/instrumentalists /m/03_f0 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dmn0x +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04glx0 +/m/02fx3c /people/person/profession /m/02hrh1q +/m/02n9bh /film/film/genre /m/07s9rl0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034xyf +/m/03ytp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/041rx /people/ethnicity/people /m/073v6 +/m/03gvt /music/instrument/instrumentalists /m/02jg92 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/015gjr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06j6l /music/genre/artists /m/01wp8w7 +/m/025h4z /people/person/places_lived./people/place_lived/location /m/01531 +/m/0127m7 /film/actor/film./film/performance/film /m/0kvbl6 +/m/039bpc /music/artist/origin /m/01snm +/m/05dbf /film/actor/film./film/performance/film /m/034qbx +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02c4s /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/0hv1t /film/film/genre /m/07s9rl0 +/m/015_1q /music/record_label/artist /m/01304j +/m/020ddc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04f525m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/058z2d /education/educational_institution/campuses /m/058z2d +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/02fbpz /people/person/profession /m/02hrh1q +/m/018y2s /people/person/gender /m/05zppz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/01s7zw /award/award_winner/awards_won./award/award_honor/award_winner /m/02ldv0 +/m/0l12d /music/group_member/membership./music/group_membership/group /m/07hgm +/m/05r5c /music/instrument/instrumentalists /m/02jg92 +/m/01vwyqp /people/person/profession /m/0kyk +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0lkr7 /people/person/nationality /m/09c7w0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0bt7ws +/m/070yzk /film/actor/film./film/performance/film /m/0cqr0q +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_x +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/0x3n +/m/0ckr7s /film/film/language /m/03_9r +/m/0dl5d /music/genre/artists /m/02jqjm +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/02jx1 /location/location/contains /m/029spt +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01vvyfh /award/award_winner/awards_won./award/award_honor/award_winner /m/012vd6 +/m/0bxxzb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/05j0wc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g_gl /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/0fr0t /base/biblioness/bibs_location/state /m/0vmt +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award /m/03hj5vf +/m/06v9sf /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/065ym0c /film/film/genre /m/02n4kr +/m/0kc6 /people/person/profession /m/020xn5 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/02r0st6 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0520r2x +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/028rk /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/081nh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/country/second_level_divisions /m/0fb_1 +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/028hc2 /people/person/profession /m/02hrh1q +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/07l4zhn +/m/0bmh4 /film/actor/film./film/performance/film /m/0m_mm +/m/0342z_ /education/educational_institution/students_graduates./education/education/student /m/0pcc0 +/m/09h4b5 /people/person/profession /m/0d1pc +/m/025s1wg /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0nm87 /location/location/contains /m/0cf_n +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/02fb1n /film/actor/film./film/performance/film /m/013q0p +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0640y35 /film/film/executive_produced_by /m/04pqqb +/m/0gjcrrw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fphf3v +/m/068p2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/015ynm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxkw +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027mdh +/m/02phtzk /film/film/production_companies /m/01gb54 +/m/025b3k /people/person/places_lived./people/place_lived/location /m/04rrx +/m/02kmx6 /people/person/profession /m/03gjzk +/m/0gyv0b4 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01q_y0 +/m/015pdg /music/genre/parent_genre /m/0155w +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/0c6g1l /film/actor/film./film/performance/film /m/08phg9 +/m/0k5g9 /film/film/genre /m/01jfsb +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0345h /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/062dn7 +/m/01_lh1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l56b /people/person/profession /m/0cbd2 +/m/04nfpk /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9ck +/m/06bzwt /film/actor/film./film/performance/film /m/01m13b +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/0c8hct /people/person/profession /m/02krf9 +/m/081yw /location/location/contains /m/0mmpz +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01kff7 /film/film/genre /m/0556j8 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/07s9rl0 /media_common/netflix_genre/titles /m/015qqg +/m/0d6br /location/location/contains /m/0121c1 +/m/014dq7 /people/deceased_person/place_of_death /m/030qb3t +/m/09v51c2 /award/award_category/winners./award/award_honor/award_winner /m/0pksh +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02tz9z +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/05148p4 /music/instrument/instrumentalists /m/04s5_s +/m/01mr2g6 /people/person/nationality /m/09c7w0 +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/01bl7g /film/film/genre /m/0556j8 +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/025txtg +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/030dx5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p85y +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/07gxw /music/genre/artists /m/01vtj38 +/m/0963mq /film/film/genre /m/05p553 +/m/0fsw_7 /film/film/genre /m/0bkbm +/m/013rds /people/person/sibling_s./people/sibling_relationship/sibling /m/01mskc3 +/m/06xj93 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/0cms7f /people/person/gender /m/05zppz +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/05qgd9 +/m/0k3gw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw5x +/m/03s2dj /people/person/gender /m/05zppz +/m/0grwj /people/person/places_lived./people/place_lived/location /m/05jbn +/m/06d6y /film/actor/film./film/performance/film /m/0jsf6 +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/02vz6dn /film/film/country /m/0345h +/m/011k4g /people/person/nationality /m/09c7w0 +/m/02vjzr /music/genre/artists /m/0pyg6 +/m/0639bg /film/film/produced_by /m/02779r4 +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jll +/m/01rxyb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/0h7h6 /location/location/time_zones /m/02hcv8 +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0cmt6q /film/actor/film./film/performance/film /m/04gv3db +/m/0n5fz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gq +/m/02648p /tv/tv_program/genre /m/01htzx +/m/01mk6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmc26r +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/01wg6y /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/0g1rw /award/award_winner/awards_won./award/award_honor/award_winner /m/0htcn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/03hxsv /film/film/genre /m/02xlf +/m/0ftvz /location/location/contains /m/01jq0j +/m/01vvb4m /people/person/gender /m/05zppz +/m/098s2w /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/01p1z_ /film/actor/film./film/performance/film /m/02ptczs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/013xh7 +/m/02rky4 /education/educational_institution/colors /m/02rnmb +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03j367r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m3nzf +/m/01pcdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/04hgpt /education/university/fraternities_and_sororities /m/0325pb +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0415svh /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/042d1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grp0 +/m/09c7w0 /location/location/contains /m/010tkc +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fz3b1 /film/film/written_by /m/05txrz +/m/05r5c /music/instrument/instrumentalists /m/02mslq +/m/02t1cp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/050xxm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07l50vn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026m3y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/07w0v /organization/organization/headquarters./location/mailing_address/citytown /m/0vzm +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03fhml +/m/09w6br /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/09k2t1 /people/person/place_of_birth /m/0d35y +/m/0277c3 /people/person/religion /m/0flw86 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/02zc7f /education/educational_institution/campuses /m/02zc7f +/m/087pfc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026c1 /base/eating/practicer_of_diet/diet /m/07_jd +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/098s2w /film/film/music /m/01m5m5b +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/081nh /people/person/religion /m/01lp8 +/m/017_qw /music/genre/artists /m/01mkn_d +/m/05q96q6 /film/film/language /m/064_8sq +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/064t9 /music/genre/artists /m/017_hq +/m/0dx8gj /film/film/country /m/03h64 +/m/017gm7 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/0586wl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0cv3w /base/biblioness/bibs_location/state /m/059_c +/m/01_x6v /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06y_n +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03tc8d +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/06jz0 /film/actor/film./film/performance/film /m/0pdp8 +/m/089j8p /film/film/executive_produced_by /m/015vq_ +/m/0g5879y /film/film/produced_by /m/0c3p7 +/m/0182r9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/03l7qs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pj5q +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/048j4l /music/instrument/instrumentalists /m/017g21 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cnk2q +/m/05r5c /music/instrument/instrumentalists /m/01lvcs1 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07s9rl0 /media_common/netflix_genre/titles /m/02tjl3 +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01kkx2 /people/deceased_person/place_of_burial /m/018mm4 +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07vn_9 /film/film/genre /m/02n4kr +/m/03g5_y /influence/influence_node/influenced_by /m/049fgvm +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/0hvb2 +/m/02dtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0843m +/m/0233bn /film/film/runtime./film/film_cut/film_release_region /m/03h64 +/m/02x8m /music/genre/artists /m/0277c3 +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05j82v +/m/0dg3n1 /base/locations/continents/countries_within /m/0j4b +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j5ts +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03kfl +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmpm +/m/01wy5m /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0342h /music/instrument/instrumentalists /m/02r3cn +/m/02hwhyv /media_common/netflix_genre/titles /m/0db94w +/m/01fh36 /music/genre/artists /m/021r7r +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/01d0fp +/m/04rzd /music/instrument/instrumentalists /m/01d4cb +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/06jcc /influence/influence_node/influenced_by /m/04_by +/m/09sh8k /film/film/featured_film_locations /m/02_286 +/m/0154qm /film/actor/film./film/performance/film /m/04mcw4 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/06fqlk /film/film/written_by /m/09pl3s +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01xk7r +/m/049468 /people/person/profession /m/02hrh1q +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/02bh8z /music/record_label/artist /m/0677ng +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6b4 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/01fm07 /music/genre/artists /m/01f2q5 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qhlwd +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/01y0y6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02czd5 +/m/04r_8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m2wm /people/person/languages /m/064_8sq +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027bs_2 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0c9cp0 +/m/05148p4 /music/instrument/instrumentalists /m/01vn0t_ +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/029h7y /music/genre/artists /m/0bqsy +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06j6l /music/genre/artists /m/067nsm +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/01vs14j +/m/0dhml /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09nwwf /music/genre/artists /m/011_vz +/m/059gkk /people/person/places_lived./people/place_lived/location /m/05fjf +/m/07c52 /media_common/netflix_genre/titles /m/08jgk1 +/m/0g28b1 /people/person/gender /m/05zppz +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0814k3 /people/person/nationality /m/09c7w0 +/m/04cx5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bm_ +/m/058s57 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dl567 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kd57 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/091yn0 /people/person/profession /m/02krf9 +/m/09cpb /location/administrative_division/country /m/07ssc +/m/02x8mt /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cws8h +/m/0jf1b /people/person/places_lived./people/place_lived/location /m/059rby +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01hxs4 /people/person/profession /m/0dxtg +/m/035gjq /people/person/nationality /m/02jx1 +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026390q +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0pspl +/m/02465 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dpqd /people/person/nationality /m/02jx1 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/06by7 /music/genre/artists /m/01ldw4 +/m/01dyvs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/069nzr /people/person/place_of_birth /m/019fh +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/02x6dqb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hbzj /people/person/place_of_birth /m/02_286 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/071fb /language/human_language/countries_spoken_in /m/088vb +/m/08c6k9 /film/film/language /m/02h40lc +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034b6k +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/01lyv /music/genre/artists /m/02lk95 +/m/01wz3cx /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/04xg2f /film/film/genre /m/04xvlr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0181dw +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0c0yh4 /film/film/genre /m/04xvlr +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/02md2d /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/06ch55 /music/instrument/instrumentalists /m/01wg6y +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01wz01 +/m/043t8t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pqgt8 +/m/0ff3y /influence/influence_node/influenced_by /m/07dnx +/m/0dqcm /film/actor/film./film/performance/film /m/0cq7kw +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01clyr /music/record_label/artist /m/0411q +/m/01bk1y /education/university/fraternities_and_sororities /m/035tlh +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/0z4s /people/person/profession /m/09jwl +/m/03rj0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/05d1y /influence/influence_node/influenced_by /m/07ym0 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/014b4h /education/educational_institution/campuses /m/014b4h +/m/013807 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0k_9j /film/film/country /m/09c7w0 +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/0xnvg /people/ethnicity/people /m/02wb6yq +/m/0227vl /people/person/religion /m/0c8wxp +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/097h2 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09dv8h /film/film/genre /m/04t36 +/m/01q8fxx /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/06cc_1 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01v2xl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170yd /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7jt +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/0j582 /people/person/profession /m/02hrh1q +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02r4qs +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03cvvlg /film/film/costume_design_by /m/0bytfv +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/0bk17k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0f4vbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s1zk +/m/0dqcm /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0cq86w /film/film/story_by /m/01v9724 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0kwv2 +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/06by7 /music/genre/artists /m/0134pk +/m/0qm8b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/015wfg +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/03xpfzg /people/person/profession /m/0cbd2 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jymd +/m/01n7q /location/location/contains /m/02zd460 +/m/02qdgx /music/genre/artists /m/01s21dg +/m/0401sg /film/film/genre /m/03k9fj +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d44q +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/04sx9_ /people/person/places_lived./people/place_lived/location /m/01531 +/m/012mrr /film/film/language /m/03k50 +/m/031786 /film/film/music /m/08c9b0 +/m/0661ql3 /film/film/language /m/02h40lc +/m/025czw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01j_cy /education/educational_institution/school_type /m/07tf8 +/m/04hzj /location/country/form_of_government /m/01d9r3 +/m/0qm8b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04112r /sports/sports_team/colors /m/083jv +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0f8l9c +/m/03f77 /people/person/nationality /m/06q1r +/m/088vb /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0372j5 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01yd8v /people/person/spouse_s./people/marriage/spouse /m/033tln +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03dn9v /people/person/nationality /m/09c7w0 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/061dn_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01hznh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06nz46 /people/person/gender /m/05zppz +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/06lc85 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08hhm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/033dbw /film/film/cinematography /m/0f3zsq +/m/0126rp /film/actor/film./film/performance/film /m/063fh9 +/m/064t9 /music/genre/artists /m/01qrbf +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/011k1h /organization/organization/child./organization/organization_relationship/child /m/05b0f7 +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/06v8s0 +/m/05fyss /people/person/place_of_birth /m/02s838 +/m/0cyhq /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0j95 /location/administrative_division/country /m/0d060g +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/02zbjhq /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f33tk +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01yx7f +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0137hn /people/person/sibling_s./people/sibling_relationship/sibling /m/016h9b +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/030_3z /people/person/place_of_birth /m/0k_q_ +/m/03cmsqb /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/02qvvv /education/educational_institution/school_type /m/05jxkf +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/0n5c9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59t +/m/017l4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01c0cc /education/educational_institution/campuses /m/01c0cc +/m/018009 /people/person/place_of_birth /m/0chgzm +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbl_r +/m/03cprft /people/person/place_of_birth /m/04vmp +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/01z4y /media_common/netflix_genre/titles /m/04180vy +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/0kpzy /location/location/time_zones /m/02lcqs +/m/016dj8 /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02g5q1 +/m/06btq /location/location/time_zones /m/02hcv8 +/m/015p3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09fb5 +/m/02dsz1 /music/genre/artists /m/02sjp +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3jz +/m/02cft /location/location/contains /m/011xy1 +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/074w86 /film/film/story_by /m/01fyzy +/m/0gmd3k7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/042zrm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/04kn29 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/01x2tm8 /people/person/gender /m/05zppz +/m/02lj6p /people/deceased_person/place_of_death /m/01_d4 +/m/05qtj /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/02pbp9 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03czz87 +/m/01b4p4 /music/genre/parent_genre /m/059kh +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/01l3wr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/011v3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/07ccs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03188 /location/country/form_of_government /m/06cx9 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dzf +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/0jsg0m /people/person/profession /m/09jwl +/m/02qlp4 /film/film/executive_produced_by /m/04q5zw +/m/03y9ccy /award/award_winner/awards_won./award/award_honor/award_winner /m/02q5xsx +/m/03npn /media_common/netflix_genre/titles /m/03_wm6 +/m/061y4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kft +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03zz8b +/m/0m93 /people/person/profession /m/05t4q +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/026mfbr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/01x0sy /people/person/place_of_birth /m/0r4h3 +/m/0gw7p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02k84w /music/instrument/family /m/02sgy +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09v6tz +/m/0d6nx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0ggq0m /music/genre/artists /m/07r4c +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05g3v +/m/03_3d /location/location/contains /m/018q42 +/m/07ghq /film/film/featured_film_locations /m/030qb3t +/m/047p7fr /film/film/genre /m/02l7c8 +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/0407f /people/person/places_lived./people/place_lived/location /m/06yxd +/m/033fqh /film/film/produced_by /m/06cgy +/m/0dzc16 /film/actor/film./film/performance/film /m/0ndsl1x +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xq8v +/m/09b_0m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/06j6l /music/genre/artists /m/01vzxld +/m/03mdt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03q64h /people/person/profession /m/0np9r +/m/0lbbj /olympics/olympic_games/sports /m/02y8z +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0bksh /people/person/places_lived./people/place_lived/location /m/071vr +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s26c +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/07s9rl0 /media_common/netflix_genre/titles /m/05j82v +/m/03x7hd /film/film/genre /m/01hmnh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03lb76 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0l14j_ /music/instrument/instrumentalists /m/018dyl +/m/03v1s /location/location/contains /m/05x_5 +/m/018vs /music/instrument/instrumentalists /m/016h9b +/m/03xb2w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/02k4b2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/09zf_q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/09qycb /film/film/language /m/02bjrlw +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0cz8mkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019fh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mv0b /people/deceased_person/place_of_death /m/06_kh +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/04fzfj +/m/02tv80 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/0fvr1 /film/film/genre /m/01j1n2 +/m/06t2t /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/0r6rq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/01jfrg /people/person/nationality /m/09c7w0 +/m/02xs6_ /film/film/genre /m/07s9rl0 +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/0mwq_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw93 +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0dnvn3 /film/film/language /m/02h40lc +/m/0143hl /education/educational_institution/campuses /m/0143hl +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qzw +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/021lby /film/director/film /m/06tpmy +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/07rhpg /film/actor/film./film/performance/film /m/0c34mt +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029cpw +/m/03spz /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/079kdz /people/person/profession /m/02hrh1q +/m/020p1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03pmty +/m/03qmj9 /film/actor/film./film/performance/film /m/027pfg +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vsy9_ +/m/02q56mk /film/film/country /m/0345h +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/028k2x /tv/tv_program/genre /m/0pr6f +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03lh3v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04088s0 +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/07ghv5 /film/film/genre /m/0hcr +/m/0f3nn /people/person/gender /m/05zppz +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0154j +/m/01vsn38 /film/actor/film./film/performance/film /m/02dr9j +/m/0kjrx /people/person/spouse_s./people/marriage/spouse /m/01f6zc +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/014_lq +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0dy68h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/0k269 /film/actor/film./film/performance/film /m/0b44shh +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0820xz /education/educational_institution/campuses /m/0820xz +/m/04tnqn /people/person/gender /m/05zppz +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/0pb33 /film/film/language /m/02h40lc +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/059j2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f7gh +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/011zd3 /film/actor/film./film/performance/film /m/0crfwmx +/m/03f4xvm /people/person/religion /m/0flw86 +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/03f5spx +/m/034ks /people/person/profession /m/04s2z +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qpt1w +/m/047hpm /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f276 +/m/050z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/07vhb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0dfcn +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049fbh +/m/01w1kyf /film/actor/film./film/performance/film /m/0sxfd +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/0258dh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/01w7nww /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nwm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_z5f +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0p9nv +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/09c7w0 /location/location/contains /m/0t_3w +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0hdx8 /location/country/form_of_government /m/01d9r3 +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/03kpvp +/m/01dpsv /people/person/profession /m/03gjzk +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01_bp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01b7lc +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0bksh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l1b90 +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/05c6073 /music/genre/artists /m/04qmr +/m/02fqxm /film/film/genre /m/02n4kr +/m/0fpkhkz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0psss +/m/0fhxv /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf72 +/m/081nh /people/person/languages /m/02h40lc +/m/0fd_1 /people/person/gender /m/05zppz +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/0mrhq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/057d89 /people/person/nationality /m/09c7w0 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0lkr7 /film/actor/film./film/performance/film /m/08sk8l +/m/0j63cyr /time/event/instance_of_recurring_event /m/018cvf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q7h2 +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0x67 /people/ethnicity/people /m/09f0bj +/m/0pkyh /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0j3v /influence/influence_node/influenced_by /m/026lj +/m/09c7w0 /location/location/contains /m/02l1fn +/m/0bmc4cm /film/film/film_festivals /m/0bmj62v +/m/013423 /people/person/profession /m/05vyk +/m/025rcc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f62k /people/person/gender /m/05zppz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/02v2lh /music/genre/artists /m/050z2 +/m/059rby /location/location/contains /m/04d5v9 +/m/01mbwlb /people/person/nationality /m/09c7w0 +/m/02t_8z /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0gdqy /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/01k165 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04lgybj +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0h25 /influence/influence_node/influenced_by /m/0cpvcd +/m/02tcgh /film/film/genre /m/01chg +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/06_6j3 /people/person/nationality /m/09c7w0 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02ryz24 /film/film/genre /m/02kdv5l +/m/0kjrx /people/person/profession /m/02hrh1q +/m/0kbvb /olympics/olympic_games/sports /m/06wrt +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/02jkkv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0rrhp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q_ncg +/m/01pvxl /film/film/genre /m/04rlf +/m/040_t /influence/influence_node/influenced_by /m/03f0324 +/m/03msf /location/location/contains /m/01z28b +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/027r9t /film/film/language /m/02h40lc +/m/015g1w /education/educational_institution/students_graduates./education/education/student /m/012ykt +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0342h /music/instrument/instrumentalists /m/0lccn +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jvmp +/m/0fq7dv_ /film/film/country /m/09c7w0 +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02pjvc +/m/0c3351 /media_common/netflix_genre/titles /m/0jymd +/m/02f6s3 /people/person/place_of_birth /m/0tz1x +/m/07rhpg /people/person/gender /m/02zsn +/m/07bch9 /people/ethnicity/people /m/0k9j_ +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0g10g +/m/01z4y /media_common/netflix_genre/titles /m/013q07 +/m/07dnx /influence/influence_node/influenced_by /m/02lt8 +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sw6g +/m/01wc7p /people/person/profession /m/01d_h8 +/m/0qf2t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015njf /people/person/profession /m/01d_h8 +/m/0466hh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015_1q /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxf4 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0d9xq /music/artist/origin /m/02_286 +/m/01v1ln /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015d3h +/m/02w64f /sports/sports_team/colors /m/06fvc +/m/07s846j /film/film/language /m/02h40lc +/m/029d_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /location/location/contains /m/0167v +/m/011vx3 /people/person/profession /m/015cjr +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/0203v /people/person/place_of_birth /m/02_286 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/023zsh /film/actor/film./film/performance/film /m/09sh8k +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02l48d +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/01fh0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fpjd_g +/m/01243b /music/genre/artists /m/01ydzx +/m/0mwvq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3n4 +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01c1px +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0bl1_ /film/film/music /m/01cbt3 +/m/0symg /film/film/genre /m/01g6gs +/m/07l2m /sports/sports_team/colors /m/06fvc +/m/07q68q /people/person/nationality /m/0d060g +/m/02l4pj /film/actor/film./film/performance/film /m/0h7t36 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/04hw4b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jjy0 /film/film/genre /m/02n4kr +/m/02v3yy /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0509bl /people/person/place_of_birth /m/017j4q +/m/04f7c55 /people/person/nationality /m/09c7w0 +/m/02qdgx /music/genre/artists /m/06cc_1 +/m/015c4g /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/080dfr7 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/01pw2f1 /people/person/gender /m/02zsn +/m/07s9rl0 /media_common/netflix_genre/titles /m/02wwmhc +/m/0lbd9 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/01f1jy /olympics/olympic_games/sports /m/09wz9 +/m/0n2bh /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0164nb /film/actor/film./film/performance/film /m/03vfr_ +/m/072x7s /film/film/produced_by /m/02q_cc +/m/09k56b7 /film/film/genre /m/0c3351 +/m/0ftvz /location/location/time_zones /m/02hcv8 +/m/09hldj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01y665 /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z43 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0mp3l /location/location/time_zones /m/02hcv8 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/01lqnff /people/person/languages /m/02h40lc +/m/015pxr /people/person/profession /m/02jknp +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/04l19_ /people/person/profession /m/03gjzk +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d6lp +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01kcty /music/genre/parent_genre /m/06__c +/m/0n5dt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/091z_p /film/film/genre /m/082gq +/m/03lrc /base/biblioness/bibs_location/country /m/07ssc +/m/0180mw /tv/tv_program/genre /m/07s9rl0 +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/0h10vt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f6ss +/m/0q_xk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06y8v /people/person/profession /m/05z96 +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/04jn6y7 /film/film/production_companies /m/0fvppk +/m/095z4q /film/film/executive_produced_by /m/0pz91 +/m/034zc0 /film/actor/film./film/performance/film /m/0296rz +/m/0hfzr /film/film/edited_by /m/03q8ch +/m/01p8s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02vntj +/m/04btgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jt2w +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02q3bb /people/person/profession /m/0nbcg +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/09_99w /people/person/nationality /m/09c7w0 +/m/0f2sx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04z_3pm /film/film/genre /m/05p553 +/m/02jx1 /location/location/contains /m/0ny75 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0164nb /people/person/profession /m/01d_h8 +/m/07nznf /people/person/place_of_birth /m/02_286 +/m/02yv6b /music/genre/artists /m/0jltp +/m/06w38l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d5wn3 /people/person/nationality /m/07ssc +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r2bv +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/045bg /influence/influence_node/influenced_by /m/04xzm +/m/08hhm6 /people/person/profession /m/0dxtg +/m/059xnf /film/actor/film./film/performance/film /m/09zf_q +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/047n8xt /film/film/film_festivals /m/04_m9gk +/m/07c0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0k7pf +/m/017fp /media_common/netflix_genre/titles /m/01wb95 +/m/01438g /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/02fqrf /film/film/costume_design_by /m/03y1mlp +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01q7h2 /film/film/produced_by /m/029m83 +/m/042kg /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/03dkx /sports/sports_team/colors /m/02rnmb +/m/0786vq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0j4b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/05v8c /location/location/contains /m/01rr31 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0mn9x /location/hud_county_place/place /m/0mn9x +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/06hgbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/047bynf /film/film/country /m/09c7w0 +/m/0hpv3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/07h0cl +/m/0ft18 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/04xvlr /media_common/netflix_genre/titles /m/011yg9 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0c5tl /influence/influence_node/influenced_by /m/0j3v +/m/0gv40 /film/director/film /m/0jsqk +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/06npd /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/05clg8 /music/record_label/artist /m/01pgzn_ +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06j6l /music/genre/artists /m/01wwvc5 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/01bzw5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gfsq9 /film/film/genre /m/07s9rl0 +/m/0d0kn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0gv40 +/m/02rkkn1 /tv/tv_program/country_of_origin /m/09c7w0 +/m/073bb /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05np4c +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0lsw9 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/06kcjr /music/genre/artists /m/01vw8mh +/m/0888c3 /film/film/genre /m/0l4h_ +/m/0b5x23 /people/person/places_lived./people/place_lived/location /m/0hj6h +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/0315rp /film/film/executive_produced_by /m/02q_cc +/m/02v8kmz /film/film/genre /m/02l7c8 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035zr0 +/m/015fs3 /education/university/fraternities_and_sororities /m/035tlh +/m/09p06 /people/deceased_person/place_of_burial /m/01f38z +/m/02qy3py /people/deceased_person/place_of_death /m/0fk98 +/m/01vs73g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01zcrv /tv/tv_network/programs./tv/tv_network_duration/program /m/0h95b81 +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ggh +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05hj0n +/m/0fsd9t /film/film/language /m/02h40lc +/m/01wxdn3 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0d06m5 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0jmwg /music/genre/artists /m/0lsw9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/01sfmyk /people/person/place_of_birth /m/07bcn +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0f4yh +/m/0n1xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1v8 +/m/01l2m3 /people/cause_of_death/people /m/07zhd7 +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/0ymdn /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/027jq2 /people/person/profession /m/01d_h8 +/m/0dl5d /music/genre/artists /m/0b_xm +/m/023p33 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02rrh1w /film/film/genre /m/0lsxr +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/05jjl +/m/0c8tkt /film/film/written_by /m/030vmc +/m/0l8sx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/026390q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/041rx /people/ethnicity/people /m/01d8yn +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/03gvt /music/instrument/instrumentalists /m/01tp5bj +/m/0k_mt /film/director/film /m/0bs8hvm +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02vz6dn /film/film/featured_film_locations /m/0d060g +/m/0ddf2bm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c3mz /base/culturalevent/event/entity_involved /m/011zwl +/m/0gd_s /people/person/gender /m/05zppz +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05j0wc +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/060j8b /people/person/nationality /m/09c7w0 +/m/03jxw /people/person/places_lived./people/place_lived/location /m/0tygl +/m/036dyy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04fzk +/m/0520y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cn_b8 /film/film/production_companies /m/01gb54 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/01rxyb /film/film/film_format /m/07fb8_ +/m/02s529 /people/person/nationality /m/09c7w0 +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/02js6_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09451k +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0122wc +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0kjrx /people/person/place_of_birth /m/01cx_ +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/02w7gg /people/ethnicity/people /m/032_jg +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/020hh3 /music/group_member/membership./music/group_membership/group /m/04rcr +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0gjvqm +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02yvct +/m/01lyv /music/genre/artists /m/03h_fk5 +/m/03prz_ /film/film/genre /m/07s9rl0 +/m/0bscw /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02cttt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/05_61y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qzhw +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0k6nt +/m/0bpm4yw /film/film/genre /m/07s9rl0 +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/01hqk /film/film/country /m/07ssc +/m/0llcx /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/03l3ln /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/0167v4 /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/04h4c9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/045zr +/m/016kjs /people/person/profession /m/0nbcg +/m/02b1hb /sports/sports_team/colors /m/01g5v +/m/011yxy /film/film/country /m/0d0vqn +/m/07c52 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/012vwb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fybl /film/actor/film./film/performance/film /m/049mql +/m/0mhfr /music/genre/artists /m/01pbxb +/m/0s69k /location/hud_county_place/place /m/0s69k +/m/026spg /people/person/nationality /m/09c7w0 +/m/015qh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035qy +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dbf +/m/0qplq /sports/sports_team_location/teams /m/0jnr3 +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07024 +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/0ycht /location/hud_county_place/county /m/0cymp +/m/01p1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/09r8l /people/person/profession /m/01c72t +/m/01ww2fs /people/person/nationality /m/09c7w0 +/m/01ckhj /film/actor/film./film/performance/film /m/0bv8h2 +/m/01hlq3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07h1q /people/person/gender /m/05zppz +/m/02r5w9 /film/director/film /m/05dl1s +/m/02rb607 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/02fp3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/01dw4q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02dlfh +/m/0405l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0f276 /film/actor/film./film/performance/film /m/0dfw0 +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/026fs38 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0jz +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/01rdm0 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/016ztl /film/film/edited_by /m/0534v +/m/01tw31 /people/deceased_person/place_of_death /m/04jpl +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04gycf /people/person/place_of_birth /m/0cr3d +/m/01rddlc /people/person/nationality /m/03_3d +/m/054c1 /people/person/profession /m/01xr66 +/m/01mc11 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01n5309 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/020p1 +/m/0f0y8 /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js6_ +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07hgm +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/08y2fn +/m/017180 /film/film/genre /m/04xvlr +/m/0683n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/0c3p7 +/m/075wx7_ /film/film/genre /m/02l7c8 +/m/04g73n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06bss /people/person/religion /m/0v53x +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/02mmwk /film/film/genre /m/01drsx +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07d2d /music/genre/artists /m/03t9sp +/m/026z9 /music/genre/artists /m/011z3g +/m/064_8sq /language/human_language/countries_spoken_in /m/03_xj +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/02wypbh +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/05gml8 /people/person/nationality /m/0d060g +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/071x0k /people/ethnicity/geographic_distribution /m/059j2 +/m/0640y35 /film/film/genre /m/01hmnh +/m/07_k0c0 /dataworld/gardening_hint/split_to /m/07_k0c0 +/m/0f8l9c /location/location/contains /m/07s3m +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01k2xy +/m/0227vl /people/person/profession /m/03gkb0 +/m/02knnd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0h1n9 /medicine/disease/risk_factors /m/0jpmt +/m/0342h /music/instrument/instrumentalists /m/01k_0fp +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01p45_v /people/person/profession /m/01d_h8 +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01cwcr +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0m0hw /film/actor/film./film/performance/film /m/03lrqw +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032sl_ +/m/03k50 /media_common/netflix_genre/titles /m/0f42nz +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03bnv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fq117k +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02_t6d +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/06rrzn /award/award_winner/awards_won./award/award_honor/award_winner /m/04r7jc +/m/05w3f /music/genre/artists /m/06gd4 +/m/01_f90 /education/educational_institution/students_graduates./education/education/student /m/0btxr +/m/02dq8f /education/educational_institution/school_type /m/05jxkf +/m/015f7 /people/person/profession /m/03gjzk +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vhm +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/05p1tzf +/m/05sns6 /film/film/genre /m/06cvj +/m/0g824 /people/person/profession /m/064xm0 +/m/07s2s /film/film_subject/films /m/013q07 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0167v4 /people/person/profession /m/016z4k +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0209hj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pnf3 /film/actor/film./film/performance/film /m/06z8s_ +/m/0lzcs /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/044ntk +/m/02nczh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07c72 /tv/tv_program/genre /m/01z4y +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/02wr2r /film/actor/film./film/performance/film /m/065zlr +/m/07ssc /media_common/netflix_genre/titles /m/0ds6bmk +/m/02__7n /people/person/places_lived./people/place_lived/location /m/019fh +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/07rd7 /film/director/film /m/0fg04 +/m/017lqp /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01pbxb /people/person/nationality /m/09c7w0 +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0498y +/m/01xbxn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z257 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/01jrbb /film/film/country /m/0chghy +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/0993r /film/actor/film./film/performance/film /m/03l6q0 +/m/06lbp /people/person/nationality /m/07ssc +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/035zr0 /film/film/country /m/0f8l9c +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ykb +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/03bww6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wgfp6 +/m/017dcd /tv/tv_program/program_creator /m/0f1vrl +/m/0342h /music/instrument/instrumentalists /m/012ycy +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/01kvqc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/04_1l0v /location/location/contains /m/059f4 +/m/0cqnss /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/043tvp3 /film/film/featured_film_locations /m/030qb3t +/m/02lv2v /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvwkr +/m/0j95 /location/location/contains /m/01k3s2 +/m/06_x996 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02jx1 /location/location/contains /m/0nbfm +/m/0299hs /film/film/genre /m/04pbhw +/m/02q_x_l /film/film/country /m/0chghy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/033g54 +/m/0p_pd /film/actor/film./film/performance/film /m/01d2v1 +/m/04t2l2 /people/person/religion /m/0c8wxp +/m/01yd8v /film/actor/film./film/performance/film /m/0234j5 +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02dj3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03772 +/m/01psyx /people/cause_of_death/people /m/02wr6r +/m/03h3vtz /people/person/nationality /m/09c7w0 +/m/012zng /music/artist/track_contributions./music/track_contribution/role /m/051hrr +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/0k525 /people/person/place_of_birth /m/03zv2t +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/0ql86 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0c_mvb /people/person/gender /m/05zppz +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/0d6b7 /film/film/written_by /m/032md +/m/01tx9m /education/educational_institution/students_graduates./education/education/student /m/0bt7ws +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/08vr94 /people/person/nationality /m/09c7w0 +/m/0fpj9pm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/09c7w0 /location/location/contains /m/02y9bj +/m/08ct6 /film/film/language /m/06b_j +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/050l8 /location/location/contains /m/0x44q +/m/027r9t /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q56mk +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/033q4k +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0b5ysl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/048qrd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015f7 +/m/07k53y /sports/sports_team/colors /m/03wkwg +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0j8js +/m/01f7j9 /film/director/film /m/01f7kl +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/055sjw /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_8z +/m/0dq9wx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01sxq9 +/m/0kbws /olympics/olympic_games/participating_countries /m/034tl +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x6rj +/m/0b1hw /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0178rl +/m/05nlx4 /film/film/produced_by /m/01t6b4 +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv27 +/m/01hl_w /education/educational_institution/school_type /m/05jxkf +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/03_gz8 /film/film/language /m/06mp7 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0337vz +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/02pzck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgk0 +/m/04v8h1 /film/film/genre /m/0hfjk +/m/0q9kd /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/02c4s /people/person/nationality /m/07ssc +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033dbw +/m/0fv4v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yj7w /people/person/profession /m/02hrh1q +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02jgm0 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03shp /location/location/contains /m/09wc5 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0d1xh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mrs1 +/m/03vv61 /music/record_label/artist /m/015882 +/m/02lnbg /music/genre/artists /m/09k2t1 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02xs6_ +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027r9t +/m/01xl5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0488g +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/015qh /location/location/contains /m/018ym2 +/m/041rx /people/ethnicity/people /m/05pq9 +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026w_gk +/m/065zlr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f7v_ /film/film/film_festivals /m/03wf1p2 +/m/01w92 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/07l8f /sports/sports_team/colors /m/083jv +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/0jgld /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxkr +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01xmxj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09b3v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01s9vc +/m/01h5f8 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/01mgw /film/film/country /m/0d05w3 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pvxl +/m/03wj4r8 /film/film/genre /m/07s9rl0 +/m/0163kf /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/09c7w0 /location/location/contains /m/0ybkj +/m/09krm_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/06cqb /music/genre/artists /m/01mskc3 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0l14_3 +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/01mvjl0 +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/096lf_ +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0cz_ym /film/film/produced_by /m/04wvhz +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/04jwp /influence/influence_node/influenced_by /m/0448r +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ckhj +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/09r94m /film/film/music /m/06fxnf +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p50v +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zrc_ +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/087pfc /film/film/language /m/02h40lc +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0gyx4 /film/actor/film./film/performance/film /m/0_816 +/m/0f102 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043cl9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bnp0 +/m/03d1y3 /people/person/nationality /m/09c7w0 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05tr7 +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/09ykwk /people/person/gender /m/05zppz +/m/03_qrp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/05dptj /film/film/genre /m/07s9rl0 +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/019tfm /education/educational_institution_campus/educational_institution /m/019tfm +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0mkz /film/film_subject/films /m/017n9 +/m/045346 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ym8f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0435vm /film/film/genre /m/026ny +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/03k7bd +/m/093142 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/077q8x +/m/03x400 /film/actor/film./film/performance/film /m/0d61px +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/05cl2w /film/actor/film./film/performance/film /m/016z9n +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0blgl /award/award_winner/awards_won./award/award_honor/award_winner /m/03gvpk +/m/03mp8k /music/record_label/artist /m/01wbsdz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dckvs /film/film/language /m/0459q4 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0kpys /location/location/contains /m/0k049 +/m/09c7w0 /location/location/contains /m/0h3lt +/m/0bmfnjs /film/film/language /m/02h40lc +/m/0235n9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/012gx2 +/m/08hmch /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/07nx9j /film/actor/film./film/performance/film /m/01y9r2 +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0g5rg /location/location/time_zones /m/02hcv8 +/m/01541z /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014q2g +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/04xrx /people/person/religion /m/0c8wxp +/m/018grr /film/actor/film./film/performance/film /m/0gldyz +/m/0h0jz /award/award_winner/awards_won./award/award_honor/award_winner /m/019_1h +/m/0bmc4cm /film/film/executive_produced_by /m/09d5d5 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03mg35 /people/person/places_lived./people/place_lived/location /m/0xn5b +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/016yxn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0__wm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03h3x5 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/04gm7n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/03k1vm /people/person/profession /m/015h31 +/m/03mszl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0163t3 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03gvm3t +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/01c1nm /base/biblioness/bibs_location/country /m/03rk0 +/m/01t9qj_ /people/person/nationality /m/09c7w0 +/m/041rx /people/ethnicity/people /m/01vrx35 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04306rv +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/04xvlr /media_common/netflix_genre/titles /m/0294zg +/m/0bt3j9 /film/film/country /m/07ssc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bmnm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/04bdpf /people/person/profession /m/02hrh1q +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025scjj +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/0p8jf /influence/influence_node/influenced_by /m/0l99s +/m/01ksr1 /film/actor/film./film/performance/film /m/05sy_5 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/0m28g /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/064lqk /music/genre/parent_genre /m/05r6t +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/02t_99 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/060c4 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/02wt0 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p_2r +/m/07lt7b /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/01xvlc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cqhl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05bt6j /music/genre/artists /m/01lw3kh +/m/07vfy4 /film/film/genre /m/02n4lw +/m/015y_n /music/genre/artists /m/01pq5j7 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/0qf2t /film/film/genre /m/0556j8 +/m/02fn5 /film/actor/film./film/performance/film /m/02z9rr +/m/0j3b /location/location/contains /m/0165b +/m/01d5vk /people/person/spouse_s./people/marriage/spouse /m/01d6jf +/m/01cl2y /music/record_label/artist /m/0kzy0 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/011_3s +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnnx +/m/0gy0l_ /film/film/country /m/03_3d +/m/01933d /people/person/gender /m/02zsn +/m/05b6rdt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02wgln /film/actor/film./film/performance/film /m/02b6n9 +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yfd +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/01yd8v /film/actor/film./film/performance/film /m/0jqp3 +/m/04jwjq /film/film/country /m/03rk0 +/m/01rf57 /tv/tv_program/genre /m/0bkbm +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/073w14 /film/actor/film./film/performance/film /m/06kl78 +/m/0h9dj /people/cause_of_death/people /m/01xcqc +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0nh57 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ngy8 +/m/0c630 /location/location/time_zones /m/02llzg +/m/0g96wd /people/ethnicity/people /m/06g4_ +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/03_3d /location/location/contains /m/02lf_x +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0q5hw /influence/influence_node/influenced_by /m/02dztn +/m/0d90m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01fh36 /music/genre/artists /m/01dhjz +/m/02knxx /people/cause_of_death/people /m/03qhyn8 +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/03548 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rxw +/m/0192hw /film/film/genre /m/082gq +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/054c1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm74 +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/04__f /people/person/nationality /m/09c7w0 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01_bkd /music/genre/artists /m/01shhf +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0k1bs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0315w4 +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/05lbzg /time/event/locations /m/06q1r +/m/0kcn7 /film/film/production_companies /m/01795t +/m/045c66 /film/actor/film./film/performance/film /m/04ltlj +/m/0sz28 /film/actor/film./film/performance/film /m/011ysn +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9jr +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05tbn /location/location/contains /m/04bbpm +/m/0b6tzs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gywn /music/genre/artists /m/016376 +/m/02w5q6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/03_3d /location/location/contains /m/05mkn +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bbf1f /film/actor/film./film/performance/film /m/03h_yy +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/04hqbbz /people/person/places_lived./people/place_lived/location /m/023vwt +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_92w +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/03tbg6 /film/film/produced_by /m/06chf +/m/0xnt5 /location/location/contains /m/03x83_ +/m/02rcdc2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0342h /music/instrument/instrumentalists /m/016kjs +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07f_7h +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0259r0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0241wg +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/034np8 /people/person/profession /m/02hrh1q +/m/0hr41p6 /film/film/language /m/02h40lc +/m/0ptxj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/06by7 /music/genre/artists /m/01vsy3q +/m/020bv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05qw5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02b2np /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/039fgy /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gc_c_ /film/film/language /m/02h40lc +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/01nfys /award/award_winner/awards_won./award/award_honor/award_winner /m/09xrxq +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/0151ns /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc846d +/m/03_d0 /music/genre/artists /m/02j3d4 +/m/047vp1n /film/film/executive_produced_by /m/05hj_k +/m/043zg /people/person/profession /m/0dz3r +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0m24v /location/us_county/county_seat /m/0fsv2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/021y7yw +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/0mbf4 /location/location/time_zones /m/02hcv8 +/m/01xq8v /film/film/story_by /m/019gz +/m/08fbnx /film/film/genre /m/01hmnh +/m/06m61 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hgwkr +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/06101p /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0234pg /people/person/nationality /m/09c7w0 +/m/0czyxs /film/film/genre /m/0btmb +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/01yhvv /people/person/profession /m/02hrh1q +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/06r2h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04w391 /film/actor/film./film/performance/film /m/08r4x3 +/m/0x3b7 /people/person/place_of_birth /m/0lphb +/m/02cpb7 /people/person/religion /m/092bf5 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/0bz5v2 /people/person/profession /m/018gz8 +/m/0rh6k /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx_w +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/05zlld0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cf_l /film/film/personal_appearances./film/personal_film_appearance/person /m/06pk8 +/m/01q7h2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02jkkv /film/film/genre /m/02l7c8 +/m/0gl02yg /award/award_winning_work/awards_won./award/award_honor/award /m/09v92_x +/m/02r0d0 /award/award_category/winners./award/award_honor/award_winner /m/09jd9 +/m/01914 /location/location/contains /m/0jhjl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/07y_r /people/person/gender /m/05zppz +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01x2tm8 /people/person/profession /m/01d_h8 +/m/0c6g29 /people/deceased_person/place_of_death /m/0r62v +/m/02qdgx /music/genre/artists /m/0qf11 +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/01vrx3g /people/person/profession /m/02hrh1q +/m/0nvt9 /location/us_county/county_seat /m/01_d4 +/m/01j7mr /tv/tv_program/genre /m/0gf28 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/065dc4 /film/film/produced_by /m/04wvhz +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01xq8v +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/06y_n /tv/tv_program/program_creator /m/01_x6v +/m/011yg9 /film/film/written_by /m/0159h6 +/m/02bq1j /education/educational_institution/students_graduates./education/education/student /m/0d06m5 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0ctw_b /location/location/contains /m/0283sdr +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/0ftxw /location/location/time_zones /m/02hcv8 +/m/043cl9 /people/person/profession /m/02hrh1q +/m/064t9 /music/genre/artists /m/03xnq9_ +/m/016z9n /film/film/featured_film_locations /m/0rh6k +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0104lr /location/location/time_zones /m/02fqwt +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03gbty +/m/0klw /people/person/religion /m/0kpl +/m/0cdf37 /people/person/gender /m/05zppz +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/04mp8x +/m/06by7 /music/genre/artists /m/0178kd +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/0677j /education/educational_institution/school_type /m/07tf8 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0mcl0 +/m/0h778 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwkp +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/0322yj /film/film/genre /m/07s9rl0 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0b13g7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0285c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vng3b +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/02gx2k +/m/023p7l /film/film/genre /m/04rlf +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/035gt8 +/m/04dsnp /film/film/featured_film_locations /m/0b1t1 +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/07sbbz2 /music/genre/artists /m/016376 +/m/027m5wv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/017gl1 +/m/03ym1 /film/actor/film./film/performance/film /m/065dc4 +/m/0320fn /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/042kg /award/award_nominee/award_nominations./award/award_nomination/award /m/0m57f +/m/06npd /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/07sgfsl /people/person/gender /m/02zsn +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/01vtqml +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/03cffvv +/m/07rzf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/01vsykc /people/person/places_lived./people/place_lived/location /m/0nbrp +/m/01n7q /location/location/partially_contains /m/0db94 +/m/05r6t /music/genre/artists /m/0fpj4lx +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gry51 /people/person/profession /m/01d_h8 +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/01vn35l /people/person/profession /m/09jwl +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05hywl +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019_1h +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/03hhd3 +/m/016z5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09rvcvl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/01q3_2 +/m/034q3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/016tb7 /people/person/profession /m/0dxtg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/01rzqj /film/actor/film./film/performance/film /m/0fpkhkz +/m/03rjj /location/location/contains /m/0bzty +/m/04xvlr /media_common/netflix_genre/titles /m/09sr0 +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/03c9pqt +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/0336mc /people/person/nationality /m/0345h +/m/014cw2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06m6z6 /people/person/gender /m/05zppz +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/01xwqn /influence/influence_node/influenced_by /m/081lh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01gj8_ +/m/0j0k /location/location/contains /m/06m_5 +/m/0m32h /people/cause_of_death/people /m/0h1_w +/m/09blyk /media_common/netflix_genre/titles /m/08zrbl +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wvhz +/m/09d38d /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/04glx0 +/m/057hz /people/person/places_lived./people/place_lived/location /m/01n7q +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/06cn5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/032c7m +/m/0jbyg /people/person/profession /m/02hrh1q +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/07srw /location/location/contains /m/0jcgs +/m/09h_q /people/person/places_lived./people/place_lived/location /m/0cp6w +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0344gc +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01y9r2 +/m/03t79f /film/film/executive_produced_by /m/06pj8 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01lpwh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0586wl +/m/09zf_q /film/film/featured_film_locations /m/02_286 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/06by7 /music/genre/artists /m/017_hq +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/04h4c9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x1fq +/m/0k2m6 /film/film/genre /m/07s9rl0 +/m/05s_k6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031zm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01515w /film/actor/film./film/performance/film /m/07nt8p +/m/0cgwt8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02h40lc /language/human_language/countries_spoken_in /m/05br2 +/m/05k7sb /location/location/contains /m/01qh7 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01304j /people/person/religion /m/01lp8 +/m/017v_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gnbw /film/actor/film./film/performance/film /m/0m9p3 +/m/0kvb6p /film/film/genre /m/06l3bl +/m/0sxrz /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04h6m /music/genre/artists /m/0bqvs2 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01r93l /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0d9jr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wqr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/0d04z6 /location/country/form_of_government /m/01fpfn +/m/052_mn /film/film/language /m/02h40lc +/m/01rr31 /education/educational_institution/school_type /m/05pcjw +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/016376 +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02qdzd +/m/01314k /education/educational_institution/campuses /m/01314k +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03h64 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b3d +/m/048wrb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wv9p /people/person/gender /m/05zppz +/m/071vr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01jfsb /media_common/netflix_genre/titles /m/02q0v8n +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028knk +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07bx6 +/m/03yk8z /people/person/gender /m/02zsn +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0343h /influence/influence_node/influenced_by /m/02xyl +/m/0xv2x /music/genre/parent_genre /m/06by7 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/01pkhw /film/actor/film./film/performance/film /m/04jpg2p +/m/02cbhg /film/film/edited_by /m/02lp3c +/m/01jq4b /education/university/fraternities_and_sororities /m/035tlh +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0kz10 /music/genre/artists /m/01d_h +/m/05y0cr /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0kvgtf /film/film/genre /m/02l7c8 +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06jkm +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0342h /music/instrument/instrumentalists /m/0l12d +/m/0c01c /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02tr7d /people/person/place_of_birth /m/0hyxv +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/07m77x +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/026dd2b +/m/01j_5k /education/educational_institution/students_graduates./education/education/student /m/01tvz5j +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02fj8n /film/film/executive_produced_by /m/04hw4b +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03q5db +/m/0gv10 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g56t9t /film/film/genre /m/03npn +/m/01j4ls /film/actor/film./film/performance/film /m/01kjr0 +/m/018pj3 /award/award_winner/awards_won./award/award_honor/award_winner /m/018phr +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/017l96 /music/record_label/artist /m/01dw_f +/m/08phg9 /film/film/executive_produced_by /m/09pl3s +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0b9dmk +/m/021yzs /film/actor/film./film/performance/film /m/047wh1 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/063k3h /people/ethnicity/people /m/0157m +/m/02scbv /film/film/country /m/07zrf +/m/02y0js /people/cause_of_death/people /m/01pw9v +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03x82v +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/076psv /film/film_set_designer/film_sets_designed /m/0bj25 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/01b66t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kb2j +/m/01l2fn /film/actor/film./film/performance/film /m/072zl1 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778qt +/m/03bnv /people/person/profession /m/0nbcg +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01r93l +/m/0drdv /people/person/profession /m/0dxtg +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/05148p4 /music/instrument/instrumentalists /m/01kv4mb +/m/07s9rl0 /media_common/netflix_genre/titles /m/026p4q7 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/053y0s /people/person/profession /m/01b30l +/m/0p9qb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05zl0 +/m/05zh9c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06w2sn5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/01hcj2 /people/person/profession /m/0np9r +/m/0jfx1 /people/person/place_of_birth /m/0pqz3 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/0ctw_b /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0525b +/m/03ts0c /people/ethnicity/people /m/0csdzz +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0lgm5 /music/artist/origin /m/0p7vt +/m/01fs__ /tv/tv_program/languages /m/02h40lc +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/015nvj +/m/03lty /music/genre/artists /m/0167v4 +/m/0456xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f276 +/m/031b91 /award/award_category/winners./award/award_honor/award_winner /m/01d4cb +/m/06r1k /tv/tv_program/country_of_origin /m/09c7w0 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059xnf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0gjk1d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b6m5fy /film/film/executive_produced_by /m/02lf0c +/m/03kxp7 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02nt3d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j5q3 /base/eating/practicer_of_diet/diet /m/07_hy +/m/05fky /location/location/contains /m/027b43 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025b5y +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03_vx9 /film/actor/film./film/performance/film /m/0gg5qcw +/m/01vh18t /people/person/nationality /m/09c7w0 +/m/04dyqk /people/person/profession /m/0dxtg +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0ggq0m /music/genre/artists /m/0383f +/m/02hwww /education/educational_institution/students_graduates./education/education/student /m/050llt +/m/02qw_v /education/educational_institution/colors /m/0jc_p +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/08y7b9 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/05bt6j /music/genre/artists /m/0517bc +/m/06chvn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074rg9 +/m/013c6x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qs08 /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/016yzz /film/actor/film./film/performance/film /m/0gg5kmg +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/02q7yfq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/05mt_q /people/person/profession /m/05z96 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/02v570 +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlkc3 +/m/06y3r /people/person/religion /m/04pk9 +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/034fl9 /tv/tv_program/program_creator /m/02_2v2 +/m/03cmsqb /film/film/language /m/02h40lc +/m/04mn81 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0342h /music/instrument/instrumentalists /m/0cbm64 +/m/07ssc /location/location/contains /m/01d66p +/m/049msk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170z3 +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07sgfvl +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/026vcc +/m/04xvlr /media_common/netflix_genre/titles /m/01kff7 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01wqg8 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/03xnwz /music/genre/parent_genre /m/011j5x +/m/06w92 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02lg3y /people/person/nationality /m/09c7w0 +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/02896 /sports/sports_team/sport /m/0jm_ +/m/0f7hw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016_v3 /music/genre/artists /m/016pns +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02yr1q +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01_gv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f7hc /people/person/profession /m/0cbd2 +/m/05hj_k /people/person/place_of_birth /m/01nl79 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/0m63c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/0cz_ym /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/058kqy /film/actor/film./film/performance/film /m/04y9mm8 +/m/072192 /film/film/film_art_direction_by /m/071jv5 +/m/04s430 /people/person/profession /m/018gz8 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/03nt59 +/m/025_ql1 /people/person/profession /m/01c72t +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01817f +/m/049l7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0b90_r /location/location/contains /m/04sqj +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/01f7jt /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/02g0mx /film/actor/film./film/performance/film /m/016y_f +/m/06c6l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/01fh36 /music/genre/artists /m/0p3sf +/m/03j_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022yb4 +/m/023p7l /film/film/genre /m/07s9rl0 +/m/01w3lzq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/07k8rt4 /film/film/language /m/02h40lc +/m/0bq2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06pj8 +/m/05p5nc /film/actor/film./film/performance/film /m/05tgks +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03knl /film/actor/film./film/performance/film /m/02v8kmz +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/0nhmw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nhr5 +/m/07kbp5 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01pcql /people/person/places_lived./people/place_lived/location /m/049d1 +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02r1c18 /film/film/written_by /m/02kxbx3 +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jhp +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/02ct_k +/m/02vjzr /music/genre/artists /m/01dw9z +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/02qvhbb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03_z5f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01h1b /film/actor/film./film/performance/film /m/03q0r1 +/m/0dgrwqr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03p85 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/0dxyzb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/047jhq +/m/02zy1z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/09v7wsg /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/013t9y /people/person/place_of_birth /m/01b8jj +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03cd0x /film/film/genre /m/0btmb +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/05vxdh /film/film/genre /m/05p553 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/042g97 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0d_wms +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/03f7m4h +/m/03f1zdw /film/actor/film./film/performance/film /m/05vxdh +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05b5c +/m/02dgq2 /education/educational_institution/campuses /m/02dgq2 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/03wpmd /people/person/religion /m/03j6c +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/027vps +/m/0420y /people/person/nationality /m/0f8l9c +/m/03wh95l /people/person/profession /m/0cbd2 +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/01xysf /education/educational_institution_campus/educational_institution /m/01xysf +/m/02fjzt /education/educational_institution/students_graduates./education/education/student /m/034zc0 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/014hdb +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pxcf +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/033dbw +/m/06x43v /film/film/executive_produced_by /m/03c9pqt +/m/088xp /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b60sq +/m/0167v4 /music/artist/origin /m/0fvyg +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03hpr /influence/influence_node/influenced_by /m/03f0324 +/m/0bs8s1p /film/film/production_companies /m/0283xx2 +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dy7j +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jwly +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pqs8l +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/0h1mt /award/award_winner/awards_won./award/award_honor/award_winner /m/01gv_f +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0tj9 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/09bw4_ /film/film/genre /m/02kdv5l +/m/0gtsx8c /film/film/executive_produced_by /m/03n08b +/m/01vsqvs /film/actor/film./film/performance/film /m/02psgq +/m/01s0ps /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0bxl5 +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/0b90_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04_1l0v +/m/04_j5s /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05r5c /music/instrument/instrumentalists /m/01jfnvd +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02778pf /people/person/profession /m/03gjzk +/m/06__m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/01wp8w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/016clz /music/genre/artists /m/02k5sc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zt +/m/01lct6 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/0x25q /film/film/production_companies /m/05h4t7 +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01k5t_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x8mt /people/person/place_of_birth /m/0cr3d +/m/01l4g5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rs03 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ynwqj +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0njpq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj7b +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/0b_6x2 /time/event/locations /m/0ftxw +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/05r7t /location/country/form_of_government /m/026wp +/m/05p606 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qkp +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/02x9g_ /education/educational_institution/colors /m/01l849 +/m/03x6w8 /sports/sports_team/colors /m/083jv +/m/01w7nww /music/artist/origin /m/0dclg +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/01dtcb /music/record_label/artist /m/0knjh +/m/0fm9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_j +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02rv1w /education/university/fraternities_and_sororities /m/0325pb +/m/02h3tp /film/actor/film./film/performance/film /m/0y_pg +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wypbh +/m/06k90b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dryh9k /people/ethnicity/people /m/0kt64b +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/01z77k /media_common/netflix_genre/titles /m/02r2j8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09cl0w +/m/0jdk_ /olympics/olympic_games/sports /m/07rlg +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/014g91 +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/06v8s0 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02bn75 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037s9x /education/educational_institution/school_type /m/01rs41 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027f7dj +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01lv85 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021npv +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/015wnl /film/actor/film./film/performance/film /m/026lgs +/m/04zwjd /people/person/places_lived./people/place_lived/location /m/01ly5m +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/07ng9k /film/film/country /m/03_3d +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g83dv +/m/03mqtr /media_common/netflix_genre/titles /m/05q54f5 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0k3hn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3k1 +/m/07f_t4 /film/film/executive_produced_by /m/0jpdn +/m/04jpg2p /film/film/edited_by /m/02qggqc +/m/0198b6 /film/film/country /m/0jgd +/m/09c7w0 /location/location/contains /m/0m25p +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/03ct7jd /film/film/produced_by /m/09pl3f +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01hmb_ /film/actor/film./film/performance/film /m/02lxrv +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0m40d /music/genre/artists /m/03f2_rc +/m/06gb2q /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0q5hw +/m/05xbx /tv/tv_network/programs./tv/tv_network_duration/program /m/04glx0 +/m/0lbj1 /music/group_member/membership./music/group_membership/role /m/018vs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/013807 +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0cvw9 +/m/015k7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/063zky /film/film/genre /m/06n90 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/04cv9m /film/film/genre /m/060__y +/m/06w33f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f61tk +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0155w /music/genre/artists /m/0pk41 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qcfvw +/m/01fsv9 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0234_c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017l96 /music/record_label/artist /m/0167km +/m/041rx /people/ethnicity/people /m/01p87y +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/0s6g4 /location/hud_county_place/county /m/0l3kx +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0nbzp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f0324 /people/person/nationality /m/01mk6 +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/03cffvv /award/award_winning_work/awards_won./award/award_honor/award /m/04g2jz2 +/m/0sbbq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0342h /music/instrument/instrumentalists /m/01kx_81 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/04hw4b /people/person/profession /m/03gjzk +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024my5 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0jyx6 /film/film/executive_produced_by /m/0grrq8 +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/05mvd62 /people/person/nationality /m/07ssc +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01pj7 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0r00l /location/hud_county_place/place /m/0r00l +/m/016z2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/051zy_b /film/film/story_by /m/01d8yn +/m/04vn_k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/083my7 +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0n04r /film/film/production_companies /m/017s11 +/m/02mg5r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02k6hp /people/cause_of_death/people /m/04z0g +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032wdd +/m/074w86 /film/film/production_companies /m/017s11 +/m/0b_6h7 /time/event/locations /m/010h9y +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04pmnt /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/06nfl /business/business_operation/industry /m/01mw1 +/m/011yph /film/film/production_companies /m/016tt2 +/m/08lr6s /film/film/produced_by /m/04fyhv +/m/07ww5 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02wwwv5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/013pp3 /influence/influence_node/influenced_by /m/0l99s +/m/09p0ct /film/film/language /m/02bjrlw +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06qd3 +/m/08zrbl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03x8cz /music/record_label/artist /m/02k5sc +/m/014l6_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/09146g +/m/01xbxn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/01mvjl0 /award/award_winner/awards_won./award/award_honor/award_winner /m/014kyy +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/026fd +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04x4s2 +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/044k8 /people/person/nationality /m/09c7w0 +/m/01vzx45 /music/artist/origin /m/0r03f +/m/01s7ns /people/person/languages /m/02h40lc +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/05dfy_ /film/film/genre /m/0hcr +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dl5d /music/genre/artists /m/01_wfj +/m/0211jt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/088n7 +/m/0cn_b8 /film/film/film_format /m/07fb8_ +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06b_0 +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/01hww_ +/m/0cgzj /people/person/gender /m/05zppz +/m/0fr63l /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088xp +/m/0h3lt /base/biblioness/bibs_location/state /m/01n7q +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/05r6t /music/genre/artists /m/07h76 +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/05h95s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0154d7 +/m/09pmkv /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02gjt4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0sqc8 /location/hud_county_place/place /m/0sqc8 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/01dys +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/037njl +/m/02_286 /location/location/contains /m/01531 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0mk59 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mk1z +/m/020qr4 /tv/tv_program/genre /m/01htzx +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/07sqbl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02lv2v +/m/0ygbf /location/location/contains /m/02ldmw +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/0lbfv /education/educational_institution/colors /m/09ggk +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/02vyw /film/director/film /m/07g1sm +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/012zng /people/person/nationality /m/09c7w0 +/m/032v0v /people/person/places_lived./people/place_lived/location /m/0k049 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064r97z +/m/04pnx /location/location/contains /m/0b90_r +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06q1r /location/location/contains /m/01z9j2 +/m/0mk59 /location/location/time_zones /m/02hczc +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165b +/m/043zg /people/person/profession /m/0d1pc +/m/03lrht /film/film/genre /m/01t_vv +/m/0qmd5 /film/film/genre /m/017fp +/m/07jmgz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09vc4s /people/ethnicity/people /m/0chsq +/m/03fg0r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jdd /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/02vzc +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0520r2x +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/028_yv +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0bx9y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hyxv /location/location/contains /m/01gpkz +/m/07f_7h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/032wdd /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03v40v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blgl +/m/07cbs /influence/influence_node/peers./influence/peer_relationship/peers /m/019fz +/m/0mb0 /influence/influence_node/influenced_by /m/019gz +/m/0kcc7 /film/film_subject/films /m/02yvct +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/061y4q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0149xx +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02pfymy +/m/05fkf /location/location/contains /m/0yfvf +/m/06c1y /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0h1_w /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0294zg +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01dbk6 /film/actor/film./film/performance/film /m/06x77g +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/024rgt +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/044lyq /film/actor/film./film/performance/film /m/03cwwl +/m/01hr1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01x73 +/m/015p37 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/02qkt /location/location/contains /m/03_3d +/m/01fxfk /people/person/profession /m/02hv44_ +/m/0bw87 /film/actor/film./film/performance/film /m/0gxfz +/m/03_87 /influence/influence_node/influenced_by /m/05np2 +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cyfz +/m/012yc /music/genre/artists /m/04n65n +/m/01trtc /music/record_label/artist /m/07pzc +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01sxd1 /people/person/spouse_s./people/marriage/spouse /m/0f8pz +/m/013n60 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01zmpg +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04htfd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/09blyk /media_common/netflix_genre/titles /m/02c6d +/m/0ds2l81 /film/film/country /m/07ssc +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/03rt9 /location/location/contains /m/0clz7 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/035qlx +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/015rhv /film/actor/film./film/performance/film /m/01wb95 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0988cp +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034fl9 +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02qhlm +/m/0mhfr /music/genre/artists /m/0134tg +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01n30p +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/0309lm /film/actor/film./film/performance/film /m/0g54xkt +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/085v7 +/m/02624g /people/person/gender /m/05zppz +/m/03kpvp /film/actor/film./film/performance/film /m/02vxq9m +/m/02kz_ /people/person/nationality /m/09c7w0 +/m/04j_gs /people/person/profession /m/02krf9 +/m/04cbbz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0gvt8sz +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01wmjkb +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/018js4 +/m/0kpys /location/location/contains /m/018mm4 +/m/07kb5 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023361 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/09hy79 /film/film/produced_by /m/02bfxb +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/053xw6 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vsl3_ +/m/01w923 /music/artist/origin /m/02jx1 +/m/03tf_h /people/person/gender /m/05zppz +/m/02s9vc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/015x74 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0f2w0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/017s11 +/m/019fz /organization/organization_founder/organizations_founded /m/01prf3 +/m/0dzt9 /location/location/time_zones /m/02hcv8 +/m/0178g /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05f7snc /people/person/profession /m/0d8qb +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/03b04g /sports/sports_team/sport /m/02vx4 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/02jt1k +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/02g7sp /people/ethnicity/people /m/01f6zc +/m/02vjhf /tv/tv_program/languages /m/02h40lc +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/01fkv0 /film/actor/film./film/performance/film /m/042fgh +/m/0239zv /people/person/sibling_s./people/sibling_relationship/sibling /m/02g5bf +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/02bg55 /film/film/country /m/0d060g +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0755wz +/m/03hrz /sports/sports_team_location/teams /m/02mplj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0d06m5 /people/person/religion /m/07y1z +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/01s3v /location/location/contains /m/01xrlm +/m/01z7s_ /people/person/sibling_s./people/sibling_relationship/sibling /m/01pllx +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/01vzz1c /people/person/profession /m/09jwl +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/07hgkd /people/person/nationality /m/09c7w0 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/02qr69m /film/film/produced_by /m/0g2lq +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/052p7 +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q5t7 +/m/053xw6 /film/actor/film./film/performance/film /m/02x3y41 +/m/01xyqk /music/record_label/artist /m/0d9xq +/m/09g7vfw /film/film/production_companies /m/086k8 +/m/0693l /people/person/profession /m/0cbd2 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/015g28 /tv/tv_program/languages /m/06nm1 +/m/07c0j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrncs +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01pgk0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jhn7 /olympics/olympic_games/sports /m/02bkg +/m/03cw411 /film/film/genre /m/02l7c8 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05k4my +/m/0443c /people/deceased_person/place_of_death /m/01m1zk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/019q50 +/m/015g28 /tv/tv_program/languages /m/04306rv +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/08n__5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwk3 +/m/023322 /music/group_member/membership./music/group_membership/role /m/026t6 +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01hnp +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/0h6l4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/0bpm4yw /film/film/genre /m/01jfsb +/m/02lx0 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01jszm /education/educational_institution/campuses /m/01jszm +/m/04sj3 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x3lt7 +/m/01pkhw /people/person/languages /m/02h40lc +/m/027j79k /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/019nnl +/m/02mx98 /people/person/profession /m/0g0vx +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m_q0 +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0bvg70 /people/person/profession /m/0dxtg +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0ly8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/02dr9j /film/film/genre /m/03q4nz +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/03pmzt /film/actor/film./film/performance/film /m/016017 +/m/03ydlnj /film/film/featured_film_locations /m/02jx1 +/m/0sz28 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/03rg2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0chsq /film/actor/film./film/performance/film /m/0k4kk +/m/05qqm /language/human_language/countries_spoken_in /m/05qhw +/m/01qzt1 /music/genre/artists /m/0lbj1 +/m/02b19f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01vlj1g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c4f4 +/m/017dtf /tv/tv_program/country_of_origin /m/03_3d +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/07lt7b +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g3zrd /film/film/genre /m/01jfsb +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0wh3 +/m/02cff1 /film/actor/film./film/performance/film /m/05c5z8j +/m/02zrv7 /people/person/nationality /m/09c7w0 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dzf +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n6ds +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/09zmys /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/06dkzt /film/actor/film./film/performance/film /m/08phg9 +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/04lg6 /influence/influence_node/peers./influence/peer_relationship/peers /m/058w5 +/m/0gy6z9 /people/person/place_of_birth /m/02s838 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09c7w0 /location/country/second_level_divisions /m/0nh57 +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/06bc59 /film/film/produced_by /m/0272kv +/m/04tr1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02_1kl /tv/tv_program/country_of_origin /m/09c7w0 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04jvt /people/person/religion /m/0kpl +/m/02whj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cp0t91 /film/film/production_companies /m/02jd_7 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0473m9 +/m/0173b0 /music/genre/parent_genre /m/03lty +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03n69x +/m/06z9yh /people/person/nationality /m/09c7w0 +/m/016yzz /influence/influence_node/influenced_by /m/0mb5x +/m/01r47h /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/04bdqk +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02qkq0 +/m/01qq_lp /people/person/languages /m/02bjrlw +/m/0g68zt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06mn7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05hjnw +/m/05q7874 /film/film/country /m/09c7w0 +/m/0bqch /people/person/profession /m/01l5t6 +/m/0163t3 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0cx7f /music/genre/artists /m/02whj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0645k5 +/m/016clz /music/genre/artists /m/016t0h +/m/0gmd3k7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01p0vf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p0w_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/07cz2 /film/film/produced_by /m/03ktjq +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0fqz6 /people/ethnicity/people /m/0cv72h +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/0d060g /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0838y +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/046f3p /film/film/production_companies /m/025jfl +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/047myg9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018fq /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0j871 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0j862 +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01gbzb /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0523v5y +/m/08tq4x /film/film/written_by /m/027d5g5 +/m/05dkbr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01_s9q /education/educational_institution/colors /m/01g5v +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0fxz4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myhb +/m/0ccd3x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/049m_l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03r8gp /film/film_subject/films /m/02b6n9 +/m/0jqb8 /film/film/genre /m/04228s +/m/01xcfy /people/person/profession /m/01d_h8 +/m/03wv2g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gv07g /people/person/nationality /m/09c7w0 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/047csmy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f40w /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0n_hp +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/06ncr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07r78j +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/030k94 /tv/tv_program/genre /m/05p553 +/m/02nygk /people/person/profession /m/0n1h +/m/01ksr1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/01wk51 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mr_8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07rn0z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ctzf1 /tv/tv_program/genre /m/01jfsb +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p21g +/m/05tfn1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bdx29 /award/award_category/category_of /m/0gcf2r +/m/01yfm8 /film/actor/film./film/performance/film /m/02r858_ +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0d19y2 /people/cause_of_death/people /m/016dgz +/m/09c7w0 /location/country/second_level_divisions /m/0fplv +/m/013q0p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03rk0 /media_common/netflix_genre/titles /m/02tcgh +/m/01qb5d /film/film/country /m/0d060g +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/037q2p /education/educational_institution/school_type /m/06cs1 +/m/0473rc /film/film/genre /m/0vgkd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09pgj2 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/059kh /music/genre/artists /m/0gr69 +/m/03l3ln /people/person/nationality /m/09c7w0 +/m/036px /people/person/place_of_birth /m/013kcv +/m/07p12s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05rgl /location/location/contains /m/05c17 +/m/0dzc16 /people/person/nationality /m/0d04z6 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0cbv4g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/026c0p /film/actor/film./film/performance/film /m/017kz7 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0jrqq +/m/03qjg /music/instrument/instrumentalists /m/01wmjkb +/m/0bs8d /people/person/profession /m/01d_h8 +/m/050r1z /film/film/music /m/01kd57 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/0b6l1st /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07wtc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/02mt4k /people/person/profession /m/0dxtg +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06wjf +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0721cy +/m/0fsd9t /film/film/genre /m/04xvh5 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/034ls +/m/03ts0c /people/ethnicity/people /m/0b478 +/m/012vwb /organization/organization/headquarters./location/mailing_address/state_province_region /m/06yxd +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07vf5c +/m/017xm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n65n +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01m1dzc /people/person/places_lived./people/place_lived/location /m/07h34 +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kjrx +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/0f3nn /people/person/profession /m/025352 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/08gsvw /film/film/production_companies /m/017jv5 +/m/01y_rz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0191h5 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/014dm6 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03m10r +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/0bh8tgs /film/film/genre /m/03k9fj +/m/01f8f7 /film/film/prequel /m/01f85k +/m/061fhg /music/genre/artists /m/02whj +/m/07tk7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0m2cb /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/07t_x /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/068l3t +/m/05r5c /music/instrument/instrumentalists /m/016qtt +/m/03wpmd /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07l1c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/06mvq /people/ethnicity/people /m/0lkr7 +/m/0d060g /location/location/time_zones /m/02lcqs +/m/045bg /influence/influence_node/influenced_by /m/07ym0 +/m/0bzty /base/aareas/schema/administrative_area/capital /m/0947l +/m/01jfnvd /people/person/profession /m/0nbcg +/m/0q9kd /film/actor/film./film/performance/film /m/011yqc +/m/07g1sm /film/film/featured_film_locations /m/0y62n +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/01vw8k /film/film/genre /m/02l7c8 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/0p7tb /education/educational_institution/campuses /m/0p7tb +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/087z12 +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/05kj_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048qrd +/m/03d6fyn /organization/organization/child./organization/organization_relationship/child /m/09j_g +/m/06z5s /people/cause_of_death/people /m/073bb +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07g9f /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0qcr0 /people/cause_of_death/people /m/01fs_4 +/m/01jfsb /media_common/netflix_genre/titles /m/0g4vmj8 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014q2g +/m/0l3n4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw7h +/m/024jwt /people/person/nationality /m/09c7w0 +/m/030_3z /people/person/profession /m/03gjzk +/m/03lrc /location/location/contains /m/01ykl0 +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/0bdjd /film/film/genre /m/05p553 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/03mr85 /film/film/language /m/02h40lc +/m/0466s8n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/0btpx /film/actor/film./film/performance/film /m/074rg9 +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/019n8z /olympics/olympic_games/sports /m/09_9n +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/0cw67g /award/award_winner/awards_won./award/award_honor/award_winner /m/0g9zcgx +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/01zll8 /base/aareas/schema/administrative_area/administrative_parent /m/01tmtg +/m/05qhw /location/country/capital /m/081m_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/020_95 /people/person/gender /m/02zsn +/m/05tbn /location/location/contains /m/02hft3 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/023kzp +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06l3bl /media_common/netflix_genre/titles /m/08mg_b +/m/04xg2f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r5c /music/instrument/instrumentalists /m/02j3d4 +/m/01cf93 /music/record_label/artist /m/021r7r +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01309x +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03n0cd +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019vgs +/m/08kp57 /people/person/nationality /m/03rk0 +/m/0dq9p /people/cause_of_death/people /m/018ty9 +/m/07nvmx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rly6 +/m/09_99w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cskb +/m/0d6d2 /people/person/profession /m/02jknp +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/06x68 +/m/03xf_m /film/film/production_companies /m/016tw3 +/m/01q7h2 /film/film/written_by /m/0hw1j +/m/026p_bs /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01s9vc +/m/01cgz /film/film_subject/films /m/0b85mm +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0164v +/m/030z4z /film/film/genre /m/04t36 +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07h07 /people/person/profession /m/0dxtg +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr89x +/m/03hfmm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/0dnvn3 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/05148p4 /music/instrument/instrumentalists /m/01vs4ff +/m/0bj9k /film/actor/film./film/performance/film /m/01gglm +/m/0d05w3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/07ssc /location/country/second_level_divisions /m/0dt5k +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hmm7 +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/01l2fn /film/actor/film./film/performance/film /m/020bv3 +/m/036jv /music/genre/artists /m/0837ql +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/02vzpb /film/film/genre /m/05p553 +/m/0z4s /film/actor/film./film/performance/film /m/02b61v +/m/0sl2w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq39 +/m/0k2m6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sh3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0cd25 +/m/02yv6b /music/genre/artists /m/01vsyjy +/m/03j43 /influence/influence_node/influenced_by /m/0mj0c +/m/0gy9d4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09c7w0 /location/country/second_level_divisions /m/0l2sr +/m/0gbtbm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05xd_v +/m/049sb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02pqcfz +/m/0278x6s /people/person/profession /m/02hrh1q +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/0h1mt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/01f6ss /organization/organization/headquarters./location/mailing_address/citytown /m/0rng +/m/041td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/023907r +/m/059rby /location/location/contains /m/0fc_p +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0c0zq /film/film/genre /m/07s9rl0 +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/09c7w0 /location/country/second_level_divisions /m/0fbzp +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01qxc7 +/m/016zgj /music/genre/artists /m/0x3b7 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nfnx +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/01vsy7t /people/person/nationality /m/02jx1 +/m/0h0jz /people/person/places_lived./people/place_lived/location /m/04p3c +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0177gl +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06r713 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grmk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/013h9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02r2qt7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/09xrxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01nfys +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/09v1lrz /award/award_category/disciplines_or_subjects /m/02vxn +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0bqytm /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/01wdl3 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/064ndc +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/029k55 /people/person/profession /m/0np9r +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/067sqt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02vrgnr /film/film/genre /m/07s9rl0 +/m/07r1h /people/person/places_lived./people/place_lived/location /m/071cn +/m/01lqnff /people/person/languages /m/083tk +/m/02773nt /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0d68qy +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01b9z4 /people/person/profession /m/02hrh1q +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0hmr4 +/m/01bczm /people/person/profession /m/039v1 +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/021yw7 /people/person/gender /m/05zppz +/m/080r3 /influence/influence_node/influenced_by /m/03_87 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/01qvtwm /film/actor/film./film/performance/film /m/02z5x7l +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/04gknr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cvv4 +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/039bp +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wd5tk +/m/07ssc /location/location/contains /m/01n7rc +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/04mn81 +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07_f2 +/m/0n6f8 /film/actor/film./film/performance/film /m/0cqr0q +/m/0978r /sports/sports_team_location/teams /m/01kc4s +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04qw17 +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/02d9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cgfb +/m/02ndbd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yr1q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07lx1s /education/educational_institution/campuses /m/07lx1s +/m/051zy_b /film/film/genre /m/07s9rl0 +/m/03q0r1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/09c7w0 /location/country/second_level_divisions /m/0nv5y +/m/0l14gg /music/genre/artists /m/06k02 +/m/027y_ /people/person/profession /m/0n1h +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059rby +/m/015npr /film/actor/film./film/performance/film /m/021pqy +/m/063hp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/065jlv /people/person/place_of_birth /m/01qs54 +/m/0bq8tmw /film/film/story_by /m/01qbjg +/m/02fgm7 /people/person/profession /m/02hrh1q +/m/025v1sx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03p9hl +/m/066yfh /people/person/place_of_birth /m/02jx1 +/m/02rmfm /people/person/religion /m/0c8wxp +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/030xr_ /people/person/gender /m/05zppz +/m/02r3zy /music/artist/origin /m/0d9jr +/m/03c6vl /people/person/gender /m/05zppz +/m/0181dw /music/record_label/artist /m/0167km +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/04sqj /location/location/contains /m/039cpd +/m/01vsyg9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0786vq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/023nlj /film/actor/film./film/performance/film /m/053rxgm +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015qh +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/01vwyqp /people/person/gender /m/02zsn +/m/0n6ds /film/film/genre /m/01jfsb +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04wgh +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/09lhln /people/person/nationality /m/06sw9 +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03_dj +/m/01x4r3 /influence/influence_node/influenced_by /m/01k9lpl +/m/017g21 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/03mg35 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fb1q +/m/04ynx7 /film/film/genre /m/01jfsb +/m/01309x /music/artist/origin /m/0jfqp +/m/02gl58 /tv/tv_program/languages /m/02h40lc +/m/0140t7 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01cx_ /location/hud_county_place/county /m/0k3l5 +/m/0m32_ /film/director/film /m/06r2h +/m/03kg2v /film/film/country /m/03rt9 +/m/048xg8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01p7yb /film/actor/film./film/performance/film /m/05c26ss +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0d06m5 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/076zy_g /film/film/genre /m/01jfsb +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m_k0 +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/017cy9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023rwm /music/record_label/artist /m/01kcms4 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/02b6n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0hx4y /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03h_f4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bzh04 +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch3qr1 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/01cszh /music/record_label/artist /m/0k1bs +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/05bt6j /music/genre/artists /m/01q3_2 +/m/03rk0 /location/location/contains /m/01_q7h +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0g22z /film/film/edited_by /m/02qggqc +/m/024_fw /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/054yc0 /film/film_subject/films /m/0prrm +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03lrls +/m/0d060g /location/location/contains /m/0843m +/m/047svrl /film/film/film_festivals /m/0kfhjq0 +/m/02q56mk /film/film/produced_by /m/0184jw +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/0dqcs3 /film/film/genre /m/03npn +/m/0gztl /organization/organization/headquarters./location/mailing_address/citytown /m/0f2rq +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cf08 +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/0p01x /location/us_county/county_seat /m/031sn +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gk4g /people/cause_of_death/people /m/01pbs9w +/m/01n30p /film/film/produced_by /m/017r13 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/01vsyjy /music/group_member/membership./music/group_membership/group /m/04k05 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/0kbws /olympics/olympic_games/sports /m/01gqfm +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/02g87m /people/person/profession /m/03gjzk +/m/0gywn /music/genre/artists /m/024qwq +/m/047csmy /film/film/production_companies /m/05qd_ +/m/05mrf_p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/031rq5 /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/0ds33 /film/film/written_by /m/01xndd +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/06rgq +/m/013jz2 /location/hud_county_place/county /m/0myn8 +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02mv_h +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/0ddkf /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/021_z5 /music/genre/parent_genre /m/0glt670 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0151w_ /film/actor/film./film/performance/film /m/0cf8qb +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvrws1 +/m/01n8_g /people/person/languages /m/02h40lc +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0g9lm2 /film/film/produced_by /m/02z2xdf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/04f73rc /music/genre/parent_genre /m/01_bkd +/m/037mjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02v2jy /people/deceased_person/place_of_death /m/030qb3t +/m/016tbr /award/award_winner/awards_won./award/award_honor/award_winner /m/01rr9f +/m/092vkg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nvvw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ryks /people/person/nationality /m/0f8l9c +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/01qz69r /people/person/profession /m/0np9r +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0yp21 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/086nl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6v +/m/01pcdn /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fky +/m/0djywgn /film/actor/film./film/performance/film /m/02_kd +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yyg4 +/m/0315rp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/07hwkr /people/ethnicity/people /m/01q32bd +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/0l35f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/0173b0 /music/genre/artists /m/01vv6_6 +/m/03lfd_ /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/048z7l /people/ethnicity/people /m/01wk51 +/m/01fqm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mxnvc /people/person/nationality /m/02jx1 +/m/03mz5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02s8qk /education/educational_institution_campus/educational_institution /m/02s8qk +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r4w +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07yjb /media_common/netflix_genre/titles /m/076xkps +/m/0pyg6 /people/person/profession /m/02hrh1q +/m/032w8h /film/actor/film./film/performance/film /m/02825kb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/026gyn_ /film/film/cinematography /m/06p0s1 +/m/03s5t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_x +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c17 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07sqm1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/024n3z +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/04306rv /media_common/netflix_genre/titles /m/03xj05 +/m/07f5x /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0cxgc /base/aareas/schema/administrative_area/capital /m/049kw +/m/027_tg /tv/tv_network/programs./tv/tv_network_duration/program /m/0h3mh3q +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz15s +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04b8pv +/m/03fnqj /sports/sports_team/sport /m/02vx4 +/m/02v8kmz /film/film/story_by /m/0gyx4 +/m/04hvw /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0275kr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02dh86 +/m/044mjy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_wj_ +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/016jny /music/genre/artists /m/08w4pm +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x6m +/m/0gps0z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/013h1c /location/location/time_zones /m/02fqwt +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/01k3s2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/02rff2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09blyk /media_common/netflix_genre/titles /m/0g68zt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/07nnp_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032dg7 +/m/0336mc /people/person/spouse_s./people/marriage/spouse /m/03_6y +/m/0nvvw /location/us_county/county_seat /m/0s3y5 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01tnbn +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwm1 +/m/02stgt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/07rd7 /film/director/film /m/01hq1 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/0d9xq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/08nhwb /people/cause_of_death/people /m/01vyp_ +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s0l +/m/01wjrn /film/actor/film./film/performance/film /m/05nyqk +/m/02wvf2s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/040wdl /people/person/nationality /m/03rk0 +/m/03qdm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0b6tzs /film/film/music /m/03h610 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zy2cy +/m/07nnp_ /film/film/genre /m/02js9 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/07dvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t_x +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01mqz0 /people/person/place_of_birth /m/01531 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0xckc +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/063zky /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cqhl +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/017fp /media_common/netflix_genre/titles /m/0kb1g +/m/03ckfl9 /music/genre/artists /m/011lvx +/m/0dyjz /location/administrative_division/country /m/02jx1 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/05rrtf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0dc_v +/m/050l8 /location/location/contains /m/0x1y7 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/02p68d /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/03pzf /sports/sports_team_location/teams /m/03915c +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04v89z +/m/0ds2n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ydzx /people/person/profession /m/025352 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/06s0l /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/051vz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/06v9_x /film/film/featured_film_locations /m/030qb3t +/m/011yrp /film/film/film_production_design_by /m/03qhyn8 +/m/0693l /film/actor/film./film/performance/film /m/02yvct +/m/0msck /location/location/contains /m/0_z91 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xs6_ +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0234_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/030znt /film/actor/film./film/performance/film /m/03h_yy +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0gs96 /award/award_category/category_of /m/0g_w +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/02p8v8 /film/actor/film./film/performance/film /m/02_nsc +/m/06ncr /music/instrument/instrumentalists /m/0163r3 +/m/01nl79 /location/location/contains /m/01t0dy +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0hhqw /people/person/gender /m/05zppz +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/017j69 +/m/026l37 /film/actor/film./film/performance/film /m/0cfhfz +/m/01jc6q /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9ck +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/033wx9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019n7x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/01cwdk /education/educational_institution/colors /m/06kqt3 +/m/01ypsj /film/actor/film./film/performance/film /m/0bs5k8r +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nbzp +/m/01fh36 /music/genre/artists /m/01l_w0 +/m/017y6l /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/011k1h /music/record_label/artist /m/04b7xr +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/02f2dn /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0542n /medicine/disease/notable_people_with_this_condition /m/034rd +/m/02rrsz /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0342h /music/instrument/instrumentalists /m/03ryks +/m/0c4kv /location/hud_county_place/county /m/0nm9h +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/016_rm /music/genre/parent_genre /m/0glt670 +/m/01ym8l /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/04411 /people/person/employment_history./business/employment_tenure/company /m/03p7gb +/m/04xvlr /media_common/netflix_genre/titles /m/03bxp5 +/m/0q_0z /location/location/time_zones /m/02lcqs +/m/0fp5z /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/02mpyh /film/film/produced_by /m/029m83 +/m/03f1zhf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04swd +/m/0df2zx /film/film/produced_by /m/020l9r +/m/0bq2g /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/030vnj +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02nq10 +/m/0nbwf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/0cbdf1 /people/person/gender /m/05zppz +/m/01qqv5 /education/educational_institution_campus/educational_institution /m/01qqv5 +/m/06k02 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/01t_z +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019lwb +/m/01l_pn /film/film/film_production_design_by /m/02x2t07 +/m/0h326 /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/01x1fq +/m/02p8v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sjf5 +/m/01b0k1 /people/deceased_person/place_of_death /m/04jpl +/m/015v3r /film/actor/film./film/performance/film /m/011ycb +/m/0hskw /people/person/profession /m/02hrh1q +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/0g5lhl7 /media_common/netflix_genre/titles /m/03ffcz +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01pqy_ +/m/0m9c1 /film/director/film /m/0ft18 +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fzyg +/m/07_nf /film/film_subject/films /m/05_61y +/m/0csdzz /people/person/profession /m/01c8w0 +/m/04l19_ /people/person/profession /m/018gz8 +/m/04dsnp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lk60 +/m/04gd8j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01trxd +/m/02b185 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01z4y /media_common/netflix_genre/titles /m/0cp0ph6 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0n8bn /film/actor/film./film/performance/film /m/01hvjx +/m/0jkhr /education/educational_institution/students_graduates./education/education/student /m/02_0d2 +/m/03z9585 /film/film/language /m/064_8sq +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/03zrp /people/person/gender /m/05zppz +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/051y1hd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05233hy +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04__f +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778yp +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/015fsv +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cz_ym +/m/01hmnh /media_common/netflix_genre/titles /m/03176f +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/0fsd9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0chw_ +/m/017_qw /music/genre/artists /m/0dr5y +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/01n7q /location/location/contains /m/01f1r4 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0151w_ /film/director/film /m/07kh6f3 +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01xcqc /people/person/profession /m/02jknp +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/01fwqn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02wd48 /people/person/profession /m/0dxtg +/m/07qht4 /media_common/netflix_genre/titles /m/03cyslc +/m/01vrncs /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0372j5 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02l4rh +/m/01n7q /location/location/contains /m/0lfyx +/m/0tj9 /people/person/nationality /m/03rk0 +/m/0fw2d3 /people/person/nationality /m/01znc_ +/m/0bq2g /film/actor/film./film/performance/film /m/062zm5h +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0h0yt +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ldnp +/m/06by7 /music/genre/artists /m/024qwq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0mymy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/03gr7w +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/073v6 /people/person/nationality /m/09c7w0 +/m/0k_mt /people/person/profession /m/0dxtg +/m/0p9rz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_c7 +/m/015pvh /people/person/profession /m/018gz8 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/063_j5 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0b478 /people/person/place_of_birth /m/05qtj +/m/0zrlp /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwvq +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/028qyn /people/person/profession /m/0nbcg +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0b_6yv /music/genre/artists /m/02ndj5 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/0d0vj4 +/m/0603qp /award/award_winner/awards_won./award/award_honor/award_winner /m/09gffmz +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0p_r5 /people/person/place_of_birth /m/01_d4 +/m/0bwhdbl /film/film/executive_produced_by /m/03p01x +/m/03qdm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/04hxyv /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0283_zv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/0dh1n_ /people/person/profession /m/026sdt1 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/027kmrb +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nc3rh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09zf_q +/m/01ky7c /education/educational_institution/students_graduates./education/education/student /m/026spg +/m/0qmjd /film/film/genre /m/07s9rl0 +/m/0776drd /award/award_category/winners./award/award_honor/award_winner /m/02bxjp +/m/05byxm /music/record_label/artist /m/01wzlxj +/m/04w7rn /film/film/country /m/07ssc +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/05nzw6 +/m/03lpd0 /people/deceased_person/place_of_death /m/030qb3t +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/063576 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/03_l8m +/m/0fp_v1x /people/person/gender /m/05zppz +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/023zsh /people/person/nationality /m/07ssc +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0345h +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/02ccqg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03vyw8 /film/film/produced_by /m/0bzyh +/m/05b__vr /people/person/gender /m/05zppz +/m/033p3_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0gd0c7x /film/film/produced_by /m/0cv9fc +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/09c7w0 /location/country/second_level_divisions /m/0l_qt +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zyvw +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/06k02 /people/person/profession /m/05vyk +/m/01vn0t_ /people/person/profession /m/016z4k +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/0345h /location/location/contains /m/02h6_6p +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/026b7bz +/m/018yj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/020_95 +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/03x6xl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0kbwb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/04h54p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01vlj1g /people/person/gender /m/05zppz +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027zz +/m/01xsc9 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01vw26l /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/09s5q8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tjl3 +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/044mrh +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rvx0 +/m/01my4f /people/person/profession /m/0dxtg +/m/0fd3y /music/genre/artists /m/0274ck +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/016ynj /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/049dk +/m/09c7w0 /location/location/contains /m/0gdk0 +/m/07ssc /location/location/contains /m/09vzz +/m/03_lf /people/person/profession /m/0fj9f +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/055sjw +/m/02_286 /location/location/contains /m/02301 +/m/01vsgrn /people/person/profession /m/0dz3r +/m/09n48 /olympics/olympic_games/participating_countries /m/047lj +/m/044mfr /people/person/profession /m/02hrh1q +/m/0418wg /film/film/genre /m/016vh2 +/m/032nwy /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0dx8gj /film/film/country /m/09c7w0 +/m/0mx0f /location/location/time_zones /m/02lcqs +/m/02_kd /film/film/production_companies /m/0338lq +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02bfxb /award/award_winner/awards_won./award/award_honor/award_winner /m/01k23t +/m/02mt51 /film/film/executive_produced_by /m/02mt4k +/m/01wb95 /film/film/genre /m/04xvlr +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/07gp9 /film/film/edited_by /m/04cy8rb +/m/0h2zvzr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qdgx /music/genre/artists /m/01q32bd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01_jky +/m/01nkcn /education/educational_institution/school_type /m/01_9fk +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/058s44 /people/person/profession /m/02hrh1q +/m/0443y3 /people/person/nationality /m/09c7w0 +/m/06wjf /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0bwgc_ /people/person/place_of_birth /m/09bkv +/m/0l3kx /location/us_county/county_seat /m/0s9b_ +/m/025j1t /film/actor/film./film/performance/film /m/02p86pb +/m/094g2z /film/film/genre /m/02l7c8 +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/05808s /music/record_label/artist /m/01rm8b +/m/02jr6k /film/film/produced_by /m/0j_c +/m/01gct2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02ptzz0 +/m/0pmhf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sb1w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011k_j /music/instrument/family /m/0l14md +/m/0lvng /education/educational_institution/school_type /m/05jxkf +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/0ddkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c4y8 /people/person/languages /m/02h40lc +/m/02fqrf /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01cf5 +/m/03cp4cn /film/film/genre /m/02n4kr +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01dw9z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpmrm3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ds3t5x +/m/0_3cs /location/hud_county_place/place /m/0_3cs +/m/06h7l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/04g3p5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gy6z9 /film/actor/film./film/performance/film /m/087vnr5 +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/03v3xp /film/actor/film./film/performance/film /m/011ywj +/m/0p7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06m61 +/m/02fbb5 /sports/sports_team/sport /m/09xp_ +/m/02ccqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03459x /film/film/genre /m/02kdv5l +/m/0kbws /olympics/olympic_games/participating_countries /m/03188 +/m/056rgc /film/actor/film./film/performance/film /m/0fqt1ns +/m/039bpc /people/person/spouse_s./people/marriage/spouse /m/0c7xjb +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02bb47 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h3tp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/03spz /location/location/contains /m/0fg1g +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04grkmd +/m/02_nsc /film/film/production_companies /m/05qd_ +/m/01xcqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/0kpzy /location/location/contains /m/0dwh5 +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01dw9z +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/087pfc /film/film/genre /m/06n90 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01gvr1 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0gtx63s /film/film/genre /m/07s9rl0 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/02hnl +/m/04j13sx /film/film/genre /m/0gf28 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/03h4fq7 /film/film/genre /m/03p5xs +/m/05sy0cv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xkps +/m/06ncr /music/instrument/instrumentalists /m/01vrnsk +/m/060j8b /film/actor/film./film/performance/film /m/0b1y_2 +/m/01dkpb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rtm4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/087z12 /film/actor/film./film/performance/film /m/052_mn +/m/02779r4 /film/actor/film./film/performance/film /m/047tsx3 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/04cf09 +/m/01c979 /people/profession/specialization_of /m/0n1h +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/076tw54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/019z7q +/m/033071 /people/person/profession /m/02hrh1q +/m/0rhp6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02g5h5 /film/actor/film./film/performance/film /m/05sw5b +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/015_1q /music/record_label/artist /m/0dbb3 +/m/0q9kd /film/actor/film./film/performance/film /m/07xtqq +/m/08cl7s /tv/tv_program/genre /m/03k9fj +/m/07b1gq /film/film/country /m/09c7w0 +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j6_5 +/m/0gls4q_ /people/person/gender /m/05zppz +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/0n474 /location/location/contains /m/0kcw2 +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0x67 /people/ethnicity/languages_spoken /m/0t_2 +/m/0bkf4 /people/person/profession /m/0n1h +/m/058vp /influence/influence_node/influenced_by /m/0379s +/m/0h1q6 /film/actor/film./film/performance/film /m/0ft18 +/m/01snm /base/biblioness/bibs_location/state /m/05kkh +/m/01trtc /music/record_label/artist /m/01f2q5 +/m/096lf_ /people/person/place_of_birth /m/0zdkh +/m/0342h /music/instrument/instrumentalists /m/0jbyg +/m/042ly5 /film/actor/film./film/performance/film /m/0d4htf +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02754c9 +/m/02qzh2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05tgks +/m/027z0pl /award/award_winner/awards_won./award/award_honor/award_winner /m/04q5zw +/m/01756d /music/genre/artists /m/04bgy +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/01sg7_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01twdk /film/actor/film./film/performance/film /m/03vyw8 +/m/03gyh_z /people/person/place_of_birth /m/030qb3t +/m/0qdwr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/039bp +/m/017xm3 /people/person/profession /m/0kyk +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/016zdd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/06fcqw +/m/01l_yg /film/actor/film./film/performance/film /m/07xtqq +/m/0lcd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0cc5mcj /film/film/produced_by /m/04wvhz +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kvsb +/m/06j6l /music/genre/artists /m/047sxrj +/m/0mjn2 /music/artist/origin /m/030qb3t +/m/01skmp /film/actor/film./film/performance/film /m/016z5x +/m/09gdh6k /film/film/language /m/02h40lc +/m/0lmm3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/06w839_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n8qg +/m/04lp8k /people/person/languages /m/02h40lc +/m/0jhd /location/location/contains /m/01gf5 +/m/0265vcb /people/person/profession /m/0dxtg +/m/03y317 /tv/tv_program/country_of_origin /m/09c7w0 +/m/05d1dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x1_w +/m/059ts /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/087r4 +/m/0fxz4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wm6 +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/03wy8t /film/film/film_production_design_by /m/0cdf37 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/09r94m /film/film/produced_by /m/02q42j_ +/m/019y_2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b73_1d /film/film/produced_by /m/0fvf9q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/0404j37 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h6r5 /film/film/written_by /m/04sry +/m/012dtf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0h1m9 +/m/03bzyn4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02y21l /music/record_label/artist /m/01vs_v8 +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02l7c8 /media_common/netflix_genre/titles /m/09tkzy +/m/0gfp09 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0291hr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/045bs6 /film/actor/film./film/performance/film /m/0gltv +/m/019r_1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cqbx /people/person/religion /m/0c8wxp +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0jym0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0kx4m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09k2t1 /people/person/profession /m/0n1h +/m/040_t /people/person/place_of_birth /m/0zlgm +/m/0f13b /people/person/place_of_birth /m/01cx_ +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0jdk_ /olympics/olympic_games/sports /m/06z68 +/m/0993r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q6gfp /film/film/costume_design_by /m/03gt0c5 +/m/032wdd /film/actor/film./film/performance/film /m/07pd_j +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/0hvvf /film/film/production_companies /m/086k8 +/m/03r00m /award/award_category/category_of /m/0c4ys +/m/088xp /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0fx2s /film/film_subject/films /m/0p9rz +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/042xh /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05tr7 +/m/01nvmd_ /people/person/gender /m/05zppz +/m/02k1b /location/location/contains /m/01dtq1 +/m/02kxjx /base/culturalevent/event/entity_involved /m/088q1s +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kqq7 +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/01z4y /media_common/netflix_genre/titles /m/015whm +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/064t9 /music/genre/artists /m/013w7j +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05c26ss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vvycq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wc7p +/m/0kq1l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l0wv /education/educational_institution/campuses /m/0l0wv +/m/03tn80 /film/film/genre /m/01jfsb +/m/01p87y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06tw8 +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/01wdcxk /people/person/nationality /m/06q1r +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/04mlh8 +/m/01w8sf /influence/influence_node/influenced_by /m/040_t +/m/01x73 /location/location/contains /m/01p726 +/m/05k4my /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/02mxw0 /people/person/languages /m/02h40lc +/m/0prh7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cf2h /film/actor/film./film/performance/film /m/0k5fg +/m/07ssc /media_common/netflix_genre/titles /m/011yg9 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j0md +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012x4t +/m/0gy30w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024zq /music/artist/origin /m/030qb3t +/m/0k269 /film/actor/film./film/performance/film /m/0g5838s +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/05vzql /people/person/nationality /m/03rk0 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/023vcd /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/04nrcg /sports/sports_team/sport /m/02vx4 +/m/01kd57 /award/award_winner/awards_won./award/award_honor/award_winner /m/018x3 +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0pd4f /film/film/genre /m/03bxz7 +/m/01ww_vs /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/033qdy /film/film/genre /m/02n4kr +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/036hnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03fn5s /sports/sports_team/sport /m/02vx4 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/049xgc /film/film/executive_produced_by /m/0dvmd +/m/02lfns /people/person/nationality /m/09c7w0 +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03_87 /people/person/religion /m/0kq2 +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/02gnlz /people/person/place_of_birth /m/04ych +/m/0dln8jk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03176f /film/film/country /m/09c7w0 +/m/0nj1c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njpq +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03kxj2 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02jx1 /location/location/contains /m/0kc40 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01s21dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07cjqy +/m/09x3r /olympics/olympic_games/sports /m/02vx4 +/m/05c5z8j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nfys +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0f8l9c +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/03rk0 /location/location/contains /m/05f7s1 +/m/0d1y7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kv4k +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/01hb1t /education/educational_institution/students_graduates./education/education/student /m/04ls53 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hw5kk +/m/08q1tg /people/cause_of_death/people /m/04dyqk +/m/0410cp /people/person/gender /m/02zsn +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/016sp_ /music/artist/origin /m/01smm +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01jpyb +/m/02p76f9 /film/film/story_by /m/0mb0 +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0hzlz /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xmxj +/m/042d1 /people/person/gender /m/05zppz +/m/04sry /film/actor/film./film/performance/film /m/0ch26b_ +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06l6nj +/m/01flzq /music/genre/artists /m/0126y2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02rk23 +/m/04w8f /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wlh /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hv7l +/m/030_3z /people/person/profession /m/02jknp +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02qgyv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04f0xq /business/business_operation/industry /m/02q3wl +/m/05ty4m /people/person/profession /m/01d_h8 +/m/0156q /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/061fhg /music/genre/artists /m/03j_hq +/m/09hyvp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05hj_k /people/person/profession /m/012t_z +/m/0br1w /influence/influence_node/influenced_by /m/03hpr +/m/05r79 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lhy +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0mgkg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02mhfy /film/actor/film./film/performance/film /m/0372j5 +/m/01314k /education/educational_institution_campus/educational_institution /m/01314k +/m/0jdr0 /film/film/genre /m/07s9rl0 +/m/01rwyq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9yrw +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/0cwy47 /film/film/edited_by /m/027rfxc +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/03fqv5 /people/person/profession /m/0dxtg +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01vvyvk /people/person/gender /m/02zsn +/m/02n1p5 /people/person/gender /m/02zsn +/m/0gywn /music/genre/artists /m/015xp4 +/m/01f8hf /film/film/country /m/07ssc +/m/01zfmm /people/person/profession /m/02jknp +/m/01n7q /location/location/contains /m/0qjfl +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0821j +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06y57 +/m/0cc7hmk /film/film/produced_by /m/0d02km +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0jymd /film/film/genre /m/02xh1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/042gr4 /film/actor/film./film/performance/film /m/05vc35 +/m/0h1mt /film/actor/film./film/performance/film /m/02qr3k8 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03ft8 /people/deceased_person/place_of_death /m/06_kh +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_r9k +/m/04v7kt /people/person/gender /m/05zppz +/m/08s0m7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033fqh +/m/014vk4 /people/person/places_lived./people/place_lived/location /m/0lphb +/m/02ccqg /education/educational_institution/students_graduates./education/education/student /m/04wp2p +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/016ybr /music/genre/artists /m/0838y +/m/02t_w8 /film/actor/film./film/performance/film /m/06c0ns +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fvly /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/09b3v /organization/organization/place_founded /m/030qb3t +/m/0fnpj /people/profession/specialization_of /m/09jwl +/m/0ctzf1 /tv/tv_program/genre /m/02kdv5l +/m/0kcn7 /film/film/production_companies /m/09b3v +/m/015ynm /film/film/production_companies /m/04rcl7 +/m/017_qw /music/genre/artists /m/0g7k2g +/m/03_d0 /music/genre/artists /m/02lvtb +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/080r3 /people/person/gender /m/02zsn +/m/06wxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/01d1yr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0198b6 +/m/07wm6 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/044qx /film/actor/film./film/performance/film /m/075cph +/m/09k23 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0kqb0 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/025xt8y /music/group_member/membership./music/group_membership/group /m/067mj +/m/0cz_ym /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/07yp0f +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/07ymr5 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/01y8zd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02xbyr /film/film/genre /m/0hcr +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/06rf7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/014kkm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dq9 /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/01yf85 /people/person/nationality /m/09c7w0 +/m/07c5l /location/location/contains /m/0168t +/m/0jmcv /sports/sports_team/sport /m/018w8 +/m/0hsmh /people/person/profession /m/02jknp +/m/0223g8 /film/actor/film./film/performance/film /m/063zky +/m/02pp1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0dwvl +/m/01dtcb /music/record_label/artist /m/016szr +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/0640y35 /film/film/genre /m/05p553 +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06t2t +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/02tgz4 /film/film/featured_film_locations /m/02_286 +/m/07bx6 /film/film/featured_film_locations /m/035p3 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/0gd9k /film/actor/film./film/performance/film /m/0prrm +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wkmgb +/m/0159h6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/023p33 +/m/0342h /music/instrument/instrumentalists /m/0fq117k +/m/0f0qfz /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/02ckm7 /base/biblioness/bibs_location/state /m/0g39h +/m/06k02 /film/actor/film./film/performance/film /m/0ywrc +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pj8m +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f102 +/m/027r9t /film/film/genre /m/01t_vv +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0dbdy /location/location/contains /m/018h8j +/m/07_k0c0 /film/film/produced_by /m/01qbjg +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/058nh2 /people/person/profession /m/02jknp +/m/03h40_7 /people/person/languages /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01_jky +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0168cl +/m/0g22z /film/film/production_companies /m/016tt2 +/m/01m65sp /people/person/profession /m/039v1 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/016kjs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k2sk /film/film/genre /m/05p553 +/m/01cgz /media_common/netflix_genre/titles /m/050gkf +/m/01vb6z /people/person/profession /m/01d_h8 +/m/09mfvx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/0gs1_ /film/actor/film./film/performance/film /m/0mcl0 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/033pf1 +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/05xf75 /people/person/profession /m/02hrh1q +/m/0415svh /award/award_winner/awards_won./award/award_honor/award_winner /m/01zfmm +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/011yn5 /film/film/language /m/02h40lc +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0cv_2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/04y652m /broadcast/content/artist /m/016m5c +/m/02n4kr /media_common/netflix_genre/titles /m/01kjr0 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0309lm +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0pmq2 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0c0sl +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20h +/m/06cv1 /people/person/place_of_birth /m/0f2w0 +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/09ksp /location/location/contains /m/0150n +/m/0fpzt5 /people/person/religion /m/058x5 +/m/02mw6c /education/educational_institution/students_graduates./education/education/student /m/01v90t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mg5f +/m/018vs /music/instrument/instrumentalists /m/01fh0q +/m/09b9m /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/070zc +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01z0rcq +/m/01v5h /people/deceased_person/place_of_burial /m/018mrd +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/03x400 /film/actor/film./film/performance/film /m/0gjk1d +/m/06wm0z /film/actor/film./film/performance/film /m/087wc7n +/m/06ryl /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/040z9 /people/person/profession /m/09jwl +/m/02tjl3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0308kx /film/actor/film./film/performance/film /m/048scx +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/012vwb +/m/03h502k /people/person/profession /m/0cbd2 +/m/0ckt6 /film/film/genre /m/01q03 +/m/01w0v /location/administrative_division/country /m/07ssc +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/01d0fp /film/actor/film./film/performance/film /m/011yqc +/m/01323p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/04cf_l /film/film/production_companies /m/04rqd +/m/0584r4 /tv/tv_program/country_of_origin /m/09c7w0 +/m/078mgh /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/045zr /people/person/profession /m/0dz3r +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pj5q +/m/01_r9k /education/educational_institution/colors /m/083jv +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01c9d +/m/0hvjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/0d05w3 /location/location/contains /m/06wjf +/m/02wwr5n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01mmslz /people/person/places_lived./people/place_lived/location /m/0100mt +/m/06brp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g2lq +/m/0jj85 /location/location/time_zones /m/02hcv8 +/m/01vw87c /people/person/places_lived./people/place_lived/location /m/0xpq9 +/m/01j5x6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/0sl2w /location/hud_county_place/place /m/0sl2w +/m/09dfcj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwsh +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0306ds +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0k9j_ +/m/03h3x5 /film/film/production_companies /m/086k8 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0q9vf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_31 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/05b0f7 /organization/organization/place_founded /m/07dfk +/m/019vgs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05bt6j /music/genre/artists /m/0178_w +/m/06jjbp /music/genre/parent_genre /m/026z9 +/m/016szr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f73rc /music/genre/parent_genre /m/0jrv_ +/m/0lccn /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026g4l_ /people/person/gender /m/05zppz +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/09b6zr /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/01hbq0 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0bz3jx /film/film/genre /m/02l7c8 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0353tm +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fhxv +/m/01qhm_ /people/ethnicity/people /m/03kdl +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03f1d47 /film/actor/film./film/performance/film /m/04g9gd +/m/02_cx_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/028d4v /film/actor/film./film/performance/film /m/05q4y12 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026w_gk +/m/06znpjr /film/film/genre /m/05p553 +/m/026z9 /music/genre/artists /m/017lb_ +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0mx6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l339 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01x1fq /people/person/nationality /m/09c7w0 +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ys_y +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0lccn +/m/06l9n8 /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/01hwkn /base/culturalevent/event/entity_involved /m/0j5b8 +/m/01w0yrc /people/person/place_of_birth /m/0hptm +/m/01lhdt /education/educational_institution/school_type /m/05jxkf +/m/021yw7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/05xpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/0ds35l9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05p92jn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w20rx +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0k6nt +/m/07bbc /location/location/time_zones /m/02llzg +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/019fz +/m/01k56k /people/person/religion /m/03_gx +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jbk9 +/m/034qzw /film/film/language /m/064_8sq +/m/098sv2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fd6qb +/m/04q827 /film/film/music /m/0bwh6 +/m/015fr /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01pvxl /film/film/music /m/07qy0b +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/041rx /people/ethnicity/people /m/0l5yl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/0283d /music/genre/parent_genre /m/07gxw +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/02f6s3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r5w /people/person/profession /m/01p5_g +/m/01nds /organization/organization/headquarters./location/mailing_address/country /m/03h64 +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/01rc6f /education/educational_institution/colors /m/03wkwg +/m/0c_j5d /organization/organization/child./organization/organization_relationship/child /m/058j2 +/m/0cwy47 /film/film/film_production_design_by /m/0fqjks +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02zd2b /education/educational_institution/school_type /m/05jxkf +/m/0hnjt /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/05dxl5 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/01s7pm /education/educational_institution/students_graduates./education/education/student /m/016kb7 +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/015_1q /music/record_label/artist /m/015_30 +/m/0lbbj /olympics/olympic_games/sports /m/06wrt +/m/02183k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0237jb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05nrg /location/location/contains /m/07fb6 +/m/0ymc8 /education/educational_institution/campuses /m/0ymc8 +/m/0gywn /music/genre/artists /m/02l840 +/m/0gn30 /film/actor/film./film/performance/film /m/016dj8 +/m/0b_6yv /music/genre/artists /m/01w806h +/m/05r5c /music/instrument/instrumentalists /m/02rgz4 +/m/01fxck /people/person/profession /m/0dxtg +/m/06y0xx /people/person/profession /m/01d_h8 +/m/086qd /influence/influence_node/influenced_by /m/012vd6 +/m/0h7x /location/location/contains /m/0fhnf +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04b7xr +/m/02zd460 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f93t /people/person/profession /m/01d_h8 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/03rt9 /location/statistical_region/religions./location/religion_percentage/religion /m/0kpl +/m/0bjv6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0vp5f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01pcmd /people/person/profession /m/0dxtg +/m/07tds /organization/organization_founder/organizations_founded /m/034h1h +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yf85 /film/actor/film./film/performance/film /m/02y_lrp +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0jm_ /film/film_subject/films /m/02j69w +/m/05fjf /location/location/contains /m/0fvxz +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02q690_ /time/event/instance_of_recurring_event /m/0gcf2r +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv27 +/m/0djtky /film/actor/film./film/performance/film /m/09v42sf +/m/056xkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/030h95 /film/actor/film./film/performance/film /m/09cr8 +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/0hnp7 /people/person/gender /m/05zppz +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/021pqy /film/film/genre /m/05mrx8 +/m/01lbp /people/person/profession /m/0d1pc +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0ddt_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0c8qq /film/film/genre /m/07s9rl0 +/m/01pny5 /people/person/profession /m/039v1 +/m/04jplwp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/02x6dqb +/m/0g768 /music/record_label/artist /m/09lwrt +/m/03s9kp /film/film/language /m/064_8sq +/m/04xvlr /media_common/netflix_genre/titles /m/0mcl0 +/m/0dd2f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/04wlz2 /education/educational_institution/school_type /m/01rs41 +/m/0d6_s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01rzqj +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0dzlk +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/0lzkm /music/group_member/membership./music/group_membership/role /m/018vs +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/0m491 /film/film/cinematography /m/0f3zsq +/m/01q_ph /film/actor/film./film/performance/film /m/033fqh +/m/02t_vx /people/person/nationality /m/09c7w0 +/m/04nw9 /people/deceased_person/place_of_death /m/030qb3t +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vvb4m +/m/03rhqg /music/record_label/artist /m/0qf3p +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v1jf +/m/0d0kn /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0c_md_ /people/person/gender /m/05zppz +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015whm +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/036wy /location/location/contains /m/0nlg4 +/m/0bkg87 /people/person/profession /m/028kk_ +/m/017575 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023slg /people/person/profession /m/0gbbt +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09k56b7 +/m/03jht /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07r1h /base/eating/practicer_of_diet/diet /m/07_jd +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027kmrb +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/058frd +/m/03qjg /music/instrument/instrumentalists /m/09qr6 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0n85g /music/record_label/artist /m/03sww +/m/04jb97 /people/person/profession /m/09jwl +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rjv2w +/m/063ykwt /tv/tv_program/country_of_origin /m/09c7w0 +/m/0p9qb /film/actor/film./film/performance/film /m/0cq7kw +/m/0421st /film/actor/film./film/performance/film /m/0j_t1 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/01p47r /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0993r +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxz +/m/01flv_ /film/film/genre /m/07s9rl0 +/m/01v9724 /people/deceased_person/place_of_burial /m/0bvqq +/m/013m4v /location/hud_county_place/place /m/013m4v +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/03rz2b /film/film/country /m/0f8l9c +/m/09qc1 /people/person/profession /m/02jknp +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/02xwq9 /people/person/gender /m/05zppz +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/070ltt +/m/036b_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02mzg9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03__77 +/m/02zr0z /education/educational_institution/colors /m/036k5h +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/012kyx /film/film/production_companies /m/05mgj0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0mvsg /location/location/partially_contains /m/0fv_t +/m/063vn /people/person/profession /m/0dl08 +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03f4n1 +/m/03nymk /tv/tv_program/genre /m/0vgkd +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/015vql /people/person/nationality /m/02jx1 +/m/01jfsb /media_common/netflix_genre/titles /m/0b76d_m +/m/07tj4c /film/film/story_by /m/040dv +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hw5kk +/m/024lff /film/film/language /m/06nm1 +/m/02bc74 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/018y2s /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/05zlld0 /film/film/written_by /m/09pl3f +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/09wnnb +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/06rvn +/m/092ggq /people/person/profession /m/0d1pc +/m/0222qb /people/ethnicity/languages_spoken /m/04h9h +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/02hft3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/02zn1b /music/record_label/artist /m/07s3vqk +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01l0__ +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g56t9t +/m/0h336 /people/person/nationality /m/0345h +/m/01fkxr /people/person/places_lived./people/place_lived/location /m/04tgp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fy34l +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h26tm +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043tz0c +/m/063b4k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wd9lv /people/person/place_of_birth /m/01_d4 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01_x6d /people/person/profession /m/09jwl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05mv4 +/m/01kgxf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/0173b0 /music/genre/parent_genre /m/05bt6j +/m/04pp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01cw13 +/m/0c6g29 /people/person/nationality /m/09c7w0 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/017l96 /music/record_label/artist /m/017j6 +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0229rs /music/record_label/artist /m/07r4c +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02w4v /music/genre/artists /m/01vt5c_ +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0277jc +/m/0280061 /film/film/film_format /m/0cj16 +/m/047tsx3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m6_z +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03g90h /film/film/other_crew./film/film_crew_gig/crewmember /m/03hpr +/m/01dwyd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04dyqk /people/person/places_lived./people/place_lived/location /m/0rj0z +/m/0121h7 /location/administrative_division/country /m/03rt9 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/031778 /film/film/language /m/02h40lc +/m/0klw /film/actor/film./film/performance/film /m/08ct6 +/m/02v1ws /award/award_category/disciplines_or_subjects /m/04g51 +/m/02tc5y /people/person/places_lived./people/place_lived/location /m/017cjb +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/04ykg /location/location/contains /m/0nht0 +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03n93 /film/film_subject/films /m/049xgc +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0mw93 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw89 +/m/02v2lh /music/genre/artists /m/01vvpjj +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0342h /music/instrument/instrumentalists /m/032nl2 +/m/01xbgx /location/country/capital /m/0dlwj +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vr7 +/m/07ssc /media_common/netflix_genre/titles /m/01sxly +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/032zg9 /film/actor/film./film/performance/film /m/01r97z +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/077yk0 /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/02c6d /film/film/country /m/09c7w0 +/m/081lh /people/person/profession /m/02jknp +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/083pr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qm5j /music/genre/parent_genre /m/06by7 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0gk4g /medicine/disease/risk_factors /m/0c58k +/m/04rzd /music/instrument/instrumentalists /m/04d_mtq +/m/016clz /music/genre/artists /m/01vng3b +/m/0ym20 /education/educational_institution/students_graduates./education/education/student /m/04r7jc +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/04jr87 +/m/0bw87 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/01vy_v8 /film/actor/film./film/performance/film /m/03kx49 +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01rrd4 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/0170vn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/095kp +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/01p0w_ /music/group_member/membership./music/group_membership/group /m/09jm8 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/030z4z /film/film/genre /m/02l7c8 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0159r9 +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gvt53w /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/01817f /people/person/profession /m/016z4k +/m/0mfj2 /film/actor/film./film/performance/film /m/04t6fk +/m/01hqhm /film/film/executive_produced_by /m/04q5zw +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01rzxl /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/070ltt +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/0frmb1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05tg3 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b_5d +/m/03s9b /people/person/religion /m/01lp8 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/097zcz +/m/05v10 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d58_ +/m/0243cq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/0k7pf +/m/054g1r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc97st +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/01f7dd /base/eating/practicer_of_diet/diet /m/07_jd +/m/01mkn_d /people/person/place_of_birth /m/0k_q_ +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jb26 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/06chf /people/person/profession /m/02pjxr +/m/06j6l /music/genre/parent_genre /m/0gywn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/02v406 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kwhf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02gd6x /film/film/production_companies /m/019v67 +/m/0dtfn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/041p3y /music/record_label/artist /m/01mxnvc +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/013rds /people/person/gender /m/05zppz +/m/07b_l /location/location/contains /m/013n0n +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/02z0f6l /film/film/featured_film_locations /m/04jpl +/m/01fyzy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064lsn +/m/06hgbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05bpg3 /film/actor/film./film/performance/film /m/0qm8b +/m/0l1589 /music/instrument/family /m/02qjv +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/02k5sc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016cjb /music/genre/artists /m/01wbgdv +/m/06jkm /influence/influence_node/influenced_by /m/03s9v +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/0m32h /medicine/disease/risk_factors /m/0x67 +/m/03tck1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0fpmrm3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cqhl +/m/043s3 /influence/influence_node/influenced_by /m/05qmj +/m/0ktpx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/01vx5w7 /people/person/profession /m/015cjr +/m/09c7w0 /location/location/contains /m/02cgp8 +/m/0yzbg /film/film/genre /m/02b5_l +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/0421st /film/actor/film./film/performance/film /m/0hmr4 +/m/02vz6dn /film/film/country /m/0154j +/m/05hjnw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05szq8z +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/014vk4 /people/person/place_of_birth /m/0lphb +/m/011ywj /film/film/music /m/08c9b0 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0m68w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/06gb1w /film/film/featured_film_locations /m/080h2 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/04bd8y /film/actor/film./film/performance/film /m/0ddcbd5 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rf57 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/05397h +/m/01hvjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0hmt3 +/m/05dbf /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02gpkt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkd1 /music/instrument/instrumentalists /m/01sb5r +/m/0g5pvv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0296y /music/genre/artists /m/01shhf +/m/02lnbg /music/genre/artists /m/02h9_l +/m/05c5z8j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wd3l +/m/02kfzz /film/film/genre /m/01jfsb +/m/02vnp2 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/05rwpb /music/genre/artists /m/06p03s +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/04kny3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07ssc /location/location/contains /m/0fm2_ +/m/0462hhb /film/film/language /m/02h40lc +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015pkc +/m/040rmy /film/film/language /m/04h9h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0346qt +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0kr_t +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02flq1 /award/award_category/category_of /m/0c4ys +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/09c7w0 /location/location/contains /m/07t90 +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/01l_vgt /people/person/place_of_birth /m/03h64 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0gsgr +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b455l +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dx8gj +/m/011yhm /film/film/executive_produced_by /m/02q42j_ +/m/03ts0c /people/ethnicity/people /m/0fbx6 +/m/044kwr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/0c_j9x /film/film/genre /m/0lsxr +/m/02b1b5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0byq0v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0146mv /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1sb +/m/0n491 /location/location/time_zones /m/02hcv8 +/m/02q4mt /film/director/film /m/0p_rk +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ckf6 +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/03j149k /people/person/profession /m/0nbcg +/m/0hwqg /film/actor/film./film/performance/film /m/02ptczs +/m/03n08b /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/07024 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/013gwb /base/biblioness/bibs_location/state /m/04ych +/m/04mby /people/person/profession /m/0dxtg +/m/0psss /film/actor/film./film/performance/film /m/02d478 +/m/02nx2k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fh9 /film/actor/film./film/performance/film /m/0cmf0m0 +/m/0l38x /location/location/time_zones /m/02lcqs +/m/0jdd /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rk0 +/m/024c1b /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gcpc +/m/02h659 /education/educational_institution/colors /m/06kqt3 +/m/02xp18 /people/person/profession /m/02krf9 +/m/027rpym /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q_4ph +/m/01yz0x /award/award_category/winners./award/award_honor/ceremony /m/0gwdy4 +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/0mb0 +/m/048vhl /film/film/language /m/02h40lc +/m/01zh29 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m4kpp /people/person/profession /m/0dxtg +/m/03_l8m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/0bpx1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0ftlx /sports/sports_team_location/teams /m/02vr30 +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/01nrq5 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0478__m /people/person/nationality /m/09c7w0 +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0ght2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chrx +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/0flsf /base/aareas/schema/administrative_area/administrative_parent /m/0fqxw +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/06jzh /people/person/places_lived./people/place_lived/location /m/071vr +/m/049fbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/086nl7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/04vq33 /film/film/country /m/09c7w0 +/m/0b5x23 /people/person/gender /m/05zppz +/m/04vq3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rmfm +/m/049d_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07_fj54 /film/film/language /m/02h40lc +/m/0klw /people/person/profession /m/03sbb +/m/01243b /music/genre/artists /m/03fbc +/m/02mg5r /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01xsc9 /film/actor/film./film/performance/film /m/01rwpj +/m/0fqt1ns /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/0dfrq /people/person/profession /m/0kyk +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04y79_n +/m/018jz /film/film_subject/films /m/0kb57 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c6qh +/m/07kdkfj /film/film/cinematography /m/06r_by +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0py5b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kkjq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fqnzts /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/07sbbz2 /music/genre/artists /m/013qvn +/m/09pmkv /location/location/contains /m/07348 +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/09f2j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s3kv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d608 +/m/087z12 /film/actor/film./film/performance/film /m/0bl3nn +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/09jd9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/07tjf /education/educational_institution/school_type /m/05jxkf +/m/085q5 /film/actor/film./film/performance/film /m/04hwbq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06bzwt +/m/03818y /education/educational_institution/school_type /m/01rs41 +/m/041wm /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/06frc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01l3wr +/m/0113sg /people/person/nationality /m/07t21 +/m/0jsw9l /people/person/place_of_birth /m/0xr0t +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05cvgl +/m/0pv3x /film/film/genre /m/060__y +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0cd2vh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d8lm /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/04xrx +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/04ltlj /film/film/story_by /m/04_by +/m/019pm_ /film/actor/film./film/performance/film /m/01l_pn +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/0mmzt /location/location/time_zones /m/02hcv8 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0197tq +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fhp9 +/m/05ty4m /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016fyc +/m/0dn44 /people/person/nationality /m/07ssc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06rv5t +/m/06by7 /music/genre/artists /m/01kd57 +/m/01jsk6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c_zj /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dwt5 /music/instrument/instrumentalists /m/04mky3 +/m/018ctl /olympics/olympic_games/participating_countries /m/07ssc +/m/0n59t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/05_zc7 /people/person/profession /m/015cjr +/m/02vzc /location/location/time_zones /m/03plfd +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0571m +/m/016_rm /music/genre/artists /m/01vvydl +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/06w7v /music/instrument/instrumentalists /m/0jfx1 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy2cy +/m/01k_mc /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvcs1 +/m/0nvg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv6n +/m/01n4w_ /education/educational_institution_campus/educational_institution /m/01n4w_ +/m/0pm85 /music/genre/artists /m/01cv3n +/m/05c9zr /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/01c8w0 /people/profession/specialization_of /m/09jwl +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dryh9k /people/ethnicity/people /m/02tq2r +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/03_fk9 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/05tbn /location/location/contains /m/0m7d0 +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vqrm +/m/0203v /people/person/employment_history./business/employment_tenure/company /m/07y0n +/m/01wbg84 /film/actor/film./film/performance/film /m/0640m69 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0j0k /location/location/contains /m/04w8f +/m/09fb5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0277j40 +/m/06d4h /film/film_subject/films /m/09p4w8 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/03qjlz /people/person/profession /m/0dxtg +/m/01xwqn /influence/influence_node/influenced_by /m/01hmk9 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/025st2z /people/person/gender /m/05zppz +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01rrd4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/01skmp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvb4m +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0dq9wx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026_dq6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08052t3 +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/05w88j /film/actor/film./film/performance/film /m/01dc0c +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0gfh84d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/015grj /film/actor/film./film/performance/film /m/0ndsl1x +/m/05tbn /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lct6 +/m/06j6l /music/genre/artists /m/0j1yf +/m/0gyh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tgp +/m/01yk13 /film/actor/film./film/performance/film /m/04x4vj +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/026rm_y +/m/0ddkf /people/person/gender /m/05zppz +/m/01wp_jm /people/person/profession /m/0dxtg +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01xwv7 /influence/influence_node/influenced_by /m/014zfs +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07c52 /media_common/netflix_genre/titles /m/02r2j8 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/03v0t /location/location/contains /m/0s4sj +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/06w87 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/02z3zp /people/person/place_of_birth /m/01_d4 +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/04h54p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0gztl +/m/015grj /film/actor/film./film/performance/film /m/01s3vk +/m/015np0 /people/person/nationality /m/02jx1 +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/02vy5j +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/042v2 +/m/0myn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1xp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/021sv1 /people/person/profession /m/016m9h +/m/02xwq9 /film/actor/film./film/performance/film /m/0m63c +/m/0428bc /film/actor/film./film/performance/film /m/0n04r +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/014kyy +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c408_ +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kqq7 +/m/04r7jc /people/person/profession /m/0dxtg +/m/024jwt /film/actor/film./film/performance/film /m/02ph9tm +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/01pctb /film/actor/film./film/performance/film /m/06nr2h +/m/02jtjz /film/actor/film./film/performance/film /m/0h95927 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/03cv_gy +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0c_j5d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mskc3 +/m/0gtvpkw /film/film/written_by /m/081lh +/m/07_dn /business/business_operation/industry /m/0jzgd +/m/0fx80y /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/01zwy +/m/04ly1 /location/location/contains /m/0160nk +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/06pwq /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0fs9vc /film/film/genre /m/02l7c8 +/m/033hn8 /music/record_label/artist /m/01wqflx +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/064t9 /music/genre/artists /m/02jq1 +/m/0ds33 /film/film/produced_by /m/01t6b4 +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/039crh +/m/0ggq0m /music/genre/artists /m/07zft +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r4bps +/m/07s9rl0 /media_common/netflix_genre/titles /m/042zrm +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0230rx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/080dfr7 /dataworld/gardening_hint/split_to /m/06_sc3 +/m/05vzw3 /people/person/profession /m/02tx6q +/m/04xvlr /media_common/netflix_genre/titles /m/089j8p +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gz9n +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/020hh3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hc9_ /influence/influence_node/influenced_by /m/05qzv +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05dmmc +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv8w +/m/0c3dzk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yc7p +/m/01v3x8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/09zmys +/m/04p3c /base/biblioness/bibs_location/country /m/02jx1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01z1r +/m/0457w0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/01jpqb /organization/organization/headquarters./location/mailing_address/state_province_region /m/059_c +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd57 +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/02qhqz4 /film/film/genre /m/01zhp +/m/04fcx7 /people/person/profession /m/0dxtg +/m/01mylz /people/person/profession /m/02hrh1q +/m/02tf1y /people/person/sibling_s./people/sibling_relationship/sibling /m/030g9z +/m/01l47f5 /people/person/profession /m/01c72t +/m/0199wf /tv/tv_program/country_of_origin /m/09c7w0 +/m/0qkj7 /people/person/gender /m/05zppz +/m/09byk /film/actor/film./film/performance/film /m/02qr3k8 +/m/099t8j /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/01pm0_ /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01f7j9 /film/director/film /m/0bt4g +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/01wgcvn /people/person/gender /m/02zsn +/m/01v_pj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0xsk8 +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0hhjk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02y0yt +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/012z8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/04lgymt /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/016kv6 /film/film/genre /m/07s9rl0 +/m/06y7d /people/person/gender /m/05zppz +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0d05w3 /media_common/netflix_genre/titles /m/05g8pg +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/0ylvj /education/educational_institution/students_graduates./education/education/student /m/0l6qt +/m/0lx2l /film/actor/film./film/performance/film /m/01jft4 +/m/0gnbw /film/actor/film./film/performance/film /m/0407yj_ +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ncq_ +/m/02vyw /film/director/film /m/03wy8t +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/089tm +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0217m9 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs5v +/m/011_3s /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0291hr /film/film/genre /m/01jfsb +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0bszz +/m/01gbzb /base/biblioness/bibs_location/state /m/05kr_ +/m/0m2j5 /location/location/contains /m/0mb2b +/m/01d8wq /base/biblioness/bibs_location/country /m/07ssc +/m/015whm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bkmf /people/person/profession /m/02hrh1q +/m/09gmmt6 /film/film/genre /m/02n4kr +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0dg3n1 /base/locations/continents/countries_within /m/07dzf +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/0296vv /film/film/country /m/09c7w0 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09n48 /olympics/olympic_games/participating_countries /m/015qh +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/02ny8t /music/genre/artists /m/04cr6qv +/m/01xcr4 /people/person/place_of_birth /m/01cx_ +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/0b1zz +/m/02rqwhl /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/064t9 /music/genre/artists /m/019f9z +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0l14md /music/instrument/instrumentalists /m/01xzb6 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0ggx5q /music/genre/artists /m/0gs6vr +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0j_t1 /film/film/genre /m/04t36 +/m/0178rl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrz41 +/m/0fh694 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0n5d1 /location/location/time_zones /m/02hcv8 +/m/04f9r2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01w724 /people/person/profession /m/029bkp +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05br10 +/m/01vvycq /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01lbp +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04511f +/m/0jnb0 /people/person/profession /m/02jknp +/m/01g257 /film/actor/film./film/performance/film /m/07sgdw +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/0btpx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/01kpt /award/award_category/winners./award/award_honor/award_winner /m/08_hns +/m/0jswp /film/film/language /m/06nm1 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/04g5k /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015_1q /music/record_label/artist /m/0134pk +/m/06_sc3 /film/film/genre /m/06n90 +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/051x52f /film/film_set_designer/film_sets_designed /m/0jsqk +/m/018gqj /award/award_winner/awards_won./award/award_honor/award_winner /m/02v3yy +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/01qzt1 /media_common/netflix_genre/titles /m/02847m9 +/m/01vw20h /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/0fcrg /location/location/contains /m/02kx3 +/m/013xrm /people/ethnicity/people /m/012gbb +/m/05p3738 /film/film/language /m/02h40lc +/m/064t9 /music/genre/artists /m/0fhxv +/m/0155w /music/genre/artists /m/0bs1g5r +/m/06hgj /people/person/profession /m/02hrh1q +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/022_q8 +/m/098n_m /people/person/profession /m/02hrh1q +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/012dtf +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0175wg /film/actor/film./film/performance/film /m/020bv3 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1mt +/m/09wj5 /people/person/religion /m/092bf5 +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/03hpkp /organization/organization/headquarters./location/mailing_address/citytown /m/0dzt9 +/m/057xn_m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/065mm1 /film/actor/film./film/performance/film /m/0cc97st +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vzxld +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0lwyk +/m/0m9p3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/01wwvt2 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/01jmyj /film/film/language /m/06b_j +/m/0619_ /base/biblioness/bibs_location/state /m/03lrc +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0149xx /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/011ysn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/027ct7c /film/film/genre /m/06l3bl +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/01v1d8 /music/instrument/instrumentalists /m/01w9k25 +/m/01s3v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/045j3w +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/01cw24 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bh8x1y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h32q +/m/01sl1q /film/actor/film./film/performance/film /m/0bth54 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/046rfv /people/person/languages /m/03k50 +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mhxx +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/032sl_ /film/film/music /m/01hw6wq +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/07ymr5 /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1j1 +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jzyx +/m/02k54 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/09qc1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gxw /music/genre/artists /m/02k5sc +/m/0bdt8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_fw +/m/0m9p3 /film/film/film_art_direction_by /m/0d5wn3 +/m/0432b /film/actor/film./film/performance/film /m/01f69m +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/03hfmm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/024lt6 /film/film/language /m/04h9h +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01m3x5p /people/person/profession /m/01d_h8 +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04xn2m +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/02scbv /film/film/written_by /m/03_gd +/m/0401sg /film/film/language /m/02h40lc +/m/09jcj6 /film/film/genre /m/02l7c8 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/02yr1q /organization/organization/headquarters./location/mailing_address/state_province_region /m/03s0w +/m/04f_d /base/biblioness/bibs_location/state /m/04ych +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01w02sy +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b17t +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/02qdyj /organization/organization/headquarters./location/mailing_address/citytown /m/052p7 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01h910 +/m/04mcw4 /film/film/genre /m/02kdv5l +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03b6j8 +/m/03f0fnk /people/person/profession /m/016z4k +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03f3yfj +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ndbd +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cw3yd +/m/015w9s /media_common/netflix_genre/titles /m/03cffvv +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02vw1w2 +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/01pcq3 /film/actor/film./film/performance/film /m/027r9t +/m/01yhm /sports/sports_team/sport /m/018jz +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06ryl +/m/0gg5qcw /film/film/genre /m/07s9rl0 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02vsw1 /people/ethnicity/languages_spoken /m/06mp7 +/m/0fy34l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/05szp /people/person/nationality /m/09c7w0 +/m/03h4fq7 /film/film/country /m/09c7w0 +/m/0cwx_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/016zfm /tv/tv_program/program_creator /m/02ndbd +/m/0g22z /film/film/production_companies /m/05nn2c +/m/01vfqh /film/film/produced_by /m/02kxbwx +/m/042fgh /film/film/genre /m/04pbhw +/m/02ryz24 /film/film/written_by /m/0mdqp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05hywl +/m/09y20 /people/person/profession /m/02hrh1q +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0nhmw /location/us_county/county_seat /m/0fpzwf +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0ct9_ /influence/influence_node/peers./influence/peer_relationship/peers /m/045bg +/m/0284h6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0bw20 /film/film/country /m/0345h +/m/03fn5s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/0l6m5 /olympics/olympic_games/sports /m/06z6r +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/0399p /influence/influence_node/influenced_by /m/045bg +/m/01k3qj /people/person/languages /m/02h40lc +/m/05r6t /music/genre/artists /m/012x1l +/m/01g63y /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0kwgs +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01j2_7 +/m/01n7q /location/location/contains /m/0qyzb +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d90m +/m/0k9j_ /film/actor/film./film/performance/film /m/0ktpx +/m/01r97z /film/film/genre /m/0lsxr +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/033hn8 /music/record_label/artist /m/0134tg +/m/0c0yh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hpyv +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0203v +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03p7r /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0h7t36 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01qhm_ /people/ethnicity/people /m/023n39 +/m/0326tc /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/0dl567 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04cr6qv +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01c22t +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/01sxq9 /people/person/profession /m/02hrh1q +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/07z1m /location/location/contains /m/04wlz2 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/02lf0c /people/person/nationality /m/0d060g +/m/0k2h6 /education/educational_institution/colors /m/019sc +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/02rmd_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01hw6wq /people/person/gender /m/05zppz +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/student /m/03yf3z +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mp75 +/m/03zj_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/03lfd_ /film/film/genre /m/05p553 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01z9_x /people/person/profession /m/0fnpj +/m/03cdg /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0q1lp /people/person/places_lived./people/place_lived/location /m/0sqgt +/m/03hdz8 /education/educational_institution/campuses /m/03hdz8 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/021pqy /film/film/genre /m/01t_vv +/m/02hp70 /education/educational_institution/school_type /m/05jxkf +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/02vntj /film/actor/film./film/performance/film /m/05hjnw +/m/02mjf2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qlkc3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/0fqt1ns /film/film/genre /m/06n90 +/m/07nf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09krp +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0884fm +/m/07_fj54 /film/film/country /m/09c7w0 +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03kbb8 /people/person/places_lived./people/place_lived/location /m/0cymp +/m/057_yx /film/actor/film./film/performance/film /m/07z6xs +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/055td_ +/m/08j7lh /film/film/language /m/02h40lc +/m/017_qw /music/genre/artists /m/0fpjyd +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0ctb4g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cf93 /music/record_label/artist /m/0130sy +/m/0p0fc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04qk12 /film/film/language /m/02h40lc +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/029pnn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05d1y /people/person/profession /m/06q2q +/m/0ctb4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/030cx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rrd4 +/m/059kh /music/genre/artists /m/05k79 +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0x1y7 /location/hud_county_place/place /m/0x1y7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/0lx2l /influence/influence_node/influenced_by /m/01vb403 +/m/026n9h3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_p6t +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0f6_x +/m/0k8z /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0j80w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qgqt /people/person/profession /m/02hrh1q +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/059_gf +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/01x209s +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mgbf +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/03v6t /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/023mdt /film/actor/film./film/performance/film /m/0fvr1 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jmyj +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gg59 +/m/05np2 /people/person/nationality /m/03rt9 +/m/0gxr1c /tv/tv_program/genre /m/03k9fj +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0169dl +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01qz5 +/m/02773nt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0143wl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/032wdd /people/person/places_lived./people/place_lived/location /m/05fjf +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/0btxr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hfmm +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/03c6v3 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/0kryqm +/m/0mb5x /influence/influence_node/influenced_by /m/084nh +/m/050f0s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0n1h +/m/0170_p /film/film/genre /m/017fp +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0794g +/m/03d8m4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xr2s +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw_dv +/m/09c7w0 /film/film_subject/films /m/0jqp3 +/m/03v0t /base/aareas/schema/administrative_area/capital /m/0ftxc +/m/04ddm4 /film/film/genre /m/0c3351 +/m/05l8y /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0crqcc /people/person/gender /m/05zppz +/m/017cy9 /education/educational_institution/students_graduates./education/education/student /m/03_wj_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/03mstc /people/person/profession /m/0196pc +/m/0cv1w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc1v +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z5n +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/0bq2g /film/actor/film./film/performance/film /m/02mpyh +/m/047gpsd /film/film/produced_by /m/02779r4 +/m/03_3d /location/location/contains /m/0212zp +/m/01352_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bqs56 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/03lq43 /people/person/place_of_birth /m/0cr3d +/m/01vw20h /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/09rfpk /film/film/music /m/05ccxr +/m/09txzv /film/film/executive_produced_by /m/0glyyw +/m/08jyyk /music/genre/artists /m/0p76z +/m/0b_j2 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/06mzp /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0432b /film/actor/film./film/performance/film /m/0bbgly +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/07g2b +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ztl +/m/0b66qd /people/person/profession /m/0dxtg +/m/06jk5_ /education/educational_institution/colors /m/04mkbj +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0320fn +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/02jyhv /people/person/profession /m/0d1pc +/m/040dv /people/person/profession /m/0cbd2 +/m/08jyyk /music/genre/artists /m/03bnv +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/016722 +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/026lj /people/person/profession /m/0frz0 +/m/0jpdn /film/director/film /m/04tqtl +/m/06zn1c /film/film/country /m/0chghy +/m/01bcp7 /medicine/disease/risk_factors /m/098s1 +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09c7w0 /location/location/contains /m/01wrwf +/m/01cf93 /music/record_label/artist /m/0bsj9 +/m/07sbbz2 /music/genre/artists /m/03c3yf +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c94fn +/m/01pj3h /film/actor/film./film/performance/film /m/01633c +/m/01l1rw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wlh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01mpwj +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033m23 +/m/06c62 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/098phg +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05tg3 +/m/01j5ql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0r7fy /location/hud_county_place/place /m/0r7fy +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hm0k +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0d9_96 /people/person/place_of_birth /m/0yc84 +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/07hwkr /people/ethnicity/people /m/0146pg +/m/073749 /film/actor/film./film/performance/film /m/01k1k4 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0btxr +/m/0ddj0x /film/film/language /m/02h40lc +/m/0l14qv /music/instrument/instrumentalists /m/03c7ln +/m/02fn5r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02114t /people/person/profession /m/0d1pc +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmj7 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c5f7l +/m/0262x6 /award/award_category/disciplines_or_subjects /m/04g51 +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0209hj /film/film/genre /m/03g3w +/m/037jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/02633g /people/person/place_of_birth /m/02z0j +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/05t0zfv /film/film/dubbing_performances./film/dubbing_performance/actor /m/0678gl +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/059j2 /location/location/contains /m/0cl8c +/m/0716t2 /people/person/places_lived./people/place_lived/location /m/0tygl +/m/01vrwfv /music/artist/origin /m/01_d4 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/053xw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_ztw /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02hhtj +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hr41p6 +/m/01pv91 /film/film/genre /m/03k9fj +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0bmhn /film/film/genre /m/01g6gs +/m/0288zy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pgm3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/0mbhr /film/actor/film./film/performance/film /m/0fztbq +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0hwqg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1jf +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gm34 +/m/07bzz7 /film/film/country /m/07ssc +/m/03clrng /people/person/nationality /m/09c7w0 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019dwp +/m/015nhn /film/actor/film./film/performance/film /m/08vd2q +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmj7 +/m/03ytj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09c7w0 /location/location/contains /m/08htt0 +/m/01p4vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/03f77 /people/person/religion /m/0631_ +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/06lxn +/m/01d4cb /people/person/profession /m/01d30f +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07brj +/m/079vf /film/actor/film./film/performance/film /m/0fqt1ns +/m/02p21g /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/06mzp /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bm2x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/02mc79 +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/03j6_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01pj_5 /film/film/produced_by /m/030g9z +/m/0b76t12 /film/film/genre /m/07s9rl0 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0l14_3 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/04pp9s +/m/02qfhb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_jkc /people/deceased_person/place_of_death /m/0cc56 +/m/0pc6x /base/biblioness/bibs_location/country /m/09c7w0 +/m/0kxbc /music/group_member/membership./music/group_membership/role /m/0342h +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/0bl60p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fsw_7 +/m/03mnk /business/business_operation/industry /m/01mfj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/01xcqc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mb5x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08433 /influence/influence_node/peers./influence/peer_relationship/peers /m/0lrh +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02nb2s /people/person/gender /m/05zppz +/m/0jsqk /film/film/story_by /m/0l99s +/m/0k345 /music/genre/artists /m/01qqwp9 +/m/01j7rd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03b1sb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0342h /music/instrument/instrumentalists /m/01vsnff +/m/0fw2d3 /people/person/gender /m/05zppz +/m/0155w /music/genre/artists /m/02pt27 +/m/0dryh9k /people/ethnicity/people /m/0b5x23 +/m/05lnk0 /people/person/profession /m/0196pc +/m/025rvx0 /film/film/genre /m/017fp +/m/0c8tkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g2hw4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01h5f8 /people/person/profession /m/018gz8 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/02sp_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03q5db +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0jrv_ /music/genre/artists /m/03sww +/m/05np2 /influence/influence_node/influenced_by /m/0gz_ +/m/0d8cr0 /people/person/profession /m/02jknp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04ngn +/m/01pw2f1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01f3p_ +/m/02vnmc9 /film/film/production_companies /m/017s11 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/0171cm /film/actor/film./film/performance/film /m/011yg9 +/m/020923 /education/educational_institution/campuses /m/020923 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/09mq4m /people/person/profession /m/0nbcg +/m/01k2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/01w02sy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vswwx +/m/012vct /film/director/film /m/072192 +/m/015g_7 /film/actor/film./film/performance/film /m/01c9d +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dq9wx +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/03m8y5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0sq2v +/m/0gv2r /people/deceased_person/place_of_death /m/030qb3t +/m/07hwkr /people/ethnicity/people /m/094xh +/m/02y0dd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0ct2tf5 /film/film/genre /m/01jfsb +/m/0chghy /sports/sports_team_location/teams /m/0cnk2q +/m/08nhfc1 /film/film/music /m/0m_v0 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/09c7w0 /location/location/contains /m/0q_0z +/m/057lbk /film/film/story_by /m/079vf +/m/0162c8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06dfz1 +/m/01h0kx /music/genre/parent_genre /m/06by7 +/m/01ft2l /people/person/places_lived./people/place_lived/location /m/0fsv2 +/m/07t31 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02xtxw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0m7yh /education/educational_institution/school_type /m/05jxkf +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/09b6zr +/m/073x6y /film/actor/film./film/performance/film /m/084qpk +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06rhz7 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/01cj6y /award/award_winner/awards_won./award/award_honor/award_winner /m/059_gf +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mkz +/m/02hfgl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0k8z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/01vtmw6 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0cz_ym /film/film/executive_produced_by /m/07s93v +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/027y_ +/m/02n9k /government/politician/government_positions_held./government/government_position_held/basic_title /m/01dz7z +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/098n5 +/m/0342h /music/instrument/instrumentalists /m/06y9c2 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01x4wq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/04mjl +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/02bwjv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lk90 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/03l6q0 /film/film/language /m/02h40lc +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/09r9dp +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/02flpq /award/award_category/winners./award/award_honor/award_winner /m/05d8vw +/m/09x3r /olympics/olympic_games/participating_countries /m/03rj0 +/m/01pk3z /people/person/places_lived./people/place_lived/location /m/094jv +/m/01pcbg /people/person/profession /m/018gz8 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0fb0v /music/record_label/artist /m/01v0sxx +/m/03bnb /organization/organization/headquarters./location/mailing_address/citytown /m/0rd5k +/m/096lf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039g82 +/m/0dwt5 /music/instrument/instrumentalists /m/0phx4 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0hmm7 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jsf6 +/m/07qg8v /film/film/country /m/03rjj +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/071nw5 +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/07jq_ /film/film_subject/films /m/0btpm6 +/m/05bt6j /music/genre/artists /m/0bkg4 +/m/011k1h /music/record_label/artist /m/06k02 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05qd_ +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/091n7z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kbws /olympics/olympic_games/participating_countries /m/0h7x +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0537b +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktpx +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/03bdm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/02b61v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/033hn8 /music/record_label/artist /m/01l1sq +/m/09rx7tx /film/film/personal_appearances./film/personal_film_appearance/person /m/020l9r +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gc_c_ +/m/06rgq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02qwg +/m/01vs_v8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0mm1q +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/029m83 /film/actor/film./film/performance/film /m/03m4mj +/m/03r0rq /tv/tv_program/program_creator /m/076df9 +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0h1p /film/director/film /m/024mpp +/m/02pb53 /influence/influence_node/influenced_by /m/01k9lpl +/m/01kwsg /film/actor/film./film/performance/film /m/0gmgwnv +/m/0crvfq /people/person/profession /m/02hrh1q +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x7vq +/m/04sx9_ /people/person/nationality /m/09c7w0 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/01cycq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kv9d3 /film/film/genre /m/02l7c8 +/m/0bs5f0b /film/film/country /m/09c7w0 +/m/0sx8l /olympics/olympic_games/sports /m/01z27 +/m/0f6_4 /location/location/contains /m/0y617 +/m/02fvv /sports/sports_team_location/teams /m/01wx_y +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0b1xl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0glt670 /music/genre/artists /m/03h_0_z +/m/031sg0 /people/person/nationality /m/0d060g +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/02hnl /music/instrument/instrumentalists /m/06p03s +/m/01_xtx /people/person/religion /m/0c8wxp +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01kff7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/016_mj +/m/07vc_9 /film/actor/film./film/performance/film /m/09p0ct +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/018_lb +/m/047q2k1 /film/film/costume_design_by /m/0cbxl0 +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02r771y /award/award_category/winners./award/award_honor/award_winner /m/025b3k +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0806vbn +/m/0ct2tf5 /film/film/production_companies /m/016tw3 +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/02w64f /sports/sports_team/sport /m/02vx4 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0c4y8 +/m/06lc85 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/03_wm6 /film/film/genre /m/03npn +/m/03zbg0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03yf4d /people/person/profession /m/094hwz +/m/01z7s_ /people/person/nationality /m/09c7w0 +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038bht +/m/0582cf /people/person/gender /m/05zppz +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/017gxw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qg7c /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0170th /film/film/cinematography /m/03cx282 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02h8p8 /sports/sports_team/colors /m/01g5v +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026_dq6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/022q32 +/m/032r1 /influence/influence_node/peers./influence/peer_relationship/peers /m/047g6 +/m/084w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/01d1st /people/person/spouse_s./people/marriage/spouse /m/04xrx +/m/04mzf8 /film/film/film_art_direction_by /m/05v1sb +/m/016gkf /film/actor/film./film/performance/film /m/0147sh +/m/016kft /film/actor/film./film/performance/film /m/04j4tx +/m/026wlxw /film/film/country /m/09c7w0 +/m/01f7d /award/award_category/disciplines_or_subjects /m/0j7v_ +/m/01ckhj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0322yj /film/film/language /m/01bkv +/m/0n5_g /base/aareas/schema/administrative_area/administrative_parent /m/059f4 +/m/03gt0c5 /people/person/nationality /m/02jx1 +/m/01f2xy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/05d7rk /people/person/profession /m/02hrh1q +/m/035xwd /film/film/genre /m/0lsxr +/m/01pnn3 /people/person/gender /m/02zsn +/m/017jq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qvvv /education/educational_institution_campus/educational_institution /m/02qvvv +/m/04s04 /award/award_winner/awards_won./award/award_honor/award_winner /m/03fykz +/m/02pbzv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/047myg9 /film/film/genre /m/03g3w +/m/0nht0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ym1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfpm +/m/02mt4k /people/person/profession /m/01d_h8 +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/01_njt +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/03fqv5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/01p79b /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05nqq3 /people/person/nationality /m/03rk0 +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/076_74 /people/person/nationality /m/09c7w0 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01m7pwq /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/03vgp7 /people/person/nationality /m/09c7w0 +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/01wwnh2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d02km /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/01qrb2 /organization/organization/headquarters./location/mailing_address/citytown /m/0snty +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gd0c7x /film/film/genre /m/02kdv5l +/m/025st2z /people/person/place_of_birth /m/01_d4 +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0hmyfsv /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/051q39 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d42t /film/actor/film./film/performance/film /m/0gtvrv3 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/012vd6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyfh +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rrfzf +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01kf3_9 +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01c8v0 /people/person/profession /m/016z4k +/m/0820xz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/028kj0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wddl /film/film/produced_by /m/0c921 +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pv3x +/m/017f4y /people/person/places_lived./people/place_lived/location /m/02k8k +/m/02wr6r /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01t07j +/m/06f32 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017c87 +/m/04fjzv /film/film/story_by /m/0jt90f5 +/m/0zgfm /location/hud_county_place/county /m/0d22f +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/04gknr /film/film/genre /m/01jfsb +/m/0dnw1 /film/film/genre /m/07s9rl0 +/m/0cwy47 /film/film/runtime./film/film_cut/film_release_region /m/0d0vqn +/m/0680x0 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/014zwb /film/film/music /m/03975z +/m/0cv3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0342h /music/instrument/instrumentalists /m/048tgl +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0571m +/m/047tsx3 /film/film/language /m/02h40lc +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01nwwl /people/person/places_lived./people/place_lived/location /m/04jt2 +/m/0dclg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0642xf3 /film/film/produced_by /m/01r2c7 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01738w +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/051cc +/m/0x67 /people/ethnicity/people /m/01l4zqz +/m/0fthdk /people/person/places_lived./people/place_lived/location /m/0d0x8 +/m/02t_st /film/actor/film./film/performance/film /m/04s1zr +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04pmnt /film/film/genre /m/017fp +/m/0dz46 /people/person/nationality /m/09c7w0 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/01xndd /people/person/place_of_birth /m/02_286 +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jrhz +/m/01q_ph /film/actor/film./film/performance/film /m/03459x +/m/0770cd /music/group_member/membership./music/group_membership/group /m/01f2q5 +/m/013h9 /location/location/time_zones /m/02hcv8 +/m/06__m6 /film/film/genre /m/0cshrf +/m/01n8_g /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02lfns /people/person/gender /m/05zppz +/m/0gmblvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gy7r +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bl8l +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gyh_z +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02hft3 /education/educational_institution_campus/educational_institution /m/02hft3 +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0sz28 /people/person/profession /m/02hrh1q +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0rnmy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pjzvh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/017dbx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bbv7 +/m/0p_pd /film/actor/film./film/performance/film /m/0k4p0 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/07hwkr /people/ethnicity/languages_spoken /m/06nm1 +/m/0rwq6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0ndwt2w /film/film/costume_design_by /m/02h1rt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03j6_5 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/01bpn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/02g0rb /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0223g8 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvc5 +/m/0fqt1ns /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f7h2g +/m/02pdhz /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02_vs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqww +/m/07h1tr /film/film_set_designer/film_sets_designed /m/015gm8 +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/04qp06 /people/person/profession /m/01d_h8 +/m/0n6kf /influence/influence_node/influenced_by /m/0gs7x +/m/01dg3s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/0pv54 /film/film/language /m/02h40lc +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01r5xw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01jmv8 /film/actor/film./film/performance/film /m/01srq2 +/m/09c7w0 /location/location/contains /m/02h7qr +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/014zfs +/m/02rn00y /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/06lpmt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0n5hh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gb +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/04z4j2 /film/film/country /m/0chghy +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0g768 /music/record_label/artist /m/0134s5 +/m/01w3v /people/person/religion /m/03_gx +/m/064_8sq /language/human_language/countries_spoken_in /m/04hhv +/m/02_fj /film/actor/film./film/performance/film /m/0bm2g +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/053x8hr /tv/tv_program/genre /m/0lsxr +/m/02jx1 /location/location/contains /m/0cxgc +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/04s04 /people/person/profession /m/0196pc +/m/013zyw /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/017l96 /music/record_label/artist /m/025jj7 +/m/0dqmt0 /people/person/profession /m/01d_h8 +/m/0807ml /film/actor/film./film/performance/film /m/01rwyq +/m/0225bv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/04l59s +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5by +/m/03wy70 /film/actor/film./film/performance/film /m/0170_p +/m/0300cp /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0345h /location/location/contains /m/01stzp +/m/0kftt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0k419 /film/film/country /m/09c7w0 +/m/03d8jd1 /film/film/dubbing_performances./film/dubbing_performance/actor /m/01nsyf +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01h72l /tv/tv_program/genre /m/06n90 +/m/0jnb0 /people/person/gender /m/05zppz +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/04rqd /broadcast/content/artist /m/01jcxwp +/m/0xhtw /music/genre/artists /m/0ycfj +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/0mwq_ /location/location/time_zones /m/02hcv8 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02q3n9c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02f6g5 /film/film/production_companies /m/06rq1k +/m/01304j /people/person/profession /m/0nbcg +/m/01cszh /music/record_label/artist /m/01zmpg +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/05j0wc +/m/0dryh9k /people/ethnicity/people /m/0241wg +/m/0mzy7 /location/location/contains /m/02pptm +/m/04vgq5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03g5jw /influence/influence_node/peers./influence/peer_relationship/peers /m/03d9d6 +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/0n2kw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myhb +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03xhj6 +/m/01vvyfh /people/person/profession /m/02jknp +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/04rrd /location/location/contains /m/0pc6x +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03ts0c /people/ethnicity/people /m/01j5sv +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02chhq +/m/0yx1m /film/film/production_companies /m/016tt2 +/m/026z9 /music/genre/artists /m/0163r3 +/m/01lhf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jjw +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gw2y6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/01s7pm /education/educational_institution_campus/educational_institution /m/01s7pm +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/0bq2g /people/person/spouse_s./people/marriage/spouse /m/024dgj +/m/0342h /music/instrument/instrumentalists /m/01c8v0 +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0c1j_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03y7ml +/m/0pyg6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/06m6z6 /people/person/profession /m/0cbd2 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/03bxsw +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/034xyf /film/film/genre /m/06qm3 +/m/041pnt /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/011x_4 /film/film/genre /m/05p553 +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/03hj5vf /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/01trtc /music/record_label/artist /m/0gps0z +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/026ssfj +/m/0309lm /film/actor/film./film/performance/film /m/0b6tzs +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/04j689 /sports/sports_team/colors /m/083jv +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01k6nm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jrs46 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020l9r /film/actor/film./film/performance/film /m/05n6sq +/m/01hjy5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02056s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/016clz /music/genre/artists /m/01vwbts +/m/03f7xg /film/film/featured_film_locations /m/0h7h6 +/m/06rkfs /organization/organization/headquarters./location/mailing_address/citytown /m/0l4vc +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01y9qr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030pr /film/director/film /m/0c5dd +/m/0k6nt /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01z4y /media_common/netflix_genre/titles /m/02_kd +/m/06__m6 /film/film/written_by /m/0c00lh +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f7gh +/m/05jf85 /film/film/genre /m/02l7c8 +/m/029v40 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/0gyx4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dq9wx +/m/03m4mj /film/film/featured_film_locations /m/02_286 +/m/02yxwd /film/actor/film./film/performance/film /m/04mcw4 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rwpj +/m/01vvyfh /people/person/profession /m/0dz3r +/m/0h3lt /base/biblioness/bibs_location/country /m/09c7w0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/014x77 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/047lj +/m/041c4 /film/actor/film./film/performance/film /m/04tc1g +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/01fjw0 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01fj9_ +/m/03lt8g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gj2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09yrh /people/person/spouse_s./people/marriage/spouse /m/070yzk +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xn7x1 +/m/02f6g5 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/024qqx /media_common/netflix_genre/titles /m/03176f +/m/013w7j /people/person/places_lived./people/place_lived/location /m/013yq +/m/02wmbg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mx5p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx4_ +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/09x3r /olympics/olympic_games/participating_countries /m/0154j +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/0gt1k /film/film/film_art_direction_by /m/072twv +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/02flpc /award/award_category/winners./award/award_honor/award_winner /m/01wvxw1 +/m/0klw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03s5lz /film/film/genre /m/05p553 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bt4g /film/film/executive_produced_by /m/02q_cc +/m/01vvycq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fvf9q +/m/06rf7 /location/administrative_division/country /m/0345h +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/02dj3 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/02847m9 /film/film/genre /m/0d2rhq +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/02hy9p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gjvqm /film/actor/film./film/performance/film /m/02x2jl_ +/m/07vjm /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09n5t_ /music/genre/artists /m/01vrx3g +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/037s5h /people/person/gender /m/05zppz +/m/018fmr /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0d060g /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05ys0ws /time/event/instance_of_recurring_event /m/015hr +/m/0ftvg /location/location/time_zones /m/02fqwt +/m/01s7j5 /education/educational_institution/students_graduates./education/education/student /m/02ndbd +/m/02b171 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03r0rq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wlt /education/educational_institution/colors /m/06fvc +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/023g6w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/04xg2f /film/film/language /m/02h40lc +/m/01hrqc /people/person/profession /m/01d_h8 +/m/019fh /location/hud_county_place/county /m/0f4zv +/m/02__ww /film/actor/film./film/performance/film /m/01k60v +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/01vv6xv /music/artist/track_contributions./music/track_contribution/role /m/011_6p +/m/0175tv /sports/sports_team/colors /m/038hg +/m/0mfj2 /people/person/profession /m/03gjzk +/m/019dwp /education/educational_institution_campus/educational_institution /m/019dwp +/m/025h4z /film/actor/film./film/performance/film /m/0dgpwnk +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/024jvz /base/culturalevent/event/entity_involved /m/02mjmr +/m/03n69x /people/person/profession /m/0747nrk +/m/01cyjx /people/person/places_lived./people/place_lived/location /m/080h2 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02h761 +/m/021j72 /people/person/religion /m/03j6c +/m/01qb5d /film/film/genre /m/04pbhw +/m/01fh9 /film/actor/film./film/performance/film /m/03ct7jd +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/01rxyb /film/film/written_by /m/0693l +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051zy_b +/m/0138t4 /education/educational_institution/students_graduates./education/education/student /m/034bgm +/m/015bpl /film/film/language /m/02h40lc +/m/0342h /music/instrument/instrumentalists /m/018pj3 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01s73z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0k269 /people/person/gender /m/05zppz +/m/01gjlw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gg4h /people/cause_of_death/people /m/015gy7 +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvdm +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/01jvgt +/m/01v0fn1 /people/person/gender /m/05zppz +/m/0x67 /people/ethnicity/people /m/05yh_t +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bl1_ +/m/02w5q6 /people/person/place_of_birth /m/071vr +/m/05r5c /music/instrument/instrumentalists /m/0phx4 +/m/01b65l /tv/tv_program/country_of_origin /m/09c7w0 +/m/02zkdz /education/educational_institution/colors /m/01g5v +/m/029m83 /film/actor/film./film/performance/film /m/0fh694 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0gj50 +/m/01trtc /music/record_label/artist /m/01nhkxp +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b185 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/0_b3d /film/film/executive_produced_by /m/01j5sd +/m/045j3w /film/film/country /m/09c7w0 +/m/064t9 /music/genre/artists /m/01vzxld +/m/0h1v19 /film/film/genre /m/02l7c8 +/m/04g61 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01lz4tf /people/person/profession /m/01c72t +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hgwkr +/m/09cxm4 /film/film/genre /m/05p553 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3z0 +/m/02py8_w /sports/sports_team/colors /m/0jc_p +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/03y_f8 /sports/sports_team/sport /m/02vx4 +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/05pt0l +/m/047p7fr /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/03wpmd /people/person/nationality /m/03rk0 +/m/04yg13l /film/film/country /m/0345h +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01snvb +/m/058j2 /people/person/gender /m/02zsn +/m/02pdhz /education/educational_institution/colors /m/019sc +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01m5m5b +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06r_by +/m/012w70 /language/human_language/countries_spoken_in /m/03h64 +/m/015npr /people/person/nationality /m/03rk0 +/m/07yk1xz /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/03hzl42 /film/actor/film./film/performance/film /m/0292qb +/m/07rhpg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1d47 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09s5q8 +/m/071pf2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0c2tf +/m/0g7s1n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05pzdk /people/person/profession /m/0cbd2 +/m/05r5c /music/instrument/instrumentalists /m/01w3lzq +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0bwgc_ /film/actor/film./film/performance/film /m/072zl1 +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/063ykwt +/m/019dwp /education/educational_institution/campuses /m/019dwp +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/037cr1 /film/film/cinematography /m/0cqh57 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/0b3n61 /film/film/genre /m/03k9fj +/m/071pf2 /people/person/gender /m/05zppz +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gkmx +/m/03sxd2 /film/film/genre /m/01jfsb +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h4fq7 +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvjr +/m/04jwjq /film/film/produced_by /m/04b19t +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02kk_c +/m/048rn /film/film/genre /m/0hcr +/m/02hnl /music/instrument/instrumentalists /m/04mky3 +/m/07yk1xz /film/film/production_companies /m/05rrtf +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/079vf +/m/05ccxr /people/person/place_of_birth /m/0cr3d +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/04svwx +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/0p8jf /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/02qfv5d /media_common/netflix_genre/titles /m/09p0ct +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ktpx +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w8f +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019l68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02sfnv +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fg0r +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01jsk6 /education/educational_institution/school_type /m/05pcjw +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06t2t2 +/m/03k9fj /media_common/netflix_genre/titles /m/03tn80 +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/083shs /film/film/executive_produced_by /m/05hj_k +/m/010y34 /location/location/contains /m/019dwp +/m/0ck1d /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/04zwtdy +/m/01lbp /people/person/profession /m/02hrh1q +/m/016fyc /film/film/country /m/0345h +/m/02sdx /people/person/gender /m/05zppz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/041rx /people/ethnicity/people /m/01xcr4 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/098n_m /film/actor/film./film/performance/film /m/0bm2nq +/m/0sxlb /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01385g +/m/0llcx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/01bns_ +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/04lp8k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/03_gz8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05yjhm +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0338lq /organization/organization/child./organization/organization_relationship/child /m/0gfmc_ +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014x77 +/m/0bjy7 /location/location/time_zones /m/02hcv8 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lwkh +/m/0l9k1 /film/director/film /m/03hjv97 +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/01f8gz /film/film/language /m/03_9r +/m/074qgb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/02d9nr /education/educational_institution/campuses /m/02d9nr +/m/081lh /film/director/film /m/04t9c0 +/m/0448r /people/person/place_of_birth /m/04jpl +/m/0kvgtf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02mxbd /people/person/profession /m/026sdt1 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/07k8rt4 +/m/0bpx1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/09gq0x5 /film/film/executive_produced_by /m/05hj_k +/m/01nkcn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4qq +/m/042v_gx /music/instrument/instrumentalists /m/018y81 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03spz +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0mmpm /location/location/contains /m/010rvx +/m/09c7w0 /location/location/contains /m/02m0sc +/m/057xn_m /people/person/place_of_birth /m/0qkyj +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/026t6 /music/instrument/instrumentalists /m/0285c +/m/01dzg0 /education/educational_institution/campuses /m/01dzg0 +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/03s0w /location/administrative_division/country /m/09c7w0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/06jzh +/m/0473q /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02r_pp /film/film/music /m/015wc0 +/m/049n3s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/012mrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017149 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqd3 +/m/02vr30 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02029f +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/018qt8 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/01w02sy +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/02_2v2 +/m/0yfp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/08rr3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02v406 /people/person/languages /m/02h40lc +/m/07tlfx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0h0jz +/m/0gdm1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01pj7 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0dgst_d /film/film/executive_produced_by /m/02z2xdf +/m/02_01w /people/person/gender /m/05zppz +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/07fj_ /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/0jnlm /sports/sports_team/colors /m/019sc +/m/013tcv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0txrs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ld94 /people/person/gender /m/05zppz +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09wj5 /film/actor/film./film/performance/film /m/01vksx +/m/01s7pm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g5k /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/03tc5p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/01sbhvd +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0438pz +/m/08vk_r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/05r1_t /tv/tv_program/genre /m/06ntj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0778p +/m/016nvh /people/person/gender /m/05zppz +/m/01z4y /media_common/netflix_genre/titles /m/08rr3p +/m/03gh4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y9pk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/0ddcbd5 /film/film/genre /m/03k9fj +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/05b5c +/m/0bx_q /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09889g +/m/01wcp_g /influence/influence_node/influenced_by /m/03f3_p3 +/m/0cm2xh /film/film_subject/films /m/0hv27 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/025rpyx +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/013q07 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0jt90f5 /people/person/places_lived./people/place_lived/location /m/0rrwt +/m/03cv_gy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g_31 /tv/tv_program/genre /m/03k9fj +/m/02vyw /film/director/film /m/0jsf6 +/m/0206k5 /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0hdx8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wb6yq /people/person/profession /m/0d1pc +/m/03rk0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/0hvbj +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0k3k1 /location/location/contains /m/0hz35 +/m/02b6n9 /film/film/language /m/02h40lc +/m/01vskn /location/administrative_division/country /m/06qd3 +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/01m13b /film/film/language /m/02h40lc +/m/01n4f8 /influence/influence_node/influenced_by /m/0gthm +/m/0dw6b /influence/influence_node/influenced_by /m/0h336 +/m/01qy6m /music/record_label/artist /m/016l09 +/m/05r5c /music/instrument/instrumentalists /m/01tp5bj +/m/0ns_4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7xjb +/m/03d_w3h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01my95 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/057_yx /people/person/gender /m/05zppz +/m/07wgm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03_js +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/01f7dd /film/actor/film./film/performance/film /m/08s6mr +/m/09byk /people/person/gender /m/05zppz +/m/01lvzbl /people/person/profession /m/09jwl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/031778 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0cvkv5 /film/film/country /m/06mkj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/012x8m /music/record_label/artist /m/012zng +/m/04v09 /location/country/form_of_government /m/06cx9 +/m/011yn5 /film/film/executive_produced_by /m/0d6484 +/m/034rd /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/08tq4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/03k9fj /media_common/netflix_genre/titles /m/07sp4l +/m/03fnyk /people/person/profession /m/02hrh1q +/m/02_n5d /people/person/nationality /m/09c7w0 +/m/02qtywd /people/person/profession /m/0dz3r +/m/0nh57 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0p8h0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d5_f /people/person/profession /m/0lgw7 +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/01m42d0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/04gzd +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/026njb5 /award/award_winning_work/awards_won./award/award_honor/award /m/03ybrwc +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02klny +/m/04_1l0v /location/location/contains /m/0498y +/m/0h1cdwq /film/film/prequel /m/0640y35 +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/01gn36 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03177r /film/film/country /m/07ssc +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g83dv +/m/07bch9 /people/ethnicity/people /m/02x7vq +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ls2 +/m/0q8s4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/07xtqq /film/film/genre /m/05p553 +/m/02tc5y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/02ld6x /people/person/nationality /m/09c7w0 +/m/02g8mp /award/award_category/category_of /m/0c4ys +/m/03m6_z /film/actor/film./film/performance/film /m/0gg5qcw +/m/02_1rq /tv/tv_program/languages /m/02h40lc +/m/0lrh /award/award_nominee/award_nominations./award/award_nomination/award /m/026fn29 +/m/0lg0r /location/location/time_zones /m/042g7t +/m/0mb8c /film/film/written_by /m/03_2y +/m/0329t7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fpjd_g /people/person/religion /m/06nzl +/m/0c0nhgv /film/film/executive_produced_by /m/0fvf9q +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04qhdf +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/03zrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_k71 +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/063k3h /people/ethnicity/languages_spoken /m/0t_2 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p50v +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0nt6b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3kx +/m/01yk13 /film/actor/film./film/performance/film /m/028kj0 +/m/02_j7t /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/02tkzn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0c01c /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/01vsy95 /people/person/profession /m/039v1 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01y8zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/03zbg0 /sports/sports_team/sport /m/02vx4 +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/02183k /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/0338g8 /film/actor/film./film/performance/film /m/04j4tx +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/02x3y41 /film/film/produced_by /m/0b13g7 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/07s9rl0 /media_common/netflix_genre/titles /m/0170xl +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fbftr +/m/04y9mm8 /film/film/production_companies /m/061dn_ +/m/01q32bd /people/person/profession /m/01c72t +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0hcvy +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02p76f9 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wy5m +/m/05ch98 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01rgr /people/person/religion /m/0c8wxp +/m/037mh8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05g8pg /film/film/language /m/02h40lc +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvgt +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0g1rw +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/017r13 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/020p1 /location/administrative_division/country /m/0ctw_b +/m/0bmh4 /film/actor/film./film/performance/film /m/0cwy47 +/m/02rghbp /people/person/gender /m/02zsn +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/04t36 /media_common/netflix_genre/titles /m/063hp4 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/03_80b +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046k81 +/m/06kknt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/01wgfp6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/03ntbmw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0633p0 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/012g92 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/01j6t0 /medicine/symptom/symptom_of /m/0d19y2 +/m/0b1q7c /people/person/nationality /m/09c7w0 +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_k56 +/m/0c35b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01gbn6 +/m/016h4r /people/person/nationality /m/09c7w0 +/m/0g4pl7z /film/film/production_companies /m/03sb38 +/m/01d_4t /people/person/employment_history./business/employment_tenure/company /m/05s34b +/m/01w23w /film/actor/film./film/performance/film /m/0p_sc +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/04j_gs /people/person/profession /m/018gz8 +/m/06m6p7 /film/actor/film./film/performance/film /m/03z106 +/m/0dt1cm /people/person/gender /m/05zppz +/m/0drnwh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gj96ln /film/film/music /m/0jn5l +/m/03mqtr /media_common/netflix_genre/titles /m/02qhlwd +/m/01lyv /music/genre/artists /m/02z4b_8 +/m/03vhvp /music/artist/origin /m/0z20d +/m/0bytfv /people/person/profession /m/026sdt1 +/m/0mnrb /location/location/time_zones /m/02hcv8 +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/02b15h +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fq1y +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/014g91 /people/person/gender /m/05zppz +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/01g04k /people/person/profession /m/047rgpy +/m/02lkcc /film/actor/film./film/performance/film /m/0bh8yn3 +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/043zg /people/person/gender /m/02zsn +/m/051zy_b /film/film/featured_film_locations /m/0rh6k +/m/04mrfv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/09y20 /film/actor/film./film/performance/film /m/031hcx +/m/015p3p /people/person/profession /m/09jwl +/m/02y_2y /people/person/nationality /m/09c7w0 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01ls2 +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/04bcb1 +/m/0j_c /film/director/film /m/02r_pp +/m/0lm0n /location/location/contains /m/02cgp8 +/m/02ldkf /education/educational_institution/campuses /m/02ldkf +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/04f6df0 /film/film/genre /m/0jtdp +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/0jyb4 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c7t58 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0b90_r /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05np4c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/025b5y +/m/0n_hp /film/film/production_companies /m/024rgt +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/04j5jl /people/profession/specialization_of /m/015cjr +/m/01qgry /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/04cr6qv /people/person/profession /m/016z4k +/m/01_k71 /people/person/profession /m/01c72t +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/01m4kpp /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01wwvt2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fvvg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0498y +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/0136p1 /people/person/place_of_birth /m/01cx_ +/m/01z4y /media_common/netflix_genre/titles /m/03ydlnj +/m/018j2 /music/instrument/family /m/0fx80y +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pctb +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/06crng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/01n1gc /people/person/nationality /m/09c7w0 +/m/020hyj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04xrx +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/01qbl /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/01gg59 /people/person/gender /m/05zppz +/m/0jdr0 /film/film/country /m/07ssc +/m/0jhjl /organization/organization/headquarters./location/mailing_address/citytown /m/01914 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/01_f_5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0693l +/m/0lx2l /people/person/profession /m/02hrh1q +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03d0ns /people/person/spouse_s./people/marriage/spouse /m/022_lg +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0438pz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gt_0v /music/genre/artists /m/01kvqc +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/06yykb /film/film/genre /m/03k9fj +/m/015gjr /people/deceased_person/place_of_death /m/05qtj +/m/0gmblvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/01wz01 +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0grrq8 +/m/03p7gb /education/educational_institution/campuses /m/03p7gb +/m/01nm8w /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/04__f /film/actor/film./film/performance/film /m/025scjj +/m/049m_l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0blt6 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0686zv +/m/02fttd /film/film/edited_by /m/08h79x +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/0bmpm /film/film/music /m/02lz1s +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/09m6kg /film/film/production_companies /m/01gb54 +/m/01v1ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01z9z1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z9585 /film/film/written_by /m/05mcjs +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0f276 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0456xp +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02qny_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/0175rc +/m/05nwr /location/location/time_zones /m/03bdv +/m/05b49tt /film/film_set_designer/film_sets_designed /m/024lff +/m/03cwqpm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06c7mk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03f2_rc /film/director/film /m/043n1r5 +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dbxy +/m/0dx8gj /film/film/country /m/06f32 +/m/03v1s /location/location/contains /m/0nt6b +/m/02jx1 /location/location/contains /m/0206v5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09sr0 +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/039x1k +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07ghq +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0171cm +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0418wg /film/film/genre /m/02kdv5l +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m_k0 +/m/01sjz_ /education/educational_institution/students_graduates./education/education/student /m/0ksrf8 +/m/03mgx6z /film/film/written_by /m/0b478 +/m/01yqqv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07_q87 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4bc +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01v9l67 +/m/0l15n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04s04 /people/person/profession /m/0dxtg +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/0187y5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/073hhn +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/04mzf8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/017l96 /music/record_label/artist /m/01q99h +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bpm6 +/m/03k48_ /people/person/profession /m/02hrh1q +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ktrs +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dl5d /music/genre/artists /m/04m2zj +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/0lgxj /olympics/olympic_games/participating_countries /m/03shp +/m/071_8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/015jr +/m/01nz1q6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/035hm +/m/01w03jv /people/person/profession /m/0fj9f +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_j8g +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/034xyf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/048yqf /film/film/genre /m/02kdv5l +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p3_s +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029_3 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hzj +/m/04yyhw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06zsk51 /tv/tv_program/genre /m/03k9fj +/m/02rbdlq /people/ethnicity/languages_spoken /m/0h407 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0382m4 +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/04gv3db /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03qjlz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016ghw /people/person/profession /m/02jknp +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03d29b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/0n1s0 /film/film/executive_produced_by /m/04q5zw +/m/0s3y5 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01h0b0 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fmdb +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/032xky /film/film/country /m/09c7w0 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gy1_ +/m/04v09 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ywr +/m/0301yj /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/07qht4 /media_common/netflix_genre/titles /m/01s3vk +/m/01cbwl /music/genre/artists /m/03d9d6 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0mgp +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/034fl9 +/m/05bt6j /music/genre/artists /m/018gm9 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/0155w /music/genre/artists /m/01vsyg9 +/m/02vyw /award/award_winner/awards_won./award/award_honor/award_winner /m/0343h +/m/0198b6 /film/film/executive_produced_by /m/01f7v_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cpllql +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/01jpyb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dg3n1 /location/location/contains /m/035dk +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0405l /people/person/profession /m/02hrh1q +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0z4s /film/actor/film./film/performance/film /m/04cv9m +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03jb2n +/m/058nh2 /people/person/gender /m/05zppz +/m/02qfv5d /media_common/netflix_genre/titles /m/0cf8qb +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/030nwm +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02r5w9 +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/043mk4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03cp4cn /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/location/contains /m/0tr3p +/m/01wsl7c /people/person/place_of_birth /m/02m77 +/m/06mkj /location/location/contains /m/0h5m7 +/m/032w8h /people/person/profession /m/02hrh1q +/m/0c6qh /film/actor/film./film/performance/film /m/01vw8k +/m/03m5k /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/01797x /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xv77 +/m/070ny /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045zr +/m/03t79f /film/film/executive_produced_by /m/04flrx +/m/0g824 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/04__f /film/actor/film./film/performance/film /m/07g1sm +/m/05c6073 /music/genre/artists /m/02ndj5 +/m/0d07s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/04c636 /film/actor/film./film/performance/film /m/0f42nz +/m/081mh /location/administrative_division/first_level_division_of /m/09c7w0 +/m/092vkg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/041rx /people/ethnicity/people /m/0lrh +/m/0dq9p /people/cause_of_death/people /m/0k9j_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06t2t +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/0dn16 /music/genre/artists /m/02twdq +/m/03hzkq /people/person/profession /m/0cbd2 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwyqp +/m/07371 /base/aareas/schema/administrative_area/administrative_parent /m/059j2 +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/0hkt6 /film/film_subject/films /m/07f_t4 +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0b2h3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/01pbxb /people/person/profession /m/016z4k +/m/0226k3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/025r_t +/m/087qxp /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/0ftvz /base/biblioness/bibs_location/country /m/09c7w0 +/m/06qm3 /media_common/netflix_genre/titles /m/0k5fg +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/01p79b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/016z2j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016yr0 /people/person/profession /m/02jknp +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/0dr3sl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015qq1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/07gql /music/instrument/instrumentalists /m/01m3b1t +/m/01th4s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/0197tq +/m/0ljsz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mcl0 /film/film/music /m/01cbt3 +/m/016wzw /location/location/partially_contains /m/0p2n +/m/015rmq /people/person/gender /m/05zppz +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0f3zsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j94 +/m/01scmq /business/business_operation/industry /m/020mfr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zb6t +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hjmd +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mslq +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cm2m +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pqqb +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/0d05fv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kbws /olympics/olympic_games/participating_countries /m/0166v +/m/044g_k /film/film/genre /m/06n90 +/m/04g2jz2 /award/award_category/winners./award/award_honor/award_winner /m/0210hf +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01z1r +/m/07b8m1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/0q9t7 +/m/026q3s3 /film/film/genre /m/0hcr +/m/04jplwp /film/film/executive_produced_by /m/06q8hf +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0g476 +/m/0cnztc4 /film/film/film_festivals /m/0g57ws5 +/m/0207wx /people/person/place_of_birth /m/0hptm +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01w0yrc +/m/012rng /film/director/film /m/05qm9f +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/012_53 +/m/016k4x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/01d6jf /film/actor/film./film/performance/film /m/05ypj5 +/m/08vlns /music/genre/artists /m/01w61th +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/041rx /people/ethnicity/people /m/0c5vh +/m/016srn /people/person/places_lived./people/place_lived/location /m/05jbn +/m/01pctb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01hmnh /media_common/netflix_genre/titles /m/011ydl +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/06fcqw +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0lwyk /education/educational_institution/colors /m/0jc_p +/m/01wy6 /music/instrument/instrumentalists /m/01cv3n +/m/03cz9_ /people/person/profession /m/0np9r +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06j8wx /film/actor/film./film/performance/film /m/032016 +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0520y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0288zy /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/01jbx1 /film/actor/film./film/performance/film /m/02x3lt7 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018yj6 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02mjmr /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01rxyb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/039wsf +/m/01j590z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07f_t4 /film/film/genre /m/04xvh5 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/06sks6 /olympics/olympic_games/sports /m/035d1m +/m/049fgvm /film/actor/film./film/performance/film /m/03b_fm5 +/m/013b6_ /people/ethnicity/people /m/05zbm4 +/m/0cbm64 /music/artist/origin /m/0hptm +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1ng +/m/03_87 /influence/influence_node/influenced_by /m/0379s +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/024swd +/m/0n58p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0mwjk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03bzc7 /music/genre/artists /m/02g40r +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqkh +/m/0bj9k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01vsqvs /music/artist/origin /m/01v8c +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/044g_k +/m/04306rv /language/human_language/countries_spoken_in /m/03f2w +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/02x8fs /film/film/written_by /m/01pjr7 +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0x3b7 /people/person/gender /m/02zsn +/m/015010 /film/actor/film./film/performance/film /m/01lbcqx +/m/02yr1q /education/educational_institution/students_graduates./education/education/student /m/0127xk +/m/0cx7f /music/genre/artists /m/07n68 +/m/0jf1b /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/018ctl /olympics/olympic_games/participating_countries /m/06npd +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015fsv +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/06gmr /sports/sports_team_location/teams /m/019m9h +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01_k1z /people/person/profession /m/02hrh1q +/m/041rx /people/ethnicity/people /m/0b_7k +/m/0190y4 /music/genre/artists /m/0lsw9 +/m/0993r /film/actor/film./film/performance/film /m/020bv3 +/m/06rrzn /people/person/gender /m/05zppz +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02fj8n +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02my3z +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bn3jg +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/07l4z +/m/0dl567 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w4fkq +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0fpzt5 /people/person/places_lived./people/place_lived/location /m/0qpn9 +/m/09yrh /film/actor/film./film/performance/film /m/01jft4 +/m/01wwvt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ttg5 +/m/04cj79 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/01pfpt /music/genre/parent_genre /m/06by7 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04wddl +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01jw67 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gyx4 /people/person/profession /m/02hrh1q +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05lb65 +/m/02lk60 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0347db /film/actor/film./film/performance/film /m/07x4qr +/m/026_dq6 /people/person/profession /m/015cjr +/m/02q3n9c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/076xkps /film/film/music /m/0fpjyd +/m/0415ggl /film/film/genre /m/07s9rl0 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0sx8l /olympics/olympic_games/participating_countries /m/0d0vqn +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0prjs /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02c98m +/m/09fc83 /film/film/genre /m/03k9fj +/m/02jx_v /organization/organization/headquarters./location/mailing_address/citytown /m/0hn4h +/m/02qx69 /film/actor/film./film/performance/film /m/0888c3 +/m/058kh7 /film/film/music /m/0fp_v1x +/m/01gkmx /people/person/places_lived./people/place_lived/location /m/0psxp +/m/047gn4y /film/film/genre /m/01hmnh +/m/015wy_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/02bpy_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0177sq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/039n1 /influence/influence_node/influenced_by /m/03sbs +/m/0dzlbx /film/film/genre /m/02kdv5l +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/027s39y /film/film/genre /m/03k9fj +/m/0f8l9c /location/location/contains /m/0f0sbl +/m/026dx /people/person/profession /m/0dxtg +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0hwqg /people/person/religion /m/03_gx +/m/0604m /location/country/official_language /m/0jzc +/m/030g9z /people/person/profession /m/0cbd2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01ln5z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/05dxl5 /people/person/gender /m/02zsn +/m/07p12s /film/film/genre /m/0lsxr +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/025p38 /people/person/languages /m/03k50 +/m/0bt4r4 /people/person/profession /m/02hrh1q +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/07ym6ss +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/0264jc6 /music/genre/parent_genre /m/016jny +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/021r7r /people/person/profession /m/0fnpj +/m/0499lc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01hb6v /people/person/religion /m/0kpl +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/07jrjb +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/07ssc /media_common/netflix_genre/titles /m/01rwpj +/m/08b0cj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/04h6mm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035gnh +/m/03z1c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05tbn /location/location/contains /m/0zygc +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/09xbpt /film/film/production_companies /m/086k8 +/m/08s6mr /film/film/production_companies /m/016tt2 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02b61v +/m/0nryt /location/us_county/county_seat /m/0t0n5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0fm6m8 +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/073749 /film/actor/film./film/performance/film /m/02stbw +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07s9rl0 /media_common/netflix_genre/titles /m/01vfqh +/m/01rcmg /award/award_winner/awards_won./award/award_honor/award_winner /m/01_j71 +/m/012gyf /education/educational_institution/school_type /m/05jxkf +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/03qx63 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015pkc /people/person/profession /m/01d_h8 +/m/016ybr /music/genre/artists /m/01cv3n +/m/05zvzf3 /film/film/language /m/0jzc +/m/03k48_ /film/actor/film./film/performance/film /m/02mc5v +/m/01fh0q /people/person/profession /m/0gbbt +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m8lq +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gvsh7l +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02d478 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/0_jq4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01gz9n /people/deceased_person/place_of_death /m/030qb3t +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0l2jb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08720 /film/film/country /m/09c7w0 +/m/041rx /people/ethnicity/people /m/0fby2t +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01r4zfk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j_c /film/actor/film./film/performance/film /m/0k5g9 +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j46b +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/05dxl_ /people/person/profession /m/01d_h8 +/m/0f4m2z /film/film/featured_film_locations /m/03rjj +/m/01wjrn /people/person/profession /m/02hrh1q +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/0tz41 /location/location/time_zones /m/02hcv8 +/m/024yxd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01hb6v /influence/influence_node/influenced_by /m/0ff3y +/m/0p_47 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0315rp +/m/01p8r8 /people/person/profession /m/015h31 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0tj9 /people/person/profession /m/01d_h8 +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048htn +/m/027dpx /people/person/nationality /m/09c7w0 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01k47c /people/person/profession /m/05vyk +/m/02_cq0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0134pk +/m/02py8_w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/05th69 /business/business_operation/industry /m/0hz28 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v71cj +/m/0nzny /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/0279c15 +/m/0pd64 /film/film/genre /m/0lsxr +/m/01n_g9 /education/educational_institution/colors /m/019sc +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0342h /music/instrument/instrumentalists /m/02s2wq +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/07c52 /media_common/netflix_genre/titles /m/01rp13 +/m/01lz4tf /music/group_member/membership./music/group_membership/group /m/0ycp3 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0bykpk +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03ynwqj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01xqw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07y_7 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/06_6j3 /people/person/profession /m/0np9r +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/07w6r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/03wbqc4 /film/film/genre /m/04btyz +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dvms +/m/0kh3 /people/cause_of_death/people /m/0f2df +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/05fjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04cr6qv +/m/04rs03 /people/person/profession /m/0dxtg +/m/01kb2j /film/actor/film./film/performance/film /m/0bpbhm +/m/03f1zhf /people/person/profession /m/039v1 +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmc26r +/m/0d4jl /people/person/profession /m/0kyk +/m/06l3bl /media_common/netflix_genre/titles /m/04q24zv +/m/03spz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/01dthg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0lh0c /people/deceased_person/place_of_death /m/0284jb +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/0c4f4 +/m/05f7s1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/01jfnvd /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/06j6l /music/genre/artists /m/01zmpg +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0140t7 /people/person/profession /m/02hrh1q +/m/03jv8d /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0rk71 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/043y95 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hvvf +/m/03rk0 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/01_x6v /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6d +/m/064t9 /music/genre/artists /m/01cwhp +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/011_3s +/m/0282x /people/person/profession /m/0dxtg +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/03bmmc /education/educational_institution/school_type /m/01rs41 +/m/01vvb4m /people/person/religion /m/0c8wxp +/m/0ytph /location/location/time_zones /m/02hcv8 +/m/01934k /award/award_winner/awards_won./award/award_honor/award_winner /m/02x0bdb +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01d26y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/080h2 +/m/04107 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015_1q /music/record_label/artist /m/0k6yt1 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07s9rl0 /media_common/netflix_genre/titles /m/043n1r5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/049dyj +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/073tm9 /music/record_label/artist /m/01vvzb1 +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hcj2 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/011_3s /film/actor/film./film/performance/film /m/03cffvv +/m/0gtsx8c /film/film/prequel /m/01k0xy +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q00lw +/m/0lfyd /location/administrative_division/country /m/06mzp +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0404wqb +/m/01fsz /music/genre/parent_genre /m/0ggq0m +/m/045n3p /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/09v9mks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05kj_ /location/location/contains /m/0mx6c +/m/01g6bk /influence/influence_node/influenced_by /m/034bs +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/04xrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d1st +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/01h2_6 /influence/influence_node/influenced_by /m/01rgr +/m/04v09 /location/country/official_language /m/064_8sq +/m/09ftwr /people/person/gender /m/05zppz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/076psv /people/person/nationality /m/09c7w0 +/m/0pksh /award/award_winner/awards_won./award/award_honor/award_winner /m/03_2y +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/021vwt /film/actor/film./film/performance/film /m/02x6dqb +/m/0brgy /medicine/symptom/symptom_of /m/0h1wz +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/013m_x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059j2 /location/location/contains /m/051ls +/m/04f7c55 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bdxs5 +/m/06kkgw /people/person/profession /m/02jknp +/m/02_n5d /award/award_winner/awards_won./award/award_honor/award_winner /m/0kvqv +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/017r13 /film/actor/film./film/performance/film /m/01chpn +/m/01jq34 /education/university/fraternities_and_sororities /m/035tlh +/m/01w9k25 /people/person/profession /m/09jwl +/m/0bwhdbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03_d0 /music/genre/artists /m/05563d +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/033g4d /film/film/featured_film_locations /m/0cv3w +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/02z1yj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/011yqc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/080lkt7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/085h1 +/m/065r8g /education/educational_institution/campuses /m/065r8g +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01s753 /education/educational_institution/colors /m/083jv +/m/091z_p /film/film/produced_by /m/063b4k +/m/0c55fj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/040db /influence/influence_node/influenced_by /m/03jxw +/m/01mt1fy /people/person/profession /m/03gjzk +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/06cgf /film/film/genre /m/03npn +/m/01vsn38 /film/actor/film./film/performance/film /m/03lrht +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/090q8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0p3r8 +/m/01934k /people/deceased_person/place_of_death /m/06_kh +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/019vhk /film/film/country /m/03rjj +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/011yhm /film/film/written_by /m/02kxbwx +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/04zwtdy /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/01qn8k /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l3mk3 +/m/02p65p /people/person/profession /m/0kyk +/m/01n4bh /music/genre/artists /m/0m19t +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v9mks +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03h4fq7 /film/film/executive_produced_by /m/03h304l +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01hkhq /film/actor/film./film/performance/film /m/02x2jl_ +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01x72k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fb6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/035l_9 +/m/0425kh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/037q2p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017n9 /film/film/language /m/02h40lc +/m/019vv1 /education/educational_institution/students_graduates./education/education/student /m/0kn3g +/m/05183k /people/person/profession /m/01d_h8 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02hg53 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02kx3 /location/location/time_zones /m/02llzg +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01mjq /location/location/contains /m/01d8l +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01bm_ +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0pc56 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/01znj1 /film/film/language /m/02h40lc +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/024dgj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/032nwy /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/031c2r /people/person/place_of_birth /m/02dtg +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0kjrx +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026fd +/m/02vr3gz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l380 /location/us_county/county_seat /m/0r80l +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0473rc /film/film/written_by /m/0cj2w +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ndc +/m/09fqtq /people/person/nationality /m/04xn_ +/m/0517bc /people/person/profession /m/0d1pc +/m/01n4w /location/location/contains /m/0flbm +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bs8s1p /film/film/executive_produced_by /m/02f2dn +/m/05pdh86 /film/film/music /m/0csdzz +/m/05h7tk /people/person/place_of_birth /m/02_286 +/m/017y6l /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0191h5 /people/person/place_of_birth /m/02_286 +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bv9 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/08hhm6 +/m/07cz2 /film/film/genre /m/01jfsb +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/017n9 /film/film/music /m/07zft +/m/01v5h /film/director/film /m/029jt9 +/m/05v8c /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/03k9fj /media_common/netflix_genre/titles /m/0292qb +/m/05k2xy /film/film/executive_produced_by /m/029m83 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0q_xk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/038rzr /people/person/place_of_birth /m/01vc3y +/m/0694j /location/location/contains /m/0pmp2 +/m/0ds2l81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01swdw /business/business_operation/industry /m/01mw1 +/m/099cng /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/0psss /film/actor/film./film/performance/film /m/04jkpgv +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/0fqyzz +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/0345_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k8k +/m/016z7s /film/film/genre /m/017fp +/m/0gy0l_ /film/film/production_companies /m/086k8 +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/0h5g_ /influence/influence_node/influenced_by /m/05rx__ +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01pj3h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/020trj +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccd3x +/m/07tg4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02n4kr /media_common/netflix_genre/titles /m/04s1zr +/m/04rs03 /people/person/gender /m/05zppz +/m/02czd5 /tv/tv_program/languages /m/02h40lc +/m/01pcrw /people/person/profession /m/0cbd2 +/m/030xr_ /film/actor/film./film/performance/film /m/0f4k49 +/m/0143wl /film/actor/film./film/performance/film /m/02qrv7 +/m/0gxsh4 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/0f4vx /film/film/genre /m/03q4nz +/m/0ndsl1x /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bxl5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0140g4 /film/film/genre /m/01lrrt +/m/05cl8y /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/09h_q /award/award_nominee/award_nominations./award/award_nomination/award /m/0257__ +/m/0vg8x /location/hud_county_place/place /m/0vg8x +/m/03sb38 /business/business_operation/industry /m/02vxn +/m/0yzbg /film/film/language /m/02h40lc +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0284gcb +/m/0lc1r /music/genre/parent_genre /m/01z7dr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03ff65 +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/0wsr +/m/09c7w0 /location/location/contains /m/01_s9q +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/032r1 /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0cqt41 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01rw116 /film/actor/film./film/performance/film /m/07xtqq +/m/03rjj /location/location/contains /m/09b93 +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/016yzz /people/person/profession /m/02hv44_ +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0147sh /film/film/country /m/09c7w0 +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/0k269 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r93l +/m/0725ny /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/0347xl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0k1 /people/person/religion /m/0c8wxp +/m/06whf /people/person/places_lived./people/place_lived/location /m/05qtj +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/01fh36 /music/genre/artists /m/0qdyf +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/0j3v +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01qbg5 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/01vwbts +/m/05w3f /music/genre/artists /m/07yg2 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/08w6v_ /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/09m6kg /film/film/genre /m/09blyk +/m/035rnz /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04vmqg /film/actor/film./film/performance/film /m/0dgst_d +/m/0d608 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01s3kv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/020trj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl2g +/m/06t8b /people/person/profession /m/03gjzk +/m/02qpt1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0n5d1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/05169r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01npcy7 /people/person/spouse_s./people/marriage/spouse /m/05vk_d +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/015f47 /sports/sports_team/sport /m/02vx4 +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02k21g /film/actor/film./film/performance/film /m/03nfnx +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0mmd6 +/m/09c7w0 /location/location/contains /m/0fvyg +/m/01y_rz /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/012bk /people/person/religion /m/03_gx +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/0b275x +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04vq33 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/028lc8 /film/actor/film./film/performance/film /m/0k4bc +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0191h5 /people/person/profession /m/0dz3r +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01ymvk +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l7cxq +/m/0bwfn /organization/organization/child./organization/organization_relationship/child /m/021q2j +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gxfz /film/film/film_art_direction_by /m/072twv +/m/01fwf1 /film/actor/film./film/performance/film /m/01_mdl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0d1qn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/033g0y +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01jdxj +/m/037q31 /award/award_winning_work/awards_won./award/award_honor/award /m/0gvx_ +/m/01npw8 /business/business_operation/industry /m/06mbny +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024mpp +/m/01kp_1t /award/award_nominee/award_nominations./award/award_nomination/award /m/02flpq +/m/01ttg5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0klw /influence/influence_node/influenced_by /m/03hnd +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/08ct6 /film/film/country /m/07ssc +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/05m63c +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jrny /people/person/profession /m/0kyk +/m/0plw /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jt2w +/m/0dhml /location/hud_county_place/place /m/0dhml +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/037hgm /people/person/profession /m/0dz3r +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03c0vy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/012x8m /music/record_label/artist /m/01gf5h +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01wj9y9 +/m/01srq2 /film/film/country /m/0d060g +/m/06nsb9 /people/person/profession /m/021wpb +/m/0340hj /film/film/genre /m/02kdv5l +/m/011yg9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/035yzw +/m/0dt1cm /people/person/places_lived./people/place_lived/location /m/0hptm +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gys2jp +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/0p_jc /people/person/nationality /m/09c7w0 +/m/05p92jn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042y1c +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f3m1 +/m/027r7k /film/film/genre /m/028v3 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0cyhq +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/08pth9 /people/person/religion /m/06nzl +/m/01b8bn /award/award_category/disciplines_or_subjects /m/06n90 +/m/02jx1 /location/location/contains /m/0133ch +/m/0kvqv /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/01dvbd /film/film/language /m/02h40lc +/m/02jsgf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y9w5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01h8rk +/m/05jbn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01lly5 +/m/0yldt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qqv5 +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01438g +/m/04v8x9 /film/film/genre /m/02kdv5l +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/014635 /people/person/places_lived./people/place_lived/location /m/01mb87 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/0zqq8 /location/hud_county_place/county /m/0mww2 +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04m064 +/m/0h095 /base/aareas/schema/administrative_area/administrative_parent /m/0fqyc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06npd +/m/01sl1q /film/actor/film./film/performance/film /m/0gtv7pk +/m/050llt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fn1w +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/049nq /location/location/contains /m/0cl8c +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award /m/0cjcbg +/m/0b0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/03mv9j +/m/05mph /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gm2_0 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp0ph6 +/m/02h8hr /film/actor/film./film/performance/film /m/05pyrb +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qydsh +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/03h_9lg /people/person/profession /m/02hrh1q +/m/01fx6y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01zt10 /people/person/nationality /m/016zwt +/m/06bnz /location/country/form_of_government /m/06cx9 +/m/01j6t0 /medicine/symptom/symptom_of /m/02psvcf +/m/07csf4 /film/actor/film./film/performance/film /m/04xg2f +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03c7twt +/m/01wxyx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bj9k +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0h96g /film/actor/film./film/performance/film /m/02q87z6 +/m/02_kd /film/film/genre /m/05p553 +/m/08r98b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/0ywrc /film/film/language /m/03_9r +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01vhrz /people/person/employment_history./business/employment_tenure/company /m/01gb54 +/m/07yp0f /people/person/place_of_birth /m/0n5bk +/m/0bxc4 /location/location/time_zones /m/02hcv8 +/m/025jj7 /people/person/gender /m/05zppz +/m/04969y /film/film/produced_by /m/08cn_n +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/02__x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02gf_l /film/actor/film./film/performance/film /m/0_7w6 +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/09sr0 /film/film/language /m/06nm1 +/m/0755wz /film/actor/film./film/performance/film /m/05nlx4 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0glt670 /music/genre/artists /m/02wwwv5 +/m/04ycjk /education/educational_institution/school_type /m/01rs41 +/m/033tf_ /people/ethnicity/people /m/01xdf5 +/m/041rx /people/ethnicity/people /m/0cyhq +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0jmdb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02h0f3 /film/actor/film./film/performance/film /m/0jswp +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072x7s +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/01_f_5 /people/person/spouse_s./people/marriage/spouse /m/06pk8 +/m/02frhbc /base/biblioness/bibs_location/country /m/09c7w0 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/013xrm /people/ethnicity/people /m/04xm_ +/m/07nnp_ /film/film/produced_by /m/04fyhv +/m/0168ls /film/film/genre /m/03bxz7 +/m/0241wg /film/actor/film./film/performance/film /m/0f42nz +/m/0lk8j /olympics/olympic_games/sports /m/02bkg +/m/07h07 /people/person/nationality /m/01mjq +/m/01ync /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0c_n9 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/0gdqy /people/person/nationality /m/0f8l9c +/m/015qy1 /film/film/genre /m/07s9rl0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0dj5q /people/person/place_of_birth /m/0d8r8 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/0h1v19 /film/film/genre /m/01hmnh +/m/06xj4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02py4c8 /film/film/genre /m/01hmnh +/m/0qcr0 /people/cause_of_death/people /m/02hfp_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gc_c_ +/m/0q9zc /people/person/profession /m/03gjzk +/m/01k56k /influence/influence_node/influenced_by /m/09dt7 +/m/03rtz1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0b1hw +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08vk_r +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01fh0q /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/01wwvt2 /film/actor/film./film/performance/film /m/01f7jt +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/0fhxv /film/actor/film./film/performance/film /m/03wy8t +/m/0fqy4p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0drdv /people/person/nationality /m/0chghy +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wf86y +/m/0dnvn3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/0r0ls /location/hud_county_place/county /m/0kpys +/m/01kkx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0sg4x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/01k_mc /people/person/profession /m/016z4k +/m/018dyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0swff /olympics/olympic_games/participating_countries /m/07ssc +/m/05mvd62 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vb6z +/m/0hgxh /medicine/disease/risk_factors /m/0542n +/m/026670 /people/person/spouse_s./people/marriage/spouse /m/02k21g +/m/0pz7h /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/02qzh2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/05ldxl /film/film/written_by /m/06mn7 +/m/0cm5m /location/location/contains /m/0pmcz +/m/0127xk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/04gcd1 /film/director/film /m/03x7hd +/m/01pbwwl /people/person/profession /m/01c72t +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02rcdc2 /film/film/genre /m/07s9rl0 +/m/03lrqw /film/film/genre /m/05p553 +/m/0948xk /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01jfsb /media_common/netflix_genre/titles /m/0fh694 +/m/016cjb /music/genre/artists /m/01lmj3q +/m/0fsyx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/079vf /film/actor/film./film/performance/film /m/0dnkmq +/m/06ncr /music/instrument/instrumentalists /m/0lsw9 +/m/06j6l /music/genre/artists /m/016890 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/01csvq /people/person/gender /m/02zsn +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0fg04 /film/film/production_companies /m/02jd_7 +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0145rs /music/genre/artists /m/01kp_1t +/m/0jm_ /film/film_subject/films /m/0p_rk +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/06_vpyq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/09h4b5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06wm0z +/m/06__m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016clz /music/genre/artists /m/01p0vf +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0ckrnn +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/06cl2w /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04r7f2 +/m/03yvf2 /film/film/production_companies /m/016tt2 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/0326tc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vw1w2 /film/film/language /m/03_9r +/m/072192 /film/film/language /m/02h40lc +/m/015_30 /people/person/gender /m/05zppz +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01wd02c +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025hwq +/m/05r5c /music/instrument/instrumentalists /m/06y9c2 +/m/05d8_h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fpgp26 /film/film/genre /m/05p553 +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/01w1ywm +/m/088xp /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/048ldh /sports/sports_team/sport /m/03tmr +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03ksy +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq8k8 +/m/01l2b3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0337vz /film/actor/film./film/performance/film /m/08l0x2 +/m/01nnsv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/081yw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsy95 /people/person/gender /m/05zppz +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wvxw1 +/m/042g97 /film/film/language /m/02h40lc +/m/0dp7wt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01pcql /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07s5fz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0900j5 /film/film/genre /m/03npn +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/01mxqyk /award/award_winner/awards_won./award/award_honor/award_winner /m/086qd +/m/02q253 /education/educational_institution/colors /m/083jv +/m/0c53vt /time/event/instance_of_recurring_event /m/0g_w +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07ssc /media_common/netflix_genre/titles /m/04zl8 +/m/01wxdn3 /people/person/profession /m/0gbbt +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/07d2d /music/genre/artists /m/0326tc +/m/01ptt7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bl06 /film/film/genre /m/07s9rl0 +/m/047myg9 /film/film/genre /m/060__y +/m/0zm1 /influence/influence_node/influenced_by /m/0379s +/m/0kr7k /people/person/nationality /m/03_3d +/m/0ydpd /location/hud_county_place/place /m/0ydpd +/m/015mlw /music/record_label/artist /m/01386_ +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0660b9b /film/film/genre /m/0gf28 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01wrcxr +/m/0c9c0 /people/person/profession /m/03gjzk +/m/03rhqg /music/record_label/artist /m/06mj4 +/m/03ytp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0czr9_ +/m/0bqxw /education/educational_institution_campus/educational_institution /m/0bqxw +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cnztc4 +/m/0f__1 /location/location/contains /m/0225bv +/m/0qf11 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01cssf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016r9z /olympics/olympic_games/participating_countries /m/035qy +/m/023nlj /film/actor/film./film/performance/film /m/0btpm6 +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/013y1f +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/030jj7 /music/record_label/artist /m/016qtt +/m/026fs38 /film/film/genre /m/07s9rl0 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05dkbr +/m/0175rc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zft0 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/03q3x5 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/0drc1 +/m/03qnvdl /film/film/cinematography /m/02vx4c2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/048xg8 +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/020qr4 +/m/076xkdz /film/film/genre /m/03k9fj +/m/04xvlr /media_common/netflix_genre/titles /m/0bw20 +/m/0bksh /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/022p06 /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/01m65sp /music/group_member/membership./music/group_membership/role /m/0l14md +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/044qx +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01s7ns +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018x3 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/01l9p /film/actor/film./film/performance/film /m/0gd0c7x +/m/08lr6s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/032dg7 +/m/02p8454 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08hmch /film/film/featured_film_locations /m/0f2tj +/m/09c7w0 /location/country/second_level_divisions /m/0m2hs +/m/05nlx4 /film/film/genre /m/02kdv5l +/m/01vs14j /people/person/profession /m/0nbcg +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cvkv5 +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02rqxc +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07l50vn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d35y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qpqn +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04hs7d /tv/tv_program/genre /m/03k9fj +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06_x996 +/m/0dl5d /music/genre/artists /m/0130sy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/037cr1 +/m/011xg5 /film/film/genre /m/03k9fj +/m/06jcc /influence/influence_node/influenced_by /m/081k8 +/m/031t2d /film/film/prequel /m/016dj8 +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/04gvt5 /film/actor/film./film/performance/film /m/028_yv +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/06by7 /music/genre/artists /m/01vrt_c +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/02nx2k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/018vbf /base/culturalevent/event/entity_involved /m/03m7d +/m/018j2 /music/instrument/instrumentalists /m/0p_47 +/m/04nw9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03xf_m /film/film/country /m/09c7w0 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/03pmty /film/actor/film./film/performance/film /m/07w8fz +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/0bt3j9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06wm0z +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/013xh7 +/m/053vcrp /people/person/nationality /m/09c7w0 +/m/04t6fk /film/film/production_companies /m/030_1_ +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/06s6l +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/04qk12 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/01vh18t /people/person/profession /m/02hv44_ +/m/011yxg /film/film/genre /m/04xvlr +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0mzkr /music/record_label/artist /m/01k3qj +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/02p11jq /music/record_label/artist /m/03yf3z +/m/0f2yw /location/administrative_division/country /m/0697s +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018417 +/m/030b93 /people/person/gender /m/02zsn +/m/061dn_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crfwmx /film/film/language /m/02h40lc +/m/06py2 /organization/organization/headquarters./location/mailing_address/citytown /m/0r6cx +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/05tbn /location/location/contains /m/02s8qk +/m/07nznf /people/person/gender /m/05zppz +/m/02d49z /film/film/language /m/05zjd +/m/02lxrv /film/film/genre /m/07s9rl0 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0k269 /film/actor/film./film/performance/film /m/0dfw0 +/m/03c9pqt /people/person/employment_history./business/employment_tenure/company /m/024rgt +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hfgl /sports/sports_team/colors /m/083jv +/m/01vrnsk /film/actor/film./film/performance/film /m/07bzz7 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/01x2_q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jnrk +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/06t8v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01242_ +/m/02c638 /film/film/music /m/0bwh6 +/m/02bg8v /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d6cy +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0421ng +/m/01hqk /film/film/production_companies /m/0338lq +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/09gnn /influence/influence_node/peers./influence/peer_relationship/peers /m/04hcw +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/0y617 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0295sy /film/film/genre /m/082gq +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02k1pr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019l68 +/m/025rvx0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0htlr /people/person/languages /m/02bjrlw +/m/02184q /people/person/gender /m/05zppz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/04bcb1 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02ldkf +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/02r_d4 /film/actor/film./film/performance/film /m/0dcz8_ +/m/04qzm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dg3n1 /location/location/contains /m/01nqj +/m/03xpsrx /film/actor/film./film/performance/film /m/027qgy +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/095nx /people/person/religion /m/01lp8 +/m/04g2jz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/04fzk /film/actor/film./film/performance/film /m/012s1d +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d04z6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_06 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/02p8454 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/073v6 /influence/influence_node/influenced_by /m/081k8 +/m/086nl7 /people/person/profession /m/0np9r +/m/0dfjb8 /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/03cvv4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0n5_g /location/location/time_zones /m/02hcv8 +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/03x400 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mcjs +/m/05r5c /music/instrument/instrumentalists /m/0lgsq +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/0fp_v1x /people/person/place_of_birth /m/013h9 +/m/0178_w /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/05txrz /film/actor/film./film/performance/film /m/026mfbr +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/04nm0n0 /film/film/genre /m/07s9rl0 +/m/0p_rk /film/film/music /m/02ryx0 +/m/0dh8v4 /film/film/language /m/01r2l +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0jksm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/04vh83 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/0136p1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kwgs /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qwg /people/person/nationality /m/02jx1 +/m/0bwhdbl /film/film/produced_by /m/03p01x +/m/059rby /location/location/contains /m/0yb_4 +/m/01w4c9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/02hnl +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0372j5 +/m/08vr94 /people/person/places_lived./people/place_lived/location /m/0y1rf +/m/03h502k /people/person/religion /m/0kpl +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/01fwpt /film/actor/film./film/performance/film /m/047gpsd +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0mndw /location/location/time_zones /m/02hcv8 +/m/02kgb7 /award/award_category/winners./award/award_honor/award_winner /m/024y6w +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/0xnc3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01n7q /location/location/contains /m/027l4q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0n5j_ /location/location/time_zones /m/02hcv8 +/m/02v_4xv /people/person/nationality /m/015fr +/m/0bfvw2 /award/award_category/winners./award/award_honor/award_winner /m/05cj4r +/m/03h0byn /film/film/music /m/01x6v6 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0g476 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tntf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02g5h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/02xbyr /film/film/genre /m/02l7c8 +/m/0p_pd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/02pjvc /film/actor/film./film/performance/film /m/05hjnw +/m/05xb7q /education/educational_institution/school_type /m/07tf8 +/m/0pv3x /film/film/film_production_design_by /m/0d5wn3 +/m/045nc5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02v92l +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/06_6j3 +/m/03gm48 /people/person/profession /m/02hrh1q +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0g9lm2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/06ns98 /people/person/nationality /m/02jx1 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/0y3_8 /music/genre/artists /m/03d9d6 +/m/0dmtp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/018kcp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0m3gy /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/09jcj6 /film/film/production_companies /m/0283xx2 +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/01fkxr /music/artist/origin /m/043yj +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/02ldv0 +/m/04f_d /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/017l96 /music/record_label/artist /m/05cljf +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/042rlf +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0141kz +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05txrz +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07gp9 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/04n_g /people/person/gender /m/05zppz +/m/044g_k /film/film/story_by /m/07nznf +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0180mw +/m/016gr2 /film/actor/film./film/performance/film /m/016ywb +/m/01kh2m1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z9_x +/m/02c7k4 /film/film/music /m/016szr +/m/015cbq /people/person/profession /m/01445t +/m/09hd16 /people/person/profession /m/03gjzk +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049g_xj +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01b3bp /film/actor/film./film/performance/film /m/03d8jd1 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/012q4n /film/actor/film./film/performance/film /m/04z257 +/m/01q9b9 /people/person/profession /m/03gjzk +/m/0h7dd /people/deceased_person/place_of_death /m/0r3w7 +/m/02wrhj /people/person/nationality /m/0d060g +/m/04x4nv /film/film/costume_design_by /m/02pqgt8 +/m/01vzx45 /people/person/profession /m/0dz3r +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0164v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/07_m9_ /people/person/profession /m/099md +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/02pxst /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/071xj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02phtzk /film/film/music /m/01njxvw +/m/07tg4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v36 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wlh +/m/0df2zx /film/film/genre /m/0jtdp +/m/02klny /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/051_y /people/cause_of_death/people /m/0132k4 +/m/0kvbl6 /film/film/produced_by /m/047q2wc +/m/0g39h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fly +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/01f7j9 /film/director/film /m/07nxnw +/m/02183k /education/educational_institution/campuses /m/02183k +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qmfm +/m/02d42t /film/actor/film./film/performance/film /m/03whyr +/m/02nf2c /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01q2nx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gnf9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fgg4 +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0993r +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03vrp /influence/influence_node/influenced_by /m/06lbp +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011vx3 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0784v1 /people/person/nationality /m/02jx1 +/m/03j149k /people/person/places_lived./people/place_lived/location /m/02zp1t +/m/01tspc6 /film/actor/film./film/performance/film /m/04grkmd +/m/06brp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/01dbhb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/082xp /organization/organization_founder/organizations_founded /m/01v9b1 +/m/02s529 /people/person/profession /m/0np9r +/m/09x8ms /people/deceased_person/place_of_burial /m/018mrd +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01xrlm +/m/0478__m /people/person/languages /m/02h40lc +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0738b8 /film/actor/film./film/performance/film /m/016dj8 +/m/05p1tzf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07wrz /education/university/fraternities_and_sororities /m/035tlh +/m/0dlv0 /base/biblioness/bibs_location/country /m/03rk0 +/m/04205z /film/actor/film./film/performance/film /m/09q23x +/m/0dl5d /music/genre/artists /m/032t2z +/m/02n9k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xv2x /music/genre/artists /m/0326tc +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0js9s +/m/02pfymy /business/business_operation/industry /m/01mw1 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/07c52 /media_common/netflix_genre/titles /m/01q_y0 +/m/03_l8m /award/award_winner/awards_won./award/award_honor/award_winner /m/02yj7w +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03lv4x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01mxqyk /people/person/profession /m/0nbcg +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0btyf5z +/m/0mw7h /location/location/contains /m/0_jq4 +/m/0js9s /people/person/profession /m/02jknp +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/05g7q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcrw +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0bxjpy +/m/071jrc /people/deceased_person/place_of_death /m/0k_p5 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/03cw411 /film/film/country /m/0345h +/m/02lfp4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nms7 /film/actor/film./film/performance/film /m/02cbhg +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyg4 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/020fgy +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01qy6m /music/record_label/artist /m/01w02sy +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tntf +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/05f5sr9 +/m/0272_vz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/095zvfg /people/person/gender /m/05zppz +/m/07glc4 /people/person/place_of_birth /m/01cx_ +/m/01yjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/040z9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07th_ +/m/05qg6g /people/person/languages /m/02h40lc +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/01jc6q /film/film/language /m/03hkp +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02wgk1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0ktx_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06g4l /people/person/nationality /m/09c7w0 +/m/01x72k /people/person/nationality /m/02jx1 +/m/06cn5 /location/administrative_division/country /m/04g5k +/m/03t8v3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qxc7 +/m/01vv126 /people/person/profession /m/09jwl +/m/02frhbc /sports/sports_team_location/teams /m/0jmm4 +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06lht1 +/m/01k7xz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0p9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/09v8clw /film/film/prequel /m/05nlx4 +/m/0fby2t /people/person/place_of_birth /m/030qb3t +/m/01wp8w7 /people/person/profession /m/016z4k +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0345gh /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/041n43 /music/record_label/artist /m/01vt5c_ +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/0fxky3 /people/person/profession /m/03gjzk +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/033jj1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dj48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07twz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01w7nwm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/instrument/instrumentalists /m/01wg25j +/m/02l7c8 /media_common/netflix_genre/titles /m/08lr6s +/m/0nk72 /people/person/gender /m/02zsn +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/017yfz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026qnh6 /film/film/story_by /m/013tcv +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0f2pf9 /location/location/contains /m/0nn83 +/m/018ckn /location/administrative_division/country /m/03rk0 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qvz8 +/m/050gkf /film/film/featured_film_locations /m/0h7h6 +/m/02mjmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/029ql /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02s58t +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/0g5qs2k /film/film/genre /m/01hmnh +/m/058vfp4 /people/person/gender /m/05zppz +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dryh9k /people/ethnicity/people /m/05d7rk +/m/0kcw2 /location/hud_county_place/county /m/0n474 +/m/0184jc /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/03twd6 /film/film/genre /m/060__y +/m/011ywj /film/film/genre /m/01t_vv +/m/074w86 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/025sh_8 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/0glj9q /media_common/netflix_genre/titles /m/048htn +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/0glt670 /music/genre/artists /m/016ppr +/m/0mbw0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hm2b /sports/sports_team/colors /m/06fvc +/m/049d1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n96z /location/administrative_division/country /m/07ssc +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/03xh50 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01_x6v /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/018qpb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/034q3l /people/person/places_lived./people/place_lived/location /m/01531 +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/02mqc4 /people/person/gender /m/02zsn +/m/03djpm /music/genre/artists /m/023p29 +/m/0k5px /film/film/produced_by /m/03_bcg +/m/0jqzt /film/film/featured_film_locations /m/016tw3 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0hdf8 /music/genre/artists /m/04m2zj +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/05c5z8j +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0y3_8 /music/genre/artists /m/03t9sp +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/03f_s3 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/029fbr /music/genre/parent_genre /m/05r6t +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fg0r +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01l3mk3 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h7x +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02f2dn /film/actor/film./film/performance/film /m/0gkz3nz +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l2b3 +/m/05kh_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_x +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b25y +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/086sj /film/actor/film./film/performance/film /m/03bxp5 +/m/048htn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01skmp +/m/036921 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02t8gf /music/genre/artists /m/01wt4wc +/m/01s7z0 /people/person/profession /m/02hrh1q +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0342h /music/instrument/instrumentalists /m/0fpj4lx +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01w_d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cz_ym /film/film/production_companies /m/054lpb6 +/m/0dlngsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gz6b6g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05r_x5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/058kh7 /film/film/genre /m/06cvj +/m/01kwlwp /people/person/religion /m/01lp8 +/m/0fkhz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fb_1 +/m/018d6l /people/person/gender /m/05zppz +/m/04s1zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/057pq5 +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0fbq2n /sports/sports_team/colors /m/038hg +/m/0h1n9 /medicine/disease/risk_factors /m/05jqy +/m/039crh /people/person/places_lived./people/place_lived/location /m/0l38x +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hxs4 +/m/0342h /music/instrument/instrumentalists /m/01wkmgb +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/07r_dg +/m/028p0 /people/person/profession /m/0cbd2 +/m/01xsbh /people/person/profession /m/02hrh1q +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/03d2k +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/03k545 /film/actor/film./film/performance/film /m/02x0fs9 +/m/0b44shh /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01syr4 /music/artist/origin /m/0kygv +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/04bs3j /influence/influence_node/influenced_by /m/01wp_jm +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019f2f +/m/02756j /people/person/spouse_s./people/marriage/spouse /m/05g3ss +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hw5kk +/m/02jm0n /film/actor/film./film/performance/film /m/03rtz1 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/01f8gz /film/film/edited_by /m/03cp7b3 +/m/0353xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ndy4 +/m/02yvct /film/film/language /m/02h40lc +/m/0mxbq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx6c +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1hq +/m/0tr3p /location/location/time_zones /m/02hcv8 +/m/02dtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/02p2zq +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/025ttz4 /education/educational_institution/school_type /m/05jxkf +/m/06f5j /people/person/religion /m/02rsw +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0m313 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/07b3r9 +/m/0gwjw0c /film/film/language /m/02h40lc +/m/059_gf /film/actor/film./film/performance/film /m/03wj4r8 +/m/09c7w0 /location/location/contains /m/0wq36 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c1v +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m1dzc +/m/0mdyn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/096hm /people/person/profession /m/0dxtg +/m/02d45s /people/person/nationality /m/09c7w0 +/m/03pm9 /people/person/profession /m/05z96 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/037w7r /film/film/film_festivals /m/05f5rsr +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/04jkpgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01ty4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mp9q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02fqrf /film/film/genre /m/03k9fj +/m/0l8v5 /people/person/places_lived./people/place_lived/location /m/0nq_b +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01n951 +/m/09r3f /base/culturalevent/event/entity_involved /m/0dbxy +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07bx6 /film/film/produced_by /m/01t6b4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01634x +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01xn6mc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01vt5c_ /people/person/profession /m/0lgw7 +/m/04snp2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d7vtk +/m/0bz6sq /film/film/production_companies /m/017s11 +/m/04j1n8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0kvqv +/m/0mw2m /location/location/contains /m/0_kq3 +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b2np +/m/0dq626 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0djd22 /media_common/netflix_genre/titles /m/07xtqq +/m/04yywz /people/person/gender /m/05zppz +/m/018pj3 /music/group_member/membership./music/group_membership/role /m/018j2 +/m/0mwjk /location/location/time_zones /m/02hcv8 +/m/02j04_ /education/educational_institution/students_graduates./education/education/student /m/05l4yg +/m/0dt8xq /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/0c8tkt /film/film/country /m/09c7w0 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01wdtv /music/record_label/artist /m/01vrnsk +/m/01jgkj2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c1v +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03pc89 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0227tr /people/person/places_lived./people/place_lived/location /m/0qzhw +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/07l4zhn /film/film/executive_produced_by /m/015c4g +/m/02v992 /education/educational_institution/students_graduates./education/education/student /m/0cqcgj +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05ccxr +/m/099bhp /film/film/country /m/09c7w0 +/m/0cv3w /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0d1y7 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0chghy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/05j12n +/m/0dqytn /film/film/production_companies /m/086k8 +/m/03m10r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02hwww +/m/04g3p5 /people/person/profession /m/012t_z +/m/02g3w /people/person/places_lived./people/place_lived/location /m/015zxh +/m/0ky1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t6dz +/m/011k1h /music/record_label/artist /m/01vv6_6 +/m/03v1s /base/biblioness/bibs_location/country /m/09c7w0 +/m/0d_wms /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042fgh +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hpt3 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/026lgs /film/film/production_companies /m/086k8 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw_dv +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/01fpvz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0c4f4 +/m/01rrd4 /film/actor/film./film/performance/film /m/078sj4 +/m/02r4qs /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/0v9qg /location/location/time_zones /m/02hcv8 +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0j1yf /film/actor/film./film/performance/film /m/03nfnx +/m/011k11 /music/record_label/artist /m/015bwt +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/03cs_xw /people/person/profession /m/03gjzk +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gd70t +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/06pj8 /film/director/film /m/011xg5 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/01xysf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/014hr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01g0jn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/041rx /people/ethnicity/people /m/01n1gc +/m/0727h /base/culturalevent/event/entity_involved /m/06frc +/m/0n5fl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/022fj_ /organization/organization/headquarters./location/mailing_address/citytown /m/0f2v0 +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0345h /media_common/netflix_genre/titles /m/047myg9 +/m/02w7gg /people/ethnicity/people /m/01vs4ff +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/044qx +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02f6g5 +/m/05r6t /music/genre/artists /m/0frsw +/m/050xxm /film/film/genre /m/0hcr +/m/0gt_0v /music/genre/artists /m/06h2w +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025jfl +/m/0p0fc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vhb0 /people/person/spouse_s./people/marriage/spouse /m/01gbbz +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0gd92 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gd9k +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/02tkzn +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/0lkr7 /film/actor/film./film/performance/film /m/02z44tp +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/04mhl /people/person/place_of_birth /m/030qb3t +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx72 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/06j6l /music/genre/artists /m/0qf11 +/m/034cj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0c408_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01x209s +/m/0824r /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02wmbg /people/person/profession /m/0dxtg +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/05hj0n /film/actor/film./film/performance/film /m/011yd2 +/m/02f1c /people/person/profession /m/0kyk +/m/03j367r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/07h9gp /film/film/prequel /m/03l6q0 +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/01wyy_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06k176 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/018_lb /film/actor/film./film/performance/film /m/07y9w5 +/m/01my_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07ssc /location/location/contains /m/0nbfm +/m/08qvhv /award/award_winner/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/02yy8 /organization/organization_founder/organizations_founded /m/07t65 +/m/027pfg /film/film/country /m/09c7w0 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gfnqh +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05bpg3 /people/person/profession /m/02hrh1q +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/02qkt /location/location/contains /m/0k6nt +/m/0dw6b /people/person/languages /m/06b_j +/m/07t3x8 /people/person/gender /m/05zppz +/m/0tn9j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/055vr /location/location/contains /m/02hwww +/m/07yp0f /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/0cz_ym /film/film/country /m/09c7w0 +/m/02w7gg /people/ethnicity/people /m/04qvl7 +/m/09bw4_ /film/film/genre /m/07s9rl0 +/m/04411 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tnbn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02__7n /people/person/gender /m/02zsn +/m/0hnp7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m6x4 +/m/03lgg /people/person/profession /m/0dxtg +/m/0343h /organization/organization_founder/organizations_founded /m/04kqk +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01h18v +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03ct7jd /film/film/music /m/01nqfh_ +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/015pkc +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/033g4d /film/film/genre /m/01jfsb +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/034bgm /people/person/profession /m/02jknp +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/04pz5c /film/actor/film./film/performance/film /m/027s39y +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/05dtsb /film/actor/film./film/performance/film /m/03b1sb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/024qqx /media_common/netflix_genre/titles /m/01hp5 +/m/011ykb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06srk /location/location/contains /m/0c1xm +/m/0b82vw /people/person/profession /m/01c8w0 +/m/07fsv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vz0g4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l380 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/04n32 +/m/03l6bs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01vvybv /people/person/nationality /m/09c7w0 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kk9v +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/05vzw3 /people/person/gender /m/05zppz +/m/01h1bf /tv/tv_program/genre /m/0c031k6 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/0b13g7 /people/person/profession /m/03gjzk +/m/01nm3s /film/actor/film./film/performance/film /m/07bwr +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0292qb +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gd9k +/m/0169dl /film/actor/film./film/performance/film /m/0b73_1d +/m/018tnx /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/0gthm /film/actor/film./film/performance/film /m/0bscw +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/05zdk2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/01l9p /people/person/languages /m/0x82 +/m/02_0d2 /influence/influence_node/influenced_by /m/0p_pd +/m/012z8_ /people/deceased_person/place_of_death /m/030qb3t +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03gfvsz /broadcast/content/artist /m/016vn3 +/m/0x67 /people/ethnicity/people /m/0lzb8 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nty +/m/026dd2b /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07w3r +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/05drr9 +/m/02lv2v /education/educational_institution/colors /m/01l849 +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/0j5q3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05jx17 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/03x83_ +/m/06j6l /music/genre/artists /m/05d8vw +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0kvf3b /film/film/genre /m/04xvlr +/m/04knh6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0mzg2 /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/02825nf /film/film/country /m/09c7w0 +/m/0b1hw /influence/influence_node/influenced_by /m/0m2l9 +/m/05h95s /tv/tv_program/genre /m/025s89p +/m/07kdkfj /film/film/genre /m/07s9rl0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06pwq +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/03k9fj /media_common/netflix_genre/titles /m/034r25 +/m/01kj0p /film/actor/film./film/performance/film /m/018nnz +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/0j86l /sports/sports_team/sport /m/03tmr +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0z05l +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/0281y0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/04svwx /film/film/genre /m/0jxy +/m/0kvb6p /film/film/music /m/02sj1x +/m/0f3m1 /film/film/genre /m/03k9fj +/m/01k7b0 /film/film/language /m/02h40lc +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0xhtw /music/genre/artists /m/06mj4 +/m/03m8y5 /film/film/genre /m/07s9rl0 +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/05t7c1 /education/educational_institution/campuses /m/05t7c1 +/m/0r2dp /location/hud_county_place/county /m/0cb4j +/m/02mjf2 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0vzm +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/04xvlr /media_common/netflix_genre/titles /m/0c34mt +/m/0pc7r /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3ll +/m/0gt3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/07vqnc /tv/tv_program/country_of_origin /m/09c7w0 +/m/0277c3 /people/person/profession /m/02hrh1q +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/03h64 /media_common/netflix_genre/titles /m/01f85k +/m/024qwq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/049mr /business/business_operation/industry /m/0vg8 +/m/03f5vvx /people/person/religion /m/01spm +/m/0342h /music/instrument/instrumentalists /m/017l4 +/m/0gjcy /location/hud_county_place/county /m/0l34j +/m/0hz55 /tv/tv_program/genre /m/02vnz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8fs +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/019kyn /film/film/genre /m/0hcr +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/042l3v /people/deceased_person/place_of_death /m/02_286 +/m/016lh0 /influence/influence_node/influenced_by /m/0cpvcd +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0kxbc +/m/01fh36 /music/genre/artists /m/01wg6y +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0432cd /people/person/places_lived./people/place_lived/location /m/04n3l +/m/0341n5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kjr0 /film/film/genre /m/03npn +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/03krj +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032clf +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gtdnh +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/05dbf +/m/0n1s0 /film/film/genre /m/05mrx8 +/m/0m9p3 /film/film/genre /m/02kdv5l +/m/0c_drn /award/award_winner/awards_won./award/award_honor/award_winner /m/06rrzn +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cfhfz +/m/02zl4d /film/actor/film./film/performance/film /m/0bl3nn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/0svqs /people/person/profession /m/0np9r +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07tj4c +/m/02cx90 /music/artist/track_contributions./music/track_contribution/role /m/07_l6 +/m/027ybp /education/educational_institution/school_type /m/01_9fk +/m/07ssc /media_common/netflix_genre/titles /m/02pjc1h +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/01gv_f /people/person/religion /m/04pk9 +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/03cvfg +/m/01l1b90 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lw3kh /people/person/nationality /m/09c7w0 +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/0785v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x0dzw +/m/0ywqc /film/actor/film./film/performance/film /m/0j_tw +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x400 +/m/0dnvn3 /film/film/music /m/03h610 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/01pf21 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01bl7g /film/film/language /m/0653m +/m/05hywl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gbfn9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jksm /organization/organization/headquarters./location/mailing_address/state_province_region /m/01914 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09t9m2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/06m6z6 /people/person/place_of_birth /m/02_286 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/0h32q /film/actor/film./film/performance/film /m/035w2k +/m/0mzkr /music/record_label/artist /m/016ntp +/m/01vh18t /film/actor/film./film/performance/film /m/0jqkh +/m/039zft /film/film/production_companies /m/09b3v +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/02r79_h /film/film/production_companies /m/05mgj0 +/m/01gvpz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fb0v /music/record_label/artist /m/045zr +/m/07_nf /time/event/locations /m/01crd5 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294zg +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x3qv +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/01bvx1 /organization/organization/place_founded /m/07dfk +/m/02b1yn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x0gk1 +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0qmd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0ccd3x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04z_x4v +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/05kms +/m/0jt90f5 /influence/influence_node/influenced_by /m/0l99s +/m/0p9qb /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/059rby /location/location/contains /m/0xynl +/m/0l8g0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01cpqk /people/person/religion /m/0c8wxp +/m/04grkmd /film/film/genre /m/04rlf +/m/0jwmp /film/film/production_companies /m/0c41qv +/m/0443c /people/person/places_lived./people/place_lived/location /m/02_286 +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cyslc +/m/01gl9g /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/0dtzkt /film/film/music /m/0lccn +/m/01shy7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02md2d /tv/tv_program/country_of_origin /m/09c7w0 +/m/045hz5 /people/person/place_of_birth /m/09c6w +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/05kjc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0knjh /people/person/nationality /m/0f8l9c +/m/02tc5y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0223bl +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02w5q6 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/02lnbg /music/genre/artists /m/01w58n3 +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c5z8j +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/047myg9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/016z51 /film/actor/film./film/performance/film /m/02qr3k8 +/m/03mszl /people/person/profession /m/016z4k +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award /m/024vjd +/m/034b6k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wv9p +/m/0g9z_32 /film/film/written_by /m/0c9c0 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0f3m1 /film/film/edited_by /m/0343h +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01pv91 /film/film/genre /m/05p553 +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/04rrd /base/aareas/schema/administrative_area/capital /m/0fvwg +/m/01jzyf /film/film/written_by /m/02kxbx3 +/m/02m501 /film/actor/film./film/performance/film /m/04g9gd +/m/027hm_ /people/person/nationality /m/09c7w0 +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/06tgw /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0ccxx6 /music/genre/parent_genre /m/02yy88 +/m/02zkdz /education/educational_institution/colors /m/036k5h +/m/03nyts /people/person/profession /m/01nxfc +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/03nx8mj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl3hr +/m/04swd /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01tj34 +/m/0swff /olympics/olympic_games/sports /m/06zgc +/m/0dhml /location/hud_county_place/county /m/0cc07 +/m/02bfxb /people/person/profession /m/0dxtg +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/0h96g /film/actor/film./film/performance/film /m/02qr3k8 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/084302 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01qqtr /film/actor/film./film/performance/film /m/01y9r2 +/m/0xhtw /music/genre/artists /m/01vn0t_ +/m/02wycg2 /people/person/places_lived./people/place_lived/location /m/0mnwd +/m/063k3h /people/ethnicity/people /m/0rlz +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/01pk3z /film/actor/film./film/performance/film /m/0408m53 +/m/02r0d0 /award/award_category/disciplines_or_subjects /m/0j7v_ +/m/0m593 /people/person/profession /m/012t_z +/m/06nm1 /media_common/netflix_genre/titles /m/06823p +/m/06p0s1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/03y82t6 /people/person/religion /m/01lp8 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/01m7f5r /people/person/place_of_birth /m/04jpl +/m/0br0vs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0c5tl /people/person/nationality /m/02jx1 +/m/041rx /people/ethnicity/people /m/05wjnt +/m/0bdt8 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/0fb1q /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01q8hj /education/educational_institution/school_type /m/05pcjw +/m/05rwpb /music/genre/artists /m/01vt5c_ +/m/01ry_x /film/film/language /m/064_8sq +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/08qvhv /people/person/profession /m/03gjzk +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/017fp /media_common/netflix_genre/titles /m/017180 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0h6rm /education/educational_institution/school_type /m/05jxkf +/m/02fgdx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0g69lg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02qkq0 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/01g7zj /people/ethnicity/people /m/029k55 +/m/0d3fdn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0qy5v /location/hud_county_place/place /m/0qy5v +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/03cfjg /people/person/gender /m/05zppz +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/01j48s /sports/sports_team/sport /m/02vx4 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/01wlt3k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01336l /people/ethnicity/people /m/04bbv7 +/m/0c_drn /people/person/gender /m/05zppz +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/0379s /influence/influence_node/influenced_by /m/04jwp +/m/04hhv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01crd5 +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/01v3s2_ /people/person/profession /m/02hrh1q +/m/03qjwc /music/record_label/artist /m/01wdcxk +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0js9s +/m/02clgg /film/actor/film./film/performance/film /m/02fqxm +/m/0d05w3 /location/location/contains /m/01qq80 +/m/06dv3 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016vg8 +/m/01vw87c /people/person/profession /m/0nbcg +/m/0391jz /people/person/nationality /m/0d060g +/m/06zd1c /people/person/gender /m/05zppz +/m/01h4rj /people/person/place_of_birth /m/030qb3t +/m/037cr1 /film/film/genre /m/02l7c8 +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02_sr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01900g +/m/09rvwmy /film/film/genre /m/07s9rl0 +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02v60l /people/person/nationality /m/09c7w0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/03c0vy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07wrz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0gzy02 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jpmpv +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0473m9 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09hy79 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0htww /film/film/production_companies /m/017s11 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/01svw8n /award/award_winner/awards_won./award/award_honor/award_winner /m/07lt7b +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/07kc_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/02qdgx /music/genre/parent_genre /m/0gywn +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/024_fw /award/award_category/winners./award/award_honor/award_winner /m/015rmq +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0c_j5d +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284gc +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_1kk +/m/03f6fl0 /people/person/gender /m/05zppz +/m/03qkgyl /people/person/profession /m/03gjzk +/m/01qz5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04x4nv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tv80 +/m/05r5c /music/instrument/instrumentalists /m/06cc_1 +/m/0347db /people/person/profession /m/02hrh1q +/m/04wp63 /people/person/profession /m/0dxtg +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/04jjy /film/film_subject/films /m/0jyx6 +/m/0hz55 /tv/tv_program/genre /m/0lsxr +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/017l96 /music/record_label/artist /m/026spg +/m/0hsb3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01900g /people/person/profession /m/018gz8 +/m/05qtj /location/location/contains /m/0g_tv +/m/021bk /people/person/profession /m/09jwl +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/03_3d /location/location/contains /m/0fxrk +/m/0wqwj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/0b_6qj /time/event/instance_of_recurring_event /m/02jp2w +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/05np2 /influence/influence_node/influenced_by /m/0465_ +/m/08bqy9 /people/person/place_of_birth /m/09c17 +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/04z542 +/m/0dc7hc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/03s5lz /film/film/executive_produced_by /m/01h1b +/m/01q8wk7 /people/person/gender /m/05zppz +/m/023l9y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0rt80 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/02pk6x /base/eating/practicer_of_diet/diet /m/07_jd +/m/01vvyc_ /people/person/profession /m/012t_z +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/05gsd2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0qdyf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d61px /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01pkhw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01fchy /music/artist/origin /m/01_d4 +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/01xsc9 /film/actor/film./film/performance/film /m/04n52p6 +/m/02qmsr /film/film/executive_produced_by /m/05hj_k +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/0jrq9 /location/location/contains /m/0rp46 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/065zlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/013rxq /music/genre/artists /m/01d4cb +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0d07s /education/educational_institution/campuses /m/0d07s +/m/02h22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04lqvly /film/film/language /m/0jzc +/m/0241jw /film/actor/film./film/performance/film /m/0ndwt2w +/m/09b69 /location/location/contains /m/03pn9 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0r3tq +/m/0dn16 /music/genre/artists /m/0127s7 +/m/01jq34 /education/educational_institution/school_type /m/01_9fk +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgzn_ +/m/01w524f /people/person/profession /m/09jwl +/m/09b83 /location/location/contains /m/035qv8 +/m/0c3jz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/02qny_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s9vc +/m/0tj9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yy9r /film/film/genre /m/0c3351 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03v6t +/m/015qqg /film/film/language /m/02h40lc +/m/0z4_0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/041rx /people/ethnicity/people /m/017c87 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02bj6k /people/person/nationality /m/09c7w0 +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/015f7 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/011_vz /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08821 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05q4 +/m/01trf3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vlj1g +/m/0fq27fp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/0ds3t5x /film/film/genre /m/07s9rl0 +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0f4vbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0436kgz +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/0fpv_3_ /film/film/language /m/064_8sq +/m/01f1r4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07d2d /music/genre/artists /m/01v_pj6 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/02zy1z /education/educational_institution/school_type /m/01_srz +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/064t9 /music/genre/artists /m/01htxr +/m/01tnbn /film/actor/film./film/performance/film /m/0199wf +/m/01wg25j /people/person/place_of_birth /m/0rt80 +/m/03l78j /organization/organization/headquarters./location/mailing_address/citytown /m/0c5v2 +/m/09c7w0 /location/location/contains /m/031sn +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/075k5 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05r4w +/m/026t6 /music/instrument/instrumentalists /m/09889g +/m/026fs38 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0320jz /film/actor/film./film/performance/film /m/0gvrws1 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/04411 /influence/influence_node/influenced_by /m/0mj0c +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/019tfm /education/educational_institution/school_type /m/05jxkf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qkp +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/02_j8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gw8b +/m/07qcbw /people/person/profession /m/02jknp +/m/07mkj0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0qxzd /location/hud_county_place/place /m/0qxzd +/m/027r8p /people/person/nationality /m/09c7w0 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/06nrt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fky +/m/01934k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/09d38d /film/film/music /m/03zrp +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/095zlp +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/02wvf2s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/03mr85 /film/film/produced_by /m/030s5g +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01n30p +/m/032zq6 /film/film/music /m/01ycfv +/m/0170pk /film/actor/film./film/performance/film /m/05fcbk7 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/061v5m +/m/0k9p4 /location/hud_county_place/county /m/0cb4j +/m/034bs /influence/influence_node/influenced_by /m/0hky +/m/0125xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04f6hhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/045bs6 +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/0k419 /film/film/language /m/02h40lc +/m/0bxtg /people/person/place_of_birth /m/0qymv +/m/05r5c /music/instrument/instrumentalists /m/0hr3g +/m/05t54s /film/film/country /m/07ssc +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/012q4n /film/actor/film./film/performance/film /m/07bwr +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tr7d +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnm2 +/m/01vy_v8 /film/actor/film./film/performance/film /m/0184tc +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/04gzd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/08lr6s /film/film/genre /m/02l7c8 +/m/085jw /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0d8jf /location/location/time_zones /m/02hcv8 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01b9ck +/m/01rt2z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025t9b /film/actor/film./film/performance/film /m/031hcx +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/017jd9 /film/film/genre /m/03k9fj +/m/095zlp /film/film/produced_by /m/0fvf9q +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05b4w +/m/05k2xy /film/film/production_companies /m/016tw3 +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/07vfqj /people/person/places_lived./people/place_lived/location /m/01vskn +/m/036px /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/067ghz /film/film/music /m/023361 +/m/0g3bw /location/location/contains /m/018qd6 +/m/03p01x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05sy2k_ +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01w_d6 +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06zsk51 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/073tm9 /music/record_label/artist /m/019f9z +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06823p +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/02q_x_l +/m/06qd3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5dd +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/01sg7_ /people/person/places_lived./people/place_lived/location /m/013yq +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/034bs /influence/influence_node/influenced_by /m/03_87 +/m/02rg_4 /education/educational_institution/colors /m/083jv +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmdwwg +/m/05zjd /language/human_language/countries_spoken_in /m/02kcz +/m/064t9 /music/genre/artists /m/01jfr3y +/m/05p1tzf /film/film/country /m/09c7w0 +/m/02q4mt /people/person/gender /m/05zppz +/m/01nqfh_ /people/person/profession /m/01c72t +/m/03b1l8 /film/film/genre /m/07s9rl0 +/m/04cl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s529 +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/07r1h /film/actor/film./film/performance/film /m/051zy_b +/m/01kgv4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w7gg /people/ethnicity/people /m/0525b +/m/0f25y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0603qp /people/person/nationality /m/09c7w0 +/m/0symg /film/film/genre /m/0hfjk +/m/03lv4x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02dbn2 +/m/03gfvsz /broadcast/content/artist /m/0b_j2 +/m/02snj9 /music/instrument/family /m/02qjv +/m/01vdm0 /music/instrument/instrumentalists /m/09hnb +/m/0btxr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/01xv77 /people/person/profession /m/07s467s +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/056xx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06z5s /film/film_subject/films /m/09ps01 +/m/03x6rj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/047csmy /film/film/country /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b14q +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/02tf1y /people/person/languages /m/02h40lc +/m/0gl02yg /film/film/language /m/0459q4 +/m/0f__1 /location/location/time_zones /m/02hcv8 +/m/02jx1 /location/location/contains /m/0hx5f +/m/02q56mk /film/film/genre /m/060__y +/m/018vs /music/instrument/instrumentalists /m/0fpj9pm +/m/02lyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gvt5 +/m/028_yv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fsn /music/instrument/family /m/01vj9c +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5f5n +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0hx4y /film/film/cinematography /m/0f3zf_ +/m/01_ztw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0163t3 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/06by7 /music/genre/artists /m/02r3zy +/m/03c7ln /people/person/nationality /m/09c7w0 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/027s4dn +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/0dwr4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/0283xx2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0462hhb +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01c_d +/m/0n5_t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0xjl2 /music/genre/artists /m/015196 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0ghtf /location/hud_county_place/place /m/0ghtf +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/01fx4k /film/film/costume_design_by /m/02vkvcz +/m/0m9p3 /film/film/language /m/02h40lc +/m/0ymgk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02vr30 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0223g8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bczm +/m/01d2v1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/036dyy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/0f24cc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0993r /people/person/languages /m/0t_2 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/02lp3c /award/award_winner/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/046b0s /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/051zy_b /film/film/genre /m/0gs6m +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05183k /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/032xhg /people/person/gender /m/05zppz +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/03ys2f /people/person/profession /m/0dxtg +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/063g7l /people/person/profession /m/018gz8 +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/0443c /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01fsv9 /education/educational_institution/school_type /m/05jxkf +/m/0hmm7 /film/film/genre /m/0c3351 +/m/02qwg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btpx +/m/0424m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0137hn /people/person/profession /m/0nbcg +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmbv +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/01jw4r /people/person/gender /m/02zsn +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/0453t /influence/influence_node/influenced_by /m/060_7 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qkt /location/location/contains /m/04w4s +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0gpx6 /film/film/country /m/06mkj +/m/01vvydl /people/person/profession /m/02dsz +/m/039bpc /people/person/places_lived./people/place_lived/location /m/01snm +/m/02f2dn /film/actor/film./film/performance/film /m/0fh694 +/m/01jq34 /education/educational_institution/colors /m/06fvc +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/06c44 /people/person/profession /m/0q04f +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mqc4 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dyl9 +/m/0204jh /education/educational_institution/school_type /m/02dk5q +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0640y35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4vx /film/film/genre /m/02l7c8 +/m/0h10vt /film/actor/film./film/performance/film /m/0gyy53 +/m/06w7v /music/instrument/instrumentalists /m/01sb5r +/m/0bs5f0b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01hpnh /location/location/contains /m/01zxx9 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gnbv1 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/016sp_ /film/actor/film./film/performance/film /m/035s95 +/m/0r89d /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/022411 /film/actor/film./film/performance/film /m/035bcl +/m/0b2v79 /film/film/music /m/02sjp +/m/01nglk /people/person/profession /m/02krf9 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03fhm5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hnl /music/instrument/instrumentalists /m/06cc_1 +/m/069ld1 /film/actor/film./film/performance/film /m/048xyn +/m/03f4xvm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0992d9 /film/film/language /m/02h40lc +/m/01v6480 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0y_yw /film/film/language /m/04306rv +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02__34 +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/0fhxv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hmr4 /film/film/featured_film_locations /m/02_286 +/m/0hwqg /film/actor/film./film/performance/film /m/0168ls +/m/08t7nz /people/person/profession /m/02krf9 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/01nn6c /people/person/profession /m/0dz3r +/m/013ybx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/013_vh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0134w7 +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vtj38 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/0525b /film/actor/film./film/performance/film /m/0bz3jx +/m/01nd6v /film/actor/film./film/performance/film /m/0gfzfj +/m/0bs4r /film/film/genre /m/082gq +/m/02yv6b /music/genre/artists /m/01vtg4q +/m/0s6g4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/0x67 /people/ethnicity/people /m/04myfb7 +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/03rt9 /location/country/second_level_divisions /m/0clzr +/m/01k8vh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/06mx8 /location/location/contains /m/02vzc +/m/050z2 /music/artist/origin /m/0b_yz +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/03krj +/m/01n7q /location/location/contains /m/0gx1l +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/05jcn8 /people/person/place_of_birth /m/0xddr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03hdz8 +/m/0ks67 /organization/organization/headquarters./location/mailing_address/citytown /m/0xpp5 +/m/04t36 /media_common/netflix_genre/titles /m/04jplwp +/m/02yv6b /music/genre/artists /m/06rgq +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/05c9zr /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/0cpvcd +/m/012dtf /people/person/spouse_s./people/marriage/spouse /m/0cgbf +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0qpqn /location/hud_county_place/place /m/0qpqn +/m/02rf1y /people/person/gender /m/05zppz +/m/02xcb6n /award/award_category/category_of /m/0gcf2r +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03j24kf /people/person/profession /m/05vyk +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/072192 /film/film/costume_design_by /m/02cqbx +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02q7yfq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09g8vhw +/m/0f24cc /sports/sports_team/colors /m/03vtbc +/m/0124k9 /tv/tv_program/genre /m/06nbt +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nz1q6 +/m/03_d0 /music/genre/artists /m/01lcxbb +/m/050llt /people/person/nationality /m/03rk0 +/m/0w9hk /location/hud_county_place/place /m/0w9hk +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/01v80y /people/person/profession /m/02jknp +/m/025xt8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05k4my /film/film/genre /m/05p553 +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/018_lb /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/07147 +/m/03csqj4 /film/film_set_designer/film_sets_designed /m/04vvh9 +/m/01rr31 /education/educational_institution/colors /m/038hg +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1hb +/m/064t9 /music/genre/artists /m/0f502 +/m/0146pg /award/award_winner/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/02b13y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02dpl9 /film/film/genre /m/07s9rl0 +/m/01trxd /education/educational_institution/campuses /m/01trxd +/m/01jfsb /media_common/netflix_genre/titles /m/04n52p6 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/01tspc6 /film/actor/film./film/performance/film /m/031hcx +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wk_43 +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/0cg39k /people/person/nationality /m/09c7w0 +/m/01933d /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0gy7bj4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0d9z_y /location/hud_county_place/place /m/0d9z_y +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0342h /music/instrument/instrumentalists /m/0knjh +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/04t6fk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/06d6y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04ddm4 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/01rxw /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/033kqb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05qtcv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b10g +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tgp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/093142 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0168ls /film/film/genre /m/02kdv5l +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01z4y /media_common/netflix_genre/titles /m/03cmsqb +/m/06yxd /location/location/contains /m/0mw1j +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/03z509 +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_7w6 +/m/058frd /award/award_winner/awards_won./award/award_honor/award_winner /m/04vlh5 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06y_n +/m/0c0nhgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04lqvly /film/film/genre /m/03bxz7 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/03tps5 /film/film/language /m/03hkp +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0g9lm2 /film/film/country /m/0f8l9c +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09bx1k +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/013xrm /people/ethnicity/people /m/07dnx +/m/030h95 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/08s6mr /film/film/production_companies /m/0c41qv +/m/09n48 /olympics/olympic_games/participating_countries /m/01ppq +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/022lly /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0170th /film/film/genre /m/03bxz7 +/m/05ty4m /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hr41p6 +/m/03hh89 /film/actor/film./film/performance/film /m/0294mx +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01t07j /film/director/film /m/0qmfz +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/0lgxj /olympics/olympic_games/participating_countries /m/035qy +/m/0gr36 /people/person/gender /m/05zppz +/m/0zdfp /location/hud_county_place/county /m/0mx7f +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0d0kn /location/location/contains /m/0bm4j +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/01p0w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p0vf +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04vjh +/m/02rv1w /education/educational_institution/colors /m/0jc_p +/m/037c9s /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0320fn /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01bh6y /film/actor/film./film/performance/film /m/0168ls +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0hx4y /film/film/featured_film_locations /m/03gh4 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06lgq8 +/m/01cszh /music/record_label/artist /m/0178_w +/m/02gd6x /film/film/language /m/0880p +/m/02xs5v /people/person/place_of_birth /m/02fvv +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0flw6 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gnbw +/m/04f9r2 /people/deceased_person/place_of_death /m/06_kh +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03h40_7 +/m/0n1s0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02ppg1r /tv/tv_program/genre /m/01z77k +/m/0150t6 /award/award_winner/awards_won./award/award_honor/award_winner /m/06fxnf +/m/0342vg /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/015_1q /music/record_label/artist /m/04cr6qv +/m/09c7w0 /location/location/contains /m/0l2q3 +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0342h /music/instrument/instrumentalists /m/01w923 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0194xc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/037mjv +/m/082db /music/artist/origin /m/0b1mf +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/09p0ct /film/film/genre /m/01jfsb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0mb0 /influence/influence_node/influenced_by /m/01v9724 +/m/06t2t2 /film/film/genre /m/01t_vv +/m/0l6qt /award/award_winner/awards_won./award/award_honor/award_winner /m/04cw0j +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0kh6b +/m/0738b8 /people/person/nationality /m/09c7w0 +/m/0dlngsd /film/film/language /m/02h40lc +/m/017dpj /people/person/profession /m/02krf9 +/m/0g2mbn /people/person/place_of_birth /m/04vmp +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/01mk6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05rh2 /location/administrative_division/first_level_division_of /m/0d060g +/m/0163kf /base/eating/practicer_of_diet/diet /m/07_jd +/m/0f4_2k /film/film/produced_by /m/0g2lq +/m/031778 /film/film/costume_design_by /m/03y1mlp +/m/0h0wd9 /film/film/costume_design_by /m/0gl88b +/m/01nms7 /people/person/nationality /m/09c7w0 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/09vzz /education/educational_institution_campus/educational_institution /m/09vzz +/m/02n4kr /media_common/netflix_genre/titles /m/01j5ql +/m/0gyfp9c /film/film/genre /m/07s9rl0 +/m/06whf /influence/influence_node/influenced_by /m/028p0 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fzfj +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cwfgz /film/film/music /m/01l9v7n +/m/0dw3l /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0372kf /film/actor/film./film/performance/film /m/080lkt7 +/m/04ydr95 /film/film/genre /m/0hfjk +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02wvfxl +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06c1y +/m/021yzs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/0dt645q /people/person/profession /m/0np9r +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwq9 +/m/01c8v0 /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/01vsy3q /people/person/place_of_birth /m/0d9jr +/m/01jq4b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/09c7w0 /location/country/second_level_divisions /m/0fkh6 +/m/030hcs /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/030hbp +/m/04pcmw /music/genre/parent_genre /m/026z9 +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/083tk /language/human_language/countries_spoken_in /m/014tss +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/01w8n89 /people/person/profession /m/0gbbt +/m/05fjf /location/location/contains /m/0n5gb +/m/04dyqk /people/person/profession /m/01d_h8 +/m/01j_5k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06bnz +/m/042gr4 /people/person/profession /m/0np9r +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/065jlv /film/actor/film./film/performance/film /m/031778 +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01tspc6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/058kqy /people/person/nationality /m/09c7w0 +/m/01fx6y /film/film/country /m/07ssc +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/07w42 /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/01hmk9 /people/person/profession /m/02hrh1q +/m/09l3p /award/award_winner/awards_won./award/award_honor/award_winner /m/01r93l +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/02k8k /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0274ck /people/person/profession /m/016z4k +/m/03nn7l2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/02sfnv +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02s2lg +/m/0prjs /people/person/place_of_birth /m/01l63 +/m/01p8r8 /people/person/profession /m/0dxtg +/m/03dq9 /people/person/profession /m/018gz8 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01_x6v /people/person/profession /m/0np9r +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/02jxkw +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0yldt +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01lyv /music/genre/artists /m/06m61 +/m/0ddcbd5 /film/film/produced_by /m/02q42j_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0371rb +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/07bx6 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/0ftyc /location/hud_county_place/place /m/0ftyc +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/026_w57 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/09hldj /sports/sports_team/sport /m/02vx4 +/m/01vrlr4 /people/person/profession /m/02hrh1q +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qjg +/m/03ccq3s /award/award_category/winners./award/award_honor/award_winner /m/049fgvm +/m/059_c /location/location/contains /m/0xc9x +/m/0prhz /film/film/genre /m/02l7c8 +/m/037q1z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035tjy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/046qq /people/person/places_lived./people/place_lived/location /m/0n6dc +/m/02ht1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01515w /film/actor/film./film/performance/film /m/0blpg +/m/0d05fv /people/person/religion /m/019cr +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/0jdk_ /olympics/olympic_games/sports /m/01gqfm +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09v38qj /tv/tv_program/genre /m/01jfsb +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02vxq9m /film/film/featured_film_locations /m/06wjf +/m/0415ggl /film/film/executive_produced_by /m/0mz73 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsg7 +/m/015gjr /people/person/spouse_s./people/marriage/spouse /m/0cbkc +/m/0tr3p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j95 +/m/011k11 /music/record_label/artist /m/01p95y0 +/m/05wh0sh /people/person/gender /m/05zppz +/m/016jny /music/genre/artists /m/063t3j +/m/06hgym /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dq9wx +/m/0y_pg /film/film/genre /m/02l7c8 +/m/0gj8t_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06j6l /music/genre/artists /m/01w272y +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/04y8r /film/director/film /m/0bxsk +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/02gtm4 /sports/sports_team/colors /m/088fh +/m/03j24kf /people/person/profession /m/04f2zj +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vd6 +/m/0sxns /film/film/written_by /m/081lh +/m/01kgxf /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/0lyjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j0k /base/locations/continents/countries_within /m/0j1z8 +/m/024l2y /film/film/language /m/03_9r +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01nxzv /people/person/profession /m/0np9r +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04qt29 +/m/07th_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02jx1 /location/location/contains /m/01tzfz +/m/0134w7 /people/person/place_of_birth /m/05qtj +/m/01qqwn /people/cause_of_death/people /m/03r1pr +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/026lj /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02w2bc +/m/02jx_v /organization/organization/headquarters./location/mailing_address/state_province_region /m/0chgr2 +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07g7h2 +/m/044qx /people/deceased_person/place_of_burial /m/018mmj +/m/01nf9x /base/biblioness/bibs_location/country /m/0chghy +/m/01ttg5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pctb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03tc5p +/m/03_6y /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bbf1f +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/0dgq80b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/02j8nx /film/actor/film./film/performance/film /m/05wp1p +/m/02wvfxl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02fn5r /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nfnx +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/07d3x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05jm7 +/m/01x209s /film/actor/film./film/performance/film /m/0ccd3x +/m/02_1rq /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01cgz /media_common/netflix_genre/titles /m/01719t +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/04v68c /people/person/gender /m/05zppz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/0gvvf4j /film/film/prequel /m/04y9mm8 +/m/041b4j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mk6 +/m/059kh /music/genre/artists /m/016fmf +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k2sk +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/016s0m /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/027f7dj /people/person/gender /m/02zsn +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0249fn /award/award_category/winners./award/award_honor/award_winner /m/015xp4 +/m/0h5jg5 /people/person/gender /m/05zppz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/04zyhx /film/film/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bxp5 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/076tq0z +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/09c7w0 /location/location/contains /m/017zq0 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/059s8 /base/aareas/schema/administrative_area/capital /m/02w70 +/m/0cht6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/01hw5kk /film/film/genre /m/05p553 +/m/01364q /award/award_winner/awards_won./award/award_honor/award_winner /m/01wcp_g +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/03lgg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dv0z /location/country/capital /m/0k3p +/m/0r540 /base/biblioness/bibs_location/state /m/01n7q +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/03f7xg /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/0135cw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02n1gr +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/02hwww /organization/organization/headquarters./location/mailing_address/citytown /m/04vmp +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/019n8z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/050z2 /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/044ptm /people/person/nationality /m/03rk0 +/m/018ctl /olympics/olympic_games/participating_countries /m/01znc_ +/m/01sl1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k8rb +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/09tkzy /film/film/genre /m/07s9rl0 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0f8l9c /location/location/contains /m/078ym8 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02gpkt +/m/07qv_ /language/human_language/countries_spoken_in /m/05v8c +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018x3 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/03mv0b +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/03fg0r +/m/05fcbk7 /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/01p87y +/m/03j722 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/03yvln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gtxj2q /film/film/genre /m/04t36 +/m/05f7w84 /tv/tv_program/genre /m/05p553 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v_pj6 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0g768 /music/record_label/artist /m/01_wfj +/m/03_wj_ /film/actor/film./film/performance/film /m/0c3zjn7 +/m/026qnh6 /film/film/genre /m/082gq +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/070fnm /film/film/country /m/09c7w0 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0chw_ /film/actor/film./film/performance/film /m/04h4c9 +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/01tdnyh +/m/0296rz /film/film/produced_by /m/0q9kd +/m/029cpw /people/person/profession /m/0np9r +/m/03wy8t /film/film/written_by /m/01_f_5 +/m/04w8f /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02ctzb /people/ethnicity/people /m/062dn7 +/m/056vv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03cwwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0209hj /film/film/genre /m/07s9rl0 +/m/05p9_ql /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dy7j +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/03wy8t /film/film/film_production_design_by /m/02vxyl5 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gfmc_ +/m/0cjk9 /language/human_language/countries_spoken_in /m/06bnz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/04mx__ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8l9c /media_common/netflix_genre/titles /m/048xyn +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/01jv1z /music/record_label/artist /m/0167_s +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/0262zm /award/award_category/disciplines_or_subjects /m/06n90 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02dr9j +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/02kmx6 /people/deceased_person/place_of_death /m/0r00l +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/027zz /people/person/places_lived./people/place_lived/location /m/0l2hf +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0150n /base/biblioness/bibs_location/country /m/0345h +/m/073hkx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/05b2gsm /people/person/nationality /m/09c7w0 +/m/04k25 /people/person/profession /m/0dgd_ +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f61tk +/m/0gn30 /film/actor/film./film/performance/film /m/059lwy +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0pm85 /music/genre/artists /m/09lwrt +/m/0xrz2 /location/hud_county_place/county /m/0n5bk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/012x1l +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/016j68 +/m/0fpkhkz /film/film/country /m/0k6nt +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03nx8mj /film/film/country /m/09c7w0 +/m/0g8st4 /film/actor/film./film/performance/film /m/01qdmh +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06rvn +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/0ggjt +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/018vs /music/instrument/instrumentalists /m/0kxbc +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_80b +/m/01jfnvd /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/080lkt7 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/05hrq4 +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06nr2h +/m/01l1ls /people/person/gender /m/02zsn +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01_qc_ /medicine/disease/risk_factors /m/01hbgs +/m/01y_px /film/actor/film./film/performance/film /m/02ctc6 +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03s9b +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01yk13 +/m/02mjmr /people/person/places_lived./people/place_lived/location /m/044rv +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/012cj0 /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/07s3vqk +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015t56 +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rv_dz +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/017149 /people/person/profession /m/0dxtg +/m/07hwkr /people/ethnicity/people /m/01yd8v +/m/0j0pf /influence/influence_node/influenced_by /m/0821j +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/0dbc1s /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01d494 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/09nz_c /film/actor/film./film/performance/film /m/0f7hw +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/095zlp +/m/018wng /award/award_category/winners./award/award_honor/award_winner /m/086k8 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/013d_f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0320jz +/m/014knw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/0gyfp9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02p3cr5 /music/record_label/artist /m/0cg9y +/m/05vtbl /people/person/profession /m/02krf9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwvf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/0342h /music/instrument/instrumentalists /m/018phr +/m/0222qb /people/ethnicity/people /m/0272kv +/m/0234j5 /film/film/country /m/09c7w0 +/m/07kb5 /people/person/profession /m/0cbd2 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01qb559 /film/film/edited_by /m/02qggqc +/m/01vtqml /people/person/profession /m/025352 +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/04p3w /people/cause_of_death/people /m/03bnv +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/01_x6d +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/033dbw /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d1st /people/person/profession /m/015cjr +/m/03fnyk /people/person/profession /m/02hv44_ +/m/03359d /people/person/nationality /m/09c7w0 +/m/031296 /people/person/place_of_birth /m/094jv +/m/06hmd /influence/influence_node/influenced_by /m/037jz +/m/01sxly /film/film/genre /m/0lsxr +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09lxv9 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/0kn3g /people/person/nationality /m/07ssc +/m/029m83 /people/person/profession /m/01d_h8 +/m/0bkg87 /people/person/nationality /m/03rk0 +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/0jnl5 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/06c97 /people/person/profession /m/04gc2 +/m/024jwt /people/person/profession /m/03gjzk +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/02y7sr /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01r97z +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/078sj4 +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/06jtd /location/administrative_division/first_level_division_of /m/0345h +/m/01trhmt /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0g824 +/m/03q1vd /film/actor/film./film/performance/film /m/0f61tk +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01lnyf +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/07y9w5 /film/film/language /m/02h40lc +/m/0k_kr /music/record_label/artist /m/09jm8 +/m/0b7t3p /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/03m6_z /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01vsn38 /people/person/profession /m/03gjzk +/m/04rg6 /people/person/gender /m/05zppz +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/0755wz /film/actor/film./film/performance/film /m/03y0pn +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0j1z8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0hpv3 +/m/01hhvg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hvjx /film/film/genre /m/04t36 +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0l6vl /olympics/olympic_games/sports /m/01cgz +/m/041b4j /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0ccvx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mzvm /base/biblioness/bibs_location/country /m/09c7w0 +/m/0234_c /education/educational_institution_campus/educational_institution /m/0234_c +/m/03fbb6 /film/actor/film./film/performance/film /m/09ps01 +/m/0ln16 /music/genre/artists /m/0dzc16 +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl02yg +/m/03mg35 /film/actor/film./film/performance/film /m/0bmch_x +/m/082db /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0bbgly /film/film/genre /m/01g6gs +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/09p06 /people/deceased_person/place_of_death /m/059rby +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/06mt91 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07ss8_ +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/0155w /music/genre/artists /m/011z3g +/m/04mhbh /people/person/profession /m/0dxtg +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01v1ln /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g1jh +/m/05qtcv /film/actor/film./film/performance/film /m/02tcgh +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/01mskc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bs1g5r +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/02ll45 /film/film/edited_by /m/03crcpt +/m/0f2v0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/06k5_ /location/location/contains /m/016722 +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/04pwg /people/person/gender /m/05zppz +/m/0fsmy /location/administrative_division/country /m/07t_x +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/0dzz6g /film/film/genre /m/07s9rl0 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/07csf4 /people/person/gender /m/05zppz +/m/01vttb9 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02sp_v /award/award_category/category_of /m/0c4ys +/m/049w1q /film/film/genre /m/0lsxr +/m/0qyzb /location/hud_county_place/place /m/0qyzb +/m/024mpp /film/film/language /m/02h40lc +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/027r9t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07h0cl /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gls4q_ +/m/01r4zfk /film/actor/film./film/performance/film /m/09gdh6k +/m/03x31g /film/actor/film./film/performance/film /m/052_mn +/m/0k3kv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/0djvzd /people/person/nationality /m/035yg +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwqv +/m/0cjk9 /language/human_language/countries_spoken_in /m/04w4s +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/011x_4 /film/film/genre /m/07s2s +/m/02wgln /film/actor/film./film/performance/film /m/0f4yh +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/01zt10 /people/person/profession /m/02hrh1q +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/019pwv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/02j04_ /education/educational_institution/campuses /m/02j04_ +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/04991x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0739z6 /people/person/gender /m/02zsn +/m/03x73c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bwjv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02wb6yq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0827d /music/genre/artists /m/02dw1_ +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/06q6jz /music/genre/artists /m/0hnlx +/m/04h41v /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0438pz /people/person/profession /m/0dxtg +/m/027z0pl /organization/organization_founder/organizations_founded /m/05rrtf +/m/03h4fq7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c78m /medicine/disease/risk_factors /m/0x67 +/m/04xvlr /media_common/netflix_genre/titles /m/09ps01 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/01c427 /award/award_category/category_of /m/0c4ys +/m/0b6tzs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02stbw /film/film/production_companies /m/031rq5 +/m/0h6l4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jpl /location/location/contains /m/07nqn +/m/0djvzd /people/person/place_of_birth /m/013wf1 +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0j1yf /people/person/religion /m/019cr +/m/01d0fp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0flw6 +/m/02lwv5 /education/educational_institution/colors /m/083jv +/m/0dj7p /location/location/time_zones /m/02hcv8 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/05k2xy /film/film/genre /m/02qfv5d +/m/029jt9 /film/film/genre /m/02kdv5l +/m/02yl42 /influence/influence_node/influenced_by /m/041xl +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/04dsnp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07wm6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02jx1 /location/country/second_level_divisions /m/0htx8 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/048wrb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/02qjpv5 /people/person/nationality /m/09c7w0 +/m/03m5y9p /film/film/country /m/0d05w3 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0lgsq +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/06j6l /music/genre/artists /m/07ss8_ +/m/0gvrws1 /film/film/language /m/02h40lc +/m/01k_0fp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044ptm /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/07ym47 /music/genre/artists /m/0163r3 +/m/0dszr0 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01qdhx /education/educational_institution/colors /m/01g5v +/m/07fzq3 /people/person/place_of_birth /m/04swd +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05_2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/071vr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/02cj_f /people/person/spouse_s./people/marriage/spouse /m/013ybx +/m/04mx__ /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/01jz6d /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm7n +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02kxwk /people/person/gender /m/02zsn +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/019389 /people/person/gender /m/05zppz +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01n1gc /people/person/profession /m/016fly +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/064r9cb /music/record_label/artist /m/01pq5j7 +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/05b1062 /people/person/profession /m/018gz8 +/m/0cq7kw /film/film/language /m/02h40lc +/m/056xkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/01ymvk /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/0ff3y /influence/influence_node/influenced_by /m/0lcx +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/01xr2s /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/06jzh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0cpllql /film/film/genre /m/01jfsb +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03c0t9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02rb84n /film/film/production_companies /m/030_1_ +/m/05x_5 /education/educational_institution/colors /m/019sc +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04kkz8 +/m/05q_dw /film/film/featured_film_locations /m/02_286 +/m/0d99k_ /film/film/country /m/09c7w0 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0d060g /location/country/capital /m/05ksh +/m/09gq0x5 /film/film/genre /m/04xvlr +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03q0r1 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02p2zq +/m/0h96g /film/actor/film./film/performance/film /m/065_cjc +/m/03crmd /people/person/gender /m/02zsn +/m/040rmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01s7z0 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03ym1 /people/person/place_of_birth /m/01t8gz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01pj5q /people/person/places_lived./people/place_lived/location /m/05fjf +/m/04gj8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0lx2l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvb4m +/m/02w2bc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07ssc /location/location/contains /m/012fzm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07bxhl +/m/06hwzy /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0159h6 /people/person/nationality /m/02jx1 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/032v0v /people/person/nationality /m/0345h +/m/0plw /business/business_operation/industry /m/029g_vk +/m/0dl567 /people/person/nationality /m/09c7w0 +/m/03ncb2 /award/award_category/category_of /m/0c4ys +/m/0lpk3 /location/location/time_zones /m/02hcv8 +/m/0pj8m /people/person/profession /m/01c72t +/m/03qjg /music/instrument/instrumentalists /m/012x4t +/m/05r5c /music/instrument/instrumentalists /m/0gps0z +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/01309x /people/person/religion /m/0kq2 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0cp0t91 /film/film/country /m/07ssc +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p7b6b +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0c73g /people/person/gender /m/05zppz +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/025x1t /tv/tv_program/languages /m/02h40lc +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02s4l6 +/m/0nm9h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6z +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047gpsd +/m/02x8m /music/genre/artists /m/02mslq +/m/0b_yz /location/location/contains /m/02f46y +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p_47 +/m/04gcd1 /people/person/gender /m/05zppz +/m/01rr9f /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01j5ws +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/07vfz /dataworld/gardening_hint/split_to /m/07vfz +/m/02x8m /music/genre/artists /m/016890 +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/05dl1s +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/048xyn /film/film/genre /m/03q4nz +/m/0456xp /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01l2fn +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d117 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b68vs +/m/034hwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/02s2ft +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/032_jg /people/person/gender /m/05zppz +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/03lty /music/genre/artists /m/0167xy +/m/05c74 /location/country/form_of_government /m/06cx9 +/m/01gwck /education/educational_institution/colors /m/038hg +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/02633g /people/person/languages /m/02h40lc +/m/0kvgnq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02ppg1r /film/film/genre /m/05p553 +/m/063b4k /film/actor/film./film/performance/film /m/08gsvw +/m/04lqvly /film/film/country /m/09c7w0 +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/0mp36 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20_ +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/046k81 +/m/0r3tb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01ycfv /people/person/profession /m/01c8w0 +/m/037mp6 /sports/sports_team/colors /m/083jv +/m/08kp57 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05lls /music/genre/artists /m/0hqgp +/m/02zfdp /people/person/place_of_birth /m/01w2dq +/m/03mp4f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03bdkd +/m/0425c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07c52 /film/film_subject/films /m/01hv3t +/m/017jd9 /film/film/genre /m/060__y +/m/02drd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/05r5c /music/instrument/instrumentalists /m/01lz4tf +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/033tf_ /people/ethnicity/people /m/0227vl +/m/02h2z_ /time/event/locations /m/07fj_ +/m/0d22f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx2h +/m/06l7jj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0d07s +/m/01w_sh /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01xv77 /film/actor/film./film/performance/film /m/04smdd +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07ymr5 +/m/06s26c /people/person/nationality /m/09c7w0 +/m/01wz_ml /people/person/places_lived./people/place_lived/location /m/06wxw +/m/02p65p /film/actor/film./film/performance/film /m/02prw4h +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/02yxbc /film/film/country /m/07ssc +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/0c5vh /people/person/nationality /m/09c7w0 +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01h1b /people/person/profession /m/01d_h8 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/02m3sd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ly5n /people/person/nationality /m/09c7w0 +/m/04m_zp /award/award_winner/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/03r8gp /film/film_subject/films /m/063hp4 +/m/0jmh7 /sports/sports_team/colors /m/019sc +/m/016z7s /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/084z0w /people/person/profession /m/02hrh1q +/m/01q8wk7 /people/person/place_of_birth /m/0cvw9 +/m/0kv2hv /film/film/written_by /m/0f7hc +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04tc1g +/m/073hhn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dc_v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/04gp1d /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/016_mj /people/person/profession /m/0dxtg +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/041rx /people/ethnicity/people /m/052h3 +/m/01g5kv /people/person/profession /m/01d_h8 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/082pc /location/administrative_division/country /m/0604m +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/01f8hf /film/film/story_by /m/03_gd +/m/017gxw /film/actor/film./film/performance/film /m/0194zl +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bs5vty +/m/07r1h /film/actor/film./film/performance/film /m/08052t3 +/m/0d1_f /people/person/religion /m/05sfs +/m/0dl5d /music/genre/artists /m/02rgz4 +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/044k8 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bdt8 /people/person/languages /m/04306rv +/m/06qgjh /film/actor/film./film/performance/film /m/09146g +/m/06s26c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d0fp +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02bpy_ /education/educational_institution/colors /m/02rnmb +/m/0p_sc /film/film/music /m/019x62 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/09c7w0 /location/location/contains /m/0dyl9 +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/04xvlr /media_common/netflix_genre/titles /m/01qbg5 +/m/0kp2_ /people/person/religion /m/0kpl +/m/0h95b81 /tv/tv_program/genre /m/018hzk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/04q5zw +/m/01zh29 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03t8v3 +/m/03m8lq /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/020d5 /location/country/capital /m/0dzt9 +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/02ktrs /people/person/nationality /m/09c7w0 +/m/03d6fyn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03x6w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03188 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01f7dd /people/person/gender /m/05zppz +/m/01817f /people/person/gender /m/02zsn +/m/0g8st4 /people/person/nationality /m/02jx1 +/m/02qydsh /film/film/production_companies /m/05qd_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/01zwy +/m/03hfx6c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/033x5p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t852 +/m/02bf2s /people/person/profession /m/02hrh1q +/m/0383f /people/person/profession /m/01c72t +/m/0fqt1ns /film/film/edited_by /m/0bn3jg +/m/06tw8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03_3d +/m/0qmd5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/040z9 /people/deceased_person/place_of_burial /m/018mm4 +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gcdzz +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/06f32 /location/country/capital /m/0ftkx +/m/07h1tr /award/award_winner/awards_won./award/award_honor/award_winner /m/05683cn +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/04wp2p /people/person/nationality /m/09c7w0 +/m/051kd /tv/tv_program/genre /m/0jxy +/m/059_gf /film/actor/film./film/performance/film /m/026hh0m +/m/02fqxm /film/film/genre /m/09blyk +/m/02w7gg /people/ethnicity/people /m/02lq10 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0psss +/m/0dgskx /people/person/nationality /m/02jx1 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/0n6rv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/086nl7 /people/person/places_lived./people/place_lived/location /m/013kcv +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/07c6l /music/instrument/instrumentalists /m/01gg59 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/01bcq +/m/02pjc1h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b13g7 /people/person/employment_history./business/employment_tenure/company /m/02j_j0 +/m/0bn3jg /people/person/nationality /m/03rjj +/m/03rgvr /people/person/place_of_birth /m/0214m4 +/m/02f4s3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/02yv6b /music/genre/artists /m/01vn35l +/m/06r1k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_rh4 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/04hhv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01crd5 +/m/07x4qr /film/film/genre /m/05p553 +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02z6gky /time/event/locations /m/0f2r6 +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bz5v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064t9 /music/genre/artists /m/02h9_l +/m/02rky4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/024n3z /people/person/nationality /m/0ctw_b +/m/0dryh9k /people/ethnicity/people /m/050llt +/m/041rx /people/ethnicity/people /m/0mdqp +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmc26r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/01kgv4 /film/actor/film./film/performance/film /m/0qm8b +/m/06by7 /music/genre/artists /m/017j6 +/m/05r5c /music/instrument/instrumentalists /m/02bc74 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0mg1w +/m/0ym20 /education/educational_institution/students_graduates./education/education/student /m/01pk8v +/m/047g6 /influence/influence_node/influenced_by /m/05qmj +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0138mv /sports/sports_team/sport /m/02vx4 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01k9cc +/m/03mv9j /award/award_category/disciplines_or_subjects /m/01hmnh +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/07xzm /music/instrument/instrumentalists /m/01qkqwg +/m/033dbw /film/film/production_companies /m/020h2v +/m/01mmslz /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04wp3s /film/actor/film./film/performance/film /m/03s6l2 +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/03ryn /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/04nrcg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gp58p +/m/018phr /music/group_member/membership./music/group_membership/role /m/07_l6 +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tvz5j +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6d +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01j851 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01n6r0 +/m/04n1hqz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/095nx /people/person/nationality /m/09c7w0 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02q1hz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0564x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05krk /education/educational_institution/colors /m/04d18d +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l450 +/m/06jvj7 /people/person/place_of_birth /m/0l2hf +/m/086m1 /time/event/locations /m/059g4 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/03cw411 /film/film/cinematography /m/04qvl7 +/m/01515w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/0cf_h9 /people/person/places_lived./people/place_lived/location /m/02xry +/m/01p5xy /education/educational_institution/school_type /m/01rs41 +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/01lpwh +/m/02c9dj /education/educational_institution_campus/educational_institution /m/02c9dj +/m/01j2xj /people/person/spouse_s./people/marriage/location_of_ceremony /m/0n3g +/m/017lqp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dbf /film/actor/film./film/performance/film /m/095zlp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xlqd +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01wl38s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/06rrzn +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/01s7zw /film/actor/film./film/performance/film /m/07xvf +/m/043js /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/0h7pj /film/actor/film./film/performance/film /m/0qmjd +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/05wjnt /film/actor/film./film/performance/film /m/05pdd86 +/m/05tr7 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02z2mr7 /film/film/film_festivals /m/04grdgy +/m/07lnk /music/genre/artists /m/03t9sp +/m/089j8p /film/film/genre /m/07s9rl0 +/m/0gmf0nj /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/03h_yy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/01k2yr +/m/0lcx /influence/influence_node/influenced_by /m/039n1 +/m/09kzxt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025hzx /people/person/employment_history./business/employment_tenure/company /m/025hwq +/m/026fd /film/director/film /m/02bqxb +/m/017fp /media_common/netflix_genre/titles /m/08mg_b +/m/04jpg2p /film/film/produced_by /m/07rd7 +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/026dcvf /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/06pj8 /film/director/film /m/0cc5qkt +/m/03l2n /location/location/contains /m/02ngbs +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pcj4 +/m/0gv07g /people/person/place_of_birth /m/0rh6k +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02fn5 /people/person/languages /m/02h40lc +/m/0fpkhkz /film/film/film_format /m/0cj16 +/m/03_wpf /people/person/places_lived./people/place_lived/location /m/02hrh0_ +/m/0294fd /film/actor/film./film/performance/film /m/017gm7 +/m/028knk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02v3yy +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/03bzyn4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02dbp7 /music/artist/origin /m/07ypt +/m/04n3l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_286 +/m/0462hhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03flwk /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/05_z42 /tv/tv_program/genre /m/05p553 +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0x67 /people/ethnicity/people /m/012vd6 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cc56 +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0h32q /film/actor/film./film/performance/film /m/017kct +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0lbj1 /people/person/profession /m/04f2zj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0k0sb /language/human_language/countries_spoken_in /m/0h7x +/m/03kcyd /people/person/profession /m/02hrh1q +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/0fpzwf /sports/sports_team_location/teams /m/0512p +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/02ktrs +/m/0jn5l /people/person/nationality /m/09c7w0 +/m/01s0_f /education/educational_institution/colors /m/038hg +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/01z4y /media_common/netflix_genre/titles /m/05dss7 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/021yzs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/05g9h /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/07_m9_ +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/05g7q +/m/03h42s4 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/043djx +/m/01k0vq /film/film/cinematography /m/02rgz97 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/024hbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03gm48 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01l2b3 +/m/09h_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0170z3 /film/film/genre /m/0219x_ +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ckxdg +/m/02zft0 /people/person/profession /m/02hrh1q +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/03yk8z +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02_0d2 /film/actor/film./film/performance/film /m/03bx2lk +/m/0bhvtc /people/person/place_of_birth /m/0z2gq +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/05txrz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/027lfrs /people/person/profession /m/0q04f +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b19f +/m/01vwyqp /award/award_winner/awards_won./award/award_honor/award_winner /m/02qtywd +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/0btpm6 /film/film/production_companies /m/086k8 +/m/0mhfr /music/genre/parent_genre /m/01lyv +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/043t1s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01rzxl /people/person/religion /m/0c8wxp +/m/0ymcz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0p_r5 /people/person/profession /m/02hrh1q +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/01w272y /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nww +/m/02h40lc /language/human_language/countries_spoken_in /m/06m_5 +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/017znw +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blpnz +/m/05zjd /language/human_language/countries_spoken_in /m/01nqj +/m/02t_vx /people/person/profession /m/02hrh1q +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03f1d47 +/m/05_pkf /people/person/languages /m/02h40lc +/m/07ym47 /music/genre/parent_genre /m/0gywn +/m/04nnpw /film/film/executive_produced_by /m/07r1h +/m/02hblj /people/person/profession /m/02hrh1q +/m/01vlj1g /film/actor/film./film/performance/film /m/08720 +/m/012bk /people/person/profession /m/0fj9f +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rzqj +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03wpmd /people/person/languages /m/03k50 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b_lz +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02b153 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/036jb /people/person/gender /m/05zppz +/m/01q3_2 /people/person/profession /m/0nbcg +/m/09v6tz /people/person/nationality /m/09c7w0 +/m/0d608 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/02l840 /people/person/profession /m/0dxtg +/m/047q2k1 /film/film/genre /m/03q4nz +/m/027y_ /influence/influence_node/influenced_by /m/014dq7 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/0kvjrw /people/person/gender /m/05zppz +/m/02ctzb /people/ethnicity/people /m/03f5vvx +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01_d4 /location/location/contains /m/01y17m +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/025jbj /people/deceased_person/place_of_death /m/0k049 +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01vq3 /film/film_subject/films /m/03lrqw +/m/0n59f /location/location/time_zones /m/02hcv8 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0c7xjb /people/person/languages /m/02h40lc +/m/02wr2r /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bm2g +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/0170k0 +/m/0h63q6t /tv/tv_program/genre /m/01hmnh +/m/08sfxj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06mt91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20h +/m/05bnp0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015pkc +/m/07s6tbm /people/person/gender /m/02zsn +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pt6k_ +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05gm16l /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/099bhp /film/film/genre /m/095bb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jvxb +/m/018417 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/0gzlb9 /film/film/produced_by /m/04zwtdy +/m/07ssc /location/location/contains /m/0j7ng +/m/0x67 /people/ethnicity/people /m/01sg7_ +/m/01whg97 /people/person/gender /m/05zppz +/m/02ln1 /people/person/religion /m/01lp8 +/m/0fzyg /film/film_subject/films /m/011yd2 +/m/05zwrg0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0dvld /people/person/profession /m/02hrh1q +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03x7hd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01738w /film/film/genre /m/02kdv5l +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/03fw4y /people/person/nationality /m/03rk0 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01c3q /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05wkw +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/016tw3 +/m/07lp1 /influence/influence_node/influenced_by /m/042q3 +/m/0h1fktn /film/film/genre /m/01j28z +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/03mg35 /people/person/gender /m/05zppz +/m/0bl2g /people/person/nationality /m/09c7w0 +/m/08658y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/0fs29 /base/aareas/schema/administrative_area/administrative_parent /m/09lxtg +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0m32h /people/cause_of_death/people /m/0151zx +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycfv +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02mgp +/m/0342h /music/instrument/instrumentalists /m/0lbj1 +/m/0cc56 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/0mp36 /location/hud_county_place/place /m/0mp36 +/m/014g22 /people/person/profession /m/01d_h8 +/m/037mjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pbrn +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/018p5f /business/business_operation/industry /m/02jjt +/m/05xd8x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/064r97z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01pbs9w +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/03hnd +/m/02chhq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v63m +/m/08g_jw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02_j8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hh89 +/m/03cbtlj /award/award_winner/awards_won./award/award_honor/award_winner /m/04x4s2 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170vn +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02z1yj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kb2j +/m/01qhm_ /people/ethnicity/people /m/04fzk +/m/04tng0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/09c7w0 /location/country/second_level_divisions /m/0m24v +/m/01l9p /people/person/profession /m/0d1pc +/m/03f02ct /people/person/gender /m/05zppz +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk95 +/m/07vf5c /film/film/story_by /m/0178rl +/m/0d3k14 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/060j8b /people/person/spouse_s./people/marriage/spouse /m/04205z +/m/01kp66 /film/actor/film./film/performance/film /m/0_b9f +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0jgx +/m/02khs /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/06lpmt /film/film/genre /m/0gsy3b +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0fplv /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hhvg +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/03b6j8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01x0yrt /film/actor/film./film/performance/film /m/040_lv +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0dg3n1 /base/locations/continents/countries_within /m/036b_ +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0hqgp /people/person/nationality /m/03gj2 +/m/014tss /location/country/capital /m/04jpl +/m/0431v3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rl84 +/m/0x67 /people/ethnicity/people /m/01vh18t +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0n6f8 +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/01nr63 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ccqg +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/019x62 /people/person/profession /m/0fnpj +/m/04wsz /location/location/contains /m/02k54 +/m/014z8v /people/person/profession /m/03gjzk +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016ks_ +/m/063tn /people/person/nationality /m/06bnz +/m/01p95y0 /people/person/profession /m/039v1 +/m/025t9b /people/person/gender /m/05zppz +/m/0cjdk /award/award_winner/awards_won./award/award_honor/award_winner /m/0f721s +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dl1s +/m/05nn4k /people/person/profession /m/01d_h8 +/m/03d_w3h /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/06sks6 /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/047tsx3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cx7f /music/genre/artists /m/06br6t +/m/043g7l /music/record_label/artist /m/01w58n3 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01kf4tt /film/film/prequel /m/0fztbq +/m/0c_j9x /film/film/language /m/04306rv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02hrb2 +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/05f0r8 /people/person/profession /m/02hrh1q +/m/01n43d /location/location/time_zones /m/02llzg +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/014vm4 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ny1p +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/0c9l1 +/m/01rw116 /people/person/profession /m/02hrh1q +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0124k9 /tv/tv_program/genre /m/0c4xc +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0171cm /film/actor/film./film/performance/film /m/011yph +/m/01j851 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pz7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01n5309 +/m/0bwhdbl /film/film/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04kd5d +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01wc7p +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/014dm6 /people/person/profession /m/0dgd_ +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01bmlb +/m/02ctc6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dcsx /medicine/disease/notable_people_with_this_condition /m/016z1t +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/01vw20h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jj85 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gd6x /tv/tv_program/program_creator /m/0bdt8 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/01nkxvx +/m/0cc07 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04093 /people/person/gender /m/05zppz +/m/0d7hg4 /people/person/nationality /m/09c7w0 +/m/076689 /people/person/place_of_birth /m/0fdpd +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/01sbv9 /film/film/language /m/05zjd +/m/01r7pq /people/person/profession /m/016z4k +/m/01s0t3 /sports/sports_team/colors /m/083jv +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/015p37 +/m/0dr3sl /film/film/country /m/09c7w0 +/m/01y6dz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443y3 +/m/016ywr /film/actor/film./film/performance/film /m/0d61px +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02k_kn /music/genre/artists /m/03f6fl0 +/m/018d6l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/056k77g /film/film/genre /m/02kdv5l +/m/06cddt /people/person/spouse_s./people/marriage/spouse /m/02778yp +/m/0fr63l /film/film/story_by /m/02drd3 +/m/063y9fp /film/film/story_by /m/02nygk +/m/0329gm /sports/sports_team/sport /m/02vx4 +/m/0jdk_ /olympics/olympic_games/sports /m/064vjs +/m/0ch3qr1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bshwmp +/m/02mzg9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07phbc /film/film/country /m/09c7w0 +/m/01_xtx /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/086xm +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/01pcq3 /people/person/profession /m/02hrh1q +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/07rzf /film/actor/film./film/performance/film /m/03tn80 +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02scbv +/m/03jv8d /base/culturalevent/event/entity_involved /m/07ssc +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0f8pz /people/person/profession /m/0q04f +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0hcm7 +/m/01dvtx /influence/influence_node/influenced_by /m/04xm_ +/m/09n48 /olympics/olympic_games/participating_countries /m/087vz +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/04pk1f /film/film/production_companies /m/086k8 +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/05xbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/033tf_ /people/ethnicity/people /m/03061d +/m/0b7l4x /film/film/country /m/07ssc +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d193h +/m/0cbxl0 /award/award_winner/awards_won./award/award_honor/award_winner /m/03wpmd +/m/0q59y /people/person/profession /m/05sxg2 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/01jrp0 +/m/02n4kr /media_common/netflix_genre/titles /m/035zr0 +/m/015vgc /music/genre/parent_genre /m/01gjqb +/m/0282x /influence/influence_node/influenced_by /m/0ddkf +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd4f +/m/02t8gf /music/genre/artists /m/04mx7s +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q23x +/m/06t2t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01pjr7 /film/actor/film./film/performance/film /m/0bvn25 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/030qb3t +/m/03flwk /people/person/profession /m/0dxtg +/m/0pv54 /film/film/genre /m/017fp +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/02cyfz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jkkv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03fbc +/m/041rx /people/ethnicity/people /m/02qfhb +/m/015y3j /education/educational_institution/campuses /m/015y3j +/m/0mfc0 /people/person/place_of_birth /m/0vzm +/m/0jrny /film/actor/film./film/performance/film /m/042g97 +/m/0g284 /location/location/contains /m/01vg0s +/m/06vbd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03spz +/m/01nz1q6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02my3z /film/actor/film./film/performance/film /m/0dl9_4 +/m/027m5wv /film/film/country /m/09c7w0 +/m/0329gm /sports/sports_team/colors /m/06fvc +/m/016clz /music/genre/artists /m/012zng +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/0b44shh /film/film/genre /m/07s9rl0 +/m/0n_hp /film/film/genre /m/07s9rl0 +/m/058dm9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bby9p5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0217m9 +/m/01tsbmv /film/actor/film./film/performance/film /m/03y0pn +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/04fc6c /organization/organization/child./organization/organization_relationship/child /m/0mzkr +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p7yb +/m/0jtg0 /music/instrument/instrumentalists /m/0zjpz +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zwtdy +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/01lly5 /film/actor/film./film/performance/film /m/03l6q0 +/m/03zz8b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05mkhs +/m/087z2 /award/award_winning_work/awards_won./award/award_honor/award /m/0dt49 +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgly +/m/011k11 /music/record_label/artist /m/01vzz1c +/m/014x77 /people/person/nationality /m/09c7w0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xdf5 +/m/01qb559 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tcg4 +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02__ww +/m/02238b /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/053_7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/020d5 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/02vyyl8 /film/film/produced_by /m/03v1w7 +/m/04cnp4 /education/educational_institution_campus/educational_institution /m/04cnp4 +/m/0262x6 /award/award_category/disciplines_or_subjects /m/01hmnh +/m/02p86pb /film/film/written_by /m/05kfs +/m/02d6cy /people/person/profession /m/02krf9 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065z3_x +/m/04fgzb0 /award/award_category/winners./award/award_honor/award_winner /m/02238b +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02c7lt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hnp7 +/m/02k1b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0p9tm /film/film/genre /m/0556j8 +/m/0pc7r /location/location/contains /m/01p5xy +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0cgzj +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0230rx +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/03_gd /award/award_winner/awards_won./award/award_honor/award_winner /m/04cy8rb +/m/02d44q /film/film/language /m/01wgr +/m/02w7gg /people/ethnicity/people /m/0755wz +/m/059j2 /location/location/contains /m/0fqxc +/m/01lvcs1 /people/person/profession /m/09jwl +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/06_bq1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gfzgl +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/027gy0k /film/film/country /m/0345h +/m/02j9z /location/location/contains /m/05qhw +/m/07sbbz2 /music/genre/artists /m/01m65sp +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02ctzb /people/ethnicity/people /m/04pxcx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05f33tk +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/07f5x /location/country/form_of_government /m/06cx9 +/m/06zsk51 /film/film/language /m/02h40lc +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0436kgz /film/actor/film./film/performance/film /m/0c40vxk +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/04344j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/0mz73 +/m/091n7z /people/person/place_of_birth /m/0wq36 +/m/033hn8 /music/record_label/artist /m/015srx +/m/017gl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fvd03 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02665kn /film/actor/film./film/performance/film /m/01chpn +/m/02b1gz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01lj_c /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/01wj17 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0419kt /film/film/language /m/05zjd +/m/01cspq /people/person/profession /m/01d_h8 +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0ycp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/044lbv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01jcjt /people/person/places_lived./people/place_lived/location /m/0lhn5 +/m/0k2m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/065z3_x /film/film/genre /m/017fp +/m/0rwgm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016srn /people/person/nationality /m/09c7w0 +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/03tw2s /education/educational_institution/campuses /m/03tw2s +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddjy +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx1m +/m/01hb6v /influence/influence_node/influenced_by /m/07ym0 +/m/0bczgm /people/person/nationality /m/09c7w0 +/m/07twz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/0dgst_d /film/film/country /m/09c7w0 +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/012gq6 +/m/0277470 /people/person/nationality /m/09c7w0 +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030vnj +/m/01kym3 /people/person/profession /m/08z956 +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d4ct +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021lby +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/07r78j +/m/0mhfr /music/genre/artists /m/09r8l +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jbqf +/m/0d608 /film/actor/film./film/performance/film /m/0f2sx4 +/m/0chghy /location/location/contains /m/06mtq +/m/03y0pn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/0dt8xq /film/film/featured_film_locations /m/02_286 +/m/0f502 /film/actor/film./film/performance/film /m/0f4_l +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/07sbk +/m/02_gzx /education/educational_institution/students_graduates./education/education/student /m/0pcc0 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0x25q +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/09c7w0 /location/location/contains /m/04kcn +/m/073hmq /time/event/instance_of_recurring_event /m/0g_w +/m/0q9zc /people/person/places_lived./people/place_lived/location /m/027l4q +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/016l09 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05crg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0345h /location/location/contains /m/03hrz +/m/07f3xb /film/actor/film./film/performance/film /m/03qcfvw +/m/0d61px /film/film/genre /m/02p0szs +/m/0djgt /location/location/contains /m/01q_22 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/0237fw /film/actor/film./film/performance/film /m/02r79_h +/m/0mpdw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/0c3351 /media_common/netflix_genre/titles /m/01j8wk +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02nq10 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01vs73g /people/person/profession /m/09jwl +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0465_ /people/person/nationality /m/02jx1 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hqcy +/m/04pk1f /film/film/film_format /m/07fb8_ +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01vwllw /people/person/spouse_s./people/marriage/spouse /m/01nr36 +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ptxj /film/film/featured_film_locations /m/0d6lp +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/058w5 /people/person/profession /m/0n1h +/m/0g293 /music/genre/artists /m/03f0qd7 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/057__d /film/film/genre /m/07s9rl0 +/m/01_vfy /people/person/place_of_birth /m/0dclg +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011yxg +/m/01kcms4 /influence/influence_node/influenced_by /m/07mvp +/m/03sxd2 /film/film/executive_produced_by /m/02lfcm +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/0jt86 +/m/015q43 /film/actor/film./film/performance/film /m/0p_rk +/m/02b0_m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/03f0fp +/m/01cf93 /music/record_label/artist /m/030155 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/0kh6b /people/person/profession /m/02hrh1q +/m/015dnt /film/actor/film./film/performance/film /m/01_mdl +/m/09c7w0 /location/location/contains /m/04wlz2 +/m/01vc5m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/014l6_ /film/film/costume_design_by /m/06w33f8 +/m/034rd9 /people/person/nationality /m/09c7w0 +/m/0jmcv /sports/sports_team/colors /m/083jv +/m/03v9w /location/location/contains /m/056_y +/m/0g5y6 /people/ethnicity/people /m/0h326 +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01lhf /education/field_of_study/students_majoring./education/education/student /m/037gjc +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09lcsj +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0q9b0 /film/film/genre /m/04xvlr +/m/03mh94 /film/film/produced_by /m/0bjkpt +/m/0ymbl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/01wbg84 /people/person/languages /m/02h40lc +/m/01y_px /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pcj4 +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award /m/031b91 +/m/0cq7kw /film/film/genre /m/05p553 +/m/0cw10 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/01wz01 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019_1h +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0mk_3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v5bdn /people/ethnicity/people /m/02_hj4 +/m/03f1zdw /film/actor/film./film/performance/film /m/0272_vz +/m/02lnbg /music/genre/artists /m/03f3yfj +/m/01pjr7 /film/director/film /m/0473rc +/m/01vswx5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016bx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cspq +/m/064t9 /music/genre/artists /m/05w6cw +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/04bsx1 +/m/0199wf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015qt5 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027tbrc +/m/0yxf4 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0p7tb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f502 +/m/035wtd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/015w9s /media_common/netflix_genre/titles /m/02q_x_l +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0gd92 /film/film/genre /m/0hn10 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0330r +/m/045w_4 /people/person/nationality /m/09c7w0 +/m/02_0d2 /film/actor/film./film/performance/film /m/0ds5_72 +/m/01fm07 /music/genre/artists /m/01w5jwb +/m/016kjs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0fgg4 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01dwyd +/m/06j6l /music/genre/artists /m/01x1cn2 +/m/067sqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06nns1 +/m/02b0_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0z53k /location/location/time_zones /m/02fqwt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cq4k_ +/m/026dx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vtnf /people/person/places_lived./people/place_lived/location /m/0fv_t +/m/03n3gl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/044f7 +/m/0fw2d3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0371rb +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zwrg0 +/m/01mr2g6 /people/person/profession /m/016z4k +/m/01jmyj /film/film/country /m/0345h +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0160w +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/019f2f +/m/02jm0n /film/actor/film./film/performance/film /m/03tbg6 +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mp8x +/m/048yqf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0894_x /people/person/profession /m/0dxtg +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/02mf7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mx5p +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06t8v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0jfqp /location/location/contains /m/0bx8pn +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0gbfn9 /film/film/film_format /m/0cj16 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027y151 +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0272_vz /film/film/produced_by /m/0415svh +/m/029pnn /people/person/profession /m/018gz8 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/031786 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p47r +/m/014lc_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0gtv7pk /film/film/country /m/09c7w0 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04954r +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0b_c7 +/m/04mn81 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0c1sgd3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06nr2h /film/film/genre /m/07s9rl0 +/m/031296 /people/person/nationality /m/09c7w0 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/08k40m /film/film/genre /m/06nbt +/m/0btpm6 /film/film/music /m/0150t6 +/m/01hr1 /film/film/genre /m/0lsxr +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09vc4s /people/ethnicity/people /m/044mvs +/m/0g9yrw /film/film/genre /m/04pbhw +/m/02v5xg /tv/tv_program/languages /m/02h40lc +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/015nvj /people/person/gender /m/05zppz +/m/01jfsb /media_common/netflix_genre/titles /m/0992d9 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03rjj +/m/04m2zj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k2sk /film/film/production_companies /m/04rcl7 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/069_0y /people/person/profession /m/0dgd_ +/m/01vwyqp /people/person/nationality /m/09c7w0 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/07_dn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsy7t /award/award_winner/awards_won./award/award_honor/award_winner /m/01kx_81 +/m/0gz5hs /film/actor/film./film/performance/film /m/056xkh +/m/0tfc /influence/influence_node/influenced_by /m/0gz_ +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kfzsg +/m/0mbql /film/film/genre /m/0bj8m2 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/0blfl /olympics/olympic_games/participating_countries /m/0d060g +/m/064t9 /music/genre/artists /m/01vtmw6 +/m/01dvtx /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/05c5z8j +/m/01l7cxq /people/person/profession /m/01c72t +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/06q1r /location/location/contains /m/01b1nk +/m/03ym1 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05txrz /people/person/religion /m/03_gx +/m/02b1hq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/06pjs +/m/044bn /people/person/place_of_birth /m/0mn9x +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05qhw /location/location/contains /m/025ttz4 +/m/01wb95 /film/film/country /m/09c7w0 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07b2lv /film/actor/film./film/performance/film /m/024lt6 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/01v3s2_ /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/030_1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03yxwq +/m/05jzt3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03jxw /people/person/places_lived./people/place_lived/location /m/0dq16 +/m/0jzc /language/human_language/countries_spoken_in /m/0d060g +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/03nm_fh /film/film/featured_film_locations /m/05kj_ +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/085v7 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07g2b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fw4v /location/us_county/county_seat /m/0fw4v +/m/07l50vn /film/film/country /m/06mkj +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/0cx6f /music/genre/parent_genre /m/03_d0 +/m/07vf5c /film/film/produced_by /m/04fyhv +/m/0n5bk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/06jk5_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016zdd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059f4 /location/location/contains /m/0xhj2 +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/01dwrc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dcqj /people/cause_of_death/people /m/040z9 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0337vz +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03zm00 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01pctb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ht1k /film/film/music /m/021bk +/m/025j1t /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/0llcx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03swmf +/m/0dryh9k /people/ethnicity/people /m/03f22dp +/m/0sx8l /olympics/olympic_games/participating_countries /m/04hqz +/m/0m313 /film/film/produced_by /m/05hj_k +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02qcr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dbf +/m/012m_ /location/country/official_language /m/0cjk9 +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tfck +/m/0gz5hs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ksr1 +/m/015p37 /people/person/profession /m/02hrh1q +/m/02t__3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0fpjd_g /people/person/profession /m/0fnpj +/m/054knh /award/award_category/disciplines_or_subjects /m/02vxn +/m/06rny /sports/sports_team/sport /m/0jm_ +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0nz_b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0413cff /film/film/featured_film_locations /m/0c1xm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01g4yw +/m/0x67 /people/ethnicity/people /m/05wm88 +/m/012x1l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01p8s /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/047vnkj /film/film/genre /m/06n90 +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/04pmnt /film/film/featured_film_locations /m/02jx1 +/m/01pcql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d6lp /base/biblioness/bibs_location/country /m/09c7w0 +/m/01dq0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/03k3b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04w7rn /film/film/production_companies /m/024rgt +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/092ys_y +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01520h +/m/0g8rj /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tl0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02q1hz +/m/08984j /film/film/prequel /m/0140g4 +/m/0gxsh4 /tv/tv_program/country_of_origin /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/02dq8f /education/educational_institution_campus/educational_institution /m/02dq8f +/m/03cwwl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jkpgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_1pv +/m/01m9f1 /location/hud_county_place/place /m/01m9f1 +/m/04xfb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/0p9qb /people/deceased_person/place_of_burial /m/018mmj +/m/03ywyk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pz5c +/m/03qd_ /music/group_member/membership./music/group_membership/group /m/06nv27 +/m/0g8st4 /people/person/place_of_birth /m/0f8j6 +/m/01jfsb /media_common/netflix_genre/titles /m/04gcyg +/m/0c408_ /people/person/gender /m/05zppz +/m/02wt0 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/07b_l /location/location/contains /m/0108xl +/m/0k525 /people/person/nationality /m/0f8l9c +/m/027r0_f /people/person/profession /m/02hrh1q +/m/048n7 /base/culturalevent/event/entity_involved /m/0c_jc +/m/01g3gq /film/film/featured_film_locations /m/080h2 +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/04h41v +/m/0hg5 /location/country/form_of_government /m/018wl5 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01z88t /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4_l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ty4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0738b8 +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/0nvvw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv5y +/m/0kc8y /award/award_winner/awards_won./award/award_honor/award_winner /m/01j53q +/m/027_sn /people/person/profession /m/0cbd2 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/05xpv +/m/01rlxt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qv_ +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/076zy_g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0284n42 +/m/02t8gf /music/genre/parent_genre /m/0xv2x +/m/07ssc /location/location/contains /m/01w2lw +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03knl +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01j7z7 /film/actor/film./film/performance/film /m/01sbv9 +/m/040db /influence/influence_node/influenced_by /m/037jz +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/02zp1t /location/location/contains /m/02607j +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/01czx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/032t2z /people/person/profession /m/0nbcg +/m/09_99w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/014635 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0y9j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0glmv /people/person/nationality /m/03rjj +/m/06pwf6 /people/person/nationality /m/03rk0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02bhj4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/045xx +/m/045cq /people/person/place_of_birth /m/0ccvx +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/0416y94 /film/film/genre /m/02l7c8 +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0d04z6 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rk0 /location/location/contains /m/019fc4 +/m/04z257 /film/film/language /m/02bjrlw +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0m2kd +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/02p10m +/m/07z6xs /film/film/language /m/02h40lc +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/04x4s2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b1f49 +/m/02r8hh_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03s2y9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05m883 +/m/013v5j /people/person/profession /m/09jwl +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dh73w +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0jsw9l +/m/064t9 /music/genre/artists /m/0j1yf +/m/09gq0x5 /film/film/genre /m/02p0szs +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/05pdd86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l8gh /music/genre/parent_genre /m/0ggq0m +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/0jt5zcn /sports/sports_team_location/teams /m/086x3 +/m/018vs /music/instrument/instrumentalists /m/0277c3 +/m/01ymvk /organization/organization/headquarters./location/mailing_address/citytown /m/0mnm2 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0dqyw +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/053f5 /people/profession/specialization_of /m/01445t +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/01l_9d /location/location/contains /m/017575 +/m/04yg13l /film/film/language /m/02h40lc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06rmdr +/m/016k6x /film/actor/film./film/performance/film /m/07jqjx +/m/03npn /media_common/netflix_genre/titles /m/05p1qyh +/m/07ddz9 /people/person/profession /m/018gz8 +/m/050llt /people/person/languages /m/02hxcvy +/m/03bnv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02qwg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/057wlm +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r3tq +/m/02ctzb /people/ethnicity/people /m/0520r2x +/m/01w9ph_ /people/person/profession /m/02hrh1q +/m/01z0rcq /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0fby2t +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02w4v /music/genre/artists /m/063t3j +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/05kj_ /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01337_ /film/actor/film./film/performance/film /m/0d87hc +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/032yps +/m/07tlg /education/educational_institution/colors /m/083jv +/m/0gvt53w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/0221zw /film/film/edited_by /m/06t8b +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0162b +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01352_ +/m/019fnv /people/deceased_person/place_of_death /m/0r04p +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/0ddf2bm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/044p4_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031t2d +/m/0jhd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c52 /media_common/netflix_genre/titles /m/0557yqh +/m/0m0jc /music/genre/artists /m/03fbc +/m/0jwvf /film/film/genre /m/0c3351 +/m/01f85k /film/film/country /m/03h64 +/m/026hxwx /film/film/production_companies /m/016tt2 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/0847q +/m/01vrz41 /award/award_winner/awards_won./award/award_honor/award_winner /m/0163kf +/m/0jzw /film/film/other_crew./film/film_crew_gig/crewmember /m/02lp3c +/m/069d71 /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/0f2sx4 /film/film/featured_film_locations /m/0cr3d +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0dryh9k /people/ethnicity/people /m/047jhq +/m/0gppg /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/0gwgn1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/02w4v /music/genre/artists /m/03mszl +/m/06lk0_ /people/person/profession /m/01c72t +/m/043cl9 /people/person/profession /m/01d_h8 +/m/04k9y6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mfqm +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/06by7 /music/genre/artists /m/01dw9z +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/01k3qj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06lckm +/m/079vf /people/person/profession /m/01d_h8 +/m/05p1qyh /film/film/production_companies /m/054lpb6 +/m/01531 /location/location/contains /m/027kp3 +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01vvlyt /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/041pnt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01nty /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n073 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07fj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gqr +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/02lymt /people/person/profession /m/01d_h8 +/m/0d6hn /location/administrative_division/first_level_division_of /m/0d04z6 +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/040_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/02z0f6l /film/film/genre /m/03g3w +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0bl3nn /film/film/executive_produced_by /m/06mr6 +/m/02kth6 /education/educational_institution/school_type /m/05pcjw +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/04xrx +/m/0j5fv /medicine/symptom/symptom_of /m/087z2 +/m/07yvsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/06chf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/063b4k /film/actor/film./film/performance/film /m/0dcz8_ +/m/0kjrx /film/actor/film./film/performance/film /m/09v9mks +/m/0ndwt2w /film/film/written_by /m/063b4k +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b44shh +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/07yvsn +/m/029k55 /film/actor/film./film/performance/film /m/02x8fs +/m/01tfck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/06hmd /influence/influence_node/influenced_by /m/0bt23 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/014nzp +/m/01f7j9 /people/person/religion /m/0c8wxp +/m/01vmv_ /education/educational_institution_campus/educational_institution /m/01vmv_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02cm61 +/m/03l3jy /people/person/profession /m/09jwl +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/01rf57 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/054k_8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/06j8wx +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/01pqy_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/0np52 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047p7fr +/m/0dj0x /location/location/contains /m/0173s9 +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/04snp2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03g9xj +/m/0p9nv /location/location/contains /m/02zy1z +/m/0k_9j /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0fvr1 /film/film/genre /m/0219x_ +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/01lvcs1 +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0fs9vc +/m/0djlxb /film/film/featured_film_locations /m/0694j +/m/059kh /music/genre/artists /m/01w5n51 +/m/033tf_ /people/ethnicity/people /m/03mstc +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/099pks +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040t74 +/m/0m_xy /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0hkq4 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/06rpd /sports/sports_team/sport /m/0jm_ +/m/0mwq7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05vk_d /film/actor/film./film/performance/film /m/0g9z_32 +/m/0c3jz /people/person/profession /m/02hrh1q +/m/07s9rl0 /media_common/netflix_genre/titles /m/07w8fz +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pw2f1 +/m/021996 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017n9 /film/film/language /m/03_9r +/m/01cl2y /music/record_label/artist /m/01t110 +/m/0mj1l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07b_l /location/location/contains /m/07ccs +/m/091yn0 /people/person/profession /m/01d_h8 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qnc6q +/m/0d7wh /people/ethnicity/people /m/02_p8v +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0y_hb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0kbf1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yg9 +/m/064t9 /music/genre/artists /m/01797x +/m/01fxck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028pzq +/m/05m9f9 /people/person/profession /m/02hrh1q +/m/0bqsy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g1sm /film/film/written_by /m/0kb3n +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/05k7sb /location/location/contains /m/0k3jq +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02gt5s +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02bc74 /people/person/place_of_birth /m/030qb3t +/m/02r79_h /film/film/language /m/064_8sq +/m/0gg5kmg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5y6 /dataworld/gardening_hint/split_to /m/03gj2 +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/05kkh /location/location/contains /m/0z1vw +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/0l14qv /music/instrument/instrumentalists /m/01vtg4q +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05ldxl +/m/03_fk9 /film/actor/film./film/performance/film /m/0jzw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hzj +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0h0p_ /people/person/profession /m/025352 +/m/02k_kn /music/genre/artists /m/01gg59 +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/0gd5z +/m/05vtbl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0170k0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0291hr +/m/01x4sb /film/actor/film./film/performance/film /m/058kh7 +/m/05xbx /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/042gr4 /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/087z12 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022fdt /people/ethnicity/languages_spoken /m/0jzc +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zcz3 +/m/0cj_v7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0286gm1 /film/film/edited_by /m/03nqbvz +/m/01wmcbg /people/person/profession /m/0dxtg +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0j1yf +/m/04glx0 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0ljc_ /media_common/netflix_genre/titles /m/024rwx +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/048xg8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05sdxx /people/person/nationality /m/0d060g +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04zkj5 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/03_d0 /music/genre/artists /m/01wd9lv +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/02rff2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0n83s /film/film/music /m/03kwtb +/m/02vkzcx /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s3vqk /people/person/place_of_birth /m/0rw2x +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/05gml8 +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/0146pg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0946bb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02fz3w /people/person/profession /m/02hrh1q +/m/02k6hp /people/cause_of_death/people /m/04107 +/m/02lfwp /people/person/profession /m/01d_h8 +/m/048z7l /people/ethnicity/languages_spoken /m/0t_2 +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01693z /people/person/profession /m/016z4k +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/0171lb /people/person/place_of_birth /m/0sq2v +/m/06ch55 /music/instrument/instrumentalists /m/012ky3 +/m/0h326 /people/person/religion /m/03_gx +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01xwqn /people/person/place_of_birth /m/03pcgf +/m/0978r /location/location/contains /m/01k8q5 +/m/0175tv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05lls /music/genre/artists /m/031x_3 +/m/06j6l /music/genre/artists /m/0178_w +/m/03d_w3h /film/actor/film./film/performance/film /m/0ddcbd5 +/m/02jx1 /location/location/contains /m/01ykl0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/02phtzk /film/film/language /m/032f6 +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0ctw_b /location/location/contains /m/07xpm +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/03j0ss /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pk8v /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pkhw +/m/018ljb /olympics/olympic_games/sports /m/02y8z +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0355pl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jxrw /film/film/genre /m/03bxz7 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/06cp5 /music/genre/parent_genre /m/06by7 +/m/02pjvc /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06q5t7 +/m/030tjk /award/award_winner/awards_won./award/award_honor/award_winner /m/01jgpsh +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/02tktw /film/film/genre /m/0c3351 +/m/0prfz /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/01p85y /people/person/religion /m/0c8wxp +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0524b41 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02x02kb /people/person/nationality /m/03rk0 +/m/09xb4h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0hnkp /film/actor/film./film/performance/film /m/0gcpc +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/0sbv7 /location/hud_county_place/place /m/0sbv7 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0661m4p /film/film/genre /m/02kdv5l +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/033jj1 /people/person/religion /m/0c8wxp +/m/01hx2t /education/educational_institution/colors /m/0jc_p +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06151l +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0chhs /base/culturalevent/event/entity_involved /m/018q7 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0cj2w +/m/0k0sb /language/human_language/countries_spoken_in /m/056vv +/m/0488g9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gj2 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0d19y2 /people/cause_of_death/people /m/01d0b1 +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/award /m/0dzfdw +/m/027m67 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012vf6 /people/person/gender /m/02zsn +/m/0277j40 /film/film/produced_by /m/0d_skg +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/026dx /people/person/profession /m/02hrh1q +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01s3kv +/m/0b73_1d /film/film/genre /m/04xvlr +/m/02chhq /film/film/country /m/07ssc +/m/06mmb /people/person/places_lived./people/place_lived/location /m/07b_l +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfxb +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01vvyfh +/m/044mm6 /film/actor/film./film/performance/film /m/03mz5b +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/033hn8 /music/record_label/artist /m/014_xj +/m/0d608 /film/actor/film./film/performance/film /m/0k_9j +/m/0jm7n /sports/sports_team/sport /m/018w8 +/m/0m8vm /music/genre/artists /m/01w20rx +/m/0640y35 /film/film/production_companies /m/016tt2 +/m/0ddct /film/film_subject/films /m/01vksx +/m/086sj /film/actor/film./film/performance/film /m/01s3vk +/m/01vzx45 /people/person/gender /m/05zppz +/m/03h304l /people/person/gender /m/05zppz +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/02vkdwz +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/05bnx3j /people/person/place_of_birth /m/01cx_ +/m/02y7sr /music/group_member/membership./music/group_membership/role /m/018vs +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/04913k /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01817f /people/person/place_of_birth /m/02_286 +/m/05bcl /location/country/capital /m/01l63 +/m/01pqy_ /people/person/place_of_birth /m/02hrh0_ +/m/0789n /business/job_title/people_with_this_title./business/employment_tenure/company /m/09c7w0 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/01fh36 /music/genre/artists /m/02ndj5 +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/04s1zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/04jpl /location/location/contains /m/0126hc +/m/0h53c_5 /award/award_category/winners./award/award_honor/award_winner /m/0c1j_ +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02bkdn /film/actor/film./film/performance/film /m/0ds3t5x +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03ntbmw /film/film/executive_produced_by /m/05hj_k +/m/04n65n /people/person/gender /m/05zppz +/m/03k2hn /sports/sports_team/colors /m/01g5v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r4wn +/m/06mnps /people/person/nationality /m/07ssc +/m/01jfsb /media_common/netflix_genre/titles /m/09cr8 +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0fn2g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0147w8 +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/016z1c /people/person/place_of_birth /m/0cr3d +/m/0144l1 /people/person/profession /m/0nbcg +/m/03j70d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02sch9 /people/ethnicity/people /m/03vrnh +/m/011lvx /people/person/profession /m/02hrh1q +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/0362q0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015f7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwbts +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/078mm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/029jt9 /film/film/genre /m/02l7c8 +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02rcdc2 +/m/01gkmx /film/actor/film./film/performance/film /m/05_5rjx +/m/0x67 /people/ethnicity/people /m/0ffgh +/m/05x72k /tv/tv_program/country_of_origin /m/03_3d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/01kh2m1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pk41 +/m/01nz1q6 /people/person/profession /m/0kyk +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/03rhqg /music/record_label/artist /m/0153nq +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gh8zks +/m/04k15 /influence/influence_node/influenced_by /m/082db +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/033tf_ /people/ethnicity/people /m/0fthdk +/m/03_d0 /music/genre/artists /m/01693z +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02l0xc +/m/03_r_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bby9p5 /film/film/written_by /m/0cm89v +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/03_d0 /music/genre/artists /m/01w5jwb +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/021r6w /film/director/film /m/0htww +/m/02645b /people/person/profession /m/02hrh1q +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hr41p6 +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05znxx +/m/0p51w /people/person/place_of_birth /m/0fhp9 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/01p4vl /film/actor/film./film/performance/film /m/0fphf3v +/m/01svq8 /influence/influence_node/influenced_by /m/014z8v +/m/011yr9 /film/film/language /m/02h40lc +/m/0q9vf /people/person/profession /m/018gz8 +/m/03h_fk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/023p29 +/m/08k1lz /film/actor/film./film/performance/film /m/02jxbw +/m/015d3h /people/person/languages /m/02bjrlw +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/017s11 +/m/050zr4 /people/person/nationality /m/09c7w0 +/m/04v8h1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sx9_ /film/actor/film./film/performance/film /m/05567m +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0k2sk /film/film/genre /m/0vgkd +/m/01l1hr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0137g1 +/m/0dn16 /music/genre/artists /m/01jfr3y +/m/0hyxv /location/location/contains /m/027xq5 +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/03_0p +/m/04t36 /media_common/netflix_genre/titles /m/0243cq +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/013vdl /people/person/profession /m/0np9r +/m/03rk0 /location/location/contains /m/0cw51 +/m/012x4t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05q4y12 /film/film/country /m/07ssc +/m/02qr46y /tv/tv_program/languages /m/02h40lc +/m/05lfwd /tv/tv_program/genre /m/01t_vv +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07h1tr +/m/06lhbl /people/person/nationality /m/02jx1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01vhrz /award/award_winner/awards_won./award/award_honor/award_winner /m/066yfh +/m/0d35y /location/location/time_zones /m/02hczc +/m/01vw_dv /music/artist/origin /m/013yq +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01p0w_ /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0164v +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0n8bn +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027ffq +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/014jyk +/m/03qcfvw /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/015rhv /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03h_0_z /people/person/profession /m/0dz3r +/m/0194xc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z7s /film/film/genre /m/03bxz7 +/m/03fhm5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/012v9y /people/deceased_person/place_of_death /m/06_kh +/m/0gvs1kt /film/film/country /m/09c7w0 +/m/01nbq4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030hbp /people/person/profession /m/02hrh1q +/m/095l0 /base/biblioness/bibs_location/country /m/07ssc +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dt1cm +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/07pzc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/018lg0 /music/genre/parent_genre /m/016jhr +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/090s_0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/04tgp /location/location/contains /m/01dzg0 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05v38p +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/025rvx0 /film/film/production_companies /m/086k8 +/m/09c7w0 /location/country/second_level_divisions /m/0mw_q +/m/0ddcbd5 /film/film/genre /m/0bkbm +/m/041h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/0424m /influence/influence_node/influenced_by /m/07cbs +/m/04gmp_z /people/person/gender /m/05zppz +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/017_pb /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0hmyfsv /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bt4g /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0cbl95 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tw3 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vq33 +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/06q8qh /film/film/country /m/09c7w0 +/m/0ggbfwf /film/film/production_companies /m/05mgj0 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01zfzb /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/02ljhg /film/film/music /m/0bxtyq +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0286gm1 /film/film/music /m/02bn75 +/m/0kz4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/09z2b7 /film/film/music /m/01m7f5r +/m/01gv_f /film/actor/film./film/performance/film /m/04jpk2 +/m/01j_jh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/05mt6w /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/0bs09lb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0bs09lb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01snvb +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/0x0d +/m/0nbjq /film/film_subject/films /m/01qz5 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01rrd4 /film/actor/film./film/performance/film /m/02qlp4 +/m/072x7s /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/0j210 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14jd +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/08jyyk /music/genre/artists /m/06gd4 +/m/0gj9tn5 /film/film/personal_appearances./film/personal_film_appearance/person /m/035kl6 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0dr5y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m3x5p +/m/041rx /people/ethnicity/people /m/0m68w +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01y6dz +/m/012v9y /film/actor/film./film/performance/film /m/0k4fz +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015qh +/m/04xvlr /media_common/netflix_genre/titles /m/01h7bb +/m/056k77g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zyvw +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/01rxyb /film/film/language /m/02h40lc +/m/0flddp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbf1 +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02v60l +/m/07y8l9 /people/person/gender /m/05zppz +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04_1nk +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01wl38s /award/award_winner/awards_won./award/award_honor/award_winner /m/02g40r +/m/0mndw /location/hud_county_place/place /m/0mndw +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0dvmd +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/06qv_ +/m/0b005 /tv/tv_program/genre /m/0dm00 +/m/0151ns /film/actor/film./film/performance/film /m/0125xq +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/0ml25 /location/location/time_zones /m/02fqwt +/m/04g61 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/07ssc /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p76f9 +/m/0j862 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/03ndd +/m/06w92 /location/location/contains /m/0536sd +/m/01tspc6 /film/actor/film./film/performance/film /m/0879bpq +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/09ps01 /film/film/genre /m/01j1n2 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/043t8t +/m/0jhd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02b07b /music/record_label/artist /m/0fb2l +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lk60 +/m/019pcs /location/location/time_zones /m/0gsrz4 +/m/01f9mq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqcgj /people/person/profession /m/01d_h8 +/m/015c4g /people/person/place_of_birth /m/071vr +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cff1 +/m/0dt8xq /film/film/story_by /m/0c9c0 +/m/0gywn /music/genre/artists /m/01wf86y +/m/02mxw0 /film/actor/film./film/performance/film /m/04j13sx +/m/0blg2 /olympics/olympic_games/sports /m/0crlz +/m/016szr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nfys /people/person/profession /m/01d_h8 +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/027rqbx /location/location/contains /m/0fr5p +/m/01l0__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0640m69 +/m/02qggqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076zy_g +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/01wd9lv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/012rng /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vtj38 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/0bv8h2 /film/film/language /m/02h40lc +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lkr7 +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/02fybl /film/actor/film./film/performance/film /m/03yvf2 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/05c5xx9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/07s9rl0 /media_common/netflix_genre/titles /m/0b6m5fy +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/043js +/m/05sy_5 /film/film/genre /m/0lsxr +/m/0b_dy /people/person/profession /m/02hrh1q +/m/01twmp /people/person/places_lived./people/place_lived/location /m/0nlh7 +/m/02k54 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbbz +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/0k1bs /music/group_member/membership./music/group_membership/group /m/03qkcn9 +/m/02xv8m /people/person/places_lived./people/place_lived/location /m/0843m +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012q4n +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/081yw /location/location/contains /m/0mmrd +/m/0jfx1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02jkkv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gxtknx /film/film/genre /m/0lsxr +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05b7q +/m/01k53x /people/person/profession /m/09jwl +/m/016_rm /music/genre/artists /m/07pzc +/m/0bxtg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08bytj +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02g87m +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/01c7j1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/051z6mv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/0bvls5 /people/person/nationality /m/03rk0 +/m/05kh_ /film/actor/film./film/performance/film /m/01lsl +/m/0chghy /location/location/contains /m/01b8jj +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/0hwbd /film/actor/film./film/performance/film /m/0hvvf +/m/09lxv9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc56 /location/us_county/county_seat /m/0cc56 +/m/06gbnc /people/ethnicity/languages_spoken /m/083tk +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01lyv /music/genre/artists /m/010hn +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/037n97 /music/genre/artists /m/053yx +/m/027m5wv /film/film/executive_produced_by /m/06q8hf +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/020ddc +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r04p +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02hp70 /education/educational_institution/colors /m/083jv +/m/0fkhl /location/us_county/county_seat /m/01dljr +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01pcq3 /people/person/place_of_birth /m/0pmq2 +/m/0jcky /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03jqw5 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0c4y8 +/m/01j5sd /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05cl8y /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/036gdw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05m63c +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/09c7w0 /location/country/second_level_divisions /m/0fxkr +/m/01nczg /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/037n97 /music/genre/artists /m/02mslq +/m/01gw8b /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03pvt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gz5hs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/0468g4r +/m/0ds3t5x /film/film/country /m/0j1z8 +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/05k2xy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bdxl +/m/025vwmy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0170k0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwlwp +/m/02hwww /education/educational_institution_campus/educational_institution /m/02hwww +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/0jn5l /people/person/places_lived./people/place_lived/location /m/0z20d +/m/059ts /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0n7q7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026ldz7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bq8tmw +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/0cwrr /tv/tv_program/genre /m/04t36 +/m/026sv5l /people/person/profession /m/02hrh1q +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01tszq /people/person/nationality /m/0d060g +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0b68vs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049dzz +/m/075wx7_ /film/film/featured_film_locations /m/015jr +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01jrvr6 +/m/032xhg /people/person/nationality /m/09c7w0 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/01gqfm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/06gjk9 +/m/06cddt /people/person/profession /m/018gz8 +/m/023v4_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c3xpwy +/m/03cmsqb /film/film/music /m/03c_8t +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/098sv2 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/04fzfj /film/film/genre /m/02kdv5l +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/016kb7 /film/actor/film./film/performance/film /m/0f4m2z +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/034qrh +/m/04w58 /location/country/official_language /m/064_8sq +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06qn87 +/m/02j9z /location/location/contains /m/0lk0l +/m/018t8f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07nxvj /film/film/language /m/02h40lc +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/015t56 /film/actor/film./film/performance/film /m/017gl1 +/m/02z6fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/09lxtg /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0flj39 /people/person/gender /m/05zppz +/m/08s6mr /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/09tcg4 /film/film/produced_by /m/03v1xb +/m/02jx1 /location/location/contains /m/0ncq_ +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/02m3sd /people/person/profession /m/01d_h8 +/m/0c2rr7 /people/person/profession /m/0gl2ny2 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/027m5wv +/m/03ts0c /people/ethnicity/people /m/04093 +/m/0cwtm /people/person/gender /m/02zsn +/m/026gyn_ /film/film/music /m/01cbt3 +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/07dvs /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0kbws /olympics/olympic_games/participating_countries /m/05tr7 +/m/01693z /people/person/profession /m/09jwl +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0342h /music/instrument/instrumentalists /m/01vn35l +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/06gd4 /music/group_member/membership./music/group_membership/group /m/047cx +/m/0c9xjl /people/person/nationality /m/09c7w0 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/015w9s /media_common/netflix_genre/titles /m/01qbg5 +/m/01xqw /music/instrument/instrumentalists /m/0149xx +/m/030vnj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0crvfq /people/person/nationality /m/09c7w0 +/m/02bj6k /people/person/gender /m/05zppz +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/0btyf5z /film/film/genre /m/06n90 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0127m7 /film/actor/film./film/performance/film /m/048scx +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b10w +/m/0n25q /location/us_county/county_seat /m/0yz30 +/m/026zvx7 /people/person/place_of_birth /m/0dc95 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047myg9 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/01x2tm8 /people/person/languages /m/01c7y +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/05b7q /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04j53 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/09096d /music/genre/artists /m/01wn718 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0d0kn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/011wtv /film/film/produced_by /m/05prs8 +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03s9b +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/01lkky /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/060ny2 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/07myb2 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/011s9r /people/person/religion /m/03_gx +/m/05pt0l /award/award_winning_work/awards_won./award/award_honor/award /m/07h0cl +/m/03y7ml /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/015p3p /film/actor/film./film/performance/film /m/01kqq7 +/m/01kmd4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/016tbr /film/actor/film./film/performance/film /m/01sbv9 +/m/04x56 /people/person/gender /m/05zppz +/m/05fhy /location/administrative_division/country /m/09c7w0 +/m/06bw5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzh2 +/m/05r5c /music/instrument/instrumentalists /m/012ycy +/m/01hnb /education/educational_institution/colors /m/083jv +/m/03ybrwc /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/096lf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01ycfv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/012gq6 /people/person/profession /m/02hrh1q +/m/06yxd /location/location/contains /m/022xml +/m/01hcvm /music/genre/artists /m/0mgcr +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/04p0c /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/06rgq +/m/027_sn /film/actor/film./film/performance/film /m/01gvpz +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/03kg2v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/0202p_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bmh4 +/m/02r0st6 /people/person/profession /m/01d_h8 +/m/02qw_v /education/educational_institution/school_type /m/05pcjw +/m/05bkf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01cz_1 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/06rrzn +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/06ltr /film/actor/film./film/performance/film /m/01npcx +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d0kn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/016ybr /music/genre/artists /m/016ntp +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/0r5wt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qcrj +/m/098sx /people/person/profession /m/0cbd2 +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/098r1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/017dbx /tv/tv_program/languages /m/02h40lc +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fpv_3_ +/m/0f_nbyh /award/award_category/winners./award/award_honor/award_winner /m/0fvf9q +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/0hqly +/m/06wpc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/0jym0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02wrhj /film/actor/film./film/performance/film /m/099bhp +/m/0ds2n /film/film/featured_film_locations /m/030qb3t +/m/0cxbth /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081lh +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsn_ +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/0gx1bnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0r066 /location/location/time_zones /m/02lcqs +/m/023s8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01j2xj +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0cq8qq /film/film/music /m/02sj1x +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01t0dy +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/07rhpg +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/01h2_6 +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/0d_84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/04rrd /location/location/contains /m/0txhf +/m/04d_mtq /people/person/gender /m/05zppz +/m/01wy6 /music/instrument/instrumentalists /m/06p03s +/m/0r6ff /base/biblioness/bibs_location/state /m/01n7q +/m/040rjq /people/person/profession /m/02hv44_ +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015grj +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0ddf2bm /film/film/genre /m/05p553 +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/01cx_ /location/location/contains /m/0lfgr +/m/053xw6 /film/actor/film./film/performance/film /m/02pjc1h +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/03d96s /music/record_label/artist /m/0837ql +/m/06v41q /people/ethnicity/people /m/0478__m +/m/03v0vd /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/057lbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0353xq /film/film/genre /m/04rlf +/m/01cspq /people/person/places_lived./people/place_lived/location /m/06y9v +/m/0b455l /people/person/profession /m/01d_h8 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05glrg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04xvlr /media_common/netflix_genre/titles /m/0kvgxk +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/0342h /music/instrument/instrumentalists /m/0gt_k +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01nfys /film/actor/film./film/performance/film /m/0bmssv +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/025jj7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/041rx /people/ethnicity/people /m/015grj +/m/0f6_x /people/person/places_lived./people/place_lived/location /m/02cft +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0164b +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x6m +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02l1fn /education/educational_institution_campus/educational_institution /m/02l1fn +/m/057_yx /people/person/profession /m/02hrh1q +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nnp_ +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/0jcx /people/person/place_of_birth /m/019xz9 +/m/0hqgp /people/person/profession /m/01c72t +/m/03rj0 /location/location/time_zones /m/03bdv +/m/0dck27 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g29 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j8wx +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/027cxsm +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/06hwzy +/m/094xh /people/person/places_lived./people/place_lived/location /m/01n7q +/m/09c7w0 /location/country/second_level_divisions /m/0mww2 +/m/02b0_m /sports/sports_team/sport /m/02vx4 +/m/056k77g /film/film/genre /m/0hcr +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02zl4d /film/actor/film./film/performance/film /m/02b61v +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05fjf /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/015npr /people/person/profession /m/02jknp +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01bn3l /film/film/prequel /m/063zky +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/0229rs /music/record_label/artist /m/01fmz6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/07l4zhn /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/09blyk /media_common/netflix_genre/titles /m/0k4fz +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lw3kh +/m/02fz3w /film/actor/film./film/performance/film /m/0ndwt2w +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/04tnqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0885n /education/educational_institution_campus/educational_institution /m/0885n +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/0kb1g /film/film/language /m/02h40lc +/m/03fmfs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gz9n /people/person/profession /m/01d_h8 +/m/09swkk /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/07jmgz /people/person/profession /m/01d_h8 +/m/051z6rz /people/person/nationality /m/09c7w0 +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019tfm +/m/0h0wc /award/award_winner/awards_won./award/award_honor/award_winner /m/05dbf +/m/0dttf /location/location/time_zones /m/0gsrz4 +/m/0177s6 /people/deceased_person/place_of_burial /m/018mmj +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0345h +/m/02qdymm /people/person/profession /m/02jknp +/m/032f6 /language/human_language/countries_spoken_in /m/07t_x +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0161h5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/012_53 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/06lxn +/m/02mhfy /people/person/nationality /m/09c7w0 +/m/02ny8t /music/genre/artists /m/04d_mtq +/m/0d61px /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09p5mwg /film/film/genre /m/02n4kr +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0147jt +/m/0h1fktn /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01_1pv /film/film/genre /m/07s9rl0 +/m/041rx /people/ethnicity/people /m/084m3 +/m/0dzc16 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tw3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06sks6 /olympics/olympic_games/sports /m/0dwxr +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/01f2xy /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01b4p4 /music/genre/artists /m/016vj5 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/019vhk /film/film/country /m/09c7w0 +/m/0f502 /people/person/places_lived./people/place_lived/location /m/0xkq4 +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/012fvq +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03t0k1 +/m/03xj05 /film/film/genre /m/03g3w +/m/013hxv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/04wvhz /people/person/nationality /m/09c7w0 +/m/01h18v /film/film/written_by /m/02pv_d +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0c7t58 +/m/016zwt /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/01xsc9 /film/actor/film./film/performance/film /m/034xyf +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/037xlx +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/01_k71 /people/person/places_lived./people/place_lived/location /m/019fh +/m/0grd7 /location/location/time_zones /m/03bdv +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047vnkj +/m/01dfb6 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c1jh /people/person/gender /m/05zppz +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04cl1 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02v5_g /film/film/genre /m/05p553 +/m/04gknr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04hpck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/04ltf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0230rx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07fq1y /film/actor/film./film/performance/film /m/0284b56 +/m/030hbp /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/030hcs +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/02h40lc /language/human_language/countries_spoken_in /m/019pcs +/m/07ssc /location/location/contains /m/0bwtj +/m/018x3 /people/person/religion /m/0kpl +/m/0c3ybss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/095p3z /people/person/profession /m/028kk_ +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/02x9g_ /education/educational_institution/colors /m/01g5v +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/09c6w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06jk5_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/07_f2 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ymcz +/m/01nms7 /people/person/places_lived./people/place_lived/location /m/059_c +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0466s8n +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0m2fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2hs +/m/0dnqr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp63 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/050fh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/0j5g9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02jx1 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gfsq9 +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0309lm /film/actor/film./film/performance/film /m/0660b9b +/m/02b171 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0164y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/05m_8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ljc_ /tv/tv_network/programs./tv/tv_network_duration/program /m/0584r4 +/m/0fg04 /film/film/genre /m/02n4kr +/m/0448r /people/person/nationality /m/02jx1 +/m/0dh73w /film/actor/film./film/performance/film /m/08cfr1 +/m/03zbg0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/081nh /people/deceased_person/place_of_burial /m/0k_q_ +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01wx_y +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/02rk45 +/m/06gb1w /film/film/country /m/09c7w0 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/06f0y3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bgrsl /people/person/profession /m/01d_h8 +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/0mmd6 /sports/sports_team/colors /m/06kqt3 +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01_mdl /film/film/genre /m/04pbhw +/m/03tdlh /film/actor/film./film/performance/film /m/011yth +/m/04mvp8 /people/ethnicity/geographic_distribution /m/07f1x +/m/01797x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dcqj /people/cause_of_death/people /m/0gyy0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06q83 +/m/0cn_b8 /film/film/country /m/09c7w0 +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/02rky4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/01dzz7 +/m/073q1 /location/location/contains /m/05v8c +/m/01q1j /location/administrative_division/country /m/07ssc +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/02jx1 /location/location/contains /m/0crjn65 +/m/0jgk3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgm8 +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/05g8pg /film/film/film_format /m/0cj16 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/01gvts /film/film/genre /m/07s9rl0 +/m/02fsn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/05cl8y /music/record_label/artist /m/02pt7h_ +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/026dx /people/person/spouse_s./people/marriage/location_of_ceremony /m/01_d4 +/m/0bp_7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/09krp +/m/015rmq /people/person/profession /m/028kk_ +/m/043t8t /film/film/language /m/01jb8r +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03k7dn +/m/047gn4y /film/film/country /m/09c7w0 +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c9t0y /film/film/music /m/02bh9 +/m/06bd5j /film/film/produced_by /m/04fyhv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06btq +/m/0fb7c /people/person/profession /m/018gz8 +/m/0bbgly /film/film/music /m/02rf51g +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02yj7w /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/01csvq /film/actor/film./film/performance/film /m/07bxqz +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06sfk6 /film/film/music /m/089kpp +/m/054gwt /tv/tv_program/program_creator /m/0bvg70 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f8l9c +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/0170qf /film/actor/film./film/performance/film /m/031hcx +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/0c3kw +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/03krj +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bkq_8 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01b7lc /education/educational_institution_campus/educational_institution /m/01b7lc +/m/0345h /location/location/contains /m/0d58_ +/m/0484q /people/deceased_person/place_of_death /m/0d9jr +/m/0r0ss /location/location/contains /m/02gnh0 +/m/0cb1ky /film/actor/film./film/performance/film /m/01p3ty +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/015fr +/m/01kx1j /people/person/nationality /m/0345h +/m/05q9g1 /people/person/profession /m/02hrh1q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09xbpt +/m/09889g /film/actor/film./film/performance/film /m/031t2d +/m/0191_7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0g3b2z /people/person/profession /m/0gl2ny2 +/m/03_9hm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06yrj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/0x3r3 /influence/influence_node/influenced_by /m/04411 +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rhfsc +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/07l50_1 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q7q2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/07nxvj +/m/047csmy /film/film/film_format /m/017fx5 +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/08d6bd /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/048_lz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03v0t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/082db /people/person/place_of_birth /m/0b1mf +/m/0gk4g /people/cause_of_death/people /m/0cf2h +/m/0kt64b /people/person/profession /m/021wpb +/m/02rky4 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0407f /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/018vs /music/instrument/instrumentalists /m/01w8n89 +/m/0lkr7 /people/person/places_lived./people/place_lived/location /m/0d35y +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hvw +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/077w0b /business/business_operation/industry /m/029g_vk +/m/07nt8p /film/film/genre /m/02l7c8 +/m/0163r3 /music/artist/origin /m/0c_m3 +/m/0180w8 /people/person/profession /m/09jwl +/m/04wgh /location/location/contains /m/0fs44 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03818y /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f40w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019pcs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0ghvb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mw2m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0qm98 /film/film/genre /m/07s9rl0 +/m/01wk51 /people/person/languages /m/02h40lc +/m/0b82vw /people/person/place_of_birth /m/0f2r6 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/034qzw /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0g96wd /people/ethnicity/people /m/01qrbf +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0b68vs /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pb53 +/m/031k24 /film/actor/film./film/performance/film /m/011yqc +/m/01jfsb /media_common/netflix_genre/titles /m/05pbl56 +/m/0kjgl /film/actor/film./film/performance/film /m/0c40vxk +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/0kst7v +/m/09r_wb /people/person/languages /m/09bnf +/m/0gywn /music/genre/artists /m/0163m1 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0340hj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0d6_s /film/film/country /m/07ssc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/026l37 /people/person/profession /m/0np9r +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0292qb +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gvbw +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/08xwck +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062hgx +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/0fs_s /base/biblioness/bibs_location/country /m/01mjq +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/0182r9 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/06lht1 /film/actor/film./film/performance/film /m/060__7 +/m/02l840 /people/person/profession /m/09jwl +/m/036921 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/06m61 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0bthb /education/educational_institution/colors /m/083jv +/m/01z4y /media_common/netflix_genre/titles /m/06__m6 +/m/0978r /location/location/contains /m/07tg4 +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0gg5qcw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07sbbz2 /music/genre/artists /m/012x03 +/m/01jrs46 /music/artist/origin /m/02_286 +/m/04rrx /location/location/time_zones /m/02fqwt +/m/03q0r1 /film/film/music /m/016szr +/m/057_yx /film/actor/film./film/performance/film /m/047csmy +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmc26r +/m/01x5fb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/01l2fn /people/person/nationality /m/02jx1 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bl2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03jj93 +/m/06qv_ /tv/tv_program/genre /m/06n90 +/m/03wbqc4 /film/film/genre /m/016vh2 +/m/0d_rw /tv/tv_program/languages /m/02h40lc +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/06924p /music/genre/artists /m/01fkxr +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/01y49 +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06688p +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/033tf_ /people/ethnicity/people /m/01gbn6 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/03j0br4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvycq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/030w19 +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/076xkps /film/film/genre /m/02kdv5l +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dl5d /music/genre/artists /m/01vsyjy +/m/01k0xy /film/film/production_companies /m/016tw3 +/m/0345h /location/location/contains /m/0bkv0 +/m/03_gx /media_common/netflix_genre/titles /m/02r1c18 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/01qhm_ /people/ethnicity/people /m/01vrt_c +/m/07hwkr /people/ethnicity/people /m/01zlh5 +/m/0k269 /film/actor/film./film/performance/film /m/047p7fr +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/0416y94 /film/film/genre /m/017fp +/m/0dq2k /people/person/places_lived./people/place_lived/location /m/06yxd +/m/042v2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/012vf6 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0409n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01yx7f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03p7rp /music/genre/parent_genre /m/011j5x +/m/02f93t /people/person/nationality /m/03rt9 +/m/0gy6z9 /film/actor/film./film/performance/film /m/04vr_f +/m/049k07 /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/0xmp9 /location/location/contains /m/01r47h +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/03mz5b /film/film/produced_by /m/04pqqb +/m/03fnn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/026v437 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0lv1x /olympics/olympic_games/sports /m/02y8z +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02184q /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/025m8l /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0436f4 +/m/01fwpt /people/person/sibling_s./people/sibling_relationship/sibling /m/01gkmx +/m/0138t4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q6bg +/m/06b_j /language/human_language/countries_spoken_in /m/0d0kn +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/016bx2 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f8l9c +/m/06vlk0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/0frm7n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06wm0z /film/actor/film./film/performance/film /m/0bt3j9 +/m/013x0b /music/record_label/artist /m/01pfr3 +/m/01wyz92 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vz0g4 +/m/02knxx /people/cause_of_death/people /m/02qdymm +/m/01gg59 /people/person/religion /m/0flw86 +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/0347db +/m/02my3z /film/actor/film./film/performance/film /m/011yl_ +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/02qjpv5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05gsd2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05c74 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01w1sx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/07l50_1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/06dl_ /people/person/profession /m/0kyk +/m/07l50vn /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/058frd /people/person/profession /m/01d_h8 +/m/02bbyw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01tzm9 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h5d +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/01f7gh /film/film/genre /m/02kdv5l +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ylg6 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/018ygt /people/person/religion /m/0c8wxp +/m/01hlwv /organization/organization/place_founded /m/02_286 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/06ztvyx /film/film/music /m/06fxnf +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/01p95y0 /people/person/gender /m/05zppz +/m/01hmnh /media_common/netflix_genre/titles /m/04w7rn +/m/01w8n89 /people/person/places_lived./people/place_lived/location /m/0r02m +/m/0161c2 /people/person/profession /m/0dz3r +/m/05rh2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059s8 +/m/01zwy /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/01l1b90 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bksh +/m/02s529 /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/0300ml /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03_vx9 /people/person/religion /m/03_gx +/m/07ssc /location/location/contains /m/019rvp +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/04ynx7 /film/film/production_companies /m/025hwq +/m/023znp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g8h /people/person/profession /m/018gz8 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01_xtx /people/person/spouse_s./people/marriage/spouse /m/03lq43 +/m/02_l96 /film/actor/film./film/performance/film /m/03qcfvw +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/025tdwc /people/person/profession /m/018rn4 +/m/01kwsg /film/actor/film./film/performance/film /m/06zsk51 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yk8z +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/05zy3sc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06nr2h /film/film/genre /m/01t_vv +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/0372j5 /film/film/language /m/06mp7 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w58n3 +/m/03k9fj /media_common/netflix_genre/titles /m/0d61px +/m/0gm2_0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lzkm /music/group_member/membership./music/group_membership/group /m/070b4 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0jrq9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgm8 +/m/0jdk_ /olympics/olympic_games/sports /m/01hp22 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/0b_fw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017180 /film/film/genre /m/060__y +/m/01jfsb /media_common/netflix_genre/titles /m/033qdy +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0417z2 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07c52 /media_common/netflix_genre/titles /m/03_b1g +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/01mqc_ +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/04n1q6 /organization/role/leaders./organization/leadership/organization /m/0ymgk +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/02ch1w +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/02x2t07 /people/person/gender /m/05zppz +/m/012x4t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02n9bh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013tcv +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/081lh +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vnbh +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/03_87 /influence/influence_node/influenced_by /m/0zm1 +/m/02t901 /people/person/languages /m/06mp7 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03r1pr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/01ft2l /base/eating/practicer_of_diet/diet /m/07_jd +/m/04180vy /film/film/cinematography /m/0280mv7 +/m/04fv0k /organization/organization/headquarters./location/mailing_address/citytown /m/0bxbr +/m/0784z /base/culturalevent/event/entity_involved /m/012bk +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/04jhp +/m/0d8_wz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01q7q2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/039g82 /people/person/nationality /m/09c7w0 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0c3ybss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/027f7dj +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/011vx3 +/m/084m3 /people/person/profession /m/01d_h8 +/m/018h2 /film/film_subject/films /m/02s4l6 +/m/0bs8s1p /film/film/film_festivals /m/0gg7gsl +/m/0124ld /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/033jkj /people/person/profession /m/02hrh1q +/m/02z2mr7 /film/film/written_by /m/0c4y8 +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddt_ +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0169dl +/m/09rntd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0257pw /award/award_category/category_of /m/0c4ys +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/01l_pn /film/film/country /m/09c7w0 +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/0401sg /film/film/genre /m/06n90 +/m/015nhn /award/award_winner/awards_won./award/award_honor/award_winner /m/0h32q +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jhd +/m/0blbxk /people/person/profession /m/02hrh1q +/m/0blbxk /film/actor/film./film/performance/film /m/026p4q7 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/0b6yp2 +/m/01kcww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q0v8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/071g6 /location/location/time_zones /m/02llzg +/m/0fvr1 /film/film/genre /m/01t_vv +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/06t6dz /film/film/genre /m/0219x_ +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/04yc76 +/m/0x67 /people/ethnicity/people /m/01vt9p3 +/m/01nhkxp /people/person/place_of_birth /m/0mzvm +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jvt9 +/m/0h1v19 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03lq43 /film/actor/film./film/performance/film /m/01j8wk +/m/0gtv7pk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jsf6 +/m/03_b1g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c01c +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0dx8gj /film/film/genre /m/02js9 +/m/0h03fhx /film/film/produced_by /m/0bsb4j +/m/02v5_g /film/film/executive_produced_by /m/03p01x +/m/0lg0r /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/07l5z +/m/0h1cdwq /film/film/production_companies /m/0c41qv +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/032nl2 /people/person/gender /m/05zppz +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03cp4cn /film/film/language /m/04306rv +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds11z +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/024rdh /organization/organization/headquarters./location/mailing_address/citytown /m/0f2wj +/m/01_r9k /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/05tcx0 /music/genre/artists /m/089pg7 +/m/06jzh /film/actor/film./film/performance/film /m/0g83dv +/m/0prfz /people/person/spouse_s./people/marriage/spouse /m/01xcfy +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01fx1l +/m/02md_2 /sports/sports_position/players./sports/sports_team_roster/team /m/04zw9hs +/m/03m6pk /film/actor/film./film/performance/film /m/02vz6dn +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03cd0x /film/film/country /m/09c7w0 +/m/01k_r5b /people/person/profession /m/016z4k +/m/064xm0 /people/profession/specialization_of /m/02jknp +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09c7w0 +/m/02k_kn /music/genre/artists /m/01wk7ql +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q5db +/m/098sx /people/person/nationality /m/02jx1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/01fs__ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/036dyy +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/025sc50 /music/genre/artists /m/019f9z +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028hc2 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/01xsc9 +/m/0jrv_ /music/genre/artists /m/027dpx +/m/02v8kmz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/081g_l /business/business_operation/industry /m/03qh03g +/m/02y5kn /dataworld/gardening_hint/split_to /m/02md_2 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/02jp2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/07s8qm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/06ls0l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jtdp /media_common/netflix_genre/titles /m/0dtzkt +/m/016ywr /film/actor/film./film/performance/film /m/0bbm7r +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/06w6_ +/m/026f__m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/05whq_9 +/m/02r858_ /film/film/executive_produced_by /m/0fqyzz +/m/0pksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/02q87z6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dnvn3 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023s8 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/02gpkt /film/film/language /m/02h40lc +/m/03j7cf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/041rx /people/ethnicity/people /m/0pnf3 +/m/081yw /location/location/contains /m/01b1mj +/m/01qhm_ /people/ethnicity/people /m/01tfck +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/06mnr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01crd5 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01n1pp /education/educational_institution/school_type /m/07tf8 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/01fyzy /people/person/languages /m/02h40lc +/m/03m1n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/06ybb1 +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d8yn +/m/071ynp /film/actor/film./film/performance/film /m/031778 +/m/0b76t12 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bdxl +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/01kt17 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ww2fs +/m/06h7l7 /people/person/gender /m/05zppz +/m/03j79x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02mpyh /film/film/costume_design_by /m/0bytfv +/m/026sv5l /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0dkv90 /film/film/genre /m/082gq +/m/0ggx5q /music/genre/artists /m/01wgfp6 +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0ggl02 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wdqrx +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/03d8m4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06pj8 /film/actor/film./film/performance/film /m/0jyb4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/0lgsq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01sp81 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07gghl /film/film/music /m/02jxkw +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/07xzm /music/instrument/instrumentalists /m/03bnv +/m/015_1q /music/record_label/artist /m/01tl50z +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/01wj92r /people/person/gender /m/05zppz +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/0pnf3 /people/person/place_of_birth /m/01531 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01p1v +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/0cq86w /film/film/cinematography /m/03ctv8m +/m/0fgrm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ljpm /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07g7h2 +/m/05ypj5 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/016ks_ /film/actor/film./film/performance/film /m/016z5x +/m/065b6q /people/ethnicity/people /m/0154d7 +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/0f8pz /people/person/spouse_s./people/marriage/spouse /m/01sxd1 +/m/0zpfy /location/location/time_zones /m/02hcv8 +/m/0dryh9k /people/ethnicity/people /m/0cqcgj +/m/02qfv5d /media_common/netflix_genre/titles /m/0pv54 +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/03_9r /education/field_of_study/students_majoring./education/education/student /m/01_x6v +/m/059_w /people/ethnicity/geographic_distribution /m/09c7w0 +/m/01w58n3 /people/person/places_lived./people/place_lived/location /m/0rnmy +/m/0kbws /olympics/olympic_games/participating_countries /m/06nnj +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/02mmwk /film/film/featured_film_locations /m/02_286 +/m/05bnp0 /people/person/place_of_birth /m/0f04c +/m/0lk90 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bwjv +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwt5 +/m/0dq9p /people/cause_of_death/people /m/04xm_ +/m/02pbrn /award/award_winner/awards_won./award/award_honor/award_winner /m/01m3b1t +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/016017 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0827d /music/genre/artists /m/0565cz +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/0dz46 /people/person/profession /m/0cbd2 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/01wwvd2 /award/award_winner/awards_won./award/award_honor/award_winner /m/086qd +/m/0234j5 /film/film/produced_by /m/054_mz +/m/01z4y /media_common/netflix_genre/titles /m/02tgz4 +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0k1bs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01dw4q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/0gj9tn5 /film/film/story_by /m/021yw7 +/m/01wbg84 /film/actor/film./film/performance/film /m/01qb559 +/m/03xmy1 /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/063zky /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0c5dd /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0k9ctht /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/033qdy /film/film/genre /m/0lsxr +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/01gq0b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02tc5y +/m/08qxx9 /film/actor/film./film/performance/film /m/02yvct +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01k4f /location/location/time_zones /m/02llzg +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/0292l3 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04s5_s /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/06w6_ +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bth54 +/m/01w58n3 /people/person/nationality /m/0d04z6 +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dcvf +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/02r99xw /people/person/profession /m/01d_h8 +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fjzv +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/01ycck +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0ggx5q /music/genre/artists /m/01wqmm8 +/m/023jq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08f3yq +/m/01nms7 /people/person/profession /m/09jwl +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/033tf_ /people/ethnicity/people /m/0jw67 +/m/021q2j /education/educational_institution/campuses /m/021q2j +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_j8x +/m/0181dw /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/05kyr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/0qmhk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04lhc4 /film/film/country /m/09c7w0 +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07rd7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0jfx1 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/01mylz /film/actor/film./film/performance/film /m/04hwbq +/m/015_1q /music/record_label/artist /m/01386_ +/m/01l1ls /people/person/places_lived./people/place_lived/location /m/0k049 +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h8hr +/m/0qmjd /film/film/country /m/09c7w0 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/01j95f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/0465_ /people/person/gender /m/05zppz +/m/03f4xvm /film/actor/film./film/performance/film /m/07gghl +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021b_ +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01zn4y /organization/organization/headquarters./location/mailing_address/citytown /m/0dhdp +/m/0n85g /music/record_label/artist /m/01whg97 +/m/0fp_xp /people/person/profession /m/0gl2ny2 +/m/03h0byn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0jhwd /location/location/contains /m/0195pd +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035p3 +/m/0bhsnb /people/ethnicity/languages_spoken /m/07c9s +/m/02ny8t /music/genre/artists /m/02twdq +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/015pnb +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/0glt670 /music/genre/artists /m/01wbgdv +/m/0b7l4x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wwwv5 /people/person/gender /m/05zppz +/m/02mw6c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kpvp +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/0dtzkt /film/film/language /m/02h40lc +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0m6x4 +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pdh86 +/m/01fjfv /broadcast/content/artist /m/09889g +/m/02x0fs9 /film/film/country /m/0d060g +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dbf +/m/02t_8z /people/person/profession /m/0dxtg +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06bvp +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02qkwl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/084w8 /influence/influence_node/influenced_by /m/04xjp +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/07s9rl0 /media_common/netflix_genre/titles /m/02r858_ +/m/01b_d4 /education/educational_institution/students_graduates./education/education/student /m/01w8sf +/m/016ybr /music/genre/artists /m/09lwrt +/m/08htt0 /education/educational_institution/students_graduates./education/education/student /m/01p6xx +/m/07tgn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/0dn44 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0427y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fttd +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09v42sf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/08k1lz /people/person/places_lived./people/place_lived/location /m/0824r +/m/01gq0b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0169dl +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0gyx4 /film/actor/film./film/performance/film /m/0g_zyp +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/0b78hw /influence/influence_node/influenced_by /m/034bs +/m/01m1zk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/055sjw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0177s6 /people/person/nationality /m/09c7w0 +/m/02txdf /education/educational_institution/school_type /m/05jxkf +/m/025snf /tv/tv_network/programs./tv/tv_network_duration/program /m/020qr4 +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05r_x5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d4htf +/m/03_x5t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0169dl +/m/011ycb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gs1_ +/m/0fy66 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/03rwz3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0ndsl1x /film/film/genre /m/02l7c8 +/m/033dbw /film/film/produced_by /m/0415svh +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04cf09 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09c7w0 /location/country/second_level_divisions /m/0mwht +/m/02hgm4 /award/award_category/category_of /m/0c4ys +/m/01l9p /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/0d3mlc /people/person/nationality /m/0chghy +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/0d_84 /film/actor/film./film/performance/film /m/02ljhg +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06czxq +/m/0fthdk /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02kfzz /film/film/genre /m/07s9rl0 +/m/04hwbq /film/film/production_companies /m/0kk9v +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv27 +/m/06pk8 /film/actor/film./film/performance/film /m/0df2zx +/m/0124ld /olympics/olympic_games/sports /m/09_9n +/m/0fmc5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dj7p +/m/03g5jw /influence/influence_node/influenced_by /m/05xq9 +/m/01wjrn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fs__ +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/01jgpsh /people/person/profession /m/02krf9 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0k9j_ /people/person/nationality /m/09c7w0 +/m/06j6l /music/genre/artists /m/01wdqrx +/m/04xbq3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01z_g6 +/m/067jsf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0165v /location/country/form_of_government /m/01d9r3 +/m/064t9 /music/genre/artists /m/01dq9q +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/050fh +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/01r97z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kj5h +/m/016fnb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/01qb559 /film/film/genre /m/0lsxr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/032r4n +/m/05g7q /people/person/religion /m/051kv +/m/07j9n /base/culturalevent/event/entity_involved /m/01s47p +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0wr_s /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/05rfst /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017149 +/m/065b6q /people/ethnicity/people /m/0bdt8 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0bxtg /film/actor/film./film/performance/film /m/02d413 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/02b1yn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ldhs +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/0b73_1d /film/film/language /m/02h40lc +/m/07p62k /film/film/produced_by /m/043q6n_ +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/01sjmd /people/profession/specialization_of /m/01pxg +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/06j6l /music/genre/artists /m/01wcp_g +/m/09c7w0 /location/location/contains /m/0l_q9 +/m/0dqytn /film/film/music /m/0146pg +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/044zvm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/0xwj /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/06r2_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gy0n /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0jt90f5 /people/person/places_lived./people/place_lived/location /m/0tr3p +/m/06y9bd /award/award_winner/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/015nl4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/0342h /music/instrument/instrumentalists /m/045zr +/m/02y0yt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06cc_1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mkn_d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cv1 +/m/02w7gg /people/ethnicity/people /m/03jj93 +/m/0dq626 /film/film/genre /m/02b5_l +/m/01f6ss /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/01qrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01wbgdv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hfp_ /film/director/film /m/02cbhg +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/016lh0 /people/person/religion /m/019cr +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/03cfkrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/035gt8 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/08k40m /film/film/country /m/09c7w0 +/m/02ngbs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ncr /music/instrument/instrumentalists /m/01wp8w7 +/m/0dck27 /people/person/nationality /m/09c7w0 +/m/0fw9vx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x20c9 /people/person/nationality /m/03rk0 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0r6ff /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bpbhm /film/film/language /m/02h40lc +/m/026dqjm /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0c33pl /people/person/profession /m/015cjr +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0bx0lc +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/0154yf /award/award_category/winners./award/award_honor/award_winner /m/0mb5x +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/095nx +/m/010y34 /base/biblioness/bibs_location/state /m/081mh +/m/0181dw /music/record_label/artist /m/0qf11 +/m/01w272y /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/04mjl +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h1mt +/m/09qljs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y21l /music/record_label/artist /m/0k60 +/m/07hwkr /people/ethnicity/languages_spoken /m/02bv9 +/m/01mv_n /people/person/profession /m/018gz8 +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/0134w7 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/03ftmg /influence/influence_node/influenced_by /m/01v9724 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mt4k +/m/02vklm3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/03fg0r /people/person/profession /m/0dxtg +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/082scv /film/film/language /m/02h40lc +/m/0fvwg /base/biblioness/bibs_location/country /m/09c7w0 +/m/01nrq5 /film/actor/film./film/performance/film /m/04g73n +/m/029ghl /people/person/profession /m/01d_h8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0948xk +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07b_l +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0639bg +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01wqlc /music/genre/artists /m/01vvy +/m/01crd5 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04hhv +/m/0l2p7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzmz6 +/m/03_wm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02qvvv /organization/organization/headquarters./location/mailing_address/citytown /m/0ftvz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1mj +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0bt3j9 /film/film/featured_film_locations /m/03pzf +/m/0ldqf /olympics/olympic_games/sports /m/0dwxr +/m/01jqr_5 /people/deceased_person/place_of_death /m/0dclg +/m/0f1jhc /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03s9b /people/person/languages /m/06mp7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/03wjb7 /people/person/nationality /m/02jx1 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01pj3h +/m/085wqm /film/film/film_format /m/07fb8_ +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0j3d9tn +/m/0hz6mv2 /film/film/country /m/07ssc +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gpx6 +/m/01w02sy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170th +/m/07ssc /location/country/second_level_divisions /m/011pcj +/m/0kxf1 /film/film/language /m/04306rv +/m/013yq /location/location/time_zones /m/02hcv8 +/m/08fn5b /film/film/genre /m/02kdv5l +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/045931 /people/person/profession /m/021wpb +/m/0309jm /people/person/profession /m/0dxtg +/m/0dyb1 /film/film/genre /m/0hcr +/m/0f2v0 /location/hud_county_place/place /m/0f2v0 +/m/07vf5c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01p4vl /film/actor/film./film/performance/film /m/08r4x3 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9ly +/m/05rznz /location/location/time_zones /m/0gsrz4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/071rlr +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j3d4 +/m/0myn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwjk +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/02vl9ln /award/award_category/winners./award/award_honor/award_winner /m/0c31_ +/m/07g2b /influence/influence_node/influenced_by /m/0448r +/m/03s6l2 /film/film/country /m/09c7w0 +/m/02k4b2 /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0chw_ /people/person/nationality /m/09c7w0 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02bbyw /organization/organization/headquarters./location/mailing_address/citytown /m/064xp +/m/0kbq /film/film_subject/films /m/02jxbw +/m/06wcbk7 /music/record_label/artist /m/016pns +/m/01vv7sc /people/person/profession /m/016z4k +/m/036b_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03459x +/m/01clyr /music/record_label/artist /m/020_4z +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015q1n +/m/053rxgm /film/film/language /m/06nm1 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02tktw /film/film/produced_by /m/01f7j9 +/m/0g824 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fybl /people/person/nationality /m/09c7w0 +/m/04_sqm /music/genre/artists /m/0p76z +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051wwp +/m/02v49c /award/award_winner/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/0c_md_ /people/person/profession /m/02hrh1q +/m/020fgy /people/person/profession /m/01c8w0 +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031f_m +/m/01lyv /music/genre/artists /m/01wj92r +/m/059rby /location/location/contains /m/0fpn8 +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/04rwx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qkwl /film/film/country /m/0345h +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jml5 +/m/03fqv5 /people/person/profession /m/01d_h8 +/m/01mvjl0 /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06r_by +/m/02n1gr /people/person/profession /m/0fj9f +/m/0c34mt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lv85 /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/030qb3t /location/location/contains /m/0284jb +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/01k4f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/040dv /people/person/religion /m/0n2g +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01n7q /location/location/contains /m/033x5p +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/06nm1 /language/human_language/countries_spoken_in /m/034m8 +/m/07ssc /location/country/form_of_government /m/018wl5 +/m/01z4y /media_common/netflix_genre/titles /m/07phbc +/m/015076 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/049tjg /film/actor/film./film/performance/film /m/0kxf1 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/026vcc +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06mr2s +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mfvc +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/04q00lw /film/film/country /m/03rk0 +/m/0bm02 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01mskc3 /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0kcrd /base/aareas/schema/administrative_area/administrative_parent /m/0gyh +/m/05cj4r /film/actor/film./film/performance/film /m/02cbhg +/m/01wlt3k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0ml25 +/m/082fr /location/location/contains /m/03pbf +/m/0h14ln /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01r7t9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05ry0p /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01p5xy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/04sry /award/award_winner/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/0dq9p /people/cause_of_death/people /m/01dkpb +/m/02fttd /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/0f1vrl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/017dcd +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/03_d0 /music/genre/artists /m/03j0br4 +/m/0htcn /award/award_winner/awards_won./award/award_honor/award_winner /m/0g1rw +/m/0dzc16 /people/person/place_of_birth /m/01j4rs +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/01xdn1 /business/business_operation/industry /m/015p1m +/m/0bg539 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08jfkw /film/actor/film./film/performance/film /m/01jrbb +/m/06ch55 /music/instrument/instrumentalists /m/0p3sf +/m/07s363 /business/business_operation/industry /m/04rlf +/m/01hlwv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0114m0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02lw5z /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/029_3 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/02zv4b +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/018w0j /base/culturalevent/event/entity_involved /m/034ls +/m/021q2j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yv6b /music/genre/artists /m/01sb5r +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/06_6j3 /people/person/place_of_birth /m/0_g_6 +/m/0f2sx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0234j5 /film/film/featured_film_locations /m/030qb3t +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ryz24 +/m/01wtlq /music/genre/artists /m/023361 +/m/05hj_k /people/person/employment_history./business/employment_tenure/company /m/0jz9f +/m/026c0p /people/person/place_of_birth /m/0gyvgw +/m/012mrr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/033tf_ /people/ethnicity/people /m/02rmfm +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/01ppfv /music/genre/artists /m/028q6 +/m/035yn8 /film/film/featured_film_locations /m/01cgxp +/m/01jz6x /people/person/place_of_birth /m/0cr3d +/m/01gwck /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/036b_ /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/07s9rl0 /media_common/netflix_genre/titles /m/0c0zq +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03rk0 /location/location/contains /m/019jlq +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jzw +/m/06823p /film/film/genre /m/05p553 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03zbws /sports/sports_team/sport /m/02vx4 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/026m0 /people/person/profession /m/0cbd2 +/m/0k2m6 /film/film/edited_by /m/0kft +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/01pq5j7 /influence/influence_node/influenced_by /m/0dbb3 +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/0dmn0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01hmnh /media_common/netflix_genre/titles /m/09txzv +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/01dtcb /music/record_label/artist /m/02z4b_8 +/m/0kbg6 /influence/influence_node/influenced_by /m/06kb_ +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01bn3l /film/film/production_companies /m/030_1_ +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/0g2dz /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0ghd6l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/07s93v +/m/0bq2g /film/actor/film./film/performance/film /m/0h1fktn +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/040db /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/0p8r1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/040p_q /education/field_of_study/students_majoring./education/education/student /m/0btpx +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/026spg /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/02grjf /education/educational_institution/students_graduates./education/education/student /m/037d35 +/m/037mp6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0j13b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02qnbs /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017510 /music/genre/artists /m/016qtt +/m/012wgb /location/location/contains /m/0p54z +/m/0d05w3 /media_common/netflix_genre/titles /m/040b5k +/m/01pxcf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0cwx_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmj /people/person/profession /m/02krf9 +/m/06yykb /film/film/language /m/02h40lc +/m/01ksr1 /people/person/places_lived./people/place_lived/location /m/0m2lt +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/01g23m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02rbdlq /people/ethnicity/people /m/0ywqc +/m/0fz27v /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/016cff /people/person/sibling_s./people/sibling_relationship/sibling /m/015z4j +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/0crd8q6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0kbws /olympics/olympic_games/participating_countries /m/05r4w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv81 +/m/017fp /media_common/netflix_genre/titles /m/05ypj5 +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/07s6prs /people/person/place_of_birth /m/0f2rq +/m/024lff /film/film/film_format /m/07fb8_ +/m/03k0yw /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/0969fd /people/person/gender /m/05zppz +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/09v478h +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wwvt2 /music/group_member/membership./music/group_membership/group /m/06mj4 +/m/09c7w0 /location/location/contains /m/06_kh +/m/0kh6b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/01hb6v +/m/048htn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/01n8_g /people/person/sibling_s./people/sibling_relationship/sibling /m/021j72 +/m/07l450 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/034_t5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0t_gg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mtq +/m/01d494 /influence/influence_node/influenced_by /m/04hcw +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/011yfd /film/film/featured_film_locations /m/03rjj +/m/0bhsnb /people/ethnicity/people /m/01vt5c_ +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vct +/m/06thjt /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0llcx +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/02gd6x /film/film/genre /m/02n4kr +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xndd +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/021pqy /award/award_winning_work/awards_won./award/award_honor/award /m/03r8tl +/m/04991x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bqvs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02vyyl8 /film/film/language /m/02hwhyv +/m/01jmyj /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02_cx_ /education/educational_institution_campus/educational_institution /m/02_cx_ +/m/0jymd /film/film/genre /m/02n4kr +/m/0flddp /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/01wl38s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qhnq +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0150t6 +/m/017180 /film/film/language /m/04h9h +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/055z7 /organization/organization/headquarters./location/mailing_address/citytown /m/0dhdp +/m/0lgxj /olympics/olympic_games/sports /m/02vx4 +/m/01wn718 /people/person/religion /m/0flw86 +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/027024 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02lx0 +/m/0kbhf /film/film/country /m/09c7w0 +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/02xwq9 +/m/02184q /people/person/profession /m/02hrh1q +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/0697kh /people/person/profession /m/03gjzk +/m/07bzz7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/06wpc /sports/sports_team/colors /m/02rnmb +/m/04l3_z /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/012b30 /music/record_label/artist /m/01gf5h +/m/01fh36 /music/genre/artists /m/046p9 +/m/03nk3t /people/person/profession /m/01d_h8 +/m/04bcb1 /people/person/places_lived./people/place_lived/location /m/0xrzh +/m/0gyv0b4 /film/film/language /m/02h40lc +/m/0443v1 /film/film/language /m/02h40lc +/m/0524b41 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01x96 /base/biblioness/bibs_location/state /m/059f4 +/m/033qxt /people/ethnicity/languages_spoken /m/055qm +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcr +/m/01d_4t /people/person/profession /m/02hrh1q +/m/01qrb2 /education/educational_institution/school_type /m/05jxkf +/m/0kbws /olympics/olympic_games/sports /m/0bynt +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/03h2p5 /people/person/places_lived./people/place_lived/location /m/01531 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/06bnz /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01wc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01gx5f /people/person/profession /m/0np9r +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07phbc /film/film/genre /m/05p553 +/m/03j76b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02b0xq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/022q4l9 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/03cxsvl /people/person/profession /m/02hrh1q +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mxw33 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01kf4tt +/m/05r5c /music/instrument/instrumentalists /m/07s3vqk +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01g4yw /education/educational_institution_campus/educational_institution /m/01g4yw +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01y17m +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015qh +/m/01n1gc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02238b +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/01mskc3 /people/person/profession /m/0n1h +/m/0ggx5q /music/genre/artists /m/01l_vgt +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/03xkps +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01pw9v /people/person/profession /m/02pjxr +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/0584r4 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/032t2z /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/024n3z +/m/01wv9p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrz41 +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0dl5d /music/genre/artists /m/0bk1p +/m/02s9vc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/051ys82 /film/film/country /m/07ssc +/m/01tzfz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01l7cxq /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01_2n /tv/tv_program/country_of_origin /m/02jx1 +/m/01ky7c /education/educational_institution/students_graduates./education/education/student /m/03wh95l +/m/01wmjkb /people/person/spouse_s./people/marriage/location_of_ceremony /m/013kcv +/m/0hg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mkj +/m/01kgv4 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0bbf1f +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pg45 +/m/0j_t1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0f4_2k /film/film/genre /m/0lsxr +/m/04grkmd /film/film/produced_by /m/076_74 +/m/0fr9jp /education/educational_institution/school_type /m/02dk5q +/m/0jxgx /location/us_county/county_seat /m/0rqyx +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/08qvhv +/m/01f9y_ /music/genre/parent_genre /m/012yc +/m/016jhr /music/genre/artists /m/018y2s +/m/06xbsn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/06sks6 /olympics/olympic_games/sports /m/03_8r +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06t74h +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fqv5 +/m/03lty /music/genre/parent_genre /m/0xhtw +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04j1n8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/0126rp /film/actor/film./film/performance/film /m/0g0x9c +/m/0f8pz /people/person/nationality /m/02jx1 +/m/07xpm /education/educational_institution_campus/educational_institution /m/07xpm +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07ss8_ +/m/06lvlf /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/0yfp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pv_d +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/02d413 /film/film/featured_film_locations /m/0dclg +/m/07t_x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/01w40h /music/record_label/artist /m/0pkyh +/m/02xry /base/biblioness/bibs_location/country /m/09c7w0 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0k5g9 /film/film/film_format /m/0cj16 +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/019lvv +/m/01xllf /film/actor/film./film/performance/film /m/084qpk +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lf70 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/01pxcf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/050_qx /award/award_winner/awards_won./award/award_honor/award_winner /m/01nfys +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04lhc4 /film/film/language /m/02h40lc +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01yqqv +/m/024bbl /film/actor/film./film/performance/film /m/0cf8qb +/m/03s5lz /film/film/story_by /m/03wh95l +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01cycq /film/film/genre /m/01jfsb +/m/05b0f7 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/01y_px /film/actor/film./film/performance/film /m/0ds2n +/m/02mjf2 /film/actor/film./film/performance/film /m/04gv3db +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/0bq3x /film/film_subject/films /m/064n1pz +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q56mk +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/016dgz +/m/01cl0d /music/record_label/artist /m/03d2k +/m/011yxg /film/film/written_by /m/013tcv +/m/015qt5 /people/person/place_of_birth /m/0yc7f +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02q7yfq /film/film/genre /m/03k9fj +/m/02_4fn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/06x2ww /music/record_label/artist /m/0ggjt +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/04xn2m /people/person/profession /m/02jknp +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0261w5 +/m/04z_3pm /film/film/genre /m/06qln +/m/01vs4ff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c638 /film/film/country /m/0chghy +/m/015np0 /film/actor/film./film/performance/film /m/0jsqk +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/07xvf +/m/0h5g_ /film/actor/film./film/performance/film /m/02fqrf +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/017l4 /film/actor/film./film/performance/film /m/0272_vz +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0fw9n7 /sports/sports_team/colors /m/03wkwg +/m/01r9c_ /people/person/profession /m/02hv44_ +/m/04mrhq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02pdhz +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0277j40 +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2p7 +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/0gcs9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/04j4tx /film/film/language /m/01lqm +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0hh2s /music/genre/artists /m/0m19t +/m/03jl0_ /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hvjx +/m/030pr /people/person/religion /m/0c8wxp +/m/0cv_2 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/06s0l /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0646qh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/0g_92 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0l76z +/m/05lbzg /base/culturalevent/event/entity_involved /m/025ndl +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/01g6l8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/07zhjj /tv/tv_program/genre /m/01t_vv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0329t7 +/m/03f1r6t /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/02pcq92 /film/film/genre /m/0lsxr +/m/03czqs /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/016ky6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06py2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06w6_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01507p +/m/04mx__ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06tw8 +/m/04l57x /sports/sports_team/colors /m/0680m7 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/020fgy +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0lk8j /olympics/olympic_games/sports /m/01hp22 +/m/02yy9r /film/film/language /m/02h40lc +/m/0d7wh /people/ethnicity/languages_spoken /m/02h40lc +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cc5qkt +/m/0f4yh /film/film/language /m/06nm1 +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/0181hw /organization/organization/place_founded /m/01_d4 +/m/09c7w0 /location/country/second_level_divisions /m/0n23n +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0dq23 /organization/organization/place_founded /m/02_286 +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01tzm9 /people/person/languages /m/02h40lc +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/076zy_g /film/film/music /m/04pf4r +/m/03jldb /film/actor/film./film/performance/film /m/07gghl +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0232lm /people/person/places_lived./people/place_lived/location /m/08809 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0671wk /award/award_category/winners./award/award_honor/award_winner /m/0dj5q +/m/01p970 /music/instrument/family /m/026t6 +/m/02b190 /sports/sports_team/colors /m/01l849 +/m/015fs3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c00zd0 +/m/0jcg8 /location/location/contains /m/0133ch +/m/07s9rl0 /media_common/netflix_genre/titles /m/0296rz +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_q0 +/m/0hhggmy /film/film/genre /m/0lsxr +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/02d9nr /education/educational_institution/students_graduates./education/education/student /m/02mjmr +/m/028cg00 /film/film/prequel /m/03t97y +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/07ssc /location/location/contains /m/0195j0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/036jv /music/genre/artists /m/01vw917 +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jz9f +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026b7bz +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/05q_dw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0372kf +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02p5hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0kjrx +/m/02sg5v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tn0_ /people/person/profession /m/03gjzk +/m/0cks1m /film/film/genre /m/02l7c8 +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/03rl84 /people/person/place_of_birth /m/030qb3t +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q9b9 +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/03c0vy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0645k5 /film/film/featured_film_locations /m/04jpl +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_6dw +/m/01gjw /music/genre/artists /m/01wv9p +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/027kp3 /education/educational_institution/campuses /m/027kp3 +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/09kr66 /people/ethnicity/people /m/0gps0z +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/0167v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0fxyd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0978r /location/location/contains /m/018m5q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061y4q +/m/07cjqy /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/026c1 +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/048n7 /time/event/locations /m/048fz +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/02wgln +/m/049qx /people/person/profession /m/02hrh1q +/m/01w806h /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0h1v19 /film/film/story_by /m/081k8 +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0f2v0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02gkxp +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058frd +/m/05y7hc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/0chsq /people/person/languages /m/02h40lc +/m/0488g9 /people/person/profession /m/0196pc +/m/0k_kr /music/record_label/artist /m/01vrnsk +/m/05n19y /people/person/nationality /m/09c7w0 +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034np8 +/m/01cpqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ptczs +/m/02qjj7 /people/person/profession /m/0np9r +/m/018grr /film/actor/film./film/performance/film /m/026mfbr +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0kjgl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/046lt /film/actor/film./film/performance/film /m/02_1sj +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0kjgl +/m/07csf4 /film/actor/film./film/performance/film /m/02r858_ +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01kjr0 /film/film/genre /m/0k345 +/m/01q2nx /film/film/genre /m/07s9rl0 +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/071dcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zfs +/m/07sqbl /sports/sports_team/colors /m/06fvc +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02bxjp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049l7 +/m/0b_6q5 /time/event/locations /m/0jfqp +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f5sr9 +/m/09sh8k /film/film/executive_produced_by /m/079vf +/m/02qsjt /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/02mplj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0181dw /music/record_label/artist /m/0jsg0m +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0fb0v /music/record_label/artist /m/033wx9 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/0336mc /film/actor/film./film/performance/film /m/09wnnb +/m/03m8y5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/099p5 /people/person/profession /m/01pxg +/m/01g23m /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0dryh9k /people/ethnicity/people /m/0gcdzz +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/01qrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0gjc4d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cf8qb /film/film/genre /m/0c3351 +/m/05zjd /language/human_language/countries_spoken_in /m/04thp +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028qdb +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ych +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/02_n7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rrsz +/m/06g4_ /people/person/place_of_birth /m/05d49 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h32q +/m/0b24sf /location/location/contains /m/019fc4 +/m/06t61y /people/person/nationality /m/02jx1 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0d4jl /people/person/profession /m/01c72t +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0clvcx +/m/010bnr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09p7fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05ccxr +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/02yplc +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0lgxj /olympics/olympic_games/participating_countries /m/06f32 +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/06j6l /music/genre/artists /m/0f7hc +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0b_75k /time/event/locations /m/07bcn +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ptczs +/m/0pd64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08j7lh /film/film/genre /m/0lsxr +/m/06srk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/036b_ +/m/020l9r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_5d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/049m_l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0_jm /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0b6m5fy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/068g3p +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02bqxb +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yqc +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/06by7 /music/genre/artists /m/03x82v +/m/0g2lq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/029ql /people/person/gender /m/02zsn +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03gyl /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0f4_2k /film/film/written_by /m/06dkzt +/m/07tjf /organization/organization/headquarters./location/mailing_address/citytown /m/07tcs +/m/0mdyn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0g768 /music/record_label/artist /m/01vtg4q +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01wzlxj /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/035qy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/07v64s /music/genre/artists /m/016wvy +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01hmnh /media_common/netflix_genre/titles /m/0dcz8_ +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b9g4 +/m/01k5y0 /film/film/production_companies /m/0g1rw +/m/0bj25 /film/film/production_companies /m/016tt2 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/05kh_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj8x +/m/05c9zr /film/film/genre /m/01j1n2 +/m/0127m7 /film/actor/film./film/performance/film /m/0258dh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04x8cp +/m/0bk5r /film/film_subject/films /m/0cmc26r +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d49z +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06pyc2 +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/04dsnp /film/film/genre /m/02hmvc +/m/069vt /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06w99h3 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02t_h3 /film/film/genre /m/01q03 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cmsqb +/m/0f4vbz /people/person/profession /m/02jknp +/m/02bjrlw /education/field_of_study/students_majoring./education/education/student /m/06whf +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06m_5 +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/0m491 /film/film/country /m/09c7w0 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0184jw /people/person/gender /m/05zppz +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0xpp5 /location/location/time_zones /m/02hcv8 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0kvgnq /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0vmt /location/location/contains /m/0m257 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0gthm +/m/016zp5 /film/actor/film./film/performance/film /m/01srq2 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02_sr1 +/m/01hmk9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy7t +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01b4p4 /music/genre/artists /m/01x1cn2 +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sj1x +/m/03k48_ /people/person/nationality /m/09c7w0 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/019fz /influence/influence_node/peers./influence/peer_relationship/peers /m/026lj +/m/0642xf3 /film/film/genre /m/060__y +/m/047q2wc /people/person/profession /m/02jknp +/m/09k23 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015c2f +/m/04lh6 /sports/sports_team_location/teams /m/04ltf +/m/0f4m2z /film/film/language /m/02h40lc +/m/0ddbjy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/05qbbfb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/075wx7_ +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d2k +/m/0p7h7 /people/person/gender /m/05zppz +/m/01_f_5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05728w1 +/m/01vksx /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/033tf_ /people/ethnicity/people /m/02rmxx +/m/03w9sgh /people/person/gender /m/05zppz +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0dg3n1 /location/location/contains /m/04wlh +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/01v0sx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/06b1q /business/job_title/people_with_this_title./business/employment_tenure/company /m/05g3b +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0b57p6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049g_xj /people/person/nationality /m/0d060g +/m/05b2gsm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pmw9 /people/person/places_lived./people/place_lived/location /m/01gb_p +/m/05bt6j /music/genre/artists /m/02p2zq +/m/01vtqml /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/03177r /film/film/country /m/09c7w0 +/m/02xhwm /tv/tv_program/program_creator /m/01jbx1 +/m/01vdm0 /music/instrument/instrumentalists /m/025xt8y +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/02pby8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03_d0 /music/genre/artists /m/012vd6 +/m/0fr61 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xzxb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0k7tq /film/film/film_festivals /m/0j63cyr +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05strv +/m/0bq3x /film/film_subject/films /m/08k40m +/m/06q8hf /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/06bw5 +/m/0b2km_ /film/film/production_companies /m/05qd_ +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0d87hc /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/035yg /sports/sports_team_location/teams /m/046f25 +/m/0h53p1 /people/person/place_of_birth /m/0h7h6 +/m/06hdk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0gxfz /film/film/language /m/064_8sq +/m/038723 /people/ethnicity/people /m/0sw6g +/m/03nfmq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01cyd5 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04cbtrw /people/person/profession /m/0dxtg +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01_k0d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t2h2 /film/actor/film./film/performance/film /m/040b5k +/m/07h0cl /award/award_category/winners./award/award_honor/award_winner /m/01_p6t +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ggq +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01bzw5 +/m/04cdxc /people/person/place_of_birth /m/0c8tk +/m/01xpxv /people/person/profession /m/02hrh1q +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02scbv /film/film/genre /m/01jfsb +/m/04g5k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0dzf_ /people/person/place_of_birth /m/01_d4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/059nf5 +/m/047fjjr /film/film/language /m/04306rv +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01ls2 /sports/sports_team_location/teams /m/032c08 +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078jt5 +/m/058s44 /film/actor/film./film/performance/film /m/062zm5h +/m/030qb3t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01tzm9 /people/person/profession /m/018gz8 +/m/06by7 /music/genre/artists /m/03h_fk5 +/m/02779r4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03d34x8 +/m/041rx /people/ethnicity/people /m/08hp53 +/m/044qx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m6x4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d35y +/m/0glt670 /music/genre/artists /m/01wwnh2 +/m/0b05xm /people/person/profession /m/03gjzk +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/016kft /film/actor/film./film/performance/film /m/0n08r +/m/014hdb /people/person/nationality /m/0d05w3 +/m/03swmf /people/deceased_person/place_of_death /m/02_286 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/0g6ff /people/ethnicity/geographic_distribution /m/0d0kn +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/073w14 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01z9z1 +/m/012fvq /education/educational_institution/colors /m/036k5h +/m/03j1p2n /people/person/profession /m/01c72t +/m/01vb403 /film/actor/film./film/performance/film /m/035_2h +/m/0m0nq /film/actor/film./film/performance/film /m/0k5fg +/m/015npr /people/person/place_of_birth /m/04vmp +/m/03_gz8 /film/film/country /m/0345h +/m/03f0324 /influence/influence_node/influenced_by /m/0d5_f +/m/04sh80 /film/film/genre /m/06n90 +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m_k0 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xk5 +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/01pj5q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cgy +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0blt6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dq626 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01qrbf /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/0fqt1ns /film/film/genre /m/04pbhw +/m/07k8rt4 /film/film/language /m/03115z +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06kl78 +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033dbw +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0jfx1 +/m/05r5c /music/instrument/instrumentalists /m/01vn0t_ +/m/051z6mv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/05sb1 /location/location/contains /m/01hf6 +/m/033srr /film/film/genre /m/01jfsb +/m/01fmys /film/film/language /m/02h40lc +/m/07l4zhn /film/film/country /m/0345h +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07s9rl0 /media_common/netflix_genre/titles /m/0_b9f +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/0cj8x +/m/0m40d /music/genre/artists /m/0137n0 +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/063g7l /film/actor/film./film/performance/film /m/02ntb8 +/m/040981l /people/person/nationality /m/09c7w0 +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0g28b1 /people/person/place_of_birth /m/0f2tj +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/024qqx /media_common/netflix_genre/titles /m/0dzlbx +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/05sns6 /film/film/produced_by /m/04pqqb +/m/02_fm2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02114t /film/actor/film./film/performance/film /m/03rtz1 +/m/0f8j13 /film/film/story_by /m/03qcq +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03hdz8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mdt +/m/059j2 /location/location/contains /m/045vhb +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/042d1 /people/deceased_person/place_of_death /m/02_286 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b_6yv /music/genre/artists /m/01w5n51 +/m/047qxs /film/film/genre /m/06n90 +/m/09x3r /olympics/olympic_games/participating_countries /m/04v3q +/m/0bt4g /film/film/executive_produced_by /m/06pj8 +/m/01kgv4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/081nh /people/person/profession /m/0np9r +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/049nq /location/location/contains /m/0fqww +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/04n1q6 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02m0sc +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b7t3p +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0c43g /influence/influence_node/peers./influence/peer_relationship/peers /m/04lg6 +/m/0c408_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/08sfxj /film/film/genre /m/03g3w +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/01hmnh /media_common/netflix_genre/titles /m/063fh9 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/01trhmt +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0g2hw4 +/m/03_d0 /music/genre/artists /m/03xgm3 +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033wx9 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0mn8t /location/location/time_zones /m/02hcv8 +/m/0dtfn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01w9mnm /people/person/nationality /m/07ssc +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07z1m /base/biblioness/bibs_location/country /m/09c7w0 +/m/01b8bn /award/award_category/disciplines_or_subjects /m/01hmnh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/06mvq /people/ethnicity/languages_spoken /m/05f_3 +/m/0462hhb /film/film/featured_film_locations /m/04jpl +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0171cm +/m/0k5g9 /film/film/film_festivals /m/05ys0wz +/m/0gvvf4j /film/film/executive_produced_by /m/06q8hf +/m/02_1q9 /tv/tv_program/genre /m/06q7n +/m/0pzmf /location/hud_county_place/county /m/0n5j7 +/m/055td_ /film/film/written_by /m/0yfp +/m/0qm9n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/084qpk /film/film/music /m/02g1jh +/m/01fwj8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c0k1 +/m/05k7sb /location/location/contains /m/0gdm1 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01242_ +/m/016fyc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pw_n +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0948xk /people/person/religion /m/0n2g +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/017drs +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p_2r +/m/02rf51g /people/deceased_person/place_of_death /m/030qb3t +/m/093dqjy /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02rsz0 /people/person/nationality /m/07ssc +/m/0g2dz /music/instrument/instrumentalists /m/02vr7 +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/01cmp9 /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03pcgf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/012v9y /film/actor/film./film/performance/film /m/0ptxj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/024mpp /film/film/language /m/06nm1 +/m/018db8 /base/eating/practicer_of_diet/diet /m/07_hy +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0gt_k +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwcz +/m/01817f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kx_81 +/m/01tnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ns3gy +/m/01qh7 /location/location/contains /m/01k7xz +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award /m/099flj +/m/018grr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04t2l2 +/m/0160w /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0215n /media_common/netflix_genre/titles /m/028k2x +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/02jx1 /location/location/contains /m/01423b +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0155w /music/genre/artists /m/01wf86y +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0g3zrd /film/film/genre /m/0lsxr +/m/0ggx5q /music/genre/artists /m/0f8grf +/m/07c72 /tv/tv_program/languages /m/02h40lc +/m/02d6n_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01npcy7 +/m/0crx5w /people/person/profession /m/03gjzk +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0n3ll /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ws9n6 /people/person/profession /m/09jwl +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01v3bn +/m/04hpck /film/actor/film./film/performance/film /m/09gb_4p +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031c2r +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/05b2f_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/0b76t12 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0p7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/044k8 +/m/03qd_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r5gpq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/016xk5 /film/actor/film./film/performance/film /m/09tkzy +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/017jd9 /film/film/story_by /m/041h0 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/011k4g /people/person/profession /m/01c72t +/m/03cp4cn /film/film/produced_by /m/04sry +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/064t9 /music/genre/artists /m/020hyj +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/02rzmzk /people/person/nationality /m/03rk0 +/m/03tbg6 /film/film/genre /m/03k9fj +/m/0dr1c2 /tv/tv_program/genre /m/01htzx +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05prs8 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02pb2bp /influence/influence_node/influenced_by /m/0d6b7 +/m/02dbp7 /people/person/gender /m/05zppz +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dy7p +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/06w7mlh /tv/tv_program/genre /m/09n3wz +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026l37 +/m/012ycy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/0jt90f5 /influence/influence_node/influenced_by /m/084w8 +/m/026n047 /soccer/football_player/current_team./sports/sports_team_roster/team /m/080_y +/m/035w2k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/01rv7x /people/ethnicity/geographic_distribution /m/06t2t +/m/03xsby /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/0d0x8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/03jxw /people/deceased_person/place_of_death /m/02_286 +/m/0498y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z1m +/m/0c_gcr /people/person/profession /m/02hrh1q +/m/0crh5_f /film/film/language /m/05zjd +/m/01gq0b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04v3q +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0hsmh +/m/0k4gf /people/person/religion /m/03_gx +/m/0277j40 /film/film/genre /m/0lsxr +/m/0fw2d3 /people/person/profession /m/02y5kn +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0fxmbn /film/film/genre /m/01jfsb +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/0c3351 /media_common/netflix_genre/titles /m/0ktpx +/m/018y81 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/04zqmj /film/actor/film./film/performance/film /m/0gmd3k7 +/m/014kq6 /film/film/genre /m/03k9fj +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0342h /music/instrument/instrumentalists /m/01vsn38 +/m/042xrr /people/person/gender /m/05zppz +/m/01vv6_6 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0jn5l /people/person/profession /m/02hrh1q +/m/02r38 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0grjmv /music/genre/artists /m/0kzy0 +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/015w9s /media_common/netflix_genre/titles /m/043mk4y +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/017gl1 /film/film/genre /m/06l3bl +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0cv_2 +/m/02p21g /people/person/profession /m/02hrh1q +/m/015y_n /music/genre/artists /m/0d9xq +/m/09c7w0 /location/location/contains /m/01p726 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/011xg5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/02114t /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01g0jn +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l1rw +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/06449 /people/person/profession /m/0nbcg +/m/0c0nhgv /film/film/genre /m/03bxz7 +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/016ks_ +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286hyp +/m/07z1m /location/location/contains /m/0mnk7 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/01bfjy /organization/organization/child./organization/organization_relationship/child /m/02b07b +/m/03f7jfh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0143wl /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01v3bn /film/actor/film./film/performance/film /m/0147sh +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02zcnq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0155w /music/genre/artists /m/04r1t +/m/01s7j5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/062ftr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/050f0s /film/film/written_by /m/0721cy +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01vvb4m +/m/0j_c /film/actor/film./film/performance/film /m/05css_ +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0gh8zks /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/03r1pr /people/person/place_of_birth /m/0mpbx +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06gb1w /film/film/prequel /m/01qb5d +/m/0sw6g /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/04xvlr /media_common/netflix_genre/titles /m/05ypj5 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045zr +/m/0ywrc /film/film/featured_film_locations /m/01l3k6 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0f24cc +/m/01pfpt /music/genre/parent_genre /m/0dl5d +/m/02ltg3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/023n39 /people/person/profession /m/02hrh1q +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0261x8t /people/person/profession /m/012t_z +/m/018gkb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01skxk /music/genre/artists /m/01hrqc +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/06w38l +/m/0dq9wx /people/person/place_of_birth /m/0r2gj +/m/02x8m /music/genre/artists /m/0gbwp +/m/0jzc /language/human_language/countries_spoken_in /m/01z215 +/m/08966 /base/biblioness/bibs_location/country /m/06mzp +/m/0140g4 /film/film/genre /m/07s9rl0 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/066m4g +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/019lty /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01w0v /location/location/contains /m/07tl0 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0kbws /olympics/olympic_games/participating_countries /m/0d04z6 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/07s72n /music/genre/artists /m/03t9sp +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/07kb7vh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03ryn /location/location/contains /m/02bd41 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/09v3jyg /film/film/executive_produced_by /m/04jspq +/m/016khd /film/actor/film./film/performance/film /m/05q96q6 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04mp8g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01wy5m /film/actor/film./film/performance/film /m/04pmnt +/m/02vnpv /music/artist/origin /m/02frhbc +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/047gn4y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03__77 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017f4y /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/01xvlc /organization/organization/headquarters./location/mailing_address/state_province_region /m/0glh3 +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jnt +/m/015_1q /music/record_label/artist /m/017f4y +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/09p5mwg /film/film/genre /m/01q03 +/m/07w3r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0crx5w /people/person/gender /m/05zppz +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yrp +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017fp /media_common/netflix_genre/titles /m/0dzz6g +/m/02rqwhl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rwx +/m/03lfd_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/013qvn /people/person/nationality /m/09c7w0 +/m/014nq4 /film/film/genre /m/01jfsb +/m/01lvcs1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01wd02c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019c57 /education/educational_institution/students_graduates./education/education/student /m/01gn36 +/m/016vj5 /music/artist/origin /m/0hyxv +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0jkvj /olympics/olympic_games/sports /m/06f41 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0341n5 +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/027s39y /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/049w1q /film/film/music /m/05y7hc +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/05dss7 /film/film/production_companies /m/0338lq +/m/06sfk6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/06jz0 /people/person/places_lived./people/place_lived/location /m/01531 +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01lyv /music/genre/artists /m/016sqs +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/086k8 /music/record_label/artist /m/02vr7 +/m/01rrd4 /award/award_winner/awards_won./award/award_honor/award_winner /m/09yrh +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01773g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3xw46 /film/film/language /m/02h40lc +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0520r2x /award/award_winner/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/041y2 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/01v9l67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/015cbq +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/045bs6 /people/person/religion /m/0c8wxp +/m/05znbh7 /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/01pcrw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/013w7j +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/0459z /people/person/places_lived./people/place_lived/location /m/03hrz +/m/017r2 /people/person/places_lived./people/place_lived/location /m/09f8q +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/08mg_b /film/film/genre /m/0hfjk +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/012jfb +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07xzm /music/instrument/instrumentalists /m/01wx756 +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030wkp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0m38x +/m/0190xp /music/genre/parent_genre /m/01dqhq +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03fnyk +/m/0vrmb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/029jpy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcpw +/m/06by7 /music/genre/artists /m/01ydzx +/m/0btpx /award/award_winner/awards_won./award/award_honor/award_winner /m/0gn30 +/m/07tp2 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05l4yg /people/person/place_of_birth /m/0h6l4 +/m/02jx1 /location/location/contains /m/01dzq6 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbm7r +/m/0bt7w /music/genre/parent_genre /m/09jw2 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01x1cn2 +/m/0409n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01x73 /location/location/contains /m/0rd6b +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/07n39 /people/person/place_of_birth /m/0mzvm +/m/02w9k1c /film/film/country /m/0f8l9c +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/04s04 /award/award_winner/awards_won./award/award_honor/award_winner /m/055sjw +/m/01wrwf /education/educational_institution_campus/educational_institution /m/01wrwf +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0pnf3 /people/person/profession /m/02jknp +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/04czgbh +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/081pw /film/film_subject/films /m/02rq8k8 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/0739z6 +/m/08fbnx /film/film/genre /m/02kdv5l +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crh5_f +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0h0wc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gw8b +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/0_7w6 /film/film/executive_produced_by /m/04jspq +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02rghbp /people/person/profession /m/0dxtg +/m/01w1sx /film/film_subject/films /m/0czyxs +/m/016jny /music/genre/artists /m/0gcs9 +/m/026dd2b /people/person/gender /m/05zppz +/m/0690ct /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/029ql /people/person/places_lived./people/place_lived/location /m/029cr +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/047qxs /film/film/genre /m/02kdv5l +/m/05650n /film/film/genre /m/0hcr +/m/05sb1 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdd +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01w03jv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0x67 /people/ethnicity/people /m/032zg9 +/m/0c8tkt /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/01r3y2 +/m/07c52 /media_common/netflix_genre/titles /m/06cs95 +/m/0xwj /organization/organization/place_founded /m/02_286 +/m/0djkrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/02cvcd /education/educational_institution/colors /m/04mkbj +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/01gvxv /film/actor/film./film/performance/film /m/047tsx3 +/m/01sbf2 /people/person/profession /m/016z4k +/m/03y3dk /people/person/nationality /m/03rjj +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07y_7 +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0b2v79 /film/film/genre /m/01jfsb +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/01wyy_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02b2np /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/07l5z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01h8f /people/person/profession /m/02krf9 +/m/04y0hj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p1v /location/location/contains /m/0dlqv +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0184tc +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/01wn718 /people/person/place_of_birth /m/01_d4 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/0bxtg /film/actor/film./film/performance/film /m/03q0r1 +/m/012mzw /education/educational_institution/school_type /m/01rs41 +/m/035w2k /film/film/written_by /m/0hw1j +/m/04t2l2 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/059_gf /film/actor/film./film/performance/film /m/03shpq +/m/037hgm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070bjw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b_5d +/m/06924p /music/genre/artists /m/0mjn2 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0js9s +/m/0cz_ym /film/film/edited_by /m/0bn3jg +/m/016jfw /people/person/sibling_s./people/sibling_relationship/sibling /m/016h9b +/m/0f4dx2 /film/actor/film./film/performance/film /m/0466s8n +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/06mxs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0vqn /location/country/form_of_government /m/018wl5 +/m/033m23 /people/person/religion /m/092bf5 +/m/024qqx /media_common/netflix_genre/titles /m/011wtv +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04k9y6 +/m/0bw20 /film/film/genre /m/03g3w +/m/0k_9j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/0l98s /olympics/olympic_games/sports /m/02bkg +/m/0163zw /music/genre/parent_genre /m/0y3_8 +/m/0jhjl /education/educational_institution/school_type /m/05jxkf +/m/06bpt_ /music/genre/parent_genre /m/03lty +/m/017g21 /people/person/place_of_birth /m/0cxgc +/m/0m68w /people/person/gender /m/02zsn +/m/02vqsll /film/film/music /m/0150t6 +/m/09fc83 /film/film/genre /m/01hmnh +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02661h +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gg5kmg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/063fh9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wgfp6 /people/person/profession /m/067nv +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/09d5h +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b9w3 +/m/0l6wj /people/person/nationality /m/09c7w0 +/m/02snj9 /music/instrument/instrumentalists /m/01271h +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/02583l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031t2d /film/film/music /m/02bh9 +/m/0dnkmq /film/film/language /m/06nm1 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/06c53w /people/person/gender /m/05zppz +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0315w4 /film/film/film_format /m/07fb8_ +/m/0h0wd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/018rn4 +/m/059rby /location/location/contains /m/01vg13 +/m/01mmslz /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/04fzk +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/02r7lqg /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/02vjp3 /film/film/language /m/04306rv +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fsw_7 +/m/0988cp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0q9jk +/m/07csf4 /film/actor/film./film/performance/film /m/0y_9q +/m/0pk41 /people/person/profession /m/039v1 +/m/049lr /location/administrative_division/country /m/03rk0 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06w92 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01wwvd2 +/m/0ds5_72 /film/film/personal_appearances./film/personal_film_appearance/person /m/0fb1q +/m/03ys2f /people/person/nationality /m/09c7w0 +/m/0pk41 /people/person/profession /m/02hrh1q +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/08k1lz +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx1m +/m/02_fz3 /film/film/genre /m/02kdv5l +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/03qrh9 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0407yfx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b17f +/m/0bm2g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03s9b /people/person/profession /m/02hrh1q +/m/02bwc7 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02rqwhl /film/film/production_companies /m/025jfl +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0py5b /people/person/gender /m/05zppz +/m/019fnv /people/person/gender /m/05zppz +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/07f1x /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p1tzf +/m/0qmjd /film/film/written_by /m/02b29 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/05bnp0 +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/02wh0 /influence/influence_node/influenced_by /m/02lt8 +/m/05nw9m /people/person/places_lived./people/place_lived/location /m/04vmp +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/01_lh1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/02g0rb /film/actor/film./film/performance/film /m/0g0x9c +/m/04v89z /film/film/genre /m/06l3bl +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/025t8bv /music/record_label/artist /m/03xhj6 +/m/0627sn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p7fh +/m/07cbs /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02ps55 /education/educational_institution/students_graduates./education/education/student /m/03qmx_f +/m/04n_g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03d0ns +/m/09146g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/0d0l91 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03wh95l /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/04zkj5 /film/actor/film./film/performance/film /m/05p1tzf +/m/06c0ns /film/film/produced_by /m/06s26c +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/03q5db /film/film/language /m/02bjrlw +/m/01v3s2_ /people/person/place_of_birth /m/0yx74 +/m/015g1w /education/educational_institution/students_graduates./education/education/student /m/03f70xs +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/0phx4 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/0zjpz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02f8lw +/m/0qmhk /film/film/executive_produced_by /m/06s26c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049912 +/m/01t07j /people/person/profession /m/01d_h8 +/m/0ckrgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09n48 /olympics/olympic_games/participating_countries /m/0d05w3 +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7kw +/m/026vcc /education/educational_institution/school_type /m/01rs41 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jnt +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/02mqc4 +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/05148p4 /music/instrument/instrumentalists /m/04cr6qv +/m/02x8s9 /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/0198b6 /film/film/language /m/03115z +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/01fx6y /film/film/film_festivals /m/059_y8d +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01snm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/01k7b0 /film/film/production_companies /m/016tt2 +/m/0cc5qkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/044kwr /organization/organization_founder/organizations_founded /m/016tt2 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/02v570 /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/025sc50 /music/genre/artists /m/06mt91 +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/01x15dc +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/016cff +/m/011hdn /people/person/profession /m/09jwl +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/018x3 /people/person/profession /m/01c72t +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/03shp /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wycg2 /film/actor/film./film/performance/film /m/02ryz24 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03nqnnk /film/film/written_by /m/01wk51 +/m/030dr /influence/influence_node/influenced_by /m/0gz_ +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/03h2d4 /people/person/languages /m/04306rv +/m/0dls3 /music/genre/artists /m/0484q +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0gd_s +/m/04v7k2 /people/person/profession /m/02t8yb +/m/01c58j /people/person/profession /m/014kbl +/m/0ntwb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv2x +/m/03cfjg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qncl3 /people/person/profession /m/012t_z +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01qz69r /people/person/places_lived./people/place_lived/location /m/0kstw +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/08y2fn /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06j8wx +/m/0479b /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01kj0p +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02mxbd /people/person/place_of_birth /m/04jpl +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02t4yc +/m/021vwt /film/actor/film./film/performance/film /m/0c9k8 +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/0436yk /film/film/genre /m/03q4nz +/m/0265v21 /people/person/nationality /m/09c7w0 +/m/0g22z /film/film/language /m/02h40lc +/m/0k0q73t /tv/tv_program/country_of_origin /m/07ssc +/m/04tgp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ly1 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/03bnv /people/person/profession /m/0fnpj +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/0g72r +/m/07kc_ /music/instrument/family /m/02qjv +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/021mlp /people/person/profession /m/02hrh1q +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01g6l8 +/m/06gb1w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02jx1 /location/location/contains /m/021y1s +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/09qc1 /people/deceased_person/place_of_death /m/06c62 +/m/059kh /music/genre/artists /m/0kxbc +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01pxcf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015bwt +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/02jx1 /location/location/contains /m/014kj2 +/m/083chw /people/person/nationality /m/09c7w0 +/m/051ys82 /film/film/country /m/0d0vqn +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/05148p4 /music/instrument/instrumentalists /m/01wg25j +/m/06y611 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0cv_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/01x2tm8 /people/person/profession /m/0dxtg +/m/0s69k /location/hud_county_place/county /m/0l3kx +/m/04wgh /location/country/official_language /m/0jzc +/m/0q9jk /tv/tv_program/country_of_origin /m/09c7w0 +/m/01zmpg /people/person/nationality /m/09c7w0 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06vsbt +/m/0202p_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r5c /music/instrument/instrumentalists /m/03h_fk5 +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/022wxh +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/014g22 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/04lp8k +/m/05nmg_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/02b14q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0291ck /film/film/written_by /m/027l0b +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d6d2 +/m/07jxpf /film/film/genre /m/07s9rl0 +/m/03m2fg /people/person/profession /m/02hrh1q +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/059kh /music/genre/artists /m/01wbz9 +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0146pg /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06f32 +/m/01xysf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/0m4yg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/06pk8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026c1 +/m/01lxw6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/0cp0t91 /film/film/country /m/09c7w0 +/m/021yw7 /people/person/nationality /m/09c7w0 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rly6 +/m/0rh6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrd +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05fh2 +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/04t2l2 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/01j7rd /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/011wtv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01flv_ +/m/01fq7 /location/location/time_zones /m/02hcv8 +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0pmq2 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01gc7h /people/person/nationality /m/09c7w0 +/m/04n_g /people/deceased_person/place_of_death /m/0fr0t +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/02jxmr /people/person/gender /m/05zppz +/m/02pt6k_ /people/person/place_of_birth /m/06wxw +/m/06g77c /film/film/featured_film_locations /m/030qb3t +/m/04jnd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01n7q /location/location/contains /m/0q_0z +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cfkrw +/m/09c7w0 /location/location/contains /m/01qrb2 +/m/0txrs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0gjc4d3 /film/film/story_by /m/04hw4b +/m/063b4k /people/person/profession /m/02jknp +/m/0mkg /music/instrument/instrumentalists /m/01t110 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/0fb1q /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02qpt1w /film/film/production_companies /m/0g1rw +/m/013xrm /people/ethnicity/people /m/07bsj +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0jt3tjf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0lnfy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/0pyww /award/award_winner/awards_won./award/award_honor/award_winner /m/01w0yrc +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/09hnb /music/artist/contribution./music/recording_contribution/performance_role /m/05148p4 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/04hwbq /film/film/country /m/09c7w0 +/m/01fh36 /music/genre/artists /m/02k5sc +/m/079kdz /people/person/profession /m/02krf9 +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05c9zr /film/film/production_companies /m/05nn2c +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/0cc7hmk /film/film/genre /m/07s9rl0 +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/030vnj /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01wvxw1 /music/group_member/membership./music/group_membership/role /m/0342h +/m/03ktjq /people/person/nationality /m/09c7w0 +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0x67 /people/ethnicity/people /m/02h9_l +/m/02vntj /people/person/religion /m/0c8wxp +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02t_h3 /film/film/production_companies /m/02j_j0 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07nxnw +/m/0824r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kdn +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggl02 +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01n5309 +/m/062zm5h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/07s9rl0 /media_common/netflix_genre/titles /m/047fjjr +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/016jny /music/genre/artists /m/01_ztw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/017zq0 +/m/0vzm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mpzm +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015d3h /people/person/nationality /m/09c7w0 +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jr6k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/04fc6c /music/record_label/artist /m/01f2q5 +/m/022q4l9 /people/person/profession /m/02hrh1q +/m/01g04k /people/person/profession /m/0dxtg +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/03gh4 /location/location/contains /m/014wxc +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/02l0sf /award/award_winner/awards_won./award/award_honor/award_winner /m/01934k +/m/02q6cv4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/02mc79 /people/person/gender /m/05zppz +/m/085bd1 /film/film/story_by /m/03j2gxx +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/0296rz /film/film/genre /m/01f9r0 +/m/0bj25 /film/film/genre /m/0hn10 +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02byfd /award/award_nominee/award_nominations./award/award_nomination/award /m/027s4dn +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05w3f /music/genre/artists /m/0jltp +/m/03bxp5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/0ql7q /base/culturalevent/event/entity_involved /m/0j54b +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/091z_p +/m/012_53 /people/person/profession /m/01d_h8 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05b5c +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/06hhrs /people/person/profession /m/02hrh1q +/m/0683n /influence/influence_node/influenced_by /m/084w8 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/02qhqz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/05b6rdt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0ftxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hkch7 +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02w64f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09c7w0 /location/location/contains /m/01jswq +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/07vyf /education/educational_institution_campus/educational_institution /m/07vyf +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/027nb /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0t_48 /location/hud_county_place/county /m/0k3k1 +/m/0fh694 /film/film/executive_produced_by /m/06t8b +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cxsvl +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0fvwg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/01nd6v /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09c17 +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rmxx +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01d494 /influence/influence_node/influenced_by /m/04411 +/m/0603qp /film/director/film /m/0g9z_32 +/m/01k5y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/01jfr3y /people/person/place_of_birth /m/0cr3d +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/05kkh /location/location/contains /m/0myhb +/m/05c5z8j /film/film/production_companies /m/05mgj0 +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0178g /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016_mj +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02ny8t /music/genre/artists /m/0hvbj +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0fpj4lx +/m/018f8 /film/film/language /m/0880p +/m/051n13 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/025v3k /organization/organization/headquarters./location/mailing_address/citytown /m/0fpzwf +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0166v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03j0br4 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01b9ck /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02gnj2 /people/person/place_of_birth /m/02_286 +/m/0bkmf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gmtm +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0dqcs3 /film/film/country /m/0d060g +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0cpllql /film/film/story_by /m/0343h +/m/033pf1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/0qcrj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026dd2b /people/person/profession /m/0dxtg +/m/043g7l /music/record_label/artist /m/016ppr +/m/01_2n /tv/tv_program/genre /m/07s9rl0 +/m/02fybl /people/person/profession /m/0gbbt +/m/01f7jt /film/film/prequel /m/0bt4g +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286vp +/m/0hsn_ /people/person/religion /m/04pk9 +/m/04xvlr /media_common/netflix_genre/titles /m/0k2cb +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03y_46 /film/actor/film./film/performance/film /m/031hcx +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/02kxwk /film/actor/film./film/performance/film /m/02qk3fk +/m/016z1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0g1rw +/m/0yx1m /film/film/genre /m/06cvj +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g83dv /film/film/produced_by /m/029m83 +/m/03tn80 /film/film/edited_by /m/027pdrh +/m/010t4v /location/hud_county_place/county /m/0mlzk +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/09b3v /media_common/netflix_genre/titles /m/01_1pv +/m/01fs_4 /people/person/religion /m/03_gx +/m/02r8hh_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02xhpl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9jk +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/02jd_7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02_06s /film/film/produced_by /m/04sry +/m/02qkt /location/location/contains /m/03rj0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vtj38 +/m/0cv9b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/04xx9s /film/film/produced_by /m/0bgrsl +/m/0gkg6 /people/person/nationality /m/09c7w0 +/m/03mp8k /music/record_label/artist /m/03h_0_z +/m/0j1z8 /location/country/form_of_government /m/01d9r3 +/m/023322 /people/person/gender /m/05zppz +/m/02prwdh /film/film/genre /m/05p553 +/m/0g768 /music/record_label/artist /m/02l_7y +/m/0391jz /film/actor/film./film/performance/film /m/04n52p6 +/m/01qbjg /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b6l1st /film/film/produced_by /m/06dkzt +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/059rby /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/035gt8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_cq0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f4k49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/02d413 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/instrument/instrumentalists /m/03xl77 +/m/0kbwb /film/film/genre /m/0556j8 +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02r6c_ +/m/02x8m /music/genre/artists /m/05crg7 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/01v3vp /people/person/place_of_birth /m/0sf9_ +/m/01g0p5 /education/educational_institution/school_type /m/01y64 +/m/07ssc /location/country/second_level_divisions /m/0cmb3 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbckf +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0cq7kw /film/film/genre /m/02l7c8 +/m/02lyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0ph2w +/m/0212zp /education/educational_institution/school_type /m/05pcjw +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/01_gv +/m/02l0sf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lp3c +/m/03yj_0n /people/person/profession /m/02hrh1q +/m/01ydtg /music/genre/artists /m/01w03jv +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kx_81 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06q02g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/044gyq /people/person/gender /m/02zsn +/m/02mj7c /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/03_9hm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03ydry /people/person/places_lived./people/place_lived/location /m/07dfk +/m/02jxbw /film/film/genre /m/07s9rl0 +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/02r2qt7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/0gys2jp /film/film/country /m/0d05w3 +/m/0mdqp /film/actor/film./film/performance/film /m/01pgp6 +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/016vqk +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/01whg97 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/0dwl2 /organization/organization/headquarters./location/mailing_address/citytown /m/010r6f +/m/0mwzv /location/location/contains /m/0zlgm +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01b_lz +/m/013yq /location/location/contains /m/03818y +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/07c52 /media_common/netflix_genre/titles /m/014gjp +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fwqn +/m/0bhwhj /award/award_winning_work/awards_won./award/award_honor/award /m/0gvx_ +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/04353 /people/person/profession /m/02hrh1q +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/042kbj /people/person/place_of_birth /m/0dclg +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/05z7c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09c7w0 /location/location/contains /m/030w19 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/059t8 +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02p68d +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0lzb8 +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042zrm +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z_3pm +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/0bsb4j /film/actor/film./film/performance/film /m/03tn80 +/m/01wk7ql /people/person/profession /m/016z4k +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/05r_x5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0151b0 /music/instrument/family /m/0l14md +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/011_3s +/m/043tz8m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0ds33 /film/film/edited_by /m/02qggqc +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0yxf4 /film/film/genre /m/07s9rl0 +/m/038w8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/06v_gh /people/person/gender /m/05zppz +/m/04cbtrw /people/person/nationality /m/07ssc +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/0dwr4 /music/instrument/instrumentalists /m/04mky3 +/m/07h34 /base/aareas/schema/administrative_area/capital /m/05jbn +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0ckr7s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/03_d0 /music/genre/artists /m/017j6 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0cv_2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/0571m /film/film/written_by /m/026dx +/m/0f0y8 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/0xhtw /music/genre/artists /m/017959 +/m/02l840 /people/person/profession /m/0n1h +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/01w1w9 /organization/organization/headquarters./location/mailing_address/citytown /m/0c_m3 +/m/0l14md /music/instrument/instrumentalists /m/01w923 +/m/0cqcgj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmj /people/person/places_lived./people/place_lived/location /m/0ycht +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/042g97 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/024mxd +/m/09k0f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/02r4qs /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/042y1c /film/film/genre /m/017fp +/m/03l6bs /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/045zr +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/01bm_ /education/educational_institution/colors /m/03wkwg +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03_b1g /tv/tv_program/genre /m/07s9rl0 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/0g4vmj8 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01gvxv +/m/0pkgt /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0kvb6p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/01q4qv /people/person/nationality /m/0f8l9c +/m/07kh6f3 /film/film/country /m/09c7w0 +/m/044gyq /people/person/profession /m/0n1h +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/01w40h /music/record_label/artist /m/01w5gg6 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/018dyl /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1p +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/02h1rt /people/person/profession /m/026sdt1 +/m/02ndj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/015rkw /film/actor/film./film/performance/film /m/031786 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08664q +/m/01f85k /film/film/language /m/064_8sq +/m/081t6 /people/person/religion /m/019cr +/m/06s26c /people/person/place_of_birth /m/0l1pj +/m/01w_d6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/065z3_x /film/film/genre /m/03g3w +/m/064t9 /music/genre/artists /m/033wx9 +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04f52jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01sl1q +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0gc_c_ /film/film/genre /m/0h9qh +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/042f1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtc0 +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/0444x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01c_d +/m/0gyy0 /people/person/nationality /m/09c7w0 +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02xb2bt /people/person/nationality /m/03rt9 +/m/05hd32 /tv/tv_program/genre /m/02kdv5l +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/0j1_3 /location/location/contains /m/02bd41 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/01rxyb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kjrx +/m/0147dk /film/actor/film./film/performance/film /m/0gfsq9 +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048rn +/m/03s6l2 /film/film/genre /m/060__y +/m/0bwh6 /people/person/spouse_s./people/marriage/spouse /m/03q5dr +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/06y3r /people/deceased_person/place_of_death /m/0f04c +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0kbws /olympics/olympic_games/participating_countries /m/019pcs +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0dtfn /film/film/film_art_direction_by /m/05b2f_k +/m/01xv77 /people/person/profession /m/0dxtg +/m/06by7 /music/genre/artists /m/01l1sq +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/01zv_ /location/administrative_division/first_level_division_of /m/06mkj +/m/0kcd5 /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02txdf +/m/0l6ny /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jnt +/m/015v3r /people/person/profession /m/02hrh1q +/m/01smm /sports/sports_team_location/teams /m/0fjzsy +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/020bv3 /film/film/written_by /m/0136g9 +/m/01fm07 /music/genre/artists /m/01wcp_g +/m/0bdxs5 /people/person/places_lived./people/place_lived/location /m/0_xdd +/m/025sc50 /music/genre/artists /m/01yzl2 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hcs +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022wxh +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02jtjz /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03_6y +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/025xt8y /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0fxyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwl2 +/m/016w7b /education/educational_institution/students_graduates./education/education/student /m/064jjy +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/019_1h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bvn25 +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z4b_8 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0x8 +/m/07c52 /media_common/netflix_genre/titles /m/06r1k +/m/0bzyh /people/person/place_of_birth /m/04f_d +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039cq4 +/m/01f7jt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0fxyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dclg +/m/09g0h /people/person/nationality /m/09c7w0 +/m/0c0tzp /people/person/gender /m/05zppz +/m/02p2zq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01j_9c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/06myp /people/person/profession /m/0jgxn +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02hct1 /tv/tv_program/program_creator /m/06brp0 +/m/029n80 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_nsc /film/film/edited_by /m/02qggqc +/m/0166v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01nx_8 +/m/01ldw4 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/085pr +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/01c6l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033db3 /people/person/profession /m/0dxtg +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/034x61 /film/actor/film./film/performance/film /m/02v63m +/m/011ywj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cxsvl +/m/04hw4b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqrf +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/056rgc /people/person/gender /m/05zppz +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0jfgk /time/event/locations /m/03spz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/0mw_q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxl +/m/01zlwg6 /location/hud_county_place/place /m/01zlwg6 +/m/02mpyh /film/film/genre /m/02l7c8 +/m/02s8qk /education/educational_institution/colors /m/01g5v +/m/016r9z /olympics/olympic_games/sports /m/02vx4 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/03t95n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0190y4 /music/genre/parent_genre /m/016cyt +/m/07j94 /film/film/genre /m/01jfsb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/07cdz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/031sn /location/location/time_zones /m/02hczc +/m/05bnq3j /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/01sxly /film/film/genre /m/05p553 +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mvth +/m/0d3qd0 /people/person/religion /m/0c8wxp +/m/01vzxmq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028pzq +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0g7vxv /people/person/place_of_birth /m/0fnc_ +/m/02q3fdr /film/film/music /m/02rgz4 +/m/0l8v5 /people/person/languages /m/064_8sq +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/02x8z_ +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfg +/m/01c744 /location/administrative_division/first_level_division_of /m/06mzp +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/01wdqrx /music/artist/origin /m/02_286 +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/027jk /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0k9wp +/m/01nqj /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0233bn /film/film/cinematography /m/069_0y +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01fkr_ /tv/tv_network/programs./tv/tv_network_duration/program /m/026b33f +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bxxzb +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/0512p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01cm8w /film/film/production_companies /m/04rcl7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0d07s +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/03wbqc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/025jj7 /people/deceased_person/place_of_death /m/030qb3t +/m/06l6nj /people/person/profession /m/0dxtg +/m/051cc /influence/influence_node/influenced_by /m/045m1_ +/m/0qmfk /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01vrncs /music/artist/origin /m/03dm7 +/m/01vv126 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0299hs /film/film/genre /m/06n90 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/091yn0 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/06mzp /location/country/capital /m/0d6nx +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/04f1glf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0rnmy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02ts3h +/m/064t9 /music/genre/artists /m/0892sx +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02r251z +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s21dg +/m/0clz7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/01h320 /people/person/nationality /m/09c7w0 +/m/0mnm2 /base/biblioness/bibs_location/state /m/07z1m +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/01_p6t +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h9_l +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03f3yfj /people/person/places_lived./people/place_lived/location /m/0kpys +/m/03sbb /people/profession/specialization_of /m/06q2q +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05km8z +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0qcr0 /people/cause_of_death/people /m/03f3_p3 +/m/01n1gc /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/01wcp_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01f2q5 +/m/01t6xz /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03hxsv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jv_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06w99h3 +/m/026t6 /music/instrument/instrumentalists /m/023322 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/017j6 +/m/01_x6v /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06y_n +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/0chrwb +/m/034xyf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sj1x +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01fsv9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0219x_ /media_common/netflix_genre/titles /m/05q_dw +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0kbvb /olympics/olympic_games/sports /m/0crlz +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02rh_0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/02r8hh_ +/m/039bp /people/person/nationality /m/09c7w0 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0517bc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0glmv /film/actor/film./film/performance/film /m/0g_zyp +/m/014zfs /people/person/profession /m/09jwl +/m/0223bl /sports/sports_team/colors /m/06fvc +/m/0glt670 /music/genre/artists /m/0k6yt1 +/m/01cpqk /people/person/spouse_s./people/marriage/spouse /m/081lh +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/02yxjs /education/educational_institution/students_graduates./education/education/student /m/0glmv +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06zpgb2 +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/0151xv /people/deceased_person/place_of_death /m/01t21q +/m/05m0h /people/person/profession /m/0g0vx +/m/01cw13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/04zwc +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/02633g /people/person/profession /m/03gjzk +/m/0k3p /base/biblioness/bibs_location/country /m/059j2 +/m/0m2kw /location/location/time_zones /m/02hcv8 +/m/04hpck /people/person/profession /m/0kyk +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0ds5_72 +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/01kx_81 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01n5309 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jpmpv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k8q5 +/m/0qcrj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r5wt +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/06xl8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01wgcvn /film/actor/film./film/performance/film /m/027j9wd +/m/0286hyp /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0286gm1 +/m/04gcyg /film/film/cinematography /m/04g865 +/m/07vfqj /people/person/profession /m/0gl2ny2 +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nyl +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01d8l +/m/03f7jfh /people/person/religion /m/0flw86 +/m/056wb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04knkd +/m/01cssf /film/film/music /m/05y7hc +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/07r4c /people/person/profession /m/0fnpj +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/01fwk3 /people/person/profession /m/02hrh1q +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/030tj5 /people/person/gender /m/05zppz +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/07xtqq /film/film/music /m/01pbs9w +/m/0ym20 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04n32 /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/0l5yl /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05fjf /location/location/contains /m/03t4nx +/m/0hfml /film/actor/film./film/performance/film /m/0872p_c +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02_nsc /film/film/genre /m/07s9rl0 +/m/0l12d /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018x3 +/m/01hb6v /influence/influence_node/influenced_by /m/03_hd +/m/0d0vj4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwr4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/02r1ysd /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0cqnss /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0gcs9 /influence/influence_node/influenced_by /m/01vrncs +/m/01qklj /people/person/place_of_birth /m/0gjcy +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/04gc65 +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/05z01 +/m/02vnmc9 /film/film/language /m/02h40lc +/m/0hnlx /people/person/nationality /m/0h7x +/m/07w8fz /film/film/produced_by /m/0bsb4j +/m/02f4s3 /education/educational_institution/students_graduates./education/education/student /m/01wyzyl +/m/02jx1 /dataworld/gardening_hint/split_to /m/07ssc +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06c1y +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08s6mr /film/film/music /m/0csdzz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/0265v21 /people/person/profession /m/0dxtg +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/01qgr3 /education/educational_institution/students_graduates./education/education/student /m/024tj +/m/0fqjhm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/062dn7 +/m/0gg5qcw /film/film/language /m/02h40lc +/m/0gy6z9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0n6f8 +/m/03_44z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018vs /music/instrument/instrumentalists /m/09prnq +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/03wjb7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064t9 /music/genre/artists /m/08w4pm +/m/01tzfz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01vvycq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/033qdy /film/film/music /m/02bh9 +/m/030h95 /people/person/gender /m/02zsn +/m/05r5c /music/instrument/family /m/05148p4 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/0372p /people/person/place_of_birth /m/04kf4 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w1ywm +/m/041mt /influence/influence_node/influenced_by /m/0bt23 +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01y665 +/m/09rp4r_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbxx9b +/m/0642ykh /film/film/music /m/02g1jh +/m/0154j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04gj8r +/m/02t_8z /people/person/nationality /m/09c7w0 +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0c6g29 +/m/01vmv_ /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/student /m/06c97 +/m/031ldd /film/film/language /m/0653m +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/02v3yy /people/person/place_of_birth /m/02_286 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01rxyb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/02rlj20 /film/film/genre /m/0hfjk +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/02tn0_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vw20h /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04y8r +/m/0d7hg4 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/05650n /film/film/country /m/09c7w0 +/m/044mfr /people/person/profession /m/0nbcg +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/0289q /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0ctw_b /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02m3sd +/m/02hhtj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/039wsf /film/actor/film./film/performance/film /m/05qm9f +/m/02qx69 /film/actor/film./film/performance/film /m/02v63m +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/01j2xj +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/05x2s /award/award_category/category_of /m/05x2s +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/02fybl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/04jpl /location/location/contains /m/013c2f +/m/02rv1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/06ls0l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03jvmp +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0gp5l6 +/m/01sxdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/032d52 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/016j68 /people/person/profession /m/02hrh1q +/m/01y9jr /film/film/genre /m/0556j8 +/m/03v36 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0gls4q_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017yxq /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/015wc0 +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/01rc4p +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0k419 /film/film/genre /m/02l7c8 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/02lnbg /music/genre/artists /m/01wyz92 +/m/0j3v /influence/influence_node/influenced_by /m/05qmj +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/057bxr +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/05bm4sm +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dd2b +/m/04lqvly /film/film/genre /m/07s9rl0 +/m/02bj6k /film/actor/film./film/performance/film /m/0fzm0g +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dc_ms +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/01k5t_3 /people/person/nationality /m/09c7w0 +/m/01vv7sc /base/eating/practicer_of_diet/diet /m/07_hy +/m/0d0xs5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ts_3 +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0lc1r /music/genre/parent_genre /m/0m0jc +/m/0lwkh /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0gj4fx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0czr9_ +/m/084m3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f13b +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03b04g +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/041mt +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/047yc /location/location/contains /m/0fq5j +/m/029jpy /location/location/contains /m/050ks +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015rkw +/m/011ycb /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/059rby /location/location/contains /m/01wrwf +/m/0ftqr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/09c7w0 /location/location/contains /m/02rg_4 +/m/018vs /music/instrument/instrumentalists /m/01nhkxp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/0mlm_ /location/location/contains /m/0fw2f +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/03hltjb /people/person/nationality /m/07ssc +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/02c6d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03qx_f /music/record_label/artist /m/015882 +/m/024d8w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06tgw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019rg5 +/m/09hnb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0dbdy /location/administrative_division/country /m/07ssc +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0241y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0p9xd /music/genre/artists /m/02ndj5 +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z5tr +/m/0n5dt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fl +/m/0413cff /film/film/genre /m/017fp +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/088q4 +/m/0hzlz /location/location/contains /m/03p2m1 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/06k176 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/07sgfvl +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/01r_t_ /people/person/profession /m/0dxtg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/035qgm +/m/09c7w0 /location/location/contains /m/094jv +/m/01fkv0 /people/person/profession /m/02hrh1q +/m/01vs4ff /music/group_member/membership./music/group_membership/group /m/06nv27 +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b25vg /film/actor/film./film/performance/film /m/09q23x +/m/07vfj /education/educational_institution/school_type /m/05pcjw +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0cjsxp /film/actor/film./film/performance/film /m/04ghz4m +/m/0f5kw7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/0gg4h /people/cause_of_death/people /m/01t94_1 +/m/037gjc /people/person/place_of_birth /m/0r00l +/m/02j9z /location/location/contains /m/02_gzx +/m/098s2w /film/film/genre /m/01j1n2 +/m/0fzm0g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01hxs4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016tb7 +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0c58k /people/cause_of_death/people /m/0d9xq +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/04306rv /language/human_language/countries_spoken_in /m/0hzlz +/m/01lyv /music/genre/artists /m/01mr2g6 +/m/059g4 /location/location/contains /m/06c6l +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/0np52 /location/location/time_zones /m/02fqwt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tzfz +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/04264n /people/person/place_of_birth /m/02_286 +/m/081lh /film/actor/film./film/performance/film /m/03wy8t +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/0m0nq /film/actor/film./film/performance/film /m/0h1v19 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/05txrz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gl88b /people/person/profession /m/026sdt1 +/m/04wtx1 /people/person/nationality /m/09c7w0 +/m/0kv9d3 /film/film/story_by /m/082mw +/m/01vfqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01dw_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/0162b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01mxt_ +/m/01fh36 /music/genre/artists /m/01vsy95 +/m/034ls /people/person/profession /m/099md +/m/0f2tj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425_d +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gbtbm +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/058s57 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05xpv /people/person/profession /m/02hrh1q +/m/03s9b /people/person/gender /m/05zppz +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jxpf +/m/03l6q0 /film/film/featured_film_locations /m/080h2 +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0blq0z /film/actor/film./film/performance/film /m/0404j37 +/m/07m9cm /people/person/profession /m/01d_h8 +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/02bf2s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/057xlyq +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z257 +/m/05sns6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/093l8p +/m/0n1rj /location/hud_county_place/place /m/0n1rj +/m/04f9r2 /people/person/profession /m/01c8w0 +/m/069q4f /film/film/genre /m/0556j8 +/m/03v40v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/0ydpd +/m/0170qf /film/actor/film./film/performance/film /m/02ywwy +/m/02rqxc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/04fc6c /music/record_label/artist /m/043zg +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/04gknr /film/film/genre /m/02kdv5l +/m/07ykkx5 /film/film/genre /m/02b5_l +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/0fpn8 /location/location/time_zones /m/02hcv8 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/0g56t9t /film/film/produced_by /m/07rd7 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0gl6x /education/educational_institution/colors /m/083jv +/m/07nt8p /film/film/executive_produced_by /m/05k2s_ +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04nm0n0 /film/film/film_festivals /m/04grdgy +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v0wy2 +/m/0g2jl /education/university/fraternities_and_sororities /m/035tlh +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01n44c +/m/011zd3 /film/actor/film./film/performance/film /m/01f6x7 +/m/02hxcvy /language/human_language/countries_spoken_in /m/0d060g +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/0qmfz /film/film/genre /m/0lsxr +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/037gjc /people/person/profession /m/02hrh1q +/m/0g3zrd /film/film/executive_produced_by /m/06cgy +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/09l3p /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0824r /location/location/partially_contains /m/04yf_ +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/0191h5 +/m/04cf_l /film/film/language /m/02h40lc +/m/03lmx1 /people/ethnicity/people /m/04vmqg +/m/018ygt /film/actor/film./film/performance/film /m/01cz7r +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/01r93l /film/actor/film./film/performance/film /m/0456zg +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0jzc /language/human_language/countries_spoken_in /m/03spz +/m/018_q8 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hvjr /sports/sports_team/colors /m/02rnmb +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/0337vz /people/person/nationality /m/09c7w0 +/m/01vx5w7 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/03gvm3t +/m/015z4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/03mh_tp /film/film/production_companies /m/02j_j0 +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/09jd9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/08hhm6 +/m/05q7874 /film/film/featured_film_locations /m/030qb3t +/m/0hvgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0czyxs /film/film/featured_film_locations /m/02_286 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnm2 +/m/04h07s /people/person/profession /m/02hrh1q +/m/04thp /location/country/official_language /m/01r2l +/m/0c0nhgv /film/film/production_companies /m/017s11 +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0xbm +/m/0k4j /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025jfl /organization/organization/place_founded /m/0f2wj +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/0270k40 /film/film/genre /m/01jfsb +/m/01b_lz /tv/tv_program/genre /m/0c031k6 +/m/0181dw /music/record_label/artist /m/01whg97 +/m/01b39j /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbf1 +/m/04t36 /media_common/netflix_genre/titles /m/043n1r5 +/m/02b0xq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02psgvg +/m/0l3kx /location/location/time_zones /m/02fqwt +/m/035qy /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0jzw /film/film/produced_by /m/02vyw +/m/05jt_ /music/genre/artists /m/04qmr +/m/0n25q /location/location/contains /m/0yz30 +/m/0phrl /tv/tv_program/genre /m/06q7n +/m/050l8 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/05zvzf3 /film/film/genre /m/0lsxr +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0ddfwj1 /film/film/executive_produced_by /m/0mdqp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/03dpqd /film/actor/film./film/performance/film /m/031778 +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/011yth /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/013w7j /people/person/nationality /m/09c7w0 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vcp0 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/043t8t /film/film/costume_design_by /m/02pqgt8 +/m/03c7ln /people/deceased_person/place_of_death /m/0s3y5 +/m/0n_ps /location/location/time_zones /m/02hczc +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01gh6z +/m/03ckxdg /people/person/gender /m/02zsn +/m/07n39 /people/person/profession /m/0cbd2 +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/02m501 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02lnhv +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rky4 +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/07gql /music/instrument/instrumentalists /m/03xgm3 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/05tfn1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/09g7vfw /film/film/music /m/02bh9 +/m/0ynfz /location/location/contains /m/01xysf +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0gqrb +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/05bt6j /music/genre/artists /m/01ydzx +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0jlv5 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/01dbxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01chpn +/m/015882 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14jd +/m/0372kf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0y9j +/m/04k15 /people/person/profession /m/05vyk +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04twmk +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01d5z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01gkmx /film/actor/film./film/performance/film /m/01qb559 +/m/03j43 /influence/influence_node/influenced_by /m/01lwx +/m/02wyc0 /people/person/religion /m/03j6c +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/027yf83 +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027rpym +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0k7tq /film/film/country /m/09c7w0 +/m/07_3qd /people/person/gender /m/05zppz +/m/080r3 /influence/influence_node/influenced_by /m/058vp +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0424m /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0r_ch +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0qmk5 /tv/tv_program/genre /m/0c3351 +/m/05r5c /music/instrument/instrumentalists /m/06s7rd +/m/0rh6k /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/01gjqb /music/genre/artists /m/0561xh +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/09b69 /location/location/contains /m/07t21 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031rx9 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0l6wj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sb5r /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02b10g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/056wb /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0fb7c /people/person/nationality /m/0d060g +/m/0rj4g /location/location/time_zones /m/02hcv8 +/m/0g5q34q /film/film/genre /m/03q4nz +/m/0mwxl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m7fm +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02t4yc +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01f1jf /olympics/olympic_games/sports /m/09_94 +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gy3w +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09b_0m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/09vzz +/m/0jrqq /people/person/languages /m/02h40lc +/m/01f2xy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/05l3g_ /people/ethnicity/people /m/07_m2 +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0pz91 /film/actor/film./film/performance/film /m/02tgz4 +/m/01rnpy /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0pkr1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014_lq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01718w /film/film/edited_by /m/04cy8rb +/m/0d6d2 /film/actor/film./film/performance/film /m/0qmjd +/m/02y21l /music/record_label/artist /m/0fsyx +/m/027l0b /people/person/profession /m/0dxtg +/m/0169t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/02ktrs +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07nznf +/m/09fb5 /film/actor/film./film/performance/film /m/0296rz +/m/0f3nn /people/person/profession /m/01c72t +/m/03qbm /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02h3tp /people/person/places_lived./people/place_lived/location /m/03l2n +/m/019f9z /people/person/profession /m/02hrh1q +/m/01gzm2 /people/deceased_person/place_of_death /m/02_286 +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/01mr2g6 /people/person/profession /m/01b30l +/m/0892sx /people/person/nationality /m/07ssc +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01cwdk +/m/04vmqg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0k269 +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0m_h6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/0155w /music/genre/artists /m/01wk7ql +/m/011hdn /people/person/place_of_birth /m/02dtg +/m/0b80__ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nwwl /film/actor/film./film/performance/film /m/04mcw4 +/m/0683n /people/person/place_of_birth /m/0hptm +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/02qm5j /music/genre/parent_genre /m/05r6t +/m/02z1yj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/0fvr1 /film/film/genre /m/07s9rl0 +/m/05l5n /base/biblioness/bibs_location/state /m/0jt5zcn +/m/0f1nl /education/educational_institution/students_graduates./education/education/student /m/02drd3 +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/013vdl /people/person/languages /m/02h40lc +/m/01l2m3 /people/cause_of_death/people /m/046_v +/m/012ykt /people/person/profession /m/02hrh1q +/m/0jqp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/08gyz_ /people/person/nationality /m/09c7w0 +/m/0n5fz /location/us_county/county_seat /m/0xn7q +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01z0rcq +/m/01dtcb /music/record_label/artist /m/03x82v +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/0chsq /film/actor/film./film/performance/film /m/0bl06 +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_n5d +/m/02q_x_l /tv/tv_program/languages /m/02h40lc +/m/03tdlh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/01f8gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09b3v /media_common/netflix_genre/titles /m/0_7w6 +/m/02rv_dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024qqx /media_common/netflix_genre/titles /m/01dyvs +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mm1x +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/03f5spx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0405l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g2lq +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/064r97z /tv/tv_program/languages /m/02h40lc +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/051ys82 /film/film/genre /m/07s9rl0 +/m/02ny8t /music/genre/artists /m/0bdxs5 +/m/0d060g /location/location/contains /m/01dq0z +/m/0b1s_q /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/030cx +/m/0z05l /people/person/places_lived./people/place_lived/location /m/03pzf +/m/02x8mt /people/person/nationality /m/09c7w0 +/m/05nw9m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/04knkd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/03mr85 /film/film/country /m/09c7w0 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01w1sx /film/film_subject/films /m/0ggbhy7 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/03k1vm /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/027zz /people/person/place_of_birth /m/02cl1 +/m/0kbws /olympics/olympic_games/participating_countries /m/04ty8 +/m/06g2d1 /people/person/profession /m/0dz3r +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycbq +/m/044qx /film/actor/film./film/performance/film /m/0k0rf +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/01dy7j +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/011j5x /music/genre/artists /m/01vs14j +/m/0xhtw /music/genre/artists /m/0mgcr +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/03cyslc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/019m60 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/02p3cr5 /music/record_label/artist /m/0bk1p +/m/03whyr /film/film/written_by /m/0p8jf +/m/040981l /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mdqp +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01cwcr /film/actor/film./film/performance/film /m/07tj4c +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/031bf1 +/m/011_vz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01xwv7 /influence/influence_node/influenced_by /m/014z8v +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09qycb +/m/0fpj9pm /people/person/gender /m/05zppz +/m/04dsnp /film/film/featured_film_locations /m/0nqv1 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03jj93 /people/person/profession /m/0kyk +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp63 +/m/02_1sj /film/film/production_companies /m/016tw3 +/m/05w1vf /film/actor/film./film/performance/film /m/02krdz +/m/01ymvk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01d3n8 +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0100mt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017fp /media_common/netflix_genre/titles /m/0cmc26r +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0277g +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/03gm48 /people/person/gender /m/05zppz +/m/031n5b /education/educational_institution/students_graduates./education/education/student /m/01wyq0w +/m/0pz04 /people/person/profession /m/0dxtg +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/014l6_ +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/06b0d2 /people/person/languages /m/02h40lc +/m/016jny /music/genre/artists /m/0f_y9 +/m/01wk7b7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0sx5w +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0dq9wx /people/person/gender /m/02zsn +/m/03hh89 /film/actor/film./film/performance/film /m/0dfw0 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02hh8j /people/person/place_of_birth /m/05qtj +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dzst +/m/017gm7 /film/film/executive_produced_by /m/05hj_k +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/04n2vgk +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lz1s +/m/07fzq3 /people/person/gender /m/05zppz +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/06j6l /music/genre/artists /m/02r4qs +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/025txtg +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xf75 +/m/0jvtp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/04ns3gy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08cn_n +/m/06mj4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jpl /location/location/contains /m/0n90z +/m/048qrd /film/film/production_companies /m/04rqd +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02fsn /music/instrument/instrumentalists /m/018phr +/m/06j8q_ /people/person/profession /m/02hrh1q +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/04q01mn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07c98 /location/location/contains /m/0b24sf +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/02b71x /music/genre/artists /m/044gyq +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fb1q /influence/influence_node/influenced_by /m/01hmk9 +/m/0h14ln /film/film/country /m/0f8l9c +/m/0bg539 /people/person/profession /m/018gz8 +/m/0jjy0 /film/film/produced_by /m/030_3z +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/013knm /film/actor/film./film/performance/film /m/05fgt1 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/035gjq /people/person/gender /m/02zsn +/m/02pyyld /sports/sports_team/colors /m/01g5v +/m/0889x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03cvvlg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vsl /base/biblioness/bibs_location/state /m/01n4w +/m/01s0ps /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/05qbbfb /film/film/country /m/09c7w0 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0fc32 /location/location/time_zones /m/02hcv8 +/m/0cc97st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0dfw0 /film/film/genre /m/070yc +/m/03kxdw /people/person/profession /m/018gz8 +/m/031ldd /film/film/cinematography /m/069_0y +/m/01h910 /people/person/nationality /m/09c7w0 +/m/037hgm /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/07t21 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cvtf /tv/tv_program/program_creator /m/019pkm +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/06b4wb /film/actor/film./film/performance/film /m/050f0s +/m/0b82vw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb57 +/m/02jtjz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_6y +/m/083q7 /people/person/places_lived./people/place_lived/location /m/01ktz1 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_7w6 +/m/02vcp0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05mph +/m/0gbbt /people/profession/specialization_of /m/09jwl +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05k4my /film/film/country /m/09c7w0 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/035dk /location/country/form_of_government /m/01fpfn +/m/02kbtf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/016wvy /people/person/gender /m/05zppz +/m/02mhfy /people/person/places_lived./people/place_lived/location /m/05fjf +/m/017_qw /music/genre/artists /m/01q8wk7 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/02sjf5 /people/person/place_of_birth /m/01531 +/m/018ygt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcdn +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07y_7 /music/instrument/instrumentalists /m/0473q +/m/0306ds /people/person/place_of_birth /m/030qb3t +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bykpk +/m/03v1jf /film/actor/film./film/performance/film /m/02d003 +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/01xq8v /film/film/genre /m/01jfsb +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02hblj /people/person/profession /m/01d_h8 +/m/04rzd /music/instrument/instrumentalists /m/01kstn9 +/m/0163t3 /people/person/profession /m/02hrh1q +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/032zq6 /film/film/featured_film_locations /m/0dc95 +/m/0pc62 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02c638 +/m/01m4yn /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/03thw4 /people/person/profession /m/01d_h8 +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0l14gg /music/genre/artists /m/012pd4 +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0ckt6 /film/film/country /m/09c7w0 +/m/016jny /music/genre/artists /m/0pk41 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/05lb87 /film/actor/film./film/performance/film /m/0gx1bnj +/m/01gkp1 /film/film/executive_produced_by /m/01q_ph +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/016z1t +/m/06xl8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0p8jf +/m/01vw26l /people/person/profession /m/0nbcg +/m/015n8 /people/person/place_of_birth /m/0k3p +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02__ww /people/person/places_lived./people/place_lived/location /m/0gkgp +/m/0gy7bj4 /film/film/film_festivals /m/0j63cyr +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yf85 +/m/02ctc6 /film/film/genre /m/04t36 +/m/0c3zjn7 /film/film/music /m/02bh9 +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01nhgd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mcw4 /film/film/language /m/02h40lc +/m/099jhq /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/0151zx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01s9vc /film/film/language /m/02h40lc +/m/034q81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01z1r +/m/01k9gb /people/cause_of_death/people /m/01hb6v +/m/02tn0_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06chf +/m/01m3x5p /people/person/profession /m/025352 +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/02bc74 /people/person/profession /m/016z4k +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/09swkk /people/person/nationality /m/0jgd +/m/016jny /music/genre/artists /m/01t8399 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/03wy8t /film/film/genre /m/07s9rl0 +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/019z2l /music/genre/parent_genre /m/06rqw +/m/03f5mt /music/instrument/instrumentalists /m/01gg59 +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/07_dn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01cwcr /film/actor/film./film/performance/film /m/0bz6sq +/m/03n_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4dx2 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01pcvn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vxxb +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0m7yh +/m/01w9k25 /people/person/profession /m/0dz3r +/m/02qny_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/01k2xy +/m/07ww5 /location/location/time_zones /m/042g7t +/m/06hdk /base/aareas/schema/administrative_area/administrative_parent /m/07371 +/m/03b1sb /film/film/genre /m/07s9rl0 +/m/06zsk51 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0488g9 +/m/0sx92 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/0l998 /olympics/olympic_games/sports /m/06z6r +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bs5f0b +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyv0b4 +/m/01g42 /people/person/nationality /m/09c7w0 +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/05mt6w +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/08f3b1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0pqc5 +/m/05cx7x /people/person/profession /m/02hrh1q +/m/04glx0 /tv/tv_program/languages /m/02h40lc +/m/02k856 /music/performance_role/regular_performances./music/group_membership/group /m/0jn38 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/02g8h /people/person/profession /m/0kyk +/m/045g4l /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/0347xz /people/person/nationality /m/09c7w0 +/m/017gxw /film/actor/film./film/performance/film /m/072zl1 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0405l /people/person/places_lived./people/place_lived/location /m/0z20d +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/0436kgz /people/person/spouse_s./people/marriage/spouse /m/02g0rb +/m/021q23 /organization/organization/headquarters./location/mailing_address/country /m/0j1z8 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/028knk /people/person/spouse_s./people/marriage/spouse /m/0gyx4 +/m/01gkp1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06fq2 /education/educational_institution/campuses /m/06fq2 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/07w21 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0693l /film/director/film /m/04tqtl +/m/08y7b9 /people/person/nationality /m/03rk0 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08qxx9 +/m/03bzjpm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01rm8b /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0275kr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fv5b /film/film/music /m/03h610 +/m/0642xf3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04q00lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/09btt1 /people/person/profession /m/02hrh1q +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/015np0 /film/actor/film./film/performance/film /m/04tng0 +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p86pb +/m/03k9fj /media_common/netflix_genre/titles /m/0dj0m5 +/m/01fv4z /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/01bpn /influence/influence_node/influenced_by /m/043s3 +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y9xg +/m/0d35y /base/biblioness/bibs_location/country /m/09c7w0 +/m/0mm_4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06g77c /film/film/genre /m/03npn +/m/049mql /film/film/production_companies /m/086k8 +/m/06mkj /location/country/capital /m/056_y +/m/03hpkp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/024_vw /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dwsp /dataworld/gardening_hint/split_to /m/0l14md +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bx6 +/m/01vxxb /people/person/place_of_birth /m/01_d4 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016ksk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01v0sx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/03l3jy /film/actor/film./film/performance/film /m/0n1s0 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0crvfq +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01wy6 /music/instrument/instrumentalists /m/01dw_f +/m/0js9s /film/director/film /m/017gl1 +/m/01vrncs /people/person/profession /m/0n1h +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/04jpg2p /film/film/executive_produced_by /m/02qggqc +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g1rw +/m/03lty /music/genre/artists /m/01m7pwq +/m/0bvls5 /film/actor/film./film/performance/film /m/03hmt9b +/m/05br10 /people/person/gender /m/05zppz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/09bg4l +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/01jrbb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_k56 +/m/0dryh9k /people/ethnicity/people /m/0k0q8q +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0hpz8 /people/person/nationality /m/02jx1 +/m/01v3vp /people/person/profession /m/01c8w0 +/m/03c5f7l /film/actor/film./film/performance/film /m/04ynx7 +/m/02f1c /people/person/profession /m/0dz3r +/m/031x_3 /people/person/nationality /m/09c7w0 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/07wkd /education/educational_institution/colors /m/019sc +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/026390q /film/film/language /m/02h40lc +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01dw4q +/m/09w6br /film/film/country /m/09c7w0 +/m/047q2k1 /film/film/featured_film_locations /m/09f07 +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0g9z_32 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06rhz7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/03bggl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0349s /language/human_language/countries_spoken_in /m/0d060g +/m/0hwqg /film/actor/film./film/performance/film /m/0k4f3 +/m/08wq0g /people/person/profession /m/09jwl +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jmj /film/actor/film./film/performance/film /m/03cffvv +/m/02vtnf /film/director/film /m/063hp4 +/m/04hxyv /film/actor/film./film/performance/film /m/05zlld0 +/m/02wgln /people/person/profession /m/0np9r +/m/01p3ty /award/award_winning_work/awards_won./award/award_honor/award /m/0b6k___ +/m/0342h /music/instrument/instrumentalists /m/01w60_p +/m/0416y94 /film/film/produced_by /m/0d6484 +/m/018j2 /music/instrument/instrumentalists /m/0bkg4 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jswp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/040whs +/m/035yn8 /film/film/genre /m/01jfsb +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0ks67 +/m/012zng /people/person/profession /m/0gbbt +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0ght2 /location/hud_county_place/place /m/0ght2 +/m/02ngbs /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/01p0vf /people/person/profession /m/01c72t +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/03gfvsz /broadcast/content/artist /m/010hn +/m/06q1r /location/location/contains /m/01zkhk +/m/01fdc0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/023p33 /film/film/production_companies /m/09b3v +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/059j2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0154j +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/02_l96 /people/person/gender /m/05zppz +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/022yb4 /people/person/religion /m/0c8wxp +/m/02rx2m5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05148p4 /music/instrument/instrumentalists /m/01wlt3k +/m/03txms /people/deceased_person/place_of_death /m/03pcgf +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/018w0j /base/culturalevent/event/entity_involved /m/0d0vj4 +/m/03h2c /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lbd9 /olympics/olympic_games/sports /m/03fyrh +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c5z8j +/m/01ldw4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yvjx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bzrxn /time/event/locations /m/094jv +/m/03s2y9 /film/director/film /m/0ptxj +/m/0k3gw /location/location/time_zones /m/02hcv8 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02m0sc /organization/organization/headquarters./location/mailing_address/state_province_region /m/07_f2 +/m/0212zp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/088n7 +/m/09vzz /organization/organization/headquarters./location/mailing_address/citytown /m/0hyxv +/m/0dn16 /music/genre/artists /m/01mbwlb +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/01rthc /music/genre/artists /m/037hgm +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/039bpc +/m/0456zg /film/film/featured_film_locations /m/02_286 +/m/03ym73 /sports/sports_team/sport /m/02vx4 +/m/0gg8l /music/genre/artists /m/01m1dzc +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/02v5xg /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rmnp +/m/01fwf1 /film/actor/film./film/performance/film /m/0p4v_ +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0147jt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cf9ly /tv/tv_program/program_creator /m/09pl3s +/m/0ldd /people/person/nationality /m/07ssc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06ryl +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0h0wc /film/actor/film./film/performance/film /m/08s6mr +/m/02q5bx2 /film/film/genre /m/0hfjk +/m/01w23w /people/person/sibling_s./people/sibling_relationship/sibling /m/01tnxc +/m/0gm2_0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h304l +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/01vw8k /film/film/country /m/04v3q +/m/06gb2q /film/actor/film./film/performance/film /m/065zlr +/m/09yxcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015npr +/m/02ln0f /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0pyww /people/person/place_of_birth /m/0cc56 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/01j7mr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g2mbn +/m/0hwqg /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/0138t4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tk7 +/m/02ktt7 /business/business_operation/industry /m/02wbm +/m/028knk /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/04l590 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0g9z_32 /film/film/genre /m/05p553 +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/02897w /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tkgy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/02qjv1p +/m/0h5f5n /people/person/profession /m/03gjzk +/m/01jr4j /film/film/language /m/06b_j +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzz6g +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbckf +/m/0309lm /film/actor/film./film/performance/film /m/0ds2l81 +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d4htf +/m/01r6jt2 /people/person/nationality /m/09c7w0 +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0157m +/m/017zq0 /education/educational_institution/colors /m/06fvc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/05z01 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fr63l /film/film/genre /m/01jfsb +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/03xnwz /music/genre/artists /m/02wb6yq +/m/01q3_2 /people/person/profession /m/0dz3r +/m/03jvmp /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/02dpl9 /film/film/language /m/064_8sq +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/09r4xx /organization/organization/headquarters./location/mailing_address/citytown /m/01531 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0dnkmq +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0d6d2 +/m/07lwsz /award/award_winner/awards_won./award/award_honor/award_winner /m/059j4x +/m/09c7w0 /location/location/contains /m/0225v9 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/0350l7 /people/person/spouse_s./people/marriage/spouse /m/0170qf +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01b1mj +/m/0584r4 /tv/tv_program/genre /m/05p553 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0l6ny /olympics/olympic_games/sports /m/06z6r +/m/0gj9tn5 /film/film/production_companies /m/02j_j0 +/m/02pxst /film/film/production_companies /m/016tw3 +/m/05jg58 /music/genre/artists /m/0cbm64 +/m/01p2b_ /music/record_label/artist /m/01wt4wc +/m/01kd57 /people/person/places_lived./people/place_lived/location /m/0pml7 +/m/032xky /film/film/language /m/02h40lc +/m/0htlr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/05p5nc /award/award_winner/awards_won./award/award_honor/award_winner /m/02yj7w +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/04w7rn /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0jcx /influence/influence_node/influenced_by /m/03s9v +/m/01dzg0 /education/educational_institution/colors /m/083jv +/m/0r5y9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01g0jn /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02114t +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029zqn +/m/0fdv3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012s1d /film/film/genre /m/01j1n2 +/m/049qx /people/person/gender /m/02zsn +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvb6p +/m/09xwz /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03b_fm5 /film/film/production_companies /m/0c41qv +/m/03n0q5 /people/person/profession /m/0nbcg +/m/0gyy0 /people/deceased_person/place_of_burial /m/018mm4 +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/01ppdy /award/award_category/winners./award/award_honor/award_winner /m/013pp3 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/016ybr /music/genre/artists /m/0135xb +/m/01y3c /sports/sports_team/colors /m/03vtbc +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/01w2lw /location/administrative_division/country /m/07ssc +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/0286hyp /film/film/language /m/02h40lc +/m/0k1wz /people/person/profession /m/01c72t +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0164nb +/m/02lz1s /people/person/profession /m/01c72t +/m/015g28 /tv/tv_program/genre /m/01z77k +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/0sxdg /organization/organization/place_founded /m/0mgp +/m/0g768 /music/record_label/artist /m/02vwckw +/m/0rh7t /location/hud_county_place/place /m/0rh7t +/m/0mj1l /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/0vmt /location/administrative_division/country /m/09c7w0 +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01j5sd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/085wqm +/m/03vrp /influence/influence_node/influenced_by /m/040db +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03thw4 +/m/01rnly /film/film/genre /m/0219x_ +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053tj7 +/m/0194zl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06g77c /film/film/featured_film_locations /m/0r0m6 +/m/0bs5f0b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170pk /film/actor/film./film/performance/film /m/03y0pn +/m/01c65z /film/actor/film./film/performance/film /m/09qljs +/m/05kj_ /location/location/contains /m/0zgfm +/m/03qjg /music/instrument/instrumentalists /m/03f0fnk +/m/02f9wb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cskb +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/01mbwlb /people/person/profession /m/08z956 +/m/0cwx_ /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07wkd /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051x52f +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01n5309 /influence/influence_node/influenced_by /m/046lt +/m/03h_fqv /film/actor/film./film/performance/film /m/0320fn +/m/02hdky /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/01d6g /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/03_gd /film/director/film /m/07ghq +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/0gt1k /film/film/production_companies /m/0g1rw +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/01nd2c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0g5lhl7 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/02q636 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01jfnvd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xzb6 +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0l6ny /olympics/olympic_games/sports /m/0crlz +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/047yc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05q4 +/m/05b2f_k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01771z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/03hzl42 /film/actor/film./film/performance/film /m/0f40w +/m/02b71x /music/genre/artists /m/01wwvc5 +/m/04ltf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03xl77 /people/person/profession /m/09lbv +/m/0dyl9 /base/biblioness/bibs_location/state /m/0824r +/m/0bxfmk /people/person/nationality /m/09c7w0 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/027tbrc /tv/tv_program/genre /m/03k9fj +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/01jmv8 +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/0gpx6 /film/film/genre /m/07s9rl0 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0329nn +/m/08664q /film/actor/film./film/performance/film /m/03lvwp +/m/0t_71 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0269kx /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/0c8qq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0nh57 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nhr5 +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x58 +/m/0bxc4 /location/hud_county_place/county /m/0bx9y +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03crcpt +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/03mb9 /music/genre/parent_genre /m/02x8m +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0jpy_ /location/hud_county_place/place /m/0jpy_ +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06cp5 /music/genre/artists /m/017j6 +/m/025l5 /people/person/profession /m/039v1 +/m/01xwv7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0mgkg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5g9 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0c38gj /film/film/produced_by /m/05strv +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0jnmj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01l63 /base/biblioness/bibs_location/country /m/05bcl +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/04k9y6 /film/film/genre /m/06www +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02cj_f /film/actor/film./film/performance/film /m/04mzf8 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1cdwq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/0dbns +/m/03_9r /media_common/netflix_genre/titles /m/0k2m6 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/01vqrm /people/person/nationality /m/02k54 +/m/06b19 /organization/organization/headquarters./location/mailing_address/citytown /m/0t6sb +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/0gtsx8c /film/film/executive_produced_by /m/034bgm +/m/02rrh1w /film/film/production_companies /m/054lpb6 +/m/0m63c /film/film/production_companies /m/09b3v +/m/01pj7 /location/country/official_language /m/0k0sv +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06kl78 +/m/0mpbx /base/biblioness/bibs_location/state /m/07z1m +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/03061d +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/016nff +/m/0fq117k /people/person/nationality /m/09c7w0 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q5dr +/m/03v9yw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/068p2 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0gvrws1 /film/film/story_by /m/05qzv +/m/02ldmw /education/educational_institution/school_type /m/05jxkf +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/08658y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/01l2m3 /people/cause_of_death/people /m/0j3v +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/032zg9 /film/actor/film./film/performance/film /m/0gvvf4j +/m/04q01mn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0154qm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cjlk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kzfw +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/011xy1 +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0hv27 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/02_cx_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06xj4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/03l295 +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03fnmd +/m/0542n /award/award_winning_work/awards_won./award/award_honor/award /m/0dt49 +/m/01fh36 /music/genre/artists /m/01wzlxj +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bt7ws +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0415zv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0crfwmx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060__7 /film/film/genre /m/01jfsb +/m/034f0d /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07k2mq +/m/0fvyg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/02q8ms8 /film/film/genre /m/0219x_ +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/0mbhr /people/person/profession /m/02hrh1q +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0btpx +/m/0k269 /film/actor/film./film/performance/film /m/0ddt_ +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/04gycf /people/person/profession /m/014ktf +/m/048xyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/07bty /base/eating/practicer_of_diet/diet /m/07_jd +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0djb3vw /film/film/production_companies /m/04rtpt +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/03f0r5w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/09fn1w +/m/014x77 /people/person/nationality /m/07ssc +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06gb1w /film/film/cinematography /m/09bxq9 +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/03kpvp /people/person/profession /m/01d_h8 +/m/0gvsh7l /tv/tv_program/genre /m/0c3351 +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0473q /people/person/nationality /m/02jx1 +/m/01m5m5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/01d8yn +/m/01x5fb /education/educational_institution/colors /m/038hg +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08fn5b +/m/03gr14 /sports/sports_team/colors /m/083jv +/m/02b17f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g2lq /award/award_winner/awards_won./award/award_honor/award_winner /m/0ds2sb +/m/0nj07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj7b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fn16 +/m/015zql /people/person/profession /m/02jknp +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/09c7w0 /location/location/contains /m/01jsn5 +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvpjj +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/0125xq /film/film/film_format /m/07fb8_ +/m/0q9kd /people/person/profession /m/01d_h8 +/m/0cqr0q /film/film/genre /m/01jfsb +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/073749 /film/actor/film./film/performance/film /m/07pd_j +/m/05prs8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h304l +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01rnly +/m/0fd3y /music/genre/artists /m/03t9sp +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0j7v_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/033rq /award/award_winner/awards_won./award/award_honor/award_winner /m/027d5g5 +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/09thp87 /award/award_winner/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/01z4y /media_common/netflix_genre/titles /m/03lrht +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/02qy3py /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mc79 +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/0b_6v_ /time/event/instance_of_recurring_event /m/02jp2w +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0h21v2 +/m/05g8ky /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/01p7yb +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01zhs3 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0g5ptf /film/film/genre /m/0bkbm +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/08s_lw /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/06lpmt /film/film/genre /m/0vgkd +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08hsww +/m/0k525 /film/actor/film./film/performance/film /m/0gvs1kt +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01l1sq /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/05qx1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05kfs /people/person/profession /m/01d_h8 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03s5lz +/m/063y9fp /film/film/genre /m/01hmnh +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/014zn0 /film/actor/film./film/performance/film /m/0bl5c +/m/0pdp8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021bk +/m/01x96 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0m32h /medicine/disease/risk_factors /m/01hbgs +/m/0z4s /film/actor/film./film/performance/film /m/062zjtt +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/06kl0k /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0dl5d /music/genre/artists /m/01vs4ff +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0p4v_ /film/film/language /m/02h40lc +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03bzyn4 /film/film/production_companies /m/03mdt +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/011zf2 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/08cyft /music/genre/artists /m/01vxlbm +/m/0bxl5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01679d +/m/0h1nt /film/actor/film./film/performance/film /m/07l4zhn +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071dcs +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04pf4r /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/04p0c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017wh +/m/07m77x /film/actor/film./film/performance/film /m/02825cv +/m/0g10g /film/actor/film./film/performance/film /m/02q52q +/m/02wk4d /people/person/nationality /m/03h64 +/m/01mwsnc /people/person/profession /m/039v1 +/m/06c1y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wd5tk +/m/05byxm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yxl /influence/influence_node/influenced_by /m/046_v +/m/02k_kn /music/genre/artists /m/01vsykc +/m/0f1sm /location/hud_county_place/county /m/0m2gk +/m/04sj3 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/03ydlnj /film/film/genre /m/07s9rl0 +/m/0ckr7s /film/film/genre /m/0jxy +/m/044gyq /award/award_winner/awards_won./award/award_honor/award_winner /m/01wn718 +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/08fn5b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03hj5lq +/m/0kjrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvb4m +/m/02pg45 /film/film/edited_by /m/06cv1 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/011zd3 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016sp_ +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f873 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/05nrg /location/location/contains /m/062qg +/m/05lls /music/genre/artists /m/015wc0 +/m/05k2xy /film/film/language /m/05zjd +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/0dfw0 /film/film/production_companies /m/0kx4m +/m/01vvb4m /film/actor/film./film/performance/film /m/02qhqz4 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/01hdht /people/person/place_of_birth /m/02cl1 +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/01fh36 /music/genre/artists /m/01mxt_ +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0mcf4 /music/record_label/artist /m/043c4j +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/03bxbql /location/country/capital /m/0ftjx +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0kv9d3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07swvb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0882r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0dnkmq /film/film/produced_by /m/02xnjd +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/015cz0 /education/educational_institution/students_graduates./education/education/student /m/0dqmt0 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/07f3xb /film/actor/film./film/performance/film /m/03twd6 +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/03_gd +/m/03wj4r8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01mqc_ +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/01ps2h8 /film/actor/film./film/performance/film /m/017gl1 +/m/0x67 /people/ethnicity/people /m/04n2vgk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/015y3j +/m/0gy6z9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dvmd +/m/04pmnt /film/film/genre /m/07s9rl0 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/0ymb6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/037lyl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/0htww /film/film/genre /m/02l7c8 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0jdx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04fh3 +/m/073v6 /influence/influence_node/peers./influence/peer_relationship/peers /m/013pp3 +/m/017r13 /film/actor/film./film/performance/film /m/03wjm2 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01x6jd /film/actor/film./film/performance/film /m/03tbg6 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07bcn +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0hkf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01s3v +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lyx4 +/m/01wbg84 /people/person/profession /m/0dxtg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02hzx8 +/m/05r5w /people/person/profession /m/02hrh1q +/m/0c41y70 /sports/sports_team/colors /m/019sc +/m/02j9z /location/location/contains /m/0d0kn +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/03q1vd /film/actor/film./film/performance/film /m/035_2h +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/02pb53 +/m/06mn7 /film/director/film /m/02qcr +/m/0gkkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ckrnn +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0fnyc /location/location/contains /m/05hf_5 +/m/09r8l /people/person/gender /m/05zppz +/m/0gmcwlb /film/film/genre /m/07s9rl0 +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n93 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l2fn +/m/0dg3n1 /location/location/contains /m/0fnyc +/m/02ktrs /people/person/gender /m/02zsn +/m/02hfk5 /award/award_winning_work/awards_won./award/award_honor/award /m/0468g4r +/m/02k6hp /people/cause_of_death/people /m/0jrny +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0blg2 /olympics/olympic_games/sports /m/01cgz +/m/058vp /people/person/gender /m/05zppz +/m/0bn9sc /people/person/profession /m/0gl2ny2 +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/05ldxl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02jx1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j5g9 +/m/026g73 /music/instrument/instrumentalists /m/01pr_j6 +/m/0flsf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/05bpg3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f2sx4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03262k +/m/016_mj /influence/influence_node/influenced_by /m/0p_47 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cj6y +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01pfkw /people/person/gender /m/05zppz +/m/025504 /organization/organization/headquarters./location/mailing_address/citytown /m/0k3p +/m/01hmk9 /film/actor/film./film/performance/film /m/042g97 +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/05mxw33 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/0372j5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/07hgm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0f3m1 /film/film/country /m/09c7w0 +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s2ys +/m/015njf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx4k +/m/0267wwv /film/film/music /m/0f8pz +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bwhdbl +/m/07bbw /music/genre/artists /m/0bsj9 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01fsv9 /organization/organization/headquarters./location/mailing_address/citytown /m/043yj +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g970 +/m/016clz /music/genre/artists /m/0326tc +/m/02l48d /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0b6l1st /film/film/genre /m/01jfsb +/m/0bq2g /film/actor/film./film/performance/film /m/013q07 +/m/03xk1_ /people/person/nationality /m/02jx1 +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/083q7 +/m/01vs8ng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020y73 /film/film/country /m/03rt9 +/m/02hnl /music/instrument/instrumentalists /m/0dw3l +/m/017gxw /people/person/profession /m/02hrh1q +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0l5mz +/m/0p8r1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/02j9z /location/location/contains /m/0d0vqn +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/02b19t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01zz8t /film/actor/film./film/performance/film /m/0yyn5 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fgg4 +/m/0277c3 /people/person/nationality /m/09c7w0 +/m/0mj0c /influence/influence_node/peers./influence/peer_relationship/peers /m/0l99s +/m/02jfc /education/field_of_study/students_majoring./education/education/student /m/03f1zhf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/02s4l6 /film/film/language /m/02h40lc +/m/0cmc26r /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/043tz0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02yv6b /music/genre/artists /m/0p76z +/m/098n5 /people/deceased_person/place_of_death /m/0k049 +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/087_wh /people/deceased_person/place_of_death /m/04vmp +/m/03h_fk5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/05nrg /location/location/contains /m/06y57 +/m/042zrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ddbjy4 /film/film/language /m/02h40lc +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02xhwm /tv/tv_program/genre /m/09lmb +/m/012gx2 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01q24l +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cwrr +/m/03j2gxx /people/person/nationality /m/02jx1 +/m/01c6k4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09tlh /base/aareas/schema/administrative_area/administrative_parent /m/0htx8 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07cz2 /film/film/film_format /m/07fb8_ +/m/035s95 /film/film/produced_by /m/03c9pqt +/m/05sxzwc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk95 +/m/04h41v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/059rby /location/location/contains /m/0fdpd +/m/0b_75k /time/event/locations /m/01_d4 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h3xztt +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/025s1wg /film/film/cinematography /m/06cv1 +/m/0162c8 /people/person/profession /m/02jknp +/m/0bvzp /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/02_lt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01lbp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/06by7 /music/genre/artists /m/0163m1 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018fwv +/m/016yr0 /people/person/spouse_s./people/marriage/spouse /m/02lf70 +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/01wqmm8 /people/person/places_lived./people/place_lived/location /m/0y2dl +/m/01v42g /film/actor/film./film/performance/film /m/07s846j +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/043n1r5 /film/film/production_companies /m/017jv5 +/m/0lkr7 /film/actor/film./film/performance/film /m/02ryz24 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lccn +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016xh5 +/m/08vlns /music/genre/artists /m/0127s7 +/m/0gffmn8 /film/film/prequel /m/053rxgm +/m/02wlk /people/person/profession /m/0mn6 +/m/01p47r /people/person/profession /m/02hrh1q +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02dpl9 +/m/09rsjpv /film/film/edited_by /m/04wp63 +/m/016ggh /film/actor/film./film/performance/film /m/0qmd5 +/m/07h1q /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n8gr +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/03pmzt /film/actor/film./film/performance/film /m/01pgp6 +/m/031hcx /film/film/prequel /m/031786 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j9z +/m/0mgkg /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j43swk +/m/02v406 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02rrfzf /film/film/language /m/06nm1 +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02jxrw /film/film/genre /m/017fp +/m/02qcr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04rrx /location/location/contains /m/02dtg +/m/02vr7 /film/actor/film./film/performance/film /m/0bz6sq +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0gg5qcw /film/film/country /m/09c7w0 +/m/030vnj /film/actor/film./film/performance/film /m/034qzw +/m/03_hd /influence/influence_node/influenced_by /m/026lj +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/02qwg /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0jgd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0343h /film/actor/film./film/performance/film /m/016dj8 +/m/04m_kpx /people/person/profession /m/01d_h8 +/m/0f13b /people/person/profession /m/01d_h8 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pnf3 +/m/02h761 /people/person/gender /m/02zsn +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/01rnly /film/film/language /m/02bjrlw +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/0py8j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0y_pg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bqxb +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06mp7 +/m/0191n /film/film/country /m/09c7w0 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/03hltjb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vjzr /music/genre/artists /m/01fkxr +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k3p +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0pyww +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dnqr +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0603qp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dlfh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01fyzy +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/0l3h /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/0lgxj /olympics/olympic_games/participating_countries /m/05b4w +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/04lc0h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0164qt /film/film/music /m/02g1jh +/m/0320jz /people/person/nationality /m/09c7w0 +/m/064jjy /film/actor/film./film/performance/film /m/03f7nt +/m/0mhfr /music/genre/artists /m/01vw87c +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/09v9mks /film/film/genre /m/07s9rl0 +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/017l96 /music/record_label/artist /m/02cpp +/m/0170yd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lkr7 +/m/01gkmx /people/person/profession /m/0dxtg +/m/0bkq_8 /people/person/languages /m/02h40lc +/m/063_j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/051vz +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/02773nt /people/person/profession /m/0dxtg +/m/01vvyfh /influence/influence_node/influenced_by /m/03j24kf +/m/08f3b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/04s430 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0jcx /influence/influence_node/influenced_by /m/026lj +/m/04q01mn /film/film/genre /m/0219x_ +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddbjy4 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/01dwrc /music/artist/origin /m/030qb3t +/m/02r34n /people/person/religion /m/092bf5 +/m/01vlj1g /film/actor/film./film/performance/film /m/0m491 +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bm_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/0ct9_ /influence/influence_node/influenced_by /m/048cl +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01q940 /music/record_label/artist /m/03f7jfh +/m/03bw6 /people/person/nationality /m/09c7w0 +/m/04bdzg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0391jz +/m/0kb1g /film/film/produced_by /m/05hjmd +/m/079hvk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/01vvyd8 /people/person/gender /m/05zppz +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0206k5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/018vs +/m/0n85g /music/record_label/artist /m/03qmj9 +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/041rx /people/ethnicity/people /m/0bl60p +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0tt6k /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cv13 +/m/06pqy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0h0wc /film/actor/film./film/performance/film /m/011xg5 +/m/067pl7 /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0njdm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/025j1t /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/0c0nhgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02k_kn /music/genre/artists /m/0dtd6 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/07l2m /sports/sports_team/sport /m/0jm_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/019c57 +/m/04cbtrw /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/09f07 /base/biblioness/bibs_location/country /m/03rk0 +/m/04m2zj /people/person/places_lived./people/place_lived/location /m/03kfl +/m/05w3f /music/genre/artists /m/01kcms4 +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/0274ck /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d478 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07k2p6 /people/person/profession /m/02hrh1q +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05m883 /people/person/place_of_birth /m/0d9jr +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/026t6 /music/instrument/instrumentalists /m/0ph2w +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0b2lw /base/biblioness/bibs_location/country /m/09c7w0 +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lwkh +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02vr7 /people/person/profession /m/0dz3r +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05rfst /film/film/genre /m/09blyk +/m/037njl /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xvlr /media_common/netflix_genre/titles /m/01wb95 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0gywn /music/genre/artists /m/01q32bd +/m/04rcl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04hwbq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07q9q2 +/m/046b0s /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/01rrd4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05d8_h +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0b6p3qf /sports/sports_team/sport /m/03tmr +/m/04lqvly /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/064nh4k /people/person/nationality /m/09c7w0 +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02rxbmt /people/person/profession /m/0dxtg +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03rrdb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03k50 /media_common/netflix_genre/titles /m/02tcgh +/m/03k7bd /film/actor/film./film/performance/film /m/0b4lkx +/m/01f8ld /people/person/nationality /m/09c7w0 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08zrbl +/m/01pt5w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0884fm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kkg5 +/m/02s5v5 /people/person/place_of_birth /m/0h7h6 +/m/03nfnx /film/film/production_companies /m/01gb54 +/m/02zcz3 /education/educational_institution_campus/educational_institution /m/02zcz3 +/m/04ly1 /location/location/contains /m/019tfm +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0m491 /film/film/featured_film_locations /m/0k_p5 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/014x77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gdm7q +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294mx +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02dgq2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kj5h +/m/03cws8h /people/person/profession /m/02hrh1q +/m/05ypj5 /film/film/film_festivals /m/05ys0ws +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/089j8p +/m/02yygk /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/06x43v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0l6vl /olympics/olympic_games/sports /m/018w8 +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/02jkkv /film/film/genre /m/07s9rl0 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/026l1lq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q9sg /film/film/genre /m/02kdv5l +/m/05jt_ /music/genre/parent_genre /m/03lty +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/06mvyf /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h95zbp /film/film/production_companies /m/05nn2c +/m/0gg8l /music/genre/artists /m/0m_31 +/m/04hcw /people/person/gender /m/05zppz +/m/0338lq /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0270k40 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01f1r4 +/m/05148p4 /music/instrument/instrumentalists /m/017l4 +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/08hp53 /people/person/profession /m/01d_h8 +/m/073749 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01vrkm /education/field_of_study/students_majoring./education/education/student /m/031296 +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030x48 +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/017j69 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x58 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d7vtk +/m/02j9z /location/location/contains /m/04gzd +/m/081pw /film/film_subject/films /m/020y73 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04764j +/m/02_j7t /people/person/gender /m/05zppz +/m/0dvld /people/person/gender /m/02zsn +/m/02n4kr /media_common/netflix_genre/titles /m/01jr4j +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/02fgp0 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04mpbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ckt6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0kvb6p /film/film/film_format /m/01dc60 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/06x58 +/m/01v42g /people/person/gender /m/05zppz +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0blq0z +/m/0bt4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l56b /people/person/nationality /m/0d060g +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bdjd +/m/0mr_8 /location/location/contains /m/010016 +/m/03qmg1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02pprs +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01zh29 /film/actor/film./film/performance/film /m/01p3ty +/m/033tf_ /people/ethnicity/people /m/01m4yn +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01wttr1 /people/person/nationality /m/03rk0 +/m/015t56 /film/actor/film./film/performance/film /m/017gm7 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z542 +/m/01z_g6 /people/person/gender /m/02zsn +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/01j7z7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lymt +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/01pctb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01jbx1 +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/098sx /influence/influence_node/influenced_by /m/03f70xs +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/025g__ /music/genre/artists /m/06k02 +/m/01z4y /media_common/netflix_genre/titles /m/026wlxw +/m/01lyv /music/genre/artists /m/02f1c +/m/0265vt /award/award_category/disciplines_or_subjects /m/04g51 +/m/059m45 /people/person/places_lived./people/place_lived/location /m/0mzww +/m/0r2l7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/024mxd /film/film/genre /m/02kdv5l +/m/05szp /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/0b90_r /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswx5 +/m/0k5fg /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0n3ll +/m/033g54 /sports/sports_team/sport /m/02vx4 +/m/02p3my /base/biblioness/bibs_location/country /m/03rk0 +/m/04rrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/090s_0 +/m/048z7l /people/ethnicity/people /m/04bs3j +/m/02ldkf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/043n1r5 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0lx2l /film/actor/film./film/performance/film /m/02vyyl8 +/m/015rhv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/01cbwl /music/genre/artists /m/06lxn +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0p8jf /influence/influence_node/influenced_by /m/06dl_ +/m/03x1s8 /organization/organization/headquarters./location/mailing_address/citytown /m/0fttg +/m/083p7 /people/person/religion /m/051kv +/m/01h6pn /base/culturalevent/event/entity_involved /m/02psqkz +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/02mscn /music/genre/artists /m/02jq1 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0lmm3 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01yhm +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/01nf9x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06h7l7 /people/person/place_of_birth /m/02_286 +/m/09yxcz /film/film/production_companies /m/02x2097 +/m/0g78xc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/01sxdy /film/film/genre /m/03npn +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/03c5f7l +/m/04cv9m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04grkmd +/m/05bnq3j /people/person/profession /m/0dxtg +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/059x66 /time/event/instance_of_recurring_event /m/0g_w +/m/01crd5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0428bc /people/person/religion /m/0c8wxp +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/07s93v /people/person/place_of_birth /m/0mzy7 +/m/07p12s /film/film/genre /m/02kdv5l +/m/04hwbq /film/film/prequel /m/0dyb1 +/m/01y9jr /film/film/genre /m/04t2t +/m/0bbf1f /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02d9k +/m/012j8z /people/person/place_of_birth /m/074r0 +/m/0fpj9pm /people/person/spouse_s./people/marriage/spouse /m/03rl84 +/m/03vpf_ /people/person/profession /m/02hrh1q +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hx4y +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/01nxzv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/021r7r /people/person/profession /m/0dz3r +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026_dcw +/m/045cq /people/person/profession /m/02krf9 +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/04bdqk /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/05s_k6 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04112r +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03zb6t /sports/sports_team/sport /m/02vx4 +/m/0tc7 /film/actor/film./film/performance/film /m/0gffmn8 +/m/0djlxb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0n5dt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59t +/m/01pfkw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05szp +/m/023g6w /film/film/language /m/02h40lc +/m/016tb7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012gq6 +/m/0170pk /people/person/place_of_birth /m/02ckm7 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04kj2v +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02_pft /people/person/place_of_birth /m/02_286 +/m/01q_wyj /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01ccr8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p_47 +/m/048z7l /people/ethnicity/people /m/01twdk +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/0drdv /people/person/profession /m/02jknp +/m/01jfnvd /people/person/gender /m/05zppz +/m/09ctj /location/location/contains /m/01z3d2 +/m/029_3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0ph24 +/m/0lpjn /film/actor/film./film/performance/film /m/0prh7 +/m/0gywn /music/genre/artists /m/01wd9lv +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/014knw +/m/07y8l9 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/04306rv /language/human_language/countries_spoken_in /m/07ytt +/m/01ymvk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0glbqt /film/film/country /m/03rjj +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07h1h5 /people/person/places_lived./people/place_lived/location /m/01lfy +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sb1w +/m/03wbzp /people/person/gender /m/05zppz +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/059s8 +/m/06wm0z /people/person/gender /m/05zppz +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/01d8yn +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02y6fz +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_wtr +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02hwww /education/educational_institution/school_type /m/05jxkf +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bdt8 +/m/027cxsm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/02q3fdr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/088n7 +/m/02bj22 /film/film/genre /m/05p553 +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08141d /people/person/gender /m/02zsn +/m/02lymt /people/person/profession /m/02hrh1q +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/02f93t +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/0gt_k /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0bqsy +/m/01hdht /people/person/profession /m/01d_h8 +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040rmy +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0prfz /film/actor/film./film/performance/film /m/03shpq +/m/05mrf_p /film/film/genre /m/0lsxr +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05tfm +/m/01f2xy /education/educational_institution/students_graduates./education/education/student /m/0l6qt +/m/0b73_1d /film/film/genre /m/0lsxr +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/01797x /people/person/nationality /m/02jx1 +/m/059f4 /location/location/contains /m/0n5yh +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04ld32 /education/educational_institution_campus/educational_institution /m/04ld32 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award /m/0j298t8 +/m/02rh_0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0345_ /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03ckfl9 /music/genre/artists /m/03bnv +/m/013cr /film/actor/film./film/performance/film /m/0g4vmj8 +/m/03_9x6 /sports/sports_team/sport /m/02vx4 +/m/0m0jc /music/genre/artists /m/07sbk +/m/0342h /music/instrument/instrumentalists /m/01hw6wq +/m/0144l1 /people/person/profession /m/09jwl +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/04mhl /people/person/nationality /m/09c7w0 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/03h0k1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07qht4 /media_common/netflix_genre/titles /m/01qn7n +/m/07nv3_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/02_fj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w40h /music/record_label/artist /m/01w524f +/m/03x746 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02_t6d +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0166b +/m/01f8hf /film/film/film_production_design_by /m/04_1nk +/m/01k0xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pv3x +/m/02pjzvh /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/04qw17 /film/film/country /m/07ssc +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0315rp /film/film/music /m/0146pg +/m/01tsbmv /film/actor/film./film/performance/film /m/0jwmp +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/01y998 /base/culturalevent/event/entity_involved /m/06v9sf +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/02q6gfp /film/film/language /m/02h40lc +/m/05d8_h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01pw9v /influence/influence_node/influenced_by /m/082db +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/078sj4 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/0bbf1f /people/person/nationality /m/09c7w0 +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05rgl /location/location/partially_contains /m/0f8l9c +/m/01v1ln /film/film/featured_film_locations /m/0345h +/m/050f0s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/01k98nm /people/person/profession /m/0nbcg +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/02d4ct +/m/01wxyx1 /film/actor/film./film/performance/film /m/0crd8q6 +/m/0946bb /film/film/produced_by /m/03ktjq +/m/07mkj0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5qvw +/m/07t21 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/0gtv7pk /film/film/country /m/0345h +/m/023zl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/022_q8 /people/person/nationality /m/02jx1 +/m/026p_bs /film/film/genre /m/01jfsb +/m/07s9rl0 /media_common/netflix_genre/titles /m/0qmjd +/m/04bgy /music/artist/track_contributions./music/track_contribution/role /m/01qbl +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/05zhg /base/biblioness/bibs_location/country /m/02jx1 +/m/062hgx /film/actor/film./film/performance/film /m/0crfwmx +/m/0234j5 /film/film/genre /m/02kdv5l +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gj2 +/m/054c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0pyg6 +/m/02ps55 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/055sjw /people/person/profession /m/0dxtg +/m/021yw7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03nymk +/m/0qlnr /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/033tf_ /people/ethnicity/people /m/01pp3p +/m/05tbn /location/location/contains /m/06rkfs +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/01n7qlf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/03v1w7 +/m/01nglk /people/person/nationality /m/09c7w0 +/m/0fq7dv_ /film/film/genre /m/09blyk +/m/0gbwp /people/person/languages /m/02h40lc +/m/0h1m9 /people/person/place_of_birth /m/0t_3w +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0pmcz /education/educational_institution/students_graduates./education/education/student /m/082mw +/m/018nnz /film/film/genre /m/0hcr +/m/06sks6 /olympics/olympic_games/sports /m/07jjt +/m/0jhd /location/statistical_region/religions./location/religion_percentage/religion /m/0b06q +/m/01x2tm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01z4y /media_common/netflix_genre/titles /m/02rmd_2 +/m/025b5y /people/person/places_lived./people/place_lived/location /m/07z1m +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ft14 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_sc3 +/m/01xvlc /education/educational_institution/campuses /m/01xvlc +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/08p1gp +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059j2 +/m/0gyx4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02v3yy +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/0ymf1 /education/educational_institution/students_graduates./education/education/student /m/0157m +/m/05k7sb /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/05s9tm /people/profession/specialization_of /m/04_tv +/m/0pk41 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gv2r /film/director/film /m/0cbl95 +/m/06pjs /award/award_winner/awards_won./award/award_honor/award_winner /m/04ns3gy +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0645k5 /film/film/genre /m/01jfsb +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03f4xvm +/m/0bxtg /film/actor/film./film/performance/film /m/0c00zd0 +/m/04zwc /education/educational_institution/campuses /m/04zwc +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/01wbgdv /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyvk +/m/0d__g /people/person/gender /m/05zppz +/m/07vhb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0mgcc +/m/016gkf /people/person/profession /m/02hrh1q +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0fpmrm3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01mkq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/07ldhs /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/03gfvsz /broadcast/content/artist /m/01vrz41 +/m/041mt /influence/influence_node/influenced_by /m/02kz_ +/m/0cqt41 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/01l9v7n /people/person/place_of_birth /m/0c1d0 +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mdyn +/m/02vjp3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01x4wq +/m/018vs /music/instrument/instrumentalists /m/0140t7 +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/01jmyj /film/film/production_companies /m/017s11 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01v1ln +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0gdhhy /people/person/nationality /m/09c7w0 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/0cq7tx /film/film/language /m/02h40lc +/m/057d89 /people/deceased_person/place_of_burial /m/018mm4 +/m/07m9cm /people/person/nationality /m/0345h +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0gf14 +/m/07b3r9 /people/person/gender /m/05zppz +/m/018wrk /olympics/olympic_games/sports /m/06f41 +/m/01kb2j /film/actor/film./film/performance/film /m/0c9t0y +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/01fyzy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wgxtl +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1l_ +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/013nky +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05qbckf +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01_r9k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/065ydwb /people/person/gender /m/02zsn +/m/057bxr /organization/organization/headquarters./location/mailing_address/citytown /m/0947l +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/07vf5c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/054k_8 /film/actor/film./film/performance/film /m/02fj8n +/m/02zc7f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0739z6 /people/person/places_lived./people/place_lived/location /m/0d35y +/m/02ryx0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dryh9k /people/ethnicity/people /m/05nw9m +/m/0g1w5 /base/biblioness/bibs_location/country /m/0ctw_b +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1l_ +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/02t_8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h72l +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01wphh2 /people/person/profession /m/0np9r +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03b12 +/m/0gv40 /film/director/film /m/02vnmc9 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/07nxvj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h96g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016l09 +/m/01x7jb /music/record_label/artist /m/01wj92r +/m/0mm1q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cy__l /film/film/genre /m/02n4kr +/m/044zvm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kk_c +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/041mt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/027tbrc +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/0k9p4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0j1yf /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/024dgj +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05xpms /people/person/gender /m/02zsn +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yx1m +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02zr0z /education/educational_institution/school_type /m/05pcjw +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/02jx1 /location/location/contains /m/0grd7 +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0k3k1 /location/location/time_zones /m/02hcv8 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03_b1g /tv/tv_program/genre /m/02n4kr +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/08vk_r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03_3d /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/02fgm7 /film/actor/film./film/performance/film /m/017gm7 +/m/016zgj /music/genre/artists /m/03rl84 +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/04h07s /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/0glbqt /film/film/produced_by /m/03y3dk +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pk1p +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0ywqc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h1mt +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/05qhnq /people/person/gender /m/05zppz +/m/01vw87c /people/person/profession /m/02hrh1q +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/02lbc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03k48_ /people/person/religion /m/04pk9 +/m/0161c2 /people/person/profession /m/039v1 +/m/02w29z /people/person/profession /m/02hrh1q +/m/0425c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0xnvg /people/ethnicity/people /m/03mg35 +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/07w8fz /film/film/genre /m/017fp +/m/03hdz8 /education/educational_institution/colors /m/01l849 +/m/0k4f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c921 +/m/0g9z_32 /film/film/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/01cf5 +/m/0f7hc /film/actor/film./film/performance/film /m/0f7hw +/m/03w9bjf /people/ethnicity/people /m/01vn0t_ +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0ck91 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0r0m6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05szp /people/person/profession /m/064xm0 +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03ywyk +/m/04cf_l /film/film/music /m/0232lm +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0gd9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9lw +/m/05cc1 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03zj9 /education/educational_institution/campuses /m/03zj9 +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20_ +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/08xwck /people/person/profession /m/0dxtg +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01k165 /people/person/profession /m/0fj9f +/m/02rky4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/03d_w3h /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0ggbhy7 /film/film/production_companies /m/02slt7 +/m/0603qp /people/person/profession /m/0cbd2 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gg4h /people/cause_of_death/people /m/03dbww +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0g5ptf /film/film/genre /m/02kdv5l +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cm2m +/m/04ykg /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/06btq /location/location/contains /m/0_jsl +/m/02jg92 /people/person/place_of_birth /m/05jbn +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/02ptczs /film/film/edited_by /m/03nqbvz +/m/0k3gw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kv +/m/0f102 /organization/organization/headquarters./location/mailing_address/citytown /m/0f0z_ +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0c00zd0 /film/film/language /m/02h40lc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0mbql +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/043z0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01w56k /music/record_label/artist /m/089tm +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02cpb7 +/m/01vzz1c /music/group_member/membership./music/group_membership/role /m/0342h +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/02l101 +/m/0d2by /people/ethnicity/people /m/03xds +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/0412f5y +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035yg +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/01fwf1 /film/actor/film./film/performance/film /m/0cq806 +/m/0286gm1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024qqx /media_common/netflix_genre/titles /m/0bdjd +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/0892sx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/078jnn +/m/03_lf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04_x4s /base/aareas/schema/administrative_area/administrative_parent /m/0nr2v +/m/09gb_4p /film/film/featured_film_locations /m/07srw +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/02xwgr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0c5dd /film/film/language /m/02h40lc +/m/0bymv /people/person/spouse_s./people/marriage/location_of_ceremony /m/0dclg +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/059kh /music/genre/artists /m/01kd57 +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01gbn6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03cn92 +/m/0m_q0 /film/film/language /m/03_9r +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02pptm +/m/08pth9 /people/person/languages /m/02h40lc +/m/06tpmy /film/film/genre /m/02kdv5l +/m/022840 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/020d5 +/m/07ssc /media_common/netflix_genre/titles /m/02qr46y +/m/09ctj /location/location/contains /m/01b_d4 +/m/09gb_4p /film/film/language /m/02h40lc +/m/050xxm /film/film/genre /m/05p553 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/09c7w0 /location/location/contains /m/01m1_t +/m/02q7fl9 /film/film/music /m/01d4cb +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0hqzm6r +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03kts /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/01vs5c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/01w23w /film/actor/film./film/performance/film /m/04tc1g +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043tz0c +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01pf6 /medicine/disease/risk_factors /m/02k6hp +/m/05w3f /music/genre/artists /m/03qkcn9 +/m/0ch26b_ /film/film/written_by /m/05183k +/m/02prw4h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jbp0 /film/actor/film./film/performance/film /m/091xrc +/m/02kxwk /film/actor/film./film/performance/film /m/034qmv +/m/0htcn /film/director/film /m/0b2qtl +/m/014nzp /sports/sports_team/colors /m/06fvc +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mp54 +/m/0144l1 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/06924p /music/genre/artists /m/01t110 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/0c7ct /people/person/profession /m/02hrh1q +/m/0frsw /dataworld/gardening_hint/split_to /m/05ws7 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chgr2 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/02fybl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgv4 +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07ypt /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/015jr +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01_qgp +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/013zyw /people/person/profession /m/03gjzk +/m/0pv54 /film/film/cinematography /m/07mb57 +/m/06qgjh /people/person/nationality /m/09c7w0 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01c1nm +/m/02_jkc /people/person/gender /m/05zppz +/m/01f8hf /film/film/language /m/02h40lc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0147dk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/0m2l9 +/m/01xsc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/07rzf /people/person/languages /m/02h40lc +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/09xrxq +/m/01kcms4 /music/artist/origin /m/0fw2y +/m/0k5fg /film/film/genre /m/02kdv5l +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/0h5qxv /location/administrative_division/first_level_division_of /m/0d060g +/m/0cc97st /film/film/country /m/09c7w0 +/m/03b_fm5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01hmk9 /people/person/gender /m/05zppz +/m/07szy /education/educational_institution/school_type /m/07tf8 +/m/01cv3n /music/group_member/membership./music/group_membership/role /m/03qjg +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/03rz2b /film/film/country /m/03rjj +/m/06182p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014z8v /influence/influence_node/influenced_by /m/01wp_jm +/m/02v406 /people/person/profession /m/02hrh1q +/m/01nsyf /people/person/profession /m/0np9r +/m/02gn8s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020fgy +/m/022_6 /location/location/contains /m/025569 +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/01w40h /music/record_label/artist /m/016vqk +/m/0mj0c /influence/influence_node/peers./influence/peer_relationship/peers /m/01ty4 +/m/0jgx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/011kn2 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/09c7w0 /location/country/second_level_divisions /m/03fb3t +/m/05rfst /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/05h5nb8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m491 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0jz9f +/m/04hvw /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k525 /film/actor/film./film/performance/film /m/07b1gq +/m/03rj0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0677j /education/educational_institution/students_graduates./education/education/student /m/0kn4c +/m/0dzt9 /location/hud_county_place/county /m/0dzt9 +/m/022s1m /people/person/profession /m/0np9r +/m/06924p /music/genre/artists /m/0249kn +/m/039xcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/0436kgz +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018009 +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/0fy66 /film/film/genre /m/03mqtr +/m/0pmhf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0161sp +/m/0gsg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01p5yn +/m/02lfwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02c638 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01ycbq /film/actor/film./film/performance/film /m/011yth +/m/09qvc0 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/09c7w0 /location/country/second_level_divisions /m/0nm6k +/m/02vyw /people/person/gender /m/05zppz +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0b2ds /location/location/time_zones /m/02lcqs +/m/07ssc /media_common/netflix_genre/titles /m/0bz6sq +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/020jqv /people/person/profession /m/0cbd2 +/m/01qb559 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0x335 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01xbp7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/035gnh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m32h /people/cause_of_death/people /m/01m42d0 +/m/02qzjj /film/director/film /m/0pc62 +/m/026c1 /film/actor/film./film/performance/film /m/0ch3qr1 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/0cx6f /music/genre/artists /m/09hnb +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/01fscv /location/hud_county_place/place /m/01fscv +/m/0qcrj /location/hud_county_place/county /m/0l2vz +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/02hhtj /people/person/profession /m/0np9r +/m/02zkz7 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/01vvydl /people/person/employment_history./business/employment_tenure/company /m/01n2m6 +/m/03v_5 /location/hud_county_place/county /m/0fplg +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/0277jc /education/educational_institution_campus/educational_institution /m/0277jc +/m/031hcx /film/film/country /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0140t7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c04n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028d4v +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0bk5r /people/person/nationality /m/06mzp +/m/01m1y /music/genre/artists /m/01l4g5 +/m/01l9vr /base/biblioness/bibs_location/state /m/05k7sb +/m/01bjbk /film/film/genre /m/02l7c8 +/m/048scx /film/film/genre /m/04xvlr +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0g0x9c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/013b6_ /people/ethnicity/people /m/0k4gf +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03spz +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xyl /people/person/profession /m/0kyk +/m/01kb2j /film/actor/film./film/performance/film /m/09tqkv2 +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02ktrs +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01qklj /film/actor/film./film/performance/film /m/03h3x5 +/m/05cgy8 /people/person/nationality /m/02jx1 +/m/01wqmm8 /people/person/profession /m/0nbcg +/m/042xh /people/person/languages /m/02h40lc +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sj1x +/m/03k8th /film/film/language /m/02bjrlw +/m/028n3 /base/aareas/schema/administrative_area/capital /m/02m__ +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/0p4gy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/048tgl /music/group_member/membership./music/group_membership/group /m/0jg77 +/m/03qnvdl /film/film/prequel /m/061681 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bs09lb +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0fd3y /music/genre/artists /m/02ndj5 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07n3s /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01psyx /people/cause_of_death/people /m/03v1xb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05nwfr +/m/0cjdk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0fbftr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/095kp /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0303jw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/01mjq +/m/05qjc /education/field_of_study/students_majoring./education/education/student /m/047c9l +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rly6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddt_ +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0qcr0 /people/cause_of_death/people /m/08nz99 +/m/02x0bdb /award/award_winner/awards_won./award/award_honor/award_winner /m/01t9qj_ +/m/0225bv /education/educational_institution/school_type /m/05jxkf +/m/063t3j /people/person/profession /m/02hrh1q +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/01x1fq +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/01r7t9 /film/actor/film./film/performance/film /m/0pk1p +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02j416 /education/educational_institution/students_graduates./education/education/student /m/046zh +/m/060v34 /film/film/genre /m/01585b +/m/01b195 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0169dl +/m/09v42sf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07y_7 /music/instrument/instrumentalists /m/082db +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01ztgm /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vs_v8 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03b6j8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0jmj7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/061fhg /music/genre/artists /m/016szr +/m/0qf2t /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/01_x6v /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/0f5xn /film/actor/film./film/performance/film /m/0hx4y +/m/06pk8 /film/director/film /m/01chpn +/m/01m3x5p /influence/influence_node/influenced_by /m/01lcxbb +/m/059_w /people/ethnicity/languages_spoken /m/02h40lc +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0fpj4lx /people/person/profession /m/0nbcg +/m/0167v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/02pxmgz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymcz +/m/0347db /film/actor/film./film/performance/film /m/01cycq +/m/07srw /location/location/contains /m/0jc6p +/m/0r4wn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0lgxj /olympics/olympic_games/sports /m/096f8 +/m/05h43ls /film/film/produced_by /m/02lf0c +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/015qt5 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/068l3t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0234j5 +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0f04v /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0gjc4d3 /film/film/featured_film_locations /m/080h2 +/m/0ccck7 /film/film/film_art_direction_by /m/0dh73w +/m/0127s7 /film/actor/film./film/performance/film /m/01xbxn +/m/03n785 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03k9fj /media_common/netflix_genre/titles /m/05p3738 +/m/0dmy0 /location/location/contains /m/0bdg5 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crfwmx +/m/06g77c /film/film/genre /m/0424mc +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01c58j /people/deceased_person/place_of_death /m/02dtg +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/015v3r /film/actor/film./film/performance/film /m/0gbfn9 +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/05tbn /location/location/contains /m/0qlnr +/m/02t_8z /people/person/profession /m/0np9r +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/014cw2 /people/person/profession /m/0nbcg +/m/01q0kg /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw917 /film/actor/film./film/performance/film /m/04ghz4m +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/06rgq +/m/019mdt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03y82t6 /people/person/gender /m/02zsn +/m/03q27t /award/award_category/category_of /m/0c4ys +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/048qrd /film/film/genre /m/05p553 +/m/0165v /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01cf5 /education/educational_institution/students_graduates./education/education/student /m/015c2f +/m/0g824 /music/artist/origin /m/0cc56 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/017m2y /people/person/gender /m/02zsn +/m/0184tc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ljpm /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/034x61 +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/0d3k14 /people/person/nationality /m/09c7w0 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02g0rb /film/actor/film./film/performance/film /m/0yyn5 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01yg9y +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm74 +/m/04lqvly /film/film/language /m/02h40lc +/m/01_k71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jll +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034hzj +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03gr14 +/m/0dl567 /people/person/place_of_birth /m/0zlgm +/m/014zcr /film/actor/film./film/performance/film /m/078sj4 +/m/0dky9n /people/deceased_person/place_of_death /m/030qb3t +/m/04cxw5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/07p12s /film/film/country /m/0345h +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01wg982 /people/person/profession /m/09jwl +/m/03f1zdw /people/person/nationality /m/02jx1 +/m/0c57yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/015jr /base/aareas/schema/administrative_area/capital /m/07ypt +/m/04cy8rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048scx +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/05g2b /location/location/time_zones /m/02llzg +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0m241 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jch5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05r7t +/m/03cs_xw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cs_z7 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02pjc1h /film/film/country /m/03rt9 +/m/0ymf1 /education/educational_institution/students_graduates./education/education/student /m/02lq10 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/02m30v /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/02xc1w4 /people/person/profession /m/02krf9 +/m/03yrkt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wqmm8 +/m/03q8xj /film/film/country /m/01p1v +/m/02fwfb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fkv0 +/m/016ckq /music/record_label/artist /m/032nl2 +/m/01c58j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/011hq1 +/m/02fybl /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02114t +/m/02fybl /film/actor/film./film/performance/film /m/0cqr0q +/m/0bbf1f /people/person/places_lived./people/place_lived/location /m/07l5z +/m/01gz9n /people/person/gender /m/05zppz +/m/0gl6x /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05148p4 /music/instrument/instrumentalists /m/0889x +/m/0b60sq /film/film/production_companies /m/09b3v +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/0bqxw /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06qgjh /film/actor/film./film/performance/film /m/017n9 +/m/0bq2g /people/person/places_lived./people/place_lived/location /m/06_kh +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_3d +/m/0c12h /people/person/nationality /m/09c7w0 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/0m241 /location/location/time_zones /m/02hczc +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/0dh1n_ /people/person/profession /m/02krf9 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/016tvq +/m/088vb /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0517bc /people/person/nationality /m/09c7w0 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02kfzz +/m/07vk9f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02zv4b /tv/tv_program/languages /m/02h40lc +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07024 +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/03zg2x +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/0z4s /film/actor/film./film/performance/film /m/049mql +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03wj4r8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059_gf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds6bmk +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03phgz +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b17f +/m/0kvbl6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dl5d /music/genre/artists /m/095x_ +/m/03rj0 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05x8n /people/person/nationality /m/09c7w0 +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/0p_rk /film/film/genre /m/05p553 +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01mv_n +/m/0342h /music/instrument/instrumentalists /m/0p7h7 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0b_j2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015z4j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0fqjhm +/m/01n4w /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hwbd /people/person/gender /m/02zsn +/m/0127s7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wyz92 +/m/012v9y /film/actor/film./film/performance/film /m/04j13sx +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/09tc_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0p8r1 +/m/0glt670 /music/genre/artists /m/03bxwtd +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01g6l8 +/m/02wk_43 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05zr0xl +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/016_mj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/04zx08r /award/award_category/winners./award/award_honor/award_winner /m/01r_t_ +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0jqzt /film/film/language /m/04h9h +/m/049qx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g8h /film/actor/film./film/performance/film /m/0fqt1ns +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03hvk2 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0291ck /film/film/genre /m/09q17 +/m/0dq9p /people/cause_of_death/people /m/0fb7c +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/0gfsq9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l7qw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl0d /music/record_label/artist /m/01w9wwg +/m/01j5x6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wgh /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0dl5d /music/genre/artists /m/02vgh +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0978r /location/location/contains /m/013nky +/m/09v82c0 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027rwmr +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0n85g /music/record_label/artist /m/06449 +/m/04kj2v /people/person/profession /m/02pjxr +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/04wqr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037q2p /education/educational_institution_campus/educational_institution /m/037q2p +/m/05r5c /music/instrument/instrumentalists /m/0p3sf +/m/01vw20h /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0738y5 /people/person/languages /m/0999q +/m/0140xf /music/genre/artists /m/01vsy9_ +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0m76b +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/018417 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bdt8 +/m/04gj8r /sports/sports_team/sport /m/02vx4 +/m/012ky3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9vs +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/026sb55 /people/person/place_of_birth /m/04jpl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/012s1d /film/film/country /m/09c7w0 +/m/056_y /location/location/contains /m/06l22 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01m5m5b +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0r785 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0c1pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06chf +/m/02z44tp /film/film/country /m/09c7w0 +/m/05m63c /people/person/profession /m/02hrh1q +/m/078jt5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03zqc1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/0ctb4g /film/film/genre /m/082gq +/m/07z6xs /film/film/genre /m/02xh1 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04fzk +/m/066yfh /people/person/profession /m/02krf9 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/01hmnh /media_common/netflix_genre/titles /m/07bzz7 +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/02pqcfz +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04hxyv +/m/0vp5f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0qcrj /base/biblioness/bibs_location/country /m/09c7w0 +/m/09xvf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01vdm0 /music/instrument/instrumentalists /m/01vw_dv +/m/04b_jc /film/film/language /m/02h40lc +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/012zng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01qgry +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/052gtg /location/administrative_division/country /m/03rjj +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hwq +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/02dwj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdjd /film/film/genre /m/02l7c8 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dtw1x +/m/05v1sb /people/person/gender /m/05zppz +/m/0c38gj /film/film/genre /m/01jfsb +/m/04k9y6 /film/film/costume_design_by /m/03mfqm +/m/013423 /people/person/nationality /m/09c7w0 +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/09d5d5 /people/person/gender /m/05zppz +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/06chf /film/director/film /m/02xs6_ +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/05lfwd /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07cw4 /film/film/genre /m/01jfsb +/m/03cdg /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0kbws /olympics/olympic_games/participating_countries /m/015fr +/m/01z4y /media_common/netflix_genre/titles /m/025rxjq +/m/033db3 /people/person/place_of_birth /m/0284jb +/m/03z509 /film/actor/film./film/performance/film /m/016z43 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05l3g_ /people/ethnicity/people /m/0261x8t +/m/011yqc /film/film/country /m/09c7w0 +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0181dw /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0c00lh /people/person/profession /m/02hrh1q +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/017_qw /music/genre/artists /m/06449 +/m/03mfqm /people/person/gender /m/02zsn +/m/03s5lz /film/film/music /m/01tc9r +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/0gk4g /people/cause_of_death/people /m/0f7fy +/m/0bxtyq /award/award_winner/awards_won./award/award_honor/award_winner /m/09b0xs +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcndz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/035xwd /film/film/genre /m/04xvlr +/m/0l14md /music/instrument/instrumentalists /m/01dw_f +/m/0h0jz /people/person/profession /m/02hrh1q +/m/025x1t /tv/tv_program/genre /m/025s89p +/m/053y0s /people/person/nationality /m/09c7w0 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0hgqq /people/person/profession /m/09jwl +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qg7c +/m/02fj8n /film/film/executive_produced_by /m/03c9pqt +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/09txzv +/m/0g5pv3 /film/film/country /m/07ssc +/m/0fr0t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/01lyv /music/genre/artists /m/0p7h7 +/m/01kph_c /people/person/profession /m/016z4k +/m/0fpj9pm /people/person/nationality /m/09c7w0 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03mcwq3 +/m/02cm2m /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0407yfx +/m/050zr4 /film/actor/film./film/performance/film /m/01b195 +/m/0fx0mw /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01f8gz /film/film/language /m/03k50 +/m/05hyn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/01nd6v /film/actor/film./film/performance/film /m/0c3zjn7 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0j8cb +/m/01z4y /media_common/netflix_genre/titles /m/09v71cj +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05r5c /music/instrument/instrumentalists /m/09hnb +/m/02kxjx /base/culturalevent/event/entity_involved /m/02lmk +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy7t +/m/08s0m7 /people/person/gender /m/02zsn +/m/06gd4 /people/person/profession /m/01c72t +/m/02qkt /location/location/contains /m/0161c +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/016s_5 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06rvn /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/07b1gq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03x6rj +/m/05ry0p /people/person/nationality /m/09c7w0 +/m/014zfs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bf2s /people/person/profession /m/01445t +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/058z2d /education/educational_institution/school_type /m/02p0qmm +/m/01z7s_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01skmp +/m/03mp8k /music/record_label/artist /m/01vwbts +/m/0k3k1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/028hc2 /people/person/spouse_s./people/marriage/spouse /m/046zh +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01qygl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xdf5 +/m/057dxsg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/03ksy /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/039cq4 /tv/tv_program/genre /m/0dm00 +/m/03x726 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07s6tbm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cs_z7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylgz +/m/02s7tr /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/01s0t3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/03n52j /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/088n7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lg9w +/m/046chh /people/person/places_lived./people/place_lived/location /m/0dclg +/m/03wbqc4 /film/film/genre /m/0c3351 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01gwck +/m/0dplh /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/018y81 /music/group_member/membership./music/group_membership/group /m/0bk1p +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02d9k /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/01vw37m /people/person/place_of_birth /m/0s3pw +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/049468 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05z_p6 /people/person/profession /m/01d_h8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03s5t +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088xp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/06g4_ +/m/0k20s /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/05r5c /music/instrument/instrumentalists /m/01dhpj +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04sj3 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/0d_w7 +/m/0hmm7 /film/film/film_production_design_by /m/0cdf37 +/m/0x1jc /location/location/time_zones /m/02hczc +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0h5f5n +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0162v /location/country/official_language /m/02h40lc +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/03s9v /people/person/profession /m/04s2z +/m/016clz /music/genre/artists /m/016lmg +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03_2f /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_yw +/m/03gr7w /people/person/profession /m/016z4k +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02q8ms8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0nbwf /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/033pf1 /film/film/production_companies /m/030_1_ +/m/06tw8 /dataworld/gardening_hint/split_to /m/06tw8 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/05d1dy +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9m7 +/m/01xd9 /location/administrative_division/country /m/03rt9 +/m/03lrht /film/film/language /m/064_8sq +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/050r1z +/m/04xvlr /media_common/netflix_genre/titles /m/047bynf +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06dv3 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/012x4t +/m/01m3x5p /people/person/profession /m/09jwl +/m/0l_j_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ssc /location/location/contains /m/0jt5zcn +/m/02yxwd /people/person/profession /m/02hrh1q +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cj79 +/m/025sc50 /music/genre/artists /m/03bxwtd +/m/04xvlr /media_common/netflix_genre/titles /m/02__34 +/m/0127xk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03q6zc /organization/organization/headquarters./location/mailing_address/state_province_region /m/01hpnh +/m/0gxkm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0c35b1 /people/person/gender /m/05zppz +/m/01x1cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01w60_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h1v19 /film/film/music /m/0k4gf +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0194d +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgq80b +/m/0645k5 /film/film/country /m/07ssc +/m/0y3_8 /music/genre/artists /m/03xhj6 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/04s04 /people/person/religion /m/0kq2 +/m/07tl0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05tgks /film/film/story_by /m/0py5b +/m/09q23x /film/film/production_companies /m/016tw3 +/m/02v_4xv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02w4v /music/genre/artists /m/01wp8w7 +/m/059_gf /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01dvtx /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0132_h +/m/016s_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/07gxw /music/genre/artists /m/06k02 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/01_s9q /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/07ssc /location/location/contains /m/01nn7r +/m/05zy3sc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01dthg /education/educational_institution/colors /m/01g5v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0282x +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/03g9xj +/m/05f33tk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/025hzx /people/person/gender /m/05zppz +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0jdhp /film/actor/film./film/performance/film /m/078sj4 +/m/09m6kg /film/film/music /m/02cyfz +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vf5c +/m/01hgwkr /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0z05l /people/person/nationality /m/0d060g +/m/027zz /people/person/profession /m/064xm0 +/m/07hwkr /people/ethnicity/people /m/07cjqy +/m/014ps4 /people/person/religion /m/0c8wxp +/m/059j2 /location/location/contains /m/0fcrg +/m/030s5g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cy__l +/m/016sp_ /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/06g4_ +/m/0kbws /olympics/olympic_games/participating_countries /m/01z88t +/m/0m_z3 /location/location/contains /m/0m__z +/m/01xdn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04jpl +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01mvth /film/actor/film./film/performance/film /m/03kx49 +/m/028mc6 /people/person/profession /m/02jknp +/m/0k_mt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02mt51 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwqv +/m/01x96 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/01rgcg +/m/0j95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015jr +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bt3j9 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/016jhr /music/genre/artists /m/03c3yf +/m/034zc0 /film/actor/film./film/performance/film /m/03b1sb +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ccxr +/m/02ck7w /film/actor/film./film/performance/film /m/017jd9 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/071zb /base/biblioness/bibs_location/state /m/03msf +/m/01npcx /film/film/film_production_design_by /m/04_1nk +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/03nm_fh +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/02dbn2 /film/actor/film./film/performance/film /m/05_5rjx +/m/02hy5d /people/person/profession /m/0fj9f +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/080dfr7 +/m/07s2s /film/film_subject/films /m/02qlp4 +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/0465_ /people/deceased_person/place_of_death /m/06c62 +/m/0r1yc /location/hud_county_place/county /m/0l2lk +/m/05cl8y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023v4_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0ksf29 /people/person/place_of_birth /m/029jpy +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04zwc /education/educational_institution/school_type /m/05jxkf +/m/05byxm /music/record_label/artist /m/01k23t +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/015qsq +/m/01rlzn /sports/sports_team/colors /m/083jv +/m/0c9c0 /people/person/nationality /m/07ssc +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/01k7b0 /film/film/film_art_direction_by /m/05v1sb +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/02y21l /music/record_label/artist /m/03sww +/m/0ggx5q /music/genre/artists /m/02vwckw +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/06by7 /music/genre/artists /m/01wbgdv +/m/0g9yrw /film/film/production_companies /m/016tw3 +/m/063lqs /people/person/places_lived./people/place_lived/location /m/0_jq4 +/m/019z7q /people/person/profession /m/0dxtg +/m/05148p4 /music/instrument/instrumentalists /m/01tv3x2 +/m/04k9y6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0j1yf /film/actor/film./film/performance/film /m/0c3xw46 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/018ty9 /people/person/profession /m/02hrh1q +/m/01h18v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ylj /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/02r_pp /film/film/genre /m/0c3351 +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/06s26c +/m/0k4bc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01h8f /film/actor/film./film/performance/film /m/02wgk1 +/m/0m68w /people/person/places_lived./people/place_lived/location /m/03spz +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/02v4vl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b78hw /people/person/gender /m/05zppz +/m/02jq1 /people/deceased_person/place_of_death /m/0c_m3 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/06x76 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4wn +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/048cl /influence/influence_node/influenced_by /m/043s3 +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lp3c +/m/0fb1q /film/actor/film./film/performance/film /m/098s2w +/m/01sxly /film/film/country /m/09c7w0 +/m/07qg8v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/034b6k /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/01hrqc /music/group_member/membership./music/group_membership/role /m/0g2dz +/m/02f4s3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02bv9 /language/human_language/countries_spoken_in /m/0hzlz +/m/01bvw5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05w3 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/040wdl /people/person/places_lived./people/place_lived/location /m/04vmp +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06f32 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/0x3b7 +/m/01xllf /people/person/profession /m/02hrh1q +/m/07ssc /location/location/contains /m/01z9j2 +/m/054bt3 /people/person/religion /m/0kpl +/m/08c9b0 /people/person/profession /m/0dxtg +/m/01j_jh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/01fwzk /film/film/genre /m/04xvlr +/m/0dnw1 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/081t6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01507p +/m/0306ds /people/person/gender /m/02zsn +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0c1pj /film/actor/film./film/performance/film /m/0127ps +/m/024swd /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/09889g +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0bszz +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02d44q +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/0jcx /people/person/religion /m/0kq2 +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0jnwx /film/film/genre /m/0bj8m2 +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/099pks /tv/tv_program/country_of_origin /m/09c7w0 +/m/02f4s3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0cv72h /people/person/profession /m/02hrh1q +/m/063vn /people/person/place_of_birth /m/052p7 +/m/080lkt7 /film/film/film_festivals /m/0cmd3zy +/m/01jfsb /media_common/netflix_genre/titles /m/070fnm +/m/02qkwl /film/film/country /m/09c7w0 +/m/0kb1g /film/film/country /m/09c7w0 +/m/0bpx1k /film/film/genre /m/06cvj +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0487_ +/m/0126t5 /music/genre/artists /m/023322 +/m/0lgxj /olympics/olympic_games/participating_countries /m/0ctw_b +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/013y1f /music/instrument/instrumentalists /m/09prnq +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02yplc /film/actor/film./film/performance/film /m/02bj22 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02yv6b /music/genre/artists /m/07m4c +/m/02zhkz /film/actor/film./film/performance/film /m/0ptx_ +/m/017fp /media_common/netflix_genre/titles /m/011yl_ +/m/0hpv3 /education/educational_institution/colors /m/036k5h +/m/064t9 /music/genre/artists /m/095x_ +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/052hl /film/actor/film./film/performance/film /m/07tw_b +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0yz30 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/02fgp0 +/m/02mg7n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/029jt9 +/m/07g1sm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/0m0jc /music/genre/artists /m/0m19t +/m/026lyl4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/020jqv /film/actor/film./film/performance/film /m/06_wqk4 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/07sc6nw /film/film/genre /m/04xvlr +/m/0827d /music/genre/artists /m/0ddkf +/m/0dl5d /music/genre/artists /m/01vn0t_ +/m/03hkp /language/human_language/countries_spoken_in /m/0h44w +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/01h18v /film/film/country /m/09c7w0 +/m/02zhkz /film/actor/film./film/performance/film /m/0sxgv +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0bqs56 /people/person/profession /m/0np9r +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0ftkx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02w86hz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0flw6 +/m/03cvwkr /film/film/produced_by /m/081_zm +/m/09qc1 /people/person/places_lived./people/place_lived/location /m/0cffd +/m/0hsb3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02jx1 +/m/028k57 /people/person/profession /m/02hrh1q +/m/030cx /tv/tv_program/genre /m/0c4xc +/m/01mskc3 /people/person/sibling_s./people/sibling_relationship/sibling /m/013rds +/m/0262zm /award/award_category/disciplines_or_subjects /m/0707q +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0dckvs +/m/04t38b /award/award_winner/awards_won./award/award_honor/award_winner /m/0829rj +/m/056zdj /sports/sports_team/colors /m/01g5v +/m/025v3k /education/educational_institution/school_type /m/05jxkf +/m/01jmv8 /people/person/nationality /m/0chghy +/m/04mzf8 /film/film/cinematography /m/05_2h8 +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/088vb /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_jsg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01nzz8 +/m/0kszw /film/actor/film./film/performance/film /m/027pfg +/m/0prfz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04t38b /people/person/place_of_birth /m/02_286 +/m/08ff1k /people/person/nationality /m/09c7w0 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/01dw9z /people/person/profession /m/016z4k +/m/0cv3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q1lp /people/person/profession /m/0dxtg +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/01svw8n /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02w5q6 +/m/07ssc /media_common/netflix_genre/titles /m/029v40 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_4lx +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/030w19 /education/educational_institution/colors /m/067z2v +/m/017v_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/03mqtr /media_common/netflix_genre/titles /m/04lqvly +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s7pm +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/02jztz /education/educational_institution/school_type /m/01_9fk +/m/01lvcs1 /people/person/profession /m/0gbbt +/m/03lty /music/genre/artists /m/04bgy +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/014v1q /people/person/profession /m/02hrh1q +/m/024qqx /media_common/netflix_genre/titles /m/0ds2n +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067sqt +/m/0194_r /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vwllw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gbn6 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sjp +/m/015vq_ /film/actor/film./film/performance/film /m/016ks5 +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0160w +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/03ys2f /people/person/places_lived./people/place_lived/location /m/06btq +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0chrwb /people/person/profession /m/0dxtg +/m/017wh /location/location/contains /m/0d331 +/m/0l8gh /music/genre/artists /m/0k1wz +/m/0ksrf8 /film/actor/film./film/performance/film /m/09p35z +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x4l_ +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/03m1n +/m/01zfmm /film/director/film /m/03tps5 +/m/0pfd9 /base/aareas/schema/administrative_area/administrative_parent /m/06y9v +/m/01rmnp /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/04pmnt /film/film/genre /m/03g3w +/m/0ym4t /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02klny /education/educational_institution/students_graduates./education/education/student /m/04n2vgk +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/026mx4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01531 /location/location/contains /m/01f38z +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/02knxx /people/cause_of_death/people /m/03y2kr +/m/01z7_f /film/actor/film./film/performance/film /m/04x4vj +/m/0j_c /film/actor/film./film/performance/film /m/0jqd3 +/m/02t_h3 /film/film/genre /m/0gf28 +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/015v3r +/m/034ls /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/0kvnn /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0mkg /music/instrument/instrumentalists /m/01wy61y +/m/07cz2 /film/film/genre /m/02kdv5l +/m/03f1d47 /film/actor/film./film/performance/film /m/01718w +/m/04wg38 /people/person/places_lived./people/place_lived/location /m/04n3l +/m/01gy7r /film/actor/film./film/performance/film /m/02ndy4 +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rx7tx +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/077rj /people/person/profession /m/025352 +/m/0l6ny /olympics/olympic_games/sports /m/0d1t3 +/m/03csqj4 /people/person/nationality /m/09c7w0 +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0f4vx /film/film/country /m/07ssc +/m/041mt /influence/influence_node/influenced_by /m/01rgr +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w6r +/m/04jpl /location/location/contains /m/0nqv1 +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kc4s +/m/09d3b7 /film/film/written_by /m/06n9lt +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0134wr +/m/0sngf /location/hud_county_place/place /m/0sngf +/m/01xllf /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01y20v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0260bz /film/film/production_companies /m/01gb54 +/m/0b_6pv /time/event/locations /m/0d9jr +/m/08cn4_ /people/person/places_lived./people/place_lived/location /m/0xckc +/m/048htn /film/film/genre /m/0glj9q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09xb4h +/m/0kwv2 /sports/sports_team/colors /m/083jv +/m/04n32 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07c0j +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0140t7 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbbfb +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/09qh1 /influence/influence_node/influenced_by /m/01hdht +/m/031n8c /education/educational_institution/school_type /m/01rs41 +/m/04mp8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05bt6j /music/genre/artists /m/01jfr3y +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/025b3k /people/person/nationality /m/09c7w0 +/m/02m7r /influence/influence_node/peers./influence/peer_relationship/peers /m/059y0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/029n80 +/m/0cbgl /people/person/employment_history./business/employment_tenure/company /m/019n9w +/m/04cv9m /film/film/language /m/02h40lc +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/055c8 /film/actor/film./film/performance/film /m/07p62k +/m/0pgjm /people/person/profession /m/02krf9 +/m/05jm7 /people/person/profession /m/0kyk +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/02184q /film/actor/film./film/performance/film /m/01cycq +/m/0kjrx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016z2j +/m/0bthb /education/educational_institution_campus/educational_institution /m/0bthb +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01rwbd /sports/sports_team_location/teams /m/02b13y +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/0hsqf /location/location/contains /m/01bvw5 +/m/01wk7b7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02pjvc +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/056ws9 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0btpx +/m/0l2wt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l38x +/m/0mcf4 /music/record_label/artist /m/02pbrn +/m/0pv54 /film/film/genre /m/07s9rl0 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035qy +/m/04fzk /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06fc0b +/m/023v4_ /film/actor/film./film/performance/film /m/0gj9tn5 +/m/01jq0j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/0cf_n /location/location/time_zones /m/02hcv8 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02hwww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/03mp8k /music/record_label/artist /m/01s560x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/043t1s +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/0g5lhl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xbx +/m/0d23k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0104lr /location/hud_county_place/place /m/0104lr +/m/0jmcb /sports/sports_team/sport /m/018w8 +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/019q50 /education/educational_institution/school_type /m/047951 +/m/0gyy53 /film/film/genre /m/03bxz7 +/m/02w670 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_st +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/05bnp0 /film/actor/film./film/performance/film /m/07kdkfj +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/02v49c +/m/02bc74 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0hgnl3t /film/film/produced_by /m/05prs8 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/05txrz /film/actor/film./film/performance/film /m/0fz3b1 +/m/07qht4 /media_common/netflix_genre/titles /m/03g9xj +/m/03gvt /music/instrument/instrumentalists /m/01vsy7t +/m/0gz5hs /people/person/religion /m/0kpl +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dc0c +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/063hp4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vrlqd +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/02w2bc /education/educational_institution/colors /m/04mkbj +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/09c7w0 /location/location/contains /m/0q8p8 +/m/0bl2g /film/actor/film./film/performance/film /m/0p_th +/m/02_286 /location/location/contains /m/026ssfj +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02tgz4 /film/film/genre /m/02l7c8 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0c4f4 +/m/0g56t9t /film/film/story_by /m/07rd7 +/m/04xfb /people/person/religion /m/042s9 +/m/08g5q7 /people/cause_of_death/people /m/02w670 +/m/0dwh5 /location/hud_county_place/county /m/0kpzy +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xf75 +/m/0d608 /film/actor/film./film/performance/film /m/058kh7 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01q460 +/m/09b6zr /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fjz9 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/01xwqn /influence/influence_node/influenced_by /m/0p_pd +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/03zj_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/07z2lx +/m/06ncr /music/instrument/instrumentalists /m/01271h +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dl6fv /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02jr6k +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03m10r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02yr1q /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04tc1g /film/film/language /m/02h40lc +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/024cg8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0jgx /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/03q5db /film/film/genre /m/04xvh5 +/m/08132w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01lc5 /people/person/profession /m/0dxtg +/m/01j590z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/02nrdp +/m/01pw9v /influence/influence_node/influenced_by /m/03f70xs +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/013q07 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p__8 +/m/09c7w0 /location/country/second_level_divisions /m/0mwsh +/m/012pd4 /people/person/profession /m/05vyk +/m/01gbbz /people/person/spouse_s./people/marriage/spouse /m/01vhb0 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02hkw6 /people/person/profession /m/02hrh1q +/m/017znw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0kvt9 /location/location/time_zones /m/02lcqs +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nwwl +/m/013h9 /location/hud_county_place/county /m/013h9 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/027571b +/m/01jfsb /media_common/netflix_genre/titles /m/0qmhk +/m/01hkck /people/person/spouse_s./people/marriage/spouse /m/0hwqg +/m/01933d /people/deceased_person/place_of_death /m/0r3w7 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/02qgyv /film/actor/film./film/performance/film /m/0296rz +/m/0cmc26r /film/film/country /m/06mzp +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0xc9x +/m/0hptm /location/hud_county_place/place /m/0hptm +/m/02jx1 /location/location/contains /m/017j4q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019lwb +/m/014vk4 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/09qr6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01hq1 /film/film/genre /m/01jfsb +/m/0gvvm6l /film/film/production_companies /m/02slt7 +/m/037n97 /music/genre/artists /m/0163m1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/021npv /people/person/profession /m/01d_h8 +/m/01w806h /people/person/profession /m/0dz3r +/m/09zmys /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wvxw1 +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/03w6sj /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/07c9s /language/human_language/countries_spoken_in /m/03rk0 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lccn +/m/02q0v8n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/09j_g +/m/04_jsg /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0515_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02jx1 /location/location/contains /m/0n9r8 +/m/01_k7f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gpkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05148p4 /music/instrument/instrumentalists /m/01p0vf +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/09c7w0 /location/country/second_level_divisions /m/01531 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06g2d1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/01wzlxj /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0kvjrw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034qmv /film/film/film_format /m/07fb8_ +/m/0gywn /music/genre/artists /m/01zmpg +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/06c1y /location/location/contains /m/0cgs4 +/m/0f61tk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w33f8 +/m/03mszl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047gn4y /film/film/produced_by /m/01t6b4 +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0khth +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h0wd9 +/m/0p_tz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/01xbxn /film/film/genre /m/01zhp +/m/03qx63 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09p0ct /film/film/language /m/02h40lc +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award /m/02qyxs5 +/m/07fq1y /film/actor/film./film/performance/film /m/0prh7 +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027j79k +/m/0kbwb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p__8 +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0ghvb /education/university/fraternities_and_sororities /m/0325pb +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/03dbww +/m/0n5c9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fl +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0m28g /location/location/time_zones /m/02hczc +/m/0xpq9 /location/hud_county_place/county /m/0n5df +/m/025n3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05dbf +/m/01nm3s /film/actor/film./film/performance/film /m/0hgnl3t +/m/01mskc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/06v8s0 /people/person/gender /m/02zsn +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/071jrc /people/person/profession /m/0dgd_ +/m/02rzmzk /people/person/places_lived./people/place_lived/location /m/09c6w +/m/0jmfb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0170_p +/m/015wnl /film/actor/film./film/performance/film /m/0645k5 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_nsc +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02029f +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/08tq4x /film/film/language /m/02h40lc +/m/01r4bps /film/actor/film./film/performance/film /m/06fcqw +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03bzjpm +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04ngn +/m/0sc6p /location/hud_county_place/place /m/0sc6p +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h21v2 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01bzs9 /education/educational_institution/colors /m/06fvc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0crvfq /people/person/place_of_birth /m/0s9z_ +/m/0147dk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bl2g /people/person/place_of_birth /m/030qb3t +/m/0m2lt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d739 /location/location/contains /m/0gdm1 +/m/049f05 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02mf7 /location/hud_county_place/county /m/0mx5p +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/01dvtx /people/person/nationality /m/0345h +/m/0jt3tjf /location/country/form_of_government /m/06cx9 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/025_ql1 /people/person/profession /m/02hrh1q +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/027b43 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fky +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/0bkg4 +/m/0h3mh3q /tv/tv_program/program_creator /m/09v6gc9 +/m/04bd8y /people/person/places_lived./people/place_lived/location /m/04rrd +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cwhp +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0118d3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/0d6lp /location/administrative_division/country /m/09c7w0 +/m/034qbx /film/film/production_companies /m/01gb54 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/079vf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03bw6 /people/deceased_person/place_of_death /m/030qb3t +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03rhqg +/m/0blgl /people/person/gender /m/05zppz +/m/09yxcz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0vlf /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064ndc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8h1 +/m/02fjzt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07s9rl0 /media_common/netflix_genre/titles /m/07l450 +/m/01kwhf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/030g9z /people/person/place_of_birth /m/02_286 +/m/014jyk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/02k9k9 +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02665kn /people/person/profession /m/0dxtg +/m/04258w /people/person/profession /m/02hrh1q +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/02mzg9 /education/educational_institution/campuses /m/02mzg9 +/m/012vd6 /film/actor/film./film/performance/film /m/0c8tkt +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01fh36 /music/genre/artists /m/01lvcs1 +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g4gr +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/03f47xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03ff65 +/m/01x2tm8 /people/person/profession /m/02hrh1q +/m/03jb2n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0d9xq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03qx63 +/m/03jqw5 /people/person/place_of_birth /m/06_kh +/m/035rnz /film/actor/film./film/performance/film /m/02vzpb +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/032c7m +/m/01b1pf /education/educational_institution/colors /m/04mkbj +/m/04grkmd /film/film/genre /m/07s9rl0 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_q8 +/m/05zjx /people/person/nationality /m/09c7w0 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/029cpw /film/actor/film./film/performance/film /m/063zky +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gk4g /people/cause_of_death/people /m/01wskg +/m/0bwgc_ /film/actor/film./film/performance/film /m/0gh8zks +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03m10r +/m/027rpym /film/film/genre /m/04t36 +/m/03tn80 /film/film/written_by /m/0499lc +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/011yl_ /film/film/country /m/0ctw_b +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/01kvrz /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/08g5q7 /people/cause_of_death/people /m/02yy8 +/m/0h6dy /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04fhps +/m/0335fp /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/01t110 /people/person/places_lived./people/place_lived/location /m/0ny57 +/m/0fxkr /location/location/contains /m/0rn0z +/m/041bnw /music/record_label/artist /m/06449 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/015zyd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cbs /organization/organization_founder/organizations_founded /m/0d075m +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0dbb3 /people/person/religion /m/0c8wxp +/m/02x9g_ /organization/organization/headquarters./location/mailing_address/citytown /m/0x1y7 +/m/0c5vh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4nv +/m/01fh9 /film/actor/film./film/performance/film /m/0fy34l +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08m4c8 +/m/086m1 /base/culturalevent/event/entity_involved /m/03x1x +/m/01k6y1 /location/country/capital /m/0156q +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/040b5k /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/013kcv /base/biblioness/bibs_location/state /m/05mph +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012x03 +/m/0cz8mkh /film/film/genre /m/02b5_l +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/02yy8 /influence/influence_node/influenced_by /m/02n9k +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gy6z9 +/m/02c6d /film/film/genre /m/0c3351 +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01mjq /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01j95f /sports/sports_team/colors /m/083jv +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/01vwyqp /film/actor/film./film/performance/film /m/04jpk2 +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/01yfm8 /film/actor/film./film/performance/film /m/048scx +/m/0bl3nn /film/film/featured_film_locations /m/04jpl +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/03xx3m +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/06bng /people/person/profession /m/0fj9f +/m/01w724 /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/01l9p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjmr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/06jzh /film/actor/film./film/performance/film /m/0dgq_kn +/m/02_cq0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01k_r5b /people/person/gender /m/05zppz +/m/051ghn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0pv3x /film/film/genre /m/082gq +/m/02jx1 /location/location/contains /m/01f2xy +/m/01___w /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c57n +/m/0b1q7c /film/actor/film./film/performance/film /m/08y2fn +/m/011xjd /film/actor/film./film/performance/film /m/0jswp +/m/0gywn /music/genre/artists /m/016s0m +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0160w +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/020hyj /people/person/profession /m/0nbcg +/m/0fd3y /music/genre/parent_genre /m/0190_q +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/051gjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/018009 /people/person/profession /m/0dxtg +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03qmj9 +/m/06q6jz /music/genre/artists /m/0383f +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gtsxr4 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/0d6d2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/014g22 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0846v +/m/015mrk /people/person/profession /m/0dz3r +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/02zft0 /people/person/profession /m/025352 +/m/0prxp /sports/sports_team_location/teams /m/049f88 +/m/0413cff /film/film/featured_film_locations /m/081yw +/m/0bmnm /music/instrument/family /m/0l14j_ +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0329gm +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycbq +/m/02c6d /film/film/genre /m/09blyk +/m/01vvb4m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01jbx1 /people/person/profession /m/01p5_g +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/03rk0 /location/location/contains /m/09c6w +/m/01w3vc /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/0b2ds /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/0nm3n /location/location/time_zones /m/02hcv8 +/m/01f8hf /film/film/music /m/02cyfz +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/09z2b7 /film/film/country /m/09c7w0 +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027pdrh +/m/01fdc0 /film/actor/film./film/performance/film /m/0170xl +/m/0fb1q /award/award_winner/awards_won./award/award_honor/award_winner /m/0c33pl +/m/0ndsl1x /film/film/genre /m/060__y +/m/01swxv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xr2s /tv/tv_program/genre /m/02fgmn +/m/01h4rj /people/person/languages /m/02h40lc +/m/07db6x /people/person/place_of_birth /m/0rydq +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/033tf_ /people/ethnicity/people /m/05p5nc +/m/037w7r /people/person/place_of_birth /m/06_kh +/m/0523v5y /people/person/place_of_birth /m/0cr3d +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/0mdqp /people/person/nationality /m/09c7w0 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c52 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0btpm6 /film/film/costume_design_by /m/03y1mlp +/m/041td_ /film/film/language /m/03_9r +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0161c +/m/0534nr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044f7 +/m/04511f /people/person/place_of_birth /m/0x1y7 +/m/01c65z /people/person/places_lived./people/place_lived/location /m/04p3c +/m/06czyr /people/person/profession /m/0nbcg +/m/0150t6 /people/person/profession /m/01c72t +/m/01s7qqw /influence/influence_node/influenced_by /m/01mxt_ +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xvjb +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/014b4h /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/024lt6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p_pd +/m/06hzq3 /music/genre/artists /m/03vhvp +/m/029k55 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0jrv_ /broadcast/content/artist /m/01jcxwp +/m/03qlv7 /music/instrument/instrumentalists /m/0f0y8 +/m/01z4y /media_common/netflix_genre/titles /m/0h7t36 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/020ddc /organization/organization/headquarters./location/mailing_address/state_province_region /m/050ks +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/021pqy /film/film/music /m/01gg59 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/07c52 /media_common/netflix_genre/titles /m/0828jw +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07m9cm /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/02w4fkq +/m/0n23n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vs_v8 /people/person/profession /m/02hrh1q +/m/01p45_v /people/person/profession /m/0kyk +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01d3n8 +/m/02gd6x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01y64_ +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c52 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/015cxv +/m/024n3z /people/person/gender /m/05zppz +/m/0n04r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047g6 /people/person/place_of_birth /m/0fhp9 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/0n_hp /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/032c08 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/0gltv /film/film/produced_by /m/08hp53 +/m/016s0m /people/person/places_lived./people/place_lived/location /m/0qy5v +/m/01v_pj6 /music/group_member/membership./music/group_membership/role /m/018vs +/m/02lp1 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/0bx0l /film/film/genre /m/07s9rl0 +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gp_x +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03bxh /people/person/nationality /m/02jx1 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/015rkw /people/person/gender /m/05zppz +/m/07th_ /education/educational_institution_campus/educational_institution /m/07th_ +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fh694 +/m/09x3r /olympics/olympic_games/sports /m/01hp22 +/m/015grj /people/person/profession /m/09jwl +/m/03g5jw /influence/influence_node/influenced_by /m/012vd6 +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/01vhrz +/m/05r5c /music/instrument/instrumentalists /m/01k23t +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01nfys /film/actor/film./film/performance/film /m/0642xf3 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/06wvj /people/person/languages /m/064_8sq +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/06_sc3 /film/film/language /m/02h40lc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02l424 +/m/05qkp /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9wdmc +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/022fdt /people/ethnicity/languages_spoken /m/064_8sq +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0401sg /film/film/music /m/01vsxdm +/m/06cv1 /people/person/profession /m/09jwl +/m/01wb8bs /people/person/places_lived./people/place_lived/location /m/01x73 +/m/052p7 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01fwf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0h0jz /film/actor/film./film/performance/film /m/01lbcqx +/m/0h1x5f /film/film/language /m/02h40lc +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/07h1tr +/m/0kbvb /olympics/olympic_games/sports /m/02y8z +/m/01ppq /location/country/form_of_government /m/01fpfn +/m/0f7h2v /people/person/profession /m/02hrh1q +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gywn /music/genre/artists /m/03f3_p3 +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01tdnyh +/m/0ch280 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0m593 /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/0hzlz /location/country/capital /m/0c499 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/076lxv /people/person/gender /m/05zppz +/m/086k8 /music/record_label/artist /m/01w7nwm +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0453t /people/person/nationality /m/09c7w0 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/020923 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/03177r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xzb6 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/027f3ys /music/record_label/artist /m/0b_xm +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03b78r +/m/02mslq /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/02r6c_ +/m/02l7c8 /media_common/netflix_genre/titles /m/0fsd9t +/m/06v9_x /film/film/language /m/02h40lc +/m/0571m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/02k54 +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09wj5 /film/actor/film./film/performance/film /m/0crc2cp +/m/01vfqh /film/film/language /m/02h40lc +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02klny /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01vx5w7 +/m/01j_5k /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/06fq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/015gw6 /people/person/profession /m/02hrh1q +/m/024qqx /media_common/netflix_genre/titles /m/05znxx +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/011zd3 /film/actor/film./film/performance/film /m/06ztvyx +/m/0hv4t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/016lv3 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dpsv +/m/01y9jr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/011zd3 +/m/0311wg /people/person/place_of_birth /m/0dclg +/m/01vrt_c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0161c2 +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9vf +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0ndh6 /location/location/time_zones /m/02fqwt +/m/02g5h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/06pjs /people/person/profession /m/02krf9 +/m/0k2cb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b455l +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0h095 /base/biblioness/bibs_location/country /m/059j2 +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02d9k +/m/016h9b /people/person/profession /m/016z4k +/m/0f4vbz /people/person/gender /m/02zsn +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026390q +/m/03x82v /people/person/profession /m/09jwl +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/017zq0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/0bl8l +/m/01kym3 /people/person/place_of_birth /m/07dfk +/m/07vjm /dataworld/gardening_hint/split_to /m/07vjm +/m/01w02sy /people/person/spouse_s./people/marriage/spouse /m/0484q +/m/05hjnw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01hr11 +/m/03g90h /film/film/genre /m/06n90 +/m/0bzty /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016bx2 +/m/02w4v /music/genre/artists /m/0x3b7 +/m/01q8fxx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bq8tmw /film/film/production_companies /m/017s11 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g1l +/m/0nryt /location/location/contains /m/0t0n5 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/0k8y7 /people/person/profession /m/02hrh1q +/m/0xhtw /music/genre/artists /m/0144l1 +/m/01cdt5 /medicine/symptom/symptom_of /m/0dq9p +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpyb +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0dsb_yy /people/person/gender /m/02zsn +/m/029ghl /award/award_winner/awards_won./award/award_honor/award_winner /m/0hwbd +/m/07swvb /film/actor/film./film/performance/film /m/03nm_fh +/m/015y_n /music/genre/artists /m/0dbb3 +/m/03_3d /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01z2sn +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g22z +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04n1hqz +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0xq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/0fg04 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/016622 +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c6v3 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03b79 +/m/055td_ /film/film/music /m/03975z +/m/027x7z5 /film/film/genre /m/04rlf +/m/018j2 /music/instrument/instrumentalists /m/01bpc9 +/m/0204jh /education/educational_institution/school_type /m/025tjcb +/m/042fgh /film/film/written_by /m/0kb3n +/m/0gls4q_ /people/person/profession /m/01d_h8 +/m/0f13b /people/person/religion /m/03_gx +/m/02ryx0 /people/person/profession /m/0nbcg +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b1s_q +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/012v9y +/m/0234j5 /film/film/genre /m/018td +/m/091z_p /film/film/genre /m/03q4nz +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/07zl1 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/034cm /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/021gzd /film/film/country /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/03n3gl +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/04g61 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/094vy /location/location/contains /m/021npd +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05br2 +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05np4c +/m/03vfr_ /film/film/country /m/09c7w0 +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/035w2k /film/film/produced_by /m/07r1h +/m/02760sl /people/person/profession /m/03gjzk +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02l1fn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04dqdk /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/02z9hqn +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwyq +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b149 +/m/0b_6qj /time/event/locations /m/099ty +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/0jymd /film/film/language /m/02h40lc +/m/06zpgb2 /sports/sports_team/colors /m/088fh +/m/0123qq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01f9mq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_6 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01gvts +/m/05rh2 /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0309lm /film/actor/film./film/performance/film /m/03hp2y1 +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/01q_ph /people/person/places_lived./people/place_lived/location /m/0f2rq +/m/0nlqq /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w0dc0 /people/person/gender /m/05zppz +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0p4v_ /film/film/genre /m/04xvh5 +/m/07rhpg /people/person/profession /m/02hrh1q +/m/011yg9 /film/film/genre /m/060__y +/m/04n7jdv /music/genre/artists /m/03xl77 +/m/03dbds /people/person/places_lived./people/place_lived/location /m/0vzm +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/06fqlk /film/film/language /m/01wgr +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07vht /education/educational_institution/school_type /m/05jxkf +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0k1 +/m/037s5h /people/person/profession /m/02hrh1q +/m/0kbq /film/film_subject/films /m/0gmgwnv +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01mqh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/06w6_ +/m/016kv6 /film/film/written_by /m/05kfs +/m/01xcfy /people/person/languages /m/02h40lc +/m/02ndbd /people/person/profession /m/01d_h8 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01cwcr /film/actor/film./film/performance/film /m/05nyqk +/m/01wgx4 /people/person/nationality /m/07ssc +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050ks +/m/0dbpyd /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/01dyk8 /education/educational_institution/school_type /m/05jxkf +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pk8 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/027c924 +/m/02_t2t /people/person/profession /m/02hrh1q +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0155w /music/genre/artists /m/01797x +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0d87hc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/06k5_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03p7r +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3p7 +/m/0kn4c /people/person/nationality /m/014tss +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/01wcp_g /music/artist/origin /m/0ytph +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01b3bp +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05m63c +/m/04g9gd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0kbvb /olympics/olympic_games/sports /m/019tzd +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021_rm +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0k5g9 /film/film/genre /m/02l7c8 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0356dp +/m/040_t /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/030_1m /award/award_winner/awards_won./award/award_honor/award_winner /m/05nn4k +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01l3mk3 /people/person/gender /m/05zppz +/m/04yt7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qx_f /music/record_label/artist /m/03h_fqv +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/05crg7 +/m/01cyd5 /education/educational_institution/school_type /m/0bpgx +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/04pry /location/hud_county_place/county /m/0njlp +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/0pb33 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0342h /music/instrument/instrumentalists /m/0jn5l +/m/032r4n /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/013xh7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/06l3bl /media_common/netflix_genre/titles /m/0bm2g +/m/03wh8pq /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01s81 +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lg3y +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lt6 +/m/0dx_q /people/person/nationality /m/07ssc +/m/064t9 /music/genre/artists /m/0bs1g5r +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01jv68 +/m/0d06m5 /people/person/employment_history./business/employment_tenure/company /m/07vsl +/m/0315rp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0151ns /film/actor/film./film/performance/film /m/048xyn +/m/01kkfp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/097zcz /film/film/music /m/02bn75 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/0yxf4 /film/film/genre /m/082gq +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0l998 /olympics/olympic_games/sports /m/0crlz +/m/04z4j2 /film/film/genre /m/0hfjk +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01wskg /people/deceased_person/place_of_death /m/0ftns +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0h5g_ /people/person/nationality /m/09c7w0 +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0yyg4 /film/film/country /m/09c7w0 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/0693l /film/director/film /m/084qpk +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/056jrs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fvly /sports/sports_team/colors /m/019sc +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/01p8r8 /people/person/profession /m/0np9r +/m/05gsd2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02jx1 /location/location/contains /m/0hvlp +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/02gqm3 /film/film/country /m/07ssc +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/015882 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/051hhz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/0j_t1 /film/film/produced_by /m/0bzyh +/m/0gkz15s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015g7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01jgpsh /film/actor/film./film/performance/film /m/03nqnnk +/m/02qkt /location/location/contains /m/03rjj +/m/0pcc0 /people/person/profession /m/01c8w0 +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06p03s /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/06k02 /people/person/profession /m/02hrh1q +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0dr_4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pc62 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xn57g +/m/06yrj6 /people/person/nationality /m/09c7w0 +/m/01znc_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03359d /film/actor/film./film/performance/film /m/01g3gq +/m/06b3g4 /people/person/profession /m/02hrh1q +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0946bb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/015pkt /olympics/olympic_games/sports /m/09_9n +/m/0342h /music/instrument/instrumentalists /m/01vw20_ +/m/0fvly /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0ddt_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/01vhrz /people/person/profession /m/012t_z +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/063ykwt /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/0gfsq9 /film/film/genre /m/01jfsb +/m/045c7b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/032v0v /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1m +/m/058kh7 /film/film/genre /m/05p553 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013_vh +/m/012d40 /people/person/languages /m/04306rv +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/08gsvw /film/film/featured_film_locations /m/03rjj +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0b_dh /people/person/profession /m/0dxtg +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/065_cjc /film/film/genre /m/05p553 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/04bdzg /people/person/profession /m/01d_h8 +/m/011ysn /film/film/music /m/0150t6 +/m/0f1kwr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02q6cv4 /people/person/gender /m/05zppz +/m/09q17 /media_common/netflix_genre/titles /m/0df2zx +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/056vv +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0h1m9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03205_ /education/educational_institution/school_type /m/01rs41 +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/02g3mn +/m/010xjr /people/person/gender /m/05zppz +/m/0bw6y /people/person/spouse_s./people/marriage/location_of_ceremony /m/071vr +/m/01c333 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/09yhzs /film/actor/film./film/performance/film /m/0fqt1ns +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01gwk3 /film/film/genre /m/07s2s +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01wwvd2 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/04d2yp /film/actor/film./film/performance/film /m/04yc76 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/07tj4c /film/film/music /m/01l79yc +/m/03mnk /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04g5k /location/country/capital /m/06cn5 +/m/03qd_ /film/actor/film./film/performance/film /m/01738w +/m/054_mz /people/person/nationality /m/09c7w0 +/m/04fh3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/056vv +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02lk60 +/m/06y3r /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0ywqc +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/02z1yj /people/person/nationality /m/09c7w0 +/m/01c3q /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/05nrg /location/location/contains /m/02lx0 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0jkvj /olympics/olympic_games/sports /m/0d1tm +/m/0bpm4yw /film/film/prequel /m/0btpm6 +/m/0gyh /location/location/contains /m/0q8jl +/m/0qlnr /location/location/time_zones /m/02hcv8 +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/037d35 /people/person/place_of_birth /m/0v9qg +/m/0cm89v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/079ws /people/person/places_lived./people/place_lived/location /m/0zpfy +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02hkv5 /people/person/places_lived./people/place_lived/location /m/0fl2s +/m/016sp_ /people/person/profession /m/09jwl +/m/07ssc /location/location/contains /m/01zn4y +/m/09c7w0 /location/location/contains /m/010h9y +/m/0fvt2 /people/person/place_of_birth /m/04lh6 +/m/0f1kwr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/065y4w7 +/m/03zyvw /people/person/profession /m/02hrh1q +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fq1y +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/05qtcv /people/person/gender /m/05zppz +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/0jryt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hmt9b /film/film/genre /m/0lsxr +/m/02stbw /film/film/production_companies /m/086k8 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0b82vw /people/person/nationality /m/09c7w0 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/084m3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wc7p +/m/05zy3sc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/064_8sq /language/human_language/countries_spoken_in /m/04sj3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01yxbw +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0grmhb /award/award_winner/awards_won./award/award_honor/award_winner /m/07d370 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03_44z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04t2l2 /people/person/profession /m/018gz8 +/m/026z9 /music/genre/artists /m/01l9v7n +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0m_v0 /people/person/nationality /m/09c7w0 +/m/0by17xn /film/film/language /m/02h40lc +/m/0gpprt /film/actor/film./film/performance/film /m/07w8fz +/m/0163v /location/country/capital /m/0dlxj +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0kv9d3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0csdzz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09c8bc +/m/083shs /film/film/story_by /m/042v2 +/m/05jx17 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/05vxdh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/0jqn5 /film/film/music /m/0146pg +/m/0f6_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/010r6f /location/hud_county_place/place /m/010r6f +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/025v3k +/m/050l8 /location/location/contains /m/02x9g_ +/m/0g476 /people/person/gender /m/02zsn +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt3j9 +/m/02sgy /music/instrument/instrumentalists /m/0285c +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yyts +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/06rrzn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0n1h +/m/05jx2d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jj6k /location/us_county/county_seat /m/0n1rj +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0143wl /people/person/languages /m/02h40lc +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/04wx2v +/m/0fw9vx /sports/sports_team/sport /m/018w8 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/023nlj /people/person/places_lived./people/place_lived/location /m/0wq36 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01w40h /music/record_label/artist /m/02vr7 +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0ck9l7 /music/genre/artists /m/01vw26l +/m/03s9b /people/person/languages /m/02h40lc +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01vrz41 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09889g +/m/0ctb4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08g5q7 /people/cause_of_death/people /m/09qh1 +/m/022_q8 /film/director/film /m/04qw17 +/m/04wgh /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09l3p +/m/01yhvv /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/04b7xr /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/04g5k /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02yj7w +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/022qw7 +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0824r /location/location/contains /m/0114m0 +/m/0f8l9c /location/location/contains /m/0cx2r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01t0dy +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01hznh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jw4r +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0147dk /film/actor/film./film/performance/film /m/016dj8 +/m/02kx91 /tv/tv_network/programs./tv/tv_network_duration/program /m/01_2n +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01n_2f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06rjp /education/educational_institution_campus/educational_institution /m/06rjp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bl3nn +/m/0yxm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/02b9g4 /people/person/profession /m/02hrh1q +/m/0175wg /film/actor/film./film/performance/film /m/05c9zr +/m/016z2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02js6_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/02xp18 /people/person/gender /m/05zppz +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1gz +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/0161sp /film/actor/film./film/performance/film /m/0gkz15s +/m/02yv6b /music/genre/artists /m/067mj +/m/0c3z0 /film/film/production_companies /m/01gb54 +/m/06n3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059g4 +/m/0m66w /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/016z2j +/m/0498yf /sports/sports_team/sport /m/02vx4 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0fw2d3 +/m/0bdwqv /award/award_category/category_of /m/0gcf2r +/m/0dzbl /organization/organization/headquarters./location/mailing_address/citytown /m/01zst8 +/m/09qxq7 /music/genre/artists /m/01vvlyt +/m/029fbr /music/genre/artists /m/01w02sy +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0345h +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0b_c7 /film/director/film /m/0prhz +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06t2t +/m/0fngf /base/biblioness/bibs_location/country /m/088q4 +/m/04wgh /location/country/form_of_government /m/01fpfn +/m/012g92 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvvm6l +/m/02hhtj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03c5bz +/m/01z4y /media_common/netflix_genre/titles /m/091rc5 +/m/0bqxw /education/educational_institution/school_type /m/05pcjw +/m/0n5j_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gq +/m/0mj0c /influence/influence_node/influenced_by /m/06jkm +/m/0fv4v /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02rcdc2 /film/film/language /m/064_8sq +/m/0mb5x /people/person/religion /m/0c8wxp +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01kv4mb +/m/0cmc2 /base/culturalevent/event/entity_involved /m/01fmy9 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0n5j_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5bk +/m/040hg8 /location/administrative_division/country /m/03rjj +/m/09889g /people/person/sibling_s./people/sibling_relationship/sibling /m/013v5j +/m/056zf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/018vs /music/instrument/instrumentalists /m/01wxdn3 +/m/02g1jh /people/person/place_of_birth /m/0fg6k +/m/08cfr1 /film/film/production_companies /m/016tw3 +/m/01vsqvs /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0d4jl /influence/influence_node/influenced_by /m/034bs +/m/01l1b90 /people/person/profession /m/0d1pc +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/01p1v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pkyh /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03f6fl0 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03bx2lk /film/film/genre /m/03k9fj +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/09cxm4 /film/film/produced_by /m/01vhrz +/m/042gr4 /film/actor/film./film/performance/film /m/0436yk +/m/0cxbth /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0g970 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hw29 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02zyy4 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01dfb6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/04f52jw /film/film/production_companies /m/056ws9 +/m/011v3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0j6b5 /film/film/executive_produced_by /m/04jspq +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/01tnbn +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/04v9wn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/039bpc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wyzyl /people/person/languages /m/02h40lc +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02pptm +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/015lhm /film/actor/film./film/performance/film /m/034qrh +/m/03t97y /film/film/genre /m/03npn +/m/0fr63l /film/film/genre /m/03k9fj +/m/0hjy /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02ht0ln +/m/06pvr /location/location/contains /m/0f04c +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0gtt5fb /film/film/produced_by /m/013tcv +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04gvyp +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02ldkf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05b49tt +/m/0pmhf /film/actor/film./film/performance/film /m/034hzj +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/01yk13 /people/person/gender /m/05zppz +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/06kl78 /award/award_winning_work/awards_won./award/award_honor/award /m/02qwzkm +/m/0fr63l /film/film/language /m/02h40lc +/m/01w5gg6 /music/artist/origin /m/04jpl +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/0133k0 /music/genre/parent_genre /m/05c6073 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/0fhpv4 /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/01f7dd /film/actor/film./film/performance/film /m/0sxmx +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0cc5qkt /film/film/production_companies /m/030_1_ +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0p8r1 /people/person/gender /m/05zppz +/m/016fnb /people/person/nationality /m/09c7w0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/0b_dh /people/person/spouse_s./people/marriage/spouse /m/0h32q +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0gs5q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02bhj4 +/m/01p7b6b /people/person/place_of_birth /m/0qkcb +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/07k2p6 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bhwhj +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/041rx /people/ethnicity/people /m/016ghw +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/06vbd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01xqw /music/instrument/instrumentalists /m/011zf2 +/m/01y9xg /film/actor/film./film/performance/film /m/02d478 +/m/01bczm /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwyqp +/m/04sj3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rz4 +/m/01n5sn /music/genre/parent_genre /m/06j6l +/m/03z9585 /film/film/genre /m/05p553 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/02vqhv0 /film/film/genre /m/07s9rl0 +/m/0klw /people/person/nationality /m/06m_5 +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pllx +/m/01vy_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0534nr +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/023p33 /film/film/genre /m/0hcr +/m/0dvld /people/person/places_lived./people/place_lived/location /m/0cv5l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b13y +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0c3zjn7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04t2l2 +/m/09c7w0 /location/location/contains /m/09krm_ +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dwt5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/01x4r3 /influence/influence_node/influenced_by /m/01wp_jm +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/028mc6 +/m/09c7w0 /location/location/contains /m/01jpyb +/m/02238b /award/award_winner/awards_won./award/award_honor/award_winner /m/01n1gc +/m/03j7cf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01fmys /film/film/genre /m/03k9fj +/m/015y3j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02zjd /people/person/gender /m/05zppz +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03vyw8 +/m/0cht6 /location/location/time_zones /m/02llzg +/m/032jlh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/033dbw /film/film/country /m/09c7w0 +/m/01f6ss /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/0svqs /film/actor/film./film/performance/film /m/017gl1 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/01_8n9 +/m/06q8hf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0847q /base/biblioness/bibs_location/country /m/0chghy +/m/01kmd4 /people/person/places_lived./people/place_lived/location /m/03rjj +/m/0hknf /sports/sports_team_location/teams /m/02rjz5 +/m/05r5c /music/instrument/instrumentalists /m/09swkk +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/03gt0c5 /people/person/nationality /m/07ssc +/m/0f5zj6 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c2f +/m/0fmqp6 /people/person/nationality /m/09c7w0 +/m/01hyfj /music/genre/parent_genre /m/07gxw +/m/0jwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016clz /music/genre/artists /m/01tpl1p +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cyslc +/m/0ym8f /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0tzt_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3jq +/m/04g2jz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rlj20 +/m/0m40d /music/genre/artists /m/029ql +/m/026_dq6 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0dq9wx +/m/012gk9 /film/film/country /m/09c7w0 +/m/02hkvw /people/person/profession /m/02hrh1q +/m/083chw /people/person/profession /m/02jknp +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/01ty4 /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/0mpbx /location/administrative_division/country /m/09c7w0 +/m/0bx_hnp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04ly1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nwwl /people/person/nationality /m/02jx1 +/m/03tdlh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0g22z +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/07vn_9 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dln8jk +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01hgwkr /people/person/gender /m/02zsn +/m/02skyy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rzxl +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01qzt1 /music/genre/artists /m/01l_w0 +/m/01j53q /organization/organization/headquarters./location/mailing_address/citytown /m/0xszy +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/081mh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/043y95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gnbw /film/actor/film./film/performance/film /m/084302 +/m/01hb1t /education/educational_institution/students_graduates./education/education/student /m/02fybl +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/034x61 /people/person/place_of_birth /m/0tnkg +/m/0btyl /people/person/nationality /m/09c7w0 +/m/0rh6k /base/biblioness/bibs_location/country /m/09c7w0 +/m/054k_8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fvxz /base/biblioness/bibs_location/country /m/09c7w0 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/0f_y9 /people/person/profession /m/016z4k +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/05p5nc /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/0178g /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01pl9g /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0c_jc /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0cq806 /film/film/film_production_design_by /m/05km8z +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/04kd5d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0m2fr /location/location/contains /m/0rd5k +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/024hbv /tv/tv_program/languages /m/02h40lc +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09z1lg +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/017d93 /film/film/produced_by /m/0184jw +/m/0408m53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/03xx9l +/m/05148p4 /music/instrument/instrumentalists /m/0fpjd_g +/m/08phg9 /film/film/written_by /m/09pl3s +/m/03fn16 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07r4c /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/01352_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/01d494 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/0glt670 /music/genre/artists /m/01wgcvn +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04fv5b /film/film/written_by /m/08cn_n +/m/01fkr_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0q9b0 /film/film/genre /m/05p553 +/m/01slcv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01hmb_ /film/actor/film./film/performance/film /m/09sr0 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/01vb6z +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/06w99h3 /film/film/genre /m/03k9fj +/m/0ggq0m /music/genre/artists /m/01qkqwg +/m/016clz /music/genre/artists /m/01wsl7c +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01fwk3 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059fjj +/m/0gdm1 /education/educational_institution/school_type /m/01rs41 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/052h3 /influence/influence_node/influenced_by /m/0cpvcd +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02tc5y /people/person/profession /m/0d1pc +/m/0gy7bj4 /film/film/production_companies /m/02j_j0 +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rdh +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018phr +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0171lb +/m/09b6zr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g60z /tv/tv_program/program_creator /m/01d8yn +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06kkgw +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02qw_v /education/educational_institution/students_graduates./education/education/student /m/06z8gn +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b6rdt +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/0hpt3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jk5_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/01ngz1 /education/educational_institution/campuses /m/01ngz1 +/m/07zft /people/person/nationality /m/035qy +/m/02x0dzw /people/person/gender /m/02zsn +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/053rxgm +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/031778 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/0g72r /influence/influence_node/influenced_by /m/02kz_ +/m/01gz9n /people/person/place_of_birth /m/0gkgp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0498yf +/m/08984j /film/film/executive_produced_by /m/0829rj +/m/01s560x /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0xhtw /music/genre/artists /m/0180w8 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/01k3qj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqs56 /influence/influence_node/influenced_by /m/052hl +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/017r13 /film/actor/film./film/performance/film /m/02qr69m +/m/080lkt7 /film/film/featured_film_locations /m/02_286 +/m/03f0vvr /people/person/place_of_birth /m/0m75g +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/01fs__ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016vg8 +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vw26l +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r_dg +/m/0gj9tn5 /film/film/country /m/09c7w0 +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01k47c /people/person/profession /m/01b30l +/m/02sg5v /film/film/genre /m/02kdv5l +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/01j5ws /people/person/places_lived./people/place_lived/location /m/068p2 +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0gmblvq /film/film/music /m/0gv07g +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/01m1dzc /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0391jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03m6_z +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/01wgxtl /people/person/nationality /m/09c7w0 +/m/099bhp /film/film/genre /m/05p553 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/0c3z0 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06pk8 +/m/04q827 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/04qsdh /people/person/profession /m/02hrh1q +/m/03s2y9 /film/director/film /m/02k1pr +/m/09n5t_ /music/genre/artists /m/03193l +/m/0chghy /location/location/contains /m/06y57 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/02qtywd +/m/03rhqg /music/record_label/artist /m/018gm9 +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02yjk8 /sports/sports_team/sport /m/018w8 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05683p +/m/04mlmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06pj8 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/03fn34 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/073v6 +/m/041rx /people/ethnicity/people /m/06gb2q +/m/06ncr /music/instrument/instrumentalists /m/016s_5 +/m/034x61 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/05fhy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k5zk +/m/08959 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/035l_9 +/m/020l9r /people/person/profession /m/01tkqy +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016dp0 +/m/01vrlr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r6jt2 +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/01j5sv /people/person/nationality /m/07fj_ +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/02xwgr /people/person/spouse_s./people/marriage/spouse /m/03f2_rc +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0l786 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btyl +/m/048z7l /people/ethnicity/languages_spoken /m/0880p +/m/04x4gj /tv/tv_program/genre /m/01tz3c +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/03z1c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/056vv +/m/03vrnh /people/person/religion /m/06yyp +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/0g476 /people/person/place_of_birth /m/0f2wj +/m/0277c3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04glr5h /people/person/place_of_birth /m/0dprg +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/01kff7 /film/film/genre /m/03k9fj +/m/03m6_z /people/person/nationality /m/0d060g +/m/018009 /people/person/profession /m/01d_h8 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w5gg6 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/015nvj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jdr0 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/050zr4 +/m/0fr63l /film/film/production_companies /m/09b3v +/m/0pdp8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pgjm +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03h64 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0393g +/m/01ln5z /film/film/runtime./film/film_cut/film_release_region /m/07ssc +/m/0j2zj /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0gy30w /film/film/genre /m/01jfsb +/m/075mb /location/location/contains /m/04cjn +/m/05z_kps /film/film/executive_produced_by /m/02z2xdf +/m/0pz91 /film/actor/film./film/performance/film /m/07kb7vh +/m/01nzz8 /people/person/profession /m/02hrh1q +/m/0bpm4yw /film/film/production_companies /m/02hvd +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0488g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xv77 /film/actor/film./film/performance/film /m/01rxyb +/m/02hp6p /education/educational_institution_campus/educational_institution /m/02hp6p +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0ql36 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0277470 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/059f4 /location/location/contains /m/0gj4fx +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/0127xk +/m/01f6zc /film/actor/film./film/performance/film /m/01xq8v +/m/0137g1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l1hr +/m/03npn /media_common/netflix_genre/titles /m/04y9mm8 +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_sr1 +/m/014dm6 /people/person/gender /m/05zppz +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gtsxr4 +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0cd25 +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020fgy +/m/0vlf /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/012gk9 /film/film/genre /m/06n90 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/011xg5 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04257b +/m/01v9724 /people/person/profession /m/0kyk +/m/04bbv7 /people/person/place_of_birth /m/04f_d +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/01fmz6 +/m/09q17 /media_common/netflix_genre/titles /m/03b_fm5 +/m/0gywn /music/genre/artists /m/01w60_p +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/016j2t /people/person/place_of_birth /m/013d7t +/m/0bksh /film/actor/film./film/performance/film /m/01y9jr +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/098s2w +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/016wvy /music/group_member/membership./music/group_membership/group /m/07yg2 +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/02k9k9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0p_pd /film/actor/film./film/performance/film /m/0gyh2wm +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0683n /influence/influence_node/influenced_by /m/0bwx3 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/096cw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016l09 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0bh8x1y /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zcx +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k419 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/013w7j /people/person/place_of_birth /m/0f94t +/m/083q7 /people/person/employment_history./business/employment_tenure/company /m/01k2wn +/m/05l5n /location/location/contains /m/07tgn +/m/0b7t3p /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/01pny5 /music/group_member/membership./music/group_membership/group /m/0167xy +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/07_s4b /people/person/gender /m/05zppz +/m/05lls /music/genre/artists /m/043d4 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02zj61 +/m/05drr9 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/04ns3gy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pjs +/m/01yfm8 /film/actor/film./film/performance/film /m/0hgnl3t +/m/02bb47 /education/educational_institution_campus/educational_institution /m/02bb47 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/05y0cr /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01dyvs /film/film/production_companies /m/05h4t7 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/03g90h /film/film/music /m/0fp_v1x +/m/01vsy7t /people/person/profession /m/0fnpj +/m/02725hs /film/film/genre /m/02l7c8 +/m/016clz /music/genre/artists /m/09prnq +/m/0342h /music/instrument/instrumentalists /m/01p9hgt +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02ts3h /people/person/profession /m/03gjzk +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b13g7 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kd57 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/01p87y +/m/05bt6j /music/genre/artists /m/016vj5 +/m/033qdy /film/film/production_companies /m/0g1rw +/m/0846v /location/location/contains /m/0mk1z +/m/0bl60p /film/actor/film./film/performance/film /m/02q5g1z +/m/0443v1 /film/film/produced_by /m/01gp_x +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w58n3 +/m/01hbq0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0lfyd /base/aareas/schema/administrative_area/administrative_parent /m/06mzp +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0132k4 /people/person/gender /m/05zppz +/m/03n52j /people/person/nationality /m/09c7w0 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05km8z +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/01vvy /people/person/profession /m/05vyk +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/037gjc /people/person/nationality /m/09c7w0 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/01k8vh +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/0558_1 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/01v5h +/m/02ccqg /education/educational_institution/students_graduates./education/education/student /m/027j79k +/m/0ds11z /film/film/language /m/02h40lc +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/02hct1 +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/015jr +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02l3_5 /film/actor/film./film/performance/film /m/095z4q +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034qt_ +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03d_zl4 /people/person/profession /m/0np9r +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/03cyslc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/05c74 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hhqw /soccer/football_player/current_team./sports/sports_team_roster/team /m/0kqbh +/m/028hc2 /film/actor/film./film/performance/film /m/0bpbhm +/m/0gg4h /medicine/symptom/symptom_of /m/0c78m +/m/011k1h /music/record_label/artist /m/014_xj +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/01jbx1 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/0r785 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l35f +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/040z9 /people/person/profession /m/02hrh1q +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0432mrk /people/ethnicity/people /m/01svw8n +/m/0993r /people/person/spouse_s./people/marriage/spouse /m/01pllx +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02p65p /film/actor/film./film/performance/film /m/09cr8 +/m/0h5g_ /film/actor/film./film/performance/film /m/01_0f7 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/02xbw2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06g2d1 +/m/0241jw /people/person/nationality /m/07ssc +/m/03bpn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/047q2wc +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/0cqr0q /film/film/language /m/06nm1 +/m/07c52 /media_common/netflix_genre/titles /m/0vjr +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/09rx7tx /film/film/produced_by /m/06pk8 +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/045nc5 /tv/tv_program/genre /m/0jxy +/m/05ccxr /people/person/profession /m/01c8w0 +/m/0225bv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gw4f /film/actor/film./film/performance/film /m/0y_yw +/m/059j1m /film/actor/film./film/performance/film /m/01k1k4 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/05r5c /music/instrument/instrumentalists /m/01vs4f3 +/m/011yxg /film/film/cinematography /m/0cqh57 +/m/017l96 /music/record_label/artist /m/07m4c +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/04qt29 /people/person/languages /m/02h40lc +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/016szr +/m/04yt7 /people/person/profession /m/018gz8 +/m/02rytm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09rx7tx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/0nty_ /location/location/contains /m/0ftxc +/m/052nd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0gfw56 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/03ksy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0677ng /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/038bh3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0345h /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0mhfr /music/genre/artists /m/0137n0 +/m/07s8hms /people/person/nationality /m/09c7w0 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/0hzlz /location/location/contains /m/06f0y3 +/m/035bcl /film/film/featured_film_locations /m/02_286 +/m/01kx1j /people/person/nationality /m/03b79 +/m/01n6c /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/01clyr /music/record_label/artist /m/01bczm +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8fs +/m/0n2q0 /location/location/time_zones /m/02hcv8 +/m/01900g /influence/influence_node/influenced_by /m/02633g +/m/07xzm /music/instrument/instrumentalists /m/0168cl +/m/01n073 /organization/organization/place_founded /m/0r5wt +/m/0g48m4 /people/ethnicity/geographic_distribution /m/03v0t +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0bz6l9 /time/event/instance_of_recurring_event /m/0g_w +/m/032s66 /people/cause_of_death/people /m/01vsl3_ +/m/0d2by /people/ethnicity/languages_spoken /m/01r2l +/m/0dtw1x /film/film/genre /m/05p553 +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05f7snc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03h0k1 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03k8th /film/film/film_format /m/07fb8_ +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/04t2t /media_common/netflix_genre/titles /m/033g4d +/m/059rby /location/location/contains /m/03dm7 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0121rx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/012lzr +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vxq9m +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_j2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/01k23t /award/award_winner/awards_won./award/award_honor/award_winner /m/01tc9r +/m/02j8nx /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/053x8hr +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02psgq +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013w7j +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/03j1p2n /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07gqbk +/m/0544vh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/06h2w /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0gtx63s /film/film/produced_by /m/0b478 +/m/017fp /media_common/netflix_genre/titles /m/07yvsn +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01j8yr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mkdm +/m/01kmyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/032r4n +/m/086m1 /base/culturalevent/event/entity_involved /m/0rlz +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0kqbh +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/016lv3 /people/person/nationality /m/02jx1 +/m/0dqcm /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0kftt +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/01nx_8 /people/person/places_lived./people/place_lived/location /m/013n0n +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/0gx1bnj /film/film/genre /m/0hc1z +/m/0372j5 /film/film/featured_film_locations /m/0l39b +/m/06by7 /music/genre/artists /m/01w272y +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/06y0xx /people/person/profession /m/02hrh1q +/m/02tz9z /education/university/fraternities_and_sororities /m/0325pb +/m/06j6l /music/genre/artists /m/0ffgh +/m/01w724 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0683n /influence/influence_node/influenced_by /m/0lcx +/m/024mxd /film/film/story_by /m/01y8d4 +/m/04rwx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01sbv9 /film/film/genre /m/0hcr +/m/0ck1d /location/location/contains /m/0h7jp +/m/06j6l /music/genre/artists /m/0407f +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/09c7w0 /location/location/contains /m/05mv4 +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01v27pl /music/artist/origin /m/0hsqf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/03knl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127m7 +/m/026mj /location/location/contains /m/01swxv +/m/02rgz4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/034_cr +/m/02j490 /film/actor/film./film/performance/film /m/047vp1n +/m/0gl3hr /film/film/written_by /m/0gv5c +/m/04rrx /location/location/contains /m/04gxp2 +/m/0l14md /music/instrument/instrumentalists /m/01vs_v8 +/m/01s3kv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04yj5z /people/person/profession /m/03gjzk +/m/01ggc9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wk3c /film/actor/film./film/performance/film /m/09tcg4 +/m/02r_pp /film/film/genre /m/01jfsb +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vdrw /people/person/profession /m/05z96 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/0b_6h7 /time/event/locations /m/0fr0t +/m/0cfz_z /people/deceased_person/place_of_death /m/04vmp +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/01vw26l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ycck /people/person/profession /m/02hrh1q +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/0133sq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_lt +/m/0456xp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04shbh +/m/01k9cc /sports/sports_team/colors /m/083jv +/m/03818y /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z1c /location/hud_county_place/place /m/01z1c +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/0fqt1ns /film/film/country /m/09c7w0 +/m/0f7fy /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/098r1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/066yfh /award/award_winner/awards_won./award/award_honor/award_winner /m/0bjkpt +/m/0b6yp2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/0425c5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/043sct5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/024qqx /media_common/netflix_genre/titles /m/02qlp4 +/m/039v1 /dataworld/gardening_hint/split_to /m/0342h +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05169r +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/04ddm4 +/m/02ywwy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01vsqvs /people/person/languages /m/064_8sq +/m/01b_lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019f2f +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01k7xz +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/04xvlr /media_common/netflix_genre/titles /m/02p86pb +/m/02hnl /music/instrument/family /m/0l14md +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/019m5j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/015t7v /film/actor/film./film/performance/film /m/017jd9 +/m/04g4n /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/02g0mx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c6qh +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/0dpqk /people/person/profession /m/0kyk +/m/0mhfr /music/genre/artists /m/015882 +/m/0190zg /music/genre/artists /m/01vw26l +/m/0f38nv /music/record_label/artist /m/04r1t +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/051vz +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qsjt +/m/05b6rdt /film/film/genre /m/03npn +/m/06v41q /people/ethnicity/people /m/018ygt +/m/0vg8x /location/location/time_zones /m/02hcv8 +/m/011ywj /film/film/genre /m/03p5xs +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04btgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/018m5q /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/02xwq9 +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/09c7w0 /location/location/contains /m/0r0ls +/m/018swb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gy0l_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/059kh /music/genre/parent_genre /m/06by7 +/m/047qxs /film/film/cinematography /m/03rqww +/m/0342h /music/instrument/instrumentalists /m/02bgmr +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/047d21r /film/film/production_companies /m/054lpb6 +/m/0135nb /people/person/place_of_birth /m/01ngx6 +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/026c1 /people/person/profession /m/0d1pc +/m/0grjmv /music/genre/parent_genre /m/05w3f +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/02m3sd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnqr +/m/0f8j13 /film/film/genre /m/04228s +/m/03f3yfj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l1b90 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01nd2c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06whf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hvv0 /tv/tv_program/genre /m/01hmnh +/m/02j416 /education/educational_institution/students_graduates./education/education/student /m/01vw37m +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vct +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/0dbc1s /people/person/nationality /m/09c7w0 +/m/0cp9f9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfv9 +/m/0hqly /people/person/profession /m/0mb31 +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj8x +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/02bf2s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02yy9r /film/film/genre /m/0lsxr +/m/02y8bn /people/person/nationality /m/0d060g +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05qm9f +/m/02cl1 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/033hqf /people/person/profession /m/02hrh1q +/m/06q8hf /people/person/sibling_s./people/sibling_relationship/sibling /m/05hj_k +/m/0b_5d /film/film/genre /m/05p553 +/m/0dszr0 /people/person/profession /m/02hrh1q +/m/03q3sy /people/person/profession /m/0np9r +/m/05r5c /music/instrument/instrumentalists /m/01mxnvc +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0g2lq /film/director/film /m/02_1sj +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yy9r +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rlj20 +/m/0l2k7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq39 +/m/0gps0z /people/person/profession /m/0dz3r +/m/03d34x8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05fnl9 +/m/04mx__ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v80y +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/03mz5b /film/film/cinematography /m/03cx282 +/m/0f38nv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01dbhb +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z9_x +/m/01w806h /people/person/nationality /m/09c7w0 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04b8pv +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/07sqhm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/04bz2f /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/050tt8 +/m/0mcf4 /music/record_label/artist /m/0lgm5 +/m/017wh /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/0m2j5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02rzmzk /influence/influence_node/influenced_by /m/04s9n +/m/0dj0m5 /film/film/country /m/06mkj +/m/01vrncs /people/person/profession /m/05z96 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/06wvfq +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/01dvry /tv/tv_program/country_of_origin /m/09c7w0 +/m/01fc7p /base/culturalevent/event/entity_involved /m/012m_ +/m/01bpnd /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0d060g /location/location/contains /m/036k0s +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/08jyyk /music/genre/artists /m/01w923 +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02r6c_ /people/person/nationality /m/0ctw_b +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/095nx +/m/011xy1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/042rlf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/026lyl4 /people/person/nationality /m/035qy +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0bqxw /education/university/fraternities_and_sororities /m/0325pb +/m/02dr9j /film/film/genre /m/0g092b +/m/02k1b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qnc6q +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0164nb /people/person/place_of_birth /m/094jv +/m/09949m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0371rb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0234_c /education/educational_institution/colors /m/06kqt3 +/m/08hmch /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0dw4b0 /film/film/country /m/0chghy +/m/09p7fh /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/06v41q /people/ethnicity/people /m/07ldhs +/m/03tc5p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0mgcr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/076xkdz /film/film/production_companies /m/086k8 +/m/035s95 /film/film/production_companies /m/04f525m +/m/016fjj /film/actor/film./film/performance/film /m/04yc76 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/08lpkq /music/genre/artists /m/03h_yfh +/m/0n5yv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mpfn +/m/07bsj /people/person/profession /m/02hrh1q +/m/01w3vc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rv1w /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0399p /people/person/place_of_birth /m/05qtj +/m/0h0wd9 /film/film/language /m/02h40lc +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01yznp +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0674hk /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c94fn +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/06nrt +/m/032wdd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wmjkb +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqkh +/m/02_0d2 /people/person/languages /m/02h40lc +/m/03q0r1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gr35 +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/04lyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/043g7l /music/record_label/artist /m/011vx3 +/m/07mz77 /film/actor/film./film/performance/film /m/0kvgtf +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/015jr /location/location/contains /m/01wj17 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/013rds +/m/01f6zc /people/person/places_lived./people/place_lived/location /m/04jpl +/m/010016 /location/location/contains /m/05zjtn4 +/m/07ssc /location/location/contains /m/0kd69 +/m/01wk3c /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/011yfd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0190yn /music/genre/parent_genre /m/0233qs +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0c2ry /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023w9s +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/05fly /base/aareas/schema/administrative_area/administrative_parent /m/0chghy +/m/02k_kn /music/genre/artists /m/0168cl +/m/03np3w /people/person/profession /m/02krf9 +/m/02jx1 /location/location/contains /m/02hmw9 +/m/04cbtrw /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/05t7c1 /education/educational_institution_campus/educational_institution /m/05t7c1 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/052hl /people/person/profession /m/02jknp +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/06kl78 /film/film/executive_produced_by /m/09d5d5 +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n4w_ +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcvn +/m/0948xk /people/person/nationality /m/06q1r +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0b90_r +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0hwd8 +/m/0f1nl /education/educational_institution/students_graduates./education/education/student /m/042kg +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/02y0dd /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ml_m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmrd +/m/09c7w0 /location/location/contains /m/0s69k +/m/02825nf /film/film/produced_by /m/05ty4m +/m/0399p /people/deceased_person/place_of_death /m/05qtj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08vq2y +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r79_h +/m/0sw6g /film/actor/film./film/performance/film /m/014l6_ +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0blbxk /film/actor/film./film/performance/film /m/0b7l4x +/m/02p5hf /people/person/profession /m/02hrh1q +/m/04sskp /tv/tv_program/country_of_origin /m/07ssc +/m/032xky /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/01jfsb /media_common/netflix_genre/titles /m/03k8th +/m/01gfq4 /music/record_label/artist /m/0144l1 +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/07jrjb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/016tvq +/m/01vw20h /people/person/languages /m/02h40lc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0bwx3 /people/deceased_person/place_of_death /m/0t_07 +/m/0170_p /film/film/genre /m/0lsxr +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/03hzt /film/film_subject/films /m/0c0yh4 +/m/04l5b4 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/024tj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgskx /film/actor/film./film/performance/film /m/0dgst_d +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/0fvly +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/031778 /film/film/film_production_design_by /m/0d5wn3 +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/0163kf +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tgz4 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/084kf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/06ch55 /music/instrument/instrumentalists /m/014g91 +/m/03wh8kl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01s81 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/0b2ds /location/hud_county_place/place /m/0b2ds +/m/05cv94 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01y9pk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02gt5s +/m/0277j40 /film/film/executive_produced_by /m/01qg7c +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/02f8lw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0d1w9 /film/film_subject/films /m/07xtqq +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03y2kr /people/person/nationality /m/09c7w0 +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/034q3l +/m/0chgzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01hwgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01ls2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/08036w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0c6qh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02cpb7 +/m/06cgy /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/032sl_ /film/film/production_companies /m/020h2v +/m/0ms6_ /location/location/time_zones /m/02fqwt +/m/0gs1_ /people/person/place_of_birth /m/06_kh +/m/044f7 /people/person/profession /m/014kbl +/m/05g7tj /music/genre/parent_genre /m/03lty +/m/0rv97 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0xff +/m/06h2w /music/artist/contribution./music/recording_contribution/performance_role /m/01vj9c +/m/0dzlk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0233qs /music/genre/artists /m/01wj18h +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k0yw +/m/025n3p /people/person/profession /m/02hrh1q +/m/0mdqp /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0bg4f9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/03gt0c5 /people/person/profession /m/0d8qb +/m/0j6cj /people/person/profession /m/04f2zj +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0pspl +/m/0266bd5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/01v0sx2 +/m/0x67 /people/ethnicity/people /m/01wgcvn +/m/01tj34 /people/person/languages /m/064_8sq +/m/03fts /film/film/language /m/02h40lc +/m/019_1h /people/person/nationality /m/02k54 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/08cl7s /tv/tv_program/genre /m/02kdv5l +/m/0nj07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/05hz6_ /sports/sports_team/sport /m/02vx4 +/m/0jpdn /film/actor/film./film/performance/film /m/04tqtl +/m/07q1m /film/film/music /m/01x1fq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02qwg /people/person/profession /m/01c72t +/m/02sh8y /people/person/place_of_birth /m/0y62n +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030hbp +/m/06ncr /music/instrument/family /m/085jw +/m/0ccd3x /film/film/genre /m/04t36 +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/09hy79 /film/film/language /m/02h40lc +/m/01f2xy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/07hwkr /people/ethnicity/people /m/0jf1b +/m/02z0f6l /film/film/produced_by /m/04sry +/m/0j6tr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0gjc4d3 /film/film/genre /m/06n90 +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02qdgx /music/genre/artists /m/01svw8n +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0dg3n1 /location/location/contains /m/04v09 +/m/07_l61 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09vc4s /people/ethnicity/people /m/01wz3cx +/m/07bcn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0g0x9c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gpmp /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/065_cjc /film/film/music /m/02g1jh +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/01kb2j /people/person/places_lived./people/place_lived/location /m/0yfvf +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/026t6 /music/instrument/instrumentalists /m/01wt4wc +/m/03k7dn /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0d4fqn /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05zl0 +/m/0d9rp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxw +/m/02y_lrp /film/film/genre /m/05p553 +/m/040j2_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/058kh7 +/m/03v36 /influence/influence_node/influenced_by /m/07w21 +/m/01k8rb /film/actor/film./film/performance/film /m/0yzbg +/m/018t8f /education/educational_institution/school_type /m/01rs41 +/m/024cg8 /education/educational_institution/colors /m/01g5v +/m/01yznp /film/actor/film./film/performance/film /m/0f8j13 +/m/049xgc /film/film/executive_produced_by /m/04sry +/m/02gys2 /sports/sports_team/colors /m/01g5v +/m/0652ty /film/actor/film./film/performance/film /m/03h_yy +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/01x7jb /music/record_label/artist /m/01vtj38 +/m/026n9h3 /people/person/profession /m/02hrh1q +/m/03f47xl /people/person/profession /m/0kyk +/m/0lpfh /base/biblioness/bibs_location/country /m/016wzw +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0ffmp /location/administrative_division/country /m/07t21 +/m/0dp7wt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hzlz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166v +/m/09c7w0 /location/location/contains /m/0r0m6 +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04sj3 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ghq /influence/influence_node/influenced_by /m/0g5ff +/m/0g68zt /film/film/music /m/02z81h +/m/0kbq /film/film_subject/films /m/0jvt9 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/04jspq /film/director/film /m/0407yj_ +/m/01xllf /film/actor/film./film/performance/film /m/0bxsk +/m/0bqvs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0bqsy /people/person/profession /m/02hrh1q +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dxmyh +/m/01vxlbm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0q59y /people/person/profession /m/0cbd2 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/02p4jf0 /music/record_label/artist /m/01vrnsk +/m/0rqyx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063_j5 +/m/030_3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0146mv +/m/01qz5 /film/film/country /m/07ssc +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/09zw90 /people/person/nationality /m/09c7w0 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0nbjq /olympics/olympic_games/sports /m/01hp22 +/m/01w8n89 /people/person/profession /m/09jwl +/m/05148p4 /music/instrument/instrumentalists /m/06gd4 +/m/01lyv /music/genre/artists /m/06gcn +/m/01z53w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yl_w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jx1 /location/location/contains /m/020d8d +/m/01tszq /film/actor/film./film/performance/film /m/06w839_ +/m/01flv_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kbws /olympics/olympic_games/participating_countries /m/06mkj +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/04fzfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fb7sd /film/film/produced_by /m/04y8r +/m/07s9rl0 /media_common/netflix_genre/titles /m/01srq2 +/m/09c7w0 /location/location/contains /m/0rvty +/m/018yj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/025ldg /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/06bzwt /award/award_winner/awards_won./award/award_honor/award_winner /m/0278x6s +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kd57 +/m/01lly5 /film/actor/film./film/performance/film /m/09v3jyg +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/02pjc1h /film/film/country /m/07ssc +/m/03qcq /people/person/nationality /m/09c7w0 +/m/04107 /people/person/place_of_birth /m/0r22d +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02b185 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f1nl /education/educational_institution/colors /m/067z2v +/m/046488 /film/film/production_companies /m/03xsby +/m/03nb5v /people/person/gender /m/05zppz +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qd04y +/m/0jrq9 /location/us_county/county_seat /m/0rp46 +/m/01j6t0 /medicine/symptom/symptom_of /m/03p41 +/m/0342h /music/instrument/instrumentalists /m/044mfr +/m/08s_lw /film/actor/film./film/performance/film /m/02_fz3 +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fmz6 +/m/0mzkr /music/record_label/artist /m/0168cl +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02lk60 +/m/036dyy /people/person/profession /m/02hrh1q +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/01nx_8 /people/person/profession /m/0dxtg +/m/03rhqg /music/record_label/artist /m/016376 +/m/07g2b /people/deceased_person/place_of_death /m/04jpl +/m/02q5g1z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nms7 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/07ssc /location/location/contains /m/0nccd +/m/0fh694 /film/film/production_companies /m/031rq5 +/m/099flj /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01795t +/m/0g9z_32 /film/film/written_by /m/0dbc1s +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/0l2sr /location/location/contains /m/0pc56 +/m/05w6cw /people/person/profession /m/0np9r +/m/04xn2m /people/person/gender /m/05zppz +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/016qwt +/m/049t4g /people/person/gender /m/05zppz +/m/07th_ /organization/organization/headquarters./location/mailing_address/citytown /m/05l64 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0d0kn +/m/05kr_ /location/location/contains /m/03pzf +/m/0q8p8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g68zt /film/film/genre /m/060__y +/m/0162c8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0jlv5 +/m/01p85y /people/person/profession /m/02hrh1q +/m/03x7hd /film/film/genre /m/01zhp +/m/026n4h6 /film/film/genre /m/07s9rl0 +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mm1q +/m/01l2m3 /people/cause_of_death/people /m/025jj7 +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/049sb +/m/0k_q_ /base/biblioness/bibs_location/state /m/01n7q +/m/02qkt /location/location/contains /m/07f1x +/m/03f1zdw /film/actor/film./film/performance/film /m/0pv3x +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0m0nq /film/actor/film./film/performance/film /m/0bmssv +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrfzf +/m/0jrny /people/person/profession /m/03gjzk +/m/027jk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01fm07 /music/genre/artists /m/01wk7ql +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award /m/02fm4d +/m/01s3vk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0q9kd /film/actor/film./film/performance/film /m/087wc7n +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lg3y +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03m3nzf /people/person/places_lived./people/place_lived/location /m/04vmp +/m/03rt9 /location/country/second_level_divisions /m/0m_w6 +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/01vrz41 +/m/04gmlt /music/record_label/artist /m/016srn +/m/01xbld /sports/sports_team_location/teams /m/01rl_3 +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/02_p5w /people/person/languages /m/02h40lc +/m/01flv_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cv13 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwcz +/m/0ph2w /influence/influence_node/influenced_by /m/0127xk +/m/026hh0m /film/film/language /m/06b_j +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01l0__ +/m/03knl /people/person/gender /m/02zsn +/m/038723 /people/ethnicity/languages_spoken /m/0349s +/m/046k81 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/0g_zyp /film/film/featured_film_locations /m/030qb3t +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0b2_xp +/m/01bn3l /film/film/genre /m/0lsxr +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01gzm2 /people/person/gender /m/02zsn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0ctwqs +/m/06rmdr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0hmxn /tv/tv_network/programs./tv/tv_network_duration/program /m/08jgk1 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/016kv6 /film/film/genre /m/017fp +/m/02fgdx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vdrw /people/person/religion /m/0kpl +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pctb +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06gp3f +/m/0n85g /music/record_label/artist /m/07r1_ +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237jb +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/0kqb0 /base/biblioness/bibs_location/country /m/02jx1 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03pc89 /film/film/genre /m/0gf28 +/m/01jrs46 /award/award_winner/awards_won./award/award_honor/award_winner /m/05pq9 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/04l5d0 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/06mn7 +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fr63l +/m/02g9z1 /people/person/gender /m/02zsn +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/04264n /people/person/gender /m/05zppz +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/01k98nm /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01ppdy /award/award_category/category_of /m/01ppdy +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/09kr66 /people/ethnicity/people /m/01rh0w +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0k8y7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02fn5 +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/0mhfr /music/genre/artists /m/0zjpz +/m/0372kf /film/actor/film./film/performance/film /m/0pb33 +/m/014vk4 /people/person/employment_history./business/employment_tenure/company /m/06pwq +/m/0gy3w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/064t9 /music/genre/artists /m/01vsqvs +/m/015whm /film/film/cinematography /m/03rqww +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05pzdk /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g0x9c +/m/027pwl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01364q /people/person/profession /m/0nbcg +/m/041rx /people/ethnicity/people /m/01lct6 +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dn58 +/m/0415ggl /film/film/genre /m/03k9fj +/m/01v8y9 /music/instrument/family /m/0fx80y +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yrp +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0pdp8 /film/film/language /m/02h40lc +/m/0byh8j /base/aareas/schema/administrative_area/capital /m/0fk98 +/m/0chw_ /film/director/film /m/09v71cj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023gxx +/m/06lht1 /film/actor/film./film/performance/film /m/0dqytn +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8f7 +/m/01vsykc /award/award_winner/awards_won./award/award_honor/award_winner /m/0qdyf +/m/04jhhng /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b3n61 +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/02yxjs /education/educational_institution/campuses /m/02yxjs +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0fhmf /location/location/time_zones /m/02llzg +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/03t79f /film/film/produced_by /m/016dmx +/m/05hdf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0jcgs /location/us_county/county_seat /m/0f2r6 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0fby2t +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01csqg +/m/043tg /influence/influence_node/influenced_by /m/06myp +/m/01f7gh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0164v /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02vwckw /people/person/profession /m/0nbcg +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0fpj4lx /people/person/gender /m/05zppz +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/083skw /film/film/cinematography /m/07z4p5 +/m/014gf8 /people/person/place_of_birth /m/01ktz1 +/m/02t1dv /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0xhtw /music/genre/artists /m/01vv6xv +/m/01304j /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/04mp8g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/027zz /film/director/film /m/0dgq_kn +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/01c6k4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/018zvb /people/person/profession /m/0d8qb +/m/0ggx5q /music/genre/artists /m/0478__m +/m/05r5c /music/instrument/instrumentalists /m/011zf2 +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01q7cb_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/014_lq /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/03177r /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/012j8z /people/person/nationality /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/04p5cr /tv/tv_program/languages /m/02h40lc +/m/064r9cb /music/record_label/artist /m/07r4c +/m/0m257 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ch98 /film/film/genre /m/09blyk +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/01v3vp /film/actor/film./film/performance/film /m/0_7w6 +/m/09hy79 /film/film/country /m/09c7w0 +/m/012z8_ /people/person/profession /m/0fnpj +/m/01vwllw /film/actor/film./film/performance/film /m/0dqytn +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04k3r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0n6c_ /location/location/time_zones /m/02hcv8 +/m/0dfw0 /film/film/edited_by /m/0343h +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/07bch9 /people/ethnicity/people /m/026r8q +/m/03k48_ /film/actor/film./film/performance/film /m/08952r +/m/0f0kz /people/person/gender /m/05zppz +/m/01q_ph /award/award_winner/awards_won./award/award_honor/award_winner /m/01lbp +/m/011ydl /film/film/genre /m/07s9rl0 +/m/05wqr1 /people/person/place_of_birth /m/0c_m3 +/m/02mj7c /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/09tkzy /film/film/genre /m/060__y +/m/01vnbh /tv/tv_program/country_of_origin /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0h3mh3q /tv/tv_program/genre /m/09n3wz +/m/0cbkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012g92 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/037xlx +/m/01wyz92 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wmxfs +/m/01vzx45 /people/person/profession /m/09jwl +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcdc2 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0lvng +/m/06br6t /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/01k_0fp /people/person/nationality /m/02jx1 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/0170z3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01fsv9 +/m/01l9p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03g5_y +/m/045m1_ /people/person/profession /m/066dv +/m/02pv_d /award/award_winner/awards_won./award/award_honor/award_winner /m/05m883 +/m/0gl3hr /film/film/written_by /m/06z4wj +/m/02mv9b /film/actor/film./film/performance/film /m/0k4f3 +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/09c7w0 /location/location/contains /m/04f_d +/m/0344gc /film/film/production_companies /m/03xsby +/m/044mfr /music/artist/origin /m/030qb3t +/m/0dhrqx /people/person/profession /m/0gl2ny2 +/m/08g_jw /film/film/language /m/03k50 +/m/03xpf_7 /people/person/profession /m/0dxtg +/m/07ng9k /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/location/contains /m/063576 +/m/017z88 /education/educational_institution/school_type /m/01rs41 +/m/01qhm_ /people/ethnicity/people /m/0315q3 +/m/093l8p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01npcx +/m/0bth54 /film/film/film_format /m/017fx5 +/m/0xhtw /music/genre/artists /m/0134pk +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01qbl +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/026z9 /music/genre/artists /m/0137hn +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01l1hr +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02h40lc /language/human_language/countries_spoken_in /m/047t_ +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02bfxb +/m/0pm85 /music/genre/artists /m/089pg7 +/m/082db /people/person/places_lived./people/place_lived/location /m/0b1mf +/m/0123qq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06vsbt +/m/019dwp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/044p4_ /sports/sports_team/colors /m/019sc +/m/0fw2f /location/location/time_zones /m/02hcv8 +/m/0162v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07ssc /location/location/contains /m/03x3l +/m/02fsn /music/instrument/instrumentalists /m/01fh0q +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/015g28 /tv/tv_program/program_creator /m/03mdt +/m/02w70 /base/biblioness/bibs_location/country /m/0d060g +/m/06by7 /music/genre/artists /m/0137hn +/m/01chc7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d02km +/m/057pq5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04p5cr +/m/01vw8mh /people/person/employment_history./business/employment_tenure/company /m/017l96 +/m/01vsyjy /people/person/nationality /m/02jx1 +/m/0gl6f /organization/organization/headquarters./location/mailing_address/citytown /m/0c5_3 +/m/0dsvzh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/02h1rt +/m/02pzc4 /people/person/profession /m/09jwl +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0136g9 +/m/029h7y /music/genre/artists /m/01vt5c_ +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/09c7w0 /location/location/contains /m/0rk71 +/m/09c7w0 /location/location/contains /m/0f2s6 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027f7dj +/m/0404wqb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01y8zd /education/educational_institution_campus/educational_institution /m/01y8zd +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/0kq0q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2sr +/m/01p970 /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/09nqf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j0k /location/location/contains /m/06f32 +/m/0bpx1k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03_vx9 /people/person/nationality /m/09c7w0 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/03zm00 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/05v45k /people/person/nationality /m/09c7w0 +/m/0dn44 /people/person/profession /m/0dxtg +/m/0d_w7 /people/person/place_of_birth /m/0h7h6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03z8bw +/m/09tqkv2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f612 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f60c +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0196bp +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012cj0 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0jwvf /film/film/featured_film_locations /m/02_286 +/m/0c6g1l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/018d6l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/0gcrg /film/film/film_format /m/01dc60 +/m/02cbhg /film/film/produced_by /m/029m83 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/056_y +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03yj_0n +/m/0sqc8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06ncr /music/instrument/instrumentalists /m/0lbj1 +/m/08zrbl /film/film/country /m/09c7w0 +/m/03cd0x /film/film/country /m/0chghy +/m/02lnbg /music/genre/artists /m/0ffgh +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/025vwmy /people/person/profession /m/02hv44_ +/m/0hmxn /tv/tv_network/programs./tv/tv_network_duration/program /m/043qqt5 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/03sbs /influence/influence_node/influenced_by /m/07kb5 +/m/0309lm /people/person/places_lived./people/place_lived/location /m/0rrwt +/m/08nvyr /film/film/language /m/064_8sq +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pk41 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/03xnwz /music/genre/artists /m/01w5n51 +/m/04swd /sports/sports_team_location/teams /m/03j6_5 +/m/067ghz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01f8hf +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/08821 /base/culturalevent/event/entity_involved /m/09c7w0 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qsjt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016dj8 +/m/03hfmm /film/film/genre /m/03bxz7 +/m/03b78r /people/person/profession /m/02hrh1q +/m/0l12d /people/person/profession /m/09jwl +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0421v9q +/m/0blpnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glnm +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/03twd6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06y3r /people/person/employment_history./business/employment_tenure/company /m/0k8z +/m/06w38l /people/person/profession /m/0dxtg +/m/0154j /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/09krp /base/aareas/schema/administrative_area/capital /m/0bp_7 +/m/05fcbk7 /film/film/genre /m/03k9fj +/m/02zp1t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/032v0v /film/director/film /m/0ds2n +/m/01r0t_j /people/person/profession /m/01c72t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0138mv +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/059kh /music/genre/parent_genre /m/026z9 +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/061v5m +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/021y7yw +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jjy0 /film/film/costume_design_by /m/0bytfv +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06s7rd +/m/03kg2v /film/film/music /m/01m7f5r +/m/03y3bp7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021yw7 +/m/02m_41 /education/educational_institution/campuses /m/02m_41 +/m/02j9z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04swx +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0g48m4 /people/ethnicity/geographic_distribution /m/05kkh +/m/0lyjf /education/educational_institution/colors /m/083jv +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10w +/m/05sxr_ /film/film/country /m/09c7w0 +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q3bb +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02_lt +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ckf6 +/m/060s9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/064jjy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01y665 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/017g21 /music/group_member/membership./music/group_membership/group /m/01wv9xn +/m/052fbt /location/administrative_division/country /m/03rjj +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/011ysn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jyb4 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/05th69 +/m/030dr /people/person/profession /m/06q2q +/m/03_z5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0221g_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0p_47 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vhb0 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0bkf4 /people/person/gender /m/05zppz +/m/0dt8xq /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/01dtcb /music/record_label/artist /m/01271h +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cj8x +/m/04ynx7 /film/film/genre /m/03k9fj +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0cymln /people/person/profession /m/01445t +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02q_cc /people/person/profession /m/03gjzk +/m/0693l /people/person/gender /m/05zppz +/m/06lvlf /award/award_winner/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0ccd3x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tl50z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cqnss +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/048xyn /film/film/country /m/0f8l9c +/m/01v90t /people/person/profession /m/0dxtg +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/052zgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04wgh +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/026t6 /music/instrument/instrumentalists /m/04mn81 +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0ds2n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tb7 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/016jfw /people/person/profession /m/039v1 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h26tm +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/081m_ /location/location/time_zones /m/02llzg +/m/01jnc_ /film/film/genre /m/05p553 +/m/043h78 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/015pdg /music/genre/artists /m/089tm +/m/01r42_g /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/03f0r5w /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/019fh /base/biblioness/bibs_location/state /m/059rby +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/0m2gz /location/location/time_zones /m/02hcv8 +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/07szy /education/university/fraternities_and_sororities /m/035tlh +/m/02s58t /people/person/nationality /m/09c7w0 +/m/02sg5v /film/film/genre /m/0bkbm +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/03y5ky /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k6nt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/01y888 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b478 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/059f4 /location/location/contains /m/0czr9_ +/m/01vx5w7 /people/person/profession /m/0n1h +/m/03ytj1 /sports/sports_team/sport /m/02vx4 +/m/0jmdb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0227vl /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vv126 +/m/01rcmg /people/person/profession /m/0np9r +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06qd3 +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/09qxq7 /music/genre/artists /m/015mrk +/m/0fvvz /location/hud_county_place/place /m/0fvvz +/m/09pl3f /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/03cf9ly +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/016zp5 /film/actor/film./film/performance/film /m/02pw_n +/m/05r6t /music/genre/artists /m/07n68 +/m/0k2sk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/021sv1 /people/person/place_of_birth /m/02hrh0_ +/m/0pmhf /film/actor/film./film/performance/film /m/01j5ql +/m/02xry /location/location/contains /m/0jrxx +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gr35 +/m/052nd /organization/organization/headquarters./location/mailing_address/citytown /m/052p7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06tgw +/m/0d7vtk /film/film/language /m/064_8sq +/m/0sx5w /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0qpqn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01t6xz /people/person/place_of_birth /m/0f2wj +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058kqy +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/0mxcf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx4_ +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4gw +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06b_j +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0fd6qb /film/film_set_designer/film_sets_designed /m/0b_5d +/m/02wgk1 /film/film/story_by /m/079vf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/06hhrs /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/011yph /film/film/genre /m/0556j8 +/m/0hky /influence/influence_node/influenced_by /m/03f70xs +/m/04dm2n /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/029b9k +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06x58 +/m/02w4v /music/genre/artists /m/0bqsy +/m/02_0d2 /people/person/nationality /m/09c7w0 +/m/07h34 /location/location/contains /m/0pzpz +/m/024l2y /film/film/genre /m/0hc1z +/m/0pc7r /location/location/contains /m/02c9dj +/m/07lmxq /film/actor/film./film/performance/film /m/0cfhfz +/m/05qx1 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/026c1 /film/actor/film./film/performance/film /m/064r97z +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03fcbb +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dwj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0xq +/m/02pzck /people/person/nationality /m/09c7w0 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/04v89z /film/film/country /m/09c7w0 +/m/02ndy4 /film/film/language /m/02h40lc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r62v +/m/0fdv3 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddt_ +/m/01cwdk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0187y5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01cssf /film/film/story_by /m/081k8 +/m/018yj6 /people/person/nationality /m/09c7w0 +/m/0683n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02t_v1 /people/person/profession /m/02hrh1q +/m/0421v9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0794g +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6qt +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fwk3 +/m/06by7 /music/genre/artists /m/0b_xm +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/01ps2h8 /people/person/languages /m/0295r +/m/03mqtr /media_common/netflix_genre/titles /m/04j4tx +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/01g42 +/m/01cf93 /music/record_label/artist /m/01817f +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btbyn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/064_8sq +/m/0gthm /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/03shpq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blfl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05kkh /location/location/time_zones /m/02hcv8 +/m/0233bn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pm_ +/m/0d29z /people/ethnicity/geographic_distribution /m/016wzw +/m/04g5k /location/location/contains /m/06cn5 +/m/02pbp9 /people/person/places_lived./people/place_lived/location /m/0tbql +/m/0204jh /education/educational_institution/colors /m/01l849 +/m/084w8 /influence/influence_node/influenced_by /m/02lt8 +/m/03l6q0 /film/film/genre /m/0bbc17 +/m/0dn_w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0bxxzb /film/film/country /m/09c7w0 +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01fxck /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dvmd +/m/03tw2s /education/educational_institution/colors /m/019sc +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dfk +/m/08h79x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mmzt /location/hud_county_place/county /m/0mmzt +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01nd6v +/m/034_cr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/0h3vhfb /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0jhn7 /olympics/olympic_games/sports /m/064vjs +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/07vht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02hyt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0287xhr +/m/049msk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/013yq /location/location/contains /m/0bqxw +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n0bp +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/04mlmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/063vn +/m/0473m9 /organization/organization/headquarters./location/mailing_address/citytown /m/0dc95 +/m/01lhf /education/field_of_study/students_majoring./education/education/student /m/05drr9 +/m/0gywn /music/genre/artists /m/01wzlxj +/m/02h48 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/02rb84n /film/film/edited_by /m/03q8ch +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/03gvt +/m/03bnv /people/person/place_of_birth /m/04lh6 +/m/02vtnf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06jzh /people/person/gender /m/02zsn +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/013q07 /film/film/personal_appearances./film/personal_film_appearance/person /m/0163t3 +/m/0bx8pn /education/educational_institution/school_type /m/07tf8 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g4gr /people/person/gender /m/05zppz +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0djywgn /film/actor/film./film/performance/film /m/0m63c +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01jr4j /film/film/genre /m/01jfsb +/m/044pqn /people/person/nationality /m/03rk0 +/m/01_k71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zrp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_5k +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0pspl +/m/02f1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0kftt +/m/02l_7y /people/person/nationality /m/02jx1 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/08tq4x /film/film/country /m/03rjj +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b7h8 +/m/03_gz8 /film/film/genre /m/03bxz7 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/0dzz_ /location/location/contains /m/01l5rz +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/024my5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0d2kt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01_c4 +/m/06gst /music/record_label/artist /m/01vsy9_ +/m/01yj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rz4 +/m/026ps1 /people/person/spouse_s./people/marriage/spouse /m/02vr7 +/m/0h7pj /people/person/spouse_s./people/marriage/spouse /m/019pm_ +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/03rwz3 /business/business_operation/industry /m/02vxn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jzyx +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/0237jb /people/person/gender /m/05zppz +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t2t2 +/m/0ymgk /education/educational_institution/campuses /m/0ymgk +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/026ssfj +/m/02ckl3 /education/educational_institution/students_graduates./education/education/student /m/08_hns +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05kfs +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/01ztgm +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01vqc7 +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fg04 /film/film/edited_by /m/02qggqc +/m/0r2dp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02qssrm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r7t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gbbz +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/02cpb7 /film/actor/film./film/performance/film /m/033dbw +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/035yn8 /film/film/country /m/09c7w0 +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073749 +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0c1jh /influence/influence_node/influenced_by /m/0379s +/m/0jm9w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/01718w /film/film/production_companies /m/086k8 +/m/01gwck /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02754c9 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/059rby /location/location/contains /m/0ycht +/m/012d40 /film/actor/film./film/performance/film /m/02gpkt +/m/01qz69r /film/actor/film./film/performance/film /m/026q3s3 +/m/01qb559 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0417z2 +/m/01p1b /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0hfjk /media_common/netflix_genre/titles /m/0cc5mcj +/m/01t6b4 /people/person/profession /m/01d_h8 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/065b6q /people/ethnicity/people /m/05bnp0 +/m/02cbs0 /people/person/profession /m/02hrh1q +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04xrx /film/actor/film./film/performance/film /m/05c46y6 +/m/0lbfv /organization/organization/headquarters./location/mailing_address/citytown /m/052bw +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lk8j +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06b3g4 /film/actor/film./film/performance/film /m/04b2qn +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/028hc2 /people/person/profession /m/0nbcg +/m/0h1mt /film/actor/film./film/performance/film /m/03nqnnk +/m/088cp /location/location/contains /m/014d4v +/m/043s3 /influence/influence_node/influenced_by /m/0gz_ +/m/063g7l /film/actor/film./film/performance/film /m/043tvp3 +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n2bh +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/02q_x_l /tv/tv_program/genre /m/03k9fj +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrlr4 +/m/0kq95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cb77r /award/award_winner/awards_won./award/award_honor/award_winner /m/05v1sb +/m/0j0k /base/locations/continents/countries_within /m/05sb1 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/030b93 +/m/0t6sb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01hznh +/m/0c5vh /people/person/profession /m/0np9r +/m/04rrd /location/location/contains /m/0ttxp +/m/07glc4 /people/person/nationality /m/09c7w0 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/050xxm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0zjpz /people/person/nationality /m/09c7w0 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01j2xj /film/director/film /m/02q5g1z +/m/034qzw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/01rmnp /film/actor/film./film/performance/film /m/02v5xg +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02x8m /music/genre/artists /m/01w7nww +/m/07cyl /film/film/costume_design_by /m/03mfqm +/m/0nccd /location/location/contains /m/06psyf +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0261x8t /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vv126 +/m/01_4lx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/02cft /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cl2w /people/person/nationality /m/09c7w0 +/m/06x43v /film/film/language /m/064_8sq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0cbl95 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/07t3x8 +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/040j2_ +/m/03qd_ /people/person/place_of_birth /m/030qb3t +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/038czx /education/educational_institution/colors /m/01jnf1 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05l2z4 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/05cx7x /film/actor/film./film/performance/film /m/03kxj2 +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmk5 +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05p5nc +/m/03zz8b /people/person/nationality /m/09c7w0 +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064r97z +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015nhn +/m/0jym0 /film/film/genre /m/060__y +/m/0160w /location/location/time_zones /m/02hcv8 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/03q3sy /people/person/profession /m/02hrh1q +/m/04n65n /music/group_member/membership./music/group_membership/group /m/017j6 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0djkrp /film/film/genre /m/05p553 +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l5b4 +/m/0dwl2 /business/business_operation/industry /m/020mfr +/m/06k02 /film/actor/film./film/performance/film /m/02pxst +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/070zc +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/02sj1x /people/person/gender /m/05zppz +/m/079sf /award/award_category/winners./award/award_honor/award_winner /m/0f7fy +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/04xvlr /media_common/netflix_genre/titles /m/02mpyh +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bz6sq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/033dbw /film/film/story_by /m/0bv7t +/m/01pl14 /education/educational_institution/colors /m/09ggk +/m/02p21g /people/person/profession /m/018gz8 +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/04dqdk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bdjd /film/film/country /m/09c7w0 +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/037css +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0f8l9c /location/location/contains /m/01c6rd +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/028pzq /film/actor/film./film/performance/film /m/07yvsn +/m/02q7fl9 /film/film/personal_appearances./film/personal_film_appearance/person /m/0f6_x +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0683n /influence/influence_node/influenced_by /m/032l1 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020fcn +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r066 +/m/023nlj /film/actor/film./film/performance/film /m/06v9_x +/m/06qgjh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/04z_x4v +/m/032w8h /people/person/profession /m/03gjzk +/m/02g9p4 /music/instrument/family /m/01bns_ +/m/02ndbd /film/director/film /m/0fphf3v +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/04w8f /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/040nwr /people/person/languages /m/07c9s +/m/05sbv3 /film/film/language /m/02h40lc +/m/06bd5j /film/film/country /m/09c7w0 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0mbql /film/film/language /m/012w70 +/m/018qql /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01243b /music/genre/artists /m/016ntp +/m/0dfw0 /film/film/featured_film_locations /m/06y57 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0fvd03 +/m/06ppc4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03rtz1 +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/08jyyk /music/genre/artists /m/023l9y +/m/01z4y /media_common/netflix_genre/titles /m/033f8n +/m/09c7w0 /location/location/contains /m/019c57 +/m/03qx_f /music/record_label/artist /m/0565cz +/m/03ctv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027ct7c +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04kn29 +/m/09r9m7 /people/person/nationality /m/09c7w0 +/m/0df92l /film/film/genre /m/02kdv5l +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zcx +/m/0168ql /people/person/profession /m/02krf9 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/0cc63l /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/01pdgp /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/045zr +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01tspc6 /film/actor/film./film/performance/film /m/02rtqvb +/m/0sx5w /people/person/nationality /m/09c7w0 +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/0jmj +/m/03tc5p /sports/sports_team/sport /m/02vx4 +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/033tf_ /people/ethnicity/people /m/01wbg84 +/m/0k2h6 /education/educational_institution/students_graduates./education/education/student /m/0kh6b +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/05sb1 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06sfk6 +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/0pz91 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q415 +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/0hcvy /people/person/profession /m/02hv44_ +/m/0gk4g /people/cause_of_death/people /m/06qn87 +/m/01llxp /people/person/nationality /m/084n_ +/m/04bz2f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yhm +/m/01_vfy /film/director/film /m/0qmjd +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04psyp +/m/01hkg9 /people/person/profession /m/0np9r +/m/01vw20h /award/award_winner/awards_won./award/award_honor/award_winner /m/0g824 +/m/014_x2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/02x0dzw /people/person/profession /m/02hrh1q +/m/01wyz92 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/026bfsh +/m/04fcjt /music/record_label/artist /m/016fnb +/m/0d7wh /people/ethnicity/people /m/02f2dn +/m/0261g5l /award/award_winner/awards_won./award/award_honor/award_winner /m/06x58 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/02h22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01w1sx /film/film_subject/films /m/03cp4cn +/m/07sp4l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/01n7q /location/location/contains /m/0l38x +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/01hl_w /education/educational_institution_campus/educational_institution /m/01hl_w +/m/0b_6rk /time/event/locations /m/0f2tj +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166v +/m/01xvlc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/06wvfq /film/actor/film./film/performance/film /m/0f42nz +/m/0ggq0m /music/genre/artists /m/01hw6wq +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/01wg982 /music/artist/origin /m/0tz14 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0bsj9 +/m/01k7b0 /film/film/costume_design_by /m/0dg3jz +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/01xn6mc /sports/sports_team/colors /m/06fvc +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/01wjrn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9n7 +/m/02hp6p /education/educational_institution/students_graduates./education/education/student /m/01vt9p3 +/m/03x9yr /music/record_label/artist /m/01ww_vs +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01vsy3q /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/017l96 /music/record_label/artist /m/07c0j +/m/0h0p_ /people/person/gender /m/05zppz +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0167km /people/person/profession /m/09jwl +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01ksr1 +/m/0k6yt1 /music/artist/origin /m/0dclg +/m/026hxwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07rhpg /film/actor/film./film/performance/film /m/01k7b0 +/m/015q43 /film/actor/film./film/performance/film /m/0cw3yd +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01f7dd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05p8bf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05dbf /film/actor/film./film/performance/film /m/02qcr +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/03_3d +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/01dnws +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/0b_6jz /time/event/locations /m/071cn +/m/01qtj9 /base/aareas/schema/administrative_area/capital /m/0d6nx +/m/02nt75 /sports/sports_team/sport /m/02vx4 +/m/0dlglj /people/person/profession /m/01d_h8 +/m/03v0t /location/location/contains /m/02zd2b +/m/0gk4g /people/cause_of_death/people /m/03llf8 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/046p9 +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/01ty4 +/m/025h4z /people/person/profession /m/02hrh1q +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01n7q /location/location/contains /m/02bb47 +/m/096cw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxlb +/m/06mkj /media_common/netflix_genre/titles /m/091z_p +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/01vksx /film/film/language /m/02h40lc +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03bxp5 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/06g2d1 /people/person/gender /m/05zppz +/m/05k7sb /location/location/contains /m/01hr11 +/m/0kvqv /people/person/nationality /m/09c7w0 +/m/02c6pq /people/person/profession /m/02krf9 +/m/0fvppk /business/business_operation/industry /m/02vxn +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/09h_q +/m/0162c8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/015z4j +/m/01kv4mb /people/person/place_of_birth /m/0z53k +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/03lrht /film/film/executive_produced_by /m/0b1f49 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/015v3r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015076 +/m/017b2p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n4w_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/03wbzp /people/person/profession /m/0dxtg +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/035gnh /film/film/music /m/01r4hry +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0c408_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0282x +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/0f4vbz /people/person/spouse_s./people/marriage/spouse /m/0c6qh +/m/01xk7r /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01mwsnc /people/person/profession /m/09jwl +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/04fv5b +/m/01hmnh /media_common/netflix_genre/titles /m/09hy79 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01r7pq +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0344gc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01g4zr /people/person/nationality /m/09c7w0 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016clz /music/genre/artists /m/04bbv7 +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/02lkcc +/m/019fz /people/person/profession /m/0fj9f +/m/044ptm /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/058frd +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/01s3vk /film/film/music /m/02bh9 +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/01nglk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06w6_ +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/08b8vd /people/person/profession /m/02hrh1q +/m/01_vfy /people/person/profession /m/02krf9 +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n8qg +/m/03rhqg /music/record_label/artist /m/02rn_bj +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/09c7w0 /location/location/contains /m/0xkyn +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/02yy8 /people/person/profession /m/0cbd2 +/m/04j1n8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbckf +/m/0cq8qq /film/film/genre /m/07s9rl0 +/m/01n4w_ /education/educational_institution/colors /m/083jv +/m/03c5f7l /people/person/profession /m/02hrh1q +/m/03f0qd7 /people/person/languages /m/02h40lc +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03qmx_f +/m/02g0rb /film/actor/film./film/performance/film /m/02rq8k8 +/m/0sx92 /olympics/olympic_games/sports /m/09_9n +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/03w9bjf /people/ethnicity/people /m/044mz_ +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01pf21 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01rlz4 +/m/0285xqh /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/082wbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0dvmd /people/person/languages /m/02h40lc +/m/01tkgy /film/actor/film./film/performance/film /m/035gnh +/m/0l14qv /music/instrument/instrumentalists /m/03bnv +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04xg2f /film/film/genre /m/06cvj +/m/090q8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0443v1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sx92 /olympics/olympic_games/sports /m/09_94 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019x62 +/m/0knjh /people/person/gender /m/05zppz +/m/02qhm3 /film/actor/film./film/performance/film /m/0cbn7c +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/08l0x2 /film/film/produced_by /m/0grwj +/m/0309lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/07g2b /people/person/nationality /m/09c7w0 +/m/01s3kv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0d608 +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/07c52 /film/film_subject/films /m/011yth +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bscw +/m/030p35 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/0234pg +/m/03h304l /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01r93l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bksh +/m/016z7s /film/film/genre /m/05p553 +/m/025n07 /film/film/genre /m/0lsxr +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01c333 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0m0hw /film/actor/film./film/performance/film /m/0symg +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06nr2h +/m/06mmb /people/person/profession /m/0d1pc +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074rg9 +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/03kbb8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02js6_ +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qlkc3 +/m/03bx_5q /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/046chh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/01pcj4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02zcnq /education/educational_institution/students_graduates./education/education/student /m/02hblj +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9wdmc +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03hltjb /people/person/profession /m/0dgd_ +/m/03mz5b /film/film/production_companies /m/025jfl +/m/0gdh5 /film/actor/film./film/performance/film /m/03hfmm +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02f1c +/m/0lfyx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0s3pw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/03bxwtd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07ssc /location/location/contains /m/01zjn0 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r1ysd +/m/04cf_l /film/film/country /m/09c7w0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/02ktt7 +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/019m60 +/m/04gcyg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03fnqj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/035tjy +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/04cdxc /people/person/profession /m/02hrh1q +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d87hc +/m/015p3p /film/actor/film./film/performance/film /m/0gxtknx +/m/02t901 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01t94_1 /people/person/profession /m/0kyk +/m/07ssc /media_common/netflix_genre/titles /m/01jwxx +/m/043g7l /organization/organization/child./organization/organization_relationship/child /m/015_1q +/m/0h0wd9 /film/film/genre /m/05p553 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0jksm +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07h1tr +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y54 +/m/02x6dqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04ngn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/02vjzr /music/genre/artists /m/0c7xjb +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05zjd +/m/0jxxt /film/film_subject/films /m/065z3_x +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0ggq0m /music/genre/artists /m/06wvj +/m/07l8f /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/06dv3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0chw_ +/m/02lymt /people/person/nationality /m/09c7w0 +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09qr6 +/m/018zvb /people/person/religion /m/0kpl +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/088vb /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01lyv /music/genre/artists /m/03cfjg +/m/01t07j /people/deceased_person/place_of_death /m/0k049 +/m/04mhxx /people/person/gender /m/02zsn +/m/03hkch7 /film/film/genre /m/017fp +/m/0cf2h /film/actor/film./film/performance/film /m/0jvt9 +/m/0dl9_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ftmg /people/person/nationality /m/07ssc +/m/01l2m3 /people/cause_of_death/people /m/0dg3jz +/m/0ln16 /music/genre/artists /m/01wv9p +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05b4w +/m/017b2p /people/person/place_of_birth /m/0gqkd +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/01h2_6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/05gml8 +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/02ryx0 +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/0chgzm /base/biblioness/bibs_location/country /m/0chghy +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/01w1sx /time/event/locations /m/06n3y +/m/047svrl /film/film/country /m/09c7w0 +/m/0167q3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d07s /education/educational_institution/students_graduates./education/education/student /m/0282x +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/0xnvg /people/ethnicity/people /m/01htxr +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0196bp +/m/0560w /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0r4qq /location/hud_county_place/place /m/0r4qq +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mzp +/m/09c7w0 /location/location/contains /m/0fdpd +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/01jv_6 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016k6x +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0dy04 +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/085v7 +/m/0gmblvq /film/film/executive_produced_by /m/0415svh +/m/0350l7 /people/person/profession /m/02hrh1q +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/04kjrv /people/person/profession /m/09jwl +/m/05h7tk /people/person/profession /m/015h31 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/018_lb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/06bc59 /film/film/language /m/04306rv +/m/0dmy0 /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/02k1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ls2 +/m/0r5y9 /location/location/time_zones /m/02lcqs +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/06cgy /people/person/profession /m/01d_h8 +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/03bw6 /film/director/film /m/070fnm +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01y2mq /music/genre/artists /m/016kjs +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/032w8h /people/person/profession /m/0dxtg +/m/0gghm /music/instrument/instrumentalists /m/0bhvtc +/m/0f4yh /film/film/story_by /m/0343h +/m/071vr /base/biblioness/bibs_location/country /m/09c7w0 +/m/07bxhl /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/032clf /film/film/film_format /m/0cj16 +/m/05qdh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/03lyp4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/084x96 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/0k60 /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/01wphh2 +/m/01pcdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/08nhfc1 /film/film/country /m/09c7w0 +/m/015pvh /film/actor/film./film/performance/film /m/04hwbq +/m/01tw31 /people/person/profession /m/039v1 +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/02_286 /location/location/contains /m/06thjt +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03yk8z +/m/0dr_9t7 /film/film/country /m/09c7w0 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0g284 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ldnp /people/person/profession /m/01d_h8 +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/01cssf /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06rgq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02b9g4 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m123 +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/016h4r /film/actor/film./film/performance/film /m/01gvts +/m/07ssc /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/09ly2r6 +/m/0bzyh /people/person/employment_history./business/employment_tenure/company /m/03xsby +/m/09c7w0 /location/location/contains /m/0fvxz +/m/02fbb5 /sports/sports_team/colors /m/03vtbc +/m/08g5q7 /people/cause_of_death/people /m/026ck +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01y9xg +/m/02y0js /people/cause_of_death/people /m/0l99s +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0f102 /location/location/time_zones /m/02lcqs +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02gs6r /film/film/music /m/02rgz4 +/m/06dfz1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06t74h +/m/05489 /film/film_subject/films /m/028_yv +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0c02jh8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01xcfy /people/person/nationality /m/07ssc +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/01zk9d /location/location/contains /m/018sg9 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02rv_dz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/0bqdvt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/03fw4y /people/person/religion /m/03j6c +/m/0lwkh /business/business_operation/industry /m/09t4t +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/01tpl1p /people/person/places_lived./people/place_lived/location /m/06nrt +/m/0p_pd /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/0bdt8 /award/award_winner/awards_won./award/award_honor/award_winner /m/018417 +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cqhl +/m/0gw7p /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/07ssc /media_common/netflix_genre/titles /m/04j4tx +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/062yh9 /people/person/nationality /m/03rjj +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9zljd +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0xpp5 /base/biblioness/bibs_location/state /m/05fjf +/m/0d063v /film/film_subject/films /m/024l2y +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04g4w9 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01qh7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0329r5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0bzh04 +/m/02vjzr /music/genre/artists /m/01wbgdv +/m/0kqj1 /education/educational_institution/school_type /m/01rs41 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02y0js /medicine/disease/risk_factors /m/05zppz +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/0147jt /people/person/profession /m/016z4k +/m/09yhzs /film/actor/film./film/performance/film /m/0ddf2bm +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04qw17 +/m/0jfvs /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/01w61th /people/person/places_lived./people/place_lived/location /m/0fw4v +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/0d3k14 /people/deceased_person/place_of_death /m/0f2rq +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01k53x +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02_cx_ /education/university/fraternities_and_sororities /m/0325pb +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r5qtm +/m/044zvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415svh +/m/0ldff /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/036dyy +/m/0tzt_ /location/hud_county_place/county /m/0k3jq +/m/03ftmg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01x1fq +/m/07j94 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vswx5 /people/person/gender /m/05zppz +/m/01pq4w /education/educational_institution/students_graduates./education/education/student /m/01h5f8 +/m/01ppq /sports/sports_team_location/teams /m/035qlx +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0rhp6 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03xh50 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0f7hc /film/actor/film./film/performance/film /m/02lk60 +/m/053xw6 /people/person/nationality /m/03rt9 +/m/04rwx /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/01q6bg /people/person/nationality /m/0chghy +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/093dqjy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/08jyyk /music/genre/artists /m/01k_yf +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01vh18t /people/deceased_person/place_of_death /m/0rnmy +/m/07c5l /location/location/contains /m/0d04z6 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/02x2t07 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02x_h0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0k4bc /film/film/genre /m/0hfjk +/m/0qm8b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0d_wms /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/024mxd +/m/05k7sb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0nk72 /influence/influence_node/influenced_by /m/05qmj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mpbk +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/0jyw /base/biblioness/bibs_location/country /m/01znc_ +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/03n0pv +/m/02qd04y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01g23m /people/person/spouse_s./people/marriage/spouse /m/04kjrv +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/018h2 /film/film_subject/films /m/08vd2q +/m/02j9z /location/location/contains /m/018ym2 +/m/0j_t1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/013yq /sports/sports_team_location/teams /m/0wsr +/m/01p85y /film/actor/film./film/performance/film /m/05mrf_p +/m/0gd_b_ /film/actor/film./film/performance/film /m/035xwd +/m/08g5q7 /medicine/symptom/symptom_of /m/02y0js +/m/01wyz92 /people/person/profession /m/02hrh1q +/m/0473q /people/person/profession /m/0dz3r +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyn5 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/0glbqt /film/film/cinematography /m/06nz46 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0515zg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/04k9y6 /film/film/music /m/01x6v6 +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/03cw411 /film/film/genre /m/060__y +/m/02r8hh_ /film/film/genre /m/0hcr +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/024mpp /film/film/executive_produced_by /m/079vf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/025jfl +/m/0gm34 /people/person/nationality /m/09c7w0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01rhrd +/m/01r9md /people/person/gender /m/02zsn +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/09byk /film/actor/film./film/performance/film /m/017n9 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0swbd /olympics/olympic_games/sports /m/01z27 +/m/05cl8y /business/business_operation/industry /m/04rlf +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01438g /film/actor/film./film/performance/film /m/048htn +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/02tjl3 /film/film/music /m/01m5m5b +/m/01m23s /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/096cw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/048z7l /people/ethnicity/people /m/01s21dg +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/09rx7tx /film/film/production_companies /m/05qd_ +/m/02b1ng /sports/sports_team/colors /m/083jv +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/0b78hw /people/person/profession /m/03jgz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/07s95_l /people/person/nationality /m/09c7w0 +/m/024zq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cf0s /location/administrative_division/country /m/088xp +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/06s6hs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/09c7w0 /location/country/second_level_divisions /m/0kq1l +/m/0343h /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/050xxm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/09gq0x5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03pc89 /film/film/production_companies /m/016tt2 +/m/08qvhv /award/award_winner/awards_won./award/award_honor/award_winner /m/0d1mp3 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/02j4sk /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01csrl /film/actor/film./film/performance/film /m/0jvt9 +/m/03x_k5m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06zn1c +/m/03459x /film/film/genre /m/03k9fj +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/02_qt /film/film/genre /m/0jxy +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02y7t7 +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x1_w +/m/02j9z /location/location/partially_contains /m/0jgx +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/01rwpj /film/film/country /m/07ssc +/m/09fb5 /film/actor/film./film/performance/film /m/04jpk2 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwtp +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c9l1 +/m/0bsj9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z6l5f /people/person/employment_history./business/employment_tenure/company /m/0g5lhl7 +/m/0168cl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/059g4 /location/location/contains /m/0b90_r +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0413cff /film/film/country /m/019pcs +/m/01kgg9 /people/person/spouse_s./people/marriage/spouse /m/01d5vk +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02ryyk +/m/03f77 /people/person/religion /m/0190_8 +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/06m6p7 /film/actor/film./film/performance/film /m/07bwr +/m/01k53x /film/actor/film./film/performance/film /m/01qb5d +/m/06kl78 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/07ssc /location/location/contains /m/05l5n +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m31m /film/actor/film./film/performance/film /m/02v_r7d +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnmj +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/07yk1xz /film/film/language /m/0x82 +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/02qtywd +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/0dl5d /music/genre/artists /m/024dw0 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/016gp5 /sports/sports_team/colors /m/083jv +/m/02gyl0 /film/actor/film./film/performance/film /m/0hv27 +/m/07c52 /media_common/netflix_genre/titles /m/0h95b81 +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/04nw9 +/m/03kxdw /people/person/profession /m/02jknp +/m/0828jw /tv/tv_program/genre /m/06n90 +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0k3k1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yh +/m/060v34 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ylj +/m/0c2tf /people/person/profession /m/02hrh1q +/m/06ch55 /music/instrument/instrumentalists /m/02ryx0 +/m/0jyb4 /film/film/country /m/09c7w0 +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04rrd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04h6mm /people/person/profession /m/0dxtg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/065r8g +/m/041rx /people/ethnicity/people /m/077yk0 +/m/016qtt /people/person/profession /m/016z4k +/m/07mkj0 /people/person/profession /m/0dgd_ +/m/01p47r /people/person/languages /m/02h40lc +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/015gm8 /film/film/written_by /m/01q415 +/m/02hhtj /people/person/profession /m/03gjzk +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/027ffq +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0dyztm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0169dl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02t901 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/016z68 /people/person/nationality /m/07ssc +/m/025tdwc /people/person/profession /m/02jknp +/m/07brj /music/instrument/instrumentalists /m/01vsyg9 +/m/01m15br /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0j210 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/024d8w +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0137g1 +/m/0dfjb8 /people/person/religion /m/0flw86 +/m/09c7w0 /location/location/contains /m/02frhbc +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0k54q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07h1tr /film/film_set_designer/film_sets_designed /m/075cph +/m/05sy_5 /film/film/produced_by /m/05ldnp +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/027_sn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vtqml /people/person/religion /m/01lp8 +/m/06wxw /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vv126 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/076zy_g /film/film/language /m/02h40lc +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0cv0r /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/02j9z /location/location/contains /m/06mzp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/011yrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/05qbckf /film/film/film_format /m/0cj16 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02t8yb /film/special_film_performance_type/film_performance_type./film/performance/film /m/01pvxl +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/0n839 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_r3 /location/location/contains /m/09b8m +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5f5n +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/05r5c /music/instrument/instrumentalists /m/028q6 +/m/06krf3 /film/film/genre /m/03bxz7 +/m/01pdgp /education/educational_institution/colors /m/01l849 +/m/01qq_lp /people/person/places_lived./people/place_lived/location /m/06c62 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxsw +/m/0ct5zc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/034_t5 +/m/02v49c /people/person/profession /m/02krf9 +/m/01jpmpv /people/person/gender /m/05zppz +/m/02clgg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kmx6 +/m/0f0p0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z44tp +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/03ln8b /tv/tv_program/country_of_origin /m/09c7w0 +/m/0225v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0djtky /people/person/profession /m/09jwl +/m/0_kq3 /location/hud_county_place/county /m/0mw2m +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/01jssp /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/06n3y /location/location/contains /m/034m8 +/m/06j6l /music/genre/artists /m/01kp_1t +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/0bv8h2 /film/film/produced_by /m/0d6484 +/m/06q8hf /organization/organization_founder/organizations_founded /m/032j_n +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05fjf /location/location/contains /m/0n5dt +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0k20s /film/film/country /m/0f8l9c +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/03v0t /location/location/partially_contains /m/02v3m7 +/m/020hyj /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01yndb /people/person/place_of_birth /m/0f94t +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031ydm +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0l_dv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rqd /broadcast/content/artist /m/0134s5 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/059j2 /location/location/time_zones /m/02llzg +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/0d0vqn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/012ts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09rp4r_ /people/person/profession /m/02tx6q +/m/017_qw /music/genre/artists /m/02bh9 +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0m93 /people/person/profession /m/0h9c +/m/02_fz3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jx1 /location/location/contains /m/02mw6c +/m/0bgv4g /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/0j0k /location/location/contains /m/01ppq +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0404j37 +/m/044mfr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04t36 /media_common/netflix_genre/titles /m/03kx49 +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/07ymr5 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0143wl /film/actor/film./film/performance/film /m/027pfb2 +/m/05r5c /music/instrument/instrumentalists /m/01vng3b +/m/06cl2w /people/person/profession /m/02hrh1q +/m/02wt0 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/01_bkd /music/genre/artists /m/0150jk +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/04v09 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0z4s /film/actor/film./film/performance/film /m/02__34 +/m/016tvq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/014zfs +/m/084z0w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01q8wk7 /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/073v6 +/m/047gn4y /film/film/production_companies /m/01795t +/m/06y9v /location/location/contains /m/0pfd9 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/09j_g +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/02jsgf /film/actor/film./film/performance/film /m/04x4nv +/m/03xh50 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01v_0b /people/person/places_lived./people/place_lived/location /m/0f25y +/m/04ly1 /location/location/contains /m/0fvvz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmcwlb +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/03wjb7 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0gy6z9 +/m/02sfnv /film/film/language /m/02h40lc +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/03_gd /people/person/spouse_s./people/marriage/spouse /m/09zw90 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0237fw /people/person/gender /m/05zppz +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02_p5w /people/person/places_lived./people/place_lived/location /m/0k9p4 +/m/06kknt /education/educational_institution/campuses /m/06kknt +/m/04hgpt /education/university/fraternities_and_sororities /m/035tlh +/m/01qbg5 /film/film/genre /m/02js9 +/m/05q96q6 /film/film/produced_by /m/06chf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03d0d7 +/m/08nhfc1 /film/film/featured_film_locations /m/07b_l +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/025p38 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02k9k9 +/m/05h95s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r4bps +/m/02bqy /education/educational_institution/campuses /m/02bqy +/m/0373qg /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01jrz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlr4 +/m/08cn4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xkps +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lbj1 +/m/02yplc /people/person/nationality /m/09c7w0 +/m/09blyk /media_common/netflix_genre/titles /m/03yvf2 +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gd0c7x +/m/01clyb /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0vkl2 +/m/072x7s /film/film/genre /m/04xvlr +/m/08jyyk /music/genre/artists /m/01p0w_ +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/073x6y /people/person/gender /m/02zsn +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tkzn +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/0j0k /location/location/partially_contains /m/0jgx +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/04jwly /film/film/cinematography /m/0jsw9l +/m/04kkz8 /film/film/featured_film_locations /m/02zd460 +/m/08t9df /business/business_operation/industry /m/01mw1 +/m/0bs5vty /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0dvld /film/actor/film./film/performance/film /m/017180 +/m/021bk /music/group_member/membership./music/group_membership/group /m/06nv27 +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/05j49 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03lfd_ +/m/05c17 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z5n +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03n5v +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/064lsn /film/film/language /m/06b_j +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/04jvt /people/person/nationality /m/0cdbq +/m/0dnkmq /film/film/prequel /m/024mpp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nbwf +/m/06dfg /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03ydlnj /film/film/genre /m/05p553 +/m/039zft /film/film/production_companies /m/04rcl7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0156q /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/05sb1 /location/location/contains /m/0n84k +/m/0b80__ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/01w_10 /people/person/profession /m/03gjzk +/m/01w2dq /sports/sports_team_location/teams /m/01rly6 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01jft4 /film/film/genre /m/07s9rl0 +/m/06by7 /music/genre/artists /m/0m2l9 +/m/01kwh5j /people/person/profession /m/0np9r +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03t95n +/m/05zy2cy /film/film/film_format /m/017fx5 +/m/015czt /business/job_title/people_with_this_title./business/employment_tenure/company /m/02wf01 +/m/01nbq4 /film/actor/film./film/performance/film /m/03q0r1 +/m/01vb6z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8x9 +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/06w58f +/m/026670 /people/person/places_lived./people/place_lived/location /m/0kpys +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mqc4 +/m/02vq8xn /people/person/profession /m/03gjzk +/m/016yvw /film/actor/film./film/performance/film /m/04jplwp +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/03v1w7 +/m/017180 /film/film/country /m/0345h +/m/01gc7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvbl6 +/m/027s39y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/038nv6 /people/person/profession /m/02hrh1q +/m/05znbh7 /film/film/genre /m/04t2t +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kj5h +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0js9s /film/actor/film./film/performance/film /m/017gl1 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01jb8r +/m/0blpg /film/film/genre /m/02l7c8 +/m/059g4 /location/location/contains /m/0164b +/m/026t6 /music/instrument/instrumentalists /m/032t2z +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0hw1j /people/person/profession /m/02hrh1q +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01ksr1 /people/person/gender /m/05zppz +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n1s0 +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/02g9z1 /people/person/places_lived./people/place_lived/location /m/0ftlx +/m/05hs4r /music/genre/artists /m/01bpc9 +/m/01zh29 /people/person/place_of_birth /m/0dlv0 +/m/01kwhf /sports/sports_team/sport /m/02vx4 +/m/0b_6_l /time/event/locations /m/04f_d +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/03lrc /location/location/contains /m/0grd7 +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/074rg9 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/077q8x /film/film/film_production_design_by /m/0fmqp6 +/m/0vbk /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0233bn /film/film/genre /m/02n4kr +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq7kw +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/030xr_ /film/actor/film./film/performance/film /m/02rlj20 +/m/02__ww /people/person/place_of_birth /m/0gkgp +/m/03cffvv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h0yt /influence/influence_node/influenced_by /m/05np2 +/m/0dr3sl /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/021pqy /film/film/language /m/02hxcvy +/m/0175rc /sports/sports_team/colors /m/083jv +/m/0d99k_ /film/film/produced_by /m/02hy9p +/m/0342h /music/instrument/instrumentalists /m/01s21dg +/m/0151w_ /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/0366c /location/country/official_language /m/064_8sq +/m/0l6m5 /olympics/olympic_games/sports /m/0bynt +/m/03wbzp /people/person/profession /m/02krf9 +/m/068gn /award/award_category/winners./award/award_honor/award_winner /m/0c_jc +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bhwhj /film/film/personal_appearances./film/personal_film_appearance/person /m/06c0j +/m/0j0k /location/location/contains /m/01rr31 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/098sv2 /people/person/gender /m/05zppz +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/04p3w /people/cause_of_death/people /m/01kws3 +/m/02784z /people/person/gender /m/05zppz +/m/0jdk_ /olympics/olympic_games/sports /m/06wrt +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xv8m +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/0pnf3 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02m0b0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/06n6p /education/field_of_study/students_majoring./education/education/student /m/02ts3h +/m/03xmy1 /people/person/profession /m/015cjr +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/02xyl +/m/052gtg /base/aareas/schema/administrative_area/capital /m/07mgr +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/0l8v5 /people/person/place_of_birth /m/018dcy +/m/06q8hf /people/person/employment_history./business/employment_tenure/company /m/061dn_ +/m/0fby2t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09_99w +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/07h1q /influence/influence_node/influenced_by /m/04hcw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/07ssc /location/location/contains /m/04523f +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01tt43d +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/015dnt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01vv6xv /people/person/profession /m/016z4k +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/052_mn +/m/082237 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0gfzgl /tv/tv_program/languages /m/02h40lc +/m/03k9fj /media_common/netflix_genre/titles /m/05r3qc +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0bksh +/m/0mmrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ml_m +/m/01pw2f1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/039bpc +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03h3x5 +/m/0bbw2z6 /film/film/written_by /m/05mcjs +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/0b68vs +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/03061d /influence/influence_node/influenced_by /m/03n6r +/m/023v4_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05bnp0 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016dp0 +/m/01n8qg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/09yg6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01cyjx /film/actor/film./film/performance/film /m/0dp7wt +/m/02l4pj /film/actor/film./film/performance/film /m/09tcg4 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hx4y +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gw8b +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/01f7j9 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0f502 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rsjf +/m/04ly1 /location/location/contains /m/0gy3w +/m/0kvqv /film/director/film /m/0294zg +/m/016kb7 /people/person/place_of_birth /m/068p2 +/m/02kxbwx /people/person/profession /m/01d_h8 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/06wm0z /people/person/places_lived./people/place_lived/location /m/0r5lz +/m/014vk4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v570 +/m/0170qf /people/person/spouse_s./people/marriage/spouse /m/0350l7 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0gt3p +/m/0jgd /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02kth6 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/0gn30 /film/actor/film./film/performance/film /m/08984j +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0blt6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/05pdh86 /film/film/featured_film_locations /m/02frhbc +/m/012w70 /media_common/netflix_genre/titles /m/02qd04y +/m/071rlr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01wy5m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05b7q +/m/017lvd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/015076 /film/actor/film./film/performance/film /m/0m2kd +/m/027nb /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01dq5z /education/educational_institution/students_graduates./education/education/student /m/0jsg0m +/m/022s1m /film/actor/film./film/performance/film /m/02_qt +/m/04__f /film/actor/film./film/performance/film /m/0dp7wt +/m/02z9rr /film/film/genre /m/02kdv5l +/m/02yv6b /music/genre/artists /m/01kv4mb +/m/02662b /award/award_category/disciplines_or_subjects /m/01hmnh +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/021mlp /people/person/places_lived./people/place_lived/location /m/0r89d +/m/030p35 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmd5 +/m/0b90_r /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bl5c +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/0r04p /location/hud_county_place/place /m/0r04p +/m/02nrdp /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/052hl +/m/01pcmd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06lckm +/m/04_1l0v /location/location/contains /m/03v1s +/m/0c40vxk /film/film/genre /m/01jfsb +/m/03fbb6 /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0cwy47 /film/film/genre /m/04xvlr +/m/02frhbc /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/015gsv /people/person/profession /m/02hrh1q +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vvb4m /film/actor/film./film/performance/film /m/0f4vx +/m/01_1hw /film/film/genre /m/01jfsb +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09889g +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0db94w /film/film/country /m/06qd3 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyy53 +/m/04x4vj /film/film/produced_by /m/0gs1_ +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/09n48 /olympics/olympic_games/participating_countries /m/06mkj +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04fzk +/m/0d2fd7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lgm5 /people/deceased_person/place_of_death /m/0xkq4 +/m/02t1cp /people/person/profession /m/01d_h8 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/065_cjc /film/film/produced_by /m/0b13g7 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/07q0g5 +/m/0170k0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/03jqfx /base/culturalevent/event/entity_involved /m/0f8l9c +/m/0lgm5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0kv9d3 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/014_x2 +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015gy7 +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0ckh4k /tv/tv_program/genre /m/06q7n +/m/0htlr /people/person/profession /m/03gjzk +/m/0bx_hnp /film/film/genre /m/0jtdp +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015p3p +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01f85k /film/film/film_production_design_by /m/03cp7b3 +/m/02d44q /film/film/language /m/03x42 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/02p4450 /music/genre/parent_genre /m/06by7 +/m/03wy70 /people/person/nationality /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01tntf +/m/053vcrp /people/person/gender /m/05zppz +/m/04b7xr /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0jsg0m /people/person/profession /m/02hrh1q +/m/01v1ln /film/film/genre /m/0lsxr +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01dw4q +/m/0fngf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/01k1k4 /film/film/country /m/09c7w0 +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/01vqrm /people/person/profession /m/02hrh1q +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01hhvg +/m/015q1n /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/013q07 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07c2yr +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02gvwz /film/actor/film./film/performance/film /m/0435vm +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01kgv4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/078jnn +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0147dk +/m/06x77g /film/film/language /m/02h40lc +/m/0j6cj /film/actor/film./film/performance/film /m/05p1tzf +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/04n7njg /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fb_1 /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/056xx8 +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/01f5q5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023v4_ +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/01q_y0 /tv/tv_program/genre /m/05p553 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/07ssc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ntj +/m/01rwyq /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/08w7vj /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016khd +/m/05g9h /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/099bk +/m/081lh /film/director/film /m/0sxns +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/028qyn /people/person/profession /m/0dz3r +/m/0f04v /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2xl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b3n61 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01yhm +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1d47 +/m/01m65sp /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0dxyzb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/074rg9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09pmkv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03x82v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fq117k +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02qfhb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03rl84 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0892sx +/m/08gg47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09thp87 +/m/0cv13 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mnz0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mnlq +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06p03s +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0jnpv /sports/sports_team/sport /m/03tmr +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02ntb8 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pyww +/m/0fx2s /film/film_subject/films /m/04q01mn +/m/06j8q_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03yfh3 +/m/09q23x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0q6g3 /tv/tv_program/genre /m/070yc +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0h7h6 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/04njml /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/061681 /film/film/produced_by /m/030_3z +/m/0127xk /people/person/profession /m/01c72t +/m/0g2dz /music/instrument/instrumentalists /m/0137g1 +/m/0h27vc /people/person/profession /m/02hrh1q +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0784z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06vbd +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0c7t58 +/m/0690dn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/0bksh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/026r8q +/m/02h40lc /language/human_language/countries_spoken_in /m/03rt9 +/m/012v1t /people/person/places_lived./people/place_lived/location /m/094jv +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0153nq +/m/06z8s_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mz73 +/m/02prw4h /film/film/genre /m/03g3w +/m/0309lm /people/person/profession /m/02hrh1q +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/016tw3 +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/04hcw /influence/influence_node/influenced_by /m/099bk +/m/0603qp /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/081lh /people/person/profession /m/02hv44_ +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0g60z +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwgc_ +/m/03459x /film/film/genre /m/03npn +/m/02hnl /music/instrument/instrumentalists /m/016s_5 +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/03qjg /music/instrument/instrumentalists /m/01k_0fp +/m/05xpv /people/deceased_person/place_of_death /m/0k049 +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02t_8z /award/award_winner/awards_won./award/award_honor/award_winner /m/055sjw +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/02ddqh /award/award_category/category_of /m/0c4ys +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0g56t9t +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/02m7r +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02114t +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0jkvj /olympics/olympic_games/sports /m/064vjs +/m/03j367r /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0bjy7 /location/hud_county_place/place /m/0bjy7 +/m/02n4kr /media_common/netflix_genre/titles /m/04jn6y7 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0gyy53 /film/film/genre /m/07s9rl0 +/m/0tk02 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02l0sf /people/person/places_lived./people/place_lived/location /m/05fky +/m/038bh3 /film/film/story_by /m/0gs5q +/m/03061d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/070fnm /film/film/genre /m/0c3351 +/m/01s7w3 /film/film/produced_by /m/02q_cc +/m/015y_n /music/genre/artists /m/01wd9lv +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/01fmz6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016890 +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/05p7tx /education/educational_institution/school_type /m/01y64 +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/0jhd /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/0cs134 /tv/tv_program/genre /m/01t_vv +/m/01jv1z /music/record_label/artist /m/02pt27 +/m/02tr7d /film/actor/film./film/performance/film /m/0qf2t +/m/01738f /music/genre/parent_genre /m/03lty +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0b0nq2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0mkz /film/film_subject/films /m/08ct6 +/m/0glqh5_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8pz /award/award_winner/awards_won./award/award_honor/award_winner /m/0178rl +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06151l +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddjy +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2_ +/m/042kg /people/person/profession /m/0kyk +/m/02p4jf0 /music/record_label/artist /m/03f19q4 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/04rcl7 +/m/01vzxld /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvycq +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01t2h2 /film/actor/film./film/performance/film /m/0233bn +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01s7j5 /education/educational_institution/students_graduates./education/education/student /m/0405l +/m/05rznz /location/country/form_of_government /m/01d9r3 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/01b7h8 /tv/tv_program/program_creator /m/01my_c +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jyx6 +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/02wlk /influence/influence_node/influenced_by /m/0bwx3 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/054g1r /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/01rr9f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5ws +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08658y +/m/01kkx2 /people/person/religion /m/0c8wxp +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/03qnc6q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/03w9sgh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05lfwd +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h32q +/m/0cchk3 /education/university/fraternities_and_sororities /m/0325pb +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/092vkg /film/film/country /m/0d060g +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0j6cj /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/029jpy /location/location/contains /m/059f4 +/m/01vw20h /music/artist/origin /m/0cr3d +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/049g_xj /film/actor/film./film/performance/film /m/06gb1w +/m/0x67 /people/ethnicity/people /m/02lj6p +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/057lbk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/06t61y +/m/03rt9 /location/location/contains /m/08314 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/01lly5 /film/actor/film./film/performance/film /m/0g56t9t +/m/0c8qq /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hw5kk +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/012jfb /film/film/country /m/09c7w0 +/m/0drdv /people/person/profession /m/0cbd2 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/01vrx35 /people/person/profession /m/0dz3r +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016bx2 +/m/01fdc0 /film/actor/film./film/performance/film /m/0p4v_ +/m/0gr36 /people/person/profession /m/02hrh1q +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0hgqq /people/deceased_person/place_of_death /m/02_286 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0170qf /film/actor/film./film/performance/film /m/09p0ct +/m/09b6zr /people/person/nationality /m/09c7w0 +/m/0g768 /music/record_label/artist /m/018n6m +/m/0lccn /people/person/gender /m/05zppz +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0168nq /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tcx0 /music/genre/artists /m/01mr2g6 +/m/02cbhg /film/film/featured_film_locations /m/06c1y +/m/029cr /location/location/contains /m/02bjhv +/m/01mmslz /people/person/profession /m/0np9r +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l1sq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/01g7_r /education/educational_institution/students_graduates./education/education/student /m/044mrh +/m/02k54 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02qtywd /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02kmx6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02_1rq +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09yxcz +/m/04l59s /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/03ktjq +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0261m /location/location/contains /m/0162v +/m/0bcp9b /film/film/language /m/064_8sq +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/01cszh /music/record_label/artist /m/03qmj9 +/m/014635 /organization/organization_member/member_of./organization/organization_membership/organization /m/03lb_v +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0lvng /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/03c602 +/m/0cnl1c /people/person/gender /m/05zppz +/m/018009 /film/actor/film./film/performance/film /m/0qm8b +/m/03zz8b /music/artist/origin /m/09c7w0 +/m/0m9p3 /film/film/genre /m/060__y +/m/016jny /music/genre/artists /m/01kv4mb +/m/02j04_ /education/educational_institution/students_graduates./education/education/student /m/0c2dl +/m/02mx98 /people/person/place_of_birth /m/0h1k6 +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/024dgj +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdv +/m/0jm3b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01dc0c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0bm2g /film/film/genre /m/082gq +/m/02c6pq /film/actor/film./film/performance/film /m/0cbv4g +/m/076lxv /film/film_set_designer/film_sets_designed /m/025scjj +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/042s9 +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0c3351 /media_common/netflix_genre/titles /m/03b1sb +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06dfz1 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/07s93v /film/director/film /m/04x4vj +/m/04vg8 /location/administrative_division/country /m/0f8l9c +/m/04jbyg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03pmty +/m/011yl_ /film/film/genre /m/017fp +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bs1yy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02k4gv +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/01wwvt2 +/m/012x2b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/024dgj +/m/0x67 /people/ethnicity/people /m/01vwyqp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/0byq6h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0c3z0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/074m2 /people/cause_of_death/people /m/0c73z +/m/04wddl /film/film/music /m/08c7cz +/m/047svrl /film/film/produced_by /m/05ty4m +/m/0jrqq /people/person/profession /m/02hrh1q +/m/0pdp8 /film/film/written_by /m/021bk +/m/0c7xjb /people/person/nationality /m/09c7w0 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2nq +/m/0d2by /people/ethnicity/people /m/07ftc0 +/m/01b0k1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3ln +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/02py4c8 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/011k1h /music/record_label/artist /m/01_ztw +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mkz +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0glt670 /music/genre/artists /m/07pzc +/m/02kmx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/0k4d7 /film/film/language /m/02h40lc +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06y9bd +/m/016clz /music/genre/artists /m/01qmy04 +/m/02qkt /location/location/contains /m/0167v +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/05fjf /location/location/contains /m/0cvyp +/m/01xrlm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0x25q +/m/078bz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06j6l /music/genre/artists /m/02wb6yq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03z2rz +/m/071xj /people/person/profession /m/025352 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01vqrm /film/director/film /m/02r858_ +/m/0hv1t /film/film/language /m/06nm1 +/m/0kw4j /education/educational_institution_campus/educational_institution /m/0kw4j +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/016z9n /film/film/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0160nk +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/01wmxfs /film/actor/film./film/performance/film /m/03f7nt +/m/01nwwl /film/actor/film./film/performance/film /m/0g9wdmc +/m/01rf57 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jfrg +/m/01vh3r /film/actor/film./film/performance/film /m/016z7s +/m/07brj /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0571m /film/film/genre /m/02n4kr +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gfsq9 +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016z2j +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlkc3 +/m/09bg4l /people/person/gender /m/05zppz +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0bjkpt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/064t9 /music/genre/artists /m/02f1c +/m/03b78r /people/person/nationality /m/09c7w0 +/m/02qkt /location/location/contains /m/0162b +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m7pwq +/m/01wgfp6 /people/person/profession /m/02hrh1q +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/0gc_c_ /film/film/executive_produced_by /m/04fcx7 +/m/036dyy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01fs__ +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/09yxcz +/m/05cv94 /people/person/nationality /m/09c7w0 +/m/01938t /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0_7w6 /film/film/genre /m/01hmnh +/m/0d6_s /film/film/film_format /m/07fb8_ +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcv +/m/02x17c2 /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/09k34g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ggx5q /music/genre/artists /m/01vtj38 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/032wdd +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0342h /music/instrument/instrumentalists /m/0pk41 +/m/017vkx /people/person/profession /m/0dz3r +/m/02m0b0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mnk /organization/organization/place_founded /m/0f04c +/m/0kpzy /base/aareas/schema/administrative_area/administrative_parent /m/01n7q +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dl9_4 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/03y9p40 +/m/0gg8l /music/genre/artists /m/03mszl +/m/01wdqrx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0g9wdmc /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/015pkc /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01wwnh2 /people/person/profession /m/01c72t +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fqv +/m/018f8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm9w +/m/01kym3 /people/person/profession /m/0np9r +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/0c41qv +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bpx1k +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zfmm +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/044n3h /people/person/profession /m/02hrh1q +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k6nt +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0g57wgv +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05b4w /location/location/contains /m/01773g +/m/01qb559 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02zj61 +/m/0kv9d3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0qmny +/m/07vfqj /people/person/nationality /m/06qd3 +/m/0171cm /film/actor/film./film/performance/film /m/0_b3d +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0y3_8 /music/genre/artists /m/0czkbt +/m/05g8pg /film/film/genre /m/04xvlr +/m/01x0yrt /people/person/gender /m/02zsn +/m/0c_zj /education/educational_institution/students_graduates./education/education/student /m/041c4 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kjr0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/0fby2t /film/actor/film./film/performance/film /m/06fpsx +/m/031zkw /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03v3xp +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/01tsbmv /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0l_dv +/m/046lt /people/person/languages /m/02h40lc +/m/01swxv /organization/organization/headquarters./location/mailing_address/state_province_region /m/026mj +/m/01vrncs /people/person/gender /m/05zppz +/m/0cc07 /location/us_county/county_seat /m/0dhml +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/01vy_v8 /people/person/nationality /m/07ssc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5dd +/m/019fh /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/03xnwz /music/genre/artists /m/0b68vs +/m/095x_ /people/person/profession /m/0nbcg +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02029f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06bnz +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/055z7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/01hmnh /media_common/netflix_genre/titles /m/0639bg +/m/04__f /people/person/place_of_birth /m/0chrx +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035dk +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0gd_b_ +/m/01lbcqx /film/film/genre /m/02kdv5l +/m/04y5j64 /film/film/language /m/02h40lc +/m/02g5bf /people/person/nationality /m/03rk0 +/m/0p01x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0cw +/m/02zn1b /music/record_label/artist /m/01w60_p +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/0yls9 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/044g_k /film/film/country /m/09c7w0 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026hxwx +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0gmd3k7 /film/film/country /m/09c7w0 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w7nww +/m/012m_ /location/country/official_language /m/0k0sb +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/02lhm2 /people/person/profession /m/02hrh1q +/m/01q_ph /people/person/gender /m/05zppz +/m/08c9b0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01gkmx /film/actor/film./film/performance/film /m/025rxjq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h2c +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/0jnmj +/m/02ljhg /film/film/genre /m/02l7c8 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0drc1 /people/person/nationality /m/09c7w0 +/m/06pyc2 /film/film/film_format /m/0cj16 +/m/09rvcvl /film/film/music /m/02g1jh +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fphgb +/m/09c7w0 /location/location/contains /m/01b7lc +/m/04cmrt /people/person/nationality /m/03rk0 +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f9z +/m/0820xz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/02q5bx2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jfr3y /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z07 +/m/0ft18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02k21g /film/actor/film./film/performance/film /m/011yn5 +/m/02zcnq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kqq7 /film/film/genre /m/01jfsb +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmdb +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gffmz +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/02p7_k +/m/05d9y_ /education/educational_institution/campuses /m/05d9y_ +/m/02g87m /people/person/profession /m/02hrh1q +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yvct +/m/02yxwd /film/actor/film./film/performance/film /m/0ch26b_ +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/023v4_ +/m/01vzxmq /people/person/places_lived./people/place_lived/location /m/02cft +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0241jw /film/actor/film./film/performance/film /m/017gl1 +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bq8tmw +/m/03wdsbz /people/person/profession /m/02krf9 +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0194zl +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/018qb4 /olympics/olympic_games/sports /m/0486tv +/m/05bt6j /music/genre/artists /m/09889g +/m/01mjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/0bmch_x /film/film/genre /m/09blyk +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/02jtjz +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/03s2dj /film/actor/film./film/performance/film /m/02bg55 +/m/06cqb /music/genre/artists /m/020_4z +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/01w272y /people/person/gender /m/05zppz +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0l38g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2l3 +/m/09jw2 /music/genre/artists /m/0134pk +/m/0838y /influence/influence_node/influenced_by /m/070b4 +/m/0fx0j2 /people/person/profession /m/026sdt1 +/m/086qd /people/person/profession /m/0nbcg +/m/08nz99 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qw_ +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/025txtg +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/077yk0 /people/person/place_of_birth /m/052p7 +/m/0ks67 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjf +/m/0m0hw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/04x4s2 /people/person/profession /m/09lbv +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pjvc +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0509bl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j5sd +/m/02pbrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/02fj8n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/07b_l /location/location/contains /m/01vpt5 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/02bh8z +/m/06j6l /music/genre/artists /m/0134wr +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0b9f7t /people/person/profession /m/0np9r +/m/07cbs /organization/organization_founder/organizations_founded /m/0g8rj +/m/018f8 /film/film/written_by /m/052hl +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/0pcc0 /people/person/nationality /m/06bnz +/m/02_j7t /influence/influence_node/influenced_by /m/0djywgn +/m/07q0g5 /people/person/profession /m/02hrh1q +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/06j6l /music/genre/artists /m/01vt9p3 +/m/0cj2nl /people/person/profession /m/01d_h8 +/m/05sbv3 /film/film/production_companies /m/0g1rw +/m/0bxtg /film/actor/film./film/performance/film /m/0bdjd +/m/0167_s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02kxg_ /base/culturalevent/event/entity_involved /m/01kx1j +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02scbv +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/018ygt +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_31 +/m/0ksf29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cwwl +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015wc0 +/m/02d413 /film/film/genre /m/04gm78f +/m/040nwr /people/person/profession /m/02hrh1q +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kkm +/m/083pr /people/person/nationality /m/09c7w0 +/m/0w9hk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/04gnbv1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/02k4b2 /people/person/nationality /m/09c7w0 +/m/0173b0 /music/genre/artists /m/03f1zhf +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0gjvqm /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/017khj /film/actor/film./film/performance/film /m/02bg8v +/m/01dq5z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mzp +/m/071ywj /people/person/nationality /m/02jx1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/08qnnv +/m/01w_10 /people/person/places_lived./people/place_lived/location /m/059rby +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/03lty /music/genre/artists /m/01gf5h +/m/01vyp_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5d5 +/m/018pj3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018phr +/m/0422v0 /film/film/cinematography /m/0b9l3x +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/01c6zg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j7k +/m/0127ps /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c1pj +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/06by7 /music/genre/artists /m/0k1bs +/m/03dkh6 /award/award_category/winners./award/award_honor/award_winner /m/07bty +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/03h_0_z +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q2t9 +/m/03rt9 /location/country/second_level_divisions /m/0m_z3 +/m/01jv_6 /sports/sports_team/colors /m/0jc_p +/m/01bjbk /film/film/language /m/02h40lc +/m/01h8f /film/actor/film./film/performance/film /m/011yhm +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/04969y /film/film/language /m/02h40lc +/m/01337_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l2fn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/059x3p /organization/organization/headquarters./location/mailing_address/citytown /m/0k049 +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/06by7 /music/genre/artists /m/0cbm64 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02ngbs /education/educational_institution/campuses /m/02ngbs +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/05np4c +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0djd22 /media_common/netflix_genre/titles /m/02hfk5 +/m/0glt670 /music/genre/artists /m/01wbsdz +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/05qgd9 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01wd3l +/m/0gm34 /film/actor/film./film/performance/film /m/0bmhn +/m/01rt2z /organization/organization/child./organization/organization_relationship/child /m/01scmq +/m/0fr63l /film/film/genre /m/01hmnh +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0jpn8 +/m/0jqj5 /film/film/genre /m/01fc50 +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pk1p +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0130xz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_x +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/04m2zj /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/03jjzf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0294mx +/m/01cwcr /film/actor/film./film/performance/film /m/02qcr +/m/0crqcc /award/award_winner/awards_won./award/award_honor/award_winner /m/05fyss +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/0gs973 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0jdr0 /film/film/genre /m/01g6gs +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/07vyf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/04lg6 /people/person/religion /m/0c8wxp +/m/01_0f7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04pf4r +/m/02hnl /music/instrument/instrumentalists /m/024dw0 +/m/03fnmd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b005 /tv/tv_program/genre /m/0pr6f +/m/0p_2r /people/person/religion /m/03_gx +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01_4lx /business/business_operation/industry /m/01mw1 +/m/03n69x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pd57 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wmcbg +/m/0k9ts /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/02xs6_ /film/film/genre /m/09blyk +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k23t +/m/01h6pn /time/event/locations /m/0f8l9c +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x6dqb +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/011j5x /music/genre/artists /m/0jn5l +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0156q /base/biblioness/bibs_location/country /m/0345h +/m/06_vpyq /people/person/profession /m/02hrh1q +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crc2cp +/m/08l0x2 /film/film/language /m/02h40lc +/m/037s5h /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/012gbb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02kz_ +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/016clz /music/genre/artists /m/013rfk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/09q23x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015_1q /music/record_label/artist /m/03y82t6 +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05mph +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/0tygl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hnd /influence/influence_node/influenced_by /m/05qmj +/m/04wp63 /film/actor/film./film/performance/film /m/0ddt_ +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/03d0ns /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yzhn +/m/03d8jd1 /film/film/genre /m/04pbhw +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dc7hc +/m/0151w_ /people/person/gender /m/05zppz +/m/0glmv /people/person/place_of_birth /m/0s5cg +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/01j5sd /people/person/spouse_s./people/marriage/spouse /m/02z1yj +/m/06j6l /music/genre/artists /m/01wzlxj +/m/015rkw /film/actor/film./film/performance/film /m/08sfxj +/m/01w02sy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/0dl5d /music/genre/artists /m/01v0sxx +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0c34mt /film/film/genre /m/0lsxr +/m/0fvyg /location/hud_county_place/place /m/0fvyg +/m/033w9g /film/actor/film./film/performance/film /m/0f61tk +/m/0417z2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0140t7 +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/01f7v_ /people/person/profession /m/01d_h8 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0c0zq /film/film/country /m/09c7w0 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07d370 /people/person/profession /m/020xn5 +/m/03yrkt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rff2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/03fvqg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0x3r3 /influence/influence_node/influenced_by /m/0gzh +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02frhbc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ckhc +/m/022q4j /people/person/profession /m/02hrh1q +/m/01hpnh /location/location/contains /m/020skc +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/098n_m /people/person/gender /m/05zppz +/m/02f46y /education/educational_institution/school_type /m/05jxkf +/m/07_nf /base/culturalevent/event/entity_involved /m/0d04z6 +/m/0jjy0 /film/film/genre /m/03npn +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/02z3zp /influence/influence_node/influenced_by /m/081lh +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02_pft /film/actor/film./film/performance/film /m/0bmhn +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0lw_s +/m/0c5x_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/027pwl +/m/0gk4g /people/cause_of_death/people /m/03bggl +/m/0892sx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0412f5y +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/07hbxm +/m/02b1jf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04h54p /sports/sports_team/colors /m/083jv +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02bqxb /film/film/genre /m/0g092b +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/051z6rz /people/person/place_of_birth /m/01jr6 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l8v5 +/m/01qxc7 /film/film/country /m/09c7w0 +/m/03z106 /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0psss +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/0133_p /music/genre/parent_genre /m/016jny +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/02w7gg /people/ethnicity/people /m/01v42g +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/02fzs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01qdmh /film/film/music /m/04pf4r +/m/0fxrk /location/location/contains /m/0gp5l6 +/m/0jpn8 /education/university/fraternities_and_sororities /m/035tlh +/m/01w9k25 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/018gqj /people/person/gender /m/05zppz +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/01n4w /location/location/contains /m/01vsl +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/03cd1q /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0234_c +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01yfm8 /film/actor/film./film/performance/film /m/0cp0790 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/0cp0ph6 /film/film/genre /m/05p553 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02my3z /people/person/places_lived./people/place_lived/location /m/0156q +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/0nk72 /influence/influence_node/influenced_by /m/048cl +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/03nm_fh /film/film/country /m/09c7w0 +/m/04znsy /people/person/profession /m/03gjzk +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/058s44 /people/person/profession /m/0np9r +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03rgvr /people/person/languages /m/02h40lc +/m/0sx8l /olympics/olympic_games/participating_countries /m/035qy +/m/07db6x /people/person/places_lived./people/place_lived/location /m/0rydq +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05_z42 +/m/034q3l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/0kbvb /olympics/olympic_games/participating_countries /m/0chghy +/m/0pm85 /music/genre/parent_genre /m/05r6t +/m/0226k3 /organization/organization/headquarters./location/mailing_address/citytown /m/06y57 +/m/02n4kr /media_common/netflix_genre/titles /m/0gm2_0 +/m/09d5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ph24 +/m/0cb77r /award/award_winner/awards_won./award/award_honor/award_winner /m/051z6mv +/m/085v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0sxrz /olympics/olympic_games/sports /m/0crlz +/m/0392kz /film/actor/film./film/performance/film /m/0ckrgs +/m/01v3vp /people/person/profession /m/02hrh1q +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/05pzdk /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/02q0v8n /film/film/genre /m/0lsxr +/m/03f1zhf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/01vsksr /people/person/profession /m/09jwl +/m/0133sq /people/person/gender /m/05zppz +/m/03tc5p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dq9p /people/cause_of_death/people /m/0btyl +/m/043gj /award/award_winner/awards_won./award/award_honor/award_winner /m/01938t +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/05p92jn +/m/023p7l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cx72 +/m/0xhtw /music/genre/artists /m/014_lq +/m/015x74 /film/film/genre /m/06www +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/0jj85 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgj7 +/m/070fnm /film/film/genre /m/09blyk +/m/09c7w0 /location/location/contains /m/0ftvg +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rn00y +/m/01vvyfh /people/person/profession /m/016z4k +/m/01k3s2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/04p0c /location/location/contains /m/013_gg +/m/01j5x6 /people/person/languages /m/02h40lc +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfg +/m/01tqfs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016lh0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/095kp +/m/035hm /location/country/form_of_government /m/018wl5 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dtfn +/m/0cvkv5 /film/film/genre /m/01t_vv +/m/08r4x3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vcnl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/02zcz3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/014bpd /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_4z +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03c602 /people/person/profession /m/016z4k +/m/02bqvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dr3sl /film/film/language /m/02h40lc +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0bwhdbl /film/film/genre /m/0gf28 +/m/02stbw /film/film/genre /m/05p553 +/m/048fz /location/location/contains /m/01vz08 +/m/03jqw5 /people/person/profession /m/02hrh1q +/m/0brgy /medicine/symptom/symptom_of /m/074m2 +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07myb2 +/m/03jj93 /film/actor/film./film/performance/film /m/07bwr +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01vvb4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lx2l +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/09wj5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/02cm2m /people/person/profession /m/03gjzk +/m/021bk /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/03qnc6q /film/film/written_by /m/0kvqv +/m/09c7w0 /location/location/contains /m/0rv97 +/m/01r7pq /award/award_winner/awards_won./award/award_honor/award_winner /m/04b7xr +/m/02n5d /base/culturalevent/event/entity_involved /m/02g1px +/m/01znc_ /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05_zc7 /people/person/profession /m/02hrh1q +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/02ch1w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/0hn4h /base/aareas/schema/administrative_area/administrative_parent /m/01crd5 +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cws8h +/m/044ntk /film/actor/film./film/performance/film /m/06lpmt +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0g8rj /education/educational_institution/colors /m/0jc_p +/m/0jjy0 /film/film/executive_produced_by /m/02q_cc +/m/01mv_n /people/person/profession /m/02hrh1q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04d817 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/03fnjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0335fp /people/person/places_lived./people/place_lived/location /m/0fw2y +/m/03y0pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032xhg /film/actor/film./film/performance/film /m/02825kb +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03thw4 +/m/0c38gj /film/film/produced_by /m/02pq9yv +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/080r3 /people/person/profession /m/0kyk +/m/05qbbfb /film/film/edited_by /m/04cy8rb +/m/013q07 /film/film/genre /m/02kdv5l +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/050fh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zt +/m/0jcx /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/0m63c /film/film/language /m/02h40lc +/m/021996 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0473q /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03rjj /location/location/contains /m/0g7yx +/m/06qw_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/09g0h /people/person/profession /m/0fnpj +/m/032f6 /language/human_language/countries_spoken_in /m/05l8y +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01tvz5j +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/0byfz +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/01k_n63 /people/person/profession /m/0n1h +/m/09c7w0 /location/country/second_level_divisions /m/0mnlq +/m/05qzv /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/01g03q /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/084302 +/m/0286vp /film/film/music /m/016wvy +/m/01zqy6t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f04c +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063_j5 +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpyd +/m/09c7w0 /location/location/contains /m/0_24q +/m/0grwj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0407yj_ +/m/08k05y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/081lh /film/actor/film./film/performance/film /m/01lbcqx +/m/02xry /location/location/contains /m/0jryt +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/06j8wx +/m/01z4y /media_common/netflix_genre/titles /m/041td_ +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/016jny /music/genre/artists /m/0134tg +/m/04t7ts /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ykg /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l3kx /location/location/contains /m/0s9b_ +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051ysmf +/m/07c98 /location/location/contains /m/0c8tk +/m/04j_h4 /music/genre/artists /m/01vt5c_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/01vrnsk /music/group_member/membership./music/group_membership/group /m/07c0j +/m/03qmj9 /people/person/place_of_birth /m/0jfqp +/m/0x3n /people/person/profession /m/0d1pc +/m/0n2k5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2sh +/m/02w4b /music/instrument/instrumentalists /m/01lcxbb +/m/02b0yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02b0xq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/04cr6qv /music/group_member/membership./music/group_membership/role /m/07brj +/m/09c7w0 /location/country/second_level_divisions /m/0mr_8 +/m/0b_6q5 /time/event/locations /m/013yq +/m/0bmpm /film/film/executive_produced_by /m/01g04k +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/070j61 /award/award_winner/awards_won./award/award_honor/award_winner /m/024rgt +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/02_wxh /people/person/profession /m/03gjzk +/m/05jx5r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/02sch9 /people/ethnicity/people /m/047jhq +/m/02245 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/05wh0sh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mkz +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/06929s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0291ck /film/film/genre /m/06n90 +/m/0dlngsd /film/film/genre /m/03k9fj +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07zhd7 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03v1w7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/06rhz7 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/090gpr /people/person/profession /m/02krf9 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0bsb4j +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fnqj +/m/016ggh /film/actor/film./film/performance/film /m/026fs38 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/035wtd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0czp_ /award/award_category/winners./award/award_honor/award_winner /m/0l6wj +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fm2_ /sports/sports_team_location/teams /m/02b2np +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/07ssc /media_common/netflix_genre/titles /m/01npcx +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/02l96k /music/genre/artists /m/0191h5 +/m/027ybp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058s57 +/m/0p7qm /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/09cxm4 /film/film/music /m/02fgp0 +/m/04cj79 /film/film/country /m/09c7w0 +/m/06chvn /people/person/gender /m/05zppz +/m/03f1r6t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cqt90 +/m/03b78r /people/person/profession /m/0np9r +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02fb1n /people/person/place_of_birth /m/02dtg +/m/06by7 /music/genre/artists /m/0p7h7 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0crvfq /film/actor/film./film/performance/film /m/09cr8 +/m/0cn68 /people/ethnicity/people /m/01k3qj +/m/0hqly /people/person/profession /m/02jknp +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014zcr +/m/01lc5 /influence/influence_node/influenced_by /m/0k57l +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0325dj +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fq117k +/m/025rxjq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/0c3kw +/m/01w5n51 /music/artist/origin /m/0cr3d +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/078jnn +/m/01nx_8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lmzl /film/actor/film./film/performance/film /m/0cc5mcj +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/02wk4d /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0299hs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k9wp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/01_x6v /people/person/profession /m/02jknp +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06t2t +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrx +/m/03m6zs /sports/sports_team/colors /m/01g5v +/m/0gt_k /people/person/profession /m/012t_z +/m/03n6r /film/actor/film./film/performance/film /m/0htww +/m/05dss7 /film/film/music /m/0fp_v1x +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kqbh +/m/02vjzr /music/genre/artists /m/05d8vw +/m/01tsbmv /people/person/profession /m/02hrh1q +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/06s7rd +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/077rj +/m/03z2rz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020fgy +/m/0dln8jk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/0237fw /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/08chdb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mqtr /media_common/netflix_genre/titles /m/0ywrc +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02rhfsc /people/person/gender /m/05zppz +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01rr9f +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/048n7 /base/culturalevent/event/entity_involved /m/0c4b8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/01z4y /media_common/netflix_genre/titles /m/05567m +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/033rq /film/director/film /m/02psgq +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0127s7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j1yf +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0mgkg +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/01x53m /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/05qx1 /location/country/official_language /m/06nm1 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/014nq4 /film/film/story_by /m/01rlxt +/m/0p9gg /people/person/profession /m/03gjzk +/m/05qzv /people/person/nationality /m/09c7w0 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05kwx2 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01j7rd /people/person/nationality /m/09c7w0 +/m/05fyss /people/person/gender /m/05zppz +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/0ckrgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0466hh +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02ldv0 /music/group_member/membership./music/group_membership/role /m/018vs +/m/01kqq7 /film/film/genre /m/0lsxr +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/049dk +/m/02mplj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02_sr1 /film/film/language /m/012w70 +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0pz91 /people/person/places_lived./people/place_lived/location /m/0xhj2 +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02k4b2 +/m/04jb97 /people/person/profession /m/02jknp +/m/064_8sq /media_common/netflix_genre/titles /m/02dpl9 +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0h924 /location/location/contains /m/01zst8 +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09fp45 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01d1st /people/person/place_of_birth /m/071vr +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050gkf +/m/09gnn /influence/influence_node/peers./influence/peer_relationship/peers /m/01bpn +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/0cc97st /film/film/genre /m/05p553 +/m/016ky6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02jx1 /base/aareas/schema/administrative_area/administrative_parent /m/07ssc +/m/0488g9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/063zky +/m/03kbb8 /film/actor/film./film/performance/film /m/09gdh6k +/m/0c11mj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/033nzk +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0dy68h +/m/0_vn7 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0kp2_ /people/person/gender /m/05zppz +/m/0pz7h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0qpsn /base/biblioness/bibs_location/country /m/09c7w0 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/016_v3 /music/genre/artists /m/026yqrr +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/02pby8 /film/actor/film./film/performance/film /m/046f3p +/m/033tln /film/actor/film./film/performance/film /m/03bzjpm +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/050fh /organization/organization/headquarters./location/mailing_address/state_province_region /m/0kqb0 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/07cz2 /film/film/genre /m/06n90 +/m/023gxx /film/film/produced_by /m/01t6b4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0frmb1 +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03n6r /people/person/nationality /m/09c7w0 +/m/0ggx5q /music/genre/artists /m/02wb6yq +/m/04ych /location/location/contains /m/013gxt +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/057pq5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/05_z42 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xdf5 +/m/0fd3y /music/genre/artists /m/0191h5 +/m/04b2qn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/02gyl0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04h5_c +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02vp1f_ +/m/0k1wz /people/deceased_person/place_of_death /m/06pr6 +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0b2v79 /film/film/costume_design_by /m/06w33f8 +/m/01bbwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gnjh /film/film/genre /m/04t36 +/m/01qszl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/02vg0 +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01rc4p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w7gg /people/ethnicity/people /m/0884fm +/m/0cxbth /sports/sports_team/colors /m/06fvc +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/037lyl +/m/03c5bz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vw20_ +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0pb33 /film/film/genre /m/03k9fj +/m/06pj8 /film/actor/film./film/performance/film /m/016dj8 +/m/015_1q /music/record_label/artist /m/01cwhp +/m/0fpzwf /location/location/contains /m/025v3k +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qtywd +/m/04j6dg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0382m4 +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvd8 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/02f8lw +/m/06mxs /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0h3vhfb +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/01vwllw /people/person/gender /m/02zsn +/m/01934k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/018vs /music/instrument/instrumentalists /m/016ntp +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08hsww +/m/0jfx1 /film/actor/film./film/performance/film /m/0c34mt +/m/015c4g /film/actor/film./film/performance/film /m/0jzw +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tqkv2 +/m/01n7q /location/location/contains /m/0r89d +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0fs9vc +/m/0dxmyh /people/person/profession /m/02hrh1q +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/05whq_9 /film/actor/film./film/performance/film /m/0gx9rvq +/m/08p1gp /people/person/profession /m/0dxtg +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/033hn8 /music/record_label/artist /m/01wf86y +/m/02f9wb /people/person/nationality /m/09c7w0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/0m_q0 /film/film/music /m/02wb6d +/m/0ff0x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m491 /film/film/produced_by /m/0py5b +/m/0f0sbl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0kjrx +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/04fhxp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02ps55 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0f2zc +/m/01mv_n /people/person/profession /m/0np9r +/m/01t_wfl /people/person/profession /m/0dxtg +/m/07qv_ /language/human_language/countries_spoken_in /m/0d060g +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03b1l8 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02_1ky +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/0ccxx6 /music/genre/parent_genre /m/0cx7f +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/05drr9 /people/person/profession /m/018gz8 +/m/044g_k /film/film/produced_by /m/07nznf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01vsl +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/0pj9t +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/06qjgc /people/person/place_of_birth /m/02tb17 +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/01fmys /film/film/featured_film_locations /m/01_d4 +/m/02w7gg /dataworld/gardening_hint/split_to /m/0fdys +/m/019f2f /film/actor/film./film/performance/film /m/03m5y9p +/m/02j9z /base/locations/continents/countries_within /m/0163v +/m/012vby /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05w3f /music/genre/artists /m/06br6t +/m/07sbbz2 /music/genre/artists /m/01vrx3g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mq33 +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/01wdqrx /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/05r5c /music/instrument/instrumentalists /m/014g91 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0fpj4lx /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/01s7ns /music/artist/origin /m/0f2v0 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/02kxwk /film/actor/film./film/performance/film /m/06_wqk4 +/m/06mt91 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/0c9c0 /film/actor/film./film/performance/film /m/0dt8xq +/m/046f25 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0gv2r /people/person/nationality /m/0cdbq +/m/02lk95 /people/person/nationality /m/09c7w0 +/m/05r6t /music/genre/artists /m/04_jsg +/m/0342h /music/instrument/instrumentalists /m/0jfx1 +/m/018phr /people/person/profession /m/0dz3r +/m/0f0qfz /music/group_member/membership./music/group_membership/role /m/0l1589 +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02rlj20 /film/film/genre /m/03mqtr +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/015g28 /film/film/music /m/01ycfv +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01x6v6 +/m/02g0mx /people/person/nationality /m/09c7w0 +/m/08s6mr /film/film/produced_by /m/02ld6x +/m/03qlv7 /music/instrument/instrumentalists /m/01lvcs1 +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02rg_4 +/m/03cfkrw /film/film/produced_by /m/01ts_3 +/m/033hn8 /music/record_label/artist /m/01817f +/m/01hqk /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/04j_gs /film/actor/film./film/performance/film /m/0gldyz +/m/05f7w84 /tv/tv_program/genre /m/01hmnh +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01bh6y /people/person/nationality /m/07ssc +/m/01_j71 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_n5d +/m/04k9y6 /film/film/film_format /m/07fb8_ +/m/0fpj9pm /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0gywn /music/genre/artists /m/030155 +/m/0p__8 /influence/influence_node/influenced_by /m/04sd0 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/02xyl /influence/influence_node/influenced_by /m/06bng +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01trtc /music/record_label/artist /m/04vrxh +/m/04xn2m /people/person/nationality /m/09c7w0 +/m/0db94w /film/film/genre /m/03npn +/m/019fz /people/person/profession /m/0kyk +/m/049468 /people/person/religion /m/03j6c +/m/0j0k /base/locations/continents/countries_within /m/06qd3 +/m/01vvb4m /people/person/spouse_s./people/marriage/spouse /m/023tp8 +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dckvs +/m/0hqzm6r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0yzyn /location/location/time_zones /m/02hcv8 +/m/064t9 /music/genre/artists /m/043zg +/m/02g0rb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/02vkzcx /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f6_4 /location/us_county/county_seat /m/0y617 +/m/04rzd /music/instrument/instrumentalists /m/01m1dzc +/m/040_lv /film/film/country /m/09c7w0 +/m/01tnbn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c0k1 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/01nzz8 /people/deceased_person/place_of_death /m/0r00l +/m/0k4y6 /film/film_subject/films /m/01c9d +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0hm10 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w9k1c /film/film/genre /m/07s9rl0 +/m/0227vl /award/award_winner/awards_won./award/award_honor/award_winner /m/04zqmj +/m/029m83 /film/director/film /m/0k4p0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/06dv3 /film/actor/film./film/performance/film /m/011yqc +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0bmh4 /film/actor/film./film/performance/film /m/01bn3l +/m/064t9 /music/genre/artists /m/01r7pq +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/02__x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/03npn /media_common/netflix_genre/titles /m/0c3ybss +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01m4yn +/m/02gd6x /tv/tv_program/genre /m/07s9rl0 +/m/01f62 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/01sg7_ /people/person/profession /m/01445t +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2pg +/m/036wy /location/location/contains /m/0f485 +/m/0dx8gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01gkp1 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0d3qd0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0gv10 +/m/0x67 /people/ethnicity/people /m/031x_3 +/m/079dy /people/person/nationality /m/0d05q4 +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04vn_k +/m/02knxx /people/cause_of_death/people /m/04258w +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0kpys /location/location/contains /m/0fr9jp +/m/0m_31 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03shp +/m/04fjzv /film/film/produced_by /m/06mn7 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/04954r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0gnkb /film/film/genre /m/06l3bl +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0hpz8 +/m/028fjr /business/job_title/people_with_this_title./business/employment_tenure/company /m/07l1c +/m/0lgxj /olympics/olympic_games/sports /m/064vjs +/m/07bch9 /people/ethnicity/people /m/0blt6 +/m/0gqfy /base/biblioness/bibs_location/country /m/03_3d +/m/033tln /film/actor/film./film/performance/film /m/011ykb +/m/03mg35 /people/person/nationality /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0cd78 +/m/09sh8k /film/film/genre /m/06n90 +/m/04yywz /people/person/place_of_birth /m/0ccvx +/m/0g9zljd /film/film/film_format /m/0cj16 +/m/01v80y /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0qmk5 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qvz8 +/m/0cv2m /location/administrative_division/country /m/03rk0 +/m/01w40h /music/record_label/artist /m/0m19t +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jdr0 +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/06kl78 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026fd +/m/0dl5d /music/genre/artists /m/0b1hw +/m/0fpkhkz /film/film/film_festivals /m/0gg7gsl +/m/0cbl95 /film/film/music /m/06zd1c +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/02qwg /people/person/profession /m/02hrh1q +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/0d0mbj /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/0blg2 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/05ccxr /people/person/profession /m/01c72t +/m/08z39v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0mcl0 +/m/0g768 /music/record_label/artist /m/02ht0ln +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/035sc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/04n2vgk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z77k /media_common/netflix_genre/titles /m/05jyb2 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/034qzw +/m/06gb2q /people/person/profession /m/02hrh1q +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7xl8 +/m/01hkhq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01flzq /music/genre/artists /m/01vw37m +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/0j_c /film/actor/film./film/performance/film /m/02jr6k +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/033tf_ /people/ethnicity/people /m/012gq6 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdd +/m/01yxbw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gt14 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/059rby /location/location/contains /m/04_j5s +/m/01sl1q /film/actor/film./film/performance/film /m/0bq6ntw +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7xg +/m/069ld1 /film/actor/film./film/performance/film /m/03z106 +/m/03t79f /film/film/music /m/023361 +/m/0g57wgv /film/film/country /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1d0 +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/044l47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f04v /location/location/contains /m/021996 +/m/0gy30w /film/film/genre /m/03npn +/m/014hr0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlr4 +/m/0661ql3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08hp53 /people/person/profession /m/012t_z +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/025rpb0 /people/ethnicity/people /m/04yj5z +/m/0d0vj4 /people/person/places_lived./people/place_lived/location /m/04gxf +/m/02pb53 /people/person/place_of_birth /m/01531 +/m/0208wk /award/award_category/disciplines_or_subjects /m/02xlf +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/013n2h /location/hud_county_place/place /m/013n2h +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s_2 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01yk13 +/m/026y3cf /tv/tv_program/genre /m/07s9rl0 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0dl567 /people/person/gender /m/02zsn +/m/08q3s0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/09z2b7 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/01ggc9 /people/person/places_lived./people/place_lived/location /m/029cr +/m/0l998 /olympics/olympic_games/sports /m/07jjt +/m/03pm9 /people/person/nationality /m/05b4w +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/0l12d +/m/049n3s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jfx1 /film/actor/film./film/performance/film /m/09g7vfw +/m/02yv6b /music/genre/artists /m/016s0m +/m/01jq4b /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01sxdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pyg6 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05c17 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01kt17 /people/deceased_person/place_of_death /m/0rd5k +/m/096hm /people/person/profession /m/02hrh1q +/m/03d9v8 /people/person/nationality /m/09c7w0 +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04pz5c /people/person/profession /m/02jknp +/m/01fyzy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/01dq5z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01tkgy /people/person/place_of_birth /m/01glqw +/m/0frf6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/016z1c /people/person/profession /m/01d_h8 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/09p4w8 /film/film/genre /m/01jfsb +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/06h7l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/01wbg84 +/m/07q0g5 /people/person/spouse_s./people/marriage/spouse /m/0382m4 +/m/09ntbc /people/person/gender /m/05zppz +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0gy30w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02fgdx /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d05w3 +/m/01rxw2 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/02q5bx2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01900g /people/person/profession /m/02hrh1q +/m/04rvy8 /people/person/profession /m/02jknp +/m/05kj_ /base/aareas/schema/administrative_area/capital /m/0d23k +/m/033tf_ /people/ethnicity/people /m/072twv +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/0161c2 /film/actor/film./film/performance/film /m/0gbfn9 +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/0qlnr /education/educational_institution/colors /m/0jc_p +/m/035wq7 /people/person/profession /m/02hrh1q +/m/07dzf /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qk3fk +/m/0fgg4 /people/person/profession /m/0d1pc +/m/03d29b /film/actor/film./film/performance/film /m/07ng9k +/m/016zwt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0crqcc /people/person/profession /m/0kyk +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vsl3_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/04lh6 +/m/030x48 /people/person/profession /m/0np9r +/m/0c1pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06dv3 +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_x5t +/m/0m7fm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047gn4y +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/02g3w /people/person/profession /m/0nbcg +/m/02mv9b /people/person/gender /m/05zppz +/m/02qr69m /film/film/genre /m/02n4kr +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/04cbtrw +/m/03z9585 /film/film/genre /m/02l7c8 +/m/0y1rf /location/location/time_zones /m/02hcv8 +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fykz +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01kd57 /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/01wc7p /people/person/profession /m/0dxtg +/m/07ng9k /film/film/dubbing_performances./film/dubbing_performance/actor /m/0bn8fw +/m/0pz7h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01l8t8 +/m/0456zg /film/film/genre /m/07s9rl0 +/m/05z_kps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/03gm48 /film/actor/film./film/performance/film /m/02jxbw +/m/09pl3s /people/person/places_lived./people/place_lived/location /m/04sqj +/m/012j5h /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/074qgb /people/person/profession /m/02krf9 +/m/05_61y /film/film/language /m/02h40lc +/m/01v3s2_ /people/person/profession /m/09lbv +/m/015882 /people/person/places_lived./people/place_lived/location /m/0vmt +/m/03_9hm /sports/sports_team/sport /m/02vx4 +/m/0p_sc /film/film/country /m/07ssc +/m/0mwds /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwkp +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ht1k +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwllw +/m/03fwln /people/person/places_lived./people/place_lived/location /m/01hpnh +/m/01l4g5 /people/person/profession /m/0nbcg +/m/06jtd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zdk2 /people/person/nationality /m/03rk0 +/m/0bm2g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0ctb4g /film/film/genre /m/04xvlr +/m/01fwf1 /people/deceased_person/place_of_death /m/04jpl +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/01nwwl +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/026hxwx +/m/0b_7k /people/person/profession /m/02jknp +/m/0525b /film/actor/film./film/performance/film /m/02z0f6l +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/0vzm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0lgxj /olympics/olympic_games/participating_countries /m/09c7w0 +/m/016kz1 /film/film/produced_by /m/01t6b4 +/m/041rx /people/ethnicity/people /m/04z0g +/m/03czqs /base/biblioness/bibs_location/country /m/03rk0 +/m/086nl7 /people/person/profession /m/03gjzk +/m/0cp0790 /film/film/country /m/0d060g +/m/058s44 /people/person/nationality /m/09c7w0 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/04__f +/m/04g3p5 /people/person/place_of_birth /m/01_d4 +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/07cz2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0479b +/m/0gyfp9c /film/film/language /m/02h40lc +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/08jyyk /music/genre/artists /m/07n3s +/m/03jvmp /award/award_winner/awards_won./award/award_honor/award_winner /m/03mdt +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/043mk4y /film/film/executive_produced_by /m/01zfmm +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/01wl38s /people/person/profession /m/02hrh1q +/m/025t9b /film/actor/film./film/performance/film /m/0gltv +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/05sdxx /film/actor/film./film/performance/film /m/025ts_z +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/014kq6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vs_v8 +/m/01p47r /people/person/profession /m/02krf9 +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/02gd6x /tv/tv_program/country_of_origin /m/0d0vqn +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/025rxjq /film/film/genre /m/07s9rl0 +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/01wttr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/01xdn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/041rx /people/ethnicity/people /m/01zwy +/m/0gzy02 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4l5 +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/0181dw /music/record_label/artist /m/01wmxfs +/m/0crs0b8 /film/film/featured_film_locations /m/0d6yv +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds2l81 +/m/06kb_ /people/person/nationality /m/02jx1 +/m/06jnvs /people/person/profession /m/0dxtg +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ywr +/m/0kv2r /location/location/time_zones /m/02lcqs +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03qcfvw +/m/09b6zr /people/person/profession /m/0fj9f +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0cz8mkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09pmkv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dc95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0135g +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/01cszh /music/record_label/artist /m/0g824 +/m/03zkr8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0xhtw /music/genre/artists /m/06gd4 +/m/02lx0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/024swd /people/person/places_lived./people/place_lived/location /m/07bcn +/m/080dwhx /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/023kzp /people/person/place_of_birth /m/0f2v0 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0280061 +/m/09lxv9 /film/film/country /m/09c7w0 +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/0170pk /film/actor/film./film/performance/film /m/0m313 +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dthg +/m/0cz_ym /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qsdh +/m/033srr /film/film/music /m/01hw6wq +/m/02wbnv /organization/organization/headquarters./location/mailing_address/citytown /m/071vr +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fhj1 +/m/08304 /people/person/nationality /m/02jx1 +/m/01m65sp /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0fr63l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kbf1 /film/film/genre /m/04xvlr +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/03_js /people/person/religion /m/01ld4n +/m/02cvp8 /people/person/gender /m/05zppz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/09qh1 /people/person/gender /m/05zppz +/m/021w0_ /education/educational_institution/students_graduates./education/education/student /m/06pj8 +/m/017149 /film/actor/film./film/performance/film /m/0gmblvq +/m/02_h0 /film/film_subject/films /m/02jxrw +/m/01wj5hp /people/person/profession /m/025352 +/m/076zy_g /film/film/production_companies /m/016tt2 +/m/05bht9 /film/director/film /m/0gndh +/m/04gzd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/096lf_ /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/04bgy /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/02f2dn +/m/0830vk /film/film/production_companies /m/016tw3 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/044l47 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/0222qb /people/ethnicity/people /m/01qq_lp +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0d8w2n /film/film/production_companies /m/09mfvx +/m/025v26c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/042zrm /film/film/produced_by /m/04wvhz +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02__94 /people/person/profession /m/02jknp +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fq1y +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/09cn0c /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0bkq_8 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0blt6 /people/person/profession /m/03gjzk +/m/05kkh /location/location/contains /m/0yshw +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/06chf /people/person/profession /m/02krf9 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/01kstn9 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06rk8r +/m/0ym17 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/02nb2s /people/person/profession /m/01d_h8 +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/0k4kk /film/film/country /m/09c7w0 +/m/0cb1ky /people/person/place_of_birth /m/0dlv0 +/m/0219x_ /media_common/netflix_genre/titles /m/0qf2t +/m/047m_w /tv/tv_program/genre /m/0fx2s +/m/03h_yfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0c2dl +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0l14j_ /music/instrument/instrumentalists /m/01wsl7c +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/0m_v0 /people/person/profession /m/0dz3r +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/03kxj2 /film/film/film_production_design_by /m/04kj2v +/m/04rrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0824r +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03mp9s /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0l3h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06mkj +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/014zcr /people/person/places_lived./people/place_lived/location /m/0d9y6 +/m/01_lhg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/011yr9 /film/film/language /m/04h9h +/m/01y9jr /film/film/executive_produced_by /m/01pcmd +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/0127s7 /people/person/place_of_birth /m/0y62n +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0835q +/m/01vl17 /people/person/places_lived./people/place_lived/location /m/0g3bc +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gys2 +/m/0myfz /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bx0lc +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kx4m +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0274ck /people/person/profession /m/0dz3r +/m/053j4w4 /people/person/place_of_birth /m/030qb3t +/m/05z43v /film/film/genre /m/03mqtr +/m/0jwvf /film/film/country /m/09c7w0 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04pwg /people/person/nationality /m/0f8l9c +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019_1h +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/09r9dp /film/actor/film./film/performance/film /m/05r3qc +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/01wf86y /people/person/gender /m/02zsn +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/0gmblvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/02bqvs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04psyp +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/03f6fl0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zvzf3 +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/01cpqk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cf93 /music/record_label/artist /m/015882 +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02dth1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06z9f8 +/m/05cwl_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09cr8 /film/film/genre /m/07s9rl0 +/m/0b275x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cy__l /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/04jbyg +/m/0ntpv /location/location/time_zones /m/02hcv8 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/09s5q8 /education/university/fraternities_and_sororities /m/0325pb +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/0f6_x /people/person/profession /m/02hrh1q +/m/02jx1 /location/location/contains /m/01w2dq +/m/01wz3cx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vrncs +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0fp_v1x /music/group_member/membership./music/group_membership/role /m/0l14md +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015f7 +/m/0bq8tmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fxky3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01ft14 +/m/0hsqf /base/biblioness/bibs_location/country /m/06qd3 +/m/0b_75k /time/event/locations /m/0k9p4 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/0137g1 +/m/0hfzr /film/film/genre /m/07s9rl0 +/m/01yf85 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgxf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02ryyk +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/032_jg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/046lt +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hzsx +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/015bpl +/m/015j7 /film/film_subject/films /m/0kvb6p +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0gn30 +/m/0dg3n1 /location/location/contains /m/0dbks +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/0841v /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vbk +/m/09h4b5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/02x258x /award/award_category/winners./award/award_honor/award_winner /m/04qvl7 +/m/01nglk /people/person/profession /m/02hrh1q +/m/02py9yf /tv/tv_program/genre /m/05p553 +/m/0gg4h /people/cause_of_death/people /m/09_2gj +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05z01 +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07jmnh /people/person/nationality /m/03rk0 +/m/01mylz /film/actor/film./film/performance/film /m/0dyb1 +/m/05bt6j /music/genre/artists /m/02pt27 +/m/033fqh /film/film/produced_by /m/01zfmm +/m/0gj50 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/01rs59 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0mk_3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gd9k /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01zt10 /people/person/place_of_birth /m/04cx5 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bm4sm +/m/04xvlr /media_common/netflix_genre/titles /m/0kvf3b +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r2j8 +/m/0hpyv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05znxx /film/film/language /m/06nm1 +/m/0jgg3 /location/location/time_zones /m/02hcv8 +/m/0b2qtl /film/film/country /m/09c7w0 +/m/0233qs /music/genre/artists /m/01vw_dv +/m/0fb7sd /film/film/production_companies /m/016tw3 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdj_ +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n08r +/m/0sngf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bt6j /music/genre/artists /m/01pgzn_ +/m/04xhwn /film/actor/film./film/performance/film /m/0f61tk +/m/01yznp /film/actor/film./film/performance/film /m/0dyb1 +/m/02h48 /people/person/place_of_birth /m/0cr3d +/m/08vlns /music/genre/artists /m/0cc5tgk +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01n9d9 /people/person/profession /m/02jknp +/m/08c4yn /film/film/genre /m/04xvlr +/m/04yj5z /people/person/profession /m/0np9r +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01vw20h /people/person/place_of_birth /m/0cr3d +/m/0mwcz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/07tp2 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09n48 /olympics/olympic_games/participating_countries /m/06t8v +/m/06pwq /base/biblioness/bibs_location/state /m/01n7q +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02x3lt7 +/m/02py9yf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043n1r5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jrs46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bm9xk +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fh694 /film/film/executive_produced_by /m/02hfp_ +/m/024tj /people/person/profession /m/02jknp +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/04p5cr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvlyt +/m/05g7q /people/person/places_lived./people/place_lived/location /m/0g284 +/m/0ckrnn /film/film/music /m/012201 +/m/09pl3s /people/person/profession /m/01d_h8 +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/0qcr0 /people/cause_of_death/people /m/039xcr +/m/01y665 /people/person/nationality /m/0d060g +/m/09blyk /media_common/netflix_genre/titles /m/04jkpgv +/m/03dbww /people/person/gender /m/05zppz +/m/046qq /people/person/gender /m/05zppz +/m/01r7pq /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/0121sr /language/human_language/countries_spoken_in /m/03rk0 +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/03h0byn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/0g5y6 /people/ethnicity/people /m/0cwtm +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/05dy7p /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01xyqk /music/record_label/artist /m/01l4g5 +/m/013kcv /base/biblioness/bibs_location/country /m/09c7w0 +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/07g7h2 /people/person/profession /m/03gjzk +/m/03z509 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jzw +/m/0bg539 /people/person/profession /m/09jwl +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/0k3kv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05gp3x /people/person/profession /m/0kyk +/m/01jpqb /education/educational_institution/students_graduates./education/education/student /m/02_nkp +/m/01rgr /people/person/gender /m/05zppz +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/0hm0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0193qj +/m/0827d /music/genre/artists /m/01w5gg6 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/0qf43 /film/director/film /m/012kyx +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/02pw_n /film/film/genre /m/01j1n2 +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjp +/m/016t00 /people/person/profession /m/09jwl +/m/02508x /people/person/profession /m/0np9r +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0r4h3 /location/hud_county_place/county /m/0kvt9 +/m/099bk /influence/influence_node/influenced_by /m/05qmj +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02_nsc /film/film/featured_film_locations /m/0d35y +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039g82 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/03339m /music/genre/artists /m/03f0fnk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kj5h +/m/037fqp /education/educational_institution/students_graduates./education/education/student /m/02l0xc +/m/0mx3k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1xx +/m/05pq9 /people/person/profession /m/0q04f +/m/0l6m5 /olympics/olympic_games/sports /m/019w9j +/m/09l3p /film/actor/film./film/performance/film /m/02cbhg +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/044l47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07nx9j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0bq8tmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0x2jd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05gg4 /sports/sports_team/sport /m/0jm_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06vlk0 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0lwkh /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/04q01mn /film/film/country /m/09c7w0 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010xjr +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/0gtsx8c /film/film/executive_produced_by /m/02g87m +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/03hj3b3 /film/film/language /m/02h40lc +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/02hnl /music/instrument/instrumentalists /m/01l47f5 +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/03j24kf +/m/05sw5b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vtmw6 /people/person/place_of_birth /m/0cr3d +/m/014v6f /film/actor/film./film/performance/film /m/01shy7 +/m/043g7l /music/record_label/artist /m/01vwbts +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/04v048 /people/person/profession /m/02jknp +/m/0dq9p /people/cause_of_death/people /m/07cbs +/m/01nqj /location/country/form_of_government /m/06cx9 +/m/029t1 /base/biblioness/bibs_location/state /m/07371 +/m/01rc6f /education/educational_institution/school_type /m/05jxkf +/m/01p3ty /film/film/language /m/0688f +/m/0w6w /people/person/nationality /m/0h3y +/m/05dptj /film/film/genre /m/05p553 +/m/06j6l /music/genre/artists /m/0x3n +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/06t6dz /film/film/genre /m/0lsxr +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/094xh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01sb5r +/m/03f1d47 /film/actor/film./film/performance/film /m/03l6q0 +/m/01g6l8 /organization/organization/headquarters./location/mailing_address/citytown /m/03khn +/m/01v5h /film/director/film /m/0bl06 +/m/0fy91 /film/film_subject/films /m/02fwfb +/m/04k3jt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dn44 /people/person/profession /m/015cjr +/m/0ctb4g /film/film/country /m/0f8l9c +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0pvms /film/film/produced_by /m/04353 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/048htn +/m/02pprs /music/instrument/instrumentalists /m/07z542 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01r97z +/m/055vr /location/administrative_division/country /m/03rk0 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/0fqt1ns /film/film/produced_by /m/02xnjd +/m/08624h /people/person/profession /m/01d_h8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/03s6l2 /film/film/genre /m/02kdv5l +/m/02rrsz /people/person/spouse_s./people/marriage/spouse /m/03q43g +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0bq3x /film/film_subject/films /m/0ds11z +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01bzw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/015g28 /film/film/genre /m/082gq +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/02ph9tm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cf8qb /film/film/genre /m/01jfsb +/m/02x6dqb /film/film/production_companies /m/017s11 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02x2t07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/04_by /influence/influence_node/influenced_by /m/0420y +/m/01l1sq /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/0j5q3 /people/person/profession /m/02hrh1q +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/03rl84 /people/person/nationality /m/09c7w0 +/m/06yykb /film/film/country /m/09c7w0 +/m/0cf08 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08984j +/m/0l14qv /music/instrument/instrumentalists /m/02y7sr +/m/0170qf /people/person/gender /m/05zppz +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/0cfhfz /film/film/language /m/06nm1 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/01w8n89 /music/group_member/membership./music/group_membership/group /m/081wh1 +/m/02q_cc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/09bg4l /people/person/profession /m/0cbd2 +/m/05qdh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/07t21 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02qkt /location/location/contains /m/0jdx +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/03j367r /people/person/religion /m/03j6c +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/062zjtt +/m/0dg3n1 /location/location/contains /m/06tgw +/m/0425hg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02j69w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01m1_d +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/03rj0 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bqs56 /influence/influence_node/influenced_by /m/012gq6 +/m/0glbqt /film/film/music /m/020fgy +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hq1 +/m/02rmxx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0js9s +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dppk +/m/018fq /people/person/places_lived./people/place_lived/location /m/07b_l +/m/01wj92r /music/artist/origin /m/0xl08 +/m/0kjrx /people/person/profession /m/0d1pc +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0h7h6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0154gx +/m/04w4s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02wd48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/06rkfs /education/educational_institution/school_type /m/01rs41 +/m/019_6d /education/educational_institution/school_type /m/01rs41 +/m/01c5d5 /people/deceased_person/place_of_death /m/030qb3t +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/01w9ph_ /influence/influence_node/influenced_by /m/03f70xs +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/06kxk2 /people/person/gender /m/05zppz +/m/06cgy /people/person/nationality /m/09c7w0 +/m/01cszh /music/record_label/artist /m/01dq9q +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04z4j2 /film/film/country /m/09c7w0 +/m/07024 /film/film/production_companies /m/05qd_ +/m/06hgj /people/person/nationality /m/09c7w0 +/m/04h6m /music/genre/artists /m/09z1lg +/m/03p2xc /film/film/production_companies /m/05qd_ +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09pl3f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4f9 +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/051wwp /film/actor/film./film/performance/film /m/0888c3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/031zp2 +/m/01bx35 /time/event/instance_of_recurring_event /m/0c4ys +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/01rlxt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07ssc /location/location/contains /m/0rng +/m/03ydlnj /film/film/genre /m/02l7c8 +/m/0hm2b /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03rk0 /location/location/contains /m/0dlv0 +/m/0c3351 /media_common/netflix_genre/titles /m/0gy0n +/m/027ydt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ssc /location/location/contains /m/094vy +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06q8hf +/m/046n4q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02x8m /music/genre/artists /m/01yzl2 +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03qd_ /film/actor/film./film/performance/film /m/04fzfj +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/02xwgr /film/actor/film./film/performance/film /m/0_816 +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05m7zg +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/0hwbd +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/025st2z +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0d608 /people/person/profession /m/018gz8 +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/021lby /people/person/profession /m/02jknp +/m/01g3gq /film/film/written_by /m/04h68j +/m/03z8bw /sports/sports_team/colors /m/01g5v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/079yb +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/05szp +/m/016r9z /olympics/olympic_games/participating_countries /m/0d04z6 +/m/02x3lt7 /film/film/featured_film_locations /m/030qb3t +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0btpx +/m/01fbr2 /music/genre/artists /m/0f0y8 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/07w8fz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01q7h2 /film/film/story_by /m/0gs5q +/m/01rcmg /film/actor/film./film/performance/film /m/02c7k4 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0j1yf /people/person/gender /m/05zppz +/m/08p1gp /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03c6v3 /people/person/places_lived./people/place_lived/location /m/07b_l +/m/03knl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06g2d1 +/m/09c7w0 /location/location/contains /m/04bbpm +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02qhlwd /film/film/country /m/09c7w0 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/01vrz41 +/m/02fb1n /film/actor/film./film/performance/film /m/013q07 +/m/02b25y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/05tcx0 /music/genre/parent_genre /m/01243b +/m/03y82t6 /music/artist/origin /m/0r62v +/m/05qhw /location/location/contains /m/081m_ +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/022g44 /people/person/profession /m/016z4k +/m/0m241 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/07ylj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02l4rh /film/actor/film./film/performance/film /m/0ggbfwf +/m/03f6fl0 /people/person/profession /m/0n1h +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/043qqt5 +/m/0n85g /music/record_label/artist /m/01w02sy +/m/01pj_5 /film/film/genre /m/0gf28 +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/07tds /education/university/fraternities_and_sororities /m/035tlh +/m/09d5d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbbz +/m/0dl5d /music/genre/parent_genre /m/02yv6b +/m/01vv6xv /music/artist/origin /m/030qb3t +/m/043h78 /film/film/genre /m/03k9fj +/m/026c1 /people/person/profession /m/02jknp +/m/0b_6rk /time/event/locations /m/02cl1 +/m/039x1k /people/person/place_of_birth /m/0y617 +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb57 +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033tln +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/0fwc0 /location/location/time_zones /m/02hcv8 +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j149k +/m/0glt670 /music/genre/artists /m/0127s7 +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0dwz3t +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/0688f /language/human_language/countries_spoken_in /m/03rk0 +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0pz91 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/016gr2 /people/person/profession /m/02hrh1q +/m/07vhb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/03xds +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03j79x +/m/030hcs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fgg4 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01tp5bj /people/person/profession /m/0dz3r +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/02qsjt +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04j53 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/05yjhm /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/0277990 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/03mdt /media_common/netflix_genre/titles /m/01ft14 +/m/0168dy /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/025rxjq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_p5w +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/010p3 /people/person/profession /m/018gz8 +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/0symg /film/film/written_by /m/0405l +/m/01vrnsk /base/eating/practicer_of_diet/diet /m/07_jd +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/019_1h /film/actor/film./film/performance/film /m/0bx0l +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/01jmv8 /film/actor/film./film/performance/film /m/09p3_s +/m/0405l /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/02zcz3 /organization/organization/headquarters./location/mailing_address/citytown /m/010h9y +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0345h /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/01hxs4 /people/person/profession /m/02hrh1q +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/01fh36 /music/genre/artists /m/01k47c +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b190 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/02qjb_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbm7r +/m/05fjf /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0187nd +/m/01sby_ /film/film/genre /m/01jfsb +/m/0hpyv /location/location/time_zones /m/02hcv8 +/m/011yrp /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/03f1d47 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07d3z7 +/m/0cbn7c /film/film/genre /m/028v3 +/m/0d0mbj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05yh_t /people/person/nationality /m/09c7w0 +/m/07kg3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015m08 +/m/01_2n /tv/tv_program/country_of_origin /m/07ssc +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/07szy /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01cpqk +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/029q_y /people/person/profession /m/0cbd2 +/m/01_qc_ /medicine/disease/notable_people_with_this_condition /m/02h3tp +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/064_8sq /language/human_language/countries_spoken_in /m/07ytt +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/016gr2 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/063lqs +/m/01jfsb /media_common/netflix_genre/titles /m/0f40w +/m/06mr6 /film/actor/film./film/performance/film /m/0bl3nn +/m/07z1m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019rg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tp2 +/m/016yzz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047csmy /film/film/production_companies /m/0hpt3 +/m/0ply0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03rk0 +/m/047tsx3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0cqt90 /people/person/place_of_birth /m/0ccvx +/m/07ssc /location/location/contains /m/01ngx6 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/04jjy /film/film_subject/films /m/0294mx +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01lj_c /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/09cxm4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fttd +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x209s +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0266bd5 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvpz +/m/01qrb2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gn9g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xbr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0jsg0m /people/person/profession /m/039v1 +/m/05bjp6 /education/educational_institution/students_graduates./education/education/student /m/01f5q5 +/m/03_6y /film/actor/film./film/performance/film /m/08r4x3 +/m/017d77 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0b_6xf /time/event/locations /m/0lhql +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/021vwt /film/actor/film./film/performance/film /m/05fgt1 +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fsm8c +/m/07szy /education/university/fraternities_and_sororities /m/0325pb +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/0kbwb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz04 +/m/035l_9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j94 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07bwr /film/film/country /m/09c7w0 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bj25 +/m/070zc /location/location/time_zones /m/02llzg +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/0cmc26r /film/film/film_festivals /m/0gg7gsl +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/0bsb4j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02704ff /film/film/edited_by /m/02kxbwx +/m/01z4y /media_common/netflix_genre/titles /m/04t6fk +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/04p3w /people/cause_of_death/people /m/02ck1 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/02q8ms8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016xh5 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvb6p +/m/0h6r5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018yj6 /people/person/profession /m/02hrh1q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jnt +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/0b_6mr /time/event/locations /m/0f2rq +/m/03h3vtz /people/person/place_of_birth /m/013m4v +/m/09jcj6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02mt51 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb559 +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09dv49 /people/person/profession /m/01d_h8 +/m/03gqgt3 /time/event/locations /m/0d05q4 +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07s95_l +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/0m257 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2by +/m/0tz01 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z4y /media_common/netflix_genre/titles /m/0c8tkt +/m/04knq3 /organization/organization/headquarters./location/mailing_address/citytown /m/07bcn +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/089j8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/0m68w /people/person/places_lived./people/place_lived/location /m/0m2rv +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/0psss /people/person/gender /m/02zsn +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/012qjw /medicine/symptom/symptom_of /m/0167bx +/m/01rwcgb /people/person/spouse_s./people/marriage/location_of_ceremony /m/0c8tk +/m/02q1hz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gn30 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/0ddjy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/02ktt7 /organization/organization/place_founded /m/01_d4 +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/01t94_1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mlh8 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/02qggqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018js4 +/m/0126t5 /music/genre/artists /m/01nn6c +/m/033hn8 /music/record_label/artist /m/01zmpg +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01vw20h /people/person/nationality /m/09c7w0 +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/04954 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0jdd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/01gp_x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/029_3 /people/person/profession /m/03gjzk +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286gm1 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04205z /film/actor/film./film/performance/film /m/0ds5_72 +/m/05g3v /sports/sports_team/colors /m/083jv +/m/0csdzz /people/person/nationality /m/0f8l9c +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/015pkc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05w3f /music/genre/artists /m/02qwg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02ngbs /education/educational_institution/school_type /m/05jxkf +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0b6l1st /film/film/genre /m/0lsxr +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/0dtzkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01jz6d /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lf0c /film/director/film /m/03n0cd +/m/020y73 /film/film/country /m/09c7w0 +/m/01hmnh /media_common/netflix_genre/titles /m/085bd1 +/m/0dgrwqr /film/film/film_festivals /m/0fpkxfd +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gldyz +/m/0gdh5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/036hf4 +/m/01713c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/040p3y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08fn5b /film/film/production_companies /m/030_1_ +/m/02b61v /film/film/music /m/0150t6 +/m/0127ps /film/film/music /m/03h610 +/m/017z49 /film/film/genre /m/0219x_ +/m/03qcfvw /film/film/featured_film_locations /m/0rh6k +/m/0272kv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/0b_6jz /time/event/locations /m/0f1sm +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/039wsf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/043js /film/actor/film./film/performance/film /m/0221zw +/m/06by7 /music/genre/artists /m/0277c3 +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0n24p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2q0 +/m/04gxp2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02m30v /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ycht +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/025n3p /people/person/gender /m/05zppz +/m/0f2v0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/08fbnx +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/0bvzp /award/award_winner/awards_won./award/award_honor/award_winner /m/03_0p +/m/0cc56 /location/location/contains /m/02lwv5 +/m/0l2rj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kv36 +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03q3x5 /film/actor/film./film/performance/film /m/02qr3k8 +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/0gd5z /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h0yt /people/person/profession /m/0kyk +/m/084302 /film/film/genre /m/02n4kr +/m/01wg25j /people/person/profession /m/029bkp +/m/040rjq /influence/influence_node/influenced_by /m/026dx +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/09blyk /media_common/netflix_genre/titles /m/02c638 +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/087vnr5 +/m/02_1ky /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vl4m +/m/09c7w0 /location/location/contains /m/0d6lp +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/0bj25 /film/film/genre /m/01g6gs +/m/0njj0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b_6zk /time/event/locations /m/0djd3 +/m/01fwpt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0tc7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0d9xq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/052gtg /location/location/contains /m/07mgr +/m/04fhxp /film/actor/film./film/performance/film /m/02tjl3 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01f6x7 /film/film/country /m/03h64 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01c7qd +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l38x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpys +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0h32q /film/actor/film./film/performance/film /m/0b76d_m +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/0mb8c /film/film/country /m/0d05w3 +/m/02825kb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nhr5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ngy8 +/m/019lrz /people/ethnicity/people /m/0c73z +/m/01bl8s /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cvw9 +/m/02n5d /time/event/locations /m/02jx1 +/m/02k6hp /people/cause_of_death/people /m/06bng +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/02q1hz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05gm16l +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0391jz /people/person/gender /m/02zsn +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09f07 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06l3bl /media_common/netflix_genre/titles /m/0ywrc +/m/05qx1 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026670 +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bxsk +/m/03mdt /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0ds2l81 /film/film/produced_by /m/0b13g7 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0dj0m5 +/m/01trtc /music/record_label/artist /m/01271h +/m/05k2xy /film/film/featured_film_locations /m/02_286 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0175tv +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/06q8qh /film/film/film_format /m/0cj16 +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05sns6 /film/film/genre /m/02l7c8 +/m/04xvlr /media_common/netflix_genre/titles /m/0353xq +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0fpzt5 /people/person/profession /m/0kyk +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/01z4y /media_common/netflix_genre/titles /m/024lt6 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/026lg0s +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/030155 /people/person/profession /m/016z4k +/m/0113sg /people/person/nationality /m/06bnz +/m/01bl7g /film/film/production_companies /m/05rrtf +/m/0lgm5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dckvs /film/film/language /m/0653m +/m/01vrncs /people/person/profession /m/025352 +/m/059kh /music/genre/artists /m/01ydzx +/m/0gct_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pb53 +/m/0hwpz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0gg8l /music/genre/artists /m/018phr +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/0557q /music/genre/artists /m/0g7k2g +/m/03wj4r8 /film/film/music /m/01m3b1t +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/03c_pqj /people/person/profession /m/0dxtg +/m/01fs_4 /people/person/place_of_birth /m/02_286 +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/01kcd /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0d_q40 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03nk3t /film/director/film /m/0k2cb +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01n7q /location/location/contains /m/0r03f +/m/041rx /people/ethnicity/people /m/025vry +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/036gdw /people/person/profession /m/0nbcg +/m/01d6jf /award/award_winner/awards_won./award/award_honor/award_winner /m/02knnd +/m/01v40wd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l2k7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mm1q /film/director/film /m/0dlngsd +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/033hn8 /music/record_label/artist /m/01vzz1c +/m/03xnq9_ /film/actor/film./film/performance/film /m/025s1wg +/m/028d4v /film/actor/film./film/performance/film /m/035_2h +/m/0dr_4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gtt5fb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/03f5vvx /people/person/profession /m/06q2q +/m/01kgv4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01qn8k +/m/06z5s /people/cause_of_death/people /m/0484q +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/08vk_r /sports/sports_team/sport /m/02vx4 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0431v3 /tv/tv_program/genre /m/03k9fj +/m/0147dk /award/award_winner/awards_won./award/award_honor/award_winner /m/02ts3h +/m/0lv1x /olympics/olympic_games/sports /m/03hr1p +/m/0g4pl7z /film/film/language /m/03_9r +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/0bs5f0b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01x1cn2 /influence/influence_node/influenced_by /m/0kc6 +/m/03bxsw /film/actor/film./film/performance/film /m/072zl1 +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/023fb +/m/03mz5b /film/film/language /m/03_9r +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0hd7j +/m/01q0kg /education/educational_institution/colors /m/01l849 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/07ssc /media_common/netflix_genre/titles /m/01cjhz +/m/01syr4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01w1kyf +/m/03q0r1 /film/film/production_companies /m/01795t +/m/08c7cz /people/person/profession /m/0kyk +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/0gg5kmg /film/film/genre /m/01jfsb +/m/01qqv5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05w88j /people/person/profession /m/02krf9 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0783m_ +/m/03q45x /people/person/places_lived./people/place_lived/location /m/0qkcb +/m/06mz5 /location/location/time_zones /m/02hczc +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/03j722 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01fm07 /music/genre/artists /m/011z3g +/m/02508x /people/person/nationality /m/07ssc +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/02dpl9 /film/film/music /m/01x1fq +/m/040_t /people/person/nationality /m/09c7w0 +/m/081lh /film/director/film /m/09jcj6 +/m/032d52 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02v2jy /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/03q45x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bgrsl /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/02w4v /music/genre/artists /m/01tw31 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04ltf +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/01sbhvd /people/person/profession /m/018gz8 +/m/04flrx /people/person/religion /m/0c8wxp +/m/04hwbq /film/film/story_by /m/04jspq +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jr6k +/m/01j95f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/09bw4_ /film/film/country /m/0d060g +/m/04v7kt /people/person/profession /m/02dsz +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01vtqml +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/01dhpj +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01dhmw /people/person/nationality /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jymd +/m/058kqy /film/actor/film./film/performance/film /m/0315rp +/m/0473q /people/person/profession /m/09jwl +/m/0fqt1ns /film/film/story_by /m/079vf +/m/01wcp_g /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/09glbnt /business/business_operation/industry /m/02vxn +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/0413cff /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02fbb5 /sports/sports_team/colors /m/083jv +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wvhz +/m/0l3n4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwsh +/m/05sy_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07b2lv /people/person/nationality /m/07ssc +/m/06s26c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164v +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/01p0w_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/070px /people/person/nationality /m/02jx1 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc97st +/m/0s9b_ /location/hud_county_place/county /m/0l3kx +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/02rq7nd /tv/tv_program/languages /m/02h40lc +/m/016z43 /film/film/genre /m/0556j8 +/m/03y_46 /film/actor/film./film/performance/film /m/09fqgj +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0hfjk /media_common/netflix_genre/titles /m/08mg_b +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/0hvb2 /film/actor/film./film/performance/film /m/08r4x3 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gjc4d3 +/m/01l7qw /film/actor/film./film/performance/film /m/047qxs +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0272vm +/m/0g8_vp /people/ethnicity/people /m/0p_2r +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/081yw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015jr +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/021s9n /education/educational_institution/school_type /m/01rs41 +/m/01m42d0 /film/actor/film./film/performance/film /m/01wb95 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gq0b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0520y3 +/m/02vjp3 /film/film/genre /m/02n4kr +/m/053yx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl2y /music/record_label/artist /m/011_vz +/m/02mpyh /film/film/written_by /m/02hfp_ +/m/0zcbl /film/actor/film./film/performance/film /m/03mh94 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/035qy /film/film_subject/films /m/02725hs +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/04ltf /sports/sports_team/sport /m/02vx4 +/m/02pptm /education/educational_institution/colors /m/01g5v +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/03hjv97 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/01y9jr /film/film/produced_by /m/026c1 +/m/0140t7 /people/person/profession /m/0d1pc +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zjx +/m/09c7w0 /location/location/contains /m/012mzw +/m/0df2zx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g61 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01wj5hp /people/person/profession /m/0cbd2 +/m/0992d9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02vpvk +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0168cl +/m/064r97z /film/film/country /m/09c7w0 +/m/0m76b /people/person/gender /m/05zppz +/m/03dbds /influence/influence_node/influenced_by /m/05qzv +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/01pcdn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015c2f +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/07c5l /location/location/contains /m/01nty +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/01ptt7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/016zfm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024jwt +/m/0hkqn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01_d4 /location/location/contains /m/0jpn8 +/m/016r9z /olympics/olympic_games/participating_countries /m/0k6nt +/m/027_sn /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/014wxc /location/location/contains /m/03fb3t +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443xn +/m/0b_dy /film/actor/film./film/performance/film /m/027pfg +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/05b_7n +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07l50vn +/m/02y7t7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/09hrc /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/017j69 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01mxnvc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06bvp /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/01kws3 /people/person/profession /m/0np9r +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/049k07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/036b_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04g51 +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0g824 /people/person/profession /m/0fnpj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/041rx /people/ethnicity/people /m/0p17j +/m/0dxyzb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/062zjtt +/m/0zlt9 /location/hud_county_place/county /m/0mwyq +/m/01vrx3g /people/person/profession /m/0dz3r +/m/01b9z4 /film/actor/film./film/performance/film /m/0642xf3 +/m/0kvnn /music/artist/origin /m/02frhbc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/039_ym +/m/06by7 /film/film_subject/films /m/05q7874 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/06dkzt /people/person/gender /m/05zppz +/m/01nn6c /music/group_member/membership./music/group_membership/group /m/01wv9xn +/m/06ncr /music/instrument/instrumentalists /m/01tw31 +/m/01cpqk /people/person/gender /m/02zsn +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02k1b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01qdjm /music/group_member/membership./music/group_membership/role /m/06ncr +/m/0klh7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0430_ +/m/012c6j /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/0bs8ndx /film/film/film_festivals /m/0bmj62v +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj96ln +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgp0 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/015nhn /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcql +/m/02ndy4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014g22 /film/actor/film./film/performance/film /m/01f7kl +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz7h +/m/0ftxw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03v1s +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049n3s +/m/0dv1hh /people/person/nationality /m/02jx1 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/01wkmgb /people/person/nationality /m/09c7w0 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/014_x2 /film/film/language /m/02h40lc +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/04zqmj /people/person/profession /m/02hrh1q +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/01vvb4m /film/actor/film./film/performance/film /m/05f4_n0 +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/02nt75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/015qh /location/location/contains /m/0lxg6 +/m/04flrx /people/person/gender /m/05zppz +/m/0jgwf /film/director/film /m/01wb95 +/m/01vtg4q /people/person/profession /m/02hrh1q +/m/02wmbg /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/034qrh /film/film/country /m/0345h +/m/031zkw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rrd4 +/m/026f5s /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0c57yj /film/film/featured_film_locations /m/0l2l_ +/m/0kp2_ /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s2ys +/m/0hhggmy /film/film/language /m/02h40lc +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/099bk /people/person/religion /m/0c8wxp +/m/0psss /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/09c7w0 /location/location/contains /m/010v8k +/m/06r4f /tv/tv_program/program_creator /m/08qmfm +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/09r9dp +/m/06gbnc /people/ethnicity/people /m/01lqnff +/m/049m19 /people/person/profession /m/02hrh1q +/m/012wgb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0m66w +/m/01914 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02847m9 /film/film/executive_produced_by /m/01kx_81 +/m/0r0m6 /location/location/time_zones /m/02lcqs +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/02pt27 /music/group_member/membership./music/group_membership/role /m/0342h +/m/02nb2s /people/person/profession /m/019x4f +/m/046zh /people/person/gender /m/02zsn +/m/0n6ds /film/film/genre /m/02b5_l +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/0gtvrv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0np9r /people/profession/specialization_of /m/02hrh1q +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/075k5 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0b90_r +/m/02rg_4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/02qd04y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016mhd +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zwrg0 +/m/0l_qt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j5ql /film/film/production_companies /m/05nn2c +/m/019f2f /people/person/nationality /m/09c7w0 +/m/01wrcxr /people/person/languages /m/02h40lc +/m/0jt90f5 /influence/influence_node/influenced_by /m/02y49 +/m/02y0js /people/cause_of_death/people /m/036jb +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/01vrt_c /people/person/gender /m/02zsn +/m/0m0jc /music/genre/artists /m/01wy61y +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/0rrwt /base/biblioness/bibs_location/state /m/02xry +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/07yk1xz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/016j68 /film/actor/film./film/performance/film /m/09tkzy +/m/0435vm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/0382m4 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq2g +/m/016ybr /music/genre/artists /m/0kxbc +/m/0fd3y /music/genre/parent_genre /m/05w3f +/m/05sb1 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/015_1q /music/record_label/artist /m/03g5jw +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/0d1y7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kvt9 +/m/06pcz0 /people/person/profession /m/03gjzk +/m/0c4y8 /people/deceased_person/place_of_death /m/02_286 +/m/0fms83 /award/award_category/disciplines_or_subjects /m/02vxn +/m/01pgzn_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/01f6x7 /film/film/produced_by /m/027z0pl +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0fpj9pm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/019g8j /tv/tv_program/languages /m/02h40lc +/m/06by7 /music/genre/artists /m/0gs6vr +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0j0k /location/location/contains /m/06vbd +/m/0p_rk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0170xl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/014gf8 +/m/016clz /music/genre/artists /m/03h_fk5 +/m/0421v9q /film/film/language /m/02h40lc +/m/01mz9lt /people/person/nationality /m/03rk0 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/03s2y9 /people/person/profession /m/0cbd2 +/m/02bjrlw /language/human_language/countries_spoken_in /m/06t8v +/m/01386_ /people/person/place_of_birth /m/09bjv +/m/02b9g4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b3wk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cm2m /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6d +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/01p3ty /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award /m/0257__ +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/0hfml +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0dc_v +/m/0crh5_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/041td_ +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/0373qg /organization/organization/headquarters./location/mailing_address/citytown /m/0clz7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0288zy +/m/03h502k /people/person/profession /m/05z96 +/m/044f7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w1ywm +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/0k4d7 /film/film/music /m/0b82vw +/m/02y_j8g /film/film/film_festivals /m/05f5rsr +/m/01jfsb /media_common/netflix_genre/titles /m/063_j5 +/m/01qhm_ /people/ethnicity/people /m/0164nb +/m/03k7dn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0lbd9 /olympics/olympic_games/sports /m/02bkg +/m/04399 /organization/organization/headquarters./location/mailing_address/citytown /m/06c62 +/m/03jldb /people/person/gender /m/02zsn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06khkb +/m/013nws /location/hud_county_place/place /m/013nws +/m/01gvxv /people/person/place_of_birth /m/0fw2y +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/04tng0 /film/film/film_art_direction_by /m/0520r2x +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/01yb09 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bcp9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01520h /people/person/places_lived./people/place_lived/location /m/071vr +/m/01wmxfs /film/actor/film./film/performance/film /m/01gglm +/m/059_c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n7q +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0d060g +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/01wyzyl /people/person/places_lived./people/place_lived/location /m/0s6jm +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0dr89x /film/film/produced_by /m/02q_cc +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/019lxm /sports/sports_team/sport /m/02vx4 +/m/0bx8pn /education/university/fraternities_and_sororities /m/0325pb +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/0hnlx /people/person/profession /m/0kyk +/m/0ywqc /film/actor/film./film/performance/film /m/04y5j64 +/m/032c08 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0d8lm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0127m7 /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/0cq4k_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/02__7n +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04mby /people/person/places_lived./people/place_lived/location /m/071cn +/m/064n1pz /film/film/genre /m/03q4nz +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03x22w +/m/03x31g /people/person/profession /m/02hrh1q +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/01ft14 +/m/03ckfl9 /music/genre/artists /m/01_wfj +/m/03xmy1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0tc7 +/m/080dfr7 /film/film/language /m/02h40lc +/m/08phg9 /film/film/genre /m/06n90 +/m/07k2mq /film/film/featured_film_locations /m/0cr3d +/m/01j95f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/0266r6h /people/person/profession /m/02hrh1q +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013_vh +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/08w4pm +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/0230rx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bh9 +/m/016yr0 /people/person/profession /m/01d_h8 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/025b3k /people/person/gender /m/05zppz +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/014dm6 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0gbtbm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04328m /people/person/nationality /m/03rk0 +/m/0m9p3 /film/film/country /m/09c7w0 +/m/01f7jt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/09rx7tx /film/film/country /m/09c7w0 +/m/02607j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01my_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/0btyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01_bp /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/0gk4g /people/cause_of_death/people /m/03dbww +/m/02mqc4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/064t9 /music/genre/artists /m/01nn3m +/m/0187nd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06kl78 /film/film/country /m/0f8l9c +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nms7 +/m/03twd6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06fxnf +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/02r1c18 /film/film/music /m/03h610 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05g8ky /people/person/profession /m/0dxtg +/m/03wjm2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0164r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/024_dt +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02jx1 /location/location/contains /m/0c9cw +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07tw_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0c34mt /film/film/language /m/02h40lc +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/09qycb /film/film/genre /m/07s9rl0 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/01v3s2_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/02n72k /film/film/genre /m/03k9fj +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265vcb +/m/099vwn /award/award_category/nominees./award/award_nomination/nominated_for /m/02ctc6 +/m/01j4ls /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01k8rb +/m/0697s /location/country/official_language /m/0jzc +/m/01f5q5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/05kfs +/m/01q9b9 /influence/influence_node/influenced_by /m/02lt8 +/m/01hkhq /film/actor/film./film/performance/film /m/04gcyg +/m/03n_7k /film/actor/film./film/performance/film /m/0mbql +/m/018vs /music/instrument/instrumentalists /m/01lz4tf +/m/09qljs /film/film/production_companies /m/032j_n +/m/0342h /music/instrument/instrumentalists /m/01nrz4 +/m/0mj0c /influence/influence_node/influenced_by /m/01ty4 +/m/0173b0 /music/genre/artists /m/0zjpz +/m/04wlh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/06ybz_ +/m/02qdgx /music/genre/artists /m/01wvxw1 +/m/03c602 /people/person/nationality /m/06mkj +/m/0gl02yg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/05br2 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/01wd9vs +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07n52 /award/award_category/disciplines_or_subjects /m/01mkq +/m/02wrhj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034ks /people/person/employment_history./business/employment_tenure/company /m/02185j +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07ym6ss /people/person/profession /m/01d_h8 +/m/0gywn /music/genre/artists /m/017vkx +/m/0_9l_ /film/film/genre /m/04xvh5 +/m/0grmhb /people/person/gender /m/05zppz +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/054_mz /people/person/profession /m/02hrh1q +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01d_h8 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0cd78 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/01qbg5 /film/film/genre /m/04xvlr +/m/04lqvly /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/02skyy /tv/tv_program/country_of_origin /m/09c7w0 +/m/09thp87 /people/person/profession /m/02tx6q +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/0gy6z9 /film/actor/film./film/performance/film /m/0g0x9c +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0ch26b_ /film/film/country /m/09c7w0 +/m/0x3r3 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/050f0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bh6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0151xv +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/09c7w0 /location/location/contains /m/0s4sj +/m/016zdd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07sp4l +/m/063_t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rgdw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/023g6w /film/film/country /m/0k6nt +/m/033x5p /education/educational_institution/students_graduates./education/education/student /m/01j4ls +/m/0n6f8 /film/actor/film./film/performance/film /m/029zqn +/m/06bng /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3mh3q +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0h326 /film/actor/film./film/performance/film /m/04954r +/m/01_j71 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/025ttz4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/037s9x /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01vwllw +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0900j5 /film/film/genre /m/0jdm8 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/03j76b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05808s /music/record_label/artist /m/018n6m +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02glc4 +/m/041rx /people/ethnicity/people /m/01ynzf +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/01738w /film/film/genre /m/03k9fj +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04vmqg /people/person/profession /m/02hrh1q +/m/02p8v8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/014hdb /film/director/film /m/0df92l +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02_hj4 /film/actor/film./film/performance/film /m/0642xf3 +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024l2y +/m/01z0rcq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0261x8t +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c7xjb +/m/0dn3n /people/person/nationality /m/09c7w0 +/m/06r2_ /film/film/genre /m/01jfsb +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/06ztvyx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qkt /location/location/contains /m/04ty8 +/m/02vl9ln /award/award_category/winners./award/award_honor/award_winner /m/04135 +/m/018y81 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/05z7c /film/film/genre /m/01q03 +/m/02ldv0 /people/person/profession /m/02krf9 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0bz60q /people/person/profession /m/0cbd2 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/05tbn /location/location/contains /m/02htv6 +/m/02w7gg /people/ethnicity/people /m/0184dt +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/037lyl +/m/026njb5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/06gmr /base/biblioness/bibs_location/country /m/015fr +/m/0gjcrrw /film/film/language /m/02h40lc +/m/0m40d /music/genre/artists /m/03h_yfh +/m/0k419 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqcm +/m/0191h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvt2 +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0h1nt /film/actor/film./film/performance/film /m/0ds3t5x +/m/0bmm4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jq34 /award/award_winner/awards_won./award/award_honor/award_winner /m/03mdt +/m/029_3 /people/person/places_lived./people/place_lived/location /m/0cymp +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/046f25 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bz60q /people/person/profession /m/0np9r +/m/01n4f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/04rrx /location/location/contains /m/0nj07 +/m/05cgy8 /people/person/profession /m/01c72t +/m/0bv8h2 /film/film/featured_film_locations /m/035p3 +/m/043ljr /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/02w4fkq /people/person/languages /m/02h40lc +/m/050sw4 /music/genre/artists /m/01fkxr +/m/01f7v_ /film/director/film /m/027m67 +/m/03_d0 /music/genre/artists /m/025l5 +/m/018js4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015f7 /influence/influence_node/influenced_by /m/09889g +/m/0c1j_ /people/person/profession /m/01d_h8 +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/01v0fn1 /people/person/profession /m/09lbv +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/014l6_ +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02bkdn +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/01mmslz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0ds11z /film/film/produced_by /m/05prs8 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01vcnl +/m/0kb3n /influence/influence_node/influenced_by /m/032l1 +/m/017cw /location/country/capital /m/01q0l +/m/04sry /people/person/gender /m/05zppz +/m/030_1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q7fl9 +/m/0b_6rk /time/event/locations /m/0ftxw +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/030tj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pp_q_ +/m/09c7w0 /location/location/time_zones /m/02lcrv +/m/02zs4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/0dx97 /people/person/profession /m/04s2z +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/015_1q /music/record_label/artist /m/09mq4m +/m/02j490 /film/actor/film./film/performance/film /m/0h6r5 +/m/01vcnl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fq1y +/m/03knl /film/actor/film./film/performance/film /m/01qb5d +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/02wh0 /influence/influence_node/influenced_by /m/0hr3g +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05mrf_p +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vvyd8 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/06x77g /film/film/produced_by /m/012t1 +/m/04bdpf /people/person/gender /m/05zppz +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094tsh6 +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/011k4g /people/person/gender /m/05zppz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/042y1c /film/film/genre /m/07s9rl0 +/m/06x2ww /music/record_label/artist /m/0mjn2 +/m/0bbw2z6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04jpg2p +/m/03mszl /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/059kh /music/genre/parent_genre /m/06cqb +/m/01hpnh /location/location/contains /m/05f7s1 +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/05q54f5 /film/film/featured_film_locations /m/0c7zf +/m/03czz87 /tv/tv_program/genre /m/09lmb +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/010rvx /location/hud_county_place/place /m/010rvx +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qtj +/m/0bmhn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02ndf1 /people/person/place_of_birth /m/0dclg +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ht1k +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04smdd /film/film/film_production_design_by /m/02vxyl5 +/m/072hv /medicine/disease/risk_factors /m/0d19y2 +/m/05hdf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/0294fd /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/0190zg /music/genre/artists /m/01vzx45 +/m/03078l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cp0790 /film/film/genre /m/07s9rl0 +/m/01vs5c /education/educational_institution/students_graduates./education/education/student /m/03bggl +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/02pv_d /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cp0ph6 /film/film/genre /m/02l7c8 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016kft +/m/01kh2m1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w60_p +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0c0wvx /film/film/genre /m/082gq +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/05qdh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06msq +/m/07vc_9 /film/actor/film./film/performance/film /m/0f4vx +/m/0338g8 /film/actor/film./film/performance/film /m/0bby9p5 +/m/0210hf /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/06by7 /music/genre/artists /m/03f5spx +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040z9 +/m/01q_ph /film/actor/film./film/performance/film /m/01gkp1 +/m/0mn78 /location/location/time_zones /m/02hcv8 +/m/02t_h3 /film/film/genre /m/0vgkd +/m/01tf_6 /people/cause_of_death/people /m/015076 +/m/029jt9 /film/film/genre /m/03k9fj +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/0cj8x /award/award_winner/awards_won./award/award_honor/award_winner /m/05kh_ +/m/0jgj7 /location/location/time_zones /m/02hcv8 +/m/08r4x3 /film/film/genre /m/04xvlr +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02b9g4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/05bcl /location/location/contains /m/0yl27 +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0p9gg /people/person/gender /m/05zppz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/04n_g +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0j6b5 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0d_84 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvyc_ +/m/0f4_l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04w58 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/02qw_v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/07ytt /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/018swb /film/actor/film./film/performance/film /m/0315rp +/m/035gnh /film/film/genre /m/02kdv5l +/m/03rt9 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05r5c /music/instrument/instrumentalists /m/014q2g +/m/01vrlr4 /people/person/profession /m/0cbd2 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/02yr3z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03c7twt /film/film/language /m/02h40lc +/m/02krdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170s4 /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/0drdv /people/person/profession /m/02krf9 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pv91 +/m/05bt6j /music/genre/artists /m/012vd6 +/m/043qqt5 /tv/tv_program/genre /m/095bb +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/01btyw /location/administrative_division/country /m/0b90_r +/m/018ctl /olympics/olympic_games/participating_countries /m/04gzd +/m/012d40 /film/actor/film./film/performance/film /m/06ztvyx +/m/0c1jh /influence/influence_node/peers./influence/peer_relationship/peers /m/07g2b +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/06by7 /music/genre/artists /m/01516r +/m/01wp_jm /influence/influence_node/influenced_by /m/01vsy3q +/m/02l_7y /music/group_member/membership./music/group_membership/group /m/0fcsd +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/09blyk /media_common/netflix_genre/titles /m/040rmy +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/085v7 +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/02q6cv4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/04dbw3 /people/ethnicity/people /m/03f0qd7 +/m/02zmh5 /people/person/nationality /m/0d0vqn +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02pt27 /people/person/profession /m/039v1 +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/0bmhvpr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0127m7 /film/actor/film./film/performance/film /m/035gnh +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0295sy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0sx5w /people/person/profession /m/08z956 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/09yrh +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010xjr +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/047g8h +/m/02tvsn /base/culturalevent/event/entity_involved /m/01flgk +/m/03_c8p /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09pmkv +/m/01p95y0 /people/deceased_person/place_of_burial /m/015cj9 +/m/0s3y5 /base/biblioness/bibs_location/state /m/03v0t +/m/0164qt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vw87c /music/group_member/membership./music/group_membership/role /m/0342h +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n08r +/m/01sjz_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/02ky346 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/08l0x2 /film/film/music /m/01k_mc +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/02ryx0 /people/person/profession /m/0dz3r +/m/03bnd9 /education/educational_institution_campus/educational_institution /m/03bnd9 +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/07myb2 /people/person/gender /m/02zsn +/m/0152cw /people/person/profession /m/016z4k +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/017c87 /people/person/places_lived./people/place_lived/location /m/03ksy +/m/01k_yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07y8l9 /film/actor/film./film/performance/film /m/047rkcm +/m/04qt29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/09ksp /location/administrative_division/first_level_division_of /m/0345h +/m/04n_g /people/person/nationality /m/09c7w0 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0ftps /people/person/gender /m/05zppz +/m/0ckf6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/014zws /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/011pcj /location/administrative_division/first_level_division_of /m/06q1r +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0170z3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9z /base/locations/continents/countries_within /m/06bnz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06xj93 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/039n1 /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/018ysx /music/genre/parent_genre /m/01lyv +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/01gbbz /people/person/profession /m/018gz8 +/m/0k9j_ /people/person/gender /m/05zppz +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07m77x /film/actor/film./film/performance/film /m/04k9y6 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/025hzx +/m/03cd0x /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fjz9 +/m/027xbpw /film/actor/film./film/performance/film /m/0gfzfj +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02pptm +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b13g7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/059g4 /location/location/partially_contains /m/0f8l9c +/m/02tn0_ /film/director/film /m/018js4 +/m/04kny3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/08phg9 /film/film/featured_film_locations /m/035p3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/027rpym +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0c3ns /film/director/film /m/0yzbg +/m/0149xx /people/person/place_of_birth /m/01gf5 +/m/0h336 /people/deceased_person/place_of_death /m/0cpyv +/m/0kbwb /film/film/genre /m/04rlf +/m/0bczgm /people/person/profession /m/0dxtg +/m/01yzhn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/07f5x /location/country/official_language /m/064_8sq +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yl_ +/m/03t97y /film/film/production_companies /m/016tw3 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0bs8hvm /film/film/cinematography /m/0bqytm +/m/06tw8 /location/statistical_region/religions./location/religion_percentage/religion /m/078tg +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/06c0j /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01y17m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021y7yw /film/film/featured_film_locations /m/0ht8h +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/02vyyl8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/instrument/instrumentalists /m/063t3j +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/097df +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/0jmwg /music/genre/artists /m/03sww +/m/0557q /education/field_of_study/students_majoring./education/education/student /m/0gps0z +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/01q7cb_ /film/actor/film./film/performance/film /m/01shy7 +/m/01p0w_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hrqc +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/017r13 /film/actor/film./film/performance/film /m/025rvx0 +/m/0h3xztt /film/film/genre /m/07s9rl0 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/014nzp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/09bg4l +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01jfsb /media_common/netflix_genre/titles /m/07vn_9 +/m/02byfd /people/person/profession /m/03gjzk +/m/07cw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/04v68c /people/person/nationality /m/07ssc +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/0134w7 /film/actor/film./film/performance/film /m/0g57wgv +/m/01x72k /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0crvfq /film/actor/film./film/performance/film /m/045r_9 +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0139q5 /people/person/languages /m/02h40lc +/m/04zkj5 /film/actor/film./film/performance/film /m/07p62k +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/033x5p +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/04jwjq /film/film/costume_design_by /m/0cbxl0 +/m/027z0pl /award/award_winner/awards_won./award/award_honor/award_winner /m/0d6484 +/m/05w3f /music/genre/artists /m/0p8h0 +/m/026lj /influence/influence_node/peers./influence/peer_relationship/peers /m/0420y +/m/032w8h /people/person/place_of_birth /m/0xrz2 +/m/0ymf1 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0162b /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qbckf /film/film/language /m/064_8sq +/m/0yshw /location/hud_county_place/place /m/0yshw +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03xb2w +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2qtl +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01bl7g +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/06sfk6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ds33 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/0160nk /education/educational_institution/students_graduates./education/education/student /m/08d9z7 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mgx6z +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jm_hq +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/0dkb83 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05jx17 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01kkfp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/03f4w4 /film/actor/film./film/performance/film /m/0b76d_m +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/026lgs /film/film/other_crew./film/film_crew_gig/crewmember /m/0js9s +/m/04b4yg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/0fb7c /film/actor/film./film/performance/film /m/07h9gp +/m/0292l3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/award /m/05q5t0b +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wqg8 +/m/06cm5 /film/film/genre /m/07s9rl0 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/045n3p /people/person/profession /m/02jknp +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04306rv +/m/026lj /people/person/gender /m/05zppz +/m/04f7c55 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05dtwm +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02h7qr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02rrfzf /film/film/music /m/02bh9 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/09pl3f /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/02lf1j /film/actor/film./film/performance/film /m/02bj22 +/m/01br2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0900j5 /film/film/genre /m/01q03 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/049f88 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0hnlx /influence/influence_node/influenced_by /m/06c44 +/m/02j7k /location/location/contains /m/03x3l +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05jt_ /music/genre/artists /m/01wt4wc +/m/04lg6 /people/person/profession /m/03sbb +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0mhfr /music/genre/artists /m/01sb5r +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0ql36 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fsn /music/instrument/instrumentalists /m/01lvcs1 +/m/04czx7 /people/ethnicity/languages_spoken /m/07qv_ +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/02r3cn /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/0xjl2 /music/genre/artists /m/0fsyx +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/05hyzx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07yw6t /people/person/nationality /m/03rk0 +/m/03lty /music/genre/artists /m/01wt4wc +/m/012x4t /music/artist/origin /m/02dtg +/m/077rj /people/person/profession /m/0nbcg +/m/02dlfh /film/actor/film./film/performance/film /m/0f2sx4 +/m/02d42t /people/person/profession /m/02jknp +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/03q5db /film/film/music /m/0bpk2 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/0p5mw /people/person/place_of_birth /m/068p2 +/m/05dy7p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/01hmb_ /people/person/profession /m/01d_h8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0134s5 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/03676 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03dj6y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fg04 /film/film/genre /m/0vjs6 +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/024lff /film/film/language /m/02h40lc +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/04hhv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01xbgx +/m/04mp8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/08952r +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0m491 /film/film/genre /m/01q03 +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/05w3f /music/genre/artists /m/020_4z +/m/015c4g /people/person/profession /m/02hrh1q +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01n1gc +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/01vc5m /education/educational_institution/school_type /m/01rs41 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/09c7w0 /location/location/contains /m/03zw80 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0f8pz /award/award_winner/awards_won./award/award_honor/award_winner /m/06rrzn +/m/0155w /music/genre/artists /m/016dsy +/m/0bwh6 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wd3l /people/person/gender /m/05zppz +/m/06ltr /film/actor/film./film/performance/film /m/03176f +/m/05pyrb /film/film/genre /m/0hcr +/m/016ky6 /film/film/written_by /m/0b455l +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0h08p /music/genre/artists /m/029ql +/m/0335fp /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/04_1l0v /location/location/time_zones /m/02hczc +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0421v9q +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02zbjhq +/m/01x53m /influence/influence_node/influenced_by /m/03f0324 +/m/06chvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0640m69 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/0c7t58 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cp9f9 +/m/04jkpgv /film/film/genre /m/03npn +/m/08cg36 /music/genre/artists /m/01wt4wc +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/07sqm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04g2jz2 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04sj3 +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/09v0wy2 +/m/01crd5 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z4s /people/person/languages /m/02h40lc +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0txhf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03npn /media_common/netflix_genre/titles /m/0c34mt +/m/04bgy /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/078vc /people/ethnicity/languages_spoken /m/032f6 +/m/01wg3q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0j5g9 /sports/sports_team_location/teams /m/038zh6 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/051z6rz +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/043g7l /music/record_label/artist /m/0fcsd +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035_2h +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/04j14qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lvrm +/m/043zg /film/actor/film./film/performance/film /m/03459x +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/01633c /film/film/produced_by /m/0fvf9q +/m/01v6480 /people/person/nationality /m/02jx1 +/m/02p86pb /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01r7pq +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04zl8 +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/05zlld0 /film/film/genre /m/06n90 +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/07kh6f3 /film/film/cinematography /m/02vx4c2 +/m/011wtv /film/film/country /m/09c7w0 +/m/0bqvs2 /film/actor/film./film/performance/film /m/05650n +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/08809 /location/hud_county_place/place /m/08809 +/m/03bkbh /people/ethnicity/people /m/0chw_ +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fcs2 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/08c6k9 /film/film/genre /m/01jfsb +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zwtdy +/m/012wg /people/person/profession /m/025352 +/m/09hzw /location/administrative_division/country /m/0345h +/m/014j0w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020trj /people/person/spouse_s./people/marriage/spouse /m/07r1h +/m/06mmb /film/actor/film./film/performance/film /m/0gtsx8c +/m/0sxdg /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/0qpqn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/051hhz +/m/02624g /film/actor/film./film/performance/film /m/0fpgp26 +/m/0f3zsq /people/person/nationality /m/09c7w0 +/m/04yc76 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/044mjy /people/person/profession /m/02hrh1q +/m/02b6n9 /film/film/genre /m/05p553 +/m/08_hns /people/person/gender /m/05zppz +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/015n8 /influence/influence_node/influenced_by /m/07c37 +/m/03bzjpm /film/film/genre /m/05p553 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q_dw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0343_ +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/014nq4 /film/film/genre /m/02l7c8 +/m/04l19_ /people/person/places_lived./people/place_lived/location /m/05kkh +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03lygq +/m/05nrg /location/location/contains /m/02wzv +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/04t38b +/m/029k55 /film/actor/film./film/performance/film /m/0m63c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06x43v +/m/09c7w0 /location/location/contains /m/0qr4n +/m/011kn2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/04t36 /media_common/netflix_genre/titles /m/0glnm +/m/08g5q7 /people/cause_of_death/people /m/06lbp +/m/0163t3 /people/person/profession /m/02r_5vd +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/021p26 +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0404wqb /film/actor/film./film/performance/film /m/05m_jsg +/m/0d0x8 /location/location/contains /m/0rydq +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/0sz28 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/020hh3 +/m/07yklv /music/genre/parent_genre /m/0bt7w +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/05qsxy +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/03rgvr +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bw20 +/m/02pbp9 /people/person/place_of_birth /m/0tbql +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0739z6 +/m/01l1sq /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/0gldyz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/0bj9k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0n2sh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cj2w /award/award_winner/awards_won./award/award_honor/award_winner /m/01t_wfl +/m/01ttg5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/07mqps /people/ethnicity/people /m/01k53x +/m/09l3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/044mfr +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01wd9vs +/m/0_kq3 /location/location/time_zones /m/02hcv8 +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddjy +/m/07lx1s /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/02swsm /music/record_label/artist /m/05w6cw +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0p_rk /film/film/language /m/02h40lc +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09lxv9 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bh8z +/m/07lt7b /award/award_winner/awards_won./award/award_honor/award_winner /m/01g23m +/m/0f502 /film/actor/film./film/performance/film /m/056xkh +/m/016wrq /sports/sports_team_location/teams /m/02279c +/m/017lqp /film/actor/film./film/performance/film /m/0g5pvv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/06ryl +/m/01z4y /music/genre/artists /m/01l7qw +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06b_j +/m/014gjp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01v3vp +/m/09c7w0 /location/location/contains /m/01jr6 +/m/01vh3r /people/person/nationality /m/02jx1 +/m/0bsb4j /film/actor/film./film/performance/film /m/01jrbv +/m/0f04v /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/09c7w0 /location/location/contains /m/0dwh5 +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/033_1p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/012xdf +/m/04xx9s /film/film/music /m/01hw6wq +/m/0149xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvzp +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07cfx +/m/01wskg /film/actor/film./film/performance/film /m/09q5w2 +/m/06v41q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cc5qkt /film/film/executive_produced_by /m/030_3z +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wg6y +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/054fvj /people/person/employment_history./business/employment_tenure/company /m/05gnf +/m/03_r3 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01br2w +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09w6br +/m/036jv /music/genre/parent_genre /m/016_rm +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01xdn1 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/012t1 /people/person/profession /m/0cbd2 +/m/03swmf /people/person/gender /m/05zppz +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dnw1 +/m/05nyqk /film/film/production_companies /m/031rp3 +/m/027bs_2 /film/actor/film./film/performance/film /m/0h95927 +/m/0kjrx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c6qh +/m/06p0s1 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/014dm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jym0 +/m/04g3p5 /people/person/profession /m/0dxtg +/m/06vqdf /people/person/profession /m/03gjzk +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/0d0vqn /location/location/contains /m/0343_ +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0lcx +/m/02_hj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/09c7w0 /location/location/contains /m/022lly +/m/0154d7 /film/actor/film./film/performance/film /m/0f3m1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035yn8 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/05148p4 /music/instrument/instrumentalists /m/01wbz9 +/m/0lpfh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kt_j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/05kj_ +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/0br0vs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pv3x /film/film/language /m/02bjrlw +/m/0kftt /award/award_winner/awards_won./award/award_honor/award_winner /m/02pzc4 +/m/06v41q /people/ethnicity/people /m/0484q +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/075cph /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yznp /film/actor/film./film/performance/film /m/03cvwkr +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n83s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03kwtb +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/016zwt /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0166b /location/country/capital /m/06n8j +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01x0yrt /people/person/places_lived./people/place_lived/location /m/0843m +/m/04mn81 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0270k40 +/m/085jw /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/09yhzs /film/actor/film./film/performance/film /m/0fz3b1 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0b_5d /film/film/written_by /m/0c921 +/m/0l12d /award/award_winner/awards_won./award/award_honor/award_winner /m/06k02 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/05kh_ +/m/07fq1y /people/person/profession /m/02hrh1q +/m/085q5 /film/actor/film./film/performance/film /m/04g73n +/m/024lff /film/film/production_companies /m/016tw3 +/m/0bvzp /people/person/nationality /m/09c7w0 +/m/01dbgw /people/person/nationality /m/09c7w0 +/m/0q9kd /people/person/gender /m/05zppz +/m/0c35b1 /film/actor/film./film/performance/film /m/0c3zjn7 +/m/09v92_x /award/award_category/disciplines_or_subjects /m/02vxn +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01qvz8 /film/film/country /m/09c7w0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/02qwg /people/person/profession /m/016z4k +/m/03hxsv /film/film/prequel /m/031hcx +/m/033tf_ /people/ethnicity/people /m/0c0k1 +/m/01jfsb /media_common/netflix_genre/titles /m/05k4my +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/0q9nj /tv/tv_program/languages /m/02h40lc +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0fd_1 +/m/04h54p /sports/sports_team/colors /m/06fvc +/m/027ydt /education/educational_institution/school_type /m/05jxkf +/m/03kxj2 /film/film/genre /m/05p553 +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/0g4pl7z /film/film/genre /m/017fp +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kt_4 +/m/0287xhr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h3k3f +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020ffd +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/025v1sx +/m/02g3gw /award/award_category/winners./award/award_honor/award_winner /m/0b455l +/m/01h0kx /music/genre/parent_genre /m/0xhtw +/m/07c5l /location/location/contains /m/01p8s +/m/07k8rt4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tzls /location/location/time_zones /m/02hcv8 +/m/09146g /film/film/language /m/02h40lc +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/027m5wv +/m/02tcgh /film/film/genre /m/03q4nz +/m/047qxs /film/film/language /m/02h40lc +/m/02h659 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/03b_fm5 /film/film/written_by /m/032w8h +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/03t852 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wphh2 /film/actor/film./film/performance/film /m/03gyvwg +/m/05sbv3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/05qbbfb /film/film/produced_by /m/0jrqq +/m/02jx1 /location/location/contains /m/019vsw +/m/026bk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0557q +/m/02k_kn /music/genre/artists /m/06mt91 +/m/034rd /people/person/religion /m/01spm +/m/018vs /music/instrument/instrumentalists /m/014q2g +/m/01cl2y /music/record_label/artist /m/01wg25j +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0f2tj /location/location/contains /m/0160nk +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jnh /time/event/locations /m/01lxw6 +/m/065_cjc /film/film/language /m/02h40lc +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/019q50 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0mzkr /music/record_label/artist /m/0m19t +/m/07m2y /music/instrument/instrumentalists /m/01vrnsk +/m/015_1q /music/record_label/artist /m/012vd6 +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0_b3d /film/film/genre /m/07s9rl0 +/m/032c7m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/038nv6 /film/actor/film./film/performance/film /m/0333t +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/05r5c /music/instrument/instrumentalists /m/01wsl7c +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/017d77 /education/educational_institution/students_graduates./education/education/student /m/05dtsb +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/0b_5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/032w8h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/0d99k_ /film/film/country /m/0chghy +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/014z8v +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p6xx +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01qbl +/m/015w8_ /tv/tv_program/genre /m/05p553 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0295sy +/m/015_1q /music/record_label/artist /m/0gcs9 +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02dlfh +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/014nzp +/m/0bl06 /film/film/genre /m/02l7c8 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0lfgr /education/educational_institution/colors /m/01g5v +/m/02ln0f /education/educational_institution/colors /m/06fvc +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/087qxp /award/award_winner/awards_won./award/award_honor/award_winner /m/04crrxr +/m/03mqtr /media_common/netflix_genre/titles /m/07nxvj +/m/02qydsh /film/film/music /m/04pf4r +/m/036px /people/person/places_lived./people/place_lived/location /m/013kcv +/m/01mgsn /location/location/time_zones /m/02hcv8 +/m/0l3h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/015_1q /music/record_label/artist /m/0163m1 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/0mw93 /location/location/time_zones /m/02hcv8 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/02hxhz /film/film/executive_produced_by /m/0pz91 +/m/023p29 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ndc +/m/03k545 /film/actor/film./film/performance/film /m/035zr0 +/m/015cbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01nwwl /people/person/profession /m/0dxtg +/m/04jbyg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/049xgc /film/film/production_companies /m/086k8 +/m/01xbgx /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/043js /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02rg_4 /education/educational_institution/campuses /m/02rg_4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/051qvn +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/02rrsz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmcwlb +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8x1y +/m/06j6l /music/genre/artists /m/015srx +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/034qmv +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/05znbh7 /film/film/language /m/0459q4 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03_9r +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/01nds /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/0dlngsd /film/film/genre /m/05p553 +/m/01tkgy /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/055c8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01t94_1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017gl1 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/03_wm6 /film/film/language /m/02bjrlw +/m/05r3qc /film/film/genre /m/03k9fj +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0ds11z /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/03_bcg /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/02wgk1 /film/film/genre /m/01hmnh +/m/07ssc /location/location/contains /m/0jgvy +/m/0170xl /film/film/production_companies /m/0283xx2 +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/01kqq7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0jgwf /people/person/profession /m/0dxtg +/m/01337_ /film/actor/film./film/performance/film /m/0170yd +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01g7zj /people/ethnicity/people /m/01xllf +/m/016jfw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ws7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/033tf_ /people/ethnicity/people /m/02qhm3 +/m/0d06m5 /people/person/profession /m/035y33 +/m/07f_t4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/064t9 /music/genre/artists /m/01wbz9 +/m/03clwtw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c52 /media_common/netflix_genre/titles /m/01lv85 +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/07qy0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pvxl +/m/0kzy0 /people/person/profession /m/01b30l +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04fzk /film/actor/film./film/performance/film /m/09ps01 +/m/03n08b /people/person/nationality /m/09c7w0 +/m/01xwv7 /people/person/profession /m/01d_h8 +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01bns_ +/m/06c0j /people/person/spouse_s./people/marriage/spouse /m/01933d +/m/064t9 /music/genre/artists /m/01wj18h +/m/0cbn7c /film/film/costume_design_by /m/05x2t7 +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/023znp +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/032qgs /people/person/gender /m/05zppz +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/026qnh6 /film/film/country /m/0chghy +/m/02yv6b /music/genre/artists /m/01vv6_6 +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/0453t +/m/0jm_ /film/film_subject/films /m/03pc89 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/0136pk /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/042zrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmpm +/m/09v7wsg /award/award_category/winners./award/award_honor/award_winner /m/0d07j8 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/015v3r /people/person/profession /m/0kyk +/m/03tps5 /film/film/produced_by /m/06cgy +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/026g73 +/m/01wsl7c /music/artist/origin /m/01zk9d +/m/0f11p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01dzq6 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/01c9d1 /award/award_category/winners./award/award_honor/award_winner /m/013rds +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/025ts_z /film/film/executive_produced_by /m/09_99w +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/0nk72 +/m/016kz1 /film/film/genre /m/04dn71w +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0gg9_5q /people/person/profession /m/01d_h8 +/m/01pgk0 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02hhtj +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/0p_pd /film/actor/film./film/performance/film /m/05p1qyh +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/01vvycq /people/person/gender /m/05zppz +/m/01f7kl /film/film/executive_produced_by /m/030_3z +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3zjn7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fnjv +/m/05bt6j /music/genre/artists /m/04f7c55 +/m/016wyn /education/educational_institution/campuses /m/016wyn +/m/0h7x /location/location/contains /m/0b1mf +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/06mnbn /people/person/nationality /m/07ssc +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dcvf +/m/022_lg /people/person/spouse_s./people/marriage/spouse /m/03d0ns +/m/01xcqc /people/person/nationality /m/09c7w0 +/m/03b1sb /film/film/genre /m/0vgkd +/m/01_qc_ /people/cause_of_death/people /m/0dzkq +/m/01ft14 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02y21l /music/record_label/artist /m/0p7h7 +/m/06kxk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01c58j /people/person/profession /m/0np9r +/m/06c0ns /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0jcjq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01w02sy /people/person/place_of_birth /m/0d6lp +/m/0bl06 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_2h8 +/m/03_9hm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02w4v /music/genre/artists /m/01mr2g6 +/m/02773m2 /people/person/gender /m/05zppz +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/022q32 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01qn8k +/m/04257b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vlj1g /film/actor/film./film/performance/film /m/03lrht +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/0bx9y /location/location/time_zones /m/02hcv8 +/m/01wz01 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05vz3zq /location/location/contains /m/01mzwp +/m/054lpb6 /organization/organization/headquarters./location/mailing_address/citytown /m/0r15k +/m/0qf2t /film/film/genre /m/0lsxr +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03b_fm5 +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/01gb54 /organization/organization/child./organization/organization_relationship/child /m/04gmlt +/m/01_f_5 /people/person/profession /m/03gjzk +/m/03f7jfh /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/019mcm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/01vn35l /people/person/profession /m/0nbcg +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/01lyv /music/genre/artists /m/01jkqfz +/m/0f6_j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_5k +/m/015_1q /music/record_label/artist /m/011vx3 +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0353xq /film/film/country /m/02jx1 +/m/033g4d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/016z2j /film/actor/film./film/performance/film /m/03h_yy +/m/02778yp /people/person/profession /m/0dxtg +/m/02mjmr /people/person/gender /m/05zppz +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/07_fj54 /film/film/genre /m/05p553 +/m/0grjmv /music/genre/parent_genre /m/064t9 +/m/0_75d /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02y21l /music/record_label/artist /m/01w524f +/m/030vnj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0mdqp +/m/0cwy47 /film/film/written_by /m/0gv5c +/m/06q8hf /people/person/profession /m/03gjzk +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0342h /music/instrument/instrumentalists /m/025l5 +/m/05cwl_ /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02byfd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgk0 +/m/040b5k /film/film/genre /m/03k9fj +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/0gbwp /film/actor/film./film/performance/film /m/065zlr +/m/02_286 /location/hud_county_place/county /m/0y62n +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/027qgy +/m/01d0fp /people/person/profession /m/02hrh1q +/m/0165b /location/country/form_of_government /m/018wl5 +/m/03kcyd /award/award_winner/awards_won./award/award_honor/award_winner /m/04qz6n +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/0151w_ /people/person/profession /m/02jknp +/m/05w3f /music/genre/parent_genre /m/0155w +/m/026_dcw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05zr0xl +/m/01gpzx /location/administrative_division/country /m/0h7x +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kx49 +/m/0flw6 /film/actor/film./film/performance/film /m/0660b9b +/m/07kdkfj /film/film/featured_film_locations /m/01bkb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0cnk2q +/m/03t1s /location/country/form_of_government /m/018wl5 +/m/01515w /film/actor/film./film/performance/film /m/0kv9d3 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0300ml +/m/011yth /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/03z20c /film/film/featured_film_locations /m/02_286 +/m/02nwxc /film/actor/film./film/performance/film /m/0286vp +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/018db8 +/m/0df4y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jk_8 +/m/011yr9 /film/film/country /m/07ssc +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/0cf08 /film/film/language /m/02h40lc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/04kwbt /film/actor/film./film/performance/film /m/02qr3k8 +/m/05m63c /film/actor/film./film/performance/film /m/03s6l2 +/m/0639bg /film/film/featured_film_locations /m/0ctw_b +/m/03vrp /influence/influence_node/influenced_by /m/07ym0 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01cj6y +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/01hmnh /media_common/netflix_genre/titles /m/0dqytn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/046br4 +/m/0k1bs /people/person/gender /m/05zppz +/m/0fpjd_g /people/person/nationality /m/09c7w0 +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0m0nq /people/person/nationality /m/09c7w0 +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01kph_c +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/03h_fk5 /people/deceased_person/place_of_death /m/05jbn +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06nnj +/m/0127xk /people/person/places_lived./people/place_lived/location /m/0vmt +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/0404wqb /people/person/languages /m/02h40lc +/m/0gfw56 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/05drq5 +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0127s7 /people/person/profession /m/02hrh1q +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012wg +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0drnwh /film/film/production_companies /m/05rrtf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/035s37 +/m/0yyts /film/film/language /m/03hkp +/m/03l2n /location/hud_county_place/place /m/03l2n +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ns3gy +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01rrwf6 /people/person/profession /m/02hrh1q +/m/03_3z4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/0dkb83 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/05m_jsg /film/film/music /m/07v4dm +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cp0790 +/m/034qmv /film/film/language /m/02hwyss +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/06by7 /music/genre/artists /m/03j0br4 +/m/0170qf /film/actor/film./film/performance/film /m/03cw411 +/m/0ftps /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01_lhg +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018n6m +/m/01gjw /music/genre/artists /m/0161sp +/m/040nwr /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/02mjf2 /film/actor/film./film/performance/film /m/02ryz24 +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/08f3b1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqn5 /film/film/genre /m/01hmnh +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j5ts +/m/062yh9 /people/person/nationality /m/09c7w0 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mhxx +/m/076zy_g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02js9p +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05dtsb +/m/0gmd3k7 /film/film/production_companies /m/054lpb6 +/m/0232lm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m4kpp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01lyv /music/genre/artists /m/05sq0m +/m/01xndd /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01_gv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/067mj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/042g97 /film/film/genre /m/01hmnh +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/07_fj54 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/045xx +/m/0263cyj /sports/sports_team/sport /m/039yzs +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03_xj +/m/0xsk8 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/025_nbr /people/person/places_lived./people/place_lived/location /m/0106dv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049m_l +/m/0149xx /people/deceased_person/place_of_death /m/04swd +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/03_bcg /people/person/nationality /m/09c7w0 +/m/017n9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081pw /film/film_subject/films /m/02h22 +/m/01n951 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/01kkfp /sports/sports_team/sport /m/02vx4 +/m/015_1q /music/record_label/artist /m/01dw9z +/m/0hv8w /film/film/genre /m/05p553 +/m/01c8v0 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/041ly3 /people/person/gender /m/05zppz +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/01wyq0w +/m/03mqtr /media_common/netflix_genre/titles /m/02p86pb +/m/01v6480 /people/person/profession /m/025352 +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/01k0xy /film/film/film_format /m/07fb8_ +/m/0y62n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0xn5b +/m/0kv2r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l339 +/m/0dgr5xp /award/award_category/winners./award/award_honor/award_winner /m/014hdb +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0k525 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/05qgd9 +/m/09c7w0 /location/location/contains /m/01m94f +/m/0gn30 /film/director/film /m/03clwtw +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/074w86 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02pk6x /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/085ccd +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02zy1z /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/04q24zv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cwtm +/m/03f7jfh /people/person/nationality /m/09c7w0 +/m/08jfkw /people/person/profession /m/02hrh1q +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tc9r +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/018vs /music/instrument/instrumentalists /m/01wqflx +/m/03jj93 /film/actor/film./film/performance/film /m/03hxsv +/m/012x1l /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07mkj0 +/m/03vpf_ /film/actor/film./film/performance/film /m/07bxqz +/m/085wqm /film/film/cinematography /m/04g865 +/m/03h_yy /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/021mkg +/m/07kb7vh /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040z9 +/m/0gt1k /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0604m /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bbf1f +/m/012x4t /people/person/places_lived./people/place_lived/location /m/0vp5f +/m/06wzvr /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02lbrd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051zy_b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pm_ +/m/03tn80 /film/film/genre /m/03npn +/m/0b_yz /location/administrative_division/country /m/07ssc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01pj7 +/m/05b2gsm /people/person/gender /m/02zsn +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0c3p7 +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/07dvs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02bqxb /film/film/music /m/01tc9r +/m/09c7w0 /location/location/contains /m/0qc7l +/m/01cyd5 /education/educational_institution/students_graduates./education/education/student /m/042v2 +/m/0169dl /film/actor/film./film/performance/film /m/03k8th +/m/0l4vc /base/biblioness/bibs_location/state /m/05tbn +/m/015cz0 /education/educational_institution/school_type /m/05jxkf +/m/01213c /location/administrative_division/country /m/07ssc +/m/01rgcg /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/04511f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qv_ +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0fvvg /base/biblioness/bibs_location/state /m/0498y +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/03x33n /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/02v570 /film/film/film_format /m/0cj16 +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6f +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/02n4kr /media_common/netflix_genre/titles /m/0ckrnn +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/08hsww /film/actor/film./film/performance/film /m/0bvn25 +/m/078lk /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0pdp8 /film/film/genre /m/0l4h_ +/m/0d05fv /people/person/nationality /m/09c7w0 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/01dtcb /music/record_label/artist /m/03f7jfh +/m/0rlz /people/person/places_lived./people/place_lived/location /m/05jbn +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/06b19 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/05zr0xl /tv/tv_program/program_creator /m/026_dcw +/m/016s_5 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/03xpsrx /people/person/places_lived./people/place_lived/location /m/0r62v +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/02p65p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01fwqn /sports/sports_team/colors /m/019sc +/m/08t7nz /people/person/nationality /m/09c7w0 +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/05sq84 /film/actor/film./film/performance/film /m/031778 +/m/02bf2s /film/actor/film./film/performance/film /m/01738w +/m/04fv0k /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/06k75 /time/event/locations /m/01mzwp +/m/0c3ybss /film/film/country /m/07ssc +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/03wj4r8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bs8s1p +/m/0tj9 /film/actor/film./film/performance/film /m/0gtt5fb +/m/047t_ /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03h40_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/033_1p /people/person/profession /m/02hrh1q +/m/06449 /people/person/profession /m/01c72t +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02lbrd /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/04y9mm8 /film/film/genre /m/0jdm8 +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/014x77 +/m/06yrj6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/014x77 /film/actor/film./film/performance/film /m/04q24zv +/m/01jrs46 /people/person/nationality /m/09c7w0 +/m/033hn8 /music/record_label/artist /m/0c7xjb +/m/02pyg /media_common/netflix_genre/titles /m/05r1_t +/m/09n48 /olympics/olympic_games/participating_countries /m/05qhw +/m/0gcs9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05fjf /location/location/contains /m/0xpq9 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/081yw /location/location/contains /m/010tkc +/m/034487 /music/genre/parent_genre /m/016clz +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/02w3w /music/instrument/instrumentalists /m/03cfjg +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/03bdkd /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02d49z /film/film/featured_film_locations /m/030qb3t +/m/04rsd2 /people/person/gender /m/05zppz +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01vsy9_ +/m/02h98sm /location/hud_county_place/place /m/02h98sm +/m/01fh0q /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/0jzw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jw67 +/m/027pfg /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/07cjqy /film/actor/film./film/performance/film /m/03fts +/m/012j8z /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02lg9w /people/person/gender /m/02zsn +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0161sp /people/person/gender /m/05zppz +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0l2k7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2jb +/m/024dgj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vw20h +/m/01yg9y /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/0dl5d /music/genre/artists /m/05563d +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0g2lq /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/02hct1 +/m/02056s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01m1dzc /music/artist/origin /m/0pzpz +/m/02qm5j /music/genre/artists /m/06gcn +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0y_9q /film/film/genre /m/06l3bl +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/018ndc /music/artist/origin /m/0vzm +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f33tk +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/016ztl /film/film/written_by /m/0534v +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033srr +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/095kp /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03h_fqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01wzlxj +/m/0qcrj /base/biblioness/bibs_location/state /m/01n7q +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/01n30p +/m/0c2tf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fb0v /music/record_label/artist /m/01vvpjj +/m/01qn8k /people/person/profession /m/015cjr +/m/096hm /people/person/profession /m/01d_h8 +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/012m_ /location/location/contains /m/01d8l +/m/018vs /music/instrument/instrumentalists /m/01vvycq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0xq +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/065r8g /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mxw0 /film/actor/film./film/performance/film /m/04t6fk +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/043zg /people/person/places_lived./people/place_lived/location /m/01531 +/m/01dvms /film/actor/film./film/performance/film /m/0dnw1 +/m/03339m /music/genre/artists /m/016lj_ +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/01g257 /film/actor/film./film/performance/film /m/0gg5qcw +/m/07_f2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/02pjzvh /sports/sports_team/colors /m/01g5v +/m/0c1sgd3 /film/film/genre /m/02l7c8 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0487c3 /people/person/profession /m/0gl2ny2 +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/016ks_ /film/actor/film./film/performance/film /m/01gvsn +/m/0nj0m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/043z0 +/m/012bk /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/03spz +/m/0342h /music/instrument/instrumentalists /m/01vsl3_ +/m/03bdkd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cb77r +/m/08gwzt /soccer/football_player/current_team./sports/sports_team_roster/team /m/024_ql +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/041rx /people/ethnicity/people /m/079vf +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/01h8f /people/person/profession /m/0cbd2 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0fx80y +/m/02zyq6 /people/person/religion /m/0c8wxp +/m/015rhv /people/person/profession /m/0lgw7 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01svry /film/film/executive_produced_by /m/05hj_k +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/017dcd +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03d9v8 +/m/0683n /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/01wf86y /music/artist/origin /m/0ccvx +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/084302 +/m/05169r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/019f2f /film/actor/film./film/performance/film /m/02z2mr7 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/05t0_2v /film/film/country /m/07ssc +/m/014zz1 /music/instrument/family /m/0d8lm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0661ql3 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/047p7fr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/07dzf /location/country/official_language /m/071fb +/m/02hnl /music/instrument/instrumentalists /m/0flpy +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03rk0 /sports/sports_team_location/teams /m/024nj1 +/m/01vvdm /people/person/profession /m/0nbcg +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0146mv +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dt1cm +/m/03h64 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0134w7 +/m/0197tq /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0bl60p /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/0642xf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0dbbz +/m/05k2xy /film/film/genre /m/07s9rl0 +/m/02vjp3 /film/film/genre /m/02kdv5l +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0c6qh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f4vbz +/m/035wtd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01xbgx /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gvxh /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04fhps +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03n0pv +/m/01s3vk /film/film/story_by /m/07rd7 +/m/01q3_2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkd1 /music/instrument/instrumentalists /m/032t2z +/m/01z4y /media_common/netflix_genre/titles /m/0yx1m +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03zqc1 +/m/0237fw /film/actor/film./film/performance/film /m/05n6sq +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/018fmr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bkmf +/m/0j95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/016ky6 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0ggbhy7 /film/film/country /m/07ssc +/m/0568qz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08052t3 /film/film/genre /m/03k9fj +/m/06hhrs /people/person/gender /m/05zppz +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0466s8n +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/021s9n +/m/0jsqk /film/film/language /m/02h40lc +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01pj7 +/m/061xq /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fxz4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2sh +/m/035tlh /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sxdy +/m/015w8_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jrhz +/m/07bwr /film/film/edited_by /m/02kxbwx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/09p35z /film/film/genre /m/05p553 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0479b /film/actor/film./film/performance/film /m/0kvgtf +/m/02hy5d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04g865 /people/person/profession /m/09jwl +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/09vc4s /people/ethnicity/people /m/06qgvf +/m/0hsmh /people/person/gender /m/05zppz +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017m2y +/m/01wqflx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gzm2 /people/person/profession /m/0dxtg +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/03bxpt0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/06tp4h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bdxs5 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0bwjj +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0c00zd0 /film/film/costume_design_by /m/02w0dc0 +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jxmr +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/025jbj +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v10 +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/026gvfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/01vvydl /people/person/profession /m/0nbcg +/m/018vs /music/instrument/instrumentalists /m/0fpj4lx +/m/0674l0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07ghv5 +/m/019vhk /film/film/costume_design_by /m/02mxbd +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qd_r +/m/0bby9p5 /film/film/genre /m/017fp +/m/0136g9 /people/person/places_lived./people/place_lived/location /m/06y9v +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/01l1ls +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04lhc4 +/m/039xcr /film/actor/film./film/performance/film /m/0gt14 +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06kl0k /people/person/languages /m/07c9s +/m/01mqz0 /film/actor/film./film/performance/film /m/0c_j9x +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0zcbl +/m/07_k0c0 /film/film/country /m/09c7w0 +/m/093dqjy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/048vhl /film/film/genre /m/02kdv5l +/m/03l3ln /people/person/languages /m/02h40lc +/m/0401sg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0mwkp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwht +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/01tv3x2 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0tfc /people/deceased_person/place_of_death /m/02m77 +/m/0blq0z /people/person/profession /m/02hrh1q +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/03v1s /location/location/contains /m/017y6l +/m/01jr4j /film/film/language /m/06nm1 +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/03zyvw /people/person/gender /m/02zsn +/m/03fmfs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0g768 /music/record_label/artist /m/04r1t +/m/0jyx6 /film/film/costume_design_by /m/02w0dc0 +/m/09m6kg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvg70 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0gr36 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02s58t +/m/0cc5tgk /award/award_winner/awards_won./award/award_honor/award_winner /m/01w58n3 +/m/05t54s /film/film/genre /m/02kdv5l +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/042kbj /people/deceased_person/place_of_burial /m/018mmj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/026dg51 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/015bpl /film/film/produced_by /m/0f13b +/m/026lyl4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0347xz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/02k1pr /film/film/genre /m/03k9fj +/m/01vfqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0821j /people/person/gender /m/05zppz +/m/01wyz92 /music/artist/origin /m/0cr3d +/m/04gtdnh /people/person/nationality /m/09c7w0 +/m/0lmm3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbf1f +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/023p7l +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m2kd +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/03x400 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023mdt +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/041rx /people/ethnicity/people /m/01yb09 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0pz6q /education/educational_institution/colors /m/01g5v +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/0kw4j /education/educational_institution/students_graduates./education/education/student /m/0cwtm +/m/09v9mks /film/film/genre /m/02hmvc +/m/05vzql /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/0cfdd /music/instrument/instrumentalists /m/01w9k25 +/m/0716t2 /film/actor/film./film/performance/film /m/01flv_ +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0qlnr +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/02dlfh /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/01309x +/m/07b3r9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wy6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qmg1 +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0gw0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01xwv7 /people/person/profession /m/0n1h +/m/0fr59 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2lt +/m/09c7w0 /location/country/second_level_divisions /m/0jgm8 +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/017fp /media_common/netflix_genre/titles /m/0415ggl +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07_pf +/m/01bczm /people/person/profession /m/09jwl +/m/07z1m /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0kq08 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0639bg +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/0bs31sl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0mk7z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mk1z +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/037mjv /sports/sports_team/sport /m/02vx4 +/m/07b2lv /film/actor/film./film/performance/film /m/07j94 +/m/059kh /music/genre/artists /m/0fsyx +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nsm5x +/m/0225v9 /education/educational_institution/school_type /m/01rs41 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03_c8p +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n8gr +/m/01j7z7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hm0k /award/award_winner/awards_won./award/award_honor/award_winner /m/014l4w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03lrls +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/09c7w0 /location/location/contains /m/014zws +/m/03lrht /film/film/production_companies /m/017s11 +/m/03tf_h /film/director/film /m/0g5ptf +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hsn_ +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/01chc7 /film/actor/film./film/performance/film /m/062zm5h +/m/0l2q3 /location/us_county/county_seat /m/0r3wm +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/04swd /location/location/contains /m/0342z_ +/m/07nnp_ /film/film/featured_film_locations /m/02_286 +/m/018zvb /influence/influence_node/influenced_by /m/03qcq +/m/0hkf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/0c6qh /film/actor/film./film/performance/film /m/035xwd +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ry_x +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz15s +/m/02yv6b /music/genre/artists /m/0qf11 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/02q7yfq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06_wqk4 +/m/01qvgl /people/person/place_of_birth /m/0dzt9 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0hgnl3t /film/film/language /m/02h40lc +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/01svw8n +/m/01wk51 /people/person/nationality /m/09c7w0 +/m/064r9cb /music/record_label/artist /m/05mt_q +/m/03p2xc /film/film/production_companies /m/034f0d +/m/02f93t /people/person/gender /m/05zppz +/m/0284gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01cyjx /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/02ppg1r +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/02583l /education/educational_institution_campus/educational_institution /m/02583l +/m/032w8h /film/actor/film./film/performance/film /m/0g57wgv +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0pd6l /film/film/genre /m/07s9rl0 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/023p29 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02v2lh /music/genre/artists /m/01vsy95 +/m/07tw_b /film/film/genre /m/05p553 +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0ddt_ /film/film/edited_by /m/04wp63 +/m/034qzw /film/film/genre /m/0gf28 +/m/0bkmf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01934k +/m/0m32_ /film/actor/film./film/performance/film /m/06r2h +/m/0z4s /film/actor/film./film/performance/film /m/07cyl +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/01vrncs +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01c8v0 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02d6cy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/0dtzkt /film/film/film_festivals /m/04_m9gk +/m/01l4zqz /people/person/nationality /m/09c7w0 +/m/0qf2t /film/film/genre /m/060__y +/m/048xyn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0xjl2 /music/genre/artists /m/01ww_vs +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03vrnh /people/person/profession /m/02hrh1q +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/01wc7p +/m/0bbxx9b /award/award_winner/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/03s5lz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04svwx /film/film/genre /m/05p553 +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01gxqf +/m/0bpk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01n7q /location/location/contains /m/0r2gj +/m/0bmhvpr /film/film/genre /m/05p553 +/m/0ftvg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01fwf1 /film/actor/film./film/performance/film /m/024mxd +/m/02j69w /film/film/film_festivals /m/0kfhjq0 +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/01q4qv /people/person/profession /m/01d_h8 +/m/02v_r7d /film/film/genre /m/017fp +/m/0n0bp /film/film/produced_by /m/01n9d9 +/m/04k9y6 /film/film/executive_produced_by /m/01qg7c +/m/023p29 /people/person/place_of_birth /m/04n3l +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h10vt +/m/0nzny /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nzlp +/m/0cpllql /film/film/genre /m/01hmnh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/02x02kb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03cz83 +/m/0g54xkt /film/film/production_companies /m/04rtpt +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/0fq7dv_ /film/film/language /m/02h40lc +/m/0ty_b /location/hud_county_place/place /m/0ty_b +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5ptf +/m/0ct2tf5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/03gfvsz /broadcast/content/artist /m/01w58n3 +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/01_njt /people/person/spouse_s./people/marriage/spouse /m/02pv_d +/m/017lvd /education/educational_institution/campuses /m/017lvd +/m/0cmb3 /location/administrative_division/country /m/07ssc +/m/0flry /base/culturalevent/event/entity_involved /m/025ndl +/m/04xbq3 /award/award_winning_work/awards_won./award/award_honor/award /m/04ldyx1 +/m/064r97z /film/film/genre /m/03bxz7 +/m/05tgks /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vg0s /education/educational_institution/school_type /m/05jxkf +/m/01ln5z /film/film/language /m/02h40lc +/m/07y_7 /music/instrument/instrumentalists /m/011lvx +/m/01fx2g /people/person/place_of_birth /m/06_kh +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0b82vw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4d7 +/m/0x67 /people/ethnicity/people /m/02lhm2 +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016jll +/m/045zr /people/person/gender /m/02zsn +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0cv3w /location/location/time_zones /m/02lcqs +/m/02f6g5 /film/film/genre /m/02l7c8 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0266s9 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/05zlld0 /film/film/production_companies /m/01gb54 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02psgq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/033rq +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0jsg0m /people/person/gender /m/05zppz +/m/02_hj4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_6y +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/04xvlr /media_common/netflix_genre/titles /m/01gc7 +/m/013m_x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0j0k /location/location/contains /m/01c4pv +/m/032f6 /language/human_language/countries_spoken_in /m/03shp +/m/01npcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01stzp +/m/017fp /media_common/netflix_genre/titles /m/0qm9n +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01y8cr +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/01m3x5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/05bt6j /music/genre/artists /m/06m61 +/m/02k4b2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xtxw +/m/010cw1 /location/hud_county_place/county /m/0n5j_ +/m/059g4 /location/location/contains /m/04kbn +/m/0167v4 /people/person/profession /m/0nbcg +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7t3p +/m/04fzk /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07cjqy +/m/01jfsb /media_common/netflix_genre/titles /m/03f7nt +/m/03ff65 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0190xp /music/genre/parent_genre /m/03lty +/m/02t_99 /people/person/spouse_s./people/marriage/spouse /m/0lx2l +/m/06zl7g /organization/organization/place_founded /m/07dfk +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5838s +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01kp66 /people/person/profession /m/02hrh1q +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05q7874 +/m/09q23x /film/film/genre /m/03bxz7 +/m/01c0cc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/059_c /location/location/contains /m/0235l +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0b1hw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/06688p /film/actor/film./film/performance/film /m/0j43swk +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/013_vh /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/03f6fl0 /people/person/nationality /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08658y +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/03hjv97 /film/film/produced_by /m/016z1c +/m/02n9bh /film/film/language /m/06nm1 +/m/02r1c18 /film/film/language /m/0880p +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/0hv1t /film/film/featured_film_locations /m/02_286 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01d88c +/m/012lzr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ctyy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/076tw54 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/04dqdk /award/award_winner/awards_won./award/award_honor/award_winner /m/02qlg7s +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0sx5w /people/person/gender /m/05zppz +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/050f0s +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vyyl8 +/m/01r93l /film/actor/film./film/performance/film /m/04cv9m +/m/01tvz5j /people/person/gender /m/02zsn +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02mzg9 +/m/0b25vg /film/actor/film./film/performance/film /m/0cp0t91 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/02xyl +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01v1ln +/m/015cl6 /award/award_category/winners./award/award_honor/award_winner /m/0c_jc +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/012dtf /people/deceased_person/place_of_death /m/02_286 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wk3c +/m/03cvv4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xq8v +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03s7h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0143wl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07ylj /location/country/official_language /m/06nm1 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/021y7yw /film/film/country /m/07ssc +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01771z /film/film/genre /m/01jfsb +/m/018jn4 /location/location/contains /m/0g3cw +/m/031hxk /education/educational_institution/colors /m/083jv +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw9z +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/04myfb7 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/05kfs /film/director/film /m/016z9n +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0157m +/m/0bxl5 /dataworld/gardening_hint/split_to /m/01s0ps +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/044pqn /people/person/profession /m/01d_h8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1k5 +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0h14ln /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0jyx6 /film/film/genre /m/05p553 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01j95f +/m/0glt670 /music/genre/artists /m/01vvyvk +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l6dy +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/07jrjb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01w_10 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/0167km +/m/04jspq /award/award_winner/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/01vvb4m /film/actor/film./film/performance/film /m/03bx2lk +/m/03kxp7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/011zwl /people/person/gender /m/05zppz +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ts_3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0n08r +/m/057wlm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jcg8 /location/location/contains /m/025r_t +/m/016jfw /music/group_member/membership./music/group_membership/group /m/0134wr +/m/015vq_ /film/actor/film./film/performance/film /m/0dl6fv +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/03phgz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0ds2sb /people/person/gender /m/05zppz +/m/0fdv3 /film/film/genre /m/06n90 +/m/01qz69r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049sb /people/person/nationality /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/01xpxv /people/person/places_lived./people/place_lived/location /m/07bcn +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/03ym1 +/m/030xr_ /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gy9d4 +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/013pp3 /people/person/nationality /m/09c7w0 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0cpllql /film/film/genre /m/02kdv5l +/m/0bt4g /film/film/written_by /m/01f7j9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/06by7 /music/genre/artists /m/05vzw3 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/01vsnff /film/actor/film./film/performance/film /m/02825cv +/m/031v3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blt6 +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04wp3s +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01znj1 /film/film/genre /m/082gq +/m/0h0yt /people/person/profession /m/018gz8 +/m/02kxbx3 /film/director/film /m/01vfqh +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02pk6x /film/actor/film./film/performance/film /m/0d90m +/m/06by7 /music/genre/artists /m/01wy61y +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pb33 +/m/01g6l8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0309jm /people/person/religion /m/0kpl +/m/0gmblvq /film/film/executive_produced_by /m/0bxtg +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04twmk +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/0fwy0h +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/05hf_5 +/m/015_1q /music/record_label/artist /m/01fh0q +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/02ltg3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03mq33 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/018db8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pcq3 +/m/0dcz8_ /film/film/produced_by /m/08d9z7 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0184tc +/m/01d0b1 /film/actor/film./film/performance/film /m/03s9kp +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bb9r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/01vng3b /people/person/profession /m/01c72t +/m/04gcd1 /people/person/profession /m/0dxtg +/m/0k_s5 /location/location/contains /m/0l38x +/m/0d6lp /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0mw5x /location/location/contains /m/0c1d0 +/m/0205dx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k8k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03h2c +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03d0ns /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0294mx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l9p +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01tjt2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rz4 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05r5c /music/instrument/instrumentalists /m/021r7r +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/03f7m4h +/m/049fbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0mq17 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_p5w /film/actor/film./film/performance/film /m/0dr3sl +/m/02r2j8 /film/film/written_by /m/02xyl +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q7874 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/08hmch /film/film/featured_film_locations /m/06y57 +/m/0f1pyf /people/person/gender /m/05zppz +/m/0kqj1 /education/educational_institution_campus/educational_institution /m/0kqj1 +/m/0h7pj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/03_8kz /tv/tv_program/program_creator /m/08qvhv +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fxmbn /film/film/country /m/014tss +/m/01l03w2 /people/person/gender /m/05zppz +/m/0dzkq /influence/influence_node/influenced_by /m/03j43 +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q3bb +/m/05r5c /music/instrument/instrumentalists /m/04zwjd +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02gpkt /film/film/genre /m/05p553 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/083q7 /people/person/profession /m/062z7 +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/06_bq1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fqjhm +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0b1hw +/m/0c12h /film/director/film /m/02q_ncg +/m/02w4v /music/genre/artists /m/0gcs9 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/07k2p6 /film/actor/film./film/performance/film /m/01hv3t +/m/05kj_ /location/location/contains /m/0mxcf +/m/01g42 /people/person/profession /m/02hrh1q +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/01qhm_ /people/ethnicity/people /m/028rk +/m/04p5cr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/013pk3 +/m/0fv4v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/042zrm /film/film/genre /m/02kdv5l +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/08mg_b /film/film/written_by /m/02fcs2 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gl6x /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06thjt +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/016clz /music/genre/artists /m/02bgmr +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0ycht /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cymp +/m/011yr9 /film/film/genre /m/04xvh5 +/m/033wx9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06y9c2 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/04qvl7 /people/person/profession /m/0dgd_ +/m/01vtj38 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01xndd /people/person/nationality /m/09c7w0 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0f102 /education/educational_institution/students_graduates./education/education/student /m/01x0sy +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02hrh0_ +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/0pmw9 /people/person/profession /m/0kyk +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/03t0k1 /people/person/profession /m/0q04f +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/07rfp /business/business_operation/industry /m/01mw1 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/096cw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02qkt /location/location/contains /m/05sb1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/0g83dv /film/film/country /m/07ssc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04gknr +/m/0xnvg /people/ethnicity/people /m/01twdk +/m/0139q5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06v9_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04511f /people/person/profession /m/0dxtg +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/016s0m +/m/02847m9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04255q +/m/01515w /people/person/gender /m/05zppz +/m/01kgxf /film/actor/film./film/performance/film /m/08fn5b +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lf70 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/041_3z /location/location/contains /m/0mx3k +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/080lkt7 +/m/0xhtw /music/genre/artists /m/07g2v +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gqr +/m/033tf_ /people/ethnicity/people /m/02t_99 +/m/0kpys /location/location/contains /m/0r0m6 +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yzbg +/m/0mnzd /location/hud_county_place/place /m/0mnzd +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/01p_2p /music/genre/artists /m/07z542 +/m/01jx9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nln +/m/015y_n /music/genre/artists /m/0bdlj +/m/09c7w0 /location/location/contains /m/0t_4_ +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/03ctqqf +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/03_48k /film/actor/film./film/performance/film /m/0320fn +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f8j6 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01m42d0 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/06kb_ /influence/influence_node/influenced_by /m/06lbp +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/04cbbz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/0408m53 /film/film/produced_by /m/02r251z +/m/03bnv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016khd /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/04ns3gy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0prjs /film/director/film /m/0prh7 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/02kfzz /film/film/language /m/03k50 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yxbc +/m/0f6rc /base/culturalevent/event/entity_involved /m/01k31p +/m/0jwmp /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07c2yr +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09x3r /olympics/olympic_games/participating_countries /m/0165b +/m/0l6ny /olympics/olympic_games/sports /m/0dwxr +/m/09c7w0 /location/location/contains /m/02897w +/m/01hmb_ /people/person/profession /m/02jknp +/m/06hgj /people/person/profession /m/02hv44_ +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/015q43 /film/actor/film./film/performance/film /m/02z3r8t +/m/0sw62 /people/person/profession /m/018gz8 +/m/0h5jg5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01lvcs1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_mc +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0fg04 /film/film/genre /m/01hmnh +/m/0k2h6 /education/educational_institution/colors /m/088fh +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n3rs +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/030pr +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvw2 +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c01c +/m/08s0m7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bg55 /film/film/genre /m/07s2s +/m/0372kf /people/person/places_lived./people/place_lived/location /m/019k6n +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/04smkr +/m/041rx /people/ethnicity/people /m/05hrq4 +/m/09w6br /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/069nzr /people/person/languages /m/02h40lc +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/02c6d /film/film/genre /m/02n4kr +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/07hwkr /people/ethnicity/people /m/08pth9 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020fcn +/m/01pj5q /film/actor/film./film/performance/film /m/07nxvj +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kwhf +/m/0cp0t91 /film/film/music /m/09swkk +/m/05fm6m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018grr +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/01jvxb /education/educational_institution/students_graduates./education/education/student /m/0g8st4 +/m/01k_0fp /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/02lnhv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01j4ls +/m/07s9rl0 /media_common/netflix_genre/titles /m/0_816 +/m/0gkg6 /music/group_member/membership./music/group_membership/role /m/0342h +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01vrlqd +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02rg_4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/02mzg9 /education/educational_institution/colors /m/01l849 +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/01bpn +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/02v60l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s21dg +/m/05m63c /people/person/places_lived./people/place_lived/location /m/0vzm +/m/011yn5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09c7w0 /location/country/second_level_divisions /m/0m2b5 +/m/0h3vhfb /award/award_category/winners./award/award_honor/award_winner /m/0gz5hs +/m/040z9 /film/actor/film./film/performance/film /m/0prh7 +/m/0gdk0 /location/location/time_zones /m/02lcqs +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/01x2tm8 /people/person/profession /m/02jknp +/m/01bpn /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02kxjx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0jnm_ /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/01fkv0 /film/actor/film./film/performance/film /m/0g22z +/m/075cph /film/film/genre /m/02n4kr +/m/0dbbz /people/person/profession /m/0cbd2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/061v5m +/m/06zn1c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04vt98 +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/01sxq9 /film/actor/film./film/performance/film /m/01svry +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/06fc0b /people/person/place_of_birth /m/0f25y +/m/0fvr1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08wjf4 /people/person/nationality /m/09c7w0 +/m/01rxw2 /location/administrative_division/first_level_division_of /m/03rjj +/m/01x_d8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p5wz /organization/organization/headquarters./location/mailing_address/citytown /m/0grd7 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wz01 +/m/07nf6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/01z9_x /people/person/profession /m/09jwl +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0311wg +/m/01_mdl /film/film/film_art_direction_by /m/0d5wn3 +/m/05pdd86 /film/film/executive_produced_by /m/01vvb4m +/m/03mgx6z /film/film/genre /m/04t2t +/m/06t8v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rjj +/m/06v41q /people/ethnicity/people /m/01pk3z +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01jdxj /sports/sports_team/sport /m/02vx4 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/04xn_ /location/country/form_of_government /m/01fpfn +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09g8vhw +/m/0175yg /music/genre/artists /m/01w60_p +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0g7pm1 /film/film/genre /m/0lsxr +/m/0d3f83 /people/person/nationality /m/0f8l9c +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01lfy +/m/09blyk /media_common/netflix_genre/titles /m/05rfst +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sjf5 +/m/0cdbq /location/location/contains /m/0dlxj +/m/01trtc /music/record_label/artist /m/01vw917 +/m/09_2gj /people/deceased_person/place_of_death /m/0c8tk +/m/05zl0 /education/educational_institution_campus/educational_institution /m/05zl0 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/0ylvj /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/016_nr /music/genre/parent_genre /m/06j6l +/m/06mvyf /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/02583l /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/01wdj_ /education/educational_institution/students_graduates./education/education/student /m/027f7dj +/m/043n0v_ /film/film/country /m/0d05w3 +/m/024qqx /media_common/netflix_genre/titles /m/0k_9j +/m/056rgc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05rznz +/m/01s21dg /people/person/places_lived./people/place_lived/location /m/0rd5k +/m/02c6d /film/film/costume_design_by /m/0bytfv +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/01679d +/m/0b7gr2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/04gtdnh /people/person/profession /m/0dxtg +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0168ql /people/person/religion /m/03_gx +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04rzd /music/instrument/instrumentalists /m/01sb5r +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vjh +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/030x48 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0184dt /people/person/profession /m/01d_h8 +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0227tr +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/0n5j_ /location/location/contains /m/0xkq4 +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/0chrwb +/m/012x2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02t_h3 +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/06yxd +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xc1w4 /people/person/gender /m/05zppz +/m/0qmk5 /tv/tv_program/genre /m/07s9rl0 +/m/01rh0w /people/person/gender /m/02zsn +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0f24cc +/m/017180 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/0l0wv /education/educational_institution/colors /m/0jc_p +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0l9k1 /people/person/places_lived./people/place_lived/location /m/0156q +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/025txrl +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/09fqtq +/m/04cbtrw /people/person/place_of_birth /m/04vmp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06nnj +/m/02wgln /people/person/place_of_birth /m/0nbrp +/m/068cn /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/05dmmc /film/film/other_crew./film/film_crew_gig/crewmember /m/0gl88b +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bw87 +/m/0ggq0m /music/genre/artists /m/01dhpj +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/0mwh1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/09v8clw /film/film/featured_film_locations /m/04jpl +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/05mt_q /film/actor/film./film/performance/film /m/0fpgp26 +/m/02v406 /film/actor/film./film/performance/film /m/0gffmn8 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/0dq9p /people/cause_of_death/people /m/0b22w +/m/05ty4m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_33l /people/person/nationality /m/09c7w0 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtsxr4 +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0fm3h2 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/04954r /film/film/story_by /m/04093 +/m/029h7y /music/genre/artists /m/0kj34 +/m/02lnhv /film/actor/film./film/performance/film /m/01kff7 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01pj5q +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/01qd_r /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017n9 /film/film/language /m/012w70 +/m/0py8j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/01d494 /influence/influence_node/influenced_by /m/02wh0 +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01sn3 +/m/06dfg /location/country/official_language /m/064_8sq +/m/05rx__ /influence/influence_node/influenced_by /m/0131kb +/m/0cm2xh /base/culturalevent/event/entity_involved /m/011zwl +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02knnd /people/person/profession /m/01d_h8 +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/03m8lq /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/02__x +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06v_gh +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08jtv5 +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/08809 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wy61y /people/person/profession /m/01c72t +/m/0kszw /film/actor/film./film/performance/film /m/09g7vfw +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01pf21 /business/business_operation/industry /m/0191_7 +/m/01g969 /film/actor/film./film/performance/film /m/01k60v +/m/026t6 /music/instrument/instrumentalists /m/01vrnsk +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/04grkmd /film/film/produced_by /m/0h1p +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ccvx /location/location/contains /m/01sn04 +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cbtlj +/m/0z1vw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n1v8 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqkh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/017gry +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/09sr0 /film/film/genre /m/07s9rl0 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01933d +/m/01tzm9 /people/person/gender /m/02zsn +/m/03qhyn8 /people/person/profession /m/02pjxr +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01k6y1 +/m/02xnjd /people/person/nationality /m/03spz +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/073w14 /people/person/languages /m/064_8sq +/m/02swsm /music/record_label/artist /m/0bdxs5 +/m/09c7w0 /location/location/contains /m/0846v +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0hcvy +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07m9cm +/m/01hqhm /film/film/featured_film_locations /m/030qb3t +/m/03bx_5q /people/person/gender /m/05zppz +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0329gm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/0xhtw /music/genre/artists /m/04bgy +/m/0138mv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dth1 +/m/08w7vj /film/actor/film./film/performance/film /m/0gs973 +/m/0k4kk /film/film/language /m/02h40lc +/m/03ctqqf /tv/tv_program/genre /m/01t_vv +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/03mp8k /music/record_label/artist /m/02vgh +/m/08ct6 /film/film/production_companies /m/0g1rw +/m/01xyt7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/015pdg /music/genre/artists /m/03cfjg +/m/05b5c /business/business_operation/industry /m/01mw1 +/m/0rgxp /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m2lt +/m/0ljc_ /media_common/netflix_genre/titles /m/09g_31 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0_24q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0d060g /location/location/contains /m/01y9qr +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/050fh /sports/sports_team/colors /m/06fvc +/m/03_d0 /music/genre/artists /m/028qyn +/m/0xkyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/03rt9 /location/location/contains /m/0121h7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/03j6_5 /sports/sports_team/colors /m/01g5v +/m/026njb5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0900j5 /film/film/country /m/09c7w0 +/m/04vzv4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gl88b +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/01vrnsk /people/person/spouse_s./people/marriage/location_of_ceremony /m/04w58 +/m/09jcj6 /film/film/music /m/063tn +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01vz0g4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wyz92 +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0m0hw +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/02rff2 /education/educational_institution/campuses /m/02rff2 +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020l9r +/m/01cz7r /film/film/production_companies /m/0338lq +/m/02fp3 /sports/sports_team/sport /m/03tmr +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/043q2z /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/03b8c4 /education/educational_institution/colors /m/036k5h +/m/0bl1_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/016ky6 /film/film/cinematography /m/01qg7c +/m/06yxd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8x_r +/m/01t2h2 /people/person/gender /m/05zppz +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/0pvms /film/film/country /m/09c7w0 +/m/0hd7j /education/educational_institution/students_graduates./education/education/student /m/084w8 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/06w2yp9 +/m/02k6hp /people/cause_of_death/people /m/02qhm3 +/m/0rh6k /location/location/contains /m/0kw4j +/m/0lgxj /olympics/olympic_games/participating_countries /m/03rj0 +/m/0fvd03 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05c9zr /film/film/genre /m/03k9fj +/m/0342h /music/instrument/instrumentalists /m/0473q +/m/03cwwl /film/film/featured_film_locations /m/03pzf +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j149k +/m/06cgy /film/actor/film./film/performance/film /m/0b2v79 +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/07srw /location/administrative_division/country /m/09c7w0 +/m/0p_pd /people/person/places_lived./people/place_lived/location /m/059rby +/m/05sxr_ /film/film/music /m/0417z2 +/m/0bvn25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/011yth /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04f52jw +/m/045bs6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059fjj /people/person/profession /m/01d_h8 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0163v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04d817 +/m/02cbhg /film/film/country /m/06c1y +/m/09b6zr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07b_l +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/023r2x +/m/02fy0z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bxqz /film/film/written_by /m/081lh +/m/01wwvc5 /music/artist/origin /m/0ftxw +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/01ddbl /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/03j0br4 /people/person/profession /m/09lbv +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/01ppq /location/country/official_language /m/02hwyss +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08fn5b +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0b6k___ /award/award_category/disciplines_or_subjects /m/02jknp +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/01vsksr /people/person/profession /m/0dz3r +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/01k56k +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/04xvlr /media_common/netflix_genre/titles /m/0ctb4g +/m/0glmv /people/person/profession /m/0np9r +/m/049fgvm /people/person/profession /m/0dxtg +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/01wb8bs +/m/04ly1 /location/location/contains /m/035ktt +/m/048z7l /people/ethnicity/people /m/05xpv +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/02p21g /film/actor/film./film/performance/film /m/0ds5_72 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/03h64 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/03c0vy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/034qmv /film/film/genre /m/03k9fj +/m/0prjs /film/actor/film./film/performance/film /m/0dgst_d +/m/016kv6 /film/film/language /m/02h40lc +/m/0q9kd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/049g_xj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06mfvc +/m/07vyf /education/educational_institution/colors /m/02rnmb +/m/04_1nk /people/person/place_of_birth /m/02jx1 +/m/0154d7 /people/person/places_lived./people/place_lived/location /m/059rby +/m/05b6s5j /tv/tv_program/languages /m/02h40lc +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/09fb5 /people/person/profession /m/0dxtg +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/067jsf /dataworld/gardening_hint/split_to /m/04c636 +/m/0g5879y /film/film/country /m/07ssc +/m/0bjkpt /people/person/profession /m/03gjzk +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09v42sf /film/film/genre /m/02n4kr +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/06x6s /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01kb2j /award/award_winner/awards_won./award/award_honor/award_winner /m/023kzp +/m/041rx /people/ethnicity/people /m/029pnn +/m/07c72 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07cw4 /film/film/country /m/09c7w0 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bb47 +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09swkk +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/0jcx /people/person/profession /m/05snw +/m/02pl5bx /music/genre/artists /m/015mrk +/m/064n1pz /film/film/country /m/05b4w +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/0hnkp +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/0169dl /people/person/profession /m/02hrh1q +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/03m3vr6 /people/cause_of_death/people /m/0jnb0 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06lckm +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/0cqt41 /sports/sports_team/colors /m/01g5v +/m/0y2tr /music/genre/artists /m/01wl38s +/m/01pqy_ /film/actor/film./film/performance/film /m/0cn_b8 +/m/0tc7 /people/person/gender /m/05zppz +/m/0345_ /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02jx1 /location/location/contains /m/09bkv +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/038nv6 +/m/06q1r /location/location/contains /m/02fvv +/m/04lgybj /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/0ctwqs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0285c +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gd_s /influence/influence_node/influenced_by /m/043tg +/m/06bnz /location/location/contains /m/06pr6 +/m/01n1gc /people/person/religion /m/03_gx +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02sfnv +/m/06by7 /music/genre/artists /m/0bk1p +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0841zn /people/person/profession /m/0gl2ny2 +/m/0gg8l /music/genre/artists /m/01vsnff +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/045bs6 /film/actor/film./film/performance/film /m/011ysn +/m/04znsy /film/actor/film./film/performance/film /m/04g9gd +/m/0fvzz /location/location/time_zones /m/02hcv8 +/m/02k6rq /people/person/place_of_birth /m/0978r +/m/0bt7w /music/genre/artists /m/09qr6 +/m/01w7nww /award/award_winner/awards_won./award/award_honor/award_winner /m/01f2q5 +/m/02kxbwx /people/person/profession /m/0dgd_ +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/01_j71 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/0dzst /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04nm0n0 /film/film/executive_produced_by /m/025t9b +/m/0jq2r /tv/tv_program/genre /m/05p553 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0301yj +/m/0jm2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/087vz /location/location/contains /m/07bbc +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/063hp4 /film/film/cinematography /m/02rybfn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d8_wz +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/student /m/01wwvd2 +/m/0dl5d /music/genre/artists /m/0gdh5 +/m/04107 /people/person/nationality /m/09c7w0 +/m/0gz6b6g /film/film/language /m/02h40lc +/m/0gm2_0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vw20h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wn718 +/m/0xsk8 /music/group_member/membership./music/group_membership/group /m/0ql36 +/m/05r7t /base/biblioness/bibs_location/country /m/09c7w0 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/02w4v /music/genre/artists /m/016t00 +/m/04tc1g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bxxzb +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/036jp8 /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/03f2_rc /film/actor/film./film/performance/film /m/01gvsn +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/0ctzf1 +/m/012kyx /film/film/language /m/02bjrlw +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/018grr +/m/062hgx /award/award_winner/awards_won./award/award_honor/award_winner /m/049fgvm +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/05ldnp /people/person/gender /m/05zppz +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/081t6 /people/person/profession /m/0fj9f +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ct5zc +/m/01hnb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k_9j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bv7t /people/person/profession /m/05z96 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/023tp8 /people/person/profession /m/02krf9 +/m/02vqsll /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0288fyj +/m/053tj7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/058ncz /people/person/gender /m/05zppz +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/04fzk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/03jqw5 /people/person/gender /m/05zppz +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01cv3n /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/02cpb7 /people/person/nationality /m/07ssc +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/07s3vqk +/m/05pxnmb /film/film/genre /m/05p553 +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/01cdt5 /medicine/symptom/symptom_of /m/0dcqh +/m/06mr6 /people/person/nationality /m/07ssc +/m/09y6pb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01y9qr /education/educational_institution_campus/educational_institution /m/01y9qr +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0h1m9 +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/01vtqml /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrz41 +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l58n +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07yvsn /film/film/country /m/03_3d +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/032l1 /influence/influence_node/influenced_by /m/081k8 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/016zfm +/m/04pmnt /film/film/featured_film_locations /m/04jpl +/m/02583l /education/educational_institution/campuses /m/02583l +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_x6d +/m/05f67hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/026n998 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/08nvyr /film/film/produced_by /m/092kgw +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0r15k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019n9w /education/educational_institution/colors /m/01g5v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/01dys +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/0j4b /location/country/form_of_government /m/01fpfn +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/06bw5 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0glt670 /music/genre/artists /m/01wj5hp +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xnjd +/m/0g56t9t /film/film/personal_appearances./film/personal_film_appearance/person /m/01trf3 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/03cffvv /film/film/genre /m/0hn10 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/03bkbh /people/ethnicity/people /m/053xw6 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04k9y6 +/m/05b7q /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09c7w0 /location/location/contains /m/013h9 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02z0f6l +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/03cxsvl /people/person/nationality /m/09c7w0 +/m/034r25 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0133sq /people/person/religion /m/0c8wxp +/m/04_1l0v /location/location/contains /m/01n7q +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vv6_6 /music/group_member/membership./music/group_membership/group /m/081wh1 +/m/059g4 /location/location/contains /m/059f4 +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/0sz28 +/m/01w23w /people/person/gender /m/05zppz +/m/05d1y /people/person/places_lived./people/place_lived/location /m/01vsl +/m/050xpd /education/educational_institution/school_type /m/05jxkf +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03rt9 +/m/048scx /film/film/country /m/09c7w0 +/m/07j8kh /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/03j90 /people/person/nationality /m/0k6nt +/m/0h10vt /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0p8r1 /film/actor/film./film/performance/film /m/0j6b5 +/m/015dcj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_mm +/m/04q00lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/04c636 /people/person/profession /m/02hrh1q +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cvv4 +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g476 +/m/018wrk /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0137n0 /people/person/profession /m/0n1h +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01jrs46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zrp +/m/0fvyg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/05k7sb /location/location/contains /m/01cx_ +/m/0c0nhgv /film/film/produced_by /m/0c6qh +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01x5fb /education/educational_institution/colors /m/083jv +/m/0pz91 /film/actor/film./film/performance/film /m/0640m69 +/m/0kb1g /film/film/written_by /m/0c12h +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lk8j +/m/01f8gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0g5879y /film/film/language /m/02h40lc +/m/03ckwzc /film/film/language /m/02bjrlw +/m/01c58j /people/deceased_person/place_of_burial /m/018mmw +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07b_l /location/location/contains /m/0_z91 +/m/0gn30 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/021bk /film/director/film /m/02stbw +/m/012f86 /people/ethnicity/geographic_distribution /m/0d060g +/m/0mxhc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ys48 /sports/sports_team/colors /m/06fvc +/m/0btyf5z /film/film/music /m/08c9b0 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/03h64 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04sj3 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01_0f7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02c9dj +/m/0d04z6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c1j_ +/m/0bx9y /location/location/contains /m/0bxc4 +/m/074rg9 /film/film/genre /m/0lsxr +/m/08q3s0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/0b1mf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fhnf +/m/0fhnf /location/administrative_division/country /m/0h7x +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0345h /location/location/contains /m/0qb1z +/m/031778 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0154qm /film/actor/film./film/performance/film /m/017jd9 +/m/01vhb0 /film/actor/film./film/performance/film /m/0c9t0y +/m/0162c8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04xbq3 +/m/01z4y /media_common/netflix_genre/titles /m/0bs5f0b +/m/03yf5g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0cgwt8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/048htn /film/film/country /m/0345h +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/0hky /people/deceased_person/place_of_death /m/030qb3t +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0298n7 +/m/01w5gp /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/02n72k /film/film/genre /m/01jfsb +/m/040rmy /film/film/film_format /m/0cj16 +/m/01dc0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ckcvk /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/06gjk9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pv54 +/m/01f_3w /music/record_label/artist /m/02p68d +/m/07mqps /people/ethnicity/people /m/085gk +/m/01h8sf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049912 +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/0407yj_ /film/film/country /m/09c7w0 +/m/0bkg4 /people/person/profession /m/0cbd2 +/m/03cxsvl /people/person/gender /m/02zsn +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/07gbf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/049d1 /base/biblioness/bibs_location/country /m/09pmkv +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ply6j +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jmyj +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s1zk +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/09pjnd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/04kr63w +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0807ml +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01j590z +/m/01_lhg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04mnts /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/016vg8 /people/person/gender /m/02zsn +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/06by7 /music/genre/artists /m/0pkyh +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/03qjg /music/instrument/instrumentalists /m/01vrncs +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/09p5mwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/05cljf /people/person/nationality /m/0ctw_b +/m/0f7hc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04xrx +/m/0djd22 /media_common/netflix_genre/titles /m/05j82v +/m/01vt9p3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0zrlp /location/hud_county_place/county /m/0mwvq +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w58n3 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/08jyyk /music/genre/artists /m/0jsg0m +/m/0p7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/02lq10 /film/actor/film./film/performance/film /m/0p9rz +/m/020hyj /people/person/nationality /m/0b90_r +/m/05w1vf /film/actor/film./film/performance/film /m/087wc7n +/m/01k6y1 /people/person/gender /m/05zppz +/m/03hj5lq /film/film/featured_film_locations /m/0dclg +/m/02k_kn /music/genre/artists /m/010hn +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q0v8n +/m/0309lm /film/actor/film./film/performance/film /m/0bv8h2 +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421ng +/m/03r0rq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tqkf +/m/02km0m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/03nqnnk /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/07fq1y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/01l1sq /people/person/profession /m/039v1 +/m/02ln1 /influence/influence_node/influenced_by /m/03_hd +/m/067zx9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0444x /people/person/nationality /m/09c7w0 +/m/05dbf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qbckf /film/film/language /m/02h40lc +/m/0b_6xf /time/event/locations /m/0f2v0 +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/0gjvqm /film/actor/film./film/performance/film /m/0b2km_ +/m/02m30v /people/person/profession /m/02hrh1q +/m/05b2f_k /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/019f9z +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03_3z4 +/m/0gd5z /influence/influence_node/influenced_by /m/032l1 +/m/02sfnv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cmdwwg /film/film/genre /m/07s9rl0 +/m/0dcz8_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02j416 +/m/02b149 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bmh4 +/m/081yw /location/location/contains /m/0mlxt +/m/015q43 /film/actor/film./film/performance/film /m/03177r +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/029d_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/01dtcb /music/record_label/artist /m/0mjn2 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0979n /film/film/language /m/02h40lc +/m/0gbtbm /film/film/genre /m/07s9rl0 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01k60v /film/film/film_production_design_by /m/05b2gsm +/m/0404wqb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039g82 +/m/07gkgp /people/person/profession /m/02hrh1q +/m/059_c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kj_ +/m/013xrm /people/ethnicity/geographic_distribution /m/0345h +/m/0b_dh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f2q5 +/m/05ns4g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/013nty /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02xb2bt /film/actor/film./film/performance/film /m/01v1ln +/m/0hv1t /film/film/music /m/01p7b6b +/m/0p9lw /film/film/genre /m/04228s +/m/01nrz4 /people/person/nationality /m/09c7w0 +/m/078jt5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g69lg +/m/0f87jy /people/person/profession /m/02hrh1q +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/01w8n89 /people/person/nationality /m/09c7w0 +/m/02lv2v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js6_ +/m/0l2sr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpzy +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9vx +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/034m8 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02k4b2 /people/person/gender /m/02zsn +/m/03d9wk /people/person/place_of_birth /m/04jpl +/m/03bpn6 /people/person/religion /m/0c8wxp +/m/01j6t0 /medicine/symptom/symptom_of /m/04nz3 +/m/02ywwy /film/film/film_production_design_by /m/0d5wn3 +/m/06qd3 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/06jrhz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0170k0 +/m/06w7v /music/instrument/instrumentalists /m/01vsnff +/m/0x3r3 /people/person/employment_history./business/employment_tenure/company /m/04rwx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b13y +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0kvbl6 /film/film/genre /m/06n90 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0j6j8 /award/award_category/disciplines_or_subjects /m/0j7v_ +/m/0199wf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/046m59 +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0162b +/m/01x_d8 /people/person/places_lived./people/place_lived/location /m/06yxd +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/017dpj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/053ksp +/m/01h18v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01fjz9 +/m/0ky1 /influence/influence_node/influenced_by /m/02lt8 +/m/01yf85 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0p__8 +/m/0478__m /people/person/religion /m/0c8wxp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02vk52z +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/019m60 +/m/026m0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/05szp /people/person/religion /m/01hng3 +/m/02x8m /music/genre/artists /m/01qkqwg +/m/05dtsb /film/actor/film./film/performance/film /m/011yd2 +/m/0ncj8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/033q4k /education/educational_institution_campus/educational_institution /m/033q4k +/m/0164b /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l9p +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0l998 /time/event/locations /m/04sqj +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0jn5l /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/06q1r /location/location/contains /m/027xq5 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01gx5f /people/person/gender /m/05zppz +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/01kb2j +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170s4 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04wgh +/m/028qyn /people/person/gender /m/05zppz +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01rly6 +/m/06g77c /film/film/produced_by /m/026dx +/m/018y2s /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h68j +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award /m/0gq6s3 +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09wj5 +/m/0dl9_4 /film/film/country /m/09c7w0 +/m/0jbrr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cb4j +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/09c7w0 /location/location/contains /m/0r03f +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/02lt8 +/m/0ylsr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0209hj +/m/0gwf191 /film/film/genre /m/05p553 +/m/07h07 /people/person/profession /m/02hv44_ +/m/0k8y7 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0137g1 /people/person/gender /m/05zppz +/m/03v0t /location/location/contains /m/03cz83 +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/011v3 /sports/sports_team/sport /m/02vx4 +/m/031zm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02rzdcp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_2y /people/person/profession /m/02jknp +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01f_3w /music/record_label/artist /m/01pgk0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0147dk /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/025y67 /base/biblioness/bibs_location/country /m/035dk +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0cj36c +/m/0m31m /people/person/sibling_s./people/sibling_relationship/sibling /m/0170qf +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0hwqz /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/019kyn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/084qpk /film/film/cinematography /m/0693l +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0bk4s /people/deceased_person/place_of_burial /m/0chgsm +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_bcg +/m/06bd5j /film/film/genre /m/09blyk +/m/063b4k /people/person/nationality /m/0b90_r +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/03xx3m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dn44 /people/person/nationality /m/0j5g9 +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/08phg9 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/031kyy /tv/tv_program/languages /m/03_9r +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/01f492 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07l8x +/m/0683n /influence/influence_node/influenced_by /m/0dzkq +/m/02825kb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09c7w0 /location/country/second_level_divisions /m/0mw7h +/m/026p_bs /film/film/genre /m/0bkbm +/m/060j8b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/072bb1 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/01963w +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/03fn34 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0g57wgv /film/film/genre /m/07s9rl0 +/m/04nrcg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04tr1 +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0dv0z +/m/0bwfwpj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_d0 /music/genre/artists /m/032nwy +/m/02ntb8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/0symg /film/film/genre /m/02kdv5l +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0136p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/02fttd /film/film/executive_produced_by /m/0grrq8 +/m/095p3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05jg58 /music/genre/artists /m/02r3zy +/m/0gyh /location/location/contains /m/0fttg +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/0495ys /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01bkb +/m/0416y94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/0l1k8 /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/01s7z0 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/070ltt +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/0bthb /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vtqml /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/016z51 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/026n3rs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0345h +/m/026_dcw /people/person/profession /m/0dxtg +/m/01nhgd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0g5qs2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03gfvsz /broadcast/content/artist /m/03t852 +/m/065zr /location/location/contains /m/01yf40 +/m/02pl5bx /music/genre/artists /m/0frsw +/m/0fy66 /film/film/genre /m/01w1sx +/m/05bxwh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0n1tx /location/location/time_zones /m/02hcv8 +/m/02lj6p /film/actor/film./film/performance/film /m/09xbpt +/m/0lccn /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01n3bm /medicine/disease/risk_factors /m/097ns +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01lfy /location/location/time_zones /m/02llzg +/m/02xwzh /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0144l1 /people/person/place_of_birth /m/0n95v +/m/0g768 /music/record_label/artist /m/0knhk +/m/03nfnx /film/film/genre /m/05p553 +/m/016kjs /people/person/profession /m/0n1h +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9zljd +/m/02cx90 /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/022jr5 /education/educational_institution/colors /m/01l849 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zl4d +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/02r79_h /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/049qx /people/person/profession /m/01d_h8 +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/01xyqk /music/record_label/artist /m/02whj +/m/0gg8z1f /film/film/country /m/0f8l9c +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0bbm7r /tv/tv_program/languages /m/02h40lc +/m/015g28 /tv/tv_program/genre /m/03k9fj +/m/070w7s /people/person/profession /m/0dxtg +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0l35f /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/05n6sq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034hck +/m/02__94 /people/person/profession /m/0dxtg +/m/0gk4g /people/cause_of_death/people /m/0cgbf +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0q9kd +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0b6jkkg /award/award_category/disciplines_or_subjects /m/01chg +/m/0glt670 /music/genre/artists /m/03xl77 +/m/043kzcr /people/person/nationality /m/09c7w0 +/m/03t8v3 /people/person/profession /m/01d_h8 +/m/02vklm3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0135nb /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gys2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/064nh4k /film/actor/film./film/performance/film /m/0h1fktn +/m/016ks_ /film/actor/film./film/performance/film /m/035s95 +/m/029jpy /location/location/contains /m/0hz35 +/m/01gb_p /location/location/time_zones /m/02hcv8 +/m/03v1xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/015g28 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01m94f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/0n85g /music/record_label/artist /m/01vxlbm +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0fr5p /location/location/time_zones /m/02hcv8 +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f4y3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01ccr8 /people/person/profession /m/0kyk +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02v992 +/m/04hcw /people/person/nationality /m/09c7w0 +/m/07dzf /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05kkh /location/location/contains /m/0n2m7 +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ry0f +/m/0j1yf /people/person/languages /m/02h40lc +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0306bt /people/person/gender /m/02zsn +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j1p2n +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/04gkp3 +/m/027rwmr /award/award_winner/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/01vrncs /influence/influence_node/influenced_by /m/0lrh +/m/0bq2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mm1q +/m/0168cl /people/person/gender /m/05zppz +/m/03f47xl /people/person/profession /m/016fly +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0x67 /people/ethnicity/people /m/01kmd4 +/m/018y2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05hjnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0bl2g /film/actor/film./film/performance/film /m/0h14ln +/m/02r_d4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086nl7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08vr94 +/m/05r5c /music/instrument/instrumentalists /m/0k60 +/m/01zlh5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/0jcjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6rv +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/015196 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0393g /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0h9vh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylvj +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/025_64l /sports/sports_team/sport /m/0jm_ +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/012ykt /people/person/places_lived./people/place_lived/location /m/015q02 +/m/01wrcxr /people/person/profession /m/0dz3r +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04wgh +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0g83dv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgk1 +/m/0c3jz /people/person/nationality /m/09c7w0 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/016wyn /education/educational_institution/colors /m/04d18d +/m/025l5 /people/person/profession /m/0dz3r +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03rjj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03v3xp +/m/0f6_j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fm9_ +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06l22 +/m/0ft7sr /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/02q7fl9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012vwb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/043zg /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/015qsq +/m/021yc7p /people/person/nationality /m/09c7w0 +/m/01l2fn /film/actor/film./film/performance/film /m/01vksx +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/05fgt1 /film/film/genre /m/05p553 +/m/026n047 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02w64f +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/0j3d9tn /film/film/music /m/0csdzz +/m/0tlq9 /location/location/contains /m/02fs_d +/m/01n8qg /location/country/form_of_government /m/018wl5 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/0lgm5 +/m/03n0pv /people/person/religion /m/03_gx +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01wbg84 +/m/02zmh5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01vsnff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cl0d /music/record_label/artist /m/010hn +/m/02jyr8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0gyh +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/0b_6x2 /time/event/locations /m/071cn +/m/02lnbg /music/genre/artists /m/0gdh5 +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0swff /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0cvbb9q /people/person/nationality /m/03rk0 +/m/02xh1 /media_common/netflix_genre/titles /m/0cy__l +/m/0cp0790 /film/film/film_festivals /m/0bmj62v +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/0mhfr /music/genre/artists /m/028hc2 +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0gvvf4j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02ptczs +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0jdgr /film/film/story_by /m/02xyl +/m/064t9 /music/genre/artists /m/02twdq +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c4f4 +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0nzlp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nzny +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/06ztvyx /film/film/executive_produced_by /m/063b4k +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/0mfc0 +/m/0kv238 /film/film/costume_design_by /m/02pqgt8 +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026dd2b +/m/0dl5d /music/genre/artists /m/020_4z +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01c744 +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/02byfd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/01x72k /film/actor/film./film/performance/film /m/07bx6 +/m/04w4s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t21 +/m/02psgq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04rqd /broadcast/content/artist /m/0d193h +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061dn_ +/m/02stbw /film/film/genre /m/01q03 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/082wbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0n1rj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/049g_xj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05ljv7 /music/instrument/instrumentalists /m/01wf86y +/m/018c_r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0bdlj /people/person/profession /m/025352 +/m/02yv6b /music/genre/artists /m/0pk41 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/05whq_9 +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dbk6 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/041sbd +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03xl77 +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k_9j +/m/01vlj1g /film/actor/film./film/performance/film /m/03vyw8 +/m/03x73c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0lphb +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/02_hj4 /people/person/place_of_birth /m/02_286 +/m/03lvwp /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/01dbns /organization/organization/headquarters./location/mailing_address/state_province_region /m/06mtq +/m/0h3vhfb /award/award_category/category_of /m/0gcf2r +/m/02gnmp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/01wttr1 +/m/06by7 /music/genre/artists /m/0gt_k +/m/0h0wc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02wlk /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/05hyzx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0261w5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05sy_5 /film/film/language /m/032f6 +/m/0xhtw /music/genre/artists /m/011_vz +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01309x +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/0gd92 /film/film/genre /m/05p553 +/m/03qjg /music/instrument/instrumentalists /m/018d6l +/m/017fp /media_common/netflix_genre/titles /m/04vq33 +/m/040rjq /influence/influence_node/influenced_by /m/07h07 +/m/01vmv_ /education/educational_institution/students_graduates./education/education/student /m/0dfrq +/m/0vmt /location/location/time_zones /m/02hczc +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03mnk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/04xbr4 /film/actor/film./film/performance/film /m/03h3x5 +/m/0gl88b /people/person/nationality /m/09c7w0 +/m/0gl3hr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bdlj /people/person/place_of_birth /m/0rh6k +/m/02f6g5 /film/film/country /m/09c7w0 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02d9nr /organization/organization/headquarters./location/mailing_address/state_province_region /m/03gh4 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv2t +/m/01lsl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05kh_ +/m/06by7 /music/genre/artists /m/0bqsy +/m/02prwdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cj36c /people/person/gender /m/02zsn +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/05kms +/m/03v36 /people/person/nationality /m/06q1r +/m/031t2d /film/film/genre /m/02kdv5l +/m/03phgz /organization/organization/child./organization/organization_relationship/child /m/031rq5 +/m/031f_m /film/film/genre /m/0jxy +/m/05z43v /tv/tv_program/country_of_origin /m/09c7w0 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dfy_ +/m/0dw6b /people/person/nationality /m/0cdbq +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/09fb5 /film/actor/film./film/performance/film /m/0hv4t +/m/02pb2bp /film/film/country /m/03_3d +/m/0cc846d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02kz_ /influence/influence_node/influenced_by /m/01tz6vs +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014hr0 +/m/06wzvr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/018rn4 +/m/04994l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f42nz +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/0nr_q /location/location/contains /m/0t015 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0l6mp /olympics/olympic_games/sports /m/01cgz +/m/06gb2q /people/person/profession /m/0d8qb +/m/0dgq80b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ccqd7 +/m/0ck91 /people/person/nationality /m/09c7w0 +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vlj1g +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lf70 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02dtg +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/056jrs +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/0b7l4x /film/film/production_companies /m/016tw3 +/m/01yd8v /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01k_n63 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/095nx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmk7 +/m/088q4 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02gsvk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/02y7sr /people/person/profession /m/09jwl +/m/0443c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fbtm7 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/03kwtb /people/person/nationality /m/07ssc +/m/0g824 /people/person/nationality /m/09c7w0 +/m/051z6rz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/061681 /film/film/genre /m/060__y +/m/0sw6y /people/person/profession /m/02dsz +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kstn9 +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/01dhpj +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/01qvgl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/014q2g /people/person/profession /m/01c72t +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0df92l +/m/0p__8 /influence/influence_node/influenced_by /m/0d608 +/m/09c7w0 /location/location/contains /m/0b_cr +/m/0q8p8 /location/location/contains /m/01wdj_ +/m/0hm10 /tv/tv_network/programs./tv/tv_network_duration/program /m/06hwzy +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0m5s5 /film/film/genre /m/06n90 +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/01kh2m1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z9_x +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q56mk +/m/02z9hqn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/081lh /people/person/profession /m/0cbd2 +/m/03r0g9 /film/film/prequel /m/014kq6 +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/02fvv /location/administrative_division/first_level_division_of /m/06q1r +/m/03f1r6t /people/person/gender /m/05zppz +/m/0r7fy /base/biblioness/bibs_location/state /m/01n7q +/m/0bvg70 /people/person/nationality /m/09c7w0 +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/037gjc +/m/013xrm /people/ethnicity/people /m/06cgy +/m/02ht1k /film/film/country /m/09c7w0 +/m/0p5mw /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02jr6k +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/01jz6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07p62k /film/film/language /m/02h40lc +/m/0nvd8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/011kn2 +/m/0dnkmq /film/film/country /m/09c7w0 +/m/05r6t /music/genre/artists /m/048tgl +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05vxdh +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kcn7 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02183k +/m/033wx9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/039xcr /people/person/profession /m/02hrh1q +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/04bbpm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0x3r3 /influence/influence_node/influenced_by /m/01lwx +/m/0lfgr /organization/organization/headquarters./location/mailing_address/citytown /m/0t_4_ +/m/045cq /people/person/profession /m/01d_h8 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03qmj9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/052gzr +/m/02t_st /people/person/places_lived./people/place_lived/location /m/09bjv +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015mrk +/m/019z7q /influence/influence_node/influenced_by /m/060_7 +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/03x6m /sports/sports_team/colors /m/019sc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/06j8q_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tjf /education/educational_institution/colors /m/04mkbj +/m/0170th /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0422v0 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03qbm +/m/0kvnn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/052hl /film/actor/film./film/performance/film /m/03kx49 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/05dxl5 /people/person/place_of_birth /m/01smm +/m/09c7w0 /location/country/second_level_divisions /m/0mlw1 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02klny /education/educational_institution/colors /m/01l849 +/m/01vsn38 /film/actor/film./film/performance/film /m/0dr_9t7 +/m/01pgp6 /film/film/cinematography /m/02rgz97 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/029sk /medicine/disease/notable_people_with_this_condition /m/07nznf +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/07jmgz /people/person/profession /m/02hrh1q +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0184jc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/02kfzz /film/film/produced_by /m/09zw90 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/0326tc /music/group_member/membership./music/group_membership/role /m/03ndd +/m/05kr_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01h7bb /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fjz9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/05ftw3 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gy9d4 +/m/078mgh /film/actor/film./film/performance/film /m/07024 +/m/01bcwk /education/educational_institution/school_type /m/05jxkf +/m/0f8l9c /location/location/contains /m/0mczk +/m/07mqps /people/ethnicity/people /m/0261x8t +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/027pfg /film/film/genre /m/05p553 +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0k_9j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021sv1 /people/person/nationality /m/09c7w0 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/08j7lh /film/film/language /m/0653m +/m/0261g5l /award/award_winner/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/0bl2g /film/actor/film./film/performance/film /m/0295sy +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0f4k49 /film/film/genre /m/03k9fj +/m/03ckvj9 /people/person/gender /m/02zsn +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/012mrr +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048s0r +/m/01fh9 /people/person/nationality /m/09c7w0 +/m/0w7c /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0557q +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/083shs +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/01j7rd /film/actor/film./film/performance/film /m/02hxhz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0425_d +/m/01swxv /education/educational_institution/campuses /m/01swxv +/m/027lfrs /people/person/profession /m/02hrh1q +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0bv7t /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/02_286 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/011v3 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/09fqtq /film/actor/film./film/performance/film /m/0_9l_ +/m/01wcp_g /people/person/gender /m/05zppz +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/027hnjh +/m/013nky /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01xcqc /film/actor/film./film/performance/film /m/03rg2b +/m/024mxd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/062dn7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07swvb +/m/0h6r5 /film/film/genre /m/01jfsb +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pcq92 +/m/01pwz /people/person/places_lived./people/place_lived/location /m/05r4w +/m/01mvpv /people/person/profession /m/0fj9f +/m/01mwsnc /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/09fn1w /film/film/language /m/03k50 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sbv9 +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0hz_1 /people/person/profession /m/0kyk +/m/07sqbl /sports/sports_team/sport /m/02vx4 +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvdm +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/07tlg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_4z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0c3ybss /film/film/genre /m/01jfsb +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/09c7w0 /location/location/contains /m/02xry +/m/0d05w3 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01rh0w /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01g23m +/m/074w86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/050f0s /film/film/produced_by /m/03xpf_7 +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/091rc5 +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0mgkg +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0drr3 /location/location/time_zones /m/02hcv8 +/m/01jgpsh /people/person/profession /m/03gjzk +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/02__7n +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01l7qw +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01yjl +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/088lls +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/05j0wc +/m/056ws9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/027m67 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02rlj20 /film/film/genre /m/02p0szs +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/03p9hl +/m/09c7w0 /location/country/second_level_divisions /m/0mwzv +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/06ys2 /film/film_subject/films /m/012s1d +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/018vs /music/instrument/instrumentalists /m/01bpnd +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/0dll_t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/049_zz /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0162b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hky /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/02fttd /film/film/language /m/02h40lc +/m/01n4w_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/054k_8 /people/person/nationality /m/09c7w0 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/079kdz /people/person/places_lived./people/place_lived/location /m/081yw +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08zrbl +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/0glqh5_ /film/film/genre /m/07s9rl0 +/m/01hmnh /media_common/netflix_genre/titles /m/01_1pv +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0cx7f /music/genre/artists /m/01v0sxx +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04xbr4 /film/actor/film./film/performance/film /m/026p_bs +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/0h3y /location/country/official_language /m/0jzc +/m/06mfvc /people/person/nationality /m/09c7w0 +/m/01s21dg /people/person/places_lived./people/place_lived/location /m/0167q3 +/m/016tbr /people/person/profession /m/02krf9 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05txrz +/m/01bj6y /people/person/gender /m/02zsn +/m/019lty /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zpghd /film/film/genre /m/05p553 +/m/0gy9d4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06c0j /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02n72k /film/film/cinematography /m/026sb55 +/m/03_c8p /organization/organization/child./organization/organization_relationship/child /m/086h6p +/m/04q42 /location/administrative_division/country /m/059j2 +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lpjn +/m/01_s9q /education/educational_institution/school_type /m/05pcjw +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/0hz55 +/m/0697kh /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/01zb_g /music/record_label/artist /m/01s560x +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02_cq0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0342h /music/instrument/instrumentalists /m/0180w8 +/m/08664q /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bdxs5 /people/person/gender /m/02zsn +/m/085q5 /people/person/place_of_birth /m/02_286 +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/012x2b +/m/02rg_4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05szq8z /film/film/genre /m/02kdv5l +/m/03wh49y /film/film/runtime./film/film_cut/film_release_region /m/059g4 +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01rxyb /film/film/genre /m/01jfsb +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/07f0tw +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/03mh94 /film/film/genre /m/03k9fj +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07dnx /people/person/gender /m/05zppz +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/09dv0sz +/m/01dvtx /people/deceased_person/place_of_death /m/0fvwg +/m/01vrx35 /people/person/profession /m/039v1 +/m/01q2sk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0kbws /olympics/olympic_games/participating_countries /m/035yg +/m/0kb07 /film/film/genre /m/01lrrt +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/0kr5_ /film/actor/film./film/performance/film /m/011yr9 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/02wwwv5 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dbxy /people/ethnicity/people /m/0127m7 +/m/02pdhz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0175yg /music/genre/artists /m/01kh2m1 +/m/016jny /music/genre/artists /m/0136pk +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/03rjj +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016k6x +/m/04pbsq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/015rkw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/012d40 /people/person/profession /m/02hrh1q +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01vvlyt +/m/02m0sc /education/educational_institution/students_graduates./education/education/student /m/023kzp +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0fc1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drr3 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/0kbhf /film/film/genre /m/07s9rl0 +/m/0xhtw /music/genre/artists /m/02vr7 +/m/02wk4d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02bjhv +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/06s_2 /location/country/form_of_government /m/01d9r3 +/m/025cn2 /music/artist/origin /m/02_286 +/m/0kft /film/director/film /m/0k2m6 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/015t56 +/m/0k4f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wqr +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0c1fs /people/person/gender /m/05zppz +/m/02q52q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gp_x9 /people/person/profession /m/01d_h8 +/m/0n85g /music/record_label/artist /m/0840vq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/01c4pv /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/059dn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02pptm +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0czr9_ +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/06rjp +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/07b_l /location/location/contains /m/0102t4 +/m/04t36 /media_common/netflix_genre/titles /m/0jnwx +/m/0hskw /people/person/profession /m/02jknp +/m/05xbx /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02lnbg /music/genre/artists /m/05w6cw +/m/03y8cbv /award/award_category/nominees./award/award_nomination/nominated_for /m/012jfb +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/0p_2r /people/person/gender /m/05zppz +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/0cmc26r /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/018ygt +/m/06ms6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ym1 /people/person/places_lived./people/place_lived/location /m/0gyvgw +/m/0flsf /location/location/time_zones /m/02llzg +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/02r6c_ +/m/0h5m7 /sports/sports_team_location/teams /m/0lhp1 +/m/0btbyn /film/film/production_companies /m/03xsby +/m/0g4pl7z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0136pk /music/artist/origin /m/0gx1l +/m/0405l /people/person/gender /m/05zppz +/m/01g969 /film/actor/film./film/performance/film /m/02ljhg +/m/01v40wd /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05pq9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jrs46 +/m/02rytm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01rc6f /education/university/fraternities_and_sororities /m/0325pb +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/02yv6b /music/genre/artists /m/07yg2 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/0dq23 /business/business_operation/industry /m/019mlh +/m/016_rm /music/genre/artists /m/01vzx45 +/m/0m0fw /music/genre/artists /m/0k60 +/m/02qdrjx /film/film/production_companies /m/09b3v +/m/017371 /music/genre/parent_genre /m/06by7 +/m/07s72n /music/genre/artists /m/06mt91 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/024jwt /people/person/religion /m/03_gx +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/05bpg3 /film/actor/film./film/performance/film /m/0ptdz +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/026z9 /media_common/netflix_genre/titles /m/06wzvr +/m/06w839_ /film/film/genre /m/01zhp +/m/0jmhr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/07t3x8 /people/person/places_lived./people/place_lived/location /m/01zxx9 +/m/028qyn /people/person/place_of_birth /m/030qb3t +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/011j5x /music/genre/artists /m/04_jsg +/m/034_7s /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/015_z1 +/m/03mstc /people/person/gender /m/05zppz +/m/025txtg /sports/sports_team/sport /m/02vx4 +/m/02gpkt /film/film/produced_by /m/03h304l +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/0131kb /film/actor/film./film/performance/film /m/0d1qmz +/m/04q5zw /people/person/profession /m/01d_h8 +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/01nrq5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y_rz /people/person/gender /m/05zppz +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/01wwvt2 /people/person/gender /m/05zppz +/m/0swbd /olympics/olympic_games/participating_countries /m/09c7w0 +/m/02t901 /people/person/nationality /m/09c7w0 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_qrp +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0152x_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq16 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nx8mj +/m/0dj5q /people/person/gender /m/05zppz +/m/01hmnh /media_common/netflix_genre/titles /m/01738w +/m/01w9k25 /people/person/place_of_birth /m/0xrzh +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/01vsps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025scjj +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b16p +/m/03n08b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/017vkx /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05fgt1 /film/film/produced_by /m/04wvhz +/m/01jv1z /music/record_label/artist /m/06lxn +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/0225bv /organization/organization/headquarters./location/mailing_address/state_province_region /m/0498y +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/027rn +/m/0mvn6 /location/location/time_zones /m/02hcv8 +/m/0166b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02hzx8 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/01vvyc_ /music/artist/origin /m/02_286 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02qfyk +/m/0flry /base/culturalevent/event/entity_involved /m/024pcx +/m/011yn5 /film/film/music /m/0150t6 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/0198b6 /film/film/country /m/03h64 +/m/067x44 /people/person/gender /m/05zppz +/m/03s0w /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0k_9j /film/film/cinematography /m/06p0s1 +/m/02g8h /film/actor/film./film/performance/film /m/02c7k4 +/m/036b_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/04gnbv1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d8h4 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04glr5h +/m/01_k7f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/0l14md /music/instrument/instrumentalists /m/023322 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/01vxqyl /people/person/places_lived./people/place_lived/location /m/02xry +/m/02lx0 /location/country/official_language /m/05zjd +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02qkq0 +/m/02w2bc /education/educational_institution/colors /m/01l849 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/041jk9 +/m/018w0j /time/event/locations /m/03spz +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/02756j /people/person/gender /m/02zsn +/m/04l19_ /film/actor/film./film/performance/film /m/0gx1bnj +/m/01gzm2 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/038bht /film/actor/film./film/performance/film /m/02yxbc +/m/01dc0c /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/033db3 /people/person/profession /m/02jknp +/m/03pn9 /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02dwj /film/film/genre /m/07s9rl0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02yr1q /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/017l96 /music/record_label/artist /m/013qvn +/m/03xf_m /film/film/genre /m/04t36 +/m/024rgt /business/business_operation/industry /m/0g4gr +/m/045bg /influence/influence_node/influenced_by /m/03f0324 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/0k4f3 /film/film/other_crew./film/film_crew_gig/crewmember /m/05x2t7 +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/035gjq +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/02jx1 /location/location/contains /m/0ymff +/m/0gcpc /film/film/cinematography /m/087yty +/m/0xhtw /music/genre/artists /m/0150jk +/m/023zsh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/06gjk9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2w0 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05hj0n +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dfjb8 /people/person/gender /m/05zppz +/m/0g824 /award/award_winner/awards_won./award/award_honor/award_winner /m/01trhmt +/m/029_3 /people/person/profession /m/02hrh1q +/m/016zfm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g2lq +/m/03p85 /location/administrative_division/country /m/03rk0 +/m/0g54xkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01tzfz +/m/01qh7 /location/location/contains /m/04rwx +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/08fn5b /film/film/genre /m/082gq +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/02rv1w +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/03fnn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0161c /location/country/form_of_government /m/01q20 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bhj4 +/m/04mrjs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05650n /film/film/genre /m/05p553 +/m/061y4q /people/person/profession /m/0dxtg +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8drv +/m/04gp58p /film/film/produced_by /m/04353 +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/0p_pd /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/012vwb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v49c /people/person/profession /m/01d_h8 +/m/058frd /people/person/profession /m/012t_z +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05b_gq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/0fp_xp /people/person/gender /m/05zppz +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0bsxd3 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ddd0gc +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0283sdr /education/educational_institution/school_type /m/05jxkf +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7qd +/m/06z4wj /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/01wyy_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06k176 +/m/0f7h2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0hn2q /sports/sports_team/sport /m/03tmr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0p8r1 /film/actor/film./film/performance/film /m/02rn00y +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0237fw /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01z0rcq +/m/02psgvg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/036dyy /people/person/profession /m/0dxtg +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gh65c5 /film/film/genre /m/07s9rl0 +/m/02g0rb /people/person/gender /m/02zsn +/m/01pllx /film/actor/film./film/performance/film /m/0sxmx +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/028rk +/m/052hl /people/person/profession /m/0dxtg +/m/064t9 /music/genre/artists /m/01hrqc +/m/01ppq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/03ln8b /tv/tv_program/genre /m/05p553 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/08959 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/048wrb /people/person/profession /m/08z956 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/09y20 /film/actor/film./film/performance/film /m/03177r +/m/01csvq /people/person/profession /m/02hrh1q +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/018009 /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f8wg +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/01s3v /location/administrative_division/country /m/07ssc +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/01b3l /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bl3nn /film/film/executive_produced_by /m/02qjpv5 +/m/0225bv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/022840 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/06pyc2 /film/film/film_production_design_by /m/05728w1 +/m/02s5v5 /people/person/gender /m/02zsn +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/016h4r /music/artist/origin /m/0_z91 +/m/0484q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vswwx +/m/01gb54 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/011wtv /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0425j7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/036wy /location/administrative_division/country /m/02jx1 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsnff +/m/0b90_r /location/location/contains /m/0183z2 +/m/03fn6z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01hp5 /film/film/story_by /m/02nygk +/m/03x7hd /film/film/story_by /m/04gcd1 +/m/018sg9 /education/educational_institution/campuses /m/018sg9 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f8l9c +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03jvmp +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0h03fhx /film/film/film_festivals /m/0j63cyr +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/02q_cc +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpsrx +/m/0gthm /influence/influence_node/influenced_by /m/014dq7 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0n6f8 +/m/0bbm7r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ywr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhy +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/038g2x +/m/06w839_ /film/film/genre /m/0hcr +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/09c7w0 /location/location/contains /m/06kknt +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/01x9_8 /people/person/place_of_birth /m/0fpzwf +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0w6w /influence/influence_node/influenced_by /m/045m1_ +/m/09c7w0 /location/location/contains /m/07_f2 +/m/07nt8p /film/film/genre /m/07s9rl0 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/01zh29 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/01cm8w /film/film/genre /m/02xh1 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0ftps /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0y_9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064t9 /music/genre/artists /m/0gt_k +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04swx /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0jfx1 +/m/099d4 /people/person/profession /m/02jknp +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/09c7w0 /location/location/contains /m/0rqyx +/m/01243b /music/genre/artists /m/0phx4 +/m/01pw9v /people/deceased_person/place_of_death /m/0136jw +/m/062yh9 /people/person/profession /m/0n1h +/m/034hwx /film/film/country /m/09c7w0 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/016k62 /people/person/employment_history./business/employment_tenure/company /m/017z88 +/m/01sb5r /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/084x96 /people/person/place_of_birth /m/0dzt9 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/015g_7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/03dctt /people/person/places_lived./people/place_lived/location /m/0byh8j +/m/01738w /film/film/country /m/09c7w0 +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/010r6f /location/hud_county_place/county /m/0mmpz +/m/02975m /organization/organization/headquarters./location/mailing_address/citytown /m/059rby +/m/0345_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01z215 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016z7s +/m/033dbw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/059rby /location/location/contains /m/01mgsn +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/03ffcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/012cph /people/deceased_person/place_of_death /m/02_286 +/m/01dbgw /people/person/gender /m/02zsn +/m/081g_l /music/record_label/artist /m/0bdxs5 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05zy2cy /film/film/genre /m/02kdv5l +/m/02b71x /music/genre/parent_genre /m/0gywn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/01vqc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0djvzd /people/person/gender /m/05zppz +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm64 +/m/02yxwd /film/actor/film./film/performance/film /m/01rwpj +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0fvly +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/01qbg5 /film/film/language /m/04306rv +/m/0b_6v_ /time/event/locations /m/0d9y6 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/02z1yj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/032c08 +/m/01h910 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rcmg +/m/02qlp4 /film/film/language /m/02h40lc +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/01zz8t /people/person/nationality /m/09c7w0 +/m/034_cr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/027r7k /film/film/genre /m/0j5nm +/m/03n93 /people/person/gender /m/05zppz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ftxw +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dd2b +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02dwj /film/film/featured_film_locations /m/06c6l +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0935jw /people/person/profession /m/0np9r +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/01s21dg +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/0cpvcd /people/person/nationality /m/09c7w0 +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/02w4fkq +/m/04j_h4 /music/genre/parent_genre /m/0hh2s +/m/01wdtv /music/record_label/artist /m/0dbb3 +/m/05ypj5 /film/film/genre /m/03bxz7 +/m/06tgw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019pcs +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0r3wm /location/hud_county_place/county /m/0l2q3 +/m/03twd6 /film/film/language /m/02bv9 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018c_r +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02xry /location/location/contains /m/09s5q8 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0212mp +/m/01z26v /base/biblioness/bibs_location/state /m/02ly_ +/m/059j1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/01wdj_ /education/educational_institution/campuses /m/01wdj_ +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05z8cq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09c7w0 /location/location/contains /m/0mq17 +/m/02px_23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/04kcn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01_d4 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/03ctqqf +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/0149xx /award/award_winner/awards_won./award/award_honor/award_winner /m/0bvzp +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01yxbw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrd +/m/02mscn /music/genre/artists /m/01yg9y +/m/01wqpnm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/0ddt_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dtfn +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/03s9kp /film/film/genre /m/04xvlr +/m/0hzlz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/064ndc /film/film/produced_by /m/06y0xx +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/0840vq /music/artist/origin /m/05qtj +/m/01vtj38 /people/person/nationality /m/09c7w0 +/m/0bs8s1p /film/film/country /m/07ssc +/m/059fjj /people/person/profession /m/03gjzk +/m/07s9rl0 /media_common/netflix_genre/titles /m/0ds3t5x +/m/016qtt /film/actor/film./film/performance/film /m/02x3lt7 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/06_wqk4 /film/film/production_companies /m/059x3p +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/09c7w0 /location/location/contains /m/037q2p +/m/0ggq0m /music/genre/artists /m/09h_q +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/018vs +/m/01pqy_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nx8mj +/m/02w29z /film/actor/film./film/performance/film /m/0btbyn +/m/021bmf /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02g5h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/016fjj /film/actor/film./film/performance/film /m/0jqj5 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yl_ +/m/01_p6t /award/award_winner/awards_won./award/award_honor/award_winner /m/07r_dg +/m/05fyss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/0fw1y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/081yw +/m/05j0wc /people/person/nationality /m/09c7w0 +/m/0fbftr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbhy7 +/m/03cbtlj /award/award_winner/awards_won./award/award_honor/award_winner /m/0c7t58 +/m/059j1m /people/person/gender /m/05zppz +/m/0m_h6 /film/film/genre /m/017fp +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/0488g /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0vqn /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/033jkj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bw7ly /people/person/nationality /m/02jx1 +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/042y1c /film/film/genre /m/03bxz7 +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/07d3x +/m/05r5w /people/person/nationality /m/09c7w0 +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/03jb2n +/m/011ysn /film/film/genre /m/07s9rl0 +/m/0byh8j /location/location/contains /m/0fl2s +/m/027pdrh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/031zkw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/025vwmy /people/person/gender /m/05zppz +/m/02bm1v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/048q6x +/m/0fw2f /base/biblioness/bibs_location/country /m/09c7w0 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/06q1r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02jx1 +/m/0xxc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04fzfj /film/film/genre /m/03npn +/m/0yzvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013f1h +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/05np2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01shhf +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01trhmt +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/08d6bd /people/person/place_of_birth /m/0hj6h +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/0fg04 /film/film/music /m/02bh9 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k2sk +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/051n13 +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/021yw7 +/m/07ymr5 /influence/influence_node/influenced_by /m/052hl +/m/0mb8c /film/film/genre /m/02kdv5l +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/017_hq +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mcw4 +/m/014dm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03y8cbv +/m/03d17dg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0crqcc +/m/0143wl /film/actor/film./film/performance/film /m/0f61tk +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/032w8h /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j5ts +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/01n7q /location/location/contains /m/0pc56 +/m/02zy1z /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/07vc_9 /film/actor/film./film/performance/film /m/04jn6y7 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0gk4g /people/cause_of_death/people /m/022g44 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0hqly /people/person/profession /m/02hrh1q +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/01kb2j /people/person/nationality /m/09c7w0 +/m/047cqr /people/person/profession /m/0196pc +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g22z +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/02jx1 /location/location/contains /m/0ym20 +/m/017_qw /music/genre/artists /m/0417z2 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/04r7p /award/award_winner/awards_won./award/award_honor/award_winner /m/0bdt8 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/08wq0g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/05sq84 /film/actor/film./film/performance/film /m/0fg04 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0jm6n /sports/sports_team/colors /m/083jv +/m/01fkv0 /people/person/gender /m/05zppz +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/041bnw /music/record_label/artist /m/03c7ln +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/047g6 /people/person/nationality /m/0h7x +/m/0x67 /people/ethnicity/people /m/04tnqn +/m/032r4n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07gp9 /film/film/produced_by /m/03_gd +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/05cj4r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/063_t /film/actor/film./film/performance/film /m/015whm +/m/03ts0c /people/ethnicity/people /m/0cbkc +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0p_47 /influence/influence_node/influenced_by /m/01t9qj_ +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0889x /people/person/profession /m/0dz3r +/m/064t9 /music/genre/artists /m/016fnb +/m/03mp8k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027rwmr /people/person/profession /m/02jknp +/m/02fv3t /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/0cp9f9 +/m/0fvly /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jml5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0j1yf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lf0c /people/person/religion /m/03_gx +/m/06w2sn5 /people/person/profession /m/0n1h +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0209hj +/m/0gv40 /people/person/religion /m/03_gx +/m/01wdl3 /education/educational_institution/school_type /m/05jxkf +/m/01lvcs1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0kbws /olympics/olympic_games/sports /m/0w0d +/m/0bsb4j /people/person/profession /m/0dxtg +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/016zp5 /people/person/profession /m/02hrh1q +/m/03zkr8 /sports/sports_team/sport /m/02vx4 +/m/017vb_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qm_f /film/film/language /m/064_8sq +/m/042y1c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/0l0wv +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/0kvrb +/m/04x4nv /film/film/genre /m/03bxz7 +/m/01_p6t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vzxmq +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02jm9c /people/person/profession /m/02hrh1q +/m/0ggl02 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01p1b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05bxwh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lccn +/m/06by7 /music/genre/artists /m/018y2s +/m/032ft5 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/02p7xc /people/person/profession /m/02hrh1q +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/042z_g /film/actor/film./film/performance/film /m/0y_pg +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03rl84 /film/actor/film./film/performance/film /m/027r9t +/m/02dbp7 /people/person/profession /m/01d_h8 +/m/018pj3 /music/group_member/membership./music/group_membership/role /m/0mkg +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/031ldd +/m/0k3k1 /base/biblioness/bibs_location/state /m/05k7sb +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/029b9k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01h72l /tv/tv_program/genre /m/0hcr +/m/07cn2c /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09h_q /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gtsx8c /film/film/language /m/02h40lc +/m/0315rp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08m4c8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016hvl /people/person/gender /m/05zppz +/m/043n1r5 /film/film/genre /m/04t36 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/08htt0 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013pk3 +/m/0bv8h2 /film/film/genre /m/07s9rl0 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/0fb0v /music/record_label/artist /m/01w02sy +/m/048yqf /film/film/featured_film_locations /m/080h2 +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06bw5 +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/06gp3f +/m/01wdl3 /organization/organization/headquarters./location/mailing_address/citytown /m/0qc7l +/m/0274v0r /award/award_category/disciplines_or_subjects /m/02vxn +/m/05tbn /location/administrative_division/country /m/09c7w0 +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03mszl /people/person/nationality /m/09c7w0 +/m/0ff3y /people/person/profession /m/0cbd2 +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/0164v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0gx159f +/m/0q9zc /film/actor/film./film/performance/film /m/07bxqz +/m/028kj0 /film/film/genre /m/02b5_l +/m/01mtqf /people/cause_of_death/people /m/01vl17 +/m/0166c7 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088vb +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0ywrc /film/film/language /m/0653m +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/02vzpb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/0xtz9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/052hl /people/person/profession /m/018gz8 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/0flj39 /people/person/languages /m/03k50 +/m/0303jw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04rtpt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0dsx3f +/m/07sgdw /film/film/production_companies /m/0278rq7 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/09r9dp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/0l14qv /music/instrument/instrumentalists /m/01wd9lv +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/01cl2y /music/record_label/artist /m/0d9xq +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0627sn /people/person/profession /m/02krf9 +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/035wq7 /film/actor/film./film/performance/film /m/06wzvr +/m/01zz8t /film/actor/film./film/performance/film /m/04t9c0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01z77k /media_common/netflix_genre/titles /m/027pfb2 +/m/01bczm /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yrp +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/064_8sq /language/human_language/countries_spoken_in /m/06srk +/m/0hnlx /people/person/profession /m/0n1h +/m/0g2mbn /people/person/nationality /m/09c7w0 +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/047qxs /film/film/genre /m/04xvh5 +/m/0bnzd /film/film/genre /m/0219x_ +/m/04mp9q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01m65sp /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/03fgm +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06khkb +/m/018lg0 /music/genre/artists /m/01vng3b +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02x8s9 /people/person/place_of_birth /m/0ftxw +/m/0473q /people/person/profession /m/02hrh1q +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gcd1 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/043n1r5 /film/film/written_by /m/03f2_rc +/m/0py8j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/07vht /education/educational_institution_campus/educational_institution /m/07vht +/m/07hpv3 /tv/tv_program/country_of_origin /m/09c7w0 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0d1_f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_s4b +/m/0kb57 /film/film/music /m/0b82vw +/m/0bs5f0b /film/film/genre /m/01t_vv +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/032zg9 +/m/0bxtg /film/actor/film./film/performance/film /m/0gvs1kt +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l6nj +/m/04xvlr /media_common/netflix_genre/titles /m/03hkch7 +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/07vc_9 /film/actor/film./film/performance/film /m/02d478 +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bx_5q +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/0chghy /location/location/contains /m/01j12w +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/01p85y +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/01whvs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gm34 +/m/0gx_p /film/actor/film./film/performance/film /m/09g7vfw +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/0fg_hg /people/person/gender /m/05zppz +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/02bgmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/0gkz3nz /film/film/language /m/02h40lc +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0296vv +/m/01vsy7t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0169dl /people/person/languages /m/02h40lc +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04zl8 +/m/0170xl /film/film/genre /m/07s9rl0 +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/058s57 +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/030xr_ /film/actor/film./film/performance/film /m/01cmp9 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qrb2 +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/030qb3t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02sgy +/m/01jsn5 /education/educational_institution/students_graduates./education/education/student /m/045gzq +/m/02482c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/09c7w0 /location/location/contains /m/0488g +/m/0crd8q6 /film/film/language /m/02h40lc +/m/04rg6 /people/deceased_person/place_of_death /m/0k_p5 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmk7 +/m/0130sy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07l4zhn /film/film/film_festivals /m/0cmd3zy +/m/0f3m1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/075fzd /film/film_subject/films /m/012jfb +/m/011yn5 /film/film/genre /m/05p553 +/m/06pjs /film/director/film /m/0jqkh +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01b39j +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b15h +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/037s5h +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/05qhw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0241y7 /film/film/genre /m/04t36 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/017b2p /people/person/profession /m/0nbcg +/m/07d2d /music/genre/artists /m/03f5spx +/m/03dn9v /people/person/profession /m/0np9r +/m/0n6bs /location/location/contains /m/02q253 +/m/0cpz4k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0163t3 +/m/08952r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018grr +/m/01fwpt /film/actor/film./film/performance/film /m/0g57wgv +/m/08xwck /people/person/profession /m/03gjzk +/m/01gq0b /film/actor/film./film/performance/film /m/01cssf +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0f04c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qcrj +/m/01dfb6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fvf9q +/m/03rjj /location/location/contains /m/04_x4s +/m/01t6xz /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/08gsvw /film/film/production_companies /m/017s11 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/016ksk +/m/01mqh5 /people/person/nationality /m/09c7w0 +/m/0148nj /music/genre/parent_genre /m/05r6t +/m/0fxkr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrhl +/m/043kzcr /film/actor/film./film/performance/film /m/05c26ss +/m/0hn10 /media_common/netflix_genre/titles /m/0194zl +/m/0bc71w /people/person/nationality /m/09c7w0 +/m/03y82t6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rk0 +/m/05c4fys /people/person/nationality /m/02jx1 +/m/02wk4d /people/person/languages /m/02h40lc +/m/024y6w /people/person/place_of_birth /m/0kdqw +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwbts +/m/03z_g7 /people/person/languages /m/055qm +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/04dsnp /film/film/country /m/09c7w0 +/m/01pcmd /people/person/religion /m/03_gx +/m/0lx2l /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/015882 +/m/01c333 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08jbxf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06xbsn +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0fqt1ns /film/film/genre /m/07s9rl0 +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0j5g9 /location/administrative_division/first_level_division_of /m/07ssc +/m/016jfw /people/person/profession /m/09jwl +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05tg3 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/0gyy53 /film/film/country /m/07ssc +/m/03hvk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01bb9r /film/film/written_by /m/06m6z6 +/m/03xds /people/person/profession /m/0mn6 +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/065ym0c /film/film/genre /m/02kdv5l +/m/012x8m /music/record_label/artist /m/070b4 +/m/0jgwf /people/person/nationality /m/02jx1 +/m/0n1tx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1xp +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/01pcj4 /education/educational_institution/school_type /m/05pcjw +/m/01z0lb /people/person/nationality /m/09c7w0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/07sqhm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0c6g1l /people/person/profession /m/02hrh1q +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/064t9 /music/genre/artists /m/0412f5y +/m/01tt43d /people/person/profession /m/0q04f +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y0y6 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/0s3y5 /location/hud_county_place/county /m/0nvvw +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bq2g +/m/05qm9f /film/film/music /m/07s3vqk +/m/0j5m6 /sports/sports_team/colors /m/03vtbc +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0778_3 /education/educational_institution/campuses /m/0778_3 +/m/0661m4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/037cr1 /film/film/country /m/07ssc +/m/04kkz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/07t2k /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0g9yrw /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/02b25y /people/person/languages /m/02bjrlw +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/0dnvn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/042kbj /people/person/profession /m/01d_h8 +/m/05wdgq /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/053x8hr /tv/tv_program/program_creator /m/01r216 +/m/01bb9r /film/film/language /m/0jzc +/m/01gg59 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hz6_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02q_ncg /film/film/music /m/01pr6q7 +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01k7d9 +/m/018vs /music/instrument/instrumentalists /m/03c7ln +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02vjzr /music/genre/artists /m/09qr6 +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/06x68 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0449sw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01bh6y +/m/01q7h2 /film/film/produced_by /m/05nn4k +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03dq9 /people/person/gender /m/05zppz +/m/0gmcwlb /film/film/country /m/0154j +/m/040_t /people/person/places_lived./people/place_lived/location /m/05l5n +/m/01pg1d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/025j1t /people/person/profession /m/01d_h8 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/026v437 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03mdt /media_common/netflix_genre/titles /m/0124k9 +/m/0d35y /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/01fh9 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0b_71r /time/event/instance_of_recurring_event /m/02jp2w +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09tqkv2 +/m/02mp0g /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/016z9n /film/film/produced_by /m/04fyhv +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03_wm6 /film/film/genre /m/04t2t +/m/0vmt /location/location/contains /m/0m2cb +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/0ddj0x /film/film/executive_produced_by /m/059x0w +/m/042ly5 /film/actor/film./film/performance/film /m/01qb5d +/m/03cfjg /people/person/profession /m/09jwl +/m/026hxwx /film/film/genre /m/09q17 +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0432mrk +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt4g +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04rrx +/m/02rn00y /film/film/genre /m/0hcr +/m/07s9rl0 /media_common/netflix_genre/titles /m/0c9k8 +/m/0kbws /olympics/olympic_games/participating_countries /m/0167v +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/05wp1p /film/film/genre /m/0hcr +/m/0794g /people/person/profession /m/018gz8 +/m/0gl6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/0hkqn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0yfp +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwlwp +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/04nw9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01x73 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/0fvyg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n3ll +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym4t +/m/015nhn /film/actor/film./film/performance/film /m/01fx4k +/m/01cbwl /music/genre/artists /m/0dvqq +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/018y2s /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/0xynl /location/location/time_zones /m/02hcv8 +/m/07vfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05l0j5 /people/person/nationality /m/07ssc +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cz_ym +/m/02_hj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lvlf +/m/02581q /award/award_category/winners./award/award_honor/award_winner /m/01qkqwg +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09thp87 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/049g_xj /film/actor/film./film/performance/film /m/0gtvpkw +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/0l30v /location/us_county/county_seat /m/0r6rq +/m/07wkd /organization/organization/headquarters./location/mailing_address/state_province_region /m/059s8 +/m/01fsyp /tv/tv_network/programs./tv/tv_network_duration/program /m/01fszq +/m/04z542 /film/actor/film./film/performance/film /m/03m8y5 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02ctzb /people/ethnicity/people /m/06fc0b +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/02k_kn /music/genre/artists /m/01vtmw6 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09ps01 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/011ycb /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/01pcq3 /people/person/languages /m/064_8sq +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/02z5x7l /film/film/genre /m/0jxy +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/03_c8p /business/business_operation/industry /m/01mw1 +/m/0342vg /people/person/profession /m/01d_h8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0kqbh +/m/08s6r6 /music/genre/parent_genre /m/02qm5j +/m/01p896 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/04tnqn /people/person/places_lived./people/place_lived/location /m/01531 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03wv2g +/m/0ql76 /base/culturalevent/event/entity_involved /m/03gk2 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/011yn5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/01v_pj6 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0nvrd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n8bn /film/actor/film./film/performance/film /m/014nq4 +/m/0373qg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/09b3v /media_common/netflix_genre/titles /m/05zy2cy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b15x +/m/0343h /people/person/religion /m/051kv +/m/059y0 /influence/influence_node/peers./influence/peer_relationship/peers /m/02m7r +/m/0h0yt /people/person/profession /m/02hrh1q +/m/01dq0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/01trxd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02jx1 /location/location/contains /m/0k33p +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/013n0n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6jd +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/04xvlr /media_common/netflix_genre/titles /m/0280061 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0c_j5d +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/024_ql +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/08w6v_ +/m/07cw4 /film/film/production_companies /m/017s11 +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/04zwjd +/m/05jf85 /film/film/country /m/09c7w0 +/m/04tgp /location/location/contains /m/0wp9b +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/05bxwh /people/person/profession /m/02jknp +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03rrdb +/m/0xnvg /people/ethnicity/people /m/02nrdp +/m/03gvt /music/instrument/instrumentalists /m/01z9_x +/m/023rwm /music/record_label/artist /m/027dpx +/m/0d87hc /film/film/written_by /m/04l3_z +/m/06mkj /media_common/netflix_genre/titles /m/02vr3gz +/m/0cx6f /music/genre/artists /m/053yx +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_bp +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01wyz92 /people/person/gender /m/02zsn +/m/017d93 /film/film/genre /m/026v1nw +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/04hgpt /education/educational_institution/school_type /m/01_9fk +/m/02bxd /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/01r9c_ /people/person/profession /m/0dxtg +/m/072x7s /film/film/featured_film_locations /m/04jpl +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01trxd +/m/03rx9 /people/person/profession /m/0kyk +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/012gk9 +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086nl7 +/m/099d4 /people/person/profession /m/02hrh1q +/m/03w94xt /music/genre/artists /m/01w9mnm +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037gjc +/m/0hnkp /people/deceased_person/place_of_death /m/0l1pj +/m/06x77g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/05sy_5 /film/film/country /m/0345h +/m/02c_wc /film/actor/film./film/performance/film /m/0h2zvzr +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02r858_ /film/film/written_by /m/01vqrm +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/01l1rw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03l7w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0hsn_ /film/actor/film./film/performance/film /m/0dscrwf +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/02dtg /location/location/contains /m/037q2p +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/049mql /film/film/genre /m/04xvh5 +/m/01k7b0 /film/film/country /m/059j2 +/m/05dtsb /film/actor/film./film/performance/film /m/01jmyj +/m/07gbf /tv/tv_program/genre /m/0lsxr +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/04wqr /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0cq86w /film/film/production_companies /m/017s11 +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/02qkt /location/location/contains /m/015qh +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01skmp +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04glr5h +/m/01rddlc /film/actor/film./film/performance/film /m/07ghv5 +/m/06mr6 /film/actor/film./film/performance/film /m/0b2v79 +/m/02qsjt /award/award_winner/awards_won./award/award_honor/award_winner /m/01z9_x +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02ctzb /people/ethnicity/people /m/03knl +/m/03h3vtz /people/person/gender /m/05zppz +/m/04qy5 /award/award_category/winners./award/award_honor/award_winner /m/08_hns +/m/03hfmm /film/film/genre /m/017fp +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/01kgv4 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/075znj /music/record_label/artist /m/01rmnp +/m/0gkz3nz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0g_rs_ /people/person/profession /m/02jknp +/m/0kbg6 /people/person/place_of_birth /m/04jpl +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bdjd +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/017dcd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bbv7 +/m/06mr6 /film/actor/film./film/performance/film /m/01kf4tt +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01b7lc /education/educational_institution/students_graduates./education/education/student /m/02qzjj +/m/0br1w /people/person/places_lived./people/place_lived/location /m/0s987 +/m/049kw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cxgc +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/033f8n /film/film/genre /m/05p553 +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0b_ljy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02krdz /film/film/country /m/09c7w0 +/m/03x1x /people/ethnicity/languages_spoken /m/02h40lc +/m/04qhdf /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/027fwmt +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027rwmr +/m/03sbs /influence/influence_node/influenced_by /m/015n8 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k_9j +/m/0fkhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc_9 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/06nfl /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/06wpc /sports/sports_team/sport /m/018jz +/m/0dhf5 /location/administrative_division/country /m/09pmkv +/m/0cv9b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2qtl +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/025rxjq /film/film/produced_by /m/0b13g7 +/m/02w7gg /people/ethnicity/people /m/0509bl +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb559 +/m/07bzz7 /film/film/music /m/0k7pf +/m/02dwj /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03bnv /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/01tm2s /base/biblioness/bibs_location/country /m/0ctw_b +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/0h5qxv +/m/09qr6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/03q8xj /film/film/genre /m/03q4nz +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0gjv_ /education/educational_institution/campuses /m/0gjv_ +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/09k2t1 +/m/0dxmyh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/04f7c55 +/m/0gc_c_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03vtfp /music/record_label/artist /m/01vv7sc +/m/02fy0z /education/educational_institution/colors /m/083jv +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/09y20 /film/actor/film./film/performance/film /m/01msrb +/m/02wcx8c /people/person/nationality /m/09c7w0 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jsf6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0hvjr +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/06mkj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hg5 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02flq1 /award/award_category/winners./award/award_honor/award_winner /m/01j6mff +/m/01w7nww /film/actor/film./film/performance/film /m/01jnc_ +/m/05t54s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b5x23 /people/deceased_person/place_of_death /m/04vmp +/m/0dgq_kn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0x67 /people/ethnicity/people /m/01ztgm +/m/0mnyn /location/hud_county_place/county /m/0mnyn +/m/074qgb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/0bwh6 /film/actor/film./film/performance/film /m/05r3qc +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mp8x +/m/01gkmx /film/actor/film./film/performance/film /m/047vnkj +/m/0p7qm /film/film/genre /m/03k9fj +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fxky3 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02rrh1w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/07ldhs /film/actor/film./film/performance/film /m/075wx7_ +/m/0tz14 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01kb2j +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/05pdh86 /film/film/featured_film_locations /m/017j7y +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0498y /location/location/contains /m/0tj4y +/m/01jfrg /people/person/spouse_s./people/marriage/location_of_ceremony /m/07fr_ +/m/04y0yc /people/person/places_lived./people/place_lived/location /m/04vmp +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0jrjb /location/location/time_zones /m/02hcv8 +/m/0mzkr /music/record_label/artist /m/0167_s +/m/017y6l /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06nnj /location/location/contains /m/0fr_v +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/034vds /tv/tv_program/languages /m/02h40lc +/m/0170k0 /tv/tv_program/genre /m/0lsxr +/m/0265vcb /people/person/profession /m/02hrh1q +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01wrcxr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0ftjx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_nsc +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0sz28 +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03_c8p /organization/organization/child./organization/organization_relationship/child /m/02wbnv +/m/0flpy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n8gr /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02g0mx /film/actor/film./film/performance/film /m/02ntb8 +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/02bj6k +/m/013x0b /music/record_label/artist /m/049qx +/m/075wx7_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/0dl5d /music/genre/artists /m/0167_s +/m/09ctj /base/biblioness/bibs_location/country /m/07ssc +/m/0c5wln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03vyw8 +/m/015wnl /film/actor/film./film/performance/film /m/076tw54 +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/013719 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01wd3l /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/05c46y6 /film/film/genre /m/0219x_ +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05nlzq +/m/02nx2k /film/film/genre /m/04pbhw +/m/09c7w0 /location/country/second_level_divisions /m/0n5d1 +/m/01y9pk /education/educational_institution/students_graduates./education/education/student /m/030xr_ +/m/03s5lz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/0d6qjf /film/film_subject/films /m/061681 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/013q0p +/m/0c408_ /people/person/profession /m/0kyk +/m/01yqqv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06gb1w /film/film/produced_by /m/02xnjd +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04lp8k +/m/0sxkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f83g2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0342h /music/instrument/instrumentalists /m/01wj18h +/m/09vc4s /people/ethnicity/people /m/02mjmr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/033x5p +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01l4g5 /music/artist/track_contributions./music/track_contribution/role /m/0bmnm +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/03f2_rc +/m/0gkz3nz /film/film/produced_by /m/02ld6x +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07c52 +/m/02klny /education/educational_institution/campuses /m/02klny +/m/061681 /film/film/production_companies /m/016tw3 +/m/064t9 /music/genre/artists /m/0140t7 +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/080h2 /base/biblioness/bibs_location/state /m/015jr +/m/03p01x /people/person/profession /m/0cbd2 +/m/05zrx3v /people/person/place_of_birth /m/0d6lp +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fxky3 +/m/01jszm /education/educational_institution/colors /m/019sc +/m/03wy70 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/01lwx /people/person/profession /m/036n1 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04xvlr /media_common/netflix_genre/titles /m/016z9n +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/07g9f /tv/tv_program/genre /m/06n90 +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p0mx +/m/041h0 /influence/influence_node/peers./influence/peer_relationship/peers /m/01wd02c +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0cj2w +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y9j +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0ymbl /location/location/time_zones /m/03bdv +/m/0pd57 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018417 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0lfgr +/m/02d478 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0btbyn +/m/06qw_ /tv/tv_program/program_creator /m/08nz99 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/034lk7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hvjx +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/06s7rd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02ts3h +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/0d9qmn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01nm8w /education/educational_institution/campuses /m/01nm8w +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01693z /people/person/gender /m/05zppz +/m/02ts3h /film/actor/film./film/performance/film /m/01hqk +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/016ybr /music/genre/artists /m/03xl77 +/m/01qdjm /people/person/religion /m/092bf5 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072hx4 +/m/0127m7 /people/person/religion /m/019cr +/m/016z1c /organization/organization_founder/organizations_founded /m/09xwz +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/06wjf /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0glj9q /media_common/netflix_genre/titles /m/02c6d +/m/0jksm /organization/organization/headquarters./location/mailing_address/citytown /m/01914 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/018fq /people/person/religion /m/0kpl +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/0l14qv /music/instrument/instrumentalists /m/0161sp +/m/0vm39 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/03gj2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06npd +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01cm8w /film/film/genre /m/03k9fj +/m/01y9r2 /film/film/genre /m/0lsxr +/m/01j7rd /influence/influence_node/influenced_by /m/029_3 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01kwld +/m/09x3r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01cl2y /music/record_label/artist /m/01czx +/m/07q9q2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/013mtx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0m6x4 /people/person/profession /m/02hrh1q +/m/0y_9q /film/film/country /m/09c7w0 +/m/05g3b /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0g22z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kjgl +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01l3j +/m/0bt4r4 /people/person/profession /m/03gjzk +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r7k +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/070yzk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/04x1_w /film/actor/film./film/performance/film /m/03bx2lk +/m/016ywb /film/film/language /m/02h40lc +/m/032d52 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0229rs /music/record_label/artist /m/02qsjt +/m/01q460 /education/educational_institution/school_type /m/07tf8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmm7 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/0h5g_ /film/actor/film./film/performance/film /m/0hfzr +/m/056zdj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02w29z /people/person/nationality /m/09c7w0 +/m/045c7b /business/business_operation/industry /m/07c1v +/m/01f7j9 /film/director/film /m/02tktw +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/02dlh2 /music/instrument/instrumentalists /m/012x4t +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/020bv3 /film/film/genre /m/06cvj +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/0f2sx4 /film/film/country /m/09c7w0 +/m/0c9xjl /people/person/profession /m/0np9r +/m/01gh6z /base/aareas/schema/administrative_area/capital /m/0l3q2 +/m/02bwc7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vrgnr /film/film/country /m/09c7w0 +/m/08cyft /music/genre/artists /m/0191h5 +/m/01j95 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0br1w +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gt1k +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/012_53 /film/actor/film./film/performance/film /m/05sw5b +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bm2nq /film/film/language /m/02h40lc +/m/0l3n4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwzv +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bj6k +/m/01vsy7t /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fg04 +/m/0g7k2g /people/person/places_lived./people/place_lived/location /m/07mgr +/m/0fr63l /film/film/genre /m/02kdv5l +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/032r1 +/m/01p6xx /people/person/nationality /m/09c7w0 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03tbg6 /film/film/music /m/01mkn_d +/m/0bl1_ /film/film/genre /m/0556j8 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0ccqd7 /people/person/profession /m/0np9r +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p86pb +/m/0pnf3 /people/person/places_lived./people/place_lived/location /m/01531 +/m/06v36 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/064t9 /music/genre/artists /m/01wwvc5 +/m/0rlz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/05148p4 /music/instrument/instrumentalists /m/016j2t +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zkz7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0b0nq2 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0144l1 /people/person/profession /m/01d_h8 +/m/03cs_xw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06rkfs +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/03q0r1 /film/film/genre /m/03k9fj +/m/03kfl /base/biblioness/bibs_location/country /m/059j2 +/m/06sff /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/04p3w /people/cause_of_death/people /m/06y7d +/m/05r5c /music/instrument/instrumentalists /m/06rgq +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06c62 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ktrs +/m/0mdqp /film/actor/film./film/performance/film /m/04gv3db +/m/03_fmr /education/educational_institution/students_graduates./education/education/student /m/0ddkf +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01nnsv +/m/0gs1_ /film/director/film /m/057__d +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/021bk /people/person/place_of_birth /m/02_286 +/m/0ksrf8 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01kvqc /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/03_gd /people/person/religion /m/0kpl +/m/0371rb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/01fcmh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bxc4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d8jf +/m/08w6v_ /people/person/profession /m/0dxtg +/m/0175yg /music/genre/artists /m/01qgry +/m/0cx7f /music/genre/artists /m/01vsl3_ +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/07wqr6 /tv/tv_program/genre /m/07s9rl0 +/m/034rd /people/person/religion /m/0n2g +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/03d8njj /people/person/profession /m/02jknp +/m/04ty8 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/01wyz92 /award/award_winner/awards_won./award/award_honor/award_winner /m/018n6m +/m/02vqsll /film/film/written_by /m/0h5f5n +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/011yrp /film/film/featured_film_locations /m/03rjj +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/044mvs /people/person/places_lived./people/place_lived/location /m/05qtj +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044mvs +/m/0brddh /people/person/gender /m/02zsn +/m/01_p6t /people/person/profession /m/03gjzk +/m/033hn8 /music/record_label/artist /m/0134s5 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0kc8y +/m/0yl_w /education/educational_institution/colors /m/083jv +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/088gzp +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0184dt +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01znj1 +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/07d3z7 /film/actor/film./film/performance/film /m/092vkg +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/02b1d0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0k4gf /influence/influence_node/influenced_by /m/03_f0 +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/01jnc_ /film/film/genre /m/0556j8 +/m/03jxw /influence/influence_node/influenced_by /m/06jkm +/m/06mmb /film/actor/film./film/performance/film /m/01k0vq +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zy1z +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0jw67 /film/director/film /m/02v570 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/05r5c /music/instrument/instrumentalists /m/01tszq +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0blt6 +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/048hf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/035w2k /film/film/music /m/02bh9 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03spz /location/country/form_of_government /m/018wl5 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017d77 +/m/01j_jh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/01453 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/01bj6y /people/person/spouse_s./people/marriage/spouse /m/0d6d2 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/024yxd /people/person/profession /m/0nbcg +/m/014zz1 /dataworld/gardening_hint/split_to /m/0fx80y +/m/01j_cy /education/educational_institution/school_type /m/01_9fk +/m/0144l1 /people/person/nationality /m/02jx1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/02rn_bj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0cpyv /base/aareas/schema/administrative_area/administrative_parent /m/07nf6 +/m/0k9p4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/02yy9r +/m/040_lv /film/film/produced_by /m/0fvf9q +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0hwbd +/m/02jr26 /people/person/place_of_birth /m/0rgxp +/m/08qxx9 /film/actor/film./film/performance/film /m/0cmc26r +/m/01gfq4 /music/record_label/artist /m/02vr7 +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0mkg /music/instrument/instrumentalists /m/032t2z +/m/03d9v8 /people/person/religion /m/051kv +/m/01kp66 /film/actor/film./film/performance/film /m/01q7h2 +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/029_3 /people/person/nationality /m/09c7w0 +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0443c +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/07hwkr /people/ethnicity/people /m/0g2lq +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02xbw2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059_gf +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/044_7j +/m/01m15br /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xhwn /people/person/gender /m/05zppz +/m/01fh36 /music/genre/artists /m/024dw0 +/m/0ql7q /base/culturalevent/event/entity_involved /m/01gpzx +/m/0dn3n /people/person/place_of_birth /m/0rd5k +/m/0gyv0b4 /film/film/language /m/0653m +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/080dfr7 /film/film/country /m/07ssc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/02cx90 /people/person/profession /m/01c72t +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/012vct /people/person/profession /m/02jknp +/m/06myp /people/person/profession /m/06q2q +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/0b6mgp_ +/m/018nnz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g293 /music/genre/artists /m/02qlg7s +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0169dl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_x5t +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01cssf /film/film/produced_by /m/06chf +/m/01l2m3 /people/cause_of_death/people /m/03nyts +/m/07d2d /music/genre/artists /m/04n2vgk +/m/082pc /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/027zz /people/person/gender /m/05zppz +/m/03l26m /people/person/profession /m/01445t +/m/02jxrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0164r9 /people/person/gender /m/05zppz +/m/01ktz1 /location/hud_county_place/place /m/01ktz1 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/025jj7 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04wp2p +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x73c +/m/01hqhm /film/film/language /m/02h40lc +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/01ggbx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03h610 +/m/0c3351 /media_common/netflix_genre/titles /m/0ckrnn +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03_3d +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/01vrlqd /award/award_winner/awards_won./award/award_honor/award_winner /m/01jrz5j +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/033g0y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cff1 +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01t2h2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v3k2 /education/educational_institution/colors /m/01g5v +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/01htxr +/m/04gxf /location/location/time_zones /m/02fqwt +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02w59b +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/01gvxh /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/04pmnt /film/film/genre /m/03k9fj +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/0263q4z /music/genre/parent_genre /m/0glt670 +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/03cz9_ /film/actor/film./film/performance/film /m/02z9hqn +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/016ckq /music/record_label/artist /m/015bwt +/m/016xk5 /people/person/religion /m/0kpl +/m/016fyc /film/film/country /m/09c7w0 +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0322yj /film/film/production_companies /m/01gb54 +/m/0n08r /film/film/genre /m/02l7c8 +/m/0kbws /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02d4ct +/m/01xcfy /film/actor/film./film/performance/film /m/0kv9d3 +/m/0fjyzt /film/film/genre /m/01jfsb +/m/05f8c2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04411 /influence/influence_node/influenced_by /m/05qmj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fd8x +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/05g7tj /music/genre/parent_genre /m/0hdf8 +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0863x_ +/m/02t_8z /people/person/profession /m/0cbd2 +/m/09c7w0 /location/location/contains /m/035ktt +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rt +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/030xr_ /people/person/nationality /m/0d060g +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/02fp3 +/m/05vk_d /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6mc +/m/07ym6ss /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06k176 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wj1 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h5g_ +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/065zlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/033cw +/m/011j5x /music/genre/artists /m/05qhnq +/m/03h3x5 /film/film/genre /m/0hcr +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01vmv_ +/m/023v4_ /people/person/profession /m/02hrh1q +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/01vsl3_ /people/person/nationality /m/02jx1 +/m/03ydlnj /film/film/language /m/02h40lc +/m/02_2v2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02_1ky +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pbl56 +/m/02s529 /award/award_winner/awards_won./award/award_honor/award_winner /m/04cl1 +/m/01x2tm8 /people/person/religion /m/0kpl +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dbbz +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j5fv /medicine/symptom/symptom_of /m/0cycc +/m/02rn00y /film/film/music /m/04ls53 +/m/016sp_ /film/actor/film./film/performance/film /m/04yc76 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/03nm_fh /film/film/featured_film_locations /m/02frhbc +/m/03rjj /location/location/contains /m/01kmyh +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01m1dzc +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09bw4_ +/m/010xjr /people/person/places_lived./people/place_lived/location /m/0p54z +/m/03ff65 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/05mrf_p +/m/06rnl9 /people/person/place_of_birth /m/0k_q_ +/m/077rj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/04tc1g /film/film/genre /m/03k9fj +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/012mzw /education/educational_institution_campus/educational_institution /m/012mzw +/m/01y9r2 /film/film/produced_by /m/01j2xj +/m/0l6px /film/actor/film./film/performance/film /m/03177r +/m/0bsj9 /music/artist/origin /m/02_286 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/032xhg /film/actor/film./film/performance/film /m/0fb7sd +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/072192 /film/film/genre /m/02xh1 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq2g +/m/0gt_k /people/person/employment_history./business/employment_tenure/company /m/01cl0d +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/016ztl /film/film/language /m/03_9r +/m/0320fn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/054yc0 /film/film_subject/films /m/02825nf +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02s6tk +/m/01cl2y /music/record_label/artist /m/0khth +/m/01qgry /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/03rz2b /film/film/genre /m/02l7c8 +/m/043gj /people/person/profession /m/01d_h8 +/m/08q3s0 /people/person/profession /m/0dxtg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01g4bk /people/person/profession /m/05z96 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/04jr87 /education/educational_institution/school_type /m/07tf8 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/04wmvz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/02b71x /music/genre/artists /m/01vt9p3 +/m/02778yp /people/person/profession /m/03gjzk +/m/0bh8drv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mwq_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/0ftps /people/person/profession /m/0nbcg +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01c65z /people/person/profession /m/02hrh1q +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0k9wp /education/educational_institution/colors /m/03vtbc +/m/01q_y0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033jj1 +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0cl_m /people/person/employment_history./business/employment_tenure/company /m/01pl14 +/m/06nns1 /people/person/place_of_birth /m/01cx_ +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01cmp9 +/m/0q_0z /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kv5t +/m/0g96wd /people/ethnicity/people /m/01fwf1 +/m/0h1cdwq /film/film/genre /m/01hmnh +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027y151 +/m/041rx /people/ethnicity/people /m/05cl2w +/m/0m66w /people/person/profession /m/0d1pc +/m/04bdxl /people/person/profession /m/02hrh1q +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09cxm4 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07y_7 /music/instrument/instrumentalists /m/03_f0 +/m/06pj8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04mlmx +/m/01_xtx /film/actor/film./film/performance/film /m/04yc76 +/m/0l2yf /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wc7p /people/person/nationality /m/09c7w0 +/m/087wc7n /film/film/genre /m/01zhp +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06nr2h +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/064t9 /music/genre/artists /m/02r4qs +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0h1mt /people/person/profession /m/0cbd2 +/m/03l6bs /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02t_vx /people/person/gender /m/05zppz +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/035qy +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qwg +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bh8drv +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2p7 +/m/0gdhhy /people/person/places_lived./people/place_lived/location /m/03rjj +/m/02yy9r /film/film/featured_film_locations /m/04jpl +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/064t9 /music/genre/artists /m/0167km +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/016tw3 +/m/0c3ns /award/award_winner/awards_won./award/award_honor/award_winner /m/07b3r9 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04306rv +/m/01gw4f /people/person/sibling_s./people/sibling_relationship/sibling /m/02vyw +/m/03swmf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/033071 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/027qgy +/m/0cvbb9q /people/person/gender /m/05zppz +/m/01vj9c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvf3b +/m/05mxw33 /people/person/profession /m/01c72t +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/08j7lh +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/088tb /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02k54 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0d3fdn +/m/01cw6l /location/location/time_zones /m/052vwh +/m/0488g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03v0t /location/location/contains /m/0sc6p +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0msck /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02b15h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/0gxsh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x8z_ +/m/02_h0 /film/film_subject/films /m/026390q +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04znsy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/025sc50 /music/genre/artists /m/01vvyvk +/m/03f77 /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/015y3j /education/educational_institution/school_type /m/01rs41 +/m/063ykwt /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0151zx /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0mwl2 /location/location/contains /m/0_3cs +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/095z4q /film/film/produced_by /m/02r251z +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/015qsq /film/film/genre /m/01f9r0 +/m/056rgc /people/person/place_of_birth /m/02_286 +/m/0b6f8pf /film/film/production_companies /m/017s11 +/m/034cj9 /people/deceased_person/place_of_death /m/02_286 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/01tx9m /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01zwy +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wp63 +/m/07swvb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/062dn7 +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076xkps +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01y_px /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcdn +/m/07s9rl0 /media_common/netflix_genre/titles /m/01242_ +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/0b_6lb /time/event/locations /m/0lphb +/m/01hp5 /film/film/music /m/01vvycq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04k3r_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019ltg +/m/01gkmx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06rgq +/m/01tw31 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zrhb +/m/06sfk6 /film/film/genre /m/07s9rl0 +/m/039bpc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s44 +/m/03lty /music/genre/artists /m/03h502k +/m/070g7 /film/film/featured_film_locations /m/0qr8z +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/025rpb0 /people/ethnicity/people /m/01w58n3 +/m/02m0b0 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/012ycy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031rq5 +/m/022r38 /education/educational_institution/school_type /m/01rs41 +/m/0mk1z /location/location/time_zones /m/02hczc +/m/018d6l /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/058z1hb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/02725hs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0n_hp +/m/02ld6x /influence/influence_node/influenced_by /m/041_y +/m/01_r9k /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/041rx /people/ethnicity/people /m/01cspq +/m/02qyxs5 /award/award_category/winners./award/award_honor/award_winner /m/05jcn8 +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022yb4 +/m/05p5nc /people/person/profession /m/02hrh1q +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lp3c +/m/03jb2n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07tlfx /film/film/executive_produced_by /m/0b1f49 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02gnmp +/m/01wd9lv /people/person/profession /m/01c8w0 +/m/01f7kl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0f0y8 /people/person/gender /m/05zppz +/m/02vm9nd /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpxp +/m/01f2f8 /people/person/nationality /m/03rjj +/m/057d89 /people/person/gender /m/05zppz +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015xp4 +/m/03z9585 /film/film/produced_by /m/02pq9yv +/m/01_x6v /film/actor/film./film/performance/film /m/03n3gl +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/01vsy9_ /people/person/religion /m/0c8wxp +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0gcs9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/01svq8 /people/person/places_lived./people/place_lived/location /m/068p2 +/m/01pr_j6 /people/person/profession /m/01c72t +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/070tng +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0jmdb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/057bc6m /film/film_set_designer/film_sets_designed /m/029jt9 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025j1t +/m/0j0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07q0g5 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/09c7w0 /location/location/contains /m/0k1jg +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/06cgf /film/film/dubbing_performances./film/dubbing_performance/actor /m/017vkx +/m/05rx__ /influence/influence_node/influenced_by /m/01nrq5 +/m/088vmr /music/genre/parent_genre /m/0y2tr +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jfrg +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/02yy9r /film/film/production_companies /m/0283xx2 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02qvvv +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/01wmcbg /people/person/profession /m/0nbcg +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0f0z_ /location/location/contains /m/0f102 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/07c2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0p_47 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vhb0 +/m/0162b /location/location/contains /m/021j38 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/064_8sq /media_common/netflix_genre/titles /m/04h4c9 +/m/02847m9 /film/film/genre /m/01j28z +/m/027ydt /education/educational_institution_campus/educational_institution /m/027ydt +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/01rcmg +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02hg53 +/m/012d40 /people/person/profession /m/01d_h8 +/m/03v0t /location/location/contains /m/0sgxg +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/07z6xs /film/film/film_format /m/07fb8_ +/m/0vhm /tv/tv_program/genre /m/05p553 +/m/05nrg /location/location/contains /m/01b8jj +/m/015cbq /award/award_winner/awards_won./award/award_honor/award_winner /m/013ybx +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/03x22w +/m/0phx4 /music/group_member/membership./music/group_membership/group /m/03fbc +/m/02zr0z /organization/organization/headquarters./location/mailing_address/citytown /m/0dzt9 +/m/03hpr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/07cjqy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01s21dg +/m/0xhtw /music/genre/artists /m/016m5c +/m/03f0r5w /people/person/gender /m/05zppz +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/01qn8k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgv4 +/m/05k7sb /location/location/contains /m/01m7mv +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07y9w5 +/m/0ph2w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lyx4 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/026gb3v /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/0fq117k /people/person/profession /m/02hrh1q +/m/0ds2sb /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0b256b +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/07cdz /film/film/music /m/02ryx0 +/m/0fb2l /music/artist/origin /m/01d66p +/m/0gtsxr4 /film/film/genre /m/01hmnh +/m/019lvv /sports/sports_team/colors /m/019sc +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0267wwv +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/0gywn /music/genre/artists /m/05d8vw +/m/026dx /people/person/profession /m/02krf9 +/m/02vp1f_ /film/film/country /m/0f8l9c +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/05sj55 +/m/02v8kmz /film/film/genre /m/03mqtr +/m/09c7w0 /location/location/contains /m/03wv2g +/m/02k6hp /people/cause_of_death/people /m/01vq3nl +/m/04yyhw /people/person/nationality /m/09c7w0 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/0p_sc /film/film/genre /m/05c3mp2 +/m/0bpk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/02ktt7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0c01c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gz5hs +/m/09c7w0 /location/country/second_level_divisions /m/0kwgs +/m/06mnps /people/person/languages /m/02h40lc +/m/03cp7b3 /people/person/profession /m/02pjxr +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/063t3j +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0sx8l /olympics/olympic_games/participating_countries /m/03gj2 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/04l5f2 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/030qb3t +/m/05zr0xl /tv/tv_program/genre /m/09dhj +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0drc1 /people/person/profession /m/01c8w0 +/m/0f6rc /base/culturalevent/event/entity_involved /m/04xzm +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/01nv4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/084w8 /influence/influence_node/influenced_by /m/07g2b +/m/0lgxj /olympics/olympic_games/participating_countries /m/01crd5 +/m/04nnpw /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01vng3b /people/person/profession /m/039v1 +/m/01pgzn_ /people/person/profession /m/016z4k +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/089tm +/m/03n0q5 /people/person/religion /m/03_gx +/m/04k05 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p7h7 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/0lbfv /education/educational_institution/students_graduates./education/education/student /m/071ywj +/m/015k7 /organization/organization_founder/organizations_founded /m/092bf5 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/03lrht /film/film/genre /m/01jfsb +/m/04k4l /organization/organization/headquarters./location/mailing_address/citytown /m/03902 +/m/02psqkz /location/country/form_of_government /m/01fpfn +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/041rx /people/ethnicity/people /m/0gz5hs +/m/023g6w /film/film/country /m/0345h +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gg8l /music/genre/artists /m/02j3d4 +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjp +/m/01vd7hn /people/person/nationality /m/09c7w0 +/m/0gyx4 /film/actor/film./film/performance/film /m/035_2h +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/02fb1n /people/person/places_lived./people/place_lived/location /m/02dtg +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0prjs /film/actor/film./film/performance/film /m/031778 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/03193l /people/person/gender /m/05zppz +/m/03s9kp /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/056ws9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06wbm8q +/m/03v1s /location/location/contains /m/0sqc8 +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0882r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06jkm /people/person/nationality /m/09c7w0 +/m/0d__g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/081pw /film/film_subject/films /m/0bl5c +/m/02v49c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09gb9xh +/m/09c7w0 /location/country/second_level_divisions /m/0jgk3 +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07hwkr /people/ethnicity/people /m/01nm3s +/m/07fzq3 /people/person/nationality /m/06bnz +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/03vfr_ /film/film/genre /m/0hcr +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0ddkf /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/045j3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/064_8sq /language/human_language/countries_spoken_in /m/03676 +/m/064r97z /film/film/language /m/02h40lc +/m/07ykkx5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/042xh /influence/influence_node/influenced_by /m/0jt90f5 +/m/079dy /people/person/profession /m/0cbd2 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/05cj4r /people/person/profession /m/02hrh1q +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/06nns1 /people/person/languages /m/06nm1 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/02hfp_ +/m/019lty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/017dtf /tv/tv_program/genre /m/07s9rl0 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1xb +/m/07r1h /film/actor/film./film/performance/film /m/03q5db +/m/03f0qd7 /people/person/employment_history./business/employment_tenure/company /m/02nddq +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd92 +/m/0by17xn /film/film/language /m/06b_j +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c0tzp +/m/01wt4wc /people/person/place_of_birth /m/02j3w +/m/01xlqd /film/film/genre /m/0hn10 +/m/0gdh5 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0dq9p /people/cause_of_death/people /m/0hqgp +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/07vn_9 /film/film/language /m/02h40lc +/m/04mhbh /film/actor/film./film/performance/film /m/0407yfx +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bdxs5 +/m/07c6l /music/instrument/instrumentalists /m/0bqsy +/m/01kh2m1 /people/person/gender /m/05zppz +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0bq2g +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06nz46 +/m/0473rc /film/film/country /m/0345h +/m/05txrz /film/actor/film./film/performance/film /m/0bvn25 +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/01p1z_ +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/01p7yb /film/actor/film./film/performance/film /m/027r9t +/m/05mph /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0828jw +/m/01b66d /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01f7kl /film/film/executive_produced_by /m/06pj8 +/m/0b_72t /time/event/locations /m/0vzm +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0dj0m5 /film/film/genre /m/017fp +/m/0bl3nn /film/film/country /m/09c7w0 +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/015f7 +/m/09pmkv /location/location/contains /m/01jc9d +/m/01pcz9 /award/award_winner/awards_won./award/award_honor/award_winner /m/023s8 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0hdf8 /music/genre/artists /m/0jn38 +/m/03hjv97 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072twv +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fvzg +/m/033tf_ /people/ethnicity/people /m/0cf2h +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/02xbw2 +/m/0852z /media_common/netflix_genre/titles /m/02nx2k +/m/0d_wms /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0209xj /film/film/country /m/09c7w0 +/m/07sqnh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/0342h /music/instrument/instrumentalists /m/01m7pwq +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/01qygl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0x8 +/m/020ffd /people/person/profession /m/02hrh1q +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/017ztv +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/049ql1 /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/01vdrw /influence/influence_node/influenced_by /m/02kz_ +/m/03zj9 /education/educational_institution/colors /m/01g5v +/m/0bqvs2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xb2w +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hc1j +/m/034qg /people/cause_of_death/people /m/06hmd +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/047f9jp /people/person/nationality /m/05sb1 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02cvcd /organization/organization/headquarters./location/mailing_address/citytown /m/0f2tj +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/0p5wz /education/educational_institution/school_type /m/05jxkf +/m/086sj /people/person/gender /m/02zsn +/m/04xvlr /media_common/netflix_genre/titles /m/04165w +/m/02237m /education/educational_institution/students_graduates./education/education/student /m/015wnl +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/06cm5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02hct1 /tv/tv_program/languages /m/02h40lc +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/07ssc /location/location/contains /m/0nlg4 +/m/0mj1l /film/actor/film./film/performance/film /m/0h6r5 +/m/049k07 /people/person/profession /m/09jwl +/m/09d5d5 /people/person/nationality /m/02jx1 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/048hf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/023qfd /people/person/religion /m/0g5llry +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/02lbrd /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/06by7 /music/genre/artists /m/01vtj38 +/m/0j6cj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05xzcz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01mt1fy /people/person/profession /m/02hrh1q +/m/0gd92 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yzbg /film/film/genre /m/07s9rl0 +/m/017z88 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01_6dw /people/person/places_lived./people/place_lived/location /m/0tk02 +/m/01gkmx /film/actor/film./film/performance/film /m/011ysn +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/023ny6 +/m/03j0ss /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cgfb /film/actor/film./film/performance/film /m/01shy7 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/0f7h2g /people/person/gender /m/05zppz +/m/020qr4 /tv/tv_program/languages /m/02h40lc +/m/09zmys /film/actor/film./film/performance/film /m/09g8vhw +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nln +/m/02x8m /music/genre/artists /m/043zg +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07f5x +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/02k4b2 /film/actor/film./film/performance/film /m/02qlp4 +/m/01rt2z /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03ds3 /people/person/nationality /m/09c7w0 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/07lp1 /people/person/places_lived./people/place_lived/location /m/04n3l +/m/034hck /people/person/nationality /m/09c7w0 +/m/055z7 /organization/organization/headquarters./location/mailing_address/citytown /m/06y57 +/m/03n_7k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/02_340 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0162c8 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01wkmgb /people/person/gender /m/05zppz +/m/0lx2l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/02z1yj +/m/094g2z /film/film/music /m/02jxkw +/m/018j2 /music/instrument/instrumentalists /m/01vsl3_ +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ctc6 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03mfqm +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016clz /music/genre/artists /m/0dl567 +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0htww /film/film/genre /m/07s9rl0 +/m/05jg58 /music/genre/parent_genre /m/0xhtw +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/09p35z /film/film/executive_produced_by /m/01j2xj +/m/02rn00y /film/film/language /m/06nm1 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/070m6c +/m/01bcp7 /people/cause_of_death/people /m/040z9 +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/01tj34 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0187y5 +/m/044p4_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07sbbz2 /music/genre/artists /m/01wp8w7 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0p7pw /film/film/genre /m/0gsy3b +/m/06t8b /people/person/profession /m/01d_h8 +/m/0n4yq /location/location/time_zones /m/02hczc +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/078sj4 /film/film/genre /m/07s9rl0 +/m/01lk0l /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbhy7 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0frm7n +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02hy9p +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lbrd +/m/01crd5 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/09ps01 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/01gc7h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/032_wv /film/film/country /m/09c7w0 +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05hywl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02vqpx8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gp3x +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/0ckt6 /film/film/genre /m/01drsx +/m/02nx2k /film/film/music /m/02jxkw +/m/0jnb0 /people/person/profession /m/015h31 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/01g4bk +/m/01jrp0 /film/actor/film./film/performance/film /m/0hv4t +/m/0pz7h /people/person/gender /m/02zsn +/m/0pkr1 /film/actor/film./film/performance/film /m/0gl02yg +/m/0jbp0 /film/actor/film./film/performance/film /m/0127ps +/m/09c7w0 /location/country/second_level_divisions /m/0gv10 +/m/01x4r3 /people/person/gender /m/05zppz +/m/07s9rl0 /media_common/netflix_genre/titles /m/0b2km_ +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0177gl +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/01h2_6 /influence/influence_node/influenced_by /m/048cl +/m/0234_c /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06by7 /music/genre/artists /m/0qf3p +/m/05rh2 /base/biblioness/bibs_location/country /m/0d060g +/m/02ryz24 /film/film/genre /m/06nbt +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/04ghz4m /film/film/edited_by /m/04_m9gk +/m/01vg13 /education/educational_institution/colors /m/036k5h +/m/0g7pm /location/location/contains /m/02p72j +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/096cw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0c7lcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08k881 +/m/0gy0n /film/film/genre /m/03npn +/m/0nk3g /music/genre/parent_genre /m/06j6l +/m/02bj22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07cz2 +/m/049m19 /people/person/profession /m/0d1pc +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/016yvw /film/actor/film./film/performance/film /m/0gmgwnv +/m/06r713 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/04t061 /music/record_label/artist /m/06lxn +/m/0d3f83 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kj5h +/m/0x67 /people/ethnicity/people /m/048s0r +/m/080h2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07swvb +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/018c_r /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/023t0q /people/person/profession /m/0lgw7 +/m/059g4 /location/location/contains /m/01jswq +/m/06npd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lzkm /people/person/profession /m/09jwl +/m/01kkfp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/044mz_ /people/person/place_of_birth /m/01rmjw +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/017z88 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/016fnb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pzc4 +/m/01v_pj6 /people/person/profession /m/02dsz +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d3fdn +/m/025sc50 /music/genre/artists /m/01vrt_c +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yzvw +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yn5 +/m/0jyb4 /film/film/written_by /m/01wyy_ +/m/0192hw /film/film/featured_film_locations /m/01bkb +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wcx8c +/m/02ply6j /people/person/nationality /m/03rk0 +/m/01n1gc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c5tl /people/deceased_person/place_of_burial /m/0bvqq +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/06cgy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/05vsxz +/m/02rtqvb /film/film/genre /m/07s9rl0 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbwx +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/01j7z7 /people/person/profession /m/02hrh1q +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/081t6 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/019n7x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04cf09 +/m/01_3rn /base/culturalevent/event/entity_involved /m/01flgk +/m/015_1q /music/record_label/artist /m/07h76 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/02tfl8 /medicine/symptom/symptom_of /m/09jg8 +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/018fq /influence/influence_node/influenced_by /m/0gd_s +/m/07ssc /location/location/contains /m/0677j +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0svqs +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0h3mh3q /tv/tv_program/genre /m/01hmnh +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/016ntp /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0lhql /location/hud_county_place/place /m/0lhql +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hhrs +/m/01dvtx /influence/influence_node/influenced_by /m/0gz_ +/m/09c7w0 /location/location/contains /m/0tgcy +/m/0gy2y8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/031ydm /people/person/gender /m/02zsn +/m/0581vn8 /film/film/language /m/02h40lc +/m/0bdt8 /people/person/languages /m/064_8sq +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163m1 +/m/01vrt_c /award/award_winner/awards_won./award/award_honor/award_winner /m/01wyz92 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05zrx3v /people/person/employment_history./business/employment_tenure/company /m/030_1m +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/0gyh2wm /film/film/country /m/09c7w0 +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gr2 +/m/03n0q5 /people/person/profession /m/0dxtg +/m/01th4s /music/record_label/artist /m/02cpp +/m/0tz1j /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3hn +/m/0f0y8 /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/028hc2 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0kbf1 /film/film/language /m/064_8sq +/m/015_1q /music/record_label/artist /m/024zq +/m/01cd7p /award/award_category/disciplines_or_subjects /m/0dwly +/m/0djywgn /film/actor/film./film/performance/film /m/02gqm3 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03qdm +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/015fs3 /education/educational_institution/colors /m/01l849 +/m/0c43g /people/person/religion /m/0c8wxp +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015wc0 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/09xx0m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/015p37 /people/person/religion /m/0kpl +/m/0b82vw /music/artist/origin /m/0f2r6 +/m/01bpnd /people/person/nationality /m/02jx1 +/m/09wv__ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0py9b +/m/056ws9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b7gxq /people/person/profession /m/03gjzk +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/05nqz /time/event/locations /m/03pn9 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/09qycb /film/film/cinematography /m/08z39v +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/08f3b1 /people/person/profession /m/0fj9f +/m/0d0vj4 /people/person/places_lived./people/place_lived/location /m/0k39j +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0584j4n /film/film_set_designer/film_sets_designed /m/0k5g9 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0315q3 /people/person/profession /m/018gz8 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/047c9l /film/actor/film./film/performance/film /m/0bm2nq +/m/01kj0p /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01tvz5j +/m/0bpx1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/01mxnvc /people/person/profession /m/016z4k +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vwllw +/m/05d1y /people/person/profession /m/09j9h +/m/04cf09 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/04xhwn /people/person/profession /m/02hrh1q +/m/03qjg /music/instrument/instrumentalists /m/01vswwx +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/09pmkv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/0170s4 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vw20_ +/m/0262s1 /award/award_category/winners./award/award_honor/award_winner /m/01zwy +/m/056wb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01vsy3q /people/person/gender /m/05zppz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/0gyx4 /people/person/profession /m/02jknp +/m/087pfc /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/07t3x8 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05tr7 +/m/04y8r /film/director/film /m/01719t +/m/01p4r3 /film/actor/film./film/performance/film /m/0ckt6 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/08w6v_ /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b64v +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/0j5q3 +/m/03b_fm5 /film/film/production_companies /m/016tw3 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02grjf /education/educational_institution/school_type /m/05pcjw +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/09c7w0 /location/location/contains /m/086xm +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/03q3x5 /people/person/gender /m/02zsn +/m/06chf /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/063ykwt +/m/0f_nbyh /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/032nwy /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/018vs /music/instrument/instrumentalists /m/01nrz4 +/m/01pvxl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/location/contains /m/0dclg +/m/02km0m /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v8clw /film/film/genre /m/03k9fj +/m/02pk6x /film/actor/film./film/performance/film /m/06gb1w +/m/032r1 /influence/influence_node/influenced_by /m/03_hd +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02bqvs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02s4l6 /film/film/executive_produced_by /m/05hj_k +/m/07fvf1 /people/person/profession /m/0cbd2 +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/06btq /location/location/contains /m/0jpy_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/01n7q /location/location/contains /m/0l2nd +/m/017_qw /music/genre/artists /m/01l79yc +/m/05c26ss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0pdp8 /film/film/genre /m/06nbt +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0830vk +/m/063b4k /film/actor/film./film/performance/film /m/0dc_ms +/m/026n3rs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09k56b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017y26 /education/educational_institution/school_type /m/01rs41 +/m/06pk8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bh_v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04zw9hs +/m/06frc /location/country/official_language /m/0349s +/m/03rjj /location/location/contains /m/0hknf +/m/04f6df0 /film/film/executive_produced_by /m/06chf +/m/08cfr1 /film/film/genre /m/01fc50 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0840vq /people/person/place_of_birth /m/05qtj +/m/0835q /people/person/profession /m/0fj9f +/m/0237fw /people/person/profession /m/02hrh1q +/m/018_lb /film/actor/film./film/performance/film /m/09ps01 +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_j71 +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/01vrlqd /people/person/place_of_birth /m/02_286 +/m/0dgq_kn /film/film/executive_produced_by /m/07s93v +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/0p_47 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/01bzr4 /people/person/nationality /m/09c7w0 +/m/04k15 /people/person/profession /m/01c72t +/m/0175wg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j8nx +/m/0bj9k /film/actor/film./film/performance/film /m/02py4c8 +/m/0239zv /people/person/profession /m/0dxtg +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/01clyr /music/record_label/artist /m/01304j +/m/0fc1_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc_9 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/072vj /film/director/film /m/0340hj +/m/03mqtr /media_common/netflix_genre/titles /m/011yth +/m/0hcs3 /people/person/nationality /m/09c7w0 +/m/0gyx4 /people/person/spouse_s./people/marriage/spouse /m/028knk +/m/03_1pg /people/person/gender /m/02zsn +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/07024 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/086qd /people/person/profession /m/01d_h8 +/m/081lh /people/person/spouse_s./people/marriage/spouse /m/01cpqk +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0d0mbj +/m/07wlf /education/educational_institution/campuses /m/07wlf +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/02rf51g /people/person/place_of_birth /m/0dyl9 +/m/06yykb /film/film/genre /m/03npn +/m/015_z1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02xj3rw /award/award_category/winners./award/award_honor/award_winner /m/02mt4k +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxbw +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/0ht8h /location/location/contains /m/0174qm +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/034r25 /film/film/language /m/02h40lc +/m/0frm7n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0jvtp /film/actor/film./film/performance/film /m/027r7k +/m/018j2 /music/instrument/instrumentalists /m/0167v4 +/m/02ctzb /people/ethnicity/people /m/0d3k14 +/m/0283d /music/genre/parent_genre /m/06__c +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/02nwxc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/07s9rl0 /media_common/netflix_genre/titles /m/09rvwmy +/m/01svry /film/film/genre /m/03npn +/m/0dryh9k /people/ethnicity/people /m/02hkvw +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/0h7pj /film/actor/film./film/performance/film /m/0pk1p +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/0gfsq9 /award/award_winning_work/awards_won./award/award_honor/award /m/02g2wv +/m/01lw3kh /people/person/profession /m/01c72t +/m/0ds33 /film/film/featured_film_locations /m/02_286 +/m/02q5g1z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03cw411 +/m/02rcwq0 /tv/tv_program/genre /m/02n4kr +/m/04ltlj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03xl77 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/04kjvt /music/record_label/artist /m/01j6mff +/m/0mbct /music/instrument/family /m/0l14md +/m/03cv_gy /film/film/genre /m/02p0szs +/m/05f4vxd /tv/tv_program/genre /m/07s9rl0 +/m/034rd /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05rrw9 +/m/02bg8v /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/041td_ /film/film/written_by /m/022_q8 +/m/0g8fs /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/07w3r /education/educational_institution/school_type /m/01rs41 +/m/06m6p7 /people/person/profession /m/02hrh1q +/m/0_b3d /film/film/produced_by /m/01j5sd +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0mx5p /location/location/contains /m/02mf7 +/m/05jyb2 /film/film/genre /m/07s9rl0 +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02607j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0301yj +/m/08k881 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/021b_ /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/06x6s +/m/01w40h /music/record_label/artist /m/016h4r +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/04_bfq +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/016nff +/m/02jx1 /location/location/contains /m/025569 +/m/0154qm /film/actor/film./film/performance/film /m/021y7yw +/m/0425gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/05r7t /location/country/form_of_government /m/06cx9 +/m/0mx7f /location/location/contains /m/0zdfp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnkb +/m/02245 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/09py7 +/m/0ml_m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlw1 +/m/032qgs /people/person/profession /m/01d_h8 +/m/01lbcqx /film/film/written_by /m/063_t +/m/01zmpg /people/person/profession /m/016z4k +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/08d6bd +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03jm6c /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07r1h /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_st +/m/01pbxb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3351 /media_common/netflix_genre/titles /m/0llcx +/m/015np0 /film/actor/film./film/performance/film /m/04vh83 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0mnwd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/04tqtl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kr_t +/m/05kkh /location/location/contains /m/0myn8 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jfw +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/037w7r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0hkqn /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03c_cxn +/m/03rhqg /music/record_label/artist /m/03193l +/m/06w7v /music/instrument/instrumentalists /m/014q2g +/m/026t6 /music/instrument/instrumentalists /m/09mq4m +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/09v478h /award/award_category/disciplines_or_subjects /m/0w7c +/m/03mp9s /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/067sqt /people/person/nationality /m/09c7w0 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01gbn6 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/01l03w2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09q23x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxmr +/m/0164y7 /people/person/profession /m/02hv44_ +/m/0534v /film/director/film /m/0564x +/m/0ckrnn /film/film/language /m/04306rv +/m/09c04n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/064t9 /music/genre/artists /m/015f7 +/m/04wf_b /film/actor/film./film/performance/film /m/0bxsk +/m/0gcpc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03l26m /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm3v +/m/01yznp /people/person/profession /m/02hrh1q +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/03h2p5 /people/person/profession /m/0n1h +/m/09dhj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rcr +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/0xbm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fpkxfd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0794g /film/actor/film./film/performance/film /m/05sy_5 +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0dzc16 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrbbx +/m/03w94xt /music/genre/artists /m/048xh +/m/05wm88 /people/person/places_lived./people/place_lived/location /m/013yq +/m/06pvr /location/location/contains /m/02zd460 +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015g28 +/m/085gk /people/person/religion /m/07w8f +/m/0g39h /location/location/contains /m/01b8jj +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kr_t +/m/06r1k /tv/tv_program/genre /m/07s9rl0 +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c6qh +/m/03548 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/04ty8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0411q /people/person/gender /m/05zppz +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03sww /people/person/profession /m/0dxtg +/m/01_0f7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0j4b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sxly +/m/05f4_n0 /film/film/production_companies /m/03xsby +/m/09tqkv2 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/09c7w0 /location/location/contains /m/0b5hj5 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hv8w /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09fn1w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b1f49 /people/person/gender /m/05zppz +/m/03k1vm /film/actor/film./film/performance/film /m/0k4d7 +/m/04vcdj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/06l22 /sports/sports_team/sport /m/02vx4 +/m/03zrc_ /sports/sports_team/sport /m/02vx4 +/m/01wwvt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ttg5 +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0jgd /people/person/gender /m/02zsn +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02rv1w /education/educational_institution/campuses /m/02rv1w +/m/05lwjc /music/genre/artists /m/0ffgh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06sw9 +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/095w_ +/m/0hmr4 /film/film/genre /m/02l7c8 +/m/07z1m /location/location/contains /m/0438f +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/033tf_ /people/ethnicity/people /m/058s44 +/m/0347db /people/person/profession /m/0dz96 +/m/02114t /film/actor/film./film/performance/film /m/09jcj6 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0266r6h /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/01f6zc /people/person/gender /m/05zppz +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01cl2y /music/record_label/artist /m/01w524f +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01z9l_ /music/genre/parent_genre /m/07gxw +/m/0jgg3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lw8j /music/genre/artists /m/01wg982 +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/09qr6 /people/person/profession /m/09jwl +/m/06x77g /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/099d4 /people/person/gender /m/05zppz +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/05qx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06cp5 /music/genre/parent_genre /m/07gxw +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/06k02 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w40h /music/record_label/artist /m/01t_xp_ +/m/052smk /music/genre/artists /m/016wvy +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/03wy70 /film/actor/film./film/performance/film /m/01cycq +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0167xy /influence/influence_node/influenced_by /m/033s6 +/m/05xpv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08s6mr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02n4kr /media_common/netflix_genre/titles /m/09p4w8 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443xn +/m/07ssc /media_common/netflix_genre/titles /m/035zr0 +/m/03dbww /people/person/nationality /m/09c7w0 +/m/029jt9 /film/film/production_companies /m/05qd_ +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/0dpl44 /film/film/genre /m/07s9rl0 +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/05zh9c +/m/014kkm /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02sjf5 /people/deceased_person/place_of_death /m/02_286 +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/0kj34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01817f +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/09pmkv /location/country/capital /m/049d1 +/m/03whyr /film/film/production_companies /m/01795t +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/05zlld0 /film/film/production_companies /m/05qd_ +/m/09q23x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01bl7g /film/film/genre /m/04xvh5 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/04h5_c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0dt_q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pcmd /people/person/profession /m/01d_h8 +/m/0h005 /people/person/profession /m/0d8qb +/m/02rb84n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wk7b /film/film/language /m/02h40lc +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/063g7l /people/person/profession /m/02hrh1q +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0169t /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cpqk /film/actor/film./film/performance/film /m/0sxns +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/05fnl9 /film/actor/film./film/performance/film /m/0c00zd0 +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/03x1s8 /education/educational_institution/campuses /m/03x1s8 +/m/012hw /people/cause_of_death/people /m/04jvt +/m/04xfb /people/person/nationality /m/03rk0 +/m/030g9z /award/award_winner/awards_won./award/award_honor/award_winner /m/07myb2 +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/01pfkw /people/person/profession /m/012t_z +/m/02h0f3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/04fv5b /film/film/language /m/02h40lc +/m/03rk0 /location/location/contains /m/0cvw9 +/m/05jzt3 /film/film/genre /m/02l7c8 +/m/01nzz8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jz9f /organization/organization/child./organization/organization_relationship/child /m/032j_n +/m/01y3v /sports/sports_team/colors /m/02rnmb +/m/0571m /film/film/genre /m/0lsxr +/m/01zfzb /film/film/genre /m/01t_vv +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04v09 +/m/01j7mr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/0ynfz +/m/0464pz /tv/tv_program/program_creator /m/05gp3x +/m/0bs4r /film/film/country /m/07ssc +/m/01qscs /film/actor/film./film/performance/film /m/016fyc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1gz +/m/02b0y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01p7s6 /people/ethnicity/people /m/03f0324 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01ty4 +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rv_dz +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05pxnmb +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01cv3n /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0kb57 /film/film/film_production_design_by /m/0638kv +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0bl06 /film/film/music /m/02w670 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02j04_ +/m/02cllz /film/actor/film./film/performance/film /m/03y0pn +/m/03d34x8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_0f7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bdxs5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/06s_2 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14md /music/instrument/instrumentalists /m/048tgl +/m/01fxg8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/06c62 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0197tq /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02v63m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08nz99 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0gdh5 /people/person/place_of_birth /m/05ksh +/m/09rsjpv /film/film/country /m/09c7w0 +/m/06t74h /film/actor/film./film/performance/film /m/05sy_5 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/016nff /film/actor/film./film/performance/film /m/0407yfx +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/046zh /film/actor/film./film/performance/film /m/04cj79 +/m/0gvs1kt /film/film/genre /m/03k9fj +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/01h6pn /base/culturalevent/event/entity_involved /m/01h3dj +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0gvvm6l /film/film/film_festivals /m/0j63cyr +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026n4h6 +/m/081nh /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/02hwhyv /language/human_language/countries_spoken_in /m/06qd3 +/m/03f7xg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0dr_4 /film/film/language /m/04306rv +/m/059s8 /base/biblioness/bibs_location/country /m/0d060g +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0bhvtc +/m/01pxqx /location/location/time_zones /m/03bdv +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01h1b /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/09c7w0 /location/location/contains /m/06l32y +/m/04gfy7 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0kq95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/06wvj /people/deceased_person/place_of_death /m/04swd +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bbm7r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01hkhq +/m/01rzxl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/0181dw /music/record_label/artist /m/01trhmt +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmdwwg +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02_lt +/m/09n48 /olympics/olympic_games/sports /m/09wz9 +/m/07x4qr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/04shbh /people/person/gender /m/05zppz +/m/0kryqm /people/person/places_lived./people/place_lived/location /m/07_pf +/m/0l14qv /music/instrument/instrumentalists /m/01vs14j +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01hp5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/02tf1y /influence/influence_node/influenced_by /m/014zfs +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/06sw9 /location/country/form_of_government /m/01d9r3 +/m/0bxsk /film/film/genre /m/0lsxr +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/07s8r0 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/01gb54 +/m/0cm2xh /time/event/locations /m/0dg3n1 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0170qf +/m/05314s /base/aareas/schema/administrative_area/administrative_parent /m/078lk +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/0_jm /education/field_of_study/students_majoring./education/education/major_field_of_study /m/09s1f +/m/0hfzr /film/film/language /m/03hkp +/m/0277j40 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04gc65 /people/person/place_of_birth /m/068p2 +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06nm1 +/m/029_3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/01shy7 /film/film/music /m/02g1jh +/m/030tjk /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01vvb4m /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/023tp8 +/m/01zlx /location/location/time_zones /m/02fqwt +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/09c7w0 /location/location/contains /m/0cb4j +/m/02qr69m /film/film/genre /m/0hn10 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/03gr7w +/m/03fw4y /organization/organization_founder/organizations_founded /m/099ks0 +/m/0xhtw /music/genre/artists /m/01whg97 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/017s11 /organization/organization/place_founded /m/030qb3t +/m/02fttd /film/film/genre /m/0vgkd +/m/01qmy04 /music/artist/origin /m/0xn7q +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0chghy /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dp7wt +/m/02w7gg /people/ethnicity/people /m/0133sq +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/02cttt /education/university/fraternities_and_sororities /m/035tlh +/m/07vjm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/04rzd +/m/038bh3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043q6n_ +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01qszl +/m/0gywn /music/genre/artists /m/020_4z +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02vy5j +/m/02lfl4 /people/person/place_of_birth /m/0cr3d +/m/01vvybv /film/actor/film./film/performance/film /m/0kbwb +/m/0hpz8 /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01_vfy /film/director/film /m/027fwmt +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rjj +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/07q1m /film/film/genre /m/02m4t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/015qq1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04q827 +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0ms6_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/01797x /people/person/gender /m/05zppz +/m/0blfl /olympics/olympic_games/participating_countries /m/059j2 +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/0ctw_b +/m/0cqcgj /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/01vv126 +/m/04smkr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs8ndx /film/film/genre /m/02kdv5l +/m/061681 /film/film/genre /m/07s9rl0 +/m/06pj8 /film/director/film /m/04sh80 +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/06t2t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09r94m +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01l7cxq /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pbxb +/m/026t6 /music/instrument/instrumentalists /m/03mszl +/m/06lhbl /people/person/profession /m/0dgd_ +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95927 +/m/019vv1 /education/educational_institution/students_graduates./education/education/student /m/0fhxv +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02ntb8 /film/film/genre /m/01jfsb +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05z7c +/m/07myb2 /film/actor/film./film/performance/film /m/03xf_m +/m/0jvt9 /film/film/genre /m/0hfjk +/m/09gdm7q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/036nz /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/01cl0d /music/record_label/artist /m/020jqv +/m/05wjnt /people/person/languages /m/02h40lc +/m/025txtg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/022g44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/02qmsr /film/film/genre /m/07s9rl0 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fhj1 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/06zsk51 /film/film/country /m/09c7w0 +/m/02qd04y /film/film/language /m/01r2l +/m/04mzf8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0cg9y /people/person/profession /m/016z4k +/m/014635 /people/person/places_lived./people/place_lived/location /m/04ych +/m/04k9y6 /film/film/executive_produced_by /m/0fvf9q +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qg6g +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/016fmf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/044g_k /film/film/produced_by /m/06s26c +/m/03t1s /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07q1v4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/06sfk6 /film/film/featured_film_locations /m/02_286 +/m/0gxb2 /medicine/symptom/symptom_of /m/035482 +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b68vs +/m/0p7h7 /people/person/profession /m/05vyk +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/068cn /location/location/contains /m/052gtg +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/06xj4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01hn_t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018p4y +/m/01xzb6 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy4k +/m/01pcbg /film/actor/film./film/performance/film /m/0pdp8 +/m/03y3bp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01mk6 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/0336mc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0xbm /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j2pg +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0lhql +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06rq2l +/m/012j5h /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/013yq /location/location/contains /m/01_s9q +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/018lbg /location/location/time_zones /m/02hcv8 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/07tw_b /film/film/genre /m/0hn10 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01mvjl0 /people/person/place_of_birth /m/02_286 +/m/02d6n_ /people/person/profession /m/02hrh1q +/m/0dg3n1 /location/location/contains /m/036b_ +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01xbxn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03_3d /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/0pv3x /film/film/cinematography /m/08mhyd +/m/0ktx_ /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/01vvycq /people/person/profession /m/0cbd2 +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7jc +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01ggc9 /film/actor/film./film/performance/film /m/01k1k4 +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04mz10g +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09rx7tx +/m/016yxn /film/film/featured_film_locations /m/02301 +/m/02b61v /film/film/featured_film_locations /m/06y57 +/m/03tw2s /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/06t2t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03bmmc +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06z9f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/019fz /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/03rhqg /music/record_label/artist /m/04s5_s +/m/04n1q6 /organization/role/leaders./organization/leadership/organization /m/011xy1 +/m/01lct6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gl88b +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01j_cy +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01trf3 +/m/02vtnf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bmh4 +/m/04xvlr /media_common/netflix_genre/titles /m/03cv_gy +/m/014tss /location/country/form_of_government /m/01q20 +/m/0ccd3x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fd3y /music/genre/artists /m/0jg77 +/m/04xg2f /film/film/genre /m/060__y +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0f87jy /people/person/place_of_birth /m/0dzt9 +/m/03f3yfj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09n48 /olympics/olympic_games/participating_countries /m/07t21 +/m/03w7kx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/0jpkg /location/location/time_zones /m/02hcv8 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0172jm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/047qxs /film/film/country /m/09c7w0 +/m/015zql /people/person/profession /m/02krf9 +/m/0gd_b_ /film/actor/film./film/performance/film /m/04b_jc +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/0517bc /film/actor/film./film/performance/film /m/0n_hp +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03__77 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02p72j /education/educational_institution/campuses /m/02p72j +/m/01s5q /film/film_subject/films /m/0k7tq +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/0456zg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bk1y +/m/0fwy0h /people/person/nationality /m/09c7w0 +/m/0_g_6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hdht /people/person/profession /m/02jknp +/m/013x0b /business/business_operation/industry /m/04rlf +/m/034r25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/067pl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07rd7 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0k8z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/050gkf +/m/04gc65 /film/actor/film./film/performance/film /m/0jzw +/m/07sbbz2 /music/genre/artists /m/01vn35l +/m/016srn /people/person/profession /m/02hrh1q +/m/0ym17 /location/location/time_zones /m/03bdv +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/0dl567 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/07mvp +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/02l1fn /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04mcw4 /film/film/genre /m/01jfsb +/m/07ssc /location/location/contains /m/0173s9 +/m/06ns98 /people/person/places_lived./people/place_lived/location /m/02m77 +/m/06p0s1 /people/person/gender /m/05zppz +/m/02lfwp /award/award_winner/awards_won./award/award_honor/award_winner /m/0kvqv +/m/07h1q /influence/influence_node/influenced_by /m/03sbs +/m/012fvq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/0f42nz /film/film/genre /m/02kdv5l +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0147dk /people/person/place_of_birth /m/0dclg +/m/0dclg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjf +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/0184tc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/02rhwjr /tv/tv_program/genre /m/0hcr +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/01bj6y /people/person/profession /m/02hrh1q +/m/01tzm9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0g6ff /people/ethnicity/people /m/0k8y7 +/m/061xq /sports/sports_team/colors /m/01l849 +/m/016dgz /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01z1r +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/063fh9 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/05qbckf +/m/01tv3x2 /people/person/gender /m/05zppz +/m/0gmgwnv /dataworld/gardening_hint/split_to /m/0gmgwnv +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q01mn +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dx8gj +/m/0d608 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tnbn +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02wb6d +/m/05vtbl /award/award_winner/awards_won./award/award_honor/award_winner /m/09gb9xh +/m/01gf5h /music/group_member/membership./music/group_membership/role /m/0342h +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02rky4 +/m/07fj_ /location/location/contains /m/0ftn8 +/m/01kwsg /film/actor/film./film/performance/film /m/09sr0 +/m/05c17 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pdbs +/m/0z4s /film/actor/film./film/performance/film /m/035bcl +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/0kszw /people/person/gender /m/02zsn +/m/0488g9 /people/person/profession /m/01d_h8 +/m/01j851 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yzhn +/m/0738y5 /people/person/languages /m/03k50 +/m/02w3w /music/instrument/instrumentalists /m/025xt8y +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/04xvlr /media_common/netflix_genre/titles /m/02z0f6l +/m/0fpn8 /location/location/contains /m/01mgsn +/m/070fnm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/052_mn +/m/03fpx /music/genre/parent_genre /m/06by7 +/m/01jsn5 /education/educational_institution_campus/educational_institution /m/01jsn5 +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/06mzp +/m/084302 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/071x0k /people/ethnicity/geographic_distribution /m/0ctw_b +/m/01bj6y /people/person/places_lived./people/place_lived/location /m/01m1_d +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/05kkh /location/location/contains /m/0n228 +/m/05jyb2 /tv/tv_program/genre /m/0jtdp +/m/01p4vl /people/person/profession /m/018gz8 +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0hmxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06y9c2 /people/person/profession /m/09jwl +/m/06hzsx /people/deceased_person/place_of_burial /m/018mmj +/m/048tgl /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jzyf +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03h2d4 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/0kvbl6 /film/film/featured_film_locations /m/05kj_ +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01vvb4m /award/award_winner/awards_won./award/award_honor/award_winner /m/06mr6 +/m/035qy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/0z4_0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05tbn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09mfvx /business/business_operation/industry /m/02vxn +/m/05p7tx /organization/organization/headquarters./location/mailing_address/citytown /m/0947l +/m/0320fn /film/film/production_companies /m/031rx9 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/0263q4z /music/genre/parent_genre /m/01flzq +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02mjmr /people/person/profession /m/0cbd2 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027fwmt +/m/01jllg1 /people/person/place_of_birth /m/0cr3d +/m/07zhd7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/057n_g +/m/0f6_x /film/actor/film./film/performance/film /m/02dwj +/m/01243b /music/genre/artists /m/07n3s +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/05xvj +/m/051cc /people/deceased_person/place_of_death /m/0c_m3 +/m/01t_z /people/person/nationality /m/0345h +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/024d8w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0342h /music/instrument/instrumentalists /m/01vtqml +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/045c66 /film/actor/film./film/performance/film /m/045r_9 +/m/041rx /people/ethnicity/people /m/02fgp0 +/m/0fhzwl /tv/tv_program/country_of_origin /m/09c7w0 +/m/03_wm6 /film/film/genre /m/06www +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04205z +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04rrx /location/location/contains /m/0nj3m +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/01gfq4 /music/record_label/artist /m/0jg77 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/06j6l /music/genre/artists /m/043zg +/m/01gx5f /music/group_member/membership./music/group_membership/role /m/01v1d8 +/m/02vyh /business/business_operation/industry /m/02vxn +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/023tp8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqc_ +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07ym47 /music/genre/artists /m/017j6 +/m/02_sr1 /film/film/language /m/02h40lc +/m/047q2k1 /film/film/genre /m/04t36 +/m/07tds /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/084m3 +/m/0d0vqn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/018grr +/m/016gp5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02zd460 /education/educational_institution/school_type /m/07tf8 +/m/0392kz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fgg4 /people/person/gender /m/02zsn +/m/031vy_ /organization/organization/headquarters./location/mailing_address/citytown /m/0cvw9 +/m/04n8xs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0sg4x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02465 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04rvy8 /people/person/nationality /m/02jx1 +/m/013w7j /people/person/profession /m/09jwl +/m/0glt670 /music/genre/artists /m/01s1zk +/m/0xhtw /music/genre/artists /m/048tgl +/m/0c3351 /media_common/netflix_genre/titles /m/04ddm4 +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05gjfk +/m/019tfm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dbns /education/educational_institution_campus/educational_institution /m/0dbns +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gkz15s /film/film/genre /m/02kdv5l +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02jx1 /location/location/contains /m/01jxlz +/m/07jnt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/06dn58 /people/person/places_lived./people/place_lived/location /m/02xry +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01fwf1 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/05wp1p +/m/05r5w /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nrgq +/m/02184q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0n6ds /film/film/country /m/09c7w0 +/m/01llxp /people/person/nationality /m/03b79 +/m/015ln1 /education/educational_institution/school_type /m/01jlsn +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0fhzy /location/location/time_zones /m/02llzg +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/09c7w0 /location/location/contains /m/013d_f +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03lty /music/genre/artists /m/0ycfj +/m/01x4wq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/055c8 /film/actor/film./film/performance/film /m/02fqrf +/m/04jnd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/049mql /film/film/country /m/03rjj +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06srk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02_1rq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n6cs +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/0146mv /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/0gyfp9c /film/film/genre /m/02l7c8 +/m/0419kt /film/film/country /m/09c7w0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01hx2t +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04257b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/034np8 /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/04n1q6 /organization/role/leaders./organization/leadership/organization /m/013nky +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/03fmfs /education/educational_institution/colors /m/01g5v +/m/0cq7kw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04m1bm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/013d_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011yqc /film/film/cinematography /m/09bxq9 +/m/01p0vf /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0g9lm2 /film/film/featured_film_locations /m/04jpl +/m/06qm3 /media_common/netflix_genre/titles /m/0c8tkt +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_44z +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0151zx /people/person/nationality /m/02jx1 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/01vw8mh /people/person/nationality /m/09c7w0 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yph +/m/0fq9zdv /award/award_category/disciplines_or_subjects /m/0219x_ +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/07sbbz2 /music/genre/artists /m/015882 +/m/07c52 /media_common/netflix_genre/titles /m/05zr0xl +/m/0345h /media_common/netflix_genre/titles /m/03xj05 +/m/042v2 /people/person/profession /m/0dxtg +/m/02tgz4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/0xsk8 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/0184jc /film/actor/film./film/performance/film /m/017z49 +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/015_1q /music/record_label/artist /m/01v40wd +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/0bzyh /people/person/profession /m/0dxtg +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026p4q7 +/m/087r4 /location/administrative_division/first_level_division_of /m/0d060g +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0h1mt /award/award_winner/awards_won./award/award_honor/award_winner /m/0f502 +/m/0hyxv /sports/sports_team_location/teams /m/0j47s +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02h40lc /language/human_language/countries_spoken_in /m/0hzlz +/m/02t8gf /music/genre/artists /m/016lj_ +/m/0zqq8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/07d3x /people/person/gender /m/05zppz +/m/0fy34l /film/film/country /m/03_3d +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/025b5y /people/person/profession /m/02hrh1q +/m/026dx /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/01vw8mh +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01frpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dr9j /film/film/language /m/02h40lc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02kxbx3 +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/0fx2s /film/film_subject/films /m/0dr_4 +/m/0mhfr /music/genre/artists /m/03gr7w +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqkh +/m/09v38qj /tv/tv_program/genre /m/02n4kr +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/02kxjx /base/culturalevent/event/entity_involved /m/07_m9_ +/m/0bqdvt /people/person/profession /m/0np9r +/m/04wg38 /film/actor/film./film/performance/film /m/0992d9 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04bs3j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/072x7s /film/film/language /m/04306rv +/m/05lbzg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/01z4y /media_common/netflix_genre/titles /m/06fpsx +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01dvms +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04bs3j /people/person/spouse_s./people/marriage/spouse /m/02238b +/m/06nr2h /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh46 +/m/01z4y /media_common/netflix_genre/titles /m/047p7fr +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hr41p6 +/m/02sch9 /people/ethnicity/people /m/05d7rk +/m/025ttz4 /organization/organization/headquarters./location/mailing_address/citytown /m/081m_ +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032nwy +/m/015pkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/0jgm8 /location/us_county/county_seat /m/0rk71 +/m/0292qb /film/film/language /m/0653m +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/03nt59 /tv/tv_program/languages /m/02h40lc +/m/0c_gcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0fv4v /location/country/official_language /m/064_8sq +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/03q43g /film/actor/film./film/performance/film /m/084qpk +/m/071jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/057bc6m +/m/05fjf /location/location/contains /m/0n5fl +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/06cqb /music/genre/artists /m/0bkf4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/063tn /people/person/profession /m/01c72t +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g7x +/m/0478__m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d060g /location/location/contains /m/0jpkw +/m/04k15 /people/person/profession /m/0kyk +/m/06rvn /dataworld/gardening_hint/split_to /m/026t6 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/06by7 /music/genre/artists /m/0lgsq +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/082_p /people/person/profession /m/0kyk +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/0xhtw /music/genre/artists /m/01t_xp_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02gys2 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bq2g /film/actor/film./film/performance/film /m/0m313 +/m/016cjb /music/genre/artists /m/017xm3 +/m/026g801 /people/person/place_of_birth /m/07ssc +/m/05p5nc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05j12n /people/person/gender /m/05zppz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/024hbv +/m/01ts_3 /people/person/profession /m/02krf9 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/02zd460 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0vjr /tv/tv_program/genre /m/07s9rl0 +/m/04v7k2 /people/person/languages /m/07c9s +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jq34 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07w0v +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bhwhj /film/film/written_by /m/0d05fv +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/0yw93 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/09swkk /people/person/profession /m/09jwl +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/026t6 /music/instrument/instrumentalists /m/01vsy3q +/m/0cg9f /film/actor/film./film/performance/film /m/0286hyp +/m/02jx1 /location/location/contains /m/0m43j +/m/057dxsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vq33 +/m/015g28 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hv4t /film/film/edited_by /m/03nqbvz +/m/09c7w0 /location/location/contains /m/030qb3t +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/013xh7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/09c7w0 /location/location/contains /m/01hr11 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y06y +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01fbr2 /music/genre/artists /m/0lgm5 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0hl24 /location/administrative_division/country /m/07ssc +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0d9jr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0n85g /music/record_label/artist /m/01w8n89 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04hwbq +/m/02qydsh /film/film/genre /m/0hcr +/m/075p0r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/07z2lx /award/award_category/winners./award/award_honor/award_winner /m/04m_zp +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0436f4 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmj7 +/m/032016 /film/film/genre /m/03k9fj +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t38b +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/059_w /people/ethnicity/people /m/06fc0b +/m/0j0k /base/locations/continents/countries_within /m/01xbgx +/m/047kn_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/02yjk8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/01b195 /film/film/genre /m/0lsxr +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/026t6 /music/instrument/instrumentalists /m/04mky3 +/m/02tf1y /people/person/sibling_s./people/sibling_relationship/sibling /m/02mc79 +/m/015zyd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4kk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0144l1 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vs4f3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/04mhbh /film/actor/film./film/performance/film /m/04f52jw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/01vs_v8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b2lv +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09qh1 +/m/01ky7c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/03l78j /education/educational_institution_campus/educational_institution /m/03l78j +/m/0ply0 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0brgy /medicine/symptom/symptom_of /m/07jwr +/m/049gc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02tv80 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r4qs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09bkc6 +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/043kzcr +/m/06rfy5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/0fb1q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ft2l +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/0bdt8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqz0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vc5m +/m/09yxcz /film/film/genre /m/03q4nz +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/06d6y /people/person/profession /m/0dxtg +/m/01n1gc /film/actor/film./film/performance/film /m/02x8fs +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/042l3v +/m/012yc /music/genre/artists /m/03f4xvm +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0btyf5z +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/06w2sn5 /people/person/profession /m/0dz3r +/m/03ksy /education/educational_institution/school_type /m/05pcjw +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01nn79 +/m/0p2rj /location/location/contains /m/0ftvg +/m/0gk4g /people/cause_of_death/people /m/01337_ +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/024jwt +/m/033tf_ /people/ethnicity/people /m/0405l +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/015vq_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/05hyn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0dzkq +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/01vrnsk /music/group_member/membership./music/group_membership/role /m/02hnl +/m/026dx /film/director/film /m/07q1m +/m/01k56k /people/person/profession /m/0cbd2 +/m/0jfx1 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0kszw +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/0136g9 +/m/01sl1q /people/person/nationality /m/09c7w0 +/m/0n08r /film/film/cinematography /m/05br10 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02j9z /location/location/contains /m/0k6nt +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0m123 +/m/03wy8t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08433 /influence/influence_node/influenced_by /m/06whf +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0l14qv /music/instrument/instrumentalists /m/09hnb +/m/045gzq /film/actor/film./film/performance/film /m/01g3gq +/m/0c00zd0 /film/film/genre /m/07s9rl0 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/0gyh /location/location/contains /m/0kcnq +/m/0bw87 /people/person/religion /m/0kpl +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/034xyf /film/film/genre /m/011ys5 +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/02yl42 +/m/016vg8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06dv3 +/m/0m2lt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fr59 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/01pcql +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02k4gv +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/09c7w0 /location/location/contains /m/0tl6d +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010xjr +/m/0hqgp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07tw_b +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/03prz_ /film/film/country /m/02jx1 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/0h3xztt /film/film/production_companies /m/025jfl +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/04n7ps6 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/01wp8w7 /people/person/places_lived./people/place_lived/location /m/059rby +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01rp13 /tv/tv_program/genre /m/01z4y +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02607j +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01r2l +/m/05x_5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06nns1 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/0mbwf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0661m4p /film/film/produced_by /m/05prs8 +/m/03cp4cn /film/film/costume_design_by /m/02mxbd +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/05148p4 /music/instrument/instrumentalists /m/01wy61y +/m/0ggbhy7 /film/film/language /m/02h40lc +/m/01mjq /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hzx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/0bk5r /influence/influence_node/influenced_by /m/042q3 +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02lk60 /film/film/prequel /m/0dr3sl +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/04rwx /education/educational_institution/colors /m/03wkwg +/m/016z7s /film/film/genre /m/03mqtr +/m/09q17 /media_common/netflix_genre/titles /m/026f__m +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/023kzp +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051ys82 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01304j /people/person/nationality /m/0b90_r +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grrq8 +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/05bnx3j /award/award_winner/awards_won./award/award_honor/award_winner /m/05mcjs +/m/01vs4f3 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsyg9 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01gg59 +/m/06wxw /sports/sports_team_location/teams /m/06x76 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/022lly +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0jq2r +/m/0q9zc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01ft14 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/0jdr0 /film/film/genre /m/0c3351 +/m/01w5m /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/09v4bym +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/06796 /film/film_subject/films /m/0qm98 +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01rh0w /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/018db8 +/m/039n1 /influence/influence_node/influenced_by /m/03_f0 +/m/05z43v /film/film/genre /m/07s9rl0 +/m/01clyr /music/record_label/artist /m/016t0h +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01nds +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g4vmj8 +/m/0c9c0 /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/01385g /film/actor/film./film/performance/film /m/01jwxx +/m/0blt6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06chf /award/award_winner/awards_won./award/award_honor/award_winner /m/02tn0_ +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0kcd5 /tv/tv_network/programs./tv/tv_network_duration/program /m/06cs95 +/m/0894_x /people/person/religion /m/0flw86 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/0155w /music/genre/artists /m/0j6cj +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dp0 +/m/04xm_ /people/deceased_person/place_of_death /m/02h6_6p +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/01j2xj +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/0blt6 /people/person/languages /m/04h9h +/m/0kb1g /film/film/produced_by /m/03g62 +/m/01fh36 /music/genre/artists /m/025xt8y +/m/02kz_ /people/person/religion /m/0kpl +/m/03d6fyn /organization/organization/place_founded /m/06_kh +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/02wgk1 /film/film/prequel /m/012s1d +/m/05cv8 /people/person/nationality /m/09c7w0 +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/03177r /film/film/genre /m/01hmnh +/m/0b90_r /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/0lbd9 /olympics/olympic_games/sports /m/03hr1p +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0143q0 +/m/07ddz9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l9v7n /people/person/profession /m/01c72t +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0f11p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04m_zp +/m/021j72 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g0mx +/m/0m2gk /location/location/contains /m/0f1sm +/m/05ccxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059kh /music/genre/artists /m/03kwtb +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kh2m1 +/m/01qgr3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/0ds3t5x /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m9f9 +/m/04ltlj /film/film/production_companies /m/02jd_7 +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/0c41y70 +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01r93l +/m/06tpmy /film/film/film_format /m/07fb8_ +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/03xx9l /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/013rds /people/person/profession /m/016z4k +/m/05fkf /location/location/contains /m/02ldmw +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/05nmg_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02p11jq /music/record_label/artist /m/0gdh5 +/m/0cbv4g /film/film/genre /m/060__y +/m/01pgk0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02byfd +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/016_v3 /music/genre/artists /m/016kjs +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k0yw +/m/0bqs56 /influence/influence_node/influenced_by /m/0dzf_ +/m/04g9gd /film/film/genre /m/0lsxr +/m/0n_hp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02725hs +/m/0342h /music/instrument/instrumentalists /m/03y82t6 +/m/01n7q /location/location/contains /m/0fnmz +/m/06__m6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0hnjt /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/011yd2 /film/film/genre /m/03g3w +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/059rby /location/location/contains /m/01mf49 +/m/03m8y5 /film/film/genre /m/01g6gs +/m/01z7_f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/015wfg /people/person/nationality /m/09c7w0 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02wmbg /people/person/profession /m/01d_h8 +/m/07hwkr /people/ethnicity/languages_spoken /m/06b_j +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027tbrc +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02n4kr /media_common/netflix_genre/titles /m/01ffx4 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/0lbj1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfwp +/m/023kzp /film/actor/film./film/performance/film /m/02b6n9 +/m/01vw8mh /people/person/profession /m/03gjzk +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01_bkd /music/genre/artists /m/03h502k +/m/028k57 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pgjm +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0cbkc /award/award_winner/awards_won./award/award_honor/award_winner /m/012g92 +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0b6f8pf /film/film/music /m/01wx756 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0xn5b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0y62n +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/05z_kps +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/01s1zk /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/016z5x /film/film/story_by /m/01lc5 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0htww +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01r4bps /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmmn +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02jx1 /location/country/second_level_divisions /m/09tlh +/m/03676 /location/location/time_zones /m/03bdv +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/06x58 /people/person/profession /m/03gjzk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01k2yr +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/02hh8j /people/person/nationality /m/0f8l9c +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/07z1_q +/m/03772 /influence/influence_node/influenced_by /m/06hmd +/m/0fsw_7 /film/film/genre /m/02kdv5l +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/079hvk +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018vs /music/instrument/instrumentalists /m/01vsnff +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/029qzx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/0bxxzb /film/film/language /m/02h40lc +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03r1pr +/m/02_hj4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/016ky6 /film/film/genre /m/05p553 +/m/02rhfsc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0g60z +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bj9k /film/actor/film./film/performance/film /m/0ch3qr1 +/m/017j6 /award/award_winner/awards_won./award/award_honor/award_winner /m/04n65n +/m/03tc8d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0f502 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wc7p +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/057n_g +/m/0182r9 /sports/sports_team/colors /m/01g5v +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/09gnn /people/person/profession /m/0frz0 +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0k7tq +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0m19t +/m/0gbfn9 /film/film/genre /m/01t_vv +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04fzfj +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/05r5c /music/instrument/instrumentalists /m/018y2s +/m/05ys0wz /time/event/locations /m/0156q +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f2s6 +/m/09c7w0 /location/country/second_level_divisions /m/0n3dv +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07tg4 +/m/02ck1 /people/person/nationality /m/05vz3zq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01fcmh +/m/01453 /sports/sports_team/colors /m/09ggk +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02pdhz +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fj_ +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08720 +/m/07qnf /music/artist/origin /m/030qb3t +/m/09fb5 /film/actor/film./film/performance/film /m/0sxlb +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09f8q +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bk4s /people/deceased_person/place_of_death /m/0chgsm +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/0gjcrrw /film/film/production_companies /m/061dn_ +/m/03g90h /film/film/genre /m/07s9rl0 +/m/045vhb /base/aareas/schema/administrative_area/administrative_parent /m/0fcrg +/m/0bcndz /film/film/music /m/0drc1 +/m/05nqz /time/event/locations /m/04gzd +/m/07s8qm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0jdk_ /olympics/olympic_games/participating_countries /m/0ctw_b +/m/01ky7c /education/educational_institution/colors /m/083jv +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/079dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02zfg3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0mdqp +/m/01ngn3 /location/administrative_division/first_level_division_of /m/03rjj +/m/044p4_ /sports/sports_team/sport /m/02vx4 +/m/03_3d /location/country/official_language /m/03_9r +/m/01wwvc5 /people/person/profession /m/01d_h8 +/m/0fpjd_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy95 +/m/0k2cb /film/film/story_by /m/04r7jc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/05xq9 /music/artist/origin /m/01cx_ +/m/01z77k /media_common/netflix_genre/titles /m/03kq98 +/m/0fs29 /base/biblioness/bibs_location/country /m/09lxtg +/m/08jgk1 /tv/tv_program/genre /m/01z4y +/m/0jhn7 /olympics/olympic_games/sports /m/06wrt +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/02vqsll /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h5f5n +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0170yd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01337_ +/m/01dkpb /people/person/religion /m/02rxj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0g2jl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/041td_ /film/film/genre /m/04t36 +/m/05pzdk /award/award_winner/awards_won./award/award_honor/award_winner /m/04crrxr +/m/06s26c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qg7c +/m/0r8c8 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0456xp /people/person/nationality /m/02jx1 +/m/01zzy3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070j61 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02633g /influence/influence_node/influenced_by /m/014zfs +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/01t9_0 /business/business_operation/industry /m/03qh03g +/m/04xvlr /media_common/netflix_genre/titles /m/05n6sq +/m/0m0jc /music/genre/artists /m/01vv7sc +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/02xwq9 +/m/01tz6vs /influence/influence_node/influenced_by /m/0113sg +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01y_rz +/m/05fx6 /music/genre/parent_genre /m/05r6t +/m/03h64 /media_common/netflix_genre/titles /m/0432_5 +/m/03xh50 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/016wyn /education/educational_institution/colors /m/019sc +/m/06m6p7 /people/person/place_of_birth /m/07bcn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/04w8f /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/08664q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030hbp +/m/02847m9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/041c4 /people/person/employment_history./business/employment_tenure/company /m/01j_x +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/096lf_ +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02hkw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/0h63gl9 /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/045n3p /people/person/nationality /m/03rk0 +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02r771y /award/award_category/disciplines_or_subjects /m/02xlf +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027kmrb +/m/017_qw /music/genre/artists /m/067x44 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03y3dk +/m/07r1h /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/0gjcrrw /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02kcz /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/03lty /music/genre/artists /m/01wg982 +/m/02x_h0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02jmst +/m/01vvpjj /people/person/profession /m/01c72t +/m/09gnn /people/person/profession /m/025sppp +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jw4r +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/02tk74 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01pw2f1 /people/person/nationality /m/03rjj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0284gc +/m/0c0k1 /film/actor/film./film/performance/film /m/01jmyj +/m/06j6l /music/genre/artists /m/026yqrr +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jtp7 +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0f502 /film/actor/film./film/performance/film /m/04x4vj +/m/016gkf /film/actor/film./film/performance/film /m/02v_r7d +/m/07bcn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/05xd_v /people/person/profession /m/01d30f +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0qmk5 /tv/tv_program/genre /m/0vgkd +/m/02q7fl9 /film/film/production_companies /m/01gb54 +/m/04rfq /people/person/religion /m/051kv +/m/07z542 /people/person/nationality /m/0d04z6 +/m/064t9 /music/genre/artists /m/058s57 +/m/07ssc /location/location/contains /m/0nc7s +/m/0640m69 /film/film/executive_produced_by /m/06rq2l +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/01n4w /location/location/contains /m/02cl1 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0bv7t +/m/0jzc /language/human_language/countries_spoken_in /m/07fj_ +/m/027s39y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/01trxd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/05g3ss /people/person/profession /m/09jwl +/m/0ghd6l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/01j7z7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/08gg47 /film/film/country /m/03_3d +/m/053y4h /people/person/profession /m/02hrh1q +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/01w20rx /people/person/profession /m/016z4k +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/098s2w +/m/02rgz97 /people/person/nationality /m/0d060g +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02_fz3 /film/film/featured_film_locations /m/030qb3t +/m/05l8y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j1z8 +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvbj +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0p0fc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p03t +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/026w_gk /people/person/profession /m/03gjzk +/m/09c7w0 /location/location/contains /m/050ks +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030znt +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/02v406 /film/actor/film./film/performance/film /m/0q9sg +/m/03tn80 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/01sqd7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l3mk3 /people/person/profession /m/05vyk +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06w99h3 +/m/0nryt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02664f /award/award_category/disciplines_or_subjects /m/04g51 +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/049fgvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062hgx +/m/047csmy /film/film/featured_film_locations /m/030qb3t +/m/06mr6 /people/person/places_lived./people/place_lived/location /m/02m77 +/m/07ssc /location/location/contains /m/0dzz_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0cttx +/m/016nvh /people/person/profession /m/02dsz +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0827d /music/genre/artists /m/0fhxv +/m/0164qt /film/film/produced_by /m/03kpvp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047t_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0lwyk +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/012vf6 /people/deceased_person/place_of_death /m/02_286 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/02jx1 /location/country/second_level_divisions /m/0g8g6 +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0mlyj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/014g9y /people/person/places_lived./people/place_lived/location /m/05qtj +/m/03lgg /influence/influence_node/influenced_by /m/01wp_jm +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02yv6b /music/genre/artists /m/01wmjkb +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01d650 +/m/06c1y /sports/sports_team_location/teams /m/0329nn +/m/011zwl /people/person/place_of_birth /m/02m77 +/m/01dw_f /people/person/gender /m/02zsn +/m/04257b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0_6 +/m/03d34x8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03mcwq3 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031296 +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/03h_yy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1mt /film/actor/film./film/performance/film /m/03hj3b3 +/m/01flv_ /film/film/genre /m/017fp +/m/01w5m /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/056zdj +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/08jfkw /people/person/place_of_birth /m/0z2gq +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0bsnm +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/09q17 /media_common/netflix_genre/titles /m/02tgz4 +/m/03tps5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/083q7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xhtw /music/genre/artists /m/01kph_c +/m/0m57f /award/award_category/winners./award/award_honor/award_winner /m/0d3k14 +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/048htn /film/film/production_companies /m/0c41qv +/m/01kws3 /people/deceased_person/place_of_death /m/030qb3t +/m/02g1jh /people/person/nationality /m/02jx1 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03jg5t /people/person/place_of_birth /m/02gw_w +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/076lxv /film/film_set_designer/film_sets_designed /m/02q52q +/m/01xbgx /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/04x1_w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/017znw +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02hxcvy /language/human_language/countries_spoken_in /m/0162b +/m/02bpy_ /organization/organization/headquarters./location/mailing_address/citytown /m/0mnk7 +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h21v2 +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016yvw +/m/0ym69 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0299hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vfqh /film/film/genre /m/05p553 +/m/03fqv5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cg2v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jml5 +/m/01271h /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/015gm8 /film/film/costume_design_by /m/02cqbx +/m/0k__z /education/educational_institution/campuses /m/0k__z +/m/04xvlr /media_common/netflix_genre/titles /m/0b2v79 +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/0b25vg +/m/03cz4j /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/02yygk +/m/0kt_4 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/03l3jy +/m/033tf_ /people/ethnicity/people /m/01f5q5 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c6vl +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01xn57g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02g7sp /people/ethnicity/people /m/0z4s +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/023zl +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0gltv /film/film/genre /m/04xvlr +/m/01fszq /tv/tv_program/genre /m/01z4y +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01fxck +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0d07j8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bvzp /people/person/profession /m/01d30f +/m/092kgw /award/award_winner/awards_won./award/award_honor/award_winner /m/06pk8 +/m/02c98m /base/biblioness/bibs_location/country /m/03rk0 +/m/06j6l /music/genre/artists /m/028qyn +/m/057176 /award/award_winner/awards_won./award/award_honor/award_winner /m/0372kf +/m/02zft0 /people/person/profession /m/0dxtg +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/02t_st /film/actor/film./film/performance/film /m/0gjcrrw +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03lt8g +/m/09bw4_ /film/film/written_by /m/04hw4b +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/04g3p5 /people/person/profession /m/02hrh1q +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/01tfck /people/person/gender /m/05zppz +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/03gfvsz /broadcast/content/artist /m/0133x7 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07wtc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgq_kn +/m/017xm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/01wskg /film/actor/film./film/performance/film /m/015x74 +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/01k23t +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ctwqs +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04xg2f +/m/02j4sk /people/person/religion /m/051kv +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/06x58 /people/person/gender /m/02zsn +/m/08w6v_ /award/award_winner/awards_won./award/award_honor/award_winner /m/057d89 +/m/02_06s /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01nrgq +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03188 +/m/06pwf6 /people/person/languages /m/09s02 +/m/019n7x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01963w /people/person/nationality /m/09c7w0 +/m/038csl /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/084qpk /film/film/produced_by /m/06cv1 +/m/02ct_k /people/person/profession /m/018gz8 +/m/03knl /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/064n1pz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/083pr /people/person/religion /m/07w8f +/m/0bxtg /film/actor/film./film/performance/film /m/02ndy4 +/m/0xhj2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bg55 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/029m83 /people/person/profession /m/02hrh1q +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/09c7w0 /location/location/contains /m/01dzg0 +/m/01dpsv /people/person/nationality /m/09c7w0 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0gs7x /people/person/nationality /m/09c7w0 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01rxw +/m/04v8x9 /film/film/genre /m/02l7c8 +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/0g9z_32 /film/film/written_by /m/0fxky3 +/m/07bch9 /people/ethnicity/people /m/04nw9 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0211jt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/088n7 +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01wb8bs /film/actor/film./film/performance/film /m/07tw_b +/m/0dr_9t7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mjf2 +/m/0bh72t /film/film/genre /m/0bj8m2 +/m/0jw67 /people/person/places_lived./people/place_lived/location /m/013f1h +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0266r6h /film/actor/film./film/performance/film /m/0gvvf4j +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/04t7ts /people/person/places_lived./people/place_lived/location /m/07l5z +/m/01jzyf /film/film/genre /m/05p553 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ft2l +/m/03kq98 /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/0jfx1 /film/actor/film./film/performance/film /m/04jpg2p +/m/0grjmv /music/genre/parent_genre /m/06by7 +/m/020_4z /people/person/profession /m/02hrh1q +/m/081lh /film/director/film /m/0bs5vty +/m/039wsf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0ddd9 /award/award_category/disciplines_or_subjects /m/04g51 +/m/01vn0t_ /music/group_member/membership./music/group_membership/role /m/07brj +/m/04gcd1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/0pv3x /film/film/language /m/0jzc +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/01lxd4 /music/genre/artists /m/0lsw9 +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/03g5jw +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01y0y6 +/m/0126rp /influence/influence_node/influenced_by /m/04sd0 +/m/0192l /music/performance_role/regular_performances./music/group_membership/group /m/0c9l1 +/m/055vr /location/location/contains /m/015y2q +/m/06srk /location/country/capital /m/0c1xm +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/039c26 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/02665kn /people/person/nationality /m/09c7w0 +/m/0fy2s1 /people/person/nationality /m/03rk0 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w4s +/m/03s5lz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ftjx +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/05_5_22 /film/film/featured_film_locations /m/030qb3t +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/076xkdz +/m/0df92l /film/film/genre /m/07s9rl0 +/m/02hsgn /award/award_winner/awards_won./award/award_honor/award_winner /m/0gnbw +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/029kpy +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/081_zm /people/person/nationality /m/03spz +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027y151 +/m/0346qt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0478__m /influence/influence_node/influenced_by /m/086qd +/m/012s1d /film/film/executive_produced_by /m/02xnjd +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/043zg +/m/0286gm1 /film/film/genre /m/07s9rl0 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/0hzlz /location/country/form_of_government /m/018wl5 +/m/016qtt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/07bx6 /film/film/executive_produced_by /m/06mr6 +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/04svwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03d29b +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/07gql /music/instrument/instrumentalists /m/01wwvt2 +/m/03l26m /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/07ssc /location/location/contains /m/0127c4 +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/0jdx /location/location/contains /m/07m_f +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcv +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/015l4k +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0p76z +/m/0x67 /people/ethnicity/people /m/03sww +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9b0 +/m/0gv40 /people/person/profession /m/0dxtg +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x3y41 +/m/05v10 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g1l +/m/01x73 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06btq +/m/0163r3 /people/person/profession /m/0np9r +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/01kgv4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02jtjz +/m/01vzz1c /people/person/profession /m/0nbcg +/m/0bkf4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qyzb /location/hud_county_place/county /m/0kq1l +/m/0n3g /location/country/form_of_government /m/01q20 +/m/0234j5 /film/film/genre /m/0lsxr +/m/064t9 /music/genre/artists /m/01yzl2 +/m/0fphgb /film/film/production_companies /m/03sb38 +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/01f6ss /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/07sb1 /location/location/contains /m/01fy2s +/m/04zwjd /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/014cw2 /people/person/nationality /m/07ssc +/m/04mn81 /people/person/places_lived./people/place_lived/location /m/0mn0v +/m/037cr1 /film/film/genre /m/04xvh5 +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/03f4n1 /location/country/capital /m/0fhsz +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0dzlk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xlqd +/m/0f2sx4 /film/film/genre /m/06qm3 +/m/015gjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/02pyyld /sports/sports_team/colors /m/01l849 +/m/0l14qv /music/instrument/instrumentalists /m/016nvh +/m/01x53m /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/0cd2vh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07hwkr /people/ethnicity/people /m/01vwllw +/m/08g5q7 /people/cause_of_death/people /m/0cw10 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0dhrqx +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qz6n +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/03lty /music/genre/artists /m/01j59b0 +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fsm8c +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/013rds /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027gy0k +/m/03l26m /people/person/gender /m/05zppz +/m/05g8ky /influence/influence_node/influenced_by /m/081lh +/m/042xh /people/person/nationality /m/07ssc +/m/03p01x /people/person/nationality /m/09c7w0 +/m/01vvlyt /people/person/profession /m/09jwl +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0qf11 /people/person/nationality /m/02jx1 +/m/07147 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/01vq3 /film/film_subject/films /m/0879bpq +/m/01vqq1 /location/location/time_zones /m/02lcqs +/m/03fg0r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/030cx +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0cwy47 /film/film/language /m/02h40lc +/m/01lyv /music/genre/artists /m/01kph_c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/0f5zj6 +/m/07j94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jz6x /film/actor/film./film/performance/film /m/0bt3j9 +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02ny8t /music/genre/artists /m/04f7c55 +/m/079dy /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d05q4 +/m/03_d0 /music/genre/artists /m/01nqfh_ +/m/02c9dj /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05p3738 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jfnvd /music/group_member/membership./music/group_membership/group /m/0mjn2 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/04svwx /film/film/genre /m/01hmnh +/m/03gr14 /sports/sports_team/sport /m/02vx4 +/m/05zjx /award/award_winner/awards_won./award/award_honor/award_winner /m/01lct6 +/m/05mc99 /film/actor/film./film/performance/film /m/02tktw +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04znsy +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0f24cc +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02grjf +/m/0205dx /film/actor/film./film/performance/film /m/02ctc6 +/m/0kzy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/04smdd /film/film/written_by /m/081lh +/m/012yc /music/genre/artists /m/01271h +/m/02hkvw /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/01jmv8 /people/person/religion /m/0c8wxp +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/076tq0z +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/02x0fs9 /film/film/genre /m/07s9rl0 +/m/01z4y /media_common/netflix_genre/titles /m/0fphf3v +/m/04jlgp /people/person/place_of_birth /m/0c5_3 +/m/02g3mn /people/person/place_of_birth /m/0c4kv +/m/05mrf_p /film/film/genre /m/01jfsb +/m/04xvlr /media_common/netflix_genre/titles /m/0dlngsd +/m/071t0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/01lvrm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/0j5ym /base/culturalevent/event/entity_involved /m/04xzm +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/04gkp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cfz_z /people/person/gender /m/05zppz +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/02h40lc /language/human_language/countries_spoken_in /m/0165b +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0639bg /film/film/country /m/0ctw_b +/m/024tj /people/person/nationality /m/09c7w0 +/m/01vs73g /people/person/profession /m/0dz3r +/m/01nz1q6 /people/person/spouse_s./people/marriage/spouse /m/01vsl3_ +/m/016bx2 /people/person/profession /m/02hrh1q +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/015z4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0162c8 +/m/02p8454 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/044g_k +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/05prs8 /people/person/profession /m/01d_h8 +/m/094jv /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0c1d0 /location/location/contains /m/01bm_ +/m/0jdk_ /olympics/olympic_games/participating_countries /m/05qkp +/m/03v0t /location/location/contains /m/01y20v +/m/04hwbq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04rcl7 +/m/02p86pb /film/film/country /m/09c7w0 +/m/01vsnff /people/person/profession /m/0nbcg +/m/0306ds /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/02qzmz6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/0ydpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01y888 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award /m/03r8v_ +/m/02279c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dgq_kn /film/film/country /m/07ssc +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0sxlb /film/film/country /m/09c7w0 +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/04cr6qv /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0dl567 +/m/03bxsw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/01wxyx1 /film/actor/film./film/performance/film /m/08nhfc1 +/m/033w9g /film/actor/film./film/performance/film /m/0422v0 +/m/0187x8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m19t /music/artist/origin /m/095l0 +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051y1hd +/m/0f1sm /base/biblioness/bibs_location/country /m/09c7w0 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/0479b +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kx4m +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/02z2mr7 /film/film/story_by /m/0c4y8 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03ksy +/m/0ql7q /military/military_conflict/combatants./military/military_combatant_group/combatants /m/017v_ +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0b_6pv /time/event/locations /m/013yq +/m/0mgcc /sports/sports_team/sport /m/0z74 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s0l +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xg2f +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/016ks_ +/m/02d44q /film/film/language /m/02h40lc +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/03rjj /location/location/contains /m/04jr87 +/m/01s81 /tv/tv_program/program_creator /m/06j0md +/m/02q6gfp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02l4pj +/m/02_hj4 /people/person/gender /m/02zsn +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/01qvz8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0symg /film/film/language /m/02h40lc +/m/019fnv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/0ylvj /education/educational_institution/students_graduates./education/education/student /m/041h0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/01dvtx +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/01w0v /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/016z1t /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05kwx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/09yhzs /people/person/nationality /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/01cz7r +/m/06by7 /music/genre/artists /m/036px +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02r251z +/m/0bd67 /location/administrative_division/country /m/05qhw +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0237fw /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx1m2 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0fhp9 /location/administrative_division/first_level_division_of /m/0h7x +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/0dvld /award/award_winner/awards_won./award/award_honor/award_winner /m/06fmdb +/m/035bcl /film/film/genre /m/03rzvv +/m/01pny5 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/06c0j +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/0phx4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt7h_ +/m/0bdjd /film/film/written_by /m/09v6tz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0303jw +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/0bs8ndx /film/film/film_format /m/0cj16 +/m/02qkt /location/location/contains /m/03gj2 +/m/01t_xp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/04093 /people/person/profession /m/0kyk +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01nm3s /film/actor/film./film/performance/film /m/0h03fhx +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/015y3j /education/educational_institution/colors /m/06fvc +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g2lq +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fzs6w +/m/016sd3 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/0fcrg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxw +/m/015lhm /people/person/profession /m/03gjzk +/m/01wbg84 /people/person/religion /m/0c8wxp +/m/02v63m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0cnl1c +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0h3tv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/03kjh /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07cfx +/m/0jm8l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/07x4c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/018fwv /people/person/place_of_birth /m/0rh6k +/m/09yrh /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03bzjpm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0df4y /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/01m3x5p /people/person/profession /m/02hrh1q +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rjj +/m/01rwcgb /people/person/profession /m/025352 +/m/07tjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/01wwvd2 /people/person/nationality /m/09c7w0 +/m/07hgkd /people/person/gender /m/05zppz +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50vn +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016pns +/m/016kft /film/actor/film./film/performance/film /m/0sxns +/m/01gvsn /film/film/featured_film_locations /m/02_286 +/m/03wj4r8 /film/film/genre /m/03g3w +/m/0168ls /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fzq3 +/m/09c7w0 /location/location/contains /m/01j_cy +/m/06n3y /location/location/contains /m/016wzw +/m/0k6yt1 /music/artist/origin /m/0pzmf +/m/016890 /award/award_winner/awards_won./award/award_honor/award_winner /m/0134wr +/m/01fy2s /education/educational_institution_campus/educational_institution /m/01fy2s +/m/047fwlg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/075cph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/035wcs /music/genre/artists /m/06mt91 +/m/06mn7 /influence/influence_node/influenced_by /m/03j0d +/m/0d0x8 /location/administrative_division/country /m/09c7w0 +/m/028qdb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/04fh3 /location/location/time_zones /m/02llzg +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/01309x /people/person/place_of_birth /m/01cx_ +/m/042g97 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/044g_k +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/03t1s /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02q636 /education/educational_institution/school_type /m/05pcjw +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09mq4m +/m/01z4y /media_common/netflix_genre/titles /m/01qvz8 +/m/02jx1 /location/location/contains /m/0nq_b +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0m593 /people/person/nationality /m/0d060g +/m/0133x7 /people/person/profession /m/016z4k +/m/03_d0 /music/genre/artists /m/02yygk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/09hd16 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0155w /music/genre/artists /m/02jg92 +/m/01n8qg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07z5n +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/08sfxj /film/film/country /m/09c7w0 +/m/0gzy02 /film/film/genre /m/03k9fj +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/01m15br /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hzx +/m/03s5t /location/location/contains /m/0f102 +/m/013xrm /people/ethnicity/people /m/0h1mt +/m/0kvrb /people/person/profession /m/05vyk +/m/02kz_ /people/person/gender /m/05zppz +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02_33l /people/person/gender /m/05zppz +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0738b8 /film/actor/film./film/performance/film /m/09146g +/m/0bq2g /film/actor/film./film/performance/film /m/0dzlbx +/m/01vzz1c /people/person/places_lived./people/place_lived/location /m/01hpnh +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0btpm6 +/m/0kwmc /location/us_county/county_seat /m/058cm +/m/0f5xn /film/actor/film./film/performance/film /m/0jqkh +/m/077qn /location/location/contains /m/017_29 +/m/01vv126 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03y82t6 +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rny +/m/0lk8j /olympics/olympic_games/sports /m/06z6r +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09lxtg +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/01b9ck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04wqr +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/039wsf /people/person/gender /m/02zsn +/m/0blfl /olympics/olympic_games/participating_countries /m/06mkj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0147dk +/m/01tcf7 /film/actor/film./film/performance/film /m/02d413 +/m/077qn /sports/sports_team_location/teams /m/03y_f8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07y9w5 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01p3ty /film/film/country /m/03rk0 +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/01k_0fp /people/person/gender /m/05zppz +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/04wf_b /film/actor/film./film/performance/film /m/04jwly +/m/01j590z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/05bnp0 /people/person/languages /m/02h40lc +/m/02mjf2 /people/person/nationality /m/09c7w0 +/m/015t7v /film/actor/film./film/performance/film /m/017gm7 +/m/0grwj /people/person/profession /m/012t_z +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/047yc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pp3p +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/09hd6f +/m/03gvt /music/instrument/instrumentalists /m/0ftps +/m/01vw37m /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02xbw2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/0gy0n /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/0grjmv /music/genre/artists /m/01vrt_c +/m/0k89p /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gg59 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/047p7fr /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0149xx /people/person/profession /m/09jwl +/m/01vrncs /people/person/languages /m/02h40lc +/m/01vsy9_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05vsxz /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/0lrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrncs +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kk9v +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01v2xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/03x_k5m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g5kv /people/person/nationality /m/09c7w0 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10w +/m/0g1x2_ /film/film_subject/films /m/02c638 +/m/0jvs0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02f2p7 /people/person/languages /m/02h40lc +/m/07z4p5 /people/person/profession /m/02jknp +/m/0h53c_5 /award/award_category/winners./award/award_honor/award_winner /m/0grwj +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/01vvb4m /people/person/nationality /m/09c7w0 +/m/0kbws /olympics/olympic_games/participating_countries /m/01p8s +/m/011k1h /music/record_label/artist /m/01vwyqp +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0557q /music/genre/artists /m/0164y7 +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/021yw7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jb26 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0prfz +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0gmgwnv /film/film/written_by /m/01_6dw +/m/049sb /people/person/profession /m/0kyk +/m/02rky4 /education/educational_institution/school_type /m/01rs41 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05rfst +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02bj6k /film/actor/film./film/performance/film /m/0sxlb +/m/01s0t3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0c_zx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/023mdt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/02gl58 /tv/tv_program/genre /m/09blyk +/m/0yx7h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03q8ch +/m/019pm_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01z7s_ +/m/0846v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n4w +/m/084nh /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/01_r9k /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/02yl42 /influence/influence_node/influenced_by /m/0683n +/m/0181hw /music/record_label/artist /m/028hc2 +/m/027rn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/05pbsry /tv/tv_program/genre /m/01t_vv +/m/050_qx /people/person/gender /m/05zppz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01rlzn +/m/026390q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09tcg4 /film/film/production_companies /m/05qd_ +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/0gywn /music/genre/artists /m/0bs1g5r +/m/04s7y /base/aareas/schema/administrative_area/capital /m/0pmq2 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02kfzz +/m/034hck /film/director/film /m/06rmdr +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/06y7d /people/deceased_person/place_of_death /m/02_286 +/m/0243cq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01z4y /media_common/netflix_genre/titles /m/06znpjr +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01cv3n /music/group_member/membership./music/group_membership/group /m/0838y +/m/01vvyd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/02xwgr /film/actor/film./film/performance/film /m/09xbpt +/m/08nz99 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qw_ +/m/0gm34 /film/actor/film./film/performance/film /m/04v89z +/m/0420y /influence/influence_node/influenced_by /m/015n8 +/m/02301 /education/educational_institution/campuses /m/02301 +/m/07c5l /location/location/contains /m/0d060g +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02lfwp /people/person/profession /m/03gjzk +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/040t74 +/m/0b_7k /people/person/nationality /m/09c7w0 +/m/0h3y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0_7w6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02j4sk /film/actor/film./film/performance/film /m/014knw +/m/011pcj /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/09c7w0 /location/location/contains /m/029jpy +/m/0btyf5z /film/film/prequel /m/047wh1 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/03l7qs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0b1y_2 /film/film/genre /m/04t36 +/m/03j76b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/01pqy_ /film/actor/film./film/performance/film /m/011ykb +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06151l +/m/03nb5v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01q_ph /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01g23m +/m/040696 /film/actor/film./film/performance/film /m/0992d9 +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024lff /film/film/genre /m/0lsxr +/m/01xg_w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/014zcr /film/actor/film./film/performance/film /m/02704ff +/m/02ctzb /people/ethnicity/people /m/03ds3 +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0hhjk /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/071_8 /education/educational_institution/school_type /m/05jxkf +/m/02b10w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/0p_jc +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/0jcpw /location/location/contains /m/05j49 +/m/09k0f /people/person/profession /m/0fj9f +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06pjs +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01zfmm +/m/025rvx0 /film/film/production_companies /m/030_1_ +/m/039crh /people/person/religion /m/0v53x +/m/0fpj9pm /music/group_member/membership./music/group_membership/role /m/0342h +/m/01ky2h /people/person/profession /m/01c72t +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/040hg8 /base/aareas/schema/administrative_area/administrative_parent /m/0bzty +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/01vhrz +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01vfqh +/m/0280mv7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06449 +/m/05r5w /people/person/gender /m/02zsn +/m/0ggx5q /music/genre/artists /m/01jfr3y +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/0175zz /music/genre/parent_genre /m/0grjmv +/m/02fqrf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wy5m +/m/04zn7g /people/deceased_person/place_of_burial /m/018mlg +/m/06cgy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033hn8 /music/record_label/artist /m/03qkcn9 +/m/0f4yh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k_9j +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/05nrg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/03qcq /influence/influence_node/influenced_by /m/018zvb +/m/0g5879y /film/film/film_production_design_by /m/05b2gsm +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0f2sq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03q0r1 /film/film/production_companies /m/0kk9v +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01yvvn /sports/sports_position/players./sports/sports_team_roster/team /m/01d5z +/m/0ms1n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fsv2 /location/hud_county_place/county /m/0m24v +/m/0fd6qb /film/film_set_designer/film_sets_designed /m/0k4f3 +/m/03r0rq /tv/tv_program/genre /m/03k9fj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01l3wr +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03rjj /location/location/contains /m/01jp4s +/m/03ys2f /people/person/profession /m/03gjzk +/m/0frm7n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0mq17 /location/location/time_zones /m/02fqwt +/m/03ffcz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tspc6 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b13g7 +/m/05tfm /sports/sports_team/sport /m/0jm_ +/m/0cwtm /film/actor/film./film/performance/film /m/0blpg +/m/097zcz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/035s37 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/021q2j /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07c52 /media_common/netflix_genre/titles /m/017f3m +/m/01fq7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07z1m /location/location/contains /m/0g8rj +/m/07cdz /film/film/language /m/02h40lc +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/020fgy /people/person/place_of_birth /m/0dprg +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/02z1nbg +/m/0fpzwf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nhmw +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044lyq +/m/0vmt /location/location/contains /m/0m2b5 +/m/01vsn38 /film/actor/film./film/performance/film /m/02z9rr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq0m +/m/06k02 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pxst +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058s57 +/m/0jlv5 /people/person/nationality /m/0d05w3 +/m/0k_kr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k5g9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0170qf /people/person/nationality /m/02jx1 +/m/05jbn /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/06196 /award/award_category/disciplines_or_subjects /m/06n90 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08952r +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djb3vw +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwq9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025rvx0 +/m/0bmch_x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/06by7 /music/genre/artists /m/018dyl +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026b7bz +/m/03l26m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bn3jg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sr0 +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08720 +/m/08vr94 /film/actor/film./film/performance/film /m/047p798 +/m/03mp1_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01mvjl0 /people/person/gender /m/05zppz +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/072r5v /film/film/written_by /m/0c1pj +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/01n3bm /medicine/disease/risk_factors /m/0jpmt +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bwfwpj +/m/0bs8hvm /film/film/country /m/0345h +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/019vsw /organization/organization/headquarters./location/mailing_address/state_province_region /m/07ssc +/m/0bh8yn3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/036hf4 +/m/09c7w0 /location/location/contains /m/0qyzb +/m/02mpb /influence/influence_node/influenced_by /m/0ky1 +/m/05dfy_ /film/film/dubbing_performances./film/dubbing_performance/actor /m/044_7j +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0fb1q /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02n4kr /media_common/netflix_genre/titles /m/07z6xs +/m/02rq8k8 /film/film/genre /m/082gq +/m/0jwl2 /tv/tv_program/genre /m/095bb +/m/0g7k2g /people/person/profession /m/0kyk +/m/0cjsxp /film/actor/film./film/performance/film /m/05q7874 +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/03bmmc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06msq +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03kbb8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014l6_ /film/film/language /m/02h40lc +/m/02rn_bj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/089j8p /film/film/genre /m/04xvlr +/m/05b6rdt /film/film/genre /m/01jfsb +/m/02mxw0 /film/actor/film./film/performance/film /m/0d_wms +/m/01vs14j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswx5 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/07z5n /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/06mzp /sports/sports_team_location/teams /m/032jlh +/m/0l2l3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l38g +/m/01cj6y /award/award_winner/awards_won./award/award_honor/award_winner /m/02xbw2 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0fx80y +/m/01wz01 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01x66d +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/02j9lm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/012_53 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06hzsx +/m/02x6dqb /film/film/genre /m/0hn10 +/m/07tj4c /film/film/country /m/09c7w0 +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0fmc5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_4 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01_gv +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/012dr7 /people/person/place_of_birth /m/068p2 +/m/0642ykh /film/film/language /m/02h40lc +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07z4fy /people/person/gender /m/05zppz +/m/016h9b /music/artist/origin /m/01b8jj +/m/0gywn /music/genre/artists /m/018n6m +/m/02qfhb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03rl84 +/m/0gx159f /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/09cr8 /film/film/executive_produced_by /m/02pq9yv +/m/02bqy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/044bn /people/person/gender /m/05zppz +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/07l4zhn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01jsn5 /education/educational_institution/colors /m/083jv +/m/03jqw5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0p_r5 /film/actor/film./film/performance/film /m/09sr0 +/m/03j24kf /people/person/spouse_s./people/marriage/location_of_ceremony /m/012wgb +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0q9sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/050_qx /film/actor/film./film/performance/film /m/05c5z8j +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02dh86 +/m/0gmtm /people/person/gender /m/02zsn +/m/0fnmz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cgy /film/actor/film./film/performance/film /m/035xwd +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/02x2jl_ /film/film/country /m/0f8l9c +/m/01kym3 /people/person/gender /m/02zsn +/m/07f_t4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03qkgyl /people/person/nationality /m/03rk0 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/04qsdh +/m/029k55 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fjfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ctl /olympics/olympic_games/sports /m/0152n0 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mh8zn +/m/0642xf3 /film/film/music /m/03c_8t +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b18l +/m/026xt5c /people/person/nationality /m/09c7w0 +/m/0bj25 /film/film/language /m/02h40lc +/m/012d40 /film/actor/film./film/performance/film /m/01mszz +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02g5h5 /people/person/profession /m/02hrh1q +/m/04__f /film/actor/film./film/performance/film /m/0bmhn +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/0d6qjf +/m/07tg4 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02mx98 /people/person/profession /m/09lbv +/m/04vrxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/05f4vxd /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/016_mj /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05kkh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025rzfc /time/event/locations /m/05vz3zq +/m/02qsjt /people/person/profession /m/0nbcg +/m/0r03f /location/location/time_zones /m/02lcqs +/m/0c1j_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033jkj +/m/02pby8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/013v5j /people/person/profession /m/0d1pc +/m/010t4v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06rf7 /location/location/contains /m/02p72j +/m/0dk0dj /tv/tv_program/genre /m/01hmnh +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01nr36 +/m/0342h /music/instrument/instrumentalists /m/07g2v +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/034ks /people/person/gender /m/05zppz +/m/04bdzg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/05jg58 /music/genre/artists /m/0161c2 +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01syr4 /people/person/languages /m/02bjrlw +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/03qy3l /music/record_label/artist /m/02qwg +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07vjm +/m/02_5x9 /music/artist/origin /m/01_d4 +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0jcx1 /base/biblioness/bibs_location/state /m/07371 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gnbv1 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/045346 +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01qqv5 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0dyb1 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/024lt6 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03xn3s2 /people/person/profession /m/02hrh1q +/m/01rw116 /people/person/profession /m/0nbcg +/m/01g7zj /people/ethnicity/people /m/019g65 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/03jht /influence/influence_node/influenced_by /m/032l1 +/m/01wmxfs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02ts3h +/m/01n8qg /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01cpkt /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wh1 +/m/01c1px /people/person/nationality /m/09c7w0 +/m/02897w /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x335 /base/biblioness/bibs_location/state /m/050l8 +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049m_l +/m/047yc /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/025sc50 /music/genre/artists /m/09nhvw +/m/0n00 /people/person/places_lived./people/place_lived/location /m/01dzq6 +/m/038b_x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/05_2h8 +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxbw +/m/06zpgb2 /sports/sports_team/sport /m/02vx4 +/m/0cz8mkh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0jltp /music/artist/origin /m/0d6lp +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01_ztw /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0167v4 +/m/01vs4f3 /music/group_member/membership./music/group_membership/group /m/01wv9xn +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/040db /influence/influence_node/influenced_by /m/01vh096 +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05b2gsm +/m/01cwkq /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05zy3sc +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01gvxv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0272_vz +/m/02nvg1 /education/educational_institution/school_type /m/0bwd5 +/m/03hfmm /film/film/country /m/09c7w0 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/039x1k +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0djb3vw +/m/04fcx7 /people/person/profession /m/03gjzk +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/05c9zr /film/film/genre /m/04xvh5 +/m/01kff7 /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03h0k1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01j5ts /film/actor/film./film/performance/film /m/01lbcqx +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf72 +/m/04mx__ /people/person/places_lived./people/place_lived/location /m/019fh +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01y8cr +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01z9_x +/m/017z49 /film/film/genre /m/09blyk +/m/0gvbw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rrd4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/08fn5b /film/film/production_companies /m/086k8 +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/06v8s0 +/m/0h7pj /people/person/profession /m/03gjzk +/m/02hhtj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02114t +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/01zfzb /film/film/genre /m/0hfjk +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/05b49tt /film/film_set_designer/film_sets_designed /m/04gcyg +/m/03mdt /media_common/netflix_genre/titles /m/06nr2h +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07cjqy +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7xg +/m/010rvx /location/location/time_zones /m/02lcqs +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/0378zn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013yq /sports/sports_team_location/teams /m/0x2p +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/014x77 +/m/0dp7wt /film/film/story_by /m/03hnd +/m/09c7w0 /location/country/second_level_divisions /m/0mpzm +/m/033smt /business/job_title/people_with_this_title./business/employment_tenure/company /m/03_05 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/041rx /people/ethnicity/people /m/012bk +/m/08_vwq /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/0661ql3 /film/film/language /m/03_9r +/m/01dtl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gcdzz +/m/05z_p6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04kny3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/0f4k49 /film/film/genre /m/082gq +/m/033tf_ /people/ethnicity/people /m/012s5j +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03x746 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04ltlj +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027y151 +/m/0xddr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01mjq /location/location/contains /m/05ywg +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/0cp0t91 /film/film/executive_produced_by /m/02vyw +/m/047g98 /sports/sports_team/sport /m/02vx4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qm9f +/m/03hvk2 /education/educational_institution/school_type /m/05pcjw +/m/0mw89 /location/location/contains /m/0_g_6 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/06gjk9 /film/film/production_companies /m/01gb54 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/016890 +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/051ghn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0jq2r /tv/tv_program/genre /m/0c4xc +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01d2v1 +/m/0x67 /people/ethnicity/people /m/02yygk +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/0ds2n /film/film/country /m/09c7w0 +/m/012vd6 /people/person/profession /m/0n1h +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170qf +/m/04jwp /people/person/gender /m/05zppz +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/021npv +/m/07fj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/078lk +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_fz3 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/0239zv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03t97y /film/film/prequel /m/03t95n +/m/01pbwwl /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/03h42s4 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02b10g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/040rjq /influence/influence_node/influenced_by /m/0mb5x +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kft +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/021_rm +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0n839 /organization/organization_founder/organizations_founded /m/0n85g +/m/0770cd /people/person/profession /m/0dz3r +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/01fbr2 /music/genre/parent_genre /m/0cx6f +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0jch5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lbp /film/actor/film./film/performance/film /m/02qdrjx +/m/065b6q /people/ethnicity/people /m/0137g1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/03z9585 /film/film/music /m/02jxmr +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/0hdf8 /music/genre/artists /m/0dw3l +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/0gv40 /people/deceased_person/place_of_death /m/030qb3t +/m/0p_rk /film/film/written_by /m/0hw1j +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/015wd7 /music/genre/artists /m/01304j +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/01f8hf /film/film/produced_by /m/09zw90 +/m/086nl7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06y_n +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/04mx8h4 +/m/071dcs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047d21r /film/film/executive_produced_by /m/017c87 +/m/01g0jn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/018mmw +/m/02ktrs /film/actor/film./film/performance/film /m/03bzyn4 +/m/042q3 /people/person/nationality /m/03gk2 +/m/07r78j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03p2m1 /education/educational_institution_campus/educational_institution /m/03p2m1 +/m/07s2s /film/film_subject/films /m/06r2h +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04tc1g +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/07nx9j +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02q_cc /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/0ddbjy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fg04 /film/film/executive_produced_by /m/02vyw +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4k49 +/m/02bjhv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02778yp /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/01w1kyf /people/person/profession /m/0dxtg +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/047lj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02bh8z /music/record_label/artist /m/0178kd +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05_p2 +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jkqfz +/m/05k7sb /location/location/contains /m/01k7xz +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/03lgg /people/person/religion /m/0kpl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0bkg4 +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/047csmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/090s_0 /film/film/story_by /m/03_dj +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/044ptm /film/actor/film./film/performance/film /m/09q23x +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/012jfb /film/film/language /m/02h40lc +/m/0b_75k /time/event/locations /m/06wxw +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01nxzv +/m/060pl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hkqn +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/01z4y /media_common/netflix_genre/titles /m/0g7pm1 +/m/07h9gp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011ywj /film/film/genre /m/0j5nm +/m/0ldqf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/05zlld0 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/050zr4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0379s /people/deceased_person/place_of_death /m/0d33k +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/06rnl9 +/m/01y6dz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0308kx +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01gvxv /people/person/gender /m/02zsn +/m/0889d /base/biblioness/bibs_location/country /m/0jgx +/m/0d90m /film/film/featured_film_locations /m/0h7h6 +/m/08phg9 /film/film/production_companies /m/05rrtf +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/07s3vqk +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0gd92 /film/film/language /m/02h40lc +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/077qn /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09kr66 /people/ethnicity/people /m/05r5w +/m/033f8n /film/film/country /m/09c7w0 +/m/0cj8x /people/person/gender /m/05zppz +/m/0kj34 /people/person/profession /m/039v1 +/m/0dw3l /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0d7wh /people/ethnicity/people /m/016xh5 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/02xhwm /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04y5j64 /film/film/film_format /m/07fb8_ +/m/09blyk /media_common/netflix_genre/titles /m/02tktw +/m/05tgks /film/film/language /m/02h40lc +/m/056zdj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03dbds /film/director/film /m/047bynf +/m/04xvlr /media_common/netflix_genre/titles /m/07jqjx +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0dnqr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/0c2dl /people/person/profession /m/0kyk +/m/02vqsll /film/film/production_companies /m/054lpb6 +/m/071_8 /education/educational_institution/colors /m/06fvc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/016yxn /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01q_wyj /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/059rby /location/location/contains /m/0yc7f +/m/07xyn1 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0pgm3 /people/person/profession /m/02hrh1q +/m/01h910 /film/actor/film./film/performance/film /m/0fpgp26 +/m/05ywg /base/biblioness/bibs_location/country /m/01mjq +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwx6 +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/049xgc +/m/04l19_ /influence/influence_node/influenced_by /m/046lt +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0b1zz +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01k3s2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01gvsn /film/film/produced_by /m/02kv5k +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/027l4q +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/04svwx /film/film/genre /m/02l7c8 +/m/05p09dd /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/0k_l4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049912 +/m/044bn /film/actor/film./film/performance/film /m/0jdr0 +/m/0bdxs5 /people/person/profession /m/02hrh1q +/m/01pgk0 /people/person/profession /m/02jknp +/m/042v_gx /music/instrument/instrumentalists /m/01vrncs +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/05z01 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/07mkj0 +/m/0cyhq /people/deceased_person/place_of_death /m/02_286 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09wj5 +/m/07wrz /education/educational_institution/campuses /m/07wrz +/m/08qs09 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/025sc50 /music/genre/artists /m/01vs73g +/m/056ws9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sbv9 +/m/06tpmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01w7nwm /music/artist/origin /m/01_d4 +/m/01tkgy /people/person/profession /m/0np9r +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/01flzq /music/genre/artists /m/01vz0g4 +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/0hvbj +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bf58 +/m/05148p4 /music/instrument/instrumentalists /m/01vtg4q +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c8v0 +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q5xsx +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q4mt +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/035wtd /organization/organization/headquarters./location/mailing_address/state_province_region /m/05mph +/m/0fjyzt /film/film/country /m/0chghy +/m/027fwmt /film/film/genre /m/01hmnh +/m/032xhg /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0g284 +/m/033tf_ /people/ethnicity/people /m/01pl9g +/m/02_t2t /people/person/nationality /m/0d060g +/m/0jcjq /location/location/time_zones /m/02hczc +/m/075qbd2 /dataworld/gardening_hint/split_to /m/01x214 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02hsgn +/m/016dj8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hmb_ +/m/03m3mgq /people/profession/specialization_of /m/06q2q +/m/07zr66 /people/person/nationality /m/02jx1 +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/05szq8z /film/film/film_format /m/0cj16 +/m/0484q /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/0fn8jc /people/person/places_lived./people/place_lived/location /m/01r32 +/m/08rr3p /film/film/produced_by /m/04pqqb +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01bcwk +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/052gzr +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/04mn81 /music/artist/origin /m/0mn0v +/m/01lyv /music/genre/artists /m/02vr7 +/m/054nbl /music/genre/artists /m/01m15br +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/01yznp /people/person/nationality /m/09c7w0 +/m/0pml7 /location/location/time_zones /m/02hcv8 +/m/0889x /people/person/profession /m/04f2zj +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0klh7 +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/01qncf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016jny /music/genre/artists /m/0k1bs +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/01w5m /education/educational_institution/colors /m/083jv +/m/03459x /film/film/production_companies /m/030_1m +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/028knk /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/02zbjhq /people/person/nationality /m/06qd3 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/018_q8 /business/business_operation/industry /m/03qh03g +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0193fp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tnbn /people/person/profession /m/01xr66 +/m/0nvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvrd +/m/035wcs /music/genre/parent_genre /m/02pl5bx +/m/05650n /film/film/production_companies /m/046b0s +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h7pj +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/0215n /media_common/netflix_genre/titles /m/015w8_ +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09l3p /film/actor/film./film/performance/film /m/0fdv3 +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0h1v19 /film/film/produced_by /m/02qx1m2 +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/071vr /location/location/contains /m/07vjm +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02rxbmt /people/person/profession /m/02jknp +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/07phbc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds3t5x +/m/03ryn /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/02fybl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02l840 +/m/01tzm9 /film/actor/film./film/performance/film /m/0639bg +/m/01gq0b /film/actor/film./film/performance/film /m/06t2t2 +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/01rl_3 /sports/sports_team/colors /m/06fvc +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/02fgpf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/07vqnc /tv/tv_program/genre /m/0hcr +/m/0j1yf /people/person/profession /m/012t_z +/m/03q8xj /film/film/genre /m/03k9fj +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0cv3w /location/hud_county_place/place /m/0cv3w +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/03676 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/027y151 +/m/03rhqg /music/record_label/artist /m/0fpjd_g +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/01zh29 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dgz +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01h8rk +/m/0cbm64 /people/person/gender /m/05zppz +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/06gst /music/record_label/artist /m/03qkcn9 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rxyb +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09tlh /base/biblioness/bibs_location/country /m/07ssc +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/01hqhm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bpbhm +/m/0f8grf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/028fjr /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/048n7 /film/film_subject/films /m/03pc89 +/m/0xnvg /people/ethnicity/people /m/01vw87c +/m/0hhqw /people/person/place_of_birth /m/06gmr +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03lt8g +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/0gd92 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/06nm1 /media_common/netflix_genre/titles /m/091z_p +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w670 +/m/04b7xr /people/person/profession /m/0dz3r +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/01yx7f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/01jbx1 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03x73c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01cyjx /people/person/profession /m/02hrh1q +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02g5h5 +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/01n30p /film/film/country /m/07ssc +/m/064t9 /music/genre/artists /m/02qlg7s +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/06by7 /music/genre/artists /m/01bczm +/m/02633g /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/03d9d6 +/m/04bd8y /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/012z8_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0dn8b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1w +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/083skw /film/film/cinematography /m/026v_78 +/m/08hmch /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0677j +/m/01cf93 /music/record_label/artist /m/01wx756 +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r_dg +/m/0dc_ms /film/film/language /m/06b_j +/m/01z4y /media_common/netflix_genre/titles /m/087pfc +/m/083my7 /sports/sports_team/colors /m/083jv +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0l6ny /olympics/olympic_games/sports /m/01cgz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/01g_k3 /sports/sports_team_location/teams /m/031zp2 +/m/05h95s /tv/tv_program/genre /m/01hmnh +/m/0g5y6 /people/ethnicity/people /m/016ghw +/m/022fj_ /education/educational_institution/colors /m/01g5v +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02rg_4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06xj93 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qnc6q +/m/0ccd3x /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02pdhz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/0kqb0 +/m/02y0js /people/cause_of_death/people /m/061y4q +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0fw2f /location/hud_county_place/place /m/0fw2f +/m/06mzp /location/statistical_region/religions./location/religion_percentage/religion /m/01t7j +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/016clz /music/genre/artists /m/06p03s +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05z_kps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1mc +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01x9_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01ps2h8 /people/person/languages /m/05f_3 +/m/09swkk /people/person/gender /m/05zppz +/m/057xn_m /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/05148p4 /music/instrument/instrumentalists /m/01k23t +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0315q3 /people/person/places_lived./people/place_lived/location /m/0sb1r +/m/0gkydb /people/person/gender /m/05zppz +/m/059rby /location/location/contains /m/06182p +/m/01jrp0 /film/actor/film./film/performance/film /m/02q7fl9 +/m/01438g /film/actor/film./film/performance/film /m/0djlxb +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/013_vh /film/actor/film./film/performance/film /m/031778 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018vs /music/instrument/instrumentalists /m/018dyl +/m/026gyn_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0j90s +/m/018d6l /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0mdqp /film/director/film /m/02ryz24 +/m/01tzm9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h5d +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/07b_l /location/location/contains /m/01s7pm +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1mr +/m/03shpq /film/film/language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0425kh +/m/041_y /influence/influence_node/influenced_by /m/0379s +/m/05bnq8 /education/educational_institution_campus/educational_institution /m/05bnq8 +/m/01jft4 /film/film/written_by /m/04l3_z +/m/0dq23 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01718w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0b1zz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rsd2 /people/person/profession /m/02hrh1q +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0229rs /music/record_label/artist /m/0dtd6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0qlnr +/m/02t__l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02f6g5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/013fn +/m/0hz6mv2 /film/film/executive_produced_by /m/013rds +/m/01hcj2 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01lyv /music/genre/artists /m/0136pk +/m/02114t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fybl +/m/0h0yt /people/person/religion /m/0kpl +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j7mr +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/0d0vj4 /people/person/place_of_birth /m/04gxf +/m/01xdf5 /influence/influence_node/influenced_by /m/01pw9v +/m/0myhb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxz4 +/m/02md2d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/032qgs +/m/03k9fj /media_common/netflix_genre/titles /m/03q5db +/m/04vq3h /people/person/gender /m/05zppz +/m/0284b56 /film/film/language /m/02h40lc +/m/0dyl9 /sports/sports_team_location/teams /m/03d555l +/m/019_6d /education/educational_institution/colors /m/01g5v +/m/05sq0m /people/person/gender /m/02zsn +/m/059g4 /base/locations/continents/countries_within /m/06s0l +/m/0klh7 /film/actor/film./film/performance/film /m/09wnnb +/m/02qkt /location/location/contains /m/03__y +/m/05qmj /people/person/profession /m/05snw +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrlqd +/m/012x2b /film/actor/film./film/performance/film /m/02t_h3 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0g57ws5 /time/event/locations /m/0156q +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/04t2l2 /people/person/places_lived./people/place_lived/location /m/0qkcb +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/015npr /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0b2ds /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/05r5c /music/instrument/instrumentalists /m/03f1zhf +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/0p7h7 /people/person/profession /m/09jwl +/m/017l4 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/07xzm +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/014z8v /influence/influence_node/influenced_by /m/02h48 +/m/04cppj /film/film/featured_film_locations /m/0vzm +/m/02bkdn /film/actor/film./film/performance/film /m/02rv_dz +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01d1yr /people/person/profession /m/02hrh1q +/m/07r_dg /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/01cx_ /location/location/contains /m/0225v9 +/m/02tjl3 /film/film/genre /m/03bxz7 +/m/01j6t0 /medicine/symptom/symptom_of /m/025hl8 +/m/0f0y8 /influence/influence_node/peers./influence/peer_relationship/peers /m/053yx +/m/0411q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wvxw1 +/m/0dpl44 /film/film/genre /m/0lsxr +/m/02ywwy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/0286vp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gdh6k +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hv4t +/m/0cxbth /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/039bp /film/actor/film./film/performance/film /m/024mxd +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qcr +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/03k9fj /media_common/netflix_genre/titles /m/020fcn +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/02f6g5 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/027j9wd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/059f4 /location/location/time_zones /m/02hcv8 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w9sgh +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/09p4w8 /film/film/genre /m/07s9rl0 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01900g +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0127gn +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02k_kn /music/genre/artists /m/01vzxld +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01lcxbb +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02wh75 /award/award_category/category_of /m/0c4ys +/m/06x2ww /music/record_label/artist /m/01x0yrt +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/031ydm +/m/0tz1x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08fn5b +/m/0bdxs5 /people/person/profession /m/0d1pc +/m/01jfsb /media_common/netflix_genre/titles /m/02rrh1w +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01l1b90 /film/actor/film./film/performance/film /m/047csmy +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/020jqv +/m/033tf_ /people/ethnicity/people /m/0484q +/m/07sqhm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01hb6v +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02q5bx2 /tv/tv_program/genre /m/01hmnh +/m/03fcbb /education/educational_institution_campus/educational_institution /m/03fcbb +/m/04411 /influence/influence_node/influenced_by /m/039n1 +/m/01vlj1g /film/actor/film./film/performance/film /m/0fphf3v +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bg539 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgnq +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/07lt7b +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04t9c0 +/m/051m56 /people/person/profession /m/016z4k +/m/02kxjx /base/culturalevent/event/entity_involved /m/01kx1j +/m/01mqc_ /film/actor/film./film/performance/film /m/0f4m2z +/m/0c3z0 /film/film/language /m/06b_j +/m/01qb5d /film/film/country /m/09c7w0 +/m/03qgjwc /award/award_category/disciplines_or_subjects /m/0w7c +/m/0dg3n1 /base/locations/continents/countries_within /m/02kcz +/m/01vh096 /influence/influence_node/influenced_by /m/06y8v +/m/09x3r /olympics/olympic_games/participating_countries /m/01ls2 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c2ry +/m/025ts_z /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/089j8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0c58k /people/cause_of_death/people /m/03h_fk5 +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06t2t +/m/02l7c8 /media_common/netflix_genre/titles /m/014l6_ +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/013pp3 +/m/031x_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hl3d +/m/0djb3vw /film/film/country /m/09c7w0 +/m/01lyv /music/genre/artists /m/01pgk0 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/082scv +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043h78 +/m/0155w /music/genre/artists /m/03f0vvr +/m/0mrq3 /location/us_county/county_seat /m/0f2sq +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/05hdf /base/eating/practicer_of_diet/diet /m/07_jd +/m/0194_r /education/educational_institution_campus/educational_institution /m/0194_r +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/01g888 /music/genre/artists /m/02k5sc +/m/0f8l9c /location/location/contains /m/0d8r8 +/m/028mc6 /people/person/profession /m/02hrh1q +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/016yvw /film/actor/film./film/performance/film /m/050r1z +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/01vsyjy /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/012v1t /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/012vby /film/director/film /m/0147sh +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04b4yg +/m/0m24v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jch5 +/m/03f4xvm /people/person/profession /m/0nbcg +/m/032c08 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01g7_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0841v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rt9 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/0mnsf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209hj +/m/065jlv /film/actor/film./film/performance/film /m/031786 +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/04mx__ +/m/045g4l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hskw /people/person/spouse_s./people/marriage/spouse /m/02dh86 +/m/07ssc /location/location/contains /m/0dj0x +/m/0hm0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0jgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/05zjd /language/human_language/countries_spoken_in /m/034m8 +/m/03phtz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020fgy +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04gfy7 /people/ethnicity/languages_spoken /m/09s02 +/m/02tz9z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/09nhvw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027kwc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxrw +/m/0132_h /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/03l6bs /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05c5xx9 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/064n1pz +/m/05sq84 /film/actor/film./film/performance/film /m/04x4gw +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/0196bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/07b8m1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/019vhk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08h79x +/m/0y_9q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/030_3z /film/director/film /m/03tn80 +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03zyvw +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/04n7jdv /music/genre/artists /m/01q7cb_ +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01bjbk +/m/04xm_ /influence/influence_node/influenced_by /m/015n8 +/m/016_mj /influence/influence_node/influenced_by /m/01hmk9 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/0kj34 /people/person/nationality /m/0d0vqn +/m/0d02km /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/027cxsm /people/person/gender /m/05zppz +/m/0tj9 /people/person/religion /m/03j6c +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05r79 +/m/03_gd /people/person/profession /m/02jknp +/m/02m501 /film/actor/film./film/performance/film /m/076tw54 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/01ty7ll /people/deceased_person/place_of_death /m/06_kh +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rgt +/m/02qwgk /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/06kknt /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/018ctl /olympics/olympic_games/participating_countries /m/06mkj +/m/0ff3y /influence/influence_node/influenced_by /m/06whf +/m/0p8r1 /people/person/nationality /m/09c7w0 +/m/0jhd /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0sxgh /education/educational_institution/students_graduates./education/education/student /m/04znsy +/m/03rk0 /location/location/contains /m/0djgt +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0j2pg +/m/0bz3jx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/061681 /film/film/language /m/06nm1 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0q59y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z4y /media_common/netflix_genre/titles /m/06rmdr +/m/0xbm /sports/sports_team/colors /m/06fvc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/01h1b /film/actor/film./film/performance/film /m/0ds5_72 +/m/01shy7 /film/film/production_companies /m/05qd_ +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/02v4vl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07twz /location/location/contains /m/09jp3 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dnvn3 +/m/04jwly /film/film/produced_by /m/0d500h +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0473rc +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/069ld1 /people/person/places_lived./people/place_lived/location /m/01531 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0cj2w +/m/0161rf /music/genre/artists /m/01htxr +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0147sh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/026lyl4 /people/person/gender /m/02zsn +/m/03spz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05q96q6 /film/film/country /m/09c7w0 +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06znpjr /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/06cqb /music/genre/artists /m/01kcms4 +/m/0c01c /people/person/places_lived./people/place_lived/location /m/0d0x8 +/m/05fjf /base/biblioness/bibs_location/country /m/09c7w0 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0b1xl +/m/020yvh /education/educational_institution/school_type /m/0m4mb +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/048q6x /people/person/nationality /m/09c7w0 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/02ck1 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0x67 /people/ethnicity/people /m/06s7rd +/m/09r1j5 /people/person/nationality /m/0f8l9c +/m/014gf8 /film/actor/film./film/performance/film /m/0x25q +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/03xn3s2 /film/actor/film./film/performance/film /m/050f0s +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01y3v /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b73_1d +/m/047gn4y /film/film/music /m/04pf4r +/m/0159h6 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/013pk3 +/m/0276jmv /film/actor/film./film/performance/film /m/053rxgm +/m/0lgxj /olympics/olympic_games/participating_countries /m/04j53 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0p51w +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01vxxb /film/actor/film./film/performance/film /m/0d99k_ +/m/041rx /people/ethnicity/people /m/052hl +/m/09v0wy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/018nnz +/m/02l6dy /people/person/places_lived./people/place_lived/location /m/059rby +/m/01lyv /music/genre/artists /m/03gr7w +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/02l3_5 +/m/03rjj /location/location/contains /m/0jfvs +/m/03q43g /film/actor/film./film/performance/film /m/04180vy +/m/03mp8k /organization/organization/child./organization/organization_relationship/child /m/01q940 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0294zg +/m/01vsl3_ /music/group_member/membership./music/group_membership/role /m/03_vpw +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bmh4 +/m/01npcy7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0k5fg /film/film/language /m/02h40lc +/m/07ldhs /film/actor/film./film/performance/film /m/06_wqk4 +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/03d96s +/m/03dpqd /film/actor/film./film/performance/film /m/05650n +/m/018ygt /film/actor/film./film/performance/film /m/047gpsd +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/023v4_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/03jj93 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/01vvb4m /people/person/profession /m/02jknp +/m/04cl1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h26tm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2sk +/m/030_1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03lpbx +/m/01n4bh /music/genre/artists /m/03j1p2n +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/01gbn6 /people/person/gender /m/05zppz +/m/01vw_dv /people/person/gender /m/05zppz +/m/0l998 /olympics/olympic_games/sports /m/018w8 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/043hg /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051z6mv +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/07cbs /people/person/profession /m/01d30f +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/07ssc /location/location/contains /m/0134bf +/m/01lsl /film/film/written_by /m/01vsps +/m/0f4_2k /film/film/featured_film_locations /m/06c62 +/m/07_f2 /location/location/contains /m/0bjy7 +/m/01cl2y /music/record_label/artist /m/02cpp +/m/02822 /dataworld/gardening_hint/split_to /m/07s9rl0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0kz4w +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0m9c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/0l14md /music/instrument/instrumentalists /m/03h_fqv +/m/0172jm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0bbw2z6 /film/film/produced_by /m/027z0pl +/m/04_1l0v /location/location/contains /m/0846v +/m/07csf4 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0n0bp /film/film/language /m/02h40lc +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/018q42 /base/aareas/schema/administrative_area/capital /m/0gqkd +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/07b_l /location/location/contains /m/0ch280 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/0418wg /film/film/language /m/02bv9 +/m/0jdgr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0164nb +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01vlj1g +/m/09c7w0 /location/location/contains /m/02zy1z +/m/0132k4 /people/person/nationality /m/09c7w0 +/m/02y9bj /education/educational_institution/colors /m/036k5h +/m/03cf9ly /tv/tv_program/country_of_origin /m/0d060g +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/01v40wd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04czhj /organization/organization/place_founded /m/0k_q_ +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2h +/m/0gzy02 /film/film/music /m/01jpmpv +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0m0nq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0604m +/m/0j13b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/044k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/037n3 +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0335fp +/m/06gjk9 /film/film/written_by /m/081lh +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/02_l96 /film/actor/film./film/performance/film /m/07k2mq +/m/02w3w /music/instrument/instrumentalists /m/018phr +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/0lk90 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/08chdb +/m/0fv6dr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06ppc4 +/m/05q54f5 /film/film/genre /m/01jfsb +/m/0_9l_ /film/film/language /m/02h40lc +/m/0xszy /location/hud_county_place/county /m/0n58p +/m/0d9s5 /base/aareas/schema/administrative_area/administrative_parent /m/0d9rp +/m/02vqpx8 /people/person/nationality /m/09c7w0 +/m/015c2f /people/person/religion /m/0c8wxp +/m/0dscrwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/023w9s /people/person/profession /m/01d_h8 +/m/012mzw /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/06s1qy /people/person/profession /m/0cbd2 +/m/0yvjx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01sn3 +/m/01g4bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0xhtw /music/genre/artists /m/01vs4ff +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/0gpprt +/m/07yklv /music/genre/artists /m/03d9d6 +/m/03l6bs /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_6dw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02py4c8 +/m/0mbql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0_jq4 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mw7h +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/013xrm /people/ethnicity/people /m/0hskw +/m/09c7w0 /location/location/contains /m/02ln0f +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07yjb /media_common/netflix_genre/titles /m/075wx7_ +/m/083q7 /people/person/place_of_birth /m/034lk7 +/m/07srw /location/location/contains /m/0jc7g +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01m1_t /location/hud_county_place/place /m/01m1_t +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/02b61v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/046zh /film/actor/film./film/performance/film /m/07kdkfj +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gfsq9 /film/film/language /m/02h40lc +/m/02x8m /music/genre/artists /m/043c4j +/m/05yjhm /people/person/gender /m/02zsn +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02yxjs /education/educational_institution_campus/educational_institution /m/02yxjs +/m/0j0pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0bl2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01yf85 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01mszz +/m/02m0sc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070w7s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01y6dz +/m/06182p /education/educational_institution/campuses /m/06182p +/m/07g0_ /location/administrative_division/country /m/059j2 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0264jc6 /music/genre/artists /m/06br6t +/m/01qmy04 /people/person/nationality /m/09c7w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/013pk3 +/m/04gv3db /film/film/featured_film_locations /m/052p7 +/m/0b_4z /people/person/spouse_s./people/marriage/spouse /m/0b_7k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01jfnvd /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/058vfp4 /film/film_set_designer/film_sets_designed /m/0jqd3 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0824r /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0ctw_b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0qmfk /film/film/genre /m/07s9rl0 +/m/01jtp7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06yxd /location/location/contains /m/01hnb +/m/0299hs /film/film/genre /m/0lsxr +/m/01g04k /people/person/gender /m/05zppz +/m/06chvn /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/098r1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03l3jy /people/person/places_lived./people/place_lived/location /m/0hsqf +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/0mx2h /location/location/time_zones /m/02lcqs +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/019dwp +/m/09r94m /film/film/production_companies /m/016tw3 +/m/03gyvwg /film/film/country /m/03_3d +/m/0dy04 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/0466s8n /film/film/genre /m/01jfsb +/m/0jf1b /film/director/film /m/01jc6q +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/062z7 /people/profession/specialization_of /m/0fj9f +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/02x0bdb /people/person/gender /m/05zppz +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/05krk /education/educational_institution/students_graduates./education/education/student /m/02_n5d +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0py5b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/03205_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gc_c_ /film/film/country /m/09c7w0 +/m/02jkkv /film/film/country /m/09c7w0 +/m/012mzw /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/026_w57 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xv8m +/m/01tntf /education/educational_institution/colors /m/083jv +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/0ccvd /location/administrative_division/country /m/03rt9 +/m/038bht /award/award_winner/awards_won./award/award_honor/award_winner /m/02q3bb +/m/09b0xs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/025x1t +/m/0534v /people/person/profession /m/0kyk +/m/09blyk /media_common/netflix_genre/titles /m/0315w4 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/05th69 +/m/01j7z7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02yplc /film/actor/film./film/performance/film /m/0dzz6g +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/019389 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l424 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/022q32 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/026_dq6 +/m/046vvc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/03c6vl +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/02clgg +/m/06hzsx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rk0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04qw17 +/m/07rzf /people/person/profession /m/0np9r +/m/05nzw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yxg /film/film/country /m/09c7w0 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02xtxw /film/film/produced_by /m/0p_2r +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/015wfg /people/person/places_lived./people/place_lived/location /m/0xmqf +/m/0282x /influence/influence_node/influenced_by /m/07c0j +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/03lpp_ +/m/026kmvf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0g_bh /music/genre/parent_genre /m/016clz +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0k1wz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04xn_ +/m/0jpkw /education/educational_institution_campus/educational_institution /m/0jpkw +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01hr1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/067sqt /people/person/profession /m/02hrh1q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bq8tmw +/m/0d1_f /people/person/nationality /m/07ssc +/m/02lgj6 /people/person/place_of_birth /m/0cr3d +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/017v3q +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/09txzv /film/film/genre /m/07s9rl0 +/m/0gldyz /film/film/genre /m/05p553 +/m/05vc35 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tnkg /base/biblioness/bibs_location/country /m/09c7w0 +/m/04tgp /location/location/contains /m/043yj +/m/0bymv /people/person/religion /m/05sfs +/m/0gqrb /people/person/nationality /m/06mzp +/m/05bt6j /music/genre/artists /m/0dtd6 +/m/0399p /influence/influence_node/influenced_by /m/02wh0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/0mfj2 /people/person/profession /m/018gz8 +/m/0jm9w /sports/sports_team/colors /m/03vtbc +/m/01ckhj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0333t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fzm0g /film/film/country /m/09c7w0 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/087yty +/m/0dlngsd /film/film/music /m/0150t6 +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/08658y +/m/07th_ /education/educational_institution/campuses /m/07th_ +/m/0n5c9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5bk +/m/0436kgz /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05bmq /location/country/form_of_government /m/06cx9 +/m/0sw6g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0829rj +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/03f0qd7 /music/artist/origin /m/0f2v0 +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05y5fw /people/person/profession /m/0kyk +/m/0gg8l /music/genre/artists /m/018pj3 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0cwtm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/013yq /sports/sports_team_location/teams /m/02wvfxz +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0mgkg +/m/02m4t /film/film_subject/films /m/011x_4 +/m/08wjf4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04gnbv1 /people/person/gender /m/02zsn +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/095b70 /people/person/profession /m/02hrh1q +/m/0ttxp /location/hud_county_place/place /m/0ttxp +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0czyxs +/m/0fqjhm /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/06_bq1 +/m/02v_r7d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s7pm /education/educational_institution/colors /m/0jc_p +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/09c7w0 /location/location/contains /m/01gwck +/m/03xmy1 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gn30 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/017ztv /education/educational_institution/students_graduates./education/education/student /m/03j90 +/m/01hmnh /media_common/netflix_genre/titles /m/02qdrjx +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/026dd2b /people/person/profession /m/02krf9 +/m/02l0sf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01nxzv +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05m_jsg +/m/03f3yfj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015z4j +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/04264n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/01vw87c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05v38p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/041rx /people/ethnicity/people /m/01pjr7 +/m/01j_06 /education/educational_institution/school_type /m/07tf8 +/m/015p37 /people/person/nationality /m/09c7w0 +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_47 +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0vrmb /base/biblioness/bibs_location/state /m/04rrx +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/04bs3j +/m/02nrdp /people/person/profession /m/02hrh1q +/m/02r38 /people/person/profession /m/01c8w0 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/049468 /people/person/spouse_s./people/marriage/spouse /m/0tj9 +/m/05hrq4 /people/deceased_person/place_of_death /m/0k049 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/024mpp /film/film/genre /m/02kdv5l +/m/0164qt /film/film/production_companies /m/0g1rw +/m/08ct6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mn7 +/m/01j_9c /education/educational_institution/school_type /m/05jxkf +/m/05pq9 /people/person/profession /m/028kk_ +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ndy4 +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0b9rdk /film/film/genre /m/03k9fj +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01tp5bj /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/025ts_z /film/film/executive_produced_by /m/07lwsz +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/0221g_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/04rrd /location/location/contains /m/0cv1w +/m/04mwxk3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtx63s +/m/024_vw /people/person/place_of_birth /m/02_286 +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06r_by +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0crqcc /award/award_winner/awards_won./award/award_honor/award_winner /m/05gp3x +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/072r5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/020_95 +/m/05c74 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d33k +/m/0l6ny /olympics/olympic_games/sports /m/019w9j +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/03s5lz /film/film/production_companies /m/046b0s +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/013g3 /base/biblioness/bibs_location/country /m/02k54 +/m/0425kh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07m69t /soccer/football_player/current_team./sports/sports_team_roster/team /m/01gxqf +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01516r +/m/0fd3y /music/genre/artists /m/01vv7sc +/m/0k54q /film/film/production_companies /m/016tt2 +/m/0b0nq2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dg3n1 /location/location/contains /m/04hzj +/m/07g0_ /base/biblioness/bibs_location/country /m/059j2 +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/0n58p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gq +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/023n39 /film/actor/film./film/performance/film /m/01kqq7 +/m/08c4yn /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/011k11 /music/record_label/artist /m/07mvp +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/06fmdb /people/person/gender /m/05zppz +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/0xsk8 /people/person/profession /m/0gbbt +/m/06s27s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0x0d +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/015rhv /people/person/nationality /m/09c7w0 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/05kkh /location/location/contains /m/013jz2 +/m/01j5ws /people/person/profession /m/018gz8 +/m/09c7w0 /location/country/second_level_divisions /m/0nm87 +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0gywn /music/genre/artists /m/019g40 +/m/095w_ /location/administrative_division/country /m/03gj2 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/08jyyk /music/genre/artists /m/09jm8 +/m/015w9s /media_common/netflix_genre/titles /m/0b6m5fy +/m/03qjg /music/instrument/instrumentalists /m/018gkb +/m/059rby /location/location/contains /m/0f63n +/m/027nb /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02gnmp /education/educational_institution/colors /m/019sc +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ysn +/m/01x73 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/04z_3pm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/03cz4j /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02ccqg /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/09lbv /dataworld/gardening_hint/split_to /m/026t6 +/m/0drnwh /film/film/genre /m/060__y +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0b76t12 /film/film/language /m/02h40lc +/m/04vlh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/058frd +/m/0m75g /location/location/time_zones /m/03bdv +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award /m/07h0cl +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/019vhk /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/059wk /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/0cb1ky /people/person/religion /m/0flw86 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/01z4y /media_common/netflix_genre/titles /m/0yyn5 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01nglk /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/0djc3s /people/person/profession /m/01c72t +/m/0bbw2z6 /film/film/language /m/06b_j +/m/02f2dn /film/actor/film./film/performance/film /m/02704ff +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0hfzr /film/film/production_companies /m/016tw3 +/m/05bcl /location/location/contains /m/0kd69 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01pjr7 /film/actor/film./film/performance/film /m/014bpd +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/02jtjz /people/person/gender /m/02zsn +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s5lz +/m/032l1 /influence/influence_node/influenced_by /m/01v9724 +/m/0ddkf /people/person/profession /m/039v1 +/m/01vrlqd /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fn34 +/m/020yvh /education/educational_institution/school_type /m/01_srz +/m/04j14qc /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/030wkp /people/person/places_lived./people/place_lived/location /m/059rby +/m/01bns_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/025mb_ /film/actor/film./film/performance/film /m/087wc7n +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzlbx +/m/07c52 /media_common/netflix_genre/titles /m/039cq4 +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0fnmz /education/educational_institution_campus/educational_institution /m/0fnmz +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/044l47 /sports/sports_team/sport /m/02vx4 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/026sb55 /people/person/gender /m/05zppz +/m/0cbm64 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0296vv /film/film/genre /m/0cshrf +/m/043h78 /film/film/country /m/0chghy +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/01vsqvs /people/person/nationality /m/0345h +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/0d3k14 /people/person/gender /m/05zppz +/m/0njlp /location/location/contains /m/04pry +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01nnsv /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/032r1 /people/person/places_lived./people/place_lived/location /m/0h7x +/m/010p3 /influence/influence_node/influenced_by /m/014z8v +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/01vs4f3 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02_n5d /people/person/profession /m/0d1pc +/m/02l96k /music/genre/artists /m/01w9ph_ +/m/04cbbz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/064q5v /film/film/country /m/07ssc +/m/01qygl /organization/organization/headquarters./location/mailing_address/citytown /m/01snm +/m/063vn /people/person/profession /m/0kyk +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/06l7jj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01n1pp /organization/organization/headquarters./location/mailing_address/citytown /m/096g3 +/m/027s4dn /award/award_category/winners./award/award_honor/award_winner /m/09zmys +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/03m3nzf +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02ctc6 +/m/033tf_ /people/ethnicity/people /m/02pjvc +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/02qjj7 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/087pfc +/m/05l4yg /people/person/nationality /m/09c7w0 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04tnqn +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yygk +/m/04954r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0cx7f /music/genre/artists /m/01mxnvc +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04zxrt +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012w70 /media_common/netflix_genre/titles /m/08j7lh +/m/01rr9f /film/actor/film./film/performance/film /m/035gnh +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0xnvg /people/ethnicity/people /m/02j490 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/0283ph /tv/tv_program/genre /m/0hcr +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0xnvg /people/ethnicity/people /m/025n3p +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01wkmgb /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/05r5w +/m/04btyz /media_common/netflix_genre/titles /m/035s95 +/m/0r0m6 /location/location/contains /m/026vcc +/m/04hzfz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/082xp +/m/03fmfs /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/096lf_ /film/actor/film./film/performance/film /m/0dnkmq +/m/01fx4k /film/film/story_by /m/0c1fs +/m/0cj8x /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_x +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/02x_h0 /people/person/languages /m/02h40lc +/m/027l0b /people/person/religion /m/03_gx +/m/07nf6 /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0qcr0 /medicine/disease/risk_factors /m/0jpmt +/m/0m7yh /organization/organization/headquarters./location/mailing_address/citytown /m/0150n +/m/05p8bf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02ryz24 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09_2gj /people/person/profession /m/02hrh1q +/m/02b1gz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02x8m /music/genre/artists /m/01wwvt2 +/m/0jn5l /music/group_member/membership./music/group_membership/role /m/0342h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/023vcd /film/film/language /m/02h40lc +/m/060j8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03n_7k +/m/02jg92 /people/person/profession /m/0nbcg +/m/03rjj /location/location/contains /m/0947l +/m/02vtnf /people/person/profession /m/02jknp +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/02185j /education/educational_institution_campus/educational_institution /m/02185j +/m/04w7rn /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fnjv +/m/03kpvp /film/actor/film./film/performance/film /m/02qrv7 +/m/02wmbg /film/actor/film./film/performance/film /m/02w86hz +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/059j2 /location/location/contains /m/0jcx1 +/m/0557yqh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/078jnn +/m/0df92l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/021r6w /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02h3tp /people/person/place_of_birth /m/03l2n +/m/01_r9k /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blfl /olympics/olympic_games/participating_countries /m/05b4w +/m/0glt670 /music/genre/artists /m/06mt91 +/m/02g1jh /people/person/profession /m/02hrh1q +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/025txrl /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/09cr8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03_3d /location/location/contains /m/018qt8 +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01z4y /media_common/netflix_genre/titles /m/09rx7tx +/m/0xrzh /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5bk +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/033hn8 /music/record_label/artist /m/027hm_ +/m/01jpqb /education/educational_institution/students_graduates./education/education/student /m/02238b +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/08x5c_ /people/person/place_of_birth /m/07dfk +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/05489 /film/film_subject/films /m/01718w +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/0cbgl +/m/015cz0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l2b3 /film/film/genre /m/0219x_ +/m/021mlp /film/actor/film./film/performance/film /m/0k4kk +/m/03n_7k /film/actor/film./film/performance/film /m/084qpk +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/0522wp /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01xdf5 /influence/influence_node/influenced_by /m/013qvn +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05tjm3 /people/person/profession /m/0dxtg +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/01qb5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cc846d /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/080dfr7 +/m/016tw3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01g1lp +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/0clzr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01279v +/m/01xdf5 /people/person/profession /m/018gz8 +/m/01p7s6 /people/ethnicity/people /m/040_9 +/m/0ljbg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gp58p +/m/01j95 /tv/tv_program/program_creator /m/0br1w +/m/01rv7x /people/ethnicity/people /m/01ggbx +/m/0c5wln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/02txdf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qmfz /film/film/genre /m/07s9rl0 +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/02y_2y /film/actor/film./film/performance/film /m/0sxmx +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0bhwhj /film/film/genre /m/0cshrf +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0dtfn /film/film/story_by /m/0343h +/m/03188 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/011ysn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0342h /music/instrument/instrumentalists /m/018d6l +/m/05lls /music/genre/artists /m/09h_q +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/0190vc /music/record_label/artist /m/02qsjt +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01z4y /media_common/netflix_genre/titles /m/0kvgtf +/m/07cfx /base/aareas/schema/administrative_area/capital /m/03kjh +/m/08ff1k /people/person/spouse_s./people/marriage/spouse /m/02m30v +/m/015196 /people/person/profession /m/0kyk +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/012cph /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d6lp +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0yyn5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02r38 /people/deceased_person/place_of_death /m/0g0rp +/m/0gs6vr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07ldhs +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0flw6 +/m/06j8wx /people/person/profession /m/02hrh1q +/m/04xn_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01rl_3 +/m/07f0tw /people/person/languages /m/02hxcvy +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/049sb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmbv +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/086k8 /music/record_label/artist /m/0641g8 +/m/04sylm /education/educational_institution/school_type /m/05pcjw +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0ym4t /education/educational_institution/campuses /m/0ym4t +/m/03v0t /location/location/contains /m/0s987 +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/024qqx /media_common/netflix_genre/titles /m/0pc62 +/m/0r80l /location/hud_county_place/place /m/0r80l +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/049mql /film/film/genre /m/07s9rl0 +/m/02yw26 /music/genre/parent_genre /m/03lty +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/0443xn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mr85 /film/film/film_art_direction_by /m/05v1sb +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05f7snc +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03rl84 /people/person/languages /m/02h40lc +/m/037cr1 /film/film/genre /m/03k9fj +/m/04zxrt /sports/sports_team/sport /m/02vx4 +/m/01z7dr /music/genre/artists /m/0ftqr +/m/07yp0f /people/person/places_lived./people/place_lived/location /m/0n5bk +/m/05y0cr /film/film/genre /m/02l7c8 +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/029ql +/m/0144l1 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/07z542 /people/person/profession /m/02hrh1q +/m/0m2wm /people/person/places_lived./people/place_lived/location /m/06y9v +/m/0rj4g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0136p1 /people/person/profession /m/016z4k +/m/07bwr /film/film/written_by /m/02kxbx3 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/04xn2m /people/person/profession /m/0dxtg +/m/0lyjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/04vr_f /film/film/music /m/01tc9r +/m/0291ck /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jv5x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/020hh3 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/03rt9 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01g6l8 +/m/04264n /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0653m /media_common/netflix_genre/titles /m/0dx8gj +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxmgz +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l50_1 +/m/01vsksr /people/person/profession /m/0gbbt +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/02knxx /people/cause_of_death/people /m/049tjg +/m/03shp /location/country/official_language /m/032f6 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/048hf /film/actor/film./film/performance/film /m/0jdgr +/m/06wjf /base/biblioness/bibs_location/country /m/0d05w3 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/03td5v /sports/sports_team/colors /m/083jv +/m/061k5 /base/biblioness/bibs_location/country /m/03rjj +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/04cnp4 /education/educational_institution/colors /m/06fvc +/m/0xnvg /people/ethnicity/people /m/0gcs9 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012201 +/m/0g701n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mck3c +/m/0yfp /people/person/nationality /m/09c7w0 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01hmnh /media_common/netflix_genre/titles /m/0y_pg +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/01ts_3 /film/director/film /m/02p76f9 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0kfpm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/025mb_ +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/04zwc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/018wrk /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01bzw5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0345_ /location/location/contains /m/0346h +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/02zk08 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02bxjp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kvsb +/m/09451k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03v1jf +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0f7h2g /people/person/profession /m/02krf9 +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/01n8qg /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/01h1b +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/075cph /film/film/genre /m/01jfsb +/m/0djkrp /film/film/genre /m/04xvlr +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/01jbx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vsykc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh94 +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0169t +/m/07rd7 /people/person/profession /m/015h31 +/m/016z1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/082_p /award/award_nominee/award_nominations./award/award_nomination/award /m/026fn29 +/m/02q3bb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rmfm +/m/03_3d /location/location/contains /m/0211jt +/m/03lgg /people/person/place_of_birth /m/0rh6k +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0627sn +/m/09c7w0 /location/location/contains /m/01n4w_ +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/0g1x2_ /film/film_subject/films /m/08xvpn +/m/01d5vk /film/actor/film./film/performance/film /m/0h1v19 +/m/0ql7q /base/culturalevent/event/entity_involved /m/017cw +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/027pfg /film/film/genre /m/03k9fj +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/09h4b5 /people/person/religion /m/0c8wxp +/m/025ts_z /film/film/genre /m/0lsxr +/m/05pbsry /tv/tv_program/genre /m/05p553 +/m/022_q8 /people/person/places_lived./people/place_lived/location /m/018x0q +/m/0hsn_ /people/person/gender /m/02zsn +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/0b25vg /film/actor/film./film/performance/film /m/01flv_ +/m/031778 /film/film/genre /m/02n4kr +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/015y2q /base/biblioness/bibs_location/country /m/03rk0 +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03dbds +/m/041rx /people/ethnicity/people /m/03f0fnk +/m/07srw /location/location/contains /m/010dft +/m/025tjk_ /music/genre/parent_genre /m/016_rm +/m/011wtv /film/film/language /m/06mp7 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0161c +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07k2p6 +/m/09c7w0 /location/location/contains /m/0g8rj +/m/07663r /people/person/places_lived./people/place_lived/location /m/02_286 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/051zy_b /film/film/produced_by /m/06jz0 +/m/03cv_gy /film/film/genre /m/04xvlr +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/04jnd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59f +/m/0cn_tpv /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/013xh7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g69lg /award/award_winner/awards_won./award/award_honor/award_winner /m/019pkm +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0h08p /music/genre/artists /m/01wy61y +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/02bgmr /people/person/profession /m/0dz3r +/m/02x8m /music/genre/artists /m/01wy61y +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0747k8 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/0bz3jx /film/film/language /m/06nm1 +/m/01vsy95 /music/artist/contribution./music/recording_contribution/performance_role /m/042v_gx +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01xzb6 /people/person/profession /m/09lbv +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/0jdx /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0m2gk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2j5 +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01pgp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/015_1q /music/record_label/artist /m/02p68d +/m/09d3b7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0154gx /base/biblioness/bibs_location/country /m/0d060g +/m/0bsb4j /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/03r0rq /tv/tv_program/genre /m/0hcr +/m/015njf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02zft0 /people/person/profession /m/0nbcg +/m/0btyf5z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/014v6f /film/actor/film./film/performance/film /m/0pc62 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07tlfx /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01tfck /people/person/nationality /m/09c7w0 +/m/07hwkr /people/ethnicity/people /m/015v3r +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xlqd +/m/01q99h /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02v5_g /film/film/written_by /m/03p01x +/m/02r2j8 /tv/tv_program/genre /m/06n90 +/m/013tjc /people/person/profession /m/018gz8 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05kjc6 +/m/015qq1 /people/person/gender /m/05zppz +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/02fjzt /education/educational_institution/colors /m/07plts +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rjj +/m/065zr /base/aareas/schema/administrative_area/administrative_parent /m/05sb1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0f3zf_ /people/person/gender /m/05zppz +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0jfx1 /people/person/places_lived./people/place_lived/location /m/0pqz3 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0c3351 /media_common/netflix_genre/titles /m/0k0rf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04nrcg +/m/02p7xc /people/person/nationality /m/02jx1 +/m/06fpsx /film/film/language /m/02h40lc +/m/09vc4s /people/ethnicity/people /m/0chw_ +/m/06j6l /music/genre/artists /m/026spg +/m/02cllz /film/actor/film./film/performance/film /m/08k40m +/m/01c22t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0d05w3 /location/location/contains /m/01669t +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06dv3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0chw_ +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029zqn +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016ynj +/m/07h1h5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s2lg +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060v34 +/m/05y5kf /film/actor/film./film/performance/film /m/01v1ln +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/037njl +/m/06mtq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0847q +/m/0n04r /film/film/film_production_design_by /m/04z_x4v +/m/04f_d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k_9j /film/film/executive_produced_by /m/030_3z +/m/0bxy67 /people/person/place_of_birth /m/04vmp +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/016ybr /music/genre/artists /m/095x_ +/m/03rg5x /people/person/gender /m/05zppz +/m/04gp58p /film/film/film_festivals /m/04grdgy +/m/063y9fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04bpm6 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/01cpqk /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/04flrx /film/director/film /m/0419kt +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03_l8m /people/person/profession /m/02hrh1q +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/016jll +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08jtv5 +/m/0b25vg /people/person/gender /m/02zsn +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0343h /film/director/film /m/0fdv3 +/m/015cbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013ybx +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0353tm /film/film/genre /m/01585b +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0bvn25 /film/film/genre /m/07s9rl0 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q9b9 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/024nj1 /sports/sports_team/colors /m/01g5v +/m/05jm7 /influence/influence_node/influenced_by /m/01wd02c +/m/06w6_ /people/person/profession /m/02hrh1q +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/01v5h /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/09nwwf /music/genre/artists /m/019f9z +/m/056vv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04btgp +/m/0lyjf /education/educational_institution/school_type /m/01rs41 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/016zfm +/m/02bj22 /film/film/production_companies /m/09b3v +/m/05r6t /music/genre/artists /m/079kr +/m/03f47xl /influence/influence_node/influenced_by /m/058vp +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwlfnb +/m/03bnv /people/person/profession /m/039v1 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0bpm4yw +/m/03qjg /music/instrument/instrumentalists /m/0135xb +/m/089z0z /people/person/place_of_birth /m/02_286 +/m/0flw6 /people/person/sibling_s./people/sibling_relationship/sibling /m/03xkps +/m/04rcr /award/award_winner/awards_won./award/award_honor/award_winner /m/01ycfv +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/047q2k1 +/m/02vntj /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/06s27s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cqt41 +/m/03f3yfj /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/01wp8w7 /people/person/profession /m/0n1h +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/02wk7b /film/film/country /m/07ssc +/m/0prjs /people/person/profession /m/02jknp +/m/01clyr /music/record_label/artist /m/06gd4 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/03f3yfj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l1b90 +/m/012ky3 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/0c7t58 /people/person/profession /m/02hrh1q +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/026spg +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ft18 +/m/0kq0q /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/019z7q /influence/influence_node/influenced_by /m/01pq5j7 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fhzf +/m/02x4w6g /award/award_category/disciplines_or_subjects /m/0w7c +/m/0534v /people/person/profession /m/020xn5 +/m/01fjfv /broadcast/content/artist /m/06mj4 +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0xv2x /music/genre/artists /m/02_5x9 +/m/0kvgnq /film/film/genre /m/02l7c8 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/02mplj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/0n8bn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0333wf +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/06fcqw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0d1y7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6nl +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04fh3 +/m/05q96q6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gd0c7x /film/film/genre /m/03npn +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/06mzp /location/location/time_zones /m/02llzg +/m/08nz99 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04cf09 /people/person/place_of_birth /m/0fw2y +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gjvqm +/m/0bbf1f /people/person/religion /m/06nzl +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01t6xz +/m/0htlr /people/person/languages /m/02h40lc +/m/0m66w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/012201 /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/01wg25j +/m/016_rm /music/genre/parent_genre /m/06cqb +/m/016tbr /film/actor/film./film/performance/film /m/05c26ss +/m/03188 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/033tf_ /people/ethnicity/people /m/0gd_b_ +/m/0kvgxk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h96g +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05prs8 +/m/03l2n /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0sx7r /olympics/olympic_games/sports /m/06zgc +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0frf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mww2 +/m/036hf4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rtqvb /film/film/country /m/03rt9 +/m/03f77 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/05z7c /film/film/genre /m/01585b +/m/01yb09 /film/actor/film./film/performance/film /m/01hqhm +/m/07bzz7 /film/film/film_format /m/0cj16 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02mjf2 +/m/0168ls /film/film/film_production_design_by /m/07fzq3 +/m/048z7l /people/ethnicity/people /m/05bpg3 +/m/03y2kr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/02jx1 /location/location/contains /m/0dyjz +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v5h +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/017180 /film/film/genre /m/03g3w +/m/04mg6l /film/actor/film./film/performance/film /m/07b1gq +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/0kk9v +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01z88t +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01phtd /film/actor/film./film/performance/film /m/011ycb +/m/03_3d /location/location/contains /m/0193fp +/m/01nr36 /film/actor/film./film/performance/film /m/02c638 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/01hznh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/06by7 /music/genre/artists /m/01vrkdt +/m/026gyn_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0g2dz +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yk +/m/0c00lh /people/person/nationality /m/09c7w0 +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/02j9z /location/location/contains /m/07r_p +/m/0d_w7 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/04gfy7 /people/ethnicity/people /m/0311wg +/m/0grwj /people/person/gender /m/02zsn +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012201 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ws +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02k_4g +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/018vs +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/0217m9 /education/educational_institution_campus/educational_institution /m/0217m9 +/m/02x2t07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzlbx +/m/098sx /influence/influence_node/influenced_by /m/0448r +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/016vg8 +/m/041mt /people/person/places_lived./people/place_lived/location /m/0b90_r +/m/02qlkc3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06j6l /music/genre/artists /m/01s1zk +/m/02n4kr /media_common/netflix_genre/titles /m/06gjk9 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/09q5w2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170th +/m/0154j /location/country/official_language /m/02bv9 +/m/0c6g29 /people/person/profession /m/026sdt1 +/m/026yqrr /award/award_winner/awards_won./award/award_honor/award_winner /m/01ws9n6 +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/0q9zc +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06rvn +/m/0bs1g5r /people/person/profession /m/016z4k +/m/0ds33 /film/film/genre /m/06n90 +/m/01wyzyl /people/person/profession /m/03gjzk +/m/0dl4z /base/culturalevent/event/entity_involved /m/07ssc +/m/056_y /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/09c7w0 /location/location/contains /m/0_xdd +/m/02p8454 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/026p4q7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ymvk /education/educational_institution/colors /m/083jv +/m/0q74c /location/hud_county_place/place /m/0q74c +/m/019_6d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/029_3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zfs +/m/02v3yy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvydl +/m/0g8_vp /people/ethnicity/people /m/04mlmx +/m/01wcp_g /people/person/profession /m/0d1pc +/m/033tln /base/eating/practicer_of_diet/diet /m/07_jd +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0symg /film/film/genre /m/0219x_ +/m/095p3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pr6q7 +/m/0cmc26r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/09c7w0 /location/location/contains /m/02_cx_ +/m/0686zv /film/actor/film./film/performance/film /m/0879bpq +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/01z4y /media_common/netflix_genre/titles /m/0d87hc +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01h8f /film/actor/film./film/performance/film /m/0dnvn3 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01t94_1 +/m/0h5g_ /people/person/gender /m/05zppz +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01qvz8 /film/film/genre /m/06cvj +/m/02cnqk /base/culturalevent/event/entity_involved /m/0162b +/m/01_1kk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/023ny6 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/048s0r /people/person/places_lived./people/place_lived/location /m/05fjf +/m/0jsf6 /film/film/prequel /m/07g1sm +/m/01vmv_ /education/educational_institution/students_graduates./education/education/student /m/016z68 +/m/0prjs /film/director/film /m/016ywb +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088vb +/m/034rd9 /people/person/places_lived./people/place_lived/location /m/0lphb +/m/02q_x_l /tv/tv_program/genre /m/01htzx +/m/01ppq /location/country/form_of_government /m/01d9r3 +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/0ct9_ /influence/influence_node/influenced_by /m/040db +/m/0f8grf /people/person/profession /m/0np9r +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04n8xs +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/07bch9 /people/ethnicity/people /m/01wz3cx +/m/04ty8 /sports/sports_team_location/teams /m/04nrcg +/m/0xn5b /location/hud_county_place/place /m/0xn5b +/m/042g97 /film/film/genre /m/04pbhw +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09qljs /film/film/film_format /m/07fb8_ +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0pqzh /people/person/place_of_birth /m/071cn +/m/0bynt /film/film_subject/films /m/01qz5 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/016ghw /people/person/religion /m/03_gx +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01rl_3 +/m/01gpkz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01243b /music/genre/artists /m/01tp5bj +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01c8v0 +/m/01ry_x /film/film/genre /m/04xvh5 +/m/04bbv7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0btpm6 /film/film/produced_by /m/0184dt +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/08t7nz /people/person/profession /m/0dgd_ +/m/05bt6j /music/genre/artists /m/01mbwlb +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05wkw +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/07m9cm +/m/0k3g3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dzlbx /film/film/produced_by /m/02xnjd +/m/01wbg84 /film/actor/film./film/performance/film /m/0bz3jx +/m/011yth /film/film/genre /m/03bxz7 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg5qcw +/m/0blfl /olympics/olympic_games/participating_countries /m/035qy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r4z7 +/m/0k4kk /film/film/film_art_direction_by /m/05683cn +/m/01xn7x1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/081k8 /people/person/profession /m/0kyk +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01tnxc /film/actor/film./film/performance/film /m/01gglm +/m/02lv2v /education/educational_institution/students_graduates./education/education/student /m/0436f4 +/m/02x8m /music/genre/artists /m/016376 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/01243b /music/genre/artists /m/070b4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/02v63m /film/film/genre /m/0gf28 +/m/091xrc /film/film/genre /m/04t2t +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07kjk7c /award/award_category/winners./award/award_honor/award_winner /m/05mcjs +/m/01mjq /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/02x0fs9 /film/film/genre /m/0vgkd +/m/01vw20h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bq2g +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/02k6hp /people/cause_of_death/people /m/0yfp +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/042xh /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/0gg9_5q /people/person/nationality /m/09c7w0 +/m/02fn5r /people/person/profession /m/02hrh1q +/m/04h4c9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06cqb /music/genre/artists /m/0dt1cm +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04yt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01cf5 +/m/0blbxk /award/award_winner/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0mdqp +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/05prs8 /people/person/place_of_birth /m/0q_0z +/m/03lvwp /film/film/language /m/02bjrlw +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/01skcy /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0plyy /location/location/time_zones /m/02hcv8 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0djlxb /film/film/country /m/09c7w0 +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01c22t /film/film/genre /m/05p553 +/m/0ptx_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/05_pkf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03459x +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/03lrht +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zd460 +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/015gw6 /film/actor/film./film/performance/film /m/026zlh9 +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/088_kf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/017dcd /tv/tv_program/genre /m/03k9fj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0k_l4 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/024mpp /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/012cj0 /people/person/gender /m/05zppz +/m/014635 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/011k11 /music/record_label/artist /m/0kj34 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/0q5hw /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06gb2q +/m/0827d /music/genre/artists /m/01gg59 +/m/01vsqvs /people/person/profession /m/01c72t +/m/05p6ppv /award/award_category/disciplines_or_subjects /m/02vxn +/m/018417 /people/person/religion /m/0c8wxp +/m/057wlm /organization/organization/headquarters./location/mailing_address/state_province_region /m/06yxd +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02x0gx +/m/01ppq /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0l8gh /music/genre/artists /m/0hnlx +/m/050t68 /people/person/nationality /m/09c7w0 +/m/01ycbq /film/actor/film./film/performance/film /m/015bpl +/m/032zg9 /film/actor/film./film/performance/film /m/02jkkv +/m/01dvtx /influence/influence_node/influenced_by /m/015n8 +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04qw17 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/01y64_ /people/person/place_of_birth /m/06mxs +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0fvppk /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02l840 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0261x8t +/m/01j_06 /education/educational_institution_campus/educational_institution /m/01j_06 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/02py4c8 /tv/tv_program/genre /m/07s9rl0 +/m/02zrv7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/022q32 +/m/03rhqg /music/record_label/artist /m/01l4g5 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0ywqc +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0cv0r /location/us_county/county_seat /m/0ttxp +/m/04f73rc /broadcast/content/artist /m/01jcxwp +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/027986c +/m/0j5q3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/053xw6 +/m/0d6d2 /base/eating/practicer_of_diet/diet /m/07_jd +/m/03qnc6q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/06fqlk /film/film/production_companies /m/05qd_ +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01tkgy /people/person/nationality /m/0d060g +/m/0g824 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/04shbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gsvw +/m/0n03f /location/administrative_division/country /m/03rt9 +/m/01nbq4 /people/person/places_lived./people/place_lived/location /m/0144wg +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0pz7h /people/person/spouse_s./people/marriage/spouse /m/026w_gk +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0l_ +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/051z6mv /award/award_winner/awards_won./award/award_honor/award_winner /m/05v1sb +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j46b +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01yjl /sports/sports_team/sport /m/018jz +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0chghy /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/09b0xs /people/person/profession /m/01d_h8 +/m/04xvlr /media_common/netflix_genre/titles /m/0yzbg +/m/09g8vhw /film/film/production_companies /m/01gb54 +/m/06zsk51 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c4g +/m/01tnxc /people/person/profession /m/02hrh1q +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/014zfs /people/person/places_lived./people/place_lived/location /m/0dclg +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/07s3vqk +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/0f4y3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ttg5 /people/person/profession /m/0nbcg +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0zpfy /location/hud_county_place/place /m/0zpfy +/m/034b6k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0436kgz +/m/0820xz /education/educational_institution_campus/educational_institution /m/0820xz +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/06lvlf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gk4g /people/cause_of_death/people /m/04n32 +/m/04xvlr /media_common/netflix_genre/titles /m/0fgpvf +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01438g +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g78xc +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl5c +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/award /m/047sgz4 +/m/0102t4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04f6df0 +/m/016clz /music/genre/artists /m/02mx98 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/018d5b /base/biblioness/bibs_location/country /m/0d060g +/m/0dq9p /people/cause_of_death/people /m/07db6x +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/05k7sb /location/location/contains /m/01m2n1 +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/04b7xr /people/person/profession /m/03lgtv +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02__7n +/m/0dy04 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02yc5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/016clz /music/genre/artists /m/0khth +/m/0272kv /award/award_winner/awards_won./award/award_honor/award_winner /m/03y3dk +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcdn +/m/016jfw /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/035482 /medicine/disease/risk_factors /m/0c58k +/m/09c7w0 /location/location/contains /m/0l_v1 +/m/04j14qc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/016tb7 +/m/0j3v /people/person/places_lived./people/place_lived/location /m/02z0j +/m/08b3m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/04mky3 /people/person/place_of_birth /m/02dtg +/m/07ymr5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09px1w +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017r13 +/m/0qb0j /location/administrative_division/country /m/0d05w3 +/m/03gfvsz /broadcast/content/artist /m/0gcs9 +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/0flbm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p03t +/m/0827d /music/genre/artists /m/01d4cb +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0mbct /music/instrument/family /m/0mbct +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/01pf21 /organization/organization/place_founded /m/01smm +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01x9_8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02byfd +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f8gz +/m/013wf1 /sports/sports_team_location/teams /m/01j95f +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/0j5m6 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0fb7c /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/07b_l /location/location/contains /m/0mpzm +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/08nz99 +/m/03f7jfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/043gj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01938t +/m/018vs /music/instrument/family /m/01vj9c +/m/01n7q /location/location/contains /m/0b_cr +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bwfwpj +/m/034qmv /film/film/language /m/064_8sq +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ptxj +/m/0xnvg /people/ethnicity/people /m/06_6j3 +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012mzw +/m/01cjhz /tv/tv_program/country_of_origin /m/07ssc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02tr7d +/m/015qqg /film/film/cinematography /m/06p0s1 +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0c8qq /film/film/country /m/07ssc +/m/0ct_yc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04gkp3 +/m/06czq /music/genre/parent_genre /m/06cqb +/m/01h8f /people/person/profession /m/01d_h8 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/016jny /music/genre/artists /m/01wx756 +/m/059gkk /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bcb1 +/m/09c7w0 /location/country/second_level_divisions /m/0f4y3 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/015jr +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0286gm1 /film/film/language /m/02h40lc +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/07ghq /film/film/genre /m/07s2s +/m/09b3v /media_common/netflix_genre/titles /m/02rn00y +/m/0296rz /film/film/produced_by /m/04w1j9 +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/015196 /people/person/profession /m/0nbcg +/m/02z5x7l /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/02qpt1w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06qgjh /film/actor/film./film/performance/film /m/0m_h6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jzyx +/m/01ckhj /film/actor/film./film/performance/film /m/05fcbk7 +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0sv6n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs1_ /film/actor/film./film/performance/film /m/01gvsn +/m/02114t /film/actor/film./film/performance/film /m/06gjk9 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/08ct6 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01nwwl /film/actor/film./film/performance/film /m/0879bpq +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0jrtv /location/location/contains /m/0ply0 +/m/017wh /location/administrative_division/first_level_division_of /m/0345h +/m/0p8r1 /film/actor/film./film/performance/film /m/01jrbb +/m/011_3s /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbgdv +/m/07t3x8 /people/person/profession /m/02hrh1q +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0kwv2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/019dwp /education/educational_institution/colors /m/067z2v +/m/02rb607 /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/01l1rw +/m/0fwwkj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015bpl /film/film/genre /m/06n90 +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jzyx +/m/03tc8d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/049_zz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/0p5mw /music/artist/contribution./music/recording_contribution/performance_role /m/07y_7 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09l9xt /people/person/nationality /m/0345h +/m/0fxkr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgg3 +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gbf +/m/047t_ /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/0b22w /people/person/profession /m/0fj9f +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03phtz +/m/0f1nl /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fqxw /base/biblioness/bibs_location/country /m/059j2 +/m/01j5ws /film/actor/film./film/performance/film /m/058kh7 +/m/07rzf /film/actor/film./film/performance/film /m/01y9jr +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/057hz +/m/03x9yr /music/record_label/artist /m/01wxdn3 +/m/03fnnn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/0395lw +/m/0gfh84d /film/film/genre /m/0lsxr +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0345h /location/location/contains /m/07nf6 +/m/0xhtw /music/genre/artists /m/01wl38s +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/03c7twt +/m/09c7w0 /location/location/contains /m/0l2l_ +/m/01n5sn /music/genre/parent_genre /m/0155w +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/0bfvw2 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0d0vqn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05b4w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/01vh3r /people/person/languages /m/02h40lc +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/01_x6v /award/award_winner/awards_won./award/award_honor/award_winner /m/02cm2m +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/015c4g /film/actor/film./film/performance/film /m/0466s8n +/m/01wdl3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/0404wqb /people/person/gender /m/02zsn +/m/02lj6p /people/person/gender /m/05zppz +/m/037q1z /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dh +/m/09c7w0 /location/country/second_level_divisions /m/013h9 +/m/01vs5c /organization/organization/headquarters./location/mailing_address/citytown /m/0z4_0 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/03ts0c /people/ethnicity/people /m/06b_0 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g68zt +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/07qht4 /media_common/netflix_genre/titles /m/048qrd +/m/05489 /film/film_subject/films /m/07g1sm +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0mb8c +/m/02d003 /film/film/featured_film_locations /m/02_286 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07gql /music/instrument/instrumentalists /m/09mq4m +/m/07tp2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0mbs8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015076 +/m/03qk20 /music/record_label/artist /m/04s5_s +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/06by7 /music/genre/artists /m/01wqpnm +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk1s +/m/06gn7r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05qd_ +/m/03b0q4 /film/actor/film./film/performance/film /m/0ckrnn +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01s21dg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4j_ +/m/01n4w /location/location/contains /m/0n_ps +/m/0dq9p /people/cause_of_death/people /m/0cj2w +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04v9wn +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mq7 +/m/06_sc3 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02qsqmq /film/film/genre /m/05p553 +/m/0lrh /influence/influence_node/influenced_by /m/03_87 +/m/028hc2 /film/actor/film./film/performance/film /m/0f8j13 +/m/03s6l2 /film/film/genre /m/04xvlr +/m/0c0yh4 /film/film/music /m/020fgy +/m/059rc /film/film/language /m/02h40lc +/m/02qmsr /film/film/genre /m/01jfsb +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmh7 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m5wv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/095z4q +/m/029jpy /location/location/partially_contains /m/0lm0n +/m/02114t /film/actor/film./film/performance/film /m/062zm5h +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/013q0p +/m/06z8s_ /film/film/produced_by /m/06chvn +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0198b6 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/01jssp /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0b2km_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/014d4v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02rkkn1 /tv/tv_program/genre /m/05p553 +/m/01jpmpv /people/person/profession /m/01c8w0 +/m/05_z42 /tv/tv_program/genre /m/05jhg +/m/0g9zjp /people/person/profession /m/0gl2ny2 +/m/0k5fg /film/film/genre /m/05p553 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/029fbr /music/genre/artists /m/01w8n89 +/m/02nt3d /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/04t36 /media_common/netflix_genre/titles /m/01jw67 +/m/018lg0 /music/genre/parent_genre /m/0b_6yv +/m/016zdd /film/actor/film./film/performance/film /m/0dqcs3 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/01w806h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/0g0rp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ydr95 /film/film/language /m/02h40lc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/0m77m /people/person/places_lived./people/place_lived/location /m/06jnv +/m/05wh0sh /government/politician/government_positions_held./government/government_position_held/basic_title /m/09d6p2 +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/073tm9 /music/record_label/artist /m/06s7rd +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/03t28q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m0nq /people/person/languages /m/02h40lc +/m/02_jkc /people/person/nationality /m/09c7w0 +/m/01j7z7 /people/person/profession /m/0np9r +/m/047lj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0m9c1 /people/person/gender /m/05zppz +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/026c1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/058cm /location/hud_county_place/county /m/0kwmc +/m/016nvh /people/person/profession /m/02hrh1q +/m/013bd1 /people/person/place_of_birth /m/04jpl +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/064t9 /music/genre/artists /m/01j6mff +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/035gnh /film/film/genre /m/04btyz +/m/05b7q /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/02t0n9 /people/deceased_person/place_of_burial /m/018mmj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01kvrz +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l380 +/m/0bwh6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/02f2dn +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jksm +/m/02cnqk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0162b +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03h2c /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/080nwsb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wddl /film/film/genre /m/06cvj +/m/01gkmx /people/person/nationality /m/09c7w0 +/m/059xnf /award/award_winner/awards_won./award/award_honor/award_winner /m/01wk3c +/m/02hhtj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023v4_ +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0169dl +/m/02bjrlw /media_common/netflix_genre/titles /m/0b85mm +/m/01x5fb /education/educational_institution_campus/educational_institution /m/01x5fb +/m/04v3q /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/0bkf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0cwrr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0534nr +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/016hvl /influence/influence_node/influenced_by /m/032l1 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qg +/m/076_74 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1p +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/01w3vc /education/educational_institution/students_graduates./education/education/student /m/0227tr +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/03h_yfh /people/person/profession /m/016z4k +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/016cjb /music/genre/artists /m/012vd6 +/m/0900j5 /film/film/production_companies /m/024rgt +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01tmng +/m/01c57n /education/educational_institution/school_type /m/05jxkf +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/02nvg1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/029k55 /people/person/profession /m/02jknp +/m/0q9t7 /people/person/languages /m/02h40lc +/m/0xhtw /music/genre/artists /m/0mjn2 +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5pvv +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/06bss /people/person/nationality /m/09c7w0 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0168ls /film/film/genre /m/02l7c8 +/m/068g3p /people/person/place_of_birth /m/013ksx +/m/01nn6c /music/group_member/membership./music/group_membership/role /m/02snj9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08k40m +/m/01ly8d /base/aareas/schema/administrative_area/administrative_parent /m/0jgd +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/018z_c /people/person/profession /m/02hrh1q +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03x1x +/m/03x1s8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01gbcf /music/genre/parent_genre /m/03p7rp +/m/0glt670 /music/genre/artists /m/0840vq +/m/0ctwqs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/025x1t /tv/tv_program/program_creator /m/06jrhz +/m/03ysmg /people/person/sibling_s./people/sibling_relationship/sibling /m/03ys2f +/m/03rk0 /media_common/netflix_genre/titles /m/0f42nz +/m/0cd2vh9 /film/film/language /m/04306rv +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04y79_n /film/actor/film./film/performance/film /m/0ds3t5x +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/02qfh +/m/04xvlr /media_common/netflix_genre/titles /m/011ywj +/m/0564mx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01jrbv /film/film/language /m/02h40lc +/m/016ppr /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/016ntp /people/person/profession /m/09jwl +/m/05qg6g /people/person/places_lived./people/place_lived/location /m/05fjf +/m/0b60sq /film/film/genre /m/03k9fj +/m/0c73g /people/person/profession /m/05vyk +/m/0269kx /education/educational_institution/colors /m/036k5h +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02kwcj /film/film/genre /m/06n90 +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/049_zz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cqt90 +/m/01hmnh /media_common/netflix_genre/titles /m/03y0pn +/m/0fvly /sports/sports_team/colors /m/083jv +/m/03m6_z /people/person/gender /m/05zppz +/m/046f3p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h5g_ +/m/03f0324 /influence/influence_node/influenced_by /m/02wh0 +/m/0p_47 /people/person/profession /m/0dxtg +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01jfsb /media_common/netflix_genre/titles /m/0bxsk +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/0633p0 +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01g23m /people/person/religion /m/03_gx +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/0dclg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/03mz9r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/02x3lt7 /film/film/produced_by /m/016qtt +/m/07s9rl0 /media_common/netflix_genre/titles /m/07nt8p +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/05zbm4 /people/person/languages /m/02h40lc +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/07bch9 /people/ethnicity/people /m/09yrh +/m/024qwq /people/deceased_person/place_of_death /m/0r00l +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/0pk1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ktjq +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0gy0n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvly +/m/02kwcj /film/film/language /m/02h40lc +/m/03lt8g /people/person/gender /m/02zsn +/m/09c7w0 /location/country/second_level_divisions /m/0myhb +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0qmhk +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/06w58f +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01hp5 /film/film/genre /m/04pbhw +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/044pqn /people/person/spouse_s./people/marriage/spouse /m/0241wg +/m/0344gc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03bdkd /film/film/cinematography /m/0dqzkv +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/01fxck /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0d61px /film/film/genre /m/07s9rl0 +/m/026lj /people/person/places_lived./people/place_lived/location /m/02m77 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/04f6hhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_dy +/m/02q5g1z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cw411 +/m/02kz_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/012gbb +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0f6_dy +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03ydlnj /film/film/country /m/09c7w0 +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/03jv8d /time/event/locations /m/05qhw +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03fcbb +/m/023cjg /film/film/genre /m/07s9rl0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k049 +/m/01bdxz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/09cxm4 +/m/07wdw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0835q +/m/053xw6 /people/person/profession /m/01d30f +/m/01dvbd /film/film/genre /m/0556j8 +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv81 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/070xg +/m/04nl83 /award/award_winning_work/awards_won./award/award_honor/award /m/0fm3b5 +/m/05k2s_ /people/person/profession /m/02hv44_ +/m/01nz1q6 /people/person/places_lived./people/place_lived/location /m/07dfk +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wy8t +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0dy04 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0drs_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/011k_j +/m/01xdxy /film/film/genre /m/01hmnh +/m/042fgh /film/film/production_companies /m/086k8 +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kckd +/m/0411q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0lbj1 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/03f47xl /influence/influence_node/influenced_by /m/03_87 +/m/07lt7b /people/person/profession /m/02hrh1q +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/position /m/02vkdwz +/m/0ffgh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/02prw4h /film/film/genre /m/017fp +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/022lly /education/educational_institution/campuses /m/022lly +/m/01z4y /media_common/netflix_genre/titles /m/0ds35l9 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/013cr /people/person/gender /m/05zppz +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/0fthl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrnsk /people/person/profession /m/09lbv +/m/09pl3s /people/person/place_of_birth /m/04sqj +/m/06t61y /film/actor/film./film/performance/film /m/011ywj +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/03j70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/034cj9 /people/person/profession /m/02jknp +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ym0 /influence/influence_node/influenced_by /m/04xjp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02q1hz +/m/01bvx1 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/02qkt /location/location/contains /m/0697s +/m/015_z1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01d259 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0286hyp /film/film/genre /m/0bkbm +/m/02xry /location/location/contains /m/0jgm8 +/m/016jny /music/genre/artists /m/01m65sp +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/0gywn /music/genre/artists /m/01kx_81 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0c0sl +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/036dyy /people/person/gender /m/05zppz +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/014lc_ /film/film/prequel /m/014nq4 +/m/03y5ky /education/educational_institution/students_graduates./education/education/student /m/0277990 +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d060g /location/location/contains /m/017j7y +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch26b_ +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0lvng /education/educational_institution_campus/educational_institution /m/0lvng +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/09c7w0 /location/country/second_level_divisions /m/0n5gq +/m/01l9p /people/person/places_lived./people/place_lived/location /m/0g284 +/m/02q5bx2 /film/film/country /m/09c7w0 +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05drq5 +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/01kkk4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n1pp +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/03clwtw /film/film/executive_produced_by /m/06q8hf +/m/0166b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0p9rz /film/film/genre /m/06l3bl +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/016nff +/m/06xbsn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05_z42 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03jsvl /music/genre/artists /m/03c3yf +/m/03f0qd7 /people/person/gender /m/05zppz +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/0435vm /film/film/genre /m/07s9rl0 +/m/03m73lj /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/041rx /people/ethnicity/people /m/0p51w +/m/0p9qb /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0dx97 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/052nd /education/educational_institution/campuses /m/052nd +/m/03q5db /film/film/genre /m/02l7c8 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq4j6 +/m/0pd6l /film/film/music /m/02z81h +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/0421ng /film/film/produced_by /m/0grrq8 +/m/035wcs /music/genre/artists /m/049qx +/m/06gh0t /people/person/languages /m/02h40lc +/m/02lk60 /film/film/production_companies /m/056ws9 +/m/03_3d /media_common/netflix_genre/titles /m/01sby_ +/m/05650n /film/film/produced_by /m/013t9y +/m/0157m /people/person/religion /m/0v53x +/m/03j367r /people/person/gender /m/05zppz +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/026r8q /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/01npw8 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0jnr_ /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/015j7 /film/film_subject/films /m/0k4kk +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3xztt +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0c4hx0 /time/event/instance_of_recurring_event /m/0g_w +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/049nq /location/location/contains /m/0flsf +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06b19 +/m/04v8x9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/09qr6 /people/person/profession /m/02hrh1q +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0x3r3 /people/person/place_of_birth /m/094jv +/m/04v9wn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fgj2 /base/biblioness/bibs_location/country /m/07ssc +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02c6d +/m/0170s4 /film/actor/film./film/performance/film /m/0963mq +/m/0kcn7 /film/film/film_art_direction_by /m/05233hy +/m/01nrz4 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/05hks /people/person/profession /m/0fj9f +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/03zg2x /film/actor/film./film/performance/film /m/0h7t36 +/m/02_cx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/05lls /music/genre/artists /m/0hr3g +/m/0d060g /location/location/contains /m/05ksh +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v40wd +/m/0d0x8 /location/location/contains /m/03818y +/m/04gp1d /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/09wnnb /film/film/country /m/09c7w0 +/m/02vr3gz /film/film/country /m/03f2w +/m/019v67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b18l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/07swvb /film/actor/film./film/performance/film /m/02wgbb +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04t38b +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0bz60q /people/person/profession /m/0dxtg +/m/02vxyl5 /people/person/profession /m/026sdt1 +/m/059g4 /base/locations/continents/countries_within /m/027nb +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bpc9 +/m/0bdd_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/027ffq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06zdt7 +/m/0bxsk /film/film/language /m/02h40lc +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03w7kx +/m/01nr36 /film/actor/film./film/performance/film /m/03p2xc +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/04cv9m /film/film/country /m/09c7w0 +/m/01fwpt /film/actor/film./film/performance/film /m/0879bpq +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0j0k /location/location/contains /m/0jgx +/m/01r4k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04x_3 +/m/020trj /people/person/gender /m/02zsn +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018p5f +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/02qm5j /music/genre/artists /m/04bgy +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/0jhn7 /olympics/olympic_games/sports /m/03fyrh +/m/09c7w0 /location/location/contains /m/0r540 +/m/09c7w0 /location/location/contains /m/0rn0z +/m/01gjlw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01l2fn /film/actor/film./film/performance/film /m/0gy7bj4 +/m/0h5g_ /film/actor/film./film/performance/film /m/0639bg +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/075npt /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01vsy9_ +/m/01vvb4m /film/actor/film./film/performance/film /m/01chpn +/m/01dvtx /influence/influence_node/influenced_by /m/039n1 +/m/01vtqml /people/person/profession /m/02hrh1q +/m/013423 /people/person/profession /m/0nbcg +/m/04lhc4 /film/film/produced_by /m/0q9kd +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03x23q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01p726 /location/hud_county_place/place /m/01p726 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fkf +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/0c4y8 +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/01d2v1 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/04f6hhm /tv/tv_program/genre /m/07s9rl0 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/039bpc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsy7t /people/person/profession /m/09jwl +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fzq3 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/01c333 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/083skw +/m/01jfsb /media_common/netflix_genre/titles /m/0dgq_kn +/m/0ddkf /film/actor/film./film/performance/film /m/0hmr4 +/m/0jqkh /film/film/language /m/02h40lc +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02g3w /people/person/profession /m/0n1h +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dx_q /people/person/nationality /m/02jx1 +/m/0x67 /people/ethnicity/people /m/01wg25j +/m/05lls /music/genre/artists /m/0kvrb +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04gzd +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d478 +/m/0835q /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04x4s2 +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/06_x996 /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/03j149k /people/person/nationality /m/09c7w0 +/m/016yvw /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/01q2nx /film/film/executive_produced_by /m/05prs8 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/059rc +/m/09c7w0 /location/country/second_level_divisions /m/0n228 +/m/09dfcj /location/location/time_zones /m/02hcv8 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m3b1t +/m/0kbws /olympics/olympic_games/participating_countries /m/0f8l9c +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01vnbh +/m/02wwwv5 /people/person/profession /m/047rgpy +/m/02p86pb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r1h +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016xh5 /film/actor/film./film/performance/film /m/05cvgl +/m/06lckm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/01z_jj /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/03y2kr /people/deceased_person/place_of_death /m/0r00l +/m/0pv3x /film/film/language /m/02h40lc +/m/0lkr7 /people/person/gender /m/05zppz +/m/03mqtr /media_common/netflix_genre/titles /m/0c38gj +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/035wq7 +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w9sgh +/m/0342h /music/instrument/instrumentalists /m/020hh3 +/m/02k1pr /film/film/language /m/03hkp +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02bjrlw +/m/02w4fkq /people/person/profession /m/0n1h +/m/081pw /film/film_subject/films /m/0htww +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07c2yr +/m/06qjgc /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05pbl56 /film/film/genre /m/01jfsb +/m/049n2l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01nnsv /education/university/fraternities_and_sororities /m/0325pb +/m/0cw3yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06z8s_ /film/film/cinematography /m/06t8b +/m/01zfmm /people/person/profession /m/0dxtg +/m/01sxly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041c4 +/m/016clz /music/genre/artists /m/04kjrv +/m/0ggbfwf /film/film/genre /m/07s9rl0 +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1hb +/m/02vg0 /film/actor/film./film/performance/film /m/02z3r8t +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/01vdrw /people/person/profession /m/0kyk +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/04bdzg /film/actor/film./film/performance/film /m/024mpp +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014gjp +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/04fv5b /film/film/genre /m/02n4kr +/m/0gx1bnj /film/film/genre /m/06n90 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/01vvyd8 /people/person/profession /m/02hrh1q +/m/0fb1q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0205dx +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02lhm2 /film/actor/film./film/performance/film /m/05fgt1 +/m/0gjcrrw /film/film/genre /m/05p553 +/m/0snty /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013yq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/06by7 /music/genre/artists /m/0gdh5 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/048_p /people/person/places_lived./people/place_lived/location /m/0sbbq +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02482c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/02t1cp /film/actor/film./film/performance/film /m/035_2h +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/04l57x /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01xcgf /education/educational_institution/school_type /m/02p0qmm +/m/042g97 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042fgh +/m/088q1s /location/country/form_of_government /m/01q20 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/01ww2fs +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/05xpv +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0c33pl /people/person/spouse_s./people/marriage/location_of_ceremony /m/01_d4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/025st2z /people/person/profession /m/03gjzk +/m/06l3bl /media_common/netflix_genre/titles /m/0cwy47 +/m/01lv85 /tv/tv_program/genre /m/01z4y +/m/03tbg6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mkn_d +/m/072twv /award/award_winner/awards_won./award/award_honor/award_winner /m/076lxv +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/05xpv +/m/02gkxp /organization/organization/headquarters./location/mailing_address/state_province_region /m/07_f2 +/m/03xp8d5 /people/person/place_of_birth /m/0cr3d +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/03p01x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05sy2k_ +/m/037jz /people/person/gender /m/05zppz +/m/0fpj9pm /people/person/profession /m/0nbcg +/m/05bnq3j /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j7mr +/m/033q4k /education/educational_institution/colors /m/07plts +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/07hwkr /people/ethnicity/people /m/02jr26 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0p7qm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02x0fs9 +/m/04165w /film/film/genre /m/04xvlr +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01srq2 +/m/06cqb /music/genre/artists /m/06mt91 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0n2q0 /location/location/contains /m/01sn3 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ry_x +/m/0319l /music/instrument/family /m/01kcd +/m/016qtt /people/person/profession /m/09jwl +/m/0m2fr /location/location/contains /m/01tlmw +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01vrlqd +/m/02ktt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ryx0 +/m/0b1y_2 /film/film/genre /m/07s9rl0 +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/01n8gr /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/0bbgly /film/film/genre /m/07s9rl0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/03fhml /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/04lhc4 /film/film/genre /m/01f9r0 +/m/0435vm /film/film/produced_by /m/05mvd62 +/m/01vdrw /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0d__g +/m/023322 /people/person/profession /m/09lbv +/m/0yjf0 /education/educational_institution/students_graduates./education/education/student /m/05np2 +/m/0gpx6 /film/film/language /m/02h40lc +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/074tb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/07brj /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0g2dz +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/025x1t /tv/tv_program/program_creator /m/06pj8 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0fbtm7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0mzvm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0k3jc +/m/0gk4g /people/cause_of_death/people /m/03csqj4 +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/043q2z /education/educational_institution_campus/educational_institution /m/043q2z +/m/05tbn /location/location/contains /m/0mwxl +/m/0177gl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01f8ld /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/0pz7h +/m/05q7874 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/075wx7_ +/m/01x6v6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/01jcjt /people/person/nationality /m/09c7w0 +/m/01rc4p /people/person/profession /m/02krf9 +/m/0k6yt1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dryh9k /people/ethnicity/people /m/05wdgq +/m/0mw2m /location/location/time_zones /m/02hcv8 +/m/01c8v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/025l5 +/m/012yc /music/genre/artists /m/01w9wwg +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/011k_j +/m/0bmhn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwllw +/m/043n0v_ /film/film/language /m/03_9r +/m/01vvlyt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tnxc /film/actor/film./film/performance/film /m/024l2y +/m/0fc32 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1m +/m/0chw_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0d0xs5 /people/person/place_of_birth /m/04jpl +/m/03xl77 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01k2wn /education/educational_institution/school_type /m/01rs41 +/m/051m56 /people/person/place_of_birth /m/013kcv +/m/0ds2n /film/film/produced_by /m/08hp53 +/m/0f8l9c /media_common/netflix_genre/titles /m/02q6gfp +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/04swd /sports/sports_team_location/teams /m/0520y3 +/m/03h_9lg /film/actor/film./film/performance/film /m/0cd2vh9 +/m/04t36 /media_common/netflix_genre/titles /m/0bz6sq +/m/01pgp6 /film/film/genre /m/09q17 +/m/0g68zt /film/film/genre /m/09blyk +/m/0c1ps1 /people/person/profession /m/01pn0r +/m/0qf43 /people/person/religion /m/0kpl +/m/0f7hc /film/actor/film./film/performance/film /m/02qydsh +/m/021yzs /people/person/profession /m/02hrh1q +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/0blbxk +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qncl3 +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gzh /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/033x5p /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03c6vl /people/person/spouse_s./people/marriage/spouse /m/030b93 +/m/081yw /location/location/contains /m/0778p +/m/04vvh9 /film/film/produced_by /m/09p06 +/m/027km64 /people/person/profession /m/02krf9 +/m/0xhtw /music/genre/artists /m/01wt4wc +/m/02ndf1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h64 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/06924p /music/genre/artists /m/03yf3z +/m/0879bpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02gtm4 /sports/sports_team/colors /m/019sc +/m/05lb65 /people/person/gender /m/02zsn +/m/01s0l0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030z4z +/m/03vrnh /people/person/nationality /m/03rk0 +/m/01_p6t /people/person/languages /m/02h40lc +/m/048lv /film/actor/film./film/performance/film /m/043mk4y +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vtj38 +/m/043mk4y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j2jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056vv +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01vt9p3 /people/person/places_lived./people/place_lived/location /m/05fjf +/m/0338g8 /film/actor/film./film/performance/film /m/01k60v +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/01wn718 +/m/02h761 /people/person/place_of_birth /m/01v8c +/m/01t9qj_ /people/person/gender /m/05zppz +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/01vrx35 /music/group_member/membership./music/group_membership/group /m/07m4c +/m/048xg8 /sports/sports_team/sport /m/02vx4 +/m/01s7qqw /people/person/nationality /m/09c7w0 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01f1ps +/m/01gwck /education/educational_institution_campus/educational_institution /m/01gwck +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1v19 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/046vvc +/m/06823p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01k165 /people/person/profession /m/0frz0 +/m/01kt17 /people/person/nationality /m/09c7w0 +/m/0j_c /film/actor/film./film/performance/film /m/05z7c +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01399x +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yh_t +/m/017jd9 /film/film/executive_produced_by /m/05hj_k +/m/04w8f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4vj +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/01n_g9 /education/educational_institution/students_graduates./education/education/student /m/0f_y9 +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/01kd57 +/m/0nm6z /base/aareas/schema/administrative_area/administrative_parent /m/050ks +/m/0h5g_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/025h4z /award/award_winner/awards_won./award/award_honor/award_winner /m/0hz_1 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018gqj +/m/0gv2r /people/person/profession /m/02jknp +/m/03d29b /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/01qcz7 /location/administrative_division/first_level_division_of /m/06mzp +/m/01d_h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01pfkw +/m/05pt0l /film/film/genre /m/01jfsb +/m/01vrncs /people/person/place_of_birth /m/0h1k6 +/m/0gmgwnv /film/film/genre /m/03bxz7 +/m/03ynwqj /film/film/genre /m/05p553 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp0790 +/m/0146pg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w60_p /film/actor/film./film/performance/film /m/037q31 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/03xh50 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_fz3 +/m/06g2d1 /film/actor/film./film/performance/film /m/03xf_m +/m/019m9h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/049bp4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04g_wd /people/person/profession /m/02hrh1q +/m/025rxjq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n6ds /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l4pj /people/person/places_lived./people/place_lived/location /m/0nq_b +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01qg7c /people/person/gender /m/05zppz +/m/041rx /people/ethnicity/people /m/01yg9y +/m/01lyv /music/genre/artists /m/01mwsnc +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02ldv0 +/m/0mdqp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/0sxmx /film/film/language /m/02h40lc +/m/08f3b1 /people/person/religion /m/05sfs +/m/07f1x /media_common/netflix_genre/titles /m/0fsw_7 +/m/0ktpx /film/film/country /m/09c7w0 +/m/03t0k1 /people/person/profession /m/0cbd2 +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/01q7cb_ /people/person/profession /m/012t_z +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/06jrhz +/m/02w59b /sports/sports_team/sport /m/02vx4 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m2l9 +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/042d1 +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01d1yr /people/person/profession /m/02jknp +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02fs_d /education/educational_institution/colors /m/04mkbj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0crs0b8 /film/film/genre /m/07s9rl0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/057d89 /people/person/profession /m/0dxtg +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0cp08zg /film/film/country /m/0f8l9c +/m/0jf1v /music/genre/parent_genre /m/016jny +/m/037q31 /film/film/personal_appearances./film/personal_film_appearance/person /m/0407f +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbbfb +/m/07wlt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/02fybl /people/person/profession /m/09jwl +/m/0300ml /tv/tv_program/country_of_origin /m/09c7w0 +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/02k1pr /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0glt670 /music/genre/artists /m/0892sx +/m/0n5j_ /location/location/contains /m/010cw1 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0155w /music/genre/artists /m/01tw31 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/06y0xx /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0qdzd /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0j0k +/m/09d28z /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/016jfw +/m/01xvjb /film/film/produced_by /m/04wvhz +/m/0k__z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035dk +/m/09qljs /film/film/story_by /m/0dr5y +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/013crh /base/biblioness/bibs_location/country /m/09c7w0 +/m/0431v3 /tv/tv_program/genre /m/0vgkd +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/02ts3h /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0prrm /film/film/genre /m/04228s +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/01d6jf /award/award_winner/awards_won./award/award_honor/award_winner /m/029ql +/m/019389 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/02rnns /people/person/nationality /m/0j5g9 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02pxst /film/film/produced_by /m/09d5d5 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/019c57 +/m/02qnbs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0170k0 +/m/05zrx3v /people/person/profession /m/01d_h8 +/m/02zyy4 /people/person/nationality /m/09c7w0 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/08cyft /music/genre/artists /m/07r4c +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/06929s /film/film/personal_appearances./film/personal_film_appearance/person /m/02r34n +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/04yt7 +/m/0ym8f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0gkz15s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0716t2 +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4d7 +/m/022wxh /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/016clz /music/genre/artists /m/01lz4tf +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y8zd +/m/09c7w0 /location/country/second_level_divisions /m/0m257 +/m/06yykb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/05szq8z /film/film/language /m/02h40lc +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01jrbb /film/film/story_by /m/05_k56 +/m/0xnvg /people/ethnicity/people /m/09fb5 +/m/016z1c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgly +/m/07mqps /people/ethnicity/people /m/029ghl +/m/01tnxc /people/person/place_of_birth /m/03l2n +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/0879xc /people/person/place_of_birth /m/06y57 +/m/09rvwmy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/05ldnp /award/award_winner/awards_won./award/award_honor/award_winner /m/026gb3v +/m/02w5q6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016_mj +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0g_gl /location/administrative_division/country /m/0b90_r +/m/049tb /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01_4z +/m/02n72k /film/film/language /m/06b_j +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/0k525 /film/actor/film./film/performance/film /m/0sxns +/m/02725hs /film/film/produced_by /m/02q42j_ +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s5v5 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01dcqj /people/cause_of_death/people /m/043tg +/m/01k6nm /people/person/gender /m/05zppz +/m/01cbt3 /people/person/nationality /m/07ssc +/m/01qdmh /film/film/country /m/0f8l9c +/m/096lf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0ff2k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h1m9 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02vz6dn /film/film/country /m/0d060g +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/01fx2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0jfx1 +/m/01693z /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/032zq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0jrny /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02b13y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01k53x +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmdwwg +/m/046lt /people/person/profession /m/0dxtg +/m/09p35z /film/film/produced_by /m/0bxtg +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/01vzx45 /people/person/nationality /m/09c7w0 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03f7m4h /people/person/place_of_birth /m/0cr3d +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/05gqy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076_74 +/m/02hwyss /language/human_language/countries_spoken_in /m/0bjv6 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07j94 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/08w4pm +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/06rhz7 /film/film/country /m/09c7w0 +/m/0gfzfj /film/film/produced_by /m/0d9_96 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/015rhv /people/person/nationality /m/07ssc +/m/02x0bdb /people/person/profession /m/01d_h8 +/m/0f5xn /film/actor/film./film/performance/film /m/0234j5 +/m/064t9 /music/genre/artists /m/094xh +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ss8_ +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/05w3f /music/genre/artists /m/02cw1m +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/01zg98 /people/person/gender /m/05zppz +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07yp0f +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wbzp +/m/07d3x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/07gyp7 /business/business_operation/industry /m/01_bhs +/m/01s7z0 /people/person/profession /m/02jknp +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/057hz +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01b9ck +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/033tf_ /people/ethnicity/people /m/044mvs +/m/0282x /people/person/profession /m/0kyk +/m/07d3z7 /people/person/languages /m/02h40lc +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/02h8p8 +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044rvb +/m/056wb /award/award_winner/awards_won./award/award_honor/award_winner /m/03wbzp +/m/01k0vq /film/film/executive_produced_by /m/034bgm +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/027x7z5 /film/film/genre /m/060__y +/m/0g9yrw /film/film/executive_produced_by /m/0343h +/m/087c7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06crng /film/actor/film./film/performance/film /m/02825kb +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/09lxtg /location/location/contains /m/02bb26 +/m/02rf1y /people/person/place_of_birth /m/019fh +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gy0n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/031f_m /film/film/genre /m/01jfsb +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017l96 /music/record_label/artist /m/048xh +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jpqb +/m/034vds /tv/tv_program/genre /m/06q7n +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/017vkx +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/01qbl +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gxb2 /medicine/symptom/symptom_of /m/0h1n9 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/03d1y3 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2qtl +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02qlp4 /film/film/genre /m/03k9fj +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/017fp /media_common/netflix_genre/titles /m/0cq806 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0b_6v_ /time/event/locations /m/04f_d +/m/0345h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdd +/m/0bpx1k /film/film/produced_by /m/02q42j_ +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jgwf +/m/01dw9z /film/actor/film./film/performance/film /m/035s95 +/m/03_2y /film/director/film /m/0dkv90 +/m/0dryh9k /people/ethnicity/people /m/045hz5 +/m/01wgx4 /people/person/gender /m/05zppz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gt14 +/m/01s9vc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0knjh /people/person/profession /m/016z4k +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/05pbl56 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0137n0 /people/person/gender /m/05zppz +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/0gn30 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_gd +/m/02jjdr /music/record_label/artist /m/02p68d +/m/01dyk8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/093l8p /film/film/genre /m/07s9rl0 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07bch9 /people/ethnicity/people /m/0pz7h +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ktx_ +/m/01lyv /music/genre/artists /m/01wz3cx +/m/0kctd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hx4y +/m/04n_g /people/person/places_lived./people/place_lived/location /m/01sgmd +/m/0315q3 /people/person/languages /m/02h40lc +/m/026rm_y /people/person/languages /m/02h40lc +/m/015pvh /people/person/nationality /m/09c7w0 +/m/0h32q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_nh2 /location/hud_county_place/place /m/0_nh2 +/m/01f7gh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01cssf /film/film/produced_by /m/02tn0_ +/m/06sks6 /olympics/olympic_games/sports /m/096f8 +/m/01vdrw /influence/influence_node/influenced_by /m/03j2gxx +/m/0l14qv /music/instrument/instrumentalists /m/0473q +/m/043zg /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/06cqb /music/genre/artists /m/01tv3x2 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/05fm6m +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0yyg4 /film/film/genre /m/03mqtr +/m/03nfnx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/018mxj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/05sw5b /film/film/language /m/02h40lc +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/01vzxmq /film/actor/film./film/performance/film /m/02s4l6 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04l5d0 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/015czt /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hg2h +/m/02yvct /film/film/language /m/064_8sq +/m/0gk4g /people/cause_of_death/people /m/03mv0b +/m/02jt1k /film/actor/film./film/performance/film /m/026lgs +/m/05w3f /music/genre/artists /m/01mwsnc +/m/059_c /location/location/partially_contains /m/0db94 +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046488 +/m/0k4bc /film/film/country /m/09c7w0 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0cp0ph6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b168 +/m/06brp0 /people/person/place_of_birth /m/0k9p4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048scx +/m/02x7vq /film/actor/film./film/performance/film /m/07bxqz +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/03mp54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0199gx +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01lbcqx /film/film/genre /m/06nbt +/m/04j14qc /film/film/genre /m/02l7c8 +/m/040p_q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/072vj +/m/02h30z /education/educational_institution_campus/educational_institution /m/02h30z +/m/02dlfh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/07dnx /influence/influence_node/influenced_by /m/032l1 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/029b9k /people/person/gender /m/02zsn +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/07sp4l +/m/028lc8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/02gs6r /film/film/genre /m/0jxy +/m/01p5xy /education/educational_institution/campuses /m/01p5xy +/m/07f0tw /people/person/profession /m/02hrh1q +/m/05mv4 /education/educational_institution/students_graduates./education/education/student /m/01c7p_ +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02630g /organization/organization/headquarters./location/mailing_address/citytown /m/010m55 +/m/026t6 /music/instrument/instrumentalists /m/0kxbc +/m/0yxf4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cx282 +/m/0j4b /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0459q4 /language/human_language/countries_spoken_in /m/04thp +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0362q0 /people/person/place_of_birth /m/0dyl9 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/01jrvr6 /people/person/gender /m/05zppz +/m/0crvfq /film/actor/film./film/performance/film /m/02d49z +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/0l_j_ /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gkg6 /people/person/profession /m/0nbcg +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/0lmm3 +/m/0277470 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/02scbv /film/film/executive_produced_by /m/04fyhv +/m/03cvv4 /people/person/places_lived./people/place_lived/location /m/010t4v +/m/0jjw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/09c7w0 /location/country/second_level_divisions /m/0mwjk +/m/0x0d /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/01hgwkr /film/actor/film./film/performance/film /m/07z6xs +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0g68zt +/m/01qh7 /location/location/contains /m/014zws +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddd0gc +/m/0329t7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016zp5 /film/actor/film./film/performance/film /m/017gl1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03xhj6 +/m/02c8d7 /music/genre/artists /m/07ss8_ +/m/07dzf /location/country/form_of_government /m/01d9r3 +/m/02rjv2w /film/film/country /m/09c7w0 +/m/0j4b /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/0cf2h /people/person/place_of_birth /m/0dyl9 +/m/0j0k /base/locations/continents/countries_within /m/0d05q4 +/m/0sydc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0q8sw /base/biblioness/bibs_location/state /m/0gyh +/m/0_b9f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0418wg /film/film/country /m/09c7w0 +/m/0291hr /film/film/genre /m/05p553 +/m/04nfpk /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/04c9bn +/m/012j5h /people/deceased_person/place_of_death /m/030qb3t +/m/0grmhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bx_5q +/m/04b675 /music/genre/parent_genre /m/01dqhq +/m/08qvhv /people/person/place_of_birth /m/01sn3 +/m/03k8th /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0ffgh /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01bzw5 /education/educational_institution/campuses /m/01bzw5 +/m/03x6rj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/072vj /film/director/film /m/04s1zr +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/05f2jk /people/person/gender /m/05zppz +/m/04rkkv /education/educational_institution/students_graduates./education/education/student /m/01_p6t +/m/02dlfh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/017m2y +/m/05w88j /people/person/nationality /m/09c7w0 +/m/04jt2 /base/biblioness/bibs_location/country /m/07ssc +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgtf +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/05r6t /music/genre/artists /m/01ydzx +/m/048scx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0g4vmj8 /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/0jgjn /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06c62 +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r93l +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/080_y +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/0bl2g /people/person/profession /m/02hrh1q +/m/0h3k3f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/01wgxtl +/m/08hmch /film/film/cinematography /m/0cqh57 +/m/01pv91 /film/film/produced_by /m/0133sq +/m/01nn7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02zfg3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptx_ +/m/02w29z /film/actor/film./film/performance/film /m/02qhqz4 +/m/0bby9p5 /film/film/genre /m/02kdv5l +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/01h7bb /film/film/genre /m/02kdv5l +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02w64f +/m/02j9z /location/location/contains /m/035qv8 +/m/01ptt7 /education/educational_institution/colors /m/01g5v +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01htxr +/m/01j_9c /organization/organization/headquarters./location/mailing_address/state_province_region /m/03s0w +/m/0ylzs /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/064t9 /music/genre/artists /m/0k6yt1 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/04n52p6 /film/film/cinematography /m/03cx282 +/m/05np2 /people/person/religion /m/0c8wxp +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/0gn30 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ryx0 +/m/05vc35 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/0pdp8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/06z8s_ /film/film/genre /m/01jfsb +/m/072x7s /film/film/production_companies /m/01gb54 +/m/011xg5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03qjlz /people/person/nationality /m/09c7w0 +/m/02fybl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0f4vbz +/m/02l_7y /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02qsjt /people/person/profession /m/09jwl +/m/01lqm /language/human_language/countries_spoken_in /m/07f1x +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/07s9rl0 /media_common/netflix_genre/titles /m/02s4l6 +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/05r5c /music/instrument/instrumentalists /m/0478__m +/m/06s6hs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09f0bj +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wp2p +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/0bcp9b /film/film/genre /m/07s9rl0 +/m/0c02jh8 /sports/sports_team/colors /m/01l849 +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/0157m +/m/0g4pl7z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q42j_ +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/02v992 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/0ncj8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01lpx8 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d8rs +/m/01b1mj /education/educational_institution/colors /m/01g5v +/m/05qbckf /film/film/story_by /m/079vf +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/092kgw +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02psgq /film/film/genre /m/07s9rl0 +/m/05p7tx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07y_7 +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n3rs +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0pmcz /education/educational_institution/students_graduates./education/education/student /m/04xm_ +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/03hpkp +/m/064lqk /music/genre/parent_genre /m/02mscn +/m/048hf /people/person/place_of_birth /m/0kf9p +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/0c2dl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/01xn6mc /sports/sports_team/sport /m/02vx4 +/m/03nk3t /people/person/profession /m/02jknp +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/013pp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/07sp4l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0522wp +/m/04ykg /location/location/contains /m/0xddr +/m/04ghz4m /film/film/music /m/07q1v4 +/m/0gg8z1f /film/film/genre /m/05p553 +/m/023wyl /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0flry /film/film_subject/films /m/048xyn +/m/0498y /location/location/contains /m/0225bv +/m/016nff /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03q5dr /film/actor/film./film/performance/film /m/0dr_4 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bmlb +/m/01clyr /music/record_label/artist /m/016h9b +/m/0n57k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwht +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/037s5h +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tg4 +/m/07r4c /people/person/profession /m/0nbcg +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/03m10r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01jfsb /media_common/netflix_genre/titles /m/0fy34l +/m/0l14md /music/instrument/instrumentalists /m/09mq4m +/m/0fgrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/01yzhn /people/person/places_lived./people/place_lived/location /m/059rby +/m/01vswwx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/043g7l /music/record_label/artist /m/01w8n89 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/01g7_r /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z4y /media_common/netflix_genre/titles /m/01mszz +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/05prs8 +/m/06gbnc /people/ethnicity/people /m/0bkq_8 +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03d34x8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02m92h +/m/03mh94 /film/film/production_companies /m/016tt2 +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0126y2 /people/person/profession /m/0nbcg +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/03j43 /people/person/religion /m/03_gx +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04954r +/m/01_f_5 /people/person/place_of_birth /m/02_286 +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/01lpx8 /sports/sports_team/colors /m/083jv +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/05c4fys +/m/04fhxp /people/person/places_lived./people/place_lived/location /m/04ykg +/m/0187y5 /people/person/places_lived./people/place_lived/location /m/04pry +/m/052hl /influence/influence_node/influenced_by /m/0l5yl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/09pjnd /people/person/profession /m/01d_h8 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/015pnb +/m/02661h /film/actor/film./film/performance/film /m/031t2d +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0grwj +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/01xhb_ /base/aareas/schema/administrative_area/administrative_parent /m/07dfk +/m/06lkg8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05fkf /location/location/contains /m/0yjvm +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016s0m +/m/01d2v1 /film/film/genre /m/06n90 +/m/050ks /location/location/contains /m/0nm9h +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/03f5spx /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0175tv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/017lqp /people/person/gender /m/05zppz +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/02cgb8 /people/person/profession /m/015cjr +/m/02cg2v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmcv +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/025xt8y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/05kh_ /people/person/profession /m/01d_h8 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02yygk +/m/02qdrjx /film/film/production_companies /m/06rq1k +/m/04sv4 /business/business_operation/industry /m/01mf0 +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024n3z +/m/01pcrw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127m7 +/m/03sbs /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/0dpqk /people/person/profession /m/01d_h8 +/m/0d0x8 /location/location/contains /m/01_r9k +/m/04fv0k /organization/organization/place_founded /m/0rh6k +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/032v0v +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5ptf +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/02624g +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/09r8l /people/person/profession /m/0dz3r +/m/02sddg /sports/sports_position/players./sports/sports_team_roster/team /m/03lpp_ +/m/0lcx /people/person/profession /m/0cbd2 +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/05r7t /location/country/capital /m/0fw4v +/m/01k2wn /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/034_cr +/m/09c7w0 /location/location/contains /m/0bjy7 +/m/038w8 /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0dkv90 /film/film/genre /m/03q4nz +/m/018p4y /people/person/profession /m/01d_h8 +/m/01t38b /education/educational_institution/colors /m/01l849 +/m/0dnqr /film/film/production_companies /m/0kx4m +/m/0p5mw /people/person/profession /m/039v1 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/014z8v /film/actor/film./film/performance/film /m/0p9lw +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03ryn +/m/01w8g3 /film/film/music /m/08c9b0 +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0prrm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0209xj +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01bdxz +/m/05qzv /people/person/profession /m/0cbd2 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01vmv_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/04jpl /location/location/contains /m/0f485 +/m/0jgd /location/location/contains /m/02f8zw +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02773m2 +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gldyz /film/film/genre /m/0gf28 +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/02c638 /film/film/produced_by /m/0bwh6 +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/03ds83 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jw67 +/m/02ywwy /film/film/genre /m/0bkbm +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01vw_dv +/m/057lbk /film/film/genre /m/06n90 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0fs9vc /film/film/language /m/02h40lc +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/0gg5qcw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/035s95 /film/film/genre /m/0lsxr +/m/08gg47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0z4s +/m/0blbxk /people/person/place_of_birth /m/0rh6k +/m/01z7s_ /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01xdxy /film/film/genre /m/03k9fj +/m/013rds /people/person/profession /m/09jwl +/m/042f1 /people/person/profession /m/04gc2 +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0k7pf +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f1c +/m/05q54f5 /film/film/music /m/06fxnf +/m/07g1sm /film/film/written_by /m/02vyw +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/04fhn_ /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0241wg /film/actor/film./film/performance/film /m/030z4z +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04yj5z +/m/0978r /location/location/contains /m/0d07s +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/02w7gg /people/ethnicity/people /m/013bd1 +/m/02_2kg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07yvsn /film/film/genre /m/017fp +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/035qlx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0b_dh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0ym1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04d_mtq /people/person/place_of_birth /m/0xl08 +/m/03t79f /film/film/language /m/02h40lc +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0c8tkt /film/film/genre /m/04t36 +/m/01gk3x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k3qj /people/person/profession /m/01c72t +/m/03ym1 /film/actor/film./film/performance/film /m/0170xl +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02rnns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0f87jy /people/person/profession /m/018gz8 +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0q59y /people/person/profession /m/02hrh1q +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/04mhbh /people/person/gender /m/05zppz +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0304nh +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/0l2l3 /location/location/time_zones /m/02lcqs +/m/012rng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/07vk2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0339z0 /music/genre/parent_genre /m/0glt670 +/m/041rx /people/ethnicity/people /m/01mqz0 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03lq43 /people/person/nationality /m/09c7w0 +/m/0vzm /base/biblioness/bibs_location/country /m/09c7w0 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2p7 +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/029q_y /people/person/profession /m/03gjzk +/m/05bnq8 /education/educational_institution/campuses /m/05bnq8 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0235l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6mc +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0241y7 +/m/0cd2vh9 /film/film/language /m/06nm1 +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/07lwsz +/m/0h9vh /location/location/contains /m/0393g +/m/035qy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bjv6 +/m/02s58t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/0cw10 /people/person/gender /m/02zsn +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/02hfp_ +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/049k07 /film/actor/film./film/performance/film /m/07pd_j +/m/0jm_ /film/film_subject/films /m/011ykb +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01n_2f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rh_0 +/m/016mhd /film/film/language /m/02h40lc +/m/026fd /people/person/profession /m/01d_h8 +/m/018ygt /film/actor/film./film/performance/film /m/07nxvj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046n4q +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/01jsk6 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026qnh6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/028q6 /people/person/nationality /m/09c7w0 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d0vj4 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05mph +/m/09c7w0 /location/location/contains /m/0fv_t +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/02v0ff /people/person/gender /m/05zppz +/m/01w61th /music/artist/origin /m/0fw4v +/m/0411q /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/03bkbh /people/ethnicity/people /m/01vswwx +/m/0dr_9t7 /film/film/production_companies /m/031rq5 +/m/09rfpk /film/film/genre /m/04xvh5 +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/052gzr +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/02t8gf /music/genre/artists /m/0274ck +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01p5yn +/m/064t9 /music/genre/artists /m/013w2r +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/037c9s +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0hdx8 /location/country/official_language /m/02h40lc +/m/034hwx /film/film/featured_film_locations /m/04jpl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02qw_v +/m/09c7w0 /location/location/contains /m/01ymvk +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04gkp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ldqf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05p92jn /people/person/languages /m/02h40lc +/m/0r5wt /location/location/time_zones /m/02lcqs +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/044qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02yxjs +/m/0btpx /people/person/profession /m/01d_h8 +/m/0fgpvf /film/film/genre /m/04xvlr +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/06f5j /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/0ylvj /education/educational_institution/students_graduates./education/education/student /m/098sx +/m/03w1lf /education/educational_institution/campuses /m/03w1lf +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fqjks +/m/0nbzp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03rjj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/03p9hl +/m/033pf1 /film/film/genre /m/0vgkd +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/0gvt53w /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/033rq +/m/01yfp7 /business/business_operation/industry /m/0191_7 +/m/03v0t /location/location/contains /m/01y17m +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/02fvv /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/02q6gfp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/01p0w_ /music/group_member/membership./music/group_membership/role /m/0342h +/m/0821j /people/person/profession /m/0cbd2 +/m/06rq2l /film/actor/film./film/performance/film /m/023vcd +/m/0309jm /people/person/profession /m/02krf9 +/m/01zwy /people/person/profession /m/05snw +/m/049fcd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0fvr1 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/03hrz /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lgfh +/m/09rfh9 /film/film/genre /m/01jfsb +/m/04p3w /people/cause_of_death/people /m/03xx3m +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0127m7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h7pj +/m/04ch23 /people/person/gender /m/05zppz +/m/0c3351 /media_common/netflix_genre/titles /m/0258dh +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02vxy_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/02tx6q /people/profession/specialization_of /m/09j9h +/m/0342h /music/instrument/instrumentalists /m/01vtmw6 +/m/06v36 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0j0k /location/location/contains /m/09glw +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/06fvc /dataworld/gardening_hint/split_to /m/083jv +/m/07g2b /people/person/places_lived./people/place_lived/location /m/04ych +/m/0c5x_ /education/educational_institution/school_type /m/01_9fk +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gvbw +/m/015t7v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01c3q /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/013423 /music/artist/origin /m/02_286 +/m/02hnl /music/instrument/instrumentalists /m/01gg59 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/013pp3 +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037gjc +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/01qklj /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/0g7pm1 /film/film/genre /m/06cvj +/m/03y_46 /film/actor/film./film/performance/film /m/0g5879y +/m/02p8v8 /people/person/places_lived./people/place_lived/location /m/0gyh +/m/03kjh /base/biblioness/bibs_location/country /m/0chghy +/m/064t9 /music/genre/artists /m/02bgmr +/m/01t04r /music/record_label/artist /m/016vj5 +/m/04psf /people/cause_of_death/people /m/0hcvy +/m/022840 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0432mrk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01z1r +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/06dv3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv238 +/m/0d90m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0122wc +/m/07nznf /film/director/film /m/02qhlwd +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lvwp +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqcs3 +/m/0bs8hvm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/01flv_ /film/film/language /m/02h40lc +/m/03td5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02ngbs +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj0n +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/0sxfd /film/film/genre /m/06cvj +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/07vn_9 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/03wbzp +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/07s8hms /people/person/place_of_birth /m/0nbwf +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgq_kn +/m/011yfd /film/film/genre /m/02l7c8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dq16 +/m/03ckfl9 /music/genre/artists /m/03h_fqv +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013w8y +/m/033jkj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rly6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr3sl +/m/03mqtr /media_common/netflix_genre/titles /m/0g9lm2 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/060j8b +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02bjhv +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl9_4 +/m/09c7w0 /location/location/contains /m/0tzls +/m/07nt8p /film/film/genre /m/02n4kr +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/01wc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02b1mr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0gy9d4 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/039fgy +/m/05b5c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/03crcpt +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07zqnm +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04hxyv +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/025p38 /film/actor/film./film/performance/film /m/0f42nz +/m/019rg5 /location/country/official_language /m/071fb +/m/052h3 /people/person/profession /m/0cbd2 +/m/07l50vn /film/film/featured_film_locations /m/01ly5m +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fx4k +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06bnz +/m/014vk4 /music/artist/origin /m/0lphb +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016nvh +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/07024 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/09c7w0 /location/location/contains /m/06wxw +/m/019fz /people/person/nationality /m/09c7w0 +/m/02tktw /film/film/country /m/09c7w0 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/014zfs +/m/0nt6b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xn6jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/043zg +/m/06bc59 /film/film/language /m/02h40lc +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bj6k +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/04gc65 /film/actor/film./film/performance/film /m/061681 +/m/073749 /film/actor/film./film/performance/film /m/087pfc +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0906w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p4v_ +/m/07c52 /media_common/netflix_genre/titles /m/02rcwq0 +/m/036hnm /education/educational_institution/colors /m/01l849 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0g2jl /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ych +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/07tlfx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/03vrv9 /people/person/profession /m/02hrh1q +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/01q2nx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01w3lzq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/0csdzz /people/person/profession /m/01c72t +/m/03s0w /location/location/contains /m/01j_9c +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0qymv /base/biblioness/bibs_location/country /m/09c7w0 +/m/07tgn /organization/organization/child./organization/organization_relationship/child /m/0ymb6 +/m/04f52jw /film/film/country /m/09c7w0 +/m/05pxnmb /film/film/genre /m/07s9rl0 +/m/01vzx45 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03wy8t /film/film/music /m/05yzt_ +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/01qhm_ /people/ethnicity/people /m/0227vl +/m/026fs38 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/06qn87 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/04ls53 /people/person/profession /m/01c72t +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0bq6ntw /film/film/country /m/09c7w0 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dyvs +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01f9zw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s9rl0 /media_common/netflix_genre/titles /m/06x77g +/m/0hwqz /people/person/profession /m/0kyk +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/01z4y /media_common/netflix_genre/titles /m/05_5_22 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03sb38 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ggbhy7 +/m/026s90 /music/record_label/artist /m/01k_n63 +/m/0275kr /tv/tv_program/genre /m/0m1xv +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/03jj93 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0bs4r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0824r /location/location/contains /m/0mkp7 +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/0c00lh +/m/0162c8 /people/person/profession /m/03gjzk +/m/05xq9 /influence/influence_node/influenced_by /m/01vsy7t +/m/02mpyh /film/film/genre /m/09blyk +/m/0g8st4 /film/actor/film./film/performance/film /m/095zlp +/m/09h_q /people/person/nationality /m/06bnz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/07ssc /media_common/netflix_genre/titles /m/016z7s +/m/02lfwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm9n +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx5l +/m/02yl42 /influence/influence_node/influenced_by /m/03f0324 +/m/0fqww /location/administrative_division/first_level_division_of /m/059j2 +/m/047wh1 /film/film/edited_by /m/02qggqc +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07f1x /sports/sports_team_location/teams /m/046vvc +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02gr81 +/m/0hv0d /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7tx +/m/07hwkr /people/ethnicity/languages_spoken /m/0880p +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/04bnx /location/administrative_division/country /m/06f32 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/0pz04 +/m/05hdf /people/person/profession /m/0d1pc +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jvs0 +/m/012j8z /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027dtv3 +/m/01s0l0 /people/person/place_of_birth /m/01_yvy +/m/05strv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04v8x9 /film/film/genre /m/07s9rl0 +/m/0427y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rnxn +/m/040p3y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0gc_c_ /film/film/featured_film_locations /m/030qb3t +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01j851 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gvrws1 +/m/0c6qh /film/actor/film./film/performance/film /m/02__34 +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0kszw +/m/029_3 /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/0fcsd +/m/07jmnh /film/actor/film./film/performance/film /m/07vfy4 +/m/04gcyg /film/film/genre /m/07s9rl0 +/m/01p1v /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/02pxmgz /film/film/production_companies /m/02x2097 +/m/01z4y /media_common/netflix_genre/titles /m/0dc7hc +/m/011k1h /music/record_label/artist /m/01pfkw +/m/0gnjh /film/film/language /m/02h40lc +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0416y94 /film/film/costume_design_by /m/0bytfv +/m/02vnp2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/013sg6 /film/actor/film./film/performance/film /m/0k4kk +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06rjp /organization/organization/headquarters./location/mailing_address/citytown /m/06mxs +/m/047g98 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/019tzd +/m/01pcbg /people/person/gender /m/05zppz +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/04snp2 /people/person/nationality /m/09c7w0 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025ldg +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fby2t +/m/03ndd /music/performance_role/regular_performances./music/group_membership/group /m/01dq9q +/m/01xjx6 /music/record_label/artist /m/048xh +/m/0m2hs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2fr +/m/0154j /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jswp /film/film/written_by /m/06kxk2 +/m/01h8sf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06fqlk /film/film/featured_film_locations /m/0156q +/m/07rzf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/0167q3 /location/hud_county_place/county /m/0m2fr +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bm4sm +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/0gq6s3 /award/award_category/winners./award/award_honor/award_winner /m/02rxbmt +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04ykg +/m/02p72j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bt6j /music/genre/artists /m/063t3j +/m/02bhj4 /education/educational_institution/campuses /m/02bhj4 +/m/034r25 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0161c /sports/sports_team_location/teams /m/045346 +/m/049qx /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/0k60 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02bwjv /film/actor/film./film/performance/film /m/02bqvs +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/05j0wc +/m/07s9rl0 /media_common/netflix_genre/titles /m/04jplwp +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/07m9cm +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/group /m/03fbc +/m/04k15 /influence/influence_node/influenced_by /m/043d4 +/m/0m313 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_njt +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/01lnyf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0488g +/m/07jrjb /people/person/profession /m/012t_z +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/02x7vq +/m/07ssc /media_common/netflix_genre/titles /m/09rfpk +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/01x6jd +/m/0gy4k /film/film/film_art_direction_by /m/07fzq3 +/m/06rgq /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/08mg_b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02w2bc +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/025x1t /tv/tv_program/program_creator /m/05vtbl +/m/04ld32 /education/educational_institution/campuses /m/04ld32 +/m/06w99h3 /film/film/genre /m/05p553 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0ksy_ +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0cnl09 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gw8b +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/09k23 +/m/0kb57 /film/film/genre /m/07s9rl0 +/m/065z3_x /film/film/country /m/09c7w0 +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0453t /people/person/gender /m/05zppz +/m/0169t /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0pz7h +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01bmlb /people/person/profession /m/09jwl +/m/04znsy /people/person/profession /m/02hrh1q +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/06_wqk4 /film/film/production_companies /m/024rgt +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/062dn7 /film/actor/film./film/performance/film /m/031hcx +/m/05mt6w /people/person/nationality /m/0345h +/m/03rk0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/09xw2 /music/genre/artists /m/01vsy9_ +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/0b78hw /people/person/profession /m/0dxtg +/m/03xp8d5 /people/person/profession /m/03gjzk +/m/06by7 /music/genre/artists /m/016szr +/m/04r68 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/019nnl /tv/tv_program/genre /m/06nbt +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/0g293 /music/genre/artists /m/03x82v +/m/0y3_8 /music/genre/artists /m/01vxlbm +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/0njpq /location/us_county/county_seat /m/0m2rv +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/0627zr /people/person/place_of_birth /m/019fbp +/m/015qsq /film/film/featured_film_locations /m/02_286 +/m/04mp75 /sports/sports_team/colors /m/019sc +/m/01wg982 /people/person/profession /m/05xls +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/047g6 /people/deceased_person/place_of_death /m/04jpl +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/032r1 /influence/influence_node/influenced_by /m/043s3 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03j367r +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02scbv +/m/050z2 /people/person/religion /m/0c8wxp +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/01t265 /people/person/profession /m/03gjzk +/m/01gjw /music/genre/artists /m/01vrwfv +/m/06y57 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/034x61 +/m/01rmnp /people/person/nationality /m/03_3d +/m/01pcz9 /people/person/gender /m/02zsn +/m/06crng /people/person/profession /m/03gjzk +/m/032_wv /film/film/production_companies /m/04rqd +/m/0kfv9 /tv/tv_program/program_creator /m/04x4s2 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/09l3p /film/actor/film./film/performance/film /m/04cj79 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01m94f /base/biblioness/bibs_location/state /m/059f4 +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpfzg +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01vrz41 /people/person/profession /m/0dz3r +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0cbgl /influence/influence_node/influenced_by /m/0n6kf +/m/06ztvyx /film/film/genre /m/0hcr +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4fz +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rf57 +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/0q8sw /base/biblioness/bibs_location/country /m/09c7w0 +/m/073749 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/049dyj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/042fk /people/person/profession /m/080ntlp +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/04135 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/023sng /people/person/profession /m/0fj9f +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06chf /film/director/film /m/01_0f7 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/047g6m +/m/047q2k1 /film/film/genre /m/02l7c8 +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/04ly1 /location/location/contains /m/039b7_ +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0f2zc +/m/0pv54 /film/film/written_by /m/01ts_3 +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/06mxs /location/location/contains /m/06rjp +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02hy9p /film/actor/film./film/performance/film /m/01mszz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq7kw +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/0c9c0 /people/person/religion /m/03_gx +/m/02pzxlw /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_h6 +/m/07qcbw /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0180mw +/m/0k33p /sports/sports_team_location/teams /m/0199gx +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/067hq2 /film/actor/film./film/performance/film /m/0gfzfj +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0p76z /music/artist/origin /m/01hvzr +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02056s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0422v0 +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/05q96q6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06bw5 +/m/0j8f09z /film/film/film_festivals /m/0hr30wt +/m/09c7w0 /location/location/contains /m/0187nd +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/029r_2 /base/biblioness/bibs_location/state /m/09cpb +/m/0gyh /location/location/contains /m/02jyr8 +/m/02nygk /people/person/profession /m/0196pc +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/0drs7 /location/location/time_zones /m/02hcv8 +/m/032l1 /people/person/gender /m/05zppz +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrlqd +/m/05kr_ /location/location/contains /m/0mbf4 +/m/05mlqj /people/person/place_of_birth /m/01cx_ +/m/0x67 /people/ethnicity/people /m/0126y2 +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01zhs3 +/m/0184jw /film/director/film /m/017d93 +/m/0nvg4 /base/biblioness/bibs_location/state /m/03v0t +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0194zl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01rzqj /award/award_winner/awards_won./award/award_honor/award_winner /m/059j4x +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/05xd_v +/m/0g9z_32 /film/film/produced_by /m/0dbc1s +/m/018swb /people/person/languages /m/02h40lc +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/07z4p5 +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/063k3h /people/ethnicity/people /m/02lt8 +/m/0fsw_7 /film/film/language /m/064_8sq +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/025rvx0 /film/film/genre /m/060__y +/m/09xp_ /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0xhtw /music/genre/artists /m/018y81 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/0jdx /sports/sports_team_location/teams /m/03z1c5 +/m/012d40 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03f02ct /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/012m_ /location/country/official_language /m/04306rv +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0cqr0q /film/film/prequel /m/04zyhx +/m/0126y2 /people/person/gender /m/05zppz +/m/01yfm8 /people/person/places_lived./people/place_lived/location /m/059rby +/m/0sz28 /people/person/profession /m/02jknp +/m/0dr_4 /film/film/language /m/06b_j +/m/0c3p7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dcsx /people/cause_of_death/people /m/0gry51 +/m/09g7vfw /film/film/language /m/02h40lc +/m/05h95s /tv/tv_program/languages /m/06nm1 +/m/02_n5d /people/person/profession /m/01d_h8 +/m/055c8 /film/actor/film./film/performance/film /m/02jxbw +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01j6t0 /medicine/symptom/symptom_of /m/01n3bm +/m/01yb09 /people/person/place_of_birth /m/0cr3d +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01ly8d +/m/0htlr /film/actor/film./film/performance/film /m/03cvwkr +/m/0gs5q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01m13b /film/film/country /m/06mkj +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0jt90f5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rxyb /film/film/country /m/09c7w0 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/071ynp /film/actor/film./film/performance/film /m/0qf2t +/m/0ggx5q /music/genre/artists /m/0pyg6 +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05hz6_ +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/0lfgr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sj1x /people/person/religion /m/03_gx +/m/035s37 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/01wyzyl /people/person/place_of_birth /m/01_d4 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/03bxp5 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/01ym8l /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09w6br /film/film/language /m/02h40lc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0879bpq +/m/0645k5 /film/film/story_by /m/0yxl +/m/06w839_ /film/film/genre /m/01hmnh +/m/026n047 /soccer/football_player/current_team./sports/sports_team_roster/team /m/023fb +/m/024qqx /media_common/netflix_genre/titles /m/04n52p6 +/m/02hkv5 /people/person/religion /m/0flw86 +/m/01dcqj /people/cause_of_death/people /m/06h7l7 +/m/085ccd /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/0n6kf /influence/influence_node/influenced_by /m/06whf +/m/03qcfvw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02l4rh /people/person/nationality /m/0f8l9c +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/026g4l_ /people/person/nationality /m/09c7w0 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw37m +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/012v1t /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/019rg5 +/m/01bzs9 /education/educational_institution_campus/educational_institution /m/01bzs9 +/m/0m2hs /location/location/contains /m/01m23s +/m/01q940 /music/record_label/artist /m/0cfgd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/016gp5 +/m/03zqc1 /people/person/nationality /m/09c7w0 +/m/0mk1z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02d02 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/034np8 /people/person/gender /m/05zppz +/m/0jpkg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06y_n +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/05qhw /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/027t8fw +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0p_47 +/m/02h40lc /language/human_language/countries_spoken_in /m/034m8 +/m/0n6f8 /people/person/place_of_birth /m/0f2tj +/m/0bw6y /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0p3sf /people/deceased_person/place_of_death /m/0lphb +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05dmmc /film/film/language /m/064_8sq +/m/042v_gx /music/instrument/instrumentalists /m/0bdxs5 +/m/0391jz /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03m6_z +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0bth54 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02zfg3 /people/person/nationality /m/09c7w0 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/012ykt /film/actor/film./film/performance/film /m/028cg00 +/m/03tf_h /film/director/film /m/0p7pw +/m/04xvlr /media_common/netflix_genre/titles /m/0c_j9x +/m/01tw31 /people/person/nationality /m/03rt9 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/07t2k +/m/09l3p /film/actor/film./film/performance/film /m/02z3r8t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/06b_0 /people/person/place_of_birth /m/05qtj +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02l424 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/029ghl /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/017r2 /people/person/profession /m/0q04f +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjrx +/m/05kr_ /location/location/contains /m/018ldw +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01ggbx /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/0gwgn1k /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/04vt98 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06zn1c +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/02vy5j /film/actor/film./film/performance/film /m/0422v0 +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/07s3vqk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/0fvyz +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0466hh +/m/0342h /music/instrument/instrumentalists /m/07s6prs +/m/03n15_ /music/genre/artists /m/03c3yf +/m/0gbwp /people/person/sibling_s./people/sibling_relationship/sibling /m/01zmpg +/m/095p3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cqnss +/m/028cl7 /music/genre/parent_genre /m/05r6t +/m/0cs134 /tv/tv_program/genre /m/06q7n +/m/02hnl /music/instrument/instrumentalists /m/02y7sr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/09c7w0 /location/location/contains /m/0fttg +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019pcs +/m/04g5k /location/location/time_zones /m/03plfd +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/025x1t +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/01vtj38 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/010xjr /film/actor/film./film/performance/film /m/031778 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/04yg13l /film/film/country /m/09c7w0 +/m/0170z3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04cl1 /film/actor/film./film/performance/film /m/01pvxl +/m/02lq10 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0l6px /film/actor/film./film/performance/film /m/011ywj +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/01wyy_ /people/person/gender /m/05zppz +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04xg2f +/m/04b_jc /film/film/film_format /m/0cj16 +/m/018h2 /film/film_subject/films /m/09v42sf +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02gd6x /film/film/runtime./film/film_cut/film_release_region /m/0d0vqn +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/034vds +/m/033qdy /film/film/language /m/064_8sq +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0kctd +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06c1y +/m/0894_x /people/person/nationality /m/05sb1 +/m/08r98b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gjv_ /organization/organization/child./organization/organization_relationship/child /m/014xf6 +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/01950l /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030vnj +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bnzd +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027pwl +/m/0lzkm /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/032xhg /film/actor/film./film/performance/film /m/03bx2lk +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/041n28 +/m/029d_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060__7 +/m/03bdm4 /people/deceased_person/place_of_burial /m/018mmj +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/01323p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cgwt8 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/02p3cr5 /music/record_label/artist /m/01vrkdt +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01vvydl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020hh3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0sz28 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jkqfz +/m/031n8c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/04bgy /music/group_member/membership./music/group_membership/role /m/02hnl +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f502 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/04q00lw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/02fj8n /film/film/language /m/02hxc3j +/m/0134s5 /music/artist/origin /m/06y57 +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/034fl9 +/m/026m3y /education/educational_institution/colors /m/01g5v +/m/01nbq4 /people/person/profession /m/0d8qb +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/01jwxx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bt4g /film/film/country /m/09c7w0 +/m/0646qh /people/person/gender /m/02zsn +/m/04991x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0557q /music/genre/artists /m/01tl50z +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pfkw +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01304j /people/person/profession /m/039v1 +/m/09xvf7 /people/person/profession /m/02hrh1q +/m/06rzwx /film/film/genre /m/082gq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b1mr +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/04fzk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03kbb8 +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01nr36 /people/person/religion /m/0c8wxp +/m/03m4mj /film/film/language /m/02h40lc +/m/01vswwx /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0kwgs /location/location/time_zones /m/02fqwt +/m/01v90t /film/actor/film./film/performance/film /m/01f39b +/m/0gl88b /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/03rrdb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01pg1d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mq17 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01q8hj /education/educational_institution/colors /m/04mkbj +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs8s1p +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01x1fq /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hp5 +/m/01hrqc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01w02sy +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/016r9z /olympics/olympic_games/participating_countries /m/0154j +/m/030jj7 /music/record_label/artist /m/016srn +/m/0234pg /people/person/profession /m/02krf9 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/064t9 /music/genre/artists /m/01x0yrt +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0gnjh /film/film/produced_by /m/0blpnz +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/07m77x +/m/03_1pg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0738b8 +/m/0bl1_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/026bt_h /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0ygbf /sports/sports_team_location/teams /m/02ptzz0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0xhtw /music/genre/artists /m/02pt27 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/09n48 /olympics/olympic_games/participating_countries /m/07t_x +/m/01jfsb /media_common/netflix_genre/titles /m/075cph +/m/09v9mks /film/film/film_festivals /m/0hrcs29 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/01xcfy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03f2w +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/0266s9 /tv/tv_program/genre /m/02n4kr +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv9d3 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/04z0g /influence/influence_node/influenced_by /m/0tfc +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01ljpm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1b +/m/015xp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsl3_ +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/025sc50 /music/genre/artists /m/018n6m +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/016z7s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025504 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0fqyc +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06r_by +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05jhg +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01fwzk /film/film/music /m/09r9m7 +/m/02qnk5c /people/person/place_of_birth /m/023vwt +/m/01y9xg /film/actor/film./film/performance/film /m/098s2w +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/02mpb +/m/01jsn5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044mrh +/m/05r5c /music/instrument/instrumentalists /m/094xh +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0f5kw7 +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0dn_w +/m/0581vn8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/02301 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01hb6v /influence/influence_node/influenced_by /m/040db +/m/07sqhm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/05lb30 /film/actor/film./film/performance/film /m/063y9fp +/m/0gwgn1k /film/film/produced_by /m/02r251z +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0hmtk +/m/0dls3 /music/genre/parent_genre /m/06by7 +/m/0gd0c7x /film/film/genre /m/02n4kr +/m/0bwfn /education/educational_institution_campus/educational_institution /m/0bwfn +/m/02mjmr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/01qscs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x72k +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/01rt2z /organization/organization/headquarters./location/mailing_address/citytown /m/0r6cx +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/01qhm_ /people/ethnicity/people /m/012gbb +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0fz3b1 +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/0ftkx /location/administrative_division/country /m/06f32 +/m/016kz1 /film/film/executive_produced_by /m/06s26c +/m/046k81 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/01qvz8 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/048vhl +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mn0v +/m/029pnn /people/person/nationality /m/09c7w0 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/02h30z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03295l /people/ethnicity/people /m/0253b6 +/m/023tp8 /film/actor/film./film/performance/film /m/0gbfn9 +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01stj9 /education/educational_institution/colors /m/03vtbc +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/04t36 /media_common/netflix_genre/titles /m/01jc6q +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/012gk9 /film/film/prequel /m/0m5s5 +/m/09c7w0 /location/country/second_level_divisions /m/02cl1 +/m/05ty4m /people/person/profession /m/0dxtg +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0210f1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m6_z +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vtj38 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/01_f_5 /film/actor/film./film/performance/film /m/0jsf6 +/m/016ggh /people/person/nationality /m/02jx1 +/m/0dryh9k /people/ethnicity/people /m/0276g40 +/m/04s1zr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099ty /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0m2l9 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/018n6m /people/person/nationality /m/09c7w0 +/m/03z9585 /film/film/language /m/06nm1 +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0m313 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/01w9mnm /music/group_member/membership./music/group_membership/role /m/0342h +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/02qsjt +/m/03h_f4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gvxh +/m/02fqxm /film/film/genre /m/0glj9q +/m/0f14q /people/person/places_lived./people/place_lived/location /m/01smm +/m/051_y /people/cause_of_death/people /m/01vsl3_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/0b_dh /people/person/nationality /m/07ssc +/m/0845v /time/event/locations /m/059g4 +/m/06s_2 /location/country/official_language /m/02h40lc +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043js +/m/09451k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02jjdr /music/record_label/artist /m/03f7m4h +/m/02633g /film/actor/film./film/performance/film /m/0jqkh +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0qf11 +/m/01rr9f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01mqc_ +/m/013_vh /people/person/languages /m/02h40lc +/m/022_lg /influence/influence_node/influenced_by /m/0mb5x +/m/01ttg5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pctb +/m/07g7h2 /people/person/religion /m/0c8wxp +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy7t +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0443y3 +/m/0l3kx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvg4 +/m/02nx2k /film/film/genre /m/04xvh5 +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/0638kv +/m/02q0v8n /film/film/genre /m/060__y +/m/0g56t9t /film/film/genre /m/06qln +/m/012hw /people/cause_of_death/people /m/0d3k14 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03z20c /film/film/genre /m/01hmnh +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/03bkbh /people/ethnicity/people /m/01wxyx1 +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/03h0k1 +/m/01m13b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0llcx /film/film/language /m/04306rv +/m/0c1d0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cl2w /film/actor/film./film/performance/film /m/0fdv3 +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tt43d +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/0hwbd +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02y8bn /people/person/places_lived./people/place_lived/location /m/0d7k1z +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/02f1c /people/person/languages /m/02h40lc +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0277c3 /people/person/gender /m/02zsn +/m/01p47r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bdqk +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/04s04 /people/person/profession /m/03gjzk +/m/02y_lrp /film/film/executive_produced_by /m/027z0pl +/m/09c7w0 /location/location/contains /m/02ldmw +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01vfqh +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01699 +/m/0346qt /sports/sports_team/colors /m/06fvc +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/04grkmd /film/film/written_by /m/076_74 +/m/09rvcvl /film/film/country /m/07ssc +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/03qjg /music/instrument/instrumentalists /m/0pj9t +/m/01vs_v8 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/091yn0 /people/person/profession /m/03gjzk +/m/0b1y_2 /film/film/film_format /m/07fb8_ +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/05kr_ /location/location/contains /m/06b19 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/039g82 +/m/0glj9q /media_common/netflix_genre/titles /m/02fqxm +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/02g3mn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gycf +/m/01hmnh /media_common/netflix_genre/titles /m/0fvr1 +/m/093l8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06b1q /business/job_title/people_with_this_title./business/employment_tenure/company /m/05g49 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/01j5ts +/m/02yv6b /music/genre/artists /m/01vw20_ +/m/09c7w0 /location/country/second_level_divisions /m/0nv6n +/m/04fcx7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/02f4s3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/018x3 /people/person/profession /m/0n1h +/m/01vsn38 /film/actor/film./film/performance/film /m/06znpjr +/m/0260bz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01t94_1 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07vfj /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/0179q0 +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwm1 +/m/01kv4mb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07w6r /education/educational_institution/campuses /m/07w6r +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01nm3s +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/016zgj /music/genre/artists /m/018pj3 +/m/096hm /film/director/film /m/0dnw1 +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0bm2x /film/film/genre /m/02xh1 +/m/02ckl3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09f5pp /people/person/gender /m/05zppz +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05_zc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/07rd7 /film/director/film /m/047wh1 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0401sg +/m/031zm1 /sports/sports_team/sport /m/02vx4 +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02knxx /people/cause_of_death/people /m/0dky9n +/m/09fqd3 /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/02z2xdf /people/person/profession /m/01d_h8 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0237jb +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wgcvn +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jksm /education/educational_institution/colors /m/083jv +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p3_y +/m/05bt6j /music/genre/artists /m/01q99h +/m/0mzkr /music/record_label/artist /m/013rds +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/0g60z /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/052gzr /people/person/places_lived./people/place_lived/location /m/0r62v +/m/0crd8q6 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/07xzm /music/instrument/instrumentalists /m/032nl2 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/018lg0 /music/genre/parent_genre /m/03lty +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0164w8 +/m/072w0 /organization/organization/headquarters./location/mailing_address/citytown /m/0bxc4 +/m/095sx6 /tv/tv_program/languages /m/02h40lc +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029m83 +/m/05q_dw /film/film/genre /m/05p553 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04h4c9 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/09b_0m +/m/0342h /music/instrument/instrumentalists /m/02qwg +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/07b3r9 /people/person/profession /m/01d_h8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01pj7 +/m/0gn30 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0h7pj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ckl3 +/m/022lly /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/01b64v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pxnmb /film/film/featured_film_locations /m/030qb3t +/m/05qm9f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0m31m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019f2f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0dryh9k /people/ethnicity/people /m/09r_wb +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/035yzw /organization/organization/headquarters./location/mailing_address/citytown /m/019fv4 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01_lh1 +/m/057__d /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/0n5gq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/0d9xq /people/person/place_of_birth /m/0mndw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09zf_q +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/01z9_x +/m/0gz6b6g /film/film/language /m/06nm1 +/m/0f61tk /film/film/genre /m/04xvlr +/m/0gw7p /film/film/genre /m/0556j8 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/091xrc +/m/01hqk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b149 +/m/0dl9_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dl567 +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/01trf3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/046f3p /film/film/executive_produced_by /m/02vyw +/m/01tcf7 /people/deceased_person/place_of_death /m/0167q3 +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/01m5m5b +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/05148p4 /music/instrument/instrumentalists /m/01wp8w7 +/m/01mvjl0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014kyy +/m/02xfj0 /people/person/profession /m/0dxtg +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014knw +/m/0132k4 /music/artist/origin /m/0_75d +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02ldmw +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/0c921 /people/person/profession /m/01d_h8 +/m/01j_5k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0jfx1 /film/actor/film./film/performance/film /m/0fg04 +/m/018h2 /film/film_subject/films /m/0d8w2n +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02fwfb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4k49 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qrb2 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072r5v +/m/02pjc1h /film/film/featured_film_locations /m/0k424 +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/02g7sp /people/ethnicity/people /m/0j_c +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07b_l +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0464pz +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/04mjl +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lt6 +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/017y6l /education/educational_institution/school_type /m/05pcjw +/m/01k3qj /people/person/place_of_birth /m/02_286 +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/029_3 /influence/influence_node/influenced_by /m/013tjc +/m/06cddt /people/person/gender /m/05zppz +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/02fz3w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03rl84 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/07s8hms /film/actor/film./film/performance/film /m/0ch26b_ +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0277990 /people/person/places_lived./people/place_lived/location /m/04ykg +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/02p76f9 /film/film/featured_film_locations /m/035p3 +/m/01fkxr /people/person/profession /m/0kyk +/m/0347xz /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0h32q /film/actor/film./film/performance/film /m/09gdm7q +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/02lf0c /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0b6m5fy +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09c7w0 /location/location/contains /m/0cf_n +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/011ykb /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/02vpvk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yf85 +/m/01kwsg /film/actor/film./film/performance/film /m/0gy2y8r +/m/0k57l /people/deceased_person/place_of_death /m/02_286 +/m/02xwzh /education/educational_institution/colors /m/01g5v +/m/01hp5 /film/film/language /m/02h40lc +/m/018h2 /media_common/netflix_genre/titles /m/095zlp +/m/03ts0c /people/ethnicity/people /m/01fwj8 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0154d7 +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/03kbb8 +/m/0j6cj /people/person/profession /m/0dz3r +/m/01f1jy /olympics/olympic_games/participating_countries /m/07ssc +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/026670 /film/director/film /m/02ylg6 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/02zn1b /music/record_label/artist /m/01lf293 +/m/04s5_s /people/person/profession /m/01b30l +/m/014gf8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07k8rt4 +/m/05b2gsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f69m +/m/0dw3l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f502 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/039_ym /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/033hn8 /music/record_label/artist /m/017lb_ +/m/0kvbl6 /film/film/written_by /m/0237jb +/m/049m_l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07_nf /base/culturalevent/event/entity_involved /m/0g970 +/m/06ncr /music/instrument/instrumentalists /m/0kxbc +/m/031y07 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01slcv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/029k55 /people/person/gender /m/05zppz +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/05zbm4 +/m/011k1h /music/record_label/artist /m/06c44 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/09m6kg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n1xp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0557yqh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03q58q /music/record_label/artist /m/0flpy +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/01vq3nl /people/person/profession /m/02hrh1q +/m/06f32 /location/country/form_of_government /m/06cx9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0373qt +/m/051q5 /sports/sports_team/sport /m/0jm_ +/m/0_b9f /film/film/genre /m/04xvlr +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/01pbxb /people/person/place_of_birth /m/0vrmb +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/0436yk /film/film/production_companies /m/03xsby +/m/065d1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j11 +/m/03s2dj /people/person/profession /m/02hrh1q +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/041rx /people/ethnicity/people /m/0163t3 +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0194zl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/0343h +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/09b3v /business/business_operation/industry /m/02jjt +/m/04l3_z /film/director/film /m/065zlr +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/025ts_z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05rznz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/049f05 /sports/sports_team/colors /m/083jv +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/01q7h2 /film/film/genre /m/0jtdp +/m/0g5ff /people/person/gender /m/05zppz +/m/016s0m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f8l9c /location/country/second_level_divisions /m/0mhhc +/m/02sddg /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/029k4p /film/film/featured_film_locations /m/07b_l +/m/05typm /people/person/gender /m/02zsn +/m/02pzck /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/03ywyk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w_d6 /sports/sports_team/sport /m/02vx4 +/m/02fj8n /film/film/genre /m/0btmb +/m/0gm2_0 /film/film/genre /m/04btyz +/m/059kh /music/genre/artists /m/01w9mnm +/m/0jpn8 /education/educational_institution/campuses /m/0jpn8 +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d02km +/m/0cx7f /music/genre/artists /m/01vs4ff +/m/028d4v /film/actor/film./film/performance/film /m/01qxc7 +/m/0dzt9 /base/biblioness/bibs_location/state /m/07z1m +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04wsz /location/location/contains /m/03shp +/m/0cwt70 /base/culturalevent/event/entity_involved /m/01llxp +/m/0gz5hs /film/actor/film./film/performance/film /m/03nx8mj +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/05tfn1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0126rp /people/person/profession /m/0np9r +/m/01qkqwg /people/person/gender /m/05zppz +/m/023jq1 /people/person/profession /m/03gjzk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/position /m/02_j1w +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05z01 +/m/025y9fn /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/011yhm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01fxck /people/person/profession /m/09jwl +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04gycf /music/group_member/membership./music/group_membership/role /m/0j871 +/m/02psgq /film/film/language /m/04306rv +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/0rj0z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06pcz0 /people/person/place_of_birth /m/0s5cg +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0164w8 +/m/0683n /people/person/profession /m/02jknp +/m/018c_r /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hv81 /film/film/film_production_design_by /m/03csqj4 +/m/01wv24 /education/educational_institution/campuses /m/01wv24 +/m/04jhhng /award/award_category/disciplines_or_subjects /m/02xlf +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/07mvp +/m/0gv07g /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/07c1v /film/film_subject/films /m/08ct6 +/m/043yj /base/biblioness/bibs_location/country /m/09c7w0 +/m/03q5t /music/instrument/instrumentalists /m/0k7pf +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/02bwjv +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/037fqp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/015_1q /music/record_label/artist /m/01vtj38 +/m/05xbx /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/0r03f /location/hud_county_place/place /m/0r03f +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/032v0v /people/person/profession /m/03gjzk +/m/01tqfs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/016_nr /music/genre/artists /m/01v40wd +/m/026l37 /film/actor/film./film/performance/film /m/0y_yw +/m/0djlxb /film/film/film_format /m/0cj16 +/m/09kr66 /people/ethnicity/people /m/05xpv +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/06_bq1 /film/actor/film./film/performance/film /m/07kh6f3 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02rb84n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/070ltt /tv/tv_program/genre /m/07s9rl0 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0f0sbl /location/administrative_division/country /m/0f8l9c +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/061681 /film/film/genre /m/04t2t +/m/02zy1z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gglm /film/film/executive_produced_by /m/05kfs +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0785v8 +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/01pcbg /film/actor/film./film/performance/film /m/04g73n +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/07jbh +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/02yy9r /film/film/country /m/07ssc +/m/01yznp /people/person/profession /m/018gz8 +/m/01n7q /location/location/contains /m/02zcnq +/m/0p3sf /music/artist/origin /m/0lphb +/m/017khj /people/person/nationality /m/02jx1 +/m/0qcr0 /people/cause_of_death/people /m/029m83 +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/07l4zhn /film/film/country /m/05qhw +/m/0c4f4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vlj1g +/m/03_3d /location/location/contains /m/0gp5l6 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/02cbg0 /film/film/genre /m/060__y +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/066m4g /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/0dnvn3 /film/film/production_companies /m/020h2v +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqytn +/m/08y2fn /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03d_w3h +/m/07cdz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0js9s /film/director/film /m/02dr9j +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03q3x5 /people/person/religion /m/03_gx +/m/0mwq_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwcz +/m/0p9lw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/0h0yt /film/actor/film./film/performance/film /m/0ndwt2w +/m/0b6l1st /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0n1tx /location/us_county/county_seat /m/0z20d +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/040db /influence/influence_node/influenced_by /m/028p0 +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/08s_lw /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/02__94 /people/deceased_person/place_of_burial /m/018mmj +/m/0bvn25 /film/film/production_companies /m/016tw3 +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0mgcc /sports/sports_team/colors /m/083jv +/m/05148p4 /music/instrument/instrumentalists /m/01m7pwq +/m/0jswp /film/film/genre /m/0hfjk +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/02kxwk +/m/04h9h /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/0n5gb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j7 +/m/01_j71 /award/award_winner/awards_won./award/award_honor/award_winner /m/01h910 +/m/01tx9m /education/educational_institution/colors /m/038hg +/m/072twv /people/deceased_person/place_of_death /m/0f2wj +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/02_286 /location/location/partially_contains /m/02m4d +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01czx +/m/04f6hhm /tv/tv_program/country_of_origin /m/09c7w0 +/m/09c7w0 /location/location/contains /m/08809 +/m/0m9p3 /film/film/genre /m/0219x_ +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/011s0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g4gr +/m/0bxg3 /film/film_subject/films /m/0jnwx +/m/07b_l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/04fzfj /film/film/music /m/02g1jh +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/042v_gx /music/instrument/instrumentalists /m/01sb5r +/m/02wgbb /film/film/genre /m/09q17 +/m/0d1qmz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mw5x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/0n2bh /tv/tv_program/program_creator /m/03fg0r +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hv1t +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03hxsv /film/film/film_format /m/017fx5 +/m/01f1kd /olympics/olympic_games/participating_countries /m/07ssc +/m/05233hy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glnm +/m/06z8s_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/038bh3 /film/film/music /m/0fpjyd +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/team /m/0gx159f +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/061dn_ /business/business_operation/industry /m/02vxn +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0cxbth /sports/sports_team/colors /m/083jv +/m/0ngg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l6vl /olympics/olympic_games/sports /m/03hr1p +/m/02g9z1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/063b4k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cv1 +/m/03cw411 /film/film/film_festivals /m/059_y8d +/m/01qb5d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06nm1 /language/human_language/countries_spoken_in /m/0164b +/m/031786 /film/film/country /m/07ssc +/m/0dwh5 /location/hud_county_place/place /m/0dwh5 +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03x82v +/m/02bwjv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07ldhs +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/014g22 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z43v +/m/07nznf /people/person/profession /m/02hrh1q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j90s +/m/0pc62 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/04p3w /people/cause_of_death/people /m/012cph +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/029m83 /film/director/film /m/01fwzk +/m/01tnxc /film/actor/film./film/performance/film /m/04jwly +/m/01p6xx /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0287477 /film/film/genre /m/04pbhw +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04180vy /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/01vc5m +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033g4d +/m/0342h /music/instrument/instrumentalists /m/03h502k +/m/01rxw /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pb2bp +/m/023l9y /people/person/profession /m/09jwl +/m/04kwbt /film/film/film_festivals /m/03wf1p2 +/m/0yjf0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06q5t7 /people/person/nationality /m/09c7w0 +/m/0bytfv /people/person/gender /m/02zsn +/m/04jwly /film/film/genre /m/07s9rl0 +/m/02jkkv /film/film/language /m/02h40lc +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0t_gg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03jht /people/person/nationality /m/0345h +/m/03bkbh /people/ethnicity/people /m/0479b +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/01rww3 /music/record_label/artist /m/01k_yf +/m/0qr8z /location/location/time_zones /m/02hczc +/m/01f6zc /film/actor/film./film/performance/film /m/01jmyj +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01sxly /film/film/written_by /m/041c4 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0cjk9 /language/human_language/countries_spoken_in /m/05vz3zq +/m/047vp1n /film/film/country /m/09c7w0 +/m/0cjf0 /medicine/symptom/symptom_of /m/04psf +/m/0d608 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/042kg +/m/0xbm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03hj5lq /film/film/country /m/09c7w0 +/m/0350l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01t6xz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cj36c +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/08658y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09l3p /film/actor/film./film/performance/film /m/0bxsk +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01x0sy /people/person/profession /m/0np9r +/m/02lj6p /film/actor/film./film/performance/film /m/01l_pn +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/073tm9 /music/record_label/artist /m/03j149k +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/014l6_ /film/film/language /m/03_9r +/m/02w7gg /people/ethnicity/people /m/03rgvr +/m/02lx0 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/0blgl /people/person/profession /m/0cbd2 +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02607j /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016szr +/m/0hw1j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h8_g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q32 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0y2dl /location/hud_county_place/place /m/0y2dl +/m/016ynj /film/actor/film./film/performance/film /m/04j13sx +/m/02ndy4 /film/film/genre /m/01t_vv +/m/027h4yd /award/award_category/winners./award/award_honor/award_winner /m/02vxyl5 +/m/0chrx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05hj0n /film/actor/film./film/performance/film /m/04sh80 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/01wv24 /education/educational_institution/colors /m/083jv +/m/013w7j /music/artist/origin /m/02_286 +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/06rgq /people/person/profession /m/0dz3r +/m/020x5r /people/person/place_of_birth /m/0cr3d +/m/083shs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gm34 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/0h1x5f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/02hfk5 /film/film/country /m/0f8l9c +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01_c4 +/m/033tln /film/actor/film./film/performance/film /m/03459x +/m/02k6hp /medicine/disease/risk_factors /m/0c58k +/m/0gpmp /people/person/profession /m/01d_h8 +/m/01gy7r /people/person/profession /m/02hrh1q +/m/0436kgz /film/actor/film./film/performance/film /m/0cmf0m0 +/m/02qdgx /music/genre/artists /m/0cg9y +/m/02x8fs /film/film/produced_by /m/02lf0c +/m/01nr36 /people/person/profession /m/09jwl +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/03_fmr +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02x8m /music/genre/artists /m/01zmpg +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/051wwp +/m/0xnvg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09wnnb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/09v3jyg /film/film/country /m/09c7w0 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/03bww6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vxqyl +/m/04psyp /people/person/nationality /m/09c7w0 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033srr +/m/027qpc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/012ljv +/m/03k0yw /people/person/profession /m/0dz3r +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/08rr3p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l2xl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0mxsm +/m/022g44 /people/person/profession /m/03gjzk +/m/09c7w0 /location/location/contains /m/019fh +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/04g61 +/m/06s26c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f2_rc +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/03yf3z +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/0272vm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05148p4 /music/instrument/instrumentalists /m/02pt27 +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylvj +/m/026lgs /film/film/genre /m/06n90 +/m/03gn1x /education/educational_institution_campus/educational_institution /m/03gn1x +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/014_xj +/m/08vd2q /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/04jm_hq /film/film/language /m/02h40lc +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k9p4 +/m/06f32 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/09yrh /influence/influence_node/influenced_by /m/01m42d0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/0mkg /music/instrument/instrumentalists /m/01vsl3_ +/m/0bmh4 /people/person/religion /m/03_gx +/m/09cl0w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fztbq /film/film/genre /m/01jfsb +/m/09451k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05q7874 /film/film/genre /m/04t36 +/m/02m3sd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cf_l +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/05qd_ +/m/0509bl /people/person/nationality /m/07ssc +/m/0478__m /people/person/place_of_birth /m/02_286 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/055td_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0gkd1 /music/instrument/instrumentalists /m/06gd4 +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f61tk +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01tkgy /film/actor/film./film/performance/film /m/01qb5d +/m/016clz /music/genre/artists /m/0kr_t +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06q5t7 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02pjvc +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/02m77 /sports/sports_team_location/teams /m/017znw +/m/01w8g3 /film/film/personal_appearances./film/personal_film_appearance/person /m/046lt +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09z2b7 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0x25q +/m/015_1q /music/record_label/artist /m/02vr7 +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/037mjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05511w +/m/0dzlbx /film/film/country /m/09c7w0 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xr2s +/m/02jkkv /film/film/produced_by /m/0q9kd +/m/05tgks /film/film/language /m/064_8sq +/m/03f0r5w /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/0ffgh +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03xpfzg /people/person/profession /m/03gjzk +/m/0k4fz /film/film/written_by /m/06l6nj +/m/02tk74 /film/actor/film./film/performance/film /m/06y611 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/0k1jg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0flddp +/m/027kmrb /people/person/profession /m/012t_z +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03n_7k +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p09dd +/m/02wk_43 /people/person/gender /m/05zppz +/m/07bxqz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw20h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/024dgj +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09rx7tx +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xc1w4 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/075q_ +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/0333wf /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/08r98b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02mqc4 +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/026fs38 /film/film/language /m/02h40lc +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04411 /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02q6cv4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06hhrs /film/actor/film./film/performance/film /m/09gdh6k +/m/06lvlf /award/award_winner/awards_won./award/award_honor/award_winner /m/016z2j +/m/02lkcc /people/person/gender /m/05zppz +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04lqvlr /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/0kz2w /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02mt51 /film/film/featured_film_locations /m/02_286 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl1c +/m/01br2w /film/film/language /m/04h9h +/m/04t7ts /film/actor/film./film/performance/film /m/07vn_9 +/m/0myhb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2sh +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01w4c9 +/m/01vy_v8 /film/actor/film./film/performance/film /m/0dfw0 +/m/09949m /location/location/time_zones /m/03plfd +/m/02s2ft /film/actor/film./film/performance/film /m/0298n7 +/m/08gsvw /film/film/prequel /m/03r0g9 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/050r1z /film/film/produced_by /m/04y8r +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfp4 +/m/0694j /location/location/contains /m/01fd26 +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/026t6 /music/instrument/instrumentalists /m/0837ql +/m/03l7qs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/050f0s /film/film/production_companies /m/016tt2 +/m/0m2mk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fgrm /film/film/production_companies /m/04rcl7 +/m/011lpr /people/deceased_person/place_of_death /m/0r15k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05f5sr9 +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0c5dd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xbxn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0661m4p /film/film/genre /m/05p553 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/0g5879y /film/film/country /m/09c7w0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ctqqf +/m/080h2 /location/location/time_zones /m/02lcqs +/m/05h95s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/013vdl +/m/06hmd /influence/influence_node/influenced_by /m/02mpb +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0498y +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/025ndl +/m/03cdg /people/person/profession /m/0kyk +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0bsj9 +/m/01nz1q6 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsl3_ +/m/02w59b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/04xvlr /media_common/netflix_genre/titles /m/098s2w +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04cnp4 /education/educational_institution/colors /m/019sc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y20v +/m/02x8m /music/genre/artists /m/01vrkdt +/m/08xwck /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04p5cr +/m/0gztl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01_lh1 /business/business_operation/industry /m/01ftz +/m/03spz /location/country/official_language /m/03hkp +/m/016ghw /people/person/gender /m/05zppz +/m/0258dh /film/film/country /m/09c7w0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/02y0js /people/cause_of_death/people /m/02hh8j +/m/0gz6b6g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0q5hw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0h0wc /film/actor/film./film/performance/film /m/06q8qh +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/03xhj6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ksz9 /music/record_label/artist /m/070b4 +/m/032j_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/0bw20 /film/film/genre /m/01jfsb +/m/023kzp /film/actor/film./film/performance/film /m/0n1s0 +/m/0m32_ /film/director/film /m/014nq4 +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050l8 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/087vnr5 /film/film/produced_by /m/04fcx7 +/m/0mdqp /people/person/profession /m/02krf9 +/m/07z1m /location/location/contains /m/0mpbj +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/02qkq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022yb4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02y9ln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f5sr9 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0123qq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vq3nl +/m/03spz /location/location/contains /m/01hc1j +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rlj20 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/02b1b5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/0fzm0g /film/film/genre /m/07s9rl0 +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/044qx +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/01y_rz /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/036qs_ /people/person/gender /m/05zppz +/m/0m2dk /location/location/contains /m/0ny57 +/m/0407yj_ /film/film/genre /m/05p553 +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02r_d4 +/m/02nczh /film/film/genre /m/0lsxr +/m/03np3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pyg6 +/m/01nxzv /people/person/profession /m/02hrh1q +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06v_gh +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0fs9vc /film/film/language /m/064_8sq +/m/0dgst_d /film/film/genre /m/02p0szs +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0n474 /location/us_county/county_seat /m/0kcw2 +/m/03cmsqb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_xtx +/m/0hn10 /media_common/netflix_genre/titles /m/04y5j64 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/0jmwg /music/genre/artists /m/03j_hq +/m/01lvrm /education/educational_institution/school_type /m/07tf8 +/m/046chh /film/actor/film./film/performance/film /m/03h_yy +/m/02yy8 /people/person/nationality /m/09c7w0 +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0b13g7 /people/person/spouse_s./people/marriage/spouse /m/03f4w4 +/m/06sfk6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/02mslq +/m/03qd_ /people/person/profession /m/09jwl +/m/03shpq /film/film/genre /m/07s9rl0 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0f6_x /people/person/nationality /m/09c7w0 +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/07ss8_ /people/person/profession /m/016z4k +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ft18 +/m/05qzv /influence/influence_node/influenced_by /m/06whf +/m/06k5_ /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/043q2z /education/educational_institution/students_graduates./education/education/student /m/06jkm +/m/0716t2 /film/actor/film./film/performance/film /m/05b_gq +/m/07s9rl0 /media_common/netflix_genre/titles /m/01cssf +/m/0blt6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/086sj +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/07sqhm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/019q50 +/m/03bxh /people/person/places_lived./people/place_lived/location /m/031y2 +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/043n0v_ /film/film/genre /m/03bxz7 +/m/019rg5 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vq8xn /people/person/employment_history./business/employment_tenure/company /m/07vj4v +/m/045m1_ /people/person/religion /m/03_gx +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/019pkm +/m/04z4j2 /film/film/genre /m/0lsxr +/m/0dl5d /music/genre/artists /m/0191h5 +/m/01kwsg /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/019vhk /film/film/film_production_design_by /m/0bytkq +/m/052_mn /film/film/costume_design_by /m/0cbxl0 +/m/01wxyx1 /film/actor/film./film/performance/film /m/049mql +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02t__l +/m/05fyss /award/award_winner/awards_won./award/award_honor/award_winner /m/0crqcc +/m/03_jhh /music/record_label/artist /m/01m1dzc +/m/09v8clw /film/film/edited_by /m/03q8ch +/m/0175yg /music/genre/artists /m/01693z +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0hwqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029ql +/m/012j8z /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09h_q /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05gsd2 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gq0x5 +/m/0pz91 /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/030vnj /people/person/languages /m/02h40lc +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dx8gj +/m/0gyh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02xry +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/019tzd +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/030_1m +/m/09lhln /people/person/nationality /m/02jx1 +/m/0r4h3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/07vc_9 /people/person/profession /m/02jknp +/m/0bm2g /film/film/genre /m/060__y +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0bmch_x /film/film/genre /m/02kdv5l +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/03n785 /film/film/genre /m/01jfsb +/m/01gc7 /film/film/genre /m/07s9rl0 +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/01j7rd /film/actor/film./film/performance/film /m/0prrm +/m/016ywb /film/film/genre /m/060__y +/m/0h3y /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/06btq /location/location/contains /m/0c1d0 +/m/0g56t9t /film/film/music /m/02bh9 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0crx5w +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/070b4 +/m/08gsvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/03vyh /music/genre/artists /m/07zft +/m/063y9fp /film/film/genre /m/02kdv5l +/m/0bm9xk /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/01w56k /music/record_label/artist /m/01wp8w7 +/m/01ts_3 /people/person/religion /m/0kq2 +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03kxp7 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/05h5nb8 +/m/03prz_ /film/film/country /m/03rjj +/m/04cbbz /film/film/genre /m/082gq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/027ffq +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/0f4vx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/043g7l /music/record_label/artist /m/0892sx +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01wz_ml +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/0cc07 /location/location/contains /m/0dhml +/m/01hmnh /media_common/netflix_genre/titles /m/0bl3nn +/m/05xb7q /education/educational_institution/school_type /m/05jxkf +/m/06r1k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f14q +/m/05d8vw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06ltr /film/actor/film./film/performance/film /m/016ks5 +/m/018wdw /award/award_category/category_of /m/0g_w +/m/04ls53 /people/person/nationality /m/09c7w0 +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023s8 +/m/044g_k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj8x +/m/0m2kw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2mk +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/01wj5hp /people/person/languages /m/02h40lc +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02yr3z +/m/03hmt9b /film/film/music /m/01gg59 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/01ww2fs +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01w9ph_ /people/person/profession /m/09jwl +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02w64f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0n3ll /location/location/contains /m/0fvyg +/m/0fxky3 /people/person/profession /m/01d_h8 +/m/03zqc1 /film/actor/film./film/performance/film /m/093l8p +/m/02wh0 /influence/influence_node/influenced_by /m/0gz_ +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hh89 +/m/01zfmm /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/05lfwd /tv/tv_program/genre /m/07s9rl0 +/m/06y0xx /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06kl78 +/m/018yj6 /film/actor/film./film/performance/film /m/02825kb +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/04g4n +/m/05rfst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0jkvj /olympics/olympic_games/sports /m/018w8 +/m/020qr4 /tv/tv_program/genre /m/0pr6f +/m/024lff /film/film/genre /m/02kdv5l +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0dfjb8 /people/person/profession /m/02hrh1q +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/0cwrr /tv/tv_program/genre /m/0gg81w +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/042v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/016fjj +/m/03bxh /people/person/places_lived./people/place_lived/location /m/019fv4 +/m/0ftfw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/06t2t2 +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03tck1 +/m/05650n /film/film/country /m/0chghy +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/0cc5tgk +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/038723 /people/ethnicity/people /m/01ttg5 +/m/04h4c9 /film/film/country /m/0f8l9c +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01jv_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/01hqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01vs4f3 /people/deceased_person/place_of_death /m/0978r +/m/02r5dz /organization/organization/place_founded /m/06kx2 +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pb33 +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/08phg9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0bdlj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/042f1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07h34 +/m/0fqt1ns /film/film/genre /m/03k9fj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/013x0b /music/record_label/artist /m/0bqsy +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/05r6t /music/genre/artists /m/01w5gg6 +/m/0sxrz /olympics/olympic_games/sports /m/0w0d +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05yh_t /people/person/profession /m/02krf9 +/m/0_9l_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09p35z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0m313 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/06449 /people/person/place_of_birth /m/094jv +/m/06l3bl /media_common/netflix_genre/titles /m/04tng0 +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/07n39 /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/03zz8b /people/person/place_of_birth /m/0_3cs +/m/0fv4v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04v09 +/m/0r3tq /base/biblioness/bibs_location/state /m/01n7q +/m/0klh7 /film/actor/film./film/performance/film /m/07xvf +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q6bg +/m/0l14qv /music/instrument/instrumentalists /m/01yzl2 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gj2 +/m/02ctzb /people/ethnicity/people /m/02h3tp +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0yls9 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/01dtl /sports/sports_team/colors /m/06fvc +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/0cx7f /music/genre/artists /m/01vsqvs +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01gwck +/m/0b_6_l /time/event/locations /m/0ftxw +/m/0x67 /people/ethnicity/people /m/0ql36 +/m/037q2p /education/educational_institution/students_graduates./education/education/student /m/025b3k +/m/09m465 /people/person/gender /m/05zppz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0bwfn +/m/06y9bd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fthdk /film/actor/film./film/performance/film /m/0cfhfz +/m/05gg4 /sports/sports_team/colors /m/083jv +/m/0170s4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0280061 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/043zg /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/013w7j +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0159h6 /film/actor/film./film/performance/film /m/0407yfx +/m/06h2w /people/person/profession /m/016fly +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ctc6 +/m/0z05l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/0gxr1c /tv/tv_program/genre /m/0hcr +/m/07jqjx /film/film/story_by /m/01v9724 +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/02jkkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yrp +/m/07g1sm /film/film/cinematography /m/0854hr +/m/01p0vf /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/09kr66 /people/ethnicity/people /m/0k8y7 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/066l3y /people/person/place_of_birth /m/03l2n +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/02d6cy /people/person/profession /m/03gjzk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/05nqz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02vzc +/m/0gqzz /award/award_category/category_of /m/0g_w +/m/01rxyb /dataworld/gardening_hint/split_to /m/0gyv0b4 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/03lmx1 /people/ethnicity/people /m/0261x8t +/m/0c00lh /people/person/profession /m/0dxtg +/m/07ssc /location/location/contains /m/0f485 +/m/0k33p /location/location/contains /m/01dthg +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mgw +/m/0cc5tgk /award/award_winner/awards_won./award/award_honor/award_winner /m/01wj18h +/m/04bdqk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d6b7 +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01r9nk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x58 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/01c5d5 /people/person/nationality /m/09c7w0 +/m/03h64 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02cttt /education/educational_institution/campuses /m/02cttt +/m/0j2zj /sports/sports_team/sport /m/03tmr +/m/0g4vmj8 /film/film/language /m/02h40lc +/m/01pcql /people/person/places_lived./people/place_lived/location /m/01jxlz +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/06_x996 /film/film/genre /m/05p553 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/015f7 /people/person/nationality /m/09c7w0 +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz15s +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s5lz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/07ssc /location/location/contains /m/01b1nk +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/043zg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/0292qb /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/06hgj /influence/influence_node/influenced_by /m/016dmx +/m/015qh /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/048cl /people/person/religion /m/0kpl +/m/025rcc /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/0jt3tjf /location/country/form_of_government /m/01d9r3 +/m/06mz5 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/04jpl /location/location/contains /m/019vsw +/m/01x73 /location/location/partially_contains /m/0lm0n +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/015fs3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0g68zt /film/film/film_production_design_by /m/0ft7sr +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/049dzz +/m/026hh0m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07y_7 /music/instrument/instrumentalists /m/0f_y9 +/m/0pmw9 /people/person/profession /m/01c72t +/m/09nwwf /music/genre/artists /m/01lz4tf +/m/03jv8d /time/event/locations /m/02j9z +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/01jgkj2 /people/person/profession /m/0dz3r +/m/04328m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bzs9 /education/educational_institution/colors /m/019sc +/m/04rzd /music/instrument/instrumentalists /m/082brv +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hq1 +/m/01rwpj /film/film/country /m/06mkj +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/03c9pqt /people/person/nationality /m/09c7w0 +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/03f2_rc /people/person/profession /m/02krf9 +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqyzz +/m/0dtw1x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02ngbs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rv1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/077qn /location/location/contains /m/0fhzf +/m/0343h /film/actor/film./film/performance/film /m/0295sy +/m/0hgqq /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qr8z +/m/0d0vj4 /people/person/profession /m/0fj9f +/m/0fplv /location/location/time_zones /m/02hcv8 +/m/0j8cb /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01h7bb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cgzj +/m/0l6wj /people/person/gender /m/05zppz +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/09c7w0 /location/location/contains /m/031n8c +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05sdxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/082db /people/deceased_person/place_of_death /m/0fhp9 +/m/0fczy /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/01xzb6 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/01gbb4 +/m/0fvvg /location/hud_county_place/place /m/0fvvg +/m/0jt90f5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01tgwv /award/award_category/disciplines_or_subjects /m/04g51 +/m/03nl5k /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/0fj52s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/03xgm3 /people/person/nationality /m/09c7w0 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03shp +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/041rhq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/02h659 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0glt670 /music/genre/artists /m/01dwrc +/m/02bh_v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/032jlh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0y4f8 /music/genre/artists /m/01vsy9_ +/m/0288zy /education/educational_institution_campus/educational_institution /m/0288zy +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/064lsn /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/017fp /media_common/netflix_genre/titles /m/050gkf +/m/06pvr /location/location/contains /m/0dwh5 +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0pkyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gys2jp /film/film/genre /m/07s9rl0 +/m/0391jz /film/actor/film./film/performance/film /m/0dscrwf +/m/09jcj6 /film/film/genre /m/02n4kr +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/020ngt /music/genre/artists /m/015196 +/m/06rq2l /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/03vrnh /people/person/religion /m/03j6c +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cfjg +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0cp6w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0261x8t +/m/0292qb /film/film/genre /m/03k9fj +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01dbk6 /people/person/places_lived./people/place_lived/location /m/01531 +/m/0lccn /people/person/places_lived./people/place_lived/location /m/052p7 +/m/069_0y /people/person/profession /m/01d_h8 +/m/01bjbk /film/film/genre /m/05p553 +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/05jcn8 /people/person/profession /m/02jknp +/m/01jrvr6 /people/person/profession /m/01c72t +/m/01wdj_ /education/educational_institution/students_graduates./education/education/student /m/0168cl +/m/0846v /location/location/contains /m/02mp0g +/m/02_j7t /people/person/profession /m/018gz8 +/m/012m_ /location/country/official_language /m/02ztjwg +/m/09l9xt /people/person/nationality /m/0ctw_b +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/0h6r5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07tgn +/m/05hjnw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/03h_0_z /people/person/gender /m/02zsn +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/012d40 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/01vrx3g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wzlxj /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0168dy /film/actor/film./film/performance/film /m/098s2w +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tpvt +/m/07c6l /music/instrument/instrumentalists /m/0168cl +/m/02qw_v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k6hp /people/cause_of_death/people /m/014zn0 +/m/09pmkv /location/location/contains /m/049d1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/04vrxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0p5wz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06mq7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/018vs /music/instrument/instrumentalists /m/01ww_vs +/m/0prfz /people/person/profession /m/02hrh1q +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1ky +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/07nnp_ /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/01846t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011k1h /music/record_label/artist /m/048xh +/m/02g8h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04qt29 /film/actor/film./film/performance/film /m/0ds2l81 +/m/07ssc /location/location/contains /m/095l0 +/m/059_w /people/ethnicity/people /m/050zr4 +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/071_8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1mc +/m/02r2j8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08_438 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0g9z_32 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01_4mn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/08k40m /film/film/music /m/02g1jh +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/09n48 /olympics/olympic_games/sports /m/06zgc +/m/016jny /music/genre/artists /m/01vtj38 +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/05w3f /music/genre/artists /m/095x_ +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0n5jm /location/location/time_zones /m/02hcv8 +/m/0r6ff /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6c4 +/m/01t_1p /music/genre/artists /m/0412f5y +/m/081pw /film/film_subject/films /m/0m9p3 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/05nsfc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gyh2wm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07tds +/m/084w8 /influence/influence_node/influenced_by /m/040_9 +/m/03k7dn /education/educational_institution/colors /m/083jv +/m/02jx1 /location/location/contains /m/0134bf +/m/0crd8q6 /film/film/production_companies /m/024rgt +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0c3p7 /film/actor/film./film/performance/film /m/0prhz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/016yvw /people/person/nationality /m/07ssc +/m/038bht /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0gt14 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0k269 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j5x6 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0d5_f /people/person/profession /m/05z96 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02jr26 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/041bnw /music/record_label/artist /m/03vhvp +/m/09myny /people/person/place_of_birth /m/0cr3d +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/01trhmt +/m/023322 /music/group_member/membership./music/group_membership/group /m/047cx +/m/0cgzj /people/person/profession /m/09jwl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/032498 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/049dzz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/02bgmr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/0fpv_3_ /film/film/produced_by /m/0h1p +/m/01cf93 /music/record_label/artist /m/0889x +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/03bzjpm +/m/016szr /people/person/profession /m/0fnpj +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/0j0k /location/location/contains /m/07w5rq +/m/0lk0l /education/educational_institution_campus/educational_institution /m/0lk0l +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/07h34 /location/location/partially_contains /m/04yf_ +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rf57 +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/03x_k5m /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/07_f2 /location/location/contains /m/02gkxp +/m/015x74 /film/film/genre /m/05p553 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/075k5 /time/event/locations /m/06mkj +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01jgpsh /people/person/profession /m/018gz8 +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gs1_ +/m/02bh_v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02mslq /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/02ktrs /people/person/place_of_birth /m/01_d4 +/m/048lv /people/person/profession /m/02hrh1q +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/04353 +/m/04jb97 /people/person/nationality /m/03h64 +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/01v_0b +/m/04vq3h /award/award_winner/awards_won./award/award_honor/award_winner /m/038bht +/m/020ffd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059rby +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/06wpc +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030vnj +/m/0c5tl /people/person/religion /m/0kpl +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01_k71 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/01bbwp /film/actor/film./film/performance/film /m/0qf2t +/m/013f1h /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/03h26tm +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xf75 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01csvq +/m/0jf1b /people/deceased_person/place_of_death /m/0rh6k +/m/0m7fm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw89 +/m/026m0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03915c +/m/02079p /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03ryn +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/07l50_1 /film/film/genre /m/0hn10 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027m5wv +/m/05ls3r /sports/sports_team/colors /m/083jv +/m/016h4r /film/actor/film./film/performance/film /m/06pyc2 +/m/03jv8d /base/culturalevent/event/entity_involved /m/0cdbq +/m/0f276 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03lt8g +/m/03rk0 /location/location/contains /m/04bz2f +/m/0gkd1 /music/instrument/instrumentalists /m/0kj34 +/m/0l5yl /people/person/nationality /m/09c7w0 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9j5 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4gw +/m/064t9 /music/genre/artists /m/0bdxs5 +/m/0jsg0m /people/person/profession /m/016z4k +/m/01q_ph /film/actor/film./film/performance/film /m/08s6mr +/m/05vzql /people/person/place_of_birth /m/0c8tk +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07f3xb +/m/040p_q /education/field_of_study/students_majoring./education/education/student /m/017yfz +/m/01x72k /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/0l1k8 /location/administrative_division/first_level_division_of /m/06q1r +/m/0170vn /people/person/place_of_birth /m/02_286 +/m/042xh /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/048tv9 /film/film/film_format /m/07fb8_ +/m/01vsl3_ /music/group_member/membership./music/group_membership/role /m/05r5c +/m/030w19 /education/educational_institution/school_type /m/05pcjw +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/049gc +/m/016z68 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j8r +/m/0ql7q /base/culturalevent/event/entity_involved /m/0c0wvx +/m/01q_ph /people/person/place_of_birth /m/0f2rq +/m/080nwsb /film/film/produced_by /m/03h304l +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/01g1lp +/m/09tqkv2 /film/film/genre /m/05p553 +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/03qx63 /sports/sports_team/colors /m/083jv +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0k7pf /film/actor/film./film/performance/film /m/05jf85 +/m/0k4bc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/028qyn +/m/04gd8j /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/030s5g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mr85 +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/09hnb /people/person/gender /m/05zppz +/m/0swff /olympics/olympic_games/sports /m/09_b4 +/m/026f__m /film/film/production_companies /m/016tt2 +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0chhs /time/event/locations /m/05g56 +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0hpt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164v +/m/01g04k /people/person/profession /m/0nbcg +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01669t /location/location/contains /m/01cw6l +/m/084z0w /people/person/profession /m/015cjr +/m/02scbv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016cjb /music/genre/artists /m/01mxqyk +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0d810y /people/person/gender /m/05zppz +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/01k165 /people/person/gender /m/05zppz +/m/0f485 /location/location/contains /m/0nbfm +/m/02s2ys /sports/sports_team/sport /m/02vx4 +/m/07nf6 /base/aareas/schema/administrative_area/capital /m/02lbc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/041pnt +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/070zc /base/aareas/schema/administrative_area/capital /m/09b9m +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0g5lhl7 /media_common/netflix_genre/titles /m/08y2fn +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03ffcz /tv/tv_program/languages /m/02h40lc +/m/05jjl /people/person/profession /m/02hv44_ +/m/0cd2vh9 /film/film/language /m/02h40lc +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046zh +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0h9vh /base/aareas/schema/administrative_area/capital /m/0393g +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/04s7y +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0h7pj /film/actor/film./film/performance/film /m/07j94 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0bbm7r /tv/tv_program/country_of_origin /m/07ssc +/m/03f0fnk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0947l /location/location/time_zones /m/02llzg +/m/02qhlwd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0grwj +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09l3p +/m/016z1t /people/person/gender /m/05zppz +/m/01n4bh /music/genre/artists /m/046p9 +/m/0gl5_ /education/educational_institution/school_type /m/05pcjw +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/01trtc /music/record_label/artist /m/016szr +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/01rc6f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/029tx /film/film_subject/films /m/0hx4y +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/03_hd /influence/influence_node/influenced_by /m/0gz_ +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01rnly +/m/07s72n /music/genre/artists /m/0m19t +/m/01_mdl /film/film/written_by /m/0kb3n +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03rqww /people/person/place_of_birth /m/0dclg +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0dqcs3 /film/film/language /m/02h40lc +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/063vn /people/person/gender /m/05zppz +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0466hh +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/01cwm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03v_5 /location/location/contains /m/01wrwf +/m/098sx /people/person/profession /m/0kyk +/m/01m59 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/03rwng /people/person/place_of_birth /m/0d9jr +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0n59t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06sks6 /olympics/olympic_games/sports /m/0crlz +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0c6g1l /film/actor/film./film/performance/film /m/06wbm8q +/m/0djb3vw /film/film/production_companies /m/017s11 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013m4v +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02b2np +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/03_r_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dlxj +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fk5 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/09m6kg /film/film/produced_by /m/0g2lq +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03n_7k /people/person/nationality /m/09c7w0 +/m/01wgxtl /people/person/profession /m/02hrh1q +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/0l178 /location/administrative_division/country /m/0f8l9c +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/03bzyn4 /film/film/produced_by /m/0c00lh +/m/0mzkr /music/record_label/artist /m/01wbz9 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/0841zn /people/person/nationality /m/0d060g +/m/06t2t /location/location/contains /m/01q460 +/m/0b_dy /film/actor/film./film/performance/film /m/02x6dqb +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/04n32 /film/actor/film./film/performance/film /m/0h0wd9 +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/01y8zd /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/033tf_ /people/ethnicity/people /m/03c6v3 +/m/02t_zq /people/person/gender /m/05zppz +/m/054kmq /people/person/nationality /m/03_3d +/m/017ht /music/genre/parent_genre /m/06by7 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2g +/m/0c34mt /film/film/featured_film_locations /m/04jpl +/m/016clz /music/genre/artists /m/02cpp +/m/02y9bj /education/educational_institution_campus/educational_institution /m/02y9bj +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/0f8l9c /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01cwhp +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/023fxp +/m/0lpjn /film/actor/film./film/performance/film /m/03r0g9 +/m/0fqxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07371 +/m/0227vl /film/actor/film./film/performance/film /m/01shy7 +/m/04gcd1 /people/person/profession /m/02jknp +/m/0d7wh /people/ethnicity/people /m/02mxbd +/m/01tqfs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07245g +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/047cqr /people/person/profession /m/03gjzk +/m/02nt3d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bjqh /education/educational_institution_campus/educational_institution /m/0bjqh +/m/03sww /people/person/profession /m/02hrh1q +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/01p0vf /people/person/profession /m/01b30l +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0bxtg /film/actor/film./film/performance/film /m/09q23x +/m/01pcrw /people/person/profession /m/0d2ww +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/064t9 /music/genre/artists /m/01fl3 +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/05qx1 /location/location/contains /m/0fr_b +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09px1w /people/person/profession /m/02jknp +/m/03mb9 /music/genre/artists /m/01vsykc +/m/02grjf /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/02h40lc /language/human_language/countries_spoken_in /m/088vb +/m/0dqytn /film/film/cinematography /m/05br10 +/m/07yvsn /film/film/produced_by /m/01_f_5 +/m/01jc6q /film/film/language /m/064_8sq +/m/0fx02 /people/person/profession /m/0d8qb +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fhsz +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/02g0rb +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/0p8r1 /film/actor/film./film/performance/film /m/0407yj_ +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0196bp +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/02b185 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/020trj /people/person/place_of_birth /m/0rn8q +/m/01vrnsk /people/person/profession /m/01c72t +/m/01p8r8 /people/person/profession /m/02hrh1q +/m/07vk2 /education/educational_institution/colors /m/01g5v +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bz60q +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/07ssc /location/location/contains /m/0n96z +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0y_hb +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwvf +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/086k8 /music/record_label/artist /m/01vrx35 +/m/031ldd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06ylv0 +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03rs8y +/m/0239zv /people/person/profession /m/02hrh1q +/m/07jxpf /film/film/cinematography /m/04qvl7 +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0c4b8 /location/country/capital /m/01yj2 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0cjdk +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01y06y /education/educational_institution/students_graduates./education/education/student /m/02ln1 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/01gw8b /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/024c1b /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j80w +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0872p_c /film/film/genre /m/02kdv5l +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/04511f /people/person/profession /m/03gjzk +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0gkkf +/m/0btj0 /film/actor/film./film/performance/film /m/0k4fz +/m/01chg /media_common/netflix_genre/titles /m/04q00lw +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0353xq +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0309jm /film/actor/film./film/performance/film /m/01hvjx +/m/05k7sb /location/location/partially_contains /m/0lm0n +/m/01ksr1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/01m13b /film/film/country /m/0345h +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/03xj05 /film/film/language /m/04306rv +/m/05bnx3j /people/person/gender /m/02zsn +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/02rhfsc +/m/050tt8 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/03jqfx /time/event/locations /m/0jdx +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/01cycq /film/film/genre /m/02kdv5l +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/08_hns +/m/02gkxp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03_9r +/m/0th3k /location/location/time_zones /m/02fqwt +/m/02rcwq0 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/0133x7 /people/person/place_of_birth /m/036k0s +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05qtj +/m/0hcs3 /people/person/gender /m/05zppz +/m/05p1qyh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pbrn /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/05k4my /film/film/genre /m/02n4kr +/m/01364q /people/person/profession /m/09jwl +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/06rq2l /people/person/profession /m/02hrh1q +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/01x4wq +/m/04jhp /education/educational_institution/school_type /m/07tf8 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gw7p +/m/017_qw /music/genre/artists /m/0150t6 +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0dzkq /influence/influence_node/influenced_by /m/043tg +/m/03fbb6 /film/actor/film./film/performance/film /m/0gj9tn5 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0125xq +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x6m +/m/0bc1yhb /film/film/country /m/0d05w3 +/m/033_1p /people/person/place_of_birth /m/01smm +/m/0hv8w /film/film/edited_by /m/0343h +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/018vs /music/instrument/instrumentalists /m/0bkg4 +/m/07sqm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02w4v /music/genre/artists /m/016h4r +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0f7hc /people/person/profession /m/02hrh1q +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/03c602 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03kx49 +/m/05ty4m /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r2gj +/m/08c4yn /film/film/genre /m/07s9rl0 +/m/027r9t /film/film/genre /m/07s9rl0 +/m/04h6mm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/09blyk /media_common/netflix_genre/titles /m/09m6kg +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/08815 +/m/02ht1k /film/film/prequel /m/02stbw +/m/05zpghd /film/film/genre /m/01hmnh +/m/021j72 /people/person/sibling_s./people/sibling_relationship/sibling /m/02vmzp +/m/01q8fxx /people/person/gender /m/02zsn +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05vtw /film/film_subject/films /m/07cyl +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02cx72 +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/02gf_l +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02114t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01vwllw +/m/021vwt /film/actor/film./film/performance/film /m/0h63q6t +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vzx45 +/m/08959 /people/person/gender /m/05zppz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0gdh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02r4qs +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0b_dh +/m/0n4yq /base/aareas/schema/administrative_area/administrative_parent /m/05fjy +/m/01rrd4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rr9f +/m/0x67 /people/ethnicity/people /m/03j3pg9 +/m/01qr1_ /film/actor/film./film/performance/film /m/02wgbb +/m/01rf57 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jfrg +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/048tv9 /film/film/executive_produced_by /m/03c9pqt +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/08qxx9 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01sbf2 /people/person/profession /m/0dz3r +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/016clz /music/genre/artists /m/016l09 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cws8h +/m/03g5jw /influence/influence_node/influenced_by /m/07hgm +/m/01j6t0 /medicine/symptom/symptom_of /m/02bft +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043js +/m/0362q0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ckt6 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7z7 +/m/0dg3n1 /location/location/contains /m/04vjh +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/01w02sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019389 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyh2wm +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09c7w0 /location/country/second_level_divisions /m/0l_tn +/m/02jm0n /film/actor/film./film/performance/film /m/02ndy4 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0230rx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0glt670 /music/genre/artists /m/01w5jwb +/m/05nyqk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/083shs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g4gr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02_7t +/m/09p3_s /film/film/genre /m/0lsxr +/m/0127m7 /people/person/profession /m/09jwl +/m/03gvt /music/instrument/instrumentalists /m/01vn0t_ +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059rby +/m/0498yf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09889g /influence/influence_node/influenced_by /m/01lc5 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/019c57 +/m/059kh /music/genre/artists /m/01vrkdt +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/024_ql +/m/02cgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/021bk /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fv4v +/m/059_w /people/ethnicity/people /m/0dq9wx +/m/07s3vqk /film/actor/film./film/performance/film /m/0g_zyp +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/025rpb0 /people/ethnicity/people /m/01tfck +/m/01kkx2 /people/person/profession /m/0dxtg +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gr69 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0qf2t +/m/01ckhj /people/person/nationality /m/07ssc +/m/04qz6n /people/person/profession /m/02hrh1q +/m/01fbr2 /music/genre/artists /m/02pzc4 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/09mq4m +/m/01fs__ /tv/tv_program/genre /m/01t_vv +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/029v40 /film/film/language /m/02h40lc +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/07l8x /sports/sports_team/colors /m/01g5v +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/03f6fl0 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/081pw /film/film_subject/films /m/064lsn +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0q59y +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/021yzs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0bscw /film/film/genre /m/02xh1 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02ghq /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqn5 +/m/02pl5bx /music/genre/artists /m/03x82v +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/0154qm /film/actor/film./film/performance/film /m/0djlxb +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgm7 +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0sz28 +/m/06j6l /music/genre/artists /m/032nwy +/m/0264v8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01qbjg /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/072twv +/m/018vs /music/instrument/instrumentalists /m/01vng3b +/m/0hgqq /people/person/gender /m/05zppz +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0182r9 +/m/09p35z /film/film/genre /m/07s9rl0 +/m/03_qrp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06r2h /film/film/story_by /m/046mxj +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0161h5 +/m/0184jc /people/person/gender /m/05zppz +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0dzbl /education/educational_institution_campus/educational_institution /m/0dzbl +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/01ccr8 /film/actor/film./film/performance/film /m/02x6dqb +/m/01tnbn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0ddkf +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/041h0 +/m/0gd_s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cgbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cy__l +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/03gvm3t /tv/tv_program/country_of_origin /m/07ssc +/m/01vvyfh /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/011ywj /film/film/genre /m/07s9rl0 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tj34 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fqjks +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01933d +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qsq +/m/09c7w0 /location/location/contains /m/0pzpz +/m/02yv6b /music/genre/artists /m/02wb6yq +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/057176 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03jvmp +/m/06cqb /music/genre/artists /m/01yndb +/m/01mgsn /base/biblioness/bibs_location/country /m/09c7w0 +/m/01rf57 /tv/tv_program/genre /m/01jfsb +/m/01p3ty /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0n2z +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ndwt2w +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_nsc +/m/02qkt /location/location/contains /m/03h64 +/m/06q5t7 /people/person/place_of_birth /m/030qb3t +/m/06srk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03676 +/m/01gy7r /film/actor/film./film/performance/film /m/051ys82 +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/07lwsz +/m/04lqvlr /film/film/genre /m/03mqtr +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01b9z4 +/m/09c7w0 /location/country/second_level_divisions /m/0f6_j +/m/0lgm5 /influence/influence_node/peers./influence/peer_relationship/peers /m/053yx +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q0r1 +/m/03mh_tp /film/film/edited_by /m/0bs1yy +/m/0l99s /organization/organization_member/member_of./organization/organization_membership/organization /m/03lb_v +/m/0b2v79 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09sr0 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02mzg9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/01vtqml /people/person/profession /m/0kyk +/m/04v048 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01j5sd /film/actor/film./film/performance/film /m/03bxp5 +/m/07s7gk6 /music/genre/parent_genre /m/06by7 +/m/06mn7 /film/director/film /m/08ct6 +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07f1x +/m/0f_nbyh /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl02yg +/m/0660b9b /film/film/film_festivals /m/04_m9gk +/m/02z3r8t /film/film/featured_film_locations /m/02_286 +/m/03t8v3 /people/person/profession /m/015cjr +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/0g2jl /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/08xwck /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09c7w0 /location/location/contains /m/0hjy +/m/017zq0 /education/university/fraternities_and_sororities /m/0325pb +/m/0143hl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03m_k0 /people/person/profession /m/02krf9 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lbj1 +/m/014m1m /location/location/time_zones /m/02fqwt +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0794g +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01hc1j /education/educational_institution/students_graduates./education/education/student /m/09l3p +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/09y20 +/m/01vw20h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06mt91 +/m/06ltr /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02jx1 /location/location/contains /m/07tg4 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/01hgwkr +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01dvzy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/021b_ +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0f40w +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/0fw4v /location/location/time_zones /m/042g7t +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/01x72k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/019_1h /people/person/religion /m/0flw86 +/m/016ky6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07s9rl0 /media_common/netflix_genre/titles /m/0209hj +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01trxd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/058vp /people/person/nationality /m/0f8l9c +/m/03n15_ /music/genre/parent_genre /m/06by7 +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03s7h +/m/026ldz7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k4bc +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03dj6y +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03j6_5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0h2zvzr /film/film/production_companies /m/054lpb6 +/m/03mb9 /music/genre/artists /m/0136p1 +/m/018fwv /people/person/nationality /m/0d060g +/m/09d38d /film/film/music /m/095p3z +/m/0163r3 /film/actor/film./film/performance/film /m/01jnc_ +/m/01d26y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0lbbj /olympics/olympic_games/sports /m/02bkg +/m/04qvl7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/091n7z /people/person/religion /m/01lp8 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05zr0xl /tv/tv_program/genre /m/0l4h_ +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/08x5c_ /film/actor/film./film/performance/film /m/047wh1 +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/097kp +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvt53w +/m/0d7wh /people/ethnicity/people /m/0ck91 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/0294mx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06mkj +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0151w_ /people/person/place_of_birth /m/01jr6 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/04tz52 /film/film/genre /m/04t36 +/m/03kbb8 /people/person/gender /m/02zsn +/m/04vq3h /film/actor/film./film/performance/film /m/02q7fl9 +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jzc +/m/05jt_ /music/genre/artists /m/01j59b0 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/062hgx /people/person/place_of_birth /m/02_286 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xn5th +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0s987 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/03wh49y /film/film/country /m/07ssc +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/046qq /film/actor/film./film/performance/film /m/0pc62 +/m/02q_cc /award/award_winner/awards_won./award/award_honor/award_winner /m/0js9s +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/012gx2 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0m2lt +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/0258dh /film/film/genre /m/07s9rl0 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/09p4w8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01f8hf /film/film/genre /m/03npn +/m/0hv27 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/08141d /people/person/nationality /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02p65p /film/actor/film./film/performance/film /m/05qbckf +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/069nzr +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0g56t9t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01k5zk +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f102 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/05cqhl +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/05489 /film/film_subject/films /m/0b2v79 +/m/02z1yj /people/person/place_of_birth /m/01531 +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/0342h /music/instrument/instrumentalists /m/015076 +/m/0g133 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0124jj +/m/050gkf /film/film/production_companies /m/020h2v +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/02508x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06v41q /people/ethnicity/people /m/03_vx9 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/012g92 +/m/035qlx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gt_k /people/person/place_of_birth /m/01531 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/014xf6 /education/educational_institution/colors /m/06fvc +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0b6p3qf +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/06wjf /location/administrative_division/country /m/0d05w3 +/m/0mg1w /education/field_of_study/students_majoring./education/education/student /m/0qf3p +/m/0qcr0 /people/cause_of_death/people /m/034cj9 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0kn +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fdc0 +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02qdgx /music/genre/artists /m/016h9b +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01w1kyf /film/actor/film./film/performance/film /m/0dr_9t7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07wjk +/m/025ttz4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0828jw /tv/tv_program/genre /m/01hmnh +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/04kwbt /people/person/profession /m/02hrh1q +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cmsqb +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/01w_10 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026cmdc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lnyf +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/049dk +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/02jx1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j7k +/m/01g257 /film/actor/film./film/performance/film /m/02pg45 +/m/0g0x9c /film/film/genre /m/04xvlr +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0288zy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/04n2vgk /music/group_member/membership./music/group_membership/role /m/0342h +/m/05l8y /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03fts /film/film/genre /m/03k9fj +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bh9 +/m/06nr2h /film/film/country /m/07ssc +/m/0p_rk /film/film/produced_by /m/0gyx4 +/m/03clwtw /film/film/language /m/02h40lc +/m/04gb7 /film/film_subject/films /m/09p4w8 +/m/0265vcb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/064t9 /music/genre/artists /m/026spg +/m/025czw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03np3w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/07s9rl0 /media_common/netflix_genre/titles /m/02vz6dn +/m/03177r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0d8lm +/m/022840 /base/culturalevent/event/entity_involved /m/059_w +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/03jjzf +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/05c46y6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jw4r /people/person/place_of_birth /m/0mzww +/m/038czx /education/educational_institution/school_type /m/01rs41 +/m/0d6484 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/050xxm /film/film/genre /m/04xvh5 +/m/0c4f4 /people/person/place_of_birth /m/0r04p +/m/048z7l /people/ethnicity/people /m/03jldb +/m/0652ty /people/person/religion /m/03_gx +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05xbx +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/05c6073 /music/genre/artists /m/01pfr3 +/m/01vsgrn /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvydl +/m/0blgl /people/deceased_person/place_of_death /m/0r785 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/05xd_v +/m/0m9c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0b6l1st /film/film/produced_by /m/09gffmz +/m/030jj7 /music/record_label/artist /m/028hc2 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04s04 /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_8z +/m/01n7qlf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/016zwt /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/047n8xt /film/film/genre /m/07s9rl0 +/m/0d_wms /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01_mdl +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/06m61 +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/0xy28 /location/hud_county_place/place /m/0xy28 +/m/05148p4 /music/instrument/instrumentalists /m/01vrz41 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0249fn /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/05g7q +/m/01l8t8 /education/educational_institution/school_type /m/05jxkf +/m/02jx1 /location/location/contains /m/0d6yv +/m/01jfsb /media_common/netflix_genre/titles /m/0296rz +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/026rm_y +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/042y1c /film/film/genre /m/01t_vv +/m/01vksx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/03v40v /people/person/gender /m/05zppz +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/09hd6f /people/person/nationality /m/09c7w0 +/m/0n6ds /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03_fmr /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0173s9 /education/educational_institution/campuses /m/0173s9 +/m/0qdwr /organization/organization_founder/organizations_founded /m/05qd_ +/m/05fx1v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02clgg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/064nh4k /people/person/place_of_birth /m/0hsqf +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/014lc_ /film/film/story_by /m/01rlxt +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/0122wc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/024_vw +/m/03bdkd /film/film/genre /m/07s9rl0 +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0169t +/m/09c7w0 /location/country/second_level_divisions /m/0mw2m +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01v3s2_ +/m/011yfd /film/film/genre /m/017fp +/m/0167v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/02dj3 /education/educational_institution/school_type /m/05jxkf +/m/0170_p /film/film/genre /m/07s9rl0 +/m/0r4wn /base/biblioness/bibs_location/country /m/09c7w0 +/m/0p4wb /organization/organization/headquarters./location/mailing_address/citytown /m/02z0j +/m/0137n0 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01l2b3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/019lty /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07ylj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0jrv_ /music/genre/artists /m/0dw3l +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/06hdk /base/biblioness/bibs_location/country /m/059j2 +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h0f3 +/m/0x67 /people/ethnicity/people /m/02y_2y +/m/04zxrt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02prw4h /film/film/genre /m/07s9rl0 +/m/01dw4q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02b9g4 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053rxgm +/m/0233bn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/07_nf /time/event/locations /m/0g970 +/m/043h78 /film/film/music /m/07qy0b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/0824r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v0t +/m/0d8rs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_vs +/m/033jkj /people/person/gender /m/02zsn +/m/06mkj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/02t901 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/01dy7j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cx_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06b0d2 +/m/0tz41 /location/hud_county_place/county /m/0k3hn +/m/07wjk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/016k6x /film/actor/film./film/performance/film /m/02rtqvb +/m/0gk4g /people/cause_of_death/people /m/0hwd8 +/m/05tbn /location/location/contains /m/015y3j +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01_k0d /influence/influence_node/influenced_by /m/0yxl +/m/03k48_ /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0p8jf /influence/influence_node/influenced_by /m/03772 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/0dqyc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0154j +/m/0h1cdwq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jhn7 /olympics/olympic_games/sports /m/03hr1p +/m/06yrj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0603qp +/m/0bq8tmw /film/film/genre /m/0lsxr +/m/01g04k /music/artist/origin /m/0f2wj +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/04r7f2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/08d6bd /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0p07l /location/us_county/county_seat /m/01vsl +/m/0flsf /base/biblioness/bibs_location/country /m/059j2 +/m/02jx1 /location/location/contains /m/015wy_ +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02p65p +/m/016lh0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bwfwpj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/01kv4mb /people/person/nationality /m/09c7w0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/023mdt /people/person/gender /m/02zsn +/m/02cbs0 /film/actor/film./film/performance/film /m/03bx2lk +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b13j +/m/0kn3g /people/deceased_person/place_of_burial /m/0bvqq +/m/02qsjt /people/person/nationality /m/09c7w0 +/m/01vswwx /people/person/place_of_birth /m/02cft +/m/01rlxt /people/person/gender /m/05zppz +/m/0zlt9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mnz0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fr61 +/m/03y3dk /people/person/spouse_s./people/marriage/spouse /m/01qq_lp +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/0m25p /location/location/time_zones /m/02hczc +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/073749 /film/actor/film./film/performance/film /m/01shy7 +/m/04xm_ /people/person/places_lived./people/place_lived/location /m/02lbc +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/05crg7 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/017j6 +/m/02p2zq /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/09xx0m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0hjy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/09pl3f /people/person/place_of_birth /m/030qb3t +/m/01nr63 /people/person/profession /m/01xr66 +/m/01kx_81 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0bwjj +/m/03qjg /music/instrument/instrumentalists /m/024dgj +/m/0l6wj /people/person/profession /m/0dxtg +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c0zq +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/07c52 /media_common/netflix_genre/titles /m/02pqs8l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d9qmn +/m/054c1 /people/person/nationality /m/09c7w0 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/067zx9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0hpz8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02y0dd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jn5l +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/09qxq7 /music/genre/artists /m/0fpj4lx +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0147dk +/m/0c4f4 /people/person/places_lived./people/place_lived/location /m/0kpys +/m/0c0tzp /people/person/nationality /m/09c7w0 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0d63kt /media_common/netflix_genre/titles /m/04jwly +/m/028d4v /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/01w23w /film/actor/film./film/performance/film /m/02_nsc +/m/011yr9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hc1j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016j2t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20_ +/m/01hrqc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fx2g +/m/01j7rd /people/person/profession /m/0dxtg +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/04k3jt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01z4y /media_common/netflix_genre/titles /m/065_cjc +/m/051zy_b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m6pk /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0bs8d /people/person/profession /m/0q04f +/m/0ft18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/05cj4r +/m/079hvk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qm9f +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mq7 +/m/0m593 /people/person/nationality /m/09c7w0 +/m/08gg47 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/03gfvsz /broadcast/content/artist /m/094xh +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/049dk +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/044bn /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02825nf /film/film/production_companies /m/017s11 +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/03c0t9 /sports/sports_team/sport /m/02vx4 +/m/02f8lw /people/person/nationality /m/09c7w0 +/m/030hcs /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/02vntj +/m/07s846j /film/film/genre /m/03g3w +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/01cl2y /music/record_label/artist /m/02bc74 +/m/0427y /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0czkbt /music/artist/origin /m/01b8w_ +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01s21dg +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fqv5 +/m/0g2mbn /people/person/gender /m/05zppz +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/076tw54 /film/film/genre /m/07s9rl0 +/m/03b78r /influence/influence_node/influenced_by /m/081nh +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/0s9z_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/03rhqg /music/record_label/artist /m/0l8g0 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rxw +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/05_k56 /award/award_winner/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/group /m/07n68 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06srk +/m/018qd6 /location/administrative_division/country /m/03_3d +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/01z4y /media_common/netflix_genre/titles /m/02825kb +/m/01dyvs /film/film/country /m/09c7w0 +/m/01l87db /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/01x53m /influence/influence_node/influenced_by /m/084w8 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0b9f7t /people/person/gender /m/02zsn +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jdgr +/m/01xv77 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/0fhzy /sports/sports_team_location/teams /m/031zm1 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/0b6f8pf /film/film/written_by /m/0pz91 +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3jz +/m/0296rz /film/film/genre /m/0lsxr +/m/028kj0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0glt670 /music/genre/artists /m/02h9_l +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pkyh +/m/04fgkf_ /award/award_category/winners./award/award_honor/award_winner /m/01xcr4 +/m/0c94fn /people/person/gender /m/05zppz +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ls53 +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q7fl9 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0436kgz /film/actor/film./film/performance/film /m/0f4k49 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01rl_3 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/02d49z /film/film/language /m/02h40lc +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/065_cjc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01pctb /people/person/profession /m/03gjzk +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/027d5g5 /people/person/profession /m/0cbd2 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0164r9 /people/person/profession /m/02hrh1q +/m/0gr69 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0bqvs2 /people/person/nationality /m/09c7w0 +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/018p4y +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01tc9r +/m/02yv6b /music/genre/artists /m/0167xy +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/02d02 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/017jd9 /film/film/written_by /m/02bfxb +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0gr36 /people/person/place_of_birth /m/0nbrp +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwsg +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/01vsy9_ /people/person/profession /m/02hrh1q +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/027j9wd /film/film/language /m/02h40lc +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/049468 +/m/070g7 /film/film/music /m/02g1jh +/m/04x4gj /tv/tv_program/program_creator /m/0d_rw +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/0z05l /film/actor/film./film/performance/film /m/05pdh86 +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02x9g_ /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/04cw0j +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/01vw87c /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02pk6x /film/actor/film./film/performance/film /m/01j8wk +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0342h /music/instrument/instrumentalists /m/01t8399 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01whvs +/m/03h0byn /film/film/produced_by /m/04q5zw +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05v8c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01pcvn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0292l3 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03m8lq /people/person/spouse_s./people/marriage/spouse /m/05y5fw +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/024rdh +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/044prt /people/person/nationality /m/03rk0 +/m/02lw8j /music/genre/artists /m/01vsxdm +/m/06myp /people/person/religion /m/03_gx +/m/0f4_l /film/film/featured_film_locations /m/030qb3t +/m/016kz1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/081pw /film/film_subject/films /m/015g28 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/09kvv /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/012fvq /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/020hyj +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/01ls2 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0342h /music/instrument/instrumentalists /m/01bczm +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p09dd +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04znsy +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02ct_k +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02xb2bt +/m/04r7jc /award/award_winner/awards_won./award/award_honor/award_winner /m/06rrzn +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/01rmnp /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/027n4zv /people/person/gender /m/05zppz +/m/095x_ /people/person/profession /m/064xm0 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/04ych /location/administrative_division/first_level_division_of /m/09c7w0 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07ghq /film/film/country /m/09c7w0 +/m/0nj07 /location/location/time_zones /m/02hcv8 +/m/0bt4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7j9 +/m/01bn3l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr36 /film/actor/film./film/performance/film /m/0ddjy +/m/034rd9 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01pk8v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/06vbd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l2b3 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/059kh /music/genre/artists /m/018gm9 +/m/0xt3t /location/hud_county_place/place /m/0xt3t +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0jmmn /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0drc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m92h +/m/0k2mxq /people/person/languages /m/02h40lc +/m/0gl6f /education/educational_institution/students_graduates./education/education/student /m/0lbj1 +/m/07s8qm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/award /m/09v4bym +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/016r9z /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0ccqd7 /people/person/nationality /m/09c7w0 +/m/01hhvg /education/educational_institution/colors /m/01l849 +/m/03d8jd1 /film/film/genre /m/02kdv5l +/m/01rgdw /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0311wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vq3h +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/07f1x /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0dqytn /film/film/produced_by /m/06s26c +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03lmzl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0124ld /olympics/olympic_games/sports /m/01z27 +/m/059g4 /base/locations/continents/countries_within /m/035yg +/m/05kkh /location/location/contains /m/0n2vl +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/0dc95 /sports/sports_team_location/teams /m/05l71 +/m/02rrh1w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/020ffd +/m/065zlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03vhvp +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04mcw4 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/04gvyp /dataworld/gardening_hint/split_to /m/01cx_ +/m/04b_jc /film/film/genre /m/01t_vv +/m/033g4d /film/film/music /m/02mslq +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/02zfdp /film/actor/film./film/performance/film /m/03nfnx +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/04gr35 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0blq0z /people/person/gender /m/05zppz +/m/0b7t3p /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/0260bz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/08ct6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04btyz /media_common/netflix_genre/titles /m/0gm2_0 +/m/032v0v /people/person/place_of_birth /m/0727_ +/m/01pny5 /people/person/gender /m/05zppz +/m/01r9fv /people/person/nationality /m/09c7w0 +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01738w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/04nlb94 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04h07s /people/person/profession /m/0np9r +/m/081t6 /people/deceased_person/place_of_death /m/0d6lp +/m/01xdn1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s9rl0 /media_common/netflix_genre/titles /m/02rqwhl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02bqy +/m/0n23_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09s5q8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/015f7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gkmx +/m/06mmb /film/actor/film./film/performance/film /m/0prrm +/m/0175rc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016y_f /film/film/genre /m/0jdm8 +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/0k4y6 /base/culturalevent/event/entity_involved /m/0cdbq +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/017gxw /people/person/gender /m/02zsn +/m/05d1y /people/person/nationality /m/09c7w0 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwjw0c +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/06d4h /film/film_subject/films /m/0j90s +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02ldv0 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/041rx /people/ethnicity/people /m/022_q8 +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/070c93 /people/person/profession /m/02hrh1q +/m/0fq7dv_ /film/film/genre /m/02n4kr +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0gw7p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/0bwh6 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/0lbj1 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/086sj /film/actor/film./film/performance/film /m/02tgz4 +/m/0721cy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03jjzf +/m/0n5d1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5jm +/m/01ts_3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019pwv +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/013719 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/0bhwhj /film/film/personal_appearances./film/personal_film_appearance/person /m/01rrwf6 +/m/03x1s8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02b61v /film/film/genre /m/0bkbm +/m/0b9l3x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/02l4rh /film/actor/film./film/performance/film /m/02_kd +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/03rjj /location/country/official_language /m/02bjrlw +/m/0ddfwj1 /film/film/film_festivals /m/0fpkxfd +/m/034hzj /film/film/genre /m/07s9rl0 +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/09g7vfw /film/film/genre /m/05p553 +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/08j7lh +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gvvm6l +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_lt +/m/04kkz8 /film/film/featured_film_locations /m/01jr6 +/m/0dnqr /film/film/cinematography /m/06p0s1 +/m/017g21 /people/person/gender /m/05zppz +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0lgxj /olympics/olympic_games/participating_countries /m/03rt9 +/m/07s8hms /film/actor/film./film/performance/film /m/02q0k7v +/m/0g6ff /people/ethnicity/people /m/06crk +/m/03vtfp /music/record_label/artist /m/01vsnff +/m/05fkf /location/administrative_division/country /m/09c7w0 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl6fv +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/01hjy5 /education/educational_institution/colors /m/01g5v +/m/0h95927 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/040_t /people/person/profession /m/015btn +/m/06ncr /music/instrument/instrumentalists /m/01lvcs1 +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/07yk1xz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0210hf /people/person/places_lived./people/place_lived/location /m/0r62v +/m/08tyb_ /education/educational_institution/students_graduates./education/education/student /m/01qrbf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwgn1k +/m/0294zg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/018y2s /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/048q6x +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/05lnk0 /people/person/gender /m/05zppz +/m/060__7 /film/film/produced_by /m/06s1qy +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/06by7 /music/genre/artists /m/0b1zz +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/011yxg /film/film/other_crew./film/film_crew_gig/crewmember /m/094wz7q +/m/01b1mj /education/educational_institution/campuses /m/01b1mj +/m/05fjf /location/location/contains /m/0xrzh +/m/0vg8x /base/biblioness/bibs_location/country /m/09c7w0 +/m/0g60z /tv/tv_program/country_of_origin /m/09c7w0 +/m/01mjq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0y_9q /film/film/produced_by /m/0127m7 +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/012_53 /people/person/languages /m/02h40lc +/m/030tjk /people/person/profession /m/0dxtg +/m/06qwh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f13b +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03h_0_z /people/person/profession /m/02hrh1q +/m/05fjy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0183z2 +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01c6l /film/director/film /m/0b2v79 +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/02h6_6p /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0p_sc /film/film/genre /m/0hn10 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09cn0c +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05r_x5 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/095x_ /people/person/profession /m/01d_h8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01xn6mc +/m/012ky3 /award/award_winner/awards_won./award/award_honor/award_winner /m/053yx +/m/012vby /people/person/place_of_birth /m/0d6lp +/m/03l7tr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02qwg /people/person/profession /m/039v1 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0h7pj /film/actor/film./film/performance/film /m/0f4_l +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/02t0n9 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/012201 /people/person/places_lived./people/place_lived/location /m/0947l +/m/0hv8w /film/film/other_crew./film/film_crew_gig/crewmember /m/02lp3c +/m/05cc1 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bwr +/m/07y_7 /music/instrument/family /m/0l14_3 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0478__m /people/person/gender /m/02zsn +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/0d7hg4 /people/person/gender /m/05zppz +/m/062dn7 /award/award_winner/awards_won./award/award_honor/award_winner /m/07ldhs +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/043zg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lymt +/m/0gyv0b4 /film/film/cinematography /m/06r_by +/m/07c5l /location/location/contains /m/03gyl +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02vz6dn /film/film/country /m/0f8l9c +/m/018j2 /music/instrument/instrumentalists /m/0dw3l +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01vg13 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/02t1dv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0140t7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/02fsn +/m/02jx1 /location/location/contains /m/0dj0x +/m/08qxx9 /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/0212mp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cx6f /music/genre/artists /m/02pbrn +/m/08c6k9 /film/film/genre /m/07s9rl0 +/m/03j63k /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/09r9m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/04h6mm /people/person/profession /m/02krf9 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/0j2pg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/05qx1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ls2 +/m/02n4kr /media_common/netflix_genre/titles /m/0f4m2z +/m/01tvz5j /people/person/religion /m/0c8wxp +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05jm7 +/m/02t8yb /film/special_film_performance_type/film_performance_type./film/performance/film /m/0fgrm +/m/07lt7b /people/person/nationality /m/0f8l9c +/m/03m5y9p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x77g /film/film/cinematography /m/06g60w +/m/07d370 /people/person/profession /m/03gjzk +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06zsk51 +/m/0134w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/013_vh +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0j0k /location/location/contains /m/073q1 +/m/07kc_ /music/instrument/family /m/01vdm0 +/m/0dqytn /film/film/story_by /m/040_t +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/030_1m +/m/0dr89x /film/film/genre /m/04xvlr +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/0cbv4g /film/film/language /m/02h40lc +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09v6gc9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/01n4w +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/04cxw5b +/m/0dl567 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04tng0 /film/film/written_by /m/026m0 +/m/03xgm3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/033q4k /education/educational_institution/campuses /m/033q4k +/m/026njb5 /film/film/genre /m/02n4kr +/m/03ynwqj /film/film/executive_produced_by /m/02lf0c +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/01wj92r /people/person/religion /m/01lp8 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/01hkck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/0ym1n /education/educational_institution/students_graduates./education/education/student /m/03k545 +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059j2 +/m/01vs14j /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0347db /film/actor/film./film/performance/film /m/0gtsx8c +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01kqq7 /film/film/language /m/02h40lc +/m/01q6bg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0770cd /people/person/profession /m/09jwl +/m/0dq9p /people/cause_of_death/people /m/09bg4l +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/05cc1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0bshwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07sqbl +/m/01jfsb /media_common/netflix_genre/titles /m/02xs6_ +/m/01q7cb_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03knl +/m/06bd5j /film/film/genre /m/01jfsb +/m/09c7w0 /location/location/contains /m/0tz54 +/m/01337_ /people/person/profession /m/02hrh1q +/m/04gvt5 /people/person/nationality /m/09c7w0 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h63gl9 +/m/02f4s3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03ffcz /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03f47xl /people/person/place_of_birth /m/06pr6 +/m/0g_wn2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/027ybp /education/educational_institution/students_graduates./education/education/student /m/0frmb1 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02648p +/m/032r4n /education/educational_institution/campuses /m/032r4n +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lt7b +/m/023w9s /people/person/gender /m/05zppz +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/04t2t /media_common/netflix_genre/titles /m/0bmc4cm +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0bzh04 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/019z7q +/m/04ych /location/location/contains /m/014b6c +/m/07w8fz /film/film/executive_produced_by /m/06t8b +/m/0jt3tjf /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02yy9r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/0l14v3 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/07wh1 /film/film_subject/films /m/015g28 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0fkwzs /tv/tv_program/program_creator /m/04n7njg +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/02gnmp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gwjw0c /film/film/produced_by /m/05hj_k +/m/09tqxt /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08pgl8 +/m/012j8z /people/person/profession /m/02hrh1q +/m/0412f5y /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/02rcdc2 /film/film/production_companies /m/02slt7 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0bs8d +/m/05kyr /location/country/capital /m/01q0l +/m/01n7q /location/location/contains /m/06kknt +/m/01qgr3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01l2b3 +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/017mbb /music/artist/origin /m/0m75g +/m/0202p_ /people/person/profession /m/02hrh1q +/m/025st2z /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b65l +/m/0fx0j2 /people/deceased_person/place_of_death /m/0r3tq +/m/0lgxj /olympics/olympic_games/participating_countries /m/04xn_ +/m/07gxw /music/genre/parent_genre /m/029h7y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01_k7f +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/04tqtl +/m/03y0pn /film/film/country /m/09c7w0 +/m/0143wl /people/person/employment_history./business/employment_tenure/company /m/0g5lhl7 +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q3x5 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/01tpvt /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01y8cr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/027j79k /people/person/profession /m/03gjzk +/m/01_1pv /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/03r00m /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/06x2ww /music/record_label/artist /m/01jkqfz +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01wf86y /music/artist/origin /m/02_286 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gj2 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dpqk +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/06cqb /music/genre/artists /m/01vw8mh +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/026ssfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02xwgr /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/03f4k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0lx2l /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047q2wc +/m/0g69lg /people/person/nationality /m/09c7w0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0jsf6 /film/film/written_by /m/0kb3n +/m/01_x6v /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02dwj +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0gg5qcw /film/film/music /m/0csdzz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/02825kb /film/film/language /m/03_9r +/m/01y9qr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0lrh /influence/influence_node/influenced_by /m/03f70xs +/m/01vwbts /people/person/profession /m/09jwl +/m/04cbbz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/02k76g /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/0ny75 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/047m_w /tv/tv_program/genre /m/05p553 +/m/01gjlw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jsqk /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02psgq /film/film/language /m/02h40lc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv54 +/m/0by1wkq /film/film/genre /m/01jfsb +/m/04v9wn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016kkx /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/017149 /people/person/place_of_birth /m/0xkq4 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0pz7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01tnbn +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ngn +/m/0d0x8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rk8r +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0mww2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwyq +/m/02j9z /location/location/contains /m/014d4v +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/02kxbwx /film/director/film /m/02r1c18 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0cp0t91 /film/film/country /m/0f8l9c +/m/016h4r /film/actor/film./film/performance/film /m/047wh1 +/m/01hmnh /media_common/netflix_genre/titles /m/0642ykh +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zr0z +/m/011vx3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dj0m5 +/m/03qcq /people/person/profession /m/0kyk +/m/087vz /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rxjq +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03j3pg9 /people/person/profession /m/0dz3r +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0kvgxk /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/07c52 /media_common/netflix_genre/titles /m/01ft14 +/m/04jplwp /film/film/language /m/02bjrlw +/m/06kbb6 /people/person/place_of_birth /m/02dtg +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/03k545 /people/person/gender /m/02zsn +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb07 +/m/06s7rd /people/person/profession /m/02hrh1q +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/06dkzt /film/actor/film./film/performance/film /m/02vrgnr +/m/07dvs /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/02z_b +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/03crmd /people/person/place_of_birth /m/0947l +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/0gt3p /people/person/place_of_birth /m/01vqq1 +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/03m8lq /film/actor/film./film/performance/film /m/0b76t12 +/m/02ppg1r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jmv8 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049l7 +/m/0412f5y /award/award_winner/awards_won./award/award_honor/award_winner /m/02wwwv5 +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lxn +/m/0c2tf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01dvms +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02_1kl /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/0pj9t /people/person/profession /m/02hrh1q +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/024mpp /film/film/produced_by /m/02xnjd +/m/02qw_v /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/030w19 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0181dw /music/record_label/artist /m/03f3_p3 +/m/01pq4w /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gjk9 +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/04v048 +/m/03ym73 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07z1m /location/location/contains /m/03hpkp +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9yrw +/m/02h659 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09c7w0 /location/location/contains /m/0p9z5 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/06mj4 +/m/0m123 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034cm +/m/02pkpfs /people/person/nationality /m/03rt9 +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/0gvvm6l /film/film/film_festivals /m/0kfhjq0 +/m/01vvzb1 /people/person/nationality /m/09c7w0 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/0l6m5 /olympics/olympic_games/sports /m/064vjs +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/01yfm8 /film/actor/film./film/performance/film /m/03h4fq7 +/m/0bthb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qkwl /film/film/film_format /m/07fb8_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0345h /location/country/form_of_government /m/026wp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cq4k_ +/m/01tkgy /people/person/gender /m/05zppz +/m/0gps0z /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/026fd /people/person/nationality /m/0d060g +/m/0z4s /film/actor/film./film/performance/film /m/016z5x +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/059y0 +/m/01vvdm /people/person/profession /m/025352 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05z43v +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0d19y2 /people/cause_of_death/people /m/0ct9_ +/m/01wv9p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/04bgy /people/deceased_person/place_of_burial /m/0nb1s +/m/0170s4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwsg +/m/0_9wr /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02xtxw /film/film/featured_film_locations /m/0h7h6 +/m/02508x /people/person/employment_history./business/employment_tenure/company /m/0g5lhl7 +/m/0d4jl /influence/influence_node/influenced_by /m/0448r +/m/01k47c /people/person/place_of_birth /m/0dhdp +/m/01jw67 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/038bh3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grr2 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/01633c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0l14qv /music/instrument/instrumentalists /m/01x66d +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/03rhqg /music/record_label/artist /m/01vs_v8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpx1k +/m/01hkck /people/deceased_person/place_of_death /m/030qb3t +/m/026s90 /music/record_label/artist /m/0180w8 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0d0vj4 +/m/02nb2s /people/person/profession /m/0dgd_ +/m/01tnbn /film/actor/film./film/performance/film /m/02v63m +/m/043n1r5 /film/film/language /m/02h40lc +/m/03mp8k /music/record_label/artist /m/0g824 +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/02rx2m5 /film/film/genre /m/060__y +/m/01wwvt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0191h5 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv9d3 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/06cv1 /people/person/gender /m/05zppz +/m/01pcj4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fy34l +/m/03zbws /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bl3nn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047tsx3 /film/film/featured_film_locations /m/0d060g +/m/06b4wb /people/person/gender /m/02zsn +/m/044ptm /film/actor/film./film/performance/film /m/02kfzz +/m/06zsk51 /film/film/genre /m/07s9rl0 +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02hwww /education/educational_institution/students_graduates./education/education/student /m/06kl0k +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012vct +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03c6v3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01hxs4 +/m/0f0qfz /people/person/profession /m/0dz3r +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_j +/m/03r0g9 /film/film/genre /m/03k9fj +/m/0fb7c /people/person/places_lived./people/place_lived/location /m/0d35y +/m/06w87 /music/instrument/instrumentalists /m/01sb5r +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/06rrzn /people/person/place_of_birth /m/04jpl +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbg84 +/m/0t015 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nr_q +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/047g6m +/m/021f30 /sports/sports_team/colors /m/06fvc +/m/0bs09lb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/028k57 /film/actor/film./film/performance/film /m/0888c3 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bj9k +/m/04tgp /location/location/contains /m/0xgpv +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/077q8x +/m/0b7l4x /film/film/genre /m/07s9rl0 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01fh0q /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05kr_ /location/location/contains /m/01y9pk +/m/014gf8 /film/actor/film./film/performance/film /m/06fqlk +/m/0g39h /location/location/contains /m/01l53f +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/034qt_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051ysmf +/m/09c7w0 /location/location/contains /m/03205_ +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04n52p6 +/m/0x67 /people/ethnicity/people /m/04xrx +/m/0jdk_ /olympics/olympic_games/sports /m/02vx4 +/m/04m064 /film/actor/film./film/performance/film /m/03nsm5x +/m/06j6l /music/genre/artists /m/02mslq +/m/037q2p /organization/organization/headquarters./location/mailing_address/citytown /m/02dtg +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/01q7cb_ /film/actor/film./film/performance/film /m/056xkh +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0125xq +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bgmr +/m/02lp3c /people/person/nationality /m/09c7w0 +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01tc9r +/m/0841v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0nh0f /location/us_county/county_seat /m/013f9v +/m/09c7w0 /location/country/second_level_divisions /m/0mwq_ +/m/02my3z /people/person/profession /m/02hrh1q +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bzs9 +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p5xy +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02v60l /people/person/religion /m/0flw86 +/m/02__34 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/0c_gcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04qw17 +/m/01vs_v8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dbbz /people/person/place_of_birth /m/061k5 +/m/06hgbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ql36 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0grmhb /people/person/nationality /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0cd25 +/m/03x1x /people/ethnicity/people /m/0f4vbz +/m/01w03jv /people/person/places_lived./people/place_lived/location /m/0ncj8 +/m/0dn_w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04f0xq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0k89p /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/054c1 +/m/018ygt /film/actor/film./film/performance/film /m/076tq0z +/m/02bb26 /location/location/time_zones /m/042g7t +/m/0gs7x /people/person/religion /m/03_gx +/m/01304j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ww_vs /people/person/gender /m/05zppz +/m/07z1m /location/location/contains /m/0mn8t +/m/0mdqp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019n9w /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01dvzy /location/location/time_zones /m/0d2t4g +/m/03d34x8 /tv/tv_program/program_creator /m/03y9ccy +/m/01q8fxx /people/person/spouse_s./people/marriage/spouse /m/016yvw +/m/070yzk /film/actor/film./film/performance/film /m/0286vp +/m/09tqx3 /people/person/places_lived./people/place_lived/location /m/049lr +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/0gpx6 /film/film/music /m/01njxvw +/m/05r3qc /film/film/genre /m/01jfsb +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02vp1f_ +/m/03yvf2 /film/film/genre /m/06nbt +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/08xz51 /people/person/profession /m/01d_h8 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/08htt0 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02wwmhc +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b64v +/m/0bl3nn /film/film/production_companies /m/016tt2 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02vz6dn /film/film/genre /m/06n90 +/m/016yxn /film/film/country /m/07ssc +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/049n7 /sports/sports_team/sport /m/018jz +/m/04btyz /media_common/netflix_genre/titles /m/034hwx +/m/02r858_ /film/film/produced_by /m/01vqrm +/m/02s2ft /film/actor/film./film/performance/film /m/03twd6 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/061v5m /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/05y7hc +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/0fh2v5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05g8ky /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gfzgl +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0309lm +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0cxbth /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0kj34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01lct6 /people/person/profession /m/03gjzk +/m/07s8qm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/014q2g /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/06y0xx /film/director/film /m/0kv2hv +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01_bkd /music/genre/parent_genre /m/0p9xd +/m/0lk0l /education/educational_institution/students_graduates./education/education/student /m/019z7q +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07rd7 /film/director/film /m/04pk1f +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fg04 +/m/07ghq /film/film/genre /m/01jfsb +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0336mc +/m/016jhr /music/genre/artists /m/0k1bs +/m/03mqtr /media_common/netflix_genre/titles /m/0gt14 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03548 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03lty /music/genre/artists /m/0c9l1 +/m/063t3j /people/person/places_lived./people/place_lived/location /m/0345h +/m/01m4yn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/084qpk +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0bcp9b /film/film/language /m/04306rv +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3mh3q +/m/01ffx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/019mdt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/01ydzx /people/person/nationality /m/02jx1 +/m/0blpnz /people/person/nationality /m/09c7w0 +/m/0534nr /people/person/place_of_birth /m/0r00l +/m/0zcbl /people/person/religion /m/0kpl +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0k4fz +/m/016_mj /film/actor/film./film/performance/film /m/0b3n61 +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/068p2 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01t0dy /education/educational_institution/colors /m/019sc +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/0bjkpt +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/06y9c2 /people/person/nationality /m/0345h +/m/01c58j /influence/influence_node/peers./influence/peer_relationship/peers /m/0jnb0 +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01wz01 /people/person/profession /m/02hrh1q +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03cvvlg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02slt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/02qkt /location/location/contains /m/077qn +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bl2g +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/09c7w0 /location/location/contains /m/03s0w +/m/07ym0 /people/person/profession /m/05z96 +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/01ly5m +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/02mjmr +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0683n +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/01bkv /language/human_language/countries_spoken_in /m/01mjq +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/01jfsb /media_common/netflix_genre/titles /m/02bg55 +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yfd +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0149xx +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0894_x /people/person/nationality /m/03rk0 +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/0btpm6 /film/film/story_by /m/0184dt +/m/064t9 /music/genre/artists /m/02zmh5 +/m/03_nq /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gsrl +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/07r4c /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0dsvzh /award/award_winning_work/awards_won./award/award_honor/award /m/04jhhng +/m/02ndf1 /people/person/profession /m/0d8qb +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01shhf +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/012kyx +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/03rlps /music/genre/parent_genre /m/016jny +/m/041_y /people/person/place_of_birth /m/0cc56 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0f__1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/01dnws +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/05kjc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/018_q8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01f1r4 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0pmcz /education/educational_institution/colors /m/06fvc +/m/0dzlbx /film/film/genre /m/04pbhw +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04nl83 +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012c6x +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0n57k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fl +/m/02qnhk1 /people/person/gender /m/05zppz +/m/0c0zq /film/film/cinematography /m/0164w8 +/m/0bt4g /film/film/music /m/02jxkw +/m/07t58 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024rgt /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/01qbl +/m/016890 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0kb07 /film/film/written_by /m/06l6nj +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03b04g +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/0d060g /location/country/official_language /m/02h40lc +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/01wc7p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/07sqm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qssrm +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/01msrb /film/film/genre /m/04xvh5 +/m/07w21 /people/person/profession /m/0kyk +/m/02z4b_8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z9rr /film/film/music /m/02jxmr +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l5b4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01dg3s +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0d1_f /people/person/gender /m/02zsn +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/0kb3n +/m/0k4d7 /film/film/country /m/09c7w0 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/04svwx /film/film/country /m/03_3d +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bbgvp +/m/0571m /film/film/music /m/01x1fq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02rjz5 +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/03__y /location/country/capital /m/0c7zf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03bmmc +/m/04jpg2p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/017ztv +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01m15br /music/group_member/membership./music/group_membership/role /m/04rzd +/m/01w272y /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05n6sq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02607j +/m/098sx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03gvt /music/instrument/instrumentalists /m/01vsl3_ +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/022q32 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015pkc +/m/0jdr0 /film/film/written_by /m/0hcvy +/m/011yd2 /film/film/production_companies /m/08wjc1 +/m/03pmzt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/032dg7 +/m/02rn_bj /music/group_member/membership./music/group_membership/role /m/018vs +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/03zw80 /education/educational_institution/colors /m/01l849 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/04m_kpx +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/05r5c /music/instrument/instrumentalists /m/0bkg4 +/m/01my95 /people/person/place_of_birth /m/01k4f +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/04znsy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1jf +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/03w9sgh /people/person/profession /m/02jknp +/m/0168dy /people/deceased_person/place_of_burial /m/018mmw +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/01wvxw1 /people/person/profession /m/09jwl +/m/0x67 /people/ethnicity/people /m/03f7jfh +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/044ntk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/06xj93 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0mmd6 /sports/sports_team/colors /m/083jv +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0gppg /people/person/nationality /m/09c7w0 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/015nvj /film/director/film /m/0cq86w +/m/01ggbx /people/person/gender /m/05zppz +/m/02qkt /location/location/contains /m/01znc_ +/m/0c9xjl /film/actor/film./film/performance/film /m/047msdk +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0fc_9 /location/location/contains /m/0lpk3 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/015g28 /film/film/language /m/064_8sq +/m/0j4b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/01vy_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0534nr +/m/02vl9ln /award/award_category/winners./award/award_honor/award_winner /m/0gdqy +/m/029_l /film/actor/film./film/performance/film /m/0277j40 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dy68h +/m/01fwpt /film/actor/film./film/performance/film /m/03kxj2 +/m/0227vl /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/01n4f8 /people/person/gender /m/05zppz +/m/03cyslc /film/film/film_festivals /m/04grdgy +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0584r4 +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015qq1 +/m/0151w_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0169dl +/m/05q2c /education/educational_institution/students_graduates./education/education/student /m/07h5d +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/023mdt +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02ltg3 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/09myny /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gcrg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yz +/m/0n228 /location/location/time_zones /m/02hcv8 +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/058bzgm /award/award_category/winners./award/award_honor/award_winner /m/01zwy +/m/02rx2m5 /film/film/featured_film_locations /m/0qf5p +/m/042f1 /people/deceased_person/place_of_death /m/05jbn +/m/01f6ss /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/016tw3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gb54 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044mjy +/m/03gfvsz /broadcast/content/artist /m/0kr_t +/m/03bnb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02my3z /people/person/gender /m/05zppz +/m/027hm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/024qqx /media_common/netflix_genre/titles /m/025n07 +/m/032wdd /film/actor/film./film/performance/film /m/0gtsx8c +/m/05fly /base/aareas/schema/administrative_area/capital /m/06y57 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/02p_ycc /film/actor/film./film/performance/film /m/09rvwmy +/m/06vsbt /people/person/gender /m/05zppz +/m/010v8k /location/location/contains /m/01b1mj +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/02p21g /influence/influence_node/influenced_by /m/0ph2w +/m/02dq8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/0d6_s /film/film/genre /m/01hmnh +/m/03j722 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0jhn7 /olympics/olympic_games/sports /m/01cgz +/m/01vlj1g /film/actor/film./film/performance/film /m/034qbx +/m/0159h6 /people/person/places_lived./people/place_lived/location /m/0nbrp +/m/02tz9z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0d1xh +/m/05xvj /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ph9tm +/m/01j2xj /people/person/nationality /m/07ssc +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/04bd8y /award/award_winner/awards_won./award/award_honor/award_winner /m/01ggc9 +/m/0hsn_ /film/actor/film./film/performance/film /m/0hv1t +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/062zm5h +/m/02qgyv /award/award_winner/awards_won./award/award_honor/award_winner /m/01wgcvn +/m/05qm9f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0dzst +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/08z84_ /business/business_operation/industry /m/020mfr +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/07ssc /sports/sports_team_location/teams /m/086x3 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/04t7ts /film/actor/film./film/performance/film /m/0cf8qb +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/03z20c /film/film/genre /m/02l7c8 +/m/0ct5zc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06l3bl /media_common/netflix_genre/titles /m/0168ls +/m/01w3lzq /influence/influence_node/influenced_by /m/07hgm +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm3b +/m/0872p_c /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0_b3d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026gyn_ +/m/01qz5 /film/film/genre /m/03g3w +/m/07k51gd /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/027hq5f /film/actor/film./film/performance/film /m/0571m +/m/0c01c /people/person/nationality /m/09c7w0 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z43v +/m/07l1c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/0534nr +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/04s7y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03d0ns /people/person/gender /m/02zsn +/m/05kr_ /location/location/contains /m/01y9st +/m/07b_l /location/location/contains /m/0mq17 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/01wqflx /music/artist/track_contributions./music/track_contribution/role /m/07xzm +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/03n0q5 +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/02k6rq /film/actor/film./film/performance/film /m/05dptj +/m/0gy6z9 /film/actor/film./film/performance/film /m/02pxmgz +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/02hnl /music/instrument/instrumentalists /m/012x4t +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/022fj_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/01g03q /tv/tv_program/genre /m/07s9rl0 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/011wtv /film/film/story_by /m/05qzv +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/01wgcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/045zr +/m/017kz7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0b6l1st /film/film/genre /m/02n4kr +/m/0fvvz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04ly1 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03_js /people/person/profession /m/04gc2 +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04mrhq +/m/032xhg /film/actor/film./film/performance/film /m/02ryz24 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/05myd2 /people/person/place_of_birth /m/0cc56 +/m/04z4j2 /film/film/language /m/02h40lc +/m/09jw2 /music/genre/artists /m/01whg97 +/m/01f39b /film/film/story_by /m/03j2gxx +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0phrl +/m/0byq6h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02w7gg /people/ethnicity/people /m/01xsc9 +/m/03cfkrw /film/film/costume_design_by /m/02mxbd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03z2rz +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/016clz /music/genre/artists /m/01fchy +/m/0cm89v /people/person/nationality /m/09c7w0 +/m/02_p8v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/059wk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03zg2x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0345h /location/location/contains /m/09f8q +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0z90c +/m/032d52 /education/educational_institution/school_type /m/05pcjw +/m/0dryh9k /people/ethnicity/people /m/03x31g +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/05ztm4r /people/person/nationality /m/09c7w0 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/07sbbz2 /music/genre/artists /m/053y0s +/m/018vs /music/instrument/instrumentalists /m/01wwvt2 +/m/03205_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0lx2l /people/person/profession /m/0dxtg +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0x67 /people/ethnicity/people /m/01wyz92 +/m/0n6kf /influence/influence_node/influenced_by /m/03f0324 +/m/0gywn /music/genre/artists /m/026spg +/m/0f42nz /film/film/costume_design_by /m/0cbxl0 +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/028hc2 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/04n7jdv /music/genre/artists /m/0c9l1 +/m/02bb47 /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/04qz6n /film/actor/film./film/performance/film /m/01q2nx +/m/0g768 /music/record_label/artist /m/07r4c +/m/02xv8m /people/person/nationality /m/0d060g +/m/02n1p5 /people/person/profession /m/0fj9f +/m/05rh2 /location/location/partially_contains /m/0lm0n +/m/0259r0 /music/artist/origin /m/01n7q +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc5qkt +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/043zg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0d6lp /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0q9kd /film/actor/film./film/performance/film /m/016dj8 +/m/0ggjt /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/01pk3z +/m/03b8c4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03078l +/m/06mvyf /education/educational_institution/school_type /m/01y64 +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d6b7 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/student /m/02vq8xn +/m/040fv /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c00lh +/m/02pg45 /film/film/genre /m/05p553 +/m/011k1h /music/record_label/artist /m/032t2z +/m/015fs3 /education/educational_institution/school_type /m/05jxkf +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/07mz77 /people/person/place_of_birth /m/01v8c +/m/07tgn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04f525m +/m/02fjzt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/05g3ss /people/person/languages /m/01c7y +/m/0154qm /film/actor/film./film/performance/film /m/04s1zr +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pp3p +/m/01vsy3q /people/person/places_lived./people/place_lived/location /m/05jbn +/m/07gql /music/instrument/instrumentalists /m/01wd9lv +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dgskx +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb607 +/m/0190xp /music/genre/parent_genre /m/04_sqm +/m/01tmng /organization/organization/place_founded /m/0tyql +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/016jny /music/genre/artists /m/07yg2 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02qlp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/083pr /people/person/places_lived./people/place_lived/location /m/01snm +/m/0m313 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/06kcjr /music/genre/parent_genre /m/016_rm +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/0544vh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0pqzh /people/person/places_lived./people/place_lived/location /m/0g5rg +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/026rm_y /people/person/gender /m/05zppz +/m/0ktpx /film/film/genre /m/01g6gs +/m/03q3sy /film/actor/film./film/performance/film /m/02rv_dz +/m/0295r /language/human_language/countries_spoken_in /m/035v3 +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/03dbww /award/award_winner/awards_won./award/award_honor/award_winner /m/01mv_n +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0b90_r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02114t +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/07r1h +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/0n5gb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2lt +/m/071vr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04qr6d /people/person/profession /m/02jknp +/m/0n6ds /film/film/language /m/02h40lc +/m/0jlv5 /people/person/places_lived./people/place_lived/location /m/01914 +/m/0g54xkt /film/film/genre /m/0hn10 +/m/0bdd_ /location/administrative_division/country /m/05qhw +/m/0345h /location/location/partially_contains /m/0lcd +/m/03kwtb /people/person/profession /m/01d_h8 +/m/01z3bz /organization/organization/headquarters./location/mailing_address/citytown /m/02h6_6p +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0p7qm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/03wbqc4 /film/film/production_companies /m/054lpb6 +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cb77r +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rv_dz +/m/01mbwlb /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0h0yt /people/person/profession /m/02hv44_ +/m/0pgjm /award/award_winner/awards_won./award/award_honor/award_winner /m/021bk +/m/05hj_k /people/person/sibling_s./people/sibling_relationship/sibling /m/06q8hf +/m/06zn1c /film/film/genre /m/01hmnh +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04sx9_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b16p +/m/0f4m2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dj5q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0m63c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050t68 /film/actor/film./film/performance/film /m/016z9n +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020_95 +/m/01m24m /location/hud_county_place/place /m/01m24m +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/09v6tz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/035l_9 +/m/05j82v /film/film/produced_by /m/0kr5_ +/m/06dv3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/027pwl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/017z49 /film/film/genre /m/02m4t +/m/01z452 /film/film/featured_film_locations /m/030qb3t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0bzh04 +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/02rchht +/m/0hw1j /award/award_winner/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01qd_r +/m/0888c3 /film/film/production_companies /m/031rq5 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/016yr0 +/m/09c17 /base/biblioness/bibs_location/country /m/03rk0 +/m/0qb1z /sports/sports_team_location/teams /m/05r_x5 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/024my5 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/0fpgp26 /film/film/genre /m/0hcr +/m/0jm8l /sports/sports_team/colors /m/02rnmb +/m/09tcg4 /film/film/language /m/02h40lc +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/05k7sb /location/location/contains /m/01gr00 +/m/04v8h1 /film/film/genre /m/02kdv5l +/m/0209hj /film/film/production_companies /m/017s11 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x0fs9 +/m/0fphgb /film/film/country /m/09c7w0 +/m/072192 /film/film/production_companies /m/05qd_ +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/037ts6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0f2df /people/person/nationality /m/02jx1 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02fm4d +/m/06rk8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0c01c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cskb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/position /m/0dgrmp +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/0134wr +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/023gxx +/m/016jfw /people/person/profession /m/0dz3r +/m/0glt670 /music/genre/artists /m/01vw_dv +/m/0gnbw /film/actor/film./film/performance/film /m/016ks5 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/0gfnqh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01pcvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01r93l +/m/0mgkg /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wqflx /music/group_member/membership./music/group_membership/role /m/07brj +/m/016z1t /music/group_member/membership./music/group_membership/role /m/0342h +/m/0dvmd /people/person/nationality /m/09c7w0 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k23t +/m/01vwllw /people/person/nationality /m/09c7w0 +/m/0glb5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j7k +/m/0lbbj /olympics/olympic_games/sports /m/06z6r +/m/0ym20 /education/educational_institution/campuses /m/0ym20 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01pbwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0697kh /people/person/gender /m/05zppz +/m/0276g40 /people/person/nationality /m/03rk0 +/m/07t21 /location/location/contains /m/0d7_n +/m/086nl7 /people/person/place_of_birth /m/013kcv +/m/01f7v_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/01cv3n /people/person/profession /m/09jwl +/m/06z8gn /people/person/gender /m/05zppz +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/07tjf /education/educational_institution/colors /m/083jv +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01vsykc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/03mp9s /film/actor/film./film/performance/film /m/05hjnw +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01ldw4 /people/person/profession /m/025352 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dzf +/m/017_qw /music/genre/artists /m/07hgkd +/m/05btx9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04q00lw /award/award_winning_work/awards_won./award/award_honor/award /m/03r8tl +/m/08w7vj /film/actor/film./film/performance/film /m/019vhk +/m/07j8r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0227tr /film/actor/film./film/performance/film /m/028cg00 +/m/0l14j_ /music/instrument/instrumentalists /m/0f0y8 +/m/0pyww /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01r7pq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/04vrxh /music/group_member/membership./music/group_membership/group /m/01yzl2 +/m/02rrh1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018ygt /film/actor/film./film/performance/film /m/0gtvpkw +/m/04n8xs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07cdz /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02pbrn /music/artist/origin /m/0dclg +/m/02cbvn /education/educational_institution/students_graduates./education/education/student /m/0fg_hg +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/01lhdt /education/educational_institution/colors /m/038hg +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wb8bs +/m/05w3f /music/genre/artists /m/03bnv +/m/0kk9v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qm_f +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/022p06 /people/person/profession /m/012t_z +/m/0435vm /film/film/written_by /m/09pl3f +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/0340hj /film/film/genre /m/0btmb +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01xndd +/m/04j6dg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03n69x /people/person/nationality /m/09c7w0 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/02yygk /people/person/gender /m/05zppz +/m/02bj22 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085bd1 /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/01_k7f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rbdlq /people/ethnicity/people /m/0p__8 +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/04t36 /media_common/netflix_genre/titles /m/027fwmt +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0gs1_ /people/person/languages /m/02h40lc +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/0n5dt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/01sxdy /film/film/genre /m/04t36 +/m/018sg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0bbf1f /people/person/place_of_birth /m/07l5z +/m/0klh7 /film/actor/film./film/performance/film /m/0_816 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9jr +/m/0c630 /base/biblioness/bibs_location/country /m/03rjj +/m/058z1hb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05728w1 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/041rx /people/ethnicity/people /m/0162c8 +/m/033rq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/03q2t9 +/m/018vbf /base/culturalevent/event/entity_involved /m/06vbd +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/039xcr +/m/01d5vk /people/person/profession /m/02jknp +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/05f4_n0 /film/film/genre /m/0btmb +/m/03pmty /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01mjq /location/location/contains /m/0fs_s +/m/0qcr0 /people/cause_of_death/people /m/032t2z +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d608 +/m/02tvsn /base/culturalevent/event/entity_involved /m/01k6y1 +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/016017 /film/film/genre /m/03k9fj +/m/05w3f /music/genre/artists /m/01vsy3q +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0294fd +/m/0m7yh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0277g +/m/02ptczs /film/film/cinematography /m/08t7nz +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s0l +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/0d0x8 /base/biblioness/bibs_location/country /m/09c7w0 +/m/09f2j /education/educational_institution/campuses /m/09f2j +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tjk +/m/0b76d_m /film/film/production_companies /m/054lpb6 +/m/031ns1 /education/educational_institution/school_type /m/01y64 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02s2wq +/m/02cx72 /people/person/profession /m/01c72t +/m/01n3bm /medicine/disease/risk_factors /m/05zppz +/m/030g9z /people/person/profession /m/02dsz +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/01cwm1 /sports/sports_team/sport /m/02vx4 +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/0fb0v /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0f4dx2 /film/actor/film./film/performance/film /m/0b6tzs +/m/038bh3 /film/film/language /m/064_8sq +/m/0dw3l /people/person/places_lived./people/place_lived/location /m/0gdk0 +/m/02lfl4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/082scv /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/033jkj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wbgdv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06v41q /people/ethnicity/people /m/06lvlf +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/0829rj /people/person/gender /m/05zppz +/m/07pzc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03339m /music/genre/parent_genre /m/0296y +/m/02jg92 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0l8sx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h1v19 /film/film/production_companies /m/086k8 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/04x1_w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/06sn8m /people/person/profession /m/02hrh1q +/m/0dll_t2 /film/film/genre /m/02l7c8 +/m/0fb1q /film/actor/film./film/performance/film /m/04hwbq +/m/0499lc /people/person/gender /m/05zppz +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/05v38p /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02vr3gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d66j2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023s8 +/m/0btpx /people/person/profession /m/02hrh1q +/m/01l_vgt /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0739y /people/person/nationality /m/0bq0p9 +/m/0p3_y /film/film/costume_design_by /m/06w33f8 +/m/03n0pv /people/person/nationality /m/09c7w0 +/m/07sbbz2 /music/genre/artists /m/01wdqrx +/m/037w7r /film/actor/film./film/performance/film /m/090s_0 +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0g2lq +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0bkq_8 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/09l3p /film/actor/film./film/performance/film /m/0645k5 +/m/0m_mm /film/film/country /m/09c7w0 +/m/0b80__ /people/person/place_of_birth /m/05qtj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/04jm_hq /film/film/genre /m/082gq +/m/013bd1 /people/person/languages /m/02h40lc +/m/0gwlfnb /film/film/country /m/059j2 +/m/01jfsb /media_common/netflix_genre/titles /m/05znxx +/m/02xry /location/location/contains /m/0ply0 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/06cv1 /film/director/film /m/02pg45 +/m/01x5fb /education/educational_institution/students_graduates./education/education/student /m/03h2d4 +/m/03c0vy /sports/sports_team/colors /m/083jv +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bx6 +/m/0661ql3 /film/film/genre /m/02n4kr +/m/0dr_9t7 /film/film/produced_by /m/03dbds +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/03qcq /influence/influence_node/influenced_by /m/040_9 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0q1lp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qmg1 /dataworld/gardening_hint/split_to /m/06ncr +/m/03xx9l /people/person/profession /m/0dxtg +/m/075q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06yykb /film/film/genre /m/01jfsb +/m/045931 /film/actor/film./film/performance/film /m/01k60v +/m/05qx1 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ptzz0 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/03ng8q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0266r6h /people/person/nationality /m/09c7w0 +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q9vf +/m/058j2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/014v6f /people/person/places_lived./people/place_lived/location /m/01531 +/m/0hgqq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mhfy /people/person/profession /m/018gz8 +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r_d4 +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rd7 +/m/0bx0lc /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01t6xz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b__vr /people/person/profession /m/02hrh1q +/m/031bf1 /people/person/profession /m/02hrh1q +/m/03_3d /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0g3zrd /film/film/genre /m/03bxz7 +/m/0ph24 /tv/tv_program/genre /m/01w613 +/m/026zvx7 /people/person/gender /m/02zsn +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dh73w +/m/035nm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0lbfv /education/educational_institution/students_graduates./education/education/student /m/0p50v +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01fxfk /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/04hwbq /film/film/music /m/016szr +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02v60l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01cwm1 +/m/0dvld /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b_yz +/m/07vfy4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrbbx +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dzlk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/017l96 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dlfh /people/person/profession /m/0dxtg +/m/017l4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02v992 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/0jg77 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015l4k /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05dtwm /people/person/place_of_birth /m/0cyn3 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/04sskp +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/05b__vr /people/person/place_of_birth /m/04cjn +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/08mg_b /film/film/genre /m/017fp +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04qsdh +/m/01gfq4 /music/record_label/artist /m/01vsy7t +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/015_30 +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/04gb7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01hbq0 /people/person/place_of_birth /m/02_286 +/m/0hhtgcw /time/event/locations /m/030qb3t +/m/046br4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/0dx_q /people/person/religion /m/0n2g +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p4vl +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/01wv9p /music/artist/origin /m/0cc56 +/m/0bxxzb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0kv2hv +/m/08xwck /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/04p5cr +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/03_2td /people/person/nationality /m/0chghy +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/086sj /film/actor/film./film/performance/film /m/01xq8v +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02fb1n /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cmsqb +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/01kvrz /education/educational_institution_campus/educational_institution /m/01kvrz +/m/010h9y /location/location/time_zones /m/02hczc +/m/0cn68 /people/ethnicity/people /m/01nz1q6 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05c17 +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/079sf /award/award_category/winners./award/award_honor/award_winner /m/0bymv +/m/02k21g /people/person/profession /m/018gz8 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cnztc4 +/m/01p85y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015c2f +/m/0xhtw /music/genre/artists /m/03k3b +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award /m/0fc9js +/m/02t3ln /music/artist/origin /m/0t_gg +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0j1z8 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_vfy /film/director/film /m/015qsq +/m/03prz_ /film/film/genre /m/01hmnh +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d0vqn +/m/0136g9 /people/person/profession /m/02jknp +/m/02yv6b /music/genre/artists /m/0gcs9 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0h326 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0438pz /people/person/place_of_birth /m/02_286 +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/02rx2m5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0sz28 +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl9_4 +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/02y_2y /base/eating/practicer_of_diet/diet /m/07_jd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y20v +/m/059rby /location/location/contains /m/0dlhg +/m/035s37 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0275kr /tv/tv_program/languages /m/02h40lc +/m/0kbws /olympics/olympic_games/participating_countries /m/05v10 +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/0686zv +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xbq3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/024y8p +/m/015_1q /music/record_label/artist /m/01htxr +/m/03q8xj /film/film/country /m/0jgd +/m/026sb55 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017kct /film/film/genre /m/05p553 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4nv +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0f4m2z /film/film/language /m/04h9h +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/09c7w0 /location/location/contains /m/0lhn5 +/m/03mv0b /people/person/profession /m/02jknp +/m/063fh9 /film/film/featured_film_locations /m/0ctw_b +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016fmf +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bzty /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884fm +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/05g8ky /people/person/place_of_birth /m/0c1d0 +/m/0cbgl /influence/influence_node/influenced_by /m/032l1 +/m/0fvppk /organization/organization/place_founded /m/01n7q +/m/02qzh2 /film/film/genre /m/07s9rl0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/0ds33 /film/film/music /m/01hw6wq +/m/03n08b /film/actor/film./film/performance/film /m/03mh_tp +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06bng /influence/influence_node/influenced_by /m/03hnd +/m/027m5wv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/05631 /tv/tv_program/languages /m/02h40lc +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01wd3l /people/person/profession /m/018gz8 +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/05k2s_ /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/03q95r +/m/03p7rp /music/genre/artists /m/02ndj5 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/016jny /music/genre/artists /m/01qmy04 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0h1v19 /film/film/cinematography /m/0f_zkz +/m/05bxwh /people/person/places_lived./people/place_lived/location /m/02sn34 +/m/03v36 /people/person/nationality /m/07ssc +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fk5 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mmwk +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0lcdk /medicine/disease/risk_factors /m/0217g +/m/0lhql /sports/sports_team_location/teams /m/07l8f +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/04yc76 /film/film/language /m/02h40lc +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0crvfq /people/person/gender /m/05zppz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/031zp2 +/m/025s1wg /film/film/executive_produced_by /m/05hj_k +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/0g9lm2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0697s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/013xrm /people/ethnicity/people /m/02wb6d +/m/0ny75 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03gvt /music/instrument/instrumentalists /m/07zft +/m/09pl3s /people/person/profession /m/03gjzk +/m/025twgt /film/film/country /m/07ssc +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/03mqtr /media_common/netflix_genre/titles /m/04sntd +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jzyx +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03yfh3 +/m/016z2j /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/01jq4b /education/educational_institution/colors /m/067z2v +/m/049f88 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bhwhj /film/film/produced_by /m/054_mz +/m/02bwjv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07ldhs +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/014kyy +/m/02qdyj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05tbn /base/aareas/schema/administrative_area/capital /m/0fvzz +/m/01cwq9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/02vnb_ /business/business_operation/industry /m/020mfr +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/026m3y /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0jm5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01m3dv /location/location/contains /m/0bkv0 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03qhyn8 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/01yk13 /film/actor/film./film/performance/film /m/0hv1t +/m/0ck91 /people/person/profession /m/02hrh1q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kb7vh +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/07y0n +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0lpjn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0276jmv /people/person/nationality /m/09c7w0 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/019nnl +/m/01g1lp /people/person/profession /m/09jwl +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05tgks /film/film/language /m/06nm1 +/m/04h5tx /sports/sports_team/sport /m/02vx4 +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/03_vx9 /film/actor/film./film/performance/film /m/03hj5lq +/m/0797c7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lzb8 /film/actor/film./film/performance/film /m/063y9fp +/m/02zfdp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01yx7f /organization/organization/headquarters./location/mailing_address/citytown /m/0fsb8 +/m/01713c /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/06t8b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09v38qj +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01vsy7t +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1qyh +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04v8h1 /film/film/genre /m/017fp +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/02pqcfz /sports/sports_team/colors /m/01l849 +/m/018swb /people/person/spouse_s./people/marriage/location_of_ceremony /m/01z8f0 +/m/0b_6h7 /time/event/instance_of_recurring_event /m/02jp2w +/m/06q6jz /music/genre/artists /m/043d4 +/m/0m66w /people/person/places_lived./people/place_lived/location /m/0xl08 +/m/02z5x7l /film/film/genre /m/01hmnh +/m/0t_3w /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/0j0k /location/location/contains /m/07dvs +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/01cx_ /location/administrative_division/country /m/09c7w0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kv4mb +/m/051_y /people/cause_of_death/people /m/016hvl +/m/01jvxb /education/educational_institution/school_type /m/05jxkf +/m/01h1b /film/actor/film./film/performance/film /m/0prh7 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/015c1b /people/person/religion /m/03_gx +/m/04l59s /sports/sports_team/sport /m/03tmr +/m/0c7lcx /film/actor/film./film/performance/film /m/0gxtknx +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/0dvmd /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/02rg_4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mn7 /film/director/film /m/04fjzv +/m/08ff1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy4k +/m/01m42d0 /film/actor/film./film/performance/film /m/0fztbq +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/064t9 /music/genre/artists /m/0czkbt +/m/01vt5c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0dq9p /people/cause_of_death/people /m/0hpz8 +/m/01qz5 /film/film/production_companies /m/086k8 +/m/0dpqk /people/person/profession /m/0dxtg +/m/02wr6r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03yvgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bwx3 /influence/influence_node/influenced_by /m/042q3 +/m/014cw2 /people/person/gender /m/05zppz +/m/03_48k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wyq0w /award/award_winner/awards_won./award/award_honor/award_winner /m/01c8v0 +/m/01f1p9 /music/genre/artists /m/01j59b0 +/m/059rby /location/location/contains /m/01sn04 +/m/05ccxr /people/person/profession /m/02hrh1q +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01pcj4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qpp9 /award/award_category/category_of /m/0c4ys +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/01tsq8 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/040hg8 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/028tv0 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/05hj_k +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m5s5 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0f5xn +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/0gd5z /people/person/employment_history./business/employment_tenure/company /m/01k3s2 +/m/06gg5c /people/person/profession /m/01c8w0 +/m/014vm4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qb62 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0ggx5q /music/genre/artists /m/0136p1 +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/0l14md /music/instrument/instrumentalists /m/0ddkf +/m/07dvs /location/country/official_language /m/032f6 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fsm8c +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/01s7j5 /organization/organization/headquarters./location/mailing_address/citytown /m/0psxp +/m/02xs6_ /film/film/genre /m/0c3351 +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/09k0f +/m/0b1zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/01pcvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0jfx1 +/m/01lyv /music/genre/artists /m/01vrx3g +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0g22z /film/film/music /m/0fp_v1x +/m/0gk4g /people/cause_of_death/people /m/0223g8 +/m/02mxw0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/03cz83 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/06_wqk4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m_31 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/02r5w9 /people/person/profession /m/01d_h8 +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05km8z +/m/012gyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/09v9mks /film/film/genre /m/02l7c8 +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0xhtw /music/genre/artists /m/0178kd +/m/05hks /people/person/places_lived./people/place_lived/location /m/04swd +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05ldnp +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0jsg0m /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/05zlld0 /film/film/production_companies /m/016tw3 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02qzh2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064t9 /music/genre/artists /m/0kzy0 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/026sdt1 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01n7q /location/location/contains /m/0r4qq +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/09z1lg +/m/07f_t4 /film/film/genre /m/04pbhw +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/059g4 /base/locations/continents/countries_within /m/0162v +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mx__ +/m/0kbwb /film/film/production_companies /m/05qd_ +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01kwlwp /people/person/place_of_birth /m/0f2s6 +/m/06924p /music/genre/artists /m/036px +/m/02_gzx /education/educational_institution/campuses /m/02_gzx +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/01z4y /music/genre/artists /m/04sd0 +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/04k05 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0dqzkv /people/person/nationality /m/09c7w0 +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/02jyr8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/07_3qd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/056wb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0180mw +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/07mgr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/068cn +/m/03hzl42 /film/actor/film./film/performance/film /m/04pk1f +/m/01sfmyk /people/person/profession /m/02hrh1q +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0vhm +/m/01vwllw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0sz28 +/m/02rh_0 /sports/sports_team/colors /m/06fvc +/m/02r251z /people/person/profession /m/01d_h8 +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ll45 +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0fx2s /film/film_subject/films /m/0fvr1 +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0byfz +/m/07zl6m /business/business_operation/industry /m/01mw1 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cycq +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/016ywr /film/actor/film./film/performance/film /m/03f7xg +/m/01mxqyk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q2t9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymf1 +/m/0164r9 /film/actor/film./film/performance/film /m/0gw7p +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0cfgd +/m/01_bkd /music/genre/artists /m/01fchy +/m/0p_jc /people/person/profession /m/0dxtg +/m/06sks6 /olympics/olympic_games/sports /m/07gyv +/m/07bch9 /people/ethnicity/people /m/048hf +/m/02j9lm /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/0cms7f /people/person/profession /m/02hrh1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/0d0l91 +/m/02mc5v /film/film/country /m/09c7w0 +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03by7wc /sports/sports_team/sport /m/039yzs +/m/01p0vf /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s2ft +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/016sd3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02qny_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/02hzx8 +/m/0df2zx /film/film/genre /m/05p553 +/m/01mqz0 /film/actor/film./film/performance/film /m/023g6w +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/021s9n +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p51w +/m/01xvjb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09x3r /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06bnz +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07ccs +/m/0k7tq /film/film/genre /m/0lsxr +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/06b3g4 /people/person/gender /m/05zppz +/m/0c6cwg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0v74 +/m/0413cff /film/film/language /m/071fb +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/01hqk /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0s4sj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/01jmv8 /people/person/gender /m/02zsn +/m/06j6l /music/genre/artists /m/028qdb +/m/02mplj /sports/sports_team/colors /m/019sc +/m/047m_w /tv/tv_program/genre /m/06q7n +/m/01r93l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7t3p +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034hzj +/m/027kp3 /education/educational_institution/students_graduates./education/education/student /m/0cqt90 +/m/02pd1tf /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/032clf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hm0k /award/award_winner/awards_won./award/award_honor/award_winner /m/05xbx +/m/01hb6v /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/0557yqh /tv/tv_program/genre /m/01z4y +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0cd2vh9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/09jm8 +/m/02s529 /people/person/nationality /m/07ssc +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0bsj9 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8tgs +/m/01ngz1 /education/educational_institution_campus/educational_institution /m/01ngz1 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01cssf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05y7hc +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/0678gl /people/person/nationality /m/09c7w0 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/01pl14 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/01hmk9 /influence/influence_node/influenced_by /m/014z8v +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hx4y +/m/09fc83 /film/film/language /m/02h40lc +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/011xg5 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01y9xg +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/027pwl +/m/0f8l9c /location/location/contains /m/0mhhc +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/016mhd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/05cgy8 +/m/01wjrn /film/actor/film./film/performance/film /m/01gglm +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/064t9 /music/genre/artists /m/016fmf +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/05bt6j /music/genre/artists /m/025ldg +/m/05r9t /music/genre/artists /m/03f7m4h +/m/0r5wt /location/hud_county_place/place /m/0r5wt +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01vw87c +/m/06fcqw /film/film/genre /m/05p553 +/m/01wcp_g /people/person/profession /m/09jwl +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/01j7rd /people/person/religion /m/03_gx +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/04xvlr /media_common/netflix_genre/titles /m/050r1z +/m/04gzd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0f4_l /film/film/genre /m/0lsxr +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0521d_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051y1hd +/m/08hmch /film/film/genre /m/0btmb +/m/0284b56 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y_2y /film/actor/film./film/performance/film /m/02rrh1w +/m/0342h /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0fht9f +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/02sh8y /people/person/languages /m/02h40lc +/m/0j871 /music/performance_role/regular_performances./music/group_membership/group /m/015bwt +/m/06vr2 /medicine/disease/notable_people_with_this_condition /m/0gzh +/m/0fb7sd /film/film/production_companies /m/054lpb6 +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b7xl8 +/m/09b3v /media_common/netflix_genre/titles /m/016017 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0257__ /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/0fs44 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/0155w /music/genre/artists /m/01kx_81 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/046488 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026mmy /award/award_category/category_of /m/0c4ys +/m/0y617 /location/hud_county_place/place /m/0y617 +/m/02lnbg /music/genre/artists /m/01w61th +/m/027ydt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05fhy /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/014nq4 /film/film/production_companies /m/05qd_ +/m/01lpwh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/01vg0s /education/educational_institution/colors /m/01g5v +/m/0jhn7 /olympics/olympic_games/sports /m/03krj +/m/01bpc9 /people/person/profession /m/09jwl +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02j9z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/02rhfsc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/048j1q +/m/01b9z4 /film/actor/film./film/performance/film /m/04tc1g +/m/0738b8 /people/person/places_lived./people/place_lived/location /m/013yq +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gfsq9 +/m/0k1wz /people/person/profession /m/01c8w0 +/m/01cszh /music/record_label/artist /m/01s21dg +/m/02d_zc /education/educational_institution/school_type /m/01_9fk +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0315q3 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/01_d4 /location/location/contains /m/065r8g +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0415svh +/m/01vt5c_ /people/person/profession /m/01c72t +/m/05mkhs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0bkg4 /people/person/profession /m/0nbcg +/m/044mfr /people/person/profession /m/09jwl +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0mjn2 +/m/07ytt /location/country/capital /m/07ytt +/m/01n_g9 /organization/organization/headquarters./location/mailing_address/citytown /m/0105y2 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/025n07 /film/film/genre /m/01jfsb +/m/026fd /film/director/film /m/06kl78 +/m/0dzf_ /film/actor/film./film/performance/film /m/01jrbv +/m/015wfg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0345h /location/location/contains /m/0156q +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0419kt +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gr69 /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02f8lw +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/06x58 /film/actor/film./film/performance/film /m/0gmd3k7 +/m/04kd5d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01vrx35 /people/person/place_of_birth /m/0h7h6 +/m/0jbp0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmfb /sports/sports_team/sport /m/018w8 +/m/02nrdp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/029k4p /film/film/executive_produced_by /m/06cv1 +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/04m_kpx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0207wx /people/person/gender /m/05zppz +/m/0cpjgj /people/person/profession /m/02hrh1q +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/01713c /film/actor/film./film/performance/film /m/02qpt1w +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/04sylm /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/017149 /film/actor/film./film/performance/film /m/0dsvzh +/m/0glqh5_ /film/film/language /m/02h40lc +/m/01z1r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07f8wg /award/award_winner/awards_won./award/award_honor/award_winner /m/03rwz3 +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0y1rf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fc2c +/m/0qb0j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jk_8 +/m/07hwkr /people/ethnicity/languages_spoken /m/0t_2 +/m/0f4_2k /film/film/genre /m/02n4kr +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s5lz +/m/07hgkd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/025b5y +/m/0knjh /people/deceased_person/place_of_death /m/05qtj +/m/018vs /music/instrument/instrumentalists /m/03qd_ +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s5v5 +/m/0pd4f /film/film/language /m/02bjrlw +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsmh +/m/02s62q /education/educational_institution/students_graduates./education/education/student /m/021yw7 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0zcbl +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/02bqy /education/university/fraternities_and_sororities /m/04m8fy +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0521rl1 +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/016ypb /film/actor/film./film/performance/film /m/0kv238 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/017fp /media_common/netflix_genre/titles /m/09tcg4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/0261w5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/03l7w8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/05qbbfb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/076lxv +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04f_d +/m/0x3r3 /people/deceased_person/place_of_death /m/01lxw6 +/m/02mzg9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/04gc65 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0170z3 /film/film/country /m/09c7w0 +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/019fh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/01nsyf /people/person/profession /m/016z4k +/m/0kv7k /location/location/time_zones /m/02lcqs +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/095kp +/m/0jv5x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/015fsv /organization/organization/headquarters./location/mailing_address/citytown /m/08809 +/m/04fgkf_ /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/08720 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/075q_ /sports/sports_team/sport /m/02vx4 +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09xrxq +/m/0bh8yn3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/06w7v /music/instrument/instrumentalists /m/01p95y0 +/m/0134w7 /film/actor/film./film/performance/film /m/0dgst_d +/m/0h5j77 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06chf +/m/0rql_ /location/hud_county_place/county /m/0jrxx +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/03hkv_r /award/award_category/winners./award/award_honor/ceremony /m/0bq_mx +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n0q5 +/m/01vwyqp /award/award_winner/awards_won./award/award_honor/award_winner /m/045zr +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/02pt27 /people/person/profession /m/09jwl +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01s3vk +/m/01bzw5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/0ql86 /base/culturalevent/event/entity_involved /m/03gk2 +/m/046rfv /people/person/place_of_birth /m/0c8tk +/m/04fcx7 /people/person/profession /m/018gz8 +/m/07xyn1 /organization/organization/headquarters./location/mailing_address/citytown /m/0ftxw +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/03f5mt /music/instrument/instrumentalists /m/0fpjd_g +/m/02s2ys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0bm2nq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/08d9z7 /people/person/gender /m/05zppz +/m/04v7kt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01srq2 /film/film/written_by /m/026fd +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0hnkp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/09g_31 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0l14md /music/instrument/instrumentalists /m/02rn_bj +/m/0xszy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0y62n +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/015c4g /award/award_winner/awards_won./award/award_honor/award_winner /m/015gy7 +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/0j1z8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kkk4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/05lb30 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h63gl9 /film/film/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kckd +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fs_4 +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0m6x4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/01v6480 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/01rnly /film/film/film_production_design_by /m/03wd5tk +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/02b1gz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/044rvb /film/actor/film./film/performance/film /m/03m8y5 +/m/01dtcb /music/record_label/artist /m/01vw20h +/m/0vjr /tv/tv_program/genre /m/01z4y +/m/01cdt5 /medicine/symptom/symptom_of /m/0lcdk +/m/02b0_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dgrwqr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/013719 +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s93v +/m/02w4v /music/genre/artists /m/01s1zk +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fh9 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/05m883 /people/person/profession /m/0dxtg +/m/07rzf /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01ky2h /music/artist/origin /m/02_286 +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4k49 +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0btj0 /people/person/profession /m/0dxtg +/m/01w1w9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/041bnw /music/record_label/artist /m/0l12d +/m/0147sh /film/film/edited_by /m/0dky9n +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0p7qm /film/film/genre /m/02kdv5l +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/023n39 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vvb4m +/m/01_bkd /music/genre/artists /m/0dw3l +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzlbx +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/0892sx +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r5qtm +/m/0171b8 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/06d_3 +/m/03rqww /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01gwck /education/educational_institution/colors /m/083jv +/m/0c921 /people/person/profession /m/0n1h +/m/03t1s /location/country/form_of_government /m/01q20 +/m/0jnkr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0g6ff /people/ethnicity/people /m/0dw6b +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qb5d +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/013q0p +/m/0hhqw /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvgt +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0g3zrd /film/film/film_format /m/0cj16 +/m/07h07 /influence/influence_node/influenced_by /m/0l99s +/m/01t265 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0172jm /education/educational_institution/school_type /m/01rs41 +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0dc95 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/01jpmpv /people/person/profession /m/01c72t +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/07l2m +/m/01wt4wc /music/group_member/membership./music/group_membership/role /m/026t6 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/09yhzs +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/04t6fk /film/film/story_by /m/01wyy_ +/m/05rnp1 /people/person/profession /m/01d_h8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02s2ys +/m/026c1 /people/person/gender /m/02zsn +/m/0g72r /people/person/profession /m/0kyk +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0p5wz +/m/0bwfwpj /film/film/film_format /m/017fx5 +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xpf_7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0xszy +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gghm +/m/03cfkrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0122wc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/06crng /people/person/profession /m/0kyk +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/0g2lq /people/person/profession /m/0dxtg +/m/023zl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/04dyqk /film/director/film /m/027r7k +/m/05bt6j /music/genre/artists /m/02z4b_8 +/m/01xpxv /people/person/gender /m/05zppz +/m/09jg8 /people/cause_of_death/people /m/07s3vqk +/m/01vy_v8 /film/actor/film./film/performance/film /m/0ddjy +/m/01w8sf /people/person/profession /m/0dxtg +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/07qht4 /media_common/netflix_genre/titles /m/0yzbg +/m/081lh /people/person/religion /m/03_gx +/m/03kts /people/person/profession /m/02hrh1q +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0329r5 +/m/028r4y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02hhtj +/m/076xkdz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grqd +/m/07xvf /film/film/country /m/0f8l9c +/m/04t9c0 /film/film/genre /m/05p553 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/01k2wn /education/educational_institution/colors /m/03wkwg +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/027s39y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02j4sk +/m/05xd_v /film/actor/film./film/performance/film /m/0j_t1 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/012xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/01tf_6 /people/cause_of_death/people /m/02knnd +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013knm +/m/0n85g /music/record_label/artist /m/06gcn +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/02hfp_ /people/person/profession /m/01d_h8 +/m/03ctv8m /people/person/profession /m/099md +/m/0ddkf /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0127ps /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wn718 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02l840 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03r8gp /film/film_subject/films /m/02rmd_2 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/014j0w /music/record_label/artist /m/01w03jv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/01qb5d /film/film/music /m/0bs1yy +/m/017d77 /education/educational_institution/students_graduates./education/education/student /m/0prfz +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/03x6w8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ym20 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/0gn30 +/m/013xrm /people/ethnicity/people /m/0320jz +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gn36 +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01tqfs +/m/011w20 /people/person/nationality /m/09c7w0 +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0558_1 /education/educational_institution/school_type /m/01rs41 +/m/02wxvtv /people/person/nationality /m/03rk0 +/m/0mwcz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwx6 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dyb1 +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/0k4y6 /time/event/locations /m/02j9z +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/01zz8t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxm1 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06b4wb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tvz5j +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0fx2s /film/film_subject/films /m/02c638 +/m/013mzh /location/location/time_zones /m/02fqwt +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzlbx +/m/01z4y /media_common/netflix_genre/titles /m/02mt51 +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0ntxg /location/us_county/county_seat /m/0sgtz +/m/034m8 /location/country/form_of_government /m/06cx9 +/m/016r9z /olympics/olympic_games/sports /m/02y8z +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/03jjzf /people/person/profession /m/02hrh1q +/m/02qhlwd /film/film/genre /m/082gq +/m/05r5c /music/instrument/instrumentalists /m/0zjpz +/m/0m0jc /music/genre/artists /m/017vkx +/m/04gmlt /music/record_label/artist /m/016szr +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wf_b +/m/02hwww /organization/organization/headquarters./location/mailing_address/state_province_region /m/055vr +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/0f502 /film/actor/film./film/performance/film /m/0277j40 +/m/01qncf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/06z8s_ +/m/059rby /location/location/contains /m/01q8hj +/m/02gqm3 /film/film/story_by /m/0fx02 +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fsv +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/02cbs0 +/m/01jfsb /media_common/netflix_genre/titles /m/061681 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01cwkq +/m/02swsm /music/record_label/artist /m/04cr6qv +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/01qdjm +/m/02wyzmv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/015wnl /people/person/nationality /m/02jx1 +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0210hf +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/0n5df /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06cp5 /music/genre/parent_genre /m/0glt670 +/m/01hc9_ /people/person/gender /m/05zppz +/m/05y8n7 /music/genre/artists /m/02hzz +/m/015qy1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/01rw116 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/01yfm8 /film/actor/film./film/performance/film /m/04xg2f +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0fpjd_g +/m/027lfrs /people/person/place_of_birth /m/06k5_ +/m/0r8bh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0417z2 +/m/03f1zdw /film/actor/film./film/performance/film /m/0fgpvf +/m/01g1lp /film/director/film /m/011ypx +/m/01mylz /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/0163r3 /people/person/profession /m/09jwl +/m/015w9s /media_common/netflix_genre/titles /m/045r_9 +/m/0g5838s /film/film/genre /m/01jfsb +/m/0pz04 /people/person/profession /m/018gz8 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/02_p8v /people/person/nationality /m/07ssc +/m/058bzgm /award/award_category/disciplines_or_subjects /m/04g51 +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/03j2ts /award/award_category/winners./award/award_honor/award_winner /m/01tdnyh +/m/02jkkv /film/film/produced_by /m/0d_skg +/m/033hn8 /music/record_label/artist /m/01vsn38 +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0266bd5 +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01z4y /media_common/netflix_genre/titles /m/0dln8jk +/m/02g3w /influence/influence_node/influenced_by /m/03j2gxx +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mj4 +/m/02z0f6l /film/film/costume_design_by /m/02mxbd +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0f61tk /film/film/costume_design_by /m/06w33f8 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vyh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/0137hn /people/person/profession /m/02hrh1q +/m/03x7hd /film/film/genre /m/07s9rl0 +/m/01twdk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dvmd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06wm0z +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01vksx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03mh_tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7jc +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k20s +/m/07szy /education/educational_institution/colors /m/01g5v +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06mq7 +/m/02fybl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btpx +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0mjn2 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/01vz80y +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04glr5h +/m/01kvqc /people/person/profession /m/029bkp +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ynj +/m/03qd_ /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/026_dcw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/011zd3 /film/actor/film./film/performance/film /m/011ykb +/m/02qkt /location/location/contains /m/04w8f +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/016kjs +/m/0gr4k /award/award_category/category_of /m/0g_w +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/05nwfr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03_8kz +/m/01wbg84 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/043tz0c +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ckhj +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0c2tf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c2ry +/m/0fhnf /base/aareas/schema/administrative_area/administrative_parent /m/0h7x +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0hskw /film/director/film /m/01jrbv +/m/0hqgp /influence/influence_node/influenced_by /m/04k15 +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/06dv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vntj +/m/0dm0f /location/administrative_division/country /m/07ssc +/m/0x67 /people/ethnicity/people /m/01vs73g +/m/016jfw /music/group_member/membership./music/group_membership/role /m/0342h +/m/03_f0 /people/person/places_lived./people/place_lived/location /m/0cpyv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/09v71cj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0ymdn +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0322yj /film/film/genre /m/02l7c8 +/m/018f8 /film/film/genre /m/05p553 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/033hn8 /music/record_label/artist /m/01sb5r +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/03hy3g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034tl +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/01yfj +/m/03f7m4h /people/person/profession /m/09jwl +/m/02vjzr /music/genre/parent_genre /m/06924p +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/047vp1n /film/film/film_festivals /m/09rwjly +/m/01243b /music/genre/artists /m/03vhvp +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03bxh /people/person/profession /m/01c72t +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kr_t +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0xv2x /music/genre/artists /m/014_lq +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03mg3l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01_k7f /education/educational_institution/campuses /m/01_k7f +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02mjf2 /film/actor/film./film/performance/film /m/035s95 +/m/02xyl /people/deceased_person/place_of_death /m/0fw2y +/m/021gt5 /location/hud_county_place/place /m/021gt5 +/m/0f0sbl /location/location/time_zones /m/02llzg +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/07h1q /influence/influence_node/influenced_by /m/06myp +/m/09b3v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k57l /people/person/nationality /m/09c7w0 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02h659 +/m/09r_wb /people/person/nationality /m/03rk0 +/m/0d810y /people/person/place_of_birth /m/0f2tj +/m/03ysmg /film/director/film /m/0372j5 +/m/01p1b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01rr9f +/m/01trhmt /film/actor/film./film/performance/film /m/05m_jsg +/m/03rjj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wxyx1 +/m/0bl1_ /film/film/costume_design_by /m/0bytfv +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/06x77g +/m/01m94f /location/location/contains /m/02bqy +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/085pr +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/07fpm3 /film/actor/film./film/performance/film /m/04f6df0 +/m/0kv2hv /film/film/music /m/07qy0b +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09l9tq +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01f6zc /film/actor/film./film/performance/film /m/02yxbc +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01jcjt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0kz4w +/m/027l0b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0m0jc /music/genre/artists /m/01vwbts +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/09v6tz +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bcndz /film/film/production_companies /m/016tt2 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02v406 /people/person/places_lived./people/place_lived/location /m/081yw +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01nsyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wt0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/047t_ +/m/048n7 /base/culturalevent/event/entity_involved /m/0chghy +/m/030nwm /organization/organization/place_founded /m/02m77 +/m/0d9_96 /people/person/nationality /m/09c7w0 +/m/02wb6yq /people/person/languages /m/02h40lc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/02jx1 /location/location/contains /m/026m3y +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/015f47 +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0345_ +/m/04k25 /people/person/religion /m/0c8wxp +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/01x4r3 /people/person/profession /m/0cbd2 +/m/03q45x /people/person/place_of_birth /m/0qkcb +/m/01j5sd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0fm3nb /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02q5bx2 +/m/01_d4 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04s1zr /film/film/country /m/09c7w0 +/m/01hv3t /film/film/language /m/02h40lc +/m/0jbyg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bng /people/person/profession /m/0kyk +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d45s +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0184tc +/m/028q6 /music/artist/origin /m/0qymv +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01_d4 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/026dx /people/person/profession /m/01d_h8 +/m/02qgqt /film/actor/film./film/performance/film /m/02rqwhl +/m/01z4y /media_common/netflix_genre/titles /m/02r1c18 +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03061d +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqxm +/m/02rrfzf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h08p /music/genre/artists /m/013qvn +/m/023s8 /people/person/spouse_s./people/marriage/spouse /m/0c0k1 +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01bbwp /film/actor/film./film/performance/film /m/04nnpw +/m/0jnmj /sports/sports_team/sport /m/03tmr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_n5d +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/02sjgpq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y9xg /people/person/profession /m/02hrh1q +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01msrb +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/03gvt /music/instrument/instrumentalists /m/018d6l +/m/02v5_g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/0jgld /location/location/time_zones /m/02hcv8 +/m/047byns /award/award_category/winners./award/award_honor/award_winner /m/01xdf5 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/02xp18 /people/person/nationality /m/09c7w0 +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/03_r_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02qgqt /people/person/nationality /m/09c7w0 +/m/0bx_hnp /film/film/genre /m/03bxz7 +/m/09c7w0 /location/location/contains /m/02482c +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/03xnq9_ /people/person/profession /m/02hrh1q +/m/01chpn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gywn /music/genre/artists /m/011z3g +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/045hz5 +/m/034cm /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0nm6z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_t +/m/040z9 /film/actor/film./film/performance/film /m/0k4f3 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0fv4v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02qflgv +/m/0f2df /film/actor/film./film/performance/film /m/01lbcqx +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/08cg36 /music/genre/parent_genre /m/06j6l +/m/09c7w0 /location/location/contains /m/0269kx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/034b6k +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k269 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/01zfmm +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0180w8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/0jmj +/m/01hx2t /education/educational_institution/students_graduates./education/education/student /m/099p5 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/01vvzb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j149k +/m/02vjzr /music/genre/artists /m/016h9b +/m/02ktrs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p7qm /film/film/genre /m/082gq +/m/031ydm /people/person/nationality /m/09c7w0 +/m/059rby /location/location/contains /m/03v_5 +/m/01dwyd /sports/sports_team/colors /m/01g5v +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/0gs6vr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/025twgt /film/film/language /m/02hwyss +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/0b_6mr /time/event/instance_of_recurring_event /m/02jp2w +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/064t9 /music/genre/artists /m/06cc_1 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/06zn1c /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/0gs5q /people/person/profession /m/0cbd2 +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0fb0v /music/record_label/artist /m/01cblr +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/01jszm /organization/organization/headquarters./location/mailing_address/citytown /m/0c1d0 +/m/01vrx35 /music/group_member/membership./music/group_membership/role /m/01hww_ +/m/09c7w0 /location/country/second_level_divisions /m/0fc2c +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0f6zs /location/location/partially_contains /m/0fb18 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/03ct7jd /film/film/language /m/02h40lc +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02vnp2 /education/educational_institution/colors /m/06fvc +/m/03xpsrx /people/person/spouse_s./people/marriage/spouse /m/029ghl +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/01c6l /people/person/spouse_s./people/marriage/spouse /m/09zw90 +/m/02hnl /music/instrument/instrumentalists /m/04bgy +/m/02h0f3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ljhg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035yg +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/0d9qmn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/01304j +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/05gml8 /film/actor/film./film/performance/film /m/0j6b5 +/m/0kbws /olympics/olympic_games/participating_countries /m/01ppq +/m/01sbv9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0p9tm /film/film/music /m/018gqj +/m/02rtqvb /film/film/featured_film_locations /m/01q1j +/m/01j5ws /film/actor/film./film/performance/film /m/02jkkv +/m/0ytc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02qlg7s /people/person/profession /m/0dz3r +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02bvt /people/deceased_person/place_of_death /m/02_286 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gk7z +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d7hg4 +/m/0c_md_ /people/deceased_person/place_of_death /m/0r3w7 +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0glnm +/m/02x8m /music/genre/artists /m/01vwyqp +/m/0l6ny /olympics/olympic_games/sports /m/0d1tm +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnlm +/m/07t21 /location/location/contains /m/0cr7m +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03z106 +/m/018db8 /film/actor/film./film/performance/film /m/0gvt53w +/m/071x0k /people/ethnicity/geographic_distribution /m/03rjj +/m/0d9jr /sports/sports_team_location/teams /m/070xg +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/02p4jf0 /music/record_label/artist /m/0bqvs2 +/m/030hbp /people/person/gender /m/02zsn +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/09gmmt6 /film/film/genre /m/01hmnh +/m/01j7z7 /people/person/nationality /m/09c7w0 +/m/05pdh86 /film/film/language /m/02h40lc +/m/02fttd /film/film/genre /m/05p553 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0njcw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x22w +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/01vrx3g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qvtwm /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/03t28q /music/record_label/artist /m/016qtt +/m/029n80 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04n7njg /people/person/profession /m/0np9r +/m/011x_4 /film/film/cinematography /m/0280mv7 +/m/0dr_4 /film/film/language /m/064_8sq +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/03fn8k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01p8r8 /people/person/profession /m/0196pc +/m/058vp /influence/influence_node/influenced_by /m/081k8 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/064t9 /music/genre/artists /m/05d8vw +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/06w2sn5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bdxs5 +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/018ctl /olympics/olympic_games/participating_countries /m/01p1v +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/07z5n /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/06cgy /people/person/languages /m/02h40lc +/m/0mbw0 /film/actor/film./film/performance/film /m/02_fz3 +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/02sgy +/m/07t_x /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06bnz +/m/064t9 /music/genre/artists /m/05mt_q +/m/027rn /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0n6ds /film/film/production_companies /m/017s11 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03np3w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08nvyr +/m/068g3p /people/person/profession /m/0dxtg +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025cn2 +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/03npn /media_common/netflix_genre/titles /m/09gmmt6 +/m/0hcvy /influence/influence_node/influenced_by /m/040_9 +/m/01zh3_ /education/educational_institution/school_type /m/05jxkf +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/02c638 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0btj0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03x16f /people/person/nationality /m/09c7w0 +/m/0m123 /tv/tv_program/genre /m/07s9rl0 +/m/01my95 /people/person/places_lived./people/place_lived/location /m/01f08r +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnps +/m/070yzk /people/person/spouse_s./people/marriage/spouse /m/09yrh +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/07z542 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/0488g9 /people/person/profession /m/0dxtg +/m/016z68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/0gclb /location/location/time_zones /m/0gsrz4 +/m/0glt670 /music/genre/artists /m/043zg +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02xpy5 /organization/organization/headquarters./location/mailing_address/citytown /m/0fsv2 +/m/02g3mn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0b_6qj /time/event/locations /m/05jbn +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lc5 +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/027rwmr +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04wsz +/m/059rby /location/location/contains /m/0dj7p +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07c52 /media_common/netflix_genre/titles /m/03nymk +/m/0ccck7 /film/film/film_art_direction_by /m/07fzq3 +/m/0gj9tn5 /film/film/genre /m/01hmnh +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01wyz92 /people/person/profession /m/0d1pc +/m/046m59 /people/person/place_of_birth /m/0vp5f +/m/0f6_x /people/person/places_lived./people/place_lived/location /m/01n4w +/m/0dsvzh /film/film/genre /m/09blyk +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f3yfj +/m/0swlx /language/human_language/countries_spoken_in /m/03shp +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0dxmyh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/04cr6qv +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0l2sr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0p4v_ +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/01b66t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0lkr7 +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/014d4v /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/011j5x /music/genre/artists /m/01whg97 +/m/0288zy /education/educational_institution/students_graduates./education/education/student /m/01_f_5 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/035wtd +/m/01718w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h3tp /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/023g6w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02y0js /people/cause_of_death/people /m/03g62 +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01hyfj /music/genre/parent_genre /m/03mb9 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01ttg5 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/052p7 /location/location/time_zones /m/02hcv8 +/m/01wz01 /film/actor/film./film/performance/film /m/04gcyg +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/02qgqt /film/actor/film./film/performance/film /m/01s7w3 +/m/0x67 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/017s11 /business/business_operation/industry /m/02vxn +/m/04xx9s /film/film/language /m/02h40lc +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/0cnk2q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03_f0 /people/deceased_person/place_of_death /m/04kf4 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01s3kv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq2k /people/deceased_person/place_of_death /m/0rh6k +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0dq626 /film/film/production_companies /m/09b3v +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/01515w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03_vx9 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0xnc3 /people/person/religion /m/0190_8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/03j2gxx /people/deceased_person/place_of_death /m/0kc40 +/m/059rby /location/location/contains /m/017z88 +/m/09zmys /award/award_winner/awards_won./award/award_honor/award_winner /m/026dx +/m/042rlf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/06gjk9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x2jl_ /film/film/featured_film_locations /m/0rh6k +/m/062dn7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fqjhm +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/05hj0n /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06k90b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/015pkc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dvmd +/m/051ys82 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/048vhl /film/film/country /m/09c7w0 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01ckcd /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/05g3ss /people/person/nationality /m/03rk0 +/m/02grjf /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0155w /music/genre/artists /m/094xh +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02psgq +/m/0456xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02vntj +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/06688p /people/person/gender /m/05zppz +/m/0f4_2k /film/film/language /m/04h9h +/m/059kh /music/genre/artists /m/015882 +/m/016cjb /music/genre/artists /m/02cx90 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/05j49 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/0dxmyh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gn30 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01s3kv /people/person/profession /m/03gjzk +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04m064 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkvb7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c1j_ +/m/0c3ns /people/person/profession /m/01d_h8 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/05w88j +/m/06sks6 /olympics/olympic_games/sports /m/06wrt +/m/0dtfn /film/film/genre /m/02kdv5l +/m/0j4b /location/country/official_language /m/05zjd +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0432mrk /people/ethnicity/people /m/02vntj +/m/01pnn3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016xh5 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/044rv +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01kh2m1 +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04smdd +/m/059j2 /location/location/contains /m/01lvrm +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/05drr9 /people/person/nationality /m/09c7w0 +/m/0418ft /people/person/languages /m/02h40lc +/m/0178g /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01rxyb /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/0k5fg /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/08n__5 /people/person/profession /m/018gz8 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/016h4r +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/0ftps +/m/0992d9 /film/film/language /m/0x82 +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/0fthdk /film/actor/film./film/performance/film /m/05q7874 +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/04lg6 /people/person/places_lived./people/place_lived/location /m/0947l +/m/016sp_ /people/person/profession /m/01d_h8 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/01g04k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/09c7w0 /location/location/contains /m/0yw93 +/m/0qm98 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/02cg2v +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0b_6xf /time/event/locations /m/030qb3t +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bs5vty /film/film/written_by /m/081lh +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/04gycf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0320jz +/m/06mnbn /film/actor/film./film/performance/film /m/05z43v +/m/0c8tkt /film/film/featured_film_locations /m/01_d4 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0f6_x +/m/0qm8b /film/film/genre /m/07s9rl0 +/m/05gp3x /award/award_winner/awards_won./award/award_honor/award_winner /m/05fyss +/m/0g5llry /organization/organization/headquarters./location/mailing_address/state_province_region /m/07srw +/m/0bz6sq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04x56 /people/person/profession /m/09jwl +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0q9jk /tv/tv_program/program_creator /m/03xp8d5 +/m/02cvcd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gx1l /location/location/contains /m/030qb3t +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0yxf4 /film/film/cinematography /m/03cx282 +/m/0y_pg /film/film/edited_by /m/02lp3c +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/08cyft /music/genre/artists /m/01gg59 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01n7q /location/location/contains /m/0d7k1z +/m/04jpl /location/location/contains /m/0ncy4 +/m/019lxm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/047msdk /film/film/film_format /m/0cj16 +/m/04ltlj /film/film/language /m/02h40lc +/m/08jyyk /music/genre/artists /m/032t2z +/m/017dpj /people/person/place_of_birth /m/0f2nf +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/01f6ss +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0qlnr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/0k_l4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0vmt /location/location/contains /m/0d35y +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01j2xj +/m/040rmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01wgcvn /people/person/profession /m/016z4k +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/04jkpgv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03hmt9b +/m/02184q /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/01r0t_j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gb_4p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bnp0 +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/025jj7 +/m/0415mzy /award/award_winner/awards_won./award/award_honor/award_winner /m/0478__m +/m/01jfsb /media_common/netflix_genre/titles /m/04ghz4m +/m/0qcr0 /people/cause_of_death/people /m/099p5 +/m/01v1ln /film/film/costume_design_by /m/03y1mlp +/m/08s0m7 /people/person/place_of_birth /m/04vmp +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/077w0b +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/0h32q +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02mg5r +/m/047msdk /film/film/language /m/06mp7 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/023s8 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/04cxw5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0407yj_ /film/film/language /m/02bjrlw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/01z4y /media_common/netflix_genre/titles /m/03bzyn4 +/m/06rmdr /film/film/produced_by /m/03ktjq +/m/03jjzf /people/person/gender /m/02zsn +/m/02mjmr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l9p +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/04xn2m +/m/010v8k /location/location/time_zones /m/02lcqs +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02wb6d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rnly /film/film/genre /m/0lsxr +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/0j8cb /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/0pkgt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09c7w0 /location/location/contains /m/01k7xz +/m/02rky4 /education/educational_institution_campus/educational_institution /m/02rky4 +/m/01cm8w /film/film/featured_film_locations /m/02_286 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/05ftw3 +/m/02vzc /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01swxv /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/01j6t0 /medicine/symptom/symptom_of /m/04psf +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01crd5 +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058z1hb +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/03gm48 +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0btyl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/015c4g /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/0kvt9 /location/location/contains /m/0r4qq +/m/0dvld /film/actor/film./film/performance/film /m/0gg8z1f +/m/07ssc /location/location/contains /m/01t4p0 +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_kd +/m/0ggx5q /music/genre/artists /m/07ss8_ +/m/0jdd /location/location/partially_contains /m/09glw +/m/05qbckf /film/film/written_by /m/070yzk +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02s2wq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sxgv /film/film/production_companies /m/086k8 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03y82t6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02bc74 +/m/03_6y /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0336mc +/m/03ckfl9 /music/genre/artists /m/0l12d +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fx2s /film/film_subject/films /m/0ds11z +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/01qb559 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/07w3r /education/educational_institution/colors /m/06kqt3 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/04gvt5 +/m/040db /people/person/profession /m/0cbd2 +/m/047lj /location/country/form_of_government /m/01fpfn +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09bkv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/0m8_v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/04mhxx /people/person/profession /m/02hrh1q +/m/05b4rcb /people/person/place_of_birth /m/09c7w0 +/m/01rv7x /people/ethnicity/languages_spoken /m/07c9s +/m/09gb9xh /film/actor/film./film/performance/film /m/063y9fp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04sv4 +/m/0156q /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/02l6h +/m/01_9c1 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/0glt670 /music/genre/artists /m/017j6 +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/0fqjhm /people/person/place_of_birth /m/094jv +/m/05ldxl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/073bb /people/person/nationality /m/0345h +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/01243b /music/genre/artists /m/01m65sp +/m/01swck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fx2g /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k5sc +/m/05bm4sm /award/award_winner/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06ch55 /music/instrument/instrumentalists /m/03f3_p3 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/01vtqml /people/person/places_lived./people/place_lived/location /m/0k33p +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/03vrnh /people/person/languages /m/0688f +/m/0dw3l /music/group_member/membership./music/group_membership/role /m/018vs +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0154j +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/0fm2_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ssc /location/country/second_level_divisions /m/0dwfw +/m/05crg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01t110 +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03t79f +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1ps1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0586wl +/m/0cz8mkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/07r1h /people/person/employment_history./business/employment_tenure/company /m/017jv5 +/m/05pxnmb /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03177r +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/0ktds /film/film_subject/films /m/019vhk +/m/03mdt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/059lwy /film/film/country /m/09c7w0 +/m/01y_px /people/person/nationality /m/09c7w0 +/m/01w1sx /film/film_subject/films /m/0fy66 +/m/0154j /location/country/official_language /m/064_8sq +/m/05mph /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/0gd_s +/m/0155w /music/genre/artists /m/01k5t_3 +/m/07k2mq /film/film/film_festivals /m/03wf1p2 +/m/02_1rq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dvmd +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/02qr69m /film/film/production_companies /m/016tw3 +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/02237m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01z215 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05kj_ /location/location/contains /m/06bw5 +/m/0m25p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2b5 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/02ccqg /education/educational_institution_campus/educational_institution /m/02ccqg +/m/06tgw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/039n1 /influence/influence_node/influenced_by /m/0420y +/m/0pc62 /film/film/language /m/064_8sq +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/015pxr /influence/influence_node/influenced_by /m/01l7qw +/m/016h4r /film/actor/film./film/performance/film /m/09d3b7 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/05gnf +/m/02wb6yq /music/artist/origin /m/0f2rq +/m/03h_fqv /music/artist/origin /m/071vr +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0brddh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/080dfr7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/0cwt70 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/02q5g1z /film/film/executive_produced_by /m/02z6l5f +/m/077yk0 /people/person/religion /m/03_gx +/m/082fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06vlk0 +/m/01zkxv /influence/influence_node/influenced_by /m/018fq +/m/05zlld0 /film/film/film_format /m/017fx5 +/m/01pj7 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0sgtz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09hd16 +/m/0n5_g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/063k3h /people/ethnicity/people /m/015lhm +/m/04nm0n0 /film/film/language /m/04306rv +/m/0yx7h /film/film/genre /m/07s9rl0 +/m/02fwfb /film/film/genre /m/04rlf +/m/09bx1k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013ybx +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dtfn +/m/0155w /music/genre/artists /m/01wmjkb +/m/014knw /film/film/music /m/02wb6d +/m/07s9rl0 /media_common/netflix_genre/titles /m/04y5j64 +/m/016z2j /people/person/profession /m/02hrh1q +/m/02zd460 /dataworld/gardening_hint/split_to /m/02zd460 +/m/03b1sb /film/film/genre /m/0lsxr +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/03cws8h +/m/044mfr /people/person/profession /m/039v1 +/m/0dw3l /people/person/profession /m/0kyk +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/025sc50 /music/genre/artists /m/01wwvc5 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0jn5l /music/group_member/membership./music/group_membership/group /m/02hzz +/m/0gls4q_ /people/person/profession /m/02jknp +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/07wbk /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/05kkh /location/location/contains /m/0n23n +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b68vs +/m/05nzw6 /people/person/languages /m/02h40lc +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vbk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0dt_q_ +/m/057lbk /film/film/executive_produced_by /m/079vf +/m/028k57 /people/person/profession /m/0dxtg +/m/07ssc /location/location/contains /m/09ctj +/m/0p9tm /film/film/genre /m/02kdv5l +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0fc2c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1m +/m/0727_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tz_d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07wlf +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/032xhg +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02psgvg +/m/05z_kps /film/film/featured_film_locations /m/02ly_ +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05vxdh +/m/0141kz /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d05w3 +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/06ztvyx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01_p6t /people/person/gender /m/02zsn +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0c12h +/m/01hwgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0plyy /location/hud_county_place/place /m/0plyy +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03rqww +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bhwhj /film/film/language /m/02h40lc +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/07f_t4 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/03n52j /people/person/profession /m/0np9r +/m/01cwkq /people/person/place_of_birth /m/0r8c8 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0138t4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/021lby /film/director/film /m/047qxs +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm8b +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/01yfp7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r_pp /film/film/produced_by /m/0j_c +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02s2ft +/m/01n7q /location/location/contains /m/02hyt +/m/01w5gp /tv/tv_network/programs./tv/tv_network_duration/program /m/0584r4 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/07f3xb /people/person/nationality /m/07ssc +/m/0cx7f /music/genre/artists /m/02ndj5 +/m/0d8rs /base/aareas/schema/administrative_area/capital /m/0d8s8 +/m/06by7 /music/genre/artists /m/016h4r +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/04t36 /media_common/netflix_genre/titles /m/0267wwv +/m/07ssc /media_common/netflix_genre/titles /m/02qrv7 +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06rgq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vhb0 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/015rhv /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01hwgt +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/03_gd /film/director/film /m/01f8hf +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01nxzv +/m/0f7hc /film/actor/film./film/performance/film /m/0dr3sl +/m/02jgm0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0x67 /people/ethnicity/people /m/01wrcxr +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/057dxsg /people/person/nationality /m/09c7w0 +/m/025twgf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026p_bs +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0qymv /location/location/time_zones /m/02lcqs +/m/041rx /people/ethnicity/people /m/024jwt +/m/013w2r /music/artist/origin /m/0sjqm +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/065b6q /people/ethnicity/people /m/046zh +/m/076xkdz /film/film/film_festivals /m/09rwjly +/m/0ggq0m /music/genre/artists /m/0k7pf +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/064t9 /music/genre/parent_genre /m/0ggq0m +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/09c7w0 /location/location/contains /m/03tw2s +/m/04cmrt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04165w /film/film/film_format /m/07fb8_ +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/04j_gs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f0r5w +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09b6zr /people/person/religion /m/07y1z +/m/03lgg /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02n4kr /media_common/netflix_genre/titles /m/016yxn +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01wg6y /people/person/profession /m/0dz3r +/m/06x43v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07nxvj /film/film/produced_by /m/06cgy +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/02645b /people/person/profession /m/0cbd2 +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/09c7w0 /location/location/contains /m/0r6rq +/m/08664q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/03n6r /film/actor/film./film/performance/film /m/0hv27 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/0gkg6 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0199wf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0154d7 +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07g1sm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndwt2w +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08cn4_ +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/04gb7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03ll3 +/m/02cw8s /education/educational_institution/campuses /m/02cw8s +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0661m4p +/m/0181dw /music/record_label/artist /m/02y7sr +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0blt6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03d_w3h +/m/0bvn25 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/033jkj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/09sh8k /film/film/language /m/0jzc +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/064f29 /business/business_operation/industry /m/020mfr +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pv_d +/m/01pg1d /film/actor/film./film/performance/film /m/01n30p +/m/0fx0mw /film/actor/film./film/performance/film /m/0gwjw0c +/m/01g969 /film/actor/film./film/performance/film /m/02qr3k8 +/m/0mwxz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xq8v +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02d4ct +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/01h2_6 /influence/influence_node/influenced_by /m/07h1q +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/01tcf7 +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02qm_f /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/06l9n8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01y998 /time/event/locations /m/05rgl +/m/0ccck7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/095zlp /film/film/genre /m/0hn10 +/m/048z7l /people/ethnicity/people /m/0klh7 +/m/03rk0 /location/location/contains /m/01f1q8 +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/03zqc1 +/m/0170qf /film/actor/film./film/performance/film /m/011ycb +/m/0f1kwr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05ml_s +/m/09h4b5 /film/actor/film./film/performance/film /m/07sc6nw +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05cj4r /film/actor/film./film/performance/film /m/04qk12 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09kzxt +/m/04f73rc /music/genre/parent_genre /m/03lty +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fq7dv_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/035yn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/0cq86w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0fb7c /people/person/gender /m/05zppz +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01n30p /film/film/genre /m/01t_vv +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/02sgy /music/instrument/family /m/0342h +/m/043g7l /music/record_label/artist /m/01w61th +/m/01lc5 /people/person/profession /m/01d_h8 +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/09w1n +/m/01tp5bj /music/artist/origin /m/01hvzr +/m/04gtdnh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/02sqkh /tv/tv_program/genre /m/02fgmn +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bqvs +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059xnf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04ns3gy +/m/05hrq4 /people/person/profession /m/03gjzk +/m/02_wxh /people/person/profession /m/0np9r +/m/01chpn /film/film/produced_by /m/04353 +/m/01dyvs /film/film/film_format /m/07fb8_ +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/01kd57 +/m/05bt6j /music/genre/artists /m/0jsg0m +/m/048cl /user/alexander/philosophy/philosopher/interests /m/06ms6 +/m/01cycq /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/081jbk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/065mm1 /film/actor/film./film/performance/film /m/058kh7 +/m/01hqhm /film/film/language /m/064_8sq +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05xpms +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01zxx9 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/01bb1c /award/award_category/disciplines_or_subjects /m/04g51 +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/0cbn7c /film/film/genre /m/0vjs6 +/m/0m5s5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fn6z +/m/01f5q5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fmys +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/0ggx5q /music/genre/artists /m/089pg7 +/m/0dr3sl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0326tc /music/group_member/membership./music/group_membership/role /m/018j2 +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0fc2c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc32 +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bzyh +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01f7jt /film/film/genre /m/02xlf +/m/03tc5p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mz5b +/m/0cvkv5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/04n1q6 /organization/role/leaders./organization/leadership/organization /m/01nrnm +/m/01vs4ff /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0cf08 /film/film/country /m/09c7w0 +/m/02ryx0 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/016s0m /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/01ft2l /people/person/gender /m/05zppz +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rk0 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fsm8c +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/02qhlwd /film/film/music /m/0bs1yy +/m/028pzq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vzxmq +/m/018grr /people/person/place_of_birth /m/0d7k1z +/m/0g14f /location/location/contains /m/01h8sf +/m/0pz6q /organization/organization/headquarters./location/mailing_address/citytown /m/0ptj2 +/m/03xp8d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d1mp3 +/m/032c7m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/02kxwk +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044gyq +/m/0k5g9 /film/film/production_companies /m/05qd_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/01x0yrt +/m/02ql_ms /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09x8ms /people/deceased_person/place_of_death /m/0f2wj +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/01syr4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/0d2by /people/ethnicity/languages_spoken /m/0459q4 +/m/01qb5d /film/film/genre /m/06n90 +/m/01jfsb /media_common/netflix_genre/titles /m/0k7tq +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/018009 /film/actor/film./film/performance/film /m/0gyy53 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/0ltv /media_common/netflix_genre/titles /m/02_nsc +/m/02779r4 /people/person/profession /m/03gjzk +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/0h9qh /media_common/netflix_genre/titles /m/0kv238 +/m/083skw /film/film/film_art_direction_by /m/05v1sb +/m/0gpmp /people/person/profession /m/0q04f +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0c3351 /media_common/netflix_genre/titles /m/0jdr0 +/m/0gxtknx /film/film/written_by /m/040rjq +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01p3ty +/m/04pmnt /film/film/country /m/09c7w0 +/m/01w8g3 /film/film/country /m/07ssc +/m/0jmmn /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/01r4hry /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcq +/m/01ydtg /music/genre/artists /m/041mt +/m/02hnl /music/instrument/instrumentalists /m/01wvxw1 +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/0pj8m +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bq2g +/m/01kjr0 /film/film/genre /m/0c3351 +/m/03359d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_6y +/m/02zkdz /education/educational_institution/campuses /m/02zkdz +/m/04rzd /music/instrument/instrumentalists /m/0144l1 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/02m7r /people/person/nationality /m/0ctw_b +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0hvb2 /film/actor/film./film/performance/film /m/05pxnmb +/m/0n57k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5c9 +/m/0gfzfj /film/film/country /m/09c7w0 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/01f6zc /people/person/profession /m/09jwl +/m/02hnl /music/instrument/instrumentalists /m/0161sp +/m/043z0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xyqk /music/record_label/artist /m/01nn3m +/m/016ky6 /film/film/genre /m/02l7c8 +/m/02__94 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0140g4 /film/film/music /m/02fgpf +/m/02r34n /people/person/religion /m/01hng3 +/m/0kr_t /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggl02 +/m/02j69w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0mk1z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mk59 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/04rrx /location/location/contains /m/07szy +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0209hj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xbp7 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/022wxh /people/person/profession /m/02jknp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t61y +/m/02x8m /music/genre/artists /m/01dwrc +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fphf3v +/m/060ny2 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q5g1z +/m/06g4_ /people/person/profession /m/0dxtg +/m/0c_mvb /people/person/nationality /m/09c7w0 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/01q_22 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0djgt +/m/023zd7 /sports/sports_team/colors /m/088fh +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0335fp +/m/02qwgk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0285c /music/group_member/membership./music/group_membership/group /m/0b1zz +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/037xlx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015dcj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04zwjd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/02prw4h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05qdh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/01hkg9 /people/person/gender /m/05zppz +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07g7h2 +/m/016z7s /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/09k0h5 /organization/organization/child./organization/organization_relationship/child /m/01rt2z +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/098s2w +/m/041y2 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/02vqhv0 /film/film/produced_by /m/01f7j9 +/m/0hskw /people/person/nationality /m/09c7w0 +/m/02byfd /people/person/profession /m/02hrh1q +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/0kcd5 /tv/tv_network/programs./tv/tv_network_duration/program /m/01j95 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/01zhs3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bh8x1y /film/film/produced_by /m/0170qf +/m/02l7c8 /media_common/netflix_genre/titles /m/09p35z +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07g2v /people/person/spouse_s./people/marriage/spouse /m/05r5w +/m/09r9dp /film/actor/film./film/performance/film /m/07_k0c0 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cn_b8 +/m/0bz60q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/05l64 /base/biblioness/bibs_location/country /m/05b4w +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0x8 +/m/0hg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/0g8_vp /people/ethnicity/people /m/01tpl1p +/m/03bxwtd /award/award_winner/awards_won./award/award_honor/award_winner /m/06x4l_ +/m/041n43 /music/record_label/artist /m/01vsnff +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/015lhm /people/person/languages /m/02h40lc +/m/02238b /people/person/profession /m/02hrh1q +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01c7qd +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/01d259 /film/film/genre /m/07s9rl0 +/m/025n07 /film/film/genre /m/02kdv5l +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nbwf +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05f5sr9 +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/02fwfb /film/film/genre /m/0hn10 +/m/0nv6n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvg4 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/01ps2h8 /people/person/places_lived./people/place_lived/location /m/0k6nt +/m/08xvpn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/09c7w0 /location/location/contains /m/0cv3w +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/013tcv +/m/01gvsn /film/film/genre /m/060__y +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/01jfsb /media_common/netflix_genre/titles /m/03cp4cn +/m/0fqt1ns /film/film/film_production_design_by /m/02x2t07 +/m/03n3gl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03wh8kl /people/person/nationality /m/09c7w0 +/m/0m2wm /people/person/languages /m/02h40lc +/m/03fwln /people/person/languages /m/02h40lc +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0xhtw /music/genre/artists /m/03f0fnk +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08bytj +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/03hzt /film/film_subject/films /m/0bcp9b +/m/03mcwq3 /people/person/places_lived./people/place_lived/location /m/05fjy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/045xx +/m/026fn29 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyfp9c +/m/0kvb6p /film/film/language /m/02h40lc +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07nxvj /film/film/genre /m/01jfsb +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01xcfy +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01jp4s /base/biblioness/bibs_location/country /m/03rjj +/m/0g4pl7z /film/film/production_companies /m/02j_j0 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/0lzkm /people/person/gender /m/05zppz +/m/067hq2 /people/person/profession /m/018gz8 +/m/0c1gj5 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/07w8fz /film/film/genre /m/03g3w +/m/06w7v /music/instrument/instrumentalists /m/01vsyg9 +/m/03zz8b /film/actor/film./film/performance/film /m/0272_vz +/m/03cz83 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dzt9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mnrb +/m/01lpwh /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/05bcl /location/administrative_division/first_level_division_of /m/07ssc +/m/016clz /music/genre/artists /m/016vn3 +/m/01wgr /language/human_language/countries_spoken_in /m/01pj7 +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/05nqz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/0286vp /film/film/genre /m/0hn10 +/m/06y611 /film/film/country /m/09c7w0 +/m/0cm2xh /base/culturalevent/event/entity_involved /m/0193qj +/m/025b3k /people/person/profession /m/01d_h8 +/m/0dl5d /music/genre/artists /m/01r0t_j +/m/04y5j64 /film/film/music /m/023361 +/m/07kh6f3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03_87 /people/person/profession /m/05z96 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/04t6fk /film/film/genre /m/02kdv5l +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/012jfb /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/07ssc /location/location/contains /m/01xvlc +/m/07nxvj /film/film/genre /m/0bkbm +/m/01br2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015_1q /music/record_label/artist /m/0163r3 +/m/01rmnp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f7nt /film/film/country /m/09c7w0 +/m/0dryh9k /people/ethnicity/people /m/028bs1p +/m/016clz /music/genre/artists /m/0czkbt +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/0ynfz /location/location/time_zones /m/02fqwt +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/063_t +/m/067sqt /people/person/profession /m/01d_h8 +/m/0glt670 /music/genre/artists /m/05mt_q +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/016yxn +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/063y9fp /film/film/story_by /m/011s9r +/m/02g7sp /people/ethnicity/people /m/06mr6 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/01zfzb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0194xc /people/person/profession /m/0fj9f +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02fgdx +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/05bp8g /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/015wy_ +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01pcmd /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03l7w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03fcbb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/042l8n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/03x3l /location/administrative_division/country /m/07ssc +/m/01ppq /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/014488 /film/actor/film./film/performance/film /m/08r4x3 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h005 +/m/07c2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/01zp33 /people/person/gender /m/02zsn +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fh9 +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03ckwzc +/m/03vpf_ /people/person/profession /m/018gz8 +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03y82t6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06mt91 +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/0wh3 /location/location/time_zones /m/02hcv8 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0rh6k /sports/sports_team_location/teams /m/01j48s +/m/05wm88 /people/person/profession /m/0nbcg +/m/01jvxb /education/educational_institution/colors /m/083jv +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/0127m7 +/m/0b256b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015gy7 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010hn +/m/0l14qv /music/instrument/instrumentalists /m/01vw_dv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02s6tk +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cff1 +/m/016tvq /tv/tv_program/program_creator /m/014zfs +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pnf3 +/m/02q56mk /film/film/story_by /m/0p8jf +/m/03lty /music/genre/artists /m/0bk1p +/m/018f8 /film/film/language /m/02h40lc +/m/0241jw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032_jg +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01v1ln +/m/018417 /people/person/place_of_birth /m/0rh6k +/m/0drc1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/01f7dd /film/actor/film./film/performance/film /m/03whyr +/m/01hmb_ /people/person/nationality /m/09c7w0 +/m/02whj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/09nwwf /music/genre/artists /m/01y_rz +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s3vk +/m/013v5j /people/person/sibling_s./people/sibling_relationship/sibling /m/09889g +/m/0dyztm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0ckrgs /film/film/dubbing_performances./film/dubbing_performance/actor /m/07cn2c +/m/02b1ng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c3p7 /film/actor/film./film/performance/film /m/01jmyj +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031v3p +/m/09c7w0 /location/location/contains /m/0tzt_ +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01hvjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/028bs1p /people/deceased_person/place_of_death /m/04vmp +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/07v4dm +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/0h7t36 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qqtr +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/07wrz /education/educational_institution/school_type /m/05pcjw +/m/05b49tt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wd5tk +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/06by7 /music/genre/artists /m/0c9l1 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/04c636 /people/person/religion /m/03j6c +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07ssc /media_common/netflix_genre/titles /m/06f0k +/m/02ck1 /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/02tqm5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/059rby /location/location/contains /m/01p7x7 +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/07fq1y /film/actor/film./film/performance/film /m/04xg2f +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04z_x4v +/m/06dv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/01_rh4 +/m/01gpy4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fhnf +/m/09bw4_ /film/film/genre /m/060__y +/m/0g48m4 /people/ethnicity/geographic_distribution /m/05tbn +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01771z +/m/01hbq0 /people/person/profession /m/02hrh1q +/m/0lwyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hmnh /media_common/netflix_genre/titles /m/05c9zr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02t_w8 +/m/06rhz7 /film/film/production_companies /m/054lpb6 +/m/013gxt /location/location/time_zones /m/02fqwt +/m/0x67 /people/ethnicity/people /m/0fb1q +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/03mz5b /people/person/gender /m/05zppz +/m/01rw116 /film/actor/film./film/performance/film /m/04fjzv +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06ztvyx +/m/07s9rl0 /media_common/netflix_genre/titles /m/04q24zv +/m/01t9qj_ /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5j77 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/07sbbz2 /music/genre/artists /m/021r7r +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pq9 +/m/047q2k1 /film/film/language /m/02hxcvy +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/011lvx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ywr +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05xpms +/m/01g04k /people/person/profession /m/01d_h8 +/m/098n5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/035qy +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k2sk +/m/0p_rk /film/film/film_production_design_by /m/03wdsbz +/m/056k77g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/018009 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0jv5x +/m/049bp4 /sports/sports_team/sport /m/02vx4 +/m/08phg9 /film/film/story_by /m/03ft8 +/m/0kvsb /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0fhxv /music/group_member/membership./music/group_membership/role /m/0l14md +/m/018j2 /music/instrument/instrumentalists /m/0qf11 +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07lwsz +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0199gx +/m/02b1hq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01hww_ /music/instrument/instrumentalists /m/06rgq +/m/0gtv7pk /film/film/genre /m/02kdv5l +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/0342h /music/instrument/instrumentalists /m/0ddkf +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07c52 /media_common/netflix_genre/titles /m/0pc_l +/m/077q8x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03xzxb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02q56mk /film/film/production_companies /m/05qd_ +/m/02vntj /film/actor/film./film/performance/film /m/026wlxw +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/04xg2f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bq2g /film/actor/film./film/performance/film /m/0bc1yhb +/m/0bzrsh /time/event/locations /m/029cr +/m/01fh36 /music/genre/artists /m/0m19t +/m/0d4jl /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/047lj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t_x +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/025sc50 /music/genre/artists /m/01w5jwb +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0g768 /music/record_label/artist /m/0jn38 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/0cq8nx /film/film/genre /m/082gq +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01nr36 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01dtcb /music/record_label/artist /m/01dhjz +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/08x5c_ /people/person/profession /m/02hrh1q +/m/06mkj /media_common/netflix_genre/titles /m/0gpx6 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/04xvlr /media_common/netflix_genre/titles /m/083skw +/m/04cf09 /film/actor/film./film/performance/film /m/05h43ls +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0154j +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/03mck3c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/056xx8 +/m/0557q /music/genre/artists /m/0drc1 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/09c7w0 /location/country/second_level_divisions /m/0n5kc +/m/026t6 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/03_wm6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cbg0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g9z1 +/m/02nvg1 /education/educational_institution/campuses /m/02nvg1 +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/02bg8v +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0l_q9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04smdd +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03xf_m +/m/05bt6j /music/genre/artists /m/010hn +/m/018h2 /media_common/netflix_genre/titles /m/0194zl +/m/03mdt /media_common/netflix_genre/titles /m/06k176 +/m/0259r0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w4fkq +/m/023w9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/09c7w0 /location/location/contains /m/02kbtf +/m/0281rp /base/biblioness/bibs_location/state /m/01n7q +/m/0j2jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/037njl /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fhy +/m/05r5c /music/instrument/instrumentalists /m/03bnv +/m/05y7hc /people/person/place_of_birth /m/0hyxv +/m/0gywn /music/genre/artists /m/04xrx +/m/047q2k1 /film/film/genre /m/01chg +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/01cycq /film/film/production_companies /m/030_1m +/m/03fqv5 /people/person/nationality /m/09c7w0 +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026fs38 +/m/015wnl /film/actor/film./film/performance/film /m/067ghz +/m/028d4v /film/actor/film./film/performance/film /m/09txzv +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/03q91d /film/actor/film./film/performance/film /m/06fcqw +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f0fnk +/m/0x67 /people/ethnicity/people /m/0418ft +/m/0f2rq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0fkwzs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k_kn /music/genre/artists /m/0kj34 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02ctc6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k7b0 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0xhtw /music/genre/artists /m/01nn6c +/m/018j2 /music/instrument/instrumentalists /m/0137g1 +/m/017z88 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fz3b1 /film/film/executive_produced_by /m/05txrz +/m/058s57 /people/person/nationality /m/09c7w0 +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sbv3 +/m/0dzf_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05c26ss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015gm8 /film/film/genre /m/07s9rl0 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/05f0r8 /people/person/nationality /m/09c7w0 +/m/0m2b5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m25p +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/02qrv7 /film/film/genre /m/082gq +/m/05f7w84 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/045bg /influence/influence_node/influenced_by /m/0379s +/m/016sp_ /people/person/profession /m/01c72t +/m/059g4 /location/location/contains /m/0d060g +/m/05r5w /people/person/nationality /m/0d060g +/m/0d0vqn /location/country/form_of_government /m/01q20 +/m/076689 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/076689 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/016ypb /people/person/nationality /m/05cgv +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x3y41 /film/film/genre /m/07s9rl0 +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/0d4fqn +/m/0dw4b0 /film/film/language /m/02h40lc +/m/03bzyn4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02482c +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0747k8 +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0prhz +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03lvwp +/m/016ks_ /people/person/profession /m/03gjzk +/m/0tfc /people/person/nationality /m/06q1r +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/09969 /people/cause_of_death/people /m/014kg4 +/m/033hn8 /music/record_label/artist /m/01vtqml +/m/07sb1 /location/location/time_zones /m/03plfd +/m/0fgpvf /film/film/genre /m/060__y +/m/02nx2k /film/film/country /m/01mjq +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/02ryyk +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/02zjd +/m/0ds2sb /people/person/profession /m/03gjzk +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/03f19q4 /people/person/profession /m/09jwl +/m/044k8 /people/person/places_lived./people/place_lived/location /m/0104lr +/m/0gmgwnv /film/film/genre /m/02p0szs +/m/02knnd /people/person/places_lived./people/place_lived/location /m/0qt85 +/m/0dclg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/03mp8k /music/record_label/artist /m/09hnb +/m/02j9z /base/locations/continents/countries_within /m/03gj2 +/m/0cbn7c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/049m19 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mq33 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0f7hw /film/film/genre /m/06cvj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/05br10 /people/person/nationality /m/03gj2 +/m/041rx /people/ethnicity/people /m/016yvw +/m/02g87m /people/person/gender /m/05zppz +/m/03twd6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/04zngls /award/award_category/disciplines_or_subjects /m/06n90 +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/09c7w0 /location/location/contains /m/07vht +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0flw86 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/02yw26 /music/genre/artists /m/0274ck +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0x67 /people/ethnicity/people /m/0fx0mw +/m/0g9wdmc /film/film/film_festivals /m/0hrcs29 +/m/09bx1k /award/award_winner/awards_won./award/award_honor/award_winner /m/015cbq +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0170th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/037njl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02jr26 +/m/014x77 /people/person/profession /m/02hrh1q +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05148p4 /music/instrument/instrumentalists /m/01w272y +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswx5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0kjgl +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02p8454 +/m/01ck6v /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f42nz +/m/0640m69 /film/film/production_companies /m/06rq1k +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/053ksp /people/person/gender /m/05zppz +/m/0xhtw /music/genre/artists /m/01s7qqw +/m/02ts3h /film/actor/film./film/performance/film /m/01rxyb +/m/02rhwjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f8grf +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04jkpgv +/m/04xvlr /media_common/netflix_genre/titles /m/01qz5 +/m/0372j5 /film/film/language /m/02h40lc +/m/01ppq /location/country/capital /m/0fqg8 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/01rc6f /education/educational_institution/campuses /m/01rc6f +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01zg98 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02h40lc /language/human_language/countries_spoken_in /m/05qkp +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/0139q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v478h +/m/0342h /music/instrument/instrumentalists /m/01797x +/m/0b7gr2 /people/person/place_of_birth /m/0r00l +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/04g3p5 +/m/0dlw0 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/05bt6j /music/genre/artists /m/01wj18h +/m/081lh /people/person/nationality /m/09c7w0 +/m/0ddjy /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/05r5c /music/instrument/instrumentalists /m/01wz3cx +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/06by7 /music/genre/artists /m/01tpl1p +/m/0f3nn /people/deceased_person/place_of_death /m/02_286 +/m/02vqhv0 /film/film/music /m/02jxkw +/m/07r1h /film/actor/film./film/performance/film /m/011wtv +/m/0btxr /film/actor/film./film/performance/film /m/09p4w8 +/m/01y8zd /education/educational_institution/students_graduates./education/education/student /m/028k57 +/m/06v_gh /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/0g5qmbz /film/film/language /m/05zjd +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/05148p4 /music/instrument/instrumentalists /m/01rwcgb +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170z3 +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01cszh /music/record_label/artist /m/01vrt_c +/m/05r5c /music/instrument/instrumentalists /m/0hgqq +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0272_vz /film/film/genre /m/05p553 +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bwfwpj +/m/02114t /film/actor/film./film/performance/film /m/0209xj +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gvsh7l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02fx3c +/m/0p9lw /film/film/language /m/02h40lc +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/026qnh6 /film/film/genre /m/06l3bl +/m/07mqps /people/ethnicity/people /m/07bty +/m/01934k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/015cbq +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wjm2 +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/012dtf /people/person/places_lived./people/place_lived/location /m/0y3k9 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0473q /people/person/profession /m/039v1 +/m/062cg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pw9v +/m/04tgp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/01kf5lf /film/film/country /m/07ssc +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05gp3x +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/09gffmz /award/award_winner/awards_won./award/award_honor/award_winner /m/0603qp +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/07nf6 /location/administrative_division/country /m/0345h +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jzyf +/m/06crk /people/deceased_person/place_of_death /m/030qb3t +/m/0hvgt /sports/sports_team/colors /m/04d18d +/m/012kyx /film/film/production_companies /m/025jfl +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ch26b_ +/m/0m24v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2b5 +/m/0ff3y /influence/influence_node/influenced_by /m/03f0324 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmcwlb +/m/06rgq /film/actor/film./film/performance/film /m/03hfmm +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03j24kf +/m/02tkzn /people/person/religion /m/03_gx +/m/0bx9y /location/location/contains /m/0d8jf +/m/01hhvg /dataworld/gardening_hint/split_to /m/01hhvg +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/0872p_c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03fghg /people/person/gender /m/05zppz +/m/01mqc_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05ry0p +/m/02gnj2 /people/person/gender /m/05zppz +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0byq0v +/m/0935jw /people/person/nationality /m/02jx1 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/02g5q1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/03r1pr /people/person/profession /m/09zzb8 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/042g97 /film/film/genre /m/0btmb +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0hv81 +/m/0cd78 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017yfz /people/person/profession /m/05z96 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0ws7 +/m/09c7w0 /location/location/contains /m/0xms9 +/m/01x73 /location/location/contains /m/01z_lv +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0p_47 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mfj2 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/03_js /people/person/place_of_birth /m/0t_gg +/m/03mgdy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/03lpp_ +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/06q07 /business/business_operation/industry /m/02jjt +/m/01f69m /film/film/produced_by /m/0272kv +/m/02cbs0 /film/actor/film./film/performance/film /m/04nnpw +/m/01wn718 /people/person/profession /m/09jwl +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/024_ql /sports/sports_team/colors /m/083jv +/m/06by7 /music/genre/artists /m/01z9_x +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/0bxtyq /people/person/place_of_birth /m/030qb3t +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0d7wh /people/ethnicity/people /m/04vmqg +/m/02vklm3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/095x_ /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award /m/02pz3j5 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0g57ws5 +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0h6sv /people/person/nationality /m/02jx1 +/m/0170s4 /people/person/nationality /m/09c7w0 +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/01l1ls +/m/01x73 /location/location/contains /m/01fpvz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01w8g3 +/m/047csmy /film/film/written_by /m/09pl3f +/m/0gtx63s /film/film/country /m/07ssc +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050023 +/m/037q31 /film/film/production_companies /m/0338lq +/m/01h0b0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04jspq +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/015v3r +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03l7tr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01fmys +/m/011k11 /music/record_label/artist /m/0dtd6 +/m/0k3p /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/02hy5d /people/person/gender /m/05zppz +/m/05qhw /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02rff2 +/m/01clyr /music/record_label/artist /m/0407f +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfxb +/m/0gq_v /award/award_category/category_of /m/0g_w +/m/017dpj /people/person/places_lived./people/place_lived/location /m/03s0w +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/059xnf /film/actor/film./film/performance/film /m/034qmv +/m/07l2m /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/030h95 /film/actor/film./film/performance/film /m/043n1r5 +/m/01fwk3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g0mx +/m/04hqz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0dl6fv /film/film/story_by /m/01v9724 +/m/0jf1b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0glbqt /film/film/genre /m/02l7c8 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05c46y6 /film/film/film_format /m/0cj16 +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fq117k +/m/01vw8k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0c6qh /film/actor/film./film/performance/film /m/0gg5kmg +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04dm2n /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vsy9_ +/m/0kryqm /people/person/spouse_s./people/marriage/spouse /m/01pcq3 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/07sqbl /sports/sports_team/colors /m/019sc +/m/06zn1c /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/017fp /media_common/netflix_genre/titles /m/07q1m +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01hbq0 +/m/0kvbl6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059rby /location/location/contains /m/08qs09 +/m/04z257 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jx1 /location/country/second_level_divisions /m/0glh3 +/m/0crh5_f /film/film/film_format /m/0cj16 +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l6px +/m/0cgbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/043tg /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/05dxl_ /people/person/profession /m/02hrh1q +/m/01gkp1 /film/film/written_by /m/02ld6x +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ndwt2w +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286vp +/m/05hywl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/03n69x /people/person/profession /m/01445t +/m/03n785 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/024l2y +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0h25 /influence/influence_node/influenced_by /m/043s3 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/024mpp /film/film/story_by /m/079vf +/m/04rrx /location/location/contains /m/02w2bc +/m/0yl_w /education/educational_institution_campus/educational_institution /m/0yl_w +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06z9k8 +/m/01z4y /media_common/netflix_genre/titles /m/05q4y12 +/m/0168dy /people/person/nationality /m/09c7w0 +/m/0k__z /organization/organization/headquarters./location/mailing_address/citytown /m/0k_mf +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0fd3y /music/genre/artists /m/06p03s +/m/023znp /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/02knnd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v3bn +/m/031c2r /people/person/gender /m/05zppz +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/026r8q +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/02mg7n /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/0155w /music/genre/artists /m/01pny5 +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01tkqy +/m/05b7q /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01kym3 /film/actor/film./film/performance/film /m/02z5x7l +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02c_4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06tw8 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/019fz /people/person/profession /m/01l5t6 +/m/0139q5 /people/person/places_lived./people/place_lived/location /m/01914 +/m/0j5g9 /location/location/contains /m/01xrlm +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vq3h +/m/048j1q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01ppfv /music/genre/artists /m/014g91 +/m/0jymd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/059rby /location/location/contains /m/01ljpm +/m/0523v5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051y1hd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06rv5t +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/0183z2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07b_l +/m/06kl78 /film/film/genre /m/09blyk +/m/084qpk /film/film/production_companies /m/061dn_ +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02krdz +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/03mqtr /media_common/netflix_genre/titles /m/09rvcvl +/m/0czr9_ /location/location/contains /m/01m9f1 +/m/0fpj9pm /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0dq2k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05j49 /location/location/contains /m/059ss +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/04y8r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0693l +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/0kh6b /people/person/profession /m/0cbd2 +/m/0jfx1 /people/person/profession /m/039v1 +/m/0n6rv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03_c8p +/m/01n7q /location/location/contains /m/033q4k +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/051cc /people/person/gender /m/05zppz +/m/07h0cl /award/award_category/disciplines_or_subjects /m/02vxn +/m/048tv9 /film/film/story_by /m/02gn9g +/m/0l12d /people/person/places_lived./people/place_lived/location /m/094jv +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/02k1b /location/country/official_language /m/06nm1 +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/033cw /people/person/profession /m/0cbd2 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0f5xn /film/actor/film./film/performance/film /m/0fdv3 +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/01s0l0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0kvsb /people/person/gender /m/02zsn +/m/034q81 /organization/organization/headquarters./location/mailing_address/citytown /m/01f1q8 +/m/0k89p /organization/organization/headquarters./location/mailing_address/citytown /m/0mzvm +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/03z_g7 /people/person/languages /m/03k50 +/m/05dfy_ /film/film/genre /m/02kdv5l +/m/07024 /film/film/language /m/04306rv +/m/01m20m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02s62q /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0dg3n1 /base/locations/continents/countries_within /m/06tgw +/m/05fhy /location/location/contains /m/0chrx +/m/0946bb /film/film/genre /m/0lsxr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0mbct +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q52q +/m/0cx7f /music/genre/artists /m/01whg97 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0292qb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0c7xjb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02q3bb /base/eating/practicer_of_diet/diet /m/07_jd +/m/041rx /people/ethnicity/people /m/06tp4h +/m/0btbyn /film/film/language /m/02h40lc +/m/01lcxbb /people/person/place_of_birth /m/0ftxw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01qygl +/m/0202p_ /people/person/nationality /m/02jx1 +/m/02zjd /people/person/places_lived./people/place_lived/location /m/0b2lw +/m/09tqx3 /people/person/religion /m/03j6c +/m/047p7fr /film/film/genre /m/0hn10 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dwh5 +/m/0mx6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx7f +/m/0863x_ /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/02_hj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/024mxd /film/film/language /m/064_8sq +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03_gz8 /film/film/language /m/02h40lc +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0272vm /sports/sports_team/sport /m/02vx4 +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv9d3 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0dl4z /base/culturalevent/event/entity_involved /m/027qpc +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ljbg +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/04rcl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/064ndc /film/film/country /m/09c7w0 +/m/01m65sp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jqp3 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02y21l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s3vqk /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0168nq +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02sn34 +/m/01bm_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/059xnf /people/person/nationality /m/02jx1 +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/09c7w0 /location/location/contains /m/0typ5 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/02pdhz /education/educational_institution/campuses /m/02pdhz +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/06jtd /location/administrative_division/country /m/0345h +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/04pxcx +/m/0jdgr /film/film/production_companies /m/016tw3 +/m/0ds2n /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/02lgj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/040_t +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/026_w57 /film/actor/film./film/performance/film /m/0gjk1d +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/04vcdj /people/person/gender /m/05zppz +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027kmrb +/m/0fg04 /film/film/language /m/04h9h +/m/03193l /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/03s9kp /film/film/genre /m/02n4kr +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qr1_ +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vnbh +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m41_ +/m/0163kf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p3sf /people/person/profession /m/02hrh1q +/m/0h0wd9 /film/film/produced_by /m/03thw4 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9wdmc +/m/02xs6_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/051_y /people/cause_of_death/people /m/03d_zl4 +/m/06q02g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0d6d2 /people/person/religion /m/03_gx +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/0glt670 /music/genre/artists /m/019g40 +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/014zfs +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027ffq +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0cp08zg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jym0 /film/film/genre /m/04xvlr +/m/0l6vl /olympics/olympic_games/sports /m/0d1t3 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/0hfzr /film/film/language /m/04306rv +/m/03yl2t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01j5ts /film/actor/film./film/performance/film /m/01gkp1 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/06qd3 /location/country/form_of_government /m/01d9r3 +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/072x7s /film/film/featured_film_locations /m/0ftns +/m/03x3qv /film/actor/film./film/performance/film /m/02v8kmz +/m/01p896 /education/educational_institution/colors /m/019sc +/m/015fr /location/country/official_language /m/05zjd +/m/0c3zjn7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01jr6 /location/location/contains /m/020923 +/m/072hv /medicine/disease/risk_factors /m/0dcp_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/04jpl /sports/sports_team_location/teams /m/0ckf6 +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0d060g /location/location/contains /m/01kxnd +/m/03z_g7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/09wj5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018009 +/m/03fn16 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07b_l /location/location/contains /m/02ngbs +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/01jw67 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0ck6r /sports/sports_team_location/teams /m/02b190 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/05mph /location/location/contains /m/0kpw3 +/m/06cgy /film/actor/film./film/performance/film /m/07cw4 +/m/09zyn5 /people/ethnicity/people /m/04smkr +/m/01z5tr /people/person/profession /m/02hrh1q +/m/0163v /location/location/contains /m/0dlxj +/m/031778 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03b79 +/m/01kwsg /people/person/profession /m/02jknp +/m/026n9h3 /people/person/nationality /m/09c7w0 +/m/024zq /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04r7p +/m/0sx8l /olympics/olympic_games/participating_countries /m/01p8s +/m/04mn81 /people/person/profession /m/0n1h +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02663p2 +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01swxv +/m/04bdqk /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0f102 /education/educational_institution/school_type /m/05jxkf +/m/03ynwqj /film/film/country /m/09c7w0 +/m/02_pft /film/actor/film./film/performance/film /m/0kbf1 +/m/06by7 /music/genre/artists /m/01w8n89 +/m/09pjnd /award/award_winner/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/02_l96 /people/person/profession /m/01d_h8 +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0hgxh /medicine/symptom/symptom_of /m/0167bx +/m/07371 /location/location/contains /m/0jcx1 +/m/0j8p6 /base/biblioness/bibs_location/country /m/0d060g +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0jymd /film/film/produced_by /m/09p06 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03q45x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0557yqh +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcwq0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02pcq92 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0bz5v2 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0bk5r /influence/influence_node/influenced_by /m/0j3v +/m/02vl9ln /award/award_category/winners./award/award_honor/award_winner /m/01t07j +/m/04xvlr /media_common/netflix_genre/titles /m/02jxbw +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/04zwc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0j5q3 /people/person/profession /m/03gjzk +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0klh7 /people/person/profession /m/02hrh1q +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/039bp +/m/01h72l /tv/tv_program/genre /m/095bb +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07hwkr /people/ethnicity/people /m/01h320 +/m/03y9p40 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/01hw6wq /people/person/profession /m/0nbcg +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b17f +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025mb_ +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/012lzr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/080nwsb /film/film/production_companies /m/05rrtf +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0284gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0jlv5 /film/actor/film./film/performance/film /m/02_sr1 +/m/0292qb /film/film/country /m/03_3d +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/0hpt3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01gvsn /film/film/genre /m/04xvlr +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/0cg9f +/m/01v6480 /people/person/profession /m/02hrh1q +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07csf4 +/m/046rfv /people/person/languages /m/02h40lc +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/0g10g /people/person/profession /m/01p5_g +/m/01snm /location/location/contains /m/02l424 +/m/0jm4b /sports/sports_team/sport /m/018w8 +/m/0d_2fb /film/film/genre /m/01hmnh +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fzfj +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/01f6x7 /film/film/genre /m/0hfjk +/m/03jj93 /people/person/gender /m/05zppz +/m/01gv_f /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0bcp9b /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03nb5v /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03dbds /film/director/film /m/035s95 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0ftyc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02yv6b /music/genre/artists /m/01vsksr +/m/033pf1 /film/film/genre /m/01t_vv +/m/07ssc /location/location/contains /m/0125ny +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04_1l0v /location/location/contains /m/01x73 +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/09p0ct /film/film/genre /m/02qfv5d +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0785v8 /film/actor/film./film/performance/film /m/0gmgwnv +/m/02fjzt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/0f7hc +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0639bg +/m/01kj5h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09g0h /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02cqny /music/genre/artists /m/01lqf49 +/m/05ggt_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04s934 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0gkgp /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mw1j +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/040db /influence/influence_node/influenced_by /m/02wh0 +/m/0157m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qgqt /film/actor/film./film/performance/film /m/02nt3d +/m/01b9w3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01h1b +/m/06sks6 /olympics/olympic_games/participating_countries /m/0d05w3 +/m/0kvgxk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pdhz /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n2vgk +/m/08pgl8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01xvlc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02vr7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0sw62 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/02185j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/04g61 +/m/01wbz9 /music/artist/track_contributions./music/track_contribution/role /m/01wy6 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0j_c +/m/0fqpg6b /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq7nd +/m/01x1fq /people/person/place_of_birth /m/0cr3d +/m/0fsw_7 /film/film/language /m/02h40lc +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/04rfq /people/person/profession /m/01d_h8 +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01pbwwl /people/person/gender /m/05zppz +/m/02cjlk /music/record_label/artist /m/0kxbc +/m/0p9lw /film/film/edited_by /m/0gd9k +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/050r1z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/021npv /people/person/gender /m/05zppz +/m/0hfml /people/person/profession /m/0kyk +/m/013xrm /people/ethnicity/people /m/026c1 +/m/07ssc /media_common/netflix_genre/titles /m/0286hyp +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/0n6f8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02pby8 +/m/019lvv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/03ffcz /tv/tv_program/genre /m/02xh1 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0473m9 +/m/0sw6y /people/person/profession /m/0np9r +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02jqjm +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02w4fkq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016srn +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0jcx /people/person/employment_history./business/employment_tenure/company /m/0194_r +/m/0mp3l /base/biblioness/bibs_location/country /m/09c7w0 +/m/0tc7 /film/actor/film./film/performance/film /m/01gwk3 +/m/0147w8 /tv/tv_program/languages /m/02h40lc +/m/04sntd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03v9yw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ft14 +/m/01dvry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027_sn +/m/03ys48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/078bz /education/educational_institution/colors /m/0jc_p +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04m_zp +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cjsxp +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01swck +/m/016vg8 /people/person/profession /m/0d1pc +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/04q01mn /film/film/produced_by /m/0bwh6 +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gz5hs +/m/09c7w0 /location/country/second_level_divisions /m/0l2jt +/m/01c9dd /award/award_category/winners./award/award_honor/award_winner /m/04lgymt +/m/0161sp /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0401sg /film/film/music /m/0b6yp2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06l7jj +/m/027xx3 /education/educational_institution/students_graduates./education/education/student /m/01ry0f +/m/0342h /music/instrument/instrumentalists /m/05cljf +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/0gxfz /film/film/film_festivals /m/05ys0ws +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01rnxn +/m/0f0y8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gfsq9 /film/film/story_by /m/06d6y +/m/01vrncs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wz3cx +/m/0h1p /people/person/profession /m/01d_h8 +/m/064t9 /music/genre/artists /m/0415mzy +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06m61 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx72 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0170qf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02z1yj +/m/0gldyz /film/film/language /m/02h40lc +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pkhw +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k_q_ +/m/02rhwjr /tv/tv_program/country_of_origin /m/03_3d +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06pj8 +/m/02qwg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02d4ct /film/actor/film./film/performance/film /m/04jwly +/m/020bv3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01wyz92 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016pns +/m/084z0w /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01hmnh /media_common/netflix_genre/titles /m/017kz7 +/m/0hfzr /film/film/production_companies /m/030_1_ +/m/0d0kn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jgx +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0xq +/m/01cdjp /award/award_category/winners./award/award_honor/award_winner /m/01pw9v +/m/0794g /people/person/profession /m/03gjzk +/m/01wy6 /music/instrument/instrumentalists /m/02g1jh +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02t_v1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03swmf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/04sx9_ /film/actor/film./film/performance/film /m/09cr8 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/04mhxx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06_bq1 +/m/013b6_ /people/ethnicity/people /m/03f0324 +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tr1 +/m/047gpsd /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/046488 /film/film/production_companies /m/017jv5 +/m/01t9qj_ /people/person/profession /m/02hrh1q +/m/041_y /people/person/religion /m/03_gx +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0838y /influence/influence_node/influenced_by /m/05xq9 +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/06m6p7 /film/actor/film./film/performance/film /m/06_x996 +/m/04wqr /people/person/nationality /m/09c7w0 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/01dhpj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02tqm5 +/m/026mfbr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0d_w7 +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/03ckfl9 /music/genre/artists /m/01qmy04 +/m/016ypb /film/actor/film./film/performance/film /m/02fwfb +/m/0pd57 /film/film/language /m/02bjrlw +/m/01_njt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/032zg9 /people/person/profession /m/02hrh1q +/m/03ryn /location/location/contains /m/01vfwd +/m/0c6qh /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm7n +/m/018phr /people/person/places_lived./people/place_lived/location /m/0_jq4 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/0gk4g /people/cause_of_death/people /m/0jrny +/m/01zp33 /film/actor/film./film/performance/film /m/0f42nz +/m/035s95 /film/film/production_companies /m/02slt7 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/029q3k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07rhpg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_01w /people/person/places_lived./people/place_lived/location /m/0pmp2 +/m/01l3vx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wy5m /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/05r5c /music/instrument/instrumentalists /m/01386_ +/m/02vrr /people/cause_of_death/people /m/032l1 +/m/02l3_5 /film/actor/film./film/performance/film /m/02z3r8t +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0pgjm +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/01hpnh /location/location/contains /m/03q6zc +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0163kf /people/person/nationality /m/09c7w0 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/01g4yw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016clz /music/genre/artists /m/01nkxvx +/m/01rrd4 /people/person/nationality /m/03rjj +/m/026spg /people/person/gender /m/02zsn +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0gf14 /education/educational_institution/colors /m/01l849 +/m/033srr /film/film/genre /m/03k9fj +/m/02tgz4 /film/film/genre /m/0jdm8 +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/015zyd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/011yg9 /film/film/genre /m/07s9rl0 +/m/04cbtrw /people/person/gender /m/05zppz +/m/0m77m /people/person/gender /m/02zsn +/m/01kkx2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3j0 +/m/0tfc /influence/influence_node/peers./influence/peer_relationship/peers /m/026lj +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0806vbn +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06g60w +/m/06w2sn5 /people/person/place_of_birth /m/0b1t1 +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq4b +/m/07kg3 /location/location/contains /m/064xp +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/024my5 +/m/07ssc /location/location/contains /m/0fgj2 +/m/0gyh2wm /film/film/genre /m/05p553 +/m/06npd /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01stj9 +/m/0cbn7c /film/film/genre /m/01jfsb +/m/016yvw /people/person/gender /m/05zppz +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8fs +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/04nfpk +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gf5h +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/016dgz /people/person/profession /m/02hrh1q +/m/0j6x8 /people/ethnicity/geographic_distribution /m/0chghy +/m/01pcvn /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0jfx1 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/01jfsb /media_common/netflix_genre/titles /m/05zvzf3 +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0299hs /film/film/country /m/09c7w0 +/m/03mcwq3 /film/actor/film./film/performance/film /m/0dgrwqr +/m/05fgt1 /film/film/cinematography /m/04qvl7 +/m/01n7q /location/location/contains /m/0r0m6 +/m/01c57n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0n1v8 +/m/0p_jc /people/person/profession /m/03gjzk +/m/0g10g /people/person/profession /m/02hrh1q +/m/0738b8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/050yyb /time/event/instance_of_recurring_event /m/0g_w +/m/01vsy7t /influence/influence_node/influenced_by /m/08433 +/m/0kjgl /film/actor/film./film/performance/film /m/0g22z +/m/01vn0t_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/015f7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/06nd8c /people/person/profession /m/02krf9 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/051ghn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0h3xztt /film/film/music /m/01x6v6 +/m/060j8b /people/person/languages /m/02h40lc +/m/079vf /film/actor/film./film/performance/film /m/024mpp +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/0hwqz /people/person/gender /m/02zsn +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04hzj /location/country/capital /m/01pxqx +/m/01n5309 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/029_3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ph24 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/03cp4cn /film/film/film_festivals /m/09rwjly +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0509bl +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/03fmfs /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h96g /film/actor/film./film/performance/film /m/067ghz +/m/083p7 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/03m3nzf /film/actor/film./film/performance/film /m/08g_jw +/m/0sx92 /olympics/olympic_games/sports /m/09f6b +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/018ctl /olympics/olympic_games/participating_countries /m/015qh +/m/0bx0l /film/film/country /m/07ssc +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01mskc3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9d1 +/m/06chvn /people/person/place_of_birth /m/0cr3d +/m/05842k /dataworld/gardening_hint/split_to /m/0l14md +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/0l76z /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/0j47s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/089z0z /people/person/gender /m/05zppz +/m/05dss7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01chpn /film/film/genre /m/05p553 +/m/07_k0c0 /film/film/language /m/02h40lc +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/04czcb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/03lfd_ /film/film/country /m/09c7w0 +/m/01xwv7 /people/person/profession /m/03gjzk +/m/01lqnff /people/person/nationality /m/02jx1 +/m/04xvlr /media_common/netflix_genre/titles /m/0jym0 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/0ql86 /base/culturalevent/event/entity_involved /m/017cw +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/02wycg2 +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/0f5zj6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fn1w +/m/03m79j_ /award/award_category/winners./award/award_honor/ceremony /m/092868 +/m/03zmc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kw4j /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/025y9fn /film/director/film /m/015g28 +/m/016yvw /film/actor/film./film/performance/film /m/0kvgnq +/m/01pj_5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07z4p +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07q9q2 +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0kz4w /sports/sports_team/colors /m/01g5v +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06x58 +/m/031hcx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03176f +/m/02tv80 /film/actor/film./film/performance/film /m/04x4nv +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/02bc74 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03v1jf +/m/02m7r /people/person/nationality /m/07ssc +/m/02r5w9 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0y3_8 /music/genre/parent_genre /m/011j5x +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0342h /music/instrument/instrumentalists /m/02bh9 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/05m883 +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014lc_ +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065dc4 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/02w4fkq /people/person/profession /m/039v1 +/m/01qgry /music/group_member/membership./music/group_membership/role /m/013y1f +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/015t7v /people/person/nationality /m/07ssc +/m/0gc_c_ /film/film/genre /m/05p553 +/m/02784z /film/actor/film./film/performance/film /m/0b2qtl +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0bl2g +/m/01pgp6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/04jpg2p +/m/02zbjhq /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b190 +/m/08k1lz /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmpm +/m/05g7gs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vq33 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq4b +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kvqc +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/016w7b /education/educational_institution/colors /m/0jc_p +/m/0b6m5fy /film/film/genre /m/015w9s +/m/07ldhs /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gs6vr +/m/0nk72 /people/person/places_lived./people/place_lived/location /m/03pbf +/m/0h2zvzr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04cbtrw +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yx_w +/m/02ts3h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c7xjb +/m/069z_5 /people/person/nationality /m/0d060g +/m/02k_kn /music/genre/artists /m/01wp8w7 +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/035gt8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06r2_ /film/film/genre /m/02kdv5l +/m/0mq17 /location/us_county/county_seat /m/0f2s6 +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3mh3q +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/026l1lq +/m/0g02vk /people/cause_of_death/people /m/0g_92 +/m/04cr6qv /people/person/nationality /m/09c7w0 +/m/070b4 /influence/influence_node/influenced_by /m/02vr7 +/m/014zwb /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025xt8y +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0gjk1d /film/film/produced_by /m/01nr36 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/02fwfb /film/film/genre /m/01t_vv +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_3zj /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0blfl /olympics/olympic_games/participating_countries /m/0k6nt +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ljbg +/m/04zn7g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m66w +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0pspl /education/educational_institution/campuses /m/0pspl +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/096cw_ +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_yw +/m/01b_lz /tv/tv_program/genre /m/02fgmn +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03kts +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01tdnyh /people/person/profession /m/0cbd2 +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/0f502 /people/person/profession /m/02hrh1q +/m/02sjp /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/01b9ck /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/06j8wx /film/actor/film./film/performance/film /m/09jcj6 +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0g69lg /award/award_winner/awards_won./award/award_honor/award_winner /m/07qcbw +/m/04g3p5 /people/person/profession /m/0dz3r +/m/09p4w8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vhb0 +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/081pw /time/event/locations /m/0j0k +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/023fb +/m/03h4fq7 /film/film/production_companies /m/04cygb3 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02jx1 /location/location/contains /m/0161jj +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/09txzv /film/film/genre /m/03k9fj +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/0jt86 +/m/0swff /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/016clz /music/genre/artists /m/01tp5bj +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09l3p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/09k9d0 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09rvcvl +/m/0131kb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02qsjt /people/person/profession /m/02hrh1q +/m/096gm /location/location/time_zones /m/03plfd +/m/0lpjn /film/actor/film./film/performance/film /m/0m313 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0xhtw /music/genre/artists /m/07mvp +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/03h40_7 +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01qdjm /people/person/profession /m/01c72t +/m/0f2df /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btyl +/m/03h_9lg /film/actor/film./film/performance/film /m/026qnh6 +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0196bp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06w92 /location/administrative_division/first_level_division_of /m/03rjj +/m/03rs8y /people/person/profession /m/02hrh1q +/m/0fz3b1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/035ktt /education/educational_institution/campuses /m/035ktt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0k__z +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/0gj9qxr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vzxld /people/person/nationality /m/07ssc +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0739y /influence/influence_node/influenced_by /m/01wj9y9 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0blt6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03d_w3h +/m/015njf /people/deceased_person/place_of_death /m/04jpl +/m/02l0sf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bkmf +/m/02lvtb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/03hpkp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/02rghbp +/m/02vzc /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0bxsk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/016clz /music/genre/artists /m/04vrxh +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/07hyk +/m/02d9nr /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s5fz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/016_mj /film/actor/film./film/performance/film /m/02ph9tm +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grrf +/m/0ctb4g /film/film/story_by /m/01w8sf +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072zl1 +/m/0cjdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/0b6tzs /film/film/edited_by /m/02kxbwx +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/035wcs /music/genre/artists /m/0840vq +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/083pr /people/person/religion /m/07x21 +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0935jw /people/person/nationality /m/09c7w0 +/m/01lwx /people/person/gender /m/05zppz +/m/0lrh /people/person/profession /m/05z96 +/m/01j_cy /education/educational_institution/school_type /m/05jxkf +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/02q4mt /film/actor/film./film/performance/film /m/0kvgtf +/m/09ld6g /people/person/profession /m/018gz8 +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yzz +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0qdwr /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/03pmzt /film/actor/film./film/performance/film /m/02qr3k8 +/m/03j2gxx /people/person/employment_history./business/employment_tenure/company /m/0yls9 +/m/09c7w0 /location/location/time_zones /m/02hcv8 +/m/025rcc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4vbz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/08gsvw /film/film/genre /m/02kdv5l +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0134pk +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/04_bfq /sports/sports_team/sport /m/02vx4 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05r_x5 +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01kk32 /location/administrative_division/country /m/06mzp +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127s7 +/m/03rl84 /film/actor/film./film/performance/film /m/02pxmgz +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0127m7 +/m/01wl38s /people/person/profession /m/05z96 +/m/03zrhb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/01r7pq /people/person/profession /m/05vyk +/m/0c_m3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01_k71 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02p8q1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0fcsd +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/02w7gg /people/ethnicity/people /m/06j8wx +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/09v6tz +/m/05b7q /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0dc_ms /film/film/country /m/09c7w0 +/m/059rby /location/location/contains /m/0f6zs +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013tcv +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0382m4 +/m/01kb2j /film/actor/film./film/performance/film /m/0946bb +/m/01vsl3_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01nz1q6 +/m/0199gx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/06mz5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050l8 +/m/0kbf1 /film/film/genre /m/017fp +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016yr0 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/012v1t /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0nv2x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nk72 /people/person/nationality /m/0345h +/m/01h910 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/033m23 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/05fcbk7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09zf_q /film/film/production_companies /m/01gb54 +/m/0ym69 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05txrz /film/actor/film./film/performance/film /m/03nfnx +/m/0qy5v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bykpk +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02cbg0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zkr8 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05r5c /music/instrument/instrumentalists /m/06k02 +/m/02nq10 /education/educational_institution/school_type /m/07tf8 +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/0c0k1 /film/actor/film./film/performance/film /m/0k_9j +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/0dwr4 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/03gr14 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/076zy_g +/m/02mmwk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/034_t5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f67f /base/biblioness/bibs_location/state /m/04rrx +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/037q2p /education/educational_institution/school_type /m/05pcjw +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/01k53x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07nznf +/m/0ddt_ /film/film/written_by /m/0343h +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0l8gh /music/genre/artists /m/0h6sv +/m/03_3d /location/location/contains /m/017t44 +/m/059j2 /location/country/second_level_divisions /m/045vhb +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/045bg /people/person/profession /m/05t4q +/m/0bs8d /film/director/film /m/0hv81 +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qf2t +/m/01r93l /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bcndz +/m/0p3r8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01lz4tf +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/02_p8v /film/actor/film./film/performance/film /m/026zlh9 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/03spz /location/country/official_language /m/0jzc +/m/0dc_v /education/field_of_study/students_majoring./education/education/student /m/01zwy +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/057xkj_ +/m/02k_kn /music/genre/artists /m/01vsl3_ +/m/0ql36 /music/artist/origin /m/02dtg +/m/04f7c55 /people/person/profession /m/05vyk +/m/016k6x /people/person/profession /m/02hrh1q +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061dn_ +/m/03w1v2 /film/actor/film./film/performance/film /m/02q87z6 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/09wj5 +/m/08r4x3 /film/film/country /m/09c7w0 +/m/01j2xj /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/09c7w0 /location/country/second_level_divisions /m/0k3kv +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pspl +/m/016clz /music/genre/artists /m/05qhnq +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01v90t +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/0tj9 +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fs__ +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0652ty /film/actor/film./film/performance/film /m/016z9n +/m/020y73 /film/film/genre /m/02kdv5l +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/01cj6y /film/actor/film./film/performance/film /m/02q8ms8 +/m/02l101 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0373qg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07y9k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s9vc +/m/02bh8z /music/record_label/artist /m/0knhk +/m/01vlj1g /film/actor/film./film/performance/film /m/07tw_b +/m/045bs6 /people/person/place_of_birth /m/05ksh +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bx_q +/m/0bc1yhb /film/film/genre /m/06n90 +/m/0fvzg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04m064 /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/0170s4 /film/actor/film./film/performance/film /m/035s95 +/m/0k8y7 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/02x8m /music/genre/artists /m/01304j +/m/02rrsz /people/person/languages /m/02h40lc +/m/0fdv3 /film/film/edited_by /m/04wp63 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01d8yn +/m/031y07 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/05z775 /people/person/profession /m/02hrh1q +/m/0h63q6t /film/film/genre /m/02kdv5l +/m/0hwd8 /people/person/place_of_birth /m/0g284 +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/01mqc_ /people/person/place_of_birth /m/02_286 +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0135cw /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/08d6bd +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02j9z /base/locations/continents/countries_within /m/0d0vqn +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0bm2x /film/film/production_companies /m/05qd_ +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gy1_ +/m/01sl1q /people/person/place_of_birth /m/0f2w0 +/m/046zh /film/actor/film./film/performance/film /m/03s6l2 +/m/02s2wq /people/person/nationality /m/09c7w0 +/m/03v52f /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/03f77 /people/person/profession /m/0fj9f +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y_46 +/m/0z1l8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01ppq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/018f8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hmk9 +/m/09xrxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05fjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0psss /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04fhxp /people/person/profession /m/0np9r +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/020_95 +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03ttn0 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/06pwq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/014jyk /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/017l96 /music/record_label/artist /m/01vrx35 +/m/06_x996 /film/film/music /m/07v4dm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07qcbw +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/07f8wg /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/0kbws /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/044zvm /people/person/nationality /m/09c7w0 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03f1d47 +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gmtm +/m/01nyl /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01p896 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/042gr4 /people/person/profession /m/02hrh1q +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01s7w3 +/m/01dy7j /people/person/gender /m/02zsn +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wmxfs +/m/09c7w0 /location/country/second_level_divisions /m/0n5gb +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/054bt3 /people/person/profession /m/02jknp +/m/03z509 /people/person/nationality /m/0d060g +/m/017_qw /music/genre/artists /m/0244r8 +/m/025_64l /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/05bnx3j /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/053x8hr +/m/0glqh5_ /film/film/country /m/0f8l9c +/m/0b2lw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nh57 +/m/093142 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07ssc /media_common/netflix_genre/titles /m/047bynf +/m/05kfs /people/person/place_of_birth /m/02_286 +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02dth1 /people/person/religion /m/0c8wxp +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/03clrng +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01m2n1 /base/biblioness/bibs_location/state /m/05k7sb +/m/03_lsr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03zw80 /education/educational_institution/campuses /m/03zw80 +/m/06l22 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06cgy +/m/0sxmx /film/film/country /m/07ssc +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0pnf3 /people/person/religion /m/0kpl +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/032nwy +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01zwy /people/person/profession /m/06q2q +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/05bnp0 +/m/06rq2l /people/person/profession /m/01d_h8 +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fpkhkz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04fzk +/m/019mcm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/0d7hg4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06w2sn5 /people/person/nationality /m/0d060g +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/01yfj +/m/0sw6g /people/person/profession /m/03gjzk +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/057d89 /people/deceased_person/place_of_death /m/030qb3t +/m/0m0jc /music/genre/artists /m/07g2v +/m/01_bkd /music/genre/artists /m/01518s +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0j4b /location/country/form_of_government /m/01d9r3 +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/02r_pp /film/film/genre /m/0vgkd +/m/01wrcxr /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pz6q +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/02qjv1p /tv/tv_program/languages /m/02h40lc +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/07cjqy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06n3y /location/location/contains /m/015fr +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081yw +/m/0453t /people/deceased_person/place_of_death /m/02hrh0_ +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/05_5rjx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3mh3q +/m/09c7w0 /location/location/contains /m/0q74c +/m/0gg5kmg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03lq43 /people/person/places_lived./people/place_lived/location /m/0y62n +/m/018phr /music/group_member/membership./music/group_membership/role /m/0342h +/m/0bkmf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012vf6 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0j_c +/m/065zlr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026mj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrd +/m/02v49c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qmg1 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qyn +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/09n48 /olympics/olympic_games/participating_countries /m/0jgx +/m/047g8h /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/026_dq6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02qjb_ +/m/03vrnh /people/person/languages /m/03k50 +/m/01gbn6 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0jbqf /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/02h9_l /people/person/religion /m/051kv +/m/0pksh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s9rl0 /media_common/netflix_genre/titles /m/047gpsd +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tgcy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vzpb /film/film/genre /m/01j1n2 +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03bnd9 /education/educational_institution/students_graduates./education/education/student /m/049gc +/m/02_h0 /film/film_subject/films /m/0286vp +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0kc6 +/m/0yls9 /education/educational_institution/colors /m/09q2t +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0qyzb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z2xdf /people/person/gender /m/02zsn +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/0x3b7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/02wk4d /people/person/places_lived./people/place_lived/location /m/0d35y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0690dn +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/08xpv_ /location/location/contains /m/0m7d0 +/m/0d19y2 /people/cause_of_death/people /m/02fgp0 +/m/024n3z /film/actor/film./film/performance/film /m/03k8th +/m/03c0vy /sports/sports_team/colors /m/019sc +/m/05znxx /film/film/genre /m/0lsxr +/m/06w7v /music/instrument/instrumentalists /m/0l12d +/m/0269kx /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08hmch +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0171cm /film/actor/film./film/performance/film /m/05mrf_p +/m/034hwx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dx97 /people/person/place_of_birth /m/0dj0x +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02cm61 +/m/0mkp7 /location/location/contains /m/013nv_ +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/01s7zw +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bx0lc +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xr2s +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/02v570 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01mvjl0 /music/artist/origin /m/0ccvx +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c8qq +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/07zft +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0hhjk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0k3hn /location/location/contains /m/0tz01 +/m/089j8p /film/film/music /m/03975z +/m/04180vy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01h8rk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06ch55 /music/instrument/instrumentalists /m/02pbrn +/m/09c7w0 /location/country/second_level_divisions /m/0l35f +/m/015t7v /film/actor/film./film/performance/film /m/0fzm0g +/m/04ynx7 /film/film/production_companies /m/08wjc1 +/m/03cvwkr /film/film/genre /m/060__y +/m/01t04r /music/record_label/artist /m/01fchy +/m/0d1mp3 /people/person/profession /m/0dxtg +/m/05ry0p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0794g +/m/01vzz1c /people/person/profession /m/02hrh1q +/m/0239kh /music/instrument/family /m/0395lw +/m/01f2q5 /music/artist/origin /m/0dclg +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/01_xtx +/m/044rvb /film/actor/film./film/performance/film /m/02rv_dz +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02x2jl_ /film/film/genre /m/07s9rl0 +/m/0lpjn /film/actor/film./film/performance/film /m/027m5wv +/m/04g73n /film/film/country /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/03r0g9 /film/film/country /m/0345h +/m/017y26 /education/educational_institution_campus/educational_institution /m/017y26 +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02rlj20 /film/film/language /m/02h40lc +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/02rchht /people/person/profession /m/02jknp +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/09cpb /location/location/contains /m/01dg3s +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08zrbl +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/044g_k +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/03b0q4 /people/person/nationality /m/07ssc +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/014gjp +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kvf3b /film/film/music /m/02wb6d +/m/026dd2b /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0phrl +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/064t9 /music/genre/artists /m/0pk41 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/0431v3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049dyj +/m/07s9rl0 /media_common/netflix_genre/titles /m/07q1m +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0dzz6g /film/film/production_companies /m/03jvmp +/m/07f1x /location/country/form_of_government /m/01fpfn +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bby9p5 +/m/0c7t58 /people/person/profession /m/0dxtg +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/015bwt +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx72 +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7ns +/m/02nx2k /film/film/genre /m/07s9rl0 +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pv_d +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05g7q /award/award_winner/awards_won./award/award_honor/award_winner /m/08849 +/m/0342h /music/instrument/instrumentalists /m/01j6mff +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/08mhyd /people/person/gender /m/05zppz +/m/03rt9 /location/country/second_level_divisions /m/0ccvd +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gfsq9 +/m/02ps55 /education/educational_institution/campuses /m/02ps55 +/m/02stbw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02dbp7 /people/person/place_of_birth /m/07ypt +/m/0ctb4g /film/film/genre /m/02n4kr +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0ds33 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/01cw24 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09wj5 /people/person/languages /m/064_8sq +/m/0ttxp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0420td /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02vqhv0 /film/film/film_format /m/017fx5 +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/027qgy /film/film/featured_film_locations /m/0h7h6 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/019fnv /people/person/nationality /m/0d060g +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02g9z1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/02v0ff /people/person/profession /m/0d8qb +/m/06rvn /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03v9yw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02fj8n /film/film/country /m/09c7w0 +/m/035zr0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/06tw8 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0xhtw /music/genre/parent_genre /m/06by7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04btgp +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/0f11p /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02q56mk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g2dz /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/01g03q /tv/tv_program/country_of_origin /m/09c7w0 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/05pbsry +/m/04qsdh /people/person/profession /m/02hv44_ +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/0f5xn +/m/063b4k /film/director/film /m/091z_p +/m/04r7f2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05kyr +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x16f +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/08kp57 /people/person/place_of_birth /m/04vmp +/m/041xyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/01my4f +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/06x2ww /music/record_label/artist /m/0137n0 +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/064177 /people/person/nationality /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/0219q /people/person/languages /m/02h40lc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/014xf6 +/m/0f2sx4 /film/film/written_by /m/05m883 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/03h304l /people/person/profession /m/01d_h8 +/m/03_vx9 /people/person/places_lived./people/place_lived/location /m/0fvyg +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0f25y /base/biblioness/bibs_location/state /m/05fjy +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/02tcgh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025p38 +/m/01n1gc /people/person/profession /m/0747nrk +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/05w1vf +/m/02x0fs9 /film/film/genre /m/02l7c8 +/m/0192hw /film/film/genre /m/0jtdp +/m/0chsq /people/person/nationality /m/09c7w0 +/m/0gp_x9 /people/person/gender /m/05zppz +/m/026g4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/0n2q0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/07w4j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f2_rc +/m/06cp5 /music/genre/artists /m/03xl77 +/m/04lhc4 /film/film/genre /m/03bxz7 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05gnf +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0p8r1 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/02404v /people/person/profession /m/0lgw7 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/03hfxkn +/m/072kp /tv/tv_program/languages /m/02h40lc +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwbts +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgvp +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0bgrsl /film/director/film /m/064ndc +/m/06by7 /music/genre/artists /m/0dtd6 +/m/0hzlz /location/location/contains /m/01tjt2 +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/01jgkj2 /people/person/profession /m/0nbcg +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0237fw +/m/05th69 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01qrb2 /education/educational_institution/colors /m/01jnf1 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01v0fn1 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/012s1d +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vyw +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07c72 +/m/0dd6bf /film/film/genre /m/01hmnh +/m/01t_wfl /influence/influence_node/influenced_by /m/0739y +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/09f2j /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/03v1w7 /people/person/profession /m/01d_h8 +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxkh +/m/0m_w6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0clzr +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/07s9rl0 /media_common/netflix_genre/titles /m/020y73 +/m/041td_ /film/film/language /m/02h40lc +/m/0473q /people/person/profession /m/01c72t +/m/0mdyn /people/person/profession /m/02hrh1q +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02fy0z +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0342h /music/instrument/instrumentalists /m/01k23t +/m/0jtg0 /music/instrument/instrumentalists /m/01vsyjy +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/03gm48 +/m/03fbc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rnly +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j490 +/m/025rst1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01k2xy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c0k1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06kb_ /people/person/profession /m/0dxtg +/m/062ftr /people/person/gender /m/05zppz +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01llxp /people/person/nationality /m/0345h +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/01vvy /people/person/nationality /m/0f8l9c +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/03lrht /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nn7r /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0ddkf /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/034qmv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/07t2k /people/person/religion /m/051kv +/m/06jz0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pjc1h /film/film/genre /m/05p553 +/m/02rrsz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/086qd /people/person/profession /m/09jwl +/m/03twd6 /film/film/genre /m/01jfsb +/m/01rrd4 /film/actor/film./film/performance/film /m/01y9jr +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/01wmxfs /people/person/profession /m/08z956 +/m/0ds35l9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01s1zk /people/person/profession /m/02hrh1q +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c7t58 +/m/0cr3d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02m4d +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fwk3 +/m/02gt5s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/02__34 /film/film/production_companies /m/030_1m +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0djtky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pmn7 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/028r4y /people/person/place_of_birth /m/02_286 +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/04qhdf /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cwm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0b_j2 /people/person/profession /m/01c72t +/m/04wqsm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/041rx /people/ethnicity/people /m/03rx9 +/m/01dkpb /people/deceased_person/place_of_death /m/030qb3t +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0mb8c +/m/02ylg6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/023cjg +/m/01xg_w /film/actor/film./film/performance/film /m/0gwf191 +/m/0cp0ph6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/03fn6z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03_3d +/m/014x77 /film/actor/film./film/performance/film /m/09hy79 +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmgrf +/m/03twd6 /film/film/production_companies /m/016tw3 +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01bh6y +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/02v49c /people/person/profession /m/02jknp +/m/02j9z /location/location/contains /m/059z0 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/01l29r /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/03l6q0 /film/film/country /m/09c7w0 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/054187 /people/person/nationality /m/09c7w0 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02238b /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/0677j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0xq63 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09c7w0 /location/location/contains /m/020923 +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/017y6l /education/educational_institution_campus/educational_institution /m/017y6l +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0ftps /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0m2kw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09v82c0 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/01rgr /people/person/profession /m/05z96 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/0ckrgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d6d2 /film/actor/film./film/performance/film /m/03q0r1 +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/01wd9vs /people/person/profession /m/0dxtg +/m/07bwr /film/film/genre /m/0219x_ +/m/019fz /influence/influence_node/influenced_by /m/07ym0 +/m/016gr2 /film/actor/film./film/performance/film /m/09gq0x5 +/m/026m0 /people/person/profession /m/0dxtg +/m/06wm0z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv6b /music/genre/artists /m/016l09 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/07lwsz /people/person/profession /m/0dxtg +/m/07fb6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09pl3f /award/award_winner/awards_won./award/award_honor/award_winner /m/09pl3s +/m/08c7cz /people/person/place_of_birth /m/04jpl +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/0432cd +/m/0b_6mr /time/event/locations /m/0c1d0 +/m/027m67 /film/film/genre /m/0lsxr +/m/0rsjf /location/hud_county_place/county /m/0j_1v +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/011zf2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fybl /people/person/profession /m/0d1pc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/011kn2 /education/educational_institution/school_type /m/05jxkf +/m/02j490 /people/person/places_lived./people/place_lived/location /m/0hptm +/m/09lxv9 /film/film/genre /m/02kdv5l +/m/053x8hr /tv/tv_program/genre /m/03k9fj +/m/02rybfn /people/deceased_person/place_of_death /m/0rqf1 +/m/03_3z4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/02nt3d /film/film/language /m/02h40lc +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x6m +/m/02681_5 /award/award_category/winners./award/award_honor/award_winner /m/03x82v +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/09x3r /olympics/olympic_games/participating_countries /m/01p1v +/m/080r3 /influence/influence_node/influenced_by /m/0zm1 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/015nvj /people/deceased_person/place_of_death /m/01t21q +/m/05rh2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/01h7bb /film/film/production_companies /m/086k8 +/m/013t9y /film/director/film /m/04sh80 +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02_286 +/m/0f2sx4 /film/film/written_by /m/02pv_d +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/09c7w0 /location/location/contains /m/0hd7j +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/03p2m1 /education/educational_institution/colors /m/04mkbj +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0399p /influence/influence_node/influenced_by /m/040db +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/07c52 /media_common/netflix_genre/titles /m/07wqr6 +/m/02xp18 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017f4y /people/person/gender /m/05zppz +/m/025sc50 /music/genre/artists /m/0bqsy +/m/035rnz /film/actor/film./film/performance/film /m/062zm5h +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062dn7 +/m/0b1zz /influence/influence_node/influenced_by /m/070b4 +/m/0nlc7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d2kt +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/045cq +/m/0l6vl /olympics/olympic_games/sports /m/03_8r +/m/043n0v_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/018j2 /music/instrument/instrumentalists /m/01m1dzc +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/01hr11 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/03qk20 /music/record_label/artist /m/014pg1 +/m/03rrdb /sports/sports_team/sport /m/02vx4 +/m/01r7pq /people/person/profession /m/02hrh1q +/m/016clz /music/genre/artists /m/01vrt_c +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0n +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxbwx +/m/06msq2 /people/person/profession /m/03gjzk +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0gcrg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hrb2 /education/educational_institution/campuses /m/02hrb2 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/02qmncd +/m/07z542 /people/person/place_of_birth /m/0d6hn +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0f4y_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0drrw +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/02lfp4 +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05567m +/m/0btpx /film/actor/film./film/performance/film /m/06bd5j +/m/047cqr /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/05pdd86 /film/film/genre /m/07s9rl0 +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ply0 +/m/04xvlr /media_common/netflix_genre/titles /m/02wyzmv +/m/0639bg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02g87m /film/actor/film./film/performance/film /m/07pd_j +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/0hvjr +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/01g03q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02nwxc +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mc +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d6lp +/m/05p3738 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01gb1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/0cp08zg /film/film/film_festivals /m/0g57ws5 +/m/0bx_hnp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cyslc +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01jszm /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/02sch9 /people/person/gender /m/02zsn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04ftdq +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02wcx8c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h0p_ /people/person/profession /m/02hv44_ +/m/0fsm8c /film/actor/film./film/performance/film /m/0h1x5f +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/06dfg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/01q9b9 /people/person/profession /m/016fly +/m/02rh_0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/035gt8 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02qx5h /film/actor/film./film/performance/film /m/04v89z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f83g2 +/m/04gr35 /people/person/profession /m/01d_h8 +/m/0l14gg /music/genre/artists /m/01d_h +/m/08c6k9 /film/film/produced_by /m/043q6n_ +/m/02g0rb /film/actor/film./film/performance/film /m/0dpl44 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylvj +/m/07bcn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01n7q +/m/014gjp /tv/tv_program/genre /m/04gm78f +/m/01f7kl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/04mp8x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/04bsx1 /people/person/gender /m/05zppz +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yx7f +/m/057bc6m /film/film_set_designer/film_sets_designed /m/014knw +/m/0499lc /people/person/place_of_birth /m/01531 +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/0884fm +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04mx8h4 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0837ql /music/artist/origin /m/0ftvz +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06b_j +/m/01xk7r /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01swmr /organization/organization/child./organization/organization_relationship/child /m/027nnh +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/01jrbb /film/film/music /m/01x6v6 +/m/0dsvzh /film/film/genre /m/028v3 +/m/049t4g /people/person/nationality /m/06q1r +/m/048tgl /people/person/profession /m/09lbv +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033dbw +/m/01lyv /music/genre/artists /m/01q_wyj +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03zbws /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03f0fnk /people/person/profession /m/039v1 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04_bfq +/m/0glt670 /music/genre/artists /m/01wgfp6 +/m/017_qw /music/genre/artists /m/02_33l +/m/05njyy /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03cd0x /film/film/language /m/06nm1 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0249kn +/m/020p1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0grwj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/038w8 /people/person/profession /m/0fj9f +/m/0g768 /music/record_label/artist /m/01kp_1t +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k5sc +/m/01zpmq /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/03l2n /sports/sports_team_location/teams /m/0jmfb +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/017j6 +/m/0fwy0h /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0gbwp /people/person/employment_history./business/employment_tenure/company /m/01cl0d +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/0bkmf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ptx_ +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c01c +/m/01g6l8 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0myn8 /location/us_county/county_seat /m/0z2gq +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/0239zv +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01lwx /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bkmf /film/actor/film./film/performance/film /m/0bbgly +/m/0fb1q /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02zk08 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03459x +/m/05v954 /people/person/nationality /m/09c7w0 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03h2c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345_ +/m/0bmm4 /base/biblioness/bibs_location/country /m/06t8v +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09wnnb +/m/07l4zhn /film/film/genre /m/0219x_ +/m/0p4wb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/02q_x_l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0prjs +/m/0lwyk /education/educational_institution/campuses /m/0lwyk +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09rp4r_ +/m/0qy5v /location/location/time_zones /m/02lcqs +/m/0gghm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/01sgl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/058kqy /film/actor/film./film/performance/film /m/084qpk +/m/04xvlr /media_common/netflix_genre/titles /m/0cwy47 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0cv9t5 /music/record_label/artist /m/0g7k2g +/m/03s0w /location/location/contains /m/084kf +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/01tspc6 +/m/05nlzq /tv/tv_program/genre /m/02n4kr +/m/02rchht /people/person/profession /m/0dxtg +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f69m +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02txdf +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0fqy4p /business/business_operation/industry /m/02vxn +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0p51w /people/person/religion /m/03_gx +/m/02029f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sb1w +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/02fp82 /tv/tv_network/programs./tv/tv_network_duration/program /m/0vhm +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0k269 +/m/041rx /people/ethnicity/people /m/03kts +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/01n30p /film/film/country /m/0345h +/m/0fy34l /film/film/music /m/02bh9 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048q6x +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0ytc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0dqcm /people/person/languages /m/02bjrlw +/m/09qh1 /people/person/nationality /m/09c7w0 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0525b +/m/01v_pj6 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vw8mh +/m/05v8c /location/location/contains /m/01bdhf +/m/04bs3j /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03xks +/m/01cw6l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/049mql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/015grj /people/person/profession /m/02krf9 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049_zz +/m/04913k /sports/sports_team/colors /m/06fvc +/m/01hv3t /film/film/genre /m/06n90 +/m/04g61 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0d0kn /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/02rhfsc /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/02l3_5 /people/person/profession /m/02hrh1q +/m/02mj7c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mww2 /location/location/contains /m/0zqq8 +/m/0ktx_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0187y5 /people/person/gender /m/05zppz +/m/0mzy7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/01t_wfl /people/person/nationality /m/02jx1 +/m/04x4s2 /people/person/profession /m/0dxtg +/m/0k_l4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01k3qj +/m/02jx1 /location/location/contains /m/029r_2 +/m/0g5ptf /film/film/prequel /m/0fxmbn +/m/01lbp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c7xjb +/m/03xf_m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03f7nt +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/02wh75 /award/award_category/winners./award/award_honor/award_winner /m/016s0m +/m/0dr_4 /film/film/edited_by /m/04cy8rb +/m/014v6f /film/actor/film./film/performance/film /m/011yn5 +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/01pk3z /film/actor/film./film/performance/film /m/07h9gp +/m/01r2c7 /people/person/nationality /m/09c7w0 +/m/091n7z /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05cqhl /award/award_winner/awards_won./award/award_honor/award_winner /m/019pkm +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/078sj4 /film/film/film_format /m/07fb8_ +/m/0j0k /location/location/contains /m/03__y +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02g9z1 +/m/0br1w /people/person/places_lived./people/place_lived/location /m/071vr +/m/03c_8t /people/person/gender /m/05zppz +/m/01pcq3 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/0wh3 /location/location/contains /m/04gxp2 +/m/02_vs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d8rs +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/05ldxl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mn7 +/m/02yl42 /influence/influence_node/influenced_by /m/03vrp +/m/05th69 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0261x8t /people/person/religion /m/0c8wxp +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/03t95n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gkvb7 /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/040rmy +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/06whf /people/deceased_person/place_of_death /m/05qtj +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0cx7f /music/genre/artists /m/02bgmr +/m/0301yj /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/02sjf5 /people/person/gender /m/05zppz +/m/01lv85 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07jrjb +/m/01j5ws /people/person/languages /m/02h40lc +/m/024zq /people/person/gender /m/05zppz +/m/01vs14j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09b6zr /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092ys_y +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/018vs +/m/016jfw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rnly /film/film/genre /m/04xvlr +/m/01hmnh /media_common/netflix_genre/titles /m/0jnwx +/m/0fmqp6 /people/deceased_person/place_of_death /m/030qb3t +/m/0p_r5 /film/actor/film./film/performance/film /m/0473rc +/m/0svqs /people/person/religion /m/05sfs +/m/0fq117k /people/person/profession /m/016z4k +/m/011xy1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/09c7w0 /location/location/contains /m/01gr00 +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/034rd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02kxwk /film/actor/film./film/performance/film /m/01h18v +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01hvzr /location/administrative_division/country /m/07ssc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06xbsn +/m/01hqk /film/film/genre /m/01jfsb +/m/07s9rl0 /media_common/netflix_genre/titles /m/01h18v +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/03gbty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vzz1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0404wqb /people/person/places_lived./people/place_lived/location /m/071vr +/m/0lbd9 /olympics/olympic_games/sports /m/02y8z +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0407f +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/02s6tk +/m/02kxbwx /film/director/film /m/02704ff +/m/041rx /people/ethnicity/people /m/03f4k +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0m2gk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2hs +/m/09c7w0 /location/location/contains /m/05krk +/m/0322yj /film/film/country /m/09c7w0 +/m/01q_ph /film/actor/film./film/performance/film /m/04gv3db +/m/0bjv6 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0n1rj /location/hud_county_place/county /m/0jj6k +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0klw /people/person/religion /m/0kq2 +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hp53 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzz6g +/m/09r9dp /film/actor/film./film/performance/film /m/07sc6nw +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/013pk3 /people/person/profession /m/02krf9 +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/012vd6 /people/person/nationality /m/09c7w0 +/m/0kpys /location/location/contains /m/0r03f +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0c2dl +/m/016qtt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/035ktt +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01vmv_ +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/04v7k2 /people/person/place_of_birth /m/0c8tk +/m/01bh6y /people/person/nationality /m/09c7w0 +/m/0tlq9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5f7l +/m/07ssc /media_common/netflix_genre/titles /m/026gyn_ +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s8hms +/m/02k6hp /people/cause_of_death/people /m/014z8v +/m/01n5309 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02qx69 +/m/0266shh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqj5 +/m/01242_ /film/film/language /m/02h40lc +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07zhd7 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03p7gb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/017lvd +/m/0mwkp /location/us_county/county_seat /m/0h778 +/m/0hptm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5gq +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/039bp +/m/0h14ln /film/film/genre /m/01jfsb +/m/03qnc6q /film/film/country /m/09c7w0 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/05m9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0415svh +/m/090q8l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/03fvqg +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/0gy3w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/075p0r /people/person/nationality /m/03rk0 +/m/0882j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/029h7y /music/genre/artists /m/0psss +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0993r /people/person/profession /m/03gjzk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/031v3p /people/person/profession /m/02hrh1q +/m/0kvsb /people/person/profession /m/02hrh1q +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/06by7 /music/genre/parent_genre /m/017371 +/m/04xn2m /film/director/film /m/0b1y_2 +/m/0x67 /people/ethnicity/people /m/02tf1y +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04crrxr +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0gl6x /education/educational_institution/colors /m/088fh +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0tr3p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05znxx /film/film/featured_film_locations /m/01_d4 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/01dyvs /film/film/genre /m/01jfsb +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/05w6cw /people/person/gender /m/05zppz +/m/0k8z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yls9 /education/educational_institution/students_graduates./education/education/student /m/03j2gxx +/m/0k6yt1 /people/person/religion /m/0flw86 +/m/0bwh6 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0pqc5 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/0b_dy /people/person/place_of_birth /m/018x0q +/m/0h25 /influence/influence_node/influenced_by /m/07cbs +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/0k_s5 /location/location/contains /m/0kvt9 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pby8 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0237fw +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0f502 /film/actor/film./film/performance/film /m/013q07 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/098s2w /film/film/genre /m/07s9rl0 +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0t_71 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03czz87 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02pbp9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/019dwp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9ly +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/020hh3 /people/person/gender /m/05zppz +/m/01stj9 /education/educational_institution/school_type /m/05jxkf +/m/023ny6 /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/017yxq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/028knk +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/048tv9 /film/film/production_companies /m/0c_j5d +/m/0133x7 /music/artist/origin /m/02qjb7z +/m/02tz9z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09r1j5 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/07s72n /music/genre/artists /m/0c9l1 +/m/0x67 /people/ethnicity/people /m/027_sn +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05wgy +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01h4rj +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/031hcx /film/film/film_format /m/017fx5 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0dn16 /music/genre/artists /m/0cbm64 +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gls4q_ +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08phg9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/016w7b +/m/0f8l9c /location/location/contains /m/0jdtt +/m/01hcj2 /people/person/place_of_birth /m/0f2wj +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/05k7sb /location/location/contains /m/01p5xy +/m/04cbtrw /influence/influence_node/influenced_by /m/0h0p_ +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/013vdl /film/actor/film./film/performance/film /m/0g57wgv +/m/06mfvc /film/actor/film./film/performance/film /m/0g0x9c +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0478__m /music/artist/origin /m/0n6dc +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/03ttfc /people/ethnicity/geographic_distribution /m/0jgd +/m/01yfm8 /film/actor/film./film/performance/film /m/0bs5k8r +/m/05lls /music/genre/artists /m/02ck1 +/m/026m0 /people/person/nationality /m/09c7w0 +/m/02mt51 /film/film/genre /m/06n90 +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02hnl /music/instrument/instrumentalists /m/02qfhb +/m/02sb1w /people/person/nationality /m/09c7w0 +/m/01z7s_ /film/actor/film./film/performance/film /m/035w2k +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/04hw4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184dt +/m/011xy1 /education/educational_institution/colors /m/01g5v +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02lnbg /music/genre/artists /m/016ppr +/m/0fztbq /film/film/prequel /m/0d1qmz +/m/01skmp /people/person/spouse_s./people/marriage/spouse /m/03n_7k +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bm4sm +/m/01ggc9 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02fjzt +/m/023r2x /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/041rx /people/ethnicity/people /m/01dbgw +/m/0f5xn /film/actor/film./film/performance/film /m/01_1hw +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/01m5m5b /people/person/gender /m/05zppz +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qhqz4 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01zfzb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t_w8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qf2t +/m/01q940 /music/record_label/artist /m/01t8399 +/m/02rxrh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/023n39 /people/person/profession /m/0kyk +/m/02lt8 /people/person/profession /m/0cbd2 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/05qw5 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbx3 +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_lg +/m/01z4y /media_common/netflix_genre/titles /m/020bv3 +/m/01x2tm8 /people/person/languages /m/09bnf +/m/01p8s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pllx +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/03krj +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025ldg +/m/0bdt8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xcqc +/m/05p3738 /film/film/genre /m/07s9rl0 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0kygv /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pllx +/m/02v2lh /music/genre/artists /m/0bpk2 +/m/01jrbb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0xbm +/m/059s8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/0d07s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/051kd /tv/tv_program/genre /m/06n90 +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01qq_lp /people/person/profession /m/02hrh1q +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0cw3yd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d1qmz /film/film/written_by /m/0ff2k +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05wm88 /people/person/profession /m/01d_h8 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zwtdy +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06pj8 /film/director/film /m/012mrr +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/05mc99 +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/024c1b +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04czcb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04ftdq +/m/01y9qr /education/educational_institution/colors /m/01l849 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07ykkx5 +/m/02rrfzf /film/film/music /m/06cv1 +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/02yy_j +/m/04ld32 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01w524f /influence/influence_node/influenced_by /m/05np2 +/m/017vkx /people/person/profession /m/09jwl +/m/01wxyx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0crd8q6 +/m/07c52 /media_common/netflix_genre/titles /m/0524b41 +/m/01z4y /media_common/netflix_genre/titles /m/01gkp1 +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/07t90 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/01w5jwb /people/person/gender /m/05zppz +/m/01htxr /people/person/profession /m/0n1h +/m/05ty4m /people/person/profession /m/03gjzk +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/0cz8mkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01clyb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01cr28 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/0fv_t /base/biblioness/bibs_location/country /m/09c7w0 +/m/059rby /location/location/contains /m/0n6dc +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/02hxcvy /language/human_language/countries_spoken_in /m/0hzlz +/m/02hxhz /film/film/language /m/02bjrlw +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01pgzn_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fybl +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0gjvqm +/m/01n7q /location/location/contains /m/0l2wt +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04fkg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/02q56mk /film/film/film_format /m/07fb8_ +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/02_t2t /people/person/profession /m/039v1 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0jsw9l +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01kkjq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/06fpsx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dzlbx +/m/01wk3c /film/actor/film./film/performance/film /m/0qf2t +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0jgd +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/0dryh9k /people/ethnicity/people /m/07t3x8 +/m/01xllf /film/actor/film./film/performance/film /m/01qb559 +/m/02m92h /award/award_winner/awards_won./award/award_honor/award_winner /m/0mdqp +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/03176f +/m/0cj36c /people/person/places_lived./people/place_lived/location /m/0dclg +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01c333 +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0123qq /tv/tv_program/genre /m/01z4y +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/049fcd +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k5zk +/m/059_c /location/location/time_zones /m/02hczc +/m/0nlh7 /base/biblioness/bibs_location/state /m/0j95 +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/01c6l /film/director/film /m/035w2k +/m/05tfn1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06py2 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/02bc74 /people/person/profession /m/02hrh1q +/m/05k7sb /location/location/contains /m/0t_48 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/01k2wn /education/educational_institution/school_type /m/01_srz +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01w1kyf /film/actor/film./film/performance/film /m/06x77g +/m/0bw6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0gmcwlb /film/film/genre /m/05p553 +/m/013dy7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mmslz /film/actor/film./film/performance/film /m/0f8j13 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/064_8sq /language/human_language/countries_spoken_in /m/02kcz +/m/05kj_ /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/04vzv4 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0409n0 +/m/028mpr /base/biblioness/bibs_location/country /m/015fr +/m/025t8bv /music/record_label/artist /m/033s6 +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hvvf +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044lyq +/m/07g1sm /film/film/language /m/02bjrlw +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184jc +/m/0f6zs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fmc5 +/m/04tqtl /film/film/music /m/089kpp +/m/06y0xx /people/person/nationality /m/09c7w0 +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/02pv_d /people/person/profession /m/0dxtg +/m/07h34 /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/043tg /influence/influence_node/influenced_by /m/01ty4 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hxhz +/m/0fb1q /people/person/spouse_s./people/marriage/spouse /m/01ft2l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07q3s +/m/04wmvz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/07t3x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/06s0l /location/country/form_of_government /m/01q20 +/m/042ly5 /film/actor/film./film/performance/film /m/01shy7 +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01vvlyt /people/person/nationality /m/09c7w0 +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/07vc_9 /people/person/place_of_birth /m/06c62 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/0hptm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01bdhf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f830f /people/person/place_of_birth /m/01531 +/m/09lmb /media_common/netflix_genre/titles /m/07s8z_l +/m/01nfys /people/person/profession /m/02hrh1q +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/05cgv /location/country/official_language /m/02h40lc +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/03b78r /people/person/profession /m/02krf9 +/m/05bt6j /music/genre/artists /m/01w3lzq +/m/02q7fl9 /film/film/genre /m/060__y +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03lvwp +/m/0bzyh /people/person/gender /m/05zppz +/m/032nl2 /people/person/profession /m/018gz8 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p0ct +/m/06dv3 /film/actor/film./film/performance/film /m/09q5w2 +/m/017r13 /film/actor/film./film/performance/film /m/04j4tx +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/0gldyz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/02gnj2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gh8zks /film/film/language /m/02h40lc +/m/0170qf /people/person/profession /m/02hrh1q +/m/019389 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/01304j /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/05ns4g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03jqfx /time/event/locations /m/05qhw +/m/0p_rk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rk45 +/m/0bwfwpj /film/film/produced_by /m/0h5jg5 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01nhgd /organization/organization/headquarters./location/mailing_address/citytown /m/01sn3 +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/09cm54 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01718w +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/054_mz +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/0l2vz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05w3f /music/genre/artists /m/01w9ph_ +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/0c9c0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0c6qh /film/actor/film./film/performance/film /m/01dc0c +/m/02gt5s /location/location/contains /m/0vrmb +/m/07ssc /location/location/contains /m/0hl24 +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c8v0 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/01qq80 +/m/014zcr /film/actor/film./film/performance/film /m/01hvjx +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/0c3ybss /film/film/film_festivals /m/0bmj62v +/m/09c7w0 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0db94w /film/film/genre /m/01jfsb +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02ll45 +/m/03k8th /film/film/language /m/04306rv +/m/02q52q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rf51g +/m/04w391 /people/person/place_of_birth /m/030qb3t +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/01rf57 /tv/tv_program/genre /m/06n90 +/m/01wdcxk /people/person/profession /m/039v1 +/m/03zyvw /people/person/nationality /m/09c7w0 +/m/0sw6g /film/actor/film./film/performance/film /m/034qrh +/m/057bc6m /award/award_winner/awards_won./award/award_honor/award_winner /m/05683cn +/m/03lty /music/genre/artists /m/01518s +/m/05sxr_ /film/film/genre /m/03k9fj +/m/082wbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/09c7w0 /location/location/contains /m/071cn +/m/05148p4 /music/instrument/instrumentalists /m/018d6l +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01q460 +/m/0f1jhc /people/person/profession /m/03gjzk +/m/01cw24 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/030qb3t /location/location/contains /m/05q2c +/m/07vk2 /education/educational_institution/students_graduates./education/education/student /m/02r5w9 +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/077q8x /film/film/produced_by /m/0bwh6 +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/028cg00 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01t04r /music/record_label/artist /m/0b_xm +/m/048tv9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/05c5z8j /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/03v0t /location/location/contains /m/0nvvw +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/0dpl44 /film/film/country /m/09c7w0 +/m/057xn_m /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0dx8gj +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0191h5 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/015lhm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lbj1 /music/group_member/membership./music/group_membership/role /m/06ncr +/m/01z9_x /people/person/profession /m/01b30l +/m/03_l8m /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0gr69 /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/02pdhz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03lq43 +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0806vbn /people/person/languages /m/06nm1 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/02t__3 +/m/0cg9f /film/actor/film./film/performance/film /m/0286gm1 +/m/016xh5 /film/actor/film./film/performance/film /m/0bpx1k +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01x209s /people/person/gender /m/02zsn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0glnm +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/058w5 /influence/influence_node/peers./influence/peer_relationship/peers /m/04lg6 +/m/03q3x5 /people/person/place_of_birth /m/0cr3d +/m/0bqs56 /influence/influence_node/influenced_by /m/02h48 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/0l8bg /film/film_subject/films /m/03k8th +/m/02l0xc /film/actor/film./film/performance/film /m/07sgdw +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01jsn5 +/m/01xndd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03fmfs +/m/09t4hh /people/deceased_person/place_of_death /m/015zxh +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/012m_ +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07t21 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06npd +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/05dss7 /film/film/genre /m/01jfsb +/m/07fsv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09hnb /music/artist/contribution./music/recording_contribution/performance_role /m/01s0ps +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0phrl +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01slcv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01k_0fp /people/person/profession /m/02hrh1q +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0pqzh /people/person/profession /m/0dxtg +/m/073v6 /influence/influence_node/influenced_by /m/07dnx +/m/01l3j /people/person/nationality /m/09c7w0 +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/044mjy /people/person/nationality /m/09c7w0 +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/033hn8 /music/record_label/artist /m/01v0fn1 +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/0bqch /people/person/places_lived./people/place_lived/location /m/0d33k +/m/05h43ls /film/film/featured_film_locations /m/02_286 +/m/018q42 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/04n8xs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07c6l /music/instrument/instrumentalists /m/024zq +/m/02h40lc /language/human_language/countries_spoken_in /m/06q1r +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/064t9 /media_common/netflix_genre/titles /m/0bz6sq +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/02661h /film/actor/film./film/performance/film /m/03q0r1 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/04g9gd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ymbl /education/educational_institution/students_graduates./education/education/student /m/0ff3y +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0gs7x /influence/influence_node/influenced_by /m/0mj0c +/m/01l_pn /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/07jq_ /film/film_subject/films /m/0_b3d +/m/0x67 /people/ethnicity/people /m/0pmhf +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/0gzlb9 /film/film/genre /m/070yc +/m/064t9 /music/genre/artists /m/01wz3cx +/m/0d_wms /award/award_winning_work/awards_won./award/award_honor/honored_for /m/044g_k +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/05_5rjx /film/film/language /m/064_8sq +/m/02xwzh /education/educational_institution/colors /m/038hg +/m/064t9 /music/genre/artists /m/09k2t1 +/m/07g0_ /base/aareas/schema/administrative_area/administrative_parent /m/07371 +/m/01wcp_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01wk7ql +/m/0f_y9 /people/person/places_lived./people/place_lived/location /m/0105y2 +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/0h1v19 /film/film/genre /m/01g6gs +/m/012x2b /people/person/profession /m/018gz8 +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/04vlh5 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/student /m/0c8br +/m/0jdhp /film/actor/film./film/performance/film /m/011wtv +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/058kh7 /film/film/produced_by /m/0py5b +/m/05ldxl /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016srn +/m/02v92l /people/person/place_of_birth /m/0gqkd +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/04jpg2p /film/film/story_by /m/03j2gxx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/0436zq /people/deceased_person/place_of_death /m/0r3tq +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/05zy3sc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/037w7r /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3nb +/m/05fkf /location/location/partially_contains /m/0lm0n +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/0kvgxk /film/film/genre /m/07s9rl0 +/m/026fd /influence/influence_node/influenced_by /m/03f47xl +/m/02hvkf /location/location/contains /m/0d2lt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02kxx1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04g51 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3kw +/m/03l6bs /education/educational_institution/campuses /m/03l6bs +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04tr1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/012x4t /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0grwj +/m/07z542 /music/artist/track_contributions./music/track_contribution/role /m/01wy6 +/m/026dd2b /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026r8q +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0l15n +/m/03fwln /people/person/places_lived./people/place_lived/location /m/0t0n5 +/m/0mwx6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02hp6p /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0407yfx /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0fqyzz /award/award_winner/awards_won./award/award_honor/award_winner /m/01vqrm +/m/02h9_l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0cyhq +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01fjz9 +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/025j1t +/m/01_1hw /film/film/production_companies /m/016tt2 +/m/050zr4 /people/person/languages /m/02h40lc +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/027qgy +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/03hjv97 /film/film/music /m/02rf51g +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq4j6 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bmhvpr +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/03jb2n /sports/sports_team/colors /m/06fvc +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/03r0rq /tv/tv_program/country_of_origin /m/09c7w0 +/m/03lvwp /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/016s0m /people/person/nationality /m/09c7w0 +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/06yykb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/014gf8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qlkc3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfpm +/m/017vkx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zs4 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/04045y /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0grwj +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g5lhl7 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vzxld +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02v49c /people/person/nationality /m/0d060g +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/01z5tr +/m/05r5c /music/instrument/instrumentalists /m/01s1zk +/m/0lbd9 /olympics/olympic_games/sports /m/096f8 +/m/04gfy7 /people/ethnicity/people /m/03l3ln +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0gh8zks +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pj5q +/m/04g9gd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024qqx /media_common/netflix_genre/titles /m/02_sr1 +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/09ps01 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06w99h3 +/m/02ylg6 /film/film/production_companies /m/025hwq +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0ky1 /people/person/place_of_birth /m/02m77 +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02gjt4 +/m/0347xl /people/person/profession /m/03gjzk +/m/03_b1g /tv/tv_program/genre /m/03j0dp +/m/0cx7f /music/genre/artists /m/0191h5 +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0jv5x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/0196bp +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h03fhx +/m/0h1cdwq /film/film/executive_produced_by /m/04pqqb +/m/0pc_l /tv/tv_program/genre /m/07s9rl0 +/m/03f7m4h /people/person/profession /m/0nbcg +/m/0d87hc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01r4zfk /film/actor/film./film/performance/film /m/04tc1g +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dcsx /people/cause_of_death/people /m/0168ql +/m/09c7w0 /location/country/second_level_divisions /m/0jrxx +/m/024l2y /film/film/language /m/0jzc +/m/05683cn /people/deceased_person/place_of_death /m/0cb4j +/m/029h45 /people/person/profession /m/02hv44_ +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j80w +/m/013tcv /people/person/place_of_birth /m/06y57 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b149 +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02qhlm +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01x209s +/m/02ndbd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01pcvn /people/person/profession /m/02hrh1q +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06_bq1 +/m/0fzyg /film/film_subject/films /m/0pd57 +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/07tl0 +/m/0n5bk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/0dgq80b /film/film/genre /m/03npn +/m/03j24kf /people/person/profession /m/0n1h +/m/035rnz /people/person/places_lived./people/place_lived/location /m/0mn0v +/m/0m2gk /location/location/contains /m/01m1_t +/m/06nvzg /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0b1s_q /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/051ysmf /people/person/profession /m/089fss +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/0n85g /music/record_label/artist /m/01wzlxj +/m/0167km /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0crh5_f /film/film/genre /m/01jfsb +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016kb7 +/m/041y2 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01s7pm +/m/01q8hj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/02lnbg /music/genre/artists /m/02zmh5 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01r9fv /people/person/profession /m/016z4k +/m/06q8hf /people/person/profession /m/012t_z +/m/01twdk /people/person/languages /m/02h40lc +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0170s4 /film/actor/film./film/performance/film /m/0gkz15s +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02bn75 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/04rrx /location/location/contains /m/0vm39 +/m/0ny75 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0h1p /film/director/film /m/01mgw +/m/016sqs /people/person/profession /m/0n1h +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/065zlr /film/film/production_companies /m/08wjc1 +/m/026zlh9 /film/film/production_companies /m/0g1rw +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/02v0ff /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01p_ly /base/biblioness/bibs_location/country /m/05v8c +/m/0m9_5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/04l19_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03_vx9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07l450 /film/film/language /m/064_8sq +/m/03pp73 /people/person/nationality /m/09c7w0 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/03f4k /people/person/sibling_s./people/sibling_relationship/sibling /m/03zrp +/m/04p3w /people/cause_of_death/people /m/015rhv +/m/0dr1c2 /tv/tv_program/genre /m/07s9rl0 +/m/03bxwtd /people/person/gender /m/05zppz +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/04bdpf /people/person/place_of_birth /m/0yc84 +/m/01h0kx /music/genre/parent_genre /m/05r6t +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07k2p6 +/m/03y0pn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z4b_8 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/035qy /location/location/contains /m/0b2mc +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/0kbws /olympics/olympic_games/participating_countries /m/06jnv +/m/02w9895 /people/person/profession /m/02hrh1q +/m/039n1 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/041rx /people/ethnicity/people /m/01sxq9 +/m/05mv4 /education/educational_institution/colors /m/03wkwg +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/01386_ /people/person/profession /m/016z4k +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/04d2yp +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/07ldhs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/048xg8 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/04rzd +/m/0181dw /music/record_label/artist /m/0565cz +/m/01tfck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0794g +/m/03772 /influence/influence_node/influenced_by /m/01v9724 +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/0h6sv /people/person/profession /m/01c8w0 +/m/01nx_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07nznf +/m/01_1pv /film/film/music /m/03n0pv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02w9895 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwt5 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0bksh /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/084m3 +/m/04_1l0v /location/location/contains /m/07_f2 +/m/03fykz /award/award_winner/awards_won./award/award_honor/award_winner /m/055sjw +/m/01fqm /location/location/time_zones /m/03bdv +/m/0g4vmj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/04gkp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0g22z /film/film/country /m/09c7w0 +/m/01634x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02qfhb /film/actor/film./film/performance/film /m/07yvsn +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bqxb +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01ldw4 +/m/01gg59 /award/award_winner/awards_won./award/award_honor/award_winner /m/05q9g1 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pw9v +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0j6b5 /film/film/genre /m/03k9fj +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01pnn3 /film/actor/film./film/performance/film /m/0473rc +/m/03phtz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01_wfj /music/artist/origin /m/01m3b7 +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0k6yt1 /people/person/profession /m/02hrh1q +/m/02qgyv /people/person/nationality /m/09c7w0 +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/01f6zc /people/person/spouse_s./people/marriage/spouse /m/0kjrx +/m/03s0w /base/aareas/schema/administrative_area/capital /m/02j3w +/m/028qyn /people/person/nationality /m/09c7w0 +/m/075wx7_ /film/film/genre /m/01hmnh +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0prpt /film/film/film_festivals /m/03wf1p2 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01l_yg /film/actor/film./film/performance/film /m/085bd1 +/m/06pjs /people/person/gender /m/05zppz +/m/01f1kd /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/02_sr1 /film/film/executive_produced_by /m/04q5zw +/m/02plv57 /sports/sports_team/colors /m/019sc +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02c6d /film/film/genre /m/01585b +/m/01qtj9 /location/administrative_division/country /m/06mzp +/m/01w9wwg /people/person/profession /m/02hrh1q +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/076tq0z /film/film/genre /m/05p553 +/m/032_jg /film/actor/film./film/performance/film /m/051ys82 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k_4g +/m/02lkcc /film/actor/film./film/performance/film /m/0435vm +/m/016dp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01vtj38 /film/actor/film./film/performance/film /m/0yxm1 +/m/05y5fw /people/person/profession /m/03gjzk +/m/02k_kn /music/genre/artists /m/026spg +/m/0p17j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/01l9p /film/actor/film./film/performance/film /m/02qhqz4 +/m/0c_tl /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0lv1x /olympics/olympic_games/sports /m/06z6r +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/014tss +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b190 +/m/01k0xy /film/film/executive_produced_by /m/034bgm +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/05yh_t +/m/01gc7h /people/person/profession /m/02krf9 +/m/0cl8c /base/biblioness/bibs_location/state /m/07371 +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kj_ +/m/071xj /people/person/religion /m/03j6c +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/042kg /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gn30 +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/06nrt +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/065mm1 /film/actor/film./film/performance/film /m/02c7k4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/02cff1 /film/actor/film./film/performance/film /m/01cz7r +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/049xgc /film/film/country /m/09c7w0 +/m/02p11jq /music/record_label/artist /m/01jfnvd +/m/09c7w0 /location/location/contains /m/01zmqw +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/03rjj /location/location/contains /m/0c7f7 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/01yg9y /people/person/nationality /m/0f8l9c +/m/02jt1k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxbr /location/hud_county_place/place /m/0bxbr +/m/01pq5j7 /people/person/profession /m/0nbcg +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04xn2m +/m/031c2r /film/actor/film./film/performance/film /m/03d8jd1 +/m/06182p /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0d1w9 /film/film_subject/films /m/0cwfgz +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gd0c7x /film/film/country /m/07ssc +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/09hnb +/m/01w9ph_ /influence/influence_node/influenced_by /m/0hky +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfv +/m/04bd8y /film/actor/film./film/performance/film /m/0gjc4d3 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03s6l2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mt4k +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddf2bm +/m/0j8f09z /film/film/language /m/02h40lc +/m/026g73 /music/instrument/family /m/026t6 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04fv0k +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jhp +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04j53 +/m/04nnpw /film/film/country /m/06mkj +/m/0dsfnd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02w7gg /people/ethnicity/people /m/0kftt +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03_gz8 +/m/0h1x5f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06jk5_ +/m/049_zz /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/0c5dd /film/film/production_companies /m/017s11 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/05th69 +/m/0ggq0m /music/genre/artists /m/03_f0 +/m/0lk0l /education/educational_institution/campuses /m/0lk0l +/m/02qkwl /film/film/featured_film_locations /m/01_d4 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/02__x +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pbsry +/m/0170qf /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/03z5xd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02k54 /location/location/contains /m/013g3 +/m/060_7 /influence/influence_node/influenced_by /m/07_m2 +/m/03xx9l /people/person/nationality /m/09c7w0 +/m/07bx6 /film/film/featured_film_locations /m/0r8bh +/m/016zwt /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpj9pm /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02lj6p /film/actor/film./film/performance/film /m/0418wg +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01kgv4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0456xp +/m/045zr /award/award_winner/awards_won./award/award_honor/award_winner /m/01l7cxq +/m/01hmnh /media_common/netflix_genre/titles /m/01xdxy +/m/05kkh /location/location/contains /m/01snm +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/012fvq /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0436yk /film/film/genre /m/0bj8m2 +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xkps +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07l4zhn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/041rx /people/ethnicity/people /m/0ff3y +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0291ck +/m/06j6l /music/genre/artists /m/01lvcs1 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01p896 /education/educational_institution/colors /m/038hg +/m/03x23q /education/educational_institution/students_graduates./education/education/student /m/01w7nww +/m/0lwkh /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0161c /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01j851 /people/person/profession /m/01d_h8 +/m/0qcr0 /people/cause_of_death/people /m/02_33l +/m/05fgt1 /film/film/genre /m/06cvj +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/017xm3 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01ynzf +/m/01pkhw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pk8v +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/02cpb7 +/m/017l96 /music/record_label/artist /m/0249kn +/m/0dscrwf /film/film/country /m/09c7w0 +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x16f +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/059t8 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0m40d /music/genre/artists /m/01tl50z +/m/04tz52 /film/film/genre /m/0btmb +/m/013xrm /people/ethnicity/people /m/07mz77 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/03whyr /film/film/country /m/09c7w0 +/m/012cph /people/person/gender /m/05zppz +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nlb94 +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj8x +/m/012x4t /people/person/profession /m/01b30l +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/028bs1p /people/person/profession /m/02hrh1q +/m/06mt91 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07ss8_ +/m/02cllz /film/actor/film./film/performance/film /m/0gvrws1 +/m/08b8vd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_01w +/m/0fy34l /film/film/film_production_design_by /m/05b2gsm +/m/012yc /music/genre/artists /m/01vw26l +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/014nq4 /film/film/story_by /m/08nz99 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0150n +/m/0cm89v /people/person/profession /m/01d_h8 +/m/046zh /film/actor/film./film/performance/film /m/04lhc4 +/m/07ym0 /people/person/places_lived./people/place_lived/location /m/03902 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/01xvlc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/0h1m9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04__f +/m/07c5l /location/location/contains /m/05r7t +/m/0k3p /base/biblioness/bibs_location/state /m/0fqyc +/m/02b1hq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0k_kr /music/record_label/artist /m/07sbk +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/0dzlbx /film/film/production_companies /m/05qd_ +/m/042f1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/0557yqh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q45x +/m/0191h5 /people/person/profession /m/0nbcg +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01rc6f /education/educational_institution/colors /m/083jv +/m/02hnl /music/instrument/instrumentalists /m/03f5spx +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j7rd +/m/01qbjg /people/person/profession /m/02hrh1q +/m/08966 /base/aareas/schema/administrative_area/administrative_parent /m/01kk32 +/m/0l99s /influence/influence_node/influenced_by /m/05gpy +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/011zd3 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02_l39 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/02lv2v /education/educational_institution/campuses /m/02lv2v +/m/07z1m /location/location/contains /m/02zr0z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q8hj +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0fwy0h /people/person/gender /m/02zsn +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/0jm5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/068p2 /sports/sports_team_location/teams /m/05tfm +/m/0z5vp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06x43v /film/film/genre /m/01jfsb +/m/05nrg /location/location/contains /m/07z5n +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04w7rn +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01j922 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07zhd7 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/05kr_ /location/location/time_zones /m/02hcv8 +/m/027571b /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01z2sn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q8fxx +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0783m_ +/m/09fn1w /film/film/produced_by /m/02x20c9 +/m/020trj /people/person/religion /m/01lp8 +/m/01vvyd8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/04n3l +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/07bsj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gc7h +/m/06klyh /education/educational_institution/school_type /m/07tf8 +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01_9c1 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/06jcc /influence/influence_node/influenced_by /m/04093 +/m/0ny1p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0d6lp +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0488g +/m/09b3v /media_common/netflix_genre/titles /m/0d4htf +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dh73w +/m/026n4h6 /film/film/language /m/02h40lc +/m/02brqp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0glt670 /music/genre/artists /m/017lb_ +/m/0q9sg /film/film/language /m/06b_j +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/02z3r8t /film/film/music /m/02g40r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/015cqh +/m/01xdf5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/025ts_z /film/film/language /m/02h40lc +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06vbd +/m/04411 /influence/influence_node/peers./influence/peer_relationship/peers /m/0mj0c +/m/0150t6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0fjzsy /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0d99k_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09wnnb /film/film/music /m/01hw6wq +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/084m3 +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/01ry_x /film/film/genre /m/04t36 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01x4r3 +/m/0dsb_yy /people/person/nationality /m/07ssc +/m/06n7h7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/03ft8 /people/person/profession /m/03gjzk +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0151w_ +/m/018sg9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0683n /influence/influence_node/influenced_by /m/03f0324 +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/033dbw /film/film/produced_by /m/0grwj +/m/05xvj /sports/sports_team/sport /m/018jz +/m/027024 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04ghz4m /film/film/genre /m/01jfsb +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0294mx /film/film/genre /m/0lsxr +/m/0ys4f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/03r0rq /tv/tv_program/genre /m/05p553 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/0gjvqm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0fby2t /film/actor/film./film/performance/film /m/047svrl +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0571m /film/film/genre /m/01jfsb +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06182p +/m/04bdxl /people/person/places_lived./people/place_lived/location /m/02xry +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/05183k /people/person/profession /m/02hv44_ +/m/03gyl /location/country/form_of_government /m/01fpfn +/m/0pv2t /film/film/language /m/02h40lc +/m/05rfst /film/film/film_production_design_by /m/03mdw3c +/m/04yyhw /film/actor/film./film/performance/film /m/024lt6 +/m/07ssc /location/location/contains /m/0dmy0 +/m/06n7h7 /people/person/profession /m/0d8qb +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/04hqz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05dptj /film/film/language /m/02h40lc +/m/0dgq80b /film/film/produced_by /m/02xnjd +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06mvyf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_p5w +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_06s +/m/015whm /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jzw +/m/01f7jt /film/film/country /m/09c7w0 +/m/01sp81 /people/person/religion /m/0kpl +/m/014z8v /people/person/place_of_birth /m/02_286 +/m/02g0mx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bq2g +/m/0mpzm /location/location/contains /m/0vzm +/m/0fc1_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc_p +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/04n32 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/07w3r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/07c37 /influence/influence_node/influenced_by /m/05qmj +/m/01tnxc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0d4htf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/028mc6 /people/deceased_person/place_of_death /m/02_286 +/m/026kmvf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/019m9h +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/032yps +/m/046mxj /people/person/gender /m/05zppz +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01svw8n +/m/02jx1 /location/location/contains /m/0138kk +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/035wtd /education/educational_institution/colors /m/01g5v +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01zz8t /people/person/profession /m/02hrh1q +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0lmm3 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7jt +/m/05j085 /award/award_category/disciplines_or_subjects /m/04g51 +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05gsd2 +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01vs4ff /people/person/profession /m/016z4k +/m/098z9w /tv/tv_program/country_of_origin /m/09c7w0 +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0hnjt +/m/0b_72t /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/042xrr /film/actor/film./film/performance/film /m/03l6q0 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/021bmf /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/035gnh /film/film/featured_film_locations /m/0cv3w +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/0408m53 /film/film/country /m/09c7w0 +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05krk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/05nw9m /people/person/profession /m/02hrh1q +/m/0mb8c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_2y +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/028kj0 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/016dj8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03rwz3 +/m/0n5fl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n59t +/m/04dqdk /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p4w8 +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/023mdt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03x400 +/m/02qlg7s /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/084w8 /people/person/languages /m/02h40lc +/m/06nfl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07gghl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0gpprt /people/person/profession /m/021wpb +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0638kv +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01b64v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/051qvn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/01r47h /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0jgd /location/country/official_language /m/06nm1 +/m/04112r /sports/sports_team/colors /m/06fvc +/m/0qlnr /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/0cj2w /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6qt +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/01w31x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020trj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/02725hs /film/film/language /m/04306rv +/m/075wx7_ /film/film/country /m/09c7w0 +/m/0h7dd /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/014g91 /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mzf8 +/m/0233bn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f873 +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01s1zk /award/award_winner/awards_won./award/award_honor/award_winner /m/015mrk +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/09b69 /location/location/partially_contains /m/07t21 +/m/02p3cr5 /music/record_label/artist /m/023l9y +/m/03mqj_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rrd4 +/m/01gbcf /music/genre/parent_genre /m/06by7 +/m/07b8m1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06_sc3 /film/film/genre /m/02kdv5l +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/02mjmr /people/person/profession /m/0fj9f +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/01gy7r /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/015wnl /film/actor/film./film/performance/film /m/0dcz8_ +/m/0cz_ym /film/film/production_companies /m/016tw3 +/m/01gn36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5fg +/m/02qpbqj /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01ycbq /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05_61y /award/award_winning_work/awards_won./award/award_honor/award /m/0gvx_ +/m/0d3qd0 /people/person/profession /m/04gc2 +/m/043mk4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zfmm +/m/04cxw5b /sports/sports_team/colors /m/01l849 +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/03qcq /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/07h34 /location/location/contains /m/05jbn +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/01vs5c +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/02x8fs /film/film/executive_produced_by /m/0fz27v +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/03rhqg /music/record_label/artist /m/01l4zqz +/m/06y_n /tv/tv_program/program_creator /m/01_x6d +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0171lb /film/director/film /m/0ktx_ +/m/01rl_3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02txdf /education/university/fraternities_and_sororities /m/035tlh +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/03zmc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0237fw /people/person/spouse_s./people/marriage/spouse /m/03mp9s +/m/052hl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02nrdp +/m/0432b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f2sx4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01c22t +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0ywqc /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01ccr8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01k53x /people/person/spouse_s./people/marriage/spouse /m/01nglk +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/0c4f4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/048lv +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/023r2x /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qlv7 +/m/0dryh9k /people/ethnicity/people /m/0fg_hg +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015rkw +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03m8y5 +/m/0424m /influence/influence_node/influenced_by /m/026lj +/m/02l1fn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mw6c /education/educational_institution/school_type /m/01jlsn +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/059rby /location/location/contains /m/02kbtf +/m/025b5y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049fcd +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/03c6vl +/m/01x0yrt /people/person/places_lived./people/place_lived/location /m/01gc8c +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02lp3c +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/017dpj /people/person/profession /m/0dxtg +/m/0sz28 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/0l38x /location/location/contains /m/0r8bh +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0cq806 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0kbws /olympics/olympic_games/participating_countries /m/088vb +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/040vgd +/m/06ltr /film/actor/film./film/performance/film /m/085bd1 +/m/06z5s /people/cause_of_death/people /m/06myp +/m/0x67 /people/ethnicity/people /m/095nx +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5ptf +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/03y3dk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0fpjd_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01fh0q +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/020_95 /film/actor/film./film/performance/film /m/02rqwhl +/m/015rkw /film/actor/film./film/performance/film /m/04ydr95 +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016dj8 +/m/01fh9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/05148p4 /music/instrument/instrumentalists /m/048tgl +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq0j +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072zl1 +/m/0n4z2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c4y8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/09c7w0 /location/location/contains /m/0ght2 +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/03sww /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0gxfz /film/film/genre /m/01g6gs +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/05pxnmb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/016vg8 /film/actor/film./film/performance/film /m/02b6n9 +/m/03fn8k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/07j94 /film/film/featured_film_locations /m/0dclg +/m/01xndd /film/director/film /m/06fqlk +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/030ykh +/m/01psyx /people/cause_of_death/people /m/012gbb +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/0mmpm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0239kh +/m/03m6pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cz7r +/m/014zfs /influence/influence_node/influenced_by /m/014z8v +/m/0bx8pn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/073v6 /people/person/profession /m/0cbd2 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/05r4w +/m/026c1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz91 +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfg +/m/015grj /film/actor/film./film/performance/film /m/03rtz1 +/m/02lk1s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01w8n89 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029v40 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0432b +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01trxd +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0347db +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02nwxc +/m/03jjzf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/031zkw +/m/02qflgv /people/person/nationality /m/02jx1 +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01wvxw1 +/m/09fqdt /people/person/gender /m/05zppz +/m/02w0dc0 /people/person/place_of_birth /m/05qtj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02t4yc +/m/0f7h2v /film/actor/film./film/performance/film /m/0h03fhx +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778qt +/m/07ylj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zd460 +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/05xd8x /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02whj /people/person/profession /m/09jwl +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/09wj5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pk8v +/m/0ftvz /location/hud_county_place/place /m/0ftvz +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/0j8js /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0sz28 +/m/06q1r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/06chvn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/0n59t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5fl +/m/0c0nhgv /film/film/film_festivals /m/0gg7gsl +/m/012vf6 /people/person/places_lived./people/place_lived/location /m/0fvxg +/m/05cqhl /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0n5yv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5y4 +/m/01lz4tf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01m13b /film/film/country /m/07ssc +/m/0kbws /olympics/olympic_games/sports /m/06z68 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/012x4t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/095b70 +/m/05bt6j /music/genre/artists /m/03y82t6 +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01k_mc +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0f3zsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033dbw +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050gkf +/m/01n4f8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02lnhv +/m/03kxzm /location/location/contains /m/01gr00 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/020l9r /people/person/place_of_birth /m/0_vn7 +/m/0jrjb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b2v79 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/032nwy /people/person/profession /m/01c72t +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/02jxbw /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bbw2z6 +/m/0gmblvq /film/film/language /m/02h40lc +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/01n8qg /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/02l4rh /film/actor/film./film/performance/film /m/0gyy53 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fhjz +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/05qbckf /film/film/personal_appearances./film/personal_film_appearance/person /m/079vf +/m/06btq /location/location/contains /m/0mw5x +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6f8pf +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j_j0 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02ln0f +/m/0gkg6 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g8st4 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/03_r_5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016ggh /film/actor/film./film/performance/film /m/0209hj +/m/0jmmn /sports/sports_team/sport /m/018w8 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/02hcxm +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035yg +/m/03s2y9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0jwmp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/042q3 +/m/083q7 /film/film_subject/films /m/03bdkd +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0dyb1 /film/film/written_by /m/05_k56 +/m/03wdsbz /people/person/place_of_birth /m/0cr3d +/m/0mb0 /people/person/nationality /m/09c7w0 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/02b15h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dd2b +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0b6l1st /film/film/music /m/0bs1yy +/m/03rl84 /people/person/places_lived./people/place_lived/location /m/0d060g +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/01xwv7 /people/person/nationality /m/09c7w0 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/05jg58 /music/genre/artists /m/01cblr +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0bw20 /film/film/genre /m/0c3351 +/m/016clz /music/genre/artists /m/043c4j +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01wgfp6 /people/person/profession /m/09jwl +/m/021vwt /film/actor/film./film/performance/film /m/05jf85 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/0jjy0 /film/film/language /m/05zjd +/m/02c638 /film/film/language /m/02h40lc +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/01mqnr /film/actor/film./film/performance/film /m/0443v1 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08g_jw /film/film/featured_film_locations /m/0n6dc +/m/03n93 /people/person/profession /m/012t_z +/m/01trhmt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/01gtc0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0ds2sb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/07myb2 /people/person/place_of_birth /m/01531 +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0d05w3 /media_common/netflix_genre/titles /m/065ym0c +/m/0661m4p /film/film/country /m/0j1z8 +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/071h5c /people/person/profession /m/0gl2ny2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5fg +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03jldb +/m/0c33pl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fb1q +/m/01wmjkb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/01f6x7 /film/film/production_companies /m/020h2v +/m/048cl /people/person/religion /m/05sfs +/m/07b_l /location/location/time_zones /m/02hczc +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/0gw7p /film/film/genre /m/05p553 +/m/0969vz /people/person/nationality /m/03rk0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02hft3 +/m/09wnnb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027jq2 /people/person/profession /m/09jwl +/m/0cj8x /people/person/places_lived./people/place_lived/location /m/0chrx +/m/0xy28 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09fb5 +/m/01l1rw /people/person/place_of_birth /m/02_286 +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01vvyfh /influence/influence_node/influenced_by /m/012z8_ +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0263tn1 /people/person/nationality /m/02jx1 +/m/0b6k40 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/01mk6 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/0nh0f /location/location/time_zones /m/02fqwt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0415zv +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01b66t +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/02847m9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026zlh9 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/035kl6 /film/actor/film./film/performance/film /m/03pc89 +/m/019kyn /film/film/genre /m/04rlf +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/06ltr +/m/0fsm8c /film/actor/film./film/performance/film /m/0cc5mcj +/m/03ft8 /people/person/profession /m/0dxtg +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/04bs3j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/03mb9 /music/genre/artists /m/05k79 +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/02fb1n /people/person/spouse_s./people/marriage/spouse /m/0k8y7 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/0cn_b8 /film/film/written_by /m/0fxky3 +/m/02lkcc /film/actor/film./film/performance/film /m/03tbg6 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dyvs +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/022lly /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wmy /location/country/form_of_government /m/018wl5 +/m/01gbb4 /people/person/profession /m/02hv44_ +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02gd6x +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03sc8 +/m/02t_y3 /film/actor/film./film/performance/film /m/04y5j64 +/m/03f1zhf /people/person/gender /m/05zppz +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01fm07 /music/genre/artists /m/016ppr +/m/011v3 /sports/sports_team/colors /m/019sc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01385g /people/person/place_of_birth /m/095l0 +/m/0tc7 /people/person/profession /m/012t_z +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0345h /location/location/contains /m/0dgfx +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/06_wqk4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07l1c /organization/organization/headquarters./location/mailing_address/citytown /m/059rby +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/05strv +/m/015whm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/063_t +/m/09v8clw /film/film/music /m/0150t6 +/m/02bgmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02630g +/m/04czhj /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09q17 /media_common/netflix_genre/titles /m/026hxwx +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmdwwg +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/04k3jt +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/01wg6y /people/person/profession /m/01d30f +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/04j4tx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/03cglm /film/actor/film./film/performance/film /m/0ct2tf5 +/m/01nz1q6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03rk0 /media_common/netflix_genre/titles /m/03rz2b +/m/027r8p /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/019n9w +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/0ddfwj1 /film/film/film_format /m/0cj16 +/m/01b195 /film/film/genre /m/07s9rl0 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/016jny /music/genre/artists /m/04mky3 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06b_j +/m/0241wg /people/person/languages /m/02h40lc +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01gq0b +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/0blpg /film/film/country /m/09c7w0 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01gvsn /film/film/genre /m/02l7c8 +/m/02w4v /music/genre/artists /m/014488 +/m/0h7pj /film/actor/film./film/performance/film /m/0gwlfnb +/m/0f2rq /sports/sports_team_location/teams /m/0d3fdn +/m/01q_wyj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03zm00 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/025hwq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/02mhfy +/m/024lt6 /film/film/music /m/0jn5l +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/05w3y /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/05183k /people/person/place_of_birth /m/071vr +/m/03yfh3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02w7gg /people/ethnicity/people /m/040dv +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03061d /people/person/nationality /m/09c7w0 +/m/016zfm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g2lq +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/02kxbwx /film/director/film /m/01vfqh +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/03f0324 /people/person/religion /m/03_gx +/m/02jxrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0pb33 /film/film/genre /m/0lsxr +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b6mgp_ +/m/04q24zv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02dlfh /people/person/profession /m/03gjzk +/m/02zmh5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwbts +/m/06j6l /music/genre/artists /m/016pns +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0164nb /people/person/places_lived./people/place_lived/location /m/01n7q +/m/01pj48 /education/educational_institution_campus/educational_institution /m/01pj48 +/m/0fx0mw /film/actor/film./film/performance/film /m/0dsvzh +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/08vr94 /film/actor/film./film/performance/film /m/02825kb +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/07sgfsl +/m/0227vl /film/actor/film./film/performance/film /m/0cn_b8 +/m/014gf8 /people/person/profession /m/02hrh1q +/m/064t9 /music/genre/artists /m/02bc74 +/m/02x8fs /film/film/genre /m/05p553 +/m/0ggx5q /music/genre/artists /m/0892sx +/m/02yv6b /music/genre/artists /m/01w60_p +/m/05w3f /music/genre/artists /m/02ndj5 +/m/07nv3_ /people/person/gender /m/05zppz +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/012v8 /language/human_language/countries_spoken_in /m/07t21 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/04rrd /location/location/contains /m/0cv1h +/m/03h2p5 /people/person/nationality /m/09c7w0 +/m/04k25 /people/person/nationality /m/0k6nt +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016v46 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0hbbx +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/03spz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/0blpnz /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9ctht +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/09blyk /media_common/netflix_genre/titles /m/05pt0l +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0qcr0 /people/cause_of_death/people /m/06y7d +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09bv45 /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0n6f8 +/m/0fztbq /film/film/language /m/02h40lc +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027pfg +/m/01vvyd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/020h2v +/m/030h95 /film/actor/film./film/performance/film /m/02gqm3 +/m/023v4_ /film/actor/film./film/performance/film /m/04ydr95 +/m/07ssc /location/location/contains /m/0dplh +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0187nd +/m/03phgz /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0391jz /award/award_winner/awards_won./award/award_honor/award_winner /m/03m6_z +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pjvc +/m/098s2w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025y9fn +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01cj6y /film/actor/film./film/performance/film /m/03sxd2 +/m/07ssc /location/location/contains /m/01zkgw +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/0jdhp /people/person/profession /m/0dxtg +/m/06cv1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w4v /music/genre/artists /m/015cxv +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04lqvlr /film/film/country /m/0f8l9c +/m/047g6m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/017xm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj9t +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/025_ql1 /people/person/profession /m/01d_h8 +/m/01chpn /film/film/executive_produced_by /m/02mt4k +/m/01wk51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01p7yb /people/person/gender /m/02zsn +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/0ddkf /people/person/profession /m/0n1h +/m/02q_4ph /film/film/costume_design_by /m/0c6g29 +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/049k07 /people/person/place_of_birth /m/0cv3w +/m/07w8fz /film/film/written_by /m/0bsb4j +/m/04pp9s /people/person/gender /m/02zsn +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0kc8y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/01gf5h /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/05sy2k_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/076_74 /people/person/gender /m/05zppz +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/037hz /media_common/netflix_genre/titles /m/057__d +/m/09v0wy2 /award/award_category/winners./award/award_honor/award_winner /m/012d40 +/m/04pk1f /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0fd3y /music/genre/artists /m/01d_h +/m/01qdmh /film/film/country /m/0345h +/m/05sns6 /film/film/genre /m/05p553 +/m/02wzv /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/019rl6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0ggx5q /music/genre/artists /m/01s7ns +/m/03pnvq /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/01xvb /sports/sports_team/colors /m/083jv +/m/02txdf /education/educational_institution/colors /m/01l849 +/m/015_1q /music/record_label/artist /m/02f1c +/m/04z0g /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/0nm9y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm42 +/m/0c_md_ /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05mxw33 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mt91 +/m/02bwc7 /people/person/profession /m/03gjzk +/m/022fj_ /education/educational_institution/school_type /m/05jxkf +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03_d0 /music/genre/artists /m/0b_j2 +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/01q2nx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09hd16 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy7bj4 +/m/027986c /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02k1b /location/location/partially_contains /m/0p2n +/m/0g5pv3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n85g /music/record_label/artist /m/015xp4 +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/01kwsg +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/01p4wv +/m/01tntf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0lpp8 /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/072zl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0252fh /people/person/religion /m/03_gx +/m/01rh0w /film/actor/film./film/performance/film /m/0bpbhm +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/015v3r +/m/02rb84n /film/film/genre /m/03k9fj +/m/05k7sb /location/location/contains /m/0p7tb +/m/04v8x9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qdhx /education/educational_institution/students_graduates./education/education/student /m/03gr7w +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vs4ff /people/person/profession /m/04f2zj +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/04kngf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0m2dk /location/location/contains /m/0qr4n +/m/026mg3 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_47 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/036dyy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_ztw +/m/08jfkw /film/actor/film./film/performance/film /m/08rr3p +/m/03n52j /base/eating/practicer_of_diet/diet /m/07_hy +/m/015_1q /music/record_label/artist /m/015cqh +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/05p3738 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04b2qn /film/film/genre /m/0556j8 +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/06ncr +/m/03f7xg /film/film/production_companies /m/031rp3 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06by7 /music/genre/artists /m/01s7ns +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/06x4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03bxwtd +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yzbg +/m/0nn83 /location/us_county/county_seat /m/0f__1 +/m/02lnbg /music/genre/artists /m/019g40 +/m/033p3_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015dcj +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0crvfq +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/033_1p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm9n +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/06vv_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc97st +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06nm1 /media_common/netflix_genre/titles /m/07l50vn +/m/0448r /people/person/profession /m/05z96 +/m/053xw6 /film/actor/film./film/performance/film /m/01_0f7 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/064n1pz +/m/03j24kf /people/person/profession /m/05z96 +/m/05x_5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05nyqk /film/film/executive_produced_by /m/03swmf +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/05g7gs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/027hm_ /people/person/gender /m/05zppz +/m/01f7dd /film/actor/film./film/performance/film /m/0yyg4 +/m/01jp4s /sports/sports_team_location/teams /m/01dwyd +/m/027gy0k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lygq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04jpl /location/location/contains /m/03jn4 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06qd3 +/m/01hq1 /film/film/produced_by /m/07rd7 +/m/0jtg0 /music/instrument/instrumentalists /m/01tw31 +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0nv6n /location/location/time_zones /m/02fqwt +/m/02ln1 /people/deceased_person/place_of_death /m/0ptj2 +/m/023ny6 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0xddr /base/biblioness/bibs_location/country /m/09c7w0 +/m/08l_c1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0cf08 /film/film/genre /m/07s9rl0 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/015pkc /film/actor/film./film/performance/film /m/03h0byn +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/07c52 /media_common/netflix_genre/titles /m/03j63k +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/0674cw /people/person/gender /m/05zppz +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0g476 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01p47r +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/070tng +/m/026n3rs /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/0bscw /film/film/genre /m/07s9rl0 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cbv4g +/m/01yndb /people/person/profession /m/09jwl +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/043n0v_ /film/film/country /m/03h64 +/m/02t901 /people/person/profession /m/0np9r +/m/02t1wn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0snty /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0g7s1n +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0ggbfwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0407yj_ +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/052nd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01k7b0 /film/film/language /m/04306rv +/m/09v51c2 /award/award_category/disciplines_or_subjects /m/02vxn +/m/03lvwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08664q +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04ktcgn +/m/02rf1y /people/person/places_lived./people/place_lived/location /m/019fh +/m/015rmq /people/person/profession /m/01c8w0 +/m/033tf_ /people/ethnicity/people /m/0693l +/m/07f1x /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/017c87 /people/person/spouse_s./people/marriage/spouse /m/014x77 +/m/03qcfvw /film/film/music /m/02jxkw +/m/0639bg /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07ssc /location/location/contains /m/05nwr +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqjhm +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03x3l +/m/03lrqw /film/film/story_by /m/01v9724 +/m/0155w /music/genre/artists /m/01vw20_ +/m/0c4f4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0mcf4 /music/record_label/artist /m/0f0y8 +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/047g8h +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/0l6ny /olympics/olympic_games/sports /m/096f8 +/m/013w7j /people/person/places_lived./people/place_lived/location /m/0yc7f +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03__y +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fkf +/m/01qb5d /film/film/story_by /m/07nznf +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/0hwbd +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/01lc5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02wlk /people/person/gender /m/05zppz +/m/04rrd /location/administrative_division/country /m/09c7w0 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0dzlk /people/person/profession /m/02hrh1q +/m/07t_x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/022fdt /people/ethnicity/languages_spoken /m/02hwyss +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/0ds6bmk /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/015pdg /music/genre/artists /m/016s_5 +/m/0bw6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/096hm /people/person/nationality /m/09c7w0 +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tspc6 +/m/0c_m3 /location/hud_county_place/place /m/0c_m3 +/m/01wcp_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01364q +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0kxbc /people/person/profession /m/01c72t +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mbs8 +/m/0qzhw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mg1w /education/field_of_study/students_majoring./education/education/student /m/0prjs +/m/08s0m7 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/09m6kg /film/film/production_companies /m/04rtpt +/m/02r_d4 /film/actor/film./film/performance/film /m/03vfr_ +/m/0dq2k /people/person/profession /m/04gc2 +/m/07c52 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0psss /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw5x +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/0h6r5 /film/film/language /m/02bjrlw +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/024dgj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/028knk /people/person/nationality /m/09c7w0 +/m/01znc_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0l14qv /music/instrument/instrumentalists /m/0c9d9 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/03lvwp +/m/03cs_xw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0dtfn /film/film/prequel /m/0fdv3 +/m/02rjz5 /sports/sports_team/sport /m/02vx4 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r42_g +/m/0jrhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrtv +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/08qxx9 +/m/07w8fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vx4c2 +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01bpnd +/m/0m66w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/034qg /people/cause_of_death/people /m/0484q +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/048z7l /people/ethnicity/people /m/06mn7 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01tntf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dbbz /people/person/profession /m/0dxtg +/m/09x3r /olympics/olympic_games/participating_countries /m/015qh +/m/01tffp /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03spz +/m/05sns6 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/01flv_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06ltr /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/03295l /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/021996 /education/educational_institution/colors /m/01g5v +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01ls2 +/m/02w86hz /film/film/genre /m/02l7c8 +/m/062zm5h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0qm40 /base/biblioness/bibs_location/state /m/09hzw +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/05xf75 /people/person/place_of_birth /m/01b8w_ +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01n44c /film/actor/film./film/performance/film /m/027fwmt +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/01rgdw /education/educational_institution/colors /m/019sc +/m/035yg /location/country/form_of_government /m/01q20 +/m/06bss /people/person/gender /m/05zppz +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07sp4l /film/film/genre /m/02kdv5l +/m/0kbws /olympics/olympic_games/participating_countries /m/04j53 +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/05dbf /people/person/profession /m/02hrh1q +/m/0cwfgz /film/film/language /m/02h40lc +/m/056vv /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/02ryx0 +/m/09hd16 /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/016_v3 /music/genre/artists /m/01vw37m +/m/05zlld0 /film/film/film_format /m/07fb8_ +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/082_p /people/deceased_person/place_of_death /m/0fhp9 +/m/0859_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/016jny /music/genre/artists /m/01w8n89 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/05t0_2v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tw3 +/m/01pnn3 /film/actor/film./film/performance/film /m/0h63q6t +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lpjn +/m/074w86 /film/film/written_by /m/01fyzy +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05np4c +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01bvw5 +/m/0l998 /olympics/olympic_games/sports /m/02vx4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/02kz_ /influence/influence_node/influenced_by /m/0zm1 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01m_zd +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/0gy30w /film/film/language /m/02h40lc +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0342h /music/instrument/instrumentalists /m/01gf5h +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049n2l +/m/06jrhz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/025x1t +/m/0h63q6t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0219q +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/027l0b +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02h8hr /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gg8z1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02_0d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0gn30 /film/director/film /m/053rxgm +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/01wbg84 /people/person/profession /m/01d_h8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/05_k56 /award/award_winner/awards_won./award/award_honor/award_winner /m/04jspq +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/01x7jb /music/record_label/artist /m/02cw1m +/m/01n44c /people/person/place_of_birth /m/0cr3d +/m/04gqr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01tnbn +/m/01p4vl /people/person/religion /m/0c8wxp +/m/0241y7 /film/film/genre /m/0hcr +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/017kct +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02tkzn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01k1k4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016vg8 +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/09c7w0 /location/location/contains /m/02vnp2 +/m/03z1c5 /sports/sports_team/sport /m/02vx4 +/m/015pnb /tv/tv_program/genre /m/0c4xc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/03s6l2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01chpn +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gyx4 +/m/02qkt /location/location/contains /m/04hhv +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/086k8 /music/record_label/artist /m/01xzb6 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/0yl_j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q7yfq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/017gm7 /film/film/genre /m/03k9fj +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/027jk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tgw +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/025mb_ +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01v5h +/m/03dctt /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/05dbf /people/person/profession /m/09jwl +/m/01tc9r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0184jw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026b7bz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b66d +/m/018yj6 /people/person/religion /m/0c8wxp +/m/01syr4 /people/person/gender /m/05zppz +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/016z2j /film/actor/film./film/performance/film /m/07vn_9 +/m/03_3d /location/location/contains /m/01f1ps +/m/0b80__ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gl88b +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01rv7x /people/ethnicity/people /m/0gp_x9 +/m/088q4 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04g_wd /people/deceased_person/place_of_death /m/03h64 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0fdv3 /film/film/executive_produced_by /m/0343h +/m/0nk72 /influence/influence_node/influenced_by /m/03f0324 +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03q8ch +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/024rgt +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0mhdz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/01vvycq /people/person/profession /m/04f2zj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0ggx5q /music/genre/artists /m/01vsy7t +/m/034g2b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_44z +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/02rlj20 /film/film/country /m/09c7w0 +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0275_pj +/m/027ct7c /film/film/country /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0820xz +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fcqw +/m/01tnbn /people/person/spouse_s./people/marriage/spouse /m/0ddkf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0163v +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gkp1 +/m/01y0y6 /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/01twmp /people/person/profession /m/02hrh1q +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/0342h /music/instrument/instrumentalists /m/024dgj +/m/0345h /location/location/contains /m/01y06y +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/0mwq7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09dfcj +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/014bpd /film/film/genre /m/0219x_ +/m/0gtx63s /film/film/genre /m/03mqtr +/m/0ct2tf5 /film/film/language /m/02h40lc +/m/07rn0z /people/person/gender /m/05zppz +/m/01lyv /music/genre/artists /m/01lmj3q +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/01vlj1g /people/person/place_of_birth /m/0cc56 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/077yk0 +/m/01963w /people/person/places_lived./people/place_lived/location /m/0z53k +/m/08w7vj /film/actor/film./film/performance/film /m/0ggbhy7 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/0163kf +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fyzy +/m/02qjv1p /film/film/genre /m/082gq +/m/09n5t_ /music/genre/artists /m/03c3yf +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/016_mj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/043yj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03wdsbz /people/person/nationality /m/09c7w0 +/m/02xry /location/location/contains /m/0rjg8 +/m/04pz5c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01r2l /language/human_language/countries_spoken_in /m/09pmkv +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/024jwt /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0hyxv /location/location/time_zones /m/03bdv +/m/01vdrw /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03m6zs +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/0d060g /location/location/contains /m/01glqw +/m/097zcz /film/film/language /m/02h40lc +/m/034b6k /film/film/genre /m/02l7c8 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/04k9y6 /film/film/genre /m/01hmnh +/m/07r4c /people/person/profession /m/0dz3r +/m/07c2wt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0x67 /people/ethnicity/people /m/01tpl1p +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/05r5c /music/instrument/instrumentalists /m/015_30 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/0mhfr /music/genre/artists /m/01kph_c +/m/08tq4x /film/film/language /m/01bkv +/m/03xp8d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kws3 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0kjgl +/m/0456xp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02w7gg /people/ethnicity/people /m/06g4_ +/m/01v5h /film/director/film /m/0k4kk +/m/01lyv /music/genre/artists /m/014q2g +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/07yp0f +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lvlf +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/031ydm +/m/026mj /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0fs9vc /film/film/genre /m/01hmnh +/m/03188 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/04xvlr /media_common/netflix_genre/titles /m/04nm0n0 +/m/0k9wp /education/educational_institution/campuses /m/0k9wp +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0pz04 /film/actor/film./film/performance/film /m/0kbwb +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/09v82c0 +/m/03hvk2 /education/educational_institution/colors /m/06fvc +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/09d3b7 /film/film/language /m/02h40lc +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/01wj92r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06m61 +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/059s8 +/m/02rrsz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x2jl_ +/m/0dk0dj /tv/tv_program/genre /m/02l7c8 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xn7x1 +/m/02gf_l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01qq_lp +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gg5qcw +/m/077q8x /film/film/genre /m/04t36 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0169dl +/m/04v89z /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f2w0 +/m/02q3fdr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01y8cr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/05zjtn4 /organization/organization/headquarters./location/mailing_address/citytown /m/010016 +/m/0dzc16 /people/person/profession /m/02hrh1q +/m/06_6j3 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hptm +/m/09c7w0 /location/location/contains /m/02rk23 +/m/03vtfp /music/record_label/artist /m/03vhvp +/m/026db_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0dzf_ /influence/influence_node/influenced_by /m/063_t +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01g7_r /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/09dt7 +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/055t01 +/m/06j6l /music/genre/artists /m/0bs1g5r +/m/0pnf3 /film/actor/film./film/performance/film /m/0418wg +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/01zqy6t /location/location/contains /m/021s9n +/m/0k4bc /film/film/film_art_direction_by /m/07hhnl +/m/0gyy53 /film/film/costume_design_by /m/02mxbd +/m/016ndm /education/educational_institution/students_graduates./education/education/student /m/02wd48 +/m/07b1gq /film/film/language /m/02h40lc +/m/01fyzy /film/actor/film./film/performance/film /m/02hxhz +/m/06by7 /music/genre/artists /m/01qkqwg +/m/0ct9_ /people/person/profession /m/0cbd2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0284gc +/m/02lfcm /people/person/places_lived./people/place_lived/location /m/0yc7f +/m/02c7k4 /film/film/production_companies /m/0kk9v +/m/07qzv /sports/sports_team_location/teams /m/02yjk8 +/m/016zgj /music/genre/artists /m/04r1t +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/03c5bz +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xtxw +/m/06q1r /location/location/contains /m/0l1k8 +/m/06rvn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v5_g +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/042v_gx +/m/0ddt_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0343h +/m/059j2 /location/country/second_level_divisions /m/0h095 +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/06j6l /music/genre/artists /m/01vtg4q +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/07v64s /music/genre/artists /m/04mky3 +/m/059g4 /base/locations/continents/countries_within /m/0b90_r +/m/051hhz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/026t6 /music/instrument/instrumentalists /m/027dpx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/0c921 /people/person/profession /m/02jknp +/m/01719t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046qq +/m/0kbws /olympics/olympic_games/participating_countries /m/03shp +/m/03k7bd /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/02l96k /music/genre/artists /m/0394y +/m/02ryz24 /film/film/story_by /m/070yzk +/m/0190zg /music/genre/parent_genre /m/0glt670 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0269kx /organization/organization/headquarters./location/mailing_address/citytown /m/013hxv +/m/06m_5 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvvlg +/m/08chdb /people/person/gender /m/05zppz +/m/03q3sy /people/person/places_lived./people/place_lived/location /m/0154fs +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/01520h /film/actor/film./film/performance/film /m/0m2kd +/m/035dk /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qr1_ /film/actor/film./film/performance/film /m/0270k40 +/m/0k3jc /location/location/contains /m/0mzvm +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/0fhzwl +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0f612 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030qb3t /location/location/contains /m/07_fl +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01n073 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zcnq +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/0g5ptf /film/film/genre /m/01jfsb +/m/0170pk /film/actor/film./film/performance/film /m/05p09dd +/m/02ctyy /film/actor/film./film/performance/film /m/0f42nz +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/0lk0l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gg8z1f +/m/0jpdn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gkd1 /music/instrument/instrumentalists /m/04m2zj +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/02630g /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01f1jf /olympics/olympic_games/sports /m/02_5h +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/01jj4x /organization/organization/headquarters./location/mailing_address/citytown /m/01jr6 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0lhn5 /location/hud_county_place/place /m/0lhn5 +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/07ssc /location/location/contains /m/0dyjz +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/0cc5mcj /film/film/language /m/02h40lc +/m/03ys2f /people/person/sibling_s./people/sibling_relationship/sibling /m/03ysmg +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/071x0k /people/ethnicity/geographic_distribution /m/0chghy +/m/0x67 /people/ethnicity/people /m/03fnyk +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/03mstc /people/person/profession /m/03gjzk +/m/0prrm /film/film/executive_produced_by /m/05hj_k +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01cf93 /music/record_label/artist /m/0jn38 +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0n2z /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04n7jdv /music/genre/parent_genre /m/03lty +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/0jtg0 /music/instrument/instrumentalists /m/01vsy95 +/m/03rk0 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09c7w0 /location/location/contains /m/013gxt +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/05r5c /music/instrument/instrumentalists /m/03f7m4h +/m/0jdk_ /olympics/olympic_games/sports /m/07gyv +/m/0k696 /base/aareas/schema/administrative_area/administrative_parent /m/0gyh +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01w272y +/m/05r6t /music/genre/artists /m/01tv3x2 +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/015qh +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/025sc50 /music/genre/artists /m/047sxrj +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0l6px /film/actor/film./film/performance/film /m/0ckrnn +/m/06rzwx /film/film/genre /m/03k9fj +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01w8sf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/07sc6nw /film/film/featured_film_locations /m/0d060g +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/027l0b /people/person/profession /m/02jknp +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/03f4xvm /people/person/gender /m/05zppz +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/0fd3y /music/genre/artists /m/050z2 +/m/03_d0 /music/genre/artists /m/0163m1 +/m/04hxyv /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06hx2 /people/person/profession /m/04gc2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03ys48 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sjf5 +/m/0gyy0 /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/07m4c +/m/02hnl /music/instrument/instrumentalists /m/01m65sp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01k4f +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/04z_x4v /people/deceased_person/place_of_death /m/030qb3t +/m/034bs /influence/influence_node/influenced_by /m/082mw +/m/0rqf1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01r6jt2 /music/artist/origin /m/04jpl +/m/0l6qt /award/award_winner/awards_won./award/award_honor/award_winner /m/02rchht +/m/026z9 /music/genre/artists /m/024qwq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/09r_wb +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/04wddl /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0fq7dv_ /film/film/country /m/0chghy +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/0168cl /people/person/profession /m/016z4k +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01tszq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kjgl /people/person/places_lived./people/place_lived/location /m/0xpp5 +/m/01j5ts /people/person/profession /m/0d1pc +/m/026w_gk /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yd2 +/m/095zlp /film/film/costume_design_by /m/0bytfv +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/014v6f /people/person/gender /m/05zppz +/m/03_gd /people/person/gender /m/05zppz +/m/03rt9 /location/location/contains /m/01qs54 +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0kvb6p /film/film/production_companies /m/016tt2 +/m/049t4g /people/person/profession /m/02hrh1q +/m/02f2dn /people/person/languages /m/02h40lc +/m/0147jt /people/person/nationality /m/09c7w0 +/m/013ksx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/012g92 /people/person/place_of_birth /m/05qtj +/m/0gy0n /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0p_pd /people/person/profession /m/0dxtg +/m/01srq2 /film/film/language /m/02h40lc +/m/098sv2 /people/person/religion /m/03_gx +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02185j +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y8r +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hfzr +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03915c /sports/sports_team/colors /m/083jv +/m/03cyslc /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/08984j /film/film/production_companies /m/03rwz3 +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03prz_ +/m/01vdrw /influence/influence_node/influenced_by /m/02lt8 +/m/09tqkv2 /film/film/country /m/09c7w0 +/m/05fx1v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gbwp +/m/0571m /film/film/country /m/0f8l9c +/m/064jjy /film/director/film /m/0fb7sd +/m/06kknt /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02q42j_ /people/person/place_of_birth /m/02jx1 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/039g82 /film/actor/film./film/performance/film /m/0fphgb +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/05148p4 /music/instrument/instrumentalists /m/0g824 +/m/06fpsx /film/film/written_by /m/05ty4m +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/07vk2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/03jsvl /music/genre/artists /m/0134tg +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/03fw60 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v3s2_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2g +/m/06y3r /people/person/religion /m/0kpl +/m/01c58j /people/person/place_of_birth /m/071vr +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01dy7j +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02w64f /sports/sports_team/colors /m/083jv +/m/09cr8 /film/film/genre /m/01jfsb +/m/0l12d /influence/influence_node/peers./influence/peer_relationship/peers /m/018x3 +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/0jq2r +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0ck1d /base/aareas/schema/administrative_area/capital /m/01b85 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0221g_ +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/03gqgt3 /time/event/locations /m/0jdd +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/07ssc /location/location/time_zones /m/03bdv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/0mwl2 /location/us_county/county_seat /m/0_3cs +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/02zcnq /education/educational_institution/colors /m/01l849 +/m/0gywn /music/genre/artists /m/0pyg6 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/06qw_ /tv/tv_program/genre /m/03k9fj +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0m0hw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wwsh8 /film/film/film_festivals /m/05f5rsr +/m/01gpkz /education/educational_institution/school_type /m/05jxkf +/m/0d4htf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0q9kd /film/actor/film./film/performance/film /m/0sxfd +/m/09c7w0 /location/location/contains /m/07h34 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0hnjt /people/person/gender /m/05zppz +/m/055c8 /film/actor/film./film/performance/film /m/01dc0c +/m/0fqjks /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057bc6m +/m/03jvmp /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gmblvq +/m/03rhqg /music/record_label/artist /m/04qmr +/m/02q0k7v /film/film/edited_by /m/0bn3jg +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06pj8 +/m/09c7w0 /location/location/contains /m/0db94 +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0bh8tgs /film/film/genre /m/01jfsb +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/03d8njj +/m/02z9rr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/03wbzp +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04mnts /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0137g1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045bg /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02rmxx +/m/026ldz7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/06by7 /music/genre/artists /m/0259r0 +/m/0170k0 /tv/tv_program/genre /m/0pr6f +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/027lf1 /business/business_operation/industry /m/01mw1 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m31m +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/03_d0 /music/genre/artists /m/0f8grf +/m/08pn_9 /music/record_label/artist /m/0bqvs2 +/m/0hqcy /people/person/profession /m/01d_h8 +/m/0llcx /film/film/country /m/09c7w0 +/m/02s4l6 /film/film/music /m/03h610 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0b_6s7 /time/event/locations /m/0pc6x +/m/072r5v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01xbgx /location/location/contains /m/0dlwj +/m/047t_ /location/country/official_language /m/02h40lc +/m/059rby /location/location/contains /m/0cymp +/m/0m491 /film/film/written_by /m/0py5b +/m/0dx97 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/01lyv /music/genre/artists /m/0dzlk +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0162c8 +/m/016k62 /award/award_winner/awards_won./award/award_honor/award_winner /m/0149xx +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hzsx +/m/0cn_b8 /film/film/genre /m/05p553 +/m/0cwfgz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02vqhv0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kkfp +/m/02sg5v /film/film/film_production_design_by /m/04_1nk +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02yv6b /music/genre/artists /m/01309x +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/047g6 /influence/influence_node/influenced_by /m/0jcx +/m/02q42j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02j_j0 +/m/05sbv3 /film/film/written_by /m/012wg +/m/03b1l8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07r78j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gk4g /people/cause_of_death/people /m/030dx5 +/m/05szp /people/person/profession /m/0nbcg +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0l14_3 /music/instrument/family /m/0d8lm +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/016fjj +/m/04_j5s /education/educational_institution_campus/educational_institution /m/04_j5s +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/030h95 +/m/01l2m3 /people/cause_of_death/people /m/03f22dp +/m/03ys2f /film/director/film /m/0372j5 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/0j80w /film/film/produced_by /m/01pp3p +/m/028k2x /tv/tv_program/genre /m/01htzx +/m/02xwgr /people/person/nationality /m/09c7w0 +/m/014y6 /people/person/profession /m/02hrh1q +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/07r1h /film/actor/film./film/performance/film /m/06fqlk +/m/02645b /people/person/profession /m/0q04f +/m/06sff /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0fsd9t /film/film/executive_produced_by /m/02z6l5f +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03kbb8 +/m/06crk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04180vy /film/film/genre /m/02l7c8 +/m/04x4s2 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07rd7 /people/person/gender /m/05zppz +/m/01l_pn /film/film/genre /m/0lsxr +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g5pvv /film/film/film_art_direction_by /m/04_1nk +/m/0304nh /tv/tv_program/languages /m/02h40lc +/m/0gzh /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0n6c_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f612 +/m/0jym0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/03k8th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01zlh5 /people/person/gender /m/05zppz +/m/098sx /people/person/languages /m/02h40lc +/m/043zg /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/011ypx /film/film/written_by /m/0151w_ +/m/06c53w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/0c35b1 +/m/091xrc /film/film/production_companies /m/086k8 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05mrf_p +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/016z7s /film/film/film_production_design_by /m/04kj2v +/m/03_9x6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/0rn0z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016clz /music/genre/artists /m/012x1l +/m/0x67 /people/ethnicity/people /m/01jz6d +/m/07v64s /music/genre/artists /m/02vnpv +/m/046qq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rzqj +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqy4p +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02xgdv +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/05p09dd /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/032r4n +/m/014zcr /film/actor/film./film/performance/film /m/03s6l2 +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k98nm +/m/02jmst /education/educational_institution/campuses /m/02jmst +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/07s6prs +/m/02vmzp /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/043s3 /people/person/profession /m/05t4q +/m/0413cff /film/film/featured_film_locations /m/035dk +/m/0gz_ /people/person/profession /m/05snw +/m/0qcr0 /people/cause_of_death/people /m/0gt3p +/m/0x3r3 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/054k_8 /people/person/profession /m/02hrh1q +/m/09b6zr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0tc7 +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/01fh9 /people/person/profession /m/0np9r +/m/07k5l /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0kcn7 /film/film/language /m/02h40lc +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/048tv9 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/01n1gc /film/actor/film./film/performance/film /m/0m491 +/m/0m3gy /film/film/genre /m/01q03 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146pg +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02mplj +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01d26y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01vqq1 +/m/012f86 /people/ethnicity/languages_spoken /m/0cjk9 +/m/041rx /people/ethnicity/people /m/0blt6 +/m/0bbf1f /film/actor/film./film/performance/film /m/06zn2v2 +/m/0c7f7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fnmd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v0fn1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/05bnq8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mdyn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/01wdj_ /education/educational_institution/colors /m/02rnmb +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0gyx4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01q8fxx +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0988cp /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bv9 +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01fwqn +/m/02k21g /film/actor/film./film/performance/film /m/0640m69 +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/07g9f +/m/02p11jq /music/record_label/artist /m/01vsy95 +/m/0ljbg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0bx0l /film/film/genre /m/03k9fj +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0cvkv5 /film/film/genre /m/0q9mp +/m/02ldv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/062cg6 /award/award_winner/awards_won./award/award_honor/award_winner /m/07rd7 +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01438g +/m/07rd7 /people/person/nationality /m/09c7w0 +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/04s5_s /music/group_member/membership./music/group_membership/role /m/0mkg +/m/0d66j2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0137hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016h9b +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0338lq /organization/organization/child./organization/organization_relationship/child /m/09tlc8 +/m/0dzf_ /film/actor/film./film/performance/film /m/011ypx +/m/09c7w0 /location/location/contains /m/019n9w +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02r251z /people/person/gender /m/05zppz +/m/09743 /people/ethnicity/people /m/023sng +/m/01vhb0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9t0y +/m/016_v3 /music/genre/artists /m/016ksk +/m/0x67 /people/ethnicity/people /m/0633p0 +/m/0pz91 /film/actor/film./film/performance/film /m/02ylg6 +/m/04w58 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgk0 +/m/026qnh6 /film/film/country /m/07ssc +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wlh +/m/0170th /film/film/genre /m/017fp +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/01lly5 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/021r7r /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03rrdb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01k60v /film/film/genre /m/07s9rl0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0y2tr /music/genre/parent_genre /m/011j5x +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/02bh8z +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/03ryks /people/person/profession /m/09jwl +/m/09c6w /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0yyh +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v3s2_ +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04xn2m /people/person/place_of_birth /m/02_286 +/m/072x7s /film/film/genre /m/02qfv5d +/m/01n951 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fxyd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/01l_pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/0jxh9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrtv +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05th69 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02kfzz /film/film/cinematography /m/05br10 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/03x22w /people/person/gender /m/02zsn +/m/09r94m /film/film/genre /m/01f9r0 +/m/0gkd1 /music/instrument/instrumentalists /m/0326tc +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01kph_c /people/person/places_lived./people/place_lived/location /m/0mzy7 +/m/09zmys /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01y_px +/m/0h6r5 /film/film/produced_by /m/04t38b +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/017c87 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/01xdf5 +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nwwl +/m/02ctzb /people/ethnicity/people /m/071jv5 +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/01vsn38 /film/actor/film./film/performance/film /m/02825cv +/m/02j9z /base/locations/continents/countries_within /m/01pj7 +/m/04ld94 /people/person/nationality /m/09c7w0 +/m/07h1tr /film/film_set_designer/film_sets_designed /m/04wddl +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02kx3 +/m/01kymm /people/person/profession /m/015cjr +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sdxx +/m/026dx /film/director/film /m/01d259 +/m/0167v4 /people/person/spouse_s./people/marriage/spouse /m/01_ztw +/m/0gvvf4j /film/film/genre /m/03npn +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/011vx3 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/0336mc /film/actor/film./film/performance/film /m/01vw8k +/m/02bb47 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04tr1 +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0121rx /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/04rsd2 /film/actor/film./film/performance/film /m/09rvcvl +/m/0bbf1f /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01kgv4 +/m/0dg3n1 /base/locations/continents/countries_within /m/088vb +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/044mvs /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rj0 +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/01mqnr /people/person/gender /m/05zppz +/m/080_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0db86 /people/profession/specialization_of /m/09j9h +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/09c7w0 /location/location/contains /m/0pspl +/m/0162b /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/025sc50 /music/genre/artists /m/01r7pq +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/04g51 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0299ct +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/0typ5 /location/location/time_zones /m/02hcv8 +/m/033srr /film/film/genre /m/02kdv5l +/m/0ms1n /location/us_county/county_seat /m/0f2rq +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/042l8n +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/04n2vgk /people/person/profession /m/0dz3r +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ntb8 +/m/02r1c18 /film/film/edited_by /m/02kxbx3 +/m/03wd5tk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/0dg3n1 /base/locations/continents/countries_within /m/05cc1 +/m/0c4z8 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01vsksr /people/person/place_of_birth /m/01llj3 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/01trtc /music/record_label/artist /m/01vvyc_ +/m/012mzw /education/educational_institution/students_graduates./education/education/student /m/03f1r6t +/m/0gg5kmg /film/film/country /m/09c7w0 +/m/0ftf0f /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/051cc /people/person/profession /m/067nv +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhmg +/m/05g8pg /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01p5xy /education/educational_institution/colors /m/04d18d +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09v6gc9 +/m/059rby /location/location/contains /m/0fbzp +/m/095b70 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw_dv +/m/0z5vp /location/hud_county_place/place /m/0z5vp +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/033hn8 /music/record_label/artist /m/018gm9 +/m/0j8hd /medicine/disease/risk_factors /m/0jpmt +/m/0163t3 /people/person/nationality /m/02jx1 +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0m68w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035w2k +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6m5fy +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/05w88j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/04mzf8 /film/film/music /m/02wb6d +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/0b_fw /people/person/gender /m/05zppz +/m/0417z2 /people/person/nationality /m/09c7w0 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/01s7zw +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/095b70 +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gv_f +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04b_jc /film/film/country /m/09c7w0 +/m/0b6tzs /film/film/produced_by /m/02kxbx3 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/07phbc +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/02vkdwz +/m/01h8sf /education/educational_institution/colors /m/01l849 +/m/0gv2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02__94 +/m/04h41v /film/film/country /m/09c7w0 +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/08sfxj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0jrqq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dvld /award/award_winner/awards_won./award/award_honor/award_winner /m/0z05l +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r3zy +/m/03mnn0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/03sbs /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0jymd +/m/0g68zt /film/film/genre /m/03npn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b2ds +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/05j0wc +/m/03lty /music/genre/artists /m/048tgl +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01kx_81 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/023r2x /music/instrument/instrumentalists /m/01lvcs1 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gc_c_ +/m/0lgm5 /people/person/nationality /m/09c7w0 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0lk90 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05w6cw +/m/04__f /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/01r93l /people/person/languages /m/02h40lc +/m/01jfnvd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01l3wr +/m/017jq /location/location/contains /m/03t1s +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj92r +/m/01vfwd /base/aareas/schema/administrative_area/administrative_parent /m/03ryn +/m/0cf08 /film/film/music /m/01l9v7n +/m/01tz6vs /influence/influence_node/influenced_by /m/0j3v +/m/0t015 /location/location/time_zones /m/02fqwt +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/04t36 /media_common/netflix_genre/titles /m/06cgf +/m/0g5lhl7 /tv/tv_network/programs./tv/tv_network_duration/program /m/09rfpk +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/02qfhb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t2t2 +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0kjrx /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/04fgzb0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpxp +/m/07m77x /film/actor/film./film/performance/film /m/05znxx +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0c4qzm /people/person/nationality /m/09c7w0 +/m/01q6bg /people/person/profession /m/02hrh1q +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/0155w /music/genre/artists /m/0m2l9 +/m/03y3bp7 /tv/tv_program/genre /m/06nbt +/m/0dmy0 /location/administrative_division/country /m/07ssc +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/06cl2w /people/person/nationality /m/0chghy +/m/0221g_ /education/educational_institution/campuses /m/0221g_ +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/0dl5d /music/genre/artists /m/01vsy95 +/m/0456xp /people/person/profession /m/02hrh1q +/m/01qrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0425kh +/m/03bnd9 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x4s2 +/m/0184tc /film/film/country /m/07ssc +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/04gzd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/03k8th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025sc50 /music/genre/artists /m/01wqmm8 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/0jq2r /tv/tv_program/country_of_origin /m/07ssc +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/04pxcx /people/person/gender /m/02zsn +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kwld +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01243b /music/genre/artists /m/0kvnn +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07vk9f +/m/03khn /base/biblioness/bibs_location/country /m/02vzc +/m/046f3p /film/film/written_by /m/04xn2m +/m/01wmjkb /people/person/place_of_birth /m/0n6dc +/m/0l14md /music/instrument/instrumentalists /m/01304j +/m/06by7 /music/genre/artists /m/04kjrv +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/01dw_f /film/actor/film./film/performance/film /m/03wy8t +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/06r3p2 +/m/04fv0k /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02sdx /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyts +/m/0c9t0y /film/film/produced_by /m/04wvhz +/m/09x3r /olympics/olympic_games/participating_countries /m/06mzp +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/06rmdr /film/film/production_companies /m/016tt2 +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mm1x +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/05sb1 /location/location/contains /m/01yf40 +/m/011ydl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013t9y +/m/02lj6p /people/person/nationality /m/09c7w0 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g83dv +/m/0kvrb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/0m77m /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/02p11jq /music/record_label/artist /m/06nv27 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02mpyh +/m/0296rz /film/film/featured_film_locations /m/02dtg +/m/04mrhq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g3cw /base/aareas/schema/administrative_area/administrative_parent /m/018jn4 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/01ptt7 /education/educational_institution/school_type /m/05jxkf +/m/01npw8 /business/business_operation/industry /m/03pty +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/0zcbl /film/actor/film./film/performance/film /m/0gg5qcw +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/04135 /people/person/gender /m/05zppz +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0pvms /film/film/genre /m/04t36 +/m/0jm8l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/063fh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04xvlr /media_common/netflix_genre/titles /m/02rlj20 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/042xrr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0222qb /people/ethnicity/people /m/033rq +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/0kszw /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/01lyv /music/genre/artists /m/025l5 +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0gz6b6g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dvtx /influence/influence_node/influenced_by /m/0420y +/m/0fvyg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02v60l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dpqk /people/person/profession /m/02hrh1q +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01crd5 +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/03_l8m /film/actor/film./film/performance/film /m/01633c +/m/0fhp9 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04btyz /media_common/netflix_genre/titles /m/09xbpt +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9yrw +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y64_ +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/01xyt7 +/m/01693z /people/person/place_of_birth /m/0f2rq +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/05c17 /location/administrative_division/country /m/0f8l9c +/m/05b0f7 /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/01wgjj5 /people/person/profession /m/09jwl +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01wwvc5 +/m/053yx /people/person/profession /m/02hrh1q +/m/016lmg /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/07j8kh +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06bwtj /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/016z4k /media_common/netflix_genre/titles /m/0djlxb +/m/011ycb /film/film/film_format /m/0cj16 +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01x4wq +/m/025rvx0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/09d5h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04n65n /music/group_member/membership./music/group_membership/role /m/0342h +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/03q45x +/m/025sc50 /music/genre/artists /m/01wj18h +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0fpkhkz /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/03_3z4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02stbw +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/07c0j +/m/0163m1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0fv4v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0f4vx /film/film/featured_film_locations /m/0cv3w +/m/027r7k /film/film/genre /m/0lsxr +/m/05fnl9 /film/actor/film./film/performance/film /m/09rsjpv +/m/0f4vbz /film/actor/film./film/performance/film /m/07nxnw +/m/018qb4 /olympics/olympic_games/sports /m/06br8 +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/02w5q6 /people/person/religion /m/0c8wxp +/m/02lg3y /people/person/place_of_birth /m/0ccvx +/m/021q2j /education/educational_institution/school_type /m/01rs41 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/03np3w /people/person/place_of_birth /m/0d6hn +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/02pqs8l /tv/tv_program/program_creator /m/03m_k0 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02gvwz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0k_q_ +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/05jbn /location/location/contains /m/01qdhx +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/01f7j9 +/m/0mlw1 /location/location/time_zones /m/02lcqs +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0272vm /sports/sports_team/colors /m/083jv +/m/02m__ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05sq84 /film/actor/film./film/performance/film /m/0ch26b_ +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/02t_h3 /film/film/language /m/02h40lc +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02fx3c /people/person/religion /m/0n2g +/m/03mszl /people/person/gender /m/02zsn +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kkx2 +/m/01f62 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/03fwln /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/02825kb /film/film/produced_by /m/05ty4m +/m/0c6g1l /people/person/places_lived./people/place_lived/location /m/07ssc +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/01pr_j6 /people/person/gender /m/05zppz +/m/048s0r /people/person/place_of_birth /m/0hptm +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0340hj +/m/06v9_x /film/film/genre /m/0lsxr +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/041rx /people/ethnicity/people /m/0q9zc +/m/03772 /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/0blfl /olympics/olympic_games/sports /m/06zgc +/m/0404yzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02l_7y /music/group_member/membership./music/group_membership/role /m/02sgy +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/030tjk +/m/03xl77 /people/person/profession /m/09jwl +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gwdy4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07bz5 +/m/05wqr1 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03f0vvr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048z7l /people/ethnicity/people /m/01c1px +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04vs9 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/0fh2v5 /film/film/production_companies /m/054lpb6 +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j1m +/m/0k6nt /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/09yrh /people/person/place_of_birth /m/0281s1 +/m/0c9c0 /film/actor/film./film/performance/film /m/05c26ss +/m/01q_ph /film/actor/film./film/performance/film /m/09g8vhw +/m/01n5309 /film/actor/film./film/performance/film /m/047p798 +/m/02scbv /film/film/executive_produced_by /m/07f8wg +/m/0g5y6 /people/ethnicity/people /m/0hwqz +/m/025tlyv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059g4 +/m/07g2b /people/person/religion /m/0n2g +/m/04j689 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fh9 +/m/0ddj0x /film/film/written_by /m/030tjk +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/01s7z0 /people/person/profession /m/01d_h8 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/award /m/05q8pss +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/0r4qq /base/biblioness/bibs_location/country /m/09c7w0 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0x67 /people/ethnicity/people /m/03vrv9 +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/012ts /base/biblioness/bibs_location/country /m/0ctw_b +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/07cc8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0xkq4 /base/biblioness/bibs_location/state /m/05fjf +/m/05kr_ /location/location/contains /m/01y8zd +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01s7pm +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/05w3f /music/genre/artists /m/0394y +/m/02vzc /location/location/contains /m/0c75w +/m/079vf /film/actor/film./film/performance/film /m/0bc1yhb +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/01tcf7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/018ljb /olympics/olympic_games/sports /m/03hr1p +/m/05bt6j /music/genre/artists /m/01t110 +/m/0sg6b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rlzn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02__7n /people/person/place_of_birth /m/019fh +/m/05jt_ /music/genre/artists /m/01wg982 +/m/016ndm /education/educational_institution/students_graduates./education/education/student /m/01ycbq +/m/01243b /music/genre/artists /m/02k5sc +/m/02zkdz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pnf3 /people/person/profession /m/02hrh1q +/m/02j3d4 /music/artist/track_contributions./music/track_contribution/role /m/0gghm +/m/06ztvyx /film/film/genre /m/03k9fj +/m/0391jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bdzg +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/0sw6g /people/person/spouse_s./people/marriage/location_of_ceremony /m/0gx1l +/m/0261x8t /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0227vl +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/01jgpsh /award/award_winner/awards_won./award/award_honor/award_winner /m/030tj5 +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/02xp18 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/029zqn /film/film/language /m/02h40lc +/m/043s3 /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/0cm89v /people/person/religion /m/0c8wxp +/m/02v63m /film/film/genre /m/01jfsb +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/02mpb /influence/influence_node/influenced_by /m/06kb_ +/m/016kjs /people/person/profession /m/09jwl +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bd5j +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/06wzvr /film/film/country /m/09c7w0 +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01zh3_ /location/location/time_zones /m/02hcv8 +/m/025jj7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ftc0 /people/person/profession /m/02jknp +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/04rrx /location/location/contains /m/0m2rv +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/09ps01 /film/film/produced_by /m/02vyw +/m/0h3c3g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/033tf_ /people/ethnicity/people /m/02pby8 +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0mpdw /location/location/time_zones /m/02hcv8 +/m/03s9v /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tn80 +/m/08qxx9 /film/actor/film./film/performance/film /m/07f_t4 +/m/01c7qd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02l4rh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/06w6_ +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bh8drv /film/film/written_by /m/022_q8 +/m/09xbpt /film/film/genre /m/01jfsb +/m/01vsy3q /influence/influence_node/peers./influence/peer_relationship/peers /m/044k8 +/m/01kj0p /people/person/place_of_birth /m/01d26y +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0hcs3 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/01vsykc /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrt_c +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0gvbw /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/05bt6j /music/genre/artists /m/01dwrc +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02rmfm +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/045hz5 /people/person/places_lived./people/place_lived/location /m/09c6w +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0342h /music/instrument/instrumentalists /m/018y81 +/m/015_1q /music/record_label/artist /m/01l03w2 +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvsh7l +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/02qzjj /people/person/nationality /m/09c7w0 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0hnjt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02swsm /music/record_label/artist /m/0bkg4 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/05typm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01_4lx /organization/organization/child./organization/organization_relationship/child /m/01_4mn +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01f7jt /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09pl3s +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/011ypx /film/film/executive_produced_by /m/06q8hf +/m/01y9jr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026c1 +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02p8q1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/01f2xy +/m/0nh0f /location/location/contains /m/013f9v +/m/0c3z0 /film/film/language /m/02h40lc +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/037w7r /film/actor/film./film/performance/film /m/02vr3gz +/m/015dcj /award/award_winner/awards_won./award/award_honor/award_winner /m/0g_92 +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/03spz /location/location/contains /m/07qzv +/m/02q3fdr /film/film/edited_by /m/0534v +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06823p +/m/01xdxy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jqb8 /film/film/costume_design_by /m/02cqbx +/m/01jq4b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/03czqs /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/06d_3 +/m/01g257 /people/person/nationality /m/03rjj +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0n8bn +/m/03lrqw /film/film/cinematography /m/0b9l3x +/m/014_lq /influence/influence_node/influenced_by /m/04rcr +/m/04hqbbz /people/deceased_person/place_of_death /m/04vmp +/m/0fz3b1 /film/film/genre /m/02b5_l +/m/09pmkv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0btyf5z /film/film/genre /m/07s9rl0 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0dryh9k /people/ethnicity/people /m/08624h +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/03j0ss /sports/sports_team/colors /m/06fvc +/m/01pk8b /base/biblioness/bibs_location/country /m/01z215 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/05rh2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0fx2s /film/film_subject/films /m/0kb07 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0lpfh +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/01738f /music/genre/parent_genre /m/02x8m +/m/0b80__ /people/person/employment_history./business/employment_tenure/company /m/017s11 +/m/0l14qv /music/instrument/instrumentalists /m/02l840 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/042y1c +/m/020hh3 /people/person/profession /m/09lbv +/m/0cq7kw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07ssc /location/location/contains /m/07lly +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0cg39k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01y49 +/m/01k7b0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012vct +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06pjs +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/03_hd /influence/influence_node/influenced_by /m/0tfc +/m/03cfjg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/044k8 /people/person/religion /m/021_0p +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/03gj2 +/m/01kx_81 /people/person/profession /m/0dz3r +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/033tf_ /people/ethnicity/people /m/0k9j_ +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0kvf3b /film/film/language /m/02h40lc +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0lbj1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/02vjzr /music/genre/artists /m/03bxwtd +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04b_jc /film/film/language /m/06nm1 +/m/01jn5 /people/profession/specialization_of /m/04gc2 +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01zfmm /people/person/places_lived./people/place_lived/location /m/0djd3 +/m/01vsnff /people/person/profession /m/09jwl +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bxp5 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9t0y +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0jmfb /sports/sports_team/colors /m/06fvc +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/02xbyr /film/film/country /m/09c7w0 +/m/0fthdk /film/actor/film./film/performance/film /m/0cn_b8 +/m/080dfr7 /film/film/production_companies /m/027jw0c +/m/01c22t /film/film/country /m/09c7w0 +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/04xn2m +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j4tx +/m/0n5d1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5df +/m/02vjzr /music/genre/artists /m/0knjh +/m/0vkl2 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0f1kwr +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6d +/m/0cb1ky /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6tzs +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/0l6m5 /olympics/olympic_games/sports /m/02bkg +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/02b9g4 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01dw4q +/m/02c6pq /people/person/religion /m/0c8wxp +/m/02w7gg /people/ethnicity/people /m/03d9v8 +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03d0d7 +/m/03qjg /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0xszy /location/hud_county_place/place /m/0xszy +/m/024bbl /film/actor/film./film/performance/film /m/0g9lm2 +/m/0gsg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5h +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m3x5p +/m/01z9_x /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03bzyn4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/019mcm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/047svrl /film/film/production_companies /m/054lpb6 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/025rxjq +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/042fk /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtdd +/m/0kvtr /music/genre/parent_genre /m/05r6t +/m/014zws /education/educational_institution/campuses /m/014zws +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/02nygk /people/person/employment_history./business/employment_tenure/company /m/02hvd +/m/04ynx7 /film/film/produced_by /m/0g2lq +/m/011wtv /film/film/production_companies /m/01gb54 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/02jt1k /people/person/place_of_birth /m/0f94t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0199gx +/m/04m2zj /music/artist/origin /m/059j2 +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/0bj9k /film/actor/film./film/performance/film /m/0y_yw +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0640m69 +/m/01hr1 /film/film/story_by /m/02nygk +/m/0fplv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y_ +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01jbx1 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04q827 +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/046qq +/m/015p3p /people/person/gender /m/05zppz +/m/01dvms /people/person/religion /m/0c8wxp +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/043g7l /organization/organization/place_founded /m/02_286 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wcp_g +/m/07n39 /influence/influence_node/peers./influence/peer_relationship/peers /m/0hky +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/0l3cy /location/administrative_division/country /m/0d05w3 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0gt14 /film/film/genre /m/01t_vv +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0bw87 /film/actor/film./film/performance/film /m/03hj3b3 +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01pgzn_ +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/037css +/m/021yw7 /film/actor/film./film/performance/film /m/0gfzfj +/m/0gk4g /people/cause_of_death/people /m/0164r9 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/05ldxl +/m/03h3vtz /people/person/places_lived./people/place_lived/location /m/013m4v +/m/01fpdh /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01k165 +/m/03s9b /film/director/film /m/011yxy +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0168dy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p4vl +/m/0169dl /film/actor/film./film/performance/film /m/04z257 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/0166b /location/country/official_language /m/0k0sv +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0436yk /film/film/written_by /m/013km +/m/09c7w0 /location/location/contains /m/04d5v9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0cl0bk /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0mm_4 +/m/02b17t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/025s1wg /film/film/music /m/06cv1 +/m/01y_rz /people/person/places_lived./people/place_lived/location /m/0vg8x +/m/04xvlr /media_common/netflix_genre/titles /m/0415ggl +/m/0hpv3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02r5w9 /people/person/profession /m/02hrh1q +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0322yj +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ylg6 +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06brp0 +/m/01cf93 /music/record_label/artist /m/01wg25j +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/056rgc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/03lh3v /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmnl +/m/01psyx /people/cause_of_death/people /m/02nrdp +/m/07sbbz2 /music/genre/artists /m/0134s5 +/m/01kcms4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/056k77g /film/film/dubbing_performances./film/dubbing_performance/actor /m/09wlpl +/m/02s9vc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/012gx2 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0qpqn /location/hud_county_place/county /m/0m27n +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/0137g1 /people/person/profession /m/016z4k +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ckf6 +/m/0x67 /people/ethnicity/people /m/02t_zq +/m/03cw411 /film/film/genre /m/07s9rl0 +/m/01kgv4 /people/person/religion /m/0c8wxp +/m/028hc2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01364q +/m/01c6k4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02h2vv +/m/02gf_l /people/person/profession /m/0np9r +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0174qm /base/biblioness/bibs_location/country /m/02jx1 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qnc6q +/m/02qdyj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/013pk3 /people/person/nationality /m/02jx1 +/m/032qgs /people/person/profession /m/02hrh1q +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgk0 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0cwfgz +/m/02z9rr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06x58 +/m/01g4yw /education/educational_institution/colors /m/083jv +/m/011yph /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wk3c +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1b +/m/01y8d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/011s9r +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rl_3 +/m/03_wvl /people/person/nationality /m/09c7w0 +/m/0cwfgz /film/film/genre /m/02kdv5l +/m/02h659 /education/educational_institution/students_graduates./education/education/student /m/016dgz +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/09dv8h /film/film/genre /m/0bj8m2 +/m/0n08r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/011j5x /music/genre/artists /m/01wxdn3 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03w1v2 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/03cvwkr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0ywrc /film/film/featured_film_locations /m/06c62 +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0bs4r /film/film/genre /m/07s9rl0 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/01q8fxx /people/person/place_of_birth /m/05qtj +/m/0r0f7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03hp2y1 /film/film/genre /m/01f9r0 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0lcdk /medicine/disease/risk_factors /m/0qcr0 +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01dtcb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/06szd3 /award/award_category/winners./award/award_honor/award_winner /m/02dh86 +/m/04p3w /people/cause_of_death/people /m/01nrq5 +/m/09c7w0 /location/country/second_level_divisions /m/0fc1_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/01y_rz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01p4vl +/m/01csqg /education/educational_institution/school_type /m/047951 +/m/06kl0k /people/person/profession /m/02hrh1q +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/023mdt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0hwqz +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02r8hh_ /film/film/language /m/064_8sq +/m/0h14ln /film/film/genre /m/01hmnh +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05dbf +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/03d8m4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01k0vq /film/film/country /m/09c7w0 +/m/01f873 /film/actor/film./film/performance/film /m/0233bn +/m/0gg5qcw /film/film/executive_produced_by /m/0dvmd +/m/058vfp4 /film/film_set_designer/film_sets_designed /m/026p_bs +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/02tv80 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tcf7 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/03wnh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/06gb1w /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nhfc1 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05zbm4 /film/actor/film./film/performance/film /m/02_fm2 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/02wk4d /people/person/languages /m/012w70 +/m/032yps /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07tg4 /education/educational_institution/school_type /m/05jxkf +/m/0cq7tx /film/film/genre /m/07s9rl0 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0b2qtl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0138mv +/m/01hpf6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/02vg0 /film/actor/film./film/performance/film /m/05mrf_p +/m/0693l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mbw0 +/m/04b7xr /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gg8z1f +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kqq7 +/m/02p_ycc /people/person/place_of_birth /m/0d_kd +/m/02c7k4 /film/film/genre /m/0hcr +/m/0hhjk /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/08jgk1 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/0dnkmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01kwsg /film/actor/film./film/performance/film /m/06q8qh +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/0jw67 /people/person/profession /m/015btn +/m/0p9lw /film/film/genre /m/05p553 +/m/0r02m /base/biblioness/bibs_location/state /m/01n7q +/m/05kr_ /location/location/contains /m/0843m +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01f85k /film/film/prequel /m/027m67 +/m/0f2w0 /location/location/time_zones /m/02fqwt +/m/0272_vz /film/film/genre /m/02l7c8 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/016z2j /award/award_winner/awards_won./award/award_honor/award_winner /m/04w391 +/m/026hxwx /film/film/genre /m/0gf28 +/m/01bjbk /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cchk3 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/0484q /influence/influence_node/influenced_by /m/08433 +/m/0h7dd /film/actor/film./film/performance/film /m/0glnm +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0353tm /film/film/story_by /m/013zyw +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01g42 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/0djvzd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0211jt +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/01vsn38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01shy7 /film/film/country /m/09c7w0 +/m/03f02ct /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0499lc +/m/0f04c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059f4 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01nm8w /education/educational_institution_campus/educational_institution /m/01nm8w +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/017jd9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0639bg /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/07z5n /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04j1n8 +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/07csf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0b005 /tv/tv_program/genre /m/01w613 +/m/023nlj /people/person/sibling_s./people/sibling_relationship/sibling /m/046zh +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/01n8gr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ghvb /education/educational_institution/colors /m/01l849 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/0mwcz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv13 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01dw9z /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/015xp4 /people/person/profession /m/09jwl +/m/01dhmw /influence/influence_node/influenced_by /m/09dt7 +/m/05hz6_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gn30 /film/actor/film./film/performance/film /m/0gffmn8 +/m/01qg7c /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0177s6 /people/person/profession /m/0dxtg +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04h41v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1k5 +/m/08_438 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043zg /people/person/spouse_s./people/marriage/spouse /m/01wv9p +/m/0jmh7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01gbn6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c7k4 /film/film/genre /m/03k9fj +/m/07_f2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/01pgzn_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0227vl +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09c7w0 /location/location/contains /m/02ldkf +/m/050l8 /location/administrative_division/country /m/09c7w0 +/m/02t_vx /people/person/profession /m/02krf9 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/03_d0 /music/genre/artists /m/01lvcs1 +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043zg +/m/031f_m /film/film/genre /m/02kdv5l +/m/06_6j3 /people/person/religion /m/019cr +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/0hzlz /location/location/contains /m/01tjsl +/m/0408m53 /film/film/genre /m/05p553 +/m/07ssc /media_common/netflix_genre/titles /m/05vxdh +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0d8c4 +/m/01lz4tf /people/person/place_of_birth /m/06_kh +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03qdm /education/educational_institution/campuses /m/03qdm +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/07n39 /people/deceased_person/place_of_death /m/0k049 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/07s9rl0 /media_common/netflix_genre/titles /m/06gjk9 +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/01dzg0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lct6 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01kj0p /people/person/gender /m/02zsn +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/06r2h /film/film/music /m/023361 +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kwhf +/m/0dg3n1 /location/location/contains /m/04tr1 +/m/03rlps /music/genre/artists /m/06p03s +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/071nw5 /film/film/executive_produced_by /m/03c9pqt +/m/017j7y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p5wz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0fs9vc /film/film/country /m/09c7w0 +/m/016xk5 /people/person/profession /m/0q04f +/m/03_qj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0b005 /tv/tv_program/languages /m/02h40lc +/m/02rv1w /organization/organization/headquarters./location/mailing_address/citytown /m/0r2dp +/m/0jbs5 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06s6hs +/m/01ym9b /music/genre/parent_genre /m/0m0jc +/m/0crx5w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05zr0xl +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/01w20rx /people/person/profession /m/0nbcg +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/0mj0c /user/alexander/philosophy/philosopher/interests /m/05qfh +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/09xp_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0klw +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/051cc /influence/influence_node/influenced_by /m/01tz6vs +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/07jxpf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d29z /people/ethnicity/geographic_distribution /m/04hhv +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/04mcw4 /film/film/language /m/04306rv +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/015y2q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0345h /location/location/contains /m/0bp_7 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02rhfsc /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02qkt /location/location/contains /m/04gzd +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07xtqq +/m/0ff3y /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0k3kv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3l5 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/028d4v /people/person/nationality /m/0d060g +/m/03rhqg /music/record_label/artist /m/01kstn9 +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/01438g /people/person/religion /m/092bf5 +/m/041xyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05w88j +/m/0739y /people/person/profession /m/0cbd2 +/m/0k7pf /people/person/nationality /m/07ssc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mmwk +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/06dl_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02hfp_ +/m/0y_yw /film/film/produced_by /m/02vyw +/m/01f1r4 /education/educational_institution/campuses /m/01f1r4 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/09l3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01r93l +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/0121c1 /base/biblioness/bibs_location/country /m/07ssc +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/038bht +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/05w3f /music/genre/artists /m/01vng3b +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01f85k /film/film/genre /m/02l7c8 +/m/0jjw /education/field_of_study/students_majoring./education/education/student /m/0tj9 +/m/0b7l4x /film/film/produced_by /m/079vf +/m/06x43v /film/film/genre /m/02kdv5l +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01j5ql /film/film/genre /m/01jfsb +/m/0lyjf /organization/organization/headquarters./location/mailing_address/citytown /m/0rn8q +/m/07bcn /location/location/contains /m/02zcnq +/m/049nq /location/location/contains /m/0d8rs +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/02hxcvy /language/human_language/countries_spoken_in /m/03rk0 +/m/01xyt7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/032wdd +/m/0jtg0 /music/instrument/instrumentalists /m/01p95y0 +/m/011yhm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/01_xtx /people/person/places_lived./people/place_lived/location /m/0dclg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xbp7 +/m/0fm3nb /award/award_category/winners./award/award_honor/award_winner /m/037w7r +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q3_2 +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/016khd +/m/0gwgn1k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz91 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vqpx8 +/m/026z9 /music/genre/artists /m/01l_vgt +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/0kxbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/02jx1 /location/location/contains /m/0235n9 +/m/01_x6v /award/award_winner/awards_won./award/award_honor/award_winner /m/086nl7 +/m/02scbv /film/film/language /m/07zrf +/m/02jxkw /people/person/profession /m/01c8w0 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/042kbj /people/person/profession /m/028sgq +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/07ssc /location/location/contains /m/0f8j6 +/m/091yn0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09px1w +/m/013y1f /music/instrument/instrumentalists /m/01vn35l +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07wjk +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/09f0bj +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hcvy +/m/01f7j9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rjj +/m/04gv3db /film/film/featured_film_locations /m/080h2 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zyvw +/m/0c6qh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g0mx +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/02zrv7 /people/person/places_lived./people/place_lived/location /m/0s9b_ +/m/01nn6c /people/person/gender /m/05zppz +/m/02q636 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0171cm +/m/02qx1m2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/0x0d +/m/0fc1m /location/location/time_zones /m/02hcv8 +/m/0h1p /film/director/film /m/05hjnw +/m/01hmnh /media_common/netflix_genre/titles /m/016017 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/06sfk6 /film/film/genre /m/03mqtr +/m/0tz14 /location/hud_county_place/county /m/0k3hn +/m/04fh3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bjv6 +/m/02ntb8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/034qrh +/m/0ltv /media_common/netflix_genre/titles /m/0g4pl7z +/m/04d2yp /people/person/profession /m/0nbcg +/m/0kpys /location/location/contains /m/01c40n +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01dtcb /music/record_label/artist /m/01kx_81 +/m/06n3y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/050l8 /base/aareas/schema/administrative_area/capital /m/0fvxg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/041jk9 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01w40h /music/record_label/artist /m/0knjh +/m/01h7bb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02clgg /film/actor/film./film/performance/film /m/0hx4y +/m/041jlr /people/person/place_of_birth /m/02h6_6p +/m/01d650 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/04g5k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/09r94m /film/film/genre /m/0lsxr +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/01k5zk /people/person/languages /m/02h40lc +/m/04gr35 /people/person/profession /m/02hrh1q +/m/0kwmc /location/location/contains /m/058cm +/m/025_ql1 /film/actor/film./film/performance/film /m/0cp0790 +/m/0gsg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f721s +/m/0qf2t /film/film/genre /m/0vgkd +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/06lvlf /film/actor/film./film/performance/film /m/04xx9s +/m/02624g /people/person/nationality /m/09c7w0 +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/04xrx /people/person/places_lived./people/place_lived/location /m/0179qv +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0jfx1 /influence/influence_node/influenced_by /m/05rx__ +/m/051cc /people/person/religion /m/019cr +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gkd1 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/023rwm /music/record_label/artist /m/01vv6_6 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/015g28 +/m/063zky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c5vh +/m/02w6s3 /music/genre/artists /m/016nvh +/m/0126rp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/02rchht +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03phgz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/023qfd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09dv8h /film/film/language /m/06nm1 +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/013zyw /people/person/gender /m/05zppz +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/043t1s +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/02ghq /people/person/profession /m/0cbd2 +/m/0jgld /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rhqg /music/record_label/artist /m/01dw9z +/m/06c44 /people/person/place_of_birth /m/04kf4 +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01z5tr /film/actor/film./film/performance/film /m/02ppg1r +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nhkxp +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0qlrh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_j +/m/01g4zr /people/person/profession /m/02jknp +/m/06n3y /location/location/contains /m/02wmy +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/0197tq +/m/0gxb2 /medicine/symptom/symptom_of /m/0hg45 +/m/01v80y /people/person/place_of_birth /m/094jv +/m/05sq84 /film/actor/film./film/performance/film /m/03177r +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/02h40lc /language/human_language/countries_spoken_in /m/03ryn +/m/027pfb2 /tv/tv_program/genre /m/07s9rl0 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0sw0q /tv/tv_program/country_of_origin /m/09c7w0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l8y +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/091yn0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gc_c_ +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01k2yr +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015x1f +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07ldhs /people/person/religion /m/0c8wxp +/m/05bt6j /music/genre/artists /m/01vtj38 +/m/02jyhv /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05w6cw +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/06myp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b2v79 /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/location/contains /m/039d4 +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0gkkf /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05fyy5 +/m/05650n /film/film/executive_produced_by /m/0glyyw +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/01z4y /media_common/netflix_genre/titles /m/0sxlb +/m/03bkbh /people/ethnicity/people /m/0prjs +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01km6_ +/m/043gj /film/actor/film./film/performance/film /m/0j80w +/m/047n8xt /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/01hvjx /film/film/story_by /m/01_x6v +/m/0d5_f /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049g_xj +/m/08433 /people/person/nationality /m/09c7w0 +/m/0h953 /film/actor/film./film/performance/film /m/0glnm +/m/0r771 /base/biblioness/bibs_location/state /m/01n7q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/0f2rq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0fphf3v +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/026t6 +/m/016wyn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dryh9k /people/ethnicity/people /m/0kvsb +/m/0f1vrl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/033tf_ /people/ethnicity/people /m/01fwpt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/0hkf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/01wgx4 /people/person/nationality /m/06q1r +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g824 +/m/02qkt /location/location/contains /m/04xn_ +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/0vjr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/018vs /music/instrument/instrumentalists /m/019389 +/m/09yxcz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03ds3 +/m/08nvyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08cyft /music/genre/artists /m/049qx +/m/011x_4 /film/film/genre /m/06cvj +/m/072vj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07wlf /education/educational_institution/school_type /m/05jxkf +/m/07ssc /media_common/netflix_genre/titles /m/0209hj +/m/02fbpz /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/01z1r +/m/06sks6 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1d0 +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/05w3f /music/genre/artists /m/0cfgd +/m/01cwcr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/05xbx +/m/04fhn_ /film/actor/film./film/performance/film /m/0ds2n +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059rby +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/01q6bg +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/01wvxw1 /people/person/spouse_s./people/marriage/spouse /m/09zmys +/m/0lrh /influence/influence_node/influenced_by /m/081k8 +/m/03gqb0k /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0329gm +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02rwmk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059dn +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vw8k +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tzm9 +/m/09blyk /media_common/netflix_genre/titles /m/01d259 +/m/0fq7dv_ /film/film/genre /m/0lsxr +/m/09px1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/02b149 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01kgg9 /people/person/spouse_s./people/marriage/spouse /m/05_2h8 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/06g77c /film/film/featured_film_locations /m/081m_ +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/025rvx0 /film/film/language /m/02h40lc +/m/029q_y /people/person/nationality /m/09c7w0 +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/034rd9 +/m/0fzm0g /film/film/production_companies /m/0c41qv +/m/01b_lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0427y +/m/0267wwv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012rng +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/012gyf +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/024dgj /music/group_member/membership./music/group_membership/role /m/05r5c +/m/05k7sb /location/location/contains /m/0tz54 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/03y317 +/m/0725ny /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/07rzf /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmd5 +/m/0c3351 /media_common/netflix_genre/titles /m/0k4fz +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/0d0vqn /location/location/contains /m/04jhp +/m/04grkmd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/06v41q /people/ethnicity/people /m/03rqww +/m/025sc50 /music/genre/artists /m/0g824 +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vwllw +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01kff7 /film/film/production_companies /m/086k8 +/m/018h2 /media_common/netflix_genre/titles /m/0n6ds +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06hwzy +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bj9k +/m/016zxr /music/genre/artists /m/017l4 +/m/04p3w /people/cause_of_death/people /m/013sg6 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03d8jd1 +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/043zg /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01kh2m1 /people/person/place_of_birth /m/0rydq +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/06crng /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rk0 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n1r5 +/m/0n04r /film/film/language /m/02h40lc +/m/06dfg /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01kwld +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01kmd4 /people/person/employment_history./business/employment_tenure/company /m/0jmk7 +/m/02js_6 /people/person/spouse_s./people/marriage/spouse /m/01dbhb +/m/046lt /people/person/gender /m/05zppz +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02f8zw +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/021lby /film/director/film /m/0946bb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/0dr_4 /film/film/produced_by /m/03_gd +/m/0d608 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0cnk2q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/047myg9 /film/film/genre /m/017fp +/m/01h320 /people/deceased_person/place_of_burial /m/0vzm +/m/016szr /award/award_winner/awards_won./award/award_honor/award_winner /m/0146pg +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vjp3 +/m/03tps5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/05w6cw /people/person/profession /m/02hrh1q +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/05b5c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/063ykwt /tv/tv_program/genre /m/0gs6m +/m/01xllf /film/actor/film./film/performance/film /m/09qljs +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02bq1j /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/08gg47 /film/film/genre /m/07s9rl0 +/m/01w3lzq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01qvz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvycq +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4_n0 +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01pw2f1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/039bpc +/m/07bbw /music/genre/artists /m/0gkg6 +/m/0ldpy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/071pf2 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/037css +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04j14qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/03ybrwc /award/award_category/winners./award/award_honor/award_winner /m/0k_mt +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/05tbn /location/location/contains /m/0mwsh +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/0bm2g /film/film/genre /m/06l3bl +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/046488 /film/film/genre /m/07s9rl0 +/m/01wp8w7 /people/person/nationality /m/07ssc +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/01ypsj /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0n6f8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/018z_c /people/person/spouse_s./people/marriage/spouse /m/016khd +/m/0m6x4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01qq_lp /film/actor/film./film/performance/film /m/04jplwp +/m/0jcjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcky +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01cmp9 /film/film/featured_film_locations /m/0h7h6 +/m/01j5sv /people/person/languages /m/02bjrlw +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/078sj4 /film/film/music /m/0csdzz +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0cc5mcj /film/film/genre /m/0hfjk +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0cvkv5 /film/film/genre /m/07s9rl0 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/0344gc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0jbp0 /film/actor/film./film/performance/film /m/06r2h +/m/0l6px /film/actor/film./film/performance/film /m/03hxsv +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/013pp3 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgk1 +/m/04btyz /media_common/netflix_genre/titles /m/0hvvf +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_9t7 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/01svry /film/film/music /m/0b6yp2 +/m/03cffvv /film/film/genre /m/07s9rl0 +/m/03d8jd1 /film/film/written_by /m/04hw4b +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/02cpp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/04107 /influence/influence_node/peers./influence/peer_relationship/peers /m/0453t +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05183k +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/065y4w7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h5f8 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/0qf3p /music/group_member/membership./music/group_membership/group /m/06gcn +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0164b /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b195 /film/film/written_by /m/02vyw +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/05qw5 /people/person/profession /m/02hrh1q +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0bby9p5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04twmk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/023kzp /people/person/places_lived./people/place_lived/location /m/0f2v0 +/m/01pw9v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/03vfr_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0lbfv /education/educational_institution/students_graduates./education/education/student /m/0drdv +/m/03lmx1 /people/ethnicity/people /m/026lj +/m/088cp /location/location/time_zones /m/03bdv +/m/02hsgn /people/person/place_of_birth /m/0lhn5 +/m/01r97z /film/film/production_companies /m/031rq5 +/m/028lc8 /people/deceased_person/place_of_death /m/0qpn9 +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnx3j +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/03rl1g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/0cj2k3 /people/person/nationality /m/09c7w0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/02j9z /location/location/contains /m/077qn +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/016017 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01m3b1t /music/artist/origin /m/0f2tj +/m/01wy61y /people/person/profession /m/09jwl +/m/09blyk /media_common/netflix_genre/titles /m/03shpq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/01lw3kh /people/person/profession /m/016z4k +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7jt +/m/0c921 /people/person/profession /m/0dxtg +/m/0kqbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0j0k /location/location/contains /m/082pc +/m/09zf_q /film/film/genre /m/02kdv5l +/m/07_k0c0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02qdzd +/m/0d22f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03rl84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fpj9pm +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/05yzt_ +/m/059g4 /base/locations/continents/countries_within /m/09lxtg +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0330r +/m/0c3kw /influence/influence_node/influenced_by /m/06bng +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0kvnn /people/deceased_person/place_of_death /m/030qb3t +/m/022dp5 /people/ethnicity/people /m/01nvmd_ +/m/02vxq9m /film/film/language /m/02h40lc +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0223bl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/037mp6 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/018x3 /influence/influence_node/influenced_by /m/0hgqq +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/01l2fn /people/person/profession /m/0d1pc +/m/0d4htf /film/film/genre /m/04t36 +/m/01gfq4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g9lm2 /film/film/genre /m/03bxz7 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06b0d2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049m_l +/m/0k3gw /location/location/contains /m/0typ5 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05bt6j /music/genre/artists /m/016fmf +/m/0r5wt /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2vz +/m/0k525 /film/actor/film./film/performance/film /m/035yn8 +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/03p2m1 /education/educational_institution/campuses /m/03p2m1 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08s6mr +/m/01rxyb /film/film/language /m/03_9r +/m/025y9fn /people/person/profession /m/03gjzk +/m/02n1p5 /people/person/religion /m/0flw86 +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0333t +/m/01x1fq /people/person/gender /m/05zppz +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026rm_y +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc846d +/m/0p9xd /music/genre/artists /m/01dhjz +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/075cph +/m/03spz /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/01kws3 /people/person/nationality /m/09c7w0 +/m/0gy0l_ /film/film/produced_by /m/06pj8 +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0193qj +/m/0xnvg /people/ethnicity/people /m/01gw4f +/m/050zr4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02gkxp +/m/05j0wc /people/person/gender /m/05zppz +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/035gt8 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06mt91 +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/02lfns +/m/02gyl0 /people/person/religion /m/03_gx +/m/0gkg6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jgk3 /location/location/contains /m/03xpx0 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0cn_b8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06f32 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/02ryx0 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9k25 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03h64 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06yrj6 +/m/019vv1 /education/educational_institution/students_graduates./education/education/student /m/01l79yc +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/07ssc /location/location/contains /m/0161jj +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02g87m +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05zlld0 /film/film/featured_film_locations /m/030qb3t +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03l6bs +/m/03_nq /people/person/profession /m/080ntlp +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/014kg4 +/m/02fgpf /people/person/profession /m/05vyk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/0d_84 /film/actor/film./film/performance/film /m/01hw5kk +/m/018dk_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01jv_6 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0ftps /people/person/profession /m/01c72t +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0d7wh /people/ethnicity/people /m/02m7r +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07s5fz +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01n7q +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/01wv9p /music/artist/origin /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05nsfc +/m/05nqz /time/event/locations /m/04g5k +/m/07nnp_ /film/film/genre /m/0glj9q +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/023jq1 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01z4y /media_common/netflix_genre/titles /m/087vnr5 +/m/05mlqj /film/actor/film./film/performance/film /m/01qncf +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046f3p +/m/02brqp /business/business_operation/industry /m/01mw1 +/m/01jqr_5 /people/person/profession /m/02hrh1q +/m/0l6ny /olympics/olympic_games/sports /m/0w0d +/m/03y0pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01ym9b /music/genre/artists /m/01vv7sc +/m/02114t /film/actor/film./film/performance/film /m/07z6xs +/m/0ddt_ /film/film/music /m/0146pg +/m/012vct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/04qr6d /people/person/profession /m/025352 +/m/01wg982 /people/person/profession /m/01d_h8 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0f5hyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02fn5r /people/person/spouse_s./people/marriage/spouse /m/010hn +/m/0gn30 /film/actor/film./film/performance/film /m/05nyqk +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/031778 +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/08phg9 /film/film/executive_produced_by /m/0h5jg5 +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0jnrk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/03_x5t /film/actor/film./film/performance/film /m/0bvn25 +/m/0d2by /people/ethnicity/geographic_distribution /m/07b_l +/m/0ly8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0329qp +/m/09c7w0 /location/location/contains /m/0f1sm +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/0879bpq /film/film/music /m/04pf4r +/m/09gnn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09jcj6 /film/film/produced_by /m/0gg9_5q +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033qdy +/m/04v9wn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03gr7w /people/person/places_lived./people/place_lived/location /m/0_xdd +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0q_xk /base/biblioness/bibs_location/state /m/01n7q +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/084nh /influence/influence_node/influenced_by /m/07g2b +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07k2x /business/business_operation/industry /m/02vxn +/m/0281y0 /base/biblioness/bibs_location/state /m/01n7q +/m/01gwk3 /film/film/featured_film_locations /m/030qb3t +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/09c7w0 /location/location/contains /m/0p1l2 +/m/0gtt5fb /film/film/country /m/0chghy +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/02qdrjx /film/film/language /m/02h40lc +/m/0sl2w /base/biblioness/bibs_location/country /m/09c7w0 +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/05fhy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hx2t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/01xmxj +/m/01p4wv /tv/tv_program/country_of_origin /m/09c7w0 +/m/0f4yh /film/film/cinematography /m/06p0s1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0fpgp26 /film/film/prequel /m/027j9wd +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/01p_2p /music/genre/parent_genre /m/03_d0 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/05rwpb /music/genre/artists /m/01v_pj6 +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05fyss /people/person/profession /m/01d30f +/m/0zygc /location/hud_county_place/place /m/0zygc +/m/046488 /film/film/country /m/09c7w0 +/m/02_286 /location/location/contains /m/02lwv5 +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01jzxy +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03k7bd /film/actor/film./film/performance/film /m/0gmgwnv +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/0678gl +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01z88t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07l50vn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/04hw4b /people/person/place_of_birth /m/0wh3 +/m/059g4 /location/location/contains /m/04_1l0v +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/06m_5 /location/country/form_of_government /m/01fpfn +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/01vsy9_ /film/actor/film./film/performance/film /m/0h3k3f +/m/017149 /film/actor/film./film/performance/film /m/016z9n +/m/07b_l /location/location/contains /m/0105y2 +/m/016clz /music/genre/artists /m/04s5_s +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0342h /music/instrument/instrumentalists /m/09lwrt +/m/01qdmh /film/film/featured_film_locations /m/09bjv +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vzx45 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/0rng /location/administrative_division/first_level_division_of /m/06q1r +/m/01jq4b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03j_hq +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/02773m2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/048tv9 /film/film/genre /m/0btmb +/m/08d6bd /people/person/profession /m/0fj9f +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08lr6s +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/02gr81 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0h3y /film/film/film_festivals /m/03wf1p2 +/m/0nty_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dq0z /education/educational_institution_campus/educational_institution /m/01dq0z +/m/05c9zr /film/film/genre /m/060__y +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/026cmdc +/m/0fkwzs /tv/tv_program/genre /m/01z4y +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/03ntbmw /film/film/genre /m/07s9rl0 +/m/07kfzsg /award/award_category/winners./award/award_honor/award_winner /m/0139q5 +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0_816 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/028rk /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/03_9r +/m/04gknr /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01xq8v /film/film/production_companies /m/017s11 +/m/0f13b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/084m3 +/m/0557q /music/genre/artists /m/07hgkd +/m/01m13b /film/film/country /m/09c7w0 +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0147sh /film/film/genre /m/06l3bl +/m/0fqt1ns /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_x6v /people/person/gender /m/05zppz +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0847q +/m/02w7gg /people/ethnicity/people /m/02d42t +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/01n5sn /music/genre/artists /m/01k_mc +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/01wy5m +/m/023cjg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q7h2 /film/film/language /m/02h40lc +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/01vc5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/06dv3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05dbf +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0j5q3 +/m/04f7c55 /people/person/profession /m/09jwl +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/08bytj +/m/02j8nx /people/person/profession /m/02hrh1q +/m/0sxgv /film/film/country /m/09c7w0 +/m/02qd04y /film/film/genre /m/04t2t +/m/022p06 /people/deceased_person/place_of_burial /m/018mmj +/m/0hv81 /film/film/country /m/09c7w0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/068p2 +/m/0191h5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/0j862 /music/performance_role/regular_performances./music/group_membership/group /m/0hvbj +/m/0drsm /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/07s9rl0 /media_common/netflix_genre/titles /m/016z9n +/m/02flpq /award/award_category/winners./award/award_honor/award_winner /m/01mxqyk +/m/0p3r8 /people/person/profession /m/0kyk +/m/016dsy /people/person/nationality /m/07ssc +/m/053x8hr /tv/tv_program/languages /m/02h40lc +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01c57n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/04t53l /music/record_label/artist /m/014cw2 +/m/05w3f /music/genre/artists /m/0k1bs +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/04bdpf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04g61 /location/country/form_of_government /m/018wl5 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nvyr +/m/0155w /music/genre/artists /m/0fpj4lx +/m/0m9v7 /people/person/nationality /m/03h64 +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b4lkx +/m/01l7cxq /music/artist/origin /m/030qb3t +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rrwf6 +/m/0lbbj /olympics/olympic_games/sports /m/07_53 +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/02w7gg /people/ethnicity/people /m/06crng +/m/0dl5d /music/genre/artists /m/03qkcn9 +/m/06y0xx /people/person/profession /m/03gjzk +/m/01bdhf /education/educational_institution/colors /m/038hg +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/06jrhz /people/person/profession /m/0np9r +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/056ws9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09146g +/m/0dfw0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ql7q /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/0ffmp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ym1 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0kjgl +/m/02h2z_ /base/culturalevent/event/entity_involved /m/028rk +/m/010h9y /location/hud_county_place/place /m/010h9y +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/02w6s3 /music/genre/parent_genre /m/0hh2s +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/025504 /organization/organization/headquarters./location/mailing_address/citytown /m/03kfl +/m/0794g /people/person/profession /m/01d_h8 +/m/0cx7f /music/genre/artists /m/012zng +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p50v +/m/05r5c /music/instrument/instrumentalists /m/04pf4r +/m/03x82v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/02847m9 /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01b_5g /medicine/disease/risk_factors /m/0fltx +/m/02z3zp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmc26r +/m/01ry_x /film/film/genre /m/02l7c8 +/m/01tlmw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032md /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/07wrz /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/06q6jz /music/genre/artists /m/0h6sv +/m/01rddlc /people/person/profession /m/02hrh1q +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03rs8y /people/person/profession /m/01d_h8 +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/09xx0m /people/person/gender /m/05zppz +/m/02knxx /people/cause_of_death/people /m/015qt5 +/m/0cqr0q /film/film/genre /m/03npn +/m/0fgg4 /people/person/spouse_s./people/marriage/spouse /m/01chc7 +/m/03f5mt /music/instrument/instrumentalists /m/01wg6y +/m/01w40h /music/record_label/artist /m/0dw4g +/m/013xrm /people/ethnicity/people /m/03sbs +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053yx +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/088vb /location/country/official_language /m/02h40lc +/m/03f7nt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/020_95 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/01wz3cx /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/05l71 /sports/sports_team/sport /m/0jm_ +/m/07kr2 /base/culturalevent/event/entity_involved /m/05sz6 +/m/049mql /film/film/country /m/0345h +/m/05_61y /film/film/featured_film_locations /m/0rh6k +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0dcz8_ +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0l2sr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq1l +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kj2v +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/0dn3n /people/person/profession /m/02hrh1q +/m/01m24m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vwllw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01t07j +/m/0djtky /people/person/languages /m/02h40lc +/m/01nm8w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03bxpt0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02h659 /education/educational_institution/campuses /m/02h659 +/m/03q5db /film/film/language /m/02h40lc +/m/017z49 /film/film/written_by /m/0184dt +/m/015rhv /film/actor/film./film/performance/film /m/02c7k4 +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/08984j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09l9tq /people/person/place_of_birth /m/0853g +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blfl +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0241y7 +/m/02ctzb /people/ethnicity/people /m/02vntj +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01ydzx /people/person/profession /m/016z4k +/m/01shy7 /film/film/produced_by /m/0mdqp +/m/0b7t3p /people/person/profession /m/03gjzk +/m/0h5g_ /film/actor/film./film/performance/film /m/020bv3 +/m/01fh36 /music/genre/artists /m/0326tc +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/047c9l +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/03fghg /film/actor/film./film/performance/film /m/0dd6bf +/m/033smt /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kk9v +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/01rzxl /people/person/places_lived./people/place_lived/location /m/02xry +/m/042v2 /people/person/employment_history./business/employment_tenure/company /m/0p7tb +/m/02qzmz6 /film/film/genre /m/09blyk +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hsn_ +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026c1 +/m/07vfy4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01m5m5b +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/01rf57 /tv/tv_program/genre /m/02kdv5l +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01ygv2 /organization/organization/headquarters./location/mailing_address/country /m/03h64 +/m/05sq84 /film/actor/film./film/performance/film /m/02wyzmv +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/06w58f /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/0dg3n1 /location/location/contains /m/088xp +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5qs2k +/m/0dq626 /film/film/language /m/02h40lc +/m/07kg3 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/046_v /people/person/gender /m/05zppz +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01t2h2 /film/actor/film./film/performance/film /m/065ym0c +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09p0ct +/m/05byxm /music/record_label/artist /m/01l1b90 +/m/08m4c8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/04w4s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02byfd /people/person/places_lived./people/place_lived/location /m/0djd3 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/04pnx /location/location/time_zones /m/02fqwt +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5qs2k +/m/09krp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04mvk7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019pkm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02q3bb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0cj8x /people/deceased_person/place_of_death /m/030qb3t +/m/0gz5hs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0584r4 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/09gmmt6 /film/film/production_companies /m/018tnx +/m/0265z9l /people/person/languages /m/0121sr +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02__34 +/m/01cssf /film/film/produced_by /m/013tcv +/m/04bz7q /people/person/gender /m/02zsn +/m/02sj1x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/01gbbz /people/person/profession /m/03gjzk +/m/0t015 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cv_gy +/m/01vl17 /people/person/profession /m/0dxtg +/m/03fn6z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07vfj /education/educational_institution/students_graduates./education/education/student /m/0q59y +/m/09vc4s /people/ethnicity/people /m/03q5dr +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02wzv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j_c /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01bjbk +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0kb57 /film/film/produced_by /m/022p06 +/m/01_qc_ /people/cause_of_death/people /m/02h3tp +/m/042z_g /people/person/profession /m/02krf9 +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/0830vk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c9s /language/human_language/countries_spoken_in /m/0d060g +/m/0tzt_ /location/location/contains /m/01kvrz +/m/0s3pw /base/biblioness/bibs_location/country /m/09c7w0 +/m/0ymbl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/0l14md /music/instrument/instrumentalists /m/01vs14j +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/0gv5c /people/person/languages /m/02h40lc +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01q7h2 /film/film/music /m/02ryx0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0dl5d /music/genre/artists /m/0fcsd +/m/01f6x7 /film/film/country /m/09c7w0 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/0309lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zqmj +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/01xbxn /film/film/genre /m/05p553 +/m/09c7w0 /location/country/second_level_divisions /m/0drsm +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/01d0fp /film/actor/film./film/performance/film /m/02gqm3 +/m/03x82v /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0l5mz +/m/01n7qlf /people/person/place_of_birth /m/030qb3t +/m/05dbf /film/actor/film./film/performance/film /m/023g6w +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hzlz /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02wh0 /influence/influence_node/influenced_by /m/081k8 +/m/02pprs /music/instrument/instrumentalists /m/01wp8w7 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/0dll_t2 /film/film/genre /m/05p553 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/072vj /people/person/profession /m/01d_h8 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/057176 +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06nns1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/05xd8x /people/person/places_lived./people/place_lived/location /m/02c98m +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04vvh9 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0f8pz +/m/0htlr /people/person/profession /m/02jknp +/m/013km /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ttg5 /people/person/place_of_birth /m/0v9qg +/m/02ctzb /people/ethnicity/people /m/012gx2 +/m/0gn30 /film/actor/film./film/performance/film /m/0140g4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/0c7ct /people/person/sibling_s./people/sibling_relationship/sibling /m/049qx +/m/04_xr8 /location/location/contains /m/0fhsz +/m/09bg4l /people/deceased_person/place_of_death /m/04f_d +/m/02xwgr /film/actor/film./film/performance/film /m/02qr3k8 +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05v8c +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077rj +/m/05ljv7 /music/instrument/family /m/02qjv +/m/05f7w84 /tv/tv_program/genre /m/06n90 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/025tdwc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0bn8fw /people/person/place_of_birth /m/0z18v +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06c62 /location/location/contains /m/01fxg8 +/m/03g90h /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccck7 +/m/02jx1 /location/location/contains /m/0n95v +/m/0gx9rvq /film/film/language /m/02h40lc +/m/027b43 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fw2y /base/biblioness/bibs_location/country /m/09c7w0 +/m/06mmb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ddj0x /film/film/country /m/09c7w0 +/m/04wp2p /film/director/film /m/0cf8qb +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01xbgx +/m/04wzr /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/03f77 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjmr +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0bvg70 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05fgr_ +/m/02whj /people/person/profession /m/0dz3r +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0219x_ /media_common/netflix_genre/titles /m/0djlxb +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/0lgm5 /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/0gy30w /film/film/produced_by /m/072vj +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9jr +/m/0bj9k /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04p3c /base/aareas/schema/administrative_area/administrative_parent /m/0134bf +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/01ttg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvt2 +/m/0123j6 /organization/organization/place_founded /m/0bxbb +/m/04xvlr /media_common/netflix_genre/titles /m/0sxgv +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04135 +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01lf293 /music/artist/origin /m/02_286 +/m/03_3d /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sq84 /film/actor/film./film/performance/film /m/09v8clw +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/045j3w +/m/073tm9 /music/record_label/artist /m/01ws9n6 +/m/03q43g /film/actor/film./film/performance/film /m/0gldyz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06mxs +/m/02lnhv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/036wy /location/location/contains /m/0f8j6 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0dclg +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02jr6k +/m/03xl77 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0fzyg /film/film_subject/films /m/01qb559 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07tp2 +/m/04xvlr /media_common/netflix_genre/titles /m/0_816 +/m/0cwx_ /education/educational_institution/school_type /m/07tf8 +/m/01693z /music/group_member/membership./music/group_membership/role /m/0342h +/m/09txzv /film/film/production_companies /m/046b0s +/m/07t_x /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gwk3 /film/film/country /m/0345h +/m/01d1st /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016clz /music/genre/artists /m/01t110 +/m/02vxyl5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bxqz +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0f2w0 /sports/sports_team_location/teams /m/0jmh7 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0f_nbyh /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/01ly5m /sports/sports_team_location/teams /m/023zd7 +/m/02yr3z /education/educational_institution/campuses /m/02yr3z +/m/0154j /sports/sports_team_location/teams /m/0329gm +/m/09r3f /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04bbb8 +/m/01jft4 /film/film/genre /m/01hmnh +/m/05tr7 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0261g5l /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/0d0x8 /location/location/contains /m/0rv97 +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/04205z /people/person/profession /m/02hrh1q +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/01hb6v /influence/influence_node/influenced_by /m/0h0p_ +/m/0h0wd9 /film/film/cinematography /m/07djnx +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/067sqt +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016kz1 +/m/0p_jc /people/person/place_of_birth /m/02_286 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/02jx1 +/m/0bdt8 /people/person/languages /m/02bjrlw +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/0gfzgl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qt29 +/m/01q6bg /film/actor/film./film/performance/film /m/02qr3k8 +/m/02wlk /people/person/nationality /m/09c7w0 +/m/0gk4g /people/cause_of_death/people /m/02qy3py +/m/05z43v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02z6l5f +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03l2n /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/02qlkc3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q00lw +/m/0342h /music/instrument/instrumentalists /m/0kj34 +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/08gsvw /film/film/language /m/04306rv +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/0qf43 /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02z2mr7 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bpc9 +/m/03x31g /people/person/gender /m/02zsn +/m/0bxtg /film/actor/film./film/performance/film /m/0gh65c5 +/m/0fhzwl /tv/tv_program/genre /m/01htzx +/m/07yklv /music/genre/artists /m/016l09 +/m/0_24q /location/hud_county_place/place /m/0_24q +/m/0cm19f /people/person/sibling_s./people/sibling_relationship/sibling /m/01k6nm +/m/03yl2t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/06kxk2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/059xnf +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01dbk6 +/m/0h1mt /people/person/profession /m/02hrh1q +/m/07663r /people/person/profession /m/02hrh1q +/m/09f07 /location/administrative_division/country /m/03rk0 +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0dcz8_ /film/film/music /m/02bh9 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026n4h6 +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/02mqc4 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/05k2xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061dn_ +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mc7y +/m/01fh0q /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/015wy_ /education/educational_institution/colors /m/01l849 +/m/021gzd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ywr +/m/016wzw /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0drr3 /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/01pcrw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09qr6 +/m/0123qq /tv/tv_program/genre /m/07s9rl0 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07w0v /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0d68qy /tv/tv_program/genre /m/05p553 +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/098sv2 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/02jjdr /music/record_label/artist /m/016vn3 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/02p10m /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/0347xz +/m/0167q3 /location/location/time_zones /m/02hcv8 +/m/0113sg /people/deceased_person/place_of_death /m/04swd +/m/01trtc /music/record_label/artist /m/03y82t6 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02w9k1c /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/067zx9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/0683n /people/person/profession /m/0dxtg +/m/01w5gp /organization/organization/place_founded /m/013yq +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0jgd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0161sp /base/eating/practicer_of_diet/diet /m/07_jd +/m/014xf6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/02bh8z /music/record_label/artist /m/027kwc +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01719t +/m/0m0jc /music/genre/artists /m/01vtj38 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02r3cn +/m/0683n /influence/influence_node/influenced_by /m/049gc +/m/06s6hs /people/person/gender /m/02zsn +/m/07jqjx /film/film/country /m/07ssc +/m/07r4c /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/01bpc9 /people/person/profession /m/016z4k +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016vg8 +/m/0xhtw /music/genre/artists /m/01pny5 +/m/0j5b8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qkp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/051zy_b /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l5f2 +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gzm2 +/m/04mrhq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04wgh /location/country/form_of_government /m/018wl5 +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0lsw9 /people/person/profession /m/01c72t +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05g8pg +/m/03gyl /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02jx1 /location/location/contains /m/013nky +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02p7_k +/m/05tg3 /sports/sports_team/colors /m/083jv +/m/05j82v /film/film/genre /m/04xvlr +/m/03ts0c /people/ethnicity/people /m/04pwg +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/03bxz7 /film/film_subject/films /m/02rx2m5 +/m/09c7w0 /location/country/second_level_divisions /m/0mmpm +/m/0498yf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07s9rl0 /media_common/netflix_genre/titles /m/03cvvlg +/m/0xhtw /music/genre/artists /m/01pbxb +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05fnl9 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/08xwck /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/017f3m +/m/08qvhv /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/02x0bdb /award/award_winner/awards_won./award/award_honor/award_winner /m/01934k +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0c_md_ +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/05sj55 /people/person/gender /m/02zsn +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/03h_fqv +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/01vv6xv /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0198b6 /film/film/genre /m/07s9rl0 +/m/0rh6k /sports/sports_team_location/teams /m/0jm5b +/m/059j4x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0hz55 +/m/0jqj5 /film/film/language /m/06b_j +/m/0gtt5fb /film/film/language /m/02h40lc +/m/075q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01tj34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06hx2 +/m/0266r6h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/0r679 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6ff +/m/0c8qq /film/film/genre /m/04xvh5 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/0219q +/m/0bh8yn3 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01pf21 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0vmt /location/location/contains /m/0qplq +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01vsl3_ +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02w9k1c /film/film/genre /m/02l7c8 +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/05txrz /film/actor/film./film/performance/film /m/02825nf +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/01mr2g6 +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/01r9fv /music/artist/origin /m/0cr3d +/m/02b18l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04flrx /award/award_winner/awards_won./award/award_honor/award_winner /m/016tt2 +/m/03kq98 /tv/tv_program/genre /m/01z77k +/m/04b2qn /film/film/genre /m/07s9rl0 +/m/04dyqk /film/director/film /m/06ybb1 +/m/05dbf /film/actor/film./film/performance/film /m/03lvwp +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03v3xp +/m/0325dj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j5sd /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/01wlt3k /people/person/place_of_birth /m/043yj +/m/0678gl /people/person/profession /m/0np9r +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/015pvh /people/person/profession /m/0np9r +/m/018djs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03lq43 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/059rby /location/location/contains /m/02zp1t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06l22 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cc5qkt +/m/02j9lm /people/person/religion /m/0c8wxp +/m/01znc_ /location/location/contains /m/02s2xy +/m/05zy2cy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0flw6 +/m/0dxmyh /people/person/gender /m/05zppz +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/06j6l /music/genre/artists /m/05mt_q +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/022dp5 /people/ethnicity/people /m/05xpv +/m/019vgs /people/person/places_lived./people/place_lived/location /m/02dtg +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053vcrp +/m/02v992 /education/educational_institution/school_type /m/05jxkf +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/01nm8w /education/educational_institution/colors /m/088fh +/m/028q6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/084z0w /film/actor/film./film/performance/film /m/09yxcz +/m/045r_9 /film/film/genre /m/0d63kt +/m/064q5v /film/film/country /m/0f8l9c +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/07rzf /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0dq9p /people/cause_of_death/people /m/01n9d9 +/m/0sx5w /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/01pkhw /people/person/spouse_s./people/marriage/spouse /m/01pk8v +/m/0cb77r /award/award_winner/awards_won./award/award_honor/award_winner /m/0520r2x +/m/033g0y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/06bc59 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/087qxp +/m/016z5x /film/film/film_production_design_by /m/0d5wn3 +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/01lhdt /organization/organization/headquarters./location/mailing_address/state_province_region /m/017v_ +/m/075_t2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0fgg4 +/m/02zl4d /award/award_nominee/award_nominations./award/award_nomination/award /m/0fqpg6b +/m/03w9sgh /award/award_winner/awards_won./award/award_honor/award_winner /m/079kdz +/m/01ffx4 /film/film/genre /m/02l7c8 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/08l_c1 +/m/01yf85 /film/actor/film./film/performance/film /m/02q7yfq +/m/03l7tr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02z4b_8 +/m/03p9hl /people/person/gender /m/02zsn +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01ftz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fnn5 +/m/0294zg /film/film/genre /m/0lsxr +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/0564x /film/film/music /m/02rgz4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/09c8bc +/m/09c7w0 /location/location/contains /m/0r4wn +/m/017gxw /film/actor/film./film/performance/film /m/06gjk9 +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/02ctyy +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4vj +/m/042rnl /people/person/places_lived./people/place_lived/location /m/0jk_8 +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/0prjs /film/actor/film./film/performance/film /m/01qz5 +/m/016clz /music/genre/artists /m/0m19t +/m/08052t3 /film/film/featured_film_locations /m/01cx_ +/m/0rh6k /sports/sports_team_location/teams /m/03lpp_ +/m/09vc4s /people/ethnicity/people /m/0bx_q +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/05m883 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04l5b4 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/014zfs /people/person/profession /m/01d_h8 +/m/0vlf /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/instrument/instrumentalists /m/01vv7sc +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/0170pk /people/person/profession /m/01d_h8 +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0fq117k /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/07s9rl0 /media_common/netflix_genre/titles /m/04gp58p +/m/02qdzd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09r9dp /people/person/profession /m/02hrh1q +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03rl84 /people/person/profession /m/09jwl +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/0d2by /people/ethnicity/people /m/099d4 +/m/09glbnt /organization/organization/child./organization/organization_relationship/child /m/02p4jf0 +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027rpym +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0b_5d /film/film/featured_film_locations /m/02_286 +/m/035qlx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0x67 /people/ethnicity/people /m/08swgx +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/01w56k /music/record_label/artist /m/011_vz +/m/0cjsxp /film/actor/film./film/performance/film /m/0284b56 +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/0dzs0 /location/location/contains /m/02hft3 +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0bs5k8r /film/film/film_festivals /m/04_m9gk +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04xvlr /media_common/netflix_genre/titles /m/049mql +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/012m_ /location/country/capital /m/095w_ +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/07tw_b +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/09jcj6 /film/film/country /m/09c7w0 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/02csf /education/field_of_study/students_majoring./education/education/student /m/06ltr +/m/0f7fy /organization/organization_founder/organizations_founded /m/0jbk9 +/m/02_j8x /people/person/place_of_birth /m/0nbrp +/m/07bbw /music/genre/artists /m/01jcxwp +/m/01bn3l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cymp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015k7 /people/person/nationality /m/03rk0 +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01l9p +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/05j0wc /people/person/place_of_birth /m/01_d4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0284gcb +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/027gy0k +/m/0mwh1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dgshf6 /award/award_category/disciplines_or_subjects /m/02vxn +/m/052nd /education/educational_institution/colors /m/083jv +/m/02qr3k8 /film/film/language /m/02h40lc +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0g9lm2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/042xrr +/m/0168ql /people/person/gender /m/05zppz +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/02h2vv /tv/tv_program/languages /m/02h40lc +/m/09bw4_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0770cd +/m/041rx /people/ethnicity/people /m/015c1b +/m/0bk5r /people/person/profession /m/02p0s5r +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05jm7 /influence/influence_node/influenced_by /m/06jcc +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0253b6 +/m/014bpd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/086sj /people/person/profession /m/02hrh1q +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/08swgx /people/person/places_lived./people/place_lived/location /m/01531 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/09qh1 /film/actor/film./film/performance/film /m/0jqd3 +/m/0sxgh /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/029qzx +/m/01jw67 /film/film/cinematography /m/05br10 +/m/04l19_ /people/person/places_lived./people/place_lived/location /m/0r00l +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qnc6q +/m/07bch9 /people/ethnicity/people /m/016qtt +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0cq86w /film/film/language /m/02h40lc +/m/06jzh /film/actor/film./film/performance/film /m/0bdjd +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0fy66 /film/film/language /m/02h40lc +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/04fhn_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/025v3k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0bkq_8 /people/person/gender /m/02zsn +/m/01v1ln /film/film/language /m/04306rv +/m/016_nr /music/genre/parent_genre /m/0190yn +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/0h778 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01vsksr /people/person/places_lived./people/place_lived/location /m/06y9v +/m/01xdf5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/07y8l9 /film/actor/film./film/performance/film /m/0b6m5fy +/m/02xfj0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/034ls +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/07lx1s +/m/047cx /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01sbhvd /people/person/place_of_birth /m/0f2wj +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0hvb2 /people/person/profession /m/02hrh1q +/m/02tk74 /film/actor/film./film/performance/film /m/05tgks +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/086qd +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09qbdc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/030g9z /people/person/nationality /m/09c7w0 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/09d5d5 +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/015x74 +/m/081yw /location/location/contains /m/0ml_m +/m/0d3qd0 /people/person/profession /m/0fj9f +/m/0f60c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f612 +/m/09d38d /film/film/production_companies /m/086k8 +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dv3 +/m/0190_q /music/genre/artists /m/03k3b +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/016zdd +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/0ywrc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03sbs /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/03j1p2n /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/07s9rl0 /media_common/netflix_genre/titles /m/0dr_4 +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h5d +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g78xc +/m/01pw2f1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02v60l +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/03yl2t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/03pp73 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fx0j2 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/0m0jc /music/genre/artists /m/0qdyf +/m/01ymvk /education/educational_institution/campuses /m/01ymvk +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05ls3r +/m/015t56 /film/actor/film./film/performance/film /m/01svry +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0frnff /people/person/nationality /m/09c7w0 +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/04b_46 +/m/01pcq3 /film/actor/film./film/performance/film /m/05q_dw +/m/09gb_4p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04j13sx +/m/04bgy /people/person/gender /m/05zppz +/m/0h7x /location/location/contains /m/06fz_ +/m/041p3y /music/record_label/artist /m/024zq +/m/019rg5 /location/country/capital /m/05d49 +/m/02n4kr /media_common/netflix_genre/titles /m/02q87z6 +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/077yk0 +/m/087pfc /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0kz4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0bqxw +/m/0bjkpt /people/person/profession /m/020xn5 +/m/08664q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/02yy8 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/059rby +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/06h2w +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/029zqn /film/film/executive_produced_by /m/04q5zw +/m/064t9 /music/genre/artists /m/09nhvw +/m/014clr /location/administrative_division/country /m/0d05w3 +/m/01fs__ /tv/tv_program/genre /m/0djd22 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/01dwyd +/m/0x67 /people/ethnicity/people /m/049sb +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01k70_ +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/026n4h6 +/m/065zlr /film/film/produced_by /m/04wvhz +/m/09c7w0 /location/location/contains /m/0y2dl +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/03kg2v /film/film/genre /m/03g3w +/m/09krp /location/location/contains /m/0bkv0 +/m/05lls /music/genre/artists /m/012201 +/m/0ggbhy7 /film/film/production_companies /m/03sb38 +/m/0fjyzt /film/film/executive_produced_by /m/02hfp_ +/m/0gtt5fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bs1yy /people/person/profession /m/01c72t +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01c0cc +/m/01wg25j /people/person/profession /m/09jwl +/m/013q07 /film/film/language /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04gj8r +/m/04vcdj /film/actor/film./film/performance/film /m/0b6tzs +/m/0bth54 /film/film/written_by /m/03_gd +/m/05l5n /location/location/contains /m/0ym20 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03bx2lk /film/film/country /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jhp +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/0hnlx /people/person/gender /m/05zppz +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/02wr2r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/036hnm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0694j /location/location/contains /m/052nd +/m/043n0v_ /film/film/genre /m/04t2t +/m/02rlj20 /film/film/genre /m/060__y +/m/0cnl80 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bc71w +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bc1yhb +/m/0190yn /music/genre/artists /m/01s1zk +/m/01hrqc /music/group_member/membership./music/group_membership/role /m/0342h +/m/0133_p /music/genre/parent_genre /m/0gywn +/m/08vxk5 /people/person/place_of_birth /m/04vmp +/m/071dcs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r1k +/m/0p9tm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s44 +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/01flv_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/01br2w /film/film/written_by /m/0c1pj +/m/01bfjy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/03y82t6 /film/actor/film./film/performance/film /m/0ds5_72 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0bwfn /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/025rxjq /film/film/country /m/09c7w0 +/m/07bzz7 /film/film/country /m/09c7w0 +/m/0m8vm /music/genre/artists /m/09lwrt +/m/01ym9b /music/genre/parent_genre /m/0283d +/m/051z6rz /people/person/profession /m/02jknp +/m/07swvb /film/actor/film./film/performance/film /m/0g5qs2k +/m/01nwwl /film/actor/film./film/performance/film /m/03mh94 +/m/08c4yn /film/film/music /m/01wl38s +/m/09k56b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03fn8k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/032clf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/05jg58 /music/genre/artists /m/048tgl +/m/02114t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0j1yf +/m/02zkdz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/016k6x /film/actor/film./film/performance/film /m/02cbg0 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/08l0x2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015qq1 +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0341n5 +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/09c7w0 /location/country/second_level_divisions /m/0n4mk +/m/04mky3 /people/person/profession /m/0nbcg +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f6zc +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/09d5h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/058s57 +/m/0147sh /film/film/genre /m/02l7c8 +/m/07k8rt4 /film/film/genre /m/04t2t +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/014v6f +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02s2ys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01y9xg /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/016cjb /music/genre/artists /m/03cfjg +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02l424 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/02_fj /film/actor/film./film/performance/film /m/0fy66 +/m/02qjb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/05sj55 +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/05qx1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_j2 /people/person/profession /m/0fnpj +/m/035dk /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0p3_y +/m/02slt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gmblvq /film/film/country /m/09c7w0 +/m/040_t /influence/influence_node/influenced_by /m/081k8 +/m/049gc /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/042xh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pyww /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07ghq /film/film/language /m/02h40lc +/m/02pv_d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cvkv5 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/029k4p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/0gpprt +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08vd2q +/m/08cl7s /tv/tv_program/country_of_origin /m/03_3d +/m/029_3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f1r6t +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/045bs6 /film/actor/film./film/performance/film /m/011ykb +/m/07ssc /location/location/contains /m/01m3b7 +/m/0dg3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cqbx +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/01mqnr /film/actor/film./film/performance/film /m/01wb95 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/04f7c55 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dxmyh +/m/074tb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/03prz_ /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/02kzfw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06r4f /tv/tv_program/genre /m/06n90 +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/01rrd4 /people/person/profession /m/02hrh1q +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cj_f +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/03ym73 +/m/0gfzfj /film/film/produced_by /m/021yw7 +/m/05krk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0fy66 /film/film/genre /m/09blyk +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/05nrg /location/location/contains /m/05qkp +/m/025sc50 /music/genre/artists /m/0cgfb +/m/01p7yb /people/person/nationality /m/09c7w0 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03188 +/m/0281rp /base/biblioness/bibs_location/country /m/09c7w0 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/01rzxl /people/person/nationality /m/09c7w0 +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/05fkf /location/location/contains /m/0bx8pn +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/02b1l7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x400 +/m/0bxtg /film/actor/film./film/performance/film /m/0dyb1 +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qgc +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/05d6kv /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/03mqtr /media_common/netflix_genre/titles /m/01lsl +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/052gtg +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/026zvx7 /film/actor/film./film/performance/film /m/05f4_n0 +/m/07h76 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g_zyp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/01ycfv +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0277470 +/m/01n7q /location/location/contains /m/0cb4j +/m/01kgv4 /film/actor/film./film/performance/film /m/09ps01 +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/01c83m /business/job_title/people_with_this_title./business/employment_tenure/company /m/02wf01 +/m/05kkh /location/location/contains /m/02txdf +/m/036jv /music/genre/artists /m/01vvyc_ +/m/036gdw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03n6r /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05w1vf /film/actor/film./film/performance/film /m/011x_4 +/m/0n1s0 /film/film/cinematography /m/06r_by +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/040db +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/06j6l /music/genre/artists /m/01wj18h +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fn5 +/m/09yhzs /film/actor/film./film/performance/film /m/0c3xw46 +/m/0c_j9x /film/film/language /m/06mp7 +/m/039yzf /award/award_category/winners./award/award_honor/award_winner /m/01dzz7 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/07s846j /film/film/produced_by /m/0fvf9q +/m/055c8 /people/person/place_of_birth /m/0c_m3 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/0cmc26r /film/film/written_by /m/04r7jc +/m/078g3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/05xpms /people/person/nationality /m/09c7w0 +/m/03cz83 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/0ddkf /people/person/profession /m/09jwl +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05kh_ /film/actor/film./film/performance/film /m/0cq806 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07xvf /film/film/country /m/09c7w0 +/m/06l3bl /media_common/netflix_genre/titles /m/026gyn_ +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/033tf_ /people/ethnicity/people /m/05l4yg +/m/06q5t7 /film/actor/film./film/performance/film /m/0ds5_72 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06q5t7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qt29 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/05vsxz /film/actor/film./film/performance/film /m/0963mq +/m/0432_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/023slg /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/02cl1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/09r9dp /people/person/nationality /m/09c7w0 +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbf1 +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016ywb +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/04mx__ /people/person/nationality /m/09c7w0 +/m/045n3p /people/person/gender /m/05zppz +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/03rt9 /location/country/official_language /m/03x42 +/m/046lt /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/04xm_ /influence/influence_node/influenced_by /m/03sbs +/m/07hpv3 /tv/tv_program/genre /m/01htzx +/m/02qwg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06rgq +/m/02zr0z /education/educational_institution_campus/educational_institution /m/02zr0z +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dv3 +/m/081l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0qc7l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cz7r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09r9m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/01mxt_ /people/person/nationality /m/09c7w0 +/m/0mzkr /music/record_label/artist /m/04xrx +/m/02nb2s /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03j367r /film/actor/film./film/performance/film /m/03hmt9b +/m/01wj18h /award/award_winner/awards_won./award/award_honor/award_winner /m/0cc5tgk +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m_zp +/m/014q2g /people/person/profession /m/039v1 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/016khd +/m/03kbb8 /film/actor/film./film/performance/film /m/0ds3t5x +/m/01q_y0 /tv/tv_program/genre /m/01z4y +/m/01nglk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03zmc7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/023nlj /people/person/nationality /m/09c7w0 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0h1q6 /people/person/places_lived./people/place_lived/location /m/059f4 +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/035wcs /music/genre/artists /m/01l_vgt +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/02fgpf /people/person/nationality /m/09c7w0 +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02jgm0 +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/040z9 +/m/0cqh57 /people/person/gender /m/05zppz +/m/02jm0n /film/actor/film./film/performance/film /m/0gj96ln +/m/0dl9_4 /film/film/genre /m/07s9rl0 +/m/03j79x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/016z43 /film/film/genre /m/01t_vv +/m/01pvxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09hnb /people/person/place_of_birth /m/01_d4 +/m/03cyslc /film/film/genre /m/01j1n2 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035w2k +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vx5w7 +/m/01fjfv /broadcast/content/artist /m/07r1_ +/m/05tbn /location/location/contains /m/0l3n4 +/m/02p2zq /people/person/profession /m/0nbcg +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/025s1wg /film/film/country /m/09c7w0 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/06y611 /film/film/featured_film_locations /m/04jpl +/m/01r_t_ /people/person/places_lived./people/place_lived/location /m/018qt8 +/m/0mz73 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/017g21 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0f04v /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0pz04 +/m/081t6 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/09c7w0 /location/location/contains /m/01s7j5 +/m/035ktt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01j67j +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01wk7ql +/m/05nzw6 /film/actor/film./film/performance/film /m/01719t +/m/027x7z5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/021q23 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qz6n +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01cmp9 +/m/018p4y /people/person/religion /m/0c8wxp +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/0bl5c /film/film/genre /m/01g6gs +/m/03676 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hzj +/m/0xhtw /music/genre/artists /m/011xhx +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/0146mv /award/award_winner/awards_won./award/award_honor/award_winner /m/0jrqq +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02v570 +/m/01vrnsk /people/person/profession /m/0dgd_ +/m/01gpkz /education/educational_institution_campus/educational_institution /m/01gpkz +/m/050gkf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04pf4r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gq6s3 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/0j1yf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_0_z +/m/0ct_yc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xmxj +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0p51w +/m/084m3 /people/person/profession /m/01xr66 +/m/0kbwb /film/film/genre /m/05p553 +/m/0bs8ndx /film/film/executive_produced_by /m/083chw +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01c1px /people/person/profession /m/02jknp +/m/02pv_d /people/person/places_lived./people/place_lived/location /m/0chrx +/m/0ql7q /base/culturalevent/event/entity_involved /m/026pz9s +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04k9y6 +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sjf5 +/m/01d4cb /people/person/place_of_birth /m/030qb3t +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/08wr3kg /people/person/nationality /m/09c7w0 +/m/017c87 /people/person/profession /m/0dxtg +/m/01wskg /people/person/profession /m/02hrh1q +/m/01c65z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nb5v /people/person/profession /m/03gjzk +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/019kyn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/05znxx /film/film/genre /m/01jfsb +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/023361 +/m/01k47c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01hgwkr +/m/01d8yn /people/person/profession /m/02hv44_ +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0dpqk /people/person/profession /m/09jwl +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/01kf4tt /film/film/genre /m/01jfsb +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/027ybp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/06fc0b /film/actor/film./film/performance/film /m/011xg5 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/015_1q /music/record_label/artist /m/0g824 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/060__7 /film/film/music /m/02jxmr +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026ps1 +/m/03sbs /influence/influence_node/influenced_by /m/043s3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01p8s +/m/0zjpz /people/person/spouse_s./people/marriage/spouse /m/017m2y +/m/013rds /people/person/profession /m/0n1h +/m/05dmmc /film/film/story_by /m/012wg +/m/01x1cn2 /people/person/nationality /m/09c7w0 +/m/0kftt /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04xvlr /media_common/netflix_genre/titles /m/07l450 +/m/02yr1q /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02g40r /award/award_winner/awards_won./award/award_honor/award_winner /m/01271h +/m/043hg /people/person/place_of_birth /m/0fdpd +/m/0498yf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03knl /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01lz4tf /people/person/profession /m/09jwl +/m/0ck1d /location/location/contains /m/0c82s +/m/0gv2r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0fztbq /film/film/written_by /m/0fx02 +/m/016vn3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dlngsd /film/film/country /m/09c7w0 +/m/0k_l4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0184jc +/m/05fnl9 /film/actor/film./film/performance/film /m/0pvms +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/0c_gcr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/033tf_ /people/ethnicity/people /m/0151w_ +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/02zbjhq /people/person/gender /m/05zppz +/m/0ggbhy7 /film/film/genre /m/0bkbm +/m/04sylm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03_d0 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/099bk +/m/02flqd /award/award_category/winners./award/award_honor/award_winner /m/01w20rx +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/05ypj5 /film/film/production_companies /m/016tw3 +/m/041rx /people/ethnicity/people /m/08xwck +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/05dl1s /award/award_winning_work/awards_won./award/award_honor/award /m/02qrbbx +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/01hcj2 /film/actor/film./film/performance/film /m/0640y35 +/m/0cdf37 /award/award_winner/awards_won./award/award_honor/award_winner /m/053j4w4 +/m/012zng /people/person/places_lived./people/place_lived/location /m/07z1m +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/02661h /film/actor/film./film/performance/film /m/02rrfzf +/m/04sj3 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bt23 /people/person/profession /m/0d8qb +/m/01n7q /location/location/contains /m/0k_s5 +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/05strv /people/person/profession /m/02hrh1q +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01kvqc +/m/06d6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01243b /music/genre/artists /m/01cv3n +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/0gn30 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/03lh3v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/01pxcf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0mhfr /music/genre/artists /m/07qnf +/m/01jxlz /base/biblioness/bibs_location/state /m/0dmy0 +/m/04h5tx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/073tm9 /music/record_label/artist /m/01vw20h +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qjt +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01mjq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01ddbl +/m/07b_l /location/location/contains /m/0mskq +/m/05q7cj /time/event/instance_of_recurring_event /m/0g_w +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/01pxcf /education/educational_institution/school_type /m/05jxkf +/m/078jnn /film/actor/film./film/performance/film /m/0ds5_72 +/m/04jvt /people/person/profession /m/0fj9f +/m/0807ml /people/person/places_lived./people/place_lived/location /m/01lfy +/m/031sn /location/hud_county_place/place /m/031sn +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/01gx5f /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/05clg8 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvsn +/m/03g5_y /people/person/profession /m/02jknp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzw5 +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0ph2w /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0345_ +/m/03n785 /film/film/country /m/01mjq +/m/0y_hb /film/film/produced_by /m/05prs8 +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/08n__5 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/03b6j8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g5879y /film/film/genre /m/07s9rl0 +/m/04f9r2 /people/person/places_lived./people/place_lived/location /m/0dprg +/m/02b6n9 /film/film/genre /m/04xvlr +/m/02bg55 /film/film/language /m/02h40lc +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/04n1hqz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/07nxnw /film/film/country /m/09c7w0 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/057hz +/m/094jv /location/location/contains /m/02p8454 +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0ggq0m /music/genre/artists /m/0pcc0 +/m/0b_6yv /music/genre/parent_genre /m/0xhtw +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/01t7jy +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx_w +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/01r3y2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01svw8n /people/person/profession /m/02hrh1q +/m/01y9jr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/05bt6j /music/genre/artists /m/05crg7 +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/026w_gk /people/person/nationality /m/09c7w0 +/m/072r5v /film/film/genre /m/07s9rl0 +/m/06pr6 /sports/sports_team_location/teams /m/03m6zs +/m/039x1k /people/person/nationality /m/09c7w0 +/m/05fjf /location/location/time_zones /m/02hcv8 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rvy8 +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05prs8 +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015wnl +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/0mzg2 /location/administrative_division/country /m/05qhw +/m/0tz1x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/011yl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0bs8ndx /film/film/genre /m/05p553 +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/0f_zkz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v9724 /people/person/profession /m/02hv44_ +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09pjnd +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/04rg6 /people/deceased_person/place_of_burial /m/018mlg +/m/0_92w /film/film/country /m/09c7w0 +/m/081k8 /people/person/religion /m/01spm +/m/03gvt /music/instrument/instrumentalists /m/07r4c +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/03wnh +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jz6x +/m/07twz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02z44tp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/049tjg +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0fh2v5 /film/film/language /m/02bjrlw +/m/01y81r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chgzm +/m/04mzf8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/048tv9 /film/film/written_by /m/04hw4b +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award /m/03rbj2 +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/093l8p /film/film/genre /m/0219x_ +/m/02184q /film/actor/film./film/performance/film /m/02qr3k8 +/m/01t_wfl /people/person/profession /m/02hrh1q +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016z68 /people/person/place_of_birth /m/01l63 +/m/0b80__ /people/person/profession /m/026sdt1 +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0ndwt2w /film/film/country /m/0ctw_b +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/04sx9_ /film/actor/film./film/performance/film /m/07sgdw +/m/06c1y /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/01z53w +/m/027pfg /film/film/edited_by /m/02qggqc +/m/0j298t8 /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/09gkx35 /film/film/executive_produced_by /m/02p65p +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/03_dj /people/person/place_of_birth /m/02cft +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025mb_ +/m/098knd /sports/sports_team/colors /m/036k5h +/m/061681 /film/film/genre /m/01jfsb +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05d7rk /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/07dvs /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/032v0v /award/award_winner/awards_won./award/award_honor/award_winner /m/08hp53 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0f6cl2 +/m/0cjdk /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06rvn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0225v9 +/m/04ns3gy /people/person/gender /m/02zsn +/m/05ftw3 /education/educational_institution/students_graduates./education/education/student /m/03fw60 +/m/0h96g /film/actor/film./film/performance/film /m/05b6rdt +/m/053y4h /people/person/place_of_birth /m/013kcv +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/03f0r5w /film/actor/film./film/performance/film /m/03ynwqj +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/02jx1 /location/location/contains /m/01sm9v +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/05sy0cv /tv/tv_program/languages /m/02h40lc +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/03npn /media_common/netflix_genre/titles /m/02pcq92 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/02b1ng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0d04z6 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/05d7rk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01pfkw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02xpy5 /education/educational_institution/campuses /m/02xpy5 +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/01vrnsk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021gt5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017znw /sports/sports_team/colors /m/038hg +/m/0f4r5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048rn /film/film/genre /m/03npn +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/01f7dd /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dbpyd /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/028k2x +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/01tdnyh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/0l2tk /organization/organization/headquarters./location/mailing_address/citytown /m/0l39b +/m/01rgcg /people/person/profession /m/03gjzk +/m/0fdv3 /film/film/genre /m/01hmnh +/m/065y4w7 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0f67f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0m2j5 +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/01jfsb /media_common/netflix_genre/titles /m/0466s8n +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05km8z +/m/04pbsq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/07z5n /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fwpt /people/person/gender /m/02zsn +/m/0882r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/01p6xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f8pz +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/07lnk /music/genre/artists /m/0c9d9 +/m/0fy34l /film/film/production_companies /m/05qd_ +/m/0xrzh /location/hud_county_place/place /m/0xrzh +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/01nz1q6 /people/person/profession /m/0dxtg +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_njt +/m/08cn_n /people/person/place_of_birth /m/0167q3 +/m/0151w_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02k21g +/m/0bcndz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/03f7m4h /people/person/profession /m/05sxg2 +/m/0gnbw /film/actor/film./film/performance/film /m/0fjyzt +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jhn7 /olympics/olympic_games/sports /m/019tzd +/m/018wrk /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/06rvn /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/026hh0m /film/film/genre /m/02qfv5d +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049m_l +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ld94 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/038rzr /film/actor/film./film/performance/film /m/01sxdy +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0x1jc /location/hud_county_place/place /m/0x1jc +/m/01vv6xv /people/person/places_lived./people/place_lived/location /m/0sqc8 +/m/02q6cv4 /people/person/place_of_birth /m/030qb3t +/m/0c1pj /film/actor/film./film/performance/film /m/0jjy0 +/m/02qfhb /people/person/nationality /m/09c7w0 +/m/050llt /people/person/languages /m/09bnf +/m/01wxyx1 /people/person/gender /m/05zppz +/m/0738y5 /people/person/place_of_birth /m/0fk98 +/m/04w7rn /film/film/genre /m/03k9fj +/m/01c92g /award/award_category/category_of /m/0c4ys +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/0nbjq /time/event/locations /m/05qtj +/m/016z5x /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/02n9k /people/person/profession /m/080ntlp +/m/0d_84 /film/actor/film./film/performance/film /m/02ctc6 +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01xn5th /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07_grx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0ckm4x /people/person/profession /m/0dxtg +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0cj2w +/m/02l0sf /people/person/gender /m/02zsn +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/0pk41 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0579tg2 +/m/02q6gfp /film/film/country /m/01mjq +/m/07l50vn /film/film/genre /m/01jfsb +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/054fvj +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0243cq +/m/0gnkb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vry +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/018txg +/m/0785v8 /film/actor/film./film/performance/film /m/0gyfp9c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/0gy4k /film/film/language /m/02bv9 +/m/0408m53 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/062hgx /people/person/profession /m/02hrh1q +/m/0fd3y /music/genre/artists /m/023l9y +/m/03mp9s /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01vsyjy /people/person/profession /m/0dz3r +/m/0g768 /music/record_label/artist /m/0411q +/m/013tjc /film/actor/film./film/performance/film /m/01xdxy +/m/0j5q3 /people/person/place_of_birth /m/0d6lp +/m/0h1mt /film/actor/film./film/performance/film /m/0p_qr +/m/0djywgn /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01cwm1 +/m/0f__1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0rlz /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grpc +/m/0dg3n1 /location/location/contains /m/01nyl +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/05g3v /sports/sports_team/colors /m/019sc +/m/05zr0xl /tv/tv_program/country_of_origin /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mvk7 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/0266s9 /tv/tv_program/genre /m/02fgmn +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/0pv2t /film/film/featured_film_locations /m/02_286 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0phx4 /people/person/gender /m/05zppz +/m/03h502k /people/person/profession /m/09jwl +/m/041pnt /education/educational_institution/students_graduates./education/education/student /m/063vn +/m/02ll45 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0jz71 /film/film/country /m/09c7w0 +/m/073749 /people/person/profession /m/018gz8 +/m/0ds2n /film/film/featured_film_locations /m/02nd_ +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0pmw9 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/01x9_8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05vzw3 /people/person/profession /m/0dz3r +/m/01d4cb /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/03y5g8 /music/record_label/artist /m/012vm6 +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/01f8hf /film/film/story_by /m/0cv9fc +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/020ddc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vnbh +/m/016sp_ /people/person/nationality /m/09c7w0 +/m/01hjy5 /education/educational_institution/students_graduates./education/education/student /m/09dt7 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/040981l +/m/02kxbx3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023cjg +/m/03q1vd /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/01pk3z /people/person/spouse_s./people/marriage/location_of_ceremony /m/01bkb +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/02w59b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05148p4 /music/instrument/instrumentalists /m/01vsyg9 +/m/0sg6b /base/biblioness/bibs_location/country /m/09c7w0 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06b19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/019mcm +/m/0drrw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/026p4q7 /film/film/genre /m/02l7c8 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0853g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/0gcs9 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/02238b /people/person/profession /m/0np9r +/m/02ccqg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h40lc /language/human_language/countries_spoken_in /m/09pmkv +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/074m2 /people/cause_of_death/people /m/019gz +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pk8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021996 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/022fj_ +/m/03c6vl /award/award_winner/awards_won./award/award_honor/award_winner /m/02pp_q_ +/m/0dryh9k /people/ethnicity/people /m/0894_x +/m/05pdd86 /film/film/produced_by /m/01t6b4 +/m/09x3r /olympics/olympic_games/participating_countries /m/06c1y +/m/04zkj5 /people/person/profession /m/0dxtg +/m/0g39h /location/location/contains /m/01qrcx +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/02wb6yq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05c46y6 /film/film/personal_appearances./film/personal_film_appearance/person /m/051cc +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l9p +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/01l2b3 /film/film/film_format /m/0cj16 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/029zqn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06q5t7 /people/person/profession /m/01c72t +/m/032c08 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/02qx69 /people/person/nationality /m/09c7w0 +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dzf_ /film/actor/film./film/performance/film /m/0y_hb +/m/037n97 /music/genre/artists /m/0135xb +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05567m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ggbhy7 /film/film/genre /m/01jfsb +/m/01n4w /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/09tcg4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03jg5t +/m/01dyvs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/0_00 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/05g7q +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/053yx /music/artist/track_contributions./music/track_contribution/role /m/02w4b +/m/013zyw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mmr +/m/02f1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lgg /people/person/profession /m/09jwl +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06s6hs /people/person/profession /m/02hrh1q +/m/01qb559 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gkmx +/m/0948xk /people/person/nationality /m/07ssc +/m/04bdlg /people/person/gender /m/05zppz +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlzq +/m/0gywn /music/genre/artists /m/01k23t +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033f8n +/m/0bm2nq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01dhjz /people/person/place_of_birth /m/0_3cs +/m/0pqzh /influence/influence_node/influenced_by /m/03hnd +/m/04ydr95 /film/film/country /m/09c7w0 +/m/05tfm /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/07t_x /location/location/contains /m/0fsmy +/m/0814k3 /people/person/gender /m/02zsn +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01shy7 +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh46 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gj96ln /film/film/executive_produced_by /m/0pz91 +/m/0dmn0x /film/film/genre /m/02qfv5d +/m/01k9lpl /people/deceased_person/place_of_death /m/030qb3t +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/049bp4 +/m/0rng /base/biblioness/bibs_location/country /m/07ssc +/m/016zgj /music/genre/parent_genre /m/01lyv +/m/0c9d9 /people/person/nationality /m/0f8l9c +/m/04vq33 /film/film/genre /m/04xvh5 +/m/0fy34l /film/film/genre /m/0c3351 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03lty /music/genre/artists /m/01czx +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cm2m +/m/02j416 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ffx4 /film/film/written_by /m/05d1dy +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/03t97y /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/011xg5 /film/film/executive_produced_by /m/05prs8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bdhf +/m/01tp5bj /people/person/religion /m/0kpl +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0gfsq9 /film/film/production_companies /m/046b0s +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0nlc7 +/m/01p4vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0627sn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016dp0 /people/person/profession /m/0cbd2 +/m/06cp5 /music/genre/artists /m/01jcxwp +/m/0512p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/08849 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0cymln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmjr +/m/02j71 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0969fd /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/018lkp +/m/072hx4 /film/film/country /m/0f8l9c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04knvh +/m/0gk4g /people/cause_of_death/people /m/01l3j +/m/01sb5r /people/person/profession /m/016z4k +/m/01sl1q /people/person/places_lived./people/place_lived/location /m/05r7t +/m/08swgx /people/person/nationality /m/09c7w0 +/m/03c6v3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03pmty +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031k24 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/044g_k +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016gr2 +/m/01r7pq /music/artist/origin /m/02_286 +/m/080h2 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/015qsq /film/film/genre /m/01jfsb +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01b1mj +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0c6g1l /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/09c7w0 /location/country/second_level_divisions /m/0n_ps +/m/01y8zd /education/educational_institution/students_graduates./education/education/student /m/02lf0c +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/0639bg /film/film/language /m/04306rv +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05r5c /music/instrument/instrumentalists /m/01nrz4 +/m/03nt59 /tv/tv_program/genre /m/07s9rl0 +/m/0306ds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0vm5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02dtg +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/01f2f8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0n56v /location/us_county/county_seat /m/0djd3 +/m/034hzj /film/film/genre /m/017fp +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gvs1kt +/m/03ytj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03kx49 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/03lpp_ /sports/sports_team/colors /m/02rnmb +/m/01mvpv /people/person/gender /m/05zppz +/m/03pvt /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03hj5lq /film/film/genre /m/02hmvc +/m/035yg /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/07tgn /organization/organization/child./organization/organization_relationship/child /m/0ymbl +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03h64 +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/027zz +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/016kjs +/m/09c7w0 /location/location/contains /m/02w2bc +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/07l450 /film/film/language /m/02h40lc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/08cyft /music/genre/artists /m/01nz1q6 +/m/01s9vc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05css_ +/m/03m9c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vhrz +/m/0p9tm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tng0 +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02vnmc9 +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/021yc7p /award/award_winner/awards_won./award/award_honor/award_winner /m/027y151 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/02wyzmv +/m/02465 /influence/influence_node/influenced_by /m/03f70xs +/m/0c9k8 /film/film/genre /m/02l7c8 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/02dh86 /people/person/profession /m/0d8qb +/m/06hmd /influence/influence_node/influenced_by /m/05gpy +/m/01gvpz /film/film/genre /m/017fp +/m/018y2s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01304j +/m/061y4q /people/person/profession /m/01d_h8 +/m/05gjfk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/0g56t9t /film/film/genre /m/0hcr +/m/06j6l /music/genre/artists /m/014kyy +/m/03_wtr /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04zn7g /people/person/sibling_s./people/sibling_relationship/sibling /m/0sz28 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0373qt /education/educational_institution/students_graduates./education/education/student /m/03hy3g +/m/02w7gg /people/ethnicity/people /m/05sq84 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04xrx /people/person/profession /m/016z4k +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t_99 +/m/0fw9vx /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0gy0n /film/film/country /m/03_3d +/m/01slc /sports/sports_team/colors /m/03vtbc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dwh5 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/059gkk +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02l4rh +/m/05148p4 /music/instrument/instrumentalists /m/04f7c55 +/m/02fy0z /education/educational_institution/colors /m/038hg +/m/02kwcj /film/film/country /m/03_3d +/m/02mg5r /education/educational_institution/colors /m/083jv +/m/01_0f7 /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym1n +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01lhdt +/m/09cl0w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01938t /people/person/places_lived./people/place_lived/location /m/0gyh +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/01w524f /people/person/religion /m/0c8wxp +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvyfh +/m/02s4l6 /film/film/costume_design_by /m/02mxbd +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_w57 +/m/01yd8v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/0gyy53 /film/film/written_by /m/0h5f5n +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/01w724 +/m/04s1zr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01s21dg /people/person/profession /m/09jwl +/m/02ply6j /award/award_winner/awards_won./award/award_honor/award_winner /m/03m3nzf +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/077q8x +/m/012fvq /education/educational_institution/students_graduates./education/education/student /m/01h320 +/m/02m501 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lnhv +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bmh4 +/m/03wbzp /award/award_winner/awards_won./award/award_honor/award_winner /m/02rhfsc +/m/03_fmr /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m25p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2cb +/m/04135 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0jmj7 /sports/sports_team/colors /m/01l849 +/m/038723 /people/ethnicity/people /m/02pv_d +/m/0155w /music/genre/artists /m/02qwg +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/07zhjj /tv/tv_program/genre /m/02l7c8 +/m/05kj_ /location/location/contains /m/0zchj +/m/047tsx3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/07bch9 /people/ethnicity/people /m/034g2b +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/01vfqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/012x03 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/03lty /music/genre/artists /m/0knhk +/m/0ckf6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/02h40lc /language/human_language/countries_spoken_in /m/03_3d +/m/03jht /influence/influence_node/influenced_by /m/015k7 +/m/02pxmgz /film/film/executive_produced_by /m/027z0pl +/m/06ztvyx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/083shs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/0162b +/m/015qqg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f1jhc /people/person/profession /m/01d_h8 +/m/032nwy /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/0b7l4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06_x996 /film/film/production_companies /m/05qd_ +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/0lsw9 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01d4cb /people/person/nationality /m/09c7w0 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0rlz /people/person/profession /m/0c5lg +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09c7w0 /location/location/contains /m/0rhp6 +/m/033tf_ /people/ethnicity/people /m/01rrd4 +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0grwj +/m/02778tk /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0d68qy +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0147jt /people/person/profession /m/01c72t +/m/0bykpk /film/film/costume_design_by /m/0dck27 +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/09f6b +/m/02k54 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0cn_b8 /film/film/genre /m/01hmnh +/m/0342z_ /education/educational_institution/students_graduates./education/education/student /m/0149xx +/m/05h43ls /film/film/produced_by /m/03fg0r +/m/0b2km_ /film/film/produced_by /m/0d_skg +/m/02q3fdr /film/film/genre /m/07s9rl0 +/m/099tbz /award/award_category/winners./award/award_honor/ceremony /m/0clfdj +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award /m/03nc9d +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gy0n /film/film/genre /m/02n4kr +/m/0pb33 /film/film/featured_film_locations /m/04lyk +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/03n08b /people/person/profession /m/02hrh1q +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fj_ +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012ky3 +/m/0k2m6 /film/film/story_by /m/081k8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/069q4f +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09fb5 /film/actor/film./film/performance/film /m/04fjzv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0gr36 /film/actor/film./film/performance/film /m/0f3m1 +/m/03676 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fv4v +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02y_lrp +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/07ssc /location/country/second_level_divisions /m/01z92f +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02kcz +/m/01r93l /film/actor/film./film/performance/film /m/01y9r2 +/m/0bh72t /film/film/genre /m/0jxy +/m/0bpbhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bzyh +/m/065b6q /people/ethnicity/people /m/02t901 +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bscw +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/01pcdn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/025scjj /film/film/genre /m/07s9rl0 +/m/02jx1 /location/country/second_level_divisions /m/01hvzr +/m/08cn4_ /people/person/place_of_birth /m/02dtg +/m/02vp1f_ /film/film/genre /m/01hmnh +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d1qmz /film/film/film_production_design_by /m/04kj2v +/m/0g8_vp /people/ethnicity/people /m/03dn9v +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/01s0ps /music/instrument/instrumentalists /m/01lvcs1 +/m/0jrqq /film/director/film /m/07j94 +/m/09bkc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0qmk5 /tv/tv_program/program_creator /m/04mx__ +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0166v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/0mgrh /base/aareas/schema/administrative_area/administrative_parent /m/01c6yz +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/0k29f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jdd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0l_dv /people/person/gender /m/05zppz +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/026mj +/m/02rsz0 /people/person/profession /m/0cbd2 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/0y_yw /film/film/edited_by /m/02lp3c +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/06gb2q /people/person/profession /m/018gz8 +/m/08664q /people/person/nationality /m/09c7w0 +/m/07ghv5 /film/film/genre /m/0jxy +/m/09qycb /film/film/country /m/09c7w0 +/m/0dlngsd /film/film/prequel /m/04n52p6 +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04g51 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/01jq0j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kq1l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l34j +/m/01dwyd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09dv8h /film/film/country /m/09c7w0 +/m/0kjrx /people/person/places_lived./people/place_lived/location /m/0d739 +/m/02g3mn /film/actor/film./film/performance/film /m/05sw5b +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01j7rd +/m/0c3kw /influence/influence_node/influenced_by /m/03rx9 +/m/0qmhk /film/film/film_festivals /m/05f5rsr +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/0trv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bpm4yw /film/film/country /m/07ssc +/m/01d0b1 /people/person/gender /m/05zppz +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/03cz9_ /people/person/places_lived./people/place_lived/location /m/0kstw +/m/02qmsr /film/film/featured_film_locations /m/02_286 +/m/0164nb /people/person/profession /m/02hrh1q +/m/03hkv_r /award/award_category/winners./award/award_honor/ceremony /m/027n06w +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015fsv +/m/01bczm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbv4g +/m/07h34 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0498y +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05z7c /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0b_dh /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0137hn /people/person/nationality /m/07ssc +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/056ws9 +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rgdw +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0j5m6 +/m/01l2fn /film/actor/film./film/performance/film /m/034r25 +/m/0b_6mr /time/event/locations /m/0f2r6 +/m/0159h6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013pk3 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/06jk5_ /education/educational_institution/school_type /m/01rs41 +/m/07y_7 /music/instrument/instrumentalists /m/0135xb +/m/0bbf1f /film/actor/film./film/performance/film /m/0kvgxk +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/04ns3gy +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012vf6 +/m/06pk8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y6dz /tv/tv_program/genre /m/06q7n +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0fgg4 /film/actor/film./film/performance/film /m/02cbg0 +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/065y4w7 /education/educational_institution/school_type /m/05pcjw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04jnd7 +/m/0n491 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lv4x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02r5w9 +/m/0x1y7 /location/location/contains /m/02x9g_ +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0dr_4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mdqp /film/actor/film./film/performance/film /m/05c26ss +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/013knm +/m/01vvyvk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_bfq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0qdyf /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02h7qr /education/educational_institution/colors /m/019sc +/m/0195pd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/04qsdh /people/person/profession /m/0d8qb +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/027cyf7 +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/0161sp /people/person/profession /m/09jwl +/m/03359d /people/person/places_lived./people/place_lived/location /m/059rby +/m/050r1z /film/film/genre /m/082gq +/m/027n4zv /film/actor/film./film/performance/film /m/0cbv4g +/m/028k2x /tv/tv_program/genre /m/04pbhw +/m/044kwr /people/person/gender /m/05zppz +/m/0269kx /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/0gz_ /influence/influence_node/influenced_by /m/05qmj +/m/0c3xpwy /tv/tv_program/genre /m/03npn +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01rly6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05wjnt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f52jw +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/0425_d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02r79_h /film/film/language /m/06b_j +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/011yxg /film/film/genre /m/0jdm8 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mz73 +/m/0b76t12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0133_p /music/genre/parent_genre /m/0155w +/m/0d05q4 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04h1rz +/m/0dq9wx /people/person/nationality /m/09c7w0 +/m/0fm6m8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/05ypj5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/02_fj /organization/organization_founder/organizations_founded /m/01cl2y +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03lty /music/genre/artists /m/0326tc +/m/09hgk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02gr81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r4bps +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01nrgq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0407yj_ /film/film/genre /m/02kdv5l +/m/0l2jb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053x8hr +/m/02c_wc /film/actor/film./film/performance/film /m/0f42nz +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n32 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/04r7f2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hvvf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01p0mx +/m/01d34b /education/educational_institution/colors /m/06fvc +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/09cm54 +/m/0vh3 /base/aareas/schema/administrative_area/administrative_parent /m/0chghy +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04swx +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05hf_5 +/m/0bsb4j /people/person/profession /m/02jknp +/m/01j8wk /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/02279c +/m/0d7hg4 /people/person/profession /m/03gjzk +/m/09vzz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02lk60 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qdgx /music/genre/artists /m/046p9 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04t36 /media_common/netflix_genre/titles /m/0kcn7 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0m75g /location/location/contains /m/01t38b +/m/0lgxj /olympics/olympic_games/participating_countries /m/0jgd +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02k1b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0kbvb /olympics/olympic_games/sports /m/07jbh +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0ql7q /time/event/locations /m/02k54 +/m/01d259 /film/film/language /m/02h40lc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ydpd +/m/01qygl /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/03_nq /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0415ggl /film/film/genre /m/017fp +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773m2 +/m/022fj_ /education/educational_institution/colors /m/01l849 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/048kw /location/location/contains /m/0d2kt +/m/05p9_ql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04y8r /film/actor/film./film/performance/film /m/02vrgnr +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05vxdh +/m/07mqps /people/ethnicity/people /m/049tjg +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0mbwf +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/09q23x /film/film/genre /m/05p553 +/m/018ljb /olympics/olympic_games/sports /m/0d1t3 +/m/0bm2x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f0p0 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0169t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088xp +/m/0kbvv /olympics/olympic_games/sports /m/09f6b +/m/03ffcz /film/film/language /m/02h40lc +/m/04bbpm /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bm4sm +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05f7w84 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0c33pl /people/person/profession /m/02hrh1q +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/04k15 /people/person/nationality /m/0345h +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/03clwtw /film/film/written_by /m/0gn30 +/m/045bg /people/person/profession /m/02hv44_ +/m/01dyvs /film/film/language /m/02h40lc +/m/05f0r8 /people/person/gender /m/05zppz +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/02773nt /people/person/nationality /m/09c7w0 +/m/019ltg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09q23x +/m/0r111 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0c35b1 /film/actor/film./film/performance/film /m/017d93 +/m/0dl5d /music/genre/artists /m/0l8g0 +/m/0gwlfnb /film/film/production_companies /m/0hpt3 +/m/024mpp /film/film/country /m/09c7w0 +/m/0jzw /film/film/music /m/05yzt_ +/m/046mxj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qv_ +/m/0gn30 /film/actor/film./film/performance/film /m/07sgdw +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/0f11p +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/02q5bx2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05148p4 /music/instrument/instrumentalists /m/03k0yw +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/03gqb0k +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/01n8gr /people/person/profession /m/0n1h +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/07pd_j /film/film/language /m/02h40lc +/m/0564x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01k5zk /people/person/spouse_s./people/marriage/spouse /m/02t__3 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/07twz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f2df /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/04n2r9h +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05np2 /influence/influence_node/influenced_by /m/01vh096 +/m/01z452 /film/film/executive_produced_by /m/02mt4k +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h40_7 +/m/01s1zk /people/person/gender /m/05zppz +/m/07_f2 /location/administrative_division/country /m/09c7w0 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/01bvw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/016ztl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k53x +/m/0l2xl /location/location/contains /m/0r6c4 +/m/013rds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/03k48_ /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/01d494 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/0dt_q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01n8gr /people/person/gender /m/05zppz +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/03rjj /location/location/contains /m/01fxg8 +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02j4sk /film/actor/film./film/performance/film /m/0ckt6 +/m/02y9ln /people/person/profession /m/0gl2ny2 +/m/01bk1y /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0tr3p /location/hud_county_place/county /m/0nm6k +/m/03hh89 /award/award_winner/awards_won./award/award_honor/award_winner /m/05p92jn +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/06tp4h /people/person/nationality /m/09c7w0 +/m/052hl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m2gz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2fr +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0bsb4j +/m/039bpc /people/person/nationality /m/09c7w0 +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03cwwl +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/07w3r /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mwvq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwzv +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0b90_r +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cgzj +/m/02nt3d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/0c38gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/06f5j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01nhhz +/m/01clyr /music/record_label/artist /m/0889x +/m/0chghy /location/location/contains /m/012q8y +/m/045cq /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0827d /music/genre/artists /m/0bqsy +/m/01wgcvn /people/person/nationality /m/09c7w0 +/m/019pwv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0296vv +/m/099d4 /film/actor/film./film/performance/film /m/0by17xn +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0gztl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02pjc1h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06qm3 /media_common/netflix_genre/titles /m/094g2z +/m/02g5bf /people/person/profession /m/02hrh1q +/m/01j53q /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/09blyk /media_common/netflix_genre/titles /m/0hmm7 +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/02t_v1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0bwhdbl /film/film/produced_by /m/013zyw +/m/06m_5 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0840vq /people/person/nationality /m/0f8l9c +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/014g_s +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/0c5tl /people/person/profession /m/0cbd2 +/m/05r5c /music/instrument/instrumentalists /m/0326tc +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nxzv +/m/07gbf /tv/tv_program/genre /m/02n4kr +/m/01sbhvd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03w9bjf /people/ethnicity/languages_spoken /m/02hxcvy +/m/031vy_ /education/educational_institution/students_graduates./education/education/student /m/0djc3s +/m/0dj0m5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pj3h +/m/0145rs /music/genre/artists /m/01j59b0 +/m/05qm9f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hz_1 /people/person/places_lived./people/place_lived/location /m/01d26y +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/02qjj7 +/m/03qmj9 /film/actor/film./film/performance/film /m/0bvn25 +/m/02hnl /music/instrument/instrumentalists /m/01mwsnc +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/01jfsb /media_common/netflix_genre/titles /m/047fjjr +/m/0drr3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ff0x +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/01c0h6 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/04rfq /people/person/profession /m/0cbd2 +/m/03772 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f25y +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/015pxr /people/person/profession /m/0dxtg +/m/02p21g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tb7 +/m/0fxky3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/025hwq /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1m +/m/0g5qmbz /film/film/language /m/06b_j +/m/0408np /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0405l /people/person/nationality /m/09c7w0 +/m/01t110 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/01rlz4 /sports/sports_team/colors /m/083jv +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ymbl +/m/0f2w0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/03mdt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6m5fy +/m/02w86hz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01cwm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvc5 +/m/01pt5w /base/biblioness/bibs_location/country /m/05v8c +/m/034rd /people/person/profession /m/099md +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0prjs /people/person/languages /m/02h40lc +/m/02wwmhc /film/film/genre /m/05p553 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/0fbx6 +/m/01t38b /location/location/time_zones /m/03bdv +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/045j3w +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/027fwmt /film/film/film_production_design_by /m/0ft7sr +/m/033qxt /people/ethnicity/languages_spoken /m/032f6 +/m/02ccqg /education/educational_institution/school_type /m/05pcjw +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pbwwl +/m/0g2dz /music/instrument/instrumentalists /m/02b25y +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/033dbw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03yf4d /people/person/gender /m/05zppz +/m/04dqdk /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01j95f +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019x62 +/m/0ghd6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01jmyj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0mb2b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06k75 /base/culturalevent/event/entity_involved /m/03pn9 +/m/0c3ns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03gfvsz /broadcast/content/artist /m/013w2r +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/07brj +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jzc +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/073v6 /people/person/profession /m/0kyk +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/02wr2r +/m/0tzt_ /base/biblioness/bibs_location/country /m/09c7w0 +/m/0sxdg /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_mdl /film/film/written_by /m/05drq5 +/m/050_qx /film/actor/film./film/performance/film /m/0661m4p +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/025rpyx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/016ks_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016kkx +/m/09bv45 /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/0dg3n1 /location/location/contains /m/0c1xm +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0640y35 /film/film/genre /m/04rlf +/m/04hvw /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01wd9lv /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/034fl9 /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/027xx3 /education/educational_institution/campuses /m/027xx3 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/042xrr +/m/0d06m5 /people/person/spouse_s./people/marriage/spouse /m/0157m +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/070j61 +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/01gvxv /film/actor/film./film/performance/film /m/045r_9 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/03m3nzf /film/actor/film./film/performance/film /m/03hmt9b +/m/0f4vbz /film/actor/film./film/performance/film /m/09146g +/m/02qm_f /film/film/genre /m/0hcr +/m/0chw_ /film/actor/film./film/performance/film /m/01gvts +/m/04t38b /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0hwqz /film/actor/film./film/performance/film /m/0hwpz +/m/0fdpd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gxtknx /film/film/produced_by /m/040rjq +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0163t3 +/m/02qlkc3 /people/person/gender /m/05zppz +/m/0fjyzt /film/film/genre /m/060__y +/m/043gj /people/person/nationality /m/09c7w0 +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0d0vqn /location/location/time_zones /m/02llzg +/m/09c7w0 /location/country/second_level_divisions /m/0n_2q +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvry +/m/06jk5_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/014pg1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/02lz1s +/m/08yx9q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01v0fn1 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/0ym20 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/08ff1k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/015gy7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0ds33 /film/film/genre /m/03k9fj +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/041rx /people/ethnicity/people /m/0ck91 +/m/02htv6 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lbfv /education/educational_institution/campuses /m/0lbfv +/m/02w29z /film/actor/film./film/performance/film /m/0872p_c +/m/07ghq /film/film/genre /m/06qln +/m/02vp1f_ /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/016_v3 /music/genre/artists /m/01vw_dv +/m/02tgz4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02lf70 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/051ys82 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q7yfq +/m/0g9lm2 /film/film/genre /m/03mqtr +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/0466k4 /people/person/religion /m/05sfs +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/07n39 +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/0847q /location/administrative_division/country /m/0chghy +/m/065zlr /film/film/production_companies /m/016tw3 +/m/0x67 /people/ethnicity/people /m/03l26m +/m/048hf /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2v0 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fpj9pm /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03_d0 /music/genre/artists /m/01m3x5p +/m/04xvlr /media_common/netflix_genre/titles /m/03cp4cn +/m/01wgxtl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01fyzy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/037cr1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/081t6 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkzq +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0175rc +/m/06c0j /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/027_tg /tv/tv_network/programs./tv/tv_network_duration/program /m/05r1_t +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0l14md /music/instrument/instrumentalists /m/03xl77 +/m/06s_2 /location/location/time_zones /m/03bdv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02rg_4 +/m/03j367r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06vdh8 /people/person/nationality /m/09c7w0 +/m/029q_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0c_j9x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ggh +/m/0ds6bmk /film/film/film_festivals /m/0gg7gsl +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/04l59s +/m/03f7nt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxmr +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09txzv +/m/0mx7f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01k165 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0dsvzh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09lxtg /location/location/contains /m/0fs29 +/m/01wt4wc /people/person/profession /m/09lbv +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04b7xr +/m/0z53k /location/hud_county_place/place /m/0z53k +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/015cbq +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/024y8p +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0n0bp +/m/08815 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02x8m /music/genre/artists /m/015x1f +/m/06dfz1 /tv/tv_program/country_of_origin /m/09c7w0 +/m/09prnq /people/person/profession /m/02tx6q +/m/01trhmt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fnl9 +/m/0192hw /film/film/featured_film_locations /m/0c8tk +/m/057pq5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07h5d /film/director/film /m/016z43 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p_pd +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/0bx0l /film/film/film_festivals /m/059_y8d +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0bj9k /film/actor/film./film/performance/film /m/0bxsk +/m/03xkps /film/actor/film./film/performance/film /m/01f39b +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0725ny +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/0bh72t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0dclg /location/location/contains /m/02bhj4 +/m/0pswc /sports/sports_team_location/teams /m/01xn5th +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/05zvzf3 /film/film/film_festivals /m/0cmd3zy +/m/05r5c /music/instrument/instrumentalists /m/01wl38s +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018ygt +/m/09wj5 /film/actor/film./film/performance/film /m/0ndwt2w +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kwsg +/m/0jrhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j_1v +/m/0170th /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qpn9 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/09c7w0 /location/location/contains /m/0qr8z +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/07sbbz2 /music/genre/artists /m/0jsg0m +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/064t9 /music/genre/artists /m/0jbyg +/m/059rby /location/location/contains /m/0drsm +/m/017v_ /location/location/contains /m/02h6_6p +/m/01l1ls /people/person/profession /m/02hrh1q +/m/07wpm /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03f5vvx +/m/01g4yw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjc +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032xhg +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/01wgfp6 +/m/0p_r5 /film/actor/film./film/performance/film /m/011yn5 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/0bm2x /film/film/genre /m/07s9rl0 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/012kyx /film/film/language /m/01gp_d +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/01r47h /education/educational_institution/colors /m/06fvc +/m/0mcl0 /film/film/produced_by /m/029m83 +/m/025_nbr /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01pcmd /people/person/nationality /m/09c7w0 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0f2rq /base/biblioness/bibs_location/state /m/07b_l +/m/0gtvpkw /film/film/genre /m/05p553 +/m/016gkf /people/person/profession /m/018gz8 +/m/027fwmt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07ftc0 /people/person/nationality /m/09c7w0 +/m/0fqxc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxw +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/0132k4 /people/person/profession /m/01d30f +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03_wm6 +/m/01vsy3q /people/person/languages /m/02h40lc +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/01j_cy /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/08z39v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qz5 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01_mdl +/m/01vsl3_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037gjc +/m/05bt6j /music/genre/artists /m/0197tq +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/05f260 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ywb +/m/09c7w0 /location/location/time_zones /m/042g7t +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0738b8 +/m/0mb8c /film/film/genre /m/03q4nz +/m/01nnsv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07hhnl +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/04g3p5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj_k +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/03_f0 /people/person/profession /m/09jwl +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/034q81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05z7c /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0dq9p /people/cause_of_death/people /m/044f7 +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/02tktw /film/film/production_companies /m/01gb54 +/m/0f2zc /people/person/religion /m/02vxy_ +/m/03w6sj /base/culturalevent/event/entity_involved /m/018q7 +/m/0gywn /music/genre/artists /m/016890 +/m/0l_q9 /location/hud_county_place/place /m/0l_q9 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz04 +/m/02h6_6p /location/location/time_zones /m/02llzg +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/0bmhn /film/film/genre /m/0lsxr +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vrt_c +/m/068cn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bzty +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03j70t +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/08p1gp +/m/06tw8 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0djlxb +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c94fn +/m/0347xz /film/actor/film./film/performance/film /m/02c6d +/m/041rx /people/ethnicity/people /m/0175wg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05btx9 +/m/0190zg /music/genre/parent_genre /m/02x8m +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/04jpk2 /film/film/production_companies /m/017s11 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01gb54 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/05g3ss /people/person/places_lived./people/place_lived/location /m/09f07 +/m/017_qw /music/genre/artists /m/05f2jk +/m/06lht1 /film/actor/film./film/performance/film /m/0sxns +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05h43ls +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fmw_ +/m/09c7w0 /location/country/second_level_divisions /m/0mmpz +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0fzm0g /film/film/executive_produced_by /m/04pqqb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01p8s +/m/03yrkt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02zc7f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0263tn1 /people/person/gender /m/05zppz +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0170_p +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/07vk2 /education/educational_institution/colors /m/06fvc +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmgb +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/01_xtx +/m/03l6q0 /film/film/genre /m/02b5_l +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04t6fk /film/film/written_by /m/01f7j9 +/m/02qd04y /film/film/genre /m/04xvlr +/m/03_gx /media_common/netflix_genre/titles /m/027ct7c +/m/080dwhx /tv/tv_program/genre /m/07s9rl0 +/m/023rwm /music/record_label/artist /m/0gkg6 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/03dbww /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mgbf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03qdm +/m/01f8f7 /film/film/film_production_design_by /m/03cp7b3 +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j6b5 +/m/01jnc_ /film/film/featured_film_locations /m/01_d4 +/m/017fp /media_common/netflix_genre/titles /m/0yzvw +/m/07ldhs /people/person/nationality /m/09c7w0 +/m/0dclg /location/location/contains /m/029d_ +/m/0dn8b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/02qm5j /music/genre/artists /m/01vsy7t +/m/03hnd /people/deceased_person/place_of_death /m/04jpl +/m/070c93 /people/person/nationality /m/03rk0 +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fd6qb +/m/06by7 /music/genre/artists /m/01sxd1 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/08sfxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04w1j9 +/m/07ylj /location/country/form_of_government /m/01d9r3 +/m/0cmt6q /film/actor/film./film/performance/film /m/02825nf +/m/01lwx /people/person/profession /m/06q2q +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/01b85 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0ck1d +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02zkdz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02hrh0_ +/m/05f4_n0 /film/film/featured_film_locations /m/03pzf +/m/0ddj0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/028k2x +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/07s3vqk +/m/0g10g /people/person/places_lived./people/place_lived/location /m/01t21q +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01ymvk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/0g4vmj8 /film/film/genre /m/0lsxr +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02760sl +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02d45s /film/actor/film./film/performance/film /m/09q5w2 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07fj_ /location/country/capital /m/0ftn8 +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0859_ +/m/02m77 /location/location/contains /m/030nwm +/m/0qdyf /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/04s1zr /film/film/produced_by /m/05zrx3v +/m/07s9rl0 /media_common/netflix_genre/titles /m/0344gc +/m/0gp5l6 /base/biblioness/bibs_location/country /m/03_3d +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggl02 +/m/0kz4w /sports/sports_team/sport /m/02vx4 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0vzm /base/biblioness/bibs_location/state /m/07b_l +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/05qkp /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06brp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/053x8hr /tv/tv_program/program_creator /m/02j8nx +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k9j_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06q02g +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0bzyh /film/director/film /m/03pc89 +/m/016z2j /film/actor/film./film/performance/film /m/03hp2y1 +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035gnh +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06zn1c +/m/0k4gf /people/person/place_of_birth /m/03hrz +/m/07wtc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cr3d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ccvx +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/05bnp0 /people/person/profession /m/02jknp +/m/02b1l7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02b61v /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/085jw +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0h95zbp /film/film/genre /m/02kdv5l +/m/0sx5w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03w9sgh /award/award_winner/awards_won./award/award_honor/award_winner /m/06y9bd +/m/09tkzy /film/film/genre /m/04xvlr +/m/0123qq /tv/tv_program/genre /m/01t_vv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ghd6l +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0fhmf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/012rrr +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/01jszm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gj2 +/m/0177z /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0hcvy /influence/influence_node/influenced_by /m/037jz +/m/0b76d_m /film/film/language /m/02h40lc +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/024bbl +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/01my95 /people/person/religion /m/0c8wxp +/m/01z1c /base/biblioness/bibs_location/state /m/04ych +/m/02rff2 /education/educational_institution/students_graduates./education/education/student /m/0157m +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/0m93 /influence/influence_node/influenced_by /m/0gz_ +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02s4l6 +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/06rq2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6f8pf +/m/0c_j9x /film/film/costume_design_by /m/0ft7sr +/m/0bymv /people/person/profession /m/0dxtg +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0170_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/021lby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cv9fc +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09p7fh /film/film/genre /m/02l7c8 +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01s7zw +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01bl7g /film/film/genre /m/03k9fj +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/019vv1 /education/educational_institution/colors /m/04mkbj +/m/07r4c /people/person/places_lived./people/place_lived/location /m/01q1j +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07sqhm +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dmy0 +/m/05q_mg /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/083skw /film/film/production_companies /m/024rgt +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0x3b7 +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04cj79 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r93l +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n57k +/m/03cxsvl /people/person/profession /m/0dxtg +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0c3mz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/0h584v /people/person/gender /m/02zsn +/m/049tjg /film/actor/film./film/performance/film /m/0htww +/m/03_zv5 /music/genre/artists /m/02z4b_8 +/m/0b6tzs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/039_ym +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06vbd +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/031778 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01flv_ +/m/043qqt5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0488g9 +/m/02mjmr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/01lvcs1 +/m/0_816 /film/film/genre /m/07s9rl0 +/m/06t74h /film/actor/film./film/performance/film /m/0g7pm1 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrt_c +/m/04165w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0342h /music/instrument/instrumentalists /m/0lzkm +/m/0h03fhx /film/film/music /m/0csdzz +/m/01_r9k /education/educational_institution/students_graduates./education/education/student /m/0f5xn +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/03s0w /location/location/contains /m/02d6c +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/01tz_d +/m/02cm2m /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06y_n +/m/0gxtknx /film/film/country /m/02jx1 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/058vp /influence/influence_node/influenced_by /m/01rgr +/m/0mkv3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0dryh9k /people/ethnicity/people /m/02xfrd +/m/06g4_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/018gkb /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02p68d +/m/0jn5l /people/person/profession /m/01c72t +/m/020l9r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h8_g +/m/01xdxy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02zyy4 /film/actor/film./film/performance/film /m/07h9gp +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/031y07 /people/person/nationality /m/07ssc +/m/01k3s2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0jv5x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vw_dv /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06t8v +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03_3d +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/0j210 +/m/04n65n /people/person/profession /m/0nbcg +/m/01zg98 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/08jbxf /people/person/profession /m/0gl2ny2 +/m/01cl0d /music/record_label/artist /m/0flpy +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/019rl6 /business/business_operation/industry /m/06xw2 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/05mph /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_2h8 +/m/0x67 /people/ethnicity/people /m/02wr2r +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/03l6bs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0436f4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0y62n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/01271h /people/person/profession /m/0fnpj +/m/02ryz24 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01_p6t /base/eating/practicer_of_diet/diet /m/07_jd +/m/08jyyk /music/genre/artists /m/07hgm +/m/020fcn /film/film/language /m/02h40lc +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/0275kr /tv/tv_program/country_of_origin /m/09c7w0 +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0c2dl /people/person/profession /m/02hv44_ +/m/046qq /film/actor/film./film/performance/film /m/03shpq +/m/0cjf0 /medicine/symptom/symptom_of /m/03p41 +/m/03205_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/040nwr /people/person/nationality /m/03rk0 +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02ph9tm /film/film/production_companies /m/054lpb6 +/m/086nl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/08lfyn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09q17 /media_common/netflix_genre/titles /m/0k5fg +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/0285c /music/artist/origin /m/0z2gq +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gy0l_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vmt /location/location/contains /m/07vyf +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/01fx4k /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/02z3zp /film/actor/film./film/performance/film /m/01shy7 +/m/01_x6d /people/person/places_lived./people/place_lived/location /m/07_fl +/m/01_f90 /education/educational_institution_campus/educational_institution /m/01_f90 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/0kctd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/01x6v6 +/m/04pnx /location/location/partially_contains /m/0261m +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mr +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05b7q +/m/016fjj /film/actor/film./film/performance/film /m/0f4_l +/m/02b190 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j_c +/m/01k9gb /medicine/disease/risk_factors /m/01hbgs +/m/016ntp /people/person/profession /m/039v1 +/m/02x201b /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/04pz5c /people/person/place_of_birth /m/01_d4 +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dl9_4 +/m/04jzj /people/person/religion /m/01t7j +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01k_r5b +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01n6c /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01gv_f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03r1pr /people/person/profession /m/02hrh1q +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mr85 +/m/06cl2w /people/person/profession /m/01d_h8 +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/07lly /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/0_g_6 /location/hud_county_place/county /m/0mw89 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035gnh +/m/03z20c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0177sq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05v1sb +/m/0bnzd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0hnjt /influence/influence_node/influenced_by /m/0d5_f +/m/019nnl /tv/tv_program/genre /m/0c4xc +/m/03h502k /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03_vx9 +/m/03y3bp7 /tv/tv_program/genre /m/01z4y +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02d478 +/m/0kbws /olympics/olympic_games/participating_countries /m/07tp2 +/m/04rlf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03qsdpk +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k54 +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/033tf_ /people/ethnicity/people /m/0d02km +/m/04gqr /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01wyq0w /people/person/gender /m/05zppz +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/098sx /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/04mrjs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07m9cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0d6lp /location/location/contains /m/02jmst +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0170pk /film/actor/film./film/performance/film /m/09v8clw +/m/0hjy /location/location/contains /m/0l_tn +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0gk4g /people/cause_of_death/people /m/0b5x23 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/01nd9f /music/genre/parent_genre /m/01243b +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/01kx_81 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/028lc8 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cz8mkh +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/0p8r1 /people/person/place_of_birth /m/0167q3 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rp13 +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/081lh /influence/influence_node/influenced_by /m/0btj0 +/m/013_vh /film/actor/film./film/performance/film /m/03177r +/m/02f8lw /people/person/spouse_s./people/marriage/spouse /m/033tln +/m/01ww_vs /influence/influence_node/influenced_by /m/048xh +/m/02qnyr7 /people/person/gender /m/05zppz +/m/05bt6j /music/genre/artists /m/0qf11 +/m/0cv1w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bx9y +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0csdzz +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d1mp3 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/04mx7s /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/0g4vmj8 /film/film/genre /m/02kdv5l +/m/09bkc6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0342h /music/instrument/instrumentalists /m/016s_5 +/m/01wqg8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0bykpk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04h4zx /sports/sports_team/colors /m/088fh +/m/02_t2t /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0m2wm /people/person/profession /m/02hrh1q +/m/02rq8k8 /film/film/country /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/024d8w +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/04gcd1 /people/person/profession /m/01d_h8 +/m/0683n /influence/influence_node/influenced_by /m/02lt8 +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040b5k +/m/01mk6 /location/country/capital /m/05ywg +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fwqn +/m/0d060g /location/location/contains /m/02dj3 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0l6m5 /olympics/olympic_games/sports /m/018w8 +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/09n48 /olympics/olympic_games/participating_countries /m/09lxtg +/m/01vttb9 /people/deceased_person/place_of_death /m/030qb3t +/m/0226k3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/027ffq +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/0ht8h /location/location/contains /m/0hvlp +/m/02g0rb /people/person/spouse_s./people/marriage/spouse /m/02vy5j +/m/0fvvz /location/location/contains /m/03x33n +/m/0n85g /music/record_label/artist /m/01vw26l +/m/01p45_v /music/group_member/membership./music/group_membership/group /m/07qnf +/m/0515zg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/07c6l /music/instrument/instrumentalists /m/01wf86y +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015pkc +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04306rv +/m/06bss /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05ns4g +/m/03_2y /film/actor/film./film/performance/film /m/0mb8c +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/04cf09 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/01fvhp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g78xc +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/05bnp0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/066m4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/034x61 +/m/0373qt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/03gk2 /location/country/capital /m/02z0j +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/05pt0l /film/film/genre /m/0lsxr +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0hmm7 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/02wwwv5 +/m/030hcs /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/03c7ln /music/group_member/membership./music/group_membership/group /m/0khth +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bx6 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06fpsx +/m/03wh49y /film/film/story_by /m/07d3x +/m/0g9yrw /film/film/country /m/09c7w0 +/m/01wmxfs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n6ds /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04xvlr /media_common/netflix_genre/titles /m/027pfb2 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/03xx9l +/m/03hh89 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k21g +/m/02fqrf /film/film/language /m/02h40lc +/m/03jm6c /people/person/places_lived./people/place_lived/location /m/06wxw +/m/02fx3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/046_v /people/person/profession /m/0cbd2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/090q4n +/m/02x0bdb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034g2b /people/person/gender /m/05zppz +/m/02qd04y /film/film/country /m/0d05w3 +/m/01k31p /people/deceased_person/place_of_death /m/01914 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01hbq0 +/m/02c7lt /people/person/nationality /m/09c7w0 +/m/0cg2cj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/076lxv /film/film_set_designer/film_sets_designed /m/063hp4 +/m/0p7vt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0298n7 /film/film/genre /m/07s9rl0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/04n_g /people/person/places_lived./people/place_lived/location /m/0fr0t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/073hhn +/m/0kbws /olympics/olympic_games/participating_countries /m/06ryl +/m/0df9z /people/person/gender /m/05zppz +/m/02d003 /film/film/genre /m/09q17 +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/049mql +/m/0dbpyd /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/028k2x +/m/02rqxc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0c8hct /people/person/places_lived./people/place_lived/location /m/029cr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/056zdj +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/037mjv /sports/sports_team/colors /m/083jv +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/055z7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0fzs6w +/m/087wc7n /film/film/film_format /m/017fx5 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0qt85 /location/location/time_zones /m/02fqwt +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/04g3p5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01j48s +/m/09k0h5 /organization/organization/child./organization/organization_relationship/child /m/01qszl +/m/0j6cj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01vvybv /people/person/profession /m/016z4k +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/027d5g5 /people/person/nationality /m/03rjj +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/05p9_ql /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02wtp6 +/m/01gbn6 /people/person/profession /m/02hrh1q +/m/07h34 /location/location/contains /m/01qdhx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/01pf6 /people/cause_of_death/people /m/0kc6 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0l3h +/m/01q3_2 /people/person/nationality /m/09c7w0 +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01p0w_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/01dljr /location/hud_county_place/county /m/0fkhl +/m/064t9 /music/genre/artists /m/0gbwp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01_4mn +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/03q27t +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04bbv7 /people/person/places_lived./people/place_lived/location /m/013m43 +/m/0gmcwlb /film/film/featured_film_locations /m/030qb3t +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cnztc4 /film/film/film_format /m/0cj16 +/m/03_3d /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gp_d /language/human_language/countries_spoken_in /m/0d0vqn +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsvzh +/m/04shbh /film/actor/film./film/performance/film /m/02rb84n +/m/0sxdg /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fly +/m/0gpprt /people/person/profession /m/02jknp +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0gk4g /people/cause_of_death/people /m/017r2 +/m/0jdr0 /film/film/produced_by /m/0hqcy +/m/03z106 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/014v6f +/m/04bdxl /people/person/gender /m/02zsn +/m/04hgpt /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/01v6480 /people/person/nationality /m/07ssc +/m/0fkhz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dj7p +/m/015dnt /people/person/nationality /m/07ssc +/m/03t852 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/02psgvg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0gbtbm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/029d_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0c6g29 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cqbx +/m/02py9yf /tv/tv_program/genre /m/02vnz +/m/02r6mf /music/genre/artists /m/0kvrb +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/0286gm1 /film/film/language /m/04h9h +/m/0dryh9k /people/ethnicity/people /m/02qnk5c +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/01j851 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bgrsl /people/person/gender /m/05zppz +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/03rs8y +/m/03rjj /location/location/contains /m/0c61p +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgfb +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04n52p6 /film/film/executive_produced_by /m/0glyyw +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/04gcd1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyxs5 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/0yx_w /film/film/genre /m/07s9rl0 +/m/01gbn6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0147dk +/m/0315q3 /people/person/place_of_birth /m/0fpzwf +/m/01kym3 /people/person/profession /m/025352 +/m/015x74 /film/film/genre /m/04xvh5 +/m/0524b41 /tv/tv_program/genre /m/01htzx +/m/02qhqz4 /film/film/genre /m/03k9fj +/m/0d060g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/05kr_ /location/location/contains /m/05ksh +/m/0s987 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vvy /people/person/profession /m/01c72t +/m/0k2cb /film/film/cinematography /m/03cx282 +/m/02kfzz /film/film/language /m/071fb +/m/06gbnc /people/ethnicity/people /m/016wvy +/m/0hqly /people/person/place_of_birth /m/04pry +/m/0lhn5 /influence/influence_node/influenced_by /m/016jll +/m/04fzk /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/036dyy +/m/026n13j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01vvyvk +/m/06q6jz /music/genre/artists /m/06wvj +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09f0bj +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01q8wk7 /people/deceased_person/place_of_death /m/04vmp +/m/05drq5 /people/person/profession /m/0dxtg +/m/04m_kpx /dataworld/gardening_hint/split_to /m/04m_kpx +/m/024qqx /media_common/netflix_genre/titles /m/0cf08 +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/0cnztc4 /film/film/language /m/0t_2 +/m/01h18v /film/film/language /m/02h40lc +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01w3v /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/09xw2 /music/genre/artists /m/04n32 +/m/01d0b1 /film/actor/film./film/performance/film /m/016z43 +/m/039crh /people/person/profession /m/0kyk +/m/05g3v /sports/sports_team/sport /m/0jm_ +/m/07lmxq /film/actor/film./film/performance/film /m/0c3zjn7 +/m/03__y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03spz +/m/01j6t0 /medicine/symptom/symptom_of /m/097ns +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136g9 +/m/041h0 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wd02c +/m/0dq23 /organization/organization/child./organization/organization_relationship/child /m/01f99l +/m/09xbpt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01bn3l /film/film/executive_produced_by /m/02q_cc +/m/0fqjks /people/person/place_of_birth /m/0d6lp +/m/0m9p3 /film/film/featured_film_locations /m/06fz_ +/m/0pd6l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01k2yr /sports/sports_team/sport /m/02vx4 +/m/01pv91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044n3h /people/person/nationality /m/09c7w0 +/m/022q4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bw6y +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047csmy +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/02fn5r /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0kjrx +/m/0jgm8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/025ldg +/m/028hc2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/051n13 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0cf08 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/030tjk +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0t_3w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06jcc /people/person/languages /m/02h40lc +/m/017wh /location/administrative_division/country /m/0345h +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/02zl4d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/076tw54 /film/film/production_companies /m/054lpb6 +/m/0bwfwpj /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/034q3l /film/actor/film./film/performance/film /m/02qr3k8 +/m/0plyy /location/location/contains /m/021l5s +/m/01smm /location/location/time_zones /m/02hcv8 +/m/06g2d1 /film/actor/film./film/performance/film /m/06t6dz +/m/011yg9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03bxp5 +/m/0d1xx /location/location/contains /m/0ckhc +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bxjp +/m/09tkzy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01npcx /film/film/country /m/07ssc +/m/06z8gn /film/actor/film./film/performance/film /m/07k2mq +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0kszw /film/actor/film./film/performance/film /m/03yvf2 +/m/04m064 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/01cf93 /music/record_label/artist /m/01lw3kh +/m/016clz /music/genre/artists /m/01w3lzq +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/07024 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/01ls2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045zr +/m/07cz2 /film/film/genre /m/04t2t +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxlb +/m/01fjw0 /location/administrative_division/country /m/03rt9 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/039x1k +/m/0pml7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pp3p /film/director/film /m/0jvt9 +/m/01jfsb /media_common/netflix_genre/titles /m/0191n +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/016nff /film/actor/film./film/performance/film /m/03177r +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/02s62q /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/0778p /education/educational_institution/students_graduates./education/education/student /m/01wd9lv +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01gwck +/m/01pxg /people/profession/specialization_of /m/06q2q +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04gp1d +/m/01lqnff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dvbd +/m/016clz /music/genre/artists /m/0187x8 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/06pvr /location/location/contains /m/0gdk0 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/09z2b7 /film/film/genre /m/02l7c8 +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/03cp4cn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0661ql3 +/m/041xl /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/05mlqj /film/actor/film./film/performance/film /m/0gwjw0c +/m/041xyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/03lty /music/genre/artists /m/01vv6_6 +/m/017gl1 /film/film/language /m/02h40lc +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081mh +/m/07ss8_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mt91 +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/07g9f /tv/tv_program/country_of_origin /m/09c7w0 +/m/047f9jp /people/person/profession /m/02hrh1q +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/0jrny +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/01f7dd +/m/06z9k8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dh73w /people/person/nationality /m/09c7w0 +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01lk0l /award/award_category/winners./award/award_honor/award_winner /m/04cw0j +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0b_dy /film/actor/film./film/performance/film /m/0sxg4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/01wdj_ /education/educational_institution_campus/educational_institution /m/01wdj_ +/m/05kj_ /location/location/contains /m/0mx2h +/m/03h_9lg /film/actor/film./film/performance/film /m/0d90m +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03d0d7 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01fchy +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/0c2tf /people/person/place_of_birth /m/0fvxg +/m/05jbn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/0gt_0v /music/genre/artists /m/0fpjd_g +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04f6hhm +/m/08t9df /organization/organization/place_founded /m/080h2 +/m/02gjt4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07_f2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05k7sb +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/0j13b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02jx1 /location/location/contains /m/029rmn +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0chsq /award/award_winner/awards_won./award/award_honor/award_winner /m/04wqr +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/02dlfh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05r5w +/m/016dmx /award/award_winner/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dc0c +/m/09gdm7q /film/film/country /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/05148p4 /music/instrument/instrumentalists /m/07r4c +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/07k2mq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019f2f +/m/013xh7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0227tr /film/actor/film./film/performance/film /m/03t97y +/m/012cj0 /people/person/profession /m/01d_h8 +/m/02r6mf /music/genre/parent_genre /m/01wqlc +/m/041td_ /film/film/genre /m/0219x_ +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kqbh +/m/06jw0s /people/person/place_of_birth /m/02dtg +/m/01hmnh /media_common/netflix_genre/titles /m/014bpd +/m/01yqqv /education/educational_institution/school_type /m/01_srz +/m/0mn78 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b_gq /film/film/country /m/07ssc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dwrc +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01kqq7 +/m/0gxb2 /medicine/symptom/symptom_of /m/072hv +/m/02d9k /people/person/spouse_s./people/marriage/spouse /m/0cgfb +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0126y2 +/m/01pw2f1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07qcbw /people/person/profession /m/03gjzk +/m/09v51c2 /award/award_category/winners./award/award_honor/award_winner /m/012d40 +/m/0824r /location/location/contains /m/013nv_ +/m/01wdqrx /people/person/profession /m/02hrh1q +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0btpx +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026qnh6 +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/0n5_t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6z +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/021yw7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01cwkq +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0n85g /music/record_label/artist /m/09qr6 +/m/04gnbv1 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02rzdcp +/m/02v8kmz /film/film/genre /m/06nbt +/m/04306rv /language/human_language/countries_spoken_in /m/0154j +/m/09c7w0 /location/location/contains /m/07vhb +/m/016h9b /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj9qxr +/m/035yn8 /film/film/genre /m/03npn +/m/018j2 /music/instrument/instrumentalists /m/0565cz +/m/03_r3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fdc0 +/m/01m3x5p /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/057__d /film/film/genre /m/02l7c8 +/m/0kszw /film/actor/film./film/performance/film /m/0gydcp7 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/020_4z /people/person/places_lived./people/place_lived/location /m/0j7ng +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0hw29 +/m/03d9v8 /people/person/place_of_birth /m/06_kh +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/02wh0 /influence/influence_node/influenced_by /m/0j3v +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b16p +/m/03y0pn /film/film/music /m/0150t6 +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/04z4j2 /film/film/country /m/07ssc +/m/02bm1v /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02fsn /music/instrument/instrumentalists /m/03j24kf +/m/0fzyg /film/film_subject/films /m/02vjp3 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/0645k5 +/m/012mzw /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0phrl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/02xry /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03ywyk +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/03d8jd1 /film/film/genre /m/0jxy +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jmj +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02cm2m /people/person/places_lived./people/place_lived/location /m/0pmq2 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/0pyww +/m/035qv8 /organization/organization/headquarters./location/mailing_address/citytown /m/09b83 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/01vrncs /people/person/profession /m/0nbcg +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/032yps /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/03hxsv /film/film/featured_film_locations /m/0m_w6 +/m/0nh57 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bzjpm /film/film/country /m/09c7w0 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/08phg9 /film/film/written_by /m/09pl3f +/m/02p4450 /music/genre/artists /m/0180w8 +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09bx1k /award/award_winner/awards_won./award/award_honor/award_winner /m/013ybx +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/08tq4x /film/film/genre /m/07s9rl0 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/04mhxx /film/actor/film./film/performance/film /m/04f52jw +/m/0b4lkx /film/film/genre /m/01f9r0 +/m/07ssc /location/location/contains /m/0366c +/m/02v5xg /film/film/genre /m/07s9rl0 +/m/01xq8v /film/film/cinematography /m/0bqytm +/m/0g476 /film/actor/film./film/performance/film /m/01jc6q +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w7nwm +/m/0mhfr /music/genre/artists /m/016qtt +/m/06b1q /business/job_title/people_with_this_title./business/employment_tenure/company /m/03b3j +/m/0_7w6 /film/film/genre /m/02l7c8 +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/08cyft /music/genre/artists /m/03f0qd7 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/049xgc /film/film/film_format /m/07fb8_ +/m/01q2sk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/0m93 /influence/influence_node/influenced_by /m/04s9n +/m/0781g /music/genre/artists /m/0dtd6 +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/034fl9 +/m/064t9 /music/genre/artists /m/067nsm +/m/06crk /people/person/religion /m/0kpl +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02jztz +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/0k4gf +/m/0b2ds /base/biblioness/bibs_location/country /m/09c7w0 +/m/014xf6 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/02w2bc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0415svh +/m/016nff /people/person/profession /m/018gz8 +/m/014bpd /film/film/language /m/02h40lc +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/01rnxn +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02wwmhc /film/film/genre /m/02l7c8 +/m/0156ts /location/location/time_zones /m/03bdv +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/08phg9 /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/02cqbx /award/award_winner/awards_won./award/award_honor/award_winner /m/0dck27 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05qzv /influence/influence_node/influenced_by /m/03sbs +/m/0dx97 /people/person/profession /m/0mn6 +/m/0g8fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07c98 /base/biblioness/bibs_location/country /m/03rk0 +/m/02z3r8t /film/film/genre /m/0clz1b +/m/093g7v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0x67 /people/ethnicity/people /m/01w9k25 +/m/01qb5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01pnn3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g8h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ylsr +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/055t01 /people/person/profession /m/02hrh1q +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5dd +/m/04f1glf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r5lz +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/06by7 /music/genre/artists /m/01w724 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01vqq1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03j1p2n /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/06cp5 /music/genre/parent_genre /m/02x8m +/m/040rjq /influence/influence_node/influenced_by /m/03f47xl +/m/01j7z7 /people/person/profession /m/0kyk +/m/017v3q /organization/organization/headquarters./location/mailing_address/citytown /m/0mm_4 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/063lqs +/m/0gywn /music/genre/artists /m/01trhmt +/m/03f4w4 /people/person/nationality /m/02jx1 +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bm4sm +/m/01s7w3 /film/film/language /m/02h40lc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03yhgp +/m/09glbnt /business/business_operation/industry /m/04rlf +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04wgh +/m/05r5c /music/instrument/instrumentalists /m/01w524f +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/088vb /location/country/form_of_government /m/06cx9 +/m/03whyr /film/film/genre /m/01hmnh +/m/0g9zljd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01xbgx +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/033hn8 /music/record_label/artist /m/02r3cn +/m/04wqr /people/person/place_of_birth /m/030qb3t +/m/034hck /people/person/profession /m/02jknp +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/03gkn5 +/m/099vwn /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05b_gq +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/02ln1 /influence/influence_node/influenced_by /m/05qmj +/m/0bbw2z6 /film/film/language /m/02bjrlw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/07q1v4 /people/person/place_of_birth /m/02_286 +/m/0jpdn /people/person/places_lived./people/place_lived/location /m/04rrd +/m/06bw5 /organization/organization/headquarters./location/mailing_address/citytown /m/02frhbc +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/016yzz +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/0hwqg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d1_f /people/person/religion /m/0n2g +/m/0nlh7 /base/biblioness/bibs_location/country /m/0d060g +/m/03q2t9 /people/person/profession /m/0dz3r +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03zqc1 +/m/027rwmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0295sy +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/02bkdn /film/actor/film./film/performance/film /m/0c0zq +/m/0155w /music/genre/artists /m/0161sp +/m/0mzkr /music/record_label/artist /m/016vqk +/m/018db8 /people/person/profession /m/09jwl +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/02cvcd /education/educational_institution_campus/educational_institution /m/02cvcd +/m/0250f /people/person/profession /m/0196pc +/m/0lpp8 /base/aareas/schema/administrative_area/capital /m/0pbhz +/m/05cl2w /film/actor/film./film/performance/film /m/03mh94 +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/017v_ /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z215 +/m/01wwvt2 /people/person/nationality /m/0chghy +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/02lx0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0ddfph /film/actor/film./film/performance/film /m/030z4z +/m/0162v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01s3vk /film/film/genre /m/01hmnh +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hjv97 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0196kn /award/award_category/winners./award/award_honor/award_winner /m/01zwy +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/089j8p +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kkk4 +/m/027cxsm /award/award_winner/awards_won./award/award_honor/award_winner /m/06x58 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/05d8vw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0781g /music/genre/parent_genre /m/0dl5d +/m/0bz3jx /film/film/written_by /m/02kxbx3 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwmp +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/0tyql /location/hud_county_place/county /m/0k3gw +/m/056ws9 /organization/organization/headquarters./location/mailing_address/citytown /m/0k_q_ +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/06by7 /music/genre/artists /m/01w5gg6 +/m/0b44shh /film/film/film_festivals /m/0bmj62v +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/041jk9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0b57p6 /people/person/places_lived./people/place_lived/location /m/03s0w +/m/039bp /film/actor/film./film/performance/film /m/0m9p3 +/m/08cx5g /tv/tv_program/program_creator /m/023jq1 +/m/02482c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05kr_ /location/location/contains /m/01x42h +/m/047fjjr /film/film/language /m/0653m +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/01fx6y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0141kz +/m/07vfz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rhqg /music/record_label/artist /m/0277c3 +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/064n1pz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02r1c18 /film/film/written_by /m/02kxbwx +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04qp06 /people/person/languages /m/03k50 +/m/0ky1 /people/person/profession /m/0fj9f +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/09k34g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4fz +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/016fjj /film/actor/film./film/performance/film /m/01qvz8 +/m/09ps01 /film/film/written_by /m/01_f_5 +/m/09c7w0 /location/country/second_level_divisions /m/0cv0r +/m/0bksh /film/actor/film./film/performance/film /m/08052t3 +/m/037ts6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/011ykb /film/film/genre /m/07s9rl0 +/m/05zy3sc /film/film/genre /m/060__y +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h0yt +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/03yl2t /sports/sports_team/sport /m/02vx4 +/m/04hgpt /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y9pk +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jgwf +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/03h8_g /people/person/profession /m/0dxtg +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0bqxw +/m/014kq6 /film/film/country /m/07ssc +/m/0gmtm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l590 +/m/01clyr /music/record_label/artist /m/01vsy3q +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/0f6_x /film/actor/film./film/performance/film /m/07h9gp +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0dt_q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/064t9 /music/genre/artists /m/05_pkf +/m/03_wm6 /film/film/genre /m/03k9fj +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/07_m9_ +/m/01ngz1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05fh2 +/m/05zvzf3 /film/film/film_festivals /m/04_m9gk +/m/03lygq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gx_p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrlr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlqd +/m/0bpx1k /film/film/genre /m/05p553 +/m/0gxmj /location/administrative_division/country /m/0f8l9c +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0hsn_ /people/person/profession /m/01d_h8 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/0fbx6 /film/actor/film./film/performance/film /m/0bz3jx +/m/01rlxt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qw_ +/m/0q5hw /base/eating/practicer_of_diet/diet /m/07_jd +/m/04j13sx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0nf3h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nppc +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/03hzkq /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0c3xpwy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04rsd2 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/01sb5r /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06g4l +/m/02jmst /education/educational_institution_campus/educational_institution /m/02jmst +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07ypt +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fgr_ +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01z5tr +/m/01nn79 /business/business_operation/industry /m/029g_vk +/m/0dwh5 /location/location/time_zones /m/02lcqs +/m/082scv /film/film/produced_by /m/029ghl +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011xg5 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/06r2h /film/film/language /m/02h40lc +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0ds2l81 /film/film/genre /m/02l7c8 +/m/07w42 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w3lzq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/034lk7 /location/location/time_zones /m/02hcv8 +/m/07jdr /film/film_subject/films /m/09w6br +/m/016khd /film/actor/film./film/performance/film /m/0yx1m +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c94fn +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01pr_j6 /people/person/profession /m/01d_h8 +/m/0k20s /film/film/genre /m/01jfsb +/m/02fy0z /education/university/fraternities_and_sororities /m/0325pb +/m/012_53 /people/person/profession /m/03gjzk +/m/01l87db /people/person/profession /m/016z4k +/m/02_nkp /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/016ynj +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/05hj_k /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/0gdhhy /people/person/place_of_birth /m/01_d4 +/m/016_nr /music/genre/artists /m/03j149k +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/0872p_c /film/film/featured_film_locations /m/02dtg +/m/03k9fj /media_common/netflix_genre/titles /m/0f4k49 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0g9zjp +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/026mfbr /film/film/production_companies /m/054lpb6 +/m/031786 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/0hsn_ +/m/011yrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c34mt +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/048qrd /film/film/country /m/09c7w0 +/m/0j0pf /influence/influence_node/influenced_by /m/041xl +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mc5v +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4p0 +/m/02z44tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/019_6d /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ft14 +/m/0cqr0q /film/film/genre /m/0lsxr +/m/01t110 /people/person/places_lived./people/place_lived/location /m/0d35y +/m/07y8l9 /film/actor/film./film/performance/film /m/048tv9 +/m/09b3v /media_common/netflix_genre/titles /m/01c22t +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0p17j +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07nxvj +/m/02cj_f /people/person/profession /m/016z4k +/m/0mzkr /music/record_label/artist /m/016t00 +/m/06krf3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07x4c /education/educational_institution/colors /m/019sc +/m/0m2hs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/042rlf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0bczgm +/m/06tpmy /film/film/language /m/02h40lc +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443xn +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06nz46 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0436f4 +/m/0j8cb /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01w3lzq /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0bmhvpr /film/film/language /m/02h40lc +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/0gt14 /film/film/language /m/02h40lc +/m/07qcbw /people/person/profession /m/0dxtg +/m/01lz4tf /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/030_1m /award/award_winner/awards_won./award/award_honor/award_winner /m/025hwq +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02blr4 /media_common/netflix_genre/titles /m/0jqzt +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0c00zd0 /film/film/produced_by /m/0415svh +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3k3f +/m/0h9qh /media_common/netflix_genre/titles /m/02bqxb +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmh7 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/012ljv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/0kvtr /music/genre/artists /m/01w03jv +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/01v_pj6 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/042xh /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/02qyntr /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/014kkm /film/film/genre /m/07s9rl0 +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/07rzf +/m/0c12h /people/person/profession /m/0np9r +/m/05qzv /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/0jnq8 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0170_p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/019vhk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06d6y /people/person/profession /m/02hrh1q +/m/05hjnw /film/film/costume_design_by /m/03gt0c5 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/0gt1k /film/film/executive_produced_by /m/0l9k1 +/m/0dzf_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/03j70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04mzf8 +/m/019n7x /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05l8y +/m/063g7l /film/actor/film./film/performance/film /m/026wlxw +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/083pr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d04z6 +/m/05gml8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lx2l +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015whm +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/05dl1s /film/film/genre /m/02p0szs +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/02_fj /people/person/gender /m/05zppz +/m/0jgd /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yth /film/film/featured_film_locations /m/02_286 +/m/01pllx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pqy_ +/m/01rr9f /people/person/spouse_s./people/marriage/spouse /m/02v60l +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/033jkj /award/award_winner/awards_won./award/award_honor/award_winner /m/033jj1 +/m/07tlfx /film/film/language /m/02h40lc +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/0sxlb /film/film/genre /m/0lsxr +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/06pjs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/01pdgp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/0dbbz /people/person/profession /m/02jknp +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/02zrv7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01z215 +/m/032r4n /education/educational_institution/students_graduates./education/education/student /m/01n1gc +/m/06by7 /music/genre/artists /m/094xh +/m/082db /influence/influence_node/influenced_by /m/043d4 +/m/0hg5 /location/country/form_of_government /m/01fpfn +/m/03y5ky /education/educational_institution/school_type /m/05pcjw +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01846t /people/person/profession /m/0np9r +/m/06czyr /people/person/nationality /m/09c7w0 +/m/0lyjf /education/university/fraternities_and_sororities /m/0325pb +/m/0df2zx /film/film/country /m/09c7w0 +/m/012s1d /film/film/genre /m/02kdv5l +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/09_b4 +/m/05q2c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0fz3b1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01243b /music/genre/artists /m/01w5n51 +/m/022769 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/039crh +/m/04tc1g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/05pxnmb +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/019n7x +/m/02pjc1h /film/film/written_by /m/040rjq +/m/0gtvpkw /film/film/country /m/03rjj +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0mx3k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wy5m /film/actor/film./film/performance/film /m/0btpm6 +/m/02nt3d /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/03rt9 /location/location/contains /m/01rng +/m/02n4kr /media_common/netflix_genre/titles /m/02r_pp +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/06pj8 /people/person/employment_history./business/employment_tenure/company /m/01gb54 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpmrm3 +/m/01hjy5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/016wvy /music/group_member/membership./music/group_membership/role /m/0342h +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/043zg +/m/09g7vfw /film/film/produced_by /m/03v1w7 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07gxw /music/genre/artists /m/01pfr3 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n_g9 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01f5q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/0j_t1 /film/film/country /m/09c7w0 +/m/0gwlfnb /film/film/genre /m/02kdv5l +/m/07z6xs /film/film/genre /m/02n4kr +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/0146pg /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05q2c +/m/0gvvf4j /film/film/language /m/02h40lc +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/052gzr /people/person/profession /m/0dxtg +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/09mfvx /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0284b56 +/m/0cjf0 /medicine/symptom/symptom_of /m/014w_8 +/m/03tm68 /base/aareas/schema/administrative_area/administrative_parent /m/068cn +/m/0ctzf1 /tv/tv_program/country_of_origin /m/03_3d +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/03zb6t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/02rzdcp /tv/tv_program/genre /m/07s9rl0 +/m/02p8v8 /people/person/profession /m/04gc2 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cl1 +/m/01pcz9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/08sk8l /film/film/language /m/02h40lc +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01c333 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/0j_tw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0d29z /people/ethnicity/geographic_distribution /m/05v8c +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/05_zc7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/0jmk7 /sports/sports_team/colors /m/01l849 +/m/022yb4 /people/person/profession /m/03gjzk +/m/02wwmhc /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09v8clw +/m/017fp /media_common/netflix_genre/titles /m/09sr0 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ggbfwf +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09hy79 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0pqzh /influence/influence_node/influenced_by /m/02kz_ +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/01sxly /film/film/featured_film_locations /m/04jpl +/m/025ldg /people/person/nationality /m/09c7w0 +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01f873 /award/award_winner/awards_won./award/award_honor/award_winner /m/01t2h2 +/m/01tnxc /people/person/gender /m/05zppz +/m/03vrnh /people/person/sibling_s./people/sibling_relationship/sibling /m/040wdl +/m/018vs /music/instrument/instrumentalists /m/024qwq +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0150t6 +/m/03f77 /people/person/nationality /m/07ssc +/m/0yfvf /base/biblioness/bibs_location/state /m/05fkf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/025ts_z /film/film/genre /m/02kdv5l +/m/0m__z /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/0d8cr0 /people/person/gender /m/05zppz +/m/0ftvz /location/location/contains /m/02qvvv +/m/0h21v2 /film/film/genre /m/03npn +/m/027jk /location/country/form_of_government /m/06cx9 +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/09nz_c +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/0gzlb9 /film/film/featured_film_locations /m/052p7 +/m/02nrdp /people/person/nationality /m/09c7w0 +/m/01mvjl0 /people/person/profession /m/0dz3r +/m/01_s9q /education/educational_institution/colors /m/083jv +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfl4 +/m/01mqh5 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/09q23x /film/film/written_by /m/01d8yn +/m/017f4y /people/person/places_lived./people/place_lived/location /m/01p8s +/m/05mcjs /film/actor/film./film/performance/film /m/05j82v +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/016ywr +/m/0m2wm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcrw +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0c0yh4 /film/film/country /m/0345h +/m/02qfhb /people/person/profession /m/09lbv +/m/01lbp /film/actor/film./film/performance/film /m/01pj_5 +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02d413 /film/film/cinematography /m/0f3zsq +/m/016tbr /people/person/places_lived./people/place_lived/location /m/01qcx_ +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/010r6f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037xlx /film/film/country /m/03rjj +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/091yn0 +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/05mxw33 /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/03h502k /people/person/gender /m/05zppz +/m/029zqn /film/film/genre /m/05p553 +/m/0dn3n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/017fp /media_common/netflix_genre/titles /m/04g9gd +/m/02q7fl9 /film/film/personal_appearances./film/personal_film_appearance/person /m/01n4f8 +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0dq9p /people/cause_of_death/people /m/01cspq +/m/049qx /people/person/languages /m/02h40lc +/m/0c5wln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/018417 +/m/0n5fl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/0bq2g /film/actor/film./film/performance/film /m/02vjp3 +/m/01qszl /business/business_operation/industry /m/03qh03g +/m/0184dt /people/person/nationality /m/02jx1 +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rrd4 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/047gn4y /film/film/genre /m/03k9fj +/m/01dycg /business/business_operation/industry /m/01mw1 +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tt43d +/m/041xl /influence/influence_node/influenced_by /m/03_87 +/m/03nfnx /film/film/country /m/09c7w0 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05jzt3 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/025g__ /music/genre/artists /m/0392kz +/m/0270k40 /film/film/genre /m/01hmnh +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0bmhvpr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kjrx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02yxjs +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/04gxf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vfqh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04jbyg +/m/01z4y /media_common/netflix_genre/titles /m/0660b9b +/m/0kvqv /people/person/gender /m/05zppz +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g_zyp +/m/05r5c /music/instrument/instrumentalists /m/0k4gf +/m/03rk0 /location/location/contains /m/022tq4 +/m/02vjzr /music/genre/artists /m/02h9_l +/m/02sh8y /film/actor/film./film/performance/film /m/059lwy +/m/03s9b /people/person/profession /m/01d_h8 +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/0125xq /film/film/country /m/0f8l9c +/m/02lz1s /people/person/gender /m/05zppz +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03n0pv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b60sq /film/film/genre /m/0jxy +/m/02cqbx /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g29 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0c3351 /media_common/netflix_genre/titles /m/01q7h2 +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cp4cn +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1b5 +/m/0rnmy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qyv3h /film/film/language /m/04306rv +/m/01j7z7 /film/actor/film./film/performance/film /m/05c26ss +/m/01jfsb /media_common/netflix_genre/titles /m/0jwvf +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nbrp +/m/04jwp /people/person/places_lived./people/place_lived/location /m/04jpl +/m/033pf1 /film/film/genre /m/01hmnh +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/015wy_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/08l0x2 /film/film/genre /m/07s9rl0 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04hwbq +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/03kg2v /film/film/produced_by /m/03h304l +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/02qm5j /music/genre/artists /m/01vsqvs +/m/0b1f49 /people/person/profession /m/03gjzk +/m/07mgr /base/biblioness/bibs_location/country /m/03rjj +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07l24 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02r99xw /people/person/profession /m/02hrh1q +/m/01pj_5 /film/film/country /m/09c7w0 +/m/0160w /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01t8sr /organization/organization/headquarters./location/mailing_address/citytown /m/05jbn +/m/01jzyx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/043tz0c /film/film/genre /m/07s9rl0 +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award /m/07kfzsg +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03p2xc +/m/02114t /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0j1yf +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/026db_ +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0jym0 /film/film/genre /m/01j1n2 +/m/04h07s /people/person/profession /m/018gz8 +/m/0345h /location/location/contains /m/018_7x +/m/02p21g /influence/influence_node/influenced_by /m/013tjc +/m/02x8mt /people/person/gender /m/05zppz +/m/0137hn /people/deceased_person/place_of_death /m/04jpl +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01my_c /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b7h8 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/06hhp +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0b_6lb /time/event/locations /m/030qb3t +/m/06by7 /music/genre/artists /m/011xhx +/m/017l96 /music/record_label/artist /m/0pk41 +/m/0cdf37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/0c5vh /film/actor/film./film/performance/film /m/019kyn +/m/09c7w0 /location/country/second_level_divisions /m/0dn8b +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/03cn92 /people/person/profession /m/02hrh1q +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/09w6br /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015pvh /film/actor/film./film/performance/film /m/0407yj_ +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/0169dl /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/01w02sy /people/person/profession /m/039v1 +/m/0ny75 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ldv0 /people/person/profession /m/03gjzk +/m/046mxj /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/05r7t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0_j_z /location/location/time_zones /m/02hcv8 +/m/099pks /tv/tv_program/genre /m/07s9rl0 +/m/029k4p /film/film/produced_by /m/0693l +/m/06449 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06g4l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02js6_ /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04fzk +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025n3p +/m/0k33p /location/location/contains /m/0202wk +/m/05kh_ /people/person/profession /m/02jknp +/m/0brgy /medicine/symptom/symptom_of /m/0hg11 +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0dg3jz +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cy__l +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/02_286 +/m/0f276 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/047hpm +/m/0x67 /people/ethnicity/people /m/03j0br4 +/m/021mlp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rk0 /location/location/contains /m/016722 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02wvf2s +/m/09hy79 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0180mw /tv/tv_program/genre /m/04gm78f +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05r5c /music/instrument/instrumentalists /m/03t852 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hvb2 +/m/0jsg0m /music/group_member/membership./music/group_membership/role /m/018j2 +/m/01xyqk /music/record_label/artist /m/03d2k +/m/0dcqh /medicine/disease/notable_people_with_this_condition /m/02mhfy +/m/07vk2 /education/educational_institution/students_graduates./education/education/student /m/02v406 +/m/059rc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01kj0p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0479b +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/015pnb +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/02zmh5 /people/person/place_of_birth /m/06mxs +/m/01vy_v8 /people/person/place_of_birth /m/0d2lt +/m/018h2 /media_common/netflix_genre/titles /m/046f3p +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0d87hc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q01mn +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zz8b +/m/03v9w /location/location/partially_contains /m/05r4w +/m/0blq0z /film/actor/film./film/performance/film /m/03qnvdl +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/027ydt +/m/073bb /people/person/profession /m/0cbd2 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dgskx +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0b3n61 /film/film/production_companies /m/056ws9 +/m/01mskc3 /people/person/nationality /m/03_r3 +/m/04snp2 /people/person/profession /m/0cbd2 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0ytph /base/biblioness/bibs_location/state /m/05kkh +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/0jdk_ /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/01zkxv +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/090q8l +/m/09h4b5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09nhvw +/m/037n97 /music/genre/artists /m/01wg6y +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/07dnx +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/048qrd +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/02dztn /film/actor/film./film/performance/film /m/01hqk +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/0b90_r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09c7w0 +/m/0b1hw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047cqr /influence/influence_node/influenced_by /m/067xw +/m/0gt3p /people/person/gender /m/05zppz +/m/0kbvb /olympics/olympic_games/sports /m/03hr1p +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0169t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0kbws /olympics/olympic_games/participating_countries /m/0jdx +/m/0ggq0m /music/genre/artists /m/0127gn +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0klh7 /film/actor/film./film/performance/film /m/0f4_l +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kx4m +/m/0266bd5 /sports/sports_team/colors /m/083jv +/m/02_01w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mc79 /people/person/profession /m/02hrh1q +/m/0c55fj /tv/tv_network/programs./tv/tv_network_duration/program /m/0jq2r +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dcz8_ +/m/0fz2y7 /time/event/instance_of_recurring_event /m/0g_w +/m/01s7ns /people/person/profession /m/0d1pc +/m/0jcg8 /base/biblioness/bibs_location/country /m/02jx1 +/m/020x5r /film/actor/film./film/performance/film /m/0dpl44 +/m/01jszm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qbckf /film/film/executive_produced_by /m/079vf +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/063_j5 /film/film/film_format /m/07fb8_ +/m/072hx4 /film/film/genre /m/0jtdp +/m/0172rj /music/genre/parent_genre /m/0296y +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q96q6 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v89z +/m/03dj48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/017n9 /film/film/genre /m/01jfsb +/m/0736qr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/092ys_y +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/09yg6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02jx1 /location/country/second_level_divisions /m/0hl24 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0pqzh /people/person/places_lived./people/place_lived/location /m/071cn +/m/07g1sm /film/film/featured_film_locations /m/02_286 +/m/013pp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04k3jt +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/02rhwjr /tv/tv_program/genre /m/06n90 +/m/03bxsw /people/person/gender /m/02zsn +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fx2g +/m/03459x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d4cb /people/person/profession /m/029bkp +/m/01wj92r /award/award_winner/awards_won./award/award_honor/award_winner /m/06m61 +/m/026hh0m /film/film/genre /m/07s9rl0 +/m/01m5m5b /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0407yj_ /film/film/story_by /m/04jspq +/m/01515w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0320jz +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz5v2 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/012ljv +/m/05wm88 /people/person/gender /m/05zppz +/m/0309lm /film/actor/film./film/performance/film /m/02qzh2 +/m/0127gn /award/award_winner/awards_won./award/award_honor/award_winner /m/0bvzp +/m/036qs_ /people/person/profession /m/02jknp +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0325dj /education/educational_institution/colors /m/019sc +/m/02jfc /education/field_of_study/students_majoring./education/education/student /m/05m63c +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02b10g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/03nk3t +/m/028q6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/01tt43d +/m/0sxrz /olympics/olympic_games/sports /m/06br8 +/m/0f04v /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mkj +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/0dq23 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/012yc /music/genre/artists /m/03fbc +/m/06j6l /music/genre/artists /m/03f3_p3 +/m/07bch9 /people/ethnicity/people /m/07hyk +/m/055c8 /film/actor/film./film/performance/film /m/0260bz +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/03zyvw +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/06by7 /music/genre/artists /m/016fnb +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/01dw9z /people/person/spouse_s./people/marriage/spouse /m/04sx9_ +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c4g +/m/03__77 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv27 +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cqbx +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01tt43d /people/person/profession /m/016z4k +/m/03ksy /education/educational_institution/campuses /m/03ksy +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/017vkx /music/group_member/membership./music/group_membership/role /m/0342h +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hhv +/m/098sv2 /people/person/profession /m/02pjxr +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/06rmdr /film/film/featured_film_locations /m/030qb3t +/m/03f7xg /film/film/music /m/01tc9r +/m/0336mc /award/award_winner/awards_won./award/award_honor/award_winner /m/07m9cm +/m/0cmpn /people/deceased_person/place_of_burial /m/0chgsm +/m/01wd9lv /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/025ljp +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0pv3x /film/film/executive_produced_by /m/06q8hf +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09zmys +/m/023rwm /music/record_label/artist /m/01vng3b +/m/0crd8q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0hvgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/013knm /people/person/religion /m/0c8wxp +/m/0gk4g /people/cause_of_death/people /m/034q3l +/m/03q5dr /people/person/profession /m/02hrh1q +/m/02mpb /people/person/nationality /m/09c7w0 +/m/01m1y /music/genre/artists /m/02t3ln +/m/0fp_v1x /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5879y +/m/01vn35l /people/person/profession /m/039v1 +/m/0jm3b /sports/sports_team/colors /m/083jv +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01s7ns /people/person/gender /m/05zppz +/m/01x0sy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017r2 /influence/influence_node/influenced_by /m/060_7 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02czd5 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/09qc1 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02_sr1 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01fx2g +/m/01skxk /music/genre/artists /m/01w524f +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07l4zhn +/m/01hvjx /film/film/genre /m/01hwc6 +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02kxx1 /education/educational_institution/campuses /m/02kxx1 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/01_f90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/instrument/instrumentalists /m/01x66d +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046mxj +/m/03v0t /location/location/contains /m/0sgtz +/m/01wd3l /people/person/nationality /m/06q1r +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/017n9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03h_f4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/034_7s +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/015c4g /film/actor/film./film/performance/film /m/06__m6 +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t__3 +/m/0mlzk /location/location/time_zones /m/02lcqs +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jgd +/m/064lsn /film/film/produced_by /m/06b_0 +/m/0gw2y6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02mplj +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/03_wm6 /film/film/genre /m/03q4nz +/m/0416y94 /film/film/genre /m/01t_vv +/m/0cyn3 /location/location/contains /m/0y2dl +/m/074w86 /film/film/production_companies /m/06rq1k +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/0dt645q /film/actor/film./film/performance/film /m/02pb2bp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/07gp9 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/02b1b5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01wj18h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01q8hj +/m/0b22w /people/person/gender /m/05zppz +/m/020hh3 /people/person/places_lived./people/place_lived/location /m/01lfy +/m/05b_gq /film/film/written_by /m/0mm1q +/m/095z4q /film/film/genre /m/05p553 +/m/0175zz /music/genre/artists /m/06p03s +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/078jnn /film/actor/film./film/performance/film /m/03ynwqj +/m/03_dj /people/person/profession /m/0cbd2 +/m/0416y94 /film/film/country /m/09c7w0 +/m/058s57 /base/eating/practicer_of_diet/diet /m/07_jd +/m/01tlrp /business/business_operation/industry /m/0hz28 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/03djpm /music/genre/artists /m/02g40r +/m/06qd3 /location/location/contains /m/0hv7l +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/0272_vz /film/film/country /m/09c7w0 +/m/01cl0d /music/record_label/artist /m/0ftps +/m/0ndsl1x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08d6bd /people/person/nationality /m/03rk0 +/m/0bj9k /film/actor/film./film/performance/film /m/07g1sm +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/03zrp +/m/034qzw /film/film/production_companies /m/01gb54 +/m/01f85k /film/film/film_format /m/0cj16 +/m/01wg25j /people/person/nationality /m/09c7w0 +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/018sg9 +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/017d93 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0222qb /people/ethnicity/people /m/01m4yn +/m/0bxxzb /film/film/language /m/02ztjwg +/m/04shbh /people/person/place_of_birth /m/01423b +/m/0gnkb /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0nm9y /location/location/time_zones /m/02hcv8 +/m/016szr /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02phtzk /film/film/production_companies /m/0fqy4p +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0lpjn +/m/01cszh /music/record_label/artist /m/04mx7s +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/01w9ph_ /people/deceased_person/place_of_death /m/05qtj +/m/0c3p7 /people/person/profession /m/01d_h8 +/m/024swd /people/person/nationality /m/09c7w0 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/0992d9 /film/film/language /m/06b_j +/m/026dx /award/award_winner/awards_won./award/award_honor/award_winner /m/09zmys +/m/0qcr0 /people/cause_of_death/people /m/0136p1 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/02zr0z /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01znc_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0d2psv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/064jjy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04h68j /film/director/film /m/01g3gq +/m/04n32 /people/person/gender /m/05zppz +/m/018nnz /film/film/genre /m/0jxy +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/041rx /people/ethnicity/people /m/03m8lq +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01k2wn +/m/05wjnt /film/actor/film./film/performance/film /m/03cyslc +/m/01stzp /education/educational_institution/students_graduates./education/education/student /m/048cl +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j8q_ +/m/03q95r /film/actor/film./film/performance/film /m/016z9n +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/06151l /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/019r_1 /people/person/profession /m/01d_h8 +/m/05f7w84 /tv/tv_program/genre /m/0hcr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02q636 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0285xqh /people/person/places_lived./people/place_lived/location /m/09f07 +/m/0m_h6 /film/film/genre /m/082gq +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02bhj4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/05bht9 /people/person/nationality /m/09c7w0 +/m/04p0c /base/biblioness/bibs_location/country /m/0345h +/m/0grmhb /people/deceased_person/place_of_death /m/02_286 +/m/02jx1 /location/location/contains /m/01t4p0 +/m/03m8y5 /film/film/language /m/02h40lc +/m/0d6lp /sports/sports_team_location/teams /m/06rny +/m/08hmch /film/film/featured_film_locations /m/017cy9 +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05650n +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/015m08 /location/location/contains /m/0cffd +/m/06btq /location/location/contains /m/0_jws +/m/042y1c /film/film/genre /m/04xvh5 +/m/01jsk6 /education/educational_institution/campuses /m/01jsk6 +/m/0gt14 /film/film/produced_by /m/030pr +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01kstn9 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/027ydt /education/educational_institution/colors /m/04mkbj +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/044ptm /people/person/profession /m/02hrh1q +/m/01vyv9 /people/person/profession /m/03gjzk +/m/031ldd /film/film/genre /m/07s9rl0 +/m/0mj0c /people/person/places_lived./people/place_lived/location /m/02_286 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nkts +/m/018wdw /award/award_category/winners./award/award_honor/award_winner /m/0c94fn +/m/0cv9fc /people/person/nationality /m/09c7w0 +/m/03f7jfh /music/artist/origin /m/0f94t +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0g39h /location/location/contains /m/01q58t +/m/030hcs /film/actor/film./film/performance/film /m/06fqlk +/m/01ft14 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04pz5c +/m/04kzqz /film/film/genre /m/082gq +/m/0344gc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/0xhtw /music/genre/artists /m/01_wfj +/m/0169dl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0151w_ +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/0cc7hmk /film/film/film_festivals /m/0fpkxfd +/m/0yzvw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02sjgpq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03knl /people/person/languages /m/02h40lc +/m/026z9 /music/genre/artists /m/01wbgdv +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0kbvb /olympics/olympic_games/sports /m/0486tv +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/064f29 +/m/0303jw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0217m9 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07t58 +/m/07ssc /media_common/netflix_genre/titles /m/08y2fn +/m/03_wj_ /film/actor/film./film/performance/film /m/0ndwt2w +/m/0hv4t /film/film/film_production_design_by /m/03wd5tk +/m/07nznf /film/actor/film./film/performance/film /m/01qb5d +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04r7jc +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/06cm5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cf_l +/m/0rjg8 /location/hud_county_place/county /m/0jgk3 +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/01rxyb /film/film/runtime./film/film_cut/film_release_region /m/03_3d +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/0rmby /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/025st2z +/m/09n5t_ /music/genre/artists /m/03gr7w +/m/03x33n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/01mxt_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/020w2 +/m/05fjf /location/location/contains /m/0xl08 +/m/0c9xjl /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0194zl /film/film/genre /m/0hn10 +/m/05bt6j /music/genre/artists /m/01lf293 +/m/048z7l /people/ethnicity/people /m/0427y +/m/016dgz /film/actor/film./film/performance/film /m/05z7c +/m/0d23k /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mx48 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bdkd +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/02vcp0 /people/person/nationality /m/09c7w0 +/m/028bs1p /people/person/place_of_birth /m/03rk0 +/m/017fp /media_common/netflix_genre/titles /m/077q8x +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02633g /influence/influence_node/influenced_by /m/0f7hc +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/01w03jv +/m/0p9qb /people/person/nationality /m/07ssc +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds11z +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/017hnw /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/04rwx /education/university/fraternities_and_sororities /m/035tlh +/m/04q24zv /film/film/genre /m/07s9rl0 +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gf14 +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xmxj +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/0g3bw /location/location/contains /m/018jkl +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/017dcd /tv/tv_program/languages /m/02h40lc +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gl88b +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ywwy +/m/01w20rx /people/person/profession /m/0kyk +/m/0ndwt2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01b8bn /award/award_category/category_of /m/01b8bn +/m/0blfl /olympics/olympic_games/participating_countries /m/01p1v +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/0lzb8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dl9_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tc9r +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvycq +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m66w +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/04112r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0bt4r4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027r9t +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dp7wt /film/film/cinematography /m/08t7nz +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/05bt6j /music/genre/artists /m/01nhkxp +/m/027qgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044zvm +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01rlz4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fv4v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9lw +/m/0jhn7 /olympics/olympic_games/sports /m/0d1tm +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/086nl7 /film/actor/film./film/performance/film /m/0bvn25 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/01zlh5 /people/person/profession /m/02hrh1q +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/025r_t /base/aareas/schema/administrative_area/administrative_parent /m/0jcg8 +/m/01t6b4 /people/person/place_of_birth /m/02dtg +/m/025y9fn /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/034bs /people/person/profession /m/0cbd2 +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/04gr35 /people/person/nationality /m/09c7w0 +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01mgw +/m/0b005 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0pmhf /film/actor/film./film/performance/film /m/01rwyq +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/048hf +/m/02tf1y /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0p2rj /location/location/time_zones /m/02fqwt +/m/02jx_v /organization/organization/headquarters./location/mailing_address/citytown /m/0chgzm +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm7n +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01pk8v /people/person/spouse_s./people/marriage/spouse /m/01pkhw +/m/015076 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0479b +/m/0fnc_ /location/location/time_zones /m/03bdv +/m/04g865 /people/person/gender /m/05zppz +/m/01pr6q7 /people/person/place_of_birth /m/0fhp9 +/m/05zlld0 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/01mjq +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/02r1ysd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09cvbq +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0k269 /people/person/nationality /m/06q1r +/m/01vvycq /people/person/profession /m/0nbcg +/m/0dnkmq /film/film/featured_film_locations /m/0h7h6 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07_w1l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06mfvc /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05b4w +/m/0133x7 /people/person/profession /m/0fnpj +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05kfs /film/actor/film./film/performance/film /m/016z9n +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/072hx4 +/m/01h7bb /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/026_w57 /film/actor/film./film/performance/film /m/011wtv +/m/0yvjx /location/location/time_zones /m/02hcv8 +/m/0697s /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01rgn3 /education/educational_institution/school_type /m/05pcjw +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/02qkt /location/location/contains /m/06f32 +/m/02nf2c /tv/tv_program/genre /m/01z4y +/m/02ts3h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ztgm +/m/03rt9 /location/location/contains /m/0ccvd +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qcbw +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/017_qw /music/genre/artists /m/01wd9lv +/m/02p86pb /film/film/genre /m/07s9rl0 +/m/05q9g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/05bt6j /music/genre/artists /m/027kwc +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/044mm6 /people/person/nationality /m/09c7w0 +/m/0l38x /location/location/contains /m/0r89d +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/04p3w /people/cause_of_death/people /m/01ty7ll +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02prw4h +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z7_f +/m/0l1pj /base/biblioness/bibs_location/state /m/01n7q +/m/0dmtp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/03jj93 /film/actor/film./film/performance/film /m/0dp7wt +/m/0dnw1 /film/film/genre /m/05p553 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0cpjgj /people/person/profession /m/0dxtg +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/06s6hs /people/person/nationality /m/09c7w0 +/m/012c6j /people/deceased_person/place_of_burial /m/018mrd +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0l12d /people/person/profession /m/0n1h +/m/0209xj /film/film/produced_by /m/02vyw +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07lnk /music/genre/parent_genre /m/07gxw +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03k0yw +/m/021bk /film/director/film /m/02ht1k +/m/027ybp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/080_y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gppg /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0k3l5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kv +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026ssfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/06mkj +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03m3nzf +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01cszh /music/record_label/artist /m/017yfz +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/013p59 /location/location/contains /m/01km6_ +/m/0c_jc /people/person/gender /m/05zppz +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/02qcqkl /music/genre/artists /m/0ffgh +/m/01gj8_ /people/person/profession /m/02hrh1q +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/027l0b /people/person/profession /m/018gz8 +/m/040dv /people/person/places_lived./people/place_lived/location /m/05l5n +/m/0333t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dfjb8 /people/person/profession /m/02jknp +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/06924p /music/genre/artists /m/028hc2 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/0kbws /olympics/olympic_games/participating_countries /m/0168t +/m/016gb5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jszm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/065ym0c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pksh +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0j0pf /people/person/profession /m/0cbd2 +/m/02jx1 /location/country/second_level_divisions /m/0nlc7 +/m/04tz52 /film/film/genre /m/02kdv5l +/m/03q64h /film/actor/film./film/performance/film /m/056k77g +/m/0kpys /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kvt9 +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/027l0b /people/person/religion /m/0kpl +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/03tm68 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/052gtg +/m/03c7twt /film/film/genre /m/02b5_l +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/026_w57 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/044kwr /people/person/nationality /m/09c7w0 +/m/01dzg0 /education/educational_institution/school_type /m/05jxkf +/m/047cx /music/artist/origin /m/02jx1 +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/07vfy4 /film/film/music /m/01m5m5b +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/03kts /people/person/religion /m/0c8wxp +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0n5yh /location/us_county/county_seat /m/0xhj2 +/m/03_lsr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07rd7 +/m/03bxh /people/person/place_of_birth /m/019fv4 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0141kz +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/01pcql /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/02cbhg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07h9gp /film/film/language /m/02h40lc +/m/0jqzt /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086k8 +/m/016jny /music/genre/artists /m/02rn_bj +/m/07wlf /education/educational_institution/students_graduates./education/education/student /m/0fpzt5 +/m/02pb53 /people/person/profession /m/02hrh1q +/m/02g40r /people/person/profession /m/0dz3r +/m/05fyss /people/person/profession /m/0cbd2 +/m/014gf8 /film/actor/film./film/performance/film /m/08xvpn +/m/02drd3 /film/actor/film./film/performance/film /m/048rn +/m/01p7s6 /people/ethnicity/people /m/06crk +/m/0xc9x /location/location/time_zones /m/02lcqs +/m/01f7kl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/01w9ph_ /people/person/profession /m/0nbcg +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/01nz1q6 +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/02lq10 /film/actor/film./film/performance/film /m/01k1k4 +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09d3b7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvycq /music/artist/origin /m/0fpzwf +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/02r1ysd /tv/tv_program/country_of_origin /m/09c7w0 +/m/01z0lb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02dtg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/01ptt7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0498y +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0lv1x /olympics/olympic_games/sports /m/096f8 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07d3x /people/person/nationality /m/07ssc +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/01z28b /base/aareas/schema/administrative_area/administrative_parent /m/03msf +/m/09v71cj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09c7w0 /location/location/contains /m/0172jm +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/02w7gg /people/ethnicity/people /m/018swb +/m/01zfmm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/032dg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01n8gr +/m/018h2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/08hsww +/m/0ddfph /film/actor/film./film/performance/film /m/01p3ty +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/02vkvcz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0fg04 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/01jz6x /people/person/profession /m/018gz8 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02v570 +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/02vg0 /film/actor/film./film/performance/film /m/0jvt9 +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/06w2yp9 +/m/058s44 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bt6j /music/genre/artists /m/01hw6wq +/m/0c1pj /film/actor/film./film/performance/film /m/09v71cj +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0168ls /film/film/written_by /m/026m0 +/m/07ldhs /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07swvb +/m/03vv61 /music/record_label/artist /m/01wz3cx +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/02rkkn1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bg539 +/m/03m5y9p /film/film/genre /m/07s9rl0 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02y7t7 +/m/04glr5h /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02rzdcp +/m/018dcy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dckvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01v9l67 /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05fgr_ +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02v60l /film/actor/film./film/performance/film /m/02v5_g +/m/07ssc /media_common/netflix_genre/titles /m/02ll45 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/02bf2s /film/actor/film./film/performance/film /m/01gglm +/m/0399p /people/person/nationality /m/0f8l9c +/m/02lnbg /music/genre/artists /m/01wwnh2 +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/01cl0d /music/record_label/artist /m/01bczm +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/0cy__l /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/0jmj /people/person/profession /m/02hrh1q +/m/0jqb8 /film/film/genre /m/06nbt +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/01twdk /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/015_z1 +/m/011s9r /people/person/profession /m/0cbd2 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bbgly +/m/0jgm8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrq9 +/m/09c7w0 /location/location/contains /m/02jztz +/m/0yfp /people/person/place_of_birth /m/0f94t +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04lqvly +/m/04rrd /location/location/time_zones /m/02hcv8 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0bjv6 +/m/03jm6c /people/deceased_person/place_of_death /m/0cv3w +/m/065zlr /film/film/genre /m/06n90 +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/09tqkv2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/035rnz +/m/0133h8 /location/administrative_division/first_level_division_of /m/0h7x +/m/012vd6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dw4g /music/artist/origin /m/02cft +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0by17xn /film/film/genre /m/01jfsb +/m/05650n /film/film/genre /m/04rlf +/m/01vzxld /film/actor/film./film/performance/film /m/0g5pv3 +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/03hp2y1 /film/film/genre /m/060__y +/m/09yrh /people/person/profession /m/02hrh1q +/m/014dq7 /influence/influence_node/influenced_by /m/058vp +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/05sdxx /people/person/place_of_birth /m/080h2 +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fk1z /people/ethnicity/languages_spoken /m/0t_2 +/m/04954r /film/film/genre /m/03k9fj +/m/05q78ky /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/014d4v /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0l99s /people/person/gender /m/05zppz +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/0jw67 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0glqh5_ /film/film/production_companies /m/05rrtf +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/02qwgk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fjy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07b_l +/m/01tj34 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/06g4_ /people/person/places_lived./people/place_lived/location /m/05d49 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0161c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/095sx6 /tv/tv_program/languages /m/07qv_ +/m/01gg59 /people/person/profession /m/01c72t +/m/07cjqy /film/actor/film./film/performance/film /m/05t54s +/m/03hhd3 /film/actor/film./film/performance/film /m/0dp7wt +/m/0jhn7 /olympics/olympic_games/sports /m/0d1t3 +/m/0d90m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bd2n4 +/m/032sl_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/02r4qs /people/person/gender /m/05zppz +/m/01w02sy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/08cyft /music/genre/artists /m/0415mzy +/m/02dr9j /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/05bnq3j /people/person/gender /m/05zppz +/m/05zy3sc /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/04x56 /people/person/place_of_birth /m/04jpl +/m/01ffx4 /film/film/genre /m/07s9rl0 +/m/0bkq_8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08cx5g +/m/07_k0c0 /film/film/featured_film_locations /m/0b90_r +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/011s9r /people/person/nationality /m/09c7w0 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0872p_c /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r9p0c +/m/0lgsq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/08fn5b /film/film/genre /m/03g3w +/m/06w33f8 /people/person/profession /m/02jknp +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dbc1s /people/person/profession /m/01d_h8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03x73c +/m/04g2jz2 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/02wgk1 /film/film/genre /m/02kdv5l +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/0jbqf /sports/sports_team/colors /m/0680m7 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/0m2l9 /influence/influence_node/influenced_by /m/07c0j +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0g2c8 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0l6ny /olympics/olympic_games/sports /m/02vx4 +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/01h320 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0m123 +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/03hy3g /people/person/gender /m/05zppz +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/016gkf +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/03kx49 +/m/0m_31 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/023cjg /film/film/genre /m/01hmnh +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0217m9 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0gv5c +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078mgh +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/05cl2w /film/actor/film./film/performance/film /m/0170_p +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02d42t /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049f88 +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/0395lw +/m/06zrp44 /award/award_category/winners./award/award_honor/award_winner /m/02sdx +/m/015fr /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/032xhg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/060j8b +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cg9f +/m/06vlk0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0j5m6 +/m/0144l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/02qdzd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dgpwnk /film/film/film_festivals /m/0hr30wt +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/032_wv /film/film/genre /m/06nbt +/m/0r22d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/06by7 /music/genre/artists /m/027hm_ +/m/01d0b1 /film/actor/film./film/performance/film /m/02z9rr +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/07kb7vh /film/film/production_companies /m/06rq1k +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/05zlld0 /film/film/story_by /m/09pl3f +/m/059j1m /film/actor/film./film/performance/film /m/06__m6 +/m/0bl2g /film/actor/film./film/performance/film /m/0k4p0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02hgz +/m/0419kt /film/film/genre /m/01drsx +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/049fcd +/m/06823p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j5x6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/0257__ /award/award_category/category_of /m/0c4ys +/m/0132k4 /people/person/profession /m/09jwl +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01z3bz +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf8qb +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02wvfxz /sports/sports_team/colors /m/067z2v +/m/03_gx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01515w +/m/0kd69 /base/aareas/schema/administrative_area/administrative_parent /m/05bcl +/m/03ywyk /people/person/gender /m/02zsn +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/045r_9 +/m/0ptx_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03z0dt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03xyp_ /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/024hbv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02mxw0 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0g9zljd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01dyvs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/018nnz +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0bxxzb +/m/07nnp_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01n7q /location/location/contains /m/0kv4k +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0544vh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06gp3f /people/person/profession /m/02hrh1q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dy68h +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/0cmf0m0 /film/film/language /m/02h40lc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0gs973 /film/film/genre /m/07s9rl0 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04mlh8 /film/actor/film./film/performance/film /m/0crfwmx +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0640m69 +/m/01hmnh /media_common/netflix_genre/titles /m/01z452 +/m/04qsdh /award/award_winner/awards_won./award/award_honor/award_winner /m/01vh18t +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02py4c8 +/m/09c7w0 /location/location/contains /m/01ptt7 +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/04pbsq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04gj8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01zfzb /film/film/genre /m/02kdv5l +/m/025sc50 /music/genre/artists /m/05szp +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/042xh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bqvs2 /people/person/places_lived./people/place_lived/location /m/01531 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/04xvlr /media_common/netflix_genre/titles /m/09gq0x5 +/m/03h2c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k8k +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/021bk /film/actor/film./film/performance/film /m/051zy_b +/m/01xzb6 /people/person/profession /m/0nbcg +/m/02s4l6 /film/film/genre /m/04t36 +/m/0gry51 /people/person/profession /m/02jknp +/m/015qyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02p86pb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0488g /location/location/contains /m/0np52 +/m/04f7c55 /people/person/profession /m/02hrh1q +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02jxkw +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/09c7w0 /location/country/second_level_divisions /m/0n2sh +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/03v1s /location/location/contains /m/012mzw +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09jm8 +/m/03zmc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/028k57 /film/actor/film./film/performance/film /m/04grkmd +/m/0204jh /education/educational_institution/students_graduates./education/education/student /m/0pj9t +/m/07jxpf /film/film/language /m/02h40lc +/m/073749 /film/actor/film./film/performance/film /m/04k9y6 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09p5mwg +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01t265 /people/person/religion /m/0c8wxp +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0mmrd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlvc +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/036px +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx_w +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/0f60c /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/019pkm /award/award_winner/awards_won./award/award_honor/award_winner /m/01my4f +/m/027x7z5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02f1c +/m/01l3wr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05mdx /medicine/disease/risk_factors /m/0432mrk +/m/02gqm3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/012t1 /people/deceased_person/place_of_death /m/0cc56 +/m/02mc79 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_d0 /music/genre/artists /m/01pbs9w +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/0166v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/08s6mr /film/film/language /m/064_8sq +/m/034rd /people/person/profession /m/0gjm7 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6v6 +/m/014l6_ /film/film/genre /m/06cvj +/m/06y3r /people/person/profession /m/012t_z +/m/023zsh /film/actor/film./film/performance/film /m/0dr_4 +/m/070b4 /music/artist/origin /m/02_286 +/m/028knk /people/person/places_lived./people/place_lived/location /m/0tbql +/m/01_k71 /people/person/nationality /m/09c7w0 +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01s_d4 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0dlglj +/m/04cf_l /film/film/genre /m/0jtdp +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vrnsk +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01399x +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/0cj8x /people/person/profession /m/02hrh1q +/m/0gyh /location/location/contains /m/058cm +/m/026gb3v /people/person/profession /m/02jknp +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jml5 +/m/014nzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/059y0 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/063g7l +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/07tlg /education/educational_institution/students_graduates./education/education/student /m/0jvtp +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jqn5 +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/01s753 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/064_8sq +/m/059kh /music/genre/artists /m/016fnb +/m/05k2xy /film/film/country /m/09c7w0 +/m/072bb1 /people/person/place_of_birth /m/02_n7 +/m/01c0cc /organization/organization/headquarters./location/mailing_address/citytown /m/0156q +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/072x7s /film/film/written_by /m/01_6dw +/m/03tbg6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/0m6x4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0gy1_ +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0jwvf +/m/0hmm7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mzj_ +/m/0nj7b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04j14qc +/m/0725ny /film/actor/film./film/performance/film /m/05sw5b +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/0mbql /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/06bw5 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02lkcc /people/person/profession /m/02hrh1q +/m/015pvh /people/person/place_of_birth /m/01_d4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b17t +/m/09c7w0 /location/location/contains /m/0f2wj +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/074tb5 /people/person/place_of_birth /m/013h9 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0yz30 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n25q +/m/01hw5kk /film/film/production_companies /m/0kx4m +/m/0gg8l /music/genre/artists /m/01m15br +/m/0155w /music/genre/artists /m/03f4xvm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/015whm /film/film/genre /m/07s9rl0 +/m/02j3d4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cq7tx /film/film/costume_design_by /m/0c6g29 +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027kmrb +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/0hx4y /film/film/produced_by /m/06pj8 +/m/01vqrm /people/person/profession /m/02jknp +/m/09c7w0 /location/location/contains /m/02t4yc +/m/07fsv /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/02wt0 +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03x400 /film/actor/film./film/performance/film /m/0315w4 +/m/02rnns /people/person/place_of_birth /m/01s3v +/m/0jrq9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_n63 +/m/0pqzh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/04x4gj +/m/01vsy7t /people/person/profession /m/039v1 +/m/046rfv /people/person/languages /m/09bnf +/m/076lxv /film/film_set_designer/film_sets_designed /m/0gcrg +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/05x8n +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045zr +/m/0nk3g /music/genre/artists /m/012x03 +/m/08809 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0wh3 +/m/012x4t /people/person/profession /m/02hrh1q +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01_1kk /sports/sports_team/colors /m/06fvc +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/09c7w0 /location/location/contains /m/01tx9m +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01rrd4 +/m/01pjr7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h2c +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_qt +/m/01n7q /location/location/contains /m/0kq08 +/m/0c5dd /film/film/genre /m/087lqx +/m/024dgj /people/person/profession /m/05vyk +/m/02f9wb /award/award_winner/awards_won./award/award_honor/award_winner /m/0cp9f9 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/05v8c /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/09hy79 /award/award_winning_work/awards_won./award/award_honor/award /m/099flj +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01n4f8 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jmv8 +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03sb38 /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/0jgx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03wpmd /people/person/languages /m/064_8sq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/064t9 /music/genre/artists /m/01vrkdt +/m/03t8v3 /film/actor/film./film/performance/film /m/0f42nz +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/017_qw /music/genre/artists /m/0bs1yy +/m/02_wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162v +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/057dxsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/0182r9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03rtz1 /film/film/production_companies /m/031rq5 +/m/02qwg /music/artist/origin /m/04jpl +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/01rnly /film/film/written_by /m/02vyw +/m/01cz_1 /base/biblioness/bibs_location/state /m/017v_ +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/032nwy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08m4c8 /people/person/nationality /m/09c7w0 +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01p9hgt +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0b_cr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06jnvs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/099pks +/m/0884fm /people/person/gender /m/05zppz +/m/0gyx4 /film/director/film /m/02v8kmz +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0tz41 /base/biblioness/bibs_location/country /m/09c7w0 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/017c87 /film/film/film_festivals /m/03wf1p2 +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/025scjj /film/film/production_companies /m/0g1rw +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/07twz /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/041rx /people/ethnicity/people /m/0hnlx +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01jrp0 /people/person/profession /m/02hrh1q +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyts +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025ldg +/m/07m77x /people/person/profession /m/0kyk +/m/0m2fr /location/location/contains /m/01m1zk +/m/02x2t07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/01wskg /film/actor/film./film/performance/film /m/04jpk2 +/m/05c9zr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/03f5mt /music/instrument/instrumentalists /m/03f6fl0 +/m/01lz4tf /music/group_member/membership./music/group_membership/role /m/05r5c +/m/022769 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03jv8d /base/culturalevent/event/entity_involved /m/0j5b8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fnmd +/m/0342h /music/instrument/instrumentalists /m/01vrkdt +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02f2dn +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bq2g +/m/036hf4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09r8l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/09c7w0 /location/location/contains /m/0jpn8 +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/033fqh /film/film/production_companies /m/01gb54 +/m/0dnvn3 /film/film/produced_by /m/02kxbwx +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04g73n +/m/0f4_l /film/film/genre /m/0vgkd +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/07t21 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/016z51 /people/person/profession /m/02jknp +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/06dv3 /people/person/place_of_birth /m/0853g +/m/07v64s /music/genre/artists /m/03xhj6 +/m/026hh0m /film/film/genre /m/02kdv5l +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0n5df /location/location/time_zones /m/02hcv8 +/m/04htfd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0yb_4 /location/location/time_zones /m/02hcv8 +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tcf7 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0mhfr /music/genre/artists /m/01x0yrt +/m/01nglk /people/person/profession /m/03gjzk +/m/01p4vl /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0168dy +/m/033srr /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0yx_w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/0fgg8c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05ksh +/m/087qxp /people/person/profession /m/0196pc +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0265v21 +/m/09l3p /base/eating/practicer_of_diet/diet /m/07_hy +/m/0fkhz /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nlb94 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0jdx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/07glc4 /people/person/nationality /m/0d060g +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01gjlw +/m/02cyfz /people/person/profession /m/01c8w0 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/01tlmw /base/biblioness/bibs_location/state /m/01x73 +/m/06sy4c /people/person/nationality /m/02jx1 +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/05_z42 /award/award_winning_work/awards_won./award/award_honor/award /m/047byns +/m/07swvb /people/person/places_lived./people/place_lived/location /m/0k_p5 +/m/01hqk /film/film/written_by /m/06dkzt +/m/02vpvk /sports/sports_team/colors /m/019sc +/m/033f8n /film/film/film_format /m/07fb8_ +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/04jpk2 /film/film/personal_appearances./film/personal_film_appearance/person /m/0144l1 +/m/02wxvtv /people/person/gender /m/05zppz +/m/06x77g /film/film/genre /m/02l7c8 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/02qsjt /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0k2m6 /film/film/written_by /m/0kft +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0677j +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/0q9sg /film/film/production_companies /m/0g1rw +/m/066yfh /people/person/gender /m/05zppz +/m/0rrhp /location/hud_county_place/place /m/0rrhp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0f6cl2 +/m/0gl6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjc +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0ds11z /film/film/edited_by /m/02qggqc +/m/07vf5c /film/film/country /m/09c7w0 +/m/06krf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01d5vk /people/person/profession /m/02hrh1q +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/075npt +/m/02681_5 /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/0fht9f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/08cyft /music/genre/artists /m/01vt5c_ +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02v63m +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/05zr0xl /tv/tv_program/genre /m/05p553 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/036px /people/person/nationality /m/09c7w0 +/m/027j9wd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09xwz /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/081t6 /people/person/profession /m/05jnl +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06y9bd +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/03v9yw +/m/08gwzt /people/person/profession /m/0gl2ny2 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vtj38 +/m/0421v9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025mb_ +/m/0kst7v /people/person/gender /m/05zppz +/m/0378zn /film/actor/film./film/performance/film /m/0bxxzb +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0drnwh +/m/02b10g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/025rpyx +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tt43d +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5ptf +/m/0sxrz /olympics/olympic_games/sports /m/03hr1p +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/04bs3j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02238b +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/06dkzt /people/person/profession /m/0dxtg +/m/0prhz /film/film/production_companies /m/0fvppk +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r93l +/m/05l3g_ /people/ethnicity/people /m/09byk +/m/07gql /music/instrument/family /m/0859_ +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/06tpmy /film/film/produced_by /m/0dqmt0 +/m/035ktt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0gfq9 /base/culturalevent/event/entity_involved /m/0193qj +/m/024n3z /people/person/place_of_birth /m/0853g +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/06zn2v2 /film/film/written_by /m/063b4k +/m/0227vl /people/person/nationality /m/09c7w0 +/m/0g72r /influence/influence_node/influenced_by /m/03f0324 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/04vt98 /people/person/profession /m/02jknp +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/011xy1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0203v /people/person/places_lived./people/place_lived/location /m/01531 +/m/0d05w3 /location/location/contains /m/0jhjl +/m/0kq2g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxqq +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/02mj7c /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03l2n /sports/sports_team_location/teams /m/03lsq +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/0f5kw7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016ywr /film/actor/film./film/performance/film /m/03wh49y +/m/0b6tzs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0343h /people/person/employment_history./business/employment_tenure/company /m/02jd_7 +/m/0m24v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/030tjk /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nqj +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/07nznf /people/person/profession /m/02jknp +/m/0bjv6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015qh +/m/09gnn /influence/influence_node/influenced_by /m/0tfc +/m/01z7_f /people/person/religion /m/0c8wxp +/m/02zkz7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/033q4k /education/university/fraternities_and_sororities /m/0325pb +/m/01f1r4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02fhtq /music/genre/artists /m/03mszl +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/08815 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/01hqhm +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/047msdk +/m/015pxr /people/person/profession /m/02hrh1q +/m/0frmb1 /people/person/nationality /m/09c7w0 +/m/01q460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0bmfnjs /film/film/language /m/064_8sq +/m/029_l /film/actor/film./film/performance/film /m/04g9gd +/m/04gqr /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/075wx7_ /film/film/genre /m/07s9rl0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/04zyhx /film/film/language /m/04306rv +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1l_ +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p8v8 +/m/06x58 /award/award_winner/awards_won./award/award_honor/award_winner /m/027cxsm +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170pk +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/03qcfvw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0456xp +/m/02prw4h /film/film/film_format /m/07fb8_ +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01vsl +/m/016z2j /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02w9k1c /film/film/executive_produced_by /m/02z2xdf +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02w9k1c +/m/0dr7s /time/event/locations /m/02j9z +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0yyn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g0rb +/m/027s39y /film/film/language /m/02h40lc +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f7hc +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07gyp7 +/m/0n5jm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pt6k_ /people/person/profession /m/0d8qb +/m/03qy3l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0151zx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zd +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/04xvlr /media_common/netflix_genre/titles /m/04nnpw +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/037hgm /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/073bb /people/person/gender /m/02zsn +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/018p4y /film/actor/film./film/performance/film /m/0272_vz +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/02ryx0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02rg5rm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06s_2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03676 +/m/02vz6dn /film/film/film_festivals /m/04_m9gk +/m/02r_d4 /people/person/nationality /m/09c7w0 +/m/01vvdm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r6jt2 +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/01ffx4 /film/film/language /m/02bjrlw +/m/093dqjy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05tbn +/m/01hcvm /music/genre/artists /m/03xl77 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bkmf +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/06chf /film/director/film /m/0qm8b +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/0qmk5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fnyk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/024_ql +/m/014zws /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/065dc4 /film/film/genre /m/02n4kr +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0d060g /location/location/contains /m/01r32 +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/02t_st +/m/01w_sh /education/educational_institution/students_graduates./education/education/student /m/03z0l6 +/m/09xx0m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02vk52z /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v9mks +/m/01k8q5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/020hyj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04xrx +/m/019n8z /olympics/olympic_games/sports /m/09w1n +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01vvdm +/m/017371 /music/genre/parent_genre /m/01lyv +/m/015mrk /people/person/nationality /m/09c7w0 +/m/025txrl /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0dnw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vttb9 +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ywr +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gx_p +/m/0d05w3 /location/location/contains /m/04thp +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/01v_pj6 /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/0ptx_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019_6d +/m/03qy3l /music/record_label/artist /m/0b_xm +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0qf11 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ym1 +/m/0yzvw /film/film/country /m/07ssc +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/02pq9yv /people/person/gender /m/05zppz +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0534nr /film/actor/film./film/performance/film /m/0184tc +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0g5838s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03mh_tp /film/film/genre /m/05p553 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/08h79x +/m/043tz0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0nr2v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/06by7 /music/genre/artists /m/016t0h +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01vtj38 /people/person/profession /m/01d_h8 +/m/01gvr1 /film/actor/film./film/performance/film /m/0ds3t5x +/m/01d1st /people/person/profession /m/018gz8 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/01vswwx /people/person/places_lived./people/place_lived/location /m/02cft +/m/07wjk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f2xy /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mqc4 +/m/05xf75 /film/actor/film./film/performance/film /m/07yvsn +/m/04107 /people/person/places_lived./people/place_lived/location /m/0r22d +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06dkzt +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07s9rl0 /media_common/netflix_genre/titles /m/0fpkhkz +/m/01m1_t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rnly /film/film/genre /m/02l7c8 +/m/07w4j /education/educational_institution/students_graduates./education/education/student /m/01wqpnm +/m/02rsz0 /people/person/gender /m/05zppz +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01srq2 +/m/01c22t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dx8gj /film/film/genre /m/02n4lw +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/0kpzy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2vz +/m/02vjp3 /film/film/genre /m/06www +/m/015f7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05wjnt /people/person/religion /m/03_gx +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04htfd +/m/09c7w0 /location/location/contains /m/01smm +/m/04411 /people/person/place_of_birth /m/0hpyv +/m/030w19 /education/educational_institution/campuses /m/030w19 +/m/020qr4 /tv/tv_program/genre /m/06n90 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01fh36 /music/genre/artists /m/0lsw9 +/m/0x67 /people/ethnicity/people /m/03_wtr +/m/06srk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hdx8 +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02vxq9m +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0dryh9k /people/ethnicity/people /m/03d6wsd +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/049dk +/m/019r_1 /people/person/sibling_s./people/sibling_relationship/sibling /m/05h7tk +/m/0yyn5 /film/film/genre /m/07s9rl0 +/m/04sntd /film/film/genre /m/02kdv5l +/m/025ldg /base/eating/practicer_of_diet/diet /m/07_jd +/m/03k7dn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/04x4vj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0t_3w /location/location/time_zones /m/02hcv8 +/m/03ntbmw /film/film/produced_by /m/059x0w +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_5k +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/0bmj2y +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/02__7n +/m/05bt6j /music/genre/artists /m/02jyhv +/m/0536sd /base/aareas/schema/administrative_area/capital /m/09pxc +/m/09c7w0 /location/country/second_level_divisions /m/0nzny +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/0jqj5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05qg6g /film/actor/film./film/performance/film /m/048qrd +/m/01c6l /people/person/profession /m/0dxtg +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/0g22z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/03qjg +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c5f7l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq5z +/m/01f7dd /people/person/nationality /m/09c7w0 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01wp_jm /people/person/profession /m/018gz8 +/m/01k_0fp /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/01wwnh2 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ckcvk +/m/0_m3k /location/location/time_zones /m/02hcv8 +/m/021gt5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019x62 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/05p9_ql /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0633p0 +/m/06by7 /music/genre/artists /m/018gkb +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/023tp8 /people/person/profession /m/02hrh1q +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01pfr3 +/m/03cws8h /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05zr0xl +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/025vl4m /people/person/profession /m/0dxtg +/m/015_1q /music/record_label/artist /m/0c7xjb +/m/06tp4h /film/actor/film./film/performance/film /m/02c7k4 +/m/01y9st /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02_j8x /people/person/gender /m/05zppz +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/018gqj +/m/0gy4k /film/film/genre /m/01jfsb +/m/01pl14 /education/educational_institution/school_type /m/07tf8 +/m/039bp /film/actor/film./film/performance/film /m/0d_wms +/m/0z4s /people/person/employment_history./business/employment_tenure/company /m/01j_x +/m/02x02kb /film/actor/film./film/performance/film /m/02tcgh +/m/066l3y /people/person/gender /m/02zsn +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/033rq +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0zdkh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/049rl0 /tv/tv_program/genre /m/05jhg +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/0149xx /award/award_winner/awards_won./award/award_honor/award_winner /m/016k62 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/06mvyf /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/01gc7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/047msdk /film/film/genre /m/02l7c8 +/m/02vsw1 /people/ethnicity/people /m/01j5ts +/m/09blyk /media_common/netflix_genre/titles /m/02jr6k +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/01vsgrn /people/person/profession /m/09jwl +/m/073w14 /people/person/nationality /m/0d060g +/m/017dpj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/018p5f +/m/02g5q1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xndd /people/person/profession /m/02jknp +/m/07vk9f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0js9s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/0285c /people/person/profession /m/04f2zj +/m/01tzfz /education/educational_institution/campuses /m/01tzfz +/m/0kbwb /film/film/language /m/02h40lc +/m/09c7w0 /location/country/second_level_divisions /m/0n6mc +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/055c8 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0tl6d +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/03h4mp /people/person/nationality /m/0f8l9c +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/01vn0t_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0h0p_ /people/person/profession /m/0kyk +/m/01swxv /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/04gkp3 /sports/sports_team/sport /m/02vx4 +/m/016z68 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/036hv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058frd +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/05krk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/088q4 /sports/sports_team_location/teams /m/044l47 +/m/012j8z /film/actor/film./film/performance/film /m/02vnmc9 +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02sgy +/m/0g5879y /film/film/genre /m/0hn10 +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04n52p6 /film/film/genre /m/02n4kr +/m/01dvtx /people/person/employment_history./business/employment_tenure/company /m/07wrz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ym73 +/m/028rk /people/person/gender /m/05zppz +/m/09kn9 /tv/tv_program/genre /m/06n90 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_sr1 +/m/01c9d /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0b_ljy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02wwmhc /film/film/language /m/02h40lc +/m/02mt51 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02v2jy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kbws /olympics/olympic_games/participating_countries /m/04wlh +/m/0gyv0b4 /film/film/production_companies /m/0jz9f +/m/03v9w /location/location/contains /m/0285m87 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/03ds3 /film/actor/film./film/performance/film /m/01q7h2 +/m/0ljsz /base/biblioness/bibs_location/state /m/05fjf +/m/02l0xc /people/person/profession /m/02hrh1q +/m/04t7ts /film/actor/film./film/performance/film /m/02mpyh +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/0ywrc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0glt670 /music/genre/artists /m/04n65n +/m/0l3n4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0p8jf /influence/influence_node/influenced_by /m/0ky1 +/m/0320jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/058s44 +/m/0kc6x /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0gywn /music/genre/artists /m/0136p1 +/m/023n39 /film/actor/film./film/performance/film /m/0bt4g +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0gfp09 +/m/06m6p7 /film/actor/film./film/performance/film /m/06__m6 +/m/02jxmr /people/person/spouse_s./people/marriage/spouse /m/01wk51 +/m/0bl3nn /film/film/genre /m/02kdv5l +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/02_qt /film/film/country /m/03_3d +/m/0x67 /people/ethnicity/people /m/01jbx1 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0892sx +/m/048tgl /music/group_member/membership./music/group_membership/group /m/0838y +/m/041xyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/07f8wg +/m/047d21r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0342h /music/instrument/instrumentalists /m/016wvy +/m/08c9b0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0b005 /tv/tv_program/genre /m/05p553 +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03thw4 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/081nh /organization/organization_founder/organizations_founded /m/04rcl7 +/m/0d060g /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/047hpm +/m/03w9bjf /people/ethnicity/people /m/04cbtrw +/m/080dfr7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0ksf29 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0k20s /film/film/genre /m/03mqtr +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x82v +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwj8 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02pkpfs +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/05r5w /people/person/profession /m/0d1pc +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0jqb8 /film/film/genre /m/01g6gs +/m/08y2fn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/02jxrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07yw6t /people/person/gender /m/05zppz +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/03rx9 /people/person/religion /m/03_gx +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0xtz9 /location/location/contains /m/02jztz +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/027j79k /people/person/nationality /m/05v8c +/m/02rk3gn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015p37 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/072zl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w4dy /music/instrument/family /m/026t6 +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/01hmnh /media_common/netflix_genre/titles /m/0_7w6 +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/0dg3n1 /location/location/contains /m/0lnfy +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ymff +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/040p_q +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x2jl_ +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/04ld94 +/m/0473rc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01k_0fp /people/person/nationality /m/07ssc +/m/07kfzsg /award/award_category/winners./award/award_honor/award_winner /m/0jlv5 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/020p1 +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0165v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/04vcdj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/06w7v /music/instrument/instrumentalists /m/01vsl3_ +/m/0l14qv /music/instrument/instrumentalists /m/01lvcs1 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01900g /film/actor/film./film/performance/film /m/02gpkt +/m/01pvxl /film/film/language /m/06b_j +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/050t68 /people/person/place_of_birth /m/0cr3d +/m/011xjd /people/person/gender /m/05zppz +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1j1 +/m/059kh /music/genre/artists /m/01ww_vs +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01y_rz /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvt2 +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/04xrx +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0sg6b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/0c4b8 /location/country/capital /m/0c499 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01f8hf /film/film/genre /m/06n90 +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0309lm /film/actor/film./film/performance/film /m/06w839_ +/m/0dr_9t7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/07mvp /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/018vs /music/instrument/instrumentalists /m/01wqpnm +/m/01k165 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02_pft +/m/069_0y /people/person/gender /m/05zppz +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/03xl77 /people/person/nationality /m/09c7w0 +/m/0l14gg /music/genre/artists /m/01mkn_d +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0d1qmz /film/film/cinematography /m/06nz46 +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dzlk +/m/06by7 /music/genre/artists /m/0p8h0 +/m/02f2dn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/049m19 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01jft4 /film/film/executive_produced_by /m/04l3_z +/m/03q8xj /film/film/country /m/0345h +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0hwqz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/0340hj /film/film/genre /m/03k9fj +/m/05n6sq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cz9_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01cw51 /award/award_category/winners./award/award_honor/award_winner /m/01wwvc5 +/m/01xdxy /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/04z_3pm /film/film/featured_film_locations /m/02_286 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01x4r3 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06dfg +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/05qd_ +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/020qjg /award/award_category/winners./award/award_honor/award_winner /m/04ld94 +/m/016ggh /film/actor/film./film/performance/film /m/01qz5 +/m/019z7q /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/02p_ycc /people/person/nationality /m/09c7w0 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/03xkps +/m/02pz3j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/0f4dx2 +/m/01f1jf /olympics/olympic_games/participating_countries /m/07ssc +/m/0cymp /location/location/contains /m/0n6dc +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/0dsx3f /tv/tv_program/genre /m/06q7n +/m/03x6w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/088lls /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bt3j9 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/0hwbd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/03j3pg9 /people/person/profession /m/02hrh1q +/m/0r0m6 /location/hud_county_place/county /m/0kpys +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08zrbl +/m/06chf /film/director/film /m/067ghz +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/04ch23 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/02p68d /people/person/profession /m/0nbcg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0296rz +/m/029sk /medicine/disease/notable_people_with_this_condition /m/07r1h +/m/0163r3 /people/person/profession /m/016z4k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04vmp +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/06b4wb /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01nbq4 /people/person/nationality /m/02jx1 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0443y3 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0716t2 +/m/0bwh6 /film/director/film /m/0_92w +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/02w29z /film/actor/film./film/performance/film /m/0gj8nq2 +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/04mhxx +/m/01wb8bs /film/actor/film./film/performance/film /m/016017 +/m/03sxd2 /film/film/genre /m/07s9rl0 +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_2td +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0pqzh +/m/01vzx45 /people/person/place_of_birth /m/0r03f +/m/01_vfy /people/person/places_lived./people/place_lived/location /m/0dclg +/m/04xg2f /film/film/genre /m/01t_vv +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01cwm1 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/01xdxy /film/film/country /m/09c7w0 +/m/01q2sk /education/educational_institution/colors /m/036k5h +/m/02bhj4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02s62q /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mp8k /music/record_label/artist /m/02lvtb +/m/0_9l_ /film/film/featured_film_locations /m/01x5fb +/m/01f1jy /olympics/olympic_games/sports /m/02_5h +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k23t +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04zqmj /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/016kjs /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw20h +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0kc6x +/m/01mgw /film/film/executive_produced_by /m/076_74 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/021vwt +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05gc0h /people/person/profession /m/02hrh1q +/m/09l9xt /soccer/football_player/current_team./sports/sports_team_roster/team /m/04mrfv +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/07twz /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0l6ny /olympics/olympic_games/sports /m/07jjt +/m/0l14qv /music/instrument/instrumentalists /m/0ftps +/m/01mmslz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0187y5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02nrdp +/m/0fdys /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/0jjy0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09n5t_ /music/genre/artists /m/03c7ln +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/027jk +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/0cz_ym /film/film/production_companies /m/02j_j0 +/m/07024 /film/film/language /m/01wgr +/m/02w4v /music/genre/artists /m/016s0m +/m/016ckq /music/record_label/artist /m/01pgzn_ +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/083p7 /people/person/gender /m/05zppz +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/01s7z0 /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0h3c3g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0k2mxq /people/person/gender /m/05zppz +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/01nx_8 +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/05r5c /music/instrument/instrumentalists /m/0146pg +/m/01wdcxk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027j9wd +/m/02w7gg /people/ethnicity/people /m/041c4 +/m/033hn8 /music/record_label/artist /m/01kp_1t +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0cgbf +/m/0h7x /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/015d3h /people/person/languages /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/02pxst +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/01n7q /location/location/contains /m/03fcbb +/m/05k4my /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/02qdymm /people/person/profession /m/0dxtg +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/01vz80y /people/person/religion /m/0kpl +/m/03_wj_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0cwy47 /film/film/production_companies /m/016tt2 +/m/01xn6jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0g8st4 /people/person/gender /m/05zppz +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/07d3z7 /people/person/place_of_birth /m/0ccvx +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0j0k /location/location/contains /m/04xn_ +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptx_ +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015q43 +/m/0mwq7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1h +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0fw1y /base/biblioness/bibs_location/country /m/09c7w0 +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02_qt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yc7p +/m/03t5kl /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/0155w /music/genre/artists /m/01s21dg +/m/01y20v /education/educational_institution/colors /m/01g5v +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/040db /people/person/places_lived./people/place_lived/location /m/056_y +/m/01lpwh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03mv0b +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/035qy /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k8z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/0144l1 /people/person/profession /m/02hrh1q +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/037mp6 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07ncs0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/06j6l /music/genre/artists /m/044gyq +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/04kjvt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vlj1g /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01r6jt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlqd +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mbf4 +/m/03q8xj /film/film/executive_produced_by /m/0gs1_ +/m/09swkk /music/artist/track_contributions./music/track_contribution/role /m/0bmnm +/m/0d4fqn /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/03c7twt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0kcd5 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/01vt5c_ +/m/05l5n /location/location/contains /m/0ymgk +/m/01zh3_ /organization/organization/headquarters./location/mailing_address/citytown /m/0pmp2 +/m/07f3xb /film/actor/film./film/performance/film /m/03t97y +/m/0l998 /olympics/olympic_games/sports /m/0bynt +/m/01cwdk /education/educational_institution/school_type /m/05jxkf +/m/03h_9lg /film/actor/film./film/performance/film /m/084302 +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/065zf3p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/01p_ng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/01v8y9 +/m/0wp9b /location/hud_county_place/place /m/0wp9b +/m/0f4vbz /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07gknc +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yhm +/m/02rtqvb /film/film/country /m/07ssc +/m/0fl2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04rvy8 /film/director/film /m/02k1pr +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/053x8hr +/m/0yxl /people/person/profession /m/0dxtg +/m/01vzxld /people/person/places_lived./people/place_lived/location /m/04523f +/m/0g22z /film/film/genre /m/07s9rl0 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/012jfb /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h5g_ +/m/01l87db /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/03qjwc /music/record_label/artist /m/0dzlk +/m/0lvng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cv3n /people/person/profession /m/01c72t +/m/0f0y8 /people/person/profession /m/025352 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02jsgf +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/0q9kd +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/084l5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0341n5 /film/actor/film./film/performance/film /m/04b2qn +/m/09c7w0 /location/location/contains /m/0ttxp +/m/0nbwf /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0mww2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0frf6 +/m/0cj8x /film/actor/film./film/performance/film /m/03hj3b3 +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/03cs_xw /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0ph2w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029_3 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07q0g5 +/m/025569 /base/aareas/schema/administrative_area/administrative_parent /m/022_6 +/m/0646qh /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/019803 +/m/01g888 /music/genre/parent_genre /m/05r6t +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0124k9 /tv/tv_program/languages /m/02h40lc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwy47 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/03f1r6t /film/actor/film./film/performance/film /m/02qydsh +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/01s7zw /film/actor/film./film/performance/film /m/01f8hf +/m/058z2d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xhj6 /music/artist/origin /m/030qb3t +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0747k8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0356gk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/056ws9 /organization/organization/headquarters./location/mailing_address/citytown /m/0r5wt +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/01mvth /award/award_winner/awards_won./award/award_honor/award_winner /m/0534nr +/m/02v8kmz /film/film/genre /m/07s9rl0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01540 +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0884fm /people/person/places_lived./people/place_lived/location /m/06mkj +/m/03f1d47 /people/person/profession /m/0dz3r +/m/0g6ff /people/ethnicity/people /m/063tn +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/034fl9 +/m/02bxjp /award/award_nominee/award_nominations./award/award_nomination/award /m/0776drd +/m/0h5g_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0170qf +/m/019tfm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03v_5 /base/biblioness/bibs_location/country /m/09c7w0 +/m/03fmw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/05fgt1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08r4x3 /film/film/executive_produced_by /m/0z4s +/m/033hn8 /music/record_label/artist /m/01fh0q +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g0x9c +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/048wrb +/m/017_qw /music/genre/artists /m/016nvh +/m/0fhsz /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vswwx +/m/01z4y /media_common/netflix_genre/titles /m/04b2qn +/m/01z9_x /award/award_winner/awards_won./award/award_honor/award_winner /m/02qsjt +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02404v +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09q17 /media_common/netflix_genre/titles /m/07phbc +/m/0qcr0 /people/cause_of_death/people /m/05f0r8 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/08r4x3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0prjs /people/person/profession /m/0dxtg +/m/0n2sh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n2k5 +/m/0pmw9 /film/actor/film./film/performance/film /m/01jnc_ +/m/0d6484 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03cdg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0fpzt5 /people/person/places_lived./people/place_lived/location /m/0kcw2 +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/0p8jf +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01pcq3 /people/person/nationality /m/0d060g +/m/08t7nz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/01vtmw6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bpnd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/01lyv /music/genre/artists /m/03j0br4 +/m/02yr1q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6d +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/0gk4g /people/cause_of_death/people /m/016gkf +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/03w1v2 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/04cy8rb /award/award_winner/awards_won./award/award_honor/award_winner /m/03_gd +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/05bmq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02k54 +/m/06rnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/03r1pr +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05lb87 +/m/08wjf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/02tz9z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06fcqw +/m/01q6bg /award/award_winner/awards_won./award/award_honor/award_winner /m/058kqy +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01314k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07cn2c +/m/03l6bs /education/educational_institution_campus/educational_institution /m/03l6bs +/m/01cszh /music/record_label/artist /m/01trhmt +/m/032sl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08x5c_ /people/person/profession /m/01d_h8 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/085pr /people/person/religion /m/03_gx +/m/043kzcr /film/actor/film./film/performance/film /m/0ds3t5x +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/075npt +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0j5m6 +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01xn7x1 +/m/07jxpf /film/film/genre /m/017fp +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0fvyg /location/hud_county_place/county /m/0n3ll +/m/09nwwf /music/genre/artists /m/02jqjm +/m/0f24cc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/025sc50 /music/genre/artists /m/0j1yf +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/067ghz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gls4q_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/0bxtg /film/actor/film./film/performance/film /m/0pvms +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/06by7 /music/genre/artists /m/0136p1 +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/01f6zc /people/person/nationality /m/02jx1 +/m/0fqjhm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/03j722 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01540 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/025ldg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gz6b6g +/m/0dfw0 /film/film/story_by /m/0343h +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0jt5zcn /location/location/contains /m/0ym20 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cfjg +/m/01x209s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_jkc /people/person/profession /m/01c72t +/m/01xdf5 /film/actor/film./film/performance/film /m/05fm6m +/m/02whj /music/group_member/membership./music/group_membership/role /m/0342h +/m/02zr0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03v6t /education/educational_institution/campuses /m/03v6t +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0g39h +/m/06d4h /film/film_subject/films /m/01gvpz +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/045r_9 +/m/019pm_ /people/person/profession /m/02jknp +/m/05sy_5 /film/film/genre /m/0219x_ +/m/04sry /film/director/film /m/0bx_hnp +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/01900g /film/actor/film./film/performance/film /m/02_sr1 +/m/06pwq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0hcm7 +/m/02gnmp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02pkpfs /people/person/religion /m/0n2g +/m/0y3_8 /music/genre/artists /m/01dq9q +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/027pwl +/m/06s_2 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wx756 /people/person/profession /m/0nbcg +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/0h7x /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0hskw /people/person/languages /m/02h40lc +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04__f +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/09hd16 +/m/0g5q34q /film/film/country /m/0d060g +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0125xq /film/film/genre /m/02kdv5l +/m/0jclr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0900j5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/023b97 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01ly8d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0h1m9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/028rk +/m/07s9rl0 /media_common/netflix_genre/titles /m/0q9sg +/m/05rnp1 /people/person/place_of_birth /m/030qb3t +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03q5db +/m/017_qw /music/genre/artists /m/0146pg +/m/09c7w0 /location/location/contains /m/0xy28 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vwbts /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/03ct7jd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02j9z /location/location/contains /m/0h7x +/m/0219q /film/actor/film./film/performance/film /m/0fq7dv_ +/m/01xllf /film/actor/film./film/performance/film /m/0ds5_72 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02qwgk +/m/06j6l /music/genre/artists /m/024qwq +/m/08k40m /film/film/genre /m/02n4kr +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0mw89 /location/us_county/county_seat /m/0_g_6 +/m/01wvxw1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07n68 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/03wh95l +/m/0190y4 /music/genre/artists /m/07h76 +/m/04m_zp /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/0f4yh /film/film/produced_by /m/030_3z +/m/09tcg4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/035rnz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r5c /music/instrument/instrumentalists /m/057xn_m +/m/06s6hs /people/person/places_lived./people/place_lived/location /m/0fr0t +/m/01f8ld /people/person/profession /m/02hrh1q +/m/025y9fn /people/person/profession /m/02krf9 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy7t +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059xnf +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/078jnn /people/person/nationality /m/09c7w0 +/m/03xh50 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0sx7r /olympics/olympic_games/sports /m/01z27 +/m/02v570 /film/film/executive_produced_by /m/06q8hf +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02pprs +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/046f3p /film/film/production_companies /m/02jd_7 +/m/0gbtbm /film/film/language /m/0jzc +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/041mt /people/person/profession /m/05z96 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/01j_cy /organization/organization/headquarters./location/mailing_address/citytown /m/013d_f +/m/016_mj /people/person/profession /m/02jknp +/m/02pp_q_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0htqt /sports/sports_team_location/teams /m/0kwv2 +/m/0ktx_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01t6b4 /people/person/religion /m/01lp8 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01jfnvd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/047rkcm /film/film/production_companies /m/054lpb6 +/m/016j68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03yxwq /organization/organization/place_founded /m/0f2wj +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0hn6d +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/012gq6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ffjqy /people/ethnicity/people /m/017r13 +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/060j8b +/m/0cq806 /film/film/genre /m/07s9rl0 +/m/0gxkm /sports/sports_team/colors /m/01g5v +/m/04j14qc /film/film/language /m/02h40lc +/m/048yqf /film/film/produced_by /m/02xnjd +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05_61y +/m/073tm9 /music/record_label/artist /m/01vw37m +/m/0bdxs5 /music/artist/origin /m/030qb3t +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0d810y +/m/03_05 /organization/organization/place_founded /m/0f2rq +/m/02qkwl /film/film/production_companies /m/05nn2c +/m/04bd8y /film/actor/film./film/performance/film /m/09rvwmy +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/023zd7 +/m/0n6f8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01mqh5 +/m/01d259 /film/film/genre /m/09blyk +/m/072r5v /film/film/featured_film_locations /m/0b90_r +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0b455l +/m/02nb2s /people/person/nationality /m/09c7w0 +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05g8pg /film/film/language /m/0459q4 +/m/01lv85 /tv/tv_program/genre /m/0c4xc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/09c7w0 /location/location/contains /m/0b2ds +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019fnv +/m/0h1v19 /film/film/executive_produced_by /m/0m593 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/03f3yfj /people/person/profession /m/016z4k +/m/020qr4 /tv/tv_program/genre /m/07s9rl0 +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08ct6 +/m/0chhs /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/03wy8t /film/film/country /m/09c7w0 +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/01bmlb /film/actor/film./film/performance/film /m/01f39b +/m/03jjzf /people/person/places_lived./people/place_lived/location /m/07ypt +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/01w20rx /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03k1vm /people/person/profession /m/02hrh1q +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035yn8 +/m/034q3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03ryn /location/location/contains /m/0j1_3 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/01fm07 /music/genre/artists /m/015mrk +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01p6xx /people/person/place_of_birth /m/02_286 +/m/0ngy8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/013ybx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015cbq +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04tnqn +/m/02w86hz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04n7jdv /music/genre/artists /m/04qzm +/m/01z7_f /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0ddf2bm /film/film/music /m/03c_8t +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03hdz8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rc4p /people/person/gender /m/05zppz +/m/0gn30 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0tc7 +/m/01g63y /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07ssc +/m/0g7vxv /people/person/gender /m/05zppz +/m/0mx48 /location/us_county/county_seat /m/0d23k +/m/02_j7t /people/person/nationality /m/02jx1 +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/08l0x2 /tv/tv_program/languages /m/02h40lc +/m/02xj3rw /award/award_category/winners./award/award_honor/award_winner /m/0gpprt +/m/0bkf4 /people/person/profession /m/09jwl +/m/02_hj4 /film/actor/film./film/performance/film /m/076zy_g +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/015d3h /film/actor/film./film/performance/film /m/01738w +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/015rhv /film/actor/film./film/performance/film /m/0cwy47 +/m/0cf8qb /film/film/genre /m/0bkbm +/m/07sp4l /film/film/genre /m/01hmnh +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02gf_l /film/actor/film./film/performance/film /m/01ry_x +/m/01vxxb /people/person/profession /m/01d_h8 +/m/03lvwp /film/film/story_by /m/0l99s +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj8x +/m/015f7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04gcyg +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/0dlngsd /film/film/genre /m/07s9rl0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/0cfdd /music/instrument/instrumentalists /m/01vvydl +/m/01l1rw /people/person/profession /m/01d30f +/m/07l50_1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/015_1q /music/record_label/artist /m/01w3lzq +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/08z129 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/09xbpt /film/film/produced_by /m/06chvn +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/05wqr1 /film/actor/film./film/performance/film /m/0f61tk +/m/0405l /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/070g7 +/m/015v3r /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/07s8r0 /film/actor/film./film/performance/film /m/083shs +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06jz0 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01vrx35 /music/group_member/membership./music/group_membership/role /m/0g2dz +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/05cj_j /film/film/genre /m/01jfsb +/m/071x0k /people/ethnicity/languages_spoken /m/01jb8r +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c3p7 +/m/011j5x /music/genre/artists /m/01ww_vs +/m/063k3h /people/ethnicity/people /m/034ls +/m/057lbk /film/film/genre /m/01hmnh +/m/02zcz3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07srw +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0298n7 +/m/0134w7 /people/person/nationality /m/02jx1 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01jq34 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0pd57 /film/film/production_companies /m/016tw3 +/m/09cm54 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/03cvv4 /film/actor/film./film/performance/film /m/01q2nx +/m/02ktt7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02w9s /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dfrq /influence/influence_node/influenced_by /m/0465_ +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/09blyk /media_common/netflix_genre/titles /m/01dc0c +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09889g +/m/025rvx0 /film/film/genre /m/01j1n2 +/m/04fhn_ /people/person/profession /m/02hrh1q +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0p8r1 /film/actor/film./film/performance/film /m/01c22t +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/01jfsb /media_common/netflix_genre/titles /m/026njb5 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/04q_g /location/location/contains /m/098phg +/m/0p4v_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0hv81 +/m/03pmzt /people/person/place_of_birth /m/0f94t +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgr5xp +/m/016ywb /film/film/country /m/07ssc +/m/0697kh /people/person/place_of_birth /m/0xl08 +/m/01xpxv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0n00 /people/person/profession /m/04s2z +/m/07ssc /location/location/contains /m/088cp +/m/0gs7x /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/01wd9lv /award/award_winner/awards_won./award/award_honor/award_winner /m/053yx +/m/075p0r /people/person/places_lived./people/place_lived/location /m/0byh8j +/m/0kvrb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sbhvd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wlz2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/01j5sv /people/person/places_lived./people/place_lived/location /m/06c62 +/m/01hc9_ /influence/influence_node/influenced_by /m/014dq7 +/m/0ggq0m /music/genre/artists /m/0k4gf +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/04t36 /media_common/netflix_genre/titles /m/0_7w6 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03ft8 /influence/influence_node/influenced_by /m/0klw +/m/032clf /film/film/language /m/02h40lc +/m/01vxxb /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0yl_w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/016ghw /people/deceased_person/place_of_burial /m/0nb1s +/m/0cwrr /tv/tv_program/genre /m/0pr6f +/m/02qfyk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vw20h /award/award_winner/awards_won./award/award_honor/award_winner /m/02wwwv5 +/m/0mbql /film/film/featured_film_locations /m/05kj_ +/m/0hwbd /film/actor/film./film/performance/film /m/02qmsr +/m/05511w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03wnh /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0694j +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/034ls /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/06d6y +/m/016yzz /film/actor/film./film/performance/film /m/0qm8b +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04k3jt +/m/030qb3t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/05rh2 /location/administrative_division/country /m/0d060g +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dl_ +/m/03m8lq /people/person/gender /m/02zsn +/m/03np63f /film/film/featured_film_locations /m/0hyxv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r0ls +/m/01n7q /location/location/contains /m/0r4wn +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01hw5kk +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/045xx +/m/01jfsb /media_common/netflix_genre/titles /m/06bc59 +/m/02r1c18 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06n7h7 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s95_l +/m/0ftyc /location/location/time_zones /m/02fqwt +/m/03z0l6 /people/person/profession /m/0dxtg +/m/015p37 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0mdqp +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/0b0pf +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072zl1 +/m/0lbj1 /people/person/profession /m/01d30f +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0j582 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/019l68 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hnp7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/029h7y /music/genre/artists /m/04vrxh +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06q1r /location/location/contains /m/01213c +/m/0dq9p /people/cause_of_death/people /m/02hg53 +/m/03v3xp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05w3 +/m/017_qw /music/genre/artists /m/01x6v6 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/042v_gx /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03qjg +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/064177 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0rh6k /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/04hqz /location/location/contains /m/02dgq2 +/m/0ddjy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04hk0w /film/film/music /m/01nc3rh +/m/01g0jn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/04xrx +/m/0166b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/05_2h8 /people/person/profession /m/0dgd_ +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01htxr +/m/02wycg2 /people/person/profession /m/02hrh1q +/m/02c4s /people/person/religion /m/01spm +/m/091yn0 /film/actor/film./film/performance/film /m/03b_fm5 +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016szr +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/07r1h /people/person/religion /m/06nzl +/m/09c7w0 /location/country/second_level_divisions /m/0jj6k +/m/07jrjb /people/person/gender /m/05zppz +/m/057bc6m /people/person/profession /m/089fss +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0ywqc +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/01jssp /education/educational_institution/students_graduates./education/education/student /m/036jb +/m/047lj /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0d66j2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ggc9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/034bs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06jd89 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03mqtr /media_common/netflix_genre/titles /m/05z43v +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/03s5t /location/location/contains /m/0lwyk +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/06r4f /tv/tv_program/program_creator /m/08nz99 +/m/03lty /music/genre/artists /m/0jn38 +/m/05mv4 /education/educational_institution/students_graduates./education/education/student /m/06j0md +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0jrhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxkr +/m/065y4w7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsyg9 +/m/07f_7h /film/film/country /m/03_3d +/m/034rd9 /film/actor/film./film/performance/film /m/063y9fp +/m/0bwx3 /people/person/nationality /m/0f8l9c +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/09v8clw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018ljb /olympics/olympic_games/sports /m/06z6r +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/0fvf9q +/m/083chw /people/person/profession /m/01d_h8 +/m/0b2km_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02j69w /film/film/written_by /m/03dbds +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy4k +/m/0g768 /music/record_label/artist /m/01vsyg9 +/m/02tcgh /award/award_winning_work/awards_won./award/award_honor/award /m/03rbj2 +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/0b3n61 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0f0p0 /people/person/gender /m/05zppz +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0341n5 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/0b256b /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_jkc +/m/09rvwmy /film/film/country /m/09c7w0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/0qxzd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/070tng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01qhm_ /people/ethnicity/people /m/016z2j +/m/0k7pf /people/person/profession /m/01c72t +/m/0ffgh /people/person/profession /m/02hrh1q +/m/04ynx7 /film/film/genre /m/060__y +/m/03h_fqv /film/actor/film./film/performance/film /m/01xq8v +/m/0bs09lb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/018y2s /people/person/profession /m/0nbcg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01vsy7t /people/person/profession /m/01c72t +/m/01yf85 /people/person/place_of_birth /m/0r0ss +/m/062cg6 /award/award_winner/awards_won./award/award_honor/award_winner /m/067pl7 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/03fwln /people/person/profession /m/016z4k +/m/044f7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0b005 +/m/01gq0b /people/person/spouse_s./people/marriage/spouse /m/02tc5y +/m/0c_drn /people/person/nationality /m/09c7w0 +/m/03crcpt /people/person/profession /m/02jknp +/m/0fdv3 /film/film/country /m/09c7w0 +/m/03j24kf /influence/influence_node/influenced_by /m/0lrh +/m/028cg00 /film/film/featured_film_locations /m/052p7 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/0bqch /people/person/profession /m/0n1h +/m/018yj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/057176 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/0glt670 /music/genre/artists /m/01vsgrn +/m/029b9k /people/person/places_lived./people/place_lived/location /m/059rby +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06gb1w +/m/09c7w0 /location/location/contains /m/0s3y5 +/m/0577d /location/location/time_zones /m/02llzg +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/02g5h5 +/m/05t0_2v /film/film/genre /m/03k9fj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0230rx +/m/02mxw0 /people/person/place_of_birth /m/0f__1 +/m/0n6kf /people/person/place_of_birth /m/02_286 +/m/0w6w /influence/influence_node/influenced_by /m/0gz_ +/m/0716t2 /people/person/profession /m/02jknp +/m/015y3j /education/educational_institution/colors /m/083jv +/m/02cqny /music/genre/artists /m/049qx +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02sqkh +/m/017fp /media_common/netflix_genre/titles /m/03s6l2 +/m/01vw26l /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/0ms6_ /location/location/contains /m/013m43 +/m/0g5q34q /film/film/language /m/064_8sq +/m/09c7w0 /location/location/contains /m/02m0b0 +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/088vmr /music/genre/parent_genre /m/02w4v +/m/077q8x /film/film/genre /m/07s9rl0 +/m/063_t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07c0j +/m/05q96q6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/015q1n /organization/organization/headquarters./location/mailing_address/citytown /m/0t6hk +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/04mx8h4 /tv/tv_program/genre /m/06n90 +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/05whq_9 /people/person/gender /m/05zppz +/m/01w524f /people/person/profession /m/025352 +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01k2yr +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/01w923 /music/artist/contribution./music/recording_contribution/performance_role /m/0dwr4 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/04m1bm /film/film/genre /m/07s9rl0 +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0g56t9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06wjf +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/06lgq8 /people/person/place_of_birth /m/06y57 +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/043js /people/person/place_of_birth /m/01cx_ +/m/02g9z1 /people/person/nationality /m/03shp +/m/049k07 /film/actor/film./film/performance/film /m/01k0xy +/m/0kc6 /people/person/nationality /m/09c7w0 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03fvqg +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06s6l /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/08052t3 /film/film/genre /m/02kdv5l +/m/0r7fy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02p11jq /music/record_label/artist /m/016vqk +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02vl_pz +/m/04bgy /people/person/profession /m/0nbcg +/m/030155 /people/person/gender /m/02zsn +/m/01jz6x /people/person/gender /m/05zppz +/m/033tln /people/person/place_of_birth /m/0r172 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0_9wr /film/film/music /m/01x6v6 +/m/0bl60p /people/person/place_of_birth /m/0rh6k +/m/059s8 /location/location/partially_contains /m/0lm0n +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/06by7 /music/genre/artists /m/02jg92 +/m/01r93l /people/person/nationality /m/02jx1 +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/0kh6b /people/person/profession /m/015cjr +/m/0r5lz /location/hud_county_place/county /m/0l2v0 +/m/0dl6fv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/013_vh +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/0g9wd99 /award/award_category/disciplines_or_subjects /m/04g51 +/m/01jfsb /media_common/netflix_genre/titles /m/02fqxm +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gvr1 +/m/0kt_4 /film/film/genre /m/07s9rl0 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/012ky3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kzy0 /people/person/profession /m/01c72t +/m/03h2d4 /film/actor/film./film/performance/film /m/04n52p6 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rn00y +/m/0gx_p /film/actor/film./film/performance/film /m/0k2cb +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sw6g +/m/049mql /film/film/produced_by /m/05kfs +/m/01q4qv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmhk +/m/02jxrw /film/film/genre /m/07s9rl0 +/m/01vvb4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0f502 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/03x33n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0d29z /people/ethnicity/geographic_distribution /m/04xn_ +/m/0dc7hc /film/film/genre /m/09q17 +/m/05148p4 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/02jx1 /location/country/second_level_divisions /m/0fg6k +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05cws2 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0c2tf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb57 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/0gy3w /education/educational_institution/school_type /m/05jxkf +/m/02d413 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0291hr /film/film/genre /m/01hwc6 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02k1pr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cs_xw /music/group_member/membership./music/group_membership/role /m/0342h +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/04cw0j +/m/09c7w0 /location/location/contains /m/02j04_ +/m/05gp3x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0464pz +/m/01vt5c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/05kj_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02gnj2 /people/person/nationality /m/09c7w0 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01l_pn /film/film/music /m/01m7f5r +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07q1m +/m/0s9z_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b6f8pf /film/film/language /m/02h40lc +/m/06tpmy /film/film/genre /m/0lsxr +/m/03shpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/06sfk6 /film/film/produced_by /m/04g3p5 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01vttb9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f2wj +/m/0jgjn /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01r32 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0k__z +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01bm_ /organization/organization/headquarters./location/mailing_address/citytown /m/0c1d0 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025mb_ +/m/02lf0c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wd9lv /people/person/profession /m/02hrh1q +/m/07c5l /location/location/contains /m/06nnj +/m/027j9wd /film/film/genre /m/02kdv5l +/m/02hnl /music/instrument/instrumentalists /m/03mszl +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/06449 +/m/01s81 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0p8r1 +/m/0cq86w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c7zf /base/biblioness/bibs_location/country /m/03__y +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/0c9d9 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05c5xx9 +/m/059rby /location/location/contains /m/032d52 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nms7 +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0bbz66j /people/ethnicity/people /m/05cljf +/m/02zkdz /education/educational_institution_campus/educational_institution /m/02zkdz +/m/026v_78 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cy__l +/m/0n5y4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5xb +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0k39j /base/biblioness/bibs_location/state /m/0846v +/m/01f5q5 /people/person/nationality /m/09c7w0 +/m/017c87 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cbtlj /people/person/nationality /m/09c7w0 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05br2 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/0fb1q /people/person/nationality /m/09c7w0 +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0czp_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/01j7pt /tv/tv_network/programs./tv/tv_network_duration/program /m/05pbsry +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/0d0kn +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019pcs +/m/04xvlr /media_common/netflix_genre/titles /m/07vn_9 +/m/017rbx /education/educational_institution/students_graduates./education/education/student /m/0kn3g +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fh9 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0f2v0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/01b9ck /people/person/profession /m/01d_h8 +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/02wycg2 /film/actor/film./film/performance/film /m/0fz3b1 +/m/02jm9c /people/person/nationality /m/09c7w0 +/m/03p9hl /people/person/profession /m/02hrh1q +/m/024qqx /media_common/netflix_genre/titles /m/02gpkt +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/03cprft /people/person/nationality /m/03rk0 +/m/0hdf8 /music/genre/artists /m/02ndj5 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/045c7b +/m/01pcql /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07n39 /people/person/profession /m/0jgxn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/01lhf /education/field_of_study/students_majoring./education/education/student /m/0sx5w +/m/017j69 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/035gt8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/070j61 +/m/0kbws /olympics/olympic_games/participating_countries /m/077qn +/m/0dscrwf /film/film/produced_by /m/027z0pl +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kxj2 +/m/034bgm /people/person/profession /m/03gjzk +/m/0crs0b8 /film/film/country /m/07ssc +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/06z68 +/m/047vnkj /film/film/featured_film_locations /m/030qb3t +/m/043fz4 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/09sh8k /film/film/prequel /m/057lbk +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/021dvj /music/genre/artists /m/0kvrb +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y888 +/m/07sqnh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/05gml8 +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/06qd3 /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/08nhfc1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/03l5m1 /location/country/capital /m/015g7 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044mfr +/m/05148p4 /music/instrument/instrumentalists /m/0197tq +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01dzg0 /education/educational_institution/colors /m/04mkbj +/m/0c1j_ /people/person/profession /m/03gjzk +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/02qd04y /film/film/country /m/03h64 +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/01wy6 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02hfk5 +/m/01rcmg /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/06x58 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06cv1 +/m/02lq10 /film/actor/film./film/performance/film /m/01jc6q +/m/0gzy02 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06kxk2 +/m/02rq8k8 /film/film/language /m/04306rv +/m/07s9rl0 /media_common/netflix_genre/titles /m/03h_yy +/m/01kcms4 /influence/influence_node/influenced_by /m/01wz_ml +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/02xwgr /people/person/profession /m/02hrh1q +/m/0283_zv /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/0gn30 /film/actor/film./film/performance/film /m/025s1wg +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/033tf_ /people/ethnicity/people /m/02qgyv +/m/07r1h /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02cpb7 +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/033nzk +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03q0r1 +/m/05c5z8j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h6dy /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/01wp8w7 /people/person/profession /m/02hrh1q +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ydl +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/03f47xl +/m/03jht /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/01w3lzq /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/05bt6j /music/genre/artists /m/017lb_ +/m/0d331 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/017wh +/m/0479b /film/actor/film./film/performance/film /m/04hk0w +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02s2ys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0p_pd /people/person/languages /m/02h40lc +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5qs2k +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0c9xjl /people/person/profession /m/0dxtg +/m/02psgvg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/013yq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016yvw +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/017d93 /film/film/music /m/01vsgrn +/m/016jny /music/genre/artists /m/01mr2g6 +/m/02r1ysd /tv/tv_program/genre /m/01z4y +/m/03q1vd /film/actor/film./film/performance/film /m/0h6r5 +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/0p__8 /film/actor/film./film/performance/film /m/0cn_b8 +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07hwkr /people/ethnicity/people /m/01vv6xv +/m/05bp8g /film/actor/film./film/performance/film /m/05dfy_ +/m/06mp7 /media_common/netflix_genre/titles /m/011yxy +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01jq4b /education/educational_institution/students_graduates./education/education/student /m/01gct2 +/m/064t9 /music/genre/artists /m/012z8_ +/m/0c6qh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0dlxj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sb5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g3zrd +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/05_5_22 +/m/02rk23 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/025xt8y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/041xyk +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04b7xr +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0bwh6 +/m/01gvsn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cp7b3 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/017z88 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/030tj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03c6vl +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035yn8 +/m/0bkf72 /people/person/profession /m/01d_h8 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/09wj5 +/m/03yvgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06cc_1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/02rq8k8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fqxm +/m/07r1h /film/actor/film./film/performance/film /m/035w2k +/m/07m9cm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013y1f /music/instrument/instrumentalists /m/053yx +/m/011yxg /film/film/production_companies /m/016tt2 +/m/01wg6y /music/group_member/membership./music/group_membership/group /m/05563d +/m/0rlz /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/02xry +/m/0kjrx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06cgy +/m/0146mv /tv/tv_network/programs./tv/tv_network_duration/program /m/01hvv0 +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/055c8 /people/person/profession /m/01d_h8 +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/01q9b9 /people/person/profession /m/0d8qb +/m/084w8 /influence/influence_node/influenced_by /m/0465_ +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03pmzt +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qvhv +/m/082scv /film/film/genre /m/02l7c8 +/m/01cdt5 /medicine/symptom/symptom_of /m/0h1wz +/m/09cl0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03x7hd +/m/04znsy /film/actor/film./film/performance/film /m/05c46y6 +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/01pcvn /people/person/religion /m/092bf5 +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/062zjtt /film/film/music /m/08c9b0 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0488g9 /people/person/gender /m/05zppz +/m/03h2d4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q0k7v +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02pqgt8 /people/person/place_of_birth /m/07mgr +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01nyl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1b +/m/0f7hw /film/film/featured_film_locations /m/02_286 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01n8qg +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/031y07 +/m/04k15 /people/person/gender /m/05zppz +/m/0640m69 /film/film/genre /m/05p553 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/06lc85 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0147dk /film/actor/film./film/performance/film /m/0ds2n +/m/027m67 /film/film/edited_by /m/03cp7b3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fnnn +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/04g865 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02x8fs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ghd6l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8tgs +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/07z2lx /award/award_category/winners./award/award_honor/award_winner /m/05bnx3j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/046lt /people/person/nationality /m/09c7w0 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0zq +/m/05nlx4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01h8rk /education/educational_institution/students_graduates./education/education/student /m/02v406 +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03x6m +/m/02wh0 /influence/influence_node/influenced_by /m/06c44 +/m/0mvsg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01h8f /people/person/profession /m/0kyk +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/07t21 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/0lk90 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02r3cn +/m/02knnd /people/person/nationality /m/09c7w0 +/m/0hr3g /people/person/profession /m/01c8w0 +/m/015qh /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07245g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/04_cdd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vcp0 +/m/09txzv /film/film/country /m/09c7w0 +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/035gjq +/m/0hz_1 /people/person/place_of_birth /m/0nlh7 +/m/01x53m /influence/influence_node/influenced_by /m/0c1jh +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwgn1k +/m/02xj3rw /award/award_category/disciplines_or_subjects /m/02vxn +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/01kgxf +/m/02vy5j /people/person/nationality /m/0d04z6 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/037n97 /music/genre/artists /m/01l7cxq +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0mw1j /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019pcs +/m/0184tc /film/film/country /m/09c7w0 +/m/014g91 /award/award_winner/awards_won./award/award_honor/award_winner /m/012vd6 +/m/02nt3d /film/film/production_companies /m/016tw3 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01skmp +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/04tng0 /film/film/language /m/02h40lc +/m/0f2sx4 /film/film/genre /m/0556j8 +/m/034fl9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dd2b +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0grwj +/m/0lgxj /olympics/olympic_games/sports /m/018w8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/03tw2s /education/university/fraternities_and_sororities /m/0325pb +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/08f3yq /people/person/gender /m/02zsn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06cmd2 +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/051qvn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wv9xn /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/04fcjt /music/record_label/artist /m/01vvycq +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/028knk /film/actor/film./film/performance/film /m/09lxv9 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0xsk8 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/07y0n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01lvcs1 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01v3k2 /education/educational_institution/campuses /m/01v3k2 +/m/055z7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0m27n /location/location/contains /m/0qplq +/m/0glt670 /music/genre/artists /m/0gy6z9 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/046fz5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02lk1s /film/actor/film./film/performance/film /m/02ph9tm +/m/0x67 /people/ethnicity/people /m/012z8_ +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039wsf +/m/0q9kd /people/person/religion /m/0c8wxp +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0484q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0693l +/m/02nfhx /people/person/nationality /m/09c7w0 +/m/0kb1g /film/film/genre /m/04xvh5 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/01r4bps /people/person/profession /m/016z4k +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051z6rz +/m/02278y /music/genre/artists /m/0fpj4lx +/m/04ns3gy /people/person/profession /m/01d_h8 +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/017180 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09q5w2 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kkfp +/m/02kth6 /education/educational_institution/colors /m/06kqt3 +/m/024l2y /film/film/genre /m/01jfsb +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dvgb8 +/m/07t21 /location/country/form_of_government /m/018wl5 +/m/0233bn /film/film/production_companies /m/02rr_z4 +/m/06nnj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0h7t36 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0326tc /people/person/gender /m/05zppz +/m/028rk /people/person/employment_history./business/employment_tenure/company /m/01w5m +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/05r6t /music/genre/artists /m/01wn718 +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/044mfr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0320jz +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xtxw /film/film/genre /m/03p5xs +/m/01q8fxx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/02r1ysd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01qg7c +/m/02bfmn /film/actor/film./film/performance/film /m/01f69m +/m/04g4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/0pgm3 /film/actor/film./film/performance/film /m/02mc5v +/m/0ddfwj1 /film/film/genre /m/0219x_ +/m/07yk1xz /film/film/genre /m/03mqtr +/m/0r679 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f04v +/m/02q0k7v /film/film/produced_by /m/06chf +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/0438f +/m/01wx756 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03zbws /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/0c35b1 /film/actor/film./film/performance/film /m/04q827 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0g_wn2 /location/hud_county_place/county /m/0g_wn2 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/015rmq /award/award_winner/awards_won./award/award_honor/award_winner /m/031x_3 +/m/04kbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/044rvb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0415svh /people/person/gender /m/05zppz +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02xbw2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/04l_pt /people/ethnicity/languages_spoken /m/012w70 +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/066m4g +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/0d05w3 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gdm1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0hjy /location/location/contains /m/0l_q9 +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01c9d /film/film/costume_design_by /m/02pqgt8 +/m/02j9z /location/location/contains /m/084n_ +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/0f0kz /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01x4sb +/m/01b65l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04gknr /film/film/country /m/0345h +/m/05fyy5 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/03fnqj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g_bh /music/genre/parent_genre /m/01gbcf +/m/0qxzd /location/location/time_zones /m/02lcqs +/m/04t969 /people/person/gender /m/05zppz +/m/0993r /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/07bdd_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hzkq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03prz_ /film/film/country /m/0f8l9c +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/029g_vk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/0296rz /film/film/written_by /m/02b29 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0yt +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/03rz2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/08b0cj +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/02xwq9 +/m/0g6ff /people/ethnicity/geographic_distribution /m/06bnz +/m/02bfmn /people/person/profession /m/02hrh1q +/m/025n3p /people/person/profession /m/0dxtg +/m/015_1q /music/record_label/artist /m/01l1sq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mgdy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04991x +/m/02pp1 /sports/sports_team/colors /m/06fvc +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/05w88j +/m/0558_1 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03lh3v /people/person/nationality /m/09c7w0 +/m/0l99s /people/person/nationality /m/07ssc +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02630g /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/043tz0c /film/film/film_format /m/0cj16 +/m/09c7w0 /location/location/contains /m/0rgxp +/m/02kxg_ /base/culturalevent/event/entity_involved /m/03bxbql +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/02_p5w /people/person/places_lived./people/place_lived/location /m/013jz2 +/m/015fsv /education/educational_institution/colors /m/083jv +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwhp +/m/0cx7f /music/genre/artists /m/045zr +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03hfxkn +/m/0kvgnq /film/film/edited_by /m/02lp3c +/m/02bn75 /people/person/place_of_birth /m/0zygc +/m/01ggc9 /film/actor/film./film/performance/film /m/06__m6 +/m/07ssc /location/location/contains /m/01b_d4 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gk4g /people/cause_of_death/people /m/0bkmf +/m/0c_j5d /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w1j9 /people/person/nationality /m/09c7w0 +/m/05qbbfb /film/film/executive_produced_by /m/02q_cc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qtj +/m/026lg0s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/01s21dg /award/award_winner/awards_won./award/award_honor/award_winner /m/01wdqrx +/m/0bh8x1y /film/film/language /m/02h40lc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01_gv +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01j_jh +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040696 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/01w4c9 +/m/01xbgx /location/country/official_language /m/01lqm +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/01z9_x /music/artist/origin /m/0f2tj +/m/02z0f6l /film/film/country /m/09c7w0 +/m/015wnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmd5 +/m/01rrd4 /people/person/religion /m/0c8wxp +/m/023cjg /film/film/story_by /m/041h0 +/m/01j67j /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0k4bc /film/film/music /m/02w670 +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/015x74 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/044lbv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/045c7b /organization/organization/place_founded /m/06pwq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mp4f +/m/02qm5j /music/genre/artists /m/0191h5 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01qscs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0885n +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/043tg /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02l1fn /education/educational_institution/colors /m/083jv +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/02_1ky /award/award_winning_work/awards_won./award/award_honor/award /m/02p_7cr +/m/07jrjb /people/person/profession /m/03gjzk +/m/0c1jh /influence/influence_node/influenced_by /m/084nh +/m/07sbbz2 /music/genre/artists /m/016s_5 +/m/015npr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09yxcz +/m/0g22z /film/film/produced_by /m/030_3z +/m/01l4zqz /music/artist/origin /m/09c7w0 +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/07fb6 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/0xhtw /music/genre/artists /m/0kxbc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09c7w0 +/m/01dy7j /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/07nvmx /soccer/football_player/current_team./sports/sports_team_roster/team /m/04vn_k +/m/01nczg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0t3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0kpzy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2xl +/m/017cw /location/country/official_language /m/04h9h +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01dtl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hlwv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0134w7 /people/person/places_lived./people/place_lived/location /m/0jt5zcn +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds11z +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/026n9h3 /people/person/profession /m/0dxtg +/m/03rhqg /music/record_label/artist /m/0cfgd +/m/051y1hd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/0cqh57 /people/person/profession /m/0dgd_ +/m/0gn30 /people/person/profession /m/01d_h8 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/016dmx /influence/influence_node/influenced_by /m/02ln1 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xvf +/m/0n4m5 /location/location/time_zones /m/02hcv8 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0qm8b /film/film/produced_by /m/06chf +/m/01wk51 /film/director/film /m/03nqnnk +/m/01w9ph_ /influence/influence_node/influenced_by /m/019z7q +/m/01h7bb /film/film/written_by /m/05strv +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/01xcqc +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01w_d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/033hn8 /music/record_label/artist /m/01k_mc +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/04jspq +/m/05hjmd /people/deceased_person/place_of_death /m/0k049 +/m/01vrlr4 /people/person/place_of_birth /m/01531 +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pyww +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/05p7tx /education/educational_institution/campuses /m/05p7tx +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/058z1hb /people/deceased_person/place_of_death /m/030qb3t +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01wl38s /music/artist/contribution./music/recording_contribution/performance_role /m/03gvt +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06t2t +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/0g9wdmc /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/054nbl /music/genre/artists /m/02cx90 +/m/0_m3k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p_47 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/051_y /film/film_subject/films /m/04jn6y7 +/m/07d2d /music/genre/artists /m/01gx5f +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/07ssc /media_common/netflix_genre/titles /m/05zwrg0 +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/0478__m +/m/03f70xs /people/person/nationality /m/02jx1 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/046m59 /film/actor/film./film/performance/film /m/02qzh2 +/m/03c5bz /people/person/profession /m/0d1pc +/m/05_5rjx /film/film/genre /m/05p553 +/m/01p87y /people/person/profession /m/01d_h8 +/m/040t74 /people/person/profession /m/02hrh1q +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/067sqt +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/04x56 /people/person/nationality /m/02jx1 +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/028pzq /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0bynt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gghm /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/026p_bs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01s9vc +/m/03cp7b3 /people/person/nationality /m/03h64 +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286vp +/m/05f4_n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/0dc_ms /film/film/music /m/0b6yp2 +/m/0hzlz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088q4 +/m/03y_46 /people/person/nationality /m/02jx1 +/m/035_2h /award/award_winner/awards_won./award/award_honor/award_winner /m/05b49tt +/m/017l96 /music/record_label/artist /m/01vw8mh +/m/0155w /music/genre/artists /m/017yfz +/m/02p5hf /people/person/places_lived./people/place_lived/location /m/07_fl +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nqnk3 /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/080dfr7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gd5z /influence/influence_node/influenced_by /m/01tz6vs +/m/01n7q /location/location/contains /m/0r62v +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0j47s +/m/02lq10 /film/actor/film./film/performance/film /m/013q0p +/m/08xwck /people/person/place_of_birth /m/0b1t1 +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qtywd /award/award_winner/awards_won./award/award_honor/award_winner /m/045zr +/m/01tjt2 /location/administrative_division/country /m/0hzlz +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b190 +/m/07r4c /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/05148p4 /music/instrument/instrumentalists /m/04vrxh +/m/01zh29 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05g3ss +/m/05rznz /location/country/form_of_government /m/06cx9 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/051cc +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/02py4c8 /film/film/genre /m/07s9rl0 +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/02ny6g /film/film/country /m/09c7w0 +/m/01hr11 /education/educational_institution/campuses /m/01hr11 +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/04xx9s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c40vxk /film/film/production_companies /m/059x3p +/m/02z3r8t /film/film/music /m/01m5m5b +/m/062dn7 /people/person/profession /m/02hrh1q +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/02w4b +/m/04rrx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kdn +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/01ts_3 /film/director/film /m/03cfkrw +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0739y /people/person/profession /m/099md +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/05sxzwc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0tnkg /location/hud_county_place/place /m/0tnkg +/m/0126t5 /music/genre/artists /m/033s6 +/m/04nlb94 /film/film/language /m/06mp7 +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/03j79x +/m/01337_ /film/actor/film./film/performance/film /m/01c22t +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043zg +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/01wp8w7 /people/person/profession /m/09jwl +/m/057cc /music/instrument/instrumentalists /m/03xl77 +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/062zm5h +/m/0hnlx /people/person/profession /m/01c8w0 +/m/048xyn /film/film/language /m/02h40lc +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02b9g4 +/m/01x4r3 /people/person/profession /m/01d_h8 +/m/0dnw1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g72r /people/deceased_person/place_of_death /m/01c40n +/m/048lv /film/actor/film./film/performance/film /m/0crd8q6 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0260bz +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4yh +/m/04fhn_ /film/actor/film./film/performance/film /m/0_9wr +/m/077jpc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fnyc /location/location/time_zones /m/03bdv +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0b0nq2 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/012vwb /education/university/fraternities_and_sororities /m/035tlh +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069_0y +/m/084302 /film/film/genre /m/01jfsb +/m/0mhhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mhhc +/m/01304j /people/person/profession /m/0n1h +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07hwkr /people/ethnicity/people /m/01d0b1 +/m/064q5v /film/film/country /m/0d060g +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07nxvj /film/film/executive_produced_by /m/02vyw +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/04n52p6 /film/film/production_companies /m/046b0s +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/021w0_ +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/03ct7jd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fqyzz /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5d5 +/m/06fc0b /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01vswwx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/09c7w0 /location/location/contains /m/0f04c +/m/01_f_5 /people/person/religion /m/0c8wxp +/m/0ply0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/05vk_d /film/actor/film./film/performance/film /m/05zlld0 +/m/0f4vbz /film/actor/film./film/performance/film /m/0d6_s +/m/02jx1 /location/location/contains /m/071zb +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/03x6w8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01w8sf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/05b7q /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02h40lc /language/human_language/countries_spoken_in /m/035yg +/m/012j8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8nx +/m/06kl78 /film/film/language /m/02h40lc +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0blt6 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/0bl06 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02d6c /location/hud_county_place/county /m/0nrnz +/m/0fz3b1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/052_mn /film/film/genre /m/02l7c8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d8vw +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/01f5q5 +/m/01hhvg /education/educational_institution_campus/educational_institution /m/01hhvg +/m/032sl_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/0jfgk /base/culturalevent/event/entity_involved /m/03m6j +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02bhj4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07jwr /people/cause_of_death/people /m/0dq2k +/m/01nm3s /film/actor/film./film/performance/film /m/01bn3l +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0gs1_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01d0fp +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017gl1 +/m/0mr_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mq17 +/m/072twv /people/person/nationality /m/03rt9 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/06q5t7 /people/person/profession /m/02hrh1q +/m/08wjc1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/079kr +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03jqw5 /film/actor/film./film/performance/film /m/02j69w +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1w7 +/m/01qscs /film/actor/film./film/performance/film /m/0gmd3k7 +/m/0gd9k /people/person/nationality /m/09c7w0 +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/06r1k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/071dcs +/m/018vs /music/instrument/instrumentalists /m/09qr6 +/m/024y6w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k8y7 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/06by7 /music/genre/artists /m/0134wr +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/019f2f +/m/04gknr /film/film/cinematography /m/08t7nz +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/01kph_c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/098s2w /film/film/executive_produced_by /m/086sj +/m/01mr2g6 /people/person/place_of_birth /m/0118d3 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/05dppk /people/deceased_person/place_of_death /m/06mxs +/m/017fp /media_common/netflix_genre/titles /m/042y1c +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/08f3b1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07z1_q +/m/015010 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01ypsj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/01m2n1 +/m/01p85y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/06nrt /base/aareas/schema/administrative_area/capital /m/0pmpl +/m/04sntd /film/film/costume_design_by /m/02w0dc0 +/m/0jnpc /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/06chvn /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/05w3f /music/genre/artists /m/01p95y0 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/01rrwf6 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/081pw /film/film_subject/films /m/0cq8nx +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f6ss +/m/0m28g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m24v +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01f8ld /people/person/profession /m/0dxtg +/m/07d2d /music/genre/artists /m/07sbk +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/02lfcm +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x9_8 +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/07zl1 +/m/080knyg /people/person/gender /m/02zsn +/m/0cf2h /people/deceased_person/place_of_burial /m/018mmj +/m/0m2kd /film/film/genre /m/07s9rl0 +/m/0d6b7 /film/film/music /m/019x62 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/04ls81 +/m/0137n0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01d650 +/m/024qqx /media_common/netflix_genre/titles /m/033g4d +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/03h26tm /people/person/gender /m/05zppz +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/082fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qxc7 +/m/0ch280 /organization/organization/headquarters./location/mailing_address/citytown /m/0vzm +/m/06brp0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02hct1 +/m/074w86 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/06cqb /music/genre/artists /m/01mwsnc +/m/01ps2h8 /film/actor/film./film/performance/film /m/03lvwp +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0c3xw46 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jfx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0462hhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/04bfg /education/educational_institution/colors /m/01l849 +/m/09cr8 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/04jwly /film/film/country /m/0f8l9c +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/023zsh /people/person/profession /m/02hrh1q +/m/05_5rjx /film/film/genre /m/0lsxr +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0478__m +/m/0pb33 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/019m5j +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02gw_w /location/location/time_zones /m/03bdv +/m/01w03jv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l4zqz /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/06_wqk4 /film/film/production_companies /m/054lpb6 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/047g6 /influence/influence_node/influenced_by /m/0tfc +/m/0174qm /base/aareas/schema/administrative_area/administrative_parent /m/0ht8h +/m/0b_j2 /people/person/profession /m/025352 +/m/049dk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/034m8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/04cr6qv /people/person/sibling_s./people/sibling_relationship/sibling /m/04d_mtq +/m/07r4c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/027rwmr +/m/0hv81 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p4v_ +/m/01jr6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc95 +/m/0fhzf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cqbx /people/person/gender /m/02zsn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/081m_ +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/04fv0k /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022yb4 +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n1r5 +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yrp +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02h2vv /tv/tv_program/genre /m/05p553 +/m/0gtvpkw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y6dz +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/0bbm7r /film/film/language /m/02h40lc +/m/01ct6 /sports/sports_team/colors /m/09ggk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04k3r_ +/m/0237fw /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0blfl /olympics/olympic_games/participating_countries /m/05qhw +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/042v2 +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/02cm2m +/m/01gvpz /film/film/music /m/012ky3 +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ztl +/m/02hsq3m /award/award_category/winners./award/award_honor/award_winner /m/09pjnd +/m/02qx5h /people/person/profession /m/02hrh1q +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gvr1 +/m/01xn57g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/07kc_ +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0f4vbz /people/person/profession /m/0d1pc +/m/02h0f3 /people/person/gender /m/05zppz +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/014z8v /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01vnt4 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/06p03s /people/person/profession /m/09jwl +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0f612 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03yrkt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/023kzp +/m/0f5zj6 /people/person/religion /m/03j6c +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0946bb /film/film/written_by /m/0237jb +/m/05q78ky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07rd7 /award/award_winner/awards_won./award/award_honor/award_winner /m/067pl7 +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrbbx +/m/0k3ll /location/location/time_zones /m/02hcv8 +/m/0495ys /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0k3k1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rk0 +/m/02_1sj /film/film/featured_film_locations /m/0d6lp +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0fx2s /film/film_subject/films /m/03cw411 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0m6x4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01cmp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/0gx9rvq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g8st4 /film/actor/film./film/performance/film /m/0j43swk +/m/07mb57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j4tx +/m/01hkhq /film/actor/film./film/performance/film /m/0g9lm2 +/m/03h_fqv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/01p0vf /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/04jspq /people/person/profession /m/02krf9 +/m/0yxf4 /film/film/genre /m/04xvlr +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01xdf5 +/m/02yvct /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/048yqf /film/film/featured_film_locations /m/0d060g +/m/03nbbv /people/person/profession /m/0196pc +/m/07kdkfj /film/film/featured_film_locations /m/0fhsz +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jwmp +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/084302 +/m/04ddm4 /film/film/genre /m/01jfsb +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/02bf2s +/m/032q8q /people/person/profession /m/0dxtg +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ngn +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02_lt +/m/034487 /music/genre/artists /m/01k_yf +/m/06rqw /music/genre/artists /m/014pg1 +/m/02fybl /people/person/profession /m/039v1 +/m/0h3mrc /people/person/profession /m/03gjzk +/m/037jz /people/person/place_of_birth /m/0f8j6 +/m/031sg0 /people/person/profession /m/02hrh1q +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/02ckl3 /education/educational_institution/students_graduates./education/education/student /m/0157m +/m/01gvts /film/film/genre /m/02l7c8 +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0fq117k /music/group_member/membership./music/group_membership/role /m/0342h +/m/0155w /music/genre/artists /m/053y0s +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/016kv6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ks_ +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/028qdb /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/06crng /people/person/profession /m/015cjr +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02j69w /film/film/country /m/09c7w0 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4v +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/04rwx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/0mzkr +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/09y6pb /film/film/genre /m/07s9rl0 +/m/08g_jw /film/film/genre /m/01chg +/m/056zdj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0hqly /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lhdt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vb6z +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0f830f +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02zs4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0127m7 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0gnkb /film/film/genre /m/060__y +/m/032xky /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033071 +/m/0kr5_ /people/person/profession /m/02jknp +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/018sg9 /organization/organization/headquarters./location/mailing_address/citytown /m/01zk9d +/m/07yk1xz /film/film/film_format /m/0cj16 +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/08tyb_ /education/educational_institution/students_graduates./education/education/student /m/01pcrw +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0dwvl /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/017dbx +/m/01795t /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06c44 /influence/influence_node/influenced_by /m/042q3 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01d8yn +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/06w839_ +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06q6jz /music/genre/artists /m/063tn +/m/04t2t /media_common/netflix_genre/titles /m/01f6x7 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mn81 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02qfhb /people/person/place_of_birth /m/030qb3t +/m/02897w /organization/organization/headquarters./location/mailing_address/citytown /m/0d23k +/m/0qmd5 /film/film/cinematography /m/0627sn +/m/0fw2f /location/hud_county_place/county /m/0mlm_ +/m/0fqxc /location/administrative_division/country /m/059j2 +/m/0gyx4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hw1j +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/08qvhv /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/04fc6c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0g7vxv /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gjt4 +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01wzlxj /people/person/profession /m/0fnpj +/m/06fq2 /education/educational_institution/students_graduates./education/education/student /m/03n93 +/m/0ncj8 /base/biblioness/bibs_location/state /m/01n4w +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/029ql /people/person/profession /m/02hrh1q +/m/070g7 /film/film/country /m/0f8l9c +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/034_t5 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/02yv6b /music/genre/artists /m/01yndb +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/03f3_p3 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03m3nzf +/m/02w59b /sports/sports_team/colors /m/083jv +/m/0dbxy /people/ethnicity/people /m/047c9l +/m/06y57 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/033nzk +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01xbgx /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01271h /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0ch26b_ /film/film/film_production_design_by /m/0bytkq +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/01364q /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/024yxd /award/award_winner/awards_won./award/award_honor/award_winner /m/018gqj +/m/0bmh4 /people/person/nationality /m/09c7w0 +/m/079vf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/01j5ts +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/0ksy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06mr2s /tv/tv_program/genre /m/0214st +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02w7gg /people/ethnicity/people /m/016dsy +/m/0g9zljd /film/film/genre /m/07s9rl0 +/m/09k2t1 /people/person/profession /m/016z4k +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/0l2xl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/01s0_f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/019xz9 /location/location/time_zones /m/02llzg +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0nh1v /location/us_county/county_seat /m/0h1k6 +/m/0ftvg /location/hud_county_place/place /m/0ftvg +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09kvv /education/educational_institution/school_type /m/05pcjw +/m/05g3ss /people/person/profession /m/01d_h8 +/m/038bh3 /film/film/genre /m/07s9rl0 +/m/0f2rq /location/location/contains /m/02fgdx +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/04gcd1 /film/actor/film./film/performance/film /m/02qm_f +/m/0278x6s /people/person/gender /m/05zppz +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/01d0b1 /people/person/nationality /m/09c7w0 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06_x996 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/04cj79 /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/0184jc /film/actor/film./film/performance/film /m/02fwfb +/m/01vvyd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl60p +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/01flv_ /film/film/country /m/09c7w0 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/01w61th +/m/01trtc /music/record_label/artist /m/01wk7ql +/m/0c_tl /olympics/olympic_games/sports /m/071t0 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/05h43ls +/m/026z9 /music/genre/artists /m/01sxd1 +/m/02k6hp /people/cause_of_death/people /m/0407f +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/099flj /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9j5 +/m/063_j5 /film/film/genre /m/0vgkd +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/01zwy +/m/01vg13 /education/educational_institution_campus/educational_institution /m/01vg13 +/m/02rf51g /people/person/gender /m/05zppz +/m/06jw0s /people/person/gender /m/02zsn +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0g1x2_ /film/film_subject/films /m/03mz5b +/m/02j_j0 /organization/organization/headquarters./location/mailing_address/citytown /m/0nbfm +/m/07r_p /location/location/time_zones /m/03plfd +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0p7tb /education/educational_institution/colors /m/083jv +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/04rqd /broadcast/content/artist /m/0c9l1 +/m/0789r6 /award/award_category/disciplines_or_subjects /m/02vxn +/m/0222qb /people/ethnicity/people /m/020bg +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/01l3j /film/actor/film./film/performance/film /m/0gt1k +/m/0gjcy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kwgs /base/aareas/schema/administrative_area/administrative_parent /m/0gyh +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/07gql /music/instrument/instrumentalists /m/01lcxbb +/m/06hmd /people/person/profession /m/0kyk +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01n44c /music/artist/origin /m/0cr3d +/m/0bgrsl /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/0j3v /people/person/religion /m/0kpl +/m/0170qf /film/actor/film./film/performance/film /m/0404j37 +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/072bb1 +/m/07wlf /education/educational_institution_campus/educational_institution /m/07wlf +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01wdqrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02zr0z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/location/contains /m/0gk7z +/m/01qr1_ /film/actor/film./film/performance/film /m/0yx7h +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0n59t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hwbd +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hj3b3 +/m/0900j5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mp75 +/m/0mzkr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/05njw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/06z5s /people/cause_of_death/people /m/07_m2 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/01wdl3 /education/educational_institution_campus/educational_institution /m/01wdl3 +/m/09rvcvl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01pj48 /education/educational_institution/school_type /m/05jxkf +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pdbs +/m/06r1k /tv/tv_program/genre /m/03k9fj +/m/0g5879y /film/film/genre /m/02l7c8 +/m/064t9 /music/genre/artists /m/01dw9z +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/03gr14 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/042q3 /influence/influence_node/peers./influence/peer_relationship/peers /m/0h336 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/0gv40 /film/director/film /m/0k419 +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/01p726 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/040rjq /people/person/nationality /m/07ssc +/m/0fpj4lx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cq7tx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/034qzw /film/film/genre /m/02l7c8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02z0f6l +/m/04gv3db /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/02js_6 /film/actor/film./film/performance/film /m/07yvsn +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/01wd9vs /people/person/nationality /m/09c7w0 +/m/0j0k /base/locations/continents/countries_within /m/0161c +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03ft8 /people/person/religion /m/0kq2 +/m/025sc50 /music/genre/artists /m/06s7rd +/m/01mxqyk /award/award_nominee/award_nominations./award/award_nomination/award /m/02flpq +/m/02g839 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0411q +/m/040nwr /people/person/languages /m/02h40lc +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0jltp +/m/02k21g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/02d9nr /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wbg84 /people/person/place_of_birth /m/0cr3d +/m/02k_4g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0306bt +/m/087pfc /film/film/production_companies /m/06rq1k +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/02sg5v /film/film/cinematography /m/026sb55 +/m/02p0s5r /people/profession/specialization_of /m/05t4q +/m/0674cw /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0njj0 /location/location/contains /m/0v9qg +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016ywr /film/actor/film./film/performance/film /m/0dc7hc +/m/01j_x /dataworld/gardening_hint/split_to /m/07ssc +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/01f6zc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0cymp /location/location/contains /m/0yc84 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0yxf4 /film/film/language /m/02h40lc +/m/04n7jdv /music/genre/artists /m/0fpj4lx +/m/06449 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02s62q /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03t1s /location/location/time_zones /m/03bdv +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05crg7 +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gjr +/m/016kv6 /film/film/country /m/07ssc +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/095z4q +/m/016ckq /music/record_label/artist /m/01vvybv +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/04y79_n +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/03f7nt /film/film/genre /m/0lsxr +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/08s6r6 /music/genre/parent_genre /m/09jw2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/02jx1 /location/location/contains /m/01z56h +/m/01pk8v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06s6hs +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/01fmys /film/film/music /m/0146pg +/m/01f9y_ /music/genre/parent_genre /m/016_nr +/m/0p__8 /people/person/profession /m/02hrh1q +/m/03_gd /people/person/places_lived./people/place_lived/location /m/018lc_ +/m/0dpl44 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04306rv +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04ly1 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/02qjpv5 /people/person/profession /m/03gjzk +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/01w40h /music/record_label/artist /m/0p7h7 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0gywn /music/genre/artists /m/0xsk8 +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/034bs /influence/influence_node/influenced_by /m/03_hd +/m/08052t3 /film/film/featured_film_locations /m/01f07x +/m/0jvtp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05kj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/081yw +/m/01jbx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/073x6y /people/person/nationality /m/09c7w0 +/m/0cv5l /location/location/contains /m/015cj9 +/m/0fs29 /location/administrative_division/country /m/09lxtg +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/0p5wz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/059g4 /location/location/contains /m/04kdn +/m/02prw4h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0l56b /people/person/profession /m/0196pc +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/04q_g /location/location/contains /m/06c62 +/m/0_j_z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ggx5q /music/genre/artists /m/013v5j +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/02pp1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ckf6 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/01znj1 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/06x68 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0g476 /people/person/religion /m/02rsw +/m/02rq7nd /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/070j61 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06_bq1 /film/actor/film./film/performance/film /m/0gmd3k7 +/m/05fm6m /film/film/production_companies /m/017s11 +/m/01cx_ /location/location/contains /m/0kqj1 +/m/09qycb /film/film/genre /m/06nbt +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02dbp7 +/m/02g40r /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/04fkg4 /people/person/religion /m/0kpl +/m/058kqy /people/person/profession /m/02hrh1q +/m/0415mzy /people/person/profession /m/0dz3r +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0bc1yhb /film/film/language /m/02h40lc +/m/06qd3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02jx1 /location/country/second_level_divisions /m/03msf +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4fz +/m/0cm2xh /base/culturalevent/event/entity_involved /m/01llxp +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02mt51 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017180 +/m/02kwcj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05bp8g +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0sw6y /people/person/nationality /m/09c7w0 +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/067ghz /film/film/produced_by /m/0cv9fc +/m/013zyw /people/person/nationality /m/09c7w0 +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0bcndz /film/film/film_format /m/01dc60 +/m/03qjg /music/instrument/instrumentalists /m/0144l1 +/m/072hx4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lpp8 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/03q1vd /people/person/gender /m/05zppz +/m/02825kb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/03b04g +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03b6j8 +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/03y82t6 +/m/0425hg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/05k7sb /location/administrative_division/first_level_division_of /m/09c7w0 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02ht1k /film/film/genre /m/04t36 +/m/0qf2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0qf43 +/m/0_vn7 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01xbpn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01wbz9 /people/person/nationality /m/02jx1 +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0j8p6 /base/biblioness/bibs_location/state /m/05j49 +/m/022qw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/07y8l9 /film/actor/film./film/performance/film /m/07p62k +/m/03dbww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mv_n +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07bxhl +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0379s /people/person/nationality /m/0f8l9c +/m/04g9gd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hwpz /film/film/produced_by /m/03_gd +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmc26r +/m/04gfy7 /people/ethnicity/languages_spoken /m/0121sr +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0l6m5 /olympics/olympic_games/sports /m/03fyrh +/m/06qwh /tv/tv_program/genre /m/07s9rl0 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/02bpy_ /education/educational_institution/colors /m/06fvc +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02xlf +/m/07hwkr /people/ethnicity/languages_spoken /m/01wgr +/m/02bhj4 /education/educational_institution/students_graduates./education/education/student /m/01vw_dv +/m/03l7tr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01c9d1 /award/award_category/category_of /m/0c4ys +/m/035wtd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gr69 +/m/0h96g /film/actor/film./film/performance/film /m/02rrh1w +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/04fzfj /film/film/featured_film_locations /m/02_286 +/m/015p37 /film/actor/film./film/performance/film /m/03x7hd +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gl88b +/m/02fgp0 /people/person/gender /m/05zppz +/m/06l32y /education/educational_institution/school_type /m/01rs41 +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01541z +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01n30p +/m/0nbwf /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/063t3j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05xbx /tv/tv_network/programs./tv/tv_network_duration/program /m/021gzd +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06fpsx +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy95 +/m/05x2t7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/03w4sh /film/actor/film./film/performance/film /m/011wtv +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/06m6z6 +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b478 +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0qmny +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/05148p4 /music/instrument/instrumentalists /m/0f_y9 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0jdtt /location/administrative_division/country /m/0f8l9c +/m/01cszh /music/record_label/artist /m/04sd0 +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0163kf +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/07rhpg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cl2y /music/record_label/artist /m/01s560x +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/0bv7t +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01fwqn /sports/sports_team/colors /m/01l849 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/0bkf4 /people/person/profession /m/039v1 +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0cgwt8 +/m/071vr /sports/sports_team_location/teams /m/06rpd +/m/02kth6 /education/educational_institution/colors /m/03vtbc +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/064t9 /music/genre/artists /m/02s6sh +/m/0q5hw /influence/influence_node/influenced_by /m/014zfs +/m/016ks5 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01xyt7 /people/person/place_of_birth /m/0r5y9 +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/025sc50 /music/genre/artists /m/01vx5w7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/01wrcxr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/018c_r /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01w1kyf /people/person/religion /m/019cr +/m/026dqjm /sports/sports_team/colors /m/01l849 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0cwx_ +/m/0sx5w /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01lpwh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kcn7 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03y0pn +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/01q99h /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0gkgp +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m_q0 +/m/0147dk /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jbx1 +/m/050gkf /film/film/featured_film_locations /m/03pzf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05nmg_ +/m/0ymb6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d04z6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/0tyww /location/location/time_zones /m/02hcv8 +/m/03f4k /people/person/place_of_birth /m/0cr3d +/m/0781g /music/genre/artists /m/047cx +/m/04zyhx /film/film/country /m/09c7w0 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wz3cx /music/artist/contribution./music/recording_contribution/performance_role /m/042v_gx +/m/0hz55 /tv/tv_program/genre /m/01jfsb +/m/05np2 /people/person/profession /m/0cbd2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03g52k +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/09c7w0 /location/location/contains /m/0fvwg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/0dy04 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/0dg3n1 /base/locations/continents/countries_within /m/0hzlz +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04sry /people/person/nationality /m/09c7w0 +/m/0mkg /music/instrument/instrumentalists /m/0zjpz +/m/0b_fw /people/deceased_person/place_of_death /m/01cx_ +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7p +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/02hnl +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0qdyf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01b7lc +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/0ds2n /film/film/featured_film_locations /m/0rh6k +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/015_1q /music/record_label/artist /m/01vrncs +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0l2jt /location/location/time_zones /m/02lcqs +/m/016s0m /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0bm2nq /film/film/featured_film_locations /m/01_d4 +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/04gqr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07fj_ +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_31 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01wl38s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g40r +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/06fmdb +/m/06qd3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/04s934 /education/educational_institution/school_type /m/0bpgx +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/042rnl +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/03mp8k /music/record_label/artist /m/011z3g +/m/0gdqy /people/person/profession /m/0dgd_ +/m/0164v /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/04y0hj /people/person/profession /m/0d1pc +/m/0c6qh /film/actor/film./film/performance/film /m/02704ff +/m/0gf14 /education/educational_institution/school_type /m/05jxkf +/m/01s9ftn /people/person/nationality /m/09c7w0 +/m/0kc6 /influence/influence_node/influenced_by /m/014dq7 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01rr9f /people/person/profession /m/02krf9 +/m/0_lk5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/02cw1m /music/artist/origin /m/052bw +/m/03_3d /location/location/contains /m/0g3bc +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/02zbjwr /soccer/football_player/current_team./sports/sports_team_roster/team /m/04257b +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025czw +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03bdm4 /people/person/nationality /m/07ssc +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gpprt +/m/02cm2m /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6v +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0hwpz /film/film/film_production_design_by /m/04_1nk +/m/036dyy /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/03x8cz /music/record_label/artist /m/06y9c2 +/m/04gj8r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02661h /people/person/places_lived./people/place_lived/location /m/0824r +/m/016dj8 /film/film/country /m/09c7w0 +/m/01nczg /film/actor/film./film/performance/film /m/07x4qr +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/05sxzwc /film/film/language /m/02h40lc +/m/0f8j13 /film/film/genre /m/0vgkd +/m/03ln8b /tv/tv_program/genre /m/06q7n +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03f7nt /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/01kwhf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07s95_l /people/person/profession /m/02hrh1q +/m/0fplg /location/location/time_zones /m/02hcv8 +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/027m67 /film/film/language /m/02h40lc +/m/04h5_c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/025sc50 /music/genre/artists /m/09k2t1 +/m/07jwr /people/cause_of_death/people /m/0bwx3 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/04bfg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0f3kl /medicine/symptom/symptom_of /m/025hl8 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07gp9 +/m/05w3f /music/genre/artists /m/05563d +/m/01n7q /location/location/contains /m/0kq1l +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n1r5 +/m/0f4m2z /film/film/genre /m/02n4kr +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0l6m5 /olympics/olympic_games/sports /m/07jjt +/m/04y0yc /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/058cm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06t6dz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02xs0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06msq2 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/02hwhyv /language/human_language/countries_spoken_in /m/05b7q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/057bxr /education/educational_institution_campus/educational_institution /m/057bxr +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/03d1y3 /people/person/place_of_birth /m/0dclg +/m/09ksp /base/biblioness/bibs_location/country /m/0345h +/m/0jk_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qb0j +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0n5hh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5hw +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0196bp +/m/06by7 /music/genre/artists /m/04b7xr +/m/02x8m /music/genre/artists /m/01w724 +/m/0bth54 /film/film/genre /m/03k9fj +/m/0cc7hmk /film/film/country /m/09c7w0 +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0df4y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01914 +/m/01nfys /award/award_winner/awards_won./award/award_honor/award_winner /m/02cff1 +/m/012cj0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0b25vg /film/actor/film./film/performance/film /m/03cvvlg +/m/0k0r0n7 /music/genre/parent_genre /m/01d_s5 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0252fh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01gkgk /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/02nrdp /people/person/gender /m/05zppz +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0l76z /tv/tv_program/genre /m/02l7c8 +/m/05vxdh /film/film/country /m/03rt9 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/03mp8k /music/record_label/artist /m/0136p1 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/01hpf6 /business/business_operation/industry /m/01mw1 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/056ws9 +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/0pk41 /people/person/gender /m/02zsn +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/02fqxm /film/film/language /m/02h40lc +/m/081pw /film/film_subject/films /m/09qycb +/m/05_swj /people/person/profession /m/09jwl +/m/0g768 /music/record_label/artist /m/01w9k25 +/m/0466hh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0ch26b_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0xhj2 /location/hud_county_place/county /m/0n5yh +/m/0c7t58 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/080dwhx +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01pqy_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q56mk +/m/06t2t /location/country/official_language /m/02h40lc +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ckf6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04ck0_ +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sw5b +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/05g8ky +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0g5qmbz /film/film/produced_by /m/081l_ +/m/09c7w0 /location/country/second_level_divisions /m/0f612 +/m/0bq4j6 /people/person/place_of_birth /m/02_286 +/m/09n5t_ /music/genre/artists /m/01wz3cx +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vnmc9 +/m/0gn30 /film/actor/film./film/performance/film /m/06ybb1 +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/01vvpjj /people/person/profession /m/0dz3r +/m/01xwv7 /influence/influence_node/influenced_by /m/01900g +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04kd5d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0520r2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/016gp5 +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bqs56 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/031ldd /film/film/language /m/0459q4 +/m/045bg /people/person/religion /m/0kpl +/m/03j24kf /people/person/profession /m/012t_z +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/016xk5 /people/person/nationality /m/02jx1 +/m/0p8jf /influence/influence_node/influenced_by /m/02zjd +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/02lfwp +/m/016jny /music/genre/artists /m/0p8h0 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0223bl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01kgxf +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/06c0j +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/02mc79 /people/person/nationality /m/09c7w0 +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0f8l9c /location/location/contains /m/0gxmj +/m/0_z91 /location/location/time_zones /m/02fqwt +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/0g26h /education/field_of_study/students_majoring./education/education/student /m/08f3b1 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0162b /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01j7z7 /people/person/profession /m/05sxg2 +/m/0202p_ /people/person/nationality /m/09c7w0 +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/02825kb /film/film/genre /m/05p553 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l0wv +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/03s2y9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/0dwz3t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/056k77g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bh9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0276jmv +/m/09889g /people/person/nationality /m/09c7w0 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0hg5 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/044f7 +/m/01cj6y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/07s9rl0 /media_common/netflix_genre/titles /m/04jm_hq +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/025b5y +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/01lyv /music/genre/artists /m/01vrz41 +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ljbg +/m/04_1nk /people/person/nationality /m/07ssc +/m/09q5w2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018m5q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04h5_c +/m/0155w /music/genre/artists /m/016j2t +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b68vs +/m/018x3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kd57 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/03zj9 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fc_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhl +/m/02lfl4 /people/person/nationality /m/09c7w0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0884fm /people/person/place_of_birth /m/04jpl +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0342h /music/instrument/instrumentalists /m/0fp_v1x +/m/0l998 /olympics/olympic_games/sports /m/02bkg +/m/0hhqw /people/person/religion /m/0c8wxp +/m/0knjh /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02jm9c /people/person/place_of_birth /m/0r89d +/m/09p06 /people/person/profession /m/02hrh1q +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03m6t5 /people/person/profession /m/0np9r +/m/03hrz /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/047sxrj /people/person/gender /m/02zsn +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8gz +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/018h2 /film/film_subject/films /m/01fx4k +/m/035_2h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dl5d /music/genre/artists /m/04kjrv +/m/08hp53 /people/person/profession /m/0dxtg +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09c7w0 /location/country/second_level_divisions /m/0m2dk +/m/0mmzt /location/hud_county_place/place /m/0mmzt +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0847q /location/location/contains /m/012q8y +/m/02qcr /film/film/genre /m/02l7c8 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0415svh +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fd8x +/m/0kbws /olympics/olympic_games/participating_countries /m/04w8f +/m/0bymv /people/person/religion /m/019cr +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/03_2td /film/actor/film./film/performance/film /m/076xkps +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/04fhps /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds3t5x +/m/043tg /influence/influence_node/influenced_by /m/03_87 +/m/049mql /film/film/film_format /m/07fb8_ +/m/0swff /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/08hsww /people/person/nationality /m/09c7w0 +/m/01_lhg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02stbw +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0chrwb +/m/018d6l /people/person/profession /m/0nbcg +/m/026r8q /film/actor/film./film/performance/film /m/01qncf +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01gwck /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0h3y /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06q1r +/m/024my5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05yvfd /people/person/religion /m/03j6c +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0bxqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2sr +/m/012ycy /people/person/gender /m/05zppz +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026390q +/m/01jz6d /people/person/places_lived./people/place_lived/location /m/0z20d +/m/04b19t /people/person/gender /m/05zppz +/m/02ntb8 /film/film/production_companies /m/032j_n +/m/0kv238 /film/film/language /m/02hxc3j +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2cb +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l450 +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0dtzkt /film/film/genre /m/03bxz7 +/m/0h1mt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gs1_ +/m/012vd6 /music/artist/origin /m/02dtg +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/08984j /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/02x0gk1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02z5x7l +/m/0bd2n4 /people/person/nationality /m/07ssc +/m/036k0s /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/059t8 +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0m2lt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2kw +/m/0dnkmq /film/film/production_companies /m/0c_j5d +/m/02g0rb /people/person/profession /m/02hrh1q +/m/0lcx /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/04ck0_ /sports/sports_team/colors /m/083jv +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fpgp26 +/m/0fpzt5 /people/person/religion /m/0g5llry +/m/011yth /film/film/written_by /m/04y8r +/m/05hs4r /music/genre/parent_genre /m/017371 +/m/01vv7sc /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/015fr /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/095zlp /film/film/featured_film_locations /m/04jpl +/m/02p_ycc /people/person/gender /m/05zppz +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/025snf /tv/tv_network/programs./tv/tv_network_duration/program /m/05f7w84 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02q_ncg /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/025tdwc /people/person/gender /m/05zppz +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/01cf93 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wrz /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01wgx4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0k20s /film/film/genre /m/02n4kr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01kvrz +/m/0brkwj /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/015lhm /people/person/profession /m/01d_h8 +/m/027ct7c /film/film/language /m/02h40lc +/m/0c3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/058kqy /award/award_winner/awards_won./award/award_honor/award_winner /m/0336mc +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01z9_x /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/036dyy /film/actor/film./film/performance/film /m/02pw_n +/m/05b5_tj /people/person/nationality /m/09c7w0 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/0hskw /people/person/nationality /m/0345h +/m/0hsb3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03n08b /film/actor/film./film/performance/film /m/01k0vq +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/01ycck /people/person/gender /m/05zppz +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/01718w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0dq9wx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06hgym +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/02p8q1 /sports/sports_team/sport /m/02vx4 +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/012vct /film/director/film /m/01k7b0 +/m/026r8q /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bksh +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/05mrf_p /film/film/written_by /m/06b_0 +/m/01xsbh /film/actor/film./film/performance/film /m/02gqm3 +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/054bt3 +/m/0f4m2z /film/film/genre /m/01jfsb +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0gn30 /film/actor/film./film/performance/film /m/0q9sg +/m/013fn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/02p21g /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01cl2y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_06s /film/film/genre /m/0219x_ +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/02fx3c /people/person/profession /m/01d_h8 +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01n073 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0bc1yhb /film/film/country /m/09c7w0 +/m/01_qp_ /music/genre/parent_genre /m/059kh +/m/07r4c /music/artist/contribution./music/recording_contribution/performance_role /m/0bxl5 +/m/018fmr /people/person/religion /m/0c8wxp +/m/02x8m /music/genre/artists /m/012z8_ +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01934k /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bkmf +/m/0b66qd /people/person/profession /m/02hrh1q +/m/0q9zc /people/person/nationality /m/09c7w0 +/m/04zn7g /people/deceased_person/place_of_death /m/06_kh +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1gz +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/015gsv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/0345_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/0l6ny /olympics/olympic_games/sports /m/018w8 +/m/0k2cb /film/film/genre /m/05p553 +/m/012d9h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jzj /people/person/profession /m/05snw +/m/01756d /music/genre/artists /m/0lsw9 +/m/016fnb /people/person/gender /m/02zsn +/m/01ddbl /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d9jr /location/location/contains /m/0778p +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/04l19_ /film/actor/film./film/performance/film /m/048tv9 +/m/09qrn4 /award/award_category/category_of /m/0gcf2r +/m/035s95 /film/film/genre /m/04xvlr +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/09bx1k /people/person/gender /m/05zppz +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/032_wv +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cl1 +/m/03_fmr /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06cgf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pllx /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0993r +/m/062qg /base/biblioness/bibs_location/state /m/0847q +/m/02f4s3 /education/educational_institution/campuses /m/02f4s3 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ykg +/m/02mmwk /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/0chgr2 /location/location/contains /m/0g34_ +/m/026fs38 /film/film/genre /m/04xvh5 +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wk7b +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0f4_l /film/film/genre /m/01jfsb +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/0hzlz /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07dzf +/m/0mwds /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwl2 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07zft +/m/0mlyj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sxfd /film/film/genre /m/05p553 +/m/0y_pg /film/film/music /m/02bn75 +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/04fc6c /music/record_label/artist /m/06w2sn5 +/m/018nnz /film/film/genre /m/07s9rl0 +/m/07p62k /film/film/prequel /m/01jft4 +/m/0x67 /people/ethnicity/people /m/01ky2h +/m/02fbpz /people/person/profession /m/01d_h8 +/m/0xv2x /music/genre/artists /m/048tgl +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0dth6b /time/event/instance_of_recurring_event /m/0g_w +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r5qtm +/m/07jnt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/061zc_ /people/person/places_lived./people/place_lived/location /m/029kpy +/m/01wlt3k /people/person/profession /m/0nbcg +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/04s1zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03m10r +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f6ss +/m/014gjp /tv/tv_program/genre /m/0djd22 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0q_0z /base/biblioness/bibs_location/state /m/01n7q +/m/0498y /location/administrative_division/first_level_division_of /m/09c7w0 +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/04rrd /location/location/contains /m/0fr59 +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/07b1gq /film/film/story_by /m/04q5zw +/m/02rrfzf /film/film/music /m/04pf4r +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/0j5q3 /film/actor/film./film/performance/film /m/01hqk +/m/061v5m /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cx7f /music/genre/artists /m/0fcsd +/m/02zk08 /film/film/production_companies /m/017jv5 +/m/094xh /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01tfck +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0sx8l /olympics/olympic_games/participating_countries /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04ngn +/m/02b19t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0277jc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmk7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0dkv90 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/01w23w +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/02qgqt /people/person/gender /m/05zppz +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03pc89 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0crx5w +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b3v +/m/08jbxf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0g768 +/m/015v3r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0ks67 /education/university/fraternities_and_sororities /m/035tlh +/m/07r4c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/05pyrb /film/film/genre /m/0jxy +/m/023mdt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_x5t +/m/05kfs /film/director/film /m/059rc +/m/07tw_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02rchht /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/020_95 /film/actor/film./film/performance/film /m/01hv3t +/m/0dtfn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04qmr +/m/02_wxh /people/person/profession /m/0dxtg +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/0jvtp /people/person/gender /m/05zppz +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/025ljp +/m/021gt5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08664q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049dyj +/m/01my4f /people/person/gender /m/05zppz +/m/017yfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09r4xx /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/01gbb4 /people/person/religion /m/0kpl +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gdh5 +/m/0l99s /people/person/profession /m/0kyk +/m/01fjfv /broadcast/content/artist /m/0mgcr +/m/088q4 /location/location/contains /m/01zsfx +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/026b33f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c1ps1 +/m/0c4kv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wk7ql +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/081pw /film/film_subject/films /m/0kbhf +/m/0gyy53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026qnh6 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/026n9h3 +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/0738y5 /people/person/languages /m/07c9s +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/03f1zhf /people/person/profession /m/0dz3r +/m/07ym47 /music/genre/artists /m/03kts +/m/04sry /film/director/film /m/03cp4cn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02h659 +/m/02x8m /music/genre/artists /m/03j0br4 +/m/035w2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/0gy4k /film/film/written_by /m/0gv5c +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/0308kx +/m/03fwln /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/03cdg /influence/influence_node/influenced_by /m/037jz +/m/0dl5d /music/genre/artists /m/0jn38 +/m/056xx8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/07c52 /media_common/netflix_genre/titles /m/04f6hhm +/m/0jqd3 /film/film/country /m/09c7w0 +/m/044g_k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042fgh +/m/04xvlr /media_common/netflix_genre/titles /m/060__7 +/m/01svq8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/0cv5l /location/administrative_division/country /m/07ssc +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06kkgw +/m/05q_mg /people/person/nationality /m/09c7w0 +/m/0kb57 /film/film/genre /m/017fp +/m/0c0nhgv /film/film/country /m/09c7w0 +/m/05rnp1 /people/person/profession /m/0dxtg +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0162v +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07h07 +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01vttb9 +/m/0416y94 /film/film/genre /m/07s9rl0 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/03krj +/m/02vklm3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0hdf8 /music/genre/artists /m/01wt4wc +/m/015v3r /people/person/nationality /m/09c7w0 +/m/0q5hw /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0b7t3p +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bn3jg +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/08nvyr /film/film/film_format /m/07fb8_ +/m/0drs_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4zv +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03ryzs /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/078mm1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04llb +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0hv27 /film/film/genre /m/03k9fj +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/02p68d /people/person/profession /m/01d_h8 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07lwsz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/07bch9 /people/ethnicity/people /m/0d3qd0 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/06mtq /base/aareas/schema/administrative_area/capital /m/0mgp +/m/06nd8c /film/actor/film./film/performance/film /m/0291hr +/m/0cpvcd /influence/influence_node/influenced_by /m/03sbs +/m/01cyjx /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/015_1q /music/record_label/artist /m/01wj18h +/m/0qlnr /education/educational_institution/students_graduates./education/education/student /m/013pp3 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/02k21g /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/04p5cr /tv/tv_program/country_of_origin /m/09c7w0 +/m/03r0g9 /film/film/country /m/09c7w0 +/m/04g51 /education/field_of_study/students_majoring./education/education/student /m/0405l +/m/06cgy /film/actor/film./film/performance/film /m/0992d9 +/m/0byfz /people/person/spouse_s./people/marriage/spouse /m/01rnpy +/m/02wh0 /user/alexander/philosophy/philosopher/interests /m/05qfh +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03f7nt /film/film/language /m/06nm1 +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/01cbt3 +/m/01tx9m /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/0qcr0 /people/cause_of_death/people /m/0h1_w +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/02hrlh /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/09ntbc /people/person/place_of_birth /m/0853g +/m/03__y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rqwhl +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/04y652m /broadcast/content/artist /m/014_xj +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/030dx5 /people/person/nationality /m/09c7w0 +/m/0b_6pv /time/event/locations /m/0f2tj +/m/0bs4r /film/film/language /m/0c_v2 +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05km8z +/m/01qbg5 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/01lyv /music/genre/artists /m/01fkxr +/m/02ndy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/063fh9 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0b_j2 +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/048j1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/053xw6 /film/actor/film./film/performance/film /m/019vhk +/m/02hy9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/0k2mxq /film/actor/film./film/performance/film /m/09cr8 +/m/0sxgh /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/03nqbvz +/m/06zl7g /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0cq4k_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03pmty +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03f1r6t +/m/034qmv /film/film/country /m/0345h +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/034q3l /people/person/place_of_birth /m/01531 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/033tf_ /people/ethnicity/people /m/07n39 +/m/01b_d4 /education/educational_institution/colors /m/01g5v +/m/05fyss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018417 +/m/02rq8k8 /film/film/genre /m/01jfsb +/m/04rrx /location/location/contains /m/0njpq +/m/01cszh /music/record_label/artist /m/0394y +/m/01jfsb /media_common/netflix_genre/titles /m/035zr0 +/m/058kqy /people/person/profession /m/01d_h8 +/m/0d6hn /location/administrative_division/country /m/0d04z6 +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0266sb_ +/m/0cc5tgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzc16 +/m/030qb3t /location/location/contains /m/01c40n +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01yfm8 /film/actor/film./film/performance/film /m/092vkg +/m/0167xy /influence/influence_node/influenced_by /m/0134tg +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0vzm /location/location/contains /m/0ch280 +/m/0dzc16 /people/person/spouse_s./people/marriage/spouse /m/01w58n3 +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05tbn +/m/0fbq2n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/01k3qj /people/person/nationality /m/03_3d +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c1sgd3 +/m/0blgl /people/person/places_lived./people/place_lived/location /m/0r785 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/043gj /people/person/languages /m/02h40lc +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/0k6nt +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g78xc +/m/024dgj /people/person/profession /m/0dz3r +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b18l +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_0_z +/m/015pvh /people/person/profession /m/02hrh1q +/m/02sgy /music/instrument/instrumentalists /m/02rn_bj +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0473q /people/person/gender /m/05zppz +/m/08gsvw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0g3bw /location/location/contains /m/01f1ps +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01d_4t +/m/0fb0v /music/record_label/artist /m/04qzm +/m/02rq8k8 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01l1sq +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/09blyk /media_common/netflix_genre/titles /m/01fwzk +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01ts_3 /film/director/film /m/0pv54 +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pjc1h +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/024mxd /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01_mdl +/m/0c3ybss /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/081pw /time/event/locations /m/02qkt +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0dc95 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/04_by /people/person/nationality /m/07ssc +/m/01k1k4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r4hry +/m/081jbk /people/person/nationality /m/09c7w0 +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/06mvyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bh8z /music/record_label/artist /m/06k02 +/m/012f86 /people/ethnicity/geographic_distribution /m/07t21 +/m/03_gz8 /film/film/genre /m/07s9rl0 +/m/06j6l /music/genre/artists /m/01vrx3g +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/02__x +/m/045qmr /tv/tv_program/genre /m/0jxy +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0gcdzz /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/022jr5 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0155w /music/genre/artists /m/0b_j2 +/m/03772 /people/person/profession /m/0dxtg +/m/03v1s /location/location/contains /m/0ntpv +/m/02zs4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02qkt /location/location/contains /m/0163v +/m/01x0sy /film/actor/film./film/performance/film /m/0gfzfj +/m/06qw_ /tv/tv_program/genre /m/07s9rl0 +/m/02dbn2 /film/actor/film./film/performance/film /m/0bs5k8r +/m/0h5qxv /location/administrative_division/country /m/0d060g +/m/0484q /people/person/profession /m/039v1 +/m/03rjj /location/location/contains /m/098phg +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01nwwl +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/01963w +/m/02b0zd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06w38l /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mghh +/m/02mmwk /film/film/genre /m/07s9rl0 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/01jnc_ /film/film/written_by /m/0d608 +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/057wlm /education/educational_institution/colors /m/01g5v +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0725ny /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0n5j7 /location/location/contains /m/0pzmf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/01fxg8 /education/educational_institution/school_type /m/01rs41 +/m/0cq7tx /film/film/film_festivals /m/059_y8d +/m/05nzw6 /film/actor/film./film/performance/film /m/038bh3 +/m/0pm85 /music/genre/parent_genre /m/06by7 +/m/03td5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0309jm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h03fhx /film/film/country /m/07ww5 +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01f1q8 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/02vkvcz /people/person/gender /m/02zsn +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/018vs /music/instrument/instrumentalists /m/09mq4m +/m/04hzj /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02hnl /music/instrument/instrumentalists /m/09g0h +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05tgks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hskw +/m/0bvzp /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02whj /people/person/nationality /m/09c7w0 +/m/07_k0c0 /film/film/produced_by /m/02tn0_ +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027y151 +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/09hy79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d0vqn /location/location/contains /m/07tcs +/m/09vc4s /people/ethnicity/people /m/01cv3n +/m/05c74 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/025twgf /film/film/genre /m/03k9fj +/m/0275_pj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0358x_ +/m/0j2pg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/015fsv /education/university/fraternities_and_sororities /m/035tlh +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/03ys48 /sports/sports_team/sport /m/02vx4 +/m/01f3p_ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/06y_n /tv/tv_program/genre /m/05p553 +/m/07nf_4 /music/genre/artists /m/01w20rx +/m/0235l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z88t /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02t_8z /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01h72l +/m/04xg2f /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02lv2v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08g_jw +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/06b_0 /film/director/film /m/064lsn +/m/07xr3w /people/person/nationality /m/06bnz +/m/0h0wc /film/actor/film./film/performance/film /m/02tqm5 +/m/03j755 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01pfr3 /music/artist/origin /m/0fw2y +/m/06thjt /education/educational_institution/school_type /m/05pcjw +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/02qkt /location/location/contains /m/01crd5 +/m/01zh29 /film/actor/dubbing_performances./film/dubbing_performance/language /m/03k50 +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/07c5l /location/location/contains /m/035yg +/m/0czyxs /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0488g /location/administrative_division/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0199gx +/m/0d7wh /people/ethnicity/people /m/04pf4r +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0xsk8 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02r4qs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02wrhj /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/067x44 /people/person/nationality /m/09c7w0 +/m/07f8wg /people/person/profession /m/01d_h8 +/m/06mkj /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03nk3t /film/director/film /m/089j8p +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/014zcr +/m/0lmgy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015rhv /people/deceased_person/place_of_death /m/0281rp +/m/0tzls /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05p3738 /film/film/country /m/07ssc +/m/07c5l /location/location/contains /m/035v3 +/m/0gvs1kt /film/film/music /m/0csdzz +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/03x762 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0cw3yd /film/film/film_festivals /m/09rwjly +/m/032xhg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06w87 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gghm +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/07g2v /people/person/languages /m/02h40lc +/m/0bcndz /film/film/written_by /m/03thw4 +/m/02nfhx /people/person/gender /m/05zppz +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0gkg6 /music/group_member/membership./music/group_membership/group /m/0560w +/m/01f1kd /olympics/olympic_games/sports /m/09_9n +/m/0bc71w /award/award_winner/awards_won./award/award_honor/award_winner /m/07d370 +/m/05fhy /base/aareas/schema/administrative_area/capital /m/04gxf +/m/01ft14 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q9zc +/m/0fm3h2 /award/award_category/disciplines_or_subjects /m/02vxn +/m/01kb2j /film/actor/film./film/performance/film /m/05dptj +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/01btyw /location/location/contains /m/0jp26 +/m/02vmzp /people/person/profession /m/02hrh1q +/m/064t9 /music/genre/artists /m/06rgq +/m/01pv91 /film/film/genre /m/06qln +/m/04bgy /people/person/profession /m/01c72t +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/035tjy +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/030s5g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/021j72 +/m/049t4g /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/062ftr /film/actor/film./film/performance/film /m/02825cv +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/01x2tm8 /people/person/languages /m/07c9s +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/03cdg /people/person/place_of_birth /m/02cft +/m/035dk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01d1st /people/person/gender /m/05zppz +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/021j72 +/m/04m2zj /people/person/gender /m/05zppz +/m/0h5g_ /film/actor/film./film/performance/film /m/0bmch_x +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/0c31_ +/m/064t9 /music/genre/artists /m/046p9 +/m/05b7q /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/033hn8 /music/record_label/artist /m/033s6 +/m/09c7w0 /location/country/second_level_divisions /m/0mymy +/m/09v8clw /film/film/genre /m/02kdv5l +/m/018417 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj8x +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01vq3 /film/film_subject/films /m/01fmys +/m/0g7pm1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0n2q0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1xp +/m/06by7 /music/genre/artists /m/01wsl7c +/m/02w7gg /people/ethnicity/people /m/02yxwd +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/047t_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03l6q0 /film/film/genre /m/09q17 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/04z0g +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/01d0b1 /people/deceased_person/place_of_death /m/030qb3t +/m/01fh9 /people/person/spouse_s./people/marriage/spouse /m/0f4vbz +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02jsgf /film/actor/film./film/performance/film /m/047tsx3 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03kpvp /film/actor/film./film/performance/film /m/01kf5lf +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/0dr3sl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026v1z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/03cz4j /film/actor/film./film/performance/film /m/0dd6bf +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0cbgl /people/person/nationality /m/09c7w0 +/m/01xqw /music/instrument/instrumentalists /m/02ck1 +/m/0gbwp /people/person/profession /m/0d1pc +/m/0bmssv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m313 +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/07sbbz2 /music/genre/artists /m/01tw31 +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02klny +/m/01wd3l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02l424 /education/educational_institution/colors /m/02rnmb +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/05jjl +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0jyb4 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/0dqcm +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/01vtmw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0mfj2 /people/person/nationality /m/0d060g +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0h3c3g +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05qd_ +/m/0135nb /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0196bp +/m/0d90m /film/film/executive_produced_by /m/02xnjd +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/037gjc +/m/05f67hw /film/film/produced_by /m/0bgrsl +/m/02l7c8 /media_common/netflix_genre/titles /m/06t2t2 +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/046qq +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0jgd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/0157m /people/person/religion /m/019cr +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/02z0f6l /film/film/genre /m/017fp +/m/0894_x /people/person/profession /m/018gz8 +/m/01xwv7 /influence/influence_node/influenced_by /m/0f7hc +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/01g1lp +/m/03f7m4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pt5w /location/administrative_division/country /m/05v8c +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/09rfpk /tv/tv_program/genre /m/07s9rl0 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0ghtf /location/location/time_zones /m/02fqwt +/m/013_vh /award/award_winner/awards_won./award/award_honor/award_winner /m/0134w7 +/m/02dpl9 /film/film/language /m/012w70 +/m/026dx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0bh8x1y /film/film/country /m/07ssc +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wv9p +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/016khd /people/person/nationality /m/09c7w0 +/m/06jd89 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/0885n /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/02cpb7 /people/person/profession /m/02hrh1q +/m/01wqflx /film/actor/film./film/performance/film /m/02825cv +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/05fnl9 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04fgzb0 /award/award_category/winners./award/award_honor/award_winner /m/03f1r6t +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/013cr +/m/0g8fs /education/educational_institution/colors /m/02rnmb +/m/02cbs0 /film/actor/film./film/performance/film /m/0415ggl +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/03gyvwg +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cgzj +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y9pk +/m/018ctl /olympics/olympic_games/participating_countries /m/01pj7 +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/03_1pg /film/actor/film./film/performance/film /m/02ylg6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/01vs_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05vzw3 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0q9zc +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/04sylm /education/educational_institution/school_type /m/01rs41 +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/026gb3v +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01p4wv /tv/tv_program/genre /m/04xvlr +/m/0b6l1st /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02d6ph /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_k0d /influence/influence_node/influenced_by /m/040db +/m/0bxqq /location/location/time_zones /m/02lcqs +/m/028qdb /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/04bd8y +/m/0f102 /education/educational_institution/school_type /m/07tf8 +/m/0c3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/06j8q_ /people/person/places_lived./people/place_lived/location /m/07bcn +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02py8_w +/m/0fp_v1x /music/group_member/membership./music/group_membership/role /m/026t6 +/m/033g4d /film/film/genre /m/02kdv5l +/m/013ybx /people/person/spouse_s./people/marriage/spouse /m/02cj_f +/m/019389 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05cwnc +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/0knjh /people/person/religion /m/0kq2 +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0266r6h /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/05kkh /location/location/contains /m/02l424 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/04sry /film/director/film /m/019vhk +/m/02mt51 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_47 +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/05pzdk +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfz +/m/0gy0l_ /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03q_w5 /music/artist/origin /m/01n7q +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0mmp3 /music/genre/artists /m/0jg77 +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/05txrz /film/actor/film./film/performance/film /m/0fvr1 +/m/01vg0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012jfb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jw67 +/m/0dq16 /location/location/time_zones /m/02hcv8 +/m/0627zr /people/person/places_lived./people/place_lived/location /m/07c98 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/03cfkrw /film/film/story_by /m/0hcvy +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01_x6d +/m/07tp2 /location/country/official_language /m/02h40lc +/m/03_3d /location/location/contains /m/018jk2 +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0q5hw /people/person/profession /m/0dxtg +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/0hgnl3t /film/film/production_companies /m/05qd_ +/m/025xt8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0gxkm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/074qgb /people/person/nationality /m/09c7w0 +/m/02mc5v /film/film/executive_produced_by /m/06q8hf +/m/03ywyk /people/person/nationality /m/09c7w0 +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd16 +/m/04wlz2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/07cjqy /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/01tz_d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmcb +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/095nx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03yvf2 /film/film/language /m/02h40lc +/m/049gc /people/person/profession /m/0kyk +/m/08hsww /people/person/profession /m/03gjzk +/m/027cxsm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/027tbrc +/m/0ds11z /film/film/country /m/07ssc +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/02hnl /music/instrument/instrumentalists /m/020hh3 +/m/026v437 /people/person/nationality /m/09c7w0 +/m/04gxp2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/015d3h +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd4f +/m/02zk08 /film/film/genre /m/07s9rl0 +/m/019vv1 /education/educational_institution/colors /m/01g5v +/m/04pmnt /film/film/country /m/07ssc +/m/0c58k /people/cause_of_death/people /m/09r8l +/m/075mb /base/aareas/schema/administrative_area/administrative_parent /m/05sb1 +/m/05p606 /film/actor/film./film/performance/film /m/09lcsj +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rtqvb +/m/0ly5n /people/deceased_person/place_of_burial /m/018mlg +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05m883 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/08p1gp +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2pg +/m/016ckq /music/record_label/artist /m/012x03 +/m/0fx2s /film/film_subject/films /m/0fdv3 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/026n13j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0b_6mr /time/event/locations /m/013yq +/m/0383f /people/person/nationality /m/03rjj +/m/09c7w0 /location/country/second_level_divisions /m/0mw93 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03xzxb +/m/07mkj0 /people/person/nationality /m/09c7w0 +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0d61px /film/film/country /m/09c7w0 +/m/01w60_p /people/person/profession /m/0dz3r +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/0cbkc +/m/09v8clw /film/film/produced_by /m/01t6b4 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/034xyf /film/film/genre /m/05p553 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/01f7jt /film/film/story_by /m/01f7j9 +/m/0dl9_4 /film/film/produced_by /m/0fqyzz +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/050fh +/m/0dl5d /music/genre/parent_genre /m/06by7 +/m/0jdk_ /olympics/olympic_games/participating_countries /m/035qy +/m/0gwlfnb /film/film/production_companies /m/05qd_ +/m/01_qc_ /people/cause_of_death/people /m/01k47c +/m/01qkqwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/01rxw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059g4 +/m/01wj5hp /base/eating/practicer_of_diet/diet /m/07_jd +/m/0h6dy /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/028_yv /film/film/film_format /m/0cj16 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/0yyg4 /film/film/genre /m/02n4kr +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm9w +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/037d35 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/06cv1 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vr7 +/m/0498y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/06mkj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0ch3qr1 /film/film/personal_appearances./film/personal_film_appearance/person /m/0bj9k +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0432_5 +/m/04mjl /sports/sports_team/colors /m/083jv +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c1ps1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04h5_c +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbl_r +/m/0gmd3k7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/02pp_q_ /people/person/gender /m/05zppz +/m/0btpm6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/081lh /people/person/gender /m/05zppz +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01fpvz +/m/016r9z /olympics/olympic_games/participating_countries /m/0cdbq +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/022xml /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0fb1q +/m/01p79b /education/educational_institution/students_graduates./education/education/student /m/01nrgq +/m/011yn5 /film/film/genre /m/06cvj +/m/01r9fv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03n69x /people/person/gender /m/05zppz +/m/04rjg /education/field_of_study/students_majoring./education/education/student /m/0kn4c +/m/0z1vw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/021w0_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/01qrb2 /education/educational_institution_campus/educational_institution /m/01qrb2 +/m/07_m2 /people/person/places_lived./people/place_lived/location /m/0fcrg +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c8qq +/m/0njvn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01b39j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/01k6nm +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8x1y +/m/012v1t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4w /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/015wd7 /music/genre/artists /m/01qmy04 +/m/0h7dd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q4j +/m/0jq2r /tv/tv_program/genre /m/06q7n +/m/04g61 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/063k3h /people/ethnicity/people /m/06c97 +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6v +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0ptdz /film/film/country /m/09c7w0 +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01skxk /music/genre/artists /m/037hgm +/m/03cxsvl /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/02681xs /award/award_category/winners./award/award_honor/ceremony /m/08pc1x +/m/04tqtl /film/film/genre /m/026ny +/m/01q9b9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pqgt8 +/m/0kv2hv /film/film/genre /m/06cvj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02dgq2 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/01fc7p /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/0fx80y /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03v_5 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02z2xdf +/m/0g5qs2k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07swvb +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwgn1k +/m/0bk1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/02482c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wkw +/m/03y0pn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/04_1l0v /location/location/contains /m/04rrx +/m/01_rh4 /people/person/gender /m/05zppz +/m/0184dt /people/person/profession /m/0dxtg +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/01x1fq /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05nmg_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01w1kyf +/m/018d5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/02lnbg /music/genre/artists /m/01dwrc +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb30 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/0kv2hv /film/film/production_companies /m/05nn2c +/m/031296 /people/person/languages /m/02h40lc +/m/01n7q /location/location/contains /m/0r5wt +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/04_by /people/deceased_person/place_of_death /m/0161jj +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vvydl +/m/04jpg2p /film/film/genre /m/01hmnh +/m/05f0r8 /people/person/profession /m/0dxtg +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/0fq9zdn /award/award_category/disciplines_or_subjects /m/0w7c +/m/0153nq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085h1 /organization/organization/headquarters./location/mailing_address/citytown /m/03902 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0g1rw +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0153nq +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04ynx7 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/01vsxdm /dataworld/gardening_hint/split_to /m/03h502k +/m/064p92m /people/person/profession /m/0dxtg +/m/0ggx5q /music/genre/artists /m/043zg +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01s7w3 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/080z7 +/m/07fvf1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hv4t /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015882 +/m/01xwv7 /influence/influence_node/influenced_by /m/01hmk9 +/m/0fphf3v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/028d4v /film/actor/film./film/performance/film /m/08mg_b +/m/0glbqt /film/film/genre /m/06l3bl +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/01ww_vs /people/person/profession /m/0fnpj +/m/02_t2t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03lq43 /film/actor/film./film/performance/film /m/05sy_5 +/m/0x2fg /people/cause_of_death/people /m/03d_zl4 +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/02vrr /medicine/disease/notable_people_with_this_condition /m/0m2l9 +/m/03v40v /people/person/profession /m/03gjzk +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0680x0 +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0jt90f5 /influence/influence_node/influenced_by /m/014nvr +/m/01m9f1 /base/biblioness/bibs_location/state /m/059f4 +/m/08k40m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hgxh /medicine/symptom/symptom_of /m/097ns +/m/0btxr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gnf9 +/m/016vj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/06pyc2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ml25 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01tp5bj /people/person/place_of_birth /m/01hvzr +/m/0cp0ph6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01h1b /people/person/profession /m/02krf9 +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01f8hf +/m/01r7t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/03cwwl /film/film/language /m/02h40lc +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f6_dy +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5h +/m/03gvm3t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pfkw +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/0372j5 /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/08cg36 /music/genre/parent_genre /m/05r6t +/m/06kx2 /location/hud_county_place/place /m/06kx2 +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fpjd_g +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lfgr +/m/04p0c /location/administrative_division/first_level_division_of /m/0345h +/m/0sw6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/016yzz /people/person/spouse_s./people/marriage/spouse /m/0hsn_ +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/01515w /people/person/profession /m/02jknp +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/048lv +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015dcj +/m/01s7w3 /film/film/genre /m/01drsx +/m/049bmk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mvd62 +/m/0d05w3 /media_common/netflix_genre/titles /m/01f8f7 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/07f_t4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/038rzr +/m/05sb1 /location/location/contains /m/075mb +/m/0l2rj /location/location/contains /m/0r4wn +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0347xl /people/person/place_of_birth /m/0mb2b +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02tr7d +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/01xg_w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l1b90 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06srk +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0blg2 /olympics/olympic_games/sports /m/06z6r +/m/013n0n /location/hud_county_place/place /m/013n0n +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fm6m +/m/02q_cc /organization/organization_founder/organizations_founded /m/030_1_ +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/02jg92 /people/person/profession /m/02hrh1q +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fz27v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n4f8 +/m/06_bq1 /people/person/gender /m/02zsn +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/017rbx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/04rrd /location/location/contains /m/0fvwg +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/03h_fk5 /music/group_member/membership./music/group_membership/role /m/0342h +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycfv +/m/0155w /music/genre/artists /m/023p29 +/m/03rqww /people/person/profession /m/02jknp +/m/031vy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/014kq6 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/048yqf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/032c7m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03lty /music/genre/artists /m/016m5c +/m/02dbp7 /people/person/profession /m/0nbcg +/m/0gd9k /people/person/gender /m/05zppz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/031v3p +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/04v68c +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/01w1ywm /people/person/places_lived./people/place_lived/location /m/01531 +/m/016t00 /people/person/profession /m/02hrh1q +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/09c7w0 /location/country/second_level_divisions /m/0l2p7 +/m/03swmf /people/person/place_of_birth /m/02_286 +/m/03xkps /people/person/religion /m/04pk9 +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/036hv /education/field_of_study/students_majoring./education/education/student /m/0203v +/m/01q940 /music/record_label/artist /m/0flpy +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05z43v +/m/01vksx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09wj5 +/m/0dq9p /people/cause_of_death/people /m/0f3nn +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0grwj +/m/01mxqyk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/034m8 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01309x /people/person/profession /m/09jwl +/m/05w3f /music/genre/artists /m/018d6l +/m/07nt8p /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/02p86pb /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/032nwy /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/059rby /location/location/contains /m/0ybkj +/m/03cfjg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/0g0x9c /film/film/genre /m/017fp +/m/0b7l4x /film/film/genre /m/0vgkd +/m/041rx /people/ethnicity/people /m/03ftmg +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/01b_lz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/072192 +/m/09rvcvl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/0d1qmz /film/film/genre /m/02kdv5l +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/0ccqd7 /people/person/place_of_birth /m/02_286 +/m/0czkbt /people/person/profession /m/09jwl +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/059g4 /location/location/contains /m/01y9st +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/03rk0 /location/location/contains /m/03p85 +/m/02s5v5 /film/actor/film./film/performance/film /m/02r858_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01z3bz +/m/03m6pk /people/person/nationality /m/0j5g9 +/m/0299ct /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04g51 +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hzj +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/06w38l +/m/09v3jyg /film/film/language /m/02h40lc +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02b0xq +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/017l4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rf57 +/m/02p3cr5 /music/record_label/artist /m/01wbz9 +/m/0vm39 /location/hud_county_place/county /m/0nj7b +/m/051ys82 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/03wf1p2 +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d1qmz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/013hxv +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/02md2d /tv/tv_program/genre /m/04gm78f +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/02pvqmz /tv/tv_program/genre /m/09lmb +/m/0d23k /base/biblioness/bibs_location/country /m/09c7w0 +/m/062ftr /people/person/profession /m/02jknp +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/018j2 /music/instrument/instrumentalists /m/0zjpz +/m/01gw8b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bj9k +/m/0d1mp3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/0170qf /people/person/religion /m/0c8wxp +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01c3q +/m/0d_rw /tv/tv_program/genre /m/07s9rl0 +/m/0p_pd /film/actor/film./film/performance/film /m/043t8t +/m/02w4v /music/genre/artists /m/025l5 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07s5fz +/m/0b_6lb /time/event/locations /m/0d9y6 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08phg9 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crd8q6 +/m/04htfd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0h3k3f /film/film/produced_by /m/0171lb +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/026n6cs /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/04ghz4m /film/film/film_format /m/0cj16 +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/016yr0 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0bl06 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/03f0fnk +/m/0bl2g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015c4g +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/05r6t /music/genre/artists /m/012zng +/m/02r_pp /film/film/production_companies /m/05qd_ +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03x33n /education/educational_institution/school_type /m/05jxkf +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/02z13jg /film/film/film_festivals /m/03wf1p2 +/m/0399p /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/02b0zd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02662b /award/award_category/disciplines_or_subjects /m/02xlf +/m/01c333 /education/educational_institution/students_graduates./education/education/student /m/05gpy +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0137hn /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02wvf2s +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/0h5g_ /film/actor/film./film/performance/film /m/019vhk +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0f6_x /award/award_winner/awards_won./award/award_honor/award_winner /m/018417 +/m/013v5j /people/person/gender /m/02zsn +/m/010hn /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/07ghq /film/film/written_by /m/09zw90 +/m/088q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03r8gp +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/0nqph /location/hud_county_place/county /m/0mq17 +/m/058s44 /film/actor/film./film/performance/film /m/09sh8k +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/03qncl3 /people/person/employment_history./business/employment_tenure/company /m/031rp3 +/m/03qhnx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02__94 /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02237m /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/03hxsv /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0jmfb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0c1pj /film/director/film /m/01gc7 +/m/0m27n /location/location/contains /m/0qpqn +/m/011ywj /film/film/written_by /m/05mcjs +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpyd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bpm4yw /film/film/music /m/0150t6 +/m/06nm1 /language/human_language/countries_spoken_in /m/01ls2 +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/057dxsg /people/person/gender /m/05zppz +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/0gy6z9 /people/person/religion /m/0c8wxp +/m/0bytkq /people/person/nationality /m/03rjj +/m/03ym1 /film/actor/film./film/performance/film /m/06gb1w +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/023sng /people/person/nationality /m/03rk0 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/022411 +/m/030xr_ /film/actor/film./film/performance/film /m/02_fz3 +/m/09ps01 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/08n__5 +/m/01tffp /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06vbd +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/03ldxq /people/person/places_lived./people/place_lived/location /m/034tl +/m/01clyr /music/record_label/artist /m/04dqdk +/m/02py9yf /tv/tv_program/genre /m/07s9rl0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02nvg1 +/m/0f4yh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01kph_c /people/person/place_of_birth /m/01_d4 +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wk7b7 +/m/0d_wms /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042g97 +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039g82 +/m/09c7w0 /location/country/second_level_divisions /m/0mwkp +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020fcn +/m/014zcr /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02dlfh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01k8rb +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/049mql /film/film/written_by /m/05kfs +/m/02h761 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_80b +/m/02hp6p /education/educational_institution/school_type /m/01rs41 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0h7t36 /film/film/music /m/04bpm6 +/m/03bx_5q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c408_ +/m/03_b1g /tv/tv_program/languages /m/02h40lc +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03y0pn +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p76f9 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0345_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/016zp5 /film/actor/film./film/performance/film /m/0125xq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01wp8w7 /music/artist/origin /m/01l63 +/m/0bt23 /influence/influence_node/influenced_by /m/02wh0 +/m/04v09 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cc1 +/m/029m83 /people/person/profession /m/02jknp +/m/05kr_ /location/location/contains /m/018djs +/m/03mqtr /media_common/netflix_genre/titles /m/09p0ct +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072twv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/02465 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031hcx +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/066d03 /music/genre/parent_genre /m/02z7f3 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0pz7h /influence/influence_node/influenced_by /m/01svq8 +/m/050023 /people/person/gender /m/05zppz +/m/01sqd7 /music/record_label/artist /m/0277c3 +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/04xfb /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0284b56 /film/film/music /m/03h610 +/m/08zx0s /music/genre/artists /m/02_t2t +/m/03kbb8 /people/person/place_of_birth /m/030qb3t +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02l_7y /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/02vjzr /music/genre/artists /m/0bdxs5 +/m/0d__g /influence/influence_node/peers./influence/peer_relationship/peers /m/02wlk +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01jzyf +/m/047msdk /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/02pxst /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0146pg /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/06mr6 /film/actor/film./film/performance/film /m/01msrb +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042kbj +/m/0h3mh3q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0m31m +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/016clz /music/genre/artists /m/03c3yf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/06rjp +/m/042y1c /film/film/genre /m/04rlf +/m/0cmt6q /people/person/place_of_birth /m/01_d4 +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/0k2mxq +/m/05dtsb /film/actor/film./film/performance/film /m/063y9fp +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/07wlf /education/educational_institution/students_graduates./education/education/student /m/0b82vw +/m/01g7_r /education/educational_institution/school_type /m/01rs41 +/m/048tgl /people/person/profession /m/03lgtv +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0456xp +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/03cyslc /film/film/genre /m/04rlf +/m/01ckhj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tqm5 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0464pz +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/07ssc /location/location/contains /m/02jx1 +/m/016y_f /film/film/genre /m/09blyk +/m/09c7w0 /location/location/contains /m/0sjqm +/m/021r7r /people/person/profession /m/02jknp +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mkz +/m/07f_t4 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/01nqj /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jrqq /film/director/film /m/02pxmgz +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/02s4l6 /film/film/featured_film_locations /m/017j7y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01fsv9 +/m/01lyv /music/genre/artists /m/03yf3z +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fmz6 +/m/03v3xp /film/actor/film./film/performance/film /m/07phbc +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/016ynj /people/person/nationality /m/0chghy +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03ftmg /people/person/profession /m/0cbd2 +/m/04x4s2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c7t58 +/m/03f4n1 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0cn_tpv +/m/05m9f9 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/080dwhx +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01r6jt2 +/m/05rnp1 /people/person/gender /m/05zppz +/m/0419kt /film/film/production_companies /m/016tt2 +/m/02gs6r /film/film/genre /m/03k9fj +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qpt1w +/m/0lgxj /olympics/olympic_games/participating_countries /m/03gj2 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/04vh83 +/m/0lbj1 /people/person/nationality /m/02jx1 +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/09prnq /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bhwhj +/m/02jxmr /people/person/profession /m/0dz3r +/m/01vw37m /music/artist/origin /m/013yq +/m/012vwb /education/educational_institution/campuses /m/012vwb +/m/0bcp9b /film/film/production_companies /m/016tw3 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/0686zv +/m/013mzh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/05_61y /film/film/genre /m/0cshrf +/m/03mh94 /film/film/genre /m/0hcr +/m/05dbf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0161sp +/m/05hyzx /sports/sports_team/sport /m/02vx4 +/m/0d9qmn /sports/sports_team/sport /m/02vx4 +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/02lhm2 /film/actor/film./film/performance/film /m/05c26ss +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01541z +/m/0d_84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xv77 +/m/012xdf /people/person/nationality /m/09c7w0 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/047d21r /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/0glt670 /music/genre/artists /m/013w7j +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/0170qf /film/actor/film./film/performance/film /m/0bh8x1y +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/02j9z /location/location/contains /m/07t21 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/09p06 /people/person/profession /m/01d_h8 +/m/06ls0l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/06n9lt /people/person/gender /m/05zppz +/m/02h48 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05m_jsg +/m/0l99s /people/deceased_person/place_of_death /m/04jpl +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/02lf1j /film/actor/film./film/performance/film /m/051zy_b +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/06f32 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/04fcjt /music/record_label/artist /m/01w7nww +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/05kr_ +/m/04gzd /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/089tm +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/043gj +/m/0p7tb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/04cl1 /people/person/profession /m/02krf9 +/m/09rvcvl /film/film/film_festivals /m/0bmj62v +/m/02465 /people/person/profession /m/020xn5 +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/01f6ss /education/educational_institution/campuses /m/01f6ss +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/026sdt1 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/01z9z1 /base/biblioness/bibs_location/country /m/0ctw_b +/m/01htxr /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01x4wq +/m/04xvlr /media_common/netflix_genre/titles /m/020fcn +/m/07qg8v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0f8l9c /location/location/contains /m/02cw8s +/m/05cwl_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01n4w_ +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/03pn9 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0j6b5 /film/film/genre /m/01hmnh +/m/01c22t /film/film/language /m/02h40lc +/m/02d9k /people/person/nationality /m/02jx1 +/m/01pg1d /people/person/place_of_birth /m/0t_gg +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dv3 +/m/0196pc /people/profession/specialization_of /m/0n1h +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/04p_hy +/m/035qgm /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/025rpyx +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/012t1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvsn +/m/04gr35 /influence/influence_node/influenced_by /m/01wp_jm +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03x6m +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01l8t8 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/02rchht +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0456xp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zcx +/m/057dxsg /people/person/nationality /m/077qn +/m/06j8wx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0227vl +/m/03wbqc4 /film/film/music /m/04pf4r +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/063yv /medicine/disease/risk_factors /m/0ldpy +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chgr2 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgr5xp +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_k71 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016vqk +/m/03nymk /tv/tv_program/genre /m/0c4xc +/m/0gxr1c /tv/tv_program/genre /m/02kdv5l +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01dpsv +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/06m61 +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02t_99 /film/actor/film./film/performance/film /m/02v63m +/m/021yw7 /people/person/profession /m/0dxtg +/m/05szq8z /film/film/country /m/09c7w0 +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02kxbwx /people/person/sibling_s./people/sibling_relationship/sibling /m/02kxbx3 +/m/05148p4 /music/instrument/instrumentalists /m/016s0m +/m/016z9n /film/film/genre /m/07s9rl0 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/025s1wg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/022xml /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027j9wd /film/film/genre /m/03k9fj +/m/020trj /people/person/places_lived./people/place_lived/location /m/02xry +/m/02rf1y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0b2lw +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/06sn8m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0329nn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0l14qv /music/instrument/instrumentalists /m/04mx7s +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/029g_vk +/m/09lcsj /film/film/genre /m/04xvlr +/m/02kxx1 /education/educational_institution/students_graduates./education/education/student /m/0674cw +/m/067pl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062cg6 +/m/041rx /people/ethnicity/people /m/01k9lpl +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02qwgk +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/01d2v1 /film/film/genre /m/0fdjb +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01bk1y +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03shp +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgxk +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/01w40h /music/record_label/artist /m/01w02sy +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/01jmyj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04qz6n /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/02vqpx8 /people/person/profession /m/0d8qb +/m/0k4f3 /film/film/film_art_direction_by /m/05728w1 +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0169dl +/m/0mjn2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07szy /organization/organization_founder/organizations_founded /m/034h1h +/m/059m45 /film/actor/film./film/performance/film /m/078sj4 +/m/0gnbw /film/actor/film./film/performance/film /m/0btpm6 +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/01stzp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/instrument/instrumentalists /m/05cljf +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/04g61 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p1tzf +/m/02bwjv /people/person/places_lived./people/place_lived/location /m/07l5z +/m/01hmnh /media_common/netflix_genre/titles /m/01ry_x +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/08qxx9 /award/award_winner/awards_won./award/award_honor/award_winner /m/026rm_y +/m/0n5fz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/0jwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0xhtw /music/genre/artists /m/05vzw3 +/m/039crh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0126t5 /music/genre/artists /m/0j6cj +/m/02hy9p /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/018fmr +/m/03x762 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bvg70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02f75t /award/award_category/winners./award/award_honor/award_winner /m/01vvyd8 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/02825nf /film/film/genre /m/02kdv5l +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/0gtvpkw /film/film/country /m/09c7w0 +/m/071_8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02rrsz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0mhfr /music/genre/artists /m/01jfnvd +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/03_wpf /film/actor/film./film/performance/film /m/08052t3 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd6l +/m/01hq1 /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/01gct2 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/01svq8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j7rd +/m/03h3x5 /film/film/cinematography /m/0f3zf_ +/m/0cwrr /tv/tv_program/genre /m/0fmtd +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02k_kn /music/genre/artists /m/06cc_1 +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0dqcs3 /film/film/film_format /m/07fb8_ +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmf0m0 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/021q2j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/041rx /people/ethnicity/people /m/057176 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01tqfs +/m/03v_5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0558_1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/02wvfxl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02cff1 /people/person/nationality /m/07ssc +/m/0dkv90 /film/film/film_format /m/0cj16 +/m/04gcyg /film/film/music /m/07hgkd +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l1589 +/m/0cwtm /people/person/profession /m/02hrh1q +/m/08cfr1 /film/film/film_production_design_by /m/0dh73w +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/01_f90 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01nr36 /film/director/film /m/0gjk1d +/m/0x2sv /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04fhps +/m/0g824 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmk7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0cnztc4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/07zft /people/person/profession /m/01c72t +/m/079vf /film/actor/film./film/performance/film /m/062zm5h +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01vz80y /people/person/profession /m/02krf9 +/m/027hnjh /award/award_winner/awards_won./award/award_honor/award_winner /m/01gp_x +/m/01vcnl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03rlps /music/genre/artists /m/01w5n51 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/0ph24 /tv/tv_program/genre /m/0m1xv +/m/04sry /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0btpm6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vttb9 +/m/0jcx /people/person/employment_history./business/employment_tenure/company /m/01tpvt +/m/0cw3yd /film/film/featured_film_locations /m/03pzf +/m/0c_tl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/0b_j2 +/m/01vn0t_ /music/group_member/membership./music/group_membership/role /m/05r5c +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03b1sb /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01f1jf /olympics/olympic_games/sports /m/03tmr +/m/038g2x /people/person/place_of_birth /m/0r00l +/m/0kvbl6 /film/film/country /m/09c7w0 +/m/05sns6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/09c7w0 /location/location/contains /m/0n1rj +/m/0l3h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06t2t +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/039d4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0230rx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f63n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02xs6_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04tnqn /people/person/profession /m/03gjzk +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0164y7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06z4wj +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/039v1 /people/profession/specialization_of /m/09jwl +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0m68w /people/person/places_lived./people/place_lived/location /m/0qpqn +/m/03rt9 /location/country/second_level_divisions /m/0p54z +/m/07r1h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bx_q +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0147dk /award/award_winner/awards_won./award/award_honor/award_winner /m/01gbn6 +/m/06rv5t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03f4w4 /people/person/spouse_s./people/marriage/spouse /m/0b13g7 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/01svry /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/04kwbt /people/person/place_of_birth /m/02_286 +/m/09743 /people/ethnicity/languages_spoken /m/032f6 +/m/015pvh /film/actor/film./film/performance/film /m/011ykb +/m/039c26 /tv/tv_program/genre /m/07s9rl0 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0djd3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07nx9j /film/actor/film./film/performance/film /m/02wgk1 +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/012j8z +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01wwvc5 +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/0gywn /music/genre/artists /m/01rm8b +/m/0ckcvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031x_3 +/m/016mhd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/05znbh7 +/m/0dznvw /time/event/instance_of_recurring_event /m/0g_w +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02648p /tv/tv_program/languages /m/02h40lc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03z8bw +/m/0dg3n1 /base/locations/continents/countries_within /m/019pcs +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0gqkd +/m/05g8ky /people/person/gender /m/05zppz +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/03772 /people/person/profession /m/03gjzk +/m/0jm4v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/03y5ky /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/0168cl /people/person/languages /m/02h40lc +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01j6t0 /medicine/symptom/symptom_of /m/09d11 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/018m5q +/m/080h2 /sports/sports_team_location/teams /m/01jv_6 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/03bkbh /people/ethnicity/people /m/01ts_3 +/m/01xr66 /people/profession/specialization_of /m/015cjr +/m/09r8l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/03fn5s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0bymv +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/0ql36 /music/group_member/membership./music/group_membership/group /m/0qmny +/m/097kp /language/human_language/countries_spoken_in /m/02lx0 +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/09yg6l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07s9rl0 /media_common/netflix_genre/titles /m/03h0byn +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/047n8xt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/0690dn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0d05fv /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/013y1f /music/instrument/instrumentalists /m/021r7r +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/09blyk /media_common/netflix_genre/titles /m/0jymd +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/06pjs +/m/07bxhl /location/country/form_of_government /m/018wl5 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059t6d +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/022411 +/m/0k0q8q /people/person/profession /m/02hrh1q +/m/018phr /people/person/profession /m/0nbcg +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vrncs /influence/influence_node/influenced_by /m/01wg25j +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/016z2j +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/01dhpj /people/person/gender /m/05zppz +/m/02stbw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/017lvd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03hvk2 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qgqt /film/actor/film./film/performance/film /m/092vkg +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/015gy7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/0cn_b8 /film/film/production_companies /m/04rtpt +/m/02vjzr /music/genre/artists /m/049qx +/m/049g_xj /people/person/profession /m/02hrh1q +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/0cq8nx /film/film/cinematography /m/07xr3w +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/015grj /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02qmsr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/02h40lc /language/human_language/countries_spoken_in /m/05bmq +/m/01m_zd /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/02l6h +/m/0kq0q /location/location/time_zones /m/02lcqs +/m/0168dy /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/0252fh /film/actor/film./film/performance/film /m/02qmsr +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/015j7 /film/film_subject/films /m/02ctc6 +/m/0gx9rvq /film/film/genre /m/0lsxr +/m/01vhrz /people/person/profession /m/047rgpy +/m/016017 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/045c66 /film/actor/film./film/performance/film /m/0pv54 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgx +/m/01p87y /people/person/profession /m/0dxtg +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02xs5v /film/actor/film./film/performance/film /m/03k8th +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/07y_7 /music/instrument/instrumentalists /m/0kn3g +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049dzz +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03n6r +/m/0cbv4g /film/film/genre /m/05p553 +/m/04t9c0 /film/film/written_by /m/081lh +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/04vrxh /music/group_member/membership./music/group_membership/role /m/018vs +/m/0r172 /location/hud_county_place/county /m/0kpys +/m/06jz0 /people/person/nationality /m/09c7w0 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/081nh /people/person/spouse_s./people/marriage/location_of_ceremony /m/03s5t +/m/01x_d8 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03ys48 +/m/04r7p /people/person/places_lived./people/place_lived/location /m/09btk +/m/016clz /music/genre/artists /m/0gs6vr +/m/012cj0 /people/person/religion /m/0c8wxp +/m/0dfrq /influence/influence_node/influenced_by /m/07g2b +/m/063g7l /people/person/profession /m/0np9r +/m/016szr /people/person/profession /m/0nbcg +/m/07ym0 /influence/influence_node/influenced_by /m/081k8 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jkqfz +/m/01_bp /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lvng /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/015_1q /music/record_label/artist /m/0p8h0 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/03qmj9 /people/person/gender /m/05zppz +/m/09x3r /olympics/olympic_games/participating_countries /m/0h7x +/m/01hpnh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/01yndb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01fb6d /music/record_label/artist /m/01vw_dv +/m/03hhd3 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02b9g4 /people/person/place_of_birth /m/013yq +/m/03qnc6q /film/film/produced_by /m/0c6qh +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/0dg3n1 /base/locations/continents/countries_within /m/06s_2 +/m/018009 /film/actor/film./film/performance/film /m/024mpp +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/08sk8l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07z1_q /people/person/gender /m/02zsn +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0mws3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05q_dw /film/film/language /m/02h40lc +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/045nc5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02h8hr +/m/040z9 /people/person/profession /m/01d_h8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02897w +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/02x0fs9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/03fbb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/01d8yn /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/02yplc +/m/05pzdk /people/person/gender /m/05zppz +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/0c4b8 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03mnk +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/01hb6v /people/person/nationality /m/07ssc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/024mxd /film/film/country /m/07ssc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0415mzy +/m/02661h /people/person/gender /m/05zppz +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/03g9xj /tv/tv_program/program_creator /m/01y8d4 +/m/05kms /music/instrument/instrumentalists /m/0135xb +/m/016sd3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/0ddf2bm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04pbsq +/m/07gkgp /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02mj7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0b6yp2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/04p3w /people/cause_of_death/people /m/03lpd0 +/m/025rpb0 /people/ethnicity/people /m/03f0qd7 +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/02lfp4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pbwwl +/m/0byq0v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02hp6p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0brkwj /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/041xl /people/person/nationality /m/02jx1 +/m/01gpzx /location/administrative_division/first_level_division_of /m/0h7x +/m/0d608 /film/actor/film./film/performance/film /m/01d2v1 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/088q4 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0bs5f0b /film/film/language /m/02h40lc +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01w724 +/m/02l4pj /people/person/nationality /m/07ssc +/m/06x58 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddt_ +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01h910 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01bv8b +/m/01l69g /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0kjrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02p5hf +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/06b19 +/m/018ljb /olympics/olympic_games/sports /m/0dwxr +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/01tj34 +/m/0cwy47 /film/film/genre /m/07s9rl0 +/m/0p_th /film/film/film_festivals /m/0hrcs29 +/m/0m2kd /film/film/genre /m/01j1n2 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0yls9 /education/educational_institution_campus/educational_institution /m/0yls9 +/m/0g0x9c /film/film/production_companies /m/09b3v +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/061zc_ +/m/0bh72t /film/film/genre /m/0hcr +/m/03wjm2 /film/film/genre /m/03k9fj +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/0jmjr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/01l2m3 /people/cause_of_death/people /m/03rx9 +/m/01ypsj /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgshf6 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/03ytj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/050fh +/m/014nq4 /film/film/genre /m/02kdv5l +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01l1rw /people/person/profession /m/0nbcg +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/06msq2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/0304nh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/020ffd +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0k29f /people/person/profession /m/0cbd2 +/m/021996 /education/educational_institution/students_graduates./education/education/student /m/094xh +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/04j13sx /film/film/country /m/09c7w0 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h6r5 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02rvwt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0144wg +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01d6jf /people/person/profession /m/02hrh1q +/m/016tbr /people/person/languages /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/035qgm +/m/02rrh1w /film/film/language /m/02h40lc +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01vcnl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/0kbws /olympics/olympic_games/participating_countries /m/088q4 +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/0420td /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/042xh /people/person/profession /m/0cbd2 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/050llt /people/person/religion /m/03j6c +/m/027dtv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/0h7x /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/012c6x /film/actor/film./film/performance/film /m/0d_wms +/m/01p4vl /film/actor/film./film/performance/film /m/05m_jsg +/m/01chc7 /people/person/religion /m/0c8wxp +/m/031vy_ /education/educational_institution/campuses /m/031vy_ +/m/04wlh /location/country/form_of_government /m/06cx9 +/m/0h6r5 /film/film/film_format /m/07fb8_ +/m/041rx /people/ethnicity/people /m/03f0324 +/m/01smm /location/hud_county_place/place /m/01smm +/m/0lrh /people/person/places_lived./people/place_lived/location /m/0ncj8 +/m/03k8th /film/film/genre /m/02kdv5l +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6j +/m/02g5q1 /film/film/language /m/02h40lc +/m/0ddt_ /film/film/country /m/09c7w0 +/m/02vp1f_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qsfzv +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gkydb +/m/0gz5hs /film/actor/film./film/performance/film /m/032xky +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/02jq1 /people/person/place_of_birth /m/0wqwj +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/013km /people/person/nationality /m/03_3d +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0203v +/m/015fs3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0r2gj /location/hud_county_place/place /m/0r2gj +/m/02vl9ln /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/01vw37m +/m/024dgj /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01jz6d /people/person/profession /m/01445t +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0bs4r /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01wd3l /people/person/place_of_birth /m/0hyxv +/m/01s0_f /organization/organization/headquarters./location/mailing_address/citytown /m/02dtg +/m/0lgxj /olympics/olympic_games/participating_countries /m/0345_ +/m/01tsq8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pj_5 +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/01l50r +/m/02ghq /influence/influence_node/influenced_by /m/06jcc +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/04knvh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01_x6v /people/person/profession /m/02krf9 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pbs9w +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cj36c +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/0bx0l /film/film/music /m/020fgy +/m/02d44q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03hy3g +/m/015p37 /people/person/profession /m/08z956 +/m/01kqq7 /film/film/country /m/09c7w0 +/m/039_ym /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02x_h0 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/015ynm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/01c58j /people/person/profession /m/02krf9 +/m/01h4rj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kz1 +/m/0dnqr /film/film/genre /m/02kdv5l +/m/01grq1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/0bx_hnp /film/film/cinematography /m/06r_by +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7fl9 +/m/03rhqg /music/record_label/artist /m/01wg3q +/m/0946bb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vjp3 +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/07s8r0 +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0drnwh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/016k62 /award/award_nominee/award_nominations./award/award_nomination/award /m/0257w4 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/01xcfy /film/actor/film./film/performance/film /m/04z4j2 +/m/01dtl /sports/sports_team/colors /m/083jv +/m/02x2jl_ /film/film/country /m/09c7w0 +/m/01pvxl /film/film/genre /m/0hcr +/m/02rtqvb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0488g9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/0mkg +/m/064t9 /music/genre/artists /m/018ndc +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01k2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02zfg3 /people/deceased_person/place_of_death /m/0cc56 +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/01l9p /people/person/nationality /m/0hzlz +/m/05jx2d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01c8v0 /people/person/nationality /m/02jx1 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/06czxq /people/person/gender /m/05zppz +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g61 +/m/043g7l /music/record_label/artist /m/0j6cj +/m/012vf6 /people/person/religion /m/051kv +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07245g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016tb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rrd4 +/m/058s44 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fx2g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05f8c2 +/m/04r7p /people/person/profession /m/02hrh1q +/m/01vn0t_ /people/person/profession /m/01b30l +/m/028q6 /people/person/profession /m/09jwl +/m/047csmy /film/film/featured_film_locations /m/02_286 +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/032_jg /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/057xkj_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/03qjg /music/instrument/instrumentalists /m/01n8gr +/m/01mylz /people/person/gender /m/05zppz +/m/05fgt1 /film/film/edited_by /m/02kxbwx +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/08m4c8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/06vr2 /medicine/disease/notable_people_with_this_condition /m/034rd +/m/06_y0kx /award/award_category/winners./award/award_honor/award_winner /m/0jcx +/m/0l2yf /location/location/time_zones /m/02lcqs +/m/02v60l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026c1 +/m/02tn0_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0gk7z /education/educational_institution/students_graduates./education/education/student /m/063t3j +/m/02vjp3 /film/film/genre /m/01jfsb +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/02_sr1 /film/film/country /m/09c7w0 +/m/09n48 /olympics/olympic_games/participating_countries /m/04w8f +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/03djpm /music/genre/parent_genre /m/0m0fw +/m/0dqytn /film/film/genre /m/0vgkd +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0g824 +/m/06x58 /people/person/profession /m/02hrh1q +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/075cph /film/film/music /m/015wc0 +/m/0h3vhfb /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/02y7sr +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/04w1j9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/01364q /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/06by7 /music/genre/artists /m/01l_vgt +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/01xdf5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02lxrv +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/032r4n +/m/04j53 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6g1l +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs_v8 +/m/04xvlr /media_common/netflix_genre/titles /m/02725hs +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04wddl +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/07jrjb +/m/0mm1q /film/director/film /m/04n52p6 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0btpm6 /film/film/genre /m/02kdv5l +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0fwwkj /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/0963mq /film/film/language /m/02h40lc +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/023r2x +/m/0d0x8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmblvq +/m/0j2jr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/0k4y6 /time/event/locations /m/059g4 +/m/02g8h /people/person/profession /m/0np9r +/m/02f6g5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0lpp8 /location/administrative_division/country /m/0f8l9c +/m/044g_k /film/film/production_companies /m/086k8 +/m/0jw67 /people/person/profession /m/02jknp +/m/02vnmc9 /film/film/film_production_design_by /m/03csqj4 +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0234pg /film/actor/film./film/performance/film /m/0q9sg +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jsqk +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/051wwp +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/05hd32 /tv/tv_program/genre /m/0hcr +/m/0564mx /people/person/place_of_birth /m/0nmj +/m/01mqh5 /people/person/place_of_birth /m/0vm5t +/m/01yzhn /people/person/profession /m/01d_h8 +/m/01ynzf /people/deceased_person/place_of_burial /m/018mm4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0329qp +/m/0hw1j /people/person/gender /m/05zppz +/m/0405l /people/person/profession /m/01d_h8 +/m/05cj_j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/02f93t /people/person/profession /m/02jknp +/m/0b_7k /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0c_j9x /film/film/cinematography /m/06qn87 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0cl_m /people/deceased_person/place_of_burial /m/04ych +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/03mqtr /media_common/netflix_genre/titles /m/04lqvlr +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0391jz +/m/027dtv3 /people/person/place_of_birth /m/04jpl +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyv0b4 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01f62 +/m/01q2nx /film/film/genre /m/02kdv5l +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/051pnv /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/08vpjv /people/person/nationality /m/03rk0 +/m/03wjm2 /film/film/produced_by /m/027z0pl +/m/02rmd_2 /film/film/executive_produced_by /m/06q8hf +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/02js9p +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/02754c9 /film/film/costume_design_by /m/03qhyn8 +/m/0byq6h /sports/sports_team/colors /m/06fvc +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/02hnl /music/instrument/instrumentalists /m/0fhxv +/m/0sw6y /people/person/gender /m/02zsn +/m/0fthdk /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/08wjf4 +/m/0dx8gj /film/film/produced_by /m/0h1p +/m/0lfbm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/077q8x +/m/0d3k14 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01_k71 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/01jfsb /media_common/netflix_genre/titles /m/0571m +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/0h2zvzr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jbyg /film/actor/film./film/performance/film /m/09qycb +/m/0flw6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_4z +/m/07s9rl0 /media_common/netflix_genre/titles /m/04xx9s +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/08wq0g /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/013pk3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04p5cr +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/02f4s3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/09wj5 /film/actor/film./film/performance/film /m/02z3r8t +/m/014v6f /people/person/profession /m/02hrh1q +/m/03r1pr /people/person/gender /m/05zppz +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/09thp87 /award/award_winner/awards_won./award/award_honor/award_winner /m/05bm4sm +/m/01bn3l /film/film/genre /m/01hmnh +/m/0ql86 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/017cw +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02z3zp /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04jpk2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03d_zl4 /people/person/place_of_birth /m/018djs +/m/0372j5 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05567m +/m/0cv9fc /people/person/profession /m/03gjzk +/m/04gqr /location/country/official_language /m/0jzc +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/04dsnp /film/film/genre /m/0cshrf +/m/0h3c3g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01wbgdv /people/person/place_of_birth /m/01_d4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0544vh +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/027jq2 +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/02zhkz /film/actor/film./film/performance/film /m/012mrr +/m/0mmp3 /music/genre/artists /m/016lmg +/m/01vttb9 /award/award_winner/awards_won./award/award_honor/award_winner /m/016szr +/m/04qk12 /film/film/genre /m/04xvh5 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01wk7b7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/019pm_ +/m/01hwkn /time/event/locations /m/02j9z +/m/03ryn /location/location/contains /m/01tmtg +/m/047vnkj /film/film/language /m/04h9h +/m/012vwb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/08phg9 /film/film/prequel /m/014lc_ +/m/0h778 /base/biblioness/bibs_location/state /m/05tbn +/m/0h8d /location/administrative_division/country /m/09c7w0 +/m/02_p8v /film/actor/film./film/performance/film /m/01hqk +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02qjpv5 /film/actor/film./film/performance/film /m/0pb33 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/041_3z /location/location/contains /m/0d1xx +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/06nrt /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/06l9n8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/01_f90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/047csmy /film/film/genre /m/02kdv5l +/m/06ls0l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/011yth /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/011yl_ /film/film/film_festivals /m/0g57ws5 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/09c7w0 /location/location/contains /m/05q2c +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0418wg /film/film/costume_design_by /m/02pqgt8 +/m/03yf4d /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01hvv0 +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/049bmk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/0515_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/02r79_h /film/film/film_art_direction_by /m/07h5d +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0161sp /people/person/profession /m/0fnpj +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/083my7 +/m/06zmg7m /people/person/nationality /m/03rk0 +/m/03qcq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wqsm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01ppdy /award/award_category/winners./award/award_honor/award_winner /m/0n6kf +/m/0svqs /people/person/profession /m/02hrh1q +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/0m0jc /music/genre/artists /m/04n2vgk +/m/0cs134 /tv/tv_program/genre /m/07s9rl0 +/m/06wcbk7 /music/record_label/artist /m/032nl2 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01jpyb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0738b8 /people/person/profession /m/02hrh1q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05z01 +/m/02mjf2 /people/person/profession /m/01d_h8 +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zkr8 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02ryyk +/m/03__y /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0124k9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/01wmxfs /film/actor/film./film/performance/film /m/07jxpf +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/095nx +/m/01f69m /film/film/country /m/09c7w0 +/m/01vrx35 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01br2w /film/film/genre /m/07s9rl0 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f0r5w +/m/03mqtr /media_common/netflix_genre/titles /m/016z9n +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013w7j +/m/0d29z /people/ethnicity/geographic_distribution /m/0j4b +/m/01yd8v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02bh9 +/m/07h1q /influence/influence_node/influenced_by /m/03f0324 +/m/011hdn /people/person/profession /m/016z4k +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/015vq_ /film/actor/film./film/performance/film /m/0g5qs2k +/m/0n56v /location/location/contains /m/0djd3 +/m/05728w1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v89z +/m/01pwz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04tr1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/06s26c +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0qm8b /film/film/edited_by /m/0bn3jg +/m/07vzd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03j7cf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/054_mz /people/person/profession /m/012t_z +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0277jc +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jdd +/m/0cwrr /tv/tv_program/genre /m/02jfc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/0htlr /people/person/spouse_s./people/marriage/spouse /m/04sry +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/095z4q +/m/0bxfmk /people/person/profession /m/01d30f +/m/0dryh9k /people/ethnicity/people /m/02fbpz +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0407f +/m/0296vv /film/film/genre /m/03p5xs +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/032nl2 /people/person/profession /m/039v1 +/m/05ry0p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0h7x /location/location/contains /m/0dy04 +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0dgr5xp +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02tk74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/063y9fp /film/film/production_companies /m/02hvd +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0170xl +/m/0gjcrrw /film/film/genre /m/07s9rl0 +/m/01vmv_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/0yl27 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/01vlj1g /people/person/profession /m/02jknp +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/05qx1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p8s +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zlh5 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/06f32 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0c0k1 /film/actor/film./film/performance/film /m/017n9 +/m/03g5jw /influence/influence_node/influenced_by /m/01kcms4 +/m/0d7wh /people/ethnicity/people /m/0kh6b +/m/015kg1 /music/record_label/artist /m/01tv3x2 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/05jg58 /music/genre/artists /m/0285c +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0bh72t /film/film/language /m/02h40lc +/m/025n3p /people/person/profession /m/02jknp +/m/01vh096 /people/person/gender /m/05zppz +/m/022_q8 /people/person/profession /m/02hrh1q +/m/030hbp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030hcs +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/083chw +/m/0j5g9 /location/location/contains /m/01s3v +/m/0bt7w /music/genre/parent_genre /m/01243b +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r3zy +/m/09c7w0 /location/location/contains /m/0k_p5 +/m/06101p /people/person/profession /m/02hrh1q +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/06c53w /people/person/nationality /m/03rk0 +/m/023zd7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01d5z /sports/sports_team/sport /m/018jz +/m/06yszk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02fgpf /award/award_winner/awards_won./award/award_honor/award_winner /m/0178rl +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/033tf_ /people/ethnicity/people /m/06qgvf +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0n1v8 /location/location/time_zones /m/02hcv8 +/m/02z3r8t /film/film/genre /m/02l7c8 +/m/033wx9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01634x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07sbbz2 /music/genre/artists /m/07mvp +/m/02pp1 /sports/sports_team/colors /m/083jv +/m/0c8tk /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07c98 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/027r7k /film/film/story_by /m/0ky1 +/m/01b9z4 /people/person/profession /m/01d_h8 +/m/0d05w3 /location/location/contains /m/0qb62 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/032w8h /film/actor/film./film/performance/film /m/03ynwqj +/m/023tp8 /people/person/place_of_birth /m/01_d4 +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h005 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/0m66w +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01t_wfl +/m/01n8_g /people/person/sibling_s./people/sibling_relationship/sibling /m/02vmzp +/m/09p0ct /film/film/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0d8rs /location/administrative_division/country /m/059j2 +/m/032_jg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/07h5d /film/director/film /m/0jwmp +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01dhjz +/m/08b3m /film/film_subject/films /m/011yxg +/m/0fvwg /location/location/contains /m/0g8fs +/m/07_grx /people/person/place_of_birth /m/02_286 +/m/0f63n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/0716t2 /film/actor/film./film/performance/film /m/0340hj +/m/071vr /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0ct5zc /film/film/genre /m/07s9rl0 +/m/0181dw /music/record_label/artist /m/03kwtb +/m/01386_ /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01_x6d +/m/0ct9_ /people/person/religion /m/0kpl +/m/0kb57 /film/film/featured_film_locations /m/02_286 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/033tf_ /people/ethnicity/people /m/0gcs9 +/m/014vk4 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/01sn3 /location/location/contains /m/01hjy5 +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01j8wk /film/film/country /m/0chghy +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0g_bh /music/genre/parent_genre /m/0126t5 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/021lby /film/director/film /m/0127ps +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/01738f /music/genre/artists /m/0dw3l +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0239zv +/m/02rb84n /film/film/genre /m/02n4kr +/m/06by7 /music/genre/artists /m/09lwrt +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01713c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09l3p +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/038bht /people/person/places_lived./people/place_lived/location /m/0psxp +/m/0_jsl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/016yvw +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4vj +/m/0fy34l /film/film/genre /m/01jfsb +/m/067ghz /film/film/genre /m/03npn +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/06ncr +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09s1f /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/033jj1 /people/person/profession /m/03gjzk +/m/0snty /location/location/contains /m/01qrb2 +/m/0329t7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/03vrp /people/person/profession /m/0cbd2 +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/016ywr /film/actor/film./film/performance/film /m/021gzd +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/04v7k2 /people/person/nationality /m/03rk0 +/m/0symg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j0d /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/0jbrr /location/hud_county_place/place /m/0jbrr +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_fj +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nm_fh +/m/0ct5zc /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0ml_m +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01rhl +/m/0241jw /people/person/religion /m/0kpl +/m/0gs6vr /people/person/profession /m/02hrh1q +/m/01swck /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03b_fm5 /film/film/genre /m/05p553 +/m/046b0s /business/business_operation/industry /m/02vxn +/m/012wyq /location/location/contains /m/02b7nz +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01tz6vs /people/person/languages /m/06b_j +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/06w2sn5 +/m/0fsm8c /film/actor/film./film/performance/film /m/08zrbl +/m/02pl5bx /music/genre/artists /m/01yndb +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02bf58 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s3vqk +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/0fx0mw +/m/01j7rd /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0124k9 +/m/01vn35l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02vqsll /film/film/story_by /m/0h5f5n +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66t +/m/01pcvn /people/person/nationality /m/02jx1 +/m/02sfnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c3351 /media_common/netflix_genre/titles /m/033qdy +/m/081yw /location/location/contains /m/0fw1y +/m/01933d /people/person/spouse_s./people/marriage/spouse /m/06c0j +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/02d9k /people/person/nationality /m/07ssc +/m/0gqm3 /location/location/contains /m/0kstw +/m/02665kn /people/person/profession /m/02hv44_ +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mg3l +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/03r8gp /film/film_subject/films /m/02ryz24 +/m/0kjrx /film/actor/film./film/performance/film /m/01rxyb +/m/01f7jt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06hgj /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/0cskb /tv/tv_program/genre /m/01hmnh +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/022s1m /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06c0j /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h610 +/m/03_qrp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06cgy /film/director/film /m/07nxvj +/m/01tnbn /people/person/profession /m/0cbd2 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02hwhyv +/m/0gdm1 /education/educational_institution/colors /m/09ggk +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/019v67 /organization/organization/headquarters./location/mailing_address/citytown /m/01j2_7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02xs6_ +/m/02jx1 /location/location/contains /m/0f485 +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/01lmj3q +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j94 +/m/0sd7v /location/hud_county_place/place /m/0sd7v +/m/03x31g /people/person/nationality /m/03rk0 +/m/01w9wwg /people/person/profession /m/09jwl +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/06x6s /sports/sports_team/colors /m/06kqt3 +/m/0gs973 /film/film/production_companies /m/024rgt +/m/01g0jn /people/person/places_lived./people/place_lived/location /m/0f67f +/m/0mwzv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fnjv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02y_2y /people/person/profession /m/03gjzk +/m/097zcz /film/film/country /m/09c7w0 +/m/02nddq /music/record_label/artist /m/01vw8mh +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02ryyk +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04gknr /film/film/genre /m/082gq +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0993r /people/person/gender /m/02zsn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0c1xm +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/013qvn /film/actor/film./film/performance/film /m/0pd57 +/m/01trtc /music/record_label/artist /m/0478__m +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/027jq2 /people/person/profession /m/0dxtg +/m/05b4rcb /film/film_set_designer/film_sets_designed /m/016kz1 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/03zkr8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/070j61 +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/025rpyx +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/05148p4 /music/instrument/instrumentalists /m/0417z2 +/m/0g0z58 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/04wqr /people/person/places_lived./people/place_lived/location /m/0r03f +/m/01clyr /music/record_label/artist /m/07yg2 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z7s +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/016gkf /people/person/profession /m/0dxtg +/m/02jx1 /location/location/contains /m/01dg3s +/m/033g4d /film/film/produced_by /m/021lby +/m/05kkh /location/location/contains /m/0z1l8 +/m/04x4s2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfv9 +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/095zvfg +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02ryyk +/m/0h08p /music/genre/artists /m/0pj9t +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fx6y +/m/01wy6 /music/instrument/instrumentalists /m/01l7cxq +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/03dn9v /people/person/places_lived./people/place_lived/location /m/052p7 +/m/0j0k /base/locations/continents/countries_within /m/0167v +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/012t1 +/m/02rcwq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0c3p7 +/m/0241jw /film/actor/film./film/performance/film /m/02vzpb +/m/026qnh6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01vw917 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/02wvf2s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/064t9 /music/genre/artists /m/015_30 +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/015wnl +/m/05tbn /location/location/contains /m/0mwkp +/m/0g9zjp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2jr +/m/01fx4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vsnff /people/person/profession /m/016z4k +/m/01jng9 /location/administrative_division/country /m/09pmkv +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0dl5d /music/genre/artists /m/0qf11 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gc7 +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/048svj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/0342h +/m/03shp /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01snm /sports/sports_team_location/teams /m/01y49 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01m3b1t +/m/05hjnw /film/film/genre /m/02l7c8 +/m/0kbf1 /film/film/country /m/09c7w0 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qk12 +/m/05g3v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/05zx7xk +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0y3_8 /music/genre/artists /m/01wj18h +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06r2h /film/film/story_by /m/04511f +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047vnkj +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01lct6 /people/person/religion /m/03_gx +/m/0p3r8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/011vx3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0x67 /people/ethnicity/people /m/04znsy +/m/033tf_ /people/ethnicity/people /m/0cj8x +/m/01ckhj /film/actor/film./film/performance/film /m/0_b9f +/m/0410cp /film/actor/film./film/performance/film /m/08mg_b +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/045c66 /film/actor/film./film/performance/film /m/0bmch_x +/m/01jwxx /film/film/genre /m/082gq +/m/01f1kd /olympics/olympic_games/sports /m/09_94 +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmm4 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/09stq9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01tffp /film/film_subject/films /m/06rzwx +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0c4y8 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/09c7w0 /location/location/contains /m/0r679 +/m/0j_t1 /film/film/language /m/02h40lc +/m/0pmhf /film/actor/film./film/performance/film /m/0hgnl3t +/m/06c7mk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04y8r +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xs6_ +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/0ptx_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0697s /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05v8c +/m/05zkcn5 /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/07ssc /media_common/netflix_genre/titles /m/08sfxj +/m/011wtv /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/038bh3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/08w4pm +/m/0gtsx8c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0194zl +/m/025n07 /film/film/cinematography /m/027t8fw +/m/01wmgrf /people/person/spouse_s./people/marriage/spouse /m/02lk95 +/m/01n4w_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nrnm /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01rcmg /award/award_winner/awards_won./award/award_honor/award_winner /m/02dth1 +/m/0nv2x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/074w86 /film/film/genre /m/0bbc17 +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/07gyp7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/02lwv5 /education/educational_institution_campus/educational_institution /m/02lwv5 +/m/05kh_ /people/person/profession /m/02hrh1q +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162v +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09txzv +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/013gz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/0xnvg /people/ethnicity/people /m/0227vl +/m/0kz4w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/02sch9 /people/ethnicity/people /m/03f02ct +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0122wc +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018pj3 +/m/0n6f8 /base/eating/practicer_of_diet/diet /m/07_jd +/m/01ky2h /people/person/nationality /m/09c7w0 +/m/0bmj2y /tv/tv_network/programs./tv/tv_network_duration/program /m/02sqkh +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01yzl2 +/m/0133x7 /people/person/nationality /m/0d060g +/m/01f9zw /people/person/profession /m/09jwl +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0gfsq9 /film/film/film_format /m/07fb8_ +/m/08cn4_ /film/actor/film./film/performance/film /m/02q87z6 +/m/015k7 /people/person/gender /m/05zppz +/m/07c6l /music/instrument/instrumentalists /m/01qgry +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jy +/m/02h40lc /language/human_language/countries_spoken_in /m/02lx0 +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/0bg539 +/m/026w_gk /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/01fwpt /film/actor/film./film/performance/film /m/01633c +/m/0q5hw /people/person/nationality /m/09c7w0 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0ks67 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/04v68c /people/person/nationality /m/05bcl +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01x4r3 /people/person/profession /m/0747nrk +/m/0hzlz /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0342h /music/instrument/instrumentalists /m/0259r0 +/m/0gy0l_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01wx_y /sports/sports_team/sport /m/02vx4 +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b2qn +/m/01l2b3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032d52 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qkq0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0ggx5q /music/genre/artists /m/01vvyfh +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kr_ +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/083chw /people/person/gender /m/05zppz +/m/08z84_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09rsr0w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03pp73 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/04vr_f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gf5h /music/group_member/membership./music/group_membership/group /m/0b1hw +/m/02hqt6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q43g +/m/059rby /location/location/contains /m/0drrw +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0y_yw +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/0d05w3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/02rkkn1 /tv/tv_program/program_creator /m/0bg539 +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/03_0p +/m/05p3738 /film/film/production_companies /m/086k8 +/m/04mvk7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/026n4h6 /film/film/genre /m/03npn +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0xnvg /people/ethnicity/people /m/0j6cj +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/0sxfd /film/film/film_festivals /m/05ys0wz +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rl84 +/m/04yj5z /people/person/places_lived./people/place_lived/location /m/02_286 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/0d07j8 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/07ddz9 /people/person/places_lived./people/place_lived/location /m/010z5n +/m/0fsw_7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02vntj /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/0f3zf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/01q9b9 /influence/influence_node/influenced_by /m/01v9724 +/m/047sgz4 /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/01lxd4 /music/genre/artists /m/024zq +/m/02zyy4 /film/actor/film./film/performance/film /m/08mg_b +/m/05mc7y /people/person/place_of_birth /m/02_286 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/03pc89 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l5yl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04nw9 +/m/04t36 /media_common/netflix_genre/titles /m/01gvpz +/m/01f8ld /film/director/film /m/0bw20 +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0n1rj /base/biblioness/bibs_location/state /m/02xry +/m/0164nb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05k4my +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/0d9v9q /soccer/football_player/current_team./sports/sports_team_roster/team /m/027ffq +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016ky6 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/026y3cf +/m/043n1r5 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0lmm3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gvpz /film/film/written_by /m/0dbb3 +/m/01hdht /people/person/spouse_s./people/marriage/spouse /m/04rfq +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jzyf +/m/0s6g4 /location/hud_county_place/place /m/0s6g4 +/m/0dx8gj /film/film/genre /m/0bkbm +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03y9ccy +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02zr0z /education/educational_institution/campuses /m/02zr0z +/m/0gys2jp /film/film/language /m/01r2l +/m/0cp0t91 /film/film/genre /m/07s9rl0 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/03_gz8 /film/film/genre /m/04xvlr +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04hk0w /film/film/genre /m/02kdv5l +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/012v9y /people/person/profession /m/02hrh1q +/m/06ybb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/01rrwf6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jdk_ /olympics/olympic_games/sports /m/07_53 +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07n3s +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/03q91d /people/person/gender /m/05zppz +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0484q /people/person/gender /m/05zppz +/m/0444x /people/person/religion /m/0631_ +/m/07xzm /music/instrument/instrumentalists /m/01wz3cx +/m/07gqbk /music/record_label/artist /m/02x8z_ +/m/020qr4 /tv/tv_program/languages /m/05zjd +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/03f1d47 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/0hkqn /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01shy7 /film/film/produced_by /m/0fvf9q +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/07l24 +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wzlxj +/m/09ftwr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/02r6c_ +/m/01_k7f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/047msdk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05zbm4 +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/01jqr_5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/05bt6j /music/genre/parent_genre /m/06by7 +/m/0j6b5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/043zg /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/02nddq /music/record_label/artist /m/01vw_dv +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/03mbdx_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/019dmc /people/cause_of_death/people /m/018qql +/m/02lyx4 /people/person/gender /m/02zsn +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/02z13jg /award/award_category/disciplines_or_subjects /m/02vxn +/m/01f7dd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01phtd +/m/03s2y9 /people/deceased_person/place_of_death /m/06_kh +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0dh73w /award/award_winner/awards_won./award/award_honor/award_winner /m/07fzq3 +/m/061xq /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/03j149k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0flw6 /film/actor/film./film/performance/film /m/0298n7 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7gh +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02ply6j +/m/03y0pn /film/film/language /m/0653m +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/05nrg /location/location/contains /m/02wt0 +/m/0c5tl /influence/influence_node/influenced_by /m/081k8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0146hc +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0j46b /sports/sports_team/colors /m/083jv +/m/0cg9f /film/actor/film./film/performance/film /m/026fs38 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j_tw +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0dq3c /organization/role/leaders./organization/leadership/organization /m/05njw +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/04rfq /influence/influence_node/peers./influence/peer_relationship/peers /m/064177 +/m/035kl6 /film/actor/film./film/performance/film /m/026lgs +/m/03gt0c5 /people/deceased_person/place_of_death /m/06y57 +/m/0c9d9 /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/01vhb0 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06rgq +/m/03bx2lk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01wwvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/06crng /people/person/gender /m/05zppz +/m/09gdh6k /film/film/executive_produced_by /m/06pj8 +/m/01pw9v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/0pksh /people/person/profession /m/01d_h8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/017j6 +/m/014kkm /film/film/production_companies /m/0g1rw +/m/0jqd3 /film/film/genre /m/07s9rl0 +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/04b7xr +/m/02x9cv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j5ws /people/person/profession /m/02hrh1q +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/0g2ff /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/03j24kf +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wk7b +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/01fwpt +/m/03f2_rc /people/person/profession /m/016z4k +/m/04gr35 /film/actor/film./film/performance/film /m/0407yj_ +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/04_jsg /music/group_member/membership./music/group_membership/role /m/018vs +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0h7x /location/country/capital /m/0fhp9 +/m/01kjr0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01hp5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/0dbks /location/location/time_zones /m/02llzg +/m/0gyx4 /film/director/film /m/0c9k8 +/m/02fybl /film/actor/film./film/performance/film /m/02vz6dn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07b8m1 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02_286 /location/location/contains /m/01n951 +/m/0lp_cd3 /time/event/instance_of_recurring_event /m/0gcf2r +/m/0py5b /people/person/profession /m/01d_h8 +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0c6qh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/0c_j9x /film/film/story_by /m/0ldd +/m/01x66d /people/person/profession /m/0fnpj +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0kn +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/02j9z /location/location/contains /m/056vv +/m/01vvydl /people/person/nationality /m/09c7w0 +/m/02vl_pz /people/person/profession /m/0gl2ny2 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/07r4c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01271h +/m/041rx /people/ethnicity/people /m/05bxwh +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/04lh6 /sports/sports_team_location/teams /m/0mmd6 +/m/0cmt6q /film/actor/film./film/performance/film /m/0bvn25 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/012gq6 /film/actor/film./film/performance/film /m/0crd8q6 +/m/015c2f /people/person/gender /m/02zsn +/m/0dzc16 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w58n3 +/m/01k1k4 /film/film/genre /m/07s2s +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/07kb7vh +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06y_n /tv/tv_program/genre /m/01z4y +/m/016szr /people/person/profession /m/09jwl +/m/03k545 /people/person/nationality /m/09c7w0 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03zb6t +/m/09pmkv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01xcr4 /people/person/nationality /m/09c7w0 +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04f_d /location/location/time_zones /m/02fqwt +/m/03f02ct /people/person/profession /m/02jknp +/m/0dd6bf /film/film/country /m/03_3d +/m/01vvyfh /music/group_member/membership./music/group_membership/role /m/0342h +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyg4 +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0x2p +/m/0g768 /music/record_label/artist /m/01wyz92 +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/04n2vgk +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01x66d /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02nfjp /people/person/nationality /m/06f32 +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/033tln /people/person/places_lived./people/place_lived/location /m/0r62v +/m/0fn8jc /people/person/nationality /m/0d060g +/m/07bwr /film/film/language /m/04306rv +/m/09dvgb8 /people/person/place_of_birth /m/030qb3t +/m/0d05fv /film/actor/film./film/performance/film /m/043mk4y +/m/04p5cr /tv/tv_program/program_creator /m/08xwck +/m/037gjc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fbtm7 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/0yl_j /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0yls9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/02pjvc /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/062dn7 /people/person/profession /m/0d1pc +/m/06k75 /base/culturalevent/event/entity_involved /m/01h3dj +/m/06n7h7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/032016 /film/film/featured_film_locations /m/02_286 +/m/03gr7w /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0162c8 /film/director/film /m/033qdy +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0frm7n +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0821j +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/026s90 /music/record_label/artist /m/09hnb +/m/03k50 /media_common/netflix_genre/titles /m/030z4z +/m/015cbq /people/person/profession /m/02hrh1q +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvt2 +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/07myb2 /film/actor/film./film/performance/film /m/03ntbmw +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/07l75 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hr1 +/m/0178rl /people/person/gender /m/05zppz +/m/01hmnh /media_common/netflix_genre/titles /m/0k4d7 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/02lm0t /people/person/places_lived./people/place_lived/location /m/06yxd +/m/017l96 /music/record_label/artist /m/0kr_t +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/030_3z +/m/027dtxw /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/04smkr /people/person/profession /m/02hrh1q +/m/01rng /location/administrative_division/country /m/03rt9 +/m/07l4z /sports/sports_team/colors /m/019sc +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds6bmk +/m/01v_0b /influence/influence_node/influenced_by /m/040_9 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/05sxr_ +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0l39b /location/hud_county_place/county /m/0jcky +/m/05l5n /location/location/contains /m/0ylsr +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/076xkps /film/film/language /m/02h40lc +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030g9z +/m/014y6 /people/person/gender /m/05zppz +/m/0czr9_ /location/location/contains /m/0xhj2 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0dcsx /people/cause_of_death/people /m/06c0j +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/05m_jsg /film/film/genre /m/01jfsb +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/0fsm8c +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/01hlwv /business/business_operation/industry /m/02h400t +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/04jplwp /film/film/production_companies /m/054lpb6 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/08fn5b +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02j_j0 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0641kkh /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0hnp7 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/01gg59 /people/person/profession /m/0dz3r +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01xr2s +/m/07cn2c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s5v5 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/027l0b /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/01518s +/m/02n4kr /media_common/netflix_genre/titles /m/0f4_2k +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/0356dp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0524b41 +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01z7_f /film/actor/film./film/performance/film /m/0j43swk +/m/0cchk3 /education/educational_institution/students_graduates./education/education/student /m/0cv72h +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/01pny5 /people/person/profession /m/09jwl +/m/07c52 /media_common/netflix_genre/titles /m/06f0k +/m/01skmp /film/actor/film./film/performance/film /m/01rnly +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ld6x +/m/02y0dd /people/person/nationality /m/03rt9 +/m/060j8b /film/actor/film./film/performance/film /m/046f3p +/m/018z_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/0ddjy /film/film/genre /m/02kdv5l +/m/0h95zbp /film/film/country /m/09c7w0 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/01gp_x /people/person/gender /m/05zppz +/m/064_8sq /language/human_language/countries_spoken_in /m/0169t +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/054c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jbx1 +/m/018x3 /influence/influence_node/influenced_by /m/0b78hw +/m/06hzq3 /music/genre/parent_genre /m/0jmwg +/m/015d3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_hj4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04w391 +/m/0c_md_ /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0mzvm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/043zg +/m/03177r /film/film/produced_by /m/01r2c7 +/m/0fhpv4 /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/02j8nx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053x8hr +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/01xcqc /people/deceased_person/place_of_death /m/0r0m6 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/03_hd /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/03td5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06_bq1 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0fqjhm +/m/01vswwx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0g824 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/06s_2 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vvydl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vsgrn +/m/015wfg /people/person/place_of_birth /m/0xmqf +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01w02sy /music/group_member/membership./music/group_membership/role /m/0342h +/m/0dbpwb /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/07m9cm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/09qh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0557q /music/genre/artists /m/0178rl +/m/0x67 /people/ethnicity/people /m/016vqk +/m/04h1rz /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/03y_46 /people/person/profession /m/018gz8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01wx_y +/m/017l4 /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/01x1cn2 /people/person/profession /m/02hrh1q +/m/08k05y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05r5c /music/instrument/instrumentalists /m/09prnq +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/02sg5v /film/film/country /m/07ssc +/m/02xs6_ /film/film/country /m/07ssc +/m/04_by /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0dq23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lccn /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dh8v4 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0cpjgj +/m/03f5spx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/047q2k1 /film/film/language /m/02h40lc +/m/03xl77 /people/person/profession /m/0nbcg +/m/0gcpc /film/film/genre /m/07s9rl0 +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02sg5v +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/0xv2x /music/genre/artists /m/016lmg +/m/01_mdl /film/film/genre /m/06n90 +/m/0353tm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09v71cj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08chdb /people/person/nationality /m/09c7w0 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/0405l +/m/01trtc /music/record_label/artist /m/0dw3l +/m/02ldv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/04954 +/m/034hzj /film/film/produced_by /m/0kr5_ +/m/016yxn /film/film/produced_by /m/04w1j9 +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/05sdxx +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/02508x /people/person/gender /m/05zppz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/0d9v9q /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv81 +/m/0c9c0 /influence/influence_node/influenced_by /m/063_t +/m/01yb09 /people/person/profession /m/0dz96 +/m/01t6b4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/02lg9w /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/07_dn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/077w0b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/0h63gl9 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/041rx /people/ethnicity/people /m/034q3l +/m/0dqytn /film/film/genre /m/05p553 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02zcnq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019m9h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ldmw +/m/04fcjt /music/record_label/artist /m/0p3r8 +/m/07rd7 /people/person/place_of_birth /m/0r00l +/m/0pyww /film/actor/film./film/performance/film /m/06lpmt +/m/0c9cw /location/location/time_zones /m/03bdv +/m/0byfz /film/actor/film./film/performance/film /m/0kt_4 +/m/014b6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ndh6 +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/04p3w /people/cause_of_death/people /m/04zd4m +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01y3c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/016z2j /people/person/place_of_birth /m/0cc56 +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/044f7 +/m/02bxjp /people/person/places_lived./people/place_lived/location /m/07dfk +/m/05pbl56 /film/film/genre /m/0lsxr +/m/01wmjkb /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01kpt /award/award_category/winners./award/award_honor/award_winner /m/0c_jc +/m/0ccd3x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0353tm /film/film/genre /m/02b5_l +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/0c6qh +/m/02j3w /location/location/time_zones /m/02fqwt +/m/02ch1w /film/actor/film./film/performance/film /m/02c7k4 +/m/022dp5 /dataworld/gardening_hint/split_to /m/022dp5 +/m/02c98m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/02_pft +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jnt +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wn718 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/013cr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01tnbn +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02qr46y /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ywr +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/0c_md_ +/m/0hqcy /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/07w5rq /education/educational_institution/campuses /m/07w5rq +/m/03f7nt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/016_mj /people/person/places_lived./people/place_lived/location /m/06yxd +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07n68 +/m/0n6f8 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/0bxtg /people/person/profession /m/0np9r +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/0g8bw /location/country/form_of_government /m/06cx9 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/01mqh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n6ds +/m/0dn16 /music/genre/artists /m/015f7 +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/03x726 /sports/sports_team/colors /m/019sc +/m/02b1j1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0p_rk /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/02z6872 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05krk +/m/03rrdb /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/021yw7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/034487 /music/genre/artists /m/06br6t +/m/0dpl44 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0nlc7 /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/07ssc /media_common/netflix_genre/titles /m/01pv91 +/m/0gcs9 /people/person/profession /m/01d_h8 +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/02_j8x /film/actor/film./film/performance/film /m/04jpg2p +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0544vh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0159h6 +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07s9rl0 /media_common/netflix_genre/titles /m/02cbhg +/m/0pvms /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03n5v +/m/01w923 /people/person/profession /m/09jwl +/m/0dr1c2 /film/film/genre /m/0hcr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04gkp3 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqp3 +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04p0c /base/aareas/schema/administrative_area/capital /m/03pbf +/m/02w86hz /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0m27n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m25p +/m/024qqx /media_common/netflix_genre/titles /m/0x25q +/m/0436kgz /film/actor/film./film/performance/film /m/02p76f9 +/m/09r8l /people/person/profession /m/02hrh1q +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01lnyf /education/educational_institution/campuses /m/01lnyf +/m/02w4v /music/genre/artists /m/01wj18h +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032sl_ /film/film/country /m/09c7w0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/048s0r +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07r_dg +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bj6k +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0y_9q /film/film/cinematography /m/027t8fw +/m/09c7w0 /location/location/contains /m/043q2z +/m/03mp8k /music/record_label/artist /m/01k23t +/m/019l68 /film/actor/film./film/performance/film /m/01wb95 +/m/07gghl /film/film/featured_film_locations /m/030qb3t +/m/06cc_1 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/01shy7 /film/film/film_festivals /m/0kfhjq0 +/m/01jfsb /media_common/netflix_genre/titles /m/0258dh +/m/01r4zfk /people/person/languages /m/02h40lc +/m/0gxb2 /medicine/symptom/symptom_of /m/0167bx +/m/076xkdz /film/film/genre /m/0jxy +/m/0150jk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/08c4yn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/09h4b5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06wm0z +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/060__7 /film/film/genre /m/04xvlr +/m/018vs /music/instrument/instrumentalists /m/018d6l +/m/09c7w0 /location/country/second_level_divisions /m/0n24p +/m/09r94m /film/film/language /m/0jzc +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zjx +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0nzm /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/011yqc /film/film/genre /m/07s9rl0 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ddcbd5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9yrw +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/02fcs2 /people/person/gender /m/05zppz +/m/09blyk /media_common/netflix_genre/titles /m/06gjk9 +/m/01nfys /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01w02sy +/m/027qgy /film/film/produced_by /m/044zvm +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03mg5f +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05q9g1 +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/0342h +/m/05_k56 /award/award_winner/awards_won./award/award_honor/award_winner /m/060pl5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/01xvlc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/077q8x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/05tbn /location/location/contains /m/0mwzv +/m/02c0mv /award/award_winner/awards_won./award/award_honor/award_winner /m/08f3yq +/m/02prwdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/08nvyr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05z775 +/m/049_zz /people/person/place_of_birth /m/02_286 +/m/026n998 /people/person/place_of_birth /m/0kcw2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02ktt7 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/027zz +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07jrjb +/m/0n3g /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/016s0m /people/person/place_of_birth /m/01sn3 +/m/0pgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/030qb3t /sports/sports_team_location/teams /m/0jmjr +/m/0dr5y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/0b_j2 +/m/034bs /people/person/places_lived./people/place_lived/location /m/04xn_ +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b2np +/m/0134w7 /people/person/gender /m/02zsn +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05gnf9 /film/actor/film./film/performance/film /m/0yzbg +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05mvd62 +/m/04gcyg /film/film/written_by /m/0klw +/m/0225v9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09p4w8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012mzw /education/educational_institution/school_type /m/05pcjw +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/01_r9k /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/018phr +/m/06g7c /medicine/disease/risk_factors /m/02zsn +/m/070w7s /people/person/gender /m/02zsn +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05683p +/m/01xdf5 /people/person/gender /m/05zppz +/m/02vr30 /sports/sports_team/sport /m/02vx4 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/027ht3n /people/person/place_of_birth /m/0nc1c +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03y1mlp +/m/05k7sb /location/administrative_division/country /m/09c7w0 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03qmfzx +/m/03lty /music/genre/artists /m/0b1hw +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0gtv7pk /film/film/country /m/0d060g +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/05cqhl /people/person/profession /m/03gjzk +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/0hr41p6 /tv/tv_program/genre /m/0vgkd +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044gyq +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0646qh /people/person/nationality /m/09c7w0 +/m/01vsl3_ /music/artist/origin /m/04lh6 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0680x0 +/m/0gy4k /film/film/genre /m/01g6gs +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j_t1 +/m/07yvsn /film/film/costume_design_by /m/02pqgt8 +/m/09vzz /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqkh +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02_j8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k21g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/02h40lc /language/human_language/countries_spoken_in /m/027nb +/m/013q0p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p__8 +/m/03q4hl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07glc4 +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/0btpx +/m/0cyn3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/0vlf /business/business_operation/industry /m/01mf0 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/02c_4 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/06rq2l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8hf +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gqr +/m/0473rc /film/film/featured_film_locations /m/0r0m6 +/m/07xzm /music/instrument/family /m/0fx80y +/m/03gfvsz /broadcast/content/artist /m/0pyg6 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0283_zv +/m/040_t /influence/influence_node/influenced_by /m/058vp +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/0cqr0q /film/film/genre /m/05p553 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01j8wk +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/0g5qs2k /film/film/costume_design_by /m/03mfqm +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01jsk6 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p01x /location/location/time_zones /m/02hczc +/m/0bdt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03q8xj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv8y +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/0hvb2 /people/person/gender /m/05zppz +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/01wt4wc /people/person/profession /m/0nbcg +/m/07nf_4 /music/genre/parent_genre /m/02mscn +/m/01z6gc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qdh +/m/05tbn /location/location/contains /m/0mwq_ +/m/016clz /music/genre/artists /m/01vsyjy +/m/0j1yf /people/person/spouse_s./people/marriage/spouse /m/0320jz +/m/03_0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127gn +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jgwf +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kp66 +/m/0b9rdk /film/film/costume_design_by /m/03qhyn8 +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0g686w /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z07 +/m/01rc6f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gywn /music/genre/artists /m/01pq5j7 +/m/0l998 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0h3y /location/country/form_of_government /m/01d9r3 +/m/0mmp3 /music/genre/artists /m/04mx7s +/m/02rv_dz /film/film/featured_film_locations /m/080h2 +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0y3_8 /music/genre/artists /m/015f7 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0yxm1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0fvd03 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/07z5n /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/037gjc /people/person/languages /m/02h40lc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01y68z +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0h5j77 /award/award_winner/awards_won./award/award_honor/award_winner /m/025y9fn +/m/0dp7wt /film/film/production_companies /m/024rgt +/m/03hfxx /people/person/gender /m/05zppz +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytkq +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/01mvjl0 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0b0nq2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0m0fw /music/genre/artists /m/06br6t +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/040_9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01xysf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/045cq /people/person/religion /m/0c8wxp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01rs5p +/m/0133sq /film/director/film /m/05wp1p +/m/016mhd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016nff +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05p606 /film/actor/film./film/performance/film /m/0f61tk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/05mrf_p /film/film/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0dr_4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j5sd /people/person/gender /m/05zppz +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/060pl5 +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/03j63k /tv/tv_program/program_creator /m/05cj4r +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/031296 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_kd +/m/06bzwt /award/award_winner/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gztl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zz8t /film/actor/film./film/performance/film /m/0cw3yd +/m/0n85g /music/record_label/artist /m/03t9sp +/m/05bt6j /music/genre/artists /m/018y81 +/m/03x22w /film/actor/film./film/performance/film /m/05fcbk7 +/m/0bx0lc /people/person/profession /m/02hrh1q +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/037css +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gfzfj +/m/06l3bl /media_common/netflix_genre/titles /m/04kzqz +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/04t36 /media_common/netflix_genre/titles /m/0bt3j9 +/m/01pp3p /film/director/film /m/0bykpk +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0xv2x /music/genre/artists /m/0m19t +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bmfnjs +/m/01qqwn /people/cause_of_death/people /m/02dth1 +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027rwmr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03tck1 +/m/02qrv7 /film/film/language /m/06b_j +/m/0ft18 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01kf3_9 /film/film/production_companies /m/017jv5 +/m/09v71cj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02rky4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r5dz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/05k79 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/043js /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/014v6f /people/person/place_of_birth /m/01531 +/m/014v1q /people/person/profession /m/0cbd2 +/m/04fhxp /film/actor/film./film/performance/film /m/02jkkv +/m/01vsxdm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0226k3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/06449 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dy7p +/m/0j0pf /people/person/nationality /m/0j5g9 +/m/0bzrsh /time/event/locations /m/0fvvz +/m/0n5xb /location/location/contains /m/0nbzp +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhk0 +/m/0fgrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01mqz0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j582 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/083chw +/m/0bg539 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02rkkn1 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0x3n /people/person/gender /m/02zsn +/m/015qsq /film/film/language /m/02h40lc +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/0d06m5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/05hyzx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vw37m /film/actor/film./film/performance/film /m/024lff +/m/02jx1 /location/location/contains /m/0n048 +/m/01bcp7 /medicine/disease/risk_factors /m/05zppz +/m/0xhtw /music/genre/artists /m/01wmjkb +/m/01xvb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/07s9rl0 /media_common/netflix_genre/titles /m/05pt0l +/m/02rv_dz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/03w9sgh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05lfwd +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03wv2g +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01wk51 /film/actor/film./film/performance/film /m/06kl78 +/m/02j9z /base/locations/continents/countries_within /m/02vzc +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0yl_3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02jx1 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/013nky /education/educational_institution/students_graduates./education/education/student /m/087qxp +/m/0dgskx /film/actor/film./film/performance/film /m/04w7rn +/m/020l9r /film/actor/film./film/performance/film /m/031t2d +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/02jr26 +/m/0jkvj /olympics/olympic_games/sports /m/0d1t3 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/02fqrf /film/film/story_by /m/02nygk +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01k5y0 /film/film/genre /m/04t36 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01x6jd /film/actor/film./film/performance/film /m/016ky6 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/09h_q /people/person/places_lived./people/place_lived/location /m/05qtj +/m/03b04g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/06v41q /people/ethnicity/people /m/03rl84 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h8d +/m/05fyss /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/025b5y /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/066m4g +/m/06q1r /location/location/contains /m/01vc3y +/m/02hfgl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/03_r3 /location/country/form_of_government /m/01q20 +/m/07663r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/06_9lg +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/07_fj54 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01hmk9 /film/actor/film./film/performance/film /m/03kx49 +/m/0kjgl /people/person/spouse_s./people/marriage/spouse /m/013knm +/m/05kyr /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/09v8db5 /award/award_category/winners./award/award_honor/award_winner /m/02wk4d +/m/04j13sx /film/film/featured_film_locations /m/02_286 +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ly8d +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04fzfj /film/film/executive_produced_by /m/032v0v +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/047csmy /film/film/featured_film_locations /m/0dclg +/m/07nxnw /film/film/genre /m/0hcr +/m/07d3z7 /film/actor/film./film/performance/film /m/02x3y41 +/m/07hgm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01z77k /media_common/netflix_genre/titles /m/02qr46y +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/0557q /music/genre/artists /m/01c7qd +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/03wjm2 /film/film/executive_produced_by /m/0282x +/m/081mh /location/location/contains /m/02q253 +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm64 +/m/014635 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0261x8t /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/033wx9 /people/person/profession /m/012wxt +/m/0cf_n /base/biblioness/bibs_location/country /m/09c7w0 +/m/03gh4 /location/location/contains /m/03fb3t +/m/0r4qq /location/hud_county_place/county /m/0kvt9 +/m/02hmw9 /education/educational_institution/students_graduates./education/education/student /m/07b2lv +/m/03c0t9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/02f2p7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fpkhkz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/02jx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0rk71 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jgm8 +/m/05kms /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/03l3jy /people/person/gender /m/05zppz +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0y_yw /film/film/costume_design_by /m/02pqgt8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/0yx7h /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0ymc8 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/04sqj /location/location/time_zones /m/02fqwt +/m/03ckfl9 /music/genre/artists /m/01ww_vs +/m/084z0w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02knxx /people/cause_of_death/people /m/04vt98 +/m/02vjzr /music/genre/artists /m/01vt9p3 +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015q43 +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kbvb /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03ln8b +/m/0123qq /tv/tv_program/genre /m/01htzx +/m/016_mj /influence/influence_node/influenced_by /m/014zfs +/m/03hhd3 /film/actor/film./film/performance/film /m/07sp4l +/m/012d40 /people/person/languages /m/02h40lc +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06s7rd +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01z7s_ /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/035hm +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01309x +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/021s9n +/m/06lpmt /film/film/film_production_design_by /m/02vxyl5 +/m/026gyn_ /film/film/country /m/07ssc +/m/01l3vx /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04991x +/m/02nx2k /film/film/genre /m/0h9qh +/m/09fc83 /film/film/featured_film_locations /m/02_286 +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04cr6qv /people/person/profession /m/0fnpj +/m/012g92 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01719t +/m/01qqv5 /education/educational_institution/school_type /m/01rs41 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ywrc +/m/01vz0g4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wyz92 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/0kbws /olympics/olympic_games/participating_countries /m/0ctw_b +/m/01f1q8 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0172jm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04hcw /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/0gd5z /people/person/place_of_birth /m/05ksh +/m/024dzn /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/04xbq3 /tv/tv_program/genre /m/05jhg +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/02vjzr /music/genre/artists /m/015882 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0900j5 /film/film/genre /m/02b5_l +/m/046rfv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01738f /music/genre/artists /m/01y_rz +/m/03ylxn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07ssc /location/location/contains /m/0g9fm +/m/0cf2h /people/person/profession /m/02hrh1q +/m/03mgdy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02gys2 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01w806h +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cv9fc +/m/012gk9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/084m3 +/m/022qw7 /film/actor/film./film/performance/film /m/02_fm2 +/m/02t4yc /education/educational_institution/campuses /m/02t4yc +/m/03l3ln /people/person/place_of_birth /m/0xmp9 +/m/06cddt /people/person/nationality /m/09c7w0 +/m/01w40h /music/record_label/artist /m/0qf11 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/063lqs +/m/02pd1q9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/015dnt /people/person/nationality /m/02jx1 +/m/084x96 /people/person/nationality /m/09c7w0 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_8n9 +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ly8z +/m/0cn_b8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gb54 +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp66 +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/033f8n /film/film/language /m/02h40lc +/m/02mjmr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/03d1y3 /people/person/spouse_s./people/marriage/spouse /m/01bh6y +/m/027b9j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fjyzt +/m/06by7 /music/genre/artists /m/01vvybv +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/01fh9 +/m/05148p4 /music/instrument/instrumentalists /m/01w923 +/m/021gzd /tv/tv_program/languages /m/02h40lc +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/016clz /music/genre/artists /m/0bqsy +/m/03d8njj /people/person/gender /m/05zppz +/m/06zn2v2 /film/film/film_format /m/0cj16 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/0cqcgj /people/person/profession /m/02t8yb +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jfx1 +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/018d6l +/m/06_wqk4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05m_jsg +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/0f4_2k /film/film/production_companies /m/06q07 +/m/02k_kn /music/genre/artists /m/01k98nm +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086qd +/m/0nk95 /film/film_subject/films /m/0h1x5f +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cllz +/m/015grj /people/person/languages /m/02h40lc +/m/0d61px /film/film/language /m/02bjrlw +/m/0k4p0 /film/film/genre /m/07s9rl0 +/m/01y9jr /film/film/language /m/04306rv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/02ryz24 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mws3 /location/location/time_zones /m/02hcv8 +/m/07nxnw /film/film/music /m/02jxkw +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0y_9q +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0d2fd7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/02__34 /film/film/country /m/09c7w0 +/m/05bt6j /music/genre/artists /m/01cblr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fhm5 +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_gd +/m/0992d9 /film/film/production_companies /m/025hwq +/m/01lly5 /people/person/gender /m/05zppz +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/018sg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04306rv +/m/07j8kh /people/person/profession /m/05sxg2 +/m/01rxw2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kn68 +/m/0qm98 /film/film/genre /m/02m4t +/m/04qsdh /film/actor/film./film/performance/film /m/0jqkh +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tcf7 +/m/072bb1 /people/person/gender /m/02zsn +/m/09nwwf /music/genre/artists /m/01vw20_ +/m/09btt1 /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/042ly5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/05hrq4 /people/person/profession /m/02hrh1q +/m/0bwh6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/02x2gy0 /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/058z2d /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01nhgd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0210hf /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/0m2gk /location/location/contains /m/01m20m +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlt +/m/09c7w0 /location/location/contains /m/01n6r0 +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/08vr94 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k21g +/m/07s9rl0 /media_common/netflix_genre/titles /m/05sy_5 +/m/026b7bz /award/award_winner/awards_won./award/award_honor/award_winner /m/057d89 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0301bq +/m/07rn0z /people/person/places_lived./people/place_lived/location /m/04vmp +/m/05qhw /location/location/contains /m/04cwcdb +/m/018qb4 /time/event/locations /m/04jpl +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/01hvv0 /tv/tv_program/genre /m/0hcr +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0bwjj /sports/sports_team/colors /m/038hg +/m/026mml /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/011lpr /people/person/profession /m/0dxtg +/m/02w29z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f7j9 /people/person/place_of_birth /m/01_d4 +/m/07s9rl0 /media_common/netflix_genre/titles /m/06nr2h +/m/043g7l /music/record_label/artist /m/01fh0q +/m/01nh5h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01jrbv /film/film/genre /m/05p553 +/m/012rng /people/person/gender /m/05zppz +/m/016clz /music/genre/artists /m/04mky3 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0300ml +/m/0c3351 /media_common/netflix_genre/titles /m/03mgx6z +/m/02n1p5 /people/person/languages /m/03k50 +/m/02qpt1w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02r3cn +/m/024bbl /film/actor/film./film/performance/film /m/0170th +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/078g3l /people/person/spouse_s./people/marriage/spouse /m/04mlmx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4kk +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/06lpmt /film/film/genre /m/05p553 +/m/0343h /award/award_winner/awards_won./award/award_honor/award_winner /m/030_3z +/m/0d04z6 /location/country/capital /m/0d6hn +/m/025_nbr /people/deceased_person/place_of_death /m/030qb3t +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/09lxv9 /film/film/music /m/02bh9 +/m/0py5b /people/deceased_person/place_of_burial /m/09c7w0 +/m/03m6_z /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/07cjqy /film/actor/film./film/performance/film /m/0h1cdwq +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04nnpw +/m/0l14md /music/instrument/instrumentalists /m/01wvxw1 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/0p_2r +/m/01l2b3 /film/film/genre /m/05p553 +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxmx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0160w +/m/083chw /people/person/profession /m/0dxtg +/m/02rhfsc /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02qvvv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07y_r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0168nq +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/0dplh /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/0jm74 /sports/sports_team/sport /m/018w8 +/m/07r1h /people/person/nationality /m/09c7w0 +/m/02vyw /people/person/profession /m/03gjzk +/m/0xszy /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02stgt +/m/0jvtp /film/actor/film./film/performance/film /m/0p_rk +/m/04jpl /location/location/contains /m/02kzfw +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0gkkf +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01ztgm /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0k_kr /music/record_label/artist /m/01vsy7t +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/06v99d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rcwq0 /tv/tv_program/genre /m/07s9rl0 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/0l14j_ /music/instrument/instrumentalists /m/01tp5bj +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/0x67 /people/ethnicity/people /m/0x3n +/m/03ffcz /film/film/country /m/02jx1 +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0382m4 +/m/0h3k3f /film/film/music /m/03zrp +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/037n97 /music/genre/artists /m/01sbf2 +/m/02jq1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_4z +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/05tcx0 /music/genre/artists /m/02t3ln +/m/0l2nd /location/location/time_zones /m/02lcqs +/m/05wm88 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/027gy0k /film/film/genre /m/03k9fj +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01wbz9 /people/person/places_lived./people/place_lived/location /m/05hcy +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/049t4g /film/actor/film./film/performance/film /m/01gc7 +/m/0dgq_kn /film/film/country /m/09c7w0 +/m/04bd8y /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09qh1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02w64f +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2_ +/m/03915c /sports/sports_team/colors /m/019sc +/m/02km0m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0drrw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y_ +/m/0pmcz /education/educational_institution/campuses /m/0pmcz +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/04nnpw /film/film/language /m/064_8sq +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/073bb /influence/influence_node/influenced_by /m/041_y +/m/05r5w /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07g2v +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/09c7w0 /location/location/contains /m/02d_zc +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0h3k3f /film/film/genre /m/07s9rl0 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bbz66j /people/ethnicity/languages_spoken /m/02bjrlw +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/01nzs7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5bx2 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01k53x /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bqs56 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/016wyn +/m/03wj4r8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02xbw2 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02mx98 /people/person/gender /m/05zppz +/m/0hqcy /people/person/place_of_birth /m/068p2 +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01z7s_ +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/027j9wd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154qm /film/actor/film./film/performance/film /m/05p09dd +/m/051zy_b /film/film/featured_film_locations /m/0r2kh +/m/05g8pg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mz_6 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/0fx02 +/m/0kc6 /people/person/places_lived./people/place_lived/location /m/068p2 +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07b2lv +/m/0329qp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/03rj0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/06bc59 /film/film/country /m/03rjj +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/033tf_ /people/ethnicity/people /m/0194xc +/m/01hmnh /media_common/netflix_genre/titles /m/033pf1 +/m/0blpg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01cwcr /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/068cn /location/location/contains /m/03tm68 +/m/0464pz /tv/tv_program/genre /m/02fgmn +/m/06npd /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/04sj3 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02zk08 +/m/081nh /people/person/profession /m/02jknp +/m/05wh0sh /people/person/profession /m/0frz0 +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0dt_q_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/063lqs /people/person/nationality /m/09c7w0 +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/02jxbw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02_2v2 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04bsx1 /people/person/nationality /m/0j5g9 +/m/01znj1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3ns +/m/0kv36 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/047q2k1 /award/award_winning_work/awards_won./award/award_honor/award /m/0b6jkkg +/m/0nh57 /location/location/time_zones /m/02fqwt +/m/0fvr1 /film/film/genre /m/07s2s +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0cl0bk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/040whs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0nvg4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pby8 /film/actor/film./film/performance/film /m/0bpbhm +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pcz9 +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d90m +/m/0bvg70 /people/person/gender /m/05zppz +/m/012s1d /film/film/story_by /m/079ws +/m/0466s8n /film/film/language /m/02h40lc +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/065b6q /people/ethnicity/people /m/030hbp +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/024t0y /people/person/profession /m/012t_z +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/0l4h_ /media_common/netflix_genre/titles /m/0888c3 +/m/01tlmw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vz80y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/039wsf /people/person/place_of_birth /m/02_286 +/m/012ljv /people/person/nationality /m/04hqz +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05ypj5 +/m/019ltg /sports/sports_team/colors /m/019sc +/m/09nhvw /people/person/nationality /m/09c7w0 +/m/02sn34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k5px /film/film/country /m/09c7w0 +/m/02681xs /award/award_category/winners./award/award_honor/award_winner /m/01wj18h +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4b2 +/m/04smkr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/0qmjd /film/film/genre /m/060__y +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/05vk_d /people/person/spouse_s./people/marriage/spouse /m/01npcy7 +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09dv8h /film/film/genre /m/05p553 +/m/01dthg /education/educational_institution/colors /m/06fvc +/m/02qm5j /music/genre/artists /m/01v0sxx +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01k53x /people/person/place_of_birth /m/01jr6 +/m/05r6t /music/genre/artists /m/0p3r8 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/014z8v +/m/0jqkh /film/film/genre /m/07s9rl0 +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02qhlm +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/04nnpw /film/film/genre /m/03npn +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/015gw6 /film/actor/film./film/performance/film /m/01jw67 +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/06qxh +/m/04g51 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0835q /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/0fjyzt /film/film/genre /m/082gq +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/035zr0 /film/film/music /m/0l12d +/m/0kftt /film/actor/film./film/performance/film /m/02lk60 +/m/016s0m /people/person/profession /m/016z4k +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0dzz6g /film/film/genre /m/0219x_ +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/07nnp_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/01xbld /location/administrative_division/country /m/07ssc +/m/0bb57s /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vl4m +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/0cq8nx /film/film/music /m/02rf51g +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cm8w +/m/09fqgj /film/film/genre /m/04xvh5 +/m/03915c /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t2t2 +/m/0xjl2 /music/genre/parent_genre /m/06by7 +/m/0275kr /tv/tv_program/genre /m/03nk0g +/m/0kcw2 /location/location/time_zones /m/02hcv8 +/m/01dvry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dx_q +/m/05zjd /language/human_language/countries_spoken_in /m/0j4b +/m/0hfjk /media_common/netflix_genre/titles /m/0m_mm +/m/025v1sx /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/01trtc /music/record_label/artist /m/013w7j +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l4rh +/m/016fnb /people/person/places_lived./people/place_lived/location /m/0k9p4 +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pbwwl +/m/0j1yf /people/person/profession /m/09jwl +/m/06by7 /music/genre/artists /m/01s560x +/m/01y64_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kgv4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02fybl +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/02pjvc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wk7b7 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jwmp +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/01bkb /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/07lp1 /influence/influence_node/influenced_by /m/034bs +/m/080h2 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/013knm /film/actor/film./film/performance/film /m/0d99k_ +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/01cl0d /music/record_label/artist /m/013w2r +/m/020fgy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jt2w +/m/05x2t7 /people/deceased_person/place_of_burial /m/018mmw +/m/01nvmd_ /film/actor/film./film/performance/film /m/01f69m +/m/01900g /people/person/places_lived./people/place_lived/location /m/013yq +/m/0ntwb /location/location/time_zones /m/02fqwt +/m/064t9 /music/genre/artists /m/0249kn +/m/01f7v_ /film/director/film /m/01f85k +/m/016clz /music/genre/artists /m/03f6fl0 +/m/02qlp4 /film/film/produced_by /m/06dkzt +/m/07g9f /tv/tv_program/genre /m/0fdjb +/m/01yzhn /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0358x_ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04wlh +/m/01vqrm /people/person/profession /m/01d_h8 +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vd7hn +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/0bg539 +/m/02qvvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0411q +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/01xn5th /sports/sports_team/sport /m/02vx4 +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0d8_wz +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/01vvdm /people/person/place_of_birth /m/02_286 +/m/02pqcfz /sports/sports_team/colors /m/01g5v +/m/0h25 /influence/influence_node/influenced_by /m/01vh096 +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01cm8w /film/film/genre /m/02n4kr +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsn_ +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/06qn87 +/m/07bwr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02my3z +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01jzxy +/m/0288fyj /award/award_winner/awards_won./award/award_honor/award_winner /m/01wcp_g +/m/0291ck /film/film/genre /m/03npn +/m/07csf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s5v5 +/m/03_wpf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02q253 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rgvr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/03xl77 /people/person/profession /m/0dz3r +/m/04t36 /media_common/netflix_genre/titles /m/0k5px +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/07ng9k /film/film/dubbing_performances./film/dubbing_performance/actor /m/05z775 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/040p3y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/015y2q +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/03lrht /film/film/film_format /m/07fb8_ +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/02vg0 +/m/015_1q /music/record_label/artist /m/01wv9p +/m/04f52jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06fxnf +/m/0kszw /film/actor/film./film/performance/film /m/04jpg2p +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n998 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/0353tm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/04shbh /film/actor/film./film/performance/film /m/026hh0m +/m/0170qf /people/person/place_of_birth /m/0pfd9 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04mjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/033wx9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019n7x +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/01x5fb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/04255q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/014xf6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01c8v0 /music/artist/origin /m/0hyxv +/m/043s3 /people/person/places_lived./people/place_lived/location /m/059j2 +/m/0v0d9 /location/location/time_zones /m/02hcv8 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_3z +/m/0mmp3 /music/genre/artists /m/01j59b0 +/m/01qvgl /people/person/profession /m/0nbcg +/m/0m9v7 /people/person/profession /m/0dxtg +/m/05r7t /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04p5cr +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/03tf_h +/m/0pc62 /film/film/music /m/0150t6 +/m/01v8y9 /music/instrument/instrumentalists /m/01vvycq +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/055c8 +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01g4zr /people/person/religion /m/04t_mf +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/01hjy5 /education/educational_institution/school_type /m/05pcjw +/m/02_fz3 /film/film/genre /m/01jfsb +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/0bxqq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq1l +/m/01d5vk /people/person/gender /m/05zppz +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/088xp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09n48 /olympics/olympic_games/sports /m/09qgm +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02x9g_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/03wdsbz /people/person/gender /m/05zppz +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0ggq0m /music/genre/artists /m/01m3x5p +/m/09w6br /film/film/production_companies /m/086k8 +/m/0ptxj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/08cyft /music/genre/artists /m/03y82t6 +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/05fhy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04j1n8 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04_m9gk +/m/05tbn /location/location/contains /m/0mwht +/m/01d_h /music/artist/origin /m/09c7w0 +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tcf7 +/m/03ft8 /people/person/place_of_birth /m/0100mt +/m/01lz4tf /people/person/places_lived./people/place_lived/location /m/06_kh +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/034qmv /film/film/story_by /m/04093 +/m/04f62k /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023p29 +/m/01vxxb /film/actor/film./film/performance/film /m/01f7jt +/m/0d35y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h53p1 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0425j7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0694j /location/location/time_zones /m/02hcv8 +/m/04zw9hs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02cyfz /people/person/profession /m/01c72t +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051m56 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/0n6bs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mczk /location/location/contains /m/080g3 +/m/08hsww /film/actor/film./film/performance/film /m/0g9z_32 +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028pzq /people/person/languages /m/02bjrlw +/m/01qqwn /medicine/disease/risk_factors /m/01hbgs +/m/0d2psv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/035ktt +/m/01f_mw /organization/organization/child./organization/organization_relationship/child /m/05f260 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mr6 +/m/01nms7 /film/actor/film./film/performance/film /m/04jm_hq +/m/09x7p1 /base/culturalevent/event/entity_involved /m/09b6zr +/m/0g768 /music/record_label/artist /m/0dtd6 +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/049vhf /business/business_operation/industry /m/020mfr +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wqg8 +/m/025_ql1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051x52f /film/film_set_designer/film_sets_designed /m/0kcn7 +/m/02gyl0 /people/person/profession /m/012t_z +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/0bq3x /film/film_subject/films /m/03sxd2 +/m/0fb0v /music/record_label/artist /m/01vrz41 +/m/07ng9k /film/film/dubbing_performances./film/dubbing_performance/actor /m/09wlpl +/m/042v_gx /music/instrument/instrumentalists /m/0161c2 +/m/07nv3_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/049fbh +/m/03mz5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0969fd +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/07c5l /location/location/contains /m/0jgd +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/04rzd /music/instrument/instrumentalists /m/01wwvc5 +/m/0126rp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/08q3s0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/0h5g_ /people/person/places_lived./people/place_lived/location /m/02cft +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/093xh0 +/m/0xgpv /location/hud_county_place/place /m/0xgpv +/m/016ckq /music/record_label/artist /m/03f7jfh +/m/01pj3h /people/person/profession /m/0dxtg +/m/064t9 /music/genre/artists /m/05vzw3 +/m/03cl8lb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cm8w +/m/048htn /film/film/genre /m/0lsxr +/m/073749 /film/actor/film./film/performance/film /m/0gtsx8c +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027s39y +/m/0162v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/08nhfc1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0181dw /music/record_label/artist /m/0161c2 +/m/0fs9vc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0d87hc /film/film/featured_film_locations /m/0k049 +/m/02t_w8 /people/person/profession /m/02hrh1q +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0bwhdbl /film/film/music /m/0b6yp2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01q0kg +/m/02d49z /film/film/executive_produced_by /m/01kp66 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0p03t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0flbm +/m/03q64h /people/person/nationality /m/03_3d +/m/01vsyg9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0ylsr /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/0bymv /film/actor/film./film/performance/film /m/064q5v +/m/01nxzv /film/actor/film./film/performance/film /m/0m63c +/m/028tv0 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/07f_t4 /film/film/genre /m/03k9fj +/m/07ss8_ /people/person/languages /m/02h40lc +/m/02b16p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0m491 /film/film/genre /m/02b5_l +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0jgj7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yd2 /film/film/genre /m/07s9rl0 +/m/0h1wz /medicine/disease/risk_factors /m/0dcp_ +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042xrr +/m/059rby /location/location/contains /m/03bmmc +/m/01sxly /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0436yk /film/film/genre /m/03k9fj +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zj61 +/m/0bpx1k /film/film/film_format /m/0cj16 +/m/0828jw /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05xd8x /people/person/religion /m/03j6c +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02tcgh +/m/04t061 /music/record_label/artist /m/048xh +/m/08nvyr /film/film/country /m/09c7w0 +/m/0c2tf /people/person/places_lived./people/place_lived/location /m/0fvxg +/m/02gd6x /film/film/country /m/082fr +/m/018ygt /film/actor/film./film/performance/film /m/058kh7 +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0333t /film/film/language /m/02h40lc +/m/0tzt_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02yy9r /film/film/genre /m/01jfsb +/m/01xsbh /film/actor/film./film/performance/film /m/02qlp4 +/m/01g7_r /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01b65l /tv/tv_program/genre /m/06q7n +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/018fq +/m/02qcr /film/film/genre /m/07s9rl0 +/m/08jyyk /music/genre/artists /m/0191h5 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/05cgy8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bz6sq +/m/03np63f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02qy3py /people/person/profession /m/02hrh1q +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02mc79 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_l96 +/m/02j4sk /people/person/sibling_s./people/sibling_relationship/sibling /m/036jp8 +/m/02rq7nd /tv/tv_program/genre /m/07s9rl0 +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/04p3w /people/cause_of_death/people /m/0bdlj +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0dg3n1 +/m/02gf_l /film/actor/film./film/performance/film /m/03tn80 +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/01nfys /film/actor/film./film/performance/film /m/04gv3db +/m/05_swj /people/person/gender /m/05zppz +/m/0jhjl /education/educational_institution_campus/educational_institution /m/0jhjl +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/02fp3 /sports/sports_team/colors /m/083jv +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/084qpk /film/film/language /m/02h40lc +/m/0glt670 /music/genre/artists /m/04qmr +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02k9k9 +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/039_ym +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dsx3f +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/0hjy /base/aareas/schema/administrative_area/capital /m/0l_q9 +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0f4y_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02s2lg +/m/015_1q /music/record_label/artist /m/0jbyg +/m/0sxgv /film/film/cinematography /m/03rqww +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/0sxrz /olympics/olympic_games/sports /m/01hp22 +/m/03tf_h /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/02psvcf /medicine/disease/risk_factors /m/012jc +/m/06z5s /people/cause_of_death/people /m/080r3 +/m/043zg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0p9xd /music/genre/artists /m/01wg3q +/m/01l7qw /people/person/profession /m/0dxtg +/m/015njf /people/person/profession /m/03gjzk +/m/04z0g /influence/influence_node/influenced_by /m/032r1 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/017rbx /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/07l4zhn +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/07ssc /location/location/contains /m/0g133 +/m/01nvmd_ /people/person/place_of_birth /m/01_d4 +/m/03qcq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq4j6 +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019nnl +/m/028knk /award/award_winner/awards_won./award/award_honor/award_winner /m/0301yj +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09mq4m /people/person/profession /m/09jwl +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03rjj +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/053yx +/m/0xhtw /music/genre/artists /m/01mxt_ +/m/04yc76 /film/film/genre /m/02l7c8 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lj6p +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_44z +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/03cglm /film/actor/film./film/performance/film /m/03n0cd +/m/0h0wd9 /film/film/genre /m/02l7c8 +/m/01q3_2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06cc_1 +/m/0_7w6 /film/film/music /m/02fgp0 +/m/0353tm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01y8d4 /people/person/profession /m/0cbd2 +/m/09p0q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04znsy /people/person/gender /m/02zsn +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05b7q +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/08bytj +/m/075npt /people/person/place_of_birth /m/0r1jr +/m/03b1sb /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/080lkt7 /film/film/film_festivals /m/09rwjly +/m/01p85y /film/actor/film./film/performance/film /m/048qrd +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/091z_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0487c3 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p9hgt +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/0r111 /base/biblioness/bibs_location/state /m/01n7q +/m/0274ck /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/01xzb6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09d5d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/03qnc6q /film/film/genre /m/01hmnh +/m/015v3r /people/person/place_of_birth /m/0vzm +/m/09nwwf /music/genre/artists /m/0ql36 +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/03lty /music/genre/artists /m/0150jk +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/0jgj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrtv +/m/0czkbt /people/person/profession /m/0n1h +/m/02qjv /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/06z4wj /award/award_winner/awards_won./award/award_honor/award_winner /m/0164y7 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05f33tk +/m/06by7 /music/genre/artists /m/07h76 +/m/0chghy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0234pg /people/person/profession /m/02hrh1q +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v71cj +/m/01z4y /media_common/netflix_genre/titles /m/0sxns +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/03p7r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/0ylzs /education/educational_institution/students_graduates./education/education/student /m/03_dj +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02kmx6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/0487_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06q8hf +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05g76 +/m/01fcmh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06t2t2 /film/film/language /m/03_9r +/m/02gn8s /organization/organization/headquarters./location/mailing_address/citytown /m/0mzww +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/01m13b /film/film/country /m/0k6nt +/m/05lb30 /people/person/place_of_birth /m/0vzm +/m/03lq43 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/0509bl /people/person/gender /m/02zsn +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwnh2 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/0294fd /people/person/places_lived./people/place_lived/location /m/0dv9v +/m/07ykkx5 /film/film/country /m/09c7w0 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04bs3j +/m/0cc846d /film/film/featured_film_locations /m/02_286 +/m/04kjrv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059s8 /location/location/contains /m/02w70 +/m/0f4yh /film/film/featured_film_locations /m/035p3 +/m/016_v3 /music/genre/artists /m/0837ql +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05j085 /award/award_category/disciplines_or_subjects /m/05h83 +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02r_d4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yfm8 /people/person/profession /m/0np9r +/m/01b7h8 /tv/tv_program/languages /m/02h40lc +/m/0x3b7 /people/person/places_lived./people/place_lived/location /m/05fkf +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/01pcdn +/m/02gn8s /education/educational_institution/school_type /m/01qm7 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0yxm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0499lc +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0z4s /film/actor/film./film/performance/film /m/034b6k +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/03g90h /film/film/genre /m/02n4kr +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01z77k /media_common/netflix_genre/titles /m/02q5bx2 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0z05l /award/award_winner/awards_won./award/award_honor/award_winner /m/06fmdb +/m/0k3l5 /location/location/contains /m/02s838 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/08y7b9 /people/person/place_of_birth /m/04vmp +/m/026q3s3 /film/film/genre /m/02kdv5l +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/07r1_ +/m/09c7w0 /location/location/contains /m/0778p +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/082xp +/m/0h6sv /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/0284gc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/03v1s +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/026p_bs /film/film/music /m/023361 +/m/01v9l67 /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/02rqwhl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pdhz /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/019bk0 /time/event/instance_of_recurring_event /m/0c4ys +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0tz41 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031x_3 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/065vxq +/m/03s0w /location/location/contains /m/02yr1q +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/07y8l9 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/033m23 /people/person/profession /m/02hrh1q +/m/01ldw4 /people/person/profession /m/01c72t +/m/01w8g3 /film/film/genre /m/0219x_ +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr3sl +/m/0dqytn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gh6j94 /film/film/language /m/04306rv +/m/06bvp /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/05v954 /people/person/place_of_birth /m/0rh6k +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c94fn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01zh3_ +/m/0ql36 /people/person/profession /m/029bkp +/m/06w2sn5 /people/person/profession /m/02hrh1q +/m/0p_47 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/028k57 +/m/0ds35l9 /film/film/genre /m/05p553 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/04ck0_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dx8gj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1p +/m/050ks /location/location/contains /m/0nm6z +/m/0v1xg /location/hud_county_place/place /m/0v1xg +/m/0bk17k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04fcjt /music/record_label/artist /m/04rcr +/m/01_mdl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ch3qr1 /film/film/written_by /m/02lk1s +/m/0d8s8 /location/location/time_zones /m/02llzg +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01gf5h /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02x8m /music/genre/artists /m/013w8y +/m/01d8yn /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/05k2s_ /people/person/profession /m/01d_h8 +/m/01633c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fwpt +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0f830f /people/person/gender /m/05zppz +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07b1gq /film/film/music /m/02jxkw +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/018vs +/m/0cc5mcj /film/film/written_by /m/09pl3f +/m/0kb1g /film/film/genre /m/017fp +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cj2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t_wfl +/m/0jrv_ /music/genre/artists /m/0gkg6 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/065zf3p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02n1p5 /people/person/nationality /m/03rk0 +/m/08vpjv /people/person/profession /m/02hrh1q +/m/05842k /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0kf9p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/09s5q8 +/m/05d7rk /people/person/nationality /m/03rk0 +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0419kt +/m/03m6pk /film/actor/film./film/performance/film /m/04qk12 +/m/02jx_v /education/educational_institution/colors /m/083jv +/m/09y20 /film/actor/film./film/performance/film /m/0p3_y +/m/025ljp /tv/tv_program/genre /m/0hcr +/m/02w7fs /award/award_category/winners./award/award_honor/award_winner /m/03x82v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06wzvr +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0hpv3 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0kwv2 +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095z4q +/m/02qydsh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0537b /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/0170yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01qrbf /music/artist/origin /m/04jpl +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ds2sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027km64 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfz +/m/016sd3 /education/educational_institution/school_type /m/04qbv +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0jkhr +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/0dln8jk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04wg38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/0g6ff /people/ethnicity/people /m/09h_q +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/02t8gf /music/genre/parent_genre /m/0163zw +/m/02hmw9 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/07fq1y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c7t58 +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/030h95 +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/0bxxzb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02grdc /award/award_category/category_of /m/0c4ys +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cycq +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/04cxw5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f830f +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0vmt /location/location/contains /m/0m241 +/m/01cbwl /music/genre/artists /m/017lb_ +/m/0209xj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/07vfy4 /film/film/language /m/02h40lc +/m/051x52f /film/film_set_designer/film_sets_designed /m/02r_pp +/m/08k40m /film/film/genre /m/0gf28 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/0fvly /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0cq7kw /film/film/genre /m/07s9rl0 +/m/01tfck /film/actor/film./film/performance/film /m/03cd0x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/05pdh86 /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026mfbr +/m/01dw4q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0315w4 /film/film/featured_film_locations /m/01n7q +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05crg7 +/m/07ssc /media_common/netflix_genre/titles /m/03c_cxn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0j2pg +/m/0mm1q /people/person/spouse_s./people/marriage/spouse /m/01vs_v8 +/m/027nb /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/07s9rl0 /media_common/netflix_genre/titles /m/0h14ln +/m/0n03f /base/aareas/schema/administrative_area/administrative_parent /m/03rt9 +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vz80y +/m/012s1d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dg3jz /people/deceased_person/place_of_death /m/0r3tq +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/032xhg /film/actor/film./film/performance/film /m/0crd8q6 +/m/0lv1x /olympics/olympic_games/sports /m/0d1t3 +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01l1b90 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04xrx +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01rgn3 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/03x3qv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01g888 /music/genre/artists /m/07h76 +/m/03v1w7 /people/person/gender /m/05zppz +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/08x5c_ /film/actor/film./film/performance/film /m/029v40 +/m/01vvb4m /film/actor/film./film/performance/film /m/084qpk +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0ggq0m /music/genre/artists /m/011zf2 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/027dpx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/02hfgl +/m/0qcr0 /people/cause_of_death/people /m/02__94 +/m/01vtj38 /people/person/profession /m/02jknp +/m/04qw17 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01tspc6 +/m/01bl7g /film/film/featured_film_locations /m/02_286 +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06l6nj +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmblvq +/m/02x7vq /people/person/gender /m/02zsn +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0498y +/m/02j3w /base/biblioness/bibs_location/country /m/09c7w0 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/044n3h /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0kc9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09dv8h +/m/02lxj_ /people/person/profession /m/02hrh1q +/m/04f52jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/056ws9 +/m/0bby9p5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01nr36 /film/actor/film./film/performance/film /m/04j13sx +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/09dt7 +/m/08jyyk /music/genre/artists /m/01271h +/m/03fnnn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0b_c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/0c2rr7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0d8_wz +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/07c5l /location/location/contains /m/07twz +/m/04wmvz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/02rmxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0kbws /olympics/olympic_games/participating_countries /m/02kcz +/m/0dfw0 /film/film/genre /m/02kdv5l +/m/01cw6l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01669t +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/02xbw2 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vw37m +/m/043h78 /film/film/language /m/02h40lc +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05ff6 /location/location/contains /m/02bm8 +/m/0hmyfsv /organization/organization/place_founded /m/01qh7 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/02r7lqg +/m/0177g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qyv3h /film/film/country /m/02vzc +/m/0k0q73t /tv/tv_program/genre /m/09lmb +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/027ct7c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d9_96 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02kbtf +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rf1y +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/035zr0 /film/film/production_companies /m/03sb38 +/m/01_6dw /influence/influence_node/influenced_by /m/017r2 +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/01fwqn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02l424 /organization/organization/headquarters./location/mailing_address/citytown /m/01snm +/m/01pcq3 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/018db8 +/m/0m24v /location/location/contains /m/0ny57 +/m/0dzlbx /film/film/genre /m/02xlf +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/01rddlc /people/person/gender /m/02zsn +/m/0m2dk /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01wk7b7 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/0jvt9 /film/film/cinematography /m/070bjw +/m/05mkhs /film/actor/film./film/performance/film /m/04grkmd +/m/029k55 /film/actor/film./film/performance/film /m/02q7yfq +/m/02xry /location/location/contains /m/0jhz_ +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03d_w3h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0blt6 +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bj9k +/m/05mxw33 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0l6qt /people/person/profession /m/02hv44_ +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/07f1x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09pmkv +/m/0nlg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n96z +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/01n6c /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/04sj3 /location/country/official_language /m/064_8sq +/m/0164y7 /people/person/profession /m/0nbcg +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01k7b0 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/097ns /medicine/disease/risk_factors /m/02zsn +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fhy +/m/017fp /media_common/netflix_genre/titles /m/0416y94 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/09c7w0 /location/location/contains /m/02fjzt +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0ccxx6 /music/genre/artists /m/01518s +/m/05pt0l /film/film/genre /m/02n4kr +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/05r5c /music/instrument/instrumentalists /m/01ldw4 +/m/03bggl /people/person/gender /m/05zppz +/m/02kxbwx /people/person/profession /m/02jknp +/m/03hbbc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wk7ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/01psyx /people/cause_of_death/people /m/01_4z +/m/04135 /influence/influence_node/influenced_by /m/01vh096 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/06y3r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01clyr /music/record_label/artist /m/01vsl3_ +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/016ywr /film/actor/film./film/performance/film /m/04xg2f +/m/01k165 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/03k9fj /media_common/netflix_genre/titles /m/04x4gw +/m/01817f /people/person/places_lived./people/place_lived/location /m/01531 +/m/0g5y6 /people/ethnicity/people /m/01g23m +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/0347xl /film/actor/film./film/performance/film /m/0bxsk +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0303jw +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/081_zm /people/person/religion /m/03_gx +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01jkqfz +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/07c98 /location/location/contains /m/019fbp +/m/05mkhs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yhvv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/048_lz +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02h7qr +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/030wkp /people/person/profession /m/0np9r +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/0168cl /people/person/places_lived./people/place_lived/location /m/058cm +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/0h5jg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/017_qw /music/genre/artists /m/01tc9r +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/044mfr +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b76d_m /film/film/genre /m/01jfsb +/m/01wg982 /people/person/nationality /m/09c7w0 +/m/0dzfdw /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/01pcz9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/03mp9s /people/person/profession /m/02hrh1q +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014zwb +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/03ytp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/05dbf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03f7jfh +/m/01dc0c /film/film/genre /m/02n4kr +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/01hbq0 /people/person/gender /m/05zppz +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/01vxqyl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vs_v8 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03548 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07sbbz2 /music/genre/artists /m/01wj92r +/m/04pk1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01lvzbl /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/04x1_w /people/person/places_lived./people/place_lived/location /m/07_fl +/m/01l29r /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/025rcc /organization/organization/headquarters./location/mailing_address/citytown /m/02frhbc +/m/0892sx /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/015np0 /people/person/profession /m/02hrh1q +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048wrb +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/02xwq9 /film/actor/film./film/performance/film /m/027pfg +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02fybl /people/person/profession /m/025352 +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0g2dz +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/05zwrg0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/0hky +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/06x77g /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/0bj25 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0prjs +/m/012gx2 /people/person/places_lived./people/place_lived/location /m/0_24q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0j5fv /medicine/symptom/symptom_of /m/0d19y2 +/m/047fwlg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ldxq +/m/016sp_ /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/02l5rm +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/025jfl +/m/05fjf /location/administrative_division/country /m/09c7w0 +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/01w724 /people/deceased_person/place_of_death /m/0qpqn +/m/0y617 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gywn /music/genre/artists /m/01vrt_c +/m/0ct9_ /influence/influence_node/influenced_by /m/02wh0 +/m/04twmk /people/person/gender /m/05zppz +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vsy9_ +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/03x82v /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0dg3n1 /location/location/contains /m/0j4b +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jymd +/m/03_6y /people/person/nationality /m/0d060g +/m/034b6k /film/film/country /m/09c7w0 +/m/01gp_x /award/award_winner/awards_won./award/award_honor/award_winner /m/02q5xsx +/m/012j5h /people/person/gender /m/05zppz +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029q_y +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/039xcr /people/deceased_person/place_of_death /m/0k049 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032_wv +/m/01k60v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vtj38 +/m/01p970 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/01wqflx /people/person/profession /m/0nbcg +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/0cc5mcj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0342h /music/instrument/instrumentalists /m/01w58n3 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/025g__ /music/genre/artists /m/01vs8ng +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/03cvvlg /film/film/language /m/02h40lc +/m/03m5k /music/instrument/instrumentalists /m/0bkg4 +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01507p /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02krdz +/m/026mfbr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/01dkpb /people/person/languages /m/02h40lc +/m/07f_7h /film/film/genre /m/03npn +/m/03mdw3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03f7xg +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025t9b +/m/01ynzf /people/person/profession /m/0dxtg +/m/04j14qc /film/film/country /m/09c7w0 +/m/064t9 /music/genre/artists /m/01vs_v8 +/m/02j3d4 /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/0nbjq /olympics/olympic_games/sports /m/0486tv +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/01vw8mh /people/person/profession /m/0n1h +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/0415zv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/01pv91 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0291ck /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05xd_v /people/person/gender /m/05zppz +/m/01v1d8 /music/instrument/instrumentalists /m/02l840 +/m/016ckq /music/record_label/artist /m/06cc_1 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01jfsb /media_common/netflix_genre/titles /m/015qsq +/m/026njb5 /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/0fw2y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/029n80 +/m/07hwkr /people/ethnicity/people /m/04gr35 +/m/02r858_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07b2lv /film/actor/film./film/performance/film /m/0gy7bj4 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/01gfq4 /music/record_label/artist /m/01nz1q6 +/m/0pkr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n0v_ +/m/02g1jh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0d234 /base/biblioness/bibs_location/country /m/09c7w0 +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/0lbfv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/07s9rl0 /media_common/netflix_genre/titles /m/05_5rjx +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/032t2z /people/person/nationality /m/07ssc +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/032nwy +/m/04rsd2 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/05r5c /music/instrument/instrumentalists /m/01k98nm +/m/0337vz /people/person/gender /m/05zppz +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/01h7bb /film/film/executive_produced_by /m/08gf93 +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/08f3b1 /people/person/religion /m/01y0s9 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011wtv +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/02pp_q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tj5 +/m/01t6b4 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07s8z_l +/m/0d87hc /film/film/genre /m/05p553 +/m/09k0f /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkx3 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h21v2 +/m/01vs14j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/021r6w /people/person/profession /m/016fly +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026v437 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/02_1sj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0223g8 /people/person/places_lived./people/place_lived/location /m/07l5z +/m/01738f /music/genre/artists /m/01w8n89 +/m/043g7l /music/record_label/artist /m/03g5jw +/m/07lt7b /film/actor/film./film/performance/film /m/04h4c9 +/m/05zl0 /organization/organization_founder/organizations_founded /m/034h1h +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0bk5r /influence/influence_node/influenced_by /m/032l1 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01g23m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01f492 +/m/01hmnh /media_common/netflix_genre/titles /m/08sk8l +/m/0p4wb /organization/organization/headquarters./location/mailing_address/citytown /m/01v8c +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04mp9q /sports/sports_team/sport /m/02vx4 +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/03gfvsz /broadcast/content/artist /m/01q99h +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03zrc_ +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mz_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01z3bz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cxbth +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04xvlr /media_common/netflix_genre/titles /m/02qjv1p +/m/0x3r3 /influence/influence_node/influenced_by /m/03sbs +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9b0 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/0149xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127gn +/m/03t5n3 /award/award_category/category_of /m/0c4ys +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02gjrc +/m/08f3yq /award/award_winner/awards_won./award/award_honor/award_winner /m/02c0mv +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/03g62 /film/director/film /m/0kb1g +/m/03lty /music/genre/artists /m/01w8n89 +/m/03lmzl /film/actor/film./film/performance/film /m/03vyw8 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/01k5y0 /film/film/music /m/01vttb9 +/m/0sxns /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05zbm4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mh8zn +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/05nrg /location/location/contains /m/012ts +/m/02n9bh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0m0jc /music/genre/artists /m/0ftps +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/0ddkf +/m/03mg5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x43v +/m/0bmpm /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02pl5bx /music/genre/parent_genre /m/0190yn +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqxm +/m/03yvln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01mxqyk /people/person/profession /m/02hrh1q +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019f9z +/m/01vt5c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0l786 /film/actor/film./film/performance/film /m/02dwj +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p7qm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/01f8gz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03s0w /location/location/contains /m/03fgm +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/0ckh4k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_2td +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/029tx /media_common/netflix_genre/titles /m/0hx4y +/m/019pm_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0dvmd +/m/01s5q /film/film_subject/films /m/0n0bp +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03q4hl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059xvg +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0428bc +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/040db /people/person/profession /m/015btn +/m/02pjvc /film/actor/film./film/performance/film /m/0bs8ndx +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/01w61th /award/award_nominee/award_nominations./award/award_nomination/award /m/02681_5 +/m/0fgg4 /film/actor/film./film/performance/film /m/028_yv +/m/0rmwd /base/biblioness/bibs_location/country /m/09c7w0 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9t0y +/m/0603qp /film/director/film /m/0dt8xq +/m/040p3y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04r7p /people/person/nationality /m/05b4w +/m/03hj5lq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/0gxkm +/m/0lzb8 /people/person/profession /m/015cjr +/m/02mv9b /film/actor/film./film/performance/film /m/072192 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/01m3b1t /award/award_winner/awards_won./award/award_honor/award_winner /m/02pbrn +/m/0j_c /film/director/film /m/0k0rf +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fky +/m/05tk7y /film/actor/film./film/performance/film /m/01l_pn +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0hsn_ +/m/01vhrz /award/award_winner/awards_won./award/award_honor/award_winner /m/062cg6 +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r4bps +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/054kmq +/m/02fs_d /education/educational_institution/colors /m/01l849 +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0266r6h +/m/01rnly /film/film/music /m/01cbt3 +/m/02dr9j /film/film/genre /m/02kdv5l +/m/083skw /film/film/featured_film_locations /m/0ftvg +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0f40w +/m/01cbwl /music/genre/artists /m/09jvl +/m/02z_b /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/040db /influence/influence_node/influenced_by /m/05gpy +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/016s_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0413cff /film/film/featured_film_locations /m/088q4 +/m/0mx3k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bbpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05krk /education/educational_institution/students_graduates./education/education/student /m/03hpr +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0j80w /film/film/language /m/02h40lc +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/01w0yrc +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/02bn75 /people/deceased_person/place_of_death /m/030qb3t +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hlwv +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04q5zw +/m/012m_ /location/location/contains /m/07l75 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvq6g +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kcdl /tv/tv_network/programs./tv/tv_network_duration/program /m/02sqkh +/m/01pny5 /people/person/place_of_birth /m/01l63 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/05xpv +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0vm5t /location/location/time_zones /m/02hcv8 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/04b7xr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pg29 /people/person/nationality /m/09c7w0 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/021b_ /people/person/nationality /m/09c7w0 +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/086k8 +/m/06929s /film/film/written_by /m/0bq4j6 +/m/01vw37m /award/award_winner/awards_won./award/award_honor/award_winner /m/0337vz +/m/01wqflx /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/01d_4t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0kjgl +/m/03ckfl9 /music/genre/artists /m/02whj +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/0n3ll /location/us_county/county_seat /m/0fvyg +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/04mn81 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0660b9b /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02k84w /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/02z4b_8 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/09b6zr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04999m +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t74h +/m/01gkp1 /film/film/genre /m/03p5xs +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01vrz41 /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/02ld6x /people/person/profession /m/01d_h8 +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/032sl_ /film/film/featured_film_locations /m/0rh6k +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vx5w7 +/m/02wgbb /film/film/language /m/02h40lc +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/04nw9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/012dtf +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012xdf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02h30z +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/01hmk9 /award/award_winner/awards_won./award/award_honor/award_winner /m/031x_3 +/m/01vqrm /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/0k_kr /music/record_label/artist /m/01vn0t_ +/m/0mbql /film/film/film_production_design_by /m/02x2t07 +/m/06m6p7 /people/person/profession /m/03gjzk +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03__y +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0y_pg +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/01zfmm /people/person/profession /m/01d_h8 +/m/0mnrb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02m0b0 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/04dqdk /people/person/profession /m/016z4k +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07wkd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05jrj4 /people/person/profession /m/028kk_ +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/05mkhs /film/actor/film./film/performance/film /m/027gy0k +/m/017l96 /music/record_label/artist /m/01vsy3q +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j5sd +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0dtd6 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01yhm +/m/0dszr0 /people/person/profession /m/0cbd2 +/m/03h_fqv /film/actor/film./film/performance/film /m/04ydr95 +/m/0l14gg /music/genre/artists /m/02bh9 +/m/03zqc1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/029q_y +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0282x /people/person/places_lived./people/place_lived/location /m/0978r +/m/0126t5 /music/genre/artists /m/0qdyf +/m/01rnly /film/film/produced_by /m/02hy9p +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjf +/m/01vh096 /influence/influence_node/influenced_by /m/0420y +/m/0cc07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bx9y +/m/06rkfs /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fjyzt /film/film/country /m/07ssc +/m/072192 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p7h7 +/m/02k54 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/03v6t /education/educational_institution/colors /m/01l849 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01rlz4 +/m/01k_0fp /people/person/place_of_birth /m/01b8w_ +/m/03k0yw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l998 /olympics/olympic_games/sports /m/01cgz +/m/01pr6q7 /people/deceased_person/place_of_burial /m/018mmj +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01p970 /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/01wqlc /music/genre/artists /m/0kvrb +/m/0h1nt /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/02gpkt /film/film/genre /m/0lsxr +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/03rjj /location/location/time_zones /m/02llzg +/m/03hpr /influence/influence_node/influenced_by /m/02lt8 +/m/03f7jfh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05dbf +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/02v3m7 /location/location/contains /m/0ndh6 +/m/0bxtg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01svq8 +/m/03wnh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01rcmg +/m/0dqcs3 /film/film/genre /m/01jfsb +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/035dk /location/country/official_language /m/02h40lc +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/048yqf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/019z7q /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/06j6l /music/genre/artists /m/0pyg6 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/016zgj /music/genre/artists /m/082brv +/m/01rxw /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0bkq7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0fthdk /film/actor/film./film/performance/film /m/075wx7_ +/m/01tnbn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqh5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06xj93 +/m/0k5px /film/film/music /m/095p3z +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/039cq4 +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/026670 /film/director/film /m/01hqhm +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/08_438 /people/person/profession /m/02hrh1q +/m/0dn3n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gz5hs +/m/016xk5 /people/person/profession /m/09jwl +/m/09bkc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03mcwq3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035gt8 /education/educational_institution/school_type /m/01rs41 +/m/0564x /film/film/genre /m/03k9fj +/m/012x2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027j9wd +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04xvlr /media_common/netflix_genre/titles /m/05q96q6 +/m/025b5y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05np4c +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h27vc +/m/01vc5m /organization/organization/headquarters./location/mailing_address/citytown /m/0tnkg +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01817f +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/04mz10g /people/person/profession /m/02hrh1q +/m/064xp /location/location/time_zones /m/02llzg +/m/0c3zjn7 /film/film/executive_produced_by /m/06pj8 +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/016dsy /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/047sxrj /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/02y49 /influence/influence_node/influenced_by /m/06hmd +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/016xh5 /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/02chhq /film/film/genre /m/04gm78f +/m/011ydl /film/film/genre /m/01t_vv +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0ddcbd5 /film/film/genre /m/05p553 +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06yxd /location/location/partially_contains /m/0lm0n +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/02g839 /education/educational_institution_campus/educational_institution /m/02g839 +/m/01w02sy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01nfys +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/014d4v +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x6dqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/03d6fyn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0fg04 /film/film/production_companies /m/05qd_ +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0c5qvw /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c33pl +/m/0d_84 /people/person/profession /m/02hrh1q +/m/012d40 /people/person/languages /m/0653m +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/01_xtx /film/actor/film./film/performance/film /m/03bzjpm +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/02mjmr /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06pj8 +/m/04sylm /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0njj0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b6rdt /film/film/featured_film_locations /m/0d060g +/m/0pzmf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5j7 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/02zmh5 /music/artist/origin /m/06mxs +/m/0415mzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs73g +/m/0fplg /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02zyy4 /people/person/place_of_birth /m/01_d4 +/m/02qysm0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/03m6t5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/017z88 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/02qgqt /people/person/profession /m/0q04f +/m/0l0mk /location/hud_county_place/county /m/0l2yf +/m/016sqs /people/person/gender /m/05zppz +/m/0bm2x /film/film/produced_by /m/06l6nj +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0n2q0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1tx +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9cv +/m/0mkg /music/instrument/instrumentalists /m/06rgq +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/076_74 /people/person/place_of_birth /m/02dtg +/m/02rg_4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/030hcs /film/actor/film./film/performance/film /m/07kdkfj +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01ct6 +/m/031zkw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03jjzf +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/03rk0 /location/location/contains /m/02hwww +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/020hyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/05gm16l /education/educational_institution_campus/educational_institution /m/05gm16l +/m/0tfc /organization/organization_member/member_of./organization/organization_membership/organization /m/02hcxm +/m/09k56b7 /film/film/genre /m/02n4kr +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0glt670 /music/genre/artists /m/01wn718 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02fgdx +/m/09n48 /olympics/olympic_games/participating_countries /m/01pj7 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0309jm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/03lv4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/020_95 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02f46y +/m/01t04r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0kft +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/035xwd /film/film/production_companies /m/0338lq +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/051ghn +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/0c3ns /film/director/film /m/01hv3t +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0jrtv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j_1v +/m/097zcz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/04kwbt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/04ty8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/01bcwk /education/educational_institution_campus/educational_institution /m/01bcwk +/m/01hcvm /music/genre/artists /m/03q_w5 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/019gz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k269 /people/person/profession /m/0dxtg +/m/0hhqw /soccer/football_player/current_team./sports/sports_team_roster/team /m/03x6m +/m/0jpdn /people/person/nationality /m/09c7w0 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/031v3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bbxx9b /people/person/gender /m/05zppz +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/033p3_ /people/person/nationality /m/09c7w0 +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/051cc /people/person/profession /m/0cbd2 +/m/027zz /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/02jx1 /location/location/contains /m/0vkl2 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/02px_23 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01s753 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ym17 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/07ymr5 /influence/influence_node/influenced_by /m/0pz91 +/m/04f1glf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/040696 /film/actor/film./film/performance/film /m/02q0v8n +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/054fvj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01y49 +/m/0fthdk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r_dg +/m/0fcrg /location/administrative_division/country /m/059j2 +/m/05kj_ /location/location/contains /m/0mx5p +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/02s4l6 /film/film/genre /m/07s9rl0 +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/08141d +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/070yzk /people/person/profession /m/02hrh1q +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/01f7jt /film/film/genre /m/07s2s +/m/0grmhb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d370 +/m/01qbg5 /film/film/genre /m/03bxz7 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/077jpc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0rwq6 /location/location/time_zones /m/02hcv8 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/08l0x2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/021yc7p /award/award_winner/awards_won./award/award_honor/award_winner /m/04wp63 +/m/0k1jg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0432cd /people/person/profession /m/02jknp +/m/0fcrg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dqyc +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/02qfhb /people/person/profession /m/01c72t +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/059rc /film/film/genre /m/01jfsb +/m/06w7mlh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03z509 +/m/0h0jz /film/actor/film./film/performance/film /m/0bx0l +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/0f2rq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/013m43 +/m/06kb_ /people/person/languages /m/02h40lc +/m/0fw2f /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/081mh +/m/02k_kn /music/genre/artists /m/016jfw +/m/06tgw /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0c6g1l /people/person/nationality /m/09c7w0 +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/06hhrs /people/person/nationality /m/09c7w0 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/08gwzt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/02l6h +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/09x3r /olympics/olympic_games/participating_countries /m/03gj2 +/m/032wdd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07g2v +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/07nxvj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034qzw +/m/02dlh2 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0jjy0 /film/film/cinematography /m/0f3zsq +/m/01s7zw /film/actor/film./film/performance/film /m/0hwpz +/m/09p4w8 /film/film/country /m/09c7w0 +/m/04ydr95 /film/film/music /m/02g40r +/m/0b2h3 /sports/sports_team_location/teams /m/02nt75 +/m/059s8 /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03jvmp +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/09sxqk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027tbrc +/m/02qdgx /music/genre/artists /m/0b_j2 +/m/026t6 /music/instrument/instrumentalists /m/09g0h +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01vnbh /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/025vry /people/person/place_of_birth /m/0fs_s +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w_6xj +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gys2jp +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/044mz_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03lmx1 /people/ethnicity/people /m/06y8v +/m/0blg2 /olympics/olympic_games/sports /m/096f8 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/025s1wg +/m/04nz3 /medicine/disease/notable_people_with_this_condition /m/01vsykc +/m/0c01c /film/actor/film./film/performance/film /m/0gtsx8c +/m/0hz35 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07lx1s /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/023zl /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/09c7w0 /location/location/contains /m/0d8jf +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kj5h +/m/02897w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01qscs /award/award_winner/awards_won./award/award_honor/award_winner /m/01xcfy +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vh3r +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/02jyhv /film/actor/film./film/performance/film /m/023gxx +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/09k23 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03rjj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/016ggh /film/actor/film./film/performance/film /m/017kct +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/04bdlg /film/actor/film./film/performance/film /m/0drnwh +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02hfp_ +/m/045xx /sports/sports_team/colors /m/019sc +/m/01yhvv /film/actor/film./film/performance/film /m/060v34 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_jkc +/m/09rp4r_ /people/person/gender /m/05zppz +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/04x4s2 /people/person/profession /m/03gjzk +/m/09qycb /film/film/genre /m/060__y +/m/07ytt /film/film_subject/films /m/0f4_2k +/m/0c9l1 /music/artist/origin /m/0q_0z +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/088q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wlh +/m/03k1vm /people/person/profession /m/0dxtg +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/02825nf /film/film/production_companies /m/054lpb6 +/m/02z0f6l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03cglm /people/person/profession /m/02hrh1q +/m/025rpyx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/01frpd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/039cq4 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05nlx4 +/m/03_hd /people/person/profession /m/0frz0 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/03f2_rc /people/person/profession /m/02hrh1q +/m/01vn35l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015f7 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/026bfsh +/m/017kz7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/02wlk /people/person/places_lived./people/place_lived/location /m/0vmt +/m/0mxbq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02pzz3p /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/04d2yp +/m/0pd57 /film/film/language /m/02h40lc +/m/04y9mm8 /film/film/genre /m/01jfsb +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/016vqk +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0r1jr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02h7qr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07g7h2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05f4vxd +/m/05tg3 /sports/sports_team/colors /m/03vtbc +/m/0h3mh3q /tv/tv_program/genre /m/01jfsb +/m/01mmslz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fb1n +/m/01d0fp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02m501 +/m/02gjt4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0j6b5 /film/film/country /m/03_3d +/m/034bs /people/person/religion /m/0n2g +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/0342h +/m/05mlqj /film/actor/film./film/performance/film /m/02g5q1 +/m/045c66 /film/actor/film./film/performance/film /m/0cfhfz +/m/0l15n /film/director/film /m/0cf08 +/m/04g61 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0k9ts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tvz5j +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/0hz_1 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds2n +/m/0pb33 /film/film/featured_film_locations /m/030qb3t +/m/06s26c /people/person/gender /m/05zppz +/m/02lk60 /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/064t9 /music/genre/artists /m/04b7xr +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08hsww +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0fr0t /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m2by +/m/0mgfs /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0mrq3 /location/location/time_zones /m/02fqwt +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j7cf +/m/04vr_f /film/film/production_companies /m/086k8 +/m/0g8_vp /people/ethnicity/people /m/03_6y +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/0b_6x2 /time/event/locations /m/0ygbf +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/021bmf +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/071fb /language/human_language/countries_spoken_in /m/04tr1 +/m/03d63lb /film/actor/film./film/performance/film /m/09fn1w +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01jv1z /music/record_label/artist /m/09qr6 +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/02y7t7 /business/business_operation/industry /m/029g_vk +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/0163m1 +/m/051wwp /film/actor/film./film/performance/film /m/0gkz3nz +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0m2fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc3_ +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/012g92 /film/actor/film./film/performance/film /m/07qg8v +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/05njyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06151l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0dy6c9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hvw +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02cyfz +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/02ndj5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/05sj55 +/m/02xry /location/location/contains /m/0rnmy +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kc4s +/m/0146pg /award/award_winner/awards_won./award/award_honor/award_winner /m/05ccxr +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/043gj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/04wp3s /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g476 +/m/016z7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02p76f9 /film/film/music /m/07j8kh +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01lbp /film/actor/film./film/performance/film /m/02ntb8 +/m/04sqj /base/aareas/schema/administrative_area/administrative_parent /m/0b90_r +/m/027jk /location/location/time_zones /m/0gsrz4 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/055td_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01qqtr +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/0dq9p /people/cause_of_death/people /m/0gm34 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/05d7rk /people/person/nationality /m/07ssc +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/01hvjx /film/film/executive_produced_by /m/0fvf9q +/m/01w3v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l_qt /base/aareas/schema/administrative_area/administrative_parent /m/0hjy +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/01p1z_ /people/person/spouse_s./people/marriage/spouse /m/01gvxv +/m/0fpj4lx /people/person/place_of_birth /m/02_286 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0170pk /film/actor/film./film/performance/film /m/0dw4b0 +/m/0345h /location/location/contains /m/02p72j +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01k8vh +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02ryyk +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/016ckq /music/record_label/artist /m/01w7nww +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/043mk4y /award/award_winning_work/awards_won./award/award_honor/award /m/04g2jz2 +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06w87 +/m/02lxrv /film/film/genre /m/01g6gs +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/01r93l /film/actor/film./film/performance/film /m/0bscw +/m/02607j /education/educational_institution/colors /m/083jv +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0cf2h +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwm1 +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/017drs /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/07bty /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07c404 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/028sdw /people/profession/specialization_of /m/012t_z +/m/0fpjd_g /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nfnx +/m/03k7dn /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0lzcs /people/person/nationality /m/02jx1 +/m/04dbw3 /people/ethnicity/people /m/0dzc16 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/081mh /location/location/contains /m/010y34 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wvhz +/m/01qh7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017323 /music/genre/parent_genre /m/0155w +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/0fy66 /film/film/genre /m/02qfv5d +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059qw +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj0n +/m/0lrh /people/person/profession /m/0kyk +/m/070fnm /film/film/cinematography /m/07xr3w +/m/0146pg /people/person/languages /m/02h40lc +/m/06j2v /people/ethnicity/people /m/040nwr +/m/0drsm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bs5vty /film/film/country /m/06mkj +/m/01k0vq /film/film/genre /m/02b5_l +/m/0jcx /people/person/profession /m/016fly +/m/013yq /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/04nl83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01b195 /film/film/language /m/02h40lc +/m/0284b56 /film/film/genre /m/0lsxr +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03kxzm /location/location/contains /m/02s838 +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/01j5sv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/04jr87 +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ct7jd +/m/05p1qyh /film/film/country /m/09c7w0 +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02vjzr /music/genre/artists /m/026spg +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/0h6sv +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/0xnvg /people/ethnicity/people /m/010p3 +/m/07vfqj /people/person/religion /m/01lp8 +/m/015qq1 /film/actor/film./film/performance/film /m/09lxv9 +/m/03gt0c5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x2gy0 +/m/0k345 /music/genre/artists /m/07rnh +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/0gbwp /people/person/profession /m/0dz3r +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01bzw5 +/m/01pxcf /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vh3 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05nwfr +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xcr4 +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/04glr5h /people/person/profession /m/0dxtg +/m/0lwyk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04y8r /film/director/film /m/050r1z +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04_1nk +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/02xc1w4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0603qp +/m/0b2mc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/07p62k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/018j2 /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/02kwcj /tv/tv_program/languages /m/03_9r +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04bp0l +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y9dk +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/01w_10 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03xgm3 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06q02g +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0690ct +/m/05hj_k /award/award_winner/awards_won./award/award_honor/award_winner /m/06q8hf +/m/0d05w3 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0sw6g /film/actor/film./film/performance/film /m/0bxsk +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/025txtg +/m/02qfv5d /media_common/netflix_genre/titles /m/0k20s +/m/04dsnp /film/film/executive_produced_by /m/06q8hf +/m/0c0yh4 /film/film/language /m/02h40lc +/m/01jssp /education/educational_institution/students_graduates./education/education/student /m/024t0y +/m/07bch9 /people/ethnicity/people /m/0bymv +/m/02lbrd /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0q00t /media_common/netflix_genre/titles /m/0dtw1x +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/01y0y6 /people/person/place_of_birth /m/02_286 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/013tjc +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/07ssc /location/location/contains /m/01f2xy +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/01mvjl0 +/m/02h0f3 /film/actor/film./film/performance/film /m/0jvt9 +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dq23 +/m/0241jw /people/person/profession /m/02hrh1q +/m/0gpmp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/03hkch7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016z2j /award/award_winner/awards_won./award/award_honor/award_winner /m/02t_v1 +/m/0d29z /people/ethnicity/geographic_distribution /m/06mkj +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03yvgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/09n48 /olympics/olympic_games/participating_countries /m/04hqz +/m/037css /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01z0lb /people/person/place_of_birth /m/01_d4 +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/01k56k +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/01jr4j /film/film/genre /m/0c3351 +/m/08433 /people/person/profession /m/02hrh1q +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/06f32 /location/location/contains /m/01csqg +/m/01j8yr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l3_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291ck +/m/02x0fs9 /film/film/featured_film_locations /m/0d060g +/m/03d6fyn /organization/organization/headquarters./location/mailing_address/citytown /m/05qtj +/m/01zh29 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f5zj6 +/m/01d_4t /people/person/profession /m/08z956 +/m/01zv_ /base/aareas/schema/administrative_area/administrative_parent /m/06mkj +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01_x6v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05dy7p /film/film/genre /m/017fp +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0bmhvpr /film/film/film_festivals /m/0gg7gsl +/m/074tb5 /people/person/profession /m/02hrh1q +/m/018m5q /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/0dc_ms /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018s6c /people/ethnicity/people /m/04pqqb +/m/016r9z /olympics/olympic_games/participating_countries /m/06mzp +/m/0_9l_ /film/film/produced_by /m/03_80b +/m/013tjc /film/actor/film./film/performance/film /m/04hwbq +/m/09v42sf /film/film/genre /m/09blyk +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/01hmk9 /people/person/profession /m/0dxtg +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gmmt6 +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xkps +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vbk +/m/06b_j /language/human_language/countries_spoken_in /m/04gzd +/m/01jq34 /education/educational_institution/colors /m/01l849 +/m/04dsnp /film/film/featured_film_locations /m/04f_d +/m/02xwgr /people/person/place_of_birth /m/0cr3d +/m/01wqmm8 /film/actor/film./film/performance/film /m/06_sc3 +/m/0265vt /award/award_category/disciplines_or_subjects /m/05hgj +/m/02yygk /music/artist/origin /m/0fvvz +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c9c0 +/m/02n4kr /media_common/netflix_genre/titles /m/0c34mt +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016tbr +/m/07p7g /location/administrative_division/country /m/04gqr +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/02w29z /film/actor/film./film/performance/film /m/02qkwl +/m/0342h /music/instrument/instrumentalists /m/01nqfh_ +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0451j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xn3s2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l3j /people/deceased_person/place_of_burial /m/018mlg +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05f4vxd +/m/0745k7 /film/actor/film./film/performance/film /m/063y9fp +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/0gfzgl /tv/tv_program/genre /m/07qht4 +/m/06mnps /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/04vs9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x201b +/m/03b78r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cwrr +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/033w9g /people/person/profession /m/02hrh1q +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0hqcy /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c2ry +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/064r97z +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/09d38d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jvtp +/m/01l9p /people/person/languages /m/02h40lc +/m/0bs4r /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/09v7wsg /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/019mdt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/0bt3j9 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/03vfr_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02z_b /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02ktrs /people/person/religion /m/019cr +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0164w8 +/m/034bgm /people/person/gender /m/05zppz +/m/015pkt /olympics/olympic_games/sports /m/09_94 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/03fqv5 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019lwb +/m/0kftt /people/person/spouse_s./people/marriage/spouse /m/096hm +/m/06b_0 /people/person/nationality /m/0f8l9c +/m/0141kz /people/person/gender /m/05zppz +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y54 +/m/04994l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/0fm7s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0322yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04zqmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07cjqy +/m/01v3x8 /sports/sports_team/sport /m/018jz +/m/0d5_f /people/person/profession /m/0cbd2 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02qdgx /music/genre/artists /m/0178_w +/m/02q52q /film/film/genre /m/03k9fj +/m/01tnbn /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0bdxs5 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06w2sn5 +/m/04z1v0 /music/genre/artists /m/03wjb7 +/m/0b73_1d /film/film/genre /m/07s9rl0 +/m/0dtd6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gt99 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/03q8xj /film/film/genre /m/03bxz7 +/m/02kxg_ /base/culturalevent/event/entity_involved /m/09py7 +/m/0f0qfz /people/person/profession /m/02tx6q +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/055sjw +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k5sc +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/015fr +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02rk45 +/m/02zfg3 /people/deceased_person/place_of_burial /m/0lbp_ +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/02778pf /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/0267wwv /film/film/story_by /m/0178rl +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/023jq1 /people/person/religion /m/0kpl +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/050_qx +/m/0342h /music/instrument/instrumentalists /m/01p0w_ +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ktx_ +/m/028kj0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/093dqjy +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01718w +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01304j +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/064q5v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01_lh1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/083q7 /people/person/profession /m/016fly +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/03v0t /location/location/partially_contains /m/04yf_ +/m/018ctl /olympics/olympic_games/participating_countries /m/077qn +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/042f1 /people/person/profession /m/0fj9f +/m/01kph_c /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/044rvb /film/actor/film./film/performance/film /m/012s1d +/m/02md2d /tv/tv_program/genre /m/07s9rl0 +/m/04jplwp /film/film/country /m/09c7w0 +/m/0j5g9 /location/location/contains /m/0205m3 +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/01w_sh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g5lhl7 /media_common/netflix_genre/titles /m/06f0k +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/077qn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0gfzfj /film/film/genre /m/06n90 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0cxbth +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/08hsww +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/06msq2 +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02jztz +/m/04v8h1 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01p1v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01s9vc /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026p_bs +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pbp9 +/m/041rx /people/ethnicity/people /m/013_vh +/m/0pyww /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0jm64 /sports/sports_team/sport /m/018w8 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/02v0ff /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/04llb /sports/sports_team_location/teams /m/02rh_0 +/m/015c4g /people/person/profession /m/01d_h8 +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfz +/m/07tvwy /people/person/nationality /m/09c7w0 +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07glc4 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/07gp9 /film/film/executive_produced_by /m/07f8wg +/m/04vr_f /film/film/country /m/03h64 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01f08r +/m/02rybfn /people/person/profession /m/0dgd_ +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/087qxp +/m/0glt670 /music/genre/artists /m/01yzl2 +/m/03x6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0161rf /music/genre/artists /m/01cwhp +/m/0k_9j /film/film/story_by /m/0343h +/m/023gxx /film/film/production_companies /m/01795t +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165b +/m/0k0r0n7 /music/genre/artists /m/0840vq +/m/02h48 /people/person/gender /m/05zppz +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08chdb +/m/01tj34 /film/actor/film./film/performance/film /m/03bzyn4 +/m/02qgyv /film/actor/film./film/performance/film /m/0bs8s1p +/m/05k4my /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0gt_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/0gvvm6l /film/film/genre /m/07s9rl0 +/m/0crh5_f /film/film/country /m/015fr +/m/0bkq_8 /people/person/nationality /m/07ssc +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01yx7f /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hqk /film/film/production_companies /m/086k8 +/m/01n7q /location/location/contains /m/0l2l3 +/m/01pvxl /film/film/genre /m/04t36 +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_0d2 +/m/02756j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047q2k1 +/m/04rqd /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6d +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/031k24 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/016gr2 +/m/049dk /education/educational_institution/school_type /m/01_9fk +/m/02k76g /people/person/nationality /m/09c7w0 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/0dyb1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/0hwpz /film/film/genre /m/02kdv5l +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/08vk_r +/m/01cvxf /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/01qz5 /film/film/cinematography /m/08z39v +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0169dl +/m/0l6m5 /olympics/olympic_games/sports /m/0w0d +/m/0c9xjl /people/person/profession /m/02hrh1q +/m/06_6j3 /film/actor/film./film/performance/film /m/0dr1c2 +/m/0fd3y /music/genre/artists /m/0k60 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/05w3f /music/genre/artists /m/07sbk +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/069b85 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0391jz +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/05w3f /music/genre/artists /m/01vs4ff +/m/0gk4g /people/cause_of_death/people /m/042q3 +/m/0mnm2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/03548 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0p5vf /business/job_title/people_with_this_title./business/employment_tenure/company /m/059j2 +/m/016cjb /music/genre/artists /m/01d4cb +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/094jv /location/location/contains /m/0sxgh +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/05hj_k +/m/0dx97 /people/person/gender /m/05zppz +/m/0hz_1 /people/person/profession /m/02hrh1q +/m/027cyf7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/01npcx /film/film/story_by /m/0fx02 +/m/0205dx /film/actor/film./film/performance/film /m/08xvpn +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02_1sj /film/film/country /m/09c7w0 +/m/0294fd /film/actor/film./film/performance/film /m/017jd9 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/06w2sn5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gs6vr +/m/081lh /film/director/film /m/03m8y5 +/m/01dw4q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/034ls +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/012gyf +/m/01wg6y /people/person/nationality /m/09c7w0 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/047kn_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04bdlg /people/person/places_lived./people/place_lived/location /m/0g3bc +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0tfc /people/person/profession /m/016fly +/m/07sbbz2 /music/genre/artists /m/01p95y0 +/m/029v40 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05v8c /location/location/contains /m/01wv24 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0dr7s /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/040_lv /film/film/genre /m/0vgkd +/m/07s9rl0 /media_common/netflix_genre/titles /m/09rsjpv +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/038w8 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015_1q /music/record_label/artist /m/01vn0t_ +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0fmqp6 /people/person/profession /m/02pjxr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04chyn +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01xdn1 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/01m2n1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0xnvg /people/ethnicity/people /m/013qvn +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/035gnh +/m/0ymf1 /education/educational_institution_campus/educational_institution /m/0ymf1 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/07rd7 /people/person/profession /m/0n1h +/m/02r79_h /film/film/genre /m/01hmnh +/m/0f3zsq /people/person/gender /m/05zppz +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01j5x6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07c72 /tv/tv_program/genre /m/06nbt +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/03k545 +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z2xdf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0pspl +/m/012xdf /film/actor/film./film/performance/film /m/0ch3qr1 +/m/028kj0 /film/film/production_companies /m/04rqd +/m/07ssc /media_common/netflix_genre/titles /m/0jwmp +/m/0h6r5 /film/film/country /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/01wk7b7 /people/person/profession /m/03gjzk +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09lxtg +/m/05f4vxd /tv/tv_program/genre /m/05p553 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/030k94 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0f3m1 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dtfn +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7z7 +/m/050gkf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0zcbl +/m/0bh8x1y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/0cx2r /location/administrative_division/first_level_division_of /m/0f8l9c +/m/02hnl /music/instrument/instrumentalists /m/02b25y +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/016ywb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/09gkx35 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/04wf_b +/m/0194zl /film/film/genre /m/017fp +/m/01v1d8 /music/instrument/instrumentalists /m/0677ng +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/0klw +/m/027xbpw /people/person/gender /m/05zppz +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/01vvy +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0829rj +/m/03rk0 /location/location/contains /m/07c98 +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/02r1c18 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01fpvz /education/educational_institution/students_graduates./education/education/student /m/0d3qd0 +/m/026lgs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxkw +/m/01w03jv /organization/organization_founder/organizations_founded /m/014j0w +/m/016ghw /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/070ny /business/business_operation/industry /m/01mw1 +/m/04n52p6 /film/film/produced_by /m/03ktjq +/m/013b6_ /people/ethnicity/languages_spoken /m/02h40lc +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/071dcs /people/person/gender /m/05zppz +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gydcp7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0415ggl /film/film/written_by /m/06s1qy +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/01pj_5 /film/film/executive_produced_by /m/06q8hf +/m/0g5rg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0drrw +/m/0bkmf /people/person/spouse_s./people/marriage/spouse /m/0c2ry +/m/01r4zfk /people/person/gender /m/05zppz +/m/03mgx6z /film/film/genre /m/09blyk +/m/0jymd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/070bjw +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03f4n1 +/m/03thw4 /people/person/nationality /m/09c7w0 +/m/0b_4z /people/person/profession /m/02hrh1q +/m/07bty /people/person/gender /m/05zppz +/m/0py9b /business/business_operation/industry /m/03ytc +/m/01fsv9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04tgp +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/01_1kk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0nbjq /olympics/olympic_games/sports /m/07bs0 +/m/01yk13 /film/actor/film./film/performance/film /m/06nr2h +/m/0gffmn8 /film/film/genre /m/02kdv5l +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/02pjzvh +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0170pk /film/actor/film./film/performance/film /m/011yl_ +/m/02cw8s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0342h +/m/011vx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fxq +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0rnmy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01f492 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_p6t +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/0161c +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/0c0nhgv /film/film/music /m/01m5m5b +/m/07b_l /location/location/contains /m/0221g_ +/m/09b0xs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015w8_ +/m/02yy9r /film/film/language /m/06nm1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0164b +/m/02wwr5n /sports/sports_team/colors /m/019sc +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/016tb7 /film/actor/film./film/performance/film /m/02qk3fk +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/0by17xn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/05ggt_ /film/actor/film./film/performance/film /m/0gw7p +/m/03ryn /location/country/capital /m/044rv +/m/0164qt /film/film/edited_by /m/03crcpt +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/0h5f5n +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/09dvgb8 +/m/03z106 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hfgl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0gv2r /people/person/nationality /m/09c7w0 +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0cbn7c /film/film/production_companies /m/086k8 +/m/0gg5kmg /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/03_gz8 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/02q636 /education/educational_institution/students_graduates./education/education/student /m/01ps2h8 +/m/01f7gh /film/film/production_companies /m/016tt2 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/085q5 /film/actor/film./film/performance/film /m/0jyx6 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0g3zrd /film/film/country /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wlh +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0rql_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c7lcx /people/person/languages /m/02h40lc +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwt5 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0f5mdz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_c7 +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/017_qw /music/genre/artists /m/04ls53 +/m/0lx2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05gml8 +/m/09c7w0 /location/location/contains /m/05tbn +/m/03s6l2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp3s +/m/0n23n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01k2wn +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/01g0p5 /education/educational_institution/students_graduates./education/education/student /m/0135xb +/m/01qklj /film/actor/film./film/performance/film /m/0407yj_ +/m/0151ns /film/actor/film./film/performance/film /m/0401sg +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/0jkvj /olympics/olympic_games/participating_countries /m/07ssc +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0162c8 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kb2j +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/048wrb /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/01w3v /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04n65n /award/award_winner/awards_won./award/award_honor/award_winner /m/017j6 +/m/0c0yh4 /film/film/produced_by /m/0fqyzz +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021yw7 +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05cj4r /people/person/profession /m/0dxtg +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/08qxx9 /people/person/nationality /m/03rt9 +/m/07s3vqk /film/actor/film./film/performance/film /m/0c8tkt +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d17dg +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/0h03fhx /film/film/produced_by /m/014zcr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/029qzx +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/03v1s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0prfz +/m/0p_tz /film/film/genre /m/01j1n2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/0534v /people/person/profession /m/0cbd2 +/m/0flw6 /film/actor/film./film/performance/film /m/016z43 +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04h6mm /people/person/profession /m/01d_h8 +/m/01vrkdt /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/079kdz +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hmt9b +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wkmgb +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/020p1 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0269kx /education/educational_institution/school_type /m/05jxkf +/m/05tbn /location/administrative_division/first_level_division_of /m/09c7w0 +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/02lnbg /music/genre/artists /m/01wqmm8 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/03qd_ /people/person/profession /m/018gz8 +/m/0d6b7 /film/film/country /m/084n_ +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01w_10 +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0gfzfj /film/film/genre /m/0hcr +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/02v5xg /tv/tv_program/genre /m/0hcr +/m/027y_ /influence/influence_node/influenced_by /m/0kc6 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x6dqb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07q9q2 +/m/0k1bs /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0cp9f9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/03x7hd +/m/0fd_1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0s4sj /base/biblioness/bibs_location/country /m/09c7w0 +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/0m66w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04zn7g +/m/0dls3 /music/genre/artists /m/0ycp3 +/m/02rmd_2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h21v2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pjnd +/m/064t9 /music/genre/artists /m/04xrx +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/0prrm /film/film/written_by /m/0gd9k +/m/016cff /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/0pv3x /film/film/written_by /m/02hfp_ +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01bn3l /film/film/executive_produced_by /m/06pj8 +/m/01nglk /people/person/gender /m/05zppz +/m/02w1b8 /film/film_subject/films /m/0dzlbx +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/03wbzp +/m/02bd_f /location/location/time_zones /m/02llzg +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pv_d +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05lb65 /people/person/nationality /m/09c7w0 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02r3cn /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/022q32 +/m/07m_f /location/location/time_zones /m/02llzg +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01ps2h8 +/m/01q_22 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/012gq6 /film/actor/film./film/performance/film /m/01cm8w +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/047t_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05dss7 /film/film/genre /m/0lsxr +/m/02k_kn /music/genre/artists /m/01wwvc5 +/m/017gm7 /film/film/written_by /m/0js9s +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/083skw +/m/020bv3 /film/film/language /m/064_8sq +/m/01clyr /music/record_label/artist /m/018d6l +/m/03lvyj /people/person/gender /m/02zsn +/m/015p3p /film/actor/film./film/performance/film /m/02d003 +/m/01c744 /location/location/partially_contains /m/0fcgd +/m/0d34_ /base/aareas/schema/administrative_area/administrative_parent /m/017v_ +/m/05ldxl /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/02j9z /location/location/contains /m/03v9w +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/012v1t +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/040_lv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ktx_ /film/film/production_companies /m/016tt2 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/063k3h /people/ethnicity/people /m/0bymv +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/02ny8t /music/genre/artists /m/09k2t1 +/m/0nrnz /location/location/time_zones /m/02fqwt +/m/0m7yh /education/educational_institution/campuses /m/0m7yh +/m/048xh /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01wgfp6 /people/person/place_of_birth /m/0dc95 +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0wh3 /sports/sports_team_location/teams /m/0fsb_6 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h27vc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gkydb +/m/0d66j2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02j9lm +/m/0gd9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/01wcp_g /people/person/place_of_birth /m/0ytph +/m/0432cd /people/person/place_of_birth /m/0167q3 +/m/0df92l /film/film/genre /m/08322 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0915l1 /music/record_label/artist /m/01vxqyl +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06zpgb2 +/m/03nfnx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f11p +/m/0436f4 /film/actor/film./film/performance/film /m/0h6r5 +/m/012vd6 /people/person/gender /m/02zsn +/m/0dh1n_ /people/person/nationality /m/09c7w0 +/m/0_3cs /location/location/time_zones /m/02hcv8 +/m/0674cw /people/person/nationality /m/03rk0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/077q8x /film/film/genre /m/017fp +/m/02cqbx /people/person/places_lived./people/place_lived/location /m/059_c +/m/0b1y_2 /film/film/genre /m/04xvlr +/m/09dt7 /people/person/gender /m/05zppz +/m/01wmgrf /people/person/profession /m/0n1h +/m/05c5z8j /film/film/country /m/07ssc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/02d49z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0c7lcx /film/actor/film./film/performance/film /m/076zy_g +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/05b49tt /film/film_set_designer/film_sets_designed /m/035_2h +/m/01wgjj5 /people/person/nationality /m/02jx1 +/m/0ffjqy /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02f73p /award/award_category/winners./award/award_honor/award_winner /m/063t3j +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/011yrp /film/film/language /m/02bjrlw +/m/02jx1 /location/location/contains /m/088cp +/m/02jr6k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/01yd8v /people/person/place_of_birth /m/030qb3t +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/0g5ptf /film/film/country /m/07ssc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/06__m6 +/m/015076 /people/person/profession /m/09jwl +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/019x62 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/08jyyk /music/genre/artists /m/01mxt_ +/m/01mwsnc /people/person/gender /m/05zppz +/m/03_d0 /music/genre/artists /m/024zq +/m/02g8h /film/actor/film./film/performance/film /m/027j9wd +/m/06qm3 /media_common/netflix_genre/titles /m/03m4mj +/m/01_4z /people/person/places_lived./people/place_lived/location /m/0ny1p +/m/0prh7 /film/film/genre /m/060__y +/m/0sw6y /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0nvd8 /location/location/contains /m/0sb1r +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0135xb /people/person/profession /m/0nbcg +/m/05808s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04fcx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gzm2 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02vzc +/m/0dsvzh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dh73w /people/person/gender /m/05zppz +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02xry /location/location/contains /m/0lyjf +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/02jx1 /location/country/second_level_divisions /m/01w0v +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037gjc +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/04913k +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/070fnm /film/film/genre /m/02n4kr +/m/025j1t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/01vsqvs /people/person/profession /m/025352 +/m/08qnnv /education/university/fraternities_and_sororities /m/0325pb +/m/0974y /business/business_operation/industry /m/019mlh +/m/0btyl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03n93 +/m/022p06 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb57 +/m/026n047 /people/person/nationality /m/06mkj +/m/027zz /people/person/profession /m/02jknp +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0h7jp /location/administrative_division/country /m/0f8l9c +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0y617 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01xwv7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/063472 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rp13 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01lyv /music/genre/artists /m/023p29 +/m/025b5y /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/013pk3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3kw /people/person/place_of_birth /m/071vr +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01dpsv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0466s8n /film/film/film_format /m/0cj16 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/04jnd7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02qsqmq /film/film/language /m/02h40lc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/084w8 /people/person/gender /m/05zppz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04gv3db +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/055c8 /film/actor/film./film/performance/film /m/01msrb +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/05nlx4 /film/film/genre /m/05p553 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/067xw /influence/influence_node/influenced_by /m/02mpb +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/045w_4 +/m/018wrk /olympics/olympic_games/sports /m/01hp22 +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tj34 +/m/09fc83 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/029n80 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01yh3y /film/actor/film./film/performance/film /m/02_fm2 +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0vqn +/m/09n48 /olympics/olympic_games/participating_countries /m/015fr +/m/01vw20_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pw2f1 +/m/02s58t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029ql +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/07c5l /location/location/contains /m/016wzw +/m/0m24v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2dk +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0436kgz /people/person/religion /m/0c8wxp +/m/06brp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0ggq0m /music/genre/artists /m/0187x8 +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0299ct +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0d4xmp /music/genre/parent_genre /m/03lty +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k1pr +/m/03v1xb /people/person/gender /m/05zppz +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/01wbgdv /people/person/profession /m/02hrh1q +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02y7t7 +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04sqj +/m/03rhqg /music/record_label/artist /m/01nrz4 +/m/09qxq7 /music/genre/artists /m/01w8n89 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/01gtbb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/02qdzd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01flv_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02z6fs /education/educational_institution/school_type /m/05jxkf +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0b60sq +/m/04svwx /tv/tv_program/genre /m/0hcr +/m/064lsn /film/film/genre /m/082gq +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/05lls /music/genre/artists /m/0c73z +/m/044mvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0d1mp3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0sz28 /people/person/place_of_birth /m/06_kh +/m/03dctt /people/person/profession /m/01d_h8 +/m/03mz5b /film/film/genre /m/02l7c8 +/m/05strv /people/person/profession /m/0dxtg +/m/02vjzr /music/genre/artists /m/01mxqyk +/m/02c7lt /people/person/nationality /m/02jx1 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027n4zv +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0cqt90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xcr4 +/m/012gyf /education/educational_institution/colors /m/01g5v +/m/0ggx5q /music/genre/artists /m/0c7ct +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09rfpk /film/film/genre /m/03g3w +/m/02cllz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/02ql_ms /people/person/gender /m/05zppz +/m/07b_l /location/location/contains /m/0d1xh +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02cgb8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/022xml /education/university/fraternities_and_sororities /m/0325pb +/m/05b_gq /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/04rwx /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0bksh /film/actor/film./film/performance/film /m/0830vk +/m/03xnwz /music/genre/artists /m/043c4j +/m/012q4n /people/person/nationality /m/09c7w0 +/m/0241wg /people/person/spouse_s./people/marriage/spouse /m/044pqn +/m/03mnn0 /film/film/genre /m/01j28z +/m/01k0vq /film/film/genre /m/0gsy3b +/m/0dx8gj /film/film/music /m/0csdzz +/m/05vtw /film/film_subject/films /m/03s5lz +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0697kh +/m/01bzs9 /education/educational_institution/students_graduates./education/education/student /m/06y7d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01njml +/m/0dr_4 /film/film/genre /m/04xvlr +/m/05dmmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09r9m7 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0fdv3 +/m/03h_fqv /film/actor/film./film/performance/film /m/01rnly +/m/01vksx /film/film/music /m/01nc3rh +/m/0cbl95 /film/film/genre /m/087lqx +/m/017zq0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/019pkm /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01w3v +/m/016sqs /people/person/nationality /m/09c7w0 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03jb2n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0pj9t /people/person/places_lived./people/place_lived/location /m/01531 +/m/02p3cr5 /music/record_label/artist /m/0dm5l +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c_zx /location/location/time_zones /m/03plfd +/m/03gn1x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/054rw +/m/0fq117k /people/person/profession /m/09jwl +/m/01ws9n6 /people/person/profession /m/016z4k +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/09cr8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01v_pj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/06pk8 +/m/0g33q /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/06y7d /award/award_nominee/award_nominations./award/award_nomination/award /m/0196kn +/m/0418ft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0234j5 +/m/01k_mc /award/award_winner/awards_won./award/award_honor/award_winner /m/03t852 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01g42 +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0cpllql +/m/05qhw /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03ckvj9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/04lqvlr /film/film/genre /m/02n4lw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/011s0 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06sfk6 +/m/01fh36 /music/genre/artists /m/01lf293 +/m/017yfz /people/person/profession /m/0nbcg +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0yxl /people/person/nationality /m/07ssc +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/05njyy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/03mp9s /people/person/places_lived./people/place_lived/location /m/050l8 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01r6jt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrlr4 +/m/015m08 /location/location/contains /m/061k5 +/m/09prnq /music/artist/track_contributions./music/track_contribution/role /m/07kc_ +/m/027ct7c /film/film/film_production_design_by /m/03gyh_z +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0p54z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0clzr +/m/022dp5 /people/ethnicity/people /m/0klh7 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0h326 /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c9k8 +/m/0bscw /film/film/production_companies /m/017s11 +/m/01p8s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01xyt7 +/m/01jzyf /film/film/genre /m/07s9rl0 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047c9l +/m/01xcr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c1j_ +/m/01rtm4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/032v0v /people/person/gender /m/05zppz +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/018pj3 +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/02vg0 +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01vvyc_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k_kn /music/genre/artists /m/016h9b +/m/034qrh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dcz8_ /film/film/genre /m/01jfsb +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwq9 +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/02yv6b /music/genre/artists /m/05563d +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03x1x +/m/02yl42 /influence/influence_node/influenced_by /m/01v9724 +/m/07kh6f3 /film/film/genre /m/07s9rl0 +/m/0gt_0v /music/genre/artists /m/014g91 +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/01xwv7 /film/actor/film./film/performance/film /m/014zwb +/m/06j6l /music/genre/artists /m/02qlg7s +/m/0gk4g /people/cause_of_death/people /m/06m61 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09qljs +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0j1yf /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pw2f1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ytj1 +/m/0gy3w /education/educational_institution_campus/educational_institution /m/0gy3w +/m/071fb /language/human_language/countries_spoken_in /m/0169t +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01k3s2 /education/educational_institution_campus/educational_institution /m/01k3s2 +/m/02wwwv5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/02b0y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gg8z1f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0cnztc4 /film/film/genre /m/01jfsb +/m/0f6lx /music/artist/track_contributions./music/track_contribution/role /m/02pprs +/m/01nfys /film/actor/film./film/performance/film /m/087vnr5 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01k5y0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyh2wm +/m/01xzb6 /people/person/profession /m/09jwl +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f3yfj +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/01wk7ql +/m/0c_j9x /film/film/language /m/02hwyss +/m/0hz6mv2 /film/film/film_festivals /m/0hrcs29 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03zv3n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/081mh +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/063lqs +/m/0ktpx /film/film/genre /m/0c3351 +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b195 +/m/02xwzh /education/educational_institution/students_graduates./education/education/student /m/015dcj +/m/0352gk /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrd +/m/03v40v /people/person/employment_history./business/employment_tenure/company /m/065y4w7 +/m/07sqbl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/047sgz4 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0d3k14 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fpn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y_ +/m/031ydm /people/person/profession /m/02hrh1q +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01vrlr4 +/m/07_nf /film/film_subject/films /m/0jqj5 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01p7s6 /people/ethnicity/people /m/057176 +/m/0gk4g /people/cause_of_death/people /m/02g5bf +/m/04b675 /music/genre/artists /m/01j59b0 +/m/07h5d /people/person/profession /m/02jknp +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/098phg /base/aareas/schema/administrative_area/capital /m/06c62 +/m/0k54q /film/film/country /m/03_3d +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01453 +/m/09v42sf /film/film/genre /m/01jfsb +/m/0cz8mkh /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02029f /sports/sports_team/colors /m/083jv +/m/07ng9k /tv/tv_program/genre /m/07s9rl0 +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03vhvp +/m/02k84w /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/04rzd +/m/021yw7 /people/person/profession /m/0np9r +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0swbd /olympics/olympic_games/sports /m/02_5h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_qj1 +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rt +/m/03fykz /people/person/profession /m/0dxtg +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/017khj +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/02c9dj /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/027jk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019pcs +/m/03l295 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm2v +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0f7h2v /film/actor/film./film/performance/film /m/06sfk6 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0n6ds /film/film/language /m/07zrf +/m/04z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/02p8v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/0h95927 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wwnh2 /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/015cqh +/m/07s9rl0 /media_common/netflix_genre/titles /m/03lv4x +/m/0n6dc /location/location/time_zones /m/02hcv8 +/m/0sw62 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0q5hw +/m/0n6f8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/02h48 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0bs8d +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/01sbhvd +/m/05jm7 /influence/influence_node/influenced_by /m/0282x +/m/087c7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ktx_ +/m/02rg_4 /education/educational_institution/students_graduates./education/education/student /m/03ktjq +/m/01f2f8 /people/person/profession /m/02hrh1q +/m/02lxj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01d0fp +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pw_n +/m/0_ytw /location/hud_county_place/place /m/0_ytw +/m/032sl_ /film/film/edited_by /m/02qggqc +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0288zy +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/015pnb +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01npcy7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/05vk_d +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0c01c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07zhjj +/m/03xmy1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rjj /location/location/contains /m/0536sd +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02r_pp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/0l1k8 /location/location/contains /m/01zrs_ +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_j8x +/m/030znt /film/actor/film./film/performance/film /m/06r2h +/m/0nvrd /location/location/time_zones /m/02fqwt +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp2p +/m/0b_6jz /time/event/locations /m/099ty +/m/0c7t58 /award/award_winner/awards_won./award/award_honor/award_winner /m/04x4s2 +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/01bns_ +/m/02x6dqb /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/02czd5 /tv/tv_program/country_of_origin /m/09c7w0 +/m/08vxk5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/03mdt /media_common/netflix_genre/titles /m/03nt59 +/m/049mql /film/film/country /m/09c7w0 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/04kd5d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/011yr9 /film/film/genre /m/04xvlr +/m/0h1_w /people/person/place_of_birth /m/0118d3 +/m/027g8gr /tv/tv_program/genre /m/04t36 +/m/02qhlwd /film/film/language /m/02h40lc +/m/01vzxld /people/person/spouse_s./people/marriage/location_of_ceremony /m/06q1r +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0d_wms /film/film/genre /m/0btmb +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gf5h +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04gc65 +/m/0hsb3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/03lrht /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d0xs5 /people/person/profession /m/02jknp +/m/0jlv5 /people/person/place_of_birth /m/01914 +/m/01phtd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wv9p +/m/0cf2h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j90s +/m/01tw31 /people/person/places_lived./people/place_lived/location /m/02hgz +/m/0154d7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/053j4w4 /film/film_set_designer/film_sets_designed /m/0fy66 +/m/0287xhr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/035gjq /people/person/place_of_birth /m/01z53w +/m/02wt0 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01jq0j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04kr63w +/m/01w8sf /people/person/religion /m/0kpl +/m/017_qw /music/genre/artists /m/037lyl +/m/0symg /film/film/costume_design_by /m/03gt0c5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05bmq +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07sqhm +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01j5ts /film/actor/film./film/performance/film /m/0cmdwwg +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01c6l /film/film/film_festivals /m/03wf1p2 +/m/01g7_r /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/02fybl /people/person/profession /m/064xm0 +/m/01ppq /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/074vv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/07cyl /film/film/country /m/09c7w0 +/m/0bwh6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gdqy +/m/07gkgp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/01j6t0 /medicine/symptom/symptom_of /m/01g2q +/m/0bszz /sports/sports_team/sport /m/03tmr +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/01ycbq /people/person/profession /m/0np9r +/m/03_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/03f1zhf /people/person/profession /m/09jwl +/m/018zqj /organization/organization/child./organization/organization_relationship/child /m/01y8kf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fwfb +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01_rh4 +/m/01jbx1 /people/person/profession /m/0d1pc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06xbsn +/m/0cv9t5 /music/record_label/artist /m/0407f +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013rds +/m/01wl38s /people/person/profession /m/01c72t +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rcwq0 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/01w60_p /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/0404wqb /film/actor/film./film/performance/film /m/027gy0k +/m/0jdk_ /olympics/olympic_games/sports /m/019tzd +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0168cl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sqs +/m/01stj9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/016ks_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0fmc5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6zs +/m/0143wl /film/actor/film./film/performance/film /m/08k40m +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04991x +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0k2mxq +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wbzp +/m/02l4rh /film/actor/film./film/performance/film /m/09v9mks +/m/05c5z8j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0194zl +/m/072bb1 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/03lgg /people/person/profession /m/01d_h8 +/m/01jrz5j /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vsy3q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014lc_ /film/film/produced_by /m/01rlxt +/m/033tf_ /people/ethnicity/people /m/0zcbl +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/04rqd /broadcast/content/artist /m/0ycfj +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/021gzd /film/film/genre /m/0jtdp +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05567m +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/04glr5h /people/person/gender /m/05zppz +/m/0hdx8 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02sqkh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01y_px +/m/02hp6p /education/educational_institution/colors /m/04d18d +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bth54 +/m/0k8y7 /people/person/languages /m/02h40lc +/m/098n_m /film/director/film /m/0bnzd +/m/0jsqk /film/film/genre /m/02l7c8 +/m/029fbr /music/genre/parent_genre /m/01243b +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/01mjq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127s7 +/m/09949m /base/biblioness/bibs_location/country /m/01znc_ +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03p2xc /film/film/genre /m/03mqtr +/m/07ssc /media_common/netflix_genre/titles /m/05p3738 +/m/0pgjm /film/actor/film./film/performance/film /m/02stbw +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/01jfsb /media_common/netflix_genre/titles /m/034hwx +/m/03rl1g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/014g_s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03t95n +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/06449 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01v80y /people/person/nationality /m/09c7w0 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c7twt +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0hx4y /film/film/story_by /m/056wb +/m/09gdh6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04jjy /film/film_subject/films /m/0kvgtf +/m/0f4vx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qkt /location/location/contains /m/047lj +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/0d1swh /people/person/gender /m/05zppz +/m/02ply6j /people/person/place_of_birth /m/02b7nz +/m/0pj9t /people/person/gender /m/05zppz +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07bxhl +/m/09c7w0 /location/location/contains /m/01y17m +/m/02vnp2 /education/educational_institution_campus/educational_institution /m/02vnp2 +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01d8wq /base/aareas/schema/administrative_area/administrative_parent /m/02ly_ +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/072kp +/m/07svc3 /business/business_operation/industry /m/019mlh +/m/015vq_ /film/actor/film./film/performance/film /m/0295sy +/m/07ssc /media_common/netflix_genre/titles /m/05j82v +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bx6 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/09rx7tx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01h2_6 /people/deceased_person/place_of_death /m/06mkj +/m/05m_8 /sports/sports_team/colors /m/038hg +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cb77r +/m/07c52 /media_common/netflix_genre/titles /m/015pnb +/m/01cwhp /people/person/languages /m/064_8sq +/m/0892sx /music/artist/origin /m/02_286 +/m/02b153 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02qjb_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0136g9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02q253 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/025p38 /people/person/profession /m/0cbd2 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/04y0hj /people/person/place_of_birth /m/0dlv0 +/m/0tz01 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03wh95l /people/person/profession /m/03gjzk +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v6480 +/m/059rby /location/location/contains /m/02dq8f +/m/025rvx0 /film/film/language /m/03_9r +/m/06y9bd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0177sq +/m/0lk90 /people/person/languages /m/0t_2 +/m/01z3bz /education/educational_institution/students_graduates./education/education/student /m/07dnx +/m/033tf_ /people/ethnicity/people /m/02pzck +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/076psv /film/film_set_designer/film_sets_designed /m/0p9tm +/m/0gyv0b4 /film/film/genre /m/02kdv5l +/m/01qvz8 /film/film/music /m/06fxnf +/m/0168ql /people/person/profession /m/01d_h8 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/015wc0 /people/person/place_of_birth /m/02_286 +/m/0kbws /olympics/olympic_games/sports /m/07gyv +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/01j8wk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jfr3y /people/person/profession /m/016z4k +/m/033tf_ /people/ethnicity/people /m/0g10g +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425j7 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0408np /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02lnhv +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm98 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/06b7s9 +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01hww_ /dataworld/gardening_hint/split_to /m/03m5k +/m/07zhjj /tv/tv_program/program_creator /m/03cs_z7 +/m/016sd3 /education/educational_institution/colors /m/038hg +/m/06z5s /people/cause_of_death/people /m/01h2_6 +/m/0hd7j /education/educational_institution/colors /m/01jnf1 +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0mr_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ms6_ +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/018zqj /organization/organization/child./organization/organization_relationship/child /m/018zsw +/m/045r_9 /film/film/genre /m/0hn10 +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09mq4m +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pjnd +/m/01hcvm /music/genre/artists /m/09jvl +/m/0ftns /base/biblioness/bibs_location/country /m/04v3q +/m/01520h /people/person/profession /m/018gz8 +/m/053k78 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01515w /people/person/profession /m/0dxtg +/m/01prf3 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/01cf93 /music/record_label/artist /m/013rds +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0x3b7 +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/0hvb2 +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wtr +/m/0dtfn /film/film/genre /m/03k9fj +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0mwht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n57k +/m/0ny75 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/05jg58 /music/genre/artists /m/016fmf +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0ff0x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jfx1 /film/actor/film./film/performance/film /m/050xxm +/m/01wsj0 /music/record_label/artist /m/0249kn +/m/0bk5r /people/person/gender /m/05zppz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/02z0f6l /film/film/country /m/07ssc +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/01jbx1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/014dd0 /music/record_label/artist /m/0285c +/m/01v3bn /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/01z4y /media_common/netflix_genre/titles /m/0k2sk +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05fh2 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/07kb5 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/0ydpd /base/biblioness/bibs_location/country /m/09c7w0 +/m/063hp4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/042v2 /influence/influence_node/influenced_by /m/0c5tl +/m/016yvw /people/person/profession /m/02hrh1q +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02nczh +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02c0mv /people/person/gender /m/05zppz +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/03rl84 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/05tbn /location/location/contains /m/0mw7h +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_9lg +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0d90m /film/film/country /m/09c7w0 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/041p3y /music/record_label/artist /m/0249kn +/m/0c1j_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vs_v8 +/m/071xj /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/019f9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/09qj50 /award/award_category/category_of /m/0gcf2r +/m/02qm5j /music/genre/artists /m/05qw5 +/m/01lhy /education/field_of_study/students_majoring./education/education/student /m/03j2gxx +/m/01309x /people/person/profession /m/01c72t +/m/0b7l1f /people/person/profession /m/0gl2ny2 +/m/02yy_j /people/person/places_lived./people/place_lived/location /m/094jv +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jfnvd +/m/0342h /music/instrument/instrumentalists /m/01k_n63 +/m/0gqzz /award/award_category/winners./award/award_honor/award_winner /m/05jcn8 +/m/02mxw0 /film/actor/film./film/performance/film /m/0b4lkx +/m/030g9z /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/09889g /music/group_member/membership./music/group_membership/group /m/015srx +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0djlxb +/m/0l6m5 /time/event/locations /m/01f62 +/m/080lkt7 /film/film/language /m/05zjd +/m/0342h /music/instrument/instrumentalists /m/044k8 +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/074rg9 /film/film/country /m/016wzw +/m/031zp2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6l1st +/m/034xyf /film/film/language /m/02h40lc +/m/05bht9 /people/person/religion /m/0c8wxp +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qzjj +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/043t1s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0x8 +/m/01gglm /film/film/story_by /m/05183k +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qdgx /music/genre/artists /m/02vcp0 +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/049xgc /film/film/genre /m/03bxz7 +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/018417 +/m/01h320 /people/person/profession /m/0kyk +/m/04bjff /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/02g839 /education/educational_institution/colors /m/06fvc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01b8d6 +/m/08qnnv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cwcr /people/person/nationality /m/06q1r +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01jb26 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05mt6w /people/person/place_of_birth /m/02h6_6p +/m/0261x8t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/09cws /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03vyw8 +/m/0jnlm /sports/sports_team/colors /m/083jv +/m/0hcvy /people/person/profession /m/0cbd2 +/m/01hvjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f2_rc +/m/01wj9y9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/03yl2t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/092ggq /film/actor/film./film/performance/film /m/0gwgn1k +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/04glx0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/06by7 /music/genre/artists /m/01f2q5 +/m/087qxp /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01p95y0 /people/person/profession /m/029bkp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kckd +/m/0jrny /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0n839 /organization/organization_founder/organizations_founded /m/0gh4g0 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0gc_c_ +/m/0cskb /tv/tv_program/languages /m/02h40lc +/m/0kbvv /olympics/olympic_games/sports /m/06zgc +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/0190yn /music/genre/artists /m/01mskc3 +/m/05nsfc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0q9jk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/025h4z +/m/028r4y /film/actor/film./film/performance/film /m/09cr8 +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0198b6 /film/film/written_by /m/01f7v_ +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/028qyn /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/03d_w3h /film/actor/film./film/performance/film /m/03np63f +/m/02qfyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/08sfxj /film/film/genre /m/02l7c8 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027s39y +/m/0g26h /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/01wg25j /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0ldd /influence/influence_node/influenced_by /m/037jz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/01jzyf /film/film/production_companies /m/02j_j0 +/m/0h3y /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06mkj +/m/03bnv /people/person/profession /m/0dz3r +/m/05ll37 /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/054fvj +/m/04257b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/01f7v_ /film/director/film /m/0198b6 +/m/02my3z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/037s9x /education/educational_institution/campuses /m/037s9x +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01zh3_ +/m/03459x /film/film/film_format /m/07fb8_ +/m/018vs /music/instrument/instrumentalists /m/02jq1 +/m/020_4z /people/person/profession /m/09jwl +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01679d /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/087vnr5 /film/film/genre /m/0gf28 +/m/02qrv7 /film/film/film_production_design_by /m/04_1nk +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/01jzxy /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mrjs +/m/093xh0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/02p3cr5 /music/record_label/artist /m/0fb2l +/m/01z77k /media_common/netflix_genre/titles /m/026y3cf +/m/07fsv /location/country/form_of_government /m/01q20 +/m/0kb07 /film/film/country /m/09c7w0 +/m/013807 /education/educational_institution_campus/educational_institution /m/013807 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/01rh0w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/034g2b +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05t0_2v +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/0gt_k +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q52q +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/0bs8s1p /film/film/genre /m/01jfsb +/m/044zvm /people/person/place_of_birth /m/030qb3t +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/03yk8z +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kv9d3 +/m/01wc7p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/05mxw33 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/058ncz /people/person/profession /m/02hrh1q +/m/03h_yy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043js +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fn8jc +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/029fbr /music/genre/artists /m/02ndj5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0300cp +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0g_zyp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tgz4 /film/film/produced_by /m/02r251z +/m/06cp5 /music/genre/parent_genre /m/016_nr +/m/0jt3tjf /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0ymff /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032zq6 +/m/06pjs /film/actor/film./film/performance/film /m/01rwyq +/m/0j5g9 /location/location/contains /m/01zkgw +/m/0m2fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_j +/m/0sxg4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08k40m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w0v /location/location/contains /m/05zhg +/m/0qf3p /people/person/spouse_s./people/marriage/location_of_ceremony /m/07fr_ +/m/06nm1 /language/human_language/countries_spoken_in /m/02k1b +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/01xwv7 /influence/influence_node/influenced_by /m/081lh +/m/02qw2xb /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/083wr9 /film/actor/film./film/performance/film /m/05zlld0 +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/05pbsry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04kr63w +/m/01j590z /people/person/profession /m/09jwl +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0fq9zcx /award/award_category/winners./award/award_honor/award_winner /m/0kszw +/m/0ynfz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/03xyp_ /people/person/gender /m/05zppz +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/010hn /people/person/profession /m/02hrh1q +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/09rfpk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/048rn /film/film/genre /m/03k9fj +/m/02vyw /people/person/employment_history./business/employment_tenure/company /m/02jd_7 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b13g7 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/029zqn /film/film/genre /m/01hmnh +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0clvcx +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04sv4 /organization/organization/child./organization/organization_relationship/child /m/02brqp +/m/0jksm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0glnm +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01dthg +/m/043js /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0221zw +/m/0j0k /location/location/contains /m/0fsmy +/m/02vjzr /music/genre/artists /m/02s2wq +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/0225v9 /education/educational_institution_campus/educational_institution /m/0225v9 +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/0342h +/m/04x4vj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/06hzsx /people/deceased_person/place_of_death /m/030qb3t +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02_286 +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/01w40h /music/record_label/artist /m/01vsyg9 +/m/0kfpm /tv/tv_program/country_of_origin /m/09c7w0 +/m/02q87z6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/03y2kr /people/person/profession /m/01d_h8 +/m/04x4s2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043n1r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02zft0 +/m/02qdgx /music/genre/artists /m/01pbxb +/m/0bj9k /people/person/place_of_birth /m/02_286 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0462hhb /film/film/country /m/07ssc +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/07ssc /media_common/netflix_genre/titles /m/0gj9qxr +/m/09c7w0 /location/country/second_level_divisions /m/0cv13 +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjks +/m/0jc7g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ts0c /people/ethnicity/people /m/06cgy +/m/067nsm /people/person/profession /m/01c72t +/m/02704ff /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03np3w +/m/0cp9f9 /people/person/profession /m/0dxtg +/m/020qr4 /tv/tv_program/languages /m/04306rv +/m/039zft /film/film/genre /m/07s9rl0 +/m/0372j5 /film/film/written_by /m/03ys2f +/m/0291hr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0225z1 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/04cj79 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kf3_9 /film/film/genre /m/03k9fj +/m/018rn4 /people/profession/specialization_of /m/04_tv +/m/0pd57 /film/film/film_art_direction_by /m/07fzq3 +/m/0l339 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0163kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vt9p3 +/m/05mrf_p /film/film/genre /m/02qfv5d +/m/09ctj /location/location/contains /m/0p98z +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/04n_g +/m/06gh0t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0356dp +/m/052hl /award/award_winner/awards_won./award/award_honor/award_winner /m/0pnf3 +/m/0xhtw /music/genre/artists /m/01vsxdm +/m/01j6t0 /medicine/symptom/symptom_of /m/0c58k +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0830vk +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/02h6_6p /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/02yj7w +/m/01l1hr /people/person/profession /m/01d_h8 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03mp9s +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/03c602 /people/person/place_of_birth /m/056_y +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0721cy /people/person/nationality /m/09c7w0 +/m/02z6l5f /people/person/nationality /m/07ssc +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/06jcc /people/person/places_lived./people/place_lived/location /m/0sbbq +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01ljpm /education/educational_institution/colors /m/036k5h +/m/026c1 /film/actor/film./film/performance/film /m/0ds2l81 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07t90 +/m/02lfns /people/person/profession /m/02hrh1q +/m/06s7rd /people/person/languages /m/02h40lc +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02d_zc +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/05strv /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03_lsr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09c7w0 /location/location/contains /m/01bk1y +/m/03_gd /film/director/film /m/0dr_4 +/m/06q1r /location/location/contains /m/018sg9 +/m/01llj3 /location/location/contains /m/015wy_ +/m/0dnvn3 /film/film/written_by /m/02kxbx3 +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/01tspc6 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/014zz1 +/m/01242_ /film/film/genre /m/04xvlr +/m/04svwx /tv/tv_program/genre /m/05p553 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0h1n9 /medicine/disease/risk_factors /m/02ctzb +/m/06kx2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/013tjc /people/person/profession /m/0np9r +/m/023p29 /people/person/profession /m/0fnpj +/m/0h1mt /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/01qckn /organization/organization/place_founded /m/07dfk +/m/03bkbh /people/ethnicity/geographic_distribution /m/012wgb +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049fbh +/m/07xr3w /people/person/profession /m/0dgd_ +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03t22m /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01wy6 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/0djkrp /film/film/genre /m/07s9rl0 +/m/047yc /location/country/form_of_government /m/01q20 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ywj +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0jsf6 /film/film/produced_by /m/02vyw +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/02x3y41 /film/film/genre /m/01jfsb +/m/0d90m /film/film/genre /m/01hmnh +/m/0lkr7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/016lmg +/m/07cz2 /film/film/language /m/02h40lc +/m/0ylvj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/07s9rl0 /media_common/netflix_genre/titles /m/05cvgl +/m/02vyw /organization/organization_founder/organizations_founded /m/02jd_7 +/m/02n4kr /media_common/netflix_genre/titles /m/06g77c +/m/03d_zl4 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0rqyx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n1rj +/m/0c9xjl /film/actor/film./film/performance/film /m/062zjtt +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0677ng /people/person/places_lived./people/place_lived/location /m/01531 +/m/018vs /music/instrument/instrumentalists /m/01vrncs +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/046_v /people/person/profession /m/0n1h +/m/07ssc /media_common/netflix_genre/titles /m/0gyy53 +/m/024dw0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/014wxc /location/location/contains /m/02hrh0_ +/m/049mql /film/film/genre /m/0hn10 +/m/0f4dx2 /people/person/nationality /m/09c7w0 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdd +/m/0dxmyh /people/person/nationality /m/09c7w0 +/m/06x43v /film/film/language /m/04h9h +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0739z6 /film/actor/film./film/performance/film /m/08mg_b +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03h_fk5 +/m/03_3d /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0gys2jp /film/film/language /m/02h40lc +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01ft2l +/m/01r97z /film/film/genre /m/05p553 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/0498y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/0571m /film/film/genre /m/0glj9q +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06w839_ +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k4gv +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/01hmnh /media_common/netflix_genre/titles /m/0dc_ms +/m/02_nsc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049k07 +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0jt3tjf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/01m13b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04k25 +/m/01jfrg /people/person/spouse_s./people/marriage/spouse /m/0151w_ +/m/083pr /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/03q43g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03qncl3 /people/person/nationality /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07s363 +/m/059j4x /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qxh +/m/0564x /film/film/country /m/03_3d +/m/081m_ /sports/sports_team_location/teams /m/032498 +/m/0222qb /people/ethnicity/people /m/030pr +/m/01h8rk /education/educational_institution/campuses /m/01h8rk +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/047hpm /people/person/place_of_birth /m/030qb3t +/m/07b3r9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bkf72 +/m/03bw6 /people/deceased_person/place_of_burial /m/018mmj +/m/0cc5qkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02qsjt /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wskg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01mr2g6 +/m/0m593 /people/person/religion /m/03_gx +/m/09b6zr /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/085gk /influence/influence_node/influenced_by /m/06jkm +/m/02_cx_ /education/educational_institution/school_type /m/05jxkf +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01cwhp +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02q0v8n /film/film/music /m/023361 +/m/06cp5 /music/genre/artists /m/01vw20_ +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/03n6r +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/02y0dd /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ckf6 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/046p9 /music/artist/origin /m/04jpl +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gxf +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/015qsq +/m/030g9z /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/0824r /location/location/contains /m/0mkqr +/m/0f5xn /film/actor/film./film/performance/film /m/04gknr +/m/0h14ln /film/film/genre /m/07s9rl0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/05r_j /film/film_subject/films /m/08zrbl +/m/02y9bj /organization/organization/headquarters./location/mailing_address/citytown /m/0c_m3 +/m/02qkt /location/location/contains /m/01pj7 +/m/0bwfn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0ql36 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/016cjb /music/genre/artists /m/0136p1 +/m/0bt7ws /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tj4c /film/film/genre /m/05p553 +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/058yv_ /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jcg8 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/01x1cn2 /people/person/spouse_s./people/marriage/spouse /m/02v406 +/m/02wh0 /base/eating/practicer_of_diet/diet /m/07_jd +/m/013q0p /film/film/production_companies /m/024rgt +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0kszw /film/actor/film./film/performance/film /m/03hxsv +/m/0ftps /music/group_member/membership./music/group_membership/role /m/03gvt +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/01kcd /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/024qqx /media_common/netflix_genre/titles /m/01qb5d +/m/0234j5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/022xml +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7s +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/03np3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/03lsq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/09n48 /olympics/olympic_games/participating_countries /m/0bjv6 +/m/01pl14 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/021r7r /people/person/profession /m/0dxtg +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/04hk0w /film/film/genre /m/02n4kr +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/03_fk9 /people/person/profession /m/0dgd_ +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/016890 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/01qqtr /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/06c0ns /film/film/language /m/02h40lc +/m/0glqh5_ /film/film/produced_by /m/0b13g7 +/m/05whq_9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0ggq0m /music/genre/artists /m/06c44 +/m/058ncz /people/person/nationality /m/09c7w0 +/m/016z5x /film/film/produced_by /m/0kr5_ +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/01pj_5 /film/film/genre /m/01585b +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01n8gr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrnsk /people/person/profession /m/02hrh1q +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/085pr /people/person/nationality /m/09c7w0 +/m/048wrb /people/person/profession /m/02krf9 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01z452 +/m/09c7w0 /location/location/contains /m/03l6bs +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0161c /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01mbwlb /people/person/religion /m/0g5llry +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/0lpk3 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0fc_9 +/m/08phg9 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/034rd9 /film/actor/film./film/performance/film /m/099bhp +/m/0b_5d /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0l35f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2jt +/m/059j2 /location/location/contains /m/07w6r +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/02vjp3 /film/film/language /m/02h40lc +/m/02xry /location/location/contains /m/0jgk3 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01309x /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/064jjy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0dsx3f +/m/03rk0 /location/location/contains /m/015y2q +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/02bxd +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0djywgn /influence/influence_node/influenced_by /m/063_t +/m/07nf6 /location/location/contains /m/035bpp +/m/02qr46y /tv/tv_program/genre /m/01z77k +/m/0163t3 /people/person/spouse_s./people/marriage/spouse /m/01vtqml +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0glt670 /music/genre/artists /m/03j3pg9 +/m/016017 /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/0f4y_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dclg +/m/01p1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gqr +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02bhj4 /education/educational_institution/school_type /m/05pcjw +/m/05bnp0 /film/actor/film./film/performance/film /m/012s1d +/m/09ly2r6 /award/award_category/winners./award/award_honor/award_winner /m/01njxvw +/m/07b_l /location/location/contains /m/02km0m +/m/03fvqg /people/person/gender /m/05zppz +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05rfst +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__ww +/m/0m9v7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0df92l +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ln0f +/m/0jbp0 /film/actor/film./film/performance/film /m/0d90m +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04b5n0 +/m/07yvsn /film/film/executive_produced_by /m/02vyw +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03k7dn +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/02l0sf /people/person/profession /m/016z4k +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01vsy3q /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01r0t_j /influence/influence_node/influenced_by /m/07c0j +/m/091z_p /film/film/country /m/0b90_r +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/01ttg5 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/02lx0 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0bs5k8r /film/film/genre /m/04xvlr +/m/03q8xj /film/film/country /m/07ssc +/m/05r6t /music/genre/artists /m/02ndj5 +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0d7vtk +/m/041rx /people/ethnicity/people /m/032w8h +/m/02f6s3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0ckm4x /people/person/religion /m/0kq2 +/m/0521rl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/09c7w0 /location/country/second_level_divisions /m/0njlp +/m/03lrqw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwh1 +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yr9 +/m/05_k56 /people/person/nationality /m/09c7w0 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0bq3x /film/film_subject/films /m/09hy79 +/m/059_w /people/ethnicity/people /m/06lvlf +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/065y4w7 /dataworld/gardening_hint/split_to /m/065y4w7 +/m/09px1w /people/person/profession /m/01d_h8 +/m/0swbd /olympics/olympic_games/sports /m/06zgc +/m/01clyr /music/record_label/artist /m/01vrnsk +/m/0gz5hs /people/person/nationality /m/09c7w0 +/m/02w4v /music/genre/artists /m/0ddkf +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/038bht /people/person/nationality /m/09c7w0 +/m/01505k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/0221g_ /education/educational_institution/colors /m/083jv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01lsl +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/016tw3 /organization/organization/child./organization/organization_relationship/child /m/0gfmc_ +/m/02ctzb /people/ethnicity/people /m/03hbzj +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02csf +/m/03cp4cn /film/film/story_by /m/05fyss +/m/02_cx_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0hgqq +/m/03nfnx /film/film/music /m/04pf4r +/m/080knyg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01fkxr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jx9 /organization/organization/headquarters./location/mailing_address/citytown /m/0d7k1z +/m/01w7nww /people/person/profession /m/016z4k +/m/01t2h2 /film/actor/film./film/performance/film /m/0bc1yhb +/m/0pk41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w60_p +/m/0151b0 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/02hnl /music/instrument/instrumentalists /m/01nn3m +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/01qn8k /people/person/nationality /m/09c7w0 +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_t2t +/m/07ssc /location/location/contains /m/049kw +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/0gqxm /award/award_category/winners./award/award_honor/award_winner /m/03r1pr +/m/0cmc26r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tc9r +/m/072x7s /film/film/music /m/0146pg +/m/0n85g /music/record_label/artist /m/0dtd6 +/m/02ldmw /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j24kf /people/person/gender /m/05zppz +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/049nq /location/location/contains /m/0fqyc +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0phx4 /music/group_member/membership./music/group_membership/role /m/018vs +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/0mbql /film/film/genre /m/02b5_l +/m/072192 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bj25 +/m/017f4y /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j4tx +/m/0chsq /people/person/gender /m/05zppz +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/03bzyn4 /film/film/production_companies /m/03jvmp +/m/0fb0v /music/record_label/artist /m/0136p1 +/m/02w3w /music/instrument/instrumentalists /m/016j2t +/m/0j4b /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0191h5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ttg5 +/m/05g8pg /film/film/country /m/0d05w3 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0j_sncb +/m/03qjg /music/instrument/instrumentalists /m/01vs4ff +/m/019f9z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04xrx +/m/01kkk4 /sports/sports_team/sport /m/02vx4 +/m/0d2psv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09yrh /people/person/languages /m/02h40lc +/m/0dl5d /music/genre/artists /m/0qmpd +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/0gbfn9 /film/film/genre /m/05p553 +/m/0ptx_ /film/film/country /m/09c7w0 +/m/0459z /people/person/gender /m/05zppz +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01kym3 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/01tzfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/06l3bl /media_common/netflix_genre/titles /m/048scx +/m/01cssf /film/film/written_by /m/013tcv +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nm_fh +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02ps55 +/m/045bg /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013w7j +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/049qx /people/person/profession /m/0n1h +/m/0gt_k /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/024mxd /film/film/production_companies /m/086k8 +/m/05mkn /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/0342h /music/instrument/instrumentalists /m/094xh +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03qcq +/m/0dr3sl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0167q3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_d0 /music/genre/artists /m/0277c3 +/m/037cr1 /film/film/language /m/02h40lc +/m/0473m9 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/04xvlr /media_common/netflix_genre/titles /m/05p09dd +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/01_rh4 /film/actor/film./film/performance/film /m/0m5s5 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/0b_77q /time/event/instance_of_recurring_event /m/02jp2w +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/07cbs +/m/05qjt /education/field_of_study/students_majoring./education/education/student /m/0jcx +/m/0309lm /film/actor/film./film/performance/film /m/034qrh +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/043g7l /music/record_label/artist /m/01k23t +/m/01kd57 /people/person/profession /m/016z4k +/m/011vx3 /music/artist/origin /m/03dm7 +/m/01c1nm /location/administrative_division/country /m/03rk0 +/m/0cp08zg /film/film/written_by /m/05whq_9 +/m/0415svh /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08bytj +/m/03s2dj /film/actor/film./film/performance/film /m/048tv9 +/m/0mhl6 /location/administrative_division/country /m/0f8l9c +/m/02ldv0 /people/person/profession /m/02hrh1q +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/017gl1 /film/film/genre /m/07s9rl0 +/m/029_3 /people/person/profession /m/015cjr +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q7874 +/m/0j80w /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/0bh72t /film/film/written_by /m/013km +/m/0d9rp /base/aareas/schema/administrative_area/capital /m/0d9s5 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/03_0p /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04bdzg /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02vntj +/m/01lct6 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/077g7n +/m/01d1yr /film/actor/film./film/performance/film /m/027m67 +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/01nn3m /people/person/nationality /m/02jx1 +/m/02p2zq /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/027rpym /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jq4b /education/educational_institution/colors /m/019sc +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/044qx +/m/024dw0 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/06wm0z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09h4b5 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/0bczgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/02fs_d /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03rlps /music/genre/artists /m/03j1p2n +/m/034tl /base/biblioness/bibs_location/country /m/09c7w0 +/m/034hwx /film/film/genre /m/01jfsb +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/01jx9 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dvld /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/01b9ck /film/director/film /m/0cwy47 +/m/04vrxh /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/03g52k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05b4w /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xvlr /media_common/netflix_genre/titles /m/0n08r +/m/03b3j /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/08xvpn /film/film/genre /m/04xvlr +/m/04gfy7 /people/ethnicity/languages_spoken /m/0999q +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/0fb7c /people/person/profession /m/02hrh1q +/m/03jht /influence/influence_node/influenced_by /m/07dnx +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/02rf51g +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01h5f8 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/08141d +/m/0412f5y /people/person/profession /m/0dz3r +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06msq2 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0grrq8 /people/person/gender /m/05zppz +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/05q_dw /film/film/featured_film_locations /m/0cr3d +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d9_96 +/m/0hqly /people/person/languages /m/03_9r +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cw411 +/m/03fhm5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01713c +/m/03_1pg /people/person/nationality /m/09c7w0 +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlx4 +/m/04zn7g /people/person/gender /m/05zppz +/m/01n30p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01pf21 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/03b3j +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/03d_w3h +/m/07bcn /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01qscs +/m/02p11jq /music/record_label/artist /m/02vcp0 +/m/02phtzk /film/film/language /m/06b_j +/m/0484q /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/09yrh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02825kb +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/04k8n +/m/01qvtwm /people/person/profession /m/0np9r +/m/017v_ /location/location/time_zones /m/02llzg +/m/0btyf5z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/05zj6x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027gy0k +/m/07ylj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01kp_1t /people/person/nationality /m/09c7w0 +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/014x77 /people/person/religion /m/03_gx +/m/0ymbl /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0cjdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01nxfc /people/profession/specialization_of /m/0n1h +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/09v6tz /award/award_winner/awards_won./award/award_honor/award_winner /m/0237jb +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/02rchht /film/director/film /m/02ppg1r +/m/01nxzv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/03_gz8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0154qm +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07swvb +/m/017_qw /music/genre/artists /m/01njxvw +/m/018vs /music/instrument/instrumentalists /m/016s_5 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/0gn30 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pcrw +/m/03k545 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x0fs9 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cp7b3 +/m/0qkj7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sb1 /location/location/contains /m/05ftw3 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/05r5c /music/instrument/instrumentalists /m/0flpy +/m/0jnwx /film/film/genre /m/04t36 +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qhyn8 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/011j5x /music/genre/artists /m/02cpp +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030k94 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/016kkx +/m/054fvj /people/person/nationality /m/09c7w0 +/m/0dryh9k /people/ethnicity/people /m/0flj39 +/m/02607j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01pj7 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0738b8 /people/person/profession /m/0dxtg +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/03_0p /award/award_winner/awards_won./award/award_honor/award_winner /m/016k62 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/02qzjj +/m/0r1yc /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0127s7 +/m/07v64s /music/genre/artists /m/01w3lzq +/m/0fb7c /people/person/nationality /m/09c7w0 +/m/018h2 /film/film_subject/films /m/0ptx_ +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/01vrncs +/m/01hmnh /media_common/netflix_genre/titles /m/01jft4 +/m/083my7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0gj8nq2 /film/film/cinematography /m/03rqww +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/02ht0ln +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jrbv +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05fcbk7 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/027ffq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/02tn0_ /film/director/film /m/03wbqc4 +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01cl2y /music/record_label/artist /m/03c7ln +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/01xyqk /music/record_label/artist /m/0bdlj +/m/01y8zd /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03thw4 +/m/0y3_8 /music/genre/artists /m/01r7pq +/m/020x5r /people/person/profession /m/0dxtg +/m/04kr63w /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/033hn8 /music/record_label/artist /m/01w58n3 +/m/0sxrz /olympics/olympic_games/participating_countries /m/0d060g +/m/02x8fs /film/film/genre /m/0fdjb +/m/06v_gh /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/03yk8z /film/actor/film./film/performance/film /m/0j43swk +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/026dd2b /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0640m69 /film/film/genre /m/0556j8 +/m/02yv6b /music/genre/artists /m/01vtqml +/m/06srk /sports/sports_team_location/teams /m/03zmc7 +/m/05z43v /film/film/country /m/07ssc +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j47s +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02hh8j /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0gl5_ /education/educational_institution/colors /m/04d18d +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/02k4b2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/016s_5 /people/person/profession /m/0nbcg +/m/043y95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05hdf /film/actor/film./film/performance/film /m/0qmfk +/m/06bnz /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/044prt /film/actor/film./film/performance/film /m/0f42nz +/m/0134bf /location/location/contains /m/0138kk +/m/03bxp5 /film/film/genre /m/07s9rl0 +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09lxtg /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/01rlz4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/02l424 /education/educational_institution/school_type /m/04399 +/m/072twv /people/person/gender /m/05zppz +/m/027r9t /film/film/genre /m/04t36 +/m/0dzlbx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bwr +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09cdxn +/m/04l5f2 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1p +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/03_fmr /education/educational_institution/campuses /m/03_fmr +/m/043t8t /film/film/genre /m/01q03 +/m/01kx_81 /people/person/profession /m/02hrh1q +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0qf43 /film/director/film /m/09gb_4p +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01lbp +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1k5 +/m/02r9p0c /film/film/dubbing_performances./film/dubbing_performance/actor /m/09ykwk +/m/0g768 /music/record_label/artist /m/03t9sp +/m/031t2d /film/film/other_crew./film/film_crew_gig/crewmember /m/03h26tm +/m/01bb1c /award/award_category/disciplines_or_subjects /m/06n90 +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k7d9 +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0pv2t +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/06pwfk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018_7x /base/aareas/schema/administrative_area/administrative_parent /m/07nf6 +/m/03wy70 /film/actor/film./film/performance/film /m/0bh8yn3 +/m/086k8 /music/record_label/artist /m/0pk41 +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/09c7w0 /location/location/contains /m/0r172 +/m/06pwq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01y20v /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02kcz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0638kv /people/person/profession /m/02jknp +/m/0d3k14 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02jx1 /location/location/contains /m/0pfd9 +/m/03lygq /sports/sports_team/sport /m/02vx4 +/m/03kx49 /film/film/genre /m/05p553 +/m/04t36 /media_common/netflix_genre/titles /m/02vnmc9 +/m/01wqpnm /people/person/profession /m/02hrh1q +/m/03548 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/03193l /music/artist/contribution./music/recording_contribution/performance_role /m/0l14jd +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/0psss +/m/095sx6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02vq8xn +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/02swsm +/m/04gv3db /film/film/country /m/0d060g +/m/042fk /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtbb +/m/0b478 /people/person/profession /m/02jknp +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gm9n +/m/0ptx_ /film/film/language /m/02h40lc +/m/04crrxr /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/086sj /film/actor/film./film/performance/film /m/08phg9 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0py8j /base/culturalevent/event/entity_involved /m/0285m87 +/m/09c7w0 /location/location/contains /m/0mzww +/m/0kvsb /film/director/film /m/02z3r8t +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/05q7874 /film/film/genre /m/0219x_ +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01ktz1 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p2zq +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/0dl567 /people/person/profession /m/0n1h +/m/043zg /film/actor/film./film/performance/film /m/05tgks +/m/016w7b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0x3b7 /people/person/profession /m/09jwl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05ns4g +/m/0123_x /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bq2g +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/02704ff /film/film/country /m/0f8l9c +/m/0dtfn /film/film/written_by /m/0343h +/m/01r42_g /people/person/nationality /m/09c7w0 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0l39b /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jcky +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02p4jf0 /music/record_label/artist /m/0fp_v1x +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mt91 +/m/0dpqk /people/person/gender /m/05zppz +/m/04w391 /award/award_winner/awards_won./award/award_honor/award_winner /m/016z2j +/m/0gc_c_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/015qh +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/03rjj /location/country/second_level_divisions /m/098phg +/m/04fcx7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/018j2 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01cwq9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01xqw /music/instrument/instrumentalists /m/06h2w +/m/01hxs4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rrd4 +/m/02hrh1q /dataworld/gardening_hint/split_to /m/02hrh1q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j70t +/m/064_8sq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01mkq +/m/04yj5z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k_s5 /location/location/contains /m/0l2q3 +/m/05jzt3 /film/film/story_by /m/03h_fk5 +/m/01g7zj /people/ethnicity/people /m/03lt8g +/m/0ddt_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0fdv3 +/m/03gj2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvwkr +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07s2s /film/film_subject/films /m/05ch98 +/m/0d90m /film/film/genre /m/0btmb +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/016_nr /music/genre/artists /m/01w7nwm +/m/04cf_l /film/film/produced_by /m/020l9r +/m/03q3x5 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/01wy6 /music/instrument/instrumentalists /m/01gg59 +/m/03m79j_ /award/award_category/winners./award/award_honor/award_winner /m/0dzc16 +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0853g /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/0k4j +/m/02yv6b /music/genre/artists /m/01czx +/m/03n_7k /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/05dss7 /film/film/country /m/09c7w0 +/m/01jwt /music/genre/artists /m/01wt4wc +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dq23 +/m/034tl /location/country/form_of_government /m/01d9r3 +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d060g +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/02_n5d /people/person/places_lived./people/place_lived/location /m/0fgj2 +/m/0m2l9 /people/person/profession /m/09jwl +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/04gtdnh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/09c7w0 /location/country/second_level_divisions /m/0nv99 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/068gn /award/award_category/winners./award/award_honor/award_winner /m/01dkpb +/m/0gxfz /film/film/genre /m/02l7c8 +/m/02js9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/049mql /film/film/genre /m/082gq +/m/0q48z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0ft18 +/m/01qgry /music/group_member/membership./music/group_membership/role /m/0342h +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0hhggmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/03x83_ /education/educational_institution/students_graduates./education/education/student /m/0239zv +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09q5w2 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/017kct +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/06jtd /base/biblioness/bibs_location/country /m/0345h +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/03f1zhf /people/person/profession /m/0nbcg +/m/0trv /education/educational_institution/students_graduates./education/education/student /m/05lb65 +/m/0jqn5 /film/film/produced_by /m/06pj8 +/m/0c4b8 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/027qpc +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/01m9f1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/05tbn /location/location/contains /m/0_7z2 +/m/03xpfzg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/01jw4r /people/person/profession /m/02jknp +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0884hk /people/person/profession /m/03gjzk +/m/04g4w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/041c4 /film/actor/film./film/performance/film /m/01sxly +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/048yqf /film/film/executive_produced_by /m/079vf +/m/01jzyf /film/film/country /m/09c7w0 +/m/02mj7c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/023zsh /people/person/nationality /m/0j5g9 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016ypb +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02xbw2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/01pcmd /people/deceased_person/place_of_death /m/030qb3t +/m/02_fm2 /film/film/film_format /m/0cj16 +/m/025sc50 /music/genre/artists /m/02zmh5 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/01wbgdv /award/award_winner/awards_won./award/award_honor/award_winner /m/07s3vqk +/m/0q34g /base/aareas/schema/administrative_area/administrative_parent /m/09ctj +/m/05v10 /sports/sports_team_location/teams /m/03d8m4 +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/02p3cr5 /music/record_label/artist /m/01vzxld +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ggjt +/m/01ffx4 /film/film/language /m/064_8sq +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0trv /education/educational_institution/school_type /m/05jxkf +/m/01x5fb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0222qb /people/ethnicity/people /m/01f2f8 +/m/01m3b1t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/012s1d /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/0j0k /base/locations/continents/countries_within /m/05l8y +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j_06 /education/educational_institution/colors /m/083jv +/m/07mqps /people/ethnicity/people /m/02yy8 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/016nvh +/m/0jm6n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmm4 +/m/01t07j /people/person/profession /m/0dgd_ +/m/03k50 /language/human_language/countries_spoken_in /m/016zwt +/m/0glt670 /music/genre/artists /m/01vt5c_ +/m/098s2w /film/film/featured_film_locations /m/0l4vc +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/02vcp0 +/m/043g7l /music/record_label/artist /m/09889g +/m/0n5gb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mws3 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l9k1 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01vnbh +/m/05l5n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015f7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vs_v8 +/m/0fvr1 /film/film/genre /m/09blyk +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0m66w /people/person/profession /m/03gjzk +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/074qgb +/m/03c7ln /people/person/profession /m/02tx6q +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0dg3n1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02j9z +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/09rp4r_ +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k7d9 +/m/03l78j /education/educational_institution/colors /m/01g5v +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027xbpw +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c1xm /location/location/time_zones /m/03bdv +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/01pv91 /film/film/production_companies /m/01gb54 +/m/0sx8l /olympics/olympic_games/participating_countries /m/06mkj +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05tr7 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kj0p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j7z7 +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/011v3 +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/016yxn /film/film/produced_by /m/05kfs +/m/0gw7p /film/film/featured_film_locations /m/030qb3t +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012ljv +/m/06rq2l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09b9m /base/biblioness/bibs_location/state /m/070zc +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0169dl /film/actor/film./film/performance/film /m/01b195 +/m/02f_k_ /film/actor/film./film/performance/film /m/0660b9b +/m/057xkj_ /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/049fgvm /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/065d1h /people/person/profession /m/0dxtg +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/045c7b +/m/012gq6 /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pkm +/m/01gn36 /people/person/profession /m/0n1h +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0p9xd /music/genre/artists /m/01304j +/m/01mbwlb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rby /location/location/contains /m/07vfj +/m/07bwr /film/film/genre /m/06qm3 +/m/01gbb4 /people/person/place_of_birth /m/0cr3d +/m/01pcmd /people/person/profession /m/03gjzk +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06q8hf +/m/01s1zk /people/person/profession /m/0nbcg +/m/0mzkr /music/record_label/artist /m/01x1cn2 +/m/04_1nk /film/film_set_designer/film_sets_designed /m/01kf4tt +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06rrzn +/m/0674cw /people/person/profession /m/0dxtg +/m/01z215 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0j13b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcrg +/m/0410cp /people/person/nationality /m/09c7w0 +/m/03x23q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c52 /media_common/netflix_genre/titles /m/01j67j +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm64 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/06m6z6 /film/director/film /m/040_lv +/m/041rx /people/ethnicity/people /m/03p9hl +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0gg8l /music/genre/artists /m/01q_wyj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0b1xl +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/0bscw /film/film/film_format /m/07fb8_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/04165w +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/02pp1 +/m/01pg1d /film/actor/film./film/performance/film /m/09y6pb +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/02y9wq /base/biblioness/bibs_location/country /m/0ctw_b +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015pxr +/m/01_k1z /people/person/profession /m/0cbd2 +/m/047q2k1 /film/film/language /m/03k50 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/06nsb9 /people/person/profession /m/0np9r +/m/0k2mxq /people/person/place_of_birth /m/01sn3 +/m/02ln0f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0gfw56 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0g1rw /award/award_winner/awards_won./award/award_honor/award_winner /m/017jv5 +/m/02hxhz /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0mbql /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/05g3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/037h1k /music/record_label/artist /m/024dw0 +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0cx7f /music/genre/artists /m/0ycp3 +/m/0n56v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n4yq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0kqbh +/m/0gk4g /people/cause_of_death/people /m/01jrz5j +/m/08pgl8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0lbd9 /olympics/olympic_games/sports /m/064vjs +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/03m73lj +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04bdzg /film/actor/film./film/performance/film /m/0bs5f0b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04j6dg +/m/0mkg /music/instrument/instrumentalists /m/0b_j2 +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jlv5 +/m/015gsv /people/person/gender /m/05zppz +/m/07751 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vswwx +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/0jrqq +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/011x_4 /film/film/film_format /m/0cj16 +/m/05fjf /location/location/contains /m/0n5gq +/m/0k_q_ /location/hud_county_place/county /m/0kpys +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnkb +/m/0p_sc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01mxnvc /people/person/gender /m/05zppz +/m/0gbtbm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/073tm9 /music/record_label/artist /m/023p29 +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p3_s +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/0ym69 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/09nwwf /music/genre/artists /m/01w8n89 +/m/056vv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04fh3 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jm_hq +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02624g +/m/048z7l /people/ethnicity/people /m/01dw9z +/m/02d6ph /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/09hy79 /film/film/genre /m/01jfsb +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yxbc +/m/01fkv0 /people/person/place_of_birth /m/0nc7s +/m/04cnp4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/06hzq3 /music/genre/parent_genre /m/05r6t +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/022r38 +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vnbh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04_bfq +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0837ql /award/award_winner/awards_won./award/award_honor/award_winner /m/01wmxfs +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/09f0bj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06s6hs +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/03c5f7l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0gtvrv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbv +/m/011ysn /film/film/genre /m/0219x_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/02vnmc9 /film/film/other_crew./film/film_crew_gig/crewmember /m/0gl88b +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/09fn1w +/m/02wycg2 /people/person/profession /m/0np9r +/m/01l9p /film/actor/film./film/performance/film /m/0pvms +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/036gdw /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/05r4w /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03td5v +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/02rkkn1 +/m/04xvlr /media_common/netflix_genre/titles /m/05p3738 +/m/0f502 /film/actor/film./film/performance/film /m/0gmd3k7 +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/07g_0c /film/film/genre /m/05p553 +/m/032498 /sports/sports_team/colors /m/06fvc +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/04ns3gy +/m/0p_r5 /film/actor/film./film/performance/film /m/011x_4 +/m/0c9xjl /film/actor/film./film/performance/film /m/05qbckf +/m/01cm8w /film/film/language /m/02h40lc +/m/020fcn /film/film/written_by /m/0c3ns +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/011wtv /film/film/produced_by /m/04flrx +/m/01f7d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03yf3z /people/person/places_lived./people/place_lived/location /m/013yq +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/01jcjt /people/person/profession /m/012qdp +/m/03j76b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01z88t /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05q4 +/m/0dt5k /base/aareas/schema/administrative_area/administrative_parent /m/0j5g9 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/08k40m +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/035tjy +/m/0l0wv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0hvgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/01pk3z /film/actor/film./film/performance/film /m/05hjnw +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/05pt0l /film/film/country /m/0ctw_b +/m/0b6k40 /education/educational_institution/school_type /m/0m4mb +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dgpwnk /film/film/genre /m/05p553 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/02k6hp /medicine/disease/risk_factors /m/05zppz +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02lm0t +/m/027qgy /film/film/production_companies /m/03jvmp +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/085wqm /film/film/genre /m/03npn +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/0mwsh /location/location/time_zones /m/02hcv8 +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/0d05q4 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0169dl +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/0ym69 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/05kjc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03mp8k /music/record_label/artist /m/025ldg +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5x6 +/m/013pp3 /people/person/spouse_s./people/marriage/spouse /m/03p9hl +/m/02p2zq /people/person/place_of_birth /m/0xrz2 +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lht1 +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/0jzc /language/human_language/countries_spoken_in /m/06vbd +/m/0czkbt /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02p7_k /people/person/gender /m/05zppz +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/08jyyk /music/genre/artists /m/03j24kf +/m/0k4bc /film/film/featured_film_locations /m/0cc65 +/m/0f2df /people/person/profession /m/03gjzk +/m/087c7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/03q3x5 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/036jb +/m/01dq0z /education/educational_institution/school_type /m/05jxkf +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05jcn8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04jspq +/m/01h2_6 /people/person/religion /m/03_gx +/m/08vlns /music/genre/artists /m/01wv9p +/m/0170s4 /film/actor/film./film/performance/film /m/0b6tzs +/m/0plw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m27n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2by +/m/01zkxv /influence/influence_node/influenced_by /m/0821j +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/09k34g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02qgqt /film/actor/film./film/performance/film /m/01hqhm +/m/0h7pj /people/person/nationality /m/09c7w0 +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0brkwj +/m/07_f2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bb9r /film/film/genre /m/0lsxr +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qd04y +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/059xnf /film/actor/film./film/performance/film /m/0cp0790 +/m/01k47c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_9lg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xjp /people/person/nationality /m/06mkj +/m/018x3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dw4g +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/02kxbx3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/065zf3p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013zs9 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01dbgw /people/person/place_of_birth /m/02dtg +/m/0n6ds /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bxxzb /film/film/genre /m/03k9fj +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/014dq7 /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/04353 /film/director/film /m/04gp58p +/m/0564mx /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0pz91 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cxm4 +/m/0683n /influence/influence_node/influenced_by /m/03jxw +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05v10 +/m/04xbr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c0tzp +/m/0hqly /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fyzy +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/049fcd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01ppq /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/05ldnp /people/person/profession /m/02jknp +/m/01l3j /people/person/religion /m/0c8wxp +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/04wvhz +/m/01r4hry /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jvxb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/01stzp /education/educational_institution/campuses /m/01stzp +/m/0dl5d /music/genre/artists /m/09prnq +/m/02gpkt /film/film/language /m/012w70 +/m/06pj8 /influence/influence_node/peers./influence/peer_relationship/peers /m/0343h +/m/02vy5j /people/person/spouse_s./people/marriage/spouse /m/02g0rb +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/03fykz +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/083skw /film/film/language /m/02h40lc +/m/0344gc /film/film/language /m/02h40lc +/m/01mqz0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02kz_ +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0swff /user/jg/default_domain/olympic_games/sports /m/09_b4 +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/01sbv9 /film/film/language /m/06nm1 +/m/0178kd /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/06y3r /people/person/religion /m/092bf5 +/m/06xpp7 /education/educational_institution/campuses /m/06xpp7 +/m/09krm_ /education/educational_institution_campus/educational_institution /m/09krm_ +/m/07c6l /music/instrument/instrumentalists /m/025jj7 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/01y_px /people/person/profession /m/02hrh1q +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmk7 +/m/015wnl /film/actor/film./film/performance/film /m/0h14ln +/m/03d1y3 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01zfzb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/05f7w84 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0725ny +/m/0jksm /education/educational_institution/school_type /m/05jxkf +/m/01vt5c_ /music/artist/origin /m/06m_5 +/m/01b7lc /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/039_ym /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09tkzy +/m/0c1j_ /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02pby8 /people/person/profession /m/03gjzk +/m/015gm8 /film/film/genre /m/060__y +/m/03twd6 /film/film/featured_film_locations /m/0345h +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01dy7j /people/person/languages /m/02h40lc +/m/0g8_vp /people/ethnicity/people /m/070yzk +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/015_1q +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10g +/m/0343h /people/person/gender /m/05zppz +/m/03q91d /people/person/nationality /m/09c7w0 +/m/033tln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/0cpz4k /tv/tv_program/genre /m/01w613 +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/02xv8m +/m/01hv3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07hwkr /people/ethnicity/people /m/074tb5 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lgfh +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/04gvyp +/m/01xrlm /education/educational_institution_campus/educational_institution /m/01xrlm +/m/042f1 /people/person/profession /m/0g0vx +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2nq +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/0fvzg /base/biblioness/bibs_location/country /m/09c7w0 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/09wj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01r5xw +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/086k8 +/m/07gbf /tv/tv_program/genre /m/07s9rl0 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kb_jm +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/04fc6c +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/010xjr +/m/0170th /film/film/produced_by /m/05kfs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/01j_9c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05f33tk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f6zs /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/02k21g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bq2g +/m/02yr1q /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fz27v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/064ndc /film/film/language /m/02h40lc +/m/02p_ycc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0138mv +/m/019z7q /people/person/profession /m/01d_h8 +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/04bdlg /film/actor/film./film/performance/film /m/0p7qm +/m/01jmyj /film/film/cinematography /m/0bqytm +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/08s6mr /film/film/genre /m/0hcr +/m/0g5ptf /film/film/language /m/02h40lc +/m/07d370 /people/person/gender /m/05zppz +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/04sry /people/person/profession /m/01d_h8 +/m/0gfnqh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01t8399 /music/group_member/membership./music/group_membership/role /m/014zz1 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0y_hb +/m/03whyr /film/film/language /m/02h40lc +/m/034vds /tv/tv_program/country_of_origin /m/09c7w0 +/m/025txrl /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09q23x +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0cj_v7 +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/02v5_g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l8v5 +/m/0ywrc /film/film/featured_film_locations /m/01914 +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/03qjg /music/instrument/instrumentalists /m/02rn_bj +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/020ffd /people/person/profession /m/0d8qb +/m/057hz /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/0p50v /people/person/profession /m/0dxtg +/m/03hhd3 /film/actor/film./film/performance/film /m/020y73 +/m/02py9yf /tv/tv_program/genre /m/01z4y +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d0fp +/m/042zrm /film/film/written_by /m/064jjy +/m/0770cd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/04cbbz /film/film/language /m/02h40lc +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/03clwtw /film/film/production_companies /m/017jv5 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/012lzr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0chsq /film/actor/film./film/performance/film /m/04v8x9 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rt +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01csvq +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02qgyv /film/actor/film./film/performance/film /m/05p1qyh +/m/02q0k7v /film/film/genre /m/02kdv5l +/m/05hj_k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03f22dp /people/deceased_person/place_of_death /m/04vmp +/m/0221zw /film/film/country /m/09c7w0 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01x6v6 /people/person/profession /m/01c8w0 +/m/07l1c /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/0f5xn /people/person/places_lived./people/place_lived/location /m/0pzpz +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_47 +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06kbb6 +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/0192hw /film/film/featured_film_locations /m/0qpn9 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01h18v +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wh8kl +/m/03qnc6q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/078mgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025n3p +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/058kqy +/m/0bz3jx /film/film/written_by /m/013zyw +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02p10m +/m/0djd22 /media_common/netflix_genre/titles /m/03h_yy +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/086qd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01nms7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/015srx /music/artist/origin /m/03b12 +/m/02j9z /base/locations/continents/countries_within /m/0166b +/m/019f9z /people/person/profession /m/016z4k +/m/01v42g /film/actor/film./film/performance/film /m/01dvbd +/m/0jqb8 /film/film/country /m/09c7w0 +/m/0gqng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhk0 /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03hjv97 +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/02r79_h /film/film/country /m/0f8l9c +/m/03kbb8 /people/person/languages /m/02h40lc +/m/01t07j /people/person/profession /m/0dxtg +/m/01_qgp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/03nsm5x /film/film/featured_film_locations /m/030qb3t +/m/02r79_h /film/film/genre /m/06n90 +/m/02kth6 /education/educational_institution/students_graduates./education/education/student /m/02rn_bj +/m/0cbdf1 /people/person/nationality /m/03rk0 +/m/0436kgz /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/02ctc6 /film/film/music /m/0150t6 +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012vwb +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0f1k__ +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0drtkx /award/award_category/winners./award/award_honor/award_winner /m/02q_cc +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/014zcr /film/actor/film./film/performance/film /m/011ysn +/m/01pllx /people/person/nationality /m/09c7w0 +/m/01qrb2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yzvw /film/film/genre /m/07s9rl0 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/019vgs /film/actor/film./film/performance/film /m/01xdxy +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0gbwp +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0806vbn +/m/0c40vxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/030tjk /award/award_winner/awards_won./award/award_honor/award_winner /m/030tj5 +/m/01j4rs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02607j /organization/organization/headquarters./location/mailing_address/citytown /m/02zp1t +/m/01h1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/01t_wfl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/097zcz /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qwg +/m/06wzvr /film/film/genre /m/05p553 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ctb4g +/m/0gk4g /people/cause_of_death/people /m/03bw6 +/m/0c5v2 /location/hud_county_place/place /m/0c5v2 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02vnmc9 /film/film/genre /m/05p553 +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/03fnn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/084m3 +/m/0bjy7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/082237 +/m/01q_22 /base/biblioness/bibs_location/country /m/03rk0 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0sw62 /people/person/gender /m/02zsn +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/022wxh /people/person/profession /m/01d_h8 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q52q +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01qdjm +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0qdyf +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0gwf191 /film/film/language /m/02h40lc +/m/02gd6x /film/film/language /m/06mp7 +/m/0kftt /people/person/profession /m/0q04f +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/09x3r /olympics/olympic_games/sports /m/02y8z +/m/03f4k /people/person/nationality /m/09c7w0 +/m/01wxyx1 /film/actor/film./film/performance/film /m/02pjc1h +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019g40 /music/artist/origin /m/02xry +/m/05567m /film/film/genre /m/05p553 +/m/01j590z /people/person/places_lived./people/place_lived/location /m/0snty +/m/03_fmr /education/educational_institution/school_type /m/05pcjw +/m/02fqrf /film/film/featured_film_locations /m/01_d4 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/01jzyf /film/film/produced_by /m/02kxbx3 +/m/0m0jc /music/genre/artists /m/06mt91 +/m/01m65sp /people/person/profession /m/0dz3r +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/064_8sq /language/human_language/countries_spoken_in /m/05cc1 +/m/040_lv /film/film/language /m/02h40lc +/m/02x0dzw /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/039g82 /people/person/profession /m/01d30f +/m/06qgvf /film/actor/film./film/performance/film /m/025s1wg +/m/069b85 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbbfb +/m/01sjz_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/06by7 /music/genre/artists /m/01wz3cx +/m/04v09 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02nb2s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0p9rz /film/film/music /m/012201 +/m/03pp73 /people/person/profession /m/02hrh1q +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d_2fb +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01zpmq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01q2sk +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0443v1 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/028rk +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/01npw8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059_c +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/02hxc3j /language/human_language/countries_spoken_in /m/06c1y +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnnx +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02_286 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02nt75 +/m/012yc /music/genre/artists /m/01wj5hp +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08qnnv +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0k6nt +/m/03xb2w /film/actor/film./film/performance/film /m/0640m69 +/m/032zg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02__x /sports/sports_team/colors /m/019sc +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02lk60 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/028kj0 +/m/014zfs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0gyv0b4 /film/film/story_by /m/0kjrx +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_80b +/m/02l840 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0jqd3 /film/film/featured_film_locations /m/01_d4 +/m/0797c7 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03fbb6 /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/06w6_ /people/person/spouse_s./people/marriage/spouse /m/02byfd +/m/01h96 /music/genre/artists /m/0cbm64 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0329t7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06yykb /film/film/music /m/0fpjyd +/m/064t9 /music/genre/artists /m/01vs73g +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yy9r +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07twz +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gbwp +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/079hvk +/m/01n1pp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02tv80 /people/person/nationality /m/09c7w0 +/m/044qx /film/actor/film./film/performance/film /m/0k5g9 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/0nt6b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvt9 +/m/04rcl7 /business/business_operation/industry /m/0hcr +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/017fp /media_common/netflix_genre/titles /m/02rx2m5 +/m/01ln5z /film/film/language /m/0jzc +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/01jvxb /education/educational_institution_campus/educational_institution /m/01jvxb +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mskc3 +/m/03x400 /film/actor/film./film/performance/film /m/02nczh +/m/016_rm /music/genre/parent_genre /m/02x8m +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/0db94w /film/film/language /m/02hwhyv +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0147jt /award/award_nominee/award_nominations./award/award_nomination/award /m/02flq1 +/m/02gnmp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/01jft4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/0dls3 /music/genre/artists /m/0mgcr +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/0b1q7c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hm2b /sports/sports_team/sport /m/03tmr +/m/0cx7f /music/genre/artists /m/01qmy04 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js9p +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/0261m /location/location/contains /m/0n3g +/m/0dbdy /base/biblioness/bibs_location/country /m/02jx1 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/09f07 /location/location/contains /m/050xpd +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/02c638 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fyss +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d06m5 +/m/09zf_q /film/film/genre /m/03k9fj +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/02wwmhc /film/film/produced_by /m/02pq9yv +/m/0c_drn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dxmyh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gs6vr +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l450 +/m/0pj8m /people/person/religion /m/03j6c +/m/01yh3y /people/person/nationality /m/09c7w0 +/m/0c9d9 /people/person/spouse_s./people/marriage/spouse /m/01q8fxx +/m/01nx_8 /people/person/profession /m/02hv44_ +/m/0b1k24 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017l96 /music/record_label/artist /m/02r3zy +/m/029fbr /music/genre/parent_genre /m/05fx6 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0pgjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/03jjzf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l1hr +/m/012201 /people/person/profession /m/01c72t +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/020hh3 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02g3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w33f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b2v79 +/m/03gr14 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09zf_q /film/film/genre /m/060__y +/m/047rkcm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/06mnps /film/actor/film./film/performance/film /m/09p35z +/m/02kxx1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03cp4cn /film/film/edited_by /m/08h79x +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/09cxm4 /film/film/genre /m/0gf28 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02y0js /people/cause_of_death/people /m/0gmtm +/m/03lty /music/genre/artists /m/047cx +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/0s4sj /base/biblioness/bibs_location/state /m/03v0t +/m/0cpvcd /people/person/places_lived./people/place_lived/location /m/0d7_n +/m/0229rs /music/record_label/artist /m/0134wr +/m/0fsd9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0846v +/m/01b66d /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031ydm +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n1s0 +/m/086k8 /music/record_label/artist /m/01k98nm +/m/0p7h7 /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/013_gg /base/aareas/schema/administrative_area/administrative_parent /m/04p0c +/m/03q5db /film/film/produced_by /m/04pqqb +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01xg_w /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06nd8c +/m/0gywn /music/genre/artists /m/086qd +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/016sd3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fm07 /music/genre/parent_genre /m/06j6l +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0847q /location/location/contains /m/0322c5 +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/06dn58 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01mpwj +/m/05ftw3 /education/educational_institution_campus/educational_institution /m/05ftw3 +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/0p8r1 /people/person/profession /m/03gjzk +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0146pg +/m/0806vbn /film/actor/film./film/performance/film /m/0h1fktn +/m/02z4b_8 /people/person/profession /m/0nbcg +/m/02qwg /people/person/profession /m/03gjzk +/m/022tfp /tv/tv_network/programs./tv/tv_network_duration/program /m/0ctzf1 +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0h9dj /medicine/disease/risk_factors /m/01hbgs +/m/085bd1 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/015qqg /film/film/music /m/03h4mp +/m/0ff2k /influence/influence_node/influenced_by /m/01v9724 +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw26l +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0c5vh /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/047qxs /film/film/music /m/01nqfh_ +/m/02jx1 /location/country/second_level_divisions /m/01d8wq +/m/019lxm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0xnvg /people/ethnicity/people /m/047hpm +/m/01wl38s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hcj2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/0jnkr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0133x7 +/m/02vx4c2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/03jldb /people/person/profession /m/0dxtg +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0chw_ +/m/0l2xl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpzy +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09hyvp +/m/03h_0_z /people/person/profession /m/016z4k +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0djlxb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0193qj /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/09td7p /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/02ply6j /people/person/gender /m/05zppz +/m/09b5t /dataworld/gardening_hint/split_to /m/0f25w9 +/m/0fk98 /base/biblioness/bibs_location/country /m/03rk0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01cz7r /film/film/genre /m/02l7c8 +/m/0cv3w /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/group /m/03fbc +/m/02mt4k /people/person/profession /m/0cbd2 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/09pl3f +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0564x +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/05hs4r /music/genre/artists /m/03d9d6 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05qhw /location/location/contains /m/0bd67 +/m/01f6x7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0353tm /film/film/featured_film_locations /m/0h7h6 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0422v0 +/m/03v3xp /film/actor/film./film/performance/film /m/04cj79 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/05r5c +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/05bmq /location/country/form_of_government /m/01d9r3 +/m/02ck1 /people/person/nationality /m/0cdbq +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gh8zks +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/04l57x +/m/03wdsbz /people/person/profession /m/02pjxr +/m/01vrt_c /people/person/nationality /m/09c7w0 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015qsq /film/film/runtime./film/film_cut/film_release_region /m/06mkj +/m/04gcyg /film/film/language /m/06b_j +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/0klw +/m/056zdj /sports/sports_team/colors /m/088fh +/m/025vldk /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/01900g +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/0tyww /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jcmj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jcjq +/m/063hp4 /film/film/story_by /m/01vrlqd +/m/0bqdvt /people/person/gender /m/05zppz +/m/016_nr /music/genre/artists /m/01wyz92 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/02ln1 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/02r858_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0kszw +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/04pk1f /film/film/music /m/02bh9 +/m/06y0xx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bgrsl +/m/04tqtl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hsgn /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02j9z /location/location/contains /m/024pcx +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0dzf_ /influence/influence_node/influenced_by /m/052hl +/m/0284b56 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01trxd +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/01x2tm8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09b69 /location/location/contains /m/01rdm0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/026gyn_ +/m/016ks_ /people/person/profession /m/02hrh1q +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027_tg +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/09hzw /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/0d_q40 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01vw917 /people/person/gender /m/05zppz +/m/0btpm6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvyfh /music/artist/origin /m/04jpl +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/09hldj +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0gn30 +/m/02hfk5 /film/film/language /m/02h40lc +/m/05m9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04m_zp +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/01ry_x /film/film/music /m/02fgpf +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0781g /music/genre/artists /m/04kjrv +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/021gzd /film/film/cinematography /m/014dm6 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_3z4 +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/047vp1n /film/film/genre /m/0vgkd +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01y9qr /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/02qrbbx /award/award_category/nominees./award/award_nomination/nominated_for /m/06kl78 +/m/02v3yy /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01l3mk3 +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/0178kd +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03tps5 +/m/01bpn /people/person/profession /m/05t4q +/m/04rqd /broadcast/content/artist /m/01vw26l +/m/026hh0m /film/film/genre /m/06n90 +/m/0c8hct /people/person/profession /m/01c72t +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02d6cy +/m/02q0k7v /film/film/genre /m/07s9rl0 +/m/01grmk /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/041bnw /music/record_label/artist /m/016szr +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0222qb /people/ethnicity/people /m/01tt43d +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/048xg8 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/07w8fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/03f0qd7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wj92r +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01b9z4 /film/actor/film./film/performance/film /m/017z49 +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/05jm7 /people/person/gender /m/05zppz +/m/01k23t /music/group_member/membership./music/group_membership/role /m/0l14j_ +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j3d4 +/m/02n9bh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0pmhf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04t2t /media_common/netflix_genre/titles /m/02_sr1 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0gmtm /people/person/nationality /m/0f8l9c +/m/04jpl /location/location/contains /m/0fvd03 +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03knl +/m/0_816 /film/film/produced_by /m/0gyx4 +/m/01z215 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/047yc +/m/0c6g1l /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/05f4vxd +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01tntf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/093xh0 +/m/037q1z /people/person/places_lived./people/place_lived/location /m/0k33p +/m/0fzyg /film/film_subject/films /m/01jmyj +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/0btj0 /people/person/nationality /m/09c7w0 +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01jdxj +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02b0_m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04mcw4 /film/film/executive_produced_by /m/0343h +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/0g824 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f0sbl +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/016fyc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015qh /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09qr6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_1q9 /award/award_winning_work/awards_won./award/award_honor/award /m/027qq9b +/m/058vp /people/person/profession /m/015btn +/m/0p8r1 /film/actor/film./film/performance/film /m/04hwbq +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/07w8fz /film/film/genre /m/03mqtr +/m/09c7w0 /location/country/second_level_divisions /m/0ngy8 +/m/0g5qmbz /film/film/executive_produced_by /m/09d5d5 +/m/01jpqb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01718w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016pns +/m/04vq3h /film/actor/film./film/performance/film /m/011ycb +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/06929s /film/film/music /m/03h_fqv +/m/0bvn25 /film/film/genre /m/0gsy3b +/m/03_3d /location/location/contains /m/0dqyw +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08d9z7 +/m/0ftqr /people/person/nationality /m/03_3d +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/01hgwkr +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127s7 +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/0dgpwnk /film/film/featured_film_locations /m/02_286 +/m/071ynp /film/actor/film./film/performance/film /m/031786 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03zbg0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/070zc /base/aareas/schema/administrative_area/administrative_parent /m/0345h +/m/01_xtx /film/actor/film./film/performance/film /m/0by17xn +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/018qql /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/02fx3c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02h761 /people/person/nationality /m/02jx1 +/m/01q2nx /film/film/featured_film_locations /m/02_286 +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0jpkw /education/educational_institution/colors /m/019sc +/m/0nm9h /location/location/contains /m/0c4kv +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hvw +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/016tb7 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03hxsv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/030k94 +/m/042fk /people/person/places_lived./people/place_lived/location /m/05tbn +/m/03j24kf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0h1m9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/02c6pq /film/actor/film./film/performance/film /m/051ys82 +/m/01wdqrx /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggl02 +/m/01t110 /people/person/nationality /m/09c7w0 +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/047csmy /film/film/featured_film_locations /m/0ljsz +/m/02__7n /film/actor/film./film/performance/film /m/02v8kmz +/m/02n1gr /people/person/gender /m/05zppz +/m/09mfvx /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/03t22m /music/instrument/instrumentalists /m/01l4zqz +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dt8xq +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0c_gcr /film/actor/film./film/performance/film /m/0dlngsd +/m/02t_zq /people/person/nationality /m/09c7w0 +/m/07ylj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/034m8 +/m/0f5mdz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tqm5 +/m/04205z /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05fhy /location/location/contains /m/04gxf +/m/02wyc0 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/030tj5 /people/person/profession /m/03gjzk +/m/0bmch_x /film/film/country /m/07ssc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03xzxb +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/01g0jn +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026m0 +/m/03wj4r8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0d060g /location/location/contains /m/0jcpw +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/016jny /music/genre/artists /m/017g21 +/m/044pqn /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0nj07 /location/location/contains /m/0vrmb +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/09nwwf /music/genre/artists /m/02k5sc +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hz_1 +/m/09c7w0 /location/location/contains /m/043yj +/m/02qhlwd /film/film/produced_by /m/07nznf +/m/02vkzcx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/05j0wc +/m/047csmy /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0kvgtf /film/film/edited_by /m/01g1lp +/m/02j9z /location/location/contains /m/0jdx +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/01r2c7 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwgn1k +/m/050r1z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hzlz /location/country/capital /m/01yj2 +/m/02hxhz /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/059kh /music/genre/artists /m/07h76 +/m/0cyn3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d_kd +/m/020fgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/0hv4t /film/film/genre /m/0lsxr +/m/04v8x9 /film/film/production_companies /m/0g1rw +/m/02f8zw /education/educational_institution/students_graduates./education/education/student /m/04zwjd +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/043sct5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02p8454 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/044mrh /film/actor/film./film/performance/film /m/04sntd +/m/0gltv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02029f +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07tj4c +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01z215 /location/location/contains /m/01pk8b +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6wj +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0160w +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02z81h /people/person/gender /m/05zppz +/m/01vv6xv /people/person/profession /m/039v1 +/m/02z9hqn /film/film/dubbing_performances./film/dubbing_performance/actor /m/0cpjgj +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/016tw3 /organization/organization/child./organization/organization_relationship/child /m/02j_j0 +/m/07p12s /film/film/country /m/09c7w0 +/m/0154fs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gd_b_ +/m/01crd5 /location/location/contains /m/0fnff +/m/0f6cl2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02583l +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/05r9t /music/genre/artists /m/014hr0 +/m/019c57 /education/educational_institution/students_graduates./education/education/student /m/02bkdn +/m/0kqb0 /location/location/contains /m/02z2lj +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02gnmp /education/educational_institution/campuses /m/02gnmp +/m/0135g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc95 +/m/01r_t_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sby_ +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0155w /music/genre/artists /m/0137n0 +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0bmch_x /film/film/featured_film_locations /m/0156q +/m/09p0ct /film/film/country /m/0345h +/m/059rby /location/location/contains /m/0y617 +/m/0f5mdz /people/person/gender /m/05zppz +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/058vfp4 /people/person/profession /m/089fss +/m/04dbw3 /people/ethnicity/languages_spoken /m/06nm1 +/m/017575 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01l_9d +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0484q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/01pctb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fgr_ +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/0cqgl9 /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/05bt6j /music/genre/artists /m/0144l1 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/027ydt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03j149k +/m/03ccq3s /award/award_category/winners./award/award_honor/award_winner /m/02778tk +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/040z9 +/m/0pgjm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ggq0m /music/genre/artists /m/05_swj +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01j5sd /people/person/places_lived./people/place_lived/location /m/02cft +/m/073q1 /location/location/contains /m/07f1x +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/02rb607 /film/film/country /m/0f8l9c +/m/04sntd /film/film/genre /m/01jfsb +/m/016w7b /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/042xrr /film/actor/film./film/performance/film /m/05zlld0 +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/0p_tz /film/film/film_art_direction_by /m/05b2gsm +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/0dlglj /film/actor/film./film/performance/film /m/03h0byn +/m/0bkf4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/071x0k /people/ethnicity/geographic_distribution /m/047yc +/m/01vdrw /influence/influence_node/influenced_by /m/0c1fs +/m/01vh3r /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01cwkq /people/person/religion /m/03_gx +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/03djpm /music/genre/parent_genre /m/0163zw +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/07rlg +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/018ndc +/m/058vp /influence/influence_node/influenced_by /m/03j43 +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ywr +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03q8ch +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/04cxw5b +/m/032clf /film/film/genre /m/02l7c8 +/m/06l3bl /media_common/netflix_genre/titles /m/04v8h1 +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/023p33 /film/film/genre /m/04t36 +/m/03bnd9 /education/educational_institution/colors /m/01g5v +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/04p5cr +/m/017v71 /education/educational_institution/school_type /m/01rs41 +/m/02qmncd /people/person/gender /m/05zppz +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01lpwh +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/02y0js /people/cause_of_death/people /m/03_lf +/m/0zlgm /base/biblioness/bibs_location/country /m/09c7w0 +/m/01nn3m /music/group_member/membership./music/group_membership/group /m/06nv27 +/m/04g3p5 /film/director/film /m/06sfk6 +/m/06pj8 /people/person/gender /m/05zppz +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01rw116 /people/person/profession /m/018gz8 +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/0693l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03359d +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0181dw /music/record_label/artist /m/0837ql +/m/05p3738 /film/film/genre /m/03k9fj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/02dlfh /people/person/employment_history./business/employment_tenure/company /m/06rq1k +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09w6br +/m/033jkj /award/award_winner/awards_won./award/award_honor/award_winner /m/01z5tr +/m/03558l /sports/sports_position/players./sports/sports_team_roster/position /m/0355dz +/m/01l1sq /people/person/profession /m/02hrh1q +/m/021yc7p /award/award_winner/awards_won./award/award_honor/award_winner /m/09dvgb8 +/m/02m0sc /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fkg4 /people/person/profession /m/01d_h8 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/05h95s /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/03r0g9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04shbh +/m/0kcn7 /film/film/produced_by /m/081nh +/m/08k881 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7lcx +/m/047p798 /film/film/film_festivals /m/04_m9gk +/m/0pz91 /film/actor/film./film/performance/film /m/0ch3qr1 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgpwnk +/m/050ks /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/034x61 +/m/0677j /education/educational_institution/campuses /m/0677j +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/05cljf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/06cgy +/m/09qljs /film/film/produced_by /m/01wg982 +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/03kbb8 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/04xvlr /media_common/netflix_genre/titles /m/04n52p6 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/08ff1k /people/person/profession /m/015cjr +/m/0sw0q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03llf8 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/0djd22 /media_common/netflix_genre/titles /m/014_x2 +/m/0mbs8 /people/person/gender /m/02zsn +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gwjw0c +/m/09rvcvl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fhzwl /tv/tv_program/languages /m/02h40lc +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0z4s /film/actor/film./film/performance/film /m/0m9p3 +/m/0hpz8 /people/person/profession /m/02hrh1q +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pj_5 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/073tm9 /music/record_label/artist /m/0126y2 +/m/07f3xb /people/person/languages /m/071fb +/m/0326tc /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/02r5qtm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/05d8_h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/06x4c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0f830f /people/person/places_lived./people/place_lived/location /m/01531 +/m/0tk02 /location/hud_county_place/place /m/0tk02 +/m/01k9lpl /people/person/profession /m/018gz8 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/03j722 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01swxv +/m/0c1xm /base/biblioness/bibs_location/country /m/06srk +/m/0dvmd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/03f7m4h +/m/01trtc /music/record_label/artist /m/0cg9y +/m/04f52jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05wjnt +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/018qpb +/m/0330r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02s529 +/m/0cpllql /film/film/country /m/09c7w0 +/m/0dl5d /music/genre/artists /m/0274ck +/m/017dpj /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015pnb +/m/0ds2n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5mcj +/m/0nhmw /location/location/contains /m/0xddr +/m/0dzf_ /people/person/nationality /m/09c7w0 +/m/0dlv0 /location/location/contains /m/050xpd +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0glbqt +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/05p09dd /film/film/language /m/064_8sq +/m/05bpg3 /people/person/gender /m/05zppz +/m/01xjx6 /music/record_label/artist /m/07_3qd +/m/0dzfdw /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/07z542 /music/group_member/membership./music/group_membership/role /m/0l14j_ +/m/02vntj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028r4y +/m/049gc /people/person/profession /m/0dxtg +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01lbp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c7t58 +/m/02q8ms8 /film/film/featured_film_locations /m/0fhzf +/m/09c7w0 /location/location/contains /m/0ftyc +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04wp3s /people/person/profession /m/02hrh1q +/m/02dztn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026rm_y +/m/0fpzt5 /people/person/profession /m/02hv44_ +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vw4t +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04pnx /location/location/time_zones /m/02hczc +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08_83x +/m/046br4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0llcx +/m/0ygbf /base/biblioness/bibs_location/state /m/05fkf +/m/01kstn9 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/03w94xt /music/genre/artists /m/01nz1q6 +/m/017ztv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_sc3 +/m/01n4w_ /education/educational_institution/students_graduates./education/education/student /m/0f87jy +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0797c7 +/m/01xn5th /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/05zjtn4 +/m/0jyb4 /film/film/production_companies /m/016tw3 +/m/016z2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bdxl +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/02_jkc +/m/0417z2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0150t6 +/m/0cgfb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/015_1q /music/record_label/artist /m/046p9 +/m/0m_q0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/05l5n /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jt5zcn +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/02t_h3 +/m/02hnl /music/instrument/family /m/026t6 +/m/04ych /location/administrative_division/country /m/09c7w0 +/m/0187nd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07ssc +/m/064t9 /music/genre/artists /m/03t852 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/067sqt +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/08m4c8 +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04z1v0 /music/genre/artists /m/02dw1_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01n_g9 +/m/050gkf /film/film/written_by /m/06dkzt +/m/01nm3s /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/090q32 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06cm5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02p7_k /film/actor/film./film/performance/film /m/016z9n +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/01xlqd /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/015pxr /people/person/place_of_birth /m/0b_yz +/m/07xr3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/070fnm +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0gl88b /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/02kxwk +/m/017_qw /music/genre/artists /m/02sjp +/m/0ywqc /people/person/languages /m/02h40lc +/m/0ny75 /organization/organization/headquarters./location/mailing_address/citytown /m/09tlh +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01kvrz +/m/07s9rl0 /media_common/netflix_genre/titles /m/04xg2f +/m/042fgh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/02t4yc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03pmzt /film/actor/film./film/performance/film /m/05sy_5 +/m/018vs /music/instrument/instrumentalists /m/01vw20_ +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01h18v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09fb5 +/m/01p1v /location/country/official_language /m/06nm1 +/m/07tj4c /film/film/executive_produced_by /m/06q8hf +/m/01f8f7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/016tvq +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07g2v /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01yb09 +/m/0187y5 /people/person/nationality /m/09c7w0 +/m/026p_bs /film/film/language /m/04306rv +/m/02ht1k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05qw5 /people/person/languages /m/02h40lc +/m/048lv /film/actor/film./film/performance/film /m/013q07 +/m/01wbg84 /film/actor/film./film/performance/film /m/01n30p +/m/02lxj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02jr6k /film/film/production_companies /m/016tw3 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/05nlx4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zkcn5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/026v5 /business/business_operation/industry /m/01mfj +/m/02wb6yq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdxs5 +/m/0lgsq /people/person/profession /m/0n1h +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/09r8l /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/022kcs /people/person/gender /m/05zppz +/m/05q78ky /business/business_operation/industry /m/020mfr +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/0fh694 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/032q8q /people/person/nationality /m/09c7w0 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058kqy +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/06zsk51 /tv/tv_program/languages /m/02h40lc +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0c9l1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l56b +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05z01 +/m/0fz20l /time/event/instance_of_recurring_event /m/0g_w +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/0ywrc /film/film/production_companies /m/017s11 +/m/029rk /people/person/profession /m/04s2z +/m/0f13b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06qwh +/m/017hnw /education/educational_institution/school_type /m/0m4mb +/m/01hwgt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05t0_2v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g9wd99 /award/award_category/winners./award/award_honor/award_winner /m/084w8 +/m/017r13 /film/actor/film./film/performance/film /m/05sxzwc +/m/02183k /organization/organization/headquarters./location/mailing_address/citytown /m/019k6n +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/077g7n +/m/02bfmn /film/actor/film./film/performance/film /m/0yyg4 +/m/01vs14j /music/artist/origin /m/02cft +/m/01y06y /education/educational_institution/students_graduates./education/education/student /m/06c44 +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/08_hns /people/person/profession /m/099md +/m/04w4s /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02h0f3 /people/deceased_person/place_of_death /m/030qb3t +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/0428bc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01tmng +/m/03818y /organization/organization/headquarters./location/mailing_address/citytown /m/013yq +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/0dl6fv /film/film/production_companies /m/0g5lhl7 +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07ssc /location/location/contains /m/0156ts +/m/06cqb /music/genre/artists /m/013rds +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01k7xz /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/09c7w0 /location/location/contains /m/02bf58 +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0btpx +/m/027s4dn /award/award_category/winners./award/award_honor/award_winner /m/02g0rb +/m/01vg13 /education/educational_institution/colors /m/01l849 +/m/0psxp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01_d4 +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/03_qj1 /sports/sports_team/colors /m/038hg +/m/03zrp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0kv238 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02k4gv /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01vqrm /people/person/gender /m/05zppz +/m/01bjbk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/024qqx /media_common/netflix_genre/titles /m/0cc846d +/m/0d2by /people/ethnicity/people /m/09h4b5 +/m/01p7yb /people/person/places_lived./people/place_lived/location /m/07h34 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/05v954 /people/person/gender /m/05zppz +/m/042xh /people/person/profession /m/0kyk +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/050yl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/02q0k7v /film/film/country /m/09c7w0 +/m/07k2mq /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fnnn +/m/0ddcbd5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04yc76 /film/film/music /m/07v4dm +/m/0gt_k /music/artist/origin /m/01531 +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/0hwpz /film/film/country /m/09c7w0 +/m/01vs4f3 /people/person/profession /m/039v1 +/m/08664q /people/person/religion /m/0c8wxp +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01t6xz +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z5tr +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04hwbq +/m/03d9v8 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03ckwzc /film/film/language /m/02h40lc +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/08f3yq /people/person/nationality /m/07ssc +/m/01kyvx /people/profession/specialization_of /m/0np9r +/m/07nxnw /film/film/production_companies /m/086k8 +/m/01dhmw /people/person/place_of_birth /m/0fvzg +/m/07ldhs /award/award_winner/awards_won./award/award_honor/award_winner /m/062dn7 +/m/0f4vbz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02fybl +/m/029fbr /music/genre/artists /m/06nv27 +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/0ycfj +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/05jjl /people/person/gender /m/05zppz +/m/07c52 /media_common/netflix_genre/titles /m/06qv_ +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0n08r +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09y20 +/m/02vnmc9 /film/film/genre /m/017fp +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/05148p4 /music/instrument/instrumentalists /m/0pmw9 +/m/0bxsk /film/film/production_companies /m/086k8 +/m/04vcdj /people/person/profession /m/02hrh1q +/m/03g90h /film/film/distributors./film/film_film_distributor_relationship/region /m/0d060g +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/01w524f /people/person/place_of_birth /m/052bw +/m/05x2t7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vzv4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02lxrv +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/04b5l3 /sports/sports_team/colors /m/01l849 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/02g7sp /people/ethnicity/people /m/03bnv +/m/0kszw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0prjs +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/0892sx /people/person/profession /m/0n1h +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09n48 /olympics/olympic_games/participating_countries /m/03h64 +/m/0jdd /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/028lc8 /people/person/nationality /m/09c7w0 +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0164b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345_ +/m/0gj9qxr /film/film/country /m/07ssc +/m/01w40h /music/record_label/artist /m/0167_s +/m/01v80y /people/person/profession /m/03gjzk +/m/0126y2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/07xtqq /film/film/genre /m/060__y +/m/01cwcr /people/person/profession /m/02hrh1q +/m/04t36 /media_common/netflix_genre/titles /m/06q8qh +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/020ddc /education/educational_institution/school_type /m/05jxkf +/m/02y0js /people/cause_of_death/people /m/0163r3 +/m/03f2_rc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v3s2_ /film/actor/film./film/performance/film /m/07x4qr +/m/027jq2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0284n42 /people/person/gender /m/05zppz +/m/02bg55 /film/film/genre /m/09blyk +/m/0mwkp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwm6 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fs9vc /film/film/genre /m/0bxg3 +/m/02l424 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0sxrz /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01yqqv /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09ps01 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/01fwf1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fwzk +/m/0bqvs2 /film/actor/film./film/performance/film /m/03l6q0 +/m/03bpn6 /people/person/profession /m/02hrh1q +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmpm +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0133sq /film/director/film /m/01pv91 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rh_0 +/m/01v9l67 /film/actor/film./film/performance/film /m/020fcn +/m/034q3l /film/actor/film./film/performance/film /m/05z7c +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0m7yh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/03mqtr /media_common/netflix_genre/titles /m/072x7s +/m/02qvhbb /people/person/places_lived./people/place_lived/location /m/0yyh +/m/04jpg2p /film/film/language /m/02h40lc +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/0ft18 /film/film/language /m/02h40lc +/m/01nm3s /film/actor/film./film/performance/film /m/07p62k +/m/01g23m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q_ph +/m/04xhwn /film/actor/film./film/performance/film /m/06c0ns +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/017l96 /music/record_label/artist /m/0565cz +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/07hpv3 /tv/tv_program/genre /m/0c4xc +/m/04h07s /influence/influence_node/influenced_by /m/0p_47 +/m/05cgv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nln +/m/015wnl /film/actor/film./film/performance/film /m/043mk4y +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/04v3q /location/country/official_language /m/02h40lc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/025scjj +/m/0mbw0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/02_wxh /people/person/profession /m/018gz8 +/m/06mnbn /film/actor/film./film/performance/film /m/04sskp +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/070fnm +/m/0g768 /music/record_label/artist /m/03xhj6 +/m/06srk /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ykg /location/location/contains /m/0h1k6 +/m/05ztm4r /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02twdq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01ts_3 /people/person/nationality /m/03rt9 +/m/01x4wq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09cpb /base/biblioness/bibs_location/country /m/07ssc +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0k8y7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fn5 +/m/05y7hc /people/person/profession /m/01c72t +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/0gk4g /people/cause_of_death/people /m/01ycfv +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01h910 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/026n13j +/m/0hx4y /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0cpz4k /tv/tv_program/genre /m/0byb_x +/m/021r6w /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/023kzp /film/actor/film./film/performance/film /m/0gyfp9c +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/01zkxv /influence/influence_node/peers./influence/peer_relationship/peers /m/0j0pf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0303jw +/m/01gbbz /people/person/profession /m/02hrh1q +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0kb3n /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/026t6 /music/instrument/instrumentalists /m/01wy61y +/m/0lv1x /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n2vgk +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/award /m/027qq9b +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/05kwx2 +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/09c7w0 /location/location/contains /m/0fvwz +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/043zg +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/01900g /influence/influence_node/influenced_by /m/01xwv7 +/m/05p5nc /film/actor/film./film/performance/film /m/049xgc +/m/01914 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/04764j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09j028 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07r78j +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/03kts /people/person/profession /m/0nbcg +/m/0j7ng /location/location/contains /m/01cwdk +/m/03cn92 /people/person/profession /m/01d_h8 +/m/01gvyp /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02zbjhq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b190 +/m/02z0j /base/aareas/schema/administrative_area/administrative_parent /m/09krp +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gjvqm +/m/03s9b /influence/influence_node/influenced_by /m/026ck +/m/0mzkr /music/record_label/artist /m/03h_fqv +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/02vkdwz +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03s2y9 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03lb_v +/m/06t8b /film/director/film /m/09cr8 +/m/016kkx /people/person/places_lived./people/place_lived/location /m/0z4_0 +/m/049sb /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/02jx1 /location/country/second_level_divisions /m/014162 +/m/033qdy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06fqlk /film/film/featured_film_locations /m/06wjf +/m/01pcz9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8pz /people/person/profession /m/0nbcg +/m/03mh94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vtg4q +/m/0gywn /music/genre/artists /m/03d2k +/m/04g73n /film/film/genre /m/06n90 +/m/05bnq3j /people/person/profession /m/018gz8 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bpg3 +/m/0bqdvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/0jrg /people/person/nationality /m/0bk25 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/05183k /award/award_winner/awards_won./award/award_honor/award_winner /m/01j2xj +/m/0d0kn /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0fdv3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cxsvl /people/person/religion /m/03_gx +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0443v1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvt2 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02l424 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/01lfy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0kjrx +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/0138t4 /education/educational_institution/campuses /m/0138t4 +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02hcxm +/m/01g257 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0h7x /location/location/partially_contains /m/026zt +/m/054bt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0bm2x /film/film/written_by /m/0c921 +/m/018sg9 /education/educational_institution/students_graduates./education/education/student /m/0j0pf +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/08vlns /music/genre/artists /m/01s7ns +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/07_k0c0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/025b5y +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0204jh /education/educational_institution/students_graduates./education/education/student /m/0gd_s +/m/04yc76 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gt14 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02czd5 +/m/0rlz /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grpq +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grmk +/m/04vh83 /film/film/country /m/07ssc +/m/0fxkr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j_1v +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bshwmp +/m/01h4rj /people/deceased_person/place_of_burial /m/018mm4 +/m/0r00l /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02wvf2s /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0fsd9t /film/film/executive_produced_by /m/05hj_k +/m/059kh /music/genre/artists /m/0l12d +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/0c1pj +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/04crrxr +/m/02qvgy /sports/sports_position/players./sports/sports_team_roster/position /m/02qvdc +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017jq +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05r4w +/m/05pdbs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/034tl /location/administrative_division/country /m/09c7w0 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vttb9 +/m/0grwj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k0rf /film/film/genre /m/02n4kr +/m/018vs /music/instrument/instrumentalists /m/0jsg0m +/m/034cj9 /people/person/profession /m/02hrh1q +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jmyj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/035wtd +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/021996 /education/educational_institution/students_graduates./education/education/student /m/06pwf6 +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0164b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/024tsn +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/0c1gj5 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/0134w7 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/013_vh +/m/07kc_ /music/instrument/instrumentalists /m/01386_ +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/02mj7c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hwww /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/026lg0s /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/04t36 /media_common/netflix_genre/titles /m/06wzvr +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ptczs +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/01vvyfh +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02mc5v /film/film/country /m/0d060g +/m/01l7qw /people/person/profession /m/015cjr +/m/0yxl /people/person/profession /m/0dz96 +/m/05xpv /film/actor/film./film/performance/film /m/01xbxn +/m/035_2h /film/film/genre /m/02l7c8 +/m/015npr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_wxh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04mcw4 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/013b6_ /people/ethnicity/languages_spoken /m/06b_j +/m/02dq8f /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0pd6l /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/01l3vx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01mgw /film/film/film_format /m/0cj16 +/m/04vjh /location/country/official_language /m/0jzc +/m/02x8s9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nz1q6 /people/person/place_of_birth /m/07dfk +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0bmch_x /film/film/country /m/03_3d +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/016zdd /people/person/religion /m/03_gx +/m/0173b0 /music/genre/artists /m/0knhk +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0n3dv /location/location/contains /m/0ynfz +/m/02_286 /sports/sports_team_location/teams /m/05g76 +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01nms7 +/m/02mmwk /film/film/language /m/02h40lc +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14v3 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/063ykwt +/m/01pvxl /film/film/genre /m/03k9fj +/m/02hp70 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059f4 +/m/0gs7x /people/deceased_person/place_of_death /m/05qtj +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/01f7kl /film/film/prequel /m/01f7jt +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/07cbs /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01znj1 /film/film/country /m/0chghy +/m/02xgdv /people/person/languages /m/03k50 +/m/0s6jm /location/location/contains /m/01y20v +/m/03zg2x /people/person/place_of_birth /m/0xkq4 +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/020fgy +/m/09c7w0 /location/location/contains /m/0xpp5 +/m/09rvwmy /film/film/produced_by /m/06t8b +/m/01y9r2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01j2xj /people/person/places_lived./people/place_lived/location /m/0b_yz +/m/0tj4y /location/location/contains /m/02t4yc +/m/016cyt /music/genre/artists /m/02ht0ln +/m/03_dj /people/deceased_person/place_of_death /m/012wgb +/m/01p85y /film/actor/film./film/performance/film /m/015bpl +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09h_q /people/person/profession /m/01c72t +/m/013crh /location/hud_county_place/place /m/013crh +/m/018qb4 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0401sg /film/film/genre /m/01jfsb +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/0jkhr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0225v9 +/m/0xnvg /people/ethnicity/people /m/02g87m +/m/049tjg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z44tp +/m/0pv3x /film/film/genre /m/02l7c8 +/m/045c7b /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ppg1r /tv/tv_program/genre /m/07s9rl0 +/m/095zlp /film/film/genre /m/060__y +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/028hc2 /film/actor/film./film/performance/film /m/02825cv +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/02dbp7 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04l3_z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b6mgp_ +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/016tb7 +/m/09c7w0 /location/location/contains /m/050l8 +/m/089j8p /film/film/language /m/02h40lc +/m/01vswwx /music/artist/origin /m/02cft +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/03v1s /location/location/time_zones /m/02fqwt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mq7 +/m/02ts3h /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/017r13 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gx_p +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/0342h /music/instrument/instrumentalists /m/06w2sn5 +/m/0dpqk /people/person/profession /m/018gz8 +/m/04zd4m /people/deceased_person/place_of_death /m/059rby +/m/04tz52 /film/film/production_companies /m/05qd_ +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/089tm +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04crrxr +/m/01t04r /music/record_label/artist /m/079kr +/m/01l7qw /people/person/spouse_s./people/marriage/location_of_ceremony /m/02wt0 +/m/0k20s /film/film/country /m/035qy +/m/01b9z4 /people/person/nationality /m/09c7w0 +/m/05b49tt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0glnm /film/film/country /m/09c7w0 +/m/04m1bm /film/film/language /m/02bjrlw +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1r6t +/m/04mn81 /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/07ssc /location/location/contains /m/0p8bz +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/02rmd_2 /film/film/genre /m/06cvj +/m/0c4f4 /people/person/spouse_s./people/marriage/spouse /m/0sw6g +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/04zx08r /award/award_category/disciplines_or_subjects /m/02vxn +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b153 +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03193l /people/person/place_of_birth /m/010cw1 +/m/04j14qc /film/film/production_companies /m/025hwq +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/08vk_r +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/0gthm /people/person/profession /m/02hv44_ +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/0bv8h2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/0cjsxp +/m/033cw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vs5c /education/university/fraternities_and_sororities /m/035tlh +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0473rc /film/film/written_by /m/03wh95l +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0bmhn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dz46 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/09d_r /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01z9_x /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlzn +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/06g4l /people/person/place_of_birth /m/0t_gg +/m/027l0b /people/person/profession /m/0kyk +/m/01d5vk /film/actor/film./film/performance/film /m/014kkm +/m/02n72k /film/film/language /m/04306rv +/m/034cm /location/location/time_zones /m/03bdv +/m/06by7 /music/genre/artists /m/014_lq +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/06bd5j /film/film/language /m/02h40lc +/m/0126rp /people/person/places_lived./people/place_lived/location /m/0205m3 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03_l8m /film/actor/film./film/performance/film /m/09txzv +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/04306rv /media_common/netflix_genre/titles /m/02h22 +/m/0210f1 /people/person/profession /m/0kyk +/m/07ddz9 /people/person/gender /m/05zppz +/m/0c921 /film/director/film /m/04wddl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03z8bw +/m/07fpm3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07k2d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fztbq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03pp73 /people/person/profession /m/09jwl +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5ptf +/m/07ssc /location/country/capital /m/04jpl +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/014zcr /film/actor/film./film/performance/film /m/05fgt1 +/m/06kxk2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04gcyg /film/film/genre /m/09blyk +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/01w0yrc /film/actor/film./film/performance/film /m/014l6_ +/m/0413cff /film/film/country /m/0hzlz +/m/06by7 /music/genre/artists /m/01wkmgb +/m/011yg9 /film/film/music /m/08c9b0 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/041rx /people/ethnicity/people /m/0c0k1 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/064t9 /music/genre/artists /m/044mfr +/m/05sb1 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/017236 /location/location/time_zones /m/052vwh +/m/02y0js /medicine/disease/risk_factors /m/0jpmt +/m/02jx1 /location/location/contains /m/0ymgk +/m/0453t /people/person/profession /m/0kyk +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/01y9st /education/educational_institution/school_type /m/05jxkf +/m/0yfp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01r9c_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04mrfv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016nvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/01ts_3 /film/director/film /m/016ks5 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/02l0xc /people/person/place_of_birth /m/02h98sm +/m/02jr26 /people/person/languages /m/0t_2 +/m/05ch98 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01jw67 +/m/036qs_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/05dxl5 /people/person/profession /m/02hrh1q +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/07t21 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q5t /music/instrument/instrumentalists /m/01w724 +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/02vy5j /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05ztm4r +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/035yzw /education/educational_institution/campuses /m/035yzw +/m/01f7kl /film/film/genre /m/03k9fj +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/05x_5 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/02kfzz /film/film/genre /m/0c3351 +/m/03k9fj /media_common/netflix_genre/titles /m/0gndh +/m/034bs /influence/influence_node/influenced_by /m/01v9724 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/0nqph /sports/sports_team_location/teams /m/02896 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/04r7p +/m/05fgt1 /film/film/language /m/064_8sq +/m/0b6f8pf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/044mfr /people/person/gender /m/05zppz +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07s9rl0 /media_common/netflix_genre/titles /m/02nczh +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/01j7rd +/m/03gh4 /location/location/contains /m/02d9nr +/m/0f7hc /film/actor/film./film/performance/film /m/04tc1g +/m/0y3k9 /location/hud_county_place/place /m/0y3k9 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/01fyzy /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/056_y /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015v3r +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04mhxx /people/person/places_lived./people/place_lived/location /m/0k_p5 +/m/01dpts /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0k1jg /location/hud_county_place/place /m/0k1jg +/m/02d44q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/013nky /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/05n6sq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06j8q_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0jf1b /people/person/place_of_birth /m/01_d4 +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ckf6 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06k176 +/m/07hwkr /people/ethnicity/people /m/0hwqz +/m/06rpd /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0f8l9c +/m/05nrkb /education/educational_institution/school_type /m/01_srz +/m/075k5 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/0325dj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/055hc /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/05c9zr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/05567m /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/03v1s /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0plw +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/02nwxc /film/actor/film./film/performance/film /m/03t79f +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/01wc7p +/m/0jcx /influence/influence_node/peers./influence/peer_relationship/peers /m/059y0 +/m/04fcjt /music/record_label/artist /m/01vrz41 +/m/0160w /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvb4m +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/0fs9jn +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/0157m /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0164b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/028rk /people/person/profession /m/099md +/m/01smm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0grmhb /award/award_winner/awards_won./award/award_honor/award_winner /m/03bx_5q +/m/04x4nv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h3y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyp19 /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/07bbw /music/genre/artists /m/01nrz4 +/m/0n228 /location/us_county/county_seat /m/013jz2 +/m/02wwmhc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/033tf_ /people/ethnicity/people /m/01ttg5 +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgp0 +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0443y3 +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/0bl5c /film/film/produced_by /m/022p06 +/m/01w58n3 /music/artist/origin /m/0f2v0 +/m/0fv4v /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0415mzy +/m/0k269 /film/actor/film./film/performance/film /m/011yxg +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0372p /influence/influence_node/influenced_by /m/07c37 +/m/04xvlr /media_common/netflix_genre/titles /m/02cbhg +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/017cy9 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dfw0 +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/014knw /film/film/production_companies /m/05qd_ +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/02_gzx /organization/organization/headquarters./location/mailing_address/state_province_region /m/06pr6 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06cgf +/m/0blq0z /people/person/profession /m/016z4k +/m/031f_m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017j69 /education/educational_institution/colors /m/09ggk +/m/040rmy /film/film/music /m/01njxvw +/m/025rxjq /film/film/genre /m/060__y +/m/01pj48 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0190yn /music/genre/artists /m/06mt91 +/m/018j2 /music/instrument/instrumentalists /m/03mszl +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0785v8 +/m/02qfv5d /media_common/netflix_genre/titles /m/0645k5 +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmf0m0 +/m/05ns4g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02v92l /film/actor/dubbing_performances./film/dubbing_performance/language /m/03_9r +/m/025_ql1 /people/person/profession /m/0dxtg +/m/02wycg2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825nf +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mfqm +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/0fw2f /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mlm_ +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dbk6 +/m/06x77g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dbk6 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hgwkr +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvgnq +/m/029jt9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/071jv5 +/m/03zj9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06mt91 /music/artist/origin /m/0162v +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0ggq0m /music/genre/artists /m/050z2 +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026r8q +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/01g257 /film/actor/film./film/performance/film /m/035s95 +/m/02y0js /people/cause_of_death/people /m/0c5vh +/m/03gm48 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014_x2 +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/02sb1w /people/person/place_of_birth /m/0vzm +/m/03061d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/0cj8x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/044qx +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/01fh9 /film/actor/film./film/performance/film /m/042zrm +/m/0pz91 /people/person/nationality /m/09c7w0 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07wqr6 /tv/tv_program/genre /m/02fgmn +/m/012qjw /medicine/symptom/symptom_of /m/01n3bm +/m/07d2d /music/genre/artists /m/03fbc +/m/015w9s /media_common/netflix_genre/titles /m/064r97z +/m/05tg3 /sports/sports_team/sport /m/0jm_ +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/04jwly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/0d_wms /film/film/written_by /m/01y8d4 +/m/01frpd /organization/organization/place_founded /m/02cl1 +/m/0jfx1 /film/actor/film./film/performance/film /m/0ds11z +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0498y /location/location/time_zones /m/02hcv8 +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyx6 +/m/06lk0_ /people/deceased_person/place_of_death /m/0k049 +/m/0m313 /film/film/country /m/09c7w0 +/m/05fx1v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/07vc_9 /people/person/sibling_s./people/sibling_relationship/sibling /m/01j5ts +/m/02x2097 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01bh6y /people/person/nationality /m/02jx1 +/m/0gx159f /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/044prt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0ddj0x /film/film/language /m/03x42 +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/018qql +/m/02k6rq /film/actor/film./film/performance/film /m/07tj4c +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/0cx7f /music/genre/artists /m/013w2r +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01csvq +/m/0vg8x /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgrwqr +/m/06chf /people/person/religion /m/0kq2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01c_d +/m/049l7 /people/person/nationality /m/07ssc +/m/01wb8bs /people/person/place_of_birth /m/01tlmw +/m/03r1pr /award/award_winner/awards_won./award/award_honor/award_winner /m/06rnl9 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zpmq +/m/0p9rz /film/film/edited_by /m/03qhyn8 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0fwc0 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/0jzc /language/human_language/countries_spoken_in /m/0h44w +/m/0f0kz /film/actor/film./film/performance/film /m/04t6fk +/m/02mmwk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fthdk +/m/02897w /education/educational_institution/colors /m/03wkwg +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/01h72l /film/film/language /m/0t_2 +/m/03205_ /education/educational_institution/campuses /m/03205_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/05xb7q +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/03_r3 +/m/04nw9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h7dd +/m/016j2t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041rx /people/ethnicity/people /m/027l0b +/m/0227vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060v34 +/m/0cg9f /people/person/gender /m/05zppz +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/0dwr4 +/m/05r5c /music/instrument/instrumentalists /m/01k47c +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/012j8z +/m/03d5m8w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/01cl2y /music/record_label/artist /m/01wbgdv +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03m6_z +/m/01z4y /media_common/netflix_genre/titles /m/0bs8ndx +/m/0cmt6q /film/actor/film./film/performance/film /m/02825cv +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dpl44 +/m/058w5 /people/deceased_person/place_of_death /m/06c62 +/m/03d0d7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_pg +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/05bt6j /music/genre/artists /m/013w2r +/m/0p8r1 /film/actor/film./film/performance/film /m/01xdxy +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/025t8bv /music/record_label/artist /m/01wgjj5 +/m/0c_jc /people/person/nationality /m/09c7w0 +/m/0421ng /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/02psgq /film/film/country /m/03rjj +/m/070tng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09c7w0 /location/location/contains /m/01ktz1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/058kqy +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d_skg +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/09gmmt6 /film/film/country /m/09c7w0 +/m/01wl38s /music/group_member/membership./music/group_membership/group /m/02mq_y +/m/01t04r /music/record_label/artist /m/0bsj9 +/m/06x4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0jmgb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/022xml /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/016fnb /music/artist/origin /m/0k9p4 +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01zc2w +/m/025jbj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/03262k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01y_px /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03f4w4 /film/actor/film./film/performance/film /m/0dgq_kn +/m/02t_8z /people/person/profession /m/03gjzk +/m/04bsx1 /people/person/place_of_birth /m/0ck6r +/m/05fkf /location/location/contains /m/02ldkf +/m/014m1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0g_gl +/m/03nqnnk /film/film/featured_film_locations /m/0kygv +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jtjz +/m/0d1mp3 /award/award_winner/awards_won./award/award_honor/award_winner /m/08qvhv +/m/04qvl7 /people/person/place_of_birth /m/012fzm +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0345h +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/0m40d /music/genre/artists /m/02_fj +/m/01933d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/03lpbx +/m/044g_k /film/film/story_by /m/011s9r +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/07ssc /media_common/netflix_genre/titles /m/09z2b7 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0p_tz /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03ff65 +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d4ct +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01jzyx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jx1 /location/administrative_division/country /m/07ssc +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/028k57 /people/person/nationality /m/0d060g +/m/015rkw /film/actor/film./film/performance/film /m/09z2b7 +/m/049k4w /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01trtc /music/record_label/artist /m/04_jsg +/m/016szr /people/person/place_of_birth /m/030qb3t +/m/02r1c18 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016ks_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01dw4q +/m/011k11 /music/record_label/artist /m/0144l1 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/02bwc7 /people/person/profession /m/0dxtg +/m/016z43 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/040db /influence/influence_node/influenced_by /m/03hnd +/m/02p7xc /people/person/profession /m/0dxtg +/m/0ty_b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/03bxsw /people/person/profession /m/02hrh1q +/m/01cmp9 /film/film/music /m/02bh9 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/01x209s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmk5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/0cqt90 /people/person/religion /m/0c8wxp +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/02tjl3 /film/film/featured_film_locations /m/04rrd +/m/04mg6l /people/person/place_of_birth /m/02_286 +/m/06pvr /location/location/contains /m/0r5wt +/m/01t0dy /education/educational_institution_campus/educational_institution /m/01t0dy +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pmhf +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09thp87 +/m/01vw8mh /film/actor/film./film/performance/film /m/02ntb8 +/m/02wr6r /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/013kcv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/021yc7p /people/person/place_of_birth /m/030qb3t +/m/06npd /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01gvyp /people/person/gender /m/02zsn +/m/071wvh /people/person/places_lived./people/place_lived/location /m/09c6w +/m/048htn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01_f_5 /people/person/profession /m/02hrh1q +/m/04yj5z /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/07c52 /media_common/netflix_genre/titles /m/024hbv +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01wgx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0jhd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/04n8xs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/08132w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02z5x7l /film/film/genre /m/06n90 +/m/0b6tzs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/0d1_f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0dwz3t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/047c9l +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/04b5l3 +/m/04_1nk /people/person/profession /m/02ynfr +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02sg4b +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f2q5 +/m/059kh /music/genre/parent_genre /m/02x8m +/m/0c3dzk /people/person/gender /m/05zppz +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0126y2 /film/actor/film./film/performance/film /m/03l6q0 +/m/04xjp /people/person/places_lived./people/place_lived/location /m/056_y +/m/017gry /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mg35 /film/actor/film./film/performance/film /m/07w8fz +/m/0zz6w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cv72h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/030ykh /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/02qkt /location/location/contains /m/05l8y +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03lygq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/050r1z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09bxq9 +/m/0mpdw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0j95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nrt +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/064t9 /music/genre/artists /m/033s6 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/023sm8 /location/administrative_division/country /m/07ssc +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qsxy +/m/020hh3 /people/person/profession /m/0dz3r +/m/0jmj /people/person/nationality /m/09c7w0 +/m/01900g /award/award_winner/awards_won./award/award_honor/award_winner /m/012d40 +/m/058frd /people/person/place_of_birth /m/0mnyn +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/03f0vvr /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/06by7 /music/genre/artists /m/01wd9lv +/m/0f4k49 /film/film/language /m/02h40lc +/m/012q4n /people/person/nationality /m/0d0vqn +/m/047lj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jt3tjf +/m/0kbhf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pr6q7 +/m/09nwwf /music/genre/artists /m/01vsy3q +/m/06lhbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/011yth /film/film/genre /m/01f9r0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02yygk /music/artist/origin /m/01t3h6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/033q4k +/m/02w6bq /education/educational_institution/campuses /m/02w6bq +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0_jsl /location/location/time_zones /m/02hcv8 +/m/0xnvg /people/ethnicity/people /m/015p37 +/m/05kj_ /location/location/contains /m/01n6r0 +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/02825kb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/097zcz /film/film/film_art_direction_by /m/0520r2x +/m/07sbbz2 /music/genre/artists /m/0407f +/m/0kj34 /people/person/gender /m/05zppz +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/04999m +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08rr3p +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/014kyy /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/05b_7n /people/person/profession /m/02hrh1q +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0hwqz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05bt6j /music/genre/artists /m/016vn3 +/m/0f5xn /people/person/gender /m/05zppz +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/01lwx +/m/01j5ws /film/actor/film./film/performance/film /m/0234j5 +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0ldqf /olympics/olympic_games/sports /m/0d1tm +/m/026zvx7 /people/person/profession /m/02hrh1q +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/0gd92 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/0gn30 /award/award_winner/awards_won./award/award_honor/award_winner /m/0btpx +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/0kvqv /people/person/profession /m/01d_h8 +/m/06bd5j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01t94_1 /people/person/profession /m/0dxtg +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02779r4 +/m/01vzxmq /people/person/places_lived./people/place_lived/location /m/0clz7 +/m/048_lz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cw67g +/m/04t7ts /film/actor/film./film/performance/film /m/02_sr1 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/04rrd /location/location/contains /m/0fr61 +/m/03m79j_ /award/award_category/winners./award/award_honor/ceremony /m/08pc1x +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/015d3h +/m/019c57 /education/educational_institution/colors /m/083jv +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0l76z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pcdn +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/08w7vj +/m/0nk72 /influence/influence_node/influenced_by /m/099bk +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03lmzl +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01fyzy +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08qvhv +/m/09rfh9 /film/film/genre /m/09blyk +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02lxrv /film/film/edited_by /m/02qggqc +/m/05n6sq /film/film/genre /m/02b5_l +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_k56 +/m/06nnj /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024rgt +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/05cv94 /people/person/profession /m/01d_h8 +/m/02y_2y /people/person/profession /m/02hrh1q +/m/029spt /base/biblioness/bibs_location/state /m/0dmy0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/03s2dj /people/person/profession /m/03gjzk +/m/0gpprt /film/actor/film./film/performance/film /m/047vnkj +/m/067ghz /film/film/country /m/07ssc +/m/014zcr /people/person/profession /m/02jknp +/m/019n8z /olympics/olympic_games/sports /m/03tmr +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/0661ql3 /film/film/film_format /m/017fx5 +/m/046qq /film/actor/film./film/performance/film /m/0bl1_ +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/0f0kz /people/person/profession /m/09jwl +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/064t9 /music/genre/artists /m/016376 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0509cr /music/genre/artists /m/015x1f +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03vrnh /people/person/languages /m/09s02 +/m/0l3kx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nt6b +/m/0tj9 /people/person/place_of_birth /m/020skc +/m/0135xb /people/person/profession /m/09jwl +/m/0fkh6 /location/location/contains /m/01mf49 +/m/049nq /location/location/contains /m/02_vs +/m/0jswp /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/03rl84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fz3w +/m/0dls3 /music/genre/artists /m/0d193h +/m/0gtv7pk /film/film/production_companies /m/027jw0c +/m/0bbxx9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09w6br +/m/0161h5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/040v3t /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/037njl /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05ztm4r /people/person/gender /m/05zppz +/m/02pw_n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/02js_6 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/08p1gp /people/person/nationality /m/09c7w0 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/064r97z /tv/tv_program/genre /m/04xvlr +/m/0ggq0m /music/genre/artists /m/02ck1 +/m/0d9jr /base/biblioness/bibs_location/country /m/09c7w0 +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h7pj +/m/04hzj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03676 +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/0603qp /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/064t9 /music/genre/artists /m/0dt1cm +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/03v1s /location/location/contains /m/0p9nv +/m/02yy_j /people/person/nationality /m/09c7w0 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/021r6w +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/038czx /organization/organization/headquarters./location/mailing_address/state_province_region /m/0498y +/m/0lgxj /olympics/olympic_games/sports /m/0crlz +/m/0bk4s /people/deceased_person/place_of_burial /m/0bqyhk +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018dyl +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/019fnv /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/03y7ml /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q2c /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08zrbl +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/0dsvzh /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/02qhqz4 /film/film/genre /m/04pbhw +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0164v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rzdcp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03v1jf +/m/0219x_ /media_common/netflix_genre/titles /m/023g6w +/m/01twdk /people/person/nationality /m/09c7w0 +/m/02bxjp /people/person/nationality /m/03_3d +/m/0dnw1 /film/film/story_by /m/014dq7 +/m/09k23 /education/educational_institution/campuses /m/09k23 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/031zm1 +/m/0fqyzz /people/person/profession /m/01d_h8 +/m/01cdt5 /medicine/symptom/symptom_of /m/01dcqj +/m/01wdl3 /education/educational_institution/colors /m/083jv +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0320jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pw2f1 +/m/06zmg7m /people/person/languages /m/07c9s +/m/04xvlr /media_common/netflix_genre/titles /m/03hjv97 +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/02yy9r /film/film/cinematography /m/07mb57 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02825kb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01g888 /music/genre/artists /m/0mgcr +/m/023322 /music/artist/track_contributions./music/track_contribution/role /m/02hnl +/m/0274ck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/01kk32 /location/administrative_division/first_level_division_of /m/06mzp +/m/0258dh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05mc99 /film/actor/film./film/performance/film /m/01719t +/m/072bb1 /film/actor/film./film/performance/film /m/06fpsx +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0342h /music/instrument/instrumentalists /m/02ht0ln +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0dryh9k /people/ethnicity/people /m/04v7k2 +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/025vwmy +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/04fgzb0 /award/award_category/nominees./award/award_nomination/nominated_for /m/097h2 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0tj9 /film/actor/film./film/performance/film /m/072hx4 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/041rx /people/ethnicity/people /m/0603qp +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/061dn_ +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/07s9rl0 /media_common/netflix_genre/titles /m/01f69m +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/0llcx /film/film/language /m/02h40lc +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0hn6d +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/046mxj /people/person/nationality /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07cj3 +/m/05b7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/01gxqf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/04z_x4v /people/person/place_of_birth /m/04swd +/m/07bxhl /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0m32h /people/cause_of_death/people /m/04hcw +/m/02qhm3 /people/person/profession /m/02hrh1q +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bx_q +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/013yq /location/location/contains /m/02j416 +/m/019pwv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026v437 /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/03x400 /people/person/spouse_s./people/marriage/spouse /m/023mdt +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/024d8w /sports/sports_team/sport /m/02vx4 +/m/0315w4 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/047msdk /film/film/music /m/01m5m5b +/m/01719t /film/film/genre /m/04xvlr +/m/07h1h5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01634x +/m/03f5mt /music/instrument/instrumentalists /m/01vsyjy +/m/02qm_f /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/020d5 /location/country/capital /m/0mp08 +/m/012cj0 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/011j5x /music/genre/artists /m/0l12d +/m/02h9_l /people/person/profession /m/016z4k +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031786 +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/07ghq /film/film/genre /m/0219x_ +/m/0l5yl /people/deceased_person/place_of_burial /m/0r04p +/m/021p26 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/019n8z /olympics/olympic_games/sports /m/06zgc +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/018ysx /music/genre/parent_genre /m/017371 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/067pl7 /people/person/profession /m/03gjzk +/m/0697s /location/country/capital /m/0f2yw +/m/0dbxy /people/ethnicity/people /m/016kkx +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2wj +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/020g9r +/m/0yx7h /film/film/genre /m/01jfsb +/m/020hyj /people/person/place_of_birth /m/0fw4v +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/03rz2b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018h2 /film/film_subject/films /m/0g5q34q +/m/0dclg /location/location/contains /m/07tds +/m/02b1l_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/044g_k /film/film/language /m/04306rv +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/01xvlc /education/educational_institution/colors /m/09ggk +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04ty8 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0pdp8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cf_h9 /people/person/nationality /m/09c7w0 +/m/07qg8v /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cbkc +/m/0j80w /film/film/country /m/09c7w0 +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/05mvd62 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/01l7cxq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/01x4r3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09l3p /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/05r5c /music/instrument/instrumentalists /m/0473q +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01q0kg /education/educational_institution/school_type /m/05jxkf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/031sn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hxhz /film/film/featured_film_locations /m/02_286 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/0jhn7 /olympics/olympic_games/sports /m/01hp22 +/m/0jt3tjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/0cf8qb /film/film/language /m/0cjk9 +/m/0g768 /music/record_label/artist /m/0178kd +/m/01pxcf /education/educational_institution/school_type /m/047951 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05l71 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02wh0 /influence/influence_node/influenced_by /m/06jkm +/m/0pz7h /people/person/nationality /m/09c7w0 +/m/02gpkt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012d40 +/m/073h1t /time/event/instance_of_recurring_event /m/0g_w +/m/06kl0k /people/person/places_lived./people/place_lived/location /m/0byh8j +/m/09gb_4p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/03_fmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k_r5b +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0c_tl /olympics/olympic_games/participating_countries /m/035qy +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/06msq2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/05zr0xl +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/026w_gk +/m/04g7x /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07t2k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/016jhr /music/genre/parent_genre /m/016jny +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/09byk /people/person/places_lived./people/place_lived/location /m/0k3p +/m/09l3p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/044mfr +/m/03ydlnj /film/film/produced_by /m/02q42j_ +/m/0js9s /people/person/profession /m/0dxtg +/m/041c4 /film/actor/film./film/performance/film /m/03176f +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d500h +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/01xdxy +/m/026ps1 /people/person/gender /m/02zsn +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04cbbz +/m/054k_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/0n839 /people/person/religion /m/0kpl +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0k4kk /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02w7gg /people/ethnicity/people /m/017lqp +/m/07rd7 /film/director/film /m/04jpg2p +/m/0b6m5fy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03m6t5 +/m/046b0s /award/award_winner/awards_won./award/award_honor/award_winner /m/070j61 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0227vl +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s0w +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/0432_5 +/m/01bkb /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/016kb7 +/m/064t9 /music/genre/artists /m/01q32bd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/046k81 +/m/0d7k1z /base/biblioness/bibs_location/state /m/01n7q +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rvcvl +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0164nb /people/person/nationality /m/09c7w0 +/m/07m77x /film/actor/film./film/performance/film /m/02stbw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06vv_6 +/m/0cymln /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0lccn /award/award_winner/awards_won./award/award_honor/award_winner /m/0b68vs +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01pllx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0151w_ +/m/01z5tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033jj1 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/015grj +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/06bzwt /film/actor/film./film/performance/film /m/047fjjr +/m/0ymb6 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/0fs9vc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/026qnh6 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c1pj +/m/014zcr /film/actor/film./film/performance/film /m/0bmhvpr +/m/02sgy /music/instrument/instrumentalists /m/016qtt +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/0gk4g /people/cause_of_death/people /m/01c58j +/m/05qhnq /music/artist/origin /m/0chgzm +/m/016_rm /music/genre/artists /m/01vw8mh +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/0fvly /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0dkv90 /film/film/produced_by /m/03_2y +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01bl7g /film/film/language /m/02h40lc +/m/07sp4l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cc846d /film/film/music /m/02jxkw +/m/0dbns /education/educational_institution/campuses /m/0dbns +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0347xz /people/person/gender /m/05zppz +/m/06z5s /people/cause_of_death/people /m/04wqr +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/091xrc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ym8l /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02q3fdr /film/film/genre /m/03k9fj +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mc +/m/0163t3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bfvw2 /award/award_category/category_of /m/0gcf2r +/m/03lyp4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/081jbk +/m/021gzd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tcf7 +/m/0cbkc /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0gyx4 +/m/059f4 /base/aareas/schema/administrative_area/capital /m/01x96 +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/06w7v /music/instrument/instrumentalists /m/01vs4ff +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fvf9q +/m/0n1v8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mymy +/m/0lbj1 /film/actor/film./film/performance/film /m/015x74 +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443y3 +/m/03rwng /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01vvybv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r8hh_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/04qz6n /people/person/profession /m/02krf9 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0sw6g +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ldw4 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4nv +/m/090s_0 /film/film/country /m/07ssc +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvybv +/m/04zwtdy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h336 /people/person/profession /m/02hv44_ +/m/02xs5v /film/actor/film./film/performance/film /m/01gc7 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/045bg /people/deceased_person/place_of_death /m/05qtj +/m/01dq0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06q83 +/m/01hcj2 /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fnl9 +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0qcrj /location/location/time_zones /m/02lcqs +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/05yzt_ +/m/0k1bs /music/group_member/membership./music/group_membership/group /m/0394y +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0c2tf +/m/06j6l /music/genre/artists /m/06cc_1 +/m/0chw_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kgv4 +/m/011x_4 /film/film/genre /m/02l7c8 +/m/03f7m4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c1j_ +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/077w0b +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trhmt +/m/09blyk /media_common/netflix_genre/titles /m/084302 +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv_s +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_5k +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h5f5n +/m/0g0z58 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0jfx1 /film/actor/film./film/performance/film /m/03y0pn +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016tb7 +/m/026c1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05zh9c +/m/0p17j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gc7h +/m/0dzs0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/01csvq /film/actor/film./film/performance/film /m/0jyx6 +/m/013w7j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0329qp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c1j_ /film/actor/film./film/performance/film /m/02wgbb +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dq9p /people/cause_of_death/people /m/025jbj +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0j1yf +/m/0nvrd /location/location/contains /m/0s6g4 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/02r3zy +/m/0hwpz /film/film/edited_by /m/04cy8rb +/m/03mp8k /music/record_label/artist /m/018phr +/m/01dtq1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/043y95 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g1lp +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/027b9j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/07pd_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mmb +/m/0f2s6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/06b_0 /film/actor/film./film/performance/film /m/06x43v +/m/01kkx2 /people/person/profession /m/02hrh1q +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/05hjnw /film/film/music /m/09swkk +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/06g60w /people/deceased_person/place_of_death /m/0b2ds +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/01z9_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kh2m1 +/m/041rx /people/ethnicity/people /m/0cwtm +/m/025_ql1 /people/person/profession /m/02jknp +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/0gs6vr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b1f49 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0kfv9 +/m/07nt8p /film/film/music /m/06449 +/m/01qvgl /music/artist/origin /m/0dzt9 +/m/0716t2 /people/person/religion /m/03_gx +/m/0p_th /film/film/language /m/02h40lc +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02yygk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053tj7 +/m/06w6_ /film/actor/film./film/performance/film /m/043h78 +/m/0xnvg /people/ethnicity/people /m/03zyvw +/m/01w272y /music/artist/origin /m/0dc95 +/m/05tbn /location/location/contains /m/08xpv_ +/m/02h8hr /people/person/gender /m/05zppz +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0144l1 /people/person/profession /m/0fnpj +/m/03ckfl9 /music/genre/artists /m/05563d +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/09c7w0 /location/location/contains /m/03t4nx +/m/01rw116 /people/person/profession /m/039v1 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0htlr +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/0m0hw /people/person/gender /m/05zppz +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06d6y /people/person/nationality /m/05b4w +/m/0277470 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/088vb /sports/sports_team_location/teams /m/0415zv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/0ddkf /people/person/profession /m/029bkp +/m/0drc1 /people/deceased_person/place_of_death /m/02_286 +/m/0jfx1 /film/actor/film./film/performance/film /m/0g3zrd +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/02cqny /music/genre/parent_genre /m/08cyft +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/0412f5y +/m/015401 /education/educational_institution/campuses /m/015401 +/m/03f1r6t /people/person/profession /m/0kyk +/m/0gyy0 /award/award_winner/awards_won./award/award_honor/award_winner /m/040z9 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026fd +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/080nwsb /film/film/produced_by /m/027z0pl +/m/0219q /people/person/nationality /m/07ssc +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/01pl14 /education/educational_institution/students_graduates./education/education/student /m/08p1gp +/m/0cv0r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw7h +/m/02rqwhl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01c6k4 /business/business_operation/industry /m/019z7b +/m/05sxzwc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03n_7k +/m/02w4v /music/genre/artists /m/0f_y9 +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/029v40 /film/film/genre /m/01jfsb +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/091rc5 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/04s1zr /film/film/genre /m/0lsxr +/m/019z7q /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/02y21l /music/record_label/artist /m/07yg2 +/m/02jx1 /location/location/contains /m/07tk7 +/m/01797x /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02km0m /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/011vx3 /people/person/profession /m/01c72t +/m/01jzyx /education/educational_institution/colors /m/083jv +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/0y3_8 /music/genre/parent_genre /m/05bt6j +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0bbf1f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0277990 /people/person/profession /m/0dxtg +/m/02kxbx3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02kxbwx +/m/039d4 /organization/organization/headquarters./location/mailing_address/citytown /m/0mnzd +/m/0170s4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01713c +/m/02qzjj /people/person/profession /m/02jknp +/m/0466p0j /time/event/locations /m/030qb3t +/m/0chghy /location/location/contains /m/0847q +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/015gy7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02jyhv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lk90 +/m/0155w /music/genre/artists /m/01d4cb +/m/01y49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/01vrnsk +/m/01g42 /people/person/profession /m/01d_h8 +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0f2df /film/actor/film./film/performance/film /m/04954r +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtsb +/m/01j95f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0c_zj /education/educational_institution_campus/educational_institution /m/0c_zj +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/027r7k /film/film/genre /m/04xvh5 +/m/05b_gq /film/film/language /m/02h40lc +/m/04zyhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ssc /location/location/contains /m/0f11p +/m/014635 /people/person/nationality /m/09c7w0 +/m/0jnwx /film/film/genre /m/04rlf +/m/0jzc /language/human_language/countries_spoken_in /m/04wgh +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/06ltr /film/actor/film./film/performance/film /m/0164qt +/m/02m_41 /education/educational_institution_campus/educational_institution /m/02m_41 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02lhm2 /film/actor/film./film/performance/film /m/056xkh +/m/0206k5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0lx2l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015882 +/m/02gjt4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/0jxxt /film/film_subject/films /m/0298n7 +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/071ynp +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/01vw8k /film/film/produced_by /m/016dmx +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/03f7jfh +/m/01j851 /people/deceased_person/place_of_death /m/030qb3t +/m/06z9yh /people/person/place_of_birth /m/01mgsn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/0cn_b8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tj34 /people/person/profession /m/03gjzk +/m/03k0yw /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/09qycb /film/film/genre /m/04xvlr +/m/0241jw /film/actor/film./film/performance/film /m/041td_ +/m/0272_vz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03l78j /education/educational_institution/campuses /m/03l78j +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kv4mb +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01797x +/m/0221g_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/04mhl +/m/021l5s /education/educational_institution/colors /m/083jv +/m/04t6fk /film/film/cinematography /m/08t7nz +/m/02ln0f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06z9f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/024lff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gn30 +/m/02r251z /people/person/nationality /m/09c7w0 +/m/016ypb /film/actor/film./film/performance/film /m/05650n +/m/02bf58 /education/educational_institution/campuses /m/02bf58 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/014nvr /people/person/nationality /m/0f8l9c +/m/0f67f /location/hud_county_place/place /m/0f67f +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/07ssc /media_common/netflix_genre/titles /m/034hwx +/m/0mvxt /location/location/time_zones /m/02hcv8 +/m/03_3d /location/location/contains /m/018jcq +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/03s7h /business/business_operation/industry /m/08mh3kd +/m/07y_r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01bvw5 +/m/03rgvr /people/person/nationality /m/02jx1 +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01sqd7 /music/record_label/artist /m/0gdh5 +/m/095b70 /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/0d05q4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03shp +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p8r8 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07bwr /film/film/production_companies /m/0338lq +/m/041rx /people/ethnicity/people /m/0f3nn +/m/05qbckf /film/film/executive_produced_by /m/01twdk +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03lmzl +/m/027x7z5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04h07s /people/person/nationality /m/09c7w0 +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025jbj /film/director/film /m/05dmmc +/m/01vttb9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027t8fw /people/person/profession /m/02jknp +/m/07s3m4g /film/film/language /m/02h40lc +/m/025mb_ /film/actor/film./film/performance/film /m/0421v9q +/m/0ncj8 /location/location/contains /m/01qd_r +/m/01s21dg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgk0 +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0342h /music/instrument/instrumentalists /m/01vv6xv +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ggc9 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0k57l /people/person/profession /m/018gz8 +/m/01rxyb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01qgr3 +/m/0122wc /sports/sports_team/colors /m/01g5v +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/026hxwx /film/film/country /m/09c7w0 +/m/02kxwk /film/actor/film./film/performance/film /m/04x4vj +/m/0c5x_ /education/educational_institution/colors /m/01g5v +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/087qxp +/m/05ftw3 /education/educational_institution/campuses /m/05ftw3 +/m/0lwyk /education/educational_institution/school_type /m/07tf8 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/04nl83 /film/film/genre /m/03q4nz +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/05zrn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/09c7w0 /location/country/second_level_divisions /m/0nm42 +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09b6zr +/m/09qycb /film/film/story_by /m/0ff3y +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/04jpl /location/location/contains /m/0f8j6 +/m/01q_y0 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/01wy5m /film/actor/film./film/performance/film /m/0cqr0q +/m/09c7w0 /location/location/contains /m/02jyr8 +/m/0m5s5 /film/film/genre /m/07s2s +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/06w58f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k5g9 /film/film/music /m/015wc0 +/m/026lgs /film/film/country /m/09c7w0 +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/015gw6 +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0gcs9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kph_c +/m/07qy0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drq5 +/m/0nf3h /location/location/time_zones /m/02fqwt +/m/03mck3c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/059kh /music/genre/artists /m/01rm8b +/m/05bt6j /music/genre/artists /m/01vrt_c +/m/0fc2c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj07 +/m/02p8v8 /people/person/profession /m/0fj9f +/m/02lymt /base/popstra/celebrity/dated./base/popstra/dated/participant /m/043zg +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07z1_q +/m/01r4hry /people/person/profession /m/0nbcg +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/0hfml /people/person/profession /m/0cbd2 +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07n39 /people/person/nationality /m/09c7w0 +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0dj0x /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/011yr9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03rhqg /music/record_label/artist /m/01wmgrf +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/03t0k1 +/m/0blgl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/06chvn /people/person/places_lived./people/place_lived/location /m/01531 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/07pnk /film/film_subject/films /m/02z2mr7 +/m/06fpsx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14jd +/m/04sry /film/director/film /m/05dy7p +/m/07bzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01yf85 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/040981l /people/person/profession /m/02hrh1q +/m/0pgm3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01y_rz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvrws1 /film/film/country /m/09c7w0 +/m/01541z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06y_n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j7pt +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jkkv +/m/03rk0 /location/location/contains /m/01c1nm +/m/0_b9f /film/film/featured_film_locations /m/0ctw_b +/m/0257__ /award/award_category/winners./award/award_honor/award_winner /m/0h6sv +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/071rlr +/m/019z7q /people/person/places_lived./people/place_lived/location /m/05fjf +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/015x1f /people/person/gender /m/05zppz +/m/04gxp2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/05drr9 +/m/01my_c /people/person/gender /m/05zppz +/m/02bjhv /education/educational_institution/colors /m/06fvc +/m/016mhd /film/film/genre /m/07s9rl0 +/m/0155w /music/genre/artists /m/014q2g +/m/019pwv /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ych +/m/02jyr8 /organization/organization/headquarters./location/mailing_address/citytown /m/0lphb +/m/0dzz6g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/015wy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/01vtg4q /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/034m8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02b168 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01z4y /media_common/netflix_genre/titles /m/0322yj +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gs5q /people/person/profession /m/02hrh1q +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05tbn +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/0gd0c7x /film/film/produced_by /m/06chf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0gbfn9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06s0l +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/017s11 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_l96 +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0klh7 +/m/03xnwz /music/genre/artists /m/06br6t +/m/0ddct /film/film_subject/films /m/0mbql +/m/0g7k2g /people/person/places_lived./people/place_lived/location /m/01n43d +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/01z4y /media_common/netflix_genre/titles /m/0c00zd0 +/m/01f873 /film/actor/film./film/performance/film /m/01f85k +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/01mqz0 +/m/0chw_ /film/actor/film./film/performance/film /m/026lgs +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02jg92 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/02f8lw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08g_jw +/m/07b_l /location/location/contains /m/013n2h +/m/04gj8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ptxj /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/02bfmn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08cg36 /music/genre/parent_genre /m/06by7 +/m/0b_4z /film/actor/film./film/performance/film /m/07cw4 +/m/0d7hg4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03j24kf /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/0dcdp /location/us_county/county_seat /m/0dq16 +/m/04vn5 /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/03359d /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/09wnnb /film/film/production_companies /m/01795t +/m/064t9 /music/genre/artists /m/019x62 +/m/04wddl /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmjd +/m/01frpd /business/business_operation/industry /m/0w7s +/m/01ypc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018x3 +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/022yb4 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0pz04 /people/person/religion /m/04pk9 +/m/0jnwx /film/film/production_companies /m/04rcl7 +/m/06v41q /people/ethnicity/languages_spoken /m/064_8sq +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0bj25 /film/film/film_art_direction_by /m/05v1sb +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/03mp8k /music/record_label/artist /m/01w272y +/m/0797c7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dr_4 +/m/02s5v5 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/02jxbw /film/film/language /m/02h40lc +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07dzf +/m/071ynp /film/actor/film./film/performance/film /m/07yvsn +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pgjm +/m/03cd1q /people/deceased_person/place_of_death /m/059rby +/m/06q1r /location/location/contains /m/011pcj +/m/058nh2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7pw +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/015pkc /people/person/place_of_birth /m/06_kh +/m/06v41q /people/ethnicity/people /m/02whj +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01m7pwq +/m/018p5f /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01qvgl +/m/0gn30 /film/actor/film./film/performance/film /m/06c0ns +/m/01cbwl /music/genre/artists /m/06y9c2 +/m/0cg2cj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/02k5sc +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/03_dj /people/person/gender /m/05zppz +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/044ptm +/m/0cgfb /film/actor/film./film/performance/film /m/0bz6sq +/m/016r9z /olympics/olympic_games/participating_countries /m/01d8l +/m/0ggq0m /music/genre/artists /m/01gg59 +/m/0pj9t /people/person/nationality /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01xvlc +/m/070m12 /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/03f7nt /film/film/genre /m/01jfsb +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxmx +/m/0p_pd /people/person/religion /m/0c8wxp +/m/01mgw /film/film/film_format /m/07fb8_ +/m/03xf_m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/07h76 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/09jcj6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026r8q /people/person/profession /m/02hrh1q +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0342h /music/instrument/instrumentalists /m/01wbz9 +/m/02m4t /film/film_subject/films /m/0h7t36 +/m/0g2c8 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025vldk +/m/01qq_lp /people/person/nationality /m/03rjj +/m/04pg29 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0d3k14 /people/person/sibling_s./people/sibling_relationship/sibling /m/06hx2 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0301dp /education/educational_institution/students_graduates./education/education/student /m/037jz +/m/06y9bd /award/award_winner/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/0418wg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gzh /people/person/gender /m/05zppz +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05cws2 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0ds35l9 /film/film/country /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0515zg +/m/01vvydl /people/person/profession /m/09jwl +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/03flwk +/m/0gvrws1 /film/film/genre /m/03k9fj +/m/01g4yw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/0gpx6 /film/film/genre /m/01t_vv +/m/027m67 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01vhrz +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mgx6z +/m/02zhkz /people/person/gender /m/05zppz +/m/02fqxm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0btpx +/m/03kx49 /film/film/genre /m/04t36 +/m/01rf57 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/06w58f +/m/0kbws /olympics/olympic_games/participating_countries /m/04w4s +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/059kh /music/genre/artists /m/017vkx +/m/0g_92 /people/person/profession /m/02hrh1q +/m/03lty /music/genre/artists /m/01r9fv +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/02nb2s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cffvv +/m/03y82t6 /people/person/profession /m/016z4k +/m/072vj /film/director/film /m/0fy34l +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0421v9q +/m/07dnx /influence/influence_node/influenced_by /m/03jht +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k7b0 +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m9p3 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05z8cq +/m/054k_8 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/017_1x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01fy2s /organization/organization/headquarters./location/mailing_address/citytown /m/07sb1 +/m/0kq95 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/0bdxs5 /people/person/religion /m/0v53x +/m/03v1xb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/039_ym /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01wwvd2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tf1y /people/person/profession /m/018gz8 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs_v8 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/035p3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/03gj2 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wpf +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/05dbf /people/person/places_lived./people/place_lived/location /m/05jbn +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0266r6h /people/person/gender /m/02zsn +/m/02khs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/019pcs +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01z7_f +/m/01vsy7t /people/person/religion /m/092bf5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01r3kd +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03w1v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/01c6zg /base/aareas/schema/administrative_area/capital /m/0d33k +/m/02t_y3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05tgks /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/03c602 /people/person/profession /m/09jwl +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/03fn5s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03n785 /film/film/produced_by /m/0cv9fc +/m/036hf4 /people/person/places_lived./people/place_lived/location /m/0k049 +/m/034qrh /film/film/genre /m/05p553 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ky7c +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pswc +/m/03f1zhf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/09v8db5 /award/award_category/disciplines_or_subjects /m/0w7c +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/01mmslz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/01vn35l /people/person/profession /m/016z4k +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0mb5x +/m/02r5w9 /people/person/nationality /m/0chghy +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/01634x +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/04hcw +/m/02fybl /film/actor/film./film/performance/film /m/07k2mq +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/066m4g +/m/02p5hf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmcb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/02qbjm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lk8j +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04165w +/m/03fwln /people/person/places_lived./people/place_lived/location /m/01c0h6 +/m/0bw20 /film/film/genre /m/082gq +/m/0181dw /music/record_label/artist /m/01kstn9 +/m/0p7h7 /people/person/languages /m/02h40lc +/m/0czhv7 /people/person/profession /m/028kk_ +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04q5zw +/m/02l48d /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/042fgh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01_mdl +/m/06gbnc /people/ethnicity/people /m/025j1t +/m/071nw5 /film/film/music /m/01x6v6 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/011lpr /people/person/profession /m/02jknp +/m/0237w6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/01795t /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/0gwgn1k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/0f7h2g +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/0g_wn2 /location/us_county/county_seat /m/0g_wn2 +/m/02jx1 /location/location/contains /m/015cj9 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/01n30p +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/03n6r +/m/0dy04 /education/educational_institution/campuses /m/0dy04 +/m/047csmy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07vqnc /tv/tv_program/genre /m/03k9fj +/m/06tw8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/04xvlr /media_common/netflix_genre/titles /m/03kg2v +/m/05r5c /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01s0ps +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r93l +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0gz5hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nb5v +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/01f7jt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/02km0m /education/educational_institution/school_type /m/01rs41 +/m/027nb /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01vs4ff /people/person/places_lived./people/place_lived/location /m/0978r +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/03vyh /music/genre/artists /m/01k3qj +/m/05fyy5 /sports/sports_position/players./sports/sports_team_roster/position /m/02g_7z +/m/01v3s2_ /film/actor/film./film/performance/film /m/0g9z_32 +/m/01vvy /people/deceased_person/place_of_death /m/05qtj +/m/023n39 /film/actor/film./film/performance/film /m/0170th +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/student /m/04jzj +/m/05ywg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0ndh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06wxw +/m/086xm /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/04t36 /media_common/netflix_genre/titles /m/0b1y_2 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwlwp +/m/01tcf7 /film/actor/film./film/performance/film /m/033dbw +/m/0178g /business/business_operation/industry /m/02w1b8 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0859_ +/m/02xfrd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/054fvj +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01wd3l /people/person/nationality /m/07ssc +/m/02qwg /people/person/gender /m/05zppz +/m/0288zy /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04w4s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0bcndz /film/film/produced_by /m/06l6nj +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/016jll +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ztvyx +/m/01n_2f /sports/sports_team/sport /m/02vx4 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06y611 /film/film/production_companies /m/01795t +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0phx4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/080_y +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047myg9 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0345h /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ds83 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/02cg2v /people/person/nationality /m/09c7w0 +/m/0135cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/010hn /people/person/profession /m/0n1h +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/06lvlf /people/person/places_lived./people/place_lived/location /m/04tgp +/m/04t2l2 /people/person/profession /m/0np9r +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbvr84 +/m/03bkbh /people/ethnicity/people /m/016z68 +/m/010v8k /base/biblioness/bibs_location/state /m/081yw +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/03fg0r /award/award_winner/awards_won./award/award_honor/award_winner /m/046b0s +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/02g3gj /award/award_category/category_of /m/0c4ys +/m/0jmmn /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0kqj1 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bx2lk /film/film/language /m/06nm1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgly +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0dryh9k /people/ethnicity/people /m/03hfxx +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/027dpx +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/013cr /people/person/nationality /m/09c7w0 +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02hxhz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/078mgh +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/014nq4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0306ds /film/actor/film./film/performance/film /m/033dbw +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp63 +/m/05f7s1 /organization/organization/headquarters./location/mailing_address/citytown /m/020skc +/m/0154qm /people/person/profession /m/02hrh1q +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jgkj2 +/m/0nk72 /influence/influence_node/influenced_by /m/0w6w +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/015p3p /film/actor/film./film/performance/film /m/06pyc2 +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/078mgh +/m/076xkps /film/film/produced_by /m/072vj +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k54q +/m/02zfg3 /film/actor/film./film/performance/film /m/0ptx_ +/m/0d2fd7 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01vzxmq /people/person/gender /m/05zppz +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022wxh +/m/09y20 /film/actor/film./film/performance/film /m/0h14ln +/m/01z5tr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07ssc /location/location/contains /m/02m__ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/0345_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/049912 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07r_dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0431v3 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6v +/m/03g9xj /tv/tv_program/genre /m/01hmnh +/m/02z9rr /film/film/genre /m/0hc1z +/m/02l840 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015rmq /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/06gb2q /film/actor/film./film/performance/film /m/02ht1k +/m/0dvmd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015pkc +/m/01l1hr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03jjzf +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/06xl8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/068l3t +/m/01vvycq /base/eating/practicer_of_diet/diet /m/07_hy +/m/02grjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w4c9 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0ftvz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/02xry +/m/0gnbw /people/person/profession /m/0kyk +/m/0mzkr /music/record_label/artist /m/014488 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/0n6dc /location/hud_county_place/county /m/0cymp +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03g52k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0150jk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmfzx +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/0ph2w /influence/influence_node/influenced_by /m/0l5yl +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0kc6 /people/person/gender /m/05zppz +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/04_1l0v /location/location/contains /m/04ykg +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0c58k /medicine/disease/risk_factors /m/0432mrk +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/03_nq +/m/041jlr /people/person/places_lived./people/place_lived/location /m/02h6_6p +/m/01jfsb /media_common/netflix_genre/titles /m/0404j37 +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/01520h +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0nzm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fr63l +/m/026g73 /music/instrument/family /m/0l14md +/m/02jjdr /music/record_label/artist /m/03qmj9 +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01r47h /education/educational_institution/colors /m/083jv +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01tspc6 /people/person/profession /m/02hrh1q +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02sg5v /film/film/story_by /m/0fx02 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/07tw_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0r540 /location/hud_county_place/place /m/0r540 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/031b3h /award/award_category/winners./award/award_honor/award_winner /m/01wcp_g +/m/09c7w0 /location/location/contains /m/01q2sk +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/0dn3n /people/person/places_lived./people/place_lived/location /m/059rby +/m/08pgl8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01hw6wq /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0n08r +/m/06bw5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07w4j /education/educational_institution/school_type /m/07tf8 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/03bx2lk /film/film/edited_by /m/04cy8rb +/m/05w6cw /music/artist/origin /m/030qb3t +/m/01h96 /music/genre/artists /m/0hvbj +/m/01hb6v /people/person/profession /m/0747nrk +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0159h6 /people/person/gender /m/02zsn +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/06f_qn /people/deceased_person/place_of_death /m/030qb3t +/m/0c1jh /influence/influence_node/influenced_by /m/085gk +/m/04rg6 /people/person/profession /m/01d_h8 +/m/01vhrz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vtj38 +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/03hp2y1 /film/film/production_companies /m/01gb54 +/m/08cyft /music/genre/artists /m/017vkx +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0h7pj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p85y +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0431v3 +/m/017_qw /music/genre/artists /m/0bvzp +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/01rzxl /people/person/profession /m/09jwl +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/09b_0m +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd2b +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/026zvx7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fb1q +/m/0f7hw /film/film/language /m/02h40lc +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03xp8d5 +/m/0m66w /film/actor/film./film/performance/film /m/05h43ls +/m/034m8 /location/location/contains /m/0fnm3 +/m/02y_lrp /film/film/written_by /m/0p__8 +/m/04bfg /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/0hx4y /film/film/genre /m/0h9qh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03w7kx +/m/0b6tzs /film/film/genre /m/0lsxr +/m/01m7pwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/05zy3sc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01nn7r /education/educational_institution/campuses /m/01nn7r +/m/02t_st /film/actor/film./film/performance/film /m/03z106 +/m/0gxsh4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hvb2 +/m/0738b8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bs3j +/m/0c0k1 /film/actor/film./film/performance/film /m/0hmm7 +/m/03v40v /people/person/profession /m/02krf9 +/m/07jwr /people/cause_of_death/people /m/01k31p +/m/030vmc /film/director/film /m/0j_tw +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/01dv21 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/05kwx2 /people/person/profession /m/015cjr +/m/01w272y /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/06vv_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jvt9 /film/film/genre /m/07s9rl0 +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/015882 /people/person/places_lived./people/place_lived/location /m/0fr0t +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/08x5c_ /film/actor/film./film/performance/film /m/02g5q1 +/m/02l4pj /film/actor/film./film/performance/film /m/08c4yn +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075cph +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/06qxh /tv/tv_program/country_of_origin /m/09c7w0 +/m/04954 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0889x /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0y3_8 /music/genre/artists /m/016t0h +/m/0ckrgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0fgpvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0345h /location/location/contains /m/02m_41 +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0gbtbm +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/015y3j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/03r8gp /film/film_subject/films /m/0f4k49 +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/06bnz +/m/02mpb /people/deceased_person/place_of_burial /m/0281rb +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d6cy +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01vrlqd /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/031n8c +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/026lgs /film/film/language /m/04306rv +/m/040_9s0 /award/award_category/disciplines_or_subjects /m/01hmnh +/m/06mr6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/0sz28 /film/director/film /m/02rx2m5 +/m/0b85mm /film/film/country /m/03rjj +/m/01scmq /business/business_operation/industry /m/01mw1 +/m/05q4y12 /film/film/featured_film_locations /m/0d35y +/m/0_nh2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/01bfjy /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/07mqps /people/ethnicity/people /m/01r4bps +/m/0gps0z /film/actor/film./film/performance/film /m/01l_pn +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0cj2w /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/015w8_ /tv/tv_program/languages /m/02h40lc +/m/011yfd /film/film/genre /m/05p553 +/m/05r6t /music/genre/artists /m/09jvl +/m/07cw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02wvfxz /sports/sports_team/sport /m/02vx4 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/02g5h5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064jjy +/m/01ls2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014v6f +/m/038_l /film/film_subject/films /m/01qxc7 +/m/014y6 /people/person/nationality /m/07ssc +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0198b6 +/m/0t_48 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mwds /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwzv +/m/03mqtr /media_common/netflix_genre/titles /m/03m5y9p +/m/01l9p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/014zcr +/m/0l9k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj0n +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/0g2lq /people/person/profession /m/02hrh1q +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0133sq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nln +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdw3c +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/0806vbn +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/04pk1f +/m/056wb /people/person/nationality /m/09c7w0 +/m/07vfqj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0425c5 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/05gnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dsx3f +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/018qb4 /olympics/olympic_games/sports /m/07jjt +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qf11 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0k7tq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/041rx /people/ethnicity/people /m/041b4j +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/072vj +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02cvcd +/m/01gc7 /film/film/language /m/064_8sq +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/0fwwkj /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0b68vs /people/person/nationality /m/07ssc +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01s9ftn /people/person/place_of_birth /m/0r00l +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0ljc_ +/m/04hgpt /education/educational_institution/colors /m/083jv +/m/099t8j /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/0pz7h /influence/influence_node/influenced_by /m/0p_47 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/02qwg +/m/01g04k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0g68zt /film/film/country /m/07ssc +/m/04j_gs /people/person/profession /m/03gjzk +/m/0f04v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mhdz +/m/06fcqw /film/film/country /m/09c7w0 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/07x4qr /film/film/production_companies /m/017s11 +/m/0322yj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0kcn7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kftt +/m/05nw9m /people/person/places_lived./people/place_lived/location /m/02p3my +/m/086qd /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvd2 +/m/0415ggl /film/film/production_companies /m/025jfl +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4h3 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/01k1k4 /film/film/film_format /m/07fb8_ +/m/01t2h2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01f873 +/m/0306bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0hwbd +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0261w5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/076tq0z /film/film/music /m/0150t6 +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qjpv5 +/m/012wg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c7t58 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/05zpghd /film/film/language /m/02h40lc +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/0sqgt /location/location/time_zones /m/02fqwt +/m/0fb1q /award/award_winner/awards_won./award/award_honor/award_winner /m/01xcr4 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/085gk /people/person/gender /m/05zppz +/m/023kzp /film/actor/film./film/performance/film /m/06__m6 +/m/0d06m5 /people/person/profession /m/04gc2 +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01l7qw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01242_ +/m/02rb607 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08x5c_ /film/actor/film./film/performance/film /m/048yqf +/m/0k_mt /people/deceased_person/place_of_death /m/02h6_6p +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01cz7r /film/film/language /m/02h40lc +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/06rvn +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/07csf4 +/m/01zsfx /base/biblioness/bibs_location/country /m/088q4 +/m/06j6l /music/genre/artists /m/02z4b_8 +/m/0g1w5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018qd6 /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g5ptf +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ndwt2w +/m/01hlwv /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s6l +/m/09l9xt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02py4c8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016xk5 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/017zq0 /education/educational_institution/students_graduates./education/education/student /m/033jj1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01gxqf +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0333t /film/film/genre /m/07s9rl0 +/m/0dn16 /music/genre/artists /m/09h4b5 +/m/0517bc /people/person/profession /m/02hrh1q +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/location/contains /m/01s7pm +/m/012vd6 /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gnbv1 +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/08j7lh +/m/06v8s0 /people/person/profession /m/02hrh1q +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0mzww /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09c7w0 /location/country/second_level_divisions /m/0nr_q +/m/0c9cp0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jfrg +/m/04180vy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/012yc /music/genre/parent_genre /m/0glt670 +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0249kn +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h1cdwq +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/0342h +/m/0ddt_ /film/film/language /m/02h40lc +/m/07_nf /time/event/locations /m/04hhv +/m/0f2r6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fyss +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059_c +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/01_k71 /people/person/profession /m/0nbcg +/m/01xwv7 /influence/influence_node/influenced_by /m/0p_pd +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/01mylz /film/actor/film./film/performance/film /m/0jzw +/m/04g3p5 /people/person/gender /m/05zppz +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/0lhp1 /sports/sports_team/colors /m/083jv +/m/04954 /film/actor/film./film/performance/film /m/02c638 +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/02hh8j +/m/01vw8k /film/film/genre /m/03k9fj +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0163v +/m/07twz /location/country/form_of_government /m/06cx9 +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04j6dg +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/02rfft /organization/organization/place_founded /m/0bxbb +/m/0244r8 /music/artist/track_contributions./music/track_contribution/role /m/03ndd +/m/023t0q /people/person/profession /m/01xy5l_ +/m/06lvlf /film/actor/film./film/performance/film /m/0g3zrd +/m/03xp8d5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0184jc +/m/02z44tp /tv/tv_program/genre /m/01z77k +/m/02_fj /people/person/places_lived./people/place_lived/location /m/0xn7b +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/07ncs0 +/m/02rwmk /film/film_subject/films /m/09gdm7q +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/032zq6 /film/film/story_by /m/06d6y +/m/04jwly /film/film/language /m/02h40lc +/m/016dmx /people/person/profession /m/0cbd2 +/m/06jkm /people/person/profession /m/0kyk +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/034fl9 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/02xs0q +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/04n_g /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/05k2xy /film/film/language /m/064_8sq +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03fts +/m/071_8 /organization/organization/headquarters./location/mailing_address/citytown /m/017j7y +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/05169r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/075k5 /time/event/locations /m/03v9w +/m/01wmgrf /award/award_winner/awards_won./award/award_honor/award_winner /m/02lk95 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0df92l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/069q4f +/m/02lkcc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0ffgh +/m/01nm3s /film/actor/film./film/performance/film /m/0f2sx4 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/014xf6 +/m/063fh9 /film/film/country /m/06t8v +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/091yn0 /people/person/profession /m/09jwl +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0163r3 +/m/0lk90 /film/actor/film./film/performance/film /m/02bqvs +/m/01snvb /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/02wh0 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/01jt2w /education/educational_institution/students_graduates./education/education/student /m/044gyq +/m/018ctl /olympics/olympic_games/participating_countries /m/0jgx +/m/0207wx /people/person/profession /m/0q04f +/m/04sh80 /film/film/executive_produced_by /m/030_3z +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02rrfzf /film/film/genre /m/03k9fj +/m/05h72z /people/person/nationality /m/09c7w0 +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/0167km /base/eating/practicer_of_diet/diet /m/07_jd +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0fkbh +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02kz_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c2tf +/m/05ll37 /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01svq8 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/023tp8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vvb4m +/m/03xb2w /people/person/profession /m/0dxtg +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0181dw /music/record_label/artist /m/0hvbj +/m/06w99h3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x2097 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6jkkg +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/06_wqk4 +/m/059x0w /organization/organization_founder/organizations_founded /m/059x3p +/m/01c9x /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03f77 +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07dzf +/m/0j0k /base/locations/continents/countries_within /m/07f1x +/m/0h32q /people/person/places_lived./people/place_lived/location /m/04jpl +/m/03lty /music/genre/artists /m/0285c +/m/016vqk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/03k7dn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/02k4gv /people/person/profession /m/02hrh1q +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0ch3qr1 /film/film/produced_by /m/0pz91 +/m/09c7w0 /location/location/contains /m/0chrx +/m/01m15br /award/award_winner/awards_won./award/award_honor/award_winner /m/011zf2 +/m/01q2sk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wy5m /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0515_6 +/m/07wtc /education/educational_institution_campus/educational_institution /m/07wtc +/m/09c7w0 /location/location/contains /m/0mny8 +/m/014lc_ /film/film/written_by /m/05183k +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/047tsx3 /film/film/executive_produced_by /m/03c9pqt +/m/0x67 /people/ethnicity/people /m/0f7hc +/m/017gxw /people/person/nationality /m/02jx1 +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/08m4c8 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01n5309 /influence/influence_node/influenced_by /m/0pz91 +/m/02js6_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01pqy_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/017m2y /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02dlfh +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0kxf1 /film/film/genre /m/02kdv5l +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/02w7gg /people/ethnicity/people /m/0130sy +/m/01wxdn3 /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/0bm2nq /film/film/genre /m/01t_vv +/m/048scx /film/film/genre /m/06l3bl +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015jr +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02p_ycc +/m/01wc7p /people/person/profession /m/018gz8 +/m/034g2b /people/person/nationality /m/09c7w0 +/m/0kbq /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02fp48 +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/04lqvlr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0l6px /film/actor/film./film/performance/film /m/0h3xztt +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/016jny /music/genre/artists /m/017l4 +/m/025hzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/03mp8k /music/record_label/artist /m/020_4z +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/02kz_ /influence/influence_node/influenced_by /m/0gs7x +/m/0k5px /film/film/genre /m/04t36 +/m/03295l /people/ethnicity/languages_spoken /m/01jb8r +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qlp4 +/m/01bb9r /film/film/genre /m/07s9rl0 +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01chpn +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/0169dl /film/actor/film./film/performance/film /m/061681 +/m/0jkvj /olympics/olympic_games/sports /m/06z6r +/m/01p896 /education/educational_institution/students_graduates./education/education/student /m/01y0y6 +/m/033q4k /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/030hcs /film/actor/film./film/performance/film /m/07nxvj +/m/0488g /location/location/contains /m/0t6hk +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056vv +/m/034hwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/05567m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0372j5 +/m/04btyz /media_common/netflix_genre/titles /m/06z8s_ +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02ny8t /music/genre/artists /m/06tp4h +/m/0k_kr /music/record_label/artist /m/01w524f +/m/015c4g /film/actor/film./film/performance/film /m/08nhfc1 +/m/07srw /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04gycf +/m/0342h /music/instrument/instrumentalists /m/02qsjt +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04bz7q +/m/02zyy4 /people/person/gender /m/05zppz +/m/0jbyg /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/05kyr /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/03cl8lb +/m/028q6 /people/person/place_of_birth /m/0qymv +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08vd2q +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/0jnnx /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/01sxdy /film/film/written_by /m/0f8pz +/m/0xsk8 /people/person/profession /m/02hrh1q +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05bnq3j /award/award_winner/awards_won./award/award_honor/award_winner /m/087qxp +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/04zyhx /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bs1yy +/m/06by7 /music/genre/artists /m/02pt7h_ +/m/017ztv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/030xr_ /film/actor/film./film/performance/film /m/062zjtt +/m/0qcr0 /people/cause_of_death/people /m/03dq9 +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0dll_t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/051hrr +/m/0bq4j6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qcq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/02f_k_ /film/actor/film./film/performance/film /m/0kbwb +/m/06h4y9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bbgvp /film/film/featured_film_locations /m/05rgl +/m/01938t /people/person/nationality /m/09c7w0 +/m/052_mn /film/film/genre /m/01chg +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01cvtf +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0kzy0 /people/person/languages /m/02h40lc +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/0h1wz /medicine/disease/risk_factors /m/0jpmt +/m/05zpghd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0243cq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01p95y0 /people/person/profession /m/0dz3r +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/01qbl +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09qr6 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/04kngf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/037s9x /education/educational_institution/colors /m/06fvc +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/061zc_ /people/person/place_of_birth /m/029kpy +/m/02d_zc /education/educational_institution/school_type /m/05jxkf +/m/02qr69m /film/film/genre /m/07s9rl0 +/m/01hb6v /people/person/nationality /m/09c7w0 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nxzv +/m/0b_6pv /time/event/locations /m/0fr0t +/m/04tr1 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/06bng +/m/01pny5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01fszq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/025mb_ +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/0dvld /film/actor/film./film/performance/film /m/0dr_4 +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b17t +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06l22 +/m/06s26c /people/person/profession /m/01d_h8 +/m/0m313 /film/film/genre /m/04xvh5 +/m/03n3gl /film/film/genre /m/04t36 +/m/02pt27 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/013bd1 /film/actor/film./film/performance/film /m/04x4gw +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/0gm2_0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/07tl0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023n39 /people/person/languages /m/02h40lc +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0k6nt +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/01w5gp /tv/tv_network/programs./tv/tv_network_duration/program /m/03r0rq +/m/01738w /film/film/genre /m/05p553 +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/0gmtm /people/person/profession /m/02hrh1q +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/02r79_h +/m/0184dt /film/director/film /m/0bpm4yw +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07f3xb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04g4n /film/actor/film./film/performance/film /m/05sbv3 +/m/01jfsb /media_common/netflix_genre/titles /m/02x2jl_ +/m/0bl06 /film/film/production_companies /m/05qd_ +/m/0888c3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01wy5m /film/actor/film./film/performance/film /m/0btbyn +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/023w9s /people/deceased_person/place_of_death /m/02_286 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jhd +/m/08hhm6 /people/person/nationality /m/05sb1 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l4zqz +/m/0dryh9k /people/ethnicity/languages_spoken /m/03k50 +/m/031y2 /base/biblioness/bibs_location/country /m/03rjj +/m/07ssc /location/location/contains /m/01_5bb +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/07nnp_ /film/film/genre /m/01jfsb +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bb9r +/m/04j14qc /film/film/featured_film_locations /m/0135g +/m/03wv2g /education/educational_institution_campus/educational_institution /m/03wv2g +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v0fn1 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0fpj9pm /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/016ypb /film/actor/film./film/performance/film /m/011ydl +/m/0cjcbg /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0c33pl /award/award_winner/awards_won./award/award_honor/award_winner /m/01xcr4 +/m/06jtx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04bs3j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02238b +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k5fg +/m/04y5j64 /film/film/genre /m/02n4kr +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01mvpv +/m/01_f_5 /film/actor/film./film/performance/film /m/0y_yw +/m/083skw /film/film/costume_design_by /m/04vzv4 +/m/04_1l0v /location/location/contains /m/0vmt +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/01x209s /people/person/nationality /m/09c7w0 +/m/082mw /people/person/gender /m/05zppz +/m/01_s9q /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/03vrv9 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05l71 +/m/0l14md /music/instrument/instrumentalists /m/09889g +/m/014x77 /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/0l14qv /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/068g3p /film/actor/film./film/performance/film /m/01g3gq +/m/0m0hw /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0cqr0q /film/film/genre /m/0vgkd +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01hwgt +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d45s +/m/0pk41 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05p1qyh /film/film/genre /m/0hc1z +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/064lsn +/m/01w02sy /people/person/places_lived./people/place_lived/location /m/0c4kv +/m/016clz /music/genre/artists /m/02g40r +/m/0q5hw /award/award_winner/awards_won./award/award_honor/award_winner /m/0603qp +/m/01vyp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs4r +/m/05np4c /people/person/nationality /m/09c7w0 +/m/07jqjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/057cc /music/instrument/instrumentalists /m/0161sp +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/02645b +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/0bzrxn /time/event/locations /m/099ty +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01d_h /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/046k81 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fplg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/088vb /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/08664q /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09wv__ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05hz6_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/043zg /film/actor/film./film/performance/film /m/0fpgp26 +/m/0m2kd /film/film/music /m/01pbs9w +/m/019x62 /people/person/gender /m/05zppz +/m/0jmfb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/02j04_ /education/educational_institution/colors /m/01l849 +/m/06g77c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/034xyf +/m/04flrx /film/director/film /m/0pb33 +/m/0159h6 /people/person/places_lived./people/place_lived/location /m/06q1r +/m/03ccq3s /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/01j590z /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01jw4r /people/person/nationality /m/09c7w0 +/m/03hpkp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0g8st4 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0391jz /film/actor/film./film/performance/film /m/0dlngsd +/m/08720 /film/film/cinematography /m/08t7nz +/m/01vd7hn /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01vg0s +/m/0b1s_q /people/person/profession /m/0dxtg +/m/0czmk1 /people/person/profession /m/0gl2ny2 +/m/02lfns /people/person/place_of_birth /m/01531 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kc6x +/m/018db8 /people/person/places_lived./people/place_lived/location /m/0fw4v +/m/07s93v /people/person/profession /m/0cbd2 +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01c7qd +/m/02k_kn /music/genre/artists /m/02qwg +/m/014z8v /people/person/profession /m/0dxtg +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/015d3h +/m/0fkhl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/01jfsb /media_common/netflix_genre/titles /m/02r_pp +/m/05wh0sh /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05vz3zq +/m/0m9v7 /film/actor/film./film/performance/film /m/01mgw +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07fpm3 +/m/01z77k /media_common/netflix_genre/titles /m/06zsk51 +/m/0bxjpy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04p_hy +/m/02bgmr /people/person/profession /m/039v1 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773m2 +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/01wvxw1 +/m/0b9rdk /film/film/music /m/0bk1p +/m/0mzkr /music/record_label/artist /m/0232lm +/m/0fsd9t /film/film/executive_produced_by /m/06q8hf +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/05qbckf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0473m9 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0c0yh4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07fq1y +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/07xr3w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8nx +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0342h /music/instrument/instrumentalists /m/0326tc +/m/01yh3y /film/actor/film./film/performance/film /m/0cpllql +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/02pxmgz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/024l2y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cyd5 /education/educational_institution/school_type /m/01rs41 +/m/03xx3m /film/actor/film./film/performance/film /m/04v89z +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/013km /people/person/profession /m/0cbd2 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/01mqh5 +/m/02j9z /location/location/contains /m/04v3q +/m/0qf2t /film/film/featured_film_locations /m/02m77 +/m/010hn /people/person/profession /m/039v1 +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/05wm88 /people/person/profession /m/0dxtg +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/0g6ff /people/ethnicity/people /m/09py7 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vksx +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/01yk13 +/m/0347xz /film/actor/film./film/performance/film /m/014_x2 +/m/0946bb /film/film/language /m/04306rv +/m/08hhm6 /people/person/gender /m/05zppz +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/05tjm3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0157g9 /location/location/contains /m/06s0l +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/05l4yg /film/actor/film./film/performance/film /m/01q2nx +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/03lvwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/058kqy /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/032r1 /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/01t7n9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059rby +/m/09tqx3 /people/person/profession /m/02jknp +/m/012mrr /film/film/featured_film_locations /m/058cm +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/017v71 +/m/01j_5k /education/educational_institution/students_graduates./education/education/student /m/01k_n63 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/043kzcr +/m/0pj8m /people/person/profession /m/09jwl +/m/03mp8k /music/record_label/artist /m/01gg59 +/m/0347xl /film/actor/film./film/performance/film /m/0cfhfz +/m/01r93l /film/actor/film./film/performance/film /m/02r79_h +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/04cl1 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/018vs /music/instrument/instrumentalists /m/0fq117k +/m/05mc7y /people/person/profession /m/01d_h8 +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03pmzt /film/actor/film./film/performance/film /m/07k2mq +/m/0bh8x1y /film/film/genre /m/07s9rl0 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09b0xs +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0cc846d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/035qy /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0flw6 +/m/01z4y /media_common/netflix_genre/titles /m/0dqytn +/m/04psf /people/cause_of_death/people /m/015xp4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gd70t +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/01clyr /music/record_label/artist /m/0c9d9 +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/03v9yw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08pn_9 /music/record_label/artist /m/01wg3q +/m/06pj8 /film/director/film /m/025rvx0 +/m/02q7yfq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03mnk /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wzlxj /people/person/profession /m/016z4k +/m/077q8x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027y151 +/m/02phtzk /film/film/country /m/09c7w0 +/m/05148p4 /music/instrument/instrumentalists /m/01k47c +/m/01xdxy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dyb1 +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/0kr7k /people/person/profession /m/01c979 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/015qyf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025mb_ +/m/0v9qg /base/biblioness/bibs_location/country /m/09c7w0 +/m/0127gn /award/award_nominee/award_nominations./award/award_nomination/award /m/0257wh +/m/02ddqh /award/award_category/winners./award/award_honor/award_winner /m/01x15dc +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m41_ +/m/07z4p5 /people/person/place_of_birth /m/0sf9_ +/m/0m8vm /music/genre/parent_genre /m/02mscn +/m/0g7pm1 /film/film/country /m/09c7w0 +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/07cjqy /film/actor/film./film/performance/film /m/03nx8mj +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06by7 /music/genre/artists /m/01vng3b +/m/01j7rd /people/person/places_lived./people/place_lived/location /m/059rby +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c4f4 +/m/014d4v /education/educational_institution/campuses /m/014d4v +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcbg +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/087c7 /organization/organization/headquarters./location/mailing_address/citytown /m/01m1zk +/m/02kxbx3 /film/director/film /m/0b73_1d +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/023fb +/m/05ty4m /influence/influence_node/influenced_by /m/01pjr7 +/m/0dl5d /music/genre/artists /m/02ndj5 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01ww_vs /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0443v1 +/m/027qgy /film/film/featured_film_locations /m/01_d4 +/m/016z43 /film/film/genre /m/0219x_ +/m/0r679 /location/hud_county_place/place /m/0r679 +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/02qzjj +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/0n6kf /influence/influence_node/influenced_by /m/02kz_ +/m/052hl /people/person/profession /m/02hrh1q +/m/0l2mg /location/location/time_zones /m/02lcqs +/m/0cgbf /people/person/place_of_birth /m/0f2w0 +/m/027hm_ /people/person/profession /m/01c72t +/m/04wg38 /people/person/gender /m/05zppz +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/05fyss /award/award_winner/awards_won./award/award_honor/award_winner /m/05gp3x +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/05rgl /location/location/contains /m/03gh4 +/m/0cbkc /film/actor/film./film/performance/film /m/07qg8v +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/02j3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0992d9 /film/film/language /m/01wgr +/m/02j9z /location/location/contains /m/01mjq +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yl_ +/m/0204jh /organization/organization/headquarters./location/mailing_address/citytown /m/01531 +/m/03_2y /people/person/places_lived./people/place_lived/location /m/027l4q +/m/0c5qvw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0l14md /music/instrument/instrumentalists /m/03j0br4 +/m/03xf_m /film/film/story_by /m/052gzr +/m/01_gv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06mkj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wgh +/m/04lg6 /influence/influence_node/peers./influence/peer_relationship/peers /m/0c43g +/m/08wjf4 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0106dv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01p6xx /film/director/film /m/01sxdy +/m/015grj /film/actor/film./film/performance/film /m/0f4k49 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0bxtg /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/036jb +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/061dn_ +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w3v +/m/064_8sq /education/field_of_study/students_majoring./education/education/student /m/042xh +/m/04t2t /media_common/netflix_genre/titles /m/06x43v +/m/02b25y /people/person/nationality /m/03rjj +/m/0jqn5 /film/film/language /m/02h40lc +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/017c87 +/m/02rx2m5 /film/film/featured_film_locations /m/06bw5 +/m/0859_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gtvpkw +/m/0c6cwg /base/culturalevent/event/entity_involved /m/08_hns +/m/07s9rl0 /media_common/netflix_genre/titles /m/01cmp9 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kd57 +/m/01pctb /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/05fgr_ +/m/02ryyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/011_3s /people/person/place_of_birth /m/02dtg +/m/02rqwhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01lz4tf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/049k4w /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05njw +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/0yxl /influence/influence_node/influenced_by /m/08433 +/m/0d22f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxhc +/m/02g0rb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0436kgz +/m/0301dp /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01gz9n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/02__x /sports/sports_team/sport /m/018jz +/m/018vs /music/instrument/instrumentalists /m/0326tc +/m/0gt_0v /music/genre/artists /m/01vsy95 +/m/02_j7t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01zh3_ +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01_njt +/m/0blbxk /film/actor/film./film/performance/film /m/0c00zd0 +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0190xp /music/genre/artists /m/01wt4wc +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/03_wj_ /film/actor/film./film/performance/film /m/0404j37 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/026kmvf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/011v3 +/m/05v38p /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0lxg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f1zhf /people/person/profession /m/01d_h8 +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01_1pv +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0jt90f5 /influence/influence_node/influenced_by /m/02lt8 +/m/04mky3 /people/person/nationality /m/09c7w0 +/m/0151w_ /people/person/profession /m/01d_h8 +/m/02f8lw /film/actor/film./film/performance/film /m/08720 +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/04gd8j /education/educational_institution/colors /m/083jv +/m/059rby /location/location/contains /m/0yc84 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/015pxr /film/actor/film./film/performance/film /m/0888c3 +/m/018dyl /people/person/gender /m/05zppz +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0qpjt /location/location/time_zones /m/02hczc +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01t9qj_ +/m/026670 /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9ly +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03x7hd +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04jplwp +/m/0p7pw /film/film/genre /m/07s9rl0 +/m/03jht /influence/influence_node/influenced_by /m/015n8 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/032md /people/person/nationality /m/0h7x +/m/039bpc /people/person/languages /m/02h40lc +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mkz +/m/0dgpwnk /film/film/country /m/0f8l9c +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fsv +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/01kp66 /people/person/gender /m/02zsn +/m/0kzy0 /music/group_member/membership./music/group_membership/group /m/01fl3 +/m/0432cd /people/person/places_lived./people/place_lived/location /m/0167q3 +/m/01w724 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/02t_st /film/actor/film./film/performance/film /m/0g0x9c +/m/0gn30 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03xmy1 +/m/02vzc /location/country/official_language /m/01gp_d +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cp4cn +/m/0b85mm /film/film/genre /m/07s9rl0 +/m/0j47s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0lsw9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09c7w0 /location/location/contains /m/0xhmb +/m/05v38p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cdf37 +/m/0l6m5 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01n7q /location/location/contains /m/0r3tq +/m/026mmy /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/03v9w /location/location/contains /m/04llb +/m/05cx7x /film/actor/film./film/performance/film /m/0kvgxk +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/052gzr +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/083pr /people/deceased_person/place_of_burial /m/0lbp_ +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03shp +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/027kp3 /education/educational_institution/school_type /m/01jlsn +/m/01f2w0 /tv/tv_network/programs./tv/tv_network_duration/program /m/08cx5g +/m/01r3y2 /education/educational_institution/students_graduates./education/education/student /m/01s7ns +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/07s3vqk +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/05qw5 /influence/influence_node/influenced_by /m/0lrh +/m/03m6pk /film/actor/film./film/performance/film /m/06bc59 +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/01mb87 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099pks /tv/tv_program/genre /m/0c4xc +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047myg9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02grjf +/m/03fvqg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/049k07 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/02gvwz /film/actor/film./film/performance/film /m/07f_7h +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/077qn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01fxck /people/person/languages /m/02h40lc +/m/0py8j /base/culturalevent/event/entity_involved /m/02c4s +/m/052p7 /base/biblioness/bibs_location/state /m/0694j +/m/03mfqm /people/person/nationality /m/09c7w0 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0m3gy /film/film/genre /m/0219x_ +/m/0glyyw /people/person/profession /m/01d_h8 +/m/02wtp6 /film/film/country /m/0f8l9c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/07vf5c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycck +/m/07ssc /location/location/contains /m/01213c +/m/06rrzn /award/award_winner/awards_won./award/award_honor/award_winner /m/0f8pz +/m/0cq8qq /film/film/film_art_direction_by /m/0f7h2g +/m/0jk_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kzcv +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/03kpvp /people/person/gender /m/05zppz +/m/0m2dk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m25p +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0l98s /olympics/olympic_games/sports /m/0486tv +/m/035hm /location/administrative_division/country /m/07ssc +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/06sw9 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0l2tk /education/educational_institution/students_graduates./education/education/student /m/0fpzt5 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04zl8 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/014g_s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01lpx8 +/m/01438g /people/person/place_of_birth /m/0dclg +/m/034np8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cyjx +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/01mszz /film/film/country /m/09c7w0 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pdd86 +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0l76z +/m/04smkr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/05bt6j /music/genre/artists /m/07hgm +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/04fzk /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/02js6_ +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0693l /film/director/film /m/0f4_l +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/02mslq +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dt1cm +/m/02j9lm /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/02mt4k +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mcw4 +/m/06z5s /people/cause_of_death/people /m/03qcq +/m/03359d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w7gg /people/ethnicity/people /m/06t61y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0h3c3g +/m/09vc4s /people/ethnicity/people /m/018ygt +/m/0413cff /film/film/genre /m/02qfv5d +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03mfqm +/m/02_06s /film/film/executive_produced_by /m/04sry +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/079vf /award/award_winner/awards_won./award/award_honor/award_winner /m/079ws +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1c18 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/03ff65 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjf +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01mt1fy /film/actor/film./film/performance/film /m/04180vy +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/03x7hd /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/016t00 +/m/025j1t /film/actor/film./film/performance/film /m/08mg_b +/m/06nv27 /music/artist/origin /m/02jx1 +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/049dyj /people/person/gender /m/05zppz +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/0x67 /people/ethnicity/people /m/055c8 +/m/04j1n8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09bw4_ /film/film/produced_by /m/04pqqb +/m/0f1nl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01jfsb /media_common/netflix_genre/titles /m/07z6xs +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01lc5 +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kstn9 +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xj3rw +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfv9 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/01hr11 /education/educational_institution/school_type /m/0bwd5 +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbwx +/m/038bht /people/person/places_lived./people/place_lived/location /m/099ty +/m/07f_7h /film/film/production_companies /m/030_1m +/m/0ksy_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04jpl /location/location/contains /m/02mg7n +/m/02t901 /film/actor/film./film/performance/film /m/0353tm +/m/07f0tw /people/person/gender /m/02zsn +/m/064t9 /music/genre/artists /m/02rn_bj +/m/09prnq /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/02zkdz /education/educational_institution/students_graduates./education/education/student /m/014v1q +/m/03m_k0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02pqs8l +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xbq3 +/m/0hyxv /base/biblioness/bibs_location/country /m/07ssc +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/099p5 +/m/0fh694 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f2dn +/m/02ylg6 /film/film/genre /m/07s9rl0 +/m/02j9z /base/locations/continents/countries_within /m/04v3q +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/0d90m /film/film/genre /m/06n90 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kwhf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cp0790 +/m/0dr1c2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kymm +/m/0j0k /base/locations/continents/countries_within /m/09pmkv +/m/01jsn5 /education/university/fraternities_and_sororities /m/035tlh +/m/01c0cc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06fpsx +/m/0h96g /people/person/nationality /m/09c7w0 +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/03rwz3 /organization/organization/child./organization/organization_relationship/child /m/017s11 +/m/031x_3 /music/artist/contribution./music/recording_contribution/performance_role /m/018l5l +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/06w6_ /film/actor/film./film/performance/film /m/01738w +/m/06chvn /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ppg1r +/m/02nx2k /film/film/country /m/09c7w0 +/m/09c7w0 /location/location/contains /m/0d739 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060v34 +/m/0cf2h /people/person/places_lived./people/place_lived/location /m/04f_d +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04z542 +/m/03mszl /music/artist/origin /m/05jbn +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/01ppq /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0sw62 /film/actor/film./film/performance/film /m/050f0s +/m/02qnhk1 /people/person/profession /m/02hrh1q +/m/01dyk8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/0btpx +/m/041h0 /people/deceased_person/place_of_death /m/0161jj +/m/01vv6xv /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/025sc50 /music/genre/artists /m/044mfr +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/02m3sd /people/person/nationality /m/09c7w0 +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01pcq3 /people/person/nationality /m/0ctw_b +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/05vz3zq /location/country/capital /m/04swd +/m/02wr2r /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02qsjt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024dgj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fzk +/m/06rhz7 /film/film/genre /m/07s9rl0 +/m/0k3kg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3k1 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0fd3y /music/genre/artists /m/01w8n89 +/m/04t2t /media_common/netflix_genre/titles /m/01rxyb +/m/0hwbd /people/person/nationality /m/09c7w0 +/m/04b8pv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03ym1 /people/person/gender /m/05zppz +/m/01q99h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016hvl /people/person/nationality /m/03rjj +/m/05zlld0 /film/film/genre /m/02kdv5l +/m/015dcj /award/award_winner/awards_won./award/award_honor/award_winner /m/0hwqg +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/0nty_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/026n9h3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/0pswc /location/location/time_zones /m/02lcqs +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01wz01 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/02bq1j /education/educational_institution/school_type /m/05pcjw +/m/0cwy47 /film/film/country /m/07ssc +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/0243cq /film/film/genre /m/04t36 +/m/0736qr /people/person/nationality /m/09c7w0 +/m/01f39b /tv/tv_program/country_of_origin /m/09c7w0 +/m/06h7l7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bc71w +/m/0bfp0l /music/record_label/artist /m/01p9hgt +/m/0j95 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ts +/m/0f4_2k /film/film/language /m/01r2l +/m/02vmzp /people/person/sibling_s./people/sibling_relationship/sibling /m/01n8_g +/m/027s39y /film/film/genre /m/06cvj +/m/016zp5 /film/actor/film./film/performance/film /m/024l2y +/m/02fybl /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gs1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01qq_lp +/m/02tr7d /people/person/gender /m/02zsn +/m/0k7tq /film/film/genre /m/01jfsb +/m/0kjrx /people/person/spouse_s./people/marriage/spouse /m/015v3r +/m/01vz0g4 /people/deceased_person/place_of_death /m/030qb3t +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/02lvtb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0bwgc_ +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/034b6k +/m/059lwy /film/film/produced_by /m/081_zm +/m/03bnb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0cg9y /people/person/gender /m/05zppz +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fw3f +/m/07sbbz2 /music/genre/artists /m/028qdb +/m/0292l3 /people/person/place_of_birth /m/02p3my +/m/015pnb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kkx2 +/m/039bp /film/actor/film./film/performance/film /m/01jrbv +/m/01_x6v /people/person/place_of_birth /m/02cl1 +/m/0yl_3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/073749 /film/actor/film./film/performance/film /m/01k0xy +/m/0dls3 /music/genre/parent_genre /m/05r6t +/m/048vhl /film/film/language /m/0349s +/m/05ml_s /people/person/places_lived./people/place_lived/location /m/0r7fy +/m/02_33l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026fd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05rfst +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01h8rk +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wqmm8 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ffx4 +/m/0rk71 /base/biblioness/bibs_location/state /m/02xry +/m/047svrl /film/film/executive_produced_by /m/05txrz +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/04fcjt /music/record_label/artist /m/012vm6 +/m/09xx0m /people/deceased_person/place_of_death /m/030qb3t +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/01k8vh +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/06jntd /organization/organization/place_founded /m/0r04p +/m/07z1m /location/location/contains /m/0mp3l +/m/0f4zv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dl567 +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0hv27 /film/film/country /m/09c7w0 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0fsb8 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02p8454 +/m/03cdg /people/person/nationality /m/07ssc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03xp8d5 +/m/09sh8k /film/film/executive_produced_by /m/01r2c7 +/m/01bcq /people/person/place_of_birth /m/0dclg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03p7gb +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/077q8x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02y_2y +/m/015g28 /tv/tv_program/languages /m/064_8sq +/m/018nnz /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01v9l67 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/05vxdh /film/film/music /m/08c9b0 +/m/01qvgl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0210hf +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/08hp53 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0l14j_ /music/instrument/instrumentalists /m/0l12d +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/018j2 /music/instrument/instrumentalists /m/01lmj3q +/m/02xry /location/location/contains /m/0rmwd +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/093g7v +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035bcl +/m/029_3 /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/013fn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0_vw8 /location/hud_county_place/place /m/0_vw8 +/m/0lbj1 /film/actor/film./film/performance/film /m/0jdgr +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0177s6 /influence/influence_node/influenced_by /m/01lc5 +/m/058frd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/04t36 /media_common/netflix_genre/titles /m/016kz1 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0s0tr /base/biblioness/bibs_location/state /m/03s5t +/m/0683n /influence/influence_node/influenced_by /m/01v9724 +/m/02zcnq /education/educational_institution/students_graduates./education/education/student /m/08wq0g +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04zqmj +/m/017khj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02ph9tm /film/film/produced_by /m/0pz91 +/m/05hf_5 /education/educational_institution/school_type /m/05jxkf +/m/0677ng /people/person/spouse_s./people/marriage/spouse /m/0g824 +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/01wgcvn +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/03bzyn4 /film/film/genre /m/07s9rl0 +/m/02778yp /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/03y0pn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/0fjyzt /film/film/genre /m/07s9rl0 +/m/0227vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zqmj +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/03xhj6 +/m/01pcql /people/person/place_of_birth /m/01jxlz +/m/064t9 /music/genre/artists /m/0kj34 +/m/05hj_k /organization/organization_founder/organizations_founded /m/061dn_ +/m/01rc4p /people/person/religion /m/092bf5 +/m/011yfd /film/film/country /m/0154j +/m/04gb7 /film/film_subject/films /m/0296vv +/m/026s90 /organization/organization/child./organization/organization_relationship/child /m/02j_j0 +/m/0gh6j94 /film/film/country /m/0f8l9c +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/02knnd /people/person/place_of_birth /m/0qt85 +/m/07yvsn /film/film/genre /m/03g3w +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01t38b +/m/03d_w3h /people/person/places_lived./people/place_lived/location /m/059rby +/m/029b9k /people/person/profession /m/015cjr +/m/04g61 /location/location/contains /m/0fq8f +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/0170_p /film/film/executive_produced_by /m/059x0w +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sw5b +/m/01x73 /location/location/contains /m/0mb2b +/m/04jr87 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04q_g +/m/016jny /music/genre/artists /m/02w4fkq +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/05f7snc +/m/01jz6d /people/person/gender /m/05zppz +/m/033fqh /film/film/music /m/016szr +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0192hw /film/film/featured_film_locations /m/0cvw9 +/m/08l0x2 /film/film/music /m/09889g +/m/0cqr0q /film/film/genre /m/06nbt +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/0203v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gvsn /film/film/genre /m/04t36 +/m/0gs1_ /people/person/gender /m/05zppz +/m/07y9ts /time/event/instance_of_recurring_event /m/0gcf2r +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/02x8m /music/genre/artists /m/01f2q5 +/m/01ry0f /film/actor/film./film/performance/film /m/098s2w +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/02fsn /music/instrument/family /m/0d8lm +/m/03mh94 /film/film/music /m/06fxnf +/m/0fr7nt /people/person/nationality /m/03rk0 +/m/047n8xt /film/film/genre /m/017fp +/m/03qdm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015_1q /music/record_label/artist /m/0147dk +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02hfp_ +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04myfb7 +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/03y_46 /people/person/gender /m/05zppz +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04btgp +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/01mh8zn +/m/02g8h /film/actor/film./film/performance/film /m/01738w +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/012gx2 +/m/07bwr /film/film/production_companies /m/02j_j0 +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/03n93 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0h1m9 +/m/01cx_ /location/location/contains /m/023znp +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9zljd +/m/04mky3 /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/02b07b /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/01wzlxj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w272y +/m/0dqcs3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/04grdgy /time/event/instance_of_recurring_event /m/018cvf +/m/05cqhl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g69lg +/m/03_05 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/017149 +/m/01g5kv /base/eating/practicer_of_diet/diet /m/07_jd +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01hp5 +/m/051ls /location/location/time_zones /m/02llzg +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02b61v /film/film/production_companies /m/05qd_ +/m/01vhb0 /people/person/places_lived./people/place_lived/location /m/0z20d +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0kqb0 /location/location/contains /m/0gyvgw +/m/02rtqvb /film/film/story_by /m/081k8 +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/02ldmw /education/educational_institution/campuses /m/02ldmw +/m/01mylz /film/actor/film./film/performance/film /m/0gjk1d +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/01_8n9 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015q43 +/m/05148p4 /music/instrument/instrumentalists /m/012x4t +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0fvf9q /people/person/profession /m/01d_h8 +/m/0194xc /people/person/sibling_s./people/sibling_relationship/sibling /m/0d3k14 +/m/0p9gg /people/person/nationality /m/0f8l9c +/m/0gjcrrw /film/film/executive_produced_by /m/05hj_k +/m/01v_0b /influence/influence_node/influenced_by /m/081k8 +/m/0b_6zk /time/event/locations /m/0fpzwf +/m/0cb4j /location/us_county/county_seat /m/0jbrr +/m/02jx1 /location/location/contains /m/0gl6x +/m/01cwq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/022g44 /film/actor/film./film/performance/film /m/01qdmh +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/01j590z /people/person/profession /m/0dz3r +/m/0bvn25 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0462hhb /film/film/executive_produced_by /m/02z6l5f +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/01z4y /media_common/netflix_genre/titles /m/047rkcm +/m/04mkft /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02k856 /music/instrument/instrumentalists /m/01mwsnc +/m/0gfp09 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03cwqpm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/05218gr /award/award_winner/awards_won./award/award_honor/award_winner /m/0cb77r +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03vpf_ +/m/09q23x /film/film/genre /m/03mqtr +/m/0b_6v_ /time/event/locations /m/0pc7r +/m/01nr36 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0kvrb /people/person/gender /m/05zppz +/m/01dthg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pk8v +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/02pzc4 +/m/0mm1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/0263tn1 /people/person/place_of_birth /m/01rwf_ +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/014l4w +/m/0mn9x /location/location/time_zones /m/02hcv8 +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07l75 +/m/044k8 /influence/influence_node/peers./influence/peer_relationship/peers /m/01w9ph_ +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/066d03 /music/genre/parent_genre /m/0d4xmp +/m/0psss /film/actor/film./film/performance/film /m/0fpkhkz +/m/0k3hn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3l5 +/m/02js_6 /award/award_winner/awards_won./award/award_honor/award_winner /m/049gc +/m/031q3w /education/educational_institution/students_graduates./education/education/student /m/03x3qv +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/084m3 /film/actor/film./film/performance/film /m/0m5s5 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/01tnxc /film/actor/film./film/performance/film /m/080nwsb +/m/0df2zx /film/film/genre /m/09q17 +/m/01qckn /organization/organization/headquarters./location/mailing_address/citytown /m/06y57 +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/013cr /film/actor/film./film/performance/film /m/0yx1m +/m/01gn36 /people/person/nationality /m/09c7w0 +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/04r68 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/026p4q7 /film/film/country /m/09c7w0 +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/012gx2 /people/person/gender /m/05zppz +/m/02yy9r /film/film/language /m/064_8sq +/m/01ycbq /film/actor/film./film/performance/film /m/049mql +/m/0jcx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04cl1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/0133sq /people/person/profession /m/0dxtg +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01w1sx /film/film_subject/films /m/0dmn0x +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0d05fv /people/person/profession /m/015cjr +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/057bc6m +/m/05r_x5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f4_2k /film/film/language /m/05qqm +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bkq_8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/052nd +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bmh4 /film/actor/film./film/performance/film /m/0286gm1 +/m/02v60l /people/person/profession /m/03gjzk +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g23m +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dg51 +/m/02vyh /award/award_winner/awards_won./award/award_honor/award_winner /m/0m593 +/m/01y9pk /education/educational_institution_campus/educational_institution /m/01y9pk +/m/03k8th /film/film/featured_film_locations /m/02_286 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbn7c +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/047msdk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07ssc /location/location/contains /m/023sm8 +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/08nvyr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/026f__m /film/film/genre /m/09q17 +/m/01l_pn /film/film/genre /m/02kdv5l +/m/0gy0l_ /film/film/language /m/03_9r +/m/02784z /people/deceased_person/place_of_death /m/04jpl +/m/0g768 /music/record_label/artist /m/01t_xp_ +/m/0191h5 /people/person/nationality /m/09c7w0 +/m/02847m9 /film/film/film_festivals /m/0bx_f_t +/m/0gtvrv3 /film/film/music /m/01tc9r +/m/0bmfnjs /film/film/genre /m/02l7c8 +/m/02w5q6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/0h095 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy3w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01pj_5 /film/film/genre /m/05p553 +/m/01nxzv /award/award_winner/awards_won./award/award_honor/award_winner /m/039bp +/m/07mqps /people/ethnicity/people /m/0djtky +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/06yxd /location/location/contains /m/0mw2m +/m/022769 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f8lw +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0mb5x /people/person/religion /m/0kpl +/m/030znt /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/04tc1g /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hgkd +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/011xjd +/m/02y_lrp /film/film/country /m/0345h +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04xvlr /media_common/netflix_genre/titles /m/08c4yn +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/01jq0j /education/educational_institution_campus/educational_institution /m/01jq0j +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/048kw /location/location/contains /m/019rvp +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0253b6 /film/actor/film./film/performance/film /m/0hwpz +/m/04x4vj /film/film/produced_by /m/0fvf9q +/m/09c7w0 /location/country/second_level_divisions /m/0l_v1 +/m/016zp5 /film/actor/film./film/performance/film /m/0jwmp +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/06kl0k /people/person/languages /m/03k50 +/m/09y6pb /film/film/genre /m/0hn10 +/m/01gkp1 /film/film/genre /m/07s9rl0 +/m/01699 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016pns +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/02897w /education/educational_institution/campuses /m/02897w +/m/0277470 /people/person/profession /m/03gjzk +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/05r1_t /tv/tv_program/languages /m/02h40lc +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wqmm8 +/m/01xhh5 /people/ethnicity/people /m/02y9ln +/m/04fzfj /film/film/produced_by /m/08hp53 +/m/0fq117k /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05cc1 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/012jfb /film/film/country /m/0345h +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/016z7s /film/film/country /m/07ssc +/m/02qdgx /music/genre/artists /m/01k23t +/m/02sjgpq /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/019_6d /organization/organization/headquarters./location/mailing_address/citytown /m/05jbn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/020ddc +/m/02fttd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/018ctl /olympics/olympic_games/participating_countries /m/01nty +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mcwq3 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/03bmmc /organization/organization/headquarters./location/mailing_address/citytown /m/0cr3d +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01jc6q /film/film/music /m/01c7qd +/m/027kp3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/08952r /film/film/genre /m/0gf28 +/m/01lc5 /people/person/nationality /m/02jx1 +/m/01mvpv /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxf4 +/m/09r1j5 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02psgvg +/m/01pcj4 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/07tlg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01_k7f +/m/05fjf /location/location/contains /m/0xmp9 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/0n83s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/040dv /people/person/places_lived./people/place_lived/location /m/0bdg5 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/0172jm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/01qd_r /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/03ttn0 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/06zdt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0fq7dv_ +/m/04vvh9 /film/film/film_format /m/0cj16 +/m/02r1c18 /film/film/genre /m/05p553 +/m/08c6k9 /film/film/language /m/03_9r +/m/04258w /people/person/nationality /m/09c7w0 +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09p7fh /film/film/cinematography /m/0627sn +/m/02d42t /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/062zm5h +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03p2xc +/m/03dn9v /film/actor/film./film/performance/film /m/0k54q +/m/02825cv /film/film/language /m/02h40lc +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01bzw5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4dx2 /film/actor/film./film/performance/film /m/0gg5kmg +/m/03kmyy /education/educational_institution/school_type /m/05pcjw +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0358x_ +/m/0g824 /people/person/languages /m/02h40lc +/m/016clz /music/genre/artists /m/01vv126 +/m/0n5yv /base/aareas/schema/administrative_area/administrative_parent /m/059f4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/01xr2s /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/07qht4 /tv/tv_program/genre /m/07s9rl0 +/m/01fh9 /people/person/profession /m/0dxtg +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mt51 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/026fd /award/award_winner/awards_won./award/award_honor/award_winner /m/0fqyzz +/m/01ls2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/024_fw /award/award_category/winners./award/award_honor/award_winner /m/031x_3 +/m/074w86 /film/film/language /m/02h40lc +/m/02gr81 /organization/organization/headquarters./location/mailing_address/citytown /m/03l2n +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/02pjc1h +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/038723 /people/ethnicity/languages_spoken /m/0t_2 +/m/045j3w /film/film/genre /m/03npn +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/01dbhb +/m/08vd2q /film/film/genre /m/07s9rl0 +/m/02q_cc /people/person/employment_history./business/employment_tenure/company /m/0kx4m +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rcmg +/m/0lx2l /people/person/places_lived./people/place_lived/location /m/018dk_ +/m/01_0f7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01zpmq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lz4tf /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02pqs8l /tv/tv_program/country_of_origin /m/09c7w0 +/m/024qk1 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02qy3py +/m/017_qw /music/genre/artists /m/02jxmr +/m/05218gr /people/deceased_person/place_of_death /m/0r540 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lsl +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/02b1xy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09c7w0 /location/location/contains /m/0fpzwf +/m/02kxbx3 /film/director/film /m/011yhm +/m/0yzvw /film/film/written_by /m/03hy3g +/m/0r62v /location/hud_county_place/place /m/0r62v +/m/0j5fv /medicine/symptom/symptom_of /m/072hv +/m/05148p4 /music/instrument/instrumentalists /m/032t2z +/m/05jjl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv2t +/m/01v15f /sports/sports_team_location/teams /m/05glrg +/m/0bqdvt /people/person/place_of_birth /m/05fjf +/m/01gg59 /people/person/nationality /m/03rk0 +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/08qxx9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0336mc +/m/015196 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06by7 /music/genre/artists /m/01p9hgt +/m/05clg8 /music/record_label/artist /m/07r4c +/m/03ckxdg /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/02847m9 /film/film/genre /m/04t36 +/m/09c7w0 /location/country/second_level_divisions /m/0mpbx +/m/034f0d /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0dj0x /location/administrative_division/country /m/07ssc +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06d4h /film/film_subject/films /m/0ccck7 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/01j5sv /people/person/profession /m/02hrh1q +/m/0dbc1s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01ft14 +/m/0qdwr /people/person/profession /m/01d_h8 +/m/02d_zc /education/educational_institution/students_graduates./education/education/student /m/03lmzl +/m/0pyww /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/0285c /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0x67 /people/ethnicity/people /m/0cymln +/m/0j0pf /influence/influence_node/influenced_by /m/01dhmw +/m/02q87z6 /film/film/genre /m/01hmnh +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0cpjgj /people/person/gender /m/05zppz +/m/047vnkj /film/film/language /m/02bjrlw +/m/0cq8nx /film/film/genre /m/05swd +/m/02cft /location/location/contains /m/0blbx +/m/081yw /location/location/contains /m/0370vy +/m/0bbm7r /tv/tv_program/genre /m/03ch14 +/m/012xsy /music/genre/artists /m/01shhf +/m/01mtt /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02y_9cf +/m/03ly1b /business/business_operation/industry /m/019mlh +/m/0k6nt /location/location/contains /m/0lzp +/m/0175wg /people/person/places_lived./people/place_lived/location /m/01z645 +/m/04jpl /location/location/contains /m/034wx3 +/m/0513yzt /people/person/gender /m/02zsn +/m/06fhs /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04s84y /people/profession/specialization_of /m/012t_z +/m/070zc /location/location/contains /m/01bgkq +/m/09f5vv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z3cm0 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0bwgmzd /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/04jpl /location/location/contains /m/02g982 +/m/049c6t /music/record_label/artist /m/0lsw9 +/m/07ssc /location/location/contains /m/0g9k4 +/m/05kkh /location/location/contains /m/0myfz +/m/0x2hn /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0fb7c +/m/0mbx4 /people/profession/specialization_of /m/02hrh1q +/m/02jx1 /location/location/contains /m/0g9k4 +/m/07bz5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/0dlj8q2 +/m/03ly1b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c_xl /people/profession/specialization_of /m/04s2z +/m/0173kj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05frqx /organization/organization/headquarters./location/mailing_address/citytown /m/0h7h6 +/m/0d8c4 /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/07k2d /award/award_nominee/award_nominations./award/award_nomination/award /m/02pr67 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/022b_ +/m/027hnjh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/0gbfn9 /film/film/genre /m/06cvj +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/02b9g4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01dw4q +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/03_8kz +/m/010cw1 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0n5j_ +/m/021r6w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046f3p +/m/01nwwl /film/actor/film./film/performance/film /m/0421ng +/m/03cs_z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/016kkx +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/033hn8 /music/record_label/artist /m/01323p +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/017cy9 +/m/07nf6 /location/administrative_division/first_level_division_of /m/0345h +/m/02qjv1p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/0p_2r /people/person/profession /m/02hrh1q +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/09hrc /location/administrative_division/country /m/0345h +/m/04t6fk /film/film/music /m/0146pg +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02q636 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f485 /location/location/contains /m/0bvqq +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/03vtfp +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/03339m /music/genre/artists /m/01386_ +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/03p7gb /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/05q54f5 /film/film/genre /m/07s9rl0 +/m/0fw2f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03hh89 /film/actor/film./film/performance/film /m/05_5_22 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/02bj6k /film/actor/film./film/performance/film /m/06lpmt +/m/02k_px /location/administrative_division/country /m/0jgd +/m/0205dx /film/actor/film./film/performance/film /m/033g4d +/m/07c52 /media_common/netflix_genre/titles /m/02648p +/m/02k856 /music/instrument/instrumentalists /m/01vng3b +/m/08sfxj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02_n5d +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04rzd /music/instrument/instrumentalists /m/01t8399 +/m/0p0cw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030qb3t /sports/sports_team_location/teams /m/07k53y +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01s21dg +/m/0cqr0q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/082mw /people/person/nationality /m/0f8l9c +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z_g6 +/m/03f2_rc /people/person/profession /m/03gjzk +/m/0k60 /people/person/nationality /m/03rt9 +/m/088xp /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0bzty /location/location/contains /m/01lfvj +/m/084nh /influence/influence_node/influenced_by /m/0465_ +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/02rn_bj /people/person/profession /m/0dz3r +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/0tc7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03xmy1 +/m/01wwnh2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw8mh +/m/05zpghd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bzkgg /time/event/instance_of_recurring_event /m/0g_w +/m/05znbh7 /film/film/language /m/0653m +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/088xp /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0mm_4 /location/hud_county_place/county /m/0mm_4 +/m/016h4r /people/person/profession /m/016z4k +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmk5 +/m/03s5t /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/03phtz /film/film/country /m/09c7w0 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0dyb1 /film/film/production_companies /m/0kk9v +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0pk41 +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddj0x +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01fkv0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tj34 +/m/01cycq /film/film/music /m/02_33l +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/049468 +/m/029ghl /people/person/religion /m/0c8wxp +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/01xqw +/m/01xyqk /music/record_label/artist /m/09hnb +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r1c18 +/m/0kbws /olympics/olympic_games/participating_countries /m/0d05w3 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01z88t +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs_v8 +/m/026v437 /people/person/place_of_birth /m/02_286 +/m/04pqqb /organization/organization_founder/organizations_founded /m/04f525m +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02n1p5 /film/actor/film./film/performance/film /m/04jwjq +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/05cl2w /people/person/profession /m/01d30f +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/02rx2m5 /film/film/genre /m/07s9rl0 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/01vwbts /people/person/profession /m/016z4k +/m/07jwr /people/cause_of_death/people /m/03f0324 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/0d060g /location/location/time_zones /m/02hczc +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/0q9vf +/m/0969fd /award/award_winner/awards_won./award/award_honor/award_winner /m/01dhpj +/m/0170k0 /tv/tv_program/genre /m/01htzx +/m/0161c2 /people/person/places_lived./people/place_lived/location /m/018dhx +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/013sg6 +/m/01934k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09qh1 +/m/09wwlj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/05567m /film/film/language /m/02h40lc +/m/0ldqf /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/037bm2 /business/business_operation/industry /m/02vxn +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/01p1v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/016z2j /people/person/profession /m/016z4k +/m/01rh0w /film/actor/film./film/performance/film /m/02qzh2 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030g9z +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/09gb9xh /award/award_winner/awards_won./award/award_honor/award_winner /m/05vtbl +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01k3s2 +/m/02k6hp /medicine/disease/risk_factors /m/0k95h +/m/07fpm3 /people/person/profession /m/02hrh1q +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gd92 +/m/044f7 /people/person/place_of_birth /m/0ws0h +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_340 +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136p1 +/m/07ssc /location/location/contains /m/0ym17 +/m/0479b /people/person/profession /m/0np9r +/m/05s_c38 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0284h6 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/019n8z +/m/086k8 /music/record_label/artist /m/016l09 +/m/01vw20h /award/award_winner/awards_won./award/award_honor/award_winner /m/05mxw33 +/m/0f7h2g /people/person/profession /m/0dxtg +/m/0dclg /location/location/contains /m/017y26 +/m/03xnwz /music/genre/artists /m/02vnpv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/05zlld0 +/m/01cycq /film/film/genre /m/03npn +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0342h /music/instrument/instrumentalists /m/0qf11 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0bby9p5 /film/film/produced_by /m/0cm89v +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02114t +/m/05r5c /music/instrument/instrumentalists /m/018gkb +/m/0drsm /location/location/time_zones /m/02hcv8 +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/07l50vn /film/film/genre /m/02n4kr +/m/01386_ /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/0272kv /people/person/religion /m/0c8wxp +/m/01whg97 /people/person/profession /m/016z4k +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/039c26 /tv/tv_program/languages /m/02h40lc +/m/04954 /film/actor/film./film/performance/film /m/09sr0 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07jdr /film/film_subject/films /m/03wbqc4 +/m/03cd0x /film/film/genre /m/01hmnh +/m/03twd6 /film/film/language /m/064_8sq +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/07wrz /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/0q1lp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03g9xj +/m/04__f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/035tjy +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/049nq /location/location/contains /m/02kx3 +/m/01bk1y /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qwg /music/group_member/membership./music/group_membership/role /m/0342h +/m/0fb0v /music/record_label/artist /m/0b1zz +/m/0gj96ln /film/film/genre /m/05p553 +/m/03txms /people/person/gender /m/05zppz +/m/06s6hs /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/09f0bj /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/01p9hgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p_47 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0g5qs2k /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0pyww /film/actor/film./film/performance/film /m/03rtz1 +/m/06rzwx /film/film/language /m/0349s +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01kq5 +/m/03fnjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03f22dp /people/person/religion /m/03j6c +/m/0x67 /people/ethnicity/people /m/02mc79 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04czcb +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03nkts /people/person/nationality /m/09c7w0 +/m/02w9k1c /film/film/country /m/09c7w0 +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06r713 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cp4cn +/m/03f7jfh /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04mhxx +/m/02vzpb /film/film/music /m/0gv07g +/m/0sxdg /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/03hpr +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/position /m/02qvkj +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/024hbv +/m/02hct1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/01yb09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07c72 +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/01w20rx /people/person/place_of_birth /m/0mnzd +/m/0342h /music/instrument/instrumentalists /m/06gd4 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crc2cp +/m/05z7c /film/film/production_companies /m/05qd_ +/m/02w0dc0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09y20 /film/actor/film./film/performance/film /m/0pv54 +/m/03rwz3 /organization/organization/child./organization/organization_relationship/child /m/024rdh +/m/01t94_1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01rlzn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0784z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02k54 +/m/02r6nbc /award/award_category/disciplines_or_subjects /m/01jfsb +/m/02r34n /film/actor/film./film/performance/film /m/0jqn5 +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/012vct +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/0pmcz /education/educational_institution/colors /m/01l849 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0drnwh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0794g /people/person/gender /m/02zsn +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/09vc4s /people/ethnicity/people /m/0j1yf +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/055z7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/07xzm /music/instrument/instrumentalists /m/0bkg4 +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016dj8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01hmnh /media_common/netflix_genre/titles /m/0d90m +/m/02tn0_ /people/person/nationality /m/02jx1 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/position /m/03558l +/m/01ptt7 /education/university/fraternities_and_sororities /m/035tlh +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0fx02 /people/person/nationality /m/07ssc +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/01vvyc_ /people/person/places_lived./people/place_lived/location /m/04n3l +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0b_6lb /time/event/locations /m/0dclg +/m/01kv4mb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/0436zq /film/actor/film./film/performance/film /m/0jqb8 +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/02xs6_ /film/film/production_companies /m/0g1rw +/m/0x25q /film/film/genre /m/03k9fj +/m/04p3w /people/cause_of_death/people /m/0164y7 +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/027cyf7 +/m/02mt51 /film/film/genre /m/07s9rl0 +/m/0217m9 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/044crp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0lhn5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/0kbq /film/film_subject/films /m/08hmch +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/05mt_q /people/person/religion /m/03_gx +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01p7yb /film/actor/film./film/performance/film /m/0872p_c +/m/0gl3hr /film/film/genre /m/04t36 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b61v +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bkf72 +/m/0c43g /people/person/profession /m/0n1h +/m/015x74 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08cg36 /music/genre/artists /m/01wgjj5 +/m/04z4j2 /film/film/executive_produced_by /m/02q42j_ +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/07yg2 /music/artist/origin /m/02_286 +/m/0c3z0 /film/film/genre /m/07s9rl0 +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/01svw8n /people/person/places_lived./people/place_lived/location /m/0kpys +/m/0cc5mcj /film/film/genre /m/07s9rl0 +/m/016_nr /music/genre/artists /m/01wgxtl +/m/04q5zw /people/person/nationality /m/09c7w0 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046zh +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/06j6l /music/genre/artists /m/01k23t +/m/03ts0c /people/ethnicity/languages_spoken /m/064_8sq +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09fn1w +/m/035w2k /film/film/country /m/09c7w0 +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/017gxw +/m/0cxgc /location/location/contains /m/01314k +/m/0l14qv /music/instrument/instrumentalists /m/01mxnvc +/m/04__f /film/actor/film./film/performance/film /m/0bbgvp +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/0jfx1 /film/actor/film./film/performance/film /m/05v38p +/m/07fzq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dh73w +/m/05148p4 /music/instrument/instrumentalists /m/01nn6c +/m/02qwg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gtt5fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08f3b1 /people/person/profession /m/05ll37 +/m/0m8vm /music/genre/artists /m/0147jt +/m/01vvdm /people/person/profession /m/09jwl +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/0crfwmx /film/film/country /m/0f8l9c +/m/01vrlr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jrz5j +/m/09c7w0 /location/country/second_level_divisions /m/0nvd8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01mpwj +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/02yv6b /music/genre/artists /m/01pny5 +/m/0gv2r /people/person/profession /m/0dxtg +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0blt6 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03_d0 /music/genre/artists /m/02z4b_8 +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/09sh8k /film/film/genre /m/04pbhw +/m/02sgy /music/instrument/instrumentalists /m/01vvycq +/m/05txrz /people/person/profession /m/01d_h8 +/m/0p3_y /film/film/language /m/02h40lc +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01crd5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01xbgx +/m/036jb /people/person/profession /m/02hrh1q +/m/01z_g6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01g3gq +/m/01dw4q /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/014zcr +/m/02bwjv /people/person/nationality /m/09c7w0 +/m/0948xk /people/person/religion /m/0c8wxp +/m/016dp0 /people/person/place_of_birth /m/0126hc +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/09d5h +/m/02qhm3 /people/person/places_lived./people/place_lived/location /m/0s2z0 +/m/0140t7 /music/artist/origin /m/0n95v +/m/087vnr5 /film/film/genre /m/0lsxr +/m/01vrz41 /film/actor/film./film/performance/film /m/0bz6sq +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/06kl78 /film/film/genre /m/07s9rl0 +/m/01n7q /location/location/contains /m/05q2c +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01npcx /film/film/genre /m/0bkbm +/m/015qqg /film/film/language /m/064_8sq +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/089j8p +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/05xpms /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vjh +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2t3 +/m/02pbp9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03czz87 +/m/0ddcbd5 /film/film/genre /m/01jfsb +/m/0cwfgz /film/film/country /m/09c7w0 +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/0h5f5n +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08_438 /people/person/place_of_birth /m/01ykl0 +/m/05t54s /film/film/music /m/0b6yp2 +/m/0cn68 /people/ethnicity/people /m/021sv1 +/m/03zj9 /education/educational_institution/school_type /m/05pcjw +/m/017_qw /music/genre/artists /m/012pd4 +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03lgtv /people/profession/specialization_of /m/09jwl +/m/033srr /film/film/produced_by /m/01t6b4 +/m/073h9x /time/event/instance_of_recurring_event /m/0g_w +/m/04z_x4v /people/person/nationality /m/09c7w0 +/m/02v0ff /people/person/profession /m/0np9r +/m/016fjj /film/actor/film./film/performance/film /m/0n08r +/m/037n97 /music/genre/artists /m/01k_mc +/m/028pzq /people/person/profession /m/0d1pc +/m/06gb1w /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/05m7zg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nwxc /people/person/nationality /m/09c7w0 +/m/0m2dk /location/location/time_zones /m/02hczc +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05b4w +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03m3vr6 /people/cause_of_death/people /m/05x2t7 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03wj4r8 +/m/0745k7 /people/person/profession /m/0np9r +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b1y_2 +/m/09px1w /people/person/profession /m/025352 +/m/0173b0 /music/genre/artists /m/01j590z +/m/042q3 /people/person/places_lived./people/place_lived/location /m/02z0j +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmc26r +/m/04w391 /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/06d6y /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/01nm3s +/m/05ys0xf /time/event/locations /m/0156q +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/0fphf3v /film/film/production_companies /m/024rgt +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0425c5 +/m/028k2x /tv/tv_program/languages /m/02h40lc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfz +/m/02_fz3 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxz +/m/04n7njg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03phtz /film/film/production_companies /m/016tw3 +/m/0c5v2 /location/location/contains /m/03l78j +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/01679d +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q5hw +/m/03kwtb /music/artist/origin /m/01n7rc +/m/09lwrt /music/artist/origin /m/0_xdd +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01m3b1t /people/person/gender /m/05zppz +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/07c72 +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06q1r +/m/08vq2y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/0crd8q6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01h910 +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05hz6_ +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/02yl42 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/026b7bz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g83dv +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/0k1bs /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/05css_ /film/film/featured_film_locations /m/02_286 +/m/0jksm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05q7874 +/m/03c5bz /people/person/places_lived./people/place_lived/location /m/05fkf +/m/03v0t /location/location/contains /m/0nv6n +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/0163kf /people/person/religion /m/0g5llry +/m/032wdd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02g87m +/m/05c26ss /film/film/film_format /m/017fx5 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/026l37 /people/person/profession /m/03gjzk +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014zcr +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050t68 +/m/02hp6p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lk60 /film/film/production_companies /m/01gb54 +/m/059j2 /location/country/capital /m/0k3p +/m/0g72r /influence/influence_node/influenced_by /m/0c1fs +/m/0n839 /people/person/profession /m/03gjzk +/m/0cp08zg /film/film/language /m/02h40lc +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05f7snc +/m/019pwv /education/educational_institution/colors /m/04mkbj +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/044k8 +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02xbyr /film/film/production_companies /m/09b3v +/m/05sns6 /film/film/production_companies /m/04f525m +/m/07jqjx /film/film/featured_film_locations /m/04jpl +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/078mm1 /film/film/country /m/082fr +/m/0fphgb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03nx8mj +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/016ntp /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/02h30z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01svw8n /film/actor/film./film/performance/film /m/0b3n61 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/03n0pv +/m/0f13b /people/person/profession /m/0nbcg +/m/041xl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c3z0 +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/03xgm3 +/m/018vs /music/instrument/instrumentalists /m/01bczm +/m/06c0j /people/person/gender /m/05zppz +/m/0kf14 /base/biblioness/bibs_location/country /m/0d060g +/m/0bzjf /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/02l6h +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/06yxd /location/location/contains /m/012vwb +/m/0841zn /soccer/football_player/current_team./sports/sports_team_roster/team /m/01wx_y +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qhw +/m/0dclg /location/location/contains /m/04x8mj +/m/0283_zv /film/film/genre /m/01g6gs +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/01d494 /influence/influence_node/influenced_by /m/099bk +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnkr +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vt9p3 +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0f3m1 /film/film/film_art_direction_by /m/05b2f_k +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05tgks +/m/0pz04 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01fwk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/06fqlk /film/film/country /m/0345h +/m/04flrx /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/017ztv /education/educational_institution_campus/educational_institution /m/017ztv +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0gmgwnv /film/film/production_companies /m/030_1_ +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wyq0w +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/01wy61y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02cx90 /people/person/place_of_birth /m/0sbv7 +/m/027tbrc /tv/tv_program/country_of_origin /m/03rt9 +/m/03hpr /people/person/profession /m/02hrh1q +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pcj4 +/m/05fly /base/biblioness/bibs_location/country /m/0chghy +/m/0298n7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rxyb +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/0m32h /people/cause_of_death/people /m/0177s6 +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0qcrj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f04c +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/04btyz /media_common/netflix_genre/titles /m/07kh6f3 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wr3kg +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/0cc846d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/01jrs46 /award/award_winner/awards_won./award/award_honor/award_winner /m/029h45 +/m/01mtqf /people/cause_of_death/people /m/029m83 +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01hjy5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0yldt /education/educational_institution/students_graduates./education/education/student /m/06g4_ +/m/0bsb4j /people/person/places_lived./people/place_lived/location /m/05tbn +/m/02rgz4 /people/person/profession /m/01c8w0 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/03lty /music/genre/artists /m/01wmjkb +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03cmsqb +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/011kn2 +/m/0bmhn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0257yf /award/award_category/category_of /m/0c4ys +/m/0bq3x /film/film_subject/films /m/02xs6_ +/m/07z1m /location/location/contains /m/0mpdw +/m/03h0k1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0lpk3 /location/hud_county_place/county /m/0fc_9 +/m/0fn2g /location/administrative_division/country /m/07f1x +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02mx98 /people/person/nationality /m/09c7w0 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/05v38p /film/film/country /m/07ssc +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/03fb3t /base/biblioness/bibs_location/country /m/09c7w0 +/m/023vcd /film/film/country /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0fvly +/m/0mfc0 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/0285c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0484q +/m/020d8d /base/aareas/schema/administrative_area/administrative_parent /m/0134bf +/m/047qxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01400v +/m/07fpm3 /people/person/places_lived./people/place_lived/location /m/02m77 +/m/0c40vxk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0686zv /film/actor/film./film/performance/film /m/0fzm0g +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03mp54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/015gy7 /people/person/place_of_birth /m/0rt80 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/017_qw /music/genre/artists /m/01pbs9w +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/0b76kw1 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h1v19 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0nm42 /base/aareas/schema/administrative_area/administrative_parent /m/050ks +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/03cx282 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02p76f9 +/m/014ps4 /influence/influence_node/influenced_by /m/0ky1 +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/02nq10 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0b2qtl /film/film/language /m/02h40lc +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/04dsnp /film/film/genre /m/05p553 +/m/0cqh46 /award/award_category/winners./award/award_honor/award_winner /m/04954 +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/0443v1 /film/film/genre /m/06n90 +/m/0b_6pv /time/event/locations /m/071cn +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/014nq4 +/m/01kt17 /people/person/gender /m/05zppz +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/03mstc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/043qqt5 +/m/07_w1l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0n6kf /influence/influence_node/influenced_by /m/019z7q +/m/09tqx3 /people/person/nationality /m/03rk0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ghvb +/m/06zn2v2 /film/film/language /m/02h40lc +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01chpn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/012s1d /film/film/executive_produced_by /m/079vf +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0g10g +/m/06b19 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gdm1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jssp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03176f /film/film/executive_produced_by /m/01r2c7 +/m/01_xtx /film/actor/film./film/performance/film /m/03cmsqb +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04qk12 +/m/016dp0 /people/person/religion /m/0n2g +/m/011yqc /film/film/produced_by /m/0184jw +/m/09yxcz /film/film/language /m/02hxcvy +/m/08yx9q /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0f2s6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/07hgm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0n85g /music/record_label/artist /m/01vvybv +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/09jcj6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0dvld /people/person/languages /m/02h40lc +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/0ds1glg /film/film/genre /m/05p553 +/m/01n8qg /location/country/official_language /m/02h40lc +/m/0bwh6 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0r1yc +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/082wbh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0c2dl /people/person/profession /m/0dxtg +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0mws3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5gb +/m/02rp117 /music/genre/artists /m/01k_yf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/01w_sh /education/educational_institution/colors /m/09ggk +/m/02607j /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0170z3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01515w +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/034vds +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/02s529 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01k3s2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/036hv /education/field_of_study/students_majoring./education/education/student /m/06y7d +/m/02b1b5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0155w /music/genre/artists /m/03f3_p3 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/04p3w /people/cause_of_death/people /m/01tcf7 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/043tz0c /film/film/genre /m/01t_vv +/m/0f4yh /film/film/edited_by /m/0343h +/m/02c6pq /people/person/place_of_birth /m/01nf9x +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0kvjrw /people/person/profession /m/028kk_ +/m/0963mq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vvb4m /film/actor/film./film/performance/film /m/04ghz4m +/m/05qhnq /people/person/profession /m/039v1 +/m/04ltlj /film/film/country /m/03_3d +/m/02661h /film/actor/film./film/performance/film /m/0407yj_ +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h1x5f +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/012vwb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0dryh9k /people/ethnicity/people /m/03m2fg +/m/05njw /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/016dsy /people/person/nationality /m/02jx1 +/m/025st2z /award/award_winner/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/06lxn /music/artist/origin /m/02_286 +/m/0fn5bx /film/actor/film./film/performance/film /m/026hxwx +/m/086m1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02jt1k +/m/027ybp /education/educational_institution/colors /m/01l849 +/m/0c7ct /people/person/profession /m/0nbcg +/m/092vkg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mzf8 /film/film/country /m/09c7w0 +/m/016kjs /people/person/religion /m/01lp8 +/m/01my95 /people/person/profession /m/01445t +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0m7fm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxl +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fphf3v +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/013xrm /people/ethnicity/people /m/02ln1 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/011x_4 +/m/02yy_j /people/person/profession /m/01d_h8 +/m/04xbr4 /people/person/profession /m/02hrh1q +/m/07hwkr /people/ethnicity/people /m/01nr63 +/m/0lv1x /olympics/olympic_games/sports /m/0crlz +/m/09c7w0 /location/location/contains /m/0r111 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/044_7j /people/person/place_of_birth /m/06_kh +/m/0h1_w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl5c +/m/05qzv /influence/influence_node/influenced_by /m/03hnd +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08w6v_ +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01vksx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cv5l +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06fq2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m4yg /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/05q7874 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07swvb +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0404wqb +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/016xk5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02n9bh /film/film/genre /m/04dn71w +/m/01dhmw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06s7rd /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cj8x +/m/015g28 /film/film/genre /m/01f9r0 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/019y64 +/m/04mg6l /people/person/nationality /m/09c7w0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/09f0bj /film/actor/film./film/performance/film /m/02d413 +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/03gj2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/020yvh /education/educational_institution/students_graduates./education/education/student /m/02yy8 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cmc26r +/m/027xbpw /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0ds33 /film/film/genre /m/02kdv5l +/m/05148p4 /music/instrument/instrumentalists /m/01f9zw +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/0gfzgl +/m/0dx8gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03j7cf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03_dj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/052p7 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01g4zr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_d +/m/051cc /people/person/places_lived./people/place_lived/location /m/013yq +/m/0jgwf /people/person/gender /m/05zppz +/m/05dtsb /people/person/gender /m/05zppz +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01gbn6 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044mz_ +/m/034q3l /film/actor/film./film/performance/film /m/0b4lkx +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0191n /film/film/genre /m/02n4kr +/m/03w1v2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggjt +/m/04tr1 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/02bfxb +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/02w9s /location/country/official_language /m/0295r +/m/0chsq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wqr +/m/06sks6 /olympics/olympic_games/sports /m/0486tv +/m/0jwmp /film/film/production_companies /m/016tw3 +/m/0lwkz /base/aareas/schema/administrative_area/capital /m/0jq27 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvrws1 +/m/077qn /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06tw8 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0swff /olympics/olympic_games/sports /m/09_bl +/m/05kwx2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/08z129 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/0kvwh /location/administrative_division/country /m/0f8l9c +/m/06cp5 /music/genre/artists /m/01wlt3k +/m/061681 /film/film/featured_film_locations /m/04wgh +/m/01_rh4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xwqn +/m/0335fp /film/actor/film./film/performance/film /m/0y_hb +/m/027j79k /people/person/place_of_birth /m/05v8c +/m/0dwvl /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/05p9_ql /tv/tv_program/genre /m/07s9rl0 +/m/0404wqb /people/person/profession /m/0np9r +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/041n43 +/m/0c33pl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0qymv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017_hq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0mgkg /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01hvv0 /tv/tv_program/country_of_origin /m/0d060g +/m/02z7f3 /music/genre/parent_genre /m/04f73rc +/m/01sbhvd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hhtj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_ztw +/m/0bcp9b /film/film/language /m/05qqm +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02d_zc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/044mvs +/m/01dhpj /people/person/profession /m/01c8w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0fvt2 +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/012t1 +/m/0889x /people/person/profession /m/039v1 +/m/01z1r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0mmrd /location/location/time_zones /m/02lcqs +/m/06lht1 /film/actor/film./film/performance/film /m/05b6rdt +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01dvms /people/person/nationality /m/09c7w0 +/m/05kr_ /location/location/contains /m/0gf14 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01ww2fs /people/person/profession /m/09jwl +/m/01nrnm /education/educational_institution/campuses /m/01nrnm +/m/035gt8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04jpg2p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jfx1 +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/01k7d9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06chf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/037lyl +/m/02pqs8l /tv/tv_program/genre /m/03npn +/m/03kxj2 /film/film/production_companies /m/05qd_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04h5tx +/m/01f8gz /film/film/runtime./film/film_cut/film_release_region /m/03h64 +/m/03lygq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_286 /base/aareas/schema/administrative_area/administrative_parent /m/059rby +/m/0p9rz /film/film/genre /m/02l7c8 +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/035s95 /film/film/produced_by /m/01r2c7 +/m/0bj25 /film/film/language /m/064_8sq +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/02rhfsc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/02km0m /education/educational_institution/school_type /m/07tf8 +/m/0498yf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gvt8sz /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/04cf_l /film/film/production_companies /m/05qd_ +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/0b2qtl /film/film/executive_produced_by /m/03y3dk +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9wdmc +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/09c7w0 /location/location/contains /m/0dzt9 +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/082mw /people/person/places_lived./people/place_lived/location /m/05qtj +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/09f07 /location/location/contains /m/058z2d +/m/018js4 /film/film/film_format /m/07fb8_ +/m/03x31g /people/person/languages /m/03k50 +/m/0l2rj /location/location/contains /m/015zxh +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/02fx3c /people/person/gender /m/05zppz +/m/0k2sk /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/07jwr /people/cause_of_death/people /m/0c1fs +/m/05b4w /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0b2lw /location/location/time_zones /m/02fqwt +/m/05sq84 /people/person/gender /m/05zppz +/m/0ds1glg /film/film/written_by /m/01vb6z +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0k6nt +/m/01qqtr /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02fwfb /film/film/genre /m/04228s +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j24kf +/m/0151xv /film/actor/film./film/performance/film /m/0m9p3 +/m/02nq10 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/013bd1 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/05mrf_p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05vjt6 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0fv6dr /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_m +/m/0bl8l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fdv3 /film/film/language /m/02h40lc +/m/01tv3x2 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0cx6f /music/genre/artists /m/0f0y8 +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/01mxt_ /influence/influence_node/influenced_by /m/01s7qqw +/m/013719 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/01clyr /music/record_label/artist /m/01vvyfh +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/02r4qs +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0ggq0m /music/genre/artists /m/01w9mnm +/m/05148p4 /music/instrument/instrumentalists /m/06y9c2 +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01yqqv /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05mt_q /people/person/profession /m/01c72t +/m/06sks6 /olympics/olympic_games/participating_countries /m/0345h +/m/0697kh /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0828jw +/m/0196bp /organization/organization/headquarters./location/mailing_address/citytown /m/01n7rc +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0d4fqn +/m/059wk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0qc7l /base/biblioness/bibs_location/state /m/0gyh +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s6prs +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/018wrk /olympics/olympic_games/sports /m/0486tv +/m/015y3j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/013km /people/person/profession /m/0n1h +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02xv8m /people/person/nationality /m/09c7w0 +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bfp0l /music/record_label/artist /m/02j3d4 +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/02qhqz4 /film/film/story_by /m/01vl17 +/m/03x6w8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0l6px /people/person/profession /m/02hrh1q +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01jmv8 +/m/04kjrv /people/person/spouse_s./people/marriage/spouse /m/01g23m +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02n9k +/m/06w6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ngn +/m/019rg5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rznz +/m/0170vn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08nvyr /film/film/music /m/09swkk +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/025t8bv /music/record_label/artist /m/023l9y +/m/0bs09lb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01snvb +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/06mvyf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p2b_ /music/record_label/artist /m/016lj_ +/m/09n48 /time/event/locations /m/0f2r6 +/m/04swx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/0161rf /music/genre/artists /m/03jg5t +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/04jpl /location/location/contains /m/049kw +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0m66w /film/actor/film./film/performance/film /m/03bzyn4 +/m/0288zy /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/049fbh /sports/sports_team/colors /m/083jv +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_lsr +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/027s39y +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/0cqr0q /film/film/film_format /m/07fb8_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/02qlg7s +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06tw8 +/m/01f2f8 /people/person/gender /m/05zppz +/m/01t_wfl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2w +/m/0177sq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0l_dv /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/017n9 /film/film/featured_film_locations /m/030qb3t +/m/021r6w /people/person/nationality /m/0d060g +/m/06r1k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/084m3 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/026670 +/m/03fw60 /people/person/profession /m/02hrh1q +/m/0342h /music/instrument/instrumentalists /m/04d_mtq +/m/024qwq /people/person/places_lived./people/place_lived/location /m/019fh +/m/01q940 /music/record_label/artist /m/01vsksr +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/013vdl /people/person/gender /m/02zsn +/m/02gs6r /film/film/produced_by /m/0534v +/m/03qjg /music/instrument/instrumentalists /m/01p0vf +/m/08mg_b /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/01cbwl /music/genre/parent_genre /m/05r6t +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07c0j +/m/03x6w8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01fh36 /music/genre/artists /m/067mj +/m/02rv1w /education/educational_institution/colors /m/01g5v +/m/01vsnff /people/person/gender /m/05zppz +/m/05yjhm /people/person/profession /m/015cjr +/m/02cttt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/034tl /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rrsz /people/person/profession /m/02hrh1q +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/01q940 /music/record_label/artist /m/01l1sq +/m/01x0yrt /people/person/nationality /m/0d060g +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/06qd3 /location/country/form_of_government /m/06cx9 +/m/036jv /music/genre/artists /m/03sww +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/029ql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bs31sl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/09k2t1 /people/person/profession /m/0d1pc +/m/01k3qj /people/person/nationality /m/09c7w0 +/m/01cpqk /film/actor/film./film/performance/film /m/03wy8t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0qmd5 /film/film/language /m/02h40lc +/m/088xp /location/country/official_language /m/064_8sq +/m/01xllf /people/person/profession /m/01d_h8 +/m/039bp /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/02mhfy /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/01ycbq /people/person/profession /m/02hrh1q +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cv2m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043sct5 /film/film/genre /m/05p553 +/m/06m6z6 /people/person/profession /m/03gjzk +/m/058s57 /people/person/profession /m/0nbcg +/m/02xc1w4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s9rl0 /media_common/netflix_genre/titles /m/05q54f5 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tc5y +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/01f62 +/m/030qb3t /base/biblioness/bibs_location/country /m/09c7w0 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/03xp8d5 +/m/029d_ /education/educational_institution/colors /m/01g5v +/m/0f721s /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0778p +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02bb47 +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04p3c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bs09lb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/026dx /people/person/profession /m/02jknp +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f502 +/m/01trhmt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw_dv +/m/0jdx /location/country/official_language /m/012v8 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/0d8cr0 /people/person/nationality /m/03rk0 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yph +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0j4b +/m/05pbl56 /film/film/genre /m/0bkbm +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01c22t /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/03v3xp /film/actor/film./film/performance/film /m/03twd6 +/m/0k8z /business/business_operation/industry /m/01mfj +/m/01f7j9 /people/person/gender /m/05zppz +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0356dp /people/person/nationality /m/02jx1 +/m/06t8v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_06s +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b13y +/m/0fq7dv_ /film/film/genre /m/01jfsb +/m/07cyl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02l48d /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/09c7w0 /location/location/contains /m/0t_71 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/04__f +/m/036gdw /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/02b2np /sports/sports_team/sport /m/02vx4 +/m/01n9d9 /film/director/film /m/0n0bp +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/04ld94 +/m/01my4f /people/person/nationality /m/09c7w0 +/m/01t110 /people/person/profession /m/02hrh1q +/m/04cdxc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/0j5ym /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0193qj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ymvk +/m/0hknf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gm48 /people/person/profession /m/02jknp +/m/017l96 /music/record_label/artist /m/01tl50z +/m/03cbtlj /people/person/profession /m/0dxtg +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01wy5m +/m/016mhd /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bxxzb +/m/02xgdv /people/person/profession /m/01d_h8 +/m/012lzr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05dkbr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02tn0_ /people/person/sibling_s./people/sibling_relationship/sibling /m/06chf +/m/0yxl /people/person/profession /m/0n1h +/m/03mb9 /music/genre/artists /m/01dwrc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w5rq +/m/01hmb_ /people/person/spouse_s./people/marriage/spouse /m/03crmd +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0qmny +/m/0mvn6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09vzz /education/educational_institution/students_graduates./education/education/student /m/01r216 +/m/0p8jf /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0946bb /film/film/country /m/09c7w0 +/m/0jm8l /sports/sports_team/colors /m/083jv +/m/0jfx1 /film/actor/film./film/performance/film /m/0bbw2z6 +/m/03f22dp /people/person/gender /m/05zppz +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/09c7w0 /location/location/contains /m/081mh +/m/0d__g /people/person/place_of_birth /m/01sn3 +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/06z6r +/m/0dm5l /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01k0xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lccn +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04d5v9 +/m/07s2s /film/film_subject/films /m/0by1wkq +/m/02pfymy /organization/organization/child./organization/organization_relationship/child /m/01qszl +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026p4q7 +/m/0mkv3 /location/location/contains /m/0114m0 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0z90c +/m/02p5hf /film/actor/film./film/performance/film /m/0gyv0b4 +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/014x77 /people/person/gender /m/02zsn +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01ptt7 +/m/026bk /film/film_subject/films /m/011yxg +/m/09sr0 /film/film/language /m/02h40lc +/m/01gvts /film/film/language /m/02h40lc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0cchk3 +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/029r_2 /base/biblioness/bibs_location/country /m/07ssc +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/01k9gb /medicine/disease/risk_factors /m/0x67 +/m/0k0sv /language/human_language/countries_spoken_in /m/01pj7 +/m/0ckhc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pml7 /base/biblioness/bibs_location/state /m/0694j +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/056xx8 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0170s4 +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/03rhqg /music/record_label/artist /m/0gr69 +/m/032md /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/08jyyk /music/genre/artists /m/01ww_vs +/m/02x6dqb /film/film/featured_film_locations /m/02_286 +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02yplc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0l6px /film/actor/film./film/performance/film /m/031hcx +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046br4 +/m/01dvry /tv/tv_program/languages /m/02h40lc +/m/070j61 /people/person/gender /m/05zppz +/m/01zp33 /people/person/religion /m/03j6c +/m/039bpc /people/person/gender /m/05zppz +/m/0dp7wt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/04n7njg /people/person/profession /m/0dxtg +/m/018w8 /film/film_subject/films /m/0170z3 +/m/02661h /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0266s9 +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/049_zz /people/person/profession /m/0d8qb +/m/01k98nm /people/person/place_of_birth /m/0f2w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01wx_y +/m/0l380 /location/location/contains /m/0r80l +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0gzlb9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0c4b8 +/m/012_53 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06w6_ +/m/0vm39 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02dztn /film/actor/film./film/performance/film /m/03b1sb +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/05650n /film/film/genre /m/02l7c8 +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01k23t +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0b_5d /film/film/produced_by /m/0c921 +/m/01clyr /music/record_label/artist /m/0mjn2 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/047vnkj /film/film/language /m/05zjd +/m/01dc0c /film/film/genre /m/01jfsb +/m/0gj9tn5 /film/film/personal_appearances./film/personal_film_appearance/person /m/0197tq +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/02qwg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03s6l2 /film/film/written_by /m/02mt4k +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02sjf5 /people/person/profession /m/02hrh1q +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01hp5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pq5j7 /influence/influence_node/influenced_by /m/01vvyvk +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/02lbrd +/m/04l3_z /people/person/profession /m/03gjzk +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/065dc4 /film/film/music /m/0150t6 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02bf58 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0b2qtl /film/film/genre /m/02l7c8 +/m/03h64 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03k48_ +/m/06bw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01pcq3 /film/actor/film./film/performance/film /m/0260bz +/m/01f9y_ /music/genre/artists /m/02k5sc +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04sh80 +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/05bnq3j +/m/01r4zfk /people/person/profession /m/02hrh1q +/m/034q81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/016kft /people/person/profession /m/02krf9 +/m/01wyzyl /film/actor/film./film/performance/film /m/09cxm4 +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/09b3v /media_common/netflix_genre/titles /m/0jnwx +/m/0c5dd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/056wb /people/person/place_of_birth /m/01_d4 +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/045c66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/013mtx /location/hud_county_place/place /m/013mtx +/m/05l71 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/019lty /sports/sports_team/colors /m/019sc +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/03mck3c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01htxr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cqt90 +/m/01tz6vs /influence/influence_node/influenced_by /m/05qmj +/m/01flv_ /film/film/genre /m/0lsxr +/m/0204jh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p45_v /people/person/profession /m/0dxtg +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0htww +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027kmrb +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/06lpmt +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gkp1 +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/01wg982 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/05strv /people/person/profession /m/01d_h8 +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/017l96 /music/record_label/artist /m/016jll +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05xb7q +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/018z_c +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/04gxp2 +/m/06w6_ /people/person/languages /m/02h40lc +/m/01n7q /location/location/contains /m/0r6ff +/m/04x1_w /people/person/profession /m/0d1pc +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04t53l /music/record_label/artist /m/01vsxdm +/m/01crd5 /location/location/contains /m/0hn4h +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050gkf +/m/01v42g /film/actor/film./film/performance/film /m/0c34mt +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/015jr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/012ykt /film/actor/film./film/performance/film /m/0drnwh +/m/06q5t7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b25vg +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/07t21 /location/location/partially_contains /m/026zt +/m/01kv4mb /people/person/places_lived./people/place_lived/location /m/0z53k +/m/01nfys /film/actor/film./film/performance/film /m/02ryz24 +/m/06qw_ /tv/tv_program/genre /m/01htzx +/m/011k1h /music/record_label/artist /m/0178kd +/m/05z_p6 /people/person/place_of_birth /m/052p7 +/m/02k6hp /medicine/disease/risk_factors /m/0fltx +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/017_qw /music/genre/artists /m/0561xh +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/03rhqg /music/record_label/artist /m/0qf11 +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/02x3y41 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/01_mdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fvxz /base/biblioness/bibs_location/state /m/05fjf +/m/02sh8y /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01nhkxp /people/person/profession /m/0dz3r +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0b5ysl +/m/011ysn /film/film/genre /m/02m4t +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/04q01mn /film/film/executive_produced_by /m/0glyyw +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/06pj8 +/m/02zbjhq /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j46b +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/021gzd /film/film/genre /m/03g3w +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02b1d0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/05qzv +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/01k5y0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jt2w /organization/organization/headquarters./location/mailing_address/citytown /m/0dclg +/m/07r4c /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02hfk5 /film/film/country /m/0d060g +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02w5q6 +/m/043n1r5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07z1m /location/location/contains /m/02bpy_ +/m/0lbj1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/02jfc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04_tv +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/05f7s1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/048scx /film/film/genre /m/03g3w +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/015q02 /location/administrative_division/country /m/09pmkv +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/01fvhp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05kyr +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vrgnr +/m/03nb5v /people/person/nationality /m/09c7w0 +/m/01v1ln /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03xsby /organization/organization/place_founded /m/030qb3t +/m/05qm9f /film/film/language /m/02h40lc +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m3nzf +/m/0127m7 /film/director/film /m/0y_9q +/m/0gj8nq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07sqhm +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02tcgh /film/film/genre /m/01t_vv +/m/06cqb /music/genre/parent_genre /m/06rqw +/m/018d6l /people/person/profession /m/02hrh1q +/m/09c7w0 /location/location/contains /m/02hft3 +/m/0ymb6 /education/educational_institution/campuses /m/0ymb6 +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/07jxpf /film/film/costume_design_by /m/02w0dc0 +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rl84 /film/actor/film./film/performance/film /m/02q5bx2 +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/0ds2sb /people/person/profession /m/0kyk +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05kjc6 +/m/06mx8 /media_common/netflix_genre/titles /m/064n1pz +/m/01m13b /film/film/country /m/059j2 +/m/03mh_tp /film/film/genre /m/01t_vv +/m/07bx6 /film/film/genre /m/02kdv5l +/m/059rc /film/film/language /m/03_9r +/m/01ttg5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01y_rz +/m/07sqnh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k4y6 /base/culturalevent/event/entity_involved /m/0q307 +/m/04xvlr /media_common/netflix_genre/titles /m/03ntbmw +/m/02_2v2 /people/person/profession /m/02hrh1q +/m/0170z3 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_swj +/m/0d29z /people/ethnicity/geographic_distribution /m/01xbgx +/m/03m5y9p /film/film/country /m/03h64 +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/025ldg +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0jrny +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/016ks5 /film/film/genre /m/07s9rl0 +/m/03lmx1 /people/ethnicity/languages_spoken /m/0h407 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/081yw +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0dlwj /base/aareas/schema/administrative_area/administrative_parent /m/01xbgx +/m/0n5d1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5by +/m/018sg9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h2c /sports/sports_team_location/teams /m/03z8bw +/m/032wdd /people/person/nationality /m/09c7w0 +/m/01slcv /sports/sports_team/sport /m/02vx4 +/m/046lt /film/actor/film./film/performance/film /m/01bn3l +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/078sj4 +/m/0bwhdbl /film/film/genre /m/02n4kr +/m/07cn2c /award/award_winner/awards_won./award/award_honor/award_winner /m/07csf4 +/m/0260bz /film/film/production_companies /m/03jvmp +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/032zg9 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02tcgh /film/film/language /m/02hxcvy +/m/049bmk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/0hnkp /people/person/profession /m/02jknp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04ngn +/m/0gz5hs /people/person/profession /m/02krf9 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0190zg /music/genre/artists /m/01vw8mh +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/0ctw_b /location/location/contains /m/01nh5h +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0mkg /music/instrument/instrumentalists /m/0c9d9 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0693l +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06_vpyq +/m/0gdhhy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294mx +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/01wrcxr /film/actor/film./film/performance/film /m/027fwmt +/m/059j2 /location/location/contains /m/029t1 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146mv +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/01d1st /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04xrx +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/012201 +/m/025jbj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01qvgl /people/person/profession /m/0gbbt +/m/03fn5s /sports/sports_team/colors /m/088fh +/m/09c7w0 /location/location/contains /m/04ly1 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/02633g /people/person/profession /m/01d_h8 +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/0xxc /organization/organization/headquarters./location/mailing_address/state_province_region /m/059t8 +/m/04tnqn /film/actor/film./film/performance/film /m/03bx2lk +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/01lsl /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0jpn8 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/0dkv90 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03f0r5w /people/person/nationality /m/09c7w0 +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05szp +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj36c +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/03f7jfh /people/person/profession /m/09jwl +/m/04y9mm8 /film/film/country /m/09c7w0 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/02q7fl9 /film/film/genre /m/0cshrf +/m/01w923 /people/person/nationality /m/02jx1 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0xhtw /music/genre/artists /m/0qf11 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/03hkch7 /film/film/production_companies /m/024rbz +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/054fvj /people/person/places_lived./people/place_lived/location /m/0498y +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/06t8b +/m/037cr1 /film/film/production_companies /m/016tw3 +/m/0ptx_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02725hs +/m/07ftc0 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/03_lf /people/person/religion /m/0kpl +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0619_ /base/aareas/schema/administrative_area/administrative_parent /m/03lrc +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0f87jy /people/person/gender /m/05zppz +/m/06__m6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/07lt7b +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/02f93t +/m/03_wpf /people/person/gender /m/02zsn +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0prhz +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/0plw +/m/0320jz /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02j8nx /people/person/profession /m/0cbd2 +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04255q +/m/018p4y /film/actor/film./film/performance/film /m/08rr3p +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/01hb6v /influence/influence_node/influenced_by /m/01bpn +/m/032_wv /film/film/language /m/02h40lc +/m/015pkt /olympics/olympic_games/participating_countries /m/07ssc +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/02x3lt7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/020vx9 /education/educational_institution/students_graduates./education/education/student /m/0zm1 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/01d6g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/057_yx /film/actor/film./film/performance/film /m/0gbtbm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/04qzm +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/077qn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03gj2 +/m/04g61 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rjz5 +/m/0gd92 /film/film/written_by /m/0gd9k +/m/0gs973 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06crng /influence/influence_node/influenced_by /m/01w524f +/m/02k6rq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04n2vgk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04z_3pm /film/film/genre /m/0vgkd +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/06jw0s /people/person/employment_history./business/employment_tenure/company /m/0152x_ +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/02wwmhc /film/film/costume_design_by /m/03mfqm +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/017f3m /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/02zl4d /film/actor/film./film/performance/film /m/05p09dd +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/05148p4 /music/instrument/instrumentalists /m/01vxqyl +/m/0163kf /music/artist/origin /m/013yq +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/03m6_z /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0gy0l_ /film/film/prequel /m/08fn5b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_hb +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0b_7k /people/person/place_of_birth /m/01mgsn +/m/0gdhhy /people/person/profession /m/02hrh1q +/m/02k54 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m3nzf /award/award_winner/awards_won./award/award_honor/award_winner /m/03j367r +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/06d4h /film/film_subject/films /m/0yyts +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/02vxq9m /film/film/genre /m/03k9fj +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/0fvwg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0dn8b +/m/011j5x /music/genre/artists /m/07hgm +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0m491 /film/film/language /m/02h40lc +/m/0bzrsh /time/event/locations /m/0nbwf +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ds3t5x /film/film/country /m/09c7w0 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/071x0k /people/ethnicity/geographic_distribution /m/0j1z8 +/m/06b3g4 /film/actor/film./film/performance/film /m/033f8n +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/04nlb94 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/044zvm /film/actor/film./film/performance/film /m/0c00zd0 +/m/016kkx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/02lt8 /people/person/place_of_birth /m/01cx_ +/m/01kd57 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrncs +/m/01jfsb /media_common/netflix_genre/titles /m/07cyl +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/0j0pf /influence/influence_node/influenced_by /m/0gd_s +/m/065d1h /film/actor/film./film/performance/film /m/031ldd +/m/01jfsb /media_common/netflix_genre/titles /m/0jymd +/m/0b_6qj /time/event/locations /m/0fpzwf +/m/05ggt_ /people/person/gender /m/02zsn +/m/0c41n /people/ethnicity/geographic_distribution /m/059s8 +/m/01bcq /film/actor/film./film/performance/film /m/065_cjc +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04t9c0 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/01g42 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/037s9x /education/educational_institution/colors /m/019sc +/m/0r5lz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/01tzm9 /people/person/profession /m/0dxtg +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07qy0b +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gjk1d +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/0jn5l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ylsr /education/educational_institution/colors /m/01g5v +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/0134wr +/m/02d478 /film/film/genre /m/0lsxr +/m/019pkm /people/person/gender /m/05zppz +/m/01rv7x /people/ethnicity/people /m/05vzql +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01w0v /location/location/contains /m/01k8q5 +/m/041rx /people/ethnicity/people /m/0863x_ +/m/08624h /people/person/gender /m/05zppz +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/048scx /film/film/language /m/02h40lc +/m/0fxkr /location/us_county/county_seat /m/0rn0z +/m/01xyqk /music/record_label/artist /m/01wgcvn +/m/0lcx /influence/influence_node/influenced_by /m/02wh0 +/m/02znwv /people/person/profession /m/02jknp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hr11 +/m/03tps5 /film/film/music /m/016szr +/m/0b05xm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/02784z /people/person/places_lived./people/place_lived/location /m/05ywg +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvmd +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/08bqy9 +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0drdv +/m/03l7qs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/06dfg /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/06pq6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02k_kn /music/genre/artists /m/0b_j2 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/0342h /music/instrument/instrumentalists /m/013rds +/m/01rzxl /people/person/profession /m/02hrh1q +/m/0b_dy /film/actor/film./film/performance/film /m/050xxm +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/05w88j /people/person/gender /m/05zppz +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/0kn4c +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/01jrbb /film/film/genre /m/05p553 +/m/02mt51 /film/film/story_by /m/02mt4k +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/096gm /location/administrative_division/country /m/06c1y +/m/0x67 /people/ethnicity/people /m/0f5xn +/m/032xky /film/film/genre /m/07s9rl0 +/m/016gr2 /film/actor/film./film/performance/film /m/09gdh6k +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/01xcgf /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/0kxf1 /film/film/produced_by /m/0207wx +/m/01lwx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06k02 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0449sw +/m/01_gv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01m1y /music/genre/parent_genre /m/0827d +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/0347xl /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0154gx /base/biblioness/bibs_location/state /m/05kr_ +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07nt8p /film/film/genre /m/01jfsb +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/03c_pqj /people/person/profession /m/02jknp +/m/0l12d /people/person/profession /m/02jknp +/m/016sp_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/064t9 /music/genre/artists /m/01pq5j7 +/m/0kb57 /film/film/language /m/0t_2 +/m/01r93l /film/actor/film./film/performance/film /m/04n52p6 +/m/09jw2 /music/genre/artists /m/03xhj6 +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fly +/m/05mcjs /people/person/profession /m/01d_h8 +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0mb8c /film/film/language /m/012w70 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03y_f8 +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/09lcsj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064_8sq /language/human_language/countries_spoken_in /m/07z5n +/m/0278x6s /people/person/nationality /m/09c7w0 +/m/0ylvj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/05808s +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/07y9w5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dx8gj /film/film/language /m/03k50 +/m/0xv2x /music/genre/artists /m/01j59b0 +/m/0yldt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0n5xb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm3n +/m/01h2_6 /people/person/place_of_birth /m/0156q +/m/0143hl /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/087qxp /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/011yxy /film/film/genre /m/03q4nz +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/01rnpy +/m/02h8p8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/02ndy4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/0g_zyp /film/film/genre /m/07s9rl0 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01yk13 /film/actor/film./film/performance/film /m/0sxfd +/m/0250f /people/person/place_of_birth /m/010v8k +/m/015srx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0symg +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wk_43 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/03gyh_z +/m/0c_mvb /people/person/profession /m/03gjzk +/m/041rx /people/ethnicity/people /m/02h761 +/m/070zc /location/location/contains /m/01y06y +/m/01shy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r93l +/m/06mr6 /film/actor/film./film/performance/film /m/0f4m2z +/m/06by7 /music/genre/artists /m/01m7pwq +/m/03c5f7l /people/person/profession /m/0dxtg +/m/05fkf /location/location/contains /m/0269kx +/m/016z5x /film/film/country /m/03rjj +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07gyp7 +/m/01dbhb /people/person/nationality /m/09c7w0 +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0184jc /people/person/profession /m/02hrh1q +/m/0280061 /film/film/genre /m/07s9rl0 +/m/02c7lt /people/person/place_of_birth /m/0n920 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/015w8_ +/m/01dtcb /music/record_label/artist /m/0frsw +/m/0879bpq /film/film/country /m/07ssc +/m/0fxyd /location/location/contains /m/0kdqw +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbv4g +/m/0grwj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/0l14qv /music/instrument/family /m/02qjv +/m/0g768 /organization/organization/child./organization/organization_relationship/child /m/01fb6d +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059fjj +/m/02lf1j /film/actor/film./film/performance/film /m/085wqm +/m/01wdj_ /education/educational_institution/school_type /m/01_9fk +/m/0drnwh /film/film/produced_by /m/06pj8 +/m/03w4sh /film/actor/film./film/performance/film /m/08fn5b +/m/03nkts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01gbcf /music/genre/parent_genre /m/03ckfl9 +/m/0170qf /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/03y9ccy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/03qrh9 /sports/sports_team/colors /m/06fvc +/m/01s21dg /people/person/profession /m/018gz8 +/m/033kqb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/02qkt /location/location/contains /m/06sff +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0kn +/m/0qdyf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrt_c +/m/03_d0 /music/genre/artists /m/01pq5j7 +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05znbh7 /film/film/country /m/03h64 +/m/026r8q /people/person/profession /m/02jknp +/m/03lyp4 /tv/tv_program/country_of_origin /m/03_3d +/m/01y9st /education/educational_institution/colors /m/03vtbc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xdxy +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/032zq6 /film/film/written_by /m/06s1qy +/m/02v570 /film/film/genre /m/07s9rl0 +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/014kyy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mvjl0 +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/01xwqn /influence/influence_node/influenced_by /m/014z8v +/m/0884hk /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/0dscrwf /film/film/produced_by /m/03h304l +/m/01lwx /people/person/religion /m/0kq2 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/06jnvs +/m/02t3ln /music/artist/origin /m/01cx_ +/m/03k9fj /media_common/netflix_genre/titles /m/03y0pn +/m/03ytp3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/056rgc /people/person/nationality /m/09c7w0 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0qm8b /film/film/film_format /m/07fb8_ +/m/0p7pw /film/film/music /m/01ky2h +/m/01rtm4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0gs5q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vyw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bpy_ +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w58 +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0c3xw46 /film/film/genre /m/06cvj +/m/01vs_v8 /people/person/spouse_s./people/marriage/spouse /m/0mm1q +/m/0kvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kpys +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n6cs +/m/0b22w /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/025sc50 /music/genre/artists /m/0dt1cm +/m/013zyw /film/director/film /m/0bwhdbl +/m/02q1hz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03wjm2 /film/film/genre /m/05p553 +/m/01386_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0409n0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01438g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01g888 /music/genre/artists /m/0frsw +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/0b76t12 /film/film/featured_film_locations /m/02_286 +/m/0286hyp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0286gm1 +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award /m/02n9nmz +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/014488 /people/person/profession /m/02hrh1q +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05crg7 +/m/0181dw /music/record_label/artist /m/0g824 +/m/01vs_v8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0yxl /influence/influence_node/influenced_by /m/03f70xs +/m/01zh29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tcgh +/m/011yth /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047q2k1 /film/film/featured_film_locations /m/09c17 +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/07c52 /media_common/netflix_genre/titles /m/06y_n +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/01y665 /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/0g28b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/033x5p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0420td +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_5k +/m/036jp8 /people/person/profession /m/02hrh1q +/m/0sxkh /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/06b_j /language/human_language/countries_spoken_in /m/0d060g +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0mdqp +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/03d_w3h +/m/0rh6k /location/location/time_zones /m/02hcv8 +/m/018y2s /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04h07s /people/person/languages /m/02h40lc +/m/0bfp0l /music/record_label/artist /m/02f1c +/m/07r_p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/09y6pb /film/film/language /m/064_8sq +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/019fz /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lbfv +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/02cqbx +/m/0863x_ /film/actor/film./film/performance/film /m/01shy7 +/m/0pspl /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01s7ns /people/person/profession /m/09jwl +/m/02_sr1 /film/film/language /m/0459q4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/0gywn /music/genre/artists /m/09h4b5 +/m/0906w9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06dfz1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/012q4n +/m/01kkx2 /people/deceased_person/place_of_death /m/0r04p +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/02pby8 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0392kz /people/person/gender /m/02zsn +/m/02xtxw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/021996 /education/educational_institution/school_type /m/05jxkf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0167_s +/m/07glc4 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06l9n8 /people/person/profession /m/0dxtg +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/025scjj /film/film/genre /m/04xvh5 +/m/04w8f /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/015mlw /music/record_label/artist /m/0fq117k +/m/05sy2k_ /tv/tv_program/program_creator /m/03p01x +/m/05vzql /people/person/languages /m/07c9s +/m/01w40h /music/record_label/artist /m/0178kd +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03prz_ +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01t6b4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01pj7 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02mxw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b190 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzlbx +/m/02qkt /location/location/contains /m/06bnz +/m/04qhdf /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/037h1k /music/record_label/artist /m/01w524f +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/033x5p /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z56h /base/biblioness/bibs_location/state /m/03lrc +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047tsx3 +/m/0c35b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/0grwj /film/actor/film./film/performance/film /m/08l0x2 +/m/01shhf /music/artist/origin /m/0dqyw +/m/01whvs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02qydsh /film/film/genre /m/01hmnh +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/07wlf /organization/organization/headquarters./location/mailing_address/state_province_region /m/07srw +/m/0c0k1 /people/person/profession /m/02hrh1q +/m/02q_4ph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cq7tx +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0z2gq /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0myn8 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/034g2b +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrfzf +/m/0sx8l /olympics/olympic_games/sports /m/01dys +/m/034xyf /film/film/genre /m/0gf28 +/m/04p_hy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gjc4d3 /film/film/music /m/0150t6 +/m/015t7v /people/person/gender /m/05zppz +/m/01fwk3 /people/person/profession /m/01445t +/m/018_lb /people/person/profession /m/0np9r +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0c58k /medicine/disease/risk_factors /m/0fk1z +/m/07r1h /award/award_winner/awards_won./award/award_honor/award_winner /m/01kb2j +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/025txtg /sports/sports_team/colors /m/083jv +/m/025sc50 /music/genre/artists /m/043zg +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/0cbgl +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvsn +/m/08wjf4 /film/actor/film./film/performance/film /m/09w6br +/m/01gkmx /film/actor/film./film/performance/film /m/03b1sb +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02jxrw /film/film/language /m/064_8sq +/m/0j_c /people/person/profession /m/02krf9 +/m/0k_kr /music/record_label/artist /m/024dgj +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01w0yrc +/m/0bxtg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/044zvm +/m/0cc56 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zc7f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019rg5 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0167v4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lbbj /olympics/olympic_games/sports /m/018w8 +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/0h1m9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/0n5dt /location/location/contains /m/0ljsz +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0c01c /people/person/religion /m/03_gx +/m/0130xz /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wh1 +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0l5yl +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/01x209s /award/award_winner/awards_won./award/award_honor/award_winner /m/0c408_ +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/06g2d1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03d2k /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/0249kn +/m/011yhm /film/film/written_by /m/02kxbx3 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0fht9f /sports/sports_team/colors /m/09ggk +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04ltlj +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06z8s_ +/m/02jx1 /location/country/second_level_divisions /m/0nccd +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/06xj93 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vsl3_ /people/person/profession /m/02jknp +/m/01hlwv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/073bb /influence/influence_node/influenced_by /m/082_p +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/07ylj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0134bf /location/location/contains /m/013t2y +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/01tc9r /award/award_winner/awards_won./award/award_honor/award_winner /m/01k23t +/m/0bvzp /people/deceased_person/place_of_death /m/02_286 +/m/04lhft /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hcj2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/0d6d2 /film/actor/film./film/performance/film /m/01y9r2 +/m/02qw_v /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/06rzwx /film/film/produced_by /m/081_zm +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/092ggq +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/03cfkrw /film/film/genre /m/02l7c8 +/m/03x16f /people/person/gender /m/02zsn +/m/01yhvv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvydl +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/048n7 /base/culturalevent/event/entity_involved /m/04xzm +/m/01tfck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/082_p +/m/012vct /people/person/profession /m/0dxtg +/m/03c3yf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/0bs8d /film/director/film /m/0bmhn +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0f502 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0840vq +/m/0b7l1f /people/person/place_of_birth /m/0n90z +/m/0gztl /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/0gxmj /base/aareas/schema/administrative_area/administrative_parent /m/01c6yz +/m/01b0k1 /people/person/gender /m/02zsn +/m/04p_hy /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07y2s +/m/0m4yg /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0y_yw /film/film/language /m/02bjrlw +/m/016ywr /people/person/profession /m/02hrh1q +/m/09969 /people/cause_of_death/people /m/01938t +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/02k6rq +/m/0htlr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06crk /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/01337_ +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l4pj +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04smdd +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/02qsjt /award/award_nominee/award_nominations./award/award_nomination/award /m/0248jb +/m/03ylxn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0167bx /medicine/disease/risk_factors /m/035482 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_sr1 +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0693l +/m/0cpllql /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026gb3v /people/person/profession /m/03gjzk +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/029m83 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/02y0js /people/cause_of_death/people /m/02t0n9 +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0lbfv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0jml5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0hz_1 /film/actor/film./film/performance/film /m/01f7kl +/m/0gywn /music/genre/artists /m/0gbwp +/m/0c57yj /film/film/country /m/09c7w0 +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/02vp1f_ /film/film/country /m/0d060g +/m/01qq_lp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0fx02 /people/person/profession /m/0cbd2 +/m/01qqv5 /organization/organization/headquarters./location/mailing_address/citytown /m/0xn7b +/m/0342h /music/instrument/instrumentalists /m/01vv6_6 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/0315q3 /film/actor/film./film/performance/film /m/0315rp +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/05_k56 /people/person/profession /m/0np9r +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0yh4 +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01sdzg +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/06by7 /music/genre/artists /m/012vd6 +/m/0266s9 /tv/tv_program/languages /m/02h40lc +/m/02jyhv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0315q3 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/09yrh +/m/04gvt5 /people/person/place_of_birth /m/02_286 +/m/040z9 /film/actor/film./film/performance/film /m/057__d +/m/017gxw /film/actor/film./film/performance/film /m/034hzj +/m/0239zv /people/person/profession /m/01d_h8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0chsq +/m/09d3b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/03k545 /film/actor/film./film/performance/film /m/02kfzz +/m/014zcr /people/person/religion /m/0c8wxp +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lgsq +/m/016jny /music/genre/artists /m/016wvy +/m/01jr6 /location/location/time_zones /m/02lcqs +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9ck +/m/0qdyf /people/person/profession /m/09jwl +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vldk +/m/06z9k8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01mqnr /people/person/nationality /m/09c7w0 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035yg +/m/0993r /film/actor/film./film/performance/film /m/01cycq +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/044k8 /people/person/gender /m/02zsn +/m/04_1nk /film/film_set_designer/film_sets_designed /m/0fztbq +/m/03crmd /people/person/spouse_s./people/marriage/spouse /m/01hmb_ +/m/055c8 /people/person/places_lived./people/place_lived/location /m/03b12 +/m/07c5l /location/location/contains /m/01ls2 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0gc_c_ /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0h584v /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0d6d2 /people/person/gender /m/05zppz +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_th +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06ybb1 +/m/01hc1j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/05q2c /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gpy4 /base/aareas/schema/administrative_area/administrative_parent /m/0h7x +/m/019z7q /influence/influence_node/influenced_by /m/07dnx +/m/0gy6z9 /people/person/profession /m/0d1pc +/m/021l5s /education/educational_institution/colors /m/06kqt3 +/m/0cycc /film/film_subject/films /m/09fc83 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/048vhl +/m/0yc7f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/0407yfx /film/film/genre /m/03k9fj +/m/06x4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/018pj3 +/m/0151w_ /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0k4f3 /film/film/genre /m/02l7c8 +/m/0pz7h /people/person/profession /m/018gz8 +/m/01cl0d /music/record_label/artist /m/012xdf +/m/0291hr /film/film/featured_film_locations /m/035p3 +/m/037css /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fvzg /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05mph +/m/01ls2 /location/location/partially_contains /m/0p2n +/m/05cvgl /film/film/genre /m/060__y +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/034bs /influence/influence_node/peers./influence/peer_relationship/peers /m/07g2b +/m/03t852 /people/person/gender /m/05zppz +/m/0f7h2g /people/person/nationality /m/06c1y +/m/03jjzf /award/award_nominee/award_nominations./award/award_nomination/award /m/05zrvfd +/m/01chpn /film/film/genre /m/0vgkd +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0456zg +/m/060j8b /film/actor/film./film/performance/film /m/0888c3 +/m/01pq5j7 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02f1c /award/award_winner/awards_won./award/award_honor/award_winner /m/015882 +/m/03yj_0n /people/person/gender /m/05zppz +/m/02t_v1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/063_t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dwj +/m/05t7c1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m6_z /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gk7z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0mmp3 /music/genre/artists /m/048xh +/m/01njml /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/028k2x /tv/tv_program/genre /m/03k9fj +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02j_j0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/02jx1 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/01d8wq /location/administrative_division/country /m/07ssc +/m/02y0js /people/cause_of_death/people /m/0hgqq +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/02_l96 /people/person/profession /m/02hrh1q +/m/061xq /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/09v42sf /film/film/language /m/02h40lc +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/015076 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mbs8 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034tl +/m/02cbhg /film/film/country /m/09c7w0 +/m/04z0g /people/deceased_person/place_of_death /m/0d6lp +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vsgrn +/m/09xrxq /people/person/profession /m/02krf9 +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0c1pj /film/director/film /m/01br2w +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/012201 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06gbnc /people/ethnicity/people /m/023zsh +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/03gk2 /location/country/official_language /m/04306rv +/m/01p1z_ /people/person/nationality /m/09c7w0 +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/038_3y +/m/02mjmr /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09p4w8 /film/film/language /m/02h40lc +/m/03k7dn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hskw /film/director/film /m/0286gm1 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pkpfs +/m/0f5xn /people/person/profession /m/0np9r +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0hvlp /base/biblioness/bibs_location/country /m/07ssc +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/06jnvs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0557yqh +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yph +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0x67 /people/ethnicity/people /m/01wcp_g +/m/015dqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/07pzc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vs_v8 +/m/02ldv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01s7zw +/m/0k2cb /film/film/country /m/07ssc +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0d608 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/0ch280 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gs973 +/m/0f4y_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/07s3vqk /award/award_winner/awards_won./award/award_honor/award_winner /m/0163kf +/m/02sfnv /film/film/production_companies /m/086k8 +/m/07wrz /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02zd460 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/02z1nbg /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/033tln /people/person/profession /m/01d_h8 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/063vn /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d060g +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/03nfnx /film/film/genre /m/03k9fj +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/0136p1 +/m/02xry /location/location/contains /m/0c5v2 +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0m9_5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09s02 /language/human_language/countries_spoken_in /m/0hzlz +/m/04tgp /location/location/contains /m/01fsv9 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/03rhqg /music/record_label/artist /m/02p2zq +/m/01vvlyt /people/person/places_lived./people/place_lived/location /m/0lhn5 +/m/01tcf7 /people/person/nationality /m/09c7w0 +/m/0451j /film/actor/film./film/performance/film /m/0gffmn8 +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/01hbq0 +/m/01r93l /film/actor/film./film/performance/film /m/040_lv +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0157m +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/046f25 +/m/024_vw /people/person/gender /m/05zppz +/m/04q827 /film/film/produced_by /m/0bwh6 +/m/05wm88 /people/person/nationality /m/09c7w0 +/m/0g5y6 /people/ethnicity/people /m/01cspq +/m/0342h /music/instrument/instrumentalists /m/0ggjt +/m/02sdx /people/person/employment_history./business/employment_tenure/company /m/04jr87 +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/04nlb94 /film/film/genre /m/03q4nz +/m/0qpqn /base/biblioness/bibs_location/state /m/0vmt +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/081wh1 +/m/05567m /film/film/production_companies /m/024rgt +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0qf43 +/m/032016 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03p7gb /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/02jx1 /location/location/contains /m/01k8q5 +/m/0c3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/01x_d8 +/m/04xvlr /media_common/netflix_genre/titles /m/01fwzk +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j47s +/m/0dlglj /film/actor/film./film/performance/film /m/09cr8 +/m/06by7 /music/genre/artists /m/018y81 +/m/0456xp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qcfvw +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/018js4 +/m/034x61 /film/actor/film./film/performance/film /m/06_wqk4 +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvts +/m/08jbxf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02q3n9c +/m/03lty /music/genre/artists /m/01q_wyj +/m/02wd48 /people/person/profession /m/03gjzk +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/032_jg +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/04s7y +/m/01j590z /people/person/place_of_birth /m/0snty +/m/01rf57 /tv/tv_program/program_creator /m/01xndd +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/03x746 /sports/sports_team/colors /m/01g5v +/m/01933d /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03_b1g /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03bdm4 /people/person/gender /m/05zppz +/m/09f2j /education/university/fraternities_and_sororities /m/0325pb +/m/01xq8v /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bt4g /film/film/genre /m/05p553 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/081nh /people/deceased_person/place_of_burial /m/018mmj +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j582 +/m/0f4_2k /film/film/production_companies /m/03rwz3 +/m/09xbpt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083shs +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/0jtdp /media_common/netflix_genre/titles /m/0g4pl7z +/m/0chghy /location/location/contains /m/01z22v +/m/07s9rl0 /media_common/netflix_genre/titles /m/016z7s +/m/0dzlbx /film/film/personal_appearances./film/personal_film_appearance/person /m/079vf +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01dw9z +/m/03n6r /people/person/languages /m/02h40lc +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/043g7l /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0f502 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjrx +/m/01_rh4 /film/actor/film./film/performance/film /m/06r2_ +/m/05q_mg /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0301bq /film/actor/film./film/performance/film /m/03np63f +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/02_t2t +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01pw9v /people/person/profession /m/03gjzk +/m/03xp8d5 /film/director/film /m/0sxfd +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03ynwqj +/m/016cjb /music/genre/artists /m/02bc74 +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vnmc9 +/m/049k07 /people/person/profession /m/01d_h8 +/m/06hx2 /people/person/gender /m/05zppz +/m/0cjf0 /medicine/symptom/symptom_of /m/0542n +/m/04vt98 /film/director/film /m/04v89z +/m/0mzkr /music/record_label/artist /m/01vrz41 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0jym0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/027hm_ /people/person/place_of_birth /m/0yj9v +/m/06s9y /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rk0 /location/location/contains /m/01zxx9 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0l2xl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2k7 +/m/06by7 /music/genre/artists /m/01jfnvd +/m/0d7vtk /film/film/language /m/02h40lc +/m/0l14qv /music/instrument/instrumentalists /m/01vw20_ +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0dh1n_ /film/director/film /m/0kb07 +/m/01wdqrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0bq3x /film/film_subject/films /m/05z7c +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/01gb54 +/m/060_7 /influence/influence_node/peers./influence/peer_relationship/peers /m/0gct_ +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027xx3 +/m/07z4p5 /people/person/nationality /m/09c7w0 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/02ldmw /education/educational_institution_campus/educational_institution /m/02ldmw +/m/01gpzx /base/aareas/schema/administrative_area/administrative_parent /m/0h7x +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04h1rz +/m/0c0sl /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0342h /music/instrument/instrumentalists /m/02l_7y +/m/05kkh /location/location/contains /m/0mymy +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/06gjk9 /film/film/genre /m/02l7c8 +/m/01yg9y /people/person/gender /m/02zsn +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03x746 +/m/01pqy_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0k_kr /music/record_label/artist /m/03fbc +/m/0_816 /film/film/produced_by /m/02779r4 +/m/0d05w3 /location/location/contains /m/0lbl6 +/m/01hxs4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f2q5 +/m/04shbh /film/actor/film./film/performance/film /m/0dgq_kn +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/063_t +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0fn2g /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0k525 /film/actor/film./film/performance/film /m/0jdgr +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/01v80y +/m/0438f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01rh0w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/018db8 +/m/0d3mlc /soccer/football_player/current_team./sports/sports_team_roster/team /m/05r_x5 +/m/03m4mj /film/film/genre /m/07s9rl0 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03m10r +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/015zyd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k21g /people/person/place_of_birth /m/0rh7t +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/035s95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/0pd6l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05km8z +/m/03k50 /media_common/netflix_genre/titles /m/09yxcz +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0gd9k /film/director/film /m/0dgrwqr +/m/016xh5 /people/person/gender /m/05zppz +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/0x67 /people/ethnicity/people /m/0277c3 +/m/05148p4 /music/instrument/instrumentalists /m/03193l +/m/01xqw /music/instrument/instrumentalists /m/018gkb +/m/02vyh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_bcg +/m/01qqwp9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0jpkg +/m/038bh3 /film/film/genre /m/06lbpz +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0fv4v +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03ryn +/m/07s9rl0 /media_common/netflix_genre/titles /m/047bynf +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01fv4z /location/location/contains /m/049wm +/m/07g0_ /base/biblioness/bibs_location/state /m/07371 +/m/0hqzm6r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05kh_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04h68j /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cpb7 +/m/07r_dg /people/person/nationality /m/09c7w0 +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02d6cy +/m/0432cd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ddbjy4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0m__z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m_cg +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/040v3t +/m/07gghl /film/film/production_companies /m/086k8 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/0n6f8 /people/person/spouse_s./people/marriage/spouse /m/01ksr1 +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gj2 +/m/0143hl /organization/organization/headquarters./location/mailing_address/state_province_region /m/0dmy0 +/m/08952r /film/film/genre /m/02kdv5l +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/016zxr /music/genre/artists /m/03y82t6 +/m/04ftdq /education/educational_institution/campuses /m/04ftdq +/m/073tm9 /music/record_label/artist /m/04qzm +/m/0m28g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jclr +/m/039cpd /business/business_operation/industry /m/02jjt +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01rzqj +/m/01vrncs /music/group_member/membership./music/group_membership/role /m/0342h +/m/049nq /location/location/contains /m/029t1 +/m/056vv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdx +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/04jwjq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07hgkd /award/award_winner/awards_won./award/award_honor/award_winner /m/03cd1q +/m/050xxm /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01gvr1 +/m/05kr_ /location/location/contains /m/01gc8c +/m/0gt_k /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01qxs3 /business/business_operation/industry /m/01mw1 +/m/034fl9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039wsf +/m/06yxd /location/location/contains /m/0_kfv +/m/06_kh /base/biblioness/bibs_location/country /m/09c7w0 +/m/03f5spx /people/person/places_lived./people/place_lived/location /m/0fwc0 +/m/04wp2p /people/person/gender /m/05zppz +/m/02q5bx2 /film/film/genre /m/01hmnh +/m/019gz /people/person/religion /m/0n2g +/m/01kf3_9 /film/film/language /m/02bjrlw +/m/02lv2v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017g21 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/080_y /sports/sports_team/colors /m/083jv +/m/011yhm /film/film/produced_by /m/02kxbx3 +/m/01q7h2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0df2zx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01ckrr /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0hn10 /media_common/netflix_genre/titles /m/045r_9 +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02k6hp /people/cause_of_death/people /m/03_0p +/m/01b9ck /award/award_winner/awards_won./award/award_honor/award_winner /m/06l6nj +/m/0233qs /music/genre/artists /m/01w61th +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b7gxq +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/07z1m /location/location/contains /m/0mm_4 +/m/0lccn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0jwvf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/036kmk +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/03jj93 +/m/04t9c0 /film/film/genre /m/02l7c8 +/m/0948xk /people/person/places_lived./people/place_lived/location /m/02m77 +/m/0c8hct /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/030h95 /film/actor/film./film/performance/film /m/0k2sk +/m/030g9z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/079vf /film/actor/film./film/performance/film /m/02wgk1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/02w7gg /people/ethnicity/people /m/05cj4r +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/04h6mm /people/person/profession /m/012t_z +/m/0338g8 /people/person/place_of_birth /m/010v8k +/m/09c7w0 /location/location/contains /m/01vs5c +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/065mm1 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04j_gs +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award /m/04g2jz2 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0f0y8 /people/deceased_person/place_of_death /m/04n3l +/m/016y3j /music/genre/parent_genre /m/0b_6yv +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/025vldk +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/0n5yh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_g +/m/018gqj /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0xnvg /people/ethnicity/people /m/04t2l2 +/m/020hyj /people/person/nationality /m/09c7w0 +/m/020y73 /film/film/language /m/06b_j +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02ch1w /film/actor/film./film/performance/film /m/03kx49 +/m/047s_cr /people/person/nationality /m/03rk0 +/m/01t_wfl /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/09r4xx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zl0 /education/educational_institution/colors /m/019sc +/m/0dr3sl /film/film/genre /m/04xvh5 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036hf4 +/m/01yzhn /people/person/place_of_birth /m/0c_m3 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0n3g +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02dgq2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/07q1m +/m/06czyr /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/031778 /film/film/country /m/09c7w0 +/m/02rxbmt /people/person/profession /m/02hrh1q +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/08xvpn /film/film/country /m/09c7w0 +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/0fxmbn /film/film/language /m/01r2l +/m/0f4m2z /film/film/film_production_design_by /m/0bytkq +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/06lpmt /film/film/written_by /m/081lh +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0l2p7 /location/location/time_zones /m/02lcqs +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nfys +/m/0462hhb /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/09sh8k /film/film/music /m/0bs1yy +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0134s5 +/m/0bh8tgs /film/film/production_companies /m/0hpt3 +/m/0mhfr /music/genre/artists /m/0136pk +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01tcf7 +/m/02jm0n /film/actor/film./film/performance/film /m/016ky6 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/0p3_y /film/film/produced_by /m/08d9z7 +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0524b41 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/016vg8 /film/actor/film./film/performance/film /m/05p1tzf +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c7twt +/m/087c7 /organization/organization/headquarters./location/mailing_address/citytown /m/0y1rf +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039wsf +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2sn5 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g61 +/m/02tktw /film/film/genre /m/09blyk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/0_wm_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bc74 /film/actor/film./film/performance/film /m/0ddf2bm +/m/0l14md /music/instrument/instrumentalists /m/01wmjkb +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rp13 +/m/0br1xn /time/event/instance_of_recurring_event /m/02jp2w +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0fhpv4 +/m/07fzq3 /people/person/nationality /m/09c7w0 +/m/02q_ncg /film/film/genre /m/07s9rl0 +/m/035wcs /music/genre/artists /m/0415mzy +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qtj +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01xvlc +/m/016r9z /olympics/olympic_games/participating_countries /m/06mkj +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01693z /people/person/nationality /m/09c7w0 +/m/05b1062 /people/person/profession /m/02jknp +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05kfs +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0bs8hvm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bshwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0g1x2_ /film/film_subject/films /m/02r858_ +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01t94_1 +/m/0bvn25 /film/film/language /m/02h40lc +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027j79k +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02114t +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02kz_ /influence/influence_node/influenced_by /m/037jz +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0274ck /people/person/profession /m/039v1 +/m/07c37 /influence/influence_node/influenced_by /m/034ks +/m/019_1h /people/person/places_lived./people/place_lived/location /m/013g3 +/m/03qjg /music/instrument/instrumentalists /m/0fhxv +/m/0kt_4 /film/film/genre /m/04xvh5 +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06tpmy +/m/0ddd0gc /tv/tv_program/languages /m/02h40lc +/m/02qfv5d /media_common/netflix_genre/titles /m/0413cff +/m/01g5kv /people/person/places_lived./people/place_lived/location /m/0lphb +/m/0427y /people/person/profession /m/01d_h8 +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07yw6t /people/person/profession /m/02hrh1q +/m/03h_fqv /people/person/place_of_birth /m/0r0ss +/m/042fk /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtc0 +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07f_t4 +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03qnvdl /film/film/genre /m/03k9fj +/m/04m064 /people/person/gender /m/05zppz +/m/0gt_k /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044mm6 +/m/014xf6 /education/educational_institution/campuses /m/014xf6 +/m/08cn4_ /film/actor/film./film/performance/film /m/0bmhvpr +/m/02rmd_2 /film/film/film_festivals /m/04grdgy +/m/04rzd /music/instrument/instrumentalists /m/02vr7 +/m/0xv2x /music/genre/parent_genre /m/0mmp3 +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/059ts +/m/02_0d2 /people/person/profession /m/03gjzk +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqxm +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/077jpc +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/04xm_ /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_5k +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01p79b +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095b70 +/m/02__7n /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/01cwcr /film/actor/film./film/performance/film /m/02q5bx2 +/m/03772 /people/person/places_lived./people/place_lived/location /m/0xn5b +/m/01wj9y9 /people/person/gender /m/05zppz +/m/02fz3w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/position /m/02sdk9v +/m/0603qp /people/person/profession /m/02jknp +/m/04cnp4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07twz +/m/06lpmt /film/film/genre /m/07s9rl0 +/m/04n7gc6 /people/person/nationality /m/06cmp +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/03t9sp +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/03qy3l /music/record_label/artist /m/0411q +/m/01kph_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0_24q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03mr85 /film/film/genre /m/07s9rl0 +/m/03rz2b /film/film/produced_by /m/0kvsb +/m/0bz3jx /film/film/language /m/02h40lc +/m/07024 /film/film/edited_by /m/03q8ch +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04nnpw /award/award_winning_work/awards_won./award/award_honor/award /m/02g2yr +/m/0lk90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02jyhv +/m/04l5d0 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvgy +/m/0czyxs /film/film/genre /m/02kdv5l +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/01wqlc /music/genre/artists /m/05ccxr +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/045xh /award/award_category/disciplines_or_subjects /m/06n90 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/051gjr +/m/01_1hw /film/film/language /m/04306rv +/m/02xfj0 /people/person/nationality /m/09c7w0 +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04jspq +/m/05b2f_k /people/person/nationality /m/07ssc +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02zs4 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01nr36 /film/actor/film./film/performance/film /m/018js4 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/030cx +/m/06bd5j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03rwz3 +/m/0dclg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01wv24 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/087pfc /film/film/genre /m/01hmnh +/m/0mb8c /film/film/genre /m/07s9rl0 +/m/02rjz5 /sports/sports_team/colors /m/083jv +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/047g6m +/m/0nk72 /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/023tp8 /film/actor/film./film/performance/film /m/01d259 +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxlb +/m/0y1rf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0zm1 /influence/influence_node/influenced_by /m/032l1 +/m/07gdw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ty4m /film/director/film /m/047svrl +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019pcs +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/02bh9 /people/person/profession /m/0dz3r +/m/03sc8 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0bscw /film/film/genre /m/01jfsb +/m/0jmfv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01t_z /people/person/profession /m/06q2q +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/02vzc /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09x8ms /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/0k0r0n7 /music/genre/artists /m/03t9sp +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l3h +/m/05wp1p /film/film/written_by /m/0133sq +/m/011yrp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03qhyn8 +/m/02hwww /education/educational_institution/students_graduates./education/education/student /m/01wttr1 +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/019lty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07h5d /people/person/profession /m/015h31 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/08433 /influence/influence_node/influenced_by /m/03_dj +/m/049fgvm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/084w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0182r9 +/m/05bt6j /music/genre/artists /m/01fl3 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0436kgz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g0rb +/m/01wyzyl /people/person/profession /m/0np9r +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/07lt7b +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03wbzp +/m/07tgn /education/educational_institution_campus/educational_institution /m/07tgn +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/016_mj +/m/0jtdp /media_common/netflix_genre/titles /m/0dtw1x +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/05_6_y /people/person/nationality /m/05bcl +/m/0333t /film/film/country /m/09c7w0 +/m/0bxy67 /people/person/nationality /m/03rk0 +/m/017v3q /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/06g77c +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0k5px /film/film/language /m/02h40lc +/m/04mp8g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0mx3k /location/location/time_zones /m/02lcqs +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/05hc96 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0jm2v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/03x400 /people/person/gender /m/05zppz +/m/01722w /organization/organization/headquarters./location/mailing_address/citytown /m/0f485 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/026t6 /music/instrument/instrumentalists /m/02mx98 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/024qqx /media_common/netflix_genre/titles /m/07g1sm +/m/049fgvm /award/award_winner/awards_won./award/award_honor/award_winner /m/02wr2r +/m/09wv__ /education/educational_institution/students_graduates./education/education/student /m/01g4zr +/m/0bw20 /film/film/genre /m/02kdv5l +/m/01gzm2 /people/person/profession /m/02jknp +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013tcv +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/016z43 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/052hl /people/person/gender /m/05zppz +/m/0b73_1d /film/film/produced_by /m/02kxbx3 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/085q5 /people/person/religion /m/03_gx +/m/0hbbx /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/0dtzkt /film/film/genre /m/04rlf +/m/02y0yt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06rmdr +/m/0l14qv /music/instrument/instrumentalists /m/0k60 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02rh_0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06ztvyx /film/film/genre /m/02kdv5l +/m/02qwg /people/person/languages /m/02h40lc +/m/0ngg /people/person/gender /m/05zppz +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/016kb7 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g60z +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/01cx_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033_1p +/m/016dgz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6d2 +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/05z_kps +/m/01b_lz /tv/tv_program/country_of_origin /m/09c7w0 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02g40r +/m/09c7w0 /location/location/contains /m/02zccd +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/03v1s /location/location/contains /m/0sqgt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04knh6 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/02prwdh /film/film/produced_by /m/0d0xs5 +/m/0156ts /base/aareas/schema/administrative_area/administrative_parent /m/023sm8 +/m/06sks6 /olympics/olympic_games/sports /m/0w0d +/m/01tlmw /base/biblioness/bibs_location/country /m/09c7w0 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qwg +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/083chw +/m/0ggx5q /music/genre/artists /m/01r7pq +/m/0jrny /people/person/nationality /m/09c7w0 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0m0hw +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/0dzf_ +/m/01qhm_ /people/ethnicity/people /m/03zz8b +/m/05g8pg /film/film/genre /m/0gf28 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/0fr59 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ny8t /music/genre/artists /m/01pgzn_ +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crvfq +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/025vwmy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/01rzqj /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/01xdxy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/02h761 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fhnf +/m/01s753 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/01gxqf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/059lwy /film/film/featured_film_locations /m/0fsv2 +/m/02vjzr /music/genre/artists /m/01wf86y +/m/04nw9 /people/person/profession /m/018gz8 +/m/0f5mdz /people/person/employment_history./business/employment_tenure/company /m/037bm2 +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01w7nwm /film/actor/film./film/performance/film /m/0g7pm1 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/03ym1 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tcq +/m/02m0sc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/01fs__ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01vfqh /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/02bf2s /people/person/nationality /m/09c7w0 +/m/04nm0n0 /film/film/country /m/0345h +/m/01wsj0 /music/record_label/artist /m/0fb2l +/m/02zd460 /education/educational_institution_campus/educational_institution /m/02zd460 +/m/0gk4g /people/cause_of_death/people /m/06c44 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/025v26c +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/030qb3t /location/location/contains /m/018mrd +/m/0bz60q /people/person/gender /m/05zppz +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0hw29 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0gj9qxr /film/film/production_companies /m/03sb38 +/m/0cn_b8 /film/film/language /m/02h40lc +/m/049gc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012vd6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyvk +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/01s7zw /award/award_winner/awards_won./award/award_honor/award_winner /m/05hj0n +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pvxl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b0zd +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0241wg /people/person/languages /m/03k50 +/m/01b195 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02482c +/m/011j5x /music/genre/artists /m/05xq9 +/m/0581vn8 /film/film/genre /m/01jfsb +/m/02mw6c /organization/organization/headquarters./location/mailing_address/state_province_region /m/0h924 +/m/0282x /people/deceased_person/place_of_death /m/0r62v +/m/033tf_ /people/ethnicity/people /m/015qt5 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/03gvt /music/instrument/instrumentalists /m/03bnv +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01fmz6 /award/award_winner/awards_won./award/award_honor/award_winner /m/016890 +/m/0fgg4 /film/actor/film./film/performance/film /m/071nw5 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/042fgh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/0154j /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/01tspc6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0b_j2 /people/person/profession /m/05vyk +/m/0c35b1 /people/person/nationality /m/09c7w0 +/m/0sxg4 /film/film/music /m/02cyfz +/m/06x6s /sports/sports_team/sport /m/03tmr +/m/06c0j /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0jjy0 /film/film/language /m/02h40lc +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/07fj_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0l3q2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01gh6z +/m/05q_dw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03hh89 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/084n_ +/m/0lwkh /business/business_operation/industry /m/09j2d +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03xx9l +/m/01sbv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06r2_ /film/film/music /m/02cyfz +/m/02_0d2 /film/actor/film./film/performance/film /m/02rx2m5 +/m/01z4y /media_common/netflix_genre/titles /m/0gc_c_ +/m/02lfcm /people/person/profession /m/02hrh1q +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/02qtywd /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/03twd6 /film/film/genre /m/0lsxr +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/013sg6 /people/deceased_person/place_of_death /m/030qb3t +/m/0cg9f /people/person/nationality /m/0j5g9 +/m/01v3s2_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/01p970 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02hnl +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014v1q +/m/0gjk1d /film/film/genre /m/07s9rl0 +/m/019rg5 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/021s9n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02fybl /people/person/profession /m/012t_z +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0b7t3p /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/07cbs /people/person/religion /m/07x21 +/m/05tbn /location/location/contains /m/0mwxz +/m/0dg3n1 /base/locations/continents/countries_within /m/01nqj +/m/0bs8s1p /film/film/music /m/01p0vf +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0dzlbx /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0h03fhx /film/film/produced_by /m/0151w_ +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015gsv +/m/048scx /film/film/genre /m/01jfsb +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0260bz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/02hfk5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/034xyf +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/07tp2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01w9ph_ /influence/influence_node/influenced_by /m/0lrh +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0373qg +/m/07bch9 /people/ethnicity/people /m/0169dl +/m/04pz5c /influence/influence_node/influenced_by /m/0f7hc +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jllg1 +/m/07s846j /film/film/country /m/09c7w0 +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0c9t0y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm9n +/m/01b7h8 /tv/tv_program/genre /m/09lmb +/m/0d8cr0 /people/person/place_of_birth /m/019fc4 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/05qhnq /people/person/profession /m/02hrh1q +/m/09c7w0 /location/country/second_level_divisions /m/0myn8 +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/03bnv /people/person/profession /m/016z4k +/m/04_jsg /people/person/profession /m/01d_h8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/018grr /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09b6zr +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03qcq +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05y5kf +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/041rx /people/ethnicity/people /m/0nk72 +/m/02wgk1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02q7yfq /film/film/genre /m/02kdv5l +/m/0dbxy /people/ethnicity/geographic_distribution /m/09c7w0 +/m/018p4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0ksrf8 /people/person/languages /m/02h40lc +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/015gy7 /film/actor/film./film/performance/film /m/0gt1k +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bv8b +/m/07tlfx /film/film/music /m/01wl38s +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ggh +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/021bk +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/01nwwl /film/actor/film./film/performance/film /m/0gs973 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/016clz /music/genre/artists /m/01w8n89 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/068p2 /location/hud_county_place/county /m/0m7d0 +/m/0k7tq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vdrw /influence/influence_node/influenced_by /m/03_87 +/m/02f8lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zjx +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/02v8kmz +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qmx_f +/m/03lmx1 /people/ethnicity/people /m/031k24 +/m/02dztn /film/actor/film./film/performance/film /m/01hq1 +/m/05rfst /film/film/production_companies /m/024rgt +/m/09c7w0 /location/country/capital /m/0rh6k +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/06brp0 /people/person/profession /m/03gjzk +/m/03dkx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/077w0b /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/016tbr /award/award_winner/awards_won./award/award_honor/award_winner /m/09yrh +/m/05mv4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/014tss /location/country/form_of_government /m/018wl5 +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/09l3p /film/actor/film./film/performance/film /m/09lxv9 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmc26r +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/0fy66 /film/film/country /m/09c7w0 +/m/04cf_l /film/film/personal_appearances./film/personal_film_appearance/person /m/02m3sd +/m/04shbh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/014x77 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/05q8pss /award/award_category/winners./award/award_honor/award_winner /m/02zmh5 +/m/01lj9 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05r79 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/01q415 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/024_ql +/m/09jm8 /influence/influence_node/influenced_by /m/07hgm +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0hl3d /people/person/profession /m/01c72t +/m/09yxcz /award/award_winning_work/awards_won./award/award_honor/award /m/0b6jkkg +/m/049nq /location/location/contains /m/07371 +/m/02465 /people/person/profession /m/0kyk +/m/0784z /base/culturalevent/event/entity_involved /m/01z215 +/m/07_w1l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/047myg9 /film/film/genre /m/04xvlr +/m/0b2qtl /film/film/genre /m/06l3bl +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0dz46 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/037n3 /base/biblioness/bibs_location/country /m/0154j +/m/01s7zw /people/person/place_of_birth /m/0f2s6 +/m/0154d7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gfh84d +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02v2lh /music/genre/artists /m/0lbj1 +/m/0m491 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02yl42 /influence/influence_node/influenced_by /m/02wh0 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0hkqn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l2vz /location/location/contains /m/0r5y9 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/09l9xt /soccer/football_player/current_team./sports/sports_team_roster/team /m/04mrjs +/m/02gjrc /tv/tv_program/genre /m/01z77k +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/05148p4 /music/instrument/instrumentalists /m/01bczm +/m/04t38b /people/person/nationality /m/09c7w0 +/m/02pqgt8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0mcl0 +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/03lt8g +/m/0161sp /people/person/profession /m/0dz3r +/m/01trtc /music/record_label/artist /m/0dw4g +/m/0lyjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/092ys_y +/m/09d3b7 /film/film/genre /m/0219x_ +/m/0kb3n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mpyh +/m/06gst /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07k2mq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/034f0d +/m/0pj8m /award/award_winner/awards_won./award/award_honor/award_winner /m/03bnv +/m/036921 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02kth6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/03q8xj /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0g_bh /music/genre/artists /m/0m19t +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0dbpwb /award/award_winner/awards_won./award/award_honor/award_winner /m/061dn_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01gw8b /people/person/nationality /m/09c7w0 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/066yfh +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03prz_ +/m/02p11jq /music/record_label/artist /m/05sq0m +/m/026spg /film/actor/film./film/performance/film /m/03hfmm +/m/0lk90 /people/person/place_of_birth /m/03l2n +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02zy1z +/m/02qgyv /people/person/profession /m/018gz8 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvs1kt +/m/04f6df0 /film/film/language /m/02h40lc +/m/01n5309 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/03lty /music/genre/artists /m/0cfgd +/m/0h3y /location/location/contains /m/0rtv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05l64 +/m/016tt2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/02q56mk /film/film/produced_by /m/0fvf9q +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0jm8l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/01y3c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/0ly5n /people/person/places_lived./people/place_lived/location /m/03v0t +/m/05fjy /location/administrative_division/country /m/09c7w0 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0521d_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/02hnl /music/instrument/instrumentalists /m/03h502k +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0r89d /location/hud_county_place/place /m/0r89d +/m/03mdt /media_common/netflix_genre/titles /m/02rlj20 +/m/01wphh2 /film/actor/film./film/performance/film /m/07ghv5 +/m/070j61 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/01243b /music/genre/artists /m/0167v4 +/m/0q8sw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kwgs +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0322yj +/m/02mjf2 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gbwp +/m/02fqxm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/01vs5c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0f_y9 /people/person/profession /m/039v1 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01hp5 /film/film/genre /m/0lsxr +/m/0c7lcx /people/person/places_lived./people/place_lived/location /m/01531 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03lygq +/m/076689 /people/person/gender /m/05zppz +/m/04t2l2 /film/actor/film./film/performance/film /m/0bvn25 +/m/03msf /base/aareas/schema/administrative_area/administrative_parent /m/02jx1 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/03y7ml +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0klw +/m/03shp /location/location/contains /m/0ftlx +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/059j2 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/047csmy /film/film/written_by /m/09pl3s +/m/03hkch7 /film/film/genre /m/03g3w +/m/0hkt6 /location/statistical_region/religions./location/religion_percentage/religion /m/034p8 +/m/0zqq /location/administrative_division/country /m/06mzp +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/04cw0j +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02754c9 /film/film/language /m/02bjrlw +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd4f +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ddd0gc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09qycb +/m/042zrm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026hxwx +/m/05kr_ /base/biblioness/bibs_location/country /m/0d060g +/m/0838y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/06y3r /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/047fjjr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/01v3bn /people/person/profession /m/02hrh1q +/m/03xh50 /sports/sports_team/sport /m/02vx4 +/m/026t6 /music/instrument/instrumentalists /m/03h502k +/m/03jj93 /film/actor/film./film/performance/film /m/03177r +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02x7vq +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/05fly /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0g39h +/m/04f52jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/049xgc /film/film/genre /m/07s9rl0 +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/07b2lv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xs0q /people/person/nationality /m/09c7w0 +/m/0j_1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jrhl +/m/0bqsk5 /award/award_category/winners./award/award_honor/award_winner /m/02h761 +/m/01svw8n /music/group_member/membership./music/group_membership/group /m/01dwrc +/m/04xvlr /media_common/netflix_genre/titles /m/0260bz +/m/0fsd9t /film/film/country /m/07ssc +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x8z_ +/m/018gqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024yxd +/m/044f7 /people/person/profession /m/0np9r +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/02q52q /film/film_subject/films /m/01kqq7 +/m/03bkbh /people/ethnicity/people /m/01fwj8 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05tr7 +/m/026mfbr /film/film/genre /m/011ys5 +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycbq +/m/026yqrr /people/person/profession /m/0nbcg +/m/07s9rl0 /media_common/netflix_genre/titles /m/0320fn +/m/02g5q1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04jpl /location/location/contains /m/015ln1 +/m/0rv97 /location/hud_county_place/place /m/0rv97 +/m/0c7hq /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/04vvh9 /film/film/genre /m/082gq +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gb1w +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/078bz +/m/01vs4ff /music/artist/origin /m/0978r +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/0dl5d /music/genre/artists /m/01l_w0 +/m/0gd_s /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0q9t7 /people/person/profession /m/0dxtg +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/07hyk +/m/01jrz5j /people/person/gender /m/05zppz +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02d_zc /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/03xnq9_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/0j5fv /medicine/symptom/symptom_of /m/07s4l +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cz7r +/m/0n2sh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myhb +/m/0cv5l /base/biblioness/bibs_location/country /m/02jx1 +/m/0bkmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbgly +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/07w5rq /organization/organization/headquarters./location/mailing_address/citytown /m/0fnb4 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n3rs +/m/0ly8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0h1m9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/011k11 /music/record_label/artist /m/02b25y +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/01tmng /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/04fhxp +/m/01s7qqw /music/group_member/membership./music/group_membership/role /m/0342h +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/044prt /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/051z6mv +/m/03s5lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01h1b +/m/03f2fw /organization/organization/child./organization/organization_relationship/child /m/02bjhv +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/01k0xy /film/film/genre /m/0gsy3b +/m/03ydry /people/person/place_of_birth /m/07dfk +/m/09c7w0 /location/location/contains /m/03x1s8 +/m/01wx_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0520y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/08hp53 +/m/01xdxy /film/film/genre /m/0hcr +/m/0b1t1 /location/location/time_zones /m/02hcv8 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0gyx4 /people/person/sibling_s./people/sibling_relationship/sibling /m/01w1kyf +/m/0969fd /influence/influence_node/influenced_by /m/0b78hw +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/09stq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0184jw /award/award_winner/awards_won./award/award_honor/award_winner /m/04pqqb +/m/02f9wb /people/person/profession /m/0dxtg +/m/0kbws /olympics/olympic_games/participating_countries /m/03gyl +/m/02rky4 /education/educational_institution/campuses /m/02rky4 +/m/06kkgw /people/person/profession /m/0dgd_ +/m/05pdh86 /film/film/genre /m/07s9rl0 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/0108xl /location/hud_county_place/place /m/0108xl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01z1r +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08hp53 /film/actor/film./film/performance/film /m/0ds2n +/m/03f1zhf /people/person/languages /m/03hkp +/m/02qx5h /people/person/gender /m/05zppz +/m/016jfw /people/person/nationality /m/02jx1 +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/03k0yw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m7pwq +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01tnbn /film/actor/film./film/performance/film /m/0sxns +/m/050llt /film/actor/film./film/performance/film /m/0dc7hc +/m/02_fz3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0151w_ /film/actor/film./film/performance/film /m/02x2jl_ +/m/03n08b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k0xy +/m/0f83g2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02r4qs /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/05683cn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h1tr +/m/063k3h /people/ethnicity/people /m/083p7 +/m/0p9tm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05h43ls /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/03j90 +/m/018vs /music/instrument/instrumentalists /m/01wbz9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/088_kf +/m/0bz5v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/04w1j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01npcx /film/film/genre /m/01jfsb +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/crewmember /m/0b6mgp_ +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/03fn34 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01cszh /music/record_label/artist /m/02h9_l +/m/073v6 /influence/influence_node/influenced_by /m/032l1 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09fb5 /film/actor/film./film/performance/film /m/01hp5 +/m/02m501 /film/actor/film./film/performance/film /m/03hj5lq +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06tp4h +/m/02fjzt /education/educational_institution/colors /m/083jv +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/05r5c /music/instrument/instrumentalists /m/03h_yfh +/m/06y611 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07_fj54 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/0166v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/031x2 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0jgd +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01m9f1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/07gghl +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/01hxs4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rr9f +/m/029ghl /people/person/place_of_birth /m/0nbwf +/m/0xhtw /music/genre/artists /m/015196 +/m/01_vfy /film/director/film /m/04j13sx +/m/09rfpk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3zjn7 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/06x58 /film/actor/film./film/performance/film /m/025s1wg +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0_vn7 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0fx80y /music/instrument/family /m/0d8lm +/m/02754c9 /film/film/country /m/0345h +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/07f_7h /film/film/language /m/02h40lc +/m/0155w /music/genre/artists /m/0lccn +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0gpprt /film/actor/film./film/performance/film /m/0fh694 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kd0rh +/m/0d66j2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jw4r +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0cqr0q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02zmh5 /people/person/gender /m/05zppz +/m/01vq3 /film/film_subject/films /m/02pxst +/m/01g6bk /influence/influence_node/influenced_by /m/0821j +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/095zvfg +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0155w /music/genre/artists /m/01wz_ml +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/01386_ /music/artist/origin /m/0jgx +/m/01lyv /music/genre/artists /m/0fq117k +/m/01c5d5 /people/person/profession /m/0cbd2 +/m/0c2tf /people/person/gender /m/05zppz +/m/05r6t /music/genre/artists /m/01vrt_c +/m/05bt6j /music/genre/artists /m/0gs6vr +/m/07_pf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pctb +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0fd3y /music/genre/artists /m/06br6t +/m/0dkb83 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/015pxr /influence/influence_node/influenced_by /m/0q9zc +/m/01wdqrx /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/0dx_q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgbb +/m/041bnw /music/record_label/artist /m/01l4zqz +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04sqj +/m/09q17 /media_common/netflix_genre/titles /m/065_cjc +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/07f3xb +/m/016z43 /film/film/language /m/02h40lc +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/078jt5 +/m/01f873 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f85k +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ggbfwf +/m/03x33n /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/07vht /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vswwx +/m/0dvmd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gy6z9 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0svqs /film/actor/film./film/performance/film /m/017jd9 +/m/03v0t /location/location/contains /m/0sjqm +/m/0dn3n /film/actor/film./film/performance/film /m/01j5ql +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/0gy2y8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/07f7jp /people/person/profession /m/02hrh1q +/m/0k4f3 /film/film/produced_by /m/0c921 +/m/028r4y /film/actor/film./film/performance/film /m/0418wg +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0g2hw4 +/m/012m_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05kyr +/m/0166c7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/0g3cw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/018jn4 +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/09qycb /film/film/genre /m/073_6 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/05rfst /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02x8m /music/genre/artists /m/032nwy +/m/029cpw /people/person/gender /m/05zppz +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02v570 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/026mj +/m/07zrf /language/human_language/countries_spoken_in /m/0d060g +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/014zfs /people/person/profession /m/02hrh1q +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0534v /influence/influence_node/influenced_by /m/07w21 +/m/0pmpl /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/06nrt +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/024jwt /people/person/profession /m/02hrh1q +/m/0h1nt /people/person/profession /m/02hrh1q +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k2h6 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/09nz_c /film/actor/film./film/performance/film /m/07cyl +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z7_f +/m/06by7 /music/genre/artists /m/01wf86y +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz7h +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycbq +/m/093l8p /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/01200d +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/03rl84 /people/person/places_lived./people/place_lived/location /m/087vz +/m/011k_j /music/instrument/instrumentalists /m/0135xb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04zw9hs +/m/018z_c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016khd +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/04t36 /media_common/netflix_genre/titles /m/05sbv3 +/m/01w60_p /people/person/profession /m/0nbcg +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/046m59 /film/actor/film./film/performance/film /m/07gp9 +/m/04vn_k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06d6y /people/person/nationality /m/09c7w0 +/m/03_d0 /music/genre/artists /m/01wp8w7 +/m/03qdm /education/educational_institution/school_type /m/05jxkf +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0cttx +/m/021r6w /people/person/profession /m/02jknp +/m/026g801 /film/actor/film./film/performance/film /m/04f6df0 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/03__y /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0xhmb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04v89z +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01rhl +/m/0gbwp /people/person/profession /m/0kyk +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0226k3 +/m/03ln8b /tv/tv_program/genre /m/01t_vv +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/02gvwz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ljbg /sports/sports_team/colors /m/083jv +/m/02ld6x /people/person/profession /m/02jknp +/m/01yfm8 /people/person/nationality /m/0d060g +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/02w2bc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/03pvt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s6prs /film/actor/film./film/performance/film /m/0h1fktn +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d8yn +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/02j9z /location/location/contains /m/035hm +/m/05nrkb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09p3_s /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0mw89 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxl +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0bxc4 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/046_v /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0gv5c /people/person/profession /m/0cbd2 +/m/0y3k9 /location/location/time_zones /m/02hcv8 +/m/07bty /people/person/nationality /m/09c7w0 +/m/0177sq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qm_f /film/film/executive_produced_by /m/04jspq +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/02k54 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/018jmn /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/0b6l1st /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02lnhv /people/person/nationality /m/09c7w0 +/m/06ys2 /film/film_subject/films /m/02wgk1 +/m/06jkm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cvkv5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/01zzy3 /education/educational_institution/students_graduates./education/education/student /m/0372p +/m/021pqy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02gsvk +/m/023zsh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09sh8k +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/065ydwb +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/0bq3x /film/film_subject/films /m/07cyl +/m/01fkv0 /film/actor/film./film/performance/film /m/02vyyl8 +/m/01mylz /film/actor/film./film/performance/film /m/0f4vx +/m/029m83 /award/award_winner/awards_won./award/award_honor/award_winner /m/01zfmm +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pv2t +/m/0fpjd_g /award/award_winner/awards_won./award/award_honor/award_winner /m/05pdbs +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01swck +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/04sskp /film/film/country /m/09c7w0 +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvgtf +/m/02yygk /people/person/profession /m/09jwl +/m/0mx0f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d22f +/m/01swck /film/actor/film./film/performance/film /m/03sxd2 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0bw7ly +/m/01_x6v /film/actor/film./film/performance/film /m/01hvjx +/m/0dl5d /music/genre/artists /m/0cfgd +/m/064t9 /music/genre/artists /m/0178_w +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040b5k +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02bm1v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/013w7j /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06msq2 +/m/02x8m /music/genre/artists /m/0ql36 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02pt7h_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/056rgc /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/057dxsg +/m/0f61tk /film/film/production_companies /m/0278rq7 +/m/01x1cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/0w6w /people/person/profession /m/05t4q +/m/01wc7p /film/actor/film./film/performance/film /m/06r2_ +/m/07tlfx /film/film/produced_by /m/06chf +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/03fg0r +/m/03f4xvm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01qrb2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0gv5c /people/person/profession /m/02hrh1q +/m/0hv1t /film/film/genre /m/0hn10 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gfnqh +/m/0fb0v /music/record_label/artist /m/03f4xvm +/m/01cv3n /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02wzv /location/administrative_division/first_level_division_of /m/0f8l9c +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z88t +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0n6bs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01x5fb /education/educational_institution/school_type /m/05jxkf +/m/0cpjgj /people/person/place_of_birth /m/03l2n +/m/0mb8c /film/film/country /m/03h64 +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/01vsl3_ /people/deceased_person/place_of_death /m/02_286 +/m/0244r8 /people/person/gender /m/02zsn +/m/01zlh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/087vnr5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0v1xg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/023mdt /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/03ntbmw /film/film/genre /m/01jfsb +/m/0252fh /film/actor/film./film/performance/film /m/0gwgn1k +/m/0b_4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0xynl /location/hud_county_place/place /m/0xynl +/m/0342h /music/instrument/instrumentalists /m/016j2t +/m/01h1bf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05yjhm +/m/025h4z /people/person/nationality /m/09c7w0 +/m/0bdt8 /people/person/languages /m/06mp7 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0c6qh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0kjrx +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/053x8hr /tv/tv_program/genre /m/07s9rl0 +/m/044pqn /people/person/religion /m/03j6c +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/04b8pv +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/02645b +/m/0487_ /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/03f68r6 /people/person/nationality /m/09c7w0 +/m/06b_0 /film/director/film /m/05mrf_p +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/02wycg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05txrz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04jq2 +/m/01csqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/05zwrg0 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g9wdmc +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05nlx4 /film/film/music /m/0150t6 +/m/0k9j_ /people/person/languages /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mp9q +/m/02jg92 /people/person/spouse_s./people/marriage/spouse /m/01vtj38 +/m/0qt85 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023v4_ +/m/07mqps /people/ethnicity/people /m/01ttg5 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0_92w /film/film/genre /m/0hfjk +/m/07bx6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d05w3 /location/location/contains /m/0m5pn +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016yvw +/m/03mp8k /music/record_label/artist /m/04dqdk +/m/061681 /film/film/language /m/06b_j +/m/0ckt6 /film/film/language /m/02h40lc +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0j0k /location/location/contains /m/02lx0 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ft2l +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/017dcd +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh95l +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z3zp +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/05l3g_ /people/ethnicity/people /m/09fb5 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/042fgh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ych /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v0t +/m/042q3 /influence/influence_node/influenced_by /m/03sbs +/m/02j3w /base/biblioness/bibs_location/state /m/03s0w +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/026p_bs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/04r7p +/m/05b5_tj /people/person/place_of_birth /m/0cr3d +/m/06by7 /music/genre/artists /m/02jq1 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07xtqq /film/film/genre /m/0q9mp +/m/0dq9p /people/cause_of_death/people /m/014g91 +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/016kv6 /film/film/genre /m/02kdv5l +/m/0ggyr /location/location/contains /m/057bxr +/m/01rr31 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jhwd +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07s3m4g +/m/06nfl /organization/organization/place_founded /m/07dfk +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0gd5z /people/person/gender /m/02zsn +/m/0nhmw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kkjq +/m/01vt9p3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrz41 +/m/02704ff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0d3fdn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06myp /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/07c37 /influence/influence_node/influenced_by /m/0gz_ +/m/0ddfwj1 /film/film/film_festivals /m/0g57ws5 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02xb2bt +/m/03f0qd7 /people/person/profession /m/0dz3r +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/0dszr0 +/m/0136pk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ph2w /influence/influence_node/influenced_by /m/01wj9y9 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/01yk13 +/m/037c9s /music/performance_role/regular_performances./music/group_membership/group /m/0123r4 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_9wr +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/0gyh /location/location/contains /m/0qc7l +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022yb4 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pv91 +/m/023sng /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0clzr /location/administrative_division/country /m/03rt9 +/m/017_qw /music/genre/artists /m/04f9r2 +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/06bnz /location/country/capital /m/04swd +/m/02wb6d /people/person/religion /m/03_gx +/m/0170s4 /film/actor/film./film/performance/film /m/0n1s0 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/01pk3z /film/actor/film./film/performance/film /m/0209xj +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rx2m5 +/m/06182p /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/05c74 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/080lkt7 /film/film/genre /m/0hcr +/m/03wjm2 /film/film/produced_by /m/03h304l +/m/05zx7xk /award/award_category/winners./award/award_honor/award_winner /m/07s93v +/m/043mk4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09zmys +/m/0bz5v2 /people/person/profession /m/02hrh1q +/m/016cjb /music/genre/artists /m/086qd +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/01vv6xv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0jrtv /location/us_county/county_seat /m/0ply0 +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05m7zg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02_286 /location/location/contains /m/05njyy +/m/0h14ln /film/film/genre /m/04xvlr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/048j1q +/m/01f1kd /olympics/olympic_games/sports /m/09f6b +/m/016ywr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g83dv /film/film/produced_by /m/02hfp_ +/m/0178_w /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0169dl /film/actor/film./film/performance/film /m/0prrm +/m/018j2 /music/instrument/instrumentalists /m/082brv +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/02kxbx3 +/m/0bw8r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07jmnh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0ggbhy7 /film/film/executive_produced_by /m/0h5f5n +/m/03kts /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09bxq9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cf93 /music/record_label/artist /m/03xhj6 +/m/02xwq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/0f485 /location/administrative_division/country /m/07ssc +/m/0gbfn9 /film/film/executive_produced_by /m/02z6l5f +/m/02zkz7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/06m6z6 /people/person/profession /m/02jknp +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/023kzp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03zqc1 +/m/02sjgpq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/016622 +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01t38b +/m/01nd2c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04b675 /music/genre/artists /m/04m2zj +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/07h07 +/m/02ply6j /film/actor/film./film/performance/film /m/0h3xztt +/m/02gnh0 /education/educational_institution/colors /m/01l849 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds2n +/m/01846t /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/044lyq /people/person/profession /m/02hrh1q +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/028rk +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/042fk /people/person/religion /m/0631_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/029q3k +/m/05drr9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/029zqn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g970 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/03205_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/08nvyr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0h1x5f +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01kmd4 +/m/036hf4 /film/actor/film./film/performance/film /m/048tv9 +/m/04z_3pm /film/film/genre /m/0219x_ +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0chsq +/m/01cpp0 /base/culturalevent/event/entity_involved /m/079dy +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/040t74 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/06jkm /people/person/places_lived./people/place_lived/location /m/0t_07 +/m/0gkz3nz /film/film/country /m/09c7w0 +/m/03vrv9 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05tfm +/m/04gc65 /film/actor/film./film/performance/film /m/0j_t1 +/m/01k60v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02ndbd /people/person/gender /m/05zppz +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/01k8vh /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/01ync +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/0r2l7 /location/location/contains /m/04p_hy +/m/09r94m /film/film/genre /m/07s9rl0 +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/09zmys +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01gjlw +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/027_sn /people/person/gender /m/05zppz +/m/071vr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/05qm9f /film/film/country /m/09c7w0 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/027zz /people/person/profession /m/02hrh1q +/m/05650n /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01dthg /organization/organization/headquarters./location/mailing_address/citytown /m/0k33p +/m/01pp3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0p_47 +/m/01yz0x /award/award_category/disciplines_or_subjects /m/02xlf +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05wqr1 +/m/0z4s /film/actor/film./film/performance/film /m/0_9l_ +/m/05b6rdt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/05hjnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0h9qh /media_common/netflix_genre/titles /m/06zn2v2 +/m/02681vq /award/award_category/winners./award/award_honor/award_winner /m/09swkk +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/0kr_t +/m/0285c /people/person/profession /m/039v1 +/m/011j5x /music/genre/artists /m/0178kd +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02__34 +/m/01v1d8 /music/instrument/instrumentalists /m/01wbsdz +/m/0127m7 /people/person/gender /m/05zppz +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/09cn0c +/m/09c7w0 /location/country/second_level_divisions /m/06wxw +/m/0fmc5 /location/location/time_zones /m/02hcv8 +/m/0168dy /people/person/religion /m/019cr +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/09c7w0 /location/location/contains /m/02zcz3 +/m/0mmp3 /music/genre/parent_genre /m/0283d +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01m1y /music/genre/artists /m/01wp8w7 +/m/045qmr /tv/tv_program/genre /m/02kdv5l +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/011lvx /people/person/gender /m/02zsn +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l9v7n +/m/09c7w0 /location/location/contains /m/01swxv +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027f7dj +/m/0qcr0 /people/cause_of_death/people /m/04d2yp +/m/04tc1g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/01cl2y /music/record_label/artist /m/01d_h +/m/06bzwt /film/actor/film./film/performance/film /m/06tpmy +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07rd7 /film/director/film /m/01s3vk +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02rb84n /film/film/other_crew./film/film_crew_gig/crewmember /m/02h1rt +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/01p87y +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/03lmx1 /people/ethnicity/people /m/011zwl +/m/01b66d /tv/tv_program/genre /m/06q7n +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/07_3qd /music/group_member/membership./music/group_membership/role /m/0342h +/m/01bkv /language/human_language/countries_spoken_in /m/04w4s +/m/0m77m /people/person/nationality /m/07ssc +/m/03f7m4h /people/person/nationality /m/09c7w0 +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0f3m1 +/m/01cbt3 /people/person/profession /m/01c72t +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02qzh2 /film/film/genre /m/06cvj +/m/030nwm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01qwb5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/025j1t +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0kvgtf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/0127gn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_0p +/m/01l3wr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ps2h8 +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/0jdgr /film/film/music /m/02jqjm +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qkp +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/01qbg5 /film/film/runtime./film/film_cut/film_release_region /m/06qd3 +/m/02mjmr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f77 +/m/011kn2 /organization/organization/headquarters./location/mailing_address/citytown /m/05ksh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymf1 +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01v3ht +/m/01gc7 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pk8v +/m/039g82 /people/person/place_of_birth /m/013jz2 +/m/02sjp /people/person/nationality /m/03rjj +/m/0g6ff /people/ethnicity/people /m/01tz6vs +/m/02v_4xv /soccer/football_player/current_team./sports/sports_team_roster/team /m/01352_ +/m/0bj25 /film/film/music /m/02sj1x +/m/01z1r /sports/sports_team/colors /m/06fvc +/m/0c6g1l /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/04cdxc /people/person/profession /m/01d_h8 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02pg45 /film/film/language /m/02h40lc +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0jcx1 /base/biblioness/bibs_location/country /m/059j2 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/0126rp +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/02swsm /music/record_label/artist /m/01hw6wq +/m/027r0_f /film/actor/film./film/performance/film /m/01_1pv +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/015zyd +/m/082_p /people/person/profession /m/0dxtg +/m/06z9f8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/020ffd +/m/06by7 /music/genre/artists /m/01k_0fp +/m/0gkg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0523v5y /people/person/profession /m/089fss +/m/0253b6 /film/actor/film./film/performance/film /m/015ynm +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/016clz /music/genre/parent_genre /m/011j5x +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/05p5nc +/m/02k1b /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01r32 /base/biblioness/bibs_location/country /m/0d060g +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04f6df0 +/m/05jyb2 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01j95f /sports/sports_team/colors /m/01g5v +/m/0h5g_ /film/actor/film./film/performance/film /m/03mgx6z +/m/03f4xvm /award/award_winner/awards_won./award/award_honor/award_winner /m/02xbw2 +/m/09qr6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/03l3jy /people/person/nationality /m/06qd3 +/m/011xy1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02bjrlw +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/01kcd +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5f0b +/m/04cy8rb /people/person/place_of_birth /m/0kpys +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/01y20v /education/educational_institution/school_type /m/01rs41 +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/02zj61 +/m/01pg1d /people/person/profession /m/03gjzk +/m/03phtz /film/film/genre /m/01jfsb +/m/01hhyb /location/location/time_zones /m/02hcv8 +/m/0ddj0x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/0627sn /people/person/profession /m/02jknp +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/0hm10 /tv/tv_network/programs./tv/tv_network_duration/program /m/07s8z_l +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01_2n /tv/tv_program/languages /m/02h40lc +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01dbhb /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01xdf5 /people/person/profession /m/015cjr +/m/0c_md_ /people/person/profession /m/04gc2 +/m/02_0d2 /film/actor/film./film/performance/film /m/0dln8jk +/m/07s9rl0 /media_common/netflix_genre/titles /m/050gkf +/m/03lty /music/genre/artists /m/0gkg6 +/m/01p1v /location/country/form_of_government /m/01fpfn +/m/030p35 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdx29 +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/07ftc0 /people/person/languages /m/012w70 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/026n13j +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/016gp5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/017znw +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/09r9m7 /people/person/profession /m/01c8w0 +/m/0n8bn /people/person/place_of_birth /m/03l2n +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mc +/m/05km8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq806 +/m/03188 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04rqd /broadcast/content/artist /m/06mj4 +/m/05tbn /location/location/contains /m/0zz6w +/m/02b17t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02lp1 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04x_3 +/m/010p3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yv6b /music/genre/artists /m/03h_fqv +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l3_5 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02tktw /film/film/genre /m/07s9rl0 +/m/018vbf /base/culturalevent/event/entity_involved /m/08849 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03nqbvz /people/person/profession /m/02jknp +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/02qkt /location/location/contains /m/03rt9 +/m/0l14md /music/instrument/instrumentalists /m/0137g1 +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/018zvb /people/person/gender /m/05zppz +/m/0d4jl /people/person/nationality /m/07ssc +/m/01b_lz /tv/tv_program/languages /m/02h40lc +/m/01hmb_ /film/actor/film./film/performance/film /m/016dj8 +/m/05mlqj /people/person/gender /m/05zppz +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/05148p4 /music/instrument/instrumentalists /m/01vsyjy +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/015m08 /location/location/contains /m/0gw2w +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08pth9 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/07vfj /education/educational_institution_campus/educational_institution /m/07vfj +/m/034x61 /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/05zwrg0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/034np8 /film/actor/film./film/performance/film /m/032sl_ +/m/072x7s /film/film/featured_film_locations /m/02_286 +/m/02c7lt /people/person/gender /m/02zsn +/m/07bch9 /people/ethnicity/languages_spoken /m/0h407 +/m/0322yj /film/film/edited_by /m/03q8ch +/m/0ctw_b /location/country/capital /m/0853g +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/01j7mr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04j_gs +/m/03gvt /music/instrument/instrumentalists /m/0b_j2 +/m/02y_2y /people/person/profession /m/02jknp +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/026db_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/03tps5 /film/film/genre /m/06qm3 +/m/0m0nq /people/person/profession /m/02hrh1q +/m/0bwh6 /film/actor/film./film/performance/film /m/04q01mn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03yl2t +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/062zm5h +/m/02_2v2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0jnh /base/culturalevent/event/entity_involved /m/0dbxy +/m/041xyk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5q34q +/m/01vs4f3 /people/person/places_lived./people/place_lived/location /m/0978r +/m/0ccck7 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0frpd5 /people/person/nationality /m/03rk0 +/m/01h4rj /film/actor/film./film/performance/film /m/0k54q +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/01wwvc5 /people/person/gender /m/05zppz +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwf1 +/m/010p3 /people/person/profession /m/0dxtg +/m/02tqkf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033071 /film/actor/film./film/performance/film /m/03cffvv +/m/0b9dmk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/0h1x5f /film/film/genre /m/04228s +/m/0603qp /people/person/profession /m/02krf9 +/m/0gyfp9c /film/film/film_festivals /m/0hr30wt +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g970 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033rq +/m/01bn3l /film/film/language /m/02h40lc +/m/02ct_k /award/award_winner/awards_won./award/award_honor/award_winner /m/04cl1 +/m/0gd5z /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01lly5 +/m/05f4_n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01fyzy /people/person/religion /m/0c8wxp +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0680x0 +/m/0n5_t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5yv +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/06r713 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/0163v /location/country/official_language /m/06b_j +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/02hy9p /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01s81 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0170s4 +/m/07kjk7c /award/award_category/category_of /m/0gcf2r +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/08jyyk /music/genre/artists /m/0qmpd +/m/0992d9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/02k76g /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0h3mh3q +/m/0bqs56 /people/person/profession /m/02hrh1q +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/02y0yt /film/actor/film./film/performance/film /m/099bhp +/m/051x52f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vw_dv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/095b70 +/m/0kbvv /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/014g_s /film/actor/film./film/performance/film /m/056xkh +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01fwqn +/m/058kqy /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/0qc7l /base/biblioness/bibs_location/country /m/09c7w0 +/m/01qy6m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04k3jt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0fq7dv_ /film/film/genre /m/01585b +/m/02qkq0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pkm +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/02sgy /music/instrument/instrumentalists /m/018y81 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/026f__m +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/01zhs3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0sn4f /location/hud_county_place/county /m/0nt6b +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/02k6hp /people/cause_of_death/people /m/04zn7g +/m/0ft18 /film/film/genre /m/02l7c8 +/m/03_wpf /people/person/nationality /m/09c7w0 +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/03hfmm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01ty4 /people/person/religion /m/02rsw +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/043h78 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pq4w /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/05683p /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsl3_ +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4vj +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/041rx /people/ethnicity/languages_spoken /m/0880p +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0gywn /music/genre/artists /m/01vvlyt +/m/01vw87c /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gyv0b4 +/m/0342h /music/instrument/instrumentalists /m/01ttg5 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/02ck1 /people/person/profession /m/05vyk +/m/01vzxld /people/person/nationality /m/09c7w0 +/m/0h7h6 /location/location/contains /m/01t3h6 +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j2jr +/m/026fs38 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06qn87 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/06mn7 /film/director/film /m/02dwj +/m/07b_l /location/location/contains /m/0109vk +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/025txtg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/0gbwp /music/artist/origin /m/0281y0 +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/03ym1 +/m/06fc0b /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/045zr +/m/02b10w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dbpyd /people/person/nationality /m/09c7w0 +/m/03vfr_ /film/film/genre /m/01hwc6 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/041h0 +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06kl78 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/02z1yj /people/person/profession /m/02hrh1q +/m/049dzz /sports/sports_team/colors /m/083jv +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/047csmy /film/film/featured_film_locations /m/05qtj +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/01wmcbg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/04psyp /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/022q32 /people/person/spouse_s./people/marriage/spouse /m/02r3cn +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3h2 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pkyh +/m/0dt645q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015n8 /people/person/nationality /m/059j2 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/09g0h /people/person/religion /m/0kpl +/m/0btpm6 /film/film/genre /m/01jfsb +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02p_04b +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/05gc0h /people/person/gender /m/05zppz +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01l4zqz /people/person/gender /m/05zppz +/m/03vyh /music/genre/artists /m/0c9d9 +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/094tsh6 +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/09b3v /media_common/netflix_genre/titles /m/065z3_x +/m/0dj0m5 /film/film/language /m/02h40lc +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0glt670 /music/genre/artists /m/01wgxtl +/m/011k1h /music/record_label/artist /m/01wgfp6 +/m/01q8hj /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/033fqh /film/film/country /m/09c7w0 +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/045xx +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0g824 /people/person/spouse_s./people/marriage/spouse /m/0677ng +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/03nymk +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072x7s +/m/01n_2f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/0160nk /education/educational_institution/school_type /m/05pcjw +/m/06vsbt /film/actor/film./film/performance/film /m/06w99h3 +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/05nrg /location/location/contains /m/06s9y +/m/07t21 /location/location/contains /m/03x45p +/m/0crs0b8 /film/film/genre /m/02l7c8 +/m/0l6m5 /olympics/olympic_games/sports /m/06z68 +/m/018vs /music/instrument/instrumentalists /m/03f1zhf +/m/03pn9 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02w2bc /education/educational_institution/school_type /m/05jxkf +/m/02mxw0 /film/actor/film./film/performance/film /m/042fgh +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060__7 +/m/042d1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/0138t4 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/06hhrs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbwx +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0342h /music/instrument/instrumentalists /m/0147jt +/m/02jq1 /people/person/profession /m/02hrh1q +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/028knk +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05mvd62 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hpt3 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh2v5 +/m/0dl5d /music/genre/parent_genre /m/0p9xd +/m/05fkf /location/location/contains /m/0kcw2 +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01qkqwg /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/03phtz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04j53 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sq20 +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/08vr94 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/032xhg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3x5 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g5lhl7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07s8qm7 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08gsvw +/m/03n785 /film/film/genre /m/0g092b +/m/015pkc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05bnp0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0cq8qq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7h2g +/m/05wjnt /people/person/nationality /m/0d060g +/m/05r5c /music/instrument/instrumentalists /m/01p0vf +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0pz91 /film/actor/film./film/performance/film /m/02qdrjx +/m/0776drd /award/award_category/disciplines_or_subjects /m/02vxn +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/04411 /organization/organization_founder/organizations_founded /m/06thjt +/m/051zy_b /film/film/produced_by /m/09gffmz +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d05q4 +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qmr +/m/05lls /music/genre/artists /m/02b25y +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/04pp9s +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/03t95n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ch26b_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06r_by +/m/03qjlz /people/deceased_person/place_of_death /m/030qb3t +/m/01x9_8 /people/person/profession /m/01d_h8 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/05dxl_ /people/person/profession /m/02jknp +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b61v +/m/044rv /base/biblioness/bibs_location/country /m/03ryn +/m/02vr3gz /film/film/genre /m/03npn +/m/01v42g /film/actor/film./film/performance/film /m/0gydcp7 +/m/01qvcr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r858_ /film/film/genre /m/0219x_ +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/013pp3 /influence/influence_node/influenced_by /m/0379s +/m/01wg6y /people/person/profession /m/0fnpj +/m/0hv7l /base/aareas/schema/administrative_area/administrative_parent /m/06qd3 +/m/03y82t6 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02ptzz0 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0ctt4z +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237jb +/m/024fxq /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0g768 /music/record_label/artist /m/03xl77 +/m/01pcrw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/02z0f6l /film/film/featured_film_locations /m/0d6yv +/m/01q_wyj /people/person/profession /m/09jwl +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/0221zw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0kr_t +/m/01r9md /film/actor/film./film/performance/film /m/012s1d +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/04qt29 /film/actor/film./film/performance/film /m/04180vy +/m/03zg2x /film/actor/film./film/performance/film /m/0c3zjn7 +/m/01242_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/030qb3t /location/location/contains /m/01bzw5 +/m/01w_10 /film/actor/film./film/performance/film /m/013q07 +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/060j8b /film/actor/film./film/performance/film /m/0ds5_72 +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09c7w0 /location/country/second_level_divisions /m/0mlvc +/m/0lpjn /people/person/gender /m/02zsn +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hmt9b +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/01386_ +/m/0d_q40 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0drdv /people/person/nationality /m/02jx1 +/m/02773nt /people/person/place_of_birth /m/0hz35 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/016622 +/m/03bkbh /people/ethnicity/people /m/01vzxmq +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/02qgyv /film/actor/film./film/performance/film /m/0g9z_32 +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095b70 +/m/01gf5h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016z5x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vnp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0n5kc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/026lgs /film/film/genre /m/01jfsb +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/014kq6 /film/film/genre /m/01jfsb +/m/04lg6 /people/person/profession /m/01bs9f +/m/02frhbc /location/location/contains /m/06bw5 +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/0gfzfj /film/film/genre /m/05p553 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/053k78 /music/record_label/artist /m/01dpts +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/020fcn /film/film/genre /m/02kdv5l +/m/01clyr /music/record_label/artist /m/01vvybv +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015g28 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8pq +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/08htt0 /education/educational_institution_campus/educational_institution /m/08htt0 +/m/08cn4_ /people/person/gender /m/02zsn +/m/0d1y7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/037s9x /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/0ldd /people/person/place_of_birth /m/012fzm +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/051cc +/m/06b1q /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0413cff +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/049m19 /base/eating/practicer_of_diet/diet /m/07_jd +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/01r2c7 /film/director/film /m/01fmys +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/031v3p /people/person/place_of_birth /m/0h7h6 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/02k5sc +/m/03v0t /base/biblioness/bibs_location/country /m/09c7w0 +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02yygk /people/person/religion /m/019cr +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dg3jz +/m/034qrh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0315w4 +/m/015x74 /film/film/country /m/07ssc +/m/01vtj38 /people/person/profession /m/02hrh1q +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0bkq7 +/m/0f7fy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lfcm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02h40lc /language/human_language/countries_spoken_in /m/05v8c +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01r93l /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bksh +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03nt59 +/m/03j24kf /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0123qq /tv/tv_program/genre /m/05p553 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/03h2c /location/country/official_language /m/06nm1 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/082237 +/m/01n8_g /people/person/profession /m/02hrh1q +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/0bw20 /film/film/language /m/06b_j +/m/0342h /music/instrument/instrumentalists /m/0167v4 +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01pq5j7 +/m/01qg7c /film/director/film /m/01kff7 +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3k3f +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/09txzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0bykpk /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/015npr +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0534v /film/director/film /m/0j6b5 +/m/04shbh /film/actor/film./film/performance/film /m/01y9r2 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/011yph /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01skmp /film/actor/film./film/performance/film /m/07b1gq +/m/020bv3 /film/film/production_companies /m/016tw3 +/m/01k1k4 /film/film/genre /m/01hwc6 +/m/095zlp /film/film/genre /m/04xvh5 +/m/09p4w8 /film/film/music /m/07j8kh +/m/0pk1p /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0272_vz +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/0gqzz /award/award_category/winners./award/award_honor/award_winner /m/0534v +/m/0drnwh /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/04hqz /location/country/official_language /m/0jzc +/m/02w7gg /people/ethnicity/people /m/02l4rh +/m/0745k7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yshw /location/location/time_zones /m/02hcv8 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/01cszh /music/record_label/artist /m/01vvybv +/m/02mbs4 /organization/organization/headquarters./location/mailing_address/citytown /m/0jpy_ +/m/0660b9b /film/film/genre /m/0cshrf +/m/02pby8 /people/person/profession /m/02hrh1q +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0lx2l +/m/026cmdc /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/012v8 /language/human_language/countries_spoken_in /m/03rjj +/m/0bs8ndx /film/film/country /m/09c7w0 +/m/0k__z /education/educational_institution/students_graduates./education/education/student /m/03_x5t +/m/03rtz1 /film/film/language /m/02h40lc +/m/05_5rjx /film/film/produced_by /m/0bwh6 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/040z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/013t9y /film/director/film /m/05650n +/m/0gs6vr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/06w2sn5 +/m/02q253 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03mszl /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/09v9mks /film/film/country /m/07ssc +/m/043sct5 /film/film/genre /m/03q4nz +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/085q5 /film/actor/film./film/performance/film /m/01c22t +/m/05c4fys /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kckd +/m/01jft4 /film/film/production_companies /m/05rrtf +/m/03c602 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/010dft /location/hud_county_place/county /m/0jc6p +/m/01r216 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnx3j +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/09lxv9 /film/film/genre /m/0gf28 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0639bg +/m/0_9l_ /film/film/written_by /m/02h761 +/m/0p7tb /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0glt670 /music/genre/artists /m/01d1st +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01p5xy /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07yklv /music/genre/artists /m/03g5jw +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f8gz +/m/0jpkw /education/educational_institution/school_type /m/05jxkf +/m/02x_h0 /people/person/profession /m/02hrh1q +/m/02hwhyv /language/human_language/countries_spoken_in /m/0d05w3 +/m/0bx_q /people/person/nationality /m/09c7w0 +/m/0233bn /film/film/genre /m/01jfsb +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/011vx3 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mxbd +/m/05fjf /location/location/contains /m/0n5by +/m/041pnt /education/educational_institution_campus/educational_institution /m/041pnt +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/0pv3x /film/film/costume_design_by /m/0bytfv +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/01hmnh /media_common/netflix_genre/titles /m/0bmssv +/m/01rs59 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0n6ds +/m/032md /people/person/profession /m/0dxtg +/m/0344gc /film/film/genre /m/02l7c8 +/m/04cj79 /film/film/country /m/07ssc +/m/05h95s /tv/tv_program/country_of_origin /m/09c7w0 +/m/01gn36 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/04j689 /sports/sports_team/colors /m/038hg +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/01g23m +/m/0qf43 /people/person/profession /m/01d_h8 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/05w3f /music/genre/parent_genre /m/025tm81 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04cj79 +/m/02hg53 /people/person/religion /m/0c8wxp +/m/01_0f7 /film/film/language /m/06nm1 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/0175wg /film/actor/film./film/performance/film /m/0gs973 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01vcnl +/m/06q1r /location/location/contains /m/01f6ss +/m/041rx /people/ethnicity/people /m/0gs7x +/m/0j1yf /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/015f7 +/m/01gv_f /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1mt +/m/0163r3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0pv3x /film/film/country /m/07ssc +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/07s8hms /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qqv5 +/m/09byk /people/person/profession /m/02hrh1q +/m/03mqtr /media_common/netflix_genre/titles /m/043mk4y +/m/01cgz /film/film_subject/films /m/04q827 +/m/0cbgl /influence/influence_node/influenced_by /m/07lp1 +/m/01385g /people/person/gender /m/05zppz +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0bqvs2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wgxtl +/m/02rb84n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017s11 +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/01q2sk /education/educational_institution/school_type /m/05pcjw +/m/0124ld /olympics/olympic_games/participating_countries /m/07ssc +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09v92_x /award/award_category/nominees./award/award_nomination/nominated_for /m/0df92l +/m/01cl2y /music/record_label/artist /m/01vsy9_ +/m/02vnz /film/film_subject/films /m/03k8th +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/02kcz /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nglk /film/actor/film./film/performance/film /m/011ykb +/m/0150t6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05vtw /film/film_subject/films /m/02fqrf +/m/05r5c /music/instrument/instrumentalists /m/01vtg4q +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/04zw9hs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02lp0w /award/award_category/winners./award/award_honor/award_winner /m/0g476 +/m/09_99w /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0hz55 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/01vvlyt +/m/02c6pq /people/person/nationality /m/0chghy +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/032r4n /education/educational_institution/students_graduates./education/education/student /m/0fd_1 +/m/01rgr /people/deceased_person/place_of_death /m/05qtj +/m/026t6 /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06jd89 +/m/0yt73 /location/location/time_zones /m/02hcv8 +/m/027cyf7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/016v46 /location/location/time_zones /m/052vwh +/m/015f7 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/02lnbg /music/genre/artists /m/01s7ns +/m/0yc7f /location/hud_county_place/county /m/0cymp +/m/03_87 /influence/influence_node/influenced_by /m/0c1jh +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/02v60l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wvxw1 +/m/014gjp /tv/tv_program/program_creator /m/098n5 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/025st2z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01gvsn +/m/02js6_ /film/actor/film./film/performance/film /m/05hjnw +/m/01m24m /location/hud_county_place/county /m/0m2j5 +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/02t__3 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0ym1n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01hgwkr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rby /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0mdqp +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0265wl /award/award_category/disciplines_or_subjects /m/0l67h +/m/083p7 /people/deceased_person/place_of_death /m/019fh +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/04mrfv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09r_wb /people/person/gender /m/02zsn +/m/025n07 /film/film/produced_by /m/043q6n_ +/m/06sks6 /olympics/olympic_games/sports /m/07_53 +/m/015_1q /music/record_label/artist /m/01vsy7t +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnjh +/m/02x0dzw /award/award_winner/awards_won./award/award_honor/award_winner /m/0785v8 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d61px +/m/07r1h /people/person/places_lived./people/place_lived/location /m/05ksh +/m/02gf_l /people/person/gender /m/05zppz +/m/02lkcc /film/actor/film./film/performance/film /m/04tqtl +/m/016clz /music/genre/artists /m/05563d +/m/01wkmgb /people/person/profession /m/02jknp +/m/04tgp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03zb6t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/049468 /people/person/nationality /m/03rk0 +/m/02hp70 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0716t2 /film/actor/film./film/performance/film /m/02wgk1 +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/07l50_1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n8gr /people/person/profession /m/016z4k +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qsxy +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/01htxr +/m/0c35b1 /people/person/profession /m/02hrh1q +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01vzz1c /people/person/nationality /m/03rk0 +/m/0hg5 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0168nq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/05ywg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/04kzqz /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01qn8k /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/022q32 +/m/085gk /people/person/profession /m/0d8qb +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07f5x +/m/09n5t_ /music/genre/artists /m/01bpc9 +/m/0bbgvp /film/film/genre /m/060__y +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/037s5h /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0404yzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02ptczs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06b_0 +/m/0hwpz /film/film/featured_film_locations /m/0rh6k +/m/0fbftr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0fbq2n +/m/05r5c /music/instrument/instrumentalists /m/01vtmw6 +/m/011s9r /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050zr4 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gy1_ +/m/01qqtr /film/actor/film./film/performance/film /m/0320fn +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/05c74 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/09b3v /media_common/netflix_genre/titles /m/03x7hd +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/01ly5m /base/biblioness/bibs_location/country /m/0jgd +/m/0dnkmq /film/film/language /m/02h40lc +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06zpgb2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/0blpnz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gnjh +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/024l2y /film/film/language /m/02h40lc +/m/02q1hz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/016dj8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09bg4l /organization/organization_founder/organizations_founded /m/0d6qjf +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0kvqv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01q7cb_ /people/person/gender /m/05zppz +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hj3b3 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1k5 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02z0f6l +/m/02wh0 /people/person/places_lived./people/place_lived/location /m/01k4f +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0_jm +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/037gjc +/m/040b5k /film/film/film_format /m/07fb8_ +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/045r_9 /film/film/music /m/01c7p_ +/m/025sc50 /music/genre/artists /m/01vsykc +/m/06gd4 /music/group_member/membership./music/group_membership/role /m/0gkd1 +/m/03rjj /location/location/contains /m/07_pf +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0642ykh +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hp2y1 +/m/01n7q /location/location/contains /m/0l2lk +/m/01p8r8 /people/person/places_lived./people/place_lived/location /m/013m43 +/m/01n30p /film/film/genre /m/02b5_l +/m/0183z2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04r68 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/07ylj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lgxj +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/01nrz4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0blbxk /people/person/gender /m/02zsn +/m/05fjf /location/location/contains /m/010cw1 +/m/0cp08zg /film/film/country /m/0345h +/m/01t6xz /people/person/profession /m/02hrh1q +/m/01w7nwm /film/actor/film./film/performance/film /m/0cz_ym +/m/059_gf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/059g4 /location/location/contains /m/01k2wn +/m/02z2mr7 /film/film/genre /m/07s9rl0 +/m/03hltjb /people/person/nationality /m/02jx1 +/m/06k75 /time/event/locations /m/03shp +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011zf2 +/m/05gp3x /people/person/profession /m/0cbd2 +/m/0dwtp /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0g476 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/063_t +/m/0283d /music/genre/parent_genre /m/08cyft +/m/0jhjl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/01k_r5b /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01l1rw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06l7jj +/m/0kbws /olympics/olympic_games/participating_countries /m/035qy +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd6f +/m/0_b3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03tdlh /people/person/profession /m/02hrh1q +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02z4b_8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09mq4m +/m/0kbws /olympics/olympic_games/participating_countries /m/0345h +/m/02r0st6 /film/actor/film./film/performance/film /m/0bm2g +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0243cq +/m/0315rp /film/film/production_companies /m/030_1_ +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078jt5 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qm_f +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/015_1q /music/record_label/artist /m/02k5sc +/m/0nrqh /location/location/time_zones /m/02fqwt +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/04l590 +/m/0344gc /film/film/genre /m/0219x_ +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03x7hd +/m/070px /film/actor/film./film/performance/film /m/0979n +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/06cddt +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/018qpb /people/person/nationality /m/09c7w0 +/m/03772 /influence/influence_node/influenced_by /m/06bng +/m/01h2_6 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03x83_ +/m/02x_h0 /people/person/places_lived./people/place_lived/location /m/013yq +/m/011k1h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/09x3r /olympics/olympic_games/participating_countries /m/0165v +/m/047g6 /people/person/employment_history./business/employment_tenure/company /m/07xpm +/m/03xb2w /film/actor/film./film/performance/film /m/02754c9 +/m/0f830f /film/actor/film./film/performance/film /m/05k2xy +/m/0ldqf /olympics/olympic_games/sports /m/0d1t3 +/m/01hjy5 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jfsb /media_common/netflix_genre/titles /m/06bd5j +/m/011k1h /music/record_label/artist /m/023l9y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0416y94 /film/film/executive_produced_by /m/0fvf9q +/m/018vs /music/instrument/instrumentalists /m/01tw31 +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05wkw +/m/032clf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/0k0rf /film/film/genre /m/07s9rl0 +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07bxhl +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/0dbb3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0f8j13 /film/film/genre /m/0556j8 +/m/01z5tr /people/person/profession /m/03gjzk +/m/02t_v1 /film/actor/film./film/performance/film /m/016fyc +/m/02wrrm /people/person/place_of_birth /m/02_286 +/m/04rzd /music/instrument/instrumentalists /m/01tw31 +/m/083my7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02778tk /award/award_winner/awards_won./award/award_honor/award_winner /m/0277470 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/05whq_9 /film/director/film /m/04ghz4m +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/09bxq9 /people/person/gender /m/05zppz +/m/01qwb5 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/0trv /education/educational_institution/colors /m/01l849 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/02cllz /film/actor/film./film/performance/film /m/03bx2lk +/m/03mp8k /music/record_label/artist /m/015cqh +/m/03cp4cn /film/film/genre /m/01jfsb +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/0l15f_ +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/015_1q /music/record_label/artist /m/025l5 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/05xq9 +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0k20s /film/film/genre /m/03q4nz +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/03bdm4 /film/actor/film./film/performance/film /m/0bbgly +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0j2jr +/m/04z_3pm /film/film/film_festivals /m/059_y8d +/m/075cph /film/film/film_festivals /m/05ys0wz +/m/01fcmh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01xvjb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/016n7b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02m97n /organization/organization/headquarters./location/mailing_address/citytown /m/0f485 +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b19f +/m/01wrwf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d_4t /base/eating/practicer_of_diet/diet /m/07_hy +/m/01vc5m /education/educational_institution/students_graduates./education/education/student /m/0164nb +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05t7c1 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03q3sy +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc5qkt +/m/0156q /sports/sports_team_location/teams /m/0264v8r +/m/04mrfv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04w7rn /film/film/country /m/09c7w0 +/m/0bdlj /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fx1l +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/049dzz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ftxw +/m/01mqc_ /film/actor/film./film/performance/film /m/02yxbc +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rlj20 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/026r8q +/m/03g52k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/02kk_c +/m/02w86hz /film/film/language /m/07c9s +/m/06zpgb2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/015t7v +/m/040j2_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02__x +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/02n9k /people/person/languages /m/02h40lc +/m/025sc50 /music/genre/artists /m/086qd +/m/0mzkr /music/record_label/artist /m/0kj34 +/m/0hr3g /people/person/religion /m/0kpl +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0wr_s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/016gr2 +/m/086nl7 /people/person/profession /m/018gz8 +/m/01xn5th /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01sbv9 /film/film/genre /m/0bj8m2 +/m/0ycfj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ty4m /influence/influence_node/influenced_by /m/0pz91 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/0czkbt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/05nlx4 +/m/01vzxmq /film/actor/film./film/performance/film /m/0pv54 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/02ht1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016szr +/m/0djlxb /film/film/executive_produced_by /m/03wbzp +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/07b_l /location/location/contains /m/0f2s6 +/m/0g5pvv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/01mqc_ /film/actor/film./film/performance/film /m/01msrb +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/01g7_r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/0f7h2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07gqbk /music/record_label/artist /m/0fcsd +/m/0f2s6 /location/location/contains /m/0221g_ +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/04cxw5b +/m/015mlw /music/record_label/artist /m/0gr69 +/m/0hvb2 /people/person/profession /m/01d_h8 +/m/03z0l6 /people/person/nationality /m/02jx1 +/m/04jpl /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0194d +/m/04t36 /media_common/netflix_genre/titles /m/0c8tkt +/m/02nrdp /people/person/profession /m/018gz8 +/m/01nqfh_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bcp9b /film/film/film_festivals /m/0hrcs29 +/m/02czd5 /tv/tv_program/genre /m/05p553 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0163kf +/m/02n1gr /people/person/religion /m/03j6c +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/05sxr_ /film/film/genre /m/02l7c8 +/m/0djgt /location/administrative_division/country /m/03rk0 +/m/0191h5 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/01hwkn /base/culturalevent/event/entity_involved /m/01m41_ +/m/0190xp /music/genre/parent_genre /m/07bbw +/m/0hzlz /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0pmhf +/m/01pj3h /people/person/profession /m/01d_h8 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/015wc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lsl +/m/034np8 /film/actor/film./film/performance/film /m/0prrm +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/06ncr /music/instrument/instrumentalists /m/016j2t +/m/023n39 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02mzg9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06nbt /music/genre/artists /m/01s7qqw +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/03yk8z +/m/02f8zw /education/educational_institution_campus/educational_institution /m/02f8zw +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/01k53x /people/person/spouse_s./people/marriage/spouse /m/01wk7b7 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/04kqk /business/business_operation/industry /m/01mw1 +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/05q4y12 /film/film/featured_film_locations /m/01m1zk +/m/0h2zvzr /film/film/country /m/07ssc +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/028_yv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059_c +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/05rznz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01jfsb /media_common/netflix_genre/titles /m/05mrf_p +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0l0wv /education/educational_institution/colors /m/09q2t +/m/01dhjz /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0c_mvb /people/person/place_of_birth /m/0dclg +/m/02j3d4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/0dl5d /music/genre/artists /m/01hw6wq +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5px +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01ptt7 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/03czqs /location/statistical_region/religions./location/religion_percentage/religion /m/03j6c +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0261g5l +/m/03_nq /people/person/nationality /m/09c7w0 +/m/06rgq /people/person/profession /m/0nbcg +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l5rm +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gstn +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/0b_6v_ /time/event/locations /m/01snm +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/037css /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02_sr1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/01jfr3y /people/person/profession /m/02hrh1q +/m/038723 /people/ethnicity/people /m/07g2v +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/01j95f +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqzt +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/047yc +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/02ldkf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/09x3r /olympics/olympic_games/sports /m/0crlz +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04w7rn +/m/01k5t_3 /people/person/profession /m/09jwl +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0gtzp +/m/02mz_6 /people/person/places_lived./people/place_lived/location /m/06wjf +/m/0156q /sports/sports_team_location/teams /m/09glnr +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/028qyn +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/059rby /location/location/contains /m/0d_kd +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/0l6mp /olympics/olympic_games/sports /m/07_53 +/m/042fk /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtcc +/m/01s7ns /people/person/places_lived./people/place_lived/location /m/0fhzf +/m/0b66qd /people/person/languages /m/07c9s +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwlwp +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m1dzc +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0872p_c /film/film/personal_appearances./film/personal_film_appearance/person /m/0d3k14 +/m/07swvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/0d7vtk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01c65z +/m/0hnkp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/0c7t58 /award/award_winner/awards_won./award/award_honor/award_winner /m/04sry +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02pzy52 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/04zwtdy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034hck +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/094g2z +/m/08036w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/07_nf /film/film_subject/films /m/08hmch +/m/03y9ccy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/08nhfc1 +/m/0144l1 /people/person/profession /m/0kyk +/m/0gk4g /people/cause_of_death/people /m/015nvj +/m/03cp4cn /film/film/genre /m/03npn +/m/063_j5 /film/film/genre /m/0hn10 +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/0dnkmq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_rh4 /people/person/profession /m/0kyk +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/082xp +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gr2 +/m/0880p /language/human_language/countries_spoken_in /m/03pn9 +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0175wg +/m/063b4k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02fwfb +/m/02pby8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9wr +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02q3n9c +/m/0jhn7 /time/event/locations /m/013yq +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03b8c4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0184tc /film/film/executive_produced_by /m/0343h +/m/0flddp /film/director/film /m/0m_h6 +/m/06vv_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/04l8xw /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02skyy /tv/tv_program/genre /m/06ntj +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ryx0 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/03915c +/m/0f40w /film/film/genre /m/02l7c8 +/m/016_mj /film/actor/film./film/performance/film /m/011xg5 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02482c +/m/016_nr /music/genre/artists /m/03j3pg9 +/m/02bhj4 /education/educational_institution/school_type /m/01rs41 +/m/06c1y /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0d05w3 /location/location/contains /m/0l3cy +/m/033rq /people/person/gender /m/05zppz +/m/0ljbg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0flbm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09tc_y +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0258dh +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqcs3 +/m/026lgs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085gk /influence/influence_node/influenced_by /m/02lt8 +/m/0nv5y /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jnrk /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/029_l /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/016z51 +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01304j +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0l3h +/m/01kwhf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/015kg1 /music/record_label/artist /m/03q_w5 +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0jdx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/056vv +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01c4pv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07t_x +/m/012x1l /music/artist/origin /m/0d2lt +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/03061d /people/person/gender /m/05zppz +/m/015q43 /people/person/religion /m/0n2g +/m/058s57 /people/person/profession /m/016z4k +/m/0577d /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/09hrc +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0btpm6 +/m/01pf21 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0288fyj /award/award_winner/awards_won./award/award_honor/award_winner /m/02l840 +/m/01pgp6 /film/film/country /m/09c7w0 +/m/020_95 /award/award_winner/awards_won./award/award_honor/award_winner /m/018yj6 +/m/017g2y /people/deceased_person/place_of_death /m/030qb3t +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/0337vz /award/award_winner/awards_won./award/award_honor/award_winner /m/0227tr +/m/05cwl_ /education/educational_institution/school_type /m/05pcjw +/m/0jpn8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0435vm /film/film/produced_by /m/02qzjj +/m/024qqx /media_common/netflix_genre/titles /m/0btpm6 +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b2np +/m/0qmfk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0fz27v +/m/0lv1x /olympics/olympic_games/sports /m/0dwxr +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09blyk /media_common/netflix_genre/titles /m/02bg55 +/m/013nv_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bvx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0278x6s /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0296rz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/029q_y /people/person/profession /m/01d_h8 +/m/044mjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/01s73z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/04knvh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0dx8gj +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/0294zg /film/film/genre /m/07s9rl0 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/0dln8jk /film/film/country /m/09c7w0 +/m/01cbwl /music/genre/artists /m/01tv3x2 +/m/02l7c8 /media_common/netflix_genre/titles /m/03nm_fh +/m/014v6f /people/person/nationality /m/09c7w0 +/m/0345_ /location/country/form_of_government /m/01d9r3 +/m/0qpsn /base/biblioness/bibs_location/state /m/0vmt +/m/02lkcc /film/actor/film./film/performance/film /m/048vhl +/m/0b44shh /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/036dyy +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01lvzbl +/m/019pcs /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0187nd /education/educational_institution_campus/educational_institution /m/0187nd +/m/013w7j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f7hc +/m/0884hk /people/person/place_of_birth /m/09c7w0 +/m/0178kd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0215n /media_common/netflix_genre/titles /m/07vqnc +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/062hgx +/m/0d68qy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0277990 +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/017_pb +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/0127ps /film/film/produced_by /m/03ktjq +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/06rhz7 /film/film/language /m/02h40lc +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fwwkj +/m/024y8p /organization/organization/place_founded /m/0fsb8 +/m/01r0t_j /people/person/profession /m/0dz3r +/m/03kxj2 /film/film/produced_by /m/0fvf9q +/m/03kbr /people/ethnicity/people /m/01zp33 +/m/0524b41 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/02q5xsx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b05xm +/m/066m4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ph24 +/m/032qgs /people/person/profession /m/09jwl +/m/09p4w8 /film/film/production_companies /m/0c41qv +/m/02r34n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021mlp /film/actor/film./film/performance/film /m/0bykpk +/m/07ym47 /music/genre/artists /m/046p9 +/m/01vsy7t /music/artist/origin /m/0n90z +/m/0139q5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f85k +/m/04ns3gy /award/award_winner/awards_won./award/award_honor/award_winner /m/06pjs +/m/0gmblvq /film/film/genre /m/07s9rl0 +/m/0784z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03spz +/m/05r5w /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01wkmgb +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03fbb6 +/m/0bkv0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/08vq2y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0558_1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/035s95 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/021996 /location/location/time_zones /m/02lcqs +/m/019v67 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03hfmm /film/film/production_companies /m/0g1rw +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb57 +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gg5kmg +/m/01vw8mh /people/person/profession /m/0nbcg +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/018vs +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/065_cjc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dfjb8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06pwq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/01vvb4m /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01n7qlf +/m/087z12 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/01gc7 /film/film/production_companies /m/05qd_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/021mkg +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0js9s +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bj6k +/m/07bzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0438pz +/m/0kzy0 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03vgp7 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/0c41y70 /sports/sports_team/sport /m/03tmr +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bjqh /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/04smkr /people/person/nationality /m/09c7w0 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/03kwtb +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/027m5wv /film/film/genre /m/07s9rl0 +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04y9dk /film/actor/film./film/performance/film /m/02ywwy +/m/056rgc /film/actor/film./film/performance/film /m/03vyw8 +/m/095z4q /film/film/executive_produced_by /m/06rq2l +/m/016sqs /people/person/profession /m/0dz3r +/m/02ln1 /people/person/nationality /m/0345h +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bmhn +/m/034bs /influence/influence_node/influenced_by /m/03_dj +/m/05148p4 /music/instrument/instrumentalists /m/03f7m4h +/m/042v_gx /music/instrument/family /m/0342h +/m/01vqc7 /sports/sports_team/colors /m/06fvc +/m/0888c3 /film/film/genre /m/05p553 +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0161sp +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/02tcgh /film/film/country /m/03rk0 +/m/0gmtm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5dd +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/01tx9m /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/029qzx /organization/organization/headquarters./location/mailing_address/citytown /m/013kcv +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0kszw /people/person/places_lived./people/place_lived/location /m/0n9r8 +/m/01dw4q /people/person/profession /m/015cjr +/m/05n6sq /film/film/music /m/0jn5l +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01h788 +/m/045n3p /people/person/religion /m/0flw86 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1q9 +/m/0ddjy /film/film/genre /m/06n90 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/014kq6 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0kc9f +/m/0fr0t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/042xrr +/m/01m65sp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/023mdt /film/actor/film./film/performance/film /m/07y9w5 +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_wj_ +/m/077yk0 /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/03cn92 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/03zqc1 /film/actor/film./film/performance/film /m/01hqhm +/m/09c7w0 /location/country/second_level_divisions /m/0mwds +/m/0j5q3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/0bxtg /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0d4fqn /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/04dz_y7 /people/person/profession /m/0dxtg +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/01vh18t /people/person/profession /m/0kyk +/m/01gvr1 /people/person/place_of_birth /m/0f94t +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0287477 +/m/03k7bd /people/person/profession /m/02hrh1q +/m/05z43v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04q00lw /film/film/language /m/02h40lc +/m/02x3lt7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016qtt +/m/023322 /people/person/profession /m/0dz3r +/m/0bz3jx /film/film/genre /m/03q4nz +/m/09c7w0 /location/location/contains /m/0n6dc +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01m13b /film/film/country /m/05b4w +/m/04344j /education/educational_institution/colors /m/01l849 +/m/024y6w /award/award_winner/awards_won./award/award_honor/award_winner /m/0k8y7 +/m/03yk8z /film/actor/film./film/performance/film /m/0gg5qcw +/m/0jvs0 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/016s0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rrd4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0z05l /film/actor/film./film/performance/film /m/0y_9q +/m/0fpgp26 /film/film/country /m/09c7w0 +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0j13b +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_hb +/m/06by7 /music/genre/artists /m/01vtmw6 +/m/0bg539 /people/person/profession /m/0dxtg +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01tgwv +/m/047d21r /film/film/production_companies /m/061dn_ +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/01gz9n +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0187y5 /film/actor/film./film/performance/film /m/033f8n +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01k0vq +/m/0bvls5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033tf_ /people/ethnicity/people /m/0p_r5 +/m/042xrr /film/actor/film./film/performance/film /m/04vr_f +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/02v_4xv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03m6zs +/m/018w0j /film/film_subject/films /m/01j5ql +/m/0xhtw /music/genre/artists /m/0889x +/m/09p3_s /film/film/genre /m/060__y +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01znc_ +/m/0kpys /location/location/contains /m/0qjfl +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0284h6 +/m/07jrjb /people/person/places_lived./people/place_lived/location /m/05fjf +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0163v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ypb +/m/02q0v8n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/0266r6h +/m/01z215 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/0tc7 /people/person/profession /m/02hrh1q +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01nhgd +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0151ns /people/person/spouse_s./people/marriage/spouse /m/0b478 +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mrh +/m/01lc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrx35 +/m/02jyhv /people/person/profession /m/0np9r +/m/0125q1 /base/biblioness/bibs_location/country /m/07ssc +/m/07ssc /media_common/netflix_genre/titles /m/02w9k1c +/m/02tvsn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m41_ +/m/03wjm2 /film/film/produced_by /m/01zfmm +/m/01gkmx /people/person/sibling_s./people/sibling_relationship/sibling /m/01fwpt +/m/02x4wr9 /award/award_category/disciplines_or_subjects /m/02jknp +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01mylz /people/person/profession /m/0np9r +/m/0c2tf /people/person/places_lived./people/place_lived/location /m/0x1y7 +/m/0319l /music/instrument/instrumentalists /m/04mky3 +/m/06823p /film/film/genre /m/0hn10 +/m/02x201b /award/award_category/winners./award/award_honor/award_winner /m/03h4mp +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8x9 +/m/01sfmyk /people/person/profession /m/09jwl +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05m883 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/02q_4ph /film/film/story_by /m/02645b +/m/03ckwzc /film/film/genre /m/07s9rl0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02p72j +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_wvl +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/05r5c /music/instrument/instrumentalists /m/06w2sn5 +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/018w8 +/m/04zwjd /people/person/gender /m/05zppz +/m/028k57 /film/actor/film./film/performance/film /m/01k0xy +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/03zg2x +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/059nf5 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/02g7sp /people/ethnicity/people /m/01nfys +/m/01t_wfl /people/person/place_of_birth /m/012fzm +/m/01c9d /film/film/written_by /m/06mn7 +/m/011yg9 /film/film/genre /m/02l7c8 +/m/0dq630k /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01c6yz /location/location/contains /m/0m_1s +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/04__f /film/actor/film./film/performance/film /m/0dj0m5 +/m/05fjy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06lgq8 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/02_fz3 +/m/0p9rz /film/film/story_by /m/081k8 +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/030qb3t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0lk90 +/m/01vxqyl /people/person/profession /m/0dz3r +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0kz2w +/m/0431v3 /tv/tv_program/genre /m/01t_vv +/m/0k049 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/078mgh /people/person/profession /m/02hrh1q +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cc1 +/m/01n4w_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04rsd2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/02gkxp /education/educational_institution/students_graduates./education/education/student /m/03z509 +/m/0837ql /people/person/place_of_birth /m/0ftvz +/m/0qf2t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/01pp3p +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm64 +/m/033tf_ /people/ethnicity/people /m/0f_y9 +/m/01n7qlf /people/person/profession /m/02hrh1q +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0svqs +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/0phx4 /music/artist/origin /m/01n4nd +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06l9n8 +/m/07gql /music/instrument/instrumentalists /m/053yx +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03xnq9_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdxs5 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/06q5t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/014g_s /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07kcvl +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_q8 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/09c7w0 /location/location/contains /m/0m27n +/m/0847q /base/aareas/schema/administrative_area/administrative_parent /m/0chghy +/m/0bjqh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/03phgz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/022q32 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03rwng /film/actor/film./film/performance/film /m/0bs5f0b +/m/02q8ms8 /film/film/genre /m/06cvj +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/043kzcr +/m/08gyz_ /people/person/profession /m/02hrh1q +/m/015g28 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05xf75 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03j9ml /people/person/gender /m/02zsn +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0cmdwwg /film/film/genre /m/01t_vv +/m/0rh6k /location/location/contains /m/02vnp2 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0219q +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/05_6_y /people/person/religion /m/0c8wxp +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01hmnh /media_common/netflix_genre/titles /m/03hxsv +/m/0l2sr /location/location/time_zones /m/02lcqs +/m/053j4w4 /film/film_set_designer/film_sets_designed /m/0sxgv +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wk7ql +/m/07z5n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ctw_b +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01sbf2 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/04jwjq +/m/01vg0s /education/educational_institution/colors /m/01l849 +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02wt0 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/02r2qt7 +/m/09l3p /film/actor/film./film/performance/film /m/0blpg +/m/08xvpn /film/film/music /m/01wd9lv +/m/07jq_ /film/film_subject/films /m/0cf8qb +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/01kf4tt /film/film/country /m/07ssc +/m/08wr3kg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr69m +/m/018qb4 /olympics/olympic_games/sports /m/0bynt +/m/048_p /people/person/place_of_birth /m/0sbbq +/m/06s6l /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h63q6t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/029h7y /music/genre/parent_genre /m/02x8m +/m/098r1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/035xwd /film/film/production_companies /m/086k8 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0473rc /film/film/written_by /m/01t_wfl +/m/02q52q /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02qpt1w +/m/01sfmyk /people/person/places_lived./people/place_lived/location /m/07bcn +/m/0gyx4 /people/person/profession /m/0dxtg +/m/01jgpsh /people/person/profession /m/01d_h8 +/m/04qt29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02825kb +/m/011_6p /music/instrument/instrumentalists /m/01p95y0 +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04pxcx /people/person/profession /m/0gl2ny2 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ryz24 +/m/01g23m /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01f492 +/m/031296 /award/award_winner/awards_won./award/award_honor/award_winner /m/0404wqb +/m/0cc1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fr61 +/m/0341n5 /film/actor/film./film/performance/film /m/0ds1glg +/m/0h0wc /film/actor/film./film/performance/film /m/076tq0z +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/01w40h /music/record_label/artist /m/0knhk +/m/01n7q /location/location/contains /m/0gdk0 +/m/03w1v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03wj4r8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03b78r +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fn5s +/m/0g9zljd /film/film/film_festivals /m/0g57ws5 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03ts0c /people/ethnicity/people /m/01vvy +/m/06pj8 /people/person/profession /m/01d_h8 +/m/070j61 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m66w +/m/02hfp_ /people/deceased_person/place_of_death /m/01b8w_ +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/01y8d4 /influence/influence_node/peers./influence/peer_relationship/peers /m/02nygk +/m/01g23m /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d1qn +/m/016gkf /people/person/gender /m/05zppz +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/044ptm /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0163r3 +/m/0x67 /people/ethnicity/people /m/01wj5hp +/m/0c2dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0ymc8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02brqp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0bbf1f /people/person/profession /m/02hrh1q +/m/0vbk /location/location/partially_contains /m/04yf_ +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/010t4v +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cbn7c +/m/06t8v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h7x +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031786 +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/02r858_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01m5m5b +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0yl_3 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01cl2y /music/record_label/artist /m/0p76z +/m/03lyp4 /tv/tv_program/genre /m/0jxy +/m/018ym2 /location/location/time_zones /m/03plfd +/m/0bt7w /music/genre/artists /m/01s560x +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0nppc /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vq3 /film/film_subject/films /m/02vqhv0 +/m/02q3bb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0l2q3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2rj +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/02xry /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/033gn8 +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0h63gl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01jnc_ /film/film/produced_by /m/0d608 +/m/0cyhq /people/person/nationality /m/09c7w0 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/0gnbw /film/actor/film./film/performance/film /m/083shs +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/02f8lw +/m/07h1tr /film/film_set_designer/film_sets_designed /m/0h3k3f +/m/0mb5x /influence/influence_node/influenced_by /m/07g2b +/m/0jrtv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jxh9 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0171cm +/m/0j3v /influence/influence_node/influenced_by /m/042q3 +/m/03npn /media_common/netflix_genre/titles /m/060v34 +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05z_kps +/m/0jgd /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/06w99h3 /film/film/country /m/09c7w0 +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01nln /sports/sports_team_location/teams /m/03yl2t +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pdp8 +/m/016hvl /people/person/religion /m/0kpl +/m/026v_78 /people/person/gender /m/05zppz +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/04gkp3 +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/0k3hn /location/location/contains /m/0tz41 +/m/0f4vbz /film/actor/film./film/performance/film /m/05sns6 +/m/0234pg /film/actor/film./film/performance/film /m/03z20c +/m/0btj0 /influence/influence_node/influenced_by /m/0k57l +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/01n4f8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/034lk7 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/04__f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026y3cf +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/04z0g /people/person/employment_history./business/employment_tenure/company /m/0f1r9 +/m/0h3xztt /film/film/country /m/07ssc +/m/01kf4tt /film/film/music /m/01cbt3 +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/06pj8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/0c3351 /media_common/netflix_genre/titles /m/06bc59 +/m/03qcfvw /film/film/production_companies /m/05rrtf +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/01lyv /music/genre/artists /m/01kv4mb +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0mnlq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc07 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/03b78r /people/person/profession /m/018gz8 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/0mw7h /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m_mm +/m/0421st /people/person/profession /m/03gjzk +/m/02zs4 /organization/organization/headquarters./location/mailing_address/citytown /m/0vrmb +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/022fdt /people/ethnicity/people /m/0261x8t +/m/0241jw /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/09lxtg /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0f4k49 /film/film/genre /m/0hfjk +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rgcg +/m/01pcql /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/016z51 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtsb +/m/02f_k_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/0473rc /film/film/genre /m/06cvj +/m/0kbws /olympics/olympic_games/participating_countries /m/07dzf +/m/0_2v /organization/organization/headquarters./location/mailing_address/citytown /m/0195pd +/m/0ch26b_ /film/film/genre /m/03k9fj +/m/0d3mlc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cnk2q +/m/023n39 /film/actor/film./film/performance/film /m/01l_pn +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/03vrnh +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/0f4_2k /film/film/language /m/064_8sq +/m/02x_h0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/096hm +/m/0b1xl /education/educational_institution/colors /m/019sc +/m/0479b /people/person/gender /m/05zppz +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cy__l +/m/0cp08zg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/029q3k +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/03pn9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g5k +/m/0cc1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1w +/m/04dz_y7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znbh7 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mkhs +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/02029f /sports/sports_team/colors /m/01g5v +/m/05v38p /film/film/executive_produced_by /m/05hj_k +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04gycf +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/011yr9 /film/film/genre /m/06l3bl +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fkf +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/0456zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06s6l /location/country/official_language /m/02h40lc +/m/0_nh2 /location/location/time_zones /m/02hcv8 +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dv3 +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/06ybz_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09gdm7q /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/036b_ /location/country/official_language /m/05zjd +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/015w8_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/029cpw +/m/07b_l /location/location/contains /m/013m_x +/m/0n839 /people/person/nationality /m/02jx1 +/m/026c1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064r97z +/m/02_wxh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/instrument/instrumentalists /m/06w2sn5 +/m/01d4cb /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/02x_h0 /people/person/nationality /m/09c7w0 +/m/045bg /influence/influence_node/influenced_by /m/0j3v +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/012qjw /medicine/symptom/symptom_of /m/09969 +/m/016ckq /music/record_label/artist /m/01364q +/m/02v60l /people/person/profession /m/01d_h8 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/06t2t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01nqj /location/country/official_language /m/05zjd +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/015t7v /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/09c7w0 /location/location/contains /m/06yxd +/m/0716t2 /people/person/profession /m/02hrh1q +/m/0pmq2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nrt +/m/04764j /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/03h4mp +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03lq43 /film/actor/film./film/performance/film /m/03sxd2 +/m/0863x_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/0154qm +/m/019pm_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01p4vl +/m/0kbws /olympics/olympic_games/participating_countries /m/01p1b +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/04rrd /location/location/contains /m/0txrs +/m/01tz6vs /people/person/nationality /m/06bnz +/m/04q00lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0c0zq +/m/01_mdl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01jrbb /film/film/production_companies /m/0kk9v +/m/01w3lzq /people/person/nationality /m/02jx1 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0d4htf +/m/024_vw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07zhjj +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/0fht9f +/m/0419kt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3gw +/m/0135xb /people/person/places_lived./people/place_lived/location /m/0619_ +/m/0j80w /film/film/genre /m/02l7c8 +/m/02nygk /people/person/profession /m/0dxtg +/m/0ggx5q /music/genre/artists /m/018n6m +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/01y9jr /film/film/genre /m/0lsxr +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01w5gg6 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/01pr_j6 /people/person/profession /m/0dxtg +/m/018vs /music/instrument/instrumentalists /m/0167v4 +/m/084qpk /film/film/written_by /m/06cv1 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0b2km_ /film/film/film_format /m/07fb8_ +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/03jj93 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bd5j +/m/0407yj_ /film/film/genre /m/03k9fj +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/05pdbs /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04ykg +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/02pt7h_ /award/award_winner/awards_won./award/award_honor/award_winner /m/015mrk +/m/01f7gh /film/film/film_format /m/07fb8_ +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/03lq43 +/m/01yfp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0hfml /people/person/places_lived./people/place_lived/location /m/0xmp9 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01pbs9w +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/02sb1w +/m/017kz7 /film/film/production_companies /m/05qd_ +/m/05c17 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mhxx +/m/081lh /film/director/film /m/0gtvpkw +/m/0kbws /olympics/olympic_games/participating_countries /m/0jt3tjf +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05pq3_ +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/0jpn8 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05pq9 /people/person/nationality /m/09c7w0 +/m/0jmgb /sports/sports_team/sport /m/018w8 +/m/0329r5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01f492 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0czyxs /film/film/featured_film_locations /m/080h2 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0chghy /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06f32 +/m/022wxh /film/director/film /m/02s4l6 +/m/03ktjq /people/person/profession /m/03gjzk +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03gyvwg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0160w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019fz /people/person/places_lived./people/place_lived/location /m/0dclg +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/012s1d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01qq_lp +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gnjh +/m/0315q3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01q_ph +/m/05l71 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/03zj9 /education/educational_institution/colors /m/01l849 +/m/016pns /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fq117k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03bnv +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0418ft +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0fmqp6 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/0bd67 /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/09qr6 /people/person/profession /m/016z4k +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/02hh8j /people/person/gender /m/05zppz +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01tkqy +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/04jbyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kzcv /location/administrative_division/country /m/0d05w3 +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/016gp5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/02nt3d /film/film/produced_by /m/0d_skg +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/02phtzk /film/film/language /m/02hxcvy +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0f2sx4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06nnj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02stbw /film/film/language /m/02h40lc +/m/060__7 /film/film/produced_by /m/02q_cc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m2kd +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/05cqhl +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/0d61px /film/film/story_by /m/014nvr +/m/014g_s /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0t_07 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0vqn /location/location/contains /m/06mxs +/m/02y0dd /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ltf +/m/03ywyk /people/person/profession /m/02krf9 +/m/014nzp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0k3gj /location/us_county/county_seat /m/0tygl +/m/09xbpt /film/film/prequel /m/0418wg +/m/014dq7 /influence/influence_node/influenced_by /m/0zm1 +/m/03fvqg /people/person/nationality /m/09c7w0 +/m/04cv9m /film/film/costume_design_by /m/03gt0c5 +/m/04bbpm /education/educational_institution/colors /m/01jnf1 +/m/01vg13 /education/educational_institution/colors /m/04mkbj +/m/05rznz /location/country/official_language /m/02h40lc +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0kcrd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05jx2d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/044p4_ +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h26tm +/m/07b_l /location/location/contains /m/0_ytw +/m/0kvgxk /film/film/produced_by /m/076_74 +/m/01kvrz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2nq +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/02c4s +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/018qt8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/021b_ +/m/02p8v8 /people/person/profession /m/08z956 +/m/01ry0f /people/person/places_lived./people/place_lived/location /m/0824r +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01csrl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05hc96 +/m/03v1jf /award/award_winner/awards_won./award/award_honor/award_winner /m/06vsbt +/m/06chf /film/director/film /m/0gd0c7x +/m/0nbjq /olympics/olympic_games/participating_countries /m/07ssc +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/059_gf +/m/09h_q /people/person/profession /m/05vyk +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qmfm +/m/01bcq /film/actor/film./film/performance/film /m/09g8vhw +/m/017j7y /location/location/time_zones /m/02lcqs +/m/0bkq7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01ft14 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gls4q_ +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03n0cd /film/film/cinematography /m/0b9l3x +/m/01w02sy /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0cn_b8 /film/film/production_companies /m/016tw3 +/m/0cg39k /people/person/profession /m/02y5kn +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b149 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01y3_q /music/genre/parent_genre /m/0kz10 +/m/02bh8z /music/record_label/artist /m/013w7j +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01t38b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc3_ +/m/09tqkv2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09dt7 /people/deceased_person/place_of_death /m/0f25y +/m/0gy2y8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/0z20d /location/location/time_zones /m/02hcv8 +/m/03mstc /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/024_vw /people/person/profession /m/0fj9f +/m/02p3cr5 /music/record_label/artist /m/01w3lzq +/m/0gnbw /film/actor/film./film/performance/film /m/0p7pw +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9t0y +/m/01ty7ll /people/person/profession /m/02hrh1q +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0dwr4 +/m/05q2c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01qbg5 /film/film/genre /m/015w9s +/m/01gxqf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/01t_xp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/033hn8 /music/record_label/artist /m/01wwvc5 +/m/05r5c /music/instrument/instrumentalists /m/06wvj +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01dyk8 /organization/organization/headquarters./location/mailing_address/citytown /m/08966 +/m/01lyv /music/genre/artists /m/0dl567 +/m/041c4 /people/person/profession /m/01d_h8 +/m/01r4bps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpj9pm /people/person/profession /m/016z4k +/m/0ggq0m /music/genre/artists /m/05y7hc +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0fdv3 +/m/0dscrwf /film/film/produced_by /m/03h40_7 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/01v5h /organization/organization_founder/organizations_founded /m/09xwz +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06jzh +/m/06qgvf /film/actor/film./film/performance/film /m/02rrfzf +/m/015x74 /film/film/genre /m/02kdv5l +/m/0zygc /location/hud_county_place/county /m/0mws3 +/m/014zfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c408_ +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0csdzz +/m/01j67j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xpsrx +/m/01bgqh /award/award_category/category_of /m/0c4ys +/m/03f70xs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g5pv3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj50 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06w6_ +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01dkpb +/m/063fh9 /film/film/production_companies /m/09b3v +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/0y_yw /film/film/written_by /m/02vyw +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01fh36 /music/genre/artists /m/0ftps +/m/09v3hq_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0mlxt /location/us_county/county_seat /m/010v8k +/m/02r6mf /music/genre/artists /m/03ryks +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0828jw +/m/04flrx /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/059wk +/m/02725hs /film/film/genre /m/04rlf +/m/01wj18h /people/person/profession /m/0d1pc +/m/043t8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/0gt3p +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0frsw +/m/0h95927 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0266shh +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jkpgv +/m/01lhf /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/04qp06 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02vx4c2 +/m/05wqr1 /people/person/nationality /m/09c7w0 +/m/05kr_ /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01_1pv /film/film/genre /m/01hmnh +/m/05w3f /music/genre/artists /m/017g21 +/m/07lt7b /people/person/gender /m/02zsn +/m/02tqkf /film/actor/film./film/performance/film /m/026wlxw +/m/0121c1 /location/location/contains /m/014kj2 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/013xrm /people/ethnicity/people /m/08c7cz +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/022yb4 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/0bfp0l /music/record_label/artist /m/03193l +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/01fmz6 +/m/0cv9b /organization/organization/headquarters./location/mailing_address/citytown /m/0f2rq +/m/0137n0 /music/artist/origin /m/0vzm +/m/07b_l /location/location/contains /m/0f2w0 +/m/01v6480 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/04vlh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/0181dw /music/record_label/artist /m/07ss8_ +/m/0dgshf6 /award/award_category/winners./award/award_honor/award_winner /m/0jlv5 +/m/01dtcb /music/record_label/artist /m/01mbwlb +/m/01wx756 /people/person/profession /m/029bkp +/m/01b7lc /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09rsjpv /film/film/language /m/04306rv +/m/04bp0l /tv/tv_program/genre /m/09lmb +/m/01h8f /film/actor/film./film/performance/film /m/0407yj_ +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rxw +/m/02jx1 /location/location/contains /m/0ncy4 +/m/04tqtl /film/film/executive_produced_by /m/05hj_k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/0jzc +/m/0yx1m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01817f +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03w94xt /music/genre/artists /m/07yg2 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03z509 +/m/01rnly /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/0vfs8 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/028r4y +/m/06cv1 /people/person/profession /m/02hrh1q +/m/0cp0ph6 /film/film/executive_produced_by /m/0cj2nl +/m/016ggh /film/actor/film./film/performance/film /m/011yr9 +/m/0rwq6 /location/hud_county_place/place /m/0rwq6 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/0bt4r4 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0m8_v /film/actor/film./film/performance/film /m/06ztvyx +/m/0bw20 /film/film/featured_film_locations /m/0d060g +/m/025t9b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/05148p4 /music/instrument/instrumentalists /m/017g21 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/03rjj /location/country/capital /m/06c62 +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/0dzf_ /people/person/profession /m/018gz8 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/041sbd /education/educational_institution/campuses /m/041sbd +/m/0ggx5q /music/genre/artists /m/0p3r8 +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/019n8z /olympics/olympic_games/sports /m/02_5h +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06z9k8 +/m/0kbq /base/culturalevent/event/entity_involved /m/020d5 +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kvnn /people/person/languages /m/02h40lc +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/028k2x /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02mhfy +/m/0190_q /music/genre/artists /m/0qmpd +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0cd78 +/m/03f7xg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03bnd9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/022_6 /location/administrative_division/country /m/07ssc +/m/012fvq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/0cc97st /film/film/executive_produced_by /m/04jspq +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0c_tl +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/03fhml /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0by1wkq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02w7fs +/m/0892sx /people/person/profession /m/0dz3r +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/03qd_ /people/person/profession /m/01d_h8 +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06d4h /film/film_subject/films /m/0yyg4 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/025scjj +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/052h3 /people/person/profession /m/016fly +/m/06gd4 /people/person/nationality /m/02jx1 +/m/0gywn /music/genre/artists /m/0407f +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/08q3s0 /people/person/gender /m/05zppz +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/053xw6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/03clwtw /film/film/executive_produced_by /m/0g_rs_ +/m/06jw0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047g6 /people/person/employment_history./business/employment_tenure/company /m/0hsb3 +/m/05148p4 /music/instrument/instrumentalists /m/0fp_v1x +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016xh5 +/m/0mdqp /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/055z7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/05c46y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0_7w6 /film/film/language /m/02h40lc +/m/05q9g1 /people/person/profession /m/02jknp +/m/0ktx_ /film/film/country /m/09c7w0 +/m/03hzl42 /people/person/profession /m/02hrh1q +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q24zv +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/022yb4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/095nx +/m/0fh2v5 /film/film/genre /m/01jfsb +/m/04w7rn /film/film/language /m/06b_j +/m/09dv49 /people/person/nationality /m/03rk0 +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/02g40r /people/person/profession /m/01c72t +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0c3351 /media_common/netflix_genre/titles /m/01s9vc +/m/01_gv /sports/sports_team/colors /m/088fh +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02rmfm /award/award_winner/awards_won./award/award_honor/award_winner /m/02q3bb +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/01vrlr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01jrz5j +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063lqs +/m/051wwp /film/actor/film./film/performance/film /m/03p2xc +/m/09fc83 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02q42j_ /people/person/profession /m/03gjzk +/m/01ypsj /film/actor/film./film/performance/film /m/0ywrc +/m/0296vv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gd_b_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/04hk0w /film/film/film_format /m/07fb8_ +/m/0hvbj /music/artist/origin /m/0ply0 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04x1_w /film/actor/film./film/performance/film /m/05zy2cy +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hjy +/m/04fv0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ww5 +/m/01jw67 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dw9z +/m/01svq8 /people/person/profession /m/0dxtg +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/01n5309 /people/person/place_of_birth /m/0cr3d +/m/0fw2d3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04994l +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/051vz /sports/sports_team/colors /m/01l849 +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/04mvk7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09c7w0 /location/country/second_level_divisions /m/0y62n +/m/07jrjb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01p4wv +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/04g9sq +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066m4g +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/0gk4g /people/cause_of_death/people /m/01vtg4q +/m/07z4fy /people/person/nationality /m/02jx1 +/m/01ccr8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b005 +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fv5b +/m/01mqh5 /people/person/places_lived./people/place_lived/location /m/059rby +/m/03x746 /sports/sports_team/colors /m/083jv +/m/0jhd /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0dsvzh /film/film/country /m/09c7w0 +/m/04fv5b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/0mbf4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01t9qj_ /people/deceased_person/place_of_death /m/0r3w7 +/m/01q415 /people/person/places_lived./people/place_lived/location /m/010bxh +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/049dk /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/0l99s /influence/influence_node/influenced_by /m/040dv +/m/0pyww /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/08c7cz /people/person/profession /m/0cbd2 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/01sfmyk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/048fz +/m/0dr5y /people/person/places_lived./people/place_lived/location /m/0tj4y +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/0y_yw /film/film/music /m/05yzt_ +/m/047rkcm /film/film/genre /m/05p553 +/m/0btyf5z /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03qlv7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01wy6 +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/08664q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0djd3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/038723 /people/ethnicity/people /m/0b6yp2 +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/01243b /music/genre/artists /m/016lmg +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065ydwb +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f8hf +/m/03fbb6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03jqw5 +/m/032498 /sports/sports_team/colors /m/019sc +/m/03h8_g /people/person/place_of_birth /m/0ncy4 +/m/067sqt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/09q5w2 /film/film/country /m/09c7w0 +/m/02p5hf /people/person/spouse_s./people/marriage/location_of_ceremony /m/02h6_6p +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/02s5v5 /film/actor/film./film/performance/film /m/02vz6dn +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/09bw4_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/06gjk9 +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/0fxkr /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t2t2 +/m/03_3d /location/location/contains /m/018qpq +/m/01lpwh /sports/sports_team/roster./american_football/football_roster_position/position /m/0bgv8y +/m/01wxyx1 /film/actor/film./film/performance/film /m/048vhl +/m/09yhzs /people/person/places_lived./people/place_lived/location /m/0d35y +/m/04k9y6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01x6v6 +/m/065dc4 /film/film/country /m/09c7w0 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/02xry /location/location/contains /m/0rqf1 +/m/0hvvf /film/film/cinematography /m/07mkj0 +/m/02mhfy /people/person/gender /m/02zsn +/m/01tcf7 /people/person/place_of_birth /m/01_d4 +/m/0czkbt /people/person/place_of_birth /m/01b8w_ +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/047n8xt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/0jgd +/m/019f2f /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0ky1 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/016zp5 +/m/0drtkx /award/award_category/winners./award/award_honor/award_winner /m/04jspq +/m/037mh8 /education/field_of_study/students_majoring./education/education/student /m/04jzj +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07pzc /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/03wv2g /education/educational_institution/colors /m/019sc +/m/019pm_ /film/actor/film./film/performance/film /m/0y_pg +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/088lls /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06nz46 +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015t7v +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/029jt9 /film/film/film_art_direction_by /m/05683cn +/m/03flwk /people/person/profession /m/01d_h8 +/m/01n7q /location/location/contains /m/07vht +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/010t4v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b7xl8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/04zyhx /film/film/production_companies /m/03xsby +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/0gps0z /people/person/places_lived./people/place_lived/location /m/02hrh0_ +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/032xhg /people/person/profession /m/02hrh1q +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/02rjz5 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/037njl /education/educational_institution/school_type /m/01_srz +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/0345h /location/location/contains /m/0135k2 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/02f8zw +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01y3c +/m/0127s7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0285c +/m/059kh /music/genre/artists /m/01w5gg6 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/027f7dj /film/actor/film./film/performance/film /m/01z452 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778qt +/m/05ft32 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025scjj /film/film/film_art_direction_by /m/0fmqp6 +/m/0gmcwlb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03n0pv /music/artist/origin /m/02_286 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0498y /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/07k2mq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/016z7s +/m/0sq2v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/07y_7 /music/instrument/instrumentalists /m/016ntp +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0280mv7 +/m/01b0k1 /people/person/profession /m/01d_h8 +/m/019r_1 /people/person/profession /m/0dxtg +/m/03_3d /location/location/contains /m/0gqfy +/m/03qpp9 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/02c638 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j48s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yfd +/m/03jldb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sbv9 +/m/08nvyr /film/film/language /m/06nm1 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/0147dk /people/person/places_lived./people/place_lived/location /m/06mxs +/m/01mjq /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/01s7zw /film/actor/film./film/performance/film /m/045r_9 +/m/0219x_ /media_common/netflix_genre/titles /m/0p9lw +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/01s0t3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f5spx +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06bnz +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yx_w +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/0gg4h /people/cause_of_death/people /m/0202p_ +/m/044lbv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/033tln /film/actor/film./film/performance/film /m/04zyhx +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/0k__z +/m/09btt1 /people/person/place_of_birth /m/0_vn7 +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/01hvjx /film/film/genre /m/082gq +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/01pj5q /people/person/places_lived./people/place_lived/location /m/0hptm +/m/0dfw0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07t90 +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/0mb0 /influence/influence_node/influenced_by /m/0448r +/m/07wjk /location/location/time_zones /m/02hcv8 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0mp08 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0z4s /people/person/nationality /m/07ssc +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0jdhp /film/actor/film./film/performance/film /m/03tps5 +/m/0l0wv /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/076zy_g /film/film/produced_by /m/02tn0_ +/m/026z9 /music/genre/artists /m/01x1cn2 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0329r5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07tw_b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mny8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/0bmssv /film/film/genre /m/05p553 +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0296vv +/m/0401sg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/07w21 /influence/influence_node/influenced_by /m/0g5ff +/m/011ywj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048xyn +/m/07h1q /influence/influence_node/influenced_by /m/0hnlx +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/04n1hqz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0c4f4 /film/actor/film./film/performance/film /m/03mh_tp +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05hj_k +/m/017_pb /people/person/nationality /m/09c7w0 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/04wlh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tr1 +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06s26c +/m/01q7cb_ /people/person/profession /m/02jknp +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/04g865 /film/director/film /m/04gcyg +/m/0fy2s1 /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/01k23t /people/person/place_of_birth /m/0rng +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03c0t9 +/m/0bdxs5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0pc62 /film/film/genre /m/02kdv5l +/m/0k3k1 /location/location/contains /m/0t_07 +/m/0863x_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/01lw3kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fxfk +/m/03qcfvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/045w_4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_2v2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425j7 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/03_44z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02vxq9m /film/film/prequel /m/08gsvw +/m/01lsl /film/film/country /m/09c7w0 +/m/065z3_x /film/film/produced_by /m/02lf0c +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/01771z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0htlr /people/person/nationality /m/09c7w0 +/m/0l786 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/031sg0 +/m/0gxb2 /medicine/symptom/symptom_of /m/087z2 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/0k6yt1 /people/person/gender /m/02zsn +/m/01yh3y /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/017_qw /music/genre/artists /m/09swkk +/m/04d_mtq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dxmyh +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/01ry_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07d2d /music/genre/artists /m/0m19t +/m/04lqvly /film/film/genre /m/082gq +/m/0nj07 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njdm +/m/03rt9 /location/country/second_level_divisions /m/01fj9_ +/m/0sxns /film/film/genre /m/06cvj +/m/01hx2t /education/educational_institution_campus/educational_institution /m/01hx2t +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/047vnkj /film/film/produced_by /m/02qjpv5 +/m/041rx /people/ethnicity/people /m/01vy_v8 +/m/0x67 /people/ethnicity/people /m/04y79_n +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cgb8 +/m/03ym1 /people/person/religion /m/0kpl +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0dzst +/m/03_qrp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/0181dw /music/record_label/artist /m/02cw1m +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jdhp +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/08gsvw +/m/06ltr /film/actor/film./film/performance/film /m/031778 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01gvr1 +/m/01kf3_9 /film/film/country /m/07ssc +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/08hp53 +/m/0kcn7 /film/film/featured_film_locations /m/04jpl +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/01whg97 +/m/018vs /music/instrument/instrumentalists /m/01wt4wc +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/04grkmd /film/film/genre /m/04xvlr +/m/01j590z /people/person/profession /m/039v1 +/m/0cqnss /film/film/genre /m/05p553 +/m/0ggbhy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04qk12 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/02s2ft /film/actor/film./film/performance/film /m/0fb7sd +/m/06929s /film/film/language /m/02h40lc +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0157m +/m/02x0bdb /people/person/place_of_birth /m/02_286 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/026m0 /people/person/gender /m/05zppz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/03p2xc /film/film/produced_by /m/0b13g7 +/m/06p03s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0299hs +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0356gk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ldqf /olympics/olympic_games/sports /m/03hr1p +/m/017j69 /education/educational_institution/colors /m/083jv +/m/018j2 /music/instrument/instrumentalists /m/037hgm +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vs14j +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/075q_ +/m/06q1r /location/location/contains /m/09vzz +/m/0993r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0zjpz +/m/01tnxc /people/person/spouse_s./people/marriage/spouse /m/0dn3n +/m/02gnmp /education/educational_institution_campus/educational_institution /m/02gnmp +/m/035rnz /people/person/profession /m/02hrh1q +/m/0kvsb /film/director/film /m/04qk12 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/01twmp /people/person/profession /m/0dxtg +/m/02pw_n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/036dyy +/m/049bp4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cb77r /film/film_set_designer/film_sets_designed /m/048rn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vhb +/m/0xhtw /music/genre/artists /m/01386_ +/m/0210hf /people/person/profession /m/01d_h8 +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wvhz +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/03rwng +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07lt7b /film/actor/film./film/performance/film /m/0bpm4yw +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/02byfd /people/person/languages /m/06nm1 +/m/032r4n /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0hm0k /business/business_operation/industry /m/0sydc +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0190_q /music/genre/artists /m/02ndj5 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/0fgg4 /film/actor/film./film/performance/film /m/024mpp +/m/03mv0b /people/person/places_lived./people/place_lived/location /m/0hyxv +/m/0342h /music/instrument/instrumentalists /m/018dyl +/m/048lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d_84 +/m/03rjj /location/location/contains /m/031y2 +/m/043t8t /film/film/produced_by /m/02ld6x +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgst_d +/m/0k3jc /location/us_county/county_seat /m/0mzvm +/m/03ff65 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06pqy_ +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01wj18h /people/person/profession /m/09jwl +/m/0crc2cp /film/film/language /m/02h40lc +/m/0234j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02zkdz +/m/02v5xg /film/film/genre /m/0jxy +/m/016tvq /tv/tv_program/country_of_origin /m/09c7w0 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/03bw6 /film/director/film /m/0gxfz +/m/0g5838s /award/award_winning_work/awards_won./award/award_honor/award /m/0fms83 +/m/04xjp /people/deceased_person/place_of_death /m/056_y +/m/01xwqn /influence/influence_node/influenced_by /m/01wp_jm +/m/02hhtj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01yf85 +/m/044mvs /people/person/profession /m/02hrh1q +/m/0292l3 /film/actor/film./film/performance/film /m/04jwjq +/m/05gjfk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cn68 /people/ethnicity/people /m/01qkqwg +/m/0c5x_ /education/educational_institution/students_graduates./education/education/student /m/05dbyt +/m/09t4hh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0bw20 /film/film/country /m/0d060g +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0296rz /film/film/language /m/02h40lc +/m/0hhqw /people/person/nationality /m/015fr +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0127ps +/m/032xky /film/film/story_by /m/0jt90f5 +/m/059kh /music/genre/parent_genre /m/05r6t +/m/051x52f /people/deceased_person/place_of_death /m/0k_p5 +/m/04v3q /sports/sports_team_location/teams /m/03yvgp +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/02b9g4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1r6t +/m/05bpg3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06fc0b +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0770cd /people/person/profession /m/0nbcg +/m/01xdf5 /influence/influence_node/influenced_by /m/01j7rd +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02mt4k +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02z1yj +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0443y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/05xbx /award/award_winner/awards_won./award/award_honor/award_winner /m/07k2d +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f276 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_n63 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/06qwh +/m/06j6l /music/genre/artists /m/01w5jwb +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/0cp0790 /film/film/country /m/03rjj +/m/030vmc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07sgdw +/m/05w3f /music/genre/artists /m/03f0fnk +/m/01ksr1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01m4yn +/m/01tdnyh /people/person/profession /m/06q2q +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0170th +/m/02n61z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07j9n /base/culturalevent/event/entity_involved /m/07ytt +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/0m93 /people/person/profession /m/01pxg +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/034np8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01n7q +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/018gqj +/m/036c_0 /people/person/profession /m/02hrh1q +/m/04shbh /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0456xp +/m/079kr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01lv85 +/m/07hwkr /people/ethnicity/people /m/06jzh +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g83dv +/m/08c9b0 /people/person/nationality /m/06q1r +/m/01j4ls /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/0bzyh /people/person/profession /m/02krf9 +/m/09p0ct /film/film/genre /m/0lsxr +/m/05h43ls /film/film/genre /m/07s9rl0 +/m/01vsyg9 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0n474 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bbxd3 /people/person/nationality /m/09c7w0 +/m/0mwvq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k5y0 +/m/02k1b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/05d49 /location/location/contains /m/0820xz +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/0jqd3 /film/film/produced_by /m/0j_c +/m/070fnm /film/film/genre /m/04xvh5 +/m/07ng9k /tv/tv_program/genre /m/03k9fj +/m/015_1q /music/record_label/artist /m/05qw5 +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/012v9y /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05q2c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0p_th /film/film/country /m/09c7w0 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jmj +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02wgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0g7k2g /music/artist/origin /m/0h7x +/m/014z8v /people/person/gender /m/05zppz +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/0gt_k /award/award_winner/awards_won./award/award_honor/award_winner /m/01w724 +/m/02zj61 /people/person/place_of_birth /m/0l1pj +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/0x2p +/m/048tv9 /film/film/genre /m/03k9fj +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xcfy +/m/02p7_k /film/actor/film./film/performance/film /m/025ts_z +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/03sbs /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/018qb4 /olympics/olympic_games/sports /m/02_5h +/m/019r_1 /people/deceased_person/place_of_death /m/030qb3t +/m/02gyl0 /people/person/nationality /m/0h7x +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/059rby /location/location/contains /m/0f6_4 +/m/015d3h /people/person/employment_history./business/employment_tenure/company /m/07wg3 +/m/051x52f /film/film_set_designer/film_sets_designed /m/0gcpc +/m/02vg0 /film/actor/film./film/performance/film /m/0830vk +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/05pq9 +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jft4 +/m/04wqsm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0xhmb /location/location/time_zones /m/02hcv8 +/m/0498y /location/location/contains /m/0tgcy +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f2zc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01ypc +/m/02ccqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03v1s /location/location/contains /m/01qrb2 +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0jkhr +/m/07hgm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0h0yt /influence/influence_node/influenced_by /m/0282x +/m/07_m9_ /people/person/profession /m/0n1h +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02dj3 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0157m +/m/026s90 /music/record_label/artist /m/0134tg +/m/06s_2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04hzj +/m/07j8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cq806 /film/film/produced_by /m/0p51w +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/027tbrc +/m/0qcrj /location/hud_county_place/place /m/0qcrj +/m/03cp4cn /film/film/genre /m/04xvlr +/m/05sy_5 /film/film/produced_by /m/026gb3v +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/03h_fk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/06m61 +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/020vx9 /education/educational_institution_campus/educational_institution /m/020vx9 +/m/07ccs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dvms /film/actor/film./film/performance/film /m/015gm8 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/017jd9 /film/film/genre /m/02xlf +/m/02_j7t /film/actor/film./film/performance/film /m/07_fj54 +/m/03mh_tp /film/film/production_companies /m/017jv5 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j3d9tn +/m/03mp1_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cljf +/m/02607j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0m32h /people/cause_of_death/people /m/0436zq +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0gr69 +/m/0222qb /people/ethnicity/people /m/028pzq +/m/0gzlb9 /film/film/genre /m/02kdv5l +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03kbb8 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01wbz9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/095b70 /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0crs0b8 /film/film/language /m/02h40lc +/m/0d6d2 /film/actor/film./film/performance/film /m/0ptxj +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0pc62 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/0dclg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0292l3 /people/person/gender /m/05zppz +/m/0fy2s1 /people/person/religion /m/03kbr +/m/08xvpn /film/film/genre /m/07s9rl0 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/016z68 +/m/0678gl /people/person/profession /m/02hrh1q +/m/031kyy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz4j +/m/06x58 /film/actor/film./film/performance/film /m/09cr8 +/m/06mnps /film/actor/film./film/performance/film /m/047myg9 +/m/0gv5c /people/person/religion /m/03_gx +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0b2_xp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0x67 /people/ethnicity/people /m/01vzx45 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/014g91 /people/person/nationality /m/09c7w0 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0yfp +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/06z4wj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/01507p /people/person/gender /m/05zppz +/m/013knm /film/actor/film./film/performance/film /m/0gj8t_b +/m/02ctzb /people/ethnicity/people /m/01nhkxp +/m/04smkr /people/person/religion /m/06nzl +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0pz7h +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08zrbl +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01p85y /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcdn +/m/019nnl /tv/tv_program/languages /m/02h40lc +/m/04xhwn /film/actor/film./film/performance/film /m/0pvms +/m/0167v4 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01_ztw +/m/025hl8 /people/cause_of_death/people /m/0lfbm +/m/0jsg0m /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_hb +/m/021yc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0kwv2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/041td_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bxfmk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0135xb /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/059g4 /base/locations/continents/countries_within /m/0345_ +/m/086hg9 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/05pdd86 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/022q32 /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/01pcvn /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07cz2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fczy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4zv +/m/07m77x /film/actor/film./film/performance/film /m/0cc97st +/m/01z4y /media_common/netflix_genre/titles /m/023vcd +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/025tdwc /people/person/profession /m/09jwl +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/015f7 +/m/03bmmc /education/educational_institution_campus/educational_institution /m/03bmmc +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/07q1m /film/film/country /m/07ssc +/m/09c7w0 /location/location/contains /m/04sylm +/m/01zll8 /base/biblioness/bibs_location/country /m/03ryn +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/01zv_ /location/location/contains /m/01f62 +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01vvzb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/04h6mm /people/person/gender /m/05zppz +/m/02482c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/031vy_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/02fqxm /film/film/featured_film_locations /m/0r771 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/03xkps /film/actor/film./film/performance/film /m/011ykb +/m/0fqy4p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bhwhj +/m/019g40 /people/person/gender /m/05zppz +/m/0d29z /people/ethnicity/geographic_distribution /m/0d060g +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w29z +/m/0n0bp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012gbb +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03f1zdw /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/04h41v /film/film/genre /m/05p553 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0kb1g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033pf1 /film/film/produced_by /m/06pj8 +/m/01jfsb /media_common/netflix_genre/titles /m/04fv5b +/m/0j0k /base/locations/continents/countries_within /m/06vbd +/m/0m2kd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01nzz8 /people/person/place_of_birth /m/0r00l +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07m77x +/m/06l9n8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/06k5_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgyv +/m/0b_6qj /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/02rybfn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/064t9 /music/genre/artists /m/03j0br4 +/m/0cjf0 /medicine/symptom/symptom_of /m/01qqwn +/m/0294fd /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/01xg_w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05zbm4 +/m/041rx /people/ethnicity/people /m/01cwkq +/m/0m25p /base/aareas/schema/administrative_area/administrative_parent /m/0vmt +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02knnd /people/person/profession /m/02hrh1q +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/050fh /organization/organization/headquarters./location/mailing_address/citytown /m/052bw +/m/051wwp /film/actor/film./film/performance/film /m/043mk4y +/m/01zfmm /film/director/film /m/043mk4y +/m/02jtjz /film/actor/film./film/performance/film /m/03k8th +/m/01rs5p /film/actor/film./film/performance/film /m/04hwbq +/m/0345h /location/location/contains /m/09ksp +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/03cd1q +/m/02m30v /people/person/spouse_s./people/marriage/spouse /m/08ff1k +/m/01qn8k /film/actor/film./film/performance/film /m/01cz7r +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/026mmy /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/015fr +/m/02v406 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/0mp3l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mpdw +/m/01ky7c /education/educational_institution/colors /m/04mkbj +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/0f5zj6 /people/person/nationality /m/03rk0 +/m/0qlnr /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0b3n61 /film/film/production_companies /m/01gb54 +/m/031778 /film/film/prequel /m/03176f +/m/02d6n_ /film/actor/film./film/performance/film /m/07bx6 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/07lt7b +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/046m59 +/m/027mdh /education/educational_institution/school_type /m/04399 +/m/0l15n /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/01jfsb /media_common/netflix_genre/titles /m/0cqr0q +/m/01pctb /people/person/places_lived./people/place_lived/location /m/09ksp +/m/0147dk /people/person/profession /m/03gjzk +/m/01vswx5 /people/person/profession /m/0fnpj +/m/0155w /music/genre/artists /m/0p7h7 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0q34g /base/biblioness/bibs_location/state /m/09ctj +/m/0hkqn /business/business_operation/industry /m/0w7s +/m/0c7hq /location/location/contains /m/0fhsz +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/0dw3l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/051ys82 /film/film/film_festivals /m/0cmd3zy +/m/07s93v /film/director/film /m/04cv9m +/m/01q9b9 /people/person/employment_history./business/employment_tenure/company /m/01jq4b +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qrbf +/m/03bxwtd /people/person/profession /m/09jwl +/m/07tds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/country/second_level_divisions /m/0mlyj +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/064t9 /music/genre/artists /m/024y6w +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018417 +/m/01p0vf /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/018phr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050_qx /people/person/nationality /m/09c7w0 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05ff6 +/m/09txzv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026t6 /music/instrument/instrumentalists /m/05cljf +/m/01l8t8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c4g +/m/08wjc1 /business/business_operation/industry /m/02jjt +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vrgnr +/m/01yfp7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0gw7p /film/film/production_companies /m/016tw3 +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1rq +/m/09thp87 /award/award_winner/awards_won./award/award_honor/award_winner /m/094wz7q +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/06ncr +/m/076zy_g /film/film/genre /m/07s9rl0 +/m/02z5x7l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hptm /sports/sports_team_location/teams /m/0hm2b +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06mr6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/010xjr +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1mc +/m/08052t3 /film/film/music /m/06fxnf +/m/02kxjx /base/culturalevent/event/entity_involved /m/01h3dj +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h7dd +/m/024lt6 /film/film/written_by /m/01q_ph +/m/06cddt /film/actor/film./film/performance/film /m/0crd8q6 +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/026ldz7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/041rx /people/ethnicity/people /m/02y0yt +/m/01n44c /people/person/nationality /m/09c7w0 +/m/0ndwt2w /film/film/genre /m/01hmnh +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/02rlj20 /award/award_winning_work/awards_won./award/award_honor/award /m/04g2jz2 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/07r78j +/m/01wtlq /music/genre/artists /m/0g7k2g +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/02p4jf0 /music/record_label/artist /m/0fb2l +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yfp7 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01swxv +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05mcjs +/m/05l5n /location/location/contains /m/0yl_w +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/01m13b /film/film/film_festivals /m/03wf1p2 +/m/096jwc /music/genre/artists /m/0kvnn +/m/018js4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0k4gf /people/person/gender /m/05zppz +/m/019vhk /film/film/genre /m/04xvh5 +/m/0gnbw /award/award_winner/awards_won./award/award_honor/award_winner /m/016yvw +/m/099bhp /film/film/genre /m/01zhp +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076psv +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/01pv91 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gb54 +/m/0xnvg /people/ethnicity/people /m/0q9t7 +/m/05jrj4 /people/person/profession /m/09jwl +/m/01g3gq /film/film/written_by /m/0b05xm +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/041rx /people/ethnicity/people /m/01y8d4 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/03kxdw /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/09nz_c /film/actor/film./film/performance/film /m/0jqkh +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fs29 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/047tsx3 +/m/0342h /music/instrument/instrumentalists /m/0pj9t +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/013qvn /people/person/profession /m/02hrh1q +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/02qfv5d /media_common/netflix_genre/titles /m/026p_bs +/m/0h0wd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c0tzp +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0kxf1 +/m/01hkhq /film/actor/film./film/performance/film /m/01w8g3 +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/01c58j /influence/influence_node/influenced_by /m/01lc5 +/m/043tz0c /film/film/cinematography /m/06t8b +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gm2_0 +/m/02h3tp /film/actor/film./film/performance/film /m/032clf +/m/0683n /influence/influence_node/influenced_by /m/06dl_ +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm98 +/m/0mxhc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx48 +/m/01z7s_ /film/actor/film./film/performance/film /m/08r4x3 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/0j6cj +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05cwl_ +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/02j9z /location/location/contains /m/07ytt +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/01s9vc /film/film/featured_film_locations /m/0d6lp +/m/08433 /people/person/spouse_s./people/marriage/type_of_union /m/01bl8s +/m/02c6d /film/film/genre /m/02js9 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/035qgm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0378zn /people/person/gender /m/05zppz +/m/0d05fv /people/person/profession /m/0kyk +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/09yxcz /film/film/genre /m/04t36 +/m/04x8cp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dtfn /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/01wz3cx +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02j_j0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/05prs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/06mn7 /people/person/religion /m/0kq2 +/m/06rny /sports/sports_team/colors /m/04d18d +/m/01z4y /media_common/netflix_genre/titles /m/02825nf +/m/02ppg1r /film/film/genre /m/07s9rl0 +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/0jc6p /location/location/time_zones /m/02hczc +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/055vr /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/064r9cb +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/062hgx /people/person/gender /m/02zsn +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dzg0 +/m/0n5xb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3hn +/m/0249kn /music/artist/origin /m/0nbwf +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/06by7 /music/genre/artists /m/01wk7ql +/m/05np4c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dsb_yy +/m/0d05w3 /film/film_subject/films /m/0bs5k8r +/m/03jv8d /time/event/locations /m/0hyyq +/m/06pj8 /people/person/profession /m/02jknp +/m/0b_6yv /music/genre/artists /m/014_lq +/m/06bng /influence/influence_node/influenced_by /m/014635 +/m/019lvv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/05css_ /film/film/music /m/02p7xc +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/03fnnn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0372p /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/03pm9 /people/person/profession /m/02hv44_ +/m/013b6_ /people/ethnicity/people /m/0hwqz +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_th +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08lmt7 +/m/07ssc /media_common/netflix_genre/titles /m/02_kd +/m/01h7bb /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064lsn +/m/0m593 /organization/organization_founder/organizations_founded /m/03rhqg +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034np8 +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gs1_ +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/02gtm4 +/m/06h4y9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/059rby /location/location/contains /m/02cttt +/m/027zz /film/director/film /m/03yvf2 +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/02_fj /people/deceased_person/place_of_death /m/030qb3t +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09889g +/m/01vh18t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0286hyp /film/film/film_production_design_by /m/07hhnl +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bqs56 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/045w_4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0gg8z1f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/036jv /music/genre/artists /m/01vsgrn +/m/029pnn /people/person/profession /m/0np9r +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/0hndn2q /time/event/locations /m/0k049 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/05p5nc +/m/0gx_p /film/actor/film./film/performance/film /m/09fqgj +/m/0jzw /film/film/genre /m/01fc50 +/m/023v4_ /people/person/profession /m/0np9r +/m/016tbr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/0lgxj /olympics/olympic_games/participating_countries /m/09lxtg +/m/0k0q73t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01ztgm +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2nq +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/025mb_ /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/01vh18t +/m/01bpn /people/person/religion /m/0kq2 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/02r_d4 +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/06n3y /location/location/partially_contains /m/0f8l9c +/m/03lt8g /people/person/places_lived./people/place_lived/location /m/07b_l +/m/014zn0 /film/actor/film./film/performance/film /m/03rg2b +/m/025sc50 /music/genre/artists /m/01wzlxj +/m/0qdyf /people/person/profession /m/0nbcg +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03hj5lq +/m/02jx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/041rx /people/ethnicity/people /m/01gzm2 +/m/093l8p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02f1c +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016xk5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/09fqgj /film/film/country /m/09c7w0 +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/091z_p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0zt +/m/04f1glf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/076689 /film/actor/film./film/performance/film /m/0gw7p +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/01g03q +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/07r1h /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05strv +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/014kyy +/m/0ftlxj /time/event/instance_of_recurring_event /m/0g_w +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0d87hc +/m/09x3r /time/event/locations /m/0156q +/m/01jfsb /media_common/netflix_genre/titles /m/09gdm7q +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0c31_ +/m/040wdl /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/05fjy +/m/0345_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0b90_r +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/04107 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/03_48k /film/actor/film./film/performance/film /m/04cppj +/m/02jxkw /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/098r1q +/m/0gvvm6l /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03y317 /tv/tv_program/genre /m/06q7n +/m/05ztm4r /people/person/profession /m/02hrh1q +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q3fdr +/m/038nv6 /film/actor/film./film/performance/film /m/0gltv +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043zg +/m/06rkfs /education/university/fraternities_and_sororities /m/035tlh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/0778_3 /education/educational_institution/students_graduates./education/education/student /m/022q4l9 +/m/09tlc8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018y81 /people/person/profession /m/016z4k +/m/03qmg1 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ksr1 +/m/03f7jfh /people/person/gender /m/05zppz +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/05sbv3 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/0m8_v /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/07lt7b +/m/02zj61 /people/person/gender /m/02zsn +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05hc96 +/m/06hwzy /tv/tv_program/languages /m/02h40lc +/m/01cdt5 /medicine/symptom/symptom_of /m/0hg45 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvd2 +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ckf6 +/m/09c7w0 /location/country/second_level_divisions /m/0nz_b +/m/0g28b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/045w_4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0882j7 +/m/0427y /people/person/nationality /m/09c7w0 +/m/017gl1 /film/film/country /m/0ctw_b +/m/028q6 /people/deceased_person/place_of_death /m/01tlmw +/m/07xzm /music/instrument/instrumentalists /m/0bqsy +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/01bh3l /base/aareas/schema/administrative_area/administrative_parent /m/0hzlz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0jymd +/m/058w5 /people/person/gender /m/05zppz +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0c4f4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033tln +/m/048htn /film/film/genre /m/02l7c8 +/m/0mm1q /film/director/film /m/05b_gq +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01jfrg +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqj5 +/m/0652ty /film/actor/film./film/performance/film /m/0ptdz +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/039cq4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pz7h +/m/016vj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04zwc /education/educational_institution/colors /m/038hg +/m/08d6bd /people/person/gender /m/05zppz +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/032yps +/m/0ktpx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/09_99w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/07f3xb /people/person/gender /m/05zppz +/m/02ln1 /people/person/gender /m/05zppz +/m/04pcmw /music/genre/parent_genre /m/06jjbp +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/01tvz5j +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02c638 +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059qw +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/03hltjb /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01yf85 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07c52 /media_common/netflix_genre/titles /m/025ljp +/m/01l7cxq /people/person/profession /m/029bkp +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kctd +/m/01k5t_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z5x +/m/01j5ws /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rr9f +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/0f4k49 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_6dw +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/09gkdln +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/014d4v +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/049xgc +/m/0136pk /people/person/gender /m/05zppz +/m/01j7z7 /film/actor/film./film/performance/film /m/0b3n61 +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ycb +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/01w4c9 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/01b66d +/m/03ccq3s /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0m2cb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ts_3 /people/person/profession /m/01d_h8 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/020923 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07dfk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0697s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01jt2w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014zcr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06x58 +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9rz +/m/0b9l3x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znxx +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01q_wyj /people/person/profession /m/0nbcg +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/018z_c /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/016khd +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/09td7p /award/award_category/winners./award/award_honor/award_winner /m/04qsdh +/m/02bvc5 /education/educational_institution/colors /m/038hg +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/091xrc /film/film/genre /m/04pbhw +/m/02cg2v /people/person/place_of_birth /m/0d6lp +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/01z3bz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/04swx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/013q07 /film/film/story_by /m/0p__8 +/m/08w6v_ /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/03x8cz /music/record_label/artist /m/09lwrt +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/041_y /people/person/religion /m/03j6c +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/01hydr /music/genre/artists /m/01d_h +/m/0d1yn /location/location/time_zones /m/02llzg +/m/0kpzy /location/location/contains /m/0288zy +/m/09p5mwg /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05v38p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0n6kf /influence/influence_node/influenced_by /m/073v6 +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05d1dy +/m/02w2bc /education/university/fraternities_and_sororities /m/035tlh +/m/02yy8 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c4g +/m/026n047 /soccer/football_player/current_team./sports/sports_team_roster/team /m/093g7v +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069ld1 +/m/09qr6 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/09c7w0 /location/country/second_level_divisions /m/094jv +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jszm +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048s0r +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01sqd7 /music/record_label/artist /m/016nvh +/m/0mkc3 /location/location/time_zones /m/02fqwt +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0284gcb +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0h5g_ /film/actor/film./film/performance/film /m/035s95 +/m/07lwsz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0hz55 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01vwllw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/015rkw /people/person/nationality /m/07ssc +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/01r32 /location/location/time_zones /m/02hczc +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/03hjv97 /film/film/language /m/064_8sq +/m/018dnt /people/person/nationality /m/03rt9 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/08cyft /music/genre/artists /m/01vv7sc +/m/02zfdp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0gd70t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/03f22dp +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/041n43 /music/record_label/artist /m/016lmg +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0mkg /music/instrument/instrumentalists /m/01l4g5 +/m/07c6l /music/instrument/instrumentalists /m/0146pg +/m/0s6jm /location/hud_county_place/place /m/0s6jm +/m/0d9jr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/04pnx /location/location/contains /m/03h2c +/m/01vyv9 /people/person/nationality /m/09c7w0 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03f1r6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/0f6_dy /people/person/place_of_birth /m/0f2nf +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01k8q5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/034ns +/m/0gl5_ /education/university/fraternities_and_sororities /m/0325pb +/m/01wyz92 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0162v +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jhc +/m/0hgnl3t /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0521d_3 /people/person/nationality /m/09c7w0 +/m/0cb77r /people/person/place_of_birth /m/010h9y +/m/0gzh /people/person/places_lived./people/place_lived/location /m/0498y +/m/02bgmr /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/016szr /award/award_winner/awards_won./award/award_honor/award_winner /m/05ccxr +/m/0chghy /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/01k8rb /people/person/places_lived./people/place_lived/location /m/02d6c +/m/07vn_9 /film/film/production_companies /m/086k8 +/m/0284gcb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01h72l +/m/04mvp8 /people/ethnicity/languages_spoken /m/0999q +/m/023t0q /people/person/gender /m/05zppz +/m/02vzpb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02pzxlw /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/018lg0 /music/genre/parent_genre /m/05w3f +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/03ysmg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p0mx /location/location/contains /m/0l178 +/m/03zkr8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039c26 +/m/02p7xc /people/person/religion /m/0c8wxp +/m/013yq /location/hud_county_place/place /m/013yq +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/018jn4 /base/aareas/schema/administrative_area/capital /m/0g3cw +/m/06s7rd /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01chpn /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01ym8l +/m/03d6wsd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gzlb9 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0g2lq /people/person/profession /m/01d_h8 +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0418wg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0yjf0 /education/educational_institution/students_graduates./education/education/student /m/0f8pz +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03j0d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tx9m /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/03cfkrw /film/film/country /m/07ssc +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f69m +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/01q_22 +/m/026t6 /music/instrument/instrumentalists /m/048tgl +/m/0bq8tmw /film/film/music /m/0jn5l +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049msk +/m/01npcx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0zm1 /influence/influence_node/influenced_by /m/0dw6b +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06k90b +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/029jt9 +/m/0hcvy /influence/influence_node/influenced_by /m/04xjp +/m/0g5pvv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/0jfx1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wg25j /people/person/places_lived./people/place_lived/location /m/0rt80 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01nwwl /people/person/languages /m/02h40lc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01b195 +/m/011ywj /film/film/genre /m/02n4kr +/m/02zd2b /education/educational_institution/colors /m/01l849 +/m/05w3f /music/genre/artists /m/07mvp +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08s_lw +/m/07h9gp /film/film/executive_produced_by /m/06q8hf +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bcndz +/m/02q52q /film/film/genre /m/01j1n2 +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01y9pk +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0jhwd /location/administrative_division/country /m/05v8c +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_sr1 +/m/0n6bs /base/biblioness/bibs_location/country /m/09c7w0 +/m/02y0js /people/cause_of_death/people /m/03pm9 +/m/02qydsh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/018db8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rh0w +/m/0603qp /people/person/profession /m/0dxtg +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/07f_7h /film/film/produced_by /m/0ksf29 +/m/02661h /people/person/profession /m/01d_h8 +/m/09x3r /olympics/olympic_games/participating_countries /m/0jdd +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cf_l +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040b5k +/m/01syr4 /people/person/nationality /m/06mzp +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycbq +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/01qscs +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/051zy_b +/m/02frhbc /location/hud_county_place/county /m/0d22f +/m/0c0zq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mbwlb /people/person/places_lived./people/place_lived/location /m/010h9y +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/05zrvfd /award/award_category/winners./award/award_honor/award_winner /m/03zz8b +/m/01slcv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02zfdp /film/actor/film./film/performance/film /m/01jwxx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01qdhx +/m/0146bp /medicine/disease/risk_factors /m/0432mrk +/m/015g28 /film/film/written_by /m/04m_zp +/m/03hzl42 /film/actor/film./film/performance/film /m/0ddfwj1 +/m/06tw8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0f6cl2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0284gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/03rx9 /people/person/employment_history./business/employment_tenure/company /m/0gl5_ +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/01t2h2 /film/actor/film./film/performance/film /m/027m67 +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gpkt +/m/022zq3 /tv/tv_network/programs./tv/tv_network_duration/program /m/08cx5g +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0hr41p6 /tv/tv_program/genre /m/01t_vv +/m/01v_0b /influence/influence_node/influenced_by /m/03jxw +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0c9l1 +/m/01wk51 /people/person/spouse_s./people/marriage/spouse /m/02jxmr +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/06rny +/m/05b5c /business/business_operation/industry /m/01mf0 +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/03txms /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0hptm +/m/047hpm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gx1673 /time/event/locations /m/030qb3t +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039fgy +/m/048hf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/015x74 /film/film/genre /m/07s9rl0 +/m/0pz04 /people/person/nationality /m/09c7w0 +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/04kn29 +/m/03mdw3c /people/person/gender /m/02zsn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/06fmdb +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/032l1 /influence/influence_node/influenced_by /m/039n1 +/m/0173b0 /music/genre/parent_genre /m/0xhtw +/m/03c6vl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dlglj /film/actor/film./film/performance/film /m/092vkg +/m/030vnj /people/person/gender /m/05zppz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fgg4 +/m/040j2_ /people/person/nationality /m/09c7w0 +/m/01m7pwq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04dqdk +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/025_ql1 /people/person/place_of_birth /m/01r32 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/014zws /education/educational_institution_campus/educational_institution /m/014zws +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01m13b /film/film/genre /m/0219x_ +/m/0fdv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/03npn /media_common/netflix_genre/titles /m/0h21v2 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0pj9t +/m/0xjl2 /music/genre/parent_genre /m/09jw2 +/m/02p11jq /music/record_label/artist /m/016z1t +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vct +/m/01w9wwg /people/person/places_lived./people/place_lived/location /m/0kpys +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/01p7x7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0794g /film/actor/film./film/performance/film /m/03cmsqb +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/04r7p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bdt8 +/m/02ck7w /film/actor/film./film/performance/film /m/026qnh6 +/m/06y611 /film/film/cinematography /m/0f3zf_ +/m/0xl08 /location/location/time_zones /m/02hcv8 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0241y7 /film/film/music /m/02fgpf +/m/01p47r /people/person/nationality /m/09c7w0 +/m/074j87 /tv/tv_program/languages /m/0t_2 +/m/0jqj5 /film/film/language /m/07zrf +/m/06fqlk /film/film/featured_film_locations /m/0q_xk +/m/01tj34 /film/actor/film./film/performance/film /m/04gcyg +/m/0cn68 /people/ethnicity/people /m/04bdlg +/m/051y1hd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lsl +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0167xy /influence/influence_node/influenced_by /m/01pbxb +/m/04t2l2 /film/actor/film./film/performance/film /m/0gy2y8r +/m/059t6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/0x67 /people/ethnicity/people /m/047sxrj +/m/016clz /music/genre/artists /m/04qmr +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/06mkj /location/country/form_of_government /m/01q20 +/m/04999m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01qhm_ /people/ethnicity/people /m/016fjj +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/02pdhz /education/educational_institution/students_graduates./education/education/student /m/083q7 +/m/01j_5k /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0zcbl +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047d21r +/m/03rk0 /location/location/contains /m/01l69g +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vtnf +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/01r93l +/m/03c6v3 /people/person/profession /m/01d_h8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rg_4 +/m/0gz_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/073bb /influence/influence_node/influenced_by /m/016hvl +/m/01nn6c /people/person/religion /m/0kpl +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01mr2g6 +/m/0xhtw /music/genre/artists /m/01tw31 +/m/05mc99 /people/person/place_of_birth /m/01531 +/m/01mz9lt /people/person/place_of_birth /m/04vmp +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/01mbwlb /music/artist/origin /m/010h9y +/m/070xg /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/02r3cn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vv126 +/m/01yf85 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/02jxmr /people/person/profession /m/0nbcg +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/0dg3n1 /base/locations/continents/countries_within /m/05bmq +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01ccr8 /people/person/profession /m/02hrh1q +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03l3jy /film/actor/film./film/performance/film /m/02wgbb +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0crqcc +/m/09px1w /people/person/nationality /m/09c7w0 +/m/04fhxp /people/person/religion /m/04pk9 +/m/012gx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0888c3 /film/film/country /m/09c7w0 +/m/0154d7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02jqjm +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0b1zz +/m/03fykz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01h72l +/m/059fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0pdp8 /film/film/music /m/03qd_ +/m/01d_h /people/person/place_of_birth /m/0bxbb +/m/06gn7r /people/person/profession /m/02jknp +/m/01ycfv /award/award_winner/awards_won./award/award_honor/award_winner /m/04rcr +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/01nrz4 /music/group_member/membership./music/group_membership/group /m/04rcr +/m/02zcnq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/07_l61 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/042s9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014g22 +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02rsl1 +/m/07t90 /education/educational_institution/school_type /m/05jxkf +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/016ksk /people/person/nationality /m/09c7w0 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04qvq0 /music/genre/parent_genre /m/0mmp3 +/m/07hwkr /people/ethnicity/people /m/06rgq +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vs_v8 +/m/0jvt9 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/01jfsb /media_common/netflix_genre/titles /m/01q7h2 +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/02gpkt /film/film/featured_film_locations /m/030qb3t +/m/04rwx /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04j689 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/01cssf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02m77 /sports/sports_team_location/teams /m/01s0t3 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw_f +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0cttx +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award /m/025m8l +/m/01hw5kk /film/film/genre /m/02kdv5l +/m/0dz46 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cyl /film/film/genre /m/07s9rl0 +/m/06fc0b /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04fzk +/m/0164qt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_nkp /people/person/gender /m/05zppz +/m/0sx92 /user/jg/default_domain/olympic_games/sports /m/01dys +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/08cyft /music/genre/artists /m/01v_pj6 +/m/09c7w0 /location/location/contains /m/0jrxx +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/01lhdt /organization/organization/headquarters./location/mailing_address/citytown /m/02h6_6p +/m/08vr94 /award/award_winner/awards_won./award/award_honor/award_winner /m/03hh89 +/m/0f0kz /film/actor/film./film/performance/film /m/03wh49y +/m/030vnj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0205dx +/m/087pfc /film/film/genre /m/05p553 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0dx97 /people/person/profession /m/06q2q +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/052nd +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/095zvfg +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0fw9vx +/m/0qm9n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01lhdt +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/0d4fqn +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/01zt10 /people/person/places_lived./people/place_lived/location /m/01j922 +/m/08hsww /people/person/profession /m/018gz8 +/m/067ghz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/082_p /people/person/religion /m/01lp8 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b_gq +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027n4zv +/m/0cx7f /music/genre/artists /m/03f0fnk +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/01ppfv /music/genre/artists /m/053yx +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02t4yc +/m/01c1px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08xz51 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ky2h +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/06kb_ +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/06crng /influence/influence_node/influenced_by /m/01k9lpl +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/028qdb +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/011k1h /music/record_label/artist /m/013423 +/m/07vfj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/04gcd1 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0bd2n4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/0fpmrm3 /film/film/genre /m/01jfsb +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01zkxv /people/person/nationality /m/06q1r +/m/02jx1 /location/location/contains /m/014xf6 +/m/0260bz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/018p5f /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/0kbws /olympics/olympic_games/participating_countries /m/0j4b +/m/02rfft /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/01hmk9 /film/actor/film./film/performance/film /m/01gvpz +/m/01xbxn /film/film/genre /m/0hcr +/m/0fzs6w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02s8qk /education/educational_institution/school_type /m/05pcjw +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/0lpjn /film/actor/film./film/performance/film /m/02vxq9m +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/05yzt_ /people/person/profession /m/02hrh1q +/m/0m0jc /music/genre/artists /m/03j24kf +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/01pcdn /people/person/place_of_birth /m/0ncj8 +/m/0dtw1x /film/film/executive_produced_by /m/01yznp +/m/0bjkk9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/06y57 /base/biblioness/bibs_location/state /m/05fly +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/019bnn /award/award_category/winners./award/award_honor/award_winner /m/01hmk9 +/m/04gknr /film/film/country /m/09c7w0 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p9_ql +/m/01n7q /location/location/contains /m/0l2jt +/m/01nm3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/05qd_ /organization/organization/child./organization/organization_relationship/child /m/0fqy4p +/m/03m6pk /film/actor/film./film/performance/film /m/0fqt1ns +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031sg0 +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/01wmgrf /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/026n6cs +/m/07dnx /influence/influence_node/influenced_by /m/01tz6vs +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bkdn +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0fvvz /sports/sports_team_location/teams /m/0fht9f +/m/02x3y41 /film/film/language /m/0jzc +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fsm8c /people/person/profession /m/09jwl +/m/0ddj0x /film/film/genre /m/04rlf +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01y3v +/m/0gf14 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09c7w0 /location/location/contains /m/02kth6 +/m/03ym1 /film/actor/film./film/performance/film /m/04w7rn +/m/0vbk /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0lgxj /olympics/olympic_games/participating_countries /m/087vz +/m/01mt1fy /people/person/places_lived./people/place_lived/location /m/0tbql +/m/0159r9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy6z9 /film/actor/film./film/performance/film /m/040_lv +/m/0h3mh3q /tv/tv_program/genre /m/02n4kr +/m/01p_2p /music/genre/artists /m/0fpjd_g +/m/01q0kg /education/educational_institution_campus/educational_institution /m/01q0kg +/m/02jsgf /people/person/nationality /m/09c7w0 +/m/018ygt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1mt +/m/0zdkh /location/location/time_zones /m/02lcqs +/m/04bcb1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsn_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02grjf +/m/06c1y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/02825cv /film/film/written_by /m/05ty4m +/m/08g5q7 /people/cause_of_death/people /m/01k6nm +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/02mjf2 +/m/0r2gj /base/biblioness/bibs_location/state /m/01n7q +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/02k6hp /people/cause_of_death/people /m/028rk +/m/02mf7 /sports/sports_team_location/teams /m/0fbq2n +/m/0nm6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm42 +/m/0fqjhm /people/person/profession /m/02hrh1q +/m/02q4mt /award/award_winner/awards_won./award/award_honor/award_winner /m/05drq5 +/m/0gtvrv3 /film/film/story_by /m/0n6kf +/m/0dk0dj /tv/tv_program/genre /m/01tz3c +/m/0371rb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/070yzk /people/person/place_of_birth /m/0rh6k +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/029qzx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0184dt /people/person/place_of_birth /m/04jpl +/m/01z4y /media_common/netflix_genre/titles /m/014zwb +/m/0h1_w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/07dfk /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/02jyhv /film/actor/film./film/performance/film /m/0bwhdbl +/m/01chg /media_common/netflix_genre/titles /m/021pqy +/m/025vl4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07xr3w +/m/0dj5q /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/04x4vj /film/film/language /m/02h40lc +/m/0534v /film/director/film /m/016ztl +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017149 +/m/0mk59 /base/aareas/schema/administrative_area/administrative_parent /m/0846v +/m/0pz91 /people/person/profession /m/0nbcg +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/03nfnx /film/film/prequel /m/0dr3sl +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/01f8f7 /film/film/written_by /m/01f7v_ +/m/05_5rjx /film/film/genre /m/07s9rl0 +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/01vz0g4 /people/person/religion /m/0c8wxp +/m/0n6kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02z3r8t +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/047q2wc +/m/01k0vq /film/film/genre /m/02l7c8 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/02zyy4 /film/actor/film./film/performance/film /m/026390q +/m/025v3k /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_816 /film/film/genre /m/04xvlr +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/02114t +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmgwnv +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/0424m +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/016kz1 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0d_84 /people/person/nationality /m/09c7w0 +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/04kngf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vsps /people/person/employment_history./business/employment_tenure/company /m/017z88 +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/035yg /location/country/official_language /m/02h40lc +/m/0gn30 /people/person/spouse_s./people/marriage/spouse /m/03xmy1 +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mpyh +/m/0n57k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/08_hns +/m/0163r3 /people/person/profession /m/01b30l +/m/0x67 /people/ethnicity/people /m/02l840 +/m/02sgy /music/instrument/instrumentalists /m/01vrncs +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03n3gl +/m/015njf /people/person/profession /m/0dxtg +/m/03dctt /people/person/gender /m/05zppz +/m/0n1v8 /location/us_county/county_seat /m/0z1vw +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fn5r +/m/01p970 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/05nlx4 /film/film/production_companies /m/01795t +/m/0l98s /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/015bpl /film/film/country /m/09c7w0 +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02krdz +/m/0gdqy /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/09c7w0 /location/location/contains /m/0yt73 +/m/04qp06 /people/person/profession /m/0dxtg +/m/0c_md_ /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/03g52k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/0blfl /olympics/olympic_games/participating_countries /m/0d0vqn +/m/0hkqn /business/business_operation/industry /m/0147gr +/m/03_d0 /music/genre/artists /m/07q1v4 +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/07zl1 +/m/03fnqj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018f8 /film/film/genre /m/06nbt +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02tk74 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0jqkh /film/film/language /m/02bjrlw +/m/02jx1 /location/country/second_level_divisions /m/0cv5l +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059t6d +/m/0jq2r /tv/tv_program/genre /m/01z4y +/m/025v26c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/01f53 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/041c4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/09s5q8 +/m/0335fp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04mnts /sports/sports_team/sport /m/02vx4 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/030h95 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0j6cj /people/person/nationality /m/03rjj +/m/0c73g /influence/influence_node/influenced_by /m/042q3 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d8yn +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bczgm +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/07nf_4 /music/genre/parent_genre /m/064lqk +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0416y94 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/037css +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/018w0j /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0jgd +/m/03v0t /location/location/contains /m/02zkdz +/m/01vsy7t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bv8h2 +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/02yv6b /music/genre/artists /m/0fq117k +/m/016376 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/03f1zhf /people/person/nationality /m/03spz +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yg9 +/m/039zft /film/film/genre /m/01hmnh +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/081t6 /people/person/gender /m/05zppz +/m/0677ng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dkv90 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/094wz7q +/m/0g2jl /education/educational_institution/colors /m/06fvc +/m/06z9k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/026ps1 /people/person/nationality /m/0d060g +/m/0315rp /film/film/featured_film_locations /m/0q_xk +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cbl95 /film/film/genre /m/07s9rl0 +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03b04g +/m/0sx8l /olympics/olympic_games/participating_countries /m/04j53 +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/01j_cy /education/educational_institution/students_graduates./education/education/student /m/0814k3 +/m/0jmbv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/015xp4 /people/person/nationality /m/09c7w0 +/m/02q_ncg /film/film/genre /m/01g6gs +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d06m5 +/m/0828jw /tv/tv_program/program_creator /m/01xndd +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0121c1 /location/location/contains /m/01z8f0 +/m/041rx /people/ethnicity/people /m/039wsf +/m/01f3p_ /tv/tv_program/genre /m/06q7n +/m/026t6 /music/instrument/instrumentalists /m/01wmjkb +/m/013mzh /location/hud_county_place/place /m/013mzh +/m/07m2y /music/instrument/instrumentalists /m/04bgy +/m/0cj2t3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/03h3vtz /people/person/profession /m/02hrh1q +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/0jml5 /sports/sports_team/sport /m/018w8 +/m/03wh8pq /people/person/profession /m/0dxtg +/m/07gp9 /film/film/film_format /m/07fb8_ +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/017drs +/m/0p8jf /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/04xg2f /film/film/country /m/03gj2 +/m/07nnp_ /film/film/genre /m/0219x_ +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pk1p +/m/02zfg3 /film/actor/film./film/performance/film /m/035_2h +/m/0807ml /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/099pks /tv/tv_program/genre /m/0hcr +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/06mj4 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03np63f /film/film/country /m/0f8l9c +/m/0dnw1 /film/film/production_companies /m/05qd_ +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/03_bcg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/05fly /location/location/contains /m/07vk2 +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/01cl0d /music/record_label/artist /m/01sxd1 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/060__7 /film/film/featured_film_locations /m/0rh6k +/m/0bmhvpr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025jfl +/m/036921 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m1n /sports/sports_team/sport /m/018jz +/m/0d_wms /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/044g_k +/m/0gk4g /people/cause_of_death/people /m/05z_p6 +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/02fp3 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/018vs /music/instrument/instrumentalists /m/0qdyf +/m/049nq /location/location/contains /m/05g2b +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/018vs /music/instrument/instrumentalists /m/01wzlxj +/m/025v3k /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0czkbt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xdf5 /people/person/profession /m/02hrh1q +/m/04_tv /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0kb07 /film/film/language /m/02h40lc +/m/01vw26l /people/person/profession /m/03gjzk +/m/0g1rw /business/business_operation/industry /m/03qh03g +/m/0f7hc /influence/influence_node/influenced_by /m/014zfs +/m/03mb9 /music/genre/parent_genre /m/0y3_8 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03z20c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hx2t +/m/03_d0 /music/genre/artists /m/01dhjz +/m/0c3jz /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/07m2y +/m/02y0yt /film/actor/film./film/performance/film /m/04k9y6 +/m/01f9mq /people/person/profession /m/02hrh1q +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046m59 +/m/0935jw /people/person/profession /m/015cjr +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/016jll +/m/0m0jc /music/genre/artists /m/0191h5 +/m/02q5g1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09hrc /location/location/contains /m/035yzw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03yvgp +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r4h3 +/m/04k05 /music/artist/origin /m/04jpl +/m/01lyv /music/genre/artists /m/01kx_81 +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/0b_4z +/m/01cspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0jcky /location/location/contains /m/0l39b +/m/05hs4r /music/genre/artists /m/01l1sq +/m/01g6bk /people/person/nationality /m/09c7w0 +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018z_c +/m/09g7vfw /film/film/genre /m/03npn +/m/0c4y8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv27 +/m/06msq2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/01w40h /music/record_label/artist /m/024qwq +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06lxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j851 /people/person/gender /m/02zsn +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/09c7w0 /location/location/contains /m/0r4z7 +/m/04jpl /location/location/contains /m/0nq_b +/m/0gwjw0c /film/film/language /m/04306rv +/m/01f1jf /olympics/olympic_games/sports /m/09_9n +/m/0l3n4 /location/location/contains /m/0l4vc +/m/0zrlp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bmfnjs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/049qx /people/person/nationality /m/0chghy +/m/0gyfp9c /film/film/country /m/09c7w0 +/m/0prh7 /film/film/country /m/07ssc +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02nt75 /sports/sports_team/colors /m/01g5v +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/09p7fh /film/film/music /m/05ccxr +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04fzfj /film/film/genre /m/06n90 +/m/0126rp /film/actor/film./film/performance/film /m/03clwtw +/m/01q8fxx /people/person/spouse_s./people/marriage/spouse /m/0c9d9 +/m/023rwm /music/record_label/artist /m/0jn38 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0164w8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/09c7w0 /location/country/second_level_divisions /m/0jc6p +/m/0g3bw /location/location/contains /m/018qt8 +/m/0ghvb /education/educational_institution/school_type /m/05jxkf +/m/036hf4 /film/actor/film./film/performance/film /m/08hmch +/m/0fc2c /location/us_county/county_seat /m/0y1rf +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/0cq86w /film/film/genre /m/07s9rl0 +/m/0l8gh /music/genre/artists /m/082db +/m/0n85g /music/record_label/artist /m/03xhj6 +/m/016fjj /film/actor/film./film/performance/film /m/01hq1 +/m/05kwx2 /film/actor/film./film/performance/film /m/03hxsv +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0m32h /medicine/disease/notable_people_with_this_condition /m/05g7q +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/03hpr +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08qvhv +/m/0ffjqy /people/ethnicity/languages_spoken /m/0k0sv +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/0cmc26r /award/award_winning_work/awards_won./award/award_honor/award /m/02qwdhq +/m/0jqb8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/06whf /influence/influence_node/influenced_by /m/05np2 +/m/01ccr8 /film/actor/film./film/performance/film /m/01pvxl +/m/04vlh5 /people/person/place_of_birth /m/02_286 +/m/047bynf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vswwx +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/02mslq +/m/015t56 /people/person/religion /m/0c8wxp +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnrk +/m/03kg2v /film/film/country /m/07ssc +/m/01yf85 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058s44 +/m/0dz46 /influence/influence_node/influenced_by /m/041h0 +/m/061xq /sports/sports_team/sport /m/018jz +/m/09889g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0bx_q +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/01k70_ +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0284gcb +/m/01lly5 /film/actor/film./film/performance/film /m/03vfr_ +/m/02_fz3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_2y +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0gv2r /film/director/film /m/0bbgvp +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0bkv0 /base/aareas/schema/administrative_area/administrative_parent /m/09krp +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/013423 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01s21dg /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0c7xjb +/m/01pnn3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vrz41 +/m/05pt0l /film/film/film_format /m/0cj16 +/m/0d0x8 /location/location/time_zones /m/02hcv8 +/m/01lfvj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08gsvw /film/film/genre /m/01jfsb +/m/0crx5w /people/person/place_of_birth /m/01_d4 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/026ldz7 +/m/0d060g /location/location/contains /m/018d5b +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/01zp33 /people/person/places_lived./people/place_lived/location /m/086g2 +/m/02tcgh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0266s9 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/0mbwf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02wb6yq /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/04cr6qv +/m/03c0t9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/049d_ +/m/09b83 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0cx2r +/m/059rby /location/location/contains /m/0fkhl +/m/026n6cs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b64v +/m/05t54s /film/film/music /m/01ycfv +/m/03bnv /music/group_member/membership./music/group_membership/role /m/06w7v +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/01z4y /media_common/netflix_genre/titles /m/034qbx +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0fsyx +/m/01ycbq /film/actor/film./film/performance/film /m/027r7k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/08vk_r +/m/01y_px /people/person/gender /m/05zppz +/m/0p0fc /location/location/time_zones /m/02hczc +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/02x0bdb /people/person/nationality /m/09c7w0 +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04306rv +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/07r1h /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01skmp +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/030z4z +/m/07s9rl0 /media_common/netflix_genre/titles /m/0194zl +/m/0hnjt /people/person/profession /m/0dxtg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07_w1l +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/02cpb7 /film/actor/film./film/performance/film /m/05sy_5 +/m/02b61v /film/film/story_by /m/04511f +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/01m13b /film/film/country /m/0f8l9c +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/01k0xy /film/film/genre /m/02b5_l +/m/0q9vf /people/person/place_of_birth /m/0r04p +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035gnh +/m/01bl7g /film/film/produced_by /m/03h304l +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/03hkch7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01pf21 +/m/0784v1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/05fx1v +/m/064t9 /music/genre/artists /m/01nkxvx +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02js_6 /film/actor/film./film/performance/film /m/034qrh +/m/0q_0z /location/hud_county_place/place /m/0q_0z +/m/01_xtx /film/actor/film./film/performance/film /m/07_k0c0 +/m/01m4yn /people/person/spouse_s./people/marriage/spouse /m/06cv1 +/m/0nm6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm9y +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01vsyg9 /people/person/gender /m/05zppz +/m/0gt3p /people/person/nationality /m/0d060g +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0hptm /base/biblioness/bibs_location/state /m/05fjf +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0257__ /award/award_category/winners./award/award_honor/award_winner /m/09h_q +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015_30 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/031rq5 /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/015qsq /film/film/language /m/06nm1 +/m/02pfymy /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01pk8v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/0qlrh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/016fnb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/013zyw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05w1vf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0gbtbm /tv/tv_program/genre /m/07s9rl0 +/m/07c52 /film/film_subject/films /m/0k4p0 +/m/03f19q4 /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0283sdr +/m/0dt645q /film/actor/film./film/performance/film /m/08fbnx +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0ds2sb /people/person/profession /m/0dxtg +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rh0w +/m/04d817 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03_87 /people/person/nationality /m/03rt9 +/m/0glt670 /music/genre/artists /m/016pns +/m/060j8b /people/person/gender /m/05zppz +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/04pqqb /people/person/profession /m/01d_h8 +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/02q_ncg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c12h +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/07t2k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/024my5 /people/person/profession /m/02hrh1q +/m/0210hf /people/person/profession /m/02hrh1q +/m/0hwqg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/03qjg /music/instrument/instrumentalists /m/0m_31 +/m/018j2 /music/instrument/instrumentalists /m/01l03w2 +/m/02sp_v /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n0bp +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/03h304l /award/award_winner/awards_won./award/award_honor/award_winner /m/0d6484 +/m/02yygk /people/person/profession /m/0gbbt +/m/02w64f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cmf0m0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01ymvk /education/educational_institution/colors /m/088fh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hd7j +/m/01hmnh /media_common/netflix_genre/titles /m/01f39b +/m/04xvlr /media_common/netflix_genre/titles /m/01flv_ +/m/06yxd /location/location/contains /m/0mvsg +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09m6kg +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02mc5v /film/film/story_by /m/02_l96 +/m/020y73 /film/film/music /m/02cyfz +/m/07gql /music/instrument/instrumentalists /m/04bgy +/m/02b07b /business/business_operation/industry /m/02vxn +/m/0d0x8 /location/location/contains /m/0rt80 +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pj8m +/m/029jt9 /film/film/cinematography /m/05_2h8 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsykc +/m/0cgzj /film/actor/film./film/performance/film /m/01wb95 +/m/0jqd3 /film/film/genre /m/01jfsb +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/03f0r5w /people/person/profession /m/018gz8 +/m/04511f /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0hz55 +/m/0d9s5 /location/location/time_zones /m/02llzg +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018_q8 +/m/01797x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14qv /music/instrument/instrumentalists /m/03f0fnk +/m/0c3351 /media_common/netflix_genre/titles /m/02xs6_ +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/0mhfr /music/genre/artists /m/06x4l_ +/m/01914 /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0284n42 +/m/0bxsk /film/film/genre /m/07s9rl0 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02mt51 /film/film/produced_by /m/092kgw +/m/07gyp7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyx6 +/m/01ty7ll /film/actor/film./film/performance/film /m/0glnm +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02cff1 +/m/03262k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxtknx +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024mxd +/m/02v570 /film/film/genre /m/0219x_ +/m/0cks1m /film/film/genre /m/01hmnh +/m/047d21r /film/film/genre /m/07s9rl0 +/m/01pnn3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c35b1 +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/07lnk /music/genre/artists /m/016nvh +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/05wdgq +/m/027dpx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07jnt +/m/0237fw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02js6_ +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0dryh9k /people/ethnicity/people /m/03vrnh +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/03cvwkr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04b_jc +/m/07c0j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04n32 +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bq8tmw +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/0m2l9 +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/02tjl3 /film/film/genre /m/01f9r0 +/m/03vgp7 /people/person/profession /m/02hrh1q +/m/09d5d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cmc26r +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9jk +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0639bg +/m/07t2k /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/027fwmt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0xnvg /people/ethnicity/people /m/0q9kd +/m/01k_r5b /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09d38d /film/film/costume_design_by /m/0gl88b +/m/01pj_5 /film/film/featured_film_locations /m/080h2 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/02k21g /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0tj9 /film/actor/film./film/performance/film /m/021pqy +/m/02hqt6 /sports/sports_team/colors /m/06fvc +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_vfy +/m/01b7lc /education/educational_institution/campuses /m/01b7lc +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0khth /award/award_winner/awards_won./award/award_honor/award_winner /m/0lzkm +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01kwsg +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/039d4 +/m/059rby /base/biblioness/bibs_location/country /m/09c7w0 +/m/0d7wh /people/ethnicity/people /m/03crcpt +/m/0_b9f /film/film/language /m/02h40lc +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fdv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ddt_ +/m/01jnc_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02hfk5 /film/film/production_companies /m/02slt7 +/m/01z5tr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03kts +/m/01wxyx1 /film/actor/film./film/performance/film /m/02r79_h +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cc5tgk +/m/0drc1 /people/person/profession /m/05sxg2 +/m/02wt0 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0dw3l /people/person/profession /m/02hrh1q +/m/0gz5hs /people/person/places_lived./people/place_lived/location /m/0dclg +/m/0df2zx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/082xp /people/person/profession /m/0n1h +/m/07ssc /location/location/contains /m/0nlc7 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/02fj8n /film/film/story_by /m/02gn9g +/m/016clz /music/genre/artists /m/03d9d6 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/07g2v /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0dpl44 /film/film/production_companies /m/017s11 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/0hr41p6 /film/film/country /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv4t +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/03n785 /film/film/language /m/02bjrlw +/m/07gqbk /business/business_operation/industry /m/04rlf +/m/0jdk0 /people/cause_of_death/people /m/01_vfy +/m/01nms7 /people/person/languages /m/02h40lc +/m/024bbl /film/actor/film./film/performance/film /m/0340hj +/m/02vxyl5 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m593 +/m/054c1 /people/person/places_lived./people/place_lived/location /m/0yj9v +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01nn79 /business/business_operation/industry /m/019z7b +/m/02qdzd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01j5x6 /people/person/spouse_s./people/marriage/spouse /m/0f4vbz +/m/01vtqml /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0x67 /people/ethnicity/people /m/044mm6 +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/06lhbl /people/person/nationality /m/07ssc +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vyw +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/059j1m /film/actor/film./film/performance/film /m/08952r +/m/05r5c /music/instrument/instrumentalists /m/05_pkf +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/0dc7hc /film/film/film_festivals /m/059_y8d +/m/03qjg /music/instrument/instrumentalists /m/01bczm +/m/033hn8 /music/record_label/artist /m/043zg +/m/03ym1 /film/actor/film./film/performance/film /m/0ndwt2w +/m/05sq84 /film/actor/film./film/performance/film /m/031hcx +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/03f1r6t /film/actor/film./film/performance/film /m/03nfnx +/m/02rf1y /film/actor/film./film/performance/film /m/0fg04 +/m/086k8 /organization/organization/place_founded /m/0f2wj +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0j0k /location/location/contains /m/0d05w3 +/m/0x1y7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vsy3q /people/person/nationality /m/09c7w0 +/m/0x1y7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01_8n9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/027cxsm /people/person/profession /m/0dxtg +/m/0b6m5fy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ln1 /influence/influence_node/influenced_by /m/02wh0 +/m/0c9c0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/05qtj +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0r02m /location/location/contains /m/04cnp4 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081lh +/m/01cl0d /music/record_label/artist /m/01w724 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01ft2l /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01b3bp /people/person/nationality /m/09c7w0 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016gr2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/056ws9 +/m/02301 /education/educational_institution/school_type /m/05jxkf +/m/02lk60 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ym1 /film/actor/film./film/performance/film /m/032016 +/m/07d2d /music/genre/parent_genre /m/0glt670 +/m/03rl84 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0127s7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qdjm +/m/06rrzn /people/person/profession /m/025352 +/m/0k4kk /film/film/genre /m/04xvh5 +/m/07hyk /people/person/gender /m/05zppz +/m/07l4zhn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0727h /base/culturalevent/event/entity_involved /m/01xpg +/m/0cymp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2fr +/m/02cff1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0kfv9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02lfns +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0783m_ +/m/027ht3n /people/person/gender /m/02zsn +/m/0p_pd /film/actor/film./film/performance/film /m/07l4zhn +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01c9d /film/film/genre /m/082gq +/m/05fnl9 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/06jrhz /people/person/profession /m/0dxtg +/m/0l6ny /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017c87 +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/033srr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01kt_j /tv/tv_program/genre /m/01jfsb +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/04w4s /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05l3g_ /people/ethnicity/languages_spoken /m/02h40lc +/m/01wmxfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0837ql +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016_v3 /music/genre/artists /m/01wlt3k +/m/037hgm /music/group_member/membership./music/group_membership/role /m/018vs +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/0jt86 +/m/04hk0w /film/film/production_companies /m/086k8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0bxfmk /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06ylv0 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/019vhk /film/film/genre /m/06l3bl +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0l76z +/m/07bch9 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02v63m /film/film/prequel /m/02v5_g +/m/07s9rl0 /media_common/netflix_genre/titles /m/0_9l_ +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05l8y +/m/02m501 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01w02sy +/m/01lj_c /award/award_category/winners./award/award_honor/award_winner /m/04cw0j +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/01p5yn +/m/02897w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04mp75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04b5n0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/048rn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf08 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnl5 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hr11 +/m/01pj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/056vv +/m/0pc7r /base/biblioness/bibs_location/country /m/09c7w0 +/m/06m6z6 /film/director/film /m/047d21r +/m/04m064 /film/actor/film./film/performance/film /m/032sl_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04r7f2 +/m/02k_kn /music/genre/artists /m/01vvyfh +/m/0jyx6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/0h27vc /people/person/profession /m/018gz8 +/m/02ccqg /education/educational_institution/campuses /m/02ccqg +/m/0d05q4 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02k54 +/m/0bj9k /film/actor/film./film/performance/film /m/011yth +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/09wj5 +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0419kt /film/film/language /m/02h40lc +/m/03h8_g /film/actor/film./film/performance/film /m/0df2zx +/m/0dtw1x /film/film/film_format /m/0cj16 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/01cwdk /education/educational_institution/students_graduates./education/education/student /m/0djywgn +/m/05r5c /music/instrument/instrumentalists /m/015196 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0209xj /film/film/language /m/064_8sq +/m/0vm4s /location/hud_county_place/place /m/0vm4s +/m/0c3z0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0v9qg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0tc7 /people/person/nationality /m/09c7w0 +/m/092kgw /people/person/nationality /m/09c7w0 +/m/05g7q /film/actor/film./film/performance/film /m/01rwyq +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/02r2qt7 /sports/sports_team/colors /m/01l849 +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ltlj +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0284h6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01fh0q /people/person/gender /m/05zppz +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/0jgx /location/country/form_of_government /m/01d9r3 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04999m +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047wh1 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/01_jky /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04bs3j /people/person/nationality /m/09c7w0 +/m/017z49 /film/film/genre /m/0c3351 +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/03v9w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0by17xn +/m/053yx /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/05r5c /music/instrument/instrumentalists /m/01wzlxj +/m/0dls3 /music/genre/parent_genre /m/04f73rc +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0190zg /music/genre/parent_genre /m/016_rm +/m/04tqtl /film/film/genre /m/07s9rl0 +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035qy +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/01g1lp /award/award_winner/awards_won./award/award_honor/award_winner /m/016tw3 +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/01kp_1t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06w839_ +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/03n_7k /film/actor/film./film/performance/film /m/0b6tzs +/m/02y_2y /film/actor/film./film/performance/film /m/09txzv +/m/02sqkh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059m45 +/m/01p970 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/01fm07 /music/genre/artists /m/0ffgh +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/07ncs0 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/04jhp +/m/01k98nm /people/person/gender /m/05zppz +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m31m +/m/0342h /music/instrument/instrumentalists /m/0xsk8 +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/01pj48 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0401sg /film/film/genre /m/03npn +/m/06bng /people/person/gender /m/05zppz +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b6tzs +/m/0gw7p /film/film/country /m/09c7w0 +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0rj4g /base/biblioness/bibs_location/state /m/02xry +/m/02tf1y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02q5g1z /film/film/genre /m/02l7c8 +/m/02j9z /base/locations/continents/countries_within /m/03rj0 +/m/0jgjn /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nqv1 +/m/02rg_4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ldyx1 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d61px +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/040_lv /film/film/genre /m/01q03 +/m/07ssc /location/location/contains /m/01km6_ +/m/0dx_q /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0p_r5 /people/person/profession /m/0dxtg +/m/0155w /music/genre/artists /m/0197tq +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gjk9 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0l998 /olympics/olympic_games/sports /m/071t0 +/m/0tz14 /base/biblioness/bibs_location/state /m/05k7sb +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/018n1k /location/location/time_zones /m/02hcv8 +/m/0342h /music/instrument/instrumentalists /m/03d2k +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/0353xq /film/film/music /m/01v0sxx +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/03p9hl /people/person/spouse_s./people/marriage/spouse /m/0gm34 +/m/04jm_hq /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01_mdl +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01qd_r +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0hfjk /media_common/netflix_genre/titles /m/01f6x7 +/m/0d193h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01vg13 +/m/0c_v2 /language/human_language/countries_spoken_in /m/07f1x +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqmq +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03rjj +/m/036dyy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/02dth1 /people/person/profession /m/02hrh1q +/m/067xw /people/person/religion /m/03_gx +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02b0yk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/02kmx6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bvg70 +/m/0627sn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07q1m +/m/017yfz /people/person/places_lived./people/place_lived/location /m/0_vw8 +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0299hs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/07lt7b /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jfl +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01kwld /film/actor/film./film/performance/film /m/017gm7 +/m/02vy5j /people/person/gender /m/05zppz +/m/04xn_ /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxrw +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/0sz28 +/m/0577d /sports/sports_team_location/teams /m/05ls3r +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/090s_0 /film/film/country /m/09c7w0 +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v_pj6 +/m/0dnqr /film/film/edited_by /m/0343h +/m/0dzlbx /film/film/genre /m/082gq +/m/0cm89v /people/person/gender /m/05zppz +/m/0hn10 /media_common/netflix_genre/titles /m/04h41v +/m/0g768 /music/record_label/artist /m/012vd6 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/057n_g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01m42d0 /film/actor/film./film/performance/film /m/01f39b +/m/04bcb1 /people/person/place_of_birth /m/0xrzh +/m/0fkwzs /tv/tv_program/genre /m/025s89p +/m/0181dw /music/record_label/artist /m/015xp4 +/m/0g3zpp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jssp +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mrfv +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/01f6zc +/m/015f7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08984j +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/07y_r +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/017fp /media_common/netflix_genre/titles /m/043tz0c +/m/06_sc3 /film/film/country /m/0345h +/m/019z7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvwkr +/m/0fttg /location/location/contains /m/03x1s8 +/m/03t5kl /award/award_category/winners./award/award_honor/award_winner /m/01svw8n +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/04t6fk /film/film/production_companies /m/016tw3 +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/0kfv9 +/m/0jt90f5 /influence/influence_node/influenced_by /m/0c5tl +/m/01hmnh /media_common/netflix_genre/titles /m/035bcl +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/08gg47 /film/film/genre /m/0219x_ +/m/0jpkw /organization/organization/headquarters./location/mailing_address/citytown /m/0jpkg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01fpvz +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01pcq3 +/m/04xvlr /media_common/netflix_genre/titles /m/0fsd9t +/m/056_y /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0bx9y /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0cms7f +/m/0czyxs /film/film/genre /m/06n90 +/m/01x4sb /film/actor/film./film/performance/film /m/05f4_n0 +/m/04ghz4m /film/film/executive_produced_by /m/0g_rs_ +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mnbn +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03ytj1 +/m/045bg /people/person/nationality /m/0f8l9c +/m/06kx2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05489 /film/film_subject/films /m/0296rz +/m/02qydsh /film/film/genre /m/05p553 +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02tkzn +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/04cppj /film/film/executive_produced_by /m/02lf0c +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01dpsv +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/0jfx1 /people/person/profession /m/02hrh1q +/m/02g75 /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01t0dy +/m/03c0t9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0m2l9 /people/person/places_lived./people/place_lived/location /m/0pmq2 +/m/06t8b /people/person/religion /m/0kpl +/m/011k1h /music/record_label/artist /m/094xh +/m/01pbs9w /people/person/place_of_birth /m/01_d4 +/m/02mv9b /people/person/place_of_birth /m/01_d4 +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j9z +/m/011lpr /people/person/place_of_birth /m/06_kh +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01_4lx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/02773m2 +/m/047jhq /people/person/places_lived./people/place_lived/location /m/02c7tb +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/03b78r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c2rr7 /people/person/nationality /m/04wgh +/m/09rfpk /film/film/language /m/02h40lc +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01zh3_ /education/educational_institution/colors /m/01l849 +/m/03lvyj /people/person/spouse_s./people/marriage/spouse /m/044mz_ +/m/0gk4g /people/cause_of_death/people /m/02j4sk +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0884hk +/m/0cj2nl /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/08jgk1 +/m/05tbn /location/location/contains /m/0_jq4 +/m/045c66 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/023g6w /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/012kyx +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0mmd6 +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hl3d +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/083skw +/m/02fqxm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/02v570 /film/film/executive_produced_by /m/05hj_k +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/016khd +/m/02_l96 /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/02f8lw /people/person/gender /m/02zsn +/m/0sxns /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x7vq +/m/036jp8 /people/person/sibling_s./people/sibling_relationship/sibling /m/02j4sk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04hzfz +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0p_tz /film/film/featured_film_locations /m/01qrb2 +/m/029cr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02sjgpq +/m/020jqv /people/person/profession /m/09jwl +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/079vf /people/person/gender /m/05zppz +/m/0dyb1 /film/film/genre /m/01hmnh +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/03j149k /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0424m /influence/influence_node/peers./influence/peer_relationship/peers /m/019fz +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03shpq /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/054fvj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ftf0f +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/03xk1_ /film/actor/film./film/performance/film /m/0bw20 +/m/02vy5j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_pd /film/actor/film./film/performance/film /m/01y9jr +/m/026z9 /music/genre/artists /m/049qx +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0dvqq +/m/0c2ry /people/person/profession /m/02hrh1q +/m/01j5ql /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0dzst +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mm1x +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04zn7g /film/actor/film./film/performance/film /m/02gpkt +/m/0f2c8g /people/deceased_person/place_of_death /m/0c8tk +/m/09nwwf /music/genre/artists /m/017j6 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm7n +/m/02z3r8t /film/film/film_festivals /m/04grdgy +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0k4p0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0282x /people/person/profession /m/0cbd2 +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02fqrf /film/film/written_by /m/04hw4b +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0ym4t /education/educational_institution/school_type /m/07tf8 +/m/02896 /sports/sports_team/colors /m/03vtbc +/m/0gm34 /film/actor/film./film/performance/film /m/085wqm +/m/01r_t_ /people/person/nationality /m/03_3d +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/02mhfy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029_3 +/m/017_qw /music/genre/artists /m/02rgz4 +/m/09f07 /base/aareas/schema/administrative_area/administrative_parent /m/03rk0 +/m/01xn6jr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02rlj20 /film/film/genre /m/03g3w +/m/0dbpyd /award/award_winner/awards_won./award/award_honor/award_winner /m/05vtbl +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0s4sj /location/hud_county_place/place /m/0s4sj +/m/03w94xt /music/genre/artists /m/011_vz +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxwk +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05n6sq +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02wrrm +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06chf /film/director/film /m/05q96q6 +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/honored_for /m/042g97 +/m/018ctl /olympics/olympic_games/participating_countries /m/0chghy +/m/09kvv /organization/organization/headquarters./location/mailing_address/citytown /m/094jv +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvc5 +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/01x53m +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01nglk /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bl2g +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0h9qh /media_common/netflix_genre/titles /m/048rn +/m/0dlv0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/075q_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0kvgnq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/014zwb /film/film/written_by /m/01gzm2 +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/06by7 /music/genre/artists /m/0407f +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0dqyw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/018jcq +/m/0k9ts /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02nygk /people/person/profession /m/0cbd2 +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hq1 +/m/02w_l9 /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/02t_99 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0lx2l +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/02rf1y /film/actor/film./film/performance/film /m/02lxrv +/m/0fqt1ns /film/film/music /m/02cyfz +/m/02k_kn /music/genre/artists /m/016szr +/m/027xbpw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f87jy +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/03mqtr /media_common/netflix_genre/titles /m/08nvyr +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01w58n3 /people/person/languages /m/064_8sq +/m/0bjy7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/01f7j9 +/m/026ck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/051q5 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/016pns +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0j5m6 /sports/sports_team/colors /m/01l849 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gxkm +/m/0r6ff /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01qq_lp /people/person/religion /m/0c8wxp +/m/06gb1w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0ph24 +/m/05d1dy /people/person/nationality /m/0d060g +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/03yf4d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/023mdt /people/person/nationality /m/09c7w0 +/m/0ffgh /people/person/profession /m/016z4k +/m/0151w_ /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/043zg +/m/0g83dv /film/film/genre /m/07s9rl0 +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01w806h /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0c40vxk /film/film/cinematography /m/06t8b +/m/0djd22 /media_common/netflix_genre/titles /m/03f7xg +/m/02fn5 /people/person/profession /m/02hrh1q +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rlzn +/m/055z7 /business/business_operation/industry /m/01mw1 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/02b61v +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0dh73w /people/person/profession /m/02pjxr +/m/01nhgd /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/04sx9_ +/m/0581vn8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n048 /location/location/contains /m/0m75g +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02dbp7 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/018sg9 +/m/05fly /location/location/contains /m/0dv9v +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cx282 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0gsg7 +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0258dh /film/film/produced_by /m/02fcs2 +/m/02h40lc /language/human_language/countries_spoken_in /m/06s0l +/m/01_mdl /film/film/story_by /m/011s9r +/m/06cgy /film/actor/film./film/performance/film /m/0jqj5 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/07m2y /music/instrument/instrumentalists /m/023slg +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0m8_v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ztgm +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/05b__vr /people/person/nationality /m/05sb1 +/m/05hjnw /film/film/genre /m/07s9rl0 +/m/0263tn1 /people/person/profession /m/0d1pc +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q7fl9 +/m/03lrht /film/film/genre /m/06nbt +/m/018db8 /film/actor/film./film/performance/film /m/02q87z6 +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/0ly5n /people/person/places_lived./people/place_lived/location /m/0s987 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03t79f +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/06pj8 /organization/organization_founder/organizations_founded /m/056ws9 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/016s_5 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/03gq340 /music/genre/artists /m/01tv3x2 +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01c8v0 /people/person/nationality /m/06q1r +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0mnlq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1h +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02ph9tm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02pzck /film/actor/film./film/performance/film /m/0prrm +/m/070j61 /people/person/place_of_birth /m/0_24q +/m/09xbpt /film/film/genre /m/016vh2 +/m/05p5nc /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h304l +/m/0ptdz /film/film/genre /m/07s2s +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzxlw +/m/0557q /education/field_of_study/students_majoring./education/education/student /m/047c9l +/m/02zd460 /education/educational_institution/campuses /m/02zd460 +/m/05zwrg0 /film/film/production_companies /m/025jfl +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0mdqp /people/person/profession /m/0np9r +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/02rgz97 /people/person/profession /m/0dgd_ +/m/05b1062 /people/person/profession /m/0dxtg +/m/0l6ny /olympics/olympic_games/sports /m/0486tv +/m/04t2l2 /film/actor/film./film/performance/film /m/026wlxw +/m/01zq91 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03shp +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v3yy +/m/02q0k7v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/06mzp /location/location/contains /m/01c744 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0g9wdmc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02bkdn +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/020hh3 /people/person/nationality /m/0k6nt +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016lmg +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/04flrx /film/director/film /m/0292qb +/m/0r2bv /location/location/time_zones /m/02lcqs +/m/03tw2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0xxc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018009 /influence/influence_node/influenced_by /m/0d6d2 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05sq20 +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/07yp0f +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01jgpsh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m0jc /music/genre/artists /m/09jm8 +/m/05b4w /location/location/contains /m/07th_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03188 +/m/029_3 /people/person/religion /m/04pk9 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01hq1 /film/film/genre /m/0btmb +/m/06x76 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01f6x7 /film/film/produced_by /m/03h40_7 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/0z05l /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvld +/m/06t61y /film/actor/film./film/performance/film /m/07kdkfj +/m/080nwsb /film/film/genre /m/02l7c8 +/m/03n0pv /people/person/gender /m/05zppz +/m/04vrxh /people/person/profession /m/0nbcg +/m/01_gv /sports/sports_team/sport /m/02vx4 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01cv3n /people/person/profession /m/0nbcg +/m/0dw6b /people/person/profession /m/0dxtg +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lhy +/m/03rhqg /music/record_label/artist /m/01vvycq +/m/02tcgh /film/film/costume_design_by /m/0cbxl0 +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/02xry /location/location/contains /m/016sd3 +/m/0bx0lc /people/person/nationality /m/02jx1 +/m/01y3c /sports/sports_team/colors /m/019sc +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/078mgh +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02w5q6 +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpm4yw +/m/01j_06 /education/educational_institution/campuses /m/01j_06 +/m/084m3 /people/person/religion /m/03_gx +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06k176 /tv/tv_program/genre /m/07s9rl0 +/m/01vs_v8 /film/actor/film./film/performance/film /m/07vf5c +/m/01x6v6 /music/artist/origin /m/030qb3t +/m/0432_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/01y665 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/0d6484 /award/award_winner/awards_won./award/award_honor/award_winner /m/027z0pl +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/0d3k14 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hgym +/m/0crd8q6 /film/film/produced_by /m/0162c8 +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0mnrb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/033w9g /people/person/religion /m/0c8wxp +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n6ds +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d413 +/m/0cj_v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/020hh3 /people/person/profession /m/02hrh1q +/m/0498y /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0pc62 /film/film/edited_by /m/02qggqc +/m/05bt6j /music/genre/artists /m/013w8y +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/04yc76 /film/film/genre /m/0gsy3b +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/04l59s /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/02j490 /film/actor/film./film/performance/film /m/02xs6_ +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05qtj /base/aareas/schema/administrative_area/capital /m/05qtj +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01msrb +/m/06n6p /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/09xbpt /film/film/executive_produced_by /m/0glyyw +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02lgj6 /people/person/nationality /m/09c7w0 +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012gx2 /people/person/places_lived./people/place_lived/location /m/0rgxp +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/01svq8 /people/person/place_of_birth /m/068p2 +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/032_jg /film/actor/film./film/performance/film /m/0gtsxr4 +/m/094xh /people/person/places_lived./people/place_lived/location /m/07srw +/m/0jw67 /people/person/religion /m/0c8wxp +/m/0227tr /film/actor/film./film/performance/film /m/05sy_5 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02qfhb /film/actor/film./film/performance/film /m/05t0_2v +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/0g5lhl7 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/085q5 +/m/015g28 /tv/tv_program/languages /m/02bv9 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/013tjc /people/person/nationality /m/09c7w0 +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0pmw9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/022jr5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/02sjp /people/person/profession /m/01c72t +/m/07c5l /location/location/contains /m/07fr_ +/m/01dyvs /film/film/featured_film_locations /m/0135g +/m/09rntd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/01cszh /music/record_label/artist /m/01vwbts +/m/0sxrz /olympics/olympic_games/sports /m/071t0 +/m/012z8_ /people/person/profession /m/0dz3r +/m/01jq34 /education/educational_institution/colors /m/083jv +/m/08qxx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/0gkydb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h27vc +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/04mz10g /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/01wbsdz /people/person/profession /m/0n1h +/m/07l4zhn /film/film/film_festivals /m/04_m9gk +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02w7gg /people/ethnicity/people /m/0164r9 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01npcx +/m/03j24kf /people/person/profession /m/039v1 +/m/024hbv /tv/tv_program/genre /m/0lsxr +/m/07bx6 /film/film/production_companies /m/032dg7 +/m/01jfnvd /people/person/places_lived./people/place_lived/location /m/0vm4s +/m/01z7_f /film/actor/film./film/performance/film /m/0277j40 +/m/024_41 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01hhvg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/02x0fs9 /film/film/genre /m/0219x_ +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02cttt /organization/organization/headquarters./location/mailing_address/citytown /m/019fh +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0d060g +/m/03qbh5 /award/award_category/winners./award/award_honor/award_winner /m/02vr7 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/027hq5f /people/person/gender /m/05zppz +/m/0hz_1 /people/person/places_lived./people/place_lived/location /m/0nlh7 +/m/04twmk /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrx +/m/029d_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03hj5lq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/027tbrc /tv/tv_program/languages /m/02h40lc +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/07rd7 /people/person/profession /m/01d_h8 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/02b1hq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0184tc /film/film/production_companies /m/0kx4m +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/065r8g /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0kbg6 /influence/influence_node/influenced_by /m/06bng +/m/015f7 /film/actor/film./film/performance/film /m/048qrd +/m/01vw8k /film/film/produced_by /m/0c6qh +/m/019n7x /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c5bz +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0c00zd0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qfv5d /media_common/netflix_genre/titles /m/08720 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/0dvmd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/015pkc +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0byfz /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0244r8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0150t6 +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/01pcbg /people/person/profession /m/02hrh1q +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/09xwz /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09bkc6 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0lzb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/07ssc /location/location/contains /m/0h924 +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7z7 +/m/0fm3h2 /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/0gyh /location/location/contains /m/0325dj +/m/01l47f5 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/050z2 /people/person/profession /m/0gbbt +/m/0bq4j6 /people/person/profession /m/0dxtg +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06s0l +/m/0g8_vp /people/ethnicity/people /m/0315q3 +/m/01wbz9 /people/person/places_lived./people/place_lived/location /m/0134bf +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z542 +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f8f7 +/m/0k0sb /language/human_language/countries_spoken_in /m/01mjq +/m/06_x996 /film/film/written_by /m/0c00lh +/m/07ssc /media_common/netflix_genre/titles /m/07j8r +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/08vd2q /film/film/country /m/02jx1 +/m/02hrh0_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03fb3t +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl06 +/m/01_x6d /award/award_winner/awards_won./award/award_honor/award_winner /m/02cm2m +/m/0z1l8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d90m +/m/01yznp /influence/influence_node/influenced_by /m/0h25 +/m/01797x /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0p2rj /base/aareas/schema/administrative_area/administrative_parent /m/0vbk +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01713c /film/actor/film./film/performance/film /m/0b6tzs +/m/0f276 /people/person/place_of_birth /m/0ckhc +/m/0639bg /film/film/music /m/04pf4r +/m/02b0zd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/044pqn /people/person/place_of_birth /m/0dlv0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/03bxwtd /people/person/profession /m/0nbcg +/m/01mxqyk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kp_1t +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0q59y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05znbh7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ct_k +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/09px1w /award/award_winner/awards_won./award/award_honor/award_winner /m/07ymr5 +/m/01xdxy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/06j6l /music/genre/artists /m/01w60_p +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/04g4n /film/actor/film./film/performance/film /m/05v38p +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/01nln /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/09h4b5 /film/actor/film./film/performance/film /m/09dv8h +/m/01pllx /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06by7 /music/genre/artists /m/03vhvp +/m/05fhy /base/biblioness/bibs_location/country /m/09c7w0 +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mzf8 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01mbwlb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/05hks /people/person/places_lived./people/place_lived/location /m/0cr7m +/m/06xbsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0bq4j6 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fs_d +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0fv4v +/m/048htn /film/film/country /m/09c7w0 +/m/02b29 /influence/influence_node/influenced_by /m/0mb5x +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04jpk2 +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/016r9z /olympics/olympic_games/participating_countries /m/0d060g +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/05p1tzf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xb2w /people/person/profession /m/018gz8 +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/016jfw +/m/017b2p /people/person/profession /m/0dz3r +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nx8mj +/m/048vhl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pc62 +/m/01z0rcq /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0208wk /award/award_category/disciplines_or_subjects /m/05hgj +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/0564mx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046mxj +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/085wqm /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/03rwz3 /award/award_winner/awards_won./award/award_honor/award_winner /m/07f8wg +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0138mv +/m/0dwtp /music/instrument/family /m/0395lw +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01fscv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/040b5k +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/02l840 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wn718 +/m/0tfc /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/01pm0_ /film/actor/film./film/performance/film /m/0gfzfj +/m/01v0fn1 /people/person/profession /m/0dz3r +/m/0b_7k /film/director/film /m/0jym0 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/027zz /film/director/film /m/01dc0c +/m/0yfp /people/person/profession /m/0cbd2 +/m/04kmx_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04b4yg +/m/0nm8n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6k +/m/0d7wh /people/ethnicity/people /m/09d5d5 +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0261x8t +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02zd460 +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/01l9p /award/award_winner/awards_won./award/award_honor/award_winner /m/0gdhhy +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/05typm /people/person/place_of_birth /m/0chrx +/m/01x66d /people/person/profession /m/0dz3r +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02114t +/m/0bhtzw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/029q3k +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/03hjv97 /film/film/language /m/02h40lc +/m/0265v21 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grpc +/m/01p4r3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/025twgf /film/film/country /m/07ssc +/m/01w_10 /people/person/employment_history./business/employment_tenure/company /m/0gsgr +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/0y3_8 /music/genre/artists /m/01271h +/m/06s9y /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01mr2g6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j_c /film/director/film /m/0k5g9 +/m/064nh4k /award/award_winner/awards_won./award/award_honor/award_winner /m/080knyg +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d5wn3 +/m/0c0k1 /people/person/nationality /m/09c7w0 +/m/06g4l /people/person/gender /m/02zsn +/m/012pd4 /people/person/places_lived./people/place_lived/location /m/0vbk +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016zfm +/m/02tv80 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lk1s /people/person/profession /m/01d_h8 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0pz7h +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02h6_6p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/05nlx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0167q3 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/03b8c4 +/m/02qx69 /people/person/gender /m/02zsn +/m/0dy04 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03b_fm5 /film/film/genre /m/02l7c8 +/m/0l12d /people/person/profession /m/0nbcg +/m/016cjb /music/genre/artists /m/01wvxw1 +/m/03jqfx /base/culturalevent/event/entity_involved /m/0cgm9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02gkxp +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjmr +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/019z7q /people/person/religion /m/03_gx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0217m9 +/m/0q19t /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/06j6l /music/genre/artists /m/05vzw3 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xb2w +/m/026vcc /education/educational_institution/students_graduates./education/education/student /m/01pj3h +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/06p8m /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01vsy9_ /people/person/nationality /m/09c7w0 +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0716t2 +/m/04h4c9 /film/film/genre /m/04xvlr +/m/0z18v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bg55 /film/film/featured_film_locations /m/0rh6k +/m/01psyx /people/cause_of_death/people /m/0j_c +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/05gnf +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0315w4 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021vwt +/m/01vtmw6 /people/person/gender /m/05zppz +/m/026kmvf /people/person/profession /m/0gl2ny2 +/m/018yj6 /film/actor/film./film/performance/film /m/02p86pb +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/06w839_ /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgjh +/m/04m_zp /people/person/profession /m/03gjzk +/m/032sl_ /film/film/genre /m/01jfsb +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0443v1 /film/film/genre /m/01jfsb +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05ypj5 /film/film/genre /m/04xvlr +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0325dj +/m/02b190 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05m883 +/m/06v41q /people/ethnicity/people /m/01ksr1 +/m/0d9qmn /sports/sports_team/colors /m/083jv +/m/01t2h2 /people/person/profession /m/01d_h8 +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05cvgl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0473m9 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0flw6 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0yxm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zz8t +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0133jj /base/aareas/schema/administrative_area/administrative_parent /m/0h7x +/m/0dv1hh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04b8pv +/m/02825nf /film/film/genre /m/05p553 +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k_4g +/m/01c9d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bykpk /film/film/produced_by /m/01b9ck +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fwzk +/m/01j5sd /people/person/profession /m/01d_h8 +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/038_0z +/m/08cl7s /tv/tv_program/genre /m/0jxy +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rcmg +/m/09c7w0 /location/country/second_level_divisions /m/0njj0 +/m/05148p4 /music/instrument/instrumentalists /m/01v40wd +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/033g4d /film/film/language /m/0653m +/m/01_vfy /people/deceased_person/place_of_death /m/02_286 +/m/026gb3v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/06pwq /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/05dmmc /film/film/film_art_direction_by /m/072twv +/m/05wm88 /people/person/profession /m/0q04f +/m/04thp /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06lq2g /music/genre/artists /m/03t9sp +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/023sng /people/person/profession /m/02jknp +/m/06w7v /music/instrument/instrumentalists /m/03bnv +/m/04gycf /people/person/profession /m/0np9r +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0gsg7 +/m/01vrnsk /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03_x5t /film/actor/film./film/performance/film /m/04ghz4m +/m/01wv9p /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/0bq0p9 /location/country/official_language /m/02hxcvy +/m/03h_fqv /people/person/profession /m/01c72t +/m/06xkst /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0392kz +/m/05148p4 /music/instrument/instrumentalists /m/02x8z_ +/m/07zr66 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b190 +/m/083p7 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05kkh +/m/0j3v /influence/influence_node/influenced_by /m/015n8 +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01c22t +/m/04jkpgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0bvzp /award/award_winner/awards_won./award/award_honor/award_winner /m/014hr0 +/m/0bg4j_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02g_7z /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/06zrp44 /award/award_category/winners./award/award_honor/award_winner /m/059y0 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q6gfp +/m/07c2wt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05byxm /music/record_label/artist /m/0qf11 +/m/048lv /film/actor/film./film/performance/film /m/05_5rjx +/m/070fnm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gjc4d3 /film/film/written_by /m/04hw4b +/m/0p17j /people/person/profession /m/03gjzk +/m/06t2t2 /film/film/production_companies /m/020h2v +/m/02js_6 /people/person/profession /m/02hrh1q +/m/01pcdn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02fx3c +/m/0j46b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03f47xl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05mvd62 /people/person/profession /m/01d_h8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0356gk +/m/03cvv4 /film/actor/film./film/performance/film /m/04gknr +/m/021gzd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016kft +/m/049f05 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03hfxkn /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/072x7s /film/film/written_by /m/09v6tz +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/0b_6_l /time/event/locations /m/0c_m3 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy_5 +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/0mb8c /film/film/genre /m/0lsxr +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cqnss +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/02rgz4 /people/person/nationality /m/03_3d +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0c_zj /education/educational_institution/school_type /m/02p0qmm +/m/0683n /influence/influence_node/influenced_by /m/040db +/m/07sgfvl /people/person/profession /m/02hrh1q +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/05yh_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06l9n8 +/m/077qn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0yfp /people/person/religion /m/03_gx +/m/0c31_ /people/person/profession /m/01d_h8 +/m/0k20s /film/film/genre /m/02qfv5d +/m/0ddkf /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yh_t +/m/0rh6k /location/administrative_division/country /m/09c7w0 +/m/0bt7ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/0b_6pv /time/event/locations /m/01_d4 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04255q +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/041c4 +/m/0dq9p /people/cause_of_death/people /m/0c12h +/m/04f9r2 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02qkt /location/location/contains /m/04thp +/m/07_l61 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/014x77 /film/actor/film./film/performance/film /m/05c9zr +/m/01fmz6 /music/artist/origin /m/0f2v0 +/m/046488 /film/film/country /m/07ssc +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/06nns1 /people/person/nationality /m/09c7w0 +/m/03v0t /location/location/contains /m/0s5cg +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/043y95 +/m/07mqps /people/ethnicity/people /m/01vb403 +/m/02q56mk /film/film/featured_film_locations /m/0cwx_ +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7j9 +/m/0kbvb /olympics/olympic_games/sports /m/06f41 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01k98nm /people/person/profession /m/0dz3r +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/04l7mn /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/03bnv /people/person/profession /m/09jwl +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/06pjs /people/person/languages /m/02h40lc +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/0cfywh /people/person/nationality /m/03rk0 +/m/04cr6qv /people/person/profession /m/0np9r +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/03jqw5 /award/award_winner/awards_won./award/award_honor/award_winner /m/078mgh +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0342h /music/instrument/instrumentalists /m/02cx90 +/m/03qhyn8 /award/award_winner/awards_won./award/award_honor/award_winner /m/033rq +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/04jjy /film/film_subject/films /m/0286vp +/m/05s_c38 /people/person/place_of_birth /m/012ts +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04bfg +/m/0m0hw /film/actor/film./film/performance/film /m/04v89z +/m/04mn81 /people/person/profession /m/0nbcg +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/01sxly /film/film/language /m/06b_j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhf +/m/01vtj38 /film/actor/film./film/performance/film /m/0dqytn +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/02rf1y /film/actor/film./film/performance/film /m/01qxc7 +/m/01g23m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02mjf2 +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07245g +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0k2h6 /education/educational_institution/campuses /m/0k2h6 +/m/01bvw5 /education/educational_institution_campus/educational_institution /m/01bvw5 +/m/0ddcbd5 /film/film/country /m/03spz +/m/021_rm /people/person/gender /m/05zppz +/m/07lqg0 /people/profession/specialization_of /m/06q2q +/m/08rr3p /film/film/genre /m/01lrrt +/m/02l101 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/0zcbl /film/actor/film./film/performance/film /m/0dln8jk +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/05zj6x +/m/045hz5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018ygt /people/person/spouse_s./people/marriage/spouse /m/01d0fp +/m/03rjj /location/country/second_level_divisions /m/04_xr8 +/m/04q5zw /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/014kq6 /film/film/language /m/012w70 +/m/05sb1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g9zcgx +/m/03_2y /film/director/film /m/02_fz3 +/m/01q9b9 /people/person/nationality /m/09c7w0 +/m/044mvs /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01njml +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/027zz /award/award_winner/awards_won./award/award_honor/award_winner /m/07mvp +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/01z7dr /music/genre/parent_genre /m/0y3_8 +/m/02h30z /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/06j6l /music/genre/artists /m/0czkbt +/m/0dq9p /people/cause_of_death/people /m/01vh096 +/m/01ck6v /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0dln8jk /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020_95 +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/0147w8 +/m/07z1m /location/administrative_division/country /m/09c7w0 +/m/040b5k /film/film/genre /m/04xvlr +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/01n7q /location/location/contains /m/0r4h3 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01vdm0 +/m/027dpx /people/person/profession /m/0dz3r +/m/0g8fs /education/educational_institution/students_graduates./education/education/student /m/06bng +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/0chsq +/m/0flddp /film/director/film /m/03bdkd +/m/0342h /music/instrument/instrumentalists /m/0bkg4 +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/04vmp /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vs_v8 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0gt3p /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0cj36c +/m/0571m /film/film/genre /m/03j0dp +/m/01ljpm /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0hx4y /film/film/genre /m/060__y +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/088gzp /education/educational_institution_campus/educational_institution /m/088gzp +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/06s7rd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01b9w3 +/m/09xbpt /film/film/country /m/09c7w0 +/m/0dgpwnk /film/film/country /m/03rt9 +/m/02yy8 /people/person/spouse_s./people/marriage/spouse /m/02n9k +/m/02gs6r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/088n7 +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/026mml /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/076zy_g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01clyr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x4wr9 /award/award_category/winners./award/award_honor/award_winner /m/017c87 +/m/02725hs /film/film/production_companies /m/02j_j0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02qjb_ +/m/03czqs /location/statistical_region/religions./location/religion_percentage/religion /m/078vc +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/0dxyzb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0g7pm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02nfjp /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0356gk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/04rfq /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w61th +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bj6y +/m/01qklj /people/person/spouse_s./people/marriage/location_of_ceremony /m/0b90_r +/m/045931 /film/actor/film./film/performance/film /m/047vp1n +/m/06mr2s /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01chg /music/genre/artists /m/01pr_j6 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/01f6x7 /film/film/genre /m/03k9fj +/m/09qv3c /award/award_category/winners./award/award_honor/award_winner /m/01d0b1 +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xn2m +/m/02nrdp /film/actor/film./film/performance/film /m/03kx49 +/m/062dn7 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mt51 +/m/02s2wq /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/02cttt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r2l +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/0kctd /media_common/netflix_genre/titles /m/05p9_ql +/m/05148p4 /music/instrument/instrumentalists /m/0326tc +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02gd6x +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/015wc0 +/m/02r6nbc /award/award_category/disciplines_or_subjects /m/04g51 +/m/03ktjq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fgr_ +/m/03v1jf /people/person/profession /m/0d1pc +/m/040rjq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxtknx +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/07wqr6 +/m/05148p4 /music/instrument/instrumentalists /m/016szr +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dyztm /film/actor/film./film/performance/film /m/0284b56 +/m/01ggc9 /film/actor/film./film/performance/film /m/05zpghd +/m/025v3k /education/educational_institution_campus/educational_institution /m/025v3k +/m/03mqtr /media_common/netflix_genre/titles /m/07vf5c +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/01qgr3 /education/university/fraternities_and_sororities /m/0325pb +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/03sbs /people/person/gender /m/05zppz +/m/0d05w3 /location/location/contains /m/014ck4 +/m/03rk0 /location/location/contains /m/034q81 +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02tn0_ /film/director/film /m/01qdmh +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/037hgm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hrqc +/m/01lvcs1 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/0859_ /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/023p33 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05clg8 /music/record_label/artist /m/01vvlyt +/m/08s6r6 /music/genre/artists /m/07hgm +/m/04y79_n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/02tn0_ /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/04kzqz +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059m45 +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01fyzy /film/actor/film./film/performance/film /m/074w86 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/012yc /music/genre/artists /m/01vxlbm +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/026y3cf +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/018vs +/m/02756j /people/person/places_lived./people/place_lived/location /m/04vmp +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/0jg77 +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/05nqq3 /people/person/profession /m/02hrh1q +/m/08lmt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0837ql +/m/09lcsj /film/film/language /m/02h40lc +/m/0kwgs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kcnq +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/049ql1 /organization/organization/child./organization/organization_relationship/child /m/03sb38 +/m/03t0k1 /people/person/nationality /m/0hzlz +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/01rs5p /film/actor/film./film/performance/film /m/02v8kmz +/m/09jw2 /music/genre/parent_genre /m/06by7 +/m/01wk3c /film/actor/film./film/performance/film /m/0164qt +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07z6xs /film/film/produced_by /m/0dqmt0 +/m/0l8v5 /film/actor/film./film/performance/film /m/0bwhdbl +/m/08ct6 /film/film/language /m/02h40lc +/m/0n_hp /film/film/genre /m/0lsxr +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/0309lm +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/0160nk /education/university/fraternities_and_sororities /m/035tlh +/m/01zhs3 /sports/sports_team/colors /m/083jv +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bj9k +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02ldv0 /film/actor/film./film/performance/film /m/0bdjd +/m/0151zx /people/person/languages /m/02h40lc +/m/06sks6 /olympics/olympic_games/participating_countries /m/06bnz +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/084w8 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/027d5g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09qc1 +/m/022q4l9 /film/actor/film./film/performance/film /m/0bmssv +/m/0blg2 /olympics/olympic_games/sports /m/06wrt +/m/02nwxc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gkmx +/m/0jfx1 /people/person/profession /m/01d_h8 +/m/0pc7r /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017l96 /music/record_label/artist /m/03h_yfh +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034hck +/m/0fx80y /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0y_hb /film/film/production_companies /m/017s11 +/m/01f1r4 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014z8v /influence/influence_node/influenced_by /m/01hmk9 +/m/07_m9_ /organization/organization_founder/organizations_founded /m/082x5 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/02qwg +/m/0p_2r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039cq4 +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_cy +/m/02x8kk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01lvcs1 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwpj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xn57g +/m/037lyl /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/04z257 /film/film/genre /m/01jfsb +/m/01mk6 /location/country/form_of_government /m/06cx9 +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/039_ym +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01385g /film/actor/film./film/performance/film /m/017kct +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/02xtxw /film/film/country /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07xvf +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/01p87y +/m/09rfh9 /film/film/production_companies /m/03xsby +/m/09s1f /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02h40lc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/0kbws /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/047msdk +/m/04jjy /film/film_subject/films /m/0gd92 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016y_f /film/film/executive_produced_by /m/06pj8 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/04bz2f +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/01hr1 /film/film/genre /m/01hmnh +/m/0d35y /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0ds1glg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01vw26l /people/person/place_of_birth /m/030qb3t +/m/0135k2 /base/biblioness/bibs_location/country /m/0345h +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0cr3d /location/location/contains /m/03bmmc +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/03h_0_z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vvyc_ +/m/03gr7w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/068p2 /location/hud_county_place/place /m/068p2 +/m/0b_6v_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/041rx /people/ethnicity/people /m/023tp8 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/03jj93 /film/actor/film./film/performance/film /m/047qxs +/m/07ng9k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz9_ +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hxsv +/m/0315q3 /film/actor/film./film/performance/film /m/034qrh +/m/08ff1k /people/person/profession /m/01d_h8 +/m/0bx_q /people/person/place_of_birth /m/02_286 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/06yrj6 /award/award_winner/awards_won./award/award_honor/award_winner /m/0q9zc +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/08sk8l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/035tjy /sports/sports_team/colors /m/019sc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02xpy5 +/m/04dsnp /film/film/featured_film_locations /m/0d6hn +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01nm3s +/m/080nwsb /film/film/genre /m/05p553 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05fm6m +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/07vyf +/m/06cddt /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/039cq4 +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mz5b +/m/099ck7 /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/06nm1 /media_common/netflix_genre/titles /m/04nl83 +/m/01fwzk /film/film/country /m/09c7w0 +/m/0d90m /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/031k24 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/01m7f5r /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05gp3x /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/014ps4 /influence/influence_node/influenced_by /m/07zl1 +/m/0jz9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/0jymd /film/film/featured_film_locations /m/02_286 +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0277jc /organization/organization/headquarters./location/mailing_address/citytown /m/01k4f +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01k5t_3 +/m/0c0tzp /award/award_winner/awards_won./award/award_honor/award_winner /m/076psv +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02hzx8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/084m3 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/059fjj +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/08phg9 /film/film/produced_by /m/0697kh +/m/01dvms /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/0cxgc /base/biblioness/bibs_location/country /m/07ssc +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0q9kd /film/actor/film./film/performance/film /m/056xkh +/m/02tqm5 /film/film/genre /m/0lsxr +/m/01_1kk /sports/sports_team/sport /m/02vx4 +/m/01sn3 /sports/sports_team_location/teams /m/01xvb +/m/02bc74 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m_k0 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01g03q +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07c52 /media_common/netflix_genre/titles /m/0kfv9 +/m/01hmnh /media_common/netflix_genre/titles /m/011x_4 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckvj9 +/m/023gxx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/01kvrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0b_fw /people/person/profession /m/02jknp +/m/025jbj /people/person/profession /m/02jknp +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04g3p5 +/m/0xjl2 /music/genre/artists /m/019389 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03n6r /film/actor/film./film/performance/film /m/02q_ncg +/m/02gl58 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03s2dj +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/02mmwk /film/film/music /m/0146pg +/m/01fx6y /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/035xwd /film/film/country /m/09c7w0 +/m/049d1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/04q5zw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/068p2 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/016yxn /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/09c7w0 /location/country/second_level_divisions /m/0mx7f +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0h5g_ +/m/03hmt9b /film/film/featured_film_locations /m/01zxx9 +/m/0gy0l_ /film/film/production_companies /m/01gb54 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/0283_zv /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/053yx /influence/influence_node/peers./influence/peer_relationship/peers /m/024zq +/m/05d9y_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0mkz /film/film_subject/films /m/011xg5 +/m/010xjr /people/person/profession /m/02jknp +/m/0432_5 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0hwqz /film/actor/film./film/performance/film /m/0m3gy +/m/01f7d /award/award_category/disciplines_or_subjects /m/02xlf +/m/0451j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vzw3 +/m/01713c /film/actor/film./film/performance/film /m/07kdkfj +/m/072kp /tv/tv_program/program_creator /m/0q5hw +/m/02y21l /music/record_label/artist /m/033s6 +/m/01ztgm /people/person/profession /m/0g_qdz +/m/03qy3l /music/record_label/artist /m/01ww_vs +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/03y1mlp +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/0bwgc_ /film/actor/film./film/performance/film /m/08y2fn +/m/023t0q /people/person/profession /m/0dxtg +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/03r8gp /film/film_subject/films /m/049xgc +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/02jr26 +/m/04rwx /education/educational_institution/school_type /m/07tf8 +/m/0dgq80b /film/film/language /m/02jx1 +/m/01t0dy /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01q_ph /people/person/religion /m/0c8wxp +/m/08821 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02k54 +/m/04fcjt /music/record_label/artist /m/0x3n +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/034ls /people/person/profession /m/012t_z +/m/0gywn /music/genre/artists /m/07ss8_ +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0htww +/m/0123qq /tv/tv_program/country_of_origin /m/09c7w0 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0h5k /education/field_of_study/students_majoring./education/education/student /m/049gc +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/016ks_ /film/actor/film./film/performance/film /m/056xkh +/m/012c6j /people/deceased_person/place_of_death /m/0k049 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/0bdxs5 /film/actor/film./film/performance/film /m/027pfg +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fhjz +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/04ls81 /sports/sports_team/colors /m/02rnmb +/m/0q9zc /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/018swb /film/actor/film./film/performance/film /m/0_b3d +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/03gr7w /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01hmnh /media_common/netflix_genre/titles /m/017gl1 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0pj8m +/m/01w0yrc /people/person/profession /m/03gjzk +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/02c7lt +/m/048rn /film/film/produced_by /m/02drd3 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0164v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01699 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0338g8 /film/actor/film./film/performance/film /m/0n1s0 +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/02t__3 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/022g44 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0m6x4 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0msck /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djlxb +/m/02jr26 /people/person/nationality /m/09c7w0 +/m/0kqb0 /location/location/contains /m/01rwbd +/m/0q_0z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01p4vl /film/actor/film./film/performance/film /m/03bx2lk +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/016_mj /influence/influence_node/influenced_by /m/02633g +/m/04t7ts /film/actor/film./film/performance/film /m/011yth +/m/01bv8b /tv/tv_program/genre /m/05p553 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0ggbhy7 /film/film/country /m/0345h +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/05f8c2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0329t7 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01f492 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g23m +/m/033q4k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0grjmv /music/genre/artists /m/02cw1m +/m/0c33pl /film/actor/film./film/performance/film /m/0gwf191 +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/032_wv +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/044g_k /film/film/featured_film_locations /m/06y57 +/m/05kwx2 /film/actor/film./film/performance/film /m/0d4htf +/m/0gm34 /film/actor/film./film/performance/film /m/0170_p +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0jym0 /film/film/genre /m/07s9rl0 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0280mv7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017r2 /influence/influence_node/influenced_by /m/048cl +/m/0gjcy /location/hud_county_place/place /m/0gjcy +/m/0f102 /education/educational_institution/colors /m/03vtbc +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/035yzw /education/educational_institution/students_graduates./education/education/student /m/03bxh +/m/0747k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01bgkq +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fwqn +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0167v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/03n3gl /film/film/genre /m/06nbt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/027ybp +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kj5h +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gls4q_ +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/02vjhf /tv/tv_program/genre /m/0pr6f +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/02z5x7l /film/film/language /m/03_9r +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h27vc +/m/0g7k2g /people/person/languages /m/064_8sq +/m/0xr0t /location/hud_county_place/county /m/0n5c9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/043t1s +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsgrn +/m/0bksh /film/actor/film./film/performance/film /m/01z452 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02pdhz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/03cvvlg /film/film/genre /m/04xvlr +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0zcbl +/m/05tr7 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05tfm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02qhlm +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/022r38 +/m/0yxf4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0j1yf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/03h_0_z +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/029pnn +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01ls2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016wzw +/m/07jwr /medicine/disease/notable_people_with_this_condition /m/0zm1 +/m/01s73z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/06t74h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cqt90 /people/person/profession /m/02hrh1q +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdd +/m/09hrc /base/aareas/schema/administrative_area/capital /m/0577d +/m/02v60l /film/actor/film./film/performance/film /m/035gnh +/m/050gkf /film/film/genre /m/02l7c8 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03gj2 /location/country/capital /m/095w_ +/m/02s529 /film/actor/film./film/performance/film /m/0yxm1 +/m/06j6l /music/genre/artists /m/0cg9y +/m/016m5c /influence/influence_node/peers./influence/peer_relationship/peers /m/0167xy +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/01tkfj /business/business_operation/industry /m/029g_vk +/m/06rf7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hzw +/m/0gl6x /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030xr_ +/m/04954 /film/actor/film./film/performance/film /m/02vqsll +/m/01s7qqw /people/person/profession /m/039v1 +/m/06s1qy /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qfhb +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/03h64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/017_qw /music/genre/artists /m/04zwjd +/m/013w7j /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vz0g4 +/m/095x_ /people/person/nationality /m/09c7w0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/07hwkr /people/ethnicity/languages_spoken /m/02bjrlw +/m/03ys2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pgp6 +/m/07sbbz2 /music/genre/artists /m/03f1zhf +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q5xsx +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0456zg +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02rmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0311wg +/m/015fs3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/09g7vfw /film/film/production_companies /m/046b0s +/m/02xs5v /people/person/profession /m/02hrh1q +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/012fvq +/m/0436zq /people/person/gender /m/05zppz +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/031hxk /education/educational_institution/students_graduates./education/education/student /m/01sp81 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cf09 +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0bkf72 /people/person/profession /m/03gjzk +/m/07s6tbm /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/0x2p +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/04rqd +/m/0443c /people/person/nationality /m/09c7w0 +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/037q2p /education/educational_institution/colors /m/06fvc +/m/06c1y /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/026qnh6 /film/film/genre /m/07s9rl0 +/m/02w7gg /people/ethnicity/people /m/02465 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01fyzy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0640m69 +/m/0d05w3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/05t2fh4 /time/event/locations /m/09c7w0 +/m/0438f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lx0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/02cft /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/06rq2l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020jqv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05k7sb /location/location/contains /m/01ky7c +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/03p7gb /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/07bxhl /location/country/form_of_government /m/01fpfn +/m/011xg5 /film/film/production_companies /m/01gb54 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027s39y +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03_3d +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfp4 +/m/0tz01 /location/hud_county_place/place /m/0tz01 +/m/0mxsm /location/location/time_zones /m/02fqwt +/m/07fpm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/011yxy /film/film/cinematography /m/05dppk +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02b0zd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/014nzp +/m/03_2y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02f2p7 /film/actor/film./film/performance/film /m/02w9k1c +/m/03m6_z /film/actor/film./film/performance/film /m/0ddf2bm +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/02hfgl +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/063zky /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02nt3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjf +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/013cr /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/04bs3j /film/actor/film./film/performance/film /m/01pgp6 +/m/07xtqq /film/film/cinematography /m/079hvk +/m/018vs /music/instrument/instrumentalists /m/01nn6c +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06fmdb +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/017znw +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01h8f /people/person/profession /m/02hrh1q +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/024fz9 /award/award_category/category_of /m/0c4ys +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07xtqq /film/film/genre /m/07s9rl0 +/m/03s5lz /film/film/country /m/09c7w0 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/06crk +/m/0fw4v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d7wh /people/ethnicity/people /m/0159h6 +/m/041jlr /influence/influence_node/influenced_by /m/016hvl +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03nqnnk /film/film/language /m/02h40lc +/m/0341n5 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/011zf2 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0m9c1 /people/person/religion /m/03_gx +/m/02s7tr /sports/sports_position/players./sports/sports_team_roster/team /m/05xvj +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/08304 +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/03zz8b /film/actor/film./film/performance/film /m/0cfhfz +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mvs +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0266s9 /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04wddl +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0fc1_ /location/location/time_zones /m/02hcv8 +/m/01b9z4 /film/actor/film./film/performance/film /m/0mbql +/m/01n7q /location/location/contains /m/0r1yc +/m/0k3k1 /location/location/contains /m/01lxw6 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/01vttb9 /people/person/profession /m/01c8w0 +/m/0488g9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlzq +/m/0pk41 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017j69 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/016ggh +/m/0mpbj /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0343h /people/person/languages /m/02h40lc +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0pc62 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/07c2yr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/05zy2cy /film/film/story_by /m/0d7hg4 +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p_47 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/073tm9 /music/record_label/artist /m/02l840 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/037mjv +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05pzdk +/m/02rrsz /film/actor/film./film/performance/film /m/0gmcwlb +/m/05650n /film/film/music /m/06fxnf +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/05kkh /location/location/contains /m/01hjy5 +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/09c7w0 /location/location/contains /m/0m2cb +/m/06mnps /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hx2t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08k05y +/m/0mwyq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04qsdh +/m/03mp8k /music/record_label/artist /m/0167xy +/m/04h68j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y9ccy +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0cj8x +/m/02r4qs /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/033fqh /film/film/production_companies /m/016tw3 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/09gdh6k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jvxb /education/educational_institution/students_graduates./education/education/student /m/0308kx +/m/015pkc /film/actor/film./film/performance/film /m/0340hj +/m/0fp_xp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/05z01 +/m/0m6x4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0hnp7 +/m/0hvb2 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02j416 /education/educational_institution/colors /m/01g5v +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/027pwl +/m/0f11p /education/educational_institution/campuses /m/0f11p +/m/07l450 /film/film/written_by /m/0h5f5n +/m/022s1m /film/actor/film./film/performance/film /m/05c26ss +/m/025rvx0 /film/film/language /m/03115z +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0k8y7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/06pk8 /film/actor/film./film/performance/film /m/01bb9r +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048tv9 +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0c5qvw /film/film/country /m/09c7w0 +/m/0bmh4 /people/person/profession /m/01d_h8 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m4kpp +/m/0b60sq /film/film/genre /m/0bj8m2 +/m/02r9qt /award/award_category/category_of /m/02r9qt +/m/01vxqyl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/01g888 /music/genre/artists /m/014pg1 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01zwy /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/05sdxx /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/08815 /education/university/fraternities_and_sororities /m/035tlh +/m/03lvyj /people/person/profession /m/02hrh1q +/m/08jtv5 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/0c31_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jw +/m/02sjgpq /education/educational_institution/school_type /m/05pcjw +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/086k8 /music/record_label/artist /m/04kjrv +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/0d9y6 /sports/sports_team_location/teams /m/03by7wc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/03j63k /tv/tv_program/genre /m/07s9rl0 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/02whj /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0by1wkq +/m/02jx1 /location/location/contains /m/07wtc +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ktrs +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/012wgb +/m/03xzxb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/047csmy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0162c8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xbq3 +/m/0flry /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/04q7r /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/05_61y /film/film/language /m/064_8sq +/m/02hzx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02pbrn /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/02cpb7 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0c6qh +/m/017l96 /music/record_label/artist /m/0560w +/m/01jrvr6 /people/person/nationality /m/09c7w0 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/014kyy /award/award_winner/awards_won./award/award_honor/award_winner /m/02p2zq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/03w94xt /music/genre/artists /m/01w8n89 +/m/02b17f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02hnl /music/instrument/instrumentalists /m/01y_rz +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/03t22m +/m/06cs95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04hvw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0bh8drv /film/film/featured_film_locations /m/025r_t +/m/013q0p /film/film/featured_film_locations /m/0cv3w +/m/030_3z /award/award_winner/awards_won./award/award_honor/award_winner /m/0kx4m +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/017180 +/m/026n998 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b65l +/m/0221zw /film/film/film_festivals /m/03nn7l2 +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03gvt +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01yhvv +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02bd_f +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0333t +/m/0p51w /people/person/nationality /m/09c7w0 +/m/0c57yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ksrf8 /people/person/gender /m/02zsn +/m/0dw4b0 /film/film/language /m/04h9h +/m/033g0y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01f2q5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nww +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013w7j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0dc_v +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0301yj /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3jz +/m/03rl1g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/043djx +/m/017d93 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vsgrn +/m/02v2jy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpj4lx /people/person/profession /m/09jwl +/m/05q54f5 /film/film/language /m/02h40lc +/m/0fthdk /people/person/gender /m/02zsn +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/0j5g9 /location/location/contains /m/01z2sn +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01n44c +/m/07ssc /location/location/contains /m/04lh6 +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/018n6m /people/person/gender /m/02zsn +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hmt9b +/m/017xm3 /people/person/profession /m/0nbcg +/m/0260bz /film/film/produced_by /m/06pj8 +/m/01s7ns /people/person/profession /m/02hrh1q +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/01w02sy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01r97z /film/film/country /m/09c7w0 +/m/0fbx6 /people/person/nationality /m/0f8l9c +/m/040db /people/person/nationality /m/0jgd +/m/02bjhv /education/educational_institution/colors /m/07plts +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/018fq /people/person/profession /m/0kyk +/m/05zjx /film/actor/film./film/performance/film /m/07x4qr +/m/0l14md /music/instrument/instrumentalists /m/094xh +/m/05m63c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02dlfh +/m/05np4c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k2mxq +/m/031k24 /film/actor/film./film/performance/film /m/061681 +/m/04jlgp /people/person/profession /m/02hrh1q +/m/04mx__ /people/person/profession /m/0dxtg +/m/030vnj /film/actor/film./film/performance/film /m/01y9jr +/m/05sbv3 /film/film/music /m/012wg +/m/0c01c /film/actor/film./film/performance/film /m/01k0xy +/m/02q_x_l /tv/tv_program/country_of_origin /m/07ssc +/m/08gsvw /film/film/language /m/02h40lc +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/092ggq /people/person/gender /m/02zsn +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/05fly /location/location/contains /m/01j12w +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6x +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/09bw4_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mx0f /base/aareas/schema/administrative_area/administrative_parent /m/05kj_ +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017xm3 +/m/01cj6y /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp63 +/m/06jcc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025rpyx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0g8_vp /people/ethnicity/people /m/01tszq +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/04jplwp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0534v /people/person/places_lived./people/place_lived/location /m/07dfk +/m/09vc4s /people/ethnicity/people /m/015t56 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/03bkbh /people/ethnicity/languages_spoken /m/02h40lc +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/069nzr /people/person/profession /m/03gjzk +/m/0m2b5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0145rs /music/genre/artists /m/01w20rx +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bbm7r +/m/04y9dk /people/person/gender /m/05zppz +/m/022q32 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03h8_g +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/014_x2 /film/film/genre /m/07s9rl0 +/m/014m1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01zlx +/m/05ypj5 /film/film/cinematography /m/06hzsx +/m/0qdyf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvlyt +/m/05148p4 /music/instrument/instrumentalists /m/0837ql +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/07p62k /film/film/produced_by /m/03h304l +/m/030z4z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02gtm4 /sports/sports_team/colors /m/083jv +/m/02k4gv /people/person/nationality /m/09c7w0 +/m/083pr /people/person/profession /m/0c5lg +/m/04vq3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrx +/m/03k8th /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01wt4wc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lyv /music/genre/parent_genre /m/02fhtq +/m/0j6j8 /award/award_category/category_of /m/0j6j8 +/m/03p2xc /film/film/genre /m/05mrx8 +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_f_5 +/m/0p4v_ /film/film/genre /m/03k9fj +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ddjy +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/02h22 /film/film/genre /m/03q4nz +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0fw2y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0824r +/m/0435vm /film/film/language /m/02h40lc +/m/0p9rz /film/film/written_by /m/0b_c7 +/m/06c1y /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0mbql /film/film/genre /m/03k9fj +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/01rnly /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/031hcx /film/film/story_by /m/042xh +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044lyq +/m/03f3yfj /people/person/profession /m/0nbcg +/m/01gh6z /location/administrative_division/country /m/015fr +/m/0cr7m /location/administrative_division/country /m/07t21 +/m/013fn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0194zl +/m/03v0t /location/location/contains /m/017zq0 +/m/02zn1b /music/record_label/artist /m/01mvjl0 +/m/05txrz /people/person/profession /m/018gz8 +/m/0mx7f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d060g /location/location/contains /m/01t3h6 +/m/026qnh6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m9v7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0ftccy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01kstn9 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/04jspq /award/award_winner/awards_won./award/award_honor/award_winner /m/05_k56 +/m/02rbdlq /people/ethnicity/people /m/0fs9jn +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01_mdl +/m/0pv3x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_fmr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glr5h +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/0xwj /business/business_operation/industry /m/020mfr +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0c12h +/m/03v6t /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01svw8n /people/person/gender /m/02zsn +/m/03khn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03f70xs /people/deceased_person/place_of_death /m/04jpl +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/025scjj +/m/05dtsb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019rl6 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0vmt /location/location/contains /m/0m28g +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0ky0b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04w58 +/m/02qmsr /film/film/music /m/01tc9r +/m/01qdhx /education/educational_institution_campus/educational_institution /m/01qdhx +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/02q3fdr /film/film/dubbing_performances./film/dubbing_performance/actor /m/0169dl +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/0hv4t /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01y_rz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ttg5 +/m/0155w /music/genre/artists /m/0pj9t +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0f5hyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05fyss /people/person/profession /m/0kyk +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/080_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yldt +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/05tfm +/m/015vq_ /film/actor/film./film/performance/film /m/09rvcvl +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0161c2 +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/0gd_s +/m/0cqnss /film/film/costume_design_by /m/0c6g29 +/m/0sxg4 /film/film/story_by /m/053ksp +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01c6yz /location/location/contains /m/0gxmj +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bx0l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0j6cj /film/actor/film./film/performance/film /m/0c0nhgv +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01zz8t +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02g8h /people/person/place_of_birth /m/0pc7r +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/05njw /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/09stq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03dj48 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0gcpc /film/film/country /m/09c7w0 +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0mzkr /music/record_label/artist /m/047cx +/m/05p5nc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/0kvnn /people/person/place_of_birth /m/0chrx +/m/0261g5l /people/person/nationality /m/09c7w0 +/m/01xzb6 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0bs5k8r /film/film/genre /m/04t36 +/m/0df4y /base/biblioness/bibs_location/country /m/0d05w3 +/m/0nj1c /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/015x74 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/0m27n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2cb +/m/0fb1q /people/person/gender /m/02zsn +/m/015n8 /people/person/religion /m/0kpl +/m/03f77 /people/person/profession /m/0d8qb +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0by17xn /film/film/film_production_design_by /m/05b2gsm +/m/0q9zc /award/award_winner/awards_won./award/award_honor/award_winner /m/0603qp +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/0ngy8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nh57 +/m/03f70xs /influence/influence_node/influenced_by /m/0448r +/m/04xvlr /media_common/netflix_genre/titles /m/0drnwh +/m/09c7w0 /location/location/contains /m/02ckl3 +/m/03ckvj9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/01t8gz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01b1mj /education/educational_institution/colors /m/06fvc +/m/0bw6y /people/person/nationality /m/09c7w0 +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/07cbs +/m/02jkkv /film/film/story_by /m/025b3k +/m/0dgst_d /film/film/country /m/07ssc +/m/0168dy /people/person/places_lived./people/place_lived/location /m/013yq +/m/01vswwx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0484q +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03mqtr /media_common/netflix_genre/titles /m/078sj4 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01lsl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/0y3_8 /music/genre/artists /m/01wwnh2 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/0187y5 +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/045bg /people/person/gender /m/05zppz +/m/0q8p8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kwsg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0d05fv +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/01243b /music/genre/artists /m/03d9d6 +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/0146pg +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/04z257 /film/film/language /m/064_8sq +/m/05c6073 /music/genre/artists /m/02hzz +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01sby_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r_t_ +/m/09lxv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bh9 +/m/0fpn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/02k_kn /music/genre/artists /m/0232lm +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d04z6 +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/0301yj +/m/01jvgt /sports/sports_team/colors /m/038hg +/m/0k6nt /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02vz6dn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0c1fs /influence/influence_node/influenced_by /m/040_9 +/m/089pg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/09nwwf /music/genre/artists /m/0fhxv +/m/07w6r /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/017z88 /education/educational_institution_campus/educational_institution /m/017z88 +/m/0gbfn9 /film/film/language /m/02h40lc +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0frm7n +/m/03kg2v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fs_4 /award/award_nominee/award_nominations./award/award_nomination/award /m/086vfb +/m/06mkj /location/location/time_zones /m/02llzg +/m/05pxnmb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/035gt8 +/m/0bzrsh /time/event/instance_of_recurring_event /m/02jp2w +/m/03bkbh /people/ethnicity/people /m/0k1bs +/m/08959 /people/person/places_lived./people/place_lived/location /m/0498y +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01mbwlb +/m/0sw6g /film/actor/film./film/performance/film /m/02tjl3 +/m/0bq2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vw20h +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/0cdf37 +/m/014ps4 /influence/influence_node/influenced_by /m/03hnd +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/065dc4 +/m/0nk72 /influence/influence_node/peers./influence/peer_relationship/peers /m/01h2_6 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym17 +/m/01y_px /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hzl42 +/m/027jw0c /business/business_operation/industry /m/03r8gp +/m/01xvjb /film/film/genre /m/01hmnh +/m/05q_mg /people/person/gender /m/05zppz +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0fnff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03k545 /people/person/nationality /m/07ssc +/m/06d4h /film/film_subject/films /m/0170z3 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01z4y /media_common/netflix_genre/titles /m/04z_3pm +/m/0739y /influence/influence_node/influenced_by /m/081nh +/m/0h7pj /people/person/gender /m/05zppz +/m/0c2tf /people/person/religion /m/0c8wxp +/m/06bnz /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv6b /music/genre/artists /m/01kcms4 +/m/048cl /influence/influence_node/influenced_by /m/01lwx +/m/02c8d7 /music/genre/artists /m/019g40 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/01y81r /tv/tv_network/programs./tv/tv_network_duration/program /m/0ckh4k +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0drc1 /people/person/profession /m/01c72t +/m/01qbg5 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/02rkkn1 /tv/tv_program/genre /m/0c4xc +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gq0b +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4pj +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02nb2s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0bmnm +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0cbm64 +/m/057_yx /film/actor/film./film/performance/film /m/040_lv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0134s5 +/m/0gjcrrw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02xyl /people/person/gender /m/05zppz +/m/02vkvcz /people/person/spouse_s./people/marriage/spouse /m/015njf +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0fb1q +/m/09byk /film/actor/film./film/performance/film /m/02fqrf +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0h953 /people/person/gender /m/05zppz +/m/018y2s /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/078ym8 /location/location/contains /m/011w4n +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0520r2x /people/person/gender /m/05zppz +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chrx +/m/02wmbg /people/person/places_lived./people/place_lived/location /m/09c17 +/m/06m61 /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/01w8n89 /people/person/profession /m/0nbcg +/m/055c8 /film/actor/film./film/performance/film /m/04q827 +/m/0gbwp /award/award_winner/awards_won./award/award_honor/award_winner /m/09889g +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/053y0s /music/group_member/membership./music/group_membership/group /m/0178_w +/m/02gnh0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/089tm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/05vc35 /film/film/country /m/03_3d +/m/0mhfr /music/genre/artists /m/0168cl +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0d060g /location/location/contains /m/06b19 +/m/0221g_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/0f7hc +/m/073w14 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/033w9g /people/person/nationality /m/09c7w0 +/m/03rk0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/071rlr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04fcjt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qm_f +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/020bv3 +/m/0342h /music/instrument/instrumentalists /m/01p0vf +/m/03x6rj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/074w86 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/01l2b3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0167km /people/person/gender /m/05zppz +/m/04j0s3 /people/person/profession /m/02hrh1q +/m/0879bpq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08qmfm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08nz99 +/m/02qzmz6 /film/film/country /m/09c7w0 +/m/01y9qr /education/educational_institution/school_type /m/05jxkf +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/024zq /people/person/profession /m/0gbbt +/m/041rx /people/ethnicity/people /m/020trj +/m/084qpk /film/film/executive_produced_by /m/05hj_k +/m/073q1 /location/location/contains /m/04xn_ +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/0bv8h2 /film/film/genre /m/06n90 +/m/01vlj1g /film/actor/film./film/performance/film /m/02jxbw +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/015q43 /film/actor/film./film/performance/film /m/01vw8k +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014x77 +/m/0ddcbd5 /film/film/production_companies /m/02j_j0 +/m/0py5b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09tcg4 +/m/06vqdf /people/deceased_person/place_of_death /m/0281y0 +/m/05txrz /film/actor/film./film/performance/film /m/07k8rt4 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/066d03 /music/genre/parent_genre /m/0296y +/m/06pjs /film/director/film /m/0963mq +/m/0dm5l /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/08cfr1 /film/film/genre /m/06n90 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/07bsj /people/person/profession /m/02jknp +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/03ydry /people/person/gender /m/02zsn +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vf5c +/m/01f2f8 /people/person/profession /m/01d_h8 +/m/01wbl_r /people/person/gender /m/05zppz +/m/0215n /media_common/netflix_genre/titles /m/09g_31 +/m/01vc5m /education/educational_institution/campuses /m/01vc5m +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0lmm3 +/m/034m8 /location/country/official_language /m/02h40lc +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rgq +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/01g6bk /people/person/nationality /m/0d060g +/m/01x1fq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0243cq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/02h761 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/01jvgt +/m/07ssc /media_common/netflix_genre/titles /m/04qw17 +/m/08hmch /film/film/written_by /m/05y5fw +/m/04rqd /broadcast/content/artist /m/017j6 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/037lyl +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1m +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/016vg8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vmt +/m/02pjzvh /sports/sports_team/colors /m/083jv +/m/01x0yrt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0993r /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/026r8q +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/0lp_cd3 +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/0jqd3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09qh1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/0x67 /people/ethnicity/people /m/02633g +/m/0cr3d /base/biblioness/bibs_location/country /m/09c7w0 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/0f4_l /film/film/country /m/09c7w0 +/m/0h32q /people/person/profession /m/0np9r +/m/01b0k1 /people/person/profession /m/03gjzk +/m/0bw87 /award/award_nominee/award_nominations./award/award_nomination/award /m/02lp0w +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0bk17k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/015gjr /people/person/gender /m/05zppz +/m/041xl /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/07cbs /influence/influence_node/influenced_by /m/030dr +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/07c52 /media_common/netflix_genre/titles /m/07s8z_l +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05qkp /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01vswwx /people/person/religion /m/0n2g +/m/02mxw0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/02_2v2 /people/person/nationality /m/09c7w0 +/m/01wcp_g /influence/influence_node/influenced_by /m/012z8_ +/m/0c0k1 /film/actor/film./film/performance/film /m/0yyn5 +/m/03h2d4 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0dq626 /film/film/production_companies /m/01795t +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/04qz6n +/m/034hck /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/07q1m /film/film/production_companies /m/01795t +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/070tng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0jz +/m/0h7dd /people/person/place_of_birth /m/013gxt +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qncf +/m/02_l96 /people/person/sibling_s./people/sibling_relationship/sibling /m/030g9z +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/058s44 /people/person/religion /m/0c8wxp +/m/02lnbg /music/genre/artists /m/0136p1 +/m/0104lr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/01n4w /location/location/contains /m/01qd_r +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/080r3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014vk4 /people/person/profession /m/012t_z +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/04969y /film/film/genre /m/04rlf +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04mrgz +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/064t9 /music/genre/artists /m/01jgkj2 +/m/01cl2y /music/record_label/artist /m/01j4ls +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01g0jn +/m/035_2h /film/film/country /m/09c7w0 +/m/017j69 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/01x9_8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mfvc +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/01pnn3 /people/person/profession /m/02hrh1q +/m/04lqvlr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04994l +/m/01fwj8 /people/person/profession /m/016z4k +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02754c9 +/m/0jgk3 /location/us_county/county_seat /m/0rj0z +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02_nkp +/m/02g5bf /people/person/profession /m/01d_h8 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/08xpv_ /location/location/contains /m/0m7fm +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/058dm9 +/m/0br1w /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/0r6c4 +/m/085wqm /film/film/language /m/04h9h +/m/05glrg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/032f6 /language/human_language/countries_spoken_in /m/07dvs +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g2lq +/m/0l6m5 /olympics/olympic_games/sports /m/0194d +/m/05b4w /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gxtknx /film/film/genre /m/05p553 +/m/0179q0 /location/location/time_zones /m/02lcqs +/m/09vzz /education/educational_institution/students_graduates./education/education/student /m/038rzr +/m/01fwqn /sports/sports_team/sport /m/02vx4 +/m/015ppk /tv/tv_program/program_creator /m/05cqhl +/m/01j_5k /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/016nff /film/actor/film./film/performance/film /m/031hcx +/m/03wd5tk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9k8 +/m/01x72k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0479b +/m/01z92f /location/administrative_division/country /m/07ssc +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07z1_q +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0f11p /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/09qr6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pcrw +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01y9r2 +/m/01hnb /organization/organization/headquarters./location/mailing_address/state_province_region /m/06yxd +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r1ysd +/m/02f8zw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03x82v /people/person/nationality /m/01ls2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/016z5x +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/011j5x /music/genre/artists /m/02vr7 +/m/0dclg /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/07ymr5 /people/person/profession /m/09jwl +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mjl +/m/0nm87 /location/location/time_zones /m/02hcv8 +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03c_cxn +/m/017kz7 /film/film/country /m/0345h +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/081l_ +/m/041rx /people/ethnicity/people /m/02114t +/m/08rr3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0170pk /people/person/profession /m/02hrh1q +/m/03mqtr /media_common/netflix_genre/titles /m/0pv54 +/m/0br1w /people/person/place_of_birth /m/0xrzh +/m/0x67 /people/ethnicity/people /m/01817f +/m/06by7 /music/genre/artists /m/0b_j2 +/m/04cw0n4 /people/person/gender /m/05zppz +/m/030qb3t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0k4kk +/m/0280061 /film/film/language /m/02h40lc +/m/04q24zv /film/film/genre /m/03g3w +/m/03mh_tp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02pp1 +/m/0l15f_ /music/instrument/family /m/0l14j_ +/m/02qzh2 /film/film/written_by /m/0gd9k +/m/0l2sr /location/us_county/county_seat /m/0pc56 +/m/01cm8w /film/film/country /m/09c7w0 +/m/0grd7 /location/administrative_division/country /m/07ssc +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/02qmsr /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09q5w2 +/m/0404wqb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/096lf_ +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mz10g +/m/050llt /film/actor/film./film/performance/film /m/02w86hz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/012m_ /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03bxbql +/m/05bxwh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/09gmmt6 /film/film/film_festivals /m/0bmj62v +/m/02c6pq /people/person/places_lived./people/place_lived/location /m/01nf9x +/m/01tmtg /base/aareas/schema/administrative_area/administrative_parent /m/03ryn +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/0232lm /people/person/profession /m/02hrh1q +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07_f2 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07kdkfj +/m/088vmr /music/genre/parent_genre /m/09jw2 +/m/03b78r /film/actor/film./film/performance/special_performance_type /m/014kbl +/m/095nx /award/award_nominee/award_nominations./award/award_nomination/award /m/02grdc +/m/0g60z /tv/tv_program/genre /m/07s9rl0 +/m/0d6br /location/location/contains /m/0d6yv +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/01gwk3 /film/film/country /m/09c7w0 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/06z68 +/m/0443v1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03_r_5 +/m/0g10g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02m92h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0807ml +/m/04rrx /location/administrative_division/first_level_division_of /m/09c7w0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025ts_z +/m/09qycb /film/film/genre /m/0vgkd +/m/03_x5t /film/actor/film./film/performance/film /m/024lff +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grqd +/m/01vsksr /people/person/profession /m/03sbb +/m/0k4fz /film/film/costume_design_by /m/02cqbx +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07w5rq +/m/0djb3vw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015njf /people/person/profession /m/02jknp +/m/02rn_bj /people/person/profession /m/039v1 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02rv1w +/m/0chghy /location/location/contains /m/07vk2 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/01qg7c +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0f24cc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05cgv +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01s47p +/m/09t4hh /people/person/gender /m/05zppz +/m/0ggh3 /sports/sports_team_location/teams /m/043vc +/m/02825kb /film/film/genre /m/02l7c8 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/04mzf8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05_2h8 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07yp0f +/m/03z1c5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01s21dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01_ztw +/m/09c7w0 /location/location/contains /m/0wr_s +/m/02y_2y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/0b7l4x /film/film/produced_by /m/02q42j_ +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/02sh8y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03v0t /location/location/contains /m/02f4s3 +/m/0lfgr /education/educational_institution/campuses /m/0lfgr +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04htfd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0c7lcx /people/person/nationality /m/09c7w0 +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0716t2 /film/actor/film./film/performance/film /m/03b_fm5 +/m/02rx2m5 /film/film/featured_film_locations /m/0qr8z +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/070fnm /film/film/production_companies /m/0g1rw +/m/0f1_p /base/biblioness/bibs_location/country /m/03rk0 +/m/0c40vxk /film/film/film_festivals /m/0hrcs29 +/m/0f2wj /location/location/contains /m/06xpp7 +/m/04107 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01q2nx +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/018vs +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04dqdk +/m/03ts0c /people/ethnicity/people /m/01rgr +/m/0329t7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0d4fqn /people/person/profession /m/02hrh1q +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/0c9k8 /film/film/language /m/01gp_d +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/048lv +/m/0fb7c /people/person/places_lived./people/place_lived/location /m/0pmpl +/m/042q3 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0gs1_ +/m/06pj8 /film/actor/film./film/performance/film /m/013q07 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0c0sl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/0yzbg /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0f8l9c /location/country/second_level_divisions /m/04vg8 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0d02km /people/person/profession /m/01d_h8 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02yv6b /music/genre/artists /m/01k47c +/m/0cj2w /people/person/profession /m/01c72t +/m/016r9z /olympics/olympic_games/participating_countries /m/0b90_r +/m/0cj8x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06z5s /people/cause_of_death/people /m/02cj_f +/m/02p11jq /music/record_label/artist /m/02fn5r +/m/03bnb /organization/organization/child./organization/organization_relationship/child /m/02_l39 +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03w9sgh +/m/0lcd /location/location/contains /m/0fcgd +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/02jxrw /film/film/language /m/02h40lc +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/01pq4w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01wv24 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmhr +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/03jb2n +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/03l3jy /film/actor/film./film/performance/film /m/0c0zq +/m/087vnr5 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/06wxw +/m/010xjr /film/actor/film./film/performance/film /m/0bbgvp +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/0r0f7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07s5fz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hkqn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fxck /people/person/profession /m/02jknp +/m/03hmr_ /people/person/profession /m/09jwl +/m/01jft4 /film/film/produced_by /m/0lx2l +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/06by7 /music/genre/artists /m/016kjs +/m/04q827 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01f2xy +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/039_ym +/m/0c1j_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01s3kv +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0bjv6 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01sb5r /people/person/profession /m/02hrh1q +/m/011ysn /film/film/genre /m/082gq +/m/02ny6g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/035gnh /film/film/country /m/09c7w0 +/m/07t21 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dryh9k /people/ethnicity/people /m/0dfjb8 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g2lq +/m/046zh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02rkkn1 /tv/tv_program/program_creator /m/08n__5 +/m/036hnm /education/educational_institution/campuses /m/036hnm +/m/01wx756 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/015qsq /film/film/production_companies /m/05qd_ +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0ck27z +/m/0jmhr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jszm +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/02v1ws /award/award_category/winners./award/award_honor/award_winner /m/082_p +/m/04mrjs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/0ycfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/06c44 /influence/influence_node/peers./influence/peer_relationship/peers /m/02wh0 +/m/07kdkfj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm8b +/m/02cpb7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01r93l +/m/07s9rl0 /media_common/netflix_genre/titles /m/01qncf +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/05cl2w /film/actor/film./film/performance/film /m/01f7gh +/m/09v6tz /people/person/profession /m/0dxtg +/m/03lq43 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tfck +/m/06pvr /location/location/contains /m/0gjcy +/m/02b1gz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026zvx7 +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w23w +/m/06mkj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/06nm1 /media_common/netflix_genre/titles /m/0cvkv5 +/m/0k6yt1 /film/actor/film./film/performance/film /m/047p798 +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/036jb /film/director/film /m/063hp4 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05q2c /education/educational_institution/colors /m/019sc +/m/07ng9k /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03d29b +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/03q6zc +/m/06mmb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/0z05l /film/actor/film./film/performance/film /m/01_1hw +/m/06gst /music/record_label/artist /m/02r3zy +/m/0jrny /people/person/gender /m/05zppz +/m/05gjfk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0661ql3 +/m/02mzg9 /organization/organization/headquarters./location/mailing_address/citytown /m/02cl1 +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/09g0h /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02zrv7 /film/actor/film./film/performance/film /m/03lrht +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0gwj /medicine/disease/risk_factors /m/05zppz +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/02fqrf /film/film/genre /m/07s9rl0 +/m/04x4nv /film/film/cinematography /m/03_fk9 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/013knm /award/award_winner/awards_won./award/award_honor/award_winner /m/030xr_ +/m/01j7z7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01518s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035sc2 /people/person/places_lived./people/place_lived/location /m/010z5n +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/024rbz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0l8v5 /people/person/gender /m/02zsn +/m/02hqt6 /sports/sports_team/colors /m/019sc +/m/051wwp /film/actor/film./film/performance/film /m/02ht1k +/m/057_yx /film/actor/film./film/performance/film /m/04cv9m +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/04b_46 /education/educational_institution/school_type /m/05pcjw +/m/07h1tr /film/film_set_designer/film_sets_designed /m/029jt9 +/m/06myp /people/person/gender /m/05zppz +/m/05dppk /people/person/gender /m/05zppz +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgbb +/m/01hjy5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07ssc /location/location/contains /m/0n9dn +/m/059rby /location/location/contains /m/09k9d0 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03ft8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06qw_ +/m/0glt670 /music/genre/artists /m/0gps0z +/m/06k75 /time/event/locations /m/04w8f +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0bsj9 +/m/04bd8y /award/award_winner/awards_won./award/award_honor/award_winner /m/040t74 +/m/04jpl /location/location/contains /m/01nrnm +/m/0372kf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0168t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0f4vx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/0djtky /people/person/places_lived./people/place_lived/location /m/094vy +/m/02s7tr /sports/sports_position/players./sports/sports_team_roster/position /m/01sdzg +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/01fwj8 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0169dl +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/01l1sq /people/person/profession /m/0dz3r +/m/0d9z_y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/017j69 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/02dr9j /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/01x6jd /film/actor/film./film/performance/film /m/01jrbb +/m/03s9b /people/person/place_of_birth /m/07tcs +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01gc7h /film/actor/film./film/performance/film /m/02ljhg +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/02r2j8 /tv/tv_program/languages /m/02h40lc +/m/014v6f /people/person/places_lived./people/place_lived/location /m/0281rp +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bkf4 /music/group_member/membership./music/group_membership/group /m/02ht0ln +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/04yj5z /people/person/languages /m/06nm1 +/m/09cm54 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/079vf /people/person/place_of_birth /m/02_286 +/m/01jv_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0byfz /film/actor/film./film/performance/film /m/04vh83 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvbl6 +/m/0x0d /sports/sports_team/colors /m/019sc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/01k2wn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/015x74 /film/film/country /m/09c7w0 +/m/033cw /people/person/gender /m/05zppz +/m/02t_v1 /film/actor/film./film/performance/film /m/03s5lz +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/03t79f +/m/04c636 /people/person/nationality /m/03rk0 +/m/09jw2 /music/genre/artists /m/03f0fnk +/m/01z4y /media_common/netflix_genre/titles /m/03s5lz +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/04255q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0c4kv /base/biblioness/bibs_location/state /m/050ks +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wy5m +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02ylg6 /film/film/production_companies /m/017s11 +/m/04tng0 /film/film/genre /m/02p0szs +/m/04xvlr /media_common/netflix_genre/titles /m/016z5x +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06dl_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/05148p4 /music/instrument/instrumentalists /m/03t852 +/m/05kkh /location/location/contains /m/0z18v +/m/019vgs /film/actor/film./film/performance/film /m/02bj22 +/m/02lkcc /film/actor/film./film/performance/film /m/047wh1 +/m/0lk0l /education/educational_institution/students_graduates./education/education/student /m/01b0k1 +/m/01jb26 /people/person/nationality /m/09c7w0 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/02756j /people/person/nationality /m/03rk0 +/m/01lhdt /education/educational_institution_campus/educational_institution /m/01lhdt +/m/01mwsnc /people/person/nationality /m/02jx1 +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76kw1 +/m/0420y /people/person/religion /m/0c8wxp +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dcdp +/m/01bjbk /film/film/country /m/09c7w0 +/m/01f85k /film/film/genre /m/07s9rl0 +/m/0k345 /music/genre/artists /m/01vsy7t +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01hr11 +/m/0kjrx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/03d6fyn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/015_1q /music/record_label/artist /m/0xsk8 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0407yfx +/m/083chw /film/actor/film./film/performance/film /m/03fts +/m/0kjgl /film/actor/film./film/performance/film /m/02fqxm +/m/01wgcvn /people/person/profession /m/03gjzk +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/08q3s0 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/0bhsnb /people/ethnicity/languages_spoken /m/02h40lc +/m/0cp0790 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01fwj8 +/m/0p8jf /influence/influence_node/influenced_by /m/0683n +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06s9y /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0f1kwr +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gn30 +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/084w8 +/m/026v1z /award/award_winner/awards_won./award/award_honor/award_winner /m/0dbpwb +/m/06dl_ /influence/influence_node/influenced_by /m/012cph +/m/0343h /people/person/profession /m/0dgd_ +/m/024tsn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/027r8p /people/person/profession /m/02hrh1q +/m/0jrqq /people/person/nationality /m/03rk0 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/0txrs /location/location/time_zones /m/02hcv8 +/m/0mhfr /music/genre/artists /m/01bpc9 +/m/0bv7t /people/person/profession /m/016fly +/m/0239zv /people/deceased_person/place_of_death /m/04jpl +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wyq0w +/m/019m60 /sports/sports_team/colors /m/01g5v +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0315q3 +/m/01wd9lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcrw +/m/0kvrb /people/person/nationality /m/02jx1 +/m/03gfvsz /broadcast/content/artist /m/01vw20_ +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/01vxlbm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01v40wd +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05kkh /location/location/contains /m/0yw93 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05y5kf /film/actor/film./film/performance/film /m/04ltlj +/m/04yywz /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/07pzc /people/person/profession /m/0dz3r +/m/019rl6 /business/business_operation/industry /m/03qh03g +/m/013pk3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0159h6 +/m/01wn718 /people/person/profession /m/0dz3r +/m/01c22t /film/film/executive_produced_by /m/04jspq +/m/022s1m /people/person/nationality /m/09c7w0 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/05njyy /education/educational_institution_campus/educational_institution /m/05njyy +/m/06k90b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01304j /people/person/gender /m/05zppz +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0cj8x /film/actor/film./film/performance/film /m/0bykpk +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gy7bj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05cgv +/m/09c8bc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0lgxj /olympics/olympic_games/sports /m/03fyrh +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jqd3 +/m/06pj8 /film/director/film /m/0f4yh +/m/01wy5m /people/person/nationality /m/0j5g9 +/m/09blyk /media_common/netflix_genre/titles /m/02pcq92 +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/043tvp3 /film/film/genre /m/02kdv5l +/m/013cr /people/person/religion /m/03_gx +/m/04gdr /location/location/time_zones /m/02llzg +/m/05x30m /base/aareas/schema/administrative_area/administrative_parent /m/017v_ +/m/0mbql /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/02f6g5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02w7gg /people/ethnicity/people /m/01l2fn +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/09d3b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/020jqv +/m/01lsl /film/film/produced_by /m/05kh_ +/m/04qb6g /award/award_winner/awards_won./award/award_honor/award_winner /m/0hm0k +/m/02b13y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0hvgt +/m/01hb1t /education/educational_institution/school_type /m/05pcjw +/m/0fvzz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/0f4vx /film/film/genre /m/07s9rl0 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01pctb /people/person/profession /m/02hrh1q +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01kd57 /music/artist/track_contributions./music/track_contribution/role /m/05ljv7 +/m/0261x8t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/039bpc +/m/01j7z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/08fn5b /film/film/produced_by /m/0bwh6 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9lm2 +/m/0k_s5 /location/location/contains /m/07_fl +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0jt3tjf +/m/02704ff /film/film/written_by /m/02kxbwx +/m/04rzd /music/instrument/instrumentalists /m/01vsyjy +/m/0fg04 /film/film/produced_by /m/0fvf9q +/m/01p0w_ /people/person/profession /m/0n1h +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/058kqy /award/award_winner/awards_won./award/award_honor/award_winner /m/01q6bg +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02qvvv +/m/025sc50 /music/genre/artists /m/015bwt +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07wlf +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02dr9j +/m/015f47 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0nvg4 /location/location/contains /m/0s4sj +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/02wmbg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ctl /olympics/olympic_games/participating_countries /m/0hzlz +/m/0h953 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/01xdxy /film/film/prequel /m/0dyb1 +/m/01vz0g4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/01fjfv /broadcast/content/artist /m/04rcr +/m/09c7w0 /location/location/contains /m/019_6d +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/0_b9f /film/film/genre /m/02l7c8 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0l6vl /olympics/olympic_games/sports /m/0bynt +/m/0ckr7s /film/film/country /m/03_3d +/m/01wl38s /people/person/nationality /m/0chghy +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/04gfy7 /people/ethnicity/languages_spoken /m/01c7y +/m/03_9r /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rlf +/m/01bczm /base/eating/practicer_of_diet/diet /m/07_hy +/m/034rd9 /people/person/profession /m/02hrh1q +/m/0dpl44 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p__8 /film/actor/film./film/performance/film /m/0dr3sl +/m/0272kv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/011ydl /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/07ssc /media_common/netflix_genre/titles /m/0462hhb +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/043ljr /music/record_label/artist /m/01lmj3q +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0fh694 /film/film/genre /m/07s9rl0 +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/01hvjx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017v71 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/032d52 /education/educational_institution/school_type /m/01rs41 +/m/04fzk /film/actor/film./film/performance/film /m/0n1s0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/06zpgb2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050ks +/m/0pz7h /people/person/profession /m/03gjzk +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04j53 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08chdb +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0k2cb /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/01_4mn /organization/organization/place_founded /m/06q1r +/m/0199wf /tv/tv_program/languages /m/02h40lc +/m/0lv1x /olympics/olympic_games/sports /m/03fyrh +/m/029b9k /people/person/place_of_birth /m/0bwtj +/m/06mn7 /people/person/nationality /m/09c7w0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/086k8 +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/01npcy7 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/0288zy /education/educational_institution/school_type /m/01rs41 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/025b5y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01r42_g +/m/08c6k9 /film/film/production_companies /m/016tw3 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/09rvcvl +/m/09ksp /location/administrative_division/country /m/0345h +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/05txrz /film/actor/film./film/performance/film /m/06ztvyx +/m/03yk8z /film/actor/film./film/performance/film /m/09gq0x5 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/05k7sb /location/location/contains /m/0t_71 +/m/02w7gg /people/ethnicity/people /m/0dvld +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015grj +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jg77 +/m/01qrbf /film/actor/film./film/performance/film /m/020bv3 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/08n__5 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/03djpm /music/genre/artists /m/0m19t +/m/03m8lq /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0mdqp +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0105y2 +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09bx1k +/m/04jplwp /film/film/genre /m/02l7c8 +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01c744 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0lfyd +/m/02g3w /people/person/religion /m/04pk9 +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0pmq2 /location/location/contains /m/07wm6 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/05qtj /base/biblioness/bibs_location/country /m/0f8l9c +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/0grw_ /award/award_category/category_of /m/0grw_ +/m/024qqx /media_common/netflix_genre/titles /m/01gwk3 +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qkq0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0mj1l +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/02ccqg /organization/organization/headquarters./location/mailing_address/citytown /m/0fdpd +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0177sq +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0558_1 /education/educational_institution_campus/educational_institution /m/0558_1 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/053rxgm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/07ssc /location/location/contains /m/0lbfv +/m/0c4b8 /location/country/official_language /m/0x82 +/m/0g51l1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c_mvb +/m/0534nr /award/award_winner/awards_won./award/award_honor/award_winner /m/044f7 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/01sl1q /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/02nb2s /film/actor/film./film/performance/film /m/03cffvv +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0c663 /base/aareas/schema/administrative_area/capital /m/0c66m +/m/01797x /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0gpmp /people/deceased_person/place_of_death /m/0f2wj +/m/02tc5y /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f8l9c +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/012lzr /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0r3wm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/064t9 /music/genre/artists /m/0ftps +/m/01wd3l /people/person/profession /m/02krf9 +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031ydm +/m/05zvq6g /award/award_category/winners./award/award_honor/award_winner /m/0dvld +/m/0h5g_ /film/actor/film./film/performance/film /m/03m4mj +/m/015g1w /education/educational_institution_campus/educational_institution /m/015g1w +/m/0fpkhkz /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/027rpym /film/film/film_art_direction_by /m/05218gr +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0c_gcr /film/actor/film./film/performance/film /m/07p12s +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067sqt +/m/02v5_g /film/film/genre /m/0219x_ +/m/03nx8mj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/050rj +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/059gkk +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/03f3yfj /people/person/profession /m/02hrh1q +/m/095x_ /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0124ld /olympics/olympic_games/sports /m/03tmr +/m/01_f_5 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02swsm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/02lnbg /music/genre/artists /m/03xnq9_ +/m/0170qf /film/actor/film./film/performance/film /m/0c0yh4 +/m/071ywj /film/actor/film./film/performance/film /m/08sfxj +/m/012v1t /people/person/gender /m/02zsn +/m/01s0l0 /people/person/places_lived./people/place_lived/location /m/01_yvy +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03mp8k /music/record_label/artist /m/025xt8y +/m/040696 /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04gfy7 /people/ethnicity/languages_spoken /m/03k50 +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04tqtl +/m/02g9p4 /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0mmd6 +/m/07ymr5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/015vq_ /film/actor/film./film/performance/film /m/05tgks +/m/0m40d /music/genre/artists /m/01htxr +/m/05tbn /location/location/contains /m/0mw93 +/m/0dr1c2 /film/film/genre /m/0jxy +/m/03qmfzx /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04wmvz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/06x68 +/m/0mws3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxyd +/m/02f6s3 /people/deceased_person/place_of_death /m/0r89d +/m/087r4 /base/aareas/schema/administrative_area/administrative_parent /m/0d060g +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/011wtv /film/film/edited_by /m/03q8ch +/m/02rybfn /people/person/spouse_s./people/marriage/location_of_ceremony /m/0qr8z +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06lpmt +/m/019n7x /people/person/gender /m/05zppz +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ylsr +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/05r5c /music/instrument/instrumentalists /m/0hqgp +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/01n7q /location/location/contains /m/0l2k7 +/m/02xs0q /award/award_winner/awards_won./award/award_honor/award_winner /m/01xdf5 +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015dqj +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0p_sc /film/film/genre /m/0219x_ +/m/01j7rd /influence/influence_node/influenced_by /m/01k9lpl +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/04qvl7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0hcvy /influence/influence_node/influenced_by /m/06lbp +/m/01z77k /media_common/netflix_genre/titles /m/09rfpk +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/011wtv +/m/0hg5 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/012vby /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017n9 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0462hhb +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02279c +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0270k40 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bjv6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/077qn +/m/02mj7c /education/educational_institution/colors /m/06kqt3 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/01t8399 /people/person/profession /m/0nbcg +/m/0b9l3x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07rd7 /people/person/profession /m/02jknp +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/0ffjqy /people/ethnicity/people /m/016jll +/m/02_j8x /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03lvyj /people/person/place_of_birth /m/0f2wj +/m/07ssc /location/country/second_level_divisions /m/0yl27 +/m/0l6vl /olympics/olympic_games/sports /m/02y8z +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04kngf +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/011j5x /music/genre/artists /m/023l9y +/m/06ncr /music/instrument/instrumentalists /m/01vs4ff +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/09c7w0 /location/country/second_level_divisions /m/0l2v0 +/m/0d9qmn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03nsm5x /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/049d1 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0h0yt /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/02qmncd /music/artist/track_contributions./music/track_contribution/role /m/02w4b +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/03f2_rc +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ykb +/m/0ft18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0m9c1 +/m/0413cff /film/film/featured_film_locations /m/01tjvv +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/037q2p /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xbq3 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/027qgy /film/film/produced_by /m/0415svh +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09txzv /film/film/featured_film_locations /m/0chgzm +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/078ym8 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/08s_lw /film/actor/film./film/performance/film /m/08fn5b +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/069nzr +/m/080h2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01d26y +/m/03jg5t /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/01vw37m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/022s1m /people/person/gender /m/05zppz +/m/01sxdy /film/film/produced_by /m/0f8pz +/m/014zcr /people/person/profession /m/0dxtg +/m/01vhrz /organization/organization_founder/organizations_founded /m/04gmlt +/m/0436f4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/01l8t8 /education/educational_institution/colors /m/036k5h +/m/0172rj /music/genre/artists /m/01516r +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02xs6_ /film/film/language /m/02h40lc +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/02lnbg /music/genre/artists /m/013w7j +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07gknc /people/person/gender /m/05zppz +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01vtg4q /film/actor/film./film/performance/film /m/01jnc_ +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01p896 +/m/0gthm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07c52 /media_common/netflix_genre/titles /m/08bytj +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/07ssc /media_common/netflix_genre/titles /m/03prz_ +/m/04cppj /film/film/country /m/09c7w0 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/0gnbw +/m/01k165 /organization/organization_founder/organizations_founded /m/01swmr +/m/0jhjl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dc_ms +/m/01vrx3g /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/013tjc +/m/02hzx8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/016ybr /music/genre/artists /m/01dw_f +/m/044pqn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02y0js /people/cause_of_death/people /m/01jqr_5 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/046n4q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02n1p5 /people/person/places_lived./people/place_lived/location /m/07c98 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/03rk0 /location/location/contains /m/020skc +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxtknx +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0f276 /film/actor/film./film/performance/film /m/0fdv3 +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/07g1sm /film/film/country /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbn7c +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0hd7j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qhm_ /people/ethnicity/geographic_distribution /m/09c7w0 +/m/0b25vg /people/person/profession /m/02hrh1q +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02wb6d +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/03w4sh +/m/0fgpvf /film/film/country /m/07ssc +/m/01_2n /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03ym1 +/m/01fwk3 /people/person/profession /m/03gjzk +/m/02bb47 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0cf0s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/01l1ls +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/040wdl /people/person/place_of_birth /m/04vmp +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05strv +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/06x58 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/014d4v /organization/organization/headquarters./location/mailing_address/citytown /m/088cp +/m/03d0ns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/0mz73 /people/person/gender /m/02zsn +/m/04b2qn /film/film/genre /m/05p553 +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0ff3y /people/person/place_of_birth /m/0cr3d +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0277j40 +/m/02js_6 /film/actor/film./film/performance/film /m/016dj8 +/m/02h2z_ /time/event/locations /m/0h3y +/m/0m7yh /organization/organization/headquarters./location/mailing_address/state_province_region /m/09ksp +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0nhmw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tbn /location/location/contains /m/0_3cs +/m/0ldff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0prfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03shpq +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0k9j_ +/m/06zpgb2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05nqz /time/event/locations /m/05vz3zq +/m/03g90h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tkzn +/m/08yx9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08m4c8 +/m/044_7j /people/person/profession /m/0np9r +/m/02_01w /people/person/profession /m/02hrh1q +/m/06b_0 /people/person/profession /m/02hrh1q +/m/0b6tzs /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0261x8t /people/person/nationality /m/09c7w0 +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/064t9 /music/genre/artists /m/07c0j +/m/0160w /location/country/form_of_government /m/018wl5 +/m/02v0ff /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/08ct6 +/m/0d05q4 /location/country/capital /m/01fqm +/m/04r7p /film/film/film_festivals /m/03wf1p2 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/06crng /film/actor/film./film/performance/film /m/0gj8t_b +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d810y +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/031zkw /people/person/places_lived./people/place_lived/location /m/013n0n +/m/02py_sj /award/award_category/nominees./award/award_nomination/nominated_for /m/0147w8 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03ryzs /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pdp8 +/m/02ptczs /film/film/genre /m/02n4kr +/m/04hw4b /people/person/places_lived./people/place_lived/location /m/0wh3 +/m/03h_9lg /people/person/place_of_birth /m/06y57 +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/0pkyh +/m/0gywn /music/genre/artists /m/01d4cb +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/032xky /film/film/genre /m/02n4kr +/m/01l7qw /film/actor/film./film/performance/film /m/01h7bb +/m/02pp_q_ /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06j8wx +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02md2d +/m/01cszh /music/record_label/artist /m/01fchy +/m/0k__z /education/educational_institution/colors /m/06fvc +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/015qt5 /people/person/nationality /m/09c7w0 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5mcj +/m/0d0l91 /people/person/profession /m/02hrh1q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/02mscn /music/genre/artists /m/0147jt +/m/03h64 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/04y652m /broadcast/content/artist /m/0560w +/m/027zz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/035482 /people/cause_of_death/people /m/02vmzp +/m/06jz0 /people/person/profession /m/02hrh1q +/m/04n52p6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ww_vs /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/0m_h6 /film/film/genre /m/07s9rl0 +/m/02vsw1 /people/ethnicity/languages_spoken /m/064_8sq +/m/06rgq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/032sl_ +/m/0_jws /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/064t9 /music/genre/artists /m/02ktrs +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/04p5cr /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/06gd4 /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cb4j +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/091yn0 +/m/03f2fw /organization/organization/child./organization/organization_relationship/child /m/01j_5k +/m/027kp3 /education/educational_institution/colors /m/083jv +/m/02jx1 /location/location/contains /m/01kcww +/m/0sw6g /film/actor/film./film/performance/film /m/04fzfj +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07f3xb +/m/07hgkd /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0cl0bk /people/person/profession /m/02hrh1q +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0680x0 +/m/01jfsb /media_common/netflix_genre/titles /m/05qm9f +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/07ssc /location/location/contains /m/01z26v +/m/01l7cxq /people/person/nationality /m/09c7w0 +/m/014gjp /tv/tv_program/genre /m/01z4y +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01my95 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/072bb1 +/m/012ycy /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/01s1zk /people/person/profession /m/0dz3r +/m/0xhtw /music/genre/artists /m/012zng +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/03rk0 /location/location/contains /m/01hpnh +/m/025rst1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/033tf_ /people/ethnicity/people /m/04wg38 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01s7qqw /influence/influence_node/influenced_by /m/049fgvm +/m/018dyl /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/01pbwwl /people/person/spouse_s./people/marriage/spouse /m/0dx_q +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0x335 /location/hud_county_place/place /m/0x335 +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/01tcf7 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/016ywb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0prjs +/m/0879xc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kwhf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0221g_ +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/01rf57 /tv/tv_program/genre /m/07s9rl0 +/m/0cd2vh9 /film/film/country /m/09c7w0 +/m/01_r9k /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04v09 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/012x4t /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl09 +/m/09c7w0 /location/location/contains /m/0qxzd +/m/02bj6k /film/actor/film./film/performance/film /m/0cc7hmk +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0783m_ +/m/012x1l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03t22m /music/instrument/instrumentalists /m/01qdjm +/m/0dgq80b /film/film/genre /m/02kdv5l +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011xg5 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02b9g4 /people/person/places_lived./people/place_lived/location /m/013yq +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02qdymm /people/person/nationality /m/09c7w0 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gq0b +/m/0342h /music/instrument/instrumentalists /m/0j6cj +/m/06g60w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/016jll /award/award_winner/awards_won./award/award_honor/award_winner /m/01jllg1 +/m/02hwhyv /media_common/netflix_genre/titles /m/043sct5 +/m/0196bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/013nty /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/085v7 +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/0c00lh +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/09swkk +/m/0c7lcx /people/person/gender /m/05zppz +/m/019lrz /people/ethnicity/people /m/041jlr +/m/0c_gcr /film/actor/film./film/performance/film /m/0g5qs2k +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/086hg9 +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/03cp7b3 /people/person/nationality /m/0d05w3 +/m/029k55 /film/actor/film./film/performance/film /m/0407yj_ +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/0cx7f /music/genre/artists /m/032t2z +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0c0wvx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0smfm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024rdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gpx6 +/m/05zpghd /film/film/country /m/09c7w0 +/m/01vh18t /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09cxm4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0gk4g /people/cause_of_death/people /m/060_7 +/m/01chc7 /people/person/nationality /m/02jx1 +/m/03lmx1 /people/ethnicity/people /m/0tfc +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/09yrh +/m/034r25 /film/film/genre /m/082gq +/m/0cqnss /film/film/country /m/09c7w0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/02tfl8 /medicine/symptom/symptom_of /m/0h3bn +/m/03np_7 /education/educational_institution/colors /m/0jc_p +/m/02ts3h /film/actor/film./film/performance/film /m/02p86pb +/m/0ylvj /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/0c921 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4f3 +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/030w19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/026dd2b /people/person/profession /m/02hrh1q +/m/0g2ff /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/026n047 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/080_y +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04tgp +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/095zvfg +/m/01vrncs /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01wz3cx +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0342h /music/instrument/instrumentalists /m/01w5gg6 +/m/041rx /people/ethnicity/people /m/01jz6x +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01fs__ +/m/0fbzp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03mp8k /business/business_operation/industry /m/04rlf +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/01520h +/m/05_pkf /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0yjf0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/01dw_f /people/person/place_of_birth /m/0f2v0 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/0l15bq +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0h7pj +/m/06brp0 /people/person/profession /m/0dxtg +/m/01n7q /location/location/contains /m/0r066 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/07tp2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/014lc_ /film/film/music /m/023361 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0294zg +/m/03h304l /people/person/languages /m/02h40lc +/m/0dmn0x /film/film/genre /m/07s9rl0 +/m/07hwkr /people/ethnicity/people /m/073bb +/m/045346 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0ggq0m /music/genre/artists /m/03bxh +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01wcp_g +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/051ls /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0qjd +/m/014l6_ /film/film/featured_film_locations /m/030qb3t +/m/0794g /people/person/place_of_birth /m/0mpbx +/m/05qdh /education/field_of_study/students_majoring./education/education/student /m/06ltr +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/01tx9m /education/university/fraternities_and_sororities /m/0325pb +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/01gp_x /award/award_winner/awards_won./award/award_honor/award_winner /m/03y9ccy +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0g57wgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017r13 +/m/0hd7j /education/educational_institution_campus/educational_institution /m/0hd7j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/049fbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/01mwsnc /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/09c7w0 /location/location/contains /m/0q8jl +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/01vzxld +/m/0225v9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/02lwv5 /education/educational_institution/students_graduates./education/education/student /m/01p6xx +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07gyp7 +/m/02mw6c /education/educational_institution/students_graduates./education/education/student /m/034bs +/m/047bynf /film/film/film_format /m/0cj16 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d6d2 +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gfsq9 /film/film/featured_film_locations /m/02_286 +/m/0219q /people/person/profession /m/02hrh1q +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x400 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0fby2t /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01z0rcq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01kmyh +/m/02778tk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/02nbqh /award/award_category/winners./award/award_honor/award_winner /m/01vttb9 +/m/07jxpf /film/film/language /m/04h9h +/m/016ywb /film/film/production_companies /m/0283xx2 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/02wwmhc /film/film/country /m/09c7w0 +/m/014g_s /people/person/place_of_birth /m/0qxzd +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/01znc_ +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0ftxw +/m/035s37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/0150t6 /people/person/gender /m/05zppz +/m/027x4ws /award/award_category/disciplines_or_subjects /m/04g51 +/m/03bzyn4 /film/film/produced_by /m/0m66w +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qncf +/m/0bm2g /film/film/genre /m/02l7c8 +/m/02vx4 /film/film_subject/films /m/01l2b3 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09q23x +/m/01mxt_ /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/02jxk /organization/organization/headquarters./location/mailing_address/citytown /m/0177z +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04x4s2 +/m/03gfvsz /broadcast/content/artist /m/01vwyqp +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/02q42j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0b13g7 +/m/0gtsx8c /film/film/production_companies /m/054lpb6 +/m/01wk51 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01tdnyh /people/person/employment_history./business/employment_tenure/company /m/07tg4 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/019n7x /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/032wdd +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/046zh +/m/0ggq0m /music/genre/artists /m/04k15 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02tqm5 /film/film/produced_by /m/0f5mdz +/m/01wdqrx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f8f7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f873 +/m/06nz46 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/0166b /location/location/contains /m/06n8j +/m/0sx7r /olympics/olympic_games/sports /m/09_94 +/m/09c7w0 /location/location/contains /m/0r785 +/m/0gxtknx /film/film/language /m/02h40lc +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/019dwp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/015dcj /people/person/profession /m/02hrh1q +/m/017cy9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/0ty_b /location/location/time_zones /m/02hcv8 +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01rr31 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0187x8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05vzw3 +/m/0515_6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04q00lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/067pl7 +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0xwj /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/0p9qb +/m/02qlg7s /people/person/gender /m/05zppz +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06n6p +/m/05sb1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/08hhm6 /people/person/profession /m/02jknp +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwjq +/m/015_1q /music/record_label/artist /m/0m_v0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/02_p5w /film/actor/film./film/performance/film /m/016017 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lht1 +/m/08nvyr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/092kgw +/m/09qycb /film/film/music /m/0hr3g +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0c_n9 /award/award_category/winners./award/award_honor/award_winner /m/073bb +/m/08hsww /people/person/profession /m/0np9r +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/09_9n +/m/0ftlkg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qq_lp +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04bdzg +/m/01yfp7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05c9zr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/046488 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kckd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01xllf /film/actor/film./film/performance/film /m/034qzw +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/027r7k +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0479b +/m/0n85g /music/record_label/artist /m/019x62 +/m/0dcz8_ /film/film/genre /m/0fdjb +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/015_1q /music/record_label/artist /m/01wz3cx +/m/02z1nbg /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0fqxw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqxc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01gpkz +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/0x67 /people/ethnicity/people /m/04wf_b +/m/07g1sm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/014l4w +/m/09t4hh /people/person/profession /m/01d_h8 +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwjq +/m/05g2v /location/location/partially_contains /m/06mkj +/m/027j79k /people/person/gender /m/05zppz +/m/01qb5d /film/film/genre /m/01hmnh +/m/0190y4 /music/genre/artists /m/03t9sp +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/051cc +/m/019pcs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/06mkj /location/location/contains /m/0htqt +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037gjc +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/0ckt6 /film/film/written_by /m/0362q0 +/m/0ggx5q /music/genre/artists /m/0hvbj +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0347db +/m/012v9y /film/actor/film./film/performance/film /m/01lbcqx +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/09t4hh +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f1_p +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0k4p0 /film/film/production_companies /m/017s11 +/m/078jnn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05drr9 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/07m2y /music/instrument/family /m/01vj9c +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01p79b /education/educational_institution/colors /m/09q2t +/m/03cprft /people/person/profession /m/02hrh1q +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/05p3738 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07ytt /location/location/time_zones /m/02llzg +/m/05k7sb /location/location/contains /m/0tz01 +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/041jk9 +/m/01k7d9 /people/person/profession /m/02hrh1q +/m/01hmnh /media_common/netflix_genre/titles /m/027fwmt +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/048hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s_qz +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/05kfs /film/director/film /m/0gmd3k7 +/m/0b73_1d /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09jcj6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0806vbn /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/03y3dk /people/person/gender /m/05zppz +/m/01z0rcq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/01mjq /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/06c44 /people/person/places_lived./people/place_lived/location /m/0d58_ +/m/037s9x /education/educational_institution_campus/educational_institution /m/037s9x +/m/025jbj /film/director/film /m/05sbv3 +/m/01lcxbb /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/0jpdn /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07s9tsr /people/person/gender /m/05zppz +/m/021b_ /film/actor/film./film/performance/film /m/03kxj2 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0g7k2g /people/person/nationality /m/03rjj +/m/0swbd /user/jg/default_domain/olympic_games/sports /m/09_bl +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032_jg +/m/04p5cr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03l3ln +/m/06mmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05r5c +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/05zjx +/m/0168ql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0r1yc /location/hud_county_place/place /m/0r1yc +/m/0j582 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqz0 +/m/06x58 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvf3b +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/0j0k /location/location/contains /m/01z215 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03bx2lk +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/0h3y /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03k0yw /award/award_winner/awards_won./award/award_honor/award_winner /m/01ldw4 +/m/0473rc /film/film/story_by /m/01t_wfl +/m/037xlx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033dbw /film/film/genre /m/07s9rl0 +/m/085q5 /film/actor/film./film/performance/film /m/0hv1t +/m/018sg9 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01lyv /music/genre/artists /m/0bhvtc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/047fwlg +/m/02tqkf /film/actor/film./film/performance/film /m/031t2d +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01j7z7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01tzfz /education/educational_institution_campus/educational_institution /m/01tzfz +/m/07c52 /media_common/netflix_genre/titles /m/01qn7n +/m/0184dt /film/director/film /m/017z49 +/m/03nb5v /people/person/profession /m/0dxtg +/m/0h0wc /film/actor/film./film/performance/film /m/0416y94 +/m/07jq_ /film/film_subject/films /m/06sfk6 +/m/08q1tg /people/cause_of_death/people /m/026v_78 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/0jz71 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/012yc /music/genre/artists /m/0bs1g5r +/m/09c7w0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rgl +/m/0178g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01p4r3 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0kqbh +/m/028cg00 /film/film/language /m/02h40lc +/m/05g8pg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0dq2k +/m/0g10g /people/person/nationality /m/09c7w0 +/m/08lpkq /music/genre/artists /m/0d9xq +/m/01p9hgt /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/090gk3 /people/person/place_of_birth /m/04vmp +/m/022dp5 /people/ethnicity/people /m/01z5tr +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b185 +/m/0hwbd /film/actor/film./film/performance/film /m/04j13sx +/m/0dh8v4 /film/film/dubbing_performances./film/dubbing_performance/actor /m/091n7z +/m/0m9c1 /people/deceased_person/place_of_burial /m/018mmj +/m/06btq /location/location/contains /m/02s62q +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0bm02 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tz1j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/016clz /music/genre/artists /m/01wwvt2 +/m/0gmtm /people/person/nationality /m/09c7w0 +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01c9d +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0kbf1 /film/film/language /m/02h40lc +/m/05yvfd /people/person/gender /m/05zppz +/m/0336mc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/027dtv3 +/m/066yfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/02t_8z /award/award_winner/awards_won./award/award_honor/award_winner /m/04s04 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0bx_hnp /film/film/language /m/02h40lc +/m/01_ztw /people/person/nationality /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fhp9 +/m/0gxr1c /tv/tv_program/genre /m/01hmnh +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02whj /people/person/places_lived./people/place_lived/location /m/0r02m +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bcp9b +/m/02xs5v /film/actor/film./film/performance/film /m/07vn_9 +/m/018417 /film/actor/film./film/performance/film /m/0pd57 +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/02sjf5 +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bx_5q +/m/03rk0 /location/location/contains /m/02kxx1 +/m/02gkxp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/09px1w /people/person/gender /m/05zppz +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053yx +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/059rby /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h40lc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/02x1z2s /award/award_category/winners./award/award_honor/award_winner /m/017s11 +/m/0137hn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/02rq8k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/02pprs /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/03qlv7 /music/instrument/family /m/06ncr +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0bkg4 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qygl +/m/0ctw_b /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w60_p +/m/022_q8 /people/person/profession /m/0dxtg +/m/07srw /location/location/contains /m/0jclr +/m/03c6v3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dn3n +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/027n4zv /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/0c6qh +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/015401 /education/educational_institution/students_graduates./education/education/student /m/023t0q +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/03hfxkn +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/069nzr /award/award_winner/awards_won./award/award_honor/award_winner /m/03pmty +/m/0jt3tjf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/075cph /film/film/film_art_direction_by /m/0dh73w +/m/0jw67 /award/award_nominee/award_nominations./award/award_nomination/award /m/03y8cbv +/m/02bj6k /film/actor/film./film/performance/film /m/09hy79 +/m/04gb7 /film/film_subject/films /m/0260bz +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h3x5 +/m/02w2bc /education/educational_institution/students_graduates./education/education/student /m/0372kf +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt4r4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/03t22m +/m/0btpx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0127s7 +/m/042l3v /people/person/profession /m/02hrh1q +/m/04gzd /location/country/capital /m/07_kq +/m/07_grx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c_drn +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jym0 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/0776h1v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0320jz /film/actor/film./film/performance/film /m/06_wqk4 +/m/04sntd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01dvtx /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/04vh83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/02tfl8 /medicine/symptom/symptom_of /m/0hgxh +/m/0k2cb /film/film/production_companies /m/086k8 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t6dz +/m/02v_r7d /film/film/genre /m/04xvlr +/m/052nd /education/educational_institution/colors /m/06fvc +/m/01ct6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/01fsyp /tv/tv_network/programs./tv/tv_network_duration/program /m/03ln8b +/m/0djywgn /film/actor/film./film/performance/film /m/020bv3 +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0prrm /film/film/language /m/02h40lc +/m/046m59 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0dw3l /people/person/place_of_birth /m/0gdk0 +/m/01z5tr /film/actor/film./film/performance/film /m/02nt3d +/m/03lv4x /film/film/genre /m/082gq +/m/04wgh /location/country/form_of_government /m/01q20 +/m/03gyl /sports/sports_team_location/teams /m/03_9x6 +/m/01chc7 /film/actor/film./film/performance/film /m/02z0f6l +/m/01w8g3 /film/film/country /m/09c7w0 +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_9hm +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/03mstc /people/person/profession /m/02jknp +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02tfl8 /medicine/symptom/symptom_of /m/01dcqj +/m/05dxl5 /people/person/profession /m/0np9r +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0dvld /film/actor/film./film/performance/film /m/0194zl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02rg5rm +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/0fzyg /film/film_subject/films /m/06rzwx +/m/018lc_ /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/03lpd0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d060g /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/03gr7w +/m/027h4yd /award/award_category/winners./award/award_honor/award_winner /m/026lyl4 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0h7x +/m/0126rp /influence/influence_node/influenced_by /m/01k9lpl +/m/01p7x7 /education/educational_institution/students_graduates./education/education/student /m/02nygk +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03h0k1 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/09c7w0 /location/location/contains /m/0s0tr +/m/01_k7f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0408m53 /film/film/genre /m/02l7c8 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/0473q /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0g5ff /people/person/places_lived./people/place_lived/location /m/01n7q +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/0151w_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/07fr_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0ggbhy7 /film/film/language /m/06b_j +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05w6cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hkwr +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02w6bq +/m/03h2d4 /film/actor/film./film/performance/film /m/05q96q6 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02m0sc +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/0k9j_ +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/05cj_j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gp3f +/m/07bch9 /people/ethnicity/people /m/0227tr +/m/07tds /education/educational_institution/students_graduates./education/education/student /m/01wcp_g +/m/0kx4m /award/award_winner/awards_won./award/award_honor/award_winner /m/0343h +/m/024hbv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04wx2v +/m/06mmb /people/person/places_lived./people/place_lived/location /m/059rby +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/016sd3 +/m/09b3v /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0pz6q /education/educational_institution/students_graduates./education/education/student /m/01h2_6 +/m/024qqx /media_common/netflix_genre/titles /m/03t95n +/m/0781g /music/genre/parent_genre /m/05w3f +/m/0g2mbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/01q2sk /organization/organization/headquarters./location/mailing_address/citytown /m/068p2 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/047yc +/m/07b_l /location/location/contains /m/0f2rq +/m/012fvq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023zl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/027y_ /people/person/places_lived./people/place_lived/location /m/080h2 +/m/025txtg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/071ywj /film/actor/film./film/performance/film /m/031778 +/m/05z8cq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/06z5s /film/film_subject/films /m/0qm98 +/m/09qljs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01352_ +/m/0x3n /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/03bggl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/076tq0z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/04411 /influence/influence_node/influenced_by /m/0420y +/m/02pl5bx /music/genre/artists /m/01mskc3 +/m/02778pf /people/person/gender /m/02zsn +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237fw +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02qnhk1 /people/person/profession /m/01d_h8 +/m/044_7j /people/person/gender /m/05zppz +/m/0h9vh /location/administrative_division/country /m/0d05w3 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/038bh3 +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/01tw31 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/033tf_ /people/ethnicity/people /m/0hqly +/m/01f873 /people/person/nationality /m/0d05w3 +/m/0hv7l /location/administrative_division/country /m/06qd3 +/m/01pvc5 /people/profession/specialization_of /m/01445t +/m/05qjt /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05kj_ +/m/01xhh5 /people/ethnicity/geographic_distribution /m/09c7w0 +/m/02j8z /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/047jhq /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/048tgl /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/06w7v /music/instrument/instrumentalists /m/01vs4f3 +/m/04fkg4 /people/person/profession /m/0dxtg +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/01m4yn /people/person/languages /m/02bjrlw +/m/027jw0c /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/053tj7 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01tcf7 /people/person/spouse_s./people/marriage/spouse /m/01mqz0 +/m/012q4n /people/person/profession /m/02hv44_ +/m/029fbr /music/genre/artists /m/070b4 +/m/015pkc /film/actor/film./film/performance/film /m/02wgk1 +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/018009 /people/person/nationality /m/0chghy +/m/042g97 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01_mdl +/m/012j8z /film/actor/film./film/performance/film /m/0cq8qq +/m/026ck /organization/organization_founder/organizations_founded /m/017jv5 +/m/0694j /base/biblioness/bibs_location/country /m/0d060g +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/093142 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/036nz /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0mg1w +/m/09b69 /location/location/contains /m/01rhrd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06_vpyq +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09sh8k +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vcp0 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02778tk +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/030nwm +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x6v6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0299ct +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/0121rx +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/014zwb /film/film/language /m/02h40lc +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hj5lq +/m/01hvjx /film/film/genre /m/0hcr +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02jqjm +/m/02psgvg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/026c1 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/04y79_n /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rx9 +/m/0jbyg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/06dfg /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0jnh /base/culturalevent/event/entity_involved /m/01jcjt +/m/082xp /people/person/profession /m/0dxtg +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/06p8m +/m/01ypc /sports/sports_team/colors /m/06fvc +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/02kbtf /education/educational_institution/campuses /m/02kbtf +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042z_g +/m/0r3tq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012s1d +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01ym8l +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01z3bz +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/05vxdh /film/film/production_companies /m/03sb38 +/m/04mx__ /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05jf85 /film/film/written_by /m/081lh +/m/023mdt /film/actor/film./film/performance/film /m/05q4y12 +/m/0d29z /people/ethnicity/geographic_distribution /m/07f1x +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blbxk +/m/022769 /award/award_winner/awards_won./award/award_honor/award_winner /m/02f8lw +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02r5qtm /tv/tv_program/genre /m/01z4y +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0284gcb +/m/01rwf_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bq2g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03mdt /media_common/netflix_genre/titles /m/02rkkn1 +/m/0143wl /people/person/profession /m/02hrh1q +/m/09s1f /education/field_of_study/students_majoring./education/education/major_field_of_study /m/036nz +/m/0k525 /film/actor/film./film/performance/film /m/02qr3k8 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/084m3 +/m/071dcs /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06r1k +/m/0419kt /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/05h95s /tv/tv_program/genre /m/0pr6f +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/0dwsp +/m/0t_4_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015pxr /people/person/profession /m/0cbd2 +/m/02r8hh_ /film/film/language /m/032f6 +/m/02ryx0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0146pg +/m/034ls /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/017l96 /music/record_label/artist /m/0126y2 +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/06sn8m +/m/039x1k /people/person/places_lived./people/place_lived/location /m/0y617 +/m/01w02sy /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01jmyj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/012xdf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/026dqjm +/m/01cf93 /music/record_label/artist /m/01whg97 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgp0 +/m/04s934 /education/educational_institution/students_graduates./education/education/student /m/0mbw0 +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02t4yc +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/0c9t0y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0bxjpy +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/06mkj /location/location/contains /m/01hlq3 +/m/01v6480 /people/person/profession /m/0nbcg +/m/053yx /people/deceased_person/place_of_death /m/06_kh +/m/0352gk /education/educational_institution/school_type /m/0257h9 +/m/06dfg /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01v1ln /film/film/genre /m/01jfsb +/m/04l19_ /people/person/languages /m/02h40lc +/m/026sb55 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/02l4rh /film/actor/film./film/performance/film /m/035w2k +/m/09h4b5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bdxs5 +/m/0x67 /people/ethnicity/people /m/012xdf +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0h0wd9 /film/film/film_production_design_by /m/0fqjks +/m/05tgks /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qzh2 +/m/056252 /music/record_label/artist /m/01kph_c +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/04rjg /education/field_of_study/students_majoring./education/education/student /m/04z0g +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmjd +/m/01ztgm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03t97y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014g_s +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/033tf_ /people/ethnicity/people /m/033w9g +/m/0ct2tf5 /film/film/music /m/01d_h +/m/017323 /music/genre/artists /m/0411q +/m/0161h5 /people/person/profession /m/03gjzk +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/02mz_6 /people/person/profession /m/02hrh1q +/m/09blyk /media_common/netflix_genre/titles /m/0ktpx +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/030_1m +/m/03zbg0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/04b19t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01p3ty +/m/01jz6d /people/person/nationality /m/09c7w0 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03gfvsz /broadcast/content/artist /m/02w4fkq +/m/03rj0 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zd2b +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz7h +/m/04bdzg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c9d9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01fwj8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04gycf +/m/016gr2 /film/actor/film./film/performance/film /m/04yg13l +/m/0bnzd /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/09dv0sz /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vb6z +/m/027vps /film/director/film /m/0gl3hr +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/015pkt /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/0brkwj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dzf +/m/0308kx /people/person/nationality /m/09c7w0 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fh9 +/m/025sc50 /music/genre/artists /m/01svw8n +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/04_1nk /people/person/profession /m/089fss +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/048vhl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05hks /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04jbyg +/m/047sgz4 /award/award_category/winners./award/award_honor/award_winner /m/01vrkdt +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/0301yj +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03mszl /people/person/languages /m/02h40lc +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0phrl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/050023 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/01rzxl /people/person/profession /m/03gjzk +/m/03ryks /people/person/profession /m/0nbcg +/m/05qt0 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0299ct +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/014dq7 /people/person/nationality /m/09c7w0 +/m/0d060g /location/location/contains /m/04s7y +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/05dptj +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/018grr /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/01n44c +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/016r9z /olympics/olympic_games/sports /m/0w0d +/m/01tnxc /film/actor/film./film/performance/film /m/02rrh1w +/m/014_lq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0xnvg /people/ethnicity/people /m/01l9v7n +/m/0tc7 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/03shpq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/042tq /location/location/time_zones /m/02hcv8 +/m/03mp8k /music/record_label/artist /m/09z1lg +/m/04hqz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/09w6br +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/01nyl /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/02r79_h /film/film/production_companies /m/02slt7 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/0755wz /people/person/nationality /m/07ssc +/m/02xbw2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f4xvm +/m/033hn8 /music/record_label/artist /m/0qdyf +/m/016_rm /music/genre/artists /m/01vw26l +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/09c7w0 /location/location/contains /m/0tz1j +/m/06b19 /education/educational_institution/campuses /m/06b19 +/m/01mt1fy /film/actor/film./film/performance/film /m/0b6f8pf +/m/01w724 /people/person/profession /m/0nbcg +/m/01xv77 /people/person/profession /m/0dgd_ +/m/03j0ss /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/043y95 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0ggx5q /music/genre/artists /m/02jyhv +/m/0gjk1d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0163r3 /people/person/profession /m/02hrh1q +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l9k1 +/m/06wbm8q /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/060j8b /film/actor/film./film/performance/film /m/076tq0z +/m/01_jky /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02r34n /people/person/profession /m/02hrh1q +/m/03tps5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01vdrw /influence/influence_node/influenced_by /m/032l1 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01mk6 +/m/07xyn1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/05zwrg0 /film/film/language /m/02h40lc +/m/02zs4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l_7y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07tg4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09pgj2 +/m/02zbjwr /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425gc +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fn5bx +/m/026wlxw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bx0l /film/film/written_by /m/0p50v +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/02b25y +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0fn5bx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kt_4 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0285m87 +/m/02zn1b /music/record_label/artist /m/0163r3 +/m/02nb2s /people/person/profession /m/0dxtg +/m/02cl1 /sports/sports_team_location/teams /m/0jbqf +/m/043c4j /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pgzn_ +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0k2cb /film/film/written_by /m/04r7jc +/m/034hck /people/person/gender /m/05zppz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/07gghl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/02x0fs9 /film/film/genre /m/05p553 +/m/02jxmr /people/person/profession /m/09jwl +/m/02q52q /film/film/costume_design_by /m/09x8ms +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0d060g /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/0cc1v /location/location/contains /m/0pc6x +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/018y2s /film/actor/film./film/performance/film /m/0bshwmp +/m/09c7w0 /location/location/contains /m/0l4vc +/m/05dss7 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/01msrb /film/film/genre /m/03k9fj +/m/0mpbx /base/aareas/schema/administrative_area/administrative_parent /m/07z1m +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dlngsd +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/04qt29 /people/person/nationality /m/09c7w0 +/m/015w9s /media_common/netflix_genre/titles /m/085bd1 +/m/043js /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07kg3 /location/location/contains /m/031y2 +/m/03v1s /location/location/contains /m/021l5s +/m/0k4p0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hsn_ +/m/01w31x /music/record_label/artist /m/02y7sr +/m/0hfjk /media_common/netflix_genre/titles /m/04v8h1 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/01qdhx /education/educational_institution/students_graduates./education/education/student /m/03yf3z +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/015cz0 /education/educational_institution/school_type /m/07tf8 +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/0c5qvw /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01cyjx /people/person/gender /m/02zsn +/m/0mwht /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwh1 +/m/0fp_v1x /music/group_member/membership./music/group_membership/group /m/0frsw +/m/07vyf /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02cw8s /education/educational_institution_campus/educational_institution /m/02cw8s +/m/03176f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0134w7 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02bh8z +/m/0fgg8c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gt_k /people/person/nationality /m/09c7w0 +/m/02pt27 /music/group_member/membership./music/group_membership/group /m/0dtd6 +/m/053yx /award/award_nominee/award_nominations./award/award_nomination/award /m/02nbqh +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l4zqz +/m/016clz /music/genre/artists /m/0kxbc +/m/07cn2c /people/person/gender /m/02zsn +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jpyb +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/0249kn +/m/064t9 /music/genre/artists /m/01wqmm8 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/07s9rl0 /media_common/netflix_genre/titles /m/0jqkh +/m/02ljhg /film/film/genre /m/0lsxr +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/03qjg /music/instrument/instrumentalists /m/01tv3x2 +/m/0dnqr /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pllx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04hzfz +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0525b /film/actor/film./film/performance/film /m/025rvx0 +/m/02b1cn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01wc7p /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bj9k +/m/0xhtw /music/genre/artists /m/0153nq +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/09v92_x +/m/01xcfy /film/actor/film./film/performance/film /m/06g77c +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0xn7q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k9p4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/0k4j +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/035yn8 /film/film/language /m/04h9h +/m/0yzbg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3ns +/m/01vng3b /music/group_member/membership./music/group_membership/group /m/014_lq +/m/06rzwx /film/film/genre /m/01jfsb +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/011ypx /film/film/genre /m/07s9rl0 +/m/0dyl9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/043gj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08b8vd +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011ypx +/m/0dyztm /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0cmt6q /people/person/nationality /m/09c7w0 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/02h761 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/01nl79 /dataworld/gardening_hint/split_to /m/0ccvx +/m/03v0t /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03f4k /people/person/profession /m/0nbcg +/m/02z0f6l /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/04g865 /film/director/film /m/085wqm +/m/03mp8k /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/06b_0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/03yfh3 +/m/08n__5 /music/artist/origin /m/0853g +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1m9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237fw +/m/02v2jy /film/actor/film./film/performance/film /m/01f39b +/m/01fbr2 /music/genre/artists /m/01ky2h +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gtdnh +/m/0g8fs /organization/organization/headquarters./location/mailing_address/citytown /m/0fvwg +/m/0t_07 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0zq /film/film/genre /m/02l7c8 +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06sks6 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hgkd +/m/056vv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01pj7 +/m/04gtdnh /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/02lnhv /people/person/nationality /m/0d05w3 +/m/05l5n /location/location/contains /m/0f11p +/m/03rhqg /music/record_label/artist /m/057xn_m +/m/05fjf /location/location/contains /m/0xmqf +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/05k2xy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021bk /film/actor/film./film/performance/film /m/0888c3 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/01q4qv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03x762 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/06pjs /film/actor/film./film/performance/film /m/03sxd2 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ct2tf5 +/m/01_ztw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02bc74 +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0myn8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0854hr /people/person/gender /m/05zppz +/m/01qscs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0c9c0 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_9lg +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01srq2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c0zq /film/film/produced_by /m/058frd +/m/0f7hw /film/film/genre /m/05p553 +/m/02yr3z /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/0xhtw /music/genre/artists /m/0p76z +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0kcrd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/05vzql /people/person/languages /m/02h40lc +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/03mz5b /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/01f8hf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award /m/09v92_x +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/056wb +/m/037q2p /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bh8yn3 /film/film/genre /m/02kdv5l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09sxqk +/m/01x4r3 /influence/influence_node/influenced_by /m/01hmk9 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0yx7h /film/film/country /m/09c7w0 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/023vcd +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kh_ +/m/0jzc /language/human_language/countries_spoken_in /m/0d05q4 +/m/0j1yf /film/actor/film./film/performance/film /m/0cp0ph6 +/m/0dr89x /film/film/language /m/02h40lc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/01s753 /education/educational_institution/campuses /m/01s753 +/m/0b_6lb /time/event/locations /m/0c_m3 +/m/02dr9j /film/film/story_by /m/02drd3 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03qcfvw +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0gydcp7 /film/film/executive_produced_by /m/02z2xdf +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxwk +/m/0pk1p /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/01fkv0 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sxr_ +/m/05x30m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030vnj /people/person/profession /m/02hrh1q +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/02y0js /people/cause_of_death/people /m/01v90t +/m/015kg1 /music/record_label/artist /m/0kvnn +/m/023rwm /music/record_label/artist /m/0161sp +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/01clyr /music/record_label/artist /m/0fsyx +/m/01kstn9 /people/deceased_person/place_of_death /m/05jbn +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0m9p3 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0dq23 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g5pv3 /film/film/executive_produced_by /m/03kpvp +/m/01pq4w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0478__m +/m/04cbbz /film/film/written_by /m/0gn30 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/0bg4f9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0bx_hnp /film/film/personal_appearances./film/personal_film_appearance/person /m/018dyl +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/04y9mm8 /film/film/genre /m/05p553 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/0j6b5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09sh8k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gc_c_ +/m/02fgp0 /people/person/nationality /m/09c7w0 +/m/01dzz7 /people/person/nationality /m/09c7w0 +/m/06h4y9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016vg8 /film/actor/film./film/performance/film /m/01kjr0 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/056rgc +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/027l0b /film/actor/film./film/performance/film /m/017kz7 +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0jm4b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_0p +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/09blyk /media_common/netflix_genre/titles /m/02qzmz6 +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s9vc +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x15dc +/m/0vgkd /film/film/genre /m/0vgkd +/m/03s6l2 /film/film/executive_produced_by /m/06t8b +/m/0353xq /film/film/written_by /m/0144l1 +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01m42d0 +/m/024qqx /media_common/netflix_genre/titles /m/01_1hw +/m/01gc7 /film/film/language /m/02h40lc +/m/03x_k5m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0mb8c +/m/029m83 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bkq7 +/m/06nnj /location/country/capital /m/0fr_v +/m/02wb6d /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/084z0w /people/person/languages /m/02h40lc +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w92 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0jnr_ +/m/02y0js /people/cause_of_death/people /m/01rgr +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0kryqm +/m/0fvyg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0169t +/m/0jdd /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04h68j /people/person/gender /m/05zppz +/m/0sxlb /film/film/genre /m/02kdv5l +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/02d6cy /award/award_winner/awards_won./award/award_honor/award_winner /m/04glr5h +/m/049nq /location/location/contains /m/059j2 +/m/0vkl2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fh36 /music/genre/artists /m/014kyy +/m/03yf4d /people/person/profession /m/03gjzk +/m/03rqww /people/person/places_lived./people/place_lived/location /m/0dclg +/m/01d8yn /film/actor/film./film/performance/film /m/051zy_b +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01y68z +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/01mqz0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w6s3 /music/genre/artists /m/0c9d9 +/m/04grkmd /film/film/genre /m/01t_vv +/m/01t8sr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0m593 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/02wb6yq /people/person/religion /m/01lp8 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07yp0f /film/actor/film./film/performance/film /m/0g83dv +/m/0b_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/03n69x +/m/03b1l8 /film/film/genre /m/02l7c8 +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0c3351 /media_common/netflix_genre/titles /m/03wbqc4 +/m/05bpg3 /film/actor/film./film/performance/film /m/0fb7sd +/m/085v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01hv3t /film/film/genre /m/0gf28 +/m/02stbw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01trtc /music/record_label/artist /m/03h502k +/m/03676 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01jft4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/09sh8k /film/film/genre /m/0btmb +/m/070yzk /people/person/nationality /m/09c7w0 +/m/016zgj /music/genre/artists /m/017xm3 +/m/0f721s /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/09v1lrz /award/award_category/nominees./award/award_nomination/nominated_for /m/05g8pg +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/027gs1_ /award/award_category/winners./award/award_honor/award_winner /m/05hrq4 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/010rvx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/06rkl /people/person/gender /m/05zppz +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/07r1h +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wr3kg +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02x02kb /people/person/gender /m/02zsn +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ddt_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03w94xt /music/genre/artists /m/067mj +/m/027f3ys /music/record_label/artist /m/02jqjm +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0641g8 /people/person/place_of_birth /m/02_286 +/m/026mmy /award/award_category/winners./award/award_honor/award_winner /m/0417z2 +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/0163zw /music/genre/artists /m/01fchy +/m/041rx /people/ethnicity/people /m/0lccn +/m/01yhm /sports/sports_team/colors /m/02rnmb +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012ljv +/m/02vl_pz /soccer/football_player/current_team./sports/sports_team_roster/team /m/03n5v +/m/03v1w7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05183k +/m/0cp0t91 /film/film/featured_film_locations /m/052p7 +/m/07ssc /media_common/netflix_genre/titles /m/01fx6y +/m/09146g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dq9p /people/cause_of_death/people /m/01wj9y9 +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/08xz51 /people/person/gender /m/05zppz +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/0fs9jn /people/person/profession /m/02hrh1q +/m/0blg2 /olympics/olympic_games/sports /m/06f41 +/m/01my4f /people/person/profession /m/03gjzk +/m/0kygv /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04fzk +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3k3f +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/049n2l /sports/sports_team/colors /m/06fvc +/m/01vw37m /people/person/profession /m/01c72t +/m/07ymr5 /people/person/profession /m/0np9r +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02mp0g +/m/0dl5d /music/genre/parent_genre /m/05w3f +/m/037fqp /education/educational_institution/school_type /m/01rs41 +/m/01hv3t /film/film/production_companies /m/05qd_ +/m/06jtd /location/location/contains /m/054y8 +/m/0dt8xq /film/film/written_by /m/0c9c0 +/m/06chvn /film/actor/film./film/performance/film /m/03s6l2 +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/01vzxld +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02hyt +/m/0n85g /music/record_label/artist /m/0gbwp +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/033jkj +/m/015g_7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06x4l_ /people/person/nationality /m/09c7w0 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bdxs5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/0126rp /people/person/profession /m/01d_h8 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lf70 +/m/063b4k /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/03f19q4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/04lg6 /people/person/profession /m/0n1h +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dw4q +/m/01bl7g /film/film/prequel /m/01f6x7 +/m/032sl_ /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/0brddh /people/person/nationality /m/03rk0 +/m/0kbws /olympics/olympic_games/participating_countries /m/05br2 +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0660b9b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/0nk72 /influence/influence_node/influenced_by /m/02ln1 +/m/07rhpg /award/award_winner/awards_won./award/award_honor/award_winner /m/01wk3c +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/07ssc /location/location/contains /m/0978r +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/02grjf /education/educational_institution_campus/educational_institution /m/02grjf +/m/013sg6 /people/person/place_of_birth /m/06wxw +/m/0f8pz /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/0bq2g /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01rh0w +/m/05tbn /location/location/contains /m/0mw_q +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/01jllg1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jll +/m/026t6 /music/instrument/instrumentalists /m/050z2 +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q3x5 +/m/025tdwc /people/person/profession /m/0nbcg +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fmqp6 +/m/05bt6j /music/genre/artists /m/0lbj1 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/01cvtf +/m/0bs5vty /film/film/language /m/02h40lc +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0d0vj4 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06mzp +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0hfjk /media_common/netflix_genre/titles /m/07tlfx +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0gmd3k7 +/m/0g9zjp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1gz +/m/016k6x /film/actor/film./film/performance/film /m/047gn4y +/m/0xqf3 /location/hud_county_place/place /m/0xqf3 +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023zsh +/m/0f1sm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/01x73 +/m/02mhfy /film/actor/film./film/performance/film /m/012mrr +/m/034qmv /film/film/genre /m/0bj8m2 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0cq806 /film/film/genre /m/04xvh5 +/m/09gmmt6 /film/film/genre /m/02l7c8 +/m/0dgrwqr /film/film/genre /m/03npn +/m/04jplwp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/061dn_ +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01mc11 /location/location/contains /m/01ljpm +/m/02237m /education/educational_institution/campuses /m/02237m +/m/011x_4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0522wp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03dpqd /film/actor/film./film/performance/film /m/01cssf +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/09r3f /film/film_subject/films /m/050r1z +/m/014dm6 /people/person/places_lived./people/place_lived/location /m/0wh3 +/m/0418wg /film/film/executive_produced_by /m/0glyyw +/m/05tr7 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01nn7r /education/educational_institution_campus/educational_institution /m/01nn7r +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gnf9 +/m/02gd6x /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/01mk6 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/0yx_w /film/film/featured_film_locations /m/030qb3t +/m/016jfw /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/0fqyc /location/location/contains /m/0ps8c +/m/046zh /people/person/nationality /m/09c7w0 +/m/09q23x /film/film/production_companies /m/054lpb6 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/0h3mh3q +/m/03m8lq /film/actor/film./film/performance/film /m/047vnkj +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/012s5j /people/person/place_of_birth /m/01_d4 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jfx1 +/m/03kbb8 /people/person/profession /m/02hrh1q +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/02qmncd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/0171b8 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cws8h +/m/03xnwz /music/genre/artists /m/04mky3 +/m/01w02sy /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hrqc +/m/0fsm8c /film/actor/film./film/performance/film /m/0gbfn9 +/m/0p8jf /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/044_7j /people/person/profession /m/0dxtg +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0r5wt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wgx4 /film/actor/film./film/performance/film /m/03d8jd1 +/m/0dl5d /music/genre/artists /m/023322 +/m/0cv0r /location/location/contains /m/0ttxp +/m/06_vpyq /people/person/nationality /m/09c7w0 +/m/01xsbh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m9p3 +/m/01lct6 /people/person/profession /m/0kyk +/m/09b3v /media_common/netflix_genre/titles /m/0fs9vc +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05r6t /music/genre/artists /m/01whg97 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01vqc7 +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/06kb_ /people/person/profession /m/0cbd2 +/m/01vlj1g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02nwxc +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02756j /base/eating/practicer_of_diet/diet /m/07_jd +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/06v9_x /film/film/genre /m/02kdv5l +/m/014zcr /film/director/film /m/07w8fz +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/01j67j /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01sn3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01kb2j /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gg8l /music/genre/artists /m/018ndc +/m/027rwmr /people/person/gender /m/05zppz +/m/09v4bym /award/award_category/winners./award/award_honor/award_winner /m/02404v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03tc8d +/m/090q4n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0c_mvb /people/person/profession /m/01d_h8 +/m/06bpt_ /music/genre/artists /m/016lj_ +/m/08c7cz /people/person/nationality /m/0345h +/m/0105y2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jqd3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/032v0v /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04v048 /people/person/place_of_birth /m/0cr3d +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03pn9 +/m/01vtqml /people/person/profession /m/09jwl +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/092vkg +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01s7pm /education/educational_institution/colors /m/03vtbc +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rgvr +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0y54 +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030xr_ +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01p9hgt +/m/044k8 /people/person/profession /m/0nbcg +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01bj6y +/m/0flw6 /people/person/place_of_birth /m/030qb3t +/m/05vyk /people/profession/specialization_of /m/09jwl +/m/01wzlxj /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/03k9fj /media_common/netflix_genre/titles /m/09v8clw +/m/01ppq /location/location/time_zones /m/03plfd +/m/0335fp /people/person/nationality /m/09c7w0 +/m/01k_n63 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5838s +/m/0ctw_b /location/location/contains /m/0853g +/m/01m7mv /location/location/time_zones /m/02hcv8 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/01k2wn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rv_dz /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vxxb +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/034m8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/03phtz /film/film/genre /m/02kdv5l +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01vrncs /film/film_subject/films /m/0djlxb +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tjf +/m/01xndd /film/director/film /m/08phg9 +/m/0b005 /tv/tv_program/country_of_origin /m/07ssc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0520y3 +/m/02khs /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05sq20 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dcz8_ /film/film/prequel /m/0dc_ms +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ntbmw +/m/017v3q /education/educational_institution/students_graduates./education/education/student /m/01j7rd +/m/02q4ntp /sports/sports_team/colors /m/0jc_p +/m/032nwy /people/deceased_person/place_of_death /m/02_286 +/m/0b7t3p /people/person/nationality /m/09c7w0 +/m/0b_fw /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01f873 /film/actor/film./film/performance/film /m/0dx8gj +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/039d4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/032nwy /people/person/place_of_birth /m/0dclg +/m/0946bb /film/film/produced_by /m/0272kv +/m/02kcz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/016h4r /film/actor/film./film/performance/film /m/048tv9 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/03bw6 +/m/0djlxb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0j0k /location/location/partially_contains /m/05vz3zq +/m/09f2j /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09z1lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/0sxg4 /film/film/country /m/07ssc +/m/045931 /film/actor/film./film/performance/film /m/0bl1_ +/m/05fkf /location/administrative_division/first_level_division_of /m/09c7w0 +/m/02yxbc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dlv0 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0ft18 /film/film/music /m/01pr6q7 +/m/01w_10 /people/person/employment_history./business/employment_tenure/company /m/09d5h +/m/01znj1 /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/016z4k /people/profession/specialization_of /m/09jwl +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02k84w +/m/03q45x /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/07pzc /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01n4f8 /influence/influence_node/influenced_by /m/013tjc +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/03hy3g /people/person/profession /m/02jknp +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/06z4wj +/m/042fk /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0b66qd /people/person/place_of_birth /m/0c8tk +/m/01p3ty /film/film/genre /m/04t36 +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/027n4zv +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0b0pf /people/person/place_of_birth /m/030qb3t +/m/03m5y9p /film/film/language /m/06nm1 +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013zs9 +/m/0bx0l /film/film/language /m/02h40lc +/m/0n08r /film/film/written_by /m/02l5rm +/m/0c12h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015fr /location/location/contains /m/017575 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/07csf4 /people/person/nationality /m/0d060g +/m/03fn8k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/026m3y /education/educational_institution/students_graduates./education/education/student /m/02h761 +/m/071jrc /people/person/nationality /m/09c7w0 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/064t9 /music/genre/artists /m/01v0sx2 +/m/02z81h /people/deceased_person/place_of_death /m/0cc56 +/m/01ycbq /people/person/gender /m/05zppz +/m/01v1d8 /music/instrument/instrumentalists /m/01vvydl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/016ggh +/m/0frmb1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fbq2n +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030b93 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/019l3m +/m/01rnly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pqgt8 +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0chrx /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/01zg98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/032v0v /people/person/profession /m/02jknp +/m/0j582 /film/actor/film./film/performance/film /m/03rg2b +/m/01jfsb /media_common/netflix_genre/titles /m/02qzmz6 +/m/0f5hyg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05g49 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/016xk5 /film/actor/film./film/performance/film /m/01sxdy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04cnp4 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/070px /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0241wg /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04w7rn /film/film/genre /m/07s9rl0 +/m/02qm5j /music/genre/artists /m/095x_ +/m/080dyk /people/person/nationality /m/05bcl +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058s57 +/m/0342h /music/instrument/instrumentalists /m/01vs_v8 +/m/017d93 /film/film/country /m/09c7w0 +/m/06ncr /music/instrument/instrumentalists /m/03193l +/m/016clz /music/genre/artists /m/02y7sr +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/06dkzt +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/02qydsh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/011k_j /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026g73 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rfpk +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0f4vbz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c6qh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hcr +/m/041rx /people/ethnicity/people /m/01_j71 +/m/026hxwx /film/film/production_companies /m/0c41qv +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/01jft4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/0cbn7c /film/film/country /m/09c7w0 +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsgr +/m/08r4x3 /film/film/music /m/07q1v4 +/m/01vvyd8 /people/person/profession /m/0n1h +/m/01qbjg /people/person/profession /m/01d_h8 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/04w58 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gw8b +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/05bnq3j /people/person/nationality /m/09c7w0 +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/02mplj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bbyw /education/educational_institution/students_graduates./education/education/student /m/034ks +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0287xhr +/m/0146mv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qbbfb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qkwl +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award /m/03ccq3s +/m/01qqwn /medicine/disease/risk_factors /m/05zppz +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/0h5f5n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/015qyf /people/person/places_lived./people/place_lived/location /m/019fh +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/014kg4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/026y23w /people/person/place_of_birth /m/0k33p +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0hptm /location/location/time_zones /m/02hcv8 +/m/06by7 /music/genre/artists /m/01ttg5 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01vfqh +/m/013ybx /people/person/place_of_birth /m/095w_ +/m/05np4c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/08yx9q +/m/01nyl /location/country/official_language /m/064_8sq +/m/01_vfy /film/film/film_festivals /m/05f5rsr +/m/012g92 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cbkc +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/01w58n3 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/07c52 /media_common/netflix_genre/titles /m/0q9jk +/m/0lfbm /people/person/gender /m/02zsn +/m/03188 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n8qg +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/05gnf +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/014jyk /education/educational_institution/school_type /m/05jxkf +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/04sry /film/director/film /m/02847m9 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015grj +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nwm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bxjpy +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02l840 /people/person/nationality /m/09c7w0 +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0gfp09 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02pzc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pbrn +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/026m3y +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/01gbb4 /people/person/nationality /m/09c7w0 +/m/0qpjt /location/hud_county_place/county /m/0m27n +/m/05bt6j /music/genre/artists /m/01rm8b +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/064t9 /music/genre/artists /m/01jfnvd +/m/05l64 /location/administrative_division/country /m/05b4w +/m/0gp9mp /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/015y3j +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/0bwx3 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/0170qf /people/person/nationality /m/07ssc +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_2v2 +/m/07twz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/0gq_d /award/award_category/winners./award/award_honor/award_winner /m/01c1px +/m/016h9b /music/group_member/membership./music/group_membership/role /m/03q5t +/m/0lpjn /film/actor/film./film/performance/film /m/05v38p +/m/0gy0l_ /film/film/production_companies /m/030_1_ +/m/04pnx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025sc50 /music/genre/artists /m/0bs1g5r +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/0vmt /location/location/contains /m/0m2dk +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rmd_2 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02d478 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02c638 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rq8k8 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hvvf +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/017y6l +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/0j8f09z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0c1j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/03m6zs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0267wwv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0bsb4j /people/person/profession /m/01d_h8 +/m/01g0jn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01f492 +/m/040t74 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bcb1 +/m/0946bb /film/film/country /m/0f8l9c +/m/0m32_ /people/person/profession /m/02jknp +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01pf21 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/02j9z /location/location/contains /m/06t8v +/m/05vsxz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0svqs +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05jcn8 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/05xf75 /film/actor/film./film/performance/film /m/0qm8b +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/05ldxl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/080_y +/m/02ndbd /people/person/place_of_birth /m/01531 +/m/05s_k6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dtfn +/m/03v6t /education/educational_institution/school_type /m/01_9fk +/m/01w806h /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/077yk0 +/m/02vwckw /music/artist/origin /m/0f2v0 +/m/01f1kd /olympics/olympic_games/sports /m/02_5h +/m/01ggc9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0tc7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05njw +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/06s6l /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0143wl /film/actor/film./film/performance/film /m/03z9585 +/m/04psf /people/cause_of_death/people /m/032nwy +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/029k55 /film/actor/film./film/performance/film /m/02754c9 +/m/01gw4f /film/actor/film./film/performance/film /m/03wy8t +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/014ps4 +/m/043n0v_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pkr1 +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/084l5 /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0jrny /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gvsh7l +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bsb4j +/m/025ljp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nd6v +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0k0rf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/052hl /film/actor/film./film/performance/film /m/0291hr +/m/06ylv0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/03fnyk +/m/0b9rdk /film/film/genre /m/04pbhw +/m/0pk41 /award/award_winner/awards_won./award/award_honor/award_winner /m/01z9_x +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hcs +/m/05q96q6 /film/film/featured_film_locations /m/04jpl +/m/06w839_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0412f5y +/m/02pv_d /film/director/film /m/0bmhvpr +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b__vr +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/03pm9 /people/person/gender /m/05zppz +/m/03nt59 /tv/tv_program/genre /m/01z4y +/m/07k8rt4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07vjm /education/educational_institution/campuses /m/07vjm +/m/011k1h /music/record_label/artist /m/018d6l +/m/04s430 /film/actor/film./film/performance/film /m/0bq8tmw +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnp0 +/m/01yhvv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0227vl +/m/09dfcj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw7h +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_x6d +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021lby +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034x61 +/m/01xyqk /music/record_label/artist /m/014g91 +/m/0140t7 /people/person/gender /m/05zppz +/m/02qsqmq /film/film/country /m/07ssc +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f502 +/m/03339m /music/genre/artists /m/01w8n89 +/m/02byfd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05d49 +/m/06cgy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06yykb /film/film/genre /m/01hmnh +/m/02tk74 /people/person/spouse_s./people/marriage/spouse /m/0h5g_ +/m/05wgy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dl9_4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0127xk +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_jkc +/m/06924p /music/genre/artists /m/06m61 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09_99w +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/05wkw /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/01k53x /film/actor/film./film/performance/film /m/0cd2vh9 +/m/05lx3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/096ysw /music/record_label/artist /m/0kvnn +/m/02d6cy /people/person/profession /m/02jknp +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01817f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/01w9ph_ /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/091rc5 /film/film/prequel /m/02bj22 +/m/02fttd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0x67 /people/ethnicity/people /m/0163kf +/m/016tt2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01b9ck +/m/06bnz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/06h2w /people/person/gender /m/05zppz +/m/0pmp2 /location/location/contains /m/01zh3_ +/m/01nln /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06b3g4 /film/actor/film./film/performance/film /m/01qb559 +/m/0fd_1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mylz /film/actor/film./film/performance/film /m/01cycq +/m/09sh8k /film/film/featured_film_locations /m/080h2 +/m/03k50 /language/human_language/countries_spoken_in /m/0697s +/m/0fhzwl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yk13 +/m/04gp58p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04353 +/m/049_zz /people/person/profession /m/015cjr +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04crrxr +/m/04fyhv /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02qzh2 /film/film/language /m/02h40lc +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/018sg9 +/m/0qcr0 /people/cause_of_death/people /m/0171lb +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/01z0lb /people/person/profession /m/01d_h8 +/m/0py8j /base/culturalevent/event/entity_involved /m/01flgk +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01rnly /film/film/genre /m/07s9rl0 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/0zchj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02v8kmz /film/film/genre /m/0cshrf +/m/04x4nv /film/film/production_companies /m/0kx4m +/m/0270k40 /film/film/written_by /m/0237jb +/m/0d060g /location/location/contains /m/022jr5 +/m/02bjrlw /language/human_language/countries_spoken_in /m/0b90_r +/m/01kwld /people/person/nationality /m/07ssc +/m/01ym9b /music/genre/artists /m/03j1p2n +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/06gb1w /film/film/genre /m/04pbhw +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08k881 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/01w_10 /organization/organization_member/member_of./organization/organization_membership/organization /m/04m8fy +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01pqy_ /film/actor/film./film/performance/film /m/03nx8mj +/m/03v1s /location/location/contains /m/022lly +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/08ct6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02897w +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/0ch26b_ /film/film/genre /m/07s9rl0 +/m/0fq27fp /film/film/film_festivals /m/0hr30wt +/m/051qvn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02q253 /education/educational_institution_campus/educational_institution /m/02q253 +/m/04nl83 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03zrc_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01lbcqx /film/film/written_by /m/0gv5c +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01rcmg +/m/0crh5_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cdg /people/person/nationality /m/03rt9 +/m/0p4v_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/02f1c /people/person/gender /m/02zsn +/m/030vmc /film/director/film /m/01jnc_ +/m/0dr89x /film/film/country /m/09c7w0 +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/01fyzy /film/actor/film./film/performance/film /m/0640m69 +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/027024 +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01wqmm8 /people/person/profession /m/0dz3r +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01zmpg /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/03rk0 /media_common/netflix_genre/titles /m/09yxcz +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/048z7l /people/ethnicity/people /m/023mdt +/m/01ycbq /film/actor/film./film/performance/film /m/0cq7tx +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ycck +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03hrz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06rf7 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/02wk7b /film/film/genre /m/05p553 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/017_pb /people/person/profession /m/02hv44_ +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/06sks6 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04bdlg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/027ybp /education/educational_institution/colors /m/038hg +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pw2f1 +/m/0bm2nq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bz6sq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018j2 /music/instrument/instrumentalists /m/01w8n89 +/m/05y8n7 /music/genre/parent_genre /m/05fx6 +/m/04yqlk /film/actor/film./film/performance/film /m/09g8vhw +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/01n7q +/m/04kjrv /people/person/profession /m/0fnpj +/m/05txrz /film/actor/film./film/performance/film /m/08sk8l +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dck27 +/m/03qdm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/0g54xkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08mhyd /award/award_nominee/award_nominations./award/award_nomination/award /m/0274v0r +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04kngf +/m/02j71 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/06w87 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0jvtp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/03bkbh /people/ethnicity/people /m/0132k4 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/010v8k +/m/01frpd /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/023kzp /award/award_winner/awards_won./award/award_honor/award_winner /m/01kb2j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ggh3 +/m/01633c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03rk0 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01938t /people/person/place_of_birth /m/0cr3d +/m/0290rb /location/location/contains /m/027wvb +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/02d42t /people/person/nationality /m/02jx1 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07g1sm +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/02kxwk +/m/0f__1 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nn83 +/m/03kwtb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0h32q /film/actor/film./film/performance/film /m/0ctb4g +/m/038nv6 /people/person/gender /m/05zppz +/m/02rn_bj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02r_d4 /people/person/religion /m/06nzl +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/06s7rd +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/016ky6 /film/film/country /m/09c7w0 +/m/01j5ts /film/actor/film./film/performance/film /m/0pdp8 +/m/0bxtg /people/person/languages /m/02h40lc +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/05tbn /location/location/contains /m/0_g_6 +/m/07cdz /film/film/film_production_design_by /m/03wd5tk +/m/03cglm /film/actor/film./film/performance/film /m/01719t +/m/01v15f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06qgjh /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/0gthm /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/07_dn /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01vs_v8 /film/actor/film./film/performance/film /m/05b_gq +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/021npv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/04xvlr /media_common/netflix_genre/titles /m/0m2kd +/m/041rhq /people/person/place_of_birth /m/071vr +/m/0dhml /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01wttr1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/055c8 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/06l3bl /media_common/netflix_genre/titles /m/0jvt9 +/m/064ndc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bgrsl +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01vvyc_ +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02qmsr /film/film/genre /m/0lsxr +/m/0jrxx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/07csf4 /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/01xysf /education/educational_institution/colors /m/038hg +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01gjlw +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0336mc +/m/01z1c /location/location/contains /m/0187nd +/m/0c1j_ /people/person/gender /m/02zsn +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/06rgq /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/016fnb /people/person/profession /m/01c979 +/m/0d4jl /influence/influence_node/influenced_by /m/06myp +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05zh9c /people/person/profession /m/01d_h8 +/m/0sxfd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02w64f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0134w7 /film/actor/film./film/performance/film /m/03hxsv +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx7h +/m/04g73n /film/film/production_companies /m/09b3v +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/09kr66 /people/ethnicity/people /m/0427y +/m/0g0x9c /film/film/featured_film_locations /m/0dclg +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05szq8z +/m/03kwtb /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03y7ml /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05qd_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02nt75 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0sw0q /tv/tv_program/genre /m/05p553 +/m/0b25vg /film/actor/film./film/performance/film /m/08952r +/m/011yg9 /film/film/country /m/09c7w0 +/m/04mzf8 /film/film/genre /m/02n4kr +/m/03czqs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04wlh /location/country/form_of_government /m/01d9r3 +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/04lqvlr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq4j6 +/m/02l4rh /film/actor/film./film/performance/film /m/011ywj +/m/016732 /people/person/place_of_birth /m/0cr3d +/m/017r13 /film/actor/film./film/performance/film /m/03lvwp +/m/048wrb /people/person/profession /m/03gjzk +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/01jfsb /media_common/netflix_genre/titles /m/017z49 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/06j6l /music/genre/artists /m/015xp4 +/m/02__34 /film/film/language /m/02h40lc +/m/01jc6q /film/film/genre /m/0hn10 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/0fvf9q /award/award_winner/awards_won./award/award_honor/award_winner /m/02ld6x +/m/044ntk /film/actor/film./film/performance/film /m/09qycb +/m/05j82v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/0gyh /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02d44q +/m/049c6t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019vgs /film/actor/film./film/performance/film /m/03fts +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/0dc3_ /location/us_county/county_seat /m/01mc11 +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/033fqh +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0d8lm /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/04xvlr /media_common/netflix_genre/titles /m/0sxg4 +/m/09r8l /people/person/profession /m/039v1 +/m/04z542 /film/actor/film./film/performance/film /m/01vfqh +/m/02mx98 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0dn16 /music/genre/artists /m/0hvbj +/m/0bby9p5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b6yp2 +/m/048s0r /film/actor/film./film/performance/film /m/04j14qc +/m/02jx1 /location/location/contains /m/017_4z +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/02633g /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01ldw4 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/0237jb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0mzkr /music/record_label/artist /m/015xp4 +/m/07hwkr /people/ethnicity/people /m/0hsn_ +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_9q +/m/0xhmb /location/hud_county_place/county /m/0n5yh +/m/02lymt /film/actor/film./film/performance/film /m/048tv9 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0bx_q /people/person/profession /m/0d1pc +/m/01gw4f /people/person/spouse_s./people/marriage/spouse /m/07hgkd +/m/02ct_k /film/actor/film./film/performance/film /m/016z43 +/m/09g_31 /tv/tv_program/genre /m/01htzx +/m/03cvvlg /film/film/featured_film_locations /m/02_286 +/m/02qm_f /film/film/written_by /m/04gcd1 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/05x_5 /education/university/fraternities_and_sororities /m/035tlh +/m/0bxxzb /film/film/featured_film_locations /m/095w_ +/m/05cv8 /people/person/profession /m/0kyk +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02k_kn /music/genre/artists /m/024qwq +/m/08g_jw /film/film/produced_by /m/0kvsb +/m/03yxwq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03_wj_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kwld +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lk95 +/m/0b_6jz /time/event/locations /m/0f__1 +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/04xbq3 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0dsvzh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05fyss +/m/01hn_t /tv/tv_program/languages /m/02h40lc +/m/08hmch /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/09zmys /film/actor/film./film/performance/film /m/043mk4y +/m/01wj9y9 /people/person/profession /m/0dxtg +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/01qkqwg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/09c7w0 /location/country/second_level_divisions /m/0fwc0 +/m/0_b9f /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/018y81 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/0b9rdk /film/film/language /m/02h40lc +/m/01dyvs /film/film/produced_by /m/03ktjq +/m/01hnb /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hqgp /influence/influence_node/peers./influence/peer_relationship/peers /m/0c73g +/m/088lls /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09v6tz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yth +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/02xry /location/location/contains /m/0jgg3 +/m/0gv40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8nx +/m/048xyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j6mff +/m/02h8hr /people/person/places_lived./people/place_lived/location /m/02lf_x +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/03hnd /influence/influence_node/influenced_by /m/04093 +/m/01hv3t /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0b60sq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/099cng /award/award_category/winners./award/award_honor/award_winner /m/01l9p +/m/02z3r8t /film/film/country /m/09c7w0 +/m/0d0bsj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01hmnh /media_common/netflix_genre/titles /m/0kcn7 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/050zr4 /people/person/gender /m/02zsn +/m/0c7ct /people/person/gender /m/02zsn +/m/01lcxbb /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04wsz /location/location/contains /m/047yc +/m/03mdt /media_common/netflix_genre/titles /m/0kfv9 +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02c_4 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/027024 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0c3351 /media_common/netflix_genre/titles /m/07j94 +/m/095nx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01279v +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0478__m /people/person/profession /m/0dz3r +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0h3c3g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07s6prs +/m/01pl14 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/05dxl5 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06mmb /people/person/profession /m/02hrh1q +/m/0mj0c /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0kft /people/person/gender /m/05zppz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/055c8 /film/actor/film./film/performance/film /m/072hx4 +/m/025b5y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/036dyy +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgqt +/m/01gn36 /people/person/profession /m/02hrh1q +/m/02fgdx /education/educational_institution/school_type /m/05pcjw +/m/0gw7p /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03rrdb /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04jpl /location/location/contains /m/0ncq_ +/m/050xxm /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/0gppg +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/032ft5 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/02jr26 +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0pd57 /film/film/country /m/09c7w0 +/m/013xrm /people/ethnicity/people /m/04kj2v +/m/01l_vgt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01h8sf /education/educational_institution/colors /m/06fvc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/0bl06 /film/film/country /m/09c7w0 +/m/022yb4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/03__y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0cq7kw /film/film/story_by /m/03cdg +/m/06dkzt /people/person/profession /m/02krf9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/011xy1 +/m/06crk /people/person/profession /m/05snw +/m/02v3yy /award/award_winner/awards_won./award/award_honor/award_winner /m/018gqj +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/02p11jq /music/record_label/artist /m/01w60_p +/m/01ps2h8 /people/person/languages /m/06nm1 +/m/012x7b /music/genre/parent_genre /m/07lnk +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/032jlh +/m/064177 /people/deceased_person/place_of_death /m/030qb3t +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j47s +/m/09wnnb /film/film/featured_film_locations /m/04jpl +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01smm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0_9l_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/03_d0 /music/genre/artists /m/02pzc4 +/m/04cv9m /film/film/executive_produced_by /m/0gg9_5q +/m/02x8n1n /award/award_category/winners./award/award_honor/award_winner /m/02d45s +/m/0f7fy /people/person/gender /m/05zppz +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/018gm9 +/m/0n85g /music/record_label/artist /m/0565cz +/m/02lgj6 /people/person/profession /m/02hrh1q +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0bl2g /film/actor/film./film/performance/film /m/09g8vhw +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02_jkc +/m/07hwkr /people/ethnicity/people /m/09zmys +/m/06hx2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tj34 +/m/05w3f /music/genre/artists /m/04m2zj +/m/0dnw1 /film/film/film_art_direction_by /m/0c4qzm +/m/01r2l /language/human_language/countries_spoken_in /m/0d060g +/m/02ntb8 /film/film/genre /m/05p553 +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r_dg +/m/02rh_0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0lbbj /olympics/olympic_games/sports /m/096f8 +/m/0cmc26r /film/film/music /m/01tc9r +/m/07l4z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01yvvn +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r679 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01699 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02mxw0 /people/person/nationality /m/09c7w0 +/m/0479b /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/0c6g29 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vq33 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/097zcz /film/film/language /m/06nm1 +/m/02q87z6 /film/film/costume_design_by /m/0bytfv +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/03rjj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02vntj +/m/0dt1cm /people/person/religion /m/0flw86 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/07ssc /location/location/contains /m/01xr6x +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0gk7z /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02n4kr /media_common/netflix_genre/titles /m/0ktpx +/m/03rk0 /location/country/capital /m/0dlv0 +/m/01f6ss /education/educational_institution_campus/educational_institution /m/01f6ss +/m/03n3gl /film/film/written_by /m/01_x6v +/m/0dcqh /medicine/disease/risk_factors /m/02zsn +/m/09xvf7 /people/person/place_of_birth /m/01_d4 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m593 +/m/0nvd8 /location/location/time_zones /m/02fqwt +/m/05p606 /film/actor/film./film/performance/film /m/0298n7 +/m/01tsbmv /film/actor/film./film/performance/film /m/0gwlfnb +/m/081l_ /people/person/profession /m/02jknp +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04h54p +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/0glb5 /location/administrative_division/first_level_division_of /m/0f8l9c +/m/0194xc /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/04mqgr /award/award_category/winners./award/award_honor/award_winner /m/01vrlr4 +/m/018vs /music/instrument/instrumentalists /m/02vr7 +/m/041rx /people/ethnicity/people /m/02_j8x +/m/03j0br4 /music/artist/origin /m/0dc95 +/m/05gp3x /people/person/gender /m/05zppz +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m3sd +/m/050kh5 /tv/tv_program/program_creator /m/01my_c +/m/01wk51 /film/actor/film./film/performance/film /m/03wy8t +/m/01trtc /music/record_label/artist /m/0gy6z9 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/08ff1k +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0277j40 /film/film/genre /m/01jfsb +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07f1x +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yr9 +/m/01vvb4m /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/02l4pj /film/actor/film./film/performance/film /m/0cc5qkt +/m/08f3b1 /people/person/profession /m/0cbd2 +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0dbpwb +/m/03fwln /people/person/places_lived./people/place_lived/location /m/0qkcb +/m/06p8m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mp75 /sports/sports_team/colors /m/083jv +/m/03cglm /film/actor/film./film/performance/film /m/0bxsk +/m/0nm3n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm6z +/m/01wmxfs /film/actor/film./film/performance/film /m/0gwjw0c +/m/0lrh /film/film_subject/films /m/080lkt7 +/m/03rs8y /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mskc3 +/m/042d1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/01wj18h /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/065jlv +/m/01kv4mb /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/03h2c3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04xvlr /media_common/netflix_genre/titles /m/0m313 +/m/047csmy /film/film/language /m/06nm1 +/m/049gc /people/person/religion /m/0kpl +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0fpv_3_ /film/film/language /m/07c9s +/m/01p4vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03ds83 +/m/09x8ms /people/person/gender /m/05zppz +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/01wtlq /music/genre/artists /m/0hl3d +/m/0g7pm1 /film/film/language /m/03hkp +/m/0k049 /location/hud_county_place/place /m/0k049 +/m/09k9d0 /education/educational_institution/colors /m/083jv +/m/02_286 /location/location/contains /m/0f94t +/m/0_vn7 /location/location/contains /m/01qgr3 +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/03rs8y +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/02ryx0 +/m/01stzp /organization/organization/headquarters./location/mailing_address/citytown /m/0156q +/m/03ln8b /tv/tv_program/genre /m/02l7c8 +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0841v +/m/01kqq7 /film/film/genre /m/04228s +/m/06w58f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/03s9v +/m/01fwzk /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/09c7w0 /location/location/contains /m/01qwb5 +/m/03knl /film/actor/film./film/performance/film /m/06gb1w +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0jqd3 /film/film/genre /m/02n4kr +/m/03d6fyn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/02t1dv /film/actor/film./film/performance/film /m/02z5x7l +/m/07z1m /location/location/contains /m/0mnlq +/m/048scx /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/01pw2f1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0320jz +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0677j /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/03gvt +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/04q7r /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/01jssp /education/educational_institution/students_graduates./education/education/student /m/016lh0 +/m/0xnvg /people/ethnicity/people /m/059gkk +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/017v3q +/m/0223bl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/038b_x /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l1589 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g5ptf +/m/02byfd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043h78 +/m/0146pg /people/person/place_of_birth /m/059rby +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/078mgh /award/award_winner/awards_won./award/award_honor/award_winner /m/04m064 +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026m0 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02mt51 /film/film/music /m/04bpm6 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0lccn +/m/0c1sgd3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rzqj /people/person/profession /m/02hrh1q +/m/01dnws /music/instrument/instrumentalists /m/01bpc9 +/m/02vr3gz /film/film/produced_by /m/063b4k +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/07srw +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0hvjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/065d1h /film/actor/film./film/performance/film /m/0233bn +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01j7z7 /people/person/profession /m/03gjzk +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0nvg4 /location/location/time_zones /m/02fqwt +/m/01jwxx /film/film/language /m/02h40lc +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01w58n3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvbj +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/0l2l3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vk52z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029zqn +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0342h /music/instrument/instrumentalists /m/0dl567 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4b2 +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/0466p0j /time/event/instance_of_recurring_event /m/0c4ys +/m/0694j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rh2 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h610 +/m/0d_w7 /people/person/religion /m/03_gx +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/09r94m /film/film/production_companies /m/02j_j0 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/0h3c3g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/016_nr /music/genre/parent_genre /m/026z9 +/m/0bj25 /film/film/cinematography /m/087v17 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/045931 /film/actor/film./film/performance/film /m/01cssf +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/026g4l_ +/m/08cyft /music/genre/artists /m/03fbc +/m/01pgp6 /film/film/written_by /m/03ys2f +/m/07s9rl0 /media_common/netflix_genre/titles /m/09y6pb +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gb1w +/m/026fn29 /award/award_category/winners./award/award_honor/award_winner /m/082_p +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/0b5hj5 +/m/09c7w0 /location/country/second_level_divisions /m/0nj1c +/m/01_njt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0168nq +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/043z0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0njlp +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/015z4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03f3yfj +/m/0rlz /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gsvp +/m/0n2k5 /location/location/contains /m/01snm +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/0154d7 /people/person/profession /m/02jknp +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/04hcw /influence/influence_node/influenced_by /m/042q3 +/m/0gppg /people/person/profession /m/0kyk +/m/03p9hl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/017z88 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/025ljp +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/05g8ky /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01qn7n +/m/0mpdw /location/us_county/county_seat /m/0mp3l +/m/01qscs /people/person/profession /m/01d_h8 +/m/0h3xztt /film/film/genre /m/01t_vv +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/017xm3 +/m/0kx4m /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/01mkq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qfh +/m/027xx3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hyn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w58 +/m/02zj61 /people/person/profession /m/0nbcg +/m/0kbg6 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/03h64 /media_common/netflix_genre/titles /m/043n0v_ +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0tz54 /base/biblioness/bibs_location/country /m/09c7w0 +/m/01gbbz /base/eating/practicer_of_diet/diet /m/07_hy +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/044mm6 +/m/0353xq /film/film/executive_produced_by /m/04bgy +/m/0prhz /film/film/production_companies /m/086k8 +/m/02fttd /film/film/genre /m/07s9rl0 +/m/02khs /location/location/time_zones /m/0gsrz4 +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025cn2 +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wrz +/m/02vmzp /people/person/religion /m/03j6c +/m/03cdg /people/person/profession /m/0cbd2 +/m/02bft /medicine/disease/risk_factors /m/0dcsx +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01dtcb +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/021sv1 +/m/0m66w /people/person/places_lived./people/place_lived/location /m/0xkq4 +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01cj6y +/m/0gmcwlb /film/film/country /m/09c7w0 +/m/031y07 /people/deceased_person/place_of_death /m/04jpl +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/044bn +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0237fw +/m/01gbn6 /film/actor/film./film/performance/film /m/034hzj +/m/020d8d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019lvv +/m/02r1c18 /film/film/executive_produced_by /m/0b13g7 +/m/03pzf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0n83s +/m/0hfzr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kd57 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cssf +/m/05cj_j /film/film/genre /m/0vjs6 +/m/02qmncd /award/award_winner/awards_won./award/award_honor/award_winner /m/01r7pq +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0146mv +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01hkck /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/026qnh6 /film/film/language /m/03_9r +/m/0ly8z /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/031rx9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06lpmt +/m/06rjp /education/educational_institution/school_type /m/05jxkf +/m/02wvfxz /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/033tf_ /people/ethnicity/people /m/01p4vl +/m/09bkv /location/location/contains /m/0nbrp +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bw87 +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/04q24zv /film/film/genre /m/02l7c8 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0jz +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/0f7hc /people/person/places_lived./people/place_lived/location /m/04n3l +/m/01314k /education/educational_institution/colors /m/019sc +/m/03gn1x /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gq0x5 /film/film/film_festivals /m/0bmj62v +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/0jbyg /people/person/nationality /m/09c7w0 +/m/031y2 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07kg3 +/m/01m15br /people/person/profession /m/09jwl +/m/01wphh2 /people/person/profession /m/0nbcg +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016kjs +/m/02km0m /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07myb2 +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0svqs +/m/08141d /people/person/place_of_birth /m/030qb3t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0lphb +/m/0d4fqn /people/person/profession /m/03gjzk +/m/01dyvs /film/film/language /m/064_8sq +/m/0f_j1 /music/genre/artists /m/01w923 +/m/04w7rn /film/film/story_by /m/098sx +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/057176 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01vrnsk /people/person/gender /m/05zppz +/m/0rh6k /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/034g2b /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/04sry +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/03k7bd +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/0pc62 /film/film/genre /m/082gq +/m/0d060g /location/location/contains /m/087r4 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0drnwh +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz15s +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/04k8n /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0487_ /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/051ys82 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yf85 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/0pj9t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/076lxv /people/person/nationality /m/09c7w0 +/m/01d1st /people/person/profession /m/0dz3r +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hmm7 +/m/015zql /people/person/gender /m/05zppz +/m/018_7x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02krdz /film/film/executive_produced_by /m/04pqqb +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02wgk1 /film/film/genre /m/04pbhw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/07sqbl +/m/018zvb /influence/influence_node/influenced_by /m/02kz_ +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/award /m/09ly2r6 +/m/01bk1y /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/06mzp /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/05j12n +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/04mx8h4 /tv/tv_program/genre /m/01htzx +/m/05xpms /film/actor/film./film/performance/film /m/06__m6 +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02zcz3 /education/educational_institution/colors /m/09ggk +/m/01qwb5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/05sy0cv /tv/tv_program/country_of_origin /m/09c7w0 +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0340hj +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/03x762 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04xm_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02c0mv /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/02c6pq /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/01vsgrn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0168dy +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q2t9 +/m/02bvt /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049bmk +/m/024dw0 /people/person/nationality /m/07ssc +/m/02lnbg /music/genre/artists /m/0x3n +/m/01znc_ /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/046zh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0pksh /people/person/profession /m/02hrh1q +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/01vrncs /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06n6p +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07phbc +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/04k05 +/m/01lyv /music/genre/artists /m/01k_r5b +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/09gnn +/m/041rx /people/ethnicity/people /m/06449 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/06by7 /music/genre/artists /m/01gf5h +/m/0k5g9 /film/film/featured_film_locations /m/0d6lp +/m/0m8vm /music/genre/artists /m/01j6mff +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07tw_b +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/0p_2r /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b73_1d +/m/026z9 /music/genre/artists /m/01fmz6 +/m/0l0mk /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026c1 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fztbq +/m/02z1yj /film/actor/film./film/performance/film /m/0f8j13 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0f4_l /film/film/language /m/064_8sq +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jxmr +/m/0b7t3p /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0q5hw +/m/01lvrm /education/educational_institution/campuses /m/01lvrm +/m/02w4v /music/genre/artists /m/02pt7h_ +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/081k8 /people/person/profession /m/02hv44_ +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/011v3 +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c2dl +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fdv3 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0gl6x +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/04h4zx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fnqj +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01bzr4 /people/person/places_lived./people/place_lived/location /m/019fh +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/03lmx1 /people/ethnicity/people /m/02tr7d +/m/05q_dw /film/film/produced_by /m/02ld6x +/m/02cbhg /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/0229rs /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03yvf2 /film/film/genre /m/0vgkd +/m/04t2l2 /influence/influence_node/influenced_by /m/01j7rd +/m/033tf_ /people/ethnicity/people /m/057hz +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/02r_d4 +/m/0vkl2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07fsv +/m/0c57yj /film/film/written_by /m/02fcs2 +/m/0cp0t91 /film/film/production_companies /m/02slt7 +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05cvgl +/m/01dy7j /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01jc6q /film/film/genre /m/04t36 +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/0l14qv /music/instrument/instrumentalists /m/012z8_ +/m/04j689 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02x0fs9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027ffq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05f7s1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bp_7 /base/aareas/schema/administrative_area/administrative_parent /m/09krp +/m/0fh2v5 /film/film/genre /m/02n4kr +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06btq +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/04mcw4 +/m/03y0pn /film/film/prequel /m/01vksx +/m/01_mdl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/044g_k +/m/07s9rl0 /media_common/netflix_genre/titles /m/03kq98 +/m/0cs134 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02qhm3 /people/person/nationality /m/09c7w0 +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0b13g7 /people/person/nationality /m/0ctw_b +/m/031ydm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/03kcyd +/m/0f4k49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/012v1t /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/0135k2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lty /music/genre/artists /m/0fpj4lx +/m/0677j /education/educational_institution/students_graduates./education/education/student /m/01t_wfl +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0l14v3 +/m/022b_ /film/film_subject/films /m/0ft18 +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/02q8ms8 /film/film/language /m/064_8sq +/m/0mzww /location/hud_county_place/county /m/0kpys +/m/024mxd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042fgh +/m/046488 /film/film/language /m/02h40lc +/m/02m92h /people/person/profession /m/02jknp +/m/01kp_1t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ryz24 /film/film/genre /m/03k9fj +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0164y7 /people/person/gender /m/05zppz +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0243cq +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01vsy95 +/m/06pj8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s9rl0 /media_common/netflix_genre/titles /m/08rr3p +/m/07db6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/063_t /film/actor/film./film/performance/film /m/02dwj +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/0134wr /award/award_winner/awards_won./award/award_honor/award_winner /m/05_swj +/m/02k6hp /people/cause_of_death/people /m/03ft8 +/m/0d7wh /people/ethnicity/people /m/0czkbt +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q43g +/m/01qzt1 /music/genre/artists /m/0cfgd +/m/07kjk7c /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0l1589 +/m/01wqpnm /people/person/place_of_birth /m/012wyq +/m/01m4yn /people/person/employment_history./business/employment_tenure/company /m/07gyp7 +/m/0h7x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06npd +/m/0nryt /location/location/time_zones /m/02fqwt +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nyl +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/01sbf2 +/m/04mrfv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/01nhgd /education/educational_institution/campuses /m/01nhgd +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d500h +/m/026w_gk /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/07068 /people/profession/specialization_of /m/012qdp +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/044mm6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/047myg9 /film/film/country /m/06bnz +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0l2yf /location/location/contains /m/0l0mk +/m/05lwjc /music/genre/artists /m/0x3n +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/student /m/01mr2g6 +/m/02r1c18 /film/film/film_format /m/0cj16 +/m/0947l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/052fbt +/m/04xvlr /media_common/netflix_genre/titles /m/041td_ +/m/03pmzt /people/person/profession /m/018gz8 +/m/042kbj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/crewmember /m/06rnl9 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/024t0y +/m/02t_tp /people/person/nationality /m/09c7w0 +/m/016ypb /film/actor/film./film/performance/film /m/0x25q +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/0266bd5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0l76z /tv/tv_program/program_creator /m/03fg0r +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/039bp +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03bxwtd /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0cbv4g /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06q8qh +/m/06mzp /location/location/contains /m/01tpvt +/m/0h6r5 /film/film/genre /m/07s9rl0 +/m/0fy34l /film/film/country /m/0f8l9c +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/026lgs /film/film/music /m/02jxkw +/m/01k60v /film/film/language /m/02h40lc +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/070bjw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r3zy +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/09c7w0 /location/location/contains /m/0gx1l +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/040_9 /people/person/nationality /m/05qhw +/m/0jw67 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0lbd9 /olympics/olympic_games/sports /m/06f41 +/m/020bv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/025n3p /award/award_winner/awards_won./award/award_honor/award_winner /m/025j1t +/m/0k3j0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/04306rv /language/human_language/countries_spoken_in /m/0d060g +/m/016yxn /film/film/country /m/03_3d +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/09r94m /film/film/production_companies /m/03sb38 +/m/03z0l6 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01yf92 /business/business_operation/industry /m/020mfr +/m/020d5 /location/country/form_of_government /m/06cx9 +/m/0gs6vr /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03l26m /people/person/places_lived./people/place_lived/location /m/094jv +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/015w8_ +/m/02t__3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kjrx +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0mzkr /music/record_label/artist /m/0137n0 +/m/04g3p5 /people/person/nationality /m/09c7w0 +/m/0x0d /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/09qrn4 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dc0c +/m/05qw5 /music/artist/origin /m/02_286 +/m/02vjzr /music/genre/artists /m/063t3j +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/01gsvb /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/034bs /people/person/profession /m/0d8qb +/m/050r1z /film/film/country /m/09c7w0 +/m/09n48 /olympics/olympic_games/participating_countries /m/04w4s +/m/05wh0sh /influence/influence_node/influenced_by /m/048cl +/m/06w58f /people/person/profession /m/02krf9 +/m/0d7wh /people/ethnicity/people /m/02tk74 +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kpvp +/m/01sb5r /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/01lyv /music/genre/artists /m/058s57 +/m/014hdb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/02t__l +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g28b1 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027kmrb +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/06q5t7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05ty4m +/m/0gyy53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/03ktjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/019fm7 /location/administrative_division/country /m/03rk0 +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/03pp73 +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0408np /people/person/profession /m/02hrh1q +/m/0mnyn /location/us_county/county_seat /m/0mnyn +/m/09k2t1 /people/person/religion /m/02t7t +/m/01jfsb /media_common/netflix_genre/titles /m/043tz0c +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/09b_0m +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmc4cm +/m/063lqs /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/09qljs /film/film/executive_produced_by /m/05hj_k +/m/04pk1f /film/film/prequel /m/017kz7 +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/063576 /education/educational_institution/campuses /m/063576 +/m/0gvbw /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/04fcx7 /people/person/languages /m/02h40lc +/m/0g54xkt /film/film/genre /m/03bxz7 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/04999m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0kbws /olympics/olympic_games/participating_countries /m/027nb +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01yf85 +/m/01nrq5 /film/actor/film./film/performance/film /m/029zqn +/m/0gywn /music/genre/artists /m/01vsykc +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_q8 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/02ktrs +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0859_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02klny /education/educational_institution/school_type /m/05jxkf +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04165w +/m/0dlglj /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0j6b5 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/060ny2 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s7zw +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/052hl /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/06cv1 /film/director/film /m/01svry +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05xbx +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/01trf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fz27v +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/05q96q6 /film/film/produced_by /m/06dv3 +/m/03kcyd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033m23 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0h7h6 +/m/0315q3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zqmj +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048htn +/m/07k2mq /film/film/runtime./film/film_cut/film_release_region /m/06qd3 +/m/01ts_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d0xs5 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/040whs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03v0t /location/location/contains /m/0s3pw +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0f4dx2 /film/actor/film./film/performance/film /m/093dqjy +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0266s9 /tv/tv_program/genre /m/0lsxr +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/031x_3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/01cycq /film/film/production_companies /m/020h2v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01_d4 +/m/02wcx8c /people/person/profession /m/0np9r +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01hhvg +/m/02qgqt /film/actor/film./film/performance/film /m/0gg5qcw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01n30p +/m/06czxq /people/person/profession /m/0np9r +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/064t9 /music/genre/artists /m/02wb6yq +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/0dcqh /medicine/disease/notable_people_with_this_condition /m/01n44c +/m/07ssc /organization/organization_founder/organizations_founded /m/01rz1 +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0chghy +/m/067xw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k0r0n7 /dataworld/gardening_hint/split_to /m/0k0r0n7 +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dtwm +/m/0dg3n1 /location/location/contains /m/04sj3 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/05_5_22 /film/film/genre /m/05p553 +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/04nw9 /people/person/gender /m/02zsn +/m/011k1h /music/record_label/artist /m/0840vq +/m/09fb5 /people/person/profession /m/01d_h8 +/m/05zbm4 /film/actor/film./film/performance/film /m/0bpm4yw +/m/09c7w0 /location/location/contains /m/02bjhv +/m/0b7gxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01h910 +/m/0346qt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/05ch98 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01zqy6t /location/location/time_zones /m/02lcqs +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/085pr +/m/02j62 /education/field_of_study/students_majoring./education/education/student /m/06c0j +/m/019m60 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04ftdq /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj3b3 +/m/03wbzp /award/award_winner/awards_won./award/award_honor/award_winner /m/01d8yn +/m/01zt10 /people/person/languages /m/02h40lc +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ks67 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f8f7 +/m/01j28z /media_common/netflix_genre/titles /m/04969y +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0299hs +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/01n4f8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01fyzy /film/actor/film./film/performance/film /m/02ny6g +/m/03d2k /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/018grr /people/person/places_lived./people/place_lived/location /m/02_286 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07vfj +/m/0bpx1k /film/film/country /m/09c7w0 +/m/04w7rn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0522wp /people/person/profession /m/0dxtg +/m/0g4c1t /tv/tv_network/programs./tv/tv_network_duration/program /m/0k0q73t +/m/01817f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0kj34 +/m/04__f /award/award_winner/awards_won./award/award_honor/award_winner /m/0dqcm +/m/01wc7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dtfn +/m/012gbb /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0c2tf +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/01vrt_c +/m/06pk8 /people/person/nationality /m/09c7w0 +/m/015_30 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0c_j9x /film/film/genre /m/07s9rl0 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01ct6 +/m/04xvlr /media_common/netflix_genre/titles /m/09rsjpv +/m/05r5c /music/instrument/instrumentalists /m/0837ql +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/08wq0g /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/06bnz /location/location/contains /m/0hkpn +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/028fjr /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rqd +/m/0k3hn /location/location/contains /m/0tz1j +/m/03p9hl /people/person/nationality /m/02jx1 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0mb5x /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0c6qh /film/actor/film./film/performance/film /m/01z452 +/m/02x9g_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01zlh5 +/m/0m28g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d1y7 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bfmn +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b10g +/m/044lyq /film/actor/film./film/performance/film /m/0symg +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0h96g /people/person/profession /m/02hrh1q +/m/01n8_g /people/person/gender /m/05zppz +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/04n3l /location/location/contains /m/0179qv +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0xjl2 /music/genre/parent_genre /m/011j5x +/m/01lyv /music/genre/artists /m/01hgwkr +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03gk2 /location/country/official_language /m/02bjrlw +/m/01w60_p /people/person/profession /m/09jwl +/m/01lz4tf /people/person/profession /m/039v1 +/m/0bwx3 /influence/influence_node/influenced_by /m/05gpy +/m/030wkp /people/person/place_of_birth /m/013yq +/m/06vdh8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0bdxs5 /film/actor/film./film/performance/film /m/07ykkx5 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03y3bp7 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f87jy +/m/02664f /award/award_category/disciplines_or_subjects /m/0707q +/m/01nfys /people/person/profession /m/018gz8 +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01f08r +/m/011yxy /film/film/music /m/03_f0 +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09f0bj +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02rxbmt /people/person/places_lived./people/place_lived/location /m/056_y +/m/05c5z8j /film/film/film_festivals /m/03nn7l2 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/070m12 /people/person/gender /m/02zsn +/m/0277470 /award/award_winner/awards_won./award/award_honor/award_winner /m/0284gcb +/m/09hy79 /film/film/featured_film_locations /m/05tbn +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/position /m/04nfpk +/m/05f0r8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s9rl0 /media_common/netflix_genre/titles /m/04cj79 +/m/01bk1y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08ff1k /people/person/gender /m/05zppz +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02ntb8 /film/film/language /m/02hwhyv +/m/049l7 /people/person/profession /m/02krf9 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/02qkt /location/location/contains /m/07dvs +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/02psgq /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/02zj61 /people/person/profession /m/025352 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/0f61tk /film/film/language /m/02h40lc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fn6z +/m/07hhnl /people/person/nationality /m/09c7w0 +/m/0jm64 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/02jsgf +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03wd5tk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/02pjvc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/027r8p +/m/0dzz6g /film/film/genre /m/01t_vv +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/0pz7h /film/actor/film./film/performance/film /m/0g7pm1 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0n57k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06mz5 /location/location/time_zones /m/02fqwt +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/063hp4 +/m/01wd02c /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/041h0 +/m/0f8l9c /location/location/contains /m/09b83 +/m/07vqnc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/019dwp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04xvlr /media_common/netflix_genre/titles /m/017180 +/m/0p_2r /people/person/nationality /m/09c7w0 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c94fn +/m/06by7 /music/genre/artists /m/016376 +/m/06cl2w /film/actor/film./film/performance/film /m/0gtt5fb +/m/099ck7 /award/award_category/winners./award/award_honor/award_winner /m/02qgqt +/m/0gk4g /people/cause_of_death/people /m/0hnp7 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07jnt +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/03q_g6 +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/0g_bh /music/genre/parent_genre /m/0dl5d +/m/02029f /sports/sports_team/sport /m/02vx4 +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0df2zx +/m/09d3b7 /film/film/produced_by /m/03f2_rc +/m/012fvq /education/educational_institution/school_type /m/01rs41 +/m/015np0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02tv80 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0210hf /people/person/profession /m/02krf9 +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/0vzm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/07b_l +/m/02rcdc2 /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0ccck7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w806h /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0hh2s /music/genre/artists /m/01d_h +/m/0xbm /sports/sports_team/sport /m/02vx4 +/m/0h5jg5 /people/person/profession /m/0dxtg +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/06gn7r /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08wq0g +/m/07gp9 /film/film/featured_film_locations /m/0q_xk +/m/03y3dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0272kv +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/086qd +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/0vkl2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0hzlz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06v36 +/m/045bg /influence/influence_node/influenced_by /m/048cl +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dyb1 +/m/03m6_z /film/actor/film./film/performance/film /m/023gxx +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05cgv +/m/0xrzh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03t79f /film/film/edited_by /m/03q8ch +/m/019pwv /education/educational_institution_campus/educational_institution /m/019pwv +/m/02m3sd /people/person/profession /m/0dxtg +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ljc_ /media_common/netflix_genre/titles /m/0584r4 +/m/07gp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0641kkh +/m/02hmw9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/01lct6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0fxky3 /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02fn5r +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/054bt3 /people/person/profession /m/0dxtg +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cdz +/m/05dtwm /film/actor/film./film/performance/film /m/07jnt +/m/05n5kv /award/award_category/winners./award/award_honor/award_winner /m/0dj5q +/m/0dr31 /location/location/time_zones /m/02llzg +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mmb +/m/021r7r /people/person/religion /m/0c8wxp +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02p21g /people/person/nationality /m/09c7w0 +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/07j8r /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sbv3 +/m/01kx_81 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/03m8lq /people/person/nationality /m/09c7w0 +/m/01j67j /tv/tv_program/genre /m/0djd22 +/m/01kvrz /education/educational_institution/school_type /m/01rs41 +/m/02j3w /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03s0w +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02cw1m +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07yp0f +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0168ls +/m/01wmxfs /film/actor/film./film/performance/film /m/03hp2y1 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/017f4y /people/person/profession /m/02hrh1q +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/03l3ln /people/person/gender /m/05zppz +/m/063k3h /people/ethnicity/people /m/0bdxs5 +/m/04zw9hs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/020_4z /people/person/profession /m/039v1 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/student /m/01qbjg +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/033q4k +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jc6q +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/0265vcb /people/person/nationality /m/09c7w0 +/m/088gzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01vrz41 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vt9p3 +/m/01kvrz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wk7b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/05pt0l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0301bq +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/04rwx +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/045c66 /film/actor/film./film/performance/film /m/02ll45 +/m/04fc6c /music/record_label/artist /m/016376 +/m/01q2nx /film/film/produced_by /m/03v1w7 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/09g8vhw +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc_l +/m/0tz14 /location/hud_county_place/place /m/0tz14 +/m/05fw6t /music/genre/artists /m/0168cl +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/01_x6v +/m/0jsw9l /people/person/gender /m/05zppz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_44z +/m/0gm2_0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/0p9gg /people/deceased_person/place_of_death /m/0d35y +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/011xy1 +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/0lrh /influence/influence_node/influenced_by /m/03f0324 +/m/04y8r /film/director/film /m/0g3zrd +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award /m/0cjyzs +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/01q415 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/0p8jf +/m/01xq8v /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/06gb1w /film/film/country /m/07ssc +/m/03f47xl /influence/influence_node/influenced_by /m/032l1 +/m/013qvn /organization/organization_founder/organizations_founded /m/01cl2y +/m/030dr /influence/influence_node/influenced_by /m/05qmj +/m/02v5_g /film/film/genre /m/02b5_l +/m/0kjrx /people/person/religion /m/0kq2 +/m/049d_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/0fztbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04cwcdb /base/aareas/schema/administrative_area/administrative_parent /m/05qhw +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/04lg6 /base/eating/practicer_of_diet/diet /m/07_jd +/m/025_64l /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/06cc_1 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/02q87z6 /film/film/country /m/09c7w0 +/m/027jk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/01tspc6 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/0hnkp /people/person/profession /m/02hrh1q +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0239kh +/m/033g4d /film/film/genre /m/0lsxr +/m/048vhl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jfrg +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0694j +/m/03td5v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/045931 /people/person/profession /m/02hrh1q +/m/026t6 /music/instrument/instrumentalists /m/024dw0 +/m/02vjzr /music/genre/artists /m/01vtj38 +/m/06jkm /base/eating/practicer_of_diet/diet /m/07_jd +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/01pr6q7 /people/person/nationality /m/09c7w0 +/m/01yqqv /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0cv1h /location/us_county/county_seat /m/0txhf +/m/04kr63w /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/02k1pr /film/film/genre /m/02kdv5l +/m/02ll45 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/011k1h /music/record_label/artist /m/020_4z +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jnwx +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/01j7mr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j7rd +/m/0f502 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/02p8v8 /film/actor/film./film/performance/film /m/016y_f +/m/0zjpz /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/018dyl +/m/0gd5z /people/person/nationality /m/0d060g +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/04yqlk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vcdj +/m/07k53y /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/03mnk /organization/organization/headquarters./location/mailing_address/citytown /m/0f04c +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/081_zm +/m/0383f /people/person/gender /m/05zppz +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/05zwrg0 /film/film/music /m/01l79yc +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/012yc /music/genre/artists /m/03f5spx +/m/023v4_ /film/actor/film./film/performance/film /m/0g7pm1 +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0484q /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/047svrl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03w6sj /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/021vlg /music/genre/parent_genre /m/03fpx +/m/0r3tq /base/biblioness/bibs_location/country /m/09c7w0 +/m/03pbf /sports/sports_team_location/teams /m/0175tv +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_mc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04tc1g +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/05631 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wk7b7 +/m/0pgm3 /people/person/places_lived./people/place_lived/location /m/01zmqw +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/048rn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02w7gg /people/ethnicity/people /m/01wk7ql +/m/02xry /location/location/contains /m/0rn0z +/m/065_cjc /film/film/genre /m/09q17 +/m/02xjb /music/genre/artists /m/049qx +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b4lkx +/m/0m93 /user/alexander/philosophy/philosopher/interests /m/04sh3 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/016ybr /music/genre/parent_genre /m/0133_p +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05cj_j /film/film/film_production_design_by /m/0dh73w +/m/0h7h6 /location/location/contains /m/0gf14 +/m/0bbxd3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07g9f +/m/01z_g6 /people/person/languages /m/02h40lc +/m/0gbwp /people/person/place_of_birth /m/03b12 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/0b78hw /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/058s57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/02vxq9m /film/film/production_companies /m/0g1rw +/m/02z5x7l /film/film/dubbing_performances./film/dubbing_performance/actor /m/066l3y +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0bmssv /film/film/language /m/02bjrlw +/m/01bj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/01w2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0l998 /olympics/olympic_games/sports /m/03hr1p +/m/0dl567 /people/person/languages /m/02h40lc +/m/011yhm /film/film/language /m/02h40lc +/m/03459x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01m15br /people/person/place_of_birth /m/0r540 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/02cyfz +/m/0mn8t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p65p /people/person/profession /m/01d_h8 +/m/0xhtw /music/genre/artists /m/01vrwfv +/m/02gnmp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01ft14 +/m/08q3s0 /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/035tjy +/m/04xvlr /media_common/netflix_genre/titles /m/011yr9 +/m/0151xv /people/person/profession /m/0cbd2 +/m/09zmys /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wvxw1 +/m/04jplwp /film/film/language /m/02h40lc +/m/014zcr /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/04jn6y7 /film/film/production_companies /m/0283xx2 +/m/03j79x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/04glx0 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/09yrh /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0c6qh +/m/0fxgg9 /music/genre/parent_genre /m/037n97 +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/05sj55 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/0xkq4 /location/hud_county_place/place /m/0xkq4 +/m/038w8 /people/person/religion /m/0631_ +/m/0dx_q /people/person/spouse_s./people/marriage/spouse /m/01pbwwl +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/03v52f /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/01p3ty +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0dwsp +/m/08lmt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02482c /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fjy +/m/0t6sb /base/biblioness/bibs_location/country /m/0d060g +/m/03f6fl0 /people/person/profession /m/09jwl +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0yzbg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/04_j5s +/m/03qjg /music/instrument/instrumentalists /m/01wy61y +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02v570 /film/film/personal_appearances./film/personal_film_appearance/person /m/0151w_ +/m/07c52 /media_common/netflix_genre/titles /m/06w7mlh +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/04qmr +/m/02sgy /music/instrument/instrumentalists /m/04m2zj +/m/05vzql /people/person/profession /m/02hrh1q +/m/03shpq /film/film/costume_design_by /m/02w0dc0 +/m/018_7x /location/location/contains /m/01zzy3 +/m/0bwh6 /film/actor/film./film/performance/film /m/033pf1 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03mp8k /music/record_label/artist /m/018pj3 +/m/02z2xdf /people/person/profession /m/03gjzk +/m/02nddq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bch9 /people/ethnicity/people /m/042d1 +/m/03q5dr /people/person/spouse_s./people/marriage/spouse /m/0bwh6 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0fw9vx /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02vr7 /people/person/profession /m/09jwl +/m/05zjx /film/actor/film./film/performance/film /m/0n_hp +/m/0j5g9 /location/location/contains /m/01z92f +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/04xvlr /media_common/netflix_genre/titles /m/01_0f7 +/m/01vvybv /people/person/place_of_birth /m/0f2rq +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05y5kf /people/person/place_of_birth /m/04jpl +/m/0kv9d3 /film/film/language /m/0653m +/m/03y5ky /education/educational_institution_campus/educational_institution /m/03y5ky +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jpmpv +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03s7h /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/05dy7p /film/film/genre /m/06l3bl +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/01z215 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06vbd +/m/02zq43 /people/person/languages /m/02h40lc +/m/03ydlnj /film/film/country /m/07ssc +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2k3 +/m/09n48 /olympics/olympic_games/participating_countries /m/06f32 +/m/02nwxc /film/actor/film./film/performance/film /m/0g3zrd +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pz91 +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/03rt9 +/m/02wcx8c /people/person/gender /m/05zppz +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/01n7qlf /people/person/gender /m/02zsn +/m/07tlfx /film/film/genre /m/017fp +/m/06w33f8 /people/person/profession /m/01d_h8 +/m/03fgm /education/educational_institution/students_graduates./education/education/student /m/0c2tf +/m/06zn2v2 /film/film/language /m/0t_2 +/m/0ddj0x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030tjk +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fszq +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/08jfkw +/m/03j24kf /base/eating/practicer_of_diet/diet /m/07_hy +/m/09yhzs /film/actor/film./film/performance/film /m/05p1qyh +/m/0221g_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0315q3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01twdk +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/025g__ /music/genre/artists /m/01kymm +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06bnz +/m/02ct_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/0pkyh /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/026mfbr /film/film/language /m/02h40lc +/m/0m_31 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0ymff /education/educational_institution/colors /m/019sc +/m/09p0q /people/person/religion /m/0kpl +/m/016mhd /film/film/country /m/07ssc +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/021j72 /people/person/languages /m/0688f +/m/04mky3 /music/artist/contribution./music/recording_contribution/performance_role /m/0395lw +/m/03ndd /music/instrument/instrumentalists /m/01k23t +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/01w565 /music/record_label/artist /m/0f8grf +/m/06m6p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0521rl1 +/m/01p85y /film/actor/film./film/performance/film /m/05h43ls +/m/01pcrw /people/person/gender /m/02zsn +/m/0287477 /film/film/music /m/02bh9 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01w0yrc +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020fgy +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/018c_r /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d90m /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01wdqrx /music/group_member/membership./music/group_membership/role /m/0l14md +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02prwdh +/m/0ct9_ /people/person/employment_history./business/employment_tenure/company /m/02zd460 +/m/048tv9 /film/film/genre /m/01jfsb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/01dw9z /people/person/profession /m/07s467s +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07t90 +/m/02lnbg /music/genre/artists /m/0gs6vr +/m/01nxzv /film/actor/film./film/performance/film /m/01jrbv +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03q5db +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lg9w +/m/08k1lz /people/person/languages /m/04306rv +/m/0gdh5 /people/person/profession /m/01d_h8 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/07c52 /media_common/netflix_genre/titles /m/03y3bp7 +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/02kxx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07vfy4 /film/film/story_by /m/0285xqh +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qmhk +/m/041n28 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02z9hqn /film/film/dubbing_performances./film/dubbing_performance/actor /m/066l3y +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0fb1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zkxv +/m/094g2z /film/film/genre /m/06qm3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/03t22m /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/01w7nww /base/eating/practicer_of_diet/diet /m/07_hy +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0dzlbx +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/09sh8k /film/film/language /m/03_9r +/m/016jny /music/genre/artists /m/01wz3cx +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/03wv2g /education/educational_institution/school_type /m/01rs41 +/m/01jrz5j /people/person/profession /m/05sxg2 +/m/05q9g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0mmd6 +/m/05vxdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02xry /location/location/contains /m/0f2v0 +/m/01z4y /media_common/netflix_genre/titles /m/09jcj6 +/m/01pfpt /music/genre/parent_genre /m/05c6073 +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zj_3 +/m/01rrwf6 /people/person/profession /m/09jwl +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/048htn /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/018fwv /people/person/nationality /m/09c7w0 +/m/0f4vbz /people/person/spouse_s./people/marriage/spouse /m/01fh9 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfv +/m/011yhm /film/film/genre /m/05p553 +/m/0mbwf /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/04m2zj /people/person/profession /m/0fnpj +/m/048svj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01qhm_ /people/ethnicity/people /m/0jcx +/m/014hdb /people/person/profession /m/01d_h8 +/m/019z7q /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/03rjj /location/location/contains /m/01ngn3 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01swck +/m/02qvhbb /people/person/nationality /m/03rk0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccd3x +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018grr +/m/03fykz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h72l +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/02hrlh +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/06p03s /music/group_member/membership./music/group_membership/role /m/02hnl +/m/031y07 /film/actor/film./film/performance/film /m/0kt_4 +/m/06rrzn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c_drn +/m/0m0jc /music/genre/artists /m/0415mzy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/044lbv +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04fv5b +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/01r47h /education/educational_institution/campuses /m/01r47h +/m/0klh7 /film/actor/film./film/performance/film /m/09g8vhw +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05kwx2 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07348 /base/aareas/schema/administrative_area/administrative_parent /m/09pmkv +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/092vkg /film/film/language /m/02h40lc +/m/0m66w /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/046n4q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/030ykh +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0bbf1f +/m/03t95n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02km0m +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0418wg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03jb2n /sports/sports_team/colors /m/083jv +/m/040nwr /people/person/languages /m/0121sr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dzf +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0k5px /film/film/music /m/06zd1c +/m/02633g /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0d29z /people/ethnicity/geographic_distribution /m/03rjj +/m/03qk20 /music/record_label/artist /m/016wvy +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0170s4 +/m/01t_z /people/person/profession /m/0h9c +/m/09d5d5 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/025ts_z /film/film/executive_produced_by /m/059j4x +/m/09kr66 /people/ethnicity/people /m/052hl +/m/03lty /music/genre/artists /m/0bkg4 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07xtqq +/m/02hhtj /people/person/languages /m/02h40lc +/m/05bt6j /music/genre/artists /m/0czkbt +/m/04qmr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvqq +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/017v3q /education/educational_institution_campus/educational_institution /m/017v3q +/m/01vvycq /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0bq6ntw /film/film/genre /m/07s9rl0 +/m/0p_2r /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/0f2w0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/07kh6f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/04nnpw /film/film/production_companies /m/03sb38 +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/01gc7h /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0170qf +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/0b0pf +/m/0184dt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04hw4b +/m/0pkr1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/02x_h0 +/m/09kr66 /people/ethnicity/people /m/0dvmd +/m/025j1t /award/award_winner/awards_won./award/award_honor/award_winner /m/03fbb6 +/m/049msk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/0gn30 /people/person/religion /m/0c8wxp +/m/0fw2d3 /people/person/place_of_birth /m/0d8r8 +/m/07bx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/020fcn /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/041td_ +/m/06kkgw /people/person/nationality /m/09c7w0 +/m/02h659 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0259r0 /people/person/gender /m/05zppz +/m/02dgq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03818y /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01r7t9 /people/person/nationality /m/09c7w0 +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01b0k1 +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078mgh +/m/026spg /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w58f +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bth54 +/m/02pt7h_ /people/person/gender /m/05zppz +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjks +/m/0sxfd /film/film/genre /m/01t_vv +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/03_44z /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/047fwlg +/m/09c7w0 /location/location/contains /m/015fs3 +/m/051n13 /sports/sports_team/sport /m/02vx4 +/m/0197tq /people/person/nationality /m/09c7w0 +/m/02665kn /people/person/gender /m/05zppz +/m/01z9_x /people/person/profession /m/05vyk +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0mqs0 /location/location/time_zones /m/02fqwt +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/0jbp0 /people/person/profession /m/02hrh1q +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/015_1q /music/record_label/artist /m/01vvyfh +/m/0jnr3 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/06cddt /people/person/profession /m/02hrh1q +/m/0qr8z /location/hud_county_place/place /m/0qr8z +/m/09g7vfw /film/film/country /m/09c7w0 +/m/0cwy47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0151w_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/01sbv9 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01f1jf /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0438f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/072w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04gkp3 +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0z4s +/m/0127xk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/014xf6 /education/educational_institution_campus/educational_institution /m/014xf6 +/m/01w40h /music/record_label/artist /m/050z2 +/m/01vsy3q /people/person/profession /m/039v1 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj9tn5 +/m/02w5q6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01svw8n +/m/01bn3l /film/film/cinematography /m/0f3zf_ +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01rzqj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/01g257 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/016z2j +/m/01wx756 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/064lsn /film/film/production_companies /m/03sb38 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bfjy +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/01t_z /people/person/places_lived./people/place_lived/location /m/0345h +/m/0xhtw /music/genre/artists /m/02cw1m +/m/041xyk /sports/sports_team/sport /m/02vx4 +/m/0ywqc /people/person/nationality /m/0d060g +/m/04g73n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03v0t /location/location/contains /m/0s69k +/m/02fx3c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nvmd_ +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06hhrs +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/083skw +/m/01wqg8 /education/educational_institution/school_type /m/01rs41 +/m/02rn00y /film/film/genre /m/07s9rl0 +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/09txzv +/m/03tbg6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05r5c /music/instrument/instrumentalists /m/02y7sr +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/02p5hf /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0286vp /film/film/country /m/07ssc +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/03cfjg +/m/03x9yr /music/record_label/artist /m/016lmg +/m/07f1x /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04hhv +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znxx +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0lzcs /people/person/profession /m/01jn5 +/m/02q0k7v /film/film/production_companies /m/024rgt +/m/0p9qb /people/person/nationality /m/02jx1 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sxr_ +/m/0k1bs /people/person/profession /m/0nbcg +/m/098sx /people/person/nationality /m/07ssc +/m/0bqs56 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/0336mc /film/actor/film./film/performance/film /m/02vz6dn +/m/01vw20h /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vsgrn +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01cqz5 /people/person/gender /m/05zppz +/m/01fx2g /people/person/gender /m/02zsn +/m/0jryt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jxgx +/m/0ct_yc /people/person/gender /m/05zppz +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/05xb7q +/m/02qzjj /people/person/gender /m/05zppz +/m/0dtfn /film/film/language /m/02h40lc +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08jyyk /music/genre/artists /m/01vs4ff +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/03c3jzx /base/culturalevent/event/entity_involved /m/017cw +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026hxwx +/m/01mwsnc /people/person/profession /m/0nbcg +/m/07371 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dqyc +/m/06z4wj /people/person/gender /m/05zppz +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/03qnc6q +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/014tss +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05pzdk +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/03g5jw /influence/influence_node/influenced_by /m/0m2l9 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0cqt41 +/m/0bq3x /film/film_subject/films /m/0dgq_kn +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yb09 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018wrk +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0p_jc /people/person/profession /m/018gz8 +/m/02rqxc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0405l /people/person/profession /m/0dgd_ +/m/054c1 /film/actor/film./film/performance/film /m/03h3x5 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/02vntj /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/069d68 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027pwl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/027lf1 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/0fkwzs /tv/tv_program/genre /m/0hcr +/m/057bc6m /film/film_set_designer/film_sets_designed /m/048rn +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01nz1q6 +/m/048xyn /film/film/genre /m/017fp +/m/0s9b_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l3kx +/m/051q5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fn8k +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0fsm8c /film/actor/film./film/performance/film /m/09txzv +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0296rz +/m/01w58n3 /people/person/place_of_birth /m/0d6hn +/m/01zh29 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01vrz41 /people/person/profession /m/0fnpj +/m/03vhvp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05gqy /location/location/time_zones /m/052vwh +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/03hhd3 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/025sc50 /music/genre/artists /m/0478__m +/m/0345_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0164b +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/09ly2r6 +/m/0127ps /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h610 +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/027f7dj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06lckm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05t0_2v +/m/035gnh /film/film/genre /m/05p553 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/0b_6yv /music/genre/parent_genre /m/0190_q +/m/098sv2 /people/person/place_of_birth /m/095w_ +/m/01wbg84 /film/actor/film./film/performance/film /m/01c22t +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/07cyl /film/film/language /m/02h40lc +/m/03c7twt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0n839 /organization/organization_founder/organizations_founded /m/03vtfp +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/05krk +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015gy7 +/m/0bkmf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/018fmr +/m/0cnztc4 /film/film/genre /m/02p0szs +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04fyhv +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01wv9xn +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/03qjg +/m/01f8hf /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02hct1 +/m/02mz_6 /people/person/nationality /m/0d05w3 +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04h68j +/m/07ssc /location/location/contains /m/0dbdy +/m/01rxw /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0fkwzs /tv/tv_program/genre /m/095bb +/m/0cbkc /people/person/places_lived./people/place_lived/location /m/05qtj +/m/07f_t4 /film/film/film_format /m/07fb8_ +/m/06krf3 /film/film/genre /m/017fp +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/011yd2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06zpgb2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059rby +/m/01cwq9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01gkmx /film/actor/film./film/performance/film /m/01pvxl +/m/0gj9qxr /film/film/country /m/02jx1 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0dx_q +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/043t8t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d500h /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0grrq8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bxqz +/m/0kxbc /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/0cd2vh9 /film/film/story_by /m/07nznf +/m/01d5z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lkcc +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/02pptm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06rmdr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014gf8 /film/actor/film./film/performance/film /m/01rnly +/m/08y2fn /tv/tv_program/genre /m/01z77k +/m/0b_6q5 /time/event/locations /m/04gxf +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0347xl +/m/0bkq_8 /people/person/profession /m/02hrh1q +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f9z +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/0ffgh +/m/02lfcm /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/01kp_1t +/m/0f7h2g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02zs4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02754c9 /film/film/cinematography /m/09bxq9 +/m/09c7w0 /location/location/contains /m/0s9z_ +/m/015p37 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mdqp +/m/0m0jc /music/genre/artists /m/01w8n89 +/m/07rzf /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0js9s +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/01309x /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03bwzr4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0cs134 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pyg6 +/m/05_k56 /people/person/profession /m/02jknp +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050gkf +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/017d93 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pqy_ +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02g0rb /people/person/religion /m/0c8wxp +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/016gp5 +/m/09fb5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02fn5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03xh50 +/m/04328m /people/person/languages /m/03k50 +/m/02mxw0 /people/person/places_lived./people/place_lived/location /m/0498y +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05d1y /people/person/nationality /m/01nhhz +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z4b_8 +/m/03ydlnj /film/film/produced_by /m/0b13g7 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/025v3k /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ykg +/m/03hhd3 /film/actor/film./film/performance/film /m/0dcz8_ +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/0p_47 /film/actor/film./film/performance/film /m/03h3x5 +/m/0c6qh /people/person/profession /m/0d1pc +/m/0c3xw46 /film/film/genre /m/05p553 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01wx74 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/033tf_ /people/ethnicity/people /m/02cg2v +/m/065zr /location/location/contains /m/0xnt5 +/m/027y151 /people/person/nationality /m/09c7w0 +/m/0cnk2q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gtgp6 /people/person/profession /m/02y5kn +/m/0drs7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ggx5q /music/genre/artists /m/0837ql +/m/09r9m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/01yjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w3r +/m/08w7vj /film/actor/film./film/performance/film /m/09v8clw +/m/01lmj3q /people/person/profession /m/029bkp +/m/05zy2cy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05h43ls +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yzt_ +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01zfmm /film/director/film /m/013q07 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0glt670 /music/genre/artists /m/01wcp_g +/m/05bt6j /music/genre/artists /m/01kph_c +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07b_l /location/location/contains /m/0106dv +/m/05k7sb /location/location/contains /m/086xm +/m/07s93v /people/person/profession /m/01d_h8 +/m/0dl5d /music/genre/artists /m/07hgm +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ly1 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/01t7jy /organization/organization/place_founded /m/0y2dl +/m/01w724 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/037fqp +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/01tnbn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013cr +/m/0h0wc /film/actor/film./film/performance/film /m/03shpq +/m/0gh6j94 /film/film/genre /m/07s9rl0 +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/01vvycq +/m/0g9zcgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qxc7 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/040z9 /film/film/film_festivals /m/05f5rsr +/m/03_d0 /music/genre/artists /m/01wgcvn +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/02gpkt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01900g +/m/04jpl /location/location/contains /m/0m4yg +/m/02qcr /film/film/genre /m/01jfsb +/m/04w7rn /film/film/film_format /m/07fb8_ +/m/02pbp9 /people/person/profession /m/015cjr +/m/0bcndz /film/film/genre /m/07s9rl0 +/m/01crd5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d05w3 +/m/016j68 /people/person/nationality /m/02jx1 +/m/0tyww /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0knjh /people/person/profession /m/02hrh1q +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01q_y0 +/m/01trf3 /people/person/religion /m/0c8wxp +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/0kbws /olympics/olympic_games/participating_countries /m/01xbgx +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/051ys82 +/m/0168dy /film/actor/film./film/performance/film /m/017d93 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/032q8q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02gvwz +/m/03qncl3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/01_vfy /people/person/profession /m/0dxtg +/m/014g_s /film/actor/film./film/performance/film /m/026wlxw +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/04shbh /film/actor/film./film/performance/film /m/03r0g9 +/m/06s0l /location/country/official_language /m/02h40lc +/m/0cbv4g /film/film/country /m/09c7w0 +/m/036wy /location/location/time_zones /m/03bdv +/m/081l_ /people/person/gender /m/05zppz +/m/02pb53 /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02qggqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04pk1f +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0hn6d +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/06__m6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01jrz5j +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/064t9 /music/genre/parent_genre /m/06by7 +/m/063ykwt /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/080nwsb /film/film/genre /m/04t36 +/m/04hwbq /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy2y8r +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01j6t0 /medicine/symptom/symptom_of /m/01gkcc +/m/0jjy0 /film/film/country /m/09c7w0 +/m/07sbbz2 /music/genre/artists /m/01vtg4q +/m/05w3f /music/genre/artists /m/01nn6c +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0488g +/m/0pz91 /award/award_winner/awards_won./award/award_honor/award_winner /m/02r251z +/m/09blyk /media_common/netflix_genre/titles /m/02cbg0 +/m/0m27n /location/location/contains /m/0qpjt +/m/0232lm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kgg9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/044qx /film/actor/film./film/performance/film /m/05ypj5 +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bthb +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/0g72r /people/person/profession /m/05z96 +/m/01f85k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06449 /film/actor/film./film/performance/film /m/01hv3t +/m/01wk7b7 /people/person/profession /m/09jwl +/m/01swck /people/person/profession /m/01d_h8 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0136pk /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01xv77 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/091tgz +/m/03kts /people/person/place_of_birth /m/0f2tj +/m/047d21r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/02s529 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/02rb84n /film/film/written_by /m/01r216 +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/02_lt +/m/05zpghd /film/film/film_format /m/0cj16 +/m/02m92h /people/person/profession /m/01d_h8 +/m/0830vk /film/film/cinematography /m/0f3zf_ +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gfzfj /film/film/written_by /m/03jldb +/m/05nqz /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/073v6 /influence/influence_node/influenced_by /m/058vp +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hw29 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_9lg +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03np63f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rhqg /music/record_label/artist /m/01dw_f +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025mb_ +/m/015pkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/078jnn +/m/01nrgq /people/person/nationality /m/09c7w0 +/m/06cqb /music/genre/artists /m/02ht0ln +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/01w_d6 /organization/organization/headquarters./location/mailing_address/citytown /m/0135k2 +/m/0fphgb /film/film/genre /m/0lsxr +/m/0jdx /location/country/capital /m/07m_f +/m/0g9zljd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0716b6 /influence/influence_node/influenced_by /m/0fpzzp +/m/0dq626 /film/film/country /m/09c7w0 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03nt59 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/01vsqvs /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03k8th /film/film/produced_by /m/030_3z +/m/02lnbg /music/genre/artists /m/02vwckw +/m/0d66j2 /tv/tv_program/genre /m/01t_vv +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/030z4z +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/0bmssv /film/film/genre /m/01hmnh +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03r8gp /film/film_subject/films /m/0571m +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lhy +/m/06nnj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/016jny /music/genre/artists /m/0qf11 +/m/03cvfg /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/058s57 +/m/03qd_ /music/group_member/membership./music/group_membership/role /m/018vs +/m/0f5xn /film/actor/film./film/performance/film /m/025n07 +/m/02ntb8 /film/film/production_companies /m/086k8 +/m/0223xd /award/award_category/disciplines_or_subjects /m/03g3w +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0253b6 /people/person/gender /m/02zsn +/m/05tbn /location/location/contains /m/01g7_r +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0dw3l /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0345h /location/location/contains /m/06rf7 +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/075znj /organization/organization/place_founded /m/0kstw +/m/0479b /people/person/profession /m/09jwl +/m/028r4y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/081k8 /people/person/nationality /m/07ssc +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0fvly +/m/01yfp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j_06 /education/educational_institution/school_type /m/05pcjw +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pmw9 +/m/07r1h /film/actor/film./film/performance/film /m/02_nsc +/m/0jzc /language/human_language/countries_spoken_in /m/0161c +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/04r68 +/m/01r3w7 /education/educational_institution/school_type /m/01rs41 +/m/087vnr5 /film/film/country /m/09c7w0 +/m/03j24kf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/011k1h /music/record_label/artist /m/049qx +/m/030g9z /people/person/gender /m/05zppz +/m/074rg9 /film/film/language /m/02h40lc +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/097ns /people/cause_of_death/people /m/01tw31 +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01hnb +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/06k02 +/m/0bg4j_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03tbg6 /film/film/production_companies /m/086k8 +/m/06p03s /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/05qbbfb /film/film/film_format /m/0cj16 +/m/0f8l9c /media_common/netflix_genre/titles /m/04h4c9 +/m/0n1xp /location/location/time_zones /m/02hcv8 +/m/03qnc6q /film/film/featured_film_locations /m/07b_l +/m/02d9k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0qcr0 /people/cause_of_death/people /m/02nrdp +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0gg8l /music/genre/artists /m/01lvzbl +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07yk1xz +/m/06kkgw /people/person/profession /m/02krf9 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/09jcj6 /film/film/genre /m/06cvj +/m/01rthc /music/genre/artists /m/0qf3p +/m/0c4f4 /film/actor/film./film/performance/film /m/011yn5 +/m/0885n /education/educational_institution/colors /m/06fvc +/m/025sc50 /music/genre/artists /m/02z4b_8 +/m/0gvbw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pw2f1 /people/person/profession /m/02hrh1q +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr46y +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/02qjj7 /people/person/languages /m/02h40lc +/m/0bjkpt /people/person/profession /m/0dxtg +/m/06sks6 /olympics/olympic_games/participating_countries /m/0chghy +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/0b_ljy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bl2g /film/actor/film./film/performance/film /m/0n1s0 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0509bl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c6qh +/m/0k8z /business/business_operation/industry /m/019z7b +/m/05r5c /music/instrument/instrumentalists /m/016wvy +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q56mk +/m/0fjcgg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb87 +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/0z4s /film/actor/film./film/performance/film /m/07nxnw +/m/01s7z0 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/070ltt +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06msq2 +/m/06y611 /film/film/language /m/064_8sq +/m/01q2sk /education/educational_institution/colors /m/03wkwg +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0c7zf +/m/01jbx1 /people/person/gender /m/02zsn +/m/05r7t /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gx_p +/m/06by7 /music/genre/artists /m/026yqrr +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/05xpms +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/03t95n /film/film/genre /m/02kdv5l +/m/015fs3 /education/educational_institution/colors /m/09q2t +/m/05g7q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0d8qb /people/profession/specialization_of /m/0cbd2 +/m/01wv24 /education/educational_institution/colors /m/01g5v +/m/02w7gg /people/ethnicity/people /m/01sp81 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cjsxp +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04gb7 +/m/01p1v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/023v4_ /film/actor/film./film/performance/film /m/0c3xw46 +/m/02l840 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ctw_b +/m/07dnx /people/deceased_person/place_of_death /m/08966 +/m/09jd9 /people/deceased_person/place_of_death /m/095l0 +/m/025ljp /tv/tv_program/languages /m/02h40lc +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03qjg /music/instrument/instrumentalists /m/04mx7s +/m/0b_6s7 /time/event/locations /m/0d9jr +/m/03_gz8 /film/film/prequel /m/011yr9 +/m/01n951 /education/educational_institution/students_graduates./education/education/student /m/07hyk +/m/0444x /people/person/profession /m/0fj9f +/m/0kryqm /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/014v6f /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02j9z /location/location/contains /m/06sff +/m/03g9xj /tv/tv_program/genre /m/0fdjb +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jyb4 +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/0f60c /location/location/time_zones /m/02hcv8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdj_ +/m/07ftc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/06jntd /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/09z1lg +/m/0dc7hc /film/film/genre /m/0lsxr +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/0pj9t +/m/01304j /people/person/profession /m/09jwl +/m/016ywr /award/award_winner/awards_won./award/award_honor/award_winner /m/019pm_ +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vntj +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01bl7g +/m/0cj2k3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2t3 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ymff +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/01ycbq +/m/0352gk /education/educational_institution/colors /m/0jc_p +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/03bxpt0 +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nkxvx +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yk13 +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0cv0r /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03d9d6 +/m/0333t /film/film/country /m/07ssc +/m/07bxqz /film/film/film_production_design_by /m/02vxyl5 +/m/02vp1f_ /film/film/genre /m/03k9fj +/m/024y8p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/08xwck /people/person/profession /m/01d_h8 +/m/01vrx3g /music/group_member/membership./music/group_membership/group /m/02r1tx7 +/m/05r5c /music/instrument/instrumentalists /m/07zft +/m/01wwvd2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wwvc5 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/02wyzmv /film/film/genre /m/04dn71w +/m/017kct /film/film/genre /m/0vgkd +/m/02cpb7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cc63l /people/person/place_of_birth /m/02cb1j +/m/0f4yh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05b2f_k +/m/01vsn38 /people/person/profession /m/09jwl +/m/05cl2w /people/person/profession /m/02hrh1q +/m/05sdxx /award/award_winner/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/023vcd /film/film/production_companies /m/04rtpt +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/03lv4x +/m/02q5xsx /people/person/place_of_birth /m/030qb3t +/m/017kz7 /film/film/genre /m/01j1n2 +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vb6z +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/0dnkmq /film/film/featured_film_locations /m/03pzf +/m/015zyd /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04257b +/m/05qsxy /award/award_winner/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03m10r +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04x1_w +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0988cp /people/person/nationality /m/09c7w0 +/m/01tnbn /people/person/profession /m/0dxtg +/m/03ctv8m /people/person/profession /m/0dgd_ +/m/02dlfh /people/person/gender /m/05zppz +/m/0l3h /location/location/time_zones /m/042g7t +/m/03mh_tp /film/film/genre /m/04228s +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bcp9b +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/0d8w2n /film/film/genre /m/07s9rl0 +/m/03xmy1 /film/actor/film./film/performance/film /m/0q9sg +/m/02lk95 /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/01g6bk /people/person/religion /m/03_gx +/m/01hr1 /film/film/country /m/09c7w0 +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nr36 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/03zqc1 /people/person/spouse_s./people/marriage/spouse /m/023kzp +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/0jvt9 /film/film/production_companies /m/0g1rw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0hpv3 +/m/02fsn /music/instrument/instrumentalists /m/018gkb +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/05fcbk7 /film/film/genre /m/0hcr +/m/01yf85 /people/person/religion /m/0c8wxp +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/05f7snc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/09d3b7 /film/film/cinematography /m/06g60w +/m/015wfg /film/actor/film./film/performance/film /m/0hv1t +/m/01cf5 /education/educational_institution/campuses /m/01cf5 +/m/04mrgz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09r4xx /education/educational_institution/students_graduates./education/education/student /m/02ndbd +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0p7qm /film/film/produced_by /m/0hsmh +/m/03rhqg /music/record_label/artist /m/03c3yf +/m/0n5gq /location/location/contains /m/0xms9 +/m/029ghl /people/person/gender /m/02zsn +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/02ryyk /sports/sports_team/sport /m/02vx4 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxwtd +/m/04wf_b /people/person/profession /m/01d_h8 +/m/034qmv /film/film/genre /m/04t2t +/m/0j3v /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/066m4g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/025b5y +/m/0l3h /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0n6mc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2mg +/m/0bv7t /people/person/place_of_birth /m/0yzyn +/m/04rg6 /people/person/profession /m/02jknp +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/082brv /music/group_member/membership./music/group_membership/role /m/02k84w +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03bx_5q /people/person/profession /m/03gjzk +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07swvb +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/05wp1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01qdmh /film/film/country /m/03_3d +/m/01r97z /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bs8d +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/024lff +/m/02q56mk /film/film/country /m/07ssc +/m/05bnq3j /award/award_winner/awards_won./award/award_honor/award_winner /m/02xs0q +/m/0241y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0686zv /award/award_winner/awards_won./award/award_honor/award_winner /m/048s0r +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/07ssc /media_common/netflix_genre/titles /m/02wk7b +/m/01sxq9 /people/person/nationality /m/09c7w0 +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02n9jv +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/04g51 /education/field_of_study/students_majoring./education/education/student /m/01yk13 +/m/04gv3db /film/film/country /m/09c7w0 +/m/01gp_x /people/person/profession /m/03gjzk +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/08720 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09yrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0crd8q6 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0m77m +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0p_47 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/03lty /music/genre/artists /m/0560w +/m/02__ww /people/person/nationality /m/09c7w0 +/m/03tn80 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076lxv +/m/0ddfph /people/person/gender /m/02zsn +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03ldxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/03c7ln /people/person/gender /m/05zppz +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03tc5p +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02wwwv5 /people/person/profession /m/0nbcg +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/099p5 /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/01vrz41 +/m/01bj6y /people/person/places_lived./people/place_lived/location /m/0rv97 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wtc +/m/026gyn_ /film/film/genre /m/04xvlr +/m/03y_46 /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/06t2t2 /film/film/genre /m/01j1n2 +/m/0m93 /people/person/religion /m/06pq6 +/m/0521rl1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfcm +/m/0948xk /people/person/profession /m/039v1 +/m/012gx2 /people/person/place_of_birth /m/0_24q +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0gj8t_b /film/film/language /m/02h40lc +/m/0cmf0m0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01q32bd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/012gx2 /people/person/nationality /m/09c7w0 +/m/021pqy /film/film/genre /m/07s9rl0 +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/041c4 +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/06fc0b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bpg3 +/m/0170qf /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vw20h +/m/0nk72 /influence/influence_node/influenced_by /m/037jz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0415svh /people/person/place_of_birth /m/030qb3t +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_kd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0136g9 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02q1tc5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/0d07s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/05typm /film/actor/film./film/performance/film /m/0n6ds +/m/01fmys /film/film/country /m/09c7w0 +/m/05vk_d /people/person/nationality /m/09c7w0 +/m/024t0y /people/person/nationality /m/09c7w0 +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lx2l +/m/03kpvp /film/actor/film./film/performance/film /m/01kf3_9 +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03j24kf +/m/048htn /film/film/language /m/02h40lc +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/08chdb +/m/01nkxvx /people/person/place_of_birth /m/0kpys +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zfmm +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/04rqd /broadcast/content/artist /m/07r1_ +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/0n2vl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myn8 +/m/01vwllw /film/actor/film./film/performance/film /m/03tbg6 +/m/02t_h3 /film/film/executive_produced_by /m/0b13g7 +/m/023tp8 /film/actor/film./film/performance/film /m/03z20c +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zn4y +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/05cgv /location/location/contains /m/0lnfy +/m/01rthc /music/genre/artists /m/070b4 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/04tnqn +/m/044lyq /film/actor/film./film/performance/film /m/059rc +/m/02jr26 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/089kpp /people/person/place_of_birth /m/04lc0h +/m/025s1wg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0432mrk /people/ethnicity/people /m/04n2vgk +/m/02bg8v /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/017khj +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/04lqvly /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/026s90 /music/record_label/artist /m/06m61 +/m/09v6gc9 /people/person/profession /m/02krf9 +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/069nzr /film/actor/film./film/performance/film /m/0bwfwpj +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04lqvlr +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/049xgc /film/film/produced_by /m/02pq9yv +/m/0bzm81 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pqgt8 +/m/01qqtr /film/actor/film./film/performance/film /m/0h7t36 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09px1w +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wg38 +/m/01nz1q6 /people/person/profession /m/02hrh1q +/m/01jvxb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02f77y /award/award_category/winners./award/award_honor/award_winner /m/01w61th +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02jmst +/m/09pl3s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01rf57 +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/03cws8h /people/person/gender /m/05zppz +/m/0bq6ntw /film/film/produced_by /m/025n3p +/m/05zy2cy /film/film/story_by /m/0884hk +/m/02lgfh /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/03818y /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03fmw_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/0pz7h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02xtxw +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020h2v +/m/017fp /media_common/netflix_genre/titles /m/08nhfc1 +/m/01nrz4 /people/person/profession /m/039v1 +/m/0h0jz /film/actor/film./film/performance/film /m/026gyn_ +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0by1wkq +/m/0296y /music/genre/artists /m/01wt4wc +/m/02w5q6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c5bz +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0m2hs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01hrqc /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/0283d /music/genre/parent_genre /m/03_d0 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047yc +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/01k_mc /people/person/gender /m/05zppz +/m/03kbb8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0rd6b +/m/033qdy /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02w7gg /people/ethnicity/people /m/0c_gcr +/m/024jwt /film/actor/film./film/performance/film /m/03mh_tp +/m/06yykb /film/film/executive_produced_by /m/079vf +/m/01k9cc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01g_k3 /location/location/time_zones /m/02llzg +/m/02__ww /film/actor/film./film/performance/film /m/0ds33 +/m/019z7q /influence/influence_node/influenced_by /m/02kz_ +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/03fg0r /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/01j6mff /people/person/religion /m/01lp8 +/m/02qydsh /film/film/genre /m/0bxg3 +/m/0lgxj /olympics/olympic_games/sports /m/0bynt +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01r7t9 +/m/06fqlk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/04glx0 +/m/0gkz3nz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ld6x +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/05r5c /music/instrument/instrumentalists /m/016szr +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0fxrk /location/administrative_division/country /m/03_3d +/m/01pcvn /people/person/spouse_s./people/marriage/spouse /m/0jfx1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0vzm +/m/06x43v /film/film/prequel /m/02_sr1 +/m/09c7w0 /location/country/second_level_divisions /m/0l2yf +/m/09c7w0 /location/country/second_level_divisions /m/0mxhc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08r98b +/m/0prrm /film/film/executive_produced_by /m/06q8hf +/m/08mg_b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02fcs2 +/m/033hn8 /music/record_label/artist /m/01q99h +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/02l_7y /people/person/profession /m/039v1 +/m/0rd6b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/032t2z /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0c3ybss /film/film/genre /m/03npn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0404yzp +/m/0r62v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kz2w /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/02sgy +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/092ys_y +/m/0hv8w /film/film/language /m/02h40lc +/m/03sxd2 /film/film/written_by /m/02lfcm +/m/02wk7b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/016vqk /people/person/profession /m/09jwl +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0l14md /music/instrument/instrumentalists /m/017f4y +/m/01q415 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05hjnw +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/02gqm3 /film/film/country /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0qjd +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/026wmz6 /organization/organization/place_founded /m/04jpl +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/015q1n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025sc50 /music/genre/artists /m/0x3n +/m/0r0ls /location/hud_county_place/place /m/0r0ls +/m/0kjgl /people/person/places_lived./people/place_lived/location /m/02_286 +/m/066dv /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01wmxfs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bdxl +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/019c57 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/033jj1 /people/person/profession /m/02hrh1q +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/015t56 /film/actor/film./film/performance/film /m/0kvgxk +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/047q2wc /people/person/gender /m/05zppz +/m/02g0rb /people/person/spouse_s./people/marriage/location_of_ceremony /m/04jpl +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/06mfvc /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/094xh /music/artist/origin /m/0d35y +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0ft5vs /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/09b3v /media_common/netflix_genre/titles /m/04g73n +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0191h5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06g2d1 +/m/03fhjz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01trhmt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcrw +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0286gm1 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/01g4zr /people/person/profession /m/02hrh1q +/m/011ydl /film/film/genre /m/03k9fj +/m/0gmcwlb /film/film/language /m/02h40lc +/m/08x5c_ /film/actor/film./film/performance/film /m/0d99k_ +/m/0l14md /music/instrument/instrumentalists /m/02ht0ln +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0d1qmz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/0dc95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04hk0w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0284gcb /people/person/profession /m/03gjzk +/m/028qdb /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/0jt3tjf /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/02_kd /film/film/genre /m/0clz1b +/m/072x7s /film/film/language /m/064_8sq +/m/02j9z /location/location/contains /m/06cmp +/m/01r97z /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05r79 +/m/0hfjk /media_common/netflix_genre/titles /m/04z4j2 +/m/06xj93 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03jj93 /people/person/places_lived./people/place_lived/location /m/01hvzr +/m/09sdmz /award/award_category/winners./award/award_honor/award_winner /m/01kwsg +/m/041mt /influence/influence_node/influenced_by /m/058vp +/m/01fwzk /film/film/genre /m/02m4t +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0kw4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/02ch1w /film/actor/film./film/performance/film /m/0291hr +/m/0gh6j94 /film/film/genre /m/05p553 +/m/05f5sr9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03mb9 /music/genre/artists /m/03fbc +/m/0j8hd /medicine/disease/notable_people_with_this_condition /m/049qx +/m/0dtzkt /film/film/executive_produced_by /m/0c1pj +/m/0l14_3 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02hnl /music/instrument/instrumentalists /m/01vvycq +/m/0bsnm /education/educational_institution/school_type /m/05jxkf +/m/0g54xkt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01kkjq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0lx2l /film/actor/film./film/performance/film /m/05567m +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0g701n +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/09fqtq +/m/04p5cr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02wcx8c +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/02vqhv0 /film/film/genre /m/0hcr +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0jdk_ /olympics/olympic_games/sports /m/03hr1p +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/027rpym /film/film/story_by /m/05pq9 +/m/013qvn /people/person/profession /m/09jwl +/m/04vq3h /people/person/nationality /m/09c7w0 +/m/02dwj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047tsx3 /film/film/country /m/09c7w0 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/041p3y /music/record_label/artist /m/01vn35l +/m/06dfz1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05myd2 +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vh18t +/m/0178_w /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/041rx /people/ethnicity/people /m/013cr +/m/04cf_l /film/film/genre /m/05p553 +/m/03qx63 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3ns +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04sry +/m/03hnd /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/04n2vgk /music/artist/origin /m/01sn3 +/m/01gpy4 /location/administrative_division/country /m/0h7x +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0n5dt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5d1 +/m/01xqw /music/instrument/instrumentalists /m/0473q +/m/044zvm /people/person/spouse_s./people/marriage/spouse /m/0bxtg +/m/082xp /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/0bhvtc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/01m1dzc /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0bqxw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04954 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04j689 +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/09x3r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0126rp /film/actor/film./film/performance/film /m/0407yj_ +/m/0bwh6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw6t +/m/01vhb0 /film/actor/film./film/performance/film /m/0n1s0 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gl1 +/m/041c4 /film/actor/film./film/performance/film /m/014kq6 +/m/0qkcb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nn79 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04gb7 /film/film_subject/films /m/01q7h2 +/m/05g3ss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tcgh +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/018009 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h_9lg +/m/0161c2 /people/person/profession /m/09jwl +/m/02vqhv0 /film/film/featured_film_locations /m/04jpl +/m/0dzf_ /people/person/gender /m/05zppz +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07c72 +/m/01w5gg6 /music/group_member/membership./music/group_membership/group /m/07h76 +/m/06xbsn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0160w /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/05kfs /film/director/film /m/01gglm +/m/0g768 /music/record_label/artist /m/01wg25j +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/027km64 /people/person/profession /m/02hrh1q +/m/07_m9_ /base/eating/practicer_of_diet/diet /m/07_jd +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/09c7w0 /location/country/second_level_divisions /m/0kq39 +/m/06vdh8 /people/person/profession /m/0dgd_ +/m/03x33n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09ps01 /film/film/genre /m/02n4kr +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/05bt6j /music/genre/artists /m/03kwtb +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/015lhm /people/person/profession /m/02hrh1q +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/02c7k4 /film/film/genre /m/01hmnh +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03wbzp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0180mw +/m/045m1_ /organization/organization_founder/organizations_founded /m/02vxy_ +/m/01b9z4 /film/actor/film./film/performance/film /m/025rvx0 +/m/01j6mff /people/person/profession /m/0dz3r +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/02mc5v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012vd6 +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/05148p4 /music/instrument/instrumentalists /m/0kvjrw +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ns3gy +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/08hmch /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02q5g1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09c7w0 /location/location/contains /m/0p7vt +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/011k1h /music/record_label/artist /m/0134s5 +/m/0g39h /location/location/contains /m/0g4g7 +/m/039n1 /influence/influence_node/influenced_by /m/0tfc +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01n4f8 +/m/01jfrg /people/person/places_lived./people/place_lived/location /m/081mh +/m/015vq_ /film/actor/film./film/performance/film /m/020y73 +/m/0ccxx6 /music/genre/parent_genre /m/0mmp3 +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01pj7 /location/country/form_of_government /m/018wl5 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/025jj7 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/0285xqh /people/person/places_lived./people/place_lived/location /m/01j922 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/064t9 /music/genre/artists /m/01wcp_g +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02ln0f +/m/0320jz /film/actor/film./film/performance/film /m/0f2sx4 +/m/02wk4d /people/person/profession /m/02hrh1q +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01j5x6 /people/person/place_of_birth /m/049kw +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/0h0jz /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/04rzd /music/instrument/instrumentalists /m/01bpc9 +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/040_t /people/person/gender /m/05zppz +/m/01jrbv /film/film/music /m/077rj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bb47 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/041jlr /people/person/nationality /m/0345h +/m/01kstn9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9zc +/m/024cg8 /education/educational_institution/campuses /m/024cg8 +/m/01fyzy /people/person/profession /m/02jknp +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/0ktx_ /film/film/film_art_direction_by /m/0520r2x +/m/0kcdl /tv/tv_network/programs./tv/tv_network_duration/program /m/05b6s5j +/m/04j53 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05ch98 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0296rz /film/film/genre /m/02qfv5d +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/01w4dy /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/06npd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/04h4c9 /film/film/genre /m/082gq +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/01llxp /people/person/gender /m/05zppz +/m/01nczg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01ztgm +/m/0brkwj /people/person/profession /m/0dxtg +/m/01nhkxp /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/046mxj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07c52 /media_common/netflix_genre/titles /m/0d7vtk +/m/0y3_8 /music/genre/artists /m/06k02 +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020fcn +/m/016cjb /music/genre/artists /m/016z1t +/m/05r5c /music/instrument/instrumentalists /m/012vd6 +/m/040nwr /people/person/languages /m/02hxcvy +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/019g65 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044f7 +/m/02q5xsx /people/person/profession /m/03gjzk +/m/0p_rk /film/film/genre /m/01hmnh +/m/05zx7xk /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/0cz_ym /film/film/written_by /m/07s93v +/m/0l9k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05qd_ +/m/04w4s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06c1y +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/01tdnyh +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04p5cr +/m/0178_w /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/02z3r8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02q7yfq +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gyy0 +/m/02bjhv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03kdl /people/person/nationality /m/09c7w0 +/m/02sg5v /film/film/genre /m/01jfsb +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1q9 +/m/02w7gg /people/ethnicity/people /m/01w8sf +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/03d1y3 /people/person/profession /m/02jknp +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01vnt4 +/m/02jx1 /location/country/second_level_divisions /m/03lrc +/m/06sw9 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/02x8m /music/genre/artists /m/020_4z +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/083skw +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04t38b +/m/09c7w0 /location/location/contains /m/035gt8 +/m/0m0jc /music/genre/artists /m/01p0w_ +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/02ntlj /music/genre/artists /m/01x66d +/m/04pz5c /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016vn3 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04hgpt +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08h79x /people/person/spouse_s./people/marriage/spouse /m/016bx2 +/m/01fwj8 /film/actor/film./film/performance/film /m/05sxr_ +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0300cp /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fwj8 /film/actor/film./film/performance/film /m/050f0s +/m/02klny /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05b_gq +/m/0p17j /people/person/gender /m/02zsn +/m/0pksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/056rgc +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/03yvf2 +/m/01z4y /media_common/netflix_genre/titles /m/02_1sj +/m/0863x_ /film/actor/film./film/performance/film /m/03hj5lq +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/06hhrs /film/actor/film./film/performance/film /m/04b_jc +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/01th4s /music/record_label/artist /m/05qhnq +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05b4w +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0g5lhl7 +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/05zbm4 /film/actor/film./film/performance/film /m/03ckwzc +/m/09n5t_ /music/genre/artists /m/07m4c +/m/03f7xg /film/film/written_by /m/026fd +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06msq +/m/02w9k1c /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/032wdd /people/person/profession /m/02hrh1q +/m/036qs_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/09m6kg /film/film/genre /m/0jtdp +/m/04jr87 /education/educational_institution/students_graduates./education/education/student /m/033rq +/m/0dlglj /people/person/place_of_birth /m/030qb3t +/m/06yrj6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gldyz +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb5d +/m/06gb2q /people/person/gender /m/05zppz +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/050fh +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/046488 /film/film/country /m/03rjj +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/021bk /people/person/languages /m/02h40lc +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/017gxw /film/actor/film./film/performance/film /m/09p7fh +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018y2s +/m/01vsy7t /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/086qd /people/person/profession /m/0n1h +/m/01l2m3 /people/cause_of_death/people /m/05728w1 +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cbm64 +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01vsgrn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0168dy +/m/0bl06 /film/film/genre /m/03k9fj +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wwwv5 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/050f0s /film/film/genre /m/06nbt +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/01_lhg +/m/0f8l9c /location/country/second_level_divisions /m/0l178 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0hr41p6 +/m/081yw /location/location/contains /m/0d9jr +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040981l +/m/01hjy5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02s8qk /organization/organization/headquarters./location/mailing_address/citytown /m/068p2 +/m/01t2h2 /people/person/nationality /m/0d05w3 +/m/03xmy1 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/01p87y /people/person/profession /m/02krf9 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/079kdz +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy30w +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044mrh +/m/05jyb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02t_zq +/m/023kzp /people/person/profession /m/02hrh1q +/m/04jwly /film/film/film_format /m/0cj16 +/m/0bsjcw /award/award_category/winners./award/award_honor/award_winner /m/031sg0 +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0jnh /time/event/locations /m/035hm +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06823p +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/03l3jy +/m/0x67 /people/ethnicity/people /m/01nd6v +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0f0kz +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/02qkt /location/location/contains /m/09pmkv +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/059j2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/016gkf /people/person/nationality /m/02jx1 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/04ynx7 /film/film/production_companies /m/04rtpt +/m/0kbws /olympics/olympic_games/sports /m/01hp22 +/m/049fgvm /people/person/religion /m/0c8wxp +/m/01x73 /location/location/contains /m/0m2gz +/m/0ggq0m /music/genre/artists /m/043d4 +/m/01pj_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01nm8w /education/educational_institution/school_type /m/05jxkf +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/01wv9p /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/013q07 /film/film/production_companies /m/024rgt +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02pv_d /people/person/place_of_birth /m/0chrx +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/0177gl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0178_w +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/024zq /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/06fqlk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015pnb /tv/tv_program/genre /m/05p553 +/m/0xhtw /music/genre/artists /m/017mbb +/m/067ghz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01f7gh +/m/07s3vqk /people/person/gender /m/05zppz +/m/0pd6l /film/film/language /m/02h40lc +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/06s7rd /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07c52 /media_common/netflix_genre/titles /m/06dfz1 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0l6mp /olympics/olympic_games/sports /m/02y8z +/m/07s9rl0 /media_common/netflix_genre/titles /m/06krf3 +/m/01gc7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c1pj +/m/013_vh /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/039c26 +/m/064t9 /music/genre/artists /m/0840vq +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wvxw1 +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/01n4w /location/location/contains /m/0p0fc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/01gkmx /people/person/place_of_birth /m/0psxp +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/02p21g /people/person/profession /m/0dxtg +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/01vsy7t /people/person/profession /m/025352 +/m/0h1mt /people/person/places_lived./people/place_lived/location /m/013yq +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/013y1f /music/instrument/instrumentalists /m/0135xb +/m/0bbgvp /film/film/genre /m/02kdv5l +/m/0292qb /film/film/produced_by /m/08d9z7 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0135g /location/hud_county_place/place /m/0135g +/m/02vyw /film/director/film /m/0y_yw +/m/01x2_q /people/person/nationality /m/0345h +/m/07s9rl0 /media_common/netflix_genre/titles /m/01flv_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02jkkv +/m/026dcvf /people/person/profession /m/0dxtg +/m/0dq9p /people/cause_of_death/people /m/03jm6c +/m/01rhl /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/01vdrw +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv2t +/m/04xvlr /media_common/netflix_genre/titles /m/02jxrw +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0blq0z +/m/02r38 /people/person/nationality /m/02jx1 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/06c97 /people/person/profession /m/0fj9f +/m/06rf7 /base/aareas/schema/administrative_area/capital /m/0g7pm +/m/04h6m /music/genre/artists /m/01wbl_r +/m/07hbxm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/0bx_q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bbf1f +/m/01txts /music/record_label/artist /m/018x3 +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06s_2 +/m/082xp /people/person/profession /m/0d8qb +/m/034rd9 /people/person/profession /m/0np9r +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0htcn /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07t58 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0249kn +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/03w4sh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/01z9_x /people/person/gender /m/05zppz +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/082wbh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0k4fz /film/film/film_art_direction_by /m/071jv5 +/m/01vtmw6 /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/06j6l /music/genre/artists /m/02pt7h_ +/m/0h1q6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gt14 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07d3z7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/058ncz +/m/01hp5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0glyyw /people/person/gender /m/05zppz +/m/032nl2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1zw +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/06srk /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/058dm9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0cwt70 /base/culturalevent/event/entity_involved /m/01h3dj +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/07_nf /base/culturalevent/event/entity_involved /m/05b7q +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01f08r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03shp +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04g3p5 +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/095z4q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/050fh +/m/0235l /location/us_county/county_seat /m/0235l +/m/0fhxv /people/person/nationality /m/0hzlz +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/03qcq /influence/influence_node/influenced_by /m/0h25 +/m/011xy1 /education/educational_institution/campuses /m/011xy1 +/m/07g2b /people/person/profession /m/0cbd2 +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/033nzk +/m/02l424 /education/educational_institution/colors /m/083jv +/m/05vz3zq /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/091z_p /film/film/written_by /m/063b4k +/m/0272kv /people/person/gender /m/05zppz +/m/026rm_y /people/person/place_of_birth /m/0fhp9 +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/03wnh +/m/0prfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sg5v /film/film/production_companies /m/0g1rw +/m/0b6yp2 /people/person/nationality /m/09c7w0 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025vwmy +/m/0641g8 /people/person/nationality /m/09c7w0 +/m/09nwwf /music/genre/artists /m/013w8y +/m/0828jw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bvzp /people/person/profession /m/01c8w0 +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02rq7nd /award/award_winning_work/awards_won./award/award_honor/award /m/0fqpg6b +/m/01p47r /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01w9ph_ /influence/influence_node/influenced_by /m/01rgr +/m/01c58j /people/person/profession /m/0dxtg +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxbwx +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06vbd +/m/07bsj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01sbhvd +/m/0244r8 /people/person/profession /m/09jwl +/m/011ypx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/0qcr0 /people/cause_of_death/people /m/04f9r2 +/m/09blyk /media_common/netflix_genre/titles /m/08c4yn +/m/0c_j9x /film/film/genre /m/02n4kr +/m/01hmnh /media_common/netflix_genre/titles /m/0gs973 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/09q23x /film/film/music /m/02jxmr +/m/04t7ts /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/08lg0g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07s8qm7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05nzw6 /people/person/place_of_birth /m/0f2w0 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/028k57 /film/actor/film./film/performance/film /m/014bpd +/m/07d3z7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09kn9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02xcb6n /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/01p45_v /people/person/gender /m/05zppz +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/01vqc7 /sports/sports_team/sport /m/02vx4 +/m/0flw6 /people/person/nationality /m/09c7w0 +/m/02yv6b /music/genre/artists /m/01mwsnc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/056zf9 +/m/01tspc6 /film/actor/film./film/performance/film /m/0dl6fv +/m/03bmmc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05k7sb /location/location/contains /m/01wqg8 +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/015gm8 /film/film/cinematography /m/06kkgw +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0q9kd +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0336mc +/m/051ysmf /people/deceased_person/place_of_death /m/0r62v +/m/08qmfm /people/person/profession /m/0dxtg +/m/0cnztc4 /film/film/genre /m/03mqtr +/m/0dck27 /people/person/gender /m/02zsn +/m/01pp3p /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f04c +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0jrqq /people/person/gender /m/05zppz +/m/0ffgh /people/person/profession /m/09jwl +/m/02g3mn /film/actor/film./film/performance/film /m/07tw_b +/m/016jny /music/genre/artists /m/0p76z +/m/03yf3z /award/award_winner/awards_won./award/award_honor/award_winner /m/036px +/m/0cd2vh9 /film/film/language /m/06b_j +/m/09gb_4p /film/film/genre /m/07s9rl0 +/m/04511f /people/person/gender /m/05zppz +/m/0148xv /people/cause_of_death/people /m/0cbgl +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/0f4vbz +/m/02r1c18 /film/film/executive_produced_by /m/02q42j_ +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/02hsgn +/m/0c3kw /people/person/nationality /m/09c7w0 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/03_6y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0336mc +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/01h5f8 /people/person/profession /m/02hrh1q +/m/06cqb /music/genre/artists /m/02pt7h_ +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0ly8z /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/026hh0m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/09px1w +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0hhggmy /film/film/production_companies /m/02slt7 +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06q6jz /music/genre/artists /m/0hqgp +/m/02ply6j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j367r +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05nwr /location/administrative_division/first_level_division_of /m/06q1r +/m/02656h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qzh2 /film/film/country /m/09c7w0 +/m/03qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pdp8 +/m/02_hj4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019m5j +/m/03f7nt /film/film/production_companies /m/01gb54 +/m/026c1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016vg8 +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/01fyzy +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012s1d +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/021wpb /people/person/profession /m/021wpb +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/016fyc /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01dc0c +/m/04x4gw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cw67g +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/02kxjx /base/culturalevent/event/entity_involved /m/028rk +/m/01nm8w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01slcv +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02w_l9 /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/0c34mt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09snz /location/hud_county_place/county /m/0mlw1 +/m/0784z /base/culturalevent/event/entity_involved /m/03spz +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04jvt /people/person/nationality /m/06bnz +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/06fqlk /film/film/genre /m/02kdv5l +/m/03wjm2 /film/film/written_by /m/0282x +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01309x +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/015_1q /music/record_label/artist /m/01q99h +/m/027f7dj /award/award_winner/awards_won./award/award_honor/award_winner /m/0h1nt +/m/0207wx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/02sfnv /film/film/genre /m/02kdv5l +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/03ksy +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/09xp_ /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/0cf_n /location/hud_county_place/place /m/0cf_n +/m/0f_y9 /people/person/nationality /m/09c7w0 +/m/01wgcvn /people/person/profession /m/09jwl +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02ccqg +/m/0bg539 /music/group_member/membership./music/group_membership/role /m/0dwr4 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04xvlr /media_common/netflix_genre/titles /m/04z4j2 +/m/011yrp /film/film/country /m/03rjj +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kj5h +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gkmx +/m/010p3 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01b9ck +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/03fvqg /film/actor/film./film/performance/film /m/0k419 +/m/01yfm8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0f63n /location/location/time_zones /m/02hcv8 +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/08664q +/m/02yy8 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/048scx +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03tps5 +/m/08g5q7 /people/cause_of_death/people /m/04rfq +/m/064t9 /music/genre/artists /m/03fbc +/m/04y9dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/05n6sq /film/film/genre /m/04xvlr +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/0dvmd +/m/04g61 /location/country/form_of_government /m/01fpfn +/m/02y8bn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jnmj +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01xcqc +/m/02h6_6p /location/location/contains /m/01z3bz +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_47 +/m/03_05 /business/business_operation/industry /m/020mfr +/m/07nnp_ /film/film/featured_film_locations /m/030qb3t +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d8vw +/m/0xhtw /music/genre/artists /m/01wv9xn +/m/02z3r8t /film/film/language /m/02h40lc +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/05drr9 /people/person/profession /m/02hrh1q +/m/0432mrk /people/ethnicity/geographic_distribution /m/06n3y +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hw5kk +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwmp +/m/0b7xl8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/033pf1 /film/film/music /m/02cyfz +/m/04kkz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07fq1y /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/0lbbj /olympics/olympic_games/sports /m/0crlz +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/02nfjp /people/person/profession /m/01c72t +/m/05pt0l /film/film/production_companies /m/03xsby +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02f_k_ +/m/02704ff /film/film/genre /m/07s9rl0 +/m/0y54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/01vw20h /people/person/places_lived./people/place_lived/location /m/0fvxz +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/03f7xg /film/film/genre /m/03npn +/m/02t_w8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01zfzb +/m/0336mc /people/person/places_lived./people/place_lived/location /m/013_gg +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/0f4vbz /award/award_winner/awards_won./award/award_honor/award_winner /m/01wz01 +/m/02279c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05njw /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03c_cxn /film/film/language /m/02h40lc +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170qf +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/048htn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ywrc /film/film/genre /m/06l3bl +/m/01tnxc /film/actor/film./film/performance/film /m/04ddm4 +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0cd2vh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gr7w +/m/0bw6y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cgbf +/m/02897w /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kj_ +/m/048lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0157m +/m/047wh1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/029d_ /education/educational_institution/school_type /m/01rs41 +/m/03_3d /location/location/contains /m/0g3cw +/m/016s_5 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0152cw /people/person/gender /m/02zsn +/m/04tgp /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/01tx9m /education/educational_institution/school_type /m/01rs41 +/m/02_p5w /people/person/place_of_birth /m/013jz2 +/m/04v048 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01vsykc /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvlyt +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0g4pl7z /film/film/language /m/02h40lc +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02bkdn /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0466s8n +/m/01v3bn /people/person/spouse_s./people/marriage/location_of_ceremony /m/071vr +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/02v_r7d /film/film/country /m/0345h +/m/01l47f5 /people/person/profession /m/09jwl +/m/03twd6 /film/film/language /m/02bjrlw +/m/0q9kd /film/actor/film./film/performance/film /m/04180vy +/m/02lp0w /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0g8st4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/07c5l /location/location/contains /m/0165b +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award /m/02flq1 +/m/0785v8 /people/person/places_lived./people/place_lived/location /m/0vzm +/m/019z7q /people/person/nationality /m/09c7w0 +/m/0180mw /tv/tv_program/languages /m/02h40lc +/m/02d42t /people/person/profession /m/02hrh1q +/m/0kbws /olympics/olympic_games/participating_countries /m/01p1v +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07k51gd +/m/01wn718 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06pr6 /base/biblioness/bibs_location/country /m/06bnz +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026r8q +/m/015qh /location/country/official_language /m/01bkv +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/022jr5 +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gpprt +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03z20c +/m/0296rz /film/film/genre /m/03mqtr +/m/01qcz7 /location/location/contains /m/04qdj +/m/02hqt6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/04jzj /people/person/profession /m/04s2z +/m/0qmfz /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0mndw +/m/0bshwmp /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0crd8q6 +/m/03f1r6t /people/person/places_lived./people/place_lived/location /m/01531 +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/030b93 +/m/034hwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/018fq /people/person/profession /m/0cbd2 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/048tv9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gs1_ /film/director/film /m/0qm98 +/m/01r5xw /sports/sports_team/colors /m/083jv +/m/01t04r /music/record_label/artist /m/01czx +/m/0gyv0b4 /film/film/executive_produced_by /m/06q8hf +/m/07s9rl0 /media_common/netflix_genre/titles /m/08fn5b +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/06rkfs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0hfjk /media_common/netflix_genre/titles /m/0jvt9 +/m/05t54s /film/film/genre /m/0lsxr +/m/02d4ct /film/actor/film./film/performance/film /m/0c3xw46 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01pj48 /education/educational_institution/students_graduates./education/education/student /m/089kpp +/m/01j4ls /people/person/nationality /m/09c7w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/073bb +/m/05hjnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/01k47c /people/person/nationality /m/02jx1 +/m/0hjy /location/location/time_zones /m/02lcrv +/m/0blg2 /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/046rfv /people/person/languages /m/07c9s +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04sj3 +/m/01h910 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02whj /music/group_member/membership./music/group_membership/group /m/05563d +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06msq2 +/m/01mmslz /film/actor/film./film/performance/film /m/01633c +/m/08t9df /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/02wrrm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/02yr1q /education/educational_institution_campus/educational_institution /m/02yr1q +/m/0dwr4 /music/instrument/instrumentalists /m/0pj9t +/m/03fqv5 /people/person/gender /m/05zppz +/m/01ynzf /people/person/profession /m/0kyk +/m/06mr6 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/0lrh /influence/influence_node/peers./influence/peer_relationship/peers /m/08433 +/m/05k2xy /film/film/music /m/02jxmr +/m/06y9bd /people/person/profession /m/02krf9 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0320jz /film/actor/film./film/performance/film /m/0fphf3v +/m/01dhpj /people/person/places_lived./people/place_lived/location /m/0156q +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/04q_g /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/059rby /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01wd02c /people/person/place_of_birth /m/01l63 +/m/0134w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0b73_1d /film/film/cinematography /m/04qvl7 +/m/01jllg1 /people/person/gender /m/05zppz +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0bt4g +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01vvzb1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09dv8h /film/film/genre /m/07s9rl0 +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bjrlw +/m/03_bcg /people/person/place_of_birth /m/01_d4 +/m/09889g /influence/influence_node/influenced_by /m/081nh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0nbfm +/m/02xp18 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/06by7 /music/genre/artists /m/01vvycq +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/05f7s1 +/m/09949m /sports/sports_team_location/teams /m/06zpgb2 +/m/01k1k4 /film/film/music /m/01r4hry +/m/049d_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9b0 +/m/0r62v /location/location/time_zones /m/02lcqs +/m/02l7c8 /media_common/netflix_genre/titles /m/03bzjpm +/m/06chvn /people/person/profession /m/02hrh1q +/m/01y9xg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/03txms /government/politician/government_positions_held./government/government_position_held/basic_title /m/01q24l +/m/06c1y /location/country/form_of_government /m/01fpfn +/m/0dvld /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dvmd +/m/0bqdvt /people/person/nationality /m/09c7w0 +/m/01n7q /location/location/contains /m/0l2xl +/m/04n_g /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/03j755 /sports/sports_team/sport /m/02vx4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/046n4q +/m/022wxh /people/person/gender /m/05zppz +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0298n7 +/m/02l6dy /people/person/profession /m/0d1pc +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f4xvm +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/05f8c2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07vyf +/m/0127m7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01br2w /film/film/genre /m/04xvlr +/m/01qdhx /organization/organization/headquarters./location/mailing_address/citytown /m/05jbn +/m/0b25vg /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0dgst_d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04wlz2 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01tbp +/m/0fb0v /music/record_label/artist /m/01vvyvk +/m/02_j7t /people/person/profession /m/0dxtg +/m/0227vl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01pgzn_ +/m/01wyy_ /people/person/place_of_birth /m/06wxw +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018dnt +/m/0167v /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0gghm +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02jjdr /music/record_label/artist /m/07s3vqk +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/016tb7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/02yv6b /music/genre/artists /m/0k1bs +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02hfk5 +/m/03_6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0kz4w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/02x7vq /film/actor/film./film/performance/film /m/0421ng +/m/05qbckf /film/film/language /m/06b_j +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/039bp /people/person/places_lived./people/place_lived/location /m/0r4qq +/m/03f2_rc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/015dqj /people/person/place_of_birth /m/0fhp9 +/m/0c408_ /people/person/profession /m/0np9r +/m/04gqr /location/location/contains /m/07p7g +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09pl3s +/m/09c7w0 /location/country/second_level_divisions /m/0n5y4 +/m/0clzr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0p54z +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/0cks1m /film/film/genre /m/0hcr +/m/03cvvlg /film/film/written_by /m/0499lc +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h1rt +/m/03lpd0 /people/person/profession /m/02hrh1q +/m/02ylg6 /film/film/genre /m/05p553 +/m/02nb2s /people/person/profession /m/02hrh1q +/m/013rds /people/person/nationality /m/03_r3 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gpx6 +/m/02t_y3 /film/actor/film./film/performance/film /m/038bh3 +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/07245g +/m/0fb7c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bxtg +/m/011k1h /music/record_label/artist /m/03sww +/m/07ssc /media_common/netflix_genre/titles /m/0g5ptf +/m/01f3p_ /tv/tv_program/genre /m/0fdjb +/m/021lby /people/person/profession /m/01d_h8 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g5pvv /film/film/genre /m/03k9fj +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/03l3ln +/m/04cppj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qscs +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/040p3y +/m/01438g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/046zh +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02b9g4 +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/0n85g /music/record_label/artist /m/013rds +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/033f8n +/m/01lsl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hzz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/05zh9c /people/person/profession /m/03gjzk +/m/0168dy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022lly /education/educational_institution/school_type /m/05jxkf +/m/0mn0v /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0191n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0htlr +/m/0168ls /film/film/cinematography /m/0gp9mp +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/04q827 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/026_w57 +/m/015g_7 /film/actor/film./film/performance/film /m/01mszz +/m/03vrnh /people/person/languages /m/02h40lc +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q1lp +/m/03_d0 /music/genre/artists /m/07r4c +/m/0yxl /influence/influence_node/peers./influence/peer_relationship/peers /m/01_k0d +/m/0cwtm /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/04p5cr +/m/06j8wx /people/person/profession /m/0dxtg +/m/05b_7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/018w8 /media_common/netflix_genre/titles /m/04xx9s +/m/0f8l9c /location/location/contains /m/0kygv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0fpj9pm /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/040_lv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/01vxlbm /people/person/gender /m/02zsn +/m/012xdf /film/actor/film./film/performance/film /m/07h9gp +/m/01l7qw /film/actor/film./film/performance/film /m/04k9y6 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwm1 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/04rrx /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mwx6 /location/location/time_zones /m/02hcv8 +/m/01wsl7c /people/person/nationality /m/06q1r +/m/01dvtx /people/person/employment_history./business/employment_tenure/company /m/03hdz8 +/m/05dy7p /film/film/country /m/09c7w0 +/m/038rzr /film/actor/film./film/performance/film /m/047rkcm +/m/01jswq /education/educational_institution/students_graduates./education/education/student /m/0fn5bx +/m/06myp /people/person/religion /m/0kpl +/m/01bpc9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0crs0b8 /film/film/genre /m/0lsxr +/m/03h64 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0hr41p6 /film/film/executive_produced_by /m/05ty4m +/m/01pgzn_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/020_95 /film/actor/film./film/performance/film /m/03np63f +/m/025twgf /film/film/genre /m/01jfsb +/m/0y_9q /film/film/genre /m/04xvh5 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/077rj /people/person/profession /m/0cbd2 +/m/09jw2 /music/genre/artists /m/01shhf +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02rv_dz /film/film/production_companies /m/025jfl +/m/0gy6z9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02yxwd +/m/018ygt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z20c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgq_kn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02vr30 +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/017r13 /film/actor/film./film/performance/film /m/02704ff +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/07wm6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0pmcz /education/educational_institution/school_type /m/05jxkf +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/04sj3 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/054_mz /people/person/gender /m/05zppz +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/09c7w0 /location/location/contains /m/0t_gg +/m/035sc2 /people/person/place_of_birth /m/010z5n +/m/01trtc /music/record_label/artist /m/01w60_p +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01vvlyt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsykc +/m/0ctzf1 /tv/tv_program/genre /m/01hmnh +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/012vby /film/director/film /m/0gnkb +/m/04sv4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/08s0m7 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0g5y6 /people/ethnicity/people /m/013ybx +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/07w3r /education/educational_institution/colors /m/067z2v +/m/036b_ /location/country/form_of_government /m/06cx9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02z9rr +/m/0br1w /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01j95 +/m/011hdn /people/person/profession /m/02dsz +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0blt6 /film/actor/film./film/performance/film /m/016z5x +/m/0gfh84d /film/film/genre /m/07s9rl0 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/03cvvlg /film/film/country /m/09c7w0 +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bhwhj +/m/02dq8f /education/educational_institution/colors /m/01l849 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/02mt51 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/018js4 +/m/0glmv /film/actor/film./film/performance/film /m/0cn_b8 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07zl1 /people/person/profession /m/0cbd2 +/m/0kpys /location/location/contains /m/0r0ss +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/04g9sq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03qcfvw /film/film/genre /m/02kdv5l +/m/051y1hd /people/person/nationality /m/03_r3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0c66m +/m/0p9rz /film/film/country /m/07ssc +/m/04mn81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/03bxp5 +/m/0jdk0 /people/cause_of_death/people /m/01t07j +/m/02ghq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03_d0 /music/genre/artists /m/01qkqwg +/m/04qsdh /film/actor/film./film/performance/film /m/0cz_ym +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778yp +/m/01xwv7 /people/person/profession /m/0dxtg +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/01j_5k /education/university/fraternities_and_sororities /m/0325pb +/m/01w61th /people/person/nationality /m/05r7t +/m/05233hy /people/person/profession /m/089fss +/m/02bpy_ /education/educational_institution/colors /m/083jv +/m/01243b /music/genre/artists /m/04mky3 +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_6 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jmbv +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/05bt6j /music/genre/artists /m/01pny5 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/09c7w0 /location/location/contains /m/02grjf +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0fk1z /people/ethnicity/languages_spoken /m/06nm1 +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0jwmp /film/film/genre /m/06n90 +/m/01s81 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/03rjj +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059j2 +/m/0gyh /location/location/contains /m/01wdj_ +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0525b /film/actor/film./film/performance/film /m/031786 +/m/04shbh /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/04bcb1 /people/deceased_person/place_of_death /m/030qb3t +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/017kct /film/film/language /m/02h40lc +/m/0d6b7 /film/film/genre /m/07s9rl0 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09ps01 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01xyt7 +/m/0bz60q /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06y_n +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/02w0dc0 /people/person/profession /m/026sdt1 +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/020p1 +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026390q +/m/01_d4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04kcn +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/0219q +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/05mv4 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0fhp9 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0bs1yy /people/person/gender /m/05zppz +/m/0c663 /location/administrative_division/first_level_division_of /m/03rjj +/m/07vk9f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f1nl +/m/07s9rl0 /media_common/netflix_genre/titles /m/029zqn +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/04hgpt +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/02mxw0 /film/actor/film./film/performance/film /m/090s_0 +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05p5nc +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02_l96 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/03jldb /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036jb +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xbw2 +/m/0347db /people/person/languages /m/02h40lc +/m/039d4 /education/educational_institution/colors /m/038hg +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/02p59ry /people/person/place_of_birth /m/03h64 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0f102 +/m/01xdf5 /influence/influence_node/influenced_by /m/0p_47 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/059gkk /film/actor/film./film/performance/film /m/0h6r5 +/m/026fd /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/03gn1x +/m/01k47c /people/person/profession /m/01c72t +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/03177r /film/film/prequel /m/031778 +/m/02p76f9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_hb +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/0m_v0 /people/person/gender /m/05zppz +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0h5g_ /people/person/profession /m/02hrh1q +/m/048vhl /film/film/production_companies /m/0c41qv +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/03rt9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/0170pk +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018x3 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bxg3 /film/film_subject/films /m/0k4d7 +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02qjpv5 /people/person/profession /m/01d_h8 +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01hmnh /media_common/netflix_genre/titles /m/08cfr1 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/02_n5d /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01q460 +/m/0bh8x1y /film/film/production_companies /m/0283xx2 +/m/016dmx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/06crk /people/person/employment_history./business/employment_tenure/company /m/02sjgpq +/m/0hx4y /film/film/genre /m/03npn +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01gbbz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09yrh +/m/05148p4 /music/instrument/instrumentalists /m/02yygk +/m/05sy_5 /film/film/featured_film_locations /m/0h7h6 +/m/0pspl /education/educational_institution/colors /m/01g5v +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ysn +/m/02l48d /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/013807 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09c7w0 /location/location/contains /m/0l_qt +/m/034rd /organization/organization_founder/organizations_founded /m/016hjr +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01s21dg /people/person/profession /m/039v1 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01v15f +/m/07g2v /people/person/place_of_birth /m/0n2z +/m/0kvgnq /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sjf5 +/m/05cqhl /people/person/gender /m/05zppz +/m/0p7h7 /people/person/nationality /m/09c7w0 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/02l101 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0bsb4j +/m/018ctl /olympics/olympic_games/participating_countries /m/0154j +/m/0154j /location/country/form_of_government /m/01q20 +/m/098sx /people/person/gender /m/05zppz +/m/0147dk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l9p +/m/01wp_jm /people/person/place_of_birth /m/0rxyk +/m/01wj92r /people/person/place_of_birth /m/0xl08 +/m/01fwj8 /film/actor/film./film/performance/film /m/01npcx +/m/0227vl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/025cn2 +/m/0hx4y /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0341n5 /film/actor/film./film/performance/film /m/02ljhg +/m/035xwd /film/film/language /m/02h40lc +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0llcx +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/0ght2 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/03hxsv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031hcx +/m/07gghl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05pxnmb +/m/03hxsv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/0163r3 /film/actor/film./film/performance/film /m/06t6dz +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/04hvw /location/country/form_of_government /m/01q20 +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/02xfj0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03jb2n /sports/sports_team/colors /m/019sc +/m/0kzy0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033tf_ /people/ethnicity/people /m/0sz28 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01l8t8 /education/educational_institution/campuses /m/01l8t8 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/03f6fl0 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0d060g /location/location/contains /m/01gb_7 +/m/03tc5p /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0ds33 /film/film/featured_film_locations /m/0rh6k +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/01trtc /music/record_label/artist /m/0ycfj +/m/033hn8 /music/record_label/artist /m/01wdcxk +/m/013w7j /people/person/employment_history./business/employment_tenure/company /m/01fb6d +/m/02661h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/06ch55 /music/instrument/instrumentalists /m/09hnb +/m/0jmfv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h3mrc +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/02pbrn /people/person/profession /m/01c72t +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03qhyn8 +/m/084n_ /location/country/capital /m/0156q +/m/0g9wdmc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05x2t7 /people/person/nationality /m/0chghy +/m/01xcfy /people/person/nationality /m/0chghy +/m/08cn4_ /film/actor/film./film/performance/film /m/07_fj54 +/m/06pr6 /location/location/contains /m/02_jjm +/m/01zcrv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h95b81 +/m/03f7nt /film/film/produced_by /m/04y8r +/m/052p7 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03knl +/m/035xwd /film/film/genre /m/01j1n2 +/m/02x0fs9 /film/film/genre /m/01t_vv +/m/023zl /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0m2fr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0bj9k /people/person/spouse_s./people/marriage/spouse /m/033_1p +/m/070yzk /people/person/profession /m/0dxtg +/m/0fd3y /music/genre/artists /m/01p0vf +/m/03lty /music/genre/artists /m/018y81 +/m/01vsykc /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f7h2v /film/actor/film./film/performance/film /m/014zwb +/m/0bqs56 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/016tb7 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fsd9t +/m/0mp3l /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/04jwjq /film/film/genre /m/04t36 +/m/01t2h2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f873 +/m/09c7w0 /location/location/contains /m/0qpsn +/m/0bthb /education/university/fraternities_and_sororities /m/035tlh +/m/09c7w0 /location/location/contains /m/0352gk +/m/046k81 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0164b +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/026t6 /music/instrument/instrumentalists /m/01sb5r +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jsw9l +/m/0xhtw /music/genre/artists /m/01y_rz +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/0h1m9 /film/actor/film./film/performance/film /m/0bj25 +/m/04svwx /tv/tv_program/languages /m/03_9r +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/0m5pn /location/administrative_division/country /m/0d05w3 +/m/0pz91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c9c0 +/m/0cc5mcj /film/film/genre /m/01jfsb +/m/0c8qq /film/film/genre /m/02l7c8 +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grmhb +/m/025n3p /film/actor/film./film/performance/film /m/025n07 +/m/02hfp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/044qx +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/015dnt /people/person/gender /m/05zppz +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0pv2t /film/film/costume_design_by /m/0bytfv +/m/030jj7 /music/record_label/artist /m/016j2t +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/0gdh5 +/m/0gj50 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06w6_ +/m/0bh8yn3 /film/film/genre /m/06n90 +/m/05t2fh4 /time/event/locations /m/06n3y +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/016732 +/m/0hvb2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/0173b0 /music/genre/artists /m/081wh1 +/m/04tng0 /film/film/film_format /m/0cj16 +/m/0c1pj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n951 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/029_3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0ph24 +/m/02cx90 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/01vsgrn +/m/02yy9r /film/film/genre /m/02n4kr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/023tp8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02mjf2 +/m/01gj8_ /people/person/places_lived./people/place_lived/location /m/09c6w +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0h53p1 +/m/01jpmpv /award/award_winner/awards_won./award/award_honor/award_winner /m/0bmh4 +/m/0y3_8 /music/genre/artists /m/0lk90 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/059g4 /location/location/contains /m/035v3 +/m/03mqj_ /sports/sports_team/colors /m/083jv +/m/02x2t07 /people/deceased_person/place_of_death /m/0f2tj +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01kv4mb /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cnk2q +/m/0cnl80 /people/person/profession /m/02hrh1q +/m/02pzy52 /sports/sports_team/sport /m/039yzs +/m/01ft14 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/028mc6 /film/actor/film./film/performance/film /m/02fttd +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/07s9rl0 /media_common/netflix_genre/titles /m/0kv9d3 +/m/015882 /music/artist/contribution./music/recording_contribution/performance_role /m/0j210 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016376 +/m/0462hhb /film/film/country /m/09c7w0 +/m/03n3gl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0f4yh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l_dv /film/actor/film./film/performance/film /m/014lc_ +/m/07gyp7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/0347db /people/person/places_lived./people/place_lived/location /m/0djd3 +/m/0jgd /location/country/capital /m/01ly5m +/m/02w4b /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/032l1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xwq9 /people/person/profession /m/02hrh1q +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0ctw_b +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0m8_v /film/actor/film./film/performance/film /m/032016 +/m/0nj1c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj3m +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/06jrhz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/015w8_ +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fjyzt +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/09c7w0 /location/location/contains /m/02bhj4 +/m/057_yx /film/actor/film./film/performance/film /m/05zlld0 +/m/02qfhb /film/actor/film./film/performance/film /m/02825cv +/m/02p68d /people/person/profession /m/09jwl +/m/026bt_h /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/065zf3p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04tgp /base/biblioness/bibs_location/country /m/09c7w0 +/m/02f6g5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04353 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0g5q34q /film/film/genre /m/05p553 +/m/03p9hl /film/actor/film./film/performance/film /m/04vh83 +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ypx +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wd9vs +/m/0fq27fp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07kh6f3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/013y1f /music/instrument/instrumentalists /m/032t2z +/m/0257wh /award/award_category/winners./award/award_honor/award_winner /m/0149xx +/m/058vfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/06vbd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03__y +/m/01_4lx /business/business_operation/industry /m/020mfr +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/01bdhf /education/educational_institution/school_type /m/05jxkf +/m/02tn0_ /film/director/film /m/04g9gd +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvb6p +/m/06klyh /education/educational_institution_campus/educational_institution /m/06klyh +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/080dwhx +/m/0k6nt /location/location/contains /m/01lfy +/m/087_wh /people/person/profession /m/02hrh1q +/m/07rd7 /influence/influence_node/influenced_by /m/0yxl +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/016pns +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0mcl0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/award /m/05q5t0b +/m/044qx /film/actor/film./film/performance/film /m/0jwvf +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/0bmhn /film/film/music /m/0bvzp +/m/04y8r /film/director/film /m/011yth +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/019n8z /user/jg/default_domain/olympic_games/sports /m/09_94 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/028qdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/094wz7q /award/award_winner/awards_won./award/award_honor/award_winner /m/09thp87 +/m/0gk4g /people/cause_of_death/people /m/05v45k +/m/01w4c9 /music/instrument/family /m/026t6 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/07ng9k /tv/tv_program/country_of_origin /m/03_3d +/m/02pprs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03t22m +/m/0mxbq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx7f +/m/0265vcb /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/02896 /sports/sports_team/colors /m/01g5v +/m/09yhzs /people/person/place_of_birth /m/0qpqn +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/04vt98 /people/person/profession /m/0d8qb +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt7ws +/m/02w7gg /people/ethnicity/people /m/0136g9 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0dnw1 /film/film/genre /m/06cvj +/m/0p_qr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046qq +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0lccn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06lht1 +/m/02hft3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s7gk6 /music/genre/artists /m/01vxqyl +/m/011x_4 /film/film/country /m/09c7w0 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/031hcx /film/film/country /m/07ssc +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/0g824 /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vwllw +/m/01my_c /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b7h8 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02mslq /music/artist/track_contributions./music/track_contribution/role /m/03qmg1 +/m/05zwrg0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bwgc_ +/m/0342h /music/instrument/instrumentalists /m/01vrncs +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/0p9tm /film/film/genre /m/05p553 +/m/02m501 /people/person/places_lived./people/place_lived/location /m/059rby +/m/02d9k /soccer/football_player/current_team./sports/sports_team_roster/team /m/011v3 +/m/032q8q /people/person/profession /m/01d_h8 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/09gnn /influence/influence_node/influenced_by /m/026lj +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/01ycfv +/m/01vsy3q /people/person/profession /m/0nbcg +/m/04j_h4 /music/genre/parent_genre /m/0glt670 +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0c8br /people/person/profession /m/0cbd2 +/m/059rc /film/film/written_by /m/05kfs +/m/059rby /location/location/contains /m/01t0dy +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/043mk4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/029m83 +/m/05hs4r /music/genre/artists /m/01vw20_ +/m/02n4kr /media_common/netflix_genre/titles /m/07vn_9 +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/092ggq /people/person/nationality /m/09c7w0 +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j8nx +/m/04g73n /film/film/genre /m/05p553 +/m/04t2l2 /people/person/profession /m/02krf9 +/m/02rv_dz /film/film/genre /m/01t_vv +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kwhf +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0gnbw /film/actor/film./film/performance/film /m/01jwxx +/m/0n5j_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cymp +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0ql76 /base/culturalevent/event/entity_involved /m/017cw +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02gkzs +/m/01wd9lv /award/award_winner/awards_won./award/award_honor/award_winner /m/037lyl +/m/01453 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0sxns /film/film/genre /m/02l7c8 +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/04h41v /film/film/genre /m/06cvj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036hv +/m/03h2d4 /people/person/place_of_birth /m/04jpl +/m/0bs8ndx /film/film/language /m/02h40lc +/m/01qb5d /film/film/language /m/04306rv +/m/05148p4 /music/instrument/instrumentalists /m/01p0w_ +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0167v +/m/03mp8k /music/record_label/artist /m/01q99h +/m/0rj4g /base/biblioness/bibs_location/country /m/09c7w0 +/m/01nrz4 /people/person/profession /m/0nbcg +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/0564x /film/film/dubbing_performances./film/dubbing_performance/actor /m/02gf_l +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4b +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04v68c /soccer/football_player/current_team./sports/sports_team_roster/team /m/02029f +/m/0162c8 /people/person/profession /m/064xm0 +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0n6f8 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0hsb3 /education/educational_institution_campus/educational_institution /m/0hsb3 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01vxlbm +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/026fd +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sry +/m/064r97z /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwft +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0m_q0 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/03zg2x /people/person/gender /m/02zsn +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0c_jc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/08vk_r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/09j_g /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/04tc1g +/m/01ls2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01jzyx /organization/organization/headquarters./location/mailing_address/citytown /m/0ccvx +/m/02pjc1h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0g4gr /dataworld/gardening_hint/split_to /m/0g4gr +/m/04k3r_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01mvth /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05r4w /location/country/official_language /m/05zjd +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0194zl +/m/07r1h /film/actor/film./film/performance/film /m/02p76f9 +/m/0lzkm /music/group_member/membership./music/group_membership/role /m/0342h +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0499lc /film/director/film /m/03cvvlg +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06czyr +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/04fcx7 /people/person/gender /m/05zppz +/m/03ldxq /people/person/nationality /m/09c7w0 +/m/02lk1s /people/person/place_of_birth /m/02_286 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06pqy_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/044p4_ +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/01p1z_ /people/person/profession /m/02hrh1q +/m/098cpg /music/record_label/artist /m/0dzlk +/m/016vg8 /film/actor/film./film/performance/film /m/02qlp4 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02sjp +/m/0448r /people/person/languages /m/02bjrlw +/m/019fz /influence/influence_node/peers./influence/peer_relationship/peers /m/03_js +/m/05th8t /film/actor/film./film/performance/film /m/0466s8n +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/01wbgdv +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070j61 +/m/01jswq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02qfhb /film/actor/film./film/performance/film /m/08s6mr +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0c3kw +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02f9wb /award/award_winner/awards_won./award/award_honor/award_winner /m/04glr5h +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072r5v +/m/01kgxf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024lff +/m/0dyb1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02nvg1 +/m/02jr6k /film/film/genre /m/09blyk +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0gz_ /user/alexander/philosophy/philosopher/interests /m/0x0w +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/05mt6w /people/person/profession /m/01c72t +/m/035yzw /education/educational_institution_campus/educational_institution /m/035yzw +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/03_wm6 /film/film/production_companies /m/03sb38 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0l6m5 /olympics/olympic_games/sports /m/01cgz +/m/01m1zk /location/hud_county_place/county /m/0m2fr +/m/0dr_4 /film/film/genre /m/07s9rl0 +/m/01zlh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/0jymd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0fwy0h /people/person/place_of_birth /m/0fr0t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01smm +/m/02h98sm /location/location/time_zones /m/02fqwt +/m/057_yx /film/actor/film./film/performance/film /m/0872p_c +/m/01g0jn /people/person/religion /m/0c8wxp +/m/02qcr /film/film/country /m/09c7w0 +/m/015pkc /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v0t +/m/01yk13 /film/actor/film./film/performance/film /m/0b1y_2 +/m/02xhwm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jbx1 +/m/01l_pn /film/film/language /m/0653m +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/01pcmd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01jx9 +/m/0bl60p /people/person/nationality /m/09c7w0 +/m/028cg00 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017v71 /education/educational_institution/students_graduates./education/education/student /m/02jr26 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/02yv6b /music/genre/artists /m/0lgsq +/m/02hblj /people/person/profession /m/018gz8 +/m/03m8lq /people/person/languages /m/02h40lc +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02pt7h_ +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4kk +/m/02rhfsc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c6vl +/m/01jrbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02__7n +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0jsf6 +/m/04ly1 /location/location/partially_contains /m/04yf_ +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0fx2s /film/film_subject/films /m/02d478 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/05mv4 +/m/029qzx /organization/organization/headquarters./location/mailing_address/state_province_region /m/05mph +/m/03r1pr /people/deceased_person/place_of_death /m/0r0m6 +/m/0btpm6 /film/film/genre /m/03k9fj +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/04v89z /film/film/genre /m/07s9rl0 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02r3zy +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/0853g /location/administrative_division/country /m/0ctw_b +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/01pq5j7 /influence/influence_node/peers./influence/peer_relationship/peers /m/0czkbt +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/039bp /film/actor/film./film/performance/film /m/0291ck +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02gnmp +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/01rqxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsps /people/person/places_lived./people/place_lived/location /m/04jpl +/m/041c4 /influence/influence_node/influenced_by /m/081k8 +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/03k1vm /people/deceased_person/place_of_death /m/0k_p5 +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/01swck +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0cw67g /people/person/places_lived./people/place_lived/location /m/0g5rg +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07djnx +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zft0 +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/02q_cc /people/person/profession /m/01d_h8 +/m/095b70 /film/actor/film./film/performance/film /m/02v8kmz +/m/059j2 /location/country/second_level_divisions /m/02kx3 +/m/03f5mt /music/instrument/instrumentalists /m/02p2zq +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wb6d +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024lff +/m/01nxzv /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04m_zp +/m/0bl06 /film/film/language /m/02h40lc +/m/01wmxfs /people/person/nationality /m/09c7w0 +/m/02qyntr /award/award_category/winners./award/award_honor/award_winner /m/0bs1yy +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019x62 +/m/0h5g_ /film/actor/film./film/performance/film /m/02prwdh +/m/0bbvr84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07wlf +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/0gt14 /film/film/featured_film_locations /m/0rh6k +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/017yxq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03yfh3 +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gtdnh +/m/02fvv /sports/sports_team_location/teams /m/01slcv +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0686zv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0155j3 /location/administrative_division/country /m/05v8c +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/03hl6lc /award/award_category/winners./award/award_honor/ceremony /m/027n06w +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06l6nj /people/person/profession /m/01d_h8 +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/05mt6w /people/person/profession /m/0fnpj +/m/059rby /location/location/contains /m/03_fmr +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/08qnnv +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0144l1 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd4f +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jfl +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0f6lx /music/artist/origin /m/04f_d +/m/064t9 /music/genre/artists /m/01gg59 +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01q3_2 +/m/0djd22 /media_common/netflix_genre/titles /m/02d413 +/m/01nbq4 /people/person/profession /m/0kyk +/m/02vkdwz /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02cg2v /people/person/gender /m/05zppz +/m/06kl78 /award/award_winning_work/awards_won./award/award_honor/award /m/02wwsh8 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gyl +/m/012201 /award/award_winner/awards_won./award/award_honor/award_winner /m/05yzt_ +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01d_s5 /music/genre/artists /m/04n2vgk +/m/0dnqr /film/film/language /m/02h40lc +/m/05fcbk7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/08314 /location/administrative_division/country /m/03rt9 +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyv0b4 +/m/0rh7t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03j149k /people/person/profession /m/04j5jl +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0h326 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/0blbxk /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/042f1 +/m/01vv6_6 /people/person/nationality /m/09c7w0 +/m/0cbgl /people/person/gender /m/05zppz +/m/01hc9_ /influence/influence_node/influenced_by /m/041mt +/m/03zj_3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0glt670 /music/genre/artists /m/0407f +/m/0tnkg /location/location/contains /m/01vc5m +/m/01sl1q /people/person/places_lived./people/place_lived/location /m/07b_l +/m/01gc7 /film/film/genre /m/03k9fj +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04954r +/m/0x67 /people/ethnicity/people /m/01vw8mh +/m/088gzp /education/educational_institution/students_graduates./education/education/student /m/03d8njj +/m/05vk_d /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/012ky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/01syr4 /people/person/profession /m/01d_h8 +/m/07ssc /location/location/contains /m/01wdgb +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/0lvng /organization/organization/headquarters./location/mailing_address/state_province_region /m/07371 +/m/01cx_ /sports/sports_team_location/teams /m/0j2zj +/m/0ggjt /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/016dp0 /people/person/nationality /m/07ssc +/m/07lp1 /influence/influence_node/influenced_by /m/073v6 +/m/04ghz4m /film/film/produced_by /m/01vvb4m +/m/01cf5 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01rp13 /tv/tv_program/genre /m/02lvfq +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wj_ +/m/0pj8m /people/deceased_person/place_of_death /m/071vr +/m/02sf_r /sports/sports_position/players./sports/sports_team_roster/team /m/0jmm4 +/m/0778p /education/educational_institution/colors /m/083jv +/m/08qnnv /education/educational_institution/school_type /m/05jxkf +/m/07g9f /tv/tv_program/genre /m/01jfsb +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0fn7r /base/biblioness/bibs_location/country /m/06m_5 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqrf +/m/0283_zv /film/film/country /m/09c7w0 +/m/0jpy_ /base/biblioness/bibs_location/state /m/06btq +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqd3 +/m/025n3p /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/076psv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05728w1 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09d5h +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/02xx5 +/m/07g2b /people/person/gender /m/05zppz +/m/03b04g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0683n /influence/influence_node/influenced_by /m/04hcw +/m/02k6hp /people/cause_of_death/people /m/07hyk +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016yvw +/m/01pbs9w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pjc1h +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02qr69m +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/015q43 +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0c_tl /olympics/olympic_games/participating_countries /m/09c7w0 +/m/02cttt /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/035xwd /film/film/music /m/0146pg +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/01tz6vs /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0488g /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/087v17 /people/person/gender /m/05zppz +/m/01flzb /music/genre/parent_genre /m/0glt670 +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/07h07 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0dr89x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01mszz /film/film/language /m/02h40lc +/m/05jjl /people/person/religion /m/03_gx +/m/0jqp3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/016fnb /people/person/place_of_birth /m/0r2dp +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/02681_5 /award/award_category/winners./award/award_honor/award_winner /m/01wv9p +/m/02lfp4 /people/person/gender /m/05zppz +/m/025rxjq /film/film/language /m/02h40lc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/041jlr /influence/influence_node/influenced_by /m/04hcw +/m/09r94m /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02pq9yv /award/award_winner/awards_won./award/award_honor/award_winner /m/04y8r +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0hqcy +/m/064jjy /film/director/film /m/02vrgnr +/m/07s9rl0 /media_common/netflix_genre/titles /m/09gb_4p +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx_hnp +/m/0m5pn /base/aareas/schema/administrative_area/administrative_parent /m/0d05w3 +/m/0hsn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0bdlj /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/0jm3v /sports/sports_team/colors /m/0jc_p +/m/01x0yrt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fzyg /film/film_subject/films /m/049xgc +/m/015whm /film/film/genre /m/0cshrf +/m/03ryn /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/02rxbmt +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03q_w5 +/m/06gd4 /people/person/profession /m/0dz3r +/m/02g7sp /people/ethnicity/people /m/038rzr +/m/01pvxl /film/film/genre /m/05p553 +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2wq +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/01frpd /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02mgp +/m/02g0mx /film/actor/film./film/performance/film /m/047p798 +/m/0frnff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fy66 +/m/02hct1 /tv/tv_program/genre /m/05p553 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/02grjf /education/educational_institution/colors /m/04mkbj +/m/01vxxb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_4 +/m/0bxl5 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/027qpc +/m/03h3vtz /award/award_winner/awards_won./award/award_honor/award_winner /m/05b__vr +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/02xtxw /film/film/language /m/04306rv +/m/06__m6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0btpx /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01s7w3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03v36 /people/person/profession /m/0cbd2 +/m/01vsl3_ /people/person/profession /m/09jwl +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9l_ +/m/07y8l9 /film/actor/film./film/performance/film /m/0cp0ph6 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/028hc2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jnlm /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/09hzc /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0kvwh +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/0b_5d /film/film/country /m/09c7w0 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/05whq_9 /people/person/nationality /m/0345h +/m/05sxr_ /film/film/genre /m/0hcr +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/05mph /location/location/contains /m/035wtd +/m/03hmt9b /film/film/film_festivals /m/04grdgy +/m/0c9k8 /film/film/genre /m/017fp +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/01mbwlb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/01_4z /people/deceased_person/place_of_death /m/0ftkx +/m/012mrr /film/film/language /m/064_8sq +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/02s_qz /people/person/places_lived./people/place_lived/location /m/0nlh7 +/m/017_qw /music/genre/artists /m/01nc3rh +/m/01jgkj2 /people/person/nationality /m/09c7w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b_5d +/m/0bvg70 /people/person/place_of_birth /m/0wq3z +/m/034m8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07ylj +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/04mp75 /sports/sports_team/sport /m/02vx4 +/m/03xl77 /people/person/profession /m/02hrh1q +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/0k4y6 /base/culturalevent/event/entity_involved /m/01s47p +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02c7lt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/03fmfs /education/educational_institution/students_graduates./education/education/student /m/017yfz +/m/038_0z /sports/sports_team/colors /m/038hg +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/01v3bn +/m/0dgrwqr /film/film/genre /m/01jfsb +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/0kk9v +/m/02pzc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kftt +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0drnwh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/0mlw1 /location/us_county/county_seat /m/09snz +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/04btgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wx_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0dsvzh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/06gcn /music/artist/origin /m/04jpl +/m/0dgq_kn /film/film/featured_film_locations /m/04jpl +/m/081pw /film/film_subject/films /m/08fn5b +/m/04g5k /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0820xz +/m/01c58j /influence/influence_node/influenced_by /m/0btj0 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0144l1 +/m/01c3q /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/02lw8j /music/genre/artists /m/01whg97 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/017959 +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01pvxl +/m/01z4y /media_common/netflix_genre/titles /m/03lfd_ +/m/0134w7 /people/person/profession /m/02hrh1q +/m/04zwc /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fly +/m/02ntb8 /film/film/executive_produced_by /m/0mdqp +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/0gtsxr4 /film/film/genre /m/03npn +/m/09m465 /people/person/sibling_s./people/sibling_relationship/sibling /m/0dv1hh +/m/0853g /base/biblioness/bibs_location/country /m/0ctw_b +/m/02t0n9 /people/person/profession /m/02hrh1q +/m/0274ck /people/person/nationality /m/0d060g +/m/0cf8qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0mpbj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dky9n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04v8x9 +/m/0gkydb /people/person/profession /m/02krf9 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/024mxd /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0d_wms +/m/07h9gp /film/film/story_by /m/030g9z +/m/095zvfg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m49ly +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/047msdk +/m/0473q /people/person/profession /m/016z4k +/m/017znw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01vw8k /film/film/genre /m/02kdv5l +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/0d1qn +/m/02_t6d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01738f /music/genre/artists /m/011_vz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4f3 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/057__d /film/film/genre /m/060__y +/m/06mzp /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/07qy0b /people/person/nationality /m/09c7w0 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0p9gg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02j9lm /people/person/spouse_s./people/marriage/location_of_ceremony /m/0chgzm +/m/0fqyzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09d5d5 +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/role /m/023r2x +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02gpkt +/m/05rx__ /people/person/place_of_birth /m/0pc7r +/m/07c5l /location/location/contains /m/07ylj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02_nsc +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dh73w +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01d4cb +/m/01n7q /location/location/contains /m/0mzy7 +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0ggx5q /music/genre/artists /m/01k3qj +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02x08c /film/actor/film./film/performance/film /m/04v8h1 +/m/02x8m /music/genre/artists /m/0x3n +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02k5sc +/m/0bz3jx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048wrb +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/0dky9n +/m/077rj /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/0168cl /people/person/nationality /m/09c7w0 +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0bh8tgs /film/film/production_companies /m/016tw3 +/m/026ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/01hvv0 /tv/tv_program/program_creator /m/03yf4d +/m/05dtsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/02ntb8 /film/film/produced_by /m/06dkzt +/m/01hmnh /media_common/netflix_genre/titles /m/0243cq +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/01ttg5 +/m/02r1c18 /film/film/production_companies /m/054lpb6 +/m/04rzd /music/instrument/instrumentalists /m/04m2zj +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/09cr8 +/m/02y_2y /people/person/profession /m/01d_h8 +/m/03nyts /people/person/languages /m/03_9r +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/040b5k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014hdb +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/04g9gd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0n22z /location/location/contains /m/07l5z +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01flv_ +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0178g +/m/05y5fw /people/person/place_of_birth /m/02_286 +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/027571b +/m/03jv8d /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0g78xc +/m/0jt86 /people/person/place_of_birth /m/0k_q_ +/m/0329qp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0cc5qkt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q_cc +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/01ljpm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/035s37 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/06t61y /award/award_winner/awards_won./award/award_honor/award_winner /m/016gr2 +/m/0rk71 /location/hud_county_place/place /m/0rk71 +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/05p09dd +/m/0h1p /film/director/film /m/011yg9 +/m/0d7wh /people/ethnicity/people /m/053ksp +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/04180vy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/03mp37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0f0kz /film/actor/film./film/performance/film /m/0cpllql +/m/016z2j /film/actor/film./film/performance/film /m/05qbckf +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01gvxv /film/actor/film./film/performance/film /m/02r8hh_ +/m/05pyrb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04llb /location/location/time_zones /m/03bdv +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rg_4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0pv54 /film/film/genre /m/03bxz7 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/02ktt7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/07fj_ /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04knh6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2g +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/04r7jc +/m/064t9 /music/genre/artists /m/01gf5h +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/07zhd7 /people/person/profession /m/01c8w0 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/0q9t7 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qhm3 +/m/03shp /location/country/form_of_government /m/01fpfn +/m/0z90c /organization/organization/headquarters./location/mailing_address/citytown /m/0f04v +/m/0dgrwqr /film/film/language /m/02h40lc +/m/06by7 /music/genre/artists /m/0kzy0 +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/01kv4mb /people/person/profession /m/0fnpj +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0bmh4 +/m/012vf6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/01c3q +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0p9gg /film/actor/film./film/performance/film /m/04954r +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0ff3y +/m/0jtg0 /music/instrument/family /m/0fx80y +/m/027rn /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/06m6z6 +/m/0dn16 /music/genre/parent_genre /m/064t9 +/m/014dm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/033wx9 /people/person/profession /m/0nbcg +/m/01v9l67 /people/person/gender /m/05zppz +/m/07l8f /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/04s430 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/03q45x +/m/01lct6 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/039cq4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/0gl88b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qhyn8 +/m/091xrc /film/film/genre /m/01zhp +/m/04mkft /organization/organization/place_founded /m/0r00l +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/0bszz /sports/sports_team/colors /m/06fvc +/m/0894_x /people/person/languages /m/02h40lc +/m/0glt670 /music/genre/artists /m/0g824 +/m/012b30 /organization/organization/headquarters./location/mailing_address/citytown /m/0d9jr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/057xn_m /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/06m_5 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02dlh2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0dq9p /people/cause_of_death/people /m/06c0j +/m/011ycb /film/film/language /m/02h40lc +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02dlh2 +/m/03l6bs /education/educational_institution/colors /m/01g5v +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03hzl42 /people/person/gender /m/05zppz +/m/0c73g /people/person/profession /m/01c72t +/m/0ds6bmk /film/film/production_companies /m/05mgj0 +/m/01wb95 /film/film/language /m/02h40lc +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/015010 /people/person/languages /m/02h40lc +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/0bq4j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gvx_ +/m/0pz7h /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04s430 +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/028tv0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/02v92l /people/person/gender /m/05zppz +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/047q2wc +/m/047gpsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bwfwpj /film/film/country /m/09c7w0 +/m/06f32 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01k2xy +/m/0k525 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0bymv /people/person/profession /m/0fj9f +/m/06q1r /sports/sports_team_location/teams /m/02rxrh +/m/0mnk7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02b1hq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06kxk2 /people/deceased_person/place_of_death /m/030qb3t +/m/0dzst /education/educational_institution/campuses /m/0dzst +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02k856 +/m/01_6dw /award/award_winner/awards_won./award/award_honor/award_winner /m/026g4l_ +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x2jl_ +/m/02flq1 /award/award_category/winners./award/award_honor/award_winner /m/0147jt +/m/05g3ss /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01zh29 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j7cf +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/0f8l9c /location/country/second_level_divisions /m/0lb5x +/m/02zhkz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028k57 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/03jg5t /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b168 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0cfywh /people/person/place_of_birth /m/05sb1 +/m/082_p /people/person/place_of_birth /m/088cp +/m/02yxbc /film/film/genre /m/07s9rl0 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0bvzp /people/person/profession /m/0cbd2 +/m/01cf5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bnp0 /people/person/profession /m/02hrh1q +/m/0fvyz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05fky +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02cff1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/031n5b +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/0bmh4 /people/person/spouse_s./people/marriage/spouse /m/0cg9f +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/02_33l /people/deceased_person/place_of_death /m/030qb3t +/m/0342h /music/instrument/instrumentalists /m/01vxqyl +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/09n48 /olympics/olympic_games/sports /m/01dys +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/01qhm_ /people/ethnicity/people /m/02rmfm +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03x7hd +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04ty8 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06dv3 +/m/01vh18t /people/person/profession /m/02hrh1q +/m/0b_ljy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05r5c /music/instrument/instrumentalists /m/013rds +/m/0hvvf /film/film/genre /m/04btyz +/m/02qw2xb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03cxsvl +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/01kp66 +/m/057xn_m /people/person/nationality /m/09c7w0 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dzbl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0421st /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04fjzv +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/059rby /location/location/contains /m/0xy28 +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01rtm4 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01_x6d /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0bvhz9 /time/event/instance_of_recurring_event /m/0g_w +/m/07s846j /film/film/produced_by /m/04q5zw +/m/03mb9 /music/genre/artists /m/03f0qd7 +/m/0bs8d /people/person/profession /m/02hrh1q +/m/03bw6 /people/person/gender /m/05zppz +/m/037css /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/016kz1 /film/film/country /m/09c7w0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/09yxcz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x2097 +/m/05br10 /people/person/nationality /m/09c7w0 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vy5j +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/04mrgz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05c74 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/035gt8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/033jj1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/05tbn /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/04xn2m /film/director/film /m/046f3p +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m_v0 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0flddp /people/person/nationality /m/09c7w0 +/m/021q2j /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rqwhl +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/06449 /music/artist/origin /m/094jv +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/073tm9 +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/0150t6 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/06npd +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/07myb2 /film/actor/film./film/performance/film /m/057lbk +/m/02r5dz /organization/organization/headquarters./location/mailing_address/state_province_region /m/059_c +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/071x0k /people/ethnicity/geographic_distribution /m/07ssc +/m/01j8wk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05nzw6 /film/actor/film./film/performance/film /m/050gkf +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01swxv +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/026vcc /education/educational_institution/colors /m/01g5v +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/04bd8y /people/person/profession /m/02hrh1q +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0r8bh /base/biblioness/bibs_location/country /m/09c7w0 +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/020d5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0blgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v40v +/m/0b6tzs /film/film/language /m/02h40lc +/m/08mg_b /film/film/genre /m/06l3bl +/m/0dzf_ /film/actor/film./film/performance/film /m/03mh94 +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05y7hc +/m/0m313 /film/film/production_companies /m/016tw3 +/m/0mpbx /base/biblioness/bibs_location/country /m/09c7w0 +/m/016vqk /people/person/nationality /m/09c7w0 +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07tj4c /film/film/genre /m/060__y +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/02km0m /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05whq_9 /people/person/profession /m/02jknp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04chyn +/m/02k8k /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07y9w5 +/m/036b_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03676 +/m/0fy66 /film/film/genre /m/0bkbm +/m/06y9c2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0nvd8 /location/location/contains /m/0s9z_ +/m/0h10vt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/018jz /film/film_subject/films /m/02ndy4 +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/059m45 /film/actor/film./film/performance/film /m/0gmblvq +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014zwb +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0jdr0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0bczgm /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0gv2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017jv5 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/0jfx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07rd7 +/m/05m9f9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/07f1x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/03lrqw /film/film/music /m/02bh9 +/m/0f0p0 /film/actor/film./film/performance/film /m/02qr3k8 +/m/02lfns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07hwkr /people/ethnicity/people /m/0lkr7 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c94fn +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/01ffx4 +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/03jsvl /music/genre/artists /m/0m_v0 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/0kbhf /film/film/music /m/01pr6q7 +/m/043g7l /music/record_label/artist /m/01wv9p +/m/0436kgz /film/actor/film./film/performance/film /m/02pg45 +/m/04135 /people/person/nationality /m/0f8l9c +/m/0kq9l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/015ln1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kqb0 /location/location/contains /m/018x0q +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/01mqnr /film/actor/film./film/performance/film /m/0cwy47 +/m/028cl7 /music/genre/parent_genre /m/06by7 +/m/07l4zhn /film/film/genre /m/02n4kr +/m/02qwg /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/09lxtg /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03kts /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p1b +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/06sks6 /olympics/olympic_games/sports /m/02vx4 +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0gn30 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0ckcvk /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/0yb_4 /location/hud_county_place/place /m/0yb_4 +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/02xtxw /film/film/music /m/07v4dm +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/021y7yw +/m/03lty /music/genre/artists /m/01vv6xv +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0nk72 /people/person/profession /m/0kyk +/m/01b_lz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/01p45_v /people/person/employment_history./business/employment_tenure/company /m/07wj1 +/m/0pd6l /film/film/language /m/06b_j +/m/0gcs9 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/04m064 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/01bzs9 /education/educational_institution/campuses /m/01bzs9 +/m/019k6n /location/location/contains /m/02183k +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bshwmp +/m/0_jsl /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hkhq /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/05k7sb /location/location/contains /m/0k3kv +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b9dmk +/m/0q9zc /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/0kbws /olympics/olympic_games/participating_countries /m/07fj_ +/m/0fht9f /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02756j /film/actor/film./film/performance/film /m/0f42nz +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09gffmz +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/0sx8l /olympics/olympic_games/participating_countries /m/01ppq +/m/075wq /people/person/gender /m/05zppz +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/06x58 /people/person/spouse_s./people/marriage/location_of_ceremony /m/05qtj +/m/05lls /music/genre/artists /m/02z81h +/m/04zn7g /people/person/place_of_birth /m/030qb3t +/m/0227tr /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02mpyh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0yyts /film/film/genre /m/0556j8 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01gy7r +/m/01w806h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vhvp +/m/03rhqg /music/record_label/artist /m/017959 +/m/01vx5w7 /film/actor/film./film/performance/film /m/0gwf191 +/m/071h5c /people/person/nationality /m/02jx1 +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/05bt6j /music/genre/artists /m/01mxnvc +/m/0dlhg /location/location/partially_contains /m/0fb18 +/m/0mp3l /location/hud_county_place/county /m/0mp3l +/m/0hptm /base/biblioness/bibs_location/country /m/09c7w0 +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/01wj9y9 /people/person/profession /m/018gz8 +/m/023s8 /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/07pzc /people/person/nationality /m/09c7w0 +/m/08_83x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jhd +/m/032l1 /influence/influence_node/influenced_by /m/03sbs +/m/02h22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/09blyk /media_common/netflix_genre/titles /m/07j94 +/m/0hmr4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027vps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/079vf /people/person/profession /m/03gjzk +/m/059j2 /location/country/second_level_divisions /m/0jcx1 +/m/0hvgt /sports/sports_team/sport /m/02vx4 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/01pgp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mfvc +/m/01wwvc5 /people/person/profession /m/0nbcg +/m/03v1w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03t0k1 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/015qqg +/m/09p35z /film/film/country /m/07ssc +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/07ncs0 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03975z +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/05k2s_ +/m/01gjlw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018vs /music/instrument/instrumentalists /m/03h_fqv +/m/0by292 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01zst8 /location/location/contains /m/0dzbl +/m/0dc7hc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0163m1 /music/artist/origin /m/01_d4 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0337vz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l1b90 +/m/07l8x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/06dn58 /people/person/religion /m/0c8wxp +/m/02rzdcp /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/08959 /people/person/profession /m/0fj9f +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/019y64 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_njt +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ptxj +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06pj8 /film/director/film /m/072x7s +/m/0nhr5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nhmw +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v40wd +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0glt670 /music/genre/artists /m/01k5t_3 +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/03mp8k /music/record_label/artist /m/01wv9p +/m/01flzb /music/genre/artists /m/01w20rx +/m/06pwq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hz55 +/m/09c7w0 /location/location/contains /m/013m4v +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/05cgy8 +/m/0qm9n /film/film/country /m/09c7w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01fb6d +/m/0f7hc /film/actor/film./film/performance/film /m/0bxxzb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qb5d +/m/0581vn8 /film/film/genre /m/02kdv5l +/m/06mzp /location/country/official_language /m/04306rv +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06nm1 +/m/0g4pl7z /film/film/country /m/07ssc +/m/0ywrc /film/film/genre /m/07s9rl0 +/m/01p4vl /people/person/place_of_birth /m/0t0n5 +/m/01mk6 /location/location/contains /m/05ywg +/m/0hqgp /people/deceased_person/place_of_death /m/0d58_ +/m/033jkj /people/person/nationality /m/09c7w0 +/m/07lnk /music/genre/artists /m/017b2p +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0xnvg /people/ethnicity/people /m/03lq43 +/m/04q5zw /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06q1r +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dmn0x +/m/021996 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046b0s +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0170th /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/0cvw9 /location/location/contains /m/03gdf1 +/m/01mbwlb /people/person/profession /m/09jwl +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/03_6y /people/person/profession /m/02hrh1q +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/07r1h /people/person/gender /m/05zppz +/m/03_d0 /music/genre/artists /m/01l4zqz +/m/0693l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02p21g +/m/04n1hqz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01b195 /film/film/country /m/09c7w0 +/m/0tygl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0329gm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02_286 /location/location/contains /m/027kp3 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07y_r /people/person/profession /m/02jknp +/m/06929s /award/award_winning_work/awards_won./award/award_honor/award /m/03y8cbv +/m/03h_fk5 /people/person/profession /m/02hrh1q +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/018w0j /film/film_subject/films /m/01bb9r +/m/0crfwmx /film/film/production_companies /m/04rcl7 +/m/026wlxw /film/film/genre /m/06cvj +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/05jjl +/m/01s3kv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0f3zsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cyl +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773nt +/m/09zf_q /film/film/cinematography /m/0cqh57 +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/015wfg /film/actor/film./film/performance/film /m/02qr3k8 +/m/03knl /film/actor/film./film/performance/film /m/03cd0x +/m/0pm85 /music/genre/parent_genre /m/05bt6j +/m/09c7w0 /organization/organization_member/member_of./organization/organization_membership/organization /m/059dn +/m/05y8n7 /music/genre/artists /m/01w5n51 +/m/01vvlyt /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ft2l /people/person/spouse_s./people/marriage/spouse /m/0fb1q +/m/04x4nv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mqnr +/m/0jdx /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02_hj4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/04n7ps6 +/m/0dclg /base/biblioness/bibs_location/state /m/05tbn +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02wrrm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02yxwd /film/actor/film./film/performance/film /m/02cbhg +/m/01nrq5 /people/person/profession /m/018gz8 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/0gdqy +/m/031k24 /film/actor/film./film/performance/film /m/080lkt7 +/m/01gw8b /people/person/place_of_birth /m/02_286 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b60sq +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0b1f49 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ksrf8 +/m/014w_8 /people/cause_of_death/people /m/0b22w +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/016k62 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/01_k7f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01z3bz +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01vn35l +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01yznp +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_z5f +/m/03npn /media_common/netflix_genre/titles /m/05b6rdt +/m/01f39b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p47r +/m/09c7w0 /location/location/contains /m/0284jb +/m/06fmdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072twv +/m/064lsn /film/film/genre /m/07s9rl0 +/m/06czyr /people/person/gender /m/02zsn +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lccn +/m/01lsl /film/film/genre /m/06l3bl +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/0f6_x +/m/07r1h /film/actor/film./film/performance/film /m/0gx9rvq +/m/0x67 /people/ethnicity/languages_spoken /m/02h40lc +/m/0n22z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myfz +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/059y0 /people/deceased_person/place_of_death /m/01lfy +/m/02ztjwg /language/human_language/countries_spoken_in /m/077qn +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06v36 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/047hpm /people/person/profession /m/02hrh1q +/m/05jf85 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j6t0 /medicine/symptom/symptom_of /m/074m2 +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/015cxv +/m/01lyv /music/genre/artists /m/0gcs9 +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/026t6 /music/instrument/instrumentalists /m/043c4j +/m/03hpkp /education/educational_institution/students_graduates./education/education/student /m/02x8z_ +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/0cc5mcj /film/film/executive_produced_by /m/06pj8 +/m/04xhwn /people/person/languages /m/02h40lc +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01zhs3 +/m/04ltlj /film/film/produced_by /m/02vyw +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/027jbr /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/016t00 +/m/01wgcvn /film/actor/film./film/performance/film /m/01cmp9 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01z5tr +/m/0151ns /people/person/nationality /m/09c7w0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/03rj0 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03ydlnj +/m/064t9 /music/genre/artists /m/01mxnvc +/m/04mhbh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0209xj /film/film/genre /m/03p5xs +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/084m3 +/m/03mdt /media_common/netflix_genre/titles /m/015g28 +/m/02rmd_2 /film/film/country /m/09c7w0 +/m/06bng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bx0l +/m/021r7r /music/group_member/membership./music/group_membership/role /m/05r5c +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0dgq80b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03qx_f /music/record_label/artist /m/01wx756 +/m/0q5hw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/01w9ph_ /people/person/places_lived./people/place_lived/location /m/02xry +/m/01wqflx /people/person/profession /m/09jwl +/m/034np8 /people/person/profession /m/018gz8 +/m/02k4gv /film/actor/film./film/performance/film /m/0b7l4x +/m/035nm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/015rhv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/023tp8 +/m/02z4b_8 /people/person/profession /m/09jwl +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/02c_4 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0h3c3g /sports/sports_team/colors /m/083jv +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/09x3r /olympics/olympic_games/sports /m/096f8 +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/04zx08r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02psgq /film/film/music /m/012201 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0438f +/m/04gr35 /people/person/places_lived./people/place_lived/location /m/0jrxx +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/017149 /film/actor/film./film/performance/film /m/01q7h2 +/m/0kwv2 /sports/sports_team/colors /m/06fvc +/m/02_2kg /education/educational_institution/campuses /m/02_2kg +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03ntbmw +/m/03bxwtd /award/award_winner/awards_won./award/award_honor/award_winner /m/02z4b_8 +/m/015qq1 /people/deceased_person/place_of_death /m/030qb3t +/m/01vsykc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nsm5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/04wtx1 /people/person/gender /m/02zsn +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/05dbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0lx2l +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01wlt3k /people/person/profession /m/0dz3r +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/04v89z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02dr9j +/m/04xvlr /media_common/netflix_genre/titles /m/04qk12 +/m/06sks6 /olympics/olympic_games/sports /m/01gqfm +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/030p35 +/m/026v437 /people/person/gender /m/02zsn +/m/05r4w /location/country/form_of_government /m/018wl5 +/m/01n7q /location/location/contains /m/01zlwg6 +/m/06vqdf /people/person/profession /m/0np9r +/m/0jfx1 /people/person/gender /m/05zppz +/m/0g9wdmc /film/film/music /m/01x6v6 +/m/03lty /music/genre/artists /m/02cw1m +/m/024fxq /award/award_category/winners./award/award_honor/award_winner /m/0178rl +/m/09yrh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/016tb7 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/0725ny /film/actor/film./film/performance/film /m/047csmy +/m/05p1dby /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pq4w /organization/organization/headquarters./location/mailing_address/citytown /m/05jbn +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g824 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/0438pz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xbq3 +/m/02mc5v /film/film/genre /m/02b5_l +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01qhm_ /people/ethnicity/people /m/0c3jz +/m/0210hf /film/actor/film./film/performance/film /m/018js4 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/02b15x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0257w4 /award/award_category/winners./award/award_honor/award_winner /m/0127gn +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/02qkt /location/location/contains /m/0h7x +/m/08xz51 /award/award_winner/awards_won./award/award_honor/award_winner /m/01c1px +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s6l2 +/m/02bj6k /film/actor/film./film/performance/film /m/0cc846d +/m/09cxm4 /film/film/genre /m/0vgkd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/095b70 +/m/029m83 /people/person/nationality /m/09c7w0 +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/0bhwhj /film/film/personal_appearances./film/personal_film_appearance/person /m/034ls +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p92jn +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/05kms /music/instrument/family /m/085jw +/m/022q4l9 /people/person/nationality /m/0d060g +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03bmmc +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0h7pj /people/person/profession /m/01d_h8 +/m/02rk45 /people/person/spouse_s./people/marriage/spouse /m/02vtnf +/m/0c43g /influence/influence_node/peers./influence/peer_relationship/peers /m/058w5 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/051pnv /organization/organization/place_founded /m/0vzm +/m/016wzw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/0c5dd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/0h7t36 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06zsk51 /film/film/featured_film_locations /m/07b_l +/m/02dwj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04kj2v +/m/05txrz /film/actor/film./film/performance/film /m/03mh_tp +/m/07vhb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/09hzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jgj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jj85 +/m/06_6j3 /people/person/profession /m/09jwl +/m/02xbyr /film/film/music /m/02fgpf +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02my3z +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/0776drd /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxst +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05g8pg +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/03lty /music/genre/artists /m/01k47c +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02hnl /music/instrument/instrumentalists /m/03xl77 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gy6z9 +/m/01v3s2_ /people/person/nationality /m/09c7w0 +/m/05r4w /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03ds3 /film/actor/film./film/performance/film /m/0f8j13 +/m/04fyhv /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/0psss /award/award_winner/awards_won./award/award_honor/award_winner /m/0237fw +/m/0jmj /film/actor/film./film/performance/film /m/0blpg +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06c0ns /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06ybb1 +/m/02_0d2 /people/person/gender /m/05zppz +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dpqk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02q636 +/m/01lfy /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/0459z /people/deceased_person/place_of_death /m/0fhp9 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/04ld94 +/m/016ks_ /film/actor/film./film/performance/film /m/02mc5v +/m/0f612 /location/location/time_zones /m/02hcv8 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/03rz2b +/m/023kzp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0kv2hv /film/film/production_companies /m/01gb54 +/m/07f_t4 /film/film/genre /m/082gq +/m/0n4z2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n56v +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/058s44 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0ff3y /people/person/nationality /m/09c7w0 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/03ysmg /people/person/places_lived./people/place_lived/location /m/06btq +/m/02z44tp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02tkzn +/m/027s39y /award/award_winning_work/awards_won./award/award_honor/award /m/02x1z2s +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0g57ws5 +/m/0175rc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/instrument/instrumentalists /m/0lgsq +/m/014zcr /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02z1yj +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sxrz +/m/0pj9t /music/artist/origin /m/01531 +/m/07t21 /location/location/time_zones /m/03plfd +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ljhg +/m/01dq5z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/03mszl /people/person/place_of_birth /m/02_286 +/m/03ds83 /film/actor/film./film/performance/film /m/01cycq +/m/01738w /film/film/music /m/023361 +/m/03j24kf /people/person/profession /m/09jwl +/m/02b0_m /sports/sports_team/colors /m/01g5v +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/017cy9 +/m/088vmr /music/genre/parent_genre /m/0xjl2 +/m/04bs3j /influence/influence_node/influenced_by /m/01svq8 +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0kftt +/m/03_wm6 /film/film/language /m/064_8sq +/m/0227tr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/0mn9x /location/hud_county_place/county /m/0mn9x +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hp2y1 +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/0bwhdbl /film/film/genre /m/01585b +/m/06b_0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05hdf +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ny1p +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn8jc +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0j1z8 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/0n2g +/m/05qhw /location/location/contains /m/01yl6n +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04h5_c +/m/016clz /music/genre/artists /m/01hrqc +/m/0grmhb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0cwrr +/m/066l3y /people/person/profession /m/0dxtg +/m/03zqc1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bjhv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ct2tf5 /film/film/film_format /m/07fb8_ +/m/0g6ff /people/ethnicity/people /m/01hkhq +/m/0fv_t /location/location/time_zones /m/02hcv8 +/m/02r22gf /award/award_category/winners./award/award_honor/award_winner /m/027y151 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/03k9fj /media_common/netflix_genre/titles /m/09fqgj +/m/0g2lq /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jrg /film/film_subject/films /m/049mql +/m/018t8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02bb47 /education/educational_institution/campuses /m/02bb47 +/m/09c7w0 /location/location/contains /m/09s5q8 +/m/08jgk1 /tv/tv_program/genre /m/0c4xc +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/016w7b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01c4_6 /award/award_category/winners./award/award_honor/award_winner /m/0kr_t +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g257 +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0kp2_ +/m/058s57 /people/person/profession /m/0n1h +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/05g3ss /people/person/languages /m/03k50 +/m/016kz1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019x62 +/m/0f8j6 /base/biblioness/bibs_location/country /m/02jx1 +/m/0h1x5f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0170qf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01l1hr +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/02hnl +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01lqnff +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01pgp6 +/m/0dbbz /people/person/nationality /m/03rjj +/m/01nd6v /people/person/profession /m/018gz8 +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/05r5c /music/instrument/instrumentalists /m/01vwbts +/m/0262x6 /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/02p3cr5 /music/record_label/artist /m/02vcp0 +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/043z0 /location/location/contains /m/042tq +/m/09c7w0 /location/location/contains /m/036921 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccck7 +/m/01w272y /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nwm +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01kkx2 +/m/011yhm /film/film/cinematography /m/04qvl7 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/03gvpk /people/person/profession /m/0cbd2 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/09g0h /music/group_member/membership./music/group_membership/role /m/02hnl +/m/014b4h /education/educational_institution_campus/educational_institution /m/014b4h +/m/02fcs2 /people/person/profession /m/01d_h8 +/m/01r7pq /people/person/places_lived./people/place_lived/location /m/01531 +/m/045346 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03w7kx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08n__5 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/05842k +/m/08jtv5 /people/person/gender /m/05zppz +/m/09c7w0 /location/country/second_level_divisions /m/0l3kx +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07cn2c +/m/09c7w0 /location/location/contains /m/04b_46 +/m/09y6pb /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01wwvt2 +/m/0gm2_0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d6484 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rzqj +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bl2g +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/03jqw5 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01fx2g +/m/01qrbf /people/person/nationality /m/02jx1 +/m/04wddl /film/film/written_by /m/0c921 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddj0x +/m/0fsb_6 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/07ftc0 /people/person/nationality /m/03h64 +/m/05zlld0 /film/film/language /m/06nm1 +/m/013y1f /music/instrument/instrumentalists /m/01vtg4q +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017wh +/m/0p_47 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pcdn +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0l6m5 /olympics/olympic_games/participating_countries /m/07ssc +/m/0dyztm /people/person/nationality /m/09c7w0 +/m/01cz7r /film/film/executive_produced_by /m/0b13g7 +/m/02l7c8 /media_common/netflix_genre/titles /m/05pdh86 +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0d060g /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01trf3 /film/actor/film./film/performance/film /m/091rc5 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/07csf4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0f4yh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/098n_m /people/person/nationality /m/09c7w0 +/m/0dclg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxyd +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0k269 /film/actor/film./film/performance/film /m/0c40vxk +/m/02frhbc /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/05y0cr /film/film/language /m/064_8sq +/m/03j149k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qzm +/m/01cx_ /location/location/contains /m/031n8c +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/06g4_ /people/person/profession /m/0kyk +/m/02q_cc /award/award_winner/awards_won./award/award_honor/award_winner /m/030_3z +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04mrgz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03cws8h +/m/0bbgly /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/032nl2 /people/person/places_lived./people/place_lived/location /m/0cb4j +/m/03w94xt /music/genre/artists /m/01wv9xn +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/047yc /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02rv_dz /film/film/language /m/02h40lc +/m/0f3m1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/07z4p +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/07nxnw /film/film/genre /m/02kdv5l +/m/0mb5x /people/person/profession /m/02hrh1q +/m/06by7 /music/genre/artists /m/016s_5 +/m/0gs973 /film/film/executive_produced_by /m/03c9pqt +/m/0fzyg /film/film_subject/films /m/01jwxx +/m/070bjw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jymd +/m/09k9d0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_dy /film/actor/film./film/performance/film /m/04lhc4 +/m/01flzq /music/genre/artists /m/01vw917 +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8drv +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0296rz +/m/03xyp_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fztbq /film/film/genre /m/0bkbm +/m/0c00lh /influence/influence_node/influenced_by /m/02ld6x +/m/0dzz6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01br2w +/m/029qzx /education/educational_institution/school_type /m/05pcjw +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02yxbc +/m/01b0k1 /people/person/nationality /m/02jx1 +/m/02kv5k /people/deceased_person/place_of_death /m/0r15k +/m/04jspq /people/person/gender /m/05zppz +/m/0m0fw /music/genre/artists /m/01gx5f +/m/0d0vqn /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/02tktw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01q8hj /education/educational_institution/students_graduates./education/education/student /m/01p1z_ +/m/06gjk9 /film/film/featured_film_locations /m/04jpl +/m/02760sl /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/0164nb /people/person/religion /m/0c8wxp +/m/01_x6v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/01jmyj /film/film/genre /m/0c3351 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/06qv_ +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/08ct6 +/m/0f2tj /sports/sports_team_location/teams /m/05g3v +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05qx1 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02x8s9 /people/person/gender /m/05zppz +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/015ppk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/0ply0 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03_d0 /music/genre/parent_genre /m/05r9t +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmd5 +/m/01csvq /people/person/profession /m/0kyk +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01v3vp /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/06q8hf /people/person/profession /m/01d_h8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/02k6rq +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8yn3 +/m/07g9f /tv/tv_program/genre /m/02n4kr +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jvt9 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/05148p4 /music/instrument/instrumentalists /m/02vcp0 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/03spz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/02qr69m /film/film/produced_by /m/04wvhz +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01wmcbg +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0193x +/m/06by7 /music/genre/artists /m/01t8399 +/m/05x30m /location/location/time_zones /m/02llzg +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01gbbz +/m/0d_2fb /film/film/country /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/037njl +/m/03xnq9_ /people/person/gender /m/02zsn +/m/02m3sd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020l9r +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0gg7gsl +/m/07ym47 /music/genre/artists /m/01wwvt2 +/m/0c9d9 /people/person/profession /m/09jwl +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/06ncr /music/instrument/instrumentalists /m/032t2z +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/01qtj9 /location/location/contains /m/0d6nx +/m/05lwjc /music/genre/artists /m/02h9_l +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/055hc /location/administrative_division/first_level_division_of /m/05qhw +/m/0f0kz /film/actor/film./film/performance/film /m/0fg04 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/01xdn1 /organization/organization/place_founded /m/02_286 +/m/0kbn5 /people/person/place_of_birth /m/0cr3d +/m/0z4_0 /location/location/time_zones /m/02fqwt +/m/0m2kd /film/film/language /m/02h40lc +/m/04tz52 /film/film/music /m/01vtmw6 +/m/013nky /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/01wbg84 /film/actor/film./film/performance/film /m/03wy8t +/m/0z5vp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pmnt /film/film/music /m/02cyfz +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/01gc7 /film/film/production_companies /m/0fvppk +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/02kcz /sports/sports_team_location/teams /m/04n8xs +/m/08s6mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/0mrf1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bz7q /people/person/profession /m/02hrh1q +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05p92jn +/m/0171cm /people/person/profession /m/02hrh1q +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/02ctzb /people/ethnicity/people /m/01lwx +/m/02rhwjr /tv/tv_program/genre /m/02kdv5l +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01zt10 /people/person/places_lived./people/place_lived/location /m/0dlv0 +/m/0262x6 /award/award_category/winners./award/award_honor/ceremony /m/0gwdy4 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0kjgl /people/person/places_lived./people/place_lived/location /m/0165b +/m/01f8hf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vw20h /people/person/gender /m/05zppz +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l7cxq +/m/0298n7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06dfz1 /tv/tv_program/genre /m/06q7n +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/04xvlr /media_common/netflix_genre/titles /m/0kv9d3 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/07c52 /media_common/netflix_genre/titles /m/03cf9ly +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/022411 +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/07r1_ /influence/influence_node/influenced_by /m/070b4 +/m/017n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0xhtw /music/genre/artists /m/08w4pm +/m/013q0p /award/award_winning_work/awards_won./award/award_honor/award /m/0hnf5vm +/m/029jpy /location/location/contains /m/0n5yh +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/0gdh5 /people/person/gender /m/02zsn +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0dw4g +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/06by7 /music/genre/artists /m/0jsg0m +/m/0828jw /tv/tv_program/genre /m/01htzx +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04qhdf +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0pv3x /film/film/genre /m/07s9rl0 +/m/04qw17 /film/film/genre /m/07s9rl0 +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m2kd +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/031ns1 +/m/0b6k40 /education/educational_institution/students_graduates./education/education/student /m/0h6sv +/m/015zql /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026qnh6 +/m/0rn8q /base/biblioness/bibs_location/state /m/02xry +/m/06f32 /location/location/contains /m/0ftkx +/m/015vq_ /film/actor/film./film/performance/film /m/016z9n +/m/0f2r6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/030w19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0cq7tx /film/film/genre /m/03bxz7 +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/03kts +/m/0phx4 /music/artist/origin /m/04jpl +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/07sgdw +/m/01vrz41 /people/person/profession /m/02hrh1q +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0187nd +/m/0_wm_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gk4g /people/cause_of_death/people /m/0k1bs +/m/0fkwzs /tv/tv_program/genre /m/0pr6f +/m/08w7vj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wy5m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mwsnc /music/group_member/membership./music/group_membership/role /m/06w7v +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/05xpms /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0lmm3 +/m/02cbhg /film/film/film_production_design_by /m/0bytkq +/m/0dx8gj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04v7k2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_4z /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bc1yhb /film/film/executive_produced_by /m/079vf +/m/09v38qj /tv/tv_program/languages /m/02h40lc +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05sy_5 +/m/051wf /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/08htt0 /education/educational_institution/school_type /m/01rs41 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/03wbqc4 /film/film/genre /m/01jfsb +/m/07b_l /location/location/contains /m/013mzh +/m/07bch9 /people/ethnicity/people /m/07bty +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award /m/04ldyx1 +/m/01ct6 /sports/sports_team/colors /m/01l849 +/m/0736qr /people/person/gender /m/05zppz +/m/02l4rh /people/person/religion /m/0c8wxp +/m/01qgry /people/person/profession /m/09jwl +/m/0948xk /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/0f4dx2 /film/actor/film./film/performance/film /m/05ft32 +/m/01n4f8 /influence/influence_node/influenced_by /m/01k9lpl +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02tgz4 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/040dv /people/deceased_person/place_of_death /m/0bwtj +/m/03gfvsz /broadcast/content/artist /m/01309x +/m/0678gl /people/person/religion /m/01lp8 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/06v8s0 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/073bb /influence/influence_node/influenced_by /m/03_87 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9cv +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01ws9n6 /people/deceased_person/place_of_death /m/0f__1 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/0g5q34q /film/film/featured_film_locations /m/052p7 +/m/03f0fnk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/09c7w0 /location/country/second_level_divisions /m/0n5jm +/m/07s9rl0 /media_common/netflix_genre/titles /m/04cv9m +/m/02wb6yq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0gs6vr +/m/049fgvm /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/017dtf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vs8ng +/m/018ctl /olympics/olympic_games/participating_countries /m/0b90_r +/m/020y73 /film/film/language /m/04306rv +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0jyx6 /film/film/written_by /m/081lh +/m/016ggh /film/actor/film./film/performance/film /m/04954r +/m/01j7z7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/05c4fys /people/person/nationality /m/034m8 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/02nczh /film/film/production_companies /m/05d6q1 +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/09c7w0 /location/location/contains /m/0ftxw +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/059rby /location/location/contains /m/01n951 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gyfp9c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c4f4 +/m/016bx2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01gzm2 /people/person/profession /m/02hrh1q +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06gb1w /film/film/language /m/02h40lc +/m/072hx4 /film/film/production_companies /m/02slt7 +/m/0y9j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/03qjlz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/0ksy_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/048lv /film/actor/film./film/performance/film /m/0660b9b +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0glb5 +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/02bj6k /film/actor/film./film/performance/film /m/01y9r2 +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01n8gr +/m/01y06y /education/educational_institution/students_graduates./education/education/student /m/042q3 +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/016376 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0140g4 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0194d +/m/05q54f5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/011k1h /music/record_label/artist /m/09qr6 +/m/0lg0r /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01x6jd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049dyj +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/07b_l /location/location/contains /m/0ms6_ +/m/0b79gfg /people/person/gender /m/05zppz +/m/0cjsxp /people/person/places_lived./people/place_lived/location /m/0d9y6 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j70t +/m/03k7bd /people/person/place_of_birth /m/01sn3 +/m/0147dk /film/actor/film./film/performance/film /m/02qkwl +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04n52p6 +/m/01trf3 /film/actor/film./film/performance/film /m/094g2z +/m/03m3vr6 /people/cause_of_death/people /m/0137hn +/m/05r5w /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02nx2k /film/film/genre /m/02kdv5l +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsgr +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/08cyft /music/genre/artists /m/01d_h +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07phbc +/m/0gdh5 /people/person/profession /m/0dz3r +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06bss /people/person/religion /m/019cr +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/05vxdh /film/film/language /m/02h40lc +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05c5z8j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/021wpb /people/profession/specialization_of /m/02hrh1q +/m/014x77 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06t2t2 /film/film/featured_film_locations /m/030qb3t +/m/01634x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01p87y /people/person/gender /m/05zppz +/m/0kzy0 /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/03qjg /music/instrument/instrumentalists /m/01j590z +/m/07ssc /location/location/contains /m/01z8f0 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01mz9lt +/m/05nw9m /people/person/religion /m/03j6c +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/018_lb /people/person/places_lived./people/place_lived/location /m/0d060g +/m/07sgfvl /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02_wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/09c7w0 /location/country/second_level_divisions /m/0l2rj +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/06j8wx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sp81 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06ztvyx /film/film/prequel /m/09146g +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/042rlf +/m/01cwhp /people/person/places_lived./people/place_lived/location /m/052p7 +/m/015wfg /people/deceased_person/place_of_death /m/0ftvg +/m/05ch98 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0k20s /film/film/language /m/064_8sq +/m/02cbhg /film/film/music /m/012ljv +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020ffd +/m/012wg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0140g4 +/m/01f8hf /film/film/genre /m/03k9fj +/m/01cyd5 /education/educational_institution/school_type /m/03ss47 +/m/011yg9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025h4z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/01vn0t_ /music/artist/origin /m/04jpl +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0168ls +/m/087yty /people/deceased_person/place_of_death /m/0k_p5 +/m/01cwcr /people/person/spouse_s./people/marriage/type_of_union /m/0jgjn +/m/0145rs /music/genre/artists /m/01vzz1c +/m/0177s6 /people/person/profession /m/01d_h8 +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/01dys +/m/01dg3s /location/administrative_division/country /m/07ssc +/m/0146mv /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01399x /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01xdxy +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c9c0 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/01hmnh /media_common/netflix_genre/titles /m/03s9kp +/m/0kv4k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6nl +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/0qm98 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/026r8q +/m/0cc56 /location/location/time_zones /m/02hcv8 +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01snm +/m/0c408_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zfs +/m/043qqt5 /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gx159f /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01gc7 +/m/02279c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/01x4r3 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/02nfjp /people/person/profession /m/064xm0 +/m/076tq0z /film/film/produced_by /m/0fvf9q +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b64v +/m/01rc6f /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vbk +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04vr_f +/m/03l6bs /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/03fhjz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/027km64 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076df9 +/m/0jkvj /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/077q8x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05kh_ /influence/influence_node/influenced_by /m/037jz +/m/09mq4m /award/award_winner/awards_won./award/award_honor/award_winner /m/023p29 +/m/0mwvq /location/location/time_zones /m/02hcv8 +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/018db8 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01rh0w +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0168ls /film/film/executive_produced_by /m/0j582 +/m/023znp /education/educational_institution/students_graduates./education/education/student /m/0738b8 +/m/050l8 /location/location/contains /m/0nlqq +/m/04tr1 /location/country/official_language /m/02h40lc +/m/0jm64 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p3p +/m/06crng /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0b90_r +/m/0fs_s /location/location/time_zones /m/02llzg +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j1m +/m/01pcz9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/0rydq /base/biblioness/bibs_location/state /m/0d0x8 +/m/05y8n7 /music/genre/parent_genre /m/05r6t +/m/03f5mt /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/02r4qs /people/person/place_of_birth /m/0wp9b +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gxfz +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03zb6t +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/02vmzp /people/person/profession /m/02jknp +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/07cbs /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07z1m +/m/0yxl /influence/influence_node/influenced_by /m/03j0d +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gcrg +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/09889g /people/person/profession /m/0dz3r +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01fs_4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/09lcsj /film/film/genre /m/082gq +/m/046f3p /film/film/genre /m/04xvlr +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07cz2 +/m/02h659 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/02qjpv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/090q4n +/m/05sq20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03ntbmw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024rdh /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/06hzsx /people/person/place_of_birth /m/01sn3 +/m/07ssc /location/country/form_of_government /m/01q20 +/m/0g7pm1 /film/film/music /m/03c_8t +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02zd460 +/m/0399p /influence/influence_node/peers./influence/peer_relationship/peers /m/043tg +/m/0ftccy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/02t1cp /people/person/profession /m/02hrh1q +/m/06hgj /people/person/gender /m/05zppz +/m/0m0jc /music/genre/artists /m/0phx4 +/m/03_gd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/04z542 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/09c7w0 /location/location/contains /m/03gh4 +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0xbm +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05gsd2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/0523v5y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/0bs4r /film/film/genre /m/03k9fj +/m/09q17 /media_common/netflix_genre/titles /m/03h3x5 +/m/09vzz /education/educational_institution/campuses /m/09vzz +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02w7gg /people/ethnicity/people /m/016nff +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/018qb4 /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/028p0 /people/person/places_lived./people/place_lived/location /m/031y2 +/m/01j7rd /award/award_winner/awards_won./award/award_honor/award_winner /m/06msq2 +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfns +/m/0pqzh /people/deceased_person/place_of_death /m/0y1rf +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/06bng +/m/03gr7w /people/person/profession /m/0n1h +/m/07zft /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/035ktt /education/educational_institution/students_graduates./education/education/student /m/01gbbz +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/01chpn /film/film/genre /m/01q03 +/m/03n3gl /film/film/produced_by /m/01_x6d +/m/03pnvq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q8s4 /location/location/time_zones /m/02fqwt +/m/03kpvp /award/award_winner/awards_won./award/award_honor/award_winner /m/01j2xj +/m/0crqcc /people/person/places_lived./people/place_lived/location /m/01531 +/m/06w92 /location/location/contains /m/0c630 +/m/0dc7hc /film/film/music /m/03c_8t +/m/06by7 /music/genre/artists /m/015xp4 +/m/07s72n /music/genre/artists /m/0249kn +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/04g9gd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0337vz +/m/02mc79 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01xn7x1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0m76b /film/actor/film./film/performance/film /m/02v63m +/m/02y0js /people/cause_of_death/people /m/02qx1m2 +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q7cb_ +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dy7j +/m/0dyl9 /base/biblioness/bibs_location/country /m/09c7w0 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/025vw4t /people/person/gender /m/05zppz +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/02j3d4 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/0tzt_ /location/location/time_zones /m/02hcv8 +/m/01ky2h /influence/influence_node/peers./influence/peer_relationship/peers /m/053yx +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jmv8 +/m/047csmy /film/film/executive_produced_by /m/02qzjj +/m/03hdz8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dj0m5 /film/film/country /m/07ssc +/m/0g5pvv /film/film/language /m/02ztjwg +/m/02ywwy /film/film/genre /m/01jfsb +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/0806vbn /people/person/languages /m/01r2l +/m/06pj8 /film/director/film /m/01flv_ +/m/01x73 /location/location/contains /m/021gt5 +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/0161sp /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01v3x8 /sports/sports_team/colors /m/019sc +/m/07ssc /media_common/netflix_genre/titles /m/0p7pw +/m/08jfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fgg4 +/m/01xyqk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bx0lc /award/award_winner/awards_won./award/award_honor/award_winner /m/01wbg84 +/m/034qt_ /people/deceased_person/place_of_death /m/0k_p5 +/m/01trtc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cmf0m0 /film/film/genre /m/01hmnh +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04zl8 +/m/0c663 /location/location/contains /m/0c66m +/m/02gl58 /tv/tv_program/genre /m/06n90 +/m/0dq2k /people/person/religion /m/01t7j +/m/0hdf8 /music/genre/artists /m/04kjrv +/m/0nbzp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02j9z /location/location/contains /m/01g_k3 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/0bvg70 +/m/0827d /music/genre/artists /m/09z1lg +/m/01pqy_ /people/person/places_lived./people/place_lived/location /m/03gh4 +/m/0bdlj /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/081lh /film/director/film /m/0421ng +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/019dmc /people/cause_of_death/people /m/04__f +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/04_1nk +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0ckr7s /film/film/genre /m/01hmnh +/m/0dw4b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01gst9 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gs1_ +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01gwck /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/0ffgh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/06by7 /music/genre/artists /m/01wp8w7 +/m/03cn92 /film/actor/film./film/performance/film /m/08mg_b +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsf6 +/m/046qq /people/person/profession /m/02hrh1q +/m/02sdwt /education/educational_institution/campuses /m/02sdwt +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kv2hv +/m/01_k0d /influence/influence_node/peers./influence/peer_relationship/peers /m/0yxl +/m/0sw6g /film/actor/film./film/performance/film /m/01jrbv +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0p7qm /film/film/language /m/0653m +/m/01nln /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/027j9wd /film/film/genre /m/0hcr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01fxg8 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/07gbf +/m/0g22z /film/film/featured_film_locations /m/02_286 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/019lvv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01f2q5 +/m/01z77k /media_common/netflix_genre/titles /m/02ppg1r +/m/034gxk /music/genre/artists /m/0143q0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9tm +/m/04ldyx1 /award/award_category/winners./award/award_honor/award_winner /m/03975z +/m/03t0k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/0gg5qcw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/014zcr +/m/05dtwm /film/actor/film./film/performance/film /m/014lc_ +/m/0svqs /base/eating/practicer_of_diet/diet /m/07_jd +/m/0jgxn /people/profession/specialization_of /m/05t4q +/m/0bcp9b /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/02zcz3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/0jdx /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07jxpf /film/film/language /m/06nm1 +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qjpv5 +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/02p65p /film/actor/film./film/performance/film /m/02v8kmz +/m/026t6 /music/instrument/instrumentalists /m/04gycf +/m/0fh2v5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07bch9 /people/ethnicity/people /m/01j5ws +/m/0g7pm1 /film/film/cinematography /m/027t8fw +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/0hhjk /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tbn /location/location/contains /m/02yr3z +/m/0sxns /film/film/country /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/05dbf /award/award_winner/awards_won./award/award_honor/award_winner /m/0k269 +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0dsx3f +/m/09hd6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/06s_2 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/0cx7f /music/genre/artists /m/0fhxv +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/03_l8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/06br6t /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03mp8k /music/record_label/artist /m/019g40 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bvzp +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05c74 +/m/01ldw4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07brj /music/instrument/instrumentalists /m/0pkyh +/m/0cm2xh /film/film_subject/films /m/0kb1g +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03ylxn +/m/06rgq /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/02mjmr +/m/0827d /music/genre/artists /m/01w61th +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/0p8r1 /people/person/profession /m/02hrh1q +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/07_nf /film/film_subject/films /m/0czyxs +/m/02_fj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0264v8r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/015gw6 +/m/06mr2s /tv/tv_program/languages /m/02h40lc +/m/0c34mt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02yv6b /music/genre/artists /m/021r7r +/m/09th87 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0ks67 +/m/0g8rj /education/educational_institution/school_type /m/05jxkf +/m/0136pk /people/person/nationality /m/09c7w0 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0b68vs +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gw7p +/m/0303jw /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bg539 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/02cx90 +/m/027m5wv /film/film/genre /m/02l7c8 +/m/0mm1q /people/person/profession /m/02hrh1q +/m/0bbf1f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pqy_ +/m/042q3 /people/person/profession /m/02hv44_ +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/02gd6x /film/film/genre /m/01hmnh +/m/02b61v /film/film/produced_by /m/07r1h +/m/09c7w0 /location/location/contains /m/0wq3z +/m/0781g /music/genre/artists /m/0130sy +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_kd +/m/06cv1 /film/director/film /m/02q7yfq +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/020p1 +/m/0f0kz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05b4rcb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02x6dqb +/m/061681 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dc3_ +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2nl +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/04jwjq /film/film/production_companies /m/099ks0 +/m/0h1mt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0167_s /music/artist/origin /m/02jx1 +/m/09gq0x5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/056rgc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02d4ct +/m/0288zy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/03n_7k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04f1glf +/m/015pkc /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/022q32 +/m/01j851 /people/person/spouse_s./people/marriage/spouse /m/015g_7 +/m/05qhw /location/country/second_level_divisions /m/081m_ +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04nnpw /film/film/genre /m/04xvlr +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/03q0r1 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/0184dt +/m/04xvlr /media_common/netflix_genre/titles /m/02w9k1c +/m/03wpmd /people/person/profession /m/01d_h8 +/m/018js4 /film/film/produced_by /m/01t6b4 +/m/016fyc /award/award_winning_work/awards_won./award/award_honor/award /m/099jhq +/m/04m_kpx /people/person/profession /m/02hrh1q +/m/027ct7c /film/film/genre /m/07s9rl0 +/m/063k3h /people/ethnicity/people /m/02jq1 +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/01d1st /film/actor/film./film/performance/film /m/07y9w5 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/0k3gw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kg +/m/02l840 /people/person/profession /m/012t_z +/m/011hdn /people/person/profession /m/039v1 +/m/0p51w /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/05z7c /film/film/featured_film_locations /m/0d35y +/m/01cx_ /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/07twz /location/country/official_language /m/06nm1 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/0l99s /influence/influence_node/influenced_by /m/02lt8 +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd57 +/m/0gfh84d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/019m60 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/06by7 /music/genre/artists /m/01vrx35 +/m/0k269 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kkx2 /people/person/profession /m/02krf9 +/m/025xt8y /people/person/places_lived./people/place_lived/location /m/0ljsz +/m/039crh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01f3p_ +/m/01h1bf /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06jnvs /people/person/nationality /m/09c7w0 +/m/01psyx /people/cause_of_death/people /m/021j72 +/m/0m7d0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw93 +/m/0sxgv /film/film/genre /m/03g3w +/m/0cjf0 /medicine/symptom/symptom_of /m/0h1wz +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vjm +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0n6ds /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/01qygl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gfzfj /film/film/language /m/02h40lc +/m/0glqh5_ /film/film/genre /m/01jfsb +/m/01skmp /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01z7s_ +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/05g7q /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bxtg +/m/04wddl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/03gyh_z +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/044p4_ +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_3z +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/04sx9_ +/m/013xrm /people/ethnicity/people /m/07h1q +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlz4 +/m/033jkj /people/person/place_of_birth /m/030qb3t +/m/059g4 /location/location/contains /m/04yf_ +/m/032dg7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/04ydr95 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/01r42_g +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/027qq9b /award/award_category/winners./award/award_honor/award_winner /m/025vl4m +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/016szr +/m/0163t3 /people/person/profession /m/05s9tm +/m/0ggx5q /music/genre/artists /m/01dw_f +/m/015q1n /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/013tjc /people/person/profession /m/02hrh1q +/m/04n2vgk /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/06c1y /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04x4gw +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nxzv +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02s7tr +/m/06fpsx /film/film/produced_by /m/05ty4m +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/09cr8 /film/film/language /m/02h40lc +/m/09_2gj /people/person/nationality /m/03rk0 +/m/06rnl9 /people/person/nationality /m/09c7w0 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0fzm0g /film/film/genre /m/05p553 +/m/051gjr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03r0g9 /film/film/costume_design_by /m/03y1mlp +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01dbns /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/01lqf49 /people/person/gender /m/05zppz +/m/07djnx /people/person/profession /m/0dgd_ +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/04cf09 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m66w +/m/02js_6 /influence/influence_node/influenced_by /m/017_pb +/m/01q7q2 /education/educational_institution/colors /m/01l849 +/m/01mqnr /people/person/religion /m/03_gx +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05np4c +/m/023mdt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ksf29 /people/person/nationality /m/0d060g +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlkc3 +/m/01sbf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0fsb_6 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0c6cwg /base/culturalevent/event/entity_involved /m/02070z +/m/02j9z /location/location/contains /m/03gj2 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/02vxyl5 /people/person/gender /m/05zppz +/m/06bnz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04w8f +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/09wj5 +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsyg9 +/m/030hbp /people/person/place_of_birth /m/06yxd +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03gqb0k /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0dcsx /people/cause_of_death/people /m/09p06 +/m/0473q /music/group_member/membership./music/group_membership/role /m/01xqw +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6xz +/m/016jhr /music/genre/artists /m/013w8y +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01p95y0 /music/group_member/membership./music/group_membership/role /m/0jtg0 +/m/015whm /film/film/language /m/06b_j +/m/0gyh2wm /film/film/production_companies /m/0fvppk +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01fxg8 +/m/02v92l /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02_1q9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/07g_0c +/m/0dryh9k /people/ethnicity/people /m/0fy2s1 +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01400v +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/026g51 /music/genre/parent_genre /m/01lyv +/m/0dbns /education/educational_institution/students_graduates./education/education/student /m/05g3ss +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/02rytm +/m/0ghvb /education/educational_institution_campus/educational_institution /m/0ghvb +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016fyc +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggl02 +/m/011vx3 /people/person/place_of_birth /m/0cc56 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jt2w +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/05bt6j /music/genre/artists /m/09qr6 +/m/017959 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/01bv8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_n5d +/m/06l6nj /people/person/profession /m/0cbd2 +/m/04w4s /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02ktt7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0typ5 /location/hud_county_place/county /m/0k3gw +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02xhpl +/m/033g54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0nj0m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l03w2 +/m/04h68j /people/person/nationality /m/09c7w0 +/m/0bz60q /people/person/profession /m/02krf9 +/m/03jxw /people/person/nationality /m/09c7w0 +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0cnl09 /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0fvly +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/077yk0 +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/0h53p1 +/m/044ptm /people/person/gender /m/05zppz +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/02lnbg /music/genre/artists /m/02twdq +/m/0l14qv /music/instrument/instrumentalists /m/01jgkj2 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02zft0 /people/person/gender /m/05zppz +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/0223bl +/m/01b66t /tv/tv_program/country_of_origin /m/09c7w0 +/m/01grrf /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsrl +/m/014dd0 /music/record_label/artist /m/03lgg +/m/016clz /music/genre/artists /m/03t9sp +/m/0glnm /film/film/genre /m/02l7c8 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/0nryt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nr_q +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/01w02sy /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/07ldhs /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0jqp3 /film/film/produced_by /m/09ftwr +/m/05683p /people/person/place_of_birth /m/05jbn +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/09c7w0 /location/country/second_level_divisions /m/0l2wt +/m/0ggbhy7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02q42j_ +/m/02q7fl9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0n5gb /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0127m7 /people/person/profession /m/01d_h8 +/m/09c7w0 /location/location/contains /m/04yf_ +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/0dryh9k /people/ethnicity/people /m/064p92m +/m/09jd9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02tzwd +/m/043n0v_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048j1q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/097ns /medicine/disease/risk_factors /m/012jc +/m/01_1hw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/083pr +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/07bs0 +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/05hjnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0jzw /film/film/cinematography /m/03_fk9 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01400v +/m/01m8dg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/03fghg /people/person/profession /m/0np9r +/m/07r1h /people/person/religion /m/0c8wxp +/m/09y20 /film/actor/film./film/performance/film /m/04jpg2p +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05fjy +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/07s9rl0 /media_common/netflix_genre/titles /m/01gglm +/m/04v8x9 /film/film/genre /m/03k9fj +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/02r6c_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/04wx2v /people/person/gender /m/02zsn +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/02jx1 /location/location/contains /m/09k23 +/m/01wj18h /people/person/languages /m/06nm1 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/0_jws /location/hud_county_place/county /m/0mw5x +/m/026y3cf /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvd4 +/m/01nyl /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01_lh1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0345h /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02vr3gz /film/film/genre /m/01jfsb +/m/01j_jh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02l7c8 /media_common/netflix_genre/titles /m/0gd92 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/0d8jf /base/biblioness/bibs_location/state /m/04rrd +/m/025sc50 /music/genre/artists /m/01ws9n6 +/m/0xsk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v_pj6 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0697kh +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04wlz2 /education/educational_institution/students_graduates./education/education/student /m/02wr2r +/m/059gkk /people/person/nationality /m/03rjj +/m/01713c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/071_8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/015c4g /film/actor/film./film/performance/film /m/06zsk51 +/m/072bb1 /people/person/nationality /m/09c7w0 +/m/0hmm7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/023zl +/m/01qwb5 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gywn /music/genre/artists /m/01wrcxr +/m/05fky /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0hv81 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04xrx /people/person/profession /m/02hrh1q +/m/0ksrf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02nczh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rzdcp /tv/tv_program/languages /m/02h40lc +/m/0kbq /film/film_subject/films /m/02cbhg +/m/0kbws /olympics/olympic_games/participating_countries /m/04xn_ +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01c8v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/05hs4r /music/genre/artists /m/01kcms4 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b76t12 +/m/06zn2v2 /film/film/music /m/0b6yp2 +/m/01w9mnm /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/02v63m /film/film/genre /m/03npn +/m/04__f /film/actor/film./film/performance/film /m/097zcz +/m/04f7c55 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wb6yq +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/027kp3 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c744 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01qtj9 +/m/01wl38s /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01nd6v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/023fb +/m/0fdtd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06kl78 +/m/0244r8 /people/person/profession /m/01c72t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02vpvk +/m/018vbf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06vbd +/m/05b5c /organization/organization/headquarters./location/mailing_address/citytown /m/0c75w +/m/04t2l2 /people/person/profession /m/01d_h8 +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/018qql +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/07yp0f /people/person/nationality /m/09c7w0 +/m/012mzw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d_84 /film/actor/film./film/performance/film /m/02kfzz +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04j1n8 +/m/0124k9 /award/award_winning_work/awards_won./award/award_honor/award /m/09qv3c +/m/0155w /music/genre/artists /m/01vsksr +/m/0dx8gj /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/07_dn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/04cj79 /film/film/costume_design_by /m/0bytfv +/m/041rx /people/ethnicity/people /m/020x5r +/m/0g768 /music/record_label/artist /m/01jfr3y +/m/07tp2 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0358x_ +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/02pzz3p /award/award_category/winners./award/award_honor/award_winner /m/06w6_ +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04vzv4 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/012g92 +/m/044lyq /people/person/nationality /m/02jx1 +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0h584v /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039c26 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/0g5ff +/m/09q23x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/017l96 /music/record_label/artist /m/02_fj +/m/02sqkh /tv/tv_program/languages /m/02h40lc +/m/02x8z_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dqcs3 +/m/0p9rz /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02z81h /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0qmd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015wnl +/m/06thjt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07tp2 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/09w6br /film/film/production_companies /m/031rq5 +/m/02vr30 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05txrz /film/actor/film./film/performance/film /m/0cmdwwg +/m/02v0ff /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/01nn6c /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/04gv3db /film/film/genre /m/05p553 +/m/02wb6d /people/person/profession /m/01c72t +/m/04glr5h /people/person/profession /m/03gjzk +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03176f +/m/03vrv9 /people/person/profession /m/0gl2ny2 +/m/019v67 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03clwtw +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03n_7k +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01c979 +/m/07jnt /film/film/cinematography /m/04qvl7 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0187nd +/m/06pk8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01j590z /people/person/places_lived./people/place_lived/location /m/0mzww +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0hqzm6r +/m/0177sq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0jmk7 /sports/sports_team/colors /m/083jv +/m/0ndsl1x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09yrh +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/01jvgt /sports/sports_team/colors /m/083jv +/m/04ld94 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0j1z8 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0fnx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02kk_c /tv/tv_program/genre /m/03g3w +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/03jht +/m/01jgpsh /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0716t2 /film/actor/film./film/performance/film /m/012s1d +/m/017_qw /music/genre/artists /m/03f68r6 +/m/01ycbq /film/actor/film./film/performance/film /m/0b44shh +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/06j0md +/m/038bht /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01kt_j +/m/034r25 /film/film/language /m/04h9h +/m/01cszh /music/record_label/artist /m/01vvycq +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/08sfxj /film/film/runtime./film/film_cut/film_release_region /m/0d060g +/m/01ct6 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/01vt5c_ /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/01p45_v /music/group_member/membership./music/group_membership/role /m/05r5c +/m/04x4s2 /people/person/profession /m/02hrh1q +/m/022_lg /people/person/profession /m/02krf9 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yxg +/m/0j0k /location/location/contains /m/01wv24 +/m/04954 /people/person/gender /m/05zppz +/m/01n7qlf /film/actor/film./film/performance/film /m/047gpsd +/m/01w724 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/05jt_ /music/genre/artists /m/016lj_ +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fn5s +/m/035qv8 /education/educational_institution_campus/educational_institution /m/035qv8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q460 +/m/09rvwmy /film/film/genre /m/02l7c8 +/m/016jny /music/genre/artists /m/01vrx35 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06t61y +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0cbl95 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch3qr1 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/047g6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/0522wp +/m/0qm98 /film/film/country /m/09c7w0 +/m/020bg /people/person/profession /m/0n1h +/m/01wp8w7 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0794g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01tfck +/m/0gx159f /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/043s3 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nwwl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05jx17 +/m/0ljbg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/016yzz /people/person/profession /m/0dxtg +/m/06lpmt /film/film/language /m/02h40lc +/m/04wmvz /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/01qvgl /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/07vfz /education/educational_institution/school_type /m/05jxkf +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0dj0m5 +/m/01sb5r /people/person/profession /m/09jwl +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0408m53 +/m/07s2s /film/film_subject/films /m/087pfc +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0f6_dy +/m/029spt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07f7jp /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dmx +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03hp2y1 /film/film/executive_produced_by /m/02q42j_ +/m/018yv3 /music/genre/parent_genre /m/016zgj +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05wqr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06w2yp9 +/m/018x3 /influence/influence_node/influenced_by /m/01lwx +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02f2p7 /film/actor/film./film/performance/film /m/05zwrg0 +/m/09blyk /media_common/netflix_genre/titles /m/0f40w +/m/050_qx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09xrxq +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0136g9 +/m/0143hl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/017kz7 /film/film/genre /m/01hmnh +/m/0jdhp /people/person/profession /m/02jknp +/m/0ymbl /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/05c46y6 /film/film/language /m/02h40lc +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0dg3jz /award/award_winner/awards_won./award/award_honor/award_winner /m/02cqbx +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/0dq626 /film/film/genre /m/02l7c8 +/m/047cqr /people/person/gender /m/05zppz +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0c4b8 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmhr +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/03lgg /people/person/profession /m/016z4k +/m/0241wg /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/01z5tr +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cqbx +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/015y_n /music/genre/parent_genre /m/09xw2 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dnkmq +/m/06kx2 /location/location/time_zones /m/02lcqs +/m/01xcqc /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/069ld1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/078mgh /film/actor/film./film/performance/film /m/01s7w3 +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/0cyhq /people/deceased_person/place_of_burial /m/01f38z +/m/0y3_8 /music/genre/artists /m/01s7ns +/m/07ssc /media_common/netflix_genre/titles /m/046488 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01719t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wmxfs +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02tgz4 +/m/0265z9l /people/person/languages /m/02h40lc +/m/027nb /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/076psv /award/award_winner/awards_won./award/award_honor/award_winner /m/057bc6m +/m/01xn6mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gvsn /film/film/country /m/09c7w0 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/0k4gf /people/person/profession /m/01c8w0 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/019z7q /influence/influence_node/influenced_by /m/032l1 +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/048ldh +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03cdg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/043g7l /music/record_label/artist /m/01vs4ff +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/05wp1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03xx9l /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0rjg8 /location/location/time_zones /m/02hcv8 +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/04lp8k /film/actor/film./film/performance/film /m/011yn5 +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01mqh5 +/m/0g7pm1 /film/film/genre /m/02kdv5l +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/03rhqg /music/record_label/artist /m/016s_5 +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/017_qw /music/genre/artists /m/09bx1k +/m/0g824 /people/person/profession /m/09jwl +/m/034x61 /people/person/places_lived./people/place_lived/location /m/0tnkg +/m/0g701n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051ys82 +/m/01kh2m1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l15f_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0fpjyd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qkp /location/country/form_of_government /m/018wl5 +/m/01vz0g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013w7j +/m/01wqlc /music/genre/artists /m/0hl3d +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0166v +/m/0298n7 /film/film/production_companies /m/05rrtf +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/043djx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02vzc +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/03vrp /people/person/languages /m/02bjrlw +/m/03ds3 /film/actor/film./film/performance/film /m/01d259 +/m/016srn /people/person/profession /m/09jwl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/024_ql +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx4k +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/016vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/09d3b7 /film/film/music /m/01kv4mb +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/07y8l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qx69 +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/072192 /film/film/genre /m/02l7c8 +/m/06w2yp9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01541z +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/0h5f5n /people/person/profession /m/0dxtg +/m/0127ps /film/film/genre /m/02l7c8 +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/05s_c38 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/0f6_x +/m/0c1jh /influence/influence_node/influenced_by /m/0d0mbj +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0hmt3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/017yfz +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0pz91 +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/011yqc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04l19_ /influence/influence_node/influenced_by /m/03kxdw +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/07hgm +/m/01vs4f3 /people/person/profession /m/016z4k +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b_5d +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/03kmyy +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/0296rz /film/film/featured_film_locations /m/068p2 +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/013pk3 +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01gbn6 +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/03kwtb /people/person/profession /m/09jwl +/m/0jsf6 /film/film/story_by /m/0kb3n +/m/011yth /film/film/production_companies /m/020h2v +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/06wm0z /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mz5 +/m/0rvty /location/location/time_zones /m/02hcv8 +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/09rx7tx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wwwv5 +/m/09c7w0 /location/location/contains /m/0k_mf +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/05b5c /business/business_operation/industry /m/029g_vk +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0jvtp /film/actor/film./film/performance/film /m/0qmjd +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0chghy /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/047t_ +/m/0b005 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044f7 +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03qx63 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/0gfh84d /film/film/language /m/02h40lc +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yf85 +/m/01z5tr /people/person/profession /m/0np9r +/m/012_53 /people/person/gender /m/02zsn +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01fsv9 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/016z51 +/m/01srq2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0320jz /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01515w +/m/09jw2 /music/genre/artists /m/01vrz41 +/m/01ypsj /people/person/profession /m/01d_h8 +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/01hrqc /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/015076 +/m/015wc0 /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/03l78j +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_0p +/m/04zx08r /award/award_category/disciplines_or_subjects /m/02jknp +/m/0dfw0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/015v3r /people/person/profession /m/02jknp +/m/04gd8j /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/0x67 /people/ethnicity/people /m/01vw26l +/m/027jk /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/0dl5d /music/genre/artists /m/067mj +/m/02q3fdr /film/film/language /m/03_9r +/m/06t2t /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/069d71 +/m/02g0rb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0192hw /film/film/featured_film_locations /m/0d35y +/m/0jsqk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cqbx +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0564mx +/m/0mn0v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04d_mtq +/m/016tt2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/01pcj4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0k6nt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05qhw +/m/04yyhw /people/person/profession /m/02hrh1q +/m/040_9s0 /award/award_category/disciplines_or_subjects /m/04g51 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/02pzy52 +/m/01q415 /people/person/profession /m/0dxtg +/m/01p4vl /people/person/profession /m/02hrh1q +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/07bxhl /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/027g8gr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0320jz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01g0jn +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hqz +/m/03f1zdw /film/actor/film./film/performance/film /m/0ggbhy7 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0b6tzs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03jm6c /people/person/profession /m/0cbd2 +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019n7x /people/person/nationality /m/09c7w0 +/m/02vntj /film/actor/film./film/performance/film /m/0cbv4g +/m/01vswwx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/033hqf /people/deceased_person/place_of_death /m/030qb3t +/m/016r9z /olympics/olympic_games/sports /m/06wrt +/m/01j4ls /people/person/nationality /m/03rjj +/m/05p3738 /film/film/production_companies /m/02slt7 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/01xn5th /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/014kg4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03mr85 +/m/029_3 /influence/influence_node/influenced_by /m/0ph2w +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05d8_h +/m/07s3vqk /people/person/places_lived./people/place_lived/location /m/0rw2x +/m/0gk4g /people/cause_of_death/people /m/0qkj7 +/m/047wh1 /film/film/costume_design_by /m/03mfqm +/m/01lqf49 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/01k9lpl /people/person/gender /m/05zppz +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/043n0v_ /film/film/genre /m/03g3w +/m/02q5g1z /film/film/produced_by /m/01j2xj +/m/0fx0mw /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/017l96 /music/record_label/artist /m/0178_w +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/0cx7f /music/genre/artists /m/0p76z +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027cxsm +/m/0417z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01p8s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01qgr3 +/m/0bz6sq /film/film/country /m/07ssc +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/013zs9 /film/actor/film./film/performance/film /m/01pv91 +/m/06929s /film/film/genre /m/0jtdp +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jw4r +/m/0prjs /film/actor/film./film/performance/film /m/03m8y5 +/m/08n__5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01k70_ /people/person/place_of_birth /m/0f2rq +/m/0dryh9k /people/ethnicity/people /m/016k6x +/m/05n19y /people/person/profession /m/0nbcg +/m/0dr3sl /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/01ttg5 /people/person/nationality /m/09c7w0 +/m/04hgpt /education/educational_institution_campus/educational_institution /m/04hgpt +/m/03lt8g /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/01wgxtl /people/person/profession /m/0n1h +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/098knd /sports/sports_team/colors /m/04mkbj +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/07tgn /organization/organization/child./organization/organization_relationship/child /m/0yldt +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/048xg8 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpbhm +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04y79_n +/m/0gs1_ /people/person/places_lived./people/place_lived/location /m/02j9z +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/07yvsn /film/film/genre /m/07s9rl0 +/m/01pk3z /film/actor/film./film/performance/film /m/0g9z_32 +/m/0lgm5 /people/person/languages /m/02h40lc +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/01p0w_ /people/person/profession /m/0nbcg +/m/01271h /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/0b2v79 /film/film/production_companies /m/05qd_ +/m/01s21dg /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/06y9c2 +/m/01kj5h /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/01r97z +/m/02bbyw /education/educational_institution_campus/educational_institution /m/02bbyw +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0x67 /people/ethnicity/people /m/012x4t +/m/02lw8j /music/genre/artists /m/011hdn +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07sgfvl +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04kny3 +/m/01qncf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ht1k +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/016ypb /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0f1nl /education/educational_institution_campus/educational_institution /m/0f1nl +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/09fc83 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/035rnz /film/actor/film./film/performance/film /m/04cv9m +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01v2xl /education/educational_institution/school_type /m/05jxkf +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07w8fz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/021w0_ +/m/02b1l_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/03cz4j /film/actor/film./film/performance/film /m/05t0zfv +/m/0cm2xh /base/culturalevent/event/entity_involved /m/05hks +/m/050r1z /film/film/produced_by /m/03qncl3 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/0557yqh /tv/tv_program/country_of_origin /m/09c7w0 +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01dw4q +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bhwhj +/m/09r94m /film/film/produced_by /m/0b13g7 +/m/024qwq /people/person/profession /m/0nbcg +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/031rx9 +/m/02r0csl /award/award_category/winners./award/award_honor/award_winner /m/0g9zcgx +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/01ycck +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0sw0q +/m/049k07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/09889g /influence/influence_node/peers./influence/peer_relationship/peers /m/01vs_v8 +/m/01rwyq /film/film/featured_film_locations /m/02_286 +/m/0b005 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03f3yfj +/m/03mbdx_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0c5dd /film/film/film_art_direction_by /m/034qt_ +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c3xw46 +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/07zmj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0155w /music/genre/artists /m/02qsjt +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0g68zt /film/film/costume_design_by /m/0ft7sr +/m/05fnl9 /award/award_winner/awards_won./award/award_honor/award_winner /m/069nzr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/030w19 +/m/039xcr /people/person/profession /m/02hv44_ +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/084l5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0fz3b1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/051wwp +/m/02my3z /people/person/profession /m/09jwl +/m/0h1q6 /people/person/place_of_birth /m/0n920 +/m/0jdk_ /olympics/olympic_games/sports /m/03_8r +/m/023tp8 /film/actor/film./film/performance/film /m/03nqnnk +/m/03_wtr /film/actor/film./film/performance/film /m/0x25q +/m/09fqtq /people/person/place_of_birth /m/0fs54 +/m/0hn4h /base/biblioness/bibs_location/country /m/01crd5 +/m/0bxtg /film/actor/film./film/performance/film /m/07024 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017khj +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0k2h6 +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lj1m +/m/01p7s6 /people/ethnicity/geographic_distribution /m/05qhw +/m/02vyyl8 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/012wg /people/deceased_person/place_of_death /m/02_286 +/m/0dzlbx /film/film/language /m/032f6 +/m/03rhqg /music/record_label/artist /m/0163m1 +/m/03lq43 /people/person/gender /m/02zsn +/m/09n48 /olympics/olympic_games/sports /m/09_b4 +/m/01pl9g /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/04h4c9 /film/film/music /m/01x1fq +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/031n5b /education/educational_institution/campuses /m/031n5b +/m/02xry /location/location/contains /m/0jj85 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0clvcx +/m/01pg1d /film/actor/film./film/performance/film /m/03wy8t +/m/0drdv /people/person/profession /m/02hrh1q +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx6y +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05hj_k +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04t38b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/07tlfx /film/film/genre /m/03g3w +/m/0fx0j2 /people/person/nationality /m/09c7w0 +/m/01p85y /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/068cn /location/location/contains /m/07mgr +/m/017fp /media_common/netflix_genre/titles /m/080lkt7 +/m/0b6jkkg /award/award_category/nominees./award/award_nomination/nominated_for /m/0f42nz +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02lxrv +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03_wm6 /film/film/production_companies /m/016tw3 +/m/0428bc /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h0wd9 /film/film/production_companies /m/016tt2 +/m/01wy61y /people/person/profession /m/0nbcg +/m/05znxx /film/film/language /m/02h40lc +/m/0gm8_p /people/person/gender /m/05zppz +/m/0dgq80b /film/film/country /m/09c7w0 +/m/06by7 /music/genre/artists /m/03h_fqv +/m/0tz41 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jhd +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ql86 /base/culturalevent/event/entity_involved /m/024pcx +/m/0ym8f /education/educational_institution/colors /m/083jv +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0gz5hs /people/person/languages /m/02h40lc +/m/0b6f8pf /film/film/country /m/09c7w0 +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0155w /music/genre/artists /m/01kcms4 +/m/0415svh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/07s9rl0 /media_common/netflix_genre/titles /m/0m9p3 +/m/05b_gq /film/film/language /m/0349s +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/017_qw /music/genre/artists /m/012201 +/m/027jk /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06czq /music/genre/parent_genre /m/0190yn +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/02qjj7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bx_q +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0glt670 /music/genre/artists /m/02l840 +/m/02__34 /film/film/genre /m/04xvlr +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/03v1s /location/location/contains /m/0sn4f +/m/0jnm_ /sports/sports_team/colors /m/0jc_p +/m/031786 /film/film/genre /m/0fdjb +/m/0fltx /medicine/disease/risk_factors /m/01hbgs +/m/02ljhg /film/film/genre /m/04xvh5 +/m/016ywr /film/actor/film./film/performance/film /m/0m63c +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/01sbv9 /film/film/production_companies /m/01gb54 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/048z7l /people/ethnicity/people /m/0q1lp +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/01w4dy +/m/01rxw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0738b8 /film/actor/film./film/performance/film /m/0h1cdwq +/m/03kxp7 /people/person/nationality /m/09c7w0 +/m/024dw0 /music/artist/contribution./music/recording_contribution/performance_role /m/026t6 +/m/09lxv9 /film/film/personal_appearances./film/personal_film_appearance/person /m/0cg9y +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/05tbn /location/location/contains /m/01jtp7 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/09b0xs /people/person/profession /m/02krf9 +/m/0gnkb /film/film/country /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1ng +/m/03078l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01chpn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k2cb /film/film/genre /m/02l7c8 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0frmb1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/0bx0l /film/film/language /m/0jzc +/m/0hv81 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02pprs /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/01x2tm8 /people/person/religion /m/03j6c +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/04ch23 /people/person/profession /m/02hrh1q +/m/02x9g_ /education/educational_institution/school_type /m/05jxkf +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvb6p +/m/0261g5l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06x58 +/m/09c7w0 /location/country/second_level_divisions /m/0m28g +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05bkf +/m/01vwllw /people/person/languages /m/02h40lc +/m/02gt5s /base/biblioness/bibs_location/country /m/09c7w0 +/m/0473m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/029pnn /people/person/profession /m/015cjr +/m/0p7tb /education/educational_institution_campus/educational_institution /m/0p7tb +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/0537b /organization/organization/place_founded /m/01_d4 +/m/0dvmd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0347db /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06ys2 +/m/047n8xt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n4w_ /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_47 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01ccr8 +/m/01pj_5 /film/film/written_by /m/02_l96 +/m/03176f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fx02 /people/deceased_person/place_of_death /m/0cy07 +/m/09x3r /olympics/olympic_games/participating_countries /m/01p8s +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/01vw87c /film/actor/film./film/performance/film /m/0fphf3v +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/069z_5 /people/person/nationality /m/09c7w0 +/m/08k40m /film/film/featured_film_locations /m/04jpl +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01cwq9 +/m/0cjf0 /people/cause_of_death/people /m/0c43g +/m/030hcs /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gq0b +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/0k9wp /education/educational_institution/colors /m/01g5v +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h1rt +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/012cj0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05bnp0 /film/actor/film./film/performance/film /m/07k8rt4 +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/02lm0t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/02b0yk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/01vvyfh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g9lm2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/024lt6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/01r3hr +/m/03v1jf /people/person/gender /m/02zsn +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/03ft8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/06r1k +/m/037jz /people/person/religion /m/0c8wxp +/m/0bkf4 /people/person/places_lived./people/place_lived/location /m/0rgxp +/m/04mrgz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/022q32 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01qn8k +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0svqs +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1rq +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l8y +/m/01ps2h8 /film/actor/film./film/performance/film /m/0466s8n +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02nwxc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0330r +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0372j5 +/m/01pllx /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0bx8pn /education/educational_institution/colors /m/083jv +/m/05fkf /location/location/contains /m/0n491 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/0k_9j /film/film/edited_by /m/03q8ch +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/01n8_g /people/person/place_of_birth /m/0cvw9 +/m/0lrh /people/person/gender /m/05zppz +/m/0b7xl8 /award/award_winner/awards_won./award/award_honor/award_winner /m/05jjl +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/05bpg3 /film/actor/film./film/performance/film /m/03l6q0 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/01dk00 /award/award_category/winners./award/award_honor/award_winner /m/02fn5r +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/01f8f7 /film/film/language /m/0653m +/m/06x4l_ /people/person/gender /m/05zppz +/m/08vpjv /film/actor/film./film/performance/film /m/052_mn +/m/01qdmh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/084m3 /people/person/profession /m/03gjzk +/m/0rmby /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mgx6z /film/film/country /m/09c7w0 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0157m +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035rnz +/m/044lyq /film/actor/film./film/performance/film /m/0418wg +/m/0nhr5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01pw2f1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/039bpc +/m/032_wv /film/film/film_format /m/07fb8_ +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/030qb3t /location/location/contains /m/03b8c4 +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/03rtmz /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/018vs /music/instrument/instrumentalists /m/01vswx5 +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01qbl +/m/0466s8n /film/film/genre /m/03k9fj +/m/03cvv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015c2f +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01dfb6 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0170s4 /film/actor/film./film/performance/film /m/0gxtknx +/m/047g6 /people/person/gender /m/05zppz +/m/0cqhb3 /award/award_category/nominees./award/award_nomination/nominated_for /m/04p5cr +/m/02dlfh /people/person/profession /m/0np9r +/m/0_9wr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/015pkc /film/actor/film./film/performance/film /m/02ryz24 +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/09kvv +/m/02756j /people/person/places_lived./people/place_lived/location /m/04bz2f +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02dtg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0vrmb +/m/086nl7 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/030wkp +/m/0277990 /people/person/gender /m/05zppz +/m/03xl77 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02qdzd +/m/04qftx /music/genre/artists /m/0167xy +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/02_286 /location/location/contains /m/04sylm +/m/01sgl /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/019tzd +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01n9d9 +/m/071x0k /people/ethnicity/languages_spoken /m/0jzc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02vr30 +/m/0bsb4j /film/actor/film./film/performance/film /m/07w8fz +/m/0rql_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jrxx +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/013pp3 /influence/influence_node/influenced_by /m/040_t +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/01pqy_ /people/person/profession /m/02hrh1q +/m/09gkx35 /film/film/film_festivals /m/0fpkxfd +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/01wy61y /people/person/profession /m/016z4k +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/02dth1 +/m/01vg0s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k5t_3 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgbb +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/015lhm /people/person/profession /m/0cbd2 +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/021bk /people/person/gender /m/05zppz +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0gk4g /people/cause_of_death/people /m/023w9s +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dl1s +/m/012q4n /people/person/profession /m/0np9r +/m/02w7gg /people/ethnicity/people /m/016ywr +/m/069nzr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07024 /film/film/language /m/02h40lc +/m/06t8v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/07hyk /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07b1gq +/m/0382m4 /people/person/profession /m/02hrh1q +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tfck +/m/0kvrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_b9f +/m/02vjzr /music/genre/artists /m/0134wr +/m/034qmv /film/film/production_companies /m/09b3v +/m/0gtsx8c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02prw4h /film/film/produced_by /m/02qjpv5 +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/01nr63 /people/person/gender /m/05zppz +/m/01vttb9 /people/person/nationality /m/09c7w0 +/m/02773nt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02mj7c +/m/041c4 /people/person/profession /m/0dxtg +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04xrx +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018x3 +/m/06mp7 /language/human_language/countries_spoken_in /m/0d0vqn +/m/01q32bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/07l450 /film/film/genre /m/03bxz7 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0gm2_0 /film/film/executive_produced_by /m/03h40_7 +/m/06czyr /people/person/spouse_s./people/marriage/location_of_ceremony /m/059rby +/m/057bxr /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01l_pn +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/03bmmc /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/025n07 /film/film/language /m/06b_j +/m/02pb53 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02778yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778pf +/m/01ynzf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029h45 +/m/02vqsll /film/film/produced_by /m/0b13g7 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/027qgy /film/film/language /m/0349s +/m/010cw1 /location/location/time_zones /m/02hcv8 +/m/0147jt /people/person/profession /m/09jwl +/m/02x0fs9 /film/film/language /m/06nm1 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/069nzr +/m/01vvydl /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvyc_ +/m/017gm7 /film/film/music /m/01tc9r +/m/01k0xy /film/film/country /m/09c7w0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/04k25 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/023g6w +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lzkm +/m/0cf8qb /film/film/music /m/023361 +/m/0gywn /music/genre/artists /m/01wg25j +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/01q9b9 /people/person/profession /m/02hrh1q +/m/0315w4 /film/film/country /m/0345h +/m/0chghy /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03x6m +/m/05hks /people/person/religion /m/0b06q +/m/013cz2 /location/location/time_zones /m/02fqwt +/m/0479b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/02vrgnr /film/film/genre /m/01hmnh +/m/02nczh /film/film/language /m/02h40lc +/m/080lkt7 /tv/tv_program/country_of_origin /m/09c7w0 +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m15br +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/02t_y3 /people/person/profession /m/02hrh1q +/m/01dkpb /people/person/religion /m/04pk9 +/m/07qg8v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02kxbx3 /people/person/profession /m/0dxtg +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0794g +/m/04969y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08cn_n +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytkq +/m/02qsqmq /film/film/executive_produced_by /m/01vh3r +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3v +/m/0kw4j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0168cl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_n63 +/m/05z_kps /film/film/film_festivals /m/04_m9gk +/m/026t6 /music/instrument/instrumentalists /m/01p0w_ +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/059_c /location/location/contains /m/0n6nl +/m/01z4y /music/genre/artists /m/04yt7 +/m/038723 /people/ethnicity/people /m/01x_d8 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/04h6mm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fgt1 /film/film/language /m/02h40lc +/m/05k7sb /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0443y3 +/m/01n4w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fhy +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02tz9z +/m/06y8v /people/person/places_lived./people/place_lived/location /m/02m77 +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03ft8 +/m/0cl_m /people/person/religion /m/0c8wxp +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/02lnbg /music/genre/artists /m/07ss8_ +/m/07ssc /location/location/contains /m/036wy +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02zl4d /people/person/gender /m/05zppz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0fg04 +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/05kr_ +/m/07m77x /film/actor/film./film/performance/film /m/0h1fktn +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/019vhk +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01xndd +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/065zlr /film/film/story_by /m/04l3_z +/m/03wbqc4 /film/film/production_companies /m/0g1rw +/m/014_x2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gdh5 +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/0k6yt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/016fnb +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lf70 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01d8yn +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/05sb1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04ych /location/location/partially_contains /m/02v3m7 +/m/06dv3 /film/actor/film./film/performance/film /m/020fcn +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8x1y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4bc +/m/04b_jc /film/film/genre /m/05p553 +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btpm6 +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04x4s2 +/m/01sdzg /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/0lyjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01qdjm /people/person/profession /m/029bkp +/m/076psv /film/film_set_designer/film_sets_designed /m/03pc89 +/m/01243b /music/genre/artists /m/03wjb7 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0342h /music/instrument/instrumentalists /m/01wwvt2 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016zwt +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0c3xpwy /tv/tv_program/genre /m/0hc1z +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/015qyf /film/actor/film./film/performance/film /m/0kxf1 +/m/02k9k9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/04ltlj /film/film/genre /m/06n90 +/m/0353xq /film/film/country /m/07ssc +/m/0bkmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c5dd +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c0k1 +/m/0487c3 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01bdxz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/013pk3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/063lqs /people/person/place_of_birth /m/0_jq4 +/m/06m6p7 /people/person/places_lived./people/place_lived/location /m/05kj_ +/m/02ccqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01tl50z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08c9b0 /people/person/gender /m/05zppz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/016tb7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bqs56 +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/02nfhx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03kq98 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/012gq6 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01gv_f /film/actor/film./film/performance/film /m/091rc5 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0dt8xq +/m/0gwjw0c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026rm_y +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0dn16 /music/genre/parent_genre /m/016ybr +/m/0njj0 /location/location/time_zones /m/02hcv8 +/m/0320fn /film/film/genre /m/060__y +/m/0338g8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0872p_c /film/film/executive_produced_by /m/02qzjj +/m/06mvq /people/ethnicity/geographic_distribution /m/0345h +/m/01nkcn /education/educational_institution_campus/educational_institution /m/01nkcn +/m/01pj7 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rtmz +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/0mzkr /music/record_label/artist /m/018x3 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04kzqz +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/0151b0 +/m/0flry /base/culturalevent/event/entity_involved /m/0ck1d +/m/0chghy /location/statistical_region/religions./location/religion_percentage/religion /m/0n2g +/m/01trtc /music/record_label/artist /m/019g40 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/09wz9 +/m/03f7m4h /people/person/profession /m/05vyk +/m/02b9g4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01xdxy +/m/0pmcz /education/educational_institution_campus/educational_institution /m/0pmcz +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/07j94 /film/film/produced_by /m/02q_cc +/m/012cj0 /people/person/places_lived./people/place_lived/location /m/04n3l +/m/04y0hj /people/person/spouse_s./people/marriage/spouse /m/049m19 +/m/0270k40 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/014g9y /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03_nq /people/person/religion /m/07x21 +/m/0mww2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0261g5l /people/person/profession /m/0cbd2 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0221zw /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/0mn0v /location/hud_county_place/county /m/0mn0v +/m/012x2b /film/actor/film./film/performance/film /m/06fqlk +/m/052nd /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0ddf2bm /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ds3t5x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/059nf5 +/m/095zlp /film/film/language /m/02h40lc +/m/0342h /music/instrument/instrumentalists /m/02whj +/m/03g5_y /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/03bxp5 /film/film/language /m/04306rv +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02j416 +/m/0j0k /location/location/contains /m/0d05q4 +/m/0bmfnjs /film/film/country /m/09c7w0 +/m/032016 /film/film/production_companies /m/017s11 +/m/0bj25 /film/film/produced_by /m/01b9ck +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07d2d /music/genre/artists /m/01pfr3 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/064177 /people/person/profession /m/02jknp +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ddbjy4 /film/film/genre /m/02kdv5l +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/03q6zc +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dd2b +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qnbs /people/person/nationality /m/09c7w0 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06mkj +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jplwp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03j0br4 /music/artist/origin /m/09c7w0 +/m/0h32q /film/actor/film./film/performance/film /m/05z43v +/m/02114t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06kx2 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01505k /base/aareas/schema/administrative_area/administrative_parent /m/06vbd +/m/0jhd /location/country/form_of_government /m/01d9r3 +/m/03h_yfh /people/person/place_of_birth /m/0fttg +/m/0cq86w /film/film/film_production_design_by /m/05km8z +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0431v3 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/01bk1y /organization/organization/headquarters./location/mailing_address/citytown /m/0y617 +/m/05lnk0 /people/person/place_of_birth /m/0ccvx +/m/0l98s /olympics/olympic_games/sports /m/06wrt +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mt51 +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0241jw +/m/0978r /location/location/contains /m/01nn7r +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03818y /education/educational_institution/colors /m/019sc +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03gr14 +/m/0dbb3 /people/deceased_person/place_of_death /m/02_286 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/02nfhx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03tck1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019f2f +/m/02c6d /film/film/written_by /m/01c6l +/m/0dt1cm /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05c17 +/m/01yznp /people/person/gender /m/05zppz +/m/0jkvj /olympics/olympic_games/sports /m/03_8r +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06rqw /music/genre/artists /m/01vrwfv +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/035l_9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/instrument/instrumentalists /m/0161sp +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/02sjp +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0272vm +/m/05pt0l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dm5l /music/artist/origin /m/07ssc +/m/02k1b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0nk3g /music/genre/artists /m/0p3sf +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0d6lp /dataworld/gardening_hint/split_to /m/06rny +/m/072hv /medicine/disease/risk_factors /m/025t3bg +/m/01xbxn /film/film/language /m/02h40lc +/m/05gp3x /award/award_winner/awards_won./award/award_honor/award_winner /m/0crqcc +/m/03h2d4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0bk5r /people/person/profession /m/05t4q +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tj34 +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/044rvb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059fjj +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0537b /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06dfg +/m/052nd /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0147sh +/m/02sdx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hj_k /film/actor/film./film/performance/film /m/01mszz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/07l1c +/m/07s9rl0 /media_common/netflix_genre/titles /m/03xf_m +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q1vd +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/0jt90f5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/09fc83 +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/02zj61 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01t6b4 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01s7zw /people/person/nationality /m/09c7w0 +/m/01xv77 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g22z +/m/09hd6f /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/035qlx +/m/0dt645q /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0863x_ +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hqz +/m/046lt /influence/influence_node/influenced_by /m/013tjc +/m/01n7q /location/location/contains /m/0r679 +/m/0qmhk /film/film/country /m/09c7w0 +/m/02_fz3 /film/film/music /m/06fxnf +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0chghy +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jv5x +/m/0k0r0n7 /music/genre/artists /m/01w9wwg +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/06v36 /location/country/official_language /m/02h40lc +/m/06bd5j /film/film/music /m/023361 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0581vn8 +/m/064_8sq /media_common/netflix_genre/titles /m/05zvzf3 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04jjy /film/film_subject/films /m/01l2b3 +/m/01kx_81 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsy7t +/m/01j5sv /people/person/languages /m/06nm1 +/m/04093 /people/person/place_of_birth /m/0hqzr +/m/01_bkd /music/genre/parent_genre /m/03lty +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/01n7q /location/location/contains /m/0l339 +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/02vjzr /music/genre/artists /m/0259r0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/02dbn2 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/0j3v /people/person/nationality /m/0345h +/m/0r4wn /location/hud_county_place/place /m/0r4wn +/m/0209hj /film/film/music /m/0pj8m +/m/09hldj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/02qmsr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dzkq /influence/influence_node/influenced_by /m/0ct9_ +/m/0349s /language/human_language/countries_spoken_in /m/01mjq +/m/01l2b3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02dwn9 /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/082fr +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/0jfx1 /film/actor/film./film/performance/film /m/02r79_h +/m/01lyv /music/genre/artists /m/02vcp0 +/m/05cvgl /film/film/genre /m/02l7c8 +/m/0g9zljd /film/film/language /m/032f6 +/m/0hfzr /film/film/genre /m/04xvlr +/m/04wgh /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/08yx9q /people/person/profession /m/02hrh1q +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0jhd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/06x43v /film/film/language /m/03_9r +/m/06gjk9 /film/film/genre /m/0lsxr +/m/07g2b /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/03ckfl9 /music/genre/artists /m/01gg59 +/m/08jyyk /music/genre/artists /m/03h_fqv +/m/0cwfgz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09z1lg +/m/032sl_ /film/film/genre /m/0c3351 +/m/01_bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01v1ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bfp0l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vkzcx /education/educational_institution/school_type /m/05pcjw +/m/01515w /people/person/profession /m/02hrh1q +/m/03czz87 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pbp9 +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/0288fyj +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssm +/m/01w40h /music/record_label/artist /m/0g_g2 +/m/01bk1y /education/educational_institution/campuses /m/01bk1y +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/022s1m +/m/06by7 /music/genre/artists /m/01817f +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/04psyp +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/01n7q /location/location/contains /m/0r00l +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/02rzdcp /tv/tv_program/genre /m/04xvh5 +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/02wxtgw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05c46y6 +/m/01pr_j6 /people/person/nationality /m/03rk0 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0kw4j /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_kfv /base/biblioness/bibs_location/country /m/09c7w0 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09c7w0 /location/location/contains /m/01m20m +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/01l2fn /people/person/profession /m/02hrh1q +/m/030z4z /film/film/genre /m/01chg +/m/01ln5z /film/film/genre /m/03k9fj +/m/0mcl0 /film/film/genre /m/04xvlr +/m/0432mrk /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/0l2tk /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g26h +/m/0dtfn /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0gfmc_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yr9 +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/07lwsz +/m/0191h5 /people/person/profession /m/0fnpj +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/040t74 +/m/01k_r5b /people/person/profession /m/09jwl +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0dsx3f +/m/02wmbg /people/person/religion /m/03j6c +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/03v3xp +/m/014zfs /people/person/nationality /m/09c7w0 +/m/0sw6g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06rgq +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/01q8fxx /people/person/nationality /m/0f8l9c +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02wt0 +/m/02k54 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z88t +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/0bd2n4 +/m/02rn00y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0symg /film/film/country /m/09c7w0 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f52jw +/m/035_2h /film/film/cinematography /m/03_fk9 +/m/05pcr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0cr7m /base/aareas/schema/administrative_area/administrative_parent /m/07t21 +/m/05znxx /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c9c0 +/m/01j_9c /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01l_yg /film/actor/film./film/performance/film /m/01f7kl +/m/0127s7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/033tf_ /people/ethnicity/people /m/07d3z7 +/m/03818y /education/educational_institution_campus/educational_institution /m/03818y +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0r5lz /location/location/contains /m/027ybp +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/01wgcvn +/m/01ftz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dg3jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g29 +/m/0hn10 /media_common/netflix_genre/titles /m/05hjnw +/m/025b5y /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/09hrc /location/administrative_division/first_level_division_of /m/0345h +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015ppk +/m/02ctzb /people/ethnicity/people /m/028rk +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03crcpt +/m/04fjzv /film/film/genre /m/02n4kr +/m/0nj7b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj0m +/m/0dsx3f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/069nzr +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0gzy02 /film/film/genre /m/07s9rl0 +/m/0fs9vc /film/film/genre /m/0hcr +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/09qh1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f502 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035kl6 +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/049dyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x6jd +/m/02rn00y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05jcn8 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02pbzv +/m/0162b /location/country/capital /m/0fnb4 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gvxv +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/01xvlc /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/0lx2l +/m/01900g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027bs_2 +/m/07s5fz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/01rr9f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z4y /media_common/netflix_genre/titles /m/04cppj +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tspc6 +/m/071jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4qzm +/m/06kl78 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03s6l2 /film/film/genre /m/01jfsb +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/030qb3t +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g22z +/m/012v1t /people/person/nationality /m/09c7w0 +/m/03rt9 /location/location/contains /m/0p54z +/m/04k3r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rj0 +/m/0d0x8 /location/location/contains /m/03wv2g +/m/0jpkw /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0169dl /film/actor/film./film/performance/film /m/01j5ql +/m/01lyv /music/genre/artists /m/0pkyh +/m/07ssc /location/location/contains /m/01z6gc +/m/03v36 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/09fc83 /film/film/featured_film_locations /m/0f2r6 +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/01vwyqp +/m/0d810y /people/person/nationality /m/09c7w0 +/m/02tc5y /people/person/languages /m/02h40lc +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0bkf4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/016sd3 +/m/09rsjpv /film/film/executive_produced_by /m/0343h +/m/01rr31 /education/educational_institution_campus/educational_institution /m/01rr31 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/012x7b /music/genre/parent_genre /m/0mmp3 +/m/06t6dz /film/film/genre /m/026v1nw +/m/04l_pt /people/ethnicity/geographic_distribution /m/07f1x +/m/0d1w9 /film/film_subject/films /m/0_b3d +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/0kv2hv /film/film/country /m/09c7w0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01tntf +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z5tr +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jnrk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02p8454 +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmblvq +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/07b2lv +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04kmx_ +/m/07k8rt4 /film/film/executive_produced_by /m/05txrz +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/05bnp0 +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hv81 +/m/0jf1b /people/person/profession /m/02hrh1q +/m/0b4lkx /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/02p21g /people/person/profession /m/0np9r +/m/015wnl /people/person/profession /m/02hrh1q +/m/0436zq /people/person/nationality /m/09c7w0 +/m/02lnbg /music/genre/artists /m/043zg +/m/09c7w0 /location/location/contains /m/0r5wt +/m/0j3v /people/person/religion /m/092bf5 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/056rgc /people/person/profession /m/0np9r +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04zl8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03h2c +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0mwk9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsl3_ +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/07q0g5 /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/01f9y_ /music/genre/artists /m/01w7nwm +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kzfw +/m/0338g8 /film/actor/film./film/performance/film /m/02qm_f +/m/03_wvl /people/person/nationality /m/0d04z6 +/m/04vr_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07k8rt4 +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/03kxj2 +/m/04fcjt /music/record_label/artist /m/0277c3 +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/058bzgm +/m/0dgpwnk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/025rxjq /film/film/genre /m/05p553 +/m/02w86hz /film/film/country /m/03rk0 +/m/09wnnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/012v9y /film/actor/film./film/performance/film /m/014knw +/m/076psv /film/film_set_designer/film_sets_designed /m/0p7qm +/m/0h326 /film/actor/film./film/performance/film /m/0ft18 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02jx1 /location/country/second_level_divisions /m/0jmxb +/m/0c_m3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0mfc0 /influence/influence_node/influenced_by /m/06bng +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/014l6_ /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01my4f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0h63q6t +/m/0j_c /film/actor/film./film/performance/film /m/0ktpx +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/02vyw +/m/02bgmr /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/09pl3f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03cf9ly +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/051ysmf /film/film_set_designer/film_sets_designed /m/0k0rf +/m/03rjj /location/country/second_level_divisions /m/04_x4s +/m/0dnvn3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/066yfh /people/person/nationality /m/02jx1 +/m/02z44tp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01gw4f +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/0kr5_ /film/director/film /m/0m9p3 +/m/03fnyk /people/person/gender /m/05zppz +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/03txms /people/person/nationality /m/09c7w0 +/m/018grr /people/person/profession /m/0nbcg +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0417z2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/038rzr /people/person/religion /m/0c8wxp +/m/049fbh /sports/sports_team/sport /m/02vx4 +/m/02qm_f /film/film/country /m/09c7w0 +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/028knk +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/06b0d2 /people/person/nationality /m/09c7w0 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/040t74 /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/017510 /music/genre/parent_genre /m/0155w +/m/02g3mn /people/person/places_lived./people/place_lived/location /m/0c4kv +/m/04tz52 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02465 /people/person/profession /m/0dxtg +/m/044mm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0253b6 /people/person/profession /m/02hrh1q +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s21dg +/m/065d1h /people/person/profession /m/015cjr +/m/01npcy7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07bsj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0cp0ph6 /film/film/executive_produced_by /m/0cj2k3 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0d7vtk +/m/03m5111 /soccer/football_player/current_team./sports/sports_team_roster/team /m/019lxm +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/04wp63 /people/person/profession /m/02jknp +/m/0h53p1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/04p5cr +/m/0b_6q5 /time/event/locations /m/04f_d +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dmmc +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02778qt /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/02773m2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01q_y0 +/m/0h1p /film/director/film /m/0fpv_3_ +/m/0q9vf /people/person/nationality /m/09c7w0 +/m/04954 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/01cw13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0b1s_q /people/person/nationality /m/09c7w0 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jbp0 /film/actor/film./film/performance/film /m/014nq4 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04z_3pm /film/film/country /m/0chghy +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01pk8v +/m/0fvr1 /film/film/genre /m/02b5_l +/m/09r9m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02mjf2 /film/actor/film./film/performance/film /m/09p4w8 +/m/01337_ /people/person/gender /m/05zppz +/m/017l96 /music/record_label/artist /m/0gkg6 +/m/0m2gk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jc +/m/052h3 /people/person/employment_history./business/employment_tenure/company /m/01jpqb +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0l6px +/m/02vr3gz /film/film/country /m/06mkj +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02mxw0 /people/person/profession /m/02hrh1q +/m/02t4yc /education/educational_institution/school_type /m/05jxkf +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02f2p7 /people/person/nationality /m/02jx1 +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/01h5f8 /people/person/nationality /m/09c7w0 +/m/0fhzwl /tv/tv_program/genre /m/03k9fj +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012ljv +/m/013ksx /location/hud_county_place/place /m/013ksx +/m/068g3p /film/actor/film./film/performance/film /m/05znxx +/m/071ynp /film/actor/film./film/performance/film /m/085bd1 +/m/01w58n3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dzc16 +/m/03_2y /people/person/gender /m/05zppz +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/0fht9f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0yh4 +/m/02s2ft /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ck1 /dataworld/gardening_hint/split_to /m/01jpmpv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/0136jw /location/hud_county_place/county /m/0m2fr +/m/05zr0xl /tv/tv_program/program_creator /m/0crx5w +/m/06c62 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04q_g +/m/07ssc /location/location/contains /m/0q34g +/m/026v1z /organization/organization/headquarters./location/mailing_address/citytown /m/024bqj +/m/04sntd /film/film/featured_film_locations /m/0rh6k +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0136pk +/m/06dv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zz8b +/m/06t2t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q5w2 +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/06msq2 /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/0m8_v /people/person/gender /m/05zppz +/m/03lty /music/genre/artists /m/027dpx +/m/043g7l /music/record_label/artist /m/018ndc +/m/01mbwlb /people/person/profession /m/0kyk +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030_1_ +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/01j5ws +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/0837ql +/m/05g8pg /film/film/genre /m/03q4nz +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0408m53 +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02vzc +/m/011yqc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0glt670 /music/genre/artists /m/01gx5f +/m/0dwvl /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/05gml8 /film/actor/film./film/performance/film /m/01gglm +/m/050rj /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/09bg4l /organization/organization_founder/organizations_founded /m/07y0n +/m/017kz7 /film/film/genre /m/07s9rl0 +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/05yzt_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b7gxq +/m/0bpjh3 /people/ethnicity/people /m/06gn7r +/m/039crh /people/person/profession /m/02krf9 +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/02l0sf /people/person/profession /m/012t_z +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027j9wd +/m/023p29 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_fk5 +/m/03rz2b /film/film/genre /m/07s9rl0 +/m/0gvsh7l /tv/tv_program/country_of_origin /m/09c7w0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08phg9 +/m/01fxg8 /education/educational_institution/school_type /m/04399 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wj_ +/m/0mbhr /people/person/religion /m/092bf5 +/m/05bnx3j /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03ctqqf +/m/021vwt /film/actor/film./film/performance/film /m/016z9n +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10g +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/02q3fdr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0534v +/m/0crs0b8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07vfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0cb77r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01n4f8 /people/person/profession /m/03gjzk +/m/04093 /people/person/places_lived./people/place_lived/location /m/0hqzr +/m/0g824 /people/person/profession /m/0kyk +/m/03c7ln /music/group_member/membership./music/group_membership/role /m/018j2 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/05h72z /people/person/profession /m/02jknp +/m/05gnf9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06rgq +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03qc7q6 /people/profession/specialization_of /m/09j9h +/m/027pfg /film/film/costume_design_by /m/03mfqm +/m/01c8v0 /people/person/profession /m/0nbcg +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjf +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0bykpk /film/film/music /m/02sj1x +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tc1g +/m/09c7w0 /location/country/second_level_divisions /m/0k3gw +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0155w /music/genre/artists /m/02jq1 +/m/06rfy5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0fm2_ /location/location/contains /m/02ps55 +/m/043h78 /film/film/genre /m/0c031k6 +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/0345_ /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/02_1rq /tv/tv_program/genre /m/06q7n +/m/0d04z6 /location/location/contains /m/01j4rs +/m/01f492 /people/person/nationality /m/09c7w0 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h53p1 +/m/07vjm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015zxh +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2h +/m/0dqytn /film/film/genre /m/01jfsb +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02vnp2 +/m/07c52 /film/film_subject/films /m/029zqn +/m/0xjl2 /music/genre/artists /m/01wl38s +/m/017s11 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037xlx /film/film/country /m/09c7w0 +/m/019tfm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cqh6z /award/award_category/winners./award/award_honor/award_winner /m/05p5nc +/m/06m_5 /location/country/official_language /m/02002f +/m/01xdn1 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0fhzwl /tv/tv_program/genre /m/0c3351 +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01l_yg +/m/0b_fw /people/person/nationality /m/09c7w0 +/m/01w7nwm /people/person/gender /m/05zppz +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0821j /influence/influence_node/influenced_by /m/07lp1 +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/06nrt +/m/034_cr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0cl8c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011zf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/028pzq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fxck +/m/06wpc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0136pk /people/person/place_of_birth /m/0cm5m +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/02qx69 /people/person/place_of_birth /m/094jv +/m/01trtc /music/record_label/artist /m/01wgxtl +/m/01cwcr /film/actor/film./film/performance/film /m/07x4qr +/m/028d4v /people/person/place_of_birth /m/0h7h6 +/m/05bnx3j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ctqqf +/m/05cw8 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/016xk5 +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h1bf +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/06thjt /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03_gz8 /film/film/country /m/0f8l9c +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/070xg /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0b2_xp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/02c7k4 /film/film/genre /m/05p553 +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01mgw +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0v74 +/m/02k4gv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mm6 +/m/02vy5j /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/031y07 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/07vf5c /film/film/production_companies /m/032dg7 +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02t__l +/m/03rt9 /location/country/second_level_divisions /m/0ng8v +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g9y +/m/02bqxb /film/film/genre /m/060__y +/m/02_wxh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0mzkr /music/record_label/artist /m/01wwvc5 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01grp0 +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/02g9z1 +/m/01kff7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p9lw +/m/0kf9p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05650n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09m6kg +/m/0fsyx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08fn5b /film/film/country /m/09c7w0 +/m/01cvtf /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q87z6 +/m/02lf0c /people/person/places_lived./people/place_lived/location /m/0r62v +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0g8fs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_sc /film/film/genre /m/03k9fj +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01lpx8 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/072zl1 /film/film/genre /m/02l7c8 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/01stj9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/068p2 /location/location/contains /m/02s8qk +/m/02bh8z /music/record_label/artist /m/01n8gr +/m/02yv6b /music/genre/artists /m/089tm +/m/01rf57 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01y665 +/m/02p5hf /people/person/profession /m/09jwl +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gs5q +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/013q07 +/m/01k1k4 /film/film/genre /m/02kdv5l +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/02fsn /music/instrument/instrumentalists /m/06h2w +/m/0jlv5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02k856 /music/performance_role/regular_performances./music/group_membership/role /m/0239kh +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy0n +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/016ks_ +/m/0164b /location/country/form_of_government /m/01q20 +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05v10 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xvlr /media_common/netflix_genre/titles /m/03prz_ +/m/03r1pr /people/person/nationality /m/09c7w0 +/m/04xn_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/046f3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/0nbzp /base/biblioness/bibs_location/state /m/059f4 +/m/071jv5 /people/person/nationality /m/0345h +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0342h +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026b7bz +/m/01dc0c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/048lv +/m/05r5c /music/instrument/instrumentalists /m/09889g +/m/05zh9c /people/person/place_of_birth /m/059rby +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/047yc /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0by1wkq /film/film/genre /m/06n90 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02q3n9c +/m/014kj2 /base/aareas/schema/administrative_area/administrative_parent /m/0121c1 +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/041sbd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039bp +/m/012v8 /language/human_language/countries_spoken_in /m/0bjv6 +/m/06pj8 /people/person/employment_history./business/employment_tenure/company /m/030_1_ +/m/0178rl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07vf5c +/m/016dmx /influence/influence_node/influenced_by /m/0mj0c +/m/0jw67 /film/actor/film./film/performance/film /m/02_1sj +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03s0w /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/06fmdb +/m/0hfjk /media_common/netflix_genre/titles /m/015gm8 +/m/016zgj /music/genre/artists /m/018ndc +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/01xvb /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/017r13 /film/actor/film./film/performance/film /m/07nxnw +/m/09prnq /people/person/profession /m/09jwl +/m/07xpm /education/educational_institution/school_type /m/05jxkf +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/01l1ls /people/person/profession /m/0cbd2 +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/06t8b /film/director/film /m/0418wg +/m/06c53w /people/person/profession /m/02hrh1q +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/04xvlr /media_common/netflix_genre/titles /m/0symg +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02cgb8 /people/person/profession /m/02jknp +/m/021j38 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/02cx72 +/m/024mxd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/0fw1y /base/biblioness/bibs_location/state /m/081yw +/m/01l7cxq /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/05fjy /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01chc7 +/m/095zlp /film/film/country /m/07ssc +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0263tn1 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04_j5s +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/027fwmt +/m/04205z /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/060j8b +/m/05zrvfd /award/award_category/nominees./award/award_nomination/nominated_for /m/02mmwk +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0382m4 +/m/0cv1h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc07 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0cfhfz /film/film/music /m/01m7f5r +/m/03915c /sports/sports_team/colors /m/01l849 +/m/07cbs /organization/organization_founder/organizations_founded /m/07wf9 +/m/015jr /location/location/contains /m/0179q0 +/m/04dqdk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cwhp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0cv1h /location/location/time_zones /m/02hcv8 +/m/05vtbl /people/person/nationality /m/09c7w0 +/m/029k4p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06czyr +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0371rb +/m/06qxh /tv/tv_program/program_creator /m/04511f +/m/01vtqml /music/group_member/membership./music/group_membership/role /m/03qjg +/m/02583l /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0bwh6 /film/director/film /m/07yk1xz +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0c6qh /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/09yrh +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03cw411 +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0jzw /film/film/genre /m/082gq +/m/02jx1 /location/location/contains /m/0q34g +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01_8w2 +/m/03fnqj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0cp6w /location/administrative_division/country /m/0f8l9c +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m3b1t +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/01nrgq /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_r_5 +/m/03f5vvx /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/065y4w7 /location/location/time_zones /m/02lcqs +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/01hbq0 +/m/01vswwx /people/person/profession /m/039v1 +/m/0l6px /people/person/place_of_birth /m/0k_6t +/m/01xmxj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/0hv1t /film/film/written_by /m/0jf1b +/m/0c7xjb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/02hkv5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017r13 /people/person/profession /m/01d_h8 +/m/02r1c18 /film/film/film_festivals /m/04_m9gk +/m/034x61 /people/person/languages /m/02h40lc +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/01vrncs /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/042l8n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/025m8y /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/05k2xy /film/film/genre /m/02n4kr +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mr2s +/m/0131kb /film/actor/film./film/performance/film /m/02qr3k8 +/m/048cl /influence/influence_node/influenced_by /m/042q3 +/m/05lls /education/field_of_study/students_majoring./education/education/student /m/047c9l +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/0bt4g /film/film/genre /m/06n90 +/m/016qtt /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/017l96 /music/record_label/artist /m/0czkbt +/m/01399x /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01pcvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06crng +/m/06c1y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/011hdn /people/person/places_lived./people/place_lived/location /m/02dtg +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dth1 +/m/08k40m /film/film/produced_by /m/02q42j_ +/m/09ftwr /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/015gjr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0cbkc +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01516r +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01vsl3_ /people/person/profession /m/039v1 +/m/09ps01 /film/film/featured_film_locations /m/0h7h6 +/m/07cz2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ddfph /people/person/place_of_birth /m/04bz2f +/m/0c9cw /base/aareas/schema/administrative_area/administrative_parent /m/0h924 +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/01yg9y +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nty +/m/09k23 /education/educational_institution/colors /m/01g5v +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7h2v +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/097df +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01slcv +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/02mslq +/m/0jsf6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kb3n +/m/016lh0 /people/person/gender /m/05zppz +/m/046chh /people/person/profession /m/0np9r +/m/0xhtw /music/genre/artists /m/0j6cj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049dzz +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01gglm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/026t6 /music/instrument/instrumentalists /m/0407f +/m/0blt6 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0pz91 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04smdd +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01hp5 /film/film/genre /m/01jfsb +/m/0c0k1 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f25y +/m/0gy6z9 /film/actor/film./film/performance/film /m/0g7pm1 +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/076689 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0c_j5d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g7sp /people/ethnicity/people /m/01vsy7t +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0146pg +/m/02vpvk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/077rj +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/04cw0j /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/05183k /people/person/gender /m/05zppz +/m/0f04c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01x4sb /film/actor/film./film/performance/film /m/09z2b7 +/m/0k9ts /business/business_operation/industry /m/0vg8 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b76kw1 +/m/06msq /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qdh +/m/04crrxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/04g4n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/0n3g /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/0h7pj /film/actor/film./film/performance/film /m/06sfk6 +/m/055sjw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04s04 +/m/0fr0t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/01g7zj /people/ethnicity/people /m/06czyr +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/0b6jkkg /award/award_category/winners./award/award_honor/award_winner /m/02x2097 +/m/0212mp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/012x2b +/m/04wp2p /award/award_winner/awards_won./award/award_honor/award_winner /m/0h5j77 +/m/01vz0g4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vw20h +/m/02knxx /people/cause_of_death/people /m/0bw87 +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzc16 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/06_x996 /film/film/produced_by /m/0c00lh +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/0kb1g /film/film/produced_by /m/03_bcg +/m/0kzy0 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/018sg9 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09c7w0 /location/location/contains /m/01jq4b +/m/03nbbv /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/011k11 /music/record_label/artist /m/0dbb3 +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02yj7w /award/award_winner/awards_won./award/award_honor/award_winner /m/02j9lm +/m/0cwx_ /education/educational_institution/colors /m/03wkwg +/m/0r111 /location/hud_county_place/place /m/0r111 +/m/02pp1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gvvm6l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0141kz /people/person/profession /m/02hrh1q +/m/081pw /film/film_subject/films /m/09rsjpv +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05ldnp /people/person/religion /m/06nzl +/m/09cvbq /sports/sports_team/colors /m/038hg +/m/0jfvs /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/081_zm /film/director/film /m/06rzwx +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/01r7pq +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/049g_xj +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/04107 +/m/02pg45 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02w670 +/m/0gd0c7x /film/film/produced_by /m/02tn0_ +/m/01hxs4 /people/person/profession /m/018gz8 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04nlb94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01mbwlb /people/person/languages /m/02h40lc +/m/025_64l /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/011vx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddqh +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k419 +/m/0d060g /location/location/time_zones /m/05jphn +/m/043tz8m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/016zfm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01xpxv +/m/031f_m /film/film/prequel /m/02_qt +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/02xbyr +/m/02r_d4 /people/person/place_of_birth /m/0d6lp +/m/0ckrgs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/037w7r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wk3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/03zm00 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03f1zhf /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/070j61 /award/award_winner/awards_won./award/award_honor/award_winner /m/046b0s +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/025st2z /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06fqlk +/m/049dyj /people/person/place_of_birth /m/06wxw +/m/01fx1l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/059m45 +/m/035rnz /film/actor/film./film/performance/film /m/03cp4cn +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/052hl +/m/0m241 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0j4b /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/065ydwb /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01txts /music/record_label/artist /m/01v_pj6 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/040t74 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/065b6q /people/ethnicity/people /m/01wj92r +/m/07s9rl0 /media_common/netflix_genre/titles /m/0170th +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/014zwb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01s7zw /award/award_winner/awards_won./award/award_honor/award_winner /m/04954 +/m/01s7ns /people/person/employment_history./business/employment_tenure/company /m/01dtcb +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/01bcwk /education/educational_institution/students_graduates./education/education/student /m/0170pk +/m/01k_0fp /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/06y7d /people/person/nationality /m/09c7w0 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0915l1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0345_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/016w7b /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqcs3 +/m/03xx9l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/049mql /film/film/music /m/07zft +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b_dy +/m/0fzm0g /film/film/genre /m/06cvj +/m/03_wpf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfp4 +/m/0g1rw /organization/organization/child./organization/organization_relationship/child /m/017jv5 +/m/0m9v7 /people/person/gender /m/05zppz +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/022769 /people/person/languages /m/02h40lc +/m/019tfm /education/educational_institution/colors /m/09ggk +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/012b30 /music/record_label/artist /m/01k_yf +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/027l0b /film/actor/film./film/performance/film /m/0291ck +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/062zm5h +/m/02b9g4 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pfkw +/m/04_1l0v /location/location/contains /m/05kj_ +/m/02x8z_ /people/person/profession /m/09jwl +/m/05qbckf /film/film/prequel /m/0dzlbx +/m/03_2td /film/actor/film./film/performance/film /m/014lc_ +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02vntj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/05vz3zq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/016tbr /award/award_winner/awards_won./award/award_honor/award_winner /m/01hxs4 +/m/01vsy7t /award/award_winner/awards_won./award/award_honor/award_winner /m/07c0j +/m/09q17 /media_common/netflix_genre/titles /m/01fmys +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dvmd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01rh0w +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04fjzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03m3nzf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ply6j +/m/0d_2fb /film/film/genre /m/0bj8m2 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/045c7b +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/086qd /music/artist/origin /m/0xmlp +/m/06cgf /film/film/country /m/07ssc +/m/01520h /film/actor/film./film/performance/film /m/0pv2t +/m/0vzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/03cp4cn /film/film/film_format /m/0cj16 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gn30 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025s1wg +/m/041rx /people/ethnicity/people /m/03193l +/m/02jx1 /location/location/contains /m/0h30_ +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/07p12s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0llcx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d1y7 /location/us_county/county_seat /m/0cv3w +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rv_dz +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/02fn5r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0pmw9 +/m/01t110 /music/artist/origin /m/0ny57 +/m/02yl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/07ssc /location/location/contains /m/07w4j +/m/02jxkw /people/person/place_of_birth /m/02_286 +/m/07ssc /media_common/netflix_genre/titles /m/065_cjc +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/060wq /location/hud_county_place/place /m/060wq +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/01g4zr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p_qr /film/film/country /m/09c7w0 +/m/0h6rm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0gd9k /film/director/film /m/02rmd_2 +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01z_g6 +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0prfz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/03w9bjf /people/ethnicity/languages_spoken /m/01c7y +/m/018p4y /people/person/nationality /m/09c7w0 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/03rl84 /film/actor/film./film/performance/film /m/0c57yj +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0yyts /film/film/production_companies /m/086k8 +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/035hm /location/location/time_zones /m/02llzg +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01541z +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/02sjf5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017f3m +/m/02qwg /people/person/profession /m/0n1h +/m/09x7p1 /base/culturalevent/event/entity_involved /m/0d6qjf +/m/0gfw56 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/026g73 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/043d4 /influence/influence_node/peers./influence/peer_relationship/peers /m/082db +/m/01p4r3 /film/actor/film./film/performance/film /m/0jswp +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/02x4x18 /award/award_category/winners./award/award_honor/award_winner /m/02x0dzw +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/033fqh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/035l_9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02xfj0 /people/person/religion /m/0c8wxp +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01vtqml /people/person/spouse_s./people/marriage/spouse /m/0163t3 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0zcbl +/m/02d6cy /award/award_winner/awards_won./award/award_honor/award_winner /m/02f9wb +/m/07tp2 /location/country/capital /m/0fngy +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/01jgkj2 /music/artist/origin /m/09c7w0 +/m/07ccs /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/036qs_ /people/person/profession /m/01d_h8 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07h565 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04knvh +/m/01w_10 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/016r9z /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/04jplwp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/03lt8g +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/03nb5v /people/person/places_lived./people/place_lived/location /m/04ykg +/m/0j582 /film/actor/film./film/performance/film /m/014kkm +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0cj8x /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01lyv /music/genre/artists /m/015_30 +/m/0gcs9 /people/person/religion /m/0c8wxp +/m/013y1f /music/instrument/instrumentalists /m/01p0vf +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/0212mp +/m/06bng /people/person/profession /m/03sbb +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/043t8t /film/film/genre /m/0219x_ +/m/09wj5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0456xp +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qkqwg +/m/031vy_ /education/educational_institution_campus/educational_institution /m/031vy_ +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04gcyg +/m/07z6xs /film/film/genre /m/04xvlr +/m/0382m4 /award/award_winner/awards_won./award/award_honor/award_winner /m/03_l8m +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05fly /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chgr2 +/m/025sc50 /music/genre/artists /m/016pns +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/05cl2w /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01vb6z /people/person/profession /m/0cbd2 +/m/02__34 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0z18v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019dwp +/m/03k8th /film/film/language /m/02h40lc +/m/02h30z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01rc4p /people/person/places_lived./people/place_lived/location /m/094jv +/m/01qwb5 /education/educational_institution/colors /m/01jnf1 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/01l4zqz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zf2 +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/01wj92r +/m/062hgx /people/person/profession /m/0np9r +/m/0fsb_6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/02pjvc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk3z +/m/01j7mr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05bnq3j +/m/03d63lb /people/person/profession /m/02hrh1q +/m/0l12d /people/person/profession /m/039v1 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0qmfk /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/088q4 +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mfqm +/m/03ryn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_xtx +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0py9b /business/business_operation/industry /m/07c1v +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/051zy_b +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/03bzyn4 /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/0r2dp +/m/04w7rn /film/film/language /m/02h40lc +/m/05qzv /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q24zv +/m/0fpj4lx /music/group_member/membership./music/group_membership/role /m/0342h +/m/0342h /music/instrument/instrumentalists /m/01wt4wc +/m/0fjyzt /film/film/country /m/0345h +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05lb30 +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0cj_v7 +/m/02qnyr7 /people/person/nationality /m/03rk0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0l8g0 +/m/0464pz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02vqpx8 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0l35f /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cbt3 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02w2bc +/m/022_lg /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0jrxx /location/location/contains /m/0rjg8 +/m/0kv9d3 /film/film/language /m/02h40lc +/m/0bl2g /people/person/gender /m/05zppz +/m/04nl83 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03rk0 +/m/07vc_9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0436f4 /film/actor/film./film/performance/film /m/01xbxn +/m/026z9 /music/genre/artists /m/0473q +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/011lvx /people/person/profession /m/02jknp +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/0b1s_q +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4bc +/m/0fhzf /location/location/time_zones /m/02llzg +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/05q9g1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d68qy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/015grj +/m/064lsn /film/film/country /m/0f8l9c +/m/011k11 /music/record_label/artist /m/017xm3 +/m/02gkxp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/04y5j64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01_0f7 /film/film/genre /m/02kdv5l +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07pd_j +/m/03w6sj /base/culturalevent/event/entity_involved /m/02lmk +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01b1pf +/m/0d1mp3 /people/person/nationality /m/09c7w0 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0qmjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/048htn +/m/02tqm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h0wc +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj5lq +/m/01flzq /music/genre/artists /m/01vsgrn +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01bcq +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/07vqnc +/m/03v1s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05kkh +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/04l3_z /people/person/nationality /m/09c7w0 +/m/03dctt /people/person/profession /m/0dxtg +/m/04t2t /media_common/netflix_genre/titles /m/034qmv +/m/01dtcb /music/record_label/artist /m/01l4g5 +/m/0n5yh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5xb +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0164b +/m/05cl8y /music/record_label/artist /m/016sp_ +/m/026ps1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/0cd2vh9 /film/film/genre /m/01jfsb +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/05qbbfb /film/film/genre /m/04pbhw +/m/0dg3n1 /base/locations/continents/countries_within /m/02k54 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/01wz3cx /people/person/profession /m/0xzm +/m/0cb77r /film/film_set_designer/film_sets_designed /m/0bj25 +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbxx9b +/m/0xnc3 /people/person/nationality /m/07ssc +/m/0rng /location/administrative_division/country /m/07ssc +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/02778tk +/m/0206k5 /organization/organization/place_founded /m/01_d4 +/m/09c7w0 /location/country/second_level_divisions /m/0mmrd +/m/01j7mr /tv/tv_program/genre /m/05p553 +/m/022769 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01yk13 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01rxyb +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/03qlv7 +/m/02k8k /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/037gjc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/048xg8 +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04nl83 +/m/03pc89 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03hpkp /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/01f85k /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f7v_ +/m/01f9mq /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/0285c /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0154j /location/location/contains /m/0fydw +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0230rx +/m/01vvpjj /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/016kkx /film/actor/film./film/performance/film /m/05r3qc +/m/05v8c /location/location/contains /m/036hnm +/m/04hk0w /film/film/country /m/0345h +/m/03f5spx /people/person/nationality /m/09c7w0 +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bdkd +/m/0420td /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/02f93t +/m/02_286 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjf +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02vg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/07fb6 /location/country/official_language /m/02h40lc +/m/018grr /film/actor/film./film/performance/film /m/04yc76 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02c9dj +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/01gfhk /location/administrative_division/country /m/0b90_r +/m/02b1ng /sports/sports_team/colors /m/06fvc +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02w2bc +/m/0gy6z9 /people/person/profession /m/09jwl +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02s529 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/03z20c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0bqytm /people/person/place_of_birth /m/0156q +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01718w +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/06bng /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0169t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06dfg +/m/0k611 /award/award_category/winners./award/award_honor/award_winner /m/04cy8rb +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/03_b1g /tv/tv_program/genre /m/05p553 +/m/0pj8m /people/person/place_of_birth /m/01j922 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/04xx9s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0181dw /music/record_label/artist /m/01v0fn1 +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/09nwwf /music/genre/artists /m/01yzl2 +/m/04bd8y /film/actor/film./film/performance/film /m/0258dh +/m/05r5c /music/instrument/instrumentalists /m/01vv6xv +/m/0d7vtk /tv/tv_program/genre /m/06n90 +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07b_l /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02rgz97 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012gq6 /people/person/profession /m/018gz8 +/m/0c2rr7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01453 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/09ld6g /people/person/languages /m/09bnf +/m/05nlzq /tv/tv_program/languages /m/02h40lc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0l2tk +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/01n8qg /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0kq1l /location/location/contains /m/0qyzb +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x16f +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/01jfsb /media_common/netflix_genre/titles /m/011ywj +/m/0bl5c /film/film/genre /m/07s9rl0 +/m/01ztgm /people/person/place_of_birth /m/0fvxz +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ckf6 +/m/04d817 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0hr3g /people/person/place_of_birth /m/02h6_6p +/m/03f0324 /influence/influence_node/influenced_by /m/0j3v +/m/09blyk /media_common/netflix_genre/titles /m/02mpyh +/m/047sxrj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01sp81 +/m/02q8ms8 /film/film/film_festivals /m/04grdgy +/m/03rgvr /people/person/gender /m/05zppz +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/0bsb4j +/m/03mdt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01p1z_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02l0xc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02wrhj /film/actor/film./film/performance/film /m/02lxrv +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0579tg2 +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/0ct_yc /soccer/football_player/current_team./sports/sports_team_roster/team /m/02279c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06xj4w +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blt6 +/m/0cgfb /people/person/profession /m/0kyk +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/048yqf /film/film/production_companies /m/0c41qv +/m/01wbgdv /people/person/profession /m/0nbcg +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/01n_g9 /education/educational_institution/school_type /m/07tf8 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q8xj +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03ds3 +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/07q3s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/075q_ +/m/057xlyq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0z843 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dn44 /people/person/profession /m/0cbd2 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/0lccn +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02mt4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/053rxgm /film/film/genre /m/01jfsb +/m/03m_k0 /people/person/profession /m/0dxtg +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/07cw4 /film/film/music /m/015wc0 +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwn9 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/09hgk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0840vq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0770cd /award/award_winner/awards_won./award/award_honor/award_winner /m/01w7nwm +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05b6rdt +/m/02tf1y /people/person/profession /m/02hrh1q +/m/07s9rl0 /media_common/netflix_genre/titles /m/02d44q +/m/02wb6yq /people/person/profession /m/0nbcg +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0gtvpkw /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05r5c /music/instrument/instrumentalists /m/02pbrn +/m/0152cw /people/person/profession /m/02hrh1q +/m/04fzfj /film/film/country /m/09c7w0 +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/03lt8g /people/person/places_lived./people/place_lived/location /m/013n0n +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/031778 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy95 +/m/06pk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0xsk8 +/m/02xv8m /people/person/gender /m/05zppz +/m/019f2f /film/actor/film./film/performance/film /m/02qr3k8 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/02lxj_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgg9 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/039crh +/m/0b5x23 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/03hrz /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01w9mnm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0fqg8 /sports/sports_team_location/teams /m/03j755 +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0872p_c +/m/021lby /film/director/film /m/01_mdl +/m/043h78 /film/film/genre /m/05p553 +/m/02xtxw /film/film/language /m/07zrf +/m/02rhwjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vs8ng +/m/0mw_q /location/location/time_zones /m/02hcv8 +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/0fy2s1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0nk95 /film/film_subject/films /m/047p798 +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d060g +/m/03d_zl4 /people/person/nationality /m/09c7w0 +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0r8bh /location/hud_county_place/place /m/0r8bh +/m/01pqx6 /award/award_category/winners./award/award_honor/award_winner /m/01_6dw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/013w8y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/01ydzx /people/person/profession /m/02hrh1q +/m/017v3q /education/educational_institution/colors /m/01l849 +/m/07r4c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0pkyh +/m/0cj2nl /people/person/profession /m/0dxtg +/m/01q_ph /film/actor/film./film/performance/film /m/0bmssv +/m/05r5c /music/instrument/instrumentalists /m/01kph_c +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08xvpn +/m/0bkq_8 /people/person/languages /m/083tk +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glnm +/m/04g3p5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcmd +/m/0738y5 /people/person/nationality /m/03rk0 +/m/04shbh /film/actor/film./film/performance/film /m/072x7s +/m/05jzt3 /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/09c7w0 /location/location/contains /m/02h98sm +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01w03jv /music/group_member/membership./music/group_membership/group /m/02_5x9 +/m/031n8c /education/educational_institution_campus/educational_institution /m/031n8c +/m/07hyk /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/059rby +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277470 +/m/0288zy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/02x0fs9 /film/film/featured_film_locations /m/0h7h6 +/m/0gydcp7 /film/film/country /m/07ssc +/m/05g3ss /people/person/spouse_s./people/marriage/spouse /m/02756j +/m/0mkv3 /location/us_county/county_seat /m/0114m0 +/m/033hn8 /music/record_label/artist /m/01wg25j +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04rwx /education/educational_institution/school_type /m/06cs1 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01k6y1 +/m/02y7sr /music/artist/origin /m/0d9jr +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0272_vz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01l1b90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgxf +/m/05f260 /business/business_operation/industry /m/02vxn +/m/03rwng /film/actor/film./film/performance/film /m/0gy2y8r +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl3hr +/m/0hfzr /film/film/language /m/05qqm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/024tsn +/m/0mbhr /people/person/profession /m/0d1pc +/m/09q17 /media_common/netflix_genre/titles /m/026mfbr +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/01z0rcq +/m/02c638 /film/film/written_by /m/0237jb +/m/06x76 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/018n6m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/06zl7g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gy0l_ /film/film/genre /m/07s9rl0 +/m/0ds5_72 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01vsyjy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022_q8 +/m/041n43 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d05w3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0164y7 /people/person/profession /m/025352 +/m/04vr_f /film/film/language /m/012w70 +/m/0f2zc /people/person/gender /m/05zppz +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxm1 +/m/0168nq /business/business_operation/industry /m/01mw2x +/m/02q_4ph /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0m66w /award/award_winner/awards_won./award/award_honor/award_winner /m/01p85y +/m/0f6_x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_7 /music/instrument/instrumentalists /m/0168cl +/m/081pw /film/film_subject/films /m/03ckwzc +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049k07 +/m/02cbhg /film/film/featured_film_locations /m/0dzt9 +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0993r +/m/01hw5kk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/070tng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0301bq /film/actor/film./film/performance/film /m/05650n +/m/09vc4s /people/ethnicity/people /m/01whg97 +/m/0gs96 /award/award_category/winners./award/award_honor/award_winner /m/0bytfv +/m/02_2v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/04y0hj /people/person/profession /m/02hrh1q +/m/0mfj2 /film/actor/film./film/performance/film /m/01xvjb +/m/08p1gp /people/person/profession /m/0np9r +/m/041rx /people/ethnicity/people /m/036dyy +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/06l3bl /media_common/netflix_genre/titles /m/04v8x9 +/m/026lgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/013pp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/060v34 +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/05tgks /film/film/production_companies /m/025hwq +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_dy +/m/0gtsxr4 /film/film/country /m/09c7w0 +/m/029pnn /people/person/profession /m/02hrh1q +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4_l +/m/0dp7wt /film/film/genre /m/01jfsb +/m/09rsjpv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/0bwjj /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/02l4rh /people/person/places_lived./people/place_lived/location /m/05qtj +/m/04grkmd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2qtl +/m/0l98s /olympics/olympic_games/participating_countries /m/07ssc +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b13j +/m/015nhn /people/person/gender /m/02zsn +/m/0r4z7 /location/hud_county_place/county /m/0l2rj +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/06rpd /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/042xrr +/m/032498 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01520h /film/actor/film./film/performance/film /m/04y9mm8 +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/02yl42 +/m/0pz7h /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01vqc7 +/m/02v570 /film/film/language /m/02ztjwg +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0tfc +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/02pptm +/m/01z5tr /people/person/profession /m/018gz8 +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/02kfzz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/09c7w0 /location/country/second_level_divisions /m/0n2q0 +/m/09x3r /olympics/olympic_games/sports /m/06z6r +/m/01kj0p /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/06b0d2 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01qn8k +/m/03wy70 /people/person/gender /m/05zppz +/m/03l3jy /film/actor/film./film/performance/film /m/03cyslc +/m/02ndbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fphf3v +/m/0258dh /film/film/music /m/02jxkw +/m/07swvb /film/actor/film./film/performance/film /m/0cp0t91 +/m/050gkf /film/film/featured_film_locations /m/02_286 +/m/0k4f3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040z9 +/m/02wcx8c /film/actor/film./film/performance/film /m/07gghl +/m/06mvq /people/ethnicity/people /m/0k1bs +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01pcvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0dvmd +/m/04mhxx /film/actor/film./film/performance/film /m/0gz6b6g +/m/0jmcb /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/033tf_ /people/ethnicity/people /m/01nxzv +/m/07vht /organization/organization/headquarters./location/mailing_address/citytown /m/02hyt +/m/02w7gg /people/ethnicity/people /m/016gr2 +/m/01gvts /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/05mt_q /people/person/place_of_birth /m/0h7h6 +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/032w8h /film/actor/film./film/performance/film /m/0bvn25 +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/050rj +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/03zyvw +/m/01n6c /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/082mw /people/person/place_of_birth /m/05qtj +/m/0661m4p /film/film/language /m/02h40lc +/m/0dqcm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k419 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bz6sq +/m/0brddh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jkm /people/person/place_of_birth /m/01cx_ +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0jrny +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/01h0kx /music/genre/parent_genre /m/05w3f +/m/0fhp9 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0m2l9 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/05prs8 /people/person/places_lived./people/place_lived/location /m/06_kh +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnrk +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0z07 +/m/031k24 /film/actor/film./film/performance/film /m/03p2xc +/m/02tvsn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/0661m4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01v_pj6 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04wsz /location/location/contains /m/0604m +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02__34 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03g52k +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04gzd /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03cd0x /film/film/production_companies /m/086k8 +/m/02ngbs /organization/organization/headquarters./location/mailing_address/citytown /m/03l2n +/m/059nf5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0jdk_ /olympics/olympic_games/participating_countries /m/0chghy +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/065ydwb /people/person/nationality /m/09c7w0 +/m/01f7kl /film/film/language /m/02h40lc +/m/0ggq0m /music/genre/artists /m/03j24kf +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/059j2 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02x8m /music/genre/artists /m/012x03 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/015cbq +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04wzr +/m/01jssp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cwx_ +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02ch1w /film/actor/film./film/performance/film /m/018f8 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/04gkp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/05g3b +/m/06bnz /location/location/contains /m/04swd +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/01vv6xv +/m/01d0fp /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03j24kf /people/person/places_lived./people/place_lived/location /m/04lh6 +/m/09x3r /olympics/olympic_games/sports /m/06wrt +/m/01vmv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/03c_cxn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/071vr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01541z /people/person/gender /m/02zsn +/m/0c41n /people/ethnicity/languages_spoken /m/02h40lc +/m/01wrwf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gm2_0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0g2lq +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02_fj /people/person/profession /m/0n1h +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027pwl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0dlwj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x7vq +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/05dy7p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07d2d /music/genre/parent_genre /m/025tm81 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/04xn_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/025vry /people/person/profession /m/01c8w0 +/m/0ggx5q /music/genre/artists /m/06s7rd +/m/01csqg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0bpx1k /film/film/genre /m/01t_vv +/m/03y5g8 /music/record_label/artist /m/016dsy +/m/067pl7 /people/person/nationality /m/0d060g +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/026t6 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0kvjrw /people/person/profession /m/01d_h8 +/m/01gp_x /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/04kn29 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0ggq0m /music/genre/artists /m/02b25y +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05zjtn4 /education/educational_institution/campuses /m/05zjtn4 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0y_hb /film/film/language /m/02h40lc +/m/01385g /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05kr_ /location/location/contains /m/0154gx +/m/0ftjx /location/location/time_zones /m/03plfd +/m/047d21r /film/film/genre /m/03bxz7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02jgm0 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/03f1r6t /people/person/religion /m/02vxy_ +/m/0c3kw /people/person/places_lived./people/place_lived/location /m/081yw +/m/03jldb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/0ywqc +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/02xp18 /people/person/profession /m/014kbl +/m/08xpv_ /location/location/contains /m/0mw_q +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/0ny75 /education/educational_institution/campuses /m/0ny75 +/m/02vcp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/02ph9tm /film/film/genre /m/05p553 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bmhvpr +/m/06c0ns /film/film/genre /m/02kdv5l +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/04991x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04kjrv /music/group_member/membership./music/group_membership/role /m/0342h +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/06jzh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02pxmgz +/m/011k1h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qmfzx /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/086sj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/018f8 +/m/026lj /influence/influence_node/influenced_by /m/03s9v +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/015_z1 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0187nd +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyg4 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/02f2dn /film/actor/film./film/performance/film /m/01chpn +/m/0lzb8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/011zd3 +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/04b19t /people/person/languages /m/03k50 +/m/04t9c0 /film/film/produced_by /m/0grrq8 +/m/0tzt_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03mdt +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f5spx +/m/02b15h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0l2mg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6mc +/m/01g23m /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01rh0w +/m/01b9w3 /tv/tv_program/genre /m/05p553 +/m/05g2v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07r_dg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fthdk +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/024mpp /film/film/costume_design_by /m/03gt0c5 +/m/04cj79 /film/film/language /m/02h40lc +/m/03v0t /location/location/contains /m/02nvg1 +/m/04gqr /location/country/capital /m/07p7g +/m/09c7w0 /location/location/contains /m/0qplq +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/029jpy /location/location/contains /m/01x73 +/m/027r9t /film/film/written_by /m/01vb6z +/m/05t54s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03rl84 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wsj0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01xn57g +/m/05148p4 /music/instrument/instrumentalists /m/010hn +/m/07s9rl0 /media_common/netflix_genre/titles /m/06t6dz +/m/0dbns /education/educational_institution/colors /m/09q2t +/m/02j69w /film/film/genre /m/05p553 +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/0427y /people/person/profession /m/0dxtg +/m/06cgy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0d4jl /influence/influence_node/influenced_by /m/0c1fs +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0k0r0n7 /music/genre/parent_genre /m/02w6s3 +/m/05h95s /tv/tv_program/genre /m/0hcr +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pyg6 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/03zqc1 +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/051wwp /film/actor/film./film/performance/film /m/04gcyg +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/0b22w +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01vvb4m /people/person/profession /m/03gjzk +/m/02qy3py /people/person/languages /m/07c9s +/m/035bcl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09c7w0 /location/location/contains /m/0cr3d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0571m /film/film/language /m/02h40lc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02rg5rm +/m/018grr /film/actor/film./film/performance/film /m/07tw_b +/m/029h7y /music/genre/artists /m/04mn81 +/m/0b76kw1 /film/film/genre /m/04xvlr +/m/06rny /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/03q5db /film/film/genre /m/06n90 +/m/06by7 /music/genre/artists /m/0473q +/m/01wg25j /people/person/profession /m/05vyk +/m/0bwhdbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/026_dcw /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/02l96k /music/genre/artists /m/0jltp +/m/02773m2 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0124k9 +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03flwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03gj2 /location/country/official_language /m/02ztjwg +/m/021dvj /music/genre/artists /m/0g7k2g +/m/04165w /film/film/genre /m/07s9rl0 +/m/03bxbql /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01rdm0 +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0525b /film/actor/film./film/performance/film /m/09rvcvl +/m/016mhd /film/film/genre /m/01j1n2 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07jqh +/m/03mghh /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/04znsy +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jpg2p +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/02896 +/m/03lmzl /people/person/profession /m/02hrh1q +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01m_zd /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/02l6h +/m/02pv_d /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/06vsbt /people/person/places_lived./people/place_lived/location /m/04ykg +/m/01kf3_9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dzf_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n6f8 /people/person/languages /m/02h40lc +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gvr1 +/m/0gs7x /influence/influence_node/peers./influence/peer_relationship/peers /m/060_7 +/m/0gy3w /education/educational_institution/school_type /m/01_srz +/m/059z0 /location/country/capital /m/0156q +/m/01rh0w /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/0fm6m8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/041rx /people/ethnicity/people /m/0sx5w +/m/0mfc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/019pkm /award/award_winner/awards_won./award/award_honor/award_winner /m/0g69lg +/m/0nn83 /location/location/time_zones /m/02hcv8 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmfnjs +/m/025snf /tv/tv_network/programs./tv/tv_network_duration/program /m/07vqnc +/m/0jwl2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/034rd9 +/m/0ymc8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01_d4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016tbr +/m/029d_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/011ypx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01wyz92 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vz0g4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01t38b +/m/01vzxmq /film/actor/film./film/performance/film /m/0g5879y +/m/02wrrm /film/actor/film./film/performance/film /m/01738w +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n998 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02bpy_ +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/0btbyn /film/film/genre /m/0c3351 +/m/0cq7kw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01yf92 /organization/organization/headquarters./location/mailing_address/citytown /m/0kstw +/m/041xl /people/person/gender /m/05zppz +/m/0hvb2 /people/person/place_of_birth /m/029cr +/m/02b25y /people/person/profession /m/04f2zj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01vcnl +/m/05ch98 /film/film/genre /m/07s9rl0 +/m/029q3k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/047bynf /film/film/country /m/07ssc +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/0m31m /film/actor/film./film/performance/film /m/011yr9 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01_xtx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/064t9 /music/genre/artists /m/016pns +/m/03h_0_z /people/person/languages /m/02h40lc +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/04mcw4 /film/film/music /m/0146pg +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048hf +/m/01kym3 /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0ckrnn /film/film/story_by /m/0ldd +/m/04kkz8 /film/film/genre /m/05p553 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/035s95 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qrn4 /award/award_category/winners./award/award_honor/award_winner /m/018ygt +/m/03fmw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0f63n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fpn8 +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0jyx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02yxwd /film/actor/film./film/performance/film /m/04jn6y7 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/02m501 /people/person/gender /m/05zppz +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/04_bfq /sports/sports_team/colors /m/083jv +/m/02wlwtm /business/job_title/people_with_this_title./business/employment_tenure/company /m/019vsw +/m/0fkwzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04n7njg +/m/012x4t /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/0cv9fc +/m/0sx8l /olympics/olympic_games/sports /m/09_9n +/m/0432_5 /film/film/genre /m/0lsxr +/m/01pllx /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lp8k +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01nwwl /film/actor/film./film/performance/film /m/0bh8drv +/m/0166b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/056vv +/m/03sxd2 /film/film/language /m/02bjrlw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/041rx /people/ethnicity/people /m/015076 +/m/075mb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/065zr +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/02mqc4 +/m/02w7gg /people/ethnicity/people /m/05mvd62 +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/04gzd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01wv24 /education/educational_institution/school_type /m/01rs41 +/m/0291ck /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/040db /people/person/profession /m/0kyk +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/061681 +/m/01c65z /people/person/languages /m/02h40lc +/m/07tw_b /film/film/written_by /m/052hl +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gltv +/m/0ccck7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/025sc50 /music/genre/artists /m/01gf5h +/m/01k_n63 /people/person/profession /m/0nbcg +/m/06gjk9 /film/film/genre /m/01jfsb +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s95_l +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0686zv +/m/0djywgn /film/actor/film./film/performance/film /m/043h78 +/m/0vzm /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/01rrwf6 /people/person/nationality /m/09c7w0 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017f4y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/06q8hf /people/person/employment_history./business/employment_tenure/company /m/0jz9f +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0trv +/m/03hfmm /film/film/language /m/02h40lc +/m/01vs73g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dbc1s /people/person/profession /m/0dxtg +/m/0gw2y6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0b_4z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bxjp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/01vd7hn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/0lkr7 /people/person/profession /m/018gz8 +/m/05xvj /sports/sports_team/colors /m/01g5v +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/01y665 +/m/06srk /location/country/official_language /m/064_8sq +/m/038bht /people/person/gender /m/05zppz +/m/06q8qh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cbv4g +/m/01vfqh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016gp5 /sports/sports_team/colors /m/01g5v +/m/085bd1 /film/film/genre /m/01hmnh +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0bx0lc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0f7fy /people/person/nationality /m/09c7w0 +/m/01w8sf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04r7jc +/m/030wkp /people/person/profession /m/0cbd2 +/m/02knxx /people/cause_of_death/people /m/0272kv +/m/07d3z7 /people/person/gender /m/02zsn +/m/0bdlj /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/013q07 +/m/0dn44 /people/person/profession /m/03gjzk +/m/02m_41 /organization/organization/headquarters./location/mailing_address/citytown /m/02z0j +/m/04gnbv1 /people/person/profession /m/01d_h8 +/m/02vzc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/06dv3 /film/actor/film./film/performance/film /m/0cz_ym +/m/039wsf /people/person/nationality /m/09c7w0 +/m/06t61y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02qydsh /film/film/country /m/09c7w0 +/m/032zq6 /film/film/film_format /m/07fb8_ +/m/08y7b9 /people/person/profession /m/02hrh1q +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/012rng +/m/03ctqqf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lpjn +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01dzz7 /influence/influence_node/influenced_by /m/014ps4 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jmyj +/m/07dzf /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/03c6vl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0g60z +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/03kts /people/person/profession /m/01c8w0 +/m/0bnzd /film/film/country /m/09c7w0 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02b6n9 +/m/09pmkv /location/location/contains /m/015q02 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/07phbc +/m/01n30p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026p4q7 /film/film/featured_film_locations /m/052p7 +/m/0sxmx /film/film/written_by /m/05kfs +/m/01cz7r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/02_286 /location/location/contains /m/01sn04 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvq6g +/m/0ft7sr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06m6p7 /film/actor/film./film/performance/film /m/04kzqz +/m/098s1 /medicine/symptom/symptom_of /m/04psf +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/028qyn +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/099c8n +/m/068p2 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/032zg9 /people/person/place_of_birth /m/02_286 +/m/01xyqk /music/record_label/artist /m/01l7cxq +/m/017g2y /people/person/gender /m/05zppz +/m/045bg /people/person/profession /m/0cbd2 +/m/0f04v /location/hud_county_place/county /m/0l2xl +/m/06bw5 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wx756 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/0k4bc /film/film/film_art_direction_by /m/05683cn +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/07gghl /film/film/genre /m/0lsxr +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02fy0z +/m/06x58 /film/actor/film./film/performance/film /m/02jxrw +/m/05dxl5 /people/person/places_lived./people/place_lived/location /m/01smm +/m/06r2h /film/film/story_by /m/01rlxt +/m/06cgy /film/actor/film./film/performance/film /m/09g8vhw +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/083shs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/042v2 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dl567 +/m/0173b0 /music/genre/artists /m/0ycfj +/m/04lqvlr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09g7vfw /film/film/genre /m/02n4kr +/m/02g3mn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/018j2 /music/instrument/instrumentalists /m/04mky3 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/041rx /people/ethnicity/people /m/01r42_g +/m/04xvlr /media_common/netflix_genre/titles /m/0gyy53 +/m/034qt_ /people/person/nationality /m/09c7w0 +/m/01hv3t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mz5 +/m/01lqnff /people/person/gender /m/05zppz +/m/05y5fw /people/person/gender /m/05zppz +/m/062dn7 /people/person/profession /m/01d_h8 +/m/08fn5b /film/film/film_production_design_by /m/0dh73w +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/040whs /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05glrg +/m/05c74 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01p8s +/m/05p1tzf /film/film/music /m/03c_8t +/m/06pcz0 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05r5c /music/instrument/instrumentalists /m/0k7pf +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/01h18v +/m/02fj8n /film/film/country /m/0345h +/m/078lk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f0sbl +/m/035yg /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/016clz /music/genre/artists /m/033wx9 +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01yb1y /tv/tv_program/country_of_origin /m/09c7w0 +/m/02ppm4q /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/01vh096 /people/person/profession /m/0dxtg +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0y3_8 /music/genre/artists /m/02wwwv5 +/m/05bt6j /music/genre/artists /m/01vs8ng +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0m3gy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/037gjc /film/actor/film./film/performance/film /m/08mg_b +/m/01vvdm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cj_v7 +/m/08z129 /organization/organization/headquarters./location/mailing_address/citytown /m/0f2rq +/m/01twdk /people/person/profession /m/018gz8 +/m/05zy3sc /film/film/country /m/09c7w0 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/0fb1q /people/person/profession /m/018gz8 +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03gr7w +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fs9vc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/033g0y +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vv6_6 +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01m65sp /music/group_member/membership./music/group_membership/role /m/0342h +/m/04ynx7 /film/film/language /m/06nm1 +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/0p7h7 +/m/03t1s /location/administrative_division/country /m/07ssc +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02rk23 /education/educational_institution/colors /m/01g5v +/m/09zmys /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/0301yj /film/actor/film./film/performance/film /m/02tgz4 +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0jm4v /sports/sports_team/sport /m/018w8 +/m/02114t /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02hhtj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04knvh +/m/0mdqp /film/actor/film./film/performance/film /m/03tps5 +/m/02b61v /film/film/genre /m/01jfsb +/m/0dq9p /people/cause_of_death/people /m/034rd +/m/03l6bs /education/educational_institution/school_type /m/04qbv +/m/02_lt /sports/sports_team/sport /m/02vx4 +/m/0ctw_b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fsv +/m/0yxl /influence/influence_node/influenced_by /m/06hgj +/m/07b_l /location/location/contains /m/0ms1n +/m/05css_ /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01jr4j +/m/01mh8zn /people/person/nationality /m/09c7w0 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/09txzv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03kts /film/actor/film./film/performance/film /m/0ds2n +/m/05w3f /music/genre/artists /m/07qnf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/01pgp6 /film/film/genre /m/011ys5 +/m/016dgz /award/award_winner/awards_won./award/award_honor/award_winner /m/0d6d2 +/m/058kqy /people/person/profession /m/03gjzk +/m/01vtg4q /people/person/profession /m/039v1 +/m/06ztvyx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0f4m2z /film/film/genre /m/0lsxr +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/05np4c +/m/031n5b /education/educational_institution/students_graduates./education/education/student /m/06h2w +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0194_r +/m/016clz /music/genre/artists /m/0qf3p +/m/020_4z /people/person/languages /m/02h40lc +/m/04wqr /people/person/profession /m/0d1pc +/m/0283d /music/genre/parent_genre /m/0fd3y +/m/06jz0 /film/director/film /m/03rtz1 +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/03rhqg /music/record_label/artist /m/013rfk +/m/05kms /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/03_r3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03n6r /people/person/profession /m/016wtf +/m/03phtz /film/film/produced_by /m/05nn4k +/m/0p5wz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/06x43v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kv2hv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/026f__m +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/05qkp /location/country/official_language /m/02h40lc +/m/02f_k_ /people/person/places_lived./people/place_lived/location /m/05kkh +/m/048vhl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0151w_ +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/09r3f /base/culturalevent/event/entity_involved /m/03x1x +/m/01rnpy /film/actor/film./film/performance/film /m/032016 +/m/05d8vw /people/person/profession /m/08z956 +/m/02pb53 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/016622 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/02581c /award/award_category/winners./award/award_honor/award_winner /m/015rmq +/m/0tj9 /people/person/languages /m/02h40lc +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/03rg2b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01dvms +/m/01k8rb /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/06w839_ +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/06t61y +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/035zr0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0dhrqx /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025txtg +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/05xb7q /organization/organization/headquarters./location/mailing_address/citytown /m/04cjn +/m/0bc1yhb /film/film/story_by /m/046_v +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0173b0 /music/genre/artists /m/01vw87c +/m/09743 /people/ethnicity/languages_spoken /m/0swlx +/m/01ggc9 /film/actor/film./film/performance/film /m/013q0p +/m/0cm03 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0bqyhk +/m/026t6 /music/instrument/instrumentalists /m/018gkb +/m/03sww /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0520r2x /people/person/profession /m/089fss +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrx3g +/m/02w4v /music/genre/artists /m/01sxd1 +/m/04cppj /film/film/genre /m/03k9fj +/m/0126hc /sports/sports_team_location/teams /m/023fb +/m/04x1_w /people/person/nationality /m/09c7w0 +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/04bpm6 /people/person/profession /m/0nbcg +/m/05lb30 /film/actor/film./film/performance/film /m/04y9mm8 +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0nryt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/059fjj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nr36 +/m/060ppp /organization/organization/place_founded /m/01sn3 +/m/03_fk9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/084w8 /influence/influence_node/influenced_by /m/02wh0 +/m/0j0pf /people/person/gender /m/05zppz +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/05pxnmb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/026f__m +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02z9rr /film/film/country /m/09c7w0 +/m/02rrsz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/030nwm /education/educational_institution/school_type /m/05jxkf +/m/0gkz3nz /film/film/genre /m/07s9rl0 +/m/05v10 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/02rlj20 /film/film/genre /m/04xvlr +/m/0ddfph /people/person/profession /m/02hrh1q +/m/01wg6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/03j149k /people/person/gender /m/05zppz +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/09n48 /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/027z0pl /people/person/nationality /m/09c7w0 +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0g_rs_ /people/person/profession /m/01d_h8 +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0308kx +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/03rtz1 /film/film/genre /m/01hmnh +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06jwys +/m/0bw87 /film/actor/film./film/performance/film /m/0hv27 +/m/02ryx0 /people/person/profession /m/01c8w0 +/m/01n8_g /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01v1d8 /music/instrument/family /m/02qjv +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/05lls /music/genre/artists /m/0h6sv +/m/0d3f83 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0jv5x +/m/0kpzy /location/location/contains /m/01jr6 +/m/0k6nt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/0m27n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/04y652m /broadcast/content/artist /m/04rcr +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/01p9hgt +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/0jbp0 /film/actor/film./film/performance/film /m/08hmch +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07vc_9 +/m/01ycck /people/person/profession /m/02jknp +/m/01tj34 /film/actor/film./film/performance/film /m/0p7qm +/m/016mhd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/036jv /music/genre/parent_genre /m/016_nr +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/04qhdf /organization/organization/child./organization/organization_relationship/child /m/05s34b +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/048xyn /film/film/produced_by /m/0b478 +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/026dg51 /people/person/profession /m/0dxtg +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02pqs8l +/m/0c_gcr /people/person/gender /m/05zppz +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds5_72 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/01w1kyf +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06823p +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/02h9_l /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/0qx1w /location/hud_county_place/place /m/0qx1w +/m/015d3h /people/person/gender /m/05zppz +/m/02qw_v /education/educational_institution/students_graduates./education/education/student /m/09v6gc9 +/m/047csmy /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0kvt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kv4k +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0jcx /people/person/nationality /m/06mzp +/m/0260bz /film/film/edited_by /m/03q8ch +/m/0346qt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/044gyq /people/person/profession /m/016z4k +/m/07ssc /media_common/netflix_genre/titles /m/0p4v_ +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0h03fhx /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/01tw31 /people/person/profession /m/0dz3r +/m/02ndf1 /people/person/nationality /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/06z9k8 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/04sd0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dgskx /people/person/place_of_birth /m/01ngxm +/m/034ks /people/person/religion /m/0c8wxp +/m/037q31 /film/film/language /m/02h40lc +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/08fn5b /film/film/genre /m/07s9rl0 +/m/0ft18 /film/film/language /m/04306rv +/m/0cc5qkt /film/film/music /m/0146pg +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/052gzr /people/person/place_of_birth /m/0r62v +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0bmch_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/08wjf4 +/m/06s26c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/013knm +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04t2l2 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0qlnr /education/educational_institution/colors /m/01g5v +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbgdv +/m/02482c /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n7q /location/location/contains /m/0l2l_ +/m/021pqy /film/film/language /m/03k50 +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/012m_ +/m/02lnbg /music/genre/artists /m/02yygk +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0d05q4 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0y3_8 /music/genre/artists /m/0bdxs5 +/m/0p7tb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/01_1pv /film/film/featured_film_locations /m/04jpl +/m/05t54s /film/film/production_companies /m/016tt2 +/m/07bbc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03gvt +/m/05p1qyh /film/film/featured_film_locations /m/0rxyk +/m/01k1k4 /film/film/production_companies /m/024rgt +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072kp +/m/013d_f /location/hud_county_place/place /m/013d_f +/m/03061d /people/person/languages /m/02h40lc +/m/09c7w0 /location/location/contains /m/021s9n +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/02r2j8 /tv/tv_program/genre /m/01z77k +/m/018vs /music/instrument/instrumentalists /m/0137g1 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04bpm6 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rcmg +/m/0828jw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01sl1q +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fvf1 +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w1ywm +/m/01wk7b7 /people/person/gender /m/05zppz +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02yr1q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02p86pb +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0hb37 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sxq9 /people/person/gender /m/02zsn +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/08swgx /people/person/profession /m/0d1pc +/m/0cmc26r /film/film/genre /m/07s9rl0 +/m/09pmkv /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01j67j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04yqlk +/m/02jxrw /film/film/genre /m/02l7c8 +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04__f /film/actor/film./film/performance/film /m/0m_q0 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/03jg5t /people/person/profession /m/02hrh1q +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/03n0q5 +/m/02l3_5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hqzm6r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0nbjq /olympics/olympic_games/sports /m/0dwxr +/m/07bch9 /people/ethnicity/people /m/01kb2j +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/024qqx /media_common/netflix_genre/titles /m/03177r +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/03hdz8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03lty /music/genre/artists /m/01fchy +/m/07z2lx /award/award_category/winners./award/award_honor/award_winner /m/0415svh +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01s7ns +/m/0mbs8 /people/person/profession /m/02hrh1q +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0993r +/m/081lh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/046vvc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05kr_ /location/location/contains /m/02583l +/m/01k0vq /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/01fwk3 /film/actor/film./film/performance/film /m/0k4p0 +/m/02p11jq /music/record_label/artist /m/013rds +/m/01kp66 /film/actor/film./film/performance/film /m/0cfhfz +/m/0fn5bx /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/01yl6n /location/administrative_division/first_level_division_of /m/05qhw +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/04knvh /sports/sports_team/sport /m/02vx4 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0bl06 /film/film/costume_design_by /m/0c6g29 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/052zgp +/m/01hdht /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/02lg3y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/03rjj /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/0164nb +/m/07yp0f /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02p3cr5 /music/record_label/artist /m/0150jk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cwfgz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/0dl6fv /tv/tv_program/country_of_origin /m/07ssc +/m/02q5bx2 /tv/tv_program/genre /m/06n90 +/m/0xnvg /people/ethnicity/people /m/01b9z4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm2v +/m/01mh8zn /people/person/profession /m/03gjzk +/m/03nfnx /film/film/genre /m/01hmnh +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/07zqy +/m/08k881 /film/actor/film./film/performance/film /m/032sl_ +/m/07s9rl0 /media_common/netflix_genre/titles /m/02b6n9 +/m/0jnmj /sports/sports_team/colors /m/06kqt3 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03prz_ +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/05sy0cv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0chw_ +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0vqn +/m/0cwfgz /film/film/genre /m/03k9fj +/m/04s430 /people/person/gender /m/05zppz +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/06ztvyx +/m/0pd4f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fby2t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04bs3j +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/02pyyld +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/06s6hs +/m/0bbvr84 /award/award_winner/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0f40w /film/film/produced_by /m/01vb6z +/m/02zft0 /people/person/place_of_birth /m/0cr3d +/m/04jpg2p /film/film/produced_by /m/025hzx +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01q415 +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0dyb1 /film/film/music /m/016szr +/m/046chh /people/person/profession /m/02hrh1q +/m/0cw3yd /award/award_winning_work/awards_won./award/award_honor/award /m/099cng +/m/0345h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdx +/m/03ynwqj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/05yjhm +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/09k9d0 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/04mpbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03ys48 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032w8h +/m/02qgyv /film/actor/film./film/performance/film /m/01cmp9 +/m/0198b6 /film/film/edited_by /m/03cp7b3 +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/01zlx /sports/sports_team_location/teams /m/04mvk7 +/m/064t9 /music/genre/artists /m/01n8gr +/m/09dvgb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04wp63 +/m/0212zp /education/educational_institution_campus/educational_institution /m/0212zp +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0hqly /people/person/languages /m/02h40lc +/m/01v40wd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01_8n9 +/m/02yl42 /influence/influence_node/influenced_by /m/017_pb +/m/0bn8fw /people/person/profession /m/0dxtg +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01699 /location/country/official_language /m/064_8sq +/m/03hzt /film/film_subject/films /m/011yrp +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0brkwj +/m/01j6t0 /medicine/symptom/symptom_of /m/0dq9p +/m/021gzd /film/film/genre /m/082gq +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mmwk +/m/04hcw /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/04bbpm /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/01wb95 /film/film/written_by /m/012vct +/m/07cz2 /film/film/genre /m/03k9fj +/m/0565cz /music/artist/track_contributions./music/track_contribution/role /m/02w3w +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02ln0f +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09d38d +/m/05c9zr /film/film/language /m/02h40lc +/m/04rzd /music/instrument/instrumentalists /m/01gf5h +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cxsvl +/m/07ssc /location/location/contains /m/0hyxv +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0mfj2 /people/deceased_person/place_of_burial /m/018mlg +/m/0k_kr /music/record_label/artist /m/03j24kf +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/0t015 /base/biblioness/bibs_location/state /m/03s0w +/m/0jw67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04dsnp +/m/070xg /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jjw +/m/092ys_y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/037cr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/056jm_ /award/award_category/winners./award/award_honor/award_winner /m/05vzw3 +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03zyvw +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/030s5g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/0nbcg /people/profession/specialization_of /m/09jwl +/m/0nj7b /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/0dl567 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02r1c18 +/m/0ccqd7 /film/actor/film./film/performance/film /m/0d4htf +/m/0yp21 /location/location/time_zones /m/02fqwt +/m/03lpp_ /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/0pm85 /music/genre/artists /m/06y9c2 +/m/07d370 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cwrr +/m/0bxjpy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025vl4m /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/052h3 +/m/0sx8l /olympics/olympic_games/participating_countries /m/0ctw_b +/m/02phtzk /film/film/genre /m/07s9rl0 +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05rznz +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl1_ +/m/021bk /film/actor/film./film/performance/film /m/04gv3db +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0h6r5 /film/film/edited_by /m/08h79x +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/06sks6 /olympics/olympic_games/sports /m/0d1t3 +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01d6g +/m/0d1y7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m28g +/m/01j7mr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bz5v2 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dnqr /film/film/genre /m/03k9fj +/m/0glmv /base/eating/practicer_of_diet/diet /m/07_jd +/m/01pj5q /people/person/gender /m/05zppz +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cz8mkh +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/0dx8gj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rbz +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8nx +/m/02qfk4j /people/person/nationality /m/03rk0 +/m/04fgzb0 /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/01cpqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jf85 +/m/0872p_c /film/film/personal_appearances./film/personal_film_appearance/person /m/06c97 +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/023322 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01309x +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02kxwk +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/07s7gk6 /music/genre/artists /m/01vw20_ +/m/07lp1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0g9wd99 +/m/0jrqq /people/person/profession /m/0dxtg +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03_80b +/m/0d6_s /film/film/country /m/03_3d +/m/06rny /sports/sports_team/colors /m/01l849 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/0c57yj /film/film/genre /m/05p553 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0p_pd +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/02sh8y +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040981l +/m/0fjzsy /sports/sports_team/sport /m/0jm_ +/m/01rwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02lnhv /film/actor/film./film/performance/film /m/02vjp3 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0x8 +/m/016hvl /people/person/profession /m/0cbd2 +/m/03h_0_z /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01wbsdz +/m/0824r /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d6cy +/m/011yph /film/film/genre /m/04dn71w +/m/03dq9 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0bw7ly /soccer/football_player/current_team./sports/sports_team_roster/team /m/04gkp3 +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ry0p +/m/05pdh86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0345h /location/location/contains /m/0m38x +/m/02nczh /film/film/genre /m/01f9r0 +/m/06sks6 /olympics/olympic_games/sports /m/02bkg +/m/02b0yk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0j7ng /location/administrative_division/country /m/07ssc +/m/04mhbh /film/actor/film./film/performance/film /m/047rkcm +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/02vptk_ /people/person/gender /m/05zppz +/m/0d0x8 /location/location/contains /m/0f1nl +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gltv +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/01h7xx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03rl1g +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bpg3 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05v1sb +/m/0bm70b /award/award_category/winners./award/award_honor/award_winner /m/0jf1b +/m/0dsx3f /tv/tv_program/country_of_origin /m/09c7w0 +/m/02847m9 /film/film/country /m/07ssc +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wtx1 +/m/025x1t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6y +/m/0f8j13 /film/film/country /m/09c7w0 +/m/04xbq3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016khd +/m/06bw5 /education/educational_institution/school_type /m/01rs41 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/01n7q /location/location/contains /m/0kpzy +/m/0pmw9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fn5r +/m/01hjy5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/022q32 /people/person/nationality /m/09c7w0 +/m/03wpmd /people/person/profession /m/02hrh1q +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/0xn5b /location/hud_county_place/county /m/0n5fz +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/0cmdwwg /film/film/language /m/0t_2 +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01gvpz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01wrcxr +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/0cs134 /tv/tv_program/genre /m/01z4y +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0c5wln +/m/022s1m /film/actor/film./film/performance/film /m/0872p_c +/m/015_1q /music/record_label/artist /m/03cfjg +/m/015z4j /people/person/places_lived./people/place_lived/location /m/0r03f +/m/0g2lq /award/award_winner/awards_won./award/award_honor/award_winner /m/06brp0 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lvzbl +/m/0gr69 /people/person/gender /m/05zppz +/m/01qg7c /people/person/profession /m/03gjzk +/m/01l_9d /base/aareas/schema/administrative_area/capital /m/017575 +/m/026hh0m /film/film/produced_by /m/03ktjq +/m/0f1vrl /people/person/profession /m/03gjzk +/m/0xnvg /people/ethnicity/people /m/02lg3y +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015v3r +/m/01t94_1 /people/person/profession /m/03gjzk +/m/051wwp /film/actor/film./film/performance/film /m/0b6m5fy +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/0ctb4g /film/film/language /m/02h40lc +/m/02rchht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/08qvhv /people/person/profession /m/02hrh1q +/m/0qmk5 /tv/tv_program/genre /m/03npn +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/0xnvg /people/ethnicity/people /m/022q4j +/m/01kt_j /tv/tv_program/genre /m/0lsxr +/m/02jxkw /award/award_winner/awards_won./award/award_honor/award_winner /m/02r4qs +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0f2w0 /location/hud_county_place/place /m/0f2w0 +/m/0443xn /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0d05w3 /media_common/netflix_genre/titles /m/02qd04y +/m/06_sc3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/01ync +/m/052zgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/074tb5 /film/actor/film./film/performance/film /m/0g54xkt +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02ctzb /people/ethnicity/people /m/06c97 +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fwqn +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01l2b3 /film/film/language /m/03k50 +/m/030qb3t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/0jgd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kv2hv /film/film/genre /m/05p553 +/m/0ch3qr1 /film/film/produced_by /m/02r251z +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dn58 +/m/01d2v1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/035gjq +/m/0g60z /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/04snp2 /people/person/profession /m/0196pc +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07sgfsl +/m/018grr /influence/influence_node/influenced_by /m/0p_jc +/m/027tbrc /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/032v0v /people/person/profession /m/01d_h8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01s753 +/m/0d3k14 /people/deceased_person/place_of_burial /m/0lbp_ +/m/017gm7 /film/film/film_format /m/07fb8_ +/m/01kvrz /education/educational_institution/campuses /m/01kvrz +/m/0gndh /film/film/genre /m/02kdv5l +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/062cg6 /award/award_winner/awards_won./award/award_honor/award_winner /m/066yfh +/m/05169r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/018vs /music/instrument/instrumentalists /m/016wvy +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/03_48k /people/person/place_of_birth /m/071vr +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/03mv0b /people/person/profession /m/02hrh1q +/m/0159h6 /film/actor/film./film/performance/film /m/02py4c8 +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqzz +/m/03h8_g /people/person/profession /m/01tkqy +/m/01rgr /people/person/places_lived./people/place_lived/location /m/05qtj +/m/01d6g /sports/sports_team/sport /m/018jz +/m/06y57 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02x9g_ +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/07ssc /location/location/contains /m/0125q1 +/m/04bdqk /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02fy0z /education/educational_institution/students_graduates./education/education/student /m/0jsw9l +/m/089tm /music/artist/origin /m/03l2n +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04jspq +/m/0d739 /location/location/contains /m/01ky7c +/m/05fkf /location/location/contains /m/0yj9v +/m/09c7w0 /location/location/contains /m/0qf5p +/m/03q0r1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0h3xztt /film/film/language /m/02h40lc +/m/0dryh9k /people/ethnicity/people /m/08d6bd +/m/02jx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09x3r +/m/0x67 /people/ethnicity/people /m/0bz60q +/m/0262zm /award/award_category/winners./award/award_honor/ceremony /m/0gwdy4 +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/059s8 +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0135xb +/m/05dmmc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05dy7p /film/film/genre /m/03g3w +/m/0170pk /film/actor/film./film/performance/film /m/05fgt1 +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ntb8 +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/07tj4c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l79yc +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/050zr4 +/m/04knq3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0jsw9l /people/person/nationality /m/09c7w0 +/m/018zvb /people/person/nationality /m/09c7w0 +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/01vxxb /film/actor/film./film/performance/film /m/02ljhg +/m/04gxf /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05fhy +/m/0716b6 /influence/influence_node/influenced_by /m/085j0 +/m/047csmy /film/film/genre /m/06n90 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05hwn /location/location/contains /m/0hj6h +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/02r3cn /people/person/nationality /m/09c7w0 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/01pvxl +/m/0191h5 /music/group_member/membership./music/group_membership/group /m/02ndj5 +/m/014vk4 /people/person/profession /m/0fj9f +/m/018dyl /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03fcbb +/m/04z542 /people/person/gender /m/05zppz +/m/0892sx /film/actor/film./film/performance/film /m/01shy7 +/m/04gcd1 /people/person/profession /m/0np9r +/m/027kwc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03shp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05sb1 +/m/0m6x4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/01k1k4 /film/film/produced_by /m/019pm_ +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/02vqhv0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0cf2h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqz0 +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/019z7q /influence/influence_node/influenced_by /m/084w8 +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgt +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/01ydzx /people/person/profession /m/0dz3r +/m/0dzlbx /film/film/genre /m/01jfsb +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/02h761 +/m/04t2t /media_common/netflix_genre/titles /m/0mb8c +/m/09qv3c /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/0crx5w /award/award_winner/awards_won./award/award_honor/award_winner /m/03cws8h +/m/07vyf /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/027xbpw /people/person/profession /m/0dxtg +/m/03mszl /award/award_winner/awards_won./award/award_honor/award_winner /m/0jdhp +/m/04vvh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01p_ng +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qdjm +/m/04qk12 /film/film/country /m/07ssc +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03d1y3 /people/person/gender /m/05zppz +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/045xh /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/03b_fm5 /film/film/country /m/09c7w0 +/m/02n4kr /media_common/netflix_genre/titles /m/02q0v8n +/m/07t90 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01wbgdv /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/05d9y_ /education/educational_institution/colors /m/019sc +/m/02t_zq /people/person/profession /m/01d_h8 +/m/02vnp2 /education/educational_institution/colors /m/083jv +/m/02qlkc3 /people/person/profession /m/02krf9 +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01j5ts /film/actor/film./film/performance/film /m/0crfwmx +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0yl_w +/m/03y9ccy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/03d34x8 +/m/0dcsx /people/cause_of_death/people /m/015xp4 +/m/09qj50 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0ph2w /people/person/profession /m/018gz8 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/059rc /film/film/production_companies /m/0c41qv +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0bbgly /film/film/genre /m/02kdv5l +/m/0yl_3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/07f_t4 /film/film/featured_film_locations /m/052p7 +/m/02hgm4 /award/award_category/winners./award/award_honor/award_winner /m/01qdjm +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/023znp /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/05qgd9 /education/educational_institution/school_type /m/05jxkf +/m/06mfvc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/0n6kf /people/person/profession /m/0cbd2 +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013tcv +/m/0498y /location/location/time_zones /m/02fqwt +/m/01vrkdt /people/person/profession /m/09jwl +/m/03h2c /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/026b7bz /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/02pzc4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsy95 +/m/02h40lc /language/human_language/countries_spoken_in /m/0697s +/m/0gydcp7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08lr6s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019pm_ +/m/041bnw /music/record_label/artist /m/045zr +/m/0p7tb /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/0d9jr /base/biblioness/bibs_location/state /m/081yw +/m/016fnb /award/award_winner/awards_won./award/award_honor/award_winner /m/0k6yt1 +/m/05krk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/01b39j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ch26b_ +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f2wj +/m/09c7w0 /location/location/contains /m/04bfg +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/053vcrp +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/02fttd +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/033db3 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04hgpt /education/educational_institution/students_graduates./education/education/student /m/0m32_ +/m/05z7c /film/film/country /m/09c7w0 +/m/03rwng /film/actor/film./film/performance/film /m/02pw_n +/m/0d060g /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/04h07s /people/person/profession /m/0dxtg +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/023p7l +/m/02rwmk /time/event/locations /m/0166b +/m/0gpmp /people/person/profession /m/0dxtg +/m/02x201b /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3ln +/m/08xvpn /film/film/produced_by /m/01wd9lv +/m/0lgxj /olympics/olympic_games/participating_countries /m/0chghy +/m/08lr6s /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04fyhv +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/08bytj +/m/0dyjz /location/location/contains /m/0f3ys2 +/m/0b1s_q /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/030cx +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04smdd +/m/03gbty /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0283_zv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0pz7h /film/actor/film./film/performance/film /m/05zpghd +/m/0lk8j /olympics/olympic_games/sports /m/0d1tm +/m/056zdj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/057hz /film/actor/film./film/performance/film /m/0qm98 +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l4rh +/m/05znbh7 /award/award_winning_work/awards_won./award/award_honor/award /m/09v0wy2 +/m/02swsm /music/record_label/artist /m/0lk90 +/m/035yn8 /film/film/language /m/0349s +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/017z49 /film/film/genre /m/07s9rl0 +/m/06by7 /music/genre/artists /m/019f9z +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/049fgvm +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0bdt8 +/m/0jmj /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01gp_d /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07h9gp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b9g4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fb1q /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/03mg35 +/m/0537b /business/business_operation/industry /m/029g_vk +/m/01309x /people/person/profession /m/039v1 +/m/0f61tk /film/film/personal_appearances./film/personal_film_appearance/person /m/07_m9_ +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/04kjrv /people/person/nationality /m/07ssc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/02h30z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09v8clw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0f0p0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/02jxrw /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/0k7pf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07c0j +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y06y +/m/04rqd /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02cgb8 /people/person/profession /m/02hrh1q +/m/085ccd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01l1sq /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0dl5d /music/genre/artists /m/04mky3 +/m/09c7w0 /location/location/contains /m/0tz01 +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03_x5t +/m/045cq /film/director/film /m/0fy66 +/m/051zy_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021r7r /people/person/profession /m/01d_h8 +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01xvjb /award/award_winning_work/awards_won./award/award_honor/award /m/02g2yr +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02p5hf +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/03s9kp /film/film/genre /m/01hmnh +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01fsv9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04wvhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0g2lq +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05d8vw /people/person/places_lived./people/place_lived/location /m/03l2n +/m/07l4zhn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01_s9q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /location/location/contains /m/01bdhf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/063g7l /people/person/places_lived./people/place_lived/location /m/0m2rv +/m/0py5b /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019pwv +/m/05bt6j /music/genre/artists /m/02s6sh +/m/03lv4x /film/film/country /m/0ctw_b +/m/015g28 /film/film/country /m/09c7w0 +/m/04sry /film/actor/film./film/performance/film /m/049xgc +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/052p7 +/m/06wxw /location/hud_county_place/county /m/06wxw +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/06f5j +/m/09z2b7 /film/film/genre /m/04xvlr +/m/07gql /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05dbf +/m/03rt9 /location/country/second_level_divisions /m/0jtf1 +/m/07bbw /music/genre/artists /m/04rcr +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qmsr /film/film/country /m/09c7w0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/083qy7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03dj48 +/m/07_l6 /music/instrument/instrumentalists /m/082db +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/01n4f8 /influence/influence_node/influenced_by /m/0127xk +/m/03bzyn4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/01lyv /music/genre/artists /m/016jfw +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/01k56k +/m/01cx_ /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0c3351 /media_common/netflix_genre/titles /m/05css_ +/m/03gvm3t /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gps0z +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/01_f_5 /people/person/employment_history./business/employment_tenure/company /m/02jd_7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03wj4r8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m5m5b +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01kwhf +/m/0f7hc /influence/influence_node/influenced_by /m/02jq1 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vyv9 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0b_6q5 /time/event/locations /m/0d9jr +/m/03mg35 /film/actor/film./film/performance/film /m/044g_k +/m/01v1d8 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0czmk1 /people/person/nationality /m/02jx1 +/m/01wmgrf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/0z1l8 +/m/03mck3c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/01k2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/081lh /film/actor/film./film/performance/film /m/0jyx6 +/m/02jztz /education/educational_institution/colors /m/083jv +/m/01l03w2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/0mrf1 /location/location/time_zones /m/02fqwt +/m/05mt6w /people/person/profession /m/09jwl +/m/03gvt /music/instrument/instrumentalists /m/01wl38s +/m/07cjqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zqmj +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3jz +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04rrd +/m/01sxly /film/film/genre /m/016vh2 +/m/03q6zc /education/educational_institution/campuses /m/03q6zc +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/07hbxm /film/actor/film./film/performance/film /m/0c34mt +/m/06j8wx /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0hkqn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0jdk0 /people/cause_of_death/people /m/0bdt8 +/m/03_x5t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/093l8p +/m/01ttg5 /music/artist/origin /m/0f2wj +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/012gk9 +/m/01clyr /music/record_label/artist /m/04k05 +/m/0f13b /people/person/profession /m/05z96 +/m/05nlzq /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03kcyd +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/087c7 +/m/04wgh /location/location/contains /m/022b_ +/m/0b76kw1 /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvw2 +/m/0163v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0yl_j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0882r_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03x23q /education/educational_institution/school_type /m/05jxkf +/m/07wtc /education/educational_institution/students_graduates./education/education/student /m/09fqtq +/m/0k0rf /film/film/written_by /m/012t1 +/m/0jbrr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05tk7y +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05pzdk +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/0myk8 +/m/0grwj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dvld +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/01slcv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0g56t9t /film/film/production_companies /m/01795t +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/01srq2 /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/09fqd3 /people/person/profession /m/0cbd2 +/m/0h32q /film/actor/film./film/performance/film /m/0bh8x1y +/m/07dzf /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/04myfb7 /people/person/nationality /m/09c7w0 +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06b0d2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/0dp7wt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0k4fz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01p9hgt +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/015dcj /film/actor/film./film/performance/film /m/0m_mm +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qr1_ +/m/02rxbmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/04h5tx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02t_99 /people/person/profession /m/0d1pc +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/0jnq8 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/020trj /people/person/profession /m/01d_h8 +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/02yy8 +/m/03hkch7 /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/0342h /music/instrument/instrumentalists /m/0kvjrw +/m/035xwd /film/film/produced_by /m/01v80y +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05rx__ /people/person/profession /m/02hrh1q +/m/03lq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/06by7 /music/genre/artists /m/017f4y +/m/06fc0b /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/01l1sq +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/0l3h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/0hx4y /film/film/genre /m/03k9fj +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl09 +/m/012s1d /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/02m501 /film/actor/film./film/performance/film /m/04t6fk +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0341n5 +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07myb2 +/m/043zg /film/actor/film./film/performance/film /m/02qzh2 +/m/0bz6sq /film/film/genre /m/05p553 +/m/085wqm /film/film/genre /m/01jfsb +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq0m +/m/0d060g /location/location/contains /m/052nd +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pz04 +/m/03wy70 /film/actor/film./film/performance/film /m/0gjk1d +/m/01vh096 /people/person/profession /m/02hv44_ +/m/08k40m /film/film/language /m/02h40lc +/m/02lk1s /film/actor/film./film/performance/film /m/02ylg6 +/m/042fgh /award/award_winning_work/awards_won./award/award_honor/honored_for /m/024mxd +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/02qsqmq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04g2mkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mp0g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d500h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jwly +/m/0l998 /olympics/olympic_games/sports /m/02y8z +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/07ssc /location/location/contains /m/01z52d +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/06rhz7 /film/film/featured_film_locations /m/0d6lp +/m/028k57 /film/actor/film./film/performance/film /m/07pd_j +/m/05qtj /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0140t7 /people/person/languages /m/02h40lc +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/01yd8v +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029jt9 +/m/02bb47 /education/educational_institution/school_type /m/01rs41 +/m/0m31m /people/person/gender /m/05zppz +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/016clz /music/genre/artists /m/01vw20_ +/m/02mp0g /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0g2ff +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015c2f +/m/01ygv2 /business/business_operation/industry /m/0sydc +/m/06s26c /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0g768 /music/record_label/artist /m/016z1t +/m/02jg92 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cq8nx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08nvyr /film/film/genre /m/0219x_ +/m/01rh0w /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0178rl +/m/0mnk7 /location/location/time_zones /m/02hcv8 +/m/0nm8n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm42 +/m/0301yj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/03lmx1 /people/ethnicity/people /m/01wk3c +/m/059x0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02pfymy /organization/organization/headquarters./location/mailing_address/citytown /m/0r6cx +/m/0b7gxq /people/person/gender /m/05zppz +/m/03gvt /music/instrument/instrumentalists /m/01vrz41 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0g83dv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/0l2p7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq08 +/m/0mzkr /music/record_label/artist /m/0cg9y +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/07w8fz /film/film/country /m/03_3d +/m/02vp1f_ /award/award_winning_work/awards_won./award/award_honor/award /m/02qysm0 +/m/03rk0 /location/location/contains /m/02cbvn +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0ymcz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/05wqr1 +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/02l840 +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/02n4kr /media_common/netflix_genre/titles /m/011yqc +/m/01q7h2 /film/film/genre /m/02n4kr +/m/086m1 /time/event/locations /m/05rgl +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/01w3vc /education/educational_institution/students_graduates./education/education/student /m/012j5h +/m/016khd /film/actor/film./film/performance/film /m/0sxkh +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lk95 +/m/0661ql3 /film/film/country /m/09c7w0 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/085jw +/m/0137g1 /people/person/religion /m/06nzl +/m/0blt6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/03f2_rc /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05sxzwc /film/film/music /m/0b6yp2 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/014vk4 +/m/07hwkr /people/ethnicity/people /m/01tj34 +/m/04999m /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/018dyl /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01x72k /film/actor/film./film/performance/film /m/035bcl +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/0342h /music/instrument/instrumentalists /m/01pbxb +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/02cx90 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f4_2k +/m/07bch9 /people/ethnicity/people /m/01w9ph_ +/m/01qr1_ /award/award_winner/awards_won./award/award_honor/award_winner /m/023s8 +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/084z0w /people/person/profession /m/01d_h8 +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/042gr4 /film/actor/film./film/performance/film /m/0bh72t +/m/0fp_xp /people/person/place_of_birth /m/01s3v +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/05l4yg /people/person/gender /m/02zsn +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yxg +/m/03mcwq3 /people/person/gender /m/02zsn +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01x0sy +/m/017fp /media_common/netflix_genre/titles /m/02z0f6l +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/01k5zk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k7d9 +/m/09b3v /media_common/netflix_genre/titles /m/03bx2lk +/m/0l786 /film/actor/film./film/performance/film /m/0283_zv +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01xzb6 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/094xh +/m/0jmm4 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01679d /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/035qv8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02x201b /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/06mr2s /tv/tv_program/genre /m/0byb_x +/m/01sxly /film/film/genre /m/04btyz +/m/09k56b7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dgskx /award/award_winner/awards_won./award/award_honor/award_winner /m/07fpm3 +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01lvrm +/m/0ddjy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/058kqy /award/award_winner/awards_won./award/award_honor/award_winner /m/08qxx9 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01jft4 +/m/0640m69 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/03rk0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/016zwt +/m/0bdxs5 /people/person/languages /m/02h40lc +/m/01817f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/01kv4mb /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02xyl /people/person/place_of_birth /m/010t4v +/m/04mrfv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0c3p7 /film/actor/film./film/performance/film /m/05sxr_ +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03y_f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0fngf /location/administrative_division/country /m/088q4 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/01tm2s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01qn8k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pgzn_ +/m/0645k5 /film/film/genre /m/02kdv5l +/m/0lpjn /film/actor/film./film/performance/film /m/089j8p +/m/0dlngsd /film/film/production_companies /m/046b0s +/m/01bczm /music/artist/origin /m/0t6sb +/m/02vz6dn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3kw +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/027b9k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/017vb_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0mgp +/m/09hnb /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsykc +/m/062hgx /film/actor/film./film/performance/film /m/018nnz +/m/02pjc1h /film/film/genre /m/07s9rl0 +/m/0cjf0 /medicine/symptom/symptom_of /m/07jwr +/m/05bt6j /music/genre/artists /m/08w4pm +/m/06gn7r /people/person/profession /m/0dxtg +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0ddcbd5 /film/film/produced_by /m/0b13g7 +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02z13jg /award/award_category/disciplines_or_subjects /m/0w7c +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05hjnw +/m/01trtc /music/record_label/artist /m/01wbl_r +/m/07nx9j /film/actor/film./film/performance/film /m/048scx +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03xf_m +/m/063k3h /people/ethnicity/people /m/09b6zr +/m/0pd4f /film/film/genre /m/017fp +/m/050r1z /film/film/genre /m/04xvh5 +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/019pcs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02khs +/m/04xhwn /film/actor/film./film/performance/film /m/09m6kg +/m/04bjff /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/042fgh /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0d_wms +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/0193qj /location/country/capital /m/07dfk +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01y665 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01jfrg +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01hhvg +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0bpbhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cjf0 /medicine/symptom/symptom_of /m/02k6hp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7kw +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/02kxbwx +/m/059_c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0dclg /sports/sports_team_location/teams /m/0hn2q +/m/016ggh /film/actor/film./film/performance/film /m/02rq8k8 +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02ctzb /people/ethnicity/people /m/02nwxc +/m/09qr6 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/03xsby +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/027jq2 /people/person/profession /m/02jknp +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0j1z8 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03__y +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/06bd5j /film/film/country /m/0345h +/m/06m_5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/06by7 /music/genre/artists /m/01nhkxp +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5ts +/m/0c_mvb /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/07ssc /media_common/netflix_genre/titles /m/04qk12 +/m/0jkvj /olympics/olympic_games/sports /m/06wrt +/m/01ls2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07ylj +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0b_j2 /people/person/profession /m/0dz3r +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vjr +/m/01w1ywm /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvth +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/055c8 /film/actor/film./film/performance/film /m/0dsvzh +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/020p1 /location/country/official_language /m/02h40lc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/01cl2y /music/record_label/artist /m/07r1_ +/m/0cj36c /people/person/profession /m/02hrh1q +/m/0qmd5 /film/film/edited_by /m/027pdrh +/m/01tntf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/095kp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04cbbz /film/film/country /m/09c7w0 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0b3n61 +/m/051m56 /people/person/nationality /m/09c7w0 +/m/0693l /film/director/film /m/01rxyb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dt_q_ +/m/06kb_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/08bqy9 /people/person/gender /m/05zppz +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/07nt8p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0ctzf1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rw116 +/m/0symg /film/film/country /m/0345h +/m/02wvfxl /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jm4v +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0342h /music/instrument/instrumentalists /m/0889x +/m/024zq /influence/influence_node/peers./influence/peer_relationship/peers /m/053yx +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/09cr8 /film/film/featured_film_locations /m/0rh6k +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/05myd2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02r251z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6f8pf +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/01w1sx /film/film_subject/films /m/08720 +/m/01ls2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/01718w /film/film/genre /m/0lsxr +/m/01vvybv /base/eating/practicer_of_diet/diet /m/07_jd +/m/08l_c1 /education/educational_institution/colors /m/01g5v +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/021r7r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018ctl /olympics/olympic_games/sports /m/02_5h +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01t6xz +/m/011xg5 /film/film/genre /m/07s9rl0 +/m/059rby /location/location/time_zones /m/02hcv8 +/m/01cbwl /music/genre/artists /m/07h76 +/m/019pm_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/09146g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0168dy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/086sj +/m/01y9jr /film/film/genre /m/0gf28 +/m/02wgk1 /film/film/genre /m/0btmb +/m/0g7vxv /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j2pg +/m/02qrv7 /film/film/language /m/0jzc +/m/02y0js /people/cause_of_death/people /m/029h45 +/m/0781g /music/genre/artists /m/01mxnvc +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/026bt_h +/m/024yxd /people/person/gender /m/05zppz +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/0725ny +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0fx0mw /film/actor/film./film/performance/film /m/0466s8n +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/01qncf /film/film/written_by /m/08433 +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/04w_7 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0794g +/m/026t6 /music/instrument/instrumentalists /m/01yzl2 +/m/02fgm7 /people/person/profession /m/0q04f +/m/038723 /people/ethnicity/people /m/0pz7h +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0295sy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07s9rl0 /media_common/netflix_genre/titles /m/04z4j2 +/m/0jvs0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fw2y +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/057176 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/025rpyx +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwng +/m/01f2f8 /people/person/profession /m/0dxtg +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/03qpp9 /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/026v5 +/m/048xyn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b478 +/m/03h_9lg /film/actor/film./film/performance/film /m/06gb1w +/m/064n1pz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02sjp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01trhmt +/m/02x0gk1 /award/award_category/nominees./award/award_nomination/nominated_for /m/076xkdz +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/0c0k1 /film/actor/film./film/performance/film /m/0f4yh +/m/03hvk2 /education/educational_institution/colors /m/019sc +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qmncd +/m/01xbgx /location/country/form_of_government /m/01fpfn +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/0k8y7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016fjj +/m/04gcd1 /people/person/profession /m/015h31 +/m/0fvd03 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03n6r /people/person/gender /m/05zppz +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/06npd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b80__ +/m/02d478 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/026ps1 +/m/0mwsh /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wr6r /film/actor/film./film/performance/film /m/0421ng +/m/02p7xc /people/person/nationality /m/07ssc +/m/01vhb0 /people/person/profession /m/02jknp +/m/04tc1g /film/film/music /m/06fxnf +/m/012mrr /film/film/edited_by /m/03q8ch +/m/02qzmz6 /film/film/music /m/01tc9r +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10w +/m/0c3p7 /people/person/nationality /m/09c7w0 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/028qdb /music/group_member/membership./music/group_membership/role /m/0mkg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z215 +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0162b /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/03fhm5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m_mm /film/film/genre /m/06l3bl +/m/0hn2q /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/03ytc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/022dp5 /people/ethnicity/people /m/021r7r +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jswp +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/01fh36 /music/genre/parent_genre /m/06by7 +/m/0y62n /location/location/time_zones /m/02hcv8 +/m/044n3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/0dl5d /music/genre/artists /m/015cqh +/m/056rgc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/03shp /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0371rb +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0n6kf /people/person/places_lived./people/place_lived/location /m/01531 +/m/07zqnm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/033hn8 /music/record_label/artist /m/0136p1 +/m/018gqj /people/person/spouse_s./people/marriage/spouse /m/02v3yy +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01vw37m /film/actor/film./film/performance/film /m/06t6dz +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01rf57 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01qb559 /film/film/music /m/0417z2 +/m/03q1vd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/016732 +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/0lgxj /olympics/olympic_games/sports /m/0d1t3 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06b0d2 +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/09bkc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07f_7h /film/film/country /m/0f8l9c +/m/02s4l6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01p7b6b /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/028p0 /people/person/profession /m/0fj9f +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award /m/02xcb6n +/m/01wd9vs /people/person/profession /m/0kyk +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/026rm_y /people/person/places_lived./people/place_lived/location /m/0156q +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03qjg /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/028tv0 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn5bx +/m/034hck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037d35 +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/01vtmw6 +/m/059_c /location/location/contains /m/0n6rv +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pc_l +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/05xd8x +/m/0ftps /music/artist/origin /m/04jpl +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/01vs73g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06sks6 /olympics/olympic_games/sports /m/06z6r +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01s0l0 +/m/01d1st /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028_yv /film/film/featured_film_locations /m/02_286 +/m/0683n /influence/influence_node/influenced_by /m/081k8 +/m/0164b /location/country/form_of_government /m/018wl5 +/m/026n6cs /people/person/nationality /m/09c7w0 +/m/059rby /location/location/contains /m/0fplg +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0mbct +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07dvs +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/01d1yr /film/actor/film./film/performance/film /m/0mb8c +/m/054nbl /music/genre/artists /m/02j3d4 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01p_ng /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086nl7 +/m/0d_rw /tv/tv_program/country_of_origin /m/09c7w0 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/0219q +/m/031hxk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dvtx /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/027y_ /influence/influence_node/influenced_by /m/049gc +/m/01rnly /film/film/genre /m/04rlf +/m/02f_k_ /people/person/nationality /m/09c7w0 +/m/0jkhr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_816 +/m/0291ck /film/film/production_companies /m/016tt2 +/m/012dr7 /people/person/nationality /m/09c7w0 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/01dbk6 /people/person/profession /m/02hrh1q +/m/02b25y /music/artist/contribution./music/recording_contribution/performance_role /m/0j862 +/m/01qq_lp /people/person/gender /m/02zsn +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07yk1xz +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01wzs_q /film/actor/film./film/performance/film /m/026q3s3 +/m/06sks6 /olympics/olympic_games/participating_countries /m/03rk0 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/0h1m9 /people/deceased_person/place_of_burial /m/018mmw +/m/0415svh /people/person/profession /m/02hrh1q +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/01qhm_ /people/ethnicity/people /m/01pctb +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/05p9_ql /award/award_winning_work/awards_won./award/award_honor/award /m/047sgz4 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/011ywj /film/film/genre /m/0hn10 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/022fj_ +/m/0g_gl /location/location/time_zones /m/02fqwt +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/05bjp6 /education/educational_institution/students_graduates./education/education/student /m/033wx9 +/m/01d8l /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/04_m9gk /time/event/locations /m/0h7h6 +/m/05r5c /music/instrument/instrumentalists /m/0161c2 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xvjb +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/0hvvf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hwbd +/m/04lqvlr /film/film/film_festivals /m/04grdgy +/m/07srw /location/location/contains /m/0jcjq +/m/09xbpt /film/film/production_companies /m/046b0s +/m/0glh3 /location/location/contains /m/01xvlc +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/03xj05 /film/film/country /m/03rjj +/m/01npcy7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05vk_d +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/01g969 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06c0ns +/m/0fm3b5 /award/award_category/nominees./award/award_nomination/nominated_for /m/040rmy +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01j_5k /education/educational_institution_campus/educational_institution /m/01j_5k +/m/032l1 /people/person/place_of_birth /m/04swd +/m/05jt_ /music/genre/artists /m/01q7cb_ +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/0hqly /people/person/profession /m/0dxtg +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01j4ls /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0dg3n1 /location/location/contains /m/0hdx8 +/m/0847q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mtq +/m/02g2yr /award/award_category/winners./award/award_honor/award_winner /m/01xv77 +/m/0345h /location/location/contains /m/070zc +/m/048cl /people/person/places_lived./people/place_lived/location /m/07gdw +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/01r3hr /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/03h42s4 +/m/01vqrm /people/person/profession /m/0dxtg +/m/02cnqk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03rk0 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/0kbg6 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_b9f +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/053y0s /people/person/profession /m/05vyk +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/0ply0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04xrx +/m/046qq /film/actor/film./film/performance/film /m/0bxsk +/m/02j9z /location/location/partially_contains /m/0f8l9c +/m/01jq0j /education/educational_institution/colors /m/01l849 +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/045c7b /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/03f0fnk /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ncj8 +/m/06fpsx /film/film/country /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/01br2w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0170qf /film/actor/film./film/performance/film /m/033qdy +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/0d04z6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/01y9r2 /film/film/genre /m/04xvlr +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gz5hs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hn2q /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/04mp8g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/02vwckw /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05tbn /location/location/contains /m/0bthb +/m/01w5gg6 /people/person/gender /m/05zppz +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/051q5 +/m/0h6r5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01vtg4q /people/person/profession /m/016z4k +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/04wvhz +/m/0nbjq /olympics/olympic_games/sports /m/0d1t3 +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/060j8b +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01p970 /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/06rjp +/m/09c7w0 /location/location/contains /m/05cwl_ +/m/0dr5y /people/person/profession /m/0dxtg +/m/07h5d /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/07147 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/02fn5r /people/person/profession /m/039v1 +/m/012x4t /people/person/profession /m/09jwl +/m/04xvlr /media_common/netflix_genre/titles /m/0dr_4 +/m/0gthm /people/person/profession /m/0dxtg +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/03b3j /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/011k4g /people/deceased_person/place_of_death /m/030qb3t +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/020_95 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/014gjp /tv/tv_program/genre /m/0vgkd +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/01psyx /people/cause_of_death/people /m/024tj +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0kbws /olympics/olympic_games/participating_countries /m/04sj3 +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gfzfj /film/film/produced_by /m/0f87jy +/m/072kp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/05g3ss /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/018vs /music/instrument/instrumentalists /m/01vrx3g +/m/081l_ /people/person/profession /m/0kyk +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02lm0t /people/person/nationality /m/09c7w0 +/m/03f7xg /film/film/genre /m/01jfsb +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03yk8z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gq0x5 +/m/0n5by /location/location/time_zones /m/02hcv8 +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/06jnvs /people/person/profession /m/0cbd2 +/m/0f0qfz /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/02f4s3 /education/educational_institution/students_graduates./education/education/student /m/0347xz +/m/01cwkq /film/actor/film./film/performance/film /m/0bt3j9 +/m/0k3j0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_g +/m/0ggx5q /music/genre/artists /m/0lk90 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683p +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137hn +/m/06by7 /music/genre/artists /m/06lxn +/m/01v3x8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/07lnk /music/genre/parent_genre /m/03mb9 +/m/037njl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/0bl1_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p87y +/m/04wgh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/0bdjd /film/film/featured_film_locations /m/0fsv2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg13 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/07y_7 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/015dcj /people/person/nationality /m/09c7w0 +/m/04vrxh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/03pc89 /film/film/music /m/037lyl +/m/04p3w /medicine/disease/risk_factors /m/0jpmt +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01m1dzc +/m/01wzs_q /people/person/gender /m/05zppz +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/02fqxm /film/film/featured_film_locations /m/0d6lp +/m/01520h /film/actor/film./film/performance/film /m/0hv8w +/m/0gps0z /people/person/languages /m/02h40lc +/m/09p5mwg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/02t_8z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086sj /people/person/places_lived./people/place_lived/location /m/0r771 +/m/0178kd /music/artist/origin /m/06y57 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01l2m3 /medicine/disease/risk_factors /m/0c58k +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0466s8n /film/film/executive_produced_by /m/024t0y +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07d3z7 +/m/04pz5c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qt29 +/m/0993r /film/actor/film./film/performance/film /m/0164qt +/m/059kh /music/genre/artists /m/017lb_ +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/0gywn /music/genre/artists /m/07s3vqk +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/063_t /people/deceased_person/place_of_burial /m/0nb1s +/m/01_f_5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02ld6x +/m/01nkxvx /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/03gn1x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0c9d9 /people/person/profession /m/02hrh1q +/m/03by7wc /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0n08r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01kckd +/m/03m1n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/04ty8 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/072x7s /film/film/produced_by /m/016dmx +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bhvtc +/m/02rv_dz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/02lnbg /music/genre/artists /m/0j1yf +/m/05jm7 /influence/influence_node/influenced_by /m/03hpr +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/01tx9m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/029q3k +/m/0165v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016wzw +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/03d8jd1 /film/film/genre /m/0btmb +/m/058s44 /film/actor/film./film/performance/film /m/091xrc +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/064t9 /music/genre/artists /m/01bczm +/m/0196bp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/0ql7q /base/culturalevent/event/entity_involved /m/01d8l +/m/051hrr /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/04180vy /film/film/language /m/02bjrlw +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0sx5w +/m/0542n /people/cause_of_death/people /m/04jwp +/m/0f6_j /location/location/time_zones /m/02hcv8 +/m/06hzsx /people/person/profession /m/0dgd_ +/m/07c52 /media_common/netflix_genre/titles /m/0n2bh +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxfz +/m/01gy7r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bqch /people/person/places_lived./people/place_lived/location /m/01c6zg +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/05yh_t /film/actor/film./film/performance/film /m/02prw4h +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/05szq8z /film/film/costume_design_by /m/03y1mlp +/m/0k9ts /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0sw6g /award/award_winner/awards_won./award/award_honor/award_winner /m/02x7vq +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/06crng /people/person/nationality /m/07ssc +/m/02j9z /location/location/contains /m/01jvxb +/m/0dq23 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/02qrv7 /film/film/language /m/04306rv +/m/01tjsl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01tjt2 +/m/0466k4 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/0cn_b8 /film/film/music /m/07qy0b +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015ppk /tv/tv_program/genre /m/02fgmn +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0f502 /film/actor/film./film/performance/film /m/02q7fl9 +/m/0sx92 /olympics/olympic_games/participating_countries /m/09c7w0 +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03t79f +/m/02wt0 /location/location/contains /m/0bsl6 +/m/07dnx /influence/influence_node/influenced_by /m/03jxw +/m/01rhrd /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0gy0n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049msk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqxm +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/01tnxc +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p_ycc +/m/0bth54 /film/film/genre /m/06l3bl +/m/043n1r5 /film/film/genre /m/02l7c8 +/m/059rby /location/location/contains /m/04ftdq +/m/01r6jt2 /people/person/place_of_birth /m/04jpl +/m/0chgr2 /location/administrative_division/country /m/0chghy +/m/09c17 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03j90 /people/person/languages /m/0295r +/m/015m08 /location/administrative_division/first_level_division_of /m/03rjj +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/09c7w0 /location/country/second_level_divisions /m/0mx2h +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0hnkp +/m/02j9z /location/location/contains /m/0fhzf +/m/032q8q /people/person/gender /m/05zppz +/m/05cx7x /film/actor/film./film/performance/film /m/03xf_m +/m/078g3l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/03n08b /people/person/places_lived./people/place_lived/location /m/04ykg +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/01qdjm /music/group_member/membership./music/group_membership/role /m/03qlv7 +/m/0dhrqx /soccer/football_player/current_team./sports/sports_team_roster/team /m/039_ym +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/060_7 /people/person/profession /m/0n1h +/m/08cyft /music/genre/artists /m/01w58n3 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/01352_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03wh8kl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0330r +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/03d9d6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/016clz /music/genre/artists /m/06x4l_ +/m/01m1_t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017149 /film/actor/film./film/performance/film /m/020y73 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02725hs +/m/016clz /music/genre/artists /m/0137g1 +/m/03jg5t /people/person/nationality /m/02jx1 +/m/0vmt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fjy +/m/01nfys /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/01nzmp /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0frmb1 +/m/014gf8 /film/actor/film./film/performance/film /m/07cz2 +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/062zm5h +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/0m66w +/m/0f2s6 /location/hud_county_place/place /m/0f2s6 +/m/072kp /tv/tv_program/program_creator /m/0q9zc +/m/02n72k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/04bcb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/02z3zp /people/person/profession /m/01d_h8 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/06z68 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050gkf +/m/06gb2q /film/actor/film./film/performance/film /m/0888c3 +/m/02756j /people/person/place_of_birth /m/04vmp +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/02fsn +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0755wz +/m/09889g /music/artist/origin /m/03b12 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sdxx +/m/09gmmt6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mqh5 /film/actor/film./film/performance/film /m/02v5_g +/m/03975z /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/089j8p +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gls4q_ +/m/06lc85 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09k34g +/m/0438f /education/educational_institution/colors /m/01l849 +/m/01z88t /location/country/form_of_government /m/06cx9 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/047sxrj /people/person/profession /m/09jwl +/m/04w4s /location/location/partially_contains /m/0cgm9 +/m/01vttb9 /award/award_winner/awards_won./award/award_honor/award_winner /m/016jll +/m/043vc /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/0407f /award/award_nominee/award_nominations./award/award_nomination/award /m/02gm9n +/m/01b3bp /film/actor/film./film/performance/film /m/0j6b5 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/02w9895 +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pq9yv +/m/02wmy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/08q3s0 /people/person/profession /m/03gjzk +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/02lhm2 /film/actor/film./film/performance/film /m/0c00zd0 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05g7q /people/person/nationality /m/0hzlz +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01vx5w7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0840vq +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0582cf /film/actor/film./film/performance/film /m/0cpllql +/m/0cv9fc /people/person/profession /m/01d_h8 +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/019kyn +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/02k6rq +/m/04xvlr /media_common/netflix_genre/titles /m/0168ls +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/06pwq /education/educational_institution/school_type /m/07tf8 +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01xv77 +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/016r9z /olympics/olympic_games/sports /m/0crlz +/m/01wjrn /film/actor/film./film/performance/film /m/01dc0c +/m/0jpn8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/08pn_9 /music/record_label/artist /m/01mxt_ +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/040whs +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0kvgxk +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2sk +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/03b8c4 /education/educational_institution_campus/educational_institution /m/03b8c4 +/m/04m1bm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/02j9lm /film/actor/film./film/performance/film /m/04z4j2 +/m/0fxmbn /film/film/cinematography /m/03ctv8m +/m/02q636 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0qf43 +/m/0jqb8 /film/film/produced_by /m/023w9s +/m/01wd9lv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05hdf +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dpl44 +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03kg2v /film/film/produced_by /m/03h40_7 +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bz5v2 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/01zc2w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0h5k +/m/03fnn5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/029h45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ynzf +/m/035s95 /film/film/genre /m/0hfjk +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01wbg84 /award/award_winner/awards_won./award/award_honor/award_winner /m/02l6dy +/m/03pcgf /location/location/time_zones /m/02hcv8 +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/030pr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07ssc +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/033dbw /film/film/music /m/01l79yc +/m/06c44 /base/eating/practicer_of_diet/diet /m/07_jd +/m/05nqz /base/culturalevent/event/entity_involved /m/05vz3zq +/m/0bmc4cm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gdm1 /education/educational_institution_campus/educational_institution /m/0gdm1 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0859_ +/m/01vvb4m /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/023n39 +/m/089j8p /film/film/costume_design_by /m/02mxbd +/m/05qhw /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02fj8n /film/film/produced_by /m/02lymt +/m/01_qc_ /people/cause_of_death/people /m/03vpf_ +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/03rl1g /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0jw67 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/012jfb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01nm8w +/m/05g8ky /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0838y +/m/016clz /music/genre/artists /m/02w4fkq +/m/08t7nz /people/deceased_person/place_of_death /m/030qb3t +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0f8j13 /film/film/production_companies /m/04f525m +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/03y82t6 +/m/01mxqyk /people/person/religion /m/01lp8 +/m/0127ps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03m6_z /film/actor/film./film/performance/film /m/047tsx3 +/m/0kq1l /location/location/contains /m/0gdk0 +/m/03qjwc /music/record_label/artist /m/08w4pm +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01337_ /people/deceased_person/place_of_burial /m/018mm4 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/05ft32 +/m/031c2r /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04wp3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04954 +/m/01vqc7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_wpf +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02rhwjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rddlc +/m/0lpjn /people/person/profession /m/0kyk +/m/03_3d /location/location/contains /m/0gqkd +/m/01gw8b /people/person/gender /m/02zsn +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/040v3t /award/award_category/disciplines_or_subjects /m/01hmnh +/m/0184jc /film/actor/film./film/performance/film /m/09zf_q +/m/0c1pj /people/person/profession /m/02hrh1q +/m/0h1wz /medicine/disease/risk_factors /m/01psyx +/m/07xtqq /film/film/produced_by /m/0kjgl +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j76b +/m/0bnzd /film/film/produced_by /m/098n_m +/m/018db8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/041jk9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0bv8h2 +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/01z215 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02h661t /people/profession/specialization_of /m/05t4q +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/01tnxc +/m/05w3f /music/genre/artists /m/07r1_ +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/01wqflx /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gt_k +/m/064jjy /film/actor/film./film/performance/film /m/0b7l4x +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/09fc83 /film/film/written_by /m/0jt90f5 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/08r4x3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06x68 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/0ql7q /base/culturalevent/event/entity_involved /m/024pcx +/m/01xlqd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05znxx /film/film/genre /m/03k9fj +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07b2yw +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mj4 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/02ch1w /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02jq1 /people/person/gender /m/05zppz +/m/07_f2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/03gh4 /location/administrative_division/country /m/09c7w0 +/m/016dsy /people/person/profession /m/02hrh1q +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01kymm /people/person/profession /m/0np9r +/m/07s9rl0 /media_common/netflix_genre/titles /m/02v_r7d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/0gyx4 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0g_zyp /film/film/produced_by /m/0gyx4 +/m/02g87m /people/person/languages /m/02h40lc +/m/0cm2xh /base/culturalevent/event/entity_involved /m/0lzcs +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0790 +/m/09c7w0 /location/location/contains /m/0d35y +/m/04v8x9 /film/film/genre /m/03g3w +/m/01jq0j /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026670 +/m/043gj /people/person/places_lived./people/place_lived/location /m/0k_q_ +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026v437 +/m/01d38t /award/award_category/winners./award/award_honor/award_winner /m/06mj4 +/m/0dzlbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wk3c /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/0hv27 /film/film/language /m/04306rv +/m/02hgz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018qpb /people/person/places_lived./people/place_lived/location /m/01m23s +/m/0sx8l /olympics/olympic_games/participating_countries /m/04w8f +/m/079dy /people/person/profession /m/0fj9f +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0175tv +/m/043tvp3 /film/film/country /m/07ssc +/m/03x33n /education/educational_institution/students_graduates./education/education/student /m/02yygk +/m/01z4y /media_common/netflix_genre/titles /m/0b76t12 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/026lyl4 /award/award_nominee/award_nominations./award/award_nomination/award /m/027h4yd +/m/09c7w0 /location/country/second_level_divisions /m/0fplg +/m/05zm34 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01bvw5 /education/educational_institution/colors /m/01g5v +/m/020ddc /education/educational_institution/students_graduates./education/education/student /m/054_mz +/m/05sns6 /film/film/production_companies /m/0c41qv +/m/01cpkt /business/job_title/people_with_this_title./business/employment_tenure/company /m/07wj1 +/m/02qyp19 /award/award_category/winners./award/award_honor/award_winner /m/02mt4k +/m/0gdh5 /base/eating/practicer_of_diet/diet /m/07_hy +/m/048tgl /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/05nwfr +/m/0m28g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2dk +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/04g3p5 /film/director/film /m/02jxbw +/m/01242_ /film/film/genre /m/04xvh5 +/m/0pb33 /film/film/executive_produced_by /m/05mvd62 +/m/0bby9p5 /film/film/music /m/0b6yp2 +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx92 +/m/0mbw0 /people/person/profession /m/03gjzk +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/0gw2y6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07ssc /location/location/contains /m/0143hl +/m/02cj_f /film/actor/film./film/performance/film /m/0gy4k +/m/04xvlr /media_common/netflix_genre/titles /m/035s95 +/m/0288crq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0plw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0d99k_ /film/film/genre /m/03k9fj +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/03w4sh /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05qhnq /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0dnw1 /film/film/film_art_direction_by /m/07hhnl +/m/0fpzwf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hv8w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0343h +/m/011zf2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01tcf7 +/m/02r9p0c /film/film/language /m/03_9r +/m/016cjb /music/genre/artists /m/01vs73g +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/059t8 /location/location/contains /m/02dj3 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/03_8kz +/m/07lx1s /education/educational_institution/colors /m/083jv +/m/011k1h /music/record_label/artist /m/0knhk +/m/02w86hz /film/film/music /m/01gg59 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/015_1q /music/record_label/artist /m/01w61th +/m/02qfh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02_j7t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fb1q +/m/02yygk /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/026g4l_ /award/award_winner/awards_won./award/award_honor/award_winner /m/03kpvp +/m/02ln0f /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01h4rj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/09c7w0 /location/location/contains /m/01jq0j +/m/026njb5 /film/film/country /m/07ssc +/m/02l840 /award/award_winner/awards_won./award/award_honor/award_winner /m/03y82t6 +/m/01ft2l /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0sx8l /olympics/olympic_games/participating_countries /m/015qh +/m/0blpnz /people/deceased_person/place_of_death /m/0k049 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m15br +/m/0bs8s1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08h79x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06cm5 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/08ct6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03t852 /music/artist/origin /m/01_d4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04n1hqz +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0jdhp +/m/034bgm /film/actor/film./film/performance/film /m/07pd_j +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x15dc +/m/03wh8kl /award/award_winner/awards_won./award/award_honor/award_winner /m/02bvt +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/011zf2 +/m/07nznf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08xwck +/m/04zwjd /people/person/profession /m/05vyk +/m/04wvhz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/07s93v /people/person/nationality /m/09c7w0 +/m/026qnh6 /film/film/country /m/0ctw_b +/m/02_qt /film/film/genre /m/06n90 +/m/0hpt3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/06btq +/m/026f__m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bxxzb +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/03h3vtz +/m/01vrncs /people/person/religion /m/03_gx +/m/047q2k1 /film/film/country /m/03rk0 +/m/05mph /location/location/contains /m/01vs5c +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/03tdlh +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/015v3r /film/actor/film./film/performance/film /m/0yzbg +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02mt51 +/m/05k4my /film/film/genre /m/01hmnh +/m/01q0kg /education/educational_institution/students_graduates./education/education/student /m/0c3kw +/m/024zq /people/person/religion /m/03j6c +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/position /m/04nfpk +/m/016fnb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/05hs4r /music/genre/artists /m/02x8z_ +/m/01v_pj6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047d21r +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/06nm1 /language/human_language/countries_spoken_in /m/07ytt +/m/015qsq /film/film/genre /m/0lsxr +/m/015wy_ /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/02b9g4 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01wgcvn /people/person/profession /m/01d_h8 +/m/09dv49 /people/person/profession /m/02hrh1q +/m/03fg0r /people/person/profession /m/03gjzk +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/071ywj /film/actor/film./film/performance/film /m/0gkz15s +/m/09743 /people/ethnicity/languages_spoken /m/02hxcvy +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02z9rr /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0k_mt /people/person/gender /m/05zppz +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/03j2gxx /people/person/profession /m/04s2z +/m/021bk /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/07l8x +/m/01lj9 /education/field_of_study/students_majoring./education/education/student /m/0kn4c +/m/0fvwz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/02jxrw /film/film/country /m/0d060g +/m/03yf3z /people/person/nationality /m/09c7w0 +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03s9b /film/actor/film./film/performance/film /m/011yxy +/m/01l_pn /film/film/produced_by /m/026c1 +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0y_9q +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/04mhxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/0p8jf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gyh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/01tp5bj /people/person/profession /m/02hrh1q +/m/01k165 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/04fhps +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012q4n +/m/0q74c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bbyw /education/educational_institution/school_type /m/05jxkf +/m/0bx8pn /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0g2mbn +/m/0gy1_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/01cl2y /music/record_label/artist /m/0153nq +/m/0zcbl /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03v1s /location/location/partially_contains /m/0f2pf9 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0prjs +/m/0f102 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01gvxv /people/person/places_lived./people/place_lived/location /m/0dyl9 +/m/02278y /music/genre/artists /m/0137g1 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/016kkx /people/person/profession /m/01d_h8 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/08xwck /people/person/gender /m/05zppz +/m/0cwy47 /film/film/music /m/02bn75 +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j8wx +/m/07f3xb /people/person/profession /m/02hrh1q +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gyl +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ckrnn +/m/0l0mk /location/location/time_zones /m/02lcqs +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06n7h7 /people/person/nationality /m/06f32 +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/081l_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gywn /music/genre/artists /m/0f7hc +/m/03_gz8 /film/film/country /m/07ssc +/m/07q9q2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl80 +/m/07ssc /location/location/contains /m/01bzs9 +/m/09f0bj /film/actor/film./film/performance/film /m/0ch3qr1 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fqxm +/m/0198b6 /film/film/language /m/06nm1 +/m/02d45s /film/actor/film./film/performance/film /m/0435vm +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/06by7 /music/genre/artists /m/01vzz1c +/m/0hcs3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01d5z +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bs4r +/m/0138mv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01vs_v8 /people/person/profession /m/0dxtg +/m/07ymr5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0j1yf +/m/01bpc9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/05h7tk /people/person/nationality /m/09c7w0 +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025j1t +/m/015882 /people/person/place_of_birth /m/0fr0t +/m/03g5_y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yf85 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02cbg0 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g9zcgx +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01l2b3 /film/film/featured_film_locations /m/04jpl +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/01pllx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/01_9c1 +/m/01hb6v /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/0c9k8 /film/film/genre /m/07s9rl0 +/m/017_qw /music/genre/artists /m/089z0z +/m/0ggjt /people/person/profession /m/09jwl +/m/01z7_f /film/actor/film./film/performance/film /m/04cv9m +/m/0jswp /film/film/produced_by /m/01n9d9 +/m/03262k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/0jqd3 /film/film/production_companies /m/0g1rw +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0plw +/m/06_wqk4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01p4vl +/m/03wbqc4 /film/film/genre /m/0jdm8 +/m/0glt670 /music/genre/artists /m/02vwckw +/m/02rb84n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0js9s +/m/0f__1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02dpl9 /film/film/country /m/0f8l9c +/m/03bkbh /people/ethnicity/people /m/01j5sd +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/07mvp +/m/047g6 /influence/influence_node/influenced_by /m/039n1 +/m/041rx /people/ethnicity/people /m/063_t +/m/05489 /film/film_subject/films /m/0bmhn +/m/0yx1m /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/03m8lq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01p4vl +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/02jx1 /location/location/contains /m/022_6 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fmys +/m/03lt8g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/043zg +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/01wp_jm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018sg9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0l1k8 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0177sq +/m/0jw67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0g3cw +/m/02d49z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_vx9 +/m/06dl_ /people/person/gender /m/05zppz +/m/062dn7 /film/actor/film./film/performance/film /m/0c1sgd3 +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02rrfzf /film/film/genre /m/06n90 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g4gr +/m/0bs5vty /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0466hh +/m/081lh /film/director/film /m/07bxqz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/021996 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0dsfnd +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/03nsm5x /film/film/produced_by /m/0147dk +/m/010dft /location/location/time_zones /m/02hczc +/m/0jmhr /sports/sports_team/sport /m/018w8 +/m/026b7bz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0tj9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r2l +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/04f52jw +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/019k6n /base/biblioness/bibs_location/country /m/09c7w0 +/m/07b_l /location/location/time_zones /m/02fqwt +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/0155w /music/genre/artists /m/01vrncs +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq806 +/m/0tnkg /base/biblioness/bibs_location/state /m/050ks +/m/0ptdz /film/film/genre /m/07s9rl0 +/m/01ps2h8 /film/actor/film./film/performance/film /m/0cmc26r +/m/026n4h6 /film/film/genre /m/02js9 +/m/02jkkv /film/film/edited_by /m/027pdrh +/m/03j43 /influence/influence_node/influenced_by /m/015n8 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0f3m1 +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02x8m /music/genre/artists /m/0163r3 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/01l87db /people/person/profession /m/09jwl +/m/09k56b7 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02h22 /film/film/executive_produced_by /m/0gdhhy +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02d_zc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jdd /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01p7yb +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/05v10 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gqr +/m/04xvlr /media_common/netflix_genre/titles /m/011ycb +/m/082pc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03spz +/m/0bz60q /people/person/profession /m/03gjzk +/m/06cv1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/063b4k +/m/019389 /music/group_member/membership./music/group_membership/role /m/0342h +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d0fp +/m/0g7pm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0227tr +/m/0gdqy /influence/influence_node/peers./influence/peer_relationship/peers /m/032md +/m/02zj61 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jsf6 +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01jb26 +/m/01vw917 /music/artist/origin /m/030qb3t +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/02j04_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/09d5h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0gcs9 /people/person/nationality /m/09c7w0 +/m/02v2jy /people/person/profession /m/025spv +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gm8_p +/m/02lf1j /people/person/gender /m/05zppz +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ggc9 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/015d3h +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w1v2 +/m/06t2t2 /film/film/story_by /m/0p_47 +/m/09c7w0 /location/country/second_level_divisions /m/043z0 +/m/0fvwz /location/hud_county_place/place /m/0fvwz +/m/02rv_dz /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02mg5r /education/educational_institution/school_type /m/05jxkf +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/0k57l /people/person/profession /m/02hrh1q +/m/0pz6q /education/educational_institution/colors /m/06fvc +/m/0854hr /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/011yxg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gxb2 /medicine/symptom/symptom_of /m/01n3bm +/m/01vvyc_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06by7 /music/genre/artists /m/0x3b7 +/m/0c7lcx /film/actor/film./film/performance/film /m/0b76t12 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04m_kpx +/m/0j3b /location/location/partially_contains /m/06mkj +/m/09qvf4 /award/award_category/winners./award/award_honor/award_winner /m/0pz7h +/m/06nd8c /people/deceased_person/place_of_death /m/030qb3t +/m/0b78hw /influence/influence_node/influenced_by /m/04411 +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08phg9 +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/063fh9 /film/film/music /m/04pf4r +/m/015qyf /people/person/place_of_birth /m/0ycht +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/0gzlb9 /film/film/executive_produced_by /m/0ksf29 +/m/0h6r5 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0y_hb +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/0bkmf /people/deceased_person/place_of_death /m/030qb3t +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/03k8th /film/film/country /m/09c7w0 +/m/04n2vgk /music/artist/origin /m/02_286 +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dnw1 +/m/02l6dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0yjvm /location/location/contains /m/0m9_5 +/m/0ffgh /people/person/profession /m/047rgpy +/m/02xc1w4 /people/person/nationality /m/09c7w0 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0211jt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/03h_fqv /influence/influence_node/influenced_by /m/08433 +/m/01vvydl /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02p59ry /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/0xckc +/m/05jjl /people/person/places_lived./people/place_lived/location /m/01531 +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kb2j +/m/06ngk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07pd_j /film/film/produced_by /m/034bgm +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tkd +/m/0gdm1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/015_1q /music/record_label/artist /m/012zng +/m/059j2 /location/location/contains /m/0d9rp +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0xy28 +/m/01v42g /film/actor/film./film/performance/film /m/034hwx +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0ymff /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/08g5q7 /people/cause_of_death/people /m/04jzj +/m/0872p_c /film/film/featured_film_locations /m/01_d4 +/m/0gbtbm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02prwdh /film/film/country /m/07ssc +/m/03g5jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dwrc +/m/0jrhl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jxh9 +/m/0f2c8g /people/person/profession /m/02jknp +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_6dw +/m/03l3jy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fs_4 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/09_2gj /people/person/gender /m/05zppz +/m/0yx7h /film/film/genre /m/01585b +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/040b5k +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/01g3gq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hvw +/m/03359d /people/person/profession /m/02hrh1q +/m/01s81 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wc7p +/m/0n8bn /people/person/gender /m/05zppz +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01633c +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/05g49 /sports/sports_team/colors /m/083jv +/m/02hy5d /people/person/profession /m/02hrh1q +/m/01p3ty /film/film/language /m/02h40lc +/m/05cvgl /film/film/produced_by /m/03_80b +/m/019x62 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_jkc +/m/07h0cl /award/award_category/disciplines_or_subjects /m/0w7c +/m/03d0ns /people/person/place_of_birth /m/05qtj +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/04htfd /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02bh8z /music/record_label/artist /m/0140t7 +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0266bd5 +/m/01hc9_ /influence/influence_node/influenced_by /m/06dl_ +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/060__7 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/078bz +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05br10 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07z6xs +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cz_ym +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/01vw20h +/m/02vqpx8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fyss +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/015wnl +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yrp +/m/08gf93 /people/person/place_of_birth /m/01_d4 +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_44z +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/02lv2v /education/educational_institution_campus/educational_institution /m/02lv2v +/m/03fhm5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/058ncz /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/01q415 /people/person/profession /m/0kyk +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/076tq0z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0830vk /film/film/genre /m/02l7c8 +/m/0f4y_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f63n +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ny6g +/m/07kb7vh /film/film/language /m/02h40lc +/m/0kyk /people/profession/specialization_of /m/0cbd2 +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02py8_w /sports/sports_team/colors /m/01g5v +/m/0bw87 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hfmm /film/film/country /m/07ssc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/03hxsv +/m/012dtf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04nw9 +/m/01lmj3q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/08cyft /music/genre/artists /m/019x62 +/m/03q58q /music/record_label/artist /m/01vtj38 +/m/0j_tw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05c5z8j /film/film/genre /m/05p553 +/m/03m8lq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05gml8 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/01sxq9 +/m/0f04c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01zqy6t +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/07nx9j +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02lymt /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03d1y3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c12h +/m/0yx1m /film/film/genre /m/01t_vv +/m/015cbq /people/person/profession /m/03gjzk +/m/01w92 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/01qz5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/0bymv +/m/01j7rd /people/person/profession /m/0d8qb +/m/03t97y /film/film/country /m/09c7w0 +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/01wc7p /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06j0md +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02qflgv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08_83x +/m/0yfp /people/person/gender /m/05zppz +/m/03x3wf /award/award_category/category_of /m/0c4ys +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0hqw8p_ +/m/025_ql1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08cn_n /people/person/profession /m/02jknp +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/016z7s /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/015x1f /people/person/profession /m/016z4k +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/02mt4k +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/01m23s /location/hud_county_place/county /m/0m2hs +/m/0pv2t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05fkf /location/location/contains /m/0jkhr +/m/018ygt /base/eating/practicer_of_diet/diet /m/07_jd +/m/07s9rl0 /media_common/netflix_genre/titles /m/02bg8v +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0190xp /music/genre/artists /m/016m5c +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02237m /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/024rgt +/m/0jmbv /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/0824r /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/021b_ /film/actor/film./film/performance/film /m/02qr3k8 +/m/0djywgn /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/047vnkj /film/film/language /m/03k50 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/student /m/016lh0 +/m/07m2y /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/03gh4 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/03mp8k /music/record_label/artist /m/01s21dg +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05th8t +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0klw +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425gc +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/0fpjd_g +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/026dd2b /award/award_winner/awards_won./award/award_honor/award_winner /m/025vl4m +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01swck +/m/0fy34l /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02q7fl9 +/m/01399x /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/016j68 +/m/075fzd /film/film_subject/films /m/02v570 +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09lcsj +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/02jm9c +/m/01c22t /film/film/music /m/016szr +/m/0z843 /location/hud_county_place/place /m/0z843 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/027bs_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/015q1n +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l1sq +/m/027qgy /film/film/language /m/02h40lc +/m/0ymf1 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0crx5w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b2_xp +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gv40 +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06y8v /people/person/place_of_birth /m/02m77 +/m/01j5sd /people/person/profession /m/02jknp +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w9wwg +/m/070w7s /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/01lyv /music/genre/artists /m/051m56 +/m/02q4mt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gyx4 +/m/0z90c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/081_zm /people/person/gender /m/05zppz +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09b6zr +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/086vfb /award/award_category/winners./award/award_honor/award_winner /m/01fs_4 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02508x /people/person/profession /m/0kyk +/m/0bmssv /film/film/produced_by /m/01r2c7 +/m/0f7hc /influence/influence_node/influenced_by /m/063_t +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/02vxq9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07yjb /film/film_subject/films /m/01xq8v +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03rg2b /film/film/genre /m/082gq +/m/01x1fq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0dqytn /film/film/genre /m/07s9rl0 +/m/02qkwl /film/film/genre /m/02n4kr +/m/05r5c /music/instrument/instrumentalists /m/01gg59 +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/02qr69m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/043vc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0rhp6 /location/location/time_zones /m/02hcv8 +/m/026z9 /music/genre/artists /m/09889g +/m/0fx0mw /people/person/profession /m/02hrh1q +/m/04h07s /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/0pz7h +/m/01yndb /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/012m_ +/m/01k_0fp /music/artist/origin /m/01b8w_ +/m/011ydl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0bm2g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ljpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01vvyc_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsgrn +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01z1c /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04zn7g /film/actor/film./film/performance/film /m/02ntb8 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01dw4q +/m/01zwy /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020hyj +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/01qqwn /medicine/disease/risk_factors /m/0fltx +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0bzyh +/m/015wc0 /people/person/profession /m/01c72t +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/02g_6x /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09hy79 +/m/03cf9ly /tv/tv_program/genre /m/07s9rl0 +/m/046qq /film/actor/film./film/performance/film /m/01719t +/m/0gkgp /location/hud_county_place/place /m/0gkgp +/m/017fp /media_common/netflix_genre/titles /m/0qmd5 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/04j53 /location/location/time_zones /m/02llzg +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0l3q2 /base/biblioness/bibs_location/country /m/015fr +/m/043tz0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0qdyf /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/013xh7 +/m/01cpp0 /base/culturalevent/event/entity_involved /m/09b6zr +/m/0jrqq /people/person/nationality /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0138mv +/m/0h1nt /film/actor/film./film/performance/film /m/0170yd +/m/0d3fdn /sports/sports_team/sport /m/02vx4 +/m/05qbbfb /film/film/music /m/02jxmr +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/07qcbw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/06qwh +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/01738w /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/05l3g_ /people/ethnicity/people /m/08f3b1 +/m/0c4f4 /film/actor/film./film/performance/film /m/0c3z0 +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0137g1 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0crfwmx /film/film/country /m/07ssc +/m/0sxrz /olympics/olympic_games/participating_countries /m/04g61 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016376 +/m/01dbk6 /film/actor/film./film/performance/film /m/07cdz +/m/0hfzr /film/film/featured_film_locations /m/0345h +/m/01p4wv /tv/tv_program/genre /m/01z4y +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04wlh +/m/02q6cv4 /people/person/profession /m/015h31 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03ww_x +/m/05r5c /music/instrument/instrumentalists /m/050z2 +/m/05ch98 /film/film/genre /m/02n4kr +/m/016z2j /people/person/spouse_s./people/marriage/spouse /m/0m66w +/m/0bs5vty /film/film/language /m/06nm1 +/m/09c7w0 /location/location/contains /m/0r62v +/m/02c6pq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/02f46y /education/educational_institution/students_graduates./education/education/student /m/01nn3m +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02z2mr7 +/m/07sc6nw /film/film/language /m/04306rv +/m/016jny /music/genre/artists /m/01vwyqp +/m/041mt /people/person/languages /m/02h40lc +/m/052hl /film/actor/film./film/performance/film /m/018f8 +/m/06hgym /people/person/nationality /m/09c7w0 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/0282x +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03v0vd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01j67j +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0275_pj +/m/0b68vs /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/070xg +/m/0gg8l /music/genre/parent_genre /m/0155w +/m/0cbkc /people/person/profession /m/0d1pc +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0fvly +/m/01g6l8 /education/educational_institution/colors /m/01g5v +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0fnff /base/aareas/schema/administrative_area/administrative_parent /m/01crd5 +/m/06l3bl /media_common/netflix_genre/titles /m/0k4kk +/m/03_9hm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02hnl /music/instrument/instrumentalists /m/01vs14j +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0hz35 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h21v2 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01t07j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/03x6xl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/040z9 +/m/07z6xs /film/film/music /m/07q1v4 +/m/0221zw /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/01p95y0 /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/02ck7w /people/person/gender /m/05zppz +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01w8g3 +/m/05fyss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crqcc +/m/039bp /film/actor/film./film/performance/film /m/0pd64 +/m/0mdqp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01q_ph +/m/02qjj7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/040981l /people/person/gender /m/05zppz +/m/01qb559 /film/film/featured_film_locations /m/0cv3w +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/018jcq /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/01w02sy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02m501 +/m/02jg92 /music/group_member/membership./music/group_membership/role /m/013y1f +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/05s_k6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/015m08 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07kg3 +/m/03ffcz /film/film/genre /m/07s9rl0 +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/021vwt +/m/01d8yn /award/award_winner/awards_won./award/award_honor/award_winner /m/02rhfsc +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/016z43 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/09vzz /education/educational_institution/school_type /m/05jxkf +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vsy95 +/m/0hvb2 /film/actor/film./film/performance/film /m/0g22z +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02g0mx +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08gsvw +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/03yvf2 /film/film/genre /m/07s9rl0 +/m/02lnbg /music/genre/artists /m/01vxlbm +/m/09vc4s /people/ethnicity/people /m/0bmh4 +/m/01nfys /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yrp +/m/01sxdy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b_6jz /time/event/locations /m/0sqgt +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03d34x8 +/m/05r5w /people/person/spouse_s./people/marriage/spouse /m/07g2v +/m/0404wqb /award/award_winner/awards_won./award/award_honor/award_winner /m/031296 +/m/0d06m5 /people/person/nationality /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/016yxn +/m/027rqbx /location/location/contains /m/0dn8b +/m/02qlkc3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/03tbg6 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/047wh1 +/m/05vtbl /people/person/gender /m/05zppz +/m/0x67 /people/ethnicity/people /m/040j2_ +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01dbhb +/m/051kd /tv/tv_program/genre /m/0hcr +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/0d05w3 /location/country/form_of_government /m/01d9r3 +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/05strv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r1h +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vbk +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/0859_ +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/0dw4g +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05p1tzf +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/02825kb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0pz7h /base/popstra/celebrity/dated./base/popstra/dated/participant /m/026w_gk +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/02mgp /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j8z +/m/014kq6 /film/film/language /m/04306rv +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/02nwxc /film/actor/film./film/performance/film /m/02p86pb +/m/015p3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/0dg3n1 /base/locations/continents/countries_within /m/06tw8 +/m/0372j5 /film/film/featured_film_locations /m/0d1qn +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053ksp +/m/03j0d /influence/influence_node/influenced_by /m/02lt8 +/m/01515w /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0b3n61 /film/film/genre /m/01zhp +/m/03zqc1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/023kzp +/m/018swb /people/person/gender /m/05zppz +/m/047vnkj /film/film/produced_by /m/03h304l +/m/018vs /music/instrument/instrumentalists /m/0232lm +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/01xqw /music/instrument/instrumentalists /m/0274ck +/m/0892sx /people/person/profession /m/039v1 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/01fwpt /people/person/religion /m/0c8wxp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_mm +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lv1x +/m/01jswq /education/university/fraternities_and_sororities /m/035tlh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/03nm_fh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/062dn7 +/m/02p3cr5 /music/record_label/artist /m/01wx756 +/m/044ntk /people/person/profession /m/01d_h8 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0br1w /people/person/religion /m/0kpl +/m/02q3n9c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05jzt3 /film/film/music /m/0m_v0 +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bd2n4 +/m/040whs /sports/sports_team/sport /m/02vx4 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/04czx7 /people/ethnicity/languages_spoken /m/02h40lc +/m/0gz5hs /people/person/profession /m/018gz8 +/m/0162v /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0345gh +/m/0mhhc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mhhw +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gq_d /award/award_category/category_of /m/0g_w +/m/04zw9hs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0fvf9q /people/person/profession /m/05sxg2 +/m/019pm_ /people/person/profession /m/0nbcg +/m/0vrmb /location/hud_county_place/place /m/0vrmb +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0vjr +/m/01r0t_j /music/artist/contribution./music/recording_contribution/performance_role /m/042v_gx +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/03v0t /location/location/contains /m/065r8g +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/02xs0q +/m/05148p4 /music/instrument/instrumentalists /m/089pg7 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/01p970 +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kryqm +/m/025st2z /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01wyzyl /people/person/profession /m/0dxtg +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/02d49z +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06c62 /film/film_subject/films /m/09q5w2 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f4vx +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/07rzf /people/person/nationality /m/02jx1 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/012gbb +/m/018h2 /media_common/netflix_genre/titles /m/08vd2q +/m/07vqnc /tv/tv_program/genre /m/09q17 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yph +/m/039zft /film/film/genre /m/03k9fj +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/0182r9 +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdzg +/m/02b149 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02lfcm /film/actor/film./film/performance/film /m/03sxd2 +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/054k_8 /people/person/gender /m/05zppz +/m/03h_yy /film/film/country /m/09c7w0 +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/015qyf +/m/01j7rd /people/person/profession /m/01d_h8 +/m/0h1p /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/016ywr /people/person/nationality /m/07ssc +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0237fw +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/029_l +/m/01pj7 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lqf49 /people/person/profession /m/09jwl +/m/0203v /people/person/gender /m/05zppz +/m/03lpp_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01wgcvn /people/person/languages /m/02h40lc +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0194xc +/m/0342h /music/instrument/instrumentalists /m/01wzlxj +/m/0963mq /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/02lx0 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/08gwzt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0289q /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0kvsb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01zp33 /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/0127ps /film/film/featured_film_locations /m/02_286 +/m/0b_6yv /music/genre/artists /m/02bgmr +/m/02jsgf /people/person/gender /m/02zsn +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sns6 +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_th +/m/0250f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03ytj1 +/m/040696 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/039yzf /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/027rn +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0140g4 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/015c4g /people/person/profession /m/02jknp +/m/03f7xg /film/film/genre /m/04gm78f +/m/0k525 /film/actor/film./film/performance/film /m/02gqm3 +/m/07bbc /base/biblioness/bibs_location/country /m/0bjv6 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/09p4w8 /film/film/story_by /m/0gs5q +/m/0k0q73t /tv/tv_program/languages /m/02h40lc +/m/01cszh /music/record_label/artist /m/01k23t +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/05vtbl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpyd +/m/032s66 /people/cause_of_death/people /m/07_m9_ +/m/02ghq /people/person/places_lived./people/place_lived/location /m/05tbn +/m/0p7pw /film/film/genre /m/02l7c8 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/02x8s9 +/m/027rfxc /people/person/nationality /m/09c7w0 +/m/01psyx /people/cause_of_death/people /m/021r6w +/m/04pf4r /people/person/nationality /m/02jx1 +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mkz +/m/0q9zc /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/05kh_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05l5n /location/location/contains /m/0ymb6 +/m/02pprs /music/performance_role/regular_performances./music/group_membership/role /m/0bmnm +/m/0cbv4g /film/film/language /m/064_8sq +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01k5zk /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/0f2sq /location/hud_county_place/place /m/0f2sq +/m/03phtz /film/film/language /m/02h40lc +/m/05k7sb /base/biblioness/bibs_location/country /m/09c7w0 +/m/0333t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/064t9 /music/genre/artists /m/01ws9n6 +/m/032f6 /language/human_language/countries_spoken_in /m/0jdd +/m/02b1xy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02zyy4 /film/actor/film./film/performance/film /m/0639bg +/m/01y9pk /organization/organization/headquarters./location/mailing_address/citytown /m/0843m +/m/05hf_5 /education/educational_institution/campuses /m/05hf_5 +/m/03c6v3 /people/person/gender /m/02zsn +/m/03q3sy /film/actor/film./film/performance/film /m/03s6l2 +/m/0b05xm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09vc4s /people/ethnicity/people /m/01vwllw +/m/0kvsb /film/director/film /m/03rz2b +/m/01hbq0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jyb2 +/m/02h40lc /language/human_language/countries_spoken_in /m/0hdx8 +/m/07xtqq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02wgbb /film/film/personal_appearances./film/personal_film_appearance/person /m/0c5vh +/m/04yj5z /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09lxtg +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glr5h +/m/01rnly /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04x1_w /people/person/place_of_birth /m/02_286 +/m/05jzt3 /film/film/language /m/06b_j +/m/0g1x2_ /film/film_subject/films /m/0cfhfz +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m66w +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/023vcd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/031778 +/m/06pj8 /award/award_winner/awards_won./award/award_honor/award_winner /m/016dmx +/m/06y611 /film/film/genre /m/02l7c8 +/m/0dl5d /music/genre/artists /m/0f0qfz +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h910 +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt6k_ +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/04fzfj /film/film/genre /m/0jdm8 +/m/021996 /education/educational_institution/students_graduates./education/education/student /m/01ry0f +/m/016ndm /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/017fp /media_common/netflix_genre/titles /m/0296rz +/m/063_j5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gxfz /film/film/genre /m/06cvj +/m/0233bn /film/film/language /m/012w70 +/m/03y_46 /people/person/profession /m/02hrh1q +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0241jw /film/actor/film./film/performance/film /m/017jd9 +/m/02_286 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/015xp4 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02jx1 /location/location/contains /m/0619_ +/m/013knm /film/actor/film./film/performance/film /m/09cr8 +/m/01vzxld /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0ljc_ /tv/tv_network/programs./tv/tv_network_duration/program /m/028k2x +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h5qxv +/m/01n4w /location/location/contains /m/0p01x +/m/01jc6q /film/film/language /m/04306rv +/m/02b0yz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/018qt8 /location/administrative_division/country /m/03_3d +/m/026c1 /film/actor/film./film/performance/film /m/02krdz +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/07myb2 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vzz1c /people/person/places_lived./people/place_lived/location /m/022tq4 +/m/01wl38s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08c4yn +/m/01lly5 /people/person/profession /m/018gz8 +/m/03ds3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09hd16 /people/person/gender /m/05zppz +/m/039wsf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01t_wfl /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6qt +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/01b8d6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/059g4 /location/location/contains /m/0n5yh +/m/026f__m /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/016fyc +/m/0m6x4 /people/person/nationality /m/07ssc +/m/04vn5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0bdlj /people/person/profession /m/029bkp +/m/06btq /location/administrative_division/country /m/09c7w0 +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/04vn5 +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0d06vc /time/event/locations /m/0d05q4 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtc0 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01cvtf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0j2pg +/m/04_1l0v /location/location/contains /m/0824r +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03676 +/m/01lv85 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02l5rm /people/person/profession /m/0dxtg +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/02lj6p /people/person/place_of_birth /m/01_d4 +/m/03hmt9b /film/film/language /m/03k50 +/m/04dm2n /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015cbq +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/01bb9r +/m/017fp /media_common/netflix_genre/titles /m/04165w +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02tktw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04fgzb0 /award/award_category/winners./award/award_honor/ceremony /m/0jt3qpk +/m/03mp37 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/09p4w8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08jfkw +/m/01q32bd /people/person/profession /m/0dz3r +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02704ff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_9hm +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03wd5tk /award/award_winner/awards_won./award/award_honor/award_winner /m/05b49tt +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dlngsd +/m/01pcrw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m2wm +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_x5t +/m/0k60 /people/person/profession /m/01c72t +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0l2tk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gcdzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/02xp18 /people/person/profession /m/02hrh1q +/m/049fgvm /influence/influence_node/influenced_by /m/014zfs +/m/01xdf5 /influence/influence_node/influenced_by /m/014zfs +/m/03h_fqv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mjf2 /film/actor/film./film/performance/film /m/0dr_9t7 +/m/02yxwd /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0gk4g /people/cause_of_death/people /m/081t6 +/m/0bs5k8r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01n4w /base/biblioness/bibs_location/country /m/09c7w0 +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09c7w0 /location/country/second_level_divisions /m/0l2jb +/m/035wcs /music/genre/artists /m/01vx5w7 +/m/01vsy3q /influence/influence_node/peers./influence/peer_relationship/peers /m/02qwg +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/01s21dg +/m/02_01w /film/actor/film./film/performance/film /m/01_mdl +/m/070g7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0klh7 /people/person/gender /m/05zppz +/m/01n7q /location/location/contains /m/0l0mk +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rs8y +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01rnly +/m/0qmhk /film/film/language /m/02h40lc +/m/01vv6_6 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02j490 /people/person/religion /m/0c8wxp +/m/09yrh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/09wj5 +/m/0lfgr /education/educational_institution/students_graduates./education/education/student /m/020ffd +/m/04180vy /film/film/featured_film_locations /m/02_286 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/06g2d1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dwz3t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07r78j +/m/03lmx1 /people/ethnicity/people /m/05dbf +/m/01k0xy /film/film/music /m/03c_8t +/m/01j5ts /film/actor/film./film/performance/film /m/043t8t +/m/02rybfn /people/person/place_of_birth /m/02_286 +/m/0kq1l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2sr +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/01nqj /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0135nb +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0164nb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016t0h +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/02z3r8t /film/film/language /m/0880p +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/05g7q +/m/09c7w0 /location/location/contains /m/04x8mj +/m/09gnn /influence/influence_node/influenced_by /m/032r1 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/03bx0bm +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lg3y +/m/02yl42 /influence/influence_node/influenced_by /m/03j2gxx +/m/02825cv /film/film/language /m/0880p +/m/01fmys /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0dcsx /people/cause_of_death/people /m/01pl9g +/m/01hqhm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05dptj +/m/07b2lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/015pkc /base/eating/practicer_of_diet/diet /m/07_jd +/m/0ds2l81 /film/film/production_companies /m/016tw3 +/m/0k4p0 /film/film/music /m/02ryx0 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/011ypx /film/film/music /m/02bh9 +/m/04cj79 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01k60v /film/film/edited_by /m/03nqbvz +/m/031sn /location/hud_county_place/county /m/0p01x +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/017fp /media_common/netflix_genre/titles /m/023gxx +/m/0mbwf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0bt3j9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0pkyh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07r4c +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015gw6 +/m/01rr9f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rzxl /people/person/profession /m/01d_h8 +/m/0bl5c /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/016clz /music/genre/artists /m/01wy61y +/m/06dfz1 /tv/tv_program/languages /m/02h40lc +/m/0l0mk /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2yf +/m/01h96 /music/genre/artists /m/015srx +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/06rvn +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/05y5kf /people/person/profession /m/02hrh1q +/m/0dvld /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bbw2z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/08lfyn +/m/0dhdp /location/administrative_division/country /m/07ssc +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03_gd +/m/0dzt9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015bpl /film/film/film_format /m/07fb8_ +/m/03wpmd /people/person/profession /m/02jknp +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kff7 +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0d193h +/m/0nr2v /location/location/contains /m/04_x4s +/m/018db8 /film/actor/film./film/performance/film /m/05jzt3 +/m/081_zm /people/person/employment_history./business/employment_tenure/company /m/037bm2 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/014hdb /award/award_winner/awards_won./award/award_honor/award_winner /m/05gnf +/m/0dzlbx /film/film/executive_produced_by /m/02xnjd +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/03v0vd /film/actor/film./film/performance/film /m/02r1c18 +/m/08b8vd /film/actor/film./film/performance/film /m/0gy4k +/m/0h3c3g /sports/sports_team/colors /m/019sc +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl1c +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/student /m/0djywgn +/m/01x6jd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0l14md /music/instrument/instrumentalists /m/024dw0 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08720 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0dx97 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/0205dx /film/actor/film./film/performance/film /m/06zsk51 +/m/0dx97 /people/person/nationality /m/024pcx +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/05148p4 /music/instrument/instrumentalists /m/01sb5r +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/03swmf +/m/01xr6x /location/administrative_division/country /m/07ssc +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/014q2g +/m/04yt7 /people/person/nationality /m/02jx1 +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/01q_ph /award/award_winner/awards_won./award/award_honor/award_winner /m/0315q3 +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0ksy_ +/m/01f873 /people/person/profession /m/02hrh1q +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04pmnt +/m/025sc50 /music/genre/artists /m/01nhkxp +/m/01d650 /education/educational_institution/school_type /m/05jxkf +/m/014_x2 /film/film/music /m/012ljv +/m/0342h /music/instrument/instrumentalists /m/01sb5r +/m/016cff /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015z4j +/m/03818y /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086sj +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x726 +/m/01kff7 /film/film/country /m/09c7w0 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01hmnh /media_common/netflix_genre/titles /m/026p4q7 +/m/0342h /music/instrument/instrumentalists /m/03f0vvr +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/04p3w /people/cause_of_death/people /m/02hg53 +/m/02qzjj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6b4 +/m/0lmm3 /sports/sports_team/colors /m/019sc +/m/03h3x5 /film/film/produced_by /m/021yw7 +/m/045j3w /film/film/language /m/03_9r +/m/0hvb2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/020fcn +/m/026qnh6 /film/film/language /m/01r2l +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03s9kp +/m/01tspc6 /people/person/nationality /m/02jx1 +/m/0_b9f /film/film/country /m/0f8l9c +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds5_72 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05q4 +/m/029q_y /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01f3p_ +/m/0170yd /film/film/genre /m/0219x_ +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/03f1zdw +/m/02662b /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/01vtqml /people/person/gender /m/05zppz +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/0l6m5 /olympics/olympic_games/sports /m/03hr1p +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01qbl /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwjw0c +/m/02rzdcp /tv/tv_program/program_creator /m/0cp9f9 +/m/01p95y0 /music/group_member/membership./music/group_membership/group /m/07mvp +/m/0846v /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/06s_2 /sports/sports_team_location/teams /m/04b4yg +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06924p /music/genre/artists /m/0c7xjb +/m/0p7qm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058z1hb +/m/02qx69 /people/person/places_lived./people/place_lived/location /m/094jv +/m/06rfy5 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04vcdj +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/041rx /people/ethnicity/people /m/01t94_1 +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/04t36 /media_common/netflix_genre/titles /m/09d38d +/m/021q2j /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03205_ /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/014dm6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06gn7r /people/person/languages /m/02h40lc +/m/02lfwp /people/person/profession /m/02jknp +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0dpqk /film/actor/film./film/performance/film /m/03nfnx +/m/027s39y /film/film/genre /m/02l7c8 +/m/038bht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01t6b4 +/m/0gd5z /influence/influence_node/influenced_by /m/034bs +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016z2j +/m/03m4mj /film/film/genre /m/05p553 +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/040db /influence/influence_node/influenced_by /m/03j0d +/m/033p3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01k0xy +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0cqhmg /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/01bh6y /award/award_winner/awards_won./award/award_honor/award_winner /m/015cbq +/m/03p7rp /music/genre/artists /m/03xl77 +/m/0d500h /people/person/gender /m/02zsn +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/05fnl9 /film/actor/film./film/performance/film /m/03whyr +/m/019pm_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01ttg5 +/m/057d89 /people/person/religion /m/0c8wxp +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04b2qn +/m/012gbb /film/actor/film./film/performance/film /m/04954r +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/03188 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02b17t /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/0hw1j +/m/03cl8lb /award/award_winner/awards_won./award/award_honor/award_winner /m/0646qh +/m/07bcn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0bxqq +/m/0bxtg /people/person/profession /m/03gjzk +/m/026mg3 /award/award_category/winners./award/award_honor/award_winner /m/01p9hgt +/m/026_dq6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/025n3p /film/actor/film./film/performance/film /m/0ct2tf5 +/m/01x1cn2 /people/person/nationality /m/03_r3 +/m/02bc74 /people/person/profession /m/0dz3r +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/019nnl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/021yw7 +/m/0ymgk /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0366c /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01cz7r /film/film/language /m/06nm1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0hsb3 +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0824r +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019m5j +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02gpkt +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/07yg2 +/m/02yxbc /film/film/genre /m/01jfsb +/m/02nt75 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/047msdk /film/film/language /m/064_8sq +/m/043tvp3 /film/film/country /m/0345h +/m/07vqnc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/0h0wc +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03b_fm5 +/m/02yr1q /education/university/fraternities_and_sororities /m/0325pb +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04994l +/m/0c38gj /film/film/genre /m/02kdv5l +/m/01csvq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0479b +/m/0d0vqn /location/country/official_language /m/06mp7 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/01h7bb /film/film/language /m/03_9r +/m/02kx91 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ps2h8 /people/person/place_of_birth /m/0cc56 +/m/02q56mk /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/016yxn /film/film/genre /m/07s9rl0 +/m/05r5c /music/instrument/instrumentalists /m/02s2wq +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/03np63f +/m/069_0y /film/director/film /m/0233bn +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/0279c15 +/m/0hl3d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031x_3 +/m/09c7w0 /location/location/contains /m/02ngbs +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02jyr8 +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/0187nd /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ych +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/071rlr +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0b_6mr /time/event/locations /m/0lphb +/m/0882j7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/06924p /music/genre/artists /m/02fn5r +/m/034hck /people/person/profession /m/02hrh1q +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vksx +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01lly5 /people/person/nationality /m/09c7w0 +/m/0bmch_x /film/film/produced_by /m/03ktjq +/m/037mh8 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qt0 +/m/010t4v /location/hud_county_place/place /m/010t4v +/m/0l2wt /location/us_county/county_seat /m/0r62v +/m/06krf3 /film/film/language /m/02h40lc +/m/0dbpyd /people/person/profession /m/0196pc +/m/08yx9q /film/actor/film./film/performance/film /m/06_wqk4 +/m/09c7w0 /location/location/contains /m/01rtm4 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0425yz +/m/06bpt_ /music/genre/artists /m/01wg982 +/m/0x67 /people/ethnicity/people /m/01wbgdv +/m/0rrwt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01rcmg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h910 +/m/03_hd /influence/influence_node/influenced_by /m/043s3 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03rj0 +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/03rt9 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/054187 /people/person/gender /m/05zppz +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0g8_vp /people/ethnicity/people /m/0lx2l +/m/015882 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/026bfsh /tv/tv_program/country_of_origin /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/06by7 /music/genre/artists /m/02zmh5 +/m/02vxyl5 /people/person/nationality /m/09c7w0 +/m/0164r9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dbns /education/educational_institution/students_graduates./education/education/student /m/01vz80y +/m/05mcjs /people/person/profession /m/02jknp +/m/06pk8 /people/person/profession /m/02jknp +/m/04qr6d /people/person/profession /m/0dxtg +/m/04hxyv /people/person/profession /m/0np9r +/m/01yfm8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/02jx1 /location/country/second_level_divisions /m/0kqb0 +/m/03vyw8 /film/film/production_companies /m/0jz9f +/m/01dv21 /business/business_operation/industry /m/01r4k +/m/01k165 /people/person/place_of_birth /m/0h7h6 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/0crqcc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d17dg +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/018vs /music/instrument/instrumentalists /m/03f4xvm +/m/04xn_ /location/location/partially_contains /m/09glw +/m/01mqc_ /people/person/nationality /m/09c7w0 +/m/0kf9p /location/hud_county_place/county /m/0mlvc +/m/01qscs /people/person/gender /m/05zppz +/m/070g7 /film/film/genre /m/02kdv5l +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/062cg6 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/019kyn /award/award_winning_work/awards_won./award/award_honor/award /m/0gqz2 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02xs6_ /film/film/language /m/03_9r +/m/02d45s /people/person/profession /m/0d1pc +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01gjlw +/m/0187y5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/029b9k +/m/01b64v /tv/tv_program/country_of_origin /m/09c7w0 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/01vs4ff /music/group_member/membership./music/group_membership/group /m/01wv9xn +/m/087c7 /organization/organization/place_founded /m/0y1rf +/m/0gbwp /people/person/places_lived./people/place_lived/location /m/0281y0 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/02ts3h /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/0171b8 /base/biblioness/bibs_location/country /m/04gzd +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04cbbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06cm5 /film/film/language /m/02h40lc +/m/067sqt /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fmqp6 +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01qr1_ +/m/0ds5_72 /film/film/story_by /m/044f7 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/033srr /film/film/film_format /m/07fb8_ +/m/017hnw /education/educational_institution/students_graduates./education/education/student /m/0438pz +/m/027rn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/09gb9xh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jrhz +/m/09hzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06rf7 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvsn +/m/02qk3fk /film/film/genre /m/02l7c8 +/m/0cbl95 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv2r +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/0y62n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0xszy +/m/0_7w6 /film/film/genre /m/04t36 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ywj +/m/01vz0g4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07jqvw /award/award_category/winners./award/award_honor/award_winner /m/02xwq9 +/m/024yxd /people/person/place_of_birth /m/02_286 +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04t2l2 +/m/0mny8 /location/location/time_zones /m/02hcv8 +/m/086sj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0137g1 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/0124k9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02js_6 +/m/059lwy /film/film/genre /m/02kdv5l +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/0jyw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award /m/0gkts9 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0169t /location/country/form_of_government /m/06cx9 +/m/02zhkz /people/person/profession /m/0np9r +/m/0ftxw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nt4s +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/09btt1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xn2m /film/director/film /m/0170xl +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/01snm /location/hud_county_place/county /m/0n2k5 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/0163r3 +/m/01jv1z /music/record_label/artist /m/01hw6wq +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04w391 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mt91 +/m/0h953 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/01vvyfh /people/person/gender /m/05zppz +/m/029_3 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0fpmrm3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03qnc6q +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/09z2b7 +/m/0207wx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ck6h /award/award_category/winners./award/award_honor/award_winner /m/09889g +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0287477 /film/film/country /m/0345h +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fyss +/m/0bbw2z6 /film/film/music /m/02jxmr +/m/01wz3cx /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01vrncs +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0fbvqf /award/award_category/winners./award/award_honor/award_winner /m/01b9z4 +/m/03_gz8 /film/film/production_companies /m/02j_j0 +/m/03k9fj /media_common/netflix_genre/titles /m/09wnnb +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/036qs_ /film/actor/film./film/performance/film /m/01rnly +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqd3 +/m/0c_gcr /film/actor/film./film/performance/film /m/0645k5 +/m/019_1h /film/actor/film./film/performance/film /m/02vnmc9 +/m/024dgj /music/artist/origin /m/04jpl +/m/01r93l /film/actor/film./film/performance/film /m/05_5rjx +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0ntpv /location/location/contains /m/02_n7 +/m/0g768 /music/record_label/artist /m/01l87db +/m/02_286 /location/location/contains /m/01p7x7 +/m/07fpm3 /film/actor/film./film/performance/film /m/01_0f7 +/m/02lf1j /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/03ds3 /people/person/profession /m/0n1h +/m/01hl_w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0q6g3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q64h +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/08sfxj /film/film/genre /m/017fp +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02jxbw +/m/01w1kyf /people/person/place_of_birth /m/0dzt9 +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/02778qt +/m/03wdsbz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xb2w /people/person/profession /m/01d_h8 +/m/06rmdr /film/film/genre /m/01jfsb +/m/05p606 /people/person/nationality /m/09c7w0 +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277c3 +/m/01bh3l /location/location/contains /m/01tjvv +/m/02fz3w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02t_h3 /film/film/country /m/07ssc +/m/01vrt_c /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0127s7 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04ddm4 /film/film/language /m/02h40lc +/m/06by7 /music/genre/artists /m/02ndj5 +/m/07q1m /film/film/genre /m/017fp +/m/09c7w0 /location/location/contains /m/0tyww +/m/0glt670 /music/genre/artists /m/04xrx +/m/01cw24 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01b_d4 +/m/09p0ct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/03xb2w /film/actor/film./film/performance/film /m/07kb7vh +/m/02hnl /music/instrument/instrumentalists /m/02vr7 +/m/04wlh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06v36 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/03t79f +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/03fyrh +/m/09_99w /award/award_winner/awards_won./award/award_honor/award_winner /m/09hd6f +/m/017f3m /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tfck +/m/018vs /music/instrument/instrumentalists /m/01kx_81 +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/01nc3rh /people/person/profession /m/01d_h8 +/m/0z1l8 /location/hud_county_place/place /m/0z1l8 +/m/04x8cp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02pjc1h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b_6pv /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0bvzp /award/award_nominee/award_nominations./award/award_nomination/award /m/02581c +/m/010p3 /people/person/profession /m/019x4f +/m/05g8n /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03qmx_f /people/person/profession /m/02jknp +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0gkd1 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0147jt +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/09qycb /film/film/language /m/02h40lc +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01j4ls +/m/0c78m /medicine/disease/risk_factors /m/0h948 +/m/03v52f /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0378zn +/m/05r5w /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0qy5v /location/hud_county_place/county /m/0kq08 +/m/08g_jw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03xyp_ /people/person/places_lived./people/place_lived/location /m/0160w +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddf2bm +/m/05zy3sc /film/film/genre /m/01f9r0 +/m/03_r3 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04gj8r +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cd25 /people/cause_of_death/people /m/02hfp_ +/m/02km0m /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/01k7d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/016qtt +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778pf +/m/0161h5 /people/person/nationality /m/02jx1 +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/01flzq /music/genre/artists /m/01vvzb1 +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h1p +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/01vsn38 +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04_m9gk +/m/02pqgt8 /people/person/profession /m/026sdt1 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02d49z +/m/01g4yw /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0gs0g /location/administrative_division/country /m/0ctw_b +/m/0f7hc /people/person/nationality /m/09c7w0 +/m/0187y5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jw4r +/m/043gj /film/director/film /m/04v8h1 +/m/01x0sy /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04sylm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05lls +/m/02hxc3j /language/human_language/countries_spoken_in /m/07t21 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/033tln /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yd8v +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425kh +/m/07brj /music/instrument/family /m/0l14md +/m/01vsykc /people/person/places_lived./people/place_lived/location /m/0f485 +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01trhmt /film/actor/film./film/performance/film /m/01svry +/m/0dc_ms /film/film/genre /m/06n90 +/m/03fn34 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l1ls +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wvl +/m/0bwhdbl /film/film/executive_produced_by /m/06q8hf +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0427y /film/actor/film./film/performance/film /m/02qr3k8 +/m/05jm7 /influence/influence_node/influenced_by /m/0yxl +/m/07ghv5 /film/film/language /m/03_9r +/m/0187y5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjcbg /award/award_category/winners./award/award_honor/award_winner /m/086nl7 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02ngbs +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/05l4yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/06s_2 /location/location/contains /m/0fnc_ +/m/03m4mj /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01srq2 +/m/01y8cr /people/person/employment_history./business/employment_tenure/company /m/09xwz +/m/017yfz /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0789_m /award/award_category/winners./award/award_honor/award_winner /m/0gyy0 +/m/02yy8 /people/person/profession /m/04gc2 +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02y9bj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q9kqf +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/06pj8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cj2w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0170th /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01_mdl /film/film/featured_film_locations /m/035p3 +/m/0342h /music/instrument/instrumentalists /m/09k2t1 +/m/01wl38s /music/group_member/membership./music/group_membership/role /m/013y1f +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0560w +/m/01xwqn /people/person/languages /m/02h40lc +/m/04p3w /people/cause_of_death/people /m/013qvn +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l4yg +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01xg_w /people/person/profession /m/02hrh1q +/m/027z0pl /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05vxdh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/0kh6b +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/035qgm +/m/0b455l /people/person/place_of_birth /m/030qb3t +/m/04qk12 /film/film/genre /m/060__y +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05tfn1 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/019pkm /award/award_winner/awards_won./award/award_honor/award_winner /m/078jt5 +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/016szr /people/person/profession /m/05vyk +/m/02d45s /film/actor/film./film/performance/film /m/05c9zr +/m/015zxh /location/location/contains /m/07vjm +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04ktcgn +/m/05b4w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/015pdg /music/genre/artists /m/02lk95 +/m/019mdt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q5hw +/m/01y3c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y_46 +/m/0g48m4 /people/ethnicity/people /m/02661h +/m/03m8y5 /film/film/film_production_design_by /m/02vxyl5 +/m/0k4f3 /film/film/genre /m/05p553 +/m/041h0 /people/person/profession /m/0cbd2 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/0652ty /people/person/gender /m/05zppz +/m/0c_tl /time/event/locations /m/0n2z +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03kcyd /people/person/nationality /m/09c7w0 +/m/01c5d5 /people/person/gender /m/05zppz +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0fp +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/0969vz /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01kvqc +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/0l6px /film/actor/film./film/performance/film /m/017kct +/m/0_b3d /film/film/genre /m/03bxz7 +/m/04mx7s /music/group_member/membership./music/group_membership/role /m/04rzd +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01l3wr +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_wtr +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/02g839 /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0q9sg +/m/01t110 /people/person/place_of_birth /m/0ny57 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/0fvf9q /people/person/profession /m/03gjzk +/m/03f1d47 /people/person/profession /m/02hrh1q +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0291ck /film/film/genre /m/0gf28 +/m/0ck27z /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/0kq1l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxqq +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/01l47f5 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lt7b +/m/013q0p /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01fdc0 /people/person/sibling_s./people/sibling_relationship/sibling /m/0h32q +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/06mt91 +/m/070m12 /people/person/place_of_birth /m/07qzv +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/04ych +/m/05bt6j /music/genre/artists /m/017_hq +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/024dgj /people/person/gender /m/05zppz +/m/0661m4p /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03h4fq7 /film/film/produced_by /m/01zfmm +/m/0cm2xh /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06sfk6 /film/film/genre /m/0lsxr +/m/01rxyb /film/film/written_by /m/0kjrx +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/04psyp +/m/065jlv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dzz6g /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/018jmn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/05ldnp /people/person/places_lived./people/place_lived/location /m/0b1t1 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023tp8 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz3nz +/m/011lvx /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ncj8 +/m/0k345 /music/genre/artists /m/01gx5f +/m/07h1q /people/person/place_of_birth /m/02z0j +/m/08bqy9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0dtfn /film/film/music /m/0146pg +/m/0fd3y /music/genre/artists /m/03j24kf +/m/05w3f /music/genre/artists /m/01vsy7t +/m/0qdyf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vsykc +/m/026kmvf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01_1kk +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05dmmc /film/film/country /m/09c7w0 +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0260bz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d45s +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/02nb2s /film/actor/film./film/performance/film /m/01gglm +/m/02_t2t /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/07fzq3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccck7 +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvydl +/m/01j2xj /people/person/spouse_s./people/marriage/spouse /m/0dvld +/m/0342h /music/instrument/instrumentalists /m/01j590z +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/03bnv +/m/02dlfh /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01hrqc /award/award_winner/awards_won./award/award_honor/award_winner /m/06pk8 +/m/0355dz /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfv +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckvj9 +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jmfb +/m/07r4c /people/person/profession /m/02jknp +/m/01nwwl /film/actor/film./film/performance/film /m/05vxdh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02l424 +/m/0747k8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/015rkw /film/actor/film./film/performance/film /m/02vjp3 +/m/044mjy /award/award_winner/awards_won./award/award_honor/award_winner /m/044mz_ +/m/08k40m /film/film/produced_by /m/0b13g7 +/m/0flbm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01q940 /music/record_label/artist /m/01k98nm +/m/01rmnp /people/person/places_lived./people/place_lived/location /m/07dfk +/m/04w1j9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016yxn +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/07bch9 /people/ethnicity/people /m/0hfml +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04jpg2p +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q3fdr +/m/011yd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07l4z /sports/sports_team/colors /m/03vtbc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/01r47h /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xbw2 /people/person/places_lived./people/place_lived/location /m/0chrx +/m/02khs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/011zd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rxyb +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/01b65l +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/012mzw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01xzb6 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/05ml_s /people/person/place_of_birth /m/02hrh0_ +/m/07b1gq /film/film/genre /m/06n90 +/m/07ymr5 /people/person/profession /m/03gjzk +/m/01f8f7 /film/film/country /m/03h64 +/m/01lct6 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/030g9z /people/person/profession /m/018gz8 +/m/02qwg /film/actor/film./film/performance/film /m/04jpk2 +/m/06qxh /tv/tv_program/genre /m/01htzx +/m/043g7l /music/record_label/artist /m/01qmy04 +/m/0l9k1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qd_ +/m/02vl_pz /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04_bfq +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01bv8b +/m/09c7w0 /location/location/contains /m/0fw3f +/m/013xrm /people/ethnicity/people /m/01h2_6 +/m/01tvz5j /award/award_winner/awards_won./award/award_honor/award_winner /m/0350l7 +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/02qr69m /film/film/production_companies /m/054lpb6 +/m/04ly1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01r216 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/053x8hr +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/016z5x /film/film/country /m/07ssc +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/0gd_s /influence/influence_node/influenced_by /m/0379s +/m/0694j /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/014g22 /people/person/profession /m/03gjzk +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mn81 +/m/0n1xp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/041rx /people/ethnicity/people /m/016szr +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01ddbl /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/02ktt7 +/m/01pj48 /education/educational_institution/campuses /m/01pj48 +/m/02s5v5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01svry /film/film/produced_by /m/06cv1 +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01g23m +/m/029b9k /people/person/religion /m/03_gx +/m/014dq7 /influence/influence_node/influenced_by /m/0379s +/m/0g2lq /film/director/film /m/050gkf +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/064ndc +/m/0sf9_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nv2x +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/04b_46 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/09k2t1 /people/person/places_lived./people/place_lived/location /m/0xkyn +/m/016dj8 /film/film/genre /m/02kdv5l +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07gql /music/performance_role/regular_performances./music/group_membership/group /m/01fmz6 +/m/01hmb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/023slg /people/person/place_of_birth /m/01cx_ +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/04bz7q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/055sjw /award/award_winner/awards_won./award/award_honor/award_winner /m/03fykz +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/08n9ng /people/person/profession /m/0np9r +/m/04j6dg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/09ftwr +/m/03vgp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/09pmkv /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01vrncs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07c0j +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/0160nk /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/04mn81 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04135 /people/person/profession /m/02hv44_ +/m/0mdqp /film/actor/film./film/performance/film /m/03lrht +/m/0hhqw /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06l22 +/m/01713c /people/person/profession /m/01d_h8 +/m/02n1p5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/05l0j5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0mcf4 /music/record_label/artist /m/01m3b1t +/m/05mcjs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02b153 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0gyy53 /film/film/production_companies /m/024rbz +/m/0b6k___ /award/award_category/winners./award/award_honor/award_winner /m/04qp06 +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03mgx6z /film/film/production_companies /m/02slt7 +/m/07tds /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0yzyn +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/033fqh +/m/09cr8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034zc0 +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018db8 +/m/03shp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/024bbl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011ydl +/m/01wyzyl /people/person/nationality /m/0jdx +/m/015f7 /people/person/profession /m/0kyk +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0m6x4 +/m/0f4_2k /film/film/language /m/04306rv +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/04z_x4v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jssp /education/educational_institution/campuses /m/01jssp +/m/0mbs8 /people/person/profession /m/0d1pc +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02x2097 +/m/03262k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0br0vs +/m/0c40vxk /film/film/edited_by /m/06t8b +/m/09tlc8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02t_h3 +/m/09bw4_ /film/film/genre /m/01jfsb +/m/06z9k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/059kh /music/genre/artists /m/02vr7 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/01kff7 +/m/031ldd /film/film/film_format /m/0cj16 +/m/03mqtr /media_common/netflix_genre/titles /m/0bs5k8r +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/064ndc +/m/033tf_ /people/ethnicity/people /m/018qpb +/m/01wvxw1 /people/person/place_of_birth /m/0r0ss +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/048t8y /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01vrlqd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k525 /film/actor/film./film/performance/film /m/011wtv +/m/0wsr /sports/sports_team/colors /m/083jv +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/0qpsn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hmnh /media_common/netflix_genre/titles /m/01c22t +/m/0326tc /people/person/places_lived./people/place_lived/location /m/01m3b7 +/m/0161c2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0j1yf /music/group_member/membership./music/group_membership/group /m/0hvbj +/m/01vs_v8 /film/actor/film./film/performance/film /m/02pg45 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/02jx1 /time/event/locations /m/07ssc +/m/0168ls /film/film/genre /m/02p0szs +/m/0d_w7 /people/person/profession /m/0mn6 +/m/026gb3v /award/award_winner/awards_won./award/award_honor/award_winner /m/05ldnp +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/016z1t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02rghbp /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02w7gg /people/ethnicity/people /m/01vwbts +/m/09lcsj /film/film/production_companies /m/0fvppk +/m/056vv /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0kvqv /film/director/film /m/011ysn +/m/02yxjs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0l14j_ /music/instrument/instrumentalists /m/02bc74 +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01lpx8 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/016clz /music/genre/artists /m/01516r +/m/044pqn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0184jw +/m/02y21l /music/record_label/artist /m/07hgm +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/06q1r /location/location/contains /m/04523f +/m/01fyzy /film/actor/film./film/performance/film /m/07b1gq +/m/0hfjk /media_common/netflix_genre/titles /m/018f8 +/m/04yg13l /film/film/genre /m/02p0szs +/m/0lvng /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/02l6h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05cwnc +/m/07r1h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02d4ct /base/popstra/celebrity/dated./base/popstra/dated/participant /m/056rgc +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03p01x /people/person/places_lived./people/place_lived/location /m/05fkf +/m/013nty /location/hud_county_place/place /m/013nty +/m/0ccqd7 /film/actor/film./film/performance/film /m/03n3gl +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/01pq4w +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0j6cj /influence/influence_node/influenced_by /m/01s7qqw +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/06frc /location/country/capital /m/06c62 +/m/0fc_9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkhz +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f7kl +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07kh6f3 +/m/04m1bm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0l34j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq1l +/m/02wk4d /people/person/languages /m/0653m +/m/0yw93 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g768 /music/record_label/artist /m/0150jk +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gr36 +/m/028cg00 /film/film/genre /m/01jfsb +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/043tg /influence/influence_node/influenced_by /m/015n8 +/m/01wyz92 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/024d8w /sports/sports_team/colors /m/083jv +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/02bvc5 +/m/0dg3n1 /base/locations/continents/countries_within /m/07f5x +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02_5x9 +/m/01kjr0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/045hz5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/0hnkp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01m1dzc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m_v0 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0gtsx8c /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/09p5mwg /film/film/genre /m/03npn +/m/012dtf /people/person/nationality /m/09c7w0 +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/05f4vxd +/m/02ckl3 /education/educational_institution/students_graduates./education/education/student /m/0pnf3 +/m/015882 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lx2l +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk1s +/m/0h7pj /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/0121rx /award/award_winner/awards_won./award/award_honor/award_winner /m/09d5h +/m/01w_10 /film/actor/film./film/performance/film /m/01xbxn +/m/01tl50z /people/person/gender /m/02zsn +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0l14qv /music/instrument/instrumentalists /m/01vvydl +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/02zhkz /people/person/place_of_birth /m/02_286 +/m/05sq20 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lmj3q +/m/04gknr /film/film/produced_by /m/0fvf9q +/m/02r79_h /film/film/country /m/0d060g +/m/07mqps /people/ethnicity/people /m/08_hns +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0pyg6 /people/person/profession /m/01d_h8 +/m/01clyr /music/record_label/artist /m/013v5j +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c01c +/m/02p11jq /music/record_label/artist /m/0gr69 +/m/01vdm0 /music/instrument/instrumentalists /m/0ql36 +/m/0jdd /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/05sb1 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/089j8p +/m/0h1nt /film/actor/film./film/performance/film /m/02qr3k8 +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/04fjzv +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026fs38 +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jgpsh +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/03ldxq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03_qrp +/m/0693l /film/director/film /m/0gyv0b4 +/m/0qr4n /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0m2dk +/m/0h924 /base/biblioness/bibs_location/country /m/07ssc +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/07d3z7 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/08cn_n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/0gx1bnj /film/film/genre /m/07s9rl0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/05ch98 /film/film/music /m/018x3 +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/0l8bg /film/film_subject/films /m/0p_qr +/m/0qpsn /location/hud_county_place/place /m/0qpsn +/m/07s9rl0 /media_common/netflix_genre/titles /m/09m6kg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/0b25vg /film/actor/film./film/performance/film /m/0416y94 +/m/01_bkd /music/genre/artists /m/048tgl +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/048cl /people/person/gender /m/05zppz +/m/02tqkf /people/person/profession /m/02hrh1q +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/0133_p /music/genre/artists /m/01vng3b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0yfp +/m/07vhb /dataworld/gardening_hint/split_to /m/07vhb +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/07jnt /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01cgz /film/film_subject/films /m/06cm5 +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kx_81 +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/01ggc9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02bkdn +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dg51 +/m/06h7l7 /people/person/profession /m/0np9r +/m/07t90 /education/educational_institution/campuses /m/07t90 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/025v1sx +/m/0jz9f /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0226cw /people/person/places_lived./people/place_lived/location /m/0vrmb +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0ctb4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06mnps +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/018ygt +/m/0mzg2 /location/administrative_division/first_level_division_of /m/05qhw +/m/080dyk /people/person/gender /m/05zppz +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01k2yr +/m/0169dl /award/award_winner/awards_won./award/award_honor/award_winner /m/01swck +/m/0qm8b /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0l0wv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02fn5 /people/person/profession /m/02jknp +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/02vnmc9 /film/film/music /m/01r6jt2 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ddf2bm /film/film/genre /m/07s9rl0 +/m/01pfkw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cpz4k +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k__z +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017jd9 +/m/016r9z /olympics/olympic_games/participating_countries /m/0jgd +/m/0fb_1 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03rt9 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/011yl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01846t +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01rr31 +/m/028k57 /film/actor/film./film/performance/film /m/02qhqz4 +/m/02754c9 /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/01j5ql /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03fmw_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09c7w0 /location/location/contains /m/02p8454 +/m/03mqtr /media_common/netflix_genre/titles /m/0kvgnq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/027xx3 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/05zr0xl +/m/0kjrx /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0mz73 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0b7gxq /people/person/place_of_birth /m/01n4w +/m/0glh3 /base/biblioness/bibs_location/country /m/07ssc +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gyl0 +/m/01756d /music/genre/artists /m/0kzy0 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/01wdqrx /people/person/gender /m/05zppz +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/034q3l /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/09c7w0 /location/location/contains /m/0t6hk +/m/05cqhl /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039c26 +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04wlh +/m/0d6n1 /music/genre/artists /m/0h6sv +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/042g97 /film/film/genre /m/03k9fj +/m/0hmm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lrht +/m/08c6k9 /film/film/genre /m/02kdv5l +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/016gp5 +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/026spg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/0h96g /film/actor/film./film/performance/film /m/01f7gh +/m/03k48_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqs56 +/m/0bmnm /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02d4ct /film/actor/film./film/performance/film /m/04cv9m +/m/02645b /people/person/nationality /m/09c7w0 +/m/026fd /people/person/religion /m/0kpl +/m/04cv9m /film/film/genre /m/03mqtr +/m/0bcp9b /film/film/country /m/09c7w0 +/m/0cj2t3 /people/person/profession /m/03gjzk +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0171cm +/m/014g91 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0345h /location/location/contains /m/01bgkq +/m/041n43 /music/record_label/artist /m/09jm8 +/m/0bdx29 /award/award_category/winners./award/award_honor/award_winner /m/02lg3y +/m/04ltf /sports/sports_team/colors /m/06fvc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b13j +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/07k2p6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02k_4g +/m/01hx2t /education/educational_institution/colors /m/019sc +/m/03t95n /film/film/genre /m/03k9fj +/m/048tgl /people/person/place_of_birth /m/0ply0 +/m/03n6r /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0d739 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x0sy /people/person/gender /m/05zppz +/m/01mbwlb /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgzb0 +/m/017180 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/03z106 /film/film/country /m/09c7w0 +/m/04qt29 /base/eating/practicer_of_diet/diet /m/07_jd +/m/08yx9q /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pw2f1 +/m/017gxw /film/actor/film./film/performance/film /m/01w8g3 +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/01f7v_ /people/person/nationality /m/0d05w3 +/m/06nm1 /language/human_language/countries_spoken_in /m/027rn +/m/0b_6pv /time/event/locations /m/01snm +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xs5v /film/actor/film./film/performance/film /m/04yg13l +/m/01hpnh /location/location/contains /m/022tq4 +/m/06ch55 /music/instrument/instrumentalists /m/03f4k +/m/026lgs /film/film/language /m/06nm1 +/m/02704ff /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/032wdd /film/actor/film./film/performance/film /m/01k0vq +/m/0b13g7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05vxdh +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dgst_d +/m/0fy6bh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/0l2xl /location/us_county/county_seat /m/0f04v +/m/032nl2 /people/person/profession /m/02krf9 +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/027ht3n +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/099t8j +/m/03xsby /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c46y6 +/m/0cnztc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/056rgc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/059fjj +/m/02wgbb /film/film/genre /m/01hmnh +/m/0fbq2n /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05np2 /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/04l57x /sports/sports_team/colors /m/019sc +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07s6prs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/0n3dv /location/location/time_zones /m/02fqwt +/m/05g49 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01r97z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01w9wwg /people/person/profession /m/0nbcg +/m/0dvmd /film/actor/film./film/performance/film /m/04vr_f +/m/015p3p /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/0krdk /dataworld/gardening_hint/split_to /m/0krdk +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/034xyf /film/film/film_art_direction_by /m/07fzq3 +/m/0gj96ln /film/film/country /m/09c7w0 +/m/09m6kg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04wp63 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/07h9gp /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/03676 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06s_2 +/m/0ggq0m /music/genre/artists /m/0c73g +/m/049nq /location/country/official_language /m/02bv9 +/m/03mck3c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/05zx7xk /award/award_category/winners./award/award_honor/award_winner /m/01_f_5 +/m/05r6t /music/genre/artists /m/0232lm +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/09rvwmy /film/film/film_festivals /m/04_m9gk +/m/09cxm4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/028k57 /award/award_winner/awards_won./award/award_honor/award_winner /m/021bk +/m/0c8br /people/deceased_person/place_of_burial /m/0lbp_ +/m/0ckrgs /film/film/genre /m/01hmnh +/m/045xx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03q3sy /people/person/profession /m/09jwl +/m/03k9fj /media_common/netflix_genre/titles /m/0y_9q +/m/02px_23 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/04kjrv /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3k3f +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/016ggh +/m/0dp7wt /film/film/genre /m/02kdv5l +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/0342z_ +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016k62 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/020ngt /music/genre/parent_genre /m/0nk3g +/m/0bt3j9 /film/film/genre /m/02l7c8 +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/015grj +/m/021b_ /people/person/place_of_birth /m/01sn3 +/m/05jzt3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/01k53x +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01xq8v +/m/016ybr /music/genre/artists /m/0144l1 +/m/0ccck7 /film/film/language /m/02h40lc +/m/030155 /people/person/places_lived./people/place_lived/location /m/07l5z +/m/07s9rl0 /media_common/netflix_genre/titles /m/0yzvw +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/0p7qm /film/film/production_companies /m/016tt2 +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0wsr /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/047g8h +/m/07ssc /location/location/contains /m/09tlh +/m/0ft5vs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/01963w /people/person/places_lived./people/place_lived/location /m/05mph +/m/0yw93 /location/hud_county_place/place /m/0yw93 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04lp8k +/m/01ksz9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/05l4yg +/m/01ry0f /film/actor/film./film/performance/film /m/01q2nx +/m/03f4w4 /film/actor/film./film/performance/film /m/0gltv +/m/034m8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06nnj +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03m49ly /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0h6rm +/m/01_qgp /organization/organization/headquarters./location/mailing_address/state_province_region /m/0chgr2 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/07fq1y +/m/0gywn /music/genre/artists /m/0892sx +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01ypsj /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/0m8vm /music/genre/artists /m/01j59b0 +/m/02wlk /people/person/profession /m/0n1h +/m/05r5c /music/instrument/instrumentalists /m/0161sp +/m/03d96s /music/record_label/artist /m/05mt_q +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047d21r +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bpm6 +/m/03y82t6 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/057xn_m +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/0151w_ +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/03ndd /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/016jny /music/genre/artists /m/01kd57 +/m/04bdlg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0487c3 /people/person/nationality /m/02jx1 +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01q7cb_ +/m/0325pb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02630g /organization/organization/place_founded /m/0y1rf +/m/023jq1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02wr6r /film/actor/film./film/performance/film /m/04t9c0 +/m/01x9_8 /film/actor/film./film/performance/film /m/05nyqk +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0l3h +/m/08fn5b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0chhs /base/culturalevent/event/entity_involved /m/0bxjv +/m/05fcbk7 /film/film/production_companies /m/046b0s +/m/0gqz2 /award/award_category/nominees./award/award_nomination/nominated_for /m/023p33 +/m/09c7w0 /location/location/contains /m/0r066 +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04s7y +/m/051gjr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/011k11 /music/record_label/artist /m/01k23t +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0275_pj +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02qzmz6 /film/film/genre /m/0glj9q +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/02y21l /music/record_label/artist /m/01dw_f +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/02yy8 +/m/0p_sc /film/film/costume_design_by /m/02pqgt8 +/m/01rnxn /film/actor/film./film/performance/film /m/05cj_j +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ckf6 +/m/0j298t8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5k8r +/m/0f3zsq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/01t_xp_ +/m/0dryh9k /people/ethnicity/people /m/0gp_x9 +/m/03x16f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0blt6 +/m/07r1h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01j7z7 +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01qhm_ /people/ethnicity/people /m/06y3r +/m/0g4pl7z /film/film/produced_by /m/0b13g7 +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0jsw9l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mjq +/m/026g73 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/0pd64 /film/film/genre /m/01jfsb +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/0bk5r /people/deceased_person/place_of_death /m/08966 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/014488 +/m/0gvsh7l /tv/tv_program/genre /m/09blyk +/m/05dxl5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/04cf09 /people/person/places_lived./people/place_lived/location /m/0fw2y +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/087c7 /business/business_operation/industry /m/09t4t +/m/01x4sb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/03z0dt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02drd3 /people/person/gender /m/05zppz +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0n9dn /base/aareas/schema/administrative_area/administrative_parent /m/036wy +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0l14j_ /music/instrument/instrumentalists /m/01y_rz +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/0dclg +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w58n3 +/m/0gy0n /film/film/genre /m/0c3351 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/029ql /award/award_winner/awards_won./award/award_honor/award_winner /m/015dcj +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/064_8sq /language/human_language/countries_spoken_in /m/03gyl +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/025mb_ +/m/015_z1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04gmlt /music/record_label/artist /m/0249kn +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/04fzfj +/m/01mxt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/019f2f /people/person/place_of_birth /m/02dtg +/m/09k56b7 /film/film/genre /m/07s9rl0 +/m/01yznp /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0kv36 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2q3 +/m/03c5bz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/054gwt /tv/tv_program/languages /m/02h40lc +/m/035nm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h761 +/m/0ff3y /people/person/religion /m/03_gx +/m/02zft0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01l3mk3 +/m/0992d9 /film/film/genre /m/09blyk +/m/053tj7 /film/film/language /m/02h40lc +/m/01515w /film/actor/film./film/performance/film /m/0dnkmq +/m/01jbx1 /people/person/profession /m/015cjr +/m/07vn_9 /film/film/genre /m/0lsxr +/m/01jz6x /people/person/places_lived./people/place_lived/location /m/02_286 +/m/057d89 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cc1v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0dn8b +/m/05bnq3j /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gcdzz /people/person/profession /m/02hrh1q +/m/01l7cxq /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/0h3mrc /film/actor/film./film/performance/film /m/04gv3db +/m/0g5pv3 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0641kkh /award/award_category/winners./award/award_honor/award_winner /m/0btpx +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r4qs +/m/0swff /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/0jm9w /sports/sports_team/sport /m/018w8 +/m/0fq117k /music/group_member/membership./music/group_membership/role /m/018vs +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8qq +/m/0qr8z /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/015zxh +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/01r7t9 /people/person/gender /m/05zppz +/m/024my5 /people/person/gender /m/02zsn +/m/0pv2t /film/film/written_by /m/05jjl +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/015t56 +/m/05nlx4 /film/film/genre /m/01hmnh +/m/061zc_ /people/person/religion /m/03j6c +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/01m13b /film/film/genre /m/01lrrt +/m/0421st /film/actor/film./film/performance/film /m/04fjzv +/m/03_d0 /music/genre/artists /m/0407f +/m/01v40wd /people/person/profession /m/05z96 +/m/03k545 /film/actor/film./film/performance/film /m/01cz7r +/m/0c9cw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039g82 +/m/0c41qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc97st +/m/01l_w0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026g4l_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fvf9q +/m/02vzc /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yznp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b7gxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04k05 +/m/038czx /education/educational_institution/students_graduates./education/education/student /m/02mxw0 +/m/04t6fk /film/film/executive_produced_by /m/01wyy_ +/m/03qncl3 /people/person/profession /m/01d_h8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/07fq1y +/m/02y21l /music/record_label/artist /m/0kzy0 +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dck27 +/m/0blfl /olympics/olympic_games/sports /m/01z27 +/m/01hmk9 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/0_j_z /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01gst_ /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtdd +/m/07sbbz2 /music/genre/artists /m/01kx_81 +/m/0dtzkt /film/film/genre /m/0d2rhq +/m/0lbbj /olympics/olympic_games/sports /m/0bynt +/m/01fwpt /film/actor/film./film/performance/film /m/0yyn5 +/m/01w7nwm /people/person/nationality /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/01l1b90 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02mjmr /people/person/profession /m/04gc2 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fz0c2 +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03061d +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0fz20l +/m/085jw /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/02j9lm /film/actor/film./film/performance/film /m/02chhq +/m/0258dh /film/film/production_companies /m/086k8 +/m/0x67 /people/ethnicity/people /m/05w88j +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04smkr +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b4lkx +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0zt +/m/0bcndz /film/film/story_by /m/05pq9 +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0g4vmj8 /film/film/language /m/0t_2 +/m/070mff /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/057lbk /film/film/featured_film_locations /m/02_286 +/m/0bwh6 /people/person/profession /m/01d_h8 +/m/05y7hc /people/person/nationality /m/07ssc +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/01rm8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/09y20 /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/05kkh /location/location/contains /m/03gn1x +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0x3b7 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01ycfv /award/award_winner/awards_won./award/award_honor/award_winner /m/01bczm +/m/01tkgy /film/actor/film./film/performance/film /m/02rn00y +/m/0g768 /music/record_label/artist /m/01wn718 +/m/0mwzv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxyd +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0187y5 +/m/0c82s /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0f4vbz +/m/02mx98 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/03rt9 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0clvcx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/09gq0x5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018ctl /olympics/olympic_games/participating_countries /m/05qhw +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/036b_ +/m/05wqr1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/07jjt +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/02p76f9 /film/film/featured_film_locations /m/0d6lp +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bpg3 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/0f7hc /film/actor/film./film/performance/film /m/03nfnx +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/07hbxm /people/person/profession /m/02hrh1q +/m/02gx2k /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/063b4k /people/person/profession /m/01c979 +/m/0fngy /base/biblioness/bibs_location/country /m/07tp2 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0456xp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/08jyyk /music/genre/artists /m/023slg +/m/0146hc /education/educational_institution/students_graduates./education/education/student /m/03ywyk +/m/09kzxt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01wj92r /people/person/nationality /m/09c7w0 +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/099p5 +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0d9s5 /base/biblioness/bibs_location/state /m/0d9rp +/m/0f5xn /film/actor/film./film/performance/film /m/09bw4_ +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbc1s +/m/0f87jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/0633p0 /film/actor/film./film/performance/film /m/0fb7sd +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0276jmv +/m/06zmg7m /people/person/profession /m/02krf9 +/m/0234_c /education/educational_institution/campuses /m/0234_c +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0ftps /people/person/profession /m/09jwl +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05l0j5 +/m/01g7_r /education/educational_institution/colors /m/083jv +/m/03lfd_ /film/film/film_festivals /m/0kfhjq0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05dmmc +/m/016clz /music/genre/artists /m/018y2s +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/050023 +/m/01l1ls /people/person/place_of_birth /m/0f2w0 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01k0vq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/015q1n /education/educational_institution/school_type /m/01_9fk +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/03qjg +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/01fszq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bkf72 +/m/0342h /music/instrument/instrumentalists /m/01kh2m1 +/m/03lrht /film/film/genre /m/0vgkd +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/0342h /music/instrument/instrumentalists /m/0pkyh +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0884hk +/m/026c0p /people/person/nationality /m/07ssc +/m/084302 /film/film/produced_by /m/0184dt +/m/015_1q /music/record_label/artist /m/0132k4 +/m/064t9 /music/genre/artists /m/0gdh5 +/m/04y9mm8 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/04d2yp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmcbg +/m/07sbbz2 /music/genre/artists /m/01bpc9 +/m/021996 /education/educational_institution/campuses /m/021996 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01c22t +/m/0crvfq /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d6484 +/m/09s1f /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/0827d /music/genre/artists /m/045zr +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p_rk +/m/050gkf /film/film/production_companies /m/016tw3 +/m/030_1m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hp53 +/m/03j3pg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/06ybz_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/09mfvx /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/07pzc /people/deceased_person/place_of_death /m/0cv3w +/m/07hwkr /people/ethnicity/people /m/023kzp +/m/05z43v /film/film/country /m/09c7w0 +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01bjbk +/m/06k75 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/03zrc_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026z9 /music/genre/artists /m/016376 +/m/03_2td /film/actor/film./film/performance/film /m/0dgq_kn +/m/03csqj4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yxm1 +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04hwbq +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0784v1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284h6 +/m/05nlzq /tv/tv_program/country_of_origin /m/09c7w0 +/m/018ctl /olympics/olympic_games/participating_countries /m/016zwt +/m/0j6cj /influence/influence_node/peers./influence/peer_relationship/peers /m/01mxt_ +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016y_f +/m/02brqp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02zhkz /film/actor/film./film/performance/film /m/0symg +/m/01vsqvs /people/person/profession /m/09jwl +/m/01sp81 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/049f05 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01j48s +/m/0n7q7 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/047vnkj /film/film/language /m/06b_j +/m/05qkp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0chghy +/m/05dbf /film/actor/film./film/performance/film /m/0bshwmp +/m/0205dx /film/actor/film./film/performance/film /m/01b195 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03shpq +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/016ypb /film/actor/film./film/performance/film /m/0gh65c5 +/m/07cjqy /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/04w7rn /film/film/genre /m/060__y +/m/0g293 /music/genre/artists /m/02ndj5 +/m/015dnt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_9wr /film/film/language /m/02h40lc +/m/087pfc /film/film/cinematography /m/027t8fw +/m/01_xtx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0dzw +/m/0b9dmk /people/person/profession /m/02hrh1q +/m/020_95 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0f61tk /film/film/genre /m/0btmb +/m/07w3r /education/educational_institution_campus/educational_institution /m/07w3r +/m/029sk /medicine/disease/notable_people_with_this_condition /m/024jwt +/m/0c0zq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dl5d /music/genre/artists /m/01w5n51 +/m/0l14md /music/instrument/instrumentalists /m/01vv6xv +/m/0fxyd /location/us_county/county_seat /m/0_75d +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/03p01x /people/person/profession /m/0dxtg +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/037njl /organization/organization/headquarters./location/mailing_address/citytown /m/0chrx +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/01yhm /sports/sports_team/colors /m/083jv +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/017g2y +/m/0bbf1f /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0436yk /film/film/genre /m/04t2t +/m/03rt9 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05c17 /location/country/form_of_government /m/018wl5 +/m/0hz_1 /film/actor/film./film/performance/film /m/01f7jt +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vd6 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/05nzw6 /film/actor/film./film/performance/film /m/043mk4y +/m/01yg9y /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0304nh +/m/0lgxj /olympics/olympic_games/participating_countries /m/04g61 +/m/02y0js /people/cause_of_death/people /m/024yxd +/m/03b0q4 /film/actor/film./film/performance/film /m/0g68zt +/m/04mqgr /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/01bbwp /people/person/religion /m/0kpl +/m/02g75 /people/person/profession /m/0kyk +/m/01zg98 /people/person/place_of_birth /m/030qb3t +/m/0350l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02drd3 /people/deceased_person/place_of_death /m/071vr +/m/0d_q40 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02xyl /people/person/profession /m/0cbd2 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/01vdrw /influence/influence_node/influenced_by /m/0m77m +/m/0h953 /people/person/profession /m/02hrh1q +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05wqr1 +/m/062zm5h /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0g5qs2k +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03x23q +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05b__vr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/07tj4c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0k269 +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/048wrb +/m/0bjkk9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01gsrl /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/086xm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/01tnbn /film/actor/film./film/performance/film /m/0dtfn +/m/0clvcx /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/0bzh04 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/059g4 /location/location/contains /m/020d5 +/m/048htn /film/film/film_format /m/0cj16 +/m/0c_tl /olympics/olympic_games/participating_countries /m/015qh +/m/01w02sy /music/group_member/membership./music/group_membership/group /m/011_vz +/m/0csdzz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fgpvf +/m/0dzkq /influence/influence_node/influenced_by /m/039n1 +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cxgc +/m/07s9rl0 /media_common/netflix_genre/titles /m/02phtzk +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/01tz_d +/m/01p1b /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0n5yh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3ll +/m/0208wk /award/award_category/winners./award/award_honor/award_winner /m/02g75 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/025tdwc /people/person/profession /m/025352 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0341n5 +/m/013tjc /people/person/gender /m/05zppz +/m/06cp5 /music/genre/artists /m/07g2v +/m/02tf1y /people/person/nationality /m/09c7w0 +/m/09nwwf /music/genre/artists /m/03f1d47 +/m/01kkx2 /people/person/languages /m/02bjrlw +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f6_x +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjrx +/m/03cx282 /people/person/gender /m/05zppz +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/030qb3t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/03qd_ /film/actor/film./film/performance/film /m/050f0s +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09r9dp +/m/050rj /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/0294zg /film/film/genre /m/02l7c8 +/m/0ggx5q /music/genre/artists /m/03t9sp +/m/0tj9 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01633c /film/film/genre /m/06cvj +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/01pgp6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03ys2f +/m/0lccn /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jrny +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/043z0 /location/location/time_zones /m/02hcv8 +/m/09pgj2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/01phtd +/m/0nbwf /base/biblioness/bibs_location/country /m/09c7w0 +/m/01xllf /film/actor/film./film/performance/film /m/02q7yfq +/m/056vv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02q8ms8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/056xkh /film/film/produced_by /m/0d_skg +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08yx9q +/m/028qdb /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/08g5q7 /people/cause_of_death/people /m/03_nq +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jrbv +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/02hmw9 /education/educational_institution/campuses /m/02hmw9 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/02d42t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/01w02sy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/03rjj /media_common/netflix_genre/titles /m/04m1bm +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/072zl1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vs4f3 /people/person/profession /m/09jwl +/m/06mzp /location/country/official_language /m/064_8sq +/m/02vyw /film/director/film /m/01b195 +/m/028k57 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01n7q /location/location/contains /m/021s9n +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/026b7bz /people/person/nationality /m/09c7w0 +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01jcxwp +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hwpz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05dkbr +/m/048tgl /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0hz55 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/03j43 /influence/influence_node/peers./influence/peer_relationship/peers /m/07g2b +/m/0b90_r /location/location/contains /m/0jp26 +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/03j367r +/m/02y0js /people/cause_of_death/people /m/0q59y +/m/01skmp /people/person/profession /m/02hrh1q +/m/01hv3t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/01xv77 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0136pk +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/02h40lc /language/human_language/countries_spoken_in /m/0166v +/m/05g49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfvl +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g78xc +/m/05sy_5 /film/film/story_by /m/05ldnp +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/0ckt6 /film/film/production_companies /m/05qd_ +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0234j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b5x23 /people/person/nationality /m/03rk0 +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/016gkf /people/person/profession /m/0kyk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0230rx +/m/01kckd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03t95n /film/film/country /m/09c7w0 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01ft2l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04g4w9 +/m/014g22 /film/actor/film./film/performance/film /m/035s95 +/m/02238b /people/person/profession /m/03gjzk +/m/0cx7f /music/genre/artists /m/011lvx +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd92 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bvt +/m/0gy3w /education/educational_institution/school_type /m/01_9fk +/m/013qvn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lyx4 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/0dqcs3 /film/film/produced_by /m/0g_rs_ +/m/033g54 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0dmn0x /film/film/featured_film_locations /m/0156q +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022q4l9 +/m/01fxfk /people/person/nationality /m/09c7w0 +/m/0lmm3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/09l3p +/m/071_8 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/04l58n /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvl7 +/m/0h6l4 /location/hud_county_place/place /m/0h6l4 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/02x6dqb /film/film/costume_design_by /m/026lyl4 +/m/01npcy7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05vk_d +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0210f1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/01ksr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015gw6 +/m/033_1p /people/person/gender /m/02zsn +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02hhtj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01pgk0 +/m/03_05 /business/business_operation/industry /m/01mw1 +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01pgzn_ +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mb9 +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/01tmng +/m/0qmfz /film/film/language /m/02h40lc +/m/03d34x8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0807ml +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wtr +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/028pzq /people/person/nationality /m/03rjj +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01s81 +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/013y1f +/m/03qcfvw /film/film/executive_produced_by /m/03h304l +/m/016jny /music/genre/artists /m/01w806h +/m/03mstc /people/person/profession /m/0np9r +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/030h95 +/m/0837ql /people/person/profession /m/02hrh1q +/m/02psgvg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0nvrd /location/us_county/county_seat /m/0s6jm +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/017j6 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0ndh6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03n0q5 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/01xvb +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/01j5ts +/m/0g2mbn /film/actor/film./film/performance/film /m/05qbbfb +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05q9g1 /people/person/profession /m/05z96 +/m/020hh3 /people/person/profession /m/0nbcg +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/05np2 +/m/01kph_c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02t__l /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/01ly8d /people/person/nationality /m/06mkj +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b_dy +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/077q8x +/m/03cl8lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/0cwx_ /education/educational_institution/campuses /m/0cwx_ +/m/015wnl /film/actor/film./film/performance/film /m/02z3r8t +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zpmq +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0b90_r +/m/05w3f /music/genre/artists /m/0fq117k +/m/0jm4v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/04xbq3 /tv/tv_program/genre /m/03g3w +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07s6prs +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/02jxrw /film/film/genre /m/04xvlr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04cnp4 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/01y6dz /tv/tv_program/languages /m/02h40lc +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01hlwv /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0266bd5 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/05znbh7 /film/film/language /m/02h40lc +/m/0gdqy /people/person/places_lived./people/place_lived/location /m/05qtj +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q9b9 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/05tr7 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/044bn /people/person/profession /m/0dxtg +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwld +/m/018wng /award/award_category/winners./award/award_honor/award_winner /m/0d9_96 +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0j_c +/m/0cb4j /location/location/contains /m/0r2dp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01kvrz +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07y9w5 /film/film/country /m/09c7w0 +/m/0ggjt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pctb /people/person/gender /m/02zsn +/m/05r5w /base/eating/practicer_of_diet/diet /m/07_jd +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0162v +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0qdyf +/m/06mt91 /people/person/places_lived./people/place_lived/location /m/0162v +/m/07s9rl0 /media_common/netflix_genre/titles /m/0ddj0x +/m/07k53y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045r_9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/041b4j +/m/0cc5tgk /people/person/profession /m/0dz3r +/m/05q2c /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0633p0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/02wgk1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pr6q7 /people/person/profession /m/01c8w0 +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j1z8 +/m/01bdhf /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/0f42nz /film/film/personal_appearances./film/personal_film_appearance/person /m/02ctyy +/m/04ych /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/01jvxb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01h788 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0830vk +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/01fwpt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jqn5 /film/film/genre /m/06n90 +/m/05njyy /education/educational_institution/campuses /m/05njyy +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/08b8vd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0161h5 +/m/01j5ts /film/actor/film./film/performance/film /m/07xtqq +/m/06s6l /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j11 /location/country/form_of_government /m/01q20 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds33 +/m/06qm3 /media_common/netflix_genre/titles /m/033fqh +/m/0227vl /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0261x8t +/m/05cx7x /people/person/place_of_birth /m/0ccvx +/m/0p_r5 /people/person/profession /m/018gz8 +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/04gxp2 /education/educational_institution/students_graduates./education/education/student /m/0c_md_ +/m/01qdjm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06h2w +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/0cv9fc /people/person/profession /m/02krf9 +/m/09xvf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g1rw +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/064r97z +/m/04f_d /sports/sports_team_location/teams /m/0487_ +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0ftlxj +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/05mc7y /people/person/nationality /m/09c7w0 +/m/03h64 /location/location/contains /m/01nmgc +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/025rxjq +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jswq +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07ss8_ /people/person/profession /m/0n1h +/m/0473m9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/029m83 /people/person/places_lived./people/place_lived/location /m/0sqc8 +/m/03b79 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/0dl4z /base/culturalevent/event/entity_involved /m/03b79 +/m/0n08r /film/film/language /m/06b_j +/m/0h0wc /film/actor/film./film/performance/film /m/0cbv4g +/m/01vtmw6 /people/person/profession /m/0nbcg +/m/05xbx /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02_286 /location/location/contains /m/023zl +/m/07k51gd /people/person/profession /m/02hrh1q +/m/03q43g /people/person/profession /m/0dxtg +/m/063y9fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03h610 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l2nd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2mg +/m/02vxn /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qdh +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02k21g /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/065ydwb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pqs8l +/m/02d6n_ /film/actor/film./film/performance/film /m/02ljhg +/m/07l4zhn /film/film/genre /m/0lsxr +/m/03lyp4 /tv/tv_program/genre /m/01hmnh +/m/048z7l /people/ethnicity/people /m/085q5 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/0b13g7 +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/081l_ +/m/02cgb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0215n /media_common/netflix_genre/titles /m/0170k0 +/m/01_qc_ /people/cause_of_death/people /m/0428bc +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/08xvpn /film/film/produced_by /m/02q_cc +/m/08c4yn /film/film/language /m/02h40lc +/m/05b5_tj /people/person/profession /m/02pjxr +/m/04wddl /film/film/genre /m/01g6gs +/m/0lphb /location/location/contains /m/02jyr8 +/m/09gq0x5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/026g73 /music/instrument/instrumentalists /m/09889g +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05sb1 +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/01d259 /film/film/genre /m/01jfsb +/m/0l6vl /olympics/olympic_games/sports /m/064vjs +/m/0fb0v /music/record_label/artist /m/01vv6_6 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03k48_ /film/actor/film./film/performance/film /m/0b3n61 +/m/0n4yq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n56v +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/034qzw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02nt3d +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04qvl7 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02l5rm /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0c_md_ /people/person/profession /m/0fj9f +/m/01738w /film/film/film_format /m/07fb8_ +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/011yth /film/film/cinematography /m/09bxq9 +/m/03s6l2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047jhq /people/person/profession /m/01d_h8 +/m/02j7k /location/location/contains /m/0366c +/m/078lk /location/location/contains /m/05314s +/m/0dlglj /film/actor/film./film/performance/film /m/05t0_2v +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0b1t1 /location/location/contains /m/016ndm +/m/02fwfb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p__8 /people/person/place_of_birth /m/01t3h6 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/02vcp0 +/m/01cmp9 /film/film/genre /m/07s9rl0 +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/01ycfv +/m/018417 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/012vf6 +/m/02chhq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02l4pj +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0382m4 /people/person/place_of_birth /m/0fvyg +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/02krdz /award/award_winning_work/awards_won./award/award_honor/award /m/07cbcy +/m/0hw1j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/035w2k +/m/046lt /film/actor/film./film/performance/film /m/05r3qc +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0b2v79 /film/film/written_by /m/02b29 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/03xk1_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02h30z /organization/organization/headquarters./location/mailing_address/citytown /m/0rd5k +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/0335fp /film/actor/film./film/performance/film /m/05b6rdt +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/040981l +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/05xb7q /organization/organization/headquarters./location/mailing_address/state_province_region /m/075mb +/m/0pzpz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0p50v +/m/0kbws /olympics/olympic_games/participating_countries /m/05qhw +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0gkydb /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/026fs38 /film/film/genre /m/03bxz7 +/m/0885n /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01t04r /music/record_label/artist /m/04r1t +/m/012g92 /people/person/nationality /m/0f8l9c +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0166b +/m/0crd8q6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bshwmp +/m/030qb3t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03c6vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rhfsc +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/06q5t7 /people/person/profession /m/018gz8 +/m/02x8m /music/genre/artists /m/01wg25j +/m/04hcw /influence/influence_node/influenced_by /m/015n8 +/m/0d060g /location/location/contains /m/01gb_p +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/01wd02c /people/deceased_person/place_of_death /m/05l5n +/m/034qrh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0mdqp +/m/054bt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05h5nb8 +/m/01f8ld /people/person/gender /m/02zsn +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vyw +/m/05kjc6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gqr +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/07ssc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/085q5 /film/actor/film./film/performance/film /m/0qmfz +/m/01gwk3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jymd /film/film/cinematography /m/070bjw +/m/0bs8hvm /film/film/language /m/04306rv +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/03548 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/07cdz +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01y64_ /people/person/gender /m/02zsn +/m/04m064 /people/person/profession /m/02hrh1q +/m/0p8r1 /film/actor/film./film/performance/film /m/02c7k4 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0fr61 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cc1v +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx72 +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02k6rq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0fm6m8 +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b17t +/m/019kyn /film/film/genre /m/03k9fj +/m/031k24 /film/actor/film./film/performance/film /m/01q7h2 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcz9 +/m/01hmnh /media_common/netflix_genre/titles /m/04z257 +/m/0299hs /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/01nd9f /people/person/gender /m/02zsn +/m/06ncr /music/instrument/instrumentalists /m/01y_rz +/m/01vn35l /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0jm7n /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03zmc7 +/m/06pj8 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0l76z +/m/02lhm2 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f4xvm +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/0b2v79 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/025m8l /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/0dl5d /music/genre/artists /m/06gcn +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q43g +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0345h /location/location/contains /m/019fv4 +/m/02ctzb /people/ethnicity/people /m/0dq2k +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0hdx8 +/m/07lp1 /influence/influence_node/influenced_by /m/019z7q +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/03qmg1 +/m/0fvyz /base/biblioness/bibs_location/state /m/05fky +/m/043zg /music/artist/origin /m/01531 +/m/05d6q1 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/034b6k /film/film/music /m/02cyfz +/m/01p0vf /film/actor/film./film/performance/film /m/031786 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07ccs +/m/05pbsry /tv/tv_program/genre /m/01z4y +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/01f9zw /people/person/profession /m/0nbcg +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0grjmv /music/genre/artists /m/0l8g0 +/m/05wh0sh /people/person/nationality /m/05vz3zq +/m/03ds83 /people/person/gender /m/02zsn +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wxyx1 /people/person/religion /m/0c8wxp +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0161c2 /people/person/profession /m/0nbcg +/m/01bzs9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03ydlnj /film/film/country /m/0345h +/m/0133x7 /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/08mhyd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03fmfs /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/0qplq /location/hud_county_place/county /m/0m27n +/m/02056s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/03f7jfh /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6f8pf +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/03pmzt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0tj9 /people/person/gender /m/05zppz +/m/04j5fx /people/person/places_lived./people/place_lived/location /m/02lf_x +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/013p59 /location/location/contains /m/04lh6 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ftkx +/m/02g5h5 /film/actor/film./film/performance/film /m/02x8fs +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02cllz /people/person/nationality /m/02jx1 +/m/0289q /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/01hcvm /music/genre/artists /m/04_jsg +/m/0g5qs2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/06bw5 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hw6wq /music/group_member/membership./music/group_membership/group /m/0b_xm +/m/02z0j /base/biblioness/bibs_location/country /m/0345h +/m/0dg3n1 /base/locations/continents/countries_within /m/06sw9 +/m/0mdqp /film/actor/film./film/performance/film /m/01shy7 +/m/02jx1 /location/location/contains /m/01dthg +/m/039fgy /tv/tv_program/country_of_origin /m/09c7w0 +/m/08y7b9 /film/actor/film./film/performance/film /m/01p3ty +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/037q2p /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07ssc /media_common/netflix_genre/titles /m/016ks5 +/m/0xhtw /music/genre/artists /m/01bczm +/m/0tfc /people/person/profession /m/0frz0 +/m/01vsgrn /people/person/gender /m/05zppz +/m/01hpnh /base/aareas/schema/administrative_area/capital /m/020skc +/m/06wxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/06qxh /tv/tv_program/genre /m/06n90 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gvsh7l +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/080lkt7 /film/film/executive_produced_by /m/01g1lp +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01ttg5 +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/017jq +/m/07_f2 /location/administrative_division/first_level_division_of /m/09c7w0 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0199gx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0124ld /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/03f1zhf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gb54 +/m/01kgv4 /people/person/nationality /m/09c7w0 +/m/018vs /music/instrument/instrumentalists /m/01t8399 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01wyq0w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03c602 +/m/0181dw /music/record_label/artist /m/01vsy7t +/m/030g9z /people/person/profession /m/02hrh1q +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018db8 +/m/07h1tr /people/deceased_person/place_of_death /m/015zxh +/m/05bmq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bsb4j /people/person/profession /m/02hrh1q +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kkm +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/072twv +/m/04vjh /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02q3fdr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/07w21 +/m/0lbbj /olympics/olympic_games/sports /m/03hr1p +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01x15dc /award/award_winner/awards_won./award/award_honor/award_winner /m/01lvzbl +/m/040z9 /film/actor/film./film/performance/film /m/0qmhk +/m/035dk /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/05drr9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk1s +/m/06r2h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/063k3h /people/ethnicity/people /m/09bg4l +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/011s0 +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hw1j +/m/01j67j /tv/tv_program/genre /m/04gm78f +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/06gst /music/record_label/artist /m/01w524f +/m/07bch9 /people/ethnicity/people /m/0d_84 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0187nd +/m/0824r /location/location/contains /m/0mkc3 +/m/04sntd /film/film/production_companies /m/016tw3 +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/0l14md +/m/06nzl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n7q /location/location/contains /m/0281rp +/m/01nn6c /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0czhv7 /people/person/gender /m/05zppz +/m/05cl8y /music/record_label/artist /m/01vv6_6 +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0315q3 /people/person/profession /m/01d_h8 +/m/05r5c /music/instrument/instrumentalists /m/0lgm5 +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfp4 +/m/01zfmm /people/person/place_of_birth /m/0djd3 +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/086nl7 +/m/0m93 /user/alexander/philosophy/philosopher/interests /m/09xq9d +/m/0n3g /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09yrh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0bg4f9 +/m/0167km /people/person/profession /m/039v1 +/m/0ftlx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k5t_3 +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/01vy_v8 /people/person/nationality /m/09c7w0 +/m/065z3_x /film/film/genre /m/04xvlr +/m/04vvh9 /film/film/language /m/04h9h +/m/04q7r /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/02v_4xv /people/person/profession /m/0gl2ny2 +/m/0ywqc /people/person/profession /m/02hrh1q +/m/012x2b /people/person/profession /m/02hrh1q +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04h4zx +/m/04wqsm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/038g2x /people/person/nationality /m/09c7w0 +/m/021f30 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01kx_81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mxqyk /people/person/gender /m/05zppz +/m/06y9c2 /people/person/profession /m/0gbbt +/m/06x2ww /music/record_label/artist /m/0167v4 +/m/05b5_tj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06x77g +/m/0b_6qj /time/event/locations /m/013yq +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gd_s /influence/influence_node/influenced_by /m/03_87 +/m/07hgkd /people/person/place_of_birth /m/019fh +/m/0cj2w /music/artist/contribution./music/recording_contribution/performance_role /m/05r5c +/m/07jrjb /people/person/place_of_birth /m/02_286 +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwgc_ +/m/05b4w /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/025rpyx +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/027lfrs /people/person/gender /m/05zppz +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/0f8l9c /location/location/contains /m/0glb5 +/m/0jt3tjf /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170s4 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02qhlm +/m/02gqm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/051ghn +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/02yvct /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01wk7b7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0358x_ +/m/025b3k /people/person/place_of_birth /m/0f2tj +/m/0173s9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0dj0x +/m/0pc_l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d07j8 +/m/0h5j77 /people/person/nationality /m/0k6nt +/m/0c3351 /media_common/netflix_genre/titles /m/02tktw +/m/06j6l /music/genre/artists /m/01jgkj2 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/01817f /people/person/nationality /m/09c7w0 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/04p5cr +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/041jlr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0fjcgg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07jqjx /film/film/country /m/0f8l9c +/m/01k47c /people/person/profession /m/0nbcg +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02h22 +/m/05dbyt /film/actor/film./film/performance/film /m/02jxbw +/m/01rlz4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03nh9 /film/film_subject/films /m/0d8w2n +/m/06t8v /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h63gl9 +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03d34x8 +/m/06n7h7 /people/person/place_of_birth /m/0ftkx +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0315rp +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/09swkk /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/09n70c /people/person/nationality /m/077qn +/m/024mxd /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/044g_k +/m/034g2b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rh0w +/m/02czd5 /tv/tv_program/genre /m/01z4y +/m/04l3_z /people/person/places_lived./people/place_lived/location /m/0gx1l +/m/0cgwt8 /sports/sports_team/sport /m/02vx4 +/m/0k5px /film/film/cinematography /m/06kkgw +/m/02nf2c /tv/tv_program/country_of_origin /m/09c7w0 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/07g1sm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kb3n +/m/04rrx /location/administrative_division/country /m/09c7w0 +/m/016622 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04cy8rb +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/084qpk +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/099pks /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/030x48 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/0dnw1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06whf /influence/influence_node/influenced_by /m/03sbs +/m/02ljhg /film/film/genre /m/03g3w +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015882 +/m/026bt_h /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0k2m6 /film/film/country /m/03_3d +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/07fpm3 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0333t +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06ns98 +/m/02q1hz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01kk32 /location/location/contains /m/08966 +/m/0mhdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/01wk51 /people/person/sibling_s./people/sibling_relationship/sibling /m/02v60l +/m/0p_qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0884fm +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/018ctl /olympics/olympic_games/participating_countries /m/0160w +/m/08952r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03zrc_ +/m/027jk /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01l_pn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018swb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07kh6f3 +/m/04l19_ /film/actor/film./film/performance/film /m/043tz0c +/m/0j_c /influence/influence_node/influenced_by /m/026ck +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02w9895 +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01438g +/m/0821j /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/02t4yc /education/educational_institution/students_graduates./education/education/student /m/0dr5y +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0154qm +/m/0c6cwg /base/culturalevent/event/entity_involved /m/059dn +/m/03qcq /people/person/gender /m/05zppz +/m/05b49tt /film/film_set_designer/film_sets_designed /m/02_sr1 +/m/02qm_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/091xrc /film/film/genre /m/0btmb +/m/01vh3r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/0g768 /music/record_label/artist /m/016s0m +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0xt3t /location/location/time_zones /m/02hcv8 +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070m12 +/m/04glr5h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gnbv1 +/m/041rx /people/ethnicity/people /m/0mj1l +/m/0680x0 /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03_f0 /people/person/nationality /m/0345h +/m/044mz_ /film/actor/film./film/performance/film /m/0pv3x +/m/03wj4r8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05683cn +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018gqj +/m/01p9hgt /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/01jv_6 +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/02whj /people/person/places_lived./people/place_lived/location /m/094jv +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/075pwf +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/0h3vhfb /award/award_category/nominees./award/award_nomination/nominated_for /m/07vqnc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fb7sd +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pp_q_ +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0bshwmp +/m/0fh2v5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02x0bdb /people/person/profession /m/03gjzk +/m/09bw4_ /film/film/genre /m/06n90 +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0gm2_0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01hhvg /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/04b2qn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01qd_r /education/educational_institution/students_graduates./education/education/student /m/09xvf7 +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kcyd +/m/02xry /location/location/contains /m/0j_sncb +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fvr1 +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0kr5_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p7qm +/m/0300cp /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/0hz_1 /people/person/nationality /m/09c7w0 +/m/0clz7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m_w6 +/m/05xbx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/033m23 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/01_rh4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fvqg /people/person/places_lived./people/place_lived/location /m/0fpzwf +/m/02114t /film/actor/film./film/performance/film /m/0fgpvf +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/015rkw /film/actor/film./film/performance/film /m/0fg04 +/m/02b171 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06ls0l +/m/05xd_v /film/actor/film./film/performance/film /m/0jyx6 +/m/01kkk4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0kr7k /people/person/employment_history./business/employment_tenure/company /m/059wk +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/021996 +/m/0d060g /location/location/contains /m/0pmq2 +/m/01p45_v /people/person/profession /m/02hrh1q +/m/08qnnv /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0smfm +/m/0sx7r /olympics/olympic_games/participating_countries /m/09c7w0 +/m/04mcw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02g3v6 +/m/027hnjh /award/award_winner/awards_won./award/award_honor/award_winner /m/02q5xsx +/m/02wgk1 /film/film/music /m/02bh9 +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/025v3k /education/educational_institution/school_type /m/01_9fk +/m/0cj2t3 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/01309x /award/award_winner/awards_won./award/award_honor/award_winner /m/01qkqwg +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4vj +/m/04w391 /people/person/religion /m/03_gx +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gvr1 +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0209hj /film/film/genre /m/06l3bl +/m/03hnd /influence/influence_node/influenced_by /m/03_dj +/m/0d0mbj /people/person/languages /m/02h40lc +/m/09r_wb /people/person/languages /m/02h40lc +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03hy3g +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/041rx /people/ethnicity/people /m/03dpqd +/m/06mkj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/01wy5m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0btbyn +/m/01jzyf /award/award_winning_work/awards_won./award/award_honor/award /m/02wypbh +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/02k_4g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04twmk +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0794g +/m/01qz69r /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0xnc3 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0ftf0f /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0vmt +/m/07wkd /organization/organization/headquarters./location/mailing_address/citytown /m/02w70 +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz15s +/m/016jny /music/genre/parent_genre /m/02w4v +/m/014g91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/01wrwf /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02ctzb /people/ethnicity/people /m/0b7t3p +/m/02sgy /music/instrument/instrumentalists /m/01wg3q +/m/02k_kn /music/genre/artists /m/01vs4ff +/m/065r8g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013y1f /music/instrument/instrumentalists /m/01sb5r +/m/03d3ht /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qvtwm +/m/04mp9q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/039wsf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ggx5q /music/genre/artists /m/0gps0z +/m/06c44 /influence/influence_node/peers./influence/peer_relationship/peers /m/0hqgp +/m/03_d0 /music/genre/artists /m/01n8gr +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0fx0j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/026lgs +/m/03176f /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01q940 /organization/organization/headquarters./location/mailing_address/citytown /m/0chgzm +/m/016jny /music/genre/artists /m/0kj34 +/m/03npn /media_common/netflix_genre/titles /m/029k4p +/m/01vw26l /people/person/profession /m/02jknp +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/02_n5d /award/award_winner/awards_won./award/award_honor/award_winner /m/01_j71 +/m/099bk /people/person/religion /m/0kpl +/m/0vm5t /location/hud_county_place/county /m/0nj7b +/m/02vqsll /film/film/language /m/02h40lc +/m/01nz1q6 /music/group_member/membership./music/group_membership/group /m/01qqwp9 +/m/06j6l /music/genre/artists /m/0xsk8 +/m/04w8f /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/06l3bl /media_common/netflix_genre/titles /m/04vh83 +/m/070fnm /film/film/film_art_direction_by /m/072twv +/m/016tb7 /people/person/profession /m/02hrh1q +/m/011w20 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0bmc4cm /film/film/country /m/03_3d +/m/02v3yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0bwh6 +/m/0flddp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05cwl_ /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0443v1 +/m/02qr69m /film/film/music /m/0bwh6 +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01dyk8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01lyv /music/genre/artists /m/044k8 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0g5879y /film/film/production_companies /m/030_1_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0dbdy +/m/03f70xs /influence/influence_node/influenced_by /m/028p0 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/082db /influence/influence_node/peers./influence/peer_relationship/peers /m/043d4 +/m/0b9dmk /award/award_winner/awards_won./award/award_honor/award_winner /m/0kryqm +/m/01y8cr /film/actor/film./film/performance/film /m/0jvt9 +/m/05mph /location/location/contains /m/0z843 +/m/09c7w0 /location/location/contains /m/0177sq +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03tcbx +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/0hw1j +/m/0fttg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jdd /location/country/official_language /m/0swlx +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/02p21g /influence/influence_node/influenced_by /m/014z8v +/m/02c_4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0yj9v /location/hud_county_place/place /m/0yj9v +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/0ylvj /education/educational_institution/students_graduates./education/education/student /m/0cg9f +/m/02404v /film/film/film_festivals /m/03wf1p2 +/m/06mnps /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m2l9 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/06k02 /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0249fn +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0gc_c_ /film/film/genre /m/01hmnh +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q7h2 +/m/01jgkj2 /people/person/place_of_birth /m/0z20d +/m/04s1zr /film/film/genre /m/02n4kr +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n4w +/m/02x8mt /people/person/sibling_s./people/sibling_relationship/sibling /m/02x8kk +/m/0yldt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03bx_5q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grmhb +/m/07wkd /education/educational_institution/students_graduates./education/education/student /m/012j8z +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01rc6f +/m/0dscrwf /film/film/genre /m/02l7c8 +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01my_c +/m/02301 /education/educational_institution/students_graduates./education/education/student /m/02w0dc0 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/02qzjj +/m/01gbb4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/015cbq /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04nw9 +/m/01w1ywm /award/award_winner/awards_won./award/award_honor/award_winner /m/044f7 +/m/01ddbl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01ps2h8 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/034qmv /film/film/genre /m/060__y +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/014knw +/m/08nhfc1 /film/film/genre /m/04rlf +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/0bshwmp /film/film/genre /m/02l7c8 +/m/0sxgv /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0gl6f /education/educational_institution/colors /m/019sc +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/025ldg +/m/04mg6l /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycfv +/m/0gvrws1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01tpl1p /people/person/profession /m/016z4k +/m/09c7w0 /location/location/contains /m/02gnmp +/m/063k3h /people/ethnicity/people /m/043gj +/m/09j_g /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fgg8c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05kms /music/instrument/instrumentalists /m/01qgry +/m/019vhk /film/film/genre /m/0lsxr +/m/016ynj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04j13sx +/m/01ww2fs /award/award_winner/awards_won./award/award_honor/award_winner /m/01hmk9 +/m/0jdgr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b1q7c /people/person/profession /m/09jwl +/m/06mzp /location/location/contains /m/0277jc +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0kfv9 +/m/0kc6x /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0gy0n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06qn87 /people/person/nationality /m/02jx1 +/m/025rxjq /film/film/genre /m/04rlf +/m/0cv13 /location/us_county/county_seat /m/0tt6k +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/043hg +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/046m59 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/02qnbs /people/person/profession /m/0cbd2 +/m/0bv7t /people/person/employment_history./business/employment_tenure/company /m/05zl0 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0h7pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01515w +/m/03rt9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05bcl +/m/0x3b7 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02bc74 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03y82t6 +/m/04ztj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh8yn3 +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0g5y6 /people/ethnicity/people /m/03bw6 +/m/0kq39 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2lk +/m/03fd8x /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028q6 +/m/08j7lh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/071_8 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01l1ls /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/034qbx /film/film/genre /m/06n90 +/m/01wrcxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03j63k +/m/01nyl /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01l1sq /award/award_winner/awards_won./award/award_honor/award_winner /m/021_rm +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/016fmf +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/041jlr +/m/059ts /location/administrative_division/first_level_division_of /m/0d060g +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07_f2 /location/location/partially_contains /m/0lm0n +/m/0178kd /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0dbpwb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_6dw +/m/0dn3n /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/09c7w0 /location/location/contains /m/07srw +/m/016szr /people/person/profession /m/016z4k +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/0c3kw /award/award_nominee/award_nominations./award/award_nomination/award /m/01bb1c +/m/06mnbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/081g_l /music/record_label/artist /m/017b2p +/m/01fsyp /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0g2dz /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0522wp /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01sxdy /film/film/production_companies /m/086k8 +/m/01hr11 /organization/organization/headquarters./location/mailing_address/citytown /m/01qh7 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bwh6 +/m/0jt3tjf /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031v3p +/m/07s9rl0 /media_common/netflix_genre/titles /m/027pfb2 +/m/0l8bg /film/film_subject/films /m/02p86pb +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01cwm1 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/05j82v +/m/03j43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/05r4w /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0grmhb /people/person/profession /m/02hrh1q +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/01sxly /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sff +/m/02nczh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02_cq0 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/059j4x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fhzwl +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/0249kn +/m/05sy_5 /film/film/film_festivals /m/0bmj62v +/m/0g824 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0456xp /film/actor/film./film/performance/film /m/03qcfvw +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/017r2 /people/person/profession /m/0cbd2 +/m/0499lc /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05lb87 +/m/06w6_ /film/actor/film./film/performance/film /m/091xrc +/m/018ctl /olympics/olympic_games/participating_countries /m/05v8c +/m/01swck /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsn38 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0cc8l6d /award/award_category/nominees./award/award_nomination/nominated_for /m/04mx8h4 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/059y0 /people/person/places_lived./people/place_lived/location /m/0k6nt +/m/05k2s_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/0237jb /people/person/place_of_birth /m/0c1d0 +/m/09n48 /olympics/olympic_games/participating_countries /m/04g5k +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0f4m2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01fwk3 /people/person/nationality /m/09c7w0 +/m/03lty /music/genre/artists /m/023p29 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/040z9 /people/deceased_person/place_of_death /m/030qb3t +/m/0nbjq /olympics/olympic_games/sports /m/02vx4 +/m/02211by /dataworld/gardening_hint/split_to /m/02211by +/m/0126rp /film/actor/film./film/performance/film /m/02qhlwd +/m/037w7r /film/actor/film./film/performance/film /m/016z5x +/m/026f__m /film/film/genre /m/05p553 +/m/037lyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9vs +/m/0y3_8 /music/genre/artists /m/0f7hc +/m/01w3v /education/educational_institution/school_type /m/05pcjw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjt +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02056s +/m/01xbxn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/01f7v_ +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/05ldnp /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/0f6_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/0171b8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gywn /music/genre/artists /m/01w7nww +/m/0165b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dbgw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04w4s /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/03j43 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/0k7pf /people/person/profession /m/0dz3r +/m/0hmr4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01ttg5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01_f_5 +/m/05njyy /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0hhggmy /film/film/produced_by /m/0b478 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/0hv27 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0hm0k /award/award_winner/awards_won./award/award_honor/award_winner /m/07k2d +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/05zy2cy /film/film/country /m/0d060g +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/024cg8 /education/educational_institution_campus/educational_institution /m/024cg8 +/m/01cmp9 /film/film/written_by /m/04xn2m +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01fmz6 +/m/05btx9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/07t65 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/0154qm +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/072x7s +/m/01vq3 /film/film_subject/films /m/01hq1 +/m/0xv2x /music/genre/parent_genre /m/05c6073 +/m/044qx /film/actor/film./film/performance/film /m/0gt14 +/m/02bn75 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01g42 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/09sdmz +/m/017_pb /influence/influence_node/influenced_by /m/0l99s +/m/02ktrs /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/09c7w0 /location/location/contains /m/02cvcd +/m/082brv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/063k3h /people/ethnicity/people /m/07t2k +/m/02f764 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/06fpsx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/092vkg +/m/0lrh /influence/influence_node/influenced_by /m/08433 +/m/02jx1 /location/location/contains /m/0bdg5 +/m/0f3m1 /film/film/story_by /m/0343h +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/0282x +/m/016jfw /people/person/profession /m/016z4k +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/017fp /media_common/netflix_genre/titles /m/047myg9 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01ldw4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04dqdk +/m/03hkch7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04b_46 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01wx_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/01fxfk +/m/0sz28 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x4sb +/m/01q8hj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/02bwjv /people/person/profession /m/0np9r +/m/05dss7 /film/film/language /m/02h40lc +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/015fs3 +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw26l +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05v8c +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d6_s +/m/04qvl7 /people/person/gender /m/05zppz +/m/01b8jj /base/biblioness/bibs_location/country /m/0chghy +/m/02q4mt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018gkb /people/person/profession /m/039v1 +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2qtl +/m/05bxwh /people/person/profession /m/0dxtg +/m/027rn /location/location/contains /m/0fthl +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ywqc +/m/01jr4j /film/film/produced_by /m/0j_c +/m/01l3mk3 /people/person/nationality /m/09c7w0 +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/0cgzj /people/person/place_of_birth /m/0f2v0 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/07b_l /location/location/contains /m/0mrs1 +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01jfnvd /people/person/nationality /m/09c7w0 +/m/086k8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dln8jk +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0b005 +/m/0mx4_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx5p +/m/04swx /location/location/contains /m/0p_x +/m/01hgwkr /people/person/religion /m/092bf5 +/m/05dbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lx2l +/m/0747k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027l0b /people/person/profession /m/0xzm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013n2h +/m/06_vpyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/06j6l /music/genre/artists /m/01d1st +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/04l19_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018009 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049f05 +/m/03f77 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/07ssc +/m/02gl58 /tv/tv_program/genre /m/07s9rl0 +/m/01jkqfz /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/03nqbvz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv4t +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/05fjy /base/biblioness/bibs_location/country /m/09c7w0 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/05p5nc +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/05pdbs +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/016722 /base/biblioness/bibs_location/country /m/03rk0 +/m/052gzr /people/person/gender /m/05zppz +/m/0162c8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pgzn_ +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/031ldd /film/film/prequel /m/0432_5 +/m/0144l1 /people/person/profession /m/016z4k +/m/032v0v /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_9wr +/m/0154d7 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/041rx /people/ethnicity/people /m/016z2j +/m/02rjz5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03l295 /people/person/gender /m/05zppz +/m/01jr6 /sports/sports_team_location/teams /m/02663p2 +/m/03n3gl /film/film/genre /m/0vgkd +/m/04j0s3 /people/person/profession /m/01d_h8 +/m/02r1c18 /film/film/country /m/0f8l9c +/m/03hzt /film/film_subject/films /m/0hfzr +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0dy68h +/m/07hwkr /people/ethnicity/people /m/01jfr3y +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/03qmg1 +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/041rx /people/ethnicity/people /m/03_vx9 +/m/02jm0n /people/person/place_of_birth /m/030qb3t +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/04ns3gy +/m/01541z /people/person/nationality /m/09c7w0 +/m/03mqj_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0drr3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0882r_ +/m/0jmh7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0b90_r /location/location/contains /m/0b2h3 +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ccd3x +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fzq3 +/m/0gj8t_b /film/film/genre /m/04t36 +/m/03rt9 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01fl3 +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01w5m +/m/031b91 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/03fgm /education/educational_institution/colors /m/04d18d +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0292l3 +/m/01tmng /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fhy +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/01hc9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/0m2fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cymp +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/081lh /film/director/film /m/03m4mj +/m/01hydr /music/genre/artists /m/0k60 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/08n__5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02rkkn1 +/m/01pr_j6 /people/person/profession /m/025352 +/m/01wwvc5 /award/award_winner/awards_won./award/award_honor/award_winner /m/012x4t +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02qmsr +/m/014g_s /people/person/places_lived./people/place_lived/location /m/013ksx +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0lh0c +/m/07sp4l /film/film/genre /m/03k9fj +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0dwr4 /music/performance_role/regular_performances./music/group_membership/role /m/0dwsp +/m/0kfv9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0436f4 +/m/01fwj8 /people/person/nationality /m/02jx1 +/m/06g4l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/07h34 /location/location/contains /m/0mtl5 +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01rthc /music/genre/artists /m/05xq9 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/030qb3t /sports/sports_team_location/teams /m/04112r +/m/01j590z /people/person/profession /m/0nbcg +/m/01trtc /music/record_label/artist /m/0137g1 +/m/0cw5k /base/aareas/schema/administrative_area/administrative_parent /m/05b7q +/m/0457w0 /people/person/nationality /m/03_r3 +/m/01kf3_9 /film/film/language /m/02h40lc +/m/01nn6c /people/person/profession /m/09jwl +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/077w0b +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03mh_tp /film/film/executive_produced_by /m/09yrh +/m/016ksk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09b3v /media_common/netflix_genre/titles /m/027s39y +/m/08jgk1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05xpms +/m/07lwsz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07g9f +/m/08d9z7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0l8gh /music/genre/artists /m/043d4 +/m/01cvtf /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05gnf +/m/0ggjt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p_47 +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/03cbtlj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07w8fz /film/film/written_by /m/014zcr +/m/02qyxs5 /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/0b_6yv /music/genre/parent_genre /m/05w3f +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0882j7 +/m/03wd5tk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/018ctl /olympics/olympic_games/participating_countries /m/06f32 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tn0_ +/m/0g72r /influence/influence_node/influenced_by /m/0zm1 +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/04vrxh /people/person/nationality /m/09c7w0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptxj +/m/03qhyn8 /film/film_set_designer/film_sets_designed /m/0b9rdk +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/05gqy /base/aareas/schema/administrative_area/administrative_parent /m/0166c7 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjk1d +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01ycfv /people/deceased_person/place_of_death /m/04jpl +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02m501 +/m/0199gx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03wh8pq /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/0hvvf /film/film/film_art_direction_by /m/0cdf37 +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0gg5qcw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02ctc6 /film/film/genre /m/07s9rl0 +/m/0prjs /people/person/places_lived./people/place_lived/location /m/01l63 +/m/02m501 /film/actor/film./film/performance/film /m/04tqtl +/m/05ggt_ /people/person/profession /m/02hrh1q +/m/0c9xjl /film/actor/film./film/performance/film /m/03z106 +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0jsqk /film/film/genre /m/04xvlr +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/04t6fk /film/film/edited_by /m/03q8ch +/m/09cvbq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hqly /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01w8n89 /people/person/places_lived./people/place_lived/location /m/0h3lt +/m/01dhjz /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/03v3xp +/m/01rw116 /film/actor/film./film/performance/film /m/04sh80 +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/026mfbr /film/film/story_by /m/02qgyv +/m/0l14gg /music/genre/artists /m/0641g8 +/m/013ksx /location/location/contains /m/0bthb +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/03cp4cn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047myg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025vw4t /award/award_winner/awards_won./award/award_honor/award_winner /m/026b7bz +/m/0jpy_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/051hrr +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06qn87 +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015qqg +/m/064t9 /music/genre/artists /m/016t0h +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/064_8sq /media_common/netflix_genre/titles /m/05y0cr +/m/0824r /base/aareas/schema/administrative_area/capital /m/0fw2y +/m/053rxgm /film/film/produced_by /m/0dqmt0 +/m/03yk8z /award/award_winner/awards_won./award/award_honor/award_winner /m/05kwx2 +/m/06s_2 /location/country/capital /m/0fnc_ +/m/0cjsxp /people/person/places_lived./people/place_lived/location /m/0498y +/m/039_ym /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/063576 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/08jbxf /soccer/football_player/current_team./sports/sports_team_roster/team /m/0ctwqs +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/0hn10 /media_common/netflix_genre/titles /m/07l50_1 +/m/01cbt3 /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9m7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0b1t1 +/m/01vskn /base/aareas/schema/administrative_area/administrative_parent /m/06qd3 +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/09k2t1 /music/artist/origin /m/0qplq +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/059j2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/0p3_y /film/film/cinematography /m/04flrx +/m/01l2b3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0c8qq /film/film/production_companies /m/016tw3 +/m/0fg04 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/037njl +/m/01ty7ll /people/person/religion /m/01lp8 +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/07ssc /location/location/contains /m/048kw +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/09pl3f /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01rf57 +/m/01hq1 /film/film/country /m/07ssc +/m/0gyx4 /people/person/profession /m/01d_h8 +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/02773m2 /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/0rd5k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j_5k /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06h2w /people/person/nationality /m/09c7w0 +/m/07kc_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0k8y7 /people/person/place_of_birth /m/0d6lp +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/05148p4 /music/instrument/instrumentalists /m/0fhxv +/m/01qgry /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qlrh /location/hud_county_place/county /m/0n5kc +/m/017149 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bgrsl +/m/04fcx7 /film/director/film /m/087vnr5 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/02f9wb +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/025jfl /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/02jx1 /location/location/contains /m/015g1w +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/05kkh /location/location/contains /m/0n1v8 +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jxkw +/m/048xyn /film/film/production_companies /m/019v67 +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0btmb /dataworld/gardening_hint/split_to /m/04pbhw +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/position /m/05zm34 +/m/0r03f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x67 /people/ethnicity/people /m/01xg_w +/m/0ccxx6 /music/genre/parent_genre /m/03lty +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05ztm4r +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/06pwq +/m/03hhd3 /film/actor/film./film/performance/film /m/02xbyr +/m/011yd2 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/02b149 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0170vn /people/person/gender /m/05zppz +/m/01cdt5 /medicine/symptom/symptom_of /m/025hl8 +/m/04ghz4m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vvb4m +/m/035bcl /film/film/genre /m/02l7c8 +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/048qrd /film/film/genre /m/06cvj +/m/0n9dn /location/administrative_division/country /m/07ssc +/m/073q1 /location/location/contains /m/0193qj +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/0tfc /influence/influence_node/influenced_by /m/07c37 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j6mff +/m/0227tr /people/person/languages /m/064_8sq +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/0194xc +/m/05_5_22 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02zjd /people/person/places_lived./people/place_lived/location /m/04ykg +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gkz15s +/m/0q5hw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/027ydt /education/educational_institution/colors /m/083jv +/m/021yw7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01c22t /film/film/genre /m/03k9fj +/m/0dd6bf /film/film/dubbing_performances./film/dubbing_performance/actor /m/09wlpl +/m/087qxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778tk +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01c57n +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pcq92 +/m/0htlr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0191n +/m/04f1glf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06pj8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/089kpp +/m/0gyy53 /film/film/country /m/09c7w0 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06x43v /film/film/genre /m/0556j8 +/m/02gn9g /people/person/profession /m/0196pc +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/025mb_ /people/person/languages /m/02h40lc +/m/0ch280 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06l32y /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/04v7kt /film/actor/film./film/performance/film /m/0dgq80b +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/07nnp_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02mf7 +/m/01vvy /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0jsf6 /film/film/language /m/02bjrlw +/m/04t2l2 /film/actor/film./film/performance/film /m/06fpsx +/m/0cq8nx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/025vw4t +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03n69x +/m/07g7h2 /people/person/nationality /m/09c7w0 +/m/0b6m5fy /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01nty /location/country/form_of_government /m/01q20 +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pbsry +/m/048scx /film/film/genre /m/02p0szs +/m/0342h /music/instrument/instrumentalists /m/07_3qd +/m/04bdzg /film/actor/film./film/performance/film /m/02_06s +/m/0xnvg /people/ethnicity/people /m/01_f_5 +/m/026lj /people/person/place_of_birth /m/02m77 +/m/03rk0 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0jtdp /media_common/netflix_genre/titles /m/072hx4 +/m/04tng0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/021s9n /organization/organization/headquarters./location/mailing_address/citytown /m/01zqy6t +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04k9y6 +/m/0zcbl /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02r9p0c /film/film/genre /m/06n90 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/09m465 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fwqn +/m/092vkg /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0c0tzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076psv +/m/02cpb7 /people/person/nationality /m/02jx1 +/m/0x2p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/049k4w +/m/061dn_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01z0lb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gxsh4 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02bb47 +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02d49z /film/film/genre /m/0219x_ +/m/02yv6b /music/genre/artists /m/03q_w5 +/m/07h34 /location/location/time_zones /m/02fqwt +/m/01750n /music/genre/artists /m/01wg25j +/m/0dwr4 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/0296rz /film/film/genre /m/07s9rl0 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/0d5wn3 /people/person/profession /m/02pjxr +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0274v0r /award/award_category/winners./award/award_honor/award_winner /m/027t8fw +/m/0n6kf /influence/influence_node/influenced_by /m/084w8 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/03k99c +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/033srr /film/film/genre /m/0lsxr +/m/08tyb_ /education/educational_institution/students_graduates./education/education/student /m/01pbwwl +/m/01fh36 /music/genre/artists /m/01qdjm +/m/0f2r6 /location/hud_county_place/county /m/0jcgs +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03b04g +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02s2ft /film/actor/film./film/performance/film /m/092vkg +/m/0f5xn /film/actor/film./film/performance/film /m/0gyv0b4 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01_bkd /music/genre/artists /m/01vxqyl +/m/016z1c /people/person/gender /m/05zppz +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n0pv +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/02_286 /base/biblioness/bibs_location/state /m/059rby +/m/016yzz /people/person/profession /m/0kyk +/m/0pc7r /location/hud_county_place/county /m/0k3ll +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gsg7 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/04vn5 +/m/04g5k /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0n839 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/011_3s /people/person/profession /m/02hrh1q +/m/01p7x7 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0brkwj +/m/026zlh9 /film/film/genre /m/060__y +/m/01wttr1 /people/person/religion /m/03j6c +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/0164qt /film/film/genre /m/01jfsb +/m/070yzk /people/person/profession /m/01d_h8 +/m/01fxck /people/person/profession /m/0nbcg +/m/01chc7 /film/actor/film./film/performance/film /m/023g6w +/m/06mvq /people/ethnicity/people /m/02v406 +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06whf /influence/influence_node/influenced_by /m/045bg +/m/0g3b2z /soccer/football_player/current_team./sports/sports_team_roster/team /m/049dzz +/m/07cdz /film/film/genre /m/02l7c8 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qqtr +/m/02qhm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/05lfwd /tv/tv_program/program_creator /m/06y9bd +/m/0c58k /people/cause_of_death/people /m/0432b +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0g701n +/m/0psss /award/award_winner/awards_won./award/award_honor/award_winner /m/01wy5m +/m/04z257 /film/film/production_companies /m/061dn_ +/m/0pz91 /film/actor/film./film/performance/film /m/0f2sx4 +/m/07d2d /music/genre/parent_genre /m/011j5x +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/0f8l9c /location/location/contains /m/0kvwh +/m/03sww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/02_1kl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02rmfm +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/015q1n +/m/0d68qy /tv/tv_program/program_creator /m/0pz7h +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/02pqs8l +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/046qq /film/actor/film./film/performance/film /m/05zlld0 +/m/0p8jf /people/person/profession /m/0kyk +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015fr +/m/06yxd /location/administrative_division/country /m/09c7w0 +/m/0dz46 /people/person/gender /m/05zppz +/m/016wvy /music/group_member/membership./music/group_membership/role /m/07y_7 +/m/01ty7ll /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0202p_ +/m/03txms /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/07p__7 +/m/09dv8h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_pft /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01w40h /music/record_label/artist /m/03h_fk5 +/m/015v3r /film/actor/film./film/performance/film /m/01718w +/m/061dn_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01zcrv +/m/0283_zv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/017l96 /music/record_label/artist /m/01mxqyk +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl1_ +/m/09dvgb8 /people/person/profession /m/02tx6q +/m/0dzkq /people/person/gender /m/05zppz +/m/024tkd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/0fs9jn /film/actor/film./film/performance/film /m/05rfst +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/0cmpn /people/person/gender /m/05zppz +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/06x58 /people/person/nationality /m/09c7w0 +/m/01rzqj /people/person/nationality /m/02jx1 +/m/012ts /location/location/contains /m/01pj48 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0jqp3 /film/film/country /m/09c7w0 +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02prwdh /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04x4s2 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0690dn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06s_2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/082_p /people/person/profession /m/01c72t +/m/01g969 /people/person/gender /m/05zppz +/m/03xgm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/07z542 +/m/0bt4r4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j1yf /influence/influence_node/influenced_by /m/09889g +/m/0159h6 /film/actor/film./film/performance/film /m/0bm2nq +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0gy3w +/m/0c4b8 /location/country/official_language /m/02h40lc +/m/0ktx_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09n48 /olympics/olympic_games/participating_countries /m/07ssc +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/067mj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/04nm0n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06qn87 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfk +/m/048tv9 /film/film/executive_produced_by /m/079vf +/m/059rby /location/location/contains /m/071cn +/m/0f4dx2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b6tzs +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09xq9d +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/05kr_ /location/location/contains /m/018dcy +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02mj7c /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cz8mkh +/m/02k6hp /people/cause_of_death/people /m/019r_1 +/m/0bxl5 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/05qzv /influence/influence_node/influenced_by /m/058vp +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02kxbwx /people/person/nationality /m/09c7w0 +/m/0gmtm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bw87 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/01dvry +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cjdk +/m/01t07j /people/person/profession /m/02jknp +/m/053y4h /people/person/places_lived./people/place_lived/location /m/059rby +/m/0ngg /people/person/places_lived./people/place_lived/location /m/06c62 +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0hsn_ /film/actor/film./film/performance/film /m/0k4p0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0f502 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/01pbs9w /music/group_member/membership./music/group_membership/role /m/01s0ps +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/08bytj /tv/tv_program/genre /m/07s9rl0 +/m/032d52 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ym17 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0mmpz /location/location/contains /m/010r6f +/m/085jw /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/020jqv /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017y6l +/m/01jpyb /organization/organization/headquarters./location/mailing_address/citytown /m/06kx2 +/m/017gxw /people/person/profession /m/018gz8 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/02778pf +/m/04d5v9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dlglj +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0173b0 /music/genre/parent_genre /m/04_sqm +/m/01wk7ql /people/person/profession /m/0n1h +/m/0klw /influence/influence_node/influenced_by /m/04093 +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065zlr +/m/064177 /people/person/gender /m/02zsn +/m/01rlz4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/030k94 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/031296 +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0cqh57 /award/award_nominee/award_nominations./award/award_nomination/award /m/0274v0r +/m/02y0js /people/cause_of_death/people /m/012j8z +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/015cbq /people/person/profession /m/018gz8 +/m/041rx /people/ethnicity/people /m/019z7q +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0207wx +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02jx_v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q9b0 /film/film/language /m/02h40lc +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0164qt +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/048vhl +/m/01wttr1 /people/person/profession /m/02hrh1q +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06s26c +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/017j69 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0239kh /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0395lw +/m/07fj_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02d6cy /award/award_winner/awards_won./award/award_honor/award_winner /m/04gnbv1 +/m/031q3w /education/educational_institution/colors /m/04mkbj +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k4f3 +/m/048hf /people/person/nationality /m/09c7w0 +/m/03lty /music/genre/artists /m/01wkmgb +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06vsbt +/m/07z4p5 /people/person/profession /m/01d_h8 +/m/032zg9 /film/actor/film./film/performance/film /m/02_qt +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0296vv /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/071cn /location/hud_county_place/place /m/071cn +/m/03cglm /film/actor/film./film/performance/film /m/0drnwh +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/01nr36 +/m/01hxs4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0335fp +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/09qr6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d05fv /people/person/places_lived./people/place_lived/location /m/05jbn +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0bm4j /location/administrative_division/country /m/0d0kn +/m/05f7snc /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/0p_qr /film/film/genre /m/082gq +/m/09c7w0 /location/location/contains /m/0dq16 +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/05cljf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06dv3 +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/03x16f +/m/05mph /location/administrative_division/country /m/09c7w0 +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/05qd_ +/m/0gtv7pk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0j_c /film/actor/film./film/performance/film /m/0gy4k +/m/02_340 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gx_p +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/05dbf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09qr6 +/m/09ps01 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/044mrh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/0ckt6 /film/film/music /m/01l1rw +/m/059g4 /location/location/contains /m/01mpwj +/m/0g1x2_ /film/film_subject/films /m/04jpk2 +/m/03r8tl /award/award_category/winners./award/award_honor/award_winner /m/0292l3 +/m/0407f /film/actor/film./film/performance/film /m/0c8tkt +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01515w +/m/053vcrp /film/film_set_designer/film_sets_designed /m/025scjj +/m/02x_h0 /people/person/profession /m/09jwl +/m/02m92h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0342h /music/instrument/instrumentalists /m/01k98nm +/m/01r0t_j /influence/influence_node/influenced_by /m/0gt_k +/m/0qm40 /base/biblioness/bibs_location/country /m/0345h +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/05gnf +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/06d4h /film/film_subject/films /m/0280061 +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/03lsq +/m/01fx1l /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/01kckd /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06gbnc /people/ethnicity/people /m/07bsj +/m/034ls /people/person/employment_history./business/employment_tenure/company /m/0d6qjf +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/09_99w +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04n2vgk +/m/06fpsx /film/film/genre /m/0gsy3b +/m/03x_k5m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7xg +/m/02pbrn /award/award_winner/awards_won./award/award_honor/award_winner /m/02pzc4 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0187nd +/m/040whs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06bng /people/deceased_person/place_of_death /m/0r1yc +/m/08nhfc1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0flw6 +/m/017fp /media_common/netflix_genre/titles /m/04xx9s +/m/07r1h /film/actor/film./film/performance/film /m/02qcr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/01mqc_ /film/actor/film./film/performance/film /m/05dss7 +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/0mpbx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/013h9 +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/04dyqk /people/person/profession /m/02jknp +/m/02yj7w /people/person/places_lived./people/place_lived/location /m/04ykg +/m/047fwlg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0k60 /people/person/places_lived./people/place_lived/location /m/0fp5z +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01cky2 /award/award_category/category_of /m/0c4ys +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01w40h +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/01tw31 /people/person/places_lived./people/place_lived/location /m/0ccvd +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01cbwl /music/genre/artists /m/0232lm +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/035w2k /film/film/genre /m/01jfsb +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0q9sg +/m/03_3d /location/country/capital /m/07dfk +/m/01hgwkr /music/artist/origin /m/0d060g +/m/01gkp1 /film/film/production_companies /m/020h2v +/m/019_1h /people/person/places_lived./people/place_lived/location /m/01w2v +/m/02x6dqb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/093dqjy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02x0dzw +/m/01l1sq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03yf5g +/m/01pnn3 /film/actor/film./film/performance/film /m/01k1k4 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/01g6bk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fx4k /film/film/language /m/02h40lc +/m/0jmh7 /sports/sports_team/sport /m/018w8 +/m/04bgy /people/person/profession /m/0dz3r +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/019g65 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03lsq +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/04ls81 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/01h7bb /film/film/written_by /m/04g3p5 +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02vyyl8 /film/film/featured_film_locations /m/030qb3t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fhj1 +/m/01kf4tt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/021b_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/01vswwx /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/02jyr8 /education/educational_institution_campus/educational_institution /m/02jyr8 +/m/0738y5 /people/person/profession /m/02jknp +/m/0bksh /film/actor/film./film/performance/film /m/019vhk +/m/0r4z7 /location/hud_county_place/place /m/0r4z7 +/m/031t2d /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/0272kv +/m/01d650 /organization/organization/headquarters./location/mailing_address/citytown /m/0cy07 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01nn3m /people/person/gender /m/05zppz +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/026036 /education/educational_institution_campus/educational_institution /m/026036 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/04pk1f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/04jspq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03chx58 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07nx9j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/09ctj /location/location/contains /m/029skd +/m/018y2s /people/person/profession /m/02hrh1q +/m/018ty9 /people/person/profession /m/01d_h8 +/m/05ggt_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/017m2y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07r1h +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/01hrqc /people/person/profession /m/016z4k +/m/0bhtzw /soccer/football_player/current_team./sports/sports_team_roster/team /m/02gjt4 +/m/01dk00 /award/award_category/category_of /m/0c4ys +/m/0dl5d /music/genre/artists /m/01w3lzq +/m/0z20d /location/hud_county_place/county /m/0n1tx +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tn0_ +/m/0gywn /music/genre/artists /m/06cc_1 +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/03bnv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0428bc /film/actor/film./film/performance/film /m/0bz3jx +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034xyf +/m/07nxvj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01swck +/m/02rfft /business/business_operation/industry /m/020mfr +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/035bcl /film/film/production_companies /m/016tw3 +/m/02lnbg /music/genre/artists /m/0c7xjb +/m/01_c4 /location/location/contains /m/0m4yg +/m/02vcp0 /people/person/profession /m/09jwl +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/07ssc /location/location/contains /m/0c_zj +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/02cpb7 /film/actor/film./film/performance/film /m/03m5y9p +/m/07hgkd /award/award_winner/awards_won./award/award_honor/award_winner /m/05_swj +/m/0163kf /people/person/gender /m/02zsn +/m/05631 /tv/tv_program/genre /m/01w613 +/m/0swff /user/jg/default_domain/olympic_games/sports /m/01dys +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rb84n +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/03xp8d5 +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01hw5kk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/059rby /location/location/contains /m/01dljr +/m/017gxw /people/person/spouse_s./people/marriage/spouse /m/016zp5 +/m/026hxwx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/02cyfz +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pq9yv +/m/030vnj /film/actor/film./film/performance/film /m/0btbyn +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/059s8 /location/location/contains /m/074r0 +/m/05bt6j /music/genre/artists /m/01vsnff +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0409n0 +/m/05kr_ /location/location/contains /m/01gb_p +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/064xp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/078sj4 /film/film/language /m/02hxcvy +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/03gdf1 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01ljpm +/m/03hpr /people/person/religion /m/03_gx +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/0hn10 /media_common/netflix_genre/titles /m/03hkch7 +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/05szq8z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01fwpt /film/actor/film./film/performance/film /m/04hwbq +/m/0126y2 /people/person/place_of_birth /m/02_286 +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/016sp_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0btpx +/m/03d_zl4 /people/person/languages /m/04306rv +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011ywj +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050xxm +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/034_cr +/m/02bh9 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02h40lc /language/human_language/countries_spoken_in /m/019rg5 +/m/086hg9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/01l3wr /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0175rc +/m/0294zg /film/film/production_companies /m/05qd_ +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0chhs /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/07s95_l /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/04ghz4m /film/film/featured_film_locations /m/0f2tj +/m/05r5c /music/instrument/instrumentalists /m/01y_rz +/m/01vsnff /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01309x +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx_w +/m/0g2jl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0kbf1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0fvppk +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/03cs_z7 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02896 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/03d49 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06bd5j +/m/06p8m /business/business_operation/industry /m/01mw1 +/m/0cq806 /film/film/language /m/02h40lc +/m/0151ns /people/person/places_lived./people/place_lived/location /m/07bcn +/m/0j_c /film/actor/film./film/performance/film /m/01s9vc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/04fzk +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/01hww_ +/m/0f6cl2 /sports/sports_team/colors /m/088fh +/m/0165v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/07lt7b /film/actor/film./film/performance/film /m/02q6gfp +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0l39b /location/location/time_zones /m/02hczc +/m/01pqx6 /award/award_category/winners./award/award_honor/award_winner /m/0cbgl +/m/0192l /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01wz_ml +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02_n5d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x7vq /award/award_winner/awards_won./award/award_honor/award_winner /m/02d42t +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0sydc /people/profession/specialization_of /m/03qh03g +/m/01wxdn3 /people/person/profession /m/01d_h8 +/m/0p3r8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gfsq9 /film/film/written_by /m/06dkzt +/m/01vw20h /people/person/profession /m/05sxg2 +/m/0151w_ /film/actor/film./film/performance/film /m/0pc62 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx7r +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jkqfz +/m/01dq5z /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cw411 /film/film/language /m/04306rv +/m/0f13b /people/person/nationality /m/09c7w0 +/m/02d6cy /people/person/profession /m/0dxtg +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/05p9_ql /tv/tv_program/genre /m/04gm78f +/m/08lpkq /music/genre/artists /m/013qvn +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/05dtwm +/m/0395lw /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/016lh0 /influence/influence_node/influenced_by /m/032r1 +/m/0579tg2 /film/film_set_designer/film_sets_designed /m/02q_4ph +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/025rcc +/m/0690ct /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/026p4q7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01vrnsk /music/artist/origin /m/04lh6 +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01hmnh /media_common/netflix_genre/titles /m/05pxnmb +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/012ky3 +/m/05f7w84 /tv/tv_program/genre /m/0pr6f +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/04jpl /location/location/contains /m/0n95v +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0cf8qb /film/film/production_companies /m/05qd_ +/m/09b_0m /organization/organization/headquarters./location/mailing_address/state_province_region /m/0n2z +/m/06by7 /music/genre/artists /m/04vrxh +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/041rx /people/ethnicity/people /m/0127gn +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfns +/m/0fmc5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05lwjc /music/genre/artists /m/016ppr +/m/03lrqw /film/film/featured_film_locations /m/02_286 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0473rc /film/film/language /m/02h40lc +/m/01_x6v /people/person/languages /m/03_9r +/m/016wvy /people/person/profession /m/09jwl +/m/042z_g /people/person/gender /m/05zppz +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h18v +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09fqtq +/m/0ky1 /influence/influence_node/influenced_by /m/06y8v +/m/051q5 /sports/sports_team/colors /m/01l849 +/m/073x6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/0mvsg /location/location/time_zones /m/02hcv8 +/m/0p3sf /music/artist/track_contributions./music/track_contribution/role /m/0mbct +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/058frd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/06nm1 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/021_rm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/01kkk4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02hkv5 /people/person/nationality /m/03rk0 +/m/03hhd3 /film/actor/film./film/performance/film /m/01f7gh +/m/0jwvf /film/film/music /m/02wb6d +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09n48 +/m/018009 /film/actor/film./film/performance/film /m/047svrl +/m/05drq5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_mdl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/01nglk /film/actor/film./film/performance/film /m/0m2kd +/m/0bqtx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/0sngf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/081wh1 +/m/024fz9 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0194zl +/m/07n39 /people/person/gender /m/05zppz +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/03h0byn +/m/0bm2g /film/film/featured_film_locations /m/03gh4 +/m/0fzrhn /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c12h +/m/0582cf /people/person/nationality /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/0280061 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvs1kt +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/09qj50 +/m/0f4m2z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03g9xj /tv/tv_program/genre /m/03k9fj +/m/0glt670 /music/genre/artists /m/02x_h0 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/042q3 /people/person/profession /m/05z96 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/041mt /people/deceased_person/place_of_death /m/0lhql +/m/04ktcgn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03y0pn +/m/015y2q /location/location/contains /m/03w1lf +/m/0193f /music/genre/parent_genre /m/08cyft +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/01kjr0 /film/film/genre /m/09blyk +/m/0479b /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01csvq +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpx1k +/m/09gdh6k /film/film/featured_film_locations /m/04jpl +/m/09gdh6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04vs9 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_5d /film/film/music /m/07zhd7 +/m/01dw_f /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/05kfs +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01jzyf +/m/07s3vqk /people/deceased_person/place_of_death /m/0k049 +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01520h +/m/08ct6 /film/film/country /m/09c7w0 +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bx0lc +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gw7p +/m/06k176 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lfwp +/m/01n4bh /music/genre/parent_genre /m/03_d0 +/m/02q253 /education/educational_institution/students_graduates./education/education/student /m/0147jt +/m/04cv9m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f6zc /film/actor/film./film/performance/film /m/03177r +/m/0pdp8 /film/film/music /m/021bk +/m/067ghz /film/film/film_art_direction_by /m/05b2f_k +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/018js4 /film/film/featured_film_locations /m/0dc95 +/m/01t04r /music/record_label/artist /m/014_xj +/m/06y7d /people/person/employment_history./business/employment_tenure/company /m/03ksy +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/02hfp_ +/m/02bh8z /music/record_label/artist /m/01r7pq +/m/02g3gw /award/award_category/winners./award/award_honor/award_winner /m/0343h +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/041rx /people/ethnicity/people /m/0hskw +/m/0f7h2v /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0bkq7 +/m/0cmpn /people/deceased_person/place_of_burial /m/0bqyhk +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0bt4r4 +/m/06mfvc /people/person/profession /m/02hrh1q +/m/055z7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/062dn7 /film/actor/film./film/performance/film /m/09v9mks +/m/04pk1f /film/film/genre /m/05p553 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0dl5d /music/genre/artists /m/07zft +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09p0q +/m/04ld94 /people/person/profession /m/0dxtg +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ljbg +/m/04wg38 /award/award_winner/awards_won./award/award_honor/award_winner /m/025n3p +/m/01k70_ /people/person/nationality /m/09c7w0 +/m/0mxcf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx5p +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01ps2h8 /film/actor/film./film/performance/film /m/0c9t0y +/m/060pl5 /people/person/profession /m/02krf9 +/m/02zs4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04xbq3 +/m/0127gn /people/person/place_of_birth /m/02sn34 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01ppdy /award/award_category/disciplines_or_subjects /m/02xlf +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0ds33 /film/film/produced_by /m/09zw90 +/m/01hvzr /base/aareas/schema/administrative_area/administrative_parent /m/0dbdy +/m/043g7l /music/record_label/artist /m/01q99h +/m/05r5c /music/instrument/instrumentalists /m/0gkg6 +/m/03vyw8 /film/film/featured_film_locations /m/052p7 +/m/026y23w /people/person/nationality /m/07ssc +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0k_l4 +/m/084x96 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/05pcr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04vn_k +/m/018wrk /olympics/olympic_games/sports /m/02vx4 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02704ff +/m/0645k5 /film/film/genre /m/04pbhw +/m/07ss8_ /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/04hs7d /tv/tv_program/country_of_origin /m/03_3d +/m/041rx /people/ethnicity/people /m/0gv40 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award /m/099flj +/m/06j2v /people/ethnicity/people /m/01jgpsh +/m/011x_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pjr7 +/m/0g2lq /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03_d0 /music/genre/artists /m/01k47c +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2h +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0nmj /location/location/contains /m/03v6t +/m/07l450 /film/film/genre /m/03mqtr +/m/0d3k14 /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/027pdrh /people/person/nationality /m/02jx1 +/m/0mnwd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/016yzz /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/026fd /people/person/religion /m/03_gx +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/0638kv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/01271h /people/person/profession /m/0nbcg +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07h1tr +/m/0bwhdbl /film/film/prequel /m/02v63m +/m/06mnps /film/actor/film./film/performance/film /m/0287477 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0l15n +/m/0315rp /film/film/production_companies /m/016tw3 +/m/03z106 /film/film/runtime./film/film_cut/film_release_region /m/01znc_ +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/01rtm4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0436yk /film/film/genre /m/05p553 +/m/01f9zw /people/person/nationality /m/09c7w0 +/m/09l3p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03kbb8 +/m/02jq1 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/014pg1 /music/artist/origin /m/030qb3t +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/01wbg84 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023kzp +/m/07ssc /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s_2 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/08g_jw /film/film/country /m/09c7w0 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019mcm +/m/027l0b /film/actor/film./film/performance/film /m/018f8 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/0b6tzs /film/film/produced_by /m/02kxbwx +/m/07ssc /media_common/netflix_genre/titles /m/08vd2q +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/015g_7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cvwkr +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/06r2_ /film/film/country /m/09c7w0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02hmw9 +/m/02404v /people/person/profession /m/0dgd_ +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/017gm7 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0prhz +/m/02mhfy /people/person/languages /m/02h40lc +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0pj9t +/m/05cljf /people/person/profession /m/039v1 +/m/02w7gg /people/ethnicity/languages_spoken /m/02h40lc +/m/0dfw0 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/033tf_ /people/ethnicity/people /m/0cm89v +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/07mqps /people/ethnicity/people /m/0gcs9 +/m/02brqp /business/business_operation/industry /m/020mfr +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0289q +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/015g_7 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01wrcxr +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/02snj9 +/m/04tng0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016k6x /film/actor/film./film/performance/film /m/0hfzr +/m/01w9wwg /film/actor/film./film/performance/film /m/0g7pm1 +/m/05f7w84 /tv/tv_program/genre /m/01htzx +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/011yg9 /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/02g0mx /people/person/profession /m/09jwl +/m/04mx8h4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0725ny +/m/0kvb6p /film/film/genre /m/04xvh5 +/m/063t3j /people/person/nationality /m/02jx1 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s9y +/m/0hwbd /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05np4c /film/actor/film./film/performance/film /m/048vhl +/m/0bykpk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pp3p +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/02vzc +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/017lqp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bz6sq +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/078jt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/0dkb83 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/030vmc /film/director/film /m/07sgdw +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/06by7 /music/genre/artists /m/01dq9q +/m/0215n /media_common/netflix_genre/titles /m/01hvv0 +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/03ywyk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/033jkj +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/063472 +/m/0cx6f /music/genre/artists /m/0lgm5 +/m/02knxx /people/cause_of_death/people /m/0bs8d +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/074tb5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dl4z /base/culturalevent/event/entity_involved /m/0chghy +/m/01lsl /film/film/genre /m/01g6gs +/m/016z5x /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01sby_ /film/film/genre /m/03k9fj +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lhm2 +/m/07ssc /location/location/contains /m/0m43j +/m/0ctb4g /film/film/production_companies /m/03sb38 +/m/0184jw /award/award_winner/awards_won./award/award_honor/award_winner /m/0237jb +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/050ks /location/administrative_division/country /m/09c7w0 +/m/04rrx /location/location/contains /m/0vfs8 +/m/0jlv5 /film/actor/film./film/performance/film /m/040b5k +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02v570 +/m/025ljp /tv/tv_program/genre /m/0dm00 +/m/0144l1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/027r9t +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/01k5zk /people/person/gender /m/02zsn +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cd1q +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxg4 +/m/04rzd /music/instrument/instrumentalists /m/01vrnsk +/m/050xpd /organization/organization/headquarters./location/mailing_address/citytown /m/09f07 +/m/02__x /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/01l1b90 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01xg_w +/m/013knm /film/actor/film./film/performance/film /m/034b6k +/m/0kb3n /people/person/profession /m/0dxtg +/m/07y9w5 /film/film/executive_produced_by /m/01f7j9 +/m/02p8454 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02jyr8 /education/educational_institution/colors /m/083jv +/m/0gvbw /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02r_d4 /film/actor/film./film/performance/film /m/02xbyr +/m/0d8_wz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/048z7l /people/ethnicity/people /m/01fyzy +/m/030h95 /film/actor/film./film/performance/film /m/0ct5zc +/m/02rxbmt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/02jx1 /location/location/contains /m/0f8j6 +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0hvvf /film/film/language /m/02h40lc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/01nwwl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bxsw +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06cgy +/m/01hmnh /media_common/netflix_genre/titles /m/076tw54 +/m/037njl /education/educational_institution/school_type /m/04399 +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/016yzz /people/person/profession /m/02krf9 +/m/09kr66 /people/ethnicity/people /m/09h_q +/m/0bxbb /location/hud_county_place/county /m/0bx9y +/m/09r9dp /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/04jhhng /award/award_category/winners./award/award_honor/award_winner /m/05fyss +/m/02ctzb /people/ethnicity/people /m/01y8cr +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/04xvlr /media_common/netflix_genre/titles /m/0bcndz +/m/06mn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02dj3 /education/educational_institution_campus/educational_institution /m/02dj3 +/m/0479b /people/person/nationality /m/09c7w0 +/m/05rfst /film/film/music /m/01tc9r +/m/0fby2t /film/actor/film./film/performance/film /m/02825kb +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03cwwl +/m/03gyl /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/0lgxj /olympics/olympic_games/sports /m/0dwxr +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fbtm7 +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/019pcs /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/0265v21 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/095zlp +/m/01cf5 /education/educational_institution/students_graduates./education/education/student /m/03c6v3 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/01hb6v /influence/influence_node/influenced_by /m/048cl +/m/0n5hh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07vfz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x3n /people/person/profession /m/02hrh1q +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0296vv +/m/0kp2_ /people/person/profession /m/0dxtg +/m/0xn7b /location/hud_county_place/place /m/0xn7b +/m/08swgx /film/actor/film./film/performance/film /m/08r4x3 +/m/0f4yh /film/film/language /m/02h40lc +/m/02w7gg /people/ethnicity/people /m/01nwwl +/m/07hwkr /people/ethnicity/people /m/05gml8 +/m/0222qb /people/ethnicity/people /m/02g87m +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/08c6k9 /film/film/executive_produced_by /m/0gg9_5q +/m/04cmrt /people/person/place_of_birth /m/04vmp +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpkhkz +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02j62 +/m/05dy7p /film/film/music /m/06449 +/m/0p_47 /people/person/profession /m/02hv44_ +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048lv +/m/0x67 /people/ethnicity/people /m/01g0jn +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tcf7 +/m/026z9 /music/genre/artists /m/0163m1 +/m/06c97 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04yj5z /people/person/nationality /m/01ls2 +/m/05ty4m /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/0w7c /education/field_of_study/students_majoring./education/education/student /m/0gps0z +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/01jv_6 +/m/04gknr /film/film/other_crew./film/film_crew_gig/crewmember /m/05b49tt +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0f2nf /location/hud_county_place/place /m/0f2nf +/m/0151w_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05m63c +/m/026mj /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy7bj4 +/m/011s0 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0xr0t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_ztw /people/person/spouse_s./people/marriage/spouse /m/0167v4 +/m/08gsvw /film/film/language /m/064_8sq +/m/01k7xz /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07ssc /location/location/contains /m/015cj9 +/m/01vw8k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02kwcj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dt645q +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcr +/m/04xvlr /media_common/netflix_genre/titles /m/0294mx +/m/07jq_ /film/film_subject/films /m/0fb7sd +/m/0k4f3 /film/film/genre /m/06cvj +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/043vc +/m/0130sy /music/group_member/membership./music/group_membership/role /m/03m5k +/m/0n3ll /location/location/contains /m/013hxv +/m/03wnh /sports/sports_team/sport /m/0jm_ +/m/02rghbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/06q8hf /award/award_nominee/award_nominations./award/award_nomination/award /m/01lj_c +/m/0kvgxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/01kwsg +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01wgfp6 /people/person/places_lived./people/place_lived/location /m/0dc95 +/m/057cc /music/instrument/instrumentalists /m/01w9k25 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rxrh +/m/0478__m /people/person/profession /m/012t_z +/m/02_0d2 /people/person/profession /m/0dxtg +/m/02bqn1 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/03x31g /film/actor/film./film/performance/film /m/0f42nz +/m/0bx_hnp /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/01vsksr /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/01qg7c /film/director/film /m/031t2d +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxf4 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/04s5_s /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/05xpms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/0r066 /location/hud_county_place/place /m/0r066 +/m/02b61v /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0prfz /film/actor/film./film/performance/film /m/05pbl56 +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07ylj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/0ldqf /olympics/olympic_games/sports /m/02vx4 +/m/03xnq9_ /people/person/profession /m/016z4k +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/05rfst +/m/0jhn7 /olympics/olympic_games/sports /m/0crlz +/m/035wcs /music/genre/artists /m/03f0qd7 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0jhn7 /olympics/olympic_games/sports /m/07jjt +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/041y2 /education/field_of_study/students_majoring./education/education/student /m/06n7h7 +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dgskx +/m/02zk08 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/015whm /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0ws7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027xbpw +/m/03y82t6 /people/person/employment_history./business/employment_tenure/company /m/015_1q +/m/06t74h /people/person/gender /m/05zppz +/m/01vy_v8 /film/actor/film./film/performance/film /m/0f3m1 +/m/01fx1l /tv/tv_program/genre /m/07s9rl0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01kc4s +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/04sry /film/actor/film./film/performance/film /m/019vhk +/m/0b_6pv /time/event/locations /m/0fsb8 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/06k176 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02pkpfs +/m/030_3z /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/0b_6xf /time/event/locations /m/0f2rq +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/03f7m4h /music/artist/origin /m/0cr3d +/m/04s1zr /film/film/genre /m/01jfsb +/m/03_bcg /award/award_winner/awards_won./award/award_honor/award_winner /m/02vyh +/m/03g62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/08132w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0170pk /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/013zyw /people/person/profession /m/0dxtg +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04s04 +/m/0d4fqn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/032c7m +/m/0262zm /award/award_category/winners./award/award_honor/award_winner /m/04mhl +/m/05r5c /music/instrument/instrumentalists /m/01nhkxp +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/05pq9 +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/0g3b2z /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03jb2n +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/05w3y /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0hnf5vm /award/award_category/winners./award/award_honor/award_winner /m/0kjrx +/m/01z4y /media_common/netflix_genre/titles /m/05dptj +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/03b04g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/016l09 +/m/015vql /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02k84w +/m/01x4sb /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01skmp /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f25y +/m/0bhvtc /award/award_winner/awards_won./award/award_honor/award_winner /m/0pmw9 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0pspl /education/educational_institution/students_graduates./education/education/student /m/01_xtx +/m/045xh /award/award_category/disciplines_or_subjects /m/02xlf +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kftt +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/01y_rz /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0bw7ly /people/person/gender /m/05zppz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/01f6x7 /film/film/produced_by /m/03h304l +/m/0ym8f /education/educational_institution/colors /m/019sc +/m/04y5j64 /film/film/genre /m/05p553 +/m/05p1tzf /film/film/featured_film_locations /m/030qb3t +/m/01gw4f /film/actor/film./film/performance/film /m/0jsf6 +/m/0mzkr /music/record_label/artist /m/06y9c2 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/01tgwv /award/award_category/winners./award/award_honor/award_winner /m/0gd5z +/m/09dt7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/04xm_ /people/person/nationality /m/0345h +/m/0d060g /location/location/contains /m/01d26y +/m/0272vm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06by7 /music/genre/artists /m/01vtg4q +/m/0fb0v /music/record_label/artist /m/079kr +/m/0c1sgd3 /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/054ky1 /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/05fjf /location/location/contains /m/0n5kc +/m/0n08r /film/film/music /m/0p5mw +/m/044n3h /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/0cm19f /people/person/gender /m/05zppz +/m/04180vy /film/film/country /m/09c7w0 +/m/01w272y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wzlxj +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0ndwt2w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ptxj /film/film/country /m/09c7w0 +/m/02l_7y /people/person/profession /m/0nbcg +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cycq +/m/034x61 /people/person/nationality /m/09c7w0 +/m/0sd7v /location/hud_county_place/county /m/0nv5y +/m/02t_vx /film/actor/film./film/performance/film /m/016z9n +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/05qhnq /music/group_member/membership./music/group_membership/group /m/02mq_y +/m/03dq9 /people/deceased_person/place_of_death /m/019rvp +/m/09c7w0 /location/location/contains /m/01jpqb +/m/01qrb2 /education/educational_institution/campuses /m/01qrb2 +/m/05dppk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/05qgd9 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/027tbrc /tv/tv_program/country_of_origin /m/07ssc +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02q8ms8 +/m/06jw0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yjhm +/m/0gd9k /people/person/profession /m/08z956 +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/role /m/02pprs +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/04crrxr +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0203v +/m/015qsq /film/film/featured_film_locations /m/02nd_ +/m/0jm5b /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02sf_r +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015rkw +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0660b9b +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0bxl5 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026g801 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bx0lc +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/0glyyw +/m/0338g8 /people/person/profession /m/0dxtg +/m/04bdqk /film/actor/film./film/performance/film /m/07nnp_ +/m/01wxdn3 /music/group_member/membership./music/group_membership/role /m/0342h +/m/03yfh3 /sports/sports_team/sport /m/02vx4 +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06vsbt +/m/0b7gxq /people/person/profession /m/0dxtg +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024rbz +/m/02zfdp /film/actor/film./film/performance/film /m/05pdd86 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05p9_ql /tv/tv_program/genre /m/05p553 +/m/05k2xy /film/film/genre /m/01jfsb +/m/01p3ty /film/film/genre /m/02l7c8 +/m/014_x2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06t74h /film/actor/film./film/performance/film /m/095z4q +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/060__7 +/m/07sp4l /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0pmhf /film/actor/film./film/performance/film /m/03shpq +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0cd2vh9 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04xg2f +/m/05vsxz /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/01j5ts /people/person/nationality /m/09c7w0 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/05f4vxd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07k51gd +/m/09sdmz /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/027z0pl /people/person/profession /m/012t_z +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/01vwllw /people/person/religion /m/0c8wxp +/m/0dg3n1 /base/locations/continents/countries_within /m/04v09 +/m/01qscs /film/actor/film./film/performance/film /m/034hwx +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/03mdt /award/award_winner/awards_won./award/award_honor/award_winner /m/01w92 +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/02d003 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/049xgc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08h79x +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028r4y +/m/06449 /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/02tcgh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0642xf3 /film/film/genre /m/03k9fj +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/030g9z +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0130sy /people/person/nationality /m/09c7w0 +/m/016cjb /music/genre/artists /m/02jg92 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1pv +/m/01cgz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02m501 +/m/09c7w0 /location/country/second_level_divisions /m/0k3gj +/m/0hfml /people/person/gender /m/05zppz +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/01z9_x +/m/02q0v8n /film/film/production_companies /m/05qd_ +/m/0z5vp /location/location/time_zones /m/02fqwt +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03l3jy /people/person/profession /m/02hrh1q +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/0127m7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0bq8tmw /film/film/produced_by /m/043q6n_ +/m/0f04v /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0cwy47 /film/film/written_by /m/027vps +/m/041rx /people/ethnicity/people /m/01wk51 +/m/0yz30 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0mhfr /music/genre/artists /m/01vw20_ +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/05drr9 /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/086nl7 +/m/015p37 /people/person/religion /m/0c8wxp +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0p9nv /location/hud_county_place/place /m/0p9nv +/m/0f5xn /film/actor/film./film/performance/film /m/0h6r5 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/0252fh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017xm3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/07tk7 +/m/04wf_b /people/person/profession /m/02hrh1q +/m/0mmty /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vnmc9 /film/film/genre /m/04t36 +/m/016z68 /film/actor/film./film/performance/film /m/02prwdh +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp08zg +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/056zf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/047p7fr +/m/034fl9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dg51 +/m/02f72_ /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0j1yf +/m/015pxr /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/0755wz /people/person/place_of_birth /m/095l0 +/m/017_qw /music/genre/artists /m/05jrj4 +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/029fbr /music/genre/parent_genre /m/08jyyk +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/027kmrb +/m/0342h /music/instrument/instrumentalists /m/0136pk +/m/086k8 /music/record_label/artist /m/01wgcvn +/m/01f08r /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0d__g /people/person/profession /m/0mn6 +/m/07ssc /media_common/netflix_genre/titles /m/03cfkrw +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/01dw9z /people/person/profession /m/02hrh1q +/m/03cwwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/04sj3 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/044f7 /people/deceased_person/place_of_death /m/02_286 +/m/01gzm2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/034qmv /film/film/language /m/04306rv +/m/01k3s2 /education/educational_institution/campuses /m/01k3s2 +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc5qkt +/m/051wwp /film/actor/film./film/performance/film /m/080lkt7 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/04z257 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cc7hmk /film/film/film_festivals /m/0g57ws5 +/m/037w7r /film/actor/film./film/performance/film /m/0g5838s +/m/080h2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0f0qfz /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/0f14q +/m/01k_0fp /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/08433 /influence/influence_node/peers./influence/peer_relationship/peers /m/041mt +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0d8_wz +/m/0329nn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02d45s /film/actor/film./film/performance/film /m/04hk0w +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/025b5y +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0162b /location/country/official_language /m/01c7y +/m/01wmgrf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02lk95 +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/0gd_s +/m/014xf6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dm5l /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/0yz30 /location/location/time_zones /m/02hcv8 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb559 +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pd64 +/m/05l4yg /film/actor/film./film/performance/film /m/0888c3 +/m/029b9k /people/person/nationality /m/09c7w0 +/m/015qt5 /film/actor/film./film/performance/film /m/0199wf +/m/017kz7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0bjkk9 /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/018ctl /olympics/olympic_games/participating_countries /m/03548 +/m/01dw4q /award/award_winner/awards_won./award/award_honor/award_winner /m/058ncz +/m/052hl /people/person/nationality /m/09c7w0 +/m/04fzfj /film/film/genre /m/0h9qh +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06pwq +/m/03kxj2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01g0p5 /education/educational_institution/campuses /m/01g0p5 +/m/0jswp /film/film/language /m/02h40lc +/m/03gj2 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/01dbns /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/09k0f /people/person/religion /m/0kpl +/m/0329nn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/0l8sx /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02x20c9 /people/person/profession /m/01d_h8 +/m/0x82 /language/human_language/countries_spoken_in /m/0166v +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/011ysn +/m/025scjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072twv +/m/013l6l /location/location/time_zones /m/02fqwt +/m/08_83x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01mjq +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/02cgb8 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0c6qh /award/award_winner/awards_won./award/award_honor/award_winner /m/04g3p5 +/m/081lh /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/018db8 /film/actor/film./film/performance/film /m/09q5w2 +/m/0p8jf /people/person/gender /m/05zppz +/m/0h5qxv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059ts +/m/016vg8 /people/person/profession /m/02hrh1q +/m/03_3d /location/location/contains /m/018jn4 +/m/0qmfk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05hdf +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c53vt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05ypj5 +/m/026c1 /film/actor/film./film/performance/film /m/03bzjpm +/m/01n_2f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/06qjgc +/m/08132w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/088xp /location/country/form_of_government /m/06cx9 +/m/0747k8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/056zf9 +/m/0n6f8 /film/actor/film./film/performance/film /m/0dll_t2 +/m/04n52p6 /film/film/genre /m/0lsxr +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/026w_gk +/m/0841zn /sports/pro_athlete/teams./sports/sports_team_roster/team /m/077jpc +/m/02rqwhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/06nm1 /language/human_language/countries_spoken_in /m/05c74 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0d_w7 /influence/influence_node/influenced_by /m/0d__g +/m/01dys /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qgqt +/m/034m8 /location/country/form_of_government /m/01fpfn +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04qk12 /film/film/language /m/04306rv +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/055z7 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0fh694 /film/film/genre /m/01jfsb +/m/03qsdpk /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/0mlw1 /location/location/contains /m/09snz +/m/047csmy /film/film/genre /m/03k9fj +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/0170z3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gvm3t /tv/tv_program/program_creator /m/01pfkw +/m/016732 /people/person/profession /m/012t_z +/m/02_286 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/02613 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0b90_r +/m/048s0r /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04g2jz2 /award/award_category/winners./award/award_honor/award_winner /m/0438pz +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0204jh /education/educational_institution/students_graduates./education/education/student /m/01twdk +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vyf +/m/0cf8qb /film/film/language /m/06b_j +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02jd_7 /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/0d9_96 /people/person/gender /m/05zppz +/m/02q3bb /award/award_winner/awards_won./award/award_honor/award_winner /m/0311wg +/m/03j70t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/02bft /medicine/disease/risk_factors /m/0qcr0 +/m/07t21 /location/country/official_language /m/0cjk9 +/m/0nj0m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj7b +/m/078ym8 /base/aareas/schema/administrative_area/administrative_parent /m/0f8l9c +/m/0343h /influence/influence_node/influenced_by /m/02vyw +/m/0drc1 /people/person/religion /m/0kpl +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nwwl +/m/015196 /music/group_member/membership./music/group_membership/role /m/0342h +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0p3r8 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04ghz4m +/m/03rk0 /location/location/contains /m/03w1lf +/m/053ksp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03mstc /people/person/profession /m/02krf9 +/m/020bv3 /film/film/produced_by /m/0b13g7 +/m/019g65 /people/person/gender /m/05zppz +/m/0cvkv5 /film/film/genre /m/02n4kr +/m/03lt8g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/05bnx3j /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0ddd0gc +/m/015t56 /film/actor/film./film/performance/film /m/05650n +/m/02j9z /base/locations/continents/countries_within /m/04j53 +/m/085jw /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/04z0g /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/059gkk +/m/02k1pr /film/film/production_companies /m/016tt2 +/m/0y_hb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0h6r5 +/m/015wd7 /music/genre/artists /m/05crg7 +/m/0829rj /people/person/nationality /m/09c7w0 +/m/05qhw /location/location/time_zones /m/02llzg +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/04sj3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/045r_9 /film/film/language /m/02h40lc +/m/024qqx /media_common/netflix_genre/titles /m/0872p_c +/m/05jbn /base/biblioness/bibs_location/state /m/07h34 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0c_zj +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04flrx +/m/01g4bk /award/award_nominee/award_nominations./award/award_nomination/award /m/0776drd +/m/05zbm4 /people/person/places_lived./people/place_lived/location /m/0281s1 +/m/02624g /film/actor/film./film/performance/film /m/063fh9 +/m/03bdm4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01s3vk /film/film/produced_by /m/07rd7 +/m/014ps4 /influence/influence_node/influenced_by /m/0g5ff +/m/017vkx /music/group_member/membership./music/group_membership/role /m/018vs +/m/019gz /people/person/nationality /m/07ssc +/m/011k1h /music/record_label/artist /m/0c7xjb +/m/0chw_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/047gpsd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08qvhv /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0z9c /music/genre/artists /m/01v27pl +/m/02lgfh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05sy0cv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02q3bb +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/05m7zg +/m/09c7w0 /location/location/contains /m/0r6ff +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g801 +/m/0k95h /medicine/disease/risk_factors /m/012jc +/m/017fp /media_common/netflix_genre/titles /m/01719t +/m/02js6_ /film/actor/film./film/performance/film /m/07vn_9 +/m/02qcr /film/film/genre /m/02js9 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/073w14 /people/person/languages /m/0349s +/m/01r47h /education/educational_institution/students_graduates./education/education/student /m/0h7pj +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/0dwt5 +/m/0mp08 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018gkb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vz80y /people/person/gender /m/05zppz +/m/0721cy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0q9jk +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04bcb1 +/m/031bf1 /people/person/profession /m/02jknp +/m/016fjj /film/actor/film./film/performance/film /m/0hmr4 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/0pf5y /location/location/time_zones /m/02llzg +/m/012vm6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/03xpfzg /people/person/nationality /m/09c7w0 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0322yj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04p3w /people/cause_of_death/people /m/0d4jl +/m/05p92jn /people/person/profession /m/02hrh1q +/m/0f42nz /film/film/country /m/03rk0 +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0g5ptf /film/film/featured_film_locations /m/03rjj +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fs__ +/m/02yvct /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c_drn +/m/02v60l /people/person/gender /m/05zppz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0451j /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0hpv3 /education/educational_institution_campus/educational_institution /m/0hpv3 +/m/0bmch_x /film/film/language /m/0jzc +/m/012ycy /people/person/nationality /m/09c7w0 +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01tp5bj /music/group_member/membership./music/group_membership/role /m/0342h +/m/01fwj8 /film/actor/film./film/performance/film /m/01sxdy +/m/0blgl /people/person/nationality /m/09c7w0 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020_95 +/m/011yr9 /film/film/genre /m/03bxz7 +/m/07z1m /location/location/time_zones /m/02hcv8 +/m/061xq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/069q4f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01x2tm8 /people/person/profession /m/0np9r +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w7nww +/m/0275_pj /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/01y8cr /people/person/profession /m/02hrh1q +/m/0bx9y /base/biblioness/bibs_location/state /m/04rrd +/m/02jkkv /film/film/executive_produced_by /m/01qg7c +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0d1mp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0_9wr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/05cgv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0164v +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02bhj4 +/m/0gcs9 /people/person/places_lived./people/place_lived/location /m/0xq63 +/m/01wbg84 /film/actor/film./film/performance/film /m/0435vm +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/0170pk /film/actor/film./film/performance/film /m/09gq0x5 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0prh7 +/m/03ds83 /award/award_winner/awards_won./award/award_honor/award_winner /m/01lbp +/m/02wvfxl /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/07xzm +/m/0tr3p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/033m23 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0dsvzh /film/film/genre /m/02n4kr +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/020ddc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/01r4hry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k1k4 +/m/050r1z /film/film/written_by /m/04y8r +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/05dxl5 +/m/05tg3 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/071ynp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rtqvb /film/film/genre /m/02l7c8 +/m/07s8hms /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02sb1w +/m/03y0pn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01kwld /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/01vvzb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/014g22 /film/actor/film./film/performance/film /m/026mfbr +/m/0l15bq /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/02vr7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l14j_ /music/instrument/instrumentalists /m/01wmjkb +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/0dg3n1 /base/locations/continents/countries_within /m/06srk +/m/03r0g9 /film/film/written_by /m/05ldnp +/m/01j5ws /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/047svrl /film/film/music /m/02qfhb +/m/02q_x_l /tv/tv_program/genre /m/01z77k +/m/06pj8 /people/person/profession /m/02hrh1q +/m/0515_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01797x /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xwgr +/m/02lf70 /award/award_winner/awards_won./award/award_honor/award_winner /m/01r42_g +/m/037jz /influence/influence_node/influenced_by /m/06lbp +/m/03qbnj /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/07brj /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/0124ld /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/057xn_m /people/person/profession /m/016z4k +/m/03r0g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/018vs /music/instrument/instrumentalists /m/01mvjl0 +/m/06ryl /location/country/form_of_government /m/018wl5 +/m/0343h /people/person/profession /m/0dxtg +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0c921 +/m/0mpbj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mpdw +/m/05q54f5 /film/film/language /m/0jzc +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j3d9tn +/m/03cx282 /people/person/profession /m/0dgd_ +/m/01qbl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15bq +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/0cmdwwg /film/film/genre /m/05p553 +/m/01271h /music/group_member/membership./music/group_membership/group /m/0jg77 +/m/09wj5 /film/actor/film./film/performance/film /m/01vw8k +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/01vrlqd +/m/0gs973 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063k3h /people/ethnicity/people /m/042f1 +/m/01xqw /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/013w8y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021bk /film/actor/film./film/performance/film /m/01738w +/m/0173s9 /education/educational_institution/school_type /m/01jlsn +/m/0421st /film/actor/film./film/performance/film /m/04tz52 +/m/05mxw33 /people/person/profession /m/0cbd2 +/m/03wjb7 /people/person/place_of_birth /m/0nbrp +/m/01693z /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/01cwdk /education/educational_institution/colors /m/01g5v +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/01qdjm /people/person/profession /m/0nbcg +/m/03915c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/01hkhq +/m/09dv0sz /people/person/gender /m/05zppz +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01y9xg +/m/02704ff /film/film/executive_produced_by /m/02q42j_ +/m/09c7w0 /location/country/second_level_divisions /m/0m2gk +/m/05q2c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/03ds83 /people/person/profession /m/02hrh1q +/m/015ln1 /education/educational_institution/students_graduates./education/education/student /m/05vsxz +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jym0 +/m/0c02jh8 /sports/sports_team/colors /m/01g5v +/m/07c2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02f76h /award/award_category/winners./award/award_honor/award_winner /m/02vwckw +/m/015pkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/022q32 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0kn +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/02k856 +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0bs5vty /film/film/genre /m/06cvj +/m/0h44w /location/country/capital /m/0430_ +/m/01wb8bs /award/award_nominee/award_nominations./award/award_nomination/award /m/09lvl1 +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01pqy_ +/m/05qhw /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/027r9t /film/film/runtime./film/film_cut/film_release_region /m/01pj7 +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/02nx2k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fpj9pm /people/person/spouse_s./people/marriage/location_of_ceremony /m/0d9jr +/m/05vk_d /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01npcy7 +/m/03n5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/06by7 /music/genre/artists /m/05563d +/m/01f6zc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qlp4 +/m/0ctzf1 /tv/tv_program/genre /m/03k9fj +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/0gdh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cbv4g +/m/05fgr_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/061dn_ +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0162b +/m/01n7q /location/location/contains /m/06_kh +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0m2kd /film/film/genre /m/03k9fj +/m/0mm_4 /location/hud_county_place/place /m/0mm_4 +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/087r4 +/m/0f1sm /base/biblioness/bibs_location/state /m/01x73 +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/021f30 /sports/sports_team/colors /m/02rnmb +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/014v6f /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cvv4 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/030k94 +/m/01zz8t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04xrx /people/person/profession /m/0kyk +/m/05bt6j /music/genre/artists /m/01323p +/m/03lpd0 /people/person/profession /m/0np9r +/m/0342h /music/instrument/instrumentalists /m/01jfnvd +/m/0ndsl1x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/0xhtw /music/genre/artists /m/01w20rx +/m/015_1q /music/record_label/artist /m/02lvtb +/m/0h005 /people/person/place_of_birth /m/0fpzwf +/m/0j6tr /sports/sports_team/sport /m/03tmr +/m/014g_s /people/person/places_lived./people/place_lived/location /m/03gh4 +/m/01vs73g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02184q /people/person/profession /m/02hv44_ +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/04glr5h +/m/0d0vj4 /people/person/nationality /m/09c7w0 +/m/04xvlr /media_common/netflix_genre/titles /m/0n_hp +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02f6g5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017cjb /location/location/time_zones /m/03bdv +/m/01j6mff /people/person/profession /m/02hrh1q +/m/03fhjz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/032dg7 +/m/02ndbd /people/person/nationality /m/09c7w0 +/m/01l2fn /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0456xp +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/0n3g /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/07kfzsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8gz +/m/0l2lk /location/location/contains /m/0r22d +/m/034hck /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1w7 +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/064_8sq +/m/030p35 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02p65p +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dfw0 +/m/06x68 /sports/sports_team/colors /m/06fvc +/m/01dtcb /music/record_label/artist /m/0153nq +/m/05bt6j /music/genre/artists /m/03j24kf +/m/027j79k /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01xpxv /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04994l /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02q52q /film/film/produced_by /m/012vby +/m/02zfdp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019ltg +/m/06czxq /people/person/place_of_birth /m/02h98sm +/m/02_p5w /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/063ykwt /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0hz_1 +/m/043hg /people/person/profession /m/0kyk +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0127m7 +/m/04jb97 /film/actor/film./film/performance/film /m/0233bn +/m/0557q /music/genre/artists /m/02cx72 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jszm +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0222qb /people/ethnicity/people /m/09qc1 +/m/0x67 /people/ethnicity/people /m/02pbrn +/m/0422v0 /film/film/genre /m/02n4kr +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/015t56 /film/actor/film./film/performance/film /m/01f7jt +/m/01wz3cx /people/person/religion /m/025t7ly +/m/02_2v2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04qr6d /people/person/nationality /m/03rk0 +/m/0b_6xf /time/event/locations /m/0_vn7 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01y64_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g4n +/m/0hwpz /film/film/film_format /m/07fb8_ +/m/0fvzg /location/location/contains /m/035wtd +/m/0m76b /organization/organization_founder/organizations_founded /m/01cvxf +/m/029d_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/09fb5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07xtqq +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/014bpd /film/film/genre /m/01q03 +/m/026n998 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/0162b /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0272vm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01g969 /film/actor/film./film/performance/film /m/06c0ns +/m/030xr_ /film/actor/film./film/performance/film /m/02qr69m +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/05bt6j /music/genre/artists /m/0127s7 +/m/01vsn38 /people/person/gender /m/05zppz +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/04gc65 /film/actor/film./film/performance/film /m/065z3_x +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/023vcd /film/film/written_by /m/0pz91 +/m/05rx__ /influence/influence_node/influenced_by /m/013qvn +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/09n48 /olympics/olympic_games/participating_countries /m/0f8l9c +/m/05w6cw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/02jyhv +/m/0bzty /location/location/contains /m/040hg8 +/m/026c1 /people/person/profession /m/0dxtg +/m/01ts_3 /people/person/gender /m/05zppz +/m/02h7qr /education/educational_institution/school_type /m/07tf8 +/m/08z129 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/03fbb6 /film/actor/film./film/performance/film /m/04s1zr +/m/03hh89 /people/person/places_lived./people/place_lived/location /m/06y57 +/m/06wxw /location/location/contains /m/02tz9z +/m/01nd6v /people/person/profession /m/0np9r +/m/0lwkh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05_61y /film/film/genre /m/0jtdp +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/04nlb94 /film/film/genre /m/07s9rl0 +/m/0xhtw /music/genre/artists /m/095x_ +/m/080dfr7 /film/film/genre /m/03k9fj +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/02hh8j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmfk +/m/0zcbl /film/actor/film./film/performance/film /m/0cp0790 +/m/01wz01 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fkv0 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03ym73 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/06by7 /music/genre/artists /m/01y_rz +/m/01vh096 /people/deceased_person/place_of_death /m/05qtj +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vy5j +/m/07s9rl0 /media_common/netflix_genre/titles /m/02yxbc +/m/03fbb6 /film/actor/film./film/performance/film /m/02cbhg +/m/03_xj /location/country/official_language /m/064_8sq +/m/040db /people/person/employment_history./business/employment_tenure/company /m/02f8zw +/m/0jkvj /olympics/olympic_games/sports /m/0w0d +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hh89 +/m/02wtp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/03fpx /music/genre/parent_genre /m/03gt7s +/m/0gfsq9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jxmr +/m/01lvcs1 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/03qjlz +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/01bpc9 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0b25vg +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/01r2c7 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/064t9 /music/genre/artists /m/04bbv7 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dscrwf /film/film/country /m/0345h +/m/02tzwd /award/award_category/disciplines_or_subjects /m/04g51 +/m/064p92m /people/person/nationality /m/03rk0 +/m/02bh8z /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/01ycfv /music/artist/track_contributions./music/track_contribution/role /m/0dwvl +/m/0315q3 /people/person/religion /m/05sfs +/m/03d34x8 /award/award_winning_work/awards_won./award/award_honor/award /m/0cqhb3 +/m/0ldqf /olympics/olympic_games/sports /m/0bynt +/m/02ctzb /people/ethnicity/people /m/042d1 +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/07fpm3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0140t7 /music/artist/track_contributions./music/track_contribution/role /m/051hrr +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/07sbbz2 /music/genre/artists /m/015srx +/m/0f5xn /film/actor/film./film/performance/film /m/02qhqz4 +/m/01p8s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05c74 +/m/024rwx /tv/tv_program/genre /m/025s89p +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0m2j5 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gk +/m/02qydsh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01sgl /media_common/netflix_genre/titles /m/0p_tz +/m/047sgz4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bt4g /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/01mskc3 /people/person/languages /m/02h40lc +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vvh9 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07tj4c /film/film/language /m/02h40lc +/m/04gm7n /music/record_label/artist /m/01vw26l +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/057n_g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02ghq /people/person/profession /m/0dxtg +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02t4yc /education/educational_institution/colors /m/083jv +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01mtqf /people/cause_of_death/people /m/01pp3p +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/015pxr +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvt53w +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/02tv80 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/07mqps /people/ethnicity/people /m/03jxw +/m/05fkf /base/aareas/schema/administrative_area/capital /m/0fvyg +/m/0b68vs /people/person/places_lived./people/place_lived/location /m/04p3c +/m/03knl /film/actor/film./film/performance/film /m/01bn3l +/m/02tkzn /people/person/profession /m/01d_h8 +/m/0drnwh /award/award_winning_work/awards_won./award/award_honor/award /m/02x17s4 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0pc_l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vyv9 +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/0dlngsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02_j7t /people/person/profession /m/0kyk +/m/05w6cw /film/actor/film./film/performance/film /m/0640y35 +/m/0333wf /film/actor/film./film/performance/film /m/0b2km_ +/m/06vdh8 /people/person/places_lived./people/place_lived/location /m/05mph +/m/01t9qj_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0l6mp /olympics/olympic_games/participating_countries /m/09c7w0 +/m/0sxfd /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07c2wt +/m/08zrbl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0qmfz /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/013w7j /people/person/gender /m/05zppz +/m/016yxn /film/film/country /m/09c7w0 +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05jzt3 +/m/030vnj /film/actor/film./film/performance/film /m/0gldyz +/m/0j2pg /sports/sports_team/colors /m/01g5v +/m/07f8wg /people/person/nationality /m/09c7w0 +/m/02qlg7s /people/person/nationality /m/09c7w0 +/m/09nm_ /music/genre/artists /m/02pt7h_ +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/01cyjx +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0ggjt +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/01pq5j7 /influence/influence_node/peers./influence/peer_relationship/peers /m/02z4b_8 +/m/05d6q1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cp08zg +/m/0l8gh /music/genre/artists /m/014vk4 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/07147 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0k9ctht /award/award_winner/awards_won./award/award_honor/award_winner /m/0blpnz +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/0fqww /base/biblioness/bibs_location/country /m/059j2 +/m/0g69lg /people/person/place_of_birth /m/01m1zk +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lwsz +/m/02xb2bt /people/person/nationality /m/07ssc +/m/01nln /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01rxw +/m/03qx_f /music/record_label/artist /m/06m61 +/m/019_1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fkv0 +/m/026ck /people/person/profession /m/02jknp +/m/0gmblvq /film/film/production_companies /m/03mdt +/m/01tntf /education/educational_institution/colors /m/06fvc +/m/0dq9p /people/cause_of_death/people /m/0407f +/m/03mg35 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pkhw +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0h27vc +/m/01_njt /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/05lb87 /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016_mj +/m/04_1l0v /location/location/contains /m/059_c +/m/05xd_v /people/person/profession /m/099md +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/078mgh +/m/01f6zc /film/actor/film./film/performance/film /m/02vqhv0 +/m/01wz3cx /people/person/nationality /m/09c7w0 +/m/01y64_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01bh6y /people/person/spouse_s./people/marriage/location_of_ceremony /m/0fr0t +/m/026w398 /sports/sports_team/colors /m/019sc +/m/06ztvyx /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01h5f8 /people/person/places_lived./people/place_lived/location /m/05jbn +/m/0151ns /people/person/place_of_birth /m/02sn34 +/m/03cw411 /film/film/film_festivals /m/0hrcs29 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/05sxzwc +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bm02 /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02q_ncg /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/05y5kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01x4sb +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01xndd /people/person/religion /m/03_gx +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/059kh /music/genre/parent_genre /m/064t9 +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09rvcvl +/m/04pf4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0639bg +/m/09c7w0 /location/location/contains /m/021l5s +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/034q81 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/034x61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/03rk0 /location/location/contains /m/01q_22 +/m/017z88 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ch1w /people/person/profession /m/018gz8 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/02wvf2s +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/0pb33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fpkhkz /film/film/country /m/0d0vqn +/m/0dx8gj /film/film/genre /m/07s9rl0 +/m/0d6d2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/026mfbr /film/film/music /m/04bpm6 +/m/03k48_ /film/actor/film./film/performance/film /m/0gldyz +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmj7 +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/01sl1q /people/person/profession /m/02hrh1q +/m/0827d /music/genre/artists /m/01l4g5 +/m/0h0yt /film/actor/film./film/performance/film /m/06nr2h +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0bykpk /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/01m42d0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0ddf2bm /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ds3t5x +/m/0h63q6t /tv/tv_program/genre /m/06n90 +/m/018zvb /influence/influence_node/influenced_by /m/01v9724 +/m/0lk8j /olympics/olympic_games/sports /m/06wrt +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0294fd +/m/0bl2g /people/person/profession /m/0np9r +/m/02ghq /people/person/nationality /m/09c7w0 +/m/05yh_t /film/actor/film./film/performance/film /m/04ghz4m +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/072x7s /film/film/genre /m/0bkbm +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/09c7w0 /location/location/contains /m/0l2rj +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01q0kg +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/015qh /location/location/partially_contains /m/026zt +/m/02y_lrp /film/film/personal_appearances./film/personal_film_appearance/person /m/02l840 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0y_yw /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/05nrkb /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/08cfr1 /film/film/genre /m/05p553 +/m/01wz_ml /people/person/profession /m/02hrh1q +/m/01s81 /tv/tv_program/languages /m/02h40lc +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02c7k4 +/m/01g0jn /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/02114t +/m/0crs0b8 /film/film/production_companies /m/03sb38 +/m/0dsfnd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/02vnb_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w7nwm /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01z4y /media_common/netflix_genre/titles /m/01633c +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01cjhz /tv/tv_program/genre /m/05p553 +/m/02hp70 /education/educational_institution/campuses /m/02hp70 +/m/02_hj4 /people/person/profession /m/03gjzk +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r_pp +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/01336l /people/ethnicity/languages_spoken /m/0t_2 +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/02rjz5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/013xrm /people/ethnicity/people /m/026fd +/m/07f3xb /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/015_30 +/m/0gys2jp /film/film/language /m/03_9r +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xbw2 /award/award_winner/awards_won./award/award_honor/award_winner /m/02lhm2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0164nb +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02q_cc +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/04cbbz +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03548 +/m/01znj1 /film/film/written_by /m/0c3ns +/m/0cc5qkt /film/film/genre /m/07s9rl0 +/m/02hp6p /education/educational_institution/campuses /m/02hp6p +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0c5qvw /film/film/production_companies /m/017s11 +/m/037lyl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08jgk1 /tv/tv_program/genre /m/01t_vv +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0205dx /film/actor/film./film/performance/film /m/0b1y_2 +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f19q4 +/m/07bxhl /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/044k8 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/015v3r /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07nznf +/m/03mb9 /music/genre/artists /m/01vx5w7 +/m/04sqj /sports/sports_team_location/teams /m/03gr14 +/m/02lf1j /film/actor/film./film/performance/film /m/016fyc +/m/014g22 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/01kff7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gbn6 +/m/0cq86w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01cbt3 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/012jfb /award/award_winning_work/awards_won./award/award_honor/award /m/03y8cbv +/m/0j_c /people/person/profession /m/02jknp +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02185j +/m/03q58q /music/record_label/artist /m/01pgzn_ +/m/033g4d /film/film/genre /m/05p553 +/m/02lfl4 /people/person/gender /m/05zppz +/m/0flw6 /film/actor/film./film/performance/film /m/03b1l8 +/m/01vh08 /film/actor/film./film/performance/film /m/0f2sx4 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/02b2np +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/03cw411 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/02fybl /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/0j_1v /location/location/contains /m/0rsjf +/m/02w3w /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/049bmk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/03phtz +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050t68 +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015pxr +/m/01rf57 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01y64_ +/m/014hr0 /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/08984j /film/film/featured_film_locations /m/0cv3w +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03zkr8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/02cttt /education/educational_institution/colors /m/083jv +/m/02778yp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0d68qy +/m/02hnl /music/instrument/instrumentalists /m/023l9y +/m/0ggx5q /music/genre/artists /m/09nhvw +/m/02km0m /education/educational_institution/school_type /m/05pcjw +/m/0466s8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0k6nt /location/country/form_of_government /m/01fpfn +/m/0vbk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04ych +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01wqflx /music/group_member/membership./music/group_membership/role /m/0mkg +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dgq80b +/m/0ctw_b /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/013xrm /people/ethnicity/people /m/01q8fxx +/m/08h79x /people/person/gender /m/02zsn +/m/01p970 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/09cxm4 /film/film/production_companies /m/086k8 +/m/03pbf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rq8k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02g0rb +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/01vsl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/06x6s +/m/0dyztm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01kph_c /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0zq +/m/0bc71w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0grmhb +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04_bfq +/m/0dx_q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01dvry +/m/0344gc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/01gtdd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/034xyf +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/02rb84n /film/film/genre /m/0hcr +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035qy +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02snj9 +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/037njl /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01ycck /people/person/profession /m/0dxtg +/m/02s2ys /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01nn6c /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/026rm_y /film/actor/film./film/performance/film /m/0crc2cp +/m/02q8ms8 /film/film/language /m/03_9r +/m/02qwdhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01srq2 +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284gc +/m/015fr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/087vz +/m/015_1q /music/record_label/artist /m/03d2k +/m/01j_9c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr3sl +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/03clrng +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/03xn3s2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02m30v /people/person/nationality /m/09c7w0 +/m/06vnh2 /people/person/nationality /m/0345h +/m/0g5lhl7 /organization/organization/place_founded /m/04jpl +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04vr_f +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02g5h5 /people/person/nationality /m/09c7w0 +/m/071xj /people/person/profession /m/028kk_ +/m/0cymp /location/us_county/county_seat /m/0ycht +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nr36 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/03y9ccy +/m/048cl /people/person/place_of_birth /m/07gdw +/m/032498 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07f8wg /award/award_winner/awards_won./award/award_honor/award_winner /m/04fyhv +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02bqvs +/m/0k3l5 /location/location/time_zones /m/02hcv8 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03_3z4 +/m/07663r /film/actor/film./film/performance/film /m/01xdxy +/m/02nfjp /people/person/profession /m/039v1 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04qp06 /people/person/gender /m/05zppz +/m/0c6g1l /film/actor/film./film/performance/film /m/0dll_t2 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0jnwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/041jk9 +/m/0136p1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v3xp +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/021yzs /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/06jrhz /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/028k2x +/m/05y0cr /film/film/featured_film_locations /m/095w_ +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0521rl1 +/m/017jd9 /film/film/country /m/0ctw_b +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/087qxp +/m/023nlj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dyb1 +/m/01kj0p /film/actor/film./film/performance/film /m/01dyvs +/m/0j5fv /medicine/symptom/symptom_of /m/0lcdk +/m/05zwrg0 /film/film/genre /m/02l7c8 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03q5db /film/film/film_production_design_by /m/05b2f_k +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0ms6_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ms1n +/m/037mp6 /sports/sports_team/colors /m/06fvc +/m/049f05 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/04rs03 /people/person/place_of_birth /m/04vmp +/m/09x3r /olympics/olympic_games/participating_countries /m/035qy +/m/01wk7ql /people/person/profession /m/02hrh1q +/m/0262yt /award/award_category/disciplines_or_subjects /m/06n90 +/m/05rgl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0b2ds +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/0bv7t /people/person/nationality /m/09c7w0 +/m/02bh9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0243cq +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/014nvr /people/person/profession /m/0cbd2 +/m/02w3w /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01xqw +/m/0gr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01npcy7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p17j +/m/09x3r /olympics/olympic_games/participating_countries /m/0f8l9c +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/0d8jf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bl2g +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b_7n +/m/0342h /music/instrument/instrumentalists /m/0gkg6 +/m/01vg13 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/033s6 +/m/03gfvsz /broadcast/content/artist /m/01rm8b +/m/016r9z /olympics/olympic_games/sports /m/096f8 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/0fsb8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023jq1 /people/person/profession /m/0dxtg +/m/039wsf /people/person/profession /m/02hrh1q +/m/04f62k /film/actor/film./film/performance/film /m/02vw1w2 +/m/09tqkv2 /film/film/film_festivals /m/09rwjly +/m/016j2t /music/artist/origin /m/013d7t +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lvcs1 +/m/06182p /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02x1dht /award/award_category/winners./award/award_honor/award_winner /m/0b455l +/m/09c7w0 /location/country/second_level_divisions /m/0mkdm +/m/07l24 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/05dtsb /film/actor/film./film/performance/film /m/051zy_b +/m/0hgnl3t /film/film/country /m/09c7w0 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/01grqd /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/01nfys /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05c5z8j +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/0bm02 +/m/03ttfc /people/ethnicity/people /m/01713c +/m/06jw0s /award/award_winner/awards_won./award/award_honor/award_winner /m/05f7snc +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025y9fn +/m/0343h /film/actor/film./film/performance/film /m/0k_9j +/m/03bxh /people/person/places_lived./people/place_lived/location /m/03pbf +/m/03cf9ly /tv/tv_program/country_of_origin /m/09c7w0 +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025cn2 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vl4m +/m/01y9pk /education/educational_institution/campuses /m/01y9pk +/m/0fy34l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02qw2xb +/m/016jny /music/genre/artists /m/0jbyg +/m/049k4w /sports/sports_position/players./sports/sports_team_roster/team /m/01ypc +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/05njyy +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02x0fs9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/041y2 +/m/01r32 /base/biblioness/bibs_location/state /m/0j95 +/m/08qvhv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d1mp3 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c2f +/m/05h43ls /film/film/genre /m/0gsy3b +/m/01cyd5 /education/educational_institution/students_graduates./education/education/student /m/01gz9n +/m/06krf3 /film/film/country /m/09c7w0 +/m/01x72k /film/actor/film./film/performance/film /m/0888c3 +/m/017kz7 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0kq39 /location/location/time_zones /m/02lcqs +/m/093dqjy /film/film/genre /m/01jfsb +/m/0dgskx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m31m +/m/036qs_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026_dcw +/m/059f4 /location/administrative_division/country /m/09c7w0 +/m/03td5v /sports/sports_team/sport /m/02vx4 +/m/017lqp /film/actor/film./film/performance/film /m/01kf3_9 +/m/043g7l /music/record_label/artist /m/0kzy0 +/m/01ps2h8 /people/person/profession /m/09jwl +/m/02l1fn /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0p_pd /influence/influence_node/influenced_by /m/014z8v +/m/016fyc /film/film/production_companies /m/0gfmc_ +/m/0789n /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/01tj34 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/056zdj /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pllx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0993r +/m/07s9rl0 /media_common/netflix_genre/titles /m/025rvx0 +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0j6tr /sports/sports_team/colors /m/083jv +/m/016cff /people/person/profession /m/01445t +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09cxm4 +/m/01q9b9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/0408m53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dqytn +/m/06j0md /people/person/profession /m/0dxtg +/m/02qfhb /film/actor/film./film/performance/film /m/05fm6m +/m/03b_fm5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tz6vs /influence/influence_node/influenced_by /m/032l1 +/m/03chx58 /people/person/gender /m/05zppz +/m/043qqt5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/019803 +/m/034hzj /film/film/country /m/07ssc +/m/05m7zg /people/person/profession /m/02hrh1q +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycfv +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/09n5t_ /music/genre/artists /m/01kph_c +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/01_j71 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01846t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0ksy_ +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/056vv /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jfx1 /film/actor/film./film/performance/film /m/02wwmhc +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/047d21r +/m/06myp /influence/influence_node/influenced_by /m/02wh0 +/m/033tln /people/person/profession /m/02hrh1q +/m/03q45x /film/actor/film./film/performance/film /m/0h1cdwq +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02yl42 /influence/influence_node/influenced_by /m/040_t +/m/02m77 /location/administrative_division/first_level_division_of /m/06q1r +/m/055sjw /people/person/gender /m/05zppz +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/01vsl3_ /people/person/profession /m/0fnpj +/m/0kv2hv /film/film/produced_by /m/05nn4k +/m/034b6k /film/film/executive_produced_by /m/06pj8 +/m/044rvb /film/actor/film./film/performance/film /m/06_x996 +/m/02g8h /film/actor/film./film/performance/film /m/0n1s0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/0c5dd /film/film/genre /m/05p553 +/m/01gvpz /film/film/genre /m/04t36 +/m/01k1k4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02v63m /film/film/executive_produced_by /m/06q8hf +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0_vn7 /sports/sports_team_location/teams /m/025_64l +/m/01l1ls /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/0fr63l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0161h5 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0d04z6 +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/04b7xr /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02rk3gn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0k8z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/04n7jdv /music/genre/artists /m/01vw20_ +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0230rx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rlj20 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gmblvq +/m/0jml5 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/03558l +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/016zwt +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05pt0l +/m/026dg51 /people/person/profession /m/02hrh1q +/m/03qnvdl /film/film/production_companies /m/054lpb6 +/m/0fthdk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0168dy +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jz9f +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yrkt +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/0y3_8 /music/genre/artists /m/0137hn +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/01tnbn +/m/02jm9c /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rt9 +/m/03rx9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bnz /location/location/contains /m/020lpx +/m/03m5k /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/03l3jy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/04w_7 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fv +/m/0y2tr /music/genre/parent_genre /m/09jw2 +/m/0d4htf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0k_q_ /location/location/time_zones /m/02lcqs +/m/06pj8 /film/director/film /m/0322yj +/m/05r5c /music/instrument/instrumentalists /m/02g1jh +/m/05y5kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0pspl +/m/0333wf /film/actor/film./film/performance/film /m/0286vp +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02jsgf +/m/03w4sh /film/actor/film./film/performance/film /m/0cc846d +/m/0bm2g /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03ysmg /film/director/film /m/01pgp6 +/m/0lccn /people/person/profession /m/02hrh1q +/m/03cp4cn /film/film/cinematography /m/06r_by +/m/02js6_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01qq_lp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/01wwnh2 /people/person/gender /m/05zppz +/m/01_x6v /people/person/profession /m/01c72t +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/037mh8 +/m/011ysn /film/film/country /m/09c7w0 +/m/03jvmp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04glx0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07x4qr +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/institution /m/0mbwf +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05ry0p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01t6xz +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/0436f4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/03v0t /location/location/contains /m/0nty_ +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h03fhx +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/09c7w0 /location/country/second_level_divisions /m/0fr59 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/03pmty +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0djd22 /media_common/netflix_genre/titles /m/03pc89 +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/08vq2y +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05ns4g +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08r4x3 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/03qcfvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/03n3gl /film/film/genre /m/05mrx8 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0ldqf +/m/047fjjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02ywhz /time/event/instance_of_recurring_event /m/0g_w +/m/012b30 /music/record_label/artist /m/0484q +/m/0b2v79 /film/film/language /m/02h40lc +/m/015pdg /music/genre/artists /m/0bdxs5 +/m/082brv /music/artist/origin /m/0chrx +/m/026n4h6 /award/award_winning_work/awards_won./award/award_honor/award /m/05p1dby +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/01_s9q /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q5dr /film/actor/film./film/performance/film /m/02cbg0 +/m/02lfwp /people/person/profession /m/02hrh1q +/m/0ck91 /people/person/languages /m/02bv9 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/05p5nc /film/actor/film./film/performance/film /m/03cd0x +/m/04qr6d /people/person/gender /m/05zppz +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0f1kwr +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0m_31 /people/person/profession /m/09jwl +/m/0b_6yv /music/genre/artists /m/06br6t +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07j8r +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/027m5wv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0342h /music/instrument/instrumentalists /m/01wgjj5 +/m/01fs__ /tv/tv_program/country_of_origin /m/09c7w0 +/m/0ds2n /film/film/written_by /m/08hp53 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/029jt9 /film/film/language /m/02h40lc +/m/011ydl /film/film/country /m/09c7w0 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/049_zz +/m/0dryh9k /people/ethnicity/people /m/04m_kpx +/m/03ktjq /people/person/profession /m/01d_h8 +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0p3r8 /people/person/gender /m/02zsn +/m/012hw /people/cause_of_death/people /m/06hx2 +/m/01s3vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h7pj +/m/018j2 /music/instrument/instrumentalists /m/0j6cj +/m/04qsdh /people/person/profession /m/0dxtg +/m/02zccd /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0b6f8pf /film/film/produced_by /m/06rq2l +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016z43 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rk0 +/m/03mqtr /media_common/netflix_genre/titles /m/0gtx63s +/m/0cqh6z /award/award_category/nominees./award/award_nomination/nominated_for /m/063ykwt +/m/017y6l /education/educational_institution/colors /m/019sc +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cks1m +/m/03nfmq /education/field_of_study/students_majoring./education/education/student /m/04z_x4v +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h6r5 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05sq84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0djkrp +/m/03n0cd /film/film/produced_by /m/02lf0c +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/0dwxr +/m/0trv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t2t +/m/01qb559 /film/film/music /m/01hw6wq +/m/02fzs /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03y82t6 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/01vy_v8 /film/director/film /m/01633c +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0xq63 /location/hud_county_place/place /m/0xq63 +/m/0bwh6 /people/person/nationality /m/09c7w0 +/m/015_1q /music/record_label/artist /m/03bxwtd +/m/01p4vl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/048yqf +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvc5 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047p798 +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/065zlr /film/film/genre /m/05p553 +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0272_vz +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1nt +/m/0mkp7 /location/location/time_zones /m/02fqwt +/m/0l9rg /location/administrative_division/country /m/0f8l9c +/m/07sbk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x58 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01wxyx1 +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/016ggh +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/05b0f7 /music/record_label/artist /m/01wy61y +/m/046f3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03y9p40 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/06924p /music/genre/artists /m/05w6cw +/m/01pcq3 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/03dj6y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/025vldk /award/award_winner/awards_won./award/award_honor/award_winner /m/03ckxdg +/m/01pj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0166b +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02tn0_ /people/deceased_person/place_of_death /m/01c40n +/m/012yc /music/genre/parent_genre /m/016_rm +/m/0c35b1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0184jc +/m/0l6mp /olympics/olympic_games/sports /m/06z68 +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0gtgp6 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04knvh +/m/09yrh /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fm6m +/m/01y20v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/01y17m /education/educational_institution/school_type /m/05jxkf +/m/0bz6sq /award/award_winning_work/awards_won./award/award_honor/award /m/03c7tr1 +/m/06nd8c /people/person/gender /m/05zppz +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/017yfz /people/person/profession /m/0kyk +/m/07l24 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0y3k9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03n785 /film/film/genre /m/02kdv5l +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gp_x +/m/02l3_5 /film/actor/film./film/performance/film /m/07h9gp +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/01tsbmv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/013d_f /location/location/contains /m/01j_cy +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0q9sg +/m/096lf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0404wqb +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hhv +/m/06mq7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/02t_vx /film/actor/film./film/performance/film /m/09xbpt +/m/0hfml /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/018fwv /film/actor/film./film/performance/film /m/016017 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0fpj9pm /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02b1ng /sports/sports_team/colors /m/019sc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02rytm +/m/01k60v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/04bdxl /film/actor/film./film/performance/film /m/02jkkv +/m/0d8h4 /location/location/contains /m/09lgt +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/06qd3 +/m/0165b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lty /music/genre/artists /m/07g2v +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/01p85y +/m/0172rj /music/genre/artists /m/0285c +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/027dtv3 /film/actor/film./film/performance/film /m/075wx7_ +/m/0dg3n1 /location/location/contains /m/04gqr +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgj6 +/m/03lpd0 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/03ysmg /people/person/nationality /m/09c7w0 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09lxtg +/m/0c94fn /people/person/place_of_birth /m/01_d4 +/m/02sh8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0160w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0swbd /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02bfxb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0ckt6 /film/film/cinematography /m/087yty +/m/01hw6wq /music/group_member/membership./music/group_membership/role /m/0342h +/m/011j5x /music/genre/artists /m/017_hq +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/037mp6 +/m/0kbws /olympics/olympic_games/participating_countries /m/0165b +/m/02p21g /people/person/gender /m/02zsn +/m/040b5k /film/film/genre /m/07s9rl0 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1sb +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/01sby_ /film/film/genre /m/07s9rl0 +/m/02z9hqn /film/film/genre /m/06n90 +/m/0k9p4 /sports/sports_team_location/teams /m/0jnpc +/m/0488g9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01v3ht /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03np_7 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/07sgfsl /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/01z4y /media_common/netflix_genre/titles /m/0b6f8pf +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/09ntbc /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_44z +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01njxvw +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0f5kw7 +/m/0g2ff /music/instrument/family /m/0mkg +/m/0cd2vh9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pfymy /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/02pcq92 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/031sg0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0l786 +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01cl2y /music/record_label/artist /m/01mvjl0 +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/0fdtd7 /award/award_category/winners./award/award_honor/award_winner /m/066yfh +/m/0fqjks /people/person/gender /m/05zppz +/m/02hvd /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/01dbhb /people/deceased_person/place_of_death /m/02_286 +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01795t +/m/01rnpy /film/actor/film./film/performance/film /m/0g68zt +/m/0bwx3 /people/person/nationality /m/09c7w0 +/m/0206k5 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0gtv7pk /film/film/genre /m/02p0szs +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/04sry /film/director/film /m/04vr_f +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03mq33 +/m/0k0rf /film/film/genre /m/02xh1 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/01q32bd /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01trhmt +/m/03cs_z7 /people/person/nationality /m/09c7w0 +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06ms6 +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/0325dj /education/educational_institution/colors /m/03vtbc +/m/03_wm6 /film/film/country /m/0f8l9c +/m/018_lb /people/person/place_of_birth /m/013gwb +/m/0phx4 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/04h54p /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0m75g /sports/sports_team_location/teams /m/0182r9 +/m/05xpv /people/person/profession /m/03gjzk +/m/0f0kz /film/actor/film./film/performance/film /m/0g56t9t +/m/050ks /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0178kd +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01s7zw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/027x7z5 +/m/05dkbr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01f8ld /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/06x76 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/016fnb /film/actor/film./film/performance/film /m/01shy7 +/m/0lk8j /olympics/olympic_games/sports /m/0dwxr +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/059lwy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02scbv +/m/0nbjq /olympics/olympic_games/sports /m/02y8z +/m/01_d4 /location/location/contains /m/07wrz +/m/0jkhr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/02qcr /film/film/genre /m/073_6 +/m/01q2sk /education/educational_institution/campuses /m/01q2sk +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/041y2 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/02d44q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012qjw /medicine/symptom/symptom_of /m/0h1n9 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/037njl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05wp1p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02qkt /location/location/contains /m/035hm +/m/0f4zv /location/us_county/county_seat /m/019fh +/m/02z5x7l /film/film/genre /m/0hcr +/m/043js /film/actor/film./film/performance/film /m/0g22z +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06c0ns +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04zl8 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/025l5 +/m/0j0k /base/locations/continents/countries_within /m/06m_5 +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/02qssrm +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/0hwbd +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0lk0l /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/06w33f8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014l6_ +/m/0n_hp /film/film/produced_by /m/02g8h +/m/0184jw /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/08qxx9 /film/actor/film./film/performance/film /m/0gd0c7x +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/07s9rl0 /media_common/netflix_genre/titles /m/05jzt3 +/m/019vgs /film/actor/film./film/performance/film /m/0dyb1 +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05fh2 +/m/01j5ts /people/person/languages /m/02h40lc +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k60v +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/01nczg /people/person/nationality /m/09c7w0 +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/02q_4ph /film/film/featured_film_locations /m/01bkb +/m/07tl0 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02x2jl_ /film/film/language /m/012w70 +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043t8t +/m/0kpys /location/location/contains /m/0r02m +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsg7 +/m/0glt670 /music/genre/artists /m/04bpm6 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/01m3b1t /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/043y95 /sports/sports_team/sport /m/02vx4 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/01gv_f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02lnbg /music/genre/artists /m/01r7pq +/m/011ypx /film/film/genre /m/0219x_ +/m/0m31m /award/award_winner/awards_won./award/award_honor/award_winner /m/03y_46 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06ms6 +/m/08qz1l /time/event/locations /m/04wsz +/m/09l9tq /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_44z +/m/0lsw9 /people/person/profession /m/04f2zj +/m/0jkhr /education/university/fraternities_and_sororities /m/035tlh +/m/0f8l9c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/014kyy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p2zq +/m/0gkd1 /music/instrument/instrumentalists /m/01vw20_ +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/08k40m /film/film/genre /m/02kdv5l +/m/01_6dw /people/person/nationality /m/09c7w0 +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0180mw +/m/046rfv /people/person/gender /m/02zsn +/m/0pd64 /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/01r42_g /people/person/profession /m/02hrh1q +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0260p2 +/m/06j6l /music/genre/artists /m/01k3qj +/m/01lk0l /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0d05fv /people/person/place_of_birth /m/0rh6k +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lpjn +/m/07cjqy /people/person/nationality /m/09c7w0 +/m/0bxy67 /film/actor/film./film/performance/film /m/052_mn +/m/01679d /music/instrument/instrumentalists /m/03ryks +/m/09h4b5 /people/person/profession /m/02hrh1q +/m/035wtd /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/041mt /people/person/places_lived./people/place_lived/location /m/0lhql +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05tbn +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/05y7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/051m56 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/022q4l9 +/m/03d2k /people/person/profession /m/0nbcg +/m/03902 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/0b57p6 /people/person/profession /m/02hrh1q +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01gkcc /medicine/disease/risk_factors /m/0217g +/m/02w4v /music/genre/artists /m/015882 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029k4p +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gd0c7x +/m/0pzmf /location/location/time_zones /m/02hcv8 +/m/02pjc1h /film/film/genre /m/0556j8 +/m/0nbjq /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/05bnq3j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xs0q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04764j +/m/03hkch7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xyqk /music/record_label/artist /m/015882 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03d8jd1 +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wx2v +/m/02g5h5 /film/actor/film./film/performance/film /m/0bh8tgs +/m/03f5vvx /people/person/profession /m/0fj9f +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/02dlfh /people/person/profession /m/01d_h8 +/m/02w9k1c /film/film/executive_produced_by /m/02z6l5f +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/03ds3 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/04ltf +/m/03gj2 /location/location/partially_contains /m/026zt +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0p_2r /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/05qzv /influence/influence_node/influenced_by /m/015n8 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gj50 +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/011v3 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0177sq +/m/03n5v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02m0b0 /education/educational_institution/school_type /m/01rs41 +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b13y +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/05g3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01b195 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/073bb /people/person/employment_history./business/employment_tenure/company /m/01kvrz +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01200d /people/person/gender /m/05zppz +/m/0m2l9 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02q636 /education/educational_institution/colors /m/09q2t +/m/031786 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/016zfm /tv/tv_program/languages /m/02h40lc +/m/0c3351 /media_common/netflix_genre/titles /m/0yx7h +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/0hpyv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01wgfp6 /award/award_winner/awards_won./award/award_honor/award_winner /m/024qwq +/m/05r5c /music/instrument/instrumentalists /m/01nz1q6 +/m/014kq6 /film/film/costume_design_by /m/03y1mlp +/m/02wgbb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03nymk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/021yw7 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvbl6 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/03gr7w +/m/0127ps /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jbp0 +/m/03pvt /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/087wc7n /film/film/genre /m/0hcr +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/03h64 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0342vg /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/020xn5 /people/profession/specialization_of /m/0n1h +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cqnss /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0bx0l +/m/04kzqz /film/film/genre /m/04xvh5 +/m/0qf5p /base/biblioness/bibs_location/country /m/09c7w0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0czyxs +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0bg4f9 +/m/01qscs /film/actor/film./film/performance/film /m/0f8j13 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s93v +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/08gg47 /film/film/country /m/0ctw_b +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07pd_j +/m/0c8tkt /film/film/genre /m/04rlf +/m/07371 /location/location/contains /m/029t1 +/m/02778tk /people/person/profession /m/0dxtg +/m/03qlv7 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01npw8 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/03flwk /people/person/place_of_birth /m/01p726 +/m/01f69m /film/film/genre /m/03mqtr +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/06rpd +/m/05jbn /sports/sports_team_location/teams /m/0jnr_ +/m/042q3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01cwm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02x73k6 /award/award_category/winners./award/award_honor/award_winner /m/02fn5 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06vbd +/m/0c7xjb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01lbp +/m/0ds11z /film/film/genre /m/0lsxr +/m/0ky0b /location/administrative_division/country /m/0f8l9c +/m/0bt4g /film/film/cinematography /m/0f3zf_ +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01lyv /music/genre/artists /m/016j2t +/m/0g48m4 /people/ethnicity/people /m/06x58 +/m/01sbhvd /people/person/profession /m/0dxtg +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/026n998 /award/award_winner/awards_won./award/award_honor/award_winner /m/08w6v_ +/m/0285xqh /people/person/profession /m/02jknp +/m/06z9f8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01bv8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02dth1 +/m/06by7 /music/genre/artists /m/0f8grf +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02x20c9 /people/person/place_of_birth /m/04vmp +/m/02z4b_8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/02jx1 /location/location/contains /m/0dm0f +/m/0333t /film/film/genre /m/01fc50 +/m/01xqw /music/instrument/instrumentalists /m/024zq +/m/0h5k /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06nm1 +/m/0407yfx /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/01l2fn /film/actor/film./film/performance/film /m/05zwrg0 +/m/01sxd1 /people/person/spouse_s./people/marriage/location_of_ceremony /m/03lrc +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhmg +/m/0cfdd /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/02xtxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05d9y_ /organization/organization/headquarters./location/mailing_address/citytown /m/02sn34 +/m/058ncz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/01nms7 /people/person/places_lived./people/place_lived/location /m/0cv3w +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/0swff /olympics/olympic_games/sports /m/09w1n +/m/06l6nj /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/0y_hb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dzf_ +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0j1yf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pw2f1 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01p7x7 +/m/02fgp0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgpf +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/02hft3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lxrv /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/0b_dy /award/award_winner/awards_won./award/award_honor/award_winner /m/01g257 +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0hsn_ +/m/0jzc /language/human_language/countries_spoken_in /m/03shp +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cfhfz +/m/027f7dj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014g22 +/m/0bg4j_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03r8gp /film/film_subject/films /m/0277j40 +/m/043t8t /film/film/genre /m/03k9fj +/m/02f2jv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h5f5n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nk3t +/m/01s3vk /film/film/genre /m/07s9rl0 +/m/04l57x /sports/sports_team/colors /m/01l849 +/m/022q32 /people/person/profession /m/01c979 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/054c1 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/04gb7 /film/film_subject/films /m/03lv4x +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gltv +/m/08xvpn /film/film/production_companies /m/086k8 +/m/019pwv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w565 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02q56mk /film/film/country /m/09c7w0 +/m/07sbbz2 /music/genre/artists /m/015xp4 +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02_h0 /film/film_subject/films /m/095zlp +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/01cwm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kbwb /film/film/genre /m/01q03 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fsyp +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/050f0s +/m/02x_h0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/01y8d4 /people/deceased_person/place_of_death /m/09c7w0 +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03b1l8 +/m/0bcp9b /film/film/produced_by /m/03fqv5 +/m/04mlmx /people/person/profession /m/0np9r +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/0f8l9c /location/location/contains /m/041pnt +/m/0h0yt /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/02q3n9c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01gssm /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsry +/m/0633p0 /people/person/place_of_birth /m/094jv +/m/0963mq /film/film/genre /m/0hn10 +/m/04gfy7 /people/ethnicity/people /m/034g2b +/m/017cy9 /education/educational_institution_campus/educational_institution /m/017cy9 +/m/0151zx /people/person/profession /m/02hrh1q +/m/01jszm /education/educational_institution/students_graduates./education/education/student /m/02bvt +/m/0163r3 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_bp +/m/036921 /education/educational_institution/campuses /m/036921 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/0j3v /people/person/gender /m/05zppz +/m/032_jg /film/actor/film./film/performance/film /m/07tlfx +/m/03t22m /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0g8fs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z4y /media_common/netflix_genre/titles /m/0pdp8 +/m/02ppg1r /tv/tv_program/genre /m/01z4y +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kstn9 +/m/01j5ts /people/person/gender /m/02zsn +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jrqq +/m/02q0v8n /film/film/featured_film_locations /m/0rh6k +/m/05g3b /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0b13yt +/m/02hyt /location/location/time_zones /m/02lcqs +/m/01_njt /award/award_winner/awards_won./award/award_honor/award_winner /m/08yx9q +/m/0ds33 /film/film/genre /m/01drsx +/m/014xf6 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0180w8 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03ln8b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0443y3 +/m/03bw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/0glbqt /film/film/language /m/02h40lc +/m/08d6bd /people/person/places_lived./people/place_lived/location /m/0hj6h +/m/01l1sq /people/person/profession /m/09jwl +/m/0q9kd /base/eating/practicer_of_diet/diet /m/07_jd +/m/0bxsk /film/film/executive_produced_by /m/04pqqb +/m/025569 /location/administrative_division/country /m/07ssc +/m/083shs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03lvyj /film/actor/film./film/performance/film /m/03lvwp +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01j7rd +/m/01q7h2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h3d1 /award/award_category/winners./award/award_honor/award_winner /m/012wg +/m/02_l39 /organization/organization/child./organization/organization_relationship/child /m/01jygk +/m/052zgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/019rg5 +/m/05p92jn /film/actor/film./film/performance/film /m/0ds35l9 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsqk +/m/06lkg8 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0hwpz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/042g97 /film/film/music /m/0146pg +/m/01h5f8 /people/person/gender /m/02zsn +/m/06ncr /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0gy6z9 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/016vg8 +/m/0c35b1 /film/actor/film./film/performance/film /m/0404j37 +/m/06by7 /music/genre/artists /m/01vswx5 +/m/05qd_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0343h +/m/01cpqk /film/actor/film./film/performance/film /m/02ptczs +/m/04_1l0v /location/location/contains /m/081yw +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/017g21 /people/person/profession /m/039v1 +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0cb77r /people/person/profession /m/089fss +/m/08nvyr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/023361 +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05wm88 /people/person/profession /m/0kyk +/m/01w272y /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/082237 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03t5b6 /award/award_category/winners./award/award_honor/award_winner /m/01vvydl +/m/0gfq9 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/02psqkz +/m/021p26 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw37m +/m/023jq1 /people/person/nationality /m/07ssc +/m/059rc /film/film/cinematography /m/06r_by +/m/04t36 /media_common/netflix_genre/titles /m/0gnjh +/m/058kqy /people/person/profession /m/0dxtg +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mszl +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03bxh /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02m77 /base/biblioness/bibs_location/country /m/06q1r +/m/047g98 /sports/sports_team/colors /m/01g5v +/m/026l37 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/05jbn /location/location/contains /m/019_6d +/m/0x67 /people/ethnicity/people /m/01z0lb +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01ksr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0136p1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/099p5 /people/person/nationality /m/09c7w0 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0m_cg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m__z +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01j5ts +/m/09s1f /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0_jm +/m/02hfk5 /film/film/genre /m/0219x_ +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14v3 +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/099d4 +/m/06lbp /influence/influence_node/influenced_by /m/05gpy +/m/02kxbx3 /film/director/film /m/01jzyf +/m/0pd6l /film/film/language /m/04306rv +/m/07r_dg /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/01ry_x /film/film/story_by /m/03j90 +/m/0b_c7 /film/director/film /m/0p9rz +/m/0125xq /film/film/language /m/04306rv +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tspc6 +/m/015dcj /people/deceased_person/place_of_death /m/0k049 +/m/01rnxn /film/actor/film./film/performance/film /m/0p_qr +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/06jrhz +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0trv +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxy +/m/0gd92 /film/film/country /m/09c7w0 +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045w_4 +/m/01hkhq /film/actor/film./film/performance/film /m/02ctc6 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01fwk3 +/m/0tbql /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0np52 +/m/0c11mj /soccer/football_player/current_team./sports/sports_team_roster/team /m/088_kf +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/057hz +/m/0fpzt5 /people/person/gender /m/05zppz +/m/048vhl /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/086sj /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0137g1 +/m/0jfgk /time/event/locations /m/082pc +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01vwyqp +/m/0bdxs5 /film/actor/film./film/performance/film /m/05h43ls +/m/03_80b /people/person/profession /m/01d_h8 +/m/0399p /influence/influence_node/influenced_by /m/06whf +/m/07c52 /media_common/netflix_genre/titles /m/02r1ysd +/m/046br4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0h1p /people/person/gender /m/05zppz +/m/01f_3w /music/record_label/artist /m/01vxlbm +/m/02s58t /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ty7ll +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0c_tl +/m/07p62k /film/film/film_format /m/07fb8_ +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7s_ +/m/0558_1 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jmfb /sports/sports_team/colors /m/019sc +/m/0bq8tmw /film/film/production_companies /m/0g1rw +/m/071fb /language/human_language/countries_spoken_in /m/019rg5 +/m/0c2dl /people/person/profession /m/0cbd2 +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01z452 /film/film/country /m/09c7w0 +/m/08zx0s /music/genre/artists /m/01sxd1 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/01vs5c /education/educational_institution_campus/educational_institution /m/01vs5c +/m/0g48m4 /people/ethnicity/geographic_distribution /m/07b_l +/m/042v2 /people/person/profession /m/0kyk +/m/01hmnh /media_common/netflix_genre/titles /m/016ky6 +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0bkmf +/m/01d650 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x8m /music/genre/artists /m/02k5sc +/m/06m6z6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047d21r +/m/039zft /film/film/country /m/09c7w0 +/m/060ppp /organization/organization/headquarters./location/mailing_address/citytown /m/01snm +/m/01xcqc /people/person/profession /m/0dxtg +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/044f7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0534nr +/m/01s7qqw /people/person/profession /m/09jwl +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ncs0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0kstw +/m/081l_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/09c7w0 /location/location/contains /m/015q1n +/m/09swkk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/029d_ +/m/0b_6qj /time/event/locations /m/0fr0t +/m/02r8hh_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w56k /music/record_label/artist /m/016dsy +/m/07s8z_l /tv/tv_program/genre /m/09lmb +/m/0xhtw /music/genre/artists /m/01vw87c +/m/04g4w9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/025l5 +/m/05cj_j /film/film/genre /m/02n4kr +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03np3w +/m/0416y94 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08s6mr +/m/02bvt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03wh8kl +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01npcx +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0vhm +/m/04107 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/034x61 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/023n39 +/m/0kc6 /people/person/profession /m/02hrh1q +/m/01ts_3 /film/director/film /m/02prwdh +/m/040nwr /people/person/languages /m/055qm +/m/0h7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01b9z4 +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01rwcgb /people/person/profession /m/028kk_ +/m/03y_46 /film/actor/film./film/performance/film /m/0m313 +/m/02pby8 /people/person/nationality /m/09c7w0 +/m/0140t7 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/03zqc1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wb8bs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01nkcn +/m/03_d0 /music/genre/artists /m/03f3_p3 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01hydr /music/genre/parent_genre /m/0m0jc +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/06ns98 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/0829rj /award/award_winner/awards_won./award/award_honor/award_winner /m/04t38b +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/02qsfzv /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0yh4 +/m/03vrp /influence/influence_node/influenced_by /m/02kz_ +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bc1yhb +/m/015q43 /people/person/gender /m/02zsn +/m/01vhrz /people/person/profession /m/01d_h8 +/m/0ffgh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lkcc +/m/0122wc /sports/sports_team/colors /m/083jv +/m/0pj8m /people/person/languages /m/02h40lc +/m/07wjk /education/educational_institution/school_type /m/05jxkf +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gj9qxr /film/film/genre /m/02kdv5l +/m/07_fj54 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01p9hgt /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/03j7cf /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01pv91 /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/0kcrd +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08wr3kg +/m/05r6t /music/genre/artists /m/016fnb +/m/091yn0 /people/person/gender /m/05zppz +/m/01k98nm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014zcr /film/director/film /m/0gg5qcw +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/0j80w /film/film/music /m/02w670 +/m/0r3tb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07r4c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04flrx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/01vrz41 /people/person/nationality /m/07ssc +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0409n0 +/m/064t9 /music/genre/artists /m/0jsg0m +/m/0ckf6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0993r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02w5q6 +/m/03ftmg /people/person/profession /m/01d_h8 +/m/02qx5h /people/person/profession /m/09jwl +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/047yc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0prjs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0jhd /location/country/capital /m/01gf5 +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/0gyfp9c /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/0154j /organization/organization_founder/organizations_founded /m/01rz1 +/m/064t9 /music/genre/artists /m/023p29 +/m/01p8r8 /people/person/places_lived./people/place_lived/location /m/0djd3 +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0697s +/m/05g49 /sports/sports_team/sport /m/0jm_ +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/05kkh /location/location/contains /m/0fxz4 +/m/06mkj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0djlxb /film/film/music /m/01vrncs +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/025_64l /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/0c3zjn7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08jyyk /music/genre/artists /m/0m2l9 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/05r5w +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01p4vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/0b79gfg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cv_gy +/m/034r25 /film/film/music /m/0150t6 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0zcbl /people/person/gender /m/05zppz +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04sry /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/080dwhx +/m/029jt9 /film/film/film_art_direction_by /m/071jv5 +/m/0mdqp /film/actor/film./film/performance/film /m/02nt3d +/m/02jx1 /location/location/contains /m/01z26v +/m/01_s9q /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/0bx0lc /people/person/gender /m/05zppz +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/05g3v +/m/0bqxw /education/educational_institution/campuses /m/0bqxw +/m/023322 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/04yyhw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/0ggq0m /music/genre/artists /m/02j3d4 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kp_1t +/m/01v2xl /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01p3ty /film/film/language /m/02hxcvy +/m/0418wg /film/film/genre /m/04btyz +/m/0dq9p /people/cause_of_death/people /m/0835q +/m/02kxg_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01rdm0 +/m/0h6rm /education/educational_institution/colors /m/038hg +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02sb1w /people/person/profession /m/02hrh1q +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03j3pg9 +/m/0l2xl /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2yf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r2l +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03j0ss +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09xbpt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02qwgk +/m/07bty /people/deceased_person/place_of_death /m/0xms9 +/m/016ksk /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/02fgpf +/m/0blt6 /people/person/profession /m/02krf9 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mvjl0 +/m/0c0k1 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/043qqt5 /tv/tv_program/genre /m/01hmnh +/m/04fv5b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/034np8 /influence/influence_node/influenced_by /m/0p_pd +/m/019y64 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06rpd +/m/06q5t7 /people/person/profession /m/0dxtg +/m/0d4htf /film/film/produced_by /m/01qg7c +/m/0kvgxk /film/film/genre /m/060__y +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/02q3bb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcdzz +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0233bn +/m/017gl1 /film/film/produced_by /m/02bfxb +/m/01wz3cx /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/0473rc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/02mx98 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/01sb5r /music/group_member/membership./music/group_membership/group /m/0mjn2 +/m/015qh /location/country/form_of_government /m/018wl5 +/m/0l34j /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/015fr /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dq9p /people/cause_of_death/people /m/0168dy +/m/01gw4f /people/person/profession /m/02hrh1q +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04g4w9 +/m/02l0xc /people/person/profession /m/08z956 +/m/03gn1x /education/educational_institution/students_graduates./education/education/student /m/0pqzh +/m/03g90h /film/film/genre /m/03k9fj +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/035ktt /organization/organization/headquarters./location/mailing_address/citytown /m/0f2tj +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/025v3k +/m/0p0fc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0flbm +/m/0gywn /music/genre/artists /m/01wcp_g +/m/0_vn7 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01pfkw /people/person/employment_history./business/employment_tenure/company /m/03mp8k +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0g51l1 +/m/09g0h /film/actor/film./film/performance/film /m/09qljs +/m/01s0ps /music/instrument/instrumentalists /m/017yfz +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/02qpt1w /film/film/language /m/02h40lc +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hmt9b +/m/0df92l /film/film/genre /m/03q4nz +/m/09pl3s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/01kvqc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hhtj /people/person/nationality /m/09c7w0 +/m/090q8l /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03d_w3h /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/098n_m +/m/026_w57 /people/person/employment_history./business/employment_tenure/company /m/017z88 +/m/03ryn /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/05b49tt /award/award_winner/awards_won./award/award_honor/award_winner /m/035_2h +/m/03fbb6 /film/actor/film./film/performance/film /m/01d259 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hv3t +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0g9zljd +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hpt3 +/m/08s6r6 /music/genre/artists /m/02hzz +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03qd_ +/m/09btt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/051ysmf /film/film_set_designer/film_sets_designed /m/0gl3hr +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01dbhb +/m/0x2sv /government/governmental_body/members./government/government_position_held/legislative_sessions /m/03h_f4 +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dscrwf +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03r0g9 +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02js6_ +/m/02s4l6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02mxbd +/m/02jm0n /people/person/nationality /m/09c7w0 +/m/0cj2w /people/person/spouse_s./people/marriage/spouse /m/04gvt5 +/m/01hbq0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/024qqx /media_common/netflix_genre/titles /m/01jmyj +/m/08c7cz /people/deceased_person/place_of_death /m/02h6_6p +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/084302 +/m/0fgg8c /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_7z +/m/03mgx6z /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/03x6m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0557yqh /tv/tv_program/genre /m/0l4h_ +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/07swvb /film/actor/film./film/performance/film /m/05q7874 +/m/047vnkj /film/film/production_companies /m/017s11 +/m/02l3_5 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/0nv99 /location/location/time_zones /m/02fqwt +/m/01v6480 /people/person/gender /m/05zppz +/m/01qrbf /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/019l3m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gy4k /film/film/genre /m/02qfv5d +/m/011yhm /film/film/genre /m/01jfsb +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01w2lw /base/aareas/schema/administrative_area/administrative_parent /m/023sm8 +/m/02ctzb /people/ethnicity/people /m/02rsz0 +/m/02_hj4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vw20h +/m/012mrr /film/film/language /m/06nm1 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/07245g /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/041n43 /music/record_label/artist /m/01p0vf +/m/031ydm /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/020fgy /people/person/nationality /m/0f8l9c +/m/0fpkhkz /film/film/written_by /m/04k25 +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/02bj6k +/m/0sx8l /user/jg/default_domain/olympic_games/sports /m/03tmr +/m/0dl4z /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01h3dj +/m/09wwlj /sports/sports_team_location/teams /m/019mdt +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gy0l_ +/m/09qc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0155w /music/genre/artists /m/01vwyqp +/m/03j0d /influence/influence_node/peers./influence/peer_relationship/peers /m/06hmd +/m/09fn1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/03phtz /film/film/production_companies /m/05nn2c +/m/08_vwq /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/01w5n51 /influence/influence_node/peers./influence/peer_relationship/peers /m/03g5jw +/m/01jwxx /film/film/country /m/07ssc +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0436yk /film/film/story_by /m/013km +/m/01wj18h /people/person/languages /m/05zjd +/m/03czrpj /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_sr1 +/m/0gfnqh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016dsy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/0184jc /film/actor/film./film/performance/film /m/011yqc +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/015nvj /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/04pry /location/location/time_zones /m/02hcv8 +/m/05s_c38 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rlzn +/m/0m32h /people/cause_of_death/people /m/0c2tf +/m/0k7pf /people/person/nationality /m/02jx1 +/m/015_1q /music/record_label/artist /m/03xgm3 +/m/0342h /music/instrument/instrumentalists /m/0m_31 +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/0432b /people/person/profession /m/02hrh1q +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0q1lp /people/person/languages /m/02h40lc +/m/05sy_5 /film/film/featured_film_locations /m/030qb3t +/m/0mz73 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02pt7h_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/0f8j13 /film/film/featured_film_locations /m/0cv3w +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01hcj2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bq4j6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gf5h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p79b /education/educational_institution/students_graduates./education/education/student /m/02f_k_ +/m/01qklj /people/person/places_lived./people/place_lived/location /m/0fsb8 +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/02w7fs /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0288fyj +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/05bt6j /music/genre/artists /m/03x82v +/m/049_zz /people/person/nationality /m/09c7w0 +/m/05c9zr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/01dpts /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0dp7wt /film/film/film_format /m/07fb8_ +/m/093142 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09c7w0 /location/location/contains /m/0tygl +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/0jgwf +/m/0bpbhm /film/film/country /m/09c7w0 +/m/0xhtw /music/genre/artists /m/0knhk +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/01wk3c +/m/026bt_h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jw67 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02t_tp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0234j5 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/0443v1 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/05bpg3 /film/actor/film./film/performance/film /m/03b1sb +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01m41_ +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0f7h2v /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/06jnvs /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/05mcjs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0ddd0gc +/m/01xcr4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ftmg /people/person/profession /m/0dxtg +/m/033pf1 /film/film/cinematography /m/0f3zf_ +/m/0d0vqn /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/02chhq /film/film/genre /m/04t36 +/m/041rx /people/ethnicity/people /m/01c8v0 +/m/07sbbz2 /music/genre/artists /m/027kwc +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/04vs9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/02h2vv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/011_3s +/m/03j24kf /music/artist/contribution./music/recording_contribution/performance_role /m/0d8lm +/m/0glmv /people/person/nationality /m/09c7w0 +/m/02lp3c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019c57 /education/educational_institution_campus/educational_institution /m/019c57 +/m/01wwvd2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/046lt /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqs56 +/m/02856r /music/genre/artists /m/0144l1 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/026p4q7 +/m/059rby /location/location/contains /m/01bk1y +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/07z1m /location/location/contains /m/013h9 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0fnmz +/m/01dvtx /people/person/profession /m/06q2q +/m/0m_v0 /people/person/profession /m/09jwl +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07f5x +/m/02vkzcx /education/educational_institution_campus/educational_institution /m/02vkzcx +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/016zp5 +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/05qbckf /film/film/genre /m/04pbhw +/m/02qssrm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02v0ff +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0k9j_ +/m/02knxx /people/cause_of_death/people /m/02zfg3 +/m/0ftf0f /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/0j5m6 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04cl1 /people/person/profession /m/02hrh1q +/m/033hn8 /music/record_label/artist /m/01_ztw +/m/01c1px /people/person/place_of_birth /m/04f_d +/m/0451j /people/person/place_of_birth /m/01914 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/060j8b /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ggyr +/m/01mqz0 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0407yfx /film/film/genre /m/0hcr +/m/01hxs4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pnn3 +/m/0djgt /base/aareas/schema/administrative_area/capital /m/01q_22 +/m/07ssc /media_common/netflix_genre/titles /m/09p0ct +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/01b65l /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/08jcfy /business/job_title/people_with_this_title./business/employment_tenure/company /m/014xf6 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0symg +/m/0fqz6 /people/ethnicity/people /m/0bt7ws +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/0m66w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04cf09 +/m/0gtx63s /film/film/country /m/0f8l9c +/m/04jkpgv /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/02knxx /people/cause_of_death/people /m/03gyh_z +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bq2g +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsx3f +/m/050f0s /film/film/genre /m/05p553 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05p1qyh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047dpm0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01lnyf +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/0cx7f /music/genre/artists /m/07hgm +/m/02pjvc /people/person/gender /m/02zsn +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c3p7 +/m/0cms7f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09l0x9 +/m/05bt6j /music/genre/artists /m/02jq1 +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030h95 +/m/0gpprt /people/person/profession /m/02hrh1q +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/086k8 /music/record_label/artist /m/0163m1 +/m/0cp0ph6 /film/film/written_by /m/0cj2k3 +/m/03hpr /people/person/profession /m/0dxtg +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/02yw0y /music/genre/artists /m/0889x +/m/06by7 /music/genre/artists /m/017959 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/06fxnf /people/person/gender /m/05zppz +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/01p5yn /business/business_operation/industry /m/02vxn +/m/0f7hc /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0407f +/m/0gwgn1k /film/film/country /m/09c7w0 +/m/0dg3n1 /location/location/contains /m/02k54 +/m/06ncr /music/instrument/instrumentalists /m/0157m +/m/02bj22 /film/film/genre /m/06cvj +/m/05wjnt /film/actor/film./film/performance/film /m/0gtvrv3 +/m/015gm8 /film/film/country /m/09c7w0 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01wk3c +/m/088q4 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0gxkm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0ddfph /people/person/places_lived./people/place_lived/location /m/04bz2f +/m/05fgt1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vtqml /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/078jt5 /people/person/profession /m/02krf9 +/m/014zcr /people/person/profession /m/01d_h8 +/m/017y6l /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0x67 /people/ethnicity/people /m/02x_h0 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05g49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05v8c +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c2tf +/m/05kr_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds5_72 +/m/033wx9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02hhtj +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0czyxs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01938t /people/person/gender /m/02zsn +/m/0bs5vty /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081lh +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06t6dz +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0b1xl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/0dzz6g /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/07db6x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05q4 +/m/01pk8v /film/actor/film./film/performance/film /m/087pfc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0415zv +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0l6qt +/m/0888c3 /film/film/prequel /m/02ht1k +/m/01t94_1 /people/person/profession /m/02hrh1q +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/03cs_z7 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07zhjj +/m/06btq /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0fgg8c +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04kngf +/m/0g5ff /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04cw0j +/m/01738f /music/genre/artists /m/01gf5h +/m/01rxw /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02cttt /education/educational_institution/school_type /m/05jxkf +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/012gx2 +/m/02b61v /film/film/language /m/02h40lc +/m/07t21 /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/0hqcy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbhf +/m/0nzny /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nzw2 +/m/02lg3y /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/01hmnh /media_common/netflix_genre/titles /m/04gv3db +/m/01j7rd /influence/influence_node/influenced_by /m/0p_47 +/m/01kf3_9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/09gkx35 /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/0gm8_p /people/person/place_of_birth /m/013yq +/m/01yf85 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01g23m +/m/0k9j_ /film/actor/film./film/performance/film /m/02qr3k8 +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/04smdd /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/0b455l /people/person/profession /m/02jknp +/m/02k13d /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsg7 +/m/06cgy /people/person/gender /m/05zppz +/m/03h40_7 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/01p1b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03mp8k /music/record_label/artist /m/01vrncs +/m/06s_2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/095b70 +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fg0r +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/03459x +/m/04kkz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06t74h /film/actor/film./film/performance/film /m/0cfhfz +/m/0dv0z /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/01_qgp /education/educational_institution/students_graduates./education/education/student /m/01pcz9 +/m/07c52 /media_common/netflix_genre/titles /m/03nt59 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/01rzxl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01nnsv +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0k5px /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0gyx4 /award/award_winner/awards_won./award/award_honor/award_winner /m/02rk45 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04czcb +/m/0h1mt /film/actor/film./film/performance/film /m/01fwzk +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/0bksh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0j1yf +/m/01vw8mh /people/person/profession /m/016z4k +/m/0hcvy /people/person/profession /m/0kyk +/m/0l14_3 /music/performance_role/track_performances./music/track_contribution/role /m/07xzm +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034m8 +/m/06s7rd /music/artist/origin /m/0cv3w +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/059fjj +/m/0cc63l /people/person/religion /m/03j6c +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019f9z +/m/0cqhk0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02czd5 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2lq +/m/0b2lw /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/04ykg +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/02yr1q /organization/organization/headquarters./location/mailing_address/citytown /m/02j3w +/m/06c97 /people/person/profession /m/0kyk +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/04gmp_z /people/person/nationality /m/09c7w0 +/m/019lxm /sports/sports_team/colors /m/083jv +/m/05gp3x /people/person/places_lived./people/place_lived/location /m/094jv +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02q_ncg +/m/04j53 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02k84w /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0kbws /olympics/olympic_games/participating_countries /m/05b4w +/m/07z5n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05c17 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02b0yk +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03p2xc /film/film/country /m/07ssc +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tc7 /people/person/languages /m/02h40lc +/m/0bjkpt /people/person/nationality /m/09c7w0 +/m/02725hs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c9c0 /people/person/profession /m/018gz8 +/m/08cfr1 /film/film/genre /m/060__y +/m/0cd2vh9 /film/film/genre /m/0btmb +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05r7t /location/country/official_language /m/06nm1 +/m/0235l /base/biblioness/bibs_location/country /m/09c7w0 +/m/04cl1 /people/person/religion /m/0c8wxp +/m/04fzfj /film/film/written_by /m/032v0v +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bzyh +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0zcbl /film/actor/film./film/performance/film /m/04yg13l +/m/07w4j /education/educational_institution_campus/educational_institution /m/07w4j +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/016srn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ww2fs +/m/0l76z /tv/tv_program/genre /m/01t_vv +/m/021j72 /people/person/gender /m/05zppz +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/036jp8 /people/person/religion /m/051kv +/m/07c52 /media_common/netflix_genre/titles /m/0124k9 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01kv4mb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/02v3yy /people/person/profession /m/025352 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/050ks /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0694j +/m/0hzgf /base/biblioness/bibs_location/country /m/02vzc +/m/01vv6_6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/07r1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/09c7w0 /location/location/contains /m/0438f +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07_s4b +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02ndj5 +/m/01t8sr /education/educational_institution/campuses /m/01t8sr +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04q5zw +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/078bz +/m/0725ny /film/actor/film./film/performance/film /m/03d8jd1 +/m/02pzck /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01x_d8 +/m/0294mx /film/film/genre /m/03bxz7 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0gfnqh +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04_1nk +/m/016017 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0f2zc /people/person/places_lived./people/place_lived/location /m/05tbn +/m/03pmty /award/award_winner/awards_won./award/award_honor/award_winner /m/034g2b +/m/04rsd2 /people/person/place_of_birth /m/04jpl +/m/07s9rl0 /media_common/netflix_genre/titles /m/0f4_l +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0ck91 +/m/064n1pz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/08bqy9 /people/person/profession /m/02jknp +/m/0bbw2z6 /film/film/language /m/02h40lc +/m/0419kt /film/film/executive_produced_by /m/02qjpv5 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/051hrr /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/05qm9f +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/01s73z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/06qd3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/06q1r /location/location/contains /m/0124jj +/m/02d9nr /education/educational_institution_campus/educational_institution /m/02d9nr +/m/02r1c18 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06hhrs +/m/03v52f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/016tbr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/019dwp +/m/0bwh6 /award/award_winner/awards_won./award/award_honor/award_winner /m/03f2_rc +/m/0n6dc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03d0ns /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01l3vx +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/01wdqrx /people/person/profession /m/04f2zj +/m/039bp /award/award_winner/awards_won./award/award_honor/award_winner /m/0sw6g +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/040981l +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/02pv_d +/m/01vh3r /film/actor/film./film/performance/film /m/05dptj +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02vrgnr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h6sv /people/person/gender /m/05zppz +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/09hljw /people/profession/specialization_of /m/0fj9f +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0479b +/m/02jm0n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0cv3w /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/04cj79 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027mdh /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0m3gy /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/04y652m /broadcast/content/artist /m/0jn38 +/m/071xj /people/person/place_of_birth /m/0cvw9 +/m/07s9rl0 /media_common/netflix_genre/titles /m/07l4zhn +/m/02114t /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/043tg /influence/influence_node/influenced_by /m/0gz_ +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/02yvct +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0g5qmbz /film/film/genre /m/0jtdp +/m/02v406 /people/person/spouse_s./people/marriage/spouse /m/01x1cn2 +/m/02km0m /education/educational_institution/colors /m/083jv +/m/03npn /media_common/netflix_genre/titles /m/012kyx +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/055td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04bdxl /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/0d4jl /influence/influence_node/influenced_by /m/037jz +/m/0m_mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/05glrg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03gdf1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/086g2 +/m/0gywn /music/genre/artists /m/03q2t9 +/m/09r94m /film/film/language /m/02h40lc +/m/02wk_43 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/05znxx /film/film/language /m/05qqm +/m/01zh29 /people/person/profession /m/01d_h8 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hj5lq +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0bdwft /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/08vk_r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/06pvr /location/location/contains /m/0l2yf +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020bv3 +/m/02swsm /music/record_label/artist /m/06tp4h +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02yygk /people/person/place_of_birth /m/0fvvz +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02yvct +/m/01jw4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/090s_0 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx4k +/m/03j1p2n /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0bsb4j /people/person/profession /m/03gjzk +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxgv +/m/09wlpl /people/person/nationality /m/09c7w0 +/m/05xpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/07fq1y /film/actor/film./film/performance/film /m/04s1zr +/m/0mwyq /location/location/time_zones /m/02hcv8 +/m/09hzw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04p0c +/m/01pk8v /people/person/nationality /m/07ssc +/m/01tl50z /film/actor/film./film/performance/film /m/027rpym +/m/082xp /people/person/profession /m/03jgz +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/034np8 /film/actor/film./film/performance/film /m/02qm_f +/m/01q7h2 /film/film/cinematography /m/08mhyd +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0dmtp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/057xlyq /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/037mp6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0d4htf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nm_fh +/m/045gzq /film/actor/film./film/performance/film /m/07bx6 +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/049_zz +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/05g76 +/m/04lqvlr /film/film/film_format /m/0cj16 +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04psyp +/m/011yhm /film/film/genre /m/0219x_ +/m/01y_rz /award/award_winner/awards_won./award/award_honor/award_winner /m/0191h5 +/m/08c7cz /people/person/nationality /m/07ssc +/m/08984j /film/film/executive_produced_by /m/04t38b +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/03q5dr /film/actor/film./film/performance/film /m/0fb7sd +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05f8c2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02d_zc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/01sn3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h1m9 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01kgg9 +/m/09c7w0 /location/country/second_level_divisions /m/0fc_p +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award /m/02p_04b +/m/0dvld /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/03xl77 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/043gj /people/person/places_lived./people/place_lived/location /m/03s0w +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02x9g_ +/m/04czx7 /people/ethnicity/languages_spoken /m/01jb8r +/m/035gt8 /education/educational_institution_campus/educational_institution /m/035gt8 +/m/02cl1 /location/hud_county_place/county /m/02cl1 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hhvg +/m/0170xl /film/film/production_companies /m/03xsby +/m/0d9jr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mmpz +/m/0pspl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047p798 /film/film/produced_by /m/026c1 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0451j /people/person/profession /m/01d_h8 +/m/04vn_k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09d5h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0cv3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03zrp /people/person/sibling_s./people/sibling_relationship/sibling /m/03f4k +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/019n9w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/034rd /people/person/profession /m/02ky346 +/m/03ww_x /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01crd5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/026_dq6 /people/person/nationality /m/09c7w0 +/m/045zr /award/award_winner/awards_won./award/award_honor/award_winner /m/09hnb +/m/09r_wb /people/person/languages /m/09s02 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/08w4pm +/m/034zc0 /film/actor/film./film/performance/film /m/0sxns +/m/07gql /music/instrument/instrumentalists /m/024dw0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/042rlf +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/015njf +/m/02sh8y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/0bs5k8r /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/05kkh /location/location/contains /m/0yzyn +/m/063b4k /film/director/film /m/0dc_ms +/m/06q8qh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01gwk3 /film/film/produced_by /m/07f8wg +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yrh +/m/03cvv4 /people/person/places_lived./people/place_lived/location /m/0mn9x +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzjgq +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0pyww +/m/01w58n3 /film/actor/film./film/performance/film /m/0ndsl1x +/m/01pv91 /film/film/music /m/04pf4r +/m/09n48 /olympics/olympic_games/participating_countries /m/03rt9 +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/0f_y9 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0kvbl6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0258dh +/m/0d0mbj /people/person/profession /m/0kyk +/m/06j6l /music/genre/artists /m/0dt1cm +/m/0dg3n1 /base/locations/continents/countries_within /m/01p1b +/m/073v6 /influence/influence_node/influenced_by /m/03_87 +/m/0gdhhy /award/award_winner/awards_won./award/award_honor/award_winner /m/01l9p +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0394y +/m/01h72l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02gf_l +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02tqkf /film/actor/film./film/performance/film /m/04g73n +/m/06bng /influence/influence_node/influenced_by /m/0h25 +/m/04g73n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01tntf /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03qjg /music/instrument/instrumentalists /m/050z2 +/m/03gr14 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/03fts /film/film/costume_design_by /m/02w0dc0 +/m/0g8rj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01tdnyh +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g28b1 +/m/0bmc4cm /film/film/genre /m/07s9rl0 +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/0gthm /people/person/religion /m/0kpl +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02qsjt +/m/091z_p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fx0mw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z3r8t /film/film/genre /m/05p553 +/m/01qcz7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01qtj9 +/m/01yzhn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03d0ns +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0dw4g /award/award_winner/awards_won./award/award_honor/award_winner /m/018x3 +/m/03cglm /film/actor/film./film/performance/film /m/03cp4cn +/m/0l14qv /music/instrument/instrumentalists /m/094xh +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/01hkhq /people/person/places_lived./people/place_lived/location /m/02ly_ +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0391jz +/m/043s3 /people/deceased_person/place_of_death /m/02ly_ +/m/01l2fn /film/actor/film./film/performance/film /m/05nlx4 +/m/03zyvw /award/award_winner/awards_won./award/award_honor/award_winner /m/02lfl4 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0f40w +/m/02_1ky /tv/tv_program/languages /m/02h40lc +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/028mc6 +/m/02kcz /location/country/official_language /m/064_8sq +/m/02tq2r /people/person/profession /m/02hrh1q +/m/02x_h0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0pmhf +/m/0ct_yc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0284h6 +/m/01rxyb /film/film/featured_film_locations /m/0vzm +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/09lq2c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01dfb6 +/m/0j6cj /people/person/gender /m/05zppz +/m/01n7q /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/03k2hn /sports/sports_team/sport /m/06f3l +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03h0k1 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h1b +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/01y49 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/05fkf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d0x8 +/m/01ckbq /award/award_category/winners./award/award_honor/award_winner /m/01r9fv +/m/019mcm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06jnv /location/country/capital /m/0fngf +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/0ctt4z /sports/sports_position/players./sports/sports_team_roster/team /m/0jm6n +/m/03qdm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0721cy /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/05c26ss /film/film/country /m/09c7w0 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/0fc_9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fb_1 +/m/019kyn /film/film/production_companies /m/01795t +/m/03n0q5 /people/person/gender /m/05zppz +/m/015mrk /award/award_winner/awards_won./award/award_honor/award_winner /m/016732 +/m/0x67 /people/ethnicity/people /m/01wdqrx +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/059s8 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/09blyk /media_common/netflix_genre/titles /m/098s2w +/m/0m75g /base/aareas/schema/administrative_area/administrative_parent /m/0n048 +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04b8pv +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05c74 +/m/02lk95 /people/person/gender /m/05zppz +/m/04rqd /broadcast/content/artist /m/0mgcr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0kq95 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/024jwt /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/06by7 /music/genre/artists /m/02qlg7s +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/0ckrnn /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/05ywg /location/location/contains /m/09hgk +/m/04bdxl /people/person/place_of_birth /m/0f2v0 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0pnf3 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01bb9r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gy6z9 +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03zrc_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03mqj_ +/m/09v42sf /film/film/film_festivals /m/0bmj62v +/m/05dbyt /people/person/gender /m/05zppz +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/0pv54 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01ts_3 +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/04kj2v +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02x17c2 /award/award_category/winners./award/award_honor/award_winner /m/0g824 +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/017n9 +/m/02vqpx8 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/015ppk +/m/087v17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070bjw +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02hp70 +/m/03f2_rc /people/person/spouse_s./people/marriage/spouse /m/01zg98 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/04fv0k +/m/0gvsh7l /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/09x3r /olympics/olympic_games/participating_countries /m/03rjj +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0df92l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04sx9_ /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/06p03s /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/09889g /people/person/sibling_s./people/sibling_relationship/sibling /m/0gbwp +/m/02hkvw /people/deceased_person/place_of_death /m/0fk98 +/m/0_92w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02gkxp /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d4ct +/m/0534v /people/person/profession /m/0dxtg +/m/0806vbn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/0164w8 /people/person/nationality /m/09c7w0 +/m/027j79k /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/05m7zg /people/person/places_lived./people/place_lived/location /m/04jpl +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163r3 +/m/09sxqk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01jft4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09r1j5 /soccer/football_player/current_team./sports/sports_team_roster/team /m/09stq9 +/m/0946bb /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/01bpc9 /people/person/gender /m/05zppz +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/0mcl0 /film/film/language /m/02h40lc +/m/0sxgh /education/educational_institution_campus/educational_institution /m/0sxgh +/m/0209xj /film/film/executive_produced_by /m/02vyw +/m/015whm /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0558_1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0ggx5q /music/genre/artists /m/092ggq +/m/063g7l /film/actor/film./film/performance/film /m/095z4q +/m/022q4l9 /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/0147dk +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01s0ps +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01bt59 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0g_wn2 +/m/07tw_b /film/film/story_by /m/052hl +/m/095zlp /film/film/genre /m/07s9rl0 +/m/019pcs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/03zm00 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0cv1h /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09glbnt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dgrwqr +/m/02glc4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/02qkk9_ /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02sp_v /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/0fw2y /location/location/time_zones /m/02fqwt +/m/0557q /music/genre/artists /m/03n0pv +/m/0gpx6 /film/film/genre /m/03q4nz +/m/01p896 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/01vrz41 /people/person/profession /m/01b30l +/m/04hk0w /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/04jzj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07yjb /media_common/netflix_genre/titles /m/0gy30w +/m/09c7w0 /location/location/contains /m/03818y +/m/01dtcb /music/record_label/artist /m/01t8399 +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l3mk3 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0gh4g0 /music/record_label/artist /m/0kvnn +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/01vzxmq /people/person/nationality /m/03rt9 +/m/0mn0v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0197tq /award/award_winner/awards_won./award/award_honor/award_winner /m/045zr +/m/0d6484 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027z0pl +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0h5j77 /people/person/profession /m/01d_h8 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0391jz +/m/01wmcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lmzl +/m/0h584v /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0828jw +/m/05sq0m /award/award_winner/awards_won./award/award_honor/award_winner /m/03cfjg +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/09sr0 /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01t04r /music/record_label/artist /m/013w2r +/m/0f2c8g /people/person/profession /m/0dxtg +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02w9k1c +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05zr0xl +/m/01y888 /organization/organization/headquarters./location/mailing_address/citytown /m/03902 +/m/059j2 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03vgp7 +/m/0cv3w /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/076tq0z /film/film/genre /m/06cvj +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02h1rt +/m/0686zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/059lwy /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0cwfgz +/m/0k9j_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01mqz0 +/m/0qcr0 /people/cause_of_death/people /m/0bqdvt +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/087r4 +/m/0mx5p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hzj +/m/01337_ /people/deceased_person/place_of_death /m/0k049 +/m/03p9hl /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/02rx2m5 /film/film/genre /m/01f9r0 +/m/010p3 /people/person/nationality /m/09c7w0 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/01vvybv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/033_1p +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/0ckhc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03twd6 /film/film/language /m/02h40lc +/m/09btt1 /people/person/gender /m/02zsn +/m/04k9y6 /film/film/story_by /m/0kp2_ +/m/0b1mf /base/biblioness/bibs_location/country /m/0345h +/m/05fx1v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0g39h /base/aareas/schema/administrative_area/administrative_parent /m/0chghy +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0l3kx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvrd +/m/02c8d7 /music/genre/artists /m/0840vq +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01634x +/m/01rly6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01g23m /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/083chw +/m/02f4s3 /education/educational_institution/colors /m/04mkbj +/m/0342h /music/instrument/instrumentalists /m/01vsy3q +/m/03j70d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0cymln /people/person/places_lived./people/place_lived/location /m/0fsb8 +/m/031n8c /education/educational_institution/campuses /m/031n8c +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/02_fj /people/person/religion /m/0c8wxp +/m/02kz_ /people/person/place_of_birth /m/0s5cg +/m/05kj_ /location/location/contains /m/01hx2t +/m/025sc50 /music/genre/artists /m/016376 +/m/045w_4 /people/person/gender /m/02zsn +/m/0kz1h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/07vk9f +/m/043js /people/person/profession /m/02hrh1q +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/025ttz4 +/m/0413cff /film/film/genre /m/07s9rl0 +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/01b65l +/m/012d40 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/05nlx4 /award/award_winning_work/awards_won./award/award_honor/award /m/05zvj3m +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01p87y /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/019pm_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/011zd3 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/026dg51 /people/person/gender /m/02zsn +/m/0h778 /location/location/time_zones /m/02hcv8 +/m/017wh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/0l0wv /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/011k1h /music/record_label/artist /m/01j6mff +/m/027h4yd /award/award_category/winners./award/award_honor/award_winner /m/0gl88b +/m/01vx5w7 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c499 /base/biblioness/bibs_location/country /m/0hzlz +/m/0640m69 /film/film/country /m/09c7w0 +/m/012w70 /language/human_language/countries_spoken_in /m/09pmkv +/m/05kj_ /location/location/contains /m/0mxbq +/m/080_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/025ttz4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/03jv8d /time/event/locations /m/020g9r +/m/016xk5 /people/person/places_lived./people/place_lived/location /m/0n9dn +/m/01t6xz /award/award_winner/awards_won./award/award_honor/award_winner /m/03kcyd +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/017f3m +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03ds3 /film/actor/film./film/performance/film /m/0gvvf4j +/m/0dq9p /people/cause_of_death/people /m/0c921 +/m/0gsg7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/01tc9r /people/person/profession /m/01c8w0 +/m/025j1t /people/person/gender /m/05zppz +/m/0bm2nq /film/film/genre /m/05p553 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6wj +/m/02z6l5f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016mhd +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/016gr2 /film/actor/film./film/performance/film /m/05z43v +/m/0gs6vr /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/07ldhs +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0fsm8c /film/actor/film./film/performance/film /m/04grkmd +/m/01pbxb /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2l9 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/0btxr /film/actor/film./film/performance/film /m/0bxsk +/m/05_6_y /people/person/nationality /m/07ssc +/m/0hpyv /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/030qb3t /location/location/contains /m/06b7s9 +/m/0dlngsd /film/film/genre /m/0lsxr +/m/050xxm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fvf1 +/m/0cv0r /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0cv1w +/m/01rlxt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06qxh +/m/049t4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01hr1 /film/film/genre /m/01jfsb +/m/0382m4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07q0g5 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/0fphgb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0lk8j /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/053vcrp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/076lxv +/m/06k02 /people/person/places_lived./people/place_lived/location /m/07dfk +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/017180 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dvld +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/01rh0w +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/02lg3y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02qkt /location/location/contains /m/02lx0 +/m/05gg4 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0hv4t /film/film/production_companies /m/05qd_ +/m/02v1ws /award/award_category/winners./award/award_honor/award_winner /m/0c1jh +/m/094xh /people/person/places_lived./people/place_lived/location /m/0l2vz +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/041738 /music/genre/artists /m/01k3qj +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0g768 /music/record_label/artist /m/027kwc +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/02qk3fk /film/film/music /m/06fxnf +/m/043c4j /people/person/profession /m/09jwl +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/0pkgt +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/0169dl +/m/05r5c /music/instrument/instrumentalists /m/04mn81 +/m/0bq0p9 /location/country/official_language /m/02h40lc +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0mdqp /film/actor/film./film/performance/film /m/034qzw +/m/0340hj /film/film/featured_film_locations /m/01sn3 +/m/02633g /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02jx_v +/m/07k53y /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031k24 +/m/0171lb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01hhvg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07l5z /location/hud_county_place/county /m/0n22z +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/037lyl /people/person/profession /m/01c72t +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/025rxjq /film/film/music /m/01tc9r +/m/05pq9 /people/person/profession /m/02hv44_ +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067pl7 +/m/03kxp7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06tp4h +/m/01jfsb /media_common/netflix_genre/titles /m/0gg5kmg +/m/019n8z /olympics/olympic_games/participating_countries /m/09c7w0 +/m/01kjr0 /film/film/executive_produced_by /m/026dx +/m/03lvwp /film/film/genre /m/02l7c8 +/m/0gp8sg /people/person/languages /m/07c9s +/m/08304 /people/person/profession /m/0n1h +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/01s1zk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jspq /film/director/film /m/01xdxy +/m/05sxzwc /film/film/genre /m/01hmnh +/m/0p9z5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06czyr /people/person/religion /m/0c8wxp +/m/0k525 /film/actor/film./film/performance/film /m/02rcdc2 +/m/01fwk3 /people/person/profession /m/0cbd2 +/m/03gyl /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/07jxpf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06__m6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c00lh +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/011yr9 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/026c1 /film/actor/film./film/performance/film /m/047p798 +/m/032v0v /film/director/film /m/04fzfj +/m/090s_0 /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/0fy34l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09d5h /award/award_winner/awards_won./award/award_honor/award_winner /m/0121rx +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/0pnf3 /people/person/profession /m/0dxtg +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/01p1b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/07s2s /film/film_subject/films /m/01f7jt +/m/09c6w /base/biblioness/bibs_location/country /m/03rk0 +/m/01tnxc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kjgl +/m/083chw /people/person/profession /m/0cbd2 +/m/059y0 /people/person/employment_history./business/employment_tenure/company /m/017ztv +/m/064t9 /music/genre/artists /m/0bqsy +/m/01z4y /media_common/netflix_genre/titles /m/08k40m +/m/0lx2l /people/person/religion /m/0c8wxp +/m/02f2p7 /film/actor/film./film/performance/film /m/09z2b7 +/m/04rwx /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/01wwvc5 /people/person/profession /m/0dz3r +/m/09889g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05v1sb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0m68w +/m/09qh1 /people/person/places_lived./people/place_lived/location /m/095l0 +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/05kfs /people/person/nationality /m/09c7w0 +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/03q95r +/m/0bv8h2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/03f_s3 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/081nh /people/deceased_person/place_of_death /m/0r00l +/m/0dsx3f /tv/tv_program/genre /m/07s9rl0 +/m/02gs6r /film/film/language /m/03_9r +/m/02bj6k /people/person/profession /m/02hrh1q +/m/043js /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/01pkhw /film/actor/film./film/performance/film /m/0g9lm2 +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02ngbs /education/educational_institution/students_graduates./education/education/student /m/05d8vw +/m/04258w /people/person/profession /m/0d8qb +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02hkw6 /people/person/nationality /m/03rk0 +/m/01g42 /people/person/gender /m/05zppz +/m/01p726 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cb4j /location/location/time_zones /m/02lcqs +/m/02x0gk1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0171cm /film/actor/film./film/performance/film /m/02qhlwd +/m/03ctqqf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tspc6 +/m/04hw4b /people/person/profession /m/0dxtg +/m/064t9 /music/genre/artists /m/016s0m +/m/0cvkv5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01njxvw +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5k8r +/m/0crs0b8 /film/film/production_companies /m/0283xx2 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02725hs /film/film/country /m/07ssc +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01c6l +/m/0bdlj /people/person/places_lived./people/place_lived/location /m/05fkf +/m/018dyl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrnsk +/m/03lyp4 /tv/tv_program/genre /m/0hcr +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/026gyn_ /film/film/genre /m/017fp +/m/09d4_ /location/location/contains /m/019q50 +/m/02ndbd /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01kcd +/m/02kgb7 /award/award_category/winners./award/award_honor/award_winner /m/02t_99 +/m/0fy66 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0161h5 +/m/05fgt1 /film/film/produced_by /m/02kxbx3 +/m/044ptm /film/actor/film./film/performance/film /m/09yxcz +/m/0dbdy /location/location/contains /m/01t8gz +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/06w6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/07w6r +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0fht9f /sports/sports_team/colors /m/01l849 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/030znt /people/person/places_lived./people/place_lived/location /m/013kcv +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/position /m/02g_6x +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/01qdjm +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0fby2t /people/person/nationality /m/09c7w0 +/m/016w7b /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bfg /education/educational_institution/students_graduates./education/education/student /m/0jn5l +/m/02psqkz /location/country/form_of_government /m/01q20 +/m/031zm1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02lwv5 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/01cspq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0448r /people/person/profession /m/0cbd2 +/m/0cx6f /music/genre/artists /m/07z542 +/m/0nmj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/025twgt /film/film/genre /m/01jfsb +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0prfz +/m/07t21 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0bhvtc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wqflx +/m/08q3s0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/015p6 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0d61px +/m/09l9tq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0j46b +/m/03pn9 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/064t9 /music/genre/artists /m/01l_vgt +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0x67 /people/ethnicity/people /m/01vw37m +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02lfwp /film/director/film /m/0642ykh +/m/025m8l /award/award_category/winners./award/award_honor/award_winner /m/0gcs9 +/m/093142 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dg3n1 /location/location/contains /m/06dfg +/m/0y54 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/05b4rcb /people/person/nationality /m/09c7w0 +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/07szy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0kb3n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/035nm /organization/organization/headquarters./location/mailing_address/citytown /m/02dtg +/m/02krdz /film/film/genre /m/073_6 +/m/0b_75k /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/04kkz8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b6tzs /film/film/country /m/09c7w0 +/m/04glr5h /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/045zr /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/01y9r2 /film/film/genre /m/01jfsb +/m/03qkgyl /people/person/gender /m/02zsn +/m/033tf_ /people/ethnicity/languages_spoken /m/03x42 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04k3jt +/m/012s1d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04dqdk /people/person/religion /m/03_gx +/m/09yhzs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddf2bm +/m/013zs9 /film/actor/film./film/performance/film /m/0crfwmx +/m/01n7q /location/location/contains /m/0k_q_ +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/09rx7tx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01vzz1c /music/artist/origin /m/04jpl +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03rrdb +/m/03qjg /music/instrument/instrumentalists /m/01wp8w7 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0m0jc /music/genre/artists /m/016lmg +/m/012ykt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01vy_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08xvpn +/m/04vn_k /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05fjf /location/location/contains /m/0xq63 +/m/02633g /influence/influence_node/influenced_by /m/02lhm2 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/09k56b7 /film/film/language /m/02h40lc +/m/023nlj /people/person/profession /m/02hrh1q +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01k1k4 /film/film/produced_by /m/0p__8 +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0ffgh /music/artist/origin /m/01_d4 +/m/02tz9z /education/educational_institution/students_graduates./education/education/student /m/02xwq9 +/m/01ry0f /people/person/nationality /m/09c7w0 +/m/09l3p /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01r93l +/m/03h_yy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02183k +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0dzlk +/m/03ym73 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0snty +/m/06cl2w /people/person/profession /m/0dxtg +/m/02q4ntp /sports/sports_team/colors /m/01g5v +/m/01_6dw /people/person/employment_history./business/employment_tenure/company /m/017z88 +/m/04mlh8 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/02n4kr /media_common/netflix_genre/titles /m/03h_yy +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05xpms +/m/015z4j /people/person/profession /m/01445t +/m/0y_yw /film/film/genre /m/01jfsb +/m/01wwvt2 /people/person/profession /m/09jwl +/m/03wh8kl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0149xx /music/artist/track_contributions./music/track_contribution/role /m/01xqw +/m/0dwtp /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04j4tx +/m/0bmhvpr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05s34b /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0ndwt2w /film/film/featured_film_locations /m/0ctw_b +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/045zr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09fb5 +/m/013_vh /people/person/gender /m/05zppz +/m/026_dcw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06b4wb /people/person/profession /m/0np9r +/m/012m_ /location/country/official_language /m/05qqm +/m/017dtf /tv/tv_program/genre /m/05p553 +/m/017v_ /location/location/contains /m/09f8q +/m/0342h /music/instrument/instrumentalists /m/01wsl7c +/m/0kfpm /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/02lhm2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mz10g +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l4zqz +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0d35y /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0vmt +/m/07s9rl0 /media_common/netflix_genre/titles /m/093l8p +/m/0c3ns /film/director/film /m/020fcn +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0mzy7 /base/biblioness/bibs_location/country /m/09c7w0 +/m/02t_st /people/person/nationality /m/09c7w0 +/m/01_f_5 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0f4vx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02jr26 +/m/0h21v2 /film/film/language /m/02h40lc +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/057bc6m /film/film_set_designer/film_sets_designed /m/06pyc2 +/m/033qdy /film/film/genre /m/01jfsb +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06rnl9 +/m/03nm_fh /film/film/music /m/03h610 +/m/0dtfn /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/04z1v0 /music/genre/artists /m/0jltp +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/03ctqqf +/m/02xwq9 /people/person/places_lived./people/place_lived/location /m/06wxw +/m/03nc9d /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01wgxtl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bqvs2 +/m/0287xhr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/06kbb6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/01g23m /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01q_ph +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/0686zv +/m/0fbx6 /film/actor/film./film/performance/film /m/0g83dv +/m/03hfxkn /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05w3f /music/genre/artists /m/01pny5 +/m/04mwxk3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03qnc6q +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03061d +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/07w21 +/m/026dqjm /sports/sports_team/sport /m/039yzs +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4vbz +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/01vtg4q /people/person/profession /m/09jwl +/m/02qny_ /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01k2xy +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/024my5 /film/actor/film./film/performance/film /m/0_7w6 +/m/01wk7ql /award/award_winner/awards_won./award/award_honor/award_winner /m/01wcp_g +/m/01j6mff /music/artist/origin /m/0th3k +/m/0y_pg /film/film/genre /m/05p553 +/m/01rxyb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/024cg8 /education/educational_institution/school_type /m/05jxkf +/m/02drd3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/088xp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088vb +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01tspc6 /award/award_winner/awards_won./award/award_honor/award_winner /m/016xk5 +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/05r5c /music/instrument/instrumentalists /m/03j24kf +/m/031n8c /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/03lty /music/genre/artists /m/0bsj9 +/m/03nk3t /people/person/gender /m/05zppz +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/06rmdr +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0mbf4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015pkt /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02f_k_ /people/person/place_of_birth /m/0rv97 +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/0b_6jz /time/event/locations /m/0n1rj +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gqr +/m/05dkbr /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b76t12 /film/film/film_festivals /m/09rwjly +/m/065mm1 /people/person/place_of_birth /m/04f_d +/m/015v3r /people/person/gender /m/05zppz +/m/01gpkz /education/educational_institution/campuses /m/01gpkz +/m/09c7w0 /location/location/contains /m/0wp9b +/m/0f1vrl /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/0dc7hc /film/film/genre /m/05p553 +/m/04nw9 /people/person/place_of_birth /m/0xynl +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09g7vfw +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0151w_ +/m/0gz6b6g /film/film/country /m/07ww5 +/m/0h1k6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0170s4 +/m/04165w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/023vrq /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/078jt5 /people/person/place_of_birth /m/013m_x +/m/01n4w_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0478__m /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02wgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/072vj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/06fq2 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cnl80 +/m/0xnvg /people/ethnicity/people /m/04cr6qv +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0154j /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0frm7n +/m/04cr6qv /music/group_member/membership./music/group_membership/role /m/0342h +/m/0j8hd /people/cause_of_death/people /m/0bdt8 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7dd +/m/08gg47 /film/film/language /m/02h40lc +/m/01kf4tt /film/film/story_by /m/0fx02 +/m/03_gd /film/director/film /m/0hwpz +/m/01xwqn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07ssc /location/location/contains /m/0h30_ +/m/03cvv4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0flw6 /film/actor/film./film/performance/film /m/08nhfc1 +/m/01qn7n /tv/tv_program/genre /m/07s9rl0 +/m/014nq4 /film/film/film_format /m/07fb8_ +/m/0nn83 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f77 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02gys2 +/m/02g9p4 /music/instrument/instrumentalists /m/01vsyg9 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/0v0d9 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/011wtv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01flv_ +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/05qsxy +/m/0d6lp /location/location/time_zones /m/02lcqs +/m/07b_l /location/location/contains /m/03np_7 +/m/0181dw /music/record_label/artist /m/01wg25j +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/08mg_b +/m/0h1nt /film/actor/film./film/performance/film /m/09sr0 +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/044mvs /film/actor/film./film/performance/film /m/03m8y5 +/m/05vk_d /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gp_x /influence/influence_node/influenced_by /m/06d6y +/m/0drtkx /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/0884hk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch3qr1 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/03zz8b /award/award_winner/awards_won./award/award_honor/award_winner /m/06dv3 +/m/03bxwtd /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vsy3q /people/person/profession /m/09jwl +/m/03yf5g /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03mck3c +/m/035gjq /award/award_winner/awards_won./award/award_honor/award_winner /m/038g2x +/m/070w7s /award/award_winner/awards_won./award/award_honor/award_winner /m/02rghbp +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0646qh /people/person/place_of_birth /m/06wxw +/m/027r7k /film/film/genre /m/02n4kr +/m/01pbxb /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03v1s +/m/04jwjq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zh29 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award /m/0279c15 +/m/02xtxw /film/film/written_by /m/0pz7h +/m/01q7q2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ksk /people/person/religion /m/0c8wxp +/m/03v0t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03v1s +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/01s21dg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsnff /people/person/place_of_birth /m/02dtg +/m/01bzw5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/043t1s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/09kn9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xkps +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778qt +/m/01g4yw /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/034fl9 +/m/02yxbc /film/film/country /m/0345h +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwnh2 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hc1j +/m/0f7h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0300cp +/m/0443xn /people/person/spouse_s./people/marriage/location_of_ceremony /m/03gh4 +/m/07cbs /influence/influence_node/influenced_by /m/03s9v +/m/030s5g /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/02yr1q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/03kxdw /people/person/profession /m/02hrh1q +/m/028r4y /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02114t +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/03jm6c /people/person/profession /m/0196pc +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/04bdzg /people/person/gender /m/05zppz +/m/07dzf /location/country/form_of_government /m/06cx9 +/m/065jlv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cj4r +/m/02s2xy /base/biblioness/bibs_location/country /m/01znc_ +/m/05g3b /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/01z7s_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/020trj +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0ckf6 +/m/01vsl3_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01vrz41 +/m/0192hw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0l14gg +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/024y6w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03v0vd /people/person/profession /m/02krf9 +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/02v406 +/m/0421ng /film/film/genre /m/06nbt +/m/01vvyc_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/026c1 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/0h25 /people/person/places_lived./people/place_lived/location /m/06pr6 +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/05p09zm /award/award_category/winners./award/award_honor/award_winner /m/01vs_v8 +/m/01tx9m /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047q2wc +/m/01q2nx /film/film/language /m/02h40lc +/m/015_1q /music/record_label/artist /m/02pt7h_ +/m/04r7p /people/person/nationality /m/03_3d +/m/019pcs /location/country/capital /m/0dttf +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05cljf +/m/098s2w /film/film/country /m/09c7w0 +/m/029fbr /music/genre/parent_genre /m/016clz +/m/0bl1_ /film/film/country /m/09c7w0 +/m/07ym47 /music/genre/parent_genre /m/03_d0 +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04jkpgv +/m/0s2z0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jwmp +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/049l7 +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0c0k1 /film/actor/film./film/performance/film /m/0199wf +/m/01qynv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g824 /film/actor/film./film/performance/film /m/0b7l4x +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01jkqfz +/m/02zfdp /film/actor/film./film/performance/film /m/09146g +/m/03k545 /film/actor/film./film/performance/film /m/011yr9 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01jpyb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01chg /media_common/netflix_genre/titles /m/01p3ty +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07r_dg +/m/0cf2h /people/deceased_person/place_of_death /m/0k049 +/m/015g28 /film/film/language /m/04306rv +/m/01h0kx /music/genre/parent_genre /m/064t9 +/m/0kryqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03bzyn4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02778pf +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01pllx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gkmx +/m/01n30p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01t04r /music/record_label/artist /m/011xhx +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07jrjb +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0d8lm +/m/05drr9 /film/actor/film./film/performance/film /m/03cyslc +/m/057lbk /film/film/production_companies /m/0c_j5d +/m/017_1x /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01vg13 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0150t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0417z2 +/m/01dpsv /people/person/gender /m/02zsn +/m/03c3yf /music/artist/origin /m/030qb3t +/m/06sy4c /soccer/football_player/current_team./sports/sports_team_roster/team /m/025czw +/m/02rwmk /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01pj7 +/m/03cd0x /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/023n39 /film/actor/film./film/performance/film /m/01y9jr +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/09jvl +/m/037q2p /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/0dszr0 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/04xvlr /media_common/netflix_genre/titles /m/01sxdy +/m/09d3b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/02ptczs /film/film/genre /m/07s9rl0 +/m/01pcql /people/person/nationality /m/02jx1 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b17f +/m/01qkqwg /music/artist/track_contributions./music/track_contribution/role /m/07xzm +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tbr +/m/0b_4z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0flw6 +/m/019g40 /music/artist/origin /m/030qb3t +/m/03y82t6 /people/person/places_lived./people/place_lived/location /m/0r62v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pd57 +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02p11jq /music/record_label/artist /m/01vrx3g +/m/09c7w0 /location/country/second_level_divisions /m/0mx48 +/m/06qv_ /tv/tv_program/genre /m/03k9fj +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/0d060g /location/location/contains /m/0j95 +/m/016t00 /people/person/profession /m/0nbcg +/m/02bwjv /people/person/gender /m/02zsn +/m/0lh0c /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01r42_g +/m/03qmfzx /people/person/nationality /m/09c7w0 +/m/01nglk /people/person/spouse_s./people/marriage/spouse /m/01k53x +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/08zrbl /film/film/language /m/02h40lc +/m/0534v /film/director/film /m/02q3fdr +/m/05fgr_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mt91 /award/award_winner/awards_won./award/award_honor/award_winner /m/05mxw33 +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/04wvhz +/m/06yxd /location/location/partially_contains /m/02cgp8 +/m/05vsxz /people/person/profession /m/02hrh1q +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qb559 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0p828 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028kj0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0408np /people/person/places_lived./people/place_lived/location /m/094jv +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/0265vcb +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/0495ys +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zq43 +/m/03fnjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/034x61 +/m/0223g8 /people/person/nationality /m/09c7w0 +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/05p92jn +/m/08n__5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/026mj /location/location/contains /m/0m2kw +/m/08mg_b /film/film/genre /m/03bxz7 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/033db3 +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/06zdt7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05g76 /sports/sports_team/colors /m/01g5v +/m/0n6c_ /location/location/partially_contains /m/0fb18 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vvb4m +/m/0f1kwr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04b2qn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03y3dk /people/person/nationality /m/0f8l9c +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vv126 +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/015_30 +/m/01s7w3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/056wb +/m/0gjw_ /base/culturalevent/event/entity_involved /m/027qpc +/m/0jvtp /people/person/places_lived./people/place_lived/location /m/013wf1 +/m/01w9k25 /people/person/nationality /m/09c7w0 +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/07_l6 +/m/04v048 /people/deceased_person/place_of_death /m/0k_p5 +/m/0n5yv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5_t +/m/01svw8n /people/person/profession /m/016z4k +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0cjsxp /film/actor/film./film/performance/film /m/0pc62 +/m/052h3 /people/person/nationality /m/09c7w0 +/m/02c6d /film/film/genre /m/03npn +/m/0d06m5 /people/person/profession /m/0fj9f +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/0184dt /influence/influence_node/influenced_by /m/05qzv +/m/0d8jf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxc4 +/m/06kl78 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03hpkp +/m/07fj_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0287477 /film/film/genre /m/03k9fj +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01zhs3 +/m/0m0jc /music/genre/artists /m/01k3qj +/m/02c_wc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01g257 +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0kb1g /film/film/genre /m/082gq +/m/02b1j1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02x7vq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/016kkx /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0kftt +/m/05w1vf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/016z43 /film/film/genre /m/07s9rl0 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/06v99d /tv/tv_network/programs./tv/tv_network_duration/program /m/095sx6 +/m/01gvr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/02dtg /base/biblioness/bibs_location/country /m/09c7w0 +/m/01phtd /film/actor/film./film/performance/film /m/04t9c0 +/m/01g1lp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c9t0y +/m/011k1h /music/record_label/artist /m/02lbrd +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/03fnnn +/m/016kv6 /film/film/produced_by /m/05kfs +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gnbv1 +/m/033p3_ /people/person/place_of_birth /m/01_d4 +/m/02w4v /music/genre/artists /m/0pj9t +/m/0ds2l81 /film/film/produced_by /m/02q42j_ +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/0wsr /american_football/football_team/current_roster./sports/sports_team_roster/position /m/047g8h +/m/0jm9w /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02jztz +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0212zp /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/088n7 +/m/01j48s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/05k7sb /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0bqs56 /influence/influence_node/influenced_by /m/0p_pd +/m/01xbgx /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01dyk8 /education/educational_institution/students_graduates./education/education/student /m/0jcx +/m/0yxm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/016wzw /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01t_z /people/person/place_of_birth /m/0dgfx +/m/0xckc /location/hud_county_place/place /m/0xckc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0hwpz +/m/07xl34 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01rc6f +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/02bft /medicine/disease/risk_factors /m/02y0js +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03hxsv /film/film/genre /m/02l7c8 +/m/08zx0s /music/genre/artists /m/02b25y +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02r0d0 /award/award_category/disciplines_or_subjects /m/0dwly +/m/0q9sg /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/03xpf_7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/018j2 /music/instrument/instrumentalists /m/09prnq +/m/01ync /sports/sports_team/colors /m/019sc +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07scx +/m/06w99h3 /film/film/featured_film_locations /m/0b90_r +/m/03_3d /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0c1ps1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021_rm +/m/05dbf /people/person/place_of_birth /m/02hrh0_ +/m/01vsyjy /music/artist/contribution./music/recording_contribution/performance_role /m/018vs +/m/07nvmx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02pbrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pzc4 +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/0fsd9t /film/film/genre /m/04xvlr +/m/033fqh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/0n2sh /location/location/time_zones /m/02hcv8 +/m/014y6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04hwbq /film/film/production_companies /m/01795t +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02kcv4x +/m/0cbm64 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0dxmyh +/m/07s9rl0 /media_common/netflix_genre/titles /m/02z0f6l +/m/05bpg3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/023w9s /film/actor/film./film/performance/film /m/0jqb8 +/m/0h10vt /people/person/profession /m/0d1pc +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jsqk /film/film/genre /m/07s9rl0 +/m/0n04r /film/film/genre /m/0lsxr +/m/04q827 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/01dhpj /award/award_winner/awards_won./award/award_honor/award_winner /m/0969fd +/m/04wlh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04sj3 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/047csmy /film/film/produced_by /m/05mvd62 +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/07d370 /people/person/profession /m/0cbd2 +/m/02qjpv5 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/07s9rl0 /media_common/netflix_genre/titles /m/0ywrc +/m/0885n /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/01wg3q /people/person/profession /m/01c72t +/m/033tln /film/actor/film./film/performance/film /m/0f4_l +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv8y +/m/0l14v3 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/031hcx /film/film/production_companies /m/086k8 +/m/03fwln /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01vq3 /film/film_subject/films /m/063_j5 +/m/026p4q7 /film/film/genre /m/02n4kr +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/02c7lt /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0mbw0 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0693l +/m/06j6l /music/genre/artists /m/01w724 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0425yz +/m/040696 /film/actor/film./film/performance/film /m/07x4qr +/m/0fhsz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0c7hq +/m/02_wxh /people/person/profession /m/02hrh1q +/m/0chw_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gx_p +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/02wt0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07fsv +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/0bqvs2 /people/person/profession /m/02hrh1q +/m/05r5c /music/instrument/instrumentalists /m/0136pk +/m/01tjvv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/01k23t /people/person/nationality /m/07ssc +/m/04gnbv1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/021bk /people/person/profession /m/018gz8 +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0d06vc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0k6nt +/m/0d35y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/012q8y /base/biblioness/bibs_location/country /m/0chghy +/m/01s21dg /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09yrh +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04mz10g +/m/088xp /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mk6 +/m/016clz /music/genre/artists /m/01vrkdt +/m/030pr /film/director/film /m/0gcpc +/m/02gnmp /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/059_gf /people/person/nationality /m/09c7w0 +/m/03lty /music/genre/artists /m/017mbb +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/01jz6d +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04v09 +/m/09qljs /film/film/genre /m/01585b +/m/03h502k /people/person/place_of_birth /m/0z1vw +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/06mmb /award/award_winner/awards_won./award/award_honor/award_winner /m/03n08b +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/04344j /education/university/fraternities_and_sororities /m/04m8fy +/m/01wdtv /music/record_label/artist /m/06m61 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/047myg9 +/m/02qfv5d /media_common/netflix_genre/titles /m/0296rz +/m/02bc74 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/03hvk2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/018z_c /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/0n5fz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n58p +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/035gjq +/m/027b9ly /award/award_category/nominees./award/award_nomination/nominated_for /m/0fjyzt +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/06q8qh +/m/04bdlg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0q8jl /location/location/time_zones /m/02fqwt +/m/0143wl /people/person/gender /m/05zppz +/m/02fn5r /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/0kxf1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015qyf +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7tx +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ldxq +/m/0gy30w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/026r8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cpb7 +/m/0bm2g /film/film/costume_design_by /m/0b80__ +/m/0fqz6 /people/ethnicity/people /m/01tnxc +/m/02gjt4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015rkw +/m/01vs_v8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03pmty /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01v8y9 +/m/0237fw /award/award_winner/awards_won./award/award_honor/award_winner /m/0psss +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0d_84 +/m/0m66w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016z2j +/m/04g73n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0sx7r /user/jg/default_domain/olympic_games/sports /m/09_bl +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yygk +/m/0cj2k3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj2nl +/m/0h9xl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/095b70 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05lfwd +/m/01lmj3q /award/award_winner/awards_won./award/award_honor/award_winner /m/01ww2fs +/m/0p_47 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015882 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/02_fm2 /film/film/production_companies /m/04rcl7 +/m/01z7_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k9ts /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03lty /music/genre/artists /m/0pkyh +/m/03v1xb /people/deceased_person/place_of_death /m/0cc56 +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l9p +/m/018db8 /people/person/profession /m/03gjzk +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/015whm +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0tz54 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0hgxh /medicine/symptom/symptom_of /m/01n3bm +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/03wy8t +/m/016zp5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01kwld +/m/040njc /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/01914 /base/biblioness/bibs_location/country /m/0d05w3 +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/01w524f /people/person/gender /m/05zppz +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/01cf93 /music/record_label/artist /m/03193l +/m/03rbj2 /award/award_category/winners./award/award_honor/award_winner /m/0292l3 +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fwj8 +/m/01vfqh /film/film/written_by /m/02kxbx3 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03hj3b3 +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bdjd +/m/0yxf4 /film/film/costume_design_by /m/02vkvcz +/m/021sv1 /people/person/religion /m/051kv +/m/05zjtn4 /education/educational_institution/colors /m/083jv +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/016wzw +/m/0d810y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0l1589 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/0dw6b /people/person/gender /m/05zppz +/m/06n3y /location/location/contains /m/0jgd +/m/019c57 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/06by7 /music/genre/artists /m/01w9wwg +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/019g40 /people/person/nationality /m/09c7w0 +/m/01fxfk /people/person/place_of_birth /m/030qb3t +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03_fmr +/m/06v8s0 /people/person/profession /m/02krf9 +/m/037bm2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01771z +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05218gr +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/027x7z5 /film/film/genre /m/03npn +/m/065ym0c /award/award_winning_work/awards_won./award/award_honor/award /m/07kfzsg +/m/02sj1x /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1rw +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/02rhfsc /people/person/profession /m/03gjzk +/m/0hd7j /education/educational_institution/school_type /m/05jxkf +/m/0g284 /base/biblioness/bibs_location/country /m/0hzlz +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/02wcx8c +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09sr0 +/m/0cf_n /location/hud_county_place/county /m/0nm87 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/052h3 /influence/influence_node/influenced_by /m/0h25 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/06dfz1 +/m/015pkc /award/award_winner/awards_won./award/award_honor/award_winner /m/04fzk +/m/0d23k /location/location/contains /m/02897w +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g5k +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02l4rh +/m/0t_48 /location/location/time_zones /m/02hcv8 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/0hwbd +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05bnq3j +/m/01gkmx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0qf5p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081t6 /people/person/profession /m/012t_z +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/01yfm8 +/m/04g9gd /film/film/genre /m/03bxz7 +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01s7z0 +/m/0qmd5 /film/film/executive_produced_by /m/052hl +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/02cft /location/administrative_division/country /m/03rt9 +/m/0kbg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07z542 /music/group_member/membership./music/group_membership/role /m/02pprs +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/0166b /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fh9 /people/person/place_of_birth /m/0qt85 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08vr94 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0345h /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/02fsn /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/02wr6r /people/person/gender /m/05zppz +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/012mrr /film/film/country /m/09c7w0 +/m/05r6t /music/genre/artists /m/070b4 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01713c +/m/026_dq6 /people/person/profession /m/0d1pc +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/041wm /people/person/gender /m/05zppz +/m/01jfsb /media_common/netflix_genre/titles /m/09jcj6 +/m/07gp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050ks +/m/026rsl9 /award/award_category/winners./award/award_honor/award_winner /m/0cc5tgk +/m/01bzw5 /education/educational_institution/students_graduates./education/education/student /m/0237jb +/m/0d9s5 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0d9rp +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/02jq1 +/m/015dqj /people/person/profession /m/02jknp +/m/0277c3 /people/person/profession /m/0gbbt +/m/02qw_v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/017jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/01b9ck +/m/05yjhm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jvj7 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/09d38d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g10g +/m/0prfz /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01jfrg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0151w_ +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xq8v +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gx_p /film/actor/film./film/performance/film /m/01hq1 +/m/026xt5c /people/person/profession /m/02jknp +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ndc +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01tspc6 /film/actor/film./film/performance/film /m/04jpg2p +/m/023znp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/02g0mx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01fwk3 +/m/040vk98 /award/award_category/winners./award/award_honor/award_winner /m/04r68 +/m/02qzh2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02yl42 /influence/influence_node/influenced_by /m/07lp1 +/m/04pnx /location/location/contains /m/0d04z6 +/m/0d7vtk /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0h63q6t /film/film/country /m/09c7w0 +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/025t9b /film/actor/film./film/performance/film /m/084qpk +/m/02knxx /people/cause_of_death/people /m/036jp8 +/m/02gx2x /people/ethnicity/languages_spoken /m/0y1mh +/m/02w7gg /people/ethnicity/people /m/02k6rq +/m/0l14qv /music/instrument/instrumentalists /m/017l4 +/m/0pv2t /film/film/language /m/03_9r +/m/0h1fktn /film/film/genre /m/04t36 +/m/02fn5 /people/deceased_person/place_of_death /m/07_fl +/m/01dzg0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05vtbl /film/director/film /m/03d8jd1 +/m/02k4b2 /film/actor/film./film/performance/film /m/02xtxw +/m/05jcn8 /people/person/profession /m/015h31 +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn44 +/m/01cx_ /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/027kmrb +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/031ydm +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/04ns3gy /people/person/profession /m/03gjzk +/m/014488 /people/person/nationality /m/09c7w0 +/m/01fkv0 /award/award_winner/awards_won./award/award_honor/award_winner /m/019_1h +/m/0sxgh /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jt3tjf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/047lj +/m/0ffjqy /people/ethnicity/languages_spoken /m/02h40lc +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/026dg51 /award/award_winner/awards_won./award/award_honor/award_winner /m/070m12 +/m/06vkl /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/03_ly +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/07r1_ +/m/0n6f8 /film/actor/film./film/performance/film /m/05jzt3 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/018sg9 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/03l78j /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/028k2x /tv/tv_program/genre /m/02n4kr +/m/0bjv6 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02pp_q_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01jgpsh +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/0jfgk /base/culturalevent/event/entity_involved /m/012bk +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02h40lc +/m/01z7_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09xrxq +/m/01s73z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0342h /music/instrument/instrumentalists /m/0qf3p +/m/03ywyk /people/person/languages /m/02h40lc +/m/01bgkq /base/aareas/schema/administrative_area/administrative_parent /m/070zc +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0xbm +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01c7qd /people/person/profession /m/025352 +/m/0412f5y /people/person/profession /m/0nbcg +/m/02qmncd /music/artist/track_contributions./music/track_contribution/role /m/01kcd +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02xry +/m/016z2j /film/actor/film./film/performance/film /m/0bc1yhb +/m/021_rm /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0d9y6 /location/location/contains /m/01ptt7 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01v0fn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/019x62 +/m/01cl2y /music/record_label/artist /m/06tp4h +/m/015kg1 /music/record_label/artist /m/03h_fqv +/m/036dyy /people/person/nationality /m/09c7w0 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01tz_d /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/07jdr /film/film_subject/films /m/076zy_g +/m/02s2ft /people/person/gender /m/05zppz +/m/047bynf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vw26l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gy6z9 +/m/03gvpk /people/person/gender /m/05zppz +/m/0l2jb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l2k7 +/m/07zl6m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z3r8t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/069q4f /film/film/country /m/09c7w0 +/m/017z88 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01pkhw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/071ywj +/m/03wpmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030z4z +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0gv40 /people/person/nationality /m/09c7w0 +/m/02_l9 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02ld6x /award/award_winner/awards_won./award/award_honor/award_winner /m/0fvf9q +/m/05wqr1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01pcq3 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0ftqr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0xsk8 /people/person/profession /m/0nbcg +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/0151b0 +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/02zfdp /people/person/profession /m/02hrh1q +/m/02rf51g /people/person/nationality /m/09c7w0 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0hnkp /people/person/places_lived./people/place_lived/location /m/0dclg +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05g8pg +/m/03kxdw /people/person/profession /m/0dxtg +/m/0cj2k3 /people/person/profession /m/01d_h8 +/m/01j5x6 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03lq43 +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/05jm7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07f1x /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0285xqh /people/person/profession /m/0dxtg +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0140t7 +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01zh29 +/m/07g2v /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01nwwl /film/actor/film./film/performance/film /m/0639bg +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/student /m/05wh0sh +/m/06h2w /award/award_nominee/award_nominations./award/award_nomination/award /m/02hgm4 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02z5x7l /film/film/dubbing_performances./film/dubbing_performance/actor /m/084x96 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09c7w0 /location/location/contains /m/0_jsl +/m/092kgw /award/award_winner/awards_won./award/award_honor/award_winner /m/01hrqc +/m/01whg97 /people/person/profession /m/0nbcg +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04n8xs +/m/05br2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/03_d0 /music/genre/artists /m/02lbrd +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0bp_b2 /award/award_category/winners./award/award_honor/award_winner /m/02j490 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p3_s +/m/03h_9lg /film/actor/film./film/performance/film /m/08hmch +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043js +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/0b_6pv /time/event/locations /m/0ftxw +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07p62k /film/film/executive_produced_by /m/0bxtg +/m/01sbv9 /film/film/language /m/064_8sq +/m/03xl77 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/0342h +/m/0fvxz /location/hud_county_place/place /m/0fvxz +/m/02tn0_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04kzqz +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/02vzc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09dv0sz +/m/02dr9j /film/film/written_by /m/0js9s +/m/059_gf /people/person/place_of_birth /m/0rh6k +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bnzd +/m/0gbwp /people/person/spouse_s./people/marriage/spouse /m/02x_h0 +/m/01jsk6 /education/educational_institution/colors /m/01l849 +/m/03shpq /film/film/music /m/01l79yc +/m/06pj8 /film/director/film /m/0hx4y +/m/01mr2g6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022411 /film/actor/film./film/performance/film /m/02rx2m5 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03cyslc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/05_k56 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01pf21 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/083q7 +/m/05jf85 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/award /m/02hsq3m +/m/02664f /award/award_category/disciplines_or_subjects /m/02xlf +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01r4k +/m/01v80y /film/director/film /m/0_816 +/m/03z20c /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/025jbj /people/person/gender /m/05zppz +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0286vp +/m/0mw_q /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cp9f9 +/m/015v3r /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/02c_4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qw2xb +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/01fjz9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/06q1r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/060j8b +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03z8bw /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0hvjr +/m/01hw5kk /film/film/genre /m/06qln +/m/01803s /film/film_subject/films /m/02vz6dn +/m/02l48d /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0dbpwb +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g2lq +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01gj8_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01t9qj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l0sf +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0bg539 +/m/04nnpw /film/film/language /m/02h40lc +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02qkt /location/location/contains /m/06c1y +/m/0g5879y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027cxsm +/m/017z49 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01kj0p +/m/027x7z5 /film/film/country /m/0chghy +/m/05tjm3 /people/person/profession /m/02jknp +/m/08f3b1 /people/person/religion /m/02t7t +/m/0c5vh /people/person/gender /m/05zppz +/m/050gkf /film/film/production_companies /m/04rtpt +/m/06qgjh /people/person/gender /m/05zppz +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qbx +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rs5p +/m/02jr26 /people/person/places_lived./people/place_lived/location /m/0rgxp +/m/0404j37 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0278x6s +/m/0yyn5 /film/film/film_production_design_by /m/05b2gsm +/m/03cws8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mh8zn +/m/07mgr /location/location/contains /m/02bd_f +/m/050zr4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/07cn2c +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05650n +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/04rwx +/m/020w2 /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/0mkg /music/instrument/family /m/05148p4 +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/06hx2 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0lgxj /olympics/olympic_games/participating_countries /m/01mk6 +/m/02c7k4 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/0bzkvd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b2qtl +/m/0d05w3 /dataworld/gardening_hint/split_to /m/06wjf +/m/03j24kf /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/01rcmg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/05dxl5 +/m/015bpl /film/film/written_by /m/0f13b +/m/0192hw /film/film/featured_film_locations /m/0fn2g +/m/01dycg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/065d1h /film/actor/film./film/performance/film /m/0432_5 +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dpqk +/m/01lwx /people/person/place_of_birth /m/0235n9 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06y611 +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5jg5 +/m/02wgln /film/actor/film./film/performance/film /m/02v_r7d +/m/09c7w0 /location/location/contains /m/0ghtf +/m/0j0k /location/location/contains /m/01crd5 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/030xr_ /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/027mdh /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/03qjg /music/instrument/instrumentalists /m/01l1sq +/m/0grmhb /award/award_winner/awards_won./award/award_honor/award_winner /m/0bc71w +/m/0y3_8 /music/genre/artists /m/01w5n51 +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d42t +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/03bxpt0 +/m/082brv /people/person/profession /m/01c72t +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/05r5c /music/instrument/instrumentalists /m/01271h +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/015lhm /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wyy_ +/m/01g23m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r_dg +/m/01l1sq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z7_f +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02kk_c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044zvm +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/06n7h7 /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/05k7sb /location/location/contains /m/017d77 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rq8k8 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06npd +/m/015rmq /award/award_nominee/award_nominations./award/award_nomination/award /m/024_fw +/m/05zy3sc /film/film/genre /m/07s9rl0 +/m/023nlj /people/person/place_of_birth /m/0wq36 +/m/01k53x /people/person/places_lived./people/place_lived/location /m/01jr6 +/m/015dqj /people/person/profession /m/02hrh1q +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0217m9 +/m/0_lr1 /location/location/contains /m/01hnb +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03ys2f +/m/0fnc_ /base/biblioness/bibs_location/country /m/06s_2 +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f4vbz +/m/059nf5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/091rc5 +/m/03tw2s /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/099tbz /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01k4f +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02kxbwx +/m/01c8v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wyq0w +/m/01crd5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0342h /music/instrument/instrumentalists /m/04mn81 +/m/0646qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03rj0 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k39j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05d8_h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04jkpgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05rfst +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/02lk60 /film/film/language /m/02h40lc +/m/016yvw /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2wv +/m/02f716 /award/award_category/winners./award/award_honor/award_winner /m/0fhxv +/m/0127m7 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03knl +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0462hhb /film/film/genre /m/02l7c8 +/m/09889g /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/04q7r /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01sl1q +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/06k176 /tv/tv_program/country_of_origin /m/03rjj +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/02sjf5 +/m/01hmnh /media_common/netflix_genre/titles /m/075wx7_ +/m/02q_x_l /film/film/country /m/07ssc +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/01vd7hn +/m/04mz10g /people/person/nationality /m/09c7w0 +/m/0k6bt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05qt0 /film/film_subject/films /m/02q7fl9 +/m/02ck7w /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/0bwjj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/06hmd /people/person/nationality /m/09c7w0 +/m/026dx /people/person/places_lived./people/place_lived/location /m/0x335 +/m/0lv1x /olympics/olympic_games/sports /m/06wrt +/m/0q59y /people/person/profession /m/0q04f +/m/0157m /people/person/places_lived./people/place_lived/location /m/0qt85 +/m/03zqc1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pllx +/m/031778 /film/film/film_format /m/07fb8_ +/m/04mky3 /people/person/profession /m/09jwl +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/036jp8 +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02h40lc /language/human_language/countries_spoken_in /m/01nln +/m/02rf1y /people/person/nationality /m/09c7w0 +/m/045m1_ /people/person/nationality /m/06cmp +/m/011ypx /film/film/executive_produced_by /m/05hj_k +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0284b56 +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ppq +/m/0dryh9k /people/ethnicity/people /m/0f2c8g +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bqs56 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0219x_ /media_common/netflix_genre/titles /m/0symg +/m/09hgk /education/educational_institution_campus/educational_institution /m/09hgk +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01jnc_ /film/film/country /m/09c7w0 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/02x8m /music/genre/artists /m/01w20rx +/m/090q32 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/07wtc +/m/0mr_8 /location/location/time_zones /m/02fqwt +/m/03ytp3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0grjmv /music/genre/parent_genre /m/07v64s +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03q8ch +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0gf14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0fgpvf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013423 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gvwz /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/048s0r /people/person/profession /m/02hrh1q +/m/0vbk /location/location/time_zones /m/02fqwt +/m/05qkp /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/085gk /people/person/nationality /m/09c7w0 +/m/047q2wc /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/043h78 /film/film/executive_produced_by /m/03mstc +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mc5v +/m/02hn5v /time/event/instance_of_recurring_event /m/0g_w +/m/0jym0 /film/film/genre /m/01g6gs +/m/01q460 /education/educational_institution/colors /m/0jc_p +/m/0_lk5 /location/location/time_zones /m/02hcv8 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05f5sr9 +/m/0l98s /olympics/olympic_games/sports /m/07jjt +/m/04rvy8 /people/person/nationality /m/09c7w0 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05lb65 +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/02l4pj +/m/01xzb6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0tygl /location/location/time_zones /m/02hcv8 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01njml /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0ds11z /film/film/production_companies /m/086k8 +/m/0jgd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0f2w0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047vnkj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170s4 +/m/0fqt1ns /film/film/executive_produced_by /m/079vf +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/05sq84 /film/actor/film./film/performance/film /m/03wjm2 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/01d8l /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01fvhp +/m/01ycbq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/01gqg3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02l96k /music/genre/artists /m/07bzp +/m/06kknt /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0bzyh /film/director/film /m/0bpbhm +/m/06rny /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/0d02km /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/029b9k /people/person/profession /m/02hrh1q +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dnw1 +/m/02pcq92 /film/film/prequel /m/09rfh9 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059f4 +/m/06r3p2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/01w61th /people/person/profession /m/02hrh1q +/m/01p8s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qx1 +/m/0ph2w /influence/influence_node/influenced_by /m/01s7qqw +/m/0pz91 /people/person/profession /m/09jwl +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/085bd1 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/017j6 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0418wg +/m/02ps55 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0yx_w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05txrz +/m/05r_x5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/07s9rl0 /media_common/netflix_genre/titles /m/0221zw +/m/01vl17 /people/person/nationality /m/03_3d +/m/0151ns /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0992d9 +/m/058j2 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/034qmv /film/film/country /m/09c7w0 +/m/01bb9r /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/068p2 /sports/sports_team_location/teams /m/061xq +/m/016jny /music/genre/artists /m/03f0fnk +/m/09qwmm /award/award_category/winners./award/award_honor/award_winner /m/0chw_ +/m/0f0p0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/082237 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02pd1q9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/01pq4w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dfw0 +/m/0x67 /people/ethnicity/people /m/01wz_ml +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dkv90 +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jdhp +/m/07g9f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01gp_x +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/026fs38 +/m/02bvt /people/person/nationality /m/09c7w0 +/m/03s6l2 /film/film/executive_produced_by /m/06q8hf +/m/01336l /people/ethnicity/people /m/011zd3 +/m/02s4l6 /film/film/produced_by /m/06q8hf +/m/02rk23 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/09c7w0 /location/location/contains /m/02s838 +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02zfdp +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x6v6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01s7j5 +/m/0h0yt /people/person/profession /m/0d8qb +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cq8nx +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05z7c +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/02661h /film/actor/film./film/performance/film /m/01vfqh +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0nm6k /location/us_county/county_seat /m/0tr3p +/m/01h2_6 /influence/influence_node/peers./influence/peer_relationship/peers /m/017r2 +/m/035qlx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02qny_ /soccer/football_player/current_team./sports/sports_team_roster/team /m/0mmd6 +/m/011yxy /film/film/genre /m/07s9rl0 +/m/07jwr /medicine/disease/risk_factors /m/01lys3 +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0g9zcgx /award/award_winner/awards_won./award/award_honor/award_winner /m/0cw67g +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/01sp81 /people/person/gender /m/05zppz +/m/08w6v_ /people/person/gender /m/02zsn +/m/025xt8y /music/artist/origin /m/0hpyv +/m/0cjdk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/032r4n /education/educational_institution_campus/educational_institution /m/032r4n +/m/0k0r0n7 /music/genre/parent_genre /m/03mb9 +/m/0fdpd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063_t /people/person/nationality /m/02jx1 +/m/0124ld /olympics/olympic_games/sports /m/02_5h +/m/0kbwb /film/film/country /m/09c7w0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/02qjv +/m/03xyp_ /people/person/place_of_birth /m/0fhzf +/m/01y9jr /film/film/produced_by /m/05zh9c +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0336mc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/064q5v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059z0 +/m/07lly /base/biblioness/bibs_location/country /m/07ssc +/m/0qt85 /location/hud_county_place/place /m/0qt85 +/m/01hmnh /media_common/netflix_genre/titles /m/01qb5d +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0gghm +/m/03v1xb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0276jmv /film/actor/film./film/performance/film /m/06tpmy +/m/035nm /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/05nyqk +/m/0k_kr /music/record_label/artist /m/049qx +/m/01vw8k /film/film/genre /m/03g3w +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3jz +/m/03cvwkr /film/film/cinematography /m/0280mv7 +/m/02k84w /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/05zpghd /film/film/country /m/0d060g +/m/03j24kf /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/019v67 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01dvbd +/m/0fb0v /music/record_label/artist /m/081wh1 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0ym17 +/m/02624g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/0fkzq /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07cfx +/m/0140g4 /film/film/country /m/09c7w0 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01900g +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06cl2w +/m/0bwfwpj /film/film/genre /m/02kdv5l +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/04gcyg /film/film/language /m/02h40lc +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/050023 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/018_q8 +/m/09nwwf /music/genre/artists /m/0161sp +/m/012w70 /media_common/netflix_genre/titles /m/043n0v_ +/m/02yy8 /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/01nglk /film/actor/film./film/performance/film /m/04y9mm8 +/m/04knh6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gvx_ /award/award_category/winners./award/award_honor/award_winner /m/07qcbw +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/0294zg /film/film/written_by /m/0kvqv +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04n52p6 +/m/04ch23 /people/person/profession /m/0cbd2 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1pv +/m/01wqflx /people/person/gender /m/05zppz +/m/03459x /film/film/country /m/016wzw +/m/017gxw /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/01sxly /film/film/production_companies /m/0g1rw +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0lmm3 +/m/01ycck /film/director/film /m/0p_sc +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03f6fl0 /people/person/profession /m/029bkp +/m/01lmj3q /people/person/profession /m/0dz3r +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/016ztl +/m/01l4zqz /people/person/profession /m/01c72t +/m/01k60v /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0h924 /location/location/contains /m/0b_yz +/m/02hft3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/07nxnw /film/film/genre /m/01zhp +/m/01h8f /people/person/profession /m/02jknp +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chgzm +/m/01n5sn /music/genre/artists /m/01w7nww +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_l8m +/m/07hwkr /people/ethnicity/people /m/01vdrw +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/06qd3 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02zd2b /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0126t5 /music/genre/artists /m/01mxt_ +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0gr69 +/m/07h0cl /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/062zjtt /film/film/story_by /m/046_v +/m/0c921 /film/director/film /m/014knw +/m/037fqp /education/educational_institution/colors /m/02rnmb +/m/01hv3t /film/film/music /m/06449 +/m/0hwpz /film/film/genre /m/0bkbm +/m/05wjnt /people/person/profession /m/02hrh1q +/m/02w7gg /people/ethnicity/people /m/0219q +/m/016ggh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qr46y +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0bx_q /people/person/profession /m/02hrh1q +/m/04c636 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0f8grf /film/actor/film./film/performance/film /m/0dr1c2 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/04hhv /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01kcd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14md +/m/02f2dn /film/actor/film./film/performance/film /m/03prz_ +/m/0gldyz /film/film/language /m/03_9r +/m/03yvln /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/08z129 +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/03mgx6z /film/film/genre /m/0c3351 +/m/015zxh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07vjm +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/040_t +/m/0cbv4g /film/film/genre /m/07s9rl0 +/m/0j3d9tn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03l3jy /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05cgy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/09c7w0 /location/country/second_level_divisions /m/0mnyn +/m/0xhtw /music/genre/artists /m/012x1l +/m/07qg8v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03jqfx /time/event/locations /m/077qn +/m/057__d /film/film/music /m/01l79yc +/m/0j0k /base/locations/continents/countries_within /m/03rk0 +/m/0288zy /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/063fh9 /film/film/genre /m/03k9fj +/m/06pk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v_pj6 +/m/07ccs /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01stzp +/m/02r3zy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0197tq +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02ntb8 +/m/0c3351 /media_common/netflix_genre/titles /m/0fy34l +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0qb0j /location/location/contains /m/01l3s0 +/m/03115z /language/human_language/countries_spoken_in /m/03h64 +/m/043g7l /music/record_label/artist /m/0g824 +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/02624g +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/0snty /sports/sports_team_location/teams /m/02pzy52 +/m/01m20m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07xtqq /film/film/genre /m/01t_vv +/m/07c52 /media_common/netflix_genre/titles /m/03czz87 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p_sc +/m/08f3b1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/01q24l +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/061dn_ +/m/01tp5bj /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09pmkv +/m/0dh8v4 /film/film/dubbing_performances./film/dubbing_performance/actor /m/066l3y +/m/09146g /film/film/music /m/0150t6 +/m/02xb2bt /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/02jmst /organization/organization/headquarters./location/mailing_address/citytown /m/0d6lp +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j5x6 +/m/041xl /people/person/place_of_birth /m/06wjf +/m/034np8 /film/actor/film./film/performance/film /m/0h1cdwq +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/01f1r4 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03q6zc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059rby /location/location/contains /m/02607j +/m/06jz0 /people/person/profession /m/02jknp +/m/05kh_ /film/actor/film./film/performance/film /m/0k54q +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/basic_title /m/04syw +/m/01n7q /location/location/contains /m/01jr6 +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f777 +/m/04wtx1 /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/02hp6p /education/university/fraternities_and_sororities /m/035tlh +/m/05ccxr /people/person/gender /m/05zppz +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/027lfrs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02661h +/m/0hhqw /people/person/profession /m/0gl2ny2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/07s6prs /award/award_winner/awards_won./award/award_honor/award_winner /m/077yk0 +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06cgy +/m/03lt8g /people/person/religion /m/0c8wxp +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/0234j5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pt6k_ /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/01y17m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/01cw13 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0llcx /film/film/genre /m/07s9rl0 +/m/02frhbc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0382m4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/05kj_ /location/location/contains /m/02mf7 +/m/05yh_t /film/actor/film./film/performance/film /m/0f7hw +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/03ktjq +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/02zbjwr /people/person/nationality /m/06qd3 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07h1tr /award/award_winner/awards_won./award/award_honor/award_winner /m/071jv5 +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0h1p /film/director/film /m/0kvgxk +/m/02vcp0 /people/person/profession /m/016z4k +/m/0gkgp /location/hud_county_place/county /m/0mw1j +/m/02k8k /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/01f8hf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01f7gh +/m/0gt1k /film/film/genre /m/05p553 +/m/0gywn /music/genre/artists /m/0161sp +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bfmn +/m/039crh /people/person/place_of_birth /m/0c_m3 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/04rzd /music/instrument/instrumentalists /m/01w8n89 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/029qzx +/m/08mg_b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047q2wc +/m/05dxl5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/0xnvg /people/ethnicity/people /m/0b6yp2 +/m/061v5m /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c3351 /media_common/netflix_genre/titles /m/078mm1 +/m/018x3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dw4g +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0bqr7_ +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/04g_wd /people/person/places_lived./people/place_lived/location /m/0393g +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/016890 +/m/07h1q /influence/influence_node/influenced_by /m/02ln1 +/m/01wg982 /people/person/profession /m/0nbcg +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014z8v +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/0241y7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02cx72 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0glyyw /people/person/nationality /m/09c7w0 +/m/0d1qmz /film/film/prequel /m/0fsw_7 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0wsr +/m/0jpn8 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01x9_8 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0x8 +/m/083q7 /people/person/profession /m/03jgz +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0d05fv /people/person/employment_history./business/employment_tenure/company /m/09f2j +/m/0gv5c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/02yjk8 +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05_swj +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0xhtw /music/genre/artists /m/02jqjm +/m/018y2s /film/actor/film./film/performance/film /m/02ph9tm +/m/06btq /location/location/contains /m/0_j_z +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0kqbh +/m/0f830f /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/0cw4l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06k5_ +/m/03n_7k /film/actor/film./film/performance/film /m/03m5y9p +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01rzqj +/m/0jrny /film/actor/film./film/performance/film /m/01_mdl +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/070m6c /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070mff +/m/01v3x8 /sports/sports_team/colors /m/088fh +/m/05xvj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/095zlp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0404j37 +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0phrl +/m/02l4rh /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01k60v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/0678gl +/m/02qhqz4 /film/film/genre /m/06n90 +/m/0n83s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/070ltt /tv/tv_program/genre /m/066wd +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/09sh8k /film/film/genre /m/02kdv5l +/m/07cw4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0d0xs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02__ww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw917 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/02pv_d +/m/02pptm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/03_44z +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/025ttz4 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xgm3 +/m/01rmnp /people/person/profession /m/0nbcg +/m/0fvf9q /people/person/gender /m/05zppz +/m/037cr1 /film/film/music /m/02jxmr +/m/02wr2r /people/person/profession /m/018gz8 +/m/02m501 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01d0fp +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/0473rc /film/film/written_by /m/098n5 +/m/0bn9sc /soccer/football_player/current_team./sports/sports_team_roster/team /m/03fhml +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0vjr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01jgpsh +/m/040_lv /film/film/country /m/0345h +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fhsz /location/location/time_zones /m/02llzg +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0q9kd +/m/03dbds /people/person/gender /m/05zppz +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0dwtp +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08720 +/m/0ddkf /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/02_n5d /award/award_winner/awards_won./award/award_honor/award_winner /m/02dth1 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/01vmv_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0hr30wt +/m/05rx__ /influence/influence_node/influenced_by /m/02fn5 +/m/0f4vbz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvb4m +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/018fq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0639bg /film/film/story_by /m/01wd02c +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/0g5pv3 /film/film/language /m/02h40lc +/m/05br10 /people/person/profession /m/0dgd_ +/m/0f4m2z /film/film/country /m/03rjj +/m/067pl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01vhrz +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0pqzh +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/0738b8 /people/person/place_of_birth /m/013yq +/m/02g9p4 /music/instrument/instrumentalists /m/01p95y0 +/m/0127s7 /film/actor/film./film/performance/special_performance_type /m/02t8yb +/m/07qht4 /media_common/netflix_genre/titles /m/02wyzmv +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/07s9rl0 /media_common/netflix_genre/titles /m/033dbw +/m/08htt0 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0fw2f +/m/02bh9 /film/actor/film./film/performance/film /m/04s1zr +/m/01lsl /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01lwx /influence/influence_node/influenced_by /m/042q3 +/m/01z7_f /people/person/spouse_s./people/marriage/location_of_ceremony /m/02hrh0_ +/m/0h0yt /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01ksr1 /people/person/profession /m/02hrh1q +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/07w21 /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0259r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05dtsb /film/actor/film./film/performance/film /m/07gp9 +/m/043n0v_ /award/award_winning_work/awards_won./award/award_honor/award /m/09v51c2 +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/040vgd +/m/03k9fj /media_common/netflix_genre/titles /m/04zl8 +/m/06ncr /music/instrument/instrumentalists /m/01p95y0 +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/014g22 +/m/02v_r7d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/09kvv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04sh3 +/m/0f8l9c /location/location/contains /m/0h7jp +/m/0fzrhn /time/event/instance_of_recurring_event /m/0g_w +/m/01k_yf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/05k79 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/021bmf /music/performance_role/regular_performances./music/group_membership/role /m/0l14v3 +/m/0342h /music/instrument/instrumentalists /m/0152cw +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0k4p0 /film/film/genre /m/06cvj +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/02x4wr9 +/m/03nsm5x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/01z4y /media_common/netflix_genre/titles /m/0ckt6 +/m/0sx8l /olympics/olympic_games/sports /m/09_94 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/02279c +/m/022lly /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/03yl2t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/05bt6j /music/genre/artists /m/06rgq +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/016z2j +/m/016clz /music/genre/artists /m/03lgg +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0zp +/m/026p_bs /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/025twgf +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07jq_ /film/film_subject/films /m/02q0k7v +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03qd_ +/m/0jgg3 /location/us_county/county_seat /m/0rh7t +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016szr +/m/0366c /location/location/time_zones /m/03bdv +/m/03t95n /film/film/executive_produced_by /m/01s7z0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/04b2qn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02p21g /people/person/places_lived./people/place_lived/location /m/0s5cg +/m/0b4lkx /film/film/genre /m/03mqtr +/m/09jw2 /music/genre/artists /m/03h502k +/m/01w8g3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/035w2k /film/film/featured_film_locations /m/04jpl +/m/05631 /tv/tv_program/country_of_origin /m/09c7w0 +/m/023v4_ /film/actor/film./film/performance/film /m/0gfzfj +/m/0mn78 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fr61 +/m/01wj18h /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/03xks /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/024qqx /media_common/netflix_genre/titles /m/0dfw0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/014_x2 +/m/0ny75 /education/educational_institution/colors /m/01g5v +/m/0cv9b /business/business_operation/industry /m/08mh3kd +/m/076psv /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/026v5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/026gb3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ldnp +/m/04yc76 /film/film/executive_produced_by /m/03c9pqt +/m/01xyqk /music/record_label/artist /m/07yg2 +/m/03177r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/019m5j /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/01jmv8 /film/actor/film./film/performance/film /m/01vfqh +/m/04p3w /people/cause_of_death/people /m/040_t +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0d23k /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/05kj_ +/m/02mjf2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p4w8 +/m/0lpp8 /location/location/time_zones /m/02llzg +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/027vps +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/02nrdp /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/027y151 /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/06g77c /film/film/country /m/05qhw +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/04xm_ /influence/influence_node/influenced_by /m/042q3 +/m/0182r9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02jr6k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05z7c +/m/025j1t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/017s11 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/06vbd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vc5m /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qfv5d /media_common/netflix_genre/titles /m/01qdmh +/m/06y57 /location/location/contains /m/07vk2 +/m/02kxwk /people/person/profession /m/02hrh1q +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/02wvfxz +/m/03wh49y /tv/tv_program/program_creator /m/07d3x +/m/03vrv9 /people/person/profession /m/0mn6 +/m/026l37 /film/actor/film./film/performance/film /m/03m8y5 +/m/019x62 /people/person/nationality /m/03rjj +/m/03_d0 /music/genre/artists /m/015xp4 +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/018s6c /people/ethnicity/people /m/012bk +/m/0dqyc /base/biblioness/bibs_location/country /m/059j2 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/04sv4 +/m/0315q3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/09yrh +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/01w_10 +/m/05gpy /people/person/place_of_birth /m/0tz54 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/01hmnh /media_common/netflix_genre/titles /m/09fqgj +/m/01pcql /award/award_winner/awards_won./award/award_honor/award_winner /m/015nhn +/m/02cvp8 /people/person/sibling_s./people/sibling_relationship/sibling /m/045g4l +/m/0131kb /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/026gyn_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02q253 +/m/011zd3 /film/actor/film./film/performance/film /m/0gyv0b4 +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0f2nf /location/location/contains /m/01z_lv +/m/06qd3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05v8c +/m/022jr5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/02b10w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/056xkh /film/film/prequel /m/0277j40 +/m/02n9k /influence/influence_node/influenced_by /m/02yy8 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170th +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01cpqk /people/person/nationality /m/09c7w0 +/m/02bh_v /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01634x +/m/01vdm0 /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01rr9f /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/078jnn +/m/01b66d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024qqx /media_common/netflix_genre/titles /m/07ghq +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05567m +/m/03fvqg /people/person/profession /m/02hrh1q +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/0d9v9q /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b185 +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/02jx1 /location/location/contains /m/0n9dn +/m/0bbf1f /people/person/profession /m/0d1pc +/m/03hzl42 /people/person/profession /m/09jwl +/m/0147w8 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_lh1 +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0dznvw +/m/05y0cr /film/film/country /m/0f8l9c +/m/0mnwd /location/location/time_zones /m/02hcv8 +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01npcx /film/film/language /m/06b_j +/m/022qw7 /people/deceased_person/place_of_death /m/06_kh +/m/050l8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mz5 +/m/01l9v7n /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01jrp0 /film/actor/film./film/performance/film /m/08gg47 +/m/01nqj /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qscs +/m/0mb0 /influence/influence_node/influenced_by /m/045m1_ +/m/0jwvf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/09pl3f /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0h1fktn /film/film/executive_produced_by /m/07g7h2 +/m/0bshwmp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0vh3 /location/location/contains /m/01pxcf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/0gxtknx /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0v1xg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/0275kr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07h9gp /film/film/genre /m/05p553 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/018ctl /olympics/olympic_games/participating_countries /m/059j2 +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/03rx9 /people/person/nationality /m/09c7w0 +/m/04q827 /film/film/language /m/03x42 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/034tl +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/014cw2 /people/person/profession /m/09jwl +/m/0d90m /film/film/executive_produced_by /m/079vf +/m/07y8l9 /people/person/profession /m/02hrh1q +/m/049fgvm /award/award_winner/awards_won./award/award_honor/award_winner /m/016_mj +/m/063_j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/094xh /people/person/places_lived./people/place_lived/location /m/07b_l +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/043vc +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04pf4r +/m/0cmc26r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/01s7z0 /people/person/profession /m/0dxtg +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/025scjj +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0djywgn +/m/07h07 /influence/influence_node/influenced_by /m/03_87 +/m/02qfv5d /media_common/netflix_genre/titles /m/026hh0m +/m/07jxpf /film/film/genre /m/060__y +/m/0blpnz /people/person/place_of_birth /m/068p2 +/m/02yxwd /film/actor/film./film/performance/film /m/07nxnw +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/0794g +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/03ctv8m /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/02rx2m5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06n7h7 +/m/04jwly /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0mmd6 +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/0bymv /people/person/nationality /m/09c7w0 +/m/0299hs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bksh +/m/027ffq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07r4c /people/person/profession /m/025sd_y +/m/04rzd /music/instrument/instrumentalists /m/03j24kf +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/07s2s /film/film_subject/films /m/091rc5 +/m/084qpk /film/film/country /m/09c7w0 +/m/02_qt /film/film/language /m/02h40lc +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/07z1_q /film/actor/film./film/performance/film /m/0640y35 +/m/01kws3 /people/person/profession /m/09jwl +/m/018jk2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wy5m +/m/01pfkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016732 +/m/03jv8d /base/culturalevent/event/entity_involved /m/01k6y1 +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/04tz52 /film/film/produced_by /m/02hy9p +/m/02x0dzw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f4dx2 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/08z129 +/m/09c7w0 /location/location/contains /m/0c4kv +/m/05t54s /film/film/featured_film_locations /m/0rh6k +/m/032nl2 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09nhvw +/m/01xk7r /education/educational_institution/students_graduates./education/education/student /m/01f8ld +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q32bd +/m/07ssc /media_common/netflix_genre/titles /m/0crs0b8 +/m/04n7jdv /music/genre/artists /m/03sww +/m/01jcxwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0kbvb /olympics/olympic_games/sports /m/01gqfm +/m/0mm0p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mlzk +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl3nn +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09_99w +/m/0bw6y /people/person/gender /m/02zsn +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/05j12n /people/person/profession /m/015cjr +/m/076xkps /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/0127ps /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046zh +/m/0f67f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/033tf_ /people/ethnicity/people /m/01_ztw +/m/019dmc /people/cause_of_death/people /m/0pj8m +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/026p4q7 /film/film/featured_film_locations /m/02_286 +/m/0184jw /film/director/film /m/011yqc +/m/0bh8tgs /film/film/genre /m/02kdv5l +/m/02xs6_ /film/film/prequel /m/07cyl +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0gfw56 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/032w8h /people/person/profession /m/018gz8 +/m/05nwr /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/02pbzv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qd_ /film/actor/film./film/performance/film /m/016z43 +/m/02xry /location/location/contains /m/0jrtv +/m/02kx4w /music/genre/parent_genre /m/0pm85 +/m/02v5xg /tv/tv_program/genre /m/07s9rl0 +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0xnvg /people/ethnicity/people /m/01rrd4 +/m/015njf /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/06cgy /film/actor/film./film/performance/film /m/04ltlj +/m/03f5mt /music/instrument/instrumentalists /m/0c9d9 +/m/06pwq /education/educational_institution/school_type /m/05pcjw +/m/024swd /people/person/profession /m/012t_z +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/01svw8n +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/02r1ysd /tv/tv_program/genre /m/05p553 +/m/0cmt6q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0498y /base/aareas/schema/administrative_area/capital /m/0fvvg +/m/0blfl /olympics/olympic_games/participating_countries /m/01mk6 +/m/0cqhmg /award/award_category/nominees./award/award_nomination/nominated_for /m/02h2vv +/m/056xx8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05v8c /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/014kkm +/m/051_y /people/cause_of_death/people /m/0gzh +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/03fgm /education/educational_institution/school_type /m/01rs41 +/m/01pj3h /people/person/places_lived./people/place_lived/location /m/0281s1 +/m/016zgj /music/genre/artists /m/0khth +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/07b3r9 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/050rj +/m/01c65z /film/actor/film./film/performance/film /m/06fcqw +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/02bb8j /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/012cph +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/013f9v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h7t36 +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/037lyl +/m/02zy1z /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/06929s /film/film/personal_appearances./film/personal_film_appearance/person /m/0d0vj4 +/m/0223xd /award/award_category/disciplines_or_subjects /m/05h83 +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0sw6g +/m/0n3dv /location/us_county/county_seat /m/0ynfz +/m/0bbm7r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01hkhq +/m/01hr1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dbf +/m/064t9 /music/genre/artists /m/01wy61y +/m/01b3bp /people/person/places_lived./people/place_lived/location /m/0c1d0 +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0150n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07fsv /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02bqxb +/m/0jhd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01znc_ +/m/0g_92 /film/actor/film./film/performance/film /m/025scjj +/m/07c52 /media_common/netflix_genre/titles /m/09v38qj +/m/0djlxb /film/film/story_by /m/022wxh +/m/0hgqq /people/person/profession /m/02hrh1q +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/02jx1 /location/location/contains /m/02f46y +/m/05b2gsm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/015_30 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h21v2 +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/07tjf +/m/044mrh /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/02s8qk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0gcs9 /people/person/profession /m/016z4k +/m/0cx7f /music/genre/artists /m/01wv9xn +/m/01wmjkb /people/person/nationality /m/09c7w0 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01tx9m +/m/0mzww /base/biblioness/bibs_location/country /m/09c7w0 +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/06py2 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0j3v /influence/influence_node/influenced_by /m/081k8 +/m/01k6nm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01p3ty +/m/0b73_1d /film/film/genre /m/03k9fj +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016tt2 +/m/0g768 /music/record_label/artist /m/047cx +/m/01w60_p /award/award_winner/awards_won./award/award_honor/award_winner /m/01x15dc +/m/04jhp /education/educational_institution_campus/educational_institution /m/04jhp +/m/0fsd9t /film/film/production_companies /m/0283xx2 +/m/013knm /people/person/place_of_birth /m/0ck6r +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03cfkrw /film/film/featured_film_locations /m/04jpl +/m/026dg51 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qdb +/m/093l8p /film/film/music /m/0p5mw +/m/04hddx /award/award_category/disciplines_or_subjects /m/04g51 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b6l1st +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0b1s_q +/m/03mh94 /film/film/genre /m/05p553 +/m/046chh /film/actor/film./film/performance/film /m/0cz_ym +/m/02ylg6 /film/film/cinematography /m/02vx4c2 +/m/026xt5c /people/person/profession /m/02pjxr +/m/05sns6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049dk /organization/organization/headquarters./location/mailing_address/citytown /m/013cz2 +/m/08nz99 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046mxj +/m/09d6p2 /organization/role/leaders./organization/leadership/organization /m/0778_3 +/m/059j2 /location/location/contains /m/02nq10 +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/09c7w0 /location/location/contains /m/0rt80 +/m/02cpb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/0chw_ /film/actor/film./film/performance/film /m/07cyl +/m/0fw3f /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0846v +/m/04jjy /film/film_subject/films /m/0b7l4x +/m/032qgs /film/actor/film./film/performance/film /m/05pxnmb +/m/056jrs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02h22 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award /m/07z2lx +/m/019y64 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01xrlm +/m/020bv3 /film/film/genre /m/02l7c8 +/m/03nqnnk /film/film/genre /m/0jtdp +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwbts +/m/025b5y /film/actor/film./film/performance/film /m/0bs5f0b +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/08n__5 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/02rkkn1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/06whf +/m/01r7t9 /film/actor/film./film/performance/film /m/028_yv +/m/01vvb4m /film/actor/film./film/performance/film /m/0ptdz +/m/0qc7l /sports/sports_team_location/teams /m/026bt_h +/m/02wwr5n /sports/sports_team/sport /m/02vx4 +/m/0ylgz /education/educational_institution/students_graduates./education/education/student /m/03y_46 +/m/01c6yz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c6zg +/m/0786vq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/085wqm +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/0gk4g /people/cause_of_death/people /m/0mfj2 +/m/01xqw /music/instrument/family /m/01vj9c +/m/0czkbt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07s8hms +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/0r679 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wb8bs /people/person/nationality /m/09c7w0 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02_fj +/m/0512p /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/042y1c /film/film/language /m/04h9h +/m/01zlh5 /people/deceased_person/place_of_death /m/06_kh +/m/01tfck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09y6pb +/m/02js_6 /people/person/nationality /m/09c7w0 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/01pq4w /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jsk6 /education/educational_institution/students_graduates./education/education/student /m/0f13b +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/011_vz +/m/05l5n /location/location/contains /m/0ym4t +/m/019f2f /people/person/profession /m/02hrh1q +/m/06d4h /film/film_subject/films /m/05ft32 +/m/0g72r /influence/influence_node/influenced_by /m/0lcx +/m/0b13yt /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/06mmb /people/person/gender /m/02zsn +/m/04h41v /film/film/genre /m/0vgkd +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01t9qj_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/03_vpw +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/032zg9 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0lmm3 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/015196 /people/person/profession /m/016z4k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0gd70t +/m/0p_sc /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0296y /music/genre/parent_genre /m/0jrv_ +/m/03clwtw /film/film/genre /m/02kdv5l +/m/06r2_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06cp5 /music/genre/parent_genre /m/016_rm +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/07kbp5 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0j603 +/m/0ptj2 /base/biblioness/bibs_location/country /m/0345h +/m/02mslq /people/person/place_of_birth /m/0n1rj +/m/047bynf /film/film/featured_film_locations /m/03t1s +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpx1k +/m/043z0 /location/us_county/county_seat /m/042tq +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02x8m /music/genre/artists /m/0qmny +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/02z0dfh /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bq8tmw +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/02lvtb /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02rb84n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08yx9q /award/award_winner/awards_won./award/award_honor/award_winner /m/06czyr +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/013y1f /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/07kc_ +/m/09pl3f /people/person/profession /m/0dxtg +/m/02lfl4 /people/person/nationality /m/03rjj +/m/0z4s /film/actor/film./film/performance/film /m/026gyn_ +/m/01bj6y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g_bh /music/genre/parent_genre /m/0cx7f +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/043djx +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/02knxx /people/cause_of_death/people /m/05hrq4 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/09c7w0 /location/location/contains /m/04p_hy +/m/04hqz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02pt7h_ /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03_wj_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0184jc +/m/0mw2m /location/us_county/county_seat /m/0_kq3 +/m/02lz1s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0t015 /location/location/contains /m/01j_9c +/m/07bch9 /people/ethnicity/people /m/0f7fy +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0bq0p9 +/m/01vsn38 /film/actor/film./film/performance/film /m/01xbxn +/m/0cwtm /people/person/profession /m/01d_h8 +/m/07d3z7 /film/actor/film./film/performance/film /m/02_06s +/m/025jbj /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pjc1h +/m/029ql /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/01b66d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dg51 +/m/04tng0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/0jmnl /sports/sports_team/sport /m/018w8 +/m/03cfkrw /film/film/genre /m/04xvlr +/m/063hp4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/04m_zp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02kk_c +/m/0j_sncb /education/university/fraternities_and_sororities /m/0325pb +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/03rz2b /film/film/country /m/03rk0 +/m/02hvd /business/business_operation/industry /m/0hz28 +/m/05p09dd /film/film/music /m/01x6v6 +/m/0419kt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04flrx +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/01j7z7 +/m/05b3ts /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/07fpm3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/08sk8l /film/film/edited_by /m/03q8ch +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/067xw /people/person/profession /m/0kyk +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06b0d2 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/03rg2b /film/film/language /m/02h40lc +/m/0n04r /film/film/film_format /m/0cj16 +/m/0c6qh /film/actor/film./film/performance/film /m/07tlfx +/m/059kh /music/genre/artists /m/0dm5l +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/09fb5 +/m/0401sg /film/film/country /m/09c7w0 +/m/0sxrz /olympics/olympic_games/sports /m/02y8z +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/014zfs +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/03q0r1 +/m/01zmpg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09889g +/m/046qq /film/actor/film./film/performance/film /m/035w2k +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m66w +/m/02dbp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03k0yw +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/0cct7p /people/person/gender /m/05zppz +/m/01gq0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/02vnmc9 /film/film/music /m/0c_drn +/m/02czd5 /tv/tv_program/genre /m/0c4xc +/m/03mdt /media_common/netflix_genre/titles /m/0l76z +/m/03zg2x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x7vq +/m/0pd57 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01pq4w +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01pfr3 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0f4vbz +/m/014cw2 /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/026_w57 /people/person/places_lived./people/place_lived/location /m/0ftyc +/m/0jgd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013pk3 +/m/06by7 /music/genre/artists /m/016l09 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/06w92 /base/aareas/schema/administrative_area/capital /m/09pxc +/m/01dq9q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/011k11 /music/record_label/artist /m/014q2g +/m/0134w7 /film/actor/film./film/performance/film /m/03176f +/m/031x_3 /award/award_winner/awards_won./award/award_honor/award_winner /m/01hmk9 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01bvx1 +/m/05tbn /location/location/contains /m/0mwyq +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qflgv +/m/01v1ln /film/film/language /m/02h40lc +/m/0239kh /music/performance_role/track_performances./music/track_contribution/role /m/03gvt +/m/04cbtrw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01nvmd_ +/m/04rzd /music/instrument/instrumentalists /m/01vsyg9 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04sh3 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/01f7v_ +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/05pxnmb +/m/05wh0sh /people/person/nationality /m/0cdbq +/m/02b6n9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0187y5 +/m/032t2z /people/person/profession /m/04f2zj +/m/02k6rq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/06rny /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/013t2y /location/administrative_division/country /m/02jx1 +/m/0y3_8 /music/genre/artists /m/03fbc +/m/04rvy8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0m2kd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08qxx9 +/m/02bb8j /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/026m0 +/m/0yzvw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/045j3w /film/film/genre /m/0fdjb +/m/046488 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05ljv7 /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/0391jz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/0h7pj /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rt +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06zn2v2 +/m/05jyb2 /film/film/country /m/09c7w0 +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02vklm3 /sports/sports_team/roster./american_football/football_roster_position/position /m/04nfpk +/m/0cb4j /location/location/contains /m/0d7k1z +/m/0_816 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02w0dc0 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/01771z /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/02p11jq /music/record_label/artist /m/01vsy3q +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0dwsp /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0f__1 /sports/sports_team_location/teams /m/02plv57 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02ppg1r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0294fd +/m/014l4w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0459z /people/person/places_lived./people/place_lived/location /m/0fhp9 +/m/0d8lm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/026t6 +/m/07k2mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05b2f_k /people/person/gender /m/05zppz +/m/033g4d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/047hpm /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f276 +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/02d4ct /people/person/nationality /m/09c7w0 +/m/0h336 /people/person/profession /m/03jgz +/m/025cn2 /people/deceased_person/place_of_death /m/0k049 +/m/072vj /people/person/profession /m/02jknp +/m/07tk7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05b6c +/m/01xk7r /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/017yxq /people/person/nationality /m/0d060g +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/011k1h /music/record_label/artist /m/014488 +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/02g9p4 +/m/050xpd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0d060g /location/location/time_zones /m/02hcv8 +/m/057xlyq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/018y2s /people/person/nationality /m/0hzlz +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/05yzt_ /people/person/profession /m/0nbcg +/m/0cwy47 /film/film/featured_film_locations /m/0r0m6 +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/02dh86 /people/person/spouse_s./people/marriage/spouse /m/0hskw +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fx1l +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0308kx +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/02q56mk /film/film/genre /m/01j1n2 +/m/02w9895 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017gxw +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/025ndl +/m/015ln1 /education/educational_institution_campus/educational_institution /m/015ln1 +/m/016s_5 /people/person/gender /m/05zppz +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0z90c /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01zwy /people/person/religion /m/0kq2 +/m/059m45 /people/person/gender /m/05zppz +/m/02dj3 /education/educational_institution/colors /m/019sc +/m/0frnff /people/person/gender /m/05zppz +/m/02vzpb /film/film/genre /m/02l7c8 +/m/081_zm /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04wvhz /people/person/gender /m/05zppz +/m/0jcpw /location/location/contains /m/059ss +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0crvfq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/04g865 /people/person/employment_history./business/employment_tenure/company /m/01_8w2 +/m/07s8hms /award/award_winner/awards_won./award/award_honor/award_winner /m/0dyztm +/m/01vw20_ /people/person/profession /m/02hrh1q +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/07_3qd /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0nvd8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gkx35 +/m/057__d /film/film/produced_by /m/0gs1_ +/m/05683p /music/group_member/membership./music/group_membership/role /m/0342h +/m/0fzyg /film/film_subject/films /m/0pc62 +/m/0170pk /award/award_winner/awards_won./award/award_honor/award_winner /m/0kszw +/m/07xtqq /film/film/featured_film_locations /m/05kj_ +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/053vcrp /award/award_winner/awards_won./award/award_honor/award_winner /m/04gmp_z +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award /m/0cqh6z +/m/03k0yw /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/04wp3s /people/person/nationality /m/09c7w0 +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0q5hw +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0352gk /organization/organization/headquarters./location/mailing_address/citytown /m/094jv +/m/011yhm /film/film/music /m/03h610 +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2h +/m/04p_hy /organization/organization/headquarters./location/mailing_address/citytown /m/0r2l7 +/m/025sc50 /music/genre/artists /m/02ktrs +/m/0pmw9 /people/person/profession /m/02hrh1q +/m/02pxmgz /film/film/featured_film_locations /m/02_286 +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/0h32q +/m/03h_0_z /people/person/profession /m/064xm0 +/m/0wp9b /location/location/time_zones /m/02fqwt +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_6 +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/05pq9 /people/person/profession /m/05sxg2 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/09fc83 /film/film/executive_produced_by /m/0jt90f5 +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/0cf2h +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/059j2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0kwv2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/0g0z58 +/m/016_v3 /music/genre/artists /m/03f0qd7 +/m/06j6l /music/genre/artists /m/0b68vs +/m/04jn6y7 /film/film/language /m/02h40lc +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04bs3j +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/02vntj +/m/01l47f5 /people/person/gender /m/05zppz +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/03_wvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07f3xb +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0hzlz +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/091z_p +/m/01dzz7 /influence/influence_node/influenced_by /m/0gd_s +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043t8t +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p_2r +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/05tbn /location/location/partially_contains /m/0lm0n +/m/078mm1 /film/film/genre /m/02kdv5l +/m/038723 /people/ethnicity/people /m/02_0d2 +/m/01xvlc /location/location/time_zones /m/03bdv +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09c7w0 /location/country/second_level_divisions /m/0msyb +/m/0bc71w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c408_ +/m/0fpjyd /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0284gc +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0277990 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/03_qj1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01vs_v8 /people/person/gender /m/02zsn +/m/054kmq /soccer/football_player/current_team./sports/sports_team_roster/team /m/085v7 +/m/015gjr /film/actor/film./film/performance/film /m/02psgq +/m/05myd2 /film/actor/film./film/performance/film /m/04t9c0 +/m/0495ys /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/080lkt7 /film/film/cinematography /m/0jsw9l +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05c74 +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/09y20 +/m/016ks_ /film/actor/film./film/performance/film /m/01gglm +/m/01mr2g6 /people/person/gender /m/05zppz +/m/04fzfj /film/film/language /m/06b_j +/m/05jf85 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06mkj +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qm9n +/m/0f0p0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2x +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027rwmr +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06dv3 +/m/0fsw_7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pv3 +/m/03bzyn4 /film/film/genre /m/02l7c8 +/m/01yb1y /tv/tv_program/languages /m/02h40lc +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/0b_7k /base/eating/practicer_of_diet/diet /m/07_jd +/m/0fh694 /film/film/production_companies /m/086k8 +/m/03q45x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/035gnh +/m/07ccs /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01dpsv /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/02pz3j5 /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/0fms83 /award/award_category/disciplines_or_subjects /m/02jknp +/m/0xnvg /people/ethnicity/people /m/046lt +/m/04y5j64 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pw2f1 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0j1yf +/m/06cqb /music/genre/artists /m/06mj4 +/m/0292qb /film/film/other_crew./film/film_crew_gig/crewmember /m/0bbxx9b +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05sns6 +/m/0ckr7s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0495ys /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/01y6dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dcvf +/m/03nc9d /award/award_category/winners./award/award_honor/award_winner /m/03cd1q +/m/06151l /film/actor/film./film/performance/film /m/05k4my +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01swxv +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/04mhl +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mk6 +/m/05zbm4 /film/actor/film./film/performance/film /m/0gmgwnv +/m/0fjcgg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/027r9t /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02q56mk +/m/042ly5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07vf5c /film/film/music /m/0f8pz +/m/07hwkr /people/ethnicity/people /m/044k8 +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07tw_b /film/film/produced_by /m/052hl +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05fkf /location/location/contains /m/0n3ll +/m/01wy6 /music/performance_role/regular_performances./music/group_membership/group /m/01cblr +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0164b +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/03rx9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03hpr +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01v0sxx +/m/01zwy /people/person/gender /m/05zppz +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0l14md /music/instrument/instrumentalists /m/01nn6c +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/0hz_1 /film/actor/film./film/performance/film /m/09lxv9 +/m/0h7pj /film/actor/film./film/performance/film /m/05t54s +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/07s9rl0 /media_common/netflix_genre/titles /m/07cw4 +/m/0b9dmk /people/person/nationality /m/09c7w0 +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/01xzb6 +/m/01p8s /location/country/form_of_government /m/06cx9 +/m/099d4 /people/person/place_of_birth /m/0d6lp +/m/04pnx /location/location/contains /m/05v10 +/m/064t9 /music/genre/artists /m/0147dk +/m/02zcnq /education/educational_institution/students_graduates./education/education/student /m/0bxtg +/m/0564x /film/film/language /m/03_9r +/m/02khs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/025_64l /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/01n7q /location/location/contains /m/0r111 +/m/02yr3z /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03176f +/m/02l7c8 /media_common/netflix_genre/titles /m/09z2b7 +/m/05fky /location/location/contains /m/0n3dv +/m/02qvvv /education/educational_institution/campuses /m/02qvvv +/m/05w6cw /film/actor/film./film/performance/film /m/0crfwmx +/m/02_nsc /film/film/produced_by /m/01t6b4 +/m/09k2t1 /people/person/nationality /m/09c7w0 +/m/09sr0 /film/film/country /m/0f8l9c +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/021dvj /music/genre/artists /m/09h_q +/m/058s57 /people/person/profession /m/02hrh1q +/m/01wtlq /music/genre/artists /m/02z81h +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04zwtdy +/m/0bz60q /award/award_winner/awards_won./award/award_honor/award_winner /m/01_x6v +/m/021w0_ /education/educational_institution/colors /m/019sc +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07szy +/m/030xr_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgcvn +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4f4 +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/021npv /film/actor/film./film/performance/film /m/02qzmz6 +/m/0blfl /user/jg/default_domain/olympic_games/sports /m/02_5h +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0_vn7 /location/hud_county_place/place /m/0_vn7 +/m/04wp3s /film/actor/film./film/performance/film /m/03bx2lk +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rk0 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0164qt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/076689 /people/person/profession /m/02hrh1q +/m/0gm2_0 /film/film/music /m/02jxmr +/m/01_x6v /film/director/film /m/01hvjx +/m/0sqc8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058kqy +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jswq +/m/0fd_1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grqd +/m/014wxc /location/location/contains /m/0jbs5 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03twd6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hww_ /music/instrument/instrumentalists /m/01vsyjy +/m/0169t /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04mnts +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0464pz +/m/02ctzb /people/ethnicity/people /m/025_nbr +/m/06xkst /tv/tv_program/genre /m/07s9rl0 +/m/03ym1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0294fd +/m/01c6l /people/person/profession /m/02jknp +/m/0jrg /influence/influence_node/influenced_by /m/0gz_ +/m/016fyc /film/film/language /m/06nm1 +/m/044crp /sports/sports_team/colors /m/06fvc +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/032l1 /influence/influence_node/influenced_by /m/0h336 +/m/02l4rh /people/person/profession /m/02hrh1q +/m/05xd8x /people/person/profession /m/02hrh1q +/m/05qx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03np3w +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcq3 +/m/026n998 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cl8lb +/m/02pd1q9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/013y1f /music/instrument/instrumentalists /m/01vng3b +/m/03nqbvz /people/person/gender /m/05zppz +/m/025txtg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bs8hvm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0rrhp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/026y23w /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1k5 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdyk7 +/m/02l4pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02chhq +/m/05tjm3 /people/deceased_person/place_of_death /m/0r3w7 +/m/0425yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01njml /sports/sports_team/sport /m/02vx4 +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01rrwf6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wjk /education/educational_institution/students_graduates./education/education/student /m/01k165 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09lcsj +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h584v +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01541z +/m/03548 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0c9c0 /film/actor/film./film/performance/film /m/0ds11z +/m/04smdd /film/film/genre /m/0vgkd +/m/016jfw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016h9b +/m/07c5l /location/location/contains /m/03h2c +/m/03v1jf /film/actor/film./film/performance/film /m/01k0xy +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/047n8xt +/m/036wy /location/location/contains /m/02gw_w +/m/03xmy1 /people/person/languages /m/02bjrlw +/m/022qw7 /people/person/nationality /m/09c7w0 +/m/03j0ss /sports/sports_team/sport /m/02vx4 +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01213c /base/aareas/schema/administrative_area/administrative_parent /m/06q1r +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09l3p +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yd2 +/m/01fwj8 /film/actor/film./film/performance/film /m/01hvjx +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/05vz3zq /location/location/contains /m/082sy9 +/m/0dgskx /film/actor/film./film/performance/film /m/0m313 +/m/01yjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/04110b0 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/01jswq /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04fzk +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/06chvn +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03q43g /people/person/nationality /m/0d060g +/m/01c9dd /award/award_category/nominees./award/award_nomination/nominated_for /m/011z3g +/m/01gct2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01kp66 +/m/03tps5 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0140t7 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/03n0pv /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01mqnr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fc32 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ff0x +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_hj4 +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/01309x +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0148xv /people/cause_of_death/people /m/079dy +/m/0473m9 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/05drr9 /people/person/places_lived./people/place_lived/location /m/059f4 +/m/09c7w0 /location/location/contains /m/0mxbq +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0m_1s /base/biblioness/bibs_location/country /m/0f8l9c +/m/02664f /award/award_category/winners./award/award_honor/award_winner /m/0c3kw +/m/01r3kd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06by7 /music/genre/artists /m/04zwjd +/m/0bmnm /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/033tf_ /people/ethnicity/people /m/045cq +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/043h78 /film/film/genre /m/02n4kr +/m/033w9g /film/actor/film./film/performance/film /m/045r_9 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/09r8l /people/person/nationality /m/09c7w0 +/m/0d04z6 /location/location/contains /m/0d6hn +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jt3tjf /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01sbv9 /film/film/country /m/09c7w0 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/016k6x /film/actor/film./film/performance/film /m/0_816 +/m/0fhxv /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/073tm9 +/m/0b6m5fy /film/film/language /m/02h40lc +/m/0993r /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/012dtf /film/actor/film./film/performance/film /m/03rg2b +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02t_y3 /film/actor/film./film/performance/film /m/0320fn +/m/0h5g_ /film/actor/film./film/performance/film /m/02rq8k8 +/m/0q9jk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06j0md +/m/03zg2x /award/award_winner/awards_won./award/award_honor/award_winner /m/01qqtr +/m/0bq2g /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/011j5x /music/genre/artists /m/07rnh +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/08chdb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/047sxrj +/m/02w9k1c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0gs5q /people/person/profession /m/0dxtg +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlt +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162b +/m/07nt8p /film/film/genre /m/060__y +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016dmx +/m/02rjv2w /film/film/featured_film_locations /m/02_286 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03rjj +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/033db3 +/m/01y9xg /film/actor/film./film/performance/film /m/045j3w +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/03tbg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/035qv8 +/m/02y74 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0bs8ndx /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01ggc9 /people/person/profession /m/01d_h8 +/m/01hvzr /sports/sports_team_location/teams /m/01kj5h +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/076lxv /film/film_set_designer/film_sets_designed /m/070fnm +/m/0d29z /people/ethnicity/geographic_distribution /m/0d04z6 +/m/026v437 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/066yfh +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/02p7_k +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/016_mj +/m/016jfw /award/award_winner/awards_won./award/award_honor/award_winner /m/016h9b +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/0d1t3 +/m/09rfh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0mskq +/m/0y3_8 /music/genre/artists /m/06mt91 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/09r94m +/m/02x17s4 /award/award_category/winners./award/award_honor/award_winner /m/0h5f5n +/m/01kr6k /business/job_title/people_with_this_title./business/employment_tenure/company /m/0f1r9 +/m/01w5jwb /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/0cbm64 +/m/02kxbwx /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/01qdmh /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/03b8c4 /education/educational_institution/campuses /m/03b8c4 +/m/04smkr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/0ddfwj1 /film/film/genre /m/02l7c8 +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k54 +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/03d9v8 /people/person/gender /m/02zsn +/m/0vkl2 /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0432cd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/06rvn /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/02dh86 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0275kr +/m/0ds11z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05prs8 +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02rzdcp +/m/0mny8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mn78 +/m/09_99w /people/person/profession /m/02hrh1q +/m/06yszk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03q2t9 /people/person/profession /m/0nbcg +/m/06lvlf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/076lxv /award/award_winner/awards_won./award/award_honor/award_winner /m/072twv +/m/064t9 /music/genre/artists /m/0c7xjb +/m/01lyv /music/genre/artists /m/036px +/m/01c9d1 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03j0d /influence/influence_node/influenced_by /m/06hmd +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hmyfsv +/m/09thp87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/094wz7q +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025cn2 +/m/0cgfb /people/person/profession /m/02hrh1q +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jg77 +/m/0p_sc /film/film/genre /m/0lsxr +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award /m/0gkr9q +/m/03h8_g /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/01s0ps /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/04bpm6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/01jrbb /film/film/country /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03c0t9 +/m/027kmrb /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ch26b_ +/m/0djlxb /film/film/genre /m/04t36 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/0f4m2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02_lt +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwcr +/m/07k51gd /people/person/gender /m/05zppz +/m/03zw80 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01pj5q /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02wmbg /people/person/languages /m/09bnf +/m/03rjj /location/country/second_level_divisions /m/016qwt +/m/02rn_bj /people/person/profession /m/09jwl +/m/0dmn0x /film/film/genre /m/03q4nz +/m/0p5mw /music/artist/track_contributions./music/track_contribution/role /m/02k84w +/m/027_sn /people/person/nationality /m/09c7w0 +/m/02sch9 /people/ethnicity/people /m/08d6bd +/m/06vv_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/0cj2nl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pxr +/m/0lb5x /base/aareas/schema/administrative_area/administrative_parent /m/0lwkz +/m/0dq9wx /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/06sks6 /olympics/olympic_games/sports /m/019tzd +/m/01sl1q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ywr /film/actor/film./film/performance/film /m/01_0f7 +/m/01jvgt /sports/sports_team/colors /m/06fvc +/m/01kp8z /music/genre/artists /m/015882 +/m/0884fm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/01fcmh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0ndsl1x /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/06w2yp9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/02ph9tm /film/film/language /m/02h40lc +/m/09c7w0 /location/country/second_level_divisions /m/0mmr1 +/m/051hrr /music/performance_role/regular_performances./music/group_membership/role /m/01v1d8 +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/position /m/01r3hr +/m/03cd1q /award/award_winner/awards_won./award/award_honor/award_winner /m/07hgkd +/m/072zl1 /film/film/genre /m/07s9rl0 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/055c8 +/m/064t9 /music/genre/artists /m/0770cd +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0c02jh8 /sports/sports_team/sport /m/02vx4 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/06ryl /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0xxc /education/educational_institution_campus/educational_institution /m/0xxc +/m/0r0ss /base/biblioness/bibs_location/country /m/09c7w0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/01wmcbg /people/person/gender /m/02zsn +/m/02ryz24 /film/film/film_format /m/0cj16 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/01jq34 /education/university/fraternities_and_sororities /m/0325pb +/m/02vcp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/03ndd /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mz_ +/m/02yl42 /influence/influence_node/influenced_by /m/013pp3 +/m/03kbb8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09yhzs +/m/0glnm /film/film/production_companies /m/0k9ctht +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04rjg +/m/07q1v4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/032l1 /people/person/religion /m/01lp8 +/m/02lf70 /people/person/gender /m/02zsn +/m/09c7w0 /location/country/second_level_divisions /m/0mvxt +/m/01x0yrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01k60v +/m/0d66j2 /tv/tv_program/genre /m/05p553 +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0db86 +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0phx4 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/0gzy02 /film/film/language /m/02h40lc +/m/045cq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/015d3h /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0y1rf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s846j /film/film/genre /m/03bxz7 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04j13sx +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044mrh +/m/01ydzx /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/034zc0 /people/person/gender /m/05zppz +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv54 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/0l15f_ /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/012_53 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06fc0b +/m/03q2t9 /people/person/profession /m/03gjzk +/m/053xw6 /people/person/languages /m/03x42 +/m/05hyn5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01rnly +/m/0cf2h /people/deceased_person/place_of_burial /m/01n7q +/m/01bcq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01vyp_ /people/deceased_person/place_of_death /m/0q34g +/m/014xf6 /education/educational_institution/students_graduates./education/education/student /m/0hpz8 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/0pnf3 +/m/0rh6k /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0586wl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01pkhw /film/actor/film./film/performance/film /m/05zy2cy +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mz5b +/m/04b_jc /film/film/genre /m/0q9mp +/m/017d93 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02whj /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/051wwp /award/award_winner/awards_won./award/award_honor/award_winner /m/015rkw +/m/02g0rb /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/0b90_r /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01wy5m +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095zlp +/m/02cvcd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011ywj /film/film/production_companies /m/05mgj0 +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g9f +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vw87c +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01f62 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pk8v +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/03rt9 /location/country/second_level_divisions /m/0hkq4 +/m/047bynf /film/film/genre /m/02l7c8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/01_x6d /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/024rgt /award/award_winner/awards_won./award/award_honor/award_winner /m/046b0s +/m/023361 /people/deceased_person/place_of_death /m/0k049 +/m/023kzp /film/actor/film./film/performance/film /m/08r4x3 +/m/0njlp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nj0m +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06cmd2 +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/04cxw5b +/m/01z0lb /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gxsh4 +/m/09146g /film/film/production_companies /m/01gb54 +/m/07fsv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/05ft32 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/05sj55 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k70_ +/m/0ddbjy4 /film/film/genre /m/0lsxr +/m/02zq43 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0m0nq /people/person/spouse_s./people/marriage/spouse /m/0btyl +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/015grj +/m/04gp1d /government/legislative_session/members./government/government_position_held/legislative_sessions /m/0495ys +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/07ncs0 /film/actor/film./film/performance/film /m/03t95n +/m/05m7zg /people/person/gender /m/05zppz +/m/047vp1n /film/film/genre /m/02b5_l +/m/02mxbd /people/person/nationality /m/07ssc +/m/0kvsb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bxjp +/m/01h18v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01tnbn /film/actor/film./film/performance/film /m/0f3m1 +/m/0335fp /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/05dptj /film/film/country /m/09c7w0 +/m/0jt3tjf /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/04mcw4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/084m3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04kr63w +/m/02qr69m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/0421ng /film/film/country /m/09c7w0 +/m/01pk8v /film/actor/film./film/performance/film /m/0glqh5_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0b2v79 +/m/064t9 /music/genre/artists /m/0127s7 +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0mkg +/m/02xry /location/location/contains /m/0rj4g +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0xv2x /music/genre/artists /m/01ww_vs +/m/07ncs0 /people/person/religion /m/0c8wxp +/m/02m0sc /education/educational_institution/students_graduates./education/education/student /m/02b29 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ww5 +/m/04mvp8 /people/ethnicity/people /m/03dctt +/m/051z6mv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cb77r +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dqytn +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/059_gf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xbw2 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01tv3x2 /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01g6l8 +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ndc +/m/0f2tj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/01j7pt /tv/tv_network/programs./tv/tv_network_duration/program /m/01j7mr +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/0j582 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/08b8vd +/m/01nty /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0r6cx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrwfv /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0ctb4g /film/film/executive_produced_by /m/01w8sf +/m/09rfh9 /film/film/genre /m/01585b +/m/0dr_9t7 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01nnsv /education/educational_institution/students_graduates./education/education/student /m/0203v +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/03j1p2n /people/person/profession /m/0dz3r +/m/024mpp /film/film/featured_film_locations /m/035p3 +/m/013gwb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/054f2k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/04sry +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01vvyc_ /people/person/gender /m/05zppz +/m/03cyslc /film/film/production_companies /m/017s11 +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/04qsdh /people/person/gender /m/02zsn +/m/07wlf /dataworld/gardening_hint/split_to /m/04n7ps6 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c0zq +/m/05zm34 /sports/sports_position/players./sports/sports_team_roster/team /m/01y3c +/m/07r_dg /people/person/profession /m/09jwl +/m/0308kx /people/person/place_of_birth /m/015zxh +/m/09c7w0 /location/location/contains /m/02183k +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/01gvr1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/0b7xl8 /award/award_winner/awards_won./award/award_honor/award_winner /m/026g4l_ +/m/0286hyp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0cg9f +/m/0fhp9 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0h7x +/m/0g8rj /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/032zg9 /film/actor/film./film/performance/film /m/06fqlk +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01d1st /people/person/nationality /m/09c7w0 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dp7wt +/m/061681 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/01846t +/m/0fgg4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/030hcs +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/035qy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015qh +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/01vrncs /people/person/religion /m/01lp8 +/m/034qt_ /people/person/profession /m/0mn6 +/m/0yl_w /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0ddkf /people/person/place_of_birth /m/0hptm +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/035_2h +/m/05p9_ql /tv/tv_program/genre /m/01t_vv +/m/049_zz /award/award_winner/awards_won./award/award_honor/award_winner /m/01w_10 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/016z5x +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9j5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/023mdt +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02ct_k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04sv4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/02dlh2 +/m/01730d /music/genre/artists /m/02qsjt +/m/0l14md /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/016622 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/015srx +/m/01d8yn /people/person/gender /m/05zppz +/m/04shbh /people/person/languages /m/02h40lc +/m/01vsn38 /people/person/profession /m/0np9r +/m/01s7qqw /people/person/place_of_birth /m/0ftxc +/m/04n52p6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0391jz +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0315rp +/m/02hxhz /film/film/produced_by /m/02r251z +/m/017v_ /location/location/contains /m/0d34_ +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/01n5309 /people/person/gender /m/05zppz +/m/02wmbg /people/person/languages /m/07c9s +/m/0cycc /people/cause_of_death/people /m/015dnt +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018ygt +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jz9f +/m/02qssrm /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/01lyv /music/genre/artists /m/01vtj38 +/m/01pq5j7 /people/person/profession /m/01c72t +/m/01vyp_ /people/person/profession /m/01c8w0 +/m/01ww2fs /people/person/places_lived./people/place_lived/location /m/05mph +/m/0k4fz /film/film/music /m/02wb6d +/m/0j0k /base/locations/continents/countries_within /m/04hhv +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0jsf6 /film/film/genre /m/07s9rl0 +/m/03x82v /award/award_winner/awards_won./award/award_honor/award_winner /m/09swkk +/m/06s_2 /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/02fgdx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0cd2vh9 /film/film/genre /m/06n90 +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03gk2 +/m/01qb5d /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04m2zj /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0dclg /location/hud_county_place/place /m/0dclg +/m/02vjzr /music/genre/artists /m/01wy61y +/m/03n69x /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01tt43d /people/person/profession /m/05z96 +/m/02w7gg /people/ethnicity/people /m/059xnf +/m/07vfj /education/educational_institution/colors /m/01g5v +/m/02lgj6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg9w +/m/02x17s4 /award/award_category/winners./award/award_honor/ceremony /m/0275n3y +/m/04mz10g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcq3 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/047vnkj /film/film/production_companies /m/054lpb6 +/m/015pkc /film/actor/film./film/performance/film /m/02q56mk +/m/0k6yt1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0f2r6 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0jcgs +/m/0bdw6t /award/award_category/winners./award/award_honor/award_winner /m/01h4rj +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03mcwq3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05fnl9 +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0417z2 /people/person/gender /m/05zppz +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/05w3y /organization/organization/place_founded /m/02kx3 +/m/02sg5v /film/film/featured_film_locations /m/0d6lp +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/06by7 /music/genre/artists /m/021r7r +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05qhw +/m/02jx1 /location/location/contains /m/0fgj2 +/m/0cq806 /film/film/country /m/07ssc +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/02pdhz /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_tz /tv/tv_program/country_of_origin /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01y9qr +/m/02vr7 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0bt23 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015g_7 /film/actor/film./film/performance/film /m/02rjv2w +/m/0gl6f /education/educational_institution/school_type /m/05jxkf +/m/0dqcm /people/person/languages /m/02bv9 +/m/0gc_c_ /film/film/music /m/04ls53 +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0p9qb /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05w1vf /film/actor/film./film/performance/film /m/06v9_x +/m/02j69w /film/film/language /m/02h40lc +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/058frd +/m/027r8p /film/actor/film./film/performance/film /m/0422v0 +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01f7j9 /film/director/film /m/026lgs +/m/0146hc /organization/organization/headquarters./location/mailing_address/state_province_region /m/02xry +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/01z7_f +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06nr2h +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/08r98b +/m/026l37 /film/actor/film./film/performance/film /m/050f0s +/m/0dq9wx /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/026_dq6 +/m/03cfjg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmgrf +/m/01psyx /people/cause_of_death/people /m/0674cw +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/060ny2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06f0dc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0j43swk +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/03x726 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01y20v /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/076tq0z /film/film/language /m/064_8sq +/m/01kkx2 /people/person/nationality /m/09c7w0 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c57yj +/m/09d5h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02t_8z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/055sjw +/m/07j8r /film/film/genre /m/02l7c8 +/m/03wjb7 /people/person/profession /m/016z4k +/m/047vp1n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/020bv3 /film/film/language /m/05zjd +/m/03x400 /people/person/nationality /m/09c7w0 +/m/01pcq3 /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/0gkgp /base/biblioness/bibs_location/country /m/09c7w0 +/m/07_bv_ /people/person/nationality /m/03rk0 +/m/0mcl0 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/08z39v +/m/030vnj /film/actor/film./film/performance/film /m/024lt6 +/m/017371 /music/genre/artists /m/06m61 +/m/02bwjv /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07ldhs +/m/07swvb /award/award_winner/awards_won./award/award_honor/award_winner /m/07ldhs +/m/02k54 /sports/sports_team_location/teams /m/03_3z4 +/m/03d34x8 /tv/tv_program/country_of_origin /m/09c7w0 +/m/085ccd /film/film/country /m/09c7w0 +/m/030k94 /tv/tv_program/genre /m/01z4y +/m/04nrcg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/043gj /people/person/religion /m/0c8wxp +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_9l_ +/m/03wpmd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/052_mn +/m/01ksr1 /film/actor/film./film/performance/film /m/08fn5b +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0373qt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnmj +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dyk8 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/0319l +/m/04353 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bmhn /film/film/film_art_direction_by /m/0520r2x +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/01n7q /location/location/contains /m/0l2hf +/m/0kvqv /award/award_nominee/award_nominations./award/award_nomination/award /m/02wkmx +/m/01ly5m /sports/sports_team_location/teams /m/04ck0_ +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02g5h5 +/m/0ckt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0c7xjb /people/person/profession /m/02hrh1q +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/013zyw +/m/02r34n /film/actor/film./film/performance/film /m/04kkz8 +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0bnzd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01cw13 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/026_dcw /people/person/nationality /m/09c7w0 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09c7w0 /location/location/contains /m/0ftvz +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/0525b /film/actor/film./film/performance/film /m/01sxdy +/m/08vlns /music/genre/artists /m/02b25y +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/0cl0bk /people/person/languages /m/02h40lc +/m/029k4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07_k0c0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cv13 /location/location/contains /m/0tt6k +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0jt86 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/0k54q /film/film/distributors./film/film_film_distributor_relationship/region /m/09c7w0 +/m/06p03s /music/group_member/membership./music/group_membership/role /m/0l14md +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/099tbz +/m/05k2xy /film/film/language /m/02h40lc +/m/01wbgdv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s3vqk +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gpprt +/m/04306rv /language/human_language/countries_spoken_in /m/04j53 +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/03qmfzx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/01vl17 /people/person/gender /m/05zppz +/m/04qsdh /people/person/nationality /m/09c7w0 +/m/015pxr /people/person/religion /m/0kpl +/m/0343h /film/director/film /m/0ddt_ +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030hbp +/m/03s5t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yxy /film/film/film_festivals /m/0g57ws5 +/m/0hvb2 /film/actor/film./film/performance/film /m/0jzw +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/0gkz3nz /film/film/produced_by /m/0fvf9q +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hxsv +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06fc0b /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/012_53 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/01y3v +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/03jg5t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0y3 +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/057xlyq +/m/0bxtg /award/award_winner/awards_won./award/award_honor/award_winner /m/0415svh +/m/07hwkr /people/ethnicity/people /m/0mb0 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/05567m +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/02g2yr /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01vsxdm +/m/0584r4 /tv/tv_program/genre /m/0vgkd +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/025ldg +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ldw4 +/m/0c921 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0721cy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08b8vd /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0cf2h +/m/02gs6r /film/film/genre /m/0hcr +/m/0dcdp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fmc5 +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0487c3 +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/018p4y /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/01d0b1 /film/actor/film./film/performance/film /m/04s1zr +/m/0hv81 /film/film/produced_by /m/0bs8d +/m/0m31m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0170pk +/m/0h32q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8x1y +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01zmpg /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/043g7l /music/record_label/artist /m/01w5gg6 +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0c9c0 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/032q8q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/0m_v0 /award/award_winner/awards_won./award/award_honor/award_winner /m/0pkyh +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016khd +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/08q3s0 +/m/06_bq1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/0fqjhm +/m/072zl1 /film/film/genre /m/04xvh5 +/m/016jll /people/deceased_person/place_of_death /m/0f2wj +/m/01wf86y /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/017jv5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0g1rw +/m/0mcl0 /film/film/production_companies /m/016tw3 +/m/05bht9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gn36 /film/actor/film./film/performance/film /m/01f39b +/m/091xrc /film/film/country /m/09c7w0 +/m/04fv0k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhb3 /award/award_category/winners./award/award_honor/award_winner /m/0210hf +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026y3cf +/m/01vb403 /people/person/gender /m/05zppz +/m/01f7j9 /film/director/film /m/09w6br +/m/01pcrw /people/person/nationality /m/02jx1 +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01vq3 /film/film_subject/films /m/0830vk +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v1jf +/m/047g6 /user/alexander/philosophy/philosopher/interests /m/0gt_hv +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06wbm8q /film/film/executive_produced_by /m/0bjkpt +/m/0jsg0m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05bt6j /music/genre/artists /m/02bc74 +/m/07lp1 /people/person/profession /m/0kyk +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/03tn9w +/m/0d3fdn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/0154j /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0167v /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f3_p3 /people/person/nationality /m/09c7w0 +/m/0241y7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09jcj6 /film/film/genre /m/0fdjb +/m/03g5_y /people/person/gender /m/05zppz +/m/086m1 /time/event/locations /m/0j3b +/m/08qs09 /education/educational_institution_campus/educational_institution /m/08qs09 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/09c7w0 /location/location/contains /m/042tq +/m/0y_pg /film/film/language /m/02h40lc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/06sks6 /olympics/olympic_games/sports /m/0194d +/m/033f8n /film/film/genre /m/0556j8 +/m/048lv /people/person/profession /m/01d_h8 +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/08l0x2 /film/film/music /m/015x1f +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/02vyw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0343h +/m/0133x7 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_9t7 +/m/0c12h /people/person/profession /m/0dxtg +/m/053y0s /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/0cf08 /film/film/written_by /m/0gn30 +/m/0gd92 /film/film/genre /m/07s9rl0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0l6qt +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04jwly /film/film/executive_produced_by /m/06t8b +/m/043q2z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c2tf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0gmtm +/m/01vh096 /influence/influence_node/influenced_by /m/07ym0 +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0192l +/m/0byq0v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/04rtpt /business/business_operation/industry /m/02vxn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0gdm1 +/m/02frhbc /location/location/contains /m/01gwck +/m/0h96g /film/actor/film./film/performance/film /m/0yyn5 +/m/0gjvqm /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/0d05w3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rk0 +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/09c7w0 /location/location/contains /m/0jgm8 +/m/014kkm /film/film/costume_design_by /m/0fx0j2 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/018417 +/m/01kgg9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01znc_ /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/036px /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0ph2w +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k0yw +/m/01lyv /music/genre/artists /m/013qvn +/m/06hgj /influence/influence_node/influenced_by /m/04hcw +/m/01271h /music/group_member/membership./music/group_membership/group /m/02_5x9 +/m/018ljb /olympics/olympic_games/sports /m/0d1tm +/m/0cg9f /film/actor/film./film/performance/film /m/04v89z +/m/0227vl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/015f7 +/m/05cv94 /people/person/place_of_birth /m/09c7w0 +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/064n1pz /film/film/genre /m/01jfsb +/m/0f04v /location/location/time_zones /m/02lcqs +/m/0btpm6 /film/film/country /m/09c7w0 +/m/02j416 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02my3z +/m/02gvwz /people/person/places_lived./people/place_lived/location /m/0m75g +/m/03p2xc /film/film/genre /m/07s9rl0 +/m/023rwm /music/record_label/artist /m/04r1t +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/057ph +/m/0260p2 /business/business_operation/industry /m/01mw1 +/m/08g_jw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04l3_z /people/person/place_of_birth /m/030qb3t +/m/0bq6ntw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l2fn /film/actor/film./film/performance/film /m/0ctb4g +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m3gy +/m/016t00 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpjd_g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0275_pj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/0c0tzp /award/award_winner/awards_won./award/award_honor/award_winner /m/0520r2x +/m/0bszz /sports/sports_team/colors /m/083jv +/m/01pcbg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/05m63c /people/person/places_lived./people/place_lived/location /m/0r8bh +/m/019kyn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b82vw +/m/04bs3j /film/actor/film./film/performance/film /m/04j14qc +/m/012xdf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm2v +/m/03rjj /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024yxd +/m/01fh36 /music/genre/artists /m/01wp8w7 +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/05p09dd /award/award_winning_work/awards_won./award/award_honor/award /m/0274v0r +/m/02l0xc /people/person/gender /m/05zppz +/m/06gjk9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0fgg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025h4z +/m/0gg4h /people/cause_of_death/people /m/0168dy +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/05p9_ql +/m/050r1z /film/film/cinematography /m/09bxq9 +/m/076xkdz /film/film/genre /m/02l7c8 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/095z4q +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07_dn +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02phtzk +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/06lbp /people/person/gender /m/05zppz +/m/09c7w0 /location/location/contains /m/0vm5t +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wbg84 +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/015cbq +/m/021_rm /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/09fb5 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0ldqf /olympics/olympic_games/sports /m/02y8z +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/01qzyz /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0k8z +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016tw3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cn_b8 +/m/04n52p6 /film/film/genre /m/01jfsb +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/0mnlq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mn78 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01_s9q +/m/05byxm /music/record_label/artist /m/0892sx +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/01qbjg +/m/02_j7t /film/actor/film./film/performance/film /m/063fh9 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/01ljpm +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/06j6l /music/genre/artists /m/015x1f +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/011yl_ /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0170pk +/m/01f7v_ /people/person/profession /m/02jknp +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/position /m/06b1q +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/037q31 +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026w_gk +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0ndwt2w /film/film/written_by /m/02bfxb +/m/014kkm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/017lqp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h1mt +/m/04xvlr /media_common/netflix_genre/titles /m/01vfqh +/m/050_qx /award/award_winner/awards_won./award/award_honor/award_winner /m/09xrxq +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01j_jh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/05d8vw /people/person/profession /m/02hrh1q +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01mk6 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvlyt +/m/0dfrq /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/02drd3 /people/person/profession /m/01d_h8 +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/01wxyx1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_hj4 +/m/0l2hf /location/location/contains /m/0r1jr +/m/03548 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gkr9q /award/award_category/winners./award/award_honor/award_winner /m/01xndd +/m/05cv8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/0d2by /people/ethnicity/geographic_distribution /m/03gh4 +/m/0g48m4 /people/ethnicity/geographic_distribution /m/081yw +/m/04cv9m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ntwb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv5y +/m/01dhjz /people/person/profession /m/025sd_y +/m/036jv /music/genre/artists /m/01vzx45 +/m/0g10g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d38d +/m/03hrz /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05wqr1 +/m/0c9k8 /film/film/genre /m/082gq +/m/051m56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lmj3q +/m/0jqj5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016fjj +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03t9sp +/m/04fzfj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05tcx0 /music/genre/parent_genre /m/05r6t +/m/023kzp /film/actor/film./film/performance/film /m/07_fj54 +/m/0rh6k /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01w1ywm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vy_v8 +/m/041jk9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01vsy9_ /people/person/profession /m/016z4k +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s3vqk +/m/02g2wv /award/award_category/winners./award/award_honor/award_winner /m/0bxtg +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_tz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/02_l39 +/m/0jmj /people/person/place_of_birth /m/01531 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02cbhg +/m/0ccd3x /film/film/produced_by /m/0hsmh +/m/02681_5 /award/award_category/winners./award/award_honor/ceremony /m/08pc1x +/m/010tkc /location/hud_county_place/county /m/0mlyj +/m/08hsww /award/award_winner/awards_won./award/award_honor/award_winner /m/0h3mrc +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wd9lv +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0kqj1 +/m/0408m53 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0b_6s7 /time/event/locations /m/029cr +/m/016clz /music/genre/artists /m/016qtt +/m/06w58f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/01cf93 /music/record_label/artist /m/02mslq +/m/0d6d2 /people/deceased_person/place_of_death /m/01m1_d +/m/02bzh0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/0bs09lb +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0f1jhc +/m/05wdgq /people/person/gender /m/05zppz +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/03hr1p +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_6dw +/m/015q1n /education/educational_institution/students_graduates./education/education/student /m/032w8h +/m/04v048 /people/person/profession /m/01d_h8 +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/016s_5 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/01vrx35 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0rsjf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01y_px /film/actor/film./film/performance/film /m/03tbg6 +/m/026lj /people/person/profession /m/03jgz +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02ntb8 +/m/0tk02 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ckwzc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cvwkr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/019z7q +/m/014nzp /sports/sports_team/sport /m/02vx4 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/018gm9 +/m/01xbgx /film/film_subject/films /m/04j4tx +/m/02l4rh /people/person/nationality /m/07ssc +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/016gkf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/019fbp +/m/02jx1 /location/location/contains /m/01ngxm +/m/04jvt /influence/influence_node/influenced_by /m/048cl +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bx8pn /education/educational_institution/students_graduates./education/education/student /m/030hcs +/m/0gyy0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024bbl /film/actor/film./film/performance/film /m/095z4q +/m/01271h /people/person/profession /m/01c72t +/m/02rcwq0 /tv/tv_program/genre /m/0lsxr +/m/06rq2l /people/person/profession /m/018gz8 +/m/05k2xy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mmslz /film/actor/film./film/performance/film /m/0jvt9 +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03wd5tk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05sy_5 /film/film/language /m/06nm1 +/m/07sbbz2 /music/genre/artists /m/01vtmw6 +/m/0d_84 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/011xg5 /film/film/produced_by /m/02q_cc +/m/01l9v7n /people/person/profession /m/01c8w0 +/m/0gd9k /film/actor/film./film/performance/film /m/05t54s +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01wdj_ +/m/02vnp2 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0m313 +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/0fhpv4 /award/award_category/winners./award/award_honor/award_winner /m/01271h +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/05bjp6 /education/educational_institution/campuses /m/05bjp6 +/m/05_5_22 /film/film/prequel /m/02825kb +/m/03ln8b /tv/tv_program/languages /m/02h40lc +/m/0407f /people/person/nationality /m/09c7w0 +/m/0mb0 /people/person/places_lived./people/place_lived/location /m/01n7q +/m/0mz73 /people/person/place_of_birth /m/04gxf +/m/01wzs_q /people/person/profession /m/0np9r +/m/02bh_v /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/04pmnt /film/film/genre /m/02l7c8 +/m/0x67 /people/ethnicity/people /m/02ktrs +/m/0g_gl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/group /m/0m19t +/m/01z452 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01bb9r +/m/0d060g /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dy7p +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0h1nt +/m/0j5g9 /location/country/official_language /m/083tk +/m/0l99s /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/0b7t3p +/m/02py4c8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hskw +/m/06myp /influence/influence_node/influenced_by /m/015n8 +/m/0hzlz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0c9c0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/01z4y /dataworld/gardening_hint/split_to /m/03ykjs9 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0841v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/016zdd /film/actor/film./film/performance/film /m/0g3zrd +/m/01wk7b7 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/019pm_ +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgbb +/m/01p0vf /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/05m883 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02y7sr /people/person/profession /m/0gbbt +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/033q4k +/m/05th8t /film/actor/film./film/performance/film /m/0cfhfz +/m/017y6l /education/educational_institution/colors /m/067z2v +/m/0m24v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m25p +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/05dbf /film/actor/film./film/performance/film /m/03ntbmw +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/054bt3 +/m/0fwc0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/043tz8m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01rnly +/m/03j24kf /music/group_member/membership./music/group_membership/role /m/03_vpw +/m/0kbws /olympics/olympic_games/participating_countries /m/03spz +/m/017lqp /film/actor/film./film/performance/film /m/02n72k +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/039wsf /people/person/profession /m/02jknp +/m/0c0nhgv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c6qh +/m/01mqh5 /film/actor/film./film/performance/film /m/0296vv +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/074w86 +/m/0283xx2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0415ggl +/m/02d49z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06sfk6 /film/film/language /m/02h40lc +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/085jw +/m/031q3w /education/educational_institution/school_type /m/01rs62 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n_hp +/m/02sg5v /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fztbq +/m/0fg04 /film/film/featured_film_locations /m/02jx1 +/m/011yph /film/film/language /m/02h40lc +/m/0b_6rk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/0g_zyp /film/film/story_by /m/09t4hh +/m/031296 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tj34 +/m/02b1mc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hnb /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05f7snc /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01h1bf +/m/01fm07 /music/genre/artists /m/01wzlxj +/m/02ll45 /film/film/genre /m/07s9rl0 +/m/05fjf /location/location/contains /m/0n57k +/m/0d0kn /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t74h /award/award_winner/awards_won./award/award_honor/award_winner /m/06g2d1 +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/037mjv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04tqtl /film/film/music /m/06cv1 +/m/09c7w0 /location/location/contains /m/07bcn +/m/01vsy7t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kx_81 +/m/01clyr /music/record_label/artist /m/01k_n63 +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/09c7w0 /location/location/contains /m/0q8sw +/m/0h7dd /people/person/gender /m/02zsn +/m/02xv8m /film/actor/film./film/performance/film /m/0b76t12 +/m/021l5s /education/educational_institution/campuses /m/021l5s +/m/02k8k /location/country/capital /m/0ftfw +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0m76b /people/person/religion /m/0c8wxp +/m/0g60z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03c6vl +/m/04ycjk /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/01w58n3 /people/person/profession /m/0cbd2 +/m/023v4_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09k56b7 +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03q8xj /film/film/genre /m/01j1n2 +/m/06rnl9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hx4y +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/018009 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/04bdlg /people/person/nationality /m/09c7w0 +/m/01w60_p /people/person/gender /m/05zppz +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_jkc +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02fm4d /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/06m6z6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08q3s0 +/m/06x4l_ /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03qx_f /music/record_label/artist /m/01sb5r +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01gv_f +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01x4wq +/m/01f1jy /user/jg/default_domain/olympic_games/sports /m/01z27 +/m/01dbhb /film/actor/film./film/performance/film /m/01cm8w +/m/042kbj /people/person/gender /m/05zppz +/m/0sz28 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/0c0k1 /film/actor/film./film/performance/film /m/0f3m1 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb5d +/m/0kbws /olympics/olympic_games/participating_countries /m/0169t +/m/077g7n /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/015_1q /music/record_label/artist /m/01w5gg6 +/m/06rzwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03qjg /music/instrument/instrumentalists /m/01wqflx +/m/0276jmv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t969 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/0h1cdwq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m77m /people/person/places_lived./people/place_lived/location /m/04jpl +/m/02pdhz /education/educational_institution/colors /m/06fvc +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/0fjyzt /film/film/language /m/064_8sq +/m/02hg53 /people/person/place_of_birth /m/0cr3d +/m/0cf_h9 /people/deceased_person/place_of_death /m/02_286 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qvz8 +/m/0ftxc /location/hud_county_place/county /m/0nty_ +/m/02fj8n /film/film/genre /m/01jfsb +/m/0dq9wx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/01qxc7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hmr4 /film/film/executive_produced_by /m/0grrq8 +/m/08mg_b /film/film/costume_design_by /m/03mfqm +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0j862 +/m/0y_yw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07g1sm +/m/012s1d /film/film/featured_film_locations /m/030qb3t +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/019lty +/m/02n9nmz /award/award_category/winners./award/award_honor/ceremony /m/0h_cssd +/m/02ryx0 /people/person/profession /m/0n1h +/m/0b2_xp /people/person/nationality /m/09c7w0 +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0h1mt +/m/03cws8h /award/award_winner/awards_won./award/award_honor/award_winner /m/02wk_43 +/m/047p7fr /film/film/genre /m/0vgkd +/m/0zm1 /people/person/profession /m/0cbd2 +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0fb7c /people/person/place_of_birth /m/0pmpl +/m/03gvt /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0291hr /film/film/genre /m/02n4kr +/m/01n1pp /education/educational_institution_campus/educational_institution /m/01n1pp +/m/071nw5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02gl58 /tv/tv_program/genre /m/01htzx +/m/01_bkd /music/genre/artists /m/01vtqml +/m/02qlg7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02dbp7 +/m/01nms7 /people/person/profession /m/02hrh1q +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/03knl +/m/07hwkr /people/ethnicity/people /m/016vg8 +/m/0k2h6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01w0v +/m/01_x6d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cm2m +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0g4pl7z /film/film/language /m/05zjd +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/051hrr +/m/01tnbn /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0f4vbz /film/actor/film./film/performance/film /m/01qbg5 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/09zyn5 /people/ethnicity/languages_spoken /m/06mp7 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/0qxhc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02nx2k /film/film/genre /m/03k9fj +/m/01jszm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tl50z /film/actor/film./film/performance/film /m/0cqnss +/m/05th8t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/02vx4 +/m/0f4vx /film/film/country /m/0f8l9c +/m/03pm9 /people/person/profession /m/0cbd2 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0kq9l +/m/02dtg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0424m /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/05typm +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rlf +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/05_6_y /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b13y +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dn3n /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06rgq +/m/01rwyq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pmhf +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/015gjr +/m/02hxcvy /language/human_language/countries_spoken_in /m/05sb1 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/01r2c7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/05znbh7 /film/film/genre /m/03g3w +/m/0j43swk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/018wng /award/award_category/disciplines_or_subjects /m/02hmvc +/m/0jdk_ /olympics/olympic_games/sports /m/096f8 +/m/013y1f /music/instrument/instrumentalists /m/0bkg4 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/027r8p +/m/07f_t4 /film/film/genre /m/01hmnh +/m/03n0q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0blst_ /award/award_category/winners./award/award_honor/award_winner /m/0d_w7 +/m/03x23q /education/educational_institution/colors /m/019sc +/m/0b2_xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/0h1nt /film/actor/film./film/performance/film /m/0cfhfz +/m/01ps2h8 /film/actor/film./film/performance/film /m/0llcx +/m/07k53y /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vw37m /people/person/places_lived./people/place_lived/location /m/0s3pw +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jtjz +/m/037mp6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/01br2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/02t__3 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03cfjg /award/award_winner/awards_won./award/award_honor/award_winner /m/05sq20 +/m/0g5pvv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/05bnp0 /film/actor/film./film/performance/film /m/0g7pm1 +/m/01z215 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/022wxh /film/director/film /m/0djlxb +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/07l50vn /award/award_winning_work/awards_won./award/award_honor/award /m/05p6ppv +/m/0h5j77 /people/person/nationality /m/09c7w0 +/m/06wvj /people/person/spouse_s./people/marriage/location_of_ceremony /m/05qtj +/m/02v63m /film/film/genre /m/01585b +/m/02ywwy /film/film/produced_by /m/04pqqb +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9wdmc +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gn30 +/m/017l96 /music/record_label/artist /m/01n8gr +/m/02mt4k /award/award_winner/awards_won./award/award_honor/award_winner /m/03mp9s +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/024rdh +/m/05tbn /location/location/contains /m/0mwds +/m/035_2h /film/film/film_production_design_by /m/03wd5tk +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dcvf +/m/0f0kz /film/actor/film./film/performance/film /m/04pk1f +/m/01pj3h /film/actor/film./film/performance/film /m/0dj0m5 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05c74 +/m/07dvs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0jdd +/m/0hv8w /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/0byfz +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/031778 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wy5m +/m/05nrg /location/location/contains /m/01n8qg +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/0jtg0 +/m/0x25q /film/film/film_format /m/07fb8_ +/m/0dxmyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0chghy /location/location/contains /m/02ckm7 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/01gqg3 /time/event/locations /m/059g4 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/024_ql /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/01wmxfs /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01lbp +/m/0ym17 /education/educational_institution/students_graduates./education/education/student /m/07g2b +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016h4r +/m/04w391 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/06mt91 +/m/02jyr8 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b5ysl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01h72l /tv/tv_program/languages /m/02h40lc +/m/09q17 /media_common/netflix_genre/titles /m/0640m69 +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/02q_4ph /film/film/language /m/02h40lc +/m/0fn5bx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/064nh4k +/m/0btpx /people/person/languages /m/02bjrlw +/m/03cdg /influence/influence_node/influenced_by /m/0j3v +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ynj +/m/03b8c4 /education/educational_institution/colors /m/019sc +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/01b7h8 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02k_px /base/aareas/schema/administrative_area/administrative_parent /m/0jgd +/m/0dr_4 /film/film/language /m/02h40lc +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/020fcn +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/03pmty /film/actor/film./film/performance/film /m/016017 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0265v21 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0275_pj +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/02fsn /music/instrument/instrumentalists /m/0132k4 +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/04v09 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/017hnw /education/educational_institution/school_type /m/03ss47 +/m/01jbx1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01x96 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dgpwnk /film/film/language /m/02h40lc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/03tmr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/0d810y +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/0fhxv /music/group_member/membership./music/group_membership/role /m/0l14j_ +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/026n9h3 /people/person/gender /m/05zppz +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076_74 +/m/04vrxh /people/person/gender /m/05zppz +/m/0sbv7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08052t3 /film/film/language /m/02h40lc +/m/08cn4_ /film/actor/film./film/performance/film /m/01bb9r +/m/01lqf49 /people/person/profession /m/0dxtg +/m/0425gc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/026g73 +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/046zh /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015v3r +/m/01jv1z /music/record_label/artist /m/01dw_f +/m/01rcmg /film/actor/film./film/performance/film /m/04gv3db +/m/0glbqt /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yqc +/m/027dtxw /award/award_category/winners./award/award_honor/award_winner /m/016zp5 +/m/0h5jg5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0969vz /people/person/gender /m/05zppz +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/0fq9zdv /award/award_category/winners./award/award_honor/award_winner /m/03nk3t +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/02mpyh /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02hfp_ +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03s7h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/017gm7 /film/film/genre /m/07s9rl0 +/m/0hwqg /people/person/place_of_birth /m/01531 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0633p0 +/m/02scbv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mkn_d +/m/02yr3z /organization/organization/headquarters./location/mailing_address/state_province_region /m/05tbn +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/0c9k8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gyx4 +/m/0783m_ /award/award_winner/awards_won./award/award_honor/award_winner /m/064nh4k +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/02w4b +/m/044crp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07g_0c /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01y17m +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/0f8l9c /location/location/partially_contains /m/0lcd +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/071ywj /people/person/nationality /m/07ssc +/m/02ky346 /people/profession/specialization_of /m/09j9h +/m/0288zy /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/087_xx +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl5c +/m/02xs5v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f2dn +/m/049nq /location/country/form_of_government /m/018wl5 +/m/02qkwl /film/film/produced_by /m/0d6484 +/m/03fw4y /people/deceased_person/place_of_death /m/04vmp +/m/02my3z /people/person/profession /m/0cbd2 +/m/01_bp /business/business_operation/industry /m/0k4j +/m/04rwx /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015vq_ +/m/09qvc0 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/0c_zj /education/educational_institution/campuses /m/0c_zj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cn_b8 +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/01bfjy /tv/tv_network/programs./tv/tv_network_duration/program /m/051kd +/m/0d9qmn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0d1xx /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07wm6 /education/educational_institution/students_graduates./education/education/student /m/03mdw3c +/m/05_5rjx /film/film/film_production_design_by /m/0dh73w +/m/03j6_5 /sports/sports_team/colors /m/06fvc +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h6r5 +/m/043q6n_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tw3 +/m/01flzq /music/genre/parent_genre /m/016_nr +/m/03cglm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06qgvf +/m/0h25 /people/person/nationality /m/09c7w0 +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/045c66 +/m/05y8n7 /music/genre/parent_genre /m/05c6073 +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/016sqs +/m/02h40lc /language/human_language/countries_spoken_in /m/04hzj +/m/016ywr /people/person/religion /m/0c8wxp +/m/0mlzk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmpm +/m/01kwsg /people/person/places_lived./people/place_lived/location /m/013n2h +/m/04l19_ /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/03s5lz /film/film/country /m/0chghy +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01dq0z /organization/organization/headquarters./location/mailing_address/citytown /m/05ksh +/m/04_j5s /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/013m43 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f2rq +/m/029ql /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0187y5 +/m/02bqmq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03h4mp /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/0gy2y8r /film/film/film_festivals /m/0kfhjq0 +/m/05gnf9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/037mjv /sports/sports_team/colors /m/01g5v +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/016kjs /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/01cblr /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0bl60p /film/actor/film./film/performance/film /m/03s5lz +/m/050yyb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wmxfs +/m/01dnws /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/02fn5r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmgrf +/m/0g22z /film/film/produced_by /m/02q_cc +/m/02kk_c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0309jm +/m/018pj3 /people/person/profession /m/02hrh1q +/m/05j49 /base/biblioness/bibs_location/country /m/0d060g +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0169t +/m/01vvyfh /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/05ty4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032w8h +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/01fs__ /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/017gm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03rk0 /media_common/netflix_genre/titles /m/021pqy +/m/0f5kw7 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/07lwsz /people/person/profession /m/01d_h8 +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0tc7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/011yr9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01dkpb /people/person/nationality /m/09c7w0 +/m/0jsg0m /people/person/nationality /m/09c7w0 +/m/02wk4d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05znbh7 +/m/03h4fq7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/02ky346 /education/field_of_study/students_majoring./education/education/student /m/0ywqc +/m/06w7v /music/performance_role/regular_performances./music/group_membership/role /m/0l14md +/m/0dryh9k /people/ethnicity/people /m/04rs03 +/m/014g_s /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0tc7 +/m/0b90_r /sports/sports_team_location/teams /m/03dj48 +/m/018phr /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/0psss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/02ppg1r /award/award_winning_work/awards_won./award/award_honor/award /m/0bfvw2 +/m/0n5gq /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5bk +/m/0cdf37 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0ddjy /film/film/other_crew./film/film_crew_gig/crewmember /m/09pjnd +/m/01grnp /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/024jwt /people/person/profession /m/0cbd2 +/m/0859_ /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/03ylxn /sports/sports_team/sport /m/02vx4 +/m/030b93 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03v0vd +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/0l14md /music/instrument/instrumentalists /m/0161sp +/m/03jqw5 /film/actor/film./film/performance/film /m/07024 +/m/03tcbx /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/015y3j /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_06s /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07vfqj /soccer/football_player/current_team./sports/sports_team_roster/team /m/0266sb_ +/m/02qsqmq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04zn7g /film/actor/film./film/performance/film /m/0320fn +/m/023g6w /film/film/written_by /m/04k25 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/088lls +/m/05yh_t /people/person/profession /m/02jknp +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01n073 +/m/02fb1n /people/person/gender /m/05zppz +/m/02k856 /music/instrument/instrumentalists /m/09prnq +/m/0cnl09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01b66d +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/01s47p /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0cbv4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cc7hmk +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/01jpmpv +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0250f /people/person/nationality /m/09c7w0 +/m/01dtcb /music/record_label/artist /m/03f1d47 +/m/028pzq /people/person/languages /m/064_8sq +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d1st +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/03ttfc /people/ethnicity/people /m/060_7 +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/03m79j_ +/m/09c7w0 /location/location/contains /m/0fw2y +/m/017z49 /film/film/featured_film_locations /m/0r00l +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/0fthdk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gn36 /film/actor/film./film/performance/film /m/07x4qr +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kbf1 +/m/04kwbt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/02mc5v /film/film/written_by /m/02_l96 +/m/022411 /people/person/profession /m/02hrh1q +/m/04ls81 /sports/sports_team/roster./american_football/football_roster_position/position /m/02vkdwz +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01gct2 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044mvs +/m/05gg4 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/067ghz /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/02yy9r /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0q9b0 /film/film/country /m/07ssc +/m/0b_6lb /time/event/locations /m/029cr +/m/0261x8t /people/person/gender /m/02zsn +/m/015_1q /music/record_label/artist /m/053yx +/m/03l295 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01msrb /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/0g2lq /people/person/places_lived./people/place_lived/location /m/05mph +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbg0 +/m/02vzpb /film/film/language /m/05zjd +/m/02ln1 /influence/influence_node/influenced_by /m/0372p +/m/07d3x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hrz /location/administrative_division/country /m/0345h +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03kbb8 +/m/0glt670 /music/genre/artists /m/017yxq +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/016ywr +/m/02qrv7 /film/film/written_by /m/0fx02 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy0l_ +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ctb4g +/m/01bv8b /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/035nm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/05r4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01j7pt +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/06cv1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04tqtl +/m/0824r /location/location/contains /m/037fqp +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/01j7pt +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fg0r +/m/0633p0 /film/actor/film./film/performance/film /m/04gp58p +/m/04kf4 /location/location/contains /m/01y06y +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03m9c8 +/m/048hf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06c0ns /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/09vzz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/072bb1 /award/award_winner/awards_won./award/award_honor/award_winner /m/08hsww +/m/04l57x /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/04ykg /sports/sports_team_location/teams /m/0jnng +/m/04b7xr /people/person/nationality /m/09c7w0 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/01x6v6 +/m/0184jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0c35b1 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0pj8m /award/award_nominee/award_nominations./award/award_nomination/award /m/024vjd +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/09yhzs +/m/0dmn0x /film/film/genre /m/03mqtr +/m/016z5x /film/film/genre /m/03bxz7 +/m/011k_j /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/0431v3 /tv/tv_program/genre /m/01z4y +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0f0y8 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14j_ +/m/029k55 /film/actor/film./film/performance/film /m/025s1wg +/m/06czyr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bj6k /film/actor/film./film/performance/film /m/05tgks +/m/049dyj /base/eating/practicer_of_diet/diet /m/07_jd +/m/09l9tq /people/person/profession /m/0gl2ny2 +/m/0g4gr /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0263tn1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x4sb +/m/0315q3 /film/actor/film./film/performance/film /m/02rx2m5 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0420td +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/0239kh +/m/02r771y /award/award_category/disciplines_or_subjects /m/04g51 +/m/09dv8h /film/film/genre /m/02b5_l +/m/08jyyk /music/genre/artists /m/01vng3b +/m/0dg3n1 /base/locations/continents/countries_within /m/035dk +/m/012q4n /film/actor/film./film/performance/film /m/04hk0w +/m/01_ztw /people/person/gender /m/02zsn +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/094xh /people/person/place_of_birth /m/0d35y +/m/026wmz6 /organization/organization/headquarters./location/mailing_address/citytown /m/0947l +/m/09h4b5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/03hy3g +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/09v3jyg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02v1m7 /award/award_category/winners./award/award_honor/award_winner /m/01dwrc +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/05683p /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/07ssc /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/09lcsj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0373qg /education/educational_institution/campuses /m/0373qg +/m/012lzr /education/educational_institution_campus/educational_institution /m/012lzr +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/022_q8 +/m/0184tc /film/film/language /m/02h40lc +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/04fzk /people/person/profession /m/0d1pc +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0kz2w +/m/045gzq /film/actor/film./film/performance/film /m/047csmy +/m/01dhpj /people/person/place_of_birth /m/01ly5m +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01nyl +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08jtv5 /people/person/profession /m/02hrh1q +/m/01y49 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0d05q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0ftxc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01j590z /people/person/gender /m/05zppz +/m/0123qq /tv/tv_program/genre /m/03k9fj +/m/021sv1 /people/person/profession /m/0fj9f +/m/07j94 /award/award_winning_work/awards_won./award/award_honor/award /m/02x1dht +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03q6zc +/m/03lvyj /film/actor/film./film/performance/film /m/09k56b7 +/m/015bwt /music/artist/origin /m/0dclg +/m/0dsb_yy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/03_44z /sports/sports_team/sport /m/02vx4 +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/09yhzs +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01h320 +/m/04ty8 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/014zz1 /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/080knyg /film/actor/film./film/performance/film /m/0h1fktn +/m/03fw60 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lnyf /education/educational_institution_campus/educational_institution /m/01lnyf +/m/02q7yfq /film/film/country /m/09c7w0 +/m/08m4c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/085pr /people/person/profession /m/0dxtg +/m/0190_q /music/genre/artists /m/01k_yf +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06b_j +/m/041rx /people/ethnicity/people /m/01nczg +/m/01cbwl /music/genre/artists /m/0p3r8 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/0bby9p5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/01q415 +/m/0ght2 /base/biblioness/bibs_location/state /m/03s0w +/m/02t_st /film/actor/film./film/performance/film /m/07ykkx5 +/m/05znbh7 /film/film/genre /m/07s9rl0 +/m/0bz5v2 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j7mr +/m/014dq7 /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/02lk1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0h1k6 /location/hud_county_place/county /m/0nh1v +/m/03kdl /people/person/profession /m/09j9h +/m/0gk4g /people/cause_of_death/people /m/0151xv +/m/0p_47 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/0m123 /tv/tv_program/languages /m/02h40lc +/m/01y665 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01243b /music/genre/artists /m/02vnpv +/m/047qxs /film/film/production_companies /m/05qd_ +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01m15br /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026ps1 +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03h26tm +/m/01d34b /education/educational_institution/colors /m/083jv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/083shs +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/02sgy /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/021pqy +/m/02y0js /people/cause_of_death/people /m/034qt_ +/m/085wqm /film/film/featured_film_locations /m/02_286 +/m/01vrz41 /people/person/profession /m/01c72t +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/049mql +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01lw3kh +/m/01wdtv /music/record_label/artist /m/07yg2 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/0f5xn /film/actor/film./film/performance/film /m/01f69m +/m/06q1r /location/administrative_division/country /m/07ssc +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/043tz8m +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06yxd /location/location/contains /m/0_nh2 +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dzst /education/educational_institution/students_graduates./education/education/student /m/044lyq +/m/01j8wk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j4ls /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07tk7 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03p2xc +/m/017gl1 /film/film/genre /m/02xlf +/m/0gs5q /people/person/profession /m/0kyk +/m/050xpd /education/educational_institution/students_graduates./education/education/student /m/0kvsb +/m/01_1hw /film/film/music /m/01ycfv +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/016jny /music/genre/artists /m/01vsqvs +/m/01rh0w /people/person/profession /m/02hrh1q +/m/016clz /music/genre/artists /m/01vsnff +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0197tq +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/02mt51 /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/0ftxw /location/hud_county_place/county /m/0nt4s +/m/037xlx /film/film/country /m/0f8l9c +/m/07dvs /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/0ch3qr1 /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/03_fmr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/05ztm4r /award/award_winner/awards_won./award/award_honor/award_winner /m/02qw2xb +/m/0bcndz /film/film/film_art_direction_by /m/0fqjks +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/026_dcw +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/03k8th /film/film/language /m/06b_j +/m/0415mzy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0284h6 +/m/06hzq3 /music/genre/artists /m/016ntp +/m/02wyzmv /film/film/genre /m/015w9s +/m/054krc /award/award_category/winners./award/award_honor/award_winner /m/06449 +/m/0sg6b /location/location/time_zones /m/02fqwt +/m/02fx3c /film/actor/film./film/performance/film /m/015g28 +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/018dnt +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/0py5b /people/person/profession /m/02jknp +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/084n_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03pn9 +/m/07d3x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03c0t9 /sports/sports_team/colors /m/06fvc +/m/03rt9 /location/country/official_language /m/02h40lc +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/029ghl /people/person/nationality /m/09c7w0 +/m/07hgm /influence/influence_node/influenced_by /m/06lxn +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/02h40lc /language/human_language/countries_spoken_in /m/03h2c +/m/0l6wj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/02kxbx3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/070w7s +/m/01wp_jm /people/person/gender /m/05zppz +/m/03ydry /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/01_k0d /people/person/profession /m/0kyk +/m/0bl2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvld +/m/0chrx /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/021bk +/m/0bzjgq /time/event/instance_of_recurring_event /m/0g_w +/m/02d003 /film/film/produced_by /m/02r251z +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/046qq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/04wddl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0chhs /base/culturalevent/event/entity_involved /m/02lmk +/m/01vtj38 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0zjpz +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0yyn5 /film/film/genre /m/05p553 +/m/07sqbl /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qlg7s +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c_j9x +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0633p0 +/m/014nzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0g22z /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/09qxq7 /music/genre/artists /m/01t110 +/m/03fnqj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02ctyy /people/person/places_lived./people/place_lived/location /m/04vmp +/m/02swsm /music/record_label/artist /m/0cbm64 +/m/03q3sy /influence/influence_node/influenced_by /m/02z3zp +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/09g8vhw +/m/0127s7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0btpx +/m/04x1_w /people/person/profession /m/02hrh1q +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/07ssc /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/0pyg6 /people/person/profession /m/0d1pc +/m/0ddjy /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0dtfn +/m/03cglm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fgm7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/025hl8 /medicine/disease/risk_factors /m/02zsn +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/021y7yw /film/film/music /m/06449 +/m/0837ql /people/person/places_lived./people/place_lived/location /m/0ftvz +/m/048n7 /base/culturalevent/event/entity_involved /m/0d060g +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/06ryl /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p3r8 /people/person/profession /m/02hrh1q +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/02lv2v /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06fpsx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/02qkq0 +/m/09gdh6k /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/013hxv /location/location/contains /m/0dzst +/m/086nl7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxmx +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0g2dz +/m/02dztn /people/deceased_person/place_of_burial /m/0j3b +/m/03_d0 /music/genre/artists /m/01w9mnm +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05vxdh +/m/02lf1j /film/actor/film./film/performance/film /m/01hw5kk +/m/05k2s_ /award/award_winner/awards_won./award/award_honor/award_winner /m/04bdxl +/m/0chghy /location/location/contains /m/0mgp +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bh8tgs +/m/07hwkr /people/ethnicity/people /m/018zvb +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/0cchk3 /education/educational_institution_campus/educational_institution /m/0cchk3 +/m/0t_4_ /location/location/time_zones /m/02hcv8 +/m/06cqb /music/genre/artists /m/01x1cn2 +/m/014zcr /award/award_winner/awards_won./award/award_honor/award_winner /m/01t6xz +/m/02k6rq /film/actor/film./film/performance/film /m/011ywj +/m/09c7w0 /location/location/contains /m/0x44q +/m/04x4s2 /people/person/profession /m/02krf9 +/m/075k5 /base/culturalevent/event/entity_involved /m/02psqkz +/m/01ky7c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0pc_l /award/award_winning_work/awards_won./award/award_honor/award /m/09v7wsg +/m/03x3qv /people/person/gender /m/05zppz +/m/03c7twt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02vpvk +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02psgq +/m/0421v9q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0b7l4x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/019m9h +/m/041rx /people/ethnicity/people /m/0c4f4 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/025ndl /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/024pcx +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04306rv +/m/08f3yq /people/person/place_of_birth /m/01qjct +/m/09c7w0 /location/location/contains /m/01ngz1 +/m/0c3ns /film/director/film /m/01znj1 +/m/09fqgj /film/film/genre /m/03k9fj +/m/0x67 /people/ethnicity/people /m/0407f +/m/09f0bj /people/person/profession /m/02hrh1q +/m/09lxv9 /film/film/costume_design_by /m/03mfqm +/m/02wtp6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03078l +/m/09kvv /education/educational_institution/students_graduates./education/education/student /m/04411 +/m/03v1jf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/0chgr2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fly +/m/0cv1w /location/location/time_zones /m/02hcv8 +/m/0gjcrrw /film/film/executive_produced_by /m/06q8hf +/m/03k8th /film/film/featured_film_locations /m/0345h +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/01hc9_ /people/person/employment_history./business/employment_tenure/company /m/0lfgr +/m/03fg0r /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0n2bh +/m/0gtgp6 /people/person/nationality /m/05bcl +/m/0138t4 /education/educational_institution/colors /m/083jv +/m/0f276 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/016nff /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/01364q /people/person/places_lived./people/place_lived/location /m/0vbk +/m/013_gg /base/biblioness/bibs_location/state /m/04p0c +/m/06jrhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015w8_ +/m/01m4yn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03nkts +/m/02645b /award/award_winner/awards_won./award/award_honor/award_winner /m/0drc1 +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swbd +/m/0c_j5d /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01lv85 +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/02bkg +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02x1z2s /award/award_category/winners./award/award_honor/ceremony /m/0fqpc7d +/m/0yx_w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03d9v8 /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/09wnnb /film/film/production_companies /m/09b3v +/m/01f7kl /film/film/genre /m/0hfjk +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/036nz +/m/025n07 /film/film/language /m/04306rv +/m/072r5v /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/032r4n /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0mmp3 /music/genre/parent_genre /m/0m0fw +/m/0kb07 /film/film/other_crew./film/film_crew_gig/crewmember /m/07h1tr +/m/018ndc /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gpprt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mg35 +/m/02f6ym /award/award_category/winners./award/award_honor/award_winner /m/05szp +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1tf +/m/05xf75 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/06_vpyq /award/award_winner/awards_won./award/award_honor/award_winner /m/0gd_b_ +/m/0fb1q /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0dzf_ +/m/01cwhp /award/award_winner/awards_won./award/award_honor/award_winner /m/02dbp7 +/m/02mt51 /film/film/production_companies /m/024rbz +/m/0h584v /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0kctd /media_common/netflix_genre/titles /m/0fhzwl +/m/025sc50 /music/genre/artists /m/01x1cn2 +/m/0bx_q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvb4m +/m/09lvl1 /award/award_category/winners./award/award_honor/award_winner /m/01d0b1 +/m/044lyq /award/award_winner/awards_won./award/award_honor/award_winner /m/06_vpyq +/m/06lvlf /people/person/languages /m/02h40lc +/m/05g3v /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/041mt /people/person/places_lived./people/place_lived/location /m/0t_3w +/m/05p09dd /film/film/country /m/09c7w0 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0jrxx /location/us_county/county_seat /m/0rql_ +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/01pq5j7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02x2jl_ /film/film/production_companies /m/054lpb6 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wj18h +/m/01qscs /people/person/nationality /m/06mkj +/m/05kfs /film/director/film /m/0sxmx +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/01ws9n6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026yqrr +/m/02fsn /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/09c7w0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/09c7w0 /location/location/contains /m/01qd_r +/m/04zl8 /film/film/written_by /m/03dq9 +/m/0d05q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/02nwxc /film/actor/film./film/performance/film /m/02pg45 +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04ck0_ +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/02vklm3 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/027m67 /film/film/cinematography /m/02404v +/m/018vs /music/instrument/instrumentalists /m/04kjrv +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/028hc2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0m0jc /music/genre/artists /m/03f5spx +/m/06zpgb2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0k4gf /people/person/places_lived./people/place_lived/location /m/0156q +/m/0m123 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdw1g +/m/02760sl /people/person/profession /m/0dxtg +/m/0jrv_ /music/genre/artists /m/01jcxwp +/m/06krf3 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/01fdc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/025v3k +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0mkk3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gfhg1y /base/culturalevent/event/entity_involved /m/060m4 +/m/0dr_4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qd_ +/m/03_d0 /music/genre/artists /m/01mvjl0 +/m/0bjqh /education/educational_institution/colors /m/01l849 +/m/0pmhf /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02773m2 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0dl567 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/014nzp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03q27t /award/award_category/winners./award/award_honor/award_winner /m/01y_rz +/m/01w1ywm /people/person/gender /m/05zppz +/m/04nw9 /people/deceased_person/place_of_burial /m/018mmw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qkp +/m/07fvf1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/015w8_ /tv/tv_program/genre /m/025s89p +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/0htlr /people/person/profession /m/0dxtg +/m/05vk_d /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01npcy7 +/m/02_j8x /people/person/profession /m/02jknp +/m/0j6tr /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvzf +/m/03clwtw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pcz9 +/m/03cbtlj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01jw4r +/m/03c602 /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/064ndc /award/award_winning_work/awards_won./award/award_honor/award_winner /m/046m59 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mg6l +/m/02_0d2 /film/actor/film./film/performance/film /m/0cmf0m0 +/m/037njl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03w7kx /sports/sports_team/colors /m/06fvc +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/0x67 /people/ethnicity/people /m/019f9z +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/02w9895 /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/01rwcgb /people/person/spouse_s./people/marriage/location_of_ceremony /m/0yyh +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01y9pk +/m/03j76b /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0h0wc /award/award_winner/awards_won./award/award_honor/award_winner /m/06pjs +/m/0686zv /film/actor/film./film/performance/film /m/01cmp9 +/m/05mrf_p /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/03cv_gy /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwft +/m/09146g /award/award_winning_work/awards_won./award/award_honor/award_winner /m/056ws9 +/m/0436kgz /people/person/profession /m/02hrh1q +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0266r6h +/m/0fv_t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05sq0m +/m/0cwtm /people/person/place_of_birth /m/0rh6k +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/0prh7 /film/film/written_by /m/0prjs +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ty8 +/m/02pb2bp /film/film/genre /m/0jxy +/m/025_64l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/05r5c /music/instrument/instrumentalists /m/012x4t +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02_0d2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07gbf /tv/tv_program/genre /m/09blyk +/m/07s8qm7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/087vnr5 +/m/03zj9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gcs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/0drc1 +/m/02tf1y /people/person/profession /m/01d_h8 +/m/02n4kr /media_common/netflix_genre/titles /m/01d259 +/m/015dcj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g_92 +/m/034q81 /education/educational_institution/school_type /m/05jxkf +/m/0182r9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014g_s /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/02pkpfs +/m/0n1tx /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025b5y /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/030wkp /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/07ymr5 +/m/0f1r9 /organization/organization/child./organization/organization_relationship/child /m/03z19 +/m/04vt98 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01v6480 /award/award_nominee/award_nominations./award/award_nomination/award /m/024fz9 +/m/01y2mq /music/genre/artists /m/01wlt3k +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cz_ym +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/02k856 +/m/01tfck /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0353tm /film/film/film_format /m/07fb8_ +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/01r97z /film/film/genre /m/060__y +/m/03cp4cn /film/film/executive_produced_by /m/05fyss +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c01c +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/0sz28 +/m/0dzf_ /people/person/places_lived./people/place_lived/location /m/0vg8x +/m/0d1swh /sports/pro_athlete/teams./sports/sports_team_roster/team /m/046f25 +/m/017lqp /film/actor/film./film/performance/film /m/0g5pv3 +/m/0pz7h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04fcx7 +/m/034bgm /film/director/film /m/0bpx1k +/m/04p0c /location/location/contains /m/0dgfx +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02km0m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03v0t /location/location/contains /m/0s6g4 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/06qgjh /people/person/profession /m/02hrh1q +/m/0g_92 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/0h0p_ /influence/influence_node/peers./influence/peer_relationship/peers /m/06kb_ +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025hzx +/m/016ggh /film/actor/film./film/performance/film /m/011yl_ +/m/01vx5w7 /people/person/places_lived./people/place_lived/location /m/03l2n +/m/020x5r /people/person/religion /m/0kpl +/m/016kjs /award/award_winner/awards_won./award/award_honor/award_winner /m/01ws9n6 +/m/03v3xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/0fwc0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/02d478 +/m/09lxv9 /film/film/edited_by /m/02qggqc +/m/03bzyn4 /film/film/produced_by /m/070j61 +/m/0345h /location/location/contains /m/019xz9 +/m/0g9z_32 /film/film/featured_film_locations /m/02_286 +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/07s9rl0 /media_common/netflix_genre/titles /m/045r_9 +/m/0557q /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0w7c +/m/0gcs9 /people/person/profession /m/09jwl +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/0h1p +/m/026f__m /film/film/country /m/09c7w0 +/m/02wt0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0bs31sl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01pg1d /people/person/nationality /m/09c7w0 +/m/03thw4 /people/person/place_of_birth /m/02_286 +/m/07l450 /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05ldnp /people/person/profession /m/0dxtg +/m/0l6px /award/award_winner/awards_won./award/award_honor/award_winner /m/027ht3n +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/09rsr0w +/m/06r_by /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p__8 +/m/03nsm5x /film/film/production_companies /m/054lpb6 +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03xgm3 +/m/04z0g /influence/influence_node/influenced_by /m/0cpvcd +/m/04jplwp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1l8 +/m/02v8kmz /film/film/written_by /m/0gyx4 +/m/0kcd5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/048_p +/m/01ldw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/02w7gg /people/ethnicity/people /m/08w7vj +/m/030g9z /award/award_winner/awards_won./award/award_honor/award_winner /m/02_l96 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_qr +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/025ljp +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/07vjm /education/educational_institution/students_graduates./education/education/student /m/05lb30 +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03d9v8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/019q50 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c1jh /people/person/nationality /m/09c7w0 +/m/018vs /music/instrument/instrumentalists /m/048tgl +/m/01vsyjy /people/person/profession /m/0gbbt +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04znsy +/m/05css_ /film/film/genre /m/02l7c8 +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/02zfg3 +/m/0g8_vp /people/ethnicity/people /m/028d4v +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01zlh5 +/m/04t6fk /film/film/language /m/03_9r +/m/02zjd /influence/influence_node/influenced_by /m/0465_ +/m/0m2lt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mws3 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/027wvb +/m/0hwqz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0h7t36 /film/film/produced_by /m/02mt4k +/m/0lfbm /people/person/profession /m/02hrh1q +/m/09c7w0 /location/location/contains /m/02f4s3 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/017r13 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/09r9dp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ds35l9 +/m/03h2d4 /film/actor/film./film/performance/film /m/05f4_n0 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr89x +/m/05jt_ /music/genre/artists /m/011_vz +/m/06hgj /influence/influence_node/influenced_by /m/03_87 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/01bczm /people/person/place_of_birth /m/0t6sb +/m/0fr63l /film/film/production_companies /m/0k9ctht +/m/02v63m /film/film/produced_by /m/03p01x +/m/02_0d2 /people/person/profession /m/02hrh1q +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01qdhx +/m/0b22w /government/politician/government_positions_held./government/government_position_held/basic_title /m/060c4 +/m/05c5xx9 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01s0_f /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08849 /people/person/gender /m/05zppz +/m/05r3qc /film/film/country /m/09c7w0 +/m/0jmj /people/person/religion /m/0c8wxp +/m/027x4ws /award/award_category/category_of /m/027x4ws +/m/03cp4cn /film/film/produced_by /m/0c00lh +/m/03n15_ /music/genre/artists /m/016s_5 +/m/03y_46 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0171cm +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0ds35l9 /film/film/production_companies /m/054lpb6 +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/position /m/03h42s4 +/m/07s3vqk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0163kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrz41 +/m/01sl1q /film/actor/film./film/performance/film /m/0ct2tf5 +/m/02q636 /education/educational_institution_campus/educational_institution /m/02q636 +/m/05hj_k /people/person/gender /m/05zppz +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/02fx3c +/m/0dl5d /music/genre/artists /m/01wg3q +/m/027hq5f /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/01ls2 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06sfk6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02zdwq /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/02ny8t /music/genre/artists /m/02jyhv +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01v9l67 +/m/09x3r /olympics/olympic_games/participating_countries /m/04w58 +/m/09b3v /organization/organization/child./organization/organization_relationship/child /m/02w_l9 +/m/06by7 /music/genre/artists /m/01p45_v +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016jll +/m/01bns_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/018vs +/m/01kf5lf /film/film/language /m/02h40lc +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01vs5c /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06b19 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rsfk +/m/032clf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06wm0z +/m/0crlz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/01frpd /business/business_operation/industry /m/0147gr +/m/0d1mp3 /people/person/profession /m/01d_h8 +/m/019fh /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02vmzp /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jdx +/m/0fm3nb /award/award_category/disciplines_or_subjects /m/0w7c +/m/0bv7t /influence/influence_node/influenced_by /m/017_pb +/m/0hzlz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015fr +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb1g +/m/0ktpx /film/film/language /m/02h40lc +/m/06pvr /location/location/contains /m/0l2xl +/m/045c7b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/04sx9_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01n951 +/m/02zcz3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0c01c /people/person/gender /m/02zsn +/m/0473q /music/group_member/membership./music/group_membership/role /m/0342h +/m/01vdrw /award/award_nominee/award_nominations./award/award_nomination/award /m/01ppdy +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/0g56t9t +/m/04m1bm /film/film/runtime./film/film_cut/film_release_region /m/03rjj +/m/0m0jc /music/genre/artists /m/06br6t +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mt_q +/m/06qd3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07t_x +/m/07c52 /media_common/netflix_genre/titles /m/03ln8b +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/05jzt3 +/m/0154j /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02pd1q9 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/0j1yf /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/04fzk +/m/0h3y /sports/sports_team_location/teams /m/03_qj1 +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0l8v5 +/m/02pgky2 /time/event/instance_of_recurring_event /m/0g_w +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/02drd3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0j80w +/m/0c9c0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0q9vf /award/award_winner/awards_won./award/award_honor/award_winner /m/0q5hw +/m/05y5kf /people/person/gender /m/05zppz +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06ybb1 +/m/01tjsl /location/administrative_division/country /m/0hzlz +/m/03jg5t /people/person/gender /m/05zppz +/m/0gmgwnv /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/02238b /film/actor/film./film/performance/film /m/0dcz8_ +/m/01h1b /influence/influence_node/influenced_by /m/05rx__ +/m/05c4fys /soccer/football_player/current_team./sports/sports_team_roster/team /m/0fzs6w +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/06bnz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059j2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/01gzm2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/0315rp /film/film/edited_by /m/03q8ch +/m/0l0wv /education/educational_institution_campus/educational_institution /m/0l0wv +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/045zr /people/person/nationality /m/0d060g +/m/0gyh /location/location/time_zones /m/02fqwt +/m/0mzvm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06zd1c /people/person/nationality /m/09c7w0 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03rz2b +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03m5111 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/02gnh0 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/017v_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/070zc +/m/05842k /music/performance_role/regular_performances./music/group_membership/group /m/0kr_t +/m/01z4y /media_common/netflix_genre/titles /m/03c7twt +/m/02vklm3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/0d608 /music/group_member/membership./music/group_membership/role /m/03qjg +/m/011k1h /music/record_label/artist /m/02vcp0 +/m/02x2jl_ /film/film/genre /m/01jfsb +/m/06l32y /education/educational_institution/colors /m/038hg +/m/0ymc8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03wh8pq /award/award_winner/awards_won./award/award_honor/award_winner /m/06j0md +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03fcbb +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/015np0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/030w19 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/035s37 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07nxvj /film/film/produced_by /m/03qncl3 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0cfdd +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/031x_3 /music/artist/origin /m/01ktz1 +/m/01s0t3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/059j4x /people/person/profession /m/02krf9 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl06 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/09c7w0 /location/country/second_level_divisions /m/0mk59 +/m/063fh9 /film/film/story_by /m/01wd02c +/m/06q1r /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03rt9 +/m/05gpy /people/person/profession /m/0cbd2 +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/07s9rl0 /media_common/netflix_genre/titles /m/04qw17 +/m/01vsl3_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/03cf9ly +/m/07wm6 /education/educational_institution/students_graduates./education/education/student /m/01l4g5 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/049bmk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0mdqp /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/014tss /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/0f0y8 /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03_wpf /award/award_winner/awards_won./award/award_honor/award_winner /m/03x22w +/m/0f6cl2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03mdt /tv/tv_network/programs./tv/tv_network_duration/program /m/015g28 +/m/02qrv7 /film/film/genre /m/0d2rhq +/m/05nlx4 /film/film/genre /m/03k9fj +/m/01r93l /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0237fw +/m/06dkzt /people/person/profession /m/02hrh1q +/m/08jyyk /music/genre/artists /m/01m65sp +/m/01rgdw /education/university/fraternities_and_sororities /m/035tlh +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/019lvv /sports/sports_team/sport /m/02vx4 +/m/09k2t1 /people/person/languages /m/02h40lc +/m/017wh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09hzw +/m/064t9 /music/genre/artists /m/01vx5w7 +/m/04bgy /music/group_member/membership./music/group_membership/group /m/01v0sxx +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/016jny /music/genre/artists /m/0m19t +/m/01srq2 /film/film/film_format /m/0cj16 +/m/02p21g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/059z0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05slvm +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gvbw +/m/0755wz /award/award_winner/awards_won./award/award_honor/award_winner /m/01sp81 +/m/025v3k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02psgq /film/film/story_by /m/033rq +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0gkd1 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/03bx0bm +/m/041rx /people/ethnicity/people /m/016z1c +/m/05p5nc /film/actor/film./film/performance/film /m/055td_ +/m/021y7yw /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdn +/m/09gdm7q /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0cnl1c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/088q4 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01sl1q +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/0k3g3 /location/location/time_zones /m/02hcv8 +/m/034g2b /people/person/places_lived./people/place_lived/location /m/071cn +/m/0dpqk /film/actor/film./film/performance/film /m/01hvjx +/m/0q9jk /tv/tv_program/languages /m/02h40lc +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0bcndz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ggx5q /music/genre/artists /m/01wf86y +/m/05hks /people/person/religion /m/02rxj +/m/02d6cy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gnbv1 +/m/058z1hb /film/film_set_designer/film_sets_designed /m/0p7qm +/m/03k1vm /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qs08 +/m/02hnl /music/performance_role/track_performances./music/track_contribution/role /m/0jtg0 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/03j367r /people/person/nationality /m/03rk0 +/m/05qsxy /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0gj50 +/m/070fnm /film/film/edited_by /m/0dky9n +/m/0827d /music/genre/artists /m/01wj18h +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/021yw7 /people/person/profession /m/01d_h8 +/m/02x8m /music/genre/artists /m/07hgm +/m/0190yn /music/genre/parent_genre /m/0190y4 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/017xm3 /people/person/profession /m/02hrh1q +/m/040981l /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bj9k /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/012ky3 /people/person/gender /m/05zppz +/m/01vsy7t /film/actor/film./film/performance/film /m/084302 +/m/016vj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/023361 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cf8qb +/m/02mf7 /location/hud_county_place/place /m/02mf7 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0bh8yn3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01s5q /film/film_subject/films /m/01m13b +/m/0btbyn /film/film/genre /m/07s9rl0 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07vc_9 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0cttx +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2_ +/m/02z4b_8 /influence/influence_node/peers./influence/peer_relationship/peers /m/01pq5j7 +/m/05mxw33 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0c35b1 /people/person/place_of_birth /m/0f2tj +/m/075wx7_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/049xgc +/m/0296vv /film/film/language /m/02h40lc +/m/0fqyc /base/biblioness/bibs_location/country /m/059j2 +/m/0k_9j /film/film/executive_produced_by /m/0343h +/m/0738b8 /people/person/religion /m/0kpl +/m/026m0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bs1g5r +/m/0292qb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h0yt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/0jdgr /film/film/genre /m/06n90 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxkh +/m/0342h /music/instrument/instrumentalists /m/04mx7s +/m/0642ykh /film/film/cinematography /m/09bxq9 +/m/01m13b /award/award_winning_work/awards_won./award/award_honor/award /m/02y_j8g +/m/0cbkc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043mk4y +/m/0br1xn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02_n5d +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/03f5spx /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/01l03w2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0cj_v7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/02bjrlw /media_common/netflix_genre/titles /m/011yrp +/m/06nr2h /film/film/production_companies /m/0283xx2 +/m/026y23w /soccer/football_player/current_team./sports/sports_team_roster/team /m/05fx1v +/m/0rn0z /location/hud_county_place/county /m/0fxkr +/m/01bdhf /education/educational_institution/campuses /m/01bdhf +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0ldd /people/person/gender /m/02zsn +/m/04rrx /base/aareas/schema/administrative_area/capital /m/04pry +/m/03q4hl /tv/tv_program/genre /m/0hcr +/m/05148p4 /music/instrument/instrumentalists /m/0jsg0m +/m/02nf2c /tv/tv_program/genre /m/05p553 +/m/0456xp /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01l2fn +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04h4c9 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/012x8m /music/record_label/artist /m/03lgg +/m/02k8k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02xv8m /award/award_winner/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/03k9fj /media_common/netflix_genre/titles /m/0p4v_ +/m/011hdn /people/person/gender /m/05zppz +/m/027vps /film/director/film /m/025scjj +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07k51gd +/m/016clz /music/genre/artists /m/048tgl +/m/0b76d_m /film/film/film_festivals /m/0hrcs29 +/m/0bksh /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0j1yf +/m/016bx2 /people/person/nationality /m/02jx1 +/m/02qrv7 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/014kq6 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/03vpf_ /people/person/gender /m/05zppz +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/02hh8j /people/deceased_person/place_of_death /m/05qtj +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/01g1lp /people/person/gender /m/05zppz +/m/03hkch7 /film/film/language /m/02h40lc +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/03f5mt /music/instrument/instrumentalists /m/01vvycq +/m/012dtf /people/person/gender /m/05zppz +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/0fxmbn /film/film/prequel /m/0g5pvv +/m/027ht3n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06ns98 +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/04g5k +/m/04hgpt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/025p38 /people/person/profession /m/02hrh1q +/m/0fvf9q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028qyn +/m/03bnd9 /education/educational_institution/campuses /m/03bnd9 +/m/047q2wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/0l15f_ /music/instrument/family /m/085jw +/m/02w4v /music/genre/artists /m/01vvlyt +/m/03x6xl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0kctd /tv/tv_network/programs./tv/tv_network_duration/program /m/0431v3 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0gywn /music/genre/artists /m/01k_mc +/m/01dw9z /film/actor/film./film/performance/film /m/01jw67 +/m/06j2v /people/ethnicity/geographic_distribution /m/015fr +/m/03x22w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j9lm +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0tz54 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05sy0cv /tv/tv_program/genre /m/0pr6f +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cjcbg /award/award_category/nominees./award/award_nomination/nominated_for /m/03nymk +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/034qrh /film/film/music /m/0gv07g +/m/0181hw /music/record_label/artist /m/01w7nwm +/m/01lxw6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0h5f5n /people/person/gender /m/05zppz +/m/0jgg3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fxkr +/m/03gj2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/01dnws +/m/043d4 /people/person/profession /m/01c72t +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/01wmxfs +/m/06mzp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mhhw +/m/01gkmx /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02nwxc +/m/0h3mrc /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/06182p /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0kbq /time/event/locations /m/0j3b +/m/03np3w /people/person/nationality /m/09c7w0 +/m/05jt_ /music/genre/artists /m/01jcxwp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/042rlf +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01634x +/m/0mczk /location/administrative_division/country /m/0f8l9c +/m/01wz_ml /music/artist/track_contributions./music/track_contribution/role /m/06w87 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/05zjtn4 +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/047msdk /film/film/featured_film_locations /m/030qb3t +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qm98 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/01wj5hp /people/person/profession /m/02hrh1q +/m/02q6gfp /film/film/language /m/064_8sq +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d7hg4 +/m/0dx8gj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01f873 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03tc5p +/m/02b1l_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0fnmz /education/educational_institution/students_graduates./education/education/student /m/01gp_x +/m/09zf_q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01x5fb /organization/organization/headquarters./location/mailing_address/state_province_region /m/0cxgc +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/041rx /people/ethnicity/people /m/01gbb4 +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/0f2df /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01934k +/m/04grkmd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/083shs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gnbw +/m/0g5pvv /film/film/music /m/0k7pf +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/016ghw /people/person/profession /m/0dxtg +/m/016lj_ /music/artist/origin /m/0l3q2 +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/05lwjc /music/genre/artists /m/07ss8_ +/m/01719t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/01mh8zn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/01nr63 /film/actor/film./film/performance/film /m/07g_0c +/m/06dkzt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/0h7jp /base/aareas/schema/administrative_area/administrative_parent /m/0ck1d +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/0lgxj /olympics/olympic_games/sports /m/02y8z +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/06rmdr /film/film/genre /m/028v3 +/m/015_30 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0bwgc_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0dmy0 +/m/02qvyrt /award/award_category/winners./award/award_honor/award_winner /m/09swkk +/m/0mkg /music/performance_role/track_performances./music/track_contribution/role /m/02hnl +/m/0320fn /film/film/music /m/07q1v4 +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/017khj /film/actor/film./film/performance/film /m/0dr_4 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t7ts +/m/0y3_8 /music/genre/artists /m/06p03s +/m/0drnwh /film/film/country /m/03_3d +/m/02d44q /film/film/country /m/07ssc +/m/0wqwj /location/hud_county_place/place /m/0wqwj +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0jzw +/m/0hgxh /medicine/symptom/symptom_of /m/0hgxh +/m/02dth1 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04gb7 /film/film_subject/films /m/0n04r +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05mrf_p +/m/011kn2 /education/educational_institution_campus/educational_institution /m/011kn2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/01dpts +/m/03j0d /people/person/places_lived./people/place_lived/location /m/06btq +/m/07_s4b /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/02r_d4 /film/actor/film./film/performance/film /m/0dln8jk +/m/027kmrb /award/award_winner/awards_won./award/award_honor/award_winner /m/086k8 +/m/02dth1 /film/actor/film./film/performance/film /m/02bj22 +/m/015y_n /music/genre/artists /m/0f8grf +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06b_j /language/human_language/countries_spoken_in /m/04w4s +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/01l50r /tv/tv_network/programs./tv/tv_network_duration/program /m/074j87 +/m/02p4jf0 /music/record_label/artist /m/016ksk +/m/04fzk /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0dvmd +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f721s +/m/01pcdn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0p_47 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02w6s3 /music/genre/parent_genre /m/07lnk +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/0159h6 +/m/0dr1c2 /film/film/genre /m/03q4nz +/m/0155w /music/genre/artists /m/016ntp +/m/01jpyb /education/educational_institution/school_type /m/05jxkf +/m/0884fm /award/award_winner/awards_won./award/award_honor/award_winner /m/040696 +/m/0fb1q /people/person/profession /m/03gjzk +/m/01tsbmv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mp37 +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c3zjn7 /film/film/genre /m/02kdv5l +/m/01ft2l /people/person/profession /m/0kyk +/m/016_mj /film/actor/film./film/performance/film /m/0p9lw +/m/0kbvb /olympics/olympic_games/sports /m/03_8r +/m/02sjgpq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d66j2 /tv/tv_program/genre /m/06q7n +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0_9l_ +/m/0dfw0 /film/film/edited_by /m/04wp63 +/m/07vj4v /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06tw8 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03qjg /music/instrument/instrumentalists /m/01cv3n +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/043h78 /film/film/country /m/09c7w0 +/m/0h0wc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gbn6 +/m/09krm_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07d2d /music/genre/artists /m/0phx4 +/m/039yzf /award/award_category/disciplines_or_subjects /m/01hmnh +/m/03v0t /location/location/contains /m/0psxp +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01wb8bs +/m/015q43 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gyx4 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01m4kpp +/m/0b79gfg /people/person/nationality /m/09c7w0 +/m/02_7t /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0g4gr +/m/016zwt /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/04yqlk /people/person/gender /m/02zsn +/m/042g97 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0f4x7 /award/award_category/winners./award/award_honor/award_winner /m/016yvw +/m/02wr2r /people/person/profession /m/02hrh1q +/m/041wm /people/person/place_of_birth /m/06c62 +/m/06wm0z /film/actor/film./film/performance/film /m/0fphf3v +/m/0274ck /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01qxc7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02gys2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/032c7m /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02l7c8 /media_common/netflix_genre/titles /m/09p7fh +/m/0pd64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/02wyc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/0dlglj +/m/01wj18h /people/person/nationality /m/01ls2 +/m/05r5c /music/instrument/instrumentalists /m/017l4 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2sk +/m/018jz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0jzc /language/human_language/countries_spoken_in /m/047yc +/m/02rb84n /award/award_winning_work/awards_won./award/award_honor/award /m/0drtkx +/m/028n3 /location/location/contains /m/012fzm +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/048xh +/m/01bczm /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/018ygt /film/actor/film./film/performance/film /m/0pc62 +/m/0djlxb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/022wxh +/m/026p4q7 /film/film/language /m/06b_j +/m/01fwk3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c6qh +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02vk52z /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/03m6_z /film/actor/film./film/performance/film /m/05ft32 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0htlr /people/person/profession /m/02krf9 +/m/026kmvf /people/person/place_of_birth /m/06gmr +/m/02z9rr /film/film/production_companies /m/016tw3 +/m/0146pg /award/award_nominee/award_nominations./award/award_nomination/award /m/025mbn +/m/05sxr_ /film/film/genre /m/095bb +/m/05lls /music/genre/artists /m/03d6q +/m/03hp2y1 /film/film/country /m/09c7w0 +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/025hwq +/m/07nxnw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bpm4yw /film/film/story_by /m/02nygk +/m/05cx7x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04w391 +/m/03spz /media_common/netflix_genre/titles /m/04lqvly +/m/08966 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/01pj3h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01t8sr /education/educational_institution/colors /m/083jv +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/07s6tbm /people/person/nationality /m/09c7w0 +/m/03jj93 /film/actor/film./film/performance/film /m/06bd5j +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/033g4d +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0djd3 +/m/0jgwf /film/director/film /m/0glbqt +/m/03f2_rc /film/actor/film./film/performance/film /m/09g8vhw +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04764j +/m/05yjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/047q2wc +/m/057__d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01ps2h8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0241jw +/m/01pw2f1 /people/person/place_of_birth /m/0cr3d +/m/09p06 /film/director/film /m/0n04r +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0pk1p +/m/01vrt_c /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/042y1c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bxg3 /film/film_subject/films /m/01ry_x +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/02sfnv +/m/0947l /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0bzty +/m/024pcx /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/014tss +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/02n72k /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf4tt +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06hgbk +/m/0qkyj /location/hud_county_place/place /m/0qkyj +/m/01lhdt /education/educational_institution/students_graduates./education/education/student /m/017r2 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/02knnd /award/award_winner/awards_won./award/award_honor/award_winner /m/04__f +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/084qpk /film/film/music /m/06cv1 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0d_84 /people/person/places_lived./people/place_lived/location /m/05fjy +/m/01n5309 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/0l_dv /people/person/profession /m/0cbd2 +/m/07c72 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw6g +/m/05tbn /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04rrd +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bmhvpr /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/018qb4 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01kp_1t /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66d +/m/01h1b /film/actor/film./film/performance/film /m/01zfzb +/m/01xvb /sports/sports_team/sport /m/0jm_ +/m/01wj5hp /people/person/profession /m/04j5jl +/m/02dr9j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02760sl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b66t +/m/01wt4wc /people/person/profession /m/039v1 +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/015ppk +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/015pkc +/m/025mbn /award/award_category/winners./award/award_honor/award_winner /m/032nwy +/m/03cffvv /film/film/genre /m/015w9s +/m/04_jsg /people/person/profession /m/039v1 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/017v71 +/m/0b1y_2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/02633g /people/person/profession /m/02hrh1q +/m/01flv_ /film/film/music /m/0146pg +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/01kjr0 /film/film/country /m/09c7w0 +/m/01znc_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0jdx +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0pj8m /people/person/nationality /m/03rk0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgvp +/m/0jnq8 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ckr7s +/m/01hmk9 /people/person/place_of_birth /m/0sf9_ +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/03m1n +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0gr36 /film/actor/film./film/performance/film /m/0glbqt +/m/0fw1y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/0pz91 /film/actor/film./film/performance/film /m/02ph9tm +/m/02r79_h /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02778qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778yp +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/02jsgf /film/actor/film./film/performance/film /m/061681 +/m/039c26 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03c5f7l +/m/083skw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0klh7 /film/actor/film./film/performance/film /m/026390q +/m/0gs1_ /film/actor/film./film/performance/film /m/049w1q +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/02lf0c /people/person/profession /m/02jknp +/m/0199wf /film/film/written_by /m/0343h +/m/07nvmx /soccer/football_player/current_team./sports/sports_team_roster/team /m/0cnk2q +/m/0mj0c /influence/influence_node/influenced_by /m/026lj +/m/01rthc /music/genre/artists /m/02mx98 +/m/01h72l /tv/tv_program/genre /m/0c4xc +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/02_2v2 /people/person/place_of_birth /m/01_d4 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs4r +/m/0bqvs2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03qbh5 /award/award_category/category_of /m/0c4ys +/m/03q0r1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fg04 /film/film/country /m/09c7w0 +/m/027l0b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/0xsk8 /people/person/profession /m/0dz3r +/m/03mq33 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01l3vx /sports/sports_team/sport /m/02vx4 +/m/03jsvl /music/genre/parent_genre /m/06by7 +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0fdv3 /film/film/production_companies /m/0kx4m +/m/02s2ft /film/actor/film./film/performance/film /m/09txzv +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03spz +/m/0n5y4 /location/location/time_zones /m/02hcv8 +/m/02v570 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/04btgp /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02_286 /location/location/contains /m/04ftdq +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/02lq10 +/m/0gkd1 /music/instrument/instrumentalists /m/01r0t_j +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03z20c +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_1pg +/m/01gwk3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/02j7k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01c6yz +/m/04_1nk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027ct7c +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/0bcp9b /film/film/featured_film_locations /m/0cr3d +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03j0ss +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0tc7 /film/actor/film./film/performance/film /m/034qmv +/m/018phr /people/person/nationality /m/09c7w0 +/m/01sb5r /music/group_member/membership./music/group_membership/role /m/0342h +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/05xq9 +/m/020hh3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0k5px /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/09q5w2 /film/film/genre /m/07s9rl0 +/m/0j0k /base/locations/continents/countries_within /m/0jdd +/m/08cx5g /tv/tv_program/genre /m/07s9rl0 +/m/0b005 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0534nr +/m/01rh0w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014q2g +/m/038rzr /film/actor/film./film/performance/film /m/02qk3fk +/m/0dqzkv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/01scmq /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/021r7r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b90_r /location/location/contains /m/014m1m +/m/0dd2f /music/record_label/artist /m/01nhkxp +/m/0dr5y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01l4zqz /award/award_winner/awards_won./award/award_honor/award_winner /m/02j3d4 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0hmr4 +/m/01633c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0zcbl /film/actor/film./film/performance/film /m/0q9b0 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/03q8ch /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d8w2n +/m/02ngbs /education/educational_institution/colors /m/036k5h +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ws9n6 +/m/09gb_4p /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pgzn_ +/m/0ywqc /film/actor/film./film/performance/film /m/072zl1 +/m/01vs_v8 /film/actor/film./film/performance/film /m/035_2h +/m/09tkzy /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0k54q /film/film/production_companies /m/03rwz3 +/m/02phtzk /film/film/genre /m/02l7c8 +/m/01wwvd2 /people/person/profession /m/047rgpy +/m/0gmcwlb /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02c9dj +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/025sc50 /music/genre/artists /m/0126y2 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/01pj7 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z4y /media_common/netflix_genre/titles /m/08952r +/m/0126t5 /music/genre/artists /m/01q_wyj +/m/04bpm6 /music/group_member/membership./music/group_membership/role /m/0342h +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/02613 /location/location/contains /m/0261m +/m/03gqb0k /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/06151l +/m/02d49z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/083pr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/05zjx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fx0mw +/m/02wgbb /film/film/written_by /m/03mstc +/m/01rr9f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/01qygl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/027kmrb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06rhz7 +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0k33p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012yc /music/genre/artists /m/01w7nwm +/m/03n3gl /film/film/genre /m/0gf28 +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/020ffd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/0j5q3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/032w8h +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wskg +/m/033f8n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c7xjb +/m/0llcx /film/film/genre /m/01jfsb +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03n3gl +/m/040b5k /film/film/genre /m/01hmnh +/m/037jz /people/person/profession /m/0cbd2 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05fnl9 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04jspq +/m/08cn4_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqkd /base/aareas/schema/administrative_area/administrative_parent /m/018q42 +/m/03qjg /music/instrument/instrumentalists /m/016t00 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/04sry /film/director/film /m/03wy8t +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_2r +/m/04yyhw /film/actor/film./film/performance/film /m/01gkp1 +/m/03f0r5w /people/person/profession /m/02hrh1q +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/08s_lw +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0b90_r /location/location/contains /m/0g_gl +/m/013rxq /music/genre/artists /m/01304j +/m/06hhrs /film/actor/film./film/performance/film /m/02c7k4 +/m/02pqs8l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04y79_n +/m/0btj0 /people/person/profession /m/02jknp +/m/07m4c /music/artist/origin /m/0h7h6 +/m/0946bb /film/film/genre /m/01jfsb +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02w4b /music/instrument/instrumentalists /m/053yx +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_0d2 /people/person/profession /m/018gz8 +/m/0cj36c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t2l2 +/m/02663p2 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07yvsn /film/film/country /m/0f8l9c +/m/0ds11z /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01rlxt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04511f +/m/016t00 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/03_80b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fh694 +/m/0d0x8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07h34 +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0pj9t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vldk +/m/026t6 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01kcd +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0149xx /people/person/nationality /m/05vz3zq +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_wqk4 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/033m23 /film/actor/film./film/performance/film /m/0fgrm +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/0852z /media_common/netflix_genre/titles /m/0kv238 +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0872p_c +/m/01bdhf /education/educational_institution/colors /m/04mkbj +/m/0cqgl9 /award/award_category/winners./award/award_honor/award_winner /m/01gq0b +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d4htf +/m/02pbrn /people/person/profession /m/029bkp +/m/03676 /location/country/form_of_government /m/01d9r3 +/m/07lx1s /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bj9k +/m/06m_5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01xcqc /film/actor/film./film/performance/film /m/0cf08 +/m/01j851 /people/person/profession /m/01p5_g +/m/07733f /business/business_operation/industry /m/01mw1 +/m/06p0s1 /people/person/nationality /m/02jx1 +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/06jvj7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jw0s +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t74h +/m/03cz9_ /people/person/profession /m/02hrh1q +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gy7bj4 +/m/031zp2 /sports/sports_team/colors /m/083jv +/m/0418wg /film/film/language /m/064_8sq +/m/09vc4s /people/ethnicity/people /m/0127m7 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0ftccy +/m/02r5w9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyts +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0dq23 +/m/02jx1 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/02kxbx3 /people/person/nationality /m/09c7w0 +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/01c3q +/m/01jfsb /media_common/netflix_genre/titles /m/05_5rjx +/m/041rx /people/ethnicity/people /m/047g6 +/m/03wj4r8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03f4xvm +/m/07z6xs /film/film/cinematography /m/05br10 +/m/017xm3 /award/award_winner/awards_won./award/award_honor/award_winner /m/09889g +/m/05dmmc /film/film/genre /m/04t36 +/m/01jkqfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fn5r +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01l_w0 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/02t__3 /award/award_winner/awards_won./award/award_honor/award_winner /m/0h10vt +/m/01nms7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/015xp4 /people/deceased_person/place_of_death /m/0r3wm +/m/01f8hf /film/film/genre /m/06qln +/m/0ps8c /base/aareas/schema/administrative_area/administrative_parent /m/0fqyc +/m/0mhdz /location/hud_county_place/place /m/0mhdz +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzz6g +/m/08mg_b /film/film/produced_by /m/0127m7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/student /m/03f77 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/03xf_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01z_g6 /people/person/profession /m/02hrh1q +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/02fgm7 +/m/096ysw /music/record_label/artist /m/01qgry +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03tc8d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09wj5 +/m/06b_0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01qdmh /film/film/genre /m/0bkbm +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0cf08 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06rpd /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/015mrk /award/award_winner/awards_won./award/award_honor/award_winner /m/05crg7 +/m/018grr /film/actor/film./film/performance/film /m/08952r +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/040981l +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/017v3q +/m/07h565 /people/person/gender /m/05zppz +/m/016yr0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/01n9d9 +/m/04g61 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/01qq_lp /award/award_winner/awards_won./award/award_honor/award_winner /m/015gjr +/m/07h565 /film/actor/film./film/performance/film /m/0277j40 +/m/09ps01 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_f_5 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/04dqdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m7pwq +/m/05h4t7 /business/business_operation/industry /m/02vxn +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/03_wj_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06bzwt +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01q_y0 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/096gm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04jpl /location/location/contains /m/02mg5r +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/04mhbh /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0294zg +/m/0d8c4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/06cgf /film/film/genre /m/0gsy3b +/m/04h6m /music/genre/parent_genre /m/016_rm +/m/0q48z /location/hud_county_place/place /m/0q48z +/m/0ddd0gc /award/award_winning_work/awards_won./award/award_honor/award /m/07z2lx +/m/0f7hc /film/actor/film./film/performance/film /m/065zlr +/m/0443v1 /film/film/story_by /m/01gp_x +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0478__m +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0fb1q /people/person/profession /m/05sxg2 +/m/01swck /people/person/nationality /m/09c7w0 +/m/0lrh /people/person/places_lived./people/place_lived/location /m/0xrzh +/m/05z43v /film/film/genre /m/015w9s +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/032zg9 /people/person/profession /m/01d_h8 +/m/07vqnc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01lly5 +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/027l0b /people/person/profession /m/0cbd2 +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03gyh_z +/m/0fh2v5 /film/film/country /m/09c7w0 +/m/04wg38 /people/person/profession /m/01d_h8 +/m/033wx9 /people/person/nationality /m/09c7w0 +/m/02psgq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015gjr +/m/03nqnnk /film/film/produced_by /m/01wk51 +/m/07_fj54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/02xry /location/location/contains /m/0jrhl +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/0bwh6 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/04344j /education/educational_institution_campus/educational_institution /m/04344j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07z1m +/m/01xq8v /film/film/genre /m/07s9rl0 +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01_1pv +/m/0fwdr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/078ym8 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/043tz8m /sports/sports_team/roster./american_football/football_roster_position/position /m/08ns5s +/m/09889g /award/award_winner/awards_won./award/award_honor/award_winner /m/0gbwp +/m/05qgd9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/06101p /people/person/gender /m/05zppz +/m/025vwmy /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/02vp1f_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0k1bs /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0221zw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06gp3f /award/award_winner/awards_won./award/award_honor/award_winner /m/02nwxc +/m/0408np /people/person/profession /m/02jknp +/m/030qb3t /base/biblioness/bibs_location/state /m/01n7q +/m/0drtkx /award/award_category/nominees./award/award_nomination/nominated_for /m/0407yj_ +/m/01r9md /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cwkq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/026390q +/m/01g42 /people/person/place_of_birth /m/0cc56 +/m/01vw20h /people/person/employment_history./business/employment_tenure/company /m/0jm3b +/m/04pnx /location/location/contains /m/05r7t +/m/0674cw /people/person/profession /m/01d_h8 +/m/03hmr_ /people/person/profession /m/02hrh1q +/m/0yxm1 /film/film/genre /m/05p553 +/m/0l6qt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rchht +/m/05pdh86 /film/film/genre /m/03k9fj +/m/03nkts /film/actor/film./film/performance/film /m/0bmhvpr +/m/024tj /people/person/gender /m/05zppz +/m/01ww2fs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01k_r5b +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/039d4 +/m/0djb3vw /film/film/music /m/02bh9 +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwlwp +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/05tg3 +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bbxx9b +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01f7dd +/m/03ckwzc /film/film/country /m/09c7w0 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07f1x +/m/07s9rl0 /media_common/netflix_genre/titles /m/03rz2b +/m/063_j5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_1pv /film/film/genre /m/082gq +/m/0sf9_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02xs6_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/01lbp /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01ztgm +/m/0bkmf /people/person/gender /m/05zppz +/m/01dtcb /music/record_label/artist /m/0d193h +/m/0ntxg /location/location/contains /m/0sgtz +/m/0pzpz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017fp /media_common/netflix_genre/titles /m/0c9k8 +/m/03gvt /music/instrument/instrumentalists /m/01k47c +/m/0jfgk /base/culturalevent/event/entity_involved /m/08849 +/m/05r5c /music/instrument/instrumentalists /m/06fxnf +/m/0cn_b8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01c3q /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/01kgg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/04g61 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0pkgt /people/person/nationality /m/09c7w0 +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05b4w +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/03gj2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02d_zc +/m/0jzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gp_x +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/03m5k +/m/07kcvl /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/0mgcc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsl3_ /people/person/gender /m/05zppz +/m/01vs14j /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0b78hw /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/02jx1 /location/location/contains /m/05zhg +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/038b_x +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzvw +/m/010h9y /location/hud_county_place/county /m/0jcmj +/m/021yw7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/059j2 /location/location/contains /m/0ps8c +/m/043zg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03lt8g +/m/02x4sn8 /award/award_category/winners./award/award_honor/award_winner /m/0c00lh +/m/044prt /film/actor/film./film/performance/film /m/052_mn +/m/053tj7 /film/film/personal_appearances./film/personal_film_appearance/person /m/019z7q +/m/0j0k /location/location/contains /m/05l8y +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/017cy9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0lgsq /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0j1yf /people/person/profession /m/016z4k +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/02d44q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02d45s +/m/0vbk /location/location/contains /m/0ftvg +/m/04kjrv /people/person/profession /m/016z4k +/m/0cbn7c /film/film/executive_produced_by /m/03_bcg +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0glt670 /music/genre/artists /m/04mn81 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/0qmd5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04x4s2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vlj1g +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0hjy +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/03rtz1 /film/film/film_production_design_by /m/02x2t07 +/m/04t36 /media_common/netflix_genre/titles /m/05q7874 +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/01w40h /music/record_label/artist /m/016t00 +/m/02n4kr /media_common/netflix_genre/titles /m/02yy9r +/m/03x9yr /music/record_label/artist /m/013rfk +/m/059rc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02krdz /film/film/genre /m/0bbc17 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/044p4_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/08pn_9 /music/record_label/artist /m/0j6cj +/m/05k7sb /location/location/contains /m/01jsk6 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0147dk /people/person/profession /m/0dxtg +/m/041ly3 /film/actor/film./film/performance/film /m/03xf_m +/m/02mhfy /people/person/profession /m/02hrh1q +/m/05r9t /music/genre/artists /m/0dt1cm +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/01rcmg +/m/01jrbb /film/film/genre /m/0hcr +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lfns +/m/0f8grf /music/artist/origin /m/03_3d +/m/09q5w2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wwvc5 /people/person/profession /m/0fnpj +/m/08cyft /music/genre/artists /m/05mt6w +/m/01vtqml /people/person/profession /m/016z4k +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/024lt6 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0345_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03h2c +/m/01npcx /film/film/costume_design_by /m/03y1mlp +/m/07w8fz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/01lbcqx /film/film/written_by /m/081lh +/m/024qqx /media_common/netflix_genre/titles /m/0372j5 +/m/011yxy /film/film/language /m/06mp7 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rn00y +/m/046vvc /sports/sports_team/sport /m/02vx4 +/m/026ssfj /education/educational_institution/school_type /m/01rs41 +/m/0cpz4k /tv/tv_program/languages /m/02h40lc +/m/0rp46 /location/hud_county_place/county /m/0jrq9 +/m/01y9st /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/047msdk +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/0jtg0 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/0r1jr /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0l2hf +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01f3p_ /tv/tv_program/genre /m/01hmnh +/m/0jqn5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ryx0 +/m/03wy8t /film/film/genre /m/01t_vv +/m/0k2mxq /award/award_winner/awards_won./award/award_honor/award_winner /m/01_njt +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0170xl +/m/06w99h3 /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0241jw +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fnb +/m/0900j5 /film/film/executive_produced_by /m/08gf93 +/m/04s04 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/07c72 +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/0r5y9 +/m/03v3xp /film/actor/film./film/performance/film /m/034r25 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/01skxk /music/genre/parent_genre /m/03xnwz +/m/0272vm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/080knyg /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03f1zdw +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0fb2l +/m/02k21g /film/actor/film./film/performance/film /m/07kb7vh +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04wg38 +/m/05ch98 /film/film/genre /m/06n90 +/m/01sxd1 /people/person/gender /m/02zsn +/m/02mq_y /music/artist/origin /m/0chgzm +/m/01ffx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0jqp3 /film/film/genre /m/07s9rl0 +/m/02bb47 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01chc7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/03f1zhf /music/group_member/membership./music/group_membership/role /m/018vs +/m/0hm10 /tv/tv_network/programs./tv/tv_network_duration/program /m/02vjhf +/m/05sy_5 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/0f1sm /location/location/time_zones /m/02hcv8 +/m/09gdh6k /film/film/genre /m/02n4kr +/m/01wp8w7 /people/person/nationality /m/05bcl +/m/0jmwg /music/genre/artists /m/03lgg +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/042g97 /film/film/story_by /m/011s9r +/m/08gsvw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gpx6 /film/film/genre /m/0hn10 +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04twmk +/m/022_6 /location/location/contains /m/01rwf_ +/m/01skqzw /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02cyfz +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0lkm +/m/01vsl3_ /people/person/profession /m/016z4k +/m/01lf293 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqj5 +/m/01k23t /people/person/religion /m/0kq2 +/m/015fsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/04bnx /base/aareas/schema/administrative_area/administrative_parent /m/06f32 +/m/0415zv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/02hrh0_ /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/03gh4 +/m/025j1t /award/award_winner/awards_won./award/award_honor/award_winner /m/078mgh +/m/01qz5 /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/0snty +/m/02mjf2 /film/actor/film./film/performance/film /m/0h63gl9 +/m/06g4_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011zd3 /people/person/gender /m/02zsn +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/029fbr /music/genre/parent_genre /m/0mmp3 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/01jgpsh +/m/02qk3fk /film/film/country /m/09c7w0 +/m/07yp0f /film/actor/film./film/performance/film /m/06_x996 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/03rhqg /music/record_label/artist /m/01bpc9 +/m/09v478h /award/award_category/nominees./award/award_nomination/nominated_for /m/027m67 +/m/04y9dk /people/person/places_lived./people/place_lived/location /m/0cv5l +/m/07zhjj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03y82t6 +/m/0ylsr /location/location/time_zones /m/03bdv +/m/0fvzz /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwsh +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/07_grx +/m/01846t /award/award_winner/awards_won./award/award_honor/award_winner /m/02fgm7 +/m/04gc65 /film/actor/film./film/performance/film /m/03m5y9p +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/011k_j +/m/04p3w /people/cause_of_death/people /m/01bh6y +/m/01v90t /film/actor/film./film/performance/film /m/04954r +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/05cv8 +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0hkf +/m/0438pz /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/017f3m +/m/035bpp /base/aareas/schema/administrative_area/administrative_parent /m/07nf6 +/m/0h14ln /film/film/genre /m/0lsxr +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/029zqn +/m/018fmr /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0dq9wx /people/person/places_lived./people/place_lived/location /m/0r2gj +/m/06g77c /film/film/genre /m/073_6 +/m/03f4w4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/0q59y /people/person/gender /m/05zppz +/m/0lfgr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/07tlg /education/educational_institution_campus/educational_institution /m/07tlg +/m/04mpbk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015q1n +/m/07s8r0 /people/person/profession /m/02hrh1q +/m/08y7b9 /film/actor/film./film/performance/film /m/0f42nz +/m/017jd9 /film/film/film_format /m/07fb8_ +/m/01c40n /base/biblioness/bibs_location/state /m/01n7q +/m/01f7dd /film/actor/film./film/performance/film /m/0bz3jx +/m/02zcnq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05r6t /music/genre/artists /m/02y7sr +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04tng0 +/m/0by1wkq /film/film/language /m/02h40lc +/m/05t54s /film/film/genre /m/01jfsb +/m/02l840 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0fby2t +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/018ygt +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qjj7 +/m/09dv0sz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fqjhm +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/026t6 /music/instrument/instrumentalists /m/01wp8w7 +/m/013w7j /organization/organization_founder/organizations_founded /m/01fb6d +/m/0g57wgv /film/film/produced_by /m/017r13 +/m/09bg4l /people/person/profession /m/0fj9f +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065_cjc +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/07hhnl /people/deceased_person/place_of_death /m/030qb3t +/m/09c7w0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0124ld +/m/0210f1 /people/person/place_of_birth /m/02cl1 +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04gb7 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03wy70 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lwkh +/m/012ljv /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/023wyl +/m/02qhlwd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/018zvb /people/person/places_lived./people/place_lived/location /m/07z1m +/m/03_xj /location/location/time_zones /m/03bdv +/m/017v_ /location/location/contains /m/01cz_1 +/m/01rr9f /film/actor/film./film/performance/film /m/095z4q +/m/07s9rl0 /media_common/netflix_genre/titles /m/07024 +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0gsgr /award/award_winner/awards_won./award/award_honor/award_winner /m/01_8w2 +/m/044g_k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wg3q /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/091yn0 +/m/01wx_y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0198b6 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01bk1y +/m/07l450 /film/film/genre /m/07s9rl0 +/m/016clz /music/genre/artists /m/0dw4g +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/0gqng /award/award_category/winners./award/award_honor/award_winner /m/01tt43d +/m/015076 /film/actor/film./film/performance/film /m/0kvgtf +/m/05tbn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07n39 /influence/influence_node/peers./influence/peer_relationship/peers /m/01vsl3_ +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk95 +/m/016jny /music/genre/artists /m/04k05 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chghy +/m/03_x5t /people/person/profession /m/02hrh1q +/m/01vz0g4 /people/person/languages /m/02h40lc +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01j7z7 +/m/026fs38 /film/film/edited_by /m/027pdrh +/m/016_nr /music/genre/parent_genre /m/02x8m +/m/03mnk /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xry /location/location/contains /m/0rmby +/m/0gpprt /film/director/film /m/04b_jc +/m/0glb5 /location/administrative_division/country /m/0f8l9c +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0jqb8 /film/film/cinematography /m/071jrc +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02k6rq +/m/02y_lrp /film/film/genre /m/02l7c8 +/m/01l9p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0147dk +/m/0x67 /people/ethnicity/people /m/04bdpf +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/01hp22 +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/059z0 +/m/016y3j /music/genre/parent_genre /m/0190_q +/m/041rx /people/ethnicity/people /m/02hh8j +/m/0f4vbz /film/actor/film./film/performance/film /m/03z9585 +/m/0342h /music/instrument/instrumentalists /m/01304j +/m/02rtqvb /film/film/genre /m/05p553 +/m/02xs5v /film/actor/film./film/performance/film /m/0d_2fb +/m/066d03 /music/genre/artists /m/01shhf +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/015_1q /music/record_label/artist /m/017xm3 +/m/01n30p /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02114t +/m/012wg /people/person/place_of_birth /m/02_286 +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0298n7 +/m/01lnyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/043vc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/0l14j_ +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0bjkk9 +/m/012xdf /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/0q6lr /location/location/time_zones /m/02fqwt +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0261m +/m/01b9ck /people/deceased_person/place_of_burial /m/018mm4 +/m/012x1l /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/06sw9 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/02l48d /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/024tcq +/m/0hnp7 /people/person/religion /m/0kpl +/m/0294zg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01438g +/m/04t061 /music/record_label/artist /m/02b25y +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h005 +/m/0786vq /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01cm8w /film/film/production_companies /m/09b3v +/m/0cgfb /people/person/place_of_birth /m/01z26v +/m/0gg5qcw /film/film/produced_by /m/0bsb4j +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xn2m +/m/0n00 /people/person/nationality /m/07ssc +/m/07vyf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_0f7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09wj5 +/m/01qnfc /people/person/gender /m/05zppz +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/07s9tsr /people/person/profession /m/02ynfr +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/01dvtx /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/03176f /film/film/story_by /m/042xh +/m/0gy6z9 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/06czyr /award/award_winner/awards_won./award/award_honor/award_winner /m/066m4g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/017575 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/079kdz /award/award_winner/awards_won./award/award_honor/award_winner /m/03w9sgh +/m/05wdgq /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0l3h /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/0dzkq /influence/influence_node/influenced_by /m/05qmj +/m/0c6qh /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0bq2g +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/0356lc /organization/organization/headquarters./location/mailing_address/citytown /m/02k54 +/m/014kkm /film/film/cinematography /m/06g60w +/m/0557yqh /tv/tv_program/program_creator /m/06jnvs +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02w59b +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02hyt +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/015c4g +/m/05lb65 /people/person/profession /m/02hrh1q +/m/04mzf8 /film/film/language /m/02h40lc +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0170th +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dbpwb +/m/04n32 /people/person/profession /m/02hrh1q +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/09hnb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gj8nq2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07h34 +/m/0dr_4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/07245g /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0sx8l /olympics/olympic_games/participating_countries /m/05qhw +/m/027_tg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3mh3q +/m/0l2q3 /location/location/contains /m/0r3tb +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/02y9bj /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jym0 /film/film/production_companies /m/017s11 +/m/0156q /location/location/contains /m/01stzp +/m/05dtwm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/065mm1 /people/person/gender /m/02zsn +/m/02x9cv /education/educational_institution/school_type /m/07tf8 +/m/032zq6 /film/film/language /m/02h40lc +/m/07371 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fcrg +/m/0f4dx2 /people/person/gender /m/05zppz +/m/040db /influence/influence_node/influenced_by /m/03f0324 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/09yxcz /film/film/country /m/03rk0 +/m/01j5ws /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01rr9f +/m/014cw2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04d817 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/041n28 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0cw3yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01m13b /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/038bht /award/award_winner/awards_won./award/award_honor/award_winner /m/0311wg +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0147sh +/m/02md2d /award/award_winning_work/awards_won./award/award_honor/award /m/0fbvqf +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0gd0c7x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024bbl +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/065dc4 /film/film/language /m/04h9h +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/0xpq9 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0y62n +/m/0l6wj /people/deceased_person/place_of_death /m/06_kh +/m/0k_kr /music/record_label/artist /m/0bkg4 +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vw20_ +/m/0mws3 /location/location/contains /m/0zygc +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/03q45x /people/person/nationality /m/09c7w0 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/09qvf4 +/m/01ckhj /people/person/nationality /m/0ctw_b +/m/064lsn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01l2m3 /people/cause_of_death/people /m/0131kb +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0l5mz +/m/02wh0 /influence/influence_node/influenced_by /m/01lwx +/m/0gt_k /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/057hz /people/person/nationality /m/09c7w0 +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s3vqk +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02f4s3 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03_fk9 +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d6484 +/m/013y1f /music/instrument/instrumentalists /m/0m2l9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/01gg59 /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0bt9lr /film/film_subject/films /m/03tbg6 +/m/017f3m /tv/tv_program/country_of_origin /m/09c7w0 +/m/01934k /award/award_winner/awards_won./award/award_honor/award_winner /m/01t9qj_ +/m/09c7w0 /location/country/second_level_divisions /m/0n5yh +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/08l_c1 /education/educational_institution/school_type /m/01jlsn +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/021bmf +/m/03m4mj /film/film/film_production_design_by /m/02vxyl5 +/m/05kms /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/07cw4 /film/film/genre /m/09blyk +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0bzm__ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w1kyf +/m/0dlw0 /base/aareas/schema/administrative_area/administrative_parent /m/03rjj +/m/076xkps /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02qflgv /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/02rcwq0 /tv/tv_program/languages /m/02h40lc +/m/05znxx /film/film/country /m/09c7w0 +/m/01hvjx /film/film/production_companies /m/086k8 +/m/0bdlj /people/person/profession /m/01c72t +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/02q5g1z /film/film/genre /m/04xvlr +/m/01g1lp /people/person/profession /m/0lgw7 +/m/02n4kr /media_common/netflix_genre/titles /m/02xs6_ +/m/02wtp6 /film/film/produced_by /m/09d5d5 +/m/0ft5vs /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01dwyd /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09_99w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h53p1 +/m/07z5n /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06jrhz /award/award_winner/awards_won./award/award_honor/award_winner /m/0d7hg4 +/m/05fkf /location/location/contains /m/0n4mk +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/04ty8 /location/country/form_of_government /m/06cx9 +/m/030hcs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p7yb +/m/02jt1k /people/person/places_lived./people/place_lived/location /m/01n7q +/m/012s1d /film/film/genre /m/01hmnh +/m/0ck1d /location/administrative_division/first_level_division_of /m/0f8l9c +/m/01c_d /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05zm34 +/m/01z_g6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0350l7 +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zqc1 +/m/0mx0f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxhc +/m/0ddd0gc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x4sb +/m/02n4kr /media_common/netflix_genre/titles /m/0c_j9x +/m/03gr14 /sports/sports_team/colors /m/01g5v +/m/03mqtr /media_common/netflix_genre/titles /m/03p2xc +/m/059rby /location/location/contains /m/019fh +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/015pkc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127s7 +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/032r1 +/m/02lm0t /people/person/gender /m/05zppz +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/02sb1w /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01vs4ff /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/061dn_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06bc59 +/m/03hy3g /people/person/profession /m/02hrh1q +/m/0h3y /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0b7l1f /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b15x +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z05l +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07f_t4 +/m/01kstn9 /award/award_winner/awards_won./award/award_honor/award_winner /m/0x3b7 +/m/04rzd /music/instrument/instrumentalists /m/02j3d4 +/m/0d1_f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cfdd /music/instrument/instrumentalists /m/0k60 +/m/014g22 /people/person/places_lived./people/place_lived/location /m/0vbk +/m/04rrx /base/aareas/schema/administrative_area/administrative_parent /m/09c7w0 +/m/0262s1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06r2_ +/m/07ldhs /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0127m7 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01c6k4 +/m/02hxhz /film/film/produced_by /m/06rq2l +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0233bn /film/film/language /m/02h40lc +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/040njc /award/award_category/winners./award/award_honor/award_winner /m/02q42j_ +/m/027lf1 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/05rwpb /dataworld/gardening_hint/split_to /m/0219x_ +/m/02rjv2w /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/012lzr /education/educational_institution/school_type /m/05jxkf +/m/0bmh4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059f4 +/m/0hfjk /media_common/netflix_genre/titles /m/0symg +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0pf2 +/m/02gx2x /people/ethnicity/languages_spoken /m/02bv9 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0h32q +/m/02ld6x /people/person/place_of_birth /m/03l2n +/m/049n7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kftt +/m/0163kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/01l1sq /people/person/nationality /m/09c7w0 +/m/064t9 /music/genre/artists /m/016dsy +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/0yl_3 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/03mgx6z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/02md2d +/m/0lbbj /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/05489 /film/film_subject/films /m/01y9r2 +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/070m6c +/m/01pv51 /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/07y_7 /music/instrument/instrumentalists /m/06fxnf +/m/07p62k /film/film/production_companies /m/054lpb6 +/m/0hnjt /people/person/nationality /m/09c7w0 +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/03wd5tk +/m/0bq_mx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q415 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/033fqh +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/01tsq8 /base/biblioness/bibs_location/country /m/03rjj +/m/072r5v /film/film/country /m/09c7w0 +/m/01cw7s /award/award_category/category_of /m/0c4ys +/m/063t3j /people/person/profession /m/09jwl +/m/0641kkh /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/05bt6j /music/genre/artists /m/02vgh +/m/0dw4b0 /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/025twgt /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/0bs8d /people/person/place_of_birth /m/09949m +/m/03r0g9 /film/film/genre /m/01jfsb +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025vw4t +/m/02bp37 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0m0jc /music/genre/artists /m/01d_h +/m/07fq1y /award/award_winner/awards_won./award/award_honor/award_winner /m/0cjsxp +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/02t_8z /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/07c72 +/m/01_qc_ /people/cause_of_death/people /m/0cgbf +/m/035nm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/04jjy /media_common/netflix_genre/titles /m/02nczh +/m/01_6dw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02py4c8 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/03kg2v /film/film/genre /m/02kdv5l +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/01k53x /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/019803 /people/person/nationality /m/09c7w0 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04pz5c +/m/05683p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0ddt_ /film/film/genre /m/02kdv5l +/m/06s_2 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0154j +/m/07ss8_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wbsdz +/m/02c8d7 /music/genre/artists /m/01vzxld +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05qhw +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmch_x +/m/0l8v5 /film/actor/film./film/performance/film /m/02v5_g +/m/08n__5 /people/person/place_of_birth /m/0853g +/m/0jbp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06r2h +/m/099ty /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0l98s /olympics/olympic_games/sports /m/02vx4 +/m/09m465 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01kwhf +/m/02b2np /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/01x6v6 /people/person/sibling_s./people/sibling_relationship/sibling /m/07qy0b +/m/05y7hc /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/0252fh /people/person/nationality /m/09c7w0 +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/02pt6k_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05gnf +/m/018txg /base/aareas/schema/administrative_area/administrative_parent /m/03_3d +/m/08052t3 /film/film/executive_produced_by /m/025hzx +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05b6c +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/04x4s2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ps55 /education/educational_institution/school_type /m/05jxkf +/m/03jqfx /base/culturalevent/event/entity_involved /m/01d8l +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/07s8hms +/m/07hwkr /people/ethnicity/people /m/02t_st +/m/07nx9j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0778_3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0694j +/m/0171cm /award/award_winner/awards_won./award/award_honor/award_winner /m/03f1zdw +/m/035s95 /film/film/genre /m/03g3w +/m/09c7w0 /location/location/contains /m/02qw_v +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01xcfy +/m/0jm2v /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01fh36 /music/genre/artists /m/01693z +/m/02ndy4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pnf3 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01trf3 /film/actor/film./film/performance/film /m/09lxv9 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/04jspq /film/director/film /m/0dyb1 +/m/01y9jr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qpbqj /sports/sports_position/players./sports/sports_team_roster/team /m/01c_d +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/0d3mlc /people/person/profession /m/0gl2ny2 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01kkg5 +/m/01vsy7t /people/person/place_of_birth /m/0n90z +/m/072kp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0q9vf +/m/0641kkh /award/award_category/winners./award/award_honor/award_winner /m/0j5q3 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01nmgc +/m/015fr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07ylj +/m/022p06 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c921 +/m/01wyz92 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/088cp /base/biblioness/bibs_location/state /m/0125q1 +/m/028qyn /organization/organization_founder/organizations_founded /m/01cl0d +/m/01wj92r /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_fk5 +/m/03crcpt /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0146hc /education/educational_institution/colors /m/019sc +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/07ldhs /award/award_winner/awards_won./award/award_honor/award_winner /m/07swvb +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03r1pr +/m/0ndwt2w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/084l5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0g7k2g /people/person/places_lived./people/place_lived/location /m/0947l +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0btpm6 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/0hnf5vm +/m/017gl1 /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/07cw4 /film/film/genre /m/0lsxr +/m/0l38x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vt9p3 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/0l2lk /location/location/contains /m/0r1yc +/m/027t8fw /award/award_nominee/award_nominations./award/award_nomination/award /m/0274v0r +/m/02pzxlw /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/06x68 /sports/sports_team/sport /m/018jz +/m/09c7w0 /location/country/second_level_divisions /m/0mxbq +/m/046488 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017jv5 +/m/04ldyx1 /award/award_category/nominees./award/award_nomination/nominated_for /m/06k176 +/m/0g0z58 /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/0161h5 /film/actor/film./film/performance/film /m/01_1pv +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/03s6l2 /film/film/language /m/02h40lc +/m/09cd3s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dx_q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/03j1p2n +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/027s39y +/m/055c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/01p7yb /film/actor/film./film/performance/film /m/0gkz3nz +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/03l295 /people/person/spouse_s./people/marriage/location_of_ceremony /m/01_d4 +/m/015grj /award/award_winner/awards_won./award/award_honor/award_winner /m/0f7h2v +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/01w5m /organization/organization_founder/organizations_founded /m/034h1h +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07g7h2 +/m/02ck7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/02n4kr /media_common/netflix_genre/titles /m/03ntbmw +/m/010hn /people/person/places_lived./people/place_lived/location /m/05jbn +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ndsl1x +/m/02w670 /music/artist/origin /m/0r3tq +/m/016lh0 /influence/influence_node/influenced_by /m/052h3 +/m/03m10r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04g5k +/m/015pkc /film/actor/film./film/performance/film /m/012s1d +/m/0gm34 /film/actor/film./film/performance/film /m/0dpl44 +/m/05bt6j /music/genre/artists /m/06mt91 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/01fs__ +/m/0symg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bns_ /music/instrument/instrumentalists /m/0565cz +/m/01s3vk /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/01ffx4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qrwjt +/m/01hl_w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qt0 +/m/0mj1l /film/actor/film./film/performance/film /m/056xkh +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0340hj /film/film/featured_film_locations /m/02_286 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0484q /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/0bshwmp /film/film/genre /m/06cvj +/m/02k6rq /award/award_winner/awards_won./award/award_honor/award_winner /m/065jlv +/m/0pfd9 /sports/sports_team_location/teams /m/01zhs3 +/m/04cw0j /award/award_winner/awards_won./award/award_honor/award_winner /m/03m9c8 +/m/04t7ts /film/actor/film./film/performance/film /m/01hqhm +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/0nm6k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nm8n +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/09hnb /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/07j8r /film/film/produced_by /m/0d0xs5 +/m/01tspc6 /film/actor/film./film/performance/film /m/04qw17 +/m/0265vcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03clrng +/m/04mlh8 /film/actor/film./film/performance/film /m/03h3x5 +/m/05hj_k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05fgr_ +/m/01vhrz /organization/organization_founder/organizations_founded /m/056ws9 +/m/039bp /film/actor/film./film/performance/film /m/08mg_b +/m/06cgy /award/award_winner/awards_won./award/award_honor/award_winner /m/01h1b +/m/0dscrwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/01jx9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/034xyf /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/06qwh /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0416y94 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0j1z8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02f777 /award/award_category/winners./award/award_honor/award_winner /m/0j1yf +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/0l15bq /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/0f61tk /film/film/country /m/09c7w0 +/m/06w99h3 /film/film/genre /m/0hfjk +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0443c /people/person/places_lived./people/place_lived/location /m/01m1zk +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/01n7q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/059_c +/m/01r93l /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0456xp +/m/02t_8z /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01h72l +/m/01_vfy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02zrv7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/05w3f /music/genre/artists /m/06gcn +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/026lgs +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0mm1q +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/042f1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/02079p +/m/0b_cr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027n4zv /people/person/nationality /m/09c7w0 +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wq0g +/m/07w21 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/04j13sx /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0l99s /influence/influence_node/influenced_by /m/01v9724 +/m/01b9w3 /tv/tv_program/genre /m/01z4y +/m/05fjf /location/location/contains /m/0n59t +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award /m/09qvc0 +/m/01tnxc /award/award_winner/awards_won./award/award_honor/award_winner /m/04smkr +/m/03h_fk5 /people/person/nationality /m/09c7w0 +/m/0b4rf3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b7h8 +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/020qr4 /tv/tv_program/languages /m/06nm1 +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/04ldyx1 /award/award_category/category_of /m/0gcf2r +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/062z7 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/0gqm3 /location/administrative_division/country /m/03_3d +/m/01vsxdm /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/01wz3cx /people/person/profession /m/02hrh1q +/m/05d1dy /people/person/profession /m/02jknp +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/048hf +/m/0841v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/05cljf /people/person/gender /m/05zppz +/m/01vrncs /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/02g9p4 /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bn3jg +/m/0170yd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0kbvb /user/jg/default_domain/olympic_games/sports /m/0d1tm +/m/016z2j /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/01f8ld +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/09d38d /film/film/film_format /m/01dc60 +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0_b3d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0mm1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05zx7xk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01s560x +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/03cz83 /education/educational_institution/colors /m/01l849 +/m/03ksy /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/027ht3n /award/award_winner/awards_won./award/award_honor/award_winner /m/02xb2bt +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039g82 +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/067zx9 +/m/0342h /music/instrument/instrumentalists /m/017f4y +/m/0gyx4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03lvyj +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0g5lhl7 +/m/0184tc /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/08658y +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gl88b +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/0h1fktn /film/film/country /m/09c7w0 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035_2h +/m/0431v3 /tv/tv_program/genre /m/05p553 +/m/0h53p1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013pk3 +/m/01nn79 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/046zh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/025hzx +/m/07nznf /film/director/film /m/0d90m +/m/01gjlw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/059xnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06gh0t +/m/025v26c /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_7z +/m/0bjv6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01cwhp +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/07wqr6 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01507p +/m/01k1k4 /film/film/written_by /m/0p__8 +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/028k57 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zq43 +/m/012j8z /people/deceased_person/place_of_death /m/06_kh +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/03vgp7 /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01rly6 +/m/02279c /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02fybl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/015f7 +/m/017v71 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/046lt /people/person/places_lived./people/place_lived/location /m/0yc84 +/m/057bxr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0fb0v /music/record_label/artist /m/0fhxv +/m/07lp1 /people/person/profession /m/016wtf +/m/03rjj /location/location/contains /m/07kg3 +/m/07ym6ss /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wvhz +/m/01wp8w7 /people/person/profession /m/039v1 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/016ywb +/m/0f6_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/0_lk5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/040_t /influence/influence_node/influenced_by /m/03_87 +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/07z6xs +/m/0168dy /film/actor/film./film/performance/film /m/01j8wk +/m/0404j37 /film/film/language /m/02hwyss +/m/0203v /people/person/religion /m/02rsw +/m/01pcbg /film/actor/film./film/performance/film /m/07y9w5 +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0288fyj +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04f52jw /film/film/music /m/06fxnf +/m/01z4y /media_common/netflix_genre/titles /m/03n0cd +/m/043g7l /music/record_label/artist /m/01693z +/m/07s93v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0c0nhgv +/m/011pcj /location/location/contains /m/0zc6f +/m/0248jb /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/02pq9yv /people/person/profession /m/01d_h8 +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/01bm_ /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/016xh5 /people/person/places_lived./people/place_lived/location /m/0n95v +/m/0btpm6 /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/01ct6 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0trv +/m/019kn7 /people/ethnicity/people /m/01nz1q6 +/m/07024 /film/film/music /m/0146pg +/m/01jq34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0d0vqn /location/country/capital /m/06mxs +/m/072hx4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/055c8 +/m/07w6r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05dmmc /film/film/language /m/04306rv +/m/04myfb7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05wqr1 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/01ppq +/m/0h1x5f /award/award_winning_work/awards_won./award/award_honor/award /m/027dtxw +/m/0161h5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lnbg /music/genre/artists /m/01vtj38 +/m/06rgq /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01gkmx +/m/01s5q /film/film_subject/films /m/01cmp9 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0182r9 +/m/04p4r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/0dzt9 +/m/03hy3g /people/person/profession /m/01d_h8 +/m/035qy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/03cvvlg /film/film/genre /m/02n4kr +/m/09gb_4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05r6t /music/genre/artists /m/0135xb +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/026zlh9 +/m/0bm4j /location/location/time_zones /m/03bdv +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0fxky3 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/09lxv9 /film/film/language /m/064_8sq +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/02w9k1c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/02j9z /location/location/contains /m/0lcd +/m/07dnx /influence/influence_node/influenced_by /m/042q3 +/m/0c0zq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/084nh /people/person/religion /m/0n2g +/m/02pt7h_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015mrk +/m/0df2zx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03x16f +/m/0chw_ /people/person/places_lived./people/place_lived/location /m/0k049 +/m/066yfh /award/award_winner/awards_won./award/award_honor/award_winner /m/067pl7 +/m/041rx /people/ethnicity/people /m/019l68 +/m/02k_px /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05m63c /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/014zcr +/m/0wsr /sports/sports_team/roster./american_football/football_roster_position/position /m/05b3ts +/m/01bpnd /people/person/gender /m/05zppz +/m/06t6dz /film/film/production_companies /m/04rqd +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/06m61 +/m/01dqhq /music/genre/artists /m/016m5c +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/048j4l /music/instrument/instrumentalists /m/050z2 +/m/02g9z1 /people/person/place_of_birth /m/0ftlx +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07s9rl0 /media_common/netflix_genre/titles /m/0bs5k8r +/m/03s0w /location/location/contains /m/0nr_q +/m/0cdf37 /people/person/nationality /m/09c7w0 +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014488 +/m/0353tm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09fqtq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/0bcp9b /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/06tpmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/049_zz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/02d9k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02pp1 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ctqqf +/m/02w7gg /people/ethnicity/people /m/03kwtb +/m/0292l3 /people/person/profession /m/02jknp +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnjh +/m/02fqrf /film/film/genre /m/02kdv5l +/m/022yb4 /people/person/profession /m/01d_h8 +/m/035rnz /film/actor/film./film/performance/film /m/09txzv +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/01wd9lv +/m/06mj4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/01pnn3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wd9lv /people/person/spouse_s./people/marriage/spouse /m/05hdf +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/050gkf /film/film/genre /m/03bxz7 +/m/02jx1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/09x3r +/m/07vjm /education/educational_institution/colors /m/02rnmb +/m/09yrh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03v3xp +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01h910 +/m/044mz_ /film/actor/film./film/performance/film /m/084qpk +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/0jnlm +/m/0bzyh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06q8qh +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmdwwg +/m/013nv_ /location/location/time_zones /m/02fqwt +/m/03q2t9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07xzm /dataworld/gardening_hint/split_to /m/0fx80y +/m/02ht1k /film/film/music /m/028k57 +/m/01fx2g /film/actor/film./film/performance/film /m/027gy0k +/m/05cqhl /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02y_lrp +/m/0534nr /award/award_winner/awards_won./award/award_honor/award_winner /m/01mvth +/m/015w9s /media_common/netflix_genre/titles /m/05z43v +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/01w60_p +/m/015076 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04ych +/m/02b1k5 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03xb2w /film/actor/film./film/performance/film /m/0f2sx4 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05dmmc +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0jtdp /media_common/netflix_genre/titles /m/0bhwhj +/m/0t6hk /location/location/contains /m/015q1n +/m/04jspq /people/person/profession /m/015h31 +/m/01l7cxq /music/artist/track_contributions./music/track_contribution/role /m/06ncr +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/018db8 +/m/01v40wd /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vvyvk +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/05zksls +/m/027lf1 /organization/organization/headquarters./location/mailing_address/citytown /m/071vr +/m/033w9g /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/0192l /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/04w391 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/0l6mp /olympics/olympic_games/sports /m/02vx4 +/m/060j8b /film/actor/film./film/performance/film /m/03nfnx +/m/0h1fktn /film/film/personal_appearances./film/personal_film_appearance/person /m/03h3vtz +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/012lzr +/m/07s9rl0 /media_common/netflix_genre/titles /m/07z6xs +/m/02r6c_ /people/person/gender /m/02zsn +/m/01817f /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0f7h2v +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/01v_pj6 +/m/01vsn38 /film/actor/film./film/performance/film /m/02ny6g +/m/04cj79 /film/film/produced_by /m/0hskw +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/014zcr +/m/04k25 /people/person/profession /m/02jknp +/m/03_6y /people/person/spouse_s./people/marriage/spouse /m/0336mc +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02yxwd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06hgj /people/person/profession /m/0jgxn +/m/038981 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/01rtm4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/016dp0 /people/person/gender /m/05zppz +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0dls3 /music/genre/parent_genre /m/0xhtw +/m/01vsn38 /people/person/profession /m/02hrh1q +/m/01gc7h /people/person/profession /m/02hrh1q +/m/0690dn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bxtg +/m/070zc /location/location/contains /m/04kf4 +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0fbtm7 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/03dbds /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/01n4w /location/location/contains /m/031sn +/m/01j_cy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025sc50 /music/genre/artists /m/02yygk +/m/0pc7r /base/biblioness/bibs_location/state /m/05k7sb +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02wszf +/m/0170vn /people/person/sibling_s./people/sibling_relationship/sibling /m/0h1mt +/m/0q1lp /people/person/places_lived./people/place_lived/location /m/04n3l +/m/0kbws /olympics/olympic_games/participating_countries /m/0jgd +/m/016t00 /people/person/languages /m/02h40lc +/m/04fcjt /music/record_label/artist /m/08w4pm +/m/04p3w /people/cause_of_death/people /m/08bqy9 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/015jr /location/administrative_division/first_level_division_of /m/0d060g +/m/011k1h /music/record_label/artist /m/02r1tx7 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01vvb4m /film/actor/film./film/performance/film /m/0dgq80b +/m/0fg04 /film/film/genre /m/04xvh5 +/m/02w7gg /people/ethnicity/people /m/02hfp_ +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/01jbx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01k53x +/m/02kbtf /education/educational_institution/school_type /m/01rs41 +/m/01mqnr /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01gjw /music/genre/artists /m/017vkx +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rr9f +/m/01j7pt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/01_1kk +/m/04xx9s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01gc7 /film/film/production_companies /m/016tt2 +/m/0266s9 /tv/tv_program/genre /m/07s9rl0 +/m/09wj5 /people/person/nationality /m/02jx1 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02bhj4 +/m/0gj8t_b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/049k07 /people/person/religion /m/01lp8 +/m/05fjf /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0dzf_ /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/0jrny +/m/056zf9 /sports/sports_team/sport /m/02vx4 +/m/01kb2j /film/actor/film./film/performance/film /m/0320fn +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/013b6_ /people/ethnicity/people /m/04jvt +/m/01w4c9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/02dlh2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/013kcv +/m/021_z5 /music/genre/artists /m/0gbwp +/m/01hvv0 /tv/tv_program/genre /m/06nbt +/m/05148p4 /music/instrument/instrumentalists /m/01t110 +/m/017gl1 /film/film/genre /m/01hmnh +/m/019gz /people/deceased_person/place_of_burial /m/0nb1s +/m/0kjgl /award/award_winner/awards_won./award/award_honor/award_winner /m/0crvfq +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01_r9k +/m/0mw93 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/08959 /people/person/nationality /m/09c7w0 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0dzt9 /location/location/contains /m/0177sq +/m/08gf93 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05mph +/m/0f7hc /film/actor/film./film/performance/film /m/07gghl +/m/0bdjd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/048tgl +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/02f6s3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01p1b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06tw8 +/m/03m4mj /film/film/genre /m/06cvj +/m/0227tr /people/person/nationality /m/0d060g +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/01_rh4 +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/09ntbc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b1gz +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/044lyq +/m/0f3m1 /film/film/genre /m/01hmnh +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0bl8l +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvv +/m/0h5g_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03f2_rc +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/01wbg84 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/04g865 /people/person/profession /m/02jknp +/m/01xyqk /music/record_label/artist /m/026ps1 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0bzkgg +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03y_46 /film/actor/film./film/performance/film /m/031778 +/m/018y81 /music/group_member/membership./music/group_membership/role /m/07brj +/m/0fz20l /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h005 +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/01dw4q +/m/0gyfp9c /film/film/film_festivals /m/0j63cyr +/m/04wqr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01b9ck +/m/0pksh /people/person/nationality /m/01crd5 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bl06 +/m/0140t7 /film/actor/film./film/performance/film /m/0295sy +/m/0chghy /location/location/contains /m/0dv9v +/m/02vjzr /music/genre/artists /m/09889g +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/08b0cj /people/person/gender /m/05zppz +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrt_c +/m/0cpvcd /people/person/gender /m/05zppz +/m/0221g_ /education/educational_institution/colors /m/09ggk +/m/03q43g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032xhg +/m/09pmkv /location/location/contains /m/0g6xq +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/026dx +/m/0btpx /people/person/gender /m/02zsn +/m/0dsb_yy /award/award_winner/awards_won./award/award_honor/award_winner /m/0263tn1 +/m/02t8yb /film/special_film_performance_type/film_performance_type./film/performance/film /m/023p7l +/m/0258dh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/0161h5 /people/person/gender /m/02zsn +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/019mcm /sports/sports_team/colors /m/019sc +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01vz0g4 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0127s7 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0j1yf +/m/0xn7q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gsg7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/02p_04b /award/award_category/nominees./award/award_nomination/nominated_for /m/01y6dz +/m/0464pz /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0glbqt +/m/0170s4 /film/actor/film./film/performance/film /m/059rc +/m/0c6qh /people/person/nationality /m/09c7w0 +/m/01s7zw /film/actor/film./film/performance/film /m/07ghq +/m/05bnx3j /people/person/nationality /m/09c7w0 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048yqf +/m/016ggh /film/actor/film./film/performance/film /m/0c_j9x +/m/0yx1m /film/film/genre /m/05p553 +/m/0ky1 /influence/influence_node/influenced_by /m/04093 +/m/07tcs /location/location/time_zones /m/02llzg +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/065ym0c /film/film/country /m/0d05w3 +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05txrz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06fcqw /film/film/genre /m/0hcr +/m/0100mt /location/location/contains /m/01s7pm +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/028knk +/m/0lpjn /award/award_winner/awards_won./award/award_honor/award_winner /m/0dgskx +/m/064t9 /music/genre/artists /m/01p95y0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hqzr +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044mrh +/m/01hhyb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gvxv /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/026cmdc /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/0c4y8 /people/person/gender /m/05zppz +/m/026dd2b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/016sp_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0j1yf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/086nl7 +/m/057bc6m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lnbg /music/genre/artists /m/049qx +/m/0qf11 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0f6_4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f63n +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04g73n +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09m6kg +/m/02zq43 /people/person/gender /m/05zppz +/m/0f0kz /film/actor/film./film/performance/film /m/0ndwt2w +/m/0154qm /film/actor/film./film/performance/film /m/08nvyr +/m/0d87hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/011z3g +/m/0184tc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0169dl /film/actor/film./film/performance/film /m/057__d +/m/05dfy_ /film/film/country /m/03_3d +/m/01w806h /music/artist/origin /m/0ycht +/m/0ftyc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/050r1z +/m/0mb5x /influence/influence_node/influenced_by /m/073_6 +/m/04xg2f /film/film/produced_by /m/0fqyzz +/m/03kcyd /award/award_winner/awards_won./award/award_honor/award_winner /m/014zcr +/m/030hbp /film/actor/film./film/performance/film /m/033qdy +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/0169t /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/06q1r /location/location/contains /m/01gpkz +/m/018pj3 /music/group_member/membership./music/group_membership/role /m/02fsn +/m/047gn4y /film/film/genre /m/02l7c8 +/m/04h4zx /sports/sports_team/colors /m/019sc +/m/01jfsb /media_common/netflix_genre/titles /m/03twd6 +/m/07ylj /location/country/capital /m/0fcyj +/m/07_l6 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/05tg3 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/05b3ts /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/014q2g /people/person/profession /m/0nbcg +/m/07sbbz2 /music/genre/artists /m/03j24kf +/m/01j7z7 /film/actor/film./film/performance/film /m/0d87hc +/m/0qzhw /location/hud_county_place/county /m/0kv2r +/m/0gt14 /film/film/genre /m/07s9rl0 +/m/03n6r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/02r4qs /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/03cvv4 /people/person/gender /m/05zppz +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/0f1pyf /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01_8n9 +/m/03phgz /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/0640y35 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/079vf /film/actor/film./film/performance/film /m/048vhl +/m/01t0dy /education/educational_institution/school_type /m/05jxkf +/m/0n5kc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5hw +/m/0jjy0 /film/film/genre /m/07s9rl0 +/m/02q56mk /film/film/genre /m/05p553 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qm9n +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/01qg7c +/m/09c7w0 /location/country/second_level_divisions /m/0jhz_ +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/033tf_ /people/ethnicity/people /m/0gt3p +/m/0js9s /film/actor/film./film/performance/film /m/02dr9j +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05jzt3 +/m/02nfjp /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/04wmvz +/m/02jx1 /location/location/contains /m/0gj95 +/m/05x2t7 /people/person/profession /m/026sdt1 +/m/02dwj /film/film/featured_film_locations /m/03rj0 +/m/06gp3f /people/person/gender /m/02zsn +/m/01fwk3 /people/person/profession /m/01d_h8 +/m/040vgd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0285m87 +/m/017yzc /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gl02yg /award/award_winning_work/awards_won./award/award_honor/award /m/07kfzsg +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/026n3rs +/m/017yxq /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0f8j13 /film/film/written_by /m/07h5d +/m/07z1m /location/location/contains /m/0mnm2 +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02hct1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02q253 +/m/0k3p /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/02whj /people/deceased_person/place_of_death /m/030qb3t +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03dj48 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03fnqj +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02q9kqf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0hv1t +/m/0bvn25 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/090q8l +/m/09m6kg /award/award_winning_work/awards_won./award/award_honor/award /m/02ppm4q +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/03ndd +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05y5kf +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03k8th /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0169dl +/m/0138mv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02c6pq +/m/05n6sq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0237fw +/m/0bl60p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dy7j +/m/01vvycq /people/person/profession /m/02jknp +/m/02qtywd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vwyqp +/m/0dl6fv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/01p4wv /tv/tv_program/genre /m/0c4xc +/m/06h7l7 /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/01cqz5 /people/person/place_of_birth /m/0fn2g +/m/0kbvv /user/jg/default_domain/olympic_games/sports /m/06zgc +/m/0cbn7c /film/film/story_by /m/012cph +/m/03cfjg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/01nrz4 /people/person/places_lived./people/place_lived/location /m/0kpys +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ccd3x +/m/05vsxz /people/person/nationality /m/02jx1 +/m/016h9b /music/group_member/membership./music/group_membership/role /m/0xzly +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/02gtm4 +/m/0pz91 /film/actor/film./film/performance/film /m/047svrl +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/025jfl +/m/036hf4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0320jz +/m/0kvgnq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/02q7yfq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/051ys82 +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dd2b +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0sxns +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/07ssc /media_common/netflix_genre/titles /m/063fh9 +/m/0fqxw /location/administrative_division/first_level_division_of /m/059j2 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01dnws /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0cl0bk /award/award_winner/awards_won./award/award_honor/award_winner /m/0cj36c +/m/01jqr_5 /people/person/place_of_birth /m/0ljsz +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01znj1 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/014g22 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y9xg +/m/01_x6v /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bmh4 /film/actor/film./film/performance/film /m/072192 +/m/0kcnq /base/aareas/schema/administrative_area/administrative_parent /m/0gyh +/m/0j1yf /award/award_winner/awards_won./award/award_honor/award_winner /m/09px1w +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/0151zx +/m/0d1w9 /film/film_subject/films /m/05ldxl +/m/0bdw1g /award/award_category/winners./award/award_honor/award_winner /m/01z_g6 +/m/07kbp5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02qpbqj +/m/035dk /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/01x2tm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/02_n7 /location/location/time_zones /m/02hcv8 +/m/09b3v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1z2s +/m/0l6m5 /olympics/olympic_games/sports /m/01hp22 +/m/01wbz9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/072bb1 /film/actor/film./film/performance/film /m/0gldyz +/m/064t9 /music/genre/artists /m/01xzb6 +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05l71 +/m/04f525m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nm_fh +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/0f8j13 /film/film/production_companies /m/016tw3 +/m/02vzc /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0151w_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/01vhrz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7xl8 +/m/01c427 /award/award_category/winners./award/award_honor/award_winner /m/0cg9y +/m/06cgy /film/actor/film./film/performance/film /m/0234j5 +/m/016srn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/03q45x /people/person/profession /m/0dxtg +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0345h /location/location/contains /m/035bpp +/m/018x3 /people/person/nationality /m/02jx1 +/m/03yj_0n /film/actor/film./film/performance/film /m/0dgpwnk +/m/041n28 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03vrp /influence/influence_node/influenced_by /m/06whf +/m/059j2 /location/country/second_level_divisions /m/05g2b +/m/030pr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01sn3 /location/hud_county_place/county /m/0n2q0 +/m/02my3z /film/actor/film./film/performance/film /m/0f4_2k +/m/01vsyg9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02hnl /music/instrument/instrumentalists /m/0473q +/m/07w0v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gmcwlb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/0fgrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gzy02 +/m/03jb2n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/015_1q /music/record_label/artist /m/01d1st +/m/05148p4 /music/instrument/instrumentalists /m/03h_fqv +/m/04qt29 /people/person/places_lived./people/place_lived/location /m/02dtg +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/0295sy /film/film/production_companies /m/030_1_ +/m/043c4j /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/04nnpw /film/film/country /m/03rjj +/m/0190_q /music/genre/artists /m/04m2zj +/m/06k75 /time/event/locations /m/0cdbq +/m/08809 /location/location/time_zones /m/02hcv8 +/m/05n6sq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015bwt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/02rff2 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0ptdz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bbf1f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bj9k +/m/0dyb1 /film/film/country /m/09c7w0 +/m/0640m69 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01rwpj /film/film/genre /m/01jfsb +/m/0bczgm /people/person/profession /m/02hrh1q +/m/02pk6x /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0151w_ +/m/07zl1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/04lh6 /base/aareas/schema/administrative_area/administrative_parent /m/013p59 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/09hldj +/m/013y1f /music/performance_role/track_performances./music/track_contribution/role /m/0979zs +/m/01gxqf /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02j8nx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0438f /education/educational_institution/school_type /m/05jxkf +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/0h27vc +/m/08_83x /award/award_winner/awards_won./award/award_honor/award_winner /m/05y5kf +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/05r3qc /film/film/genre /m/05p553 +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/08pth9 +/m/01lhdt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/05r6t /music/genre/artists /m/0l8g0 +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyg4 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/01wy5m +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/06crk /people/person/employment_history./business/employment_tenure/company /m/01w3v +/m/022q4l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0783m_ +/m/01f8hf /film/film/country /m/09c7w0 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02n9bh +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/06s26c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/09c7w0 /location/location/contains /m/013hxv +/m/016vqk /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0dl5d /music/genre/artists /m/017959 +/m/01mvth /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0534nr +/m/02q_x_l /film/film/costume_design_by /m/02vkvcz +/m/0bq4j6 /people/person/profession /m/02jknp +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0byh8j /location/administrative_division/country /m/03rk0 +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/08yx9q /people/person/place_of_birth /m/0d6lp +/m/01ggc9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011_3s +/m/09k9d0 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0x0d +/m/026yqrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/0fjzsy +/m/026c1 /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/015pxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fs9vc +/m/09c7w0 /location/location/contains /m/0y62n +/m/01ymvk /education/educational_institution_campus/educational_institution /m/01ymvk +/m/07h565 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/03rhqg /music/record_label/artist /m/0k1bs +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/role /m/05ljv7 +/m/0ggjt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051m56 +/m/01w5jwb /people/person/nationality /m/09c7w0 +/m/026lg0s /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02vkdwz +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0c9c0 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vntj +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/06cs95 /tv/tv_program/genre /m/01z77k +/m/01f6ss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02psqkz /location/country/capital /m/07mgr +/m/03mp1_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0sx92 /olympics/olympic_games/sports /m/09w1n +/m/030h95 /award/award_winner/awards_won./award/award_honor/award_winner /m/0kjgl +/m/02js9p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01hww_ +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0jfx1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01pcvn +/m/0k2m6 /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/03cz83 /education/educational_institution/school_type /m/05pcjw +/m/03l6bs /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/05hdf /people/person/spouse_s./people/marriage/spouse /m/01wd9lv +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/060ppp +/m/02_2v2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qsxy +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/044mjy +/m/017c87 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/013t9y /people/person/nationality /m/0chghy +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/016clz /music/genre/artists /m/016ntp +/m/05f4_n0 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/0170k0 /tv/tv_program/program_creator /m/02nygk +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0225v9 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/04g5k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06bnz +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/03rt9 /location/location/contains /m/0jtf1 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0kszw +/m/017180 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/06dkzt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0373qt /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/015pkc /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0d0vqn /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fy66 +/m/03xj05 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/048z7l /people/ethnicity/people /m/06wm0z +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02yvct +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/083q7 +/m/03_dj /people/person/religion /m/0n2g +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/024n3z +/m/016dmx /influence/influence_node/influenced_by /m/02wh0 +/m/0l2yf /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h1cdwq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/043tz0c /film/film/genre /m/0lsxr +/m/0ylzs /organization/organization/headquarters./location/mailing_address/state_province_region /m/0jt5zcn +/m/05xzcz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/02lgfh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p_ycc +/m/0mzww /location/location/contains /m/02sjgpq +/m/064jjy /people/person/profession /m/02jknp +/m/0ggbfwf /film/film/country /m/07ssc +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/05m0h +/m/0ylvj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/06gst /music/record_label/artist /m/01vvybv +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dxl5 +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/07d370 +/m/070w7s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02rghbp +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06b0d2 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cssf +/m/0151xv /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0g10g +/m/02784z /people/person/nationality /m/07ssc +/m/01j7rd /people/person/profession /m/0747nrk +/m/05bnq8 /education/educational_institution/students_graduates./education/education/student /m/0d__g +/m/016clz /music/genre/artists /m/07rnh +/m/09l3p /base/popstra/celebrity/dated./base/popstra/dated/participant /m/07ymr5 +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0nbjq /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/0dwr4 +/m/01xbxn /film/film/production_companies /m/056ws9 +/m/0nbjq /olympics/olympic_games/sports /m/03hr1p +/m/07c52 /media_common/netflix_genre/titles /m/0sw0q +/m/0175tv /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0cbl95 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vwyqp /award/award_winner/awards_won./award/award_honor/award_winner /m/0197tq +/m/02238b /people/person/profession /m/0dxtg +/m/0345h /location/location/contains /m/0ptj2 +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01d38g /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/016clz /music/genre/artists /m/01w9mnm +/m/019tfm /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02jr6k +/m/04sry /people/person/religion /m/0c8wxp +/m/0947l /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/0l14v3 /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/025twgf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jhn7 +/m/0chghy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/016r9z +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/05_5rjx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v0ff /film/actor/film./film/performance/film /m/016dj8 +/m/0133_p /music/genre/artists /m/01304j +/m/05tr7 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/038w8 /people/person/profession /m/04gc2 +/m/09sxqk /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01yznp +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0g8rj +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/03hfxkn +/m/0k3p /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01s21dg +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/0gy6z9 /film/actor/film./film/performance/film /m/09hy79 +/m/0j5g9 /location/location/contains /m/01v2xl +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06qd3 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0gm2_0 /film/film/produced_by /m/03h304l +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02hct1 +/m/01gw8b /people/person/profession /m/02hrh1q +/m/01h4rj /people/deceased_person/place_of_death /m/0k049 +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/08_83x +/m/09p0ct /film/film/genre /m/060__y +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02fgpf +/m/046zh /film/actor/film./film/performance/film /m/06z8s_ +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/01wyz92 +/m/0b57p6 /people/person/profession /m/0np9r +/m/02lq10 /people/person/nationality /m/09c7w0 +/m/03xkps /people/person/profession /m/02hrh1q +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0g57ws5 +/m/01v2xl /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/026p4q7 /film/film/genre /m/07s9rl0 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01k70_ +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01bns_ +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02y0js /medicine/disease/risk_factors /m/01hbgs +/m/04p3w /people/cause_of_death/people /m/0gqrb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0j8f09z +/m/0pz7h /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/05h43ls /film/film/executive_produced_by /m/03c9pqt +/m/0gj8t_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02xtxw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07v4dm +/m/0gk4g /people/cause_of_death/people /m/0k0q8q +/m/03pzf /location/location/contains /m/01y8zd +/m/02qm_f /film/film/dubbing_performances./film/dubbing_performance/actor /m/01zh29 +/m/0gfnqh /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/030k94 +/m/09zw90 /people/person/profession /m/0dxtg +/m/0h326 /people/person/nationality /m/0h7x +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01kqq7 +/m/01kqq7 /film/film/genre /m/02l7c8 +/m/01515w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rr9f +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtcc +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02mscn /music/genre/artists /m/010hn +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0mbwf +/m/02b0y3 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0c94fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07gp9 +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01mszz +/m/0sxkh /film/film/country /m/09c7w0 +/m/06j0md /people/person/nationality /m/09c7w0 +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01mszz /film/film/featured_film_locations /m/0f2wj +/m/03qmx_f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5f5n +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0fpzt5 +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dzz6g +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/02qsjt /award/award_winner/awards_won./award/award_honor/award_winner /m/0pk41 +/m/040db /influence/influence_node/influenced_by /m/03j2gxx +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0b7xl8 +/m/0k20s /film/film/language /m/02h40lc +/m/0gdk0 /location/hud_county_place/place /m/0gdk0 +/m/01vvb4m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0m66w +/m/03h502k /music/group_member/membership./music/group_membership/group /m/01vsxdm +/m/0g2dz /music/instrument/instrumentalists /m/0phx4 +/m/059f4 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/01w03jv /people/person/nationality /m/09c7w0 +/m/019mcm /sports/sports_team/colors /m/083jv +/m/02bjhv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/026_dcw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d4fqn +/m/01tp5bj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0265wl /award/award_category/winners./award/award_honor/award_winner /m/0210f1 +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03sww /award/award_winner/awards_won./award/award_honor/award_winner /m/01wd9lv +/m/0bpm4yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/02bbyw +/m/02k1pr /film/film/country /m/09c7w0 +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/01vsnff +/m/03qjg /music/instrument/instrumentalists /m/0pkyh +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/051zy_b +/m/02zl4d /film/actor/film./film/performance/film /m/011yxg +/m/025n3p /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/01bpc9 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0k3l5 /location/location/contains /m/01gr00 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0chghy /location/location/contains /m/0gxbl +/m/01kcms4 /influence/influence_node/influenced_by /m/07c0j +/m/01_k71 /people/deceased_person/place_of_death /m/02_286 +/m/02fp3 /sports/sports_team/colors /m/06fvc +/m/02t__l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yv6b /music/genre/artists /m/02mq_y +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/07gghl +/m/07z1_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/09v0wy2 /award/award_category/disciplines_or_subjects /m/02vxn +/m/0263tn1 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/06wxw /location/hud_county_place/place /m/06wxw +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/06q6jz /music/genre/artists /m/0k4gf +/m/0kvgxk /film/film/language /m/02h40lc +/m/03mp8k /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01pk8b +/m/09c7w0 /location/location/contains /m/02q636 +/m/0x67 /people/ethnicity/people /m/01364q +/m/06r2h /film/film/genre /m/02kdv5l +/m/01vz80y /people/person/profession /m/0dxtg +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0j63cyr +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx7r +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01hgwkr /music/artist/origin /m/0nlh7 +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/096gm +/m/01x73 /location/location/contains /m/0rd5k +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/06wcbk7 /music/record_label/artist /m/01vx5w7 +/m/016ppr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0y3_8 /music/genre/artists /m/03kwtb +/m/0534v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l6wj /people/person/profession /m/02jknp +/m/05fmy /award/award_category/winners./award/award_honor/award_winner /m/02m7r +/m/014gjp /tv/tv_program/country_of_origin /m/09c7w0 +/m/0c7ct /people/person/place_of_birth /m/0chgzm +/m/04h1rz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0glmv +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/07tk7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/050tt8 /base/aareas/schema/administrative_area/capital /m/04bz2f +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0hskw /film/director/film /m/02py4c8 +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/01ksr1 +/m/02r9qt /award/award_category/winners./award/award_honor/award_winner /m/054c1 +/m/044rvb /film/actor/film./film/performance/film /m/04sntd +/m/02c_wc /people/person/profession /m/02hrh1q +/m/019c57 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0chghy /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qkp +/m/07k8rt4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04vzv4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05x2t7 +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/05g76 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01sdzg +/m/06cqb /music/genre/artists /m/0bs1g5r +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx92 +/m/01z4y /music/genre/artists /m/01jgpsh +/m/06jnvs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0jsw9l /people/person/profession /m/02jknp +/m/0gkkf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/088q4 +/m/03n6r /people/deceased_person/place_of_burial /m/018mmj +/m/0432_5 /film/film/country /m/03h64 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/04w58 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/046m59 +/m/0jhn7 /olympics/olympic_games/sports /m/01gqfm +/m/0661ql3 /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0f1jhc /people/person/profession /m/0dxtg +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02gkzs +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/026c0p +/m/0pmw9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03cfjg +/m/0svqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/02xpy5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m66w /film/actor/film./film/performance/film /m/09lxv9 +/m/015njf /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0f8l9c /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0bbw2z6 /film/film/costume_design_by /m/03mfqm +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/03yhgp /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/09gq0x5 /film/film/genre /m/03g3w +/m/07qv_ /language/human_language/countries_spoken_in /m/0697s +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/026rm_y +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/02z0f6l /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/053x8hr /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/013xrm /people/ethnicity/people /m/071jv5 +/m/05_6_y /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kwhf +/m/0yl_3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gyv0b4 /film/film/story_by /m/0693l +/m/0cx7f /music/genre/artists /m/0b_xm +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04x4s2 +/m/071h5c /people/person/place_of_birth /m/0195j0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/041y2 +/m/029m83 /people/deceased_person/place_of_death /m/027l4q +/m/011_6p /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/016zwt /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/049l7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/040t74 +/m/026mfbr /film/film/produced_by /m/05ty4m +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059rby +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02nx2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/07sgfvl /award/award_winner/awards_won./award/award_honor/award_winner /m/07k51gd +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01l1ls +/m/01w3lzq /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/014wxc /location/location/contains /m/0lmgy +/m/046vvc /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/06cgy +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/064t9 /music/genre/artists /m/01vrnsk +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vrz41 +/m/033x5p /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03mg5f /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0hz_1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d1mp3 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/08mhyd +/m/02k6hp /people/cause_of_death/people /m/01nzz8 +/m/0gg8z1f /film/film/genre /m/07s9rl0 +/m/03rhqg /music/record_label/artist /m/01w60_p +/m/02qw_v /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lsw9 /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/01pq5j7 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/055z7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04sj3 +/m/033tf_ /people/ethnicity/people /m/0c7lcx +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/0hskw /film/director/film /m/07cdz +/m/041rx /people/ethnicity/people /m/03t0k1 +/m/0cf8qb /film/film/country /m/0345h +/m/025sc50 /music/genre/artists /m/03h_0_z +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/03xgm3 /people/person/profession /m/08z956 +/m/03nx8mj /film/film/genre /m/05p553 +/m/059_w /people/ethnicity/people /m/0x3n +/m/05v38p /film/film/language /m/064_8sq +/m/0l14qv /music/instrument/instrumentalists /m/0g824 +/m/05148p4 /music/instrument/instrumentalists /m/06p03s +/m/0126rp /people/person/profession /m/018gz8 +/m/0135k2 /sports/sports_team_location/teams /m/01w_d6 +/m/01jcjt /people/person/place_of_birth /m/0_jsl +/m/01438g /award/award_winner/awards_won./award/award_honor/award_winner /m/011zd3 +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f0kz +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01rnly /film/film/featured_film_locations /m/02_286 +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h10vt +/m/030wkp /influence/influence_node/influenced_by /m/014zfs +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/01s0ps +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04gb7 +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05np4c +/m/0trv /organization/organization/headquarters./location/mailing_address/state_province_region /m/0vmt +/m/05511w /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jsk6 +/m/0gd_b_ /film/actor/film./film/performance/film /m/09q23x +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gjcrrw +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0285m87 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/017v_ +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/049f05 +/m/04pp9s /film/actor/film./film/performance/film /m/05sy_5 +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0c3xw46 /film/film/production_companies /m/031rq5 +/m/08tq4x /film/film/language /m/0349s +/m/0347xz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hv3t /film/film/genre /m/05p553 +/m/01q940 /music/record_label/artist /m/0ffgh +/m/0bq8tmw /film/film/produced_by /m/01qbjg +/m/015g_7 /people/person/place_of_birth /m/030qb3t +/m/01242_ /film/film/executive_produced_by /m/05bnx3j +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/02fybl /people/person/profession /m/02hrh1q +/m/01vng3b /people/person/place_of_birth /m/0r3tq +/m/05d6q1 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0280061 +/m/07vht /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09h4b5 +/m/09c7w0 /location/location/contains /m/0gjcy +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/028hc2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/0f0kz /film/actor/film./film/performance/film /m/0dfw0 +/m/0bkf72 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b3r9 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07ssc /media_common/netflix_genre/titles /m/03ydlnj +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01vrncs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/07ylj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01ps2h8 /people/person/profession /m/0lgw7 +/m/09blyk /media_common/netflix_genre/titles /m/06bd5j +/m/07n39 /people/person/employment_history./business/employment_tenure/company /m/02zd460 +/m/023s8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0151b0 /music/performance_role/track_performances./music/track_contribution/role /m/06w87 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/011xg5 +/m/02vyyl8 /film/film/language /m/02h40lc +/m/07z5n /location/statistical_region/gdp_real./measurement_unit/adjusted_money_value/adjustment_currency /m/09nqf +/m/05p1dby /award/award_category/winners./award/award_honor/award_winner /m/05qd_ +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/050xxm +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award /m/02w9sd7 +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/02mw6c +/m/05kkh /location/location/contains /m/03hvk2 +/m/01rrd4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/01vn0t_ /people/person/nationality /m/07ssc +/m/084qpk /film/film/written_by /m/0693l +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gjcrrw +/m/04w8f /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/03g9xj /tv/tv_program/genre /m/01htzx +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jnwx +/m/06b0d2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09dvgb8 +/m/01l_yg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crx5w +/m/04syw /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n8qg +/m/06pyc2 /film/film/genre /m/07s9rl0 +/m/086nl7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/09vzz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07fb6 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0dqcm /film/actor/film./film/performance/film /m/0b2qtl +/m/07hbxm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hp6p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d555l +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/0d1mp3 +/m/018gqj /people/person/nationality /m/09c7w0 +/m/02grdc /award/award_category/winners./award/award_honor/award_winner /m/03xkps +/m/04m064 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fbb6 +/m/01hn_t /tv/tv_program/country_of_origin /m/09c7w0 +/m/0329gm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04yj5z /film/actor/film./film/performance/film /m/011yxg +/m/0glt670 /music/genre/artists /m/0dt1cm +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w8f +/m/01sxly /film/film/genre /m/011ys5 +/m/0c_m3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01jw4r /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0187y5 +/m/03qjg /music/instrument/instrumentalists /m/01l87db +/m/0mbql /film/film/language /m/02bjrlw +/m/01ty4 /influence/influence_node/peers./influence/peer_relationship/peers /m/0mj0c +/m/09n48 /olympics/olympic_games/participating_countries /m/059j2 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/017vb_ +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09qycb +/m/0c4qzm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gndh +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/03mnk +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/018vs +/m/02l5rm /people/person/place_of_birth /m/02_286 +/m/02d413 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/026g51 /music/genre/artists /m/016h4r +/m/048s0r /award/award_winner/awards_won./award/award_honor/award_winner /m/013knm +/m/01lw3kh /people/person/gender /m/05zppz +/m/015qh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/01nbq4 /people/person/employment_history./business/employment_tenure/company /m/0g5lhl7 +/m/05lfwd /tv/tv_program/genre /m/06q7n +/m/083chw /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/01chpn /film/film/personal_appearances./film/personal_film_appearance/person /m/04bdxl +/m/07cn2c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02r858_ +/m/0cf8qb /film/film/genre /m/02kdv5l +/m/07z6xs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03lty /music/genre/artists /m/01q99h +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cycq +/m/0c3p7 /film/actor/film./film/performance/film /m/01633c +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0dzst /organization/organization/headquarters./location/mailing_address/citytown /m/013hxv +/m/01tmtg /location/location/contains /m/01zll8 +/m/01g3gq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0jkvj /olympics/olympic_games/sports /m/07_53 +/m/076tq0z /film/film/language /m/02h40lc +/m/073hkx /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/01fb6d /music/record_label/artist /m/01vz0g4 +/m/0bth54 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05qg6g +/m/02cllz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04rsd2 +/m/05w3f /music/genre/artists /m/012zng +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0260bz +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hj3b3 +/m/03m8lq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xv8m +/m/0237fw /people/deceased_person/place_of_death /m/0cc56 +/m/0p_rk /film/film/written_by /m/02rk45 +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm70b +/m/026w_gk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02778qt +/m/02_j7t /people/person/profession /m/02hrh1q +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/07yjb /media_common/netflix_genre/titles /m/09gmmt6 +/m/06bzwt /award/award_winner/awards_won./award/award_honor/award_winner /m/0170qf +/m/01nrgq /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/09v8db5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/02s2ft /film/actor/film./film/performance/film /m/07jxpf +/m/0fnmz /organization/organization/child./organization/organization_relationship/child /m/013807 +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dgq_kn +/m/08849 /people/person/profession /m/01bs9f +/m/06ncr /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14j_ +/m/02xb2bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07fpm3 +/m/01vsnff /music/group_member/membership./music/group_membership/role /m/018vs +/m/014zz1 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/07nt8p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm3b +/m/01r93l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g9lm2 /film/film/country /m/07ssc +/m/040_9s0 /award/award_category/winners./award/award_honor/award_winner /m/03772 +/m/0glt670 /music/genre/artists /m/0412f5y +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0cnl1c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cms7f +/m/02bxjp /people/deceased_person/place_of_death /m/07dfk +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/0694j /location/location/contains /m/0pml7 +/m/015gy7 /people/person/profession /m/02hrh1q +/m/0dl9_4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06zsk51 /film/film/genre /m/03k9fj +/m/02vx4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award /m/0gqyl +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01pcq3 /film/actor/film./film/performance/film /m/0_b9f +/m/03zyvw /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/05mrf_p /film/film/produced_by /m/06b_0 +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0_92w +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01wx756 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/0klw +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx72 +/m/03ckfl9 /music/genre/artists /m/03c7ln +/m/05xf75 /people/person/places_lived./people/place_lived/location /m/01b8w_ +/m/05hj0n /film/actor/film./film/performance/film /m/04x4vj +/m/01nhkxp /people/person/profession /m/09jwl +/m/030h95 /people/person/spouse_s./people/marriage/spouse /m/06pj8 +/m/064jjy /people/person/profession /m/03gjzk +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0579tg2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/017f4y /people/person/places_lived./people/place_lived/location /m/04ly1 +/m/04xvlr /media_common/netflix_genre/titles /m/0glbqt +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rcmg +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02p65p +/m/03fts /award/award_winning_work/awards_won./award/award_honor/award /m/0262s1 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/0bn8fw /people/person/places_lived./people/place_lived/location /m/0z18v +/m/03_9hm /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0kvbl6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047q2wc +/m/03s6l2 /film/film/featured_film_locations /m/0b90_r +/m/07tlfx /film/film/cinematography /m/04qvl7 +/m/015qqg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0p51w +/m/05p9_ql /tv/tv_program/genre /m/0vgkd +/m/01pw9v /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0g768 /music/record_label/artist /m/01vtj38 +/m/02gf_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/02fybl /people/person/profession /m/0dz3r +/m/023l9y /people/person/place_of_birth /m/013t2y +/m/0640m69 /film/film/language /m/02h40lc +/m/02cx90 /award/award_winner/awards_won./award/award_honor/award_winner /m/028q6 +/m/0mwcz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw89 +/m/0m3gy /film/film/genre /m/02b5_l +/m/0l998 /olympics/olympic_games/sports /m/0d1t3 +/m/05f4_n0 /film/film/film_format /m/0cj16 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03x762 +/m/01whg97 /film/actor/film./film/performance/film /m/0symg +/m/025l5 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/07fpm3 /people/person/place_of_birth /m/02m77 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06tpmy +/m/04vlh5 /people/person/nationality /m/09c7w0 +/m/01vd7hn /award/award_winner/awards_won./award/award_honor/award_winner /m/03mszl +/m/018db8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qmsr +/m/0fpjd_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01fh0q +/m/07z1m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8x_r +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/01gb54 /organization/organization/place_founded /m/0k_q_ +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/01m94f /base/biblioness/bibs_location/country /m/09c7w0 +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnh0 +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cq8qq +/m/02t_st /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/07y2b /tv/tv_network/programs./tv/tv_network_duration/program /m/06qw_ +/m/01vyv9 /film/actor/film./film/performance/film /m/016z9n +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0jzw +/m/0b_734 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pqcfz +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/05krk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/069d68 /people/person/gender /m/05zppz +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z5x +/m/02y9ln /soccer/football_player/current_team./sports/sports_team_roster/team /m/0425gc +/m/0d9_96 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09lxtg /sports/sports_team_location/teams /m/03zbws +/m/0g39h /location/location/contains /m/02ckm7 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0bxl5 +/m/03s9v /people/person/profession /m/05snw +/m/0cv9fc /people/person/profession /m/02jknp +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/0jmjr +/m/0ngy8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0htww +/m/028r4y /award/award_winner/awards_won./award/award_honor/award_winner /m/01zg98 +/m/0gjv_ /education/educational_institution/colors /m/01g5v +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01qzyz /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/02w3w /music/instrument/instrumentalists /m/03llf8 +/m/067ghz /film/film/language /m/02h40lc +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/06qgvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cglm +/m/01hq1 /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/01j5ts /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/043zg /people/person/languages /m/02h40lc +/m/02pkpfs /award/award_winner/awards_won./award/award_honor/award_winner /m/0dsb_yy +/m/05mcjs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01zg98 +/m/03h64 /media_common/netflix_genre/titles /m/031ldd +/m/0177g /people/person/gender /m/05zppz +/m/0dszr0 /people/person/nationality /m/09c7w0 +/m/02vm9nd /award/award_category/winners./award/award_honor/award_winner /m/02v2jy +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/042xrr /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02l1fn /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0163kf +/m/0rj4g /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/0ft5vs +/m/04k9y6 /film/film/language /m/02h40lc +/m/0xv2x /music/genre/artists /m/03h502k +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ps2h8 +/m/04t7ts /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/03s0w /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0f13b /film/actor/film./film/performance/film /m/015bpl +/m/01vsyg9 /music/artist/contribution./music/recording_contribution/performance_role /m/0342h +/m/01gtcc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gtbb +/m/0137g1 /people/person/profession /m/039v1 +/m/04rrx /location/location/contains /m/0nj0m +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/03hpr /people/person/place_of_birth /m/01sn3 +/m/05z8cq /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/07q1m /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026dx +/m/066m4g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06s6hs +/m/04t36 /media_common/netflix_genre/titles /m/09cxm4 +/m/0c57yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0p9qb /people/person/gender /m/05zppz +/m/0b1xl /education/educational_institution/school_type /m/05pcjw +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/05dptj /film/film/genre /m/02l7c8 +/m/07bxqz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/013807 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0n85g /music/record_label/artist /m/04xrx +/m/02stbw /film/film/genre /m/03p5xs +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/05218gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051y1hd +/m/016ksk /people/person/profession /m/0dz3r +/m/0bzrxn /time/event/locations /m/0ftvz +/m/03_3d /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01f08r +/m/09p0ct /film/film/film_format /m/07fb8_ +/m/01grr2 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0f2tj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/01rhl /music/performance_role/track_performances./music/track_contribution/role /m/0cfdd +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/01rp13 +/m/03knl /film/actor/film./film/performance/film /m/0d90m +/m/0n6kf /people/person/profession /m/0kyk +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0gpmp /people/person/profession /m/02hrh1q +/m/03_x5t /people/person/languages /m/02h40lc +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/02qlkc3 +/m/04x_3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0yyh /base/aareas/schema/administrative_area/capital /m/09c6w +/m/0978r /location/location/contains /m/01s753 +/m/0b1s_q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0gjvqm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b25vg +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/04093 /influence/influence_node/influenced_by /m/014nvr +/m/075cph /film/film/film_art_direction_by /m/07hhnl +/m/09q5w2 /award/award_winning_work/awards_won./award/award_honor/award /m/054krc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/08jyyk /music/genre/artists /m/06br6t +/m/0ct9_ /people/person/gender /m/05zppz +/m/0345h /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/06ltr /film/actor/film./film/performance/film /m/02nx2k +/m/0210hf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014zcr +/m/046488 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl09 +/m/02wb6yq /people/person/profession /m/09jwl +/m/0h1q6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ft18 +/m/0127m7 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/05m883 /people/person/gender /m/05zppz +/m/0160nk /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gb_4p +/m/019pcs /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/027jk +/m/03v1xb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0jbrr /location/location/time_zones /m/02lcqs +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01rlzn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/07s9rl0 /media_common/netflix_genre/titles /m/01y9r2 +/m/012w70 /media_common/netflix_genre/titles /m/05g8pg +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/0l15bq +/m/02_jkc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/0f3nn /people/person/profession /m/0nbcg +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/07l8x /sports/sports_team/colors /m/083jv +/m/0f8l9c /location/location/contains /m/0d33k +/m/04jpg2p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0gps0z /film/actor/film./film/performance/film /m/056xkh +/m/02kv5k /people/person/nationality /m/09c7w0 +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/position /m/023wyl +/m/032t2z /people/person/profession /m/01b30l +/m/07k2p6 /film/actor/film./film/performance/film /m/025s1wg +/m/05rx__ /influence/influence_node/influenced_by /m/013sg6 +/m/0d060g /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/02v3yy /award/award_winner/awards_won./award/award_honor/award_winner /m/01k98nm +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/05tfm /sports/sports_team/roster./american_football/football_roster_position/position /m/02qpbqj +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0hzlz /location/country/form_of_government /m/06cx9 +/m/0bj9k /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/05w3f /music/genre/artists /m/03k3b +/m/04lhft /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01mzwp /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0212ny +/m/04f7c55 /people/person/profession /m/09lbv +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dg3n1 /base/locations/continents/countries_within /m/04gqr +/m/09v92_x /award/award_category/winners./award/award_honor/award_winner /m/069_0y +/m/0bx_q /people/person/religion /m/0c8wxp +/m/0872p_c /film/film/film_format /m/017fx5 +/m/016vqk /people/person/profession /m/02hrh1q +/m/0cjsxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l6dy +/m/01693z /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0psss /people/person/profession /m/02hrh1q +/m/03z0l6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cl0d /music/record_label/artist /m/07_3qd +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/06w7v +/m/026m3y /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bkf72 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05x_5 /education/educational_institution/colors /m/067z2v +/m/09gq0x5 /film/film/genre /m/03bxz7 +/m/017b2p /people/person/profession /m/0d1pc +/m/0308kx /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/063472 /people/person/nationality /m/09c7w0 +/m/02vtnf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/036jb +/m/02p65p /award/award_winner/awards_won./award/award_honor/award_winner /m/0hvb2 +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/03rjj /location/location/contains /m/0d8zt +/m/02s_qz /people/person/place_of_birth /m/0nlh7 +/m/07fj_ /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/025t9b /film/actor/film./film/performance/film /m/03cfkrw +/m/0x67 /people/ethnicity/people /m/01wqmm8 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0180mw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02j490 +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/03m5k +/m/013b6_ /people/ethnicity/people /m/03f4k +/m/06n3y /location/location/contains /m/01ls2 +/m/04xvlr /media_common/netflix_genre/titles /m/01rnly +/m/07g2v /people/person/profession /m/02dsz +/m/01qcz7 /base/aareas/schema/administrative_area/administrative_parent /m/06mzp +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/01r216 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/053x8hr +/m/0342vg /film/director/film /m/08j7lh +/m/0mmty /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02js9p /award/award_winner/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/0d9qmn /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058ncz +/m/0466k4 /people/person/profession /m/0fj9f +/m/03f0r5w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016732 /award/award_winner/awards_won./award/award_honor/award_winner /m/015mrk +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0dlngsd +/m/03676 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06k176 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08_438 +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02wb6yq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0fn5bx +/m/04lg6 /people/person/profession /m/06q2q +/m/064t9 /music/genre/artists /m/02yygk +/m/0zjpz /people/person/gender /m/05zppz +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01x3g +/m/03q_g6 /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0c9d9 /music/artist/origin /m/0dprg +/m/01dwrc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01wdtv /music/record_label/artist /m/02whj +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0mr_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0ms1n +/m/04hcw /influence/influence_node/influenced_by /m/09gnn +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02prw4h +/m/0fplg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/012201 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ktcgn +/m/0fd3y /music/genre/artists /m/01w806h +/m/08jyyk /music/genre/artists /m/0274ck +/m/0x1y7 /base/biblioness/bibs_location/state /m/050l8 +/m/0155w /music/genre/artists /m/01p95y0 +/m/0jrtv /location/location/time_zones /m/02hcv8 +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/09l3p +/m/03gfvsz /broadcast/content/artist /m/0dw4g +/m/02vjzr /music/genre/artists /m/0152cw +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/0cx7f /music/genre/artists /m/01kcms4 +/m/08gg47 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07bch9 /people/ethnicity/people /m/0k57l +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07h34 /location/location/time_zones /m/02hcv8 +/m/0q9sg /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01771z +/m/01vs_v8 /organization/organization_founder/organizations_founded /m/01sqd7 +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/01tv3x2 /people/person/profession /m/02hrh1q +/m/01zg98 /people/person/nationality /m/09c7w0 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/031x_3 /people/person/places_lived./people/place_lived/location /m/01ktz1 +/m/02hy9p /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/03qx63 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03v1jf +/m/0420y /people/person/places_lived./people/place_lived/location /m/05qtj +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmfnjs +/m/0n85g /music/record_label/artist /m/01w60_p +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pv_d +/m/07mqps /people/ethnicity/people /m/06cgy +/m/0m9_5 /education/educational_institution/campuses /m/0m9_5 +/m/02760sl /award/award_winner/awards_won./award/award_honor/award_winner /m/050023 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04j14qc /film/film/genre /m/07s9rl0 +/m/01j_5k /education/educational_institution/colors /m/01g5v +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03chx58 /people/person/nationality /m/03rk0 +/m/0nvd8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nv6n +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/0g8g6 /location/administrative_division/country /m/07ssc +/m/059j2 /location/location/time_zones /m/042g7t +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/01w02sy /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01pr_j6 /people/person/profession /m/02hrh1q +/m/01ps2h8 /film/actor/film./film/performance/film /m/05rfst +/m/081nh /people/person/places_lived./people/place_lived/location /m/04f_d +/m/0kxbc /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/05tbn /location/location/contains /m/037s9x +/m/04j13sx /film/film/genre /m/07s9rl0 +/m/0m0jc /music/genre/artists /m/011z3g +/m/0288zy /education/educational_institution/school_type /m/02p0qmm +/m/0xhtw /music/genre/artists /m/07r1_ +/m/02cqbx /people/person/place_of_birth /m/0r4qq +/m/016ywr /film/actor/film./film/performance/film /m/06g77c +/m/0311wg /film/actor/film./film/performance/film /m/01f7gh +/m/013y1f /music/instrument/instrumentalists /m/016wvy +/m/0466s8n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03rtz1 +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/0dwz3t +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02dth1 /award/award_winner/awards_won./award/award_honor/award_winner /m/01h910 +/m/03x16f /people/person/profession /m/02hrh1q +/m/06gb1w /film/film/genre /m/01jfsb +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0395lw +/m/0c8tkt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01_d4 +/m/02f46y /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/0n5by /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/05r5c /music/instrument/instrumentalists /m/0c73g +/m/04myfb7 /award/award_winner/awards_won./award/award_honor/award_winner /m/06lgq8 +/m/0bth54 /film/film/genre /m/01jfsb +/m/02mxw0 /people/person/places_lived./people/place_lived/location /m/0f__1 +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/0807ml /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02m92h +/m/01k9gb /medicine/disease/notable_people_with_this_condition /m/03swmf +/m/018p5f /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l14md /music/instrument/instrumentalists /m/01wkmgb +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0gs5q /people/person/gender /m/05zppz +/m/01vrt_c /award/award_winner/awards_won./award/award_honor/award_winner /m/0qdyf +/m/07vfy4 /film/film/genre /m/03q4nz +/m/01hqk /film/film/country /m/09c7w0 +/m/0266r6h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gcdzz +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/0kszw /film/actor/film./film/performance/film /m/047wh1 +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/092ys_y /award/award_winner/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/02rk45 /people/person/profession /m/0dxtg +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/0hsmh /film/director/film /m/0cq7tx +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014zcr +/m/06ybb1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0946bb +/m/03mp8k /music/record_label/artist /m/03g5jw +/m/0dgst_d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/05489 /film/film_subject/films /m/0y_yw +/m/06sw9 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/083q7 +/m/04bdxl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01z452 +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0969fd /influence/influence_node/influenced_by /m/040_9 +/m/01n6c /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/06mt91 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01kgv4 +/m/02k_kn /music/genre/artists /m/0jbyg +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04v09 +/m/07djnx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/05qhw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hzlz +/m/02cft /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0gy0n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xcfy +/m/06br8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0nbjq +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/01k1k4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/04xvlr /media_common/netflix_genre/titles /m/0c1sgd3 +/m/03f5vvx /people/person/gender /m/02zsn +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b2lv +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/018qb4 +/m/04vn5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/0b7l1f /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04ngn +/m/01tdnyh /people/person/religion /m/0kq2 +/m/01v3ht /education/educational_institution/campuses /m/01v3ht +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/04k9y6 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/01csvq +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/027l0b +/m/035qy /location/location/contains /m/09472 +/m/05wm88 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07swvb +/m/09hd16 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/02r2j8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r9c_ +/m/03dpqd /people/person/place_of_birth /m/05l5n +/m/0286gm1 /film/film/story_by /m/0c2dl +/m/054knh /award/award_category/winners./award/award_honor/ceremony /m/0418154 +/m/01yg9y /people/person/places_lived./people/place_lived/location /m/05qtj +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/06wrt +/m/0yb_4 /location/location/contains /m/01rtm4 +/m/06cgf /film/film/genre /m/05p553 +/m/0gy0n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/07z1m /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/0f5xn /people/person/profession /m/02hrh1q +/m/0168cl /people/person/profession /m/012t_z +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/026f__m +/m/01k3s2 /education/educational_institution/colors /m/038hg +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/06mkj +/m/0291ck /film/film/costume_design_by /m/0c6g29 +/m/0ddf2bm /film/film/language /m/02h40lc +/m/01jq4b /organization/organization/headquarters./location/mailing_address/citytown /m/0ygbf +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/04lhc4 /film/film/genre /m/02l7c8 +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/02snj9 /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnm2 +/m/01xvjb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01xv77 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/016732 +/m/016clz /music/genre/artists /m/0b1hw +/m/025t8bv /music/record_label/artist /m/03j24kf +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01kb2j /film/actor/film./film/performance/film /m/03ct7jd +/m/0cc5qkt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0j5g9 /location/location/contains /m/01xr6x +/m/0gjk1d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vwllw +/m/0grwj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wrcxr +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m9cm +/m/0k4f3 /film/film/genre /m/01g6gs +/m/038b_x /people/person/profession /m/02hrh1q +/m/01vswwx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0bbf1f /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/03_6y +/m/03mp9s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zg2x +/m/02rqwhl /film/film/genre /m/02hmvc +/m/02jr26 /film/actor/film./film/performance/film /m/04y9mm8 +/m/0130sy /people/person/places_lived./people/place_lived/location /m/0r5lz +/m/02q0v8n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/023361 +/m/08821 /time/event/locations /m/04wsz +/m/0sw6g /people/person/languages /m/02h40lc +/m/072bb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/016jfw /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/027z0pl /award/award_winner/awards_won./award/award_honor/award_winner /m/0p__8 +/m/0jm8l /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/0308kx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/02l840 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02fybl +/m/04z4j2 /film/film/music /m/01nc3rh +/m/06x58 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01515w +/m/01xjx6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/01nr63 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015pkt +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04qt29 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/026pz9s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h2z_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/award /m/0p9sw +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0j90s +/m/0ddt_ /film/film/genre /m/06n90 +/m/03nymk /tv/tv_program/country_of_origin /m/09c7w0 +/m/026n3rs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wtx1 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0164qt +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/05zh9c +/m/03m4mj /film/film/genre /m/06nbt +/m/03mp4f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gghm /music/performance_role/track_performances./music/track_contribution/role /m/026t6 +/m/02qdgx /music/genre/artists /m/02s2wq +/m/01z0rcq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0fby2t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/03fcbb +/m/0bwh6 /film/director/film /m/05r3qc +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01846t +/m/0p8r1 /film/actor/film./film/performance/film /m/027s39y +/m/01lyv /music/genre/artists /m/0ggjt +/m/0mpzm /location/location/contains /m/0ch280 +/m/013719 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05qg6g +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050f0s +/m/05_5rjx /film/film/country /m/09c7w0 +/m/028kj0 /film/film/genre /m/05p553 +/m/05bt6j /music/genre/artists /m/09k2t1 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0404wqb /people/person/place_of_birth /m/071vr +/m/080dfr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01wy6 /music/instrument/instrumentalists /m/01sbf2 +/m/02lvtb /people/person/places_lived./people/place_lived/location /m/01snm +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0ddbjy4 /film/film/country /m/07ssc +/m/0783m_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/047lj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0dl6fv /film/film/country /m/07ssc +/m/03lrls /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gwlfnb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03mb9 /music/genre/artists /m/01wgfp6 +/m/03lt8g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0f276 +/m/01m4yn /film/actor/film./film/performance/film /m/02q7yfq +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/05bnp0 /people/person/gender /m/05zppz +/m/0gtvrv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07s9rl0 /media_common/netflix_genre/titles /m/04nm0n0 +/m/05frqx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/0klh7 +/m/02y0js /people/cause_of_death/people /m/024qwq +/m/0169t /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/018417 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05kh_ +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yg9y +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/04sv4 /business/business_operation/industry /m/019z7b +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wxyx1 +/m/01cpqk /film/actor/film./film/performance/film /m/03m4mj +/m/01clyb /education/educational_institution/students_graduates./education/education/student /m/05mcjs +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cy__l +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/01y8cr +/m/02r8hh_ /film/film/genre /m/082gq +/m/02gx2k /award/award_category/winners./award/award_honor/award_winner /m/01p0w_ +/m/0dfw0 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0473q /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/07mvp /music/artist/origin /m/04jpl +/m/01h5f8 /award/award_winner/awards_won./award/award_honor/award_winner /m/03h_fk5 +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/0686zv +/m/06by7 /music/genre/artists /m/01vsksr +/m/0151ns /film/actor/film./film/performance/film /m/080dfr7 +/m/02g0mx /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0214km /music/performance_role/track_performances./music/track_contribution/role /m/0l15bq +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/0kvgxk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/076_74 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/02gpkt +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/034f0d +/m/0dbb3 /people/person/gender /m/02zsn +/m/065ym0c /award/award_winning_work/awards_won./award/award_honor/award /m/09v92_x +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/01z1r +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/0ctw_b /location/location/contains /m/02yc5b +/m/01f6x7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0h1x5f /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/0k9j_ /film/actor/film./film/performance/film /m/0jvt9 +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/048wrb /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gl6f /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03kcyd +/m/05sb1 /location/location/contains /m/065zr +/m/03h42s4 /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02bvc5 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/014zcr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07hhnl /people/person/gender /m/05zppz +/m/01w724 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/03h2c /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmblvq +/m/01vxxb /film/actor/film./film/performance/film /m/05ft32 +/m/09myny /people/person/nationality /m/09c7w0 +/m/016sqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l47f5 +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0bzlrh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/011ypx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0169dl +/m/059xnf /people/person/place_of_birth /m/088cp +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/065z3_x +/m/01wskg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d45s +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01p4vl +/m/07z542 /award/award_winner/awards_won./award/award_honor/award_winner /m/026ps1 +/m/01zfzb /film/film/genre /m/03k9fj +/m/0gwf191 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01cw6l /base/aareas/schema/administrative_area/administrative_parent /m/01669t +/m/0154j /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g61 +/m/01nz1q6 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/01nyl /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/088xp /location/country/capital /m/0cf0s +/m/05148p4 /music/instrument/instrumentalists /m/06rgq +/m/01ync /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/01w9wwg /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/05w3f /music/genre/parent_genre /m/03_d0 +/m/01j7z7 /people/person/profession /m/016z4k +/m/04mvk7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/08pth9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04kr63w +/m/01wbl_r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01svw8n +/m/03gvt /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/011k_j +/m/016t0h /music/artist/origin /m/05l64 +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b6mgp_ +/m/04sry /film/director/film /m/0h6r5 +/m/04g61 /organization/organization_founder/organizations_founded /m/01rz1 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/049n7 +/m/0146mv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099jhq /award/award_category/winners./award/award_honor/award_winner /m/01wy5m +/m/0c_gcr /film/actor/film./film/performance/film /m/07nt8p +/m/0j5b8 /people/person/nationality /m/0f8l9c +/m/054c1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0jhwd /location/location/contains /m/01dvzy +/m/03mstc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05nlzq +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/01bczm /people/person/profession /m/0n1h +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/01mxt_ /people/person/profession /m/039v1 +/m/019_1h /people/person/place_of_birth /m/013g3 +/m/05b5c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/051ysmf /people/person/nationality /m/09c7w0 +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/position /m/0bgv4g +/m/02l6dy /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/01bb1c /award/award_category/disciplines_or_subjects /m/05hgj +/m/03v3xp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/0835q /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gsvp +/m/04yt7 /people/person/places_lived./people/place_lived/location /m/06y9v +/m/03bxsw /people/person/nationality /m/02jx1 +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jsqk +/m/01vsyg9 /people/person/profession /m/09jwl +/m/013g3 /location/location/time_zones /m/03plfd +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01lk0l +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/087vnr5 +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/03m4mj +/m/0170pk /film/actor/film./film/performance/film /m/01vksx +/m/0bb57s /award/award_category/winners./award/award_honor/award_winner /m/0gjvqm +/m/01fh9 /film/actor/film./film/performance/film /m/0ds33 +/m/0345h /location/location/contains /m/0cy41 +/m/01c9jp /award/award_category/winners./award/award_honor/award_winner /m/01vrwfv +/m/05kjlr /award/award_category/winners./award/award_honor/award_winner /m/0d_w7 +/m/016dsy /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02qwg +/m/017_qw /music/genre/artists /m/01nqfh_ +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award /m/02qyp19 +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0dvmd /film/actor/film./film/performance/film /m/03cp4cn +/m/02y0js /people/cause_of_death/people /m/07c37 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0ds3t5x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09yhzs +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04jnd7 +/m/0338lq /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03lvwp +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/0c6qh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/046zh +/m/02hwww /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01719t /film/film/language /m/02h40lc +/m/027rn /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0bcp9b /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/087vnr5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019pkm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/0jmwg /music/genre/parent_genre /m/05r6t +/m/09jwl /people/profession/specialization_of /m/0n1h +/m/02896 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/035dk /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0yxm1 /film/film/language /m/02h40lc +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/05ljv7 +/m/05mph /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016cjb /music/genre/artists /m/01wgcvn +/m/0f4m2z /film/film/genre /m/04xvh5 +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/02vy5j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04sx9_ +/m/01364q /people/person/nationality /m/09c7w0 +/m/01tv3x2 /music/artist/track_contributions./music/track_contribution/role /m/01v1d8 +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0140g4 +/m/01cyjx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0425_d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02t901 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045j3w /film/film/country /m/03_3d +/m/0ct5zc /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/05148p4 +/m/0315rp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01k_r5b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lk95 +/m/0p76z /music/artist/origin /m/0fg6k +/m/02ll45 /film/film/language /m/06nm1 +/m/01wg3q /people/person/nationality /m/02jx1 +/m/01gtcc /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/016fmf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01wrcxr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/015g_7 +/m/04wqr /film/actor/film./film/performance/film /m/0bj25 +/m/020fcn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01mmslz /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02_01w +/m/04tnqn /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/05dmmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/01hl_w +/m/09d3b7 /film/film/music /m/03f2_rc +/m/07gql /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/02fsn /music/instrument/instrumentalists /m/01yznp +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/06whf +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03w4sh +/m/0kbws /olympics/olympic_games/participating_countries /m/03676 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0bmh4 +/m/01g1lp /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/0j_c /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/0134pk +/m/02lgfh /award/award_winner/awards_won./award/award_honor/award_winner /m/01l1sq +/m/0gq9h /award/award_category/category_of /m/0g_w +/m/01p0mx /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02h3d1 /award/award_category/category_of /m/0c4ys +/m/049nq /location/location/contains /m/04q42 +/m/01jfsb /media_common/netflix_genre/titles /m/01sby_ +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/05j0wc +/m/0l9k1 /people/person/profession /m/02jknp +/m/0f1pyf /soccer/football_player/current_team./sports/sports_team_roster/team /m/01fwqn +/m/026_dcw /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05zr0xl +/m/029m83 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01x66d /people/person/profession /m/05vyk +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03zj9 /education/educational_institution_campus/educational_institution /m/03zj9 +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kt_4 +/m/0fqjhm /people/person/gender /m/05zppz +/m/0ktx_ /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/01yznp /people/person/profession /m/0cbd2 +/m/02lnhv /people/person/profession /m/01d_h8 +/m/0dnvn3 /film/film/edited_by /m/02kxbx3 +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lxj_ +/m/0c1jh /influence/influence_node/influenced_by /m/0448r +/m/04gc65 /film/actor/film./film/performance/film /m/0sxgv +/m/07jxpf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9tm +/m/0l2sr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq0q +/m/01rs5p /film/actor/film./film/performance/film /m/02_fm2 +/m/07kdkfj /film/film/language /m/02h40lc +/m/0x67 /people/ethnicity/people /m/086qd +/m/06dfg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tp2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06pwq +/m/048yqf /film/film/genre /m/04pbhw +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0gqxm /award/award_category/winners./award/award_honor/award_winner /m/0cw67g +/m/0456zg /film/film/genre /m/05p553 +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gq0b +/m/0b_6zk /time/event/locations /m/0c1d0 +/m/06cv1 /people/person/profession /m/01c72t +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/04yc76 /film/film/genre /m/06cvj +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0bl2g /film/actor/film./film/performance/film /m/040_lv +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ty4m +/m/016v46 /location/administrative_division/country /m/0d05w3 +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/01s0ps +/m/01y3v /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/01p6xx /film/director/film /m/01hr1 +/m/01s1zk /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jz9f +/m/01rh0w /film/actor/film./film/performance/film /m/017jd9 +/m/015882 /people/person/profession /m/02hrh1q +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/07nv3_ +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/02tkzn +/m/01pk3z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/033hn8 /music/record_label/artist /m/019f9z +/m/011j5x /music/genre/artists /m/0lbj1 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0cf8qb /film/film/genre /m/07s9rl0 +/m/01nd6v /film/actor/film./film/performance/film /m/0f4_l +/m/06mn7 /people/person/profession /m/0dgd_ +/m/0yxl /influence/influence_node/influenced_by /m/017r2 +/m/026ck /film/film/film_festivals /m/05f5rsr +/m/0c0k1 /people/person/gender /m/05zppz +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hgwkr +/m/02jx1 /location/location/contains /m/0gjv_ +/m/09889g /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/023v4_ +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031778 +/m/02j9z /location/location/contains /m/09b69 +/m/051cc /influence/influence_node/influenced_by /m/04xfb +/m/01k53x /film/actor/film./film/performance/film /m/0d90m +/m/035qy /location/location/time_zones /m/03plfd +/m/06f_qn /people/person/profession /m/02hrh1q +/m/06w7mlh /tv/tv_program/languages /m/02h40lc +/m/03_d0 /music/genre/artists /m/028q6 +/m/0f04v /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/01bzs9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03p2xc /film/film/produced_by /m/01nr36 +/m/0d810y /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/01p7b6b /people/person/profession /m/029bkp +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qf2t +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04fh3 +/m/015t56 /award/award_winner/awards_won./award/award_honor/award_winner /m/02ck7w +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/046m59 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/01vsykc /award/award_winner/awards_won./award/award_honor/award_winner /m/017vkx +/m/076xkdz /film/film/genre /m/02kdv5l +/m/0gkgp /location/location/contains /m/057wlm +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lt7b +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/02qgqt +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbx3 +/m/021bk /people/person/profession /m/02hrh1q +/m/09c7w0 /location/country/second_level_divisions /m/0jcjq +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/01tkfj /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/015qyf /people/person/gender /m/05zppz +/m/03mghh /sports/sports_team/sport /m/02vx4 +/m/03f02ct /film/actor/film./film/performance/film /m/0f42nz +/m/050z2 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/01trxd +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/027c924 +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/01xvb /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0cnl80 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cl0bk +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/049sb /people/person/place_of_birth /m/02_286 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zfg3 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/0z53k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/01jssp +/m/03v1jf /film/actor/film./film/performance/film /m/020bv3 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/07sqm1 +/m/06fqlk /film/film/language /m/0653m +/m/0b25vg /film/actor/film./film/performance/film /m/0gvt53w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01d26y +/m/0gxtknx /film/film/country /m/09c7w0 +/m/0kt_4 /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7gxq +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/099vwn /award/award_category/winners./award/award_honor/award_winner /m/0pgjm +/m/02k21g /people/person/gender /m/02zsn +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08nvyr +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0y1rf /location/hud_county_place/place /m/0y1rf +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/01p1b /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/050z2 /people/person/profession /m/039v1 +/m/02lhm2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/05gg4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/091xrc /film/film/genre /m/0hcr +/m/0fpn8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f63n +/m/024d8w /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/08p1gp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0113sg /people/person/profession /m/0cbd2 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/03c6vl /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/04g865 /people/person/profession /m/0d8qb +/m/07l2m /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/015pdg /music/genre/artists /m/016j2t +/m/07xzm /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/01nfys /film/actor/film./film/performance/film /m/05c5z8j +/m/0l8z1 /award/award_category/winners./award/award_honor/award_winner /m/05yzt_ +/m/03_wtr /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03n_7k +/m/01f1p9 /music/genre/parent_genre /m/02mscn +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02kfzz +/m/04x4nv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0265wl /award/award_category/disciplines_or_subjects /m/04g51 +/m/026fd /people/person/profession /m/02hrh1q +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcpc +/m/0xnvg /people/ethnicity/people /m/02lf70 +/m/08hmch /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/021gk7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/07b_l +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/01rzqj +/m/0190_q /music/genre/artists /m/01wv9xn +/m/0kz2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0347xl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jzh +/m/01cycq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0sxns +/m/06c0ns /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0239zv /people/person/nationality /m/03rk0 +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/0mbhr /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/025v1sx /sports/sports_team/colors /m/083jv +/m/0gj8nq2 /film/film/genre /m/02kdv5l +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/0126rp +/m/03rjj /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6m5 +/m/0g1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pp3p +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/02f2dn +/m/04wx2v /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01ky2h /people/person/gender /m/05zppz +/m/01jszm /education/educational_institution/school_type /m/01rs41 +/m/01h18v /film/film/production_companies /m/024rgt +/m/047msdk /film/film/genre /m/07s9rl0 +/m/0ks67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07m77x /award/award_winner/awards_won./award/award_honor/award_winner /m/03cxsvl +/m/01vs4ff /people/person/gender /m/05zppz +/m/0gyh2wm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/031hcx /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tvz5j +/m/0cq7tx /film/film/music /m/0drc1 +/m/053tj7 /film/film/film_format /m/0cj16 +/m/01ckhj /people/person/profession /m/02hrh1q +/m/043sct5 /film/film/language /m/03_9r +/m/042l3v /film/director/film /m/0pv2t +/m/026dx /people/person/profession /m/03gjzk +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01bh6y /award/award_winner/awards_won./award/award_honor/award_winner /m/013ybx +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/074w86 +/m/01gbn6 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vwllw +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/017dpj /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0266sb_ +/m/0qxhc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01n8qg /location/country/form_of_government /m/01fpfn +/m/02x8m /music/genre/artists /m/053y0s +/m/09c7w0 /location/location/contains /m/04_j5s +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pgzn_ +/m/09rp4r_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0dqcm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hskw /people/person/profession /m/018gz8 +/m/02_n5d /people/person/languages /m/02h40lc +/m/04yc76 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g8vhw /film/film/produced_by /m/01zfmm +/m/040b5k /film/film/country /m/0d05w3 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02kfzz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0dp7wt +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/070m12 +/m/044g_k /film/film/genre /m/04pbhw +/m/07w21 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09x3r /olympics/olympic_games/participating_countries /m/02vzc +/m/0sxrz /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/04tc1g /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/07gghl +/m/02y0dd /people/person/place_of_birth /m/02cft +/m/06_wqk4 /film/film/country /m/09c7w0 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04w8f /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/071vr /location/location/contains /m/01q0kg +/m/01xqw /music/instrument/instrumentalists /m/01t8399 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f5x +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/03v0t /location/location/contains /m/0nvt9 +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vzpb +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/01q_ph /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01g23m +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01gw8b +/m/03cs_z7 /people/person/profession /m/03gjzk +/m/0181dw /music/record_label/artist /m/0jltp +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pq5j7 +/m/02txdf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jxbw /film/film/music /m/02cyfz +/m/01xvb /sports/sports_team/roster./american_football/football_roster_position/position /m/06b1q +/m/03swmf /film/actor/film./film/performance/film /m/01719t +/m/04vcdj /people/person/nationality /m/09c7w0 +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/02k21g +/m/0cchk3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0z05l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06bzwt +/m/02p2zq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/05nzw6 /people/person/places_lived./people/place_lived/location /m/0f2w0 +/m/0411q /award/award_winner/awards_won./award/award_honor/award_winner /m/01wp8w7 +/m/0gdh5 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0132k4 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0100mt /location/location/time_zones /m/02hczc +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/03hnd /people/person/religion /m/0kpl +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gl1 +/m/07r_dg /film/actor/film./film/performance/film /m/0jjy0 +/m/046f3p /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/0klw /film/actor/film./film/performance/film /m/04gcyg +/m/02sjp /award/award_nominee/award_nominations./award/award_nomination/award /m/09ly2r6 +/m/04yg13l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/044mz_ /award/award_winner/awards_won./award/award_honor/award_winner /m/031ydm +/m/01l47f5 /award/award_winner/awards_won./award/award_honor/award_winner /m/016sp_ +/m/0j8f09z /film/film/genre /m/07s9rl0 +/m/076tw54 /film/film/country /m/09c7w0 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/02nczh +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/01c8v0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07r1h /people/person/profession /m/02hrh1q +/m/01y64_ /people/person/profession /m/02hrh1q +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/046br4 +/m/03clrng /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265vcb +/m/07bxqz /film/film/featured_film_locations /m/02_286 +/m/0345h /location/country/official_language /m/04306rv +/m/01f2q5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/03t0k1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bq2g +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06mn7 /film/director/film /m/0168ls +/m/0415mzy /people/person/profession /m/0nbcg +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/07sgfsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/09c7w0 /location/country/second_level_divisions /m/0mvsg +/m/03ckfl9 /music/genre/artists /m/01p0w_ +/m/08ct6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08wjf4 +/m/038g2x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/03clrng /award/award_winner/awards_won./award/award_honor/award_winner /m/070w7s +/m/01n1pp /education/educational_institution/students_graduates./education/education/student /m/09qc1 +/m/01nqfh_ /people/person/place_of_birth /m/030qb3t +/m/0jnkr /sports/sports_team/colors /m/083jv +/m/060ppp /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/095l0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07s846j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01271h +/m/059x0w /people/person/gender /m/05zppz +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0fx0mw +/m/0169dl /film/actor/film./film/performance/film /m/09xbpt +/m/06cm5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0b9l3x +/m/09z2b7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0kszw +/m/02wypbh /award/award_category/nominees./award/award_nomination/nominated_for /m/0gpx6 +/m/06r1k /tv/tv_program/languages /m/02h40lc +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hnb +/m/0638kv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/086qd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wwvd2 +/m/01s1zk /people/person/profession /m/0fj9f +/m/0zlgm /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwzv +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01w0yrc +/m/01srq2 /film/film/genre /m/01hmnh +/m/048yqf /film/film/genre /m/01hmnh +/m/02ptczs /film/film/film_production_design_by /m/03wd5tk +/m/0f0qfz /people/person/profession /m/09jwl +/m/01l1hr /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01q_ph +/m/0170pk /people/person/nationality /m/0chghy +/m/072192 /film/film/music /m/02wb6d +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01bh6y /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/06npd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01pj7 +/m/0d0l91 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03tn9w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hmr4 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/015rkw +/m/03bnd9 /education/educational_institution/school_type /m/05pcjw +/m/0xnvg /people/ethnicity/languages_spoken /m/02bjrlw +/m/02bvt /award/award_winner/awards_won./award/award_honor/award_winner /m/0crx5w +/m/07t90 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/01qscs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tfck +/m/0nm42 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0127m7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02fcs2 +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yyn5 +/m/01cwcr /film/actor/film./film/performance/film /m/01qb5d +/m/0l14md /music/instrument/instrumentalists /m/05cljf +/m/03rjj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f8l9c +/m/0gywn /music/genre/artists /m/0197tq +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/02w5q6 +/m/04v89z /film/film/language /m/02h40lc +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/07p62k /film/film/story_by /m/04l3_z +/m/02bqxb /film/film/genre /m/02l7c8 +/m/02w9k1c /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0r679 /location/hud_county_place/county /m/0l2xl +/m/09gffmz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4x18 +/m/05jbn /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mtl5 +/m/01kx_81 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/01qrbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0g9lm2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/030_3z /people/person/nationality /m/09c7w0 +/m/01_mdl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042fgh +/m/06npd /location/country/capital /m/015g7 +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/0dwtp +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0yyg4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02nwxc +/m/06c0ns /film/film/country /m/09c7w0 +/m/061681 /film/film/music /m/06fxnf +/m/01dvtx /influence/influence_node/influenced_by /m/03sbs +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019rg5 +/m/07dzf /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/058s57 /film/actor/film./film/performance/film /m/0bby9p5 +/m/027zz /influence/influence_node/influenced_by /m/085pr +/m/02rn00y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/034x61 +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/04xrx +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/07myb2 /film/actor/film./film/performance/film /m/0963mq +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/07nx9j /film/actor/film./film/performance/film /m/0315w4 +/m/032_jg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/02pt7h_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/046k81 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0ptdz /film/film/language /m/02bjrlw +/m/01j95 /tv/tv_program/genre /m/070yc +/m/02prw4h /film/film/language /m/02h40lc +/m/0bbw2z6 /film/film/production_companies /m/03sb38 +/m/021l5s /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08gwzt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/06l22 +/m/045gzq /people/person/gender /m/05zppz +/m/01pcdn /film/actor/film./film/performance/film /m/05h43ls +/m/053j4w4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cdf37 +/m/05b49tt /people/person/nationality /m/09c7w0 +/m/0166b /location/location/contains /m/021yyx +/m/05dbf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012xdf /people/person/profession /m/01d_h8 +/m/01xwqn /influence/influence_node/influenced_by /m/0p_47 +/m/04z0g /people/person/places_lived./people/place_lived/location /m/09c7w0 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0n6f8 +/m/0d3qd0 /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/01_mdl /film/film/story_by /m/0kb3n +/m/014zwb /film/film/genre /m/06cvj +/m/05qtj /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/013807 +/m/01242_ /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/04dz_y7 /people/person/profession /m/01d_h8 +/m/01c8v0 /people/person/places_lived./people/place_lived/location /m/0j7ng +/m/02q7fl9 /award/award_winning_work/awards_won./award/award_honor/award /m/09td7p +/m/0284gcb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/026t6 /music/instrument/instrumentalists /m/020hh3 +/m/01tj34 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04twmk +/m/01_9c1 /sports/sports_position/players./sports/sports_team_roster/team /m/0ftf0f +/m/02g87m /award/award_winner/awards_won./award/award_honor/award_winner /m/032wdd +/m/03wbzp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0180mw +/m/0gx1bnj /film/film/genre /m/05p553 +/m/02qpbqj /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/060v34 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gd92 /film/film/genre /m/01t_vv +/m/013knm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/011zd3 +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/042ly5 +/m/06lgq8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08s_lw +/m/01fh9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/02c4s /people/person/profession /m/0fj9f +/m/02gnh0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gvsn /film/film/genre /m/07s9rl0 +/m/05k7sb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07_f2 +/m/04xx9s /film/film/genre /m/017fp +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09c7w0 /location/location/contains /m/03fcbb +/m/0x25q /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02rh_0 +/m/017lvd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/046lt /influence/influence_node/influenced_by /m/012gq6 +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0ckcvk +/m/03crcpt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ll45 +/m/03g5jw /influence/influence_node/influenced_by /m/07m4c +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0m313 /film/film/language /m/02h40lc +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05b4w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blfl +/m/0mmd6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01rmnp /people/person/profession /m/02hrh1q +/m/0kv9d3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0pk1p /film/film/genre /m/0lsxr +/m/06151l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05p5nc +/m/07bch9 /people/ethnicity/people /m/017m2y +/m/01cszh /music/record_label/artist /m/01r0t_j +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/037w7r /film/actor/film./film/performance/film /m/0glbqt +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/016khd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03bnv /award/award_winner/awards_won./award/award_honor/award_winner /m/0pj8m +/m/02q42j_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yr9 +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01k1k4 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03902 +/m/029k55 /people/person/place_of_birth /m/030qb3t +/m/026n4h6 /film/film/genre /m/01jfsb +/m/02b61v /film/film/prequel /m/035w2k +/m/03j2gxx /people/person/profession /m/0lgw7 +/m/05wgy /people/profession/specialization_of /m/05t4q +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0h27vc /award/award_winner/awards_won./award/award_honor/award_winner /m/01qr1_ +/m/01lcxbb /music/group_member/membership./music/group_membership/role /m/07gql +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0j_t1 +/m/04bd8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/01qh7 /base/biblioness/bibs_location/state /m/05k7sb +/m/04smdd /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/03v36 /people/person/profession /m/0kyk +/m/01hr1 /film/film/produced_by /m/07rd7 +/m/019g8j /tv/tv_program/genre /m/095bb +/m/0bs09lb /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6j +/m/01515w /people/person/place_of_birth /m/01cx_ +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057176 +/m/04shbh /people/person/nationality /m/02jx1 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01f873 /film/actor/film./film/performance/film /m/01f8f7 +/m/09g7vfw /film/film/genre /m/01jfsb +/m/011yxg /award/award_winning_work/awards_won./award/award_honor/award_winner /m/05dbf +/m/0b7l1f /people/person/nationality /m/019rg5 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lbrd +/m/02qcr /film/film/country /m/07ssc +/m/026n4h6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01wn718 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/0162c8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02_340 +/m/09f8q /base/biblioness/bibs_location/country /m/0345h +/m/01j5ws /people/person/profession /m/0np9r +/m/01cmp9 /film/film/costume_design_by /m/03mfqm +/m/02gnlz /people/person/profession /m/0196pc +/m/01vvybv /film/actor/film./film/performance/film /m/0bz6sq +/m/06jkm /people/person/profession /m/0cbd2 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0btpx +/m/035yzw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015gw6 /award/award_winner/awards_won./award/award_honor/award_winner /m/05cj4r +/m/02tjl3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/0chghy /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0jsw9l /people/person/profession /m/0dgd_ +/m/0fpn8 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04bd8y /film/actor/film./film/performance/film /m/01dc0c +/m/03z8w6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0q307 +/m/06wm0z /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0jdhp /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/0gzlb9 /film/film/film_format /m/07fb8_ +/m/04zkj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt7ws +/m/017d93 /film/film/language /m/02h40lc +/m/086k8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0m593 +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08664q +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnw1 +/m/05z7c /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02r_pp +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0byq6h +/m/04tng0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/027zz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07s846j +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01_mdl /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/042g97 +/m/03d96s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03x82v /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/03fbb6 /film/actor/film./film/performance/film /m/0bth54 +/m/0282x /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/02r1ysd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/047c9l +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/06c0ns +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05qm9f /film/film/music /m/01wd9lv +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0d02km +/m/06sfk6 /film/film/cinematography /m/04qvl7 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/032sl_ /film/film/genre /m/02qfv5d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02hwww +/m/0456xp /film/actor/film./film/performance/film /m/09fqgj +/m/07fr_ /location/country/official_language /m/02h40lc +/m/018d6l /people/person/profession /m/0gbbt +/m/03j43 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/07nvmx /soccer/football_player/current_team./sports/sports_team_roster/team /m/07r78j +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01fs__ +/m/02vqhv0 /film/film/genre /m/01hmnh +/m/03bdkd /film/film/language /m/02h40lc +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfl4 +/m/046br4 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0154qm /film/actor/film./film/performance/film /m/011yr9 +/m/06w6_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0227tr /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0dl5d /music/genre/artists /m/0187x8 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0c7ct /music/artist/origin /m/0chgzm +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/09tlh /sports/sports_team_location/teams /m/014nzp +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ktrs +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/0b7gxq /award/award_winner/awards_won./award/award_honor/award_winner /m/07fvf1 +/m/05_5_22 /film/film/personal_appearances./film/personal_film_appearance/person /m/0127s7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07tjf +/m/04hwbq /film/film/language /m/06nm1 +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/0330r +/m/0gf14 /education/educational_institution/campuses /m/0gf14 +/m/09c7w0 /location/location/contains /m/02gnh0 +/m/0jm3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0pspl +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/02mg5r /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/09p0ct /film/film/language /m/04306rv +/m/0ds11z /film/film/written_by /m/05183k +/m/02mqc4 /award/award_winner/awards_won./award/award_honor/award_winner /m/04bd8y +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/06w7v +/m/059j2 /location/country/form_of_government /m/01q20 +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0ywqc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03pc89 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01mkq +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01rp13 +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06c0ns +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0160nk +/m/0gd92 /film/film/genre /m/0gsy3b +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02tv80 /film/actor/film./film/performance/film /m/0191n +/m/03t97y /film/film/language /m/0jzc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02fgdx +/m/01vw20_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0cc7hmk /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09dv0sz +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0f63n /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f6_4 +/m/01mvth /award/award_winner/awards_won./award/award_honor/award_winner /m/01w1ywm +/m/05bcl /location/location/contains /m/0cmb3 +/m/02s58t /people/person/profession /m/02hrh1q +/m/02clgg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/0bz5v2 /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/01fxck /people/person/profession /m/02hrh1q +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/031c2r /people/person/nationality /m/09c7w0 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0421ng +/m/01xndd /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bt4r4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0cl0bk +/m/0p_47 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bhvtc +/m/016clz /music/genre/artists /m/0fpj4lx +/m/0hpz8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09c7w0 /location/location/contains /m/065y4w7 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/04svwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qvtwm +/m/0j4b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0f8l9c +/m/03ryn /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/016zwt +/m/0473q /music/group_member/membership./music/group_membership/role /m/018vs +/m/0ft18 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dsx3f /tv/tv_program/program_creator /m/064jjy +/m/01x3g /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02822 +/m/01zkxv /people/person/place_of_birth /m/04p3c +/m/01j851 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/084m3 +/m/0lzkm /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/0sx5w /people/person/profession /m/0kyk +/m/02rqwhl /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/01n7q /location/location/partially_contains /m/0k3nk +/m/03g90h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01xndd +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/050kh5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/047jhq +/m/0djtky /people/person/gender /m/05zppz +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/04jlgp /film/actor/film./film/performance/film /m/017180 +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/07brj +/m/0flw6 /film/actor/film./film/performance/film /m/0dzlbx +/m/05gg4 /sports/sports_team/roster./american_football/football_roster_position/position /m/023wyl +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013zs9 +/m/015010 /people/person/profession /m/02hrh1q +/m/0f502 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/07r1h +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0hx4y /film/film/country /m/09c7w0 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hqz +/m/06823p /film/film/genre /m/04gm78f +/m/02g87m /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/04w391 /people/person/places_lived./people/place_lived/location /m/0281s1 +/m/0fjcgg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/06c1y /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/0t_hx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03yf5g /soccer/football_player/current_team./sports/sports_team_roster/team /m/04g4w9 +/m/02x9cv /education/educational_institution/students_graduates./education/education/student /m/044rvb +/m/0gm34 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/035yn8 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0l9k1 /people/person/nationality /m/09c7w0 +/m/0xnvg /people/ethnicity/people /m/02jyhv +/m/01_njt /people/person/places_lived./people/place_lived/location /m/05ksh +/m/041jlr /people/person/profession /m/0cbd2 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/031786 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/031rq5 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01vw37m /people/person/profession /m/01d_h8 +/m/02g40r /people/person/profession /m/02tx6q +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/02wvfxz /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02y9bj /education/educational_institution/colors /m/01g5v +/m/015gw6 /film/actor/film./film/performance/film /m/0prhz +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0315rp +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/049qx /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/01c7p_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0693l /influence/influence_node/influenced_by /m/06dl_ +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070w7s +/m/02w29z /film/actor/film./film/performance/film /m/0bvn25 +/m/02q_4ph /film/film/film_art_direction_by /m/05v1sb +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tb7 +/m/0jt90f5 /film/actor/film./film/performance/film /m/09fc83 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/01hmnh /media_common/netflix_genre/titles /m/04hwbq +/m/02w9895 /people/person/place_of_birth /m/0dbdy +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/06t6dz +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/02b149 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01qxc7 +/m/063y_ky /award/award_category/winners./award/award_honor/award_winner /m/06wm0z +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/04h07s +/m/0b_dy /film/actor/film./film/performance/film /m/0284b56 +/m/01wxyx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02pjc1h +/m/017_qw /music/genre/artists /m/04qr6d +/m/065ym0c /film/film/language /m/0653m +/m/03_wvl /award/award_winner/awards_won./award/award_honor/award_winner /m/02k4gv +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0cwx_ +/m/064t9 /music/genre/artists /m/0g824 +/m/01vs_v8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/01pgk0 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cl0bk /people/person/gender /m/05zppz +/m/01ym8l /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nzny /location/location/time_zones /m/02hcv8 +/m/0d0x8 /location/location/contains /m/0rvty +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gps0z /people/person/profession /m/02hrh1q +/m/02_p8v /people/person/profession /m/02hrh1q +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01hvjx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01_x6d +/m/03hvk2 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04wp3s +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05frqx /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kr_ +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/04n32 /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/0h14ln /film/film/genre /m/060__y +/m/0134wr /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0dzst /education/educational_institution/colors /m/083jv +/m/062dn7 /people/person/nationality /m/02jx1 +/m/076xkps /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01400v /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/02pkpfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027ht3n +/m/05ch98 /film/film/genre /m/0219x_ +/m/01grp0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/04y8r /people/person/profession /m/01d_h8 +/m/01vxxb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03h502k +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/07s8r0 +/m/0155w /music/genre/artists /m/01wp8w7 +/m/01vy_v8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01w1ywm +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/033x5p +/m/01ycck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02zk08 +/m/09cdxn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070bjw +/m/01dbns /organization/organization/headquarters./location/mailing_address/citytown /m/0mgp +/m/0bxl5 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/018vs /music/instrument/instrumentalists /m/01w923 +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/04b5l3 +/m/01kymm /people/person/nationality /m/03_3d +/m/0362q0 /people/person/profession /m/0dxtg +/m/05w3f /music/genre/artists /m/047cx +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/040981l /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/0h7pj /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01hxs4 +/m/08c4yn /film/film/genre /m/03q4nz +/m/0170xl /film/film/genre /m/0hn10 +/m/014l6_ /film/film/language /m/02bjrlw +/m/0n04r /film/film/music /m/0bdlj +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/078mgh +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hgnl3t +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047fjjr +/m/05dss7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0140g4 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/07lp1 /people/person/gender /m/05zppz +/m/02s62q /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0ggx5q /music/genre/artists /m/01vx5w7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3y2 +/m/016szr /people/person/profession /m/01c72t +/m/01b8bn /award/award_category/disciplines_or_subjects /m/04g51 +/m/02fqxm /film/film/cinematography /m/04flrx +/m/0qdwr /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/01fxfk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/0407yj_ /film/film/genre /m/0bkbm +/m/04psyp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/02vr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/02ph9tm /film/film/written_by /m/0pz91 +/m/026c1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/036dyy +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016dsy +/m/08hmch /film/film/language /m/02h40lc +/m/06j6l /music/genre/artists /m/09k2t1 +/m/02rb84n /film/film/production_companies /m/05qd_ +/m/09fqgj /film/film/language /m/02h40lc +/m/01vrwfv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/044f7 /people/person/gender /m/05zppz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/role /m/01wy6 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04wgh +/m/058kh7 /film/film/personal_appearances./film/personal_film_appearance/person /m/0p_pd +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j4b +/m/0l15n /people/person/profession /m/02jknp +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgyv +/m/0gyy53 /film/film/genre /m/02l7c8 +/m/06ltr /film/actor/film./film/performance/film /m/03177r +/m/0gjcy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0xbm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01mxnvc /music/group_member/membership./music/group_membership/role /m/01xqw +/m/01rc4p /people/person/nationality /m/09c7w0 +/m/0cjyzs /award/award_category/nominees./award/award_nomination/nominated_for /m/0cs134 +/m/04t2l2 /film/actor/film./film/performance/film /m/05fm6m +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/011_6p +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05fx1v +/m/04pnx /location/location/contains /m/016wzw +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0677ng +/m/01b66t /award/award_winning_work/awards_won./award/award_honor/award /m/02py_sj +/m/016ks5 /film/film/produced_by /m/0d0xs5 +/m/0828jw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01sl1q +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/01x4r3 /people/person/nationality /m/09c7w0 +/m/01k8q5 /education/educational_institution/school_type /m/02p0qmm +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6m5fy +/m/044gyq /influence/influence_node/influenced_by /m/012vd6 +/m/01jfsb /media_common/netflix_genre/titles /m/05nyqk +/m/0fwy0h /award/award_winner/awards_won./award/award_honor/award_winner /m/020ffd +/m/0bzty /location/location/contains /m/01jp4s +/m/01yh3y /people/person/gender /m/05zppz +/m/01wwvt2 /music/artist/track_contributions./music/track_contribution/role /m/0319l +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07sgfsl +/m/090gk3 /people/person/profession /m/02hrh1q +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01nvmd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030b93 +/m/0z20d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/088q4 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0154qm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/0cj36c /award/award_winner/awards_won./award/award_honor/award_winner /m/0cnl80 +/m/0tct_ /location/location/contains /m/04344j +/m/0h7x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/06zn1c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/0f2zc /people/person/profession /m/016wtf +/m/0g2lq /film/director/film /m/02vqsll +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0498yf +/m/0vbk /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggl02 +/m/017d93 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xtxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04ck0_ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03n_7k /people/person/profession /m/02hrh1q +/m/02y0js /medicine/disease/risk_factors /m/0c58k +/m/048vhl /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01qvz8 +/m/027pfg /film/film/genre /m/07s9rl0 +/m/01_qgp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/033hn8 /music/record_label/artist /m/02cw1m +/m/0k3jq /location/location/contains /m/0d739 +/m/0gd_b_ /film/actor/film./film/performance/film /m/09cr8 +/m/0ddt_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02wr6r /film/actor/film./film/performance/film /m/0bm2g +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/03czz87 /tv/tv_program/genre /m/03fpg +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0m313 +/m/0ddcbd5 /film/film/featured_film_locations /m/04jpl +/m/08c4yn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/064t9 /music/genre/artists /m/01rmnp +/m/051wwp /people/person/profession /m/02hrh1q +/m/032qgs /people/person/nationality /m/09c7w0 +/m/0zm1 /people/person/nationality /m/0cdbq +/m/01frpd /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/045c66 /people/person/gender /m/05zppz +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06t61y +/m/01l1b90 /film/actor/film./film/performance/film /m/024lff +/m/014knw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/050l8 /location/location/contains /m/01m2v2 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/01rh0w /people/person/place_of_birth /m/02_286 +/m/05qw5 /people/person/profession /m/016z4k +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/04mp8x +/m/0b_6jz /time/event/locations /m/0kcw2 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0glbqt +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0frm7n +/m/09b6zr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0157m +/m/05cljf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yf3z +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/01vs_v8 /people/person/profession /m/09jwl +/m/03w1lf /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/02gsvk +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/0c12h /dataworld/gardening_hint/split_to /m/0c12h +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06vbd +/m/07c6l /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/05l5n /base/aareas/schema/administrative_area/administrative_parent /m/0jt5zcn +/m/01jfrg /people/person/profession /m/03gjzk +/m/01d6g /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0285r5d +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/086xm +/m/051x52f /film/film_set_designer/film_sets_designed /m/01_1pv +/m/016fnb /people/person/profession /m/02hrh1q +/m/01vwbts /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03j79x +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/063hp4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01vrlr4 +/m/016tw3 /organization/organization/child./organization/organization_relationship/child /m/01dtcb +/m/0150t6 /award/award_winner/awards_won./award/award_honor/award_winner /m/02jxmr +/m/01wgjj5 /people/person/profession /m/02hrh1q +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01qdmh /film/film/language /m/012w70 +/m/01b9ck /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bcndz +/m/01817f /people/person/spouse_s./people/marriage/spouse /m/01309x +/m/07q1m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02swsm /music/record_label/artist /m/01vn0t_ +/m/0fn8jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/0h584v /people/person/place_of_birth /m/09c7w0 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/05ypj5 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/01lyv /music/genre/artists /m/02fn5r +/m/02lfns /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/07cn2c +/m/03j0d /people/person/profession /m/0cbd2 +/m/07vf5c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01grr2 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gssz +/m/0lvng /organization/organization/headquarters./location/mailing_address/citytown /m/0cl8c +/m/0227tr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/0jmwg /music/genre/artists /m/02t3ln +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hcr +/m/02v_r7d /film/film/language /m/02h40lc +/m/02d42t /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0d2by /people/ethnicity/languages_spoken /m/012w70 +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/072bb1 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0kfhjq0 +/m/05tbn /location/location/contains /m/029d_ +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/0h53p1 /award/award_winner/awards_won./award/award_honor/award_winner /m/0697kh +/m/0vjr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qr1_ +/m/03mszl /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0p_th /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0bv7t /people/person/places_lived./people/place_lived/location /m/05kkh +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/03xj05 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/02b1xy +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ndwt2w +/m/03m6t5 /people/person/nationality /m/09c7w0 +/m/02k4gv /people/person/gender /m/05zppz +/m/0j_c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mzf8 +/m/02cx72 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02ctc6 +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/03qy3l /music/record_label/artist /m/01z9_x +/m/015gw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x22w +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/07r1_ /music/artist/origin /m/01_d4 +/m/02qkwl /film/film/genre /m/07s9rl0 +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/04zqmj /people/person/gender /m/05zppz +/m/07cw4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr42 +/m/01dvtx /people/person/religion /m/0kpl +/m/0g8rj /education/educational_institution/students_graduates./education/education/student /m/02779r4 +/m/0l2q3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kvt9 +/m/01jwxx /film/film/language /m/05qqm +/m/0187nd /education/university/fraternities_and_sororities /m/035tlh +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03p7gb +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/033p3_ +/m/01zlx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/014m1m +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/049dyj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fpgp26 /film/film/genre /m/03k9fj +/m/06lkg8 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01b66d /tv/tv_program/languages /m/02h40lc +/m/02f46y /organization/organization/headquarters./location/mailing_address/citytown /m/0b_yz +/m/0pd4f /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0l786 +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01f2xy /education/educational_institution/students_graduates./education/education/student /m/05m0h +/m/041rx /people/ethnicity/people /m/01c7qd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07bxhl +/m/035zr0 /film/film/film_format /m/0cj16 +/m/05pbl56 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06x43v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/037hgm /people/person/gender /m/05zppz +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01b195 /film/film/produced_by /m/0kjgl +/m/017_qw /music/genre/artists /m/02ck1 +/m/0fc_p /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fc1_ +/m/03kpvp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vxq9m +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/0gkd1 +/m/0cqhmg /award/award_category/winners./award/award_honor/award_winner /m/0pz7h +/m/0gkydb /people/person/profession /m/03gjzk +/m/01trtc /music/record_label/artist /m/017xm3 +/m/09c7w0 /location/location/contains /m/0tbql +/m/018lc_ /location/location/time_zones /m/02hcv8 +/m/02jx1 /location/country/second_level_divisions /m/023sm8 +/m/0cl0bk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cnl1c +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/01wqmm8 /people/person/nationality /m/09c7w0 +/m/076_74 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kvgxk +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/07ym6ss /award/award_winner/awards_won./award/award_honor/award_winner /m/0bxtg +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/059_c +/m/02w70 /location/location/time_zones /m/042g7t +/m/08gg47 /film/film/other_crew./film/film_crew_gig/crewmember /m/09thp87 +/m/02qjv /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0sbbq /location/hud_county_place/place /m/0sbbq +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06dn58 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/088_9g +/m/0jnmj /sports/sports_team/colors /m/06fvc +/m/01z7_f /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgfh +/m/0jrg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqj5 +/m/0bmc4cm /film/film/genre /m/06l3bl +/m/0h0wc /film/actor/film./film/performance/film /m/0jqj5 +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/04wmvz +/m/0181dw /music/record_label/artist /m/018y2s +/m/06_wqk4 /film/film/film_production_design_by /m/05b5_tj +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rrfzf +/m/07ssc /location/location/contains /m/0ht8h +/m/04x4nv /film/film/language /m/02h40lc +/m/0gy4k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/07024 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqk +/m/027n4zv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06_vpyq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01cwdk +/m/02lfl4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lgfh +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025tkqy +/m/026njb5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06cqb /music/genre/artists /m/0277c3 +/m/0lkm /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/03ckxdg /award/award_winner/awards_won./award/award_honor/award_winner /m/026n998 +/m/0315w4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06_bq1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0fqjhm +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dss7 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022411 +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/014nvr /people/person/gender /m/05zppz +/m/0gfzfj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/01tf_6 /people/cause_of_death/people /m/01vsy3q +/m/0c33pl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0304nh +/m/02j3d4 /music/artist/track_contributions./music/track_contribution/role /m/01v8y9 +/m/021q2j /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01lys3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/036c_0 /people/person/place_of_birth /m/0k_q_ +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c9c0 +/m/0rgxp /base/biblioness/bibs_location/country /m/09c7w0 +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/02scbv /award/award_winning_work/awards_won./award/award_honor/honored_for /m/02ny6g +/m/05nn4k /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0dwvl +/m/02fcs2 /people/person/profession /m/0dxtg +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05d6q1 +/m/0cj2t3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03qmfzx +/m/0136g9 /people/person/place_of_birth /m/0853g +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/016ypb +/m/0cj2nl /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/0f4_l /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/079kdz /people/person/spouse_s./people/marriage/spouse /m/0gx_p +/m/01wy5m /film/actor/film./film/performance/film /m/025rvx0 +/m/0lyjf /education/educational_institution_campus/educational_institution /m/0lyjf +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/06v36 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/033pf1 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wj18h +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0419kt +/m/01fsyp /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0kjrx /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01rgr /influence/influence_node/influenced_by /m/01vh096 +/m/084l5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/0127gn /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0hmtk +/m/07h1tr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/0lk0l /education/educational_institution/students_graduates./education/education/student /m/04mz10g +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02cyfz /award/award_winner/awards_won./award/award_honor/award_winner /m/01cwhp +/m/02b1mc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0q9zc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b7t3p +/m/03kbb8 /award/award_winner/awards_won./award/award_honor/award_winner /m/01gvr1 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dyztm +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0m_31 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/012vm6 +/m/024rgt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bvg70 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/084l5 +/m/018417 /award/award_winner/awards_won./award/award_honor/award_winner /m/05kh_ +/m/01wvxw1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02flpc +/m/015p37 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0mdqp +/m/05kr_ /location/location/contains /m/01dq0z +/m/01n9d9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/05kyr /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/012m_ +/m/049mql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04znsy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04xrx +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jnh /time/event/locations /m/02613 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/076lxv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/049_zz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/04fzk /film/actor/film./film/performance/film /m/0340hj +/m/07zr66 /soccer/football_player/current_team./sports/sports_team_roster/team /m/03_44z +/m/05hks /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03fhjz +/m/01jq0j /education/university/fraternities_and_sororities /m/0325pb +/m/03rbj2 /award/award_category/nominees./award/award_nomination/nominated_for /m/030z4z +/m/025rxjq /film/film/production_companies /m/020h2v +/m/0gjk1d /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/0q9t7 /influence/influence_node/influenced_by /m/081lh +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/02swsm /music/record_label/artist /m/04f7c55 +/m/02r5dz /organization/organization/headquarters./location/mailing_address/citytown /m/0cv3w +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01_1kk +/m/0k4fz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c921 +/m/0flw6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pqs8l /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0kryqm +/m/08swgx /people/person/place_of_birth /m/01531 +/m/02lg9w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lg3y +/m/0c3zjn7 /film/film/country /m/09c7w0 +/m/026y3cf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04__f +/m/051q5 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0294fd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/0l6vl /olympics/olympic_games/sports /m/03krj +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/06439y +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01pqy_ +/m/015pvh /people/person/religion /m/0c8wxp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02s62q +/m/0g8rj /organization/organization/headquarters./location/mailing_address/citytown /m/0mp3l +/m/013pp3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c_dx +/m/0n0bp /film/film/country /m/09c7w0 +/m/05szp /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/01vt9p3 /music/artist/track_contributions./music/track_contribution/role /m/0214km +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxlb +/m/03cbtlj /people/person/gender /m/05zppz +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01pcj4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0253b6 /people/person/profession /m/0d1pc +/m/07m77x /film/actor/film./film/performance/film /m/02ht1k +/m/024dgj /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0bq2g +/m/01dc0c /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/067ghz /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ldhs +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02q5g1z +/m/0f502 /people/person/gender /m/05zppz +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02cm61 +/m/0652ty /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cgbf /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0l12d /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0r0ss /base/biblioness/bibs_location/state /m/01n7q +/m/05r5c /music/instrument/instrumentalists /m/02h9_l +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/01dc0c /film/film/film_format /m/07fb8_ +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0p9lw /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03yvln /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0h0wc /film/actor/film./film/performance/film /m/0p_th +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015wc0 +/m/0342h /music/instrument/instrumentalists /m/0bqsy +/m/0grmhb /people/person/place_of_birth /m/0f2nf +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/03_vpw +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/076689 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0h336 /influence/influence_node/influenced_by /m/03sbs +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/0jbp0 /people/person/profession /m/0d8qb +/m/02g9z1 /people/person/profession /m/02hrh1q +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/01y9jr /film/film/genre /m/05p553 +/m/02qy3py /people/person/gender /m/05zppz +/m/011yl_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f2_rc /award/award_winner/awards_won./award/award_honor/award_winner /m/012cj0 +/m/05sxr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b7q +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/013w8y +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03w9sgh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01jvgt /sports/sports_team/sport /m/018w8 +/m/040fb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05cw8 +/m/027cxsm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06jnvs +/m/0r7fy /base/biblioness/bibs_location/country /m/09c7w0 +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01b39j +/m/041rx /people/ethnicity/people /m/01j7rd +/m/0bs8d /people/person/nationality /m/05kyr +/m/0b_4z /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0b_7k +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02nczh +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/02lfp4 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/09m6kg /film/film/production_companies /m/08wjc1 +/m/02h659 /education/educational_institution/school_type /m/01rs41 +/m/0828jw /tv/tv_program/country_of_origin /m/09c7w0 +/m/015pkt /olympics/olympic_games/sports /m/03tmr +/m/01q99h /music/artist/origin /m/080h2 +/m/058kqy /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dt8xq /film/film/film_festivals /m/0kfhjq0 +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/05crg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2wq +/m/07kbp5 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/06b1q +/m/018ljb /olympics/olympic_games/sports /m/06wrt +/m/0h584v /people/person/profession /m/03gjzk +/m/014zfs /people/person/gender /m/05zppz +/m/0kw4j /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01w4dy /music/performance_role/track_performances./music/track_contribution/role /m/02bxd +/m/03cw411 /film/film/cinematography /m/07mb57 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gyl +/m/06by7 /music/genre/artists /m/015_30 +/m/0gx_p /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04sry +/m/0jymd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/015np0 /film/actor/film./film/performance/film /m/01jwxx +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ktpx /film/film/cinematography /m/05_2h8 +/m/02nwxc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/01pj7 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06c1y +/m/07swvb /people/person/profession /m/02hrh1q +/m/071x0k /people/ethnicity/geographic_distribution /m/06mkj +/m/02jfc /education/field_of_study/students_majoring./education/education/major_field_of_study /m/06mq7 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05th8t +/m/01jgpsh /people/person/profession /m/02hrh1q +/m/02q_cc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wd9lv +/m/0djd3 /base/biblioness/bibs_location/state /m/05fjy +/m/01l78d /award/award_category/winners./award/award_honor/award_winner /m/0207wx +/m/0258dh /film/film/produced_by /m/0127m7 +/m/09x8ms /people/person/profession /m/026sdt1 +/m/02v3yy /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/08htt0 /education/educational_institution/colors /m/06fvc +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/041rx /people/ethnicity/people /m/01y0y6 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03hkch7 +/m/0mhfr /music/genre/artists /m/018phr +/m/0342h /music/instrument/instrumentalists /m/082brv +/m/02sh8y /film/actor/film./film/performance/film /m/01d259 +/m/0hh2s /music/genre/parent_genre /m/07gxw +/m/0ds2n /film/film/genre /m/06n90 +/m/0p3sf /people/person/profession /m/029bkp +/m/02y_2y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/057176 +/m/010xjr /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/026lgs /film/film/genre /m/02n4kr +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0l14md /music/instrument/instrumentalists /m/0lsw9 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/01p79b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/02ntb8 /film/film/country /m/09c7w0 +/m/03xmy1 /people/person/gender /m/02zsn +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/0dg3n1 /base/locations/continents/countries_within /m/0fv4v +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04m064 +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/061681 /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/041rx /people/ethnicity/people /m/06nns1 +/m/01cycq /film/film/language /m/02h40lc +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/020w2 +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/04kr63w +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0yx7h +/m/04tgp /location/location/contains /m/0cchk3 +/m/041rx /people/ethnicity/people /m/01mqh5 +/m/077yk0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/0jgd /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0jqn5 /film/film/film_festivals /m/05f5rsr +/m/02g_6x /sports/sports_position/players./sports/sports_team_roster/team /m/04czgbh +/m/09c7w0 /location/location/contains /m/01jtp7 +/m/02w7gg /people/ethnicity/people /m/0h0yt +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02gl58 +/m/0cp9f9 /award/award_winner/awards_won./award/award_honor/award_winner /m/04gnbv1 +/m/02q_4ph /film/film/cinematography /m/0dqzkv +/m/01pl14 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/02pzc4 +/m/02b6n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/04g73n +/m/01y3v /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/031hxk +/m/0fjyzt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0524b41 /award/award_winning_work/awards_won./award/award_honor/award /m/02_3zj +/m/01xbgx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01crd5 +/m/03fmfs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/027pfg /film/film/language /m/02h40lc +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08y2fn +/m/0ff2k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/01q_ph +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ch26b_ +/m/070j61 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0l76z +/m/0cbgl /influence/influence_node/influenced_by /m/026dx +/m/0d29z /people/ethnicity/geographic_distribution /m/09pmkv +/m/0295sy /film/film/cinematography /m/0f3zf_ +/m/0151w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02b17t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qtywd +/m/09c7w0 /location/location/contains /m/0k049 +/m/0462hhb /film/film/film_festivals /m/03nn7l2 +/m/0jzw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02lp3c +/m/01yg9y /award/award_winner/awards_won./award/award_honor/award_winner /m/03ldxq +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/024n3z +/m/0gs1_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bqm0 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/0828jw /tv/tv_program/genre /m/03k9fj +/m/06j6l /music/genre/artists /m/03d2k +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0h0wc +/m/02hct1 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q43g +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/03xpf_7 /people/person/nationality /m/09c7w0 +/m/07sqhm /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bx_hnp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04sry +/m/02km0m /education/educational_institution_campus/educational_institution /m/02km0m +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0163r3 +/m/01r6jt2 /people/person/gender /m/05zppz +/m/0522wp /people/person/profession /m/01d_h8 +/m/0n5yv /location/location/contains /m/01m94f +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bl5c +/m/07b_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mbwlb /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/07sc6nw /film/film/genre /m/02kdv5l +/m/011yrp /film/film/costume_design_by /m/03qhyn8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/04cf_l +/m/01wbz9 /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/01vd7hn +/m/04zkj5 /film/actor/film./film/performance/film /m/026f__m +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07fvf1 +/m/03bkbh /people/ethnicity/people /m/0dqcm +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0410cp +/m/0kr_t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03g5jw +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ypb +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0988cp +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/07f1x /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04xn_ +/m/0fg_hg /people/person/place_of_birth /m/01zxx9 +/m/09v6gc9 /people/person/profession /m/0dxtg +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011yn5 +/m/04zw9hs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02wgln /people/person/gender /m/05zppz +/m/011lpr /people/person/gender /m/05zppz +/m/07ssc /media_common/netflix_genre/titles /m/03q5db +/m/09fqtq /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/02w2bc /organization/organization/headquarters./location/mailing_address/state_province_region /m/04rrx +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0p__8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0c6qh +/m/06823p /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/01kff7 /film/film/genre /m/02kdv5l +/m/06vbd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/01z215 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04hgpt +/m/07xtqq /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/02779r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v80y +/m/072r5v /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/044n3h +/m/01vvb4m /film/actor/film./film/performance/film /m/033srr +/m/0dbdy /location/location/contains /m/04lh6 +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/02s5v5 +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/023p29 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01dw9z +/m/09889g /influence/influence_node/peers./influence/peer_relationship/peers /m/03j24kf +/m/03mb9 /music/genre/parent_genre /m/029h7y +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03h_yy /film/film/genre /m/07s9rl0 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/0jvt9 /film/film/cinematography /m/09cdxn +/m/02l0sf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x0bdb +/m/0fvxz /location/hud_county_place/county /m/0n5dt +/m/06l9n8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05yh_t +/m/02h6_6p /location/administrative_division/country /m/0345h +/m/026lyl4 /people/person/place_of_birth /m/0b2mc +/m/0404j37 /film/film/film_festivals /m/04grdgy +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/01b64v +/m/0280061 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0d9t0 +/m/03kx49 /film/film/music /m/020jqv +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01wgxtl /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/04dsnp /film/film/written_by /m/0jw67 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02qrv7 +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/02pjc1h +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0n5kc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5by +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/017jd9 /film/film/language /m/02h40lc +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/0g6ff /people/ethnicity/geographic_distribution /m/01c4pv +/m/024qqx /media_common/netflix_genre/titles /m/08phg9 +/m/09qs08 /award/award_category/winners./award/award_honor/award_winner /m/02__7n +/m/02zhkz /film/actor/film./film/performance/film /m/01f8hf +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/02nvg1 +/m/0mm1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0c6qh +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/07fq1y +/m/03xf_m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03h_0_z /people/person/place_of_birth /m/0vzm +/m/04fhxp /film/actor/film./film/performance/film /m/03mh_tp +/m/02661h /people/person/nationality /m/09c7w0 +/m/017fp /media_common/netflix_genre/titles /m/07s846j +/m/0h0jz /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/010xjr +/m/028kj0 /film/film/produced_by /m/0fvf9q +/m/01hwgt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dl567 /people/person/profession /m/09jwl +/m/01vnbh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/07m77x +/m/02w7gg /people/ethnicity/people /m/01tspc6 +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06_vpyq +/m/06n6p /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/0gkydb +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/05b3ts +/m/0pd64 /film/film/genre /m/07s9rl0 +/m/025vw4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0265v21 +/m/07s8r0 /film/actor/film./film/performance/film /m/02cbhg +/m/0794g /people/person/places_lived./people/place_lived/location /m/0mpbx +/m/0pv3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09rp4r_ +/m/0m491 /film/film/featured_film_locations /m/0nbwf +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012xdf +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0184tc /film/film/production_companies /m/030_1m +/m/01vs_v8 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/041b4j /people/person/places_lived./people/place_lived/location /m/01531 +/m/02xcb6n /award/award_category/nominees./award/award_nomination/nominated_for /m/02gl58 +/m/01j2xj /people/person/place_of_birth /m/0b_yz +/m/040_lv /film/film/language /m/06nm1 +/m/01934k /people/person/places_lived./people/place_lived/location /m/0f2r6 +/m/016_mj /influence/influence_node/influenced_by /m/02lj6p +/m/03by7wc /sports/sports_team/colors /m/083jv +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/02hqt6 +/m/07wm6 /organization/organization/headquarters./location/mailing_address/citytown /m/0pmq2 +/m/07qcbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vqpx8 +/m/03wbzp /people/person/profession /m/01d_h8 +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/02f1c +/m/0m7d0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mw_q +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03xkps +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq34 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06rhz7 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/030g9z /film/actor/film./film/performance/film /m/02mc5v +/m/0ds5_72 /film/film/genre /m/04rlf +/m/02lfcm /film/actor/film./film/performance/film /m/01xbxn +/m/026p4q7 /film/film/produced_by /m/02q_cc +/m/018j2 /music/performance_role/regular_performances./music/group_membership/role /m/011_6p +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/044g_k /film/film/language /m/064_8sq +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/06n7h7 +/m/01q7cb_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0227vl +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bmh4 +/m/059rby /location/location/contains /m/078bz +/m/0fb7sd /film/film/genre /m/07s9rl0 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_sr1 +/m/02ln1 /people/person/religion /m/03_gx +/m/01lpwh /american_football/football_team/current_roster./sports/sports_team_roster/position /m/0bgv8y +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/0d02km +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/03f3_p3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/role /m/05r5c +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/05kms +/m/02jx1 /location/location/contains /m/036wy +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/0hsb3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01x3g +/m/03zrp /people/deceased_person/place_of_death /m/0k049 +/m/0g02vk /medicine/disease/risk_factors /m/05zppz +/m/02yc5b /base/biblioness/bibs_location/country /m/0ctw_b +/m/01tcf7 /film/actor/film./film/performance/film /m/021gzd +/m/0h326 /people/person/nationality /m/09c7w0 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04lhc4 +/m/011zd3 /award/award_winner/awards_won./award/award_honor/award_winner /m/02g5h5 +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/05r1_t /tv/tv_program/country_of_origin /m/09c7w0 +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01hwkn /time/event/locations /m/0261m +/m/01fh36 /music/genre/artists /m/01pny5 +/m/0bs5f0b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02gvwz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rgvr +/m/06bnz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/0168ls /film/film/genre /m/07s9rl0 +/m/02j3d4 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02cbg0 +/m/01mqh5 /people/person/gender /m/02zsn +/m/04w391 /award/award_winner/awards_won./award/award_honor/award_winner /m/02_hj4 +/m/03m5k /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/0btpm6 /film/film/story_by /m/04hw4b +/m/02w4v /music/genre/artists /m/01vtj38 +/m/0gnbw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022g44 +/m/09c7w0 /location/location/contains /m/01z1c +/m/0dqzkv /people/person/place_of_birth /m/02_286 +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gvsh7l +/m/01hxs4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tbr +/m/097zcz /film/film/genre /m/01g6gs +/m/023g6w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04k25 +/m/03xp8d5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0b2qtl /film/film/language /m/06b_j +/m/03fmfs /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0422v0 /film/film/music /m/02jxmr +/m/0677ng /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/01bn3l +/m/02mscn /music/genre/artists /m/01w20rx +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04vh83 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vs8ng /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/05fjf /base/aareas/schema/administrative_area/capital /m/0fvxz +/m/02bqvs /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0lk90 +/m/03j24kf /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrnsk +/m/02qfh /tv/tv_program/country_of_origin /m/04jpl +/m/01w4c9 /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/04vjh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06srk +/m/07y_7 /music/performance_role/regular_performances./music/group_membership/group /m/07rnh +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0trv +/m/02rqwhl /film/film/country /m/09c7w0 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/01wmgrf +/m/01s0t3 /sports/sports_team/colors /m/04mkbj +/m/03j0d /influence/influence_node/influenced_by /m/05gpy +/m/09qr6 /people/person/gender /m/05zppz +/m/01j851 /people/deceased_person/place_of_burial /m/018mm4 +/m/02nwxc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/032nl2 +/m/0g1rw /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0n_hp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03x726 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/05fjy /location/location/contains /m/0djd3 +/m/04wqr /people/person/languages /m/02h40lc +/m/01pgp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/035qy +/m/054k_8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/043n0v_ +/m/02g839 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/047g8h /sports/sports_position/players./sports/sports_team_roster/team /m/05g49 +/m/01w7nww /award/award_winner/awards_won./award/award_honor/award_winner /m/01w272y +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/065y4w7 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/016wzw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/0g33q /music/performance_role/regular_performances./music/group_membership/role /m/07_l6 +/m/01z9_x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/02ht0ln +/m/04vrxh /people/person/place_of_birth /m/0mn8t +/m/01y9r2 /film/film/production_companies /m/01gb54 +/m/0tz01 /location/hud_county_place/county /m/0k3hn +/m/01q7q2 /education/educational_institution/colors /m/038hg +/m/0sw6g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dzf_ +/m/01gw4f /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l2nd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxqq +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l03w2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034m8 +/m/0x67 /people/ethnicity/people /m/01fh0q +/m/049g_xj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/06mfvc +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/02r7lqg +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/059j2 /location/statistical_region/gni_per_capita_in_ppp_dollars./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/016vqk +/m/0jfx1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06w99h3 +/m/0ggl02 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wdqrx +/m/05jf85 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/075_t2 /location/location/contains /m/02cb1j +/m/06qv_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0l_dv +/m/019_6d /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/01xsbh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015rkw /award/award_winner/awards_won./award/award_honor/award_winner /m/051wwp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/041mt /people/person/nationality /m/09c7w0 +/m/03q58q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cffd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/031n8c /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/06t8b /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09cr8 +/m/082xp /film/film_subject/films /m/04f6df0 +/m/0yfp /people/person/profession /m/0kyk +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/087vz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/02sb1w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03v52f +/m/013d_f /base/biblioness/bibs_location/country /m/09c7w0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0nbwf /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/015g28 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0h5j77 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0crd8q6 +/m/01chc7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02c6pq +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/02vx4c2 +/m/0gsgr /organization/organization/headquarters./location/mailing_address/state_province_region /m/0d0x8 +/m/06y9bd /people/person/profession /m/03gjzk +/m/04jkpgv /film/film/distributors./film/film_film_distributor_relationship/region /m/06mx8 +/m/06g2d1 /film/actor/film./film/performance/film /m/0cp0t91 +/m/0m66w /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0xhtw /music/genre/artists /m/01797x +/m/040rmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02hnl /music/instrument/instrumentalists /m/0ph2w +/m/03hvk2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rdyk7 /award/award_category/winners./award/award_honor/award_winner /m/02f93t +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/01dnws +/m/01_30_ /business/business_operation/industry /m/020mfr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/06z9k8 +/m/014zws /education/educational_institution/students_graduates./education/education/student /m/0h96g +/m/0cv9fc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086hg9 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/04ls53 +/m/0794g /people/person/places_lived./people/place_lived/location /m/0vzm +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/0g8_vp /people/ethnicity/people /m/0fn8jc +/m/04l590 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/02k_kn /music/genre/artists /m/01309x +/m/0xsk8 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/020l9r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h8_g +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/02vnp2 +/m/011yth /film/film/language /m/03_9r +/m/0713r /sports/sports_team/sport /m/018jz +/m/02clgg /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/0mk59 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/037mp6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/038rzr /people/person/gender /m/05zppz +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/01mqh5 +/m/031k24 /people/person/nationality /m/09c7w0 +/m/03p7rp /music/genre/parent_genre /m/0jmwg +/m/0gtxj2q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0gd9k /film/director/film /m/0prrm +/m/03tm68 /location/administrative_division/country /m/03rjj +/m/03bzyn4 /film/film/produced_by /m/07ym6ss +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/02zd460 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0gh6j94 /film/film/film_format /m/0cj16 +/m/022_lg /people/person/profession /m/02jknp +/m/09gmmt6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c_dx /award/award_category/winners./award/award_honor/award_winner /m/084w8 +/m/04n7njg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fkwzs +/m/01p8r8 /people/person/profession /m/02krf9 +/m/065y4w7 /education/educational_institution_campus/educational_institution /m/065y4w7 +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0ky1 /people/person/profession /m/0dxtg +/m/01znc_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035qy +/m/0hv27 /film/film/genre /m/02l7c8 +/m/016h4r /people/person/languages /m/02h40lc +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dfw0 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/03phgz +/m/01kf5lf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/03gr7w /people/person/profession /m/039v1 +/m/07jqjx /film/film/genre /m/07s9rl0 +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/0q5hw +/m/02bd41 /base/aareas/schema/administrative_area/administrative_parent /m/03ryn +/m/02_j8x /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/01qdmh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02rk45 /people/person/nationality /m/09c7w0 +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0ggx5q /music/genre/artists /m/01vvycq +/m/03hzl42 /film/actor/film./film/performance/film /m/04pmnt +/m/07wtc /education/educational_institution/campuses /m/07wtc +/m/02yv6b /music/genre/artists /m/033s6 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0k_kr /music/record_label/artist /m/0bk1p +/m/03ym73 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01jzyf /film/film/cinematography /m/04qvl7 +/m/05sw5b /film/film/genre /m/05p553 +/m/0dg3jz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/02wk4d /people/person/profession /m/01c72t +/m/016ywb /award/award_winning_work/awards_won./award/award_honor/award /m/0gs96 +/m/0fvf9q /people/person/languages /m/02h40lc +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0h1x5f /film/film/genre /m/03k9fj +/m/01f7j9 /people/person/profession /m/01d_h8 +/m/01gy7r /film/actor/film./film/performance/film /m/01d259 +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/032ft5 +/m/0x67 /people/ethnicity/people /m/03f1d47 +/m/0gj4fx /location/location/contains /m/0xhmb +/m/0x67 /people/ethnicity/people /m/01wlt3k +/m/01gssz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gt99 +/m/0dbdy /location/location/contains /m/04682_ +/m/027l4q /base/biblioness/bibs_location/state /m/01n7q +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x0yrt +/m/041xl /people/deceased_person/place_of_death /m/04jpl +/m/05gml8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0372j5 +/m/0g0x9c /film/film/genre /m/07s9rl0 +/m/09cxm4 /film/film/genre /m/04t36 +/m/02hxhz /film/film/language /m/02h40lc +/m/0gy0l_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/08sk8l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dgq_kn +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s9kp +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/02qjv +/m/0499lc /people/person/profession /m/0dxtg +/m/01dq0z /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0gd92 /film/film/genre /m/06cvj +/m/02lk60 /film/film/genre /m/05p553 +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/062z7 /education/field_of_study/students_majoring./education/education/student /m/0d0vj4 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/031x_3 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0k54q /film/film/genre /m/06n90 +/m/0b_6v_ /time/event/locations /m/0qpsn +/m/0fr0t /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mx6c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mxcf +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyv0b4 +/m/04yc76 /film/film/film_format /m/07fb8_ +/m/0bs8hvm /film/film/personal_appearances./film/personal_film_appearance/person /m/0k_mt +/m/085q5 /people/person/gender /m/05zppz +/m/044f7 /influence/influence_node/influenced_by /m/081nh +/m/07s5fz /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01tmng /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/04ljl_l +/m/05lb87 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb30 +/m/024n3z /film/actor/film./film/performance/film /m/076xkps +/m/02ndy4 /film/film/genre /m/07s9rl0 +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/01xzb6 +/m/01jfrg /film/actor/film./film/performance/film /m/06_wqk4 +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/01wkmgb /people/person/profession /m/02hrh1q +/m/049n7 /sports/sports_team/colors /m/06kqt3 +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gk4g /people/cause_of_death/people /m/06mn7 +/m/05y5fw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02_jjm +/m/03q43g /people/person/profession /m/018gz8 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/02g_7z /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/02sjgpq /education/educational_institution/colors /m/0jc_p +/m/05p1tzf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09c7w0 /location/location/contains /m/04rrd +/m/0164qt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01gbn6 /film/actor/film./film/performance/film /m/028kj0 +/m/05d1y /people/deceased_person/place_of_death /m/0cc56 +/m/01vv6_6 /people/person/profession /m/0nbcg +/m/0b1xl /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k_kn /music/genre/artists /m/01x0yrt +/m/01wp_jm /influence/influence_node/influenced_by /m/01k9lpl +/m/017jd9 /film/film/produced_by /m/02bfxb +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/05tg3 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/04nfpk +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/02q0k7v /film/film/genre /m/01jfsb +/m/06yxd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05fkf +/m/01kp66 /people/person/profession /m/03gjzk +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07vyf +/m/01cyd5 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p3738 /film/film/runtime./film/film_cut/film_release_region /m/02vzc +/m/07pd_j /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0272_vz /film/film/executive_produced_by /m/017l4 +/m/0l2sr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0bxqq +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/07vqnc /tv/tv_program/genre /m/0vgkd +/m/07c2wt /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/01vs_v8 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01ttg5 +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/0fjzsy /sports/sports_team/colors /m/04d18d +/m/02cl1 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/06hmd /influence/influence_node/peers./influence/peer_relationship/peers /m/03j0d +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/016hvl /people/person/profession /m/0kyk +/m/025rzfc /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03bxbql +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ggjt +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03d0d7 +/m/0f8l9c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hg5 +/m/03jsvl /music/genre/artists /m/01bpc9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03q8xj +/m/01gpkz /organization/organization/place_founded /m/0hyxv +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ct_k +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/02wr2r /people/person/places_lived./people/place_lived/location /m/0rh6k +/m/03kbb8 /film/actor/film./film/performance/film /m/075wx7_ +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/position /m/02nzb8 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/019x62 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0136p1 +/m/015z4j /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wxyx1 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/0342h +/m/09bx1k /award/award_winner/awards_won./award/award_honor/award_winner /m/01bh6y +/m/03h3x5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0g0x9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06dv3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mc99 +/m/01cl2y /music/record_label/artist /m/0473q +/m/051y1hd /people/person/profession /m/089fss +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/0c_mvb +/m/01ww_vs /people/person/profession /m/02hrh1q +/m/02r5w9 /people/person/profession /m/0dxtg +/m/0h0jz /film/actor/film./film/performance/film /m/0gd0c7x +/m/0wsr /sports/sports_team/colors /m/06fvc +/m/01c9d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02pqgt8 +/m/06vbd /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05q4 +/m/04xx9s /film/film/production_companies /m/05qd_ +/m/01cky2 /award/award_category/winners./award/award_honor/award_winner /m/01f9zw +/m/05f33tk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0dqytn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/050023 /award/award_winner/awards_won./award/award_honor/award_winner /m/02760sl +/m/01mqz0 /people/person/profession /m/02hrh1q +/m/04qftx /music/genre/parent_genre /m/016jny +/m/03ndd /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0r4wn /location/location/time_zones /m/02lcqs +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ft18 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01dy7j +/m/0c3p7 /film/actor/film./film/performance/film /m/016yxn +/m/05wp1p /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/05fkf /base/biblioness/bibs_location/country /m/09c7w0 +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/080knyg +/m/025sc50 /music/genre/artists /m/03f3yfj +/m/0jf1b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01c7qd +/m/033tf_ /people/ethnicity/people /m/05m63c +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03m3nzf +/m/013_vh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/062dn7 +/m/02b1cn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/037lyl /people/person/place_of_birth /m/02_286 +/m/07zft /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01qz5 +/m/07f3xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/033w9g +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0brkwj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h584v +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/03hvk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0jmk7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/01pv51 +/m/01n30p /film/film/genre /m/0vgkd +/m/04nrcg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/027m67 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01d1yr +/m/0jdd /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/0gyy0 +/m/01wgcvn /award/award_winner/awards_won./award/award_honor/award_winner /m/01438g +/m/07ghv5 /film/film/genre /m/03q4nz +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n7q +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s6prs +/m/05v1sb /people/deceased_person/place_of_death /m/0k_p5 +/m/04rzd /music/performance_role/track_performances./music/track_contribution/role /m/0mkg +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0f8l9c /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/07cz2 /film/film/genre /m/02m4t +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/07_l61 +/m/01jrbb /award/award_winning_work/awards_won./award/award_honor/award /m/09tqxt +/m/03c602 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0448r /people/person/languages /m/04306rv +/m/01pbxb /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/013nky /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07swvb /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/062dn7 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0b3n61 +/m/0x2p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0gj4fx +/m/0ws7 /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/0697kh /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06t74h +/m/06nnj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/034m8 +/m/0gr51 /award/award_category/winners./award/award_honor/award_winner /m/05ldnp +/m/0hfzr /film/film/genre /m/01g6gs +/m/0jqb8 /film/film/genre /m/05p553 +/m/03_wtr /award/award_winner/awards_won./award/award_honor/award_winner /m/033w9g +/m/01yg9y /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0275kr +/m/017n9 /film/film/language /m/02ztjwg +/m/01c4_6 /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01kvqc /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0ggq0m /music/genre/artists /m/06k02 +/m/01s3vk /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cwy47 +/m/02cyfz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016t00 +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/03g3w /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01lj9 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05p09dd +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/07ssc /location/location/contains /m/0b28g +/m/051vz /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/016017 /film/film/production_companies /m/09b3v +/m/06fqlk /film/film/country /m/09c7w0 +/m/02k_kn /music/genre/artists /m/016vqk +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/01pgk0 /people/person/places_lived./people/place_lived/location /m/0106dv +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/04f6df0 /award/award_winning_work/awards_won./award/award_honor/award /m/0bdwqv +/m/08qs09 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0171cm /film/actor/film./film/performance/film /m/0fh694 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/02k1pr +/m/0dt8xq /film/film/language /m/02hxc3j +/m/03lb_v /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l0__ /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/064nh4k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/032q8q +/m/03qnc6q /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0fpmrm3 +/m/02qvhbb /people/person/profession /m/02hrh1q +/m/018wdw /award/award_category/winners./award/award_honor/award_winner /m/04wp63 +/m/02lj6p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/013knm +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0f3m1 +/m/02lk95 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01wmgrf +/m/045bg /influence/influence_node/influenced_by /m/039n1 +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/028kb +/m/0kbhf /film/film/language /m/02h40lc +/m/02nx2k /film/film/genre /m/01hmnh +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0571m +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/017c87 +/m/02qtywd /people/person/nationality /m/09c7w0 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/0z4s +/m/07y_7 /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/08vr94 +/m/02778tk /people/person/profession /m/0cbd2 +/m/0177gl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/030_1_ +/m/0p9lw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/027kp3 /education/educational_institution/colors /m/04mkbj +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/08jtv5 /people/person/place_of_birth /m/0cr3d +/m/057wlm /organization/organization/headquarters./location/mailing_address/citytown /m/0gkgp +/m/01xcfy /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/0727h /time/event/locations /m/06w92 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/03tw2s /education/educational_institution/school_type /m/05jxkf +/m/04tgp /location/location/contains /m/0ws0h +/m/07b_l /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05mph +/m/04tqtl /film/film/language /m/02h40lc +/m/06mnps /film/actor/film./film/performance/film /m/0cd2vh9 +/m/07h1q /influence/influence_node/peers./influence/peer_relationship/peers /m/01h2_6 +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/053xw6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09gkx35 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01xvjb +/m/02jtjz /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0byq0v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0ldff /location/administrative_division/country /m/0b90_r +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01n7q /location/location/contains /m/0r540 +/m/02w_6xj /award/award_category/winners./award/award_honor/award_winner /m/01_vfy +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/024y6w +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/02_n5d +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ktrs +/m/01fx2g /film/actor/film./film/performance/film /m/0kvgxk +/m/01fh0q /people/person/place_of_birth /m/0dclg +/m/0785v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04v7kt +/m/0b_6qj /time/event/locations /m/0c1d0 +/m/03z20c /film/film/country /m/09c7w0 +/m/04t2l2 /film/actor/film./film/performance/film /m/03h4fq7 +/m/015grj /people/person/profession /m/02hrh1q +/m/02ts3h /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/044qx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05ypj5 +/m/02ryz24 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv07g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0kw4j +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0373qt +/m/02ht1k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073x6y +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07zmj +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02hxhz +/m/087vz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jkvj +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/0k_mt +/m/0bgv4g /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/033f8n +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/076tw54 /film/film/language /m/02h40lc +/m/0gj96ln /film/film/executive_produced_by /m/02lk1s +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0j0k /location/location/contains /m/05tr7 +/m/03hy3g /film/director/film /m/02d44q +/m/03f4xvm /film/actor/film./film/performance/film /m/03wjm2 +/m/065mm1 /film/actor/film./film/performance/film /m/059rc +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hv3t +/m/040b5k /film/film/genre /m/04t2t +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/0544vh +/m/04hzj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06s_2 +/m/0b60sq /film/film/written_by /m/0534v +/m/02lwv5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/010y34 /location/location/time_zones /m/02hcv8 +/m/024n3z /award/award_winner/awards_won./award/award_honor/award_winner /m/02gvwz +/m/0l0mk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02b13y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/027ydt /organization/organization/headquarters./location/mailing_address/state_province_region /m/0498y +/m/01xqw /music/performance_role/regular_performances./music/group_membership/role /m/07brj +/m/01hmk9 /film/actor/film./film/performance/film /m/027fwmt +/m/034zc0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/02qlkc3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfpm +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02kz_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gm34 +/m/04wlh /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/crewmember /m/04wp63 +/m/0261g5l /people/person/gender /m/05zppz +/m/07h1tr /people/person/place_of_birth /m/0ftyc +/m/0156q /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d331 +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gv40 +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01x3g +/m/048wrb /people/person/place_of_birth /m/095l0 +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/015f7 /people/person/profession /m/0n1h +/m/0cc5mcj /film/film/music /m/04pf4r +/m/03rt9 /location/location/contains /m/0ng8v +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/09r8l /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0jtf1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01279v +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/05r5w /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gn30 +/m/0jqp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/053xw6 /people/person/languages /m/02h40lc +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03m6zs +/m/02p_ycc /award/award_winner/awards_won./award/award_honor/award_winner /m/0521rl1 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0147sh +/m/0b1y_2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fthl +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/01hc9_ /influence/influence_node/influenced_by /m/03f0324 +/m/01w40h /music/record_label/artist /m/0136p1 +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/03t0k1 +/m/0vlf /organization/organization/headquarters./location/mailing_address/citytown /m/0f04v +/m/0194zl /film/film/genre /m/07s9rl0 +/m/02c6pq /people/person/gender /m/05zppz +/m/019pm_ /film/actor/film./film/performance/film /m/0241y7 +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/016ztl /film/film/genre /m/0hcr +/m/0cwx_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/01n1gc /people/person/profession /m/0kyk +/m/03npn /media_common/netflix_genre/titles /m/02v63m +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02cttt +/m/017gm7 /film/film/costume_design_by /m/02h1rt +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/02c7lt /people/person/profession /m/02krf9 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/07k53y +/m/0h1wz /medicine/disease/risk_factors /m/012jc +/m/088xp /location/location/contains /m/0cf0s +/m/084n_ /location/country/form_of_government /m/018wl5 +/m/01wgxtl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04qmr +/m/0409n0 /sports/sports_team/sport /m/02vx4 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bgv8y /sports/sports_position/players./american_football/football_historical_roster_position/position_s /m/02g_6x +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01_rh4 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/044mz_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044mjy +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/0h7x +/m/05j82v /film/film/film_production_design_by /m/0d5wn3 +/m/01f6x7 /film/film/language /m/02h40lc +/m/01y665 /people/person/profession /m/02hrh1q +/m/01fj9_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hkq4 +/m/02x2khw /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02klny +/m/04jplwp /film/film/written_by /m/02hfp_ +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0ft5vs /american_football/football_team/current_roster./sports/sports_team_roster/position /m/08ns5s +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04hhv +/m/06x4l_ /music/group_member/membership./music/group_membership/role /m/0342h +/m/09lbv /dataworld/gardening_hint/split_to /m/09lbv +/m/040whs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0b_cr /location/hud_county_place/place /m/0b_cr +/m/060v34 /film/film/country /m/0chghy +/m/0bbgvp /film/film/featured_film_locations /m/02wzv +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/01ddbl /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/041td_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hmr4 /film/film/genre /m/06cvj +/m/05_swj /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01d259 /film/film/music /m/01x1fq +/m/04rrx /location/location/contains /m/0v9qg +/m/01c1px /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01w61th /people/person/languages /m/02h40lc +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/02hnl /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/06rvn +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03mp54 +/m/024qqx /media_common/netflix_genre/titles /m/0f4yh +/m/0159r9 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01hmnh /media_common/netflix_genre/titles /m/03nm_fh +/m/02wd48 /people/person/profession /m/018gz8 +/m/0d739 /location/location/contains /m/017d77 +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01z9_x /people/person/profession /m/039v1 +/m/071dcs /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/06v_gh /award/award_winner/awards_won./award/award_honor/award_winner /m/0603qp +/m/03bdkd /film/film/music /m/02sj1x +/m/06fqlk /film/film/written_by /m/01xndd +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01fx1l +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03l6q0 +/m/019m9h /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0205dx /award/award_winner/awards_won./award/award_honor/award_winner /m/0c1pj +/m/06f32 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/07f1x +/m/05xltf /music/record_label/artist /m/01sfmyk +/m/03fn34 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0fx0mw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w7vj +/m/04mcw4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mbql /film/film/production_companies /m/030_1_ +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_fz3 +/m/04j53 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/06s6hs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/025b5y +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/03kxj2 +/m/03nqbvz /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyntr +/m/01f9zw /people/person/languages /m/02h40lc +/m/05crg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016732 +/m/016ks_ /people/person/nationality /m/09c7w0 +/m/04mjl /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/069_0y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/0168ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/06j0md /award/award_winner/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/01y06y /education/educational_institution_campus/educational_institution /m/01y06y +/m/03vrv9 /people/person/place_of_birth /m/03b12 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/022r38 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/013w7j /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0456xp +/m/05pdbs /people/person/profession /m/0dz3r +/m/06ncr /music/performance_role/regular_performances./music/group_membership/role /m/02fsn +/m/035qv8 /education/educational_institution/students_graduates./education/education/student /m/042q3 +/m/0kq1l /location/location/contains /m/0qymv +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/047rkcm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016dgz /people/person/nationality /m/09c7w0 +/m/03n6r /people/person/employment_history./business/employment_tenure/company /m/07wg3 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbd9 +/m/0m6x4 /film/actor/film./film/performance/film /m/0h1v19 +/m/0276jmv /film/actor/film./film/performance/film /m/02rqwhl +/m/05xf75 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/057bc6m /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0520r2x +/m/0342h /music/instrument/instrumentalists /m/0phx4 +/m/04ltf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02bfxb +/m/0gdqy /people/person/profession /m/02hrh1q +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cd1q +/m/06pyc2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/07bch9 /people/ethnicity/people /m/016z2j +/m/02xs5v /film/actor/film./film/performance/film /m/0gy0n +/m/05mrf_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/0181dw /music/record_label/artist /m/016376 +/m/03n08b /award/award_winner/awards_won./award/award_honor/award_winner /m/049k07 +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0blq0z +/m/04j0s3 /people/person/languages /m/03k50 +/m/099d4 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/0qb62 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/014vm4 +/m/03wnh /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02qpbqj +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03h_yfh +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/09qs08 /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/0bdwqv /award/award_category/winners./award/award_honor/award_winner /m/0bj9k +/m/01jsn5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/09c7w0 /location/location/contains /m/01zlwg6 +/m/02w7gg /people/ethnicity/people /m/0171cm +/m/016ztl /film/film/genre /m/0bj8m2 +/m/027qq9b /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/05xpms /people/person/profession /m/02hrh1q +/m/080dyk /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02b0_6 +/m/03m3nzf /people/person/religion /m/0flw86 +/m/0dzz_ /location/location/contains /m/04jt2 +/m/0j4b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05p09dd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07q1v4 /people/person/profession /m/09jwl +/m/04p3w /people/cause_of_death/people /m/0d07j8 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016mhd +/m/0dzf_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0sw6g +/m/04wf_b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/0338g8 /film/actor/film./film/performance/film /m/0h21v2 +/m/01f_mw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07cyl +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/0bg4j_ /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/05fyss /people/person/profession /m/0dxtg +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/02h22 +/m/03xpsrx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027qgy +/m/0dh73w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ccck7 +/m/047csmy /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qzjj +/m/0234_c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjc +/m/01hgwkr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/0dzf_ +/m/01f62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/0d3k14 /people/person/sibling_s./people/sibling_relationship/sibling /m/0194xc +/m/0cc5qkt /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/03cmsqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02qwzkm /award/award_category/nominees./award/award_nomination/nominated_for /m/07vfy4 +/m/09nwwf /music/genre/artists /m/0dw3l +/m/01r_t_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022yb4 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/0h1mt +/m/0r89d /location/location/time_zones /m/02lcqs +/m/0181dw /music/record_label/artist /m/01ky2h +/m/01w5gg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/03y7ml /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/018grr /film/actor/film./film/performance/film /m/0prrm +/m/0jsf6 /film/film/genre /m/0lsxr +/m/0453t /people/person/profession /m/0cbd2 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/05r5c /music/instrument/instrumentalists /m/09r9m7 +/m/016kft /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03k9fj /media_common/netflix_genre/titles /m/02ll45 +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/03tbg6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/047wh1 +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/01q_ph /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04yc76 +/m/0d7wh /people/ethnicity/people /m/0hpz8 +/m/0mx4_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bhvtc +/m/0g51l1 /people/person/profession /m/03gjzk +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/070b4 +/m/0h3y /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04wgh +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/02_fz3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f502 +/m/0d9xq /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/0ws7 /sports/sports_team/colors /m/083jv +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/05h43ls /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/06s_2 /location/country/form_of_government /m/01fpfn +/m/033fqh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h10vt /award/award_winner/awards_won./award/award_honor/award_winner /m/0c9c0 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01sb5r +/m/0vp5f /location/location/time_zones /m/02hcv8 +/m/0k269 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01271h /people/person/profession /m/0gbbt +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/07kcvl +/m/01f7dd /film/actor/film./film/performance/film /m/02wgk1 +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0crqcc +/m/0362q0 /film/director/film /m/07h9gp +/m/0bt4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0184jw +/m/0dll_t2 /film/film/country /m/09c7w0 +/m/0p9rz /film/film/costume_design_by /m/03qhyn8 +/m/076tw54 /film/film/produced_by /m/0gg9_5q +/m/0b_6q5 /time/event/locations /m/0sq2v +/m/02tr7d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/080dwhx +/m/0b275x /tv/tv_network/programs./tv/tv_network_duration/program /m/03y317 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/01cf93 /music/record_label/artist /m/01hw6wq +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05m9f9 +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03y82t6 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/01lpwh +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/041rx /people/ethnicity/people /m/0mb5x +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j8z +/m/03t852 /people/person/profession /m/0dz3r +/m/0pvms /film/film/music /m/01tc9r +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09c7w0 /location/country/second_level_divisions /m/0mk_3 +/m/01kc4s /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/0ply0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0qxzd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gstn /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/016_nr /music/genre/artists /m/0677ng +/m/01wcp_g /people/person/profession /m/0fnpj +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04t38b +/m/0m_v0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cx90 +/m/01c7j1 /organization/organization/place_founded /m/0lhql +/m/07ssc /location/location/contains /m/0nb1s +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/023s8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02g5h5 +/m/01_bkd /music/genre/artists /m/01q7cb_ +/m/08rr3p /film/film/genre /m/0jdm8 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02_fj +/m/01jfnvd /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/06cddt /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/02pqp12 /award/award_category/winners./award/award_honor/award_winner /m/0hskw +/m/05mkhs /people/person/gender /m/05zppz +/m/02jkkv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06t8b +/m/0mzkr /music/record_label/artist /m/02vr7 +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fpv_3_ /award/award_winning_work/awards_won./award/award_honor/award /m/02x258x +/m/03bx0bm /music/performance_role/track_performances./music/track_contribution/role /m/01qzyz +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/047c9l +/m/030_3z /people/person/profession /m/02hrh1q +/m/01fdc0 /people/person/gender /m/02zsn +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0p_pd +/m/025n07 /film/film/edited_by /m/02qggqc +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/07w21 +/m/01j7rd /film/actor/film./film/performance/film /m/01svry +/m/03s2y9 /people/person/profession /m/0dxtg +/m/0661m4p /film/film/featured_film_locations /m/02_286 +/m/04v68c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0ckf6 +/m/012jfb /film/film/produced_by /m/0jw67 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0jsf6 /film/film/language /m/06nm1 +/m/050z2 /people/person/profession /m/0nbcg +/m/069vt /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/06_sc3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c00zd0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/043kzcr /award/award_winner/awards_won./award/award_honor/award_winner /m/0gjvqm +/m/0bz3jx /film/film/country /m/06mzp +/m/0b_dy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/07ssc /media_common/netflix_genre/titles /m/09p3_s +/m/022_q8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/034ns +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/02rmxx +/m/09f0bj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08yx9q +/m/05kj_ /location/location/contains /m/02frhbc +/m/014v1q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02bfmn /film/actor/film./film/performance/film /m/01f7gh +/m/02f4s3 /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01xdxy /film/film/production_companies /m/0kk9v +/m/0lk8j /user/jg/default_domain/olympic_games/sports /m/0486tv +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sx8l +/m/01jfsb /media_common/netflix_genre/titles /m/026hh0m +/m/041n28 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0dplh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0p_2r /people/person/place_of_birth /m/03spz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/02w59b +/m/047g98 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/03cmsqb /film/film/language /m/06nm1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yg9 +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01wy6 /music/performance_role/track_performances./music/track_contribution/role /m/0214km +/m/093dqjy /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/07ssc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/0l6vl /user/jg/default_domain/olympic_games/sports /m/096f8 +/m/06cgf /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01j851 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/056wb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0642ykh /film/film/prequel /m/063fh9 +/m/07f1x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0781g /music/genre/artists /m/01sxd1 +/m/03bx2lk /film/film/music /m/01hw6wq +/m/07gkgp /people/person/profession /m/0np9r +/m/0gg8l /music/genre/artists /m/01l03w2 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0x2sv /government/governmental_body/members./government/government_position_held/legislative_sessions /m/034_7s +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbg84 +/m/03vgp7 /people/person/profession /m/0np9r +/m/09c7w0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d060g +/m/09v42sf /film/film/country /m/09c7w0 +/m/03fykz /people/person/profession /m/03gjzk +/m/0k6nt /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07l4zhn +/m/027rpym /film/film/cinematography /m/06g60w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03676 +/m/016_mj /people/person/nationality /m/09c7w0 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/0d060g +/m/01pw2f1 /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/01vw20_ +/m/0kvsb /film/director/film /m/08g_jw +/m/07g9f /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0443xn +/m/019lvv /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/06mt91 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/067nsm +/m/01k8vh /sports/sports_team/sport /m/018w8 +/m/01t110 /people/person/profession /m/039v1 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04_cdd +/m/03rs8y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027r8p +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y665 +/m/02zccd /organization/organization/headquarters./location/mailing_address/state_province_region /m/04ly1 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01mvjl0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gfsq9 +/m/03mgdy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0dg3jz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06by7 /music/genre/artists /m/0m_v0 +/m/01rgn3 /education/educational_institution/campuses /m/01rgn3 +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0y_9q /award/award_winning_work/awards_won./award/award_honor/award /m/0p9sw +/m/012qjw /medicine/symptom/symptom_of /m/035482 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0bwfn +/m/015fs3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mg1w +/m/01v9l67 /people/person/profession /m/02hrh1q +/m/014zcr /film/actor/film./film/performance/film /m/0fh694 +/m/021yyx /location/location/contains /m/06n8j +/m/0g83dv /film/film/genre /m/01jfsb +/m/0258dh /film/film/genre /m/0lsxr +/m/0170vn /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/01c9f2 /award/award_category/winners./award/award_honor/award_winner /m/01wmgrf +/m/02b0yz /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01kwlwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ffgh +/m/0dwt5 /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/03cp7b3 /people/person/profession /m/026sdt1 +/m/012dtf /film/actor/film./film/performance/film /m/0bbgly +/m/0ywqc /film/actor/film./film/performance/film /m/0cwfgz +/m/07h0cl /award/award_category/winners./award/award_honor/ceremony /m/0h98b3k +/m/01rgn3 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/0d1swh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b0_6 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0147sh +/m/012gk9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/0ywrc +/m/0pgm3 /people/person/profession /m/018gz8 +/m/027s39y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/064t9 /music/genre/artists /m/0bk1p +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01r3hr +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/015fsv /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/08cn4_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03nkts +/m/0694j /base/aareas/schema/administrative_area/capital /m/0pmp2 +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05vz3zq +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06r713 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0dq630k +/m/083chw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0b_6rk /time/event/instance_of_recurring_event /m/02jp2w +/m/03lsq /sports/sports_team/roster./american_football/football_roster_position/position /m/02g_6x +/m/017gxw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ddd0gc +/m/01fh36 /music/genre/artists /m/03j0br4 +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01z_g6 +/m/09f5pp /people/person/nationality /m/09c7w0 +/m/0j0k /location/location/contains /m/04hqz +/m/016clz /music/genre/artists /m/01vxlbm +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/02x6dqb +/m/0969fd /people/person/nationality /m/09c7w0 +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t56 +/m/01wxyx1 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/019pm_ +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/01wyy_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lyv /music/genre/artists /m/0x3b7 +/m/01vt9p3 /people/person/places_lived./people/place_lived/location /m/0xmlp +/m/0h32q /people/person/sibling_s./people/sibling_relationship/sibling /m/01fdc0 +/m/01vz0g4 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01wyz92 +/m/01t04r /music/record_label/artist /m/01vvybv +/m/0kbws /olympics/olympic_games/participating_countries /m/02wt0 +/m/02gd6x /film/film/country /m/0d0vqn +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/0j3b /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n3g +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0161sp +/m/02t_99 /people/person/profession /m/018gz8 +/m/0372j5 /film/film/film_festivals /m/0kfhjq0 +/m/01q8hj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/078jt5 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01cvtf +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0165v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/015fr +/m/0h3mh3q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hsn_ +/m/06rqw /music/genre/artists /m/0czkbt +/m/0g768 /music/record_label/artist /m/01n8gr +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h07 +/m/02lymt /people/person/place_of_birth /m/0ply0 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/059y0 /people/person/gender /m/05zppz +/m/03mp8k /music/record_label/artist /m/046p9 +/m/02681xs /award/award_category/winners./award/award_honor/ceremony /m/092868 +/m/03jb2n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03h_yy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0pv54 /award/award_winning_work/awards_won./award/award_honor/award /m/0789r6 +/m/02q6gfp /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/0266s9 /tv/tv_program/genre /m/01t_vv +/m/01_lh1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0gkvb7 /award/award_category/winners./award/award_honor/award_winner /m/015882 +/m/03j70d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0d4fqn +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/0kr5_ +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049dzz +/m/016z51 /people/person/nationality /m/09c7w0 +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/0b_6x2 /time/event/locations /m/0fsb8 +/m/03zrhb /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0425yz +/m/01vvb4m /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0kjrx +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0jqn5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05l8y +/m/02825nf /film/film/written_by /m/05txrz +/m/08nhfc1 /film/film/language /m/06nm1 +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/05l71 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/03s9v /people/person/employment_history./business/employment_tenure/company /m/07tg4 +/m/0f8l9c /media_common/netflix_genre/titles /m/02rcdc2 +/m/0ds35l9 /film/film/written_by /m/08vr94 +/m/058vy5 /award/award_category/category_of /m/058vy5 +/m/04t2l2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cmt6q +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05b1610 /award/award_category/winners./award/award_honor/award_winner /m/02t_99 +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/05b5c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05v8c +/m/0d05w3 /location/location/contains /m/0qb0j +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016dj8 +/m/0190yn /music/genre/artists /m/01wgxtl +/m/09rx7tx /film/film/personal_appearances./film/personal_film_appearance/person /m/03n08b +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01t8sr +/m/018qpb /people/deceased_person/place_of_burial /m/018mlg +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/02k84w +/m/0fpjyd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027m5wv +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/015196 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01jr4j /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0jwvf +/m/0n_hp /film/film/genre /m/03bxz7 +/m/0l6vl /olympics/olympic_games/participating_countries /m/07ssc +/m/04tr1 /location/country/form_of_government /m/01fpfn +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/077w0b /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/02ht1k /film/film/music /m/0pgjm +/m/02m92h /people/person/profession /m/03gjzk +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0329t7 +/m/0d7hg4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09hd16 +/m/02qw2xb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0806vbn +/m/08m4c8 /people/person/gender /m/05zppz +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0gh6j94 /film/film/language /m/06nm1 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/030z4z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05ztm4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/056ws9 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/03c_cxn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0jz9f +/m/03nsm5x /film/film/language /m/02h40lc +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c408_ +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0g_g2 +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/016dj8 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pc62 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j1z8 +/m/027m5wv /film/film/featured_film_locations /m/036k0s +/m/06ybb1 /film/film/language /m/02h40lc +/m/0b_6v_ /time/event/locations /m/0dclg +/m/047n8xt /film/film/country /m/0f8l9c +/m/0mw7h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09dfcj +/m/01k6zy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0b0nq2 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/016l09 /music/artist/origin /m/02dtg +/m/01sxdy /film/film/language /m/02h40lc +/m/01r7t9 /film/actor/film./film/performance/film /m/07bxqz +/m/07vjm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/02dtg /location/location/contains /m/01s0_f +/m/0cq8nx /film/film/genre /m/01g6gs +/m/03yl2t /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x746 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qmncd /music/artist/contribution./music/recording_contribution/performance_role /m/01kcd +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jjy0 +/m/0p7h7 /people/person/profession /m/0fnpj +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01dw4q +/m/03t4nx /education/educational_institution/campuses /m/03t4nx +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0m_v0 /people/person/places_lived./people/place_lived/location /m/0f2s6 +/m/0jwmp /film/film/music /m/01ycfv +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0bs8d +/m/016jhr /music/genre/artists /m/01wvxw1 +/m/01qncf /award/award_winning_work/awards_won./award/award_honor/award /m/02x4w6g +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/01738f /music/genre/artists /m/0fpj4lx +/m/0jymd /film/film/cinematography /m/06vdh8 +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/01mqh5 /people/person/places_lived./people/place_lived/location /m/0vm5t +/m/09v6gc9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05f4vxd +/m/0147w8 /award/award_winning_work/awards_won./award/award_honor/award /m/02q1tc5 +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r3wm +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/034ks /people/person/place_of_birth /m/064xp +/m/03m6t5 /film/actor/film./film/performance/film /m/0b6m5fy +/m/08c6k9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0m2wm /people/person/profession /m/0d1pc +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dqcs3 +/m/014635 /people/person/gender /m/05zppz +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjf +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/0mmd6 +/m/07phbc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0pv3x +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lhdt +/m/01yhvv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fz3w +/m/02wgln /people/person/languages /m/02bjrlw +/m/057d89 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b64v +/m/02896 /sports/sports_team/roster./american_football/football_roster_position/position /m/05zm34 +/m/07g2v /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy7bj4 +/m/0bczgm /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/08jgk1 +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/015pnb +/m/01tpl1p /music/artist/origin /m/09c7w0 +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/043870 +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03_3d +/m/0239kh /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/01k70_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05sj55 +/m/01wqg8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/076psv /people/person/place_of_birth /m/01sn3 +/m/046b0s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/086k8 +/m/02xtxw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02k4b2 +/m/02s4l6 /film/film/genre /m/04xvlr +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swff +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g9lm2 +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gnbw +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/01g257 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/03__y /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0h25 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pgp6 /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/01q2nx /film/film/featured_film_locations /m/0rh6k +/m/03zg2x /film/actor/film./film/performance/film /m/07g_0c +/m/02jgm0 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0pyg6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_2td +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09v8clw +/m/05wqr1 /people/person/gender /m/05zppz +/m/0bymv /people/person/profession /m/0cbd2 +/m/05jcn8 /people/person/profession /m/01d_h8 +/m/0mhfr /music/genre/parent_genre /m/06by7 +/m/09d11 /people/cause_of_death/people /m/05np2 +/m/01kf5lf /film/film/language /m/01r2l +/m/03q5t /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0gxsh4 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0f6_x +/m/02f6g5 /film/film/featured_film_locations /m/03gh4 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/01v80y /people/person/profession /m/02hrh1q +/m/014ps4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/04g73n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03llf8 /people/person/profession /m/015cjr +/m/01_qgp /education/educational_institution/school_type /m/05jxkf +/m/02gdjb /award/award_category/winners./award/award_honor/award_winner /m/01lf293 +/m/0150t6 /people/person/profession /m/09jwl +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017g21 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n2m7 /location/location/partially_contains /m/01smm +/m/06j6l /music/genre/artists /m/07mvp +/m/07s9rl0 /media_common/netflix_genre/titles /m/02zk08 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0qm9n +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0hhggmy /film/film/country /m/0f8l9c +/m/03s2y9 /people/person/gender /m/05zppz +/m/01q_ph /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mdqp +/m/02847m9 /film/film/executive_produced_by /m/014q2g +/m/06r1k /tv/tv_program/genre /m/0hcr +/m/01rtm4 /education/educational_institution/students_graduates./education/education/student /m/01c6l +/m/0g5879y /film/film/country /m/0f8l9c +/m/024pcx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/025ndl +/m/017jv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/046488 +/m/05qqm /language/human_language/countries_spoken_in /m/0d060g +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/074rg9 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0hv8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01lqf49 /people/person/profession /m/016z4k +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0lgxj /olympics/olympic_games/participating_countries /m/05r7t +/m/01mgw /film/film/film_festivals /m/03wf1p2 +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/04q7r +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/016sd3 /education/educational_institution_campus/educational_institution /m/016sd3 +/m/06k75 /base/culturalevent/event/entity_involved /m/04jvt +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0140g4 +/m/026rsl9 /award/award_category/winners./award/award_honor/ceremony /m/092868 +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/015p3p /film/actor/film./film/performance/film /m/02qr3k8 +/m/02r0csl /award/award_category/winners./award/award_honor/award_winner /m/0cw67g +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0263tn1 /award/award_winner/awards_won./award/award_honor/award_winner /m/06ns98 +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01vt9p3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0163kf +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0404j37 +/m/018n6m /people/person/places_lived./people/place_lived/location /m/0mn8t +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/03jxw /influence/influence_node/influenced_by /m/0448r +/m/0jdk_ /user/jg/default_domain/olympic_games/sports /m/03krj +/m/01jgpsh /people/person/place_of_birth /m/0c9cw +/m/01s7z0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p79b /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/0b73_1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02ckl3 +/m/05cgv /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0kbg6 /people/person/profession /m/0dxtg +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/0342h +/m/0cbv4g /film/film/music /m/0gv07g +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01pgzn_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/022q32 +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/01d8yn /people/person/profession /m/01d_h8 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/03772 /influence/influence_node/influenced_by /m/041h0 +/m/0mx48 /location/location/contains /m/0d23k +/m/029m83 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01shy7 /film/film/story_by /m/0mdqp +/m/0q9zc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/072kp +/m/0hpt3 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/05fjy /location/location/contains /m/0n56v +/m/0cp08zg /film/film/country /m/09c7w0 +/m/06_kh /location/hud_county_place/county /m/0kpys +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/014zz1 +/m/0fbx6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4rh +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/05gml8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05lb30 /award/award_winner/awards_won./award/award_honor/award_winner /m/05lb65 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443y3 +/m/0cq806 /film/film/story_by /m/0p50v +/m/0kz2w /education/educational_institution/students_graduates./education/education/student /m/042z_g +/m/01dyvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04v8x9 /film/film/film_art_direction_by /m/04gmp_z +/m/053vcrp /film/film_set_designer/film_sets_designed /m/0gcrg +/m/02z2xdf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/07c6l /music/instrument/instrumentalists /m/01dw_f +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02qkt /location/location/contains /m/01z215 +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/07y_7 +/m/0svqs /film/actor/film./film/performance/film /m/03wh49y +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02jxrw +/m/02d49z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03rk0 /location/location/contains /m/075_t2 +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/02896 +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/016j2t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m32_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/03gvt +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03f2w +/m/0yj9v /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03rhqg /music/record_label/artist /m/02qwg +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/015whm +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/047wh1 +/m/040rjq /influence/influence_node/influenced_by /m/0693l +/m/04rrx /location/location/contains /m/0f67f +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0dwr4 +/m/01mk6 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1kd +/m/0278x6s /film/actor/film./film/performance/film /m/0404j37 +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqhm +/m/01gtcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvp +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/086nl7 /film/actor/film./film/performance/film /m/03c7twt +/m/0299hs /film/film/runtime./film/film_cut/film_release_region /m/05b4w +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034qmv +/m/0209hj /film/film/film_production_design_by /m/0d5wn3 +/m/01xn6mc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06b_j +/m/02l4pj /award/award_winner/awards_won./award/award_honor/award_winner /m/06j8wx +/m/0cfdd /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/08vr94 /people/person/profession /m/018gz8 +/m/09q5w2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0f830f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfns +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hbxm +/m/01rh0w /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/095zlp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06449 +/m/011_3s /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0chw_ /film/actor/film./film/performance/film /m/09v71cj +/m/048lv /award/award_winner/awards_won./award/award_honor/award_winner /m/0c3jz +/m/042z45 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01g7zj /people/ethnicity/people /m/05lb30 +/m/016dj8 /film/film/produced_by /m/05prs8 +/m/02tcgh /film/film/language /m/03k50 +/m/0184tc /film/film/written_by /m/0dn44 +/m/0bt7ws /award/award_winner/awards_won./award/award_honor/award_winner /m/060j8b +/m/05cj4r /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0cv3w +/m/02r_pp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09c7w0 /location/country/second_level_divisions /m/0kpys +/m/0ggx5q /music/genre/artists /m/017b2p +/m/0b68vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qtywd +/m/059g4 /location/location/contains /m/0hz35 +/m/01m13b /film/film/country /m/03rjj +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/08phg9 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/044mz_ +/m/0fjyzt /film/film/cinematography /m/02404v +/m/0mkdm /location/location/contains /m/01j8yr +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/0g5b0q5 +/m/0783m_ /people/person/nationality /m/09c7w0 +/m/015pdg /music/genre/artists /m/027hm_ +/m/04qk12 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/01bb1c +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02_p5w /film/actor/film./film/performance/film /m/01pvxl +/m/0jtdp /media_common/netflix_genre/titles /m/0cp08zg +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/03v6t /education/university/fraternities_and_sororities /m/0325pb +/m/032nl2 /people/person/nationality /m/09c7w0 +/m/01cz7r /film/film/executive_produced_by /m/02q42j_ +/m/0gk4g /people/cause_of_death/people /m/02m30v +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/024d8w /sports/sports_team/colors /m/06fvc +/m/0d3k14 /people/person/profession /m/0dxtg +/m/0170xl /film/film/language /m/02h40lc +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f7gh +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q_ph +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/01s1zk /people/person/nationality /m/09c7w0 +/m/0g48m4 /people/ethnicity/geographic_distribution /m/0vmt +/m/07b_l /location/location/contains /m/0fxwx +/m/01pcrw /people/person/profession /m/02hrh1q +/m/01hpnh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/03z_g7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/030z4z /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wpmd +/m/01w9wwg /people/person/profession /m/0np9r +/m/02hsgn /film/actor/film./film/performance/film /m/03qnvdl +/m/07s8hms /film/actor/film./film/performance/film /m/0661m4p +/m/03_ly /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/06vkl +/m/0jf1b /film/director/film /m/0hv1t +/m/077q8x /award/award_winning_work/awards_won./award/award_honor/award /m/02z13jg +/m/02tj96 /award/award_category/winners./award/award_honor/award_winner /m/03d2k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04zw9hs +/m/07s9rl0 /media_common/netflix_genre/titles /m/01q7h2 +/m/025v26c /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01_9c1 +/m/02cpb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/016cjb /music/genre/artists /m/019f9z +/m/01kwld /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044n3h +/m/0k3k1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3hn +/m/056jm_ /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09g0h /people/person/place_of_birth /m/030qb3t +/m/048kw /location/location/contains /m/0cy07 +/m/02_1ky /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026n3rs +/m/0mnsf /location/location/time_zones /m/02hcv8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06pr6 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/088vb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/088q4 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/0ddf2bm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09yhzs +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/013xrm /people/ethnicity/people /m/0k4gf +/m/0134wr /people/person/gender /m/02zsn +/m/04l5d0 /sports/sports_team/colors /m/01l849 +/m/07024 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04m064 +/m/041rx /people/ethnicity/people /m/01kph_c +/m/018ygt /film/actor/film./film/performance/film /m/02_qt +/m/01vnt4 /music/performance_role/regular_performances./music/group_membership/role /m/018vs +/m/01ws9n6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03hfmm /film/film/genre /m/04t36 +/m/02bvc5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/020l9r /people/person/profession /m/02hrh1q +/m/01r42_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0n1rj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/03y1mlp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs96 +/m/04255q /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05cj_j +/m/02py7pj /award/award_category/winners./award/award_honor/award_winner /m/01vh18t +/m/0glt670 /music/genre/artists /m/01q7cb_ +/m/015pkc /film/actor/film./film/performance/film /m/06lpmt +/m/018ctl /olympics/olympic_games/sports /m/09w1n +/m/01rgcg /award/award_winner/awards_won./award/award_honor/award_winner /m/0265v21 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01wmxfs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07r1h +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/041n28 +/m/03fvqg /film/actor/film./film/performance/film /m/027rpym +/m/02_t2t /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/064_8sq /language/human_language/countries_spoken_in /m/0162v +/m/02r6c_ /film/director/film /m/0_b9f +/m/02_sr1 /film/film/executive_produced_by /m/03c9pqt +/m/01qzyz /music/instrument/instrumentalists /m/01r0t_j +/m/09lxtg /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/06f0dc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04gp1d +/m/0969vz /people/person/place_of_birth /m/016722 +/m/03rtmz /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/0fp_xp /soccer/football_player/current_team./sports/sports_team_roster/team /m/01kc4s +/m/0bg539 /people/person/profession /m/01c72t +/m/0qc7l /location/hud_county_place/place /m/0qc7l +/m/012gbb /people/person/nationality /m/0345h +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bmc4cm +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m2gz +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0sz28 /film/actor/film./film/performance/film /m/02c638 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0dmn0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt7ws +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0bczgm /people/person/places_lived./people/place_lived/location /m/01m20m +/m/030cx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tb7 +/m/03qhyn8 /people/person/profession /m/026sdt1 +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nd6v +/m/0c9d9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0738b8 /people/person/profession /m/018gz8 +/m/05f4_n0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0b4rf3 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/01b7h8 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/041td_ /film/film/language /m/04306rv +/m/07ssc /location/location/contains /m/024cg8 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/03j24kf /people/person/profession /m/0fnpj +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_fk5 +/m/07ss8_ /people/person/places_lived./people/place_lived/location /m/07z1m +/m/01hkhq /film/actor/film./film/performance/film /m/011ywj +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr89x +/m/02qfv5d /media_common/netflix_genre/titles /m/0b4lkx +/m/026mff /award/award_category/winners./award/award_honor/award_winner /m/01jkqfz +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/03f5mt +/m/0bscw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02czd5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0pnf3 +/m/0344gc /award/award_winning_work/awards_won./award/award_honor/award /m/09qwmm +/m/022qw7 /film/actor/film./film/performance/film /m/0d99k_ +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/0197tq +/m/02x3lt7 /film/film/genre /m/02l7c8 +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fszq +/m/0163r3 /people/person/gender /m/05zppz +/m/02p7_k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/02s9vc /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/01jb8r +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/0fqjhm /award/award_winner/awards_won./award/award_honor/award_winner /m/01chc7 +/m/0c_tl /olympics/olympic_games/sports /m/01hp22 +/m/025n3p /people/person/nationality /m/09c7w0 +/m/0cpllql /film/film/genre /m/01zhp +/m/09rvwmy /film/film/film_format /m/0cj16 +/m/019pm_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/03bx0bm /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01s0ps +/m/04ych /base/aareas/schema/administrative_area/capital /m/0fvwz +/m/02xyl /influence/influence_node/influenced_by /m/0g5ff +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02mj7c +/m/0x67 /people/ethnicity/people /m/044gyq +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/06lgq8 /award/award_winner/awards_won./award/award_honor/award_winner /m/04myfb7 +/m/01vvlyt /award/award_winner/awards_won./award/award_honor/award_winner /m/0qdyf +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0gtv7pk /film/film/genre /m/03npn +/m/01gwk3 /film/film/genre /m/01jfsb +/m/0168dy /people/person/profession /m/02hrh1q +/m/0m313 /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/01dvms /people/person/spouse_s./people/marriage/spouse /m/0ff2k +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/05rx__ /influence/influence_node/influenced_by /m/022q4j +/m/03t5n3 /award/award_category/winners./award/award_honor/award_winner /m/016kjs +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0lkr7 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/050t68 /people/person/gender /m/05zppz +/m/0f42nz /film/film/personal_appearances./film/personal_film_appearance/person /m/01s0l0 +/m/0bmj2y /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/038bh3 /film/film/genre /m/01jfsb +/m/03_vx9 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/05zbm4 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/09c7w0 /location/location/contains /m/0sngf +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/04t969 +/m/02g9z1 /film/actor/film./film/performance/film /m/06gb1w +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/025v3k +/m/0d05w3 /location/location/contains /m/05gqy +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/03kdl /people/person/employment_history./business/employment_tenure/company /m/09c7w0 +/m/0mnyn /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01z9_x /award/award_winner/awards_won./award/award_honor/award_winner /m/01w60_p +/m/05mc99 /people/person/gender /m/05zppz +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/041b4j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/045r_9 +/m/025j1t /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07024 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/07gp9 /film/film/prequel /m/07ghq +/m/0xhtw /music/genre/artists /m/0cfgd +/m/0mcf4 /people/person/religion /m/03_gx +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l98s +/m/09s5q8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04w4s +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03dbww /film/actor/film./film/performance/film /m/03hjv97 +/m/09cr8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0kctd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027tbrc +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/062zjtt /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03jj93 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/04vvh9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c12h +/m/030hcs /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/030hbp +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/02hfk5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqng +/m/02qt02v /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/063lqs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ckxdg +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/0gqrb /people/deceased_person/place_of_death /m/02_286 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/04tng0 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09wnnb +/m/07xzm /music/performance_role/track_performances./music/track_contribution/role /m/05r5c +/m/01242_ /film/film/genre /m/02p0szs +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/0319l /music/performance_role/track_performances./music/track_contribution/role /m/06ncr +/m/01nm3s /film/actor/film./film/performance/film /m/01c22t +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0340hj +/m/02fqrf /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0184jc /film/actor/film./film/performance/film /m/04gknr +/m/025m8l /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/016srn /award/award_winner/awards_won./award/award_honor/award_winner /m/051m56 +/m/03yrkt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/016clz /music/genre/artists /m/01gx5f +/m/0qmfk /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/02qgyv /film/actor/film./film/performance/film /m/02d003 +/m/05yzt_ /people/person/gender /m/05zppz +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/09c04n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pcvn +/m/0nr_q /location/location/time_zones /m/02fqwt +/m/033w9g /award/award_winner/awards_won./award/award_honor/award_winner /m/03_wvl +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02hxhz /film/film/production_companies /m/017s11 +/m/0330r /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02s529 +/m/09x3r /user/jg/default_domain/olympic_games/sports /m/0crlz +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07c0j +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yxwd +/m/06mr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/08w7vj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dyztm +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043kzcr +/m/021yzs /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/01vs_v8 +/m/01j_5k /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/06_bq1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/04mhxx +/m/0fbtm7 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0f4dx2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0785v8 +/m/0325dj /education/educational_institution_campus/educational_institution /m/0325dj +/m/0b25vg /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/01vw87c /music/group_member/membership./music/group_membership/group /m/0g_g2 +/m/0265vt /award/award_category/disciplines_or_subjects /m/01hmnh +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07tlfx +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wgxtl +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/02fsn +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030cx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/01x4wq +/m/01m41_ /location/country/capital /m/0fhsz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/05f8c2 +/m/0dq630k /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/03hj5lq /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01g257 +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02mmwk +/m/01wyy_ /people/person/profession /m/03gjzk +/m/0167v4 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/098n_m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0tj9 /people/person/spouse_s./people/marriage/spouse /m/049468 +/m/080dyk /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b10g +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01h8rk +/m/04_by /people/person/nationality /m/02jx1 +/m/016_mj /people/person/profession /m/03gjzk +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0ccd3x /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hsmh +/m/0fzm0g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0794g /award/award_winner/awards_won./award/award_honor/award_winner /m/01vw37m +/m/0721cy /people/person/profession /m/03gjzk +/m/0794g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw37m +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/0tcj6 /location/location/time_zones /m/02fqwt +/m/06rny /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/01r3hr +/m/01ynzf /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/0h32q /film/actor/film./film/performance/film /m/098s2w +/m/0l6m5 /olympics/olympic_games/sports /m/06wrt +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04gkp3 +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/0bx0l /award/award_winning_work/awards_won./award/award_honor/award /m/0gq_v +/m/0jrv_ /music/genre/artists /m/01fchy +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/013d7t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01g23m /people/person/languages /m/064_8sq +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/025s1wg +/m/06vbd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/02825cv /film/film/production_companies /m/054lpb6 +/m/026m9w /award/award_category/winners./award/award_honor/award_winner /m/0dl567 +/m/0phrl /tv/tv_program/country_of_origin /m/09c7w0 +/m/050xxm /film/film/genre /m/06cvj +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dyb1 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0571m +/m/03tk6z /award/award_category/winners./award/award_honor/award_winner /m/0m_v0 +/m/0gkvb7 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/03npn /media_common/netflix_genre/titles /m/06zn2v2 +/m/0c66m /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0c663 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jszm +/m/0qmd5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/017b2p /people/person/profession /m/01c72t +/m/0bkf4 /people/person/nationality /m/03_r3 +/m/01jtp7 /education/educational_institution_campus/educational_institution /m/01jtp7 +/m/01jmv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/013w8y /music/artist/origin /m/0mp3l +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/07ncs0 /people/person/place_of_birth /m/0ccvx +/m/0ggq0m /music/genre/artists /m/05563d +/m/01hdht /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07_f2 /location/location/contains /m/0mpfn +/m/01kb2j /award/award_winner/awards_won./award/award_honor/award_winner /m/07r1h +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/04107 +/m/0277jc /education/educational_institution/students_graduates./education/education/student /m/0bk5r +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/04b2qn +/m/0gnjh /film/film/country /m/09c7w0 +/m/02qgqt /award/award_winner/awards_won./award/award_honor/award_winner /m/07r1h +/m/058s44 /film/actor/film./film/performance/film /m/0cc846d +/m/04sx9_ /film/actor/film./film/performance/film /m/0ds1glg +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hvb2 +/m/0mkqr /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04y5j64 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02jxmr /people/person/place_of_birth /m/030qb3t +/m/0d19y2 /medicine/disease/notable_people_with_this_condition /m/095nx +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/05hc96 /sports/sports_team/colors /m/019sc +/m/0fkwzs /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02bwjv +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/035nm +/m/06x58 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/03s7h +/m/0dgskx /people/person/profession /m/02hrh1q +/m/0hpyv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dbbz /film/director/film /m/0ywrc +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0cg2cj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/016jny /music/genre/artists /m/0fpj4lx +/m/0gk4g /people/cause_of_death/people /m/0py5b +/m/01d0fp /people/person/gender /m/02zsn +/m/07ddz9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bt3j9 +/m/047vp1n /film/film/genre /m/0gsy3b +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01nln +/m/0156q /location/administrative_division/first_level_division_of /m/0345h +/m/02lfwp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/016z9n /film/film/genre /m/017fp +/m/058vp /influence/influence_node/influenced_by /m/01tz6vs +/m/0fpzwf /sports/sports_team_location/teams /m/0jmgb +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/05b4l5x /award/award_category/winners./award/award_honor/award_winner /m/0993r +/m/0blfl /olympics/olympic_games/participating_countries /m/02vzc +/m/033tf_ /people/ethnicity/people /m/02m501 +/m/063hp4 /film/film/other_crew./film/film_crew_gig/crewmember /m/019fnv +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/0vmt /location/location/contains /m/0fr0t +/m/0fjzsy /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/0fvf9q /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0cjsxp /people/person/profession /m/09jwl +/m/048scx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04cy8rb +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/02__7n /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01cmp9 +/m/0ymcz /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02v0ff /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qssrm +/m/05mlqj /film/actor/film./film/performance/film /m/024lff +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/060j8b +/m/03ldxq /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09pnw5 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wbgdv +/m/0bwh6 /film/director/film /m/077q8x +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0blpg +/m/02q5bx2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g60z /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02mqc4 +/m/027jk /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0ghvb +/m/02b0_6 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0f3kl /medicine/symptom/symptom_of /m/0h3bn +/m/01x4sb /people/person/nationality /m/09c7w0 +/m/06cqb /music/genre/artists /m/01dw_f +/m/039bp /people/person/employment_history./business/employment_tenure/company /m/01skqzw +/m/015196 /people/person/nationality /m/09c7w0 +/m/01_3rn /base/culturalevent/event/entity_involved /m/01m41_ +/m/023wyl /sports/sports_position/players./sports/sports_team_roster/team /m/02pd1q9 +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03rs8y /award/award_winner/awards_won./award/award_honor/award_winner /m/0210hf +/m/0gj9qxr /film/film/language /m/02h40lc +/m/0dv1hh /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b1j1 +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/012vf6 /people/person/profession /m/02hrh1q +/m/05tfm /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01lhdt +/m/01vv7sc /people/person/profession /m/02dsz +/m/0jtg0 /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0q8sw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0b_6h7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01b85 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0h7jp +/m/01_qgp /education/educational_institution/campuses /m/01_qgp +/m/059f4 /location/location/contains /m/01x96 +/m/029_3 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01t8399 /people/person/gender /m/05zppz +/m/07_l6 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/0c0tzp /people/person/profession /m/089fss +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/030cx +/m/057xlyq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6x +/m/01mkn_d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z1nbg /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0z90c /organization/organization/headquarters./location/mailing_address/citytown /m/0f2r6 +/m/0trv /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/02t8gf /music/genre/artists /m/0c9l1 +/m/0bxjpy /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03w94xt /music/genre/artists /m/047cx +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0x67 /people/ethnicity/people /m/0136p1 +/m/06mnr /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02j62 +/m/03qlv7 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04ljl_l /award/award_category/winners./award/award_honor/award_winner /m/01ztgm +/m/025n3p /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04hwbq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/0f4vbz +/m/01ckhj /people/person/profession /m/02jknp +/m/0j90s /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/05zrx3v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059x0w +/m/059_gf /people/person/profession /m/012t_z +/m/01p0w_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02gx2k +/m/019vsw /education/educational_institution/students_graduates./education/education/student /m/0136g9 +/m/031ns1 /education/educational_institution/students_graduates./education/education/student /m/0clvcx +/m/0d500h /people/person/nationality /m/09c7w0 +/m/039fgy /tv/tv_program/genre /m/07s9rl0 +/m/0r111 /location/hud_county_place/county /m/0kpys +/m/05kms /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0163v +/m/05sfs /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/0fsb_6 +/m/01xn7x1 /sports/sports_team/sport /m/02vx4 +/m/0139q5 /people/person/profession /m/02hrh1q +/m/03zb6t /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0bd2n4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/02q1tc5 /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/01hw5kk /film/film/story_by /m/0343h +/m/044n3h /people/person/gender /m/02zsn +/m/02v49c /people/person/profession /m/03gjzk +/m/04g_wd /people/person/profession /m/0d8qb +/m/0fgrm /film/film/runtime./film/film_cut/film_release_region /m/05v8c +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0cyhq +/m/0151ns /film/actor/film./film/performance/film /m/06_sc3 +/m/0f04c /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6c4 +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/0jgwf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01s3v /location/location/time_zones /m/03bdv +/m/01pcdn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0prfz +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0dg3n1 +/m/0g9lm2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03nk3t +/m/054c1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm5b +/m/01qg7c /film/actor/film./film/performance/film /m/01vfqh +/m/0kv2hv /film/film/genre /m/02l7c8 +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/02p65p +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0680x0 /music/performance_role/regular_performances./music/group_membership/role /m/05148p4 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02822 +/m/02vwckw /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/0d500h /people/person/profession /m/01d_h8 +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/084w8 +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/019_1h +/m/021y1s /location/administrative_division/country /m/07ssc +/m/0f6rc /base/culturalevent/event/entity_involved /m/049tb +/m/0dc7hc /film/film/genre /m/028v3 +/m/01w1kyf /people/person/profession /m/02hrh1q +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/01cbt3 /film/actor/film./film/performance/film /m/02qrv7 +/m/02p4jf0 /music/record_label/artist /m/01vw917 +/m/064t9 /music/genre/artists /m/016h9b +/m/01_c4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wtp6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09jw2 /music/genre/artists /m/01mxnvc +/m/01309x /people/person/spouse_s./people/marriage/spouse /m/01817f +/m/02w4v /music/genre/artists /m/03f3_p3 +/m/03f1zdw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0fgpvf +/m/02s9vc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/09cl0w +/m/0r771 /location/location/time_zones /m/02lcqs +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/02ywwy /film/film/language /m/02h40lc +/m/0jgwf /film/director/film /m/09p3_s +/m/013b6_ /people/ethnicity/people /m/0lccn +/m/03q5dr /people/person/nationality /m/07ssc +/m/015wnl /film/actor/film./film/performance/film /m/0cq806 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/04mpbk +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/01cwm1 +/m/01y_px /film/actor/film./film/performance/film /m/0j_t1 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/03rz2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/054fvj +/m/0642ykh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/011xjd /people/person/place_of_birth /m/0fvzg +/m/0gt_k /people/person/profession /m/03lgtv +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/01vxxb /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/020ddc /education/educational_institution/colors /m/083jv +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0170vn +/m/0ddt_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01386_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/02frhbc /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/06x68 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/035_2h /film/film/genre /m/01jfsb +/m/02b1ng /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/02m0sc /education/educational_institution/students_graduates./education/education/student /m/02fgp0 +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/07p62k +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/021p26 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01hb6v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g2dz /music/performance_role/regular_performances./music/group_membership/group /m/02mq_y +/m/02w7gg /people/ethnicity/people /m/05jm7 +/m/0l998 /user/jg/default_domain/olympic_games/sports /m/07_53 +/m/04mcw4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/033srr /film/film/language /m/02h40lc +/m/01vsl3_ /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k0rf +/m/02bjhv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/018_q8 +/m/0b57p6 /people/person/profession /m/0nbcg +/m/08pth9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb87 +/m/0gw7p /film/film/cinematography /m/06g60w +/m/02w9sd7 /award/award_category/winners./award/award_honor/award_winner /m/0f7hc +/m/0cgbf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bw6y +/m/09l3p /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/02773m2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/087qxp +/m/0bn8fw /people/person/places_lived./people/place_lived/location /m/05kkh +/m/01nr36 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02c638 +/m/01v80y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/024hbv +/m/06vsbt /award/award_winner/awards_won./award/award_honor/award_winner /m/0bbvr84 +/m/0bz5v2 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01j7mr +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/0bgv4g +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/0hndn2q +/m/0bmhn /film/film/genre /m/02l7c8 +/m/06jk5_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01hkhq +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jdhp /award/award_winner/awards_won./award/award_honor/award_winner /m/0m_v0 +/m/08jgk1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/027cxsm +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/027pdrh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0qmd5 +/m/01ksr1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gz5hs +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04fhn_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035zr0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01yhvv /people/person/nationality /m/0d060g +/m/06x58 /film/actor/film./film/performance/film /m/0270k40 +/m/017l96 /music/record_label/artist /m/0m0hw +/m/01nm3s /award/award_winner/awards_won./award/award_honor/award_winner /m/05fnl9 +/m/02y_lrp /award/award_winning_work/awards_won./award/award_honor/award /m/07bdd_ +/m/0m_v0 /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01x6jd /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/059_gf /film/actor/film./film/performance/film /m/0gg5qcw +/m/01jrp0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kqq7 +/m/02wypbh /award/award_category/winners./award/award_honor/award_winner /m/01q4qv +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/071ynp /film/actor/film./film/performance/film /m/041td_ +/m/01kph_c /people/person/profession /m/0nbcg +/m/0jdhp /people/person/profession /m/02hrh1q +/m/01dnnt /education/educational_institution/students_graduates./education/education/student /m/018q7 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/0272vm /sports/sports_team/colors /m/038hg +/m/0bd2n4 /people/person/place_of_birth /m/02gw_w +/m/09c7w0 /location/location/contains /m/0sg4x +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0l6wj +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/026c1 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01ksr1 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/020ffd /people/person/profession /m/015cjr +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/0d_84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/06j6l /music/genre/artists /m/0c7xjb +/m/07wtc /education/educational_institution/school_type /m/05jxkf +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/042v_gx +/m/05krk /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04969y /film/film/executive_produced_by /m/08cn_n +/m/07h565 /award/award_winner/awards_won./award/award_honor/award_winner /m/02vy5j +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0123_x /base/aareas/schema/administrative_area/administrative_parent /m/01zv_ +/m/01skmp /film/actor/film./film/performance/film /m/06zsk51 +/m/05v8c /location/location/contains /m/0195pd +/m/0266s9 /tv/tv_program/genre /m/05p553 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dy7p +/m/03mp37 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/060j8b /award/award_winner/awards_won./award/award_honor/award_winner /m/0bt4r4 +/m/07nx9j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063ykwt +/m/07jxpf /film/film/featured_film_locations /m/0qr8z +/m/07xvf /film/film/genre /m/01jfsb +/m/0bksh /film/actor/film./film/performance/film /m/035s95 +/m/0f3m1 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0ddt_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/059kh /music/genre/artists /m/01dw_f +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/01fh36 /music/genre/artists /m/0140t7 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0k8y7 /award/award_winner/awards_won./award/award_honor/award_winner /m/0d6d2 +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01_p6t /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01rwpj /film/film/country /m/09c7w0 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03bdkd +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03xpsrx /people/person/places_lived./people/place_lived/location /m/0d9jr +/m/06q1r /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0ctw_b /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g2mbn +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0781g /music/genre/artists /m/012vm6 +/m/06t2t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/01fdc0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vrkdt /award/award_winner/awards_won./award/award_honor/award_winner /m/01vvycq +/m/05k7sb /location/location/contains /m/0lfgr +/m/09v51c2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl02yg +/m/02_nsc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02q5bx2 /tv/tv_program/genre /m/01z77k +/m/027r8p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0210hf +/m/0342h /music/instrument/instrumentalists /m/01jgkj2 +/m/06z5s /people/cause_of_death/people /m/02kz_ +/m/02q_4ph /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/027rpym +/m/09wj5 /people/person/gender /m/05zppz +/m/0mnzd /location/location/time_zones /m/02hcv8 +/m/01p95y0 /people/person/profession /m/01c72t +/m/01j7z7 /people/person/gender /m/02zsn +/m/0gy0n /film/film/other_crew./film/film_crew_gig/crewmember /m/0cw67g +/m/06nvzg /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07srw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01n4w +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0djb3vw /film/film/genre /m/07s9rl0 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048qrd +/m/035bcl /film/film/genre /m/02n4kr +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/016s_5 /people/person/profession /m/0fnpj +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/01w524f /people/person/nationality /m/07ssc +/m/0htlr /film/actor/film./film/performance/film /m/08mg_b +/m/01pcvn /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0cbkc +/m/059rby /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05k7sb +/m/0l6m5 /user/jg/default_domain/olympic_games/sports /m/03_8r +/m/04n32 /people/person/profession /m/09jwl +/m/042xrr /film/actor/film./film/performance/film /m/06t6dz +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05v8c +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0kz2w /education/educational_institution/school_type /m/07tf8 +/m/02r1c18 /film/film/edited_by /m/02kxbwx +/m/04pz5c /film/actor/film./film/performance/film /m/01k1k4 +/m/06jvj7 /people/person/gender /m/05zppz +/m/037q2p /education/educational_institution/colors /m/01g5v +/m/0d3fdn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/03xp8d5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0988cp +/m/0bq0p9 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/02m3sd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024lt6 /film/film/written_by /m/02ld6x +/m/032ft5 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqn1 +/m/01vrt_c /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/012c6x /people/person/profession /m/02hrh1q +/m/0230rx /sports/sports_team/sport /m/02vx4 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0dvqq +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/0cl8c /base/biblioness/bibs_location/country /m/059j2 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/019vgs /influence/influence_node/influenced_by /m/0p_jc +/m/0j_t1 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/01l03w2 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/01_qgp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/02wr6r /people/person/profession /m/099md +/m/02f6yz /award/award_category/winners./award/award_honor/award_winner /m/07hgm +/m/0bh8tgs /film/film/country /m/09c7w0 +/m/0456zg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018wrk +/m/01w40h /music/record_label/artist /m/011xhx +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/0227vl /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vv126 +/m/0pkyh /people/person/nationality /m/02jx1 +/m/01k53x /people/person/profession /m/02hrh1q +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/01xbxn +/m/0512p /sports/sports_team/colors /m/02rnmb +/m/0dzc16 /people/person/profession /m/0dz3r +/m/05crg7 /award/award_winner/awards_won./award/award_honor/award_winner /m/02pt7h_ +/m/061681 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/02g_6j /sports/sports_position/players./sports/sports_team_roster/team /m/025_64l +/m/0ddt_ /film/film/production_companies /m/0kx4m +/m/07xr3w /people/person/nationality /m/09c7w0 +/m/0qmfk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/0841v /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/054y8 /base/biblioness/bibs_location/country /m/0345h +/m/01vh096 /people/person/nationality /m/0f8l9c +/m/051vz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/02rrfzf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m9p3 +/m/024lff /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09kr66 /people/ethnicity/people /m/01nvmd_ +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/05lfwd +/m/010rvx /location/hud_county_place/county /m/0mmpm +/m/01z4y /media_common/netflix_genre/titles /m/01pgp6 +/m/0524b41 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06mnbn +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/059rby /location/location/contains /m/0fkhz +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0466s8n +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/083qy7 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0266shh +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/0h0jz /people/person/languages /m/02h40lc +/m/026dcvf /award/award_winner/awards_won./award/award_honor/award_winner /m/026n9h3 +/m/022840 /time/event/locations /m/09c7w0 +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0kp2_ /influence/influence_node/influenced_by /m/03f47xl +/m/01y20v /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/0dmn0x +/m/0282x /influence/influence_node/influenced_by /m/06g4_ +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06czyr +/m/02kfzz /film/film/genre /m/03k9fj +/m/0bn9sc /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rl_3 +/m/048cl /people/person/profession /m/0frz0 +/m/03ln8b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03zqc1 +/m/0gs9p /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/02hhtj /film/actor/film./film/performance/film /m/0c00zd0 +/m/0jlv5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/040b5k +/m/02xpy5 /education/university/fraternities_and_sororities /m/0325pb +/m/02md2d /tv/tv_program/genre /m/0djd22 +/m/0cx7f /music/genre/artists /m/0473q +/m/0d0kn /location/location/contains /m/0rt80 +/m/01fh0q /people/person/profession /m/09jwl +/m/018nnz /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/016_mj /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f7hc +/m/02v_r7d /film/film/production_companies /m/0g1rw +/m/05wp1p /film/film/production_companies /m/056ws9 +/m/01mjq /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/09n48 +/m/04954 /people/person/nationality /m/09c7w0 +/m/0171lb /people/deceased_person/place_of_death /m/0k049 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/03dbww /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b1l_ +/m/0j_tw /film/film/language /m/02bjrlw +/m/03m9c8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/04pz5c /people/person/profession /m/02hrh1q +/m/02_sr1 /film/film/genre /m/05p553 +/m/07z2lx /award/award_category/winners./award/award_honor/award_winner /m/04y8r +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/02y_lrp /film/film/produced_by /m/04q5zw +/m/02j9z /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j0k +/m/05v10 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/0168dy /film/actor/film./film/performance/film /m/05650n +/m/0k9j_ /award/award_winner/awards_won./award/award_honor/award_winner /m/01d6jf +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0140t7 /people/person/nationality /m/07ssc +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/01qbg5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0hwbd +/m/01hxs4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03c6v3 +/m/0mk1z /location/location/contains /m/0cc65 +/m/0284gcb /award/award_winner/awards_won./award/award_honor/award_winner /m/02773nt +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0755wz +/m/06by7 /music/genre/artists /m/0j6cj +/m/016dp0 /people/person/profession /m/02hv44_ +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bm7fy +/m/01vttb9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ldhs +/m/01hvv0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02ryz24 /film/film/genre /m/0gf28 +/m/01swxv /education/educational_institution/colors /m/01g5v +/m/01mgw /award/award_winning_work/awards_won./award/award_honor/award /m/03qgjwc +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031hcx +/m/04rwx /education/educational_institution/students_graduates./education/education/student /m/028r4y +/m/09c7w0 /location/location/contains /m/0plyy +/m/0137hn /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/05m883 +/m/0gkz15s /film/film/genre /m/06n90 +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fby2t +/m/0jqkh /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04vs9 +/m/047fwlg /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015qh +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/05hyn5 +/m/02j416 /education/educational_institution/campuses /m/02j416 +/m/0fm3h2 /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0bxtg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ldv0 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0177gl +/m/0l8g0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g8mp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/03swmf +/m/01hww_ /music/performance_role/regular_performances./music/group_membership/role /m/03bx0bm +/m/05w1vf /people/person/gender /m/05zppz +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/0g2ff +/m/025ljp /tv/tv_program/genre /m/01z4y +/m/09c7w0 /location/country/second_level_divisions /m/0k3hn +/m/0fr63l /film/film/music /m/02cyfz +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/0dwr4 +/m/02lz1s /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0gn30 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/05r5w +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wj18h +/m/01k_yf /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/05fgr_ /tv/tv_program/country_of_origin /m/09c7w0 +/m/0mdqp /people/person/religion /m/03_gx +/m/0pksh /award/award_nominee/award_nominations./award/award_nomination/award /m/09v8db5 +/m/0270k40 /film/film/genre /m/03npn +/m/01r42_g /award/award_winner/awards_won./award/award_honor/award_winner /m/02lgj6 +/m/0zlgm /base/biblioness/bibs_location/state /m/05tbn +/m/03yvf2 /film/film/country /m/0345h +/m/012z8_ /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0395lw /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ch1w +/m/0413cff /film/film/genre /m/0lsxr +/m/03qmj9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016xh5 /film/actor/film./film/performance/film /m/02_kd +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/02g9p4 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/02k84w +/m/01jsn5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05sj55 /award/award_winner/awards_won./award/award_honor/award_winner /m/02v0ff +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/047fjjr /film/film/genre /m/02l7c8 +/m/02dbn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fqpg6b +/m/0b_6x2 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026dqjm +/m/02_nsc /film/film/language /m/064_8sq +/m/03xb2w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/021l5s +/m/0697kh /award/award_winner/awards_won./award/award_honor/award_winner /m/0h584v +/m/0m313 /film/film/written_by /m/07h07 +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07phbc +/m/025ts_z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04jpk2 /film/film/costume_design_by /m/02vkvcz +/m/02g8mp /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gy4k +/m/02b0y3 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/04t061 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/071ywj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0gl88b /people/person/place_of_birth /m/01cx_ +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/03k7bd /people/person/languages /m/02h40lc +/m/07hgm /music/artist/origin /m/02_286 +/m/09bxq9 /people/person/profession /m/0dgd_ +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0581vn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05zvzf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03k9fj /media_common/netflix_genre/titles /m/02vjp3 +/m/0tz54 /location/location/time_zones /m/02hcv8 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0bn9sc +/m/02jxrw /film/film/featured_film_locations /m/0b90_r +/m/0c6cwg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07jqh +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/07f1x /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/06qd3 +/m/017v71 /education/educational_institution/colors /m/01g5v +/m/03b3j /sports/sports_team/roster./american_football/football_roster_position/position /m/047g8h +/m/05krk /organization/organization/headquarters./location/mailing_address/citytown /m/01smm +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01n1gc /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0294j /film/film_subject/films /m/032zq6 +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/023wyl +/m/0164v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/07z31v +/m/0dn16 /music/genre/parent_genre /m/0y3_8 +/m/0jmwg /music/genre/artists /m/01516r +/m/0jmjr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/05q7874 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/075wx7_ +/m/01m1dzc /people/person/profession /m/016z4k +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/02chhq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026l37 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/033hn8 /music/record_label/artist /m/05sq0m +/m/0d02km /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03l3jy +/m/027m67 /film/film/genre /m/02l7c8 +/m/05r5c /music/instrument/instrumentalists /m/01vrncs +/m/0d1xh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mrq3 +/m/01s7pm /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06hwzy +/m/02z1yj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/04bbv7 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0l14qv +/m/07brj /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/021bmf +/m/01l47f5 /people/person/places_lived./people/place_lived/location /m/0xq63 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0mx4_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0627zr /people/person/profession /m/02t8yb +/m/0m491 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/018vs /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/05f7s1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/03qjg +/m/07k51gd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fn5bx +/m/0ggq0m /media_common/netflix_genre/titles /m/042y1c +/m/09sh8k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/027rn /location/country/official_language /m/06nm1 +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01qq_lp +/m/01vx5w7 /people/person/gender /m/02zsn +/m/03qjg /music/performance_role/track_performances./music/track_contribution/role /m/02w3w +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01gsvp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/0d608 /film/actor/film./film/performance/film /m/04sh80 +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01l_pn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05lb30 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04vmqg +/m/06z8s_ /film/film/genre /m/02kdv5l +/m/04g73n /film/film/production_companies /m/04rcl7 +/m/0f61tk /film/film/produced_by /m/08d9z7 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047bynf +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0ggx5q /music/genre/artists /m/019x62 +/m/0m63c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/062dn7 /people/person/profession /m/09jwl +/m/02_jkc /award/award_winner/awards_won./award/award_honor/award_winner /m/02qmncd +/m/0mm0p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0btpm6 +/m/03lsq /american_football/football_team/current_roster./sports/sports_team_roster/position /m/06b1q +/m/05jx5r /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/04vn5 /sports/sports_team/colors /m/0jc_p +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award_winner /m/043kzcr +/m/05kfs /people/person/religion /m/092bf5 +/m/0dplh /education/educational_institution/school_type /m/05jxkf +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/013pp3 /influence/influence_node/influenced_by /m/032l1 +/m/0lbbj /olympics/olympic_games/participating_countries /m/07ssc +/m/01nxzv /people/person/languages /m/02h40lc +/m/060j8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/017180 /film/film/country /m/09c7w0 +/m/0df2zx /film/film/personal_appearances./film/personal_film_appearance/person /m/02yy_j +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/03m6_z +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0223bl +/m/0d9_96 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/019nnl +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/032498 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/02fn5r /award/award_winner/awards_won./award/award_honor/award_winner /m/010hn +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/03tbg6 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/0432cd +/m/04kqk /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02_l96 /award/award_winner/awards_won./award/award_honor/award_winner /m/07myb2 +/m/0flry /base/culturalevent/event/entity_involved /m/02p4pt3 +/m/0356dp /people/person/places_lived./people/place_lived/location /m/04jpl +/m/08tyb_ /education/educational_institution/students_graduates./education/education/student /m/06crng +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05k2xy +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04vg8 /location/country/official_language /m/064_8sq +/m/011yth /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01q6bg /people/person/gender /m/05zppz +/m/09c7w0 /location/country/second_level_divisions /m/0msck +/m/04zl8 /film/film/written_by /m/0dpqk +/m/01pw9v /people/person/profession /m/020xn5 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/061xq +/m/0fqt1ns /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/01v42g /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0f8l9c /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0hg5 +/m/01k2wn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0127ps /film/film/country /m/09c7w0 +/m/01cw24 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/0kjgl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01tnxc +/m/07gbf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01dbgw +/m/03rz4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bksh +/m/0tj9 /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8tl +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0kszw /film/actor/film./film/performance/film /m/04ltlj +/m/02760sl /people/person/nationality /m/09c7w0 +/m/0h53p1 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/021bmf /music/performance_role/track_performances./music/track_contribution/role /m/0g2dz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/0hfml +/m/02kv5k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0dg3n1 /location/location/contains /m/02kcz +/m/01gbn6 /film/actor/film./film/performance/film /m/0bcp9b +/m/02__7n /film/actor/film./film/performance/film /m/0n6ds +/m/02l4rh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/01rdm0 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/01g03q /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_l8m +/m/04r7p /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/04jm_hq /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/013w7j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vz0g4 +/m/038g2x /award/award_winner/awards_won./award/award_honor/award_winner /m/0308kx +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05k2s_ +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0n04r +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0c7lcx /film/actor/film./film/performance/film /m/04vr_f +/m/01t04r /music/record_label/artist /m/017lb_ +/m/0xhtw /music/genre/artists /m/021r7r +/m/0nbjq /olympics/olympic_games/sports /m/06br8 +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03mp37 +/m/06_x996 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/0f721s /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/05zr0xl +/m/03q4hl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tkgy +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07dvs +/m/0342h /music/instrument/instrumentalists /m/058s57 +/m/02r251z /award/award_winner/awards_won./award/award_honor/award_winner /m/017s11 +/m/0342h /music/instrument/instrumentalists /m/01wk7b7 +/m/0d6lp /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/03lrqw /film/film/film_production_design_by /m/02x2t07 +/m/01q6bg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06r_by +/m/0pb33 /film/film/country /m/09c7w0 +/m/01x_d8 /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/09fqgj /film/film/genre /m/060__y +/m/01bbwp /people/person/profession /m/02hrh1q +/m/01qgr3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0x3b7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/02jx1 /location/location/contains /m/0m4yg +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bcndz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0gqrb +/m/016z2j /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/0m66w +/m/0ph24 /award/award_winning_work/awards_won./award/award_honor/award /m/0fc9js +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/030k94 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/01pcvn /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/09fb5 +/m/0f0kz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09wj5 +/m/0b90_r /location/country/form_of_government /m/01d9r3 +/m/012mzw /education/educational_institution/students_graduates./education/education/student /m/014vk4 +/m/0ckhc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/02frhbc +/m/02_fj /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/016kjs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqvs2 +/m/02bf2s /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/030hcs /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0c3p7 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0h0wc +/m/0dg3n1 /location/location/contains /m/0fnc_ +/m/0k0rf /film/film/language /m/02h40lc +/m/0425j7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/04ltlj /film/film/genre /m/02l7c8 +/m/03x22w /award/award_winner/awards_won./award/award_honor/award_winner /m/07f3xb +/m/09c7w0 /location/location/contains /m/01q8hj +/m/0k4bc /film/film/language /m/02h40lc +/m/03_05 /organization/organization/place_founded /m/013d7t +/m/06zdt7 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/09rx7tx /film/film/personal_appearances./film/personal_film_appearance/person /m/03h8_g +/m/051wwp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cyjx /people/person/places_lived./people/place_lived/location /m/01znc_ +/m/04zl8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/041td_ /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/019pwv /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/018ctl /olympics/olympic_games/participating_countries /m/0d0kn +/m/0303jw /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03qbnj /award/award_category/category_of /m/0c4ys +/m/06jrhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/030ykh /sports/sports_team/sport /m/03tmr +/m/03x9yr /music/record_label/artist /m/07rnh +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bd8y +/m/0nlh7 /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0j95 +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x16f +/m/0l998 /olympics/olympic_games/sports /m/0d1tm +/m/09lwrt /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/03h3x5 /film/film/genre /m/05p553 +/m/02hmvw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02glc4 +/m/045cq /people/person/nationality /m/09c7w0 +/m/06rqw /music/genre/artists /m/016fnb +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0mp36 +/m/018ygt /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0lbj1 +/m/08658y /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04q5zw +/m/026dcvf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n9h3 +/m/0kbf1 /film/film/genre /m/07s9rl0 +/m/027qgy /film/film/country /m/0d060g +/m/01bcwk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07ghq /film/film/produced_by /m/09zw90 +/m/077q8x /film/film/genre /m/03bxz7 +/m/02jt1k /people/person/gender /m/02zsn +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/027m5wv /film/film/film_format /m/07fb8_ +/m/03nm_fh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04344j /education/university/fraternities_and_sororities /m/0325pb +/m/0170pk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016gr2 +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/0c1pj +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05tr7 +/m/06pj8 /people/person/places_lived./people/place_lived/location /m/0pzmf +/m/04fhn_ /film/actor/film./film/performance/film /m/033fqh +/m/082brv /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/039bp /people/person/gender /m/05zppz +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/03zm00 +/m/011yn5 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/01flv_ /film/film/produced_by /m/05prs8 +/m/0lk8j /olympics/olympic_games/sports /m/0d1t3 +/m/0mw1j /location/location/time_zones /m/02hcv8 +/m/03h3x5 /film/film/music /m/0146pg +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/05b1610 +/m/0yvjx /location/hud_county_place/place /m/0yvjx +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/0bp_b2 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/05z01 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0cf2h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bkmf +/m/0x67 /people/ethnicity/languages_spoken /m/06nm1 +/m/0msck /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mrf1 +/m/0fnb4 /base/biblioness/bibs_location/country /m/0162b +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0jtg0 /music/instrument/instrumentalists /m/04mky3 +/m/03lsq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/01l_yg /film/actor/film./film/performance/film /m/0bt4g +/m/01lct6 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070m6c +/m/02l48d /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016fyc +/m/01jmyj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05hj0n /people/person/gender /m/02zsn +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01q6bg +/m/01cmp9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02qgyv +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/09fqtq +/m/02vr3gz /film/film/genre /m/02n4kr +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8hms +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/01d8yn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/047c9l +/m/03np63f /film/film/featured_film_locations /m/02_286 +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/05zl0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0154fs +/m/0dc3_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkh6 +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0863x_ +/m/0167xy /influence/influence_node/peers./influence/peer_relationship/peers /m/016m5c +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01bj6y +/m/05kj_ /location/location/contains /m/02897w +/m/0kxf1 /film/film/film_art_direction_by /m/072twv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0lmgy +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/02y_3rf +/m/01cj6y /people/person/gender /m/05zppz +/m/04vq3h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0311wg +/m/0266s9 /tv/tv_program/genre /m/01z4y +/m/0g5qmbz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/081l_ +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/01p970 +/m/0404j37 /film/film/genre /m/07s9rl0 +/m/0147dk /film/actor/film./film/performance/film /m/031t2d +/m/09qr6 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/06fq2 /education/educational_institution/students_graduates./education/education/student /m/01q415 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/016kv6 +/m/013t9y /people/person/places_lived./people/place_lived/location /m/06y57 +/m/02_p8v /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02h2vv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/09d5h +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/075cph /film/film/genre /m/09blyk +/m/047p798 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05drr9 +/m/081lh /film/actor/film./film/performance/film /m/03m4mj +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02t_vx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016ks_ +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/03rz2b /film/film/genre /m/02n4lw +/m/07c2yr /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0fqyzz /people/person/place_of_birth /m/095w_ +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/03h610 /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01svw8n /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02w5q6 +/m/014zcr /film/actor/film./film/performance/film /m/09xbpt +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03cfjg +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/028kb /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/01vzxmq /people/person/profession /m/0d1pc +/m/02r5dz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/093g7v /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04h07s /people/person/place_of_birth /m/0kpzy +/m/01l87db /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/06jw0s +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award /m/02581q +/m/07gp9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c602 +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kk9v +/m/03t852 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/03w9sgh /people/person/places_lived./people/place_lived/location /m/02cl1 +/m/0f102 /education/educational_institution/school_type /m/01_9fk +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/076lxv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03bxp5 +/m/0dq9p /medicine/disease/risk_factors /m/012jc +/m/0p3_y /film/film/production_companies /m/016tt2 +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bdxl +/m/01v9l67 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02fgm7 +/m/05d9y_ /education/educational_institution/colors /m/06fvc +/m/05qhw /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/0g824 /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/01trhmt +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/049msk +/m/032_wv /film/film/written_by /m/02pv_d +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dky9n +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/0bczgm /people/person/place_of_birth /m/01m20m +/m/01k53x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_2td +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bcp9b +/m/0lzkm /people/person/profession /m/0dz3r +/m/06w99h3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/07c98 /location/location/contains /m/019fc4 +/m/01vvyvk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01s1zk +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/050xxm +/m/01vrwfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06fxnf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04f52jw +/m/0fn8jc /people/person/places_lived./people/place_lived/location /m/0chgr2 +/m/01w5n51 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/07w4j /education/educational_institution/students_graduates./education/education/student /m/01w8sf +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0l786 /people/person/profession /m/02hrh1q +/m/018yv3 /music/genre/artists /m/015cxv +/m/04wg38 /people/person/profession /m/02hrh1q +/m/0mtl5 /location/us_county/county_seat /m/05jbn +/m/01j2xj /film/director/film /m/0c0zq +/m/03x7hd /film/film/executive_produced_by /m/05_k56 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/role /m/011k_j +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/0170pk +/m/04j53 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07y8l9 +/m/01b64v /award/award_winning_work/awards_won./award/award_honor/award /m/02pzxlw +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/02s58t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07j94 /film/film/cinematography /m/0f3zsq +/m/02fy0z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/07k2mq +/m/03q95r /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/048htn /award/award_winning_work/awards_won./award/award_honor/award /m/02y_rq5 +/m/0yx7h /film/film/genre /m/0c3351 +/m/04kjrv /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/09l9xt /sports/pro_athlete/teams./sports/sports_team_roster/team /m/04mrfv +/m/03h_fk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/018vs /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01bns_ +/m/099pks /tv/tv_program/genre /m/02lvfq +/m/01ypsj /people/person/nationality /m/0d05w3 +/m/01sxq9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01s81 +/m/01l47f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/09c7w0 /location/location/contains /m/0tn9j +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035xwd +/m/0456xp /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/013w7j +/m/0gx_p /film/actor/film./film/performance/film /m/02ctc6 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/04112r +/m/06sn8m /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/02301 /education/educational_institution/colors /m/019sc +/m/0m2l9 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0fplv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01chpn +/m/07ykkx5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/052h3 /people/person/profession /m/0frz0 +/m/049nq /location/location/contains /m/045vhb +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0fdys /education/field_of_study/students_majoring./education/education/student /m/02r34n +/m/0n839 /people/person/nationality /m/07ssc +/m/0bj9k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/04gvt5 +/m/015qh /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6mp +/m/06ms6 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02vxn +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/023n39 /people/person/profession /m/0cbd2 +/m/01rh0w /base/popstra/celebrity/breakup./base/popstra/breakup/participant /m/018db8 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0f0p0 +/m/02ddq4 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/076tq0z /film/film/country /m/09c7w0 +/m/01dhpj /award/award_nominee/award_nominations./award/award_nomination/award /m/024_41 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb607 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/035gjq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/038g2x +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07vjm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0g_bh /music/genre/parent_genre /m/016y3j +/m/01hmnh /media_common/netflix_genre/titles /m/0d6_s +/m/012lzr /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/0kz1h +/m/02wb6d /people/person/nationality /m/0345h +/m/07ssc /location/location/contains /m/0k2h6 +/m/048svj /people/person/places_lived./people/place_lived/location /m/0fk98 +/m/014_x2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/07djnx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl3hr +/m/0l1589 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/02cttt /education/educational_institution/students_graduates./education/education/student /m/03swmf +/m/07m77x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021bk +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/01tt43d +/m/05qg6g /award/award_winner/awards_won./award/award_honor/award_winner /m/024n3z +/m/01g969 /people/person/nationality /m/09c7w0 +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05169r +/m/016k6x /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/0134bf /location/location/contains /m/0cdw6 +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/0jqb8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04t9c0 /film/film/film_production_design_by /m/02vxyl5 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0jkhr +/m/016xk5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0171cm +/m/0sl2w /base/biblioness/bibs_location/state /m/03v1s +/m/0948xk /people/person/profession /m/01jn5 +/m/08phg9 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04ls53 +/m/083q7 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/05fjf +/m/02f77l /award/award_category/winners./award/award_honor/award_winner /m/0kr_t +/m/02hnl /music/performance_role/regular_performances./music/group_membership/role /m/01dnws +/m/02qhqz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04xn_ +/m/03kwtb /people/person/profession /m/0nbcg +/m/0168ql /people/person/profession /m/02jknp +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01wx756 /people/person/gender /m/05zppz +/m/04jwly /film/film/genre /m/01lrrt +/m/0872p_c /film/film/genre /m/06n90 +/m/0mxsm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/043q2z /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0cc8l6d /award/award_category/winners./award/award_honor/award_winner /m/09gb9xh +/m/01mqh5 /film/actor/film./film/performance/film /m/0dc_ms +/m/03hpkp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0hmt3 /sports/sports_team/colors /m/02rnmb +/m/0x67 /people/ethnicity/people /m/03n69x +/m/01309x /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0np52 /location/us_county/county_seat /m/0tbql +/m/04lgymt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/04rrd /location/location/contains /m/0cv0r +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yfm8 +/m/05b__vr /award/award_winner/awards_won./award/award_honor/award_winner /m/07m77x +/m/01p8r8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ds3t5x +/m/03dj48 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/02q5g1z /film/film/produced_by /m/0fvf9q +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/03ckwzc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05567m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/02zyy4 /people/person/sibling_s./people/sibling_relationship/sibling /m/050zr4 +/m/02jx1 /location/location/contains /m/07tl0 +/m/05_2h8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bl06 +/m/03fqv5 /film/director/film /m/0b4lkx +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/06x4l_ +/m/01c92g /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/0dvld /people/person/nationality /m/02jx1 +/m/01vh3r /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05crg7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt7h_ +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/06mr2s +/m/03tc8d /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hpt3 +/m/01vtqml /people/person/nationality /m/02jx1 +/m/01pl9g /people/person/religion /m/0c8wxp +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/05r_x5 +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0fb7sd /film/film/music /m/02bh9 +/m/01w724 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/04t7ts /film/actor/film./film/performance/film /m/01hv3t +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/07mqps /people/ethnicity/people /m/07hyk +/m/02_1sj /film/film/genre /m/05p553 +/m/0bsnm /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0bkq7 /film/film/film_art_direction_by /m/05v1sb +/m/0mgkg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/02lfcm /film/actor/film./film/performance/film /m/09hy79 +/m/0pmw9 /people/person/gender /m/05zppz +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/01xdxy +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016sp_ +/m/04mx7s /music/group_member/membership./music/group_membership/group /m/01fchy +/m/02tn0_ /film/director/film /m/02_nsc +/m/01gy7r /film/actor/film./film/performance/film /m/045j3w +/m/0521d_3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05233hy +/m/05kjlr /award/award_category/disciplines_or_subjects /m/03nfmq +/m/06yszk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01qzyz +/m/01vrz41 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pcvn +/m/02w4b /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/018n6m /people/person/profession /m/0dz3r +/m/01tz6vs /base/eating/practicer_of_diet/diet /m/07_jd +/m/01wwvc5 /music/artist/track_contributions./music/track_contribution/role /m/04rzd +/m/033tf_ /people/ethnicity/people /m/04xrx +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0fb_1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n6c_ +/m/03m6zs /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/02wtp6 /film/film/genre /m/07s9rl0 +/m/027ct7c /film/film/music /m/0146pg +/m/038nv6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/051x52f /film/film_set_designer/film_sets_designed /m/0k4bc +/m/02wr2r /people/person/nationality /m/09c7w0 +/m/015nhn /people/person/place_of_birth /m/01km6_ +/m/02yvct /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/0blst_ /award/award_category/winners./award/award_honor/award_winner /m/02wlk +/m/01s81 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03wh8pq +/m/029k4p /film/film/genre /m/0lsxr +/m/01vsps /people/person/profession /m/01d_h8 +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/01mqh5 +/m/01l1hr /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/01gkmx +/m/04sylm /education/educational_institution/students_graduates./education/education/student /m/06h2w +/m/064t9 /music/genre/artists /m/01wbgdv +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award_winner /m/025jfl +/m/01tc9r /people/person/profession /m/01c72t +/m/03lpp_ /sports/sports_team/colors /m/06fvc +/m/02qzh2 /film/film/featured_film_locations /m/02_286 +/m/0lfgr /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rk0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05sb1 +/m/0m2by /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/016lmg +/m/0gwgn1k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07ssc /media_common/netflix_genre/titles /m/0qmfk +/m/01fm07 /music/genre/artists /m/01w806h +/m/09v42sf /film/film/genre /m/06n90 +/m/0cv0r /location/location/time_zones /m/02hcv8 +/m/01nqfh_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/053rxgm +/m/03v6t /education/educational_institution_campus/educational_institution /m/03v6t +/m/03h304l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07p62k +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01k1k4 +/m/04f7c55 /people/person/place_of_birth /m/0f2rq +/m/07q0g5 /people/person/place_of_birth /m/0f__1 +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bm2nq +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/0263cyj +/m/011ywj /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03v3xp +/m/015ynm /film/film/genre /m/0hcr +/m/01yz0x /award/award_category/winners./award/award_honor/award_winner /m/033cw +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/02_p8v +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/07c6l +/m/02f2p7 /film/actor/film./film/performance/film /m/0fpkhkz +/m/04ykg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0824r +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0glt670 /music/genre/artists /m/01vw20h +/m/04vq33 /film/film/genre /m/082gq +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0b_5d /award/award_winning_work/awards_won./award/award_honor/award_winner /m/040z9 +/m/02x1dht /award/award_category/winners./award/award_honor/ceremony /m/09bymc +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/05np4c /award/award_winner/awards_won./award/award_honor/award_winner /m/09f0bj +/m/0prh7 /film/film/genre /m/04xvlr +/m/07sbbz2 /music/genre/artists /m/020_4z +/m/01l3mk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/016ksk +/m/09c7w0 /location/location/contains /m/0dhml +/m/05bt6j /music/genre/artists /m/02wb6yq +/m/05kwx2 /people/person/gender /m/05zppz +/m/0424m /people/person/profession /m/0fj9f +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0412f5y +/m/0345h /location/location/contains /m/09krp +/m/086k8 /organization/organization/child./organization/organization_relationship/child /m/07733f +/m/01v1d8 /music/performance_role/regular_performances./music/group_membership/role /m/01vj9c +/m/0d0vqn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award /m/02ddq4 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/026t6 /music/instrument/instrumentalists /m/02qfhb +/m/02wrhj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01h72l +/m/011yqc /award/award_winning_work/awards_won./award/award_honor/award /m/02r22gf +/m/0286hyp /film/film/genre /m/060__y +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06kbb6 /people/person/gender /m/05zppz +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04g3p5 +/m/0mbct /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l14qv +/m/04swx /location/location/contains /m/06w92 +/m/0l12d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ywrc +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gzy02 +/m/04vvh9 /film/film/language /m/04306rv +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0299ct +/m/0716b6 /influence/influence_node/influenced_by /m/055yr +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_9t7 +/m/0drdv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07r1h /film/actor/film./film/performance/film /m/02p86pb +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/0j95 +/m/06gb1w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bw20 /film/film/produced_by /m/01f8ld +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0283xx2 +/m/02jxmr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09q23x +/m/07bwr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9dp +/m/0kcn7 /film/film/country /m/09c7w0 +/m/06t74h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lmxq +/m/05kkh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05tbn +/m/01skmp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/06zsk51 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0bhtzw +/m/04tng0 /film/film/genre /m/07s9rl0 +/m/06mzp /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/070j61 /award/award_winner/awards_won./award/award_honor/award_winner /m/07ym6ss +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015srx +/m/0cy__l /film/film/executive_produced_by /m/0m593 +/m/0f_y9 /people/person/profession /m/05z96 +/m/05sns6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/046b0s /award/award_winner/awards_won./award/award_honor/award_winner /m/03fg0r +/m/0330r /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/04cl1 +/m/0342h /music/performance_role/regular_performances./music/group_membership/role /m/06ncr +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04vr_f +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/015gm8 /film/film/language /m/02h40lc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/083q7 +/m/06w839_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01z4y /media_common/netflix_genre/titles /m/02ntb8 +/m/02rwmk /base/culturalevent/event/entity_involved /m/01pj7 +/m/01pj48 /organization/organization/headquarters./location/mailing_address/citytown /m/04lc0h +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01h8rk +/m/0jmwg /music/genre/artists /m/0mgcr +/m/07_s4b /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/0345h /location/location/contains /m/09hzw +/m/01pl9g /people/deceased_person/place_of_death /m/02_286 +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05_z42 +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/072x7s /film/film/film_format /m/07fb8_ +/m/01lyv /music/genre/artists /m/02w4fkq +/m/02237m /education/educational_institution_campus/educational_institution /m/02237m +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/049dk /education/educational_institution/school_type /m/07tf8 +/m/0jyb4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/015srx +/m/015t56 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01rh0w +/m/026g73 /music/performance_role/track_performances./music/track_contribution/role /m/0xzly +/m/09b0xs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06pj8 +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016gr2 +/m/02z0f6l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02j416 +/m/0lgxj /olympics/olympic_games/participating_countries /m/03rk0 +/m/0h7pj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0bs4r /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03xkps /film/actor/film./film/performance/film /m/03b1l8 +/m/03qdm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01x53m /award/award_nominee/award_nominations./award/award_nomination/award /m/01f7d +/m/06jzh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/0h3mrc /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/08jgk1 +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qjv1p +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/012dr7 +/m/07s846j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04ls81 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_6j +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/03v0t +/m/02nwxc /award/award_winner/awards_won./award/award_honor/award_winner /m/06mfvc +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/05bnq8 +/m/01z4y /media_common/netflix_genre/titles /m/01l2b3 +/m/0755wz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050_qx +/m/05mvd62 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027r9t +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/02q6gfp +/m/0gcpc /award/award_winning_work/awards_won./award/award_honor/award /m/019f4v +/m/01f2f8 /people/person/places_lived./people/place_lived/location /m/06c62 +/m/01c4_6 /award/award_category/category_of /m/0c4ys +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqzkv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r00l +/m/023rwm /music/record_label/artist /m/01dpts +/m/015_1q /music/record_label/artist /m/0565cz +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02fn5 /film/actor/film./film/performance/film /m/0m_mm +/m/041rx /people/ethnicity/people /m/017g2y +/m/07srw /location/location/contains /m/0f2r6 +/m/0cms7f /award/award_winner/awards_won./award/award_honor/award_winner /m/04zkj5 +/m/0h1m9 /film/actor/film./film/performance/film /m/0ckrnn +/m/0sxfd /film/film/country /m/09c7w0 +/m/01yg9y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fwy0h +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01wg25j /people/person/profession /m/02hrh1q +/m/01smm /sports/sports_team_location/teams /m/0jnm2 +/m/0gyv0b4 /film/film/music /m/06cv1 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/role /m/02sgy +/m/0161c2 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/020ffd /award/award_winner/awards_won./award/award_honor/award_winner /m/0fwy0h +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0s0tr /base/biblioness/bibs_location/country /m/09c7w0 +/m/039cq4 /tv/tv_program/genre /m/01w613 +/m/030wkp /people/person/nationality /m/09c7w0 +/m/0d060g /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0j3b +/m/03gvt /music/instrument/instrumentalists /m/053y0s +/m/02_t6d /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01fwf1 /people/person/nationality /m/02jx1 +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award_winner /m/017dpj +/m/0fsb8 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/09wlpl /people/person/place_of_birth /m/02frhbc +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/09mq4m /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/06npd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/03np_7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01grpc /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/01cw51 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/03558l /sports/sports_position/players./sports/sports_team_roster/team /m/0jm5b +/m/0bs5k8r /film/film/genre /m/060__y +/m/01s0ps /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/04pp9s /people/person/profession /m/02hrh1q +/m/0jrgr /music/genre/parent_genre /m/0190xp +/m/0c3ns /film/director/film /m/0llcx +/m/081wh1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0b78hw +/m/04zkj5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/06rvn +/m/01j_06 /education/educational_institution/students_graduates./education/education/student /m/03txms +/m/059z0 /location/country/official_language /m/04306rv +/m/030g9z /people/person/sibling_s./people/sibling_relationship/sibling /m/02_l96 +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02tj96 +/m/070m12 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/03s9kp /film/film/music /m/01x6v6 +/m/09fb5 /award/award_winner/awards_won./award/award_honor/award_winner /m/018ygt +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/01r93l +/m/07g2v /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017m2y +/m/07d3z7 /people/person/nationality /m/09c7w0 +/m/06bd5j /film/film/genre /m/0lsxr +/m/040db /influence/influence_node/influenced_by /m/081k8 +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/0g22z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/03cxsvl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h3vtz +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02snj9 /music/performance_role/regular_performances./music/group_membership/role /m/013y1f +/m/01756d /music/genre/parent_genre /m/05bt6j +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02x4w6g /award/award_category/winners./award/award_honor/award_winner /m/01713c +/m/027nb /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/02mqc4 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0253b6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/01jnc_ /film/film/prequel /m/0c8tkt +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/08fn5b /film/film/genre /m/060__y +/m/041bnw /organization/organization/headquarters./location/mailing_address/citytown /m/0r00l +/m/01wy61y /music/artist/origin /m/018qd6 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v42g +/m/0c0zq /film/film/film_format /m/07fb8_ +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0xsk8 /award/award_winner/awards_won./award/award_honor/award_winner /m/06pk8 +/m/01tc9r /people/person/nationality /m/0d060g +/m/05r4w /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/024rbz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/01k70_ /award/award_winner/awards_won./award/award_honor/award_winner /m/06jvj7 +/m/0fw9vx /sports/sports_team/colors /m/083jv +/m/03dbww /film/actor/film./film/performance/film /m/039zft +/m/01fx6y /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06nz46 +/m/02pq_rp /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/03nb5v /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/026c1 +/m/01jqr_5 /people/person/gender /m/05zppz +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01gb54 /organization/organization/child./organization/organization_relationship/child /m/056ws9 +/m/04zw9hs /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/085jw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/0l15f_ +/m/05p09dd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01pr6q7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb1g +/m/0cwrr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06h7l7 +/m/01y665 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nm3s +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0gr0m /award/award_category/winners./award/award_honor/award_winner /m/03ctv8m +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05jzt3 +/m/02tr7d /award/award_winner/awards_won./award/award_honor/award_winner /m/026v437 +/m/098s2w /film/film/genre /m/03bxz7 +/m/02xfj0 /film/actor/film./film/performance/film /m/06_wqk4 +/m/0gs6vr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02wb6yq +/m/0jnh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/031kyy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01qvtwm +/m/03z9585 /film/film/language /m/06b_j +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0422v0 +/m/09xx0m /people/person/profession /m/02jknp +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/0cskb +/m/04t2l2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0fsm8c +/m/0988cp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wk_43 +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/01yh3y +/m/06182p /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0gywn /music/genre/artists /m/01wqmm8 +/m/051kd /tv/tv_program/country_of_origin /m/03_3d +/m/0pgjm /award/award_winner/awards_won./award/award_honor/award_winner /m/028k57 +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/083chw +/m/03f2_rc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/063vn +/m/03qjg /music/instrument/instrumentalists /m/01wj18h +/m/0mzkr /music/record_label/artist /m/01vn35l +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/05bt6j /music/genre/artists /m/033s6 +/m/04cbbz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/0638kv /people/person/gender /m/05zppz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0wh3 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5kl +/m/02vq8xn /people/person/profession /m/01d_h8 +/m/01wjrn /film/actor/film./film/performance/film /m/0sxmx +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f69m +/m/0hg5 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/01pctb /people/person/profession /m/0d2ww +/m/0137g1 /celebrities/celebrity/sexual_relationships./celebrities/romantic_relationship/celebrity /m/086sj +/m/07vyf /organization/organization/headquarters./location/mailing_address/citytown /m/0fr0t +/m/04t36 /media_common/netflix_genre/titles /m/0ccd3x +/m/07s9rl0 /media_common/netflix_genre/titles /m/0cmc26r +/m/01cwkq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/021yw7 +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/060ny2 +/m/027571b /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/017gm7 /award/award_winning_work/awards_won./award/award_honor/award /m/018wdw +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/0bytkq /people/person/profession /m/089fss +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/05cgv /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01rr9f /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0127m7 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01vrwfv +/m/0cw67g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g9zcgx +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/020fcn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0c3ns +/m/0mhfr /music/genre/artists /m/06rgq +/m/0f40w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06s26c /people/person/profession /m/04pyp5 +/m/0fb0v /music/record_label/artist /m/01vsl3_ +/m/027vps /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bj25 +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/011wtv +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0bqxw +/m/0fpjd_g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0399p /influence/influence_node/influenced_by /m/058vp +/m/01yd8v /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/040rjq /people/person/place_of_birth /m/0n920 +/m/039_ym /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/01wd9vs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012ky3 +/m/016gr2 /award/award_winner/awards_won./award/award_honor/award_winner /m/0l6px +/m/01jgpsh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030tjk +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0212mp +/m/0c3xw46 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0lx2l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vyyl8 +/m/021y7yw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/042l8n /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01jq0j +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/05r6t /music/genre/artists /m/015196 +/m/0fn8jc /award/award_winner/awards_won./award/award_honor/award_winner /m/0783m_ +/m/064r97z /film/film/production_companies /m/03jvmp +/m/062hgx /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/09c7w0 /location/location/contains /m/0rsjf +/m/01vrx35 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6v +/m/03prz_ /film/film/story_by /m/080r3 +/m/0mhfr /music/genre/artists /m/01xzb6 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/05lb87 +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/080dwhx /tv/tv_program/genre /m/0lsxr +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/0175wg +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/016tt2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jrqq +/m/016ckq /music/record_label/artist /m/04b7xr +/m/01q7cb_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01w02sy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ygbf +/m/0f2rq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01438g /people/person/gender /m/05zppz +/m/0q1lp /people/person/nationality /m/09c7w0 +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/06czq /music/genre/artists /m/016kjs +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/030xr_ /people/person/profession /m/02hrh1q +/m/0bkq7 /film/film/genre /m/07s9rl0 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/025vldk /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/02wr6r /people/person/places_lived./people/place_lived/location /m/0hptm +/m/018cqq /user/ktrueman/default_domain/international_organization/member_states /m/0345h +/m/07yvsn /film/film/written_by /m/01_f_5 +/m/01541z /award/award_winner/awards_won./award/award_honor/award_winner /m/0b9dmk +/m/016z2j /people/person/profession /m/0dxtg +/m/02bfmn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/017gm7 +/m/05hj0n /people/person/place_of_birth /m/0mzww +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011yqc +/m/033srr /film/film/genre /m/02n4kr +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/0892sx /music/artist/track_contributions./music/track_contribution/role /m/03m5k +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/01sp81 /film/actor/film./film/performance/film /m/01xq8v +/m/0bgv8y /sports/sports_position/players./sports/sports_team_roster/team /m/03b3j +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ywrc +/m/02z3r8t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0sxrz +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/0g6ff /people/ethnicity/people /m/0hskw +/m/02py9yf /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/038nv6 +/m/0mp36 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vh3r /people/person/religion /m/0c8wxp +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/07s9rl0 /media_common/netflix_genre/titles /m/0dw4b0 +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/0r3tq /location/hud_county_place/place /m/0r3tq +/m/016clz /music/genre/artists /m/03xl77 +/m/02z3zp /people/person/profession /m/02hrh1q +/m/01pk3z /film/actor/film./film/performance/film /m/01pj_5 +/m/01_k0d /people/person/place_of_birth /m/0hyxv +/m/01_x6d /people/person/religion /m/0kq2 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/02js6_ /people/person/religion /m/092bf5 +/m/02jr6k /film/film/language /m/02h40lc +/m/04xvlr /media_common/netflix_genre/titles /m/0c0yh4 +/m/07h9gp /film/film/featured_film_locations /m/080h2 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0klw /people/person/profession /m/0kyk +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hhvg +/m/09b0xs /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0170k0 +/m/0fvt2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/01vy_v8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/044f7 +/m/09y6pb /film/film/production_companies /m/059x3p +/m/0342h /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/01rt5h /medicine/disease/notable_people_with_this_condition /m/017yxq +/m/0bs0bh /award/award_category/winners./award/award_honor/award_winner /m/059_gf +/m/070m12 /people/person/nationality /m/09c7w0 +/m/0739y /people/person/profession /m/05z96 +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01vsnff /people/person/profession /m/039v1 +/m/0391jz /award/award_winner/awards_won./award/award_honor/award_winner /m/01pgzn_ +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/01slc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/0436f4 +/m/0hz55 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015p37 +/m/01fs__ /tv/tv_program/genre /m/07s9rl0 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0745k7 /people/person/gender /m/05zppz +/m/01j7rd /people/person/languages /m/02h40lc +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/05r5c /music/instrument/instrumentalists /m/025xt8y +/m/033tln /film/actor/film./film/performance/film /m/03bxp5 +/m/01nln /location/country/official_language /m/064_8sq +/m/02jxrw /film/film/music /m/07j8kh +/m/0309jm /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award /m/05pcn59 +/m/092vkg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lyv /music/genre/artists /m/02cx90 +/m/0b_dy /film/actor/film./film/performance/film /m/09cr8 +/m/02yy8 /people/person/religion /m/02rsw +/m/05gjfk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/09gkx35 /film/film/language /m/02h40lc +/m/03bxsw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wk7b +/m/0378zn /film/actor/film./film/performance/film /m/034qrh +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/026cmdc /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02g_6j +/m/0g251 /base/biblioness/bibs_location/country /m/07ssc +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/017mbb +/m/01gsry /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grr2 +/m/02b17f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0127s7 +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03xp8d5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03mh94 /film/film/production_companies /m/05nn2c +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/023r2x +/m/016xh5 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0b_6yv /music/genre/artists /m/0161sp +/m/0jzw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01qdjm /award/award_nominee/award_nominations./award/award_nomination/award /m/03ncb2 +/m/02hnl /music/instrument/instrumentalists /m/01vsnff +/m/0gpmp /people/person/place_of_birth /m/021npd +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/05ljv7 /music/performance_role/regular_performances./music/group_membership/role /m/02hnl +/m/0443y3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03zqc1 +/m/081nh /organization/organization_founder/organizations_founded /m/015zyd +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/026rsl9 +/m/0cwfgz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/059lwy +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gy7bj4 /film/film/country /m/07ssc +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016srn +/m/02wk_43 /award/award_winner/awards_won./award/award_honor/award_winner /m/026_dcw +/m/01rr9f /people/person/profession /m/03gjzk +/m/0cjsxp /award/award_winner/awards_won./award/award_honor/award_winner /m/0f830f +/m/03g52k /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/05148p4 /music/instrument/instrumentalists /m/01vsy7t +/m/0tnkg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025rxjq /film/film/featured_film_locations /m/01jr6 +/m/01ckrr /award/award_category/winners./award/award_honor/award_winner /m/0134tg +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/044ntk /people/person/place_of_birth /m/02_286 +/m/01jq4b /education/university/local_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01yh3y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021w0_ /education/educational_institution/school_type /m/05jxkf +/m/02l101 /people/person/nationality /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/03nx8mj +/m/0l76z /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/03hzl42 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/04lg6 /people/person/profession /m/0cbd2 +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/0gr4k /award/award_category/winners./award/award_honor/award_winner /m/0c12h +/m/029ghl /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/0blg2 /olympics/olympic_games/participating_countries /m/07ssc +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/07ymr5 +/m/072zl1 /film/film/genre /m/060__y +/m/01wk7ql /people/person/profession /m/0nbcg +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/017m2y +/m/09j028 /soccer/football_player/current_team./sports/sports_team_roster/team /m/045xx +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j0ss +/m/0fb0v /music/record_label/artist /m/01q_wyj +/m/02x3y41 /film/film/production_companies /m/016tw3 +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/02rv_dz /award/award_winning_work/awards_won./award/award_honor/award /m/03hl6lc +/m/02_286 /location/location/contains /m/01t0dy +/m/09c7w0 /location/location/contains /m/02hrh0_ +/m/04wtx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02q1tc5 +/m/02q4ntp /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/02swsm /music/record_label/artist /m/01lmj3q +/m/05w3f /music/genre/artists /m/0180w8 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015p37 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/01vsy7t /people/person/gender /m/05zppz +/m/0565cz /people/person/nationality /m/09c7w0 +/m/02k_4g /tv/tv_program/genre /m/0gs6m +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03h_yy /film/film/produced_by /m/0c1pj +/m/024n3z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6g1l +/m/07z542 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02j3d4 +/m/02301 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/04k3r_ /sports/sports_team/sport /m/02vx4 +/m/0gkd1 /music/performance_role/regular_performances./music/group_membership/group /m/047cx +/m/01h1b /film/actor/film./film/performance/film /m/06lpmt +/m/06q07 /business/business_operation/industry /m/019z7b +/m/09bw4_ /film/film/music /m/06fxnf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/03r0g9 +/m/01jj4x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04954 /film/actor/film./film/performance/film /m/0cd2vh9 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/067nsm /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/057dxsg /people/person/profession /m/089fss +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/023tp8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02phtzk /film/film/produced_by /m/05prs8 +/m/06t8v /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03mp9s +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/011j5x /music/genre/artists /m/01dw_f +/m/033tf_ /people/ethnicity/people /m/09h4b5 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/08x5c_ /film/actor/film./film/performance/film /m/0pc62 +/m/08t7nz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0x67 /people/ethnicity/people /m/04qsdh +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/0ds2n /film/film/production_companies /m/016tt2 +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/080dfr7 +/m/095zlp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0341n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/04jvt /influence/influence_node/influenced_by /m/05wh0sh +/m/0l14j_ /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01kcd +/m/03_bcg /people/person/profession /m/01d_h8 +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/honored_for /m/011wtv +/m/016ypb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02fwfb +/m/0svqs /award/award_winner/awards_won./award/award_honor/award_winner /m/016zp5 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0pj9t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0156q /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03_6y +/m/0dwt5 /music/performance_role/regular_performances./music/group_membership/role /m/03q5t +/m/0c2ry /film/actor/film./film/performance/film /m/0jz71 +/m/0265vt /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/02gyl0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ym6ss +/m/02w7gg /people/ethnicity/people /m/082mw +/m/01vrnsk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01w724 +/m/02sjgpq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/033hn8 /music/record_label/artist /m/0473q +/m/03s0w /location/location/contains /m/0nmj +/m/0jpkw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02fybl /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/031ldd /film/film/genre /m/02kdv5l +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02681_5 /award/award_category/winners./award/award_honor/award_winner /m/09z1lg +/m/01kkx2 /people/person/profession /m/018gz8 +/m/01kstn9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fx4k /film/film/music /m/03h4mp +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02lk1s +/m/025txtg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/057xs89 /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rt9 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c62 +/m/01b9z4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kfv9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0cmc26r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/047yc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/09c7w0 +/m/0gz5hs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0154qm /award/award_winner/awards_won./award/award_honor/award_winner /m/015t7v +/m/02gn8s /education/educational_institution/students_graduates./education/education/student /m/0443c +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/04z_3pm /film/film/language /m/02h40lc +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/01jrbb +/m/0m9v7 /people/person/profession /m/02hrh1q +/m/059s8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/050ks +/m/0dc7hc /film/film/genre /m/02kdv5l +/m/02vqpx8 /people/person/profession /m/0cbd2 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/02_kd /film/film/language /m/02h40lc +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01vksx +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/06z9f8 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05znxx +/m/01zg98 /award/award_winner/awards_won./award/award_honor/award_winner /m/07h565 +/m/03f77 /people/person/profession /m/01___w +/m/06pj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cc8l6d +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/03rtmz +/m/01jfrg /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0169dl +/m/02qwg /award/award_winner/awards_won./award/award_honor/award_winner /m/01w60_p +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/01lwx +/m/04nfpk /sports/sports_position/players./sports/sports_team_roster/team /m/05gg4 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfz +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/0252fh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07g1sm +/m/01yb09 /film/actor/film./film/performance/film /m/02q8ms8 +/m/0p_2r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/013l6l /base/biblioness/bibs_location/state /m/06mz5 +/m/04kr63w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027n4zv +/m/05m_jsg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01fh36 /music/genre/artists /m/05crg7 +/m/02bft /medicine/disease/risk_factors /m/0gk4g +/m/0_kq3 /location/hud_county_place/place /m/0_kq3 +/m/0r3tq /location/location/time_zones /m/02lcqs +/m/0dwvl /music/performance_role/track_performances./music/track_contribution/role /m/01vj9c +/m/0164nb /film/actor/film./film/performance/film /m/0gvvf4j +/m/0443v1 /film/film/story_by /m/027hnjh +/m/03n52j /people/person/place_of_birth /m/030qb3t +/m/085ccd /film/film/genre /m/01hmnh +/m/0cgbf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/02r_d4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0124k9 +/m/064_8sq /language/human_language/countries_spoken_in /m/04wgh +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02tjl3 /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/0154j /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09gkx35 +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/05h5nb8 /award/award_category/winners./award/award_honor/award_winner /m/026670 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd4f +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gyl +/m/0dyl9 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/0dlngsd /film/film/genre /m/02kdv5l +/m/0gd0c7x /film/film/country /m/09c7w0 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/02v3yy /people/person/nationality /m/09c7w0 +/m/0mdyn /people/person/nationality /m/09c7w0 +/m/04kj2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05b4rcb +/m/01w5gg6 /music/group_member/membership./music/group_membership/role /m/0342h +/m/075znj /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0bgrsl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05nn4k +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award /m/02_3zj +/m/024qqx /media_common/netflix_genre/titles /m/03qcfvw +/m/0pv2t /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01csvq +/m/06r2_ /film/film/genre /m/03k9fj +/m/016vg8 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/073w14 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6mp +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0gxfz +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/011z3g +/m/041rx /people/ethnicity/people /m/07xr3w +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0n85g /music/record_label/artist /m/03ryks +/m/01s7qqw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jxgx /location/location/time_zones /m/02hcv8 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p7_k +/m/0fb7sd /film/film/language /m/02h40lc +/m/0hnf5vm /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4_l +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h03fhx +/m/0fkvn /business/job_title/people_with_this_title./business/employment_tenure/company /m/02mw6c +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/01xbpn +/m/025tlyv /organization/organization/place_founded /m/030qb3t +/m/0dy6c9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03y7ml /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_nsc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01zfmm /award/award_winner/awards_won./award/award_honor/award_winner /m/029m83 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s9y +/m/02hnl /music/instrument/instrumentalists /m/01wbz9 +/m/05650n /award/award_winning_work/awards_won./award/award_honor/award /m/02qyxs5 +/m/01900g /people/person/places_lived./people/place_lived/location /m/0q8s4 +/m/01xdf5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0blfl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0cnl09 /award/award_winner/awards_won./award/award_honor/award_winner /m/072bb1 +/m/02301 /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/018gm9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sxrz /olympics/olympic_games/participating_countries /m/01mk6 +/m/0c4hx0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016gkf +/m/04n2vgk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/0bz6l9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01fwzk +/m/0gqrb /people/person/profession /m/02krf9 +/m/04q01mn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lyv /music/genre/artists /m/016s_5 +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0kszw +/m/01c4pv /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/03k7dn /education/educational_institution/colors /m/06fvc +/m/09wj5 /award/award_winner/awards_won./award/award_honor/award_winner /m/0154qm +/m/0126y2 /people/person/nationality /m/09c7w0 +/m/02jx1 /location/country/second_level_divisions /m/0cxgc +/m/0bs8d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/058z1hb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01gvsn +/m/0151ns /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/01f6x7 /film/film/production_companies /m/05rrtf +/m/0652ty /people/person/profession /m/01d_h8 +/m/03_87 /influence/influence_node/influenced_by /m/04xjp +/m/01vxxb /people/person/nationality /m/09c7w0 +/m/01my4f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030k94 +/m/04ftdq /education/university/domestic_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gvx_ /award/award_category/nominees./award/award_nomination/nominated_for /m/04dsnp +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0sx5w /people/person/profession /m/02hrh1q +/m/026_w57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01q9b9 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d_wms +/m/01v8y9 /music/performance_role/track_performances./music/track_contribution/role /m/021bmf +/m/053y0s /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02vr3gz /film/film/genre /m/07s9rl0 +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07szy +/m/01v3rb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0lpjn /film/actor/film./film/performance/film /m/0h3xztt +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/0phrl +/m/05b7q /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/01p6xx /people/person/profession /m/01d_h8 +/m/01p4vl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02bqvs +/m/01gbn6 /film/actor/film./film/performance/film /m/0kvgxk +/m/0crd8q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0b455l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q_cc +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059j4x +/m/0979n /film/film/country /m/07ssc +/m/0jhn7 /olympics/olympic_games/sports /m/07bs0 +/m/02q6gfp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0fy66 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01vl17 /people/person/profession /m/02jknp +/m/02ckl3 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0rh6k +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05nzw6 /film/actor/film./film/performance/film /m/03m5y9p +/m/0n5df /location/location/contains /m/0xpp5 +/m/033g4d /film/film/runtime./film/film_cut/film_release_region /m/05r4w +/m/081mh /location/location/contains /m/0n6bs +/m/01w1sx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059dn +/m/01vw87c /people/person/profession /m/01c72t +/m/02q_cc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/07jbh +/m/0fvr1 /film/film/genre /m/01hmnh +/m/01bk1y /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/02v63m /film/film/genre /m/02b5_l +/m/01kqq7 /film/film/genre /m/0vgkd +/m/032_jg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02qdrjx +/m/0ggbfwf /film/film/runtime./film/film_cut/film_release_region /m/09c7w0 +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/046b0s +/m/0571m /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02_4fn /people/person/profession /m/01d_h8 +/m/01679d /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/0bw7ly /sports/pro_athlete/teams./sports/sports_team_roster/team /m/029q3k +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0g2jl +/m/0h1v19 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/061681 /film/film/film_format /m/07fb8_ +/m/0fjzsy /american_football/football_team/current_roster./sports/sports_team_roster/position /m/01_9c1 +/m/06_bq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/02py9yf +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c4qzm +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01sn3 /location/location/contains /m/06mvyf +/m/02yv6b /music/genre/artists /m/01p95y0 +/m/01gj8_ /people/person/languages /m/09s02 +/m/02lg3y /people/person/profession /m/02hrh1q +/m/040db /influence/influence_node/influenced_by /m/03_dj +/m/09c7w0 /location/location/contains /m/0mpbj +/m/017ztv /education/educational_institution/campuses /m/017ztv +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0462hhb +/m/0cp0790 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016ynj /film/actor/film./film/performance/film /m/0kvf3b +/m/05dbf /film/actor/film./film/performance/film /m/05fm6m +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016yvw +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/02qpt1w /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0ksrf8 +/m/01tdnyh /people/person/profession /m/02hrh1q +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/072vj /people/person/profession /m/03gjzk +/m/05r5c /music/performance_role/regular_performances./music/group_membership/role /m/0j871 +/m/026mff /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0d1mp3 /people/person/profession /m/03gjzk +/m/081lh /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bs5vty +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01bv8b +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/04zxrt /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01dbns +/m/0f2sx4 /film/film/genre /m/0gsy3b +/m/045gzq /film/actor/film./film/performance/film /m/0cz8mkh +/m/09rsjpv /film/film/language /m/02bjrlw +/m/03gyl /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/02n1gr /people/person/spouse_s./people/marriage/location_of_ceremony /m/04vmp +/m/01l2m3 /medicine/disease/risk_factors /m/0g9pc +/m/02yxwd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04vr_f +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0fq9zdn /award/award_category/winners./award/award_honor/award_winner /m/07b2lv +/m/0fpzt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/07c52 /film/film_subject/films /m/02_1sj +/m/0170yd /film/film/written_by /m/037d35 +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0n5dt /location/location/contains /m/0fvxz +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0n2q0 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5px +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/070yzk +/m/01jz6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016fjj +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01ry_x +/m/04cr6qv /people/person/sibling_s./people/sibling_relationship/sibling /m/04f7c55 +/m/0lgxj /olympics/olympic_games/sports /m/01cgz +/m/0d9_96 /people/person/profession /m/0np9r +/m/0swff /olympics/olympic_games/sports /m/09f6b +/m/06y0xx /people/person/profession /m/02krf9 +/m/0d060g /location/location/contains /m/059ts +/m/06b0d2 /people/person/profession /m/02hrh1q +/m/07vn_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01lvrm /organization/organization/headquarters./location/mailing_address/citytown /m/0d8s8 +/m/041rx /people/ethnicity/people /m/0306bt +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04pqqb /people/person/nationality /m/03spz +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0b7gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03xp8d5 +/m/01r3hr /sports/sports_position/players./sports/sports_team_roster/team /m/06x76 +/m/01vtj38 /people/person/profession /m/0nbcg +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01m4yn +/m/01t8sr /education/educational_institution/colors /m/06kqt3 +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02tr7d +/m/04v8x9 /award/award_winning_work/awards_won./award/award_honor/award /m/0f4x7 +/m/0283d /music/genre/artists /m/016lmg +/m/059rby /location/location/contains /m/04n3l +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/03cwwl /film/film/country /m/0d060g +/m/035yn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0mwx6 /location/location/contains /m/0zpfy +/m/0dvmd /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01gq0b +/m/0lrh /people/person/nationality /m/09c7w0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0bkmf /people/person/nationality /m/09c7w0 +/m/0f8l9c /location/location/contains /m/035qv8 +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02jr26 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01k60v /film/film/genre /m/03bxz7 +/m/0b73_1d /film/film/genre /m/060__y +/m/05b1062 /people/person/nationality /m/0162b +/m/01p1b /location/country/official_language /m/064_8sq +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/057xlyq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/0fm3kw /award/award_category/disciplines_or_subjects /m/0w7c +/m/07h9gp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06w7v /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/0kftt /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/02rgz97 /people/person/place_of_birth /m/0h7h6 +/m/042fgh /film/film/language /m/064_8sq +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01d_h +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03r0g9 /film/film/featured_film_locations /m/05ywg +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/01d5z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/0gz6b6g /film/film/genre /m/07s9rl0 +/m/0zlgm /location/hud_county_place/place /m/0zlgm +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/06cs95 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0l98s /user/jg/default_domain/olympic_games/sports /m/02y8z +/m/0261x8t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02tvsn /base/culturalevent/event/entity_involved /m/0cdbq +/m/085pr /influence/influence_node/influenced_by /m/02zjd +/m/04v09 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f7jt /film/film/genre /m/09kqc +/m/017b2p /music/artist/origin /m/0gqkd +/m/06jz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/052hl /award/award_nominee/award_nominations./award/award_nomination/award /m/04mqgr +/m/01_r9k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jqj5 /film/film/genre /m/082gq +/m/01g4zr /people/person/profession /m/0dxtg +/m/06n7h7 /people/person/gender /m/02zsn +/m/05r6t /music/genre/artists /m/01ww_vs +/m/02vxq9m /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/0c8tkt /film/film/executive_produced_by /m/0fz27v +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/role /m/04q7r +/m/01fchy /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0d0xs5 /people/person/profession /m/01d_h8 +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04mcw4 +/m/04sh3 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/01400v +/m/0ds2n /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/0g133 /sports/sports_team_location/teams /m/0230rx +/m/013gxt /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0nf3h +/m/06tp4h /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09h4b5 +/m/02fgm7 /people/person/gender /m/05zppz +/m/011k1h /music/record_label/artist /m/01wp8w7 +/m/0170_p /film/film/cinematography /m/04qvl7 +/m/01m4kpp /people/person/profession /m/02hrh1q +/m/0g768 /music/record_label/artist /m/0fpj9pm +/m/0h1mt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017lqp +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051wwp +/m/024tcq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqmq +/m/0k2mxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_njt +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/0487c3 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/016gp5 +/m/03jb2n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/056wb +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0jzw +/m/0gn30 /people/person/gender /m/05zppz +/m/07wjk /education/educational_institution/colors /m/01g5v +/m/0d4htf /film/film/genre /m/0gf28 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0419kt +/m/03mck3c /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/01xv77 /film/actor/film./film/performance/film /m/03nqnnk +/m/03mbdx_ /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/07brj /music/performance_role/track_performances./music/track_contribution/role /m/0gghm +/m/031c2r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06tpmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/08jyyk /music/genre/artists /m/01y_rz +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08lr6s +/m/0fwy0h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02pt6k_ +/m/06msq2 /people/person/profession /m/0cbd2 +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040_lv +/m/034qg /people/cause_of_death/people /m/01vz0g4 +/m/07hyk /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03m10r /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/042kg /people/person/profession /m/0g0vx +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0g5pvv +/m/07wf9 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0rlz +/m/03mbdx_ /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016z9n +/m/0d5_f /people/deceased_person/place_of_death /m/06mxs +/m/01ym9b /music/genre/parent_genre /m/0glt670 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0j4b +/m/0210hf /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014zcr +/m/05krk /education/educational_institution_campus/educational_institution /m/05krk +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/0hmr4 /film/film/featured_film_locations /m/02nd_ +/m/03swmf /people/person/profession /m/02hrh1q +/m/01cf5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0k3hn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/07b2lv /film/actor/film./film/performance/film /m/05mrf_p +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gldyz +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01dvzy /base/biblioness/bibs_location/country /m/05v8c +/m/0h10vt /people/person/nationality /m/02jx1 +/m/03ywyk /people/person/places_lived./people/place_lived/location /m/0ftvz +/m/0cjf0 /medicine/symptom/symptom_of /m/087z2 +/m/0cd2vh9 /film/film/genre /m/07s9rl0 +/m/047bynf /film/film/film_festivals /m/04grdgy +/m/04kjrv /people/person/profession /m/0nbcg +/m/09l3p /people/person/nationality /m/03spz +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/01mskc3 +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycfv +/m/023t0q /people/person/profession /m/0dgd_ +/m/0s6jm /location/hud_county_place/county /m/0nvrd +/m/0hpv3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0jksm +/m/0kvgnq /film/film/costume_design_by /m/0bytfv +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/03xl77 /people/person/religion /m/0c8wxp +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/09c7w0 /location/location/contains /m/0yjvm +/m/035xwd /film/film/genre /m/07s9rl0 +/m/02ywwy /film/film/genre /m/02kdv5l +/m/01zcrv /award/award_winner/awards_won./award/award_honor/award_winner /m/061dn_ +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/017jd9 +/m/0sxkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01hjy5 /organization/organization/headquarters./location/mailing_address/citytown /m/01sn3 +/m/02lfcm /film/actor/film./film/performance/film /m/0286vp +/m/06j6l /music/genre/artists /m/01vrt_c +/m/026p_bs /film/film/language /m/06mp7 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0p_th +/m/03d6fyn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/08_438 /film/actor/film./film/performance/film /m/07jqjx +/m/0319l /music/performance_role/regular_performances./music/group_membership/role /m/07gql +/m/061zc_ /film/actor/film./film/performance/film /m/0f42nz +/m/04zwtdy /people/person/spouse_s./people/marriage/spouse /m/0253b6 +/m/01_x6v /award/award_winner/awards_won./award/award_honor/award_winner /m/0bz60q +/m/01_f_5 /film/actor/film./film/performance/film /m/0ddt_ +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/04tqtl +/m/05r6t /music/genre/artists /m/09mq4m +/m/03hpkp /education/educational_institution/colors /m/06fvc +/m/09pjnd /people/person/place_of_birth /m/0ynfz +/m/09c7w0 /location/location/contains /m/01_k7f +/m/0kbvv /olympics/olympic_games/sports /m/09qgm +/m/04bnx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vtqml /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0h63gl9 +/m/0jclr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0m28g +/m/0cbv4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0b2v79 /film/film/genre /m/04xvlr +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/03f6fl0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0mgp +/m/0219q /people/person/profession /m/0np9r +/m/017c87 /film/director/film /m/09k56b7 +/m/032498 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/04hwbq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0645k5 /film/film/production_companies /m/086k8 +/m/0fm3h2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/01jq4b /education/educational_institution/students_graduates./education/education/student /m/01kkx2 +/m/043kzcr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/role /m/018j2 +/m/0333wf /people/person/place_of_birth /m/013yq +/m/0cms7f /film/actor/film./film/performance/film /m/0421v9q +/m/026c1 /people/person/spouse_s./people/marriage/spouse /m/017yxq +/m/023jq1 /award/award_winner/awards_won./award/award_honor/award_winner /m/02c0mv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/01vtqml /music/group_member/membership./music/group_membership/group /m/01czx +/m/042z_g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q95r +/m/0262yt /award/award_category/disciplines_or_subjects /m/01hmnh +/m/06hgbk /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/07s95_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0gd_b_ +/m/026njb5 /film/film/genre /m/0219x_ +/m/01z7s_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02ll45 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016tbr /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/03cxsvl /award/award_winner/awards_won./award/award_honor/award_winner /m/0fn8jc +/m/02gr81 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0d04z6 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/05f4vxd /tv/tv_program/genre /m/01t_vv +/m/06by7 /music/genre/artists /m/02r1tx7 +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/02c6d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/05drr9 /people/person/place_of_birth /m/0psxp +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01g_k3 +/m/071nw5 /film/film/production_companies /m/024rgt +/m/0969vz /people/person/profession /m/02hrh1q +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0l2q3 /location/location/contains /m/0r3tq +/m/04v7kt /film/actor/film./film/performance/film /m/0cz_ym +/m/02ll45 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02sjp +/m/0fx2s /film/film_subject/films /m/0b2km_ +/m/05ztrmj /award/award_category/winners./award/award_honor/award_winner /m/03kbb8 +/m/0fztbq /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/01kf3_9 +/m/0gvrws1 /film/film/produced_by /m/043q6n_ +/m/071jrc /people/person/profession /m/03sbb +/m/03h_yfh /people/deceased_person/place_of_death /m/06_kh +/m/042fk /people/person/places_lived./people/place_lived/location /m/0l4vc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02ndj5 +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/03sc8 +/m/02rq8k8 /film/film/music /m/01ycfv +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q827 +/m/03nqnk3 /award/award_category/winners./award/award_honor/award_winner /m/016bx2 +/m/05mv4 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/016732 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/084w8 /influence/influence_node/influenced_by /m/081k8 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0jyb4 /film/film/produced_by /m/03v1xb +/m/06s_2 /organization/organization_member/member_of./organization/organization_membership/organization /m/085h1 +/m/03c7tr1 /award/award_category/winners./award/award_honor/award_winner /m/02g0rb +/m/0520r2x /people/deceased_person/place_of_death /m/0f2wj +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0bhvtc /people/person/nationality /m/09c7w0 +/m/02lf0c /film/director/film /m/02x8fs +/m/0r6cx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6ff +/m/012wyq /location/location/contains /m/0nbrp +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0c6qh /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/0qmfk /film/film/runtime./film/film_cut/film_release_region /m/082fr +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0164qt +/m/04n32 /people/person/place_of_birth /m/0f2tj +/m/07y2s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01sl1q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_wpf +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/036jb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02tqkf /people/person/place_of_birth /m/0xrzh +/m/01vg0s /organization/organization/headquarters./location/mailing_address/state_province_region /m/0g284 +/m/04y41 /dataworld/gardening_hint/split_to /m/01tv5c +/m/0kbws /olympics/olympic_games/participating_countries /m/04v3q +/m/0123j6 /business/business_operation/industry /m/020mfr +/m/01v2xl /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0d1_f /people/person/spouse_s./people/marriage/location_of_ceremony /m/0bvqq +/m/06l9n8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02p65p +/m/069nzr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03pmty +/m/0kw4j /education/educational_institution/colors /m/06fvc +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/08cg36 /music/genre/parent_genre /m/02qm5j +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/01vt9p3 /people/person/nationality /m/09c7w0 +/m/04pp9s /people/person/nationality /m/09c7w0 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03j722 +/m/04xrx /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/02lfns /award/award_winner/awards_won./award/award_honor/award_winner /m/03w1v2 +/m/0jmj7 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/01gbn6 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/0522wp /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07sp4l +/m/0ctw_b /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/030155 /people/person/nationality /m/09c7w0 +/m/01qvgl /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/015v3r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cjsxp +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/071nw5 +/m/051ysmf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gl3hr +/m/01vv7sc /award/award_winner/awards_won./award/award_honor/award_winner /m/016fnb +/m/02l7c8 /media_common/netflix_genre/titles /m/02rtqvb +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0kv7k /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07b1gq /film/film/executive_produced_by /m/04w1j9 +/m/0jyx6 /film/film/genre /m/02l7c8 +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07xyn1 +/m/02cgb8 /people/person/gender /m/05zppz +/m/0myk8 /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/04crrxr /award/award_winner/awards_won./award/award_honor/award_winner /m/01j7rd +/m/01k9lpl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0qjd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/051ls +/m/02qm5j /music/genre/artists /m/07bzp +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/0337vz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lq43 +/m/04rzd /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/05148p4 +/m/03ym73 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0g5qs2k /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/0416y94 /film/film/written_by /m/01gzm2 +/m/01l2fn /film/actor/film./film/performance/film /m/02w9k1c +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0crh5_f +/m/0n2q0 /location/location/contains /m/0yvjx +/m/01mmslz /people/person/places_lived./people/place_lived/location /m/0r00l +/m/0395lw /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/013y1f +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0294mx +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01npw8 +/m/034qbx /film/film/language /m/02h40lc +/m/0ff3y /people/person/profession /m/0kyk +/m/0mws3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwvq +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyts +/m/05vk_d /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/01mszz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/059lwy +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0bbgly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0g1rw +/m/0gw2y6 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02l1fn +/m/0bvls5 /people/person/profession /m/02hrh1q +/m/016w7b /organization/organization/headquarters./location/mailing_address/citytown /m/0b2lw +/m/01kcms4 /influence/influence_node/influenced_by /m/01w60_p +/m/07sbbz2 /music/genre/artists /m/0p7h7 +/m/034qbx /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/03x762 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/011yrp /film/film/genre /m/05p553 +/m/04ych /location/location/contains /m/01z1c +/m/0282x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0232lm /people/person/profession /m/09jwl +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/0bsxd3 +/m/018vs /music/performance_role/track_performances./music/track_contribution/role /m/013y1f +/m/0l6px /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h3xztt +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bm2g +/m/042fgh /film/film/genre /m/06n90 +/m/059kh /music/genre/artists /m/01r9fv +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02wk7b +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/06vsbt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/048q6x +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02q253 /education/educational_institution/students_graduates./education/education/student /m/02bfmn +/m/03s0w /location/location/contains /m/02j3w +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h7pj /people/person/profession /m/02hrh1q +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/02xfrd /people/person/places_lived./people/place_lived/location /m/0yyh +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/0gkts9 /award/award_category/winners./award/award_honor/award_winner /m/02l3_5 +/m/06z5s /people/cause_of_death/people /m/06hmd +/m/02lnbg /music/genre/artists /m/03f5spx +/m/08jyyk /music/genre/artists /m/01tp5bj +/m/041rx /people/ethnicity/people /m/05txrz +/m/0sxlb /film/film/film_format /m/0cj16 +/m/0184jc /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03yfh3 +/m/01pqy_ /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01pllx +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0c12h /people/person/profession /m/02hrh1q +/m/06jvj7 /award/award_winner/awards_won./award/award_honor/award_winner /m/05sj55 +/m/049xgc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05cgy8 /people/person/profession /m/0dxtg +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0d9rp /base/biblioness/bibs_location/country /m/059j2 +/m/05pcn59 /award/award_category/winners./award/award_honor/award_winner /m/0c9c0 +/m/0l6vl /olympics/olympic_games/sports /m/03fyrh +/m/03phtz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/04fzk /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0253b6 /people/person/profession /m/0np9r +/m/0288fyj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02x_h0 +/m/09yhzs /film/actor/film./film/performance/film /m/0408m53 +/m/0kbws /olympics/olympic_games/participating_countries /m/07f5x +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0h3k3f /film/film/costume_design_by /m/02cqbx +/m/0f6lx /influence/influence_node/peers./influence/peer_relationship/peers /m/0f0y8 +/m/02wwr5n /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/02hdky /award/award_category/category_of /m/0c4ys +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/02w670 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0kb07 +/m/027j79k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jldb +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03z5xd +/m/05l8y /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/02g0mx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04jpg2p /film/film/country /m/07ssc +/m/04yc76 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b1062 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/04xvlr /media_common/netflix_genre/titles /m/04qw17 +/m/017gxw /people/person/place_of_birth /m/021npd +/m/01sp81 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0l6px +/m/03_nq /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grrf +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwsg +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_sc +/m/0241jw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v9l67 +/m/01c_d /sports/sports_team/roster./american_football/football_roster_position/position /m/01_9c1 +/m/017z88 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0rlz +/m/0gp_x9 /people/person/nationality /m/03rk0 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/02zbjwr /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0425gc +/m/05zy3sc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jfx1 /people/person/spouse_s./people/marriage/spouse /m/086sj +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017s11 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/09p0ct /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zdv +/m/0k7pf /award/award_winner/awards_won./award/award_honor/award_winner /m/0144l1 +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/08wq0g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08jgk1 +/m/07ssc /media_common/netflix_genre/titles /m/04vh83 +/m/06gp3f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06151l +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/048j4l /music/instrument/instrumentalists /m/01vsyjy +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07c6l /music/performance_role/track_performances./music/track_contribution/role /m/0319l +/m/027kp3 /education/educational_institution/school_type /m/05pcjw +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06t2t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/02yxjs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018dyl /award/award_winner/awards_won./award/award_honor/award_winner /m/01w724 +/m/01hc9_ /people/person/place_of_birth /m/09d4_ +/m/03ckxdg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0646qh +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/06ns98 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02xb2bt +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05zr0xl +/m/02rzdcp /award/award_winning_work/awards_won./award/award_honor/award_winner /m/044lyq +/m/04ngn /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03bkbh /people/ethnicity/people /m/01m65sp +/m/01x4sb /award/award_winner/awards_won./award/award_honor/award_winner /m/02qflgv +/m/047yc /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/02b07b /music/record_label/artist /m/01t8399 +/m/02ryz24 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03_9r +/m/042y1c /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0_3cs /location/capital_of_administrative_division/capital_of./location/administrative_division_capital_relationship/administrative_division /m/0mwl2 +/m/01jrbb /award/award_winning_work/awards_won./award/award_honor/award /m/0gqzz +/m/025n07 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06by7 /music/genre/artists /m/01svw8n +/m/0g251 /base/biblioness/bibs_location/state /m/021y1s +/m/02dbp7 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/08cx5g /tv/tv_program/country_of_origin /m/07ssc +/m/01vw87c /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0zjpz +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0bvqq +/m/015_1q /music/record_label/artist /m/01w5n51 +/m/03pmty /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/034g2b +/m/025ljp /tv/tv_program/genre /m/06nbt +/m/04rrd /base/biblioness/bibs_location/country /m/09c7w0 +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01xbgx +/m/0gvs1kt /film/film/cinematography /m/07mb57 +/m/0473rc /film/film/language /m/06nm1 +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grq1 +/m/024mpp /film/film/production_companies /m/0c_j5d +/m/0q9kd /people/person/profession /m/0dxtg +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0k6nt +/m/0k419 /award/award_winning_work/awards_won./award/award_honor/award /m/0czp_ +/m/0cnl80 /award/award_winner/awards_won./award/award_honor/award_winner /m/04t2l2 +/m/01qz5 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr51 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gdh5 +/m/03dctt /people/person/place_of_birth /m/0fk98 +/m/0l14md /music/instrument/instrumentalists /m/02l840 +/m/02lkcc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0879xc /soccer/football_player/current_team./sports/sports_team_roster/team /m/03d0d7 +/m/05sq84 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01vj9c /music/performance_role/track_performances./music/track_contribution/role /m/03qlv7 +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/05c46y6 /award/award_winning_work/awards_won./award/award_honor/award /m/02xj3rw +/m/0cmpn /people/person/nationality /m/03rk0 +/m/065b6q /people/ethnicity/people /m/0gy6z9 +/m/048wrb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cj2k3 +/m/0b57p6 /people/person/nationality /m/09c7w0 +/m/019fz /people/person/profession /m/0cbd2 +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/crewmember /m/021yc7p +/m/0d_84 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/02z1yj +/m/03ryn /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/059m45 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/06zsk51 /film/film/music /m/02_33l +/m/05cj4r /award/award_winner/awards_won./award/award_honor/award_winner /m/0755wz +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05bnq3j +/m/01nn3m /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01wb8bs /award/award_winner/awards_won./award/award_honor/award_winner /m/05683p +/m/01w1kyf /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0dr_9t7 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/01wgjj5 /people/person/gender /m/05zppz +/m/030cx /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/025snf /tv/tv_network/programs./tv/tv_network_duration/program /m/045qmr +/m/013x0b /music/record_label/artist /m/0187x8 +/m/01c99j /award/award_category/winners./award/award_honor/award_winner /m/086qd +/m/03h42s4 /sports/sports_position/players./sports/sports_team_roster/team /m/03hfxkn +/m/07nt8p /film/film/genre /m/0lsxr +/m/04x4vj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/054_mz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/044rvb /film/actor/film./film/performance/film /m/02wgk1 +/m/03t22m /music/performance_role/regular_performances./music/group_membership/group /m/0163m1 +/m/0dyl9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dt1cm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0fhxv /people/person/nationality /m/02jx1 +/m/05bt6j /music/genre/artists /m/01cwhp +/m/05zvq6g /award/award_category/nominees./award/award_nomination/nominated_for /m/03c_cxn +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0mdqp +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/02b171 +/m/0jdk_ /olympics/olympic_games/sports /m/0d1tm +/m/0473rc /film/film/genre /m/01hmnh +/m/01f8hf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/07hwkr /people/ethnicity/languages_spoken /m/02hxc3j +/m/029q_y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02byfd +/m/016jfw /people/person/profession /m/0nbcg +/m/02f5qb /award/award_category/winners./award/award_honor/award_winner /m/0m2l9 +/m/0chgr2 /location/location/contains /m/01_qgp +/m/01yjl /sports/sports_team/colors /m/083jv +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02pkpfs +/m/0gkz15s /film/film/music /m/02jxmr +/m/0n5jm /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5j7 +/m/02p5hf /people/deceased_person/place_of_burial /m/018mmw +/m/0448r /influence/influence_node/influenced_by /m/081k8 +/m/01t6xz /film/actor/film./film/performance/film /m/0fvr1 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/01v1d8 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/01wyzyl /film/actor/film./film/performance/film /m/05mrf_p +/m/05qm9f /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/026s90 /music/record_label/artist /m/0flpy +/m/0cx7f /music/genre/artists /m/01386_ +/m/03ksy /organization/organization_founder/organizations_founded /m/034h1h +/m/0288fyj /people/person/gender /m/05zppz +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0bzm__ +/m/01wgjj5 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016vg8 +/m/0b6k___ /award/award_category/nominees./award/award_nomination/nominated_for /m/021pqy +/m/0bs31sl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04yt7 /people/person/gender /m/05zppz +/m/01pny5 /people/person/nationality /m/05bcl +/m/070zc /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01mjq +/m/01cwcr /film/actor/film./film/performance/film /m/025s1wg +/m/0ft18 /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/03bnd9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/01vrnsk /award/award_winner/awards_won./award/award_honor/award_winner /m/01kv4mb +/m/0bc71w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02fgm7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02ck7w +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02zl4d +/m/026ps1 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01bt59 +/m/09c7w0 /location/location/contains /m/0vbk +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/044g_k +/m/02jx1 /location/location/contains /m/04682_ +/m/01w40h /music/record_label/artist /m/01wd9lv +/m/05l3g_ /people/ethnicity/people /m/04flrx +/m/03v0vd /people/person/profession /m/02hrh1q +/m/05r5c /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/029m83 /people/person/profession /m/03gjzk +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01vs5c +/m/02ndf1 /people/person/gender /m/05zppz +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/01ct6 +/m/01kwld /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03_wj_ +/m/03_qj1 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/04mn81 /music/group_member/membership./music/group_membership/role /m/05r5c +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/041rx /people/ethnicity/people /m/0sz28 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/0906w9 +/m/01wp_jm /people/person/profession /m/09jwl +/m/01kt_j /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04vq3h +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02vqsll +/m/0l2tk /organization/organization/headquarters./location/mailing_address/state_province_region /m/07srw +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/05f4vxd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0347db +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/01_x6v +/m/026t6 /music/performance_role/track_performances./music/track_contribution/role /m/0bm02 +/m/0l14md /music/instrument/instrumentalists /m/07zft +/m/06t8v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/0bbgly /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016z1c +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/026z9 /music/genre/artists /m/019f9z +/m/01w524f /people/person/places_lived./people/place_lived/location /m/052bw +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02vx4c2 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0vhm /tv/tv_program/languages /m/02h40lc +/m/04smkr /award/award_winner/awards_won./award/award_honor/award_winner /m/01tfck +/m/01kb2j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0473q /people/person/profession /m/0nbcg +/m/02gs6r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0373qt /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/02l6h +/m/05r5c /music/instrument/instrumentalists /m/01bczm +/m/01x3g /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01pj_5 /film/film/executive_produced_by /m/05hj_k +/m/0bl2g /film/actor/film./film/performance/film /m/0b4lkx +/m/04j5fx /people/person/profession /m/0np9r +/m/0b90_r /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/09qvc0 /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/02754c9 /film/film/country /m/09c7w0 +/m/0863x_ /award/award_winner/awards_won./award/award_honor/award_winner /m/0gcdzz +/m/0241jw /people/person/profession /m/0np9r +/m/05r5c /music/instrument/instrumentalists /m/0bdxs5 +/m/02jm0n /film/actor/film./film/performance/film /m/034qbx +/m/05x_5 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/01yk13 /film/actor/film./film/performance/film /m/04sh80 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/019fz /people/person/profession /m/080ntlp +/m/06j6l /music/genre/artists /m/013w7j +/m/01nm3s /film/actor/film./film/performance/film /m/0fs9vc +/m/03n0pv /people/person/place_of_birth /m/02_286 +/m/01k70_ /people/person/gender /m/02zsn +/m/06ncr /music/instrument/instrumentalists /m/01yzl2 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0197tq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s3vqk +/m/02778pf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/03k9fj /media_common/netflix_genre/titles /m/0hx4y +/m/06mnps /people/person/gender /m/05zppz +/m/026mfs /award/award_category/winners./award/award_honor/award_winner /m/05sq0m +/m/0glj9q /media_common/netflix_genre/titles /m/06kl78 +/m/07ym0 /people/person/profession /m/0cbd2 +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0pmhf +/m/07tj4c /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0qf2t +/m/0168ls /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03rk0 /location/location/contains /m/050xpd +/m/050ks /location/location/contains /m/020ddc +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ctl +/m/01z4y /media_common/netflix_genre/titles /m/01jrbv +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/012wg /music/artist/origin /m/02_286 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/0c9c0 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07jnt /film/film/genre /m/07s9rl0 +/m/01yndb /people/person/profession /m/02hrh1q +/m/01x72k /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0c6qh +/m/078jt5 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/019m60 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02_j1w +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/032c08 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/01m7pwq /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/026g4l_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026fd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02mz_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v1lrz +/m/0dq626 /film/film/genre /m/07s9rl0 +/m/0l14j_ /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/0fsd9t /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/045cq /people/person/gender /m/05zppz +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/02kcz /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02vqpx8 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01q0kg +/m/01k3s2 /education/educational_institution/students_graduates./education/education/student /m/025_ql1 +/m/0hhjk /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/01l3wr +/m/099p5 /people/person/place_of_birth /m/02frhbc +/m/0l15bq /music/performance_role/track_performances./music/track_contribution/role /m/03qjg +/m/0qcr0 /people/cause_of_death/people /m/098n5 +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0nrnz /location/location/contains /m/02d6c +/m/02zkz7 /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m0hw /people/person/profession /m/02hrh1q +/m/015qh /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06c1y +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/081yw +/m/02w7gg /people/ethnicity/people /m/014x77 +/m/049fgvm /people/person/profession /m/02jknp +/m/04rzd /music/instrument/instrumentalists /m/03bnv +/m/0f8l9c /location/country/second_level_divisions /m/0ky0b +/m/0f4vbz /people/person/profession /m/02hrh1q +/m/01grrf /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0p5vf /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/014tss +/m/027kwc /music/artist/origin /m/02_286 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/095z4q +/m/07bxhl /location/country/form_of_government /m/01q20 +/m/06b1q /sports/sports_position/players./sports/sports_team_roster/team /m/0j8sq +/m/034bgm /people/person/profession /m/01d_h8 +/m/065jlv /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/07w0v +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01p4r3 +/m/0l5mz /education/field_of_study/students_majoring./education/education/major_field_of_study /m/04306rv +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/0hr3c8y +/m/07cbcy /award/award_category/winners./award/award_honor/award_winner /m/030g9z +/m/07twz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/07lwsz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/09sh8k /film/film/country /m/09c7w0 +/m/03_2td /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0cs134 +/m/014g91 /people/person/places_lived./people/place_lived/location /m/0h6l4 +/m/01qq_lp /people/person/places_lived./people/place_lived/location /m/03902 +/m/01x1fq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07q1m +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/05ch98 /film/film/produced_by /m/014zcr +/m/019fz /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/06ppc4 +/m/021lby /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03ktjq +/m/02l424 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kv4mb /people/person/gender /m/05zppz +/m/0978r /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/02lfns /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0127m7 /film/actor/film./film/performance/film /m/0y_9q +/m/02d6c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/012gq6 /film/actor/film./film/performance/film /m/01633c +/m/013m_x /location/location/time_zones /m/02fqwt +/m/08s_lw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06lgq8 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/02r_pp /film/film/film_festivals /m/05ys0wz +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0478__m +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017r13 +/m/046f3p /film/film/country /m/09c7w0 +/m/01fb6d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/03hjv97 /film/film/music /m/0drc1 +/m/04bsx1 /people/person/profession /m/02y5kn +/m/0892sx /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/01vrkdt /people/person/profession /m/0nbcg +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/084m3 /film/actor/film./film/performance/film /m/07gghl +/m/06m61 /award/award_winner/awards_won./award/award_honor/award_winner /m/01wj92r +/m/03q5dr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dvmd +/m/0bwfn /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/027lf1 /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0ptdz /film/film/genre /m/06cvj +/m/01c_d /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05zm34 +/m/0f7h2v /people/person/nationality /m/09c7w0 +/m/02822 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05qdh +/m/03f5vvx /government/politician/government_positions_held./government/government_position_held/basic_title /m/060bp +/m/09c7w0 /location/location/contains /m/0tnkg +/m/04pqqb /award/award_winner/awards_won./award/award_honor/award_winner /m/01tt43d +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r7t +/m/01b_d4 /organization/organization/headquarters./location/mailing_address/state_province_region /m/09ctj +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/07s9rl0 /media_common/netflix_genre/titles /m/071nw5 +/m/0kt64b /people/person/profession /m/02hrh1q +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/07y_7 +/m/026n9h3 /award/award_winner/awards_won./award/award_honor/award_winner /m/026dcvf +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j79x +/m/02dlh2 /music/performance_role/track_performances./music/track_contribution/role /m/01qbl +/m/02scbv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04cbbz +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01stj9 +/m/0mwq_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/073tm9 /music/record_label/artist /m/017j6 +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0d19y2 /people/cause_of_death/people /m/0b_dh +/m/01h7bb /film/film/produced_by /m/07r1h +/m/03m5y9p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s6l +/m/07kdkfj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/0fv89q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dg3jz +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/0p50v +/m/0lgxj /user/jg/default_domain/olympic_games/sports /m/06f41 +/m/0b7l4x /film/film/edited_by /m/04cy8rb +/m/0164y7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rv1w /education/educational_institution/students_graduates./education/education/student /m/04pg29 +/m/0ds2l81 /film/film/language /m/02h40lc +/m/03459x /film/film/music /m/05_pkf +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0721cy +/m/0qmfz /film/film/country /m/0d060g +/m/0294zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dg3n1 /base/locations/continents/countries_within /m/0169t +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/0bdlj /people/person/profession /m/09jwl +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/0f_nbyh +/m/02wwwv5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vw20h +/m/0499lc /people/person/profession /m/02hv44_ +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/03ts0c /people/ethnicity/people /m/03cx282 +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0p9qb +/m/02ldkf /education/educational_institution_campus/educational_institution /m/02ldkf +/m/02rchht /people/person/nationality /m/09c7w0 +/m/01vs4f3 /influence/influence_node/influenced_by /m/041h0 +/m/0bl06 /film/film/film_art_direction_by /m/05683cn +/m/01y998 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bxjv +/m/0jymd /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbwb +/m/03tcnt /award/award_category/winners./award/award_honor/award_winner /m/06mj4 +/m/0x3b7 /award/award_winner/awards_won./award/award_honor/award_winner /m/016srn +/m/0btpx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07h565 +/m/048kw /location/administrative_division/country /m/07ssc +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03h3vtz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ztm4r +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/09jw2 /music/genre/artists /m/0bkg4 +/m/047cqr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03gj2 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02vzc +/m/0661m4p /film/film/production_companies /m/030_1_ +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0c38gj +/m/02k_kn /music/genre/artists /m/013w8y +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/09px1w +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/05cljf /people/person/places_lived./people/place_lived/location /m/05jbn +/m/024fxq /award/award_category/category_of /m/0c4ys +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/0151b0 +/m/0dgq_kn /film/film/music /m/01271h +/m/0gtvpkw /film/film/country /m/06mkj +/m/01trtc /music/record_label/artist /m/01wgcvn +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fh2v5 +/m/0165v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04zkj5 +/m/049d_ /sports/sports_team/sport /m/02vx4 +/m/01tcf7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/011lpr /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/06tw8 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0c66m /location/location/time_zones /m/02llzg +/m/0htcn /people/person/gender /m/05zppz +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/016ywr /film/actor/film./film/performance/film /m/01_1hw +/m/058kqy /people/person/place_of_birth /m/0qkcb +/m/015gy7 /film/actor/film./film/performance/film /m/015whm +/m/0f_nbyh /award/award_category/disciplines_or_subjects /m/02vxn +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04lgymt +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/02hsgn +/m/0291hr /film/film/production_companies /m/016tt2 +/m/0h1nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/01nqj /sports/sports_team_location/teams /m/04h5tx +/m/01r0t_j /music/group_member/membership./music/group_membership/role /m/01s0ps +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/03h_fk5 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/05cc1 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/09nqf +/m/0603qp /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02czd5 +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01gbbz /people/person/places_lived./people/place_lived/location /m/013yq +/m/048scx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hkch7 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/028cg00 /film/film/country /m/0d05w3 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/0cks1m +/m/018vs /music/instrument/instrumentalists /m/01vsksr +/m/0gmblvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jsf6 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqkh +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/03t4nx +/m/05gml8 /people/person/nationality /m/09c7w0 +/m/082scv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01l1rw +/m/01j_9c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/02qyxs5 /award/award_category/nominees./award/award_nomination/nominated_for /m/08s6mr +/m/015076 /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/018z_c +/m/05b4w /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/06mzp /location/location/contains /m/0lfyd +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0l14qv /music/instrument/instrumentalists /m/018x3 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04k9y6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b0nq2 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02nzb8 +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/064t9 /music/genre/artists /m/06mt91 +/m/01k53x /people/person/gender /m/02zsn +/m/01rgcg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026dg51 +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/02s5v5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01m5m5b +/m/02sgy /music/performance_role/guest_performances./music/recording_contribution/performance_role /m/01v1d8 +/m/05sb1 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lgxj +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/065ydwb +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/01ct6 /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/05b3ts +/m/035tjy /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/023zl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g22z +/m/02b153 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/07vjm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04mhl /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/070yzk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/02t1cp /film/actor/film./film/performance/film /m/01jzyf +/m/07s9rl0 /media_common/netflix_genre/titles /m/0g3zrd +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02d_zc /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n4w +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01vsyjy /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0g768 /music/record_label/artist /m/01vw8mh +/m/07cw4 /award/award_winning_work/awards_won./award/award_honor/award /m/02qvyrt +/m/016mhd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01g888 /music/genre/artists /m/01vv126 +/m/0djvzd /soccer/football_player/current_team./sports/sports_team_roster/team /m/02b16p +/m/0gmblvq /award/award_winning_work/awards_won./award/award_honor/award /m/07kjk7c +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09d3b7 diff --git a/process_data/FB15k237_original/valid.txt b/process_data/FB15k237_original/valid.txt new file mode 100644 index 0000000..49f3b02 --- /dev/null +++ b/process_data/FB15k237_original/valid.txt @@ -0,0 +1,17535 @@ +/m/07pd_j /film/film/genre /m/02l7c8 +/m/06wxw /location/location/time_zones /m/02fqwt +/m/01t94_1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/04x4s2 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05zr0xl /tv/tv_program/languages /m/02h40lc +/m/01t3h6 /base/biblioness/bibs_location/state /m/05kr_ +/m/02ctzb /people/ethnicity/people /m/081t6 +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0cm2xh /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03bxbql +/m/016dj8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05r6t /music/genre/artists /m/04n65n +/m/0kp2_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02jx1 /location/location/contains /m/01zzk4 +/m/0kszw /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01pjr7 /film/actor/film./film/performance/film /m/028kj0 +/m/01f7d /award/award_category/disciplines_or_subjects /m/05hgj +/m/05bt6j /music/genre/artists /m/0fb2l +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bwh6 +/m/02rn00y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g7k2g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01fx1l /tv/tv_program/country_of_origin /m/09c7w0 +/m/0gk4g /people/cause_of_death/people /m/0l9k1 +/m/0g56t9t /film/film/genre /m/05p553 +/m/03vtrv /music/record_label/artist /m/04rcr +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/016lmg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/01dy7j /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0kvsb /people/person/profession /m/01d30f +/m/0283d /music/genre/parent_genre /m/06cqb +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/01vxlbm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01nwwl +/m/01lyv /music/genre/artists /m/0136p1 +/m/0f6lx /people/person/gender /m/05zppz +/m/02v5_g /film/film/genre /m/01jfsb +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04vn5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/03mnn0 /film/film/personal_appearances./film/personal_film_appearance/person /m/01l7cxq +/m/01jv1z /music/record_label/artist /m/0p76z +/m/0hhggmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/013v5j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/014vk4 +/m/06yxd /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04nlb94 /film/film/genre /m/02l7c8 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/01ddbl /sports/sports_league/teams./sports/sports_league_participation/team /m/0b6p3qf +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01my4f +/m/012yc /music/genre/artists /m/0phx4 +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/06tp4h /people/person/gender /m/02zsn +/m/03rz2b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03rk0 /location/location/contains /m/01sv6k +/m/03s9b /people/person/nationality /m/0d0vqn +/m/01h8f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03ldxq +/m/02t_tp /film/actor/film./film/performance/film /m/0571m +/m/015x74 /film/film/music /m/01ycfv +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqmvn +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/04vt98 +/m/07c52 /media_common/netflix_genre/titles /m/080dwhx +/m/0fh2v5 /film/film/genre /m/02kdv5l +/m/039x1k /award/award_winner/awards_won./award/award_honor/award_winner /m/01wmcbg +/m/015ppk /tv/tv_program/genre /m/0lsxr +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/01znc_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/03xnwz /music/genre/artists /m/03rl84 +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0glt670 /music/genre/artists /m/01vw37m +/m/0chgzm /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/05vc35 /film/film/genre /m/0jxy +/m/026qnh6 /film/film/genre /m/03g3w +/m/05qsxy /people/person/nationality /m/09c7w0 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/03xx9l /film/actor/film./film/performance/film /m/0992d9 +/m/0frf6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwk9 +/m/01l9p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/025cbm +/m/0g48m4 /people/ethnicity/languages_spoken /m/0t_2 +/m/01ggbx /people/person/spouse_s./people/marriage/spouse /m/0b66qd +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/06qgvf /film/actor/film./film/performance/film /m/0bmssv +/m/04twmk /people/person/profession /m/02jknp +/m/016dgz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/02pxmgz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09c7w0 /location/location/contains /m/0sqgt +/m/0gt_0v /music/genre/artists /m/01lcxbb +/m/01pwz /people/person/profession /m/016wtf +/m/062zm5h /film/film/executive_produced_by /m/01twdk +/m/0h1p /people/person/profession /m/02jknp +/m/04r7jc /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0gjv_ +/m/060j8b /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0cm2xh /base/culturalevent/event/entity_involved /m/01hnp +/m/07swvb /people/person/nationality /m/09c7w0 +/m/07f5x /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/02g1jh /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/02xfj0 /people/person/profession /m/015cjr +/m/0cc5tgk /people/person/place_of_birth /m/01ly5m +/m/024d8w /sports/sports_team/colors /m/088fh +/m/05fjf /location/location/contains /m/0xkyn +/m/012j5h /people/person/religion /m/0n2g +/m/0grwj /people/person/nationality /m/09c7w0 +/m/030qb3t /sports/sports_team_location/teams /m/02pqcfz +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/059fjj +/m/0645k5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01fh0q /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0bqsy /people/person/profession /m/039v1 +/m/0b1xl /education/educational_institution/students_graduates./education/education/student /m/0cnl09 +/m/019gz /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0144l1 /people/person/profession /m/0dxtg +/m/05_61y /film/film/genre /m/03g3w +/m/041rx /people/ethnicity/people /m/06myp +/m/02md2d /tv/tv_program/genre /m/0vgkd +/m/0dl9_4 /film/film/language /m/02hwyss +/m/01clyr /music/record_label/artist /m/079kr +/m/02q56mk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05fjf /location/location/contains /m/0n5df +/m/02_h0 /film/film_subject/films /m/04lhc4 +/m/05g8pg /film/film/genre /m/05p553 +/m/02tc5y /film/actor/film./film/performance/film /m/06bd5j +/m/01jrp0 /film/actor/film./film/performance/film /m/06g77c +/m/01914 /location/location/time_zones /m/052vwh +/m/0b76d_m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02rrh1w /film/film/genre /m/02kdv5l +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01q7q2 +/m/048lv /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01rr9f +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0170xl /film/film/genre /m/017fp +/m/02gnh0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gkz3nz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/02d_zc /education/educational_institution/students_graduates./education/education/student /m/02nfhx +/m/06__m6 /film/film/genre /m/0219x_ +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/0pc6x /location/location/time_zones /m/02hcv8 +/m/01mr2g6 /people/person/profession /m/016fly +/m/02jxbw /film/film/genre /m/04xvh5 +/m/01q2nx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/06s0l /location/country/form_of_government /m/018wl5 +/m/0fvly /sports/sports_team/sport /m/02vx4 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0n08r /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/06c62 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/03w1v2 /people/person/profession /m/09jwl +/m/03rz2b /film/film/language /m/03k50 +/m/06v41q /people/ethnicity/people /m/044mvs +/m/0cq7kw /award/award_winning_work/awards_won./award/award_honor/award_winner /m/07djnx +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0cr3d +/m/06by7 /music/genre/artists /m/0lk90 +/m/09prnq /people/person/profession /m/0gbbt +/m/01jw4r /people/person/profession /m/02hrh1q +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/0241jw +/m/01lyv /music/genre/artists /m/01vw20_ +/m/01pjr7 /people/person/profession /m/0dxtg +/m/01wwvt2 /people/person/place_of_birth /m/0chgzm +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/085bd1 /film/film/genre /m/05p553 +/m/01ddbl /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/059g4 /location/location/contains /m/01fpvz +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/06dv3 +/m/02z7f3 /music/genre/artists /m/01jcxwp +/m/01d650 /education/educational_institution/students_graduates./education/education/student /m/09wj5 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/09tkzy +/m/07l450 /film/film/country /m/0345h +/m/05g8pg /film/film/country /m/03h64 +/m/03lmx1 /people/ethnicity/people /m/05y7hc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qt0 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bp37 +/m/09ksp /location/location/contains /m/01v8c +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0l2tk +/m/04b_46 /education/educational_institution/campuses /m/04b_46 +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0d4htf /film/film/genre /m/06cvj +/m/0cgzj /people/person/profession /m/02jknp +/m/03nt59 /tv/tv_program/genre /m/05p553 +/m/053tpp /business/business_operation/industry /m/019mlh +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/097h2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01jbx1 +/m/0dyb1 /film/film/executive_produced_by /m/06y3r +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/063_j5 +/m/0gyy53 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vw_dv /people/person/profession /m/02dsz +/m/05fnl9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/01m94f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03f7jfh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gslw /location/location/contains /m/02yc5b +/m/0m_mm /film/film/featured_film_locations /m/07b_l +/m/02vp1f_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/02_1kl +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jt3tjf +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/09p06 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lbd9 /olympics/olympic_games/sports /m/0d1t3 +/m/013807 /education/educational_institution/students_graduates./education/education/student /m/0mb0 +/m/01ppq /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0bbgly /film/film/country /m/09c7w0 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/013tjc +/m/0l6ny /user/jg/default_domain/olympic_games/sports /m/0bynt +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0g2jl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02qkk9_ /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/06mmb /people/person/places_lived./people/place_lived/location /m/0106dv +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0qplq /location/location/time_zones /m/02hczc +/m/02js6_ /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/03x400 +/m/0pdp8 /film/film/genre /m/04t36 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/02rxbmt /people/person/nationality /m/06mkj +/m/03cyslc /film/film/genre /m/06cvj +/m/043n0v_ /film/film/language /m/0653m +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/017z49 +/m/0j1_3 /location/location/contains /m/01tmtg +/m/05q8pss /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016ckq /music/record_label/artist /m/012x4t +/m/06jvj7 /people/person/religion /m/021_0p +/m/011k1h /music/record_label/artist /m/07hgm +/m/07bs0 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/015z4j +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01w3v +/m/0g2mbn /people/person/religion /m/0flw86 +/m/03xj05 /film/film/genre /m/03bxz7 +/m/01tszq /people/person/gender /m/02zsn +/m/01n5sn /music/genre/parent_genre /m/01fbr2 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/01b3l /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ms1n +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/070mff +/m/01b39j /business/business_operation/industry /m/0191_7 +/m/033tf_ /people/ethnicity/people /m/02_n5d +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0dcfv /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/024y8p /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0443y3 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cw3yd +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06jnvs /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/0f8j13 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0j862 /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0194zl /film/film/executive_produced_by /m/05hj_k +/m/0kbg6 /people/person/profession /m/0cbd2 +/m/012_53 /people/person/spouse_s./people/marriage/location_of_ceremony /m/031y2 +/m/03hp2y1 /film/film/country /m/07ssc +/m/0bh8tgs /film/film/language /m/02h40lc +/m/03lt8g /people/person/profession /m/01d_h8 +/m/012d40 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0q_xk /location/location/time_zones /m/02lcqs +/m/01mr2g6 /people/person/religion /m/0kpl +/m/02w7gg /people/ethnicity/people /m/0141kz +/m/06by7 /music/genre/artists /m/0136pk +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01f1jf /olympics/olympic_games/sports /m/01dys +/m/02m92h /people/person/profession /m/018gz8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/03ryn +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03ydlnj /film/film/production_companies /m/03sb38 +/m/0hfzr /film/film/produced_by /m/06pj8 +/m/03fbc /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/0534nr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05jg58 /music/genre/artists /m/0d193h +/m/025tdwc /people/person/profession /m/0dxtg +/m/01gx5f /music/group_member/membership./music/group_membership/group /m/011_vz +/m/0d7wh /people/ethnicity/people /m/0134w7 +/m/01g4bk /people/person/profession /m/02jknp +/m/0kb1g /film/film/cinematography /m/04cw0n4 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/097ns /people/cause_of_death/people /m/01p1z_ +/m/07kh6f3 /film/film/language /m/02h40lc +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01771z /film/film/genre /m/0lsxr +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/06c97 /film/film_subject/films /m/02vqsll +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07wtc /organization/organization/headquarters./location/mailing_address/citytown /m/0hx5f +/m/05sq0m /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/0bc1yhb /film/film/prequel /m/05qbckf +/m/018t8f /education/educational_institution_campus/educational_institution /m/018t8f +/m/0f8pz /people/person/profession /m/01d_h8 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01d259 /film/film/featured_film_locations /m/030qb3t +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b44shh +/m/01f7gh /film/film/genre /m/06n90 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04jplwp +/m/03lpp_ /sports/sports_team/sport /m/018jz +/m/018swb /film/actor/film./film/performance/film /m/09p0ct +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wlt3k +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb5d +/m/0cdf37 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mkn_d /people/person/nationality /m/09c7w0 +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/04wvhz +/m/0dzkq /people/deceased_person/place_of_death /m/05qtj +/m/0177g /people/person/religion /m/0c8wxp +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/0d05fv +/m/015zql /people/person/nationality /m/09c7w0 +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08hsww +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f2v0 +/m/014b6c /location/location/time_zones /m/02fqwt +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/02dbp7 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/02xhwm /tv/tv_program/country_of_origin /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06q83 +/m/0brgy /medicine/symptom/symptom_of /m/0167bx +/m/01pl9g /people/person/nationality /m/09c7w0 +/m/054k_8 /people/person/nationality /m/0d05w3 +/m/01htxr /film/actor/film./film/performance/film /m/01jft4 +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/018lc_ +/m/05h72z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0btxr /people/person/nationality /m/09c7w0 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bcp9b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/018dnt /people/person/place_of_birth /m/02cft +/m/01c1px /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/070fnm /film/film/costume_design_by /m/08gyz_ +/m/012201 /people/deceased_person/place_of_death /m/06c62 +/m/01d4cb /people/person/profession /m/0dz3r +/m/061fhg /music/genre/artists /m/01vsn38 +/m/072twv /organization/organization_founder/organizations_founded /m/09xwz +/m/0gy1_ /organization/organization/headquarters./location/mailing_address/citytown /m/01m1zk +/m/022p06 /people/deceased_person/place_of_burial /m/0k_q_ +/m/01x73 /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/01shy7 /film/film/language /m/02h40lc +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/049_zz /people/person/gender /m/05zppz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs4r +/m/046p9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/080dfr7 /film/film/language /m/03_9r +/m/01s9vc /film/film/genre /m/03npn +/m/04vmqg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03lt8g +/m/07024 /film/film/genre /m/082gq +/m/03176f /film/film/genre /m/02xlf +/m/017l4 /people/person/profession /m/0dz3r +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07yk1xz +/m/0963mq /film/film/language /m/04306rv +/m/01p2b_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03xpfzg /people/person/gender /m/05zppz +/m/0m9c1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03bkbh /people/ethnicity/people /m/0h0jz +/m/02lyx4 /film/actor/film./film/performance/film /m/06z8s_ +/m/02n9bh /film/film/genre /m/02l7c8 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/099tbz +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0mx48 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0jrny +/m/02t0n9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0r15k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p7h7 /people/person/profession /m/02hrh1q +/m/0n1rj /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/02p21g /people/person/profession /m/03gjzk +/m/01fjz9 /sports/sports_team/sport /m/02vx4 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/033x5p +/m/0cnztc4 /film/film/genre /m/060__y +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0ywrc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/018ygt /film/actor/film./film/performance/film /m/02nt3d +/m/02ht1k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/03d_zl4 +/m/0217m9 /education/educational_institution/school_type /m/05pcjw +/m/0kfv9 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047cqr +/m/04sntd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/022q4l9 /people/person/nationality /m/09c7w0 +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01sn3 /sports/sports_team_location/teams /m/0jm7n +/m/03t852 /people/person/profession /m/09jwl +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/07h07 /influence/influence_node/influenced_by /m/06whf +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/09y6pb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01pcbg /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jwmp +/m/01k5y0 /film/film/genre /m/0hn10 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07ddz9 +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/095nx +/m/0716t2 /film/actor/film./film/performance/film /m/03mh_tp +/m/01_qp_ /music/genre/artists /m/01ww_vs +/m/0234j5 /film/film/executive_produced_by /m/06q8hf +/m/0bbgly /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/04fyhv /people/person/nationality /m/09c7w0 +/m/02qjv /music/performance_role/regular_performances./music/group_membership/group /m/06br6t +/m/01n9d9 /people/person/gender /m/05zppz +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0f276 /people/person/gender /m/05zppz +/m/0bdxs5 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/0l3n4 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m491 /film/film/featured_film_locations /m/030qb3t +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0bz6sb +/m/01vswx5 /music/artist/track_contributions./music/track_contribution/role /m/0680x0 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02stgt +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lk0l +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04q827 +/m/058vy5 /award/award_category/winners./award/award_honor/award_winner /m/053yx +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_r3 +/m/07c52 /media_common/netflix_genre/titles /m/01b_lz +/m/01qqtr /film/actor/film./film/performance/film /m/05ch98 +/m/0309jm /film/actor/film./film/performance/film /m/02c7k4 +/m/03k9fj /media_common/netflix_genre/titles /m/0k_9j +/m/016ks_ /people/person/profession /m/0np9r +/m/06mkj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/03lt8g +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0195pd +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kp_1t +/m/04z257 /film/film/country /m/07ssc +/m/025m8y /award/award_category/winners./award/award_honor/award_winner /m/0ddkf +/m/02r0st6 /people/person/profession /m/02hrh1q +/m/031zm1 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/037w7r /people/person/nationality /m/07ssc +/m/0fqjhm /people/person/profession /m/01xr66 +/m/01bcp7 /people/cause_of_death/people /m/0164w8 +/m/051ysmf /film/film_set_designer/film_sets_designed /m/083skw +/m/05z7c /film/film/language /m/02h40lc +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06kl78 +/m/03l6q0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c1j_ /people/person/profession /m/018gz8 +/m/064n1pz /film/film/country /m/0d0vqn +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/04qt29 +/m/04b2qn /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/05r5c /music/instrument/instrumentalists /m/018y81 +/m/09zyn5 /people/ethnicity/languages_spoken /m/05f_3 +/m/02dwpf /sports/sports_position/players./sports/sports_team_roster/team /m/05m_8 +/m/0dw6b /influence/influence_node/influenced_by /m/042q3 +/m/09g0h /people/person/gender /m/05zppz +/m/02ndbd /people/person/profession /m/03gjzk +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03vyw8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025ndl /location/country/capital /m/01b1nk +/m/04bs3j /people/person/profession /m/03gjzk +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03gm48 +/m/06mxs /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gzlb9 +/m/0jnwx /film/film/genre /m/05p553 +/m/0d608 /film/actor/film./film/performance/film /m/03n0cd +/m/01w_10 /people/person/places_lived./people/place_lived/location /m/0mpbx +/m/01tffp /base/culturalevent/event/entity_involved /m/03m7d +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02z6l5f +/m/016clz /music/genre/artists /m/0484q +/m/058j2 /business/business_operation/industry /m/0hz28 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kph_c +/m/0c2ry /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0382m4 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05njw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0dc_ms /film/film/production_companies /m/025hwq +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/012mrr +/m/0bn9sc /people/person/nationality /m/0chghy +/m/01dhjz /people/person/gender /m/05zppz +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/03qbnj /award/award_category/winners./award/award_honor/award_winner /m/04mn81 +/m/02fqxm /film/film/featured_film_locations /m/0dc95 +/m/0gc_c_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09kr66 /people/ethnicity/languages_spoken /m/06b_j +/m/0277c3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/03xgm3 /people/person/profession /m/09jwl +/m/01b3l /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0443c +/m/0ht8h /location/location/contains /m/0d6yv +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/02prw4h +/m/01wg982 /people/person/profession /m/01c72t +/m/04hk0w /film/film/genre /m/07s9rl0 +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0d05w3 +/m/047lj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0f6_x /film/actor/film./film/performance/film /m/07b1gq +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/02mx98 +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/05mt6w /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gzd +/m/0g9zljd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/039bp /people/person/places_lived./people/place_lived/location /m/0f25y +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01zg98 /people/person/languages /m/02h40lc +/m/01z53w /location/location/time_zones /m/03bdv +/m/0qm9n /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/0bxtyq /people/person/profession /m/01c72t +/m/018db8 /people/person/sibling_s./people/sibling_relationship/sibling /m/015076 +/m/03nc9d /award/award_category/category_of /m/0c4ys +/m/02qx69 /film/actor/film./film/performance/film /m/02ht1k +/m/063_j5 /film/film/featured_film_locations /m/030qb3t +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/01my4f +/m/0h6rm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/0b_dy /people/person/profession /m/01d_h8 +/m/0ltv /media_common/netflix_genre/titles /m/027gy0k +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0dtfn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0dbc1s /people/person/profession /m/02jknp +/m/037gjc /people/person/gender /m/05zppz +/m/0c94fn /people/person/nationality /m/09c7w0 +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cd1q +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0g2jl /education/educational_institution/students_graduates./education/education/student /m/01kstn9 +/m/0209xj /film/film/language /m/02h40lc +/m/0xnvg /people/ethnicity/people /m/02byfd +/m/04crrxr /people/person/gender /m/05zppz +/m/01718w /film/film/country /m/0chghy +/m/02w9k1c /film/film/music /m/01l79yc +/m/06dfg /location/country/form_of_government /m/01d9r3 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/01t07j /influence/influence_node/influenced_by /m/053yx +/m/0162b /location/country/form_of_government /m/01fpfn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0846v /location/location/time_zones /m/02hczc +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jsn5 +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/059rby +/m/05_pkf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02x7vq +/m/0sx7r /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02q52q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/019dmc /people/cause_of_death/people /m/01d6jf +/m/012qjw /medicine/symptom/symptom_of /m/0d19y2 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/03l7tr /sports/sports_team/colors /m/01g5v +/m/09bg4l /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/02jxkw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015jr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pctb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/011ydl +/m/04s430 /people/person/nationality /m/09c7w0 +/m/01w58n3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/0kqj1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/04qb6g +/m/05r5w /people/person/profession /m/03gjzk +/m/065b6q /people/ethnicity/people /m/02g0rb +/m/05sxr_ /film/film/genre /m/04xvh5 +/m/03v1xb /people/person/profession /m/05sxg2 +/m/063_j5 /film/film/genre /m/03j0dp +/m/09c7w0 /location/location/contains /m/010z5n +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08k40m +/m/05fky /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/01nqj /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/07ssc /location/location/contains /m/017j4q +/m/04t36 /media_common/netflix_genre/titles /m/02x6dqb +/m/0g5qmbz /film/film/country /m/07ssc +/m/0292qb /film/film/costume_design_by /m/03y1mlp +/m/05sy_5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/02mjmr /people/person/place_of_birth /m/02hrh0_ +/m/016cjb /music/genre/artists /m/0163kf +/m/04nlb94 /film/film/genre /m/03npn +/m/02kth6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05jcn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0126rp /influence/influence_node/influenced_by /m/014z8v +/m/01bv8b /tv/tv_program/languages /m/02h40lc +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01qvz8 +/m/06151l /people/person/place_of_birth /m/01_d4 +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01nglk /people/person/profession /m/01d_h8 +/m/028mc6 /people/person/profession /m/018gz8 +/m/024qwq /people/person/profession /m/0dz3r +/m/04l5d0 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/09c7w0 /location/location/contains /m/01nl79 +/m/0pkgt /award/award_nominee/award_nominations./award/award_nomination/award /m/02h3d1 +/m/01w4c9 /music/instrument/instrumentalists /m/01wz3cx +/m/0l2tk /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/0myk8 +/m/062ftr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bt4r4 +/m/09rfpk /film/film/genre /m/082gq +/m/0162c8 /people/person/profession /m/01d_h8 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/04mwxk3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qx69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/025ljp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0dszr0 +/m/0gv10 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ytph /location/hud_county_place/place /m/0ytph +/m/0260bz /film/film/language /m/06nm1 +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0cwrr /tv/tv_program/genre /m/05p553 +/m/0gl6f /education/educational_institution/students_graduates./education/education/student /m/048wrb +/m/0151w_ /people/person/profession /m/02hrh1q +/m/0847q /location/location/contains /m/01r9nk +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0mbql +/m/0q48z /location/location/time_zones /m/02fqwt +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0141kz +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0jmgb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0f2s6 +/m/09qxq7 /music/genre/artists /m/012vm6 +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/0d193h /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/05znbh7 /film/film/language /m/012w70 +/m/0x67 /people/ethnicity/people /m/0blbxk +/m/0cgbf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/04913k /sports/sports_team/colors /m/019sc +/m/0164y7 /people/person/nationality /m/09c7w0 +/m/05rznz /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0crs0b8 /film/film/genre /m/0jdm8 +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04f525m /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/058dm9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0342h /music/instrument/instrumentalists /m/020jqv +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0g69lg /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/015ppk +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/06__m6 +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qgqt +/m/0408m53 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03h_yy /film/film/country /m/07ssc +/m/01f1jf /user/jg/default_domain/olympic_games/sports /m/01dys +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0697s +/m/03061d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0cj2w /people/person/profession /m/02hrh1q +/m/0dgq_kn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/07d370 /people/person/nationality /m/09c7w0 +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0c3351 /media_common/netflix_genre/titles /m/04mzf8 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/05r6t /music/genre/artists /m/057xn_m +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01tffp /military/military_conflict/combatants./military/military_combatant_group/combatants /m/03m7d +/m/0564x /film/film/genre /m/0jxy +/m/01fkxr /people/person/profession /m/016z4k +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/01lsl /film/film/genre /m/07s9rl0 +/m/02tktw /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/0432_5 /film/film/prequel /m/0233bn +/m/04wlh /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0h7t36 /film/film/genre /m/01t_vv +/m/0166v /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0n2bh /tv/tv_program/genre /m/07s9rl0 +/m/041rx /people/ethnicity/people /m/02_wxh +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/0ky1 +/m/012j5h /people/person/nationality /m/0d060g +/m/07y_7 /music/instrument/instrumentalists /m/01w3lzq +/m/018vs /music/instrument/instrumentalists /m/01k47c +/m/02w64f /sports/sports_team/colors /m/01g5v +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05_k56 +/m/0279c15 /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0k_q_ +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0yh4 +/m/0c8qq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gyh2wm /award/award_winning_work/awards_won./award/award_honor/award /m/0fq9zcx +/m/06fxnf /people/person/place_of_birth /m/04jpl +/m/080r3 /influence/influence_node/influenced_by /m/081k8 +/m/06_wqk4 /film/film/music /m/01mkn_d +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f5xn +/m/01g6bk /influence/influence_node/influenced_by /m/03rx9 +/m/02tcgh /film/film/language /m/0121sr +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02rl201 +/m/0b_6xf /time/event/locations /m/07bcn +/m/0djkrp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/02clgg /film/actor/film./film/performance/film /m/032clf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ddd0gc +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/08b0cj /sports/pro_athlete/teams./sports/sports_team_roster/team /m/08vk_r +/m/05qbckf /film/film/film_production_design_by /m/02x2t07 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/01z215 +/m/048cl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0408np /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wgln +/m/0glyyw /people/person/employment_history./business/employment_tenure/company /m/046b0s +/m/063b4k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/01w5gg6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0l14j_ /music/instrument/instrumentalists /m/01gg59 +/m/06j6l /music/genre/artists /m/02jq1 +/m/0tygl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/015whm /film/film/country /m/09c7w0 +/m/0bh72t /film/film/genre /m/095bb +/m/07sgdw /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/01z4y /media_common/netflix_genre/titles /m/09cxm4 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/02_06s +/m/031786 /film/film/film_format /m/017fx5 +/m/0309lm /film/actor/film./film/performance/film /m/06w99h3 +/m/03vhvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02ny8t /music/genre/artists /m/05w6cw +/m/054nbl /music/genre/artists /m/03193l +/m/0197tq /people/person/profession /m/016z4k +/m/0196bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/09c7w0 /location/location/contains /m/029qzx +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds2n +/m/03cv_gy /film/film/genre /m/082gq +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02ndbd +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/0f4_2k /film/film/film_format /m/0cj16 +/m/04lg6 /people/person/places_lived./people/place_lived/location /m/031y2 +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/06b19 /education/educational_institution/colors /m/01l849 +/m/0f6lx /people/person/profession /m/01c72t +/m/012dr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/05b1062 /people/person/profession /m/02hrh1q +/m/01p_2p /music/genre/artists /m/03j0br4 +/m/021pqy /film/film/genre /m/03q4nz +/m/01rgn3 /education/educational_institution/students_graduates./education/education/student /m/0cj2nl +/m/03hpr /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/027dtv3 /people/person/nationality /m/02jx1 +/m/04hzj /location/location/time_zones /m/03bdv +/m/02gtm4 /sports/sports_team/sport /m/018jz +/m/05k2xy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lw8j /music/genre/artists /m/03h502k +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02yxh9 /time/event/instance_of_recurring_event /m/0g_w +/m/051ys82 /film/film/film_format /m/0cj16 +/m/0137hn /music/group_member/membership./music/group_membership/role /m/03qjg +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/021bk +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01nm3s /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02v992 +/m/013vdl /film/actor/film./film/performance/film /m/0ds2n +/m/03hfmm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rnxn /people/person/gender /m/05zppz +/m/0ds11z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0cf8qb /film/film/language /m/02h40lc +/m/0_lk5 /location/hud_county_place/place /m/0_lk5 +/m/02vx4c2 /people/person/gender /m/05zppz +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0m2kd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06vbd /sports/sports_team_location/teams /m/048_lz +/m/07ssc /location/location/contains /m/01rmjw +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06s9y +/m/08yx9q /people/person/nationality /m/09c7w0 +/m/01wlt3k /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l840 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/0cf_n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8hf +/m/026dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0134pk +/m/03wv2g /education/educational_institution/colors /m/0jc_p +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01wbg84 /film/actor/film./film/performance/film /m/027pfg +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034tl +/m/0217m9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/0_b9f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/096lf_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/031296 +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/05511w +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/042d1 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fkvn +/m/015x1f /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/05q8pss /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/02q5g1z /film/film/language /m/02h40lc +/m/02kzfw /education/educational_institution/school_type /m/05jxkf +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0436f4 +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/01rf57 /tv/tv_program/genre /m/01t_vv +/m/08mg_b /film/film/language /m/02h40lc +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/0184dt +/m/02vjzr /music/genre/artists /m/01cwhp +/m/07t3gd /business/job_title/people_with_this_title./business/employment_tenure/company /m/01hl_w +/m/0h1p /people/person/nationality /m/09c7w0 +/m/04bdzg /film/actor/film./film/performance/film /m/0g54xkt +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0glt670 /music/genre/artists /m/01w9wwg +/m/0181dw /music/record_label/artist /m/013w8y +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01qxc7 +/m/06rmdr /film/film/genre /m/0vjs6 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02w7gg /people/ethnicity/people /m/025t9b +/m/0133x7 /people/person/gender /m/02zsn +/m/0f4vx /film/film/language /m/02h40lc +/m/01mjq /location/location/contains /m/09hgk +/m/09c7w0 /location/location/contains /m/0vm4s +/m/02ctzb /people/ethnicity/people /m/0d05fv +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01kt_j +/m/0dw6b /people/person/profession /m/0cbd2 +/m/0lcx /influence/influence_node/influenced_by /m/0w6w +/m/09c7w0 /location/location/contains /m/013807 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027jk +/m/015rhv /people/person/profession /m/02hrh1q +/m/06z68 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/0lgxj /olympics/olympic_games/participating_countries /m/05cgv +/m/0hsmh /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02704ff /film/film/featured_film_locations /m/0rh6k +/m/07vhb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7c +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/0bkg4 +/m/01722w /education/educational_institution/school_type /m/01jlsn +/m/01vvybv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/01bcq /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/048cl /influence/influence_node/influenced_by /m/028p0 +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/09ykwk /people/person/place_of_birth /m/03l2n +/m/04hgpt /education/educational_institution/school_type /m/05jxkf +/m/032sl_ /film/film/featured_film_locations /m/094jv +/m/05dtsb /film/actor/film./film/performance/film /m/03mgx6z +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/02w4v /music/genre/artists /m/01qvgl +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gnbw /film/actor/film./film/performance/film /m/0661ql3 +/m/02vjzr /music/genre/artists /m/01jfr3y +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0p9lw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/05t7c1 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02zyq6 /people/deceased_person/place_of_death /m/0r0m6 +/m/0c41n /people/ethnicity/languages_spoken /m/064_8sq +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/076tq0z +/m/035yn8 /film/film/genre /m/07s9rl0 +/m/01r216 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0fvzg /sports/sports_team_location/teams /m/04cxw5b +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fphgb /film/film/language /m/02h40lc +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0mdqp +/m/0jwvf /film/film/genre /m/02n4kr +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02bq1j +/m/015pvh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01d0b1 +/m/01qd_r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/03f7xg /film/film/language /m/02h40lc +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03cyslc +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0f7fy +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/0dwz3t +/m/018ygt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03f1zhf /music/group_member/membership./music/group_membership/group /m/011xhx +/m/0jmwg /music/genre/artists /m/0285c +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01h7bb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0mwx6 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0_92w /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/014knw /film/film/genre /m/05p553 +/m/09qljs /film/film/executive_produced_by /m/06q8hf +/m/0htcn /people/person/profession /m/02jknp +/m/0hzlz /location/country/form_of_government /m/01d9r3 +/m/01s3vk /film/film/genre /m/05p553 +/m/0c1jh /influence/influence_node/influenced_by /m/0l99s +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/011yd2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04grkmd /film/film/genre /m/05p553 +/m/016z2j /people/person/languages /m/02h40lc +/m/012ky3 /people/person/place_of_birth /m/05qtj +/m/0mbql /film/film/language /m/06nm1 +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/05wqr1 +/m/04s5_s /people/person/profession /m/0dz3r +/m/05148p4 /music/instrument/instrumentalists /m/0130sy +/m/0c34mt /film/film/genre /m/07s9rl0 +/m/032xhg /people/person/profession /m/02krf9 +/m/07mb57 /people/person/gender /m/05zppz +/m/06823p /film/film/genre /m/03q4nz +/m/0cmt6q /film/actor/film./film/performance/film /m/02qydsh +/m/01xvlc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09d3b7 +/m/03hmt9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0322yj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nyts /people/person/gender /m/05zppz +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019pcs +/m/01dyvs /film/film/executive_produced_by /m/0glyyw +/m/05m0h /people/person/employment_history./business/employment_tenure/company /m/07tgn +/m/07_m9_ /people/person/religion /m/0c8wxp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01dyk8 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/04xbq3 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/020_95 +/m/0161h5 /people/person/profession /m/0cbd2 +/m/04xzm /people/person/profession /m/0fj9f +/m/01stzp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01bv8b +/m/08j7lh /film/film/language /m/0459q4 +/m/06j6l /music/genre/artists /m/01f9zw +/m/03gt46z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0358x_ +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_r3 +/m/0jryt /location/location/time_zones /m/02hcv8 +/m/0c3ns /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/024bbl /people/person/place_of_birth /m/030qb3t +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/0mb5x +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/07fpm3 +/m/065dc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/030jj7 /music/record_label/artist /m/01fkxr +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09qljs /film/film/genre /m/03npn +/m/068p_ /medicine/disease/notable_people_with_this_condition /m/02mslq +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/03s9kp +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0382m4 +/m/03p7rp /music/genre/artists /m/04_jsg +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023g6w +/m/02sh8y /people/person/gender /m/05zppz +/m/0j8cb /sports/sports_team/sport /m/03tmr +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01x72k /award/award_nominee/award_nominations./award/award_nomination/award /m/0fqnzts +/m/084z0w /people/person/gender /m/05zppz +/m/03l6q0 /film/film/prequel /m/02mc5v +/m/011yhm /award/award_winning_work/awards_won./award/award_honor/award /m/027b9ly +/m/06dl_ /people/person/place_of_birth /m/01_d4 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05c1t6z /time/event/instance_of_recurring_event /m/0gcf2r +/m/041b4j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04f52jw /film/film/genre /m/01hmnh +/m/025sc50 /music/genre/artists /m/01w7nww +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jhjl +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/06rhz7 /film/film/genre /m/03bxz7 +/m/02p3cr5 /music/record_label/artist /m/0167xy +/m/02_fj /people/person/nationality /m/09c7w0 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345_ +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/058nh2 +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/040_9 /people/person/profession /m/0cbd2 +/m/049n3s /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01r7pq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/03rj0 /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/0dxmyh /people/person/profession /m/0dxtg +/m/06p8m /business/business_operation/industry /m/020mfr +/m/0pz7h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/062ftr +/m/07h5d /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/08s0m7 /people/person/languages /m/0999q +/m/06jjbp /music/genre/artists /m/017l4 +/m/09fn1w /film/film/language /m/02hxcvy +/m/03fvqg /people/person/religion /m/0c8wxp +/m/0m66w /people/person/profession /m/02hrh1q +/m/08qmfm /people/person/profession /m/03gjzk +/m/0bytkq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015x74 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/0bqch /people/deceased_person/place_of_death /m/01j2_7 +/m/02rb607 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02lnbg /music/genre/artists /m/01wzlxj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/08bytj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026zvx7 +/m/02js9p /people/person/profession /m/02hrh1q +/m/078sj4 /film/film/language /m/064_8sq +/m/0_g_6 /location/location/time_zones /m/02hcv8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04sylm +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/026mj +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/08b0cj /soccer/football_player/current_team./sports/sports_team_roster/team /m/08vk_r +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0kw4j +/m/09n48 /olympics/olympic_games/participating_countries /m/01nln +/m/0cs134 /tv/tv_program/genre /m/05p553 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01gq0b +/m/04mky3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0kcn7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0164r9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02gt5s /location/location/time_zones /m/02hcv8 +/m/0jsqk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02645b /people/person/places_lived./people/place_lived/location /m/0d9z_y +/m/0k0q8q /people/person/languages /m/03k50 +/m/058s57 /people/person/place_of_birth /m/0z843 +/m/04sntd /film/film/country /m/0345h +/m/01dy7j /people/person/nationality /m/09c7w0 +/m/012rng /people/person/profession /m/02hrh1q +/m/04h68j /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/0h3mh3q +/m/018j2 /music/instrument/instrumentalists /m/02f1c +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/043qqt5 +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01rtm4 +/m/0h3mh3q /tv/tv_program/country_of_origin /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/0f8j13 +/m/0ccd3x /film/film/genre /m/02l7c8 +/m/05bt6j /music/genre/artists /m/01w20rx +/m/06srk /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/063_j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/031y2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/046zh +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/03ft8 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/022fj_ +/m/015_1q /music/record_label/artist /m/023p29 +/m/013v5j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01yk13 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mj7c +/m/06rzwx /film/film/produced_by /m/0f5mdz +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/041rx /people/ethnicity/people /m/04n7gc6 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01jq34 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0h27vc /film/actor/film./film/performance/film /m/02825cv +/m/02rk45 /people/person/religion /m/03_gx +/m/0k95h /medicine/disease/risk_factors /m/0c58k +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07g1sm +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/01znc_ +/m/06hx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/012mzw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0571m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04pz5c /people/person/nationality /m/09c7w0 +/m/022xml /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/0r0ls /location/location/time_zones /m/02lcqs +/m/020bg /people/person/gender /m/05zppz +/m/02fbpz /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0kv2hv +/m/0qcr0 /people/cause_of_death/people /m/06kkgw +/m/033tf_ /people/ethnicity/people /m/04nw9 +/m/01ry_x /film/film/production_companies /m/0278rq7 +/m/049g_xj /award/award_nominee/award_nominations./award/award_nomination/award /m/099cng +/m/04hhv /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/015vq_ /film/actor/film./film/performance/film /m/0k2sk +/m/07k2p6 /people/person/nationality /m/09c7w0 +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0glyyw /people/person/employment_history./business/employment_tenure/company /m/086k8 +/m/05cl2w /people/person/gender /m/05zppz +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/081nh +/m/03v6t /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/029_l /people/person/profession /m/02hrh1q +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/03cffvv +/m/0278x6s /film/actor/film./film/performance/film /m/026n4h6 +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ch1w /film/actor/film./film/performance/film /m/016z9n +/m/01d650 /education/educational_institution/students_graduates./education/education/student /m/0171cm +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/014488 /people/person/profession /m/03gjzk +/m/053j4w4 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/097zcz +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/0bdwqv /award/award_category/nominees./award/award_nomination/nominated_for /m/06zsk51 +/m/017g21 /music/group_member/membership./music/group_membership/role /m/042v_gx +/m/017149 /film/actor/film./film/performance/film /m/07bx6 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/01z_g6 +/m/0nv6n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0259r0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/02v60l /people/person/profession /m/0dxtg +/m/03txms /people/person/religion /m/019cr +/m/0c3dzk /people/person/profession /m/0dgd_ +/m/01y3c /sports/sports_team/sport /m/0jm_ +/m/0d060g /location/location/contains /m/018dh3 +/m/04hcw /influence/influence_node/influenced_by /m/032l1 +/m/017fp /media_common/netflix_genre/titles /m/041td_ +/m/02v1ws /award/award_category/category_of /m/02v1ws +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/06mx8 /media_common/netflix_genre/titles /m/04nlb94 +/m/0gk4g /people/cause_of_death/people /m/0jvtp +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/0gyx4 +/m/02465 /influence/influence_node/influenced_by /m/04135 +/m/03ryn /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/03cd1q /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01vw8mh /people/person/profession /m/09jwl +/m/01n7q /location/location/contains /m/0nbwf +/m/02p8q1 /sports/sports_team/colors /m/01l849 +/m/03k8th /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01cyd5 +/m/045zr /people/person/profession /m/016z4k +/m/0g69lg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04mx__ +/m/0872p_c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03npn /media_common/netflix_genre/titles /m/09rfh9 +/m/0mz73 /people/person/places_lived./people/place_lived/location /m/09snz +/m/041rhq /people/person/gender /m/05zppz +/m/0n8bn /film/actor/film./film/performance/film /m/049xgc +/m/07pzc /people/person/profession /m/0dxtg +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/09jm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/047wh1 /film/film/genre /m/07s2s +/m/015p3p /film/actor/film./film/performance/film /m/062zm5h +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/073h1t +/m/02t_h3 /film/film/featured_film_locations /m/04jpl +/m/06cddt /people/person/place_of_birth /m/0mnzd +/m/0bl3nn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08052t3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03rz2b /film/film/language /m/0688f +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/03q6zc +/m/048tv9 /film/film/executive_produced_by /m/02xnjd +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0r8bh +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/017kct +/m/01r0t_j /people/person/nationality /m/09c7w0 +/m/0x0d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/02wgln /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/04vvh9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/025rpb0 /people/ethnicity/people /m/02byfd +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0yt +/m/043t8t /film/film/language /m/07qv_ +/m/02ky346 /education/field_of_study/students_majoring./education/education/student /m/02wxvtv +/m/0cgfb /people/person/profession /m/012t_z +/m/017l96 /music/record_label/artist /m/0d9xq +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01vsl3_ +/m/02q3bb /people/person/gender /m/02zsn +/m/01r3y2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k1h /music/record_label/artist /m/01vtj38 +/m/01yznp /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqmvn +/m/031sg0 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0jqp3 /film/film/language /m/06nm1 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/03hfmm /film/film/featured_film_locations /m/04jpl +/m/0yxl /influence/influence_node/influenced_by /m/07lp1 +/m/01skcy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04snp2 /people/person/place_of_birth /m/01m1zk +/m/09dvgb8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0291ck +/m/07ssc /location/location/contains /m/01rwbd +/m/0l380 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0kq39 +/m/01b9ck /people/deceased_person/place_of_death /m/0r3tq +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0178g +/m/081hvm /people/person/places_lived./people/place_lived/location /m/011hq1 +/m/05lfwd /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06czyr +/m/030tjk /people/person/profession /m/01d_h8 +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0l2xl /location/location/time_zones /m/02lcqs +/m/01x4sb /people/person/profession /m/016z4k +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/017n9 +/m/05ft32 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/05kkh /location/location/contains /m/0n1tx +/m/026wlxw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/065ydwb /film/actor/film./film/performance/film /m/0ds3t5x +/m/0sf9_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/017_qw /music/genre/artists /m/01rwcgb +/m/04jkpgv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03mstc /people/person/profession /m/01d_h8 +/m/0j_tw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01vb6z /influence/influence_node/influenced_by /m/03qcq +/m/028lc8 /film/actor/film./film/performance/film /m/027rpym +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/099d4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02r6gw6 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/019pwv +/m/04vgq5 /organization/organization/place_founded /m/0d9jr +/m/0509bl /film/actor/film./film/performance/film /m/03nqnnk +/m/0gtt5fb /film/film/production_companies /m/046b0s +/m/049fgvm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0m68w /people/person/profession /m/0kyk +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02zfdp /film/actor/film./film/performance/film /m/09jcj6 +/m/0473rc /film/film/genre /m/02l7c8 +/m/02h1rt /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/0291ck /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09c7w0 /location/country/second_level_divisions /m/0n23_ +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09r9m7 +/m/01bm_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0175zz /music/genre/parent_genre /m/016clz +/m/021npv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01c58j /people/person/profession /m/03gjzk +/m/0dr_4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/048lv /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04x4vj +/m/03_3d /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/051wf /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bhvtc +/m/02l0xc /people/deceased_person/place_of_death /m/0qpqn +/m/015jr /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03s5t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09tlh +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/01wd02c /influence/influence_node/influenced_by /m/0gz_ +/m/0l14md /music/instrument/instrumentalists /m/01vt5c_ +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ykg +/m/013xrm /people/ethnicity/people /m/0nk72 +/m/0fb0v /music/record_label/artist /m/02y7sr +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/05lb65 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07z1_q +/m/0xhtw /music/genre/artists /m/01j59b0 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0n58p /location/location/time_zones /m/02hcv8 +/m/02qmsr /film/film/executive_produced_by /m/06q8hf +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/0ggx5q /music/genre/artists /m/01v27pl +/m/040db /influence/influence_node/influenced_by /m/06lbp +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yn5 +/m/01_3rn /time/event/locations /m/02j9z +/m/0jnm_ /sports/sports_team/colors /m/083jv +/m/0146bp /medicine/disease/risk_factors /m/01hbgs +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/09qvms +/m/03w9bjf /people/ethnicity/languages_spoken /m/07c9s +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0dln8jk /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0ym8f /education/educational_institution/students_graduates./education/education/student /m/0djywgn +/m/07_3qd /people/person/place_of_birth /m/0dbdy +/m/0c5lg /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/03f3yfj +/m/09glbnt /business/business_operation/industry /m/07c52 +/m/0432_5 /film/film/country /m/06t2t +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04rzd /music/performance_role/regular_performances./music/group_membership/group /m/018ndc +/m/03xnwz /music/genre/parent_genre /m/05r6t +/m/081pw /film/film_subject/films /m/025rvx0 +/m/02h2z_ /time/event/locations /m/04wgh +/m/016clz /music/genre/artists /m/01wg6y +/m/013t9y /film/director/film /m/0dqytn +/m/020bv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0181dw /music/record_label/artist /m/02f1c +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06bnz +/m/016y_f /film/film/country /m/09c7w0 +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/03mz9r /people/person/profession /m/0dxtg +/m/043tg /influence/influence_node/influenced_by /m/099bk +/m/02hrh0_ /location/hud_county_place/place /m/02hrh0_ +/m/06z4wj /people/person/profession /m/03gjzk +/m/01zmpg /people/person/religion /m/0flw86 +/m/09f5rr /people/person/nationality /m/09c7w0 +/m/05nlx4 /film/film/film_format /m/07fb8_ +/m/02ctzb /people/ethnicity/people /m/016khd +/m/03z5xd /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01crd5 +/m/0h0wd9 /film/film/genre /m/04t36 +/m/05bt6j /music/genre/artists /m/01vsl3_ +/m/045bs6 /film/actor/film./film/performance/film /m/0dzz6g +/m/0k525 /people/person/gender /m/05zppz +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sff +/m/04pf4r /people/person/profession /m/01c72t +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dr3sl +/m/037jz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/09f2j +/m/05jm7 /influence/influence_node/influenced_by /m/040db +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286hyp +/m/0372p /influence/influence_node/influenced_by /m/0gz_ +/m/02k54 /location/location/contains /m/02w6bq +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02773nt +/m/01hq1 /film/film/story_by /m/02nygk +/m/01fm07 /music/genre/artists /m/046p9 +/m/01pllx /film/actor/film./film/performance/film /m/03l6q0 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01q0kg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016h4r +/m/02ryx0 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/056jm_ +/m/042d1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03hpr /people/person/gender /m/05zppz +/m/0gnbw /film/actor/film./film/performance/film /m/0fh2v5 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04swd +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/01jq0j /education/educational_institution/students_graduates./education/education/student /m/03m_k0 +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/01ws9n6 /people/person/profession /m/0nbcg +/m/01n6c /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0c3z0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04t969 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/09c7w0 /location/country/second_level_divisions /m/0cymp +/m/02rl201 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/02zy1z /education/educational_institution/colors /m/083jv +/m/07hwkr /people/ethnicity/languages_spoken /m/032f6 +/m/016017 /film/film/genre /m/04rlf +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0qmfk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0d06m5 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/041c4 /film/actor/film./film/performance/film /m/09v3jyg +/m/06lpmt /film/film/genre /m/0219x_ +/m/0133x7 /people/person/religion /m/05tgm +/m/01c99j /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04rtpt /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0hz55 +/m/03kts /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02fttd /film/film/production_companies /m/0c41qv +/m/0htlr /people/person/gender /m/02zsn +/m/0fsb8 /location/hud_county_place/place /m/0fsb8 +/m/05zjtn4 /education/educational_institution/students_graduates./education/education/student /m/04t969 +/m/07tlfx /film/film/language /m/0295r +/m/010y34 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0725ny /people/person/gender /m/05zppz +/m/02z0j /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0c55fj /tv/tv_network/programs./tv/tv_network_duration/program /m/08cx5g +/m/0bs5vty /film/film/genre /m/02l7c8 +/m/0b_77q /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0cp0ph6 /film/film/featured_film_locations /m/030qb3t +/m/02zj61 /people/person/nationality /m/09c7w0 +/m/0ds5_72 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/053yx /people/deceased_person/place_of_burial /m/01f38z +/m/01vs_v8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_c8p /organization/organization/place_founded /m/071vr +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/021q1c /business/job_title/people_with_this_title./business/employment_tenure/company /m/07szy +/m/02pzc4 /people/person/profession /m/02hrh1q +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/03s0w +/m/040_9 /people/person/nationality /m/07ssc +/m/018ctl /olympics/olympic_games/participating_countries /m/03_r3 +/m/0x3b7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0x3r3 /influence/influence_node/influenced_by /m/043s3 +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/06mzp +/m/03cp4cn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02hp6p /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l2tk +/m/03mr85 /film/film/genre /m/02l7c8 +/m/03zv9 /sports/sports_league/teams./sports/sports_league_participation/team /m/0kz4w +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_06 +/m/03qd_ /people/person/profession /m/03gjzk +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01756d /music/genre/artists /m/05xq9 +/m/05sns6 /film/film/genre /m/01jfsb +/m/03bzjpm /film/film/executive_produced_by /m/03c9pqt +/m/015c4g /film/actor/film./film/performance/film /m/0hmm7 +/m/0963mq /film/film/genre /m/01t_vv +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03h_0_z +/m/0ddt_ /film/film/genre /m/01hmnh +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/022wxh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/01fwpt /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/07bch9 /people/ethnicity/people /m/06c0j +/m/0kbws /olympics/olympic_games/participating_countries /m/04hqz +/m/09qxq7 /music/genre/artists /m/01vsn38 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0498y +/m/04ly1 /location/location/contains /m/0p4gy +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0205m3 +/m/01f5q5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0qr4n /location/hud_county_place/place /m/0qr4n +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0g3cw +/m/028k57 /people/person/profession /m/09jwl +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/0488g /location/location/contains /m/0nppc +/m/081lh /influence/influence_node/influenced_by /m/01wj9y9 +/m/08jyyk /music/genre/artists /m/01wwvt2 +/m/01ww_vs /people/person/profession /m/0dz3r +/m/02_1q9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05mc99 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k7xz +/m/012q4n /people/person/gender /m/05zppz +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/01vwllw /film/actor/film./film/performance/film /m/09rvwmy +/m/026lj /influence/influence_node/influenced_by /m/030dr +/m/0qkcb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04bs3j /people/person/profession /m/018gz8 +/m/03ncb2 /award/award_category/winners./award/award_honor/award_winner /m/01vsy95 +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04x1_w /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0bwh6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01bpn /people/person/religion /m/0kpl +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/04z_3pm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01817f /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09d3b7 +/m/08htt0 /education/educational_institution/students_graduates./education/education/student /m/0cms7f +/m/06by7 /music/genre/artists /m/01q7cb_ +/m/0n83s /film/film/language /m/02h40lc +/m/03sxd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016jny /music/genre/artists /m/01wdcxk +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0jm74 /sports/sports_team/colors /m/019sc +/m/02hnl /music/instrument/instrumentalists /m/03j0br4 +/m/031786 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cwwl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/02kxjx /base/culturalevent/event/entity_involved /m/0dj5q +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gy3w +/m/058vy5 /award/award_category/winners./award/award_honor/award_winner /m/0969fd +/m/0plw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0df4y +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/01wrcxr /people/person/nationality /m/09c7w0 +/m/0d4xmp /music/genre/parent_genre /m/0296y +/m/0kbws /olympics/olympic_games/participating_countries /m/07ylj +/m/02dlfh /influence/influence_node/influenced_by /m/01svq8 +/m/048z7l /people/ethnicity/people /m/06m6z6 +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/02y0yt +/m/0ggx5q /music/genre/artists /m/026yqrr +/m/060j8b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dfw0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02ndj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/0dthsy /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bx0l +/m/02ljhg /film/film/language /m/04h9h +/m/01nn79 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/029m83 /people/person/profession /m/02krf9 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0j2zj +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yqlk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/03rwz3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02bhj4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01_4lx +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/05kh_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/03knl /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/05tbn /location/location/contains /m/0zlt9 +/m/0chsq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07_pf /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01l9p +/m/01w3v /education/educational_institution/colors /m/083jv +/m/0_xdd /location/location/time_zones /m/02fqwt +/m/0c9t0y /film/film/production_companies /m/04rtpt +/m/01rwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/072192 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0y_yw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bn3jg /people/person/gender /m/05zppz +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/03f77 +/m/03f5spx /people/person/profession /m/09jwl +/m/02_pft /people/deceased_person/place_of_death /m/0k_p5 +/m/0gpx6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03xds /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03jsvl /music/genre/artists /m/07m4c +/m/06q5t7 /film/actor/film./film/performance/film /m/0bvn25 +/m/016jfw /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07l50_1 +/m/04pnx /location/location/contains /m/01p1v +/m/059t6d /people/person/gender /m/05zppz +/m/0jymd /film/film/genre /m/07s9rl0 +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dl1s +/m/04zkj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01hbq0 /film/actor/film./film/performance/film /m/0k4kk +/m/0288zy /education/educational_institution/students_graduates./education/education/student /m/0m6x4 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01jwxx /film/film/cinematography /m/06nz46 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kh2m1 +/m/01x4sb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gc7h /people/person/profession /m/03gjzk +/m/0g2mbn /film/actor/film./film/performance/film /m/01_1hw +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/022wxh /people/person/nationality /m/09c7w0 +/m/01v80y /people/person/profession /m/01d_h8 +/m/01hqk /film/film/genre /m/02kdv5l +/m/0cnztc4 /film/film/film_festivals /m/0fpkxfd +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/019w9j +/m/015nhn /award/award_nominee/award_nominations./award/award_nomination/award /m/07t_l23 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/030h95 +/m/050llt /people/person/languages /m/03k50 +/m/07jqjx /film/film/language /m/02h40lc +/m/057_yx /people/person/nationality /m/09c7w0 +/m/09d5d5 /people/person/nationality /m/07ssc +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0kr5_ /film/actor/film./film/performance/film /m/0315rp +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01r3y2 +/m/0fqww /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d8rs +/m/06py2 /organization/organization/place_founded /m/06pwq +/m/0755wz /film/actor/film./film/performance/film /m/072zl1 +/m/06b19 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/025m98 /award/award_category/nominees./award/award_nomination/nominated_for /m/0260bz +/m/0fd6qb /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05728w1 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/039d4 +/m/02q87z6 /film/film/genre /m/07s9rl0 +/m/0x67 /people/ethnicity/people /m/06b0d2 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bj9k +/m/03l3ln /film/actor/film./film/performance/film /m/08g_jw +/m/041bnw /music/record_label/artist /m/0x3b7 +/m/01vrx3g /people/person/profession /m/09lbv +/m/057d89 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01ngn3 /location/statistical_region/gdp_nominal_per_capita./measurement_unit/dated_money_value/currency /m/02l6h +/m/01w5jwb /people/person/profession /m/016z4k +/m/01wqmm8 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/05d7rk /film/actor/film./film/performance/film /m/0209hj +/m/0dl5d /music/genre/artists /m/02vnpv +/m/03mnk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/02fttd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gywn /music/genre/artists /m/01pgk0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/0x25q /film/film/genre /m/02kdv5l +/m/015_1q /music/record_label/artist /m/016m5c +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/018sg9 +/m/01bk1y /education/educational_institution/colors /m/083jv +/m/01vvzb1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/048vhl /film/film/language /m/02bjrlw +/m/016tb7 /people/person/place_of_birth /m/0281y0 +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0kvsb +/m/0n5bk /location/location/time_zones /m/02hcv8 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/064lsn +/m/0cb77r /people/deceased_person/place_of_death /m/06_kh +/m/02vsw1 /people/ethnicity/languages_spoken /m/012v8 +/m/02vnp2 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/07s2s /film/film_subject/films /m/047wh1 +/m/03d34x8 /tv/tv_program/languages /m/02h40lc +/m/03twd6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0fvr1 /film/film/production_companies /m/016tt2 +/m/0bwh6 /film/actor/film./film/performance/film /m/02qr3k8 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/0gcdzz +/m/0jfx1 /film/actor/film./film/performance/film /m/0f8j13 +/m/0plxn /location/location/time_zones /m/02fqwt +/m/041rx /people/ethnicity/people /m/04zn7g +/m/04wp63 /award/award_nominee/award_nominations./award/award_nomination/award /m/018wng +/m/016tvq /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/018swb /award/award_winner/awards_won./award/award_honor/award_winner /m/02s2ft +/m/012x4t /people/person/profession /m/05vyk +/m/0dzf_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01dtcb /organization/organization/child./organization/organization_relationship/child /m/01t04r +/m/03d1y3 /people/person/profession /m/0dxtg +/m/02rg_4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01w1sx /time/event/locations /m/0d04z6 +/m/028q6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/033dbw +/m/09fc83 /film/film/featured_film_locations /m/0ncj8 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bmhvpr +/m/01wd02c /award/award_nominee/award_nominations./award/award_nomination/award /m/06196 +/m/01vv7sc /people/person/profession /m/02hrh1q +/m/01x1cn2 /people/person/profession /m/0nbcg +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0f0kz /film/actor/film./film/performance/film /m/0ch26b_ +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/03qwyc /organization/organization/place_founded /m/013d_f +/m/01sbf2 /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/03v1s /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/02ywwy +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/0ck91 /people/person/profession /m/01d_h8 +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0160nk +/m/0bk4s /people/person/nationality /m/014tss +/m/03c0t9 /sports/sports_team/colors /m/01g5v +/m/03k7bd /film/actor/film./film/performance/film /m/0c1sgd3 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03npn /media_common/netflix_genre/titles /m/04fv5b +/m/017_qw /music/genre/artists /m/01m5m5b +/m/06n8j /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01srq2 /film/film/music /m/01tc9r +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/013qvn +/m/06q8qh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05p1tzf /film/film/featured_film_locations /m/0cv3w +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0jdtt +/m/0422v0 /film/film/genre /m/07s9rl0 +/m/01g7zj /people/ethnicity/people /m/01wz3cx +/m/05xd8x /people/person/profession /m/02jknp +/m/04z1v0 /music/genre/artists /m/01wdcxk +/m/059rby /location/location/contains /m/01mb87 +/m/03h_fqv /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/07s72n /music/genre/parent_genre /m/0283d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/04p_hy +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03jht /people/person/nationality /m/06mzp +/m/03z509 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02qkq0 +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/044pqn /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0193f /music/genre/parent_genre /m/05c6073 +/m/026h21_ /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0427y +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7xg +/m/0161h5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/0jmj /people/person/profession /m/0dxtg +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02hhtj /people/person/profession /m/02krf9 +/m/05t0zfv /film/film/prequel /m/02vw1w2 +/m/01xjx6 /music/record_label/artist /m/018dyl +/m/01mgw /film/film/genre /m/02l7c8 +/m/014w_8 /people/cause_of_death/people /m/0jrny +/m/05g7tj /music/genre/parent_genre /m/0296y +/m/01k0xy /film/film/prequel /m/01k0vq +/m/02knxx /people/cause_of_death/people /m/027r0_f +/m/07vn_9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02725hs /film/film/language /m/0349s +/m/0yzvw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lyv /music/genre/artists /m/0137g1 +/m/025h4z /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bx0l +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/07s9rl0 /media_common/netflix_genre/titles /m/07nxvj +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbhf +/m/02t_vx /film/actor/film./film/performance/film /m/0fr63l +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dky9n +/m/026g51 /music/genre/artists /m/016j2t +/m/03x400 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02js6_ +/m/0x25q /film/film/produced_by /m/03ktjq +/m/07f7jp /people/person/place_of_birth /m/0c_m3 +/m/064t9 /music/genre/artists /m/01v_pj6 +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/04s7y +/m/0f502 /people/person/religion /m/06nzl +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/0jkhr /education/educational_institution/colors /m/083jv +/m/044g_k /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/03bnb +/m/03hvk2 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02t1wn /film/actor/film./film/performance/film /m/0c5dd +/m/01tv3x2 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/03_2y /people/person/place_of_birth /m/0393g +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/02sjgpq /education/educational_institution/students_graduates./education/education/student /m/04mhl +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0j3d9tn +/m/03rhqg /music/record_label/artist /m/06cc_1 +/m/06czyr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/012x1l /people/person/gender /m/02zsn +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0bh8tgs +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/026kqs9 +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/052gzr +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/0gdm1 /education/educational_institution/students_graduates./education/education/student /m/05nn4k +/m/01fh36 /music/genre/artists /m/01w8n89 +/m/06w2sn5 /people/person/gender /m/05zppz +/m/0b2v79 /film/film/genre /m/017fp +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0bby9p5 /film/film/language /m/02h40lc +/m/0h7pj /film/actor/film./film/performance/film /m/04tqtl +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/06gb1w +/m/01vwllw /people/person/profession /m/02hrh1q +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/05r4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0n8_m93 /time/event/instance_of_recurring_event /m/0g_w +/m/0n85g /music/record_label/artist /m/04mn81 +/m/094jv /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02p3cr5 /music/record_label/artist /m/017lb_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pf5y +/m/02prw4h /film/film/country /m/09c7w0 +/m/0mdqp /award/award_winner/awards_won./award/award_honor/award_winner /m/0738b8 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02yv6b /music/genre/artists /m/01vwyqp +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016sp_ +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/04ddm4 +/m/036jp8 /people/person/profession /m/03gjzk +/m/011yth /film/film/language /m/0jzc +/m/01dljr /location/hud_county_place/place /m/01dljr +/m/03gyh_z /people/person/gender /m/05zppz +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0z05l +/m/02g9z1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02fttd /film/film/featured_film_locations /m/02_286 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02mg5r +/m/059g4 /base/locations/continents/countries_within /m/0l3h +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0byfz +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cvkv5 +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07w4j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0ks67 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/084w8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/041rx /people/ethnicity/people /m/07h1q +/m/02lkcc /film/actor/film./film/performance/film /m/0gfzfj +/m/015p3p /film/actor/film./film/performance/film /m/01kjr0 +/m/08jyyk /music/genre/artists /m/016wvy +/m/015njf /people/person/nationality /m/02jx1 +/m/01dk00 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pxcf +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02rv1w +/m/03lt8g /people/person/profession /m/02hrh1q +/m/012x4t /people/person/profession /m/0fnpj +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/0d05fv +/m/078sj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/013w2r +/m/02z4b_8 /people/person/nationality /m/02jx1 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/0cq7tx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0glbqt +/m/0237fw /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02vntj +/m/01xcfy /people/person/religion /m/092bf5 +/m/08fbnx /film/film/dubbing_performances./film/dubbing_performance/actor /m/05v954 +/m/01f39b /film/film/language /m/02h40lc +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0336mc /people/person/religion /m/0c8wxp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0vkl2 +/m/076lxv /film/film_set_designer/film_sets_designed /m/0kxf1 +/m/0333wf /film/actor/film./film/performance/film /m/076tw54 +/m/0jdx /location/location/time_zones /m/02llzg +/m/014gf8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/0133_p /music/genre/artists /m/03vhvp +/m/072x7s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03kx49 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0dm5l +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/070fnm +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/0814k3 +/m/01xqw /music/instrument/instrumentalists /m/01nqfh_ +/m/080dyk /people/person/profession /m/0gl2ny2 +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38t +/m/02h7qr /education/educational_institution/school_type /m/05jxkf +/m/01fh36 /music/genre/artists /m/01vrwfv +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/038rzr +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/09pbb +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07z6xs +/m/0lsw9 /people/person/profession /m/09jwl +/m/0py9b /organization/organization/place_founded /m/0vzm +/m/02zyq6 /people/person/profession /m/02hrh1q +/m/0j0k /location/location/contains /m/06t2t +/m/05fjf /location/location/contains /m/0xmlp +/m/0dgpwnk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02c638 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/029q_y /film/actor/film./film/performance/film /m/06z8s_ +/m/039xcr /people/person/gender /m/05zppz +/m/0gxtknx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06bc59 +/m/01hb6v /people/deceased_person/place_of_death /m/03l2n +/m/02ljhg /film/film/genre /m/02kdv5l +/m/09xw2 /music/genre/parent_genre /m/03_d0 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02r2j8 /film/film/music /m/089kpp +/m/0j47s /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/03m_k0 /people/person/profession /m/01d_h8 +/m/0dlngsd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0652ty /people/person/profession /m/02jknp +/m/0cqt90 /people/person/profession /m/012t_z +/m/027r7k /film/film/country /m/0d060g +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_pg +/m/0jkhr /education/university/fraternities_and_sororities /m/0325pb +/m/01j6mff /people/person/nationality /m/09c7w0 +/m/01_sz1 /music/genre/parent_genre /m/059kh +/m/01352_ /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06l22 +/m/02qvdc /sports/sports_position/players./sports/sports_team_roster/team /m/0hm2b +/m/020hh3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/09fb5 +/m/016cyt /music/genre/parent_genre /m/019z2l +/m/048_p /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/0c0zq /award/award_winning_work/awards_won./award/award_honor/award /m/027b9j5 +/m/01w23w /people/person/place_of_birth /m/03l2n +/m/01fwj8 /film/actor/film./film/performance/film /m/035xwd +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/094qd5 +/m/02x3y41 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01flzb /music/genre/parent_genre /m/02mscn +/m/039c26 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02swsm /music/record_label/artist /m/02wb6yq +/m/01nzz8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0181dw /music/record_label/artist /m/03xhj6 +/m/02vwckw /people/person/gender /m/05zppz +/m/0gmcwlb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02x3y41 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05cx7x /people/person/gender /m/05zppz +/m/03wdsbz /people/person/profession /m/02ynfr +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gj8t_b /film/film/genre /m/05p553 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01l_pn +/m/03j24kf /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/03v1jf /film/actor/film./film/performance/film /m/03ydlnj +/m/01p7b6b /people/person/nationality /m/09c7w0 +/m/02tqkf /people/person/profession /m/0np9r +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/031v3p /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0443xn +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/064t9 /music/genre/artists /m/01vvyfh +/m/05p3738 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/047m_w /tv/tv_program/languages /m/02h40lc +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06274w +/m/01wk3c /film/actor/film./film/performance/film /m/025ts_z +/m/0352gk /education/educational_institution/school_type /m/0bpgx +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01gf5h /people/person/gender /m/05zppz +/m/01_3rn /base/culturalevent/event/entity_involved /m/0j5b8 +/m/02ctc6 /film/film/genre /m/04xvh5 +/m/08959 /people/deceased_person/place_of_death /m/0rh6k +/m/049468 /people/person/gender /m/02zsn +/m/0ffgh /people/person/languages /m/02h40lc +/m/01wbg84 /people/person/profession /m/02jknp +/m/0fjyzt /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016yvw +/m/01x6v6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/09c7w0 /location/country/second_level_divisions /m/0p07l +/m/015j7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/063g7l /people/person/gender /m/05zppz +/m/07y8l9 /people/person/nationality /m/09c7w0 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/06m61 /people/person/profession /m/09jwl +/m/0q9kd /film/actor/film./film/performance/film /m/09ps01 +/m/059kh /music/genre/artists /m/016t0h +/m/0320jz /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/02896 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01fsv9 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013pk3 +/m/0cwx_ /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/0fx2s /film/film_subject/films /m/0f4vx +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/02pk6x /people/person/nationality /m/059j2 +/m/0fms83 /award/award_category/nominees./award/award_nomination/nominated_for /m/06823p +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02v_4xv +/m/037lyl /people/person/gender /m/05zppz +/m/01kf4tt /film/film/genre /m/0bkbm +/m/0b66qd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/029ghl /people/person/languages /m/02h40lc +/m/02l48d /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/09v7wsg /award/award_category/nominees./award/award_nomination/nominated_for /m/01rf57 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/04gknr /film/film/country /m/0d060g +/m/06bw5 /education/educational_institution/school_type /m/04qbv +/m/013q07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01kf5lf /film/film/prequel /m/025twgt +/m/09ksp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09krp +/m/03_6y /people/person/religion /m/0c8wxp +/m/02qy3py /people/person/languages /m/0999q +/m/01kv4mb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0136pk /people/person/profession /m/09jwl +/m/01c58j /influence/influence_node/influenced_by /m/081nh +/m/0227tr /people/person/nationality /m/09c7w0 +/m/0pqzh /people/person/profession /m/03gjzk +/m/0pspl /location/location/time_zones /m/02hcv8 +/m/01s7z0 /people/person/religion /m/0c8wxp +/m/067ghz /film/film/genre /m/06n90 +/m/0gz_ /people/person/gender /m/05zppz +/m/08wjc1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/03qjg /music/instrument/instrumentalists /m/01t110 +/m/03k7bd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05zbm4 +/m/026ssfj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04kqk /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06ztvyx /film/film/genre /m/05p553 +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05kr_ /location/location/contains /m/018n1k +/m/042gr4 /people/person/gender /m/02zsn +/m/05szp /people/person/gender /m/02zsn +/m/019n9w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/04g3p5 /people/person/profession /m/02krf9 +/m/01xg_w /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/061681 /film/film/featured_film_locations /m/0rh6k +/m/0j0k /base/locations/continents/countries_within /m/06t2t +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0716t2 /people/person/nationality /m/09c7w0 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9zljd +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fx0mw +/m/08jyyk /music/genre/artists /m/01516r +/m/024fz9 /award/award_category/winners./award/award_honor/award_winner /m/01wj92r +/m/06thjt /education/educational_institution/students_graduates./education/education/student /m/041mt +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/03knl /people/person/nationality /m/09c7w0 +/m/01jr4j /film/film/language /m/064_8sq +/m/08j7lh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01jrvr6 /people/person/profession /m/0nbcg +/m/0278rq7 /business/business_operation/industry /m/02vxn +/m/04jhp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/0d05w3 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02htv6 /education/educational_institution/school_type /m/01y64 +/m/0345h /location/location/contains /m/0577d +/m/0b60sq /film/film/dubbing_performances./film/dubbing_performance/actor /m/03k545 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/06688p /people/person/profession /m/015cjr +/m/013yq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/064t9 /music/genre/artists /m/013w8y +/m/048yqf /film/film/produced_by /m/04pqqb +/m/032qgs /people/person/profession /m/016z4k +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014kq6 +/m/02r0st6 /people/person/nationality /m/09c7w0 +/m/01vs5c /education/educational_institution/students_graduates./education/education/student /m/01963w +/m/055vr /location/location/contains /m/02c98m +/m/0bqxw /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/071vr /location/location/contains /m/015zxh +/m/0c0tzp /people/deceased_person/place_of_death /m/030qb3t +/m/030nwm /location/location/time_zones /m/03bdv +/m/01bh6y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030znt +/m/0chghy /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07tds +/m/09qljs /film/film/genre /m/01q03 +/m/042kg /people/person/employment_history./business/employment_tenure/company /m/0bqxw +/m/01snm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0342h /music/instrument/instrumentalists /m/0pz91 +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02w2bc +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/015x74 +/m/0fpmrm3 /film/film/genre /m/07s9rl0 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gy6z9 /people/person/gender /m/05zppz +/m/0dgst_d /film/film/production_companies /m/0283xx2 +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vttb9 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/06by7 /music/genre/artists /m/0gr69 +/m/06pjs /people/person/profession /m/02jknp +/m/01900g /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03y0pn +/m/079kdz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0289q /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pq4w +/m/02_340 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/08xvpn /film/film/production_companies /m/030_1_ +/m/02ddqh /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02krdz /film/film/genre /m/06qm3 +/m/03lty /music/genre/artists /m/01dpts +/m/0cx7f /music/genre/artists /m/01w9mnm +/m/01rs5p /film/actor/film./film/performance/film /m/09sr0 +/m/031hcx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01n951 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/01zkxv /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0hz6mv2 /film/film/language /m/02h40lc +/m/012yc /music/genre/artists /m/0137g1 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/03_wm6 /film/film/language /m/04306rv +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/05xq9 +/m/0yxl /people/person/profession /m/0cbd2 +/m/09k0h5 /business/business_operation/industry /m/01mw1 +/m/05148p4 /music/instrument/instrumentalists /m/0150t6 +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0gy2y8r /film/film/language /m/02h40lc +/m/0br1w /people/person/profession /m/0196pc +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/02_h0 /film/film_subject/films /m/01gvts +/m/01p4r3 /people/person/nationality /m/09c7w0 +/m/03gyvwg /film/film/genre /m/0jxy +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0_92w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01718w /film/film/language /m/06nm1 +/m/05fjf /location/location/contains /m/0xn5b +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02vy5j /people/person/nationality /m/09c7w0 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0mbw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/019bnn +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/08gsvw +/m/0b7t3p /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/0c_gcr /people/person/place_of_birth /m/0nc7s +/m/0jmjr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01hpnh /location/location/contains /m/01_q7h +/m/0bbz66j /people/ethnicity/people /m/02404v +/m/03nx8mj /film/film/language /m/0cjk9 +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/031x_3 +/m/03lgg /film/actor/film./film/performance/film /m/01d259 +/m/06by7 /music/genre/artists /m/01wx756 +/m/083wr9 /film/actor/film./film/performance/film /m/02rn00y +/m/03_d0 /music/genre/artists /m/0pyg6 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/01bn3l /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04vlh5 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0ymdn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03lrls +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0l6ny /time/event/locations /m/030qb3t +/m/011k1h /music/record_label/artist /m/0p76z +/m/01c99j /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/01tsbmv /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/01ww2fs /people/person/profession /m/039v1 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/student /m/07k2p6 +/m/09r94m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/029d_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0gydcp7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/07d3z7 /people/person/profession /m/02hrh1q +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/02r1tx7 +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05vz3zq +/m/02vkdwz /sports/sports_position/players./sports/sports_team_roster/team /m/02px_23 +/m/01vw_dv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03j0d /people/person/nationality /m/09c7w0 +/m/04rzd /music/instrument/instrumentalists /m/01s21dg +/m/0c6vcj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dky9n +/m/04pnx /location/location/contains /m/01p8s +/m/0557q /music/genre/artists /m/01ldw4 +/m/017s11 /organization/organization/headquarters./location/mailing_address/citytown /m/0r04p +/m/0glt670 /music/genre/artists /m/06s7rd +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01dfb6 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/02xwq9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fphgb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0j1z8 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06tw8 +/m/02ch1w /people/person/profession /m/02hrh1q +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/011j5x /music/genre/artists /m/01323p +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01_d4 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/083skw /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/053y0s /people/person/profession /m/0nbcg +/m/0n5hh /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01g_bs /music/genre/artists /m/0k60 +/m/041pnt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0581vn8 /film/film/featured_film_locations /m/0g284 +/m/03c3jzx /military/military_conflict/combatants./military/military_combatant_group/combatants /m/077qn +/m/0z90c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06pj8 /people/person/languages /m/02h40lc +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0160w +/m/09r94m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d4htf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01pp3p /people/deceased_person/place_of_death /m/0r3tb +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03z9585 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0crc2cp /film/film/genre /m/05p553 +/m/0l6mp /olympics/olympic_games/sports /m/019w9j +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/017_hq +/m/050gkf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0164v /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/024rgt /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/091z_p +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/013tcv +/m/02c6pq /people/person/profession /m/02hrh1q +/m/02lymt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/08qs09 /education/educational_institution/students_graduates./education/education/student /m/083p7 +/m/0flw6 /film/actor/film./film/performance/film /m/08rr3p +/m/02jx1 /location/location/contains /m/06psyf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06srk +/m/01k23t /people/person/nationality /m/06q1r +/m/0p9tm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0164w8 +/m/04fzk /film/actor/film./film/performance/film /m/02mt51 +/m/06zn1c /film/film/genre /m/04t36 +/m/01qxc7 /film/film/language /m/02h40lc +/m/0f0qfz /music/artist/contribution./music/recording_contribution/performance_role /m/02snj9 +/m/0flry /time/event/locations /m/0f8l9c +/m/031c2r /film/actor/film./film/performance/film /m/0crfwmx +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04r7jc +/m/06mzp /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/06196 /award/award_category/winners./award/award_honor/award_winner /m/034bs +/m/01hb6v /influence/influence_node/influenced_by /m/015n8 +/m/02tz9z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/017z49 /film/film/film_format /m/0cj16 +/m/030dx5 /people/person/sibling_s./people/sibling_relationship/sibling /m/02cvp8 +/m/0l8g0 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0gnbw /film/actor/film./film/performance/film /m/05fm6m +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0gdh5 +/m/06rzwx /film/film/language /m/0jzc +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gk4g /people/cause_of_death/people /m/0282x +/m/04258w /people/person/profession /m/01d_h8 +/m/01trhmt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0ffgh +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/012mzw +/m/02bzh0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02csf +/m/01r42_g /people/person/gender /m/02zsn +/m/01bcq /film/actor/film./film/performance/film /m/03m4mj +/m/05prs8 /people/person/gender /m/05zppz +/m/012kyx /film/film/featured_film_locations /m/04jpl +/m/0k3gj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/019pwv +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01gvpz /film/film/country /m/09c7w0 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/059kh /music/genre/artists /m/01fchy +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/09gvd +/m/06gb1w /film/film/featured_film_locations /m/035p3 +/m/04jspq /people/person/profession /m/02jknp +/m/05jt_ /music/genre/artists /m/03h502k +/m/02jx1 /location/country/capital /m/04jpl +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/0gywn /music/genre/artists /m/0dt1cm +/m/087c7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/026g51 /music/genre/artists /m/04r1t +/m/0pc62 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04xvlr /media_common/netflix_genre/titles /m/03xf_m +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/018swb /people/person/profession /m/021wpb +/m/01tc9r /people/person/religion /m/03_gx +/m/0ctzf1 /tv/tv_program/genre /m/0hcr +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/0jgj7 /location/location/contains /m/0rhp6 +/m/032_jg /film/actor/film./film/performance/film /m/0418wg +/m/09jg8 /people/cause_of_death/people /m/0lrh +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/043mk4y +/m/0cf8qb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lk95 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/02_fj /people/person/profession /m/02krf9 +/m/01kv4mb /people/person/profession /m/03lgtv +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/0dscrwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrz41 +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02h9_l +/m/013knm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056_y +/m/0m7yh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01lct6 /people/person/profession /m/0dxtg +/m/0345h /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04g61 +/m/05_pkf /people/person/nationality /m/09c7w0 +/m/0mb8c /film/film/language /m/0653m +/m/01j5ql /film/film/genre /m/082gq +/m/04180vy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/011ywj +/m/0ddcbd5 /film/film/country /m/03_3d +/m/02qrwjt /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/01s7zw /people/person/profession /m/02jknp +/m/08htt0 /education/educational_institution/students_graduates./education/education/student /m/09x8ms +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0sz28 +/m/06gp3f /people/person/nationality /m/09c7w0 +/m/04zwjd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/03sxd2 /film/film/language /m/02h40lc +/m/09r8l /people/person/places_lived./people/place_lived/location /m/07b_l +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/02hxhz /film/film/country /m/09c7w0 +/m/03whyr /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0nzny /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h1_w /people/person/gender /m/05zppz +/m/081pw /film/film_subject/films /m/02yvct +/m/0x67 /people/ethnicity/people /m/01m3x5p +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/01jw4r +/m/04b_jc /award/award_winning_work/awards_won./award/award_honor/award /m/02z0dfh +/m/0bx0l /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/student /m/021yw7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03188 +/m/04s430 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09b6zr +/m/04n65n /people/person/nationality /m/09c7w0 +/m/02mz_6 /people/person/place_of_birth /m/03h64 +/m/02jr26 /people/person/gender /m/02zsn +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01vrncs /people/person/profession /m/02jknp +/m/0kbws /olympics/olympic_games/participating_countries /m/03h2c +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02jx1 /location/location/contains /m/0345gh +/m/02wgbb /film/film/music /m/07qy0b +/m/01hvjx /film/film/genre /m/0gf28 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01sn3 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/043tz0c +/m/021mlp /people/deceased_person/place_of_death /m/0947l +/m/0h6sv /award/award_nominee/award_nominations./award/award_nomination/award /m/024_dt +/m/0187nd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ffgh /people/person/profession /m/064xm0 +/m/05bnq8 /education/educational_institution/school_type /m/05pcjw +/m/0z07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0h2zvzr /film/film/genre /m/07s9rl0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/017l96 /music/record_label/artist /m/09jm8 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/07ftc0 /people/person/languages /m/0653m +/m/034hwx /film/film/executive_produced_by /m/027kmrb +/m/052hl /film/actor/film./film/performance/film /m/02ctc6 +/m/0g768 /music/record_label/artist /m/03qmj9 +/m/0gg4h /people/cause_of_death/people /m/0bm9xk +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0382m4 +/m/0sxlb /film/film/language /m/02h40lc +/m/07ymr5 /film/actor/film./film/performance/film /m/03ynwqj +/m/0c9d9 /people/person/gender /m/05zppz +/m/09g_31 /tv/tv_program/languages /m/02h40lc +/m/053y0s /people/person/gender /m/05zppz +/m/0chhs /base/culturalevent/event/entity_involved /m/028rk +/m/01gwk3 /film/film/genre /m/06n90 +/m/022wxh /people/person/place_of_birth /m/0281y0 +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0bl06 +/m/016ks_ /film/actor/film./film/performance/film /m/05sw5b +/m/01vrncs /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/09prnq /people/person/profession /m/0dz3r +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/01nn6c /people/person/profession /m/09lbv +/m/03d8njj /people/person/religion /m/03j6c +/m/09gkx35 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0435vm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0h1mt /people/person/religion /m/01lp8 +/m/026l1lq /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/04nfpk +/m/017jd9 /award/award_winning_work/awards_won./award/award_honor/award /m/040njc +/m/051ysmf /people/person/gender /m/05zppz +/m/0cf2h /people/person/gender /m/05zppz +/m/0fm3kw /award/award_category/nominees./award/award_nomination/nominated_for /m/04nnpw +/m/07qcbw /people/person/profession /m/02krf9 +/m/02j69w /film/film/genre /m/07s9rl0 +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/06_6j3 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/04cbbz /film/film/genre /m/02kdv5l +/m/02b6n9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01npw8 +/m/02nhxf /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/02qdgx /music/genre/artists /m/01vvyfh +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01l78d /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/0136g9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02q42j_ +/m/014y6 /people/person/nationality /m/02jx1 +/m/046chh /film/actor/film./film/performance/film /m/0f61tk +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043n1r5 +/m/0gpmp /people/person/nationality /m/09c7w0 +/m/04wp3s /film/actor/film./film/performance/film /m/0cc5mcj +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0195pd +/m/04l590 /sports/sports_team/colors /m/083jv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n2z +/m/063g7l /film/actor/film./film/performance/film /m/06g77c +/m/02f_k_ /people/person/gender /m/05zppz +/m/0170pk /people/person/languages /m/02h40lc +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/07h07 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02n9bh /film/film/country /m/0chghy +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0209hj /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/04zkj5 /people/person/gender /m/05zppz +/m/011s0 /education/field_of_study/students_majoring./education/education/student /m/036px +/m/0cqgl9 /award/award_category/nominees./award/award_nomination/nominated_for /m/06nr2h +/m/04n65n /people/person/profession /m/039v1 +/m/017_qw /music/genre/artists /m/03c_8t +/m/01p9hgt /people/person/profession /m/09jwl +/m/02725hs /film/film/language /m/02bjrlw +/m/01s0_f /education/educational_institution/school_type /m/05jxkf +/m/05znxx /film/film/genre /m/02kdv5l +/m/03hdz8 /organization/organization/headquarters./location/mailing_address/citytown /m/0r02m +/m/01xg_w /people/person/gender /m/02zsn +/m/05w3y /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gqmvn /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/03rl84 /people/person/gender /m/02zsn +/m/0h6sv /people/person/profession /m/01c72t +/m/04psf /medicine/disease/risk_factors /m/0217g +/m/06myp /people/person/profession /m/02p0s5r +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0py5b /people/person/languages /m/02h40lc +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0jyx6 /film/film/featured_film_locations /m/02nd_ +/m/06wvfq /people/person/places_lived./people/place_lived/location /m/0c8tk +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/03hp2y1 /film/film/executive_produced_by /m/0b13g7 +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/012_53 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cjsxp /film/actor/film./film/performance/film /m/0gjc4d3 +/m/02ghq /influence/influence_node/influenced_by /m/085pr +/m/047bynf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0g2lq /organization/organization_founder/organizations_founded /m/04rtpt +/m/07jrjb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0nvg4 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nvrd +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/04wx2v +/m/020l9r /people/person/profession /m/0dxtg +/m/04hhv /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/0407f /people/person/profession /m/0n1h +/m/0156q /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/07dzf /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/0401sg /film/film/music /m/02cpp +/m/01hgwkr /people/person/profession /m/02hrh1q +/m/0m9v7 /film/actor/film./film/performance/film /m/047fjjr +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/016tb7 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/01v1d8 /music/instrument/instrumentalists /m/01vw_dv +/m/0bmc4cm /film/film/genre /m/01jfsb +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gsgr +/m/0154j /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05hc96 /sports/sports_team/colors /m/088fh +/m/0crd8q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/018swb /film/actor/film./film/performance/film /m/085bd1 +/m/01tdnyh /people/person/gender /m/05zppz +/m/0274v0r /award/award_category/nominees./award/award_nomination/nominated_for /m/04z4j2 +/m/01rxw /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/03fnyk +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/03rk0 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02w9895 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gyy0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06kbb6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qm9f +/m/01bbwp /people/person/profession /m/018gz8 +/m/04gmp_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0584j4n +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/0b66qd /people/person/gender /m/02zsn +/m/06jnv /location/country/form_of_government /m/01q20 +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/05r6t /music/genre/artists /m/01wy61y +/m/041rx /people/ethnicity/people /m/03y2kr +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/03fw4y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cks1m /film/film/country /m/03_3d +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07pzc +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/0bc71w +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/019vgs /people/person/profession /m/018gz8 +/m/03wy70 /film/actor/film./film/performance/film /m/0cc5mcj +/m/06gh0t /people/person/profession /m/0d1pc +/m/03q8xj /film/film/genre /m/07s9rl0 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/014ps4 /influence/influence_node/influenced_by /m/03_87 +/m/0177g /people/person/religion /m/0kpl +/m/02z9hqn /film/film/genre /m/02kdv5l +/m/03k9fj /media_common/netflix_genre/titles /m/01_0f7 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/08jcfy /organization/role/leaders./organization/leadership/organization /m/0ylgz +/m/01kcd /music/performance_role/regular_performances./music/group_membership/role /m/0mkg +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03b1l8 +/m/02v3m7 /location/location/time_zones /m/02fqwt +/m/0d4htf /film/film/production_companies /m/04rtpt +/m/06jk5_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02qm5j /music/genre/artists /m/03k3b +/m/05z7c /film/film/genre /m/01jfsb +/m/03wpmd /people/person/profession /m/0cbd2 +/m/03hpr /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01j95 +/m/05tbn /location/location/contains /m/0mwcz +/m/06w7v /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/0301yj /people/person/profession /m/02hrh1q +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/05p1tzf +/m/07wrz /education/educational_institution/students_graduates./education/education/student /m/03cglm +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k23t +/m/01zc2w /education/field_of_study/students_majoring./education/education/student /m/0ksrf8 +/m/0mcf4 /music/record_label/artist /m/01ky2h +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/04tqtl /film/film/film_format /m/0cj16 +/m/0181dw /music/record_label/artist /m/05_swj +/m/045n3p /people/person/profession /m/02hrh1q +/m/0dlglj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/04z0g /people/person/profession /m/06q2q +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0191n +/m/04kkz8 /film/film/genre /m/03bxz7 +/m/03x31g /film/actor/film./film/performance/film /m/08g_jw +/m/017d93 /film/film/featured_film_locations /m/02dtg +/m/017l96 /music/record_label/artist /m/032t2z +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04gcyg +/m/0m32_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/057_yx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0z4s +/m/0h3k3f /film/film/music /m/01_k71 +/m/02jx1 /location/location/contains /m/07tlg +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/03f5mt /music/instrument/instrumentalists /m/09hnb +/m/012gk9 /film/film/genre /m/03k9fj +/m/0473m9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0yl27 /location/location/contains /m/0205m3 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0_nh2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hmr4 /film/film/cinematography /m/0854hr +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/0fhzwl +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01xbld +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/02ddq4 /award/award_category/winners./award/award_honor/award_winner /m/0pkyh +/m/0hnp7 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03f7nt +/m/02vl_pz /people/person/nationality /m/03rjj +/m/02wh0 /people/person/employment_history./business/employment_tenure/company /m/0277jc +/m/03kwtb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0948xk /people/person/gender /m/05zppz +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04hwbq /film/film/genre /m/05p553 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02kth6 +/m/088tp3 /tv/tv_program/genre /m/02kdv5l +/m/06hgym /people/person/places_lived./people/place_lived/location /m/02xry +/m/0yxm1 /film/film/costume_design_by /m/026lyl4 +/m/02fb1n /film/actor/film./film/performance/film /m/0ptxj +/m/05kms /music/instrument/instrumentalists /m/01gg59 +/m/0ywqc /film/actor/film./film/performance/film /m/09sr0 +/m/0kryqm /film/actor/film./film/performance/film /m/076xkps +/m/0404wqb /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/032_jg /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw37m +/m/01j7z7 /people/person/profession /m/012t_z +/m/03_87 /influence/influence_node/influenced_by /m/0448r +/m/03j2gxx /influence/influence_node/influenced_by /m/03j90 +/m/05cl8y /music/record_label/artist /m/01wz3cx +/m/018009 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01vw8k +/m/0147dk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09q23x /film/film/production_companies /m/05rrtf +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04hgpt +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd57 +/m/081mh /location/location/partially_contains /m/02cgp8 +/m/05yzt_ /people/person/profession /m/01c8w0 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02bqy +/m/0ks67 /education/educational_institution/students_graduates./education/education/student /m/01z7_f +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/083chw /people/person/profession /m/02hrh1q +/m/04g5k /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rjz5 +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/03gkn5 +/m/02gdjb /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dwxr /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/03gfvsz /broadcast/content/artist /m/01vrwfv +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/024hbv +/m/0kbws /olympics/olympic_games/participating_countries /m/04w58 +/m/0f4k49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0h0wd9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016ksk /people/person/profession /m/02hrh1q +/m/05zh9c /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/017v71 /education/educational_institution/students_graduates./education/education/student /m/02dh86 +/m/062cg6 /people/person/profession /m/01d_h8 +/m/0qf3p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06bw5 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01kp66 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bv9 +/m/0gj8nq2 /film/film/language /m/02h40lc +/m/06j6l /music/genre/artists /m/025ldg +/m/0gs7x /people/person/gender /m/02zsn +/m/02sb1w /people/person/gender /m/05zppz +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ctl +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/04v7kt /film/actor/film./film/performance/film /m/0gd0c7x +/m/03knl /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0gyx4 +/m/07y_7 /music/instrument/instrumentalists /m/09qr6 +/m/0118d3 /location/hud_county_place/place /m/0118d3 +/m/03676 /location/country/form_of_government /m/06cx9 +/m/02_gzx /education/educational_institution/school_type /m/01y64 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0f4vx +/m/0d193h /music/artist/origin /m/0d9jr +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01k53x /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0hwpz /film/film/genre /m/01jfsb +/m/090s_0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02l4rh +/m/0399p /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/09v9mks /film/film/music /m/01l79yc +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01kwld +/m/03r00m /award/award_category/winners./award/award_honor/award_winner /m/044gyq +/m/0f63n /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsy3q /music/artist/track_contributions./music/track_contribution/role /m/03q5t +/m/01ljpm /education/educational_institution_campus/educational_institution /m/01ljpm +/m/029m83 /film/actor/film./film/performance/film /m/04x4vj +/m/0kjgl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073hgx +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/role /m/07c6l +/m/0gt1k /film/film/genre /m/06cvj +/m/010bnr /location/hud_county_place/place /m/010bnr +/m/01vb403 /people/person/profession /m/018gz8 +/m/049gc /influence/influence_node/influenced_by /m/03rx9 +/m/03ckfl9 /music/genre/artists /m/0677ng +/m/01vvydl /film/actor/film./film/performance/film /m/01718w +/m/0h9qh /media_common/netflix_genre/titles /m/0jyb4 +/m/04135 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04n_g /film/actor/film./film/performance/film /m/0htww +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01pdgp +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/05r6t /music/genre/parent_genre /m/0xhtw +/m/0bvzp /people/person/languages /m/0t_2 +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0453t /influence/influence_node/influenced_by /m/03_87 +/m/06by7 /music/genre/artists /m/0ycfj +/m/03gt7s /music/genre/parent_genre /m/0jmwg +/m/048htn /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/059ts +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06j6l /music/genre/artists /m/016vqk +/m/0f__1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/02bbyw /education/educational_institution/students_graduates./education/education/student /m/02b25y +/m/06lvlf /film/actor/film./film/performance/film /m/0c40vxk +/m/099flj /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs8s1p +/m/0b_5d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/06qc5 +/m/0168dy /people/person/gender /m/02zsn +/m/06by7 /music/genre/artists /m/016dsy +/m/06qn87 /people/person/profession /m/0dgd_ +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01p7x7 /education/educational_institution/colors /m/04mkbj +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/09p7fh +/m/023v4_ /people/person/nationality /m/07t21 +/m/0myfz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09c7w0 /location/location/contains /m/02hp70 +/m/0gj8t_b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03x23q /education/educational_institution/colors /m/01l849 +/m/0qplq /sports/sports_team_location/teams /m/0ws7 +/m/03_87 /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fs44 +/m/02nt3d /film/film/genre /m/02l7c8 +/m/0j80w /film/film/genre /m/01t_vv +/m/0btyf5z /film/film/edited_by /m/04cy8rb +/m/0gg7gsl /time/event/locations /m/0h7h6 +/m/0rtv /location/location/time_zones /m/02llzg +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/07yvsn /film/film/language /m/064_8sq +/m/07tj4c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/05mv4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vdrw /influence/influence_node/influenced_by /m/084w8 +/m/06j8q_ /people/person/nationality /m/09c7w0 +/m/014zwb /film/film/genre /m/02l7c8 +/m/05fkf /location/location/contains /m/0n474 +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/05fmy /award/award_category/disciplines_or_subjects /m/01lj9 +/m/0k4f3 /film/film/music /m/07zhd7 +/m/0kt64b /people/person/nationality /m/03rk0 +/m/0d_84 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/02qzh2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0hknf +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01mxqyk +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/06k02 /people/person/gender /m/05zppz +/m/022411 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/028_yv /film/film/produced_by /m/04pqqb +/m/0c4z8 /award/award_category/winners./award/award_honor/award_winner /m/018gqj +/m/01jt2w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06crk /people/person/profession /m/06q2q +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s9y +/m/01vsn38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/01_rh4 /people/person/languages /m/02h40lc +/m/02sjp /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/03f5spx /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/04tng0 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0283_zv +/m/0bzmt8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01k5y0 +/m/03f3yfj /people/person/profession /m/0dz3r +/m/07twz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lk8j +/m/0r0m6 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01vw20_ +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0dqcs3 /film/film/music /m/01x1fq +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/042xrr /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01mqc_ /people/person/gender /m/05zppz +/m/054ky1 /award/award_category/winners./award/award_honor/award_winner /m/043gj +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jmh7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/06by7 /music/genre/artists /m/02qwg +/m/080dwhx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02cvp8 /people/person/nationality /m/09c7w0 +/m/0g5pv3 /film/film/genre /m/02kdv5l +/m/01dzg0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0cjsxp /film/actor/film./film/performance/film /m/011x_4 +/m/0mkqr /location/location/time_zones /m/02fqwt +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/03cp7b3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gys2jp +/m/0166v /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/011xy1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tpl1p /people/person/profession /m/02hrh1q +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhvpr +/m/0226k3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cjcbg /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/030_1m /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011ykb +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/093l8p +/m/04y5j64 /film/film/featured_film_locations /m/02_286 +/m/03wbqc4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09ld6g /people/person/nationality /m/03rk0 +/m/03c7tr1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020y73 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02pk6x /people/person/languages /m/02bv9 +/m/09v71cj /film/film/genre /m/05p553 +/m/02w4v /music/genre/artists /m/0lccn +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0h1x5f +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/07cdz /film/film/featured_film_locations /m/02zd460 +/m/08966 /location/location/contains /m/01tpvt +/m/0q9zc /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gyl +/m/02t901 /film/actor/film./film/performance/film /m/06rmdr +/m/01wk51 /film/actor/film./film/performance/film /m/0f4_l +/m/01ggc9 /film/actor/film./film/performance/film /m/026lgs +/m/034gxk /music/genre/artists /m/02jqjm +/m/01x4x4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_1pv /film/film/language /m/04306rv +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/01938t +/m/0fhzwl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03f4xvm +/m/04x56 /people/person/nationality /m/07ssc +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/01f39b /film/film/genre /m/03k9fj +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/03cfkrw +/m/0kzy0 /people/person/profession /m/09jwl +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/04mcw4 +/m/01f7gh /film/film/genre /m/01jfsb +/m/0xhtw /music/genre/artists /m/019389 +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0992d9 /film/film/genre /m/07s9rl0 +/m/02fybl /base/eating/practicer_of_diet/diet /m/07_jd +/m/06ybb1 /film/film/genre /m/05p553 +/m/01svw8n /people/person/religion /m/0c8wxp +/m/0138t4 /education/educational_institution/students_graduates./education/education/student /m/01tdnyh +/m/0g3zrd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03z106 /film/film/genre /m/082gq +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01cssf +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/0x3n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ps8c /location/location/time_zones /m/02llzg +/m/03k2hn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dx8gj /film/film/language /m/03_9r +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0286gm1 +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0378zn /people/person/nationality /m/09c7w0 +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/0432cd +/m/04tgp /location/location/contains /m/0wq3z +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/06pvr /location/location/contains /m/0r6ff +/m/0n85g /music/record_label/artist /m/03fbc +/m/01sb5r /people/person/spouse_s./people/marriage/location_of_ceremony /m/030qb3t +/m/01t0dy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/02vr7 /people/person/gender /m/05zppz +/m/015_1q /music/record_label/artist /m/01s1zk +/m/024dzn /award/award_category/winners./award/award_honor/award_winner /m/01sbf2 +/m/03thw4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/041rx /people/ethnicity/people /m/04kr63w +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0fgj2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/016fnb +/m/0232lm /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/08z0wx /music/genre/artists /m/01dpts +/m/02qkt /location/location/contains /m/01mjq +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/01mjq +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0fy6bh +/m/01nglk /film/actor/film./film/performance/film /m/02v5_g +/m/01vz0g4 /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/02kth6 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ggbhy7 +/m/01ffx4 /film/film/language /m/0653m +/m/01vsn38 /film/actor/film./film/performance/film /m/0ds5_72 +/m/0qmjd /film/film/language /m/02h40lc +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/050l8 +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/062zjtt /film/film/genre /m/04pbhw +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01wz_ml /people/person/profession /m/01d_h8 +/m/0j_t1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017w_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03lmx1 /people/ethnicity/people /m/0f2df +/m/02g87m /award/award_nominee/award_nominations./award/award_nomination/award /m/02p_04b +/m/019vgs /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/05567m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/01d4cb /award/award_nominee/award_nominations./award/award_nomination/award /m/02v703 +/m/04z_3pm /film/film/genre /m/0hcr +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01znc_ +/m/0192l /music/instrument/instrumentalists /m/0cm03 +/m/0kxf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03zg2x /people/person/profession /m/02hrh1q +/m/011k_j /music/instrument/instrumentalists /m/01sb5r +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bz6l9 +/m/04135 /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/0f6lx /people/deceased_person/place_of_death /m/02_286 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/01rrd4 /people/person/profession /m/01d_h8 +/m/084qpk /film/film/executive_produced_by /m/06q8hf +/m/0y3_8 /music/genre/artists /m/01dwrc +/m/019nnl /tv/tv_program/genre /m/01z4y +/m/01ln5z /film/film/featured_film_locations /m/04wgh +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/02ntb8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01y20v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/051_y /people/cause_of_death/people /m/01vz0g4 +/m/03qjg /music/instrument/instrumentalists /m/01kph_c +/m/024mpp /film/film/genre /m/04pbhw +/m/09c7w0 /location/location/contains /m/049dk +/m/04dsnp /film/film/featured_film_locations /m/02dtg +/m/025m98 /award/award_category/winners./award/award_honor/award_winner /m/050z2 +/m/026mfs /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0kbws /olympics/olympic_games/participating_countries /m/016wzw +/m/0drs_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0345gh /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02tfl8 /medicine/symptom/symptom_of /m/01bcp7 +/m/02rff2 /education/educational_institution/school_type /m/05pcjw +/m/0y3_8 /music/genre/artists /m/02vwckw +/m/0dzbl /organization/organization/headquarters./location/mailing_address/state_province_region /m/0h924 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/0gltv /film/film/genre /m/082gq +/m/03v0t /location/location/contains /m/0s9b_ +/m/0mbs8 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01b_lz +/m/0jqd3 /film/film/music /m/015wc0 +/m/0cp0t91 /film/film/story_by /m/041mt +/m/05qbckf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06myp /influence/influence_node/influenced_by /m/081k8 +/m/0bwfwpj /film/film/featured_film_locations /m/030qb3t +/m/01t_1p /music/genre/artists /m/01kp_1t +/m/0jfx1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03_d0 /music/genre/artists /m/045zr +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0k5g9 +/m/02w7gg /people/ethnicity/people /m/05xf75 +/m/0169dl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_kfv /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02jjdr /music/record_label/artist /m/03d2k +/m/0dtzkt /film/film/personal_appearances./film/personal_film_appearance/person /m/01vswwx +/m/0hdf8 /music/genre/artists /m/01shhf +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07dzf /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07tp2 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/030hcs /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0mbw0 /people/person/nationality /m/09c7w0 +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/01cblr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/012s1d +/m/0p01x /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b68vs /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/0584r4 /tv/tv_program/genre /m/0dm00 +/m/01d1st /people/person/profession /m/09jwl +/m/01k1k4 /film/film/featured_film_locations /m/04jpl +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/015c2f /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0bt4r4 /award/award_nominee/award_nominations./award/award_nomination/award /m/027gs1_ +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/02wk7b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/054lpb6 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0glqh5_ +/m/0299hs /film/film/music /m/02_33l +/m/06tp4h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09qv_s /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02qcr +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/05v38p +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/03qbh5 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/04fcx7 /people/person/nationality /m/09c7w0 +/m/01yzhn /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bmh4 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h8d +/m/01xbxn /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0147dk +/m/049sb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01nbq4 /people/person/nationality /m/07ssc +/m/03yvf2 /film/film/genre /m/02kdv5l +/m/042rnl /people/person/nationality /m/0d05w3 +/m/02d44q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqn1 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/080dfr7 /film/film/country /m/0345h +/m/01xn7x1 /sports/sports_team/colors /m/083jv +/m/04pwg /film/film_subject/films /m/0d61px +/m/02yvct /film/film/executive_produced_by /m/05hj_k +/m/04x56 /influence/influence_node/influenced_by /m/02y49 +/m/04zw9hs /sports/sports_team/colors /m/083jv +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0147sh +/m/0nzw2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0nzlp +/m/01d5vk /people/person/profession /m/03gjzk +/m/0f13b /people/person/gender /m/05zppz +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l1sq +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/01c7p_ +/m/0523v5y /people/person/nationality /m/09c7w0 +/m/047f9jp /people/person/gender /m/05zppz +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0gywn /music/genre/artists /m/0cg9y +/m/019tfm /organization/organization/headquarters./location/mailing_address/citytown /m/0tln7 +/m/05r5c /music/instrument/instrumentalists /m/01hw6wq +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/01g1lp +/m/09vc4s /people/ethnicity/people /m/0f7fy +/m/03t97y /film/film/production_companies /m/030_1_ +/m/0284n42 /people/person/place_of_birth /m/04n3l +/m/04gcyg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0hqgp /influence/influence_node/influenced_by /m/01rgr +/m/01bpnd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/04f0xq +/m/017l96 /music/record_label/artist /m/053yx +/m/024qqx /media_common/netflix_genre/titles /m/0f3m1 +/m/05fnl9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/09sh8k /film/film/genre /m/01hmnh +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/02ld6x +/m/040rmy /film/film/genre /m/07s9rl0 +/m/015076 /people/deceased_person/place_of_death /m/030qb3t +/m/0fb7sd /film/film/genre /m/01jfsb +/m/0chghy /location/location/contains /m/0g34_ +/m/0n85g /music/record_label/artist /m/050z2 +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07vyf +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0l786 /people/person/places_lived./people/place_lived/location /m/07z1m +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01xwqn /influence/influence_node/influenced_by /m/0sx5w +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/05njw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/049w1q /film/film/genre /m/01jfsb +/m/02211by /business/job_title/people_with_this_title./business/employment_tenure/company /m/0d6qjf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/019nnl +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/09wz9 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/01scmq /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0hnkp /people/person/places_lived./people/place_lived/location /m/02zp1t +/m/01wl38s /people/person/profession /m/025352 +/m/0mw7h /location/location/time_zones /m/02hcv8 +/m/016cff /people/person/places_lived./people/place_lived/location /m/0r03f +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/01vsy95 /award/award_nominee/award_nominations./award/award_nomination/award /m/026mg3 +/m/02tv80 /people/person/place_of_birth /m/0284jb +/m/023n39 /film/actor/film./film/performance/film /m/0symg +/m/01wqpnm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/01sbf2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dtzkt /film/film/country /m/09c7w0 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/043vc /sports/sports_team/sport /m/0jm_ +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/03j24kf /people/person/nationality /m/07ssc +/m/01rv7x /people/ethnicity/geographic_distribution /m/06m_5 +/m/02wh0 /people/person/gender /m/05zppz +/m/026kqs9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0kfpm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p4v_ +/m/06lpmt /film/film/country /m/09c7w0 +/m/05d6kv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06929s +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/09zmys /people/person/languages /m/02h40lc +/m/0l5yl /people/deceased_person/place_of_death /m/0k049 +/m/015p37 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/06924p /music/genre/artists /m/018ndc +/m/04vzv4 /people/person/gender /m/05zppz +/m/0gqy2 /award/award_category/winners./award/award_honor/award_winner /m/03bdm4 +/m/02x4wb /award/award_category/winners./award/award_honor/award_winner /m/016m5c +/m/0cg39k /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01y3v +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/02x9cv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/0b78hw /people/person/profession /m/015btn +/m/016clz /music/genre/artists /m/011_vz +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds6bmk +/m/09c7w0 /location/location/contains /m/0g8fs +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/04qp06 /people/person/place_of_birth /m/04vmp +/m/01wn718 /people/person/nationality /m/09c7w0 +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/0dmtp /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02v2lh /music/genre/artists /m/01x66d +/m/03x3qv /people/person/profession /m/02hrh1q +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06s1qy +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c422z4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0fhzf +/m/0h0jz /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/079kdz /people/person/gender /m/05zppz +/m/0gpmp /people/deceased_person/place_of_burial /m/018mmw +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01m42d0 +/m/058kh7 /film/film/genre /m/01t_vv +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/01_k1z +/m/0289q /sports/sports_team/colors /m/0jc_p +/m/04ftdq /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/085gk /people/person/places_lived./people/place_lived/location /m/059rby +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/0108xl /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0bmch_x /film/film/film_festivals /m/0g57ws5 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0284b56 +/m/01gq0b /film/actor/film./film/performance/film /m/09fqgj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/01tz6vs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02__94 /people/person/profession /m/01d_h8 +/m/02prw4h /award/award_winning_work/awards_won./award/award_honor/award /m/02x8n1n +/m/02ctzb /people/ethnicity/people /m/0343h +/m/01qd_r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02p86pb +/m/0p__8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/07g_0c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/03w1lf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0168t /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_r5 /film/actor/film./film/performance/film /m/0kbwb +/m/09b69 /location/location/contains /m/015qh +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wb8bs +/m/01jrvr6 /people/person/profession /m/025352 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0d3k14 +/m/06_wqk4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pw_n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015g_7 /people/person/profession /m/02hrh1q +/m/0n59f /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0217m9 /education/educational_institution/colors /m/01g5v +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/026p4q7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09ntbc +/m/04cbtrw /people/person/profession /m/0kyk +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ch3qr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0gj96ln /film/film/language /m/02h40lc +/m/07s3vqk /people/person/profession /m/029bkp +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0xbm +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0hcvy /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/052h3 /influence/influence_node/influenced_by /m/07kb5 +/m/0156q /location/location/contains /m/01trxd +/m/07hbxm /people/person/nationality /m/0j5g9 +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/08qnnv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/02nfjp /people/person/profession /m/0dxtg +/m/01clyr /music/record_label/artist /m/01v0sxx +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0dvmd +/m/01zmpg /people/person/profession /m/0gbbt +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/050yyb +/m/01w5gp /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/071wvh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qx13 /people/person/gender /m/05zppz +/m/01l87db /people/person/gender /m/05zppz +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/048z7l /people/ethnicity/people /m/0sw6g +/m/0k_mt /people/person/profession /m/02krf9 +/m/01k0vq /film/film/production_companies /m/016tw3 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/049k07 /film/actor/film./film/performance/film /m/0gtsx8c +/m/04b_jc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/015nhn /people/person/profession /m/02hrh1q +/m/02d_zc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/03f4k /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/064t9 /music/genre/artists /m/0197tq +/m/0l3h /location/country/form_of_government /m/018wl5 +/m/05fm6m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02756j /award/award_nominee/award_nominations./award/award_nomination/award /m/03r8v_ +/m/012x4t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g768 /music/record_label/artist /m/0677ng +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01m7pwq +/m/0kv2r /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/country/second_level_divisions /m/0f4y_ +/m/02x8m /music/genre/artists /m/0407f +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cyl +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq4b +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01z452 +/m/04t6fk /film/film/genre /m/05p553 +/m/012ky3 /people/person/profession /m/01c72t +/m/07sbbz2 /music/genre/artists /m/07s3vqk +/m/02zyq6 /people/person/gender /m/05zppz +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/04cf_l /film/film/genre /m/02kdv5l +/m/0ds6bmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03x83_ +/m/059rby /location/location/contains /m/0fc1m +/m/064t9 /music/genre/artists /m/07hgm +/m/0x67 /people/ethnicity/people /m/01w9wwg +/m/026_w57 /people/person/gender /m/02zsn +/m/0xnvg /people/ethnicity/people /m/02_fj +/m/017yxq /people/person/profession /m/02jknp +/m/024hbv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02b29 +/m/020bv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01wwvd2 /people/person/gender /m/05zppz +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/06t74h +/m/011j5x /music/genre/parent_genre /m/09jw2 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/015nvj /people/person/profession /m/02jknp +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02kx3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f1r4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0c6g29 +/m/03lrht /film/film/executive_produced_by /m/0fz27v +/m/0mw1j /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0kbg6 /film/actor/film./film/performance/film /m/06gb1w +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vz80y +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/04v68c /people/person/profession /m/0gl2ny2 +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/02yr1q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/09zyn5 /people/ethnicity/languages_spoken /m/02h40lc +/m/03yvf2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0132_h /sports/sports_team/colors /m/083jv +/m/01vvlyt /people/person/profession /m/039v1 +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01v80y +/m/0mbwf /education/educational_institution/school_type /m/05jxkf +/m/02vjzr /music/genre/artists /m/0lbj1 +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/01w5gp +/m/03qkcn9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01p8s /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01y665 /film/actor/film./film/performance/film /m/0dr_4 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/041jlr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/0170xl /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/044mz_ +/m/05fjy /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/016tbr /people/person/gender /m/05zppz +/m/02wkmx /award/award_category/winners./award/award_honor/award_winner /m/06b_0 +/m/0b9rdk /film/film/genre /m/06n90 +/m/0t0n5 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/02bjrlw /language/human_language/countries_spoken_in /m/01pj7 +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/045bs6 /people/person/nationality /m/0d060g +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0c0nhgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/034qbx /film/film/genre /m/0vgkd +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vs9 +/m/01wwvt2 /film/actor/film./film/performance/film /m/0f8j13 +/m/01_vfy /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/02rq7nd /tv/tv_program/genre /m/02fgmn +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0127m7 /people/person/place_of_birth /m/0r0ls +/m/0gkz15s /film/film/other_crew./film/film_crew_gig/crewmember /m/0g9zcgx +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02_kd +/m/01z4y /media_common/netflix_genre/titles /m/011yn5 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05c74 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/01n4w +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0pz7h +/m/0k_9j /film/film/genre /m/03k9fj +/m/0b478 /people/person/gender /m/05zppz +/m/0294mx /film/film/country /m/0345h +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03n_7k /people/person/place_of_birth /m/06_kh +/m/016ghw /people/person/nationality /m/02jx1 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/02j3d4 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0b90_r +/m/09lcsj /film/film/genre /m/09blyk +/m/018jz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/06s27s +/m/017371 /music/genre/artists /m/01j4ls +/m/041rx /people/ethnicity/people /m/01wj9y9 +/m/04wg38 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07p12s /film/film/film_format /m/07fb8_ +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0n6f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/016vn3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0fk3s /people/ethnicity/languages_spoken /m/02h40lc +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/02yxbc +/m/04xg2f /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09lxv9 /film/film/language /m/02h40lc +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086nl7 +/m/01386_ /people/person/gender /m/05zppz +/m/0jgd /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/039yzf /award/award_category/disciplines_or_subjects /m/02xlf +/m/05148p4 /music/instrument/instrumentalists /m/01vvlyt +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01f8ld +/m/0639bg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0k9ctht /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/023p33 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0g8rj +/m/01r4zfk /people/person/profession /m/0kyk +/m/041rx /people/ethnicity/people /m/05zjx +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/05gh50 +/m/02j4sk /film/actor/film./film/performance/film /m/03h3x5 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/07bzp +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0278x6s +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02k_px /location/location/contains /m/02tb17 +/m/07ssc /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/01jq34 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/03t852 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cky2 +/m/082fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/07vjm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/06p8m /organization/organization/child./organization/organization_relationship/child /m/06nfl +/m/018t8f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05r5c /music/instrument/instrumentalists /m/01t110 +/m/0420y /influence/influence_node/influenced_by /m/07c37 +/m/017j69 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0r22d /location/location/time_zones /m/02lcqs +/m/05yvfd /people/person/profession /m/018gz8 +/m/026g801 /film/actor/film./film/performance/film /m/0dgq_kn +/m/03f7m4h /people/person/profession /m/0dz3r +/m/03hh89 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdx29 +/m/04hwbq /film/film/genre /m/0hcr +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/02cqbx +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/039bp +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/07m69t /people/person/nationality /m/07ssc +/m/07s9rl0 /media_common/netflix_genre/titles /m/0294mx +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/01vnbh /tv/tv_program/genre /m/0c4xc +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rcwq0 +/m/09jg8 /people/cause_of_death/people /m/02h48 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/01rwyq +/m/043t8t /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kcn7 /film/film/genre /m/07s9rl0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl5_ +/m/0l786 /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01k23t /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0hm2b /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvdc +/m/0l6m5 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/05gp3x /award/award_nominee/award_nominations./award/award_nomination/award /m/07z2lx +/m/06mt91 /people/person/profession /m/02hrh1q +/m/0249kn /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/09c7w0 /location/country/second_level_divisions /m/0mw89 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0mcl0 +/m/0m93 /people/person/profession /m/05snw +/m/018p4y /people/person/gender /m/05zppz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/01jzyf +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0308kx +/m/0141kz /people/person/nationality /m/07ssc +/m/01dnws /music/performance_role/regular_performances./music/group_membership/role /m/01w4dy +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015pkc +/m/09c7w0 /location/country/second_level_divisions /m/0n5c9 +/m/07_k0c0 /film/film/executive_produced_by /m/06chf +/m/07y8l9 /people/person/languages /m/02h40lc +/m/01d1st /film/actor/film./film/performance/film /m/031t2d +/m/01z452 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/02q5g1z /film/film/genre /m/07s9rl0 +/m/0gxtknx /film/film/genre /m/0vgkd +/m/0170qf /film/actor/film./film/performance/film /m/0gydcp7 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/01n5sn /music/genre/parent_genre /m/016cjb +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mfvc +/m/03jldb /people/person/profession /m/018gz8 +/m/01lct6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vd6 +/m/01yhvv /people/person/places_lived./people/place_lived/location /m/052p7 +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/02dth1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/06hdk /location/location/time_zones /m/02llzg +/m/03s6l2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01t6b4 +/m/0372j5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01s0l0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02nq10 +/m/0crqcc /people/person/profession /m/0d8qb +/m/02y_j8g /film/film/film_festivals /m/03wf1p2 +/m/016clz /music/genre/artists /m/01shhf +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/015zyd +/m/02n1gr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02m0b0 /education/educational_institution/students_graduates./education/education/student /m/015grj +/m/0hcvy /people/person/gender /m/05zppz +/m/0dc7hc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0nzlp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hgqq /people/person/place_of_birth /m/030qb3t +/m/0d0vj4 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0dq3c +/m/01cw7s /award/award_category/winners./award/award_honor/award_winner /m/015mrk +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/014gjp +/m/027r9t /film/film/genre /m/05p553 +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02cpb7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/0drc1 /people/person/profession /m/02hv44_ +/m/04dn09n /award/award_category/winners./award/award_honor/award_winner /m/05drq5 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/0bx8pn +/m/01ww_vs /people/person/place_of_birth /m/01b8w_ +/m/0d04z6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/02flqd /award/award_category/category_of /m/0c4ys +/m/036hf4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fm3h2 +/m/022dp5 /people/ethnicity/people /m/060j8b +/m/01nwwl /film/actor/film./film/performance/film /m/024mxd +/m/0kv9d3 /film/film/featured_film_locations /m/04jpl +/m/024rdh /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01vsy3q /people/person/profession /m/0n1h +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/028_yv +/m/02phtzk /film/film/executive_produced_by /m/01j2xj +/m/0gyfp9c /film/film/music /m/0b6yp2 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01b8jj +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c40vxk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/01g42 +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/03mr85 +/m/0cbxl0 /people/person/profession /m/026sdt1 +/m/02r771y /award/award_category/disciplines_or_subjects /m/05hgj +/m/06w7mlh /tv/tv_program/genre /m/03npn +/m/01z4y /media_common/netflix_genre/titles /m/0ddfwj1 +/m/081pw /film/film_subject/films /m/03rg2b +/m/02x8m /music/genre/artists /m/0knjh +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/02chhq +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gy7bj4 +/m/08952r /film/film/production_companies /m/054lpb6 +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/05qbbfb /film/film/language /m/02h40lc +/m/04sntd /film/film/language /m/06b_j +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050f0s +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0f1pyf +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/02qm_f +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015q43 +/m/04353 /people/person/profession /m/0dxtg +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/06bzwt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/07tg4 +/m/0qcr0 /people/cause_of_death/people /m/06crk +/m/0164nb /people/person/gender /m/05zppz +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06h2w /people/person/profession /m/09jwl +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0ggjt +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/02664f /award/award_category/disciplines_or_subjects /m/06n90 +/m/06q8hf /people/person/religion /m/03_gx +/m/0b_c7 /people/person/religion /m/0c8wxp +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/05hjnw +/m/02bwjv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c1pj /people/person/nationality /m/0chghy +/m/0lk8j /olympics/olympic_games/sports /m/01cgz +/m/01l_yg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05r5c /music/instrument/instrumentalists /m/01sxd1 +/m/0cpvcd /influence/influence_node/influenced_by /m/0gz_ +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0bvn25 +/m/0dgpwnk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/0410cp /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01vksx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02mz_6 /people/person/profession /m/0cbd2 +/m/0d_wms /film/film/written_by /m/0kb3n +/m/05kr_ /location/location/contains /m/018dhx +/m/01whg97 /people/person/place_of_birth /m/0vfs8 +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/01x6v6 +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0xhmb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05148p4 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/07l4z /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0m9c1 /people/person/nationality /m/09c7w0 +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0gk4g /people/cause_of_death/people /m/01kkx2 +/m/01vng3b /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0b_6pv /time/event/instance_of_recurring_event /m/02jp2w +/m/07ffjc /music/genre/parent_genre /m/05r6t +/m/0cgbf /people/deceased_person/place_of_death /m/02_286 +/m/09p0ct /film/film/music /m/01njxvw +/m/0kc6 /people/person/profession /m/0dgd_ +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0789_m /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/015fs3 +/m/03bzjpm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07myb2 /film/actor/film./film/performance/film /m/03ckwzc +/m/036gdw /people/person/nationality /m/02jx1 +/m/064t9 /music/genre/artists /m/01dwrc +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09p2r9 +/m/02hxhz /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0bksh /people/person/nationality /m/09c7w0 +/m/03j0br4 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01pl14 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/03d_w3h /people/person/nationality /m/02jx1 +/m/0ds33 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/04bdpf +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0c0k1 /film/actor/film./film/performance/film /m/04mcw4 +/m/06mt91 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/049qx +/m/0bt23 /people/person/profession /m/016wtf +/m/0fm9_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06qwh /tv/tv_program/genre /m/06n90 +/m/0klh7 /film/actor/film./film/performance/film /m/08tq4x +/m/01w40h /music/record_label/artist /m/017mbb +/m/012z8_ /people/person/nationality /m/09c7w0 +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0846v +/m/0prh7 /film/film/country /m/09c7w0 +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01mqnr /film/actor/film./film/performance/film /m/02_1sj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04vjh +/m/01_2n /tv/tv_program/genre /m/05p553 +/m/0cjsxp /people/person/profession /m/02hrh1q +/m/03ckfl9 /music/genre/artists /m/01vsy7t +/m/02v_r7d /film/film/language /m/04h9h +/m/0gv40 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/01mxqyk +/m/08g_jw /film/film/production_companies /m/025jfl +/m/03k48_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01pq4w /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015qh +/m/0322yj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03_3z4 +/m/01vhrz /people/person/profession /m/03gjzk +/m/0ddf2bm /film/film/genre /m/01t_vv +/m/01jgkj2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015882 +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/0g56t9t +/m/05j82v /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/07bch9 /people/ethnicity/people /m/0ywqc +/m/025rpb0 /people/ethnicity/people /m/03lt8g +/m/02pbrn /people/person/profession /m/09jwl +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/01vtj38 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/02p11jq /music/record_label/artist /m/02qsjt +/m/0bzrxn /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/01kff7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0gtxj2q /film/film/country /m/09c7w0 +/m/02p11jq /music/record_label/artist /m/0249kn +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/06hx2 +/m/09c7w0 /location/country/second_level_divisions /m/0mxcf +/m/09nhvw /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0g2mbn /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/06y3r /people/person/employment_history./business/employment_tenure/company /m/0xwj +/m/0gq_v /award/award_category/winners./award/award_honor/award_winner /m/05v1sb +/m/09btt1 /award/award_winner/awards_won./award/award_honor/award_winner /m/048q6x +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d05q4 +/m/04xzm /people/person/religion /m/0kpl +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/039cq4 /tv/tv_program/country_of_origin /m/09c7w0 +/m/02hnl /music/instrument/instrumentalists /m/01wj18h +/m/02ztjwg /language/human_language/countries_spoken_in /m/07t21 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0h21v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0hv81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/08k40m /film/film/production_companies /m/03sb38 +/m/02qpt1w /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0g768 /music/record_label/artist /m/05d8vw +/m/06kl78 /film/film/featured_film_locations /m/0h7h6 +/m/01qqtr /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/0gr36 /people/person/employment_history./business/employment_tenure/company /m/06hhp +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0341n5 /people/person/gender /m/05zppz +/m/014lc_ /film/film/executive_produced_by /m/03ft8 +/m/0l_tn /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0mpzm /location/location/time_zones /m/02fqwt +/m/0cc07 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02gs6r /film/film/dubbing_performances./film/dubbing_performance/actor /m/062hgx +/m/0xnvg /people/ethnicity/people /m/0478__m +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02_1kl /tv/tv_program/genre /m/06q7n +/m/02h1rt /people/person/gender /m/05zppz +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0cwy47 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/015w9s /media_common/netflix_genre/titles /m/02rlj20 +/m/07bxhl /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/09c7w0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/01f08r +/m/01hp5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03x82v /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0bz6sq /film/film/featured_film_locations /m/04jpl +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04954 +/m/014z8v /influence/influence_node/influenced_by /m/01gn36 +/m/01_p6t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/016yzz /film/actor/film./film/performance/film /m/05q54f5 +/m/0r4xt /location/hud_county_place/place /m/0r4xt +/m/037h1k /music/record_label/artist /m/04mky3 +/m/03lty /music/genre/artists /m/01w03jv +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02r858_ +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/02lnbg /music/genre/artists /m/01w9wwg +/m/05_swj /award/award_winner/awards_won./award/award_honor/award_winner /m/03cd1q +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/051ys82 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ly5m +/m/04r7p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03wj4r8 /film/film/genre /m/04xvlr +/m/01t9_0 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03f7xg +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/0b73_1d +/m/0fztbq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0btbyn /film/film/executive_produced_by /m/0gg9_5q +/m/012qjw /medicine/symptom/symptom_of /m/09d11 +/m/0gn30 /people/person/place_of_birth /m/02_286 +/m/057lbk /film/film/production_companies /m/027jw0c +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0963mq +/m/012c6x /film/actor/film./film/performance/film /m/024mxd +/m/0ggx5q /music/genre/artists /m/01yzl2 +/m/026n4h6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01z4y /media_common/netflix_genre/titles /m/02krdz +/m/08fbnx /film/film/language /m/02h40lc +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wm6 +/m/06qd3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01b4p4 /music/genre/artists /m/01wgjj5 +/m/07bx6 /film/film/country /m/09c7w0 +/m/018wrk /time/event/locations /m/06wxw +/m/07q1v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02hdky +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06q5t7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/08k1lz +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/01fkxr /people/person/nationality /m/09c7w0 +/m/02_3zj /award/award_category/nominees./award/award_nomination/nominated_for /m/02pqs8l +/m/0df_c /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/03lv4x /film/film/genre /m/03g3w +/m/01yqqv /education/educational_institution/colors /m/06fvc +/m/02_fj /film/actor/film./film/performance/film /m/04954r +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/04bs3j /people/person/languages /m/02h40lc +/m/04258w /people/person/gender /m/05zppz +/m/0cchk3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/03x42 /language/human_language/countries_spoken_in /m/07ssc +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/047lj +/m/0gcdzz /people/person/gender /m/05zppz +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/016r9z +/m/02vnp2 /education/educational_institution/students_graduates./education/education/student /m/01vwllw +/m/07qy0b /people/person/profession /m/01c8w0 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01tx9m +/m/01dtcb /music/record_label/artist /m/0kr_t +/m/01p6xx /film/director/film /m/01hqk +/m/016t0h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6yz +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/010bnr +/m/015wnl /film/actor/film./film/performance/film /m/0crs0b8 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01x3g +/m/0cwt70 /base/culturalevent/event/entity_involved /m/05hks +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cht6 +/m/043cl9 /film/actor/film./film/performance/film /m/0f42nz +/m/02ghq /influence/influence_node/influenced_by /m/0jt90f5 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/01kt17 +/m/0b7l4x /film/film/country /m/0f8l9c +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/01n8qg +/m/01jzyf /film/film/genre /m/0lsxr +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/013fn +/m/0n5dt /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwxz +/m/05c4fys /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0pv54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04rs03 /award/award_nominee/award_nominations./award/award_nomination/award /m/0b6k___ +/m/04353 /film/film/film_festivals /m/03wf1p2 +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/059dn +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0bk4s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kbwb /film/film/genre /m/01hwc6 +/m/033hn8 /music/record_label/artist /m/01wqmm8 +/m/01dbk6 /people/person/gender /m/02zsn +/m/05bt6j /music/genre/artists /m/03t852 +/m/03ydlnj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0fb0v /music/record_label/artist /m/01vv6xv +/m/0bgrsl /people/person/profession /m/03gjzk +/m/0ggx5q /music/genre/artists /m/02yygk +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/024rwx /tv/tv_program/genre /m/0pr6f +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fqv +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/028pzq /base/popstra/celebrity/dated./base/popstra/dated/participant /m/03w1v2 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0g6xq /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/01wmgrf /people/person/gender /m/02zsn +/m/02qzjj /people/person/profession /m/01d_h8 +/m/016vn3 /music/artist/origin /m/01cx_ +/m/01w40h /music/record_label/artist /m/01k_n63 +/m/01y998 /base/culturalevent/event/entity_involved /m/01_4z +/m/03rhqg /music/record_label/artist /m/016szr +/m/03bnv /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/064q5v /film/film/genre /m/0cshrf +/m/0hhtgcw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09yhzs +/m/016k62 /people/person/gender /m/05zppz +/m/03xpsrx /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02ryx0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x201b +/m/06449 /influence/influence_node/influenced_by /m/0pj8m +/m/07v64s /music/genre/parent_genre /m/01243b +/m/064lsn /film/film/country /m/07ssc +/m/0lpjn /film/actor/film./film/performance/film /m/016ywb +/m/01dhmw /people/person/places_lived./people/place_lived/location /m/0rh7t +/m/0181dw /music/record_label/artist /m/02ktrs +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/01vzx45 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/05p92jn /people/person/profession /m/0cbd2 +/m/01cl0d /music/record_label/artist /m/01whg97 +/m/0k0q8q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z4y /media_common/netflix_genre/titles /m/02qpt1w +/m/07ss8_ /film/actor/film./film/performance/film /m/0gwf191 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/015l4k +/m/043qqt5 /tv/tv_program/genre /m/05p553 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04j_gs /people/person/nationality /m/09c7w0 +/m/01jbx1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/074rg9 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02hp70 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcq3 +/m/081yw /location/location/contains /m/0ckhc +/m/033tf_ /people/ethnicity/people /m/039x1k +/m/051wwp /film/actor/film./film/performance/film /m/01n30p +/m/0dlhg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06mzp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/03rjj +/m/0drnwh /film/film/executive_produced_by /m/027z0pl +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/07ffjc /music/genre/artists /m/09jvl +/m/04ty8 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0bbf1f +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02lt8 /people/person/places_lived./people/place_lived/location /m/01531 +/m/019g40 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05r5c /music/instrument/instrumentalists /m/0kxbc +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x15dc +/m/02g3w /people/person/places_lived./people/place_lived/location /m/05l5n +/m/0bhvtc /music/artist/track_contributions./music/track_contribution/role /m/02k856 +/m/0342h /music/instrument/instrumentalists /m/0407f +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/0mrhq /location/location/time_zones /m/02fqwt +/m/06jw0s /people/person/nationality /m/09c7w0 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/0134tg +/m/02j3d4 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/059x0w /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02bf2s +/m/034b6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0m0jc /music/genre/artists /m/0x3n +/m/013bd1 /people/person/religion /m/0n2g +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0h0wd9 +/m/02h6_6p /sports/sports_team_location/teams /m/0175rc +/m/011yxg /film/film/language /m/04306rv +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/021q2j +/m/02r2j8 /film/film/country /m/09c7w0 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/015_1q /music/record_label/artist /m/01q3_2 +/m/015d3h /people/person/profession /m/02hrh1q +/m/02wgln /film/actor/film./film/performance/film /m/047gn4y +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/04m_kpx /people/person/gender /m/05zppz +/m/01cz_1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045n3p /people/person/languages /m/03k50 +/m/015pxr /influence/influence_node/influenced_by /m/01wj9y9 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/015whm +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/08mg_b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07ymr5 /people/person/profession /m/0dxtg +/m/0lbfv /education/educational_institution/students_graduates./education/education/student /m/05fg2 +/m/053ksp /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/01gbn6 /people/person/religion /m/0c8wxp +/m/01p7yb /film/actor/film./film/performance/film /m/03nqnnk +/m/0fz27v /people/person/profession /m/01d_h8 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0hgqq /people/person/nationality /m/09c7w0 +/m/07sbbz2 /music/genre/artists /m/01wz_ml +/m/02ch1w /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05sy0cv +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01vq3 /film/film_subject/films /m/0ptdz +/m/04fzk /film/actor/film./film/performance/film /m/01738w +/m/02k6hp /people/cause_of_death/people /m/0gyy0 +/m/012kyx /film/film/country /m/09c7w0 +/m/0b_6mr /time/event/locations /m/029cr +/m/01sxly /film/film/language /m/02bjrlw +/m/0_b9f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/078mm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/01d1st /people/person/profession /m/0cbd2 +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r7t +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/0qmk5 /tv/tv_program/country_of_origin /m/09c7w0 +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/03phgz /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/042xh /people/person/places_lived./people/place_lived/location /m/0f8j6 +/m/017_qw /music/genre/artists /m/016szr +/m/0978r /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/06d_3 +/m/013b6_ /people/ethnicity/people /m/0q9zc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/06pj8 +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02j9lm +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vvb4m +/m/037mh8 /education/field_of_study/students_majoring./education/education/student /m/01dvtx +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bj9k +/m/02y_lrp /film/film/production_companies /m/05rrtf +/m/021j72 /people/person/profession /m/02jknp +/m/03rl84 /people/person/profession /m/0d1pc +/m/01wj5hp /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ppq +/m/03hh89 /people/person/profession /m/02hrh1q +/m/0fxz4 /location/location/time_zones /m/02hcv8 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0640y35 /film/film/genre /m/0bj8m2 +/m/016dsy /people/person/gender /m/02zsn +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02bbyw /education/educational_institution/students_graduates./education/education/student /m/02sdx +/m/01vwbts /award/award_nominee/award_nominations./award/award_nomination/award /m/02f75t +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/027ht3n +/m/0457w0 /soccer/football_player/current_team./sports/sports_team_roster/team /m/01s0t3 +/m/01yh3y /film/actor/film./film/performance/film /m/099bhp +/m/03crcpt /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01dbk6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0hgnl3t /film/film/music /m/02jxkw +/m/04110lv /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gg59 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/03jjzf /film/actor/film./film/performance/film /m/01c22t +/m/04ghz4m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026ck /people/person/profession /m/02hrh1q +/m/02cj_f /people/person/nationality /m/06bnz +/m/0m2l9 /influence/influence_node/influenced_by /m/06m61 +/m/03nymk /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0582cf +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kjgl +/m/02jx1 /location/location/contains /m/01nrnm +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvpz +/m/04m2zj /people/person/profession /m/01b30l +/m/094jv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04g61 +/m/025hl8 /medicine/disease/risk_factors /m/01hbgs +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0cjdk /tv/tv_network/programs./tv/tv_network_duration/program /m/019nnl +/m/0fb0v /music/record_label/artist /m/0bqsy +/m/07m2y /music/performance_role/track_performances./music/track_contribution/role /m/0l14md +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cr8 +/m/09c7w0 /location/location/contains /m/02hp6p +/m/01z4y /media_common/netflix_genre/titles /m/0bvn25 +/m/058s44 /people/person/gender /m/05zppz +/m/0f7fy /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/016k6x +/m/019g8j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0sw62 +/m/03krj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0ywrc /film/film/film_format /m/0cj16 +/m/0d90m /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fky +/m/01l3mk3 /people/person/profession /m/01c8w0 +/m/01k7b0 /film/film/genre /m/07s9rl0 +/m/0jm6n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/01lyv /music/genre/artists /m/0m_31 +/m/02x8z_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01trf3 /film/actor/film./film/performance/film /m/02_fm2 +/m/02v92l /people/person/nationality /m/03_3d +/m/04dsnp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09g_31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03l3ln /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/054gwt /tv/tv_program/program_creator /m/02kmx6 +/m/02flpc /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/014z8v /people/person/nationality /m/09c7w0 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/070m6c /government/legislative_session/members./government/government_position_held/district_represented /m/03s5t +/m/05nrkb /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0d4htf /film/film/production_companies /m/04rcl7 +/m/049gc /influence/influence_node/influenced_by /m/0hky +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ft18 /film/film/featured_film_locations /m/0fsv2 +/m/0gg8l /music/genre/artists /m/03193l +/m/05g3ss /people/person/religion /m/0flw86 +/m/0252fh /people/person/gender /m/05zppz +/m/050f0s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/01wvxw1 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/0hvbj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/03nsm5x /film/film/country /m/09c7w0 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/03ctqqf /tv/tv_program/genre /m/07s9rl0 +/m/02k1b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03_r3 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pcvn +/m/026xt5c /people/person/place_of_birth /m/0k_q_ +/m/0fv89q /time/event/instance_of_recurring_event /m/0g_w +/m/01lyv /music/genre/artists /m/01m1dzc +/m/0dw3l /people/person/profession /m/0nbcg +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09p3_s +/m/03w4sh /people/person/profession /m/0np9r +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/064r9cb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02bq1j +/m/016gr2 /people/person/profession /m/02jknp +/m/02114t /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/03f68r6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/087pfc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/01bdhf /education/educational_institution/school_type /m/047951 +/m/02y_lrp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/03vfr_ +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/052nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0bdw6t /award/award_category/nominees./award/award_nomination/nominated_for /m/02rzdcp +/m/053y0s /people/person/profession /m/0fnpj +/m/01b195 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02__34 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j_tw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/042zrm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02lnhv /film/actor/film./film/performance/film /m/016z9n +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/048z7l /people/ethnicity/people /m/03f2_rc +/m/0bq8tmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01c_d /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/02h48 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/01z9l_ /music/genre/artists /m/016lmg +/m/0935jw /people/person/gender /m/05zppz +/m/03mbdx_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0678gl +/m/01cbwl /music/genre/artists /m/048tgl +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/0cqt41 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/01xlqd /film/film/genre /m/06cvj +/m/09g_31 /tv/tv_program/genre /m/025s89p +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/032l1 /people/person/profession /m/0kyk +/m/0q6g3 /tv/tv_program/genre /m/06n90 +/m/0pnf3 /people/person/profession /m/02krf9 +/m/03tdlh /people/person/spouse_s./people/marriage/spouse /m/02b29 +/m/0126y2 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01bjbk +/m/02k_kn /music/genre/artists /m/011z3g +/m/0dsx3f /tv/tv_program/languages /m/02h40lc +/m/02mjf2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01pllx +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0352gk /education/educational_institution/school_type /m/025tjcb +/m/01n5sn /music/genre/artists /m/030155 +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0621cs /music/genre/parent_genre /m/05r6t +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05x72k /tv/tv_program/genre /m/0jxy +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0z18v /location/location/time_zones /m/02hcv8 +/m/0qm8b /film/film/genre /m/02kdv5l +/m/05r6t /music/genre/artists /m/02r3zy +/m/01c4pv /location/country/form_of_government /m/01d9r3 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/student /m/0q9t7 +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fvf9q +/m/04mx__ /people/person/gender /m/05zppz +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/07gyp7 +/m/0g4pl7z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02fzs +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0g768 /music/record_label/artist /m/07yg2 +/m/03548 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/03zz8b /people/person/languages /m/02h40lc +/m/0mzkr /music/record_label/artist /m/0g_g2 +/m/047sxrj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c73g /influence/influence_node/influenced_by /m/0h336 +/m/01pbwwl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/036nz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06s6l /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/037q1z /people/person/nationality /m/02jx1 +/m/081l_ /people/person/profession /m/0dxtg +/m/06rgq /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0chghy /location/location/contains /m/01l53f +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0dplh +/m/0488g /location/location/partially_contains /m/04ykz +/m/07nt8p /film/film/produced_by /m/026gb3v +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01fx6y /film/film/written_by /m/0p50v +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/025sc50 /music/genre/artists /m/0415mzy +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/026db_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/069b85 +/m/03nsm5x /film/film/film_production_design_by /m/02x2t07 +/m/016cjb /music/genre/artists /m/01364q +/m/01cyjx /film/actor/film./film/performance/film /m/0170z3 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02fn5 /film/actor/film./film/performance/film /m/0jzw +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgtf +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/0394y +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012wg +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/01gj8_ /people/person/profession /m/02jknp +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/01m3b1t /people/person/profession /m/09jwl +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/0524b41 +/m/01cbwl /music/genre/artists /m/09lwrt +/m/09c7w0 /location/country/second_level_divisions /m/0mwcz +/m/091xrc /film/film/language /m/064_8sq +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/01m13b /film/film/country /m/0d0vqn +/m/02w4b /music/instrument/family /m/01kcd +/m/01rs5p /people/person/gender /m/02zsn +/m/0bwgc_ /people/person/gender /m/02zsn +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/01clyr /music/record_label/artist /m/06gcn +/m/01kt17 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01csvq +/m/033g4d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02z9rr +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/06kkgw /people/person/nationality /m/0d05w3 +/m/0f6_dy /people/person/gender /m/05zppz +/m/01738w /film/film/executive_produced_by /m/05prs8 +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/016cjb /music/genre/artists /m/03h_fk5 +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0f8l9c /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/06j0md /people/person/gender /m/05zppz +/m/0f42nz /film/film/film_festivals /m/0bx_f_t +/m/07t90 /education/university/fraternities_and_sororities /m/035tlh +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04gp58p +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0301dp +/m/026vcc /education/educational_institution/students_graduates./education/education/student /m/04jspq +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/02h40lc /education/field_of_study/students_majoring./education/education/student /m/040_t +/m/01zp33 /people/person/nationality /m/03rk0 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0pv3x +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/046rfv /people/person/profession /m/0np9r +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02rv1w +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09p0ct +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0bzty /location/location/contains /m/0d8zt +/m/01vt5c_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017n9 /film/film/genre /m/03j0dp +/m/0yshw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/016clz /music/genre/artists /m/01vv7sc +/m/0fx0j2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05zvj3m /award/award_category/winners./award/award_honor/award_winner /m/0p__8 +/m/09c7w0 /location/location/contains /m/02mzg9 +/m/02vjzr /music/genre/artists /m/06cc_1 +/m/01ft2l /people/person/profession /m/01d_h8 +/m/02mpyh /film/film/genre /m/07s9rl0 +/m/03gfvsz /broadcast/content/artist /m/012x1l +/m/04zqmj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0478__m /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/0cwfgz /film/film/genre /m/07s9rl0 +/m/072kp /tv/tv_program/country_of_origin /m/09c7w0 +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/02jx1 /location/location/contains /m/0ymf1 +/m/03hj3b3 /film/film/genre /m/07s9rl0 +/m/013b6_ /people/ethnicity/people /m/06wm0z +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/01dvtx /influence/influence_node/influenced_by /m/05qmj +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/01pfr3 +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05jzt3 +/m/09d11 /medicine/disease/risk_factors /m/0d19y2 +/m/045zr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0k89p /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048tgl /people/person/gender /m/05zppz +/m/02_p8v /film/actor/film./film/performance/film /m/0mcl0 +/m/0fd6qb /people/person/gender /m/05zppz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/03lvyj /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01lxd4 /music/genre/artists /m/01dhjz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/08624h /people/person/nationality /m/03rk0 +/m/01j67j /tv/tv_program/country_of_origin /m/09c7w0 +/m/0155w /music/genre/artists /m/0cg9y +/m/0k2m6 /film/film/genre /m/082gq +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/037hz /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/029b9k +/m/018h2 /film/film_subject/films /m/05hjnw +/m/04myfb7 /people/person/place_of_birth /m/0cv3w +/m/0gyy53 /film/film/film_format /m/0cj16 +/m/021b_ /people/person/profession /m/02hrh1q +/m/0d1xh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0hqly /people/person/profession /m/01d_h8 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/0drnwh +/m/03t97y /film/film/genre /m/01hmnh +/m/0326tc /people/person/profession /m/0nbcg +/m/059j2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0863x_ /film/actor/film./film/performance/film /m/02ntb8 +/m/0mwxz /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5dt +/m/07c37 /people/deceased_person/place_of_death /m/0jcg8 +/m/02sdx /people/person/nationality /m/03rjj +/m/0151ns /people/person/languages /m/02h40lc +/m/02kxbx3 /people/person/profession /m/0dgd_ +/m/0d35y /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/01z215 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/032016 /film/film/genre /m/0556j8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01p5xy +/m/0kcdl /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/02vqpx8 /people/deceased_person/place_of_death /m/0f2tj +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/08t7nz +/m/034rd9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01l9p /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/05lwjc /music/genre/artists /m/01vvyvk +/m/0fc1m /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0m593 /people/person/profession /m/01d_h8 +/m/012c6j /people/person/profession /m/02hrh1q +/m/02bqvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ynfz /location/hud_county_place/place /m/0ynfz +/m/059g4 /base/locations/continents/countries_within /m/03_r3 +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0j4b /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0b6yp2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_qgp /education/educational_institution/students_graduates./education/education/student /m/0154qm +/m/0152cw /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/02z81h /people/person/profession /m/01c72t +/m/09sh8k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/0fpv_3_ +/m/02h22 /film/film/genre /m/03g3w +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03s9b /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/08htt0 /education/educational_institution/students_graduates./education/education/student /m/0gl88b +/m/0r540 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/07cjqy /film/actor/film./film/performance/film /m/048qrd +/m/0lbfv /education/educational_institution/colors /m/01g5v +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/07tds +/m/0h7dd /people/person/nationality /m/09c7w0 +/m/04j4tx /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/0dcz8_ /film/film/featured_film_locations /m/02_286 +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/064t9 /music/genre/artists /m/0qf3p +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/073h9x +/m/04cmrt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03772 /influence/influence_node/influenced_by /m/0g5ff +/m/0lrh /people/person/religion /m/092bf5 +/m/04ldyx1 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02qvvv /education/educational_institution/students_graduates./education/education/student /m/01w7nwm +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06gjk9 +/m/0ddct /film/film_subject/films /m/02_fm2 +/m/07b_l /location/location/contains /m/010bxh +/m/090gpr /people/person/religion /m/042s9 +/m/0gd0c7x /film/film/language /m/02h40lc +/m/0f2r6 /sports/sports_team_location/teams /m/0jmhr +/m/015076 /people/person/places_lived./people/place_lived/location /m/0rh7t +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/081t6 +/m/02p2zq /people/person/gender /m/05zppz +/m/0ycp3 /music/artist/origin /m/030qb3t +/m/0137n0 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/06h2w /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/07w6r /education/educational_institution/students_graduates./education/education/student /m/0j0pf +/m/07bdd_ /award/award_category/winners./award/award_honor/award_winner /m/07f8wg +/m/05ftw3 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f7jt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04sh3 +/m/01z4y /media_common/netflix_genre/titles /m/043t8t +/m/09gkx35 /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/02gyl0 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/07ym0 /base/eating/practicer_of_diet/diet /m/07_jd +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/06qd3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j4b +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/052hl +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/04h5tx +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0l_dv /people/person/religion /m/0kq2 +/m/0bfvw2 /award/award_category/winners./award/award_honor/ceremony /m/05c1t6z +/m/02z2mr7 /film/film/featured_film_locations /m/013gz +/m/01c72t /people/profession/specialization_of /m/09jwl +/m/04jkpgv /film/film/genre /m/07s9rl0 +/m/070xg /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/01z452 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01n7q /location/location/contains /m/01q0kg +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/05l2z4 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/03bkbh /people/ethnicity/people /m/06gh0t +/m/02k54 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/06sks6 +/m/024vjd /award/award_category/winners./award/award_honor/award_winner /m/015rmq +/m/0h2zvzr /film/film/executive_produced_by /m/0d0xs5 +/m/0yzvw /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/015nhn +/m/0nbzp /location/hud_county_place/place /m/0nbzp +/m/012q4n /film/actor/film./film/performance/film /m/02r79_h +/m/0322yj /film/film/genre /m/01t_vv +/m/017g2y /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/04sry /people/person/profession /m/03gjzk +/m/09c7w0 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/06ltr /film/actor/film./film/performance/film /m/031hcx +/m/0k419 /film/film/genre /m/05p553 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gst_ +/m/0412f5y /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047sxrj +/m/0333wf /people/person/gender /m/05zppz +/m/06j8q_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02lfns /film/actor/film./film/performance/film /m/048htn +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/012w70 /media_common/netflix_genre/titles /m/01f8gz +/m/01wf86y /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckbq +/m/0m8_v /people/person/profession /m/01d_h8 +/m/02b61v /film/film/country /m/0chghy +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059_c +/m/0sw6g /people/person/religion /m/01hng3 +/m/0gxtknx /film/film/film_format /m/0cj16 +/m/01vxqyl /people/person/gender /m/05zppz +/m/06wxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/01t04r /music/record_label/artist /m/04mx7s +/m/05hmp6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pp3p +/m/0dr3sl /film/film/genre /m/0gf28 +/m/043g7l /music/record_label/artist /m/01vxlbm +/m/04991x /sports/sports_team/sport /m/02vx4 +/m/01bns_ /music/performance_role/track_performances./music/track_contribution/role /m/0192l +/m/0dw6b /influence/influence_node/influenced_by /m/07ym0 +/m/045c66 /people/person/profession /m/02hrh1q +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kbf1 +/m/0jnmj /sports/sports_team/colors /m/03vtbc +/m/02pk6x /people/person/places_lived./people/place_lived/location /m/0fqyc +/m/018ctl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04h6m /music/genre/artists /m/03f0qd7 +/m/02psqkz /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0f8l9c +/m/03nb5v /people/person/places_lived./people/place_lived/location /m/07b_l +/m/07qzv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04swx +/m/01f7jt /film/film/music /m/02jxkw +/m/048vhl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0flpy /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/053rxgm /film/film/language /m/02h40lc +/m/02qgyv /people/person/languages /m/02h40lc +/m/018nnz /film/film/language /m/02h40lc +/m/0x67 /people/ethnicity/people /m/014gf8 +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/0187x8 +/m/0l1589 /music/performance_role/track_performances./music/track_contribution/role /m/0gkd1 +/m/0cq7kw /film/film/cinematography /m/07djnx +/m/0262x6 /award/award_category/disciplines_or_subjects /m/06n90 +/m/09byk /film/actor/film./film/performance/film /m/04tqtl +/m/01pcdn /film/actor/film./film/performance/film /m/03bzyn4 +/m/0f2r6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016pns /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds33 +/m/02h2z_ /time/event/locations /m/02k54 +/m/02k_kn /music/genre/artists /m/0137hn +/m/026b7bz /people/person/profession /m/0kyk +/m/01cz7r /film/film/film_production_design_by /m/0d5wn3 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03r8gp +/m/02jx1 /location/location/contains /m/012wyq +/m/049nq /location/country/official_language /m/02h40lc +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07srw +/m/04x1_w /people/person/places_lived./people/place_lived/location /m/02cft +/m/03s0w /location/location/contains /m/0nrnz +/m/01q415 /people/person/nationality /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/053y4h /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bksh +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds11z +/m/02v60l /people/person/profession /m/02hrh1q +/m/0tct_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wk7ql /people/person/gender /m/02zsn +/m/0821j /influence/influence_node/influenced_by /m/0gd_s +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/025sc50 /music/genre/artists /m/01q32bd +/m/0c1sgd3 /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/02lfwp /people/person/place_of_birth /m/01d66p +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/0czyxs +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/05cj4r +/m/032zq6 /film/film/featured_film_locations /m/0135g +/m/0x3r3 /influence/influence_node/influenced_by /m/048cl +/m/047gpsd /film/film/cinematography /m/03rqww +/m/06fcqw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/056zf9 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/034rd9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c_tl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0cx6f /music/genre/artists /m/024zq +/m/014z8v /film/actor/film./film/performance/film /m/03q0r1 +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01qq_lp +/m/02s2ft /people/person/nationality /m/09c7w0 +/m/016_mj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/01kd57 /people/person/places_lived./people/place_lived/location /m/03pzf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0f2sx4 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cq7kw +/m/01hgwkr /base/eating/practicer_of_diet/diet /m/07_hy +/m/05kkh /location/location/contains /m/07l5z +/m/01r216 /people/person/place_of_birth /m/01vc3y +/m/01l50r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09jcj6 /film/film/language /m/02h40lc +/m/03359d /people/person/gender /m/02zsn +/m/0cchk3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05r79 +/m/0vqcq /location/hud_county_place/place /m/0vqcq +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01snm +/m/09fn1w /film/film/genre /m/02p0szs +/m/02k54 /location/location/time_zones /m/03plfd +/m/048xh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0k4kk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/074rg9 /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07b1gq +/m/07ssc /location/location/contains /m/0nq_b +/m/02x3y41 /film/film/production_companies /m/02j_j0 +/m/0d1y7 /location/location/time_zones /m/02lcqs +/m/01fwpt /people/person/profession /m/0np9r +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/06c0j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/0bbvr84 /people/person/profession /m/02hrh1q +/m/09px1w /people/person/profession /m/0nbcg +/m/0kvgnq /film/film/genre /m/02js9 +/m/069nzr /film/actor/film./film/performance/film /m/0j43swk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/06cgy /film/actor/film./film/performance/film /m/0jwmp +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/02r79_h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/063_t /people/person/profession /m/018gz8 +/m/01v3ht /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gt5s /location/location/contains /m/0nj7b +/m/05f4m9q /award/award_category/winners./award/award_honor/award_winner /m/017yxq +/m/02rn_bj /music/artist/contribution./music/recording_contribution/performance_role /m/02hnl +/m/0rp46 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04j53 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/0gd5z /influence/influence_node/influenced_by /m/040dv +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rxbmt +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/03k8th /film/film/music /m/06fxnf +/m/03f19q4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013xrm /people/ethnicity/people /m/01xwqn +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/04h1rz +/m/035v3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/034xyf /film/film/cinematography /m/0gp9mp +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/032nl2 /people/person/profession /m/09jwl +/m/02lmk /people/person/gender /m/05zppz +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06t8v +/m/07sqbl /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/03p41 /medicine/disease/notable_people_with_this_condition /m/0pkgt +/m/030_3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/064t9 /music/genre/artists /m/06nv27 +/m/01p896 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/012t1 /people/person/religion /m/0kpl +/m/0l14j_ /music/instrument/instrumentalists /m/018gkb +/m/0f6_x /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/09rvcvl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0dmn0x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09k2t1 /people/person/profession /m/09jwl +/m/02xbyr /film/film/executive_produced_by /m/04jspq +/m/08ct6 /film/film/genre /m/03k9fj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgtf +/m/023w9s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xs6_ /film/film/produced_by /m/0272kv +/m/0cqh6z /award/award_category/winners./award/award_honor/ceremony /m/0g55tzk +/m/012gk9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/023ny6 +/m/01sxdy /film/film/language /m/02bjrlw +/m/0pmcz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/025cn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/08vd2q +/m/07rd7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/02qkwl /film/film/produced_by /m/05nn4k +/m/02z6fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/040nwr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gm8_p /film/actor/film./film/performance/film /m/0gjk1d +/m/031y2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06kx2 +/m/085wqm /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/016m5c +/m/0137g1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/0c9c0 /people/person/profession /m/0np9r +/m/016zfm /tv/tv_program/genre /m/0c4xc +/m/03n52j /film/actor/film./film/performance/film /m/0kvgtf +/m/01bm_ /education/educational_institution/students_graduates./education/education/student /m/0d500h +/m/04rs03 /people/person/languages /m/03k50 +/m/07yvsn /film/film/country /m/09c7w0 +/m/07y9ts /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02xs0q +/m/02k54 /dataworld/gardening_hint/split_to /m/02k54 +/m/0dsb_yy /people/person/profession /m/02hrh1q +/m/0d68qy /award/award_winning_work/awards_won./award/award_honor/award /m/09qrn4 +/m/0fg04 /film/film/genre /m/0fdjb +/m/06yxd /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0dnw1 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0dqcm +/m/0jmk7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/07l50_1 /film/film/genre /m/060__y +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0rnmy +/m/06by7 /music/genre/artists /m/0ddkf +/m/017149 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0l3h /location/country/official_language /m/02h40lc +/m/07zlqp /tv/tv_network/programs./tv/tv_network_duration/program /m/01hn_t +/m/0dr5y /people/person/gender /m/05zppz +/m/01kx_81 /award/award_nominee/award_nominations./award/award_nomination/award /m/02wh75 +/m/03k7dn /education/educational_institution/students_graduates./education/education/student /m/03k7bd +/m/0gjv_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/018vs /music/instrument/instrumentalists /m/017f4y +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0p9rz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01nhgd +/m/05qsxy /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/050023 +/m/0dqytn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dzf_ +/m/0r02m /location/hud_county_place/place /m/0r02m +/m/01tf_6 /people/cause_of_death/people /m/04wqr +/m/01f8gz /film/film/cinematography /m/02404v +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04tqtl /film/film/executive_produced_by /m/06q8hf +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/017l96 /music/record_label/artist /m/01r9fv +/m/06f_qn /film/actor/film./film/performance/film /m/0jqb8 +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/03qcfvw /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/07vfy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0h53p1 /people/person/gender /m/05zppz +/m/0345h /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/015qh +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/012_53 +/m/032clf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lcxbb /music/artist/track_contributions./music/track_contribution/role /m/020w2 +/m/0mbql /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/07z1m /location/location/contains /m/0mmzt +/m/026sb55 /people/person/profession /m/0dgd_ +/m/01vs4ff /people/person/religion /m/0kpl +/m/012vd6 /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0hc8h /base/biblioness/bibs_location/state /m/0cv5l +/m/03j0br4 /people/person/languages /m/02h40lc +/m/081pw /time/event/locations /m/04wsz +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/013v5j /people/person/profession /m/02hrh1q +/m/0crc2cp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05mc7y +/m/026ps1 /people/person/profession /m/05vyk +/m/018z_c /people/person/nationality /m/09c7w0 +/m/0yxl /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/048wrb /film/actor/film./film/performance/film /m/08k40m +/m/0gmtm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/016ggh /film/actor/film./film/performance/film /m/04vh83 +/m/01qhm_ /people/ethnicity/people /m/01xndd +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0534v +/m/096hm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0156q /sports/sports_team_location/teams /m/049dzz +/m/03mg5f /soccer/football_team/current_roster./sports/sports_team_roster/position /m/03f0fp +/m/07zlqp /business/business_operation/industry /m/03qh03g +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01rhrd +/m/01ycbq /film/actor/film./film/performance/film /m/02rn00y +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0g2dz /music/instrument/instrumentalists /m/012x4t +/m/016tvq /tv/tv_program/languages /m/02h40lc +/m/07b_l /location/location/contains /m/0nqph +/m/026ps1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07lmxq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g8st4 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/01ggc9 /people/person/languages /m/02h40lc +/m/035hm /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/04vrxh /music/group_member/membership./music/group_membership/role /m/06ncr +/m/031y07 /film/actor/film./film/performance/film /m/027r7k +/m/016k62 /people/person/profession /m/01d30f +/m/0127ps /film/film/genre /m/02kdv5l +/m/025rpb0 /people/ethnicity/people /m/01xllf +/m/09q5w2 /film/film/executive_produced_by /m/05prs8 +/m/015rhv /people/person/nationality /m/02jx1 +/m/06l32y /education/educational_institution/colors /m/083jv +/m/01lyv /music/genre/artists /m/01l47f5 +/m/02h9_l /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/02630g /organization/organization/headquarters./location/mailing_address/state_province_region /m/07z1m +/m/02q5bx2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02x_h0 /people/person/profession /m/0nbcg +/m/0778_3 /education/educational_institution/students_graduates./education/education/student /m/030xr_ +/m/018ty9 /people/person/profession /m/0lgw7 +/m/041jlr /influence/influence_node/influenced_by /m/0hnlx +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/05dl1s /award/award_winning_work/awards_won./award/award_honor/award /m/0fdtd7 +/m/0309lm /film/actor/film./film/performance/film /m/05pxnmb +/m/04cbtrw /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/04jpl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jw67 /people/person/nationality /m/09c7w0 +/m/0mb5x /people/person/profession /m/05z96 +/m/0k__z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/09s1f +/m/01vv7sc /people/person/profession /m/09jwl +/m/0brkwj /people/person/gender /m/05zppz +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02tkzn +/m/01trhmt /people/person/nationality /m/09c7w0 +/m/0c0k1 /people/person/languages /m/02h40lc +/m/026f5s /tv/tv_network/programs./tv/tv_network_duration/program /m/02rhwjr +/m/05sxr_ /film/film/story_by /m/02mpb +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/04qw17 +/m/015rkw /film/actor/film./film/performance/film /m/03177r +/m/01gf5h /people/person/profession /m/016z4k +/m/076xkdz /film/film/dubbing_performances./film/dubbing_performance/actor /m/0cpjgj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01ppq +/m/02_l96 /people/person/profession /m/0dxtg +/m/0170k0 /tv/tv_program/genre /m/03k9fj +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0157g9 /location/location/time_zones /m/042g7t +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4bc +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/04d5v9 +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/03j3pg9 /people/person/profession /m/02dsz +/m/016sp_ /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02lnbg /music/genre/artists /m/01vzxld +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/013knm /people/person/gender /m/02zsn +/m/0djywgn /people/person/nationality /m/07ssc +/m/04wddl /film/film/genre /m/02l7c8 +/m/01k47c /people/deceased_person/place_of_death /m/04jpl +/m/0jt86 /award/award_nominee/award_nominations./award/award_nomination/award /m/045xh +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/02z9rr /film/film/production_companies /m/05nn2c +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0dcfv +/m/05183k /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/01ps2h8 /film/actor/film./film/performance/film /m/05jf85 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0jvt9 +/m/033jj1 /people/person/profession /m/018gz8 +/m/0b_j2 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/03q5db /film/film/production_companies /m/0c41qv +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/01gssm /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/0512p /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01vs5c +/m/02_0d2 /film/actor/film./film/performance/film /m/047vp1n +/m/02pp_q_ /people/person/nationality /m/09c7w0 +/m/06bss /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/0dfjb8 /people/person/languages /m/09s02 +/m/02ctzb /people/ethnicity/people /m/025ldg +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02kxbwx +/m/0h95927 /film/film/executive_produced_by /m/05hj_k +/m/0vjr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/0gjk1d /film/film/executive_produced_by /m/02q42j_ +/m/07cjqy /people/person/place_of_birth /m/0rd5k +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/027qgy +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/017dbx +/m/01vzxld /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0fzyg /film/film_subject/films /m/02rn00y +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0b90_r +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/09h4b5 /people/person/profession /m/09jwl +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01f9mq +/m/01738f /music/genre/artists /m/01jcxwp +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09pj68 +/m/0147dk /film/actor/film./film/performance/film /m/0661m4p +/m/01wbg84 /film/actor/film./film/performance/film /m/02tgz4 +/m/02ctzb /people/ethnicity/people /m/0gl88b +/m/0gk4g /people/cause_of_death/people /m/063_t +/m/05148p4 /music/instrument/instrumentalists /m/03h502k +/m/02lk60 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0266s9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01yhm /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02j04_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/09f2j +/m/0g02vk /medicine/disease/notable_people_with_this_condition /m/03h_fk5 +/m/02lnbg /music/genre/artists /m/047sxrj +/m/028qdb /music/group_member/membership./music/group_membership/role /m/05r5c +/m/06lht1 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/071x0k /people/ethnicity/geographic_distribution /m/03_3d +/m/02k9k9 /sports/sports_team/colors /m/01g5v +/m/046m59 /people/person/religion /m/0kpl +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0sx8l +/m/0bt23 /influence/influence_node/influenced_by /m/048cl +/m/05w3f /music/genre/artists /m/02rn_bj +/m/0dg3n1 /location/location/contains /m/01pxqx +/m/02rqxc /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/080_y +/m/03cp4cn /film/film/produced_by /m/02lf0c +/m/04lg6 /people/person/gender /m/05zppz +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01gl9g +/m/0n85g /music/record_label/artist /m/01797x +/m/0fz3b1 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/071nw5 /film/film/genre /m/02l7c8 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/01nn7r /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/045nc5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cz9_ +/m/026dg51 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66t +/m/013t9y /people/person/profession /m/0dxtg +/m/0bzjvm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pqgt8 +/m/012b30 /music/record_label/artist /m/04l19_ +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/06rvn +/m/06c44 /people/person/profession /m/0kyk +/m/01fbr2 /music/genre/artists /m/053yx +/m/02l101 /film/actor/film./film/performance/film /m/02ptczs +/m/02xtxw /award/award_winning_work/awards_won./award/award_honor/award /m/05zr6wv +/m/0789r6 /award/award_category/winners./award/award_honor/award_winner /m/09qc1 +/m/026xxv_ /sports/sports_team/sport /m/039yzs +/m/0l2v0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0378zn /people/person/profession /m/0np9r +/m/07kdkfj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0vbk /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/016clz /music/genre/artists /m/016s0m +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018417 +/m/01g4bk /people/person/gender /m/05zppz +/m/0qdyf /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0ymcz /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/035gt8 /education/educational_institution/school_type /m/04qbv +/m/05r79 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/017323 /music/genre/parent_genre /m/017510 +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/015qt5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0hx4y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059rby +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03hvk2 +/m/01963w /award/award_nominee/award_nominations./award/award_nomination/award /m/05x2s +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01jmv8 /film/actor/film./film/performance/film /m/03m8y5 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxbw +/m/03rk0 /location/location/contains /m/0fkbh +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/03gh4 /location/location/contains /m/0jbs5 +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ky2h +/m/078mm1 /film/film/country /m/03rjj +/m/01vt5c_ /people/person/profession /m/0dz3r +/m/02q6gfp /film/film/genre /m/07s9rl0 +/m/015ynm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07l50vn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05pbsry /tv/tv_program/country_of_origin /m/09c7w0 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0c0sl /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0n8_m93 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmgwnv +/m/07wrz /education/educational_institution/colors /m/04mkbj +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0m77m /people/person/profession /m/0cbd2 +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02mplj +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/01vrlr4 /award/award_winner/awards_won./award/award_honor/award_winner /m/0bvzp +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016jny /music/genre/artists /m/06x4l_ +/m/0dzkq /people/person/nationality /m/0f8l9c +/m/02ywhz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02mxbd +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/027r9t +/m/07b1gq /award/award_winning_work/awards_won./award/award_honor/honored_for /m/07sgdw +/m/0zgfm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01qb5d /film/film/film_format /m/07fb8_ +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/07vyf /education/educational_institution/school_type /m/07tf8 +/m/080dwhx /award/award_winning_work/awards_won./award/award_honor/award_winner /m/026v437 +/m/0j0k /location/location/contains /m/01nmgc +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01633c /film/film/language /m/02h40lc +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/02q690_ +/m/01hb6v /people/person/profession /m/0d8qb +/m/010v8k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bch9 /people/ethnicity/people /m/04wqr +/m/025y9fn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03nt59 +/m/01cwkq /film/actor/film./film/performance/film /m/03mh94 +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/015jr +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04mlmx /people/person/nationality /m/09c7w0 +/m/07q1m /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ksz9 /music/record_label/artist /m/07rnh +/m/01lyv /music/genre/artists /m/05cljf +/m/020jqv /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/026_dq6 /people/person/profession /m/03gkb0 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01nnsv +/m/04yywz /film/actor/film./film/performance/film /m/08984j +/m/026670 /film/actor/film./film/performance/film /m/011wtv +/m/0jdx /dataworld/gardening_hint/split_to /m/0jdx +/m/03cl8lb /people/person/nationality /m/09c7w0 +/m/01qvz8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0fby2t /people/person/profession /m/02hrh1q +/m/0p76z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03pc89 /award/award_winning_work/awards_won./award/award_honor/award /m/02rdxsh +/m/01n8_g /people/person/religion /m/03j6c +/m/02q5g1z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0b6tzs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/032l1 /people/person/nationality /m/06bnz +/m/0cf2h /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/06wpc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/047dpm0 +/m/0k7tq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/02h7s73 +/m/013vdl /film/actor/film./film/performance/film /m/0crfwmx +/m/02js_6 /film/actor/film./film/performance/film /m/031t2d +/m/07w0v /education/educational_institution/school_type /m/05jxkf +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02x2jl_ +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0c5x_ +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/07s8qm7 /sports/sports_team/colors /m/06fvc +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/088vb /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03qjg /music/instrument/instrumentalists /m/01bpc9 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/04rcr +/m/02ny6g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0n2z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01cjhz /tv/tv_program/languages /m/02h40lc +/m/02hdky /award/award_category/winners./award/award_honor/award_winner /m/07q1v4 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/0495ys +/m/016tb7 /people/person/gender /m/02zsn +/m/0bjv6 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03k48_ /people/person/profession /m/014ktf +/m/02g7sp /people/ethnicity/people /m/03j2gxx +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/075p0r /people/person/profession /m/02hrh1q +/m/0dlhg /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kf3_9 /film/film/genre /m/06n90 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/04cl1 /people/person/profession /m/0np9r +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01j5ql +/m/04bs3j /influence/influence_node/influenced_by /m/0p_47 +/m/03f7nt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/024pcx +/m/06cgy /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0h2zvzr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0f11p /education/educational_institution/students_graduates./education/education/student /m/03f5vvx +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/01c59k /people/person/profession /m/02jknp +/m/022p06 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0k9ctht +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01ffx4 +/m/0355pl /sports/sports_league/teams./sports/sports_league_participation/team /m/01j95f +/m/01ps2h8 /people/person/languages /m/02bjrlw +/m/01w923 /people/person/nationality /m/07ssc +/m/02k_kn /music/genre/artists /m/07r4c +/m/0kv9d3 /film/film/genre /m/082gq +/m/01vng3b /people/person/profession /m/09jwl +/m/06hwzy /tv/tv_program/genre /m/09lmb +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/05bnq8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05k7sb +/m/02ryx0 /music/artist/track_contributions./music/track_contribution/role /m/0395lw +/m/017khj /film/actor/film./film/performance/film /m/012gk9 +/m/01jbx1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05r4w +/m/0kbws /olympics/olympic_games/participating_countries /m/06m_5 +/m/01j5ts /film/actor/film./film/performance/film /m/09lcsj +/m/025sc50 /music/genre/artists /m/03f1d47 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0dq9wx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kz_ /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/052h3 /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/059wk /organization/organization/headquarters./location/mailing_address/citytown /m/09d4_ +/m/015fr /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0137n0 /people/person/profession /m/01d_h8 +/m/02r_pp /film/film/genre /m/05p553 +/m/06tp4h /film/actor/film./film/performance/film /m/0fvr1 +/m/015gm8 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqy2 +/m/02p8q1 /sports/sports_team/colors /m/01g5v +/m/08hsww /people/person/profession /m/02krf9 +/m/0dbc1s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06yrj6 +/m/02y21l /music/record_label/artist /m/013rfk +/m/01gsrl /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01gsvb +/m/02qm5j /music/genre/artists /m/03f0fnk +/m/027j9wd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/070tng +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfl4 +/m/0lyjf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/07c52 +/m/0lg0r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01w4c9 +/m/03_x5t /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/02xj3rw /award/award_category/nominees./award/award_nomination/nominated_for /m/0bpbhm +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0f87jy /people/person/profession /m/0dxtg +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p1v +/m/03y5ky /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cymln /people/person/nationality /m/09c7w0 +/m/0s3pw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0s3y5 +/m/05hjnw /film/film/genre /m/0d63kt +/m/0123qq /tv/tv_program/genre /m/03npn +/m/021q23 /sports/sports_league/teams./sports/sports_league_participation/team /m/024nj1 +/m/06w58f /people/person/profession /m/01d_h8 +/m/02p8v8 /people/person/profession /m/016m9h +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/0l38x /location/location/contains /m/0r8c8 +/m/011hdn /film/actor/film./film/performance/film /m/09g7vfw +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/0n4z2 /location/location/time_zones /m/02hczc +/m/01k56k /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/031ns1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/050023 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0gj50 +/m/093h7p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07bx6 +/m/03pp73 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gmcwlb /film/film/genre /m/02l7c8 +/m/073w14 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04fv5b /film/film/genre /m/03npn +/m/01gy7r /film/actor/film./film/performance/film /m/08mg_b +/m/0151xv /people/person/profession /m/02hrh1q +/m/07hgkd /people/person/profession /m/01c72t +/m/0jqj5 /film/film/country /m/09c7w0 +/m/03lpd0 /people/person/place_of_birth /m/02_286 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d0vqn +/m/09jcj6 /film/film/genre /m/01hmnh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/012gx2 +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pb33 +/m/012zng /people/person/profession /m/0nbcg +/m/01skxk /music/genre/artists /m/0p8h0 +/m/041rx /people/ethnicity/people /m/03bw6 +/m/03fg0r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pcmd +/m/0739z6 /people/person/religion /m/03_gx +/m/0hfzr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gtv7pk /film/film/featured_film_locations /m/02_286 +/m/0gwgn1k /film/film/produced_by /m/06rq2l +/m/01lwx /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0bcp9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/018vs /music/instrument/instrumentalists /m/01gf5h +/m/05qhnq /music/artist/track_contributions./music/track_contribution/role /m/07brj +/m/011yn5 /film/film/genre /m/0clz1b +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/02nwxc +/m/04rwx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/048tv9 /film/film/genre /m/04pbhw +/m/02f2dn /film/actor/film./film/performance/film /m/04hk0w +/m/0m8_v /people/person/profession /m/02hrh1q +/m/07ssc /location/location/contains /m/04p3c +/m/02d6ph /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0mbw0 /people/person/place_of_birth /m/0d6lp +/m/0jnwx /film/film/language /m/02h40lc +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0c53vt +/m/04y652m /broadcast/content/artist /m/01vtqml +/m/0276g40 /people/person/religion /m/03j6c +/m/0217m9 /education/educational_institution/students_graduates./education/education/student /m/013w7j +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/03rjj /location/location/contains /m/079yb +/m/0myk8 /music/performance_role/track_performances./music/track_contribution/role /m/05842k +/m/02mpyh /film/film/genre /m/02n4kr +/m/03bw6 /people/person/place_of_birth /m/02_286 +/m/09nwwf /music/genre/artists /m/01gx5f +/m/01xbxn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0_7w6 +/m/0nlh7 /location/location/time_zones /m/02hczc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/035s95 /film/film/music /m/02jxkw +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0rh6k +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0pspl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0dgrwqr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/046qq /film/actor/film./film/performance/film /m/025ts_z +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmgwnv +/m/05th8t /film/actor/film./film/performance/film /m/0dqcs3 +/m/012x03 /music/artist/origin /m/02dtg +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05d8vw /people/person/gender /m/02zsn +/m/02w64f /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03tck1 +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/025mb_ +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/01h320 /people/person/places_lived./people/place_lived/location /m/05tbn +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/093dqjy /film/film/language /m/02h40lc +/m/02bc74 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/031hcx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01jnc_ /film/film/genre /m/04228s +/m/0ddkf /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/027nb /location/location/time_zones /m/042g7t +/m/02z9rr /film/film/music /m/07q1v4 +/m/0ckt6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/042y1c +/m/0k269 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/022g44 /film/actor/film./film/performance/film /m/0bl3nn +/m/0d_skg /people/person/profession /m/0d8qb +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01vvzb1 /people/person/profession /m/02hrh1q +/m/04j4tx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0x67 /people/ethnicity/people /m/063g7l +/m/016zgj /music/genre/artists /m/01cblr +/m/026z9 /music/genre/artists /m/03y82t6 +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01bgqh /award/award_category/winners./award/award_honor/award_winner /m/01x15dc +/m/0dzkq /influence/influence_node/influenced_by /m/02ln1 +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bxtyq /people/person/profession /m/01c8w0 +/m/02pp_q_ /people/person/profession /m/03gjzk +/m/03fqv5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/01v8c /location/administrative_division/country /m/0345h +/m/04vq3h /film/actor/film./film/performance/film /m/0g9yrw +/m/01jmyj /film/film/featured_film_locations /m/0rh6k +/m/01ckhj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02l0sf /people/person/profession /m/02hrh1q +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/02dth1 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/0g3zrd /film/film/production_companies /m/054lpb6 +/m/030hbp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04bcb1 +/m/0ks67 /education/educational_institution/school_type /m/07tf8 +/m/04jpl /location/location/contains /m/0nbfm +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/041wm /people/person/nationality /m/03rjj +/m/048htn /film/film/genre /m/07s9rl0 +/m/02dlfh /people/person/profession /m/018gz8 +/m/0171cm /film/actor/film./film/performance/film /m/02fqrf +/m/02q3fdr /film/film/produced_by /m/030_3z +/m/01w9mnm /people/person/profession /m/0fnpj +/m/03s9b /people/person/profession /m/02jknp +/m/02633g /influence/influence_node/influenced_by /m/01hmk9 +/m/01jfnvd /music/group_member/membership./music/group_membership/role /m/03qjg +/m/01gc7h /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z4j2 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02t4yc +/m/0226cw /people/person/places_lived./people/place_lived/location /m/01vsl +/m/025ldg /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/01b7h8 +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/01f85k /film/film/language /m/012w70 +/m/03j2ts /award/award_category/disciplines_or_subjects /m/0dc_v +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0_wm_ /location/hud_county_place/place /m/0_wm_ +/m/01ttg5 /music/group_member/membership./music/group_membership/group /m/06mj4 +/m/0fz27v /award/award_nominee/award_nominations./award/award_nomination/award /m/0h53c_5 +/m/07m69t /people/person/nationality /m/0j5g9 +/m/0d7wh /people/ethnicity/languages_spoken /m/0h407 +/m/0fhxv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/04y0hj /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/0bl2g /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/0f502 /film/actor/film./film/performance/film /m/011ysn +/m/06by7 /music/genre/artists /m/03fbc +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05zjx +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/061dn_ +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/05wjnt /people/person/place_of_birth /m/05ksh +/m/033hn8 /music/record_label/artist /m/013v5j +/m/09gdm7q /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/0419kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0pc62 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02f8zw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c00zd0 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06ncr /music/instrument/instrumentalists /m/01wmjkb +/m/015wnl /film/actor/film./film/performance/film /m/0symg +/m/026n9h3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02_1kl +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03n08b /film/actor/film./film/performance/film /m/03b_fm5 +/m/02cqbx /people/person/nationality /m/09c7w0 +/m/0fdv3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l_yg /film/actor/film./film/performance/film /m/03kxj2 +/m/066yfh /people/person/profession /m/015h31 +/m/0gfsq9 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0bxxzb /film/film/produced_by /m/07f8wg +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/014gf8 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/05sxzwc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0lgsq /music/artist/track_contributions./music/track_contribution/role /m/01qzyz +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06_sc3 +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/03772 +/m/045c7b /organization/organization/headquarters./location/mailing_address/citytown /m/0r6c4 +/m/0863x_ /people/person/profession /m/02hrh1q +/m/0c921 /people/deceased_person/place_of_burial /m/018mm4 +/m/039bpc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0c4ys /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jx1 /location/location/contains /m/02gw_w +/m/011xy1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02fsn /music/instrument/family /m/0l14_3 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05g_nr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/037njl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g72r /influence/influence_node/influenced_by /m/032l1 +/m/029k4p /film/film/music /m/089kpp +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/0cwy47 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/02pg45 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02wszf /sports/sports_position/players./sports/sports_team_roster/team /m/04c9bn +/m/01_3rn /base/culturalevent/event/entity_involved /m/02c4s +/m/04rzd /music/instrument/instrumentalists /m/09prnq +/m/0x3n /people/person/religion /m/0c8wxp +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/054lpb6 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02vnmc9 +/m/03_3d /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/01dwyd /sports/sports_team/colors /m/019sc +/m/027ct7c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7tx +/m/0bmc4cm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01r3y2 /education/university/fraternities_and_sororities /m/035tlh +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/049mr /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/064_8sq +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01p1v +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0b90_r +/m/0163r3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/016ntp /people/person/profession /m/0nbcg +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0bx8pn +/m/03_1pg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01rzqj +/m/0m63c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04ls81 /sports/sports_team/sport /m/0jm_ +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/035kl6 /people/person/profession /m/02krf9 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/04wg38 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06wpc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/07hwkr /people/ethnicity/people /m/039bp +/m/02j62 /education/field_of_study/students_majoring./education/education/major_field_of_study /m/062z7 +/m/014488 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01p4vl +/m/017xm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/037q2p +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/0488g /location/location/time_zones /m/02hczc +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/0d0x8 +/m/091z_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/01qzt1 /media_common/netflix_genre/titles /m/05q7874 +/m/02zkdz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j4ls /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/02cbhg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01j7rd /people/person/gender /m/05zppz +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/019pcs +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02r5dz +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/083chw +/m/04cf09 /people/person/nationality /m/09c7w0 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/035qy /location/country/official_language /m/0349s +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/02jp5r +/m/06j6l /music/genre/artists /m/017b2p +/m/059kh /music/genre/artists /m/014pg1 +/m/09gq0x5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/027gy0k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/07cw4 /film/film/featured_film_locations /m/02_286 +/m/0294fd /people/person/profession /m/02hrh1q +/m/03y_46 /people/person/profession /m/015cjr +/m/01twdk /people/person/profession /m/01d_h8 +/m/02607j /education/educational_institution/students_graduates./education/education/student /m/02xnjd +/m/04sh80 /film/film/language /m/02h40lc +/m/016ks5 /film/film/genre /m/02xh1 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/072hx4 +/m/049mql /film/film/genre /m/02l7c8 +/m/02c9dj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c3z0 +/m/021yzs /film/actor/film./film/performance/film /m/0dnkmq +/m/0bz3jx /film/film/production_companies /m/02slt7 +/m/0cgzj /people/person/profession /m/02hrh1q +/m/01pj3h /people/person/profession /m/099md +/m/01htxr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/012x4t +/m/024mpp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0164v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/03mv0b /people/person/profession /m/018gz8 +/m/0dmtp /organization/organization/place_founded /m/0d6lp +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/01lk31 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06cp5 /music/genre/artists /m/01d_h +/m/02p3cr5 /music/record_label/artist /m/04b7xr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6x +/m/0bq2g /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07tj4c +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/01t265 /people/person/nationality /m/09c7w0 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/04mkft /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vyyl8 +/m/02184q /people/person/profession /m/02jknp +/m/0kv2r /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/031sg0 /people/person/nationality /m/09c7w0 +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/039x1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/0ksrf8 /people/person/profession /m/02hrh1q +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jt2w +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/02k856 /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/04gxf /location/hud_county_place/place /m/04gxf +/m/03lv4x /film/film/genre /m/01fc50 +/m/0b6mgp_ /people/person/gender /m/05zppz +/m/01cz7r /film/film/genre /m/06cvj +/m/06j6l /music/genre/artists /m/024dgj +/m/025v3k /education/educational_institution/students_graduates./education/education/student /m/06qgjh +/m/01cbwl /music/genre/artists /m/02r3cn +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/037mh8 +/m/04bgy /film/actor/film./film/performance/film /m/04jpk2 +/m/06bc59 /film/film/genre /m/03npn +/m/0436f4 /film/actor/film./film/performance/film /m/0170_p +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0yjf0 /education/educational_institution/students_graduates./education/education/student /m/0kvqv +/m/01w9k25 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/07w21 /influence/influence_node/influenced_by /m/05qzv +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03q_w5 /music/artist/origin /m/0cb4j +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/01vw8k +/m/03k545 /film/actor/film./film/performance/film /m/0bz3jx +/m/08k40m /film/film/country /m/0f8l9c +/m/07_fj54 /film/film/featured_film_locations /m/0h3lt +/m/0gm2_0 /film/film/language /m/02h40lc +/m/04mx__ /people/person/profession /m/01d_h8 +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/059kh /music/genre/artists /m/04mx7s +/m/01ckbq /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02x6dqb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/039g82 +/m/03_d0 /music/genre/artists /m/03193l +/m/0x67 /people/ethnicity/people /m/0pyg6 +/m/0436kgz /film/actor/film./film/performance/film /m/02d413 +/m/03h502k /music/artist/track_contributions./music/track_contribution/role /m/0l14j_ +/m/0xmlp /location/location/time_zones /m/02hcv8 +/m/02t1cp /film/actor/film./film/performance/film /m/028_yv +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/03nsm5x +/m/032q8q /people/person/profession /m/02hrh1q +/m/019389 /people/person/profession /m/0dz3r +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qtywd +/m/0bvfqq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h1p +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/02tfl8 /medicine/symptom/symptom_of /m/0h1n9 +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01vl17 /people/person/profession /m/0n1h +/m/07vk2 /education/educational_institution/students_graduates./education/education/student /m/06lgq8 +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h5g_ +/m/01chpn /film/film/genre /m/0lsxr +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02jxrw +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/06mr6 +/m/03b1l8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g22z /film/film/genre /m/0lsxr +/m/027gy0k /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/0d060g /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01_1pv +/m/01h8f /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/023zsh /people/person/gender /m/05zppz +/m/03yf4d /people/person/nationality /m/09c7w0 +/m/0161sp /people/person/profession /m/0n1h +/m/01tzm9 /people/person/profession /m/03gjzk +/m/02pjvc /people/person/place_of_birth /m/0r5wt +/m/041c4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/02w6s3 /music/genre/parent_genre /m/03mb9 +/m/019fnv /people/person/places_lived./people/place_lived/location /m/052p7 +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01zfzb /film/film/cinematography /m/027t8fw +/m/029k4p /film/film/featured_film_locations /m/0b90_r +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/018n6m +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/03d63lb +/m/01twdk /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0h0jz /film/actor/film./film/performance/film /m/09fqgj +/m/0fv6dr /people/person/gender /m/05zppz +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/060v34 +/m/065r8g /education/educational_institution/students_graduates./education/education/student /m/03k48_ +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01cw7s /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0bt4g /film/film/genre /m/09kqc +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02qkt /location/location/contains /m/047yc +/m/0f_nbyh /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0zz6w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/095sx6 /tv/tv_program/country_of_origin /m/05v8c +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02ptczs +/m/0bdlj /people/deceased_person/place_of_burial /m/01f38z +/m/03n93 /people/person/profession /m/025sppp +/m/01psyx /people/cause_of_death/people /m/01w724 +/m/091z_p /film/film/production_companies /m/024rgt +/m/01vsn38 /people/person/nationality /m/09c7w0 +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/02d9k +/m/01y8cr /film/actor/film./film/performance/film /m/0bmhn +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/072hx4 +/m/056zf9 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02sdk9v +/m/016zwt /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0cyhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0czp_ +/m/0bxtg /film/actor/film./film/performance/film /m/014zwb +/m/02f2p7 /people/person/profession /m/02hrh1q +/m/0f6_x /people/person/places_lived./people/place_lived/location /m/059rby +/m/01_1hw /film/film/featured_film_locations /m/0cc56 +/m/0bwhdbl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02ny6g /film/film/language /m/02h40lc +/m/018grr /people/person/profession /m/0dxtg +/m/0blpg /film/film/language /m/02h40lc +/m/0267wwv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/031ldd +/m/02lj6p /people/person/places_lived./people/place_lived/location /m/0n1rj +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/07c52 /film/film_subject/films /m/04j13sx +/m/01f7j9 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262s1 +/m/041p3y /music/record_label/artist /m/07c0j +/m/04qw17 /film/film/language /m/02h40lc +/m/0dll_t2 /film/film/language /m/02h40lc +/m/024hh1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w4v /music/genre/artists /m/01qkqwg +/m/01z7s_ /people/person/profession /m/0np9r +/m/012vct /people/person/profession /m/0dgd_ +/m/01nczg /base/eating/practicer_of_diet/diet /m/07_jd +/m/02r0st6 /people/person/gender /m/05zppz +/m/05jx2d /sports/sports_team/colors /m/01g5v +/m/03xb2w /film/actor/film./film/performance/film /m/02f6g5 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/091rc5 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/0209xj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d060g /location/location/contains /m/01hhyb +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02gf_l /film/actor/film./film/performance/film /m/0cn_b8 +/m/01s7w3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01cf93 /music/record_label/artist /m/0bk1p +/m/09c7w0 /location/location/contains /m/0xl08 +/m/03bx_5q /people/person/profession /m/0dxtg +/m/02jx1 /location/location/contains /m/01z2ts +/m/0294fd /film/actor/film./film/performance/film /m/02mmwk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02_286 +/m/0tct_ /location/hud_county_place/place /m/0tct_ +/m/0chnf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165v +/m/01vsksr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/062dn7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/03clrng /people/person/gender /m/02zsn +/m/0fjyzt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hwhyv /language/human_language/countries_spoken_in /m/03_3d +/m/03zz8b /people/person/profession /m/02hrh1q +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02jfc +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0gd5z +/m/01c1px /people/person/gender /m/05zppz +/m/05pbl56 /film/film/cinematography /m/02vx4c2 +/m/025569 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03bnv /base/eating/practicer_of_diet/diet /m/07_jd +/m/0dvqq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hkf +/m/027bs_2 /people/person/profession /m/02hrh1q +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/044_7j +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/02w4v /music/genre/artists /m/01vwbts +/m/04d2yp /film/actor/film./film/performance/film /m/01hqhm +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0n0bp +/m/06whf /influence/influence_node/influenced_by /m/03_dj +/m/0443v1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h7h6 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/04qk12 /film/film/film_format /m/07fb8_ +/m/04v7kt /film/actor/film./film/performance/film /m/0b6l1st +/m/01pcvn /people/person/place_of_birth /m/02gw_w +/m/01719t /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015_1q /music/record_label/artist /m/01vx5w7 +/m/07yk1xz /film/film/language /m/02h40lc +/m/01x2tm8 /people/person/profession /m/025352 +/m/081nh /people/person/profession /m/01d_h8 +/m/01wbsdz /film/actor/film./film/performance/film /m/08c6k9 +/m/012bk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k525 /film/actor/film./film/performance/film /m/06x43v +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/05r9t /music/genre/artists /m/03zrp +/m/0l76z /tv/tv_program/genre /m/06cvj +/m/0gj9qxr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/019lwb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01sbv9 /film/film/genre /m/03k9fj +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/07y_r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01900g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xjp /people/person/gender /m/05zppz +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0g9lm2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/05krk +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/05gnf /award/award_winner/awards_won./award/award_honor/award_winner /m/030_1_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/02pjc1h +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/03_gz8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/015d3h /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01q2nx /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/06lvlf /people/person/profession /m/01d_h8 +/m/0221g_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/03x3qv /people/person/nationality /m/09c7w0 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jgd +/m/01z4y /media_common/netflix_genre/titles /m/0ddcbd5 +/m/035rnz /people/person/gender /m/05zppz +/m/0yls9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/013pk3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/01vrkdt /people/person/profession /m/01c72t +/m/02qkt /location/location/contains /m/03ryn +/m/0353xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/07swvb /film/actor/film./film/performance/film /m/09bw4_ +/m/06by7 /music/genre/artists /m/015srx +/m/0gl3hr /film/film/featured_film_locations /m/02_286 +/m/0lbfv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h2d4 /film/actor/film./film/performance/film /m/07jqjx +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/0829rj /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/06kl78 /film/film/music /m/01tc9r +/m/069ld1 /people/person/profession /m/02hrh1q +/m/09fb5 /people/person/profession /m/02jknp +/m/0154qm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/023znp +/m/01n1gc /film/actor/film./film/performance/film /m/03rtz1 +/m/01h2_6 /influence/influence_node/influenced_by /m/02wh0 +/m/03cd1q /people/person/gender /m/05zppz +/m/01x1fq /people/person/profession /m/0nbcg +/m/05ty4m /influence/influence_node/influenced_by /m/081lh +/m/015grj /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01pl14 /education/educational_institution/students_graduates./education/education/student /m/01l9v7n +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ggbhy7 +/m/06lht1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05t54s /film/film/language /m/064_8sq +/m/08nvyr /film/film/language /m/03_9r +/m/0glt670 /music/genre/artists /m/03f0qd7 +/m/0bc71w /people/deceased_person/place_of_death /m/0cc56 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01g23m +/m/07bch9 /people/ethnicity/people /m/081t6 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/04bfg +/m/02z6fs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/05pdd86 /film/film/genre /m/06n90 +/m/05fkf /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/05gc0h /people/person/profession /m/01d_h8 +/m/0jdx /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0c3p7 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/024_ql /sports/sports_team/colors /m/01g5v +/m/02fn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0lbfv +/m/01q8wk7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04sv4 /business/business_operation/industry /m/07c1v +/m/047g6 /people/person/religion /m/0kq2 +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01sg7_ /people/person/gender /m/05zppz +/m/06ms6 /education/field_of_study/students_majoring./education/education/student /m/0d608 +/m/0350l7 /people/person/languages /m/04306rv +/m/01_vfy /people/person/profession /m/03gjzk +/m/0391jz /film/actor/film./film/performance/film /m/04yc76 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04t36 /media_common/netflix_genre/titles /m/01xlqd +/m/0277jc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/024qqx /media_common/netflix_genre/titles /m/06sfk6 +/m/016clz /music/genre/artists /m/0892sx +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/02lj6p /influence/influence_node/influenced_by /m/014zfs +/m/07cjqy /people/person/places_lived./people/place_lived/location /m/0rd5k +/m/0sxmx /award/award_winning_work/awards_won./award/award_honor/award /m/02pqp12 +/m/05ch98 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07l4zhn /film/film/genre /m/0vgkd +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01srq2 +/m/0mwzv /location/location/time_zones /m/02hcv8 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0cjdk +/m/0bkmf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rrx /location/location/contains /m/0nj7b +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/04b675 /music/genre/artists /m/01nqfh_ +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/0jmm4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02y0yt /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01jgpsh /people/person/religion /m/0c8wxp +/m/03t95n /film/film/genre /m/02l7c8 +/m/05hjmd /organization/organization_founder/organizations_founded /m/09xwz +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0sxfd +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0glt670 /music/genre/artists /m/0phx4 +/m/0738b8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03q3sy +/m/078jt5 /people/person/profession /m/03gjzk +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/05p9_ql +/m/0dgpwnk /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gy2y8r /film/film/genre /m/02l7c8 +/m/037gjc /base/popstra/celebrity/dated./base/popstra/dated/participant /m/017m2y +/m/034m8 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ck0_ +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01hkck +/m/0509bl /film/actor/film./film/performance/film /m/0dgst_d +/m/01vsykc /people/person/profession /m/09jwl +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/01n78x +/m/06k176 /tv/tv_program/languages /m/02h40lc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/027pfg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/04fhps /government/legislative_session/members./government/government_position_held/legislative_sessions /m/04lgybj +/m/0456zg /film/film/language /m/02h40lc +/m/011w20 /people/deceased_person/place_of_death /m/0cc56 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/031zm1 +/m/043c4j /people/person/profession /m/09lbv +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0h5k /education/field_of_study/students_majoring./education/education/student /m/0c3p7 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04tr1 +/m/05hj_k /people/person/employment_history./business/employment_tenure/company /m/032j_n +/m/04fkg4 /people/person/gender /m/05zppz +/m/0g5lhl7 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02pvqmz +/m/039bp /film/actor/film./film/performance/film /m/01q7h2 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/03lvwp +/m/01gqg3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0285m87 +/m/02rjv2w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03c5bz +/m/09b0xs /people/person/profession /m/01c72t +/m/021npv /film/actor/film./film/performance/film /m/01718w +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/063472 /people/deceased_person/place_of_death /m/0k049 +/m/0407f /people/person/profession /m/029bkp +/m/011k11 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0hkf +/m/03s6l2 /film/film/genre /m/05p553 +/m/0222qb /people/ethnicity/people /m/02sjp +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043tvp3 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vd6 +/m/021mlp /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0bxqq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013w7j /people/person/profession /m/03gjzk +/m/02s529 /people/person/gender /m/05zppz +/m/02vqsll /film/film/country /m/0f8l9c +/m/03gk2 /location/country/capital /m/0d34_ +/m/02qx69 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0257pw /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/06r2_ /film/film/genre /m/06n90 +/m/05r3qc /film/film/genre /m/01t_vv +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cr3d +/m/01p1v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0df92l /film/film/genre /m/04xvlr +/m/05yzt_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0h6r5 /film/film/genre /m/0lsxr +/m/02ktrs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01wmgrf +/m/016z9n /film/film/cinematography /m/06r_by +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/02_sr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ldd /people/person/profession /m/0dxtg +/m/01g2q /medicine/disease/notable_people_with_this_condition /m/01lc5 +/m/02q87z6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0879bpq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/05j49 +/m/04yywz /film/actor/film./film/performance/film /m/028_yv +/m/017gm7 /film/film/genre /m/06l3bl +/m/025scjj /film/film/language /m/02h40lc +/m/0gk4g /people/cause_of_death/people /m/033rq +/m/02l5rm /people/person/profession /m/02jknp +/m/034xyf /film/film/genre /m/02l7c8 +/m/01nrz4 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0blpg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04wp63 +/m/01tgwv /award/award_category/disciplines_or_subjects /m/05hgj +/m/0hn6d /sports/sports_team/colors /m/019sc +/m/07h0cl /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/03j0br4 /people/person/gender /m/02zsn +/m/098n5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/03m8y5 /film/film/genre /m/05p553 +/m/01_sz1 /music/genre/artists /m/016lmg +/m/087v17 /people/person/nationality /m/09c7w0 +/m/0q9zc /people/person/languages /m/02h40lc +/m/02c4s /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/071cn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/03d2k /people/person/profession /m/09jwl +/m/02mc5v /film/film/genre /m/0bbc17 +/m/01p7x7 /education/educational_institution/students_graduates./education/education/student /m/019r_1 +/m/01s7w3 /film/film/music /m/01ttg5 +/m/0ggbhy7 /film/film/country /m/0f8l9c +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/042v_gx +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047rkcm +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/01p79b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/07yvsn /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03dctt /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h7h6 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/0xhtw /music/genre/artists /m/01hw6wq +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02phtzk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01xyqk /music/record_label/artist /m/0dbb3 +/m/04y9mm8 /film/film/other_crew./film/film_crew_gig/crewmember /m/02xc1w4 +/m/016mhd /film/film/genre /m/05p553 +/m/0kftt /award/award_winner/awards_won./award/award_honor/award_winner /m/06lxn +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/035bcl +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01qvz8 /film/film/cinematography /m/02vx4c2 +/m/03ryn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/06t2t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/041n43 /music/record_label/artist /m/01vv7sc +/m/0yt73 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wbz9 /people/person/profession /m/0nbcg +/m/023p29 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/0306ds +/m/07wrz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/02ld6x /people/person/gender /m/05zppz +/m/01c7p_ /people/person/nationality /m/09c7w0 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/049w1q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/016xh5 /people/person/profession /m/02hrh1q +/m/0jmfb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/06whf /influence/influence_node/influenced_by /m/042q3 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04mhxx +/m/03f2_rc /film/actor/film./film/performance/film /m/03tps5 +/m/07ssc /media_common/netflix_genre/titles /m/09bw4_ +/m/02lk60 /film/film/music /m/04pf4r +/m/0358x_ /award/award_winning_work/awards_won./award/award_honor/award /m/02pzz3p +/m/01c9f2 /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0g768 /music/record_label/artist /m/018gkb +/m/02yygk /people/person/profession /m/03gjzk +/m/01y9xg /film/actor/film./film/performance/film /m/01svry +/m/0f40w /film/film/country /m/06mkj +/m/02645b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/01rw116 /people/person/nationality /m/09c7w0 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vg +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/02bm1v /business/business_operation/industry /m/020mfr +/m/0xhtw /music/genre/artists /m/01vtqml +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01cgz /film/film_subject/films /m/0j80w +/m/05mv4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/02mf7 /location/location/contains /m/01n6r0 +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06w2yp9 +/m/01nd6v /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/07cyl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0177sq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/020jqv /people/person/profession /m/0np9r +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0g39h +/m/01n7q /location/location/contains /m/071vr +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/032016 +/m/0bzjgq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l15n +/m/0mbw0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0436kgz /film/actor/film./film/performance/film /m/02jxrw +/m/0gmgwnv /film/film/genre /m/082gq +/m/03h2p5 /people/person/gender /m/05zppz +/m/02bfmn /film/actor/film./film/performance/film /m/076xkps +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02g3gw /award/award_category/nominees./award/award_nomination/nominated_for /m/04nlb94 +/m/01l1hr /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/03x400 +/m/0dl6fv /film/film/featured_film_locations /m/04jpl +/m/09889g /people/person/places_lived./people/place_lived/location /m/01n7q +/m/02r9p0c /film/film/genre /m/01jfsb +/m/03kdl /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0mg1w /education/field_of_study/students_majoring./education/education/student /m/0btpx +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/03x83_ +/m/02ztjwg /language/human_language/countries_spoken_in /m/06c1y +/m/01bv8b /tv/tv_program/genre /m/0c4xc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03cw411 +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05xd_v /people/person/place_of_birth /m/030qb3t +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01d4cb /people/person/gender /m/05zppz +/m/0hwpz /film/film/language /m/0jzc +/m/0c_j5d /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/026vcc +/m/0b90_r /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/03hmt9b /film/film/genre /m/01jfsb +/m/0htww /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/026wlnm /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/06f_qn /people/person/nationality /m/09c7w0 +/m/01gvpz /film/film/featured_film_locations /m/02_286 +/m/01bh6y /people/person/places_lived./people/place_lived/location /m/04jpl +/m/01jwxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0gg5kmg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/02wkmx /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0f6_x /film/actor/film./film/performance/film /m/087pfc +/m/0169dl /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/048wrb /people/person/nationality /m/02jx1 +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/027kwc +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02wtp6 /film/film/country /m/07ssc +/m/09vc4s /people/ethnicity/people /m/0315q3 +/m/01k47c /people/person/profession /m/0fnpj +/m/01l79yc /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/0520r2x /people/person/nationality /m/0d060g +/m/02tq2r /people/person/gender /m/05zppz +/m/03y5ky /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v1s +/m/03gfvsz /broadcast/content/artist /m/0134pk +/m/032_jg /film/actor/film./film/performance/film /m/09xbpt +/m/02x8m /music/genre/artists /m/011z3g +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/046qpy /business/business_operation/industry /m/020mfr +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/0x67 /people/ethnicity/people /m/01vx5w7 +/m/0j7ng /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01693z /people/person/profession /m/0nbcg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/058z2d +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/026m3y +/m/06mkj /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/03s9kp /film/film/other_crew./film/film_crew_gig/crewmember /m/051z6rz +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016clz /music/genre/artists /m/014_lq +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02ckl3 +/m/02yvhx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0344gc +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/054bt3 /people/person/profession /m/01d_h8 +/m/0h69c /sports/sports_league/teams./sports/sports_league_participation/team /m/01yjl +/m/0143wl /film/actor/film./film/performance/film /m/032016 +/m/01_s9q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g9gd /film/film/language /m/02h40lc +/m/06n3y /location/location/contains /m/01dtq1 +/m/0306ds /film/actor/film./film/performance/film /m/03hp2y1 +/m/01v5h /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/094tsh6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/031778 +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/0bc71w /people/person/place_of_birth /m/01531 +/m/02jx1 /location/location/contains /m/04jt2 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/03q3x5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/073749 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0888c3 +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/09p3_s /film/film/production_companies /m/03mdt +/m/0280061 /film/film/genre /m/0lsxr +/m/056xkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/082fr /location/country/capital /m/0150n +/m/02x8m /music/genre/artists /m/01k3qj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gl3hr +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/075wx7_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02s2ft /award/award_winner/awards_won./award/award_honor/award_winner /m/018swb +/m/057176 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05p1qyh +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02h659 +/m/0147dk /people/person/profession /m/02hrh1q +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/0ky1 /people/person/profession /m/05t4q +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016z7s +/m/02y0js /people/cause_of_death/people /m/015gw6 +/m/035kl6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0gfsq9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d9_96 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/021yw7 +/m/01385g /people/person/nationality /m/02jx1 +/m/046f3p /film/film/language /m/02h40lc +/m/05vxdh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01l50r /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0pc7r /location/hud_county_place/place /m/0pc7r +/m/02zd460 /education/educational_institution/school_type /m/05jxkf +/m/025x1t /tv/tv_program/genre /m/0pr6f +/m/0y3_8 /music/genre/artists /m/049qx +/m/02jjdr /music/record_label/artist /m/01vt9p3 +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03fg0r +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01k7xz +/m/0k269 /people/person/profession /m/02hrh1q +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/01w40h /music/record_label/artist /m/048xh +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0bpk2 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/022jr5 +/m/0j90s /film/film/country /m/09c7w0 +/m/0ds5_72 /film/film/personal_appearances./film/personal_film_appearance/person /m/0gs6vr +/m/0hw29 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05w3 +/m/029v40 /film/film/prequel /m/02qrv7 +/m/026z9 /music/genre/artists /m/017vkx +/m/081nh /organization/organization_founder/organizations_founded /m/054g1r +/m/03ckwzc /film/film/featured_film_locations /m/02_286 +/m/06w2sn5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/01l3mk3 +/m/01cpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05vsxz +/m/01z215 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/02z81h /people/person/nationality /m/07ssc +/m/028hc2 /people/person/gender /m/05zppz +/m/03f0fp /sports/sports_position/players./sports/sports_team_roster/team /m/03mg5f +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0f8l9c +/m/05p92jn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0cms7f +/m/068cn /location/location/contains /m/02bd_f +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gcs9 +/m/01g6bk /people/person/profession /m/0kyk +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0hgxh /medicine/disease/risk_factors /m/0h1wz +/m/048svj /people/person/profession /m/02hrh1q +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05ksh +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/06ch55 /music/instrument/instrumentalists /m/0lgm5 +/m/0hn10 /media_common/netflix_genre/titles /m/02nczh +/m/09gnn /influence/influence_node/influenced_by /m/048cl +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b1f49 +/m/0bkg4 /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/03wjm2 /film/film/produced_by /m/03h40_7 +/m/01_xtx /film/actor/film./film/performance/film /m/02vyyl8 +/m/05q5t0b /award/award_category/nominees./award/award_nomination/nominated_for /m/06krf3 +/m/023qfd /people/person/profession /m/03gjzk +/m/01w1sx /time/event/locations /m/02j9z +/m/0147w8 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01vyv9 +/m/03z8w6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0bq0p9 +/m/088vb /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/013q0p /film/film/country /m/0345h +/m/02t_8z /people/person/gender /m/05zppz +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/050l8 +/m/0frmb1 /people/person/gender /m/05zppz +/m/05zr0xl /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0872p_c /film/film/featured_film_locations /m/0rh6k +/m/0f2zc /people/person/places_lived./people/place_lived/location /m/05mph +/m/01lvcs1 /people/person/nationality /m/09c7w0 +/m/02x17s4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/04svwx /film/film/genre /m/02n4kr +/m/056xkh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/01z4y /media_common/netflix_genre/titles /m/02x0fs9 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01f1r4 +/m/09c7w0 /location/location/contains /m/0d1qn +/m/03cmsqb /award/award_winning_work/awards_won./award/award_honor/award /m/05p09zm +/m/026p4q7 /award/award_winning_work/awards_won./award/award_honor/award /m/02r0csl +/m/0mzkr /music/record_label/artist /m/0gbwp +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/04353 +/m/01y9xg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05jt_ /music/genre/artists /m/01shhf +/m/02t8gf /music/genre/artists /m/01wg982 +/m/02wypbh /film/film/film_festivals /m/03wf1p2 +/m/01q8wk7 /people/person/nationality /m/03rk0 +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/064t9 /music/genre/artists /m/06m61 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0fbx6 /film/actor/film./film/performance/film /m/0gtvrv3 +/m/01kff7 /film/film/genre /m/06n90 +/m/02glc4 /government/legislative_session/members./government/government_position_held/district_represented /m/0498y +/m/033071 /film/actor/film./film/performance/film /m/04y5j64 +/m/015196 /people/person/profession /m/0dz3r +/m/0b7l4x /film/film/genre /m/0lsxr +/m/03jj93 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/043d4 /people/person/religion /m/0c8wxp +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/01p0vf /people/person/place_of_birth /m/05l5n +/m/01vsksr /music/group_member/membership./music/group_membership/role /m/0dwsp +/m/0bc773 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07mb57 +/m/047q2k1 /film/film/genre /m/07s9rl0 +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0qkyj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0prrm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b_6yv /music/genre/artists /m/01vng3b +/m/01flv_ /film/film/edited_by /m/03q8ch +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01j7rd +/m/022qw7 /people/person/profession /m/02krf9 +/m/02_2kg /education/educational_institution/school_type /m/01y64 +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02qvzf /sports/sports_position/players./sports/sports_team_roster/team /m/04l5b4 +/m/04cf_l /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/015x1f /people/person/place_of_birth /m/01_d4 +/m/021s9n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k5sc /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0g5qs2k /film/film/genre /m/07s9rl0 +/m/01swck /film/actor/film./film/performance/film /m/0jqkh +/m/0561xh /people/person/profession /m/028kk_ +/m/09nhvw /people/person/profession /m/0d1pc +/m/012w70 /media_common/netflix_genre/titles /m/01f85k +/m/01vvyc_ /people/person/profession /m/01d_h8 +/m/0341n5 /film/actor/film./film/performance/film /m/03cmsqb +/m/0428bc /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/09gffmz /organization/organization_founder/organizations_founded /m/031rq5 +/m/01h1b /people/person/profession /m/018gz8 +/m/0glt670 /music/genre/artists /m/01vs73g +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ym1n /education/educational_institution/colors /m/01g5v +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0dq3c /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05v8c +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h21v2 +/m/0253b6 /people/person/nationality /m/09c7w0 +/m/07gqbk /music/record_label/artist /m/06k02 +/m/02fz3w /base/eating/practicer_of_diet/diet /m/07_jd +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/0n83s +/m/01p0vf /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8y +/m/026390q /film/film/genre /m/0lsxr +/m/05ggt_ /people/person/place_of_birth /m/030qb3t +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/01wmcbg /award/award_winner/awards_won./award/award_honor/award_winner /m/039x1k +/m/0187y5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ggbhy7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02g5h5 /people/person/place_of_birth /m/0f2rq +/m/0ctw_b /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/01l7qw /people/person/nationality /m/07ssc +/m/0jmbv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/06924p /music/genre/artists /m/0dl567 +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06t6dz +/m/062zjtt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01h0kx /music/genre/parent_genre /m/041738 +/m/0hg5 /location/location/time_zones /m/02llzg +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/06bd5j +/m/02qmncd /music/artist/track_contributions./music/track_contribution/role /m/07gql +/m/02krdz /film/film/genre /m/0vgkd +/m/099p5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06pvr /location/location/contains /m/0qcrj +/m/01vfqh /film/film/genre /m/0vgkd +/m/05zpghd /film/film/executive_produced_by /m/08gf93 +/m/0gj9tn5 /film/film/language /m/02h40lc +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/0jrqq +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yg9 +/m/03d34x8 /tv/tv_program/genre /m/0lsxr +/m/02qvl7 /sports/sports_position/players./sports/sports_team_roster/team /m/0jnng +/m/05dbf /people/person/religion /m/0c8wxp +/m/047vp1n /film/film/language /m/02h40lc +/m/01gt99 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/07y_7 /music/instrument/instrumentalists /m/01vn35l +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dkv90 +/m/034qzw /film/film/genre /m/05p553 +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/04wmvz /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0lhn5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06rzwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04yg13l /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0bqsy /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6ym +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/014gf8 +/m/014ps4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h03fhx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01271h /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01jw67 +/m/04swd /sports/sports_team_location/teams /m/03v9yw +/m/029sk /medicine/disease/notable_people_with_this_condition /m/0n839 +/m/038723 /people/ethnicity/people /m/01m42d0 +/m/0n_ps /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/03jsvl /music/genre/artists /m/0197tq +/m/07brj /music/instrument/instrumentalists /m/01271h +/m/01rrd4 /people/person/place_of_birth /m/0qkcb +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01_1hw +/m/02dwj /film/film/featured_film_locations /m/03jn4 +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0fv4v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/035dk +/m/03s2dj /people/person/nationality /m/0d060g +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jsqk +/m/01grp0 /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/011yxy /film/film/genre /m/02l7c8 +/m/03j24kf /people/person/profession /m/016z4k +/m/03cyslc /film/film/genre /m/02l7c8 +/m/0dl567 /film/actor/film./film/performance/film /m/087wc7n +/m/01kws3 /people/person/profession /m/03gjzk +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/06mmr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/016tt2 +/m/02bh8z /music/record_label/artist /m/09lwrt +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytfv +/m/0m9c1 /people/person/profession /m/01d_h8 +/m/019lvv /sports/sports_team/colors /m/083jv +/m/0vhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/083wr9 +/m/0fx0mw /people/person/nationality /m/09c7w0 +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/03mb9 /music/genre/artists /m/03j1p2n +/m/07ncs0 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01g03q +/m/02w3w /music/performance_role/regular_performances./music/group_membership/role /m/06w87 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01gsry +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/0cqt90 /people/person/gender /m/05zppz +/m/03g62 /people/deceased_person/place_of_death /m/0r3tq +/m/01dw4q /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/01yfm8 /film/actor/film./film/performance/film /m/04gknr +/m/02sdwt /education/educational_institution/students_graduates./education/education/student /m/0488g9 +/m/013xrm /people/ethnicity/people /m/0132k4 +/m/07lp1 /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/01pg1d /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/01svq8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/03x6rj /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02_j1w +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0hz_1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0mhfr /music/genre/artists /m/0gcs9 +/m/02fsn /music/performance_role/track_performances./music/track_contribution/role /m/0bxl5 +/m/011j5x /music/genre/parent_genre /m/05r6t +/m/0lk8j /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq67 +/m/01n44c /people/person/profession /m/02hrh1q +/m/01z4y /media_common/netflix_genre/titles /m/0277j40 +/m/0168cl /people/person/profession /m/0nbcg +/m/01w0yrc /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/02m3sd /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0736qr /film/actor/film./film/performance/film /m/0cd2vh9 +/m/023mdt /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03s6l2 +/m/016clz /music/genre/artists /m/03bxwtd +/m/0mz73 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/03_gx +/m/03xkps /people/person/place_of_birth /m/030qb3t +/m/04gv3db /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/092vkg /film/film/genre /m/017fp +/m/0dyztm /people/person/gender /m/02zsn +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09c7w0 /location/country/second_level_divisions /m/0ff0x +/m/0177z /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/025sc50 /music/genre/artists /m/0140t7 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04gp58p +/m/04v7kt /people/person/nationality /m/07ssc +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nfnx +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01dvbd /award/award_winning_work/awards_won./award/award_honor/award /m/05zx7xk +/m/03vtrv /music/record_label/artist /m/017mbb +/m/0127s7 /people/person/nationality /m/09c7w0 +/m/07j94 /film/film/country /m/09c7w0 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/07l50_1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01lhdt /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07cz2 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0x25q +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/01n30p +/m/07s467s /people/profession/specialization_of /m/0fj9f +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/02d6cy +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/070bjw /people/person/gender /m/05zppz +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01chc7 +/m/01npcx /film/film/genre /m/02kdv5l +/m/0xmp9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/016xh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yhvv +/m/09zcbg /music/record_label/artist /m/01shhf +/m/07hwkr /people/ethnicity/people /m/0c7xjb +/m/04dbw3 /people/ethnicity/people /m/01w58n3 +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/0kvgnq +/m/0fvxg /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0glbqt /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05cj_j /film/film/genre /m/05p553 +/m/01nczg /film/actor/film./film/performance/film /m/02lk60 +/m/042l3v /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gk4g /people/cause_of_death/people /m/012cj0 +/m/0160w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026c1 +/m/0c3zjn7 /film/film/production_companies /m/01gb54 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/01pqy_ +/m/046qq /film/actor/film./film/performance/film /m/02ryz24 +/m/04qvq0 /music/genre/artists /m/01wvxw1 +/m/064t9 /music/genre/artists /m/0dl567 +/m/02nfhx /people/person/profession /m/01445t +/m/01l1ls /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/016fjj +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/029zqn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gbwp +/m/01t6b4 /people/person/nationality /m/09c7w0 +/m/0cq86w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/042fk /government/politician/government_positions_held./government/government_position_held/basic_title /m/01gkgk +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/01vz80y /people/person/profession /m/02hrh1q +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05lls +/m/01pvxl /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/011w54 /award/award_category/winners./award/award_honor/award_winner /m/032r1 +/m/07ssc /location/statistical_region/religions./location/religion_percentage/religion /m/01spm +/m/05bt6j /music/genre/artists /m/04d_mtq +/m/020w2 /music/performance_role/track_performances./music/track_contribution/role /m/0l14qv +/m/013qvn /people/person/profession /m/0nbcg +/m/015bwt /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0151w_ +/m/01dzg0 /education/educational_institution/students_graduates./education/education/student /m/0gs5q +/m/016zgj /music/genre/artists /m/01mr2g6 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyfp9c +/m/0j2pg /sports/sports_team/sport /m/02vx4 +/m/05cv8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03f1r6t /people/person/profession /m/02hrh1q +/m/0n5bk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0r00l /location/location/time_zones /m/02lcqs +/m/0296rz /film/film/music /m/07qy0b +/m/0jhn7 /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/01cdt5 /medicine/symptom/symptom_of /m/0gk4g +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cwrr +/m/09lhln /soccer/football_player/current_team./sports/sports_team_roster/team /m/01dtl +/m/015lhm /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hhvg +/m/06y611 /film/film/language /m/02h40lc +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bs5vty +/m/051qvn /sports/sports_team/colors /m/083jv +/m/033tf_ /people/ethnicity/people /m/08f3b1 +/m/015q43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/03_87 /influence/influence_node/influenced_by /m/032l1 +/m/0bymv /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/0h1_w /people/person/religion /m/0631_ +/m/017gm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/015196 /people/person/gender /m/05zppz +/m/0f25y /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07gyp7 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0ck91 /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cx90 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/05pyrb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0gd0c7x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/018vs /music/instrument/instrumentalists /m/01386_ +/m/0315rp /film/film/genre /m/06n90 +/m/06t8v /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/018ljb +/m/0pc62 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09xbpt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0946bb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02l101 /people/deceased_person/place_of_burial /m/018mmw +/m/0300ml /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r04p +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01jbx1 +/m/02q7fl9 /film/film/genre /m/01t_vv +/m/05k2xy /film/film/country /m/0f8l9c +/m/05szq8z /film/film/genre /m/07s9rl0 +/m/084l5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/07l8x /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/04yyhw /people/person/gender /m/05zppz +/m/0n_hp /film/film/executive_produced_by /m/04q5zw +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0ktx_ +/m/0g2mbn /film/actor/film./film/performance/film /m/02wgk1 +/m/09lwrt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02_hj4 /film/actor/film./film/performance/film /m/03ct7jd +/m/01vrt_c /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0466k4 /people/person/religion /m/01lp8 +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02vxn +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/05jf85 +/m/02rrh1w /film/film/produced_by /m/043q6n_ +/m/0jm_ /film/film_subject/films /m/01gglm +/m/0j6cj /people/person/profession /m/01c72t +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/0345gh +/m/01wsl7c /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/0xhtw /music/genre/artists /m/020hh3 +/m/019lrz /people/ethnicity/languages_spoken /m/04306rv +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/030b93 +/m/024pcx /location/country/capital /m/09bkv +/m/027pfg /film/film/genre /m/01t_vv +/m/01jfrg /film/actor/film./film/performance/film /m/02rv_dz +/m/0gkts9 /award/award_category/winners./award/award_honor/ceremony /m/0gvstc3 +/m/02n4kr /media_common/netflix_genre/titles /m/02x2jl_ +/m/01hqhm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017l96 /music/record_label/artist /m/03j24kf +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0306ds +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03ds3 /people/person/gender /m/05zppz +/m/03xkps /people/person/gender /m/05zppz +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/040p3y +/m/02clgg /film/actor/film./film/performance/film /m/016017 +/m/0135dr /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/02xfrd +/m/0dnw1 /film/film/genre /m/03p5xs +/m/08cyft /music/genre/artists /m/018n6m +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03548 +/m/02wcx8c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0372kf +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0hr41p6 /film/film/genre /m/07s9rl0 +/m/0j7v_ /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/0525b /film/actor/film./film/performance/film /m/05nyqk +/m/024mpp /film/film/featured_film_locations /m/02zd460 +/m/02pzz3p /award/award_category/nominees./award/award_nomination/nominated_for /m/0358x_ +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/02f93t /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/08gyz_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035wq7 /people/person/profession /m/01d_h8 +/m/066yfh /people/person/profession /m/02jknp +/m/09blyk /media_common/netflix_genre/titles /m/0bxsk +/m/02rnns /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01rly6 +/m/09q23x /film/film/genre /m/017fp +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/08qnnv +/m/016dj8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/0fr7nt /people/person/gender /m/05zppz +/m/03w1lf /education/educational_institution/students_graduates./education/education/student /m/087z12 +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bytkq +/m/02h98sm /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01n6r0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhf +/m/0b1y_2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0f7hc +/m/074rg9 /film/film/music /m/01cbt3 +/m/01vvb4m /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01pllx +/m/05lwjc /music/genre/artists /m/01wqmm8 +/m/02lnbg /music/genre/artists /m/0gbwp +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/05x_5 +/m/03w1v2 /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/01yk13 /film/actor/film./film/performance/film /m/046f3p +/m/0181dw /music/record_label/artist /m/017yfz +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01q_y0 +/m/02z5x7l /film/film/dubbing_performances./film/dubbing_performance/actor /m/091n7z +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03qjg /music/instrument/instrumentalists /m/01yndb +/m/09c7w0 /location/country/second_level_divisions /m/0mtdx +/m/01tt43d /people/person/profession /m/0dxtg +/m/012kyx /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01d4cb /people/person/profession /m/0nbcg +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0hv1t +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03fykz /people/person/gender /m/05zppz +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02q5g1z +/m/01ynvx /organization/organization/place_founded /m/02_286 +/m/05c26ss /film/film/genre /m/05p553 +/m/0dclg /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/03cz83 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/078sj4 +/m/08z129 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0g476 +/m/019f2f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02vzpb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/09lvl1 /award/award_category/winners./award/award_honor/ceremony /m/0ds460j +/m/05qdh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/02csf +/m/03mstc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pq5j7 +/m/01vw87c /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/07tw_b /film/film/country /m/09c7w0 +/m/09c7w0 /location/country/second_level_divisions /m/0nj0m +/m/04n52p6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01dhpj /people/person/profession /m/028kk_ +/m/03rjj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01gq0b +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/033hn8 /music/record_label/artist /m/016m5c +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/05g3b +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01vnbh +/m/0dll_t2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0kjrx /people/person/gender /m/02zsn +/m/01flv_ /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0bjqh +/m/05zy3sc /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qcfvw /film/film/language /m/064_8sq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j80w +/m/01x15dc /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/017lqp /people/person/profession /m/01d_h8 +/m/0c1pj /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/03ts0c /people/ethnicity/people /m/014nvr +/m/03m2fg /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0dsvzh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vsyg9 /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/06w58f /people/person/nationality /m/09c7w0 +/m/02825nf /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/077w0b /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/05mcjs /people/person/profession /m/0kyk +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/09jm8 +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09b6zr /people/person/gender /m/05zppz +/m/0jn38 /music/artist/origin /m/059rby +/m/02mzg9 /education/educational_institution/students_graduates./education/education/student /m/014vk4 +/m/016h9b /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/02px_23 /american_football/football_team/current_roster./sports/sports_team_roster/position /m/02vkdwz +/m/03hxsv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0kv238 /film/film/production_companies /m/054lpb6 +/m/01swck /award/award_winner/awards_won./award/award_honor/award_winner /m/030hcs +/m/01xwv7 /people/person/gender /m/05zppz +/m/07tlfx /film/film/genre /m/07s9rl0 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/01hdht +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0pd57 /film/film/featured_film_locations /m/01_d4 +/m/087pfc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yhm +/m/031f_m /film/film/language /m/03_9r +/m/07tp2 /location/country/form_of_government /m/01d9r3 +/m/064t9 /music/genre/artists /m/0b68vs +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05sj55 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01hqhm +/m/0chghy /location/country/form_of_government /m/01q20 +/m/016hvl /people/person/profession /m/02hrh1q +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/0b73_1d /film/film/executive_produced_by /m/06pj8 +/m/07jwr /people/cause_of_death/people /m/0465_ +/m/04y9mm8 /film/film/executive_produced_by /m/06q8hf +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/028q6 /people/person/religion /m/0c8wxp +/m/0qmk5 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0276jmv +/m/01k3qj /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0dr89x /film/film/genre /m/060__y +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03swmf +/m/03x7hd /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/07rzf /film/actor/film./film/performance/film /m/02mc5v +/m/015_1q /music/record_label/artist /m/03kts +/m/06c0j /people/person/religion /m/0631_ +/m/0cjsxp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09v42sf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07fr_ +/m/0c3xpwy /tv/tv_program/genre /m/07s9rl0 +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/03vgp7 /people/person/gender /m/05zppz +/m/0137n0 /people/person/profession /m/0dz3r +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/05qhw /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/03fbc +/m/054ks3 /award/award_category/winners./award/award_honor/ceremony /m/09qftb +/m/0b60sq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/088n7 +/m/0fb7sd /film/film/executive_produced_by /m/0gg9_5q +/m/0h21v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/060_7 /people/person/religion /m/0kpl +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0g3zrd +/m/0h7pj /film/actor/film./film/performance/film /m/06tpmy +/m/015t7v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02kxwk +/m/01vz0g4 /people/person/nationality /m/09c7w0 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gl88b +/m/01mt1fy /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/03mgx6z /film/film/language /m/064_8sq +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/07tjf +/m/08959 /people/person/profession /m/09lbv +/m/05sbv3 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04gmp_z +/m/05wm88 /people/person/profession /m/02krf9 +/m/01s_d4 /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01nhgd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/018gkb /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/04mhxx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/086k8 +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/038w8 +/m/0gd9k /people/person/religion /m/0c8wxp +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/067sqt /film/actor/film./film/performance/film /m/08phg9 +/m/0pd57 /film/film/genre /m/02kdv5l +/m/07vk2 /education/educational_institution/colors /m/01l849 +/m/03h4fq7 /film/film/executive_produced_by /m/0c9c0 +/m/026f__m /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gfq9 /base/culturalevent/event/entity_involved /m/0gfq9 +/m/0qx1w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01xrlm +/m/07nt8p /film/film/genre /m/04xvh5 +/m/019pm_ /people/person/profession /m/03gjzk +/m/0l8gh /music/genre/artists /m/0pcc0 +/m/0m0hw /people/person/profession /m/0kyk +/m/0hgqq /people/person/employment_history./business/employment_tenure/company /m/01xcgf +/m/07f7jp /people/person/gender /m/05zppz +/m/0j6cj /people/person/profession /m/0nbcg +/m/013vdl /people/person/profession /m/02hrh1q +/m/043sct5 /film/film/genre /m/02kdv5l +/m/026f__m /film/film/language /m/02h40lc +/m/07t_x /location/country/form_of_government /m/06cx9 +/m/09sr0 /film/film/genre /m/03g3w +/m/020x5r /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0nvvw /location/location/time_zones /m/02fqwt +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/022jr5 /education/educational_institution/school_type /m/05jxkf +/m/03rjj /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0151w_ /film/actor/film./film/performance/film /m/0gd92 +/m/06cl2w /film/actor/film./film/performance/film /m/05fcbk7 +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/0641kkh +/m/01t04r /music/record_label/artist /m/0p3r8 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b1f49 +/m/0cnztc4 /film/film/genre /m/02kdv5l +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/01wbsdz /people/person/profession /m/02hrh1q +/m/0f8l9c /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07ss8_ +/m/047cqr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0697kh +/m/0b_6mr /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pjzvh +/m/03rk0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/06_bq1 +/m/06ncr /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/053k78 /music/record_label/artist /m/03j_hq +/m/07h1q /user/alexander/philosophy/philosopher/interests /m/06ms6 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0177sq +/m/03hl6lc /award/award_category/winners./award/award_honor/award_winner /m/03m_k0 +/m/03vrp /people/deceased_person/place_of_death /m/079yb +/m/06c62 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02d9k +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/061fhg /music/genre/artists /m/095x_ +/m/02b6n9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01pcbg /film/actor/film./film/performance/film /m/01k0xy +/m/0gywn /music/genre/artists /m/0277c3 +/m/0q1lp /film/actor/film./film/performance/film /m/05_5rjx +/m/0pm85 /music/genre/artists /m/04_jsg +/m/08qmfm /people/person/nationality /m/09c7w0 +/m/08c6k9 /film/film/genre /m/0lsxr +/m/0gz6b6g /film/film/other_crew./film/film_crew_gig/crewmember /m/0b79gfg +/m/011hdn /people/person/profession /m/02hrh1q +/m/04n7jdv /music/genre/artists /m/04qmr +/m/027rn /location/country/form_of_government /m/01fpfn +/m/0c0k1 /film/actor/film./film/performance/film /m/0jzw +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/09jd9 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02rcdc2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02d003 /film/film/genre /m/0vgkd +/m/03jqw5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/017149 +/m/01nhkxp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01yzl2 +/m/03t5n3 /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01hx2t +/m/03b04g /sports/sports_team/colors /m/038hg +/m/09d6p2 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02kcz +/m/0yzbg /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01jft4 +/m/0rqf1 /location/hud_county_place/place /m/0rqf1 +/m/015q1n /education/educational_institution/colors /m/01g5v +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/055c8 +/m/0kxbc /base/eating/practicer_of_diet/diet /m/07_jd +/m/02p59ry /award/award_nominee/award_nominations./award/award_nomination/award /m/09v51c2 +/m/0sz28 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/01tx9m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0521rl1 /people/person/nationality /m/09c7w0 +/m/0xhtw /music/genre/artists /m/0jltp +/m/01v42g /film/actor/film./film/performance/film /m/04yg13l +/m/0bzyh /people/person/profession /m/0cbd2 +/m/0151xv /people/person/nationality /m/02jx1 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0j90s +/m/03bnb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/041td_ /film/film/genre /m/0gf28 +/m/0cdf37 /people/person/profession /m/02pjxr +/m/02q6gfp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01vsykc /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/015grj /people/person/profession /m/01c72t +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/student /m/0d06m5 +/m/01gvsn /film/film/written_by /m/026m0 +/m/0fbtbt /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/09c7w0 +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/041r51 +/m/04ftdq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0dj0m5 +/m/023vcd /film/film/executive_produced_by /m/0fz27v +/m/0lcx /people/person/profession /m/0d8qb +/m/0cv3w /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/07s6prs /people/person/profession /m/02hrh1q +/m/0dqcm /people/person/profession /m/0d1pc +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07l24 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07t90 +/m/06lxn /award/award_winner/awards_won./award/award_honor/award_winner /m/0kftt +/m/02jxkw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17c2 +/m/0jqd3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01y9qr /education/educational_institution/colors /m/06fvc +/m/05w3f /music/genre/artists /m/02l_7y +/m/0b44shh /film/film/genre /m/02l7c8 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/0337vz /film/actor/film./film/performance/film /m/0kvbl6 +/m/016qtt /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01_xtx /people/person/profession /m/02hrh1q +/m/0342h /music/instrument/instrumentalists /m/018x3 +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/05b6rdt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01mylz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01hmnh /media_common/netflix_genre/titles /m/032zq6 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hdx8 +/m/0drdv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lv85 /tv/tv_program/genre /m/06n90 +/m/02z3zp /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjyzs +/m/02jx1 /location/location/contains /m/0214m4 +/m/0466k4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0b_j2 /people/person/profession /m/016z4k +/m/03spz /organization/organization_member/member_of./organization/organization_membership/organization /m/018cqq +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0p7tb +/m/06s9y /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01s7qqw /people/person/profession /m/015h31 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/020bv3 /film/film/genre /m/05p553 +/m/06cp5 /music/genre/parent_genre /m/0xhtw +/m/09c7w0 /location/country/second_level_divisions /m/0n57k +/m/0sxgv /film/film/genre /m/07s9rl0 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/05rh2 +/m/01znc_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0h3y +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/02yv6b /music/genre/artists /m/01vsyg9 +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bt4r4 +/m/025t9b /film/actor/film./film/performance/film /m/0qm8b +/m/07c5l /location/location/contains /m/0261m +/m/024y8p /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/011j5x /music/genre/artists /m/016lmg +/m/0d4fqn /people/person/gender /m/05zppz +/m/03kmyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0crh5_f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/077qn +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/0f25y /location/hud_county_place/place /m/0f25y +/m/0416y94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0hwd8 /people/person/nationality /m/07ssc +/m/01wp8w7 /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/05r6t /music/genre/artists /m/03lgg +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/036px /people/person/profession /m/016z4k +/m/0g0x9c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/077rj +/m/01bh6y /people/person/gender /m/02zsn +/m/0g8bw /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0chghy +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/028d4v /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/082scv +/m/0fdv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/032md /people/person/religion /m/0c8wxp +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/019c57 +/m/03rg5x /people/person/nationality /m/09c7w0 +/m/027rn /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0ywqc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kcn7 /film/film/genre /m/05p553 +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02nwxc +/m/026ldz7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0k3g3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3kv +/m/01hww_ /music/performance_role/track_performances./music/track_contribution/role /m/018j2 +/m/05sb1 /location/location/contains /m/0xnt5 +/m/0bsxd3 /tv/tv_program/languages /m/02h40lc +/m/035kl6 /film/actor/film./film/performance/film /m/06x77g +/m/0ph2w /people/person/profession /m/02hrh1q +/m/06wxw /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/09bxq9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/06mz5 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/05cljf /people/person/profession /m/016z4k +/m/02n9nmz /award/award_category/winners./award/award_honor/award_winner /m/030tj5 +/m/098n_m /people/person/profession /m/02jknp +/m/04ych /location/location/time_zones /m/02fqwt +/m/01_qc_ /medicine/disease/risk_factors /m/05zppz +/m/01vsgrn /music/artist/origin /m/02dtg +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award /m/0bb57s +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0828jw +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0jgx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/020bv3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/0bk1p +/m/02vr7 /film/actor/film./film/performance/film /m/08952r +/m/018dyl /people/person/profession /m/0dz3r +/m/033f8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vjp3 +/m/01pj5q /award/award_winner/awards_won./award/award_honor/award_winner /m/016khd +/m/06by7 /music/genre/artists /m/01mxnvc +/m/0f38nv /music/record_label/artist /m/020_4z +/m/0gg5qcw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/05sb1 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/01tbp /education/field_of_study/students_majoring./education/education/student /m/02v406 +/m/06w99h3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0sxgv /film/film/language /m/02h40lc +/m/01dyvs /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/068p2 /sports/sports_team_location/teams /m/0hn6d +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02qd04y /award/award_winning_work/awards_won./award/award_honor/award /m/09v4bym +/m/07x4qr /film/film/genre /m/03k9fj +/m/058s57 /people/person/profession /m/09jwl +/m/01ljpm /education/educational_institution/students_graduates./education/education/student /m/0h1mt +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/014ps4 /influence/influence_node/influenced_by /m/03f47xl +/m/0143q0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0gj8t_b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03wh8pq /people/person/gender /m/05zppz +/m/02qx69 /film/actor/film./film/performance/film /m/044g_k +/m/02lt8 /people/person/profession /m/0dxtg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0fydw +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0f502 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/039bp +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/05lb65 /people/person/places_lived./people/place_lived/location /m/02frhbc +/m/05clg8 /organization/organization/child./organization/organization_relationship/child /m/016ckq +/m/05th69 /organization/organization/child./organization/organization_relationship/child /m/01_8w2 +/m/01d34b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01jzyf +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/02t_8z +/m/04hpck /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_92w +/m/03f3yfj /people/person/profession /m/03gjzk +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqp3 +/m/0j4b /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06f32 +/m/06jz0 /film/actor/film./film/performance/film /m/02_1sj +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/04m1bm +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/05qd_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/0x67 /people/ethnicity/people /m/06h2w +/m/0d060g /location/location/contains /m/018gmr +/m/0345h /location/location/contains /m/0pf5y +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0404j37 +/m/05g9_ /music/genre/artists /m/01w7nww +/m/02yy9r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/0gl02yg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0fkwzs /tv/tv_program/genre /m/05p553 +/m/0677ng /people/person/spouse_s./people/marriage/location_of_ceremony /m/0f0sbl +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/01qz5 +/m/04cbtrw /people/person/spouse_s./people/marriage/location_of_ceremony /m/02_286 +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/030s5g /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0g768 /music/record_label/artist /m/057xn_m +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02vxq9m /film/film/featured_film_locations /m/09949m +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0xhj2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/06myp /people/deceased_person/place_of_burial /m/0nb1s +/m/0499lc /people/person/religion /m/0c8wxp +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01k_r5b +/m/0f2rq /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/02x3y41 /film/film/country /m/06mkj +/m/03l26m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/017_pb /people/person/employment_history./business/employment_tenure/company /m/017d77 +/m/05b0f7 /music/record_label/artist /m/01j6mff +/m/02ctzb /people/ethnicity/people /m/07r1h +/m/02qgqt /film/actor/film./film/performance/film /m/04kkz8 +/m/0c_dx /award/award_category/disciplines_or_subjects /m/02xlf +/m/026c1 /people/person/profession /m/01d_h8 +/m/050f0s /film/film/written_by /m/03xpfzg +/m/0flj39 /people/person/nationality /m/03rk0 +/m/099tbz /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/018vs /music/instrument/instrumentalists /m/015196 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcdc2 +/m/016zfm /tv/tv_program/genre /m/01z4y +/m/094xh /people/person/places_lived./people/place_lived/location /m/05fjy +/m/05mwx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/052_mn /film/film/genre /m/01j1n2 +/m/02qdgx /music/genre/artists /m/018pj3 +/m/04rzd /music/instrument/instrumentalists /m/03gr7w +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06t74h /film/actor/film./film/performance/film /m/0btpm6 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h64 +/m/026v5 /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hh2s /music/genre/artists /m/016lmg +/m/04k9y6 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqxm +/m/09jw2 /music/genre/artists /m/01pfr3 +/m/06fq2 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/02661h /film/actor/film./film/performance/film /m/03kxj2 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/091z_p +/m/05qgd9 /education/educational_institution/campuses /m/05qgd9 +/m/0bw87 /people/person/places_lived./people/place_lived/location /m/0f1sm +/m/0bdjd /award/award_winning_work/awards_won./award/award_honor/award /m/0279c15 +/m/01yf85 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/022tq4 +/m/02k4b2 /people/person/places_lived./people/place_lived/location /m/04tgp +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/04lhc4 +/m/0fthdk /people/person/profession /m/02hrh1q +/m/032nl2 /people/person/place_of_birth /m/0jbrr +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kr_t +/m/0b_6s7 /time/event/locations /m/0f2r6 +/m/012kyx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kfv9 /tv/tv_program/genre /m/07s9rl0 +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/01vn35l /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/052p7 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0dzz6g /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09zmys /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01cv3n /people/person/gender /m/05zppz +/m/0306bt /people/person/places_lived./people/place_lived/location /m/0sf9_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05fjf +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/06jz0 +/m/05nrg /location/location/contains /m/07fsv +/m/071x0k /people/ethnicity/geographic_distribution /m/05sb1 +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fbtbt /award/award_category/winners./award/award_honor/award_winner /m/0g69lg +/m/01_x6d /people/person/profession /m/015h31 +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/02wrrm /people/person/nationality /m/09c7w0 +/m/0296vv /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/046p9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/04cf_l /film/film/language /m/03_9r +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/02z7f3 /music/genre/parent_genre /m/02mscn +/m/0c7xjb /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0335fp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03x3qv +/m/018ty9 /people/person/profession /m/02jknp +/m/025m8y /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0lbj1 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/03bkbh /people/ethnicity/people /m/0lkr7 +/m/0gnjh /film/film/genre /m/06qm3 +/m/02xfj0 /people/person/profession /m/02dsz +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0pc_l /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/032clf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/011k1h /music/record_label/artist /m/0fb2l +/m/018t8f /organization/organization/headquarters./location/mailing_address/citytown /m/01vsl +/m/0pc6x /location/hud_county_place/place /m/0pc6x +/m/0g5q34q /film/film/film_format /m/0cj16 +/m/02lnbg /music/genre/artists /m/01jfr3y +/m/03spz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04y9mm8 +/m/0xnvg /people/ethnicity/people /m/0c3jz +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0pqp3 /music/artist/origin /m/04jpl +/m/04ktcgn /people/person/gender /m/05zppz +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01gjw /music/genre/artists /m/020hyj +/m/05mlqj /film/actor/film./film/performance/film /m/0d99k_ +/m/011yd2 /film/film/film_format /m/07fb8_ +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0hwpz +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/032w8h /film/actor/film./film/performance/film /m/03h4fq7 +/m/011xg5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gfzgl /tv/tv_program/country_of_origin /m/09c7w0 +/m/03m6pk /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/02jyhv /base/eating/practicer_of_diet/diet /m/07_jd +/m/0gtx63s /film/film/film_festivals /m/0gg7gsl +/m/02wr2r /people/person/gender /m/02zsn +/m/01nqfh_ /people/person/nationality /m/09c7w0 +/m/06n3y /location/location/partially_contains /m/02k1b +/m/02q7fl9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hnkp /people/person/gender /m/05zppz +/m/071vr /location/hud_county_place/place /m/071vr +/m/02ln0f /education/educational_institution/students_graduates./education/education/student /m/05_pkf +/m/036jb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0h0wd9 +/m/05rrtf /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/05sj55 /people/person/nationality /m/09c7w0 +/m/0163t3 /people/person/gender /m/02zsn +/m/024yxd /people/person/profession /m/025352 +/m/04q24zv /film/film/country /m/06mkj +/m/042v_gx /music/instrument/instrumentalists /m/016qtt +/m/02nczh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/05nrkb /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/032016 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/02nt3d +/m/03hr1p /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04gzd +/m/01n4f8 /people/person/profession /m/018gz8 +/m/0k0rf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0fphf3v +/m/016cjb /music/genre/artists /m/01vwyqp +/m/06by7 /music/genre/artists /m/01k47c +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01rc6f +/m/03vpf_ /film/actor/film./film/performance/film /m/0p9tm +/m/01vvyd8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0h63gl9 /film/film/language /m/02h40lc +/m/09c7w0 /location/location/contains /m/0tt6k +/m/0cg9f /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04gp58p +/m/06dl_ /people/person/profession /m/0dxtg +/m/025tlyv /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0jqn5 +/m/09qvf4 /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/01c9d /film/film/language /m/04306rv +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/02wr2r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x4wr9 /award/award_category/nominees./award/award_nomination/nominated_for /m/03vyw8 +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award /m/09qs08 +/m/0bs5f0b /film/film/genre /m/07s9rl0 +/m/08swgx /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016vg8 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/02wgk1 +/m/040b5k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/046f3p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/046488 /film/film/country /m/0hzlz +/m/01dtl /sports/sports_team/sport /m/02vx4 +/m/02_286 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/011zd3 +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/02j9z /location/location/contains /m/03t1s +/m/01vh3r /film/actor/film./film/performance/film /m/02lk60 +/m/0187x8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/034q3l /film/actor/film./film/performance/film /m/09qycb +/m/0gywn /music/genre/artists /m/046p9 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/0127xk +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0x2p +/m/01v9724 /people/person/nationality /m/02jx1 +/m/0glt670 /music/genre/artists /m/03f5spx +/m/03qy3l /music/record_label/artist /m/06gcn +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/03rhqg /music/record_label/artist /m/07zft +/m/024y8p /education/university/fraternities_and_sororities /m/035tlh +/m/03fnyk /film/actor/film./film/performance/film /m/01d2v1 +/m/0c5tl /influence/influence_node/influenced_by /m/01lwx +/m/03c5f7l /people/person/gender /m/05zppz +/m/02w5q6 /people/person/profession /m/02hrh1q +/m/09g_31 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01tszq +/m/06pj8 /people/person/nationality /m/09c7w0 +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/01ynzf /people/person/gender /m/05zppz +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0143q0 +/m/03v3xp /award/award_winner/awards_won./award/award_honor/award_winner /m/02tr7d +/m/07lx1s /education/educational_institution/colors /m/01g5v +/m/01vv6_6 /people/person/place_of_birth /m/0n9r8 +/m/02tgz4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc5rj +/m/02krdz /film/film/production_companies /m/0c41qv +/m/0xv2x /music/genre/artists /m/01271h +/m/012q4n /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01p4vl /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0f4vbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0ptdz /film/film/genre /m/05p553 +/m/07vk2 /education/educational_institution_campus/educational_institution /m/07vk2 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01c59k /people/person/place_of_birth /m/02cl1 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b9f +/m/05g3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/023mdt /people/person/profession /m/02hrh1q +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02s2ft /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02qgqt +/m/01cszh /music/record_label/artist /m/01vxlbm +/m/03mr85 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p8r1 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/01gbb4 /people/person/profession /m/02hrh1q +/m/0d6lp /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0gd_b_ /people/person/profession /m/02hrh1q +/m/03hj3b3 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/03t28q /music/record_label/artist /m/016srn +/m/02hkv5 /people/person/profession /m/04gc2 +/m/01vw8k /film/film/genre /m/082gq +/m/09rfh9 /film/film/featured_film_locations /m/0h7h6 +/m/0130sy /music/group_member/membership./music/group_membership/role /m/07brj +/m/01kf4tt /film/film/genre /m/06n90 +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05dbf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01q_y0 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0fr7nt /people/person/profession /m/02hrh1q +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jnwx +/m/0_g_6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03wj4r8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0kbf1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/05bt6j /music/genre/artists /m/0178kd +/m/094qd5 /award/award_category/winners./award/award_honor/award_winner /m/0bw87 +/m/03p9hl /film/actor/film./film/performance/film /m/04t9c0 +/m/025t8bv /music/record_label/artist /m/01fl3 +/m/0jmk7 /sports/sports_team/sport /m/018w8 +/m/07cn2c /people/person/nationality /m/06mzp +/m/01_x6d /influence/influence_node/influenced_by /m/04sd0 +/m/011z3g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cpjgj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/04ynx7 /film/film/film_format /m/07fb8_ +/m/01lcxbb /people/person/profession /m/029bkp +/m/01xcqc /film/actor/film./film/performance/film /m/0140g4 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/034qrh /film/film/featured_film_locations /m/0cv3w +/m/094g2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/024mxd /film/film/genre /m/0btmb +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/048yqf /film/film/genre /m/04t2t +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0qxhc +/m/01rzqj /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/04jpg2p /film/film/genre /m/01zhp +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/04gp58p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0cpz4k /tv/tv_program/country_of_origin /m/09c7w0 +/m/0xckc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bh8x1y /film/film/produced_by /m/05183k +/m/03bnb /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/01r3y2 /education/university/fraternities_and_sororities /m/0325pb +/m/07tw_b /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02jtjz /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/09v9mks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0xhtw /music/genre/artists /m/01304j +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/02f9wb /people/person/gender /m/02zsn +/m/02b29 /people/person/profession /m/02hrh1q +/m/02wwmhc /film/film/genre /m/01jfsb +/m/02qssrm /people/person/place_of_birth /m/09b8m +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd57 +/m/02vrgnr /film/film/music /m/06fxnf +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/05k4my /film/film/genre /m/0fdjb +/m/027xx3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/06bc59 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0n5gq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/02qkt /location/location/contains /m/06m_5 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/0ctzf1 /tv/tv_program/languages /m/02h40lc +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/01vdm0 /music/performance_role/track_performances./music/track_contribution/role /m/0dwsp +/m/08jgk1 /tv/tv_program/genre /m/0gf28 +/m/0hvb2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01mqc_ +/m/02n72k /film/film/genre /m/0bkbm +/m/04pf4r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fkf /location/location/contains /m/0fsb8 +/m/05k2xy /film/film/executive_produced_by /m/02hfp_ +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/0jdhp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/013km /people/person/profession /m/0196pc +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02q5g1z +/m/036px /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/017gm7 /film/film/prequel /m/017gl1 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0pzmf +/m/03c6vl /people/person/profession /m/02jknp +/m/0jmnl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/09th87 +/m/01w8n89 /people/person/gender /m/05zppz +/m/03h8_g /people/person/places_lived./people/place_lived/location /m/07ylj +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/06mz5 +/m/0f_y9 /people/person/profession /m/09jwl +/m/059_gf /film/actor/film./film/performance/film /m/03r0g9 +/m/0g2lq /award/award_nominee/award_nominations./award/award_nomination/award /m/0f_nbyh +/m/04shbh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02whj +/m/07c5l /location/location/contains /m/015fr +/m/02wd48 /people/person/nationality /m/0d060g +/m/02xyl /people/person/religion /m/092bf5 +/m/01pcmd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hskw +/m/06t2t /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0hr3c8y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hsn_ +/m/0177s6 /people/deceased_person/place_of_death /m/0k049 +/m/01vv7sc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07tw_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04gzd /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/05qhw +/m/0k4fz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/023t0q /people/person/profession /m/01d_h8 +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/08lb68 +/m/0bxtg /people/person/profession /m/02hrh1q +/m/048wrb /people/person/profession /m/02hrh1q +/m/02lz1s /people/person/nationality /m/09c7w0 +/m/01jsn5 /education/educational_institution/students_graduates./education/education/student /m/0dn3n +/m/02vx4c2 /people/person/profession /m/0dgd_ +/m/054gwt /tv/tv_program/genre /m/03fpg +/m/01vwllw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02wwmhc +/m/03m_k0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/0kft /people/person/nationality /m/03_3d +/m/02qcr /film/film/featured_film_locations /m/02_286 +/m/02k54 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08swgx +/m/013d_f /location/location/time_zones /m/02hcv8 +/m/0gcrg /film/film/genre /m/04t36 +/m/0crqcc /people/person/profession /m/0cbd2 +/m/0k525 /film/actor/film./film/performance/film /m/01wb95 +/m/0ch3qr1 /film/film/production_companies /m/06rq1k +/m/01b64v /tv/tv_program/languages /m/02h40lc +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/04_1l0v /location/location/contains /m/05fjf +/m/02my3z /film/actor/film./film/performance/film /m/0443v1 +/m/0h96g /award/award_nominee/award_nominations./award/award_nomination/award /m/02g2yr +/m/04xjp /people/person/profession /m/05z96 +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0pd6l +/m/03_d0 /music/genre/artists /m/0d9xq +/m/083qy7 /people/person/gender /m/05zppz +/m/01336l /people/ethnicity/people /m/0mbw0 +/m/0b_75k /time/event/instance_of_recurring_event /m/02jp2w +/m/021f30 /sports/sports_team/colors /m/083jv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02tktw /film/film/music /m/02jxkw +/m/0gtx63s /film/film/genre /m/03q4nz +/m/013d7t /location/location/time_zones /m/02fqwt +/m/01qszl /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/0p9tm /film/film/language /m/02h40lc +/m/06nfl /business/business_operation/industry /m/020mfr +/m/05r6t /music/genre/artists /m/0dvqq +/m/0fsb8 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/0340hj +/m/0n85g /music/record_label/artist /m/018x3 +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fb_1 /location/location/time_zones /m/02hcv8 +/m/03v0t /location/location/contains /m/0sg4x +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/0dqcm +/m/041rx /people/ethnicity/people /m/029b9k +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01zfzb +/m/0438pz /people/person/religion /m/0c8wxp +/m/026390q /award/award_winning_work/awards_won./award/award_honor/award /m/027b9k6 +/m/09wv__ /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/024lt6 /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/0mm1q /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/016z2j +/m/0159h6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07b2lv +/m/02w7gg /people/ethnicity/people /m/0k7pf +/m/01wt4wc /people/person/nationality /m/09c7w0 +/m/01k6zy /sports/sports_team/sport /m/0jm_ +/m/05zlld0 /film/film/executive_produced_by /m/06pj8 +/m/01m_zd /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/04306rv +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/016lh0 +/m/05yjhm /people/person/place_of_birth /m/0z4_0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/0sxgv +/m/029jt9 /film/film/genre /m/07s9rl0 +/m/01cbwl /music/genre/artists /m/032nl2 +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/07nxnw /film/film/other_crew./film/film_crew_gig/crewmember /m/092ys_y +/m/0fdys /education/field_of_study/students_majoring./education/education/major_field_of_study /m/09xq9d +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/07q0m +/m/02qm_f /film/film/language /m/06nm1 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0fby2t /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/07vfy4 /film/film/featured_film_locations /m/06m_5 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7qm +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01x73 /location/location/contains /m/01zmqw +/m/07s3m4g /film/film/genre /m/02n4kr +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/037fqp +/m/091rc5 /film/film/production_companies /m/09b3v +/m/03d2k /people/person/place_of_birth /m/068p2 +/m/05bt6j /music/genre/artists /m/03xhj6 +/m/01rzqj /film/actor/film./film/performance/film /m/07_fj54 +/m/02qr46y /tv/tv_program/genre /m/07s9rl0 +/m/027tbrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01wk7ql +/m/0gd_b_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03ln8b +/m/029jpy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0py9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0436kgz /film/actor/film./film/performance/film /m/0946bb +/m/0hdx8 /sports/sports_team_location/teams /m/04k3jt +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/0432mrk /people/ethnicity/geographic_distribution /m/059g4 +/m/059x66 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04kj2v +/m/031n5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bkg87 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02bh8z /organization/organization/child./organization/organization_relationship/child /m/01cf93 +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/099vwn +/m/04p_hy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/01nmgc /education/educational_institution/school_type /m/05jxkf +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/02zmh5 /people/person/profession /m/0nbcg +/m/01rnpy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05c0jwl /organization/role/leaders./organization/leadership/organization /m/0159r9 +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/02y0yt /people/person/gender /m/05zppz +/m/024y6w /people/person/profession /m/02hrh1q +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0138mv +/m/0xnc3 /people/person/religion /m/01spm +/m/02d44q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03prz_ /film/film/language /m/02h40lc +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0ny75 +/m/0845v /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01k_r5b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016lh0 /people/person/profession /m/05t4q +/m/0123gq /location/location/time_zones /m/052vwh +/m/0p7tb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0283d /music/genre/artists /m/03t9sp +/m/02qhlwd /film/film/production_companies /m/017jv5 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05t0_2v +/m/06cm5 /film/film/genre /m/03j0dp +/m/04knq3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01t8sr /organization/organization/headquarters./location/mailing_address/state_province_region /m/07h34 +/m/01n7q /location/location/contains /m/01zqy6t +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02xfj0 /people/person/languages /m/02h40lc +/m/0klh7 /film/actor/film./film/performance/film /m/03z20c +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/04sskp +/m/047fjjr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0ygbf /location/location/time_zones /m/02hcv8 +/m/0h0wc /film/actor/film./film/performance/film /m/015qqg +/m/01j7mr /tv/tv_program/country_of_origin /m/09c7w0 +/m/01gb54 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/07tgn +/m/02rk45 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/071h5c /soccer/football_player/current_team./sports/sports_team_roster/team /m/0199gx +/m/04z288 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08cn_n /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/09c7w0 /location/location/contains /m/0v1xg +/m/0ct9_ /people/deceased_person/place_of_death /m/05qtj +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/06chvn /people/person/profession /m/012t_z +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/043gj +/m/02js_6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/02zy1z /education/educational_institution/colors /m/04mkbj +/m/02v406 /people/person/gender /m/05zppz +/m/028c_8 /sports/sports_position/players./sports/sports_team_roster/team /m/07l8f +/m/048ldh /sports/sports_team/colors /m/01g5v +/m/0306bt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03061d +/m/02lhm2 /people/person/gender /m/05zppz +/m/09_b4 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t21 +/m/0yyn5 /film/film/cinematography /m/0bqytm +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/04xvlr /media_common/netflix_genre/titles /m/03hfmm +/m/09pmkv /location/country/form_of_government /m/01q20 +/m/0m123 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nzz8 +/m/02t__l /people/person/profession /m/02hrh1q +/m/01xwv7 /people/person/profession /m/018gz8 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0127s7 +/m/02nb2s /people/person/profession /m/02jknp +/m/02v5xg /tv/tv_program/genre /m/06n90 +/m/048wrb /people/person/nationality /m/07ssc +/m/07rzf /film/actor/film./film/performance/film /m/03q5db +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/01sp81 /people/person/profession /m/0dxtg +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/061xhr +/m/07bch9 /people/ethnicity/people /m/06688p +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/016mhd /film/film/genre /m/04xvlr +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0btpm6 +/m/0gk4g /people/cause_of_death/people /m/03nqbvz +/m/0ctb4g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0269kx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0grmhb /people/person/profession /m/01d_h8 +/m/018ty9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/019r_1 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0m8_v /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04xvlr /media_common/netflix_genre/titles /m/0hv81 +/m/049mql /film/film/genre /m/02kdv5l +/m/015vql /people/person/nationality /m/07ssc +/m/025t9b /film/actor/film./film/performance/film /m/048yqf +/m/03q5t /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cw67g +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03yl2t +/m/06mxs /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0320jz +/m/053xw6 /film/actor/film./film/performance/film /m/02prwdh +/m/0y3_8 /music/genre/artists /m/092ggq +/m/02swsm /music/record_label/artist /m/02jyhv +/m/0yyn5 /film/film/genre /m/02l7c8 +/m/01vc3y /sports/sports_team_location/teams /m/03c0vy +/m/02xyl /influence/influence_node/influenced_by /m/03hnd +/m/0418154 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvld +/m/01x_d8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02yj7w +/m/016jll /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0yxm1 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/022wxh +/m/02vrgnr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05qkp +/m/09nhvw /film/actor/film./film/performance/film /m/09dv8h +/m/0149xx /people/person/nationality /m/09c7w0 +/m/06rzwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0czmk1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/023fb +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/01tsbmv /film/actor/film./film/performance/film /m/05nlx4 +/m/06s0l /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/028knk +/m/07d3z7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/05xbx /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06yxd /location/location/contains /m/0mvn6 +/m/04pwg /people/person/religion /m/0c8wxp +/m/011_3s /film/actor/film./film/performance/film /m/0320fn +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01mjq +/m/01vsgrn /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/06br8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/0161sp /people/person/profession /m/025352 +/m/02fj8n /film/film/film_production_design_by /m/03mdw3c +/m/01s7w3 /film/film/edited_by /m/03q8ch +/m/018417 /people/person/gender /m/02zsn +/m/05q96q6 /film/film/production_companies /m/04rtpt +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05nlx4 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05yzt_ +/m/0z4s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/057_yx +/m/057bc6m /film/film_set_designer/film_sets_designed /m/0jwvf +/m/02_wxh /people/person/languages /m/02h40lc +/m/0dcsx /people/cause_of_death/people /m/05xpv +/m/0d35y /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01k3tq +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bp37 +/m/04wp3s /people/person/gender /m/05zppz +/m/049fgvm /people/person/profession /m/02hrh1q +/m/0ptdz /film/film/genre /m/02l7c8 +/m/012_53 /people/person/profession /m/02krf9 +/m/014v6f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04qsdh +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/07kdkfj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/098n5 +/m/07c5l /location/location/contains /m/05qx1 +/m/0flw6 /film/actor/film./film/performance/film /m/0n08r +/m/01w5gg6 /people/person/profession /m/039v1 +/m/0blpg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bz6sq +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/04n8xs +/m/029_l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pkc +/m/02rmd_2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01314k /organization/organization/headquarters./location/mailing_address/citytown /m/049kw +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/02yxbc /film/film/country /m/0f8l9c +/m/02bh8z /music/record_label/artist /m/010hn +/m/018grr /film/actor/film./film/performance/film /m/013q0p +/m/02qhqz4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/0xhtw /music/genre/artists /m/02y7sr +/m/0c4f4 /people/person/nationality /m/09c7w0 +/m/02lmk /people/person/religion /m/05sfs +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bnzd +/m/029zqn /film/film/genre /m/04xvlr +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bm2x +/m/0ym17 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/02_1kl /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03knl /film/actor/film./film/performance/film /m/0gh65c5 +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01l0__ +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0gtsxr4 /film/film/genre /m/06qln +/m/0ph2w /people/person/nationality /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01323p +/m/02js6_ /people/person/nationality /m/09c7w0 +/m/0btj0 /people/deceased_person/place_of_burial /m/018mmw +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01lhdt /education/educational_institution/colors /m/083jv +/m/0yjvm /location/hud_county_place/place /m/0yjvm +/m/09hy79 /film/film/genre /m/060__y +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/09r9dp +/m/0362q0 /people/person/profession /m/02jknp +/m/023qfd /people/person/gender /m/05zppz +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/02qzmz6 /film/film/film_production_design_by /m/03wdsbz +/m/0xhtw /music/genre/artists /m/01v0sxx +/m/02tf1y /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05r5w +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0btxr /people/person/profession /m/02hrh1q +/m/02qvkj /sports/sports_position/players./sports/sports_team_roster/team /m/0c41y70 +/m/0hqcy /people/person/gender /m/05zppz +/m/0_816 /film/film/genre /m/0lsxr +/m/011yfd /film/film/genre /m/03q4nz +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/045xx +/m/07xpm /education/educational_institution/colors /m/04mkbj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/047p7fr +/m/09qj50 /award/award_category/nominees./award/award_nomination/nominated_for /m/0557yqh +/m/0pmw9 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/0ph24 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0b1y_2 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/04f6hhm /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03v0vd +/m/02xyl /people/person/nationality /m/09c7w0 +/m/01s0_f /location/location/time_zones /m/02hcv8 +/m/016m9h /people/profession/specialization_of /m/04gc2 +/m/02dw1_ /music/artist/origin /m/02m77 +/m/0bxsk /film/film/genre /m/09blyk +/m/0kbws /olympics/olympic_games/participating_countries /m/07fsv +/m/01j4ls /film/actor/film./film/performance/film /m/0pvms +/m/025sc50 /music/genre/artists /m/01trhmt +/m/0f9rw9 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/02swsm /music/record_label/artist /m/0gs6vr +/m/069ld1 /people/person/nationality /m/09c7w0 +/m/07zhjj /tv/tv_program/genre /m/05p553 +/m/05r5c /music/instrument/instrumentalists /m/02lk95 +/m/0rh6k /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/02mhfy /people/person/profession /m/0np9r +/m/021bk /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0hh2s /music/genre/artists /m/01v_pj6 +/m/0hm0k /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0d060g +/m/0428bc /people/person/gender /m/05zppz +/m/036c_0 /people/person/nationality /m/09c7w0 +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/051q5 /sports/sports_team/colors /m/09ggk +/m/0blpg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0bjv6 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cc5mcj +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02lfcm /award/award_winner/awards_won./award/award_honor/award_winner /m/059gkk +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01518s +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/05z7c +/m/01x96 /location/location/time_zones /m/02hcv8 +/m/059x0w /people/person/nationality /m/09c7w0 +/m/03mv9j /award/award_category/disciplines_or_subjects /m/01tz3c +/m/04y9mm8 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0g83dv /film/film/language /m/02h40lc +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05l64 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/050xpd +/m/09hnb /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/01jr4j /film/film/genre /m/0bkbm +/m/070px /people/person/nationality /m/07ssc +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/group /m/0jg77 +/m/06kb_ /people/person/profession /m/0d8qb +/m/025sc50 /music/genre/artists /m/01vrkdt +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0146hc /education/educational_institution_campus/educational_institution /m/0146hc +/m/07q1v4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/05txrz /film/actor/film./film/performance/film /m/034qzw +/m/04bdlg /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/02v0ff /people/person/languages /m/02h40lc +/m/0ky1 /people/person/gender /m/05zppz +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/02704ff /film/film/other_crew./film/film_crew_gig/crewmember /m/03m49ly +/m/073hd1 /time/event/instance_of_recurring_event /m/0g_w +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vb403 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d7vtk +/m/0975t6 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0cr7m +/m/0f11p /education/educational_institution/colors /m/019sc +/m/0gvvm6l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/017l96 /music/record_label/artist /m/0ql36 +/m/02zn1b /music/record_label/artist /m/01sb5r +/m/0g9zjp /people/person/nationality /m/03rt9 +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/016z68 /film/actor/film./film/performance/film /m/0645k5 +/m/011ydl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0vlf /organization/organization/place_founded /m/0r6c4 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/02wh75 /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/06dv3 /people/person/profession /m/02hrh1q +/m/019pm_ /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/01v_pj6 /people/person/profession /m/0dz3r +/m/01vsy9_ /people/person/place_of_birth /m/010t4v +/m/019pm_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0b6l1st /film/film/production_companies /m/05nn2c +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04rjg +/m/0bt7w /music/genre/parent_genre /m/06by7 +/m/04kjrv /people/person/religion /m/0kpl +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/01kj0p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05v38p +/m/02lt8 /people/person/nationality /m/09c7w0 +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5b6 +/m/063b4k /people/person/place_of_birth /m/0jp26 +/m/0738b8 /people/person/places_lived./people/place_lived/location /m/01x73 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04205z /people/person/spouse_s./people/marriage/location_of_ceremony /m/0ggyr +/m/02184q /people/person/profession /m/0dxtg +/m/01clyr /music/record_label/artist /m/01wp8w7 +/m/01rc6f /education/educational_institution/school_type /m/01_9fk +/m/0dwl2 /organization/organization/headquarters./location/mailing_address/state_province_region /m/081yw +/m/02w29z /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0gp9mp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0_2v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/01z0lb /people/person/profession /m/02jknp +/m/04cf09 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02__7n +/m/02mpyh /film/film/genre /m/060__y +/m/02183k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/04ydr95 /film/film/genre /m/0hc1z +/m/09v5bdn /people/ethnicity/people /m/06gp3f +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/024lt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06by7 /music/genre/artists /m/07qnf +/m/0173s9 /education/educational_institution/students_graduates./education/education/student /m/08304 +/m/016h4r /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0137n0 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/03bxp5 +/m/01vzxld /people/person/profession /m/0dz3r +/m/01fjfv /broadcast/content/artist /m/017j6 +/m/02qvvv /education/educational_institution/school_type /m/01_9fk +/m/01k2wn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0_jq4 /location/hud_county_place/place /m/0_jq4 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01699 +/m/05l71 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/0249fn /award/award_category/category_of /m/0c4ys +/m/03qx_f /music/record_label/artist /m/01vrncs +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/027rn /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05pyrb /film/film/dubbing_performances./film/dubbing_performance/actor /m/05j0wc +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/048htn +/m/05fkf /location/location/contains /m/013hvr +/m/01w8g3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07sbk /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/03c6v3 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0ccvx +/m/016gkf /people/person/nationality /m/07ssc +/m/01vsksr /people/person/profession /m/01d_h8 +/m/02qpt1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02645b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01gx5f /people/person/place_of_birth /m/0qzhw +/m/06by7 /music/genre/artists /m/03y82t6 +/m/04wtx1 /people/person/profession /m/02hrh1q +/m/063g7l /sports/pro_athlete/teams./sports/sports_team_roster/team /m/084l5 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d9y6 +/m/0drnwh /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/041c4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/020xn5 +/m/0130xz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04xrx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/013w7j +/m/02ldv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/061681 /film/film/language /m/0jzc +/m/01jssp /education/educational_institution/colors /m/01g5v +/m/02_jjm /education/educational_institution/students_graduates./education/education/student /m/09h_q +/m/026kq4q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0d1mp3 +/m/06d4h /film/film_subject/films /m/0170_p +/m/06sy4c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/06rhz7 +/m/04sry /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03lrht /film/film/genre /m/05p553 +/m/03d6q /people/person/nationality /m/03rjj +/m/016tw3 /business/business_operation/industry /m/02vxn +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015t7v +/m/0p3r8 /people/person/place_of_birth /m/09bkv +/m/056wb /people/person/gender /m/05zppz +/m/0rt80 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jx1 /location/location/contains /m/0c5_3 +/m/0gy6z9 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0hg45 /medicine/disease/risk_factors /m/0jpmt +/m/07t3x8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0lkr7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0ggq0m /music/genre/artists /m/0kn3g +/m/02vrr /medicine/disease/risk_factors /m/01hbgs +/m/027dtv3 /award/award_winner/awards_won./award/award_honor/award_winner /m/03yj_0n +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01b1pf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0d8cr0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/023rwm /music/record_label/artist /m/01wg982 +/m/02yv_b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/046zh +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0421v9q +/m/0g5879y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/070bjw /people/person/nationality /m/09c7w0 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01tzfz /education/educational_institution/colors /m/06fvc +/m/01hmk9 /people/person/profession /m/04j5jl +/m/03nl5k /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/04pmnt /film/film/executive_produced_by /m/03c9pqt +/m/05pzdk /award/award_nominee/award_nominations./award/award_nomination/award /m/047byns +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0kt_4 /film/film/story_by /m/081k8 +/m/0342h /music/instrument/instrumentalists /m/01whg97 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/02k1b +/m/05qg6g /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0992d9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/011xjd /people/person/profession /m/02hrh1q +/m/0btj0 /influence/influence_node/influenced_by /m/0177s6 +/m/0bl5c /film/film/costume_design_by /m/0gl88b +/m/0jrny /people/person/profession /m/02hrh1q +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0mb5x +/m/0187wh /tv/tv_network/programs./tv/tv_network_duration/program /m/025x1t +/m/04tqtl /film/film/genre /m/03j0dp +/m/05qw5 /people/person/profession /m/0cbd2 +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/03rs8y +/m/02_06s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03lt8g /people/person/profession /m/03gjzk +/m/03c_cxn /film/film/featured_film_locations /m/04jpl +/m/01hqhm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/012mzw +/m/0114m0 /location/hud_county_place/place /m/0114m0 +/m/041wm /people/person/profession /m/0fj9f +/m/072x7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01qqv5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0n6ds /film/film/language /m/064_8sq +/m/05mcjs /people/person/profession /m/0dxtg +/m/02l7c8 /media_common/netflix_genre/titles /m/0pv2t +/m/059_gf /film/actor/film./film/performance/film /m/01719t +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0840vq +/m/02fv3t /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/02h40lc /language/human_language/countries_spoken_in /m/0chghy +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/07bwr /film/film/music /m/03h610 +/m/0bdw6t /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/01f6ss /education/educational_institution/colors /m/01l849 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gw7p +/m/0739y /people/person/profession /m/02hv44_ +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/01t04r /music/record_label/artist /m/0pkyh +/m/0dl5d /music/genre/artists /m/01k47c +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/09fb5 +/m/0r80l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05m_jsg /film/film/genre /m/06cvj +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0mbql /film/film/genre /m/05p553 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yxg +/m/01mk6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0nbjq +/m/02js6_ /people/person/gender /m/05zppz +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01846t /film/actor/film./film/performance/film /m/02qrv7 +/m/0bw20 /film/film/costume_design_by /m/03gt0c5 +/m/03fgm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/09c7w0 /location/location/contains /m/013gz +/m/02t_99 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01wbl_r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07z1_q /film/actor/film./film/performance/film /m/02qdrjx +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/03cd0x +/m/0qmfk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gpjbt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g_g2 +/m/02t8gf /music/genre/artists /m/01w8n89 +/m/02bh8z /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/02pkpfs /people/person/gender /m/05zppz +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/026zvx7 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/035gjq +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/09b3v +/m/02825nf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0b05xm /people/person/profession /m/0dxtg +/m/01pj7 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/082mw /people/person/nationality /m/07ssc +/m/0642xf3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0w7c +/m/09jrf /government/politician/government_positions_held./government/government_position_held/basic_title /m/0fj45 +/m/018h2 /film/film_subject/films /m/02fqxm +/m/02gl58 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01r9md +/m/0fxky3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0603qp +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/09c7w0 /location/location/contains /m/0rd5k +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/0yzyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05h95s /tv/tv_program/genre /m/01t_vv +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/05q_dw +/m/03c7ln /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/0ds3t5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/016bx2 /people/person/profession /m/0dxtg +/m/0l3q2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02d003 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/02kzfw +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/0byh8j /location/location/contains /m/0fkbh +/m/026n6cs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08w6v_ +/m/0b_6jz /time/event/locations /m/04f_d +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/01520h /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/041td_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0m32h /people/cause_of_death/people /m/02l0xc +/m/088q4 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/04psf /people/cause_of_death/people /m/01gzm2 +/m/04xvlr /media_common/netflix_genre/titles /m/011yqc +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02vjzr /music/genre/artists /m/01vzxld +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02tqm5 +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018_q8 +/m/01g3gq /film/film/country /m/0d060g +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/027g6p7 +/m/033gn8 /education/educational_institution/students_graduates./education/education/student /m/01p7yb +/m/09cn0c /award/award_category/winners./award/award_honor/award_winner /m/04r7p +/m/04fzk /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01tcf7 /film/actor/film./film/performance/film /m/06pyc2 +/m/025rxjq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/063576 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/02fjzt +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pyrb +/m/013_vh /people/person/profession /m/02hrh1q +/m/0c_j9x /film/film/language /m/02h40lc +/m/024mxd /film/film/genre /m/04pbhw +/m/09889g /influence/influence_node/influenced_by /m/0407f +/m/026s90 /music/record_label/artist /m/01wgcvn +/m/06gb1w /film/film/production_companies /m/0c_j5d +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/01qscs /film/actor/film./film/performance/film /m/04tqtl +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0j1z8 +/m/05zpghd /film/film/genre /m/02l7c8 +/m/092ggq /people/person/profession /m/02hrh1q +/m/0gzh /organization/organization_founder/organizations_founded /m/07wbk +/m/0by1wkq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/09cm54 /award/award_category/nominees./award/award_nomination/nominated_for /m/0209xj +/m/03rx9 /people/deceased_person/place_of_death /m/02_286 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/073hkh +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fhzwl +/m/0g5qmbz /film/film/language /m/06nm1 +/m/0bzkgg /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kb3n +/m/022h5x /education/educational_degree/people_with_this_degree./education/education/institution /m/01j_9c +/m/0257wh /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0mj0c +/m/0m9p3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gq0b /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02qfhb +/m/0k345 /music/genre/artists /m/0dw3l +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07t21 +/m/03bzyn4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0mvxt /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05m7zg /people/person/places_lived./people/place_lived/location /m/0n95v +/m/06hgj /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02plv57 +/m/0fb7sd /film/film/genre /m/082gq +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/056vv +/m/0cm03 /people/person/gender /m/05zppz +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/03nt59 +/m/0190y4 /music/genre/parent_genre /m/06cqb +/m/05zr6wv /award/award_category/winners./award/award_honor/award_winner /m/012d40 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01p5xy +/m/0301yj /people/person/religion /m/0c8wxp +/m/05lb65 /award/award_winner/awards_won./award/award_honor/award_winner /m/030znt +/m/041rx /people/ethnicity/people /m/01r6jt2 +/m/0dq2k /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gtc0 +/m/0crs0b8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01snm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01t032 +/m/03khn /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01rs5p /people/person/languages /m/02h40lc +/m/015c4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02x73k6 +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03j24kf /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02g3ft /award/award_category/winners./award/award_honor/award_winner /m/02qzjj +/m/081yw /location/location/time_zones /m/02lcqs +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03rk0 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/04zjxcz +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/01jssp /education/educational_institution/students_graduates./education/education/student /m/0p8jf +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ccck7 +/m/03gvt /music/performance_role/track_performances./music/track_contribution/role /m/0680x0 +/m/07vqnc /tv/tv_program/genre /m/01hmnh +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/0pd4f /film/film/language /m/06b_j +/m/05r3qc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/04b2qn /film/film/genre /m/02l7c8 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0dt8xq +/m/0z4_0 /location/hud_county_place/place /m/0z4_0 +/m/05sq84 /film/actor/film./film/performance/film /m/02qdrjx +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/09889g /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/030znt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/06pjs /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0prjs +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/02t4yc /education/educational_institution/students_graduates./education/education/student /m/0q1lp +/m/0534nr /film/actor/film./film/performance/film /m/03kx49 +/m/03crmd /people/person/nationality /m/03rjj +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0pqp3 +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02qk2d5 +/m/04rcr /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/016ghw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01wg6y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/05zx7xk /award/award_category/nominees./award/award_nomination/nominated_for /m/09ps01 +/m/0fcsd /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0hdx8 /location/location/time_zones /m/03bdv +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0161c +/m/02zyy4 /film/actor/film./film/performance/film /m/0gyv0b4 +/m/09tqkv2 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yfd +/m/02yl42 /people/person/profession /m/0cbd2 +/m/0342h /music/instrument/instrumentalists /m/0161c2 +/m/02t_zq /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04ddm4 +/m/02r1tx7 /music/artist/origin /m/04jpl +/m/0dq9p /people/cause_of_death/people /m/015cbq +/m/02bqn1 /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06mr6 +/m/0hz35 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01lxw6 +/m/0bksh /film/actor/film./film/performance/film /m/02lk60 +/m/0fb0v /music/record_label/artist /m/01vsyg9 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/06dl_ /people/person/nationality /m/07ssc +/m/028q6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012mzw +/m/012x2b /people/person/gender /m/05zppz +/m/073q1 /location/location/contains /m/04hhv +/m/08g_jw /film/film/language /m/01c7y +/m/02c0mv /people/person/places_lived./people/place_lived/location /m/052bw +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/award /m/02r22gf +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/01p7yb /film/actor/film./film/performance/film /m/01jzyf +/m/08vr94 /film/actor/film./film/performance/film /m/0bvn25 +/m/09xrxq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr07 +/m/03k9fj /media_common/netflix_genre/titles /m/034b6k +/m/03x400 /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/09c7w0 /location/location/contains /m/02yxjs +/m/043g7l /music/record_label/artist /m/02j3d4 +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/04jm_hq +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03hpkp +/m/0tz54 /location/hud_county_place/place /m/0tz54 +/m/01kkx2 /people/person/places_lived./people/place_lived/location /m/0ccvx +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/018wrk /olympics/olympic_games/sports /m/06z6r +/m/01xndd /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/034cj9 /people/person/gender /m/05zppz +/m/02lgfh /people/person/profession /m/02hrh1q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/06gmr +/m/01_njt /people/person/profession /m/02hrh1q +/m/0524b41 /tv/tv_program/country_of_origin /m/09c7w0 +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/08nvyr +/m/0261m /location/location/contains /m/01l3lx +/m/02yl42 /people/person/religion /m/03_gx +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bt4g +/m/0lkr7 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/026vcc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jp5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09fb5 +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/06z8gn +/m/06lpmt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/01z9v6 /sports/sports_position/players./sports/sports_team_roster/team /m/01d5z +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/015cbq +/m/013pk3 /film/actor/film./film/performance/film /m/0d61px +/m/03mnk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g7pm1 /film/film/genre /m/06qm3 +/m/0h1_w /people/deceased_person/place_of_death /m/030qb3t +/m/01_k7f /education/educational_institution/colors /m/01l849 +/m/054krc /award/award_category/winners./award/award_honor/ceremony /m/09q_6t +/m/0k345 /music/genre/artists /m/0191h5 +/m/060__7 /film/film/genre /m/02n4kr +/m/03s7h /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0wq36 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06by7 /music/genre/artists /m/017mbb +/m/01jp4s /location/location/time_zones /m/02llzg +/m/02mxw0 /people/person/gender /m/05zppz +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r5qtm +/m/07g2v /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/05kfs +/m/03rt9 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/09lwrt +/m/01whg97 /people/person/profession /m/02hrh1q +/m/01s7j5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qjv1p /tv/tv_program/country_of_origin /m/09c7w0 +/m/015p37 /people/person/profession /m/018gz8 +/m/0c5x_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/06ztvyx /film/film/genre /m/08322 +/m/04n_g /film/actor/film./film/performance/film /m/06rzwx +/m/06d4h /film/film_subject/films /m/0581vn8 +/m/0gyy0 /people/deceased_person/place_of_death /m/06_kh +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ftps /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/05rx__ /people/person/profession /m/0cbd2 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/02ywwy /film/film/genre /m/05p553 +/m/01x73 /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07hhnl /people/person/place_of_birth /m/01_d4 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/0c0zq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rmxx /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/01w8g3 /film/film/language /m/02h40lc +/m/08_hns /people/person/nationality /m/09c7w0 +/m/0d4htf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01pllx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0lhql /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015rhv +/m/0dfrq /people/person/profession /m/05z96 +/m/030x48 /people/person/place_of_birth /m/01_d4 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02jxrw +/m/084m3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g2mbn /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0crh5_f /film/film/production_companies /m/020h2v +/m/02vx4c2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/01l79yc +/m/06_sc3 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/029j_ +/m/01m7mv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08nvyr /film/film/country /m/0f8l9c +/m/059wk /organization/organization/place_founded /m/09d4_ +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/02rrh1w /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0276jmv /people/person/places_lived./people/place_lived/location /m/01531 +/m/025sc50 /music/genre/artists /m/01l1b90 +/m/01ps2h8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/03rjj /location/location/contains /m/057bxr +/m/049dk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/01846t /people/person/profession /m/02hrh1q +/m/019vgs /people/person/profession /m/021wpb +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/072zl1 +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/071pf2 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0j46b +/m/029ql /people/person/nationality /m/0345h +/m/01w60_p /award/award_nominee/award_nominations./award/award_nomination/award /m/026mfs +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0gvrws1 /film/film/genre /m/02kdv5l +/m/086xm /education/educational_institution/colors /m/01l849 +/m/01dtcb /music/record_label/artist /m/09nhvw +/m/01vw87c /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/081k8 /people/person/languages /m/02h40lc +/m/0c12h /people/person/profession /m/01d_h8 +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/02cg7g /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03tcbx +/m/029m83 /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/012x4t /award/award_winner/awards_won./award/award_honor/award_winner /m/01htxr +/m/08s6mr /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/07k2x /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05t0zfv +/m/01vz80y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0300cp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/013tcv /people/person/gender /m/05zppz +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/01t6xz +/m/043tvp3 /film/film/genre /m/07s9rl0 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/027pfg +/m/07bch9 /people/ethnicity/people /m/02j490 +/m/0345h /location/location/contains /m/01v8c +/m/060ppp /business/business_operation/industry /m/05jnl +/m/01_k0d /people/person/nationality /m/07ssc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/01vxlbm /people/person/place_of_birth /m/02_286 +/m/04jplwp /film/film/language /m/064_8sq +/m/09c7w0 /location/location/contains /m/09kvv +/m/09c7w0 /location/location/contains /m/0t_48 +/m/015mrk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/016szr +/m/06fq2 /education/educational_institution/students_graduates./education/education/student /m/01vdrw +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/015fr +/m/042zrm /film/film/other_crew./film/film_crew_gig/crewmember /m/094tsh6 +/m/03bzjpm /film/film/production_companies /m/086k8 +/m/048vhl /film/film/genre /m/04pbhw +/m/0dzlbx /film/film/genre /m/06n90 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/03qcfvw +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/07xpm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mq7 +/m/019nnl /tv/tv_program/genre /m/0vgkd +/m/02ndy4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/043cl9 /people/person/gender /m/05zppz +/m/0bbgvp /film/film/language /m/02h40lc +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/04lg6 /people/person/nationality /m/03rjj +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/017j6 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/031v3p /people/person/nationality /m/0d060g +/m/025rxjq /film/film/genre /m/06cvj +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/09lxv9 +/m/0c1fs /influence/influence_node/influenced_by /m/085gk +/m/0h1m9 /people/person/profession /m/02hrh1q +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/01_wfj +/m/02sjf5 /people/person/places_lived./people/place_lived/location /m/0mzvm +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0h5jg5 /people/person/nationality /m/09c7w0 +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/05jjl +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/033q4k /education/educational_institution/colors /m/02rnmb +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0258dh +/m/07v4dm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fhpv4 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jswq +/m/052smk /music/genre/parent_genre /m/0fd3y +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/07b_l +/m/01qdjm /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03v36 /people/person/place_of_birth /m/01b1nk +/m/03sxd2 /film/film/music /m/01m3b1t +/m/09tcg4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/025y9fn /people/person/gender /m/05zppz +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/050r1z +/m/028r4y /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/0g768 /music/record_label/artist /m/016376 +/m/018fmr /people/person/places_lived./people/place_lived/location /m/03s5t +/m/08zx0s /music/genre/artists /m/02bc74 +/m/01n7q /location/location/contains /m/0r6rq +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/05mlqj /film/actor/film./film/performance/film /m/048tv9 +/m/02z4b_8 /music/artist/track_contributions./music/track_contribution/role /m/0342h +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0p_rk +/m/047p7fr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wwvc5 +/m/018z_c /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/01sbf2 /people/person/gender /m/05zppz +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rzdcp +/m/012v8 /language/human_language/countries_spoken_in /m/056vv +/m/0hvb2 /people/person/religion /m/0c8wxp +/m/014zcr /people/person/profession /m/02krf9 +/m/0gs9p /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/0hz_1 /people/person/profession /m/0np9r +/m/05jm7 /people/person/nationality /m/07ssc +/m/0113sg /people/person/gender /m/05zppz +/m/0bykpk /film/film/genre /m/07s9rl0 +/m/01y9st /education/educational_institution_campus/educational_institution /m/01y9st +/m/07zr66 /people/person/gender /m/05zppz +/m/04t2l2 /people/person/profession /m/0dxtg +/m/01vrx35 /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02j9lm /people/person/gender /m/02zsn +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/03xpsrx /film/actor/film./film/performance/film /m/05h43ls +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02l3_5 /people/person/nationality /m/09c7w0 +/m/01flzq /music/genre/artists /m/01wyz92 +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/08z39v /people/deceased_person/place_of_death /m/0d6yv +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/04mhxx +/m/019fh /location/hud_county_place/place /m/019fh +/m/04vrxh /people/person/profession /m/09jwl +/m/0dj0m5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016_nr /music/genre/artists /m/01wj5hp +/m/04_1l0v /location/location/contains /m/03s0w +/m/03b1sb /film/film/genre /m/03j0dp +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/01dtcb /music/record_label/artist /m/0lbj1 +/m/019389 /people/person/profession /m/039v1 +/m/0p8h0 /music/artist/origin /m/030qb3t +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0160nk +/m/05kms /music/performance_role/regular_performances./music/group_membership/role /m/0g33q +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01sbf2 +/m/01wgcvn /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/04wgh /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02js6_ +/m/01cdt5 /medicine/symptom/symptom_of /m/02k6hp +/m/071h5c /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0199gx +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0d6lp +/m/013q07 /film/film/produced_by /m/019pm_ +/m/0jpn8 /education/educational_institution/school_type /m/05pcjw +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0661ql3 /film/film/genre /m/02kdv5l +/m/01rgn3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gp9mp +/m/02_l39 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/01z0rcq /people/person/profession /m/03gjzk +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01shhf +/m/07rzf /film/actor/film./film/performance/film /m/02x6dqb +/m/0dqytn /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/01j2xj /people/person/nationality /m/02jx1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/07024 +/m/0dt645q /people/person/nationality /m/03_3d +/m/018vs /music/instrument/instrumentalists /m/01jgkj2 +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g1sm +/m/02wwwv5 /people/person/profession /m/016z4k +/m/01cl0d /music/record_label/artist /m/0p3sf +/m/0fthdk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zfdp +/m/0hz55 /tv/tv_program/languages /m/02h40lc +/m/01skmp /film/actor/film./film/performance/film /m/03nqnnk +/m/05qfh /education/field_of_study/students_majoring./education/education/major_field_of_study /m/05wkw +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/012gq6 /people/person/nationality /m/09c7w0 +/m/05kkh /location/location/contains /m/0n2q0 +/m/016ypb /film/actor/film./film/performance/film /m/05zlld0 +/m/0jz9f /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/0405l +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/034hwx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0j43swk /film/film/production_companies /m/054lpb6 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02c7k4 +/m/0319l /music/performance_role/regular_performances./music/group_membership/group /m/015cxv +/m/01gb54 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02rb84n +/m/07q0g5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/01nzs7 /tv/tv_network/programs./tv/tv_network_duration/program /m/06w7mlh +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03_87 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xs0q /people/person/profession /m/03gjzk +/m/015wnl /film/actor/film./film/performance/film /m/023cjg +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/014zwb /film/film/genre /m/05p553 +/m/06gb2q /people/person/nationality /m/09c7w0 +/m/0g5q34q /film/film/genre /m/02l7c8 +/m/089j8p /film/film/featured_film_locations /m/04jpl +/m/03f3yfj /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/0154d7 /people/person/profession /m/02hrh1q +/m/0bmch_x /film/film/country /m/0345h +/m/0djb3vw /film/film/film_festivals /m/0gg7gsl +/m/048tgl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hz6mv2 /film/film/genre /m/0jtdp +/m/03ym1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0300ml /tv/tv_program/languages /m/02h40lc +/m/0bpbhm /film/film/genre /m/07s9rl0 +/m/064t9 /music/genre/artists /m/026yqrr +/m/0qmfz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07mgr /location/location/time_zones /m/02llzg +/m/0dgrwqr /film/film/film_format /m/0cj16 +/m/0dw4b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07jxpf /film/film/edited_by /m/02lp3c +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/043js +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/059gkk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02lfcm +/m/0697kh /people/person/profession /m/01d_h8 +/m/04rrx /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/044f7 /people/person/profession /m/02jknp +/m/0cdf37 /people/person/place_of_birth /m/0t_3w +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/01n6c /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/06b3g4 /film/actor/film./film/performance/film /m/03cmsqb +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/0gnjh +/m/0jmk7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/085wqm +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/07b1gq /film/film/genre /m/04pbhw +/m/06y611 /film/film/produced_by /m/03h304l +/m/03nqnnk /film/film/personal_appearances./film/personal_film_appearance/person /m/05ry0p +/m/025txrl /business/business_operation/industry /m/01mw1 +/m/0jqn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/09p2r9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04q827 +/m/03kts /people/person/gender /m/05zppz +/m/01rgdw /education/educational_institution/colors /m/01l849 +/m/05nn4k /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/061681 /film/film/featured_film_locations /m/02_286 +/m/02z1yj /people/person/profession /m/01d_h8 +/m/05148p4 /music/instrument/instrumentalists /m/01s21dg +/m/0bz3jx /film/film/language /m/0653m +/m/01f85k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/04ltlj /film/film/genre /m/07s9rl0 +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07l1c /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/04cnp4 /education/educational_institution/colors /m/083jv +/m/0ywrc /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01pllx /film/actor/film./film/performance/film /m/0g22z +/m/04tc1g /film/film/genre /m/06n90 +/m/0lbfv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/08qz1l /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05kyr +/m/01q8fxx /people/person/languages /m/02h40lc +/m/02vw1w2 /film/film/dubbing_performances./film/dubbing_performance/actor /m/01s9ftn +/m/0488g /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05sb1 +/m/02q1tc5 /award/award_category/winners./award/award_honor/award_winner /m/0275_pj +/m/013xrm /people/ethnicity/people /m/08f3b1 +/m/033jj1 /people/person/languages /m/02h40lc +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01w1kyf +/m/08s_lw /people/person/nationality /m/09c7w0 +/m/0dls3 /music/genre/artists /m/02r3zy +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/02sgy +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0165b +/m/0b_6v_ /time/event/locations /m/099ty +/m/029_3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01vt9p3 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/0963mq /film/film/country /m/09c7w0 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/06mkj +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0b90_r /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0ctw_b +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award /m/0789_m +/m/01vq3 /film/film_subject/films /m/09w6br +/m/02ppg1r /film/film/genre /m/0clz1b +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/05clg8 /music/record_label/artist /m/01vw_dv +/m/01dhmw /people/person/profession /m/0kyk +/m/033dbw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/014kbl +/m/02qwgk /education/educational_institution/colors /m/01l849 +/m/02vqsll /film/film/production_companies /m/02j_j0 +/m/0cxbth /sports/sports_team/sport /m/02vx4 +/m/02sjp /people/person/gender /m/05zppz +/m/02s4l6 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01934k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02j490 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0k5p1 /sports/sports_team_location/teams /m/01fwqn +/m/03lty /music/genre/artists /m/01whg97 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/039zft /film/film/written_by /m/0hky +/m/096ysw /music/record_label/artist /m/03ryks +/m/01k8rb /people/person/profession /m/02hrh1q +/m/02wyc0 /people/person/languages /m/03k50 +/m/05mkhs /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0ndwt2w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08vpjv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0jjw +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/019rg5 +/m/01cf93 /music/record_label/artist /m/07bzp +/m/06t74h /film/actor/film./film/performance/film /m/0gldyz +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/013zs9 +/m/0cnztc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06mnr +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01sl1q +/m/0b_6s7 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/091tgz +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/02vqsll +/m/0hkqn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0ycfj +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bvzp /award/award_winner/awards_won./award/award_honor/award_winner /m/01vrlr4 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05dy7p +/m/06bw5 /education/educational_institution/students_graduates./education/education/student /m/01d4cb +/m/01wwvc5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/02_286 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/0zz6w /location/hud_county_place/place /m/0zz6w +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0ffgh /people/person/profession /m/0nbcg +/m/0qcr0 /people/cause_of_death/people /m/01vrx3g +/m/01bt59 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0k20s /film/film/genre /m/07s9rl0 +/m/026lgs /film/film/genre /m/07s9rl0 +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/023w9s +/m/026r8q /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01jb26 +/m/03fpx /music/genre/parent_genre /m/0jrv_ +/m/016fnb /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/07hgm /influence/influence_node/influenced_by /m/0qmny +/m/01z4y /music/genre/artists /m/081lh +/m/016dj8 /film/film/genre /m/0556j8 +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01h8rk /education/university/fraternities_and_sororities /m/0325pb +/m/01515w /film/actor/film./film/performance/film /m/0g9z_32 +/m/018_q8 /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/01pk3z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01yzl2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01nhkxp +/m/019n9w /education/educational_institution_campus/educational_institution /m/019n9w +/m/0846v /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0ny75 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/02y_2y +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/0gkd1 /music/instrument/instrumentalists /m/0jn5l +/m/0222qb /people/ethnicity/people /m/0b_c7 +/m/0mhfr /music/genre/artists /m/0249kn +/m/03j24kf /film/actor/film./film/performance/film /m/07bzz7 +/m/03lh3v /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f5zj6 /people/person/profession /m/02hrh1q +/m/02ktt7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/03v0t +/m/05r5w /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/025v3k /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/03mr85 /film/film/genre /m/060__y +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02py4c8 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01_k7f +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/01hkhq +/m/01t110 /people/person/profession /m/016z4k +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018ljb +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/072192 /film/film/film_art_direction_by /m/05683cn +/m/02rrfzf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01f6ss /education/educational_institution/school_type /m/05jxkf +/m/07x4qr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0162v +/m/0dgq_kn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03t852 /people/person/profession /m/0nbcg +/m/06pwfk /music/record_label/artist /m/03vhvp +/m/0kvqv /people/person/places_lived./people/place_lived/location /m/0vzm +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hfzr +/m/0cymp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09nwwf /music/genre/artists /m/067mj +/m/07cz2 /film/film/featured_film_locations /m/06y57 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05k7sb +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/019mdt /sports/sports_team/sport /m/02vx4 +/m/0fzrtf /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jgwf +/m/0bl3nn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02rhwjr /tv/tv_program/languages /m/02h40lc +/m/0m0nq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p8s +/m/04xvlr /media_common/netflix_genre/titles /m/026p4q7 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/04ld32 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/05x8n /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/04r7f2 /sports/sports_team/sport /m/02vx4 +/m/04v3q /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/04pk1f /film/film/produced_by /m/03v1w7 +/m/06by7 /music/genre/artists /m/0f_y9 +/m/0m32h /people/cause_of_death/people /m/02whj +/m/0g2lq /film/actor/film./film/performance/film /m/0cqnss +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/07g_0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0m6x4 /people/person/nationality /m/09c7w0 +/m/09lxv9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/02664f +/m/04glr5h /people/person/nationality /m/0f8l9c +/m/07ldhs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pkgt /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02rdyk7 +/m/0249fn /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/037q2p +/m/018dnt /film/actor/film./film/performance/film /m/09v9mks +/m/0yshw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04cvn_ /people/profession/specialization_of /m/015btn +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/031n5b /education/educational_institution/students_graduates./education/education/student /m/01x1fq +/m/0mbhr /film/actor/film./film/performance/film /m/050xxm +/m/0175wg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0159h6 +/m/0342h /music/instrument/instrumentalists /m/01r0t_j +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/04b5l3 +/m/03v0t /location/location/contains /m/0nv2x +/m/0g48m4 /people/ethnicity/languages_spoken /m/0jzc +/m/043s3 /user/alexander/philosophy/philosopher/interests /m/04s0m +/m/087c7 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/09xq9d /education/field_of_study/students_majoring./education/education/major_field_of_study /m/0fdys +/m/032c08 /sports/sports_team/sport /m/02vx4 +/m/02dztn /people/person/place_of_birth /m/0f2v0 +/m/07rlg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k1b +/m/015p3p /film/actor/film./film/performance/film /m/04x4vj +/m/03j24kf /people/person/profession /m/0gbbt +/m/02r1ysd /tv/tv_program/languages /m/02h40lc +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04m064 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01trxd +/m/0479b /film/actor/film./film/performance/film /m/04s1zr +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/023s8 +/m/0jmj /people/person/religion /m/0kq2 +/m/01cszh /music/record_label/artist /m/015bwt +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/07y_7 /music/instrument/instrumentalists /m/01w923 +/m/0jq47 /people/profession/specialization_of /m/099md +/m/0cv3w /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/07r1h +/m/0kbws /olympics/olympic_games/participating_countries /m/06f32 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/015qh +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dvqq +/m/033wx9 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/01qgry /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/09c7w0 /location/country/second_level_divisions /m/0n2k5 +/m/0473rc /film/film/language /m/06b_j +/m/02613 /location/location/contains /m/0n3g +/m/0jm74 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/025tn92 +/m/0_ytw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0j1yf /people/person/place_of_birth /m/0c_m3 +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/0m63c +/m/0btbyn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/013zs9 /people/person/profession /m/09jwl +/m/03w1v2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02j490 /film/actor/film./film/performance/film /m/0gg5kmg +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rh6k +/m/01f873 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/055sjw /people/person/nationality /m/09c7w0 +/m/02r34n /film/actor/film./film/performance/film /m/04lhc4 +/m/016mhd /film/film/production_companies /m/03sb38 +/m/03c_pqj /people/person/gender /m/05zppz +/m/05qx1 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/07vf5c /award/award_winning_work/awards_won./award/award_honor/award /m/02x2gy0 +/m/02nbqh /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01c6l /people/person/profession /m/01d_h8 +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/0h10vt +/m/0180mw /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02jt1k +/m/04jjy /film/film_subject/films /m/04j14qc +/m/01243b /music/genre/parent_genre /m/011j5x +/m/02z3zp /people/person/nationality /m/09c7w0 +/m/03ncb2 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/0cjk9 /language/human_language/countries_spoken_in /m/06c1y +/m/0g2jl /education/educational_institution/school_type /m/05pcjw +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0169t +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/016_rm /music/genre/artists /m/03sww +/m/01n073 /organization/organization/child./organization/organization_relationship/child /m/021gk7 +/m/030g9z /people/person/profession /m/01d_h8 +/m/0cmc26r /film/film/film_format /m/0cj16 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02ptczs +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/012rng /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/031f_m /film/film/dubbing_performances./film/dubbing_performance/actor /m/01x9_8 +/m/030h95 /film/actor/film./film/performance/film /m/02qr3k8 +/m/0fplv /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fkh6 +/m/0948xk /people/person/profession /m/0fj9f +/m/041rx /people/ethnicity/people /m/01w_10 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/02vg0 +/m/033qdy /film/film/language /m/02h40lc +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02_01w /people/person/nationality /m/0d060g +/m/03rjj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06mzp +/m/05gnf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0bh72t +/m/059yj /sports/sports_league/teams./sports/sports_league_participation/team /m/06rny +/m/011lpr /people/person/profession /m/03gjzk +/m/09c7w0 /location/country/second_level_divisions /m/0mx6c +/m/059rby /location/location/contains /m/0fc_9 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq7tx +/m/030hcs /people/person/profession /m/02hrh1q +/m/02rn_bj /people/person/profession /m/016z4k +/m/05r5w /film/actor/film./film/performance/film /m/03l6q0 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4kp +/m/0kv2hv /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03_d0 /music/genre/artists /m/01wdqrx +/m/07l4z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/023322 /people/person/profession /m/0nbcg +/m/0c41y70 /ice_hockey/hockey_team/current_roster./sports/sports_team_roster/position /m/02qvkj +/m/01c8v0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0b1y_2 +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbvqf +/m/016dj8 /film/film/genre /m/06n90 +/m/02jr26 /people/person/profession /m/02hrh1q +/m/0dkv90 /film/film/genre /m/03g3w +/m/0gkd1 /music/performance_role/track_performances./music/track_contribution/role /m/0l1589 +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/015_30 /people/person/languages /m/02h40lc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds3t5x +/m/036hf4 /film/actor/film./film/performance/film /m/0b7l4x +/m/034vds /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/015wfg +/m/0dcz8_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fxyd /location/location/time_zones /m/02hcv8 +/m/018zvb /people/person/profession /m/0cbd2 +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03rhqg /music/record_label/artist /m/01vsnff +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01gwck +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0tc7 +/m/041h0 /influence/influence_node/influenced_by /m/08304 +/m/08720 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gywn /music/genre/artists /m/02pt7h_ +/m/04pz5c /people/person/profession /m/015cjr +/m/09c7w0 /location/location/contains /m/013jz2 +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027f7dj +/m/0bn8fw /people/person/profession /m/0np9r +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0c6g1l +/m/0sw6g /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04gc65 /film/actor/film./film/performance/film /m/09ps01 +/m/04s04 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/03s9v /people/deceased_person/place_of_death /m/0f8j6 +/m/043q2z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/063zky /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/06by7 /music/genre/artists /m/01vsy7t +/m/0m123 /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/035rnz /people/person/place_of_birth /m/02h98sm +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/01jgkj2 /music/group_member/membership./music/group_membership/group /m/01v0sx2 +/m/01zmpg /people/person/profession /m/0kyk +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04x4nv +/m/024qqx /media_common/netflix_genre/titles /m/0ddjy +/m/0gzh /people/person/profession /m/04gc2 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb07 +/m/01x1cn2 /people/person/languages /m/064_8sq +/m/087vz /location/location/contains /m/077qn +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/095nx /people/person/profession /m/01445t +/m/01hmk9 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01fx1l +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/03rl84 /film/actor/film./film/performance/film /m/07tlfx +/m/05r6t /music/genre/artists /m/0484q +/m/018grr /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/02k_kn /music/genre/artists /m/0cbm64 +/m/01jx9 /business/business_operation/industry /m/020mfr +/m/07c5l /location/location/contains /m/09c7w0 +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/02jxk +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/05xq9 +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0gtv7pk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0872p_c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02wk7b /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/091z_p /film/film/genre /m/07s9rl0 +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/01s5nb +/m/0ggbhy7 /film/film/language /m/064_8sq +/m/0g1x2_ /film/film_subject/films /m/04tqtl +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0cms7f /people/person/place_of_birth /m/0d04z6 +/m/03f0324 /influence/influence_node/influenced_by /m/02lt8 +/m/0tj9 /people/person/places_lived./people/place_lived/location /m/04vmp +/m/0234_c /education/educational_institution/students_graduates./education/education/student /m/032zg9 +/m/015rkw /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0415ggl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03n08b /film/actor/film./film/performance/film /m/033f8n +/m/07f_7h /film/film/film_production_design_by /m/03mdw3c +/m/012gq6 /influence/influence_node/influenced_by /m/0l5yl +/m/01rddlc /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/01w56k /music/record_label/artist /m/05k79 +/m/03818y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/0c3dzk /people/person/nationality /m/09c7w0 +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0fphgb /film/film/genre /m/05p553 +/m/02_286 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0221zw +/m/024yxd /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/01psyx /people/cause_of_death/people /m/03cdg +/m/0m32h /people/cause_of_death/people /m/063vn +/m/04_1l0v /location/location/contains /m/081mh +/m/024mxd /film/film/music /m/0146pg +/m/01wd9lv /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01v8c +/m/04zyhx /film/film/genre /m/02l7c8 +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0hm4q /organization/role/leaders./organization/leadership/organization /m/01y06y +/m/0gkkf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/0bqsy /people/person/gender /m/02zsn +/m/09c7w0 /location/country/second_level_divisions /m/0jclr +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pw2f1 +/m/057_yx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04h4zx /sports/sports_team/sport /m/02vx4 +/m/025rvx0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0m40d /music/genre/artists /m/01vsy9_ +/m/01bpc9 /people/person/profession /m/0kyk +/m/02_n5d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g51l1 /people/person/nationality /m/09c7w0 +/m/01sp81 /film/actor/film./film/performance/film /m/0bz6sq +/m/01gkmx /people/person/profession /m/02hrh1q +/m/07gghl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01lqnff /people/person/nationality /m/07ssc +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/011ycb +/m/032sl_ /film/film/language /m/02h40lc +/m/0dt1cm /people/person/languages /m/02h40lc +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05hrq4 /film/actor/film./film/performance/film /m/0gcpc +/m/03n_7k /film/actor/film./film/performance/film /m/0b73_1d +/m/03y5ky /education/educational_institution/school_type /m/01_srz +/m/026670 /people/person/profession /m/02jknp +/m/0x25q /film/film/prequel /m/07cz2 +/m/05k7sb /location/location/contains /m/0t_3w +/m/0jvs0 /business/business_operation/industry /m/02h400t +/m/019n7x /people/person/religion /m/0c8wxp +/m/09889g /people/person/spouse_s./people/marriage/location_of_ceremony /m/06y57 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0g4vmj8 +/m/07d3x /people/person/nationality /m/02jx1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zcz3 +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/07qg8v /film/film/production_companies /m/02slt7 +/m/094jv /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/013pp3 /influence/influence_node/influenced_by /m/0113sg +/m/02q7yfq /film/film/genre /m/0lsxr +/m/03f7nt /film/film/film_format /m/07fb8_ +/m/026gyn_ /award/award_winning_work/awards_won./award/award_honor/award /m/0cqgl9 +/m/03qnc6q /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01dkpb /people/person/gender /m/05zppz +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/059rby +/m/02xfrd /people/person/nationality /m/03rk0 +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02c6d +/m/01qgr3 /education/educational_institution/students_graduates./education/education/student /m/05683p +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/01bdhf +/m/043g7l /organization/organization/child./organization/organization_relationship/child /m/033hn8 +/m/059_gf /film/actor/film./film/performance/film /m/03m5y9p +/m/01w23w /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/018w8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/01mwsnc /people/person/profession /m/0gbbt +/m/05c26ss /film/film/prequel /m/0b3n61 +/m/0chw_ /people/person/place_of_birth /m/030qb3t +/m/05sbv3 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01h7bb /film/film/language /m/02h40lc +/m/01bcq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043kzcr /film/actor/film./film/performance/film /m/0gfh84d +/m/01wgcvn /people/person/profession /m/0dz3r +/m/0gm8_p /film/actor/film./film/performance/film /m/07b1gq +/m/013719 /organization/organization/headquarters./location/mailing_address/state_province_region /m/0chgr2 +/m/03h2d4 /people/person/nationality /m/07ssc +/m/01k47c /music/group_member/membership./music/group_membership/group /m/0cfgd +/m/06jcc /people/person/nationality /m/09c7w0 +/m/0dc_ms /film/film/genre /m/0fdjb +/m/0c1fs /people/person/profession /m/0cbd2 +/m/03078l /sports/sports_team/colors /m/083jv +/m/01vq3nl /people/person/nationality /m/09c7w0 +/m/03f1zhf /people/person/places_lived./people/place_lived/location /m/0k049 +/m/01x1cn2 /people/person/profession /m/0n1h +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/032_jg /film/actor/film./film/performance/film /m/0dsvzh +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/01vh08 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/04cbbz /film/film/production_companies /m/030_1m +/m/01gw4f /people/person/nationality /m/09c7w0 +/m/02b61v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0d060g /location/location/contains /m/07wjk +/m/05mc99 /award/award_nominee/award_nominations./award/award_nomination/award /m/08_vwq +/m/046488 /film/film/genre /m/017fp +/m/03c7ln /people/person/profession /m/016z4k +/m/02fcs2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/015hr +/m/0kv238 /film/film/genre /m/01jfsb +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0qmjd +/m/02yvct /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/020fcn +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01rh0w /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bj25 +/m/07szy /education/educational_institution/school_type /m/05jxkf +/m/0fb0v /music/record_label/artist /m/070b4 +/m/01vsyjy /people/person/profession /m/01c72t +/m/05hj_k /people/person/spouse_s./people/marriage/location_of_ceremony /m/01x73 +/m/03xj05 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mt4k /people/person/nationality /m/09c7w0 +/m/04yc76 /film/film/genre /m/011ys5 +/m/01m4yn /people/person/nationality /m/09c7w0 +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/0gkz3nz +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2m6 +/m/02whj /people/person/religion /m/0kpl +/m/07v64s /music/genre/artists /m/089pg7 +/m/018fwv /film/actor/film./film/performance/film /m/0czyxs +/m/0p3_y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05x8n /people/person/gender /m/05zppz +/m/09ps01 /film/film/genre /m/060__y +/m/0j6b5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/088n7 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/064t9 /music/genre/artists /m/01sbf2 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/031b3h /award/award_category/category_of /m/0c4ys +/m/015wd7 /music/genre/artists /m/015cxv +/m/03f0fnk /people/person/profession /m/0lgw7 +/m/0j5fv /medicine/symptom/symptom_of /m/09jg8 +/m/0glt670 /music/genre/artists /m/0126y2 +/m/0c3351 /media_common/netflix_genre/titles /m/0422v0 +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0drtkx +/m/028knk /people/person/places_lived./people/place_lived/location /m/0ftyc +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02pvqmz /tv/tv_program/languages /m/02h40lc +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03_js +/m/02dgq2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/03q27t /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/01gssz /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/09hnb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/01771z +/m/098s2w /film/film/genre /m/01lrrt +/m/01k7d9 /film/actor/film./film/performance/film /m/0b_5d +/m/04p5cr /tv/tv_program/genre /m/02n4kr +/m/01bb1c /award/award_category/winners./award/award_honor/award_winner /m/01dhmw +/m/05sdxx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0bkv0 +/m/07l50_1 /award/award_winning_work/awards_won./award/award_honor/award /m/04kxsb +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/011yth +/m/02mpyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09gq0x5 +/m/056252 /music/record_label/artist /m/01wx756 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/09krp /location/location/contains /m/02m_41 +/m/056xkh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0klw /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/05t0_2v /film/film/language /m/02h40lc +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/034hwx +/m/0cg9y /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0jfx1 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02bwc7 +/m/01n7q /location/location/contains /m/0kv36 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt1k +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/033hqf +/m/03x3qv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0335fp +/m/0lbd9 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/016dp0 /people/person/profession /m/02hrh1q +/m/04bd8y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/02wgk1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01jszm +/m/0g54xkt /film/film/genre /m/03mqtr +/m/0jgx /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/029ql /film/actor/film./film/performance/film /m/075cph +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/02cx90 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02x4x18 /award/award_category/disciplines_or_subjects /m/0w7c +/m/01zlh5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/06n90 /film/film/genre /m/06n90 +/m/01mvjl0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/014g9y +/m/0f0y8 /people/person/nationality /m/09c7w0 +/m/05l4yg /people/person/profession /m/02hrh1q +/m/02fsn /music/instrument/instrumentalists /m/01vrnsk +/m/0d2by /people/ethnicity/people /m/030x48 +/m/02bh9 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vsl3_ /people/person/profession /m/0dxtg +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0b_xm +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02496r +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01jw4r +/m/030_1_ /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02d9k /people/person/profession /m/0gl2ny2 +/m/01ry0f /film/actor/film./film/performance/film /m/0299hs +/m/01pcbg /people/person/profession /m/015cjr +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/05g76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01bzw5 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03r1pr +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/0fv4v /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/09tcg4 /film/film/genre /m/03bxz7 +/m/043g7l /music/record_label/artist /m/01wcp_g +/m/03x3wf /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/048htn /film/film/genre /m/02js9 +/m/09c7w0 /location/location/contains /m/0f102 +/m/0bh8drv /award/award_winning_work/awards_won./award/award_honor/award /m/02z1nbg +/m/06wvfq /people/person/nationality /m/03rk0 +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0q59y +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0cskb /tv/tv_program/genre /m/01t_vv +/m/05vzw3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/0rnmy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01trhmt +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01h5f8 +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dmtp +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/01xcfy +/m/059j4x /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/034bs /influence/influence_node/influenced_by /m/04jvt +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g26h +/m/048n7 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06qd3 +/m/041rx /people/ethnicity/people /m/0cpvcd +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/027986c +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/01wj92r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k_kn /music/genre/artists /m/01vwyqp +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06k02 +/m/0222qb /people/ethnicity/people /m/02b25y +/m/037njl /education/educational_institution_campus/educational_institution /m/037njl +/m/03f3yfj /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01699 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/01l3mk3 +/m/09prnq /people/person/profession /m/0nbcg +/m/0pgm3 /people/person/profession /m/0dxtg +/m/01nrz4 /people/person/profession /m/0dz3r +/m/0863x_ /film/actor/film./film/performance/film /m/026f__m +/m/05_61y /film/film/personal_appearances./film/personal_film_appearance/person /m/06c0j +/m/01rrwf6 /base/eating/practicer_of_diet/diet /m/07_hy +/m/01zfmm /people/person/nationality /m/09c7w0 +/m/01dycg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/02mscn /music/genre/artists /m/01vzz1c +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015_1q /music/record_label/artist /m/02x8z_ +/m/02s2lg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0266bd5 +/m/08swgx /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01trhmt +/m/06j6l /music/genre/artists /m/02p68d +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/02cllz /film/actor/film./film/performance/film /m/0879bpq +/m/02gt5s /location/location/contains /m/0vm5t +/m/05148p4 /music/instrument/instrumentalists /m/016wvy +/m/0b9f7t /film/actor/film./film/performance/film /m/02r9p0c +/m/01vh18t /people/person/profession /m/0dxtg +/m/01c22t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/030tjk /people/person/places_lived./people/place_lived/location /m/0j7ng +/m/0170z3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09qr6 /people/person/nationality /m/02jx1 +/m/03qnvdl /film/film/featured_film_locations /m/0rh6k +/m/0fz3b1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/018ctl /olympics/olympic_games/participating_countries /m/035qy +/m/01w9ph_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/02xbw2 /people/person/languages /m/06nm1 +/m/01wmcbg /film/actor/film./film/performance/film /m/0j_t1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03t4nx +/m/023r2x /music/performance_role/track_performances./music/track_contribution/role /m/07gql +/m/028rk /people/person/profession /m/0fj9f +/m/01qrb2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02fb1n /film/actor/film./film/performance/film /m/01k1k4 +/m/02g8h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0gy0l_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01hmb_ /people/person/gender /m/05zppz +/m/0845v /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01k6y1 +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/0b1hw +/m/02wgln /people/person/languages /m/06nm1 +/m/04bsx1 /soccer/football_player/current_team./sports/sports_team_roster/team /m/0dwz3t +/m/02q52q /film/film/language /m/02h40lc +/m/07yklv /music/genre/parent_genre /m/01243b +/m/06gg5c /people/person/gender /m/05zppz +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/03z20c +/m/0cpjgj /people/person/profession /m/0np9r +/m/04n32 /people/person/nationality /m/09c7w0 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01csqg +/m/02dj3 /education/educational_institution/colors /m/01l849 +/m/053y0s /people/person/places_lived./people/place_lived/location /m/0106dv +/m/0p3_y /film/film/genre /m/0lsxr +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06z8gn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/0g2dz +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/0b_dy +/m/04xjp /people/person/profession /m/0kyk +/m/01tt43d /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/05xd_v /film/actor/film./film/performance/film /m/01hqhm +/m/09y6pb /film/film/language /m/02h40lc +/m/0gbwp /people/person/profession /m/02hrh1q +/m/0978r /location/location/contains /m/07tlg +/m/06whf /influence/influence_node/influenced_by /m/03_87 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/081k8 /film/film_subject/films /m/0m313 +/m/0d5wn3 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03177r +/m/058z1hb /film/film_set_designer/film_sets_designed /m/02vnmc9 +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/01xsc9 /film/actor/film./film/performance/film /m/04x4gw +/m/01v90t /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0djc3s /people/person/profession /m/028kk_ +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hz_1 +/m/0t0n5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07rzf /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0509cr /music/genre/parent_genre /m/05w3f +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/01czx +/m/0tyql /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/024yxd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rlf +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0lfbm +/m/08gsvw /film/film/written_by /m/05ldnp +/m/0bmch_x /film/film/music /m/0bs1yy +/m/0bcp9b /film/film/featured_film_locations /m/02_286 +/m/0gk4g /people/cause_of_death/people /m/02mpb +/m/03c7twt /film/film/genre /m/01t_vv +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0jmj +/m/03rhqg /music/record_label/artist /m/01xzb6 +/m/03mnk /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/0hdf8 /music/genre/parent_genre /m/03lty +/m/0dwsp /music/performance_role/regular_performances./music/group_membership/group /m/07m4c +/m/07c52 /media_common/netflix_genre/titles /m/01kt_j +/m/01dbk6 /film/actor/film./film/performance/film /m/0qmd5 +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0gzy02 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03gvpk /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/09sh8k /film/film/genre /m/01jfsb +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/015t56 /people/person/gender /m/05zppz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/081bls /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gwf191 +/m/078mm1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/09nz_c /people/person/place_of_birth /m/0mndw +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/01bj6y /people/person/profession /m/03gjzk +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02_7t +/m/0443xn /people/person/gender /m/05zppz +/m/0xnvg /people/ethnicity/people /m/02sh8y +/m/031sg0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkts9 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dw4g +/m/01sl1q /film/actor/film./film/performance/film /m/02q7yfq +/m/01vxqyl /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0ptx_ +/m/01cx_ /sports/sports_team_location/teams /m/01d5z +/m/0lpjn /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/0hwbd /film/actor/film./film/performance/film /m/02qr3k8 +/m/0x67 /people/ethnicity/people /m/01mxqyk +/m/0p9lw /film/film/music /m/01tc9r +/m/0hzgf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/07cw4 +/m/027xq5 /education/educational_institution/students_graduates./education/education/student /m/06ltr +/m/06x4c /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01tp5bj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/07yp0f +/m/03rgvr /people/person/profession /m/02hrh1q +/m/042v2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/035bcl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06v9_x /film/film/genre /m/05p553 +/m/016srn /people/person/places_lived./people/place_lived/location /m/05fkf +/m/04lh6 /location/location/time_zones /m/03bdv +/m/01q9b9 /people/person/gender /m/02zsn +/m/04jhp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/078g3l /people/person/profession /m/02hrh1q +/m/011yxg /film/film/genre /m/04xvh5 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01_qgp +/m/01ym9b /music/genre/parent_genre /m/0190y4 +/m/02vmzp /people/person/places_lived./people/place_lived/location /m/0cvw9 +/m/02g5q1 /film/film/genre /m/06n90 +/m/0828jw /tv/tv_program/genre /m/02n4kr +/m/017z88 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0b9dmk /film/actor/film./film/performance/film /m/093l8p +/m/0d0mbj /people/person/religion /m/03j6c +/m/01jbx1 /people/person/languages /m/02h40lc +/m/0807ml /people/person/nationality /m/09c7w0 +/m/04m_zp /people/person/nationality /m/0d060g +/m/0258dh /film/film/genre /m/02l7c8 +/m/016ntp /people/person/gender /m/02zsn +/m/01x4r3 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0cd2vh9 /film/film/genre /m/03k9fj +/m/0gls4q_ /people/person/profession /m/03gjzk +/m/0fpj9pm /people/person/place_of_birth /m/010rvx +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/01ccr8 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wd9lv +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01dbk6 +/m/07tj4c /film/film/genre /m/06cvj +/m/07lt7b /award/award_nominee/award_nominations./award/award_nomination/award /m/027571b +/m/03yf3z /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/05ftw3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03h_f4 /government/legislative_session/members./government/government_position_held/district_represented /m/015jr +/m/08c7cz /people/person/profession /m/01c72t +/m/0ksrf8 /award/award_winner/awards_won./award/award_honor/award_winner /m/0blq0z +/m/0fk1z /people/ethnicity/people /m/043zg +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033hn8 /music/record_label/artist /m/046p9 +/m/016clz /music/genre/artists /m/05y7hc +/m/0q9b0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0dbns /education/educational_institution/colors /m/01g5v +/m/0d9jr /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/0bwgc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/02p59ry /film/actor/film./film/performance/film /m/0gl02yg +/m/01nczg /people/person/profession /m/018gz8 +/m/020h2v /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/07ykkx5 +/m/01x4sb /people/person/profession /m/02hrh1q +/m/0ctw_b /location/location/contains /m/04lc0h +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/04g2jz2 +/m/01lyv /music/genre/parent_genre /m/0155w +/m/087wc7n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/056vv +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0hcvy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/08q3s0 /people/person/profession /m/02krf9 +/m/05dbyt /film/actor/film./film/performance/film /m/04kkz8 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0c_md_ +/m/0512p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02tgz4 +/m/034bs /people/deceased_person/place_of_death /m/04jpl +/m/041rx /people/ethnicity/people /m/059fjj +/m/02htv6 /education/educational_institution/school_type /m/01rs41 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03_3d /sports/sports_team_location/teams /m/03xh50 +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/070mff +/m/04psf /people/cause_of_death/people /m/06n9lt +/m/02nfhx /film/actor/film./film/performance/film /m/0f7hw +/m/0dr3sl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/01gfhk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06w38l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0hz_1 /people/person/gender /m/05zppz +/m/039g82 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv3c +/m/012s1d /film/film/produced_by /m/05mvd62 +/m/01xhh5 /people/ethnicity/geographic_distribution /m/03_3d +/m/01z4y /media_common/netflix_genre/titles /m/02vyyl8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r066 +/m/02m501 /film/actor/film./film/performance/film /m/0n08r +/m/02bh8z /music/record_label/artist /m/016t0h +/m/0603qp /award/award_nominee/award_nominations./award/award_nomination/award /m/03hj5vf +/m/025xt8y /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/019bnn /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/03cyslc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06by7 /music/genre/artists /m/01vs_v8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vh83 +/m/09c7w0 /location/location/contains /m/0rw2x +/m/0168nq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0cp0790 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02x4wb /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0yzyn /location/hud_county_place/place /m/0yzyn +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/016clz /music/genre/artists /m/05qw5 +/m/02j9lm /award/award_nominee/award_nominations./award/award_nomination/award /m/0fq9zdn +/m/04ydr95 /film/film/genre /m/07s9rl0 +/m/03c6vl /people/person/profession /m/03gjzk +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yfp7 +/m/0827d /music/genre/artists /m/02lbrd +/m/0l8g0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01_d4 /sports/sports_team_location/teams /m/01slc +/m/07hwkr /people/ethnicity/people /m/02g3w +/m/021q2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/030qb3t /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/01fbr2 /music/genre/parent_genre /m/0155w +/m/0mbf4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0gl5_ /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0czhv7 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0mzy7 /location/location/time_zones /m/02lcqs +/m/01bk1y /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02vntj /people/person/profession /m/0np9r +/m/0gvt53w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chgzm +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01_xtx /film/actor/film./film/performance/film /m/02z3r8t +/m/013b6_ /people/ethnicity/people /m/01vrncs +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/0fgpvf +/m/02qgqt /people/person/places_lived./people/place_lived/location /m/0y1rf +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/01jswq /education/educational_institution_campus/educational_institution /m/01jswq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01bzs9 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0d1w9 /film/film_subject/films /m/03s9kp +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/0g293 /music/genre/artists /m/01d4cb +/m/01242_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/015076 /film/actor/film./film/performance/film /m/0dnqr +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0dr_4 /film/film/language /m/06mp7 +/m/01kqq7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01ppfv /music/genre/artists /m/0lgm5 +/m/01k1k4 /film/film/other_crew./film/film_crew_gig/crewmember /m/03r1pr +/m/0342h /music/instrument/instrumentalists /m/0gs6vr +/m/01pvxl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025g__ /music/genre/artists /m/017b2p +/m/01k53x /people/person/religion /m/0c8wxp +/m/07q1v4 /people/person/religion /m/06nzl +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0g60z +/m/01fsyp /tv/tv_network/programs./tv/tv_network_duration/program /m/05fgr_ +/m/013b6_ /people/ethnicity/people /m/03rx9 +/m/01vwbts /people/person/gender /m/02zsn +/m/01r9c_ /film/actor/film./film/performance/film /m/0bbw2z6 +/m/02f79n /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/099d4 +/m/01z88t /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/063t3j /people/person/profession /m/0nbcg +/m/0mmp3 /music/genre/artists /m/03h502k +/m/02rn_bj /people/person/nationality /m/09c7w0 +/m/0y3_8 /music/genre/artists /m/048xh +/m/06l9n8 /film/actor/film./film/performance/film /m/02vrgnr +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016_mj +/m/057hz /people/person/profession /m/02hrh1q +/m/03cxsvl /people/person/profession /m/01d_h8 +/m/0k_9j /award/award_winning_work/awards_won./award/award_honor/award /m/02hsq3m +/m/04nm0n0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06xpp7 /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0177gl /sports/sports_team/sport /m/02vx4 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/084qpk /film/film/genre /m/01jfsb +/m/07vk2 /education/educational_institution/campuses /m/07vk2 +/m/0g83dv /film/film/featured_film_locations /m/04jpl +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01zpmq /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/015zql /people/person/profession /m/01d_h8 +/m/06ztvyx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/09cxm4 +/m/06pcz0 /film/actor/film./film/performance/film /m/03ynwqj +/m/09_gdc /film/special_film_performance_type/film_performance_type./film/performance/film /m/0m491 +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0bmfnjs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02qjj7 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01c_d +/m/015pxr /influence/influence_node/influenced_by /m/081lh +/m/0gg4h /people/cause_of_death/people /m/04328m +/m/025vw4t /people/person/profession /m/0dxtg +/m/0fb7sd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01v3s2_ /base/saturdaynightlive/snl_cast_member/seasons./base/saturdaynightlive/snl_season_tenure/cast_members /m/04h07s +/m/05sxzwc /film/film/produced_by /m/06dkzt +/m/071_8 /organization/organization/headquarters./location/mailing_address/citytown /m/080h2 +/m/0gqzz /award/award_category/nominees./award/award_nomination/nominated_for /m/050xxm +/m/05fgr_ /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/03swmf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bp_b2 +/m/06pcz0 /film/actor/film./film/performance/film /m/017z49 +/m/01smm /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/085v7 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h7x +/m/01gbb4 /film/actor/film./film/performance/film /m/0421ng +/m/05wkw /education/field_of_study/students_majoring./education/education/student /m/01mqh5 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01rgn3 +/m/012s1d /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05kj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0n839 /people/person/profession /m/025sppp +/m/0bl1_ /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03rhqg /music/record_label/artist /m/0187x8 +/m/020bv3 /film/film/language /m/02bjrlw +/m/02h9_l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0225v9 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0dsx3f +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0jyx6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0kb57 /film/film/country /m/09c7w0 +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/01f8f7 +/m/025mbn /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0bq8tmw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0j0k /location/location/contains /m/0d0kn +/m/07w8fz /film/film/genre /m/01f9r0 +/m/03m2fg /people/person/nationality /m/03rk0 +/m/03n08b /film/actor/film./film/performance/film /m/04cppj +/m/03rbzn /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06qd3 +/m/0d608 /people/person/languages /m/02h40lc +/m/01xk7r /education/educational_institution/school_type /m/05pcjw +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/016lh0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/09pl3s /people/person/nationality /m/0b90_r +/m/01933d /people/person/places_lived./people/place_lived/location /m/0r3tq +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0m2kd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0cm2xh /film/film_subject/films /m/0cc5qkt +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/01hq1 /film/film/genre /m/01hmnh +/m/0144l1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01qb5d /film/film/language /m/02h40lc +/m/03f0qd7 /people/person/nationality /m/09c7w0 +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027zz +/m/027cyf7 /award/award_category/winners./award/award_honor/award_winner /m/0hvb2 +/m/030b93 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/01wz01 /award/award_winner/awards_won./award/award_honor/award_winner /m/06cgy +/m/03t97y /film/film/genre /m/01jfsb +/m/0l6qt /people/person/languages /m/02h40lc +/m/0d060g /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/039yzf /award/award_category/disciplines_or_subjects /m/04g51 +/m/01_vfy /film/actor/film./film/performance/film /m/03shpq +/m/025p38 /people/person/profession /m/015cjr +/m/01svw8n /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0d_wms /film/film/country /m/07ssc +/m/02jr6k /film/film/genre /m/060__y +/m/0ckrnn /film/film/genre /m/0vjs6 +/m/01j8wk /film/film/produced_by /m/04pqqb +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/042y1c /film/film/language /m/04306rv +/m/0bs8s1p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/016gr2 /people/person/nationality /m/07ssc +/m/01kwsg /film/actor/film./film/performance/film /m/04gknr +/m/04z4j2 /film/film/country /m/0ctw_b +/m/09c7w0 /location/country/second_level_divisions /m/0n5bk +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/04cmrt /people/person/languages /m/07c9s +/m/0fgg4 /people/person/profession /m/02hrh1q +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/01tc9r /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01srq2 +/m/03_gx /media_common/netflix_genre/titles /m/0c0yh4 +/m/01bn3l /film/film/personal_appearances./film/personal_film_appearance/person /m/0c5vh +/m/01ypsj /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/0356gk /sports/sports_team/sport /m/02vx4 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k_9j +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c_j9x +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0ywrc +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/04wlz2 +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/02vy5j /people/person/profession /m/01d_h8 +/m/0x82 /language/human_language/countries_spoken_in /m/04tr1 +/m/01gy7r /people/person/nationality /m/09c7w0 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/034hzj +/m/07z31v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k_4g +/m/03k7dn /education/educational_institution/students_graduates./education/education/student /m/04t2l2 +/m/022769 /people/person/place_of_birth /m/0c4kv +/m/03lty /music/genre/artists /m/01t8399 +/m/02t_99 /people/person/places_lived./people/place_lived/location /m/01_d4 +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yy +/m/04q01mn /film/film/country /m/0345h +/m/03np63f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03xpf_7 /people/person/profession /m/03gjzk +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/08m4c8 +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/065ydwb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yyg4 /film/film/language /m/02h40lc +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01f7dd /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02y0js /people/cause_of_death/people /m/06g4l +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0341n5 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/05byxm /music/record_label/artist /m/02k5sc +/m/03b1l8 /award/award_winning_work/awards_won./award/award_honor/award /m/027571b +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/student /m/013pp3 +/m/06by7 /music/genre/artists /m/0134tg +/m/07c52 /media_common/netflix_genre/titles /m/07gbf +/m/065b6q /people/ethnicity/people /m/023mdt +/m/074w86 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0f2sx4 +/m/022g44 /film/actor/film./film/performance/film /m/027r7k +/m/09ly2r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/04l19_ /film/actor/film./film/performance/film /m/01w8g3 +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/02l5rm +/m/05zlld0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/06nz46 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06v36 /location/country/form_of_government /m/01fpfn +/m/04z4j2 /film/film/executive_produced_by /m/0b13g7 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05lb65 +/m/0776drd /award/award_category/winners./award/award_honor/award_winner /m/0534v +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0ky0b /location/location/contains /m/0kygv +/m/067ghz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/01c427 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/0hhqw /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03f6fl0 /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01vw8mh /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01vrncs /influence/influence_node/influenced_by /m/085gk +/m/01n_g9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/07w21 /influence/influence_node/influenced_by /m/081k8 +/m/01s1zk /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0jrqq /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rrhp +/m/06mzp /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0124ld +/m/03n69x /sports/pro_athlete/teams./sports/sports_team_roster/team /m/025v26c +/m/05sxzwc /film/film/executive_produced_by /m/01rrd4 +/m/0bdwft /award/award_category/nominees./award/award_nomination/nominated_for /m/097zcz +/m/0dtw1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/063zky /film/film/language /m/02h40lc +/m/01wp8w7 /people/person/places_lived./people/place_lived/location /m/01qh7 +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/06yj20 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02wgbb +/m/069d71 /people/person/gender /m/05zppz +/m/01w8n89 /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0jdd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/05gnf /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/02l7c8 /media_common/netflix_genre/titles /m/02rjv2w +/m/038b_x /people/person/places_lived./people/place_lived/location /m/0290rb +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/0343h /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02773m2 /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09ps01 /film/film/language /m/02h40lc +/m/0kbws /olympics/olympic_games/participating_countries /m/087vz +/m/03_d0 /music/genre/artists /m/02sjp +/m/05mrf_p /film/film/language /m/02h40lc +/m/06sn8m /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/07x4qr /film/film/genre /m/01zhp +/m/0fj52s /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc008 +/m/05w3f /music/genre/artists /m/0l8g0 +/m/047p7fr /film/film/genre /m/02kdv5l +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/04cjn /base/biblioness/bibs_location/country /m/05sb1 +/m/0j5g9 /location/location/time_zones /m/03bdv +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/05f4_n0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02bq1j /education/educational_institution/students_graduates./education/education/student /m/0c_md_ +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02ryz24 +/m/023kzp /people/person/places_lived./people/place_lived/location /m/07_f2 +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l998 +/m/02f71y /award/award_category/winners./award/award_honor/award_winner /m/049qx +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/046488 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0ymcz /education/educational_institution/students_graduates./education/education/student /m/0948xk +/m/05qbbfb /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01fkv0 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/0_jq4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03fykz /people/person/place_of_birth /m/0xkq4 +/m/06rq2l /people/person/profession /m/0cbd2 +/m/0c4y8 /people/person/religion /m/0c8wxp +/m/07zr66 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0558_1 /education/educational_institution/school_type /m/07tf8 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02lg3y +/m/026n4h6 /film/film/country /m/09c7w0 +/m/04czgbh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v570 /film/film/genre /m/0jtdp +/m/04sh80 /film/film/produced_by /m/02q_cc +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/03xx3m /people/person/nationality /m/09c7w0 +/m/0bs8s1p /film/film/executive_produced_by /m/06t8b +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/025p38 +/m/08hmch /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04093 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k4y6 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/01tdpv +/m/0cv13 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02wzl1d /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048wrb +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03j1p2n +/m/03l6q0 /film/film/genre /m/0gf28 +/m/03cp4cn /film/film/produced_by /m/03h304l +/m/0m93 /user/alexander/philosophy/philosopher/interests /m/06mq7 +/m/0q5hw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/04y8r /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/083my7 /sports/sports_team/colors /m/06fvc +/m/032r1 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/0yyts /film/film/genre /m/01t_vv +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012vd6 +/m/0t_3w /location/hud_county_place/place /m/0t_3w +/m/08vd2q /film/film/language /m/02h40lc +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04r7p /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/07ssc /location/location/contains /m/018h8j +/m/06jcc /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0841v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015t56 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03_6y +/m/02__7n /people/person/profession /m/02hrh1q +/m/0199wf /film/film/music /m/0146pg +/m/04rlf /education/field_of_study/students_majoring./education/education/student /m/02rn_bj +/m/0209xj /film/film/country /m/03_3d +/m/05pcn59 /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02301 +/m/0d9_96 /people/person/profession /m/03gjzk +/m/029k4p /film/film/production_companies /m/032j_n +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0jdx /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01ls2 +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/035qy /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0ldqf +/m/01wgjj5 /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/06y3r /people/person/employment_history./business/employment_tenure/company /m/09b3v +/m/080h2 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06y57 +/m/0cttx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04pqqb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/02bh8z /music/record_label/artist /m/016vn3 +/m/03wbzp /people/person/nationality /m/09c7w0 +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/0c53zb +/m/0143hl /education/educational_institution/school_type /m/05jxkf +/m/01_3rn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/02bjrlw /language/human_language/countries_spoken_in /m/06sff +/m/034rd /people/person/places_lived./people/place_lived/location /m/0mnz0 +/m/01kb2j /people/person/profession /m/02hrh1q +/m/079hvk /people/person/profession /m/01d_h8 +/m/07s9rl0 /media_common/netflix_genre/titles /m/02prwdh +/m/0bwh6 /people/person/employment_history./business/employment_tenure/company /m/07wh1 +/m/016l09 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/0c_j9x /film/film/language /m/02bjrlw +/m/026ck /people/person/profession /m/0dxtg +/m/06wvj /people/person/languages /m/06b_j +/m/01vsl3_ /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/012fvq +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02hp6p +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0422v0 +/m/01tntf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0_jm +/m/05cc1 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/08sfxj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01dzz7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262x6 +/m/01kymm /people/person/gender /m/02zsn +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v10 +/m/016bx2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/015_1q /music/record_label/artist /m/0134s5 +/m/02prw4h /film/film/music /m/01m3b1t +/m/0ftlxj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cqbx +/m/02gf_l /film/actor/film./film/performance/film /m/0jnwx +/m/0155w /music/genre/artists /m/015cxv +/m/06x58 /people/person/profession /m/01d_h8 +/m/01q0kg /education/educational_institution/colors /m/04d18d +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07j8r +/m/07s9rl0 /media_common/netflix_genre/titles /m/09p3_s +/m/0n1v8 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k4p0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08pc1x /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02qlg7s +/m/026z9 /music/genre/artists /m/0136p1 +/m/01vsnff /people/person/profession /m/0dz3r +/m/0d6_s /film/film/country /m/09c7w0 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01ztgm +/m/082xp /people/person/employment_history./business/employment_tenure/company /m/0gk7z +/m/01s3kv /people/person/places_lived./people/place_lived/location /m/0r0m6 +/m/04y652m /broadcast/content/artist /m/016lj_ +/m/03ynwqj /film/film/genre /m/02l7c8 +/m/0217m9 /education/educational_institution/colors /m/06fvc +/m/03t0k1 /people/person/profession /m/02hrh1q +/m/0pkr1 /people/person/profession /m/02hrh1q +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/0hn821n +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06823p +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/016y_f +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/05650n +/m/0gmgwnv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0830vk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/014gf8 /film/actor/film./film/performance/film /m/091xrc +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/018c_r +/m/01k8q5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/070mff /government/legislative_session/members./government/government_position_held/district_represented /m/05fky +/m/01243b /music/genre/artists /m/0lzkm +/m/01wy6 /music/instrument/instrumentalists /m/09prnq +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/013rfk +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/075_t2 +/m/0134pk /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/011yl_ /film/film/language /m/02h40lc +/m/06p03s /people/person/profession /m/016z4k +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01nwwl /film/actor/film./film/performance/film /m/0gh65c5 +/m/047vp1n /film/film/production_companies /m/03xsby +/m/0dscrwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02bqy /education/educational_institution/students_graduates./education/education/student /m/0453t +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0bzmt8 +/m/06yykb /film/film/produced_by /m/04q5zw +/m/06cgy /people/person/profession /m/02jknp +/m/0cgfb /people/person/profession /m/0d1pc +/m/0k9j_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01w7nww /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw7s +/m/05hdf /people/person/gender /m/02zsn +/m/0dvqq /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72n +/m/050023 /people/person/nationality /m/09c7w0 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0164w8 +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/03__y +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03rtz1 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06p8m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/07ssc +/m/0q9kd /people/person/places_lived./people/place_lived/location /m/0k049 +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01fjfv /broadcast/content/artist /m/081wh1 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/03np_7 +/m/0h7t36 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/051q5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_9c +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/05strv +/m/0j63cyr /time/event/locations /m/0h7h6 +/m/03rhqg /music/record_label/artist /m/01817f +/m/02lxj_ /people/person/gender /m/02zsn +/m/095z4q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0bbw2z6 /film/film/featured_film_locations /m/03qhnx +/m/02gpkt /film/film/genre /m/02kdv5l +/m/0x44q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0bv8h2 /film/film/genre /m/05p553 +/m/0785v8 /film/actor/film./film/performance/film /m/02gpkt +/m/07x4c /education/educational_institution/students_graduates./education/education/student /m/0cl_m +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m5s5 +/m/01p0w_ /people/person/gender /m/05zppz +/m/05k2s_ /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/01vwllw +/m/01pl14 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/029g_vk +/m/0z9c /music/genre/artists /m/0hvbj +/m/0gghm /music/performance_role/regular_performances./music/group_membership/group /m/0khth +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/04mzf8 +/m/03d0ns /people/person/profession /m/0dxtg +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/01242_ +/m/04m1bm /film/film/country /m/0f8l9c +/m/0fb0v /music/record_label/artist /m/02h9_l +/m/01hkg9 /people/person/nationality /m/09c7w0 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/031ldd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/02lf70 /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0257yf /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/047vnkj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/044rvb /film/actor/film./film/performance/film /m/083shs +/m/01s21dg /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/03k9fj /media_common/netflix_genre/titles /m/01_mdl +/m/09c7w0 /location/country/second_level_divisions /m/0jgj7 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qfh +/m/051ys82 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/04gd8j /education/educational_institution/students_graduates./education/education/student /m/03d_zl4 +/m/02znwv /people/person/nationality /m/09c7w0 +/m/07ssc /media_common/netflix_genre/titles /m/064lsn +/m/041c4 /people/person/places_lived./people/place_lived/location /m/0r62v +/m/02scbv /film/film/genre /m/082gq +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0170xl +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/01wmxfs /people/person/profession /m/0nbcg +/m/0b_c7 /influence/influence_node/influenced_by /m/0d4jl +/m/01xq8v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0c422z4 /award/award_category/winners./award/award_honor/award_winner /m/03q45x +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0p9qb +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/03bmmc /education/educational_institution/colors /m/019sc +/m/01wdj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0qf3p /people/person/nationality /m/02jx1 +/m/0gr69 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0mzvm /location/hud_county_place/place /m/0mzvm +/m/0m40d /music/genre/artists /m/01vtj38 +/m/02_340 /film/actor/film./film/performance/film /m/016yxn +/m/0jqd3 /film/film/language /m/02h40lc +/m/017_qw /music/genre/artists /m/02wb6d +/m/0b90_r /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02ndf1 /people/person/profession /m/0kyk +/m/01ycfv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/0257w4 /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/05dbf /people/person/gender /m/02zsn +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1yf +/m/026mg3 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/013rxq /music/genre/artists /m/015cxv +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0nj3m /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vrkdt /people/person/nationality /m/09c7w0 +/m/0mb0 /people/person/place_of_birth /m/0f2tj +/m/0bxbb /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01kwhf /sports/sports_team/colors /m/088fh +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/06by7 /music/genre/artists /m/01797x +/m/024vjd /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01hwkn /time/event/locations /m/0j3b +/m/0cr3d /sports/sports_team_location/teams /m/0jm3b +/m/01_bp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/0bhwhj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0jw67 /people/person/profession /m/02hrh1q +/m/01c99j /award/award_category/category_of /m/0c4ys +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/0640m69 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0p7qm /film/film/genre /m/060__y +/m/0pd64 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01rl_3 /sports/sports_team/sport /m/02vx4 +/m/0b1hw /music/artist/origin /m/0d9jr +/m/0j5g9 /location/country/form_of_government /m/01q20 +/m/01vzxld /people/person/places_lived./people/place_lived/location /m/0xc9x +/m/011zd3 /people/person/profession /m/01d_h8 +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01sl1q /people/person/places_lived./people/place_lived/location /m/0xn7q +/m/01p79b /education/educational_institution/students_graduates./education/education/student /m/0k2mxq +/m/0fz2y7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/058vfp4 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01kcms4 +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lfp4 +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/025v1sx /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/02g_7z +/m/01lcxbb /people/deceased_person/place_of_death /m/0281s1 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0165b +/m/033jj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/01n7q /location/location/contains /m/0gjcy +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/01_k7f /education/educational_institution/students_graduates./education/education/student /m/01h320 +/m/02bkdn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01cwkq +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/06vsbt +/m/0db94w /film/film/genre /m/06n90 +/m/0w9hk /location/location/time_zones /m/02fqwt +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0454s1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/01q9b9 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0b_dy /film/actor/film./film/performance/film /m/03qnvdl +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/015_1q /music/record_label/artist /m/0dw4g +/m/09c7w0 /location/location/contains /m/02zc7f +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0lmm3 /sports/sports_team/colors /m/088fh +/m/01n073 /organization/organization/child./organization/organization_relationship/child /m/06rfy5 +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01bv8b +/m/01l29r /award/award_category/winners./award/award_honor/award_winner /m/03m9c8 +/m/033tf_ /people/ethnicity/people /m/0pz04 +/m/0glt670 /music/genre/artists /m/03f3yfj +/m/09g7vfw /film/film/produced_by /m/02pq9yv +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/010xjr +/m/0gvvf4j /film/film/executive_produced_by /m/05hj_k +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/01twdk /people/person/religion /m/0c8wxp +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f5xn +/m/09qrn4 /award/award_category/nominees./award/award_nomination/nominated_for /m/030cx +/m/0230rx /sports/sports_team/colors /m/01g5v +/m/07ssc /location/location/contains /m/0gyvgw +/m/0947l /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02d9k +/m/03wy70 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cxgc /location/location/contains /m/0kc40 +/m/03cvwkr /film/film/language /m/02h40lc +/m/09rvwmy /film/film/genre /m/05p553 +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/02qzjj /people/person/profession /m/02hrh1q +/m/07wlt /organization/endowed_organization/endowment./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0glt670 /music/genre/artists /m/03f4xvm +/m/0226cw /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0gzlb9 /award/award_winning_work/awards_won./award/award_honor/award /m/05f4m9q +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/07_dn /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0r3w7 /location/hud_county_place/place /m/0r3w7 +/m/0bzn6_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04j4tx +/m/03hfmm /film/film/genre /m/04xvlr +/m/02nb2s /film/actor/film./film/performance/film /m/0bpm4yw +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/0j3v /influence/influence_node/influenced_by /m/03sbs +/m/02w6bq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/05bt6j /music/genre/artists /m/0152cw +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/026m0 +/m/01vrx3g /music/artist/origin /m/0vbk +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/04xvlr /media_common/netflix_genre/titles /m/02wwmhc +/m/0l14md /music/instrument/instrumentalists /m/0kj34 +/m/0btpm6 /film/film/featured_film_locations /m/030qb3t +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/02mx98 /people/person/profession /m/0nbcg +/m/012c6j /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01gvts +/m/053ksp /people/person/profession /m/0dxtg +/m/0ly5n /people/deceased_person/place_of_death /m/06_kh +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/03j24kf +/m/03t5kl /award/award_category/category_of /m/0c4ys +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0b1q7c /people/person/profession /m/02hrh1q +/m/03ntbmw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0mbwf +/m/05g3ss /people/person/place_of_birth /m/0dlv0 +/m/045qmr /tv/tv_program/languages /m/02h40lc +/m/0cv72h /people/person/nationality /m/09c7w0 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01htxr +/m/01dpdh /award/award_category/winners./award/award_honor/ceremony /m/019bk0 +/m/016ckq /music/record_label/artist /m/01w724 +/m/05sq84 /people/person/nationality /m/02jx1 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jsf6 +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rhfsc +/m/04g61 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0345h +/m/0ccd3x /film/film/story_by /m/012t1 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02rv1w +/m/061xq /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6s24 +/m/03d_w3h /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/02w5q6 /people/person/profession /m/0kyk +/m/04pf4r /people/person/profession /m/01c8w0 +/m/02fn5 /people/person/places_lived./people/place_lived/location /m/071vr +/m/0p_pd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_px +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/0xnvg /people/ethnicity/people /m/0bn3jg +/m/01ldw4 /people/person/gender /m/05zppz +/m/0_3cs /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02js_6 /film/actor/film./film/performance/film /m/02q56mk +/m/015g1w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0jjw +/m/0bs1g5r /people/person/nationality /m/09c7w0 +/m/0ck27z /award/award_category/winners./award/award_honor/ceremony /m/092_25 +/m/0373qg /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/01j8wk /film/film/executive_produced_by /m/0glyyw +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02mj7c +/m/0yyg4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/0gtxj2q /film/film/language /m/02h40lc +/m/01200d /people/person/profession /m/02hrh1q +/m/023v4_ /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02r2j8 /film/film/country /m/0345h +/m/02nb2s /film/actor/film./film/performance/film /m/0333t +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/031hxk +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05p1qyh /film/film/genre /m/04228s +/m/0jdd /location/statistical_region/religions./location/religion_percentage/religion /m/078tg +/m/0564x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07nqn +/m/01934k /people/person/profession /m/02hrh1q +/m/0xnvg /people/ethnicity/people /m/0693l +/m/01xzb6 /people/person/gender /m/05zppz +/m/01lyv /music/genre/artists /m/027hm_ +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01wy5m /film/actor/film./film/performance/film /m/02s4l6 +/m/0h7x /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbd9 +/m/0736qr /film/actor/film./film/performance/film /m/0299hs +/m/07cjqy /film/actor/film./film/performance/film /m/047vp1n +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/027gy0k /film/film/music /m/04ls53 +/m/02ctzb /people/ethnicity/people /m/0tc7 +/m/08vk_r /sports/sports_team/colors /m/01g5v +/m/03shpq /film/film/country /m/09c7w0 +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/045c66 /people/person/religion /m/0c8wxp +/m/0br1w /influence/influence_node/influenced_by /m/0pqzh +/m/0d6b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/084m3 /people/person/gender /m/05zppz +/m/0h6sv /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07wlf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04v3q +/m/0736qr /film/actor/film./film/performance/film /m/03p2xc +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/institution /m/0ym20 +/m/03ctqqf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wk7ql /people/person/profession /m/09jwl +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01twdk +/m/013mj_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bcndz /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/027rpym +/m/07wm6 /education/educational_institution_campus/educational_institution /m/07wm6 +/m/03jqw5 /people/person/nationality /m/09c7w0 +/m/09b6zr /people/person/place_of_birth /m/0f2nf +/m/02q6gfp /film/film/genre /m/03q4nz +/m/03swmf /people/person/religion /m/03_gx +/m/08c7cz /people/person/religion /m/03_gx +/m/0hfzr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0bpx1k /film/film/genre /m/07s9rl0 +/m/0yls9 /education/educational_institution/colors /m/01g5v +/m/018ljb /user/jg/default_domain/olympic_games/sports /m/071t0 +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr3sl +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/07xpm +/m/05sbv3 /film/film/film_art_direction_by /m/04gmp_z +/m/0_b3d /film/film/featured_film_locations /m/02cft +/m/0hv1t /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/02q0v8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03kwtb /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/048tv9 /film/film/featured_film_locations /m/080h2 +/m/06rqw /music/genre/artists /m/0135xb +/m/0fpkhkz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0bs8ndx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/0b60sq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01wbg84 /people/person/nationality /m/09c7w0 +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/03bmmc +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/035kl6 +/m/018wng /award/award_category/winners./award/award_honor/ceremony /m/0dthsy +/m/0915l1 /music/record_label/artist /m/048xh +/m/01dljr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/026mfbr /film/film/genre /m/0556j8 +/m/05f4vxd /tv/tv_program/genre /m/01z4y +/m/0d8w2n /film/film/genre /m/0gsy3b +/m/06rkfs /education/educational_institution/colors /m/083jv +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02zfdp +/m/0dls3 /music/genre/artists /m/019389 +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/03mp8k /music/record_label/artist /m/01cwhp +/m/01n7q /location/location/contains /m/0r3w7 +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k1b +/m/02fj8n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02_286 /sports/sports_team_location/teams /m/0hmtk +/m/01bb9r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/02p72j +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/024bqj +/m/015rkw /film/actor/film./film/performance/film /m/011yth +/m/01w40h /music/record_label/artist /m/07_3qd +/m/02zmh5 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03y82t6 +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0bxtg /people/person/gender /m/05zppz +/m/06__m6 /film/film/genre /m/05p553 +/m/0bdjd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05wjnt /film/actor/film./film/performance/film /m/0bvn25 +/m/04s5_s /people/person/gender /m/05zppz +/m/02z81h /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/07t90 /education/educational_institution/students_graduates./education/education/student /m/0flpy +/m/016j68 /film/actor/film./film/performance/film /m/0f4yh +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/05tg3 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/065y4w7 +/m/03k50 /media_common/netflix_genre/titles /m/01p3ty +/m/0hgqq /influence/influence_node/influenced_by /m/0hnlx +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/01s7ns /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01c4pv +/m/07b3r9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03772 +/m/028cg00 /film/film/country /m/0345h +/m/04xx9s /film/film/production_companies /m/04rqd +/m/031t2d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0dl4z /time/event/locations /m/0154j +/m/0cmdwwg /film/film/production_companies /m/054lpb6 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/04lqvly /film/film/film_festivals /m/04grdgy +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rn00y +/m/08z39v /people/person/nationality /m/07ssc +/m/0dcz8_ /film/film/genre /m/06n90 +/m/02py4c8 /film/film/language /m/0880p +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0345h +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0q9b0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0gl6x +/m/07bch9 /people/ethnicity/people /m/0151w_ +/m/013_vh /people/person/nationality /m/02jx1 +/m/0143q0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07c5l /location/location/contains /m/0345_ +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/01vrx3g /people/person/profession /m/0nbcg +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/0hz55 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01svry +/m/05cljf /people/person/profession /m/0nbcg +/m/04kj2v /people/person/nationality /m/0345h +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/016lj_ +/m/027xq5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qdh +/m/013jz2 /location/hud_county_place/place /m/013jz2 +/m/059kh /music/genre/artists /m/047cx +/m/01c65z /people/person/spouse_s./people/marriage/spouse /m/014g22 +/m/0gsg7 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0mx48 /location/location/time_zones /m/02lcqs +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0h7h6 +/m/0837ql /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02f4s3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/01l1b90 /film/actor/film./film/performance/film /m/0bq6ntw +/m/0f__1 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/047c9l /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/0c_m3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/01nkxvx /music/artist/track_contributions./music/track_contribution/role /m/018j2 +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0336mc +/m/0bxy67 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dr89x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01nnsv /education/educational_institution/school_type /m/05pcjw +/m/09rfh9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gbfn9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03j2gxx /people/person/profession /m/0cbd2 +/m/0cb77r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/01cm8w /film/film/genre /m/0lsxr +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/02jx1 /location/country/second_level_divisions /m/0n96z +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/01vrz41 +/m/01wd9vs /people/person/gender /m/02zsn +/m/01zqy6t /location/location/contains /m/02bb47 +/m/0lbj1 /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/03f4k /people/person/profession /m/01c72t +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0jz71 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h1fktn +/m/01vw8k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03x7hd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06g2d1 /people/person/places_lived./people/place_lived/location /m/01sn3 +/m/0187y5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0cbvg /base/culturalevent/event/entity_involved /m/0kn4c +/m/015wy_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/0198b6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/02vgh +/m/09c7w0 /location/country/second_level_divisions /m/0l2xl +/m/06w33f8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04rrd /location/location/contains /m/0bxc4 +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04g5k +/m/08rr3p /film/film/genre /m/01t_vv +/m/01trhmt /people/person/profession /m/016z4k +/m/01wyz92 /film/actor/film./film/performance/film /m/01shy7 +/m/07jxpf /film/film/country /m/0345h +/m/01n6c /location/country/official_language /m/064_8sq +/m/02mz_6 /people/person/places_lived./people/place_lived/location /m/03h64 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/06y611 +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/institution /m/0m7yh +/m/0266bd5 /sports/sports_team/sport /m/02vx4 +/m/0fpjd_g /people/person/gender /m/05zppz +/m/0gh65c5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/02x258x /award/award_category/winners./award/award_honor/ceremony /m/03gwpw2 +/m/0lwkh /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/01pj_5 /film/film/executive_produced_by /m/0b1f49 +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/04ly1 +/m/01bl7g /film/film/produced_by /m/027z0pl +/m/0b_75k /time/event/locations /m/0d9y6 +/m/035s95 /film/film/music /m/05_pkf +/m/01pcdn /people/person/gender /m/02zsn +/m/01v1d8 /music/instrument/instrumentalists /m/01vw26l +/m/01vb6z /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/03qjg /music/instrument/instrumentalists /m/06rgq +/m/013kcv /location/location/time_zones /m/02fqwt +/m/0284n42 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zlld0 +/m/05sb1 /location/location/contains /m/023vwt +/m/01qbg5 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0306bt +/m/01w565 /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/088tb +/m/0k3j0 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3jq +/m/018p5f /business/business_operation/industry /m/011s0 +/m/057wlm /education/educational_institution/school_type /m/05jxkf +/m/065_cjc /film/film/country /m/06mkj +/m/01d5z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/01z9v6 +/m/063t3j /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01l2fn /film/actor/film./film/performance/film /m/05ch98 +/m/099p5 /people/person/profession /m/01sjmd +/m/06dfz1 /tv/tv_program/genre /m/01jfsb +/m/027m67 /film/film/language /m/07qv_ +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/07f5x /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07fvf1 /people/person/profession /m/01d_h8 +/m/02qr69m /film/film/production_companies /m/04rtpt +/m/0dwtp /music/performance_role/track_performances./music/track_contribution/role /m/01vdm0 +/m/04w391 /people/person/gender /m/05zppz +/m/04_1nk /people/person/profession /m/02pjxr +/m/043vc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/02fbpz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01797x /people/person/places_lived./people/place_lived/location /m/0cymp +/m/04y79_n /people/person/profession /m/01d_h8 +/m/0j6b5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/06dn58 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03yj_0n +/m/01dzg0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0knhk +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/087vz +/m/01gkp1 /film/film/genre /m/01t_vv +/m/02wh0 /influence/influence_node/influenced_by /m/039n1 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02bf58 +/m/01yz0x /award/award_category/disciplines_or_subjects /m/04g51 +/m/059kh /music/genre/artists /m/02bh9 +/m/015_30 /people/person/nationality /m/09c7w0 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cbv4g +/m/0170vn /people/person/profession /m/02hrh1q +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/03w1lf /organization/organization/headquarters./location/mailing_address/state_province_region /m/055vr +/m/03t97y /film/film/genre /m/0fdjb +/m/01y9r2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04mx8h4 /tv/tv_program/languages /m/02h40lc +/m/0j582 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01hx2t +/m/09k23 /education/educational_institution/students_graduates./education/education/student /m/05sq84 +/m/02gf_l /film/actor/film./film/performance/film /m/0872p_c +/m/0fvzg /location/location/time_zones /m/02fqwt +/m/064t9 /music/genre/artists /m/01vsykc +/m/0tzt_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/01hwkn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0dv0z +/m/0gq9h /award/award_category/winners./award/award_honor/award_winner /m/01v5h +/m/0mxbq /location/location/time_zones /m/02lcqs +/m/0f8l9c /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/01b3bp /people/person/profession /m/02hrh1q +/m/0qpn9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01w7nwm /film/actor/film./film/performance/film /m/0287477 +/m/0q04f /people/profession/specialization_of /m/04_tv +/m/01pcmd /people/person/gender /m/05zppz +/m/0p3_y /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01d5z /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/02j9z /location/location/partially_contains /m/0cdbq +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0l9k1 /people/person/profession /m/01d_h8 +/m/03wh49y /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/01795t /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ckrgs +/m/058vp /influence/influence_node/influenced_by /m/06jkm +/m/01fx4k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/08jyyk /music/genre/artists /m/02ndj5 +/m/04fjzv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/014kq6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0n228 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0myn8 +/m/05mlqj /film/actor/film./film/performance/film /m/03x7hd +/m/050t68 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05gml8 +/m/073hkh /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01v80y +/m/082_p /influence/influence_node/influenced_by /m/07g2b +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/023w9s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/072hx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/0gkz15s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/04zwtdy /people/person/profession /m/012t_z +/m/033pf1 /film/film/language /m/02h40lc +/m/03xkps /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/02wrrm /people/person/profession /m/02hrh1q +/m/01wbg84 /film/actor/film./film/performance/film /m/047vp1n +/m/0h3k3f /film/film/music /m/02w670 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02k4gv +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/02r8hh_ +/m/09zw90 /people/person/profession /m/01d_h8 +/m/01c9dd /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0chghy +/m/02mpb /award/award_nominee/award_nominations./award/award_nomination/award /m/0262zm +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/03wj4r8 /film/film/genre /m/02l7c8 +/m/09q23x /film/film/language /m/03hkp +/m/05q7874 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02lk60 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/02z3r8t /film/film/language /m/012w70 +/m/0r771 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/026mfbr /film/film/language /m/06nm1 +/m/06jkm /influence/influence_node/influenced_by /m/03sbs +/m/02pb2bp /film/film/dubbing_performances./film/dubbing_performance/actor /m/044_7j +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/05cqhl +/m/02ck7w /people/person/places_lived./people/place_lived/location /m/05fly +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/09zf_q /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/026hh0m /film/film/genre /m/03npn +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8h1 +/m/04lgybj /government/legislative_session/members./government/government_position_held/district_represented /m/015jr +/m/02sj1x /people/deceased_person/place_of_death /m/0f2wj +/m/062zm5h /film/film/film_format /m/017fx5 +/m/0jgvy /base/biblioness/bibs_location/country /m/02jx1 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/04969y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03khn +/m/02y9wq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07r1h /people/person/languages /m/02h40lc +/m/06y9c2 /people/person/profession /m/039v1 +/m/0g5879y /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/02l6h +/m/019x62 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/03hnd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02z9hqn /film/film/dubbing_performances./film/dubbing_performance/actor /m/0ckm4x +/m/0jm9w /sports/sports_team/colors /m/01l849 +/m/065_cjc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0243cq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zcz3 +/m/01t_wfl /people/deceased_person/place_of_death /m/0n9r8 +/m/086m1 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/01gv_f /people/person/profession /m/02hrh1q +/m/02g75 /people/person/gender /m/05zppz +/m/07qg8v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yyn5 +/m/05fhy /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/02t7t +/m/07f_t4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01tnbn /people/person/nationality /m/09c7w0 +/m/05jg58 /music/genre/parent_genre /m/0dls3 +/m/04cl1 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/0c_gcr /film/actor/film./film/performance/film /m/04n52p6 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jhjl +/m/04y9mm8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0f4m2z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/076zy_g /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0338g8 /film/actor/film./film/performance/film /m/0gldyz +/m/016z7s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/02bn_p /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/064t9 /music/genre/artists /m/0x3b7 +/m/0gr07 /award/award_category/winners./award/award_honor/award_winner /m/09xrxq +/m/085pr /people/person/profession /m/0kyk +/m/01tnxc /film/actor/film./film/performance/film /m/0sxgv +/m/0294mx /film/film/language /m/02h40lc +/m/022yb4 /people/person/profession /m/02hrh1q +/m/06mkj /media_common/netflix_genre/titles /m/04q24zv +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02t_h3 +/m/018ctl /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/039bp /people/person/places_lived./people/place_lived/location /m/059rby +/m/0151w_ /people/person/nationality /m/09c7w0 +/m/0z05l /people/person/profession /m/02hrh1q +/m/02d02 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/027xx3 +/m/01bpnd /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/01bmlb /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/016tvq +/m/012vct /people/person/profession /m/01d_h8 +/m/02l4pj /people/person/gender /m/02zsn +/m/0n8bn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07l4zhn +/m/0f6_x /film/actor/film./film/performance/film /m/0f7hw +/m/03h64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/015vq_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k2sk +/m/02d45s /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0bs8ndx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0x67 /people/ethnicity/people /m/06jvj7 +/m/03b8c4 /education/educational_institution/colors /m/01g5v +/m/03x82v /people/person/profession /m/016z4k +/m/01243b /music/genre/artists /m/01qmy04 +/m/04r7p /people/person/profession /m/0cbd2 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0mg1w +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0h53p1 /people/person/profession /m/0dxtg +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/06by7 /music/genre/artists /m/0khth +/m/01slc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/07ghq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0k3gj /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0f4y3 +/m/0m0fw /music/genre/artists /m/0lsw9 +/m/0kv4k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0jnh /time/event/locations /m/0261m +/m/07g2v /people/person/profession /m/0nbcg +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/0ctb4g +/m/011yrp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02pcq92 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/02cff1 /people/person/nationality /m/02jx1 +/m/01hqhm /film/film/language /m/04306rv +/m/01w5m /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/02t_y3 /people/person/nationality /m/09c7w0 +/m/05p606 /people/person/gender /m/05zppz +/m/019389 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03b8gh /music/record_label/artist /m/01ww_vs +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01x72k /film/actor/film./film/performance/film /m/07sp4l +/m/029ql /base/eating/practicer_of_diet/diet /m/07_jd +/m/05b7q /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0blg2 +/m/04jpl /location/location/contains /m/01314k +/m/07ghq /film/film/language /m/06nm1 +/m/02x6dqb /film/film/genre /m/04t36 +/m/0glqh5_ /film/film/production_companies /m/054lpb6 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/01f873 /film/actor/film./film/performance/film /m/027m67 +/m/0gn30 /people/person/languages /m/02h40lc +/m/052nd /education/educational_institution/students_graduates./education/education/student /m/0lccn +/m/01n5309 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/04cl1 +/m/06rzwx /film/film/genre /m/07s9rl0 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/06by7 /music/genre/artists /m/01w60_p +/m/01wqmm8 /people/person/profession /m/016z4k +/m/01j5ws /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0sw62 +/m/01vvlyt /people/person/profession /m/0nbcg +/m/05zlld0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07x4c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0mzj_ +/m/0642xf3 /film/film/genre /m/02b5_l +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/01wg982 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/0295sy +/m/0427y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k419 /film/film/runtime./film/film_cut/film_release_region /m/05r4w +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01f85k +/m/017l96 /music/record_label/artist /m/03t852 +/m/0456zg /film/film/genre /m/02l7c8 +/m/02vxn /education/field_of_study/students_majoring./education/education/student /m/06pjs +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0bx0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/039bp /people/person/profession /m/0kyk +/m/0z05l /people/person/gender /m/05zppz +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/031zkw /film/actor/film./film/performance/film /m/01j5ql +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/02rv_dz +/m/07tj4c /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bq2g +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0db94w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/030hbp /film/actor/film./film/performance/film /m/0421ng +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01vw8k /film/film/genre /m/04xvh5 +/m/015pnb /award/award_winning_work/awards_won./award/award_honor/award /m/027gs1_ +/m/0dzkq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cx7f /music/genre/parent_genre /m/05w3f +/m/06by7 /music/genre/artists /m/02vnpv +/m/019rg5 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0jdk_ +/m/06fc0b /people/person/profession /m/02hrh1q +/m/02mmwk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09xwz /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/04gd8j +/m/04xvlr /media_common/netflix_genre/titles /m/0g5879y +/m/08qxx9 /film/actor/film./film/performance/film /m/0cd2vh9 +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/029qzx /education/educational_institution/colors /m/02rnmb +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/02630g +/m/07f_7h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/03rj0 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/05k2xy /film/film/produced_by /m/02q42j_ +/m/02prwdh /film/film/genre /m/07s9rl0 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/student /m/06y7d +/m/07cyl /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/01hbq0 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/0gg8l /music/genre/parent_genre /m/02fhtq +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/03vrv9 /people/person/nationality /m/09c7w0 +/m/02qyv3h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0xhtw /music/genre/artists /m/01k_0fp +/m/03xh50 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/043ljr /music/record_label/artist /m/0pkyh +/m/0cy__l /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01y9jr /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/02w0dc0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/07xtqq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tfc /people/person/gender /m/05zppz +/m/0133x7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c4_6 +/m/01hr11 /education/educational_institution/school_type /m/01rs41 +/m/01rzqj /people/person/profession /m/02krf9 +/m/0c_j5d /business/business_operation/industry /m/02jjt +/m/01k47c /people/person/profession /m/09jwl +/m/01gqfm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/0jgd /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/016kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzm81 +/m/0ckcvk /people/person/gender /m/05zppz +/m/01m2n1 /location/location/time_zones /m/02hcv8 +/m/0640y35 /film/film/genre /m/01zhp +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/030pr +/m/0ct9_ /user/alexander/philosophy/philosopher/interests /m/02jhc +/m/0hpz8 /film/actor/film./film/performance/film /m/0jqzt +/m/0b1xl /organization/organization/headquarters./location/mailing_address/citytown /m/01_d4 +/m/0ptxj /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09c7w0 /location/location/contains /m/0ny57 +/m/02bqm0 /government/legislative_session/members./government/government_position_held/district_represented /m/07srw +/m/01hkhq /people/person/religion /m/0kpl +/m/016jfw /people/person/nationality /m/07ssc +/m/026q3s3 /film/film/genre /m/03q4nz +/m/0m2l9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03bnv +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0kb57 +/m/04rfq /people/person/profession /m/02hrh1q +/m/02yw0y /music/genre/artists /m/0j6cj +/m/0284b56 /film/film/genre /m/0219x_ +/m/04mz10g /people/person/places_lived./people/place_lived/location /m/0f2tj +/m/02qtywd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0k611 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/02py7pj /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/06tpmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0152x_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0chghy +/m/026hh0m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/08rr3p /film/film/costume_design_by /m/026lyl4 +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/08cfr1 /film/film/country /m/09c7w0 +/m/01hcj2 /film/actor/film./film/performance/film /m/0h1cdwq +/m/020jqv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03ftmg /people/person/gender /m/05zppz +/m/014gf8 /film/actor/film./film/performance/film /m/063_j5 +/m/0p_pd /film/actor/film./film/performance/film /m/03lrqw +/m/07s2s /film/film_subject/films /m/03177r +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0165v +/m/03177r /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/040nwr /people/person/places_lived./people/place_lived/location /m/049lr +/m/016s0m /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0150jk +/m/065dc4 /film/film/language /m/06nm1 +/m/03z2rz /sports/sports_team/sport /m/02vx4 +/m/011xhx /music/artist/origin /m/02_286 +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01cmp9 +/m/02rv1w /education/educational_institution/students_graduates./education/education/student /m/016fnb +/m/0bv7t /influence/influence_node/influenced_by /m/03jxw +/m/044mjy /people/person/profession /m/0d1pc +/m/01nln /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01nyl +/m/02lw5z /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/024mpp /film/film/music /m/02bh9 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02y9bj +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/034gxk /music/genre/artists /m/0fb2l +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/014zws +/m/018lg0 /music/genre/artists /m/0b1hw +/m/02f93t /people/person/profession /m/0dxtg +/m/05zl0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01540 +/m/0298n7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/0d66j2 +/m/054ks3 /award/award_category/nominees./award/award_nomination/nominated_for /m/01xdxy +/m/04f9r2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04v9wn /sports/sports_team/colors /m/038hg +/m/047g6 /user/alexander/philosophy/philosopher/interests /m/05r79 +/m/0ct5zc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0227tr /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/02cttt /education/educational_institution/colors /m/01g5v +/m/01rxyb /film/film/featured_film_locations /m/0b90_r +/m/0lbj1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/0d6_s /film/film/genre /m/02kdv5l +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pyyld +/m/01k7xz /education/educational_institution/students_graduates./education/education/student /m/0gs7x +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/011yd2 +/m/0f5hyg /sports/sports_team/colors /m/06fvc +/m/023vcd /film/film/music /m/0jn5l +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0kn +/m/01q7q2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/03v9w /location/location/contains /m/01zv_ +/m/01dtcb /music/record_label/artist /m/0838y +/m/02pzck /film/actor/film./film/performance/film /m/01bb9r +/m/01b39j /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/04fcjt /music/record_label/artist /m/04r1t +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02773nt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0277990 +/m/0bx_hnp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/032j_n /business/business_operation/industry /m/02vxn +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc_w5 +/m/06d4h /film/film_subject/films /m/0dpl44 +/m/01yfj /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mzp +/m/09c7w0 /location/location/contains /m/0sn4f +/m/07z6xs /film/film/genre /m/0lsxr +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gzy02 +/m/0qm98 /film/film/music /m/01l3mk3 +/m/05sy_5 /film/film/language /m/0653m +/m/01frpd /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/0127m7 /people/person/profession /m/02jknp +/m/0c73g /people/person/nationality /m/0345h +/m/0ddbjy4 /film/film/production_companies /m/04cygb3 +/m/031t2d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/04fjzv /film/film/country /m/07ssc +/m/0n5gb /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0n5kc +/m/02bxd /music/performance_role/track_performances./music/track_contribution/role /m/0l14j_ +/m/01kstn9 /people/person/nationality /m/09c7w0 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/0p_jc /people/person/profession /m/02hrh1q +/m/0p_47 /people/person/profession /m/02hrh1q +/m/03nb5v /people/person/profession /m/0np9r +/m/09qj50 /award/award_category/winners./award/award_honor/award_winner /m/02_n5d +/m/09l3p /film/actor/film./film/performance/film /m/0gyy53 +/m/0bz6sb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rjv2w +/m/0sw6y /film/actor/film./film/performance/film /m/05sw5b +/m/03g3w /education/field_of_study/students_majoring./education/education/student /m/02z1yj +/m/0g57wgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02cq61 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0m2l9 /people/person/gender /m/05zppz +/m/0bksh /people/person/profession /m/02hrh1q +/m/04w4s /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/04l19_ /influence/influence_node/influenced_by /m/01hmk9 +/m/0dll_t2 /film/film/music /m/03c_8t +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/02yw5r +/m/0b7l1f /people/person/gender /m/05zppz +/m/0bdxs5 /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/0d_2fb /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01n6r0 +/m/02fybl /music/group_member/membership./music/group_membership/role /m/05148p4 +/m/0k419 /film/film/film_art_direction_by /m/05683cn +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0btpm6 +/m/06q07 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/02zdwq +/m/01kf4tt /film/film/language /m/04306rv +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/02x8m /music/genre/artists /m/019f9z +/m/0gywn /music/genre/artists /m/01x1cn2 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/0hl24 /location/location/contains /m/0h30_ +/m/01d0b1 /people/person/profession /m/02hrh1q +/m/0l2q3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/03h2c /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/032r1 /influence/influence_node/influenced_by /m/0tfc +/m/08815 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03p2xc /film/film/genre /m/05p553 +/m/02qpt1w /film/film/genre /m/02l7c8 +/m/0xnvg /people/ethnicity/people /m/0kb3n +/m/06j6l /music/genre/artists /m/012vd6 +/m/04wsz /location/location/contains /m/0d05q4 +/m/04wvhz /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/0453t /people/person/employment_history./business/employment_tenure/company /m/01rtm4 +/m/0glt670 /music/genre/artists /m/01w9k25 +/m/02ndf1 /people/person/places_lived./people/place_lived/location /m/02xry +/m/0p03t /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/016cjb /music/genre/artists /m/01vzz1c +/m/02b14q /soccer/football_team/current_roster./sports/sports_team_roster/position /m/0dgrmp +/m/0bxtg /people/person/profession /m/0dxtg +/m/06j6l /music/genre/artists /m/06mt91 +/m/0gd0c7x /film/film/genre /m/01jfsb +/m/0gjw_ /military/military_conflict/combatants./military/military_combatant_group/combatants /m/07ssc +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzn6_ +/m/011xy1 /education/educational_institution/students_graduates./education/education/student /m/02pkpfs +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/01jc6q +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/0g824 /people/person/profession /m/04f2zj +/m/017z49 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/01wqlc /music/genre/artists /m/09h_q +/m/011hq1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0m4yg /education/educational_institution/students_graduates./education/education/student /m/02q42j_ +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01r42_g +/m/05t0_2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0glt670 /music/genre/artists /m/04vrxh +/m/014knw /film/film/genre /m/07s9rl0 +/m/0k049 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0l14j_ /music/instrument/instrumentalists /m/09hnb +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0bbw2z6 /film/film/country /m/0f8l9c +/m/02s2wq /people/person/profession /m/039v1 +/m/0136g9 /people/person/profession /m/0dz3r +/m/023qfd /people/person/place_of_birth /m/0nbwf +/m/05g8ky /influence/influence_node/influenced_by /m/01vb6z +/m/025scjj /film/film/genre /m/060__y +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/027mdh +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vsl3_ /people/person/profession /m/0cbd2 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/03b1sb +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/02cttt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pllx +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04rcr +/m/026rm_y /people/person/languages /m/04306rv +/m/0pz91 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zvj3m +/m/0bx8pn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/0pksh /people/person/nationality /m/0d05w3 +/m/06j6l /music/genre/artists /m/0126y2 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02hblj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03y_f8 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0kqbh +/m/0gw7p /film/film/genre /m/07s9rl0 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0_nh2 +/m/05r5c /music/instrument/instrumentalists /m/01vsksr +/m/0dt8xq /film/film/featured_film_locations /m/0lphb +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0170yd +/m/02stbw /film/film/genre /m/0gf28 +/m/03vfr_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/02qgqt +/m/0bz5v2 /people/person/places_lived./people/place_lived/location /m/0j4q1 +/m/0f_j1 /music/genre/parent_genre /m/03_d0 +/m/033srr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d060g +/m/01k165 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05w3f /music/genre/artists /m/0ql36 +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/07nxnw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/084z0w /people/person/languages /m/07c9s +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/067ghz +/m/02404v /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0233bn +/m/06cp5 /music/genre/artists /m/01w20rx +/m/0835q /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01g23m /people/person/gender /m/02zsn +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/03fgm +/m/06gg5c /people/person/nationality /m/03rk0 +/m/09q23x /film/film/executive_produced_by /m/0gg9_5q +/m/07y9k /sports/sports_league/teams./sports/sports_league_participation/team /m/0356gk +/m/0jdr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07q1v4 /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/05kr_ /location/location/contains /m/018lbg +/m/04m_zp /people/person/profession /m/0dxtg +/m/01s21dg /award/award_nominee/award_nominations./award/award_nomination/award /m/02f6xy +/m/02l7c8 /media_common/netflix_genre/titles /m/02nt3d +/m/045c7b /organization/organization/place_founded /m/0qcrj +/m/0k_kr /music/record_label/artist /m/01p0vf +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05v8c +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03q8xj +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cjdk +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02d6c +/m/0lyjf /education/educational_institution/students_graduates./education/education/student /m/0gn30 +/m/0b_6xf /time/event/instance_of_recurring_event /m/02jp2w +/m/0l14j_ /music/instrument/instrumentalists /m/0zjpz +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0js9s /award/award_nominee/award_nominations./award/award_nomination/award /m/03hl6lc +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/02bh8z /music/record_label/artist /m/0136p1 +/m/0hwd8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04gr35 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02mpb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016y_f /film/film/film_production_design_by /m/0dh73w +/m/03hkv_r /award/award_category/winners./award/award_honor/award_winner /m/081lh +/m/0j_tw /film/film/genre /m/05p553 +/m/0342h /music/instrument/instrumentalists /m/02y7sr +/m/01z4y /media_common/netflix_genre/titles /m/02j69w +/m/01gvxh /government/legislative_session/members./government/government_position_held/district_represented /m/0h5qxv +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0154j +/m/0jmhr /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/05gml8 /people/person/profession /m/02hrh1q +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrx +/m/0233bn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/0cnl1c +/m/018ygt /people/person/gender /m/05zppz +/m/0h95zbp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/031778 /film/film/genre /m/02xlf +/m/0181dw /music/record_label/artist /m/02fn5r +/m/085wqm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/032v0v /people/person/profession /m/0dxtg +/m/03kg2v /film/film/produced_by /m/027z0pl +/m/019pcs /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01br2w +/m/03q5t /music/performance_role/regular_performances./music/group_membership/group /m/0134wr +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/03hmt9b +/m/06by7 /music/genre/artists /m/067mj +/m/0q9t7 /people/person/profession /m/02hrh1q +/m/0bs8d /people/deceased_person/place_of_death /m/02_286 +/m/01pj3h /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/03z20c /film/film/executive_produced_by /m/04q5zw +/m/07nnp_ /film/film/language /m/02h40lc +/m/01dbgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/03rk0 /location/location/contains /m/088gzp +/m/0gx9rvq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0m76b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01n073 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01ptsx +/m/01vrncs /people/person/profession /m/02dsz +/m/024qqx /media_common/netflix_genre/titles /m/011yd2 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02hzx8 +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/02prw4h /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/049gc /people/person/nationality /m/0345h +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07lwsz +/m/011x_4 /film/film/language /m/064_8sq +/m/0k29f /people/person/nationality /m/0d060g +/m/024dw0 /music/group_member/membership./music/group_membership/group /m/0qmpd +/m/04w58 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04swx +/m/09gmmt6 /film/film/genre /m/01jfsb +/m/0d8zt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/085bd1 /film/film/country /m/0345h +/m/057lbk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03cprft /people/person/gender /m/05zppz +/m/027y_ /people/person/profession /m/0cbd2 +/m/032j_n /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029k4p +/m/017l96 /music/record_label/artist /m/09qr6 +/m/03t0k1 /film/actor/film./film/performance/film /m/01242_ +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0c4hgj +/m/0ddfwj1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0ym1n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/01tx9m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01_x6v +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/041c4 /film/actor/film./film/performance/film /m/03nfnx +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/06dv3 +/m/01sp81 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/017yfz /people/person/profession /m/09jwl +/m/01gbbz /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/050r1z /film/film/genre /m/07s9rl0 +/m/05zvzf3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01n1gc /people/person/profession /m/018gz8 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0m2wm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01l2fn +/m/02x8m /music/genre/artists /m/0132k4 +/m/01_f_5 /people/person/places_lived./people/place_lived/location /m/05qtj +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01vg0s +/m/0mbw0 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/07tw_b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/08ns5s /sports/sports_position/players./sports/sports_team_roster/team /m/07l2m +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/02lxj_ +/m/0gz6b6g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/017v3q /education/educational_institution/colors /m/038hg +/m/0b_770 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/0bcndz /film/film/genre /m/04xvh5 +/m/048q6x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/09btt1 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/04pnx /location/location/contains /m/027rn +/m/01rc6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/02822 /education/field_of_study/students_majoring./education/education/student /m/01f9mq +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02jxbw +/m/027gy0k /film/film/country /m/0chghy +/m/0127s7 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/09r9m7 +/m/0fqpc7d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09gq0x5 +/m/05lbzg /base/culturalevent/event/entity_involved /m/0cn_tpv +/m/0kxf1 /film/film/language /m/02h40lc +/m/084m3 /people/person/profession /m/02hrh1q +/m/04w58 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/01hjy5 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/07l450 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01zpmq /organization/organization/place_founded /m/0r6ff +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/02hn5v +/m/01ycbq /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03cp4cn /film/film/genre /m/0lsxr +/m/047svrl /film/film/featured_film_locations /m/030qb3t +/m/012v9y /film/actor/film./film/performance/film /m/0m_h6 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s_2 +/m/02qr69m /film/film/featured_film_locations /m/030qb3t +/m/07bwr /film/film/language /m/02h40lc +/m/01mjq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02pzy52 +/m/028cg00 /film/film/genre /m/02kdv5l +/m/03qmj9 /people/person/profession /m/02hrh1q +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01z88t +/m/01738f /music/genre/artists /m/01gx5f +/m/0g768 /music/record_label/artist /m/0fhxv +/m/0330r /tv/tv_program/languages /m/02h40lc +/m/03gyvwg /film/film/dubbing_performances./film/dubbing_performance/actor /m/05q_mg +/m/01wz_ml /people/person/profession /m/039v1 +/m/08s6mr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/06w839_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bth54 /film/film/featured_film_locations /m/0853g +/m/02zrv7 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/04cppj +/m/01pj7 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/06t8v +/m/0r00l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030pr /people/person/nationality /m/03rjj +/m/0gyv0b4 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/031ldd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/0lrh /people/person/profession /m/0cbd2 +/m/025v3k /education/educational_institution/colors /m/01l849 +/m/08fn5b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/011xhx +/m/035bcl /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02hp6p +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03fg0r +/m/06jzh /film/actor/film./film/performance/film /m/07nxnw +/m/0dx8gj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01qhm_ /people/ethnicity/people /m/052hl +/m/026z9 /music/genre/artists /m/019x62 +/m/031778 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/04vmqg /people/person/spouse_s./people/marriage/location_of_ceremony /m/03rjj +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0jm7n /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01j_cy +/m/0mkk3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05r5c /music/instrument/instrumentalists /m/0147jt +/m/02r5w9 /film/director/film /m/0f4k49 +/m/044rvb /people/person/gender /m/05zppz +/m/0345h /organization/organization_member/member_of./organization/organization_membership/organization /m/0_2v +/m/0jm4b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s0l0 +/m/017kz7 /film/film/language /m/02h40lc +/m/07f1x /location/country/form_of_government /m/01q20 +/m/01qbl /music/performance_role/track_performances./music/track_contribution/role /m/0342h +/m/05dptj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/08_438 /people/person/gender /m/05zppz +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08nhfc1 +/m/06jw0s /people/person/places_lived./people/place_lived/location /m/04rrx +/m/050ks /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0b2qtl /film/film/genre /m/03q4nz +/m/05cvgl /film/film/film_format /m/07fb8_ +/m/049gc /people/person/places_lived./people/place_lived/location /m/0ftxw +/m/01v3rb /business/business_operation/industry /m/01mw1 +/m/0b9l3x /people/person/profession /m/0dgd_ +/m/0d_2fb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05dbf +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/017l96 /music/record_label/artist /m/04n65n +/m/0dn16 /music/genre/artists /m/0bdxs5 +/m/07tg4 /education/educational_institution/students_graduates./education/education/student /m/03dpqd +/m/01d2v1 /film/film/genre /m/06qln +/m/01fwzk /film/film/genre /m/01lrrt +/m/0dh1n_ /people/person/places_lived./people/place_lived/location /m/04rrx +/m/0k3p /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/02ylg6 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/013w7j /people/person/profession /m/01d_h8 +/m/04h4c9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01rv7x /people/ethnicity/people /m/04v7k2 +/m/05c74 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fv +/m/0h98b3k /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/047n8xt +/m/02yy88 /music/genre/artists /m/01qmy04 +/m/01jq4b /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/035wtd /education/educational_institution/colors /m/083jv +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/015_1q /music/record_label/artist /m/089tm +/m/0dh8v4 /film/film/dubbing_performances./film/dubbing_performance/actor /m/08p1gp +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/0_ytw /location/location/time_zones /m/02fqwt +/m/0py5b /people/person/profession /m/0dxtg +/m/015rkw /people/person/profession /m/02hrh1q +/m/02b71x /music/genre/artists /m/03q2t9 +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/06by7 /music/genre/artists /m/03qkcn9 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09rvcvl +/m/0jt90f5 /influence/influence_node/influenced_by /m/0pqzh +/m/01w524f /people/person/profession /m/0fnpj +/m/04p5cr /tv/tv_program/genre /m/0vgkd +/m/02t_y3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01pj_5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04mhbh /film/actor/film./film/performance/film /m/05f4_n0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0glh3 +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/095b70 /people/person/place_of_birth /m/03l2n +/m/03lmx1 /people/ethnicity/people /m/06mr6 +/m/03np63f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/06c97 /people/person/religion /m/025t7ly +/m/03m6pk /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/0czyxs /film/film/language /m/02h40lc +/m/043fz4 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/015gw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/04kxsb +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/02yj7w /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01x_d8 +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/012vwb +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/01l1sq /people/person/profession /m/016z4k +/m/0mdqp /film/actor/film./film/performance/film /m/09g8vhw +/m/088vb /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01zmpg +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sw9 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02mj7c +/m/041c4 /film/actor/film./film/performance/film /m/02754c9 +/m/0nhmw /location/location/time_zones /m/02fqwt +/m/0f5zj6 /people/person/gender /m/05zppz +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0jqzt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01v_0b /influence/influence_node/influenced_by /m/03_87 +/m/05148p4 /music/instrument/instrumentalists /m/0k7pf +/m/01l2m3 /medicine/disease/risk_factors /m/0k95h +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/02nxhr +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/04ycjk +/m/02v2lh /music/genre/parent_genre /m/0fd3y +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/042g97 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/0d_q40 /sports/sports_team/colors /m/083jv +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/05njw +/m/0dq626 /film/film/genre /m/05p553 +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/027yf83 +/m/0djkrp /film/film/genre /m/01j1n2 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/0bvn25 +/m/017f3m /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05qd_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01sbv9 +/m/0jqn5 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0dq6p +/m/07l8f /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/0jz71 +/m/04mn81 /music/group_member/membership./music/group_membership/role /m/0l14md +/m/05c6073 /music/genre/artists /m/016lmg +/m/0g8rj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/03qjg /music/instrument/instrumentalists /m/019389 +/m/03h_yfh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/020_4z /people/person/gender /m/05zppz +/m/0d1_f /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/035yg +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/01qxc7 +/m/09c7w0 /location/location/contains /m/0yz30 +/m/0770cd /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/09y20 /people/person/nationality /m/07ssc +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0l14qv /music/performance_role/track_performances./music/track_contribution/role /m/01xqw +/m/05fnl9 /film/actor/film./film/performance/film /m/0h1x5f +/m/0bvls5 /people/person/profession /m/0dxtg +/m/017_qw /music/genre/artists /m/012ljv +/m/035zr0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0277470 /award/award_nominee/award_nominations./award/award_nomination/award /m/02p_04b +/m/0czr9_ /location/location/contains /m/0nbzp +/m/01tntf /education/educational_institution/colors /m/01g5v +/m/03s9b /people/person/profession /m/0dxtg +/m/0jwvf /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0h3k3f +/m/04s04 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/01wxyx1 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/048lv +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0dfrq /people/person/profession /m/0cbd2 +/m/042ly5 /film/actor/film./film/performance/film /m/06gb1w +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0dq23 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0f13b /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/0qcr0 /people/cause_of_death/people /m/0m9c1 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/015gm8 +/m/0191h5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0136p1 /people/person/profession /m/01c72t +/m/02glmx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/0j8f09z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/01kt_j /tv/tv_program/genre /m/02fgmn +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/03rjj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1kd +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05g8ky /people/person/profession /m/01d_h8 +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/029v40 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04gnbv1 +/m/064t9 /music/genre/artists /m/01q3_2 +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05vz3zq +/m/053tj7 /film/film/distributors./film/film_film_distributor_relationship/region /m/059j2 +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/02qssrm +/m/0lpk3 /location/hud_county_place/place /m/0lpk3 +/m/011w54 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0713r /sports/sports_team/colors /m/01l849 +/m/0141kz /film/actor/film./film/performance/film /m/017kct +/m/04sntd /film/film/executive_produced_by /m/02qjpv5 +/m/01rnpy /people/person/profession /m/02hrh1q +/m/0pk41 /people/person/nationality /m/09c7w0 +/m/0n048 /location/location/contains /m/016wrq +/m/0fpv_3_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0j4b +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/08lr6s +/m/07gp9 /film/film/genre /m/02kdv5l +/m/0czhv7 /people/person/nationality /m/03rk0 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05q4 +/m/01jpmpv /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01w9k25 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/02jg92 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033tf_ /people/ethnicity/people /m/0btpx +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4sn8 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048q6x +/m/0bgrsl /people/person/place_of_birth /m/0dclg +/m/016732 /people/person/gender /m/05zppz +/m/09v0p2c /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cp9f9 +/m/016xk5 /people/person/languages /m/02h40lc +/m/048wrb /people/person/profession /m/015cjr +/m/0cfz_z /people/person/nationality /m/03rk0 +/m/0gvbw /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01n_g9 +/m/04jkpgv /film/film/film_format /m/0cj16 +/m/02w7gg /people/ethnicity/people /m/03hltjb +/m/0156q /location/statistical_region/religions./location/religion_percentage/religion /m/0flw86 +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0180mw +/m/03h4mp /people/person/profession /m/01c72t +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/01xvjb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0dq9p /people/cause_of_death/people /m/01rw116 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0l0wv +/m/0kvb6p /film/film/country /m/09c7w0 +/m/09jwl /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/025ldg +/m/0fd6qb /people/deceased_person/place_of_death /m/0f2wj +/m/047t_ /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06f32 +/m/02chhq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0m2lt /location/location/time_zones /m/02hcv8 +/m/05r5c /music/instrument/instrumentalists /m/02_33l +/m/03hmr_ /people/person/profession /m/0kyk +/m/01grpq /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grnp +/m/0p_r5 /people/person/sibling_s./people/sibling_relationship/sibling /m/0p_pd +/m/09nhvw /people/person/profession /m/016z4k +/m/0d05w3 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0hw29 +/m/0bdw6t /award/award_category/category_of /m/0gcf2r +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/06sn8m +/m/03ndd /music/instrument/instrumentalists /m/01wmjkb +/m/0f1nl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0w7s +/m/018d5b /location/location/time_zones /m/02fqwt +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03h2c +/m/04mvk7 /sports/sports_team/colors /m/06fvc +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/09v82c0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02py4c8 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cf08 +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/012x4t +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/05q96q6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/065d1h /people/person/place_of_birth /m/03h64 +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/07751 +/m/0tc7 /people/person/languages /m/04306rv +/m/01hvv0 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01b3bp +/m/0fxgg9 /music/genre/artists /m/01rm8b +/m/02s6sh /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01r4k +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02zk08 +/m/0127ps /film/film/film_production_design_by /m/03wdsbz +/m/04fzfj /film/film/country /m/03_3d +/m/0h3y /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/07ssc /location/location/contains /m/01zrq0 +/m/023kzp /film/actor/film./film/performance/film /m/04x4vj +/m/01nms7 /film/actor/film./film/performance/film /m/03hp2y1 +/m/07fb6 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03f3yfj /people/person/profession /m/01d_h8 +/m/0djb3vw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/037xlx /award/award_winning_work/awards_won./award/award_honor/honored_for /m/03phtz +/m/0hmm7 /film/film/production_companies /m/02jd_7 +/m/0373qt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/05qbckf /film/film/genre /m/02xlf +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/01fwzk +/m/043gj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yvct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/06q5t7 /people/person/religion /m/03_gx +/m/02yxwd /people/person/profession /m/0np9r +/m/05mph /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/03_qrp /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0ly8z +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01c9jp /award/award_category/category_of /m/0c4ys +/m/06k02 /people/person/profession /m/0dz3r +/m/01prf3 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/059rby +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/060ny2 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/02mmwk /film/film/genre /m/01jfsb +/m/05zjx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/065ydwb +/m/06ncr /music/instrument/instrumentalists /m/0135xb +/m/01chc7 /film/actor/film./film/performance/film /m/05qbckf +/m/0d_kd /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02mc5v /film/film/genre /m/05p553 +/m/05nlx4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0326tc /people/person/profession /m/0dz3r +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/092vkg +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/03cdg /people/person/gender /m/05zppz +/m/01p9hgt /people/person/gender /m/05zppz +/m/01qzt1 /music/genre/artists /m/01vw87c +/m/01w40h /music/record_label/artist /m/0f_y9 +/m/0301bq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/02qzmz6 +/m/016_nr /music/genre/artists /m/0126y2 +/m/06n3y /location/location/contains /m/02k1b +/m/07tw_b /film/film/production_companies /m/054lpb6 +/m/02x8m /music/genre/artists /m/01jcxwp +/m/0kvjrw /people/person/nationality /m/03rk0 +/m/05xvj /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/03lrqw /film/film/genre /m/06nbt +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/06kknt +/m/011j5x /music/genre/artists /m/079kr +/m/04k3jt /sports/sports_team/sport /m/02vx4 +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01hkhq +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0jwmp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/08966 +/m/048vhl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09cm54 /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/035tjy /sports/sports_team/sport /m/02vx4 +/m/01w724 /people/person/place_of_birth /m/03l2n +/m/03902 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0xn5b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0789r6 /award/award_category/nominees./award/award_nomination/nominated_for /m/04nl83 +/m/0cyhq /people/person/profession /m/01c72t +/m/0m40d /music/genre/artists /m/0d9xq +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/02wzl1d +/m/09c7w0 /location/country/second_level_divisions /m/0ntpv +/m/01bpnd /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/06_vpyq /people/person/profession /m/0dxtg +/m/02drd3 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0m491 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0p_sc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gkydb /people/person/profession /m/0dxtg +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02p76f9 /award/award_winning_work/awards_won./award/award_honor/award /m/063y_ky +/m/0gxr1c /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01nsyf +/m/02bh8z /music/record_label/artist /m/01ttg5 +/m/01xdn1 /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/059lwy /film/film/genre /m/07s9rl0 +/m/02778qt /people/person/gender /m/05zppz +/m/01rwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/043ljr /music/record_label/artist /m/01m1dzc +/m/0jksm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/07l8f /sports/sports_team/roster./baseball/baseball_roster_position/position /m/028c_8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/09wj5 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/06r713 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/06s6hs /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06rjp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0ny75 /education/educational_institution/school_type /m/05jxkf +/m/04gv3db /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0p_th /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/03r0rq /tv/tv_program/genre /m/01htzx +/m/0cv9b /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/028knk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0dn3n +/m/0jkhr /education/educational_institution/school_type /m/05jxkf +/m/0mwl2 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mwh1 +/m/0bqsy /people/person/religion /m/0c8wxp +/m/0g1x2_ /film/film_subject/films /m/071nw5 +/m/0661m4p /film/film/executive_produced_by /m/06pj8 +/m/01ly5m /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ly8d +/m/01lxw6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0hz35 +/m/01ffx4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014zcr +/m/09qr6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/0cqt90 /people/person/nationality /m/09c7w0 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0bzjvm +/m/04jpl /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/05cgv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0gt1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/06fcqw +/m/04w58 /location/country/form_of_government /m/01fpfn +/m/01rgn3 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/091rc5 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0jjw +/m/05148p4 /music/instrument/instrumentalists /m/0p7h7 +/m/06lbp /people/person/profession /m/0cbd2 +/m/0jqn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gpprt /people/person/profession /m/0cbd2 +/m/02l96k /music/genre/artists /m/03qkcn9 +/m/03xmy1 /people/person/languages /m/0295r +/m/034qzw /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/04jwly +/m/0ll3 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/05lf_ +/m/0356lc /sports/sports_league/teams./sports/sports_league_participation/team /m/03_r_5 +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/030_3z /people/person/profession /m/01d_h8 +/m/03spz /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0fy66 /film/film/genre /m/060__y +/m/04411 /people/person/gender /m/05zppz +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0k_9j +/m/0f8pz /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0g34_ /sports/sports_team_location/teams /m/03dkx +/m/02vqsll /film/film/production_companies /m/04rtpt +/m/0jzw /film/film/language /m/064_8sq +/m/016dp0 /influence/influence_node/influenced_by /m/0d5_f +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/04k25 /people/person/places_lived./people/place_lived/location /m/01lfy +/m/07jwr /people/cause_of_death/people /m/034bs +/m/0ggx5q /music/genre/artists /m/01vs_v8 +/m/09krp /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/09ksp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/02zcnq +/m/0c3ns /people/person/places_lived./people/place_lived/location /m/06y57 +/m/02bn_p /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02cg7g +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/026390q +/m/01v42g /film/actor/film./film/performance/film /m/085bd1 +/m/022p06 /organization/organization_founder/organizations_founded /m/0g1rw +/m/05148p4 /music/instrument/instrumentalists /m/01vsksr +/m/0qjfl /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/0hfml +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0mwkp /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/03xpf_7 +/m/0gg9_5q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bl2g /film/actor/film./film/performance/film /m/0bm2nq +/m/014zfs /influence/influence_node/influenced_by /m/01wj9y9 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh694 +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/011ywj +/m/05cljf /people/person/places_lived./people/place_lived/location /m/01b8jj +/m/065ym0c /film/film/film_festivals /m/0bmj62v +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0c4hnm +/m/024rwx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/08wjf4 +/m/03lgg /people/person/profession /m/0np9r +/m/0q9t7 /people/person/profession /m/018gz8 +/m/03j0br4 /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/073tm9 /music/record_label/artist /m/04n65n +/m/0194xc /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02cg7g +/m/01gc7h /people/person/nationality /m/0d060g +/m/07rzf /film/actor/film./film/performance/film /m/07sgdw +/m/0mnyn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03h_fqv /people/person/profession /m/016z4k +/m/09c7w0 /location/location/contains /m/01t0dy +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/02dbp7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqsy /people/person/profession /m/016z4k +/m/0d02km /people/person/religion /m/0c8wxp +/m/01x0yrt /base/eating/practicer_of_diet/diet /m/07_hy +/m/0jmcv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jpqb +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01k1k4 /film/film/genre /m/0gf28 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0jpkw +/m/05bpg3 /people/person/profession /m/01d_h8 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/0ycp3 +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/0czmk1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01p4wv /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/023v4_ +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0d04z6 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0bm2nq /film/film/country /m/09c7w0 +/m/0jyb4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01b_lz +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/04ycjk +/m/0kft /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03_48k /people/person/gender /m/05zppz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01y17m +/m/0gqyl /award/award_category/winners./award/award_honor/award_winner /m/0f4vbz +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/06j8wx /film/actor/film./film/performance/film /m/09p35z +/m/03cmsqb /film/film/country /m/09c7w0 +/m/02s58t /people/deceased_person/place_of_burial /m/018mrd +/m/0584j4n /people/person/nationality /m/09c7w0 +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0hkqn /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02j71 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/0m4yg +/m/0c6qh /film/actor/film./film/performance/film /m/03s6l2 +/m/0121rx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0cgzj /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/027fwmt /film/film/cinematography /m/03ctv8m +/m/06pwq /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/01wj5hp /people/person/profession /m/0kyk +/m/02prwdh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02mf7 /location/location/time_zones /m/02lcqs +/m/0kvbl6 /film/film/genre /m/02kdv5l +/m/024rdh /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05zvzf3 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/06znpjr +/m/01k2xy /sports/sports_team/sport /m/02vx4 +/m/0l998 /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/02ly_ /location/location/contains /m/01n4nd +/m/0mdqp /people/person/profession /m/02hrh1q +/m/03r8v_ /award/award_category/winners./award/award_honor/award_winner /m/02756j +/m/02l48d /organization/organization/place_founded /m/06wjf +/m/049n7 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/017drs +/m/023p29 /award/award_nominee/award_nominations./award/award_nomination/award /m/03t5n3 +/m/0r04p /location/location/contains /m/018mlg +/m/03r8tl /award/award_category/nominees./award/award_nomination/nominated_for /m/02tcgh +/m/01vvydl /base/eating/practicer_of_diet/diet /m/07_jd +/m/04xjp /people/person/languages /m/06nm1 +/m/030hcs /people/person/nationality /m/09c7w0 +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02tkzn /film/actor/film./film/performance/film /m/09sr0 +/m/0r6rq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05wqr1 /film/actor/film./film/performance/film /m/017n9 +/m/01n6c /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/09jrf /people/person/nationality /m/014tss +/m/0b_5d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01f62 +/m/025rvx0 /film/film/language /m/0653m +/m/04j0s3 /people/person/gender /m/02zsn +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0h5k +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02tq2r /people/person/places_lived./people/place_lived/location /m/04vmp +/m/06sfk6 /film/film/film_format /m/07fb8_ +/m/011lvx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0kpys /location/location/contains /m/027l4q +/m/04jlgp /film/actor/film./film/performance/film /m/08k40m +/m/01vwyqp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06qd3 /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/03y5g8 /music/record_label/artist /m/01mxnvc +/m/01svry /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/03rwz3 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/05v45k /people/person/profession /m/02hrh1q +/m/080h2 /base/biblioness/bibs_location/country /m/0d060g +/m/05zr0xl /award/award_winning_work/awards_won./award/award_honor/award_winner /m/096lf_ +/m/09qycb /film/film/film_production_design_by /m/03wd5tk +/m/0693l /people/person/nationality /m/09c7w0 +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/02bn_p +/m/018vs /music/instrument/instrumentalists /m/04s5_s +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0p7pw +/m/0pz7h /people/person/profession /m/0cbd2 +/m/03_gd /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/01k165 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01gvxh +/m/04rrd /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/03dpqd /film/actor/film./film/performance/film /m/011ydl +/m/06gn7r /people/person/languages /m/03k50 +/m/0cj_v7 /sports/sports_team/colors /m/083jv +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02r3zy +/m/01n7q /location/location/contains /m/02rky4 +/m/02fgdx /education/educational_institution/students_graduates./education/education/student /m/07nx9j +/m/03177r /film/film/genre /m/03k9fj +/m/0jwmp /film/film/produced_by /m/04pqqb +/m/0155w /music/genre/parent_genre /m/02w4v +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/07c5l /location/location/contains /m/01p1v +/m/02hnl /music/instrument/instrumentalists /m/044mfr +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02dh86 /people/person/gender /m/02zsn +/m/01tnbn /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0d68qy +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/01pj_5 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03xgm3 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/0bzyh /film/director/film /m/04tz52 +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02r3cn +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hg5 +/m/02rcdc2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/02bc74 +/m/09lhln /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01dtl +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01z7_f +/m/0j_sncb /education/educational_institution/students_graduates./education/education/student /m/0cf_h9 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/01cbwl /music/genre/artists /m/04b7xr +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/01bczm /people/person/nationality /m/0d060g +/m/0353xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/026f__m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/058nh2 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/0bs5vty /film/film/genre /m/0219x_ +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/06rhz7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0h7pj /film/actor/film./film/performance/film /m/02pg45 +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0d87hc /film/film/production_companies /m/08wjc1 +/m/0fc1_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0399p /influence/influence_node/influenced_by /m/03j43 +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0k9ctht /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022p06 +/m/048cl /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/06g2d1 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/0521d_3 /people/person/gender /m/05zppz +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0642xf3 +/m/014gjp /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/0gk7z /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/04g61 /location/country/form_of_government /m/026wp +/m/0bq2g /people/person/nationality /m/09c7w0 +/m/0661ql3 /film/film/genre /m/03k9fj +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/03h_yy /film/film/production_companies /m/0fvppk +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/064_8sq +/m/0gx1bnj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0b76kw1 /film/film/country /m/09c7w0 +/m/01zmpg /music/group_member/membership./music/group_membership/group /m/015srx +/m/09qv3c /award/award_category/nominees./award/award_nomination/nominated_for /m/08jgk1 +/m/01lyv /music/genre/artists /m/01pbxb +/m/02gvwz /film/actor/film./film/performance/film /m/01npcx +/m/02ht1k /film/film/genre /m/05p553 +/m/03x82v /award/award_nominee/award_nominations./award/award_nomination/award /m/02681xs +/m/036c_0 /people/person/profession /m/03gjzk +/m/024mpp /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/04xhwn /film/actor/film./film/performance/film /m/011yd2 +/m/0f6_x /film/actor/film./film/performance/film /m/0ddjy +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0dryh9k /people/ethnicity/people /m/01pr_j6 +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02w7gg /people/ethnicity/people /m/02wgln +/m/017v3q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/05jx17 /sports/sports_team/colors /m/083jv +/m/01z4y /media_common/netflix_genre/titles /m/07h9gp +/m/02gkzs /government/legislative_session/members./government/government_position_held/legislative_sessions /m/03ww_x +/m/018fq /award/award_nominee/award_nominations./award/award_nomination/award /m/01yz0x +/m/042rnl /film/film/film_festivals /m/03wf1p2 +/m/0g6ff /people/ethnicity/languages_spoken /m/06b_j +/m/05bt6j /music/genre/artists /m/01vx5w7 +/m/0pz04 /people/person/place_of_birth /m/0x335 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/01h7bb +/m/02qmncd /people/person/profession /m/09jwl +/m/09cmq /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0n58p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/01f39b /film/film/produced_by /m/03s2y9 +/m/0dr_9t7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06t61y /people/person/place_of_birth /m/04jpl +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0kvgnq /film/film/cinematography /m/05dppk +/m/09rx7tx /film/film/genre /m/02kdv5l +/m/0dq9p /people/cause_of_death/people /m/01gzm2 +/m/03cyslc /film/film/genre /m/05p553 +/m/0407f /people/person/profession /m/02hrh1q +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/01skmp /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0229rs /music/record_label/artist /m/01lf293 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ch26b_ +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/041rx /people/ethnicity/people /m/02xwgr +/m/05nqq3 /people/person/languages /m/03k50 +/m/05bt6j /music/genre/artists /m/01v0sxx +/m/0164b /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/0227tr /film/actor/film./film/performance/film /m/0170xl +/m/0mlzk /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01271h /music/group_member/membership./music/group_membership/role /m/018vs +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02cl1 +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/07g9f +/m/013ybx /people/person/religion /m/03_gx +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/011yl_ +/m/01d0fp /film/actor/film./film/performance/film /m/01hp5 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/024mxd +/m/02m7r /people/person/profession /m/05snw +/m/048yqf /film/film/music /m/03c_8t +/m/035gnh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0kbws /olympics/olympic_games/participating_countries /m/0fv4v +/m/06qxh /tv/tv_program/genre /m/07s9rl0 +/m/02t_8z /people/person/profession /m/01d_h8 +/m/072vj /people/person/profession /m/0dxtg +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73p +/m/08sk8l /film/film/music /m/02cyfz +/m/02g3w /people/person/profession /m/05z96 +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/01_bp /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/01dvry /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/020p1 +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/03f7nt +/m/02jr26 /film/actor/film./film/performance/film /m/01f7jt +/m/071ywj /film/actor/film./film/performance/film /m/0g5qs2k +/m/04h41v /film/film/genre /m/0219x_ +/m/010hn /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0klw /people/person/gender /m/05zppz +/m/04b_46 /education/educational_institution_campus/educational_institution /m/04b_46 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01vtj38 +/m/09c7w0 /location/country/second_level_divisions /m/0nzlp +/m/016m5c /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/02h8hr /film/actor/film./film/performance/film /m/02z5x7l +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03c3yf +/m/0g_92 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/046m59 /people/person/nationality /m/09c7w0 +/m/0glt670 /music/genre/artists /m/026yqrr +/m/02qnyr7 /people/person/profession /m/02hrh1q +/m/05qtj /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/01cl2y /music/record_label/artist /m/094xh +/m/0glnm /film/film/genre /m/06cvj +/m/0k6nt /location/location/contains /m/05mwx +/m/01r97z /film/film/music /m/01tc9r +/m/06y3r /base/eating/practicer_of_diet/diet /m/07_jd +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/035yg +/m/03lpd0 /people/person/places_lived./people/place_lived/location /m/0d6lp +/m/0pcc0 /people/person/gender /m/05zppz +/m/02vq8xn /people/person/gender /m/02zsn +/m/02778yp /people/person/nationality /m/09c7w0 +/m/0408np /people/person/spouse_s./people/marriage/spouse /m/023tp8 +/m/013q0p /film/film/produced_by /m/019pm_ +/m/02vz6dn /film/film/film_format /m/0cj16 +/m/05l0j5 /people/person/profession /m/0cbd2 +/m/03r8v_ /award/award_category/nominees./award/award_nomination/nominated_for /m/01p3ty +/m/034bs /people/person/nationality /m/02jx1 +/m/058z2d /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/05yzt_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/0f4y3 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0k3gj +/m/03_hd /people/person/religion /m/0kq2 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0j_sncb +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/06jry +/m/02h22 /film/film/genre /m/02kdv5l +/m/0dn3n /people/person/places_lived./people/place_lived/location /m/02_286 +/m/041rx /people/ethnicity/people /m/02ln1 +/m/050z2 /music/artist/track_contributions./music/track_contribution/role /m/0cfdd +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0241jw +/m/03d8m4 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02rh_0 +/m/0c41y70 /sports/sports_team/colors /m/083jv +/m/0htcn /people/person/profession /m/01d_h8 +/m/063_t /organization/organization_member/member_of./organization/organization_membership/organization /m/02_l9 +/m/01j5x6 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r0m6 +/m/02k4gv /film/actor/film./film/performance/film /m/027gy0k +/m/0qkcb /location/location/time_zones /m/02hcv8 +/m/06j6l /music/genre/artists /m/03j0br4 +/m/0t015 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02bj6k /people/person/profession /m/03gjzk +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/0dzst +/m/06crng /people/person/profession /m/02hrh1q +/m/024_dt /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0bj25 /award/award_winning_work/awards_won./award/award_honor/award /m/04dn09n +/m/0266shh /sports/sports_team/sport /m/02vx4 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01pfr3 +/m/0bmssv /film/film/featured_film_locations /m/02_286 +/m/0fxmbn /film/film/country /m/07ssc +/m/04ls53 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0828jw +/m/0807ml /people/person/nationality /m/03rjj +/m/02ctc6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/051z6rz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bq2g /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0gy6z9 +/m/08cx5g /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03_l8m +/m/0bq2g /film/actor/film./film/performance/film /m/0295sy +/m/05p1tzf /film/film/genre /m/05p553 +/m/0vlf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhb3 +/m/037mh8 /education/field_of_study/students_majoring./education/education/student /m/099bk +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/student /m/0fn5bx +/m/011j5x /music/genre/artists /m/017lb_ +/m/0jpy_ /location/location/time_zones /m/02hcv8 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03082 +/m/0jmcb /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0l2tk +/m/01ky2h /music/artist/track_contributions./music/track_contribution/role /m/03qlv7 +/m/04jpl /location/location/contains /m/02b7nz +/m/08jgk1 /tv/tv_program/genre /m/0l4h_ +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/018mmj +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015d3h +/m/0c9l1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/054knh /award/award_category/nominees./award/award_nomination/nominated_for /m/05zvzf3 +/m/0dq9p /people/cause_of_death/people /m/01p7b6b +/m/06ns98 /people/person/place_of_birth /m/04jpl +/m/015q43 /people/person/languages /m/02h40lc +/m/02qdrjx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/04ykg /location/location/contains /m/0w9hk +/m/0h0wc /people/person/place_of_birth /m/0xt3t +/m/01cwcr /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0jfx1 /people/person/places_lived./people/place_lived/location /m/02xry +/m/018yj6 /people/person/profession /m/01d_h8 +/m/03q3x5 /people/person/profession /m/02hrh1q +/m/01l8t8 /education/educational_institution/colors /m/04d18d +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/01wdl3 +/m/041738 /music/genre/artists /m/01vt5c_ +/m/0xmlp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0kvjrw /people/person/religion /m/03j6c +/m/029_3 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/015pvh +/m/09g8vhw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/017y26 /education/educational_institution/school_type /m/05pcjw +/m/05n19y /people/person/places_lived./people/place_lived/location /m/04ykg +/m/02t901 /people/person/profession /m/02hrh1q +/m/0dn3n /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4x18 +/m/042xh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/0h5f5n /people/person/profession /m/02hv44_ +/m/01h8rk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/05hrq4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02s_qz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05lb65 +/m/01w02sy /people/person/religion /m/092bf5 +/m/0crx5w /people/person/nationality /m/09c7w0 +/m/038rzr /film/actor/film./film/performance/film /m/0bh8x1y +/m/0gbwp /award/award_nominee/award_nominations./award/award_nomination/award /m/023vrq +/m/01rxyb /film/film/genre /m/07s9rl0 +/m/0428bc /film/actor/film./film/performance/film /m/07bwr +/m/012d40 /award/award_nominee/award_nominations./award/award_nomination/award /m/09v92_x +/m/0gvs1kt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0g970 /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0d05w3 +/m/0p9rz /film/film/genre /m/04xvh5 +/m/040wdl /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/019z7q /people/person/profession /m/02jknp +/m/019rg5 /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/01p726 /location/location/time_zones /m/02hcv8 +/m/0gg9_5q /people/person/place_of_birth /m/030qb3t +/m/03y9ccy /people/person/place_of_birth /m/0dzt9 +/m/0dzst /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/01cl0d /music/record_label/artist /m/01p9hgt +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/0161sp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jswq +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03zz8b +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0466s8n +/m/017lvd /education/educational_institution/school_type /m/047951 +/m/0mnwd /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/07gknc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05p1tzf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02bkdn /film/actor/film./film/performance/film /m/0kvgxk +/m/015pxr /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/0hwd8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/033pf1 /film/film/edited_by /m/03q8ch +/m/03bkbh /people/ethnicity/people /m/02wycg2 +/m/016cjb /music/genre/artists /m/016s_5 +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/03prz_ /film/film/genre /m/0hn10 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/02xry +/m/01f5q5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/09889g +/m/02tv80 /people/person/gender /m/05zppz +/m/05xpv /film/actor/film./film/performance/film /m/0k5fg +/m/03ckfl9 /music/genre/artists /m/09z1lg +/m/01jq34 /education/educational_institution/students_graduates./education/education/student /m/04vlh5 +/m/03_wm6 /film/film/genre /m/04xvh5 +/m/05fhy /location/statistical_region/religions./location/religion_percentage/religion /m/05w5d +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dnqr +/m/01dw4q /people/person/place_of_birth /m/0f04c +/m/0646qh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02f93t /people/person/profession /m/03gjzk +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/0fk0xk +/m/01hmnh /media_common/netflix_genre/titles /m/0125xq +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0p3_y +/m/05b2f_k /people/person/profession /m/02pjxr +/m/014j1m /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1_c +/m/0k3kv /location/location/time_zones /m/02hcv8 +/m/01clyr /music/record_label/artist /m/01t8399 +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04p5cr +/m/01jssp /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01bt59 +/m/02z9rr /film/film/genre /m/03k9fj +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/06py2 +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9f2 +/m/023slg /music/artist/track_contributions./music/track_contribution/role /m/026t6 +/m/047rkcm /film/film/featured_film_locations /m/030qb3t +/m/0164v /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/033dbw +/m/0b_4z /people/person/profession /m/03gjzk +/m/02kbtf /education/educational_institution/students_graduates./education/education/student /m/042z_g +/m/0352gk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/0d6d2 +/m/041rx /people/ethnicity/people /m/02h48 +/m/05lfwd /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06czyr +/m/09v71cj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02r0csl /award/award_category/winners./award/award_honor/award_winner /m/02h1rt +/m/0nj3m /location/location/time_zones /m/02hcv8 +/m/03n08b /people/person/profession /m/018gz8 +/m/0cyhq /people/person/profession /m/0nbcg +/m/0992d9 /film/film/genre /m/0lsxr +/m/0g7pm /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07zhjj /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01x0sy +/m/02xcb6n /award/award_category/winners./award/award_honor/award_winner /m/019pkm +/m/0dy04 /education/educational_institution/students_graduates./education/education/student /m/041jlr +/m/09c7w0 /location/location/contains /m/0lfyx +/m/03k1vm /people/person/profession /m/0np9r +/m/0dgfx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011yxg /film/film/music /m/01mz9lt +/m/01xlqd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01vrncs /people/person/profession /m/09jwl +/m/011xg5 /film/film/featured_film_locations /m/05kj_ +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/07wm6 /education/educational_institution/campuses /m/07wm6 +/m/05ldxl /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02sj1x +/m/01bvx1 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01gfhk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04sqj +/m/01lvcs1 /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0gy2y8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03h_yy +/m/0gy6z9 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bq2g +/m/042l3v /people/person/profession /m/02jknp +/m/0flw6 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01kd57 /music/artist/contribution./music/recording_contribution/performance_role /m/0l14qv +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/06gcn +/m/087wc7n /film/film/country /m/09c7w0 +/m/04rrx /location/location/contains /m/0xckc +/m/01699 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/01cblr /music/artist/origin /m/0d6lp +/m/07ccs /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0837ql /people/person/gender /m/05zppz +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/01hjy5 +/m/01w9wwg /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0trv +/m/05byxm /music/record_label/artist /m/02ktrs +/m/0dyl9 /location/hud_county_place/place /m/0dyl9 +/m/03f6fl0 /people/person/profession /m/016z4k +/m/0hdx8 /location/country/form_of_government /m/06cx9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02g2wv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/053ksp +/m/07gghl /film/film/executive_produced_by /m/0147dk +/m/01r32 /sports/sports_team_location/teams /m/0jnm_ +/m/04_1l0v /location/location/contains /m/0vbk +/m/04rjg /education/field_of_study/students_majoring./education/education/major_field_of_study /m/03g3w +/m/080ntlp /people/profession/specialization_of /m/035y33 +/m/05b4w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/018qb4 +/m/03qjg /music/instrument/instrumentalists /m/02pt27 +/m/04353 /people/person/profession /m/02krf9 +/m/0b_6jz /time/event/locations /m/0_vn7 +/m/03j149k /film/actor/film./film/performance/film /m/03l6q0 +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/02_nkp /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmk7 +/m/0hm0k /tv/tv_network/programs./tv/tv_network_duration/program /m/027tbrc +/m/017l96 /music/record_label/artist /m/0ycp3 +/m/023vcd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02t_zq /film/actor/film./film/performance/film /m/04ddm4 +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/045bs6 +/m/016jny /music/genre/artists /m/01nkxvx +/m/07d3x /influence/influence_node/influenced_by /m/0dz46 +/m/09c7w0 /location/country/second_level_divisions /m/0n6c_ +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02pt27 /people/person/profession /m/0dz3r +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbws +/m/03q1vd /film/actor/film./film/performance/film /m/01q7h2 +/m/011ycb /film/film/featured_film_locations /m/027kp3 +/m/07ss8_ /people/person/profession /m/02hrh1q +/m/03rjj /location/location/contains /m/0gw2w +/m/01t0dy /education/educational_institution/students_graduates./education/education/student /m/01cj6y +/m/08gsvw /film/film/genre /m/03k9fj +/m/02dwj /film/film/featured_film_locations /m/035v3 +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/03d9d6 +/m/01_fjr /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03rt9 +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05r7t +/m/017jv5 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01xqqp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02pbrn +/m/0mdqp /people/person/profession /m/01d_h8 +/m/0gfzgl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/092ggq +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/04vjh /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06cgy /film/actor/film./film/performance/film /m/02q7yfq +/m/01x1cn2 /people/person/places_lived./people/place_lived/location /m/071cn +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/0cp0790 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02847m9 /film/film/genre /m/0jtdp +/m/015qyf /people/person/profession /m/02hrh1q +/m/05br2 /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/0ym69 /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0x3b7 /people/person/places_lived./people/place_lived/location /m/04rrd +/m/01t04r /music/record_label/artist /m/0153nq +/m/0n23n /location/location/time_zones /m/02hcv8 +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/0521rl1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/027kp3 +/m/0qlnr /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/05hj_k /people/person/nationality /m/09c7w0 +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/01_mdl +/m/03dq9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yt7 +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03x726 +/m/031t2d /film/film/genre /m/06n90 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/04b_46 +/m/0dfrq /people/person/gender /m/05zppz +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/0fr9jp /education/educational_institution/students_graduates./education/education/student /m/0f4vbz +/m/01cx_ /location/location/contains /m/04ycjk +/m/05sb1 /sports/sports_team_location/teams /m/04r7f2 +/m/052gzr /people/person/profession /m/01d_h8 +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0p__8 +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05rfst +/m/0mzj_ /film/film_subject/films /m/0m9p3 +/m/01cbwl /music/genre/artists /m/0161c2 +/m/0262s1 /award/award_category/winners./award/award_honor/award_winner /m/01f7j9 +/m/01xwqn /people/person/profession /m/01d_h8 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w4s +/m/01fkv0 /film/actor/film./film/performance/film /m/02qhlwd +/m/01nm8w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0227vl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02rk45 /people/person/profession /m/0cbd2 +/m/06znpjr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0640y35 /film/film/music /m/07qy0b +/m/0bq8tmw /film/film/genre /m/02kdv5l +/m/02xv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0g60z +/m/01pny5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0947l /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/0mgkg /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/01n7q /location/location/contains /m/0kq39 +/m/0d608 /people/person/profession /m/0dxtg +/m/015jr /location/location/contains /m/0dyg2 +/m/06kbb6 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0ptxj +/m/01vksx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0g3bw /location/location/contains /m/018txg +/m/02vmzp /people/person/languages /m/03k50 +/m/01s21dg /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/07kc_ /music/performance_role/regular_performances./music/group_membership/group /m/02vnpv +/m/05r5w /people/person/languages /m/0t_2 +/m/0c3ybss /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0ckrnn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06mnps /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0kbvb /olympics/olympic_games/sports /m/07jjt +/m/01lyv /music/genre/artists /m/01vzxld +/m/06zsk51 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05wqr1 +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/013b2h +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/02fcs2 +/m/01vfqh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dl9_4 /film/film/genre /m/0lsxr +/m/020_95 /film/actor/film./film/performance/film /m/03tn80 +/m/01vs_v8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q8pss +/m/016tvq /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/026njb5 /film/film/language /m/02h40lc +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/03n_7k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0mb8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0gkydb /people/person/nationality /m/09c7w0 +/m/04b4yg /sports/sports_team/sport /m/02vx4 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/014nq4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02lj6p /people/person/profession /m/02hrh1q +/m/0ps1q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01flzq /music/genre/artists /m/01vw_dv +/m/03d_zl4 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0chsq +/m/01chpn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p_rk /film/film/genre /m/0jdm8 +/m/01pp3p /people/person/profession /m/0dxtg +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0h1fktn +/m/04znsy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/0p_pd /people/person/sibling_s./people/sibling_relationship/sibling /m/0p_r5 +/m/01qklj /people/person/profession /m/0np9r +/m/0fkx3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mtq +/m/03wh95l /people/person/profession /m/01d_h8 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/0gjv_ +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0d_2fb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0m2b5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01gpkz +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/012v1t +/m/049qx /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/06mt91 +/m/03dbww /people/deceased_person/place_of_death /m/030qb3t +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/01rs5p +/m/08qnnv /education/educational_institution/students_graduates./education/education/student /m/01gbn6 +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0739z6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqgl9 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0cp0t91 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/018n6m /people/person/profession /m/02hrh1q +/m/02vyyl8 /film/film/genre /m/011ys5 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07f_t4 +/m/02x4w6g /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/0gslw /location/location/contains /m/01nh5h +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/04_sqm /music/genre/parent_genre /m/01qzt1 +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/05xd8x /people/person/profession /m/0dxtg +/m/07nv3_ /people/person/place_of_birth /m/0chgzm +/m/045931 /film/actor/film./film/performance/film /m/0c9k8 +/m/0d060g /location/location/contains /m/01y9pk +/m/05hz6_ /sports/sports_team/colors /m/083jv +/m/026n6cs /people/person/profession /m/03gjzk +/m/07t21 /location/country/form_of_government /m/01fpfn +/m/01d38t /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/02qgqt /film/actor/film./film/performance/film /m/07bwr +/m/0hfml /people/person/profession /m/025syph +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/06z4wj +/m/05gp3x /people/person/nationality /m/09c7w0 +/m/0kxbc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02k4gv +/m/0fd3y /music/genre/artists /m/06449 +/m/0fpzt5 /people/person/places_lived./people/place_lived/location /m/0r6cx +/m/0151ns /people/person/profession /m/0d2ww +/m/025y9fn /people/person/nationality /m/09c7w0 +/m/04fjzv /film/film/featured_film_locations /m/04jpl +/m/04wsz /location/location/contains /m/082pc +/m/01bm_ /education/educational_institution/school_type /m/07tf8 +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04jpl +/m/01qmy04 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/01wbsdz /people/person/gender /m/05zppz +/m/06dkzt /people/person/place_of_birth /m/02_286 +/m/041bnw /music/record_label/artist /m/01hgwkr +/m/0b80__ /people/person/nationality /m/0f8l9c +/m/01l8t8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/0gp_x9 /people/person/place_of_birth /m/0c8tk +/m/06nzl /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/04z0g +/m/01bbwp /people/person/profession /m/09jwl +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01trhmt +/m/01vyv9 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02t_vx +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0tc7 +/m/05xd8x /people/person/gender /m/05zppz +/m/02tf1y /people/person/sibling_s./people/sibling_relationship/sibling /m/02_l96 +/m/0d29z /people/ethnicity/geographic_distribution /m/03ryn +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/05zl0 +/m/01vwyqp /award/award_nominee/award_nominations./award/award_nomination/award /m/02f71y +/m/09146g /film/film/genre /m/01zhp +/m/016fjj /film/actor/film./film/performance/film /m/02sg5v +/m/048t8y /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/03qx_f /music/record_label/artist /m/016s_5 +/m/063_t /people/person/religion /m/03_gx +/m/04cf09 /film/actor/film./film/performance/film /m/03bzyn4 +/m/06wcbk7 /music/record_label/artist /m/01wbsdz +/m/04ykg /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/01w20rx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pfr3 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0160nk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/07bdd_ /award/award_category/nominees./award/award_nomination/nominated_for /m/03tn80 +/m/0cp08zg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ylj +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/019nnl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/01y9st /education/educational_institution/campuses /m/01y9st +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/02q5xsx /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/035gt8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/02bjrlw /language/human_language/countries_spoken_in /m/0jgd +/m/0b78hw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gzy02 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05wh0sh /people/person/religion /m/0kpl +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07l1c /business/business_operation/industry /m/03qh03g +/m/01k_0fp /people/person/places_lived./people/place_lived/location /m/0n95v +/m/016clz /music/genre/artists /m/01kd57 +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/02y9bj +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/092ggq +/m/055c8 /people/person/places_lived./people/place_lived/location /m/0xgpv +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02mt51 +/m/05bt6j /music/genre/artists /m/02s2wq +/m/02v2lh /music/genre/artists /m/01sxd1 +/m/0889x /people/person/profession /m/0nbcg +/m/094vy /location/location/contains /m/020d8d +/m/01kv4mb /people/person/profession /m/09jwl +/m/018dyl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05pbl56 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0bbw2z6 +/m/0424m /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/0pkgt /people/person/profession /m/01c72t +/m/04sntd /film/film/country /m/07ssc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/07ymr5 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/038723 /people/ethnicity/people /m/02whj +/m/04192r /business/job_title/people_with_this_title./business/employment_tenure/company /m/0plw +/m/01chc7 /film/actor/film./film/performance/film /m/0dzlbx +/m/03mfqm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0bscw +/m/0137n0 /people/person/profession /m/02hrh1q +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0147dk +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fjy +/m/03z106 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d6lp /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/0gr51 /award/award_category/winners./award/award_honor/ceremony /m/059x66 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03nsm5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/03ckwzc /film/film/genre /m/082gq +/m/05tbn /location/location/contains /m/0_24q +/m/01rk91 /business/job_title/people_with_this_title./business/employment_tenure/company /m/0206k5 +/m/04306rv /language/human_language/countries_spoken_in /m/01mjq +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0b_6_l /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/03cd0x /film/film/executive_produced_by /m/0glyyw +/m/02_286 /location/hud_county_place/place /m/02_286 +/m/011yl_ /film/film/genre /m/04t36 +/m/04vr_f /film/film/costume_design_by /m/02mxbd +/m/02dbp7 /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gyy53 /film/film/film_festivals /m/0bx_f_t +/m/0ygbf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04dsnp /film/film/genre /m/07s9rl0 +/m/07sc6nw /film/film/genre /m/01jfsb +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/04q00lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cffvv /film/film/language /m/064_8sq +/m/02_j8x /people/person/nationality /m/02jx1 +/m/0qmhk /award/award_winning_work/awards_won./award/award_honor/award /m/02qyntr +/m/02b29 /people/person/spouse_s./people/marriage/spouse /m/03tdlh +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/09k56b7 +/m/0glt670 /music/genre/artists /m/0gbwp +/m/06r713 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/05l2z4 +/m/01lyv /music/genre/artists /m/01wkmgb +/m/02qyv3h /film/film/genre /m/02kdv5l +/m/07vfz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05vtw +/m/062dn7 /people/person/nationality /m/07ssc +/m/01t6xz /people/person/profession /m/03gjzk +/m/01p6xx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/012x2b /people/person/nationality /m/07ssc +/m/02lnbg /music/genre/artists /m/01vx5w7 +/m/03x8cz /organization/organization/headquarters./location/mailing_address/citytown /m/02_286 +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03d34x8 +/m/01grnp /government/legislative_session/members./government/government_position_held/legislative_sessions /m/01grpq +/m/0chghy /location/location/contains /m/01kq5 +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/05s_k6 +/m/05bt6j /music/genre/artists /m/01vwyqp +/m/06j8wx /film/actor/film./film/performance/film /m/0pv54 +/m/0g9zljd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04p3c +/m/01b4p4 /music/genre/artists /m/0qf3p +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cms7f +/m/09lcsj /film/film/genre /m/01jfsb +/m/0nv6n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01_4lx /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/030nwm /education/educational_institution/school_type /m/07tf8 +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzlb9 +/m/046f25 /sports/sports_team/sport /m/02vx4 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0j47s +/m/02mjmr /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/03v0t +/m/05bt6j /music/genre/artists /m/02w4fkq +/m/01vs4f3 /influence/influence_node/influenced_by /m/03_87 +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/016z51 /people/person/profession /m/02krf9 +/m/02s5v5 /people/person/profession /m/02jknp +/m/0gk4g /people/cause_of_death/people /m/01m4kpp +/m/026mj /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/025b5y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03d_zl4 /people/person/profession /m/02hrh1q +/m/05rgl /location/location/partially_contains /m/02k1b +/m/016wzw /sports/sports_team_location/teams /m/03rrdb +/m/05dtwm /people/person/profession /m/02hrh1q +/m/02k856 /music/performance_role/track_performances./music/track_contribution/role /m/0dq630k +/m/05gp3x /people/person/profession /m/0d8qb +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01d0b1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/015pvh +/m/018vs /music/instrument/instrumentalists /m/01n8gr +/m/03nkts /people/person/gender /m/05zppz +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/09p0ct +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01y49 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/0142rn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0d6qjf +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/058bzgm /award/award_category/disciplines_or_subjects /m/05hgj +/m/02ctzb /people/ethnicity/people /m/01pgzn_ +/m/01vrz41 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/01wkmgb /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/0372kf /people/person/gender /m/05zppz +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/06hhrs +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/0713r /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02lyr4 +/m/0167v4 /people/person/profession /m/05z96 +/m/086k8 /music/record_label/artist /m/01vrwfv +/m/0ddbjy4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0fq27fp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0d9jr /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05lf_ +/m/06y_n /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/01r9fv /award/award_nominee/award_nominations./award/award_nomination/award /m/02f716 +/m/0ky1 /people/person/profession /m/05z96 +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02_01w /people/person/places_lived./people/place_lived/location /m/06_kh +/m/02vntj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/01tzfz /education/educational_institution/students_graduates./education/education/student /m/0241jw +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/07twz +/m/047msdk /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/01h910 /people/person/profession /m/0np9r +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0b_6zk /time/event/locations /m/0ply0 +/m/01clyr /music/record_label/artist /m/07c0j +/m/0b_6xf /time/event/locations /m/0fsb8 +/m/0498y /location/location/contains /m/0d9y6 +/m/07bx6 /film/film/music /m/0150t6 +/m/0b005 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/07hyk /organization/organization_member/member_of./organization/organization_membership/organization /m/03lb_v +/m/051x52f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07hhnl +/m/0192hw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dr_4 /film/film/genre /m/01drsx +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6ny +/m/09y20 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0ghtf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05d1y /people/person/places_lived./people/place_lived/location /m/012m_ +/m/0x67 /people/ethnicity/people /m/0gjvqm +/m/02h22 /film/film/language /m/064_8sq +/m/02h22 /film/film/genre /m/082gq +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/05rx__ /influence/influence_node/influenced_by /m/02_p8v +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/09p0ct /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/01qbg5 +/m/059kh /music/genre/artists /m/02cpp +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/0lx2l /influence/influence_node/influenced_by /m/014zfs +/m/0bcp9b /film/film/other_crew./film/film_crew_gig/crewmember /m/02q9kqf +/m/0plxn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/087vz +/m/0d_w7 /people/person/nationality /m/09c7w0 +/m/013423 /award/award_nominee/award_nominations./award/award_nomination/award /m/03tk6z +/m/0cms7f /people/person/nationality /m/09c7w0 +/m/09c7w0 /location/location/contains /m/01dq5z +/m/05g8ky /people/person/spouse_s./people/marriage/location_of_ceremony /m/0r62v +/m/0gt_0v /music/genre/artists /m/02pbrn +/m/033cw /award/award_nominee/award_nominations./award/award_nomination/award /m/0265wl +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/05hjnw /award/award_winning_work/awards_won./award/award_honor/award /m/0gr4k +/m/03whyr /film/film/featured_film_locations /m/02_286 +/m/0fsb8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0xnt5 +/m/01xq8v /film/film/production_companies /m/02jd_7 +/m/03cfjg /people/person/profession /m/016z4k +/m/02x3y41 /film/film/country /m/07ssc +/m/01f9mq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dl5d /music/genre/artists /m/050z2 +/m/0gy0n /film/film/genre /m/0fdjb +/m/0ksf29 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08c6k9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0cg9y +/m/07vjm /location/location/time_zones /m/02lcqs +/m/01dtcb /music/record_label/artist /m/011xhx +/m/016ybr /music/genre/parent_genre /m/01243b +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/020bv3 +/m/05rx__ /influence/influence_node/influenced_by /m/0f0kz +/m/01q3_2 /people/person/profession /m/025352 +/m/02zd460 /education/educational_institution/students_graduates./education/education/student /m/02cqbx +/m/0gdm1 /education/educational_institution/colors /m/083jv +/m/0hgxh /medicine/symptom/symptom_of /m/02psvcf +/m/016fnb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06s_2 +/m/01f7v_ /people/person/place_of_birth /m/06wjf +/m/0dckvs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/07_3qd /music/artist/contribution./music/recording_contribution/performance_role /m/02dlh2 +/m/031296 /award/award_winner/awards_won./award/award_honor/award_winner /m/096lf_ +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0pmcz +/m/04czx7 /people/ethnicity/languages_spoken /m/01r2l +/m/01pcz9 /film/actor/film./film/performance/film /m/02v5_g +/m/02gvwz /film/actor/film./film/performance/film /m/01vw8k +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/03x6rj +/m/014kkm /film/film/language /m/02h40lc +/m/0nrnz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/025jj7 /people/person/profession /m/01c72t +/m/0124k9 /tv/tv_program/genre /m/01z4y +/m/0p8jf /influence/influence_node/influenced_by /m/07lp1 +/m/0jc6p /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0151ns /people/person/places_lived./people/place_lived/location /m/02_286 +/m/0kszw /film/actor/film./film/performance/film /m/09tkzy +/m/05zrx3v /people/person/gender /m/05zppz +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/0f485 /location/location/contains /m/09bkv +/m/012v9y /people/person/places_lived./people/place_lived/location /m/0mzww +/m/03qhyn8 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/01y8cr /people/person/gender /m/05zppz +/m/02p0qmm /film/film_subject/films /m/0j_tw +/m/02mg5r /education/educational_institution/campuses /m/02mg5r +/m/04pp9s /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/05l8y /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/02pjc1h /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026mff /award/award_category/category_of /m/0c4ys +/m/0gk4g /people/cause_of_death/people /m/02zjd +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/04v8x9 +/m/0dtfn /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03nsm5x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01gct2 /people/person/nationality /m/09c7w0 +/m/01cl2y /music/record_label/artist /m/0x3b7 +/m/0c94fn /people/person/profession /m/02jknp +/m/012hw /people/cause_of_death/people /m/083p7 +/m/096lf_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05zr0xl +/m/06whf /people/person/profession /m/0q04f +/m/01vdm0 /music/instrument/instrumentalists /m/06k02 +/m/08jtv5 /film/actor/film./film/performance/film /m/0k54q +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/01fbr2 /music/genre/artists /m/09hnb +/m/02p65p /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/08cyft /music/genre/artists /m/017b2p +/m/03s9b /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/0bfvd4 /award/award_category/winners./award/award_honor/award_winner /m/01kt17 +/m/0181dw /music/record_label/artist /m/01wrcxr +/m/01fwk3 /people/person/languages /m/06mp7 +/m/016h4r /film/actor/film./film/performance/film /m/03bzjpm +/m/0hqcy /people/deceased_person/place_of_death /m/0f2wj +/m/0525b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/027pfg /film/film/genre /m/060__y +/m/034r25 /film/film/genre /m/03g3w +/m/029rk /people/person/religion /m/04pk9 +/m/027xq5 /education/university/international_tuition./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/01v3vp /film/actor/film./film/performance/film /m/099bhp +/m/0y3_8 /music/genre/artists /m/01vs8ng +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/018mxj /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/05r4w +/m/06924p /music/genre/parent_genre /m/01lyv +/m/09c7w0 /location/location/contains /m/0rnmy +/m/05bxwh /people/person/nationality /m/07t21 +/m/0g768 /music/record_label/artist /m/089pg7 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/08xvpn +/m/01p85y /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/02lnbg /music/genre/artists /m/02wb6yq +/m/083pr /people/person/profession /m/04gc2 +/m/0gyh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tvz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/099t8j +/m/018m5q /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/032nwy /people/person/profession /m/09jwl +/m/03qmg1 /music/instrument/instrumentalists /m/01l7cxq +/m/02lgfh /film/actor/film./film/performance/film /m/09gdh6k +/m/02_340 /people/person/place_of_birth /m/01_d4 +/m/0p_jc /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/0824r /location/location/contains /m/01fscv +/m/064ndc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bwfn +/m/01vb403 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/016ywr /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh46 +/m/03kg2v /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07kb7vh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/09p35z /film/film/production_companies /m/0283xx2 +/m/06x2ww /music/record_label/artist /m/01bpc9 +/m/0kp2_ /people/person/profession /m/0kyk +/m/03rjj /location/location/contains /m/0prxp +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/0cf2h +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04_1l0v /location/location/contains /m/05mph +/m/017g2y /film/actor/film./film/performance/film /m/0k4kk +/m/0509bl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/073w14 +/m/0dh73w /people/deceased_person/place_of_death /m/0mzww +/m/04l_pt /people/ethnicity/languages_spoken /m/0c_v2 +/m/013cr /people/person/profession /m/0np9r +/m/016t00 /people/person/profession /m/016z4k +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/0g0syc +/m/016j2t /award/award_nominee/award_nominations./award/award_nomination/award /m/01dpdh +/m/056wb /award/award_nominee/award_nominations./award/award_nomination/award /m/040vk98 +/m/0c1j_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dtw1x /film/film/personal_appearances./film/personal_film_appearance/person /m/02zrv7 +/m/04w7rn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/01x4sb /people/person/place_of_birth /m/0psxp +/m/02qkt /location/location/contains /m/0154j +/m/043js /people/person/gender /m/05zppz +/m/03q91d /people/person/profession /m/02hrh1q +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0fkvn /business/job_title/people_with_this_title./business/employment_tenure/company /m/0hsb3 +/m/08815 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01x73 +/m/03339m /music/genre/artists /m/01shhf +/m/0h5jg5 /people/person/place_of_birth /m/09c7w0 +/m/06fq2 /education/educational_institution/school_type /m/07tf8 +/m/0534nr /people/person/profession /m/014kbl +/m/030jj7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/0fzjh +/m/03sww /people/person/profession /m/0kyk +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/0157m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04w58 /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sz +/m/017lqp /film/actor/film./film/performance/film /m/02sg5v +/m/012rng /people/person/profession /m/02krf9 +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/09c7w0 /location/location/contains /m/01jsk6 +/m/0dn44 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04yt7 +/m/049gc /people/person/places_lived./people/place_lived/location /m/03v1s +/m/01kjr0 /film/film/genre /m/0424mc +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09pxc +/m/0tc7 /people/person/profession /m/0fj9f +/m/02qcr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0prrm /film/film/genre /m/05p553 +/m/0cwrr /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/044f7 +/m/010hn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/040rmy +/m/01z4y /media_common/netflix_genre/titles /m/07pd_j +/m/023sng /people/person/gender /m/05zppz +/m/02zfg3 /people/person/profession /m/02hrh1q +/m/049m19 /film/actor/film./film/performance/film /m/07vfy4 +/m/03hy3g /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/03r00m +/m/01rw116 /film/actor/film./film/performance/film /m/01gvpz +/m/0181dw /music/record_label/artist /m/05n19y +/m/029h7y /music/genre/artists /m/01vs73g +/m/03mqtr /media_common/netflix_genre/titles /m/0g54xkt +/m/01jrp0 /people/person/profession /m/01d_h8 +/m/01s0_f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02ky346 +/m/02byfd /people/person/religion /m/0c8wxp +/m/023g6w /film/film/country /m/0d0vqn +/m/0glt670 /music/genre/artists /m/02bwjv +/m/01tj34 /people/person/languages /m/02h40lc +/m/047n8xt /film/film/production_companies /m/05mgj0 +/m/01h8f /people/person/places_lived./people/place_lived/location /m/05kj_ +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/04wqsm /sports/sports_team/colors /m/083jv +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0mdyn +/m/016fjj /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0jpkg /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mbf4 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0237fw +/m/0716t2 /people/person/profession /m/01d_h8 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/07w42 /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0sx5w +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vfj +/m/0kv238 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/030nwm /education/educational_institution/campuses /m/030nwm +/m/016ntp /music/artist/track_contributions./music/track_contribution/role /m/0xzly +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/026mj +/m/05vtbl /people/person/profession /m/0cbd2 +/m/01wwvc5 /people/person/profession /m/039v1 +/m/024n3z /film/actor/film./film/performance/film /m/0ddbjy4 +/m/07s9rl0 /media_common/netflix_genre/titles /m/09d3b7 +/m/01hvjx /film/film/language /m/02h40lc +/m/01vw20h /award/award_nominee/award_nominations./award/award_nomination/award /m/02f76h +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/01bm_ +/m/03bnv /people/person/profession /m/01d_h8 +/m/0b_6jz /time/event/locations /m/0d234 +/m/02f2dn /film/actor/film./film/performance/film /m/0642ykh +/m/049fgvm /influence/influence_node/influenced_by /m/081lh +/m/0dzbl /education/educational_institution/students_graduates./education/education/student /m/09gnn +/m/01wv24 /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/011yxy /award/award_winning_work/awards_won./award/award_honor/award /m/027c924 +/m/0bl1_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05szq8z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04glr5h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/04vr_f /award/award_winning_work/awards_won./award/award_honor/award /m/03hkv_r +/m/0582cf /people/person/profession /m/02hrh1q +/m/01_mdl /film/film/genre /m/03k9fj +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/016ndm +/m/0fby2t /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/03qx_f /music/record_label/artist /m/0136pk +/m/0f2rq /location/hud_county_place/place /m/0f2rq +/m/01gw8b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04wf_b /film/actor/film./film/performance/film /m/06ztvyx +/m/09dt7 /people/person/profession /m/0cbd2 +/m/0g28b1 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01b66d +/m/03n0cd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/049w1q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03mqtr /media_common/netflix_genre/titles /m/0q9sg +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/014pg1 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02q6gfp /film/film/genre /m/04t36 +/m/033s6 /music/artist/origin /m/04jpl +/m/0hvvf /film/film/genre /m/02kdv5l +/m/0151ns /film/actor/film./film/performance/film /m/0gtv7pk +/m/02rf1y /film/actor/film./film/performance/film /m/0g9yrw +/m/04sv4 /business/business_operation/operating_income./measurement_unit/dated_money_value/currency /m/09nqf +/m/092ggq /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/01zmpg /people/person/profession /m/0nbcg +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0422v0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0627zr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07y_7 /music/instrument/instrumentalists /m/02rgz4 +/m/0d9y6 /base/biblioness/bibs_location/state /m/0498y +/m/044gyq /award/award_nominee/award_nominations./award/award_nomination/award /m/031b3h +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0152x_ +/m/01c1px /people/person/profession /m/0196pc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03nsm5x +/m/03f7m4h /people/person/profession /m/01c8w0 +/m/056k77g /film/film/language /m/03_9r +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02gr81 +/m/0fy34l /film/film/country /m/0345h +/m/093dqjy /film/film/genre /m/0219x_ +/m/09f6b /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/02f73b /award/award_category/winners./award/award_honor/award_winner /m/016l09 +/m/03m6t5 /people/person/gender /m/05zppz +/m/0gr42 /award/award_category/winners./award/award_honor/ceremony /m/0gmdkyy +/m/02dwj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/01rs5p /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0266s9 +/m/01cl2y /music/record_label/artist /m/06gcn +/m/06wkj0 /people/profession/specialization_of /m/0n1h +/m/03gn1x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0jjy0 /film/film/genre /m/06n90 +/m/05kfs /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/0xzly /music/performance_role/regular_performances./music/group_membership/role /m/04rzd +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/014d4v /location/location/time_zones /m/03bdv +/m/0nj1c /location/location/time_zones /m/02hcv8 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/02ywhz +/m/06b19 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/01pqy_ /people/person/gender /m/02zsn +/m/0fpjd_g /music/artist/track_contributions./music/track_contribution/role /m/01s0ps +/m/02qt02v /award/award_category/winners./award/award_honor/award_winner /m/04g3p5 +/m/0f502 /people/person/profession /m/01d_h8 +/m/01l1ls /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/01tv3x2 /people/person/profession /m/039v1 +/m/0j0k /base/locations/continents/countries_within /m/05v8c +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/01f69m +/m/0170z3 /film/film/genre /m/01j1n2 +/m/048qrd /film/film/genre /m/02l7c8 +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/060j8b +/m/05k2xy /film/film/country /m/0345h +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0dw6b /influence/influence_node/influenced_by /m/081k8 +/m/03ds83 /film/actor/film./film/performance/film /m/04cppj +/m/09vc4s /people/ethnicity/people /m/023n39 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/0fnmz +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/015q1n +/m/0x67 /people/ethnicity/people /m/018n6m +/m/056_y /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/014zcr /film/actor/film./film/performance/film /m/02rrfzf +/m/01vs5c /education/educational_institution/students_graduates./education/education/student /m/017149 +/m/04y0yc /people/person/profession /m/015cjr +/m/02f8lw /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/019pm_ +/m/08sfxj /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vsy3q /music/group_member/membership./music/group_membership/group /m/016376 +/m/02wtp6 /film/film/featured_film_locations /m/04gdr +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02d413 +/m/09rsjpv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07s8r0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0d7hg4 /people/person/place_of_birth /m/04ykg +/m/02rx2m5 /film/film/language /m/0295r +/m/07vhb /education/educational_institution/students_graduates./education/education/student /m/03mszl +/m/03rqww /award/award_nominee/award_nominations./award/award_nomination/award /m/02x258x +/m/03mb9 /music/genre/artists /m/02vwckw +/m/0g5q34q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/06lpmt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0flddp /people/person/profession /m/02jknp +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0m9_5 +/m/0ymcz /education/educational_institution/school_type /m/07tf8 +/m/01cx_ /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0lkm +/m/0cnk2q /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/0y9j +/m/05ml_s /people/person/profession /m/02hrh1q +/m/0g5pv3 /film/film/language /m/0349s +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/04sry +/m/04205z /film/actor/film./film/performance/film /m/06znpjr +/m/0cjyzs /award/award_category/winners./award/award_honor/ceremony /m/07y_p6 +/m/03n3gl /film/film/language /m/0jzc +/m/06whf /people/person/gender /m/05zppz +/m/01243b /music/genre/artists /m/07hgm +/m/0bsb4j /award/award_nominee/award_nominations./award/award_nomination/award /m/04dn09n +/m/016yvw /film/actor/film./film/performance/film /m/0209hj +/m/0cg9f /people/person/profession /m/02hrh1q +/m/0kjrx /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015fr +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dfw0 +/m/01npcy7 /people/person/place_of_birth /m/0l1pj +/m/09c7w0 /location/location/contains /m/0jrq9 +/m/09yxcz /film/film/genre /m/05p553 +/m/02f6g5 /film/film/language /m/02h40lc +/m/07y8l9 /film/actor/film./film/performance/film /m/02stbw +/m/018j2 /music/instrument/instrumentalists /m/01vv6_6 +/m/02w4fkq /people/person/nationality /m/09c7w0 +/m/01t94_1 /people/person/profession /m/018gz8 +/m/06lj1m /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02ryx0 /people/person/profession /m/05vyk +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0291ck /film/film/language /m/02h40lc +/m/020hh3 /people/person/profession /m/09jwl +/m/0344gc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/072kp /tv/tv_program/genre /m/01z4y +/m/05pt0l /film/film/language /m/02h40lc +/m/02vl_pz /people/person/gender /m/05zppz +/m/0dc_ms /film/film/other_crew./film/film_crew_gig/crewmember /m/05bm4sm +/m/03y5g8 /music/record_label/artist /m/0167xy +/m/04yqlk /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/029_l /people/person/gender /m/05zppz +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/06w7mlh +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/03nx8mj +/m/01634x /sports/sports_team/colors /m/083jv +/m/01cf93 /music/record_label/artist /m/015xp4 +/m/0ky1 /people/person/nationality /m/07ssc +/m/0688f /language/human_language/countries_spoken_in /m/0d060g +/m/08zrbl /award/award_winning_work/awards_won./award/award_honor/award /m/099ck7 +/m/01d34b /education/educational_institution/school_type /m/0bpgx +/m/027m5wv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0rrwt /location/hud_county_place/place /m/0rrwt +/m/0424m /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/01grmk +/m/0418wg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/02qsqmq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0r6ff /location/hud_county_place/place /m/0r6ff +/m/09p3h7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0m66w +/m/0287477 /film/film/genre /m/0lsxr +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0k4kk /film/film/music /m/01l1rw +/m/0bth54 /film/film/language /m/02h40lc +/m/01kh2m1 /people/person/profession /m/0nbcg +/m/0btpx /people/person/employment_history./business/employment_tenure/company /m/07gyp7 +/m/078mm1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09y20 /film/actor/film./film/performance/film /m/031786 +/m/07d370 /people/person/profession /m/02hrh1q +/m/01lyv /music/genre/artists /m/02pt7h_ +/m/02fqrf /film/film/genre /m/0lsxr +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0bw87 /people/person/place_of_birth /m/0f1sm +/m/03t79f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02tk74 /people/person/nationality /m/09c7w0 +/m/02fqrf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/049mql /film/film/country /m/0f8l9c +/m/0p3sf /people/person/profession /m/0fnpj +/m/01jdxj /sports/sports_team/colors /m/083jv +/m/015_1q /business/business_operation/industry /m/03qh03g +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/015xp4 /people/person/languages /m/02h40lc +/m/026m9w /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/09vzz /education/educational_institution/students_graduates./education/education/student /m/01wd3l +/m/06by7 /music/genre/artists /m/01vn35l +/m/03xx9l /film/actor/film./film/performance/film /m/02qhqz4 +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0sxmx /film/film/genre /m/02kdv5l +/m/03bnv /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/02bqy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/05k7sb /location/location/contains /m/0tzt_ +/m/01h910 /award/award_nominee/award_nominations./award/award_nomination/award /m/03ccq3s +/m/04pg29 /people/person/profession /m/01d_h8 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0q9b0 +/m/0dt8xq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07hgm /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0427y /people/person/profession /m/02hrh1q +/m/031k24 /film/actor/film./film/performance/film /m/08sk8l +/m/0lbfv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/08n__5 /music/group_member/membership./music/group_membership/role /m/0l14qv +/m/063zky /film/film/genre /m/05p553 +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05sb1 /location/location/contains /m/04cjn +/m/01_rh4 /people/person/place_of_birth /m/030qb3t +/m/07j8r /film/film/featured_film_locations /m/04jpl +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/07g2b /influence/influence_node/influenced_by /m/01v9724 +/m/02m501 /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/01f69m /film/film/featured_film_locations /m/02_286 +/m/06hgym /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqhk0 +/m/01g6bk /award/award_nominee/award_nominations./award/award_nomination/award /m/02662b +/m/0ftps /music/artist/track_contributions./music/track_contribution/role /m/05148p4 +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0151ns /people/person/profession /m/02hrh1q +/m/019n9w /education/educational_institution/students_graduates./education/education/student /m/0hgqq +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gyfp9c +/m/059xnf /people/person/gender /m/05zppz +/m/03f2w /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/0fpv_3_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/01v40wd /people/person/profession /m/0dz3r +/m/03q0r1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/06q1r /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/03tw2s +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0l14j_ /music/performance_role/regular_performances./music/group_membership/group /m/0qmpd +/m/0d6lp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02k21g /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01rnly /film/film/production_companies /m/02jd_7 +/m/0f13b /film/actor/film./film/performance/film /m/08phg9 +/m/0f4_l /award/award_winning_work/awards_won./award/award_honor/award /m/02wkmx +/m/0gg4h /people/cause_of_death/people /m/0cfz_z +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/05br2 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0n5j_ /location/location/contains /m/0xl08 +/m/0135g /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03tw2s +/m/064n1pz /film/film/genre /m/02n4kr +/m/04jpk2 /film/film/country /m/02jx1 +/m/02b61v /film/film/story_by /m/046mxj +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0y_9q +/m/0fpgp26 /film/film/music /m/06fxnf +/m/05233hy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0342h /music/instrument/instrumentalists /m/015xp4 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/0bvn25 +/m/01trf3 /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/039cq4 +/m/03cp4cn /film/film/language /m/02h40lc +/m/01flv_ /film/film/featured_film_locations /m/02_286 +/m/039zft /film/film/production_companies /m/01795t +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01wdl3 +/m/041rx /people/ethnicity/people /m/048cl +/m/0642xf3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05p1qyh /film/film/language /m/02h40lc +/m/041rx /people/ethnicity/people /m/01x4r3 +/m/07kh6f3 /film/film/featured_film_locations /m/01cx_ +/m/02kz_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/0jwl2 /tv/tv_program/languages /m/02h40lc +/m/049n7 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bs5vty +/m/07f7jp /people/person/nationality /m/09c7w0 +/m/0140t7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02nhxf +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/01sh2 +/m/0152n0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/07fj_ /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/02md_2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/02q253 +/m/0j0pf /influence/influence_node/influenced_by /m/033cw +/m/07l8f /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/05q5t0b /award/award_category/winners./award/award_honor/award_winner /m/03xmy1 +/m/0c00lh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0pd4f /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0c4f4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/02pgky2 +/m/01z4y /media_common/netflix_genre/titles /m/0bm2nq +/m/0_24q /base/biblioness/bibs_location/state /m/05tbn +/m/0r679 /location/location/time_zones /m/02lcqs +/m/02jx1 /location/location/contains /m/0jgvy +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02hnl /music/instrument/instrumentalists /m/016j2t +/m/03jqfx /base/culturalevent/event/entity_involved /m/03f4n1 +/m/02cllz /film/actor/film./film/performance/film /m/03wjm2 +/m/01t94_1 /people/person/gender /m/05zppz +/m/048cl /people/person/religion /m/03_gx +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02vkvcz /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3v6 +/m/04t53l /music/record_label/artist /m/05xq9 +/m/07c52 /media_common/netflix_genre/titles /m/01rf57 +/m/02prw4h /film/film/featured_film_locations /m/0rh6k +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/02g5q1 /film/film/genre /m/02kdv5l +/m/05p92jn /people/person/nationality /m/09c7w0 +/m/02hzx8 /sports/sports_team/sport /m/02vx4 +/m/081yw /location/location/contains /m/01n86 +/m/06zl7g /business/business_operation/industry /m/01mw1 +/m/03ryks /music/artist/track_contributions./music/track_contribution/role /m/0l14md +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/02d44q +/m/03d5m8w /sports/sports_team/colors /m/09ggk +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0m9p3 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/0k2h6 +/m/0dr_4 /film/film/genre /m/02p0szs +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/017dcd +/m/03gj2 /location/location/time_zones /m/02llzg +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/05925 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/018yj6 /base/eating/practicer_of_diet/diet /m/07_jd +/m/05k4my /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dq_5 /business/job_title/people_with_this_title./business/employment_tenure/company /m/049n7 +/m/014y6 /film/actor/film./film/performance/film /m/0f4k49 +/m/09gdm7q /film/film/film_festivals /m/0bmj62v +/m/05nrg /location/location/contains /m/0chghy +/m/037cr1 /film/film/edited_by /m/03q8ch +/m/027hjff /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09f0bj +/m/016w7b /education/educational_institution/colors /m/01g5v +/m/01hkck /people/person/places_lived./people/place_lived/location /m/0b_cr +/m/0dq626 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0315rp /film/film/genre /m/01jfsb +/m/02tb17 /sports/sports_team_location/teams /m/044p4_ +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/042tq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06x4l_ /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/06rzwx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/02_kd +/m/0kst7v /people/person/nationality /m/03rk0 +/m/081pw /military/military_conflict/combatants./military/military_combatant_group/combatants /m/035qy +/m/01l2m3 /people/cause_of_death/people /m/022p06 +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0181dw /music/record_label/artist /m/01wzlxj +/m/04135 /people/person/profession /m/0dxtg +/m/0830vk /film/film/language /m/02h40lc +/m/02f6xy /award/award_category/winners./award/award_honor/award_winner /m/06w2sn5 +/m/01znj1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0kz1h +/m/0171cm /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/0581vn8 /film/film/language /m/0x82 +/m/0184jc /people/person/religion /m/0kpl +/m/034b6k /film/film/genre /m/0hfjk +/m/022yb4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05mlqj +/m/07c52 /media_common/netflix_genre/titles /m/01xr2s +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/05bmq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/04kzqz /film/film/language /m/02h40lc +/m/02s2wq /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0462hhb +/m/01pwz /film/film_subject/films /m/0dj0m5 +/m/0ql86 /base/culturalevent/event/entity_involved /m/03l5m1 +/m/03h0byn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/032_wv /film/film/genre /m/05p553 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/01gbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/03shpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01l1rw /people/person/profession /m/01c72t +/m/05sy0cv /award/award_winning_work/awards_won./award/award_honor/award_winner /m/02ch1w +/m/075wx7_ /award/award_winning_work/awards_won./award/award_honor/award /m/05ztjjw +/m/01kkfp /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xcr4 /people/person/profession /m/015cjr +/m/03_48k /film/actor/film./film/performance/film /m/01k60v +/m/07f7jp /people/person/profession /m/0nbcg +/m/0dzlbx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0n25q /location/location/time_zones /m/02hcv8 +/m/0k5g9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02p59ry /people/person/profession /m/015cjr +/m/017gl1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0dl567 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/05r5c /music/instrument/instrumentalists /m/01vsy9_ +/m/05dppk /people/person/profession /m/0dgd_ +/m/057__d /film/film/featured_film_locations /m/0gkgp +/m/01kgg9 /people/deceased_person/place_of_death /m/06_kh +/m/053vcrp /people/person/place_of_birth /m/0c_m3 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/081wh1 +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/04k9y6 +/m/0fpzt5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0969fd /influence/influence_node/influenced_by /m/07h1q +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02v992 +/m/01gtdd /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/0dwt5 /music/instrument/instrumentalists /m/01lvcs1 +/m/0f3m1 /film/film/genre /m/070yc +/m/02ny6g /film/film/produced_by /m/03ktjq +/m/03qsdpk /education/field_of_study/students_majoring./education/education/student /m/03hhd3 +/m/016clz /music/genre/artists /m/0259r0 +/m/05h72z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0b9dmk +/m/03193l /people/person/profession /m/09jwl +/m/03lty /music/genre/artists /m/01vng3b +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/015wy_ /education/educational_institution/students_graduates./education/education/student /m/016wvy +/m/0181dw /music/record_label/artist /m/0127s7 +/m/06ncr /music/instrument/instrumentalists /m/04vrxh +/m/04y5j64 /film/film/film_production_design_by /m/05b2gsm +/m/01zp33 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0ptdz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/047vnkj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/09g_31 /tv/tv_program/genre /m/0hcr +/m/02681vq /award/award_category/winners./award/award_honor/ceremony /m/08pc1x +/m/01pfpt /music/genre/artists /m/0326tc +/m/02yl42 /influence/influence_node/influenced_by /m/05qzv +/m/06j6l /music/genre/artists /m/01mwsnc +/m/0ds2l81 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0n00 /people/person/places_lived./people/place_lived/location /m/02jx1 +/m/0q9b0 /film/film/country /m/09c7w0 +/m/07c6l /music/performance_role/regular_performances./music/group_membership/group /m/046p9 +/m/0bl60p /film/actor/film./film/performance/film /m/02lxrv +/m/016sd3 /education/educational_institution/school_type /m/01rs41 +/m/01kf5lf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dzf_ /film/actor/film./film/performance/film /m/05650n +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/096g3 +/m/05567m /film/film/genre /m/02l7c8 +/m/04g9gd /film/film/music /m/04pf4r +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/09q5w2 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0dng4 +/m/0dll_t2 /film/film/genre /m/02kdv5l +/m/06thjt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/01vwllw +/m/077yk0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0cpvcd /people/deceased_person/place_of_death /m/02_286 +/m/04gmlt /music/record_label/artist /m/01k_n63 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03qsdpk +/m/03m5y9p /film/film/country /m/06mzp +/m/01cm8w /film/film/genre /m/0hcr +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02zkdz +/m/049dyj /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gldyz /film/film/country /m/09c7w0 +/m/032zg9 /people/person/nationality /m/09c7w0 +/m/0cct7p /people/person/religion /m/03j6c +/m/05ypj5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/099vwn /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/0wsr /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02jyr8 +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/01frpd +/m/01m4pc /sports/sports_team_location/teams /m/01_8n9 +/m/0738b8 /film/actor/film./film/performance/film /m/0djlxb +/m/021q0l /business/job_title/people_with_this_title./business/employment_tenure/company /m/0gl6x +/m/0f5xn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wmxfs +/m/02rxbmt /people/person/religion /m/0kpl +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/0225v9 +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/011hdn /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/029jt9 /film/film/country /m/09c7w0 +/m/07mz77 /film/actor/film./film/performance/film /m/02qyv3h +/m/02r1c18 /film/film/genre /m/07s9rl0 +/m/03gfvsz /broadcast/content/artist /m/027kwc +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0ccqd7 +/m/029h7y /music/genre/parent_genre /m/016_rm +/m/025r_t /location/administrative_division/country /m/07ssc +/m/02pzz3p /award/award_category/winners./award/award_honor/award_winner /m/01vhb0 +/m/0436zq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/026sv5l /people/person/gender /m/05zppz +/m/03vfr_ /film/film/genre /m/05p553 +/m/04mx7s /people/person/place_of_birth /m/0d6hn +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0166b +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047yc +/m/06jz0 /people/person/profession /m/01d_h8 +/m/0kszw /film/actor/film./film/performance/film /m/0ds11z +/m/0227tr /people/person/places_lived./people/place_lived/location /m/06mzp +/m/0bs5vty /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0gx9rvq /film/film/cinematography /m/03rqww +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0k2m6 /film/film/genre /m/03q4nz +/m/086xm /education/educational_institution/students_graduates./education/education/student /m/06l6nj +/m/01clyr /music/record_label/artist /m/023322 +/m/0ck1d /location/location/time_zones /m/02llzg +/m/05r5c /music/instrument/instrumentalists /m/019g40 +/m/012vby /people/person/profession /m/02jknp +/m/02ctzb /people/ethnicity/people /m/05km8z +/m/0581vn8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/09c7w0 /location/country/second_level_divisions /m/0p2rj +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/01zlh5 /people/person/profession /m/01d_h8 +/m/03hpr /influence/influence_node/influenced_by /m/040db +/m/01my95 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/014kq6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/02n72k +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/03b3j /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/03nt7j +/m/047csmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01645p /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award /m/0bp_b2 +/m/0181dw /music/record_label/artist /m/016m5c +/m/03hpr /people/person/profession /m/0cbd2 +/m/019w9j /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/035qy +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dq23 +/m/02mmwk /film/film/produced_by /m/02q_cc +/m/01gkg3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02lp1 +/m/02vyw /film/director/film /m/04x4nv +/m/01cszh /music/record_label/artist /m/01vt9p3 +/m/016ks_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01dc0c /film/film/language /m/02h40lc +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/0gkz3nz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/04z_3pm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/crewmember /m/04ktcgn +/m/03jqfx /base/culturalevent/event/entity_involved /m/05kyr +/m/03dpqd /people/person/profession /m/0np9r +/m/01trtc /music/record_label/artist /m/01gf5h +/m/016kv6 /film/film/country /m/09c7w0 +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/09wnnb +/m/01dycg /organization/organization/child./organization/organization_relationship/child /m/0225z1 +/m/01phtd /award/award_nominee/award_nominations./award/award_nomination/award /m/02ppm4q +/m/09c7w0 /location/location/contains /m/01rgn3 +/m/01jrbb /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0195pd +/m/02hg53 /people/person/profession /m/01445t +/m/01cjhz /tv/tv_program/genre /m/0c4xc +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k54 +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/0bmssv /film/film/language /m/03hkp +/m/02g8h /people/person/places_lived./people/place_lived/location /m/05k7sb +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0k2cb +/m/02wwsh8 /award/award_category/winners./award/award_honor/award_winner /m/026fd +/m/02w4v /music/genre/artists /m/01kstn9 +/m/02rsl1 /sports/sports_position/players./sports/sports_team_roster/team /m/0512p +/m/02645b /people/person/profession /m/02jknp +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/018swb /film/actor/film./film/performance/film /m/016fyc +/m/0407f /people/person/profession /m/0nbcg +/m/01qbjg /people/person/profession /m/0dxtg +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04crrxr +/m/02lgj6 /people/person/gender /m/05zppz +/m/0ywqc /film/actor/film./film/performance/film /m/0gkz15s +/m/04tgp /location/location/contains /m/0yx74 +/m/0bm7fy /award/award_category/winners./award/award_honor/ceremony /m/0h_9252 +/m/0b78hw /people/person/religion /m/03_gx +/m/054g1r /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr42 +/m/0gd_s /influence/influence_node/influenced_by /m/0ct9_ +/m/0c0nhgv /film/film/film_format /m/0cj16 +/m/02hmvw /tv/tv_network/programs./tv/tv_network_duration/program /m/045nc5 +/m/040db /influence/influence_node/influenced_by /m/03jht +/m/09xw2 /music/genre/artists /m/0bdlj +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0ctw_b +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01clyb +/m/0126y2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9dd +/m/0k5g9 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k0rf +/m/09c7w0 /location/location/contains /m/0vm39 +/m/0bl2g /film/actor/film./film/performance/film /m/0830vk +/m/0dzf_ /influence/influence_node/influenced_by /m/01hmk9 +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/crewmember /m/027rwmr +/m/0hfml /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/02psgq /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/01s9vc /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/0prpt +/m/0btyf5z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/09f2j +/m/09qs08 /award/award_category/nominees./award/award_nomination/nominated_for /m/0vjr +/m/015mrk /people/person/gender /m/02zsn +/m/0g3zrd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/033nzk /sports/sports_team/sport /m/02vx4 +/m/02465 /influence/influence_node/influenced_by /m/02lt8 +/m/03hj5vf /award/award_category/nominees./award/award_nomination/nominated_for /m/03b_fm5 +/m/02vzpb /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026bfsh /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0k9j_ +/m/01b_lz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/038nv6 +/m/02kj7g /education/educational_institution/students_graduates./education/education/student /m/019fz +/m/02yr1q /education/educational_institution/school_type /m/01rs41 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01wj92r +/m/01nyl /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0hky /influence/influence_node/influenced_by /m/03hnd +/m/01rnpy /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvw2 +/m/09c7w0 /location/location/contains /m/02fzs +/m/02pjvc /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0h3k3f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/0jwvf +/m/05pbl56 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/06tw8 /location/location/time_zones /m/0gsrz4 +/m/0136jw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/048z7l /people/ethnicity/people /m/0311wg +/m/026n4h6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/04t9c0 +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/07t90 +/m/071ynp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02bkdn +/m/0hwqz /people/person/place_of_birth /m/06_kh +/m/0vjr /tv/tv_program/languages /m/02h40lc +/m/026t6 /music/instrument/instrumentalists /m/0gs6vr +/m/04nlb94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/059j2 +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/0g51l1 /people/person/gender /m/05zppz +/m/04vn5 /sports/sports_team/colors /m/02rnmb +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/05m_jsg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/049_zz /film/actor/film./film/performance/film /m/0gc_c_ +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/0gs1_ +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h3vtz +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01cwhp +/m/02b25y /people/person/profession /m/09jwl +/m/01cwdk /education/educational_institution/students_graduates./education/education/student /m/0qf3p +/m/0dvld /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvf4 +/m/06pcz0 /people/person/profession /m/01d_h8 +/m/016dmx /people/person/profession /m/01d_h8 +/m/03t95n /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01mkn_d +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/09c7w0 /location/location/contains /m/02zp1t +/m/01y3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0225bv +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bqdvt +/m/017gl1 /film/film/genre /m/060__y +/m/026sdt1 /people/profession/specialization_of /m/01c979 +/m/01kgg9 /people/deceased_person/place_of_burial /m/018mmj +/m/0b_6zk /time/event/locations /m/0dzt9 +/m/07dnx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0283d /music/genre/artists /m/03xl77 +/m/0m0hw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/02hnl /music/instrument/instrumentalists /m/03bnv +/m/0cz_ym /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017l96 /music/record_label/artist /m/01309x +/m/01lmj3q /people/person/profession /m/03lgtv +/m/0134pk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05w3f /music/genre/artists /m/0161sp +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/017149 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03jqw5 +/m/01kvqc /music/artist/track_contributions./music/track_contribution/role /m/03t22m +/m/02_wxh /influence/influence_node/influenced_by /m/0p_47 +/m/0gvs1kt /film/film/language /m/02h40lc +/m/06s6hs /people/person/places_lived./people/place_lived/location /m/0f04v +/m/03lty /music/genre/artists /m/01wqpnm +/m/04n2r9h /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0y_yw +/m/03j24kf /people/person/profession /m/09lbv +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0bq2g +/m/0gl6f /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/03n15_ /music/genre/artists /m/0178_w +/m/03f47xl /influence/influence_node/influenced_by /m/0zm1 +/m/09c7w0 /location/location/contains /m/0vqcq +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/04d817 +/m/05t54s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01mh_q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09hnb +/m/013t9y /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0pv54 /film/film/genre /m/082gq +/m/019dwp /education/educational_institution/students_graduates./education/education/student /m/03ywyk +/m/09qvf4 /award/award_category/nominees./award/award_nomination/nominated_for /m/072kp +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0162b +/m/0121rx /people/person/profession /m/018gz8 +/m/01nc3rh /people/person/gender /m/05zppz +/m/0d0kn /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0jm5b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02pptm +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kb_jm +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/024l2y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01gkcc /medicine/disease/risk_factors /m/0d19y2 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/01l2fn +/m/027y_ /influence/influence_node/influenced_by /m/02kz_ +/m/02h3d1 /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/03sxd2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0k3kv /location/location/contains /m/01m8dg +/m/0nk3g /music/genre/artists /m/016376 +/m/060v34 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pllx /film/actor/film./film/performance/film /m/0m491 +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/06_wqk4 +/m/01xq8v /film/film/genre /m/02l7c8 +/m/0crh5_f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/041c4 /film/actor/film./film/performance/film /m/05fcbk7 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/09kvv +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04jq2 +/m/01l1rw /people/person/profession /m/01c8w0 +/m/0jdgr /film/film/genre /m/03k9fj +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/016tt2 +/m/01bb9r /film/film/country /m/09c7w0 +/m/01vzxld /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/01vvyvk /people/person/profession /m/02hrh1q +/m/09yrh /people/person/gender /m/02zsn +/m/0dzlk /people/person/nationality /m/07ssc +/m/0fphf3v /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0hmr4 /film/film/featured_film_locations /m/030qb3t +/m/03d34x8 /tv/tv_program/genre /m/0c3351 +/m/01vrx3g /music/group_member/membership./music/group_membership/role /m/01vj9c +/m/0dgpwnk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/07s9rl0 /media_common/netflix_genre/titles /m/011yhm +/m/0yx_w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06s9y /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/0sc6p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/033hn8 /music/record_label/artist /m/03f1d47 +/m/07jwr /medicine/disease/risk_factors /m/0d19y2 +/m/0gqzz /award/award_category/winners./award/award_honor/ceremony /m/0bvfqq +/m/01vswwx /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0mhfr /music/genre/artists /m/058s57 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/0p4wb /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02bv9 +/m/0cw3yd /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/0ptk_ +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/011yl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fjyzt +/m/05yzt_ /people/person/profession /m/028kk_ +/m/0hvgt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04qz6n /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkr9q +/m/0639bg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/09306z /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h26tm +/m/027qgy /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05fhy /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02j9lm /film/actor/film./film/performance/film /m/0n_hp +/m/0krdk /business/job_title/people_with_this_title./business/employment_tenure/company /m/0lwkh +/m/01b9w3 /tv/tv_program/genre /m/06q7n +/m/05zh9c /people/person/gender /m/05zppz +/m/012x8m /music/record_label/artist /m/0b1hw +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/0vlf +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/091z_p +/m/02dr9j /film/film/genre /m/03k9fj +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/04kl74p +/m/01xwqn /people/person/profession /m/02hrh1q +/m/02zv4b /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0315q3 +/m/022q32 /people/person/gender /m/02zsn +/m/02n9nmz /award/award_category/nominees./award/award_nomination/nominated_for /m/02c638 +/m/05ldxl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/02mp0g +/m/01v3vp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bfvd4 +/m/07l5z /location/hud_county_place/place /m/07l5z +/m/0gmcwlb /film/film/executive_produced_by /m/05hj_k +/m/06_9lg /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/02p3my +/m/05tgks /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01trhmt /people/person/profession /m/0dz3r +/m/0gwgn1k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/01w_3 +/m/04205z /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/0dw3l /people/person/nationality /m/09c7w0 +/m/05_5rjx /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/011yqc /film/film/genre /m/0lsxr +/m/0n1s0 /film/film/country /m/09c7w0 +/m/0hwqz /people/person/nationality /m/09c7w0 +/m/023vrq /award/award_category/winners./award/award_honor/award_winner /m/013w7j +/m/01vsyg9 /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/017l96 /music/record_label/artist /m/0fb2l +/m/02725hs /film/film/genre /m/07s9rl0 +/m/0l6qt /people/person/gender /m/05zppz +/m/0y3_8 /music/genre/parent_genre /m/08cyft +/m/059gkk /people/person/nationality /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03g3w +/m/0c43g /people/person/gender /m/05zppz +/m/0619_ /sports/sports_team_location/teams /m/02qhlm +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01qgr3 +/m/012gbb /people/person/places_lived./people/place_lived/location /m/0156q +/m/026_w57 /people/person/profession /m/02hrh1q +/m/019l68 /people/person/nationality /m/09c7w0 +/m/03yj_0n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/027dtv3 +/m/08htt0 /education/educational_institution/students_graduates./education/education/student /m/01wg982 +/m/01wqflx /music/artist/origin /m/071vr +/m/02r34n /people/person/places_lived./people/place_lived/location /m/05tbn +/m/065y4w7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01bx35 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/045zr +/m/01hbq0 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/05r5c /music/instrument/instrumentalists /m/0kj34 +/m/04s04 /people/person/profession /m/01d_h8 +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/025cbm +/m/0g5qmbz /film/film/language /m/04306rv +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx7h +/m/03zj9 /education/educational_institution/school_type /m/01rs41 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/01bmlb +/m/01hmk9 /influence/influence_node/influenced_by /m/0l5yl +/m/04b_46 /education/educational_institution/students_graduates./education/education/student /m/018ygt +/m/043sct5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/02w4v /music/genre/artists /m/01p45_v +/m/0k6nt /location/location/contains /m/017ztv +/m/09c7w0 /location/location/contains /m/0xmp9 +/m/09r_wb /people/person/languages /m/07c9s +/m/016kb7 /film/actor/film./film/performance/film /m/015qsq +/m/08sfxj /film/film/featured_film_locations /m/04jpl +/m/01f_3w /music/record_label/artist /m/0837ql +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/01s3vk +/m/04sv4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/059j2 +/m/09qvc0 /award/award_category/nominees./award/award_nomination/nominated_for /m/02nf2c +/m/09c7w0 /location/location/contains /m/01bzw5 +/m/013pp3 /influence/influence_node/influenced_by /m/084w8 +/m/0bh8tgs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07x4c /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/06823p /film/film/genre /m/07s9rl0 +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/01j59b0 +/m/06w87 /music/performance_role/regular_performances./music/group_membership/role /m/02w3w +/m/04mvp8 /people/ethnicity/people /m/0738y5 +/m/06srk /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/05w3f /music/genre/artists /m/0kzy0 +/m/02yv6b /music/genre/parent_genre /m/06by7 +/m/05xf75 /film/actor/film./film/performance/film /m/0dll_t2 +/m/0gw7p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/034_7s /government/legislative_session/members./government/government_position_held/district_represented /m/0j95 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/07c52 +/m/09q17 /media_common/netflix_genre/titles /m/043h78 +/m/0jmj /people/person/profession /m/02jknp +/m/0byfz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04g9gd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hy5d /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bn_p +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/0372p /user/alexander/philosophy/philosopher/interests /m/04rjg +/m/01ckcd /award/award_category/winners./award/award_honor/ceremony /m/01c6qp +/m/08vlns /music/genre/artists /m/03f0qd7 +/m/0g3bw /location/location/contains /m/0193fp +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0fh694 +/m/052gzr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/011zd3 /people/person/nationality /m/09c7w0 +/m/078mm1 /film/film/language /m/02h40lc +/m/0qmfz /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/02k856 /music/instrument/instrumentalists /m/01vsyg9 +/m/06jcc /influence/influence_node/influenced_by /m/02mpb +/m/07ccs /education/educational_institution/students_graduates./education/education/student /m/081jbk +/m/0c5dd /film/film/genre /m/02l7c8 +/m/01b195 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/09sh8k /film/film/produced_by /m/02xnjd +/m/09c7w0 /location/country/second_level_divisions /m/0n6nl +/m/0cqh46 /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/02bg55 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/04gb7 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06823p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01mv_n /people/person/nationality /m/09c7w0 +/m/02rytm /sports/sports_team/sport /m/02vx4 +/m/059dn /user/ktrueman/default_domain/international_organization/member_states /m/04g61 +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02zdwq +/m/02rbdlq /people/ethnicity/languages_spoken /m/02kdw56 +/m/0399p /influence/influence_node/influenced_by /m/048cl +/m/013tcv /people/person/profession /m/02hrh1q +/m/04mvp8 /people/ethnicity/geographic_distribution /m/06m_5 +/m/0vm4s /location/location/time_zones /m/02hcv8 +/m/05fjf /location/location/contains /m/0n59f +/m/0m7fm /location/location/time_zones /m/02hcv8 +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/03lmx1 /people/ethnicity/people /m/0j5q3 +/m/07ssc /location/location/contains /m/01k8q5 +/m/01hb1t /education/educational_institution/colors /m/01jnf1 +/m/02bc74 /people/person/profession /m/0n1h +/m/064t9 /music/genre/artists /m/03qkcn9 +/m/04fcx7 /people/person/profession /m/02jknp +/m/08433 /award/award_nominee/award_nominations./award/award_nomination/award /m/0265vt +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0c4hx0 +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/05vz3zq +/m/0136pk /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/02j9z /location/location/contains /m/03_xj +/m/02lk95 /award/award_nominee/award_nominations./award/award_nomination/award /m/01dk00 +/m/017gm7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/04q827 /film/film/production_companies /m/059x3p +/m/04rjg /education/field_of_study/students_majoring./education/education/student /m/0n00 +/m/04jn6y7 /film/film/country /m/09c7w0 +/m/02_sr1 /award/award_winning_work/awards_won./award/award_honor/award /m/05ztrmj +/m/0rmby /location/hud_county_place/place /m/0rmby +/m/02mzg9 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036nz +/m/0xnvg /people/ethnicity/people /m/01ccr8 +/m/0jnh /base/culturalevent/event/entity_involved /m/034rd +/m/0rlz /people/person/profession /m/0g0vx +/m/011ypx /film/film/featured_film_locations /m/01cx_ +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/01xv77 /people/person/profession /m/02hrh1q +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0gls4q_ /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02t3ln /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0xnvg /people/ethnicity/people /m/01vwllw +/m/02kxx1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06mz5 +/m/0hmr4 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/019n9w /education/educational_institution/school_type /m/01rs41 +/m/07tds /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/01y8d4 /people/person/gender /m/05zppz +/m/054krc /award/award_category/nominees./award/award_nomination/nominated_for /m/034xyf +/m/02d49z /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01bkb /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/06z4wj /people/person/profession /m/0q04f +/m/0sx8l /olympics/olympic_games/participating_countries /m/0165v +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01pl14 +/m/03cfkrw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/076xkdz /film/film/genre /m/06n90 +/m/017d93 /film/film/production_companies /m/08wjc1 +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/017lb_ +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/0335fp +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/034qt_ /people/person/places_lived./people/place_lived/location /m/0v9qg +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/06yxd +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bykpk +/m/032j_n /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021vwt /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/03wh8kl /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04gzd +/m/09n5b9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05mph +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/088vb +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01dzg0 +/m/022yb4 /people/person/gender /m/05zppz +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/054krc +/m/07ym6ss /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vmv_ +/m/0qtz9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0693l /people/person/place_of_birth /m/0_vn7 +/m/0hg45 /medicine/disease/risk_factors /m/0c58k +/m/03vgp7 /film/actor/film./film/performance/film /m/09fc83 +/m/03rhqg /music/record_label/artist /m/01hgwkr +/m/0274ck /people/person/places_lived./people/place_lived/location /m/080h2 +/m/071ynp /people/person/gender /m/02zsn +/m/0jrv_ /music/genre/artists /m/0560w +/m/03nqnnk /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03mbdx_ /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02ylg6 +/m/01950l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qdgx /music/genre/artists /m/0lbj1 +/m/07f1x /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/077qn +/m/01gvts /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01vsl /location/location/contains /m/018t8f +/m/0dn16 /music/genre/artists /m/01_ztw +/m/015p37 /film/actor/film./film/performance/special_performance_type /m/01kyvx +/m/0227tr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02hqt6 /sports/sports_team/sport /m/03tmr +/m/03s2dj /people/person/places_lived./people/place_lived/location /m/0nlh7 +/m/041rx /people/ethnicity/people /m/02wb6d +/m/01lfy /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/02sddg /sports/sports_position/players./sports/sports_team_roster/team /m/02__x +/m/02nx2k /film/film/genre /m/01jfsb +/m/0151ns /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/02ppm4q /award/award_category/winners./award/award_honor/award_winner /m/013knm +/m/016szr /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/01mxqyk /music/artist/origin /m/02dtg +/m/06l7jj /sports/sports_team/sport /m/02vx4 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/027rpym +/m/04dqdk /people/person/places_lived./people/place_lived/location /m/05qtj +/m/093l8p /film/film/genre /m/0d63kt +/m/0gl5_ /education/educational_institution/students_graduates./education/education/student /m/0sx5w +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/01flv_ +/m/0bwh6 /people/person/gender /m/05zppz +/m/015_1q /music/record_label/artist /m/032t2z +/m/0j6cj /influence/influence_node/influenced_by /m/01vsy3q +/m/02qdgx /music/genre/artists /m/095x_ +/m/0jt90f5 /award/award_nominee/award_nominations./award/award_nomination/award /m/039yzf +/m/0dzf_ /film/actor/film./film/performance/film /m/032zq6 +/m/021b_ /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0d87hc +/m/0k345 /music/genre/artists /m/0lzkm +/m/018js4 /film/film/genre /m/07s9rl0 +/m/0157m /people/person/employment_history./business/employment_tenure/company /m/01rc6f +/m/0fq9zcx /award/award_category/nominees./award/award_nomination/nominated_for /m/0gyh2wm +/m/02xry /location/location/contains /m/0rj0z +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/01qdhx +/m/018swb /people/person/places_lived./people/place_lived/location /m/0dm0f +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/0hl3d +/m/0cqt90 /people/person/places_lived./people/place_lived/location /m/059rby +/m/016z68 /people/person/profession /m/02hrh1q +/m/0640y35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/03n93 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cy__l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01r2c7 /people/person/profession /m/01d_h8 +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/015pnb +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01mgw +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/035yn8 +/m/05cl2w /film/actor/film./film/performance/film /m/03phtz +/m/05_wyz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0dq23 +/m/017c87 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/048n7 /film/film_subject/films /m/0m_q0 +/m/01skmp /people/person/gender /m/02zsn +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/07h76 +/m/03k545 /film/actor/film./film/performance/film /m/02v63m +/m/02nt3d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0dtfn /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/02184q /film/actor/film./film/performance/film /m/0cd2vh9 +/m/0k7pf /people/person/gender /m/05zppz +/m/07mqps /people/ethnicity/people /m/014g22 +/m/01fyzy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0405l +/m/025sc50 /music/genre/artists /m/0c7xjb +/m/024n3z /film/actor/film./film/performance/film /m/017gm7 +/m/025n07 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01yd8v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0yyts /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/015_1q /music/record_label/artist /m/01vrkdt +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/018c_r +/m/01w3v /education/educational_institution/students_graduates./education/education/student /m/012c6j +/m/0n25q /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0d99k_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0mhfr /music/genre/artists /m/018pj3 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/021996 +/m/0jdd /location/statistical_region/religions./location/religion_percentage/religion /m/06pq6 +/m/0448r /people/person/languages /m/0349s +/m/04vrxh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/011wtv /film/film/genre /m/07s9rl0 +/m/011k1h /music/record_label/artist /m/03bnv +/m/0_jsl /location/hud_county_place/place /m/0_jsl +/m/02d44q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02r7lqg /sports/sports_team/colors /m/083jv +/m/01qq_lp /people/person/places_lived./people/place_lived/location /m/059rby +/m/02jsgf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/035dk /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0694j /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0x67 /people/ethnicity/people /m/01vw20h +/m/01kkx2 /film/actor/film./film/performance/film /m/03rg2b +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/041_y /influence/influence_node/influenced_by /m/01tz6vs +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/0lyjf +/m/087vz /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/019n8z +/m/09c7w0 /location/location/contains /m/0179qv +/m/0739z6 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01v8c /base/aareas/schema/administrative_area/administrative_parent /m/09ksp +/m/02jr26 /film/actor/film./film/performance/film /m/01f7kl +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/023p7l +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03nfmq +/m/060__7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0myhb /location/location/time_zones /m/02hcv8 +/m/093l8p /film/film/featured_film_locations /m/0qpqn +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/0yzbg +/m/01shy7 /film/film/genre /m/05p553 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0p_tz +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/0m25p /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01795t /business/business_operation/industry /m/02vxn +/m/0h27vc /film/actor/film./film/performance/film /m/0cc97st +/m/02m3sd /people/person/languages /m/02h40lc +/m/014z8v /influence/influence_node/influenced_by /m/0427y +/m/03gyh_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/058vfp4 +/m/0df92l /film/film/runtime./film/film_cut/film_release_region /m/0jgd +/m/01psyx /people/cause_of_death/people /m/03rx9 +/m/04353 /film/director/film /m/02d413 +/m/03qbm /organization/organization/place_founded /m/0d6lp +/m/09d5h /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/05p1dby +/m/016z5x /film/film/edited_by /m/027pdrh +/m/0170s4 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/0jvs0 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/020p1 +/m/01dvry /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/017m2y +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/027r0_f /people/deceased_person/place_of_burial /m/05rgl +/m/0cp08zg /film/film/film_festivals /m/0bmj62v +/m/047cqr /people/person/profession /m/0dxtg +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/01s7qqw +/m/03hltjb /people/person/gender /m/05zppz +/m/01s7qqw /influence/influence_node/influenced_by /m/0q9zc +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f7hc +/m/02_j1w /sports/sports_position/players./sports/sports_team_roster/team /m/071rlr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/080h2 +/m/09nwwf /music/genre/artists /m/01w20rx +/m/0266s9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03cglm +/m/0bx6zs /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0sw6g +/m/0jjy0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01738w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03x6w8 /sports/sports_team/colors /m/019sc +/m/0294fd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025tdwc /people/person/profession /m/01tkqy +/m/0d3qd0 /government/politician/government_positions_held./government/government_position_held/basic_title /m/0789n +/m/0298n7 /film/film/film_format /m/07fb8_ +/m/0ymff /education/educational_institution/campuses /m/0ymff +/m/02k_kn /music/genre/artists /m/01bczm +/m/03gqgt3 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0f8l9c +/m/02tcgh /film/film/genre /m/02l7c8 +/m/0260bz /film/film/genre /m/07s9rl0 +/m/0cmc26r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/03hhd3 /people/person/profession /m/02hrh1q +/m/0ds460j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01p7yb +/m/0713r /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygws +/m/01d1st /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03g5jw /influence/influence_node/influenced_by /m/0167xy +/m/0c3zjn7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vx4 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/09j028 +/m/0chhs /military/military_conflict/combatants./military/military_combatant_group/combatants /m/088q1s +/m/02rmxx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02k6hp /people/cause_of_death/people /m/016gkf +/m/099jhq /award/award_category/nominees./award/award_nomination/nominated_for /m/01y9r2 +/m/0kzy0 /people/person/profession /m/05vyk +/m/0g9lm2 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/0bm2x /film/film/film_art_direction_by /m/071jv5 +/m/01tvz5j /film/actor/film./film/performance/film /m/05rfst +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/07j9n /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06mkj +/m/02x4sn8 /award/award_category/nominees./award/award_nomination/nominated_for /m/0344gc +/m/02qx69 /people/person/religion /m/0c8wxp +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06p03s /music/artist/track_contributions./music/track_contribution/role /m/021bmf +/m/05tk7y /film/actor/film./film/performance/film /m/07f_t4 +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0509bl /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01s73z +/m/05z_kps /film/film/film_format /m/0cj16 +/m/09v1lrz /award/award_category/nominees./award/award_nomination/nominated_for /m/01f85k +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvycq +/m/08r4x3 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ptt7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06fpsx /film/film/genre /m/06cvj +/m/02rn_bj /people/person/profession /m/01c72t +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0431v3 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03y0pn +/m/0gtvrv3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0q9b0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0dl5d /music/genre/artists /m/027dpx +/m/0k6nt /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0697s /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01z215 +/m/01ym9b /music/genre/parent_genre /m/0fd3y +/m/0ylgz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0n228 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/044f7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04hcw /influence/influence_node/influenced_by /m/03sbs +/m/0cqt41 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0n85g /music/record_label/artist /m/0cgfb +/m/0286gm1 /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/0pk1p /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07h1h5 /people/person/profession /m/0gl2ny2 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4yh +/m/07g7h2 /people/person/profession /m/0dxtg +/m/02lf0c /award/award_nominee/award_nominations./award/award_nomination/award /m/0fdtd7 +/m/0r0ss /location/location/time_zones /m/02lcqs +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/0b_4z +/m/0g55tzk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09l3p +/m/01mgw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0ldd /people/person/profession /m/05z96 +/m/01l9vr /location/location/time_zones /m/02hcv8 +/m/05pbl56 /film/film/featured_film_locations /m/02_286 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/04xrx /people/person/profession /m/0d1pc +/m/0c_mvb /people/person/profession /m/01c72t +/m/01dw_f /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/05f4p /film/film_subject/films /m/0sxgv +/m/0gmcwlb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/023kzp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05cx7x +/m/0261m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/015f7 +/m/0ck9l7 /music/genre/artists /m/01wn718 +/m/013vdl /film/actor/film./film/performance/film /m/05t0_2v +/m/02l840 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f72_ +/m/016jny /music/genre/artists /m/01386_ +/m/0bdx29 /award/award_category/winners./award/award_honor/ceremony /m/0bx6zs +/m/0h3tv /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01p4vl +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0fxmbn +/m/0gtsxr4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01nnsv /education/educational_institution/colors /m/01g5v +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/07vn_9 /film/film/genre /m/01f9r0 +/m/01_bkd /music/genre/artists /m/016lj_ +/m/0b3wk /government/governmental_body/members./government/government_position_held/legislative_sessions /m/07p__7 +/m/01by1l /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/030hbp /film/actor/film./film/performance/film /m/09rvwmy +/m/07z1m /location/location/contains /m/0mp36 +/m/011xjd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/077g7n /government/legislative_session/members./government/government_position_held/district_represented /m/0vbk +/m/051wwp /film/actor/film./film/performance/film /m/06lpmt +/m/0mlzk /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mmpz +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0cc5qkt +/m/01p7yb /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03l295 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bk5r /influence/influence_node/influenced_by /m/03sbs +/m/0l14md /music/performance_role/track_performances./music/track_contribution/role /m/07m2y +/m/019vgs /film/actor/film./film/performance/film /m/04hwbq +/m/0cq806 /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/0p3_y /film/film/music /m/01ycfv +/m/06j6l /music/genre/artists /m/0k1bs +/m/0kx4m /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/01dw9z /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/016dmx /people/person/nationality /m/07ssc +/m/01p3ty /film/film/language /m/03k50 +/m/01wwvt2 /music/group_member/membership./music/group_membership/group /m/0ycp3 +/m/0ddbjy4 /film/film/country /m/0hzlz +/m/078sj4 /film/film/country /m/09c7w0 +/m/01wg982 /people/person/places_lived./people/place_lived/location /m/01cx_ +/m/0885n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02822 +/m/03d34x8 /tv/tv_program/genre /m/07s9rl0 +/m/06lvlf /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/02fqrf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/01h5f8 /award/award_nominee/award_nominations./award/award_nomination/award /m/026m9w +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/027mdh +/m/011yhm /film/film/genre /m/07s9rl0 +/m/025sc50 /music/genre/artists /m/09qr6 +/m/0cp0ph6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/0mm1q /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/08hsww /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/01dc0c /award/award_winning_work/awards_won./award/award_honor/award /m/057xs89 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/02hkv5 /people/person/languages /m/07c9s +/m/03lgg /people/person/profession /m/0d8qb +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/04ykg +/m/03nk3t /award/award_nominee/award_nominations./award/award_nomination/award /m/0789r6 +/m/07m69t /sports/pro_athlete/teams./sports/sports_team_roster/team /m/02s2ys +/m/041n43 /music/record_label/artist /m/01p0w_ +/m/0klh7 /award/award_nominee/award_nominations./award/award_nomination/award /m/04ljl_l +/m/01rthc /music/genre/artists /m/03t9sp +/m/0gvbw /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0chghy +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053j4w4 +/m/06sfk6 /film/film/genre /m/01jfsb +/m/01n4w /location/location/contains /m/060wq +/m/0g1rw /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gcrg +/m/03hmt9b /award/award_winning_work/awards_won./award/award_honor/award /m/09sb52 +/m/015qt5 /people/person/profession /m/02hrh1q +/m/07bwr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h3xztt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/027b9ly /award/award_category/winners./award/award_honor/award_winner /m/06pk8 +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/02gdjb +/m/01vzxmq /people/person/religion /m/0c8wxp +/m/0738b8 /people/person/languages /m/02h40lc +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/027j9wd /film/film/music /m/06fxnf +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03qnc6q +/m/01x73 /location/location/contains /m/01m23s +/m/015_1q /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cj_f +/m/02gd6x /film/film/language /m/02h40lc +/m/01n43d /sports/sports_team_location/teams /m/01_gv +/m/01ts_3 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/07t90 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/0gq9h /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/029fbr /music/genre/artists /m/012ycy +/m/07b_l /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0283_zv /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/04tng0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq86w +/m/03_wj_ /people/person/nationality /m/0d060g +/m/03qdm /education/educational_institution/school_type /m/02dk5q +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/01fszq +/m/0ch3qr1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02vs3x5 +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0hzlz +/m/05jrj4 /people/person/gender /m/05zppz +/m/02ltg3 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/04ltf +/m/085jw /music/instrument/instrumentalists /m/01mxnvc +/m/0gd0c7x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fzrtf +/m/039cq4 /award/award_winning_work/awards_won./award/award_honor/award /m/0fc9js +/m/0glt670 /music/genre/artists /m/01vvzb1 +/m/0m9_5 /education/educational_institution/students_graduates./education/education/student /m/03p01x +/m/04s5_s /people/person/profession /m/0nbcg +/m/0478__m /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbh5 +/m/05kj_ /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/0mwds /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/099jhq /award/award_category/winners./award/award_honor/ceremony /m/0hr6lkl +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lbbj +/m/0fkh6 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fplv +/m/0fhxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01c92g +/m/0by17xn /film/film/genre /m/02n4kr +/m/0kwgs /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01jfsb /media_common/netflix_genre/titles /m/01ffx4 +/m/064f29 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/05zjd +/m/0gqwc /award/award_category/winners./award/award_honor/award_winner /m/01934k +/m/0436kgz /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/076tw54 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dl9_4 /film/film/genre /m/02n4kr +/m/07vht /location/location/time_zones /m/02lcqs +/m/09pjnd /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01d2v1 +/m/06ncr /music/instrument/instrumentalists /m/095x_ +/m/09yrh /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c3xpwy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0gm8_p +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l98s +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/03m8lq +/m/0fw9n7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01ttg5 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/01g23m /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/0j8hd /medicine/disease/risk_factors /m/0fltx +/m/0311wg /people/person/gender /m/05zppz +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0b_c7 /people/person/profession /m/02pjxr +/m/05zr6wv /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj9tn5 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/0gzh +/m/05qck /award/award_category/winners./award/award_honor/award_winner /m/0chsq +/m/04rzd /music/instrument/instrumentalists /m/024dgj +/m/01fdc0 /people/person/nationality /m/09c7w0 +/m/038g2x /people/person/profession /m/02hrh1q +/m/01t8399 /people/person/profession /m/039v1 +/m/02cbhg /film/film/executive_produced_by /m/05hj_k +/m/053mhx /education/educational_institution/students_graduates./education/education/student /m/05vsxz +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01q7q2 +/m/01x4r3 /film/actor/film./film/performance/film /m/0sxns +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0p4wb +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/02m77 +/m/0vqcq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/030qb3t /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/06j6l /music/genre/artists /m/01vrncs +/m/0fbftr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03__y +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/051wwp +/m/0fpzwf /sports/sports_team_location/teams /m/02r2qt7 +/m/01k2wn /education/educational_institution/colors /m/019sc +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03spz +/m/01ft14 /tv/tv_program/genre /m/05p553 +/m/0gdh5 /film/actor/film./film/performance/film /m/0prrm +/m/04gzd /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dr_4 +/m/01yhm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0bx8pn +/m/0cc5mcj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/09gkx35 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxg4 +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/01pctb /people/person/nationality /m/0345h +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/0gvvm6l +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/0c2tf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0bdt8 +/m/04g2mkf /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0by1wkq +/m/06lj1m /film/actor/film./film/performance/film /m/017n9 +/m/02d49z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/0g5gq +/m/052_mn /film/film/genre /m/05p553 +/m/026s90 /music/record_label/artist /m/0168cl +/m/015qh /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/02psqkz +/m/0j_t1 /film/film/executive_produced_by /m/06chvn +/m/04fzk /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/02dztn /people/person/nationality /m/09c7w0 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01lvzbl /award/award_nominee/award_nominations./award/award_nomination/award /m/026mml +/m/02sgy /music/performance_role/track_performances./music/track_contribution/role /m/02pprs +/m/08815 /education/educational_institution/school_type /m/05pcjw +/m/02s6sh /music/artist/contribution./music/recording_contribution/performance_role /m/01qbl +/m/0155w /music/genre/artists /m/04bgy +/m/05pt0l /award/award_winning_work/awards_won./award/award_honor/award /m/0j298t8 +/m/02pbrn /people/person/religion /m/0flw86 +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/02t901 /people/person/languages /m/02h40lc +/m/05p1qyh /film/film/featured_film_locations /m/013yq +/m/01yx7f /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/06nm1 +/m/01kf4tt /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/01rs5p /film/actor/film./film/performance/film /m/0dyb1 +/m/017fp /media_common/netflix_genre/titles /m/02lxrv +/m/01wv9p /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/048hf /people/person/languages /m/02h40lc +/m/04hqz /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/013tcv /people/person/profession /m/01d_h8 +/m/027b9j5 /award/award_category/winners./award/award_honor/award_winner /m/02y_2y +/m/01pcbg /film/actor/film./film/performance/film /m/027s39y +/m/04vlh5 /people/person/profession /m/03gjzk +/m/021996 /education/educational_institution/colors /m/083jv +/m/059rc /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03r1pr /award/award_nominee/award_nominations./award/award_nomination/award /m/02r0csl +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01v_0b /award/award_nominee/award_nominations./award/award_nomination/award /m/0grw_ +/m/01r97z /film/film/language /m/02h40lc +/m/0226cw /people/person/nationality /m/09c7w0 +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0466p20 +/m/037s5h /people/person/nationality /m/09c7w0 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/02zkdz +/m/04xvlr /media_common/netflix_genre/titles /m/016mhd +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/05v_8y +/m/02s2wq /people/person/profession /m/016z4k +/m/0fphgb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/05fm6m +/m/01zzy3 /education/educational_institution/students_graduates./education/education/student /m/048cl +/m/019z7q /influence/influence_node/influenced_by /m/0l99s +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/0lgxj /olympics/olympic_games/participating_countries /m/03_r3 +/m/0gywn /music/genre/artists /m/01s21dg +/m/0dr3sl /film/film/country /m/0d060g +/m/025p38 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/050kh5 +/m/01pvxl /film/film/genre /m/03g3w +/m/0x3n /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0j871 /music/performance_role/regular_performances./music/group_membership/role /m/0dwt5 +/m/0tj9 /film/actor/film./film/performance/film /m/0f42nz +/m/096f8 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/034cm +/m/07tgn /education/educational_institution/students_graduates./education/education/student /m/0136g9 +/m/055t01 /people/person/gender /m/05zppz +/m/03ydlnj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01dy7j /award/award_nominee/award_nominations./award/award_nomination/award /m/0bsjcw +/m/01qscs /people/person/profession /m/02hrh1q +/m/015p3p /film/actor/film./film/performance/film /m/06g77c +/m/0dll_t2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02s5v5 /people/person/profession /m/02hrh1q +/m/07ym0 /people/person/profession /m/02hv44_ +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ds35l9 +/m/054kmq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0xbm +/m/0jhd /location/statistical_region/religions./location/religion_percentage/religion /m/01hd99 +/m/01nx_8 /people/person/profession /m/0cbd2 +/m/03s9b /people/person/languages /m/064_8sq +/m/045g4l /people/person/religion /m/03_gx +/m/0ggx5q /music/genre/artists /m/016fnb +/m/0dr1c2 /film/film/genre /m/02kdv5l +/m/053y0s /people/person/profession /m/09jwl +/m/04gmlt /music/record_label/artist /m/01vvyfh +/m/0n08r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04vmqg /people/person/gender /m/05zppz +/m/025j1t /film/actor/film./film/performance/film /m/05nyqk +/m/01b4p4 /music/genre/parent_genre /m/05r6t +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/058s44 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/08664q /people/person/places_lived./people/place_lived/location /m/080h2 +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0144l1 /people/person/profession /m/01c72t +/m/033_1p /film/actor/film./film/performance/film /m/0408m53 +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0l6mp /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07f1x +/m/07brj /music/performance_role/regular_performances./music/group_membership/group /m/0p8h0 +/m/03t97y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0521d_3 /people/deceased_person/place_of_death /m/030qb3t +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0f61tk +/m/0x67 /people/ethnicity/people /m/017yfz +/m/0hmr4 /film/film/language /m/02h40lc +/m/09n5t_ /music/genre/artists /m/016t00 +/m/0k4y6 /base/culturalevent/event/entity_involved /m/040vgd +/m/01d38g /award/award_category/winners./award/award_honor/award_winner /m/03f3yfj +/m/0vhm /award/award_winning_work/awards_won./award/award_honor/award_winner /m/03lpbx +/m/02fybl /people/person/gender /m/05zppz +/m/0n839 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/026cl_m +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/06hx2 +/m/01bl7g /film/film/genre /m/0hfjk +/m/02_fz3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/07vfj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g7x +/m/0gk4g /people/cause_of_death/people /m/042kbj +/m/0fh694 /film/film/genre /m/02n4kr +/m/01bcq /film/actor/film./film/performance/film /m/0443v1 +/m/0gz6b6g /film/film/distributors./film/film_film_distributor_relationship/region /m/05sb1 +/m/0g5879y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/06cc_1 /people/person/profession /m/0nbcg +/m/08vlns /music/genre/artists /m/01w58n3 +/m/081yw /location/location/contains /m/0mmty +/m/03nb5v /award/award_nominee/award_nominations./award/award_nomination/award /m/0cjcbg +/m/02t1dv /film/actor/film./film/performance/film /m/07ghv5 +/m/03_8kz /tv/tv_program/country_of_origin /m/09c7w0 +/m/09qwmm /award/award_category/winners./award/award_honor/ceremony /m/09g90vz +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/0bqxw /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/0gqxm /award/award_category/nominees./award/award_nomination/nominated_for /m/0315w4 +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/0q9jk +/m/04ghz4m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0bp_b2 /award/award_category/nominees./award/award_nomination/nominated_for /m/03_8kz +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qy5v +/m/01wbg84 /film/actor/film./film/performance/film /m/025s1wg +/m/03bx2lk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fthdk +/m/01pt5w /location/location/contains /m/01wv24 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0fpjyd +/m/021dvj /music/genre/artists /m/0hr3g +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/07gp9 +/m/042kg /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/0d0x8 +/m/0ccck7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0ggbfwf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07fj_ /location/location/time_zones /m/02llzg +/m/02x2jl_ /film/film/produced_by /m/02q42j_ +/m/01ym9b /music/genre/parent_genre /m/0gywn +/m/02qyv3h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/02ppm4q /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6tzs +/m/01my_c /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01pfkw +/m/0ds33 /film/film/language /m/02h40lc +/m/0g293 /music/genre/parent_genre /m/0827d +/m/03y82t6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02zmh5 +/m/04xhwn /film/actor/film./film/performance/film /m/02vqsll +/m/0gyy53 /film/film/genre /m/04xvh5 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/05kfs /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07g2v +/m/080z7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/01s21dg /people/person/languages /m/02h40lc +/m/0498y /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/06rfy5 /organization/organization/headquarters./location/mailing_address/citytown /m/01d26y +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0rk71 +/m/02lyr4 /sports/sports_position/players./sports/sports_team_roster/team /m/0713r +/m/04sj3 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/021996 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0f0kz /film/actor/film./film/performance/film /m/0fdv3 +/m/0tc7 /people/person/nationality /m/0h7x +/m/0156q /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/03_ly +/m/02_06s /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/0dl9_4 +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01jzxy +/m/0dr89x /film/film/genre /m/07s9rl0 +/m/018wdw /award/award_category/winners./award/award_honor/ceremony /m/073hmq +/m/01bgqh /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/05whq_9 /film/film/film_festivals /m/05f5rsr +/m/04p0c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0pd64 +/m/0n_hp /film/film/music /m/089kpp +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05r5c /music/instrument/instrumentalists /m/0fhxv +/m/011_vz /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wb +/m/0fbw6 /food/food/nutrients./food/nutrition_fact/nutrient /m/06x4c +/m/0190yn /music/genre/artists /m/01yzl2 +/m/0155w /music/genre/artists /m/01c8v0 +/m/01yx7f /organization/organization/headquarters./location/mailing_address/state_province_region /m/05fkf +/m/018vs /music/instrument/instrumentalists /m/032t2z +/m/0dryh9k /people/ethnicity/people /m/08s0m7 +/m/01fh36 /music/genre/artists /m/02mslq +/m/03h_0_z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01vsgrn +/m/013q07 /film/film/language /m/04306rv +/m/013km /people/person/profession /m/01nxfc +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/058m5m4 +/m/03tk6z /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/01dhmw /people/person/gender /m/05zppz +/m/01wjrn /people/person/profession /m/01d_h8 +/m/05qzv /people/deceased_person/place_of_death /m/0jbrr +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/016vj5 +/m/0gq_d /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/051m56 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03l78j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/07hyk /people/person/profession /m/03jgz +/m/096lf_ /people/person/profession /m/018gz8 +/m/01_qc_ /people/cause_of_death/people /m/01d494 +/m/0992d9 /film/film/production_companies /m/046b0s +/m/0f87jy /people/person/profession /m/0cbd2 +/m/02z2mr7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/028knk /people/person/profession /m/02hrh1q +/m/0cj2nl /people/person/nationality /m/09c7w0 +/m/01wwvt2 /people/person/profession /m/02hrh1q +/m/06n3y /location/location/contains /m/07ylj +/m/0d608 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/04ly1 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0661ql3 +/m/0dr5y /people/person/religion /m/0kpl +/m/0jmwg /music/genre/artists /m/015196 +/m/0bs1g5r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0161h5 /film/actor/film./film/performance/film /m/01wb95 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/02x1dht +/m/0xmp9 /location/location/time_zones /m/02hcv8 +/m/02p76f9 /film/film/language /m/064_8sq +/m/04pk1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/0rsjf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01kx_81 /people/person/religion /m/0kpl +/m/03ksy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/06w7v +/m/0jg77 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ck6h +/m/05nzw6 /film/actor/film./film/performance/film /m/01k60v +/m/0645k5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/016z1t /music/group_member/membership./music/group_membership/group /m/01fl3 +/m/03h610 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0mjn2 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/0h08p /music/genre/artists /m/02_fj +/m/0bqs56 /film/actor/film./film/performance/film /m/05fm6m +/m/01xqw /music/instrument/instrumentalists /m/0889x +/m/04gknr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/085ccd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dbxy /people/ethnicity/people /m/0jfx1 +/m/02p3cr5 /music/record_label/artist /m/01jfr3y +/m/02gyl0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dr_4 /film/film/film_format /m/07fb8_ +/m/0gyy53 /film/film/executive_produced_by /m/0fvf9q +/m/076tw54 /film/film/genre /m/082gq +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04w58 +/m/0dq9p /people/cause_of_death/people /m/01ynzf +/m/01200d /people/person/profession /m/0dxtg +/m/07c52 /film/film_subject/films /m/07gghl +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/025rvx0 +/m/0cbvg /military/military_conflict/combatants./military/military_combatant_group/combatants /m/05pq3_ +/m/01ry_x /film/film/production_companies /m/04rcl7 +/m/0n2k5 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/028kb +/m/0dckvs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05t0_2v /film/film/genre /m/02l7c8 +/m/058m5m4 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09btt1 +/m/01tt43d /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0m9p3 /film/film/genre /m/04xvlr +/m/045zr /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/02flqd /award/award_category/winners./award/award_honor/ceremony /m/056878 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01ycbq +/m/043q4d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/01fkxr +/m/0x67 /people/ethnicity/people /m/02ts3h +/m/03rjj /location/location/contains /m/0bwfn +/m/016ckq /music/record_label/artist /m/06s7rd +/m/01bjbk /film/film/genre /m/06cvj +/m/0y3_8 /music/genre/artists /m/01323p +/m/0mnm2 /location/us_county/county_seat /m/0mnm2 +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/04rjg /film/film_subject/films /m/09m6kg +/m/0127xk /people/person/profession /m/0dxtg +/m/016cjb /music/genre/artists /m/01vvyvk +/m/05g8pg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01y6dz /tv/tv_program/program_creator /m/02_2v2 +/m/040p_q /education/field_of_study/students_majoring./education/education/student /m/02r34n +/m/04n52p6 /film/film/story_by /m/0ky1 +/m/03jl0_ /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/01x96 /location/hud_county_place/place /m/01x96 +/m/0g8fs /education/educational_institution/students_graduates./education/education/student /m/042kg +/m/026c1 /film/actor/film./film/performance/film /m/01hr1 +/m/0641g8 /people/deceased_person/place_of_death /m/0f2wj +/m/0d3ff /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07bxhl /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0yfvf /location/hud_county_place/place /m/0yfvf +/m/04bd8y /people/person/place_of_birth /m/0bxbr +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vw20h +/m/0gk4g /people/cause_of_death/people /m/0443c +/m/02_n5d /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/02nczh /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02wt0 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/0571m +/m/0dq9p /people/cause_of_death/people /m/0p3sf +/m/02lkcc /people/person/nationality /m/09c7w0 +/m/07s9rl0 /media_common/netflix_genre/titles /m/04gknr +/m/0ddfph /people/person/nationality /m/03rk0 +/m/0kqj1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0klh7 /people/person/nationality /m/09c7w0 +/m/0cwtm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01fx5l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0gtvpkw /film/film/language /m/02bjrlw +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/01z4y /media_common/netflix_genre/titles /m/07bwr +/m/024rwx /tv/tv_program/program_creator /m/06jrhz +/m/0170_p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0194_r /education/educational_institution/students_graduates./education/education/student /m/0n00 +/m/015qq1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/030p35 +/m/019nnl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pm0_ +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0qymv +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05r79 +/m/03hj5vf /award/award_category/winners./award/award_honor/ceremony /m/09k5jh7 +/m/02q_x_l /film/film/language /m/04306rv +/m/0c4f4 /people/person/profession /m/02krf9 +/m/04gnbv1 /people/person/nationality /m/09c7w0 +/m/04vjh /location/location/time_zones /m/03bdv +/m/018kcp /tv/tv_network/programs./tv/tv_network_duration/program /m/03gvm3t +/m/02j9z /location/location/contains /m/03pn9 +/m/02rv1w /education/educational_institution/colors /m/083jv +/m/025504 /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/02pvqmz +/m/043tz0c /film/film/genre /m/01f9r0 +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02fqxm +/m/0d085 /award/award_category/winners./award/award_honor/award_winner /m/02b29 +/m/0yxl /people/person/place_of_birth /m/0h30_ +/m/0nbwf /base/biblioness/bibs_location/state /m/01n7q +/m/03f68r6 /people/person/gender /m/05zppz +/m/050z2 /award/award_nominee/award_nominations./award/award_nomination/award /m/025m98 +/m/0p3r8 /people/person/places_lived./people/place_lived/location /m/04jpl +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0cd25 +/m/03rwng /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/06c44 /people/person/profession /m/0cbd2 +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/institution /m/01s0_f +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/0c1fs /people/person/profession /m/02hv44_ +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/045bs6 /film/actor/film./film/performance/film /m/07vn_9 +/m/012dtf /people/person/profession /m/02hrh1q +/m/01gc7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03zw80 +/m/0fq9zdn /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmfnjs +/m/0h10vt /people/person/gender /m/05zppz +/m/0cgbf /people/person/gender /m/02zsn +/m/02fwfb /film/film/genre /m/04t36 +/m/02k13d /tv/non_character_role/tv_regular_personal_appearances./tv/tv_regular_personal_appearance/person /m/0fwy0h +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/013423 /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/0c34mt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0cd2vh9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07srw /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/07rzf /people/person/places_lived./people/place_lived/location /m/022_6 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01y9jr +/m/0210hf /film/actor/film./film/performance/film /m/0g0x9c +/m/047wh1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02p11jq /music/record_label/artist /m/019f9z +/m/049nq /location/location/contains /m/03kfl +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/0d5_f /people/person/gender /m/05zppz +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/065y4w7 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01l79yc +/m/013_gg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0sxkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/0g2jl /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0db86 +/m/0g_g2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f73b +/m/0bzrsh /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02py8_w +/m/011_6p /music/performance_role/regular_performances./music/group_membership/role /m/0dwtp +/m/039crh /people/person/languages /m/02h40lc +/m/073x6y /people/person/profession /m/02hrh1q +/m/01dbhb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09728 /food/food/nutrients./food/nutrition_fact/nutrient /m/05wvs +/m/017b2p /people/person/profession /m/01xr66 +/m/03v0vd /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/01xk7r /education/educational_institution/students_graduates./education/education/student /m/0k1bs +/m/0m32_ /people/person/places_lived./people/place_lived/location /m/013ksx +/m/0bsnm /education/educational_institution/colors /m/01l849 +/m/03czz87 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_6lb /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0133_p /music/genre/artists /m/012zng +/m/01wmjkb /music/artist/track_contributions./music/track_contribution/role /m/02dlh2 +/m/01z7s_ /film/actor/film./film/performance/film /m/0jzw +/m/03193l /people/person/profession /m/0dz3r +/m/0fb0v /music/record_label/artist /m/016s_5 +/m/07c37 /people/person/gender /m/05zppz +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0y3_8 /music/genre/artists /m/03y82t6 +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0k4fz /film/film/genre /m/07s9rl0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/04ty8 +/m/09bw4_ /film/film/genre /m/03k9fj +/m/09fqgj /film/film/genre /m/06www +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0794g +/m/0ddd0gc /tv/tv_program/genre /m/07s9rl0 +/m/0gj9qxr /film/film/genre /m/06n90 +/m/01f6x7 /film/film/genre /m/01jfsb +/m/0g768 /music/record_label/artist /m/01lcxbb +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/05kkh +/m/05jm7 /people/person/religion /m/03_gx +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/0d9xq +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/017b2p /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/09lxv9 /film/film/featured_film_locations /m/0cv3w +/m/03975z /people/person/nationality /m/02jx1 +/m/02bqmq /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/048xyn /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0294zg /film/film/film_format /m/0cj16 +/m/07ssc /location/location/contains /m/027xq5 +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02gvwz +/m/09sb52 /award/award_category/winners./award/award_honor/award_winner /m/050zr4 +/m/03sbs /people/person/nationality /m/0345h +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/03c_pqj /people/person/profession /m/01d_h8 +/m/0bs4r /film/film/language /m/02h40lc +/m/03h_9lg /film/actor/film./film/performance/film /m/09jcj6 +/m/01pxcf /education/educational_institution/campuses /m/01pxcf +/m/0bmch_x /film/film/language /m/02h40lc +/m/01nwwl /film/actor/film./film/performance/film /m/02z0f6l +/m/0dbdy /location/location/contains /m/01t4p0 +/m/033f8n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07y_7 /music/instrument/instrumentalists /m/0ftqr +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0djkrp +/m/01q_ph /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/04qw17 /award/award_winning_work/awards_won./award/award_honor/award /m/09cn0c +/m/0fbvqf /award/award_category/nominees./award/award_nomination/nominated_for /m/039c26 +/m/09hnb /people/person/profession /m/01c72t +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01crd5 +/m/0jcx /people/person/profession /m/0cbd2 +/m/016z1c /people/person/spouse_s./people/marriage/location_of_ceremony /m/0k049 +/m/05fkf /location/location/contains /m/01jq4b +/m/05c5z8j /film/film/genre /m/0cshrf +/m/021q2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/035yn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0gr07 /award/award_category/winners./award/award_honor/ceremony /m/02glmx +/m/0fqy4p /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02847m9 +/m/0gq_v /award/award_category/nominees./award/award_nomination/nominated_for /m/041td_ +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0bbm7r +/m/01k23t /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/02qr69m +/m/02f6s3 /people/person/nationality /m/09c7w0 +/m/08c9b0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01vrkdt /people/person/profession /m/0dz3r +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/02k_kn /music/genre/artists /m/01q3_2 +/m/043djx /government/legislative_session/members./government/government_position_held/district_represented /m/0824r +/m/016kjs /people/person/profession /m/02hrh1q +/m/07f1x /location/statistical_region/religions./location/religion_percentage/religion /m/04t_mf +/m/01r42_g /people/person/religion /m/01hng3 +/m/0brkwj /people/person/nationality /m/09c7w0 +/m/0156q /location/location/time_zones /m/02llzg +/m/01cpp0 /military/military_conflict/combatants./military/military_combatant_group/combatants /m/06vbd +/m/04xvlr /media_common/netflix_genre/titles /m/01jzyf +/m/080nwsb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/04zpv /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1wg +/m/0kst7v /people/person/languages /m/0999q +/m/09c7w0 /location/country/second_level_divisions /m/0mlzk +/m/011zwl /people/deceased_person/place_of_death /m/04jpl +/m/02yy9r /film/film/film_format /m/0cj16 +/m/0x67 /people/ethnicity/people /m/01vsy3q +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c0zq +/m/0mlxt /location/location/time_zones /m/02lcqs +/m/01vrx3g /people/person/profession /m/09jwl +/m/05zksls /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0d68qy +/m/03f1d47 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f705 +/m/025t9b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07fsv /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0c_n9 /award/award_category/disciplines_or_subjects /m/05qgc +/m/0145rs /music/genre/artists /m/058s57 +/m/07cj3 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/019g40 /award/award_nominee/award_nominations./award/award_nomination/award /m/0hnf5vm +/m/0dq630k /dataworld/gardening_hint/split_to /m/0dq630k +/m/0ymff /education/educational_institution/students_graduates./education/education/student /m/0b_dh +/m/07c52 /media_common/netflix_genre/titles /m/06zsk51 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/04v7k2 /people/person/languages /m/03k50 +/m/03n6r /film/actor/film./film/performance/film /m/09d38d +/m/02cbg0 /film/film/language /m/032f6 +/m/0c0k1 /film/actor/film./film/performance/film /m/0hv8w +/m/06lj1m /people/person/profession /m/02hrh1q +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0n2kw /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fgpvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07zl6m /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/064t9 /music/genre/artists /m/0c7ct +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsn5 +/m/036hf4 /people/person/religion /m/0c8wxp +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/05q7cj +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01qmy04 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0h953 /film/actor/film./film/performance/film /m/0gnjh +/m/0564mx /people/person/gender /m/02zsn +/m/08s6mr /film/film/story_by /m/0ff2k +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/029zqn +/m/03tcnt /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/0jvt9 /film/film/featured_film_locations /m/0fr0t +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c0nhgv +/m/014hdb /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqng +/m/05hs4r /music/genre/artists /m/0lgsq +/m/0kn4c /people/person/gender /m/05zppz +/m/05tk7y /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0kbws /olympics/olympic_games/participating_countries /m/0164v +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/05qjc +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/01fwk3 +/m/0p_pd /film/actor/film./film/performance/film /m/09cxm4 +/m/0j582 /people/person/languages /m/04306rv +/m/01kstn9 /people/person/gender /m/05zppz +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/05sy_5 +/m/0jj6k /location/location/time_zones /m/02hcv8 +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/08l_c1 /education/educational_institution/colors /m/01l849 +/m/017gl1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0391jz /film/actor/film./film/performance/film /m/02x2jl_ +/m/08gsvw /film/film/genre /m/0bkbm +/m/01fszq /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0xnvg /people/ethnicity/people /m/0bx_q +/m/07ssc /location/location/contains /m/01sm9v +/m/0hskw /award/award_nominee/award_nominations./award/award_nomination/award /m/07kjk7c +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/019f4v +/m/01cf5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/017jd9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0349s /dataworld/gardening_hint/split_to /m/0349s +/m/02wmy /location/country/official_language /m/02h40lc +/m/02lgj6 /film/actor/film./film/performance/film /m/02qmsr +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/01ckhj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0b1mf +/m/01nn3m /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/017z88 /education/educational_institution/students_graduates./education/education/student /m/053yx +/m/01rrd4 /people/person/nationality /m/09c7w0 +/m/0bmh4 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01yzhn +/m/0421st /people/person/nationality /m/09c7w0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/0bdjd +/m/0b05xm /people/person/gender /m/05zppz +/m/04mg6l /people/person/profession /m/02hrh1q +/m/07w21 /people/person/nationality /m/09c7w0 +/m/0gywn /music/genre/artists /m/09889g +/m/04mx__ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0g69lg +/m/02v2jy /people/person/place_of_birth /m/0r5y9 +/m/01vrz41 /people/person/gender /m/05zppz +/m/0fq9zdv /award/award_category/nominees./award/award_nomination/nominated_for /m/05zwrg0 +/m/03rl84 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047msdk +/m/05km8z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h3mrc /people/person/profession /m/0dxtg +/m/064t9 /music/genre/artists /m/02ndj5 +/m/01vdrw /influence/influence_node/influenced_by /m/0l99s +/m/05808s /music/record_label/artist /m/01sxd1 +/m/04qzm /award/award_nominee/award_nominations./award/award_nomination/award /m/03tcnt +/m/07jnt /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09k5jh7 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/0209hj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07c72 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/04cl1 +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/04b_jc +/m/0177sq /education/educational_institution/colors /m/019sc +/m/03fbb6 /film/actor/film./film/performance/film /m/0glqh5_ +/m/0dvmd /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/0yxf4 /film/film/country /m/09c7w0 +/m/0gwgn1k /film/film/production_companies /m/06rq1k +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/08xpv_ +/m/01cszh /music/record_label/artist /m/03f7jfh +/m/01r3w7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0372p /influence/influence_node/influenced_by /m/07kb5 +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/03xf_m +/m/02vjzr /music/genre/artists /m/067nsm +/m/02yxwd /people/person/gender /m/05zppz +/m/02k6rq /film/actor/film./film/performance/film /m/03h_yy +/m/01l87db /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/0473q +/m/030p4s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cv9fc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01f7j9 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0ggx5q /music/genre/artists /m/0127s7 +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/05xd8x /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02mxw0 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/0kb07 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02z44tp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03fb3t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vvyvk +/m/013bd1 /people/person/profession /m/02hrh1q +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0ds35l9 +/m/0466s8n /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01j7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/069q4f /film/film/genre /m/02kdv5l +/m/086nl7 /film/actor/film./film/performance/film /m/02ryz24 +/m/02ghq /influence/influence_node/influenced_by /m/07g2b +/m/01l1ls /people/person/places_lived./people/place_lived/location /m/0f2wj +/m/0fjfh /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7j4 +/m/0kf9p /location/location/time_zones /m/02lcqs +/m/02zl4d /film/actor/film./film/performance/film /m/05fcbk7 +/m/0d__c3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gz9n +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w3v +/m/0154qm /people/person/places_lived./people/place_lived/location /m/06y57 +/m/01w5jwb /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/05crg7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05fgt1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07ssc /location/location/contains /m/01vc3y +/m/026gyn_ /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02vrr /medicine/disease/risk_factors /m/02y0js +/m/01my_c /organization/organization/headquarters./location/mailing_address/citytown /m/04jpl +/m/01y8cr /people/person/places_lived./people/place_lived/location /m/03b12 +/m/03z9585 /film/film/genre /m/01jfsb +/m/0dzf_ /film/actor/film./film/performance/film /m/04gv3db +/m/022fdt /people/ethnicity/languages_spoken /m/06b_j +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/019dwp +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/05rrw9 /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/07ghv5 /film/film/dubbing_performances./film/dubbing_performance/actor /m/0cpjgj +/m/042zrm /film/film/language /m/02h40lc +/m/02m4yg /education/educational_degree/people_with_this_degree./education/education/institution /m/02301 +/m/01337_ /film/actor/film./film/performance/film /m/0pk1p +/m/02c4s /people/person/place_of_birth /m/02cft +/m/01385g /people/person/profession /m/0kyk +/m/09f2j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/02l101 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/09qwmm /award/award_category/nominees./award/award_nomination/nominated_for /m/05c46y6 +/m/033nzk /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/06z9f8 +/m/041rx /people/ethnicity/people /m/0c9c0 +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0147dk +/m/09fqgj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/06v9_x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/02t_h3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03phtz /award/award_winning_work/awards_won./award/award_honor/honored_for /m/037xlx +/m/0gffmn8 /film/film/music /m/01nqfh_ +/m/03n3gl /film/film/film_format /m/07fb8_ +/m/01hqhm /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03dbds /people/person/profession /m/01d_h8 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05cgv +/m/01wdqrx /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/0xzly /music/performance_role/track_performances./music/track_contribution/role /m/0395lw +/m/02n4kr /media_common/netflix_genre/titles /m/0hv4t +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_h6 +/m/0b5x23 /people/person/languages /m/03k50 +/m/01ry_x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/099t8j /award/award_category/nominees./award/award_nomination/nominated_for /m/02rx2m5 +/m/01kwld /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/062qg /location/location/contains /m/01r9nk +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/026p4q7 +/m/034bgm /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/01s0t3 /sports/sports_team/sport /m/02vx4 +/m/047wh1 /award/award_winning_work/awards_won./award/award_honor/award /m/05b4l5x +/m/0f3kl /medicine/symptom/symptom_of /m/02psvcf +/m/01z9_x /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/02pq9yv /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/092kgw +/m/02825cv /film/film/genre /m/05p553 +/m/0233qs /music/genre/artists /m/0dt1cm +/m/0n839 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0msck /location/location/time_zones /m/02fqwt +/m/0b6l1st /film/film/written_by /m/064jjy +/m/01722w /education/educational_institution/school_type /m/0m4mb +/m/02q253 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/041y2 +/m/03mh_tp /film/film/genre /m/06cvj +/m/01ly8d /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/01ly5m +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03x3wf /award/award_category/disciplines_or_subjects /m/04rlf +/m/0h95927 /film/film/genre /m/02l7c8 +/m/0b_fw /film/actor/film./film/performance/film /m/0gzy02 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwqv +/m/0bmpm /film/film/genre /m/07s9rl0 +/m/03l26m /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jmdb +/m/01f3p_ /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01m4yn +/m/0c00lh /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4wr9 +/m/02q690_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03nt59 +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/0mgcr +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/063vn +/m/0cj8x /film/actor/film./film/performance/film /m/03rg2b +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/01cmp9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01vv7sc /music/artist/origin /m/02_286 +/m/099cng /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/02w2bc /education/educational_institution_campus/educational_institution /m/02w2bc +/m/099t8j /award/award_category/winners./award/award_honor/award_winner /m/0b25vg +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gt14 +/m/01l2m3 /medicine/disease/risk_factors /m/012jc +/m/0jdx /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/0cgzj /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/05qm9f +/m/0824r /location/location/contains /m/0mkk3 +/m/03fyrh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/01pcz9 /people/person/nationality /m/09c7w0 +/m/01dfb6 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/01pd60 +/m/03s2y9 /people/person/profession /m/02jknp +/m/0353tm /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/015nl4 /education/educational_institution/students_graduates./education/education/student /m/02c7lt +/m/018ctl /olympics/olympic_games/participating_countries /m/0166b +/m/06by7 /music/genre/artists /m/0pj9t +/m/032l1 /influence/influence_node/influenced_by /m/0113sg +/m/04ynx7 /film/film/produced_by /m/04wvhz +/m/0z843 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05bkf /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01xcr4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lfcm /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/059gkk +/m/0946bb /film/film/language /m/06nm1 +/m/01h320 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lkcc /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/014g_s +/m/0xhtw /music/genre/artists /m/01wg982 +/m/0gkr9q /award/award_category/winners./award/award_honor/ceremony /m/0gx_st +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03s6l2 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/023mdt +/m/0f2s6 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/07g_0c /film/film/featured_film_locations /m/01_d4 +/m/02_ssl /sports/sports_position/players./sports/sports_team_roster/team /m/026wlnm +/m/016ybr /music/genre/artists /m/01nn3m +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/03s6l2 /film/film/genre /m/01t_vv +/m/011yg9 /film/film/executive_produced_by /m/029m83 +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/030qb3t +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04hqz +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0mx3k /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0d22f +/m/07q68q /people/person/profession /m/0np9r +/m/0b76d_m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/02p76f9 /film/film/genre /m/01hmnh +/m/0194d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/01vz80y /tv/tv_producer/programs_produced./tv/tv_producer_term/program /m/0cskb +/m/07w0v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/01b66t /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/01k0xy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/043g7l /music/record_label/artist /m/018phr +/m/08nvyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02v3yy /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0bxtg +/m/02ctyy /people/person/nationality /m/03rk0 +/m/081mh /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/04kxsb /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0bmhn /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/01w5m /education/educational_institution/students_graduates./education/education/student /m/0b9l3x +/m/01fh9 /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0hhggmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/016zxr /music/genre/artists /m/050z2 +/m/01kgxf /film/actor/film./film/performance/film /m/029zqn +/m/0821j /influence/influence_node/influenced_by /m/03f0fnk +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01pv91 +/m/012c6j /people/person/nationality /m/09c7w0 +/m/0d05w3 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07t_x +/m/0125xq /film/film/country /m/09c7w0 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/01dq0z +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqn5 +/m/05b4w /location/location/time_zones /m/02llzg +/m/01hr1 /film/film/genre /m/04pbhw +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01nqj +/m/09wj5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/04j4tx +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/014_lq +/m/05mlqj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/022yb4 +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/088tb +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0h3y +/m/029k4p /film/film/genre /m/01jfsb +/m/02dpl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0ct9_ /influence/influence_node/influenced_by /m/02ln1 +/m/03mdt /award/award_nominee/award_nominations./award/award_nomination/award /m/01l29r +/m/01k6zy /sports/sports_team/colors /m/01l849 +/m/03kq98 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01lbcqx /film/film/genre /m/05p553 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jdx +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02p0tjr +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/084302 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01c6qp /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01lmj3q +/m/01p0vf /people/person/profession /m/0nbcg +/m/01s9ftn /people/person/gender /m/05zppz +/m/01vzxmq /film/actor/film./film/performance/film /m/049mql +/m/032w8h /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/02pk6x /film/actor/film./film/performance/film /m/01svry +/m/01gp_x /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07lwsz +/m/02qkt /location/location/contains /m/06t2t +/m/0300ml /tv/tv_program/genre /m/02fgmn +/m/02xc1w4 /people/person/profession /m/03gjzk +/m/0cj2nl /people/person/profession /m/03gjzk +/m/0bdx29 /award/award_category/nominees./award/award_nomination/nominated_for /m/080dwhx +/m/02_01w /people/person/nationality /m/09c7w0 +/m/024t0y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09w1n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/01q_wyj /people/person/nationality /m/09c7w0 +/m/02kv5k /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d_wms /film/film/genre /m/02kdv5l +/m/03sww /people/person/religion /m/0kq2 +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/020hyj +/m/011ykb /film/film/production_companies /m/030_1m +/m/06sff /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/03d34x8 /tv/tv_program/genre /m/0vgkd +/m/0p_47 /influence/influence_node/influenced_by /m/0427y +/m/0xhtw /music/genre/artists /m/03vhvp +/m/0fvppk /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/043sct5 +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/01cmp9 +/m/025st2z /people/person/nationality /m/09c7w0 +/m/0b_734 /time/event/instance_of_recurring_event /m/02jp2w +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wdqrx +/m/0cc8q3 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02ptzz0 +/m/044ntk /people/person/profession /m/02hrh1q +/m/031k24 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02l4pj +/m/0c3ybss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/047msdk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/05z55 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/02y_2y /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/02bkg /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/02qkt /location/location/contains /m/0d0vqn +/m/04chyn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04_tv +/m/0hwpz /film/film/production_companies /m/016tw3 +/m/0377k9 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0f8l9c +/m/0fc9js /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/021sv1 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/02bqm0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07mgr +/m/02z1nbg /award/award_category/winners./award/award_honor/award_winner /m/0525b +/m/01mbwlb /film/actor/film./film/performance/film /m/0fgrm +/m/0fc9js /award/award_category/winners./award/award_honor/award_winner /m/01lct6 +/m/059wk /business/business_operation/industry /m/01mw1 +/m/0430_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01tj34 +/m/01xqw /music/performance_role/regular_performances./music/group_membership/group /m/03k3b +/m/0l14qv /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/04njml /award/award_category/winners./award/award_honor/award_winner /m/06rrzn +/m/09zyn5 /people/ethnicity/people /m/03pm9 +/m/01clyr /music/record_label/artist /m/07zft +/m/0knjh /people/person/profession /m/0nbcg +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0697s +/m/013f1h /location/location/time_zones /m/02hcv8 +/m/015rmq /people/person/nationality /m/03gj2 +/m/03yj_0n /film/actor/film./film/performance/film /m/04ghz4m +/m/02d44q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/020_4z /people/person/nationality /m/02jx1 +/m/09k56b7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05sb1 +/m/04n7njg /people/person/profession /m/02krf9 +/m/01k7d9 /people/person/place_of_birth /m/0f2tj +/m/0bx_q /people/person/gender /m/02zsn +/m/0mskq /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0dl5d /music/genre/artists /m/01t_xp_ +/m/018vs /music/instrument/instrumentalists /m/09swkk +/m/0gpx6 /award/award_winning_work/awards_won./award/award_honor/award /m/054knh +/m/0bld8 /location/location/time_zones /m/02llzg +/m/03f2_rc /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/03qnc6q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/06mj4 +/m/0m32_ /film/actor/film./film/performance/film /m/014lc_ +/m/04y9dk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03339m /music/genre/parent_genre /m/03lty +/m/02c_4 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0g3zpp +/m/0cqr0q /film/film/genre /m/01585b +/m/0162c8 /people/person/place_of_birth /m/0rnmy +/m/0pzpz /location/location/time_zones /m/02hcv8 +/m/0gtsx8c /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/04xfb /influence/influence_node/influenced_by /m/0bwx3 +/m/03gkn5 /people/person/employment_history./business/employment_tenure/company /m/08815 +/m/01kyvx /film/special_film_performance_type/film_performance_type./film/performance/film /m/07ng9k +/m/0m0jc /music/genre/artists /m/03t9sp +/m/095p3z /people/person/gender /m/05zppz +/m/01n5309 /film/actor/film./film/performance/film /m/027r9t +/m/011yhm /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/0b_71r /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02r2qt7 +/m/01ck6h /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/01f6x7 /film/film/language /m/06nm1 +/m/030z4z /film/film/genre /m/05p553 +/m/040nwr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02yl42 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h9qh /media_common/netflix_genre/titles /m/01ln5z +/m/02vr7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02847m9 /film/film/personal_appearances./film/personal_film_appearance/person /m/02qsjt +/m/01vb6z /people/person/gender /m/05zppz +/m/040b5k /film/film/genre /m/08322 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/039d4 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/05znxx +/m/01nr36 /film/actor/film./film/performance/film /m/0320fn +/m/02g3gj /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/03x3wf /award/award_category/winners./award/award_honor/award_winner /m/02_fj +/m/04bdqk /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09yrh +/m/011yfd /film/film/language /m/06nm1 +/m/01pgzn_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h0wc +/m/09c7w0 /location/country/second_level_divisions /m/0jrq9 +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01rm8b /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/03lty /music/genre/artists /m/03x82v +/m/09c7w0 /location/location/contains /m/07w0v +/m/03j24kf /people/person/profession /m/0nbcg +/m/04wgh /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0xjl2 /music/genre/artists /m/013rfk +/m/023zl /organization/organization/child./organization/organization_relationship/child /m/01t0dy +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/025rpb0 /people/ethnicity/people /m/043zg +/m/03s7h /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/03h64 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/01sg7_ +/m/02sj1x /people/deceased_person/place_of_burial /m/018mmj +/m/043n0v_ /film/film/genre /m/02kdv5l +/m/054c1 /people/person/profession /m/025sppp +/m/0b25vg /people/person/nationality /m/09c7w0 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/065dc4 +/m/01d5g /film/film_subject/films /m/0btpm6 +/m/0pdp8 /film/film/genre /m/0219x_ +/m/01l87db /people/person/places_lived./people/place_lived/location /m/01xd9 +/m/0840vq /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gj +/m/08ff1k /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/0x67 /people/ethnicity/people /m/017_pb +/m/0n2k5 /location/location/time_zones /m/02hcv8 +/m/0rnmy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/026c1 +/m/024bbl /film/actor/film./film/performance/film /m/02qkwl +/m/03pvt /people/person/profession /m/012t_z +/m/01fx5l /film/actor/film./film/performance/film /m/02jxbw +/m/01yndb /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/0ck27z /award/award_category/winners./award/award_honor/award_winner /m/02lf70 +/m/015fr /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09h4b5 +/m/016z2j /film/actor/film./film/performance/film /m/063_j5 +/m/02rcdc2 /film/film/film_format /m/0cj16 +/m/07_nf /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05dss7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0hx4y +/m/0tz14 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0g3bw /location/location/contains /m/018jn4 +/m/0fbtbt /award/award_category/nominees./award/award_nomination/nominated_for /m/03_8kz +/m/03c6v3 /film/actor/film./film/performance/film /m/07p62k +/m/09c7w0 /location/country/second_level_divisions /m/0n5hh +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0n9r8 +/m/06jntd /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02wgk1 +/m/01hp22 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/01x209s /film/actor/film./film/performance/film /m/0bcndz +/m/01wqlc /music/genre/artists /m/02vr7 +/m/0534v /award/award_nominee/award_nominations./award/award_nomination/award /m/0776drd +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0hsb3 +/m/03676 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/07h0cl +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0cp9f9 +/m/0pj9t /people/deceased_person/place_of_death /m/030qb3t +/m/01wdj_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/0hr6lkl /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0b44shh +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/0hpz8 +/m/07t58 /government/governmental_body/members./government/government_position_held/legislative_sessions /m/01h7xx +/m/0kvsb /people/person/places_lived./people/place_lived/location /m/02_286 +/m/05ztrmj /award/award_category/nominees./award/award_nomination/nominated_for /m/01qb5d +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01cx_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/04_by /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/059kh /music/genre/artists /m/0135xb +/m/014b4h /education/educational_institution/school_type /m/05jxkf +/m/053rxgm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/02x2jl_ /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/04cr6qv /people/person/profession /m/02hrh1q +/m/0r2kh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08052t3 /film/film/executive_produced_by /m/04pqqb +/m/0133_p /music/genre/artists /m/016l09 +/m/01b9ck /people/person/gender /m/05zppz +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/024_fw /award/award_category/winners./award/award_honor/ceremony /m/02rjjll +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01tx9m +/m/0mmzt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01s9vc /film/film/film_production_design_by /m/03gyh_z +/m/02sg5v /film/film/country /m/09c7w0 +/m/0bmch_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0408np /people/person/profession /m/01d_h8 +/m/01vwllw /base/popstra/celebrity/canoodled./base/popstra/canoodled/participant /m/05k2s_ +/m/03qjg /music/performance_role/regular_performances./music/group_membership/group /m/02r3zy +/m/0407yj_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06bnz /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s0s0 +/m/05r5c /music/performance_role/regular_performances./music/group_membership/group /m/02t3ln +/m/03j3pg9 /people/person/gender /m/05zppz +/m/012_53 /people/person/profession /m/0cbd2 +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/01w92 /tv/tv_network/programs./tv/tv_network_duration/program /m/0bbm7r +/m/01cky2 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/017kz7 /film/film/genre /m/03k9fj +/m/015npr /award/award_nominee/award_nominations./award/award_nomination/award /m/03rbj2 +/m/0432_5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/064jjy /people/person/nationality /m/09c7w0 +/m/01l1b90 /award/award_nominee/award_nominations./award/award_nomination/award /m/01cw51 +/m/01w40h /music/record_label/artist /m/01vsy7t +/m/09c7w0 /location/location/contains /m/016wyn +/m/0ds33 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/065z3_x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/027986c /award/award_category/winners./award/award_honor/award_winner /m/016ywr +/m/015fr /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l998 +/m/014y6 /film/actor/film./film/performance/film /m/09jcj6 +/m/09zf_q /film/film/produced_by /m/05prs8 +/m/0kbws /olympics/olympic_games/participating_countries /m/05qkp +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0gcrg +/m/0d29z /people/ethnicity/geographic_distribution /m/06bnz +/m/01vsnff /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/011k11 /music/record_label/artist /m/01v0sxx +/m/06m6z6 /people/person/profession /m/0kyk +/m/03gj2 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0blg2 +/m/02zd460 /organization/organization/headquarters./location/mailing_address/citytown /m/01jr6 +/m/016z2j /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/09gb_4p +/m/0b6f8pf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/05ml_s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02665kn +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/0124k9 +/m/01p5xy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/023nlj /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03gh4 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01gq0b +/m/02cl1 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/0r4xt /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03cz9_ /film/actor/dubbing_performances./film/dubbing_performance/language /m/03_9r +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0ph6 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04q827 +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/09tqkv2 +/m/044mrh /people/person/nationality /m/09c7w0 +/m/064q5v /film/film/personal_appearances./film/personal_film_appearance/person /m/0157m +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/01bfjy +/m/0clfdj /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/015gw6 +/m/02p3cr5 /music/record_label/artist /m/0dtd6 +/m/01j59b0 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/037njl /education/educational_institution/school_type /m/05pcjw +/m/01x0sy /film/actor/film./film/performance/film /m/0241y7 +/m/02wlk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxlb +/m/0pd64 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/01gx5f /music/artist/track_contributions./music/track_contribution/role /m/05842k +/m/037ls6 /food/food/nutrients./food/nutrition_fact/nutrient /m/014yzm +/m/0gx_p /film/actor/film./film/performance/film /m/0fphf3v +/m/0n25q /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/07gqbk /organization/organization/headquarters./location/mailing_address/citytown /m/01xhb_ +/m/06y3r /organization/organization_founder/organizations_founded /m/0kk9v +/m/01d494 /influence/influence_node/influenced_by /m/05qmj +/m/07wjk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0dc_v +/m/044g_k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/0kb57 /film/film/genre /m/01g6gs +/m/0cqhk0 /award/award_category/winners./award/award_honor/award_winner /m/011zd3 +/m/0bytfv /award/award_nominee/award_nominations./award/award_nomination/award /m/09v82c0 +/m/0gs96 /award/award_category/nominees./award/award_nomination/nominated_for /m/026qnh6 +/m/04bdzg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01ycbq +/m/06fpsx /film/film/language /m/06nm1 +/m/09qgm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/05r6t /music/genre/artists /m/0lbj1 +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/0gyfp9c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gxr1c /tv/tv_program/genre /m/06n90 +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/0340hj /film/film/genre /m/06n90 +/m/0bx0l /film/film/genre /m/082gq +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/0bfvd4 /award/award_category/winners./award/award_honor/ceremony /m/0bxs_d +/m/02v2jy /award/award_nominee/award_nominations./award/award_nomination/award /m/0gkvb7 +/m/02bqxb /film/film/genre /m/07s9rl0 +/m/05fhy /location/location/time_zones /m/02hczc +/m/0cc5mcj /film/film/produced_by /m/0g2lq +/m/0qm9n /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/01gb54 +/m/041h0 /people/person/nationality /m/0hzlz +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0738b8 /film/actor/film./film/performance/film /m/01n30p +/m/018grr /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05hz6_ /sports/sports_team/colors /m/038hg +/m/01w5gg6 /film/actor/film./film/performance/film /m/02fttd +/m/010016 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/04gcyg +/m/01b_lz /tv/tv_program/genre /m/0lsxr +/m/02w2bc /education/educational_institution/campuses /m/02w2bc +/m/05cv8 /influence/influence_node/influenced_by /m/0cbgl +/m/03nm_fh /film/film/featured_film_locations /m/080h2 +/m/03d_w3h /people/person/nationality /m/09c7w0 +/m/05qfh /education/field_of_study/students_majoring./education/education/student /m/01j7rd +/m/05wdgq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01x9_8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c_drn /people/person/place_of_birth /m/02_286 +/m/011k11 /music/record_label/artist /m/01vsy9_ +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0479b /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/02p2zq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/045j3w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01k_mc /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf0_ +/m/01flzq /music/genre/artists /m/01vzx45 +/m/01vswx5 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/019vhk +/m/07vk2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/01ysy9 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/0379s /people/person/profession /m/0cbd2 +/m/05683p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0pc62 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/01jsk6 +/m/04rzd /music/performance_role/regular_performances./music/group_membership/role /m/0xzly +/m/01dtcb /music/record_label/artist /m/02ndj5 +/m/02xpy5 /education/educational_institution/school_type /m/05jxkf +/m/0j5m6 /sports/sports_team/sport /m/03tmr +/m/02gx2x /people/ethnicity/people /m/01t110 +/m/08vr94 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0284n42 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lyv /music/genre/artists /m/07s3vqk +/m/025ts_z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/01cf93 /music/record_label/artist /m/0136pk +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmf0m0 +/m/0499lc /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/05_zc7 /people/person/religion /m/03j6c +/m/0mfj2 /film/actor/film./film/performance/film /m/014bpd +/m/01ft2l /people/person/nationality /m/09c7w0 +/m/045bg /people/person/profession /m/0kyk +/m/01n7qlf /people/person/profession /m/016z4k +/m/047n8xt /film/film/country /m/0chghy +/m/017y6l /education/educational_institution/school_type /m/01_srz +/m/0dth6b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gyy0 +/m/01vw77 /music/genre/parent_genre /m/03_d0 +/m/01jfrg /people/person/places_lived./people/place_lived/location /m/0fw2f +/m/0g9lm2 /film/film/personal_appearances./film/personal_film_appearance/person /m/0bxtg +/m/03bmmc /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/01fh36 /music/genre/artists /m/01mxnvc +/m/0dyb1 /film/film/genre /m/05p553 +/m/01k8rb /film/actor/film./film/performance/special_performance_type /m/09_gdc +/m/0g5lhl7 /award/award_winner/awards_won./award/award_honor/award_winner /m/03mdt +/m/047svrl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/02wwmhc /film/film/genre /m/03k9fj +/m/09pnw5 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0l76z +/m/013y1f /music/instrument/instrumentalists /m/01w8n89 +/m/08052t3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/02pdhz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/062z7 +/m/04dqdk /music/artist/origin /m/05qtj +/m/02bh9 /people/person/nationality /m/09c7w0 +/m/015whm /film/film/music /m/037lyl +/m/03_wpf /people/person/profession /m/02hrh1q +/m/05lwjc /music/genre/artists /m/01dwrc +/m/0170yd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/03fnmd +/m/015zyd /education/educational_institution/students_graduates./education/education/student /m/0bl2g +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/0gls4q_ +/m/0821j /influence/influence_node/influenced_by /m/040db +/m/0cj36c /people/person/nationality /m/09c7w0 +/m/02y49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0262yt +/m/0dbxy /people/ethnicity/languages_spoken /m/02h40lc +/m/06xpp7 /education/educational_institution/students_graduates./education/education/student /m/0m66w +/m/0jwvf /film/film/language /m/02h40lc +/m/02b29 /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/06f32 /location/country/form_of_government /m/01d9r3 +/m/01w40h /music/record_label/artist /m/0zjpz +/m/01grpq /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/02sgy /music/instrument/instrumentalists /m/0bdxs5 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/03pc89 +/m/083pr /people/person/gender /m/05zppz +/m/0164r9 /people/person/nationality /m/07ssc +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04f6df0 +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01n8qg +/m/0gr42 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/01yqqv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/04q24zv /film/film/language /m/02h40lc +/m/02h22 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/03f19q4 /people/person/profession /m/0n1h +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0bth54 +/m/063ykwt /tv/tv_program/languages /m/02h40lc +/m/01k56k /people/person/gender /m/05zppz +/m/05gpy /people/person/places_lived./people/place_lived/location /m/059f4 +/m/0372p /influence/influence_node/influenced_by /m/015n8 +/m/0hx4y /award/award_winning_work/awards_won./award/award_honor/award /m/02g3ft +/m/02wgln /film/actor/film./film/performance/film /m/06w99h3 +/m/01wn718 /people/person/gender /m/05zppz +/m/045r_9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/048hf /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05krk /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/035d1m /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06npd +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016ywr +/m/047csmy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02jx1 /location/location/contains /m/0g251 +/m/02r8hh_ /award/award_winning_work/awards_won./award/award_honor/award /m/03ybrwc +/m/05txrz /film/actor/film./film/performance/film /m/065_cjc +/m/0sxdg /business/business_operation/industry /m/0hz28 +/m/016zp5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/02r_d4 /film/actor/film./film/performance/film /m/01zfzb +/m/01ldw4 /people/person/nationality /m/09c7w0 +/m/0mcf4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0gzlb9 /film/film/genre /m/060__y +/m/07z542 /people/person/profession /m/01c72t +/m/07_nf /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0ctw_b +/m/02x2t07 /people/person/nationality /m/09c7w0 +/m/03xf_m /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/02xwgr /award/award_nominee/award_nominations./award/award_nomination/award /m/05zr6wv +/m/0n1rj /sports/sports_team_location/teams /m/07l24 +/m/02v1m7 /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02wgk1 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0m313 +/m/041xl /influence/influence_node/influenced_by /m/0ff3y +/m/0343h /people/person/profession /m/01d_h8 +/m/03v1xb /people/person/nationality /m/09c7w0 +/m/047p7fr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05v10 +/m/09_bl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/0fpmrm3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05y5fw /award/award_nominee/award_nominations./award/award_nomination/award /m/02x17s4 +/m/05mvd62 /people/person/gender /m/05zppz +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/06rvn +/m/0lgxj /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0170qf /people/person/places_lived./people/place_lived/location /m/0hkq4 +/m/02x6dqb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/06mn7 /influence/influence_node/influenced_by /m/032md +/m/01fx2g /film/actor/film./film/performance/film /m/0294mx +/m/0f276 /people/person/profession /m/02hrh1q +/m/016yr0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02lp3c /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07jxpf +/m/05qw5 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/07j8r /film/film/genre /m/0lsxr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/09d4_ +/m/06zpgb2 /sports/sports_team/colors /m/06fvc +/m/09txzv /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wbl_r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0p9tm /film/film/cinematography /m/0164w8 +/m/0hcvy /people/person/profession /m/01d_h8 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01c57n +/m/09c7w0 /location/location/contains /m/019tfm +/m/0gqyl /award/award_category/winners./award/award_honor/ceremony /m/0ftlkg +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/0pc62 +/m/01ry_x /film/film/language /m/02h40lc +/m/03ylxn /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/02gys2 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07tp2 +/m/026njb5 /film/film/genre /m/0lsxr +/m/04lhc4 /award/award_winning_work/awards_won./award/award_honor/award /m/02w_6xj +/m/0204jh /education/educational_institution/school_type /m/0257h9 +/m/029sk /medicine/disease/notable_people_with_this_condition /m/042v2 +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0chgr2 +/m/01ln5z /film/film/genre /m/01hmnh +/m/0345h /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/01f1jf +/m/07wlt /education/educational_institution/colors /m/01g5v +/m/05f4_n0 /film/film/featured_film_locations /m/02_286 +/m/0b_6_l /time/event/locations /m/071cn +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/08gsvw +/m/016s_5 /people/person/profession /m/039v1 +/m/07t_x /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/07t21 +/m/0fvxg /location/hud_county_place/place /m/0fvxg +/m/06w38l /people/person/place_of_birth /m/01_d4 +/m/014zcr /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01hqk +/m/02q5g1z /film/film/music /m/01x6v6 +/m/01g_bs /music/genre/artists /m/016nvh +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/0n8bn +/m/01_1hw /film/film/featured_film_locations /m/02_286 +/m/0kj34 /people/person/religion /m/0flw86 +/m/04swx /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07qzv +/m/0276jmv /people/person/place_of_birth /m/05r7t +/m/0b2km_ /film/film/featured_film_locations /m/02_286 +/m/025v3k /education/university/fraternities_and_sororities /m/035tlh +/m/01kt_j /tv/tv_program/genre /m/07s9rl0 +/m/06tgw /location/location/time_zones /m/0gsrz4 +/m/041_3z /location/location/contains /m/0mxhc +/m/0168cl /people/person/profession /m/01d_h8 +/m/0cc7hmk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/015zyd /education/educational_institution/campuses /m/015zyd +/m/0d060g /location/location/contains /m/01fd26 +/m/0bmhvpr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/06ybb1 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/07g7h2 /people/person/profession /m/02krf9 +/m/0sx5w /people/person/religion /m/03_gx +/m/0134s5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77l +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0150t6 +/m/013zyw /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0xhtw /music/genre/artists /m/02yygk +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07dfk +/m/05r5w /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02tf1y +/m/036jp8 /people/person/profession /m/01d_h8 +/m/016s_5 /people/person/profession /m/0dz3r +/m/02681vq /award/award_category/winners./award/award_honor/ceremony /m/092868 +/m/03_qj1 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/049f05 +/m/059rby /location/location/contains /m/0fczy +/m/03xnq9_ /film/actor/film./film/performance/film /m/02x3lt7 +/m/01_xtx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02pzz3p /award/award_category/winners./award/award_honor/award_winner /m/01kb2j +/m/0d29z /people/ethnicity/geographic_distribution /m/015fr +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0jqb8 /film/film/genre /m/02l7c8 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/014bpd /film/film/genre /m/06n90 +/m/02bfxb /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0bxsk /film/film/production_companies /m/0c41qv +/m/027n06w /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0x0d /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027mvrc +/m/0dr7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0cdbq +/m/0wqwj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06hgj /people/person/religion /m/0kq2 +/m/076lxv /film/film_set_designer/film_sets_designed /m/0gt1k +/m/021yzs /film/actor/film./film/performance/film /m/0fphgb +/m/03f2w /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0lbbj +/m/024_vw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06f0dc +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/047gpsd +/m/05g3b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01tspc6 /people/person/profession /m/0np9r +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fdys +/m/0gtt5fb /film/film/genre /m/02l7c8 +/m/07g1sm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/016_nr /music/genre/artists /m/01vvzb1 +/m/049_zz /people/person/places_lived./people/place_lived/location /m/0rd6b +/m/0738b8 /influence/influence_node/influenced_by /m/01k9lpl +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02rb84n +/m/01dhjz /people/person/profession /m/01c72t +/m/04xvlr /media_common/netflix_genre/titles /m/064lsn +/m/027_sn /people/person/profession /m/02hrh1q +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03f0fnk /people/person/profession /m/0nbcg +/m/03f7nt /film/film/language /m/02h40lc +/m/0kvt9 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01nr36 /film/actor/film./film/performance/film /m/02mmwk +/m/02hsq3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04pk1f +/m/01pcj4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01zc2w +/m/02p2zq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0c6g29 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/03l6q0 /film/film/country /m/0d060g +/m/011yrp /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0462hhb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03ftmg /people/person/profession /m/0kyk +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/01slc +/m/01q6bg /film/actor/film./film/performance/film /m/0m_mm +/m/09c7w0 /location/location/contains /m/0ty_b +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051x52f +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/05h72z /people/person/gender /m/05zppz +/m/0g0z58 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015cz0 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/016fyc /film/film/genre /m/03j0dp +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c9k8 +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgq_kn +/m/05txrz /award/award_nominee/award_nominations./award/award_nomination/award /m/063y_ky +/m/059rc /film/film/story_by /m/0693l +/m/07tk7 /education/educational_institution/students_graduates./education/education/student /m/03f47xl +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/01vsy7t /people/person/profession /m/0n1h +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fv89q +/m/02tqkf /people/person/places_lived./people/place_lived/location /m/0h3lt +/m/0c0yh4 /film/film/country /m/0h7x +/m/02fz3w /people/person/places_lived./people/place_lived/location /m/03msf +/m/07j8r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0716t2 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0cvw9 +/m/0djywgn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mmb +/m/0395lw /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/06f0dc /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/043tg /influence/influence_node/influenced_by /m/048cl +/m/0ldqf /time/event/locations /m/0chgzm +/m/02gf_l /film/actor/film./film/performance/film /m/0fgrm +/m/05g76 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/02x2jl_ /film/film/genre /m/02n4kr +/m/0kvnn /people/person/places_lived./people/place_lived/location /m/07b_l +/m/0401sg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/05sdxx /film/actor/film./film/performance/film /m/07jnt +/m/051hrr /music/performance_role/regular_performances./music/group_membership/group /m/02hzz +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/01qckn +/m/09b3v /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01csvq /film/actor/film./film/performance/film /m/0y_yw +/m/07nxvj /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/04q827 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02l9wl /education/educational_institution/students_graduates./education/education/student /m/018_lb +/m/01grpc /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qx1 +/m/04ddm4 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/07q0g5 /people/person/nationality /m/09c7w0 +/m/09tqkv2 /film/film/film_festivals /m/0cmd3zy +/m/027bs_2 /people/person/place_of_birth /m/0cr3d +/m/04rrd /location/location/contains /m/0bxbr +/m/016jfw /people/person/profession /m/02hrh1q +/m/02q7yfq /film/film/featured_film_locations /m/07b_l +/m/0b6tzs /award/award_winning_work/awards_won./award/award_honor/award /m/0gs9p +/m/0btpm6 /film/film/genre /m/07s9rl0 +/m/02hgm4 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06jcc /award/award_nominee/award_nominations./award/award_nomination/award /m/0208wk +/m/01hjy5 /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01bcwk +/m/028_yv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/023sng /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/064t9 /music/genre/artists /m/02p68d +/m/09d6p2 /business/job_title/people_with_this_title./business/employment_tenure/company /m/019rl6 +/m/0xhtw /music/genre/artists /m/01sb5r +/m/035qy /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/041rx /people/ethnicity/people /m/04gc65 +/m/04wp2p /award/award_nominee/award_nominations./award/award_nomination/award /m/05b1610 +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yr9 +/m/07qg8v /film/film/genre /m/0lsxr +/m/0btyf5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/09p35z /film/film/language /m/02h40lc +/m/0464pz /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/0fx0mw +/m/0154j /location/country/form_of_government /m/018wl5 +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/01ct6 /sports/sports_team/sport /m/0jm_ +/m/04jzj /people/person/places_lived./people/place_lived/location /m/0345h +/m/0bdw1g /award/award_category/nominees./award/award_nomination/nominated_for /m/02k_4g +/m/02rrsz /people/person/gender /m/02zsn +/m/06yykb /film/film/genre /m/02kdv5l +/m/02x3lt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/0y62n /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01vw20h /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04qsdh /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01bt59 +/m/083wr9 /people/person/nationality /m/09c7w0 +/m/06vbd /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0g5879y +/m/02yvct /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k54 +/m/0gr0m /award/award_category/winners./award/award_honor/ceremony /m/0bzk8w +/m/02q_cc /people/person/nationality /m/09c7w0 +/m/06y_n /tv/tv_program/genre /m/06nbt +/m/02xbyr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0d1qmz /film/film/story_by /m/0fx02 +/m/02z44tp /film/film/music /m/02bn75 +/m/012gq6 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gndh +/m/01cl2y /music/record_label/artist /m/019389 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/014jyk +/m/017510 /music/genre/artists /m/01w60_p +/m/03mqtr /media_common/netflix_genre/titles /m/05mrf_p +/m/01x4r3 /people/person/profession /m/02hrh1q +/m/017lqp /film/actor/film./film/performance/film /m/0fxmbn +/m/02gpkt /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/05qhw /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jkvj +/m/03cd0x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03nqbvz /award/award_nominee/award_nominations./award/award_nomination/award /m/0k611 +/m/065y4w7 /education/university/fraternities_and_sororities /m/0325pb +/m/05xbx /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/09c7w0 +/m/06f32 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02dr9j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/014g9y /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/01vrncs +/m/02dbn2 /people/person/gender /m/05zppz +/m/0gbfn9 /film/film/production_companies /m/0283xx2 +/m/0306ds /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fthdk +/m/0557q /music/genre/artists /m/0pkgt +/m/0btxr /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdwft +/m/03k545 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/017n9 /film/film/country /m/03h64 +/m/03ys48 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03j70d +/m/07hhnl /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/015gm8 +/m/0d05q4 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0gsg7 +/m/01ws9n6 /people/person/gender /m/05zppz +/m/02mjmr /people/person/profession /m/016m9h +/m/013w7j /people/person/religion /m/0c8wxp +/m/0zjpz /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/03thw4 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr51 +/m/026_dq6 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03ckwzc /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/0bq2g /film/actor/film./film/performance/film /m/07tj4c +/m/0b2_xp /people/person/gender /m/05zppz +/m/04zl8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/01t110 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f77y +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/014kkm +/m/06fcqw /film/film/language /m/02h40lc +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/075wx7_ +/m/04xhwn /film/actor/film./film/performance/film /m/04ynx7 +/m/09td7p /award/award_category/nominees./award/award_nomination/nominated_for /m/0dsvzh +/m/03qdm /education/educational_institution/students_graduates./education/education/student /m/025n3p +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/081yw +/m/02p65p /film/actor/film./film/performance/film /m/0bc1yhb +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/07nt8p /film/film/genre /m/0219x_ +/m/01gstn /government/legislative_session/members./government/government_position_held/district_represented /m/05fkf +/m/035zr0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/014_xj +/m/0r2l7 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06mj4 /music/artist/origin /m/030qb3t +/m/01w923 /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/03jqfx /time/event/locations /m/04w4s +/m/02y_rq5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0yx1m +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/0478__m /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0j0k /location/location/contains /m/048fz +/m/014gf8 /film/actor/film./film/performance/film /m/09sh8k +/m/01_s9q /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0cnztc4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gj9tn5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/02zd460 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/03pvt /people/person/religion /m/0kpl +/m/01t04r /music/record_label/artist /m/0134tg +/m/01wbg84 /film/actor/film./film/performance/film /m/0cp0t91 +/m/02khs /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/02b25y /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/047vnkj /film/film/featured_film_locations /m/0rh6k +/m/07dzf /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/06f32 +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0134wr +/m/05qmj /user/alexander/philosophy/philosopher/interests /m/05qt0 +/m/07sbbz2 /music/genre/artists /m/01wd9lv +/m/06zn2v2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/040j2_ /people/person/places_lived./people/place_lived/location /m/02xry +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0gtsx8c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/0jt3qpk /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04mx8h4 +/m/05bt6j /music/genre/artists /m/0frsw +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/085pr /award/award_nominee/award_nominations./award/award_nomination/award /m/040_9s0 +/m/01r93l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016zp5 +/m/044prt /people/person/religion /m/03j6c +/m/02_qt /film/film/genre /m/0hcr +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0g824 +/m/09thp87 /people/person/gender /m/05zppz +/m/02xs5v /film/actor/film./film/performance/film /m/06gjk9 +/m/06j6l /music/genre/artists /m/01wg25j +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/0345gh +/m/01bcwk /education/educational_institution/students_graduates./education/education/student /m/02dbn2 +/m/04jpl /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0127s7 +/m/04qt29 /film/actor/film./film/performance/film /m/02qhqz4 +/m/02kxwk /people/person/profession /m/02krf9 +/m/06q8qh /film/film/cinematography /m/0jsw9l +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/06jk5_ +/m/0dryh9k /people/ethnicity/people /m/0cfywh +/m/020wyp /sports/sports_team/colors /m/01l849 +/m/02ryx0 /people/person/profession /m/01c72t +/m/029ghl /people/person/profession /m/02hrh1q +/m/02yplc /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/039cq4 +/m/0hgnl3t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/01qmy04 /people/person/gender /m/05zppz +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/016gkf /people/person/profession /m/0q04f +/m/08tq4x /film/film/country /m/06c1y +/m/05b1062 /people/deceased_person/place_of_death /m/0cvw9 +/m/05xpv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gqz2 /award/award_category/winners./award/award_honor/ceremony /m/0fz2y7 +/m/01cwcr /film/actor/film./film/performance/film /m/02wgbb +/m/0bq3x /film/film_subject/films /m/026n4h6 +/m/048fz /location/location/contains /m/06qd3 +/m/03kdl /people/person/gender /m/05zppz +/m/0bxs_d /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02k_4g +/m/0mkqr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06s6hs /people/person/place_of_birth /m/0f04v +/m/02l6dy /people/person/places_lived./people/place_lived/location /m/01x73 +/m/02xbw2 /people/person/profession /m/02hrh1q +/m/02lkcc /film/actor/film./film/performance/film /m/0ds33 +/m/04jpk2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/02rjv2w +/m/015p3p /film/actor/film./film/performance/film /m/0dgpwnk +/m/043tvp3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01fjfv /broadcast/content/artist /m/01vw26l +/m/02qtywd /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0838f +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0fgg4 /film/actor/film./film/performance/film /m/03bzjpm +/m/0jf1b /people/person/nationality /m/09c7w0 +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02r1ysd +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0dnkmq /film/film/featured_film_locations /m/0mpbx +/m/05r4w /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/0b90_r +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/01jtp7 +/m/06y57 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/02xx5 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/09vzz +/m/094wz7q /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0df92l +/m/02x9g_ /education/educational_institution/school_type /m/01_srz +/m/04fjzv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07w0v /education/educational_institution/students_graduates./education/education/student /m/024y6w +/m/03m6pk /film/actor/film./film/performance/film /m/03z20c +/m/021b_ /film/actor/film./film/performance/film /m/03lrqw +/m/0342vg /people/person/profession /m/02jknp +/m/09v9mks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03d9v8 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/08_vwq /award/award_category/winners./award/award_honor/award_winner /m/01tsbmv +/m/04nnpw /film/film/genre /m/0fdjb +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/07fj_ /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0h3y +/m/027kmrb /people/person/profession /m/01d_h8 +/m/027s4dn /award/award_category/winners./award/award_honor/ceremony /m/09p30_ +/m/0gtxj2q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ft18 +/m/02ph9tm /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rf51g /people/person/profession /m/01c8w0 +/m/0432b /people/person/nationality /m/09c7w0 +/m/016xh5 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/06y9v /location/location/contains /m/01dnrs +/m/0210f1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07g2b /influence/influence_node/influenced_by /m/03sbs +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/017180 +/m/01ync /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/026fmqm +/m/07srw /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/05r5c /music/instrument/instrumentalists /m/082db +/m/03d9wk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04vgq5 /business/business_operation/industry /m/020mfr +/m/01dhjz /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/0lsw9 /people/person/profession /m/0dz3r +/m/01kxxq /education/educational_degree/people_with_this_degree./education/education/student /m/0f5zj6 +/m/0cc97st /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/081_zm /people/person/profession /m/02jknp +/m/01fwf1 /film/actor/film./film/performance/film /m/01jwxx +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027jk +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/07d370 +/m/01q9b9 /influence/influence_node/influenced_by /m/081k8 +/m/03gm48 /people/person/profession /m/01d_h8 +/m/05j12n /people/person/religion /m/03j6c +/m/01wx756 /people/person/profession /m/09jwl +/m/01p970 /music/instrument/instrumentalists /m/09prnq +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07vk2 +/m/02yy88 /music/genre/parent_genre /m/0jmwg +/m/083shs /film/film/language /m/02h40lc +/m/0c3351 /media_common/netflix_genre/titles /m/0cc7hmk +/m/09j028 /people/person/gender /m/05zppz +/m/024swd /people/person/gender /m/05zppz +/m/05bnp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/0ggh3 /location/location/time_zones /m/02hcv8 +/m/0ndwt2w /film/film/language /m/02h40lc +/m/018vs /music/instrument/instrumentalists /m/018y81 +/m/015wc0 /people/person/nationality /m/09c7w0 +/m/01k2wn /education/educational_institution/students_graduates./education/education/student /m/03cs_xw +/m/02g5q1 /film/film/genre /m/01jfsb +/m/02gm9n /award/award_category/winners./award/award_honor/ceremony /m/01mh_q +/m/0r1yc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/019n9w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/06ms6 +/m/012fvq /education/educational_institution/school_type /m/05pcjw +/m/01xcqc /people/person/gender /m/05zppz +/m/025mb_ /award/award_nominee/award_nominations./award/award_nomination/award /m/09qj50 +/m/0gvx_ /award/award_category/category_of /m/0g_w +/m/06j6l /music/genre/artists /m/01z9_x +/m/011yr9 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0tc7 /people/person/religion /m/0c8wxp +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05lfwd +/m/0cc56 /location/location/contains /m/04d5v9 +/m/06f32 /location/country/official_language /m/0653m +/m/05jg58 /music/genre/artists /m/01pfr3 +/m/05m_jsg /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/027xq5 /education/educational_institution/students_graduates./education/education/student /m/09xrxq +/m/01vz80y /people/person/profession /m/01d_h8 +/m/028qdb /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/01nsyf /film/actor/dubbing_performances./film/dubbing_performance/language /m/03_9r +/m/01x_d8 /film/actor/film./film/performance/film /m/0gtsx8c +/m/07bwr /film/film/executive_produced_by /m/0b13g7 +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/0mjn2 +/m/09_9n /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/013kcv /location/location/contains /m/07w3r +/m/01pv91 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/01699 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07f5x +/m/026036 /education/educational_institution/students_graduates./education/education/student /m/01y0y6 +/m/04l_pt /people/ethnicity/languages_spoken /m/01r2l +/m/03gyl /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/071jv5 /people/person/place_of_birth /m/017w_ +/m/053tj7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/0bmch_x /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/047fjjr /film/film/country /m/09c7w0 +/m/02qr3k8 /film/film/personal_appearances./film/personal_film_appearance/person /m/09fb5 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0hvvf +/m/01vvycq /people/person/profession /m/09jwl +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hz55 +/m/0356dp /people/person/place_of_birth /m/0n9r8 +/m/09sb52 /award/award_category/nominees./award/award_nomination/nominated_for /m/07s846j +/m/015nvj /people/person/nationality /m/02jx1 +/m/071t0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/04gcd1 /people/person/employment_history./business/employment_tenure/company /m/0kk9v +/m/0gpprt /people/person/languages /m/02h40lc +/m/0gyy53 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/024zq /people/person/places_lived./people/place_lived/location /m/0vmt +/m/01fbr2 /music/genre/artists /m/0lsw9 +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/0n8_m93 +/m/012m_ /location/country/official_language /m/02hxc3j +/m/01t04r /music/record_label/artist /m/015cqh +/m/06t8v /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0498y /location/location/partially_contains /m/05lx3 +/m/0r2gj /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0d1t3 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0345h +/m/02v2lh /music/genre/artists /m/07zft +/m/05pt0l /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/05b49tt /film/film_set_designer/film_sets_designed /m/0ds33 +/m/01chc7 /film/actor/film./film/performance/film /m/0bbw2z6 +/m/0162c8 /film/director/film /m/06gb1w +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/0fvwg /location/hud_county_place/place /m/0fvwg +/m/03nfnx /film/film/production_companies /m/05qd_ +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/07lt7b +/m/01k0xy /film/film/country /m/0345h +/m/09gq0x5 /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02jq1 +/m/016ky6 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/01tc9r +/m/0f6c3 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/05fkf +/m/0738b8 /people/person/profession /m/01d_h8 +/m/05r5c /music/instrument/instrumentalists /m/01817f +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0jvtp /tv/tv_writer/tv_programs./tv/tv_program_writer_relationship/tv_program /m/01hn_t +/m/09c7w0 /location/country/second_level_divisions /m/0fkhl +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345_ +/m/09c7w0 /location/location/contains /m/01j_06 +/m/016fjj /base/popstra/celebrity/dated./base/popstra/dated/participant /m/01vwllw +/m/0ds2n /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0hfjk /media_common/netflix_genre/titles /m/02q_ncg +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01jssp +/m/01hc9_ /award/award_nominee/award_nominations./award/award_nomination/award /m/04hddx +/m/02vzc /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/04dsnp /film/film/featured_film_locations /m/01b8w_ +/m/0blg2 /olympics/olympic_games/sports /m/018w8 +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0bvzp +/m/02vr3gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/03ww_x /government/legislative_session/members./government/government_position_held/district_represented /m/03v1s +/m/042v_gx /music/performance_role/regular_performances./music/group_membership/group /m/01k_yf +/m/05j0wc /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/078bz /education/educational_institution/students_graduates./education/education/student /m/03w4sh +/m/02mt51 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/07wlf +/m/0fm9_ /location/location/contains /m/02zp1t +/m/05vzw3 /people/person/nationality /m/07ssc +/m/064t9 /music/genre/artists /m/02l840 +/m/0mwkp /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0y3_8 /music/genre/artists /m/01vvycq +/m/07sp4l /film/film/genre /m/07s9rl0 +/m/014zcr /film/actor/film./film/performance/film /m/01hqk +/m/027jq2 /people/person/profession /m/02krf9 +/m/01z4y /media_common/netflix_genre/titles /m/0bpx1k +/m/05zbm4 /film/actor/film./film/performance/film /m/02q8ms8 +/m/02xry /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/07xzm /music/instrument/instrumentalists /m/011vx3 +/m/04sry /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/07fr_ /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02mjf2 +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/028_yv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02pptm /education/educational_institution/school_type /m/05jxkf +/m/04l58n /sports/sports_team/colors /m/083jv +/m/0ckrgs /film/film/prequel /m/0ckr7s +/m/0170s4 /people/person/spouse_s./people/marriage/location_of_ceremony /m/0pswc +/m/01by1l /award/award_category/winners./award/award_honor/award_winner /m/02dbp7 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/05qgd9 +/m/03j24kf /award/award_nominee/award_nominations./award/award_nomination/award /m/03qbnj +/m/012j8z /film/actor/film./film/performance/film /m/0147sh +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02x2gy0 /award/award_category/nominees./award/award_nomination/nominated_for /m/0c1sgd3 +/m/041rx /people/ethnicity/people /m/0h326 +/m/0kbws /olympics/olympic_games/participating_countries /m/0hg5 +/m/07s3m4g /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02sg4b /sports/sports_position/players./sports/sports_team_roster/team /m/01yhm +/m/023v4_ /film/actor/film./film/performance/film /m/02825kb +/m/02rnns /soccer/football_player/current_team./sports/sports_team_roster/team /m/01rly6 +/m/02_5h /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07t_x +/m/018ygt /people/person/places_lived./people/place_lived/location /m/059rby +/m/06s0l /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/09gdh6k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0fbx6 +/m/02185j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0pf2 +/m/0dq9p /people/cause_of_death/people /m/06zd1c +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/019tzd /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0hzlz +/m/0gh8zks /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/02b190 /sports/sports_team/colors /m/083jv +/m/0mx4_ /location/location/time_zones /m/02lcqs +/m/0blq0z /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016z2j +/m/0fkvn /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03gh4 +/m/0fvzg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/06439y /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jssp +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/016732 +/m/07tds /education/educational_institution/colors /m/06fvc +/m/0k0rf /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/0k5g9 +/m/050_qx /film/actor/film./film/performance/film /m/01771z +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038981 +/m/08t9df /business/business_operation/industry /m/01mf0 +/m/01qgry /people/person/profession /m/0fnpj +/m/02x8n1n /award/award_category/nominees./award/award_nomination/nominated_for /m/047bynf +/m/03qnc6q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01zh29 /people/person/languages /m/02h40lc +/m/0gk4g /people/cause_of_death/people /m/01c7qd +/m/04_m9gk /time/event/instance_of_recurring_event /m/018cvf +/m/07r1h /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/08jyyk /music/genre/artists /m/05563d +/m/01vn0t_ /music/group_member/membership./music/group_membership/group /m/0bk1p +/m/05gml8 /people/person/languages /m/02h40lc +/m/0h27vc /people/person/nationality /m/09c7w0 +/m/02cpp /influence/influence_node/influenced_by /m/048xh +/m/07kdkfj /film/film/executive_produced_by /m/0c6qh +/m/09c7w0 /location/country/second_level_divisions /m/0nppc +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/03yf5g /people/person/gender /m/05zppz +/m/0162b /location/statistical_region/religions./location/religion_percentage/religion /m/092bf5 +/m/0dg3n1 /location/location/contains /m/0ftn8 +/m/05b5_tj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq_v +/m/04v7kt /award/award_nominee/award_nominations./award/award_nomination/award /m/09qvc0 +/m/0fhxv /people/person/places_lived./people/place_lived/location /m/0dj0x +/m/09px1w /people/person/profession /m/09jwl +/m/027b9k6 /award/award_category/winners./award/award_honor/award_winner /m/0h0wc +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/015fr +/m/0j3d9tn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/011s9r /people/person/nationality /m/0d060g +/m/0d810y /people/person/profession /m/02hrh1q +/m/05l64 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01cwhp /people/person/nationality /m/0d060g +/m/0bk1p /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/05w3f /music/genre/artists /m/03j24kf +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbm7r +/m/0d3qd0 /people/person/gender /m/05zppz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/015cz0 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/02tqm5 +/m/01dbk6 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043js /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0h3mrc +/m/03jsvl /music/genre/artists /m/01j4ls +/m/02183k /education/educational_institution/students_graduates./education/education/student /m/01w806h +/m/027r7k /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03hjv97 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/054187 /people/person/profession /m/03gjzk +/m/05f4m9q /award/award_category/nominees./award/award_nomination/nominated_for /m/01dyvs +/m/012s1d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/094hwz +/m/0661m4p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/03cws8h /people/person/profession /m/0dxtg +/m/0kxbc /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/0171cm /film/actor/film./film/performance/film /m/02kfzz +/m/03_r_5 /sports/sports_team/sport /m/02vx4 +/m/07vyf /education/educational_institution/students_graduates./education/education/student /m/0fwy0h +/m/0p03t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03b_fm5 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05f7w84 /tv/tv_program/country_of_origin /m/09c7w0 +/m/01qb5d /film/film/production_companies /m/0c_j5d +/m/01tcf7 /people/person/profession /m/02hrh1q +/m/0h14ln /film/film/other_crew./film/film_crew_gig/film_crew_role /m/04pyp5 +/m/05mc99 /film/actor/film./film/performance/film /m/0pb33 +/m/013tcv /people/person/profession /m/0dxtg +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/07wjk +/m/0lbd9 /user/jg/default_domain/olympic_games/sports /m/01cgz +/m/0170s4 /film/actor/film./film/performance/film /m/03nsm5x +/m/02hnl /music/instrument/instrumentalists /m/01271h +/m/03y_46 /film/actor/film./film/performance/film /m/031786 +/m/09kvv /education/educational_institution/colors /m/019sc +/m/04f73rc /music/genre/artists /m/03sww +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01_qgp +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/04cppj +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/015q1n /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/033jj1 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/023s8 +/m/0g9lm2 /film/film/country /m/03rjj +/m/03177r /film/film/film_production_design_by /m/0d5wn3 +/m/0yldt /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/04w8f /location/statistical_region/religions./location/religion_percentage/religion /m/01lp8 +/m/02d4ct /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0736qr +/m/0dq2k /people/person/profession /m/0fj9f +/m/05br2 /location/country/form_of_government /m/06cx9 +/m/01n4f8 /people/person/profession /m/01d_h8 +/m/07tp2 /organization/organization_member/member_of./organization/organization_membership/organization /m/0gkjy +/m/013_vh /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/01c9d +/m/02r1c18 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01z27 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06bnz +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0c35b1 /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/0ny75 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04x_3 +/m/0105y2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02g3ft /award/award_category/nominees./award/award_nomination/nominated_for /m/07cz2 +/m/08966 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/01bjv +/m/03gwpw2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02v3yy +/m/0fvf9q /people/person/nationality /m/09c7w0 +/m/0gtt5fb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0hzlz +/m/021y7yw /film/film/cinematography /m/07mb57 +/m/0bvg70 /people/person/profession /m/02jknp +/m/0gm8_p /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0h14ln /film/film/language /m/02h40lc +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0k6nt +/m/05z_kps /film/film/executive_produced_by /m/02z6l5f +/m/063lqs /people/person/profession /m/0dxtg +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/06qm3 /media_common/netflix_genre/titles /m/02krdz +/m/01shy7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/0jhz_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/07tj4c +/m/0f2v0 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/025sf8g +/m/047p798 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/027pfb2 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03rwng +/m/0c4qzm /people/deceased_person/place_of_death /m/030qb3t +/m/025m98 /award/award_category/winners./award/award_honor/ceremony /m/02cg41 +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/student /m/09b6zr +/m/07cjqy /film/actor/film./film/performance/film /m/034qrh +/m/01vwyqp /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/09146g +/m/05k2xy /film/film/produced_by /m/0b13g7 +/m/07f8wg /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/02633g /people/person/nationality /m/09c7w0 +/m/09cl0w /sports/sports_team/sport /m/02vx4 +/m/01q24l /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0q_0z +/m/042d1 /government/politician/government_positions_held./government/government_position_held/jurisdiction_of_office /m/09c7w0 +/m/0n5d1 /location/location/contains /m/0xq63 +/m/0fb0v /music/record_label/artist /m/01w9wwg +/m/0420y /influence/influence_node/influenced_by /m/0gz_ +/m/0hjy /location/location/contains /m/0qf5p +/m/09rvwmy /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/026q3s3 /film/film/dubbing_performances./film/dubbing_performance/actor /m/066l3y +/m/03w1v2 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/028pzq +/m/0d_w7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/09rfpk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0h63gl9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/04cy8rb /people/person/nationality /m/09c7w0 +/m/0248jb /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/0345h /location/location/contains /m/017w_ +/m/0ck91 /award/award_nominee/award_nominations./award/award_nomination/award /m/0cqh6z +/m/0bbw2z6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/05pbl56 +/m/0219q /people/person/religion /m/0c8wxp +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rt9 +/m/07l4z /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/09d5h /tv/tv_network/programs./tv/tv_network_duration/program /m/0d_rw +/m/04w7rn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gt1k /film/film/genre /m/02l7c8 +/m/07xl34 /organization/role/leaders./organization/leadership/organization /m/09f2j +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06sff +/m/02qk3fk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/01c9d /film/film/genre /m/07s9rl0 +/m/01h1b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05kwx2 /people/person/profession /m/021wpb +/m/07nxvj /film/film/genre /m/07s9rl0 +/m/064jjy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/025p38 /people/person/profession /m/0dxtg +/m/0b78hw /user/alexander/philosophy/philosopher/interests /m/04g7x +/m/0mbql /film/film/language /m/02h40lc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r2dp +/m/0205dx /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/01j8yr /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01lv85 /tv/tv_program/languages /m/02h40lc +/m/0215n /media_common/netflix_genre/titles /m/0ctzf1 +/m/0p7h7 /people/person/profession /m/0nbcg +/m/0mx0f /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0mx2h +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d05w3 +/m/05q4y12 /film/film/genre /m/02l7c8 +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/073h5b +/m/09h4b5 /people/person/nationality /m/09c7w0 +/m/0xv2x /music/genre/artists /m/012ycy +/m/0q8jl /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06_x996 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03cfkrw /film/film/genre /m/0lsxr +/m/018_lb /film/actor/film./film/performance/film /m/0ndsl1x +/m/07s846j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01kmd4 /people/person/profession /m/02hrh1q +/m/0d1tm /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0bwfwpj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/063hp4 /film/film/costume_design_by /m/04vzv4 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/institution /m/02482c +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/03bxsw +/m/07ymr5 /film/actor/film./film/performance/film /m/03cyslc +/m/01s3kv /film/actor/film./film/performance/film /m/01f69m +/m/0bm9xk /people/deceased_person/place_of_death /m/0281rp +/m/0p8r1 /film/actor/film./film/performance/film /m/03q0r1 +/m/04rfq /people/person/profession /m/0dxtg +/m/0gt3p /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/084x96 /people/person/profession /m/0np9r +/m/023slg /people/person/profession /m/0nbcg +/m/019bk0 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03h_fk5 +/m/0gthm /people/person/profession /m/0d8qb +/m/09v3jyg /film/film/genre /m/0hcr +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/01d34b /education/educational_institution/students_graduates./education/education/student /m/03pmzt +/m/0mpfn /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05bt6j /music/genre/artists /m/01vsy7t +/m/04fhn_ /film/actor/film./film/performance/film /m/02cbhg +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/07tl0 +/m/043g7l /music/record_label/artist /m/046p9 +/m/09c7w0 /location/location/contains /m/01f1r4 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d04z6 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gqz2 /award/award_category/winners./award/award_honor/award_winner /m/01jpmpv +/m/02x2jl_ /film/film/production_companies /m/03sb38 +/m/02cbs0 /film/actor/film./film/performance/film /m/011yr9 +/m/05r6t /music/genre/parent_genre /m/06by7 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06f32 +/m/0dsvzh /film/film/genre /m/0vjs6 +/m/0f4x7 /award/award_category/winners./award/award_honor/ceremony /m/0c6vcj +/m/04fv5b /film/film/genre /m/01585b +/m/0c53zb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/081nh +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/07w8fz +/m/0c7ct /people/person/nationality /m/0chghy +/m/015f7 /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0c41qv /organization/organization/headquarters./location/mailing_address/citytown /m/030qb3t +/m/0pz04 /people/person/places_lived./people/place_lived/location /m/0x335 +/m/04lqvly /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/0k1bs /people/person/profession /m/0n1h +/m/0dl6fv /tv/tv_program/genre /m/01z77k +/m/02x1z2s /award/award_category/nominees./award/award_nomination/nominated_for /m/02rn00y +/m/04k9y6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/05r5c /music/instrument/instrumentalists /m/053y0s +/m/015qsq /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/09v42sf /film/film/genre /m/05p553 +/m/0fmqp6 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/051x52f +/m/0ylzs /organization/organization/headquarters./location/mailing_address/citytown /m/05l5n +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0h25 /people/person/profession /m/02hv44_ +/m/04gfy7 /people/ethnicity/languages_spoken /m/07c9s +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0glnm +/m/0cgzj /film/actor/film./film/performance/film /m/04sntd +/m/0194xc /people/person/gender /m/05zppz +/m/06by7 /music/genre/artists /m/03d9d6 +/m/027c924 /award/award_category/winners./award/award_honor/award_winner /m/04g3p5 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04hwbq +/m/079hvk /people/person/profession /m/02jknp +/m/0hm2b /sports/sports_team/colors /m/083jv +/m/03q3sy /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/048scx /film/film/genre /m/01f9r0 +/m/079hvk /people/person/nationality /m/09c7w0 +/m/05jg58 /music/genre/artists /m/0150jk +/m/0n85g /music/record_label/artist /m/0ycp3 +/m/0x25q /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06srk +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07z542 +/m/05vz3zq /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lpp7 +/m/02dtg /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km5c +/m/04yywz /people/person/nationality /m/09c7w0 +/m/02qzh2 /film/film/executive_produced_by /m/06q8hf +/m/07s72n /music/genre/parent_genre /m/0bmfpc +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/095zlp +/m/0187nd /education/educational_institution/colors /m/019sc +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/09p3h7 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/02ld6x /award/award_nominee/award_nominations./award/award_nomination/award /m/02qyp19 +/m/0ywqc /film/actor/film./film/performance/film /m/05r3qc +/m/02rk45 /people/person/gender /m/02zsn +/m/0vkl2 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/092868 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09swkk +/m/060ny2 /government/legislative_session/members./government/government_position_held/district_represented /m/03gh4 +/m/01h7xx /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/037q31 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04cf_l /film/film/country /m/03_3d +/m/064t9 /music/genre/artists /m/016vqk +/m/018pj3 /people/person/place_of_birth /m/0tygl +/m/0d075m /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/08959 +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07wlf +/m/08phg9 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02rdxsh /award/award_category/nominees./award/award_nomination/nominated_for /m/0320fn +/m/0chghy /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0g8bw +/m/049w1q /film/film/genre /m/02n4kr +/m/03mg35 /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03m5k /music/instrument/instrumentalists /m/016s0m +/m/0g9wdmc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/09bymc /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mz73 +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/04110lv +/m/0bh8x1y /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01k_r5b /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02v_r7d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03rhqg /music/record_label/artist /m/07s3vqk +/m/02qgyv /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/0jmj /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/047c9l +/m/07g1sm /film/film/genre /m/0lsxr +/m/0cm89v /people/person/place_of_birth /m/0r00l +/m/0m7yy /award/award_category/disciplines_or_subjects /m/0jtdp +/m/0n85g /music/record_label/artist /m/01323p +/m/09pmkv /sports/sports_team_location/teams /m/04h4zx +/m/06myp /award/award_nominee/award_nominations./award/award_nomination/award /m/0ddd9 +/m/03ccq3s /award/award_category/winners./award/award_honor/award_winner /m/0pz7h +/m/0dqmt0 /people/person/nationality /m/03spz +/m/03rk0 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0swbd +/m/0cj2t3 /people/person/nationality /m/09c7w0 +/m/011lvx /music/artist/track_contributions./music/track_contribution/role /m/0l1589 +/m/02sgy /music/performance_role/regular_performances./music/group_membership/group /m/02dw1_ +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award_winner /m/06pj8 +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/02mzg9 +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/016z43 +/m/017_pb /influence/influence_node/influenced_by /m/0bs8d +/m/07147 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/022lly +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/031786 +/m/0f2v0 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/09yrh +/m/01vvyc_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02f5qb +/m/01wcp_g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/01wl38s /people/person/profession /m/0dxtg +/m/0jsg0m /music/group_member/membership./music/group_membership/role /m/0342h +/m/02r8hh_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/02qmsr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0156q /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/07jdr +/m/011yqc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0h584v /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03f5mt /music/instrument/instrumentalists /m/06p03s +/m/0f4m2z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/04ych +/m/03tn80 /film/film/written_by /m/056wb +/m/0322yj /film/film/produced_by /m/05prs8 +/m/0hvb2 /film/actor/film./film/performance/film /m/0fqt1ns +/m/0kvbl6 /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/08mg_b +/m/01pl14 /organization/organization/headquarters./location/mailing_address/citytown /m/0fvvz +/m/09_94 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02vzc +/m/01t38b /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02vp1f_ +/m/01f8ld /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0sw6g /film/actor/film./film/performance/film /m/04gv3db +/m/05zbm4 /people/person/profession /m/01d_h8 +/m/0gdh5 /people/person/profession /m/02jknp +/m/05fjf /location/location/contains /m/0xn7q +/m/0jpdn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/03m1n /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/025ygqm +/m/02cw8s /education/educational_institution/students_graduates./education/education/student /m/04zwjd +/m/01j5ws /film/actor/film./film/performance/film /m/01hp5 +/m/02v8kmz /film/film/costume_design_by /m/02pqgt8 +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/01vj9c +/m/02vqhv0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/02kz_ /people/person/places_lived./people/place_lived/location /m/0rp46 +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0221g_ +/m/09c7w0 /location/location/contains /m/0sxgh +/m/04mx__ /people/person/profession /m/03gjzk +/m/01zwy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0c1pj /film/actor/film./film/performance/film /m/023p7l +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0mbct /music/performance_role/track_performances./music/track_contribution/role /m/016622 +/m/09fc83 /film/film/genre /m/03npn +/m/026db_ /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/070j61 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/0f7fy /people/person/profession /m/01d30f +/m/02hdky /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01sby_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0jpn8 /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0jm64 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/0f4vx0 +/m/0693l /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/06rkfs +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/01kt17 +/m/031rx9 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02r858_ +/m/04q827 /film/film/language /m/02h40lc +/m/015_1q /music/record_label/artist /m/01w9ph_ +/m/07szy /education/educational_institution/students_graduates./education/education/student /m/011zd3 +/m/0b6mgp_ /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/047csmy +/m/016xk5 /people/person/profession /m/0kyk +/m/01jrz5j /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0p9gg /people/person/religion /m/0c8wxp +/m/026wlxw /film/film/cinematography /m/027t8fw +/m/081pw /film/film_subject/films /m/0cc846d +/m/01jzyx /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/0j2pg +/m/0279c15 /award/award_category/winners./award/award_honor/award_winner /m/0blq0z +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/03j_hq +/m/01n7q /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/02kbtf /education/educational_institution/school_type /m/05pcjw +/m/018qpq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0dl5d /music/genre/artists /m/013w2r +/m/01bj6y /film/actor/film./film/performance/film /m/02d413 +/m/0smfm /location/location/time_zones /m/02hcv8 +/m/04fcx7 /people/person/profession /m/01d_h8 +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/0d05w3 +/m/0cs134 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01pgzn_ +/m/03x83_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04gb7 +/m/018j2 /music/instrument/instrumentalists /m/016z1t +/m/07jbh /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/0kvb6p /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/034qrh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06ncr /music/instrument/instrumentalists /m/01gg59 +/m/02g3gj /award/award_category/winners./award/award_honor/award_winner /m/015f7 +/m/01ky7c /education/educational_institution/students_graduates./education/education/student /m/01438g +/m/02rky4 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0193x +/m/05ys0xf /time/event/instance_of_recurring_event /m/015hr +/m/06cgy /film/actor/film./film/performance/film /m/01xbxn +/m/0gvs1kt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0h3tv /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/080z7 /education/educational_institution/students_graduates./education/education/student /m/02r6c_ +/m/0gqng /award/award_category/winners./award/award_honor/ceremony /m/09306z +/m/01vrkdt /music/group_member/membership./music/group_membership/role /m/028tv0 +/m/0bkf4 /base/eating/practicer_of_diet/diet /m/07_jd +/m/0d66j2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d_q40 /sports/sports_team/sport /m/02vx4 +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/027lf1 /organization/organization/child./organization/organization_relationship/child /m/01scmq +/m/01z4y /media_common/netflix_genre/titles /m/0888c3 +/m/03_2td /people/person/nationality /m/0ctw_b +/m/09qljs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0x67 /people/ethnicity/people /m/019g40 +/m/023gxx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0ct2tf5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02__ww /people/person/gender /m/05zppz +/m/01gtcq /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/03ffcz /film/film/genre /m/02n4kr +/m/05r7t /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jhn7 +/m/03wbqc4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sry /people/person/languages /m/02h40lc +/m/044lyq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/0340hj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/03cs_xw /people/person/profession /m/0dxtg +/m/018dnt /people/person/profession /m/02hrh1q +/m/025n3p /people/person/places_lived./people/place_lived/location /m/02_286 +/m/07nxvj /film/film/costume_design_by /m/0bytfv +/m/03whyr /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/041td_ /film/film/genre /m/02l7c8 +/m/0gj9tn5 /film/film/genre /m/05p553 +/m/0mlyw /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0c41n /people/ethnicity/geographic_distribution /m/05rh2 +/m/07jwr /people/cause_of_death/people /m/042d1 +/m/0315q3 /people/person/profession /m/0dxtg +/m/03pmzt /film/actor/film./film/performance/film /m/0ds33 +/m/02rv1w /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04ljl_l /award/award_category/nominees./award/award_nomination/nominated_for /m/0dln8jk +/m/0dwt5 /music/instrument/instrumentalists /m/032t2z +/m/064t9 /music/genre/artists /m/02pt7h_ +/m/08304 /people/person/gender /m/05zppz +/m/05qbckf /film/film/genre /m/02kdv5l +/m/03h2c /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0crc2cp /film/film/genre /m/02kdv5l +/m/0g56t9t /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02k8k +/m/038nv6 /people/person/religion /m/01lp8 +/m/019rg5 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/05bt6j /music/genre/artists /m/024qwq +/m/01r7t9 /film/actor/film./film/performance/film /m/05jf85 +/m/043tvp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/01w8sf +/m/0kszw /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/014z8v /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/09dvgb8 /people/person/nationality /m/09c7w0 +/m/028k2x /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/05cj4r /film/actor/film./film/performance/film /m/02ywwy +/m/0fd3y /music/genre/artists /m/018x3 +/m/025b5y /people/person/religion /m/0g5llry +/m/01f_3w /music/record_label/artist /m/01d1st +/m/019z2l /music/genre/artists /m/02ht0ln +/m/04xm_ /people/person/employment_history./business/employment_tenure/company /m/01lhdt +/m/013mtx /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09ld6g /people/deceased_person/place_of_death /m/0c8tk +/m/05bm4sm /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/03x7hd +/m/02qgqt /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02s2ft +/m/043n1r5 /film/film/country /m/07ssc +/m/0fz3b1 /film/film/genre /m/0556j8 +/m/04q00lw /film/film/genre /m/02l7c8 +/m/07p__7 /government/legislative_session/members./government/government_position_held/district_represented /m/0846v +/m/03mp9s /people/person/places_lived./people/place_lived/location /m/0cr3d +/m/05szp /music/artist/origin /m/02_286 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rb84n +/m/011k1h /music/record_label/artist /m/0k6yt1 +/m/09gdm7q /film/film/genre /m/03bxz7 +/m/0cqt90 /award/award_nominee/award_nominations./award/award_nomination/award /m/05q5t0b +/m/0bksh /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/053y4h +/m/01z9l_ /music/genre/parent_genre /m/0mmp3 +/m/01sxq9 /people/person/profession /m/09jwl +/m/03n08b /film/actor/film./film/performance/film /m/01g3gq +/m/0pz04 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/044qx +/m/047t_ /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/07kjk7c /award/award_category/nominees./award/award_nomination/nominated_for /m/0b6m5fy +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02f1c +/m/020x5r /people/person/gender /m/05zppz +/m/053_7s /military/military_conflict/combatants./military/military_combatant_group/combatants /m/09c7w0 +/m/01v3vp /people/person/places_lived./people/place_lived/location /m/0s3y5 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6vl +/m/021gt5 /location/location/time_zones /m/02hcv8 +/m/07z1m /location/location/partially_contains /m/02cgp8 +/m/0fnmz /education/educational_institution/school_type /m/05jxkf +/m/01c6k4 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/0345h +/m/01541z /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/03bkbh /people/ethnicity/people /m/01_xtx +/m/01f492 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/01k6y1 /location/country/form_of_government /m/01q20 +/m/059rby /location/location/contains /m/0g5rg +/m/02pq_x5 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07ccs +/m/01hr1 /film/film/written_by /m/06dkzt +/m/01k_n63 /people/person/profession /m/025352 +/m/0drr3 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cz_ym /film/film/language /m/02h40lc +/m/09qv_s /award/award_category/winners./award/award_honor/ceremony /m/03gyp30 +/m/07bzz7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/064lsn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/01722w /education/educational_institution/students_graduates./education/education/student /m/0dx97 +/m/01mpwj /education/educational_institution/students_graduates./education/education/student /m/040_t +/m/01hc9_ /influence/influence_node/influenced_by /m/041_y +/m/0dzkq /influence/influence_node/influenced_by /m/02wh0 +/m/05r5c /music/instrument/instrumentalists /m/01797x +/m/01gtbb /government/legislative_session/members./government/government_position_held/district_represented /m/0gyh +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05drr9 +/m/0bs1g5r /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/04n52p6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/02jxk /user/ktrueman/default_domain/international_organization/member_states /m/04v3q +/m/03r0g9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/033smt +/m/0gnbw /people/person/spouse_s./people/marriage/location_of_ceremony /m/0cv3w +/m/0b_6yv /music/genre/parent_genre /m/0grjmv +/m/01rgdw /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0287477 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05dptj /film/film/genre /m/060__y +/m/03v1jf /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0lx2l +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0fzyg +/m/0c7xjb /film/actor/film./film/performance/film /m/02y_lrp +/m/0ffgh /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/0ytc /sports/sports_team/colors /m/088fh +/m/04kjrv /music/artist/track_contributions./music/track_contribution/role /m/01rhl +/m/031vy_ /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0hn821n /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0gmblvq +/m/0n6f8 /people/person/profession /m/02hrh1q +/m/0mbs8 /film/actor/film./film/performance/film /m/0286vp +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/03x83_ +/m/034ks /influence/influence_node/influenced_by /m/0m93 +/m/071tyz /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0l5mz +/m/01lqnff /film/actor/film./film/performance/film /m/05c26ss +/m/01sbhvd /people/person/profession /m/02jknp +/m/0sgtz /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/09h4b5 /people/person/gender /m/02zsn +/m/04mjl /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/07szy +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01wcp_g +/m/05bxwh /people/deceased_person/place_of_death /m/01j2_7 +/m/016z1t /people/person/profession /m/02hrh1q +/m/01vj9c /music/performance_role/regular_performances./music/group_membership/group /m/01rm8b +/m/0gs1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/01438g /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/0ggbfwf /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06npd +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/021gk7 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/012s5j /people/person/profession /m/02hrh1q +/m/01vg13 /education/educational_institution/school_type /m/07tf8 +/m/02vjzr /music/genre/artists /m/01vsykc +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/014d7f +/m/01kym3 /film/actor/film./film/performance/film /m/0ckrgs +/m/03c7twt /film/film/genre /m/04xvlr +/m/0164y7 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/05_z42 /tv/tv_program/languages /m/02h40lc +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/07bxqz +/m/0xt3t /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0gj96ln /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/063472 /people/person/nationality /m/03gj2 +/m/048htn /film/film/language /m/064_8sq +/m/05_5rjx /film/film/production_companies /m/05h4t7 +/m/02ldmw /education/educational_institution/students_graduates./education/education/student /m/03yk8z +/m/06_x996 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/01snm /location/location/time_zones /m/02hcv8 +/m/0dkb83 /sports/sports_team/colors /m/038hg +/m/03ywyk /people/person/places_lived./people/place_lived/location /m/0rnmy +/m/09r94m /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/01zg98 /people/person/profession /m/03gjzk +/m/0bwfn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/03h2d4 /film/actor/film./film/performance/film /m/0c0yh4 +/m/05x2s /award/award_category/disciplines_or_subjects /m/06n90 +/m/03fqv5 /people/person/place_of_birth /m/01531 +/m/03m6_z /people/person/profession /m/02hrh1q +/m/0bbz66j /people/ethnicity/languages_spoken /m/01r2l +/m/01qr1_ /award/award_nominee/award_nominations./award/award_nomination/award /m/02pzz3p +/m/0j1yf /people/person/places_lived./people/place_lived/location /m/0c_m3 +/m/0dq_5 /organization/role/leaders./organization/leadership/organization /m/0hmyfsv +/m/03qgjwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0cmdwwg +/m/01n44c /people/person/profession /m/01p5_g +/m/05g3v /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/02183k +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bq2g +/m/09q_6t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0f4vbz +/m/015z4j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01vx5w7 +/m/01bpc9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0l_v1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yw1c /music/genre/parent_genre /m/0hdf8 +/m/023mdt /film/actor/film./film/performance/film /m/03s6l2 +/m/01q7q2 /location/location/time_zones /m/02hcv8 +/m/0cc5mcj /film/film/film_format /m/017fx5 +/m/08phg9 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/015h31 +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/04165w +/m/07jqjx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/01trf3 /people/person/profession /m/018gz8 +/m/0bscw /film/film/costume_design_by /m/03mfqm +/m/03m_k0 /people/person/nationality /m/09c7w0 +/m/0274ck /people/person/profession /m/09jwl +/m/0674cw /people/person/place_of_birth /m/0cvw9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/092vkg +/m/0gvrws1 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/02p76f9 +/m/034q3l /film/actor/film./film/performance/film /m/0dnw1 +/m/05k7sb /location/location/contains /m/0tygl +/m/04rzd /music/instrument/instrumentalists /m/01p9hgt +/m/06bw5 /education/educational_institution/campuses /m/06bw5 +/m/059kh /music/genre/artists /m/023l9y +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kwsg +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02c7k4 +/m/03b_fm5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0fhpv4 /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/01x_d8 /film/actor/film./film/performance/film /m/04g9gd +/m/07kdkfj /award/award_nominated_work/award_nominations./award/award_nomination/nominated_for /m/06_wqk4 +/m/01s7w3 /film/film/produced_by /m/05mvd62 +/m/018j2 /music/performance_role/track_performances./music/track_contribution/role /m/01hww_ +/m/01w5gg6 /music/group_member/membership./music/group_membership/role /m/03bx0bm +/m/02yv6b /music/genre/artists /m/0zjpz +/m/04gknr /film/film/genre /m/07s9rl0 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4k5 +/m/09949m /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0m66w +/m/0716t2 /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0d29z /people/ethnicity/geographic_distribution /m/01crd5 +/m/0405l /people/person/profession /m/0dxtg +/m/01507p /people/person/nationality /m/09c7w0 +/m/03_d0 /music/genre/artists /m/0pj9t +/m/0gk4g /people/cause_of_death/people /m/05h72z +/m/01nfys /film/actor/film./film/performance/film /m/07_fj54 +/m/0b85mm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/02qgqt /film/actor/film./film/performance/film /m/0_9wr +/m/0dky9n /people/person/place_of_birth /m/0h7h6 +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/0c_md_ +/m/0gywn /music/genre/artists /m/0qf3p +/m/03wbqc4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/04rvy8 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr4k +/m/0nzw2 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05pbl56 +/m/0zlt9 /location/location/time_zones /m/02hcv8 +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rk0 +/m/02qyntr /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxly +/m/0fq7dv_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/02vxq9m /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0gjcrrw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03f0fnk /people/person/profession /m/09jwl +/m/06ryl /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0d8rs /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0fqww +/m/0gx_p /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03m6_z /music/group_member/membership./music/group_membership/role /m/018vs +/m/02vzc /organization/organization_member/member_of./organization/organization_membership/organization /m/01rz1 +/m/03shpq /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/02vyyl8 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/01r9c_ /people/person/nationality /m/07ssc +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0g54xkt /film/film/country /m/09c7w0 +/m/07p12s /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0h6r5 /film/film/genre /m/060__y +/m/04jpg2p /film/film/film_format /m/017fx5 +/m/049kw /location/location/contains /m/01314k +/m/014l7h /business/job_title/people_with_this_title./business/employment_tenure/company /m/01bfjy +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/0bs8hvm /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0jm3b /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/02g839 /education/educational_institution/students_graduates./education/education/student /m/02p2zq +/m/016clz /music/genre/artists /m/01yzl2 +/m/02_hj4 /film/actor/film./film/performance/film /m/049mql +/m/03_8kz /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/0bxtg /film/actor/film./film/performance/film /m/01xvjb +/m/01j5ql /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/0b1f49 /award/award_nominee/award_nominations./award/award_nomination/award /m/0fc9js +/m/02x1dht /award/award_category/nominees./award/award_nomination/nominated_for /m/04hwbq +/m/018vs /music/instrument/instrumentalists /m/01m65sp +/m/017jd9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/089j8p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0k54q /film/film/genre /m/0jxy +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07t21 +/m/03wdsbz /people/person/profession /m/089fss +/m/01wxdn3 /music/artist/track_contributions./music/track_contribution/role /m/02g9p4 +/m/02sdk9v /sports/sports_position/players./sports/sports_team_roster/team /m/056zf9 +/m/021b_ /people/person/languages /m/02h40lc +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/0frmb1 +/m/05c26ss /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c1y +/m/03vfr_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/013q07 /film/film/genre /m/05p553 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07l50vn +/m/01kb2j /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07bwr +/m/0c0sl /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/0gy7bj4 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/027m67 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01v6480 /people/person/profession /m/018gz8 +/m/0hz6mv2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/03twd6 /film/film/language /m/04306rv +/m/0ply0 /location/hud_county_place/place /m/0ply0 +/m/0ggq0m /music/genre/artists /m/0hr3g +/m/0f38nv /music/record_label/artist /m/01t8399 +/m/0226cw /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/06r713 +/m/01pj5q /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016j2t /people/person/nationality /m/09c7w0 +/m/053y0s /music/group_member/membership./music/group_membership/group /m/03c3yf +/m/0j43swk /film/film/executive_produced_by /m/016dmx +/m/0mwm6 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0239zv /people/person/languages /m/03k50 +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/047cqr +/m/01l7qw /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/01vsy7t /influence/influence_node/influenced_by /m/01vs4f3 +/m/07myb2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02xnjd /people/person/profession /m/012t_z +/m/02d02 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c74_8 +/m/016hvl /people/person/profession /m/0fj9f +/m/0m7yy /award/award_category/winners./award/award_honor/award_winner /m/022r38 +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/0660b9b /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089fss +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/student /m/018_lb +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmhk +/m/03_c8p /organization/organization/headquarters./location/mailing_address/citytown /m/0chgzm +/m/01wn718 /people/person/profession /m/0n1h +/m/0ksf29 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0dgrmp /sports/sports_position/players./sports/sports_team_roster/team /m/049n3s +/m/03qnvdl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01pcq3 +/m/03kwtb /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/03xsby /organization/organization/headquarters./location/mailing_address/citytown /m/06_kh +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/0170k0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0d1qn +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/0f4_2k /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/06qm3 /media_common/netflix_genre/titles /m/0g7pm1 +/m/0c3xw46 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qx1 +/m/025mb_ /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/01hydr /music/genre/parent_genre /m/07gxw +/m/0cgbf /people/person/places_lived./people/place_lived/location /m/04f_d +/m/0k4p0 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/016v46 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0j5g9 /sports/sports_team_location/teams /m/02s2ys +/m/03w94xt /music/genre/artists /m/03ryks +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/03qmg1 /music/performance_role/regular_performances./music/group_membership/group /m/05563d +/m/07k2mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0127xk /people/person/profession /m/02hrh1q +/m/0349s /language/human_language/countries_spoken_in /m/035qy +/m/02jyr8 /education/educational_institution/school_type /m/05jxkf +/m/0d8zt /location/location/time_zones /m/02llzg +/m/0c5x_ /organization/organization_member/member_of./organization/organization_membership/organization /m/034h1h +/m/03tw2s /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0fq117k /award/award_nominee/award_nominations./award/award_nomination/award /m/025m8l +/m/04pz5c /people/person/profession /m/0kyk +/m/015qqg /film/film/film_production_design_by /m/03csqj4 +/m/011ywj /film/film/genre /m/0lsxr +/m/031hxk /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02vxn +/m/0fj45 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06s0l +/m/01dtcb /music/record_label/artist /m/02k5sc +/m/0gz5hs /film/actor/film./film/performance/film /m/01k1k4 +/m/044mvs /people/person/religion /m/0c8wxp +/m/0gv07g /people/person/profession /m/01c72t +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/02ny6g +/m/0fz0c2 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0cb77r +/m/032t2z /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/01_1pv /film/film/genre /m/04t36 +/m/08r4x3 /film/film/film_format /m/07fb8_ +/m/065ym0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/02fv3t /award/award_category/category_of /m/0c4ys +/m/04qt29 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0162c8 /people/person/gender /m/05zppz +/m/0fphf3v /film/film/language /m/02h40lc +/m/016_mj /influence/influence_node/influenced_by /m/01wp_jm +/m/09v42sf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/09px1w /people/person/profession /m/0dxtg +/m/0x67 /people/ethnicity/people /m/0xsk8 +/m/02581c /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/01l2fn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0m2wm +/m/07z542 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/08vlns /music/genre/artists /m/03x82v +/m/0wp9b /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/01hvjx /film/film/music /m/01mh8zn +/m/0963mq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03kdl /organization/organization_founder/organizations_founded /m/02bb47 +/m/0hv27 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03f2w +/m/034b6k /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xry /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01kgv4 +/m/0140t7 /music/group_member/membership./music/group_membership/group /m/0123r4 +/m/0bsnm /education/educational_institution/colors /m/019sc +/m/03hbbc /organization/organization/headquarters./location/mailing_address/citytown /m/07dfk +/m/04gknr /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award /m/05ztrmj +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/0gmcwlb +/m/01jfsb /media_common/netflix_genre/titles /m/02q87z6 +/m/02xv8m /film/actor/film./film/performance/film /m/0cd2vh9 +/m/015rhv /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/04hzj +/m/0gwlfnb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/01tspc6 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/0132k4 /music/group_member/membership./music/group_membership/group /m/01lf293 +/m/03x8cz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01jsk6 +/m/018dyl /people/person/profession /m/01d_h8 +/m/02g3v6 /award/award_category/nominees./award/award_nomination/nominated_for /m/017gm7 +/m/02648p /tv/tv_program/country_of_origin /m/0d060g +/m/016clz /music/genre/artists /m/017_hq +/m/02qssrm /people/person/nationality /m/09c7w0 +/m/0ky6d /business/business_operation/industry /m/0vg8 +/m/0fsyx /music/artist/origin /m/014kj2 +/m/04xrx /people/person/gender /m/02zsn +/m/09n70c /people/person/places_lived./people/place_lived/location /m/0fhzf +/m/07q1m /film/film/production_companies /m/03sb38 +/m/02pt27 /people/person/nationality /m/02jx1 +/m/01hpf6 /organization/organization/headquarters./location/mailing_address/citytown /m/0dqyw +/m/03f7xg /film/film/produced_by /m/025hzx +/m/0blpg /film/film/film_production_design_by /m/02vxyl5 +/m/01m9f1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/048q6x /award/award_winner/awards_won./award/award_honor/award_winner /m/09btt1 +/m/02bv9 /language/human_language/countries_spoken_in /m/03ryn +/m/04fhps /government/legislative_session/members./government/government_position_held/district_represented /m/0j95 +/m/043q2z /education/educational_institution/school_type /m/05pcjw +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0x67 /people/ethnicity/people /m/01w806h +/m/05jm7 /award/award_nominee/award_nominations./award/award_nomination/award /m/0j6j8 +/m/04w58 /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/06sks6 +/m/05zy2cy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ckd1 +/m/0gx1l /location/location/contains /m/05cwl_ +/m/07p62k /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01yc02 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01yfp7 +/m/071dcs /people/person/profession /m/02ynfr +/m/03spz /olympics/olympic_participating_country/athletes./olympics/olympic_athlete_affiliation/olympics /m/0kbvv +/m/0grwj /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/039x1k /people/person/profession /m/02hrh1q +/m/05bt6j /music/genre/artists /m/0134wr +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/03v6t +/m/0b66qd /people/person/nationality /m/03rk0 +/m/01ync /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0gd_b_ /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gkr9q /award/award_category/nominees./award/award_nomination/nominated_for /m/05lfwd +/m/047svrl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/042xrr /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/080r3 /people/person/place_of_birth /m/04jpl +/m/03l6bs /organization/organization/headquarters./location/mailing_address/state_province_region /m/0824r +/m/0bzk8w /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/05dppk +/m/04353 /people/person/profession /m/01d_h8 +/m/07dnx /people/person/nationality /m/01mk6 +/m/02vz6dn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/06mn7 /people/person/gender /m/05zppz +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dqzkv +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/016ks5 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/01stzp +/m/03_d0 /music/genre/artists /m/0lbj1 +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0fy59t +/m/02k54 /base/aareas/schema/administrative_area/administrative_parent /m/02j71 +/m/0j2pg /soccer/football_team/current_roster./soccer/football_roster_position/position /m/0dgrmp +/m/0cp0t91 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/027rn /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/01qb559 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/026t6 /music/instrument/instrumentalists /m/032nl2 +/m/05rx__ /influence/influence_node/influenced_by /m/013tjc +/m/03_d0 /music/genre/artists /m/01sbf2 +/m/0j6tr /sports/sports_team/colors /m/01g5v +/m/09zw90 /people/person/gender /m/02zsn +/m/01f1r4 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0250f +/m/0326tc /music/artist/track_contributions./music/track_contribution/role /m/042v_gx +/m/015n8 /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/019pcs /organization/organization_member/member_of./organization/organization_membership/organization /m/02vk52z +/m/01fx6y /film/film/music /m/020fgy +/m/0478__m /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/03lmx1 /people/ethnicity/people /m/071ynp +/m/02bft /medicine/disease/risk_factors /m/0ldpy +/m/05sq20 /people/person/nationality /m/09c7w0 +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/03qmj9 +/m/01_k1z /influence/influence_node/influenced_by /m/01cspq +/m/01cycq /film/film/genre /m/06n90 +/m/0sx5w /influence/influence_node/influenced_by /m/01k9lpl +/m/07cjqy /celebrities/celebrity/celebrity_friends./celebrities/friendship/friend /m/09yrh +/m/0bq0p9 /location/country/capital /m/0cvw9 +/m/01my_c /people/person/profession /m/01d_h8 +/m/02rtqvb /film/film/country /m/09c7w0 +/m/02g2wv /award/award_category/nominees./award/award_nomination/nominated_for /m/08720 +/m/049sb /people/person/profession /m/02hrh1q +/m/01gjw /music/genre/parent_genre /m/02w4v +/m/0c6qh /film/actor/film./film/performance/film /m/026390q +/m/07ym0 /people/person/gender /m/05zppz +/m/0bjrnt /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04_tv +/m/0gfh84d /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0285c /music/artist/track_contributions./music/track_contribution/role /m/018vs +/m/030nwm /education/educational_institution_campus/educational_institution /m/030nwm +/m/021yw7 /film/actor/film./film/performance/film /m/0dcz8_ +/m/04yj5z /people/person/profession /m/02hrh1q +/m/0581vn8 /film/film/genre /m/03q4nz +/m/0plyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0d0kn /location/country/form_of_government /m/06cx9 +/m/02yv6b /music/genre/artists /m/01kh2m1 +/m/03wh95l /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0b1f49 +/m/01wyz92 /tv/tv_personality/tv_regular_appearances./tv/tv_regular_personal_appearance/program /m/06hwzy +/m/04gr35 /people/person/profession /m/018gz8 +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0r1yc +/m/0d6484 /people/person/place_of_birth /m/02_286 +/m/06j6l /music/genre/artists /m/01dq9q +/m/0d6br /location/location/contains /m/01z53w +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06ryl +/m/0ds11z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/03qbm /business/business_operation/revenue./measurement_unit/dated_money_value/currency /m/09nqf +/m/04bcb1 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/038c0q /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02l424 +/m/01vnt4 /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/0h0jz /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01b1pf /organization/organization/headquarters./location/mailing_address/citytown /m/01pt5w +/m/0kjgl /film/actor/film./film/performance/film /m/01j8wk +/m/0czyxs /film/film/genre /m/060__y +/m/02wgln /people/person/places_lived./people/place_lived/location /m/04jpl +/m/0czyxs /film/film/other_crew./film/film_crew_gig/film_crew_role /m/05smlt +/m/04ycjk /organization/organization/headquarters./location/mailing_address/citytown /m/01cx_ +/m/0ymf1 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/03q45x /film/actor/film./film/performance/film /m/03nfnx +/m/07mqps /people/ethnicity/people /m/02pk6x +/m/03h3x5 /film/film/produced_by /m/06mr6 +/m/0c5qvw /film/film/costume_design_by /m/0b80__ +/m/03tcbx /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/0h953 /people/person/nationality /m/0345h +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/06cm5 +/m/0dgst_d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0c4hnm /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cq7tx +/m/018vs /music/performance_role/regular_performances./music/group_membership/group /m/03g5jw +/m/013f9v /location/hud_county_place/place /m/013f9v +/m/06j0md /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0330r +/m/01swxv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0gy7bj4 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/02f_k_ /film/actor/film./film/performance/film /m/01l_pn +/m/0f04v /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0r6cx +/m/0x3r3 /organization/organization_member/member_of./organization/organization_membership/organization /m/01prf3 +/m/01l7qw /film/actor/film./film/performance/film /m/023p7l +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03g90h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gl6x /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01nn3m /music/artist/track_contributions./music/track_contribution/role /m/05ljv7 +/m/0g5b0q5 /time/event/locations /m/0k049 +/m/02fcs2 /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/04pk1f /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/04t7ts /film/actor/film./film/performance/film /m/02gpkt +/m/0gffmn8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/031vy_ +/m/0gywn /music/genre/artists /m/0qmny +/m/07yk1xz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02_n3z +/m/05c6073 /music/genre/artists /m/0187x8 +/m/02r0csl /award/award_category/nominees./award/award_nomination/nominated_for /m/09gq0x5 +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0d__c3 +/m/0kszw /film/actor/film./film/performance/film /m/02rtqvb +/m/05qbbfb /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0215hd +/m/01jc6q /award/award_winning_work/awards_won./award/award_honor/award /m/02x73k6 +/m/026gyn_ /film/film/genre /m/07s9rl0 +/m/06nm1 /education/field_of_study/students_majoring./education/education/student /m/03swmf +/m/0m8vm /music/genre/artists /m/0161sp +/m/05148p4 /music/instrument/instrumentalists /m/01gg59 +/m/027b43 /education/educational_institution/colors /m/038hg +/m/0b_j2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02sp_v +/m/01wz_ml /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/011k1h /music/record_label/artist /m/01w806h +/m/0gghm /music/performance_role/regular_performances./music/group_membership/role /m/028tv0 +/m/0bw20 /film/film/country /m/09c7w0 +/m/027s39y /film/film/genre /m/06nbt +/m/02_1kl /tv/tv_program/languages /m/02h40lc +/m/0dbns /education/educational_institution/colors /m/06fvc +/m/0gywn /music/genre/artists /m/015srx +/m/0h6rm /education/educational_institution/students_graduates./education/education/student /m/06y8v +/m/02g3w /people/person/profession /m/01d_h8 +/m/031b3h /award/award_category/winners./award/award_honor/ceremony /m/01mhwk +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/07z1m +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0j_sncb +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02yj7w +/m/027pfg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/045bs6 /people/person/profession /m/02hrh1q +/m/01c9jp /award/award_category/winners./award/award_honor/ceremony /m/05pd94v +/m/02py4c8 /film/film/language /m/064_8sq +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/0g4gr +/m/0b_6_l /time/event/locations /m/068p2 +/m/0237jb /people/person/profession /m/0dxtg +/m/0c4qzm /people/person/place_of_birth /m/01cx_ +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/02y9bj +/m/028kj0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/05x_5 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/01dnws /music/instrument/instrumentalists /m/05cljf +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03ryn +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0m_q0 +/m/027_sn /people/person/languages /m/02h40lc +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/014g_s +/m/0436yk /film/film/genre /m/0jxy +/m/0hwbd /film/actor/film./film/performance/film /m/048xyn +/m/03h_9lg /award/award_nominee/award_nominations./award/award_nomination/award /m/099ck7 +/m/02r771y /award/award_category/winners./award/award_honor/award_winner /m/0drdv +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/02b6n9 +/m/0gtvpkw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/0gs96 /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/01gbb4 /film/actor/film./film/performance/film /m/0fgrm +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0161c +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/0bzknt +/m/01zqy6t /sports/sports_team_location/teams /m/02pd1tf +/m/09g90vz /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/09btt1 +/m/02zs4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/049xgc +/m/0fby2t /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/07cjqy +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/07j94 +/m/09cr8 /award/award_winning_work/awards_won./award/award_honor/award /m/09d28z +/m/06znpjr /film/film/story_by /m/03_dj +/m/01vvpjj /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqz2 +/m/03ccq3s /award/award_category/nominees./award/award_nomination/nominated_for /m/02hct1 +/m/0ggx5q /music/genre/artists /m/0gbwp +/m/02ny8t /music/genre/artists /m/01_ztw +/m/02x258x /award/award_category/nominees./award/award_nomination/nominated_for /m/01sxdy +/m/0k525 /film/actor/film./film/performance/film /m/0y_hb +/m/0h95927 /award/award_winning_work/awards_won./award/award_honor/award /m/02x4sn8 +/m/059rby /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/083wr9 /film/actor/film./film/performance/film /m/047csmy +/m/013807 /education/educational_institution/school_type /m/05jxkf +/m/05bpg3 /film/actor/film./film/performance/film /m/038bh3 +/m/02s6sh /people/person/profession /m/0dz3r +/m/034b6k /film/film/production_companies /m/030_1_ +/m/01gf5h /people/person/profession /m/039v1 +/m/0ds1glg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgx +/m/0d_skg /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/01sxly +/m/0hmm7 /film/film/music /m/07hgkd +/m/071xj /people/person/profession /m/0cbd2 +/m/0ply0 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/03cvvlg +/m/03qjg /music/performance_role/regular_performances./music/group_membership/role /m/01w4c9 +/m/01pr6q7 /people/deceased_person/place_of_death /m/0f2wj +/m/06lht1 /film/actor/film./film/performance/film /m/0gx9rvq +/m/02jx1 /sports/sports_team_location/teams /m/02pp1 +/m/01vsn38 /film/actor/film./film/performance/film /m/02ryz24 +/m/02cj_f /people/person/place_of_birth /m/06pr6 +/m/0gh65c5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01mjq +/m/013nky /education/educational_institution/students_graduates./education/education/student /m/041xl +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/026_dq6 /people/person/profession /m/02hrh1q +/m/0kvqv /people/person/profession /m/02jknp +/m/01pbs9w /people/person/profession /m/0dz3r +/m/04f6df0 /film/film/country /m/09c7w0 +/m/05z7c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0h7t36 /film/film/genre /m/07s9rl0 +/m/0l8z1 /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxfd +/m/0fk0xk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0b_dh +/m/01m94f /location/location/time_zones /m/02hcv8 +/m/08p1gp /people/person/religion /m/01lp8 +/m/03yj_0n /award/award_winner/awards_won./award/award_honor/award_winner /m/027dtv3 +/m/03lrqw /film/film/genre /m/0vgkd +/m/03kg2v /film/film/genre /m/060__y +/m/01jpmpv /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01j_9c /education/educational_institution/students_graduates./education/education/student /m/01p4vl +/m/05pd94v /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vrx3g +/m/0p3r8 /people/person/nationality /m/02jx1 +/m/03lfd_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01s0_f /education/educational_institution/students_graduates./education/education/student /m/01d_4t +/m/01hnb /education/educational_institution/colors /m/01g5v +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/01bczm /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/013zdg /education/educational_degree/people_with_this_degree./education/education/institution /m/020923 +/m/01vv7sc /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/0frq6 /food/food/nutrients./food/nutrition_fact/nutrient /m/025s7x6 +/m/0m3gy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0bzlrh +/m/0371rb /sports/sports_team/colors /m/083jv +/m/0jm_ /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/03vrv9 +/m/03crmd /people/person/profession /m/02hrh1q +/m/0dbbz /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/014lc_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/025mb9 /award/award_category/winners./award/award_honor/award_winner /m/01k98nm +/m/013tcv /award/award_nominee/award_nominations./award/award_nomination/award /m/02pqp12 +/m/02w9sd7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/03x6m /sports/sports_team/sport /m/02vx4 +/m/09c7w0 /location/country/second_level_divisions /m/0jcky +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02wcx8c +/m/016732 /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/05c46y6 /film/film/featured_film_locations /m/02_286 +/m/01flzb /music/genre/parent_genre /m/02qcqkl +/m/0blpnz /people/person/profession /m/01d_h8 +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/062z7 +/m/08tq4x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/03qjg /music/instrument/instrumentalists /m/01309x +/m/091z_p /award/award_winning_work/awards_won./award/award_honor/award /m/0gr0m +/m/06v41q /people/ethnicity/people /m/05vk_d +/m/016lh0 /government/politician/government_positions_held./government/government_position_held/legislative_sessions /m/024tkd +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/053xw6 +/m/0kv7k /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/04hs7d /tv/tv_program/genre /m/01hmnh +/m/01q32bd /people/person/profession /m/02hrh1q +/m/0dj75 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1sg +/m/026gvfj /education/educational_institution/students_graduates./education/education/student /m/026r8q +/m/02zhkz /film/actor/film./film/performance/film /m/03n785 +/m/019f2f /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/08bytj +/m/0lhn5 /base/biblioness/bibs_location/state /m/0d0x8 +/m/016gr2 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02d45s +/m/07p__7 /government/legislative_session/members./government/government_position_held/legislative_sessions /m/02bqm0 +/m/0jt90f5 /people/person/nationality /m/09c7w0 +/m/02q8ms8 /film/film/genre /m/02l7c8 +/m/061dn_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0gfh84d +/m/04mx7s /people/person/nationality /m/09c7w0 +/m/082db /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d6lp /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/06vkl +/m/0gldyz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03bkbh /people/ethnicity/people /m/018dnt +/m/0b_6_l /time/event/locations /m/0fsb8 +/m/016622 /music/performance_role/track_performances./music/track_contribution/role /m/0mbct +/m/07ssc /location/location/contains /m/014kj2 +/m/0k6nt /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0jdk_ +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/03f0324 /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/01lw3kh +/m/0486tv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d05w3 +/m/099ck7 /award/award_category/nominees./award/award_nomination/nominated_for /m/0h95927 +/m/03_3d /location/country/form_of_government /m/01q20 +/m/04c9bn /sports/sports_team/colors /m/01l849 +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06n6p +/m/0bt7ws /people/person/languages /m/097kp +/m/01ypc /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/05kcgsf +/m/03nt7j /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/07w0v +/m/0n04r /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/085h1 /user/ktrueman/default_domain/international_organization/member_states /m/05qhw +/m/01pl9g /people/person/spouse_s./people/marriage/spouse /m/05kh_ +/m/01cgz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07fj_ +/m/0336mc /people/person/gender /m/02zsn +/m/013y1f /music/performance_role/regular_performances./music/group_membership/group /m/07bzp +/m/06nnj /organization/organization_member/member_of./organization/organization_membership/organization /m/041288 +/m/0dj0m5 /film/film/genre /m/02p0szs +/m/01cbt3 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ks3 +/m/02cttt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02hsgn /people/person/profession /m/02hrh1q +/m/02pxst /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/034ks /people/person/profession /m/025rxky +/m/0kc9f /tv/tv_network/programs./tv/tv_network_duration/program /m/05631 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/09q23x /film/film/genre /m/0bkbm +/m/01wmxfs /film/actor/film./film/performance/film /m/0crd8q6 +/m/0j1yf /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0lcx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/037cr1 /film/film/other_crew./film/film_crew_gig/crewmember /m/0c94fn +/m/01cl0d /music/record_label/artist /m/016vj5 +/m/02x4wb /award/award_category/category_of /m/0c4ys +/m/01cv3n /people/person/religion /m/03j6c +/m/0kv238 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06by7 /music/genre/artists /m/01vn0t_ +/m/02x3lt7 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02hkvw /people/person/nationality /m/03rk0 +/m/0661ql3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/016wzw +/m/0chghy /location/location/contains /m/0g4g7 +/m/0pvms /film/film/language /m/02h40lc +/m/07cbcy /award/award_category/nominees./award/award_nomination/nominated_for /m/043n1r5 +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/027rn +/m/03_d0 /music/genre/artists /m/02x8z_ +/m/021mlp /film/actor/film./film/performance/film /m/04954r +/m/03qgjwc /award/award_category/winners./award/award_honor/award_winner /m/0jlv5 +/m/040wdl /people/person/languages /m/02h40lc +/m/06m_5 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/050l8 /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/01vvb4m /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/01xndd /people/person/profession /m/0dxtg +/m/01vwbts /people/person/place_of_birth /m/04jpl +/m/0yls9 /education/educational_institution/students_graduates./education/education/student /m/082_p +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/0642ykh /film/film/genre /m/03k9fj +/m/03kxzm /location/location/contains /m/01l9vr +/m/018yv3 /music/genre/parent_genre /m/05r6t +/m/0427y /people/person/profession /m/02jknp +/m/01tkgy /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/011z3g /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/016ypb /people/person/languages /m/02h40lc +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/0m2rv +/m/0svqs /people/person/profession /m/02jknp +/m/0fsd9t /film/film/genre /m/06cvj +/m/0209xj /film/film/genre /m/02l7c8 +/m/0yls9 /location/location/time_zones /m/03bdv +/m/05y8n7 /music/genre/parent_genre /m/09nwwf +/m/0df4y /location/location/time_zones /m/052vwh +/m/01kwsg /award/award_nominee/award_nominations./award/award_nomination/award /m/099jhq +/m/07yk1xz /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0jhd +/m/01hbq0 /film/actor/film./film/performance/film /m/06rzwx +/m/02fgpf /award/award_nominee/award_nominations./award/award_nomination/award /m/024dzn +/m/03cv_gy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/070yzk +/m/0ctzf1 /tv/tv_program/genre /m/06n90 +/m/03lmx1 /people/ethnicity/people /m/01l7qw +/m/09v3jyg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0fpxp /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/013sg6 +/m/011k1h /music/record_label/artist /m/01k47c +/m/03hkv_r /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0cm2xh /film/film_subject/films /m/0fs9vc +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bqxw +/m/0dqcm /people/person/nationality /m/07ssc +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/01wmxfs /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/017s11 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0j43swk +/m/060v34 /film/film/executive_produced_by /m/0glyyw +/m/01771z /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cbn7c /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/02_286 +/m/013xrm /people/ethnicity/people /m/017r2 +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/025ldg /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/08815 /education/educational_institution/students_graduates./education/education/student /m/033071 +/m/0jpn8 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0blst_ /award/award_category/winners./award/award_honor/award_winner /m/03xds +/m/0gwjw0c /film/film/executive_produced_by /m/06q8hf +/m/0fbdb /food/food/nutrients./food/nutrition_fact/nutrient /m/0f4hc +/m/05m_8 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_x5 +/m/05n6sq /film/film/country /m/09c7w0 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0d075m /organization/organization/headquarters./location/mailing_address/citytown /m/0rh6k +/m/01bv8b /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0jqzt /film/film/genre /m/03npn +/m/05v8c /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0cqh46 /award/award_category/nominees./award/award_nomination/nominated_for /m/025ts_z +/m/027jq2 /people/person/nationality /m/0f8l9c +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0ggx5q /music/genre/artists /m/02zmh5 +/m/03twd6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/0ddt_ +/m/05qc_ /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/01rhl +/m/080nwsb /film/film/language /m/02h40lc +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0pqc5 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07qzv +/m/01l2m3 /people/cause_of_death/people /m/059y0 +/m/02q87z6 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0d060g /location/location/contains /m/05gm16l +/m/02fn5r /people/person/place_of_birth /m/05mph +/m/01s0_f /education/university/fraternities_and_sororities /m/035tlh +/m/03xp8d5 /people/person/profession /m/02hrh1q +/m/0fs_s /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/081yw /location/location/contains /m/010r6f +/m/0162v /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/07hwkr /people/ethnicity/people /m/0gpprt +/m/040wdl /people/person/languages /m/03k50 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mzp +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/067mj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gzy02 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/07_kq +/m/07pd_j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/01crd5 +/m/06szd3 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/02v2jy +/m/02zyy4 /people/person/profession /m/02hrh1q +/m/06x76 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02qw1zx +/m/05842k /music/performance_role/track_performances./music/track_contribution/role /m/03ndd +/m/0342h /music/instrument/instrumentalists /m/0837ql +/m/07fsv /location/country/form_of_government /m/018wl5 +/m/054ks3 /award/award_category/winners./award/award_honor/award_winner /m/020jqv +/m/06kl78 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0342h /music/instrument/instrumentalists /m/0197tq +/m/0bynt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/olympics /m/0l6ny +/m/01w7nwm /film/actor/film./film/performance/film /m/043tvp3 +/m/07hwkr /people/ethnicity/people /m/03xnq9_ +/m/0h95zbp /film/film/genre /m/07s9rl0 +/m/013423 /people/person/places_lived./people/place_lived/location /m/0cc56 +/m/07147 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/03c6sl9 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02jfc +/m/063ykwt /tv/tv_program/genre /m/07s9rl0 +/m/0bpm4yw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/05zvzf3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/052p7 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/037xlx +/m/03k99c /tv/tv_program/languages /m/02h40lc +/m/0j6cj /music/artist/track_contributions./music/track_contribution/role /m/0l15bq +/m/09xbpt /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02661h /people/person/religion /m/0c8wxp +/m/03c5bz /people/person/profession /m/02hrh1q +/m/035tjy /sports/sports_team/colors /m/06fvc +/m/02b29 /people/person/profession /m/0dxtg +/m/0948xk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01p7x7 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/02cbhg +/m/03772 /people/person/profession /m/0cbd2 +/m/040z9 /people/person/nationality /m/09c7w0 +/m/047xyn /award/award_category/winners./award/award_honor/award_winner /m/06d6y +/m/0k5fg /film/film/genre /m/0lsxr +/m/0dzst /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0fdys +/m/0bd67 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/069b85 /organization/organization/headquarters./location/mailing_address/citytown /m/0ftkx +/m/0bwfwpj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0448r /people/person/languages /m/03hkp +/m/02z13jg /award/award_category/winners./award/award_honor/award_winner /m/040z9 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bbgly +/m/027qgy /film/film/genre /m/05p553 +/m/0dszr0 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/019rg5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/04j_h4 /music/genre/artists /m/0czkbt +/m/016khd /award/award_winner/awards_won./award/award_honor/award_winner /m/01pj5q +/m/017r2 /people/person/religion /m/0kpl +/m/01h320 /people/person/profession /m/0dxtg +/m/01vn35l /music/artist/contribution./music/recording_contribution/performance_role /m/03bx0bm +/m/0l8sx /organization/organization/child./organization/organization_relationship/child /m/011k1h +/m/033tf_ /people/ethnicity/people /m/01r4bps +/m/0s9b_ /location/hud_county_place/place /m/0s9b_ +/m/0cx7f /music/genre/artists /m/012vm6 +/m/02y_j8g /award/award_category/winners./award/award_honor/award_winner /m/03d0ns +/m/02pcq92 /film/film/language /m/02h40lc +/m/07mqps /people/ethnicity/people /m/0bwh6 +/m/01vh3r /people/person/places_lived./people/place_lived/location /m/09ctj +/m/01fmys /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/063hp4 /film/film/country /m/09c7w0 +/m/04z257 /film/film/production_companies /m/04f525m +/m/0b60sq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0g768 /music/record_label/artist /m/01vsyjy +/m/067nsm /people/person/profession /m/0dz3r +/m/01lk02 /tv/tv_program/genre /m/0jxy +/m/0hz_1 /people/person/places_lived./people/place_lived/location /m/080h2 +/m/01xjx6 /music/record_label/artist /m/01vn35l +/m/0c0tzp /film/film_set_designer/film_sets_designed /m/0cq7kw +/m/02ck7w /film/actor/film./film/performance/film /m/05fcbk7 +/m/07g7h2 /award/award_nominee/award_nominations./award/award_nomination/award /m/02_3zj +/m/01dpdh /award/award_category/winners./award/award_honor/award_winner /m/0137n0 +/m/05683p /people/person/profession /m/02hrh1q +/m/062zjtt /film/film/language /m/02h40lc +/m/0kvqv /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gjv_ /education/educational_institution/students_graduates./education/education/student /m/07f3xb +/m/0d04z6 /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0jk_8 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/014ck4 +/m/02lxj_ /people/person/profession /m/0n1h +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/0631_ +/m/07xtqq /film/film/other_crew./film/film_crew_gig/crewmember /m/09rp4r_ +/m/09fqgj /film/film/genre /m/02l7c8 +/m/0j6b5 /film/film/genre /m/03q4nz +/m/035rnz /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/017y6l +/m/025cbm /music/performance_role/track_performances./music/track_contribution/role /m/03q5t +/m/09n4nb /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02rxbmt +/m/01ww2fs /people/person/gender /m/05zppz +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/01bgqh +/m/0824r /location/location/contains /m/0mk_3 +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/07vf5c +/m/0421v9q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01pj7 +/m/02fgp0 /award/award_nominee/award_nominations./award/award_nomination/award /m/02qvyrt +/m/01hw5kk /film/film/genre /m/07s9rl0 +/m/01dvtx /influence/influence_node/influenced_by /m/07c37 +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02lbrd +/m/09c7w0 /location/country/second_level_divisions /m/0l2vz +/m/07gxw /music/genre/artists /m/0m2l9 +/m/05mt_q /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/06mt91 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/02ky346 +/m/0gtv7pk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0b_6q5 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026w398 +/m/06mr6 /film/actor/film./film/performance/film /m/0d1qmz +/m/01l7cxq /people/person/profession /m/03lgtv +/m/02fj8n /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/025y67 /location/location/time_zones /m/03bdv +/m/03q64h /film/actor/film./film/performance/film /m/0dh8v4 +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0697s +/m/02xs5v /film/actor/film./film/performance/film /m/061681 +/m/02pqp12 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0b76t12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/04xrx /people/person/profession /m/01d_h8 +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/05krk +/m/01w8g3 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/05p09zm /award/award_category/nominees./award/award_nomination/nominated_for /m/07nnp_ +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/06tgw +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0f1nl +/m/0gvvf4j /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/01lvzbl /people/person/nationality /m/09c7w0 +/m/070px /people/person/profession /m/018gz8 +/m/0ksf29 /people/person/nationality /m/09c7w0 +/m/0m76b /people/person/profession /m/02jknp +/m/0173s9 /education/educational_institution/colors /m/083jv +/m/07wqr6 /tv/tv_program/genre /m/0lsxr +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/0bc773 +/m/09qvms /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/03ln8b +/m/05lls /music/genre/artists /m/063tn +/m/03npn /media_common/netflix_genre/titles /m/09qljs +/m/03rhqg /music/record_label/artist /m/063t3j +/m/0bwfn /education/educational_institution/students_graduates./education/education/student /m/04yj5z +/m/02zft0 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0146pg +/m/07j87 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/059xvg /people/person/profession /m/02hrh1q +/m/01g_bs /music/genre/parent_genre /m/03mb9 +/m/0c40vxk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02ctzb /people/ethnicity/people /m/03bxsw +/m/01q3_2 /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/0qf5p /base/biblioness/bibs_location/state /m/0hjy +/m/02__94 /people/deceased_person/place_of_death /m/0f2wj +/m/01d6g /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06fq2 +/m/0g5838s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/013q0p +/m/015gsv /people/person/nationality /m/09c7w0 +/m/056252 /music/record_label/artist /m/014pg1 +/m/03zw80 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_language /m/02h40lc +/m/016kft /people/person/profession /m/03gjzk +/m/01z4y /media_common/netflix_genre/titles /m/0bt3j9 +/m/04wp3s /film/actor/film./film/performance/film /m/0fzm0g +/m/014kkm /film/film/produced_by /m/01vsps +/m/012t1 /people/person/gender /m/05zppz +/m/0jzphpx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01w60_p +/m/05h72z /people/person/place_of_birth /m/0s5cg +/m/0bby9p5 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/06h7l7 /people/person/profession /m/025352 +/m/04fv5b /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/08s_lw /people/person/profession /m/02hrh1q +/m/0315w4 /film/film/country /m/09c7w0 +/m/01vhb0 /people/person/profession /m/0dxtg +/m/05zwrg0 /film/film/genre /m/06n90 +/m/0326tc /people/person/profession /m/09jwl +/m/09y6pb /film/film/genre /m/05p553 +/m/01f8gz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0qf11 /music/group_member/membership./music/group_membership/group /m/08w4pm +/m/02rjjll /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0mjn2 +/m/0l8z1 /award/award_category/winners./award/award_honor/ceremony /m/0dth6b +/m/0c_drn /award/award_nominee/award_nominations./award/award_nomination/award /m/0l8z1 +/m/03rhqg /music/record_label/artist /m/06gcn +/m/0y_pg /film/film/genre /m/02n4kr +/m/0ds3t5x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01lyv /music/genre/artists /m/02jq1 +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02wrhj +/m/012x7b /music/genre/parent_genre /m/01g_bs +/m/0l_dv /people/person/profession /m/02hrh1q +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/student /m/03ftmg +/m/056878 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07s3vqk +/m/01fx6y /film/film/genre /m/07s9rl0 +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01zc2w +/m/0147dk /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03rwz3 +/m/03csqj4 /people/person/profession /m/089fss +/m/04jkpgv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0vm4s /location/hud_county_place/county /m/0nj7b +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0cjf0 /people/cause_of_death/people /m/09jrf +/m/028dcg /education/educational_degree/people_with_this_degree./education/education/institution /m/015zyd +/m/092kgw /award/award_nominee/award_nominations./award/award_nomination/award /m/0gq9h +/m/08w6v_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026n6cs +/m/084nh /people/person/profession /m/02hv44_ +/m/07gyv /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03_3d +/m/06cqb /music/genre/artists /m/01w5gg6 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g4gr +/m/01kt_j /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03q5dr +/m/0d02km /people/person/nationality /m/09c7w0 +/m/02p59ry /people/person/profession /m/01d_h8 +/m/034qmv /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/01dc0c /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/07hgkd /people/person/profession /m/0nbcg +/m/0175wg /film/actor/film./film/performance/film /m/080dfr7 +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/01y0s9 +/m/0ds35l9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06qd3 +/m/0kn3g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/0gyh2wm /film/film/genre /m/03bxz7 +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0kjrx +/m/01gsry /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/06pwq /education/educational_institution/students_graduates./education/education/student /m/03v1xb +/m/02cbhg /film/film/genre /m/02l7c8 +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/institution /m/01pj48 +/m/0338g8 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qrn4 +/m/014g_s /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/02lkcc +/m/02fqrf /film/film/language /m/0653m +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/03c7tr1 +/m/01c1px /people/person/profession /m/03gjzk +/m/02c_4 /sports/sports_team/colors /m/03vtbc +/m/05q4y12 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0fh2v5 +/m/07k2mq /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/018cvf +/m/043g7l /music/record_label/artist /m/07zft +/m/0627zr /people/person/gender /m/05zppz +/m/02y8z /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06mkj +/m/02y_rq5 /award/award_category/winners./award/award_honor/award_winner /m/01qqtr +/m/037hz /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/09c7w0 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/016ky6 +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/01hr1 +/m/01dcqj /medicine/disease/risk_factors /m/01hbgs +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/02qhqz4 /film/film/country /m/03_3d +/m/03bx0bm /music/performance_role/regular_performances./music/group_membership/group /m/06nv27 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/02k8k +/m/05slvm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/014q2g /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/018ctl /olympics/olympic_games/participating_countries /m/035dk +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jmj7 +/m/01x73 /location/location/contains /m/01m1zk +/m/09g7vfw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/02f705 /award/award_category/winners./award/award_honor/award_winner /m/03f1d47 +/m/02bq1j /education/educational_institution/school_type /m/01rs41 +/m/0h95927 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/06823p /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/015zyd /education/educational_institution_campus/educational_institution /m/015zyd +/m/05slvm /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw1g +/m/06r4f /tv/tv_program/languages /m/02h40lc +/m/01qncf /film/film/country /m/09c7w0 +/m/019f2f /film/actor/film./film/performance/film /m/02qmsr +/m/0jbyg /people/person/profession /m/05z96 +/m/017n9 /film/film/genre /m/02m4t +/m/0b9dmk /film/actor/film./film/performance/film /m/02qpt1w +/m/02x8m /music/genre/artists /m/01fh0q +/m/01grqd /government/legislative_session/members./government/government_position_held/district_represented /m/059f4 +/m/04hk0w /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0dxtw +/m/022q32 /people/person/profession /m/0kyk +/m/036dyy /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02yv6b /music/genre/artists /m/01c8v0 +/m/0bdw1g /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/094qd5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05vxdh +/m/051m56 /people/person/profession /m/02hrh1q +/m/02rqwhl /film/film/genre /m/01t_vv +/m/0gxtknx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/01vzz1c /people/person/profession /m/016z4k +/m/07jjt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0154j +/m/03lpbx /tv/tv_network/programs./tv/tv_network_duration/program /m/0vhm +/m/0f4vx0 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/02b29 /people/person/profession /m/02krf9 +/m/01csvq /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01kt17 +/m/04mjl /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/01kd57 /award/award_nominee/award_nominations./award/award_nomination/award /m/03qpp9 +/m/0979zs /music/performance_role/track_performances./music/track_contribution/role /m/01679d +/m/012x4t /music/artist/track_contributions./music/track_contribution/role /m/01qbl +/m/0gy2y8r /film/film/other_crew./film/film_crew_gig/crewmember /m/095zvfg +/m/0145rs /music/genre/artists /m/0147jt +/m/0661ql3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/02hrh0_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/075znj /music/record_label/artist /m/0fcsd +/m/018y2s /people/person/religion /m/0kq2 +/m/0k4p0 /film/film/written_by /m/01v80y +/m/06cs95 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03n_7k +/m/01lyv /music/genre/artists /m/09k2t1 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/student /m/02tqkf +/m/0125xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/0329r5 /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/01gjlw +/m/02pl5bx /music/genre/artists /m/016fmf +/m/02_xgp2 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03nfmq +/m/01wc7p /people/person/profession /m/03gjzk +/m/05zbm4 /people/person/places_lived./people/place_lived/location /m/059rby +/m/01n8_g /film/actor/film./film/performance/film /m/090s_0 +/m/064jjy /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/01n8gr /award/award_nominee/award_nominations./award/award_nomination/award /m/026mff +/m/0g5b0q5 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fvf9q +/m/059_c /location/statistical_region/religions./location/religion_percentage/religion /m/058x5 +/m/041rx /people/ethnicity/people /m/0738b8 +/m/060c4 /business/job_title/people_with_this_title./business/employment_tenure/company /m/01j_9c +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0d2b38 +/m/02mjs7 /education/educational_degree/people_with_this_degree./education/education/student /m/041c4 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/09s1f +/m/0jmj7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01nkcn +/m/03wh49y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/04yj5z /award/award_nominee/award_nominations./award/award_nomination/award /m/01l78d +/m/02zd2b /education/educational_institution/colors /m/09ggk +/m/0gqyl /award/award_category/nominees./award/award_nomination/nominated_for /m/055td_ +/m/0bl60p /film/actor/film./film/performance/film /m/0gg5kmg +/m/05lf_ /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/0ll3 +/m/0c4y8 /influence/influence_node/influenced_by /m/0d5_f +/m/06wjf /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/040fb +/m/01kym3 /film/actor/film./film/performance/film /m/0dh8v4 +/m/0h03fhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/048vhl /film/film/produced_by /m/04pqqb +/m/03gm48 /people/person/place_of_birth /m/01_d4 +/m/02lp1 /education/field_of_study/students_majoring./education/education/student /m/0djywgn +/m/02v2jy /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0lp_cd3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01j7mr +/m/034qbx /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/082xp /people/person/gender /m/05zppz +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/0mwsh /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03ctv8m +/m/03q5dr /film/actor/film./film/performance/film /m/03cvwkr +/m/013kcv /location/hud_county_place/place /m/013kcv +/m/0126rp /influence/influence_node/influenced_by /m/01l7qw +/m/0f2zc /people/person/profession /m/02hrh1q +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0_b3d +/m/032zg9 /film/actor/film./film/performance/film /m/04y9mm8 +/m/03lfd_ /award/award_winning_work/awards_won./award/award_honor/award /m/0hnf5vm +/m/037n97 /music/genre/artists /m/0197tq +/m/06zgc /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0d0vqn +/m/01vs_v8 /people/person/profession /m/01p5_g +/m/01lyv /music/genre/artists /m/025ldg +/m/0mcf4 /music/record_label/artist /m/01sbf2 +/m/02tkzn /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0hfzr /award/award_winning_work/awards_won./award/award_honor/award /m/0gq9h +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/034xyf /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bs8ndx /film/film/genre /m/07s9rl0 +/m/01ty7ll /people/person/profession /m/01p5_g +/m/045xh /award/award_category/disciplines_or_subjects /m/04g51 +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tz +/m/01slc /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/041rx /people/ethnicity/people /m/02z1yj +/m/03ctv8m /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/027fwmt +/m/06_wqk4 /film/film/produced_by /m/0glyyw +/m/0hfjk /media_common/netflix_genre/titles /m/02ljhg +/m/01wyz92 /people/person/nationality /m/09c7w0 +/m/05hrq4 /people/person/place_of_birth /m/02_286 +/m/0yls9 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01rzqj /film/actor/film./film/performance/film /m/01kjr0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0m2rv +/m/01r4zfk /film/actor/film./film/performance/film /m/01738w +/m/0kz10 /music/genre/artists /m/0k60 +/m/075_t2 /location/location/contains /m/02c7tb +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/021y7yw /film/film/genre /m/09blyk +/m/011lvx /people/person/profession /m/0dxtg +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015qh +/m/03rhqg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/021yw7 /people/person/profession /m/02krf9 +/m/0p_qr /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03fw4y /people/person/profession /m/02jknp +/m/0l2l3 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0407yfx /film/film/executive_produced_by /m/04jspq +/m/04qz6n /people/person/nationality /m/09c7w0 +/m/027f2w /education/educational_degree/people_with_this_degree./education/education/institution /m/0yls9 +/m/02py4c8 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01wp_jm /influence/influence_node/influenced_by /m/0b78hw +/m/02j9z /location/location/contains /m/01flgk +/m/02rb607 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0dplh /education/educational_institution/students_graduates./education/education/student /m/024dgj +/m/01wzs_q /people/person/nationality /m/03_3d +/m/0mdqp /film/actor/film./film/performance/film /m/028kj0 +/m/061fhg /music/genre/parent_genre /m/06by7 +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/05r5c +/m/0cskb /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/014y6 +/m/01w40h /music/record_label/artist /m/01kh2m1 +/m/04bd8y /people/person/gender /m/05zppz +/m/0gdqy /people/person/profession /m/01d_h8 +/m/0gg8z1f /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/015cxv /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckcd +/m/02grdc /award/award_category/winners./award/award_honor/ceremony /m/0gx1673 +/m/026lgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/03_vpw /music/performance_role/regular_performances./music/group_membership/role /m/01xqw +/m/03gvt /music/instrument/instrumentalists /m/0p3sf +/m/040_t /people/person/religion /m/0n2g +/m/0ch26b_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ylj +/m/0lk0l /education/educational_institution/school_type /m/07tf8 +/m/02kxwk /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0bbz66j /people/ethnicity/people /m/03x22w +/m/060c4 /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/03spz +/m/013n60 /location/hud_county_place/place /m/013n60 +/m/05xvj /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01stj9 +/m/0g4vmj8 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/0_xdd +/m/01f8gz /film/film/language /m/0653m +/m/01kh2m1 /people/person/profession /m/039v1 +/m/01vswx5 /people/person/nationality /m/07ssc +/m/0bksh /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01hcj2 +/m/08xwck /award/award_nominee/award_nominations./award/award_nomination/award /m/0fbtbt +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/student /m/03c6v3 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/027ct7c +/m/01hl_w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/036hv +/m/07h34 /location/statistical_region/religions./location/religion_percentage/religion /m/021_0p +/m/0495ys /government/legislative_session/members./government/government_position_held/district_represented /m/059rby +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/institution /m/01_r9k +/m/04rqd /broadcast/content/artist /m/07pzc +/m/0k8y7 /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0407yfx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06q1r +/m/070fnm /film/film/language /m/02h40lc +/m/025p38 /film/actor/film./film/performance/special_performance_type /m/01pb34 +/m/04f73rc /music/genre/artists /m/0bsj9 +/m/020ngt /music/genre/parent_genre /m/05r6t +/m/04511f /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/08nz99 +/m/03g9xj /tv/tv_program/country_of_origin /m/09c7w0 +/m/02725hs /film/film/language /m/02h40lc +/m/069q4f /award/award_winning_work/awards_won./award/award_honor/honored_for /m/01771z +/m/02ht0ln /award/award_nominee/award_nominations./award/award_nomination/award /m/026mmy +/m/0661m4p /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/026yqrr /people/person/profession /m/0dz3r +/m/0421st /people/person/gender /m/02zsn +/m/03yvf2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0713r /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02pq_rp +/m/04dn09n /award/award_category/winners./award/award_honor/ceremony /m/0drtv8 +/m/0dvmd /people/person/places_lived./people/place_lived/location /m/030qb3t +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/06d6y /people/person/profession /m/0kyk +/m/0xhtw /music/genre/artists /m/0178_w +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/011yhm +/m/0g476 /award/award_nominee/award_nominations./award/award_nomination/award /m/02y_rq5 +/m/06brp0 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/016clz /music/genre/artists /m/0143q0 +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/06b_j /language/human_language/countries_spoken_in /m/06bnz +/m/05r6t /music/genre/artists /m/017j6 +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0b90_r +/m/0blbxk /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/06r1k /tv/tv_program/genre /m/095bb +/m/0g22z /film/film/produced_by /m/04w1j9 +/m/02rjjll /time/event/instance_of_recurring_event /m/0c4ys +/m/09c7w0 /location/country/second_level_divisions /m/0n491 +/m/033hn8 /music/record_label/artist /m/0565cz +/m/01c6l /award/award_nominee/award_nominations./award/award_nomination/award /m/05f4m9q +/m/08s6r6 /music/genre/artists /m/070b4 +/m/07wbk /government/political_party/politicians_in_this_party./government/political_party_tenure/politician /m/09b6zr +/m/04bpm6 /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/0kq39 /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/0l380 +/m/0mkg /music/performance_role/regular_performances./music/group_membership/role /m/01kcd +/m/07xvf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02rh1dz +/m/01qmy04 /people/person/profession /m/02hrh1q +/m/0jzw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/06mnps /film/actor/film./film/performance/film /m/0879bpq +/m/0c1gj5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020fgy /people/person/gender /m/05zppz +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/01qqwp9 +/m/0f2v0 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/0ll3 +/m/0d608 /film/actor/film./film/performance/film /m/04t6fk +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/092c5f +/m/0f276 /people/person/places_lived./people/place_lived/location /m/04n3l +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02v0ff +/m/09l3p /film/actor/film./film/performance/film /m/01shy7 +/m/023t0q /people/person/profession /m/02jknp +/m/02b29 /people/person/profession /m/0cbd2 +/m/012_53 /people/person/places_lived./people/place_lived/location /m/01m1_d +/m/0161h5 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/01fs_4 +/m/02k6hp /people/cause_of_death/people /m/03f68r6 +/m/03kq98 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01rw116 +/m/01gvxv /film/person_or_entity_appearing_in_film/films./film/personal_film_appearance/type_of_appearance /m/01jdpf +/m/0gmd3k7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0fhzf +/m/01n7q /location/location/contains /m/0l2vz +/m/03m5k /music/instrument/instrumentalists /m/02b25y +/m/05tfm /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01r3y2 +/m/01s695 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01vtj38 +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/0plw /organization/organization/headquarters./location/mailing_address/state_province_region /m/059rby +/m/0b_6zk /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/02q4ntp +/m/0dw4g /award/award_nominee/award_nominations./award/award_nomination/award /m/02f79n +/m/09hrc /location/location/contains /m/016n7b +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/017f3m /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01z5tr /people/person/place_of_birth /m/0cr3d +/m/06x43v /film/film/language /m/0653m +/m/03_gz8 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/0175wg /people/person/nationality /m/07ssc +/m/0h3lt /location/hud_county_place/place /m/0h3lt +/m/01p0w_ /music/group_member/membership./music/group_membership/role /m/05r5c +/m/0ds1glg /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/05kkh /location/statistical_region/religions./location/religion_percentage/religion /m/0c8wxp +/m/0209xj /award/award_winning_work/awards_won./award/award_honor/award /m/09cm54 +/m/01w9wwg /music/artist/track_contributions./music/track_contribution/role /m/01vdm0 +/m/099p5 /people/person/profession /m/06q2q +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/0bv7t +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/05cvgl +/m/07c52 /media_common/netflix_genre/titles /m/027pfb2 +/m/010p3 /people/person/profession /m/02hrh1q +/m/0bwfwpj /film/film/produced_by /m/06pj8 +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/04xfb +/m/024tcq /government/legislative_session/members./government/government_position_held/district_represented /m/04rrd +/m/0cwx_ /education/educational_institution/students_graduates./education/education/student /m/02cx72 +/m/0j_sncb /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03qsdpk +/m/01pj5q /film/actor/film./film/performance/film /m/09sr0 +/m/02__x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/045j3w /film/film/music /m/0fpjyd +/m/048t8y /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/041td_ +/m/025mb9 /award/award_category/winners./award/award_honor/ceremony /m/01s695 +/m/03mkk4 /education/educational_degree/people_with_this_degree./education/education/institution /m/0bjqh +/m/01lb14 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0ctw_b +/m/0gry51 /people/person/profession /m/02hrh1q +/m/021996 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/080dwhx /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/026v437 +/m/01vrkdt /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/05fjf +/m/07mgr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0by17xn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t8v +/m/0k7pf /people/person/profession /m/025sd_y +/m/01pcj4 /education/educational_institution/students_graduates./education/education/student /m/01cpqk +/m/07mz77 /film/actor/film./film/performance/film /m/085wqm +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/04z257 +/m/0kbf1 /film/film/genre /m/01g6gs +/m/011ykb /film/film/language /m/02h40lc +/m/07tj4c /film/film/genre /m/04xvh5 +/m/0y_hb /award/award_winning_work/awards_won./award/award_honor/award /m/027c95y +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/016tbr /film/actor/film./film/performance/film /m/0b3n61 +/m/02vjp3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/028q6 /people/person/profession /m/029bkp +/m/01grq1 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/04rsd2 /film/actor/film./film/performance/film /m/020bv3 +/m/0ctb4g /film/film/genre /m/02l7c8 +/m/085ccd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01ls2 +/m/01gst9 /government/legislative_session/members./government/government_position_held/district_represented /m/01x73 +/m/0dt8xq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/02vjp3 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/01yc02 /organization/role/leaders./organization/leadership/organization /m/054lpb6 +/m/01my_c /people/person/profession /m/03gjzk +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/06b19 +/m/03sbs /influence/influence_node/influenced_by /m/0420y +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/048vhl +/m/0s69k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0kn +/m/0170pk /people/person/places_lived./people/place_lived/location /m/0chgzm +/m/06by7 /music/genre/artists /m/0jbyg +/m/05nzw6 /film/actor/film./film/performance/film /m/057__d +/m/0blq0z /film/actor/film./film/performance/film /m/07tlfx +/m/0jdk_ /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0jgd /sports/sports_team_location/teams /m/023zd7 +/m/0hkxq /food/food/nutrients./food/nutrition_fact/nutrient /m/09gwd +/m/0f42nz /film/film/personal_appearances./film/personal_film_appearance/person /m/0f5zj6 +/m/033cnk /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1tg +/m/05kh_ /people/person/gender /m/05zppz +/m/0bt3j9 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/019f4v /award/award_category/winners./award/award_honor/ceremony /m/026kq4q +/m/01wx756 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/02vxq9m +/m/0ddd9 /award/award_category/winners./award/award_honor/award_winner /m/06whf +/m/01_k1z /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gkts9 /award/award_category/nominees./award/award_nomination/nominated_for /m/02rcwq0 +/m/016dj8 /film/film/genre /m/05p553 +/m/01w1sx /film/film_subject/films /m/02dwj +/m/0gr42 /award/award_category/winners./award/award_honor/award_winner /m/04rcl7 +/m/0x67 /people/ethnicity/people /m/03cvv4 +/m/02q_ncg /film/film/language /m/02h40lc +/m/01gvxv /people/person/languages /m/02h40lc +/m/0g768 /music/record_label/artist /m/01516r +/m/07th_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0h5k +/m/0h99n /medicine/disease/notable_people_with_this_condition /m/026zvx7 +/m/04hk0w /film/film/production_companies /m/046b0s +/m/057bxr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bqs56 /influence/influence_node/influenced_by /m/0ph2w +/m/0j0k /location/location/partially_contains /m/06bnz +/m/0d608 /people/person/profession /m/03gjzk +/m/07bs0 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03gj2 +/m/0p__8 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/02k_kn /music/genre/artists /m/04xrx +/m/07b1gq /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0dc_ms /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/04bsx1 /people/person/profession /m/0gl2ny2 +/m/033rq /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/015_1q /music/record_label/artist /m/033s6 +/m/0hndn2q /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0h0wc +/m/01fmys /film/film/genre /m/05p553 +/m/01ypc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02z6872 +/m/0bmhn /film/film/genre /m/07s9rl0 +/m/03m73lj /award/award_category/nominees./award/award_nomination/nominated_for /m/047csmy +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/03d8jd1 /film/film/production_companies /m/03yxwq +/m/02fgpf /people/person/profession /m/0dz3r +/m/0mk_3 /location/location/time_zones /m/02fqwt +/m/0dlngsd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/012zng /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/0bpbhm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/018x3 /music/artist/track_contributions./music/track_contribution/role /m/02qjv +/m/064vjs /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/03rjj +/m/01t6b4 /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/01cm8w /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/05mt6w /people/person/gender /m/05zppz +/m/06nns1 /film/actor/film./film/performance/film /m/0g_zyp +/m/042zrm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07c52 +/m/033q4k /organization/non_profit_organization/registered_with./organization/non_profit_registration/registering_agency /m/03z19 +/m/02cqbx /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0k4kk +/m/026rm_y /award/award_nominee/award_nominations./award/award_nomination/award /m/09sdmz +/m/060bp /government/government_office_category/officeholders./government/government_position_held/jurisdiction_of_office /m/07z5n +/m/07l8x /sports/sports_team/sport /m/018jz +/m/0bc1yhb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/07ylj /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbws +/m/02r22gf /award/award_category/nominees./award/award_nomination/nominated_for /m/0209hj +/m/05lls /music/genre/artists /m/025vry +/m/0ym17 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lhy +/m/0pd6l /film/film/language /m/064_8sq +/m/09pj68 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/093l8p +/m/0blq0z /award/award_winner/awards_won./award/award_honor/award_winner /m/09r9dp +/m/03jqw5 /film/actor/film./film/performance/film /m/02_1sj +/m/0pd4f /film/film/language /m/064_8sq +/m/02p5hf /award/award_nominee/award_nominations./award/award_nomination/award /m/0bdw6t +/m/041bnw /music/record_label/artist /m/01m15br +/m/027mdh /education/educational_institution/colors /m/01l849 +/m/01clyr /music/record_label/artist /m/018x3 +/m/0971v /food/food/nutrients./food/nutrition_fact/nutrient /m/025rw19 +/m/086sj /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/07sc6nw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/03mp8k /music/record_label/artist /m/0892sx +/m/016clz /music/genre/artists /m/037hgm +/m/01vw37m /people/person/profession /m/0dz3r +/m/014kkm /film/film/country /m/09c7w0 +/m/01pj3h /film/actor/film./film/performance/film /m/05m_jsg +/m/0dhrqx /people/person/gender /m/05zppz +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/07z4p +/m/02nygk /people/person/nationality /m/09c7w0 +/m/019y64 /people/person/gender /m/05zppz +/m/03_zv5 /music/genre/parent_genre /m/0gywn +/m/062zm5h /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/012wgb +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/03t79f +/m/0chghy /organization/organization_member/member_of./organization/organization_membership/organization /m/04k4l +/m/0277jc /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/09g7thr +/m/0c_m3 /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/0km3f +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/06fcqw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/09blyk /media_common/netflix_genre/titles /m/07nnp_ +/m/01kcty /music/genre/artists /m/03t9sp +/m/09n70c /people/person/place_of_birth /m/0fhzf +/m/022dp5 /people/ethnicity/people /m/07d3z7 +/m/0169t /organization/organization_member/member_of./organization/organization_membership/organization /m/0b6css +/m/0p9sw /award/award_category/winners./award/award_honor/award_winner /m/02q9kqf +/m/0hv4t /film/film/featured_film_locations /m/030qb3t +/m/0gqng /award/award_category/nominees./award/award_nomination/nominated_for /m/05y0cr +/m/09blyk /media_common/netflix_genre/titles /m/04mzf8 +/m/02f8lw /people/person/languages /m/02h40lc +/m/0dn44 /music/group_member/membership./music/group_membership/group /m/04sd0 +/m/094xh /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01f7dd /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01y_px +/m/01l1rw /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01gw8b /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqwc +/m/02k_kn /music/genre/artists /m/0mjn2 +/m/0ndwt2w /film/film/story_by /m/041h0 +/m/0fpgp26 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05c74 +/m/0bs8hvm /film/film/genre /m/07s9rl0 +/m/0sw6g /people/person/nationality /m/09c7w0 +/m/026036 /education/educational_institution/school_type /m/0257h9 +/m/0f6rc /film/film_subject/films /m/05dy7p +/m/0dsvzh /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0418wg /film/film/film_format /m/07fb8_ +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/07ssc +/m/0d05w3 /location/location/contains /m/01l3s0 +/m/03z9585 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/01v1d8 /music/performance_role/track_performances./music/track_contribution/role /m/07kc_ +/m/01cj6y /award/award_nominee/award_nominations./award/award_nomination/award /m/02w9sd7 +/m/0963mq /film/film/featured_film_locations /m/02_286 +/m/01q_wyj /music/group_member/membership./music/group_membership/group /m/01vsxdm +/m/0fphf3v /film/film/genre /m/06cvj +/m/03j24kf /music/artist/track_contributions./music/track_contribution/role /m/03gvt +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/07qnf +/m/06kknt /education/educational_institution/students_graduates./education/education/student /m/023361 +/m/0gzlb9 /film/film/executive_produced_by /m/04h6mm +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01n6r0 +/m/0lk90 /award/award_nominee/award_nominations./award/award_nomination/award /m/05p09zm +/m/01grmk /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/04zyhx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0jgd +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06c62 +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0162v /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/01pq5j7 +/m/0bfvd4 /award/award_category/nominees./award/award_nomination/nominated_for /m/02ppg1r +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/01q99h +/m/01sxq9 /film/actor/film./film/performance/film /m/03m8y5 +/m/01mqc_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0c5qvw +/m/087vnr5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/064t9 /music/genre/artists /m/049qx +/m/017z49 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/0dt8xq /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/016zdd /people/person/nationality /m/09c7w0 +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/01sgl /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0f8l9c +/m/012j5h /people/person/nationality /m/09c7w0 +/m/05l2z4 /government/legislative_session/members./government/government_position_held/district_represented /m/081mh +/m/0fnmz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02j62 +/m/07gbf /tv/tv_program/genre /m/0fdjb +/m/03bxp5 /film/film/genre /m/02l7c8 +/m/01pgp6 /film/film/genre /m/02l7c8 +/m/0dq626 /film/film/genre /m/02n4kr +/m/0mcl0 /film/film/genre /m/07s9rl0 +/m/05nrkb /education/educational_institution/students_graduates./education/education/student /m/02114t +/m/0dt49 /award/award_category/disciplines_or_subjects /m/04sh3 +/m/04mvp8 /people/ethnicity/geographic_distribution /m/03spz +/m/0cnl80 /people/person/nationality /m/09c7w0 +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/0dzlbx +/m/02tkzn /people/person/place_of_birth /m/04f_d +/m/03_c8p /organization/organization_member/member_of./organization/organization_membership/organization /m/03mbdx_ +/m/0dhd5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03rk0 /location/statistical_region/places_exported_to./location/imports_and_exports/exported_to /m/027jk +/m/04mky3 /people/person/profession /m/016z4k +/m/0pnf3 /people/person/gender /m/05zppz +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/06mnr +/m/064t9 /music/genre/artists /m/0227vl +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/0jltp +/m/02nddq /music/record_label/artist /m/01271h +/m/07vn_9 /film/film/genre /m/07s9rl0 +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/01fx5l /film/actor/film./film/performance/film /m/0gy0n +/m/0cq806 /film/film/language /m/06nm1 +/m/01hrqc /people/person/profession /m/03gjzk +/m/03hbzj /people/person/gender /m/05zppz +/m/02_l96 /people/person/nationality /m/09c7w0 +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rjj +/m/0d05w3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq67 +/m/0qf43 /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3ft +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/04tc1g +/m/08z39v /people/person/profession /m/0dgd_ +/m/01w3lzq /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/01_sz1 /music/genre/artists /m/03xhj6 +/m/018_q8 /organization/organization/child./organization/organization_relationship/child /m/07y2b +/m/0fhzwl /tv/tv_program/genre /m/02n4kr +/m/01fwj8 /award/award_nominee/award_nominations./award/award_nomination/award /m/05pcn59 +/m/02bfmn /people/person/nationality /m/09c7w0 +/m/07v64s /music/genre/artists /m/01vtmw6 +/m/02mxw0 /film/actor/film./film/performance/film /m/0bpbhm +/m/05b4l5x /award/award_category/nominees./award/award_nomination/nominated_for /m/0125xq +/m/03459x /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/039fgy /award/award_winning_work/awards_won./award/award_honor/award /m/0fbtbt +/m/01rt5h /medicine/disease/risk_factors /m/02ctzb +/m/0rt80 /location/hud_county_place/place /m/0rt80 +/m/05q7cj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/011yd2 +/m/0zm1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02cbg0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/015wfg /people/person/gender /m/05zppz +/m/073hmq /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0yxm1 +/m/02p_7cr /award/award_category/nominees./award/award_nomination/nominated_for /m/0gj50 +/m/0c12h /award/award_nominee/award_nominations./award/award_nomination/award /m/03nqnk3 +/m/01j6t0 /medicine/symptom/symptom_of /m/0146bp +/m/02wtp6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06f32 +/m/01tf_6 /people/cause_of_death/people /m/0237fw +/m/05rnp1 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02wgln /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0408np +/m/0b6k40 /education/educational_institution/students_graduates./education/education/student /m/0175wg +/m/02gkzs /government/legislative_session/members./government/government_position_held/district_represented /m/0vmt +/m/02t_v1 /people/person/places_lived./people/place_lived/location /m/01531 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/02t_tp /people/person/gender /m/05zppz +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxns +/m/042l3v /people/person/gender /m/05zppz +/m/024mpp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0ctw_b +/m/07l2m /sports/sports_team/roster./american_football/football_historical_roster_position/position_s /m/08ns5s +/m/073hgx /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02jxbw +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01j_9c +/m/04f52jw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/0_7w6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03xsby /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0cp0t91 +/m/011yn5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0263ycg +/m/09r9dp /film/actor/film./film/performance/film /m/07l50_1 +/m/06c62 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04w_7 +/m/02581q /award/award_category/winners./award/award_honor/ceremony /m/0gpjbt +/m/0bcp9b /film/film/genre /m/02l7c8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyb4 +/m/092_25 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/048lv +/m/025tn92 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/08qnnv +/m/01w9wwg /award/award_nominee/award_nominations./award/award_nomination/award /m/02681vq +/m/0xnc3 /people/person/religion /m/0n2g +/m/02238b /influence/influence_node/influenced_by /m/0sx5w +/m/0257__ /award/award_category/winners./award/award_honor/ceremony /m/01bx35 +/m/030155 /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/0199wf /film/film/genre /m/0hcr +/m/01l_vgt /people/person/gender /m/02zsn +/m/01p85y /people/person/places_lived./people/place_lived/location /m/02z0j +/m/0k54q /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01200d /people/deceased_person/place_of_burial /m/018mmj +/m/01p45_v /people/person/profession /m/09jwl +/m/0175wg /people/person/places_lived./people/place_lived/location /m/0126hc +/m/02f72n /award/award_category/winners./award/award_honor/award_winner /m/0dw4g +/m/0b_6jz /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03by7wc +/m/04nnpw /film/film/executive_produced_by /m/06q8hf +/m/0444x /people/person/gender /m/05zppz +/m/027571b /award/award_category/winners./award/award_honor/award_winner /m/0mz73 +/m/04306rv /language/human_language/countries_spoken_in /m/082fr +/m/02j69w /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/09v8clw /film/film/featured_film_locations /m/0dfcn +/m/029h7y /music/genre/artists /m/01wj18h +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/011yqc +/m/0g2c8 /organization/organization/headquarters./location/mailing_address/state_province_region /m/05kkh +/m/01mpwj /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/01304j /music/artist/track_contributions./music/track_contribution/role /m/01vnt4 +/m/03t5b6 /award/award_category/winners./award/award_honor/ceremony /m/0jzphpx +/m/0879bpq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0d22f /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02kwcj /tv/tv_program/genre /m/0jxy +/m/01fdc0 /film/actor/film./film/performance/film /m/037cr1 +/m/024rwx /tv/tv_program/country_of_origin /m/09c7w0 +/m/02cyfz /people/person/place_of_birth /m/030qb3t +/m/0m40d /music/genre/artists /m/01n44c +/m/0b9rdk /film/film/country /m/07ssc +/m/05r5w /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cp0790 /film/film/language /m/02h40lc +/m/0bc71w /people/person/gender /m/05zppz +/m/064t9 /music/genre/artists /m/01nhkxp +/m/063_t /people/person/spouse_s./people/marriage/location_of_ceremony /m/0kc40 +/m/0l6mp /user/jg/default_domain/olympic_games/sports /m/0w0d +/m/01pwz /people/person/place_of_birth /m/0hknf +/m/0njlp /location/location/time_zones /m/02hcv8 +/m/0pd4f /film/film/genre /m/082gq +/m/0f25w9 /food/food/nutrients./food/nutrition_fact/nutrient /m/02kc4sf +/m/0h_cssd /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/04sry +/m/018db8 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0315q3 +/m/020x5r /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03d_w3h /film/actor/film./film/performance/film /m/07l450 +/m/07h34 /location/location/contains /m/01t8sr +/m/0l12d /music/artist/track_contributions./music/track_contribution/role /m/0dwt5 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0cbn7c +/m/02qdgx /music/genre/artists /m/03f0vvr +/m/0mbql /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03gj2 +/m/09q23x /film/film/language /m/02hxcvy +/m/03kg2v /film/film/story_by /m/014nvr +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/01sgmd +/m/07ym6ss /people/person/gender /m/05zppz +/m/04yywz /film/actor/film./film/performance/film /m/04tc1g +/m/016mhd /award/award_winning_work/awards_won./award/award_honor/award /m/02qt02v +/m/01fyzy /people/person/profession /m/02hrh1q +/m/03h4mp /people/deceased_person/place_of_death /m/030qb3t +/m/0342h /music/instrument/instrumentalists /m/0282x +/m/073v6 /influence/influence_node/influenced_by /m/04xjp +/m/07vyf /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/03x7hd /film/film/genre /m/0hcr +/m/01wy5m /people/person/places_lived./people/place_lived/location /m/05r4w +/m/0sx8l /olympics/olympic_games/participating_countries /m/0chghy +/m/01dbxr /location/location/time_zones /m/02hcv8 +/m/03j3pg9 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/0gywn /music/genre/artists /m/01wk7ql +/m/0hz6mv2 /film/film/country /m/09c7w0 +/m/06l9n8 /people/person/profession /m/0cbd2 +/m/0jsqk /film/film/featured_film_locations /m/02_286 +/m/04cl1 /film/actor/film./film/performance/film /m/0992d9 +/m/03gvpk /people/person/nationality /m/09c7w0 +/m/0f4x7 /award/award_category/nominees./award/award_nomination/nominated_for /m/01chpn +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0c00zd0 +/m/0kftt /people/person/profession /m/0kyk +/m/0275n3y /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0cs134 +/m/01vvydl /award/award_nominee/award_nominations./award/award_nomination/award /m/02f764 +/m/04m064 /film/actor/film./film/performance/film /m/0b73_1d +/m/0bth54 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/0dr89x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/01mbwlb /award/award_nominee/award_nominations./award/award_nomination/award /m/04fgkf_ +/m/01rr_d /education/educational_degree/people_with_this_degree./education/education/institution /m/02z6fs +/m/017v71 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/037mh8 +/m/014zcr /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0f4vbz +/m/030tj5 /award/award_nominee/award_nominations./award/award_nomination/award /m/02n9nmz +/m/0342h /music/instrument/instrumentalists /m/017yfz +/m/016t_3 /education/educational_degree/people_with_this_degree./education/education/institution /m/015q1n +/m/0f7hc /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01wyy_ /people/person/profession /m/01d_h8 +/m/09fc83 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/03vgp7 +/m/0ds11z /film/film/produced_by /m/03v1w7 +/m/0fq117k /people/person/place_of_birth /m/0rh7t +/m/04h07s /film/actor/film./film/performance/film /m/0gj8t_b +/m/0hv81 /film/film/genre /m/02l7c8 +/m/02xx5 /base/localfood/seasonal_month/produce_available./base/localfood/produce_availability/seasonal_months /m/040fb +/m/02rmfm /people/person/languages /m/02h40lc +/m/012d40 /people/person/languages /m/03_9r +/m/09n5t_ /music/genre/artists /m/03mszl +/m/03cw411 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/0gh6j94 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/07gghl /film/film/produced_by /m/0147dk +/m/07cyl /film/film/prequel /m/033qdy +/m/094jv /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/031t2d /film/film/genre /m/0556j8 +/m/04z257 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/03176f /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/025sc50 /music/genre/artists /m/09h4b5 +/m/01_lhg /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/047g98 +/m/0bm2nq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/015wfg /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02mj7c /education/educational_institution/students_graduates./education/education/student /m/01x6jd +/m/01s73z /organization/organization/child./organization/organization_relationship/child /m/016tw3 +/m/05k7sb /location/location/contains /m/0hz35 +/m/015x74 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03ntbmw /film/film/country /m/0f8l9c +/m/08qxx9 /people/person/languages /m/02h40lc +/m/0266s9 /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/05xpms +/m/01t6b4 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/088tp3 /tv/tv_program/country_of_origin /m/03_3d +/m/062hgx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/032jlh /base/x2010fifaworldcupsouthafrica/world_cup_squad/current_world_cup_squad./base/x2010fifaworldcupsouthafrica/current_world_cup_squad/current_club /m/03jb2n +/m/09sdmz /award/award_category/nominees./award/award_nomination/nominated_for /m/047tsx3 +/m/04cppj /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02x8m /music/genre/artists /m/0bs1g5r +/m/013807 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04rjg +/m/092j54 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/012mzw +/m/01y3c /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jssp +/m/0hn10 /media_common/netflix_genre/titles /m/01q_y0 +/m/063y_ky /award/award_category/nominees./award/award_nomination/nominated_for /m/06fpsx +/m/03tbg6 /film/film/distributors./film/film_film_distributor_relationship/region /m/07ssc +/m/01vsy95 /music/artist/track_contributions./music/track_contribution/role /m/0dq630k +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/03ytc +/m/016pns /people/person/profession /m/0dz3r +/m/03hl6lc /award/award_category/nominees./award/award_nomination/nominated_for /m/011ykb +/m/0121sr /language/human_language/countries_spoken_in /m/0d060g +/m/014kyy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02s2wq /people/person/places_lived./people/place_lived/location /m/06yxd +/m/0cp9f9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/03rwz3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/02pb2bp +/m/02cbg0 /film/film/other_crew./film/film_crew_gig/crewmember /m/0284n42 +/m/0m63c /film/film/language /m/071fb +/m/07h5d /people/person/profession /m/0cbd2 +/m/07l8x /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02x2khw +/m/032wdd /film/actor/film./film/performance/film /m/0n6ds +/m/08s0m7 /people/person/nationality /m/03rk0 +/m/086k8 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0992d9 +/m/01hlwv /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/04k4rt +/m/047gn4y /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/01y998 /base/culturalevent/event/entity_involved /m/0c_jc +/m/02h40lc /language/human_language/countries_spoken_in /m/0162b +/m/035yg /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/05rgl /location/location/contains /m/02wzv +/m/01z4y /media_common/netflix_genre/titles /m/089j8p +/m/0260bz /film/film/genre /m/02p0szs +/m/08141d /film/actor/dubbing_performances./film/dubbing_performance/language /m/02h40lc +/m/0152cw /people/person/profession /m/039v1 +/m/03tf_h /people/person/profession /m/02hrh1q +/m/0c7ct /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/04j13sx +/m/06l9n8 /people/person/gender /m/05zppz +/m/0br1x_ /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/03d5m8w +/m/0b44shh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/04w7rn /film/film/executive_produced_by /m/03c9pqt +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04x_3 +/m/05zr0xl /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/096lf_ +/m/01dtcb /music/record_label/artist /m/0167km +/m/08jyyk /music/genre/artists /m/01w8n89 +/m/041rx /people/ethnicity/people /m/063472 +/m/01dy7j /people/person/place_of_birth /m/0cr3d +/m/0g5ff /people/person/place_of_birth /m/0d6lp +/m/03h3x5 /film/film/language /m/02h40lc +/m/04qsdh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/01by1l +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/05pbsry +/m/01j851 /base/popstra/celebrity/dated./base/popstra/dated/participant /m/016z2j +/m/0p9sw /award/award_category/nominees./award/award_nomination/nominated_for /m/05pbl56 +/m/0c00zd0 /film/film/country /m/09c7w0 +/m/0bzk2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/019f2f +/m/042v_gx /music/performance_role/track_performances./music/track_contribution/role /m/01wy6 +/m/0ws7 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/092j54 +/m/04xvlr /media_common/netflix_genre/titles /m/057__d +/m/014nq4 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/06wbm8q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rj0 +/m/027gs1_ /award/award_category/winners./award/award_honor/ceremony /m/07y9ts +/m/0b_fw /film/actor/film./film/performance/film /m/032016 +/m/09sb52 /award/award_category/winners./award/award_honor/ceremony /m/092t4b +/m/01x9_8 /people/person/profession /m/0np9r +/m/02qhlm /sports/sports_team/sport /m/02vx4 +/m/01fszq /tv/tv_program/languages /m/02h40lc +/m/01msrb /film/film/genre /m/07s9rl0 +/m/037njl /education/educational_institution/campuses /m/037njl +/m/0229rs /music/record_label/artist /m/016vn3 +/m/01fyzy /people/person/profession /m/01d_h8 +/m/0h1cdwq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/035qy +/m/0q9kd /award/award_nominee/award_nominations./award/award_nomination/award /m/09sb52 +/m/0vlf /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/03w5xm +/m/024rbz /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/05dss7 +/m/0fzyg /film/film_subject/films /m/01kf3_9 +/m/01738f /music/genre/parent_genre /m/01_bkd +/m/0b_6xf /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/04088s0 +/m/05k17c /business/job_title/people_with_this_title./business/employment_tenure/company /m/08815 +/m/03f5mt /music/instrument/instrumentalists /m/095x_ +/m/016k6x /people/person/gender /m/05zppz +/m/03h8_g /award/award_nominee/award_nominations./award/award_nomination/award /m/0c422z4 +/m/05lls /music/genre/artists /m/04k15 +/m/07ssc /location/location/contains /m/01rwf_ +/m/0kvbl6 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/011ycb /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/016tt2 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/035s95 +/m/0crc2cp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/04kxsb /award/award_category/winners./award/award_honor/award_winner /m/0cf2h +/m/03rwz3 /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/contact_category /m/014dgf +/m/0sxfd /film/film/genre /m/07s9rl0 +/m/03jqfx /base/culturalevent/event/entity_involved /m/026pz9s +/m/0jt90f5 /people/person/profession /m/03gjzk +/m/01bfjy /tv/tv_network/programs./tv/tv_network_duration/program /m/02kwcj +/m/05h43ls /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/0gtxj2q /film/film/genre /m/07s9rl0 +/m/01pbs9w /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01q3_2 /people/person/gender /m/05zppz +/m/0h95zbp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03rk0 +/m/01n7q /location/location/contains /m/0kv5t +/m/05qtj /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/04d_mtq +/m/078bz /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02lp1 +/m/0661m4p /film/film/music /m/02bh9 +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/06jz0 +/m/0gr4k /award/award_category/nominees./award/award_nomination/nominated_for /m/0cq8qq +/m/032r1 /influence/influence_node/influenced_by /m/04hcw +/m/0457w0 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/01s0t3 +/m/03gj2 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0lv1x +/m/07l2m /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/05vsb7 +/m/018w8 /sports/sport/pro_athletes./sports/pro_sports_played/athlete /m/054c1 +/m/07dfk /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/05cw8 +/m/02qdrjx /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/073h5b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027rwmr +/m/03cd1q /people/person/nationality /m/01znc_ +/m/027c95y /award/award_category/winners./award/award_honor/award_winner /m/01vvb4m +/m/02lymt /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/09rvwmy /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0bbgvp /film/film/genre /m/03k9fj +/m/06w92 /location/location/contains /m/0g7yx +/m/07wlf /education/educational_institution/school_type /m/07tf8 +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/05tbn +/m/07_f2 /location/statistical_region/religions./location/religion_percentage/religion /m/051kv +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/012mrr +/m/0284gcb /people/person/profession /m/0dxtg +/m/0d6n1 /music/genre/artists /m/01vyp_ +/m/0bzknt /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07y_r +/m/09gdm7q /film/film/language /m/02hxc3j +/m/0n6nl /location/location/time_zones /m/02lcqs +/m/02vzc /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/02m3sd +/m/09gnn /influence/influence_node/influenced_by /m/080r3 +/m/06whf /people/person/religion /m/0kq2 +/m/07z4p5 /people/person/profession /m/0dgd_ +/m/011k1h /music/record_label/artist /m/01vzz1c +/m/01y0y6 /people/person/nationality /m/09c7w0 +/m/0fm3nb /award/award_category/nominees./award/award_nomination/nominated_for /m/02vr3gz +/m/0jqb8 /award/ranked_item/appears_in_ranked_lists./award/ranking/list /m/05glt +/m/05jcn8 /people/person/nationality /m/09c7w0 +/m/01n4w /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/02rq8k8 /film/film/genre /m/02l7c8 +/m/0dpqk /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/01jq34 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qjt +/m/011j5x /music/genre/artists /m/07n68 +/m/0h_9252 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0dbpwb +/m/07y_p6 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01ft14 +/m/0415mzy /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01j_cy /education/educational_institution/students_graduates./education/education/major_field_of_study /m/05qfh +/m/01j2xj /people/person/profession /m/02jknp +/m/0gzh /organization/organization_founder/organizations_founded /m/03z19 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01vmv_ +/m/0xjl2 /music/genre/parent_genre /m/05r6t +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/032r4n +/m/01ps2h8 /people/person/gender /m/05zppz +/m/02qvyrt /award/award_category/nominees./award/award_nomination/nominated_for /m/0cz_ym +/m/0dq3c /business/job_title/people_with_this_title./business/employment_tenure/company /m/01zpmq +/m/0bw20 /film/film/featured_film_locations /m/036k0s +/m/0bkj86 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/040p_q +/m/07mvp /award/award_nominee/award_nominations./award/award_nomination/award /m/01c9jp +/m/02fb1n /people/person/nationality /m/09c7w0 +/m/0gj8nq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03tbg6 /film/film/country /m/0chghy +/m/0lbd9 /olympics/olympic_games/sports /m/071t0 +/m/01b3l /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/03m6t5 /base/americancomedy/celebrity_impressionist/celebrities_impersonated /m/02_fj +/m/0gsg7 /tv/tv_network/programs./tv/tv_network_duration/program /m/04glx0 +/m/08qmfm /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01m1dzc /people/person/gender /m/05zppz +/m/02784z /people/person/nationality /m/01mjq +/m/0jrv_ /music/genre/parent_genre /m/03lty +/m/0bdjd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/0gl5_ /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/02t_v1 /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/01gb54 /music/record_label/artist /m/0143q0 +/m/0133sq /people/person/nationality /m/07ssc +/m/0342h /music/performance_role/regular_performances./music/group_membership/group /m/01w5n51 +/m/02bvc5 /organization/organization/headquarters./location/mailing_address/citytown /m/0978r +/m/0gs9p /award/award_category/nominees./award/award_nomination/nominated_for /m/0bmhn +/m/09d28z /award/award_category/winners./award/award_honor/award_winner /m/03s9b +/m/0f276 /people/person/places_lived./people/place_lived/location /m/0h7h6 +/m/02q52q /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/03mszl /music/artist/contribution./music/recording_contribution/performance_role /m/0l14md +/m/011k_j /music/performance_role/track_performances./music/track_contribution/role /m/04rzd +/m/02vqsll /film/film/genre /m/07s9rl0 +/m/0blt6 /film/actor/film./film/performance/film /m/0yyn5 +/m/02pprs /music/performance_role/regular_performances./music/group_membership/group /m/01lf293 +/m/0pkr1 /people/person/place_of_birth /m/03h64 +/m/0cl_m /people/person/gender /m/05zppz +/m/0vrmb /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/027b9j5 /award/award_category/nominees./award/award_nomination/nominated_for /m/05c5z8j +/m/0mj1l /people/person/profession /m/0np9r +/m/04f4z1k /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0k__z +/m/02mf7 /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/05_z42 /award/award_winning_work/awards_won./award/award_honor/award /m/0m7yy +/m/016j68 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/03xj05 /film/film/genre /m/03q4nz +/m/04xjp /people/person/places_lived./people/place_lived/location /m/0h3y +/m/01w3v /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/01nkt /food/food/nutrients./food/nutrition_fact/nutrient /m/0h1vz +/m/0pv3x /film/film/executive_produced_by /m/05hj_k +/m/06by7 /music/genre/artists /m/01cv3n +/m/05ztjjw /award/award_category/nominees./award/award_nomination/nominated_for /m/0fz3b1 +/m/091xrc /film/film/featured_film_locations /m/02_286 +/m/015w8_ /tv/tv_program/genre /m/0hcr +/m/03ldxq /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0k_s5 /location/location/contains /m/027l4q +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/024tkd /government/legislative_session/members./government/government_position_held/district_represented /m/07_f2 +/m/021gk7 /business/business_operation/industry /m/020mfr +/m/03nnm4t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02p21g +/m/0dnqr /film/film/executive_produced_by /m/030_3z +/m/0x67 /people/ethnicity/people /m/02jt1k +/m/01g3gq /film/film/genre /m/0fdjb +/m/0gq_v /award/award_category/winners./award/award_honor/ceremony /m/02yvhx +/m/0jml5 /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/06pwq +/m/0gfh84d /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0154j +/m/0g5y6 /people/ethnicity/people /m/0hwqg +/m/0bzyh /people/person/profession /m/03gjzk +/m/01rr9f /people/person/profession /m/02hrh1q +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jyx6 +/m/03p2xc /film/film/genre /m/0gf28 +/m/03_8r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01pj7 +/m/0j8hd /people/cause_of_death/people /m/03f3_p3 +/m/01sv6k /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0b_4z /people/person/profession /m/0d1pc +/m/0cvkv5 /film/film/genre /m/03q4nz +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/027b43 +/m/0187nd /education/educational_institution/students_graduates./education/education/student /m/01933d +/m/02t_99 /award/award_nominee/award_nominations./award/award_nomination/award /m/05b4l5x +/m/0jz9f /business/business_operation/industry /m/02vxn +/m/04ykg /location/location/time_zones /m/02fqwt +/m/011_3s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/030hbp +/m/02ny6g /film/film/genre /m/06n90 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01cmp9 +/m/0gqwc /award/award_category/nominees./award/award_nomination/nominated_for /m/0f4vx +/m/0bq6ntw /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07f1x +/m/038nv6 /film/actor/film./film/performance/film /m/08mg_b +/m/032dg7 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048scx +/m/05vxdh /film/film/genre /m/07s9rl0 +/m/0p9lw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/0n1s0 +/m/0g5qmbz /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07ssc +/m/0g5qs2k /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0j1z8 +/m/046mxj /award/award_nominee/award_nominations./award/award_nomination/award /m/02xcb6n +/m/047jhq /people/person/places_lived./people/place_lived/location /m/04vmp +/m/01wy5m /film/actor/film./film/performance/film /m/02725hs +/m/03whyr /film/film/music /m/04ls53 +/m/01_d4 /travel/travel_destination/how_to_get_here./travel/transportation/mode_of_transportation /m/025t3bg +/m/0gqxm /award/award_category/winners./award/award_honor/ceremony /m/02yv_b +/m/02flpq /award/award_category/winners./award/award_honor/ceremony /m/09n4nb +/m/0jm9w /sports/sports_team/roster./basketball/basketball_roster_position/position /m/02_ssl +/m/01ln5z /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/031296 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01lk02 /tv/tv_program/genre /m/06n90 +/m/02y21l /music/record_label/artist /m/012x1l +/m/038bh3 /film/film/language /m/02h40lc +/m/09v4bym /award/award_category/nominees./award/award_nomination/nominated_for /m/043n0v_ +/m/0btpm6 /film/film/release_date_s./film/film_regional_release_date/film_regional_debut_venue /m/04jpl +/m/05qbckf /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/03359d /film/actor/film./film/performance/film /m/080dfr7 +/m/05bp8g /people/person/profession /m/0np9r +/m/01h6pn /military/military_conflict/combatants./military/military_combatant_group/combatants /m/0d060g +/m/06rhz7 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/01z452 +/m/05k2s_ /film/actor/film./film/performance/film /m/09lcsj +/m/02mz_6 /people/person/profession /m/0dxtg +/m/0lkr7 /film/actor/film./film/performance/film /m/07kb7vh +/m/07b_l /location/statistical_region/gdp_nominal./measurement_unit/dated_money_value/currency /m/09nqf +/m/0dckvs /film/film/genre /m/0lsxr +/m/018wrk /olympics/olympic_games/medals_awarded./olympics/olympic_medal_honor/medal /m/02lq5w +/m/0jm8l /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/08qnnv +/m/016xk5 /award/award_nominee/award_nominations./award/award_nomination/award /m/027dtxw +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/06c1y +/m/017jv5 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/01fx4k +/m/092c5f /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/02cbhg +/m/02bp37 /government/legislative_session/members./government/government_position_held/district_represented /m/06btq +/m/0hd7j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02_7t +/m/01d259 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/057_yx /film/actor/film./film/performance/film /m/02qpt1w +/m/05pdh86 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/01271h /people/person/profession /m/0dz3r +/m/0ddjy /film/film/cinematography /m/026sb55 +/m/06mn7 /people/person/profession /m/0dxtg +/m/0jnh /base/culturalevent/event/entity_involved /m/09jrf +/m/0z4s /film/actor/film./film/performance/film /m/033qdy +/m/03lmx1 /people/ethnicity/people /m/01svq8 +/m/0190y4 /music/genre/parent_genre /m/019z2l +/m/0r2dp /location/hud_county_place/place /m/0r2dp +/m/05r5c /music/instrument/instrumentalists /m/01pbs9w +/m/0jqd3 /film/film/genre /m/02kdv5l +/m/02vnmc9 /award/award_winning_work/awards_won./award/award_honor/award /m/0gqwc +/m/05m_8 /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/0dx84s +/m/0chghy /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/024dgj +/m/01zlh5 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0h1x5f +/m/06_sc3 /film/film/production_companies /m/027jw0c +/m/06wrt /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0163v +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05v8c +/m/03m5k /music/instrument/family /m/0fx80y +/m/015p3p /film/actor/film./film/performance/film /m/0jsf6 +/m/0mwh1 /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0cgzj /film/actor/film./film/performance/film /m/05qm9f +/m/0gr51 /award/award_category/nominees./award/award_nomination/nominated_for /m/011yn5 +/m/04qb6g /tv/tv_network/programs./tv/tv_network_duration/program /m/027tbrc +/m/01p85y /people/person/gender /m/02zsn +/m/013b2h /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/03cfjg +/m/0677j /education/educational_institution/students_graduates./education/education/major_field_of_study /m/02h40lc +/m/02__7n /people/person/nationality /m/09c7w0 +/m/0ds2sb /tv/tv_producer/programs_produced./tv/tv_producer_term/producer_type /m/0ckd1 +/m/0557q /music/genre/artists /m/077rj +/m/05zl0 /education/educational_institution/students_graduates./education/education/student /m/06h7l7 +/m/03rg2b /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06y57 +/m/0df92l /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/01cyd5 /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/06tp4h /people/person/religion /m/03_gx +/m/037n97 /music/genre/artists /m/01dhjz +/m/03gfvsz /broadcast/content/artist /m/01jfnvd +/m/03h610 /people/person/gender /m/05zppz +/m/0c4hgj /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/07cdz +/m/0170th /film/film/language /m/02h40lc +/m/0gjcy /location/location/time_zones /m/02lcqs +/m/015vq_ /people/person/gender /m/05zppz +/m/05zvj3m /award/award_category/nominees./award/award_nomination/nominated_for /m/0d87hc +/m/07_3qd /people/person/nationality /m/02jx1 +/m/04g9sq /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0jm9w +/m/03nm_fh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05qhw +/m/0jvtp /award/award_nominee/award_nominations./award/award_nomination/award /m/0f4x7 +/m/0dznvw /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02cqbx +/m/063fh9 /film/film/produced_by /m/02779r4 +/m/05ldnp /award/award_nominee/award_nominations./award/award_nomination/award /m/02g3gw +/m/063b4k /people/person/profession /m/0dxtg +/m/018ygt /film/actor/film./film/performance/film /m/06wbm8q +/m/041h0 /influence/influence_node/influenced_by /m/037jz +/m/049bp4 /sports/sports_team/colors /m/083jv +/m/01gw4f /award/award_nominee/award_nominations./award/award_nomination/award /m/02z0dfh +/m/05pdh86 /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/051ys82 /film/film/language /m/02h40lc +/m/0cct7p /people/person/nationality /m/03rk0 +/m/0479b /film/actor/film./film/performance/film /m/018nnz +/m/06cqb /music/genre/artists /m/0k6yt1 +/m/041td_ /film/film/genre /m/017fp +/m/0jmfv /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/038c0q +/m/0gmdkyy /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0bjkpt +/m/01srq2 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0161c2 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/017j69 /education/educational_institution/students_graduates./education/education/student /m/044ntk +/m/058kqy /people/person/gender /m/05zppz +/m/05xbx /tv/tv_network/programs./tv/tv_network_duration/program /m/04xbq3 +/m/04flrx /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0d0x8 /location/statistical_region/religions./location/religion_percentage/religion /m/05sfs +/m/08720 /film/film/genre /m/06n90 +/m/06by7 /music/genre/artists /m/01n8gr +/m/03s9kp /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/049dk +/m/0jrv_ /music/genre/parent_genre /m/0jmwg +/m/0bl3nn /film/film/genre /m/01jfsb +/m/07f5x /sports/sports_team_location/teams /m/0449sw +/m/0kszw /people/person/languages /m/064_8sq +/m/07tgn /education/educational_institution/students_graduates./education/education/major_field_of_study /m/04g51 +/m/02tc5y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/04pyp5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/01z4y /media_common/netflix_genre/titles /m/02stbw +/m/05p1qyh /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01xy5l_ +/m/0gp9mp /people/person/profession /m/0dgd_ +/m/05pdd86 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02r96rf +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01qgr3 +/m/0h3mrc /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/043js +/m/01795t /award/award_nominee/award_nominations./award/award_nomination/award /m/07bdd_ +/m/05c1t6z /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01b_lz +/m/0kbq /film/film_subject/films /m/04kzqz +/m/08952r /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/015t7v /people/person/places_lived./people/place_lived/location /m/06y9v +/m/04jn6y7 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/089g0h +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/07twz +/m/01hkhq /award/award_nominee/award_nominations./award/award_nomination/award /m/027b9k6 +/m/0l3h /location/statistical_region/religions./location/religion_percentage/religion /m/019cr +/m/02r2j8 /film/film/country /m/0d060g +/m/04ztj /people/marriage_union_type/unions_of_this_type./people/marriage/location_of_ceremony /m/052bw +/m/033tln /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/02hsgn +/m/06rpd /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/01jq0j +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0bzk2h +/m/01zg98 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01vvb4m /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0227vl +/m/01cwhp /people/person/profession /m/02hrh1q +/m/03y0pn /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/02nxhr +/m/07_fj54 /film/film/produced_by /m/05nn4k +/m/083wr9 /people/person/place_of_birth /m/0xl08 +/m/01trtc /music/record_label/artist /m/070b4 +/m/09qftb /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0180mw +/m/071cn /sports/sports_team_location/teams /m/02q4ntp +/m/02bkdn /film/actor/film./film/performance/film /m/02q7fl9 +/m/027y_ /people/person/profession /m/0dxtg +/m/044zvm /people/person/profession /m/01d_h8 +/m/03lb_v /organization/organization/headquarters./location/mailing_address/country /m/09c7w0 +/m/0m27n /location/location/time_zones /m/02hczc +/m/02r_pp /film/film/costume_design_by /m/02cqbx +/m/0cp0ph6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/04gzd +/m/03kg2v /film/film/production_companies /m/05rrtf +/m/07cyl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0f8l9c +/m/0ndsl1x /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06bnz +/m/02w9k1c /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/01nv4h +/m/049yf /location/location/contains /m/01fv4z +/m/03s9b /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/025vwmy /people/person/profession /m/0dxtg +/m/048tv9 /film/film/genre /m/01hmnh +/m/02f1c /people/person/profession /m/01d_h8 +/m/0372j5 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fb0v /music/record_label/artist /m/0fsyx +/m/05gnf /tv/tv_network/programs./tv/tv_network_duration/program /m/02py9yf +/m/01gtc0 /government/legislative_session/members./government/government_position_held/district_represented /m/07h34 +/m/0cjyzs /award/award_category/winners./award/award_honor/award_winner /m/07jrjb +/m/02nq10 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/017_qw /music/genre/artists /m/01jrvr6 +/m/015_1q /music/record_label/artist /m/02jqjm +/m/01wqg8 /education/educational_institution/students_graduates./education/education/student /m/0mj0c +/m/013mj_ /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/0gkxgfq /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01gbbz +/m/020jqv /people/person/profession /m/02hrh1q +/m/04xn2m /award/award_nominee/award_nominations./award/award_nomination/award /m/03hkv_r +/m/0mb5x /people/person/nationality /m/02jx1 +/m/0h25 /influence/influence_node/influenced_by /m/032l1 +/m/057xs89 /award/award_category/nominees./award/award_nomination/nominated_for /m/01dc0c +/m/0b_6_l /time/event/locations /m/0lphb +/m/01xv77 /people/person/nationality /m/09c7w0 +/m/0ql86 /base/culturalevent/event/entity_involved /m/0c0wvx +/m/07pd_j /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01pvkk +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/01bjbk /film/film/featured_film_locations /m/02_286 +/m/09j028 /people/person/nationality /m/0h7x +/m/014mlp /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/04306rv +/m/09gmmt6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/047lj +/m/01l9v7n /people/person/gender /m/05zppz +/m/09v3hq_ /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/03mh_tp +/m/01vv7sc /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/09pl3f /people/person/nationality /m/09c7w0 +/m/0329r5 /soccer/football_team/current_roster./sports/sports_team_roster/position /m/02nzb8 +/m/03gyp30 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/08jgk1 +/m/04r7jc /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/043tvp3 /film/film/language /m/02h40lc +/m/02v2lh /music/genre/artists /m/06k02 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/01w5m +/m/07dvs /location/country/form_of_government /m/01d9r3 +/m/02hn5v /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0j6b5 +/m/09g7vfw /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/01xcr4 /organization/organization_member/member_of./organization/organization_membership/organization /m/01r3kd +/m/0qcr0 /people/cause_of_death/people /m/02q5xsx +/m/060c4 /organization/role/leaders./organization/leadership/organization /m/01wdl3 +/m/0241wg /people/person/nationality /m/03rk0 +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/0f7fy +/m/0gr0m /award/award_category/nominees./award/award_nomination/nominated_for /m/0gwjw0c +/m/0155w /music/genre/artists /m/0dbb3 +/m/0fqt1ns /film/film/genre /m/02kdv5l +/m/016zwt /base/aareas/schema/administrative_area/administrative_area_type /m/0hzc9wc +/m/012dtf /film/actor/film./film/performance/film /m/0gndh +/m/01w5n51 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/040rmy /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02_286 +/m/04v8h1 /film/film/language /m/06nm1 +/m/015x74 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/0bytkq +/m/019f4v /award/award_category/nominees./award/award_nomination/nominated_for /m/02ll45 +/m/086xm /education/educational_institution/students_graduates./education/education/major_field_of_study /m/03g3w +/m/0bzk2h /time/event/instance_of_recurring_event /m/0g_w +/m/0j_c /people/person/profession /m/02hrh1q +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/015fr +/m/0bmpm /film/film/other_crew./film/film_crew_gig/crewmember /m/07h1tr +/m/015v3r /film/actor/film./film/performance/film /m/035s95 +/m/01wgfp6 /award/award_nominee/award_nominations./award/award_nomination/award /m/05zkcn5 +/m/01nln /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/03z9585 /film/film/produced_by /m/03h40_7 +/m/076_74 /people/person/profession /m/0kyk +/m/0bh8tgs /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0chghy +/m/059g4 /location/location/contains /m/0j11 +/m/049xgc /film/film/country /m/03_3d +/m/06ltr /film/actor/film./film/performance/film /m/03hxsv +/m/04cl1 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/07c72 +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/0210hf +/m/05rznz /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/053f5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0cx7f /music/genre/artists /m/01w3lzq +/m/01zfzb /film/film/music /m/01mh8zn +/m/01t265 /people/person/gender /m/05zppz +/m/01_ztw /people/person/spouse_s./people/marriage/location_of_ceremony /m/0lhn5 +/m/03q2t9 /award/award_nominee/award_nominations./award/award_nomination/award /m/02v1m7 +/m/0k525 /film/actor/film./film/performance/film /m/0b9rdk +/m/0gy6z9 /award/award_nominee/award_nominations./award/award_nomination/award /m/057xs89 +/m/01vvyvk /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02665kn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/05ml_s +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02gnmp +/m/0n5j_ /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/05bt6j /music/genre/artists /m/07qnf +/m/08z39v /people/person/gender /m/05zppz +/m/07bzz7 /film/film/genre /m/0hcr +/m/028k57 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07m77x +/m/02pgky2 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04w7rn +/m/0fsm8c /award/award_nominee/award_nominations./award/award_nomination/award /m/02x8n1n +/m/04gb7 /education/field_of_study/students_majoring./education/education/student /m/03f0324 +/m/04hwbq /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/03xq0f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/048htn +/m/0638kv /people/person/profession /m/089fss +/m/02v703 /award/award_category/winners./award/award_honor/award_winner /m/01d4cb +/m/0h5g_ /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/02cllz +/m/0l14md /music/performance_role/regular_performances./music/group_membership/group /m/089pg7 +/m/028knk /people/person/place_of_birth /m/0ftyc +/m/08jyyk /music/genre/artists /m/01whg97 +/m/0nppc /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/013zs9 /award/award_nominee/award_nominations./award/award_nomination/award /m/09qwmm +/m/01x4r3 /people/person/religion /m/0kq2 +/m/05qmj /people/person/nationality /m/035qy +/m/0sxg4 /award/award_winning_work/awards_won./award/award_honor/award_winner /m/015c4g +/m/0345h /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/01f1jf +/m/037hgm /music/artist/track_contributions./music/track_contribution/role /m/02sgy +/m/09gkdln /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/07v4dm +/m/0bl3nn /film/film/genre /m/06n90 +/m/016kjs /people/person/gender /m/05zppz +/m/046qq /film/actor/film./film/performance/film /m/033srr +/m/09l0x9 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/0lyjf +/m/01wwnh2 /people/person/profession /m/01d_h8 +/m/02yxh9 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/014v6f +/m/02xtxw /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/03mgx6z /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/072x7s /film/film/country /m/0f8l9c +/m/01xcfy /film/actor/film./film/performance/film /m/0dl9_4 +/m/02x7vq /people/person/place_of_birth /m/04f_d +/m/01jwxx /film/film/language /m/04306rv +/m/0278x6s /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0hvb2 +/m/015_1q /music/record_label/artist /m/02vgh +/m/0hv81 /film/film/language /m/02h40lc +/m/061xq /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/04f4z1k +/m/06z9yh /people/person/profession /m/02jknp +/m/047tsx3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/03z9585 /film/film/costume_design_by /m/03mfqm +/m/01nfys /people/person/profession /m/0dxtg +/m/0177gl /sports/sports_team/colors /m/083jv +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01b4p4 /music/genre/artists /m/01rm8b +/m/02f2dn /people/person/profession /m/02hrh1q +/m/0jm_ /film/film_subject/films /m/0bdjd +/m/02fgpf /people/person/gender /m/05zppz +/m/0gx_st /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/09dv8h +/m/05y5kf /people/person/nationality /m/02jx1 +/m/01pxcf /education/educational_institution/students_graduates./education/education/student /m/02zl4d +/m/02g5bf /people/person/gender /m/05zppz +/m/015pdg /music/genre/artists /m/01693z +/m/012ykt /award/award_nominee/award_nominations./award/award_nomination/award /m/07kfzsg +/m/016jny /music/genre/artists /m/0jltp +/m/02pzc4 /people/person/profession /m/09lbv +/m/02flq1 /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/06j6l /music/genre/artists /m/0140t7 +/m/072zl1 /film/film/story_by /m/040dv +/m/072x7s /film/film/genre /m/07s9rl0 +/m/02f1c /award/award_nominee/award_nominations./award/award_nomination/award /m/0c4z8 +/m/054fvj /people/person/gender /m/05zppz +/m/011yr9 /film/film/production_companies /m/02j_j0 +/m/04bbv7 /people/person/profession /m/02hrh1q +/m/03n0cd /film/film/film_format /m/07fb8_ +/m/01vg13 /education/educational_institution/students_graduates./education/education/student /m/01vhrz +/m/04v09 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/078mm1 /film/film/genre /m/03q4nz +/m/05hjmd /people/person/place_of_birth /m/0d6lp +/m/0gcpc /film/film/language /m/02h40lc +/m/0ggx5q /music/genre/artists /m/02bwjv +/m/05zbm4 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/03k7bd +/m/01wwnh2 /people/person/profession /m/0nbcg +/m/0b_756 /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026wlnm +/m/04w391 /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/051wwp /award/award_nominee/award_nominations./award/award_nomination/award /m/0bs0bh +/m/032498 /sports/sports_team/sport /m/02vx4 +/m/073h1t /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0hx4y +/m/0ddd0gc /tv/tv_program/tv_producer./tv/tv_producer_term/producer_type /m/0ckd1 +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/01p8s +/m/02sn34 /travel/travel_destination/climate./travel/travel_destination_monthly_climate/month /m/04wzr +/m/03nx8mj /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/03s9kp /film/film/language /m/02h40lc +/m/02w7gg /people/ethnicity/people /m/01wskg +/m/01htxr /people/person/place_of_birth /m/01qcx_ +/m/05zlld0 /film/film/genre /m/01jfsb +/m/05f3q /award/award_category/winners./award/award_honor/award_winner /m/02mjmr +/m/01p9hgt /people/person/profession /m/016z4k +/m/03xp8d5 /people/person/profession /m/0dxtg +/m/01tvz5j /people/person/profession /m/02hrh1q +/m/06182p /education/educational_institution/students_graduates./education/education/student /m/02vntj +/m/01jsk6 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01lj9 +/m/0bh8yn3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/0w0d /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05qhw +/m/01mqz0 /award/award_nominee/award_nominations./award/award_nomination/award /m/094qd5 +/m/03j43 /influence/influence_node/influenced_by /m/03sbs +/m/02mxbd /award/award_nominee/award_nominations./award/award_nomination/award /m/02qsfzv +/m/02y49 /people/person/profession /m/05z96 +/m/02vzc /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6m5 +/m/039bp /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0f502 +/m/0p07l /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/02xs6_ /film/film/genre /m/03npn +/m/01wgcvn /people/person/places_lived./people/place_lived/location /m/0xmlp +/m/03bxwtd /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0ly5n /film/actor/film./film/performance/film /m/0b_5d +/m/04q5zw /people/person/place_of_birth /m/0cr3d +/m/05bp8g /people/person/profession /m/02hrh1q +/m/03kts /people/person/profession /m/09jwl +/m/023l9y /music/artist/track_contributions./music/track_contribution/role /m/03qjg +/m/02hxhz /film/film/genre /m/05p553 +/m/0gqy2 /award/award_category/nominees./award/award_nomination/nominated_for /m/0jqp3 +/m/0163v /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0swff +/m/0jz9f /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/09z2b7 +/m/0crfwmx /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/059j2 +/m/016z2j /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/0mm1q +/m/092t4b /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0l6px +/m/03bmmc /education/educational_institution/students_graduates./education/education/student /m/0488g9 +/m/01z4y /media_common/netflix_genre/titles /m/07p62k +/m/072bb1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/01z4y /media_common/netflix_genre/titles /m/02d003 +/m/01_1pv /film/film/runtime./film/film_cut/film_release_region /m/0345h +/m/02mjf2 /film/actor/film./film/performance/film /m/07xvf +/m/04sry /film/director/film /m/016y_f +/m/05wjnt /people/person/places_lived./people/place_lived/location /m/05ksh +/m/07jq_ /film/film_subject/films /m/0hwpz +/m/01c92g /award/award_category/winners./award/award_honor/ceremony /m/01xqqp +/m/01gsvb /government/legislative_session/members./government/government_position_held/district_represented /m/050ks +/m/0gwjw0c /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/01njxvw /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/09p0ct +/m/0bkg4 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/028tv0 /music/performance_role/regular_performances./music/group_membership/group /m/03qkcn9 +/m/01tz6vs /influence/influence_node/influenced_by /m/0dw6b +/m/01nnsv /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/07_m9_ /people/deceased_person/place_of_death /m/0156q +/m/0272_vz /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/0mbql /film/film/edited_by /m/03q8ch +/m/01nds /organization/organization/headquarters./location/mailing_address/citytown /m/018dk_ +/m/09f2j /education/educational_institution/students_graduates./education/education/student /m/0svqs +/m/025sc50 /music/genre/artists /m/016890 +/m/051ys82 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/0bl1_ /film/film/featured_film_locations /m/05fjf +/m/02jx1 /location/location/contains /m/0202wk +/m/03ksy /education/educational_institution/students_graduates./education/education/student /m/02756j +/m/02v703 /award/award_category/winners./award/award_honor/ceremony /m/0466p0j +/m/06s7rd /award/award_nominee/award_nominations./award/award_nomination/award /m/01d38g +/m/07rj5 /user/tsegaran/random/taxonomy_subject/entry./user/tsegaran/random/taxonomy_entry/taxonomy /m/04n6k +/m/0gjc4d3 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05b4w +/m/02j9z /location/location/contains /m/02pbzv +/m/0187nd /education/educational_institution/students_graduates./education/education/major_field_of_study /m/0g26h +/m/0bqthy /base/marchmadness/ncaa_basketball_tournament/seeds./base/marchmadness/ncaa_tournament_seed/team /m/026xxv_ +/m/01gsvp /government/legislative_session/members./government/government_position_held/district_represented /m/05tbn +/m/0gvx_ /award/award_category/winners./award/award_honor/ceremony /m/0bvhz9 +/m/07_53 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/05b4w +/m/0bl3nn /film/film/country /m/01mjq +/m/05hs4r /music/genre/artists /m/0gr69 +/m/039fgy /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/079kdz +/m/0dryh9k /people/ethnicity/people /m/02xgdv +/m/019f4v /award/award_category/winners./award/award_honor/award_winner /m/01_vfy +/m/04w8f /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0l6vl +/m/02mjmr /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02z0dfh /award/award_category/nominees./award/award_nomination/nominated_for /m/06_x996 +/m/02ylg6 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0xv2x /music/genre/artists /m/0jg77 +/m/06bd5j /film/film/prequel /m/02fqxm +/m/0z4s /film/actor/film./film/performance/film /m/01xq8v +/m/0d0vqn /location/location/contains /m/03zv3n +/m/040vk98 /award/award_category/disciplines_or_subjects /m/02xlf +/m/018p4y /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0gyx4 /award/award_nominee/award_nominations./award/award_nomination/award /m/054ky1 +/m/0fhxv /base/eating/practicer_of_diet/diet /m/07_jd +/m/0knjh /people/person/profession /m/05z96 +/m/06f41 /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/0h3y +/m/016khd /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqy2 +/m/02hnl /music/instrument/instrumentalists /m/01tv3x2 +/m/02_nkp /people/person/nationality /m/09c7w0 +/m/06bzwt /film/actor/film./film/performance/film /m/0dpl44 +/m/05t54s /film/film/personal_appearances./film/personal_film_appearance/person /m/06c0j +/m/0584j4n /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/04gmp_z +/m/073hd1 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/016yxn +/m/08wq0g /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0fh694 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/050z2 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/05p1dby /award/award_category/nominees./award/award_nomination/nominated_for /m/034qmv +/m/015wnl /film/actor/film./film/performance/film /m/02725hs +/m/06dkzt /people/person/profession /m/01d_h8 +/m/040njc /award/award_category/nominees./award/award_nomination/nominated_for /m/016mhd +/m/0z1vw /location/location/time_zones /m/02hcv8 +/m/0dzf_ /film/actor/film./film/performance/film /m/06lpmt +/m/016tw3 /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/0k0rf +/m/0gvstc3 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01h72l +/m/03kbb8 /film/actor/film./film/performance/film /m/05k4my +/m/042rnl /people/person/profession /m/02jknp +/m/07ssc /military/military_combatant/military_conflicts./military/military_combatant_group/combatants /m/0154j +/m/027f3ys /music/record_label/artist /m/0fcsd +/m/02s6sh /people/deceased_person/place_of_death /m/030qb3t +/m/01m13b /film/film/country /m/0jgd +/m/0bdwft /award/award_category/winners./award/award_honor/award_winner /m/03q3x5 +/m/01l_pn /film/film/other_crew./film/film_crew_gig/crewmember /m/027y151 +/m/015npr /people/person/profession /m/0dxtg +/m/073h9x /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/0_7w6 +/m/071x0k /people/ethnicity/geographic_distribution /m/03h64 +/m/038csl /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/09qv_s /award/award_category/nominees./award/award_nomination/nominated_for /m/016z9n +/m/01dvms /people/person/profession /m/02hrh1q +/m/03_d0 /music/genre/artists /m/015882 +/m/012d40 /people/person/profession /m/018gz8 +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01x0yrt +/m/0jqzt /film/film/film_format /m/0cj16 +/m/0bmh4 /people/deceased_person/place_of_burial /m/018mmj +/m/0342h /music/instrument/instrumentalists /m/02wk4d +/m/07_k0c0 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/01vx2h +/m/09qxq7 /music/genre/artists /m/01s21dg +/m/01mwsnc /people/person/profession /m/0n1h +/m/059x3p /business/business_operation/industry /m/02vxn +/m/03bwzr4 /education/educational_degree/people_with_this_degree./education/education/institution /m/09s5q8 +/m/05qb8vx /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/026rm_y +/m/01k_r5b /people/person/profession /m/02hrh1q +/m/07cbs /organization/organization_founder/organizations_founded /m/07wbk +/m/0ncj8 /location/location/time_zones /m/02hczc +/m/05ywg /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02qkk9_ /award/award_category/winners./award/award_honor/award_winner /m/0cg9f +/m/0dmtp /base/schemastaging/organization_extra/phone_number./base/schemastaging/phone_sandbox/service_location /m/06t2t +/m/05vsb7 /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/01rc6f +/m/07n39 /people/person/religion /m/03j6c +/m/046zh /award/award_nominee/award_nominations./award/award_nomination/award /m/0gqyl +/m/033db3 /people/person/profession /m/01d_h8 +/m/02f2dn /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/0c6qh +/m/0k611 /award/award_category/winners./award/award_honor/ceremony /m/0bzkvd +/m/01hb6v /influence/influence_node/influenced_by /m/07c37 +/m/02wgk1 /film/film/language /m/06b_j +/m/01z7s_ /award/award_nominee/award_nominations./award/award_nomination/award /m/07cbcy +/m/0pkr1 /people/person/gender /m/05zppz +/m/0cc8l6d /award/award_category/winners./award/award_honor/ceremony /m/0gkxgfq +/m/018wdw /award/award_category/nominees./award/award_nomination/nominated_for /m/08zrbl +/m/02q42j_ /people/person/nationality /m/07ssc +/m/019pwv /education/university/fraternities_and_sororities /m/0325pb +/m/05b1610 /award/award_category/nominees./award/award_nomination/nominated_for /m/026hxwx +/m/04xn2m /people/person/profession /m/01d_h8 +/m/0155w /music/genre/artists /m/01vrx3g +/m/080h2 /base/popstra/location/vacationers./base/popstra/vacation_choice/vacationer /m/0blt6 +/m/03ksy /organization/organization/child./organization/organization_relationship/child /m/0kqj1 +/m/054g1r /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/014l6_ +/m/02y6fz /business/job_title/people_with_this_title./business/employment_tenure/company /m/0jnq8 +/m/02hnl /music/performance_role/regular_performances./music/group_membership/group /m/0d193h +/m/05qhw /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/04gzd +/m/016cjb /music/genre/artists /m/01w724 +/m/05c46y6 /film/film/genre /m/060__y +/m/019fz /people/person/places_lived./people/place_lived/location /m/05qtj +/m/05r3qc /film/film/genre /m/07s9rl0 +/m/0bdt8 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g9yrw /film/film/genre /m/02l7c8 +/m/0315q3 /base/popstra/celebrity/friendship./base/popstra/friendship/participant /m/018db8 +/m/0kt_4 /film/film/country /m/07ssc +/m/02x73k6 /award/award_category/nominees./award/award_nomination/nominated_for /m/046f3p +/m/02qr69m /film/film/genre /m/03g3w +/m/099tbz /award/award_category/nominees./award/award_nomination/nominated_for /m/0h03fhx +/m/017gm7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/06j6l /music/genre/artists /m/01yzl2 +/m/01z4y /media_common/netflix_genre/titles /m/03c_cxn +/m/02qjpv5 /people/person/gender /m/05zppz +/m/0342h /music/instrument/instrumentalists /m/020_4z +/m/0h3mh3q /tv/tv_program/genre /m/03npn +/m/05148p4 /music/performance_role/regular_performances./music/group_membership/group /m/04r1t +/m/049tjg /people/person/places_lived./people/place_lived/location /m/02_286 +/m/04f_d /base/petbreeds/city_with_dogs/top_breeds./base/petbreeds/dog_city_relationship/dog_breed /m/01_gx_ +/m/02ck1 /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/02x201b /award/award_category/nominees./award/award_nomination/nominated_for /m/0qmfk +/m/0372kf /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01_p6t +/m/0gtx63s /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01p1v +/m/02vw1w2 /film/film/genre /m/0hcr +/m/019v9k /education/educational_degree/people_with_this_degree./education/education/institution /m/07vht +/m/02qkwl /film/film/other_crew./film/film_crew_gig/film_crew_role /m/02ynfr +/m/017f4y /music/artist/track_contributions./music/track_contribution/role /m/013y1f +/m/06n9lt /people/deceased_person/place_of_death /m/030qb3t +/m/027gs1_ /award/award_category/nominees./award/award_nomination/nominated_for /m/0d68qy +/m/0b1xl /education/educational_institution/students_graduates./education/education/student /m/067sqt +/m/0cmf0m0 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/0n6f8 /film/actor/film./film/performance/film /m/0n6ds +/m/05fjf /location/location/contains /m/0xszy +/m/02w4v /music/genre/artists /m/0152cw +/m/023sng /people/person/religion /m/0flw86 +/m/04z257 /film/film/distributors./film/film_film_distributor_relationship/film_distribution_medium /m/0735l +/m/03wh95l /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0g5q34q /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d0vqn +/m/02ptzz0 /sports/sports_team/roster./basketball/basketball_roster_position/position /m/0355dz +/m/043zg /award/award_nominee/award_nominations./award/award_nomination/award /m/03qgjwc +/m/0bqytm /award/award_nominee/award_nominations./award/award_nomination/award /m/0gr0m +/m/06zn2v2 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/071_8 +/m/0k345 /music/genre/artists /m/070b4 +/m/0gx1673 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0fpjd_g +/m/0443c /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0p7qm /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/06y8v /people/person/spouse_s./people/marriage/type_of_union /m/04ztj +/m/0ywrc /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/05r4w +/m/03_d0 /music/genre/artists /m/0197tq +/m/01q2sk /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/06z6r /olympics/olympic_sport/athletes./olympics/olympic_athlete_affiliation/country /m/015fr +/m/02qw1zx /sports/sports_league_draft/picks./sports/sports_league_draft_pick/school /m/05x_5 +/m/0f3kl /medicine/symptom/symptom_of /m/0d19y2 +/m/0bv8h2 /film/film/genre /m/01hmnh +/m/0ytph /location/hud_foreclosure_area/estimated_number_of_mortgages./measurement_unit/dated_integer/source /m/0jbk9 +/m/06chf /award/award_nominee/award_nominations./award/award_nomination/award /m/0gs9p +/m/03s5t /location/location/adjoin_s./location/adjoining_relationship/adjoins /m/07srw +/m/0gqwc /award/award_category/winners./award/award_honor/ceremony /m/073hd1 +/m/02cg41 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01tc9r +/m/09c7w0 /location/location/contains /m/04gd8j +/m/04_1l0v /location/location/contains /m/05fjy +/m/02184q /people/person/profession /m/0np9r +/m/02v5_g /film/film/language /m/02h40lc +/m/0bxjpy /sports/sports_team/sport /m/02vx4 +/m/0bpjh3 /people/ethnicity/people /m/0241wg +/m/06mnbn /film/actor/film./film/performance/film /m/04z257 +/m/0285m87 /location/country/capital /m/04llb +/m/01jfr3y /people/person/gender /m/02zsn +/m/04dn09n /award/award_category/nominees./award/award_nomination/nominated_for /m/0_816 +/m/099c8n /award/award_category/nominees./award/award_nomination/nominated_for /m/093dqjy +/m/03hp2y1 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0fnyc /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/02gr81 /education/educational_institution/students_graduates./education/education/student /m/04pp9s +/m/0cb1ky /people/person/profession /m/02hrh1q +/m/0bdwqv /award/award_category/winners./award/award_honor/ceremony /m/03nnm4t +/m/013423 /people/person/place_of_birth /m/0cc56 +/m/02qyp19 /award/award_category/nominees./award/award_nomination/nominated_for /m/019vhk +/m/016vg8 /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/019pm_ +/m/0bz6sb /time/event/instance_of_recurring_event /m/0g_w +/m/056ws9 /organization/organization/headquarters./location/mailing_address/state_province_region /m/01n7q +/m/02yw5r /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0140t7 +/m/07x4qr /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03spz +/m/0dl08 /people/profession/specialization_of /m/04gc2 +/m/01qvgl /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/04969y /film/film/personal_appearances./film/personal_film_appearance/person /m/020hh3 +/m/03lty /music/genre/artists /m/01vvybv +/m/02mx98 /music/group_member/membership./music/group_membership/role /m/02hnl +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/01wcp_g +/m/038bh3 /film/film/production_companies /m/0c41qv +/m/024jwt /award/award_nominee/award_nominations./award/award_nomination/award /m/02vm9nd +/m/0bdlj /people/deceased_person/place_of_death /m/059rby +/m/06c0ns /film/film/genre /m/0lsxr +/m/0sxdg /organization/organization/child./organization/organization_relationship/child /m/0cjdk +/m/04tc1g /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/080lkt7 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/02vzc +/m/01vrz41 /music/artist/track_contributions./music/track_contribution/role /m/0l14qv +/m/018vs /music/instrument/instrumentalists /m/016kjs +/m/018vs /music/instrument/instrumentalists /m/0191h5 +/m/061_f /food/food/nutrients./food/nutrition_fact/nutrient /m/025sqz8 +/m/02k6hp /people/cause_of_death/people /m/0c_md_ +/m/0339z0 /music/genre/parent_genre /m/016_nr +/m/0145rs /music/genre/artists /m/010hn +/m/0fb0v /music/record_label/artist /m/01vtj38 +/m/099pks /tv/tv_program/genre /m/06nbt +/m/016yzz /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/026g4l_ +/m/024mxd /film/film/genre /m/01jfsb +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/0q01m +/m/07yw6t /people/person/place_of_birth /m/01d88c +/m/0k611 /award/award_category/nominees./award/award_nomination/nominated_for /m/0k4p0 +/m/035sc2 /people/person/places_lived./people/place_lived/location /m/02_286 +/m/02h4rq6 /education/educational_degree/people_with_this_degree./education/education/institution /m/017j69 +/m/03z19 /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/04yj5z /film/actor/film./film/performance/film /m/06w839_ +/m/01wz3cx /award/award_nominee/award_nominations./award/award_nomination/award /m/01c99j +/m/0k4d7 /film/film/genre /m/0hcr +/m/0ymff /education/educational_institution/school_type /m/07tf8 +/m/0301bq /award/award_nominee/award_nominations./award/award_nomination/award /m/0ck27z +/m/02dr9j /film/film/country /m/0345h +/m/03bxsw /film/actor/film./film/performance/film /m/0ctb4g +/m/0h10vt /film/actor/film./film/performance/film /m/0dgst_d +/m/01yqqv /education/educational_institution/school_type /m/01rs41 +/m/02tqkf /film/actor/film./film/performance/film /m/0gfzfj +/m/05szq8z /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02ylg6 /film/film/genre /m/06cvj +/m/0m491 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/082fr +/m/09k2t1 /people/person/profession /m/02hrh1q +/m/02jqjm /award/award_nominee/award_nominations./award/award_nomination/award /m/01c427 +/m/0gh6j94 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/077qn +/m/02jxrw /award/award_winning_work/awards_won./award/award_honor/award /m/0l8z1 +/m/09lxtg /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/medal /m/02lq5w +/m/09qxq7 /music/genre/artists /m/02w4fkq +/m/05z_kps /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0d060g +/m/05m_8 /sports/sports_team/roster./baseball/baseball_roster_position/position /m/02dwpf +/m/0466p0j /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02l840 +/m/02hnl /music/instrument/instrumentalists /m/01vv7sc +/m/02lv2v /education/educational_institution/school_type /m/05pcjw +/m/06w839_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03_3d +/m/0yfvf /base/biblioness/bibs_location/country /m/09c7w0 +/m/0mxsm /location/statistical_region/rent50_2./measurement_unit/dated_money_value/currency /m/09nqf +/m/0k0q8q /people/person/gender /m/05zppz +/m/0262yt /award/award_category/winners./award/award_honor/award_winner /m/02y49 +/m/02m0sc /education/educational_institution/students_graduates./education/education/major_field_of_study /m/040p_q +/m/01w1kyf /people/person/profession /m/01d_h8 +/m/0k4bc /film/film/genre /m/07s9rl0 +/m/04kjrv /people/person/profession /m/039v1 +/m/023s8 /people/person/profession /m/02hrh1q +/m/03_r3 /olympics/olympic_participating_country/medals_won./olympics/olympic_medal_honor/olympics /m/0kbvb +/m/0j5ym /film/film_subject/films /m/025rvx0 +/m/06t74h /people/person/languages /m/02h40lc +/m/01vrx35 /people/person/nationality /m/0d060g +/m/01g1lp /people/person/profession /m/01d_h8 +/m/0djywgn /people/person/profession /m/0dxtg +/m/016ztl /film/film/dubbing_performances./film/dubbing_performance/actor /m/0725ny +/m/0gq9h /award/award_category/nominees./award/award_nomination/nominated_for /m/0sxgv +/m/01699 /organization/organization_member/member_of./organization/organization_membership/organization /m/07t65 +/m/0blfl /olympics/olympic_games/participating_countries /m/04j53 +/m/0vmt /location/statistical_region/religions./location/religion_percentage/religion /m/04pk9 +/m/0170qf /award/award_nominee/award_nominations./award/award_nomination/award /m/09qv_s +/m/08hp53 /people/person/profession /m/02hrh1q +/m/05r5c /music/instrument/instrumentalists /m/07hgkd +/m/0bvhz9 /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/04vr_f +/m/0drtv8 /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/027cxsm +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/05hmp6 +/m/01pb34 /film/special_film_performance_type/film_performance_type./film/performance/film /m/01mszz +/m/05pdd86 /film/film/genre /m/05p553 +/m/02cvcd /education/educational_institution/school_type /m/05pcjw +/m/011yxg /film/film/language /m/02h40lc +/m/0tyww /location/hud_county_place/place /m/0tyww +/m/02825cv /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0345h +/m/0k39j /location/hud_county_place/place /m/0k39j +/m/01rs5p /people/person/profession /m/02hrh1q +/m/04xrx /base/schemastaging/person_extra/net_worth./measurement_unit/dated_money_value/currency /m/09nqf +/m/04yj5z /people/person/gender /m/05zppz +/m/01wlt3k /people/person/nationality /m/09c7w0 +/m/03f77 /people/person/gender /m/05zppz +/m/025jfl /film/film_distributor/films_distributed./film/film_film_distributor_relationship/film /m/08g_jw +/m/05lwjc /music/genre/artists /m/03f5spx +/m/03_gd /people/person/nationality /m/0d060g +/m/0fb7sd /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/0cz8mkh /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/01znc_ +/m/01f7jt /film/film/production_companies /m/030_1_ +/m/013y1f /music/instrument/instrumentalists /m/0ftqr +/m/065y4w7 /education/educational_institution/students_graduates./education/education/student /m/01xv77 +/m/06fqlk /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/099tbz /award/award_category/winners./award/award_honor/award_winner /m/05cj4r +/m/0fy59t /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/02f6s3 +/m/09tqx3 /people/person/languages /m/09bnf +/m/01zp33 /film/actor/film./film/performance/film /m/02tcgh +/m/04zx3q1 /education/educational_degree/people_with_this_degree./education/education/major_field_of_study /m/01lj9 +/m/0296y /music/genre/artists /m/01s7qqw +/m/02cg7g /government/legislative_session/members./government/government_position_held/district_represented /m/04tgp +/m/01mhwk /award/award_ceremony/awards_presented./award/award_honor/award_winner /m/0hl3d +/m/03knl /film/actor/film./film/performance/film /m/03mh94 +/m/01slc /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/draft /m/02r6gw6 +/m/0glqh5_ /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/03h64 +/m/0kv238 /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06mkj +/m/03zz8b /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/07s8r0 +/m/02zyq6 /people/deceased_person/place_of_burial /m/018mm4 +/m/0g2c8 /award/hall_of_fame/inductees./award/hall_of_fame_induction/inductee /m/012x1l +/m/03_qj1 /sports/sports_team/sport /m/02vx4 +/m/0443v1 /film/film/country /m/0d060g +/m/01jbx1 /people/person/profession /m/0kyk +/m/0379s /influence/influence_node/influenced_by /m/04xjp +/m/0cqhb3 /award/award_category/winners./award/award_honor/ceremony /m/027hjff +/m/06zrp44 /award/award_category/winners./award/award_honor/award_winner /m/02m7r +/m/0bdlj /people/person/gender /m/05zppz +/m/0p9sw /award/award_category/winners./award/award_honor/ceremony /m/05qb8vx +/m/02dsz1 /music/genre/artists /m/03t9sp +/m/067xw /influence/influence_node/influenced_by /m/0jt90f5 +/m/04bsx1 /sports/pro_athlete/teams./sports/sports_team_roster/team /m/0dwz3t +/m/0dr3sl /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09pmkv +/m/01vvycq /people/person/profession /m/016z4k +/m/020_95 /award/award_nominee/award_nominations./award/award_nomination/award /m/09td7p +/m/02x3lt7 /film/film/language /m/02h40lc +/m/0cxn2 /food/food/nutrients./food/nutrition_fact/nutrient /m/07hnp +/m/02lfp4 /award/award_nominee/award_nominations./award/award_nomination/award /m/04njml +/m/02x08c /people/person/places_lived./people/place_lived/location /m/04ykg +/m/0bwhdbl /film/film/language /m/02h40lc +/m/019l68 /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/072192 +/m/05qmj /user/alexander/philosophy/philosopher/interests /m/02jcc +/m/012x4t /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/01htxr +/m/01clyr /music/record_label/artist /m/01qrbf +/m/0151ns /film/actor/film./film/performance/film /m/01shy7 +/m/040p3y /soccer/football_team/current_roster./soccer/football_roster_position/position /m/02sdk9v +/m/03c7tr1 /award/award_category/nominees./award/award_nomination/nominated_for /m/05tgks +/m/02nzb8 /sports/sports_position/players./sports/sports_team_roster/team /m/0329r5 +/m/0xsk8 /people/person/nationality /m/09c7w0 +/m/05qw5 /people/person/gender /m/02zsn +/m/02gjrc /tv/tv_program/regular_cast./tv/regular_tv_appearance/actor /m/01j5sv +/m/0487_ /sports/professional_sports_team/draft_picks./sports/sports_league_draft_pick/school /m/04hgpt +/m/015d3h /film/actor/film./film/performance/film /m/02k1pr +/m/09p30_ /award/award_ceremony/awards_presented./award/award_honor/honored_for /m/01chpn +/m/015x74 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09zzb8 +/m/07ghv5 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02pb2bp /film/film/estimated_budget./measurement_unit/dated_money_value/currency /m/09nqf +/m/04sv4 /business/business_operation/assets./measurement_unit/dated_money_value/currency /m/09nqf +/m/01kwsg /film/actor/film./film/performance/film /m/01738w +/m/0cwtm /people/person/spouse_s./people/marriage/type_of_union /m/01g63y +/m/03q58q /music/record_label/artist /m/01v0fn1 +/m/0gr4k /award/award_category/winners./award/award_honor/ceremony /m/02yxh9 +/m/036c_0 /people/person/profession /m/02jknp +/m/0gys2jp /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/09c7w0 +/m/051z6rz /people/person/profession /m/01___w +/m/0dtfn /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0k6nt +/m/05zpghd /film/film/other_crew./film/film_crew_gig/film_crew_role /m/0ch6mp2 +/m/0hdx8 /organization/organization_member/member_of./organization/organization_membership/organization /m/0j7v_ +/m/027dtxw /award/award_category/nominees./award/award_nomination/nominated_for /m/0gg5qcw +/m/01gst_ /government/legislative_session/members./government/government_position_held/district_represented /m/05k7sb +/m/03dbds /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/01pnn3 /people/person/profession /m/01d_h8 +/m/01tj34 /people/person/profession /m/02hrh1q +/m/014488 /people/person/place_of_birth /m/0f94t +/m/02yxbc /film/film/featured_film_locations /m/0rh6k +/m/016mhd /film/film/genre /m/0hn10 +/m/09bxq9 /people/person/places_lived./people/place_lived/location /m/06c62 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/05zjtn4 +/m/02wcx8c /film/actor/film./film/performance/film /m/04x4vj +/m/072twv /award/award_nominee/award_nominations./award/award_nomination/nominated_for /m/0p9rz +/m/016gkf /award/award_nominee/award_nominations./award/award_nomination/award /m/040njc +/m/09sr0 /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/02w670 /music/artist/track_contributions./music/track_contribution/role /m/07y_7 +/m/0227vl /base/popstra/celebrity/dated./base/popstra/dated/participant /m/0hhqw +/m/0c5dd /film/film/release_date_s./film/film_regional_release_date/film_release_distribution_medium /m/029j_ +/m/0bfvw2 /award/award_category/nominees./award/award_nomination/nominated_for /m/026y3cf +/m/02nhxf /award/award_category/winners./award/award_honor/award_winner /m/0140t7 +/m/0gqy2 /award/award_category/winners./award/award_honor/ceremony /m/0fzrhn +/m/01nm8w /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01mkq +/m/041_3z /location/location/contains /m/0mx0f +/m/0x2p /baseball/baseball_team/team_stats./baseball/baseball_team_stats/season /m/027pwzc +/m/049468 /people/person/profession /m/0fj9f +/m/015y_n /music/genre/artists /m/03kts +/m/086nl7 /people/person/profession /m/0cbd2 +/m/02q0v8n /film/film/produced_by /m/03v1xb +/m/02dj3 /education/educational_institution/students_graduates./education/education/major_field_of_study /m/01tbp +/m/02rdyk7 /award/award_category/nominees./award/award_nomination/nominated_for /m/04vr_f +/m/0frsw /award/award_nominee/award_nominations./award/award_nomination/award /m/01ckrr +/m/0cmt6q /people/person/profession /m/02hrh1q +/m/02bj6k /award/award_nominee/award_nominations./award/award_nomination/award /m/02x4w6g +/m/02f_k_ /people/person/profession /m/01d_h8 +/m/01p_ly /location/location/time_zones /m/0d2t4g +/m/07s6fsf /education/educational_degree/people_with_this_degree./education/education/institution /m/02dq8f +/m/0dgpwnk /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/0h7x +/m/0168nq /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/020h2v /award/award_nominee/award_nominations./award/award_nomination/award_nominee /m/016tt2 +/m/05k17c /organization/role/leaders./organization/leadership/organization /m/02dqdp +/m/04cj79 /film/film/executive_produced_by /m/0fvf9q +/m/09tqxt /award/award_category/nominees./award/award_nomination/nominated_for /m/0gtsxr4 +/m/025sc50 /music/genre/artists /m/0277c3 +/m/01pjr7 /people/person/profession /m/02hrh1q +/m/02x4x18 /award/award_category/nominees./award/award_nomination/nominated_for /m/0dgst_d +/m/0bw20 /film/film/other_crew./film/film_crew_gig/film_crew_role /m/09vw2b7 +/m/01j4ls /common/topic/webpage./common/webpage/category /m/08mbj5d +/m/0cmdwwg /film/film/release_date_s./film/film_regional_release_date/film_release_region /m/06t2t +/m/0gs6vr /film/actor/film./film/performance/film /m/0gj96ln diff --git a/process_data/NELL995_original/test.txt b/process_data/NELL995_original/test.txt new file mode 100644 index 0000000..e1cc50d --- /dev/null +++ b/process_data/NELL995_original/test.txt @@ -0,0 +1,3992 @@ +concept_ceo_louis_c__camilleri concept:personleadsorganization concept_biotechcompany_altria_group +concept_ceo_brian_moynihan concept:personleadsorganization concept_bank_bank_america +concept_ceo_henning_kagermann concept:personleadsorganization concept_biotechcompany_sap_ag +concept_ceo_robert_stevens concept:personleadsorganization concept_professionalorganization_lockheed_martin_corporation +concept_ceo_helge_lund concept:personleadsorganization concept_company_statoil +concept_ceo_chua_sock_koong concept:personleadsorganization concept_company_singtel +concept_professor_michel_tilmant concept:personleadsorganization concept_bank_ing +concept_person_aline_isaacson concept:personleadsorganization concept_nonprofitorganization_glsen +concept_person_mugabe concept:personleadsorganization concept_organization_zanu +concept_person_toomas_hendrik_ilves concept:personleadsorganization concept_country_estonia +concept_person_mugabe concept:personleadsorganization concept_country_united_states +concept_person_ingrid_newkirk concept:personleadsorganization concept_nongovorganization_peta +concept_ceo_girish_paranjpe concept:personleadsorganization concept_sportsteam_wipro_technologies +concept_ceo_edgar_bronfman concept:personleadsorganization concept_recordlabel_warner +concept_ceo_martin_winterkorn concept:personleadsorganization concept_bank_volkswagen_of_america +concept_ceo_solomon_trujillo concept:personleadsorganization concept_company_telstra +concept_ceo_c__michael_armstrong concept:personleadsorganization concept_company_american_management_systems +concept_ceo_louis_gallois concept:personleadsorganization concept_company_eads +concept_ceo_carlos_ghosn concept:personleadsorganization concept_company_nissan_north_america +concept_politician_guiliani concept:personleadsorganization concept_city_new_york +concept_ceo_kris_gopalakrishnan concept:personleadsorganization concept_biotechcompany_infosys_technologies_limited +concept_ceo_vineet_nayar concept:personleadsorganization concept_biotechcompany_hcl_technologies +concept_person_o_reilly concept:personleadsorganization concept_company_chevron001 +concept_visualartist_white concept:personleadsorganization concept_newspaper_record +concept_ceo_atsutoshi_nishida concept:personleadsorganization concept_biotechcompany_toshiba +concept_ceo_marten_mickos_n concept:personleadsorganization concept_company_mysql_ab +concept_politician_alex_sink concept:personleadsorganization concept_city_florida +concept_person_xiao_haopeng concept:personleadsorganization concept_organization_chinese_shooting_squad +concept_ceo_roger_ailes concept:personleadsorganization concept_governmentorganization_fox_news +concept_politician_mohammad_khatami concept:personleadsorganization concept_country_iran +concept_person_nguyen_phu_trong concept:personleadsorganization concept_organization_national_assembly__na__of_vietnam +concept_ceo_jerry_yang concept:personleadsorganization concept_website_yahoo_mail +concept_person_mohamed_elmasry concept:personleadsorganization concept_tradeunion_canadian_islamic_congress +concept_visualartist_white concept:personleadsorganization concept_country_turkey +concept_person_state concept:personleadsorganization concept_country_left_parties +concept_ceo_n_chandrasekaran concept:personleadsorganization concept_company_tata_consultancy_services__tcs_ +concept_ceo_barry_meyer concept:personleadsorganization concept_company_warner_bros_ +concept_ceo_flavio_briatore concept:personleadsorganization concept_bank_renault_sa +concept_ceo_b_m concept:personleadsorganization concept_company_mgm +concept_person_mugabe concept:personleadsorganization concept_company_power +concept_ceo_richard_wagoner concept:personleadsorganization concept_company_general_motors +concept_person_eckhard_cordes concept:personleadsorganization concept_organization_mercedes_car_group +concept_person_nur_misuari concept:personleadsorganization concept_nongovorganization_mnlf +concept_politician_robert_coury concept:personleadsorganization concept_magazine_mylan +concept_journalist_bryce_miller concept:personleadsorganization concept_newspaper_des_moines_register +concept_journalist_david_westin concept:personleadsorganization concept_city_abc +concept_ceo_alan_mulally concept:personleadsorganization concept_company_ford_motor_company001 +concept_ceo_david_rockefeller concept:personleadsorganization concept_bank_chase_manhattan +concept_ceo_garo_h__armen concept:personleadsorganization concept_biotechcompany_antigenics_inc +concept_ceo_donald_graham concept:personleadsorganization concept_company_tnt_post +concept_ceo_douglas_r__conant concept:personleadsorganization concept_island_campbell_soup +concept_person_christodoulos concept:personleadsorganization concept_organization_greek_orthodox_church +concept_journalist_lesley_stahl concept:personleadsorganization concept_televisionnetwork_cbs +concept_ceo_carlos_ghosn concept:personleadsorganization concept_automobilemaker_renault +concept_person_richard_f__velky concept:personleadsorganization concept_organization_schaghticokes +concept_ceo_fred_hassan concept:personleadsorganization concept_biotechcompany_schering +concept_ceo_mukesh_ambani concept:personleadsorganization concept_company_reliance_industries +concept_ceo_montie_brewer concept:personleadsorganization concept_company_air_canada +concept_ceo_b_m concept:personleadsorganization concept_biotechcompany_mgm_mirage +concept_person_kwame_nkrumah concept:personleadsorganization concept_organization_ghanian +concept_person_joseph_m__tucci concept:personleadsorganization concept_musicartist_emc +concept_ceo_lee_iacocca concept:personleadsorganization concept_company_chrysler_llc__ +concept_person_john__honey_fitz__fitzgerald concept:personleadsorganization concept_city_boston +concept_person_samuel_d__isaly concept:personleadsorganization concept_organization_orbimed_advisors +concept_person_stan_sigman concept:personleadsorganization concept_winery_cingular +concept_person_mugabe concept:personleadsorganization concept_sportsteam_end +concept_person_brian_reed concept:personleadsorganization concept_organization_puccini_group +concept_ceo_jimmy_wales concept:personleadsorganization concept_bank_contact_us +concept_journalist_phil_sheridan concept:personleadsorganization concept_newspaper_philadelphia_inquirer +concept_person_jeroen_van_der_veer concept:personleadsorganization concept_bank_royal_dutch_shell +concept_visualartist_white concept:personleadsorganization concept_country_syria +concept_ceo_fred_goodwin concept:personleadsorganization concept_bank_royal_bank_of_scotland +concept_ceo_kun_hee_lee concept:personleadsorganization concept_company_samsung +concept_ceo_kumar_birla concept:personleadsorganization concept_company_hindalco +concept_ceo_peter_chernin concept:personleadsorganization concept_company_news_corp001 +concept_journalist_gloria_borger concept:personleadsorganization concept_televisionnetwork_cbs +concept_ceo_ted_waitt concept:personleadsorganization concept_biotechcompany_gateway_2000 +concept_ceo_vinod_khosla concept:personleadsorganization concept_company_sun +concept_ceo_bob_nardelli concept:personleadsorganization concept_company_home_depot +concept_ceo_vijay_mallya concept:personleadsorganization concept_university_ub +concept_ceo_donald_graham concept:personleadsorganization concept_website_the_washington_post +concept_person_slobodan_milosevic concept:personleadsorganization concept_organization_yugoslav +concept_person_juergen_hubbert concept:personleadsorganization concept_organization_mercedes_car_group +concept_politician_robert_mugabe concept:personleadsorganization concept_country_zimbabwe +concept_person_matt_mullenweg concept:personleadsorganization concept_blog_wordpress +concept_journalist_charles_osgood concept:personleadsorganization concept_televisionnetwork_cbs +concept_ceo_tj_rodgers concept:personleadsorganization concept_winery_cypress +concept_ceo_takeo_fukui concept:personleadsorganization concept_automobilemaker_honda_motor_co__ltd +concept_ceo_gary_forsee concept:personleadsorganization concept_company_sprint_nextel +concept_ceo_ratan_tata concept:personleadsorganization concept_company_tata_consultancy_services__tcs_ +concept_person_mugabe concept:personleadsorganization concept_terroristorganization_militants +concept_journalist_gloria_borger concept:personleadsorganization concept_company_cnn__pbs +concept_ceo_sandy_weill concept:personleadsorganization concept_company_citigroup +concept_ceo_kumar_birla concept:personleadsorganization concept_company_aditya_birla_group +concept_person_susan_newman concept:personleadsorganization concept_organization_it +concept_person_jean_todt concept:personleadsorganization concept_winery_ferrari +concept_ceo_mary_sammons concept:personleadsorganization concept_company_rite_aid +concept_person_raymond_gilmartin concept:personleadsorganization concept_biotechcompany_merck___co +concept_ceo_terry_semel concept:personleadsorganization concept_website_yahoo_mail +concept_ceo_roger_ailes concept:personleadsorganization concept_company_fox +concept_ceo_micky_arison concept:personleadsorganization concept_company_carnival_cruises +concept_visualartist_white concept:personleadsorganization concept_country_israel +concept_person_mugabe concept:personleadsorganization concept_bank_line +concept_journalist_warren_anderson concept:personleadsorganization concept_company_union_carbide +concept_ceo_peter_altabef concept:personleadsorganization concept_company_perot_systems +concept_person_herbert_chitepo concept:personleadsorganization concept_politicalparty_zimbabwe_african_national_union +concept_ceo_bill_ford concept:personleadsorganization concept_governmentorganization_ford_foundation +concept_politician_mahmoud_abbas concept:personleadsorganization concept_terroristorganization_fatah +concept_ceo_bernard_l__madoff concept:personleadsorganization concept_nongovorganization_u_s_ +concept_ceo_bruce_chizen concept:personleadsorganization concept_company_adobe +concept_journalist_steve_kroft concept:personleadsorganization concept_company_cnn__pbs +concept_ceo_james_cayne concept:personleadsorganization concept_bank_bear_stearns___co_ +concept_ceo_olli_pekka_kallasvuo concept:personleadsorganization concept_biotechcompany_nokia_siemens +concept_ceo_micky_arison concept:personleadsorganization concept_organization_carnival_cruise_lines +concept_person_ronald_kolka concept:personleadsorganization concept_company_chrysler +concept_person_mugabe concept:personleadsorganization concept_tradeunion_agreement +concept_person_thoraya_obaid concept:personleadsorganization concept_organization_population_fund +concept_person_lee_r__raymond concept:personleadsorganization concept_petroleumrefiningcompany_exxon_mobil_corp_ +concept_journalist_trudy_rubin concept:personleadsorganization concept_newspaper_philadelphia_inquirer +concept_ceo_rodger_o__riney concept:personleadsorganization concept_company_scottrade +concept_ceo_gerard_arpey concept:personleadsorganization concept_company_american_airlines001 +concept_ceo_lakshmi_mittal concept:personleadsorganization concept_company_arcelormittal +concept_ceo_patricia_woertz concept:personleadsorganization concept_biotechcompany_archer_daniels_midland +concept_ceo_jorma_ollila concept:personleadsorganization concept_biotechcompany_nokia_siemens +concept_ceo_robert_stevens concept:personleadsorganization concept_university_lockheed_martin +concept_person_jeff_skilling concept:personleadsorganization concept_company_enron +concept_journalist_bill_plante concept:personleadsorganization concept_televisionnetwork_cbs +concept_ceo_ferdinand_piech concept:personleadsorganization concept_bank_volkswagen_of_america +concept_ceo_rem_vyakhirev concept:personleadsorganization concept_biotechcompany_gazprom_and_rosneft +concept_ceo_charlie_ergen concept:personleadsorganization concept_company_dish_network_corporation +concept_politician_mahmoud_abbas concept:personleadsorganization concept_tradeunion_security +concept_personeurope_donald_trump concept:personleadsorganization concept_company_trump_organization +concept_ceo_howard_schultz concept:personleadsorganization concept_restaurant_starbucks_coffee_company +concept_visualartist_john_thompson concept:personleadsorganization concept_bank_symantec +concept_person_dave_dombrowski concept:personleadsorganization concept_organization_tigers +concept_ceo_narendra_patni concept:personleadsorganization concept_biotechcompany_patni_computer_systems +concept_ceo_bharat_desai concept:personleadsorganization concept_biotechcompany_syntel_inc +concept_ceo_nicholas_chabraja concept:personleadsorganization concept_company_general_dynamics +concept_person_mugabe concept:personleadsorganization concept_nongovorganization_opposition +concept_journalist_bob_ford concept:personleadsorganization concept_newspaper_philadelphia_inquirer +concept_person_mugabe concept:personleadsorganization concept_musicartist_allies +concept_person_v_p__singh concept:personleadsorganization concept_musicartist_indian +concept_ceo_sergio_marchionne concept:personleadsorganization concept_automobilemaker_fiat_spa +concept_ceo_john_chidsey concept:personleadsorganization concept_company_burger_king_hldgs +concept_politician_ed_koch concept:personleadsorganization concept_city_new_york +concept_ceo_john_riccitiello concept:personleadsorganization concept_company_ea_mobile +concept_ceo_lee_iacocca concept:personleadsorganization concept_automobilemaker_chrysler_llc +concept_ceo_gordon_nixon concept:personleadsorganization concept_biotechcompany_royal_bank_of_canada +concept_personafrica_jorge_ramos concept:personleadsorganization concept_city_univision +concept_ceo_dieter_zetsche concept:personleadsorganization concept_automobilemaker_mercedes_benz +concept_person_archbishop_christodoulos concept:personleadsorganization concept_organization_greek_orthodox_church +concept_politician_frank_walter_steinmeier concept:personleadsorganization concept_organization_german +concept_politician_mahmoud_abbas concept:personleadsorganization concept_terroristorganization_secular_fatah +concept_ceo_willie_walsh concept:personleadsorganization concept_company_british_airways +concept_ceo_sergio_marchionne concept:personleadsorganization concept_company_chrysler +concept_person_ski_jump_guru concept:personleadsorganization concept_sportsteam_germany +concept_ceo_evan_williams concept:personleadsorganization concept_company_twitter +concept_ceo_stephen_hester concept:personleadsorganization concept_bank_royal_bank +concept_ceo_jerald_g__fishman concept:personleadsorganization concept_biotechcompany_analog_devices +concept_ceo_stephen_hester concept:personleadsorganization concept_bank_royal_bank_of_scotland +concept_ceo_james_cayne concept:personleadsorganization concept_bank_bear_stearns_companies +concept_ceo_richard_grasso concept:personleadsorganization concept_bank_new_york_stock_exchange +concept_journalist_charles_osgood concept:personleadsorganization concept_company_cnn__pbs +concept_ceo_andy_grove concept:personleadsorganization concept_company_intel +concept_ceo_gerard_arpey concept:personleadsorganization concept_musicartist_american +concept_person_mugabe concept:personleadsorganization concept_city_place +concept_journalist_thom_loverro concept:personleadsorganization concept_website_washington_times +concept_visualartist_white concept:personleadsorganization concept_country_west_indies +concept_ceo_mel_karmazin concept:personleadsorganization concept_biotechcompany_sirius_satellite_radio +concept_ceo_jorma_ollila concept:personleadsorganization concept_city_nokia +concept_ceo_boone_pickens concept:personleadsorganization concept_tradeunion_oil +concept_ceo_chad_hurley concept:personleadsorganization concept_website_youtube_last_year +concept_ceo_s_ramadorai concept:personleadsorganization concept_company_tata_consultancy_services__tcs_ +concept_ceo_paul_d__house concept:personleadsorganization concept_company_tim_hortons +concept_ceo_wolfgang_mayrhuber concept:personleadsorganization concept_company_lufthansa +concept_person_zoran_djindjic concept:personleadsorganization concept_recordlabel_serbia +concept_ceo_steven_appleton concept:personleadsorganization concept_biotechcompany_micron_technology +concept_ceo_fritz_henderson concept:personleadsorganization concept_company_general_motors001 +concept_ceo_willie_walsh concept:personleadsorganization concept_university_ba +concept_ceo_millard_drexler concept:personleadsorganization concept_company_j__crew +concept_ceo_bill_ford concept:personleadsorganization concept_retailstore_ford +concept_politician_hickenlooper concept:personleadsorganization concept_city_denver +concept_person_t__boone_pickens concept:personleadsorganization concept_city_texas +concept_person_mark_hackard concept:personleadsorganization concept_nongovorganization_nixon_center +concept_ceo_ted_turner concept:personleadsorganization concept_televisionstation_tbs +concept_ceo_jeff_bewkes concept:personleadsorganization concept_company_time_warner +concept_politician_mahmoud_abbas concept:personleadsorganization concept_terroristorganization_palestinian_authority +concept_visualartist_white concept:personleadsorganization concept_geopoliticallocation_middle_east +concept_personus_craig_newmark concept:personleadsorganization concept_company_craigslist +concept_person_mugabe concept:personleadsorganization concept_politicsblog_supporter +concept_ceo_donato_a__montanaro concept:personleadsorganization concept_bank_tradeking +concept_ceo_martin_winterkorn concept:personleadsorganization concept_automobilemaker_volkswagen +concept_person_willie_brown concept:personleadsorganization concept_county_san_francisco +concept_ceo_steve_luczo concept:personleadsorganization concept_biotechcompany_seagate_technology +concept_ceo_john_chambers concept:personleadsorganization concept_biotechcompany_cisco_systems_inc_ +concept_personnorthamerica_daniel_dimicco concept:personleadsorganization concept_company_nucor +concept_ceo_hiroshi_okuda concept:personleadsorganization concept_automobilemaker_toyota +concept_person_trong concept:personleadsorganization concept_organization_central_theoretical_council +concept_politician_mahmoud_abbas concept:personleadsorganization concept_nongovorganization_rival_fatah +concept_ceo_alan_mulally concept:personleadsorganization concept_retailstore_ford +concept_ceo_jean_claude_trichet concept:personleadsorganization concept_bank_european_central_bank +concept_ceo_lee_raymond concept:personleadsorganization concept_biotechcompany_exxon_mobil +concept_person_mugabe concept:personleadsorganization concept_automobilemaker_victory +concept_ceo_jimmy_wales concept:personleadsorganization concept_automobilemaker_contact +concept_professor_chad_deaton concept:personleadsorganization concept_biotechcompany_baker_hughes +concept_politician_robert_mugabe concept:personleadsorganization concept_country_southern_african_country +concept_ceo_thomas_middelhoff concept:personleadsorganization concept_company_bertelsmann_ag +concept_politician_karl_lueger concept:personleadsorganization concept_city_vienna +concept_ceo_john_chambers concept:personleadsorganization concept_biotechcompany_cisco_systems_inc +concept_person_ralph_reed concept:personleadsorganization concept_professionalorganization_christian_coalition +concept_ceo_olli_pekka_kallasvuo concept:personleadsorganization concept_city_nokia +concept_ceo_glenn_f__tilton concept:personleadsorganization concept_recordlabel_ual_corporation +concept_ceo_bernard_l__madoff concept:personleadsorganization concept_country_us +concept_ceo_jac_nasser concept:personleadsorganization concept_retailstore_ford +concept_person_mugabe concept:personleadsorganization concept_country_party +concept_person_nikolai_khromov concept:personleadsorganization concept_organization_russia_s_olympic_team +concept_journalist_bill_plante concept:personleadsorganization concept_company_cnn__pbs +concept_ceo_herb_kelleher concept:personleadsorganization concept_geopoliticallocation_southwest +concept_person_philippe_val concept:personleadsorganization concept_terroristorganization_charlie_hebdo +concept_celebrity_anna_wintour concept:personleadsorganization concept_magazine_vogue +concept_ceo_lakshmi_mittal concept:personleadsorganization concept_company_arcelor_mittal +concept_ceo_john_chidsey concept:personleadsorganization concept_restaurant_burger_king +concept_person_i concept:personleadsorganization concept_organization_the_boston_public_school_system +concept_ceo_richard_fairbank concept:personleadsorganization concept_company_capital_one_financial +concept_person_mugabe concept:personleadsorganization concept_country_zimbabwe +concept_politician_kitty_piercy concept:personleadsorganization concept_city_eugene +concept_ceo_l_a__reid concept:personleadsorganization concept_recordlabel_def_jam_records +concept_ceo_edgar_bronfman concept:personleadsorganization concept_company_sony +concept_person_jeff_skilling concept:personleadsorganization concept_company_enron_and_worldcom +concept_ceo_asa_candler concept:personleadsorganization concept_biotechcompany_coca_cola +concept_ceo_ferdinand_piech concept:personleadsorganization concept_automobilemaker_volkswagen +concept_journalist_steve_kroft concept:personleadsorganization concept_televisionnetwork_cbs +concept_scientist_howard_kurtz concept:worksfor concept_company_post +concept_ceo_brian_moynihan concept:worksfor concept_bank_bank_america +concept_journalist_bob_kravitz concept:worksfor concept_televisionstation_indianapolis_star +concept_journalist_ed_bouchette concept:worksfor concept_newspaper_pittsburgh_post_gazette +concept_person_mark_shields concept:worksfor concept_city_washington_d_c +concept_journalist_rick_sanchez concept:worksfor concept_company_cnn +concept_journalist_terry_moran concept:worksfor concept_blog_abc_news +concept_journalist_ronald_brownstein concept:worksfor concept_televisionstation_los_angeles_times +concept_ceo_helge_lund concept:worksfor concept_company_statoil +concept_ceo_chua_sock_koong concept:worksfor concept_company_singtel +concept_person_kerr concept:worksfor concept_sportsteam_suns +concept_person_aline_isaacson concept:worksfor concept_nonprofitorganization_glsen +concept_ceo_jimmy_wales concept:worksfor concept_company_wikipedia001 +concept_journalist_doug_martin concept:worksfor concept_university_kent_state +concept_journalist_sebastian_mallaby concept:worksfor concept_company_post +concept_journalist_mark_bradley concept:worksfor concept_blog_ajc +concept_journalist_thomas_l__friedman concept:worksfor concept_company_york_times +concept_person_thomas_watson concept:worksfor concept_university_ibm +concept_politician_mark_l__mallory concept:worksfor concept_sportsteam_cincinnati_bearcats +concept_ceo_solomon_trujillo concept:worksfor concept_company_telstra +concept_ceo_angelo_r__mozilo concept:worksfor concept_creditunion_countrywide_home_loans +concept_journalist_ruth_marcus concept:worksfor concept_company_dc +concept_journalist_jennifer_steinhauer concept:worksfor concept_musicartist_times +concept_ceo_roger_ailes concept:worksfor concept_governmentorganization_fox_news +concept_journalist_phil_rogers concept:worksfor concept_website_chicago_tribune +concept_journalist_caroline_glick concept:worksfor concept_city_jerusalem +concept_journalist_ben_smith concept:worksfor concept_newspaper_politico +concept_ceo_masayoshi_son concept:worksfor concept_company_softbank_corp_ +concept_journalist_bill_ford concept:worksfor concept_retailstore_ford +concept_ceo_flavio_briatore concept:worksfor concept_bank_renault_sa +concept_ceo_b_m concept:worksfor concept_company_mgm +concept_ceo_william_r__klesse concept:worksfor concept_petroleumrefiningcompany_valero_energy +concept_journalist_dan_rather concept:worksfor concept_televisionnetwork_cbs +concept_scientist_balmer concept:worksfor concept_university_microsoft +concept_journalist_gwen_ifill concept:worksfor concept_company_pbs +concept_journalist_paul_krugman concept:worksfor concept_website_new_york_times +concept_politician_robert_coury concept:worksfor concept_magazine_mylan +concept_journalist_anderson_cooper concept:worksfor concept_company_cnn +concept_person_bob_simon concept:worksfor concept_televisionnetwork_cbs +concept_ceo_garo_h__armen concept:worksfor concept_biotechcompany_antigenics_inc +concept_ceo_donald_graham concept:worksfor concept_company_tnt_post +concept_actor_peter_king concept:worksfor concept_blog_sports_illustrated +concept_ceo_ferdinand_piech concept:worksfor concept_automobilemaker_volkswagen_of_america +concept_person_richard_f__velky concept:worksfor concept_organization_schaghticokes +concept_journalist_peter_schmuck concept:worksfor concept_newspaper_the_baltimore_sun +concept_politician_francis_slay concept:worksfor concept_city_stlouis +concept_ceo_fred_hassan concept:worksfor concept_biotechcompany_schering +concept_journalist_dorothy_rabinowitz concept:worksfor concept_politicsblog_wall_street_journal +concept_politician_han_zheng concept:worksfor concept_city_shanghai +concept_journalist_ann_killion concept:worksfor concept_website_san_jose_mercury_news +concept_chef_john_mariani concept:worksfor concept_company_esquire001 +concept_journalist_aaron_brown concept:worksfor concept_blog_cnn_headline +concept_ceo_stan_o_neal concept:worksfor concept_retailstore_merrill +concept_journalist_diane_sawyer concept:worksfor concept_musicartist_television +concept_journalist_bob_wojnowski concept:worksfor concept_televisionstation_detroit_news +concept_person_kwame_nkrumah concept:worksfor concept_organization_ghanian +concept_journalist_jay_mariotti concept:worksfor concept_televisionstation_chicago_sun_times +concept_journalist_clyde_haberman concept:worksfor concept_website_new_york_times +concept_person_samuel_d__isaly concept:worksfor concept_organization_orbimed_advisors +concept_person_stan_sigman concept:worksfor concept_winery_cingular +concept_journalist_howard_blume concept:worksfor concept_musicartist_times +concept_journalist_elaine_sciolino concept:worksfor concept_website_new_york_times +concept_journalist_joel_achenbach concept:worksfor concept_company_dc +concept_ceo_kun_hee_lee concept:worksfor concept_company_samsung +concept_ceo_kumar_birla concept:worksfor concept_company_hindalco +concept_ceo_ted_waitt concept:worksfor concept_biotechcompany_gateway_2000 +concept_journalist_martin_fletcher concept:worksfor concept_company_nbc +concept_ceo_bob_nardelli concept:worksfor concept_company_home_depot +concept_journalist_mark_bradley concept:worksfor concept_televisionstation_atlanta_journal_constitution +concept_journalist_connie_chung concept:worksfor concept_televisionnetwork_cbs +concept_journalist_seth_borenstein concept:worksfor concept_televisionstation_associated_press +concept_ceo_vijay_mallya concept:worksfor concept_university_ub +concept_ceo_donald_graham concept:worksfor concept_website_the_washington_post +concept_journalist_frank_reynolds concept:worksfor concept_city_abc +concept_scientist_andres_oppenheimer concept:worksfor concept_newspaper_herald +concept_journalist_tom_gage concept:worksfor concept_newspaper_the_detroit_news +concept_ceo_jim_balsillie concept:worksfor concept_company_research_in_motion_limited +concept_journalist_aaron_brown concept:worksfor concept_company_cnn +concept_politician_sheila_dixon concept:worksfor concept_county_baltimore +concept_journalist_clyde_haberman concept:worksfor concept_musicartist_times +concept_journalist_elizabeth_vargas concept:worksfor concept_city_abc +concept_journalist_brad_stone concept:worksfor concept_website_new_york_times +concept_journalist_tracy_ringolsby concept:worksfor concept_televisionstation_rocky_mountain_news +concept_journalist_claudia_eller concept:worksfor concept_musicartist_times +concept_journalist_david_climer concept:worksfor concept_newspaper_tennessean +concept_politician_mark_l__mallory concept:worksfor concept_city_cincinnati +concept_journalist_dana_priest concept:worksfor concept_company_post +concept_journalist_charles_osgood concept:worksfor concept_televisionnetwork_cbs +concept_journalist_paula_zahn concept:worksfor concept_company_fox +concept_journalist_mark_faller concept:worksfor concept_politicsblog_arizona_republic +concept_journalist_louis_uchitelle concept:worksfor concept_website_new_york_times +concept_journalist_john_o_shea concept:worksfor concept_blog_goal +concept_journalist_dr__sanjay_gupta concept:worksfor concept_company_cnn +concept_journalist_paul_krugman concept:worksfor concept_company_the_new_york_times001 +concept_ceo_michael_capellas concept:worksfor concept_company_compaq_presario +concept_journalist_floyd_norris concept:worksfor concept_website_new_york_times +concept_ceo_sandy_weill concept:worksfor concept_company_citigroup +concept_person_jeff_jarvis concept:worksfor concept_publication_media +concept_journalist_jeff_greenfield concept:worksfor concept_televisionnetwork_cbs +concept_journalist_thomas_l__friedman concept:worksfor concept_website_new_york_times +concept_politicianus_brookhart concept:worksfor concept_sportsteam_akron_pros +concept_journalist_katie_couric concept:worksfor concept_company_today_show +concept_ceo_terry_semel concept:worksfor concept_website_yahoo_mail +concept_ceo_roger_ailes concept:worksfor concept_company_fox +concept_journalist_jonathan_weisman concept:worksfor concept_company_dc +concept_journalist_jeff_greenfield concept:worksfor concept_company_cnn +concept_journalist_joe_strauss concept:worksfor concept_newspaper_st__louis_post_dispatch +concept_professor_richard_stallman concept:worksfor concept_nonprofitorganization_free_software_foundation +concept_female_sheila_bair concept:worksfor concept_governmentorganization_fdic +concept_journalist_e_j__dionne concept:worksfor concept_company_dc +concept_journalist_warren_anderson concept:worksfor concept_company_union_carbide +concept_ceo_gerard_arpey concept:worksfor concept_publication_american_airlines +concept_journalist_patrick_healy concept:worksfor concept_musicartist_times +concept_journalist_robert_fisk concept:worksfor concept_newspaper_independent +concept_ceo_peter_altabef concept:worksfor concept_company_perot_systems +concept_ceo_kevin_w__sharer concept:worksfor concept_biotechcompany_amgen +concept_journalist_steven_lee_myers concept:worksfor concept_musicartist_times +concept_journalist_terry_moran concept:worksfor concept_city_abc +concept_journalist_katie_couric concept:worksfor concept_company_nbc +concept_journalist_jane_pauley concept:worksfor concept_company_nbc +concept_journalist_jon_saraceno concept:worksfor concept_company_usa_today001 +concept_journalist_paul_krugman concept:worksfor concept_musicartist_times +concept_journalist_dan concept:worksfor concept_company_n60_minutes +concept_ceo_om_malik concept:worksfor concept_magazine_business_2_0 +concept_ceo_bruce_chizen concept:worksfor concept_company_adobe +concept_journalist_walter_cronkite concept:worksfor concept_televisionnetwork_cbs +concept_journalist_jim_murray concept:worksfor concept_televisionstation_los_angeles_times +concept_journalist_nicholas_kristoff concept:worksfor concept_musicartist_times +concept_ceo_james_cayne concept:worksfor concept_bank_bear_stearns___co_ +concept_ceo_glenn_f__tilton concept:worksfor concept_bank_ual +concept_journalist_don_burke concept:worksfor concept_newspaper_newark_star_ledger +concept_journalist_chris_matthews concept:worksfor concept_politicsblog_msnbc +concept_journalist_john_roberts concept:worksfor concept_company_cnn +concept_ceo_vikram_s__pandit concept:worksfor concept_company_citigroup +concept_journalist_roger_mudd concept:worksfor concept_televisionnetwork_cbs +concept_person_walt_mossberg concept:worksfor concept_politicsblog_wall_street_journal +concept_journalist_jeff_jacoby concept:worksfor concept_company_boston_globe001 +concept_journalist_linda_douglass concept:worksfor concept_city_abc +concept_journalist_woody_paige concept:worksfor concept_newspaper_denver_post +concept_journalist_william_safire concept:worksfor concept_website_new_york_times +concept_person_samuel_andrews concept:worksfor concept_company_standard_oil +concept_journalist_bill_plante concept:worksfor concept_televisionnetwork_cbs +concept_journalist_mary_williams_walsh concept:worksfor concept_musicartist_times +concept_ceo_rem_vyakhirev concept:worksfor concept_biotechcompany_gazprom_and_rosneft +concept_journalist_jim_caple concept:worksfor concept_company_espn_com +concept_journalist_mark_mazzetti concept:worksfor concept_musicartist_times +concept_ceo_lowell_mcadam concept:worksfor concept_company_verizon_wireless +concept_scientist_howard_kurtz concept:worksfor concept_website_washington_post +concept_journalist_andrew_c__revkin concept:worksfor concept_website_new_york_times +concept_professor_mike_eskew concept:worksfor concept_biotechcompany_united_parcel_service +concept_journalist_adam_nagourney concept:worksfor concept_company_york_times +concept_journalist_eric_dash concept:worksfor concept_musicartist_times +concept_ceo_james_mcnerney concept:worksfor concept_biotechcompany_boeing +concept_journalist_elizabeth_vargas concept:worksfor concept_blog_abc_news +concept_personeurope_donald_trump concept:worksfor concept_company_trump_organization +concept_ceo_frank_blake concept:worksfor concept_company_home_depot +concept_journalist_felicity_barringer concept:worksfor concept_musicartist_times +concept_person_friedman concept:worksfor concept_musicartist_times +concept_journalist_nick_cafardo concept:worksfor concept_company_boston_globe001 +concept_person_otto_ambros concept:worksfor concept_company_ig_farben +concept_journalist_jonathan_rauch concept:worksfor concept_magazine_national_journal +concept_ceo_bharat_desai concept:worksfor concept_biotechcompany_syntel_inc +concept_journalist_thomas_boswell concept:worksfor concept_company_dc +concept_journalist_bob_herbert concept:worksfor concept_website_the_new_york_times +concept_journalist_dana_milbank concept:worksfor concept_company_dc +concept_person_walt_mossberg concept:worksfor concept_politicsblog_wsj +concept_journalist_frank_rich concept:worksfor concept_company_the_new_york_times001 +concept_journalist_david_m__herszenhorn concept:worksfor concept_musicartist_times +concept_ceo_gordon_nixon concept:worksfor concept_biotechcompany_royal_bank_of_canada +concept_journalist_dan concept:worksfor concept_governmentorganization_cbs_news +concept_journalist_ned_parker concept:worksfor concept_musicartist_times +concept_journalist_adam_nagourney concept:worksfor concept_website_new_york_times +concept_journalist_jeff_peek concept:worksfor concept_newspaper_traverse_city_record_eagle +concept_journalist_matt_lauer concept:worksfor concept_company_nbc +concept_person_ski_jump_guru concept:worksfor concept_sportsteam_germany +concept_journalist_floyd_norris concept:worksfor concept_musicartist_times +concept_ceo_abigail_johnson concept:worksfor concept_company_fidelity_investments +concept_journalist_thomas_l__friedman concept:worksfor concept_company_the_new_york_times001 +concept_journalist_gene_collier concept:worksfor concept_newspaper_pittsburgh_post_gazette +concept_comedian_george_stephanopoulos concept:worksfor concept_city_abc +concept_ceo_evan_williams concept:worksfor concept_company_twitter +concept_journalist_rod_dreher concept:worksfor concept_televisionstation_dallas_morning_news +concept_journalist_nicholas_wade concept:worksfor concept_company_york_times +concept_journalist_bill_madden concept:worksfor concept_website_new_york_daily +concept_journalist_bob_hunter concept:worksfor concept_website_columbus_dispatch +concept_journalist_howard_rosenberg concept:worksfor concept_televisionstation_los_angeles_times +concept_journalist_thomas_smith concept:worksfor concept_governmentorganization_blawnox +concept_journalist_john_erardi concept:worksfor concept_newspaper_cincinnati_enquirer +concept_professor_steve_lohr concept:worksfor concept_musicartist_times +concept_journalist_diane_sawyer concept:worksfor concept_city_abc +concept_journalist_nick_fierro concept:worksfor concept_newspaper_express_times +concept_journalist_bob_woodward concept:worksfor concept_website_washington_post +concept_journalist_larry_stone concept:worksfor concept_newspaper_seattle_times +concept_journalist_tara_parker_pope concept:worksfor concept_website_new_york_times +concept_journalist_dana_milbank concept:worksfor concept_company_post +concept_ceo_boone_pickens concept:worksfor concept_tradeunion_oil +concept_journalist_hal_mccoy concept:worksfor concept_televisionstation_dayton_daily_news +concept_journalist_bob_smizik concept:worksfor concept_newspaper_pittsburgh_post_gazette +concept_ceo_chad_hurley concept:worksfor concept_website_youtube_last_year +concept_journalist_helene_cooper concept:worksfor concept_musicartist_times +concept_ceo_alan_mulally concept:worksfor concept_company_ford_motor_company +concept_journalist_bill_plaschke concept:worksfor concept_televisionstation_los_angeles_times +concept_journalist_dan concept:worksfor concept_televisionnetwork_cbs +concept_journalist_richard_sandomir concept:worksfor concept_website_new_york_times +concept_ceo_wolfgang_mayrhuber concept:worksfor concept_company_lufthansa +concept_ceo_steven_appleton concept:worksfor concept_biotechcompany_micron_technology +concept_ceo_willie_walsh concept:worksfor concept_university_ba +concept_ceo_evan_g__greenberg concept:worksfor concept_company_ace_limited +concept_journalist_geoff_baker concept:worksfor concept_newspaper_seattle_times +concept_professor_david_yu concept:worksfor concept_company_betfair +concept_journalist_walter_cronkite concept:worksfor concept_musicartist_television +concept_person_mark_hackard concept:worksfor concept_nongovorganization_nixon_center +concept_ceo_jeff_bewkes concept:worksfor concept_company_time_warner +concept_journalist_walter_cronkite concept:worksfor concept_nonprofitorganization_cbs_evening +concept_ceo_donato_a__montanaro concept:worksfor concept_bank_tradeking +concept_journalist_joe_nocera concept:worksfor concept_website_new_york_times +concept_journalist_jim_salisbury concept:worksfor concept_newspaper_the_philadelphia_inquirer +concept_journalist_phil_mushnick concept:worksfor concept_newspaper_new_york_post +concept_journalist_richard_a__oppel_jr_ concept:worksfor concept_musicartist_times +concept_chef_jerome_corsi concept:worksfor concept_company_wnd +concept_ceo_randall_l__stephenson concept:worksfor concept_company_american_management_systems +concept_female_sarah_caldwell concept:worksfor concept_organization_opera_company_of_boston +concept_ceo_phil_condit concept:worksfor concept_biotechcompany_boeing +concept_journalist_alissa_j__rubin concept:worksfor concept_company_york_times +concept_ceo_jack_ma concept:worksfor concept_blog_alibaba_com +concept_journalist_richard_anderson concept:worksfor concept_biotechcompany_delta_air_lines_inc_ +concept_personnorthamerica_daniel_dimicco concept:worksfor concept_company_nucor +concept_ceo_hiroshi_okuda concept:worksfor concept_automobilemaker_toyota +concept_ceo_alan_mulally concept:worksfor concept_retailstore_ford +concept_journalist_t_j__simers concept:worksfor concept_newspaper_la_times +concept_ceo_lee_raymond concept:worksfor concept_biotechcompany_exxon_mobil +concept_person_ralph_reed concept:worksfor concept_professionalorganization_christian_coalition +concept_celebrity_sam_phillips concept:worksfor concept_company_sun +concept_ceo_jac_nasser concept:worksfor concept_retailstore_ford +concept_ceo_carol_meyrowitz concept:worksfor concept_company_tjx +concept_professor_stephanie_strom concept:worksfor concept_musicartist_times +concept_journalist_nicholas_wade concept:worksfor concept_musicartist_times +concept_person_nikolai_khromov concept:worksfor concept_organization_russia_s_olympic_team +concept_journalist_mike_lefkow concept:worksfor concept_newspaper_contra_costa_times +concept_journalist_joe_nocera concept:worksfor concept_politicsblog_ny_times +concept_journalist_matt_richtel concept:worksfor concept_website_new_york_times +concept_person_philippe_val concept:worksfor concept_terroristorganization_charlie_hebdo +concept_journalist_katie_couric concept:worksfor concept_televisionnetwork_cbs +concept_journalist_kyra_phillips concept:worksfor concept_company_cnn +concept_journalist_bill_plaschke concept:worksfor concept_newspaper_la_times +concept_ceo_asa_candler concept:worksfor concept_biotechcompany_coca_cola +concept_journalist_shankar_vedantam concept:worksfor concept_company_dc +concept_journalist_steve_kroft concept:worksfor concept_televisionnetwork_cbs +concept_person_alan_johnston concept:worksfor concept_company_bbc +concept_journalist_juliet_eilperin concept:worksfor concept_website_washington_post +concept_ceo_louis_c__camilleri concept:worksfor concept_biotechcompany_altria_group +concept_journalist_sam_adams concept:worksfor concept_politicsblog_portland +concept_journalist_paul_krugman concept:worksfor concept_company_york_times +concept_journalist_juliet_eilperin concept:worksfor concept_company_dc +concept_journalist_charles_kuralt concept:worksfor concept_televisionnetwork_cbs +concept_professor_michel_tilmant concept:worksfor concept_bank_ing +concept_journalist_nick_canepa concept:worksfor concept_televisionstation_san_diego_union_tribune +concept_person_barbara_west concept:worksfor concept_city_florida +concept_politician_michael_bear concept:worksfor concept_city_city_of_london +concept_journalist_dejan_kovacevic concept:worksfor concept_newspaper_pittsburgh_post_gazette +concept_person_toomas_hendrik_ilves concept:worksfor concept_country_estonia +concept_journalist_jason_zweig concept:worksfor concept_politicsblog_wall_street_journal +concept_person_diego_maradona concept:worksfor concept_country_argentina +concept_journalist_elisabeth_bumiller concept:worksfor concept_website_new_york_times +concept_journalist_dan_shaughnessy concept:worksfor concept_newspaper_the_globe +concept_person_ingrid_newkirk concept:worksfor concept_nongovorganization_peta +concept_ceo_james_cayne concept:worksfor concept_bank_bear_stearns +concept_ceo_c__michael_armstrong concept:worksfor concept_company_american_management_systems +concept_ceo_louis_gallois concept:worksfor concept_company_eads +concept_ceo_vineet_nayar concept:worksfor concept_biotechcompany_hcl_technologies +concept_person_o_reilly concept:worksfor concept_company_chevron001 +concept_ceo_marten_mickos_n concept:worksfor concept_company_mysql_ab +concept_journalist_tara_parker_pope concept:worksfor concept_musicartist_times +concept_person_t__boone_pickens concept:worksfor concept_newspaper_texas +concept_journalist_joe_conason concept:worksfor concept_company_observer001 +concept_person_xiao_haopeng concept:worksfor concept_organization_chinese_shooting_squad +concept_ceo_chad_hurley concept:worksfor concept_website_youtube +concept_journalist_fred_mitchell concept:worksfor concept_website_chicago_tribune +concept_ceo_jerry_yang concept:worksfor concept_website_yahoo_mail +concept_person_mohamed_elmasry concept:worksfor concept_tradeunion_canadian_islamic_congress +concept_ceo_sheldon_erikson concept:worksfor concept_winery_cameron +concept_ceo_barry_meyer concept:worksfor concept_company_warner_bros_ +concept_journalist_tom_brokaw concept:worksfor concept_company_nbc +concept_journalist_nicholas_kristoff concept:worksfor concept_website_new_york_times +concept_person_eckhard_cordes concept:worksfor concept_organization_mercedes_car_group +concept_ceo_john_clayton concept:worksfor concept_sportsleague_espn +concept_journalist_larry_milson concept:worksfor concept_company_globe_and_mail +concept_person_nur_misuari concept:worksfor concept_nongovorganization_mnlf +concept_journalist_david_westin concept:worksfor concept_city_abc +concept_ceo_david_rockefeller concept:worksfor concept_bank_chase_manhattan +concept_journalist_geraldo_rivera concept:worksfor concept_company_fox +concept_ceo_douglas_r__conant concept:worksfor concept_island_campbell_soup +concept_person_christodoulos concept:worksfor concept_organization_greek_orthodox_church +concept_journalist_marc_kaufman concept:worksfor concept_company_dc +concept_journalist_lesley_stahl concept:worksfor concept_televisionnetwork_cbs +concept_ceo_carlos_ghosn concept:worksfor concept_automobilemaker_renault +concept_journalist_juliet_eilperin concept:worksfor concept_company_post +concept_journalist_janet_l__robinson concept:worksfor concept_newspaper_new_york_times_company +concept_journalist_aaron_brown concept:worksfor concept_company_fox +concept_person_friedman concept:worksfor concept_company_nyt +concept_professor_steve_doocy concept:worksfor concept_company_fox +concept_journalist_john_stossel concept:worksfor concept_city_abc +concept_ceo_montie_brewer concept:worksfor concept_company_air_canada +concept_journalist_seymour_hersh concept:worksfor concept_website_new_york_american +concept_ceo_b_m concept:worksfor concept_biotechcompany_mgm_mirage +concept_person_joseph_m__tucci concept:worksfor concept_musicartist_emc +concept_journalist_shankar_vedantam concept:worksfor concept_website_washington_post +concept_scientist_howard_kurtz concept:worksfor concept_city_washington_d_c +concept_ceo_lee_iacocca concept:worksfor concept_company_chrysler_llc__ +concept_journalist_walter_mossberg concept:worksfor concept_politicsblog_wall_street_journal +concept_journalist_richard_sandomir concept:worksfor concept_musicartist_times +concept_journalist_walter_pincus concept:worksfor concept_company_dc +concept_ceo_bob_parsons concept:worksfor concept_company_godaddy__com +concept_journalist_john_roberts concept:worksfor concept_televisionnetwork_cbs +concept_journalist_tom_haudricourt concept:worksfor concept_website_the_milwaukee_journal_sentinel +concept_person_brian_reed concept:worksfor concept_organization_puccini_group +concept_journalist_douglas_edwards concept:worksfor concept_televisionnetwork_cbs +concept_journalist_tim_rutten concept:worksfor concept_newspaper_la_times +concept_journalist_ira_berkow concept:worksfor concept_company_the_new_york_times001 +concept_journalist_nicholas_kristof concept:worksfor concept_musicartist_times +concept_journalist_nicholas_wade concept:worksfor concept_website_new_york_times +concept_journalist_gloria_borger concept:worksfor concept_televisionnetwork_cbs +concept_journalist_andy_katz concept:worksfor concept_company_espn_com +concept_ceo_vinod_khosla concept:worksfor concept_company_sun +concept_journalist_doug_krikorian concept:worksfor concept_newspaper_long_beach_press_telegram +concept_journalist_walter_pincus concept:worksfor concept_website_washington_post +concept_journalist_bob_woodruff concept:worksfor concept_city_abc +concept_person_slobodan_milosevic concept:worksfor concept_organization_yugoslav +concept_person_juergen_hubbert concept:worksfor concept_organization_mercedes_car_group +concept_journalist_soledad_o_brien concept:worksfor concept_company_cnn +concept_person_matt_mullenweg concept:worksfor concept_blog_wordpress +concept_journalist_james_gorman concept:worksfor concept_biotechcompany_morgan_stanley +concept_ceo_c__michael_armstrong concept:worksfor concept_company_at_t +concept_journalist_brad_stone concept:worksfor concept_company_york_times +concept_ceo_josef_ackermann concept:worksfor concept_bank_deutsche_bank_ag +concept_journalist_michael_barone concept:worksfor concept_magazine_u_s__news___world_report +concept_journalist_mike_peticca concept:worksfor concept_blog_plain_dealer +concept_ceo_tj_rodgers concept:worksfor concept_winery_cypress +concept_journalist_jeff_blair concept:worksfor concept_newspaper_toronto_globe_and_mail +concept_ceo_mike_s__zafirovski concept:worksfor concept_company_nortel001 +concept_journalist_paula_zahn concept:worksfor concept_company_cnn +concept_journalist_jim_miklaszewski concept:worksfor concept_company_nbc +concept_professor_pat_summitt concept:worksfor concept_newspaper_tennessee +concept_person_friedman concept:worksfor concept_website_new_york_times +concept_journalist_george_johnson concept:worksfor concept_website_new_york_times +concept_journalist_claire_smith concept:worksfor concept_newspaper_the_philadelphia_inquirer +concept_journalist_joseph_liao concept:worksfor concept_website_world_journal +concept_journalist_eric_deggans concept:worksfor concept_newspaper_st__petersburg_times +concept_person_susan_newman concept:worksfor concept_organization_it +concept_person_raymond_gilmartin concept:worksfor concept_biotechcompany_merck___co +concept_politician_dave_bing concept:worksfor concept_county_detroit +concept_journalist_thomas_l__friedman concept:worksfor concept_musicartist_times +concept_ceo_john_riccitiello concept:worksfor concept_company_ea +concept_journalist_jacob_weisberg concept:worksfor concept_politicsblog_slate +concept_ceo_micky_arison concept:worksfor concept_company_carnival_cruises +concept_journalist_roger_cohen concept:worksfor concept_website_new_york_times +concept_person_sam_donaldson concept:worksfor concept_city_abc +concept_journalist_dave_van_dyck concept:worksfor concept_website_chicago_tribune +concept_journalist_dana_priest concept:worksfor concept_company_dc +concept_journalist_dana_milbank concept:worksfor concept_website_washington_post +concept_ceo_irwin_jacobs concept:worksfor concept_company_qualcomm +concept_person_herbert_chitepo concept:worksfor concept_politicalparty_zimbabwe_african_national_union +concept_journalist_bob_schieffer concept:worksfor concept_televisionnetwork_cbs +concept_journalist_peter_arnett concept:worksfor concept_company_cnn +concept_journalist_mike_downey concept:worksfor concept_website_chicago_tribune +concept_journalist_candy_crowley concept:worksfor concept_company_cnn +concept_politician_stephen_mandel concept:worksfor concept_city_edmonton +concept_ceo_micky_arison concept:worksfor concept_organization_carnival_cruise_lines +concept_person_thoraya_obaid concept:worksfor concept_organization_population_fund +concept_ceo_josef_ackermann concept:worksfor concept_bank_deutsche_bank +concept_journalist_gina_kolata concept:worksfor concept_website_new_york_times +concept_journalist_tom_brokaw concept:worksfor concept_musicartist_television +concept_journalist_verlyn_klinkenborg concept:worksfor concept_website_new_york_times +concept_ceo_rodger_o__riney concept:worksfor concept_company_scottrade +concept_ceo_randall_l__stephenson concept:worksfor concept_company_at_t +concept_journalist_doyle_mcmanus concept:worksfor concept_musicartist_times +concept_ceo_patricia_woertz concept:worksfor concept_biotechcompany_archer_daniels_midland +concept_journalist_armen_keteyian concept:worksfor concept_televisionnetwork_cbs +concept_journalist_bob_woodward concept:worksfor concept_company_dc +concept_person_jeff_skilling concept:worksfor concept_company_enron +concept_journalist_jayson_stark concept:worksfor concept_sportsleague_espn +concept_journalist_eli_lake concept:worksfor concept_blog_sun +concept_journalist_william_glaberson concept:worksfor concept_musicartist_times +concept_journalist_sally_quinn concept:worksfor concept_company_dc +concept_ceo_charlie_ergen concept:worksfor concept_company_dish_network_corporation +concept_ceo_mel_karmazin concept:worksfor concept_company_sirius_satellite +concept_journalist_jerry_green concept:worksfor concept_newspaper_the_detroit_news +concept_politician_ashley_swearengin concept:worksfor concept_terroristorganization_fresno +concept_person_levy_mwanawasa concept:worksfor concept_organization_zambian +concept_politician_mufi_hannemann concept:worksfor concept_city_honolulu +concept_visualartist_john_thompson concept:worksfor concept_bank_symantec +concept_ceo_ken_chenault concept:worksfor concept_magazine_american_express +concept_journalist_bret_stephens concept:worksfor concept_politicsblog_wall_street_journal +concept_ceo_narendra_patni concept:worksfor concept_biotechcompany_patni_computer_systems +concept_ceo_nicholas_chabraja concept:worksfor concept_company_general_dynamics +concept_journalist_lynn_henning concept:worksfor concept_newspaper_the_detroit_news +concept_ceo_john_chambers concept:worksfor concept_biotechcompany_cisco +concept_person_v_p__singh concept:worksfor concept_musicartist_indian +concept_journalist_david_willman concept:worksfor concept_musicartist_times +concept_ceo_john_chidsey concept:worksfor concept_company_burger_king_hldgs +concept_journalist_tim_rutten concept:worksfor concept_televisionstation_los_angeles_times +concept_ceo_peter_thiel concept:worksfor concept_stateorprovince_paypal +concept_journalist_keith_olberman concept:worksfor concept_politicsblog_msnbc +concept_journalist_ann_curry concept:worksfor concept_blog_today +concept_politician_ralph_becker concept:worksfor concept_biotechcompany_salt_lake_city +concept_person_tim_weiner concept:worksfor concept_website_new_york_times +concept_comedian_george_stephanopoulos concept:worksfor concept_governmentorganization_abc_news +concept_ceo_lee_iacocca concept:worksfor concept_automobilemaker_chrysler_llc +concept_personafrica_jorge_ramos concept:worksfor concept_city_univision +concept_person_sam_donaldson concept:worksfor concept_governmentorganization_abc_news +concept_person_perry concept:worksfor concept_musicartist_journey +concept_journalist_jim_hoagland concept:worksfor concept_website_washington_post +concept_journalist_woody_paige concept:worksfor concept_televisionstation_the_denver_post +concept_female_anne_lauvergeon concept:worksfor concept_company_areva +concept_journalist_william_safire concept:worksfor concept_musicartist_times +concept_person_archbishop_christodoulos concept:worksfor concept_organization_greek_orthodox_church +concept_journalist_frank_rich concept:worksfor concept_website_new_york_times +concept_politician_frank_walter_steinmeier concept:worksfor concept_organization_german +concept_journalist_frederick_smith concept:worksfor concept_magazine_fedex +concept_ceo_willie_walsh concept:worksfor concept_company_british_airways +concept_ceo_thomas_f__farrell_ii concept:worksfor concept_company_dominion_resources +concept_ceo_jerry_yang concept:worksfor concept_website_yahoo +concept_journalist_harvey_araton concept:worksfor concept_website_new_york_times +concept_ceo_stephen_hester concept:worksfor concept_bank_royal_bank +concept_professor_chad_deaton concept:worksfor concept_company_baker_hughes +concept_journalist_jack_anderson concept:worksfor concept_company_dc +concept_ceo_stephen_hester concept:worksfor concept_bank_royal_bank_of_scotland +concept_journalist_mike_lopresti concept:worksfor concept_newspaper_gannett_news_service +concept_ceo_steve_odland concept:worksfor concept_biotechcompany_office_depot +concept_journalist_kevin_merida concept:worksfor concept_company_dc +concept_ceo_james_cayne concept:worksfor concept_bank_bear_stearns_companies +concept_person_barbara_west concept:worksfor concept_televisionstation_wftv +concept_journalist_mike_klis concept:worksfor concept_newspaper_denver_post +concept_journalist_doug_struck concept:worksfor concept_company_dc +concept_politician_rob_ford concept:worksfor concept_biotechcompany_toronto +concept_ceo_hiroshi_okuda concept:worksfor concept_biotechcompany_toyota_motor +concept_ceo_andy_grove concept:worksfor concept_company_intel +concept_politician_bill_purcell concept:worksfor concept_city_nashville +concept_journalist_steven_lee_myers concept:worksfor concept_company_york_times +concept_journalist_bill_conlin concept:worksfor concept_website_philadelphia_daily_news +concept_professor_herb_kelleher concept:worksfor concept_geopoliticallocation_southwest +concept_journalist_bob_greene concept:worksfor concept_website_chicago_tribune +concept_journalist_paul_hagen concept:worksfor concept_website_philadelphia_daily_news +concept_ceo_ellen_j__kullman concept:worksfor concept_bank_dupont +concept_journalist_peter_schmuck concept:worksfor concept_televisionstation_baltimore_sun +concept_journalist_ben_brantley concept:worksfor concept_musicartist_times +concept_journalist_amir_taheri concept:worksfor concept_company_post +concept_journalist_frank_ahrens concept:worksfor concept_company_dc +concept_journalist_luis_e__rangel concept:worksfor concept_newspaper_el_nuevo_herald +concept_journalist_frank_rich concept:worksfor concept_musicartist_times +concept_journalist_marian_burros concept:worksfor concept_musicartist_times +concept_journalist_nicholas_kristof concept:worksfor concept_website_new_york_times +concept_journalist_katherine_kersten concept:worksfor concept_newspaper_star_tribune +concept_journalist_joe_stephens concept:worksfor concept_company_dc +concept_ceo_paul_d__house concept:worksfor concept_company_tim_hortons +concept_person_zoran_djindjic concept:worksfor concept_recordlabel_serbia +concept_ceo_michael_capellas concept:worksfor concept_company_compaq +concept_politician_olaf_scholz concept:worksfor concept_bank_hamburg +concept_journalist_cynthia_mcfadden concept:worksfor concept_city_abc +concept_ceo_millard_drexler concept:worksfor concept_company_j__crew +concept_professor_steve_lohr concept:worksfor concept_website_new_york_times +concept_ceo_ted_turner concept:worksfor concept_televisionstation_tbs +concept_ceo_hiroshi_okuda concept:worksfor concept_automobilemaker_toyota_motor_corporation +concept_journalist_bill_simmons concept:worksfor concept_sportsleague_espn +concept_journalist_dana_priest concept:worksfor concept_website_washington_post +concept_journalist_morley_safer concept:worksfor concept_televisionnetwork_cbs +concept_journalist_bob_herbert concept:worksfor concept_website_new_york_times +concept_ceo_steve_luczo concept:worksfor concept_biotechcompany_seagate_technology +concept_ceo_larry_kellner concept:worksfor concept_company_continental_airlines001 +concept_ceo_john_chambers concept:worksfor concept_biotechcompany_cisco_systems_inc_ +concept_journalist_rick_weiss concept:worksfor concept_company_dc +concept_journalist_dean_takahashi concept:worksfor concept_website_san_jose_mercury_news +concept_journalist_jerome_holtzman concept:worksfor concept_website_chicago_tribune +concept_ceo_howard_schultz concept:worksfor concept_company_starbucks +concept_journalist_sam_dillon concept:worksfor concept_musicartist_times +concept_journalist_paul_richter concept:worksfor concept_musicartist_times +concept_professor_david_richards concept:worksfor concept_company_prodrive +concept_monarch_alexis_glick concept:worksfor concept_company_fox_business +concept_ceo_thomas_middelhoff concept:worksfor concept_company_bertelsmann_ag +concept_ceo_john_chambers concept:worksfor concept_biotechcompany_cisco_systems_inc +concept_person_ron_cook concept:worksfor concept_newspaper_pittsburgh_post_gazette +concept_ceo_olli_pekka_kallasvuo concept:worksfor concept_city_nokia +concept_journalist_jeff_horrigan concept:worksfor concept_newspaper_boston_herald +concept_person_friedman concept:worksfor concept_musicartist_american +concept_ceo_richard_wagoner concept:worksfor concept_stateorprovince_general_motors +concept_journalist_tony_massarotti concept:worksfor concept_newspaper_boston_herald +concept_journalist_james_dao concept:worksfor concept_musicartist_times +concept_scientist_alexander_cockburn concept:worksfor concept_company_nation +concept_journalist_david_bloom concept:worksfor concept_company_nbc +concept_politician_ralph_becker concept:worksfor concept_county_salt_lake +concept_journalist_bob_woodruff concept:worksfor concept_blog_abc_news +concept_politician_sam_sullivan concept:worksfor concept_city_vancouver +concept_scientist_joseph_saxton concept:worksfor concept_city_bristol +concept_journalist_stephen_bennett concept:worksfor concept_magazine_intuit +concept_journalist_joe_nocera concept:worksfor concept_musicartist_times +concept_journalist_greg_cote concept:worksfor concept_company_miami_herald001 +concept_female_anne_mulcahy concept:worksfor concept_university_xerox +concept_journalist_tony_massarotti concept:worksfor concept_company_boston_globe001 +concept_ceo_john_chidsey concept:worksfor concept_restaurant_burger_king +concept_person_jeroen_van_der_veer concept:worksfor concept_university_royal_dutch_shell +concept_journalist_alissa_j__rubin concept:worksfor concept_musicartist_times +concept_ceo_thomas_middelhoff concept:worksfor concept_company_bertelsmann +concept_journalist_mel_antonen concept:worksfor concept_company_usa_today001 +concept_personeurope_luiz_felipe_scolari concept:worksfor concept_biotechcompany_portugal +concept_ceo_richard_fairbank concept:worksfor concept_company_capital_one_financial +concept_journalist_john_stossel concept:worksfor concept_blog_abc_news +concept_politician_kitty_piercy concept:worksfor concept_city_eugene +concept_ceo_l_a__reid concept:worksfor concept_recordlabel_def_jam_records +concept_politician_marta_vincenzi concept:worksfor concept_city_genoa +concept_person_jeff_skilling concept:worksfor concept_company_enron_and_worldcom +concept_journalist_barton_gellman concept:worksfor concept_company_dc +concept_female_lara_logan concept:worksfor concept_televisionnetwork_cbs +concept_ceo_ferdinand_piech concept:worksfor concept_automobilemaker_volkswagen +concept_coach_atlanta_thrashers concept:agentbelongstoorganization concept_sportsleague_nhl +concept_judge_mrs_ concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_new_jersey_nets concept:agentbelongstoorganization concept_sportsleague_nba +concept_city_costa_rica concept:agentbelongstoorganization concept_sportsleague_mls +concept_journalist_jeff_zeleny concept:agentbelongstoorganization concept_company_york_times +concept_sportsteam_saint_louis_cardinals concept:agentbelongstoorganization concept_sportsleague_mlb +concept_person_president concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_edmonton_oilers concept:agentbelongstoorganization concept_sportsleague_nhl +concept_city_guatemala_city concept:agentbelongstoorganization concept_sportsleague_mls +concept_country_cuba concept:agentbelongstoorganization concept_sportsleague_mls +concept_televisionstation_wnjs concept:agentbelongstoorganization concept_company_pbs +concept_coach_utah_jazz concept:agentbelongstoorganization concept_sportsleague_nba +concept_politicianus_mr__obama concept:agentbelongstoorganization concept_politicalparty_house +concept_city_home concept:agentbelongstoorganization concept_stateorprovince_contact +concept_country_saint_kitts_and_nevis concept:agentbelongstoorganization concept_sportsleague_mls +concept_politicianus_john_f__kennedy concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_dallas_mavericks concept:agentbelongstoorganization concept_sportsleague_nba +concept_country_new_zealand concept:agentbelongstoorganization concept_sportsleague_mls +concept_politicianus_anderson_cooper concept:agentbelongstoorganization concept_company_cnn +concept_athlete_cleveland_indians concept:agentbelongstoorganization concept_sportsleague_mlb +concept_coach_miami_heat concept:agentbelongstoorganization concept_sportsleague_nba +concept_university_usc concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_vancouver_canucks concept:agentbelongstoorganization concept_sportsleague_nhl +concept_personmexico_florida_marlins concept:agentbelongstoorganization concept_sportsleague_mlb +concept_politicianus_george_w concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_seattle_supersonics concept:agentbelongstoorganization concept_sportsleague_nba +concept_personcanada_first_home concept:agentbelongstoorganization concept_musicartist_times +concept_comedian_james_dobson concept:agentbelongstoorganization concept_musicartist_family +concept_politicianus_bob concept:agentbelongstoorganization concept_recordlabel_friends +concept_coach_carolina_hurricanes concept:agentbelongstoorganization concept_sportsleague_nhl +concept_musicartist_herb_alpert concept:agentbelongstoorganization concept_automobilemaker_a_m +concept_politicianus_g_w__bush concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_buccaneers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_journalist_dan concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_city_bermuda concept:agentbelongstoorganization concept_sportsleague_mls +concept_county_chevrolet concept:agentbelongstoorganization concept_company_general_motors001 +concept_politicsblog_analysis concept:agentbelongstoorganization concept_terroristorganization_times +concept_coach_scores concept:agentbelongstoorganization concept_sportsleague_nba +concept_sportsteam_colgate_red_raiders concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_personus_philadelphia_phillies concept:agentbelongstoorganization concept_sportsleague_mlb +concept_person_ken concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_politicianus_mr_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_nashville_predators concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_minnesota_twins concept:agentbelongstoorganization concept_sportsleague_mlb +concept_coach_anaheim_ducks concept:agentbelongstoorganization concept_sportsleague_nhl +concept_person_chris concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_city_lanni concept:agentbelongstoorganization concept_biotechcompany_mgm_mirage +concept_country_gambia concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_new_jersey_devils concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_san_jose_sharks concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_alabama_crimson_tide concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_san_diego_padres_cf_freddy_guzman concept:agentbelongstoorganization concept_sportsleague_mlb +concept_ceo_home_page_this_page concept:agentbelongstoorganization concept_musicartist_times +concept_coach_tampa_bay_lightning concept:agentbelongstoorganization concept_sportsleague_nhl +concept_female_hillary concept:agentbelongstoorganization concept_politicalparty_house +concept_geopoliticalorganization_us_state concept:agentbelongstoorganization concept_governmentorganization_house +concept_university_ohio_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_politicalparty_democrats concept:agentbelongstoorganization concept_governmentorganization_house +concept_athlete_dale_jarrett concept:agentbelongstoorganization concept_sportsleague_nascar +concept_coach_detroit_red_wings concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_detroit_pistons concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_new_york_knicks concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_gene_chizik concept:agentbelongstoorganization concept_stateorprovince_auburn +concept_coach_new_orleans_saints concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_los_angeles_kings concept:agentbelongstoorganization concept_sportsleague_nhl +concept_politicianus_president_george_w_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_county_washington_university concept:agentbelongstoorganization concept_politicalparty_public +concept_coach_colorado_avalanche concept:agentbelongstoorganization concept_sportsleague_nhl +concept_politician_barack_hussein_obama concept:agentbelongstoorganization concept_politicalparty_house +concept_company_oped concept:agentbelongstoorganization concept_stateorprovince_times +concept_country_sierra_leone concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_cleveland_cavaliers concept:agentbelongstoorganization concept_sportsleague_nba +concept_politicianus_william_safire concept:agentbelongstoorganization concept_stateorprovince_times +concept_coach_buffalo_sabres concept:agentbelongstoorganization concept_sportsleague_nhl +concept_athlete_shaq_o_neal concept:agentbelongstoorganization concept_sportsteam_suns +concept_televisionstation_wnjt concept:agentbelongstoorganization concept_company_pbs +concept_sportsteam_hamilton_tiger_cats concept:agentbelongstoorganization concept_sportsleague_cfl +concept_sportsteam_ny_red_bulls concept:agentbelongstoorganization concept_sportsleague_mls +concept_politicianus_jimmy_carter concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_pittsburgh_penguins concept:agentbelongstoorganization concept_sportsleague_nhl +concept_sportsteam_portland_blazers concept:agentbelongstoorganization concept_sportsleague_nba +concept_person_harry concept:agentbelongstoorganization concept_recordlabel_friends +concept_coach_cincinnati_bengals concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_president_obama concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_dallas_stars concept:agentbelongstoorganization concept_sportsleague_nhl +concept_person_tony concept:agentbelongstoorganization concept_recordlabel_friends +concept_writer_peter_bart concept:agentbelongstoorganization concept_magazine_variety +concept_university_ucla concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_chicago_bulls concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_new_england_patriots concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_president_george_w__bush concept:agentbelongstoorganization concept_politicalparty_house +concept_televisionstation_wneo concept:agentbelongstoorganization concept_company_pbs +concept_bank_administration concept:agentbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_michael_turner concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_stephen_goldsmith concept:agentbelongstoorganization concept_city_indianapolis +concept_coach_pittsburgh_steelers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_person_mark001 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_personaustralia_william_moore concept:agentbelongstoorganization concept_company_nbc +concept_coach_philadelphia_76ers concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_rex_ryan concept:agentbelongstoorganization concept_sportsleague_new +concept_athlete_tony_stewart concept:agentbelongstoorganization concept_sportsleague_nascar +concept_coach_cleveland_browns concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_new_orleans_hornets concept:agentbelongstoorganization concept_sportsleague_nba +concept_person_senator concept:agentbelongstoorganization concept_politicalparty_house +concept_person_ken concept:agentbelongstoorganization concept_recordlabel_friends +concept_politicianus_dick_cheney concept:agentbelongstoorganization concept_politicalparty_house +concept_blog_george_w__bush concept:agentbelongstoorganization concept_governmentorganization_house +concept_country_mexico concept:agentbelongstoorganization concept_sportsleague_mls +concept_city_jamaica concept:agentbelongstoorganization concept_sportsleague_mls +concept_televisionstation_wyes_tv concept:agentbelongstoorganization concept_company_pbs +concept_coach_baltimore_ravens concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_nancy_pelosi concept:agentbelongstoorganization concept_politicalparty_house +concept_politicianus_mr_obama concept:agentbelongstoorganization concept_politicalparty_house +concept_sportsteam_tampa_bay_buccanneers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_toronto_raptors concept:agentbelongstoorganization concept_sportsleague_nba +concept_personmexico_mike_davis concept:agentbelongstoorganization concept_stateorprovince_indiana +concept_ceo_merrill concept:agentbelongstoorganization concept_country___america +concept_sportsteam_philadelphia_sixers concept:agentbelongstoorganization concept_sportsleague_nba +concept_televisionstation_wlrn_tv concept:agentbelongstoorganization concept_company_pbs +concept_personnorthamerica_john_mccain concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_arizona_cardinals concept:agentbelongstoorganization concept_sportsleague_nfl +concept_person_brit_hume concept:agentbelongstoorganization concept_company_fox +concept_coach_philadelphia_flyers concept:agentbelongstoorganization concept_sportsleague_nhl +concept_personmexico_dale_earnhardt_jr concept:agentbelongstoorganization concept_sportsleague_nascar +concept_person_cathy concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_politicianus_president_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_carolina_panthers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_personeurope_john_johnson concept:agentbelongstoorganization concept_nonprofitorganization_crossroads +concept_politicianus_bill_clinton concept:agentbelongstoorganization concept_politicalparty_house +concept_city_grenada concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_montreal_canadiens concept:agentbelongstoorganization concept_sportsleague_nhl +concept_journalist_bob_herbert concept:agentbelongstoorganization concept_company_york_times +concept_politicianus_david concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_coach_san_antonio_spurs concept:agentbelongstoorganization concept_sportsleague_nba +concept_politicianus_david_steele concept:agentbelongstoorganization concept_televisionstation_baltimore_sun +concept_criminal_authorities concept:agentbelongstoorganization concept_terroristorganization_state +concept_coach_pat_dye concept:agentbelongstoorganization concept_stateorprovince_auburn +concept_personmexico_kevin_harvick concept:agentbelongstoorganization concept_sportsleague_nascar +concept_coach_washington_wizards concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_indianapolis_colts concept:agentbelongstoorganization concept_sportsleague_nfl +concept_celebrity_anna_wintour concept:agentbelongstoorganization concept_company_vogue001 +concept_sportsteam_florida_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_politicianus_president_george_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_detroit_lions concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_minnesota_vikings concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_houston_texans concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_phoenix_coyotes concept:agentbelongstoorganization concept_sportsleague_nhl +concept_personeurope_scott_carson concept:agentbelongstoorganization concept_recordlabel_boeing +concept_televisionstation_wung_tv concept:agentbelongstoorganization concept_company_pbs +concept_coach_calgary_flames concept:agentbelongstoorganization concept_sportsleague_nhl +concept_person_truman concept:agentbelongstoorganization concept_politicalparty_house +concept_politicianus_president_clinton concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_oklahoma_city_thunder concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_houston_rockets concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_toronto_maple_leafs concept:agentbelongstoorganization concept_sportsleague_nhl +concept_politicianus_hillary_clinton concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_st__louis_blues concept:agentbelongstoorganization concept_sportsleague_nhl +concept_city_san_jose concept:agentbelongstoorganization concept_sportsleague_mls +concept_sportsteam_chicago_black_hawks concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_washington_capitals concept:agentbelongstoorganization concept_sportsleague_nhl +concept_judge_mr_ concept:agentbelongstoorganization concept_politicalparty_house +concept_personcanada_first_home concept:agentbelongstoorganization concept_stateorprovince_contact +concept_person_ian concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_astronaut_mail concept:agentbelongstoorganization concept_blog_form +concept_person_bruce concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_coach_tennessee_titans concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_oakland_raiders concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_jacksonville_jaguars concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_atlanta_hawks concept:agentbelongstoorganization concept_sportsleague_nba +concept_sportsteam_saskatchewan_roughriders concept:agentbelongstoorganization concept_sportsleague_cfl +concept_politicianus_mr__bush concept:agentbelongstoorganization concept_politicalparty_house +concept_coach_san_francisco_49ers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_george_w_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_politician_u_s__president_george_w__bush concept:agentbelongstoorganization concept_politicalparty_house +concept_televisionstation_ktsc_tv concept:agentbelongstoorganization concept_company_pbs +concept_personmexico_james_shields concept:agentbelongstoorganization concept_sportsteam_tampa_bay_devil_rays +concept_coach_phoenix_suns concept:agentbelongstoorganization concept_sportsleague_nba +concept_county_washington_university concept:agentbelongstoorganization concept_sportsleague_international +concept_politicianus_barack_obama concept:agentbelongstoorganization concept_politicalparty_house +concept_personeurope_andrew_jackson concept:agentbelongstoorganization concept_politicalparty_house +concept_geopoliticallocation_kerry concept:agentbelongstoorganization concept_governmentorganization_house +concept_company_knva concept:agentbelongstoorganization concept_company_wb +concept_coach_ottawa_senators concept:agentbelongstoorganization concept_sportsleague_nhl +concept_personmexico_anthony_carter concept:agentbelongstoorganization concept_sportsleague_nba +concept_person_peter_jennings concept:agentbelongstoorganization concept_city_abc +concept_country_honduras concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_atlanta_falcons concept:agentbelongstoorganization concept_sportsleague_nfl +concept_city_guyana concept:agentbelongstoorganization concept_sportsleague_mls +concept_televisionstation_wnjn concept:agentbelongstoorganization concept_company_pbs +concept_sportsteam_colorado_golden_buffaloes concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_athlete_bobby_labonte concept:agentbelongstoorganization concept_sportsleague_nascar +concept_politician_dubya concept:agentbelongstoorganization concept_politicalparty_house +concept_radiostation_wfyi concept:agentbelongstoorganization concept_televisionnetwork_pbs +concept_city_home concept:agentbelongstoorganization concept_stateorprovince_times +concept_person_duke concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_tommy_tuberville concept:agentbelongstoorganization concept_stateorprovince_auburn +concept_personus_david_wright concept:agentbelongstoorganization concept_sportsteam_new_york_mets +concept_athlete_boston_red_sox concept:agentbelongstoorganization concept_sportsleague_mlb +concept_politicianus_george_w_ concept:agentbelongstoorganization concept_politicalparty_house +concept_country_trinidad_and_tobago concept:agentbelongstoorganization concept_sportsleague_mls +concept_televisionstation_kzsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_coach_boston_bruins concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_new_york_giants concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politicianus_jim concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_coach_kansas_city_chiefs concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_philadelphia_eagles concept:agentbelongstoorganization concept_sportsleague_nfl +concept_stateorprovince_maryland concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_new_york_rangers concept:agentbelongstoorganization concept_sportsleague_nhl +concept_company_rick concept:agentbelongstoorganization concept_recordlabel_friends +concept_country_liberia concept:agentbelongstoorganization concept_sportsleague_mls +concept_sportsleague_major_league_soccer concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_chicago_bears concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_denver_broncos concept:agentbelongstoorganization concept_sportsleague_nfl +concept_politician_obama concept:agentbelongstoorganization concept_politicalparty_house +concept_radiostation_kmph concept:agentbelongstoorganization concept_mountain_fox +concept_country_finland concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_new_york_jets concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_green_bay_packers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_male_stephen concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_athlete_lou_gehrig concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_ted_thompson concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_ernie_banks concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_larry_foote concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_eto_o concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_sean_gallagher concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_brian_griese concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_michal_rozsival concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_rashard_mendenhall concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_derosa concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jerricho_cotchery concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_jim_lonborg concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_petr_prucha concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_morris_peterson concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_athlete_chris_kunitz concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_jeff_samardzija concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_marlon_byrd concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_henry concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_kirk_hinrich concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_james_harrison concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_personasia_chien_ming_wang concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_tony_gonzalez concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_jeremy_bates concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_personeurope_marian_hossa concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_robin_ventura concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_coach_bill_romanowski concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_erik_bedard concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_larry_broadway concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_shawn_estes concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_ryan_giggs concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_brees concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_troy_polamalu concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_clay_buchholz concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_dallas_clark concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_coach_jerious_norwood concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_coach_shea_weber concept:athletehomestadium concept_stadiumoreventvenue_bridgestone_arena +concept_athlete_shaq_o_neal concept:athletehomestadium concept_stadiumoreventvenue_us_airways_center +concept_coach_vince_lombardi concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_athlete_eric_cantona concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_randy concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_byron_leftwich concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_scott_niedermayer concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_brent_sopel concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_vladimir_guerrero concept:athletehomestadium concept_stadiumoreventvenue_edison_field +concept_athlete_brent_seabrook concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jay_payton concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_derek_lowe concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_big_ben concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_nolan_ryan concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_cam_ward concept:athletehomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_athlete_marc_staal concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_ron_artest concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_tiki_barber concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_marty_schottenheimer concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_joe_thornton concept:athletehomestadium concept_stadiumoreventvenue_hp_pavilion +concept_athlete_chris_redman concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_athlete_kendrick_perkins concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_nigel_dawes concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_duncan_keith concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_heath_bell concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_john_madden concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_lamar_odom concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_coach_mike_comrie concept:athletehomestadium concept_stadiumoreventvenue_nassau_coliseum +concept_athlete_rob_niedermayer concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_martin_havlat concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_adam_russell concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_patrick_marleau concept:athletehomestadium concept_stadiumoreventvenue_hp_pavilion +concept_athlete_eli_manning concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_ronny_turiaf concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_bob_cousy concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_stefan_frei concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_dikembe_mutombo concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_coach_gale_sayers concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_jay_cutler concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_scott_clemmensen concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_herman_edwards concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_rocco_baldelli concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_dustin_keller concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_brian_brohm concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_sean_green concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_coach_peter_forsberg concept:athletehomestadium concept_stadiumoreventvenue_pepsi_center +concept_athlete_chuck_james concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_personmexico_gerald_laird concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_seneca_wallace concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_personmexico_chris_chambers concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_coach_kevin_faulk concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_larry_robinson concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_xavi concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_ramirez concept:athletehomestadium concept_stadiumoreventvenue_pnc_park +concept_athlete_nani concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_bibby concept:athletehomestadium concept_stadiumoreventvenue_philips_arena +concept_athlete_tim_hudson concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_trot_nixon concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_bret_boone concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_elton_brand concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_coach_patrik_elias concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_darrell_rasner concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_ahmad_bradshaw concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_art_monk concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_athlete_jim_rice concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_coach_wojtek_wolski concept:athletehomestadium concept_stadiumoreventvenue_pepsi_center +concept_athlete_rick_pitino concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_personaustralia_gary_neville concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_coach_derrek_lee concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jonathan_toews concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_dany_sabourin concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_chad_larose concept:athletehomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_athlete_gehrig concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_larry_fitzgerald concept:athletehomestadium concept_stadiumoreventvenue_university_of_phoenix_stadium +concept_coach_andy_pettite concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_joe_blanton concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_joe_gordon concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_coach_shaun_alexander concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_athlete_paul_mara concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_chan_ho_park concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_joba_chamberlain concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_ty_conklin concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_thaddeus_young concept:athletehomestadium concept_stadiumoreventvenue_wachovia_center +concept_athlete_ryan_carter concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_dave_bolland concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_barry_melrose concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_nate_burleson concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_athlete_daequan_cook concept:athletehomestadium concept_stadiumoreventvenue_american_airlines_arena +concept_coach_john_curry concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_athlete_randy_johnson concept:athletehomestadium concept_stadiumoreventvenue_chase_field +concept_coach_evgeni_nabokov concept:athletehomestadium concept_stadiumoreventvenue_hp_pavilion +concept_personmexico_luke_walton concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_michael_ryder concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_mickey_mantel concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_colin_long concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_coach_nikolai_zherdev concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_les_miles concept:athletehomestadium concept_stadiumoreventvenue_tiger_stadium +concept_coach_sergei_gonchar concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_athlete_bernd_schuster concept:athletehomestadium concept_stadiumoreventvenue_santiago_bernab +concept_athlete_nicklas_lidstrom concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_o__j__simpson concept:athletehomestadium concept_stadiumoreventvenue_fedex_forum +concept_athlete_cristiano_ronaldo concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_personmexico_gregg_zaun concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_brian_campbell concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_jamal_lewis concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_diaw concept:athletehomestadium concept_stadiumoreventvenue_us_airways_center +concept_athlete_dirk_kuyt concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_coach_kerry_collins concept:athletehomestadium concept_stadiumoreventvenue_lp_field +concept_athlete_limas_sweed concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_personaustralia_joe_johnson concept:athletehomestadium concept_stadiumoreventvenue_philips_arena +concept_athlete_ryan_dempster concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_julius_jones concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_athlete_steve_yzerman concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_tomas_kopecky concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_monta_ellis concept:athletehomestadium concept_stadiumoreventvenue_oracle_arena +concept_athlete_abreu concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_clyde_drexler concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_rich_hill concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_t_j__houshmandzadeh concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_personeurope_david_beckham concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_coach_mark_recchi concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_brett_farve concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_adrian_peterson concept:athletehomestadium concept_stadiumoreventvenue_metrodome +concept_coach_chris_johnson concept:athletehomestadium concept_stadiumoreventvenue_lp_field +concept_athlete_luis_scola concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_oliver_perez concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_bernie_kosar concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_coach_andrew_brunette concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_vladimir_radmanovic concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_noah_lowry concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_coach_ladainian_tomlinson concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_hasselbeck concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_athlete_lindsey_hunter concept:athletehomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_athlete_evgeny_artyukhin concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_dwight_lowery concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_mike_miller concept:athletehomestadium concept_stadiumoreventvenue_fedex_forum +concept_athlete_justin_fargas concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_coach_fredrik_sjostrom concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_jim_zorn concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_personmexico_jose_castillo concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_adam_burish concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_jake_plummer concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_nacho_novo concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_mike_holmgren concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_najeh_davenport concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_coach_jocelyn_thibault concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jiri_hudler concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_nick_punto concept:athletehomestadium concept_stadiumoreventvenue_fenway_park +concept_athlete_shane_battier concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_baldelli concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_personmexico_alexander_ovechkin concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_athlete_ron_santo concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_jonathan_vilma concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_phil_simms concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_lamarr_woodley concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_orel_hershiser concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_farve concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_plaxico_burress concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_stan_mikita concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_messi concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_cleon_jones concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_coach_josh_hamilton concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personsouthamerica_ronaldinho concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_dioner_navarro concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_ryan_callahan concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_daisuke_matsuzaka concept:athletehomestadium concept_stadiumoreventvenue_fenway_park +concept_athlete_ty_wigginton concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_orel_hershiser concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_brett_farve concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_personmexico_luke_walton concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_rob_niedermayer concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_coach_jay_bruce concept:athleteplaysforteam concept_sportsteam_bengals +concept_athlete_farve concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_joe_gordon concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_wayne_ellington concept:athleteplaysforteam concept_sportsteam_tar_heels +concept_personmexico_gerald_laird concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_rocco_baldelli concept:athleteplaysforteam concept_sportsteam_red_sox +concept_coach_derek_roy concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_mark_reynolds concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_chuck_james concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_coach_brad_hawpe concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_robinson_cano concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_willis_mcgahee concept:athleteplaysforteam concept_sportsteam_ravens +concept_personaustralia_lee_mcculloch concept:athleteplaysforteam concept_sportsteam_rangers +concept_personnorthamerica_michael_turner concept:athleteplaysforteam concept_sportsteam_falcons +concept_personaustralia_michael_owen concept:athleteplaysforteam concept_sportsteam_liverpool +concept_coach_denard_span concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_ken_dorsey concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_athlete_peavy concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_brian_campbell concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_russell_wilson concept:athleteplaysforteam concept_sportsteam_nc_state +concept_athlete_hasselbeck concept:athleteplaysforteam concept_sportsteam_seahawks +concept_athlete_jason_blake concept:athleteplaysforteam concept_sportsteam_leafs +concept_personaustralia_smith concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_o__j__simpson concept:athleteplaysforteam concept_sportsteam_memphis_grizzlies +concept_athlete_daymond_langkow concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_athlete_kirk_hinrich concept:athleteplaysforteam concept_sportsteam_chicago_bulls +concept_coach_gale_sayers concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_ronny_turiaf concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_bobby_labonte concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_sam_bradford concept:athleteplaysforteam concept_sportsteam_oklahoma_sooners_basketball +concept_coach_dany_sabourin concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_kyle_calder concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_michael_leighton concept:athleteplaysforteam concept_sportsteam_carolina +concept_athlete_eto_o concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_hideki_okajima concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_marques_colston concept:athleteplaysforteam concept_sportsteam_saints +concept_coach_brandon_dubinsky concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_jason_pominville concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_cleon_jones concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_coach_david_krejci concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_patrick_marleau concept:athleteplaysforteam concept_sportsteam_san_jose_sharks +concept_athlete_joe_blanton concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_junior_seau concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_ariza concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_personmexico_manny_malhotra concept:athleteplaysforteam concept_sportsteam_blue_jackets +concept_coach_teppo_numminen concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_shane_battier concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_roy_williams concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_wandy_rodriguez concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_tomas_kopecky concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_carl_edwards concept:athleteplaysforteam concept_sportsteam_trevor_bayne +concept_personmexico_chris_chambers concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_coach_kenny_rogers concept:athleteplaysforteam concept_sportsteam_detroit_tigers +concept_coach_billy_butler concept:athleteplaysforteam concept_sportsteam_royals +concept_athlete_troy_smith concept:athleteplaysforteam concept_sportsteam_ravens +concept_coach_danny_briere concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_jeff_carter concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_greg_biffle concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_daequan_cook concept:athleteplaysforteam concept_sportsteam_heat +concept_athlete_joe_crede concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_nigel_dawes concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_matt_schaub concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_andrew_cogliano concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_xavier_nady concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_cam_ward concept:athleteplaysforteam concept_sportsteam_carolina_hurricanes +concept_coach_chad_larose concept:athleteplaysforteam concept_sportsteam_carolina_hurricanes +concept_athlete_charlie_villanueva concept:athleteplaysforteam concept_sportsteam_bucks +concept_athlete_artest concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_pele concept:athleteplaysforteam concept_sportsteam_brazil +concept_athlete_savard concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_bonds concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_nikolai_zherdev concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_mattias_ohlund concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_scott_clemmensen concept:athleteplaysforteam concept_sportsteam_devils +concept_personus_roy_oswalt concept:athleteplaysforteam concept_sportsteam_astros +concept_personmexico_alexander_ovechkin concept:athleteplaysforteam concept_sportsteam_capitals +concept_coach_steve_staios concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_rick_nash concept:athleteplaysforteam concept_sportsteam_columbus_blue_jackets +concept_personmexico_dale_earnhardt_jr concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_ian_johnson concept:athleteplaysforteam concept_sportsteam_boise_state_broncos +concept_athlete_pavel_kubina concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_athlete_clay_buchholz concept:athleteplaysforteam concept_sportsteam_red_sox +concept_coach_joe_torre concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_nene concept:athleteplaysforteam concept_sportsteam_nuggets +concept_athlete_rusty_wallace concept:athleteplaysforteam concept_sportsteam_trevor_bayne +concept_coach_maurice_jones_drew concept:athleteplaysforteam concept_sportsteam_jaguars +concept_athlete_jj_redick concept:athleteplaysforteam concept_sportsteam_magic +concept_coach_jim_lonborg concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_tim_hudson concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_coach_adrian_peterson concept:athleteplaysforteam concept_sportsteam_minnesota_vikings +concept_athlete_kevin_martin concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_gehrig concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_branden_ore concept:athleteplaysforteam concept_sportsteam_virginia_tech +concept_coach_chris_johnson concept:athleteplaysforteam concept_sportsteam_titans +concept_coach_aaron_boone concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_sandy_koufax concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_jhonny_peralta concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_julius_erving concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_athlete_tony_romo concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_oliver_perez concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_plaxico_burress concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_steve_yzerman concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_ryan_carter concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_baldelli concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_brian_roberts concept:athleteplaysforteam concept_sportsteam_orioles +concept_coach_clarke_macarthur concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_coach_george_parros concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_reggie_bush concept:athleteplaysforteam concept_sportsteam_saints +concept_personmexico_brian_brohm concept:athleteplaysforteam concept_sportsteam_packers +concept_personasia_andre_miller concept:athleteplaysforteam concept_sportsteam_sixers +concept_athlete_ahmad_bradshaw concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_josef_vasicek concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_zydrunas_ilgauskas concept:athleteplaysforteam concept_sportsteam_cavs +concept_athlete_kurt_warner concept:athleteplaysforteam concept_sportsteam_rams +concept_athlete_byron_leftwich concept:athleteplaysforteam concept_sportsteam_jacksonville_jaguars +concept_personmexico_julius_jones concept:athleteplaysforteam concept_sportsteam_seahawks +concept_athlete_manu_ginobili concept:athleteplaysforteam concept_sportsteam_san_antonio +concept_personeurope_david_beckham concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_eli_manning concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_loui_eriksson concept:athleteplaysforteam concept_sportsteam_dallas_stars +concept_coach_patrik_elias concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_kyle_okposo concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_ichiro concept:athleteplaysforteam concept_sportsteam_mariners +concept_athlete_zinedine_zidane concept:athleteplaysforteam concept_sportsteam_france +concept_coach_seneca_wallace concept:athleteplaysforteam concept_sportsteam_seahawks +concept_athlete_colin_long concept:athleteplaysforteam concept_sportsteam_rockets +concept_coach_wojtek_wolski concept:athleteplaysforteam concept_sportsteam_colorado_avalanche +concept_athlete_terry_glenn concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_jay_payton concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_dice_k concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_darrell_rasner concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_ty_conklin concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_rich_hill concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_mcnair concept:athleteplaysforteam concept_sportsteam_ravens +concept_athlete_pujols concept:athleteplaysforteam concept_sportsteam_st___louis_cardinals +concept_coach_roger_staubach concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_brian_elliott concept:athleteplaysforteam concept_sportsteam_ottawa_senators +concept_athlete_bibby concept:athleteplaysforteam concept_sportsteam_hawks +concept_coach_jerious_norwood concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_orlando_cabrera concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_cristiano_ronaldo concept:athleteplaysforteam concept_sportsteam_man_utd +concept_coach_andrew_brunette concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_elvin_ramirez concept:athleteplaysforteam concept_sportsteam_dodgers +concept_coach_trent_edwards concept:athleteplaysforteam concept_sportsteam_buffalo_bills +concept_coach_chuck_kobasew concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_marshawn_lynch concept:athleteplaysforteam concept_sportsteam_bills +concept_athlete_ovechkin concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_tomas_vokoun concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_najeh_davenport concept:athleteplaysforteam concept_sportsteam_steelers +concept_coach_fredrik_sjostrom concept:athleteplaysforteam concept_sportsteam_rangers +concept_coach_drew_stafford concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_troy_polamalu concept:athleteplaysforteam concept_sportsteam_steelers +concept_coach_shaun_alexander concept:athleteplaysforteam concept_sportsteam_seahawks +concept_coach_josh_hamilton concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_micah_richards concept:athleteplaysforteam concept_geopoliticallocation_manchester_city +concept_personmexico_vladimir_guerrero concept:athleteplaysforteam concept_sportsteam_anaheim_angels +concept_athlete_chris_redman concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_max_ramirez concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_ryan_kesler concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_zack_greinke concept:athleteplaysforteam concept_sportsteam_royals +concept_athlete_ante_razov concept:athleteplaysforteam concept_sportsteam_chivas +concept_athlete_yi_jianlian concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_athlete_chad_hutchinson concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_ricky_williams concept:athleteplaysforteam concept_sportsteam_saints +concept_athlete_darcy_tucker concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_athlete_kirilenko concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_chris_kunitz concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_dave_bolland concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_tom_kostopoulos concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_randy concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_athlete_brandon_webb concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_ron_artest concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_jason_kapono concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_jim_rice concept:athleteplaysforteam concept_sportsteam_red_sox +concept_coach_david_garrard concept:athleteplaysforteam concept_sportsteam_jags +concept_athlete_lamar_odom concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_rick_dipietro concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_andrei_kostitsyn concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_luke_harangody concept:athleteplaysforteam concept_sportsteam_notre_dame +concept_coach_sergei_gonchar concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_rick_pitino concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_coach_tomas_kaberle concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_jeff_samardzija concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_boozer concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_aaron_kampman concept:athleteplaysforteam concept_sportsteam_packers +concept_personus_kobe_bryant concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_jonathan_toews concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_brent_seabrook concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_ladainian_tomlinson concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_monta_ellis concept:athleteplaysforteam concept_sportsteam_golden_state_warriors +concept_athlete_steve_mason concept:athleteplaysforteam concept_sportsteam_columbus_blue_jackets +concept_coach_earnest_graham concept:athleteplaysforteam concept_sportsteam_bucs +concept_coach_peter_forsberg concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_rashard_mendenhall concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_brent_sopel concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_nolan_ryan concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_michal_rozsival concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_adam_jones concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_nick_blackburn concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_dustin_penner concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_chan_ho_park concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_huet concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_rex_grossman concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_nick_punto concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_clint_bowyer concept:athleteplaysforteam concept_sportsteam_trevor_bayne +concept_athlete_joba_chamberlain concept:athleteplaysforteam concept_sportsteam_yankees +concept_personaustralia_lukas_podolski concept:athleteplaysforteam concept_sportsteam_germany +concept_athlete_big_ben concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_scott_baker concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_ted_thompson concept:athleteplaysforteam concept_sportsteam_packers +concept_coach_todd_fedoruk concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_adam_burish concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_tiki_barber concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_personeurope_joe_cole concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_michael_redd concept:athleteplaysforteam concept_sportsteam_bucks +concept_athlete_lidge concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_kyle_orton concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_coach_marcin_gortat concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_semin concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_shane_victorino concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_nady concept:athleteplaysforteam concept_sportsteam_yanks +concept_athlete_bryan_robson concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_frolov concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_derosa concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_coach_jeremiah_trotter concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_erik_bedard concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_jiri_hudler concept:athleteplaysforteam concept_sportsteam_red_wings +concept_coach_tarvaris_jackson concept:athleteplaysforteam concept_sportsteam_minnesota_vikings +concept_athlete_mike_richards concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_coach_andy_pettite concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_derek_lowe concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_turkoglu concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_brian_griese concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_dirk_kuyt concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_elton_brand concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_phil_simms concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_courtney_fells concept:athleteplaysforteam concept_sportsteam_nevada_wolfpack +concept_athlete_matt_cullen concept:athleteplaysforteam concept_sportsteam_carolina +concept_athlete_b_j__surhoff concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_dean_williams concept:athleteplaysforteam concept_sportsteam_carolina +concept_athlete_marcus_spears concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_coach_jarret_stoll concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_ryan_callahan concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_esteban_loaiza concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_dominik_hasek concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_marc_staal concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_darius_miles concept:athleteplaysforteam concept_sportsteam_memphis_grizzlies +concept_athlete_clyde_drexler concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_romo concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_personaustralia_gary_neville concept:athleteplaysforteam concept_sportsteam_man_utd +concept_coach_koyie_hill concept:athleteplaysforteam concept_sportsteam_bruins +concept_personasia_chien_ming_wang concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_james_hardy concept:athleteplaysforteam concept_sportsteam_bills +concept_coach_kerry_collins concept:athleteplaysforteam concept_sportsteam_titans +concept_athlete_andrea_pirlo concept:athleteplaysforteam concept_sportsteam_a_c__milan +concept_athlete_adam_russell concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_terrelle_pryor concept:athleteplaysforteam concept_sportsteam_ohio_state_university +concept_athlete_martin_biron concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_personeurope_marian_hossa concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_joe_ledley concept:athleteplaysforteam concept_sportsteam_cardiff_city +concept_athlete_paul_mara concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_limas_sweed concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_brett_gardner concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_hideki_matsui concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_tony_gonzalez concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_shaq concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_vernon_wells concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_athlete_granger concept:athleteplaysforteam concept_sportsteam_pacers +concept_athlete_bulger concept:athleteplaysforteam concept_sportsteam_rams +concept_coach_cal_ripken concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_noah_lowry concept:athleteplaysforteam concept_sportsteam_ravens +concept_coach_andrew_raycroft concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_joffrey_lupul concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_correll_buckhalter concept:athleteplaysforteam concept_sportsteam_eagles +concept_coach_milan_lucic concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_vladimir_radmanovic concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_josh_smith concept:athleteplaysforteam concept_sportsteam_hawks +concept_athlete_heath_bell concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_mike_komisarek concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_coach_chris_simon concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_ryan_dempster concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_dioner_navarro concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_coach_derrek_lee concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_lamarr_woodley concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_mcnabb concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_donald_brown concept:athleteplaysforteam concept_sportsteam_uconn +concept_athlete_ramirez concept:athleteplaysforteam concept_sportsteam_los_angeles_dodgers +concept_athlete_james_harrison concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_j_p__losman concept:athleteplaysforteam concept_sportsteam_buffalo_bills +concept_athlete_andray_blatche concept:athleteplaysforteam concept_sportsteam_washington_wizards +concept_personmexico_daisuke_matsuzaka concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_bernie_kosar concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_athlete_joe_pepitone concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_henry concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_sean_avery concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_hedo_turkoglu concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_dikembe_mutombo concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_stephon_marbury concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_abreu concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_tyler_hansbrough concept:athleteplaysforteam concept_sportsteam_tar_heels +concept_athlete_kendrick_perkins concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_athlete_tyler_smith concept:athleteplaysforteam concept_sportsteam_vols +concept_coach_jake_plummer concept:athleteplaysforteam concept_sportsteam_broncos +concept_coach_luke_schenn concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_jaroslav_halak concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_michael_ryder concept:athleteplaysforteam concept_sportsteam_boston_bruins +concept_coach_denis_grebeshkov concept:athleteplaysforteam concept_sportsteam_oilers +concept_coach_marco_sturm concept:athleteplaysforteam concept_sportsteam_bruins +concept_personmexico_felix_jones concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_mickey_cochrane concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_lawrence_tynes concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_evgeni_nabokov concept:athleteplaysforteam concept_sportsteam_san_jose_sharks +concept_personaustralia_claudio_reyna concept:athleteplaysforteam concept_sportsteam_red_bulls +concept_personmexico_jonathan_vilma concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_roy_halladay concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_athlete_ernie_banks concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_d_j__augustin concept:athleteplaysforteam concept_sportsteam_bobcats +concept_coach_mike_comrie concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_michael_beasley concept:athleteplaysforteam concept_sportsteam_heat +concept_athlete_matt_hasselbeck concept:athleteplaysforteam concept_sportsteam_seahawks +concept_athlete_joe_flacco concept:athleteplaysforteam concept_sportsteam_ravens +concept_athlete_marlon_byrd concept:athleteplaysforteam concept_sportsteam_rangers +concept_personmexico_zach_duke concept:athleteplaysforteam concept_sportsteam_pirates +concept_athlete_ryan_freel concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_linas_kleiza concept:athleteplaysforteam concept_sportsteam_nuggets +concept_athlete_messi concept:athleteplaysforteam concept_sportsteam_barcelona +concept_coach_daniel_sedin concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_nacho_novo concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_dirk_nowitzki concept:athleteplaysforteam concept_sportsteam_dallas_mavericks +concept_athlete_martin_havlat concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_petr_prucha concept:athleteplaysforteam concept_sportsteam_rangers +concept_coach_michael_bourn concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_nicklas_lidstrom concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_kevin_durant concept:athleteplaysforteam concept_sportsteam_sonics +concept_athlete_randy_johnson concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_luis_scola concept:athleteplaysforteam concept_sportsteam_rockets +concept_coach_kyle_kendrick concept:athleteplaysforteam concept_sportsteam_twins +concept_coach_bill_romanowski concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_duncan_keith concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_stan_mikita concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_jorvorskie_lane concept:athleteplaysforteam concept_sportsteam_texas_a_m +concept_athlete_oscar_villarreal concept:athleteplaysforteam concept_sportsteam_atlanta_braves +concept_coach_tomas_plekanec concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_personmexico_lynn_swann concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_mike_miller concept:athleteplaysforteam concept_sportsteam_memphis_grizzlies +concept_athlete_dustin_keller concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_personmexico_jamal_lewis concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_athlete_joe_thornton concept:athleteplaysforteam concept_sportsteam_san_jose_sharks +concept_personaustralia_joe_johnson concept:athleteplaysforteam concept_sportsteam_hawks +concept_athlete_simao_sabrosa concept:athleteplaysforteam concept_sportsteam_benfica +concept_athlete_dwight_lowery concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_personeurope_daniel_paille concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_xavi concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_brent_johnson concept:athleteplaysforteam concept_sportsteam_capitals +concept_personmexico_gregg_zaun concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_john_madden concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_jocelyn_thibault concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_mark_recchi concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_lou_gehrig concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_ashley_cole concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_jay_cutler concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_antero_niittymaki concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_kerry_wood concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_personmexico_jose_castillo concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_emmitt_smith concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_scott_niedermayer concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_coach_garrett_atkins concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_justin_fargas concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_coach_wendel_clark concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_crosby concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_ryan_giggs concept:athleteplaysforteam concept_sportsteam_man_utd +concept_coach_vince_carter concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_coach_manny_legace concept:athleteplaysforteam concept_sportsteam_st___louis_blues +concept_personmexico_paul_kariya concept:athleteplaysforteam concept_sportsteam_st___louis_blues +concept_personmexico_matt_flynn001 concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_coach_shea_weber concept:athleteplaysforteam concept_sportsteam_nashville_predators +concept_coach_john_curry concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_nani concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_trot_nixon concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_evgeny_artyukhin concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_tony_dorsett concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_personsouthamerica_ronaldinho concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_dahntay_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_matt_schaub concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_d_j__mbenga concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ugueth_urbina concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jay_cutler concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_maurice_jones_drew concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_herschel_walker concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_chris_resop concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_paul_bako concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_scott_proctor concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_nelson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_armando_galarraga concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_deshaun_foster concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_scott_baker concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_gonzalez concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_garrett_atkins concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_robb_nen concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_matt_macri concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dwayne_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_matt_hasselbeck concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ramon_troncoso concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_damon_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_gordie_howe concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_trent_edwards concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_rex_grossman concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_oscar_villarreal concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mitchell_boggs concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_roy_halladay concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mat_gamel concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_redman concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_miguel_batista concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jake_voskuhl concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_otis_nixon concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_crede concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_zach_miner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_clayton_kershaw concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mickael_gelabale concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ryan_getzlaf concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_kyle_orton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_john_buck concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_brian_brohm concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_troy_smith concept:athleteplaysinleague concept_sportsleague_nfl +concept_personcanada_david_boston concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_paul_millsap concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_francisco_liriano concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_derrek_lee concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dice_k concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_josh_anderson001 concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_awvee_storey concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_willis_mcgahee concept:athleteplaysinleague concept_sportsleague_nfl +concept_personeurope_mark_anderson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_tim_hudson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luis_scola concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brian_roberts concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bart_starr concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_chan_ho_park concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kerry_wood concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_marvin_harrison concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joe_gordon concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_esteban_loaiza concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_felix_jones concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_pedro_alvarez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_may concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_george_sherrill concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_kobe_bryant concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_julius_hodge concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_charlie_villanueva concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_cheik_samb concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_max_ramirez concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_donald_ross concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_vinnie_pestano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_skinner concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_randy_white concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_felix_pie concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_orlando_cabrera concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_randy concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_elvin_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_derek_lowe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mickey_cochrane concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jon_lieber concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_marshawn_lynch concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mark_reynolds concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hideki_okajima concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_kenny_rogers concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_len_dawson concept:athleteplaysinleague concept_sportsleague_nfl +concept_personaustralia_joe_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_sal_maglie concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_phil_simms concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_josh_freeman concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_jose_castillo concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brad_radke concept:athleteplaysinleague concept_sportsleague_mlb +concept_personnorthamerica_matt_treanor concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_stephon_marbury concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_sandy_koufax concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_fred_lewis concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_marco_sturm concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tyler_clippard concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gordan_giricek concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_luis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_blanton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_reggie_sanders concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_heath_bell concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_vladimir_radmanovic concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tony_dorsett concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jeff_fassero concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_lamar_odom concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_gil_meche concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_nate_davis concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_julius_jones concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_joe_inglett concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_gallagher concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_yi_jianlian concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_jose_contreras concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brian_falkenborg concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_yakhouba_diawara concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deshawn_stevenson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_john_lucas concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_john_cassell concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_alexander_ovechkin concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_greg_biffle concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_shawntae_spencer concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_ross concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_kevin_faulk concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bo_outlaw concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_joe_theismann concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_kerry_collins concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_erick_dampier concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_odalis_perez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kevin_burleson concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_jesse_orosco concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shaq concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_luke_schenscher concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brian_boucher concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dirk_nowitzki concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_yao_ming concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_seth_mcclung concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_nick_punto concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_daisuke_matsuzaka concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jair_jurrjens concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_robin_ventura concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jorge_sosa concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_wieters concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_elton_brand concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andre_johnson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_shane_victorino concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_david_garrard concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jose_valverde concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_magglio_ordonez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_shealy concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_isringhausen concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jarron_collins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_joe_morgan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alexander_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_zito concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bobby_carpenter concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_o__j__simpson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_pujols concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_clyde_drexler concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_wayne_simien concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deuce_lutui concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_vernon_wells concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_dempster concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_matt_flynn001 concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_zydrunas_ilgauskas concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_mcnabb concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jorge_campillo concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_kameron_loe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_adam_russell concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_tarvaris_jackson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ryan_madson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_peavy concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_herndon concept:athleteplaysinleague concept_sportsleague_mlb +concept_personasia_dennis_rodman concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_kyle_kendrick concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rashard_mendenhall concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_horacio_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_travis_diener concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_darius_miles concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ira_newble concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_eli_manning concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_nolan_ryan concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_eugenio_velez concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jamaal_tinsley concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_clay_buchholz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_josh_phelps concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_gerald_laird concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_oliver_perez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jose_veras concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_erik_bedard concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_mitch_stetter concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_billy_butler concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_noel concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_martin_havlat concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_delfino concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_granger concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_zack_greinke concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_darrell_rasner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tony_romo concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_josh_smith concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_scott_stevens concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_michael_beasley concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_hakim_warrick concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_george_kottaras concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_samardzija concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brandon_dubinsky concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_ryan_freel concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_maxiell concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_hal_morris concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_julius_erving concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tanyon_sturtze concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jhonny_peralta concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brad_ziegler concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_baldelli concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ross_gload concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_yovani_gallardo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_green concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_coach_guillermo_diaz001 concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_matt_jones concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_chris_johnson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_marlon_byrd concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_ricky_williams concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_mike_mcclendon concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_wilt_chamberlain concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_calbert_cheaney concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jalen_rose concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_crosby concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_matt_guerrier concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_freddie_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_hideki_matsui concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_owen_daniels concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_wandy_rodriguez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personasia_chien_ming_wang concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_franklyn_german concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_rich_hill concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_david_harrison concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_esteban_german concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_michael_bourn concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hedo_turkoglu concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brian_cardinal concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tim_wakefield concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brevin_knight concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_randor_bierd concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cleon_jones concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_brandon_backe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jorge_delarosa concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_micah_owings concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_al_reyes concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brad_hawpe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kellen_clemens concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_leinart concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_nick_masset concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jarvis_hayes concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_carl_edwards concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_tiki_barber concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_larry_fitzgerald concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ben_sheets concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joaquin_benoit concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_colby_rasmus concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_aaron_boone concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jarrod_saltalamacchia concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_jj_redick concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_bubba_crosby concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_boof_bonser concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rogers_hornsby concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_linas_kleiza concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ernie_banks concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_melvin_sanders concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_shin_soo_choo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_j_c__romero concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_asdrubal_cabrera concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_willie_stargell concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_matt_capps concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_luis_rodriguez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chuck_james concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bret_boone concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_james_augustine concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_j_a_happ concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_mark_loretta concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brad_lidge concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_andre_owens concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chuck_hayes concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jannero_pargo concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_reggie_bush concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_romo concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_dikembe_mutombo concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_michael_redd concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ben_graham concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jason_kapono concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brandon_webb concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_pedro_feliciano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_edgerrin_james concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_endy_chavez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_kevin_brown concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ramon_ortiz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brett_farve concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_jay_bruce concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shawn_estes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_james_singleton concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_phil_nevin concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_andy_pettite concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_josh_hamilton concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_lendale_white concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_walker concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_sharrod_ford concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_noah_lowry concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_vince_carter concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jim_rice concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dwight_gooden concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_nate_robertson concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_denard_span concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_robinson_cano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_villanueva concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_tommy_hanson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_xavier_nady concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_zach_duke concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_frank_catalanotto concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_joe_saunders concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_anthony_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_cal_ripken concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_adrian_griffin concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_eli_marrero concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_claudio_vargas concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kazuo_matsui concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_willie_bloomquist concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_eric_gagne concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ernie_sims concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_kurt_warner concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_cla_meredith concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_avery concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_doug_flutie concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ty_wigginton concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mark_mulder concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_koyie_hill concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_nick_blackburn concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_walter_payton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_lawton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_andris_biedrins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brett_gardner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_randy_johnson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ime_udoka concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_david_huff concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_beno_udrih concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_t_j__houshmandzadeh concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_jason_michaels concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_miller concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_mike_maroth concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brees concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_dustin_keller concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brian_barton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_adam_jones concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_adam_bostick concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jeff_fulchino concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_luke_walton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bob_sura concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_emmitt_smith concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_gale_sayers concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_craig_smith concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ted_thompson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_sampson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personasia_andre_miller concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_colin_long concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_nicklas_lidstrom concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_mark_brunell concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joe_flacco concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_evgeni_nabokov concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_nene concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andray_blatche concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jason_frasor concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_a_j__feeley concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_roy_oswalt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_troy_percival concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_devin_hester concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_marques_colston concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mel_stottlemyre concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_vassilis_spanoulis concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_brian_burres concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tadahito_iguchi concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joba_chamberlain concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brandon_duckworth concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_yunel_escobar concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_duke_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_furman_paladins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_illinois concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_houston_dynamo concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_fredonia_state_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_umass_dartmouth_corsairs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_miami_hurricanes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_school_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_city_college_of_san_francisco concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wake_forest_demon_deacons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_christian concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pittsburgh_penguins concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_ulm_warhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_milwaukee_brewers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_youngstown_state_penguins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_a_and_m_rattlers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_loyola_marymount_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pepperdine_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_gardner_webb_runnin_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_providence_friars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_platteville_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uc_davis_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_utah_valley_state_wolverines concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_washington_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_acc_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cleveland_browns concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_morehouse_maroon_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sacramento_st__hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pac_10_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_mississippi_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_william_penn_statesmen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kennesaw_state_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_babson_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_louisiana_tech_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northwestern_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_citadel_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_american_college_of_traditional_chinese_medicine concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_western_carolina_catamounts concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_st_buckeyes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colgate_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_virginia_commonwealth_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tufts_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wayne_state_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_anaheim_ducks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_nevada_wolfpack concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washington_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_n_dakota_fighting_sioux concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_benfica concept:teamplaysinleague concept_sportsleague_uefa +concept_sportsteam_baker_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ravens concept:teamplaysinleague concept_sportsleague_afc +concept_sportsteam_mid_tenn_st_blue_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_caldwell_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_red_wings concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_jackson_state_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kansas_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_webster_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_murray_st__racers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_michigan_wolverines concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_los_angeles_dodgers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_iowa_st_cyclones concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_marquette_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_big_west_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montclair_state_red_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cent_michigan_chippewas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_samuel_merrit_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_memphis_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_beloit_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wharton_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_brockport_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeastern_state_riverhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_dakota_state_jackrabbits concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_falcons concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_wright_state_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arizona_diamond_backs concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_tsinghua_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_southeastern_fire concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_troy_state_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_st__buckeyes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unc_asheville_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hartford_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chicago_white_sox concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_armstrong_atlantic_pirates concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_merced_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dixie_state_red_storm concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montana_state_billings_yellowjackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_vancouver_grizzlies concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_stephen_f__austin_lumberjacks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_army_black_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_the_new_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_miami_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_johns_hopkins_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_uc_riverside_highlanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tcu_horned_frogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lee_flames concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_stetson_hatters concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_st__northridge_matadors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kennesaw_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_atlanta_thrashers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_loyola_greyhounds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_man_utd concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_montreal_canadiens concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_suns concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_southern_miss__golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hebrew_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_minnesota_golden_gophers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_a_m_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clemson_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_christopher_newport_captains concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_moscow_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_yale_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wake_forest concept:teamplaysinleague concept_sportsleague_acc +concept_sportsteam_southern_miss_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mitchell_college_pequots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sd_chargers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_syracuse_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_michigan_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_notre_dame concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fiesta_bowl_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_the_masters_college_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_columbia_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_st__john_s_red_storm concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_coastal_carolina_chanticleers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_seattle_mariners concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_magic concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_yonsei_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_arkansas_pine_bluff_golden_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rangers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_ucf_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_campbell_camels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fresno_city_college_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_blue_jackets concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_los_angeles_rams concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_victoria_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_longwood_lancers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_indiana_hoosiers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_minnesota_twins concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_south_carolina_state_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_schiller_international_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_tel_aviv_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_prairie_view_a_and_m_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bellarmine_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_prairie_view_a_m_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_arkansas_muleriders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kansas_jayhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_university_college_dublin concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_kennesaw_st__owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bethune_cookman_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_ten_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_johns_hopkins_blue_jays concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tulsa_golden_hurricane concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_virginia_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_southern_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_louis_billikens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_utah_thunderbirds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northwest_missouri_state_bearcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_penn_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_indiana_university_of_pennsylvania concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cornell_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_birmingham_southern_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_red_sox_this_season concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_peninsula_college_pirates concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pepperdine_waves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_milwaukee_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uic_flames concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_baltimore_colts concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_vermont_catamounts concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_razorbacks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_scranton_royals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_carolina_gamecocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_mary_s_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_central_connecticut_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_valley_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clark_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_saint_louis_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_coppin_state_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_samford_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chicago_bulls concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_linfield_college_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nebraska_cornhuskers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_peter_s_peacocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_edmund_a__walsh_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_howard_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_louisiana_lafayette_ragin__cajuns concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_providence_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unf_ospreys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_princeton_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_pirates concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_charlotte_49ers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uc_irvine_anteaters concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_european_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mount_holyoke_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_gardner_webb_runnin__bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_penn_state_nittany_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_carnegie_mellon_tartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_siu_edwardsville_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southeast_missouri_state_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chapman_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wittenberg_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_york_islanders concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_christian_brothers_buccaneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_london_school_of_economics concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_birmingham_southern_college_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_gators concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_michigan_chippewas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_eastern_kentucky_colonels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_eastern_wyoming_college_lancers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_philadelphia_flyers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_concordia_university_wisconsin_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colgate_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_texas_a_and_m_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_murray_state_racers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kings_college concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_mvc_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_portland_state_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_josephs_college_pumas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_william_carey_crusaders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kansas_city_wizards concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_uconn concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_virginia_military_institute_keydets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_long_beach_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cincinnati_bearcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_houston_colts concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_san_francisco_dons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_atlantic_10_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tennessee_wesleyan_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cleveland_indians concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_cal_st__fullerton_titans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wooster_fighting_scots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_usc concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nova_southeastern_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_middle_tenn__st__blue_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__joseph_s_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_connecticut_state_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_houston_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kenyon_lords concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hawaii_rainbow_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_columbus_state_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_purdue_boilermakers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_flyers_playoff_tickets concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_former_san_francisco_giants concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_anderson_ravens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_marlins concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_st__bonaventure_bonnies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_maryland_terrapins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_illinois_chicago_flames concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_jacksonville_dolphins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_presbyterian_blue_hose concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nuggets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_tennessee_martin_skyhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_idaho_state_bengals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_college_of_staten_island_dolphins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_brooklyn_dodgers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_fordham_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_binghamton_bearcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_griffith_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_oklahoma_city_thunder concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_loyola_illinois_ramblers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ga_tech_yellow_jackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_md_eastern_shore_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_badgers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_grand_valley_state_lakers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_joseph_s_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ashland_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_dakota_state_bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_cal_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_virginia_tech_hokies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mwc_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boston_bruins concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_dallas_cowboys concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_alabama_st__hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_maple_leafs concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_boise_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_rockets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_princeton_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_the_master_s_college_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sporting_kansas_city concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_blue_jays concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_waseda_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_st___louis_blues concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_missouri_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bridgewater_state_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_embry_riddle_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_university_of_texas_at_austin concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_john_hopkins_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wisconsin_eau_claire_blugold concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_white_sox concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_middle_tennessee_blue_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_auburn_montgomery_senators concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_beijing_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_saint_louis_rams concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_claremont_mckenna_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_seton_hall_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mavericks concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_loughborough_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_indiana_state_sycamores concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_western_state_griffons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_connecticut_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_m_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_northridge_matadors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sydney_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_s__mississippi_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_miami_ohio_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oklahoma_st__cowboys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_pan_american_broncs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_chester_golden_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_and_m_corpus_christi_islanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rams concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_utd_comets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nc_wilmington_seahawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_robert_morris_colonials concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_national_chengchi_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_southeastern_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rutgers_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_sonoma_state_seawolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kansas_st__wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_claremont_graduate_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_new_york_giants concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_washington_wizards concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_denver_nuggets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_george_washington_colonials concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_auburn_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_suny_cortland_red_dragons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clarke_college_crusaders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hamilton_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_savannah_state_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mcneese_state_cowboys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_depaul_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_sacramento_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_toronto_fc concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_indiana_pacers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_louisville_cardinals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_the_australian_national_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_bruins concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_bucks_county_community_college concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_shippensburg_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_james_madison_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_siena_saints concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_phoenix_coyotes concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_hofstra_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_california_angels concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_missouri_state_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tennessee_tech_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_se_missouri_state_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_tech_red_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeastern_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_harvard_business_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_dallas_mavericks concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_san_diego_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_loyola_marymount_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_utep_miners concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fresno_state_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_river_falls_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_miami_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_talladega_college_tornadoes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_greensboro concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sun_belt_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wilkes_colonels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tampa_bay_rays concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_east_tennessee_state_lady_buccaneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rice_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_prairie_view_aandm_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_knox_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_state_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_heat concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_seattle_supersonics concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_wisconsin_la_crosse_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_akron_zips concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cardiff_city concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_san_jose_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_franklin_and_marshall_diplomats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_darmouth_big_green concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_minnesota_lynx concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_vcu_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tilburg_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_l_a__kings concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_marquette_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_mexico_state_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oregon_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_bellevue_college_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_atlantic_university_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_buffalo_sabres concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_redskins concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_san_diego_st_aztecs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_henderson_state_university_reddies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_gulf_coast_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_abilene_christian_university_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_st__panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_long_beach_st__49ers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_california_golden_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fc_dallas concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_central_florida_golden_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_delta_state_fighting_okra concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_josephs_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_buffalo_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boilermakers concept:teamplaysinleague concept_sportsleague_acc +concept_sportsteam_virginia_military_keydets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_middle_tennessee_state_blue_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hampton_pirates concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_davidson_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_tyler_patriots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_american_university_s_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_montana_grizzlies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_indiana_wesleyan_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_state_indians concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_canisius_college_golden_griffins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_the_american_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_louisiana_ragin_cajuns concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tulane_green_wave concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgetown_hoyas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_memphis_grizzlies concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_demon_deacons concept:teamplaysinleague concept_sportsleague_acc +concept_sportsteam_maine_blackbears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_california_davis_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_concordia_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_missouri_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_kentucky_wildcats_basketball concept:teamplayssport concept_sport_golf +concept_sportsteam_oklahoma_city_thunder concept:teamplayssport concept_sport_basketball +concept_sportsteam_colgate_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_fordham_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_pittsburgh_penguins concept:teamplayssport concept_sport_hockey +concept_sportsteam_la_dodgers concept:teamplayssport concept_sport_baseball +concept_sportsteam_red_wings concept:teamplayssport concept_sport_hockey +concept_sportsteam_union_college concept:teamplayssport concept_sport_football +concept_sportsteam_texas_christian_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_milwaukee_brewers concept:teamplayssport concept_sport_baseball +concept_sportsteam_evangel_university concept:teamplayssport concept_sport_football +concept_sportsteam_california_angels concept:teamplayssport concept_sport_baseball +concept_sportsteam_western_michigan_university concept:teamplayssport concept_sport_football +concept_sportsteam_gamecocks concept:teamplayssport concept_sport_basketball +concept_sportsteam_syracuse_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_former_san_francisco_giants concept:teamplayssport concept_sport_hockey +concept_sportsteam_louisiana_technical_college_sabine_valley_campus concept:teamplayssport concept_sport_basketball +concept_sportsteam_tampa concept:teamplayssport concept_sport_football +concept_sportsteam_rockets concept:teamplayssport concept_sport_basketball +concept_sportsteam_cleveland_browns concept:teamplayssport concept_sport_football +concept_sportsteam_usc concept:teamplayssport concept_sport_basketball +concept_sportsteam_cincinnati_royals concept:teamplayssport concept_sport_basketball +concept_sportsteam_montreal_canadiens concept:teamplayssport concept_sport_hockey +concept_sportsteam_new_york_islanders concept:teamplayssport concept_sport_hockey +concept_sportsteam_france concept:teamplayssport concept_sport_golf +concept_sportsteam_seton_hall_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_blue_jays concept:teamplayssport concept_sport_baseball +concept_sportsteam_ravens concept:teamplayssport concept_sport_football +concept_sportsteam_dallas_mavericks concept:teamplayssport concept_sport_basketball +concept_sportsteam_rice_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_aggies concept:teamplayssport concept_sport_football +concept_sportsteam_scarlet_knights concept:teamplayssport concept_sport_football +concept_sportsteam_wake_forest concept:teamplayssport concept_sport_basketball +concept_sportsteam_horned_frogs concept:teamplayssport concept_sport_football +concept_sportsteam_redskins concept:teamplayssport concept_sport_football +concept_sportsteam_baltimore_colts concept:teamplayssport concept_sport_football +concept_sportsteam_eastern_kentucky_university concept:teamplayssport concept_sport_football +concept_sportsteam_notre_dame concept:teamplayssport concept_sport_football +concept_sportsteam_buffalo_sabres concept:teamplayssport concept_sport_hockey +concept_sportsteam_arizona_state_university concept:teamplayssport concept_sport_baseball +concept_sportsteam_columbia_university concept:teamplayssport concept_sport_football +concept_sportsteam_falcons concept:teamplayssport concept_sport_football +concept_sportsteam_mary_hardin_baylor_crusaders concept:teamplayssport concept_sport_basketball +concept_sportsteam_fresno_state_bulldogs concept:teamplayssport concept_sport_baseball +concept_sportsteam_heat concept:teamplayssport concept_sport_basketball +concept_sportsteam_tampa_bay_rays concept:teamplayssport concept_sport_baseball +concept_sportsteam_nebraska_cornhuskers concept:teamplayssport concept_sport_basketball +concept_sportsteam_seattle_supersonics concept:teamplayssport concept_sport_basketball +concept_sportsteam_philadelphia_flyers concept:teamplayssport concept_sport_hockey +concept_sportsteam_nuggets concept:teamplayssport concept_sport_basketball +concept_sportsteam_arkansas_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_uc_santa_barbara concept:teamplayssport concept_sport_hockey +concept_sportsteam_loyola_marymount_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_washington_wizards concept:teamplayssport concept_sport_basketball +concept_sportsteam_idaho_state_bengals concept:teamplayssport concept_sport_football +concept_sportsteam_tampa_bay_devil_rays concept:teamplayssport concept_sport_hockey +concept_sportsteam_golden_gophers concept:teamplayssport concept_sport_basketball +concept_sportsteam_mavs concept:teamplayssport concept_sport_basketball +concept_sportsteam_oregon_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_denver_nuggets concept:teamplayssport concept_sport_basketball +concept_sportsteam_wright_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_indiana_pacers concept:teamplayssport concept_sport_basketball +concept_sportsteam_maple_leafs concept:teamplayssport concept_sport_hockey +concept_sportsteam_los_angeles_rams concept:teamplayssport concept_sport_football +concept_sportsteam_vols concept:teamplayssport concept_sport_golf +concept_sportsteam_pirates concept:teamplayssport concept_sport_hockey +concept_sportsteam_new_york_giants concept:teamplayssport concept_sport_football +concept_sportsteam_boston_bruins concept:teamplayssport concept_sport_hockey +concept_sportsteam_princeton_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_cleveland_indians concept:teamplayssport concept_sport_baseball +concept_sportsteam_bucs concept:teamplayssport concept_sport_football +concept_sportsteam_lee_flames concept:teamplayssport concept_sport_hockey +concept_sportsteam_marquette_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_magic concept:teamplayssport concept_sport_basketball +concept_sportsteam_dallas_cowboys concept:teamplayssport concept_sport_football +concept_sportsteam_l_a__kings concept:teamplayssport concept_sport_hockey +concept_sportsteam_bucks_county_community_college concept:teamplayssport concept_sport_basketball +concept_sportsteam_suns concept:teamplayssport concept_sport_basketball +concept_sportsteam_michigan_state concept:teamplayssport concept_sport_basketball +concept_sportsteam_holy_cross concept:teamplayssport concept_sport_basketball +concept_sportsteam_seattle_mariners concept:teamplayssport concept_sport_baseball +concept_sportsteam_red_sox_this_season concept:teamplayssport concept_sport_baseball +concept_sportsteam_bulldogs concept:teamplayssport concept_sport_basketball +concept_sportsteam_minnesota_twins concept:teamplayssport concept_sport_baseball +concept_sportsteam_chicago_bulls concept:teamplayssport concept_sport_basketball +concept_sportsteam_yale_university concept:teamplayssport concept_sport_football +concept_sportsteam_vancouver_grizzlies concept:teamplayssport concept_sport_basketball +concept_sportsteam_marlins concept:teamplayssport concept_sport_baseball +concept_sportsteam_chicago_white_sox concept:teamplayssport concept_sport_baseball +concept_sportsteam_bruins concept:teamplayssport concept_sport_hockey +concept_sportsteam_mavericks concept:teamplayssport concept_sport_basketball +concept_sportsteam_rams concept:teamplayssport concept_sport_football +concept_sportsteam_kansas_state concept:teamplayssport concept_sport_football +concept_sportsteam_penn_state concept:teamplayssport concept_sport_football +concept_sportsteam_mighty_ducks_of_anaheim concept:teamplayssport concept_sport_hockey +concept_sportsteam_phoenix_coyotes concept:teamplayssport concept_sport_hockey +concept_sportsteam_north_carolina_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_sd_chargers concept:teamplayssport concept_sport_football +concept_sportsteam_sun_devils concept:teamplayssport concept_sport_hockey +concept_sportsteam_blue_jackets concept:teamplayssport concept_sport_hockey +concept_sportsteam_st___louis_blues concept:teamplayssport concept_sport_hockey +concept_sportsteam_auburn_university concept:teamplayssport concept_sport_football +concept_sportsteam_atlanta_thrashers concept:teamplayssport concept_sport_hockey +concept_sportsteam_cubbies concept:teamplayssport concept_sport_baseball +concept_sportsteam_arizona_diamond_backs concept:teamplayssport concept_sport_baseball +concept_sportsteam_memphis_grizzlies concept:teamplayssport concept_sport_basketball +concept_sportsteam_los_angeles_dodgers concept:teamplayssport concept_sport_baseball +concept_sportsteam_hofstra_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_northeastern_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_james_madison_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_anaheim_ducks concept:teamplayssport concept_sport_hockey +concept_person_guy concept:personborninlocation concept_city_york +concept_person_carlos concept:personborninlocation concept_county_york_city +concept_person_franklin_d__roosevelt concept:personborninlocation concept_city_york +concept_person_vincent concept:personborninlocation concept_county_york_city +concept_person_tommy concept:personborninlocation concept_county_york_city +concept_person_emily concept:personborninlocation concept_county_york_city +concept_person_colin concept:personborninlocation concept_city_york +concept_visualartist_stone concept:personborninlocation concept_county_york_city +concept_person_jo concept:personborninlocation concept_city_york +concept_writer_walker concept:personborninlocation concept_county_york_city +concept_person_julian concept:personborninlocation concept_city_york +concept_person_perry concept:personborninlocation concept_city_york +concept_personcanada_ledger concept:personborninlocation concept_city_york +concept_person_lewis001 concept:personborninlocation concept_county_york_city +concept_person_dean concept:personborninlocation concept_city_york +concept_monarch_marcus concept:personborninlocation concept_city_york +concept_politicianus_rudy concept:personborninlocation concept_city_york +concept_personmexico_ryan_whitney concept:personborninlocation concept_county_york_city +concept_person_jimmy concept:personborninlocation concept_city_york +concept_politician_ryan concept:personborninlocation concept_city_york +concept_personmexico_andrew_brown concept:personborninlocation concept_city_york +concept_person_ian concept:personborninlocation concept_city_york +concept_athlete_ryan concept:personborninlocation concept_county_york_city +concept_politician_marc concept:personborninlocation concept_city_york +concept_person_jake concept:personborninlocation concept_county_york_city +concept_person_rice concept:personborninlocation concept_city_delhi +concept_female_hilary concept:personborninlocation concept_city_york +concept_person_brian concept:personborninlocation concept_county_york_city +concept_musician_lennon concept:personborninlocation concept_county_york_city +concept_person_susan concept:personborninlocation concept_county_york_city +concept_person_lauren concept:personborninlocation concept_county_york_city +concept_politicianus_miller concept:personborninlocation concept_country_orleans +concept_person_senator concept:personborninlocation concept_city_york +concept_personmexico_martinez concept:personborninlocation concept_city_york +concept_person_jerry concept:personborninlocation concept_city_york +concept_athlete_willis concept:personborninlocation concept_city_york +concept_person_connor concept:personborninlocation concept_city_york +concept_person_rebecca concept:personborninlocation concept_city_york +concept_writer_brown concept:personborninlocation concept_city_york +concept_athlete_elvin_ramirez concept:personborninlocation concept_county_york_city +concept_person_pope concept:personborninlocation concept_city_york +concept_astronaut_armstrong concept:personborninlocation concept_county_york_city +concept_scientist_wright_brothers concept:personborninlocation concept_island_kill_devil_hills +concept_celebrity_laurie concept:personborninlocation concept_city_york +concept_person_thomas001 concept:personborninlocation concept_city_york +concept_person_marilyn concept:personborninlocation concept_county_york_city +concept_person_larry concept:personborninlocation concept_county_york_city +concept_person_paula concept:personborninlocation concept_city_york +concept_personus_gould concept:personborninlocation concept_county_york_city +concept_person_rick concept:personborninlocation concept_city_york +concept_person_kate concept:personborninlocation concept_city_york +concept_criminal_law_enforcement concept:personborninlocation concept_city_washington_d_c +concept_person_gil concept:personborninlocation concept_city_york +concept_person_president concept:personborninlocation concept_county_york_city +concept_person_watson concept:personborninlocation concept_city_york +concept_person_calder concept:personborninlocation concept_city_york +concept_person_mickey concept:personborninlocation concept_city_york +concept_person_brent concept:personborninlocation concept_city_york +concept_person_wolfe concept:personborninlocation concept_city_york +concept_writer_john_f__kennedy concept:personborninlocation concept_city_york +concept_visualartist_warhol concept:personborninlocation concept_city_york +concept_personnorthamerica_vanessa concept:personborninlocation concept_city_york +concept_person_governor concept:personborninlocation concept_city_york +concept_female_mary concept:personborninlocation concept_city_york +concept_person_christina concept:personborninlocation concept_city_york +concept_athlete_ray_allen concept:personborninlocation concept_city_york +concept_person_sills concept:personborninlocation concept_city_cleveland +concept_person_ken concept:personborninlocation concept_geopoliticallocation_jersey +concept_writer_steinbeck concept:personborninlocation concept_city_york +concept_person_rosenberg concept:personborninlocation concept_county_york_city +concept_person_tony concept:personborninlocation concept_city_orleans +concept_person_harry concept:personborninlocation concept_city_york +concept_writer_jones concept:personborninlocation concept_county_york_city +concept_person_jennifer001 concept:personborninlocation concept_county_york_city +concept_person_carl concept:personborninlocation concept_county_york_city +concept_ceo_smith concept:personborninlocation concept_city_york +concept_person_joan001 concept:personborninlocation concept_city_york +concept_person_lori concept:personborninlocation concept_county_york_city +concept_journalist_jane concept:personborninlocation concept_county_york_city +concept_personasia_anthony concept:personborninlocation concept_city_york +concept_politicianus_romney concept:personborninlocation concept_city_hampshire +concept_politicianus_marshall concept:personborninlocation concept_city_york +concept_musician_derek concept:personborninlocation concept_city_york +concept_person_claire concept:personborninlocation concept_county_york_city +concept_politicianus_giuliani concept:personborninlocation concept_city_hampshire +concept_politician_clinton concept:personborninlocation concept_city_hampshire +concept_person_pete concept:personborninlocation concept_city_york +concept_visualartist_fuller concept:personborninlocation concept_city_york +concept_journalist_dan concept:personborninlocation concept_city_york +concept_politicianus_bob concept:personborninlocation concept_city_york +concept_person_bernie concept:personborninlocation concept_city_york +concept_person_tracey concept:personborninlocation concept_city_york +concept_politicianus_nancy concept:personborninlocation concept_geopoliticallocation_jersey +concept_journalist_bryan concept:personborninlocation concept_city_york +concept_person_howard concept:personborninlocation concept_country_mexico +concept_judge_mrs_ concept:personborninlocation concept_city_york +concept_person_santa concept:personborninlocation concept_city_york +concept_person_nelson concept:personborninlocation concept_city_york +concept_person_reynolds concept:personborninlocation concept_county_york_city +concept_person_leslie concept:personborninlocation concept_city_york +concept_musician_pat concept:personborninlocation concept_city_york +concept_person_ellen concept:personborninlocation concept_city_york +concept_person_rodriguez concept:personborninlocation concept_city_york +concept_person_cynthia concept:personborninlocation concept_city_york +concept_person_walker001 concept:personborninlocation concept_city_york +concept_person_ashley concept:personborninlocation concept_county_york_city +concept_personus_carmelo_anthony concept:personborninlocation concept_city_york +concept_visualartist_tamayo concept:personborninlocation concept_city_york +concept_person_crystal concept:personborninlocation concept_city_york +concept_personcanada_monica concept:personborninlocation concept_stateorprovince_california +concept_politicianus_hillary_clinton concept:personborninlocation concept_city_hampshire +concept_personeurope_duncan concept:personborninlocation concept_city_york +concept_personcanada_nicole concept:personborninlocation concept_city_york +concept_person_lily concept:personborninlocation concept_city_york +concept_director_scorsese concept:personborninlocation concept_city_york +concept_writer_byrne concept:personborninlocation concept_city_york +concept_personeurope_john_johnson001 concept:personborninlocation concept_country_orleans +concept_visualartist_bierstadt concept:personborninlocation concept_county_bedford +concept_politicianus_bennett concept:personborninlocation concept_county_york_city +concept_person_sharon concept:personborninlocation concept_city_york +concept_person_rich concept:personborninlocation concept_city_york +concept_person_janet concept:personborninlocation concept_city_york +concept_person_justin concept:personborninlocation concept_county_york_city +concept_person_sasha concept:personborninlocation concept_city_york +concept_politicianus_bush concept:personborninlocation concept_city_orleans +concept_person_carl001 concept:personborninlocation concept_city_york +concept_personeurope_isabella concept:personborninlocation concept_county_york_city +concept_person_roger concept:personborninlocation concept_city_york +concept_person_shirley concept:personborninlocation concept_city_york +concept_writer_brooks concept:personborninlocation concept_city_york +concept_visualartist_rauschenberg concept:personborninlocation concept_city_york +concept_person_scarlett concept:personborninlocation concept_city_new_york +concept_person_smith001 concept:personborninlocation concept_county_york_city +concept_person_alfred concept:personborninlocation concept_city_york +concept_politicianus_barack concept:personborninlocation concept_city_york +concept_model_holly_madison concept:personborninlocation concept_stateorprovince_oregon +concept_person_bell concept:personborninlocation concept_city_york +concept_person_joanne concept:personborninlocation concept_city_york +concept_personeurope_paul concept:personborninlocation concept_country_mexico +concept_person_johnny concept:personborninlocation concept_city_york +concept_personnorthamerica_johnson concept:personborninlocation concept_county_york_city +concept_person_ernst concept:personborninlocation concept_city_york +concept_musician_lloyd concept:personborninlocation concept_city_york +concept_musician_chad concept:personborninlocation concept_city_york +concept_person_mark001 concept:personborninlocation concept_county_york_city +concept_visualartist_jenny concept:personborninlocation concept_city_york +concept_person_melville concept:personborninlocation concept_city_york +concept_personmexico_roy concept:personborninlocation concept_city_york +concept_judge_mr_ concept:personborninlocation concept_placeofworship_york +concept_person_aaron concept:personborninlocation concept_city_york +concept_person_bob concept:personborninlocation concept_county_york_city +concept_person_charlie001 concept:personborninlocation concept_county_york_city +concept_politicianus_henry concept:personborninlocation concept_county_york_city +concept_personnorthamerica_reed concept:personborninlocation concept_county_york_city +concept_person_chuck concept:personborninlocation concept_city_york +concept_female_hillary concept:personborninlocation concept_city_york +concept_person_malcolm concept:personborninlocation concept_county_york_city +concept_musician_francis concept:personborninlocation concept_city_york +concept_person_republican concept:personborninlocation concept_stateorprovince_arizona +concept_musician_walt concept:personborninlocation concept_city_york +concept_person_derek_freeman concept:personborninlocation concept_country_south_korea +concept_person_cathy concept:personborninlocation concept_city_york +concept_person_rosemary concept:personborninlocation concept_city_york +concept_criminal_jesse concept:personborninlocation concept_city_york +concept_politicianus_ron_paul concept:personborninlocation concept_city_hampshire +concept_politicianus_john_kerry concept:personborninlocation concept_city_hampshire +concept_politician_kerry concept:personborninlocation concept_city_hampshire +concept_person_horace concept:personborninlocation concept_city_york +concept_person_heather concept:personborninlocation concept_city_york +concept_architect_kay concept:personborninlocation concept_city_york +concept_person_jacobs concept:personborninlocation concept_city_york +concept_person_tim concept:personborninlocation concept_city_york +concept_person_natalie concept:personborninlocation concept_city_york +concept_person_gibson concept:personborninlocation concept_city_york +concept_person_newman concept:personborninlocation concept_city_york +concept_writer_hamilton concept:personborninlocation concept_city_york +concept_politician_fdr concept:personborninlocation concept_city_washington_d_c +concept_person_danny concept:personborninlocation concept_city_york +concept_visualartist_roberto concept:personborninlocation concept_county_york_city +concept_person_julie concept:personborninlocation concept_county_york_city +concept_visualartist_graham concept:personborninlocation concept_county_york_city +concept_person_amy concept:personborninlocation concept_city_york +concept_politician_obama concept:personborninlocation concept_country_mexico +concept_personus_sue concept:personborninlocation concept_city_york +concept_person_georges concept:personborninlocation concept_country_dominican_republic +concept_person_jason concept:personborninlocation concept_city_york +concept_politicianus_huckabee concept:personborninlocation concept_city_hampshire +concept_politicianus_ellison concept:personborninlocation concept_county_york_city +concept_athlete_tom_lehman concept:personborninlocation concept_county_austin +concept_person_joey002 concept:personborninlocation concept_city_york +concept_person_brenda concept:personborninlocation concept_city_york +concept_person_carolyn concept:personborninlocation concept_city_york +concept_person_maria001 concept:personborninlocation concept_city_york +concept_personmexico_daisuke_matsuzaka concept:athleteplayssport concept_sport_baseball +concept_athlete_vic_darensbourg concept:athleteplayssport concept_sport_baseball +concept_personus_roy_oswalt concept:athleteplayssport concept_sport_baseball +concept_athlete_hideki_okajima concept:athleteplayssport concept_sport_baseball +concept_personeurope_david_beckham concept:athleteplayssport concept_sport_soccer +concept_athlete_jeff_nelson concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_bootcheck concept:athleteplayssport concept_sport_baseball +concept_athlete_hal_morris concept:athleteplayssport concept_sport_baseball +concept_athlete_chuck_james concept:athleteplayssport concept_sport_baseball +concept_personus_kobe_bryant concept:athleteplayssport concept_sport_basketball +concept_athlete_elton_brand concept:athleteplayssport concept_sport_basketball +concept_athlete_willis_reed concept:athleteplayssport concept_sport_basketball +concept_athlete_luis_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_morgan concept:athleteplayssport concept_sport_baseball +concept_athlete_hale_irwin concept:athleteplayssport concept_sport_golf +concept_personmexico_francisco_liriano concept:athleteplayssport concept_sport_baseball +concept_athlete_clay_hensley concept:athleteplayssport concept_sport_baseball +concept_athlete_jay_payton concept:athleteplayssport concept_sport_baseball +concept_coach_rex_grossman concept:athleteplayssport concept_sport_football +concept_athlete_drew_stubbs concept:athleteplayssport concept_sport_baseball +concept_athlete_kazuo_matsui concept:athleteplayssport concept_sport_baseball +concept_athlete_ted_mcanlis concept:athleteplayssport concept_sport_golf +concept_athlete_dan_kolb concept:athleteplayssport concept_sport_baseball +concept_athlete_peter_dye concept:athleteplayssport concept_sport_golf +concept_athlete_jason_frasor concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_perdomo concept:athleteplayssport concept_sport_baseball +concept_athlete_shawn_chacon concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_rohlinger concept:athleteplayssport concept_sport_baseball +concept_coach_denard_span concept:athleteplayssport concept_sport_baseball +concept_athlete_jerry_blevins concept:athleteplayssport concept_sport_baseball +concept_athlete_ernie_banks concept:athleteplayssport concept_sport_baseball +concept_athlete_george_sherrill concept:athleteplayssport concept_sport_baseball +concept_personmexico_brandon_backe concept:athleteplayssport concept_sport_baseball +concept_athlete_bret_prinz concept:athleteplayssport concept_sport_baseball +concept_athlete_roberto_duran concept:athleteplayssport concept_sport_boxing +concept_coach_danny_richar concept:athleteplayssport concept_sport_baseball +concept_athlete_deshaun_foster concept:athleteplayssport concept_sport_football +concept_athlete_jarrod_saltalamacchia concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_sampson concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_tallet concept:athleteplayssport concept_sport_baseball +concept_athlete_jair_jurrjens concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_dempster concept:athleteplayssport concept_sport_baseball +concept_athlete_jonathan_meloan concept:athleteplayssport concept_sport_baseball +concept_athlete_micah_owings concept:athleteplayssport concept_sport_baseball +concept_athlete_sam_bradford concept:athleteplayssport concept_sport_football +concept_athlete_randy_wells concept:athleteplayssport concept_sport_baseball +concept_personmexico_mark_loretta concept:athleteplayssport concept_sport_baseball +concept_athlete_connor_graham concept:athleteplayssport concept_sport_baseball +concept_athlete_jimmy_barthmaier concept:athleteplayssport concept_sport_baseball +concept_coach_kevin_faulk concept:athleteplayssport concept_sport_football +concept_athlete_phil_dumatrait concept:athleteplayssport concept_sport_baseball +concept_coach_maurice_jones_drew concept:athleteplayssport concept_sport_football +concept_athlete_tomo_ohka concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_lieber concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_barton concept:athleteplayssport concept_sport_football +concept_athlete_cesar_valdez concept:athleteplayssport concept_sport_baseball +concept_athlete_heath_bell concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_mateo concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_crede concept:athleteplayssport concept_sport_baseball +concept_athlete_bart_starr concept:athleteplayssport concept_sport_football +concept_athlete_sammy_gervacio concept:athleteplayssport concept_sport_baseball +concept_athlete_jay_powell concept:athleteplayssport concept_sport_baseball +concept_athlete_kelvin_jimenez concept:athleteplayssport concept_sport_baseball +concept_athlete_pedro_astacio concept:athleteplayssport concept_sport_baseball +concept_athlete_bob_mccrory concept:athleteplayssport concept_sport_baseball +concept_coach_tarvaris_jackson concept:athleteplayssport concept_sport_football +concept_athlete_fred_lewis concept:athleteplayssport concept_sport_football +concept_athlete_clay_condrey concept:athleteplayssport concept_sport_baseball +concept_athlete_arturo_lopez concept:athleteplayssport concept_sport_baseball +concept_athlete_kellen_clemens concept:athleteplayssport concept_sport_football +concept_personmexico_herschel_walker concept:athleteplayssport concept_sport_football +concept_athlete_willie_harris concept:athleteplayssport concept_sport_baseball +concept_personus_justin_speier concept:athleteplayssport concept_sport_baseball +concept_personmexico_brian_wolfe concept:athleteplayssport concept_sport_baseball +concept_athlete_dice_k concept:athleteplayssport concept_sport_baseball +concept_athlete_marshawn_lynch concept:athleteplayssport concept_sport_football +concept_athlete_rashard_mendenhall concept:athleteplayssport concept_sport_football +concept_athlete_jon_huber concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_davis concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_jones concept:athleteplayssport concept_sport_baseball +concept_coach_garrett_atkins concept:athleteplayssport concept_sport_baseball +concept_athlete_jesus_guzman concept:athleteplayssport concept_sport_baseball +concept_athlete_ty_taubenheim concept:athleteplayssport concept_sport_baseball +concept_personmexico_magglio_ordonez concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_kershner concept:athleteplayssport concept_sport_baseball +concept_athlete_marlon_byrd concept:athleteplayssport concept_sport_hockey +concept_athlete_daniel_ray_herrera concept:athleteplayssport concept_sport_baseball +concept_athlete_jesse_foppert concept:athleteplayssport concept_sport_baseball +concept_athlete_steve_austin concept:athleteplayssport concept_sport_wrestling +concept_athlete_shin_soo_choo concept:athleteplayssport concept_sport_baseball +concept_personmexico_esteban_german concept:athleteplayssport concept_sport_baseball +concept_athlete_gordon_beckham concept:athleteplayssport concept_sport_baseball +concept_athlete_devon_lowery concept:athleteplayssport concept_sport_baseball +concept_athlete_ramon_ortiz concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_booker concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_villanueva concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_leinart concept:athleteplayssport concept_sport_golf +concept_athlete_ben_sheets concept:athleteplayssport concept_sport_baseball +concept_coach_koyie_hill concept:athleteplayssport concept_sport_baseball +concept_athlete_roy_corcoran concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_fister concept:athleteplayssport concept_sport_baseball +concept_athlete_robb_nen concept:athleteplayssport concept_sport_football +concept_coach_marco_sturm concept:athleteplayssport concept_sport_baseball +concept_athlete_guillermo_moscoso concept:athleteplayssport concept_sport_baseball +concept_personasia_andre_miller concept:athleteplayssport concept_sport_basketball +concept_personmexico_dennis_tankersley concept:athleteplayssport concept_sport_baseball +concept_coach_seth_mcclung concept:athleteplayssport concept_sport_baseball +concept_athlete_david_ross concept:athleteplayssport concept_sport_baseball +concept_coach_derrek_lee concept:athleteplayssport concept_sport_baseball +concept_coach_kerry_collins concept:athleteplayssport concept_sport_football +concept_athlete_corey_young concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_carrick concept:athleteplayssport concept_sport_golf +concept_athlete_wayne_franklin concept:athleteplayssport concept_sport_baseball +concept_athlete_cano concept:athleteplayssport concept_sport_golf +concept_athlete_alfredo_figaro concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_dorsett concept:athleteplayssport concept_sport_football +concept_coach_jose_paniagua concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_salmon concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_ridgway concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_flacco concept:athleteplayssport concept_sport_football +concept_athlete_sandy_koufax concept:athleteplayssport concept_sport_baseball +concept_athlete_rogers_hornsby concept:athleteplayssport concept_sport_football +concept_athlete_seve_ballesteros concept:athleteplayssport concept_sport_golf +concept_athlete_scott_mathieson concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_cortes concept:athleteplayssport concept_sport_baseball +concept_athlete_jurickson_profar concept:athleteplayssport concept_sport_baseball +concept_athlete_eddie_kunz concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_boucher concept:athleteplayssport concept_sport_baseball +concept_athlete_max_ramirez concept:athleteplayssport concept_sport_hockey +concept_athlete_willie_stargell concept:athleteplayssport concept_sport_baseball +concept_athlete_thomas_mcbroom concept:athleteplayssport concept_sport_golf +concept_athlete_jorge_campillo concept:athleteplayssport concept_sport_baseball +concept_athlete_oliver_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_phelps concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_reed concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_samardzija concept:athleteplayssport concept_sport_baseball +concept_athlete_kyle_phillips concept:athleteplayssport concept_sport_golf +concept_athlete_darwin_cubillan concept:athleteplayssport concept_sport_baseball +concept_athlete_narciso_elvira concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_theismann concept:athleteplayssport concept_sport_football +concept_athlete_jake_woods concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_blanton concept:athleteplayssport concept_sport_baseball +concept_personmexico_joel_peralta concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_powell concept:athleteplayssport concept_sport_baseball +concept_coach_cal_ripken concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_calzaghe concept:athleteplayssport concept_sport_boxing +concept_athlete_shawntae_spencer concept:athleteplayssport concept_sport_baseball +concept_athlete_jay_cutler concept:athleteplayssport concept_sport_football +concept_personmexico_luis_rodriguez concept:athleteplayssport concept_sport_baseball +concept_coach_kyle_kendrick concept:athleteplayssport concept_sport_baseball +concept_coach_brandon_dubinsky concept:athleteplayssport concept_sport_hockey +concept_athlete_juan_diaz concept:athleteplayssport concept_sport_boxing +concept_athlete_stephen_randolph concept:athleteplayssport concept_sport_baseball +concept_athlete_brees concept:athleteplayssport concept_sport_football +concept_athlete_carlos_rosa concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_white concept:athleteplayssport concept_sport_baseball +concept_athlete_baldelli concept:athleteplayssport concept_sport_baseball +concept_athlete_donald_ross concept:athleteplayssport concept_sport_golf +concept_athlete_brandon_medders concept:athleteplayssport concept_sport_baseball +concept_personaustralia_george_fazio concept:athleteplayssport concept_sport_golf +concept_athlete_dwight_gooden concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_fossum concept:athleteplayssport concept_sport_baseball +concept_athlete_sports concept:athleteplayssport concept_sport_baseball +concept_athlete_j_c__romero concept:athleteplayssport concept_sport_baseball +concept_athlete_morgan_brinson concept:athleteplayssport concept_sport_baseball +concept_athlete_henry_barrera concept:athleteplayssport concept_sport_baseball +concept_athlete_marques_colston concept:athleteplayssport concept_sport_football +concept_athlete_neftali_feliz concept:athleteplayssport concept_sport_baseball +concept_personus_tommy_hanson concept:athleteplayssport concept_sport_baseball +concept_athlete_cla_meredith concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_leicester concept:athleteplayssport concept_sport_baseball +concept_athlete_nicklas_lidstrom concept:athleteplayssport concept_sport_hockey +concept_personaustralia_david_haye concept:athleteplayssport concept_sport_boxing +concept_coach_josh_hamilton concept:athleteplayssport concept_sport_baseball +concept_athlete_drew_storen concept:athleteplayssport concept_sport_baseball +concept_athlete_anthony_ortega concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_wood concept:athleteplayssport concept_sport_baseball +concept_athlete_tiki_barber concept:athleteplayssport concept_sport_football +concept_coach_brian_burres concept:athleteplayssport concept_sport_baseball +concept_athlete_michael_beasley concept:athleteplayssport concept_sport_football +concept_athlete_mitch_stetter concept:athleteplayssport concept_sport_baseball +concept_athlete_pb_dye concept:athleteplayssport concept_sport_golf +concept_coach_brad_hawpe concept:athleteplayssport concept_sport_baseball +concept_athlete_denny_neagle concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_bell concept:athleteplayssport concept_sport_golf +concept_athlete_ugueth_urbina concept:athleteplayssport concept_sport_baseball +concept_athlete_yusmeiro_petit concept:athleteplayssport concept_sport_baseball +concept_athlete_tobi_stoner concept:athleteplayssport concept_sport_baseball +concept_athlete_ezequiel_astacio concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_pettyjohn concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_riley concept:athleteplayssport concept_sport_baseball +concept_athlete_martin_hawtree concept:athleteplayssport concept_sport_golf +concept_athlete_bret_boone concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_masters concept:athleteplayssport concept_sport_wrestling +concept_athlete_oscar_villarreal concept:athleteplayssport concept_sport_baseball +concept_athlete_nick_masset concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_duensing concept:athleteplayssport concept_sport_baseball +concept_athlete_jack_egbert concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_dohmann concept:athleteplayssport concept_sport_baseball +concept_athlete_horacio_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_vinnie_chulk concept:athleteplayssport concept_sport_baseball +concept_athlete_bonds concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_pucetas concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_thomas concept:athleteplayssport concept_sport_baseball +concept_athlete_jesse_english concept:athleteplayssport concept_sport_baseball +concept_athlete_nate_davis concept:athleteplayssport concept_sport_football +concept_athlete_jhonny_nunez concept:athleteplayssport concept_sport_baseball +concept_coach_lendale_white concept:athleteplayssport concept_sport_football +concept_athlete_ben_howard concept:athleteplayssport concept_sport_baseball +concept_athlete_reggie_sanders concept:athleteplayssport concept_sport_football +concept_personmexico_matt_capps concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_hennessey concept:athleteplayssport concept_sport_baseball +concept_athlete_matthew_scherer concept:athleteplayssport concept_sport_baseball +concept_athlete_randy concept:athleteplayssport concept_sport_football +concept_personmexico_chad_gaudin concept:athleteplayssport concept_sport_baseball +concept_athlete_stephon_marbury concept:athleteplayssport concept_sport_basketball +concept_athlete_pedro_feliciano concept:athleteplayssport concept_sport_baseball +concept_athlete_max_scherzer concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_shiell concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_byrdak concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_herges concept:athleteplayssport concept_sport_baseball +concept_personmexico_manny_delcarmen concept:athleteplayssport concept_sport_baseball +concept_athlete_tanyon_sturtze concept:athleteplayssport concept_sport_baseball +concept_athlete_brady_clark concept:athleteplayssport concept_sport_baseball +concept_athlete_bubba_crosby concept:athleteplayssport concept_sport_baseball +concept_athlete_arthur_hill concept:athleteplayssport concept_sport_golf +concept_athlete_eric_gagne concept:athleteplayssport concept_sport_baseball +concept_athlete_willis_mcgahee concept:athleteplayssport concept_sport_football +concept_personmexico_kevin_brown concept:athleteplayssport concept_sport_baseball +concept_athlete_ron_garl concept:athleteplayssport concept_sport_golf +concept_athlete_kurt_warner concept:athleteplayssport concept_sport_football +concept_athlete_o__j__simpson concept:athleteplayssport concept_sport_football +concept_athlete_john_halama concept:athleteplayssport concept_sport_baseball +concept_athlete_rick_bauer concept:athleteplayssport concept_sport_baseball +concept_athlete_joba_chamberlain concept:athleteplayssport concept_sport_baseball +concept_athlete_roddick concept:athleteplayssport concept_sport_tennis +concept_coach_matt_macri concept:athleteplayssport concept_sport_baseball +concept_athlete_beltran_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_clayton_kershaw concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_redman concept:athleteplayssport concept_sport_football +concept_athlete_vernon_wells concept:athleteplayssport concept_sport_baseball +concept_coach_michael_bourn concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_melancon concept:athleteplayssport concept_sport_baseball +concept_coach_bobby_livingston concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_waters concept:athleteplayssport concept_sport_baseball +concept_athlete_rick_helling concept:athleteplayssport concept_sport_baseball +concept_athlete_r_a__dickey concept:athleteplayssport concept_sport_baseball +concept_athlete_alex_periard concept:athleteplayssport concept_sport_baseball +concept_coach_aaron_boone concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_maroth concept:athleteplayssport concept_sport_football +concept_athlete_troy_patton concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_batista concept:athleteplayssport concept_sport_baseball +concept_athlete_jorge_delarosa concept:athleteplayssport concept_sport_baseball +concept_athlete_gil_meche concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_ziegler concept:athleteplayssport concept_sport_baseball +concept_athlete_antonio_margarito concept:athleteplayssport concept_sport_boxing +concept_athlete_floyd_mayweather_jr concept:athleteplayssport concept_sport_boxing +concept_athlete_kevin_jepsen concept:athleteplayssport concept_sport_baseball +concept_athlete_mickey_cochrane concept:athleteplayssport concept_sport_baseball +concept_personmexico_willie_bloomquist concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_jakubauskas concept:athleteplayssport concept_sport_baseball +concept_athlete_hayden_penn concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_league concept:athleteplayssport concept_sport_baseball +concept_athlete_phil_simms concept:athleteplayssport concept_sport_football +concept_athlete_scott_elarton concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_gallagher concept:athleteplayssport concept_sport_baseball +concept_athlete_lou_gehrig concept:athleteplayssport concept_sport_baseball +concept_coach_jason_michaels concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_grimsley concept:athleteplayssport concept_sport_baseball +concept_athlete_owen_daniels concept:athleteplayssport concept_sport_football +concept_athlete_luis concept:athleteplayssport concept_sport_baseball +concept_athlete_peavy concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_spooneybarger concept:athleteplayssport concept_sport_baseball +concept_athlete_neal_musser concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_belisle concept:athleteplayssport concept_sport_baseball +concept_athlete_shawn_estes concept:athleteplayssport concept_sport_baseball +concept_personmexico_frank_catalanotto concept:athleteplayssport concept_sport_hockey +concept_athlete_edgerrin_james concept:athleteplayssport concept_sport_hockey +concept_athlete_brian_roberts concept:athleteplayssport concept_sport_baseball +concept_athlete_nolan_ryan concept:athleteplayssport concept_sport_baseball +concept_athlete_doc_gooden concept:athleteplayssport concept_sport_baseball +concept_athlete_ty_wigginton concept:athleteplayssport concept_sport_baseball +concept_athlete_wilfrido_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_clay_mortensen concept:athleteplayssport concept_sport_baseball +concept_athlete_shelton_benjamin concept:athleteplayssport concept_sport_wrestling +concept_athlete_walter_payton concept:athleteplayssport concept_sport_hockey +concept_athlete_andrew_golota concept:athleteplayssport concept_sport_boxing +concept_coach_randy_white concept:athleteplayssport concept_sport_football +concept_athlete_clayton_richard concept:athleteplayssport concept_sport_baseball +concept_athlete_hasim_rahman concept:athleteplayssport concept_sport_boxing +concept_athlete_matt_hasselbeck concept:athleteplayssport concept_sport_football +concept_athlete_collin_balester concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_webb concept:athleteplayssport concept_sport_baseball +concept_athlete_fazio concept:athleteplayssport concept_sport_championship_golf +concept_athlete_craig_wilson concept:athleteplayssport concept_sport_baseball +concept_athlete_reggie_bush concept:athleteplayssport concept_sport_football +concept_personeurope_mark_anderson concept:athleteplayssport concept_sport_football +concept_athlete_josh_papelbon concept:athleteplayssport concept_sport_baseball +concept_athlete_emmitt_smith concept:athleteplayssport concept_sport_football +concept_athlete_valerio_de_los_santos concept:athleteplayssport concept_sport_baseball +concept_personmexico_eli_marrero concept:athleteplayssport concept_sport_football +concept_athlete_ramon_santiago concept:athleteplayssport concept_sport_baseball +concept_athlete_ken_hill concept:athleteplayssport concept_sport_baseball +concept_athlete_clyde_drexler concept:athleteplayssport concept_sport_basketball +concept_personmexico_joe_montana concept:athleteplayssport concept_sport_football +concept_personmexico_jason_johnson concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_stevens concept:athleteplayssport concept_sport_hockey +concept_athlete_brian_lawrence concept:athleteplayssport concept_sport_baseball +concept_athlete_steven_register concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_russell concept:athleteplayssport concept_sport_baseball +concept_athlete_john_lannan concept:athleteplayssport concept_sport_baseball +concept_personmexico_julius_jones concept:athleteplayssport concept_sport_football +concept_coach_phil_nevin concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_carpenter concept:athleteplayssport concept_sport_football +concept_coach_gordie_howe concept:athleteplayssport concept_sport_hockey +concept_athlete_robert_trent_jones_jr_ concept:athleteplayssport concept_sport_golf +concept_athlete_bill_white concept:athleteplayssport concept_sport_baseball +concept_personmexico_felix_jones concept:athleteplayssport concept_sport_football +concept_athlete_ryan_madson concept:athleteplayssport concept_sport_baseball +concept_athlete_gene_bates concept:athleteplayssport concept_sport_golf +concept_athlete_alfredo_simon concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_green concept:athleteplayssport concept_sport_baseball +concept_athlete_abdul_jabbar concept:athleteplayssport concept_sport_basketball +concept_athlete_josh_sale concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_romo concept:athleteplayssport concept_sport_football +concept_coach_billy_butler concept:athleteplayssport concept_sport_baseball +concept_personmexico_gerald_laird concept:athleteplayssport concept_sport_hockey +concept_coach_jeff_fulchino concept:athleteplayssport concept_sport_baseball +concept_athlete_ross_gload concept:athleteplayssport concept_sport_baseball +concept_athlete_guillermo_quiroz concept:athleteplayssport concept_sport_baseball +concept_athlete_jared_burton concept:athleteplayssport concept_sport_baseball +concept_athlete_pele concept:athleteplayssport concept_sport_soccer +concept_athlete_mike_gallo concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_gonzalez concept:athleteplayssport concept_sport_baseball +concept_athlete_pedro_alvarez concept:athleteplayssport concept_sport_baseball +concept_athlete_heath_phillips concept:athleteplayssport concept_sport_baseball +concept_athlete_kazuo_fukumori concept:athleteplayssport concept_sport_baseball +concept_athlete_ramon_troncoso concept:athleteplayssport concept_sport_baseball +concept_athlete_roy_campanella concept:athleteplayssport concept_sport_baseball +concept_coach_matt_guerrier concept:athleteplayssport concept_sport_baseball +concept_athlete_robin_ventura concept:athleteplayssport concept_sport_baseball +concept_athlete_asdrubal_cabrera concept:athleteplayssport concept_sport_baseball +concept_athlete_kyle_orton concept:athleteplayssport concept_sport_football +concept_personmexico_yovani_gallardo concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_eckstein concept:athleteplayssport concept_sport_baseball +concept_athlete_elvin_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_erick_dampier concept:athleteplayssport concept_sport_basketball +concept_athlete_ted_thompson concept:athleteplayssport concept_sport_baseball +concept_athlete_dave_thomas concept:athleteplayssport concept_sport_golf +concept_personmexico_zach_duke concept:athleteplayssport concept_sport_baseball +concept_athlete_marvin_harrison concept:athleteplayssport concept_sport_football +concept_personmexico_josh_anderson001 concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_saunders concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_striker concept:athleteplayssport concept_sport_wrestling +concept_female_shannon_stewart concept:athleteplayssport concept_sport_baseball +concept_athlete_gary_majewski concept:athleteplayssport concept_sport_baseball +concept_athlete_deuce_lutui concept:athleteplayssport concept_sport_football +concept_athlete_jermain_taylor concept:athleteplayssport concept_sport_boxing +concept_athlete_claudio_vargas concept:athleteplayssport concept_sport_baseball +concept_coach_andy_pettite concept:athleteplayssport concept_sport_baseball +concept_athlete_elmer_dessens concept:athleteplayssport concept_sport_baseball +concept_athlete_tyler_clippard concept:athleteplayssport concept_sport_baseball +concept_athlete_marco_antonio_barrera concept:athleteplayssport concept_sport_boxing +concept_athlete_wandy_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_mel_stottlemyre concept:athleteplayssport concept_sport_football +concept_coach_chris_johnson concept:athleteplayssport concept_sport_football +concept_athlete_vladimir_radmanovic concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_kapono concept:athleteplayssport concept_sport_basketball +concept_coach_brian_falkenborg concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_freeman concept:athleteplayssport concept_sport_football +concept_athlete_brad_kilby concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_smith concept:athleteplayssport concept_sport_basketball +concept_athlete_ted_robinson concept:athleteplayssport concept_sport_golf +concept_athlete_van_hagge concept:athleteplayssport concept_sport_golf +concept_athlete_david_huff concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_bostick concept:athleteplayssport concept_sport_baseball +concept_athlete_brett_gardner concept:athleteplayssport concept_sport_baseball +concept_coach_mark_mulder concept:athleteplayssport concept_sport_football +concept_athlete_rich_hill concept:athleteplayssport concept_sport_baseball +concept_personasia_lance_armstrong concept:athleteplayssport concept_sport_cycling +concept_personmexico_jesse_orosco concept:athleteplayssport concept_sport_baseball +concept_athlete_mitchell_boggs concept:athleteplayssport concept_sport_baseball +concept_athlete_derek_lowe concept:athleteplayssport concept_sport_baseball +concept_athlete_jerry_gil concept:athleteplayssport concept_sport_baseball +concept_athlete_eulogio_de_la_cruz concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_hirsh concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_flutie concept:athleteplayssport concept_sport_football +concept_athlete_eli_manning concept:athleteplayssport concept_sport_football +concept_coach_mike_tyson concept:athleteplayssport concept_sport_boxing +concept_athlete_edgar_gonzalez concept:athleteplayssport concept_sport_baseball +concept_athlete_jorge_sosa concept:athleteplayssport concept_sport_baseball +concept_personasia_chien_ming_wang concept:athleteplayssport concept_sport_baseball +concept_athlete_b_j__ryan concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_brunell concept:athleteplayssport concept_sport_football +concept_athlete_jacob_cruz concept:athleteplayssport concept_sport_baseball +concept_athlete_monta_ellis concept:athleteplayssport concept_sport_basketball +concept_coach_kameron_loe concept:athleteplayssport concept_sport_baseball +concept_athlete_noah_lowry concept:athleteplayssport concept_sport_baseball +concept_athlete_nick_punto concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_lin concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_sadowski concept:athleteplayssport concept_sport_baseball +concept_athlete_ricky_williams concept:athleteplayssport concept_sport_football +concept_athlete_justin_lehr concept:athleteplayssport concept_sport_baseball +concept_coach_j_a_happ concept:athleteplayssport concept_sport_baseball +concept_athlete_nicklaus concept:athleteplayssport concept_sport_championship_golf +concept_coach_brandon_rush concept:athleteplayssport concept_sport_basketball +concept_personmexico_sal_maglie concept:athleteplayssport concept_sport_football +concept_athlete_roy_halladay concept:athleteplayssport concept_sport_baseball +concept_athlete_troy_percival concept:athleteplayssport concept_sport_baseball +concept_athlete_a_j__feeley concept:athleteplayssport concept_sport_football +concept_athlete_jhonny_peralta concept:athleteplayssport concept_sport_baseball +concept_coach_t_j__houshmandzadeh concept:athleteplayssport concept_sport_football +concept_athlete_omar_aguilar concept:athleteplayssport concept_sport_baseball +concept_athlete_edwin_moses concept:athleteplayssport concept_sport_track_and_field +concept_personmexico_brian_anderson concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_lawton concept:athleteplayssport concept_sport_baseball +concept_personmexico_brian_brohm concept:athleteplayssport concept_sport_hockey +concept_athlete_odalis_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_andre_johnson concept:athleteplayssport concept_sport_football +concept_athlete_bill_pulsipher concept:athleteplayssport concept_sport_baseball +concept_athlete_donald_steel concept:athleteplayssport concept_sport_golf +concept_athlete_connor_robertson concept:athleteplayssport concept_sport_baseball +concept_athlete_edgardo_alfonzo concept:athleteplayssport concept_sport_baseball +concept_athlete_jim_fazio concept:athleteplayssport concept_sport_golf +concept_athlete_j_j_putz concept:athleteplayssport concept_sport_baseball +concept_athlete_lance_broadway concept:athleteplayssport concept_sport_baseball +concept_athlete_kelvin_pichardo concept:athleteplayssport concept_sport_baseball +concept_personmexico_enrique_gonzalez concept:athleteplayssport concept_sport_baseball +concept_personmexico_joe_inglett concept:athleteplayssport concept_sport_baseball +concept_coach_scott_proctor concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_baker concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_hinckley concept:athleteplayssport concept_sport_baseball +concept_athlete_kyler_newby concept:athleteplayssport concept_sport_baseball +concept_athlete_bob_howry concept:athleteplayssport concept_sport_baseball +concept_athlete_triple_h concept:athleteplayssport concept_sport_wrestling +concept_athlete_tim_corcoran concept:athleteplayssport concept_sport_baseball +concept_athlete_hulk_hogan concept:athleteplayssport concept_sport_wrestling +concept_personmexico_jose_castillo concept:athleteplayssport concept_sport_football +concept_athlete_michael_bowden concept:athleteplayssport concept_sport_baseball +concept_personmexico_boof_bonser concept:athleteplayssport concept_sport_baseball +concept_personmexico_hideki_matsui concept:athleteplayssport concept_sport_baseball +concept_athlete_drew_anderson concept:athleteplayssport concept_sport_baseball +concept_athlete_martin_havlat concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_duchscherer concept:athleteplayssport concept_sport_baseball +concept_coach_david_garrard concept:athleteplayssport concept_sport_football +concept_athlete_jim_rice concept:athleteplayssport concept_sport_baseball +concept_athlete_len_dawson concept:athleteplayssport concept_sport_football +concept_athlete_jeremy_jeffress concept:athleteplayssport concept_sport_baseball +concept_coach_jamie_walker concept:athleteplayssport concept_sport_baseball +concept_personmexico_juan_morillo concept:athleteplayssport concept_sport_baseball +concept_athlete_jackie_gayda concept:athleteplayssport concept_sport_wrestling +concept_athlete_shane_victorino concept:athleteplayssport concept_sport_baseball +concept_personmexico_joe_valentine concept:athleteplayssport concept_sport_baseball +concept_athlete_felipe_paulino concept:athleteplayssport concept_sport_baseball +concept_athlete_stacy_keibler concept:athleteplayssport concept_sport_wrestling +concept_athlete_matt_wieters concept:athleteplayssport concept_sport_baseball +concept_athlete_greg_burke concept:athleteplayssport concept_sport_baseball +concept_athlete_lee_trevino concept:athleteplayssport concept_sport_golf +concept_athlete_chin_hui_tsao concept:athleteplayssport concept_sport_baseball +concept_athlete_warner_madrigal concept:athleteplayssport concept_sport_baseball +concept_personmexico_craig_smith concept:athleteplayssport concept_sport_basketball +concept_athlete_armando_galarraga concept:athleteplayssport concept_sport_baseball +concept_athlete_cleon_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_isringhausen concept:athleteplayssport concept_sport_baseball +concept_athlete_robert_von_hagge concept:athleteplayssport concept_sport_golf +concept_coach_vince_carter concept:athleteplayssport concept_sport_basketball +concept_athlete_matt_walker concept:athleteplayssport concept_sport_basketball +concept_athlete_mcnabb concept:athleteplayssport concept_sport_football +concept_athlete_clay_buchholz concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_reynolds concept:athleteplayssport concept_sport_baseball +concept_personmexico_pedro_liriano concept:athleteplayssport concept_sport_baseball +concept_coach_evgeni_nabokov concept:athleteplayssport concept_sport_hockey +concept_athlete_darrell_rasner concept:athleteplayssport concept_sport_baseball +concept_athlete_russ_springer concept:athleteplayssport concept_sport_baseball +concept_athlete_willie_eyre concept:athleteplayssport concept_sport_baseball +concept_personmexico_alexander_ovechkin concept:athleteplayssport concept_sport_hockey +concept_personmexico_robinson_tejeda concept:athleteplayssport concept_sport_baseball +concept_athlete_felix_heredia concept:athleteplayssport concept_sport_baseball +concept_athlete_levale_speigner concept:athleteplayssport concept_sport_baseball +concept_athlete_chan_ho_park concept:athleteplayssport concept_sport_baseball +concept_athlete_samuel_peter concept:athleteplayssport concept_sport_boxing +concept_athlete_nick_adenhart concept:athleteplayssport concept_sport_baseball +concept_athlete_freddie_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_steve_kline concept:athleteplayssport concept_sport_baseball +concept_athlete_george_foreman concept:athleteplayssport concept_sport_boxing +concept_athlete_fernando_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_nick_blackburn concept:athleteplayssport concept_sport_baseball +concept_athlete_devin_hester concept:athleteplayssport concept_sport_football +concept_athlete_tadahito_iguchi concept:athleteplayssport concept_sport_baseball +concept_athlete_wilkin_castillo concept:athleteplayssport concept_sport_baseball +concept_athlete_madison_bumgarner concept:athleteplayssport concept_sport_baseball +concept_athlete_xavier_nady concept:athleteplayssport concept_sport_baseball +concept_athlete_antonio_tarver concept:athleteplayssport concept_sport_boxing +concept_athlete_mat_latos concept:athleteplayssport concept_sport_baseball +concept_athlete_desmond_muirhead concept:athleteplayssport concept_sport_golf +concept_personcanada_david_boston concept:athleteplayssport concept_sport_football +concept_athlete_erik_bedard concept:athleteplayssport concept_sport_baseball +concept_athlete_robert_trent_jones___sr__ concept:athleteplayssport concept_sport_golf +concept_athlete_romo concept:athleteplayssport concept_sport_football +concept_athlete_al_reyes concept:athleteplayssport concept_sport_baseball +concept_coach_gale_sayers concept:athleteplayssport concept_sport_football +concept_athlete_robert_trent_jones___sr concept:athleteplayssport concept_sport_golf +concept_athlete_dewon_day concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_lamar_odom concept:athleteplayssport concept_sport_basketball +concept_athlete_shane_mosley concept:athleteplayssport concept_sport_boxing +concept_athlete_james_parr concept:athleteplayssport concept_sport_baseball +concept_personmexico_daniel_mccutchen concept:athleteplayssport concept_sport_baseball +concept_personaustralia_alister_mackenzie concept:athleteplayssport concept_sport_golf +concept_athlete_david_herndon concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_duckworth concept:athleteplayssport concept_sport_baseball +concept_personmexico_john_elway concept:athleteplayssport concept_sport_football +concept_coach_kenny_rogers concept:athleteplayssport concept_sport_baseball +concept_athlete_ian_stewart concept:athleteplayssport concept_sport_baseball +concept_athlete_dustin_keller concept:athleteplayssport concept_sport_football +concept_athlete_brad_lidge concept:athleteplayssport concept_sport_baseball +concept_athlete_andrew_brackman concept:athleteplayssport concept_sport_baseball +concept_athlete_randy_johnson concept:athleteplayssport concept_sport_baseball +concept_athlete_shairon_martis concept:athleteplayssport concept_sport_baseball +concept_athlete_larry_fitzgerald concept:athleteplayssport concept_sport_football +concept_athlete_keith_foster concept:athleteplayssport concept_sport_golf +concept_athlete_henry_sosa concept:athleteplayssport concept_sport_baseball +concept_athlete_troy_smith concept:athleteplayssport concept_sport_football +concept_athlete_aaron_rakers concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_keppel concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_parisi concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_valverde concept:athleteplayssport concept_sport_baseball +concept_athlete_francis_beltran concept:athleteplayssport concept_sport_baseball +concept_athlete_wilkin_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_schaub concept:athleteplayssport concept_sport_football +concept_athlete_geoff_geary concept:athleteplayssport concept_sport_baseball +concept_athlete_julius_erving concept:athleteplayssport concept_sport_basketball +concept_athlete_dirk_hayhurst concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_thomas concept:athleteplayssport concept_sport_baseball +concept_athlete_donnie_veal concept:athleteplayssport concept_sport_baseball +concept_athlete_floyd_mayweather concept:athleteplayssport concept_sport_boxing +concept_athlete_dennis_eckersley concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_cepicky concept:athleteplayssport concept_sport_baseball +concept_athlete_joaquin_benoit concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_shealy concept:athleteplayssport concept_sport_baseball +concept_athlete_tom_doak concept:athleteplayssport concept_sport_golf +concept_athlete_ryan_freel concept:athleteplayssport concept_sport_baseball +concept_athlete_zack_greinke concept:athleteplayssport concept_sport_baseball +concept_athlete_orlando_cabrera concept:athleteplayssport concept_sport_baseball +concept_athlete_boone_logan concept:athleteplayssport concept_sport_baseball +concept_athlete_jim_hoey concept:athleteplayssport concept_sport_baseball +concept_athlete_manny_aybar concept:athleteplayssport concept_sport_baseball +concept_personmexico_matt_flynn001 concept:athleteplayssport concept_sport_baseball +concept_athlete_robert_trent_jones concept:athleteplayssport concept_sport_championship_golf +concept_athlete_yorman_bazardo concept:athleteplayssport concept_sport_baseball +concept_athlete_hector_mercado concept:athleteplayssport concept_sport_baseball +concept_athlete_mitch_maier concept:athleteplayssport concept_sport_baseball +concept_athlete_brayan_villarreal concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_silva concept:athleteplayssport concept_sport_baseball +concept_athlete_daniel_hudson concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_graham concept:athleteplayssport concept_sport_football +concept_athlete_aroldis_chapman concept:athleteplayssport concept_sport_baseball +concept_athlete_bryan_morris concept:athleteplayssport concept_sport_baseball +concept_coach_jay_bruce concept:athleteplayssport concept_sport_baseball +concept_athlete_robinson_cano concept:athleteplayssport concept_sport_baseball +concept_athlete_daryle_ward concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_resop concept:athleteplayssport concept_sport_baseball +concept_athlete_jake_mcgee concept:athleteplayssport concept_sport_baseball +concept_athlete_stanley_thompson concept:athleteplayssport concept_sport_golf +concept_personmexico_ruddy_lugo concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_redmond concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_miller concept:athleteplayssport concept_sport_baseball +concept_athlete_bret_hart concept:athleteplayssport concept_sport_wrestling +concept_athlete_jeff_stevens concept:athleteplayssport concept_sport_baseball +concept_athlete_nate_robertson concept:athleteplayssport concept_sport_baseball +concept_athlete_cedrick_bowers concept:athleteplayssport concept_sport_baseball +concept_athlete_zito concept:athleteplayssport concept_sport_baseball +concept_athlete_weiskopf concept:athleteplayssport concept_sport_golf +concept_athlete_phil_mickelson concept:athleteplayssport concept_sport_golf +concept_athlete_dennis_sarfate concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_hill concept:athleteplayssport concept_sport_baseball +concept_athlete_felix_doubront concept:athleteplayssport concept_sport_baseball +concept_athlete_ken_takahashi concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_franklin concept:athleteplayssport concept_sport_baseball +concept_athlete_brett_farve concept:athleteplayssport concept_sport_football +concept_athlete_jeff_fassero concept:athleteplayssport concept_sport_baseball +concept_athlete_richard_gasquet concept:athleteplayssport concept_sport_tennis +concept_athlete_major_league_baseball_most_valuable_player_award concept:athleteplayssport concept_sport_baseball +concept_athlete_eddie_bonine concept:athleteplayssport concept_sport_baseball +concept_coach_eugenio_velez concept:athleteplayssport concept_sport_football +concept_athlete_blake_hawksworth concept:athleteplayssport concept_sport_baseball +concept_personaustralia_joe_johnson concept:athleteplayssport concept_sport_basketball +concept_athlete_eddie_hackett concept:athleteplayssport concept_sport_golf +concept_athlete_esteban_loaiza concept:athleteplayssport concept_sport_baseball +concept_coach_trent_edwards concept:athleteplayssport concept_sport_football +concept_athlete_tim_wakefield concept:athleteplayssport concept_sport_baseball +concept_personmexico_luke_walton concept:athleteplayssport concept_sport_baseball +concept_athlete_severiano_ballesteros concept:athleteplayssport concept_sport_golf +concept_athlete_eric_hurley concept:athleteplayssport concept_sport_baseball +concept_athlete_kerry_wood concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_hudson concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_west concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_sweeney concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_martin concept:athleteplayssport concept_sport_basketball +concept_athlete_bryan_augenstein concept:athleteplayssport concept_sport_baseball +concept_company_canadian_jewish_congress concept:organizationhiredperson concept_person_sylvain_abitbol +concept_company_reynolds_american concept:organizationhiredperson concept_ceo_susan_m__ivey +concept_sportsteam_real_madrid concept:organizationhiredperson concept_athlete_bernd_schuster +concept_sportsteam_florida_gators concept:organizationhiredperson concept_coach_steve_spurrier +concept_website_youtube_last_year concept:organizationhiredperson concept_person_chen +concept_governmentorganization_defense_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_automobilemaker_a_m concept:organizationhiredperson concept_person_sherman +concept_company_peter_d__hart_research_associates concept:organizationhiredperson concept_person_allan_rivlin +concept_nongovorganization_senate_judiciary_committee concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticallocation_security concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_troy concept:organizationhiredperson concept_coach_larry_blakeney +concept_sportsteam_new_york_islanders concept:organizationhiredperson concept_coach_ted_nolan +concept_organization_republicans concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_bank_j_p__morgan___co_ concept:organizationhiredperson concept_ceo_jamie_dimon +concept_sportsteam_boston_bruins concept:organizationhiredperson concept_coach_steve_kasper +concept_company_entrust concept:organizationhiredperson concept_politicianus_bill_conner +concept_politicalparty_bharatiya_janata_party concept:organizationhiredperson concept_personus_party +concept_company_lukoil concept:organizationhiredperson concept_ceo_vagit_alekperov +concept_sportsteam_detroit_lions concept:organizationhiredperson concept_coach_marty_mornhinweg +concept_governmentorganization_agency concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_french_army concept:organizationhiredperson concept_person_batsheva_de_rothschild +concept_sportsteam_suns concept:organizationhiredperson concept_coach_terry_porter +concept_company_realnetworks concept:organizationhiredperson concept_ceo_rob_glaser +concept_company_creative_coalitiion concept:organizationhiredperson concept_person_robin_bronk +concept_sportsteam_boston_celtics concept:organizationhiredperson concept_person_allen +concept_musicartist_the_force concept:organizationhiredperson concept_person_she +concept_sportsteam_pirates concept:organizationhiredperson concept_coach_skip_holtz +concept_sportsteam_wake_forest concept:organizationhiredperson concept_coach_skip_prosser +concept_company_news_ltd concept:organizationhiredperson concept_politicianus_john_hartigan +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_cowher +concept_biotechcompany_lotus_development concept:organizationhiredperson concept_scientist_mitch_kapor +concept_biotechcompany_boeing_commercial_airplanes concept:organizationhiredperson concept_personeurope_scott_carson +concept_company_press concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_international_steel_group concept:organizationhiredperson concept_person_mitch_hecht +concept_bank_barclays concept:organizationhiredperson concept_ceo_john_silvester_varley +concept_organization_quaker_state concept:organizationhiredperson concept_person_he +concept_stateorprovince_line concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_government_agencies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_iraqi_government concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_konica_minolta concept:organizationhiredperson concept_person_yoshiaki_ando +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_person_belichick +concept_organization_tigers concept:organizationhiredperson concept_coach_gary_pinkel +concept_governmentorganization_fbi concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_county_oakland concept:organizationhiredperson concept_person_lane_kiffin +concept_governmentorganization_federal_agencies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_petroleumrefiningcompany_valero_energy concept:organizationhiredperson concept_ceo_william_r__klesse +concept_sportsteam_sd_chargers concept:organizationhiredperson concept_person_riley001 +concept_sportsteam_new_jersey_nets concept:organizationhiredperson concept_person_lawrence_frank +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_bill_parcells +concept_governmentorganization_federal_government concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_firstgroup concept:organizationhiredperson concept_writer_martin_gilbert +concept_sportsteam_detroit_lions concept:organizationhiredperson concept_coach_jim_schwartz +concept_sportsteam_new_york_giants concept:organizationhiredperson concept_coach_spagnuolo +concept_sportsteam_magic concept:organizationhiredperson concept_coach_van_gundy +concept_company_revlon concept:organizationhiredperson concept_person_ron_perelman +concept_organization_mrs___field___s_cookies concept:organizationhiredperson concept_person_tanner +concept_company_ericsson concept:organizationhiredperson concept_ceo_carl_henric_svanberg +concept_continent_europe concept:organizationhiredperson concept_personus_john_fleming +concept_company_mckinsey concept:organizationhiredperson concept_personcanada_ian_davis +concept_sportsteam_rams concept:organizationhiredperson concept_coach_linehan +concept_recordlabel_interscope concept:organizationhiredperson concept_person_jimmy_iovine +concept_biotechcompany_analog_devices concept:organizationhiredperson concept_ceo_jerald_g__fishman +concept_sportsteam_nc_state concept:organizationhiredperson concept_coach_sidney_lowe +concept_nongovorganization_legislature concept:organizationhiredperson concept_person_republican +concept_company_new_south_wales_waratahs concept:organizationhiredperson concept_person_phil_waugh +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_muffet_mcgraw +concept_organization_the_pittsburgh_police_force concept:organizationhiredperson concept_person_maurita_bryant +concept_sportsteam_notre_dame concept:organizationhiredperson concept_person_ty_willingham +concept_recordlabel_epitaph concept:organizationhiredperson concept_musician_brett_gurewitz +concept_biotechcompany_merck___co concept:organizationhiredperson concept_personus_richard_clark +concept_website_amazon concept:organizationhiredperson concept_ceo_jeff_bezos +concept_university_memphis concept:organizationhiredperson concept_coach_tommy_west +concept_sportsteam_chicago_bulls concept:organizationhiredperson concept_person_jose_juan_barea +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_coach_romeo_crennel +concept_automobilemaker_toyota_motor_corporation concept:organizationhiredperson concept_person_katsuaki_watanabe +concept_sportsteam_boston_celtics concept:organizationhiredperson concept_athlete_rick_pitino +concept_recordlabel_bloodline_records concept:organizationhiredperson concept_personcanada_dmx +concept_company_lufthansa concept:organizationhiredperson concept_ceo_wolfgang_mayrhuber +concept_sportsteam_bruins concept:organizationhiredperson concept_coach_claude_julien +concept_automobilemaker_toyota_motor concept:organizationhiredperson concept_person_katsuaki_watanabe +concept_sportsteam_michigan_state concept:organizationhiredperson concept_professor_john_l__smith +concept_sportsteam_boston_bruins concept:organizationhiredperson concept_person_tom_mcvie +concept_sportsteam_rams concept:organizationhiredperson concept_coach_coach_scott_linehan +concept_terroristorganization_hamas concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_vivendi_universal concept:organizationhiredperson concept_ceo_jean_marie_messier +concept_politicalparty_rjd concept:organizationhiredperson concept_personus_party +concept_sportsteam_falcons concept:organizationhiredperson concept_coach_bobby_petrino +concept_recordlabel_sony_computer_entertainment_inc_ concept:organizationhiredperson concept_ceo_kazuo_hirai +concept_county_philadelphia concept:organizationhiredperson concept_politician_michael_nutter +concept_biotechcompany_hcl_technologies concept:organizationhiredperson concept_ceo_vineet_nayar +concept_company_ace_limited concept:organizationhiredperson concept_ceo_evan_g__greenberg +concept_governmentorganization_homeland_security concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_televisionstation_nd concept:organizationhiredperson concept_coach_charlie_weis +concept_politicalparty_republican_party concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_bank_standard_chartered concept:organizationhiredperson concept_person_peter_sands +concept_sportsteam_broncos concept:organizationhiredperson concept_coach_shanahan +concept_website_penthouse concept:organizationhiredperson concept_person_bob_guccione +concept_politicalparty_senate_democrats concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticalorganization_new_england concept:organizationhiredperson concept_coach_bill_parcells +concept_company_federal_election_commission concept:organizationhiredperson concept_person_trevor_potter +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_athlete_butch_davis +concept_governmentorganization_democratic_national_committee concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_mary_hardin_baylor_crusaders concept:organizationhiredperson concept_coach_guy_morriss +concept_bank_bb_t concept:organizationhiredperson concept_personcanada_john_allison +concept_sportsteam_washington_wizards concept:organizationhiredperson concept_coach_ed_tapscott +concept_company_du_pont concept:organizationhiredperson concept_ceo_charles_o__holliday +concept_biotechcompany_procter___gamble concept:organizationhiredperson concept_person_leopoldo_fernandez +concept_organization_ghanian concept:organizationhiredperson concept_person_kwame_nkrumah +concept_sportsteam_rams concept:organizationhiredperson concept_coach_mike_martz +concept_company_sadia concept:organizationhiredperson concept_person_luiz_furlan +concept_sportsteam_spurs concept:organizationhiredperson concept_personaustralia_martin_jol +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_dan_reeves +concept_magazine_hustler concept:organizationhiredperson concept_person_larry_flynt +concept_company_amway concept:organizationhiredperson concept_ceo_richard_m__devos +concept_company_htc concept:organizationhiredperson concept_ceo_peter_chou +concept_sportsteam_bucs concept:organizationhiredperson concept_coach_gruden +concept_sportsleague_nba concept:organizationhiredperson concept_person_pat_riley +concept_sportsteam_dallas_cowboys concept:organizationhiredperson concept_coach_bill_parcells +concept_bank_j_p__morgan_chase concept:organizationhiredperson concept_ceo_jamie_dimon +concept_company_nike concept:organizationhiredperson concept_ceo_mark_parker +concept_sportsteam_rockets concept:organizationhiredperson concept_coach_van_gundy +concept_company_massey_energy concept:organizationhiredperson concept_person_don_l__blankenship +concept_sportsteam_redskins concept:organizationhiredperson concept_coach_jim_zorn +concept_bank_european_central_bank concept:organizationhiredperson concept_ceo_jean_claude_trichet +concept_school_duke concept:organizationhiredperson concept_coach_k +concept_sportsteam_rams concept:organizationhiredperson concept_coach_steve_spagnuolo +concept_biotechcompany_csx_corporation concept:organizationhiredperson concept_athlete_john_ward +concept_governmentorganization_justice_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_justice_department concept:organizationhiredperson concept_coach_clinton_white +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_ara_parseghian +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_coach_eric_mangini +concept_automobilemaker_a_m concept:organizationhiredperson concept_coach_mike_sherman +concept_sportsteam_rams concept:organizationhiredperson concept_coach_scott_linehan +concept_politicalparty_unaids concept:organizationhiredperson concept_person_michel_sidibe +concept_company_bhp_billiton_ltd_adr concept:organizationhiredperson concept_ceo_marius_kloppers +concept_sportsteam_southern_miss_lady_golden_eagles concept:organizationhiredperson concept_coach_larry_fedora +concept_company_vodafone concept:organizationhiredperson concept_ceo_arun_sarin +concept_school_duke concept:organizationhiredperson concept_coach_mike_krzyzewski +concept_sportsteam_bulldogs concept:organizationhiredperson concept_coach_dennis_felton +concept_company_nike concept:organizationhiredperson concept_person_phil_knight +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_dungy +concept_sportsteam_redskins concept:organizationhiredperson concept_coach_steve_spurrier +concept_bank_viacom concept:organizationhiredperson concept_personcanada_sumner_redstone +concept_politicalparty_indian_national_congress concept:organizationhiredperson concept_personus_party +concept_sportsteam_rangers concept:organizationhiredperson concept_coach_tom_renney +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_coach_mangini +concept_bank_mbia concept:organizationhiredperson concept_actor_jay_brown +concept_sportsteam_denver_nuggets concept:organizationhiredperson concept_coach_george_karl +concept_automobilemaker_announcement concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_power concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_notre_dame concept:organizationhiredperson concept_person_willingham +concept_organization_schaghticokes concept:organizationhiredperson concept_person_richard_f__velky +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_mike_brey +concept_sportsteam_detroit_lions concept:organizationhiredperson concept_coach_marinelli +concept_company_harpercollins concept:organizationhiredperson concept_person_jane_friedman +concept_sportsteam_ravens concept:organizationhiredperson concept_coach_john_harbaugh +concept_sportsteam_chicago_bulls concept:organizationhiredperson concept_coach_scott_stiles +concept_automobilemaker_gm concept:organizationhiredperson concept_monarch_alfred_p__sloan +concept_governmentorganization_state_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_environmental_protection_agency concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_french_army concept:organizationhiredperson concept_person_she +concept_sportsteam_rangers concept:organizationhiredperson concept_coach_renney +concept_sportsteam_heat concept:organizationhiredperson concept_person_pat_riley +concept_sportsteam_montreal_canadiens concept:organizationhiredperson concept_coach_guy_carbonneau +concept_sportsteam_vols concept:organizationhiredperson concept_person_lane_kiffin +concept_politicalparty_executive_branch concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_indiana_pacers concept:organizationhiredperson concept_athlete_matt_walker +concept_sportsteam_vols concept:organizationhiredperson concept_coach_philip_fulmer +concept_company_jetblue concept:organizationhiredperson concept_ceo_david_neeleman +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_knute_rockne +concept_sportsteam_seminoles concept:organizationhiredperson concept_male_bobby_bowden +concept_sportsteam_tennessee_volunteers concept:organizationhiredperson concept_coach_philip_rivers +concept_bank_banks concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_redskins concept:organizationhiredperson concept_coach_joe_gibbs +concept_sportsteam_atlanta_thrashers concept:organizationhiredperson concept_coach_bob_hartley +concept_organization_hofstra concept:organizationhiredperson concept_person_robert_sobel +concept_professionalorganization_vietnam_veterans_of_america_foundation concept:organizationhiredperson concept_person_williams +concept_county_indiana_university concept:organizationhiredperson concept_coach_bob_knight +concept_company_patagonia concept:organizationhiredperson concept_coach_yvon_chouinard +concept_sportsteam_falcons concept:organizationhiredperson concept_coach_petrino +concept_biotechcompany_exelon_corporation concept:organizationhiredperson concept_politicianus_john_rowe +concept_sportsteam_new_york_giants concept:organizationhiredperson concept_coach_coughlin +concept_website_technorati concept:organizationhiredperson concept_ceo_david_sifry +concept_company_pembina_institute concept:organizationhiredperson concept_person_chris_severson_baker +concept_organization_triumph_motors concept:organizationhiredperson concept_personaustralia_peter_ward +concept_company_radar_networks concept:organizationhiredperson concept_professor_nova_spivack +concept_sportsteam_bucks concept:organizationhiredperson concept_person_jose_juan_barea +concept_radiostation_ball_state_university concept:organizationhiredperson concept_coach_stan_parrish +concept_automobilemaker_mclaren concept:organizationhiredperson concept_coach_ron_dennis +concept_governmentorganization_office concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_redskins concept:organizationhiredperson concept_coach_george_halas +concept_company_energysolutions concept:organizationhiredperson concept_person_val_christensen +concept_company_telstra concept:organizationhiredperson concept_ceo_david_thodey +concept_geopoliticalorganization_new_england concept:organizationhiredperson concept_person_belichick +concept_recordlabel_roc_a_fella_records concept:organizationhiredperson concept_male_damon_dash +concept_bank_us_bank concept:organizationhiredperson concept_ceo_richard_davis +concept_university_carolina concept:organizationhiredperson concept_coach_frank_mcguire +concept_county_indiana_university concept:organizationhiredperson concept_coach_bobby_knight +concept_terroristorganization_group concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_democratic_parties concept:organizationhiredperson concept_personus_party +concept_sportsteam_falcons concept:organizationhiredperson concept_athlete_mike_smith +concept_company_aa concept:organizationhiredperson concept_personaustralia_bill_wilson +concept_sportsteam_mary_hardin_baylor_crusaders concept:organizationhiredperson concept_coach_art_briles +concept_governmentorganization_courts concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_charlotte concept:organizationhiredperson concept_personmexico_bernard_robinson +concept_company_softbank_corp_ concept:organizationhiredperson concept_ceo_masayoshi_son +concept_company_companies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_red_wings concept:organizationhiredperson concept_athlete_lidstrom +concept_sportsteam_bucs concept:organizationhiredperson concept_coach_raheem_morris +concept_bank_barclays_global_investors concept:organizationhiredperson concept_ceo_john_silvester_varley +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_dantonio +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_izzo +concept_musicartist_the_firm concept:organizationhiredperson concept_person_gordon_hall +concept_company_activision concept:organizationhiredperson concept_ceo_bobby_kotick +concept_politicalparty_congress_party concept:organizationhiredperson concept_personus_party +concept_biotechcompany_affiliated_managers_group concept:organizationhiredperson concept_person_brian_girvan +concept_company_nike concept:organizationhiredperson concept_ceo_philip_knight +concept_biotechcompany_boeing_co concept:organizationhiredperson concept_personeurope_scott_carson +concept_politicalparty_bjp concept:organizationhiredperson concept_personus_party +concept_sportsteam_wake_forest concept:organizationhiredperson concept_coach_jim_grobe +concept_sportsteam_mavericks concept:organizationhiredperson concept_coach_don_nelson +concept_automobilemaker_porsche concept:organizationhiredperson concept_ceo_wendelin_wiedeking +concept_governmentorganization_supreme_court concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_dsc_communications concept:organizationhiredperson concept_politicianus_john_hendricks +concept_sportsteam_falcons concept:organizationhiredperson concept_personaustralia_smith +concept_sportsteam_detroit_lions concept:organizationhiredperson concept_coach_rod_marinelli +concept_publication_creem concept:organizationhiredperson concept_writer_lester_bangs +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_charlie_weis +concept_sportsteam_sd_chargers concept:organizationhiredperson concept_athlete_marty_schottenheimer +concept_sportsteam_spurs concept:organizationhiredperson concept_coach_gregg_popovich +concept_recordlabel_tapes concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_man_utd concept:organizationhiredperson concept_personmexico_alex_ferguson +concept_organization_tigers concept:organizationhiredperson concept_writer_brown +concept_company_glsen concept:organizationhiredperson concept_person_aline_isaacson +concept_company_zagat concept:organizationhiredperson concept_person_tim_zagat +concept_bank_sallie_mae concept:organizationhiredperson concept_ceo_albert_lord +concept_governmentorganization_national_security_council concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_members concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_mountain_delay concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_janata_dal concept:organizationhiredperson concept_personus_party +concept_sportsteam_longhorns concept:organizationhiredperson concept_personmexico_mack_brown +concept_organization_mrs___field___s_cookies concept:organizationhiredperson concept_person_mark_tanner +concept_website_influence concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_gamecocks concept:organizationhiredperson concept_coach_steve_spurrier +concept_musicartist_the_force concept:organizationhiredperson concept_person_maurita_bryant +concept_sportsteam_wake_forest concept:organizationhiredperson concept_coach_dino_gaudio +concept_organization_zambian concept:organizationhiredperson concept_person_levy_mwanawasa +concept_sportsteam_rams concept:organizationhiredperson concept_coach_martz +concept_company_united_states_centers_for_disease_prevention_and_control concept:organizationhiredperson concept_person_julie_gerberding +concept_company_kraft_foods concept:organizationhiredperson concept_ceo_irene_rosenfeld +concept_newspaper_record concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_techcrunch concept:organizationhiredperson concept_personus_michael_arrington +concept_organization_the_original_toronto_production_of___godspell____ concept:organizationhiredperson concept_person_they +concept_governmentorganization_u_s__senate concept:organizationhiredperson concept_person_republican +concept_bank_wells_fargo concept:organizationhiredperson concept_ceo_john_stumpf +concept_sportsteam_sd_chargers concept:organizationhiredperson concept_coach_norv_turner +concept_county_virginia_tech concept:organizationhiredperson concept_coach_frank_beamer +concept_sportsteam_washington_wizards concept:organizationhiredperson concept_coach_al_jefferson +concept_geopoliticallocation_south_florida concept:organizationhiredperson concept_coach_jim_leavitt +concept_biotechcompany_merck concept:organizationhiredperson concept_personus_richard_clark +concept_sportsteam_northern_illinois concept:organizationhiredperson concept_coach_dave_doeren +concept_company_blinkx concept:organizationhiredperson concept_ceo_suranga_chandratillake +concept_sportsteam_chicago_bulls concept:organizationhiredperson concept_person_jackson001 +concept_geopoliticallocation_bolton concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_arkansas_state_university concept:organizationhiredperson concept_politicianus_brady +concept_bank_sap concept:organizationhiredperson concept_ceo_henning_kagermann +concept_musicartist_thursday concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_heat concept:organizationhiredperson concept_coach_van_gundy +concept_sportsteam_new_york_giants concept:organizationhiredperson concept_coach_fassel +concept_sportsteam_nc_state concept:organizationhiredperson concept_personmexico_jim_valvano +concept_company_areva concept:organizationhiredperson concept_female_anne_lauvergeon +concept_politicalparty_nationalist_congress_party concept:organizationhiredperson concept_personus_party +concept_organization_charles_scwhab_corp__ concept:organizationhiredperson concept_person_linnet_deily +concept_building_hull concept:organizationhiredperson concept_writer_brown +concept_sportsteam_boston_celtics concept:organizationhiredperson concept_person_red_auerbach +concept_biotechcompany_cisco_systems_inc concept:organizationhiredperson concept_ceo_john_chambers +concept_geopoliticalorganization_new_england concept:organizationhiredperson concept_coach_bill_belichick +concept_company_national_action_network concept:organizationhiredperson concept_person_charlie_king +concept_governmentorganization_intelligence_community concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_elektra concept:organizationhiredperson concept_celebrity_jac_holzman +concept_bank_citizens concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_bahujan_samaj_party concept:organizationhiredperson concept_personus_party +concept_sportsteam_florida_gators concept:organizationhiredperson concept_visualartist_meyer +concept_sportsteam_baltimore_colts concept:organizationhiredperson concept_person_don_shula +concept_sportsteam_suns concept:organizationhiredperson concept_person_porter001 +concept_automobilemaker_chrysler_llc concept:organizationhiredperson concept_person_lee_iacocca +concept_sportsteam_rams concept:organizationhiredperson concept_visualizablething_vermeil +concept_school_duke concept:organizationhiredperson concept_coach_ted_roof +concept_sportsteam_bruins concept:organizationhiredperson concept_coach_john_wooden +concept_governmentorganization_u_s__department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_lancome concept:organizationhiredperson concept_person_odile_roujol +concept_sportsteam_suns concept:organizationhiredperson concept_personmexico_steve_nash +concept_sportsteam_mississippi_state_university concept:organizationhiredperson concept_coach_dan_mullen +concept_governmentorganization_u_s__senate concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_fyffes_plc concept:organizationhiredperson concept_person_jim_flavin +concept_politicalparty_samajwadi_party concept:organizationhiredperson concept_personus_party +concept_governmentorganization_u_s__congress concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_nc_state concept:organizationhiredperson concept_coach_kay_yow +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_tyrone_willingham +concept_governmentorganization_commission concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_mcdonalds concept:organizationhiredperson concept_ceo_jack_greenberg +concept_sportsteam_flyers_playoff_tickets concept:organizationhiredperson concept_person_stevens001 +concept_company_sybase concept:organizationhiredperson concept_personasia_john_chen +concept_biotechcompany_novell concept:organizationhiredperson concept_ceo_jack_messman +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_tony_dungy +concept_bank_barclays concept:organizationhiredperson concept_writer_john_varley +concept_sportsteam_cincinnati_bearcats concept:organizationhiredperson concept_coach_mick_cronin +concept_organization_kremlin concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_tyco_healthcare concept:organizationhiredperson concept_personus_dennis_kozlowski +concept_sportsteam_pittsburgh_penguins concept:organizationhiredperson concept_coach_michel_therrien +concept_sportsleague_nfl concept:organizationhiredperson concept_person_don_shula +concept_creditunion_jpmorgan_chase_bank concept:organizationhiredperson concept_personus_james_dimon +concept_company_canon concept:organizationhiredperson concept_ceo_fujio_mitarai +concept_politicalparty_political_party concept:organizationhiredperson concept_personus_party +concept_organization_triumph_motors concept:organizationhiredperson concept_athlete_john_ward +concept_sportsteam_ravens concept:organizationhiredperson concept_writer_brian_billick +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_mark_dantonio +concept_sportsteam_wake_forest concept:organizationhiredperson concept_coach_grobe +concept_organization_hofstra concept:organizationhiredperson concept_person_he +concept_sportsteam_notre_dame concept:organizationhiredperson concept_personnorthamerica_frank_leahy +concept_biotechcompany_antigenics_inc concept:organizationhiredperson concept_ceo_garo_h__armen +concept_sportsteam_raptors concept:organizationhiredperson concept_coach_mitch_williams +concept_sportsteam_new_york_giants concept:organizationhiredperson concept_coach_tom_coughlin +concept_company_ipsco concept:organizationhiredperson concept_person_david_s___sutherland +concept_governmentorganization_monsanto concept:organizationhiredperson concept_person_hugh_grant +concept_sportsteam_cincinnati_bearcats concept:organizationhiredperson concept_politician_mark_l__mallory +concept_biotechcompany_lucent concept:organizationhiredperson concept_personnorthamerica_patricia_russo +concept_company_markit concept:organizationhiredperson concept_politicianus_john_dooley +concept_politicalparty_opposition_parties concept:organizationhiredperson concept_personus_party +concept_company_services concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_us_congress concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_organization_dreyfus concept:organizationhiredperson concept_person_michael_schonberg +concept_governmentorganization_united_states_congress concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_micron concept:organizationhiredperson concept_ceo_steven_appleton +concept_bank_deutsche_bank_ag concept:organizationhiredperson concept_ceo_josef_ackermann +concept_company_badr_organization concept:organizationhiredperson concept_person_abdul_aziz_al_hakin +concept_sportsteam_boston_celtics concept:organizationhiredperson concept_coach_doc_rivers +concept_website_the_washington_post concept:organizationhiredperson concept_ceo_donald_graham +concept_nongovorganization_organisation concept:organizationhiredperson concept_personus_party +concept_sportsteam_heat concept:organizationhiredperson concept_person_riley001 +concept_automobilemaker_gm concept:organizationhiredperson concept_athlete_bob_lutz +concept_automobilemaker_toyota concept:organizationhiredperson concept_person_katsuaki_watanabe +concept_sportsteam_rams concept:organizationhiredperson concept_coach_spagnuolo +concept_bank_jp_morgan_chase concept:organizationhiredperson concept_ceo_jamie_dimon +concept_company_cablevision concept:organizationhiredperson concept_ceo_charles_dolan +concept_company_century_regional_detention_center concept:organizationhiredperson concept_person_alice_scott +concept_sportsteam_new_york_giants concept:organizationhiredperson concept_coach_bill_parcells +concept_website_new_york_times concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_auburn_university concept:organizationhiredperson concept_coach_tommy_tuberville +concept_sportsteam_dallas_cowboys concept:organizationhiredperson concept_coach_wade_phillips +concept_recordlabel_roc_a_fella concept:organizationhiredperson concept_male_damon_dash +concept_sportsteam_dallas_cowboys concept:organizationhiredperson concept_musician_jimmy_johnson +concept_politicalparty_bsp concept:organizationhiredperson concept_personus_party +concept_nongovorganization_committee concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_investigation concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_dan_devine +concept_sportsteam_florida_gators concept:organizationhiredperson concept_coach_billy_donovan +concept_organization_lehman concept:organizationhiredperson concept_person_philippe_burke +concept_company_bmw__mercedes_benz concept:organizationhiredperson concept_ceo_norbert_reithofer +concept_sportsteam_chicago_bulls concept:organizationhiredperson concept_athlete_vinny_del_negro +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_tom_izzo +concept_automobilemaker_bmw concept:organizationhiredperson concept_ceo_norbert_reithofer +concept_university_memphis concept:organizationhiredperson concept_coach_john_calipari +concept_county_temple_university concept:organizationhiredperson concept_professor_john_chaney +concept_stateorprovince_afternoon concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_organization_the_original_toronto_production_of___godspell____ concept:organizationhiredperson concept_personafrica_martin_short +concept_company_craigslist concept:organizationhiredperson concept_personus_craig_newmark +concept_politicalparty_shiv_sena concept:organizationhiredperson concept_personus_party +concept_sportsteam_ravens concept:organizationhiredperson concept_coach_billick +concept_sportsteam_notre_dame concept:organizationhiredperson concept_coach_lou_holtz +concept_sportsteam_france concept:organizationhiredperson concept_athlete_raymond_domenech +concept_sportsteam_sixers concept:organizationhiredperson concept_coach_cheeks +concept_company_disney_feature_animation concept:organizationhiredperson concept_ceo_jeffrey_katzenberg +concept_sportsteam_broncos concept:organizationhiredperson concept_coach_mike_shanahan +concept_sportsteam_rams concept:organizationhiredperson concept_coach_jim_haslett +concept_company_godaddy__com concept:organizationhiredperson concept_ceo_bob_parsons +concept_company_world_meteorological_organization concept:organizationhiredperson concept_person_dieter_schiessl +concept_sportsteam_huskies concept:organizationhiredperson concept_personaustralia_jim_calhoun +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_george_perles +concept_nongovorganization_senate_republicans concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_bank_barclays_global_investors concept:organizationhiredperson concept_writer_john_varley +concept_organization_the_boston_public_school_system concept:organizationhiredperson concept_person_i +concept_sportsteam_northern_illinois concept:organizationhiredperson concept_coach_joe_novak +concept_company_owens_corning concept:organizationhiredperson concept_personaustralia_david_brown +concept_governmentorganization_energy_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_organization_the_pittsburgh_police_force concept:organizationhiredperson concept_person_she +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_nick_saban +concept_sportsteam_cleveland_browns concept:organizationhiredperson concept_person_davis +concept_bank_mf_global concept:organizationhiredperson concept_personaustralia_john_kilduff +concept_sportsteam_fresno_state_bulldogs concept:organizationhiredperson concept_coach_pat_hill +concept_company_mai_mai_militia concept:organizationhiredperson concept_person_kibamba_kasereka +concept_governmentorganization_commerce_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_fema concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_arkansas_state_university concept:organizationhiredperson concept_coach_hugh_freeze +concept_biotechcompany_pg_e_corp concept:organizationhiredperson concept_ceo_a_g__lafley +concept_sportsteam_bucs concept:organizationhiredperson concept_coach_jon_gruden +concept_sportsleague_nfl concept:organizationhiredperson concept_coach_bill_walsh +concept_biotechcompany_procter___gamble concept:organizationhiredperson concept_person_fernandez +concept_company_screen_australia concept:organizationhiredperson concept_person_ruth_harley +concept_sportsteam_suns concept:organizationhiredperson concept_coach_d_antoni +concept_company_reebok concept:organizationhiredperson concept_ceo_paul_fireman +concept_organization_republican concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_michigan_state concept:organizationhiredperson concept_coach_saban +concept_sportsteam_pittsburgh_penguins concept:organizationhiredperson concept_coach_therrien +concept_sportsteam_southern_miss_lady_golden_eagles concept:organizationhiredperson concept_coach_jeff_bower +concept_school_duke concept:organizationhiredperson concept_coach_john_danowski +concept_nongovorganization_leftist_parties concept:organizationhiredperson concept_personus_party +concept_organization_lehman_brothers_holdings_inc__ concept:organizationhiredperson concept_person_philippe_burke +concept_professionalorganization_vietnam_veterans_of_america_foundation concept:organizationhiredperson concept_celebrity_jody_williams +concept_company_enron concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_power concept:organizationhiredperson concept_personus_party +concept_company_telmex concept:organizationhiredperson concept_person_carlos_slim_helu001 +concept_sportsleague_nba concept:organizationhiredperson concept_athlete_john_lucas +concept_biotechcompany_alcoa concept:organizationhiredperson concept_ceo_alain_belda +concept_sportsteam_red_wings concept:organizationhiredperson concept_personmexico_scotty_bowman +concept_sportsteam_kings_college concept:organizationhiredperson concept_coach_kenny_natt +concept_company_lenovo_group concept:organizationhiredperson concept_ceo_liu_chuanzhi +concept_governmentorganization_regulatory_agencies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_maryland_democratic_party concept:organizationhiredperson concept_person_michael_e__cryor +concept_organization_the_original_toronto_production_of___godspell____ concept:organizationhiredperson concept_personus_gilda_radner +concept_bank_us_bank concept:organizationhiredperson concept_personaustralia_richard_davis +concept_sportsteam_heat concept:organizationhiredperson concept_coach_erik_spoelstra +concept_sportsteam_broncos concept:organizationhiredperson concept_athlete_jeremy_bates +concept_sportsteam_broncos concept:organizationhiredperson concept_coach_josh_mcdaniels +concept_company_cingular_wireless_llc concept:organizationhiredperson concept_person_stan_sigman +concept_newspaper_new_york_times_company concept:organizationhiredperson concept_ceo_janet_l__robinson +concept_governmentorganization_department concept:organizationhiredperson concept_coach_clinton_white +concept_sportsteam_memphis_grizzlies concept:organizationhiredperson concept_coach_marc_iavaroni +concept_sportsteam_florida_gators concept:organizationhiredperson concept_coach_urban_meyer +concept_geopoliticallocation_central_michigan concept:organizationhiredperson concept_coach_butch_jones +concept_company_mahalo concept:organizationhiredperson concept_personus_jason_calacanis +concept_governmentorganization_republican_national_committee concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nonprofitorganization_free_software_foundation concept:organizationhiredperson concept_professor_richard_stallman +concept_company_pbs concept:organizationhiredperson concept_personus_pat_mitchell +concept_organization_morgan_stanley___co concept:organizationhiredperson concept_person_gordon_hall +concept_organization_chinese concept:organizationhiredperson concept_person_hua_guofeng +concept_company_anadarko_petroleum concept:organizationhiredperson concept_ceo_james_hackett +concept_blog_alibaba_com concept:organizationhiredperson concept_ceo_jack_ma +concept_company_compaq_presario concept:organizationhiredperson concept_ceo_michael_capellas +concept_sportsteam_bucks concept:organizationhiredperson concept_coach_scott_stiles +concept_company_lvmh concept:organizationhiredperson concept_person_bernard_arnault +concept_politicalparty_democrats concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_compaq concept:organizationhiredperson concept_ceo_michael_capellas +concept_biotechcompany_palm_inc concept:organizationhiredperson concept_ceo_ed_colligan +concept_organization_quaker_state concept:organizationhiredperson concept_person_william_w___tucker +concept_sportsleague_nba concept:organizationhiredperson concept_coach_phil_jackson +concept_bank_deutsche_bank concept:organizationhiredperson concept_ceo_josef_ackermann +concept_governmentorganization_epa concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_media concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_detroit_lions concept:organizationhiredperson concept_coach_mariucci +concept_sportsteam_buffalo_sabres concept:organizationhiredperson concept_coach_lindy_ruff +concept_sportsteam_kings_college concept:organizationhiredperson concept_person_murray +concept_sportsteam_chicago_bulls concept:organizationhiredperson concept_person_phil_jackson +concept_company_u_s__government concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_texas_christian_university concept:organizationhiredperson concept_coach_gary_patterson +concept_sportsteam_suns concept:organizationhiredperson concept_coach_mike_d_antoni +concept_geopoliticallocation_central_michigan concept:organizationhiredperson concept_coach_brian_kelly +concept_organization_indonesian concept:organizationhiredperson concept_person_suharto +concept_biotechcompany_cisco concept:organizationhiredperson concept_ceo_john_chambers +concept_company_federal_aviation_administration concept:organizationhiredperson concept_person_jane_garvey +concept_company_disney concept:organizationhiredperson concept_ceo_jeffrey_katzenberg +concept_sportsteam_nevada_wolfpack concept:organizationhiredperson concept_coach_chuck_amato +concept_county_philadelphia concept:organizationhiredperson concept_person_andy_reid +concept_company_fema concept:organizationhiredperson concept_person_mike_widomski +concept_company_quds_force concept:organizationhiredperson concept_person_ahmed_foruzandeh +concept_company_hong_kong_disneyland concept:organizationhiredperson concept_professor_andrew_kam +concept_website_youtube concept:organizationhiredperson concept_person_chen +concept_blog_george_w__bush concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_ravens concept:organizationhiredperson concept_coach_harbaugh +concept_school_duke concept:organizationhiredperson concept_coach_david_cutcliffe +concept_sportsteam_redskins concept:organizationhiredperson concept_coach_vince_lombardi +concept_company_niit concept:organizationhiredperson concept_ceo_vijay_k__thadani +concept_geopoliticalorganization_policies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_usc concept:organizationhiredperson concept_coach_carroll +concept_geopoliticallocation_iraq concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_biotechcompany_cisco_systems_inc_ concept:organizationhiredperson concept_ceo_john_chambers +concept_sportsteam_dallas_mavericks concept:organizationhiredperson concept_personaustralia_avery_johnson +concept_website_reporter concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_movement concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_chrysler_llc__ concept:organizationhiredperson concept_person_lee_iacocca +concept_geopoliticallocation_south_florida concept:organizationhiredperson concept_coach_skip_holtz +concept_sportsteam_falcons concept:organizationhiredperson concept_coach_dan_reeves +concept_politicalparty_political_parties concept:organizationhiredperson concept_personus_party +concept_sportsteam_central_oklahoma_bronchos concept:organizationhiredperson concept_coach_bob_stoops +concept_company_sprint_nextel concept:organizationhiredperson concept_ceo_gary_forsee +concept_biotechcompany_infosys_technologies_ltd_ concept:organizationheadquarteredincity concept_city_bangalore +concept_company_prudential concept:organizationheadquarteredincity concept_city_newark +concept_company_battelle concept:organizationheadquarteredincity concept_city_columbus +concept_company_bloomberg concept:organizationheadquarteredincity concept_city_new_york +concept_company_general_motors001 concept:organizationheadquarteredincity concept_city_lansing +concept_publication_american_airlines concept:organizationheadquarteredincity concept_city_heathrow +concept_magazine_forbes concept:organizationheadquarteredincity concept_city_new_york +concept_company_airbus concept:organizationheadquarteredincity concept_city_toulouse +concept_company_dow_jones_indexes concept:organizationheadquarteredincity concept_city_new_york +concept_company_salon concept:organizationheadquarteredincity concept_city_new_york +concept_company_malaysia_airlines concept:organizationheadquarteredincity concept_city_kuala_lumpur +concept_company_disney concept:organizationheadquarteredincity concept_city_burbank +concept_company_tjx concept:organizationheadquarteredincity concept_city_framingham +concept_bank_australia_and_new_zealand_banking_group concept:organizationheadquarteredincity concept_city_melbourne +concept_company_cybercoders concept:organizationheadquarteredincity concept_city_seattle +concept_company_hp concept:organizationheadquarteredincity concept_city_palo_alto +concept_company_village_voice_media concept:organizationheadquarteredincity concept_city_new_york +concept_company_safeco concept:organizationheadquarteredincity concept_city_seattle +concept_bank_us_airways concept:organizationheadquarteredincity concept_city_hudson +concept_company_ntt_docomo concept:organizationheadquarteredincity concept_city_tokyo +concept_company_wipo concept:organizationheadquarteredincity concept_city_geneva +concept_company_swagelok concept:organizationheadquarteredincity concept_city_solon +concept_biotechcompany_cisco_systems_inc concept:organizationheadquarteredincity concept_city_san_jose +concept_biotechcompany_merck___co concept:organizationheadquarteredincity concept_city_rahway +concept_biotechcompany_citigroup_inc concept:organizationheadquarteredincity concept_city_new_york +concept_company_aerolineas_argentinas concept:organizationheadquarteredincity concept_city_buenos_aires +concept_bank_prudential_financial concept:organizationheadquarteredincity concept_city_newark +concept_company_lg concept:organizationheadquarteredincity concept_city_seoul +concept_company_olympic_airways concept:organizationheadquarteredincity concept_city_athens +concept_biotechcompany_dow_chemical concept:organizationheadquarteredincity concept_city_freeport +concept_company_miller_brewing concept:organizationheadquarteredincity concept_city_milwaukee +concept_company_era_aviation concept:organizationheadquarteredincity concept_city_anchorage +concept_company_airasia_x concept:organizationheadquarteredincity concept_city_kuala_lumpur +concept_company_aero_california concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_cyprus_airways concept:organizationheadquarteredincity concept_city_larnaca +concept_bank_federal_reserve concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_martinair concept:organizationheadquarteredincity concept_city_amsterdam +concept_company_quds_force concept:organizationheadquarteredincity concept_city_tehran +concept_publication_national_press concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_srilankan concept:organizationheadquarteredincity concept_city_colombo +concept_biotechcompany_merck concept:organizationheadquarteredincity concept_city_rahway +concept_magazine_playboy concept:organizationheadquarteredincity concept_city_new_york +concept_biotechcompany_mallinckrodt concept:organizationheadquarteredincity concept_city_st_louis +concept_company_ebay001 concept:organizationheadquarteredincity concept_city_san_jose +concept_bank_ups_ground_shipping concept:organizationheadquarteredincity concept_city_atlanta +concept_company_qwest_communications concept:organizationheadquarteredincity concept_city_denver +concept_company_atlas_blue concept:organizationheadquarteredincity concept_city_marrakech +concept_company_johnson_controls concept:organizationheadquarteredincity concept_city_milwaukee +concept_company_malaysian_airlines concept:organizationheadquarteredincity concept_city_kuala_lumpur +concept_company_p_o concept:organizationheadquarteredincity concept_city_seattle +concept_company_asiana_airlines concept:organizationheadquarteredincity concept_city_seoul +concept_automobilemaker_caterpillar concept:organizationheadquarteredincity concept_city_peoria +concept_company_pixar_animation_studios concept:organizationheadquarteredincity concept_city_emeryville +concept_company_ariana_afghan_airlines concept:organizationheadquarteredincity concept_city_kabul +concept_company_bangkok_airways concept:organizationheadquarteredincity concept_city_bangkok +concept_automobilemaker_isuzu_motors concept:organizationheadquarteredincity concept_city_knoxville +concept_company_air_france concept:organizationheadquarteredincity concept_city_southampton +concept_company_general_mills concept:organizationheadquarteredincity concept_city_minneapolis +concept_automobilemaker_chrysler_llc concept:organizationheadquarteredincity concept_city_auburn_hills +concept_company_globespan concept:organizationheadquarteredincity concept_city_edinburgh +concept_bank_lehman_brothers concept:organizationheadquarteredincity concept_city_new_york +concept_company_cnbc concept:organizationheadquarteredincity concept_city_new_york +concept_bank_general_electric concept:organizationheadquarteredincity concept_city_fairfield +concept_company_kingfisher_airlines concept:organizationheadquarteredincity concept_city_bangalore +concept_biotechcompany_infosys_technologies_ltd concept:organizationheadquarteredincity concept_city_bangalore +concept_company_dragonair concept:organizationheadquarteredincity concept_city_hong_kong_island +concept_company_nationwide concept:organizationheadquarteredincity concept_city_columbus +concept_company_new_york_life_insurance concept:organizationheadquarteredincity concept_city_new_york +concept_publication_times_book_review concept:organizationheadquarteredincity concept_city_new_york +concept_company_air_botswana concept:organizationheadquarteredincity concept_city_johannesburg +concept_biotechcompany_dow_chemical_co_ concept:organizationheadquarteredincity concept_city_freeport +concept_company_ntt concept:organizationheadquarteredincity concept_city_tokyo +concept_company_bmi_baby concept:organizationheadquarteredincity concept_city_birmingham +concept_biotechcompany_boehringer_ingelheim_pharmaceuticals concept:organizationheadquarteredincity concept_city_ridgefield +concept_publication_variety concept:organizationheadquarteredincity concept_city_new_york +concept_company_nature_air concept:organizationheadquarteredincity concept_city_san_jose +concept_company_cherry concept:organizationheadquarteredincity concept_city_baltimore +concept_newspaper_record concept:organizationheadquarteredincity concept_city_new_york +concept_company_nasdaq concept:organizationheadquarteredincity concept_city_new_york +concept_company_air_philippines concept:organizationheadquarteredincity concept_city_manila +concept_company_fox concept:organizationheadquarteredincity concept_city_new_york +concept_company_eds concept:organizationheadquarteredincity concept_city_plano +concept_musicartist_times concept:organizationheadquarteredincity concept_city_washington_d_c +concept_publication_espn concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_press concept:organizationheadquarteredincity concept_city_new_york +concept_company_bmibaby concept:organizationheadquarteredincity concept_city_birmingham +concept_company_pbs concept:organizationheadquarteredincity concept_city_new_york +concept_company_red_hat_software concept:organizationheadquarteredincity concept_city_durham +concept_automobilemaker_saab_automobile concept:organizationheadquarteredincity concept_city_pittsburgh +concept_company_eagle concept:organizationheadquarteredincity concept_city_san_juan +concept_company_canwest_global concept:organizationheadquarteredincity concept_city_winnipeg +concept_bank_ups concept:organizationheadquarteredincity concept_city_atlanta +concept_recordlabel_rca concept:organizationheadquarteredincity concept_city_princeton +concept_company_union_carbide concept:organizationheadquarteredincity concept_city_danbury +concept_biotechcompany_roche concept:organizationheadquarteredincity concept_city_nutley +concept_company_atari concept:organizationheadquarteredincity concept_city_sunnyvale +concept_automobilemaker_isuzu concept:organizationheadquarteredincity concept_city_knoxville +concept_newspaper_the_new_york_times_book_review concept:organizationheadquarteredincity concept_city_new_york +concept_company_air_baltic concept:organizationheadquarteredincity concept_city_riga +concept_company_usair concept:organizationheadquarteredincity concept_city_charlotte +concept_biotechcompany_cisco_systems_inc_ concept:organizationheadquarteredincity concept_city_san_jose +concept_publication_times_literary_supplement concept:organizationheadquarteredincity concept_city_new_york +concept_company_oman_air concept:organizationheadquarteredincity concept_city_salalah +concept_company_singapore_airline concept:organizationheadquarteredincity concept_city_auckland +concept_bank_mcdonald_investments concept:organizationheadquarteredincity concept_city_oak_brook +concept_newspaper_sun_microsystems concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_luxair concept:organizationheadquarteredincity concept_city_luxembourg +concept_biotechcompany_honeywell concept:organizationheadquarteredincity concept_city_morristown +concept_biotechcompany_eli_lilly___co_ concept:organizationheadquarteredincity concept_city_indianapolis +concept_company_iberia concept:organizationheadquarteredincity concept_city_madrid +concept_publication_scientific_american concept:organizationheadquarteredincity concept_city_new_york +concept_bank_viacom concept:organizationheadquarteredincity concept_city_new_york +concept_company_lao_airlines concept:organizationheadquarteredincity concept_city_vientiane +concept_biotechcompany_pfizer concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_law_journal concept:organizationheadquarteredincity concept_city_new_york +concept_company_upi concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_city_paper001 concept:organizationheadquarteredincity concept_city_washington_d_c +concept_bank_morgan_stanley concept:organizationheadquarteredincity concept_city_new_york +concept_company_nation concept:organizationheadquarteredincity concept_city_new_york +concept_company_aegean_airlines concept:organizationheadquarteredincity concept_city_athens +concept_publication_bookforum concept:organizationheadquarteredincity concept_city_new_york +concept_company_international_steel_group concept:organizationheadquarteredincity concept_city_cleveland +concept_bank_bt concept:organizationheadquarteredincity concept_city_london_city +concept_newspaper_the_national concept:organizationheadquarteredincity concept_city_washington_d_c +concept_publication_telegraph concept:organizationheadquarteredincity concept_city_san_francisco +concept_publication_new_york_lawyer concept:organizationheadquarteredincity concept_city_new_york +concept_company_anheuser_busch_companies concept:organizationheadquarteredincity concept_city_st__louis +concept_company_raytheon concept:organizationheadquarteredincity concept_county_lexington +concept_company_century_regional_detention_center concept:organizationheadquarteredincity concept_city_lynwood +concept_company_phillips_petroleum concept:organizationheadquarteredincity concept_city_bartlesville +concept_biotechcompany_cisco concept:organizationheadquarteredincity concept_city_san_jose +concept_company_swiss concept:organizationheadquarteredincity concept_city_zurich +concept_company_fox_network concept:organizationheadquarteredincity concept_city_new_york +concept_bank_metlife concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_national_enquirer concept:organizationheadquarteredincity concept_city_new_york +concept_company_hilton_hotels_corporation concept:organizationheadquarteredincity concept_city_melbourne +concept_company_westinghouse_electric concept:organizationheadquarteredincity concept_city_pittsburgh +concept_magazine_vogue concept:organizationheadquarteredincity concept_city_new_york +concept_company_air_tahiti_nui concept:organizationheadquarteredincity concept_city_papeete +concept_company_air_madagascar concept:organizationheadquarteredincity concept_city_paris +concept_biotechcompany_baxter_healthcare concept:organizationheadquarteredincity concept_city_deerfield +concept_company_wizz_air concept:organizationheadquarteredincity concept_city_budapest +concept_bank_ge concept:organizationheadquarteredincity concept_city_schenectady +concept_company_air_fiji concept:organizationheadquarteredincity concept_city_suva +concept_company_lan_airlines concept:organizationheadquarteredincity concept_city_santiago +concept_biotechcompany_autodesk_inc_ concept:organizationheadquarteredincity concept_city_san_rafael +concept_publication_slate concept:organizationheadquarteredincity concept_city_new_york +concept_biotechcompany_alcoa concept:organizationheadquarteredincity concept_city_pittsburgh +concept_company_world_meteorological_organization concept:organizationheadquarteredincity concept_city_geneva +concept_bank_citigroup concept:organizationheadquarteredincity concept_city_new_york +concept_company_pembina_institute concept:organizationheadquarteredincity concept_city_calgary +concept_company_kraft_foods concept:organizationheadquarteredincity concept_city_northfield +concept_organization_free_thinking_film_society concept:organizationheadquarteredincity concept_city_ottawa +concept_company_carmax concept:organizationheadquarteredincity concept_city_richmond +concept_company_delta_airlines concept:organizationheadquarteredincity concept_city_atlanta +concept_politicalparty_international_monetary_fund concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_lot_polish_airlines concept:organizationheadquarteredincity concept_city_warsaw +concept_bank_swiss_bank concept:organizationheadquarteredincity concept_city_zurich +concept_company_egyptair concept:organizationheadquarteredincity concept_city_cairo +concept_biotechcompany_infosys_technologies concept:organizationheadquarteredincity concept_city_bangalore +concept_biotechcompany_tap concept:organizationheadquarteredincity concept_city_lisbon +concept_company_american_eagle concept:organizationheadquarteredincity concept_city_miami +concept_company_georgia_pacific concept:organizationheadquarteredincity concept_city_atlanta +concept_company_xerox concept:organizationheadquarteredincity concept_city_stamford +concept_bank_continental_airlines concept:organizationheadquarteredincity concept_city_houston +concept_company_qwest concept:organizationheadquarteredincity concept_city_denver +concept_company_asiana concept:organizationheadquarteredincity concept_city_seoul +concept_recordlabel_warner_brothers concept:organizationheadquarteredincity concept_city_burbank +concept_company_weyerhaeuser concept:organizationheadquarteredincity concept_city_federal_way +concept_company_air_vanuatu concept:organizationheadquarteredincity concept_city_port_vila +concept_company_air_asia concept:organizationheadquarteredincity concept_city_bangkok +concept_company_air_astana concept:organizationheadquarteredincity concept_city_almaty +concept_company_tiger_airways concept:organizationheadquarteredincity concept_city_melbourne +concept_company_nationwide_insurance concept:organizationheadquarteredincity concept_city_columbus +concept_automobilemaker_suzuki concept:organizationheadquarteredincity concept_city_tucson +concept_company_wal_mart concept:organizationheadquarteredincity concept_city_bentonville +concept_company_air_southwest concept:organizationheadquarteredincity concept_city_newquay +concept_company_srilankan_airlines concept:organizationheadquarteredincity concept_city_colombo +concept_company_kulula concept:organizationheadquarteredincity concept_city_johannesburg +concept_company_post concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_horizon_air concept:organizationheadquarteredincity concept_city_seattle +concept_company_air_niugini concept:organizationheadquarteredincity concept_city_port_moresby +concept_company_wall_street_journal_interactive_edition concept:organizationheadquarteredincity concept_city_new_york +concept_biotechcompany_boeing_commercial_airplanes concept:organizationheadquarteredincity concept_city_chicago +concept_company_walt_disney_world concept:organizationheadquarteredincity concept_city_burbank +concept_company_berjaya_air concept:organizationheadquarteredincity concept_city_kuala_lumpur +concept_televisionnetwork_cbs concept:organizationheadquarteredincity concept_city_new_york +concept_company_micron concept:organizationheadquarteredincity concept_city_boise +concept_bank_citigroup_global_markets concept:organizationheadquarteredincity concept_city_new_york +concept_automobilemaker_saab concept:organizationheadquarteredincity concept_city_pittsburgh +concept_company_warner_bros_ concept:organizationheadquarteredincity concept_city_burbank +concept_organization_league_of_nations concept:organizationheadquarteredincity concept_city_geneva +concept_company_pepsico concept:organizationheadquarteredincity concept_city_new_york +concept_company_west_jet concept:organizationheadquarteredincity concept_city_calgary +concept_organization_afp concept:organizationheadquarteredincity concept_city_canberra_canberra +concept_company_good_morning_america001 concept:organizationheadquarteredincity concept_city_new_york +concept_company_allegiant concept:organizationheadquarteredincity concept_city_las_vegas +concept_biotechcompany_baxter concept:organizationheadquarteredincity concept_city_deerfield +concept_publication_the_new_york_review_of_books concept:organizationheadquarteredincity concept_city_new_york +concept_company_p_i_ concept:organizationheadquarteredincity concept_city_seattle +concept_company_ksl concept:organizationheadquarteredincity concept_county_salt_lake +concept_company_philippine_airlines concept:organizationheadquarteredincity concept_city_manila +concept_recordlabel_rca_victor concept:organizationheadquarteredincity concept_city_princeton +concept_company_air_tahiti concept:organizationheadquarteredincity concept_city_papeete +concept_company_lan_chile concept:organizationheadquarteredincity concept_city_santiago +concept_company_allegiant_air concept:organizationheadquarteredincity concept_city_las_vegas +concept_company_bp_america concept:organizationheadquarteredincity concept_city_warrenville +concept_company_klas concept:organizationheadquarteredincity concept_city_las_vegas +concept_company_dolby concept:organizationheadquarteredincity concept_city_san_francisco +concept_company_thai_international concept:organizationheadquarteredincity concept_city_bangkok +concept_company_glsen concept:organizationheadquarteredincity concept_city_new_york +concept_company_lan_peru concept:organizationheadquarteredincity concept_city_lima +concept_publication_vanity_fair concept:organizationheadquarteredincity concept_city_new_york +concept_bank_bbva concept:organizationheadquarteredincity concept_city_bilbao +concept_company_pixar concept:organizationheadquarteredincity concept_city_emeryville +concept_biotechcompany_boeing concept:organizationheadquarteredincity concept_city_chicago +concept_company_xcel_energy concept:organizationheadquarteredincity concept_city_saint_paul +concept_company_chrysler_llc__ concept:organizationheadquarteredincity concept_city_auburn_hills +concept_company_qwest_communications_international concept:organizationheadquarteredincity concept_city_denver +concept_company_micron_technology concept:organizationheadquarteredincity concept_city_boise +concept_company_press concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_aflac concept:organizationheadquarteredincity concept_city_columbus +concept_company_walt_disney concept:organizationheadquarteredincity concept_city_burbank +concept_company_air_pacific concept:organizationheadquarteredincity concept_city_auckland +concept_newspaper_post concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_inquirer concept:organizationheadquarteredincity concept_city_new_york +concept_company_delta concept:organizationheadquarteredincity concept_city_atlanta +concept_company_thai_airlines concept:organizationheadquarteredincity concept_city_bangkok +concept_televisionstation_warner_bros concept:organizationheadquarteredincity concept_city_burbank +concept_company_usairways concept:organizationheadquarteredincity concept_city_charlotte +concept_company_air_north concept:organizationheadquarteredincity concept_city_vancouver +concept_automobilemaker_hyundai concept:organizationheadquarteredincity concept_city_san_diego +concept_company_sprint_nextel concept:organizationheadquarteredincity concept_county_kansas_city +concept_company_fema concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_american_eagle_outfitters concept:organizationheadquarteredincity concept_city_miami +concept_company_ap_ concept:organizationheadquarteredincity concept_city_new_york +concept_company_sas001 concept:organizationheadquarteredincity concept_city_stockholm +concept_company_alaska_air concept:organizationheadquarteredincity concept_city_seattle +concept_publication_wcax_tv concept:organizationheadquarteredincity concept_city_burlington +concept_biotechcompany_dow concept:organizationheadquarteredincity concept_city_freeport +concept_company_pb_air concept:organizationheadquarteredincity concept_city_bangkok +concept_company_nasa concept:organizationheadquarteredincity concept_city_washington_d_c +concept_newspaper_enquirer concept:organizationheadquarteredincity concept_city_new_york +concept_automobilemaker_gm concept:organizationheadquarteredincity concept_city_detroit +concept_company_msnbc concept:organizationheadquarteredincity concept_city_new_york +concept_company_playboy_enterprises concept:organizationheadquarteredincity concept_city_new_york +concept_company_iberia_airlines concept:organizationheadquarteredincity concept_city_madrid +concept_company_disney_feature_animation concept:organizationheadquarteredincity concept_city_burbank +concept_company_red_hat_inc concept:organizationheadquarteredincity concept_city_durham diff --git a/process_data/NELL995_original/train.txt b/process_data/NELL995_original/train.txt new file mode 100644 index 0000000..aa3e469 --- /dev/null +++ b/process_data/NELL995_original/train.txt @@ -0,0 +1,149678 @@ +concept_academicfield_academic_programs concept:academicprogramatuniversity concept_university_college +concept_academicfield_accommodation concept:proxyfor concept_book_new +concept_academicfield_account concept:proxyfor concept_book_new +concept_academicfield_account concept:atdate concept_date_n2003 +concept_academicfield_account concept:atdate concept_date_n2004 +concept_academicfield_account concept:atdate concept_date_n2009 +concept_academicfield_account concept:atdate concept_dateliteral_n2005 +concept_academicfield_account concept:atdate concept_dateliteral_n2007 +concept_academicfield_account concept:atdate concept_dateliteral_n2008 +concept_academicfield_account concept:subpartof concept_weatherphenomenon_water +concept_academicfield_accountancy concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_accountancy concept:academicprogramatuniversity concept_university_college +concept_academicfield_accountancy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_accounting concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_accounting concept:academicprogramatuniversity concept_university_college +concept_academicfield_accounting concept:academicprogramatuniversity concept_university_institute +concept_academicfield_accounting concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_accounting concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_accounting_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_accreditation concept:atdate concept_date_n2003 +concept_academicfield_accreditation concept:atdate concept_dateliteral_n2002 +concept_academicfield_accreditation concept:atdate concept_dateliteral_n2005 +concept_academicfield_accreditation concept:atdate concept_dateliteral_n2006 +concept_academicfield_accreditation concept:atdate concept_dateliteral_n2007 +concept_academicfield_accreditation concept:atdate concept_dateliteral_n2008 +concept_academicfield_acting concept:academicprogramatuniversity concept_university_college +concept_academicfield_actuarial_science concept:academicfieldsuchasacademicfield concept_academicfield_operations_research +concept_academicfield_actuarial_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_administration concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_administration concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_admission concept:academicprogramatuniversity concept_university_college +concept_academicfield_adult_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_advanced_degrees concept:academicprogramatuniversity concept_university_college +concept_academicfield_aeronautical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_aeronautics concept:academicprogramatuniversity concept_university_college +concept_academicfield_aerospace_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_aerospace_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_african_american_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_african_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_agricultural_economics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_agricultural_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_agronomy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_aircraft concept:atdate concept_date_n1941 +concept_academicfield_aircraft concept:atdate concept_dateliteral_n2005 +concept_academicfield_aircraft concept:atdate concept_dateliteral_n2006 +concept_academicfield_aircraft concept:atdate concept_dateliteral_n2007 +concept_academicfield_aircraft concept:atdate concept_dateliteral_n2008 +concept_academicfield_aircraft concept:atdate concept_year_n1960 +concept_academicfield_allied_health concept:academicprogramatuniversity concept_university_college +concept_academicfield_american_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_american_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_analysis concept:academicprogramatuniversity concept_university_college +concept_academicfield_analysis concept:academicprogramatuniversity concept_university_institute +concept_academicfield_analytical_chemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_anatomy concept:academicfieldconcernssubject concept_profession_structure +concept_academicfield_anatomy concept:academicprogramatuniversity concept_university_college +concept_academicfield_anatomy_and_cell_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_ancient_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_anesthesiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_animal_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_animal_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_animal_sciences concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_anthropology concept:academicfieldconcernssubject concept_academicfield_evolution +concept_academicfield_anthropology concept:academicprogramatuniversity concept_university_college +concept_academicfield_anthropology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_anthropology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_applications concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_applications concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_applications concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_applied_linguistics concept:academicprogramatuniversity concept_university_college +concept_academicfield_applied_mathematics concept:academicprogramatuniversity concept_university_college +concept_academicfield_applied_mathematics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_applied_physics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_applied_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_applied_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering_technology +concept_academicfield_applied_science concept:academicfieldsuchasacademicfield concept_academicfield_management +concept_academicfield_applied_science concept:academicfieldsuchasacademicfield concept_academicfield_program +concept_academicfield_applied_science concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_applied_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_applied_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_applied_statistics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_archaeology concept:academicprogramatuniversity concept_university_college +concept_academicfield_archaeology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_archaeology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_architects concept:atdate concept_dayofweek_thursday +concept_academicfield_architects concept:atdate concept_dayofweek_tuesday +concept_academicfield_architects concept:atdate concept_dayofweek_wednesday +concept_academicfield_architectural_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_architectural_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_architectural_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_architecture concept:academicprogramatuniversity concept_university_ball_state +concept_academicfield_architecture concept:academicprogramatuniversity concept_university_college +concept_academicfield_architecture concept:academicprogramatuniversity concept_university_institute +concept_academicfield_architecture concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_archives concept:academicprogramatuniversity concept_university_college +concept_academicfield_art concept:academicfieldsuchasacademicfield concept_academicfield_graphic_design +concept_academicfield_art concept:academicfieldsuchasacademicfield concept_academicfield_literature +concept_academicfield_art concept:academicprogramatuniversity concept_university_college +concept_academicfield_art concept:academicprogramatuniversity concept_university_institute +concept_academicfield_art concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_art_courses concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_department concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_art_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_history concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_art_school concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_art_training concept:academicprogramatuniversity concept_university_college +concept_academicfield_artificial_intelligence concept:academicprogramatuniversity concept_university_institute +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_administration +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_architecture +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_design +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_graphic_design +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_health +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_history +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_literature +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_management +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_sciences +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_academicfield_visual_arts +concept_academicfield_arts concept:academicfieldsuchasacademicfield concept_politicsissue_health_care +concept_academicfield_arts concept:academicprogramatuniversity concept_university_academy +concept_academicfield_arts concept:academicprogramatuniversity concept_university_booker_t__washington_high_school +concept_academicfield_arts concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_arts concept:academicprogramatuniversity concept_university_city_college +concept_academicfield_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_arts concept:academicprogramatuniversity concept_university_florida_college +concept_academicfield_arts concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_arts concept:academicprogramatuniversity concept_university_high_school +concept_academicfield_arts concept:academicprogramatuniversity concept_university_institute +concept_academicfield_arts concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_arts concept:academicprogramatuniversity concept_university_schools +concept_academicfield_arts concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_arts concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_arts concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_arts concept:academicprogramatuniversity concept_university_university_college +concept_academicfield_arts concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_arts concept:academicprogramatuniversity concept_university_wesleyan_university +concept_academicfield_arts_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_arts_management concept:academicprogramatuniversity concept_university_carnegie_mellon_university +concept_academicfield_arts_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_arts_management concept:academicprogramatuniversity concept_university_george_mason_university +concept_academicfield_asian_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_assessment concept:academicprogramatuniversity concept_university_college +concept_academicfield_association concept:atdate concept_date_n1999 +concept_academicfield_association concept:atdate concept_date_n2000 +concept_academicfield_association concept:atdate concept_date_n2001 +concept_academicfield_association concept:atdate concept_date_n2003 +concept_academicfield_association concept:atdate concept_date_n2004 +concept_academicfield_association concept:atdate concept_dateliteral_n2002 +concept_academicfield_association concept:atdate concept_dateliteral_n2005 +concept_academicfield_association concept:atdate concept_dateliteral_n2006 +concept_academicfield_association concept:atdate concept_dateliteral_n2007 +concept_academicfield_association concept:atdate concept_dateliteral_n2008 +concept_academicfield_association concept:synonymfor concept_sportsequipment_board +concept_academicfield_association concept:atdate concept_year_n1997 +concept_academicfield_astronautics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_astronomy concept:academicfieldconcernssubject concept_mldataset_stars +concept_academicfield_astronomy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_astrophysics concept:academicprogramatuniversity concept_university_college +concept_academicfield_asylum concept:atdate concept_date_n2000 +concept_academicfield_asylum concept:subpartof concept_personus_david_geffen +concept_academicfield_athletics concept:academicprogramatuniversity concept_university_college +concept_academicfield_athletics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_audiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_audit concept:atdate concept_date_n2003 +concept_academicfield_audit concept:atdate concept_date_n2004 +concept_academicfield_audit concept:atdate concept_dateliteral_n2002 +concept_academicfield_audit concept:atdate concept_dateliteral_n2007 +concept_academicfield_audit concept:atdate concept_dateliteral_n2008 +concept_academicfield_automation concept:academicprogramatuniversity concept_university_institute +concept_academicfield_automotive_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_behavior concept:academicprogramatuniversity concept_university_college +concept_academicfield_behavioral_science concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_behavioral_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_behavioral_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_biblical_counseling concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_biblical_languages concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_biblical_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_biblical_studies concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_biochemical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biochemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_biochemistry concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biochemistry concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_biochemistry_and_molecular_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_bioethics concept:academicprogramatuniversity concept_university_college +concept_academicfield_bioinformatics concept:academicprogramatuniversity concept_university_college +concept_academicfield_bioinformatics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biological concept:academicprogramatuniversity concept_university_college +concept_academicfield_biological_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biological_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_biological_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_biological_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biological_sciences concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_biochemistry +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_biophysics +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_botany +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_ecology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_genetics +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_geography +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_health +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_horticulture +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_human_biology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_human_genetics +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_immunology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_marine +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_medicine +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_microbiology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_molecular_biology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_molecular_genetics +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_pathology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_pharmacology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_physiology +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_wildlife +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_academicfield_zoology +concept_academicfield_biology concept:academicfieldconcernssubject concept_fungus_organisms +concept_academicfield_biology concept:academicfieldconcernssubject concept_geometricshape_taxonomy +concept_academicfield_biology concept:academicfieldsuchasacademicfield concept_politicsissue_environment +concept_academicfield_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_biology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_biology_chemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_biomedical_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_biomedical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biomedical_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_biophysics concept:academicfieldsuchasacademicfield concept_academicfield_biochemistry +concept_academicfield_biophysics concept:academicprogramatuniversity concept_university_college +concept_academicfield_biophysics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_biopsychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_biostatistics concept:academicprogramatuniversity concept_university_college +concept_academicfield_black_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_black_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_bookshop concept:atdate concept_dateliteral_n2007 +concept_academicfield_botany concept:academicprogramatuniversity concept_university_college +concept_academicfield_botany concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_broadcast_journalism concept:academicprogramatuniversity concept_university_college +concept_academicfield_bsc concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_bsc concept:academicprogramatuniversity concept_university_college +concept_academicfield_bsc concept:academicprogramatuniversity concept_university_institute +concept_academicfield_business concept:academicfieldsuchasacademicfield concept_academicfield_business_administration +concept_academicfield_business concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_business concept:academicfieldsuchasacademicfield concept_academicfield_finance +concept_academicfield_business concept:academicfieldsuchasacademicfield concept_academicfield_management +concept_academicfield_business concept:academicfieldsuchasacademicfield concept_academicfield_planning +concept_academicfield_business concept:academicprogramatuniversity concept_university_college +concept_academicfield_business concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_business concept:academicprogramatuniversity concept_university_institute +concept_academicfield_business concept:academicprogramatuniversity concept_university_northwestern_university +concept_academicfield_business concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_business concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_business concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_business concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_business concept:academicprogramatuniversity concept_university_wesleyan_college +concept_academicfield_business concept:academicprogramatuniversity concept_university_wesleyan_university +concept_academicfield_business_accounting concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_administration concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_academicfield_business_administration concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_business_administration concept:academicfieldsuchasacademicfield concept_academicfield_health +concept_academicfield_business_administration concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_city_university +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_harvard_business_school +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_institute +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_richard_ivey_school_of_business +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_simon_fraser_university +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_business_administration concept:academicprogramatuniversity concept_university_wharton_school +concept_academicfield_business_administration_accounting concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_administration_marketing concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_adminstration concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_economics concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_business_finance concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_management concept:academicprogramatuniversity concept_university_institute +concept_academicfield_business_management concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_business_marketing concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_school concept:academicprogramatuniversity concept_university_college +concept_academicfield_business_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_businesses concept:proxyfor concept_book_new +concept_academicfield_businesses concept:atdate concept_date_n2003 +concept_academicfield_businesses concept:atdate concept_date_n2004 +concept_academicfield_businesses concept:atdate concept_dateliteral_n2005 +concept_academicfield_businesses concept:atdate concept_dateliteral_n2006 +concept_academicfield_businesses concept:atdate concept_dateliteral_n2007 +concept_academicfield_businesses concept:atdate concept_dateliteral_n2008 +concept_academicfield_businesses concept:mutualproxyfor concept_sportsequipment_new +concept_academicfield_businesses concept:subpartof concept_weatherphenomenon_air +concept_academicfield_businesses concept:subpartof concept_weatherphenomenon_water +concept_academicfield_cambridge_university_press concept:atdate concept_dateliteral_n2006 +concept_academicfield_cambridge_university_press concept:atdate concept_dateliteral_n2008 +concept_academicfield_campus concept:academicprogramatuniversity concept_university_college +concept_academicfield_cardiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_cardiothoracic_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_care concept:academicprogramatuniversity concept_university_college +concept_academicfield_care concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_career_services concept:academicprogramatuniversity concept_university_college +concept_academicfield_careers concept:academicprogramatuniversity concept_university_college +concept_academicfield_caribbean_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_cell_and_developmental_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_cell_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_cell_biology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_centers concept:subpartof concept_weatherphenomenon_air +concept_academicfield_centers concept:subpartof concept_weatherphenomenon_water +concept_academicfield_certification concept:proxyfor concept_book_new +concept_academicfield_certification concept:atdate concept_date_n2000 +concept_academicfield_certification concept:atdate concept_date_n2001 +concept_academicfield_certification concept:atdate concept_date_n2003 +concept_academicfield_certification concept:atdate concept_date_n2004 +concept_academicfield_certification concept:atdate concept_dateliteral_n2002 +concept_academicfield_certification concept:atdate concept_dateliteral_n2005 +concept_academicfield_certification concept:atdate concept_dateliteral_n2006 +concept_academicfield_certification concept:atdate concept_dateliteral_n2007 +concept_academicfield_certification concept:atdate concept_dateliteral_n2008 +concept_academicfield_certification concept:mutualproxyfor concept_sportsequipment_new +concept_academicfield_certification concept:academicprogramatuniversity concept_university_college +concept_academicfield_certification concept:subpartof concept_weatherphenomenon_water +concept_academicfield_certification concept:atdate concept_year_n1998 +concept_academicfield_challenges concept:ismultipleof concept_publication_people_ +concept_academicfield_challenges concept:istallerthan concept_publication_people_ +concept_academicfield_challenges concept:subpartof concept_weatherphenomenon_air +concept_academicfield_challenges concept:subpartof concept_weatherphenomenon_water +concept_academicfield_change concept:academicprogramatuniversity concept_university_college +concept_academicfield_chemical_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_chemical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_chemical_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_chemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_chemistry concept:academicprogramatuniversity concept_university_institute +concept_academicfield_chemistry concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_child_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_child_development concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_child_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_childhood_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_chinese_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_christian_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_christian_education concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_christian_education concept:academicprogramatuniversity concept_university_theological_seminary +concept_academicfield_christian_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_church_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_church_history concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_city_planning concept:academicprogramatuniversity concept_university_institute +concept_academicfield_civil_and_environmental_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_civil_and_environmental_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_civil_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_civil_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_civil_engineering_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_civil_law concept:academicprogramatuniversity concept_university_college +concept_academicfield_civilization concept:academicprogramatuniversity concept_university_college +concept_academicfield_classical_languages concept:academicprogramatuniversity concept_university_college +concept_academicfield_classical_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_classics concept:academicprogramatuniversity concept_university_college +concept_academicfield_climate concept:proxyfor concept_book_new +concept_academicfield_clinical_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinical_neurology concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinical_nutrition concept:atdate concept_dateliteral_n2005 +concept_academicfield_clinical_pharmacology concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinical_psychiatry concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinical_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinical_psychology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_clinical_psychology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_clinical_research concept:academicprogramatuniversity concept_university_college +concept_academicfield_clinics concept:proxyfor concept_book_new +concept_academicfield_clinics concept:atdate concept_date_n2004 +concept_academicfield_coaching concept:academicprogramatuniversity concept_university_college +concept_academicfield_cognitive_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_cognitive_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_college_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_college_student_personnel concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_collins concept:atdate concept_date_n2004 +concept_academicfield_communcations concept:latitudelongitude 41.4052800000000,-75.6569400000000 +concept_academicfield_communication concept:academicprogramatuniversity concept_university_college +concept_academicfield_communication concept:academicprogramatuniversity concept_university_institute +concept_academicfield_communication concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_communication concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_communication_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_communication_disorders concept:academicprogramatuniversity concept_university_college +concept_academicfield_communication_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_communication_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_communication_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_communications concept:academicprogramatuniversity concept_university_institute +concept_academicfield_communications concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_communications_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_communities concept:subpartof concept_weatherphenomenon_water +concept_academicfield_community_counseling concept:academicprogramatuniversity concept_university_college +concept_academicfield_community_health concept:academicprogramatuniversity concept_university_college +concept_academicfield_community_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_community_services concept:academicprogramatuniversity concept_university_college +concept_academicfield_community_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_comparative_literature concept:academicfieldconcernssubject concept_geometricshape_literature +concept_academicfield_composition concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_and_information_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_applications concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_computer_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_computer_information_systems concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_programming concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_science concept:academicfieldconcernssubject concept_academicfield_algorithms +concept_academicfield_computer_science concept:atdate concept_date_n2000 +concept_academicfield_computer_science concept:atdate concept_date_n2003 +concept_academicfield_computer_science concept:atdate concept_date_n2004 +concept_academicfield_computer_science concept:atdate concept_dateliteral_n2002 +concept_academicfield_computer_science concept:atdate concept_dateliteral_n2005 +concept_academicfield_computer_science concept:atdate concept_dateliteral_n2006 +concept_academicfield_computer_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_computer_science concept:academicprogramatuniversity concept_university_rice_university +concept_academicfield_computer_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_computer_science concept:atdate concept_year_n1997 +concept_academicfield_computer_science___engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_computer_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_computer_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_computer_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_computing concept:academicprogramatuniversity concept_university_college +concept_academicfield_conducting concept:academicprogramatuniversity concept_university_college +concept_academicfield_conferences concept:proxyfor concept_book_new +concept_academicfield_conferences concept:atdate concept_dateliteral_n2005 +concept_academicfield_conferences concept:atdate concept_dateliteral_n2007 +concept_academicfield_conferences concept:subpartof concept_weatherphenomenon_water +concept_academicfield_conflict_resolution concept:academicprogramatuniversity concept_university_college +concept_academicfield_conservation concept:academicprogramatuniversity concept_university_college +concept_academicfield_construction concept:academicprogramatuniversity concept_university_college +concept_academicfield_construction_management concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_construction_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_construction_management concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_consultation concept:atdate concept_date_n1996 +concept_academicfield_consultation concept:atdate concept_date_n1999 +concept_academicfield_consultation concept:atdate concept_date_n2000 +concept_academicfield_consultation concept:atdate concept_date_n2001 +concept_academicfield_consultation concept:atdate concept_date_n2003 +concept_academicfield_consultation concept:atdate concept_date_n2004 +concept_academicfield_consultation concept:atdate concept_date_n2009 +concept_academicfield_consultation concept:atdate concept_dateliteral_n2002 +concept_academicfield_consultation concept:atdate concept_dateliteral_n2005 +concept_academicfield_consultation concept:atdate concept_dateliteral_n2006 +concept_academicfield_consultation concept:atdate concept_dateliteral_n2007 +concept_academicfield_consultation concept:atdate concept_dateliteral_n2008 +concept_academicfield_consultation concept:atdate concept_year_n1995 +concept_academicfield_continuing_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_control concept:synonymfor concept_academicfield_version +concept_academicfield_control concept:proxyfor concept_book_new +concept_academicfield_control concept:atdate concept_date_n1999 +concept_academicfield_control concept:atdate concept_date_n2003 +concept_academicfield_control concept:atdate concept_date_n2004 +concept_academicfield_control concept:atdate concept_date_n2009 +concept_academicfield_control concept:atdate concept_dateliteral_n2006 +concept_academicfield_control concept:atdate concept_dateliteral_n2007 +concept_academicfield_control concept:atdate concept_dateliteral_n2008 +concept_academicfield_control concept:subpartof concept_weatherphenomenon_air +concept_academicfield_control concept:subpartof concept_weatherphenomenon_water +concept_academicfield_control_systems concept:subpartof concept_weatherphenomenon_air +concept_academicfield_control_systems concept:subpartof concept_weatherphenomenon_water +concept_academicfield_corporate_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_corporate_finance concept:academicprogramatuniversity concept_university_college +concept_academicfield_corporations concept:proxyfor concept_book_new +concept_academicfield_corporations concept:subpartof concept_weatherphenomenon_water +concept_academicfield_correspondence concept:academicprogramatuniversity concept_university_college +concept_academicfield_cost concept:subpartof concept_weatherphenomenon_air +concept_academicfield_counseling concept:academicprogramatuniversity concept_university_college +concept_academicfield_counseling concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_counseling concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_counseling_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_counselor_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_counselor_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_creative_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_creative_arts concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_creative_writing concept:academicprogramatuniversity concept_university_college +concept_academicfield_creative_writing concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_creative_writing concept:academicprogramatuniversity concept_university_institute +concept_academicfield_creative_writing concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_criminal_justice concept:academicprogramatuniversity concept_university_college +concept_academicfield_criminal_justice concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_criminal_justice_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_criminal_law concept:academicprogramatuniversity concept_university_college +concept_academicfield_criminology concept:academicprogramatuniversity concept_university_college +concept_academicfield_criminology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_critical_theory concept:academicprogramatuniversity concept_university_college +concept_academicfield_culinary_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_culinary_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_cultural_anthropology concept:academicprogramatuniversity concept_university_college +concept_academicfield_cultural_studies concept:latitudelongitude 39.8114500000000,-84.2507800000000 +concept_academicfield_cultural_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_culture concept:academicprogramatuniversity concept_university_college +concept_academicfield_curriculum concept:academicprogramatuniversity concept_university_college +concept_academicfield_curriculum_and_instruction concept:academicprogramatuniversity concept_university_college +concept_academicfield_dance concept:academicprogramatuniversity concept_university_college +concept_academicfield_dance concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_dance_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_data_processing concept:academicprogramatuniversity concept_university_college +concept_academicfield_deaf_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_delhi concept:proxyfor concept_book_new +concept_academicfield_delhi concept:atdate concept_date_n2001 +concept_academicfield_delhi concept:atdate concept_dateliteral_n2008 +concept_academicfield_delhi concept:atlocation concept_lake_new +concept_academicfield_delhi concept:mutualproxyfor concept_sportsequipment_new +concept_academicfield_dental_hygiene concept:academicprogramatuniversity concept_university_college +concept_academicfield_dentistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_dermatology concept:academicprogramatuniversity concept_university_college +concept_academicfield_design concept:academicfieldsuchasacademicfield concept_academicfield_art +concept_academicfield_design concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_academicfield_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_design concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_design concept:academicprogramatuniversity concept_university_institute +concept_academicfield_design concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_development concept:academicprogramatuniversity concept_university_institute +concept_academicfield_development concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_developmental_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_developmental_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_devices concept:subpartof concept_buildingmaterial_gas +concept_academicfield_devices concept:atdate concept_dateliteral_n2006 +concept_academicfield_devices concept:subpartof concept_weatherphenomenon_air +concept_academicfield_dietetics concept:academicprogramatuniversity concept_university_college +concept_academicfield_digital_media concept:academicprogramatuniversity concept_university_college +concept_academicfield_directors concept:atdate concept_date_n1996 +concept_academicfield_directors concept:atdate concept_date_n1999 +concept_academicfield_directors concept:atdate concept_date_n2000 +concept_academicfield_directors concept:atdate concept_date_n2001 +concept_academicfield_directors concept:atdate concept_date_n2003 +concept_academicfield_directors concept:atdate concept_date_n2004 +concept_academicfield_directors concept:atdate concept_date_n2009 +concept_academicfield_directors concept:atdate concept_dateliteral_n2002 +concept_academicfield_directors concept:atdate concept_dateliteral_n2005 +concept_academicfield_directors concept:atdate concept_dateliteral_n2006 +concept_academicfield_directors concept:atdate concept_dateliteral_n2007 +concept_academicfield_directors concept:atdate concept_dateliteral_n2008 +concept_academicfield_directors concept:synonymfor concept_director_committee +concept_academicfield_directors concept:mutualproxyfor concept_sportsequipment_board +concept_academicfield_directors concept:atdate concept_year_n1991 +concept_academicfield_directors concept:atdate concept_year_n1992 +concept_academicfield_directors concept:atdate concept_year_n1994 +concept_academicfield_directors concept:atdate concept_year_n1995 +concept_academicfield_directors concept:atdate concept_year_n1997 +concept_academicfield_directors concept:atdate concept_year_n1998 +concept_academicfield_disabilities concept:academicprogramatuniversity concept_university_college +concept_academicfield_diseases concept:academicprogramatuniversity concept_university_college +concept_academicfield_distance_learning concept:academicprogramatuniversity concept_university_college +concept_academicfield_distribution concept:atdate concept_date_n1999 +concept_academicfield_distribution concept:atdate concept_date_n2000 +concept_academicfield_distribution concept:atdate concept_date_n2001 +concept_academicfield_distribution concept:atdate concept_date_n2004 +concept_academicfield_distribution concept:atdate concept_date_n2009 +concept_academicfield_distribution concept:atdate concept_dateliteral_n2002 +concept_academicfield_distribution concept:atdate concept_dateliteral_n2005 +concept_academicfield_distribution concept:atdate concept_dateliteral_n2006 +concept_academicfield_distribution concept:atdate concept_dateliteral_n2007 +concept_academicfield_distribution concept:atdate concept_dateliteral_n2008 +concept_academicfield_distribution concept:subpartof concept_weatherphenomenon_water +concept_academicfield_distribution concept:atdate concept_year_n1998 +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_catholic_theological_union +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_college +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_harvard +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_institute +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_jesuit_school_of_theology +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_mccormick_theological_seminary +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_princeton +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_divinity concept:academicprogramatuniversity concept_university_theological_seminary +concept_academicfield_doctoral_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_doctoral_degree concept:academicprogramatuniversity concept_university_institute +concept_academicfield_doctoral_degree concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_doctoral_degrees concept:academicprogramatuniversity concept_university_college +concept_academicfield_doctoral_degrees concept:academicprogramatuniversity concept_university_institute +concept_academicfield_documentation concept:atdate concept_date_n2004 +concept_academicfield_documents concept:proxyfor concept_book_new +concept_academicfield_documents concept:atdate concept_date_n2004 +concept_academicfield_documents concept:atdate concept_dateliteral_n2002 +concept_academicfield_documents concept:atdate concept_dateliteral_n2005 +concept_academicfield_documents concept:atdate concept_dateliteral_n2006 +concept_academicfield_documents concept:atdate concept_dateliteral_n2007 +concept_academicfield_documents concept:atdate concept_dateliteral_n2008 +concept_academicfield_documents concept:subpartof concept_weatherphenomenon_water +concept_academicfield_dormitory concept:academicprogramatuniversity concept_university_college +concept_academicfield_early_childhood_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_earth_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_earth_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_east_asian_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_ecology concept:academicprogramatuniversity concept_university_college +concept_academicfield_ecology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_economics concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_economics concept:atdate concept_date_n2003 +concept_academicfield_economics concept:atdate concept_date_n2004 +concept_academicfield_economics concept:atdate concept_dateliteral_n2006 +concept_academicfield_economics concept:atdate concept_dateliteral_n2007 +concept_academicfield_economics concept:atdate concept_dateliteral_n2008 +concept_academicfield_economics concept:academicfieldconcernssubject concept_geometricshape_game_theory +concept_academicfield_economics concept:academicfieldconcernssubject concept_physicalaction_action +concept_academicfield_economics concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_economics concept:academicfieldconcernssubject concept_physicalaction_production +concept_academicfield_economics concept:academicprogramatuniversity concept_university_college +concept_academicfield_economics concept:academicprogramatuniversity concept_university_harvard_university +concept_academicfield_economics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_economics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_economics concept:academicprogramatuniversity concept_university_yale_university +concept_academicfield_economies concept:proxyfor concept_book_new +concept_academicfield_economy concept:academicprogramatuniversity concept_university_college +concept_academicfield_education_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_educational_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_educational_leadership concept:academicprogramatuniversity concept_university_college +concept_academicfield_educational_leadership concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_educational_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_educational_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_educational_technology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_electives concept:academicprogramatuniversity concept_university_college +concept_academicfield_electrical_and_computer_engineering concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_electrical_and_computer_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_electrical_and_computer_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_electrical_engineer concept:academicprogramatuniversity concept_university_institute +concept_academicfield_electrical_engineering concept:academicprogramatuniversity concept_university_cornell_university +concept_academicfield_electrical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_electrical_engineering concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_electrical_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_electrical_engineering concept:academicprogramatuniversity concept_university_yale_university +concept_academicfield_electronic_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_electronics_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_electronics_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_electronics_engineering_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_electronics_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_elementary_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_elementary_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_elementary_education concept:academicprogramatuniversity concept_university_teachers_college +concept_academicfield_email concept:academicprogramatuniversity concept_university_college +concept_academicfield_emergency concept:proxyfor concept_book_new +concept_academicfield_emergency concept:subpartof concept_weatherphenomenon_water +concept_academicfield_emergency_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_endocrinology concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineer concept:academicprogramatuniversity concept_university_institute +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_applied_mathematics +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_applied_physics +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_astronomy +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_chemical_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_communication +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_computer_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_engineering concept:academicfieldconcernssubject concept_academicfield_computing +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_design +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_electrical +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_electrical_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_electronic_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_electronics_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_engineering_technology +concept_academicfield_engineering concept:academicfieldconcernssubject concept_academicfield_materials +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_materials_science +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_mathematics +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_mechanical_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_medicine +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_philosophy +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_psychology +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_sciences +concept_academicfield_engineering concept:academicfieldconcernssubject concept_academicfield_society +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_software_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_statistics +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_systems +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_systems_engineering +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_engineering concept:academicfieldconcernssubject concept_buildingfeature_material +concept_academicfield_engineering concept:academicfieldconcernssubject concept_charactertrait_computational +concept_academicfield_engineering concept:atdate concept_dateliteral_n2006 +concept_academicfield_engineering concept:atdate concept_dateliteral_n2007 +concept_academicfield_engineering concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_engineering concept:academicfieldconcernssubject concept_musicalbum_life +concept_academicfield_engineering concept:academicfieldsuchasacademicfield concept_politicsissue_education +concept_academicfield_engineering concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_engineering concept:academicprogramatuniversity concept_school_columbia +concept_academicfield_engineering concept:academicprogramatuniversity concept_school_duke +concept_academicfield_engineering concept:academicprogramatuniversity concept_school_johns_hopkins +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_american_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_arizona_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_auburn +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_auburn_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_carnegie_mellon +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_clemson +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_clemson_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_cornell +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_cornell_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_drexel +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_drexel_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_george_washington_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_georgia_institute_of_technology +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_georgia_tech +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_harvard +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_iowa_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_iowa_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_johns_hopkins_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_kansas_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_lehigh +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_louisiana_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_marquette_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_mcgill +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_memorial_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_michigan_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_michigan_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_michigan_tech +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_mit +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_north_carolina_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_northwestern +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_northwestern_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_oklahoma_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_oregon_st +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_penn_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_polytechnic_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_princeton +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_princeton_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_purdue +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_purdue_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_rensselaer +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_rochester_institute_of_technology +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_rutgers +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_south_dakota_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_stanford +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_stanford_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_texas_a_m +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_tulane_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_uc_berkeley +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_uc_davis +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_ucla +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_unsw +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_uw_madison +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_virginia_tech +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_washington_state +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_west_point +concept_academicfield_engineering concept:academicprogramatuniversity concept_university_yale +concept_academicfield_engineering_courses concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_engineering_physics concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering_physics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_engineering_program concept:academicfieldsuchasacademicfield concept_academicfield_electrical +concept_academicfield_engineering_program concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_engineering_program concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_engineering_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering_students concept:academicfieldsuchasacademicfield concept_academicfield_electrical +concept_academicfield_engineering_students concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_engineering_students concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering_students concept:academicprogramatuniversity concept_university_institute +concept_academicfield_engineering_systems concept:academicprogramatuniversity concept_university_institute +concept_academicfield_engineering_technology concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_academicfield_engineering_technology concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_engineering_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineering_university concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_engineers concept:academicprogramatuniversity concept_university_college +concept_academicfield_engineers concept:academicprogramatuniversity concept_university_institute +concept_academicfield_english_as_a_second_language concept:latitudelongitude 37.5977100000000,-122.3899700000000 +concept_academicfield_english_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_english_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_english_journalism concept:academicprogramatuniversity concept_university_college +concept_academicfield_english_language_and_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_enology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_entomology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_entrepreneurial_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_entrepreneurship concept:academicprogramatuniversity concept_university_college +concept_academicfield_entrepreneurship concept:academicprogramatuniversity concept_university_institute +concept_academicfield_environmental_education concept:academicprogramatuniversity concept_university_antioch_new_england_graduate_school +concept_academicfield_environmental_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_environmental_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_environmental_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_environmental_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_environmental_management concept:subpartof concept_weatherphenomenon_water +concept_academicfield_environmental_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_environmental_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_environmental_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_epidemiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_equipment_industry concept:subpartof concept_weatherphenomenon_water +concept_academicfield_ethics concept:academicprogramatuniversity concept_university_college +concept_academicfield_ethics concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_ethnic_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_european_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_european_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_evolutionary_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_executive_mba concept:academicprogramatuniversity concept_university_college +concept_academicfield_exercise concept:proxyfor concept_book_new +concept_academicfield_exercise concept:atdate concept_date_n2003 +concept_academicfield_exercise concept:atdate concept_dateliteral_n2005 +concept_academicfield_exercise concept:atdate concept_dateliteral_n2006 +concept_academicfield_exercise concept:atdate concept_dateliteral_n2007 +concept_academicfield_exercise concept:atdate concept_dateliteral_n2008 +concept_academicfield_exercise_physiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_exercise_physiology concept:academicprogramatuniversity concept_university_st___scholastica +concept_academicfield_experimental_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_expert concept:proxyfor concept_book_new +concept_academicfield_expert concept:subpartof concept_weatherphenomenon_air +concept_academicfield_expert concept:subpartof concept_weatherphenomenon_water +concept_academicfield_extension concept:academicprogramatuniversity concept_university_college +concept_academicfield_family_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_family_practice concept:academicprogramatuniversity concept_university_college +concept_academicfield_family_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_fashion concept:academicprogramatuniversity concept_university_college +concept_academicfield_fashion_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_fashion_merchandising concept:academicprogramatuniversity concept_university_college +concept_academicfield_fees concept:academicprogramatuniversity concept_university_college +concept_academicfield_film concept:academicprogramatuniversity concept_university_college +concept_academicfield_film concept:academicprogramatuniversity concept_university_institute +concept_academicfield_film concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_film_production concept:academicprogramatuniversity concept_university_college +concept_academicfield_film_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_finance concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_finance concept:academicprogramatuniversity concept_university_institute +concept_academicfield_finance concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_financial_economics concept:academicprogramatuniversity concept_university_college +concept_academicfield_financial_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_financial_planning concept:academicprogramatuniversity concept_university_college +concept_academicfield_findings concept:academicprogramatuniversity concept_university_college +concept_academicfield_fine_arts concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_academy +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_california_state_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_concordia_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_cranbrook_academy_of_art +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_florida_state_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_institute +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_fine_arts concept:academicprogramatuniversity concept_university_yale_university +concept_academicfield_fine_arts_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_fire_protection_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_fire_protection_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_fire_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_fisheries concept:academicprogramatuniversity concept_university_uaf +concept_academicfield_fitness concept:academicprogramatuniversity concept_university_college +concept_academicfield_food_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_footnote concept:proxyfor concept_book_new +concept_academicfield_foreign_languages_and_literatures concept:academicprogramatuniversity concept_university_college +concept_academicfield_foreign_service concept:academicprogramatuniversity concept_university_georgetown_university +concept_academicfield_forensic_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_forensic_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_forestry concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_french_language_and_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_french_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_french_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_full_time concept:academicprogramatuniversity concept_university_college +concept_academicfield_function concept:subpartof concept_weatherphenomenon_air +concept_academicfield_furniture_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_gastroenterology concept:academicprogramatuniversity concept_university_college +concept_academicfield_ged concept:academicprogramatuniversity concept_university_college +concept_academicfield_gender_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_business concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_general_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_genetics concept:academicfieldsuchasacademicfield concept_academicfield_medical +concept_academicfield_genetics concept:academicprogramatuniversity concept_university_college +concept_academicfield_geography concept:academicfieldconcernssubject concept_geometricshape_earth +concept_academicfield_geography concept:academicprogramatuniversity concept_university_college +concept_academicfield_geography concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_geology concept:academicfieldconcernssubject concept_geometricshape_earth +concept_academicfield_geology concept:academicfieldconcernssubject concept_protein_rocks +concept_academicfield_geology concept:academicprogramatuniversity concept_university_college +concept_academicfield_geology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_geology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_geophysics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_geosciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_geosciences concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_geriatrics concept:academicprogramatuniversity concept_university_college +concept_academicfield_german_language_and_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_german_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_gerontology concept:academicprogramatuniversity concept_university_college +concept_academicfield_gifted_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_global_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_goods concept:proxyfor concept_book_new +concept_academicfield_graduate_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_graduate_degree concept:academicprogramatuniversity concept_university_institute +concept_academicfield_graduate_degree concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_graduate_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_graphic_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_graphic_design concept:academicprogramatuniversity concept_university_art_center_college_of_design +concept_academicfield_graphic_design concept:academicprogramatuniversity concept_university_california_college +concept_academicfield_graphic_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_graphic_design concept:academicprogramatuniversity concept_university_institute +concept_academicfield_graphic_design concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_health concept:academicprogramatuniversity concept_university_college +concept_academicfield_health concept:academicprogramatuniversity concept_university_institute +concept_academicfield_health concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_health_administration concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_health_and_human_services concept:academicprogramatuniversity concept_university_college +concept_academicfield_health_care_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_health_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_health_sciences concept:atdate concept_dateliteral_n2007 +concept_academicfield_health_sciences concept:academicprogramatuniversity concept_university_mcmaster_university +concept_academicfield_healthcare_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_hematology concept:academicprogramatuniversity concept_university_college +concept_academicfield_heritage concept:atdate concept_dateliteral_n2005 +concept_academicfield_high_school concept:proxyfor concept_book_new +concept_academicfield_high_school concept:atdate concept_date_n1942 +concept_academicfield_high_school concept:atdate concept_date_n1999 +concept_academicfield_high_school concept:atdate concept_date_n2000 +concept_academicfield_high_school concept:atdate concept_date_n2004 +concept_academicfield_high_school concept:atdate concept_dateliteral_n2006 +concept_academicfield_high_school concept:atdate concept_dateliteral_n2007 +concept_academicfield_high_school concept:atdate concept_dateliteral_n2008 +concept_academicfield_higher_education_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_hispanic_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_historic_preservation concept:academicprogramatuniversity concept_university_college +concept_academicfield_history concept:academicfieldconcernssubject concept_stateorprovince_the_past +concept_academicfield_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_history concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_history concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_history concept:academicprogramatuniversity concept_university_ucla +concept_academicfield_holocaust_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_home_economics concept:academicprogramatuniversity concept_university_college +concept_academicfield_honors_program concept:academicprogramatuniversity concept_university_college +concept_academicfield_horticulture concept:academicprogramatuniversity concept_university_college +concept_academicfield_horticulture concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_hospitality concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_hospitality_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_hotel_and_restaurant_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_hotel_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_housing concept:academicprogramatuniversity concept_university_college +concept_academicfield_hr concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_relations concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_resource_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_resource_management concept:academicprogramatuniversity concept_university_institute +concept_academicfield_human_resources concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_resources_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_human_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_humanities concept:academicprogramatuniversity concept_university_institute +concept_academicfield_humanities concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_hygiene concept:academicprogramatuniversity concept_university_college +concept_academicfield_illness concept:atdate concept_date_n2003 +concept_academicfield_illness concept:atdate concept_dateliteral_n2002 +concept_academicfield_illness concept:atdate concept_dateliteral_n2005 +concept_academicfield_illness concept:atdate concept_dateliteral_n2006 +concept_academicfield_illness concept:atdate concept_dateliteral_n2007 +concept_academicfield_illness concept:atdate concept_dateliteral_n2008 +concept_academicfield_illnesses concept:ismultipleof concept_academicfield_association +concept_academicfield_illustration concept:academicprogramatuniversity concept_university_college +concept_academicfield_immunology concept:academicprogramatuniversity concept_university_college +concept_academicfield_impact_assessment concept:subpartof concept_weatherphenomenon_water +concept_academicfield_indonesian concept:mutualproxyfor concept_person_suharto +concept_academicfield_industrial_and_organizational_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_industrial_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_industrial_design concept:academicprogramatuniversity concept_university_institute +concept_academicfield_industrial_design concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_industrial_design concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_industrial_engineering concept:academicprogramatuniversity concept_university_college +concept_academicfield_industrial_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_industrial_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_industrial_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_industrial_management concept:academicprogramatuniversity concept_university_institute +concept_academicfield_industrial_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_industrial_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_industries concept:proxyfor concept_book_new +concept_academicfield_industries concept:subpartof concept_weatherphenomenon_air +concept_academicfield_industries concept:subpartof concept_weatherphenomenon_water +concept_academicfield_industry concept:academicfieldsuchasacademicfield concept_economicsector_telecommunications +concept_academicfield_infectious_diseases concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_science concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_information_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_information_science concept:academicprogramatuniversity concept_university_san_jose_state_university +concept_academicfield_information_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_information_science concept:academicprogramatuniversity concept_university_syracuse_university +concept_academicfield_information_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_accounting +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_business_administration +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_business_management +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_academicfield_marketing +concept_academicfield_information_systems concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_information_systems concept:academicfieldsuchasacademicfield concept_politicsissue_business_administration_degree +concept_academicfield_information_systems concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_information_systems concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_systems concept:academicprogramatuniversity concept_university_institute +concept_academicfield_information_systems concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_information_systems_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_technology concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_information_technology concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_information_technology concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_information_technology concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_information_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_information_technology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_infrastructure_systems concept:subpartof concept_weatherphenomenon_water +concept_academicfield_innovation concept:academicprogramatuniversity concept_university_college +concept_academicfield_innovation concept:academicprogramatuniversity concept_university_institute +concept_academicfield_instruction concept:academicprogramatuniversity concept_university_college +concept_academicfield_instructional_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_interactive_multimedia concept:academicprogramatuniversity concept_university_college +concept_academicfield_interdisciplinary_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_interior_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_interior_design concept:academicprogramatuniversity concept_university_institute +concept_academicfield_interior_design concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_international concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_international_business concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_business concept:academicprogramatuniversity concept_university_columbia_business_school +concept_academicfield_international_business concept:academicprogramatuniversity concept_university_institute +concept_academicfield_international_business concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_international_business_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_law concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_management concept:academicprogramatuniversity concept_university_thunderbird +concept_academicfield_international_marketing concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_relations concept:academicprogramatuniversity concept_university_college +concept_academicfield_international_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_islamic_studies concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_issues concept:academicprogramatuniversity concept_university_college +concept_academicfield_italian concept:academicprogramatuniversity concept_university_college +concept_academicfield_japanese_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_jewish_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_journalism concept:atdate concept_dateliteral_n2005 +concept_academicfield_journalism concept:istallerthan concept_publication_people_ +concept_academicfield_journalism concept:academicprogramatuniversity concept_university_college +concept_academicfield_journalism concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_judaic_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_judges concept:atdate concept_date_n2009 +concept_academicfield_judges concept:atdate concept_dateliteral_n2008 +concept_academicfield_junior concept:academicprogramatuniversity concept_university_college +concept_academicfield_kerala concept:atdate concept_dateliteral_n2007 +concept_academicfield_kerala concept:subpartof concept_monarch_india +concept_academicfield_kinesiology concept:academicfieldconcernssubject concept_musicalbum_movement +concept_academicfield_kinesiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_kinesiology concept:academicprogramatuniversity concept_university_mcmaster_university +concept_academicfield_kinesiology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_laboratories concept:academicprogramatuniversity concept_university_college +concept_academicfield_laboratory_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_landscape_architecture concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_latin_american_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_law concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_law concept:academicprogramatuniversity concept_school_columbia +concept_academicfield_law concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_city_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_college +concept_academicfield_law concept:academicprogramatuniversity concept_university_emory_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_fordham +concept_academicfield_law concept:academicprogramatuniversity concept_university_george_washington_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_george_washington_university_school +concept_academicfield_law concept:academicprogramatuniversity concept_university_hofstra_university_school_of_law +concept_academicfield_law concept:academicprogramatuniversity concept_university_institute +concept_academicfield_law concept:academicprogramatuniversity concept_university_law_school +concept_academicfield_law concept:academicprogramatuniversity concept_university_loyola +concept_academicfield_law concept:academicprogramatuniversity concept_university_loyola_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_mcgill_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_national_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_law concept:academicprogramatuniversity concept_university_southwestern_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_state_university_college +concept_academicfield_law concept:academicprogramatuniversity concept_university_trinity_college +concept_academicfield_law concept:academicprogramatuniversity concept_university_tulane_university +concept_academicfield_law concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_law_ concept:latitudelongitude 13.0777800000000,80.2719400000000 +concept_academicfield_law_enforcement concept:academicprogramatuniversity concept_university_college +concept_academicfield_law_enforcement concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_leadership concept:academicprogramatuniversity concept_university_college +concept_academicfield_leadership concept:academicprogramatuniversity concept_university_institute +concept_academicfield_leadership concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_leadership concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_leadership_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_legal concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_legal_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_legislation concept:subpartof concept_weatherphenomenon_water +concept_academicfield_leisure_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_liberal_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_liberal_arts concept:academicprogramatuniversity concept_university_johns_hopkins_university +concept_academicfield_liberal_arts concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_liberal_arts_and_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_liberal_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_liberal_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_library concept:academicprogramatuniversity concept_university_college +concept_academicfield_library_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_library_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_license concept:academicprogramatuniversity concept_university_college +concept_academicfield_license concept:academicprogramatuniversity concept_university_institute +concept_academicfield_life_sciences concept:academicfieldsuchasacademicfield concept_academicfield_biology +concept_academicfield_linguistics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_linguistics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_literary_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_literatures concept:academicprogramatuniversity concept_university_college +concept_academicfield_logic concept:academicprogramatuniversity concept_university_college +concept_academicfield_lubbock concept:atlocation concept_city_texas +concept_academicfield_lubbock concept:subpartof concept_city_texas +concept_academicfield_lubbock concept:proxyfor concept_female_texas_tech_university +concept_academicfield_lubbock concept:subpartof concept_female_texas_tech_university +concept_academicfield_m_s concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_m_sc concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_majors concept:academicprogramatuniversity concept_university_college +concept_academicfield_management concept:academicfieldconcernssubject concept_academicfield_library +concept_academicfield_management concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_management concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_management concept:academicprogramatuniversity concept_university_case_western_reserve_university +concept_academicfield_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_management concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_management concept:academicprogramatuniversity concept_university_institute +concept_academicfield_management concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_management_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_management_information_systems concept:academicprogramatuniversity concept_university_institute +concept_academicfield_management_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_management_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_manufacturing_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_maps concept:subpartof concept_weatherphenomenon_water +concept_academicfield_marine_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_marine_corps concept:atdate concept_date_n1979 +concept_academicfield_marine_corps concept:atdate concept_date_n2001 +concept_academicfield_marine_corps concept:atdate concept_date_n2003 +concept_academicfield_marine_corps concept:atdate concept_year_n1967 +concept_academicfield_maritime_history concept:latitudelongitude 43.8939700000000,-69.8150500000000 +concept_academicfield_marketing concept:academicprogramatuniversity concept_university_college +concept_academicfield_marketing concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_marketing concept:academicprogramatuniversity concept_university_institute +concept_academicfield_marketing concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_marketing_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_marketing_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_marriage_and_family_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_marriage_and_family_therapy concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_mass_communication concept:academicprogramatuniversity concept_university_college +concept_academicfield_mass_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_massage_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_master_s_degrees concept:academicprogramatuniversity concept_university_college +concept_academicfield_material_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_materials concept:academicprogramatuniversity concept_university_college +concept_academicfield_materials_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_materials_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_materials_science_and_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_math concept:academicfieldsuchasacademicfield concept_academicfield_algebra +concept_academicfield_math concept:academicfieldsuchasacademicfield concept_academicfield_geometry +concept_academicfield_math concept:academicprogramatuniversity concept_university_college +concept_academicfield_math concept:academicprogramatuniversity concept_university_institute +concept_academicfield_math concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_math_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_mathematical_physics concept:academicprogramatuniversity concept_university_college +concept_academicfield_mathematical_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_mathematical_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_mathematics concept:academicfieldsuchasacademicfield concept_academicfield_geometry +concept_academicfield_mathematics concept:atdate concept_date_n2004 +concept_academicfield_mathematics concept:academicfieldconcernssubject concept_everypromotedthing_proofs +concept_academicfield_mathematics concept:academicprogramatuniversity concept_university_college +concept_academicfield_mathematics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_mathematics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_mathematics_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_mba_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_mba_degree concept:academicprogramatuniversity concept_university_institute +concept_academicfield_mechanical_engineering concept:atdate concept_dateliteral_n2008 +concept_academicfield_mechanical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_mechanical_engineering concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_mechanics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_mechanisms concept:subpartof concept_weatherphenomenon_air +concept_academicfield_mechanisms concept:subpartof concept_weatherphenomenon_water +concept_academicfield_media concept:academicprogramatuniversity concept_university_college +concept_academicfield_media concept:academicprogramatuniversity concept_university_institute +concept_academicfield_media_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_media_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_medical_assistant concept:academicprogramatuniversity concept_university_college +concept_academicfield_medical_assisting concept:academicprogramatuniversity concept_university_college +concept_academicfield_medical_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_medical_ethics concept:academicprogramatuniversity concept_university_college +concept_academicfield_medical_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_cornell_university +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_institute +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_schools +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_medicine concept:academicprogramatuniversity concept_university_state_university_college +concept_academicfield_medicine_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_medicine_library concept:latitudelongitude 45.5014800000000,-122.6764700000000 +concept_academicfield_medieval_and_renaissance_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_medieval_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_medieval_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_mental_health_counseling concept:academicprogramatuniversity concept_university_college +concept_academicfield_metallurgical_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_metallurgy concept:academicprogramatuniversity concept_university_institute +concept_academicfield_meteorology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_methods concept:subpartof concept_beverage_modern_water +concept_academicfield_methods concept:subpartof concept_weatherphenomenon_air +concept_academicfield_methods concept:subpartof concept_weatherphenomenon_water +concept_academicfield_microbiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_microbiology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_microbiology_and_immunology concept:academicprogramatuniversity concept_university_college +concept_academicfield_middle_east concept:proxyfor concept_book_new +concept_academicfield_middle_east concept:atdate concept_date_n1942 +concept_academicfield_middle_east concept:atdate concept_date_n2003 +concept_academicfield_middle_east concept:atdate concept_dateliteral_n2002 +concept_academicfield_middle_east concept:atdate concept_dateliteral_n2006 +concept_academicfield_middle_east concept:atdate concept_dateliteral_n2007 +concept_academicfield_middle_east concept:atdate concept_dateliteral_n2008 +concept_academicfield_middle_eastern_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_middle_grades_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_midwifery concept:academicprogramatuniversity concept_university_ubc +concept_academicfield_mill concept:atdate concept_dateliteral_n2006 +concept_academicfield_millions concept:proxyfor concept_book_new +concept_academicfield_mis concept:academicprogramatuniversity concept_university_college +concept_academicfield_mission concept:academicprogramatuniversity concept_university_college +concept_academicfield_modeling concept:subpartof concept_weatherphenomenon_water +concept_academicfield_models concept:subpartof concept_weatherphenomenon_air +concept_academicfield_models concept:subpartof concept_weatherphenomenon_water +concept_academicfield_modern_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_molecular_biology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_molecular_pharmacology concept:academicprogramatuniversity concept_university_college +concept_academicfield_moral_philosophy concept:academicprogramatuniversity concept_university_college +concept_academicfield_munich concept:atdate concept_date_n2001 +concept_academicfield_munich concept:atdate concept_date_n2004 +concept_academicfield_munich concept:atdate concept_dateliteral_n2005 +concept_academicfield_munich concept:atdate concept_dateliteral_n2007 +concept_academicfield_munich concept:atdate concept_dateliteral_n2008 +concept_academicfield_munich concept:subpartof concept_fruit_bavarian +concept_academicfield_museum_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_music_composition concept:academicprogramatuniversity concept_university_college +concept_academicfield_music_education concept:academicprogramatuniversity concept_university_northwestern_university +concept_academicfield_music_education concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_music_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_music_performance concept:academicprogramatuniversity concept_university_college +concept_academicfield_music_performance concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_music_theory concept:academicprogramatuniversity concept_university_college +concept_academicfield_music_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_musical_theater concept:academicprogramatuniversity concept_university_college +concept_academicfield_musical_theatre concept:academicprogramatuniversity concept_university_college +concept_academicfield_musicology concept:academicprogramatuniversity concept_university_college +concept_academicfield_national_cancer_institute concept:atdate concept_dateliteral_n2006 +concept_academicfield_natural_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_natural_resources concept:academicprogramatuniversity concept_university_college +concept_academicfield_natural_sciences concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_natural_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_naturopathic_medicine concept:academicprogramatuniversity concept_university_bastyr_university +concept_academicfield_neurobiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_neurological_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_neurology concept:academicprogramatuniversity concept_university_college +concept_academicfield_neurophysiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_neuroscience concept:academicprogramatuniversity concept_university_college +concept_academicfield_neurosurgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_news concept:academicprogramatuniversity concept_university_college +concept_academicfield_nih concept:atdate concept_date_n2004 +concept_academicfield_nih concept:atdate concept_dateliteral_n2005 +concept_academicfield_nih concept:atdate concept_year_n1995 +concept_academicfield_nonprofit_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_nonprofit_management concept:academicprogramatuniversity concept_university_regis_university +concept_academicfield_nuclear_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_nuclear_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_nuclear_physics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_nursing concept:academicprogramatuniversity concept_university_college +concept_academicfield_nursing concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_nursing concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_nursing_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_nursing_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_nursing_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_nutrition concept:academicprogramatuniversity concept_university_institute +concept_academicfield_nutrition concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_nutrition_and_dietetics concept:academicprogramatuniversity concept_university_college +concept_academicfield_obstetrics concept:academicprogramatuniversity concept_university_college +concept_academicfield_obstetrics_and_gynecology concept:academicprogramatuniversity concept_university_college +concept_academicfield_occupational_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_occupational_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_ocean_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_office_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_office_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_oncology concept:academicprogramatuniversity concept_university_college +concept_academicfield_online_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_operations_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_operations_research concept:academicprogramatuniversity concept_university_institute +concept_academicfield_ophthalmology concept:academicprogramatuniversity concept_university_college +concept_academicfield_optometry concept:academicprogramatuniversity concept_university_college +concept_academicfield_optometry concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_organic_chemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_organic_chemistry concept:academicprogramatuniversity concept_university_institute +concept_academicfield_organizational_behavior concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizational_communication concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizational_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizational_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizational_leadership concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizational_management concept:academicprogramatuniversity concept_university_ashford_university +concept_academicfield_organizational_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_organizations concept:academicprogramatuniversity concept_university_college +concept_academicfield_oriental_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_ornamental_horticulture concept:academicprogramatuniversity concept_university_college +concept_academicfield_orthopaedic_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_orthopedic_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_otolaryngology concept:academicprogramatuniversity concept_university_college +concept_academicfield_otorhinolaryngology concept:academicprogramatuniversity concept_university_college +concept_academicfield_pakistan concept:atdate concept_date_n1999 +concept_academicfield_pakistan concept:atdate concept_date_n2000 +concept_academicfield_pakistan concept:atdate concept_date_n2001 +concept_academicfield_pakistan concept:atdate concept_date_n2003 +concept_academicfield_pakistan concept:atdate concept_date_n2004 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n1990 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n2002 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n2005 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n2006 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n2007 +concept_academicfield_pakistan concept:atdate concept_dateliteral_n2008 +concept_academicfield_pakistan concept:synonymfor concept_politicalparty_republic +concept_academicfield_pakistan concept:atdate concept_year_n1992 +concept_academicfield_pakistan concept:atdate concept_year_n1994 +concept_academicfield_pakistan concept:atdate concept_year_n1997 +concept_academicfield_pakistan concept:atdate concept_year_n1998 +concept_academicfield_paper concept:academicprogramatuniversity concept_university_college +concept_academicfield_paralegal_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_parasitology concept:academicfieldsuchasacademicfield concept_academicfield_medical +concept_academicfield_pastoral_care concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_pastoral_counseling concept:academicprogramatuniversity concept_university_college +concept_academicfield_pastoral_counseling concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_pastoral_ministry concept:academicprogramatuniversity concept_university_college +concept_academicfield_pastoral_ministry concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_pathology concept:academicprogramatuniversity concept_university_college +concept_academicfield_pathology_and_laboratory_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_pc concept:atdate concept_date_n2009 +concept_academicfield_pc concept:atdate concept_dateliteral_n2006 +concept_academicfield_pc concept:atdate concept_dateliteral_n2007 +concept_academicfield_pc concept:atdate concept_dateliteral_n2008 +concept_academicfield_pc concept:atdate concept_dayofweek_friday +concept_academicfield_peace_and_conflict_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_peace_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_pedagogy concept:academicprogramatuniversity concept_university_college +concept_academicfield_pediatrics concept:academicprogramatuniversity concept_university_college +concept_academicfield_ph_d concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_ph_d concept:academicprogramatuniversity concept_university_college +concept_academicfield_ph_d concept:academicprogramatuniversity concept_university_institute +concept_academicfield_ph_d concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_pharmacology concept:academicprogramatuniversity concept_university_college +concept_academicfield_pharmacy concept:atdate concept_dateliteral_n2005 +concept_academicfield_pharmacy concept:atdate concept_dateliteral_n2007 +concept_academicfield_pharmacy concept:atdate concept_dateliteral_n2008 +concept_academicfield_pharmacy concept:academicprogramatuniversity concept_university_college +concept_academicfield_pharmacy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_pharmacy concept:academicprogramatuniversity concept_university_wayne_state_university +concept_academicfield_phd_student concept:academicprogramatuniversity concept_university_institute +concept_academicfield_philosophy concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_philosophy concept:academicfieldconcernssubject concept_researchproject_engineering +concept_academicfield_philosophy concept:academicprogramatuniversity concept_university_college +concept_academicfield_philosophy concept:academicprogramatuniversity concept_university_institute +concept_academicfield_philosophy concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_philosophy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_photojournalism concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_physical_chemistry concept:academicprogramatuniversity concept_university_college +concept_academicfield_physical_chemistry concept:academicprogramatuniversity concept_university_institute +concept_academicfield_physical_education concept:academicprogramatuniversity concept_university_brock_university +concept_academicfield_physical_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_physical_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_physical_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_physical_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_physical_therapist_assistant concept:academicprogramatuniversity concept_university_college +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_azusa_pacific_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_chatham_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_loma_linda_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_long_island_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_northeastern_university +concept_academicfield_physical_therapy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_physical_therapy_assistant concept:academicprogramatuniversity concept_university_college +concept_academicfield_physician_assistant_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_physics concept:atdate concept_dateliteral_n2008 +concept_academicfield_physics concept:academicfieldconcernssubject concept_nongovorganization_forces +concept_academicfield_physics concept:academicprogramatuniversity concept_university_college +concept_academicfield_physics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_physics concept:academicprogramatuniversity concept_university_mit +concept_academicfield_physics concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_physics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_physics concept:academicprogramatuniversity concept_university_yale_university +concept_academicfield_physiology concept:academicfieldsuchasacademicfield concept_academicfield_cell_and_molecular_biology +concept_academicfield_physiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_physiology_and_biophysics concept:academicprogramatuniversity concept_university_college +concept_academicfield_planetary_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_planning concept:academicprogramatuniversity concept_university_college +concept_academicfield_planning concept:academicprogramatuniversity concept_university_institute +concept_academicfield_planning concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_plant_pathology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_plasma_physics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_plastic_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_playwriting concept:academicprogramatuniversity concept_university_college +concept_academicfield_police_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_policy_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_political_economy concept:academicprogramatuniversity concept_university_college +concept_academicfield_political_philosophy concept:academicprogramatuniversity concept_university_college +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_political_science concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_political_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_political_theory concept:academicprogramatuniversity concept_university_college +concept_academicfield_practical_nursing concept:academicprogramatuniversity concept_university_college +concept_academicfield_pre_law concept:academicprogramatuniversity concept_university_college +concept_academicfield_preventive_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_print_journalism concept:academicprogramatuniversity concept_university_college +concept_academicfield_problems concept:proxyfor concept_book_new +concept_academicfield_problems concept:subpartof concept_buildingmaterial_drainage +concept_academicfield_problems concept:atdate concept_date_n2000 +concept_academicfield_problems concept:atdate concept_dateliteral_n2007 +concept_academicfield_problems concept:subpartof concept_visualizableattribute_current_water +concept_academicfield_problems concept:subpartof concept_visualizableattribute_major_water +concept_academicfield_problems concept:subpartof concept_weatherphenomenon_air +concept_academicfield_problems concept:subpartof concept_weatherphenomenon_water +concept_academicfield_procedures concept:academicprogramatuniversity concept_university_college +concept_academicfield_production concept:academicprogramatuniversity concept_university_college +concept_academicfield_professional_accounting concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_professional_development concept:academicprogramatuniversity concept_university_college +concept_academicfield_professional_golf_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_professional_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_professional_writing concept:academicprogramatuniversity concept_university_college +concept_academicfield_program concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_program concept:academicprogramatuniversity concept_university_college +concept_academicfield_programming concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_programming concept:academicprogramatuniversity concept_university_college +concept_academicfield_project_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_project_management concept:academicprogramatuniversity concept_university_institute +concept_academicfield_psychiatry concept:academicprogramatuniversity concept_university_college +concept_academicfield_psychobiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_psychological_services concept:academicprogramatuniversity concept_university_college +concept_academicfield_psychologists concept:academicprogramatuniversity concept_university_college +concept_academicfield_psychology concept:academicfieldconcernssubject concept_cognitiveactions_mental_processes +concept_academicfield_psychology concept:atdate concept_dateliteral_n2006 +concept_academicfield_psychology concept:academicfieldconcernssubject concept_emotion_human_nature +concept_academicfield_psychology concept:academicfieldconcernssubject concept_everypromotedthing_decision__an_experimental_approach +concept_academicfield_psychology concept:academicfieldconcernssubject concept_everypromotedthing_in_sweden +concept_academicfield_psychology concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_psychology concept:academicfieldconcernssubject concept_physicalaction_mind +concept_academicfield_psychology concept:academicfieldconcernssubject concept_politicsissue_behaviour +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_george_washington_university +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_stanford_university +concept_academicfield_psychology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_psychology_psychology concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_public_accounting concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_administration concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_george_washington_university +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_harvard +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_john_f__kennedy_school +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_kennedy_school +concept_academicfield_public_administration concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_public_health concept:academicfieldsuchasacademicfield concept_academicfield_plant_biology +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_george_washington_university +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_harvard_school_of_public_health +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_indiana_university +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_public_health concept:academicprogramatuniversity concept_university_uc_berkeley +concept_academicfield_public_relations concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_relations concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_public_safety concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_service concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_speaking concept:academicprogramatuniversity concept_university_college +concept_academicfield_public_utilities concept:subpartof concept_weatherphenomenon_water +concept_academicfield_publishing concept:atdate concept_date_n2004 +concept_academicfield_publishing concept:atdate concept_dateliteral_n2006 +concept_academicfield_publishing concept:atdate concept_dateliteral_n2008 +concept_academicfield_radiation_oncology concept:academicprogramatuniversity concept_university_college +concept_academicfield_radio_broadcasting concept:academicprogramatuniversity concept_university_college +concept_academicfield_radiology concept:academicprogramatuniversity concept_university_college +concept_academicfield_real_estate concept:academicprogramatuniversity concept_university_college +concept_academicfield_real_estate concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_recommendations concept:subpartof concept_weatherphenomenon_water +concept_academicfield_records concept:academicprogramatuniversity concept_university_college +concept_academicfield_recreation concept:academicprogramatuniversity concept_university_college +concept_academicfield_recreation concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_rehabilitation concept:academicprogramatuniversity concept_university_college +concept_academicfield_rehabilitation_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_religious_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_religious_education concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_religious_education concept:academicprogramatuniversity concept_university_theological_seminary +concept_academicfield_religious_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_religious_studies concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_religious_studies concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_renaissance_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_reorganization concept:atdate concept_date_n2004 +concept_academicfield_reorganization concept:atdate concept_dateliteral_n2002 +concept_academicfield_reorganization concept:atdate concept_dateliteral_n2007 +concept_academicfield_researchers concept:academicprogramatuniversity concept_university_college +concept_academicfield_researchers concept:academicprogramatuniversity concept_university_institute +concept_academicfield_resource_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_resources_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_respiratory_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_restaurant_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_retailing concept:academicprogramatuniversity concept_university_college +concept_academicfield_review concept:subpartof concept_weatherphenomenon_air +concept_academicfield_review concept:subpartof concept_weatherphenomenon_water +concept_academicfield_rhetoric concept:academicprogramatuniversity concept_university_college +concept_academicfield_robotics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_rogers concept:proxyfor concept_book_arkansas +concept_academicfield_rogers concept:subpartof concept_book_arkansas +concept_academicfield_rogers concept:atlocation concept_city_arkansas +concept_academicfield_romance_languages concept:academicprogramatuniversity concept_university_college +concept_academicfield_russian concept:academicprogramatuniversity concept_university_college +concept_academicfield_russian_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_russian_language_and_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_russian_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_russian_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_sales concept:academicprogramatuniversity concept_university_college +concept_academicfield_school_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_school_counseling concept:academicprogramatuniversity concept_university_college +concept_academicfield_school_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_school_psychology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_accounting +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_administration +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_aeronautics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_aerospace_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_analysis +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_anthropology +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_applied +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_applied_mathematics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_applied_physics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_applied_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_architecture +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_art +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_art_history +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_artificial_intelligence +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_association +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_astronomy +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_automation +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_biochemistry +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_bioengineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_bioinformatics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_biological_sciences +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_biology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_biomedical_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_biophysics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_broadcast_journalism +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_administration +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_economics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_finance +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_business_information +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_information +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_marketing +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_business_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_chemical_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_chemistry +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_civil_and_environmental_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_civil_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_cognitive_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_communication +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_communication_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_communication_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_communications +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_communications_engineering +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_computer_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_computer_engineering +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_computer_information +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_computer_information +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_computer_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_computer_systems +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_computing +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_construction +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_criminal_justice +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_criminology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_design +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_earth_sciences +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_economy +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electrical +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electrical_and_computer_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electrical_and_electronic_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electrical_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electronic_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_electronics_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_engineer +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_engineering_technology +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_environmental +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_environmental_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_environmental_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_environmental_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_ethics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_finance +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_fine_arts +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_genetics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_geography +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_geology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_geophysics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_graphic_design +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_health +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_history +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_human_computer_interaction +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_industrial_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_industrial_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_informatics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_information_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_information_systems +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_information_technology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_intelligence +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_international_business +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_international_relations +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_international_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_journalism +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_law +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_leadership +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_linguistics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_literature +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_logic +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_management_information_systems +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_management_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_management_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_marketing +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mass_communications +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_math +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mathematical_physics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mathematical_sciences +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mathematics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mechanical_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_mechanics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_media_studies +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_medical +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_medical +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_medicine +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_microbiology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_microelectronics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_molecular_biology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_neuroscience +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_nuclear_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_operations_research +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_organic_chemistry +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_ph_d +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_pharmacy +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_philosophy +concept_academicfield_science concept:academicfieldconcernssubject concept_academicfield_physical +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_physical_education +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_planning +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_political_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_program +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_psychology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_public_administration +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_public_health +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_public_relations +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_researchers +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_sciences +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_services +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_social_science +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_social_sciences +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_sociology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_software_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_statistics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_system +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_systems +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_systems_engineering +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_systems_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_technical_writing +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_technology_management +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_theater +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_theoretical_physics +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_academicfield_writing +concept_academicfield_science concept:academicfieldconcernssubject concept_braintissue_cognitive +concept_academicfield_science concept:academicfieldconcernssubject concept_buildingfeature_material +concept_academicfield_science concept:academicfieldconcernssubject concept_chemical_management +concept_academicfield_science concept:academicfieldconcernssubject concept_cognitiveactions_studies +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_economicsector_agriculture +concept_academicfield_science concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_economicsector_online +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_economicsector_telecommunications +concept_academicfield_science concept:academicfieldconcernssubject concept_emotion_health +concept_academicfield_science concept:academicfieldconcernssubject concept_geometricshape_earth +concept_academicfield_science concept:academicfieldconcernssubject concept_geometricshape_natural +concept_academicfield_science concept:academicfieldconcernssubject concept_geometricshape_space +concept_academicfield_science concept:academicfieldconcernssubject concept_geopoliticallocation_political +concept_academicfield_science concept:academicfieldconcernssubject concept_hobby_educational +concept_academicfield_science concept:academicfieldconcernssubject concept_hobby_electrical_engineering +concept_academicfield_science concept:academicfieldconcernssubject concept_hobby_library +concept_academicfield_science concept:academicfieldconcernssubject concept_hobby_social +concept_academicfield_science concept:academicfieldconcernssubject concept_mlarea_systems +concept_academicfield_science concept:academicfieldconcernssubject concept_musicalbum_culture +concept_academicfield_science concept:academicfieldconcernssubject concept_musicalbum_life +concept_academicfield_science concept:academicfieldconcernssubject concept_musicalbum_technology +concept_academicfield_science concept:academicfieldconcernssubject concept_nongovorganization_lives +concept_academicfield_science concept:academicfieldconcernssubject concept_perceptionaction_engineering_technology +concept_academicfield_science concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_science concept:academicfieldconcernssubject concept_physicalaction_communication +concept_academicfield_science concept:academicfieldconcernssubject concept_physicalaction_materials +concept_academicfield_science concept:academicfieldconcernssubject concept_physicalaction_society +concept_academicfield_science concept:academicfieldconcernssubject concept_politicsissue_behaviour +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_education +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_health_care +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_health_services +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_higher_education +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_human_services +concept_academicfield_science concept:academicfieldsuchasacademicfield concept_politicsissue_public_policy +concept_academicfield_science concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_science concept:academicfieldconcernssubject concept_researchproject_engineering +concept_academicfield_science concept:academicfieldconcernssubject concept_scientificterm_management_information +concept_academicfield_science concept:academicprogramatuniversity concept_university_city_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_columbia_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_community_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_george_washington_university_school +concept_academicfield_science concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_science concept:academicprogramatuniversity concept_university_harvard_school_of_public_health +concept_academicfield_science concept:academicprogramatuniversity concept_university_indiana_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_institute +concept_academicfield_science concept:academicprogramatuniversity concept_university_kansas_state +concept_academicfield_science concept:academicprogramatuniversity concept_university_kansas_state_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_mcgill_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_mcmaster_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_memorial_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_northwestern_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_science concept:academicprogramatuniversity concept_university_oklahoma_state +concept_academicfield_science concept:academicprogramatuniversity concept_university_pennsylvania_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_polytechnic_state_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_polytechnic_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_prestigious_school +concept_academicfield_science concept:academicprogramatuniversity concept_university_schools +concept_academicfield_science concept:academicprogramatuniversity concept_university_stanford +concept_academicfield_science concept:academicprogramatuniversity concept_university_stanford_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_state_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_state_university_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_syracuse_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_towson_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_university_college +concept_academicfield_science concept:academicprogramatuniversity concept_university_university_s_school +concept_academicfield_science concept:academicprogramatuniversity concept_university_washington_university +concept_academicfield_science concept:academicprogramatuniversity concept_university_yale_university +concept_academicfield_science concept:academicfieldconcernssubject concept_website_communications +concept_academicfield_science concept:academicfieldconcernssubject concept_website_computing +concept_academicfield_science concept:academicfieldconcernssubject concept_website_decision +concept_academicfield_science_building concept:academicprogramatuniversity concept_university_college +concept_academicfield_science_division concept:academicprogramatuniversity concept_university_college +concept_academicfield_science_education concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_science_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_science_education concept:academicprogramatuniversity concept_university_institute +concept_academicfield_science_institute concept:academicprogramatuniversity concept_university_institute +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_anthropology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_applied_mathematics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_archaeology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_architecture +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_art +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_astronomy +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_biochemistry +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_biological_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_biology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_biomedical_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_botany +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_business_administration +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_cell___molecular_biology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_chemistry +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_civil_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_communication +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_computer_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_design +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_ecology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_electrical +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_electrical_and_computer_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_electrical_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_sciences concept:academicfieldconcernssubject concept_academicfield_environmental +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_environmental_engineering +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_environmental_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_ethnology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_fine_arts +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_genetics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_geography +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_health_professions +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_history +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_human_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_humanities +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_information_systems +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_law +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_life_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_linguistics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_management +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_mathematical_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_mathematics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_mechanical_engineering +concept_academicfield_sciences concept:academicfieldconcernssubject concept_academicfield_medical +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_medicine +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_meteorology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_microbiology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_molecular_biology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_natural_resources +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_natural_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_pharmacology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_pharmacy +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_philosophy +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_physical +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_physical_sciences +concept_academicfield_sciences concept:academicfieldconcernssubject concept_academicfield_physics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_physiology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_plant_pathology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_plant_physiology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_psychology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_social +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_social_sciences +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_social_work +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_sociology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_systems +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_theology +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_tropical_medicine +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_academicfield_veterinary_medicine +concept_academicfield_sciences concept:academicfieldconcernssubject concept_buildingfeature_material +concept_academicfield_sciences concept:academicfieldconcernssubject concept_charactertrait_physical +concept_academicfield_sciences concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_economicsector_telecommunications +concept_academicfield_sciences concept:academicfieldconcernssubject concept_geometricshape_earth +concept_academicfield_sciences concept:academicfieldconcernssubject concept_geometricshape_space +concept_academicfield_sciences concept:academicfieldconcernssubject concept_hobby_library +concept_academicfield_sciences concept:academicfieldconcernssubject concept_hobby_social +concept_academicfield_sciences concept:academicfieldconcernssubject concept_musicalbum_life +concept_academicfield_sciences concept:academicfieldconcernssubject concept_musicalbum_technology +concept_academicfield_sciences concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_sciences concept:academicfieldconcernssubject concept_physicalaction_materials +concept_academicfield_sciences concept:academicfieldconcernssubject concept_physicalaction_society +concept_academicfield_sciences concept:academicfieldsuchasacademicfield concept_politicsissue_education +concept_academicfield_sciences concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_sciences concept:academicfieldconcernssubject concept_researchproject_engineering +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_academy +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_american_academy +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_dean_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_foundation +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_international_academy +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_library +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_research_school +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_schools +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_the_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_ua_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_ua_s_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_university_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_university_s_school +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_uw_college +concept_academicfield_sciences concept:academicprogramatuniversity concept_university_vermont_college +concept_academicfield_sciences_department concept:academicprogramatuniversity concept_university_college +concept_academicfield_sciences_departments concept:academicprogramatuniversity concept_university_college +concept_academicfield_sciences_program concept:academicprogramatuniversity concept_university_college +concept_academicfield_sciences_university concept:academicprogramatuniversity concept_university_college +concept_academicfield_sciences_university concept:academicprogramatuniversity concept_university_institute +concept_academicfield_secondary_english_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_secondary_science_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_secretarial_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_security concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_services concept:academicfieldsuchasacademicfield concept_academicfield_communications +concept_academicfield_services concept:academicfieldsuchasacademicfield concept_academicfield_email +concept_academicfield_services concept:academicfieldsuchasacademicfield concept_academicfield_further_information +concept_academicfield_services concept:academicfieldsuchasacademicfield concept_academicfield_news +concept_academicfield_services concept:academicprogramatuniversity concept_university_institute +concept_academicfield_small_business_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_social concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_anthropology concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_ecology concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_psychology concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_social_psychology concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_psychology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_social_science concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_science concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_social_sciences concept:academicfieldsuchasacademicfield concept_academicfield_anthropology +concept_academicfield_social_sciences concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_social_sciences concept:academicfieldsuchasacademicfield concept_academicfield_linguistics +concept_academicfield_social_sciences concept:academicfieldsuchasacademicfield concept_academicfield_political_science +concept_academicfield_social_sciences concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_sciences concept:academicprogramatuniversity concept_university_institute +concept_academicfield_social_sciences concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_social_services concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_studies_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_theory concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_boston_college +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_college +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_portland_state_university +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_rutgers_university +concept_academicfield_social_work concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_society concept:academicprogramatuniversity concept_university_college +concept_academicfield_society concept:academicprogramatuniversity concept_university_institute +concept_academicfield_sociology concept:academicfieldconcernssubject concept_celltype_groups +concept_academicfield_sociology concept:academicfieldconcernssubject concept_mlarea_critical_analysis +concept_academicfield_sociology concept:academicfieldconcernssubject concept_physicalaction_behavior +concept_academicfield_sociology concept:academicfieldconcernssubject concept_physicalaction_social_life +concept_academicfield_sociology concept:academicfieldconcernssubject concept_physicalaction_society +concept_academicfield_sociology concept:academicprogramatuniversity concept_university_college +concept_academicfield_sociology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_sociology_anthropology concept:academicprogramatuniversity concept_university_college +concept_academicfield_software_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_spanish concept:academicprogramatuniversity concept_university_college +concept_academicfield_spanish_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_spanish_language concept:academicprogramatuniversity concept_university_college +concept_academicfield_spanish_language_and_literature concept:academicprogramatuniversity concept_university_college +concept_academicfield_special_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_special_education concept:academicprogramatuniversity concept_university_grand_canyon_university +concept_academicfield_special_education concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_special_education concept:academicprogramatuniversity concept_university_unc +concept_academicfield_speech concept:academicprogramatuniversity concept_university_college +concept_academicfield_speech_and_language_pathology concept:academicprogramatuniversity concept_university_college +concept_academicfield_speech_communication concept:academicprogramatuniversity concept_university_college +concept_academicfield_speech_communications concept:academicprogramatuniversity concept_university_college +concept_academicfield_speech_language_pathology concept:academicprogramatuniversity concept_university_college +concept_academicfield_speech_pathology concept:academicprogramatuniversity concept_university_college +concept_academicfield_sports concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_sports_administration concept:academicprogramatuniversity concept_university_college +concept_academicfield_sports_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_sports_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_sports_medicine concept:academicprogramatuniversity concept_university_paris_junior_college +concept_academicfield_sports_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_state_government concept:proxyfor concept_book_new +concept_academicfield_statistics concept:academicfieldsuchasacademicfield concept_academicfield_special_education +concept_academicfield_statistics concept:academicprogramatuniversity concept_university_college +concept_academicfield_statistics concept:academicprogramatuniversity concept_university_institute +concept_academicfield_statistics concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_strategic_management concept:academicprogramatuniversity concept_university_college +concept_academicfield_strategies concept:subpartof concept_weatherphenomenon_air +concept_academicfield_strategies concept:subpartof concept_weatherphenomenon_water +concept_academicfield_strategy concept:proxyfor concept_book_new +concept_academicfield_strategy concept:atdate concept_date_n2001 +concept_academicfield_strategy concept:atdate concept_date_n2003 +concept_academicfield_strategy concept:atdate concept_dateliteral_n2002 +concept_academicfield_strategy concept:atdate concept_dateliteral_n2005 +concept_academicfield_strategy concept:atdate concept_dateliteral_n2006 +concept_academicfield_strategy concept:atdate concept_dateliteral_n2007 +concept_academicfield_strategy concept:subpartof concept_weatherphenomenon_air +concept_academicfield_strategy concept:subpartof concept_weatherphenomenon_water +concept_academicfield_structural_biology concept:academicprogramatuniversity concept_university_college +concept_academicfield_structural_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_structures concept:subpartof concept_weatherphenomenon_water +concept_academicfield_study_abroad concept:academicprogramatuniversity concept_university_college +concept_academicfield_surgery concept:academicprogramatuniversity concept_university_college +concept_academicfield_system concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_system_engineering concept:subpartof concept_weatherphenomenon_water +concept_academicfield_systematic_theology concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_systems concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_systems concept:academicfieldsuchasacademicfield concept_academicfield_information_technology +concept_academicfield_systems concept:academicfieldconcernssubject concept_chemical_management +concept_academicfield_systems concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_systems concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_systems concept:academicprogramatuniversity concept_university_college +concept_academicfield_systems concept:academicprogramatuniversity concept_university_institute +concept_academicfield_systems_courses concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_systems_engineering concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_systems_engineering concept:academicprogramatuniversity concept_university_institute +concept_academicfield_systems_management concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_teacher_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_teaching_english concept:academicprogramatuniversity concept_university_college +concept_academicfield_technologies concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_technologies concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_technologies concept:academicprogramatuniversity concept_university_college +concept_academicfield_technologies concept:academicprogramatuniversity concept_university_institute +concept_academicfield_technologies concept:academicfieldconcernssubject concept_website_information +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_aeronautical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_aerospace_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_analytical_chemistry +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_applied_biology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_applied_mathematics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_applied_mechanics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_applied_physics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_architects +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_architectural_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_architecture +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_art +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_atmospheric_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_atmospheric_sciences +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_biochemistry +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_bioengineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_biology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_biomedical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_bsc +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_business_administration +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_business_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_chemical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_chemistry +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_city_planning +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_civil_and_environmental_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_civil_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_cognitive_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_communication +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_communication_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_communications +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_communications_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_computer_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_computer_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_computer_science___engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_computer_sciences +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_computing +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_construction_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_design +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_doctoral_degree +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_doctoral_degrees +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_economics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electrical_and_computer_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electrical_and_electronics_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electrical_engineer +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electrical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electronic_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electronics_and_communication_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electronics_and_communications_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_electronics_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineer +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineering_physics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineering_psychology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineering_students +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineering_technology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_engineers +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_environmental_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_finance +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_geophysics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_graduate_degree +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_industrial_and_systems_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_industrial_design +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_industrial_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_industrial_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_industrial_psychology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_informatics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_information_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_information_systems +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_information_technology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_international_affairs +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_literature +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_logistics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_management_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_marketing +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_materials_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_materials_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_materials_science_and_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_mathematics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_mba_degree +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_mechanical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_mechanics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_mechatronics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_metallurgical_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_metallurgy +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_molecular_biology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_nuclear_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_ocean_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_operations_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_operations_research +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_organic_chemistry +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_organizational_psychology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_ph_d +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_phd_student +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_philosophy +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_physical_chemistry +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_physics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_planning +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_political_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_program +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_project_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_psychology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_researchers +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_sciences +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_software_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_statistics +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_structural_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_systems +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_systems_engineering +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_technology_management +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_training +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_academicfield_urban_planning +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_economicsector_biotechnology +concept_academicfield_technology concept:academicfieldconcernssubject concept_economicsector_computer +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_economicsector_computer_technology +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_economicsector_telecommunications +concept_academicfield_technology concept:academicfieldconcernssubject concept_geopoliticallocation_political +concept_academicfield_technology concept:academicfieldconcernssubject concept_hobby_library +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_politicsissue_education +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_politicsissue_higher_education +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_politicsissue_master_s_degree +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_politicsissue_policy +concept_academicfield_technology concept:academicfieldsuchasacademicfield concept_politicsissue_public_policy +concept_academicfield_technology concept:academicfieldconcernssubject concept_profession_information +concept_academicfield_technology concept:academicfieldconcernssubject concept_programminglanguage_electronics +concept_academicfield_technology concept:academicfieldconcernssubject concept_researchproject_engineering +concept_academicfield_technology concept:academicprogramatuniversity concept_university_academy +concept_academicfield_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_technology concept:academicprogramatuniversity concept_university_graduate_school +concept_academicfield_technology concept:academicprogramatuniversity concept_university_institute +concept_academicfield_technology concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_technology_education concept:academicprogramatuniversity concept_university_college +concept_academicfield_technology_studies concept:academicprogramatuniversity concept_university_institute +concept_academicfield_television_production concept:academicprogramatuniversity concept_university_college +concept_academicfield_tesol concept:academicprogramatuniversity concept_university_college +concept_academicfield_tests concept:proxyfor concept_book_new +concept_academicfield_tests concept:atdate concept_date_n2003 +concept_academicfield_tests concept:atdate concept_dateliteral_n2002 +concept_academicfield_tests concept:atdate concept_dateliteral_n2005 +concept_academicfield_tests concept:atdate concept_dateliteral_n2006 +concept_academicfield_tests concept:atdate concept_dateliteral_n2008 +concept_academicfield_tests concept:subpartof concept_weatherphenomenon_water +concept_academicfield_tests concept:atdate concept_year_n1998 +concept_academicfield_theater concept:academicprogramatuniversity concept_university_college +concept_academicfield_theater concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_theater_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_theatre concept:academicprogramatuniversity concept_university_college +concept_academicfield_theatre concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_theatre_performance concept:academicprogramatuniversity concept_university_college +concept_academicfield_theatre_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_theological_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_theological_studies concept:academicprogramatuniversity concept_university_harvard +concept_academicfield_theological_studies concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_theology concept:academicprogramatuniversity concept_university_bible_college +concept_academicfield_theology concept:academicprogramatuniversity concept_university_boston_university +concept_academicfield_theology concept:academicprogramatuniversity concept_university_college +concept_academicfield_theology concept:academicprogramatuniversity concept_university_dallas_theological_seminary +concept_academicfield_theology concept:academicprogramatuniversity concept_university_harvard +concept_academicfield_theology concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_theology concept:academicprogramatuniversity concept_university_theological_seminary +concept_academicfield_theoretical_physics concept:academicprogramatuniversity concept_university_college +concept_academicfield_theory concept:academicprogramatuniversity concept_university_college +concept_academicfield_therapy concept:academicprogramatuniversity concept_university_college +concept_academicfield_therapy concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_therapy_degree concept:academicprogramatuniversity concept_university_college +concept_academicfield_tourism concept:academicprogramatuniversity concept_university_college +concept_academicfield_toxicology concept:academicprogramatuniversity concept_university_college +concept_academicfield_trading concept:proxyfor concept_book_new +concept_academicfield_trading concept:atdate concept_date_n2000 +concept_academicfield_trading concept:atdate concept_date_n2001 +concept_academicfield_trading concept:atdate concept_date_n2004 +concept_academicfield_trading concept:atdate concept_dateliteral_n2005 +concept_academicfield_trading concept:atdate concept_dateliteral_n2006 +concept_academicfield_trading concept:atdate concept_dateliteral_n2007 +concept_academicfield_trading concept:atdate concept_dateliteral_n2008 +concept_academicfield_trading concept:atdate concept_year_n1995 +concept_academicfield_traditions concept:academicprogramatuniversity concept_university_college +concept_academicfield_training concept:academicprogramatuniversity concept_university_college +concept_academicfield_training concept:academicprogramatuniversity concept_university_institute +concept_academicfield_training concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_training concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_transport concept:proxyfor concept_book_new +concept_academicfield_transport concept:atdate concept_dateliteral_n2005 +concept_academicfield_transport concept:atdate concept_dateliteral_n2006 +concept_academicfield_trial concept:atdate concept_date_n1993 +concept_academicfield_trial concept:atdate concept_date_n1996 +concept_academicfield_trial concept:atdate concept_date_n1999 +concept_academicfield_trial concept:atdate concept_date_n2000 +concept_academicfield_trial concept:atdate concept_date_n2001 +concept_academicfield_trial concept:atdate concept_date_n2003 +concept_academicfield_trial concept:atdate concept_date_n2004 +concept_academicfield_trial concept:atdate concept_date_n2009 +concept_academicfield_trial concept:atdate concept_dateliteral_n1990 +concept_academicfield_trial concept:atdate concept_dateliteral_n2002 +concept_academicfield_trial concept:atdate concept_dateliteral_n2005 +concept_academicfield_trial concept:atdate concept_dateliteral_n2006 +concept_academicfield_trial concept:atdate concept_dateliteral_n2007 +concept_academicfield_trial concept:atdate concept_dateliteral_n2008 +concept_academicfield_trial concept:atdate concept_dateliteral_n2010 +concept_academicfield_trial concept:atdate concept_year_n1965 +concept_academicfield_trial concept:atdate concept_year_n1975 +concept_academicfield_trial concept:atdate concept_year_n1982 +concept_academicfield_trial concept:atdate concept_year_n1985 +concept_academicfield_trial concept:atdate concept_year_n1986 +concept_academicfield_trial concept:atdate concept_year_n1988 +concept_academicfield_trial concept:atdate concept_year_n1989 +concept_academicfield_trial concept:atdate concept_year_n1991 +concept_academicfield_trial concept:atdate concept_year_n1992 +concept_academicfield_trial concept:atdate concept_year_n1994 +concept_academicfield_trial concept:atdate concept_year_n1995 +concept_academicfield_trial concept:atdate concept_year_n1997 +concept_academicfield_trial concept:atdate concept_year_n1998 +concept_academicfield_undergraduate_study concept:academicprogramatuniversity concept_university_college +concept_academicfield_urban_affairs concept:academicprogramatuniversity concept_university_college +concept_academicfield_urban_and_regional_planning concept:academicprogramatuniversity concept_university_institute +concept_academicfield_urban_planning concept:academicprogramatuniversity concept_university_college +concept_academicfield_urban_planning concept:academicprogramatuniversity concept_university_institute +concept_academicfield_urban_planning concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_urban_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_urology concept:academicprogramatuniversity concept_university_college +concept_academicfield_version concept:atdate concept_date_n1999 +concept_academicfield_version concept:atdate concept_date_n2000 +concept_academicfield_version concept:atdate concept_date_n2001 +concept_academicfield_version concept:atdate concept_date_n2003 +concept_academicfield_version concept:atdate concept_date_n2004 +concept_academicfield_version concept:atdate concept_date_n2009 +concept_academicfield_version concept:atdate concept_dateliteral_n2005 +concept_academicfield_version concept:atdate concept_dateliteral_n2006 +concept_academicfield_version concept:atdate concept_dateliteral_n2007 +concept_academicfield_version concept:atdate concept_dateliteral_n2008 +concept_academicfield_version concept:synonymfor concept_lymphnode_distributed +concept_academicfield_version concept:atdate concept_year_n1998 +concept_academicfield_veterinary_medicine concept:academicprogramatuniversity concept_university_college +concept_academicfield_veterinary_medicine concept:academicprogramatuniversity concept_university_ohio_state +concept_academicfield_veterinary_medicine concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_veterinary_medicine concept:academicprogramatuniversity concept_university_state_university_college +concept_academicfield_veterinary_technician concept:academicprogramatuniversity concept_university_college +concept_academicfield_veterinary_technology concept:academicprogramatuniversity concept_university_college +concept_academicfield_video_production concept:academicprogramatuniversity concept_university_college +concept_academicfield_visitors concept:academicprogramatuniversity concept_university_college +concept_academicfield_visual_and_performing_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_visual_arts concept:academicprogramatuniversity concept_university_college +concept_academicfield_visual_communication concept:academicprogramatuniversity concept_university_college +concept_academicfield_voice concept:academicprogramatuniversity concept_university_college +concept_academicfield_volume concept:proxyfor concept_book_new +concept_academicfield_volume concept:atdate concept_dateliteral_n2007 +concept_academicfield_volume concept:atdate concept_dateliteral_n2008 +concept_academicfield_web_design concept:academicprogramatuniversity concept_university_college +concept_academicfield_websites concept:subpartof concept_weatherphenomenon_air +concept_academicfield_websites concept:subpartof concept_weatherphenomenon_water +concept_academicfield_wildlife concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_women_s_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_women_studies concept:academicprogramatuniversity concept_university_college +concept_academicfield_world_history concept:academicprogramatuniversity concept_university_college +concept_academicfield_worldwide concept:subpartof concept_weatherphenomenon_air +concept_academicfield_worldwide concept:subpartof concept_weatherphenomenon_water +concept_academicfield_writing concept:academicprogramatuniversity concept_university_college +concept_academicfield_writing concept:academicprogramatuniversity concept_university_institute +concept_academicfield_writing concept:academicprogramatuniversity concept_university_state_university +concept_academicfield_youth_ministry concept:academicprogramatuniversity concept_university_college +concept_academicfield_youth_ministry concept:academicprogramatuniversity concept_university_seminary +concept_academicfield_zoology concept:academicprogramatuniversity concept_university_state_university +concept_actor_abhishek concept:actorstarredinmovie concept_movie_drona +concept_actor_abhishek concept:hasspouse concept_person_aishwarya +concept_actor_abigail_breslin concept:actorstarredinmovie concept_movie_little_miss_sunshine +concept_actor_actress_nicole_kidman concept:hasspouse concept_celebrity_keith_urban +concept_actor_adam_west_and_burt_ward concept:actorstarredinmovie concept_movie_batman +concept_actor_al_gore concept:actorstarredinmovie concept_movie_inconvenient_truth +concept_actor_al_jolson concept:actorstarredinmovie concept_movie_jazz_singer +concept_actor_al_jolson concept:actorstarredinmovie concept_movie_the_jazz_singer +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_dog_day_afternoon +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_n88_minutes +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_righteous_kill +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_scarface +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_serpico +concept_actor_al_pacino concept:actorstarredinmovie concept_movie_the_godfather +concept_actor_alan_arkin concept:actorstarredinmovie concept_movie_little_miss_sunshine +concept_actor_alan_ladd concept:actorstarredinmovie concept_movie_shane +concept_actor_albums concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_alec_baldwin concept:hasspouse concept_person_kim_basinger +concept_actor_amy_poehler concept:actorstarredinmovie concept_movie_baby_mama +concept_actor_ancestors concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_angela_bowie concept:hasspouse concept_person_david003 +concept_actor_angela_davis concept:personchargedwithcrime concept_crimeorcharge_murder +concept_actor_anne_bancroft concept:actorstarredinmovie concept_movie_the_graduate +concept_actor_anne_bancroft concept:actorstarredinmovie concept_movie_the_miracle_worker +concept_actor_anne_hathaway concept:actorstarredinmovie concept_movie_bride_wars +concept_actor_anthony_minghella concept:actorstarredinmovie concept_movie_the_english_patient +concept_actor_anthony_perkins concept:actorstarredinmovie concept_movie_psycho +concept_actor_arnold_schwarzeneggar concept:actorstarredinmovie concept_movie_true_lies +concept_actor_arnold_schwarzeneggar concept:personhasresidenceingeopoliticallocation concept_stateorprovince_california +concept_actor_ashley_judd concept:actorstarredinmovie concept_movie_double_jeopardy +concept_actor_ashley_tisdale concept:actorstarredinmovie concept_movie_high_school_musical +concept_actor_asner concept:latitudelongitude 29.8000000000000,-9.1500000000000 +concept_actor_audrey_hepburn concept:actorstarredinmovie concept_movie_charade +concept_actor_audrey_hepburn concept:actorstarredinmovie concept_movie_roman_holiday +concept_actor_auschwitz concept:atdate concept_date_n1942 +concept_actor_auschwitz concept:atdate concept_date_n1944 +concept_actor_auschwitz concept:atdate concept_dateliteral_n1943 +concept_actor_avi concept:agentcreated concept_personcanada_nothing_but_the_truth +concept_actor_bad_things concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_banks concept:personchargedwithcrime concept_crimeorcharge_murder +concept_actor_barbra_streisand concept:actorstarredinmovie concept_movie_funny_girl +concept_actor_basil_rathbone concept:actorstarredinmovie concept_movie_sherlock_holmes +concept_actor_basil_rathbone_and_nigel_bruce concept:actorstarredinmovie concept_movie_sherlock_holmes +concept_actor_ben_kingsley concept:actorstarredinmovie concept_visualizablething_gandhi +concept_actor_ben_stiller concept:haswife concept_model_christine_taylor +concept_actor_ben_stiller concept:actorstarredinmovie concept_movie_tropic_thunder +concept_actor_benny_golson concept:persondiedincountry concept_country_england +concept_actor_bernie_mac concept:persondiedatage 50 +concept_actor_bill_carter concept:personbelongstoorganization concept_musicartist_times +concept_actor_bill_mckibben concept:personhasjobposition concept_jobposition_author +concept_actor_bill_murray concept:actorstarredinmovie concept_movie_garfield +concept_actor_bill_murray concept:actorstarredinmovie concept_movie_groundhog_day +concept_actor_billy_baldwin concept:hasspouse concept_female_chynna_phillips +concept_actor_billy_bob_thornton concept:actorstarredinmovie concept_movie_sling_blade +concept_actor_biography concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_block concept:proxyfor concept_book_new +concept_actor_bob_brown concept:haswife concept_celebrity_whitney_houston +concept_actor_bobby_jackson concept:personalsoknownas concept_athlete_granger +concept_actor_bobby_jackson concept:personalsoknownas concept_athlete_wayne_simien +concept_actor_bobby_jackson concept:personalsoknownas concept_person_jamaal_magloire +concept_actor_bobby_jackson concept:personalsoknownas concept_person_jamaal_tinsley +concept_actor_bornheimer concept:latitudelongitude 50.1298000000000,8.7135000000000 +concept_actor_brenda_blethyn concept:actorstarredinmovie concept_movie_saving_grace +concept_actor_brittany_snow concept:actorstarredinmovie concept_movie_prom_night +concept_actor_bruce_willis concept:hasspouse concept_model_emma_heming +concept_actor_bruce_willis concept:actorstarredinmovie concept_movie_armageddon +concept_actor_bruce_willis concept:actorstarredinmovie concept_movie_die_hard +concept_actor_bush concept:hasspouse concept_celebrity_laura_bush +concept_actor_bush concept:personbelongstoorganization concept_governmentorganization_house +concept_actor_carey_lowell concept:hasspouse concept_celebrity_richard_gere +concept_actor_carlos_beltran concept:personchargedwithcrime concept_crimeorcharge_murder +concept_actor_carrie_underwood concept:hasspouse concept_politicianus_mike_fisher +concept_actor_cary_grant concept:actorstarredinmovie concept_movie_charade +concept_actor_cary_grant concept:actorstarredinmovie concept_movie_north_by_northwest +concept_actor_cash_warren concept:hasspouse concept_celebrity_alba +concept_actor_cash_warren concept:haswife concept_female_jessica_alba +concept_actor_center concept:agentcreated concept_scientificterm_information_contact +concept_actor_center concept:agentcreated concept_scientificterm_information_visit +concept_actor_center concept:agentcreated concept_scientificterm_more_information_contact +concept_actor_center concept:agentcreated concept_scientificterm_more_information_visit +concept_actor_charles_wang concept:personchargedwithcrime concept_crimeorcharge_fraud +concept_actor_charlie_sheen concept:haswife concept_female_denise_richards +concept_actor_charlie_sheen concept:actorstarredinmovie concept_movie_platoon +concept_actor_cher concept:actorstarredinmovie concept_movie_moonstruck +concept_actor_cherie_currie concept:personbelongstoorganization concept_musicartist_the_runaways +concept_actor_chevy_chase concept:actorstarredinmovie concept_movie_vacation +concept_actor_chris_o_donnell concept:actorstarredinmovie concept_movie_robin +concept_actor_chris_tucker concept:actorstarredinmovie concept_movie_rush_hour +concept_actor_chris_wallace concept:worksfor concept_governmentorganization_fox_news +concept_actor_chris_wallace concept:worksfor concept_mountain_fox +concept_actor_chris_weitz concept:agentcontributedtocreativework concept_movie_golden_compass +concept_actor_christie_brinkley concept:hasspouse concept_comedian_peter_cook +concept_actor_christina_ricci concept:hasspouse concept_person_owen_benjamin +concept_actor_christopher_reeve concept:actorstarredinmovie concept_movie_superman +concept_actor_christopher_reeves concept:actorstarredinmovie concept_movie_superman +concept_actor_claudette_colbert concept:actorstarredinmovie concept_movie_it_happened_one_night +concept_actor_colin_farrell concept:actorstarredinmovie concept_movie_phone_booth +concept_actor_collectors concept:proxyfor concept_book_new +concept_actor_connery concept:actorstarredinmovie concept_movie_james_bond +concept_actor_dana_jacobson concept:worksfor concept_sportsleague_espn +concept_actor_daniel_schorr concept:personleadsorganization concept_company_cnn__pbs +concept_actor_daniel_schorr concept:personleadsorganization concept_televisionnetwork_cbs +concept_actor_daniel_schorr concept:worksfor concept_televisionnetwork_cbs +concept_actor_danielle_steel concept:agentcreated concept_book_family_ties +concept_actor_danielle_steel concept:agentcreated concept_movie_safe_harbor +concept_actor_danielle_steel concept:agentcreated concept_musicalbum_leap_of_faith +concept_actor_dave_matthews concept:agentinvolvedwithitem concept_musicinstrument_bass +concept_actor_dave_matthews concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_actor_david_hernandez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_actor_david_katzenberg concept:haswife concept_celebrity_nicky_hilton +concept_actor_david_rockefeller concept:worksfor concept_creditunion_chase_manhattan_bank +concept_actor_david_zinczenko concept:worksfor concept_musicartist_health +concept_actor_dennis_hopper concept:actorstarredinmovie concept_movie_easy_rider +concept_actor_description concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_description concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_description concept:agentcompeteswithagent concept_personcanada_search +concept_actor_description concept:agentcreated concept_programminglanguage_contact +concept_actor_disaster concept:proxyfor concept_book_new +concept_actor_disaster concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_disaster concept:agentactsinlocation concept_lake_new +concept_actor_djimon_hounsou concept:actorstarredinmovie concept_movie_blood_diamond +concept_actor_don_dokken concept:personbelongstoorganization concept_musicartist_dokken +concept_actor_donna_hanover concept:personhasjobposition concept_jobposition_television_journalist +concept_actor_doves concept:agentcompeteswithagent concept_animal_animals001 +concept_actor_dreamworks concept:actorstarredinmovie concept_movie_shrek +concept_actor_drew_barrymore concept:hasspouse concept_celebrity_justin_long +concept_actor_drew_barrymore concept:actorstarredinmovie concept_movie_never_been_kissed +concept_actor_eartha_kitt concept:persondiedatage 81 +concept_actor_ed_norton concept:actorstarredinmovie concept_movie_hulk +concept_actor_elizabeth_bear concept:agentcreated concept_musicartist_house_of_the_rising_sun +concept_actor_elizabeth_bear concept:agentcreated concept_musicartist_the_ladies +concept_actor_elizabeth_bear concept:agentcreated concept_weatherphenomenon_ice +concept_actor_ellen_burstyn concept:actorstarredinmovie concept_movie_alice_doesn_t_live_here_anymore +concept_actor_emma_thompson concept:actorstarredinmovie concept_movie_howards_end +concept_actor_emma_thompson concept:actorstarredinmovie concept_movie_nanny_mcphee +concept_actor_emma_thompson concept:actorstarredinmovie concept_movie_sense_and_sensibility +concept_actor_emma_thompson concept:hasspouse concept_person_greg_wise +concept_actor_eric_johnson concept:hasspouse concept_person_jessica_simpson +concept_actor_ernest_hemingway concept:agentcontributedtocreativework concept_book_snows_of_kilimanjaro +concept_actor_ernest_hemingway concept:agentcontributedtocreativework concept_book_sun_also_rises +concept_actor_ewan_mcgregor concept:actorstarredinmovie concept_movie_moulin_rouge +concept_actor_fay_wray concept:actorstarredinmovie concept_movie_king_kong +concept_actor_faye_dunaway concept:actorstarredinmovie concept_movie_chinatown +concept_actor_faye_dunaway concept:actorstarredinmovie concept_movie_network +concept_actor_ferrell concept:actorstarredinmovie concept_movie_blades_of_glory +concept_actor_ferrell concept:actorstarredinmovie concept_movie_glory +concept_actor_ferrell concept:actorstarredinmovie concept_movie_lost +concept_actor_ferrell concept:actorstarredinmovie concept_movie_old_school +concept_actor_ferrell concept:actorstarredinmovie concept_movie_semi_pro +concept_actor_ferrell concept:actorstarredinmovie concept_movie_step_brothers +concept_actor_ferrell concept:actorstarredinmovie concept_movie_stranger_than_fiction +concept_actor_fidel_castro concept:personleadsorganization concept_country_cuba +concept_actor_financial concept:agentcompeteswithagent concept_company_post +concept_actor_financial concept:agentcompeteswithagent concept_musicartist_journal +concept_actor_financial concept:agentcompeteswithagent concept_musicartist_times +concept_actor_financial concept:agentcompeteswithagent concept_politicsblog_tribune +concept_actor_forehead concept:subpartof concept_website_blood +concept_actor_forest_whitaker concept:actorstarredinmovie concept_movie_last_king_of_scotland +concept_actor_forest_whitaker concept:actorstarredinmovie concept_movie_the_last_king_of_scotland +concept_actor_frances_mcdormand concept:actorstarredinmovie concept_movie_fargo +concept_actor_frank_herbert concept:agentinvolvedwithitem concept_videogame_dune +concept_actor_frank_sinatra concept:actorstarredinmovie concept_movie_the_manchurian_candidate +concept_actor_freddie_prinze_jr_ concept:haswife concept_female_sarah_michelle_gellar +concept_actor_freida_pinto concept:actorstarredinmovie concept_movie_slumdog_millionaire +concept_actor_gary_busey concept:actorstarredinmovie concept_movie_buddy_holly_story +concept_actor_gary_cooper concept:actorstarredinmovie concept_movie_high_noon +concept_actor_gary_lockwood concept:actorstarredinmovie concept_movie_n2001_a_space_odyssey +concept_actor_gary_oldman concept:actorstarredinmovie concept_movie_dracula +concept_actor_gary_oldman concept:hasspouse concept_person_lesley_manville001 +concept_actor_gene_hackman concept:actorstarredinmovie concept_movie_royal_tenenbaums +concept_actor_genere concept:latitudelongitude 18.2166700000000,-73.8166700000000 +concept_actor_geoffrey_arend concept:hasspouse concept_actor_christina_hendricks +concept_actor_geoffrey_rush concept:actorstarredinmovie concept_movie_shine +concept_actor_george_reeves concept:agentcontributedtocreativework concept_book_superman +concept_actor_george_reeves concept:actorstarredinmovie concept_movie_superman +concept_actor_geri_halliwell concept:hasspouse concept_personasia_sacha_gervasi +concept_actor_girls concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_glenn_close concept:actorstarredinmovie concept_movie_dangerous_liaisons +concept_actor_glenn_close concept:actorstarredinmovie concept_movie_fatal_attraction +concept_actor_glenn_kessler concept:worksfor concept_city_washington_d_c +concept_actor_gloria_swanson concept:actorstarredinmovie concept_movie_sunset_boulevard +concept_actor_gorillaz concept:agentcontrols concept_musicartist_damon_albarn +concept_actor_greer_garson concept:actorstarredinmovie concept_movie_mrs__miniver +concept_actor_gregory_peck concept:actorstarredinmovie concept_movie_roman_holiday +concept_actor_gwyneth_paltrow concept:actorstarredinmovie concept_movie_shakespeare_in_love +concept_actor_hayden_christensen concept:hasspouse concept_comedian_rachel_bilson +concept_actor_helen_hunt concept:actorstarredinmovie concept_movie_as_good_as_it_gets +concept_actor_helen_mirren concept:actorstarredinmovie concept_movie_the_queen +concept_actor_henry_fonda concept:actorstarredinmovie concept_movie_n12_angry_men +concept_actor_holly_hunter concept:actorstarredinmovie concept_movie_the_piano +concept_actor_holy_grail concept:latitudelongitude 36.2747000000000,-112.3043400000000 +concept_actor_hugh_grant concept:actorstarredinmovie concept_movie_notting_hill +concept_actor_hugh_jackman concept:actorstarredinmovie concept_movie_van_helsing +concept_actor_hugh_jackman concept:actorstarredinmovie concept_movie_x_men +concept_actor_hugh_jackman concept:haswife concept_personcanada_deborra_lee_furness +concept_actor_humphrey_bogart concept:actorstarredinmovie concept_movie_the_maltese_falcon +concept_actor_humphrey_bogart concept:actorstarredinmovie concept_visualizablething_casablanca +concept_actor_iain_sinclair concept:agentcreated concept_magazine_downriver +concept_actor_idea concept:agentcreated concept_programminglanguage_contact +concept_actor_ingrid_bergman concept:actorstarredinmovie concept_movie_gaslight +concept_actor_ingrid_bergman concept:actorstarredinmovie concept_visualizablething_casablanca +concept_actor_ione_skye concept:hasspouse concept_celebrity_ben_lee +concept_actor_jack_black concept:actorstarredinmovie concept_movie_king_kong +concept_actor_jack_black concept:actorstarredinmovie concept_movie_kung_fu_panda +concept_actor_jack_nicholson concept:actorstarredinmovie concept_movie_a_few_good_men +concept_actor_jack_nicholson concept:actorstarredinmovie concept_movie_batman +concept_actor_jack_nicholson concept:actorstarredinmovie concept_movie_few_good_men +concept_actor_jack_nicholson concept:actorstarredinmovie concept_movie_five_easy_pieces +concept_actor_jack_nicholson concept:actorstarredinmovie concept_movie_the_shining +concept_actor_jackie_chan_and_chris_tucker concept:actorstarredinmovie concept_movie_rush_hour +concept_actor_jackie_chan_and_chris_tucker concept:agentcontributedtocreativework concept_movie_rush_hour +concept_actor_jackie_chan_and_chris_tucker concept:actorstarredinmovie concept_movie_rush_hour_3 +concept_actor_jake_gyllenhaal concept:actorstarredinmovie concept_movie_brokeback_mountain +concept_actor_jamie_bell concept:actorstarredinmovie concept_movie_billy_elliot +concept_actor_jamie_kennedy concept:hasspouse concept_person_jennifer_love_hewitt +concept_actor_jane_fonda concept:hasspouse concept_male_ted_turner +concept_actor_jason_biggs concept:actorstarredinmovie concept_movie_american_pie +concept_actor_jason_bleick concept:haswife concept_female_selma_blair +concept_actor_jason_kapono concept:persondiedincountry concept_country_england +concept_actor_jason_reitman concept:actorstarredinmovie concept_movie_juno +concept_actor_jason_reitman concept:agentcontributedtocreativework concept_movie_juno +concept_actor_jay_brown concept:topmemberoforganization concept_bank_mbia +concept_actor_jay_brown concept:worksfor concept_bank_mbia +concept_actor_jennie_garth concept:hashusband concept_male_peter_facinelli +concept_actor_jennifer_griffin concept:worksfor concept_company_fox +concept_actor_jeremy_brett concept:actorstarredinmovie concept_movie_sherlock_holmes +concept_actor_jesse_james concept:haswife concept_female_sandra_bullock +concept_actor_jesse_james concept:hasspouse concept_person_sandra_bullock +concept_actor_jessica_tandy concept:actorstarredinmovie concept_movie_driving_miss_daisy +concept_actor_jessica_tandy concept:agentcontributedtocreativework concept_movie_fried_green_tomatoes +concept_actor_jet_li concept:actorstarredinmovie concept_movie_fearless +concept_actor_jg_ballard concept:agentcreated concept_movie_crash +concept_actor_jg_ballard concept:agentcreated concept_musicartist_empire_of_the_sun +concept_actor_jim_frazier concept:latitudelongitude 36.2134700000000,-80.7197900000000 +concept_actor_joan_allen concept:actorstarredinmovie concept_movie_the_crucible +concept_actor_joan_crawford concept:actorstarredinmovie concept_movie_mildred_pierce +concept_actor_joanne_woodward concept:hasspouse concept_person_newman +concept_actor_joe_scarborough concept:worksfor concept_governmentorganization_msnbc +concept_actor_joe_scarborough concept:personbelongstoorganization concept_sportsleague_msnbc +concept_actor_john_burns concept:worksfor concept_website_new_york_times +concept_actor_john_goodman concept:actorstarredinmovie concept_movie_big_lebowski +concept_actor_john_mackey concept:personbelongstoorganization concept_biotechcompany_whole_foods_market +concept_actor_john_tierney concept:worksfor concept_musicartist_times +concept_actor_john_travolta concept:haswife concept_female_kelly_preston +concept_actor_john_travolta concept:actorstarredinmovie concept_movie_basic +concept_actor_john_travolta concept:actorstarredinmovie concept_movie_grease +concept_actor_john_travolta concept:actorstarredinmovie concept_movie_phenomenon +concept_actor_john_travolta concept:actorstarredinmovie concept_movie_pulp_fiction +concept_actor_john_travolta concept:actorstarredinmovie concept_movie_saturday_night_fever +concept_actor_john_travolta concept:agentcontributedtocreativework concept_televisionshow_pulp_fiction +concept_actor_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_actor_jon_miller concept:worksfor concept_company_aol +concept_actor_jon_snow concept:worksfor concept_publication_channel_4 +concept_actor_jon_tenney concept:hasspouse concept_person_teri_hatcher +concept_actor_joseph_stein concept:agentcontributedtocreativework concept_movie_fiddler_on_the_roof +concept_actor_judi_dench concept:actorstarredinmovie concept_movie_notes_on_a_scandal +concept_actor_judy_garland concept:actorstarredinmovie concept_movie_the_wizard_of_oz +concept_actor_juliette_binoche concept:personalsoknownas concept_person_la_binoche +concept_actor_kanye_west concept:hasspouse concept_person_amber_rose +concept_actor_karen_armstrong concept:agentcontributedtocreativework concept_book_a_history_of_god +concept_actor_karen_armstrong concept:agentcontributedtocreativework concept_book_a_short_history_of_myth +concept_actor_kate_winslet concept:actorstarredinmovie concept_movie_titanic +concept_actor_katharine_hepburn concept:actorstarredinmovie concept_movie_guess_who_s_coming_to_dinner +concept_actor_katharine_hepburn concept:actorstarredinmovie concept_movie_morning_glory +concept_actor_katharine_hepburn concept:actorstarredinmovie concept_movie_on_golden_pond +concept_actor_kirk_douglas concept:actorstarredinmovie concept_movie_spartacus +concept_actor_kiro concept:agentactsinlocation concept_county_seattle +concept_actor_konkona concept:latitudelongitude 13.6123000000000,-5.9471000000000 +concept_actor_lara_flynn_boyle concept:hasspouse concept_comedian_jack_nicholson +concept_actor_late_heath_ledger concept:actorstarredinmovie concept_movie_dark_knight +concept_actor_late_heath_ledger concept:actorstarredinmovie concept_movie_the_dark_knight +concept_actor_laurence_olivier concept:actorstarredinmovie concept_movie_hamlet +concept_actor_leonard_nimoy concept:actorstarredinmovie concept_movie_star_trek +concept_actor_leukemia concept:atdate concept_date_n2004 +concept_actor_leukemia concept:atdate concept_dateliteral_n2002 +concept_actor_leukemia concept:atdate concept_dateliteral_n2005 +concept_actor_leukemia concept:atdate concept_dateliteral_n2006 +concept_actor_leukemia concept:atdate concept_dateliteral_n2007 +concept_actor_leukemia concept:atdate concept_dateliteral_n2008 +concept_actor_leukemia concept:atdate concept_year_n1995 +concept_actor_liev_schreiber concept:hasspouse concept_person_naomi_watts +concept_actor_liza_minnelli concept:hashusband concept_male_david_gest +concept_actor_liza_minnelli concept:actorstarredinmovie concept_movie_cabaret +concept_actor_louis_payne concept:personleadsgeopoliticalorganization concept_city_east_pittsburgh +concept_actor_louis_payne concept:worksfor concept_city_east_pittsburgh +concept_actor_louise_fletcher concept:actorstarredinmovie concept_movie_one_flew_over_the_cuckoo_s_nest +concept_actor_lutti concept:latitudelongitude -33.3000000000000,-64.7500000000000 +concept_actor_lynda_carter concept:actorstarredinmovie concept_movie_wonder_woman +concept_actor_maggie_gyllenhaal concept:hasspouse concept_actor_peter_sarsgaard +concept_actor_manfred_eicher concept:personleadsorganization concept_recordlabel_ecm +concept_actor_manfred_eicher concept:worksfor concept_recordlabel_ecm +concept_actor_mariah_carey concept:hashusband concept_male_nick_cannon +concept_actor_mariah_carey concept:hasspouse concept_person_nick_cannon +concept_actor_mario_lopez concept:hasspouse concept_personus_karina_smirnoff +concept_actor_masi_oka concept:personchargedwithcrime concept_crimeorcharge_murder +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_bourne_identity +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_bourne_ultimatum +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_good_will_hunting +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_rounders +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_talented_mr__ripley +concept_actor_matt_damon concept:actorstarredinmovie concept_movie_the_talented_mr__ripley +concept_actor_matthew_barney concept:hasspouse concept_comedian_bjork +concept_actor_meg_ryan concept:actorstarredinmovie concept_movie_life +concept_actor_megyn_kelly concept:worksfor concept_mountain_fox +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_braveheart +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_lethal_weapon +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_mad_max +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_patriot +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_payback +concept_actor_mel_gibson concept:actorstarredinmovie concept_movie_the_patriot +concept_actor_melissa_gilbert concept:hashusband concept_actor_bruce_boxleitner +concept_actor_mendelssohn concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_actor_mendelssohn concept:agentinvolvedwithitem concept_musicinstrument_violin +concept_actor_metamorphose concept:latitudelongitude 41.1205600000000,22.6613900000000 +concept_actor_michael_caine concept:actorstarredinmovie concept_movie_italian_job +concept_actor_mick_jagger concept:haswife concept_person_jerry_hall +concept_actor_mike_myers concept:actorstarredinmovie concept_movie_austin_powers +concept_actor_miley_cyrus concept:actorstarredinmovie concept_movie_hannah_montana +concept_actor_millennium concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_actor_mills concept:personbornincity concept_city_york +concept_actor_mills concept:persondiedincountry concept_country_england +concept_actor_mills concept:personborninlocation concept_county_york_city +concept_actor_miranda_kerr concept:hasspouse concept_person_orlando_bloom001 +concept_actor_moon concept:parentofperson concept_male_gemini +concept_actor_morgan_freeman concept:actorstarredinmovie concept_movie_bucket_list +concept_actor_morgan_freeman concept:actorstarredinmovie concept_movie_kiss_the_girls +concept_actor_morgan_freeman concept:actorstarredinmovie concept_movie_shawshank_redemption +concept_actor_morgan_freeman concept:actorstarredinmovie concept_movie_the_shawshank_redemption +concept_actor_naomi_watts concept:actorstarredinmovie concept_movie_king_kong +concept_actor_nathan_fillion concept:actorstarredinmovie concept_movie_serenity +concept_actor_neve_campbell concept:actorstarredinmovie concept_movie_scream_3 +concept_actor_nick_lachey concept:hasspouse concept_person_vanessa_minnillo +concept_actor_nixon concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_actor_nixon concept:agentcontrols concept_election_white +concept_actor_nixon concept:personbelongstoorganization concept_governmentorganization_house +concept_actor_oliver_martinez concept:haswife concept_female_halle_berry +concept_actor_oliver_stone concept:actorstarredinmovie concept_movie_jfk +concept_actor_oliver_stone concept:actorstarredinmovie concept_movie_platoon +concept_actor_oliver_stone concept:actorstarredinmovie concept_movie_wall_street +concept_actor_oliver_stone concept:actorstarredinmovie concept_visualizablething_salvador +concept_actor_olivia_de_havilland concept:actorstarredinmovie concept_movie_the_heiress +concept_actor_orson_welles concept:actorstarredinmovie concept_movie_citizen_kane +concept_actor_orson_welles concept:actorstarredinmovie concept_movie_third_man +concept_actor_oskaloosa concept:atlocation concept_blog_iowa +concept_actor_paramount concept:atlocation concept_stateorprovince_california +concept_actor_patricia_neal concept:actorstarredinmovie concept_movie_hud +concept_actor_patrick_swayze concept:haswife concept_female_lisa_niemi +concept_actor_patrick_swayze concept:actorstarredinmovie concept_movie_dirty_dancing +concept_actor_patrick_swayze concept:actorstarredinmovie concept_movie_ghost +concept_actor_patrick_taylor concept:hasspouse concept_person_rachel_griffiths +concept_actor_paul_greengrass concept:actorstarredinmovie concept_movie_united_93 +concept_actor_pdf concept:agentcreated concept_book_print +concept_actor_pdf concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_pdf concept:agentinvolvedwithitem concept_product_tab +concept_actor_pdf concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_actor_pdf concept:agentcreated concept_website_download +concept_actor_penelope_cruz concept:actorstarredinmovie concept_movie_volver +concept_actor_peter_andre concept:haswife concept_female_katie_price +concept_actor_peter_andre concept:hasspouse concept_person_katie_price +concept_actor_peter_benchley concept:agentcontributedtocreativework concept_movie_jaws +concept_actor_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_actor_peter_finch concept:actorstarredinmovie concept_movie_network +concept_actor_peter_fonda concept:actorstarredinmovie concept_movie_easy_rider +concept_actor_peter_gabriel concept:agentcollaborateswithagent concept_person_john001 +concept_actor_peter_sarsgaard concept:hasspouse concept_actor_maggie_gyllenhaal +concept_actor_peter_sarsgaard concept:haswife concept_person_maggie_gyllenhaal +concept_actor_philip_seymour_hoffman concept:actorstarredinmovie concept_movie_capote +concept_actor_philippe concept:personhascitizenship concept_country_france_france +concept_actor_philippe concept:personhascitizenship concept_country_spain +concept_actor_philippe concept:personhasjobposition concept_jobposition_king +concept_actor_picardo concept:latitudelongitude -34.8500000000000,-68.1500000000000 +concept_actor_poll concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_poll concept:atdate concept_date_n1999 +concept_actor_poll concept:atdate concept_date_n2001 +concept_actor_poll concept:atdate concept_date_n2003 +concept_actor_poll concept:atdate concept_date_n2004 +concept_actor_poll concept:atdate concept_dateliteral_n2002 +concept_actor_poll concept:atdate concept_dateliteral_n2005 +concept_actor_poll concept:atdate concept_dateliteral_n2006 +concept_actor_poll concept:atdate concept_dateliteral_n2007 +concept_actor_poll concept:atdate concept_dateliteral_n2008 +concept_actor_poll concept:atdate concept_year_n1998 +concept_actor_posts concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_posts concept:agentcompeteswithagent concept_personcanada_search +concept_actor_prince_william concept:haswife concept_female_kate_middleton +concept_actor_prince_william concept:hasspouse concept_person_kate_middleton +concept_actor_puzzle concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_rachel_hunter concept:hasspouse concept_person_rod_stewart +concept_actor_rains concept:atdate concept_year_n1997 +concept_actor_rajasthan concept:mutualproxyfor concept_chemical_jaipur +concept_actor_rajasthan concept:subpartof concept_monarch_india +concept_actor_ralph_macchio concept:actorstarredinmovie concept_movie_karate_kid +concept_actor_ray_winstone concept:actorstarredinmovie concept_movie_beowulf +concept_actor_raye_dowell concept:hasspouse concept_actor_forest_whitaker +concept_actor_rita_hayworth concept:actorstarredinmovie concept_movie_gilda +concept_actor_rita_wilson concept:hasspouse concept_person_tom_hanks +concept_actor_rita_wilson concept:parentofperson concept_personnorthamerica_colin_hanks +concept_actor_rob_patterson concept:hasspouse concept_person_carmen_electra +concept_actor_robert_downey concept:actorstarredinmovie concept_movie_iron_man +concept_actor_robert_downey_jr_ concept:actorstarredinmovie concept_movie_iron_man +concept_actor_robert_duvall concept:actorstarredinmovie concept_movie_lonesome_dove +concept_actor_robert_jordan concept:agentcontributedtocreativework concept_televisionshow_heaven +concept_actor_rockwell_kent concept:personhasjobposition concept_jobposition_artist +concept_actor_roger_smith concept:worksfor concept_stateorprovince_general_motors +concept_actor_ron_livingston concept:actorstarredinmovie concept_movie_office_space +concept_actor_ron_perlman concept:actorstarredinmovie concept_movie_hellboy +concept_actor_ronald_searle concept:agentcreated concept_book_hurrah_for_st_trinian_s +concept_actor_rosalind_russell concept:actorstarredinmovie concept_movie_auntie_mame +concept_actor_ruth_roman concept:actorstarredinmovie concept_movie_strangers_on_a_train +concept_actor_sally_field concept:actorstarredinmovie concept_movie_norma_rae +concept_actor_sally_field concept:actorstarredinmovie concept_movie_places_in_the_heart +concept_actor_salma_hayek concept:actorstarredinmovie concept_movie_frida +concept_actor_sam_mendes concept:actorstarredinmovie concept_movie_american_beauty +concept_actor_sam_mendes concept:actorstarredinmovie concept_movie_jarhead +concept_actor_scott_mcnealy concept:worksfor concept_blog_sun +concept_actor_scott_mcnealy concept:agentcollaborateswithagent concept_male_sun +concept_actor_scott_mcnealy concept:agentcontrols concept_male_sun +concept_actor_scott_mcnealy concept:proxyfor concept_weatherphenomenon_sun +concept_actor_scott_mcnealy concept:subpartof concept_weatherphenomenon_sun +concept_actor_sea concept:proxyfor concept_book_new +concept_actor_sea concept:atdate concept_date_n2001 +concept_actor_sea concept:atdate concept_dateliteral_n2007 +concept_actor_sean_connery concept:actorstarredinmovie concept_movie_goldfinger +concept_actor_sean_connery concept:actorstarredinmovie concept_movie_james_bond +concept_actor_sean_connery concept:actorstarredinmovie concept_movie_thunderball +concept_actor_selma_blair concept:actorstarredinmovie concept_movie_cruel_intentions +concept_actor_sequel concept:atdate concept_dateliteral_n2007 +concept_actor_sequel concept:agentparticipatedinevent concept_sportsgame_series +concept_actor_shannon_elizabeth concept:actorstarredinmovie concept_movie_american_pie +concept_actor_shirley_maclaine concept:actorstarredinmovie concept_movie_terms_of_endearment +concept_actor_shonda concept:latitudelongitude 45.2000000000000,29.2333300000000 +concept_actor_signing concept:atdate concept_dateliteral_n2005 +concept_actor_signing concept:atdate concept_dateliteral_n2006 +concept_actor_sigourney_weaver concept:actorstarredinmovie concept_movie_alien +concept_actor_sigourney_weaver concept:actorstarredinmovie concept_movie_aliens +concept_actor_simon_cowell concept:hasspouse concept_person_mezhgan_hussainy +concept_actor_simon_cowell concept:haswife concept_personcanada_terri_seymour +concept_actor_smoking concept:atdate concept_dateliteral_n2007 +concept_actor_sophie_kinsella concept:agentcontributedtocreativework concept_book_shopaholic +concept_actor_sophie_kinsella concept:agentcreated concept_movie_confessions_of_a_shopaholic +concept_actor_starbucks concept:agentcollaborateswithagent concept_ceo_howard_schultz +concept_actor_starbucks concept:agentcontrols concept_ceo_howard_schultz +concept_actor_stephen_moyer concept:hasspouse concept_model_anna_paquin +concept_actor_steven_brust concept:agentcreated concept_book_jhereg +concept_actor_stevie_wonder concept:agentcollaborateswithagent concept_person_john001 +concept_actor_sylvester_stallone concept:actorstarredinmovie concept_movie_cliffhanger +concept_actor_sylvester_stallone concept:actorstarredinmovie concept_movie_demolition_man +concept_actor_sylvester_stallone concept:actorstarredinmovie concept_movie_rambo +concept_actor_sylvester_stallone concept:actorstarredinmovie concept_movie_rocky +concept_actor_talking_heads concept:agentcollaborateswithagent concept_personcanada_david_byrne +concept_actor_talking_heads concept:agentcontrols concept_personcanada_david_byrne +concept_actor_the_washington concept:agentcompeteswithagent concept_company_post +concept_actor_the_washington concept:agentcompeteswithagent concept_musicartist_journal +concept_actor_the_washington concept:agentcompeteswithagent concept_musicartist_times +concept_actor_thing concept:agentparticipatedinevent concept_eventoutcome_outcome +concept_actor_thing concept:agentparticipatedinevent concept_eventoutcome_result +concept_actor_tim_burton concept:haswife concept_female_helena_bonham_carter +concept_actor_tim_burton concept:actorstarredinmovie concept_movie_batman +concept_actor_tim_burton concept:hasspouse concept_person_helena_bonham_carter +concept_actor_tim_mcgraw concept:hasspouse concept_person_faith_hill +concept_actor_tim_mcgraw concept:haswife concept_person_faith_hill001 +concept_actor_timothy_dalton concept:actorstarredinmovie concept_movie_james_bond +concept_actor_tippi_hedren concept:actorstarredinmovie concept_movie_the_birds +concept_actor_tobey_maguire_and_kirsten_dunst concept:actorstarredinmovie concept_movie_spider_man +concept_actor_today concept:agentcreated concept_eventoutcome_call +concept_actor_today concept:agentcreated concept_geopoliticalorganization_e_mail +concept_actor_today concept:agentcontrols concept_museum_steve +concept_actor_today concept:agentcollaborateswithagent concept_politician_jobs +concept_actor_today concept:agentcreated concept_programminglanguage_email +concept_actor_today concept:agentparticipatedinevent concept_sportsgame_series +concept_actor_today concept:agentcreated concept_website_visit +concept_actor_todd concept:personbornincity concept_city_york +concept_actor_todd concept:personborninlocation concept_city_york +concept_actor_todd concept:haswife concept_female_sarah +concept_actor_todd concept:personbelongstoorganization concept_sportsteam_state_university +concept_actor_todd concept:persongraduatedfromuniversity concept_university_college +concept_actor_todd concept:persongraduatedfromuniversity concept_university_state_university +concept_actor_todd concept:persongraduatedschool concept_university_state_university +concept_actor_track concept:proxyfor concept_book_new +concept_actor_track concept:agentinvolvedwithitem concept_buildingfeature_window +concept_actor_track concept:atdate concept_dateliteral_n2006 +concept_actor_track concept:atdate concept_dateliteral_n2007 +concept_actor_track concept:atdate concept_dateliteral_n2008 +concept_actor_track concept:agentparticipatedinevent concept_sportsgame_series +concept_actor_trent_reznor concept:personbelongstoorganization concept_musicartist_nine_inch_nails +concept_actor_trisha_yearwood concept:hashusband concept_personus_garth_brooks +concept_actor_ty_murray concept:haswife concept_personcanada_jewel +concept_actor_uma_thurman concept:actorstarredinmovie concept_movie_kill_bill +concept_actor_undertaker concept:agentparticipatedinevent concept_sportsgame_heavyweight_championship +concept_actor_valley concept:proxyfor concept_book_new +concept_actor_vin_diesel concept:actorstarredinmovie concept_movie_xxx +concept_actor_vince_vaughn concept:actorstarredinmovie concept_movie_fred_claus +concept_actor_vincent_damon_furnier concept:personbelongstoorganization concept_musicartist_alice_cooper +concept_actor_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_actor_vivien_leigh concept:actorstarredinmovie concept_movie_a_streetcar_named_desire +concept_actor_vivien_leigh concept:actorstarredinmovie concept_movie_gone_with_the_wind +concept_actor_warren_beatty concept:haswife concept_female_annette_bening +concept_actor_warren_beatty concept:actorstarredinmovie concept_movie_bonnie_and_clyde +concept_actor_warren_beatty concept:agentcontributedtocreativework concept_movie_bugsy +concept_actor_warren_beatty_and_faye_dunaway concept:actorstarredinmovie concept_movie_bonnie_and_clyde +concept_actor_wesley_snipes concept:agentcontributedtocreativework concept_book_blade +concept_actor_wesley_snipes concept:actorstarredinmovie concept_movie_blade +concept_actor_whoopi_goldberg concept:actorstarredinmovie concept_movie_ghost +concept_actor_william_h__macy concept:actorstarredinmovie concept_movie_fargo +concept_actor_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_actor_william_powell_and_myrna_loy concept:actorstarredinmovie concept_movie_thin_man +concept_actor_winchester concept:proxyfor concept_coach_kentucky +concept_actor_winona_ryder concept:actorstarredinmovie concept_movie_little_women +concept_actor_woody_allen concept:actorstarredinmovie concept_movie_annie_hall +concept_actor_woody_allen concept:hasspouse concept_person_mia_farrow +concept_agent_belarus concept:atdate concept_date_n2001 +concept_agent_countries concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_agent_division concept:organizationalsoknownas concept_governmentorganization_u_s__department +concept_agent_division concept:organizationalsoknownas concept_governmentorganization_us_department +concept_agent_division concept:agentcreated concept_programminglanguage_contact +concept_agent_division concept:organizationterminatedperson concept_scientist_no_ +concept_agent_division concept:agentparticipatedinevent concept_sportsgame_series +concept_agent_environment concept:mutualproxyfor concept_book_new +concept_agent_environment concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_agent_environment concept:atdate concept_date_n2000 +concept_agent_environment concept:atdate concept_dateliteral_n2002 +concept_agent_environment concept:atdate concept_dateliteral_n2006 +concept_agent_environment concept:atdate concept_dateliteral_n2007 +concept_agent_environment concept:atdate concept_dateliteral_n2008 +concept_agent_environment concept:agentparticipatedinevent concept_eventoutcome_result +concept_agent_environment concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_agent_folk_music concept:latitudelongitude 41.9178100000000,-87.6514400000000 +concept_agent_girls concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_agent_islam concept:agentcompeteswithagent concept_biotechcompany_section +concept_agent_leadership concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_agent_linux concept:synonymfor concept_clothing_fedora +concept_agent_linux concept:agentinvolvedwithitem concept_clothing_mac +concept_agent_linux concept:synonymfor concept_company_redhat +concept_agent_linux concept:synonymfor concept_currency_lemp +concept_agent_linux concept:synonymfor concept_programminglanguage_unix +concept_agent_linux concept:agentinvolvedwithitem concept_videogamesystem_macintosh +concept_agent_linux concept:synonymfor concept_website_ubuntu +concept_agent_play concept:agentinvolvedwithitem concept_buildingfeature_window +concept_agent_play concept:agentparticipatedinevent concept_eventoutcome_result +concept_agent_play concept:agentparticipatedinevent concept_sportsgame_series +concept_agent_project concept:agentinvolvedwithitem concept_buildingfeature_window +concept_agent_project concept:agentparticipatedinevent concept_eventoutcome_result +concept_agent_project concept:agentcompeteswithagent concept_personcanada_search +concept_agent_project concept:agentcreated concept_programminglanguage_contact +concept_agent_secretary concept:proxyfor concept_book_new +concept_agent_secretary concept:atdate concept_date_n2000 +concept_agent_secretary concept:atdate concept_date_n2004 +concept_agent_secretary concept:atdate concept_dateliteral_n2002 +concept_agent_secretary concept:atdate concept_dateliteral_n2005 +concept_agent_secretary concept:atdate concept_dateliteral_n2006 +concept_agent_secretary concept:atdate concept_dateliteral_n2007 +concept_agent_secretary concept:agentcreated concept_programminglanguage_contact +concept_agent_secretary concept:mutualproxyfor concept_sportsequipment_board +concept_agent_start concept:atdate concept_date_n1996 +concept_agent_start concept:atdate concept_date_n1999 +concept_agent_start concept:atdate concept_date_n2003 +concept_agent_start concept:atdate concept_date_n2004 +concept_agent_start concept:atdate concept_dateliteral_n2002 +concept_agent_start concept:atdate concept_dateliteral_n2005 +concept_agent_start concept:atdate concept_dateliteral_n2006 +concept_agent_start concept:atdate concept_dateliteral_n2007 +concept_agent_start concept:atdate concept_dateliteral_n2008 +concept_agent_start concept:atdate concept_dayofweek_friday +concept_agent_start concept:atdate concept_year_n1994 +concept_agent_start concept:atdate concept_year_n1995 +concept_agent_start concept:atdate concept_year_n1998 +concept_agent_states concept:subpartof concept_country_cuba +concept_agent_states concept:subpartof concept_country_israel +concept_agent_states concept:subpartof concept_country_mexico +concept_agent_vision concept:objectfoundinscene concept_landscapefeatures_valley +concept_agent_vision concept:objectpartofobject concept_visualizableobject_lens +concept_agent_warburg_pincus concept:agentcollaborateswithagent concept_bank_mbia +concept_agent_world concept:agentcompeteswithagent concept_personcanada_search +concept_agent_world concept:agentparticipatedinevent concept_sportsgame_series +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_country_region +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_county_town +concept_agriculturalproduct_animals concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_dense_forests +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forests +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_jungles +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_lands +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_landscape +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_national_park +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_national_parks +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_parks +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_prairie +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rain_forest +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rain_forests +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforests +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valley +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_waters +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_wetlands +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_wilderness +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woodlands +concept_agriculturalproduct_animals concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woods +concept_agriculturalproduct_animals concept:agriculturalproductincludingagriculturalproduct concept_meat_beef +concept_agriculturalproduct_antibiotics concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_antioxidant concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_antioxidant concept:fooddecreasestheriskofdisease concept_disease_damage +concept_agriculturalproduct_apricots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_artichoke concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_arugula concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_asparagus concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_asparagus concept:agriculturalproductcutintogeometricshape concept_geometricshape_lengths +concept_agriculturalproduct_asparagus concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_asparagus concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_bamboo_shoots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_banana concept:agriculturalproductcontainchemical concept_chemical_potassium +concept_agriculturalproduct_banana concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_banana concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_agriculturalproduct_bananas concept:agriculturalproductcontainchemical concept_chemical_potassium +concept_agriculturalproduct_bark concept:agriculturalproducttoattractinsect concept_insect_borers +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_basil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_bay_leaf concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_bay_leaf concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_bay_leaf concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_bay_leaf concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_bean_sprouts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_beets concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_beets concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_beets concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_bell_pepper concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_bell_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_bell_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_bell_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_berries concept:thinghascolor concept_color_purple +concept_agriculturalproduct_berries concept:thinghascolor concept_color_red +concept_agriculturalproduct_berries concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_berries concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_berries concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_berries concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_berries concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_agriculturalproduct_bilberry concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_bilberry concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_agriculturalproduct_black_beans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_basil +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_butter +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cayenne_pepper +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chives +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_dill +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_extra_virgin_olive_oil +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_flavor +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mustard +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nutmeg +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sides +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_thyme +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_water +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lime_juice +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_orange_juice +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_cilantro +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_wine_vinegar +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_olives +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_oregano +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_rosemary +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_virgin_olive_oil +concept_agriculturalproduct_black_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_seasonings +concept_agriculturalproduct_blue_cheese concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_blueberries concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_blueberries concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_body concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_body concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_agriculturalproduct_body concept:agriculturalproducttoattractinsect concept_insect_flies +concept_agriculturalproduct_body concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_bread concept:thinghascolor concept_color_brown +concept_agriculturalproduct_broccoli concept:thinghascolor concept_color_green +concept_agriculturalproduct_broccoli concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_broccoli concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_broccoli concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_broccoli concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_broccoli concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_bulbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_business concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nutmeg +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_bottom +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_jars +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_agriculturalproduct_butter concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_agriculturalproduct_butter concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_butter concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_beach_center +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_base +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_bottom +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_box +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_edge +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_edges +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_look +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_origin +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_rest +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_round +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_square +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_tube +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_variation +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_geometricshape_wedge +concept_agriculturalproduct_cake concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_agriculturalproduct_cake_mix concept:agriculturalproductcutintogeometricshape concept_geometricshape_box +concept_agriculturalproduct_cake_mix concept:agriculturalproductcutintogeometricshape concept_geometricshape_boxes +concept_agriculturalproduct_canola_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_canola_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_caramelized_onions concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_carnations concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_cattle concept:animalistypeofanimal concept_animal_beasts +concept_agriculturalproduct_cattle concept:animalistypeofanimal concept_animal_herbivores +concept_agriculturalproduct_cattle concept:animalistypeofanimal concept_animal_ungulates +concept_agriculturalproduct_cattle concept:agriculturalproductcamefromcountry concept_country_spain +concept_agriculturalproduct_cattle concept:mammalsuchasmammal concept_mammal_antelope +concept_agriculturalproduct_cattle concept:mammalsuchasmammal concept_mammal_deer +concept_agriculturalproduct_cattle concept:animaleatvegetable concept_vegetable_corn +concept_agriculturalproduct_cattle concept:agriculturalproductcomingfromvertebrate concept_vertebrate_herds +concept_agriculturalproduct_cattle concept:animalistypeofanimal concept_vertebrate_ruminants +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_cauliflower concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cayenne_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_cayenne_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_cayenne_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_celery_seed concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_bran +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_maize +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_millet +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pasta +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_grain_rye +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_grain_sorghum +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_cereals concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_cheesecake concept:latitudelongitude 38.0767850000000,-76.8327650000000 +concept_agriculturalproduct_cheesecake concept:agriculturalproductcutintogeometricshape concept_geometricshape_edge +concept_agriculturalproduct_cheesecake concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_agriculturalproduct_cheesecake concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_agriculturalproduct_cheeses concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_goats +concept_agriculturalproduct_cheeses concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_cheeses concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_cheeses concept:agriculturalproductcomingfromvertebrate concept_mammal_jersey_cows +concept_agriculturalproduct_cheeses concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chemicals concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_chemicals concept:specializationof concept_everypromotedthing___nitrogen +concept_agriculturalproduct_cherry concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cherry_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_cherry_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chestnuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chickpeas concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_chickpeas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chiles concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_chiles concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_chiles concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_powder +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_chili concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chili_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chili_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_chili_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chili_powder concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chilies concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_chilies concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chipotle concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chives concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_chives concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_chives concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_agriculturalproduct_chives concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chocolate concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dark_chocolate +concept_agriculturalproduct_chocolate concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_celebrity_oz +concept_agriculturalproduct_chocolate concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_chocolate concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_agriculturalproduct_chocolate concept:agriculturalproductcontainchemical concept_chemical_theobromine +concept_agriculturalproduct_chocolate concept:foodcancausedisease concept_disease_acne +concept_agriculturalproduct_chocolate concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_chocolate concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_bottom +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_ounces +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_square +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_geometricshape_surface +concept_agriculturalproduct_chocolate concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_visualizablething_grams +concept_agriculturalproduct_chocolate concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_agriculturalproduct_chocolates concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_chutney concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cinnamon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_citrus concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_citrus_fruits concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cocoa concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_cocoa concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_cocoa concept:agriculturalproductcamefromcountry concept_country_mexico +concept_agriculturalproduct_cocoa concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_cocoa concept:beveragecontainsprotein concept_protein_ingredients +concept_agriculturalproduct_cocoa concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_colander concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_colon_cancer concept:atdate concept_date_n2004 +concept_agriculturalproduct_colon_cancer concept:atdate concept_dateliteral_n2005 +concept_agriculturalproduct_colon_cancer concept:atdate concept_dateliteral_n2007 +concept_agriculturalproduct_commodity concept:proxyfor concept_lake_new +concept_agriculturalproduct_commodity concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_agriculturalproduct_consumption concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_consumption concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_consumption concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_consumption concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_agriculturalproduct_consumption concept:agriculturalproductincludingagriculturalproduct concept_food_calcium +concept_agriculturalproduct_consumption concept:agriculturalproductincludingagriculturalproduct concept_meat_beef +concept_agriculturalproduct_content concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_corned_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_agriculturalproduct_cotton concept:agriculturalproductcamefromcountry concept_country_egypt +concept_agriculturalproduct_cotton concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_cotton concept:agriculturalproductcamefromcountry concept_country_usa +concept_agriculturalproduct_cotton concept:agriculturalproductcamefromcountry concept_country_uzbekistan +concept_agriculturalproduct_cotton concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_cotton concept:agriculturalproducttoattractinsect concept_insect_pests +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_arkansas +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_georgia +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_gujarat +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_madhya_pradesh +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_mississippi +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_oklahoma +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_ole_miss +concept_agriculturalproduct_cotton concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_texas +concept_agriculturalproduct_crabs concept:arthropodcalledarthropod concept_crustacean_blue_crabs +concept_agriculturalproduct_crabs concept:arthropodcalledarthropod concept_crustacean_fiddler_crabs +concept_agriculturalproduct_crabs concept:arthropodcalledarthropod concept_crustacean_lobsters +concept_agriculturalproduct_crabs concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_agriculturalproduct_cranberries concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_bananas +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cereals +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_citrus +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_citrus_fruits +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_clover +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cloves +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cocoa +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_coconuts +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cotton +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cowpeas +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_flax +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_grains +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_hemp +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_maize +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_millet +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_mustard +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_oil_seeds +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_oilseeds +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_soya +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sugarcane +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sweet_potato +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_vanilla +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_beverage_coffee +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_beverage_tea +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_hay +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_peppers +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_sesame +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_squash +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_coconut +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_grapes +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_groundnuts +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_rapeseed +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_soyabean +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_sugar_beet +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_fruit_sugar_beets +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_alfalfa +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_bajra +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_buckwheat +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_grain_sorghum +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_millets +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_oil_palm +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_rye +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_sorghum +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_spring_wheat +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar_cane +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_sweet_corn +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_grain_winter_wheat +concept_agriculturalproduct_crops concept:agriculturalproducttoattractinsect concept_insect_aphids +concept_agriculturalproduct_crops concept:agriculturalproducttoattractinsect concept_insect_honey_bees +concept_agriculturalproduct_crops concept:agriculturalproducttoattractinsect concept_insect_honeybees +concept_agriculturalproduct_crops concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_dry_areas +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_farmlands +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_islands +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_parks +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_river_valley +concept_agriculturalproduct_crops concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_uplands +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_legume_groundnut +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_legume_pea +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_legume_soy_beans +concept_agriculturalproduct_crops concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_california +concept_agriculturalproduct_crops concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_nebraska +concept_agriculturalproduct_crops concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_nevada +concept_agriculturalproduct_crops concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_oregon +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_cabbage +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_carrots +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_cucumber +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_peas +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_pumpkins +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_tobacco +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_crops concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_agriculturalproduct_crushed_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cucumbers concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_cucumbers concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_cucumbers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cumin concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_cumin concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_cumin concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_cumin concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cumin_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_cups concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_agriculturalproduct_cups concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_curry_paste concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_goats +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_livestock +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_pigs +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_animal_cow +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_animal_poultry +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_bird_farm_animals +concept_agriculturalproduct_dairy concept:agriculturalproductcontainchemical concept_chemical_zinc +concept_agriculturalproduct_dairy concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_beef_cattle +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_calves +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_dairy_goats +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_farmers +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_heifers +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_horses +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep_ +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_small_ruminants +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_mammal_steers +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_reptile_stock +concept_agriculturalproduct_dairy concept:agriculturalproductcomingfromvertebrate concept_vertebrate_herds +concept_agriculturalproduct_dairy concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_agriculturalproduct_dairy_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cheeses +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_livestock +concept_agriculturalproduct_dairy_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_wool +concept_agriculturalproduct_dairy_products concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_dairy_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_dairy_products concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_dairy_products concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_mammal_animals +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep +concept_agriculturalproduct_dairy_products concept:agriculturalproductcomingfromvertebrate concept_vertebrate_ruminants +concept_agriculturalproduct_dark_chocolate concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_dark_chocolate concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_dark_chocolate concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_dark_chocolate concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_decaffeinated_coffee concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_dill concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_dill concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_dill concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_circles +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_shapes +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_agriculturalproduct_dough concept:agriculturalproductcutintogeometricshape concept_geometricshape_triangles +concept_agriculturalproduct_dough concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_agriculturalproduct_dough concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_dressing concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_dressing concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_drinks concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_acids +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_citric_acid +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_corn_syrup +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_phosphoric_acid +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_phosphorus +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_sugars +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_chemical_sweeteners +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_drug_alcohol +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_drug_aspartame +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_drug_sodium +concept_agriculturalproduct_drinks concept:agriculturalproductincludingagriculturalproduct concept_food_yogurt +concept_agriculturalproduct_drinks concept:agriculturalproductcontainchemical concept_visualizablething_fructose +concept_agriculturalproduct_duck concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_eat concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_edible_oil concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_eggplants concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_eggplants concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_eggplants concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_essential_oils concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_essential_oils concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_eurozone concept:atdate concept_dateliteral_n2008 +concept_agriculturalproduct_extra_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_extra_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_extra_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_extra_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_fava_beans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_field_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_field_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_agriculturalproduct_field_crops concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_figs concept:agriculturalproducttoattractinsect concept_insect_wasps +concept_agriculturalproduct_figs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_fire concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_flavor concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_flavor concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_flavors concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_arthropod_butterfly_species +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_arthropod_important_pollinators +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_arthropod_insect_pollinators +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_arthropod_pollinators +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_arabia_saudita +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_argentina +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_armenia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_aruba +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_australia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_azerbaijan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_bahamas +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_bahrain +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_bangalore +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_belarus +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_belize +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_bolivia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_bulgaria +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_canada_canada +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_chile +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_colombia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_costa_rica +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_croatia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_czech_republic +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_denmark +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_dominican_republic +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_egypt +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_el_salvador +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_estonia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_finland +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_france_france +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_germany +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_greece +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_hong_kong +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_hungary +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_indonesia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_iran +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_ireland +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_israel +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_jordan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_kazakhstan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_korea +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_kuwait +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_kyrgyzstan +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_country_land +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_latvia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_libyan_arab_jamahiriya +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_luxembourg +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_moldova +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_new_zealand +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_norway +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_oman +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_pakistan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_peru +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_philippines +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_poland +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_portugal +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_puerto_rico +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_country_region +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_republic_of_austria +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_republic_of_guatemala +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_republic_of_lithuania +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_russia +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_singapore +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_spain +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_sweden +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_switzerland +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_syria +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_taiwan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_tajikistan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_turkey +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_turkmenistan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_uk +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_ukraine +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_uzbekistan +concept_agriculturalproduct_flowers concept:agriculturalproductcamefromcountry concept_country_vietnam +concept_agriculturalproduct_flowers concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_adult_butterflies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_beautiful_butterflies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_bee +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_beetle +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_beetles +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_beneficial_insects +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_blister_beetles +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_bumble_bees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_bumblebees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_butterfly +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_colorful_butterflies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_flies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_halictid_bees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_hawkmoths +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_honey_bees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_honeybees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_hummingbird +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_ladybugs +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_long_tongued_bees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_moth +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_moths +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_parasitic_wasps +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_parasitoids +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_small_bees +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_swallowtail_butterflies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_syrphid_flies +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_wasps +concept_agriculturalproduct_flowers concept:agriculturalproducttoattractinsect concept_insect_weevils +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_island_banks +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_alpine_meadows +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_country_lanes +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_countryside +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_fields +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_green_fields +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_green_hills +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_green_meadows +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_green_pastures +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_green_valleys +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_hills +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_hillsides +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_landscape +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_meadow +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_meadows +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountain_meadows +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_open_land +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_pastures +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_plains +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_plateau +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_prairie +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_prairies +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_slopes +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valley +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valleys +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woods +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_alabama +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_alaska +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_connecticut +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_delaware +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_idaho +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_illinois +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_indiana +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_iowa +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_kansas +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_kentucky +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_maine +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_maryland +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_massachusetts +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_michigan +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_mississippi +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_missouri +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_montana +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_nebraska +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_nevada +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_new_york +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_north_dakota +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_ohio +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_oklahoma +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_oregon +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_pennsylvania +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_tennessee +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_utah +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_vermont +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_virginia +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_west_virginia +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_wisconsin +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_wyoming +concept_agriculturalproduct_flowers concept:objectpartofobject concept_visualizableobject_lens +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_visualizablescene_grassland +concept_agriculturalproduct_flowers concept:agriculturalproductgrowinginstateorprovince concept_visualizablescene_washington +concept_agriculturalproduct_flowers concept:agriculturalproductgrowninlandscapefeatures concept_visualizablething_sea +concept_agriculturalproduct_fresh_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_chickens +concept_agriculturalproduct_fresh_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_hens +concept_agriculturalproduct_fresh_fruit concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_fresh_fruit concept:beveragemadefrombeverage concept_beverage_juices +concept_agriculturalproduct_fresh_ginger concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_fresh_vegetables concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_acids +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_anti_oxidants +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_antioxidant +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_ascorbic_acid +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_carotene +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_chemicals +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_citric_acid +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_enzymes +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_fats +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_iron +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_lycopene +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_minerals +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_pectin +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_pectins +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_pesticide_residues +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_pesticides +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_potassium +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_substances +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_sugars +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_chemical_water +concept_agriculturalproduct_fruits concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_drug_folic_acid +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_drug_quercetin +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_drug_vitamin_c +concept_agriculturalproduct_fruits concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_visualizablething_beta_carotene +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_visualizablething_bioflavonoids +concept_agriculturalproduct_fruits concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_ginger_root concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_ginger_tea concept:beveragemadefrombeverage concept_beverage_tea +concept_agriculturalproduct_goats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dairy +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_animal_creatures +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_animal_herbivores +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_animal_large_animals +concept_agriculturalproduct_goats concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_goats concept:animaleatfood concept_food_rose +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_animals +concept_agriculturalproduct_goats concept:mammalsuchasmammal concept_mammal_deer +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_domestic_animals +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_farm_animals +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_mammals +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_pets +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_mammal_small_animals +concept_agriculturalproduct_goats concept:animaleatfood concept_vegetable_leaves +concept_agriculturalproduct_goats concept:animaleatvegetable concept_vegetable_weeds +concept_agriculturalproduct_goats concept:animalistypeofanimal concept_vertebrate_ruminants +concept_agriculturalproduct_goods concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cotton +concept_agriculturalproduct_goods concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_goods concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_goods concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_goods concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_grain_cereals concept:agriculturalproductincludingagriculturalproduct concept_grain_oatmeal +concept_agriculturalproduct_grain_cereals concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_agriculturalproduct_grain_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pasta +concept_agriculturalproduct_grain_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_bran +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_lentils +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_maize +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_millet +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pasta +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_whole_wheat_bread +concept_agriculturalproduct_grains concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_grains concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_agriculturalproduct_grains concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_brown_rice +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_buckwheat +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_bulgur_wheat +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_oatmeal +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_quinoa +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_rye +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_sorghum +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_amaranth +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_grape concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_gravy concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_green_leafy_vegetables concept:agriculturalproductcontainchemical concept_chemical_carotene +concept_agriculturalproduct_green_leafy_vegetables concept:agriculturalproductcontainchemical concept_chemical_iron +concept_agriculturalproduct_green_leafy_vegetables concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_green_leafy_vegetables concept:agriculturalproductincludingagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_green_leafy_vegetables concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_green_onions concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_green_onions concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_green_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_green_peas concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_green_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_green_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mint +concept_agriculturalproduct_green_pepper concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_green_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_green_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_anti_oxidants +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_catechins +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_properties +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_agriculturalproduct_green_tea concept:agriculturalproductcamefromcountry concept_country_china +concept_agriculturalproduct_green_tea concept:agriculturalproductcamefromcountry concept_country_japan +concept_agriculturalproduct_green_tea concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_green_tea concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_green_tea concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_agriculturalproduct_green_tea concept:fooddecreasestheriskofdisease concept_disease_damage +concept_agriculturalproduct_green_tea concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_agriculturalproduct_green_tea concept:fooddecreasestheriskofdisease concept_disease_skin_cancer +concept_agriculturalproduct_green_tea concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_green_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_green_vegetables concept:agriculturalproductcontainchemical concept_chemical_iron +concept_agriculturalproduct_green_vegetables concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_green_vegetables concept:agriculturalproductcontainchemical concept_drug_folic_acid +concept_agriculturalproduct_green_vegetables concept:agriculturalproductincludingagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_green_vegetables concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_green_vegetables concept:agriculturalproductcontainchemical concept_visualizablething_zeaxanthin +concept_agriculturalproduct_grill concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_grill concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_ground_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_ground_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_ground_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_agriculturalproduct_hair concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_hair concept:agriculturalproductcontainchemical concept_chemical_melanin +concept_agriculturalproduct_hamburger concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_kale +concept_agriculturalproduct_hamburger concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_hemp concept:agriculturalproductcamefromcountry concept_country_romania +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lamb +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_herbs concept:agriculturalproductcontainchemical concept_chemical_chemicals +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_country_region +concept_agriculturalproduct_herbs concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_herbs concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_herbs concept:agriculturalproducttoattractinsect concept_insect_beneficial_insects +concept_agriculturalproduct_herbs concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_herbs concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_fields +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forests +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_hills +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_islands +concept_agriculturalproduct_herbs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_agriculturalproduct_herbs concept:agriculturalproductincludingagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_herbs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_honey concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_honey concept:agriculturalproducttoattractinsect concept_insect_flies +concept_agriculturalproduct_honey concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_honey concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_hot_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_agriculturalproduct_hot_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_hot_tea concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_agriculturalproduct_insides concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_kale concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_arthritis +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_conditions +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_dementia +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_high_blood_pressure +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_hypertension +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_illnesses +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_kidney_failure +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_renal_failure +concept_agriculturalproduct_kidney concept:fooddecreasestheriskofdisease concept_disease_tumors +concept_agriculturalproduct_kidney concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_lamb concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_lamb concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_lamb concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_lamb concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_lamb concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_lancome concept:subpartof concept_person_odile_roujol +concept_agriculturalproduct_layer concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_chemical_carotene +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_chemical_fatty_acids +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_chemical_iron +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_drug_acid +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_drug_folic_acid +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductincludingagriculturalproduct concept_vegetable_lettuce +concept_agriculturalproduct_leafy_vegetables concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_leaks concept:subpartof concept_weatherphenomenon_water +concept_agriculturalproduct_leeks concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_leeks concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_leeks concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_lemon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_lemon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_lemon_thyme concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_lentils concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_lentils concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_lentils concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_lentils concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_lentils concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_lime concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_linkedin concept:mutualproxyfor concept_ceo_reid_hoffman +concept_agriculturalproduct_liver concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cattle +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_goats +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_agriculturalproduct_livestock concept:animalpreyson concept_agriculturalproduct_goats +concept_agriculturalproduct_livestock concept:animalpreyson concept_agriculturalproduct_livestock +concept_agriculturalproduct_livestock concept:agentcompeteswithagent concept_agriculturalproduct_pigs +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pigs +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_poultry +concept_agriculturalproduct_livestock concept:animalpreyson concept_animal_humans +concept_agriculturalproduct_livestock concept:animalpreyson concept_animal_poultry +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_bird_chickens +concept_agriculturalproduct_livestock concept:animalpreyson concept_bird_chickens +concept_agriculturalproduct_livestock concept:animaldevelopdisease concept_disease_anthrax +concept_agriculturalproduct_livestock concept:animaldevelopdisease concept_disease_rabies +concept_agriculturalproduct_livestock concept:agentparticipatedinevent concept_eventoutcome_result +concept_agriculturalproduct_livestock concept:animaleatfood concept_food_tubers +concept_agriculturalproduct_livestock concept:animaleatfood concept_food_weed +concept_agriculturalproduct_livestock concept:animaleatfood concept_food_young_branches +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_animals +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_animals +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_cows +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_cows +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_dogs +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_dogs +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_mammal_hogs +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_hogs +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_hogs +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_mammal_horses +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_horses +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_horses +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_pets +concept_agriculturalproduct_livestock concept:animalpreyson concept_mammal_pets +concept_agriculturalproduct_livestock concept:agentcompeteswithagent concept_mammal_sheep +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_mammal_sheep +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_sheep +concept_agriculturalproduct_livestock concept:animalistypeofanimal concept_mammal_sheep_ +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_meat_beef +concept_agriculturalproduct_livestock concept:agriculturalproductincludingagriculturalproduct concept_meat_veal +concept_agriculturalproduct_livestock concept:animaleatfood concept_plant_pasture_grass +concept_agriculturalproduct_livestock concept:animaleatvegetable concept_vegetable_corn +concept_agriculturalproduct_livestock concept:animaleatvegetable concept_vegetable_wheat +concept_agriculturalproduct_mango concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_mango concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_mango concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_mangoes concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_mangoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_marjoram concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_marjoram concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape__ +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_categories +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_percent +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_sector +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_sectors +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_segment +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_segments +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_geometricshape_value +concept_agriculturalproduct_market concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_agriculturalproduct_markets concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_mashed_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_mashed_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_meatballs concept:thinghasshape concept_ceo_online_application_form +concept_agriculturalproduct_meatballs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_medicines concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_milk_products concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_agriculturalproduct_milk_products concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_milk_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_milk_products concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_agriculturalproduct_mint concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_mint concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_molasses concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_montana concept:proxyfor concept_beverage_new +concept_agriculturalproduct_montana concept:mutualproxyfor concept_book_new +concept_agriculturalproduct_mozzarella concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_mozzarella concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_mozzarella concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_mozzarella concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_mushroom concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_mussels concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_mustard concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_mustard concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_mustard concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_mustard_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_nectars concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_northern concept:mutualproxyfor concept_beach_vermont +concept_agriculturalproduct_northern concept:atlocation concept_building_america +concept_agriculturalproduct_northern concept:mutualproxyfor concept_company_new_york +concept_agriculturalproduct_northern concept:mutualproxyfor concept_emotion_mississippi +concept_agriculturalproduct_northern concept:mutualproxyfor concept_musicsong_louisiana +concept_agriculturalproduct_northern concept:mutualproxyfor concept_newspaper_idaho +concept_agriculturalproduct_northern concept:mutualproxyfor concept_newspaper_new_hampshire +concept_agriculturalproduct_northern concept:mutualproxyfor concept_radiostation_new_jersey +concept_agriculturalproduct_northern_california concept:proxyfor concept_beverage_new +concept_agriculturalproduct_nutmeg concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_nutmeg concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_nutmeg concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_nutmeg concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_nuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_oil_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_oil_sea_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_oil_spray concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_oilseeds concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_agriculturalproduct_oilseeds concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_agriculturalproduct_okra concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_okra concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_okra concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_okra concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_leeks +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_agriculturalproduct_olive_oil concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_celery +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_oregano +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_omega_3_fatty_acids concept:foodcancausedisease concept_disease_blood_pressure +concept_agriculturalproduct_omega_3_fatty_acids concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_agriculturalproduct_omega_3_fatty_acids concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_omega_3_fatty_acids concept:agriculturalproductincludingagriculturalproduct concept_food_oils +concept_agriculturalproduct_one_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_onion_slices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_opinion concept:atdate concept_date_n2001 +concept_agriculturalproduct_opinion concept:atdate concept_date_n2004 +concept_agriculturalproduct_opinion concept:atdate concept_dateliteral_n2005 +concept_agriculturalproduct_opinion concept:atdate concept_dateliteral_n2006 +concept_agriculturalproduct_opinion concept:atdate concept_dateliteral_n2007 +concept_agriculturalproduct_option concept:agentinvolvedwithitem concept_buildingfeature_window +concept_agriculturalproduct_option concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_agriculturalproduct_option concept:agentcreated concept_city_click +concept_agriculturalproduct_option concept:agentinvolvedwithitem concept_product_tab +concept_agriculturalproduct_option concept:agentcompeteswithagent concept_vertebrate_search +concept_agriculturalproduct_orange_peel concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_orange_peel concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_arthropod_clams +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_arthropod_mussels +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_arthropod_seafood +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_bivalves +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_crab +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_scallops +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_agriculturalproduct_oysters concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_agriculturalproduct_oysters concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pancetta concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pasta concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_pasta concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_peach concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_tennessee +concept_agriculturalproduct_peanut_butter concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pear concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_pearl_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pecans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_peel concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_peel concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_peel concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pepper_corns concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_pepper_powder concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pepper_strips concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_peppercorns concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_peppercorns concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_peppercorns concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_perennials concept:agriculturalproductgrowninlandscapefeatures concept_country_region +concept_agriculturalproduct_perennials concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_perennials concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_perennials concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_zone +concept_agriculturalproduct_pesto concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pesto concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_pie concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_agriculturalproduct_pie concept:agriculturalproductcutintogeometricshape concept_geometricshape_variation +concept_agriculturalproduct_pie concept:agriculturalproductcutintogeometricshape concept_geometricshape_wedge +concept_agriculturalproduct_pie concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_agriculturalproduct_pigs concept:agentcompeteswithagent concept_agriculturalproduct_livestock +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_birds002 +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_creatures +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_exotics001 +concept_agriculturalproduct_pigs concept:animalpreyson concept_animal_exotics001 +concept_agriculturalproduct_pigs concept:agentcompeteswithagent concept_animal_herbivores +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_herbivores +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_large_animals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_small_mammals +concept_agriculturalproduct_pigs concept:animalpreyson concept_animal_small_mammals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_animal_ungulates +concept_agriculturalproduct_pigs concept:agentparticipatedinevent concept_eventoutcome_result +concept_agriculturalproduct_pigs concept:animaleatfood concept_food_tubers +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_insect_pests +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_animals +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_animals +concept_agriculturalproduct_pigs concept:mammalsuchasmammal concept_mammal_deer +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_domestic_animals +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_domestic_animals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_exotic_animals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_farm_animals +concept_agriculturalproduct_pigs concept:specializationof concept_mammal_farm_animals +concept_agriculturalproduct_pigs concept:agentcompeteswithagent concept_mammal_mals +concept_agriculturalproduct_pigs concept:specializationof concept_mammal_mals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_mammals +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_mammals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_pets +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_pets +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_rodents +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_rodents +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_small_animals +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_small_animals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_small_pets +concept_agriculturalproduct_pigs concept:animalpreyson concept_mammal_small_pets +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_social_animals +concept_agriculturalproduct_pigs concept:animalistypeofanimal concept_mammal_wild_animals +concept_agriculturalproduct_pigs concept:animaleatvegetable concept_vegetable_corn +concept_agriculturalproduct_pine_nuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pineapple concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_pineapple concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_pineapple concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_pineapple concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_pit_bulls concept:animalistypeofanimal concept_mammal_dogs +concept_agriculturalproduct_pit_bulls concept:animalistypeofanimal concept_mammal_pets +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sugarcane +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_arthropod_natural_enemies +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_arthropod_pollinators +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_arthropod_snails +concept_agriculturalproduct_plants concept:agriculturalproductcontainchemical concept_chemical_chlorophyll +concept_agriculturalproduct_plants concept:thinghascolor concept_color_yellow +concept_agriculturalproduct_plants concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_country_land +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_country_region +concept_agriculturalproduct_plants concept:agriculturalproductcamefromcountry concept_country_uk +concept_agriculturalproduct_plants concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_grain_sorghum +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar_cane +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_adult_butterflies +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_aphids +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_beetles +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_beneficial_insects +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_bumblebees +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_flies +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_honey_bees +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_honeybees +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_insect_pests +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_ladybugs +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_mealybugs +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_mites +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_mosquitoes +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_moths +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_pests +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_scale_insects +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_spider_mites +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_thrips +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_tiny_insects +concept_agriculturalproduct_plants concept:agriculturalproducttoattractinsect concept_insect_white_flies +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_altitudes +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_coral_reefs +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_deserts +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_estuaries +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forests +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_islands +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_lakes +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_landscape +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_meadow +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_meadows +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_parks +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_part +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_ponds +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_prairie +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_prairies +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_preserve +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rain_forest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rain_forests +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforests +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_reefs +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_reserve +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_stream +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_tropical_forest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_tropical_rain_forest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_tropical_rainforest +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_tropical_rainforests +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_tundra +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valley +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valleys +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_wetlands +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woods +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_zone +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_vegetable_potatoes +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_vegetable_tomato +concept_agriculturalproduct_plants concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_visualizablescene_swamp +concept_agriculturalproduct_plants concept:agriculturalproductgrowninlandscapefeatures concept_visualizablething_sea +concept_agriculturalproduct_plum concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_poblano concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_poblano concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_poultry concept:agriculturalproductincludingagriculturalproduct concept_meat_pork +concept_agriculturalproduct_powder concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_agriculturalproduct_powder concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili +concept_agriculturalproduct_powder concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_powder concept:agriculturalproductincludingagriculturalproduct concept_food_egg +concept_agriculturalproduct_powder concept:agriculturalproductincludingagriculturalproduct concept_food_whole_milk +concept_agriculturalproduct_powder concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_powder concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_powder concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_preservatives concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_produce concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_produce concept:agriculturalproductincludingagriculturalproduct concept_food_eggs +concept_agriculturalproduct_produce concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_produce concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_bananas +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_bran +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cattle +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cereals +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cheeses +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_chocolate +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_citrus +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cocoa +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_coconuts +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cowpeas +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dairy +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dairy_products +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_drinks +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dry_beans +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_edible_oil +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_egg_yolks +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_fresh_vegetables +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_fruits +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_grains +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_green_leafy_vegetables +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_green_vegetables +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_honey +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_kidney +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_lamb +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_leafy_vegetables +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_lean_meat +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_maize +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_milks +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_nuts +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oil +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oils +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pasta +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_peanut_butter +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_poultry +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_produce +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_raw_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_salad_dressings +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_seeds +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_soya +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_spices +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sugarcane +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_tortillas +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_vanilla +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_whey +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_white_bread +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_white_sugar +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_wool +concept_agriculturalproduct_products concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_alcohol +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_beer +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_beverages +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_buttermilk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_coffee +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_maple_syrup +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_non_fat_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_orange_juice +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_soft_drinks +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_soy_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_tea +concept_agriculturalproduct_products concept:agriculturalproductcontainchemical concept_chemical_corn_syrup +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_breakfast_cereals +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_calcium +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_carbohydrates +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_carbs +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_cream +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_egg +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_eggs +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_fats +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_fiber +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_fresh_fruits +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_hay +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_ice_cream +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_leafy_green_vegetables +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_legumes +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_meal +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_meats +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_milk_powder +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_milk_powders +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_nonfat_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_noodles +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_nutrition +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_oils +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_seafood +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_spicy_foods +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_sugars +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_sweet_potatoes +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_sweet_potatos +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_sweets +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_tofu +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_wheat_flour +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_whole_milk +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_food_yogurt +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_fruit_coconut +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_fruit_grapes +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_fruit_melons +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_fruit_sugar_beets +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_oatmeal +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_rye +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_sorghum +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar_cane +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_white_rice +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_grain_whole_grains +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_legume_soy_beans +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_mammal_hogs +concept_agriculturalproduct_products concept:agriculturalproductcomingfromvertebrate concept_mammal_wild_animals +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_bacon +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_beef +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_chicken +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_ham +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_pork +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_sausage +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_meat_veal +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_cassava +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_greens +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_peanuts +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_peas +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_potatoes +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_tobacco +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_tomato +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_veggies +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizableobject_pastas +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizableobject_red_meat +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_gluten +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_palm_oil +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_vegetable_oils +concept_agriculturalproduct_products concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_vitamin +concept_agriculturalproduct_radishes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_raw_cotton concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_raw_milk concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_goats +concept_agriculturalproduct_raw_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_agriculturalproduct_raw_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_grass_fed_cows +concept_agriculturalproduct_raw_sugar concept:agriculturalproductcamefromcountry concept_country_mexico +concept_agriculturalproduct_red_bell_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_agriculturalproduct_red_pepper concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_red_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_red_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_red_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_red_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_red_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_regular_coffee concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_resources concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_resources concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_agriculturalproduct_ricotta_cheese concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_ripe_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_root concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_rum concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_sage concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_sage concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salad concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_salad concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salad_greens concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salad_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salads concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salsa concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_peppercorns +concept_agriculturalproduct_salt concept:agriculturalproductcontainchemical concept_drug_sodium +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_salt concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_agriculturalproduct_salt concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_agriculturalproduct_salt concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_salt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_scallion concept:latitudelongitude 49.8549000000000,-100.9256700000000 +concept_agriculturalproduct_scallion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_scallions concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_scallions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cayenne_pepper +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_ground_pepper +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nutmeg +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_agriculturalproduct_season concept:animalsuchasfish concept_fish_bass +concept_agriculturalproduct_season concept:animalsuchasfish concept_fish_salmon +concept_agriculturalproduct_season concept:animalsuchasfish concept_fish_trout +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_agriculturalproduct_season concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_seasons concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_seed concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_seed concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_seeds concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_seeds concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_agriculturalproduct_seeds concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_seeds concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_agriculturalproduct_seeds concept:agriculturalproducttoattractinsect concept_insect_pests +concept_agriculturalproduct_seeds concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_seeds concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_fields +concept_agriculturalproduct_seeds concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_serious_eats concept:mutualproxyfor concept_personnorthamerica_ed_levine +concept_agriculturalproduct_settlers concept:proxyfor concept_beverage_new +concept_agriculturalproduct_shallot concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_shallot concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_sherry concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_sherry concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_shrimps concept:animalistypeofanimal concept_animal_creatures +concept_agriculturalproduct_shrimps concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_agriculturalproduct_shrimps concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_agriculturalproduct_shrimps concept:arthropodcalledarthropod concept_arthropod_seafood +concept_agriculturalproduct_shrimps concept:arthropodcalledarthropod concept_crustacean_krill +concept_agriculturalproduct_shrimps concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_side_dishes concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_agriculturalproduct_side_dishes concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_sides concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_sides concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_sides concept:objectfoundinscene concept_city_volcano +concept_agriculturalproduct_sides concept:objectfoundinscene concept_landscapefeatures_valley +concept_agriculturalproduct_sides concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_cambodia +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_china +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_france_france +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_iran +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_japan +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_kazakhstan +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_laos +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_mongolia +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_nepal +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_pakistan +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_persia +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_thailand +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_tibet +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_turkey +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_uzbekistan +concept_agriculturalproduct_silk concept:agriculturalproductcamefromcountry concept_country_vietnam +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_arthropod_chiggers +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_arthropod_lice +concept_agriculturalproduct_skin concept:agriculturalproductcontainchemical concept_chemical_melanin +concept_agriculturalproduct_skin concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_bug +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_maggots +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_mite +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_mites +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_ticks +concept_agriculturalproduct_skin concept:agriculturalproducttoattractinsect concept_insect_tiny_insects +concept_agriculturalproduct_skin concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_slow_cooker concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_snow_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_soya concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_agriculturalproduct_spaghetti concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cauliflower +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_peas +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lamb +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lentils +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tomato_sauce +concept_agriculturalproduct_spices concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_crustacean_prawns +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_food_shrimp +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_meat_beef +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_meat_breast +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breast +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_meat_salmon +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_spices concept:agriculturalproductincludingagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peas +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_agriculturalproduct_spices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_agriculturalproduct_spring_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_lengths +concept_agriculturalproduct_spring_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_starch concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_agriculturalproduct_steaks concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_stress concept:agentparticipatedinevent concept_eventoutcome_result +concept_agriculturalproduct_studies concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_agriculturalproduct_summer_squash concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_summer_squash concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_sundried_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_sunflower concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_supplements concept:agriculturalproductincludingagriculturalproduct concept_food_meal +concept_agriculturalproduct_supplements concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_agriculturalproduct_sweet_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_sweet_potato concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_syrup concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_syrup concept:beveragemadefrombeverage concept_beverage_sauce +concept_agriculturalproduct_syrup concept:thinghascolor concept_color_amber +concept_agriculturalproduct_syrup concept:thinghascolor concept_color_brown +concept_agriculturalproduct_syrup concept:thinghascolor concept_color_golden_color +concept_agriculturalproduct_syrup concept:beveragecontainsprotein concept_protein_ingredients +concept_agriculturalproduct_syrup concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tabasco concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tablespoon_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_taro concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_hawaii +concept_agriculturalproduct_tarragon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_tarragon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tea_tree_oil concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_theatres concept:atdate concept_date_n2009 +concept_agriculturalproduct_thyme concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_thyme concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_thyme concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_agriculturalproduct_thyme concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tomato_products concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_agriculturalproduct_tomato_products concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_agriculturalproduct_tomato_sauce concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_tomato_sauce concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tomato_soup concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_tomatoe concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_agriculturalproduct_tomatoe concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_agriculturalproduct_tortillas concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_agriculturalproduct_tortillas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_transplant concept:atdate concept_date_n2004 +concept_agriculturalproduct_transplant concept:atdate concept_dateliteral_n2002 +concept_agriculturalproduct_transplant concept:atdate concept_dateliteral_n2005 +concept_agriculturalproduct_tree concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_tree concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_tree concept:agriculturalproducttoattractinsect concept_insect_aphids +concept_agriculturalproduct_tree concept:agriculturalproducttoattractinsect concept_insect_beetles +concept_agriculturalproduct_tree concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_tree concept:agriculturalproducttoattractinsect concept_insect_pests +concept_agriculturalproduct_tree concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_agriculturalproduct_tree concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rain_forest +concept_agriculturalproduct_tree concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_agriculturalproduct_turmeric concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_water +concept_agriculturalproduct_turnip concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_vanilla concept:agriculturalproductcontainchemical concept_drug_alcohol +concept_agriculturalproduct_vanilla concept:agriculturalproductcutintogeometricshape concept_geometricshape_bottom +concept_agriculturalproduct_vanilla concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_beverage_franc +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_beverage_grenache +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_agriculturalproduct_varieties concept:agriculturalproductincludingagriculturalproduct concept_food_oils +concept_agriculturalproduct_varieties concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_varieties concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_varieties concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_agriculturalproduct_varieties concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_zone +concept_agriculturalproduct_varieties concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_california +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_cabernet +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_chardonnay +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_merlot +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_pinot +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_pinot_gris +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_riesling +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_shiraz +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_syrah +concept_agriculturalproduct_varieties concept:beveragemadefrombeverage concept_wine_zinfandel +concept_agriculturalproduct_vegetable_oil concept:beveragemadefrombeverage concept_beverage_juice +concept_agriculturalproduct_vegetable_oil concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_agriculturalproduct_vegetable_oil concept:beveragecontainsprotein concept_protein_ingredients +concept_agriculturalproduct_vegetable_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_vehicles concept:atdate concept_date_n2004 +concept_agriculturalproduct_vehicles concept:atdate concept_dateliteral_n2005 +concept_agriculturalproduct_vehicles concept:atdate concept_dateliteral_n2008 +concept_agriculturalproduct_vehicles concept:subpartof concept_weatherphenomenon_air +concept_agriculturalproduct_vehicles concept:subpartof concept_weatherphenomenon_water +concept_agriculturalproduct_volunteer concept:proxyfor concept_beverage_new +concept_agriculturalproduct_volunteer concept:atdate concept_date_n1999 +concept_agriculturalproduct_volunteer concept:atdate concept_dateliteral_n2005 +concept_agriculturalproduct_volunteer concept:atdate concept_dateliteral_n2006 +concept_agriculturalproduct_volunteer concept:atdate concept_dateliteral_n2007 +concept_agriculturalproduct_water concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_agriculturalproduct_water concept:agriculturalproductcomingfromvertebrate concept_amphibian_larvae +concept_agriculturalproduct_water concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_water concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_water_chestnuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_watercress concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_watermelon concept:agriculturalproductcontainchemical concept_chemical_lycopene +concept_agriculturalproduct_watermelon concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_agriculturalproduct_watermelon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_white_tea concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_agriculturalproduct_wildflower concept:agriculturalproductcamefromcountry concept_country___america +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_ants +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_beetle +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_beetles +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_carpenter_ants +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_carpenter_bees +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_grubs +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_insect_damage +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_insect_infestation +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_insect_larvae +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_insects +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_pest +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_pests +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_subterranean_termites +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_insect_termites +concept_agriculturalproduct_wood concept:agriculturalproducttoattractinsect concept_invertebrate_insect_attack +concept_agriculturalproduct_wool concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_agriculturalproduct_wool concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_agriculturalproduct_wool concept:agriculturalproducttoattractinsect concept_insect_carpet_beetles +concept_agriculturalproduct_wool concept:agriculturalproducttoattractinsect concept_insect_moths +concept_agriculturalproduct_wool concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep +concept_agriculturalproduct_yams concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_yellow_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_zest concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_agriculturalproduct_zest concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_zucchini concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_agriculturalproduct_zucchini concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_agriculturalproduct_zucchini concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_agriculturalproduct_zucchini concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_agriculturalproduct_zucchini concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_airport_aalborg_airport concept:airportincity concept_city_aalborg +concept_airport_adams_field concept:airportincity concept_city_little_rock +concept_airport_addis_ababa concept:proxyfor concept_scientist_ethiopia +concept_airport_addis_ababa concept:subpartof concept_scientist_ethiopia +concept_airport_adler concept:airportincity concept_island_sochi +concept_airport_adnan_menderes concept:airportincity concept_visualizablething_izmir +concept_airport_adnan_menderes concept:buildinglocatedincity concept_visualizablething_izmir +concept_airport_aer_lingus concept:atlocation concept_county_dublin +concept_airport_aeroport_de_barcelona___el_prat concept:airportincity concept_city_barcelona +concept_airport_aeroport_de_barcelona___el_prat concept:buildinglocatedincity concept_city_barcelona +concept_airport_air_france concept:atlocation concept_county_paris +concept_airport_airasia concept:atlocation concept_building_kuala_lumpur +concept_airport_airbus concept:subpartof concept_astronaut_eads +concept_airport_albany_international concept:airportincity concept_city_albany +concept_airport_albany_international concept:buildinglocatedincity concept_city_albany +concept_airport_albrook concept:airportincity concept_city_panama_city +concept_airport_albuquerque_international concept:airportincity concept_city_albuquerque +concept_airport_albuquerque_international concept:buildinglocatedincity concept_city_albuquerque +concept_airport_alghero concept:airportincity concept_city_alghero +concept_airport_alghero concept:buildinglocatedincity concept_city_alghero +concept_airport_alicante_airport concept:airportincity concept_city_alicante +concept_airport_alicante_airport concept:buildinglocatedincity concept_city_alicante +concept_airport_amerigo_vespucci concept:airportincity concept_city_florence +concept_airport_amerigo_vespucci concept:buildinglocatedincity concept_city_florence +concept_airport_amsterdam_airport_schiphol concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_anchorage_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_anchorage_international concept:airportincity concept_city_anchorage +concept_airport_anchorage_international concept:buildinglocatedincity concept_city_anchorage +concept_airport_andrews_air_force_base concept:airportincity concept_city_washington_d_c +concept_airport_arlanda concept:airportincity concept_city_stockholm +concept_airport_arlanda concept:buildinglocatedincity concept_city_stockholm +concept_airport_arturo_merino_benitez concept:airportincity concept_city_santiago +concept_airport_auckland_international_airport concept:airportincity concept_city_auckland +concept_airport_austin_straubel_international_airport concept:airportincity concept_city_green_bay +concept_airport_avalon concept:airportincity concept_city_melbourne +concept_airport_baghdad_international concept:airportincity concept_city_baghdad +concept_airport_bandaranaike concept:airportincity concept_city_colombo +concept_airport_bandaranaike concept:buildinglocatedincity concept_city_colombo +concept_airport_bangkok_airport concept:airportincity concept_city_bangkok +concept_airport_bangkok_airport concept:buildinglocatedincity concept_city_bangkok +concept_airport_bangor_international concept:airportincity concept_city_bangor +concept_airport_bangor_international concept:buildinglocatedincity concept_city_bangor +concept_airport_bar_harbor concept:airportincity concept_city_trenton +concept_airport_beijing_capital_airport concept:airportincity concept_city_beijing +concept_airport_beijing_capital_airport concept:buildinglocatedincity concept_city_beijing +concept_airport_ben_gurion concept:airportincity concept_city_jerusalem +concept_airport_ben_gurion concept:buildinglocatedincity concept_city_tel_aviv +concept_airport_bethel concept:atlocation concept_city_alaska +concept_airport_bhx concept:latitudelongitude 52.4538600000000,-1.7480300000000 +concept_airport_biggin_hill concept:airportincity concept_city_london_city +concept_airport_birgi concept:airportincity concept_city_trapani +concept_airport_bishop_international concept:airportincity concept_city_flint +concept_airport_bishop_international concept:buildinglocatedincity concept_city_flint +concept_airport_blackbushe concept:latitudelongitude 51.3166700000000,-0.8333300000000 +concept_airport_blagnac_airport concept:airportincity concept_city_toulouse +concept_airport_blue_grass concept:airportincity concept_county_lexington +concept_airport_bogalusa concept:proxyfor concept_creditunion_louisiana +concept_airport_borispol concept:airportincity concept_city_kiev +concept_airport_boryspil concept:airportincity concept_city_kiev +concept_airport_boryspil concept:buildinglocatedincity concept_city_kiev +concept_airport_bradley_international concept:buildinglocatedincity concept_city_hartford +concept_airport_bradley_international concept:airportincity concept_visualizablescene_windsor_locks +concept_airport_breaux_bridge concept:latitudelongitude 30.2764490909091,-91.9001381818182 +concept_airport_bremen_airport concept:airportincity concept_city_bremen +concept_airport_brindisi concept:airportincity concept_city_lecce +concept_airport_bromma concept:airportincity concept_city_stockholm +concept_airport_buffalo concept:proxyfor concept_company_new_york +concept_airport_buffalo concept:proxyfor concept_magazine_newyork +concept_airport_buffalo concept:proxyfor concept_museum_n_y +concept_airport_burlington_international concept:airportincity concept_city_burlington +concept_airport_burlington_international concept:buildinglocatedincity concept_city_burlington +concept_airport_bwi concept:airportincity concept_city_baltimore +concept_airport_bwi concept:buildinglocatedincity concept_city_baltimore +concept_airport_calgary_international concept:airportincity concept_city_banff +concept_airport_calgary_international concept:buildinglocatedincity concept_city_calgary +concept_airport_camp_lejeune concept:latitudelongitude 34.7239871428571,-77.3210614285714 +concept_airport_camp_parks concept:latitudelongitude 37.7120450000000,-121.8992800000000 +concept_airport_cancun_international_airport concept:airportincity concept_city_cancun +concept_airport_cancun_international_airport concept:buildinglocatedincity concept_city_cancun +concept_airport_canefield concept:airportincity concept_city_roseau +concept_airport_canton concept:proxyfor concept_creditunion_michigan +concept_airport_canton concept:proxyfor concept_university_ohio +concept_airport_cape_town_international concept:latitudelongitude -33.9648100000000,18.6016700000000 +concept_airport_cape_town_international concept:airportincity concept_city_cape_town +concept_airport_capital_city concept:airportincity concept_city_lansing +concept_airport_caplen concept:latitudelongitude 29.4837050000000,-94.5410250000000 +concept_airport_capodichino concept:airportincity concept_city_naples +concept_airport_capodichino concept:buildinglocatedincity concept_city_naples +concept_airport_cardiff_international concept:airportincity concept_city_cardiff +concept_airport_cardiff_international concept:buildinglocatedincity concept_city_cardiff +concept_airport_catania_fontanarossa concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_caticlan_airport concept:latitudelongitude 11.9253000000000,121.9529600000000 +concept_airport_charleston_international concept:airportincity concept_city_charleston +concept_airport_charleston_international concept:buildinglocatedincity concept_city_charleston +concept_airport_charlotte_county concept:airportincity concept_city_punta_gorda +concept_airport_charlotte_douglas_international concept:airportincity concept_city_charlotte +concept_airport_charlotte_douglas_international concept:buildinglocatedincity concept_city_charlotte +concept_airport_chek_lap_kok concept:airportincity concept_city_hong_kong_island +concept_airport_chek_lap_kok concept:buildinglocatedincity concept_city_hong_kong_island +concept_airport_chengdu concept:mutualproxyfor concept_aquarium_sichuan +concept_airport_chengdu concept:proxyfor concept_biotechcompany_china +concept_airport_cherry_capital concept:airportincity concept_county_traverse_city +concept_airport_cherry_capital concept:buildinglocatedincity concept_county_traverse_city +concept_airport_chicago_ohare concept:latitudelongitude 41.9844600000000,-87.8873266666666 +concept_airport_chippewa_county_international concept:airportincity concept_city_sault_ste +concept_airport_chippewa_county_international concept:buildinglocatedincity concept_city_sault_ste +concept_airport_church_fenton concept:latitudelongitude 53.8254525000000,-1.2118625000000 +concept_airport_ciampino concept:airportincity concept_city_rome +concept_airport_ciampino concept:attractionofcity concept_city_rome +concept_airport_ciampino concept:buildinglocatedincity concept_city_rome +concept_airport_clark_county concept:buildinglocatedincity concept_city_vegas +concept_airport_cologne_bonn concept:airportincity concept_city_cologne +concept_airport_columbia_metropolitan concept:airportincity concept_city_columbia +concept_airport_columbia_metropolitan concept:buildinglocatedincity concept_city_columbia +concept_airport_copenhagen_airport concept:airportincity concept_city_copenhagen +concept_airport_county_londonderry concept:latitudelongitude 54.9166700000000,-6.9166700000000 +concept_airport_cross_river_state concept:latitudelongitude 5.7500000000000,8.5000000000000 +concept_airport_crown_point concept:airportincity concept_city_scarborough +concept_airport_dalaman concept:airportincity concept_city_marmaris +concept_airport_dallas_love_field concept:buildinglocatedincity concept_city_dallas +concept_airport_dane_county_regional concept:airportincity concept_city_madison +concept_airport_dane_county_regional concept:buildinglocatedincity concept_city_madison +concept_airport_daniel_oduber concept:airportincity concept_visualizablething_guanacaste +concept_airport_daniel_oduber concept:buildinglocatedincity concept_visualizablething_guanacaste +concept_airport_delta_air_lines concept:mutualproxyfor concept_journalist_richard_anderson +concept_airport_delta_air_lines concept:subpartof concept_journalist_richard_anderson +concept_airport_domodedovo concept:airportincity concept_city_moscow +concept_airport_domodedovo concept:buildinglocatedincity concept_city_moscow +concept_airport_don_muang concept:airportincity concept_city_bangkok +concept_airport_don_muang concept:buildinglocatedincity concept_city_bangkok +concept_airport_dubai concept:locationlocatedwithinlocation concept_country_uae_ +concept_airport_dubai concept:locationlocatedwithinlocation concept_country_united_arab_emirates +concept_airport_dubai concept:atdate concept_date_n2000 +concept_airport_dubai concept:atdate concept_date_n2003 +concept_airport_dubai concept:atdate concept_date_n2004 +concept_airport_dubai concept:mutualproxyfor concept_person_mohammed_bin_rashid_al_maktoum +concept_airport_duluth_international concept:airportincity concept_city_duluth +concept_airport_durham concept:airportincity concept_city_durham +concept_airport_durham concept:buildinglocatedincity concept_city_durham +concept_airport_durham_tees_valley_airport concept:airportincity concept_city_darlington +concept_airport_eagle_county concept:airportincity concept_city_vail +concept_airport_eagle_county concept:buildinglocatedincity concept_city_vail +concept_airport_eastleigh concept:airportincity concept_city_eastleigh +concept_airport_edinburgh_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_edward_g__pitka_sr concept:airportincity concept_city_galena +concept_airport_el_altet concept:airportincity concept_city_alicante +concept_airport_el_altet concept:buildinglocatedincity concept_city_alicante +concept_airport_el_alto concept:airportincity concept_city_la_paz +concept_airport_el_alto concept:buildinglocatedincity concept_city_la_paz +concept_airport_el_salvador_international concept:airportincity concept_city_el_salvador +concept_airport_eleftherios_venizelos concept:airportincity concept_city_athens +concept_airport_eleftherios_venizelos concept:buildinglocatedincity concept_city_athens +concept_airport_elmas concept:airportincity concept_city_cagliari +concept_airport_entebbe concept:airportincity concept_city_nairobi +concept_airport_entebbe_international concept:airportincity concept_city_kampala +concept_airport_epel concept:synonymfor concept_videogamesystem_rhel +concept_airport_eppley_airfield concept:airportincity concept_city_omaha +concept_airport_ercan concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_ercan concept:airportincity concept_city_nicosia +concept_airport_ercan concept:buildinglocatedincity concept_city_nicosia +concept_airport_esenboga concept:airportincity concept_city_ankara +concept_airport_esenboga concept:buildinglocatedincity concept_city_ankara +concept_airport_europe concept:proxyfor concept_coach_new +concept_airport_europe concept:atdate concept_date_n1939 +concept_airport_europe concept:atdate concept_date_n1944 +concept_airport_europe concept:atdate concept_date_n1993 +concept_airport_europe concept:atdate concept_date_n1996 +concept_airport_europe concept:atdate concept_date_n1999 +concept_airport_europe concept:atdate concept_date_n2001 +concept_airport_europe concept:atdate concept_date_n2004 +concept_airport_europe concept:atdate concept_date_n2009 +concept_airport_europe concept:atdate concept_dateliteral_n1917 +concept_airport_europe concept:atdate concept_dateliteral_n1943 +concept_airport_europe concept:atdate concept_dateliteral_n1945 +concept_airport_europe concept:atdate concept_dateliteral_n1990 +concept_airport_europe concept:atdate concept_dateliteral_n2002 +concept_airport_europe concept:atdate concept_dateliteral_n2005 +concept_airport_europe concept:atdate concept_dateliteral_n2006 +concept_airport_europe concept:atdate concept_dateliteral_n2007 +concept_airport_europe concept:atdate concept_dateliteral_n2008 +concept_airport_europe concept:atdate concept_month_march +concept_airport_europe concept:synonymfor concept_politicalparty_republic +concept_airport_europe concept:atdate concept_year_n1919 +concept_airport_europe concept:atdate concept_year_n1984 +concept_airport_europe concept:atdate concept_year_n1989 +concept_airport_europe concept:atdate concept_year_n1992 +concept_airport_europe concept:atdate concept_year_n1994 +concept_airport_europe concept:atdate concept_year_n1997 +concept_airport_europe concept:atdate concept_year_n1998 +concept_airport_ezeiza concept:airportincity concept_city_buenos_aires +concept_airport_ezeiza concept:buildinglocatedincity concept_city_buenos_aires +concept_airport_faa_a concept:airportincity concept_city_papeete +concept_airport_faa_a concept:buildinglocatedincity concept_city_papeete +concept_airport_faleolo concept:airportincity concept_city_apia +concept_airport_farnborough concept:airportincity concept_city_farnborough +concept_airport_farnborough concept:buildinglocatedincity concept_city_farnborough +concept_airport_feltham concept:airportincity concept_city_feltham +concept_airport_feltham concept:buildinglocatedincity concept_city_feltham +concept_airport_ferihegy concept:airportincity concept_city_budapest +concept_airport_ferihegy concept:buildinglocatedincity concept_city_budapest +concept_airport_fertilia_airport concept:airportincity concept_city_alghero +concept_airport_fiumicino concept:airportincity concept_city_rome +concept_airport_fiumicino concept:attractionofcity concept_city_rome +concept_airport_fiumicino concept:buildinglocatedincity concept_city_rome +concept_airport_fiumicino_airport concept:airportincity concept_city_rome +concept_airport_fornebu concept:airportincity concept_city_oslo +concept_airport_fornebu concept:buildinglocatedincity concept_city_oslo +concept_airport_fort_indiantown_gap concept:latitudelongitude 40.4369575000000,-76.6179775000000 +concept_airport_frankfurt_international concept:airportincity concept_city_frankfurt +concept_airport_frankfurt_international concept:buildinglocatedincity concept_city_frankfurt +concept_airport_friedman_memorial concept:airportincity concept_city_hailey +concept_airport_friedman_memorial concept:buildinglocatedincity concept_city_hailey +concept_airport_ft_lauderdale concept:atlocation concept_city_florida +concept_airport_gallatin_field concept:airportincity concept_city_bozeman +concept_airport_gallatin_field concept:buildinglocatedincity concept_city_bozeman +concept_airport_gatwick concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_gatwick concept:airportincity concept_city_london_city +concept_airport_gatwick concept:attractionofcity concept_city_london_city +concept_airport_gatwick concept:buildinglocatedincity concept_city_london_city +concept_airport_gatwick concept:locationlocatedwithinlocation concept_city_london_city +concept_airport_gatwick concept:subpartof concept_city_london_city +concept_airport_gatwick concept:transportationincity concept_city_victoria +concept_airport_general_mitchell concept:latitudelongitude 42.9402700000000,-87.9007950000000 +concept_airport_general_mitchell concept:locationlocatedwithinlocation concept_city_milwaukee +concept_airport_general_mitchell_international_airport concept:airportincity concept_city_milwaukee +concept_airport_general_mitchell_international_airport concept:buildinglocatedincity concept_city_milwaukee +concept_airport_gerald_r__ford_international concept:airportincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_airport_gerald_r__ford_international concept:buildinglocatedincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_airport_gimpo concept:airportincity concept_city_seoul +concept_airport_gimpo concept:buildinglocatedincity concept_city_seoul +concept_airport_glacier_park_international concept:airportincity concept_city_kalispell +concept_airport_glacier_park_international concept:buildinglocatedincity concept_city_kalispell +concept_airport_glasgow concept:buildinglocatedincity concept_city_london_city +concept_airport_glasgow concept:airportincity concept_city_oban +concept_airport_greenbrier_valley concept:airportincity concept_city_lewisburg +concept_airport_greenbrier_valley concept:buildinglocatedincity concept_city_lewisburg +concept_airport_halifax_international concept:latitudelongitude 44.8808300000000,-63.5086100000000 +concept_airport_hams_hall concept:latitudelongitude 52.5333300000000,-1.6666700000000 +concept_airport_hancock_international concept:airportincity concept_city_syracuse +concept_airport_hanscom_air_force_base concept:latitudelongitude 42.4581300000000,-71.2760500000000 +concept_airport_harrisburg_international concept:airportincity concept_city_harrisburg +concept_airport_harrisburg_international concept:buildinglocatedincity concept_city_harrisburg +concept_airport_hartsfield_jackson concept:airportincity concept_city_atlanta +concept_airport_hartsfield_jackson concept:buildinglocatedincity concept_city_atlanta +concept_airport_harvey_field concept:latitudelongitude 47.9081500000000,-122.1054100000000 +concept_airport_haukasen concept:airportincity concept_city_sogndal +concept_airport_hector_international_airport concept:airportincity concept_city_fargo +concept_airport_hewanorra concept:airportincity concept_city_vieux_fort +concept_airport_hewanorra concept:buildinglocatedincity concept_city_vieux_fort +concept_airport_hkg concept:latitudelongitude 22.3089200000000,113.9146000000000 +concept_airport_hong_kong_international concept:airportincity concept_city_hong_kong_island +concept_airport_hong_kong_international concept:buildinglocatedincity concept_city_hong_kong_island +concept_airport_hongqiao concept:airportincity concept_city_shanghai +concept_airport_hongqiao concept:buildinglocatedincity concept_city_shanghai +concept_airport_honolulu_international concept:airportincity concept_city_honolulu +concept_airport_honolulu_international concept:buildinglocatedincity concept_city_honolulu +concept_airport_hopkins_international_airport concept:airportincity concept_city_cleveland +concept_airport_hopkins_international_airport concept:buildinglocatedincity concept_city_cleveland +concept_airport_houston_hobby concept:latitudelongitude 29.6507420000000,-95.2568890000000 +concept_airport_humberside concept:airportincity concept_visualizablescene_humberside +concept_airport_hunter_u__s__army_airfield concept:latitudelongitude 32.0097500000000,-81.1553500000000 +concept_airport_ilford concept:airportincity concept_city_ilford +concept_airport_ilford concept:buildinglocatedincity concept_city_ilford +concept_airport_indianapolis_international concept:airportincity concept_city_indianapolis +concept_airport_indianapolis_international concept:buildinglocatedincity concept_city_indianapolis +concept_airport_ivato concept:airportincity concept_city_antananarivo +concept_airport_ivato concept:buildinglocatedincity concept_city_antananarivo +concept_airport_jacksonville_international_airport concept:airportincity concept_city_jacksonville +concept_airport_jacksonville_international_airport concept:buildinglocatedincity concept_city_jacksonville +concept_airport_jefman concept:airportincity concept_city_sorong +concept_airport_jersey concept:locationlocatedwithinlocation concept_country_united_states +concept_airport_jersey concept:locationlocatedwithinlocation concept_river_state +concept_airport_jfk_ concept:airportincity concept_city_new_york +concept_airport_jfk_ concept:buildinglocatedincity concept_city_new_york +concept_airport_jfk_international concept:buildinglocatedincity concept_city_new_york +concept_airport_johannesburg_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_johannesburg_international_airport concept:airportincity concept_city_pretoria +concept_airport_johnston_county concept:airportincity concept_city_smithfield +concept_airport_johnston_county concept:buildinglocatedincity concept_city_smithfield +concept_airport_johnstone concept:airportincity concept_city_johnstone +concept_airport_johnstone concept:buildinglocatedincity concept_city_johnstone +concept_airport_jomo_kenyatta_international concept:airportincity concept_city_nairobi +concept_airport_jomo_kenyatta_international concept:buildinglocatedincity concept_city_nairobi +concept_airport_jorge_chavez concept:airportincity concept_city_lima +concept_airport_jorge_chavez concept:buildinglocatedincity concept_city_lima +concept_airport_juanda concept:airportincity concept_city_surabaya +concept_airport_juanda concept:buildinglocatedincity concept_city_surabaya +concept_airport_juneau concept:atlocation concept_city_alaska +concept_airport_juneau concept:mutualproxyfor concept_city_alaska +concept_airport_kai_tak_airport concept:airportincity concept_city_hong_kong_island +concept_airport_kai_tak_airport concept:buildinglocatedincity concept_city_hong_kong_island +concept_airport_kastrup concept:airportincity concept_city_copenhagen +concept_airport_kastrup concept:buildinglocatedincity concept_city_copenhagen +concept_airport_kci concept:airportincity concept_county_kansas_city +concept_airport_kci concept:buildinglocatedincity concept_county_kansas_city +concept_airport_keahole concept:airportincity concept_city_kona +concept_airport_keahole concept:buildinglocatedincity concept_city_kona +concept_airport_kennedy_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_kilimanjaro_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_kimpo concept:airportincity concept_city_seoul +concept_airport_kimpo concept:buildinglocatedincity concept_city_seoul +concept_airport_king_khalid_international concept:airportincity concept_city_riyadh +concept_airport_king_khalid_international concept:buildinglocatedincity concept_city_riyadh +concept_airport_kingsford_smith_international_airport concept:latitudelongitude -27.4053000000000,153.1015000000000 +concept_airport_kingsford_smith_international_airport concept:airportincity concept_city_mascot +concept_airport_kingsford_smith_international_airport concept:buildinglocatedincity concept_city_mascot +concept_airport_kruger_mpumalanga_international concept:airportincity concept_city_nelspruit +concept_airport_kruger_mpumalanga_international concept:buildinglocatedincity concept_city_nelspruit +concept_airport_kuala_lumpur_international concept:airportincity concept_city_sepang +concept_airport_kuala_lumpur_international concept:buildinglocatedincity concept_city_sepang +concept_airport_la_aurora concept:airportincity concept_city_guatemala_city +concept_airport_la_aurora concept:buildinglocatedincity concept_city_guatemala_city +concept_airport_la_guardia concept:airportincity concept_island_manhattan +concept_airport_laguardia concept:airportincity concept_city_new_york +concept_airport_laguardia concept:buildinglocatedincity concept_city_new_york +concept_airport_lambert_field concept:latitudelongitude 33.3870600000000,-84.8149400000000 +concept_airport_lambert_international concept:airportincity concept_city_st__louis +concept_airport_lambert_international concept:buildinglocatedincity concept_city_st_louis +concept_airport_landvetter concept:airportincity concept_city_gothenburg +concept_airport_lanseria concept:airportincity concept_city_johannesburg +concept_airport_lanseria concept:buildinglocatedincity concept_city_johannesburg +concept_airport_lanzarote_airport concept:airportincity concept_city_lanzarote +concept_airport_lax concept:airportincity concept_city_la +concept_airport_lcy concept:latitudelongitude 51.5052800000000,0.0552800000000 +concept_airport_lehigh_valley_international_airport concept:airportincity concept_city_allentown +concept_airport_lehigh_valley_international_airport concept:buildinglocatedincity concept_city_allentown +concept_airport_lgw concept:latitudelongitude 51.1480600000000,-0.1902800000000 +concept_airport_linate concept:airportincity concept_city_milan +concept_airport_linate concept:buildinglocatedincity concept_city_milan +concept_airport_lindbergh_field concept:airportincity concept_city_san_diego +concept_airport_lindbergh_field concept:buildinglocatedincity concept_city_san_diego +concept_airport_linton_on_ouse concept:airportincity concept_city_harrogate +concept_airport_little_rock concept:proxyfor concept_book_arkansas +concept_airport_little_rock concept:subpartof concept_book_arkansas +concept_airport_little_rock_national concept:latitudelongitude 34.7247650000000,-92.2577150000000 +concept_airport_little_rock_national concept:airportincity concept_city_little_rock +concept_airport_liverpool concept:airportincity concept_city_london_city +concept_airport_liverpool concept:attractionofcity concept_city_london_city +concept_airport_liverpool concept:buildinglocatedincity concept_city_london_city +concept_airport_london_city concept:airportincity concept_city_heathrow +concept_airport_london_marylebone concept:latitudelongitude 51.5226400000000,-0.1626800000000 +concept_airport_los_angeles_air_force_base concept:latitudelongitude 33.9150200000000,-118.3748900000000 +concept_airport_los_angeles_county concept:airportincity concept_city_santa_barbara_de_nexe +concept_airport_louis_armstrong_new_orleans_international_airport concept:airportincity concept_city_new_orleans +concept_airport_louis_armstrong_new_orleans_international_airport concept:buildinglocatedincity concept_city_new_orleans +concept_airport_louis_international_airport concept:latitudelongitude 38.7478300000000,-90.3601200000000 +concept_airport_louisville_international concept:airportincity concept_city_louisville +concept_airport_louisville_international concept:buildinglocatedincity concept_city_louisville +concept_airport_luanda concept:proxyfor concept_currency_angola +concept_airport_luanda concept:subpartof concept_currency_angola +concept_airport_luis_munoz_marin_international_airport concept:airportincity concept_city_san_juan +concept_airport_mahlon_sweet_field concept:airportincity concept_city_eugene +concept_airport_maiquetia concept:airportincity concept_city_caracas +concept_airport_maiquetia concept:buildinglocatedincity concept_city_caracas +concept_airport_malaga_airport concept:airportincity concept_city_malaga +concept_airport_malmo concept:locationlocatedwithinlocation concept_city_sweden +concept_airport_malmo concept:proxyfor concept_city_sweden +concept_airport_malpensa concept:airportincity concept_city_milan +concept_airport_malpensa concept:buildinglocatedincity concept_city_milan +concept_airport_manises concept:airportincity concept_city_valencia +concept_airport_marine_corps_base_camp_lejeune concept:latitudelongitude 34.5876900000000,-77.3925900000000 +concept_airport_marine_corps_base_camp_pendleton concept:latitudelongitude 33.3538600000000,-117.4255800000000 +concept_airport_marine_corps_base_quantico concept:latitudelongitude 38.4895900000000,-77.4668800000000 +concept_airport_marine_corps_logistics_base_albany concept:latitudelongitude 31.5509700000000,-84.0518700000000 +concept_airport_marine_corps_recruit_depot_san_diego concept:latitudelongitude 32.7408700000000,-117.1969200000000 +concept_airport_mariscal_sucre concept:airportincity concept_city_quito +concept_airport_mariscal_sucre concept:buildinglocatedincity concept_city_quito +concept_airport_mcalester_army_ammunition_plant concept:latitudelongitude 34.8266500000000,-95.9238200000000 +concept_airport_mcghee_tyson_airport concept:airportincity concept_city_knoxville +concept_airport_mcghee_tyson_airport concept:buildinglocatedincity concept_city_knoxville +concept_airport_mcguire_afb concept:proxyfor concept_radiostation_new_jersey +concept_airport_memphis_international concept:airportincity concept_city_memphis +concept_airport_memphis_international concept:buildinglocatedincity concept_city_memphis +concept_airport_mercedita concept:airportincity concept_city_ponce +concept_airport_mesa concept:proxyfor concept_beverage_arizona +concept_airport_miami_international_airport concept:airportincity concept_city_south_beach +concept_airport_milan_orio concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_minneapolis concept:proxyfor concept_coach_new +concept_airport_minneapolis concept:proxyfor concept_personnorthamerica_minnesota +concept_airport_minneapolis concept:subpartof concept_personnorthamerica_minnesota +concept_airport_minneapolis concept:proxyfor concept_stadiumoreventvenue_target_center +concept_airport_mohamed_v concept:airportincity concept_city_casablanca +concept_airport_mohamed_v concept:buildinglocatedincity concept_city_casablanca +concept_airport_mulhouse_airport concept:airportincity concept_visualizablething_mulhouse +concept_airport_munich_airport concept:airportincity concept_city_munich +concept_airport_munich_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_muscle_shoals concept:subpartof concept_newspaper_alabama +concept_airport_muscle_shoals concept:atlocation concept_stateorprovince_alabama +concept_airport_muscle_shoals concept:proxyfor concept_university_alabama +concept_airport_nashville_international concept:airportincity concept_city_nashville +concept_airport_nashville_international concept:buildinglocatedincity concept_city_nashville +concept_airport_natrona_county concept:airportincity concept_city_casper +concept_airport_natrona_county concept:buildinglocatedincity concept_city_casper +concept_airport_naval_air_station_corpus_christi concept:latitudelongitude 27.6928000000000,-97.2799200000000 +concept_airport_naval_air_station_whidbey_island concept:latitudelongitude 48.3480200000000,-122.6628500000000 +concept_airport_naval_amphibious_base_little_creek concept:latitudelongitude 36.9184700000000,-76.1646900000000 +concept_airport_naval_station_everett concept:latitudelongitude 47.9895300000000,-122.2241300000000 +concept_airport_naval_station_newport concept:latitudelongitude 41.5285600000000,-71.3076800000000 +concept_airport_naval_station_norfolk concept:latitudelongitude 36.8653600000000,-76.3065350000000 +concept_airport_naval_submarine_base_kings_bay concept:latitudelongitude 30.7968400000000,-81.5328000000000 +concept_airport_naval_weapons_station_charleston concept:latitudelongitude 32.9638600000000,-79.9621700000000 +concept_airport_naval_weapons_station_earle concept:latitudelongitude 40.2567000000000,-74.1480900000000 +concept_airport_nedumbassery concept:airportincity concept_city_cochin +concept_airport_nedumbassery concept:buildinglocatedincity concept_city_kochi +concept_airport_new_chitose_airport concept:airportincity concept_city_sapporo +concept_airport_new_chitose_airport concept:buildinglocatedincity concept_city_sapporo +concept_airport_newcastle_airport concept:airportincity concept_city_newcastle +concept_airport_newcastle_airport concept:buildinglocatedincity concept_city_newcastle +concept_airport_ngurah_rai_international_airport concept:airportincity concept_city_denpasar +concept_airport_ngurah_rai_international_airport concept:buildinglocatedincity concept_city_denpasar +concept_airport_nice concept:airportincity concept_city_cannes +concept_airport_nimes_airport concept:airportincity concept_city_nimes +concept_airport_nimes_airport concept:buildinglocatedincity concept_city_nimes +concept_airport_ninoy_aquino_international concept:airportincity concept_city_manila +concept_airport_ninoy_aquino_international concept:buildinglocatedincity concept_city_manila +concept_airport_noi_bai concept:airportincity concept_city_hanoi +concept_airport_noi_bai concept:buildinglocatedincity concept_city_hanoi +concept_airport_norfolk_international concept:buildinglocatedincity concept_city_norfolk +concept_airport_norfolk_international concept:airportincity concept_city_virginia_beach +concept_airport_norfolk_naval_base concept:latitudelongitude 36.9234000000000,-76.2760000000000 +concept_airport_norman_manley_international_airport concept:airportincity concept_city_kingston +concept_airport_norman_manley_international_airport concept:buildinglocatedincity concept_city_kingston +concept_airport_north concept:proxyfor concept_stateorprovince_california +concept_airport_north_america concept:proxyfor concept_coach_new +concept_airport_north_america concept:atdate concept_date_n1996 +concept_airport_north_america concept:atdate concept_date_n2000 +concept_airport_north_america concept:atdate concept_date_n2001 +concept_airport_north_america concept:atdate concept_date_n2003 +concept_airport_north_america concept:atdate concept_date_n2004 +concept_airport_north_america concept:atdate concept_date_n2009 +concept_airport_north_america concept:atdate concept_dateliteral_n2002 +concept_airport_north_america concept:atdate concept_dateliteral_n2005 +concept_airport_north_america concept:atdate concept_dateliteral_n2006 +concept_airport_north_america concept:atdate concept_dateliteral_n2007 +concept_airport_north_america concept:atdate concept_dateliteral_n2008 +concept_airport_northwest_arkansas_reg concept:airportincity concept_city_springdale +concept_airport_o_hare_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_oldbury concept:airportincity concept_city_oldbury +concept_airport_oldbury concept:buildinglocatedincity concept_city_oldbury +concept_airport_omaha concept:mutualproxyfor concept_company_nebraska +concept_airport_omaha concept:proxyfor concept_university_nebraska +concept_airport_ontario_international concept:latitudelongitude 34.0558400000000,-117.6020000000000 +concept_airport_opa_locka concept:airportincity concept_city_miami +concept_airport_opa_locka concept:buildinglocatedincity concept_city_miami +concept_airport_orange_county concept:airportincity concept_city_montgomery +concept_airport_orio_al_serio concept:latitudelongitude 45.6731940000000,9.6961220000000 +concept_airport_orio_al_serio concept:airportincity concept_city_bergamo +concept_airport_ossett concept:airportincity concept_city_ossett +concept_airport_ossett concept:buildinglocatedincity concept_city_ossett +concept_airport_ovda concept:airportincity concept_visualizablething_eilat +concept_airport_ovda concept:buildinglocatedincity concept_visualizablething_eilat +concept_airport_pago_pago_international concept:latitudelongitude -14.3310000000000,-170.7105000000000 +concept_airport_palm_beach_international concept:airportincity concept_city_palm_beach +concept_airport_palm_beach_international concept:buildinglocatedincity concept_city_west_palm_beach +concept_airport_palomar concept:airportincity concept_city_carlsbad +concept_airport_palwaukee concept:buildinglocatedincity concept_city_chicago +concept_airport_paphos concept:airportincity concept_city_larnaca +concept_airport_paphos_international_airport concept:airportincity concept_visualizablescene_paphos +concept_airport_peelamedu concept:airportincity concept_visualizablescene_coimbatore +concept_airport_peretola concept:airportincity concept_city_florence +concept_airport_peretola concept:buildinglocatedincity concept_city_florence +concept_airport_picatinny_arsenal concept:latitudelongitude 40.9585800000000,-74.5346500000000 +concept_airport_piedmont_triad_international concept:airportincity concept_city_greensboro +concept_airport_piedmont_triad_international concept:buildinglocatedincity concept_city_greensboro +concept_airport_piedmont_triad_international_airport concept:airportincity concept_city_winston_salem +concept_airport_pinto_martins concept:airportincity concept_city_fortaleza +concept_airport_pinto_martins concept:buildinglocatedincity concept_city_fortaleza +concept_airport_pittsburgh_airport concept:airportincity concept_city_pittsburgh +concept_airport_pittsburgh_airport concept:buildinglocatedincity concept_city_pittsburgh +concept_airport_portland_international_airport concept:airportincity concept_city_portland +concept_airport_portland_international_airport concept:buildinglocatedincity concept_city_portland +concept_airport_prestwick concept:airportincity concept_city_glasgow +concept_airport_prestwick concept:buildinglocatedincity concept_city_glasgow +concept_airport_pudong_international_airport concept:airportincity concept_city_shanghai +concept_airport_punta_raisi concept:airportincity concept_city_palermo +concept_airport_punta_raisi concept:buildinglocatedincity concept_city_palermo +concept_airport_pvg concept:latitudelongitude 31.1433800000000,121.8052100000000 +concept_airport_queen_beatrix_international_airport concept:airportincity concept_city_oranjestad +concept_airport_rafael_hernandez concept:airportincity concept_city_aguadilla +concept_airport_rafael_hernandez concept:buildinglocatedincity concept_city_aguadilla +concept_airport_rajasansi concept:airportincity concept_city_amritsar +concept_airport_rajasansi concept:buildinglocatedincity concept_city_amritsar +concept_airport_rapid_city_regional concept:buildinglocatedincity concept_city_rapid_city +concept_airport_reagan_national concept:latitudelongitude 38.8477000000000,-77.0524000000000 +concept_airport_reagan_national concept:airportincity concept_city_washington_d_c +concept_airport_reagan_national concept:buildinglocatedincity concept_city_washington_d_c +concept_airport_reagan_washington_national concept:latitudelongitude 38.8531650000000,-77.0406700000000 +concept_airport_reagan_washington_national concept:airportincity concept_city_washington_d_c +concept_airport_red_river_army_depot concept:latitudelongitude 33.4490000000000,-94.3178200000000 +concept_airport_reus concept:airportincity concept_city_barcelona +concept_airport_richmond_international concept:latitudelongitude 37.5488850000000,-77.3695850000000 +concept_airport_richmond_international concept:airportincity concept_city_richmond +concept_airport_richmond_international concept:buildinglocatedincity concept_city_richmond +concept_airport_rinas concept:airportincity concept_city_tirana +concept_airport_rinas concept:buildinglocatedincity concept_city_tirana +concept_airport_rome_ciampino concept:buildinglocatedincity concept_city_london_city +concept_airport_rome_ciampino concept:airportincity concept_city_rome +concept_airport_rome_fiumicino concept:specializationof concept_airport_european_airports +concept_airport_ruzyne concept:airportincity concept_city_prague +concept_airport_ruzyne concept:buildinglocatedincity concept_city_prague +concept_airport_sabiha_gokcen concept:airportincity concept_city_istanbul +concept_airport_sabiha_gokcen concept:buildinglocatedincity concept_city_istanbul +concept_airport_sacramento_international concept:airportincity concept_city_sacramento +concept_airport_sacramento_international concept:buildinglocatedincity concept_city_sacramento +concept_airport_saddam_international concept:airportincity concept_city_baghdad +concept_airport_saddam_international concept:buildinglocatedincity concept_city_baghdad +concept_airport_salt_lake_city_international concept:airportincity concept_county_salt_lake +concept_airport_salt_lake_city_international concept:buildinglocatedincity concept_county_salt_lake +concept_airport_salzburg_airport concept:airportincity concept_city_salzburg +concept_airport_san_antonio_international concept:airportincity concept_city_san_antonio +concept_airport_san_antonio_international concept:buildinglocatedincity concept_city_san_antonio +concept_airport_san_diego_airport concept:airportincity concept_city_san_diego +concept_airport_san_diego_airport concept:buildinglocatedincity concept_city_san_diego +concept_airport_san_jose_international concept:airportincity concept_city_san_jose +concept_airport_san_jose_international concept:buildinglocatedincity concept_city_san_jose +concept_airport_sanford concept:locationlocatedwithinlocation concept_city_florida +concept_airport_sanford concept:airportincity concept_city_orlando +concept_airport_sanford concept:proxyfor concept_creditunion_north_carolina +concept_airport_sangster_international_airport concept:airportincity concept_city_montego_bay +concept_airport_schiphol concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_schiphol concept:airportincity concept_city_amsterdam +concept_airport_schiphol concept:attractionofcity concept_city_amsterdam +concept_airport_schiphol concept:buildinglocatedincity concept_city_amsterdam +concept_airport_schiphol_airport concept:airportincity concept_city_amsterdam +concept_airport_schiphol_amsterdam_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_schoenefeld concept:airportincity concept_city_berlin +concept_airport_sdia concept:latitudelongitude 45.4522200000000,21.5205600000000 +concept_airport_sea_tac concept:latitudelongitude 47.4293560000000,-122.2907090000000 +concept_airport_sea_tac concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_sea_tac concept:airportincity concept_city_seattle +concept_airport_sea_tac concept:buildinglocatedincity concept_city_seattle +concept_airport_seattle_tacoma_international concept:airportincity concept_city_seattle +concept_airport_seattle_tacoma_international concept:buildinglocatedincity concept_city_seattle +concept_airport_senai concept:airportincity concept_city_johor_bahru +concept_airport_senai concept:buildinglocatedincity concept_city_johor_bahru +concept_airport_sfo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_sfo concept:airportincity concept_city_san_francisco +concept_airport_shannon concept:airportincity concept_city_galway +concept_airport_sheremetevo concept:airportincity concept_city_moscow +concept_airport_sheremetevo concept:buildinglocatedincity concept_city_moscow +concept_airport_sheremetyevo concept:airportincity concept_city_moscow +concept_airport_sheremetyevo concept:buildinglocatedincity concept_city_moscow +concept_airport_simferopol concept:airportincity concept_city_simferopol +concept_airport_simon_bolivar_international concept:airportincity concept_city_caracas +concept_airport_simon_bolivar_international concept:buildinglocatedincity concept_city_caracas +concept_airport_sir_seretse_khama_airport concept:latitudelongitude -24.5558300000000,25.9230600000000 +concept_airport_skavsta concept:latitudelongitude 58.7859850000000,16.9227600000000 +concept_airport_skavsta concept:buildinglocatedincity concept_city_nyking +concept_airport_skavsta concept:airportincity concept_city_stockholm +concept_airport_south_america concept:atdate concept_date_n2001 +concept_airport_south_america concept:atdate concept_dateliteral_n2006 +concept_airport_southampton concept:airportincity concept_city_eastleigh +concept_airport_southern_california_logistics concept:airportincity concept_city_victorville +concept_airport_southwest_florida_international concept:airportincity concept_city_fort_myers +concept_airport_southwest_florida_international concept:buildinglocatedincity concept_city_fort_myers +concept_airport_southwest_georgia_regional concept:airportincity concept_city_albany +concept_airport_split concept:proxyfor concept_filmfestival_croatia +concept_airport_spokane_international concept:airportincity concept_city_spokane +concept_airport_spokane_international concept:buildinglocatedincity concept_city_spokane +concept_airport_standiford_field concept:airportincity concept_city_louisville +concept_airport_standiford_field concept:buildinglocatedincity concept_city_louisville +concept_airport_stanstead concept:airportincity concept_city_london_city +concept_airport_stewart_international_airport concept:airportincity concept_city_new_windsor +concept_airport_stuttgart concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_subang concept:airportincity concept_city_kuala_lumpur +concept_airport_suvarnabhumi concept:airportincity concept_city_bangkok +concept_airport_suvarnabhumi concept:buildinglocatedincity concept_city_bangkok +concept_airport_sydney_international concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_airport_sydney_international concept:airportincity concept_city_sydney +concept_airport_syracuse_hancock concept:latitudelongitude 43.1111900000000,-76.1063100000000 +concept_airport_t__f__green_airport concept:buildinglocatedincity concept_city_providence +concept_airport_t__f__green_airport concept:airportincity concept_city_warwick +concept_airport_t_f__green_state_airport concept:airportincity concept_city_providence +concept_airport_tan_son concept:airportincity concept_city_ho_chi_minh_city +concept_airport_taylor_lake_village concept:latitudelongitude 29.5750233333333,-95.0546566666667 +concept_airport_tegel concept:airportincity concept_city_berlin +concept_airport_tegel concept:buildinglocatedincity concept_city_berlin +concept_airport_tegucigalpa concept:subpartof concept_awardtrophytournament_honduras +concept_airport_templehof concept:airportincity concept_city_berlin +concept_airport_templehof concept:buildinglocatedincity concept_city_berlin +concept_airport_teterboro concept:airportincity concept_city_new_york +concept_airport_teterboro concept:buildinglocatedincity concept_city_new_york +concept_airport_tocumen_international concept:airportincity concept_city_panama_city +concept_airport_tocumen_international concept:buildinglocatedincity concept_city_panama_city +concept_airport_tokyo_narita concept:latitudelongitude 35.7897000000000,140.3575000000000 +concept_airport_tooele_army_depot concept:latitudelongitude 40.5283500000000,-112.4075400000000 +concept_airport_toronto_pearson concept:airportincity concept_city_toronto +concept_airport_toronto_pearson concept:buildinglocatedincity concept_city_toronto +concept_airport_torp concept:buildinglocatedincity concept_city_sandefjord +concept_airport_toulouse_blagnac concept:latitudelongitude 43.6304000000000,1.3882000000000 +concept_airport_tri_cities concept:airportincity concept_city_pasco +concept_airport_tri_cities concept:buildinglocatedincity concept_city_pasco +concept_airport_trieste concept:airportincity concept_city_trieste +concept_airport_tucson_international concept:airportincity concept_city_tucson +concept_airport_tucson_international concept:buildinglocatedincity concept_city_tucson +concept_airport_tulsa_international concept:airportincity concept_city_tulsa +concept_airport_tulsa_international concept:buildinglocatedincity concept_city_tulsa +concept_airport_us_airport concept:latitudelongitude 37.9850400000000,-91.7223800000000 +concept_airport_valladolid_airport concept:airportincity concept_city_valladolid +concept_airport_varna concept:airportincity concept_city_balchik +concept_airport_vigie_field concept:airportincity concept_city_st_lucia +concept_airport_viracopos concept:airportincity concept_city_campinas +concept_airport_viracopos concept:buildinglocatedincity concept_city_campinas +concept_airport_viru_viru concept:airportincity concept_city_santa_cruz_das_flores +concept_airport_viru_viru concept:buildinglocatedincity concept_city_santa_cruz_das_flores +concept_airport_vnukovo concept:airportincity concept_city_moscow +concept_airport_vnukovo concept:buildinglocatedincity concept_city_moscow +concept_airport_walker_field concept:airportincity concept_geopoliticallocation_grand_junction +concept_airport_walker_field concept:buildinglocatedincity concept_geopoliticallocation_grand_junction +concept_airport_watertown concept:mutualproxyfor concept_company_new_york +concept_airport_west_glamorgan concept:latitudelongitude 51.5833300000000,-3.7500000000000 +concept_airport_westchester_county concept:airportincity concept_visualizablescene_white_plains +concept_airport_westchester_county concept:buildinglocatedincity concept_visualizablescene_white_plains +concept_airport_wilkes_barre_scranton concept:airportincity concept_city_avoca +concept_airport_wilkes_barre_scranton concept:buildinglocatedincity concept_city_avoca +concept_airport_will_rogers_world concept:airportincity concept_city_oklahoma_city +concept_airport_willow_run concept:airportincity concept_city_ypsilanti +concept_airport_willow_run concept:buildinglocatedincity concept_city_ypsilanti +concept_airport_yeager_airport concept:airportincity concept_city_charleston +concept_airport_zia_international concept:airportincity concept_city_dhaka +concept_airport_zia_international concept:buildinglocatedincity concept_city_dhaka +concept_airport_zvartnots concept:airportincity concept_city_yerevan +concept_airport_zvartnots concept:buildinglocatedincity concept_city_yerevan +concept_amphibian_care concept:animalistypeofanimal concept_mammal_dogs +concept_amphibian_cat concept:animaleatfood concept_legume_rice +concept_amphibian_checklist concept:agentinvolvedwithitem concept_buildingfeature_window +concept_amphibian_custom_search concept:agentcompeteswithagent concept_personasia_site +concept_amphibian_desmans concept:latitudelongitude 33.0487300000000,-87.0930500000000 +concept_amphibian_dragons concept:specializationof concept_animal_creatures +concept_amphibian_families concept:animaldevelopdisease concept_disease_aids +concept_amphibian_families concept:animaldevelopdisease concept_disease_allergies +concept_amphibian_families concept:animaldevelopdisease concept_disease_autism +concept_amphibian_families concept:animaldevelopdisease concept_disease_conditions +concept_amphibian_families concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_amphibian_families concept:animaldevelopdisease concept_disease_diabetes +concept_amphibian_families concept:animaldevelopdisease concept_disease_disabilities +concept_amphibian_families concept:animaldevelopdisease concept_disease_disability +concept_amphibian_families concept:animaldevelopdisease concept_disease_diseases +concept_amphibian_families concept:animaldevelopdisease concept_disease_disorder +concept_amphibian_families concept:animaldevelopdisease concept_disease_disorders +concept_amphibian_families concept:animaldevelopdisease concept_disease_hiv_aids +concept_amphibian_families concept:animaldevelopdisease concept_disease_illness +concept_amphibian_families concept:animaldevelopdisease concept_disease_illnesses +concept_amphibian_families concept:animaldevelopdisease concept_disease_injury +concept_amphibian_families concept:animaldevelopdisease concept_disease_mental_illness +concept_amphibian_families concept:animaldevelopdisease concept_disease_problems +concept_amphibian_families concept:animaldevelopdisease concept_disease_serious_mental_illness +concept_amphibian_families concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_amphibian_families concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_amphibian_families concept:animaldevelopdisease concept_disease_syndrome +concept_amphibian_families concept:animalpreyson concept_mammal_dogs +concept_amphibian_families concept:animaldevelopdisease concept_physiologicalcondition_health_issues +concept_amphibian_figures concept:agentinvolvedwithitem concept_buildingfeature_window +concept_amphibian_figures concept:agentparticipatedinevent concept_eventoutcome_result +concept_amphibian_forum concept:agentcompeteswithagent concept_personcanada_search +concept_amphibian_forum concept:agentcreated concept_website_visit +concept_amphibian_frogs concept:animalistypeofanimal concept_animal_creatures +concept_amphibian_frogs concept:animalpreyson concept_animal_creatures +concept_amphibian_frogs concept:animalistypeofanimal concept_animal_vertebrates +concept_amphibian_frogs concept:animaleatfood concept_food_larvae +concept_amphibian_frogs concept:animalpreyson concept_mammal_animals +concept_amphibian_frogs concept:specializationof concept_mammal_animals +concept_amphibian_frogs concept:animalistypeofanimal concept_mammal_pets +concept_amphibian_frogs concept:animalpreyson concept_mammal_pets +concept_amphibian_frogs concept:animalistypeofanimal concept_mammal_predators +concept_amphibian_frogs concept:animalistypeofanimal concept_mammal_small_animals +concept_amphibian_frogs concept:animalpreyson concept_mammal_small_animals +concept_amphibian_guy concept:animaldevelopdisease concept_disease_syndrome +concept_amphibian_larvae concept:animaleatfood concept_agriculturalproduct_plants +concept_amphibian_larvae concept:animaleatfood concept_agriculturalproduct_wood +concept_amphibian_larvae concept:animalistypeofanimal concept_animal_organisms +concept_amphibian_larvae concept:animaleatfood concept_food_foliage +concept_amphibian_larvae concept:animaleatfood concept_food_leaf +concept_amphibian_larvae concept:animaleatfood concept_food_leaf_surfaces +concept_amphibian_larvae concept:animaleatfood concept_food_leaf_tissue +concept_amphibian_larvae concept:animaleatfood concept_food_leaf_undersides +concept_amphibian_larvae concept:animaleatfood concept_food_native_plants +concept_amphibian_larvae concept:animaleatfood concept_food_organic_matter +concept_amphibian_larvae concept:animaleatfood concept_food_planktonic_animals +concept_amphibian_larvae concept:animaleatfood concept_food_plant_roots +concept_amphibian_larvae concept:animaleatfood concept_food_root_hairs +concept_amphibian_larvae concept:animaleatfood concept_food_small_crustaceans +concept_amphibian_larvae concept:animaleatfood concept_food_upper_leaf_surface +concept_amphibian_larvae concept:animaleatfood concept_food_zooplankton +concept_amphibian_larvae concept:animaleatfood concept_legume_bark +concept_amphibian_larvae concept:animaleatfood concept_nut_leaves +concept_amphibian_larvae concept:animaleatfood concept_nut_trunk +concept_amphibian_larvae concept:animaleatfood concept_plant_algae +concept_amphibian_larvae concept:animaleatfood concept_plant_stem +concept_amphibian_larvae concept:animaleatfood concept_plant_stems +concept_amphibian_larvae concept:animalpreyson concept_reptile_feeders +concept_amphibian_larvae concept:animaleatvegetable concept_vegetable_cabbage +concept_amphibian_larvae concept:animaleatfood concept_vegetable_soybean +concept_amphibian_larvae concept:animaleatfood concept_wine_roots +concept_amphibian_leg concept:agentparticipatedinevent concept_sportsgame_series +concept_amphibian_lion concept:animaleatfood concept_beverage_red_bull +concept_amphibian_losses concept:atdate concept_dateliteral_n2008 +concept_amphibian_losses concept:agentparticipatedinevent concept_eventoutcome_result +concept_amphibian_mountain_cat concept:latitudelongitude 52.3333800000000,-55.7980000000000 +concept_amphibian_native_species concept:animalsuchasfish concept_fish_trout +concept_amphibian_native_species concept:animalpreyson concept_reptile_deer +concept_amphibian_nostrils concept:subpartof concept_website_blood +concept_amphibian_offspring concept:animaldevelopdisease concept_disease_disorder +concept_amphibian_offspring concept:animaldevelopdisease concept_disease_syndrome +concept_amphibian_parent concept:animaldevelopdisease concept_disease_disorder +concept_amphibian_parent concept:animaldevelopdisease concept_disease_syndrome +concept_amphibian_pets concept:animalthatfeedoninsect concept_insect_crabs +concept_amphibian_pets concept:animaleatvegetable concept_vegetable_corn +concept_amphibian_poison concept:agentcollaborateswithagent concept_personafrica_bret_michaels +concept_amphibian_potato concept:animaleatvegetable concept_vegetable_rice +concept_amphibian_references concept:agentinvolvedwithitem concept_buildingfeature_window +concept_amphibian_references concept:agentcompeteswithagent concept_personcanada_search +concept_amphibian_references concept:agentcreated concept_programminglanguage_contact +concept_amphibian_salamanders concept:animalistypeofanimal concept_amphibian_amphibians +concept_amphibian_salamanders concept:animalistypeofanimal concept_animal_creatures +concept_amphibian_salamanders concept:animalistypeofanimal concept_mammal_animals +concept_amphibian_salamanders concept:animalpreyson concept_mammal_animals +concept_amphibian_size concept:animalsuchasfish concept_fish_trout +concept_amphibian_small_pets concept:animalpreyson concept_animal_mice001 +concept_amphibian_status concept:animalsuchasfish concept_fish_trout +concept_amphibian_streams concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_amphibian_streams concept:animalsuchasfish concept_fish_bass +concept_amphibian_streams concept:animalsuchasfish concept_fish_brook_trout +concept_amphibian_streams concept:animalsuchasfish concept_fish_brown_trout +concept_amphibian_streams concept:animalsuchasfish concept_fish_rainbow_trout +concept_amphibian_streams concept:animalsuchasfish concept_fish_salmon +concept_amphibian_streams concept:animalsuchasfish concept_fish_trout +concept_amphibian_sunfish concept:animalistypeofanimal concept_fish_panfish +concept_amphibian_tadpoles concept:animaleatfood concept_plant_algae +concept_amphibian_toads concept:animalistypeofanimal concept_amphibian_amphibians +concept_amphibian_toads concept:animalistypeofanimal concept_animal_creatures +concept_amphibian_toads concept:animalistypeofanimal concept_mammal_animals +concept_amphibian_toads concept:animalpreyson concept_mammal_animals +concept_amphibian_tribe concept:agentparticipatedinevent concept_sportsgame_series +concept_amphibian_winter concept:animalsuchasfish concept_fish_trout +concept_animal_alpaca concept:agentcompeteswithagent concept_mammal_animals +concept_animal_alpaca concept:animalistypeofanimal concept_mammal_animals +concept_animal_amazons concept:animalistypeofanimal concept_bird_parrots +concept_animal_animals001 concept:animalpreyson concept_animal_animals001 +concept_animal_animals001 concept:agentcompeteswithagent concept_animal_birds003 +concept_animal_animals001 concept:specializationof concept_animal_birds003 +concept_animal_animals001 concept:animalpreyson concept_animal_deer001 +concept_animal_animals001 concept:animalpreyson concept_animal_dolphins001 +concept_animal_animals001 concept:animalpreyson concept_animal_lemurs001 +concept_animal_animals001 concept:animalpreyson concept_animal_mammals001 +concept_animal_animals001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_animals001 concept:animalistypeofanimal concept_animal_moles001 +concept_animal_animals001 concept:animalsuchasinsect concept_animal_moles001 +concept_animal_animals001 concept:animalthatfeedoninsect concept_animal_moles001 +concept_animal_animals001 concept:animalistypeofanimal concept_animal_organisms +concept_animal_animals001 concept:animalpreyson concept_animal_organisms +concept_animal_animals001 concept:animalpreyson concept_animal_seals001 +concept_animal_animals001 concept:animalpreyson concept_animal_voles001 +concept_animal_animals001 concept:agentcompeteswithagent concept_animal_wildlife +concept_animal_animals001 concept:animalpreyson concept_arachnid_butterflies +concept_animal_animals001 concept:animalpreyson concept_arachnid_kids +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arachnid_moths +concept_animal_animals001 concept:animalistypeofanimal concept_arachnid_scorpions +concept_animal_animals001 concept:animalpreyson concept_arachnid_scorpions +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arachnid_scorpions +concept_animal_animals001 concept:animalsuchasinsect concept_arthropod_arthropods +concept_animal_animals001 concept:animalthatfeedoninsect concept_arthropod_arthropods +concept_animal_animals001 concept:animalpreyson concept_arthropod_dog +concept_animal_animals001 concept:animalsuchasinsect concept_arthropod_invertebrates +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_animal_animals001 concept:animalpreyson concept_arthropod_opossums +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arthropod_opossums +concept_animal_animals001 concept:animalpreyson concept_arthropod_prey +concept_animal_animals001 concept:animalpreyson concept_arthropod_raccoons +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arthropod_raccoons +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arthropod_snails +concept_animal_animals001 concept:animalthatfeedoninsect concept_arthropod_snails +concept_animal_animals001 concept:animalistypeofanimal concept_arthropod_spiders +concept_animal_animals001 concept:animalpreyson concept_arthropod_spiders +concept_animal_animals001 concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_animal_animals001 concept:animaleatfood concept_beverage_nectar +concept_animal_animals001 concept:agentcompeteswithagent concept_blog_goats +concept_animal_animals001 concept:animaleatfood concept_candy_nuts +concept_animal_animals001 concept:agentcompeteswithagent concept_city_children +concept_animal_animals001 concept:agentcompeteswithagent concept_comedian_wild_animals +concept_animal_animals001 concept:animalsuchasinvertebrate concept_crustacean_crayfish +concept_animal_animals001 concept:animaldevelopdisease concept_disease_allergies +concept_animal_animals001 concept:animaldevelopdisease concept_disease_rabies +concept_animal_animals001 concept:animaldevelopdisease concept_disease_tetanus +concept_animal_animals001 concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_animals001 concept:animalpreyson concept_fish_otter +concept_animal_animals001 concept:animalpreyson concept_fish_otters +concept_animal_animals001 concept:animalpreyson concept_fish_parrots +concept_animal_animals001 concept:animalsuchasfish concept_fish_rays +concept_animal_animals001 concept:animalsuchasfish concept_fish_salmon +concept_animal_animals001 concept:animalsuchasfish concept_fish_tilapia +concept_animal_animals001 concept:animalsuchasfish concept_fish_whale_sharks +concept_animal_animals001 concept:animaleatfood concept_food_foliage +concept_animal_animals001 concept:animaleatfood concept_food_invasive_plant +concept_animal_animals001 concept:animaleatfood concept_food_large_seeds +concept_animal_animals001 concept:animaleatfood concept_food_native_plants +concept_animal_animals001 concept:animaleatfood concept_food_sea_grasses +concept_animal_animals001 concept:animaleatfood concept_fruit_legumes +concept_animal_animals001 concept:animalsuchasinsect concept_insect_ants +concept_animal_animals001 concept:animalthatfeedoninsect concept_insect_ants +concept_animal_animals001 concept:animalsuchasinsect concept_insect_beetles +concept_animal_animals001 concept:animalsuchasinsect concept_insect_bugs +concept_animal_animals001 concept:animalthatfeedoninsect concept_insect_butterflies +concept_animal_animals001 concept:animalthatfeedoninsect concept_insect_crabs +concept_animal_animals001 concept:animalsuchasinsect concept_insect_earthworms +concept_animal_animals001 concept:animalthatfeedoninsect concept_insect_earthworms +concept_animal_animals001 concept:animalsuchasinsect concept_insect_flies +concept_animal_animals001 concept:animalsuchasinsect concept_insect_ground_squirrels +concept_animal_animals001 concept:agentcompeteswithagent concept_insect_insects +concept_animal_animals001 concept:animalistypeofanimal concept_insect_insects +concept_animal_animals001 concept:animalsuchasinsect concept_insect_insects +concept_animal_animals001 concept:animalsuchasinvertebrate concept_insect_insects +concept_animal_animals001 concept:animalpreyson concept_insect_mosquitoes +concept_animal_animals001 concept:animalsuchasinsect concept_insect_mosquitoes +concept_animal_animals001 concept:animalsuchasinsect concept_insect_mosquitos +concept_animal_animals001 concept:animalpreyson concept_insect_raccoon +concept_animal_animals001 concept:animalistypeofanimal concept_insect_termites +concept_animal_animals001 concept:animalpreyson concept_insect_termites +concept_animal_animals001 concept:animalsuchasinsect concept_insect_termites +concept_animal_animals001 concept:animalpreyson concept_invertebrate_amphibians +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_amphibians +concept_animal_animals001 concept:animalistypeofanimal concept_invertebrate_bees +concept_animal_animals001 concept:animalpreyson concept_invertebrate_bees +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_animal_animals001 concept:animalistypeofanimal concept_invertebrate_cattle +concept_animal_animals001 concept:animalpreyson concept_invertebrate_cattle +concept_animal_animals001 concept:animalistypeofanimal concept_invertebrate_crows +concept_animal_animals001 concept:animalpreyson concept_invertebrate_crows +concept_animal_animals001 concept:animalistypeofanimal concept_invertebrate_hedgehogs +concept_animal_animals001 concept:animalpreyson concept_invertebrate_hedgehogs +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_hedgehogs +concept_animal_animals001 concept:animalpreyson concept_invertebrate_possums +concept_animal_animals001 concept:animalpreyson concept_invertebrate_reptiles +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_reptiles +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_animal_animals001 concept:animalpreyson concept_invertebrate_wildebeest +concept_animal_animals001 concept:animalpreyson concept_invertebrate_worms +concept_animal_animals001 concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_animal_animals001 concept:animaleatfood concept_legume_hay +concept_animal_animals001 concept:animalsuchasinvertebrate concept_mollusk_arthropods +concept_animal_animals001 concept:animalsuchasinvertebrate concept_mollusk_clams +concept_animal_animals001 concept:agentcompeteswithagent concept_musicartist_type +concept_animal_animals001 concept:animaleatfood concept_nut_leaves +concept_animal_animals001 concept:animaleatfood concept_plant_flower +concept_animal_animals001 concept:animaleatfood concept_plant_seedpods +concept_animal_animals001 concept:agentcompeteswithagent concept_sportsteam_chicago_bulls +concept_animal_animals002 concept:animalpreyson concept_amphibian_dragons +concept_animal_animals002 concept:animalpreyson concept_amphibian_pig +concept_animal_animals002 concept:animalpreyson concept_amphibian_small_pets +concept_animal_animals002 concept:animalpreyson concept_amphibian_venomous_snakes +concept_animal_animals002 concept:animalpreyson concept_amphibian_wild_boar +concept_animal_animals002 concept:animalpreyson concept_animal_chicken001 +concept_animal_animals002 concept:animalpreyson concept_animal_exotics001 +concept_animal_animals002 concept:animalistypeofanimal concept_animal_llama001 +concept_animal_animals002 concept:animalpreyson concept_animal_llama001 +concept_animal_animals002 concept:animalistypeofanimal concept_animal_mice001 +concept_animal_animals002 concept:animalpreyson concept_animal_mice001 +concept_animal_animals002 concept:animalpreyson concept_animal_rhino001 +concept_animal_animals002 concept:animalpreyson concept_bird_black_bear +concept_animal_animals002 concept:animalpreyson concept_bird_buffalo +concept_animal_animals002 concept:animalpreyson concept_bird_elephant +concept_animal_animals002 concept:animalpreyson concept_bird_farm_animals +concept_animal_animals002 concept:animalpreyson concept_bird_tiger +concept_animal_animals002 concept:animalpreyson concept_mammal_beaver +concept_animal_animals002 concept:animalpreyson concept_mammal_exotic_pets +concept_animal_animals002 concept:animalpreyson concept_mammal_lynx +concept_animal_animals002 concept:animalpreyson concept_mammal_man +concept_animal_animals002 concept:animalpreyson concept_mammal_mink +concept_animal_animals002 concept:agentcompeteswithagent concept_personaustralia_pet +concept_animal_animals002 concept:agentcompeteswithagent concept_professionalorganization_lions +concept_animal_animals002 concept:animalpreyson concept_reptile_boar +concept_animal_animals002 concept:animalistypeofanimal concept_reptile_cat +concept_animal_animals002 concept:animalpreyson concept_reptile_cat +concept_animal_animals002 concept:animalpreyson concept_reptile_fishes +concept_animal_animals002 concept:animalpreyson concept_reptile_giraffe +concept_animal_animals002 concept:animalpreyson concept_reptile_invertebrates +concept_animal_animals002 concept:animalpreyson concept_reptile_leopard +concept_animal_animals002 concept:animalpreyson concept_reptile_moose +concept_animal_animals002 concept:animalpreyson concept_reptile_mule_deer +concept_animal_animals002 concept:animalpreyson concept_reptile_muskrat +concept_animal_animals002 concept:animalistypeofanimal concept_reptile_pets +concept_animal_animals002 concept:animalpreyson concept_reptile_pets +concept_animal_animals002 concept:specializationof concept_reptile_pets +concept_animal_animals002 concept:animalistypeofanimal concept_reptile_small_birds +concept_animal_animals002 concept:animalpreyson concept_reptile_small_birds +concept_animal_animals002 concept:agentcompeteswithagent concept_stateorprovince_man +concept_animal_animals002 concept:animalpreyson concept_vertebrate_hare +concept_animal_arrows concept:agentcollaborateswithagent concept_person_bernoldi +concept_animal_arrows concept:agentcontrols concept_person_bernoldi +concept_animal_babies concept:animalistypeofanimal concept_animal_creatures +concept_animal_babies concept:animaleatfood concept_beverage_breast_milk +concept_animal_babies concept:animaleatfood concept_beverage_breastmilk +concept_animal_babies concept:animaleatfood concept_beverage_human_milk +concept_animal_babies concept:animaleatfood concept_beverage_milk +concept_animal_babies concept:animaldevelopdisease concept_disease_abnormalities +concept_animal_babies concept:animaldevelopdisease concept_disease_aids +concept_animal_babies concept:animaldevelopdisease concept_disease_autism +concept_animal_babies concept:animaldevelopdisease concept_disease_deformities +concept_animal_babies concept:animaldevelopdisease concept_disease_disabilities +concept_animal_babies concept:animaldevelopdisease concept_disease_disorders +concept_animal_babies concept:animaldevelopdisease concept_disease_heart_defects +concept_animal_babies concept:animaldevelopdisease concept_disease_heart_disease +concept_animal_babies concept:animaldevelopdisease concept_disease_hepatitis_b +concept_animal_babies concept:animaldevelopdisease concept_disease_hiv +concept_animal_babies concept:animaldevelopdisease concept_disease_injuries +concept_animal_babies concept:animaldevelopdisease concept_disease_polio +concept_animal_babies concept:animaldevelopdisease concept_disease_problems +concept_animal_babies concept:animaldevelopdisease concept_disease_syndrome +concept_animal_babies concept:animaleatfood concept_food_mosquito_larvae +concept_animal_babies concept:animaleatfood concept_food_rabbits +concept_animal_babies concept:animalistypeofanimal concept_mammal_animals +concept_animal_babies concept:animalpreyson concept_mammal_animals +concept_animal_babies concept:animalistypeofanimal concept_mammal_dogs +concept_animal_babies concept:animalpreyson concept_mammal_dogs +concept_animal_babies concept:animaldevelopdisease concept_physiologicalcondition_handicaps +concept_animal_baby concept:animaleatfood concept_beverage_breast_milk +concept_animal_baby concept:animaleatfood concept_beverage_breastmilk +concept_animal_baby concept:animaleatfood concept_beverage_human_milk +concept_animal_baby concept:animaleatfood concept_beverage_milk +concept_animal_baby concept:animaldevelopdisease concept_disease_birth_defects +concept_animal_baby concept:animaldevelopdisease concept_disease_hiv +concept_animal_baby concept:animaldevelopdisease concept_disease_problems +concept_animal_baby concept:animaldevelopdisease concept_disease_spina_bifida +concept_animal_baby concept:animaldevelopdisease concept_disease_syndrome +concept_animal_baby concept:animaleatfood concept_food_cereal +concept_animal_baby concept:animaleatfood concept_food_chunkier_foods +concept_animal_baby concept:animaleatfood concept_food_finger_foods +concept_animal_baby concept:animaleatfood concept_food_formula +concept_animal_baby concept:animaleatfood concept_food_mothers_milk +concept_animal_baby concept:animaleatfood concept_food_solid_food +concept_animal_baby concept:animaleatfood concept_food_solid_foods +concept_animal_baby concept:animaleatfood concept_food_table_food +concept_animal_baby concept:animalpreyson concept_mammal_animals +concept_animal_badgers concept:animalpreyson concept_animal_birds002 +concept_animal_badgers concept:animalistypeofanimal concept_animal_creatures +concept_animal_badgers concept:specializationof concept_animal_creatures +concept_animal_badgers concept:animalistypeofanimal concept_mammal_animals +concept_animal_badgers concept:animalpreyson concept_mammal_animals +concept_animal_badgers concept:specializationof concept_mammal_animals +concept_animal_badgers concept:animalistypeofanimal concept_mammal_mammals +concept_animal_badgers concept:animalistypeofanimal concept_mammal_predators +concept_animal_barbs concept:agentcompeteswithagent concept_fish_tiger_barbs +concept_animal_beasts concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_beasts concept:animalistypeofanimal concept_animal_creatures +concept_animal_beasts concept:animalpreyson concept_animal_leopards +concept_animal_beasts concept:animalsuchasfish concept_fish_sharks +concept_animal_beasts concept:animalistypeofanimal concept_mammal_animals +concept_animal_beasts concept:animalpreyson concept_mammal_bears +concept_animal_beasts concept:animalpreyson concept_mammal_cats +concept_animal_beasts concept:animalpreyson concept_mammal_deer +concept_animal_beasts concept:animalpreyson concept_mammal_dogs +concept_animal_beasts concept:animalpreyson concept_mammal_elephants +concept_animal_beasts concept:animalpreyson concept_mammal_lions +concept_animal_beasts concept:animalpreyson concept_mammal_tigers +concept_animal_beasts concept:animalpreyson concept_mammal_wolves +concept_animal_beasts concept:animalpreyson concept_vertebrate_dinosaurs +concept_animal_beaver concept:animalistypeofanimal concept_animal_furbearers +concept_animal_beaver concept:animalpreyson concept_animal_furbearers +concept_animal_bed concept:animaleatvegetable concept_agriculturalproduct_arugula +concept_animal_bed concept:animaleatvegetable concept_agriculturalproduct_mixed_greens +concept_animal_bed concept:animaleatvegetable concept_agriculturalproduct_salad +concept_animal_bed concept:animaleatvegetable concept_agriculturalproduct_salad_greens +concept_animal_bed concept:animaleatfood concept_condiment_mix +concept_animal_bed concept:animaleatfood concept_condiment_mixed_greens +concept_animal_bed concept:animaleatvegetable concept_food_baby_greens +concept_animal_bed concept:animaleatvegetable concept_food_baby_spinach +concept_animal_bed concept:animaleatvegetable concept_food_field_greens +concept_animal_bed concept:animaleatfood concept_fruit_vegetables +concept_animal_bed concept:animaleatfood concept_nut_leaves +concept_animal_bed concept:animaleatfood concept_nut_salad +concept_animal_bed concept:animaleatvegetable concept_vegetable_cabbage +concept_animal_bed concept:animaleatvegetable concept_vegetable_chard +concept_animal_bed concept:animaleatvegetable concept_vegetable_greens +concept_animal_bed concept:animaleatvegetable concept_vegetable_leaves +concept_animal_bed concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_bed concept:animaleatvegetable concept_vegetable_lettuce_leaves +concept_animal_bed concept:animaleatvegetable concept_vegetable_onions +concept_animal_bed concept:animaleatvegetable concept_vegetable_spinach +concept_animal_bed concept:animaleatvegetable concept_vegetable_vegetables +concept_animal_behaviour concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_behaviour concept:ismultipleof concept_mammal_sheep +concept_animal_big_game concept:animalpreyson concept_mammal_deer +concept_animal_big_predators concept:animalsuchasfish concept_fish_shark +concept_animal_birds002 concept:animaleatfood concept_agriculturalproduct_berries +concept_animal_birds002 concept:animaleatfood concept_agriculturalproduct_crops +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_beasts +concept_animal_birds002 concept:animalistypeofanimal concept_animal_beasts +concept_animal_birds002 concept:animalistypeofanimal concept_animal_bird_species +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_birds002 concept:animalistypeofanimal concept_animal_carnivores +concept_animal_birds002 concept:animalistypeofanimal concept_animal_creatures +concept_animal_birds002 concept:animalpreyson concept_animal_creatures +concept_animal_birds002 concept:specializationof concept_animal_creatures +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_eagle +concept_animal_birds002 concept:animalistypeofanimal concept_animal_fowl +concept_animal_birds002 concept:animalpreyson concept_animal_fowl +concept_animal_birds002 concept:animalistypeofanimal concept_animal_hawks +concept_animal_birds002 concept:animalpreyson concept_animal_hawks +concept_animal_birds002 concept:animalistypeofanimal concept_animal_native_animals +concept_animal_birds002 concept:animalistypeofanimal concept_animal_organisms +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_peregrine_falcons +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_peregrines +concept_animal_birds002 concept:agentcompeteswithagent concept_animal_poultry +concept_animal_birds002 concept:animalistypeofanimal concept_animal_poultry +concept_animal_birds002 concept:animalistypeofanimal concept_animal_prey_animals +concept_animal_birds002 concept:animalistypeofanimal concept_animal_small_creatures +concept_animal_birds002 concept:animalpreyson concept_animal_vertebrates001 +concept_animal_birds002 concept:specializationof concept_animal_wildlife +concept_animal_birds002 concept:animaleatfood concept_beverage_nectar +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_buzzard +concept_animal_birds002 concept:animalpreyson concept_bird_buzzards +concept_animal_birds002 concept:animalpreyson concept_bird_chickens +concept_animal_birds002 concept:animalpreyson concept_bird_cockatoos +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_cormorants +concept_animal_birds002 concept:animalpreyson concept_bird_doves +concept_animal_birds002 concept:animalpreyson concept_bird_ducks +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_flamingos +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_geese +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_golden_eagles +concept_animal_birds002 concept:animalpreyson concept_bird_herons +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_kestrels +concept_animal_birds002 concept:animalpreyson concept_bird_macaws +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_ospreys +concept_animal_birds002 concept:animalpreyson concept_bird_owls +concept_animal_birds002 concept:animalpreyson concept_bird_pelicans +concept_animal_birds002 concept:animalpreyson concept_bird_pigeons +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_sea_eagles +concept_animal_birds002 concept:agentcompeteswithagent concept_bird_seagulls +concept_animal_birds002 concept:animalpreyson concept_bird_swans +concept_animal_birds002 concept:animalpreyson concept_bird_turkeys +concept_animal_birds002 concept:animalpreyson concept_bird_vultures +concept_animal_birds002 concept:animalpreyson concept_bird_wild_birds +concept_animal_birds002 concept:animalpreyson concept_bird_woodpeckers +concept_animal_birds002 concept:proxyfor concept_book_new +concept_animal_birds002 concept:animaleatfood concept_candy_fruits +concept_animal_birds002 concept:animaleatfood concept_candy_nuts +concept_animal_birds002 concept:agentcompeteswithagent concept_comedian_wild_animals +concept_animal_birds002 concept:animaldevelopdisease concept_disease_atherosclerosis +concept_animal_birds002 concept:animaldevelopdisease concept_disease_problems +concept_animal_birds002 concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_birds002 concept:animalpreyson concept_fish_parrots +concept_animal_birds002 concept:animaleatfood concept_food_black_fruits +concept_animal_birds002 concept:animaleatfood concept_food_blue_fruit +concept_animal_birds002 concept:animaleatfood concept_food_breadcrumbs +concept_animal_birds002 concept:animaleatfood concept_food_bright_red_fruits +concept_animal_birds002 concept:animaleatfood concept_food_caterpillars +concept_animal_birds002 concept:animaleatfood concept_food_colorful_fruits +concept_animal_birds002 concept:animaleatfood concept_food_crop +concept_animal_birds002 concept:animaleatfood concept_food_dark_blue_berries +concept_animal_birds002 concept:animaleatfood concept_food_dark_purple_fruit +concept_animal_birds002 concept:animaleatfood concept_food_dark_purple_fruits +concept_animal_birds002 concept:animaleatfood concept_food_edible_berries +concept_animal_birds002 concept:animaleatfood concept_food_female_plant +concept_animal_birds002 concept:animaleatfood concept_food_fine_seeds +concept_animal_birds002 concept:animaleatfood concept_food_fleshy_berries +concept_animal_birds002 concept:animaleatfood concept_food_fleshy_fruit +concept_animal_birds002 concept:animaleatfood concept_food_flower_heads +concept_animal_birds002 concept:animaleatfood concept_food_foods +concept_animal_birds002 concept:animaleatfood concept_food_forest_life +concept_animal_birds002 concept:animaleatfood concept_food_fresh_foods +concept_animal_birds002 concept:animaleatfood concept_food_high_energy_food +concept_animal_birds002 concept:animaleatfood concept_food_juicy_berries +concept_animal_birds002 concept:animaleatfood concept_food_juicy_fruits +concept_animal_birds002 concept:animaleatfood concept_food_lady_beetles +concept_animal_birds002 concept:animaleatfood concept_food_mature_seeds +concept_animal_birds002 concept:animaleatfood concept_food_minute_seeds +concept_animal_birds002 concept:animaleatfood concept_food_monarch_butterfly +concept_animal_birds002 concept:animaleatfood concept_food_orange_berries +concept_animal_birds002 concept:animaleatfood concept_food_orange_red_berries +concept_animal_birds002 concept:animaleatfood concept_food_purple_black_fruit +concept_animal_birds002 concept:animaleatfood concept_food_purple_fruit +concept_animal_birds002 concept:animaleatfood concept_food_purple_fruits +concept_animal_birds002 concept:animaleatfood concept_food_red_berries +concept_animal_birds002 concept:animaleatfood concept_food_red_fruits +concept_animal_birds002 concept:animaleatfood concept_food_small_black_berries +concept_animal_birds002 concept:animaleatfood concept_food_small_fruits +concept_animal_birds002 concept:animaleatfood concept_food_small_seeds +concept_animal_birds002 concept:animaleatfood concept_food_tiny_seeds +concept_animal_birds002 concept:animaleatfood concept_food_white_berries +concept_animal_birds002 concept:animaleatfood concept_food_yellow_fruits +concept_animal_birds002 concept:animaleatfood concept_food_yellow_orange_fruit +concept_animal_birds002 concept:animaleatfood concept_fruit_black_berries +concept_animal_birds002 concept:animaleatfood concept_fruit_black_cherries +concept_animal_birds002 concept:animaleatfood concept_fruit_blue_berries +concept_animal_birds002 concept:animaleatfood concept_fruit_chillies +concept_animal_birds002 concept:animaleatfood concept_grain_bread +concept_animal_birds002 concept:animaleatfood concept_legume_rice +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_cats +concept_animal_birds002 concept:animalpreyson concept_mammal_cats +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_dogs +concept_animal_birds002 concept:animalpreyson concept_mammal_dogs +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_domestic_animals +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_exotic_pets +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_household_pets +concept_animal_birds002 concept:agentcompeteswithagent concept_mammal_peregrine_falcon +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_predators +concept_animal_birds002 concept:animalpreyson concept_mammal_predators +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_small_animals +concept_animal_birds002 concept:animalpreyson concept_mammal_small_animals +concept_animal_birds002 concept:animalistypeofanimal concept_mammal_wild_animals +concept_animal_birds002 concept:animalpreyson concept_reptile_heron +concept_animal_birds002 concept:agentcompeteswithagent concept_reptile_kestrel +concept_animal_birds002 concept:agentcompeteswithagent concept_reptile_osprey +concept_animal_birds002 concept:animalpreyson concept_reptile_pets +concept_animal_birds002 concept:animalpreyson concept_reptile_waterfowl +concept_animal_birds002 concept:animaleatvegetable concept_vegetable_corn +concept_animal_birds002 concept:animaleatvegetable concept_vegetable_sprouts +concept_animal_birds002 concept:animaleatfood concept_vegetable_wheat +concept_animal_birds002 concept:animalistypeofanimal concept_vertebrate_small_game +concept_animal_birds002 concept:animaleatfood concept_wine_grains +concept_animal_birds003 concept:agentcompeteswithagent concept_animal_animals001 +concept_animal_birds003 concept:animalistypeofanimal concept_animal_animals001 +concept_animal_birds003 concept:animalistypeofanimal concept_animal_mammals001 +concept_animal_birds003 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_birds003 concept:animalsuchasinvertebrate concept_animal_vertebrates +concept_animal_birds003 concept:animalsuchasinsect concept_arthropod_pollinators +concept_animal_birds003 concept:animalpreyson concept_insect_ants +concept_animal_birds003 concept:animalpreyson concept_insect_earthworms +concept_animal_birds003 concept:animalistypeofanimal concept_insect_pests +concept_animal_birds003 concept:animalsuchasinsect concept_insect_pests +concept_animal_birds003 concept:animalsuchasinsect concept_insect_sparrows +concept_animal_birds003 concept:animalpreyson concept_invertebrate_cranes +concept_animal_birds003 concept:agentcompeteswithagent concept_invertebrate_crows +concept_animal_birds003 concept:animalpreyson concept_invertebrate_egrets +concept_animal_birds003 concept:animalpreyson concept_invertebrate_gulls +concept_animal_birds003 concept:animalsuchasinvertebrate concept_invertebrate_reptiles +concept_animal_birds003 concept:agentcompeteswithagent concept_journalist_eagles +concept_animal_bluegills concept:animalistypeofanimal concept_fish_panfish +concept_animal_boat concept:animalsuchasfish concept_fish_bass +concept_animal_boat concept:animalsuchasfish concept_fish_trout +concept_animal_bonobos concept:animalistypeofanimal concept_mammal_primates +concept_animal_breeder concept:ismultipleof concept_mammal_sheep +concept_animal_brown_bears concept:animalpreyson concept_mammal_animals +concept_animal_bulls concept:animalistypeofanimal concept_mammal_animals +concept_animal_bulls concept:animalistypeofanimal concept_mammal_pets +concept_animal_bunch concept:animaleatvegetable concept_vegetable_leaves +concept_animal_bunch concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_bunnies concept:animalistypeofanimal concept_animal_creatures +concept_animal_bunnies concept:animalistypeofanimal concept_mammal_animals +concept_animal_bunnies concept:animalistypeofanimal concept_mammal_pets +concept_animal_bunnies concept:animalpreyson concept_mammal_pets +concept_animal_bunnies concept:animaleatvegetable concept_vegetable_carrots +concept_animal_bunnies concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_burros concept:animalistypeofanimal concept_mammal_animals +concept_animal_calf concept:animaleatfood concept_vegetable_grass +concept_animal_careers concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_carnivores concept:animalpreyson concept_animal_carnivores +concept_animal_carnivores concept:animalpreyson concept_animal_hyenas +concept_animal_carnivores concept:animalpreyson concept_animal_leopards +concept_animal_carnivores concept:animalsuchasfish concept_fish_sharks +concept_animal_carnivores concept:animalthatfeedoninsect concept_insect_grubs +concept_animal_carnivores concept:animalthatfeedoninsect concept_insect_insects +concept_animal_carnivores concept:animalistypeofanimal concept_mammal_animals +concept_animal_carnivores concept:animalpreyson concept_mammal_animals +concept_animal_carnivores concept:animalpreyson concept_mammal_bears +concept_animal_carnivores concept:animalistypeofanimal concept_mammal_cats +concept_animal_carnivores concept:animalpreyson concept_mammal_cats +concept_animal_carnivores concept:animalpreyson concept_mammal_cougars +concept_animal_carnivores concept:animalpreyson concept_mammal_coyotes +concept_animal_carnivores concept:animalistypeofanimal concept_mammal_dogs +concept_animal_carnivores concept:animalpreyson concept_mammal_dogs +concept_animal_carnivores concept:animalistypeofanimal concept_mammal_foxes +concept_animal_carnivores concept:animalpreyson concept_mammal_foxes +concept_animal_carnivores concept:animalpreyson concept_mammal_lions +concept_animal_carnivores concept:animalpreyson concept_mammal_tigers +concept_animal_carnivores concept:animalistypeofanimal concept_mammal_wolves +concept_animal_carnivores concept:animalpreyson concept_mammal_wolves +concept_animal_case concept:animaldevelopdisease concept_disease_syndrome +concept_animal_case concept:animalthatfeedoninsect concept_insect_moth +concept_animal_case concept:animalthatfeedoninsect concept_insect_moths +concept_animal_case concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_cavity_nesters concept:agentcompeteswithagent concept_bird_bluebirds +concept_animal_centaurs concept:animalistypeofanimal concept_animal_creatures +concept_animal_cetaceans concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_cetaceans concept:animalsuchasfish concept_fish_whale +concept_animal_cetaceans concept:animalsuchasfish concept_fish_whales +concept_animal_cetaceans concept:animalpreyson concept_mammal_animals +concept_animal_cheetahs concept:specializationof concept_mammal_animals +concept_animal_cheetahs concept:animalistypeofanimal concept_mammal_cats +concept_animal_cheetahs concept:animalpreyson concept_mammal_cats +concept_animal_cheetahs concept:animalistypeofanimal concept_mammal_predators +concept_animal_cheetahs concept:animalpreyson concept_mammal_predators +concept_animal_chicken concept:animaleatfood concept_cheese_bleu_cheese +concept_animal_chicken concept:animaleatfood concept_cheese_brie +concept_animal_chicken concept:animaleatfood concept_cheese_cheddar +concept_animal_chicken concept:animaleatfood concept_cheese_fontina_cheese +concept_animal_chicken concept:animaleatfood concept_cheese_monterey_jack_cheese +concept_animal_chicken concept:animaleatfood concept_cheese_pepper_jack_cheese +concept_animal_chicken concept:animaleatfood concept_cheese_provolone +concept_animal_chicken concept:animaleatfood concept_cheese_ricotta_cheese +concept_animal_chicken concept:animaleatfood concept_cheese_swiss_cheese +concept_animal_chicken concept:animaleatfood concept_fungus_morels +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_apricots +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_arugula +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_caramelized_onions +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_cheeses +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_cherry_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_chestnuts +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_chiles +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_duck +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_fresh_fruit +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_fresh_vegetables +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_gravy +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_green_onions +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_green_peas +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_green_pepper +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_honey +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_leeks +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_lime +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_mashed_potatoes +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_mint +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_mixed_greens +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_mushroom +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_mushroom_risotto +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_pancetta +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_roasted_peppers +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_salad_greens +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_scallions +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_shiitake_mushrooms +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_snow_peas +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_steaks +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_sweet_potato +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_tarragon +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_tortillas +concept_animal_chicken001 concept:animaleatfood concept_agriculturalproduct_water_chestnuts +concept_animal_chicken001 concept:animaleatvegetable concept_agriculturalproduct_whole_wheat_bread +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_batter +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_caramelized_onions +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_cornbread +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_croutons +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_flour_tortillas +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_garlic_mashed_potatoes +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_gravy +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_naan_bread +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_pita_bread +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_pizza +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_raspberry_vinaigrette +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_rotisserie_chicken +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_sweet_potato +concept_animal_chicken001 concept:animaleatfood concept_bakedgood_toast +concept_animal_chicken001 concept:animaleatfood concept_beverage_balsamic_vinegar +concept_animal_chicken001 concept:animaleatfood concept_beverage_beer +concept_animal_chicken001 concept:animaleatfood concept_beverage_brandy +concept_animal_chicken001 concept:animaleatfood concept_beverage_cheddar_cheese +concept_animal_chicken001 concept:animaleatfood concept_beverage_homemade +concept_animal_chicken001 concept:animaleatfood concept_beverage_lime +concept_animal_chicken001 concept:animaleatfood concept_beverage_milk +concept_animal_chicken001 concept:animaleatfood concept_beverage_orange_juice +concept_animal_chicken001 concept:animaleatfood concept_beverage_pita +concept_animal_chicken001 concept:animaleatfood concept_beverage_shake +concept_animal_chicken001 concept:animaleatfood concept_beverage_side +concept_animal_chicken001 concept:animaleatfood concept_beverage_skirt_steak +concept_animal_chicken001 concept:animaleatfood concept_beverage_slice +concept_animal_chicken001 concept:animaleatfood concept_beverage_stick +concept_animal_chicken001 concept:animaleatfood concept_beverage_stuffing +concept_animal_chicken001 concept:animaleatfood concept_beverage_sugar +concept_animal_chicken001 concept:animaleatfood concept_beverage_tequila +concept_animal_chicken001 concept:animaleatfood concept_beverage_twist +concept_animal_chicken001 concept:animaleatfood concept_candy_biscuits +concept_animal_chicken001 concept:animaleatfood concept_candy_fruits +concept_animal_chicken001 concept:animaleatfood concept_candy_liquid +concept_animal_chicken001 concept:animaleatfood concept_candy_mint +concept_animal_chicken001 concept:animaleatfood concept_candy_nuts +concept_animal_chicken001 concept:animaleatfood concept_cheese_boursin_cheese +concept_animal_chicken001 concept:animaleatfood concept_cheese_brie_cheese +concept_animal_chicken001 concept:animaleatfood concept_cheese_buffalo_sauce +concept_animal_chicken001 concept:animaleatfood concept_cheese_cherry_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_cheese_fresh_mozzarella +concept_animal_chicken001 concept:animaleatfood concept_cheese_fresh_mozzarella_cheese +concept_animal_chicken001 concept:animaleatfood concept_cheese_fresh_tomato +concept_animal_chicken001 concept:animaleatfood concept_cheese_goat +concept_animal_chicken001 concept:animaleatfood concept_cheese_gorgonzola +concept_animal_chicken001 concept:animaleatfood concept_cheese_homemade_marinara_sauce +concept_animal_chicken001 concept:animaleatfood concept_cheese_jack_cheese +concept_animal_chicken001 concept:animaleatfood concept_cheese_lamb +concept_animal_chicken001 concept:animaleatfood concept_cheese_lemon_caper_sauce +concept_animal_chicken001 concept:animaleatfood concept_cheese_marinara_sauce +concept_animal_chicken001 concept:animaleatfood concept_cheese_pepperoni +concept_animal_chicken001 concept:animaleatfood concept_cheese_pesto_sauce +concept_animal_chicken001 concept:animaleatfood concept_cheese_pico +concept_animal_chicken001 concept:animaleatfood concept_cheese_puff_pastry +concept_animal_chicken001 concept:animaleatfood concept_cheese_red_onion +concept_animal_chicken001 concept:animaleatfood concept_cheese_refried_beans +concept_animal_chicken001 concept:animaleatfood concept_cheese_saut_ed_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_cheese_sliced_avocado +concept_animal_chicken001 concept:animaleatfood concept_cheese_wing_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_alfredo_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_barbecue_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_basil_pesto +concept_animal_chicken001 concept:animaleatfood concept_condiment_bbq_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_coconut_milk +concept_animal_chicken001 concept:animaleatfood concept_condiment_coconut_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_corn_salsa +concept_animal_chicken001 concept:animaleatfood concept_condiment_country_gravy +concept_animal_chicken001 concept:animaleatfood concept_condiment_country_ham +concept_animal_chicken001 concept:animaleatfood concept_condiment_egg_noodles +concept_animal_chicken001 concept:animaleatfood concept_condiment_egg_rolls +concept_animal_chicken001 concept:animaleatfood concept_condiment_egg_whites +concept_animal_chicken001 concept:animaleatfood concept_condiment_feta_cheese +concept_animal_chicken001 concept:animaleatfood concept_condiment_flank_steak +concept_animal_chicken001 concept:animaleatfood concept_condiment_fresh_pesto +concept_animal_chicken001 concept:animaleatfood concept_condiment_fresh_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_condiment_fried_green_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_condiment_garlic_bread +concept_animal_chicken001 concept:animaleatfood concept_condiment_garlic_butter +concept_animal_chicken001 concept:animaleatfood concept_condiment_goat_cheese +concept_animal_chicken001 concept:animaleatfood concept_condiment_green_onions +concept_animal_chicken001 concept:animaleatfood concept_condiment_homemade_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_honey +concept_animal_chicken001 concept:animaleatfood concept_condiment_honey_mustard +concept_animal_chicken001 concept:animaleatfood concept_condiment_hot_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_jerk_seasoning +concept_animal_chicken001 concept:animaleatfood concept_condiment_ketchup +concept_animal_chicken001 concept:animaleatfood concept_condiment_lamb_chops +concept_animal_chicken001 concept:animaleatfood concept_condiment_leeks +concept_animal_chicken001 concept:animaleatfood concept_condiment_lemon_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_light_cream_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_marsala_wine +concept_animal_chicken001 concept:animaleatfood concept_condiment_marsala_wine_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_mayo +concept_animal_chicken001 concept:animaleatfood concept_condiment_mixed_greens +concept_animal_chicken001 concept:animaleatfood concept_condiment_mole +concept_animal_chicken001 concept:animaleatfood concept_condiment_mole_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_mushroom_cream_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_onion +concept_animal_chicken001 concept:animaleatfood concept_condiment_onion_marmalade +concept_animal_chicken001 concept:animaleatfood concept_condiment_orange_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_penne_pasta +concept_animal_chicken001 concept:animaleatfood concept_condiment_pickles +concept_animal_chicken001 concept:animaleatfood concept_condiment_pineapple_salsa +concept_animal_chicken001 concept:animaleatfood concept_condiment_plum_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_pork_chop +concept_animal_chicken001 concept:animaleatfood concept_condiment_provolone_cheese +concept_animal_chicken001 concept:animaleatfood concept_condiment_ranchera_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_ranchero_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_red_onion_marmalade +concept_animal_chicken001 concept:animaleatfood concept_condiment_red_pepper_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_red_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_red_wine_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_ricotta +concept_animal_chicken001 concept:animaleatfood concept_condiment_risotto +concept_animal_chicken001 concept:animaleatfood concept_condiment_saut_ed_onions +concept_animal_chicken001 concept:animaleatfood concept_condiment_sauteed_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_condiment_sour_cream_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_soy_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_special_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_spicy_buffalo_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_spicy_peanut_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_spicy_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_spicy_wing_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_teriyaki_glaze +concept_animal_chicken001 concept:animaleatfood concept_condiment_teriyaki_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_tomatillo_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_white_sauce +concept_animal_chicken001 concept:animaleatfood concept_condiment_wild_mushroom +concept_animal_chicken001 concept:animaleatfood concept_condiment_yogurt +concept_animal_chicken001 concept:animaleatfood concept_condiment_zucchini +concept_animal_chicken001 concept:animaleatfood concept_food_applewood +concept_animal_chicken001 concept:animaleatvegetable concept_food_baby_spinach +concept_animal_chicken001 concept:animaleatfood concept_food_baked_ham +concept_animal_chicken001 concept:animaleatfood concept_food_baked_potato +concept_animal_chicken001 concept:animaleatfood concept_food_bbq +concept_animal_chicken001 concept:animaleatvegetable concept_food_black_olives +concept_animal_chicken001 concept:animaleatfood concept_food_burgers +concept_animal_chicken001 concept:animaleatfood concept_food_butternut_squash +concept_animal_chicken001 concept:animaleatvegetable concept_food_caesar_salad +concept_animal_chicken001 concept:animaleatfood concept_food_cajun_spices +concept_animal_chicken001 concept:animaleatfood concept_food_calamari +concept_animal_chicken001 concept:animaleatfood concept_food_cheeseburger +concept_animal_chicken001 concept:animaleatfood concept_food_cheeseburgers +concept_animal_chicken001 concept:animaleatfood concept_food_chicken_legs +concept_animal_chicken001 concept:animaleatfood concept_food_chips +concept_animal_chicken001 concept:animaleatfood concept_food_chopped_tomatoes +concept_animal_chicken001 concept:animaleatvegetable concept_food_cilantro +concept_animal_chicken001 concept:animaleatfood concept_food_coconut_shrimp +concept_animal_chicken001 concept:animaleatfood concept_food_crisp_bacon +concept_animal_chicken001 concept:animaleatfood concept_food_crispy_corn +concept_animal_chicken001 concept:animaleatfood concept_food_cucumber_salad +concept_animal_chicken001 concept:animaleatfood concept_food_dried_fruits +concept_animal_chicken001 concept:animaleatvegetable concept_food_egg_noodles +concept_animal_chicken001 concept:animaleatvegetable concept_food_fennel +concept_animal_chicken001 concept:animaleatvegetable concept_food_field_greens +concept_animal_chicken001 concept:animaleatvegetable concept_food_french_fries +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_basil +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_broccoli +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_garlic +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_greens +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_herbs +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_pineapple +concept_animal_chicken001 concept:animaleatvegetable concept_food_fresh_spinach +concept_animal_chicken001 concept:animaleatvegetable concept_food_fresh_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_food_fresh_veggies +concept_animal_chicken001 concept:animaleatvegetable concept_food_fries +concept_animal_chicken001 concept:animaleatvegetable concept_food_garden_greens +concept_animal_chicken001 concept:animaleatvegetable concept_food_garlic_mashed_potatoes +concept_animal_chicken001 concept:animaleatfood concept_food_grape_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_food_green_olives +concept_animal_chicken001 concept:animaleatfood concept_food_grilled_shrimp +concept_animal_chicken001 concept:animaleatfood concept_food_ham_slices +concept_animal_chicken001 concept:animaleatfood concept_food_hamburger +concept_animal_chicken001 concept:animaleatfood concept_food_hamburgers +concept_animal_chicken001 concept:animaleatfood concept_food_herb +concept_animal_chicken001 concept:animaleatfood concept_food_hot_dogs +concept_animal_chicken001 concept:animaleatfood concept_food_lemon_slices +concept_animal_chicken001 concept:animaleatvegetable concept_food_lemongrass +concept_animal_chicken001 concept:animaleatfood concept_food_mac +concept_animal_chicken001 concept:animaleatfood concept_food_mash +concept_animal_chicken001 concept:animaleatfood concept_food_meat_loaf +concept_animal_chicken001 concept:animaleatfood concept_food_meatloaf +concept_animal_chicken001 concept:animaleatfood concept_food_minced_garlic +concept_animal_chicken001 concept:animaleatvegetable concept_food_mixed_vegetables +concept_animal_chicken001 concept:animaleatfood concept_food_mozzarella_sticks +concept_animal_chicken001 concept:animaleatfood concept_food_noodle +concept_animal_chicken001 concept:animaleatvegetable concept_food_penne_pasta +concept_animal_chicken001 concept:animaleatvegetable concept_food_pepperoni +concept_animal_chicken001 concept:animaleatfood concept_food_peppers___onions +concept_animal_chicken001 concept:animaleatfood concept_food_potato_chips +concept_animal_chicken001 concept:animaleatfood concept_food_potato_gnocchi +concept_animal_chicken001 concept:animaleatfood concept_food_potato_mixture +concept_animal_chicken001 concept:animaleatfood concept_food_prosciutto_ham +concept_animal_chicken001 concept:animaleatfood concept_food_ranch +concept_animal_chicken001 concept:animaleatfood concept_food_rice_mixture +concept_animal_chicken001 concept:animaleatfood concept_food_rice_recipe +concept_animal_chicken001 concept:animaleatvegetable concept_food_roll +concept_animal_chicken001 concept:animaleatfood concept_food_roma_tomatoes +concept_animal_chicken001 concept:animaleatvegetable concept_food_romaine_lettuce +concept_animal_chicken001 concept:animaleatfood concept_food_salsa_verde +concept_animal_chicken001 concept:animaleatfood concept_food_sautd_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_food_seasonal_vegetables +concept_animal_chicken001 concept:animaleatvegetable concept_food_sliced_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_food_sliced_tomatoes +concept_animal_chicken001 concept:animaleatfood concept_food_soft_corn +concept_animal_chicken001 concept:animaleatfood concept_food_spicy +concept_animal_chicken001 concept:animaleatfood concept_food_spring_rolls +concept_animal_chicken001 concept:animaleatvegetable concept_food_squash +concept_animal_chicken001 concept:animaleatfood concept_food_steamed_veggies +concept_animal_chicken001 concept:animaleatfood concept_food_tofu +concept_animal_chicken001 concept:animaleatvegetable concept_food_vegies +concept_animal_chicken001 concept:animaleatfood concept_fruit_grapes +concept_animal_chicken001 concept:animaleatfood concept_fruit_pears +concept_animal_chicken001 concept:animaleatfood concept_fruit_peppers +concept_animal_chicken001 concept:animaleatfood concept_fruit_raisins +concept_animal_chicken001 concept:animaleatfood concept_fruit_roasted_peppers +concept_animal_chicken001 concept:animaleatfood concept_fruit_strawberries +concept_animal_chicken001 concept:animaleatfood concept_fruit_vegetables +concept_animal_chicken001 concept:animaleatfood concept_fungus_bag +concept_animal_chicken001 concept:animaleatvegetable concept_fungus_fresh_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_fungus_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_fungus_porcini_mushrooms +concept_animal_chicken001 concept:animaleatvegetable concept_fungus_portobello_mushrooms +concept_animal_chicken001 concept:animaleatvegetable concept_fungus_wild_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_grain_bamboo_shoots +concept_animal_chicken001 concept:animaleatfood concept_grain_cilantro +concept_animal_chicken001 concept:animaleatfood concept_grain_ingredients +concept_animal_chicken001 concept:animaleatfood concept_grain_jasmine_rice +concept_animal_chicken001 concept:animaleatfood concept_grain_naan +concept_animal_chicken001 concept:animaleatfood concept_grain_pilau_rice +concept_animal_chicken001 concept:animaleatfood concept_grain_sour_cream +concept_animal_chicken001 concept:animaleatfood concept_grain_supreme_sauce +concept_animal_chicken001 concept:animaleatfood concept_grain_white_rice +concept_animal_chicken001 concept:animaleatfood concept_legume_flour_tortilla +concept_animal_chicken001 concept:animaleatfood concept_legume_green_peas +concept_animal_chicken001 concept:animaleatfood concept_legume_linguine +concept_animal_chicken001 concept:animaleatfood concept_legume_rice +concept_animal_chicken001 concept:animaleatfood concept_legume_soy +concept_animal_chicken001 concept:animaleatfood concept_legume_tenderloins +concept_animal_chicken001 concept:animaleatfood concept_legume_truffles +concept_animal_chicken001 concept:animaleatfood concept_legume_wild_rice +concept_animal_chicken001 concept:animaleatfood concept_meat_bacon +concept_animal_chicken001 concept:animaleatfood concept_meat_balsamic_vinaigrette +concept_animal_chicken001 concept:animaleatfood concept_meat_bananas +concept_animal_chicken001 concept:animaleatfood concept_meat_barbeque_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_beef_steak +concept_animal_chicken001 concept:animaleatfood concept_meat_beef_tenderloin +concept_animal_chicken001 concept:animaleatfood concept_meat_biscuit +concept_animal_chicken001 concept:animaleatfood concept_meat_buffalo_wing_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_bun +concept_animal_chicken001 concept:animaleatfood concept_meat_caesar_salad +concept_animal_chicken001 concept:animaleatfood concept_meat_chicken_fingers +concept_animal_chicken001 concept:animaleatfood concept_meat_chicken_strips +concept_animal_chicken001 concept:animaleatfood concept_meat_chicken_tenders +concept_animal_chicken001 concept:animaleatfood concept_meat_chipotle_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_filet_mignon +concept_animal_chicken001 concept:animaleatfood concept_meat_fish_sticks +concept_animal_chicken001 concept:animaleatfood concept_meat_green_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_green_tomatillo_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_grilled_pineapple +concept_animal_chicken001 concept:animaleatfood concept_meat_ground_beef +concept_animal_chicken001 concept:animaleatfood concept_meat_ground_turkey +concept_animal_chicken001 concept:animaleatfood concept_meat_honey_mustard_sauce +concept_animal_chicken001 concept:animaleatfood concept_meat_mango_salsa +concept_animal_chicken001 concept:animaleatfood concept_meat_mutton +concept_animal_chicken001 concept:animaleatfood concept_meat_pork_ribs +concept_animal_chicken001 concept:animaleatfood concept_meat_pork_tenderloin +concept_animal_chicken001 concept:animaleatfood concept_meat_ranch_dressing +concept_animal_chicken001 concept:animaleatfood concept_meat_roast_beef +concept_animal_chicken001 concept:animaleatfood concept_meat_sausage +concept_animal_chicken001 concept:animaleatfood concept_meat_sauteed_spinach +concept_animal_chicken001 concept:animaleatfood concept_meat_steak +concept_animal_chicken001 concept:animaleatfood concept_meat_veal +concept_animal_chicken001 concept:animaleatfood concept_nut_almonds +concept_animal_chicken001 concept:animaleatfood concept_nut_crispy +concept_animal_chicken001 concept:animaleatfood concept_nut_eggplant +concept_animal_chicken001 concept:animaleatfood concept_nut_guacamole +concept_animal_chicken001 concept:animaleatfood concept_nut_mushroom +concept_animal_chicken001 concept:animaleatfood concept_nut_parmesan +concept_animal_chicken001 concept:animaleatfood concept_nut_sesame_seeds +concept_animal_chicken001 concept:animaleatfood concept_nut_tender +concept_animal_chicken001 concept:animaleatfood concept_nut_tortillas +concept_animal_chicken001 concept:animaleatvegetable concept_plant_almonds +concept_animal_chicken001 concept:animaleatfood concept_vegetable_baked_potatoes +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_basmati_rice +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_black_beans +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_bread_crumbs +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_brown_rice +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cabbage +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_carrot +concept_animal_chicken001 concept:animaleatfood concept_vegetable_cashew_nuts +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cashews +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cheese_sauce +concept_animal_chicken001 concept:animaleatfood concept_vegetable_chop +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_coconut_milk +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_coriander +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_corn +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cottage_cheese +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cranberries +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_crisp_romaine +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_cucumber +concept_animal_chicken001 concept:animaleatfood concept_vegetable_dijon +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_feta +concept_animal_chicken001 concept:animaleatfood concept_vegetable_fillet +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_fontina +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_garden_salad +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_green_beans +concept_animal_chicken001 concept:animaleatfood concept_vegetable_green_peppers +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_greens +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_grilled_onions +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_honey_ham +concept_animal_chicken001 concept:animaleatfood concept_vegetable_lemon_butter +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_onion +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_parmesan_cheese +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_parsley +concept_animal_chicken001 concept:animaleatfood concept_vegetable_peaches +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_peanut +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_peanut_sauce +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_peanuts +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_peas +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_pecans +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_pork +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_pork_chops +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_portabella_mushrooms +concept_animal_chicken001 concept:animaleatfood concept_vegetable_potatoe +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_potatoes +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_red_onion +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_red_onions +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_rice +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_roasted_potatoes +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_rosemary +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_sauteed_mushrooms +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_shallots +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_spinach +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_spring_greens +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_spring_mix +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_steamed_vegetables +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_sticky_rice +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_tossed_salad +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_vegetables +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_veggies +concept_animal_chicken001 concept:animaleatfood concept_vegetable_walnuts +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_white_beans +concept_animal_chicken001 concept:animaleatvegetable concept_vegetable_whole_wheat_pasta +concept_animal_chicken001 concept:animaleatfood concept_vegetable_yellow_corn +concept_animal_chicken001 concept:animaleatfood concept_vegetable_yoghurt +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_bacon_strips +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_chops +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_grilled_flour_tortilla +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_mango_chutney +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_proscuitto_ham +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_red_meat +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_rice_dish +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_tater_tots +concept_animal_chicken001 concept:animaleatfood concept_visualizableobject_tomato_relish +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_bowtie_pasta +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_chorizo +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_crab_meat +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_dumplings +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_fillets +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_house_salad +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_jumbo_shrimp +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_loin +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_prime_rib +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_proscuitto +concept_animal_chicken001 concept:animaleatvegetable concept_visualizablething_raisins +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_rib_meat +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_rigatoni +concept_animal_chicken001 concept:animaleatvegetable concept_visualizablething_risotto +concept_animal_chicken001 concept:animaleatvegetable concept_visualizablething_romaine +concept_animal_chicken001 concept:animaleatfood concept_visualizablething_sliced_ham +concept_animal_chicken001 concept:animaleatfood concept_wine_crisp +concept_animal_chicken001 concept:animaleatfood concept_wine_marketing +concept_animal_chicks concept:animaleatfood concept_food_worms +concept_animal_chicks concept:animalistypeofanimal concept_mammal_animals +concept_animal_chicks concept:animaleatvegetable concept_vegetable_corn +concept_animal_child concept:animaleatfood concept_beverage_milk +concept_animal_child concept:animaldevelopdisease concept_disease_abnormalities +concept_animal_child concept:animaldevelopdisease concept_disease_ad_hd +concept_animal_child concept:animaldevelopdisease concept_disease_ad_hd_ +concept_animal_child concept:animaldevelopdisease concept_disease_adhd +concept_animal_child concept:animaldevelopdisease concept_disease_adhd_ +concept_animal_child concept:animaldevelopdisease concept_disease_aids +concept_animal_child concept:animaldevelopdisease concept_disease_allergies +concept_animal_child concept:animaldevelopdisease concept_disease_asd +concept_animal_child concept:animaldevelopdisease concept_disease_asperger_syndrome +concept_animal_child concept:animaldevelopdisease concept_disease_asthma +concept_animal_child concept:animaldevelopdisease concept_disease_autism +concept_animal_child concept:animaldevelopdisease concept_disease_birth_defects +concept_animal_child concept:animaldevelopdisease concept_disease_cerebral_palsy +concept_animal_child concept:animaldevelopdisease concept_disease_chickenpox +concept_animal_child concept:animaldevelopdisease concept_disease_condition +concept_animal_child concept:animaldevelopdisease concept_disease_conditions +concept_animal_child concept:animaldevelopdisease concept_disease_cryptosporidiosis +concept_animal_child concept:animaldevelopdisease concept_disease_cytomegalovirus +concept_animal_child concept:animaldevelopdisease concept_disease_developmental_disability +concept_animal_child concept:animaldevelopdisease concept_disease_diarrhea +concept_animal_child concept:animaldevelopdisease concept_disease_diphtheria +concept_animal_child concept:animaldevelopdisease concept_disease_disabilities +concept_animal_child concept:animaldevelopdisease concept_disease_disability +concept_animal_child concept:animaldevelopdisease concept_disease_diseases +concept_animal_child concept:animaldevelopdisease concept_disease_disorder +concept_animal_child concept:animaldevelopdisease concept_disease_disorders +concept_animal_child concept:animaldevelopdisease concept_disease_dysfunction +concept_animal_child concept:animaldevelopdisease concept_disease_dyslexia +concept_animal_child concept:animaldevelopdisease concept_disease_e__coli +concept_animal_child concept:animaldevelopdisease concept_disease_earache +concept_animal_child concept:animaldevelopdisease concept_disease_flu +concept_animal_child concept:animaldevelopdisease concept_disease_giardiasis +concept_animal_child concept:animaldevelopdisease concept_disease_head_lice +concept_animal_child concept:animaldevelopdisease concept_disease_heart_disease +concept_animal_child concept:animaldevelopdisease concept_disease_hepatitis_a +concept_animal_child concept:animaldevelopdisease concept_disease_hepatitis_b +concept_animal_child concept:animaldevelopdisease concept_disease_hiv +concept_animal_child concept:animaldevelopdisease concept_disease_hiv_aids +concept_animal_child concept:animaldevelopdisease concept_disease_hpv +concept_animal_child concept:animaldevelopdisease concept_disease_hyperactivity +concept_animal_child concept:animaldevelopdisease concept_disease_illness +concept_animal_child concept:animaldevelopdisease concept_disease_influenza +concept_animal_child concept:animaldevelopdisease concept_disease_injury +concept_animal_child concept:animaldevelopdisease concept_disease_learning_disability +concept_animal_child concept:animaldevelopdisease concept_disease_measles +concept_animal_child concept:animaldevelopdisease concept_disease_mental_retardation +concept_animal_child concept:animaldevelopdisease concept_disease_mono +concept_animal_child concept:animaldevelopdisease concept_disease_mumps +concept_animal_child concept:animaldevelopdisease concept_disease_ocd +concept_animal_child concept:animaldevelopdisease concept_disease_polio +concept_animal_child concept:animaldevelopdisease concept_disease_problems +concept_animal_child concept:animaldevelopdisease concept_disease_ringworm +concept_animal_child concept:animaldevelopdisease concept_disease_roseola +concept_animal_child concept:animaldevelopdisease concept_disease_rotavirus +concept_animal_child concept:animaldevelopdisease concept_disease_rubella +concept_animal_child concept:animaldevelopdisease concept_disease_salmonella +concept_animal_child concept:animaldevelopdisease concept_disease_scabies +concept_animal_child concept:animaldevelopdisease concept_disease_shigellosis +concept_animal_child concept:animaldevelopdisease concept_disease_sids +concept_animal_child concept:animaldevelopdisease concept_disease_smallpox +concept_animal_child concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_animal_child concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_animal_child concept:animaldevelopdisease concept_disease_spina_bifida +concept_animal_child concept:animaldevelopdisease concept_disease_strep_throat +concept_animal_child concept:animaldevelopdisease concept_disease_style +concept_animal_child concept:animaldevelopdisease concept_disease_syndrome +concept_animal_child concept:animaldevelopdisease concept_disease_tetanus +concept_animal_child concept:animaldevelopdisease concept_disease_tuberculosis +concept_animal_child concept:animaleatfood concept_food_drink +concept_animal_child concept:animaleatfood concept_food_healthy_diet +concept_animal_child concept:animaleatfood concept_food_regular_food +concept_animal_child concept:animaleatfood concept_food_solid_food +concept_animal_child concept:animaleatfood concept_food_solid_foods +concept_animal_child concept:animaleatfood concept_food_table_food +concept_animal_child concept:animaldevelopdisease concept_physiologicalcondition_anomalies +concept_animal_child concept:animaldevelopdisease concept_physiologicalcondition_common_cold +concept_animal_child concept:animaldevelopdisease concept_physiologicalcondition_pertussis +concept_animal_child concept:animaldevelopdisease concept_physiologicalcondition_retardation +concept_animal_child concept:animaleatfood concept_vegetable_grass +concept_animal_child concept:animaleatfood concept_vegetable_spinach +concept_animal_children concept:animalistypeofanimal concept_animal_creatures +concept_animal_children concept:animaleatfood concept_beverage_milk +concept_animal_children concept:animaldevelopdisease concept_disease_abnormalities +concept_animal_children concept:animaldevelopdisease concept_disease_acute_leukemia +concept_animal_children concept:animaldevelopdisease concept_disease_ad_hd +concept_animal_children concept:animaldevelopdisease concept_disease_ad_hd_ +concept_animal_children concept:animaldevelopdisease concept_disease_add +concept_animal_children concept:animaldevelopdisease concept_disease_add_ +concept_animal_children concept:animaldevelopdisease concept_disease_add_adhd +concept_animal_children concept:animaldevelopdisease concept_disease_addiction +concept_animal_children concept:animaldevelopdisease concept_disease_adhd +concept_animal_children concept:animaldevelopdisease concept_disease_adhd_ +concept_animal_children concept:animaldevelopdisease concept_disease_adrenal_hyperplasia +concept_animal_children concept:animaldevelopdisease concept_disease_aids +concept_animal_children concept:animaldevelopdisease concept_disease_aids_epidemic +concept_animal_children concept:animaldevelopdisease concept_disease_allergies +concept_animal_children concept:animaldevelopdisease concept_disease_allergy +concept_animal_children concept:animaldevelopdisease concept_disease_anxiety +concept_animal_children concept:animaldevelopdisease concept_disease_anxiety_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_arthritis +concept_animal_children concept:animaldevelopdisease concept_disease_as_ +concept_animal_children concept:animaldevelopdisease concept_disease_asd +concept_animal_children concept:animaldevelopdisease concept_disease_asd_ +concept_animal_children concept:animaldevelopdisease concept_disease_asds +concept_animal_children concept:animaldevelopdisease concept_disease_asperger +concept_animal_children concept:animaldevelopdisease concept_disease_asperger__s_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_asperger__s_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_asperger_s +concept_animal_children concept:animaldevelopdisease concept_disease_asperger_s_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_asperger_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_aspergers +concept_animal_children concept:animaldevelopdisease concept_disease_aspergers_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_asthma +concept_animal_children concept:animaldevelopdisease concept_disease_attention_deficit_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_attention_deficit_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_attention_deficit_hyperactivity_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_attention_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_autism +concept_animal_children concept:animaldevelopdisease concept_disease_autism_spectrum_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_autism_spectrum_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_autistic_spectrum_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_autistic_spectrum_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_behavior_problems +concept_animal_children concept:animaldevelopdisease concept_disease_behavioural_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_bipolar_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_birth_defects +concept_animal_children concept:animaldevelopdisease concept_disease_brain_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_brain_injuries +concept_animal_children concept:animaldevelopdisease concept_disease_brain_injury +concept_animal_children concept:animaldevelopdisease concept_disease_brain_tumors +concept_animal_children concept:animaldevelopdisease concept_disease_brain_tumours +concept_animal_children concept:animaldevelopdisease concept_disease_cancer +concept_animal_children concept:animaldevelopdisease concept_disease_cancers +concept_animal_children concept:animaldevelopdisease concept_disease_celiac_disease +concept_animal_children concept:animaldevelopdisease concept_disease_cerebral_palsy +concept_animal_children concept:animaldevelopdisease concept_disease_cf_ +concept_animal_children concept:animaldevelopdisease concept_disease_cfs +concept_animal_children concept:animaldevelopdisease concept_disease_chd +concept_animal_children concept:animaldevelopdisease concept_disease_chickenpox +concept_animal_children concept:animaldevelopdisease concept_disease_chronic_fatigue_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_chronic_illness +concept_animal_children concept:animaldevelopdisease concept_disease_chronic_kidney_disease +concept_animal_children concept:animaldevelopdisease concept_disease_clefts +concept_animal_children concept:animaldevelopdisease concept_disease_cognitive_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_communication_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_condition +concept_animal_children concept:animaldevelopdisease concept_disease_conditions +concept_animal_children concept:animaldevelopdisease concept_disease_conduct_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_conduct_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_congenital +concept_animal_children concept:animaldevelopdisease concept_disease_congenital_heart_defects +concept_animal_children concept:animaldevelopdisease concept_disease_congenital_heart_disease +concept_animal_children concept:animaldevelopdisease concept_disease_congenital_heart_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_craniofacial_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_crohn +concept_animal_children concept:animaldevelopdisease concept_disease_cystic_fibrosis +concept_animal_children concept:animaldevelopdisease concept_disease_damage +concept_animal_children concept:animaldevelopdisease concept_disease_deafness +concept_animal_children concept:animaldevelopdisease concept_disease_deficiencies +concept_animal_children concept:animaldevelopdisease concept_disease_deformities +concept_animal_children concept:animaldevelopdisease concept_disease_depression +concept_animal_children concept:animaldevelopdisease concept_disease_developmental_delay +concept_animal_children concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_developmental_disability +concept_animal_children concept:animaldevelopdisease concept_disease_developmental_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_diabetes +concept_animal_children concept:animaldevelopdisease concept_disease_diabetes_mellitus +concept_animal_children concept:animaldevelopdisease concept_disease_diarrhea +concept_animal_children concept:animaldevelopdisease concept_disease_diphtheria +concept_animal_children concept:animaldevelopdisease concept_disease_disabilites +concept_animal_children concept:animaldevelopdisease concept_disease_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_disabilities_the_opportunity +concept_animal_children concept:animaldevelopdisease concept_disease_disability +concept_animal_children concept:animaldevelopdisease concept_disease_disabilties +concept_animal_children concept:animaldevelopdisease concept_disease_disablilities +concept_animal_children concept:animaldevelopdisease concept_disease_disablities +concept_animal_children concept:animaldevelopdisease concept_disease_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_disorder_need +concept_animal_children concept:animaldevelopdisease concept_disease_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_down__s_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_down_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_downs_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_dysfunction +concept_animal_children concept:animaldevelopdisease concept_disease_dyslexia +concept_animal_children concept:animaldevelopdisease concept_disease_dyspraxia +concept_animal_children concept:animaldevelopdisease concept_disease_dystonia +concept_animal_children concept:animaldevelopdisease concept_disease_eating_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_eczema +concept_animal_children concept:animaldevelopdisease concept_disease_emotional_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_epidemic +concept_animal_children concept:animaldevelopdisease concept_disease_epilepsy +concept_animal_children concept:animaldevelopdisease concept_disease_facial_deformities +concept_animal_children concept:animaldevelopdisease concept_disease_fasd +concept_animal_children concept:animaldevelopdisease concept_disease_fasd_ +concept_animal_children concept:animaldevelopdisease concept_disease_features +concept_animal_children concept:animaldevelopdisease concept_disease_fetal_alcohol_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_fever +concept_animal_children concept:animaldevelopdisease concept_disease_flu +concept_animal_children concept:animaldevelopdisease concept_disease_food_allergies +concept_animal_children concept:animaldevelopdisease concept_disease_fragile_x_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_genetic_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_growth +concept_animal_children concept:animaldevelopdisease concept_disease_growth_hormone_deficiency +concept_animal_children concept:animaldevelopdisease concept_disease_hair_loss +concept_animal_children concept:animaldevelopdisease concept_disease_health_conditions +concept_animal_children concept:animaldevelopdisease concept_disease_hearing_impairment +concept_animal_children concept:animaldevelopdisease concept_disease_hearing_loss +concept_animal_children concept:animaldevelopdisease concept_disease_hearing_problems +concept_animal_children concept:animaldevelopdisease concept_disease_heart_conditions +concept_animal_children concept:animaldevelopdisease concept_disease_heart_defects +concept_animal_children concept:animaldevelopdisease concept_disease_heart_disease +concept_animal_children concept:animaldevelopdisease concept_disease_heart_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_heart_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_heart_problems +concept_animal_children concept:animaldevelopdisease concept_disease_hemophilia +concept_animal_children concept:animaldevelopdisease concept_disease_hepatitis +concept_animal_children concept:animaldevelopdisease concept_disease_hepatitis_a +concept_animal_children concept:animaldevelopdisease concept_disease_hepatitis_b +concept_animal_children concept:animaldevelopdisease concept_disease_high_blood_pressure +concept_animal_children concept:animaldevelopdisease concept_disease_high_functioning_autism +concept_animal_children concept:animaldevelopdisease concept_disease_hiv +concept_animal_children concept:animaldevelopdisease concept_disease_hiv___aids +concept_animal_children concept:animaldevelopdisease concept_disease_hiv_aids +concept_animal_children concept:animaldevelopdisease concept_disease_hiv_aids_pandemic +concept_animal_children concept:animaldevelopdisease concept_disease_hiv_disease +concept_animal_children concept:animaldevelopdisease concept_disease_hiv_infection +concept_animal_children concept:animaldevelopdisease concept_disease_hpv +concept_animal_children concept:animaldevelopdisease concept_disease_hyperactivity +concept_animal_children concept:animaldevelopdisease concept_disease_hyperactivity_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_hypertension +concept_animal_children concept:animaldevelopdisease concept_disease_illness +concept_animal_children concept:animaldevelopdisease concept_disease_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_infectious_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_inflammatory_bowel_disease +concept_animal_children concept:animaldevelopdisease concept_disease_influenza +concept_animal_children concept:animaldevelopdisease concept_disease_injuries +concept_animal_children concept:animaldevelopdisease concept_disease_injury +concept_animal_children concept:animaldevelopdisease concept_disease_intellectual_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_intellectual_disability +concept_animal_children concept:animaldevelopdisease concept_disease_itp +concept_animal_children concept:animaldevelopdisease concept_disease_juvenile_rheumatoid_arthritis +concept_animal_children concept:animaldevelopdisease concept_disease_kidney_disease +concept_animal_children concept:animaldevelopdisease concept_disease_lactose_intolerance +concept_animal_children concept:animaldevelopdisease concept_disease_language_impairments +concept_animal_children concept:animaldevelopdisease concept_disease_learning_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_learning_disability +concept_animal_children concept:animaldevelopdisease concept_disease_learning_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_leukaemia +concept_animal_children concept:animaldevelopdisease concept_disease_leukemia +concept_animal_children concept:animaldevelopdisease concept_disease_life_limiting_conditions +concept_animal_children concept:animaldevelopdisease concept_disease_life_limiting_illness +concept_animal_children concept:animaldevelopdisease concept_disease_life_limiting_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_life_threatening_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_lupus +concept_animal_children concept:animaldevelopdisease concept_disease_lyme_disease +concept_animal_children concept:animaldevelopdisease concept_disease_major_depression +concept_animal_children concept:animaldevelopdisease concept_disease_major_depressive_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_major_mental_illness +concept_animal_children concept:animaldevelopdisease concept_disease_malaria +concept_animal_children concept:animaldevelopdisease concept_disease_malformation +concept_animal_children concept:animaldevelopdisease concept_disease_malformations +concept_animal_children concept:animaldevelopdisease concept_disease_measles +concept_animal_children concept:animaldevelopdisease concept_disease_meningitis +concept_animal_children concept:animaldevelopdisease concept_disease_mental_health +concept_animal_children concept:animaldevelopdisease concept_disease_mental_health_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_mental_illness +concept_animal_children concept:animaldevelopdisease concept_disease_mental_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_mental_retardation +concept_animal_children concept:animaldevelopdisease concept_disease_metabolic_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_migraines +concept_animal_children concept:animaldevelopdisease concept_disease_mitochondrial_disease +concept_animal_children concept:animaldevelopdisease concept_disease_mood_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_movement_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_multiple_sclerosis +concept_animal_children concept:animaldevelopdisease concept_disease_mumps +concept_animal_children concept:animaldevelopdisease concept_disease_muscular_dystrophy +concept_animal_children concept:animaldevelopdisease concept_disease_narcolepsy +concept_animal_children concept:animaldevelopdisease concept_disease_neurological_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_neuromuscular_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_neuromuscular_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_obesity +concept_animal_children concept:animaldevelopdisease concept_disease_obsessive_compulsive_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_ocd +concept_animal_children concept:animaldevelopdisease concept_disease_ocd_ +concept_animal_children concept:animaldevelopdisease concept_disease_odd +concept_animal_children concept:animaldevelopdisease concept_disease_oi_ +concept_animal_children concept:animaldevelopdisease concept_disease_oppositional_defiant_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_osteogenesis_imperfecta +concept_animal_children concept:animaldevelopdisease concept_disease_osteosarcoma +concept_animal_children concept:animaldevelopdisease concept_disease_otitis_media +concept_animal_children concept:animaldevelopdisease concept_disease_pdd +concept_animal_children concept:animaldevelopdisease concept_disease_pervasive_developmental_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_pervasive_developmental_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_physical_disabilities +concept_animal_children concept:animaldevelopdisease concept_disease_pku +concept_animal_children concept:animaldevelopdisease concept_disease_polio +concept_animal_children concept:animaldevelopdisease concept_disease_post_traumatic_stress_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_problems +concept_animal_children concept:animaldevelopdisease concept_disease_psoriasis +concept_animal_children concept:animaldevelopdisease concept_disease_psychiatric_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_psychiatric_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_pws +concept_animal_children concept:animaldevelopdisease concept_disease_rheumatic_disease +concept_animal_children concept:animaldevelopdisease concept_disease_rheumatic_diseases +concept_animal_children concept:animaldevelopdisease concept_disease_rheumatoid_arthritis +concept_animal_children concept:animaldevelopdisease concept_disease_risk_factors +concept_animal_children concept:animaldevelopdisease concept_disease_rubella +concept_animal_children concept:animaldevelopdisease concept_disease_scd +concept_animal_children concept:animaldevelopdisease concept_disease_schizophrenia +concept_animal_children concept:animaldevelopdisease concept_disease_scoliosis +concept_animal_children concept:animaldevelopdisease concept_disease_seizures +concept_animal_children concept:animaldevelopdisease concept_disease_serious_mental_illness +concept_animal_children concept:animaldevelopdisease concept_disease_severe_asthma +concept_animal_children concept:animaldevelopdisease concept_disease_severe_emotional_disturbance +concept_animal_children concept:animaldevelopdisease concept_disease_severe_mental_illness +concept_animal_children concept:animaldevelopdisease concept_disease_sickle_cell_anemia +concept_animal_children concept:animaldevelopdisease concept_disease_sickle_cell_disease +concept_animal_children concept:animaldevelopdisease concept_disease_sle +concept_animal_children concept:animaldevelopdisease concept_disease_sleep_apnea +concept_animal_children concept:animaldevelopdisease concept_disease_sleep_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_smallpox +concept_animal_children concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_animal_children concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_spina_bifida +concept_animal_children concept:animaldevelopdisease concept_disease_spinal_cord_injuries +concept_animal_children concept:animaldevelopdisease concept_disease_substance_abuse +concept_animal_children concept:animaldevelopdisease concept_disease_symptoms +concept_animal_children concept:animaldevelopdisease concept_disease_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_tb +concept_animal_children concept:animaldevelopdisease concept_disease_terminal_illness +concept_animal_children concept:animaldevelopdisease concept_disease_terminal_illnesses +concept_animal_children concept:animaldevelopdisease concept_disease_tetanus +concept_animal_children concept:animaldevelopdisease concept_disease_tic_disorders +concept_animal_children concept:animaldevelopdisease concept_disease_tourette +concept_animal_children concept:animaldevelopdisease concept_disease_tourette_syndrome +concept_animal_children concept:animaldevelopdisease concept_disease_trauma +concept_animal_children concept:animaldevelopdisease concept_disease_traumatic_brain_injury +concept_animal_children concept:animaldevelopdisease concept_disease_ts +concept_animal_children concept:animaldevelopdisease concept_disease_tuberculosis +concept_animal_children concept:animaldevelopdisease concept_disease_tumors +concept_animal_children concept:animaldevelopdisease concept_disease_type_1 +concept_animal_children concept:animaldevelopdisease concept_disease_type_1_diabetes +concept_animal_children concept:animaldevelopdisease concept_disease_type_2_diabetes +concept_animal_children concept:animaldevelopdisease concept_disease_varicella +concept_animal_children concept:animaldevelopdisease concept_disease_view +concept_animal_children concept:animaldevelopdisease concept_disease_vision_impairment +concept_animal_children concept:animaldevelopdisease concept_disease_visual_impairment +concept_animal_children concept:animalpreyson concept_mammal_animals +concept_animal_children concept:animalpreyson concept_mammal_breeds +concept_animal_children concept:animalistypeofanimal concept_mammal_cats +concept_animal_children concept:animalpreyson concept_mammal_cats +concept_animal_children concept:animalpreyson concept_mammal_dogs +concept_animal_children concept:specializationof concept_mammal_dogs +concept_animal_children concept:animalpreyson concept_mammal_pets +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_anomalies +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_attention_deficit +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_bipolar +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_brain_damage +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_cleft_lip +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_co_occurring_disorders +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_development_disorders +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_disabilities_access +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_disabilities_ages +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_handicaps +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_hbv +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_health_difficulties +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_health_issues +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_health_needs +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_hib +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_human_immunodeficiency_virus +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_language_disabilities +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_pertussis +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_retardation +concept_animal_children concept:animaldevelopdisease concept_physiologicalcondition_short_stature +concept_animal_children concept:animaleatfood concept_vegetable_peaches +concept_animal_children concept:animaleatvegetable concept_vegetable_veggies +concept_animal_cockatiels concept:specializationof concept_mammal_animals +concept_animal_commercial_fishes concept:animalsuchasfish concept_fish_salmon +concept_animal_commercial_species concept:animalsuchasfish concept_fish_swordfish +concept_animal_commercial_species concept:animalsuchasfish concept_fish_tuna +concept_animal_community_center concept:atdate concept_dayofweek_tuesday +concept_animal_condors concept:animalistypeofanimal concept_mammal_animals +concept_animal_condors concept:animalpreyson concept_mammal_animals +concept_animal_costa_rica concept:mutualproxyfor concept_animal_san_jose +concept_animal_costa_rica concept:atdate concept_date_n2001 +concept_animal_costa_rica concept:atdate concept_date_n2009 +concept_animal_costa_rica concept:atdate concept_year_n1998 +concept_animal_cougar concept:animalistypeofanimal concept_mammal_animals +concept_animal_cow concept:animalthatfeedoninsect concept_insect_flies +concept_animal_creature concept:animalsuchasfish concept_fish_shark +concept_animal_creature concept:agentparticipatedinevent concept_sportsgame_series +concept_animal_creatures concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_animal_creatures concept:animalpreyson concept_agriculturalproduct_goats +concept_animal_creatures concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_animal_creatures concept:animalpreyson concept_agriculturalproduct_pigs +concept_animal_creatures concept:animalpreyson concept_amphibian_frogs +concept_animal_creatures concept:animalpreyson concept_animal_birds002 +concept_animal_creatures concept:animalpreyson concept_animal_creatures +concept_animal_creatures concept:animalpreyson concept_animal_dragons +concept_animal_creatures concept:animalpreyson concept_animal_hamsters +concept_animal_creatures concept:animalpreyson concept_animal_hawks +concept_animal_creatures concept:animalpreyson concept_animal_humans +concept_animal_creatures concept:animalpreyson concept_animal_leopards +concept_animal_creatures concept:animalpreyson concept_animal_moles +concept_animal_creatures concept:animalistypeofanimal concept_arachnid_scorpions +concept_animal_creatures concept:animalpreyson concept_arachnid_scorpions +concept_animal_creatures concept:animalsuchasinvertebrate concept_arachnid_scorpions +concept_animal_creatures concept:animalpreyson concept_arachnid_ticks +concept_animal_creatures concept:animalsuchasinvertebrate concept_arachnid_ticks +concept_animal_creatures concept:animalsuchasinvertebrate concept_arthropod_clams +concept_animal_creatures concept:animalsuchasinsect concept_arthropod_crickets +concept_animal_creatures concept:animalsuchasinvertebrate concept_arthropod_jellyfish +concept_animal_creatures concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_animal_creatures concept:animalthatfeedoninsect concept_arthropod_snails +concept_animal_creatures concept:animalpreyson concept_arthropod_spiders +concept_animal_creatures concept:animalsuchasinvertebrate concept_arthropod_sponges +concept_animal_creatures concept:animalpreyson concept_bird_chickens +concept_animal_creatures concept:animalpreyson concept_bird_ducks +concept_animal_creatures concept:animalpreyson concept_bird_owls +concept_animal_creatures concept:animalistypeofanimal concept_bird_parrots +concept_animal_creatures concept:animalpreyson concept_bird_parrots +concept_animal_creatures concept:animalpreyson concept_bird_penguins +concept_animal_creatures concept:animalpreyson concept_bird_songbirds +concept_animal_creatures concept:animalsuchasinvertebrate concept_crustacean_giant_squid +concept_animal_creatures concept:animalpreyson concept_crustacean_lobsters +concept_animal_creatures concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_creatures concept:animalsuchasfish concept_fish_eels +concept_animal_creatures concept:animalsuchasfish concept_fish_hammerhead_sharks +concept_animal_creatures concept:animalsuchasfish concept_fish_manta_rays +concept_animal_creatures concept:animalsuchasfish concept_fish_salmon +concept_animal_creatures concept:animalpreyson concept_fish_sharks +concept_animal_creatures concept:animalsuchasfish concept_fish_sharks +concept_animal_creatures concept:animalsuchasfish concept_fish_shellfish +concept_animal_creatures concept:animalsuchasfish concept_fish_small_fish +concept_animal_creatures concept:animalsuchasfish concept_fish_stingrays +concept_animal_creatures concept:animalsuchasfish concept_fish_trout +concept_animal_creatures concept:animalsuchasfish concept_fish_whale_sharks +concept_animal_creatures concept:animalsuchasfish concept_fish_whales +concept_animal_creatures concept:animalsuchasinsect concept_insect_ants +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_ants +concept_animal_creatures concept:animalsuchasinsect concept_insect_beetles +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_beetles +concept_animal_creatures concept:animalsuchasinsect concept_insect_bugs +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_bugs +concept_animal_creatures concept:animalistypeofanimal concept_insect_butterflies +concept_animal_creatures concept:animalsuchasinsect concept_insect_butterflies +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_butterflies +concept_animal_creatures concept:animalsuchasinsect concept_insect_caterpillars +concept_animal_creatures concept:animalsuchasinsect concept_insect_cockroaches +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_cockroaches +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_crabs +concept_animal_creatures concept:animalpreyson concept_insect_dragonflies +concept_animal_creatures concept:animalsuchasinvertebrate concept_insect_dragonflies +concept_animal_creatures concept:animalsuchasinsect concept_insect_earthworms +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_earthworms +concept_animal_creatures concept:animalsuchasinvertebrate concept_insect_earwigs +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_earwigs +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_fleas +concept_animal_creatures concept:animalsuchasinsect concept_insect_flies +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_garden_pests +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_grasshoppers +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_grubs +concept_animal_creatures concept:animalsuchasinsect concept_insect_insects +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_insects +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_maggots +concept_animal_creatures concept:animalsuchasinsect concept_insect_mites +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_mites +concept_animal_creatures concept:animalsuchasinsect concept_insect_mosquitoes +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_mosquitos +concept_animal_creatures concept:animalsuchasinsect concept_insect_moths +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_moths +concept_animal_creatures concept:animalistypeofanimal concept_insect_termites +concept_animal_creatures concept:animalsuchasinsect concept_insect_termites +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_termites +concept_animal_creatures concept:animalsuchasinsect concept_insect_ticks +concept_animal_creatures concept:animalthatfeedoninsect concept_insect_ticks +concept_animal_creatures concept:animalsuchasinsect concept_insect_wasps +concept_animal_creatures concept:animalistypeofanimal concept_invertebrate_bees +concept_animal_creatures concept:animalpreyson concept_invertebrate_bees +concept_animal_creatures concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_animal_creatures concept:animalpreyson concept_invertebrate_crows +concept_animal_creatures concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_animal_creatures concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_animal_creatures concept:animalsuchasinvertebrate concept_invertebrate_snails +concept_animal_creatures concept:animalpreyson concept_invertebrate_worms +concept_animal_creatures concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_animal_creatures concept:animalistypeofanimal concept_mammal_animals +concept_animal_creatures concept:animalpreyson concept_mammal_animals +concept_animal_creatures concept:animalpreyson concept_mammal_bats +concept_animal_creatures concept:animalpreyson concept_mammal_bears +concept_animal_creatures concept:animalistypeofanimal concept_mammal_cats +concept_animal_creatures concept:animalpreyson concept_mammal_cats +concept_animal_creatures concept:animalpreyson concept_mammal_cows +concept_animal_creatures concept:animalistypeofanimal concept_mammal_deer +concept_animal_creatures concept:animalpreyson concept_mammal_deer +concept_animal_creatures concept:animalistypeofanimal concept_mammal_dogs +concept_animal_creatures concept:animalpreyson concept_mammal_dogs +concept_animal_creatures concept:animalpreyson concept_mammal_dolphins +concept_animal_creatures concept:animalpreyson concept_mammal_elephants +concept_animal_creatures concept:animalpreyson concept_mammal_foxes +concept_animal_creatures concept:animalistypeofanimal concept_mammal_giraffes +concept_animal_creatures concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_animal_creatures concept:animalpreyson concept_mammal_guinea_pigs +concept_animal_creatures concept:animalpreyson concept_mammal_hares +concept_animal_creatures concept:animalpreyson concept_mammal_hedgehogs +concept_animal_creatures concept:animalistypeofanimal concept_mammal_horses +concept_animal_creatures concept:animalpreyson concept_mammal_horses +concept_animal_creatures concept:animalistypeofanimal concept_mammal_lions +concept_animal_creatures concept:animalpreyson concept_mammal_lions +concept_animal_creatures concept:animalpreyson concept_mammal_mammals +concept_animal_creatures concept:animalpreyson concept_mammal_mice +concept_animal_creatures concept:animalpreyson concept_mammal_monkeys +concept_animal_creatures concept:animalistypeofanimal concept_mammal_pets +concept_animal_creatures concept:animalpreyson concept_mammal_pets +concept_animal_creatures concept:animalistypeofanimal concept_mammal_porpoises +concept_animal_creatures concept:animalpreyson concept_mammal_primates +concept_animal_creatures concept:animalistypeofanimal concept_mammal_rabbits +concept_animal_creatures concept:animalpreyson concept_mammal_rabbits +concept_animal_creatures concept:animalpreyson concept_mammal_raccoons +concept_animal_creatures concept:animalistypeofanimal concept_mammal_rats +concept_animal_creatures concept:animalpreyson concept_mammal_rats +concept_animal_creatures concept:animalpreyson concept_mammal_reptiles +concept_animal_creatures concept:animalpreyson concept_mammal_rhinos +concept_animal_creatures concept:animalpreyson concept_mammal_rodents +concept_animal_creatures concept:animalpreyson concept_mammal_seals +concept_animal_creatures concept:animalistypeofanimal concept_mammal_squirrels +concept_animal_creatures concept:animalpreyson concept_mammal_squirrels +concept_animal_creatures concept:animalpreyson concept_mammal_tigers +concept_animal_creatures concept:animalpreyson concept_mammal_whales +concept_animal_creatures concept:animalpreyson concept_mammal_wolves +concept_animal_creatures concept:animalsuchasinvertebrate concept_mollusk_nudibranchs +concept_animal_creatures concept:agentcompeteswithagent concept_personasia_grasshoppers +concept_animal_creatures concept:animalpreyson concept_reptile_alligators +concept_animal_creatures concept:animalpreyson concept_reptile_fishes +concept_animal_creatures concept:animalpreyson concept_reptile_iguanas +concept_animal_creatures concept:animalpreyson concept_reptile_lizards +concept_animal_creatures concept:animalpreyson concept_reptile_snakes +concept_animal_creatures concept:agentparticipatedinevent concept_sportsgame_series +concept_animal_dangerous_creatures concept:animalsuchasfish concept_fish_sharks +concept_animal_deep_sea_fish concept:animalsuchasfish concept_fish_salmon +concept_animal_deep_sea_fish concept:animalsuchasfish concept_fish_swordfish +concept_animal_deep_sea_fishing concept:animalsuchasfish concept_fish_sharks +concept_animal_deer001 concept:agentcompeteswithagent concept_animal_animals001 +concept_animal_deer001 concept:animalistypeofanimal concept_animal_animals001 +concept_animal_deer001 concept:specializationof concept_animal_animals001 +concept_animal_deer001 concept:animalistypeofanimal concept_animal_mammals001 +concept_animal_deer001 concept:animalpreyson concept_animal_mammals001 +concept_animal_deer001 concept:specializationof concept_animal_mammals001 +concept_animal_deer001 concept:animalistypeofanimal concept_arthropod_prey +concept_animal_deer001 concept:animaleatfood concept_candy_fruits +concept_animal_deer001 concept:animaleatfood concept_food_herbaceous_vegetation +concept_animal_deer001 concept:animalistypeofanimal concept_insect_pests +concept_animal_deer001 concept:animalsuchasinvertebrate concept_insect_pests +concept_animal_deer001 concept:animaleatfood concept_legume_hay +concept_animal_deer001 concept:invertebratefeedonfood concept_nut_leaves +concept_animal_deer001 concept:animaleatfood concept_plant_plants +concept_animal_dingoes concept:animalistypeofanimal concept_mammal_animals +concept_animal_dingoes concept:animalistypeofanimal concept_mammal_dogs +concept_animal_dingos concept:specializationof concept_mammal_animals +concept_animal_disposal concept:subpartof concept_weatherphenomenon_water +concept_animal_dog001 concept:animaleatfood concept_agriculturalproduct_peanut_butter +concept_animal_dog001 concept:agentcompeteswithagent concept_animal_dog001 +concept_animal_dog001 concept:animalistypeofanimal concept_animal_pooches +concept_animal_dog001 concept:animalpreyson concept_animal_pooches +concept_animal_dog001 concept:animaldevelopdisease concept_disease_disorder +concept_animal_dog001 concept:animaldevelopdisease concept_disease_lyme_disease +concept_animal_dog001 concept:animaldevelopdisease concept_disease_problems +concept_animal_dog001 concept:animaldevelopdisease concept_disease_rabies +concept_animal_dog001 concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_dog001 concept:animaleatfood concept_food_soft_food +concept_animal_dog001 concept:animaleatfood concept_fruit_pudding +concept_animal_dog001 concept:animalpreyson concept_mammal_furry_friends +concept_animal_dog001 concept:animalpreyson concept_mammal_pooch +concept_animal_dog001 concept:agentcompeteswithagent concept_personaustralia_pet +concept_animal_dog001 concept:animalpreyson concept_reptile_pets +concept_animal_dog001 concept:animaleatvegetable concept_vegetable_onions +concept_animal_dogs_protocol concept:animalistypeofanimal concept_mammal_dog +concept_animal_dolphins001 concept:animalpreyson concept_animal_animals001 +concept_animal_dolphins001 concept:animalpreyson concept_animal_mammals001 +concept_animal_dolphins001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_dolphins001 concept:animalsuchasfish concept_fish_whale +concept_animal_dolphins001 concept:animalpreyson concept_invertebrate_marine_mammals +concept_animal_dolphins001 concept:animalsuchasinvertebrate concept_invertebrate_marine_mammals +concept_animal_dragons concept:animalistypeofanimal concept_animal_beasts +concept_animal_dragons concept:animalistypeofanimal concept_animal_creatures +concept_animal_dragons concept:animalpreyson concept_animal_creatures +concept_animal_eagle concept:specializationof concept_animal_bird_species +concept_animal_eagle concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_eagle concept:specializationof concept_animal_creatures +concept_animal_eagle concept:animalpreyson concept_arthropod_prey +concept_animal_eagle concept:specializationof concept_bird_raptors +concept_animal_elephant_seals concept:agentcompeteswithagent concept_mammal_animals +concept_animal_elephant_seals concept:animalistypeofanimal concept_mammal_animals +concept_animal_elks concept:animalistypeofanimal concept_mammal_animals +concept_animal_endangered_species concept:animalsuchasfish concept_fish_salmon +concept_animal_endangered_species concept:animalsuchasfish concept_fish_whales +concept_animal_exotic_pets concept:specializationof concept_arthropod_spiders +concept_animal_exotics001 concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_animal_exotics001 concept:animalpreyson concept_agriculturalproduct_pigs +concept_animal_exotics001 concept:animalpreyson concept_reptile_pets +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_herring +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_mackerel +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_salmon +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_sardines +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_trout +concept_animal_fatty_fish concept:animalsuchasfish concept_fish_tuna +concept_animal_federal_government concept:proxyfor concept_book_new +concept_animal_federal_government concept:atdate concept_date_n2000 +concept_animal_federal_government concept:atdate concept_date_n2003 +concept_animal_federal_government concept:atdate concept_dateliteral_n2002 +concept_animal_federal_government concept:atdate concept_dateliteral_n2007 +concept_animal_federal_government concept:agentcontrols concept_geometricshape_property +concept_animal_federal_government concept:agentcollaborateswithagent concept_monarch_property +concept_animal_federal_government concept:agentcontrols concept_transportation_money +concept_animal_federal_government concept:agentcontrols concept_weatherphenomenon_land +concept_animal_federal_government concept:agentcontrols concept_website_information +concept_animal_federal_government concept:atdate concept_year_n1995 +concept_animal_ferret concept:animaldevelopdisease concept_disease_rabies +concept_animal_field_mice concept:animalistypeofanimal concept_mammal_animals +concept_animal_field_mice concept:animalistypeofanimal concept_mammal_rodents +concept_animal_filter_feeders concept:animalsuchasinvertebrate concept_agriculturalproduct_oysters +concept_animal_filter_feeders concept:animalsuchasinvertebrate concept_arthropod_clams +concept_animal_filter_feeders concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_animal_filter_feeders concept:animalsuchasinvertebrate concept_invertebrate_corals +concept_animal_fins concept:animalsuchasfish concept_fish_trout +concept_animal_flock concept:animalpreyson concept_animal_birds002 +concept_animal_fly001 concept:animalsuchasfish concept_fish_bass +concept_animal_fly001 concept:animalsuchasfish concept_fish_brown_trout +concept_animal_fly001 concept:animalsuchasfish concept_fish_steelhead +concept_animal_fly001 concept:animalsuchasfish concept_fish_trout +concept_animal_fowl concept:animalpreyson concept_animal_poultry +concept_animal_fowl concept:animalpreyson concept_bird_chickens +concept_animal_fowl concept:animalpreyson concept_bird_ducks +concept_animal_fowl concept:animalpreyson concept_bird_turkeys +concept_animal_fowl concept:animalistypeofanimal concept_mammal_animals +concept_animal_fowls concept:animalistypeofanimal concept_mammal_animals +concept_animal_fowls concept:specializationof concept_mammal_animals +concept_animal_freshwater_fish concept:animalsuchasfish concept_fish_bass +concept_animal_freshwater_fish concept:animalsuchasfish concept_fish_pike +concept_animal_freshwater_fish concept:animalsuchasfish concept_fish_rainbow_trout +concept_animal_freshwater_fish concept:animalsuchasfish concept_fish_trout +concept_animal_furbearers concept:animalpreyson concept_mammal_raccoon +concept_animal_furbearers concept:agentcompeteswithagent concept_reptile_raccoon +concept_animal_game_species concept:animalsuchasfish concept_fish_bass +concept_animal_game_species concept:animalsuchasfish concept_fish_marlin +concept_animal_game_species concept:animalsuchasfish concept_fish_trout +concept_animal_game_species concept:animalpreyson concept_mammal_deer +concept_animal_geek concept:animaleatfood concept_bakedgood_pizza +concept_animal_girl concept:animaldevelopdisease concept_disease_disabilities +concept_animal_girl concept:animaldevelopdisease concept_disease_disorder +concept_animal_girl concept:animaldevelopdisease concept_disease_problems +concept_animal_girl concept:animaldevelopdisease concept_disease_syndrome +concept_animal_girl concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_girl concept:animalpreyson concept_mammal_dogs +concept_animal_goat_cheese concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_animal_goat_cheese concept:animaleatvegetable concept_vegetable_greens +concept_animal_goat_cheese concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_animal_goat_cheese concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_animal_gophers concept:animalistypeofanimal concept_insect_pests +concept_animal_gophers concept:animalsuchasinsect concept_insect_pests +concept_animal_gophers concept:animalistypeofanimal concept_mammal_rodents +concept_animal_gophers concept:animalpreyson concept_mammal_rodents +concept_animal_grandchild concept:atdate concept_dateliteral_n2008 +concept_animal_grant concept:synonymfor concept_coach_delete +concept_animal_greyhounds concept:latitudelongitude -1.8503000000000,123.8734000000000 +concept_animal_greyhounds concept:animalistypeofanimal concept_mammal_animals +concept_animal_greyhounds concept:animalpreyson concept_mammal_animals +concept_animal_greyhounds concept:animalistypeofanimal concept_mammal_dogs +concept_animal_greyhounds concept:animalistypeofanimal concept_mammal_pets +concept_animal_greyhounds concept:animalpreyson concept_mammal_pets +concept_animal_grizzlies concept:animaleatfood concept_meat_salmon +concept_animal_hammerheads concept:animalistypeofanimal concept_fish_pelagics +concept_animal_hamsters concept:animalistypeofanimal concept_animal_creatures +concept_animal_hamsters concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_hamsters concept:animalistypeofanimal concept_animal_small_mammals +concept_animal_hamsters concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_animals +concept_animal_hamsters concept:animalpreyson concept_mammal_animals +concept_animal_hamsters concept:specializationof concept_mammal_animals +concept_animal_hamsters concept:ismultipleof concept_mammal_hamster +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_mammals +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_pets +concept_animal_hamsters concept:animalpreyson concept_mammal_pets +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_rodents +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_small_animals +concept_animal_hamsters concept:animalpreyson concept_mammal_small_animals +concept_animal_hamsters concept:animalistypeofanimal concept_mammal_small_pets +concept_animal_hawks concept:animalpreyson concept_animal_birds002 +concept_animal_hawks concept:animalistypeofanimal concept_animal_creatures +concept_animal_hawks concept:animalpreyson concept_arthropod_prey +concept_animal_hawks concept:animalistypeofanimal concept_bird_larger_birds +concept_animal_hawks concept:animalistypeofanimal concept_mammal_animals +concept_animal_hawks concept:animalpreyson concept_mammal_animals +concept_animal_hawks concept:animalpreyson concept_mammal_mice +concept_animal_hawks concept:animalistypeofanimal concept_mammal_predators +concept_animal_hawks concept:animalpreyson concept_mammal_predators +concept_animal_head concept:agentcollaborateswithagent concept_coach_hayes +concept_animal_head concept:agentcontrols concept_coach_hayes +concept_animal_head concept:agentcontrols concept_color_brown +concept_animal_head concept:animalsuchasfish concept_fish_trout +concept_animal_head concept:agentcontrols concept_geopoliticallocation_nichols +concept_animal_head concept:agentcontrols concept_island_jones +concept_animal_head concept:agentcollaborateswithagent concept_musicartist_nichols +concept_animal_head concept:agentcontrols concept_musicinstrument_thompson +concept_animal_head concept:agentcontrols concept_person_anderson +concept_animal_head concept:agentcollaborateswithagent concept_person_davis +concept_animal_head concept:agentcontrols concept_person_davis +concept_animal_head concept:agentcollaborateswithagent concept_person_meyer +concept_animal_head concept:agentcontrols concept_person_perry +concept_animal_head concept:agentcontrols concept_person_taylor +concept_animal_head concept:agentcontrols concept_person_williams +concept_animal_head concept:agentcontrols concept_person_wilson +concept_animal_head concept:agentcollaborateswithagent concept_personaustralia_smith +concept_animal_head concept:agentcontrols concept_personaustralia_smith +concept_animal_head concept:agentcollaborateswithagent concept_politician_jobs +concept_animal_head concept:agentcontrols concept_politician_jobs +concept_animal_head concept:agentcontrols concept_politicianus_miller +concept_animal_head concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_head concept:agentcontrols concept_visualartist_meyer +concept_animal_head concept:agentcollaborateswithagent concept_writer_brown +concept_animal_head concept:agentcollaborateswithagent concept_writer_jones +concept_animal_herbivores concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_animal_herbivores concept:animalpreyson concept_agriculturalproduct_goats +concept_animal_herbivores concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_animal_herbivores concept:animalpreyson concept_agriculturalproduct_pigs +concept_animal_herbivores concept:animalpreyson concept_invertebrate_cattle +concept_animal_herbivores concept:animalpreyson concept_mammal_cows +concept_animal_herbivores concept:animalistypeofanimal concept_mammal_deer +concept_animal_herbivores concept:animalpreyson concept_mammal_deer +concept_animal_herbivores concept:animalistypeofanimal concept_mammal_horses +concept_animal_herbivores concept:animalpreyson concept_mammal_horses +concept_animal_herbivores concept:animalistypeofanimal concept_mammal_rabbits +concept_animal_herbivores concept:animalpreyson concept_mammal_rabbits +concept_animal_herbivores concept:animalistypeofanimal concept_mammal_sheep +concept_animal_herbivores concept:animalpreyson concept_mammal_sheep +concept_animal_herbivory concept:animaleatfood concept_plant_soybean +concept_animal_hippopotamuses concept:animalistypeofanimal concept_mammal_animals +concept_animal_house_pets concept:animalistypeofanimal concept_mammal_animals +concept_animal_house_pets concept:animalpreyson concept_mammal_animals +concept_animal_house_pets concept:animalistypeofanimal concept_mammal_cats +concept_animal_house_pets concept:animalpreyson concept_mammal_cats +concept_animal_house_pets concept:animalistypeofanimal concept_mammal_dogs +concept_animal_house_pets concept:animalpreyson concept_mammal_dogs +concept_animal_humans concept:animaleatfood concept_agriculturalproduct_berries +concept_animal_humans concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_animal_humans concept:animalpreyson concept_agriculturalproduct_livestock +concept_animal_humans concept:animalistypeofanimal concept_animal_beasts +concept_animal_humans concept:animalistypeofanimal concept_animal_birds002 +concept_animal_humans concept:animalpreyson concept_animal_birds002 +concept_animal_humans concept:animalistypeofanimal concept_animal_creatures +concept_animal_humans concept:animalpreyson concept_animal_creatures +concept_animal_humans concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_humans concept:animalistypeofanimal concept_animal_organisms +concept_animal_humans concept:animalpreyson concept_animal_organisms +concept_animal_humans concept:animalistypeofanimal concept_animal_vertebrates +concept_animal_humans concept:animalsuchasinvertebrate concept_animal_vertebrates +concept_animal_humans concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_animal_humans concept:animaldevelopdisease concept_disease_acne +concept_animal_humans concept:animaldevelopdisease concept_disease_disabilities +concept_animal_humans concept:animaldevelopdisease concept_disease_disorders +concept_animal_humans concept:animaldevelopdisease concept_disease_rabies +concept_animal_humans concept:animaldevelopdisease concept_disease_syndrome +concept_animal_humans concept:animaleatfood concept_fruit_mangos +concept_animal_humans concept:animalistypeofanimal concept_mammal_animals +concept_animal_humans concept:animalpreyson concept_mammal_animals +concept_animal_humans concept:animalistypeofanimal concept_mammal_cats +concept_animal_humans concept:animalpreyson concept_mammal_cats +concept_animal_humans concept:animalistypeofanimal concept_mammal_dogs +concept_animal_humans concept:animalpreyson concept_mammal_dogs +concept_animal_humans concept:animalistypeofanimal concept_mammal_domestic_animals +concept_animal_humans concept:agentcompeteswithagent concept_mammal_large_mammals +concept_animal_humans concept:animalistypeofanimal concept_mammal_large_mammals +concept_animal_humans concept:animalistypeofanimal concept_mammal_mammals +concept_animal_humans concept:animalpreyson concept_mammal_mammals +concept_animal_humans concept:animalistypeofanimal concept_mammal_mice +concept_animal_humans concept:animalpreyson concept_mammal_pets +concept_animal_humans concept:animalistypeofanimal concept_mammal_predators +concept_animal_humans concept:animalpreyson concept_mammal_predators +concept_animal_humans concept:animalistypeofanimal concept_mammal_primates +concept_animal_humans concept:animalpreyson concept_mammal_primates +concept_animal_humans concept:animalistypeofanimal concept_mammal_rats +concept_animal_humans concept:animalpreyson concept_mammal_rats +concept_animal_humans concept:animalistypeofanimal concept_mammal_social_animals +concept_animal_humans concept:animalistypeofanimal concept_mammal_wild_animals +concept_animal_humans concept:animalpreyson concept_mammal_wild_animals +concept_animal_humans concept:animaleatvegetable concept_vegetable_peas +concept_animal_humans concept:animalistypeofanimal concept_vertebrate_warm_blooded_animals +concept_animal_hyena concept:animalistypeofanimal concept_mammal_animals +concept_animal_hyena concept:animalistypeofanimal concept_mammal_predators +concept_animal_hyenas concept:animalistypeofanimal concept_animal_carnivores +concept_animal_hyenas concept:animalpreyson concept_animal_carnivores +concept_animal_hyenas concept:specializationof concept_animal_carnivores +concept_animal_hyenas concept:animalistypeofanimal concept_animal_scavengers +concept_animal_hyenas concept:animalpreyson concept_animal_scavengers +concept_animal_hyenas concept:animalistypeofanimal concept_mammal_animals +concept_animal_hyenas concept:animalpreyson concept_mammal_animals +concept_animal_hyenas concept:animalistypeofanimal concept_mammal_predators +concept_animal_hyenas concept:animalpreyson concept_mammal_predators +concept_animal_ice_fishing concept:animalsuchasfish concept_fish_trout +concept_animal_important_fish concept:animalsuchasfish concept_fish_trout +concept_animal_individuals concept:animalpreyson concept_animal_animals001 +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_criminal_offenses +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_drug_crimes +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_felonies +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_international_crimes +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_misdemeanor +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_misdemeanors +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_possession +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_sexual_offenses +concept_animal_individuals concept:agentparticipatedinevent concept_crimeorcharge_violations +concept_animal_individuals concept:animaldevelopdisease concept_disease_adhd +concept_animal_individuals concept:animaldevelopdisease concept_disease_adhd_ +concept_animal_individuals concept:animaldevelopdisease concept_disease_allergies +concept_animal_individuals concept:animaldevelopdisease concept_disease_autism +concept_animal_individuals concept:animaldevelopdisease concept_disease_condition +concept_animal_individuals concept:animaldevelopdisease concept_disease_conditions +concept_animal_individuals concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_animal_individuals concept:animaldevelopdisease concept_disease_diabetes +concept_animal_individuals concept:animaldevelopdisease concept_disease_disabilites +concept_animal_individuals concept:animaldevelopdisease concept_disease_disabilities +concept_animal_individuals concept:animaldevelopdisease concept_disease_disability +concept_animal_individuals concept:animaldevelopdisease concept_disease_disorder +concept_animal_individuals concept:animaldevelopdisease concept_disease_disorders +concept_animal_individuals concept:animaldevelopdisease concept_disease_health_conditions +concept_animal_individuals concept:animaldevelopdisease concept_disease_illness +concept_animal_individuals concept:animaldevelopdisease concept_disease_illnesses +concept_animal_individuals concept:animaldevelopdisease concept_disease_influenza +concept_animal_individuals concept:animaldevelopdisease concept_disease_injuries +concept_animal_individuals concept:animaldevelopdisease concept_disease_injury +concept_animal_individuals concept:animaldevelopdisease concept_disease_learning_disabilities +concept_animal_individuals concept:animaldevelopdisease concept_disease_mental_retardation +concept_animal_individuals concept:animaldevelopdisease concept_disease_neurological_disorders +concept_animal_individuals concept:animaldevelopdisease concept_disease_pervasive_developmental_disorders +concept_animal_individuals concept:animaldevelopdisease concept_disease_physical_disabilities +concept_animal_individuals concept:animaldevelopdisease concept_disease_problems +concept_animal_individuals concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_animal_individuals concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_animal_individuals concept:animaldevelopdisease concept_disease_symptoms +concept_animal_individuals concept:animaldevelopdisease concept_disease_syndrome +concept_animal_individuals concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_individuals concept:animalpreyson concept_mammal_dogs +concept_animal_individuals concept:animaldevelopdisease concept_physiologicalcondition_handicaps +concept_animal_individuals concept:animaldevelopdisease concept_physiologicalcondition_health_issues +concept_animal_individuals concept:animaldevelopdisease concept_physiologicalcondition_health_needs +concept_animal_individuals concept:animaldevelopdisease concept_physiologicalcondition_retardation +concept_animal_individuals concept:animalpreyson concept_reptile_pets +concept_animal_individuals concept:agentparticipatedinevent concept_sportsgame_charges +concept_animal_industry concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_insectivores concept:animalthatfeedoninsect concept_insect_ants +concept_animal_insectivores concept:animalthatfeedoninsect concept_insect_insects +concept_animal_introduction concept:agentcompeteswithagent concept_vertebrate_search +concept_animal_invertebrates concept:animaleatfood concept_beverage_nectar +concept_animal_invertebrates concept:animalpreyson concept_invertebrate_worms +concept_animal_invertebrates concept:animaleatfood concept_vegetable_leaves +concept_animal_kitten concept:animaleatfood concept_food_prey +concept_animal_lamb concept:animaleatfood concept_beverage_side +concept_animal_lamb concept:animaleatfood concept_nut_tender +concept_animal_lamb concept:animaleatvegetable concept_vegetable_rice +concept_animal_large_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_animal_large_animals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_animal_large_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_animal_large_animals concept:animalsuchasfish concept_fish_sharks +concept_animal_large_animals concept:animalsuchasfish concept_fish_whale_sharks +concept_animal_large_animals concept:animalpreyson concept_invertebrate_cattle +concept_animal_large_animals concept:animalpreyson concept_mammal_bears +concept_animal_large_animals concept:animalistypeofanimal concept_mammal_cows +concept_animal_large_animals concept:animalpreyson concept_mammal_cows +concept_animal_large_animals concept:animalistypeofanimal concept_mammal_deer +concept_animal_large_animals concept:animalistypeofanimal concept_mammal_dogs +concept_animal_large_animals concept:animalpreyson concept_mammal_dogs +concept_animal_large_animals concept:animalpreyson concept_mammal_elephants +concept_animal_large_animals concept:animalpreyson concept_mammal_elk +concept_animal_large_animals concept:animalistypeofanimal concept_mammal_horses +concept_animal_large_animals concept:animalpreyson concept_mammal_horses +concept_animal_large_herd concept:ismultipleof concept_agriculturalproduct_cattle +concept_animal_large_herd concept:ismultipleof concept_mammal_antelope +concept_animal_large_herd concept:ismultipleof concept_mammal_sheep +concept_animal_large_predator_fish concept:animalsuchasfish concept_fish_swordfish +concept_animal_large_predators concept:animalpreyson concept_mammal_bears +concept_animal_large_predators concept:animalpreyson concept_mammal_cougars +concept_animal_large_predators concept:animalpreyson concept_mammal_mountain_lions +concept_animal_large_predators concept:animalpreyson concept_mammal_wolves +concept_animal_large_sharks concept:animalsuchasfish concept_fish_shark +concept_animal_larger_mammals concept:animalistypeofanimal concept_mammal_deer +concept_animal_larger_mammals concept:animalpreyson concept_mammal_deer +concept_animal_larger_pets concept:animalistypeofanimal concept_mammal_dogs +concept_animal_larger_pets concept:animalpreyson concept_mammal_dogs +concept_animal_larger_predators concept:animalsuchasfish concept_fish_sharks +concept_animal_larger_predatory_fish concept:animalsuchasfish concept_fish_shark +concept_animal_larger_predatory_fish concept:animalsuchasfish concept_fish_swordfish +concept_animal_larger_sharks concept:animalsuchasfish concept_fish_shark +concept_animal_lemurs001 concept:animalistypeofanimal concept_animal_animals001 +concept_animal_lemurs001 concept:animalpreyson concept_animal_animals001 +concept_animal_lemurs001 concept:specializationof concept_animal_animals001 +concept_animal_leopards concept:animalistypeofanimal concept_animal_beasts +concept_animal_leopards concept:animalistypeofanimal concept_animal_carnivores +concept_animal_leopards concept:animalistypeofanimal concept_animal_creatures +concept_animal_leopards concept:animalistypeofanimal concept_mammal_animals +concept_animal_leopards concept:animalpreyson concept_mammal_animals +concept_animal_leopards concept:specializationof concept_mammal_animals +concept_animal_leopards concept:animalistypeofanimal concept_mammal_big_cats +concept_animal_leopards concept:animalpreyson concept_mammal_big_cats +concept_animal_leopards concept:animalistypeofanimal concept_mammal_cats +concept_animal_leopards concept:animalpreyson concept_mammal_cats +concept_animal_leopards concept:animalistypeofanimal concept_mammal_felines +concept_animal_leopards concept:animalistypeofanimal concept_mammal_predators +concept_animal_leopards concept:animalpreyson concept_mammal_predators +concept_animal_leopards concept:animalistypeofanimal concept_mammal_wild_animals +concept_animal_leopards concept:animalpreyson concept_mammal_wild_animals +concept_animal_leopards concept:specializationof concept_mammal_wild_animals +concept_animal_links concept:specializationof concept_animal_classifieds +concept_animal_links concept:specializationof concept_animal_lists +concept_animal_links concept:agentinvolvedwithitem concept_buildingfeature_browser_windows +concept_animal_links concept:agentinvolvedwithitem concept_buildingfeature_tab_window +concept_animal_links concept:agentinvolvedwithitem concept_buildingfeature_window +concept_animal_links concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_animal_links concept:agentinvolvedwithitem concept_buildingfeature_windows_tabs +concept_animal_links concept:agentinvolvedwithitem concept_candy_tabs +concept_animal_links concept:agentcreated concept_city_click +concept_animal_links concept:specializationof concept_director_nothing +concept_animal_links concept:agentinvolvedwithitem concept_hallwayitem_window_tab +concept_animal_links concept:agentinvolvedwithitem concept_mlsoftware_instance +concept_animal_links concept:agentinvolvedwithitem concept_product_tab +concept_animal_links concept:agentcreated concept_programminglanguage_contact +concept_animal_links concept:agentcreated concept_scientificterm_access_information +concept_animal_links concept:agentcompeteswithagent concept_vertebrate_search +concept_animal_links concept:agentinvolvedwithitem concept_wallitem_browser_page +concept_animal_links concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_animal_links concept:agentcreated concept_website_download +concept_animal_lion_cubs concept:animalistypeofanimal concept_mammal_animals +concept_animal_lists concept:agentcompeteswithagent concept_vertebrate_search +concept_animal_llama001 concept:animalistypeofanimal concept_animal_animals002 +concept_animal_llama001 concept:specializationof concept_animal_animals002 +concept_animal_locusts concept:animalsuchasinsect concept_insect_insects +concept_animal_locusts concept:animalthatfeedoninsect concept_insect_insects +concept_animal_locusts concept:arthropodandotherarthropod concept_insect_insects +concept_animal_locusts concept:arthropodcalledarthropod concept_insect_insects +concept_animal_mammals001 concept:animalpreyson concept_animal_animals001 +concept_animal_mammals001 concept:animalpreyson concept_animal_deer001 +concept_animal_mammals001 concept:animalpreyson concept_animal_dolphins001 +concept_animal_mammals001 concept:animalpreyson concept_animal_mammals001 +concept_animal_mammals001 concept:animalpreyson concept_animal_moles001 +concept_animal_mammals001 concept:animalpreyson concept_animal_organisms +concept_animal_mammals001 concept:animalsuchasfish concept_animal_seals001 +concept_animal_mammals001 concept:animalpreyson concept_animal_voles001 +concept_animal_mammals001 concept:animalpreyson concept_arthropod_raccoons +concept_animal_mammals001 concept:agentcompeteswithagent concept_blog_goats +concept_animal_mammals001 concept:animalsuchasfish concept_fish_whale +concept_animal_mammals001 concept:animalsuchasfish concept_fish_whales +concept_animal_mammals001 concept:animalsuchasinsect concept_insect_insects +concept_animal_mammals001 concept:animalpreyson concept_invertebrate_cattle +concept_animal_mammals001 concept:animalpreyson concept_invertebrate_hedgehogs +concept_animal_mammals001 concept:animalpreyson concept_invertebrate_possums +concept_animal_mammals001 concept:animalsuchasinvertebrate concept_invertebrate_possums +concept_animal_mammals001 concept:animalsuchasinvertebrate concept_invertebrate_reptiles +concept_animal_man concept:animaldevelopdisease concept_disease_disabilities +concept_animal_man concept:animaldevelopdisease concept_disease_disorder +concept_animal_man concept:animaldevelopdisease concept_disease_syndrome +concept_animal_man concept:animaleatfood concept_food_vegetarian_food +concept_animal_man concept:animaldevelopdisease concept_physiologicalcondition_retardation +concept_animal_manatees concept:animalistypeofanimal concept_animal_creatures +concept_animal_manatees concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_manatees concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_manatees concept:animalistypeofanimal concept_mammal_animals +concept_animal_manatees concept:animalpreyson concept_mammal_animals +concept_animal_manatees concept:animalistypeofanimal concept_mammal_mammals +concept_animal_manatees concept:animalpreyson concept_mammal_mammals +concept_animal_manatees concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_animal_mantises concept:animalpreyson concept_insect_insects +concept_animal_mantises concept:animalsuchasinsect concept_insect_insects +concept_animal_mantises concept:animalsuchasinvertebrate concept_insect_insects +concept_animal_marine_animals concept:animalsuchasinvertebrate concept_arthropod_jellyfish +concept_animal_marine_animals concept:animalsuchasfish concept_fish_sharks +concept_animal_marine_animals concept:animalsuchasfish concept_fish_shellfish +concept_animal_marine_animals concept:animalsuchasinvertebrate concept_invertebrate_corals +concept_animal_marine_animals concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_animal_marine_life concept:animalsuchasinvertebrate concept_agriculturalproduct_oysters +concept_animal_marine_life concept:animalsuchasinvertebrate concept_arthropod_clams +concept_animal_marine_life concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_animal_marine_life concept:animalsuchasinvertebrate concept_arthropod_sponges +concept_animal_marine_life concept:animalsuchasfish concept_fish_barracuda +concept_animal_marine_life concept:animalsuchasfish concept_fish_dolphin +concept_animal_marine_life concept:animalsuchasfish concept_fish_eagle_rays +concept_animal_marine_life concept:animalsuchasfish concept_fish_manta_rays +concept_animal_marine_life concept:animalsuchasfish concept_fish_moray_eels +concept_animal_marine_life concept:animalsuchasfish concept_fish_reef_fish +concept_animal_marine_life concept:animalsuchasfish concept_fish_reef_sharks +concept_animal_marine_life concept:animalsuchasfish concept_fish_salmon +concept_animal_marine_life concept:animalsuchasfish concept_fish_sharks +concept_animal_marine_life concept:animalsuchasfish concept_fish_shellfish +concept_animal_marine_life concept:animalsuchasfish concept_fish_stingrays +concept_animal_marine_life concept:animalsuchasfish concept_fish_tropical_fish +concept_animal_marine_life concept:animalsuchasfish concept_fish_whale_sharks +concept_animal_marine_life concept:animalthatfeedoninsect concept_insect_crabs +concept_animal_marine_life concept:animalsuchasinvertebrate concept_invertebrate_corals +concept_animal_marine_life concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_animal_marlins concept:animalistypeofanimal concept_fish_game_fish +concept_animal_meerkats concept:specializationof concept_mammal_animals +concept_animal_mermaids concept:animalistypeofanimal concept_animal_creatures +concept_animal_mice concept:animalsuchasinsect concept_animal_small_mammals +concept_animal_mice concept:animalsuchasinsect concept_insect_pests +concept_animal_mice001 concept:agentcompeteswithagent concept_animal_animals002 +concept_animal_mice001 concept:animalistypeofanimal concept_animal_animals002 +concept_animal_mice001 concept:specializationof concept_animal_animals002 +concept_animal_mice001 concept:animalpreyson concept_animal_creatures +concept_animal_mice001 concept:specializationof concept_animal_creatures +concept_animal_mice001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_mice001 concept:animalpreyson concept_bird_mammals +concept_animal_mice001 concept:animaleatfood concept_candy_nuts +concept_animal_mice001 concept:animaldevelopdisease concept_disease_arthritis +concept_animal_mice001 concept:animaldevelopdisease concept_disease_cancer +concept_animal_mice001 concept:animaldevelopdisease concept_disease_cancers +concept_animal_mice001 concept:animaldevelopdisease concept_disease_cardiomyopathy +concept_animal_mice001 concept:animaldevelopdisease concept_disease_colitis +concept_animal_mice001 concept:animaldevelopdisease concept_disease_diabetes +concept_animal_mice001 concept:animaldevelopdisease concept_disease_epilepsy +concept_animal_mice001 concept:animaldevelopdisease concept_disease_hypertension +concept_animal_mice001 concept:animaldevelopdisease concept_disease_leukemia +concept_animal_mice001 concept:animaldevelopdisease concept_disease_obesity +concept_animal_mice001 concept:animaldevelopdisease concept_disease_syndrome +concept_animal_mice001 concept:animalsuchasinvertebrate concept_insect_pests +concept_animal_mice001 concept:specializationof concept_insect_pests +concept_animal_mice001 concept:animalsuchasinsect concept_insect_small_rodents +concept_animal_mice001 concept:specializationof concept_mammal_rodents +concept_animal_mice001 concept:specializationof concept_mammal_small_animals +concept_animal_mice001 concept:animalistypeofanimal concept_reptile_pets +concept_animal_mice001 concept:animalpreyson concept_reptile_pets +concept_animal_microorganisms concept:animaleatfood concept_food_sugars +concept_animal_microorganisms concept:animalsuchasinsect concept_insect_earthworms +concept_animal_microorganisms concept:animalthatfeedoninsect concept_insect_earthworms +concept_animal_microorganisms concept:specializationof concept_insect_earthworms +concept_animal_minks concept:agentcompeteswithagent concept_mammal_animals +concept_animal_minks concept:animalistypeofanimal concept_mammal_animals +concept_animal_minnows concept:animalsuchasfish concept_fish_bass +concept_animal_minnows concept:animalsuchasfish concept_fish_blue_catfish +concept_animal_minnows concept:animalsuchasfish concept_fish_catfish +concept_animal_minnows concept:animalsuchasfish concept_fish_crappie +concept_animal_minnows concept:animalsuchasfish concept_fish_crappies +concept_animal_minnows concept:animalsuchasfish concept_fish_perch +concept_animal_minnows concept:animalsuchasfish concept_fish_pike +concept_animal_minnows concept:animalsuchasfish concept_fish_striper +concept_animal_minnows concept:animalsuchasfish concept_fish_trout +concept_animal_minnows concept:animalsuchasfish concept_fish_walleye +concept_animal_moles concept:animalistypeofanimal concept_animal_creatures +concept_animal_moles concept:animalpreyson concept_animal_creatures +concept_animal_moles concept:animalistypeofanimal concept_mammal_rodents +concept_animal_moles001 concept:animalpreyson concept_animal_animals001 +concept_animal_moles001 concept:animalistypeofanimal concept_animal_mammals001 +concept_animal_moles001 concept:animalpreyson concept_animal_mammals001 +concept_animal_moles001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_moles001 concept:animalistypeofanimal concept_animal_small_mammals +concept_animal_moles001 concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_animal_native_fish concept:animalsuchasfish concept_fish_trout +concept_animal_neons concept:animalistypeofanimal concept_fish_tetras +concept_animal_neons concept:animalpreyson concept_fish_tetras +concept_animal_nonhuman_primates concept:animalpreyson concept_mammal_animals +concept_animal_ocean_fish concept:animalsuchasfish concept_fish_salmon +concept_animal_ocean_fish concept:animalsuchasfish concept_fish_tuna +concept_animal_officer concept:agentcreated concept_company_case +concept_animal_officer concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_officer concept:agentcreated concept_programminglanguage_contact +concept_animal_older_children concept:animaleatfood concept_beverage_sugar +concept_animal_older_children concept:animaldevelopdisease concept_disease_asthma +concept_animal_older_children concept:animaldevelopdisease concept_disease_disabilities +concept_animal_older_children concept:animaldevelopdisease concept_disease_disorder +concept_animal_older_children concept:animaldevelopdisease concept_disease_problems +concept_animal_older_children concept:animaldevelopdisease concept_disease_syndrome +concept_animal_orangutans concept:animalistypeofanimal concept_mammal_animals +concept_animal_orangutans concept:animalpreyson concept_mammal_animals +concept_animal_orangutans concept:specializationof concept_mammal_animals +concept_animal_orangutans concept:animalistypeofanimal concept_mammal_apes +concept_animal_orangutans concept:animalistypeofanimal concept_mammal_primates +concept_animal_orcas concept:animalistypeofanimal concept_mammal_animals +concept_animal_orcas concept:specializationof concept_mammal_animals +concept_animal_organisms concept:animalpreyson concept_animal_animals001 +concept_animal_organisms concept:animalpreyson concept_animal_birds002 +concept_animal_organisms concept:animalpreyson concept_animal_humans +concept_animal_organisms concept:animalpreyson concept_animal_mammals001 +concept_animal_organisms concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_organisms concept:animalsuchasinvertebrate concept_animal_man +concept_animal_organisms concept:animalpreyson concept_animal_organisms +concept_animal_organisms concept:animalsuchasinvertebrate concept_arthropod_arthropods +concept_animal_organisms concept:animalthatfeedoninsect concept_arthropod_natural_enemies +concept_animal_organisms concept:animalthatfeedoninsect concept_arthropod_snails +concept_animal_organisms concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_animal_organisms concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_organisms concept:animalsuchasinsect concept_insect_ants +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_ants +concept_animal_organisms concept:animalsuchasinsect concept_insect_beetles +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_beetles +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_beneficial_insects +concept_animal_organisms concept:animalsuchasinsect concept_insect_butterflies +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_crabs +concept_animal_organisms concept:animalsuchasinsect concept_insect_earthworms +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_earthworms +concept_animal_organisms concept:animalsuchasinsect concept_insect_flies +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_flies +concept_animal_organisms concept:animalsuchasinsect concept_insect_fly +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_fly +concept_animal_organisms concept:animalsuchasinsect concept_insect_insects +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_insects +concept_animal_organisms concept:animalsuchasinsect concept_insect_mites +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_mites +concept_animal_organisms concept:animalsuchasinsect concept_insect_pests +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_pests +concept_animal_organisms concept:animalistypeofanimal concept_insect_termites +concept_animal_organisms concept:animalsuchasinsect concept_insect_termites +concept_animal_organisms concept:animalthatfeedoninsect concept_insect_termites +concept_animal_organisms concept:animalpreyson concept_invertebrate_bees +concept_animal_organisms concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_animal_organisms concept:animalsuchasinvertebrate concept_invertebrate_nematodes +concept_animal_organisms concept:animalpreyson concept_invertebrate_worms +concept_animal_organisms concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_animal_organisms concept:animalpreyson concept_mammal_man +concept_animal_organisms concept:animalpreyson concept_mammal_mice +concept_animal_organisms concept:animalpreyson concept_mammal_predators +concept_animal_organisms concept:animalpreyson concept_mammal_rats +concept_animal_otters concept:animalistypeofanimal concept_animal_creatures +concept_animal_ox concept:animalistypeofanimal concept_mammal_animals +concept_animal_ox concept:animaleatfood concept_vegetable_potatoes +concept_animal_panda concept:animalistypeofanimal concept_animal_animals001 +concept_animal_peacocks concept:animalistypeofanimal concept_mammal_animals +concept_animal_peacocks concept:animalpreyson concept_mammal_animals +concept_animal_pelagic_fishes concept:animalsuchasfish concept_fish_sharks +concept_animal_pelagic_species concept:animalsuchasfish concept_fish_sharks +concept_animal_pelagic_species concept:animalsuchasfish concept_fish_tuna +concept_animal_pelagic_species concept:animalsuchasfish concept_fish_whale_sharks +concept_animal_peregrine_falcons concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_peregrines concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_pet concept:animalpreyson concept_animal_birds002 +concept_animal_pet concept:animalpreyson concept_animal_pet +concept_animal_pet concept:animaldevelopdisease concept_disease_problems +concept_animal_pet concept:animaldevelopdisease concept_disease_rabies +concept_animal_pet concept:animalpreyson concept_mammal_animal_companions +concept_animal_pet concept:animalistypeofanimal concept_mammal_animals +concept_animal_pet concept:animalpreyson concept_mammal_animals +concept_animal_pet concept:animalistypeofanimal concept_mammal_cat +concept_animal_pet concept:animalpreyson concept_mammal_cat +concept_animal_pet concept:animalpreyson concept_mammal_cats +concept_animal_pet concept:animalpreyson concept_mammal_companion_animals +concept_animal_pet concept:animalistypeofanimal concept_mammal_dog +concept_animal_pet concept:animalpreyson concept_mammal_dog +concept_animal_pet concept:animalistypeofanimal concept_mammal_dogs +concept_animal_pet concept:animalpreyson concept_mammal_dogs +concept_animal_pet concept:animalpreyson concept_mammal_four_legged_friends +concept_animal_pet concept:animalpreyson concept_mammal_furry_friends +concept_animal_pet concept:animalpreyson concept_mammal_pets +concept_animal_pet concept:animalpreyson concept_reptile_hamster +concept_animal_pet concept:animalpreyson concept_vertebrate_beloved_pets +concept_animal_pet_rats concept:agentcompeteswithagent concept_mammal_animals +concept_animal_pet_rats concept:animalistypeofanimal concept_mammal_animals +concept_animal_polar_bears concept:animalistypeofanimal concept_animal_creatures +concept_animal_polar_bears concept:animalpreyson concept_animal_creatures +concept_animal_polar_bears concept:animalistypeofanimal concept_mammal_animals +concept_animal_polar_bears concept:animalpreyson concept_mammal_animals +concept_animal_polar_bears concept:animalistypeofanimal concept_mammal_mammals +concept_animal_polar_bears concept:animalpreyson concept_mammal_mammals +concept_animal_pooches concept:animalpreyson concept_animal_dog001 +concept_animal_poultry concept:agentcompeteswithagent concept_agriculturalproduct_livestock +concept_animal_poultry concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_animal_poultry concept:animalistypeofanimal concept_animal_fowl +concept_animal_poultry concept:animaleatfood concept_beverage_side +concept_animal_poultry concept:animalpreyson concept_bird_chickens +concept_animal_poultry concept:animalpreyson concept_bird_ducks +concept_animal_poultry concept:animalistypeofanimal concept_mammal_farm_animals +concept_animal_predator concept:animalsuchasfish concept_fish_shark +concept_animal_predator concept:animalsuchasfish concept_fish_trout +concept_animal_predator concept:animalsuchasinsect concept_insect_insects +concept_animal_predator concept:animalthatfeedoninsect concept_insect_insects +concept_animal_predator concept:arthropodandotherarthropod concept_insect_insects +concept_animal_preschoolers concept:animaldevelopdisease concept_disease_disabilities +concept_animal_preschoolers concept:animaldevelopdisease concept_disease_disorders +concept_animal_preschoolers concept:animaldevelopdisease concept_disease_problems +concept_animal_preschoolers concept:animaldevelopdisease concept_disease_syndrome +concept_animal_puppy concept:animaldevelopdisease concept_disease_rabies +concept_animal_puppy concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_puppy concept:animalpreyson concept_mammal_dogs +concept_animal_puppy concept:animalpreyson concept_mammal_pets +concept_animal_puppy concept:animalpreyson concept_mammal_puppies +concept_animal_pups concept:animalistypeofanimal concept_mammal_dog +concept_animal_pups concept:animalpreyson concept_mammal_dog +concept_animal_pups concept:animalistypeofanimal concept_mammal_dogs +concept_animal_pups concept:animalpreyson concept_mammal_dogs +concept_animal_pups concept:animalistypeofanimal concept_mammal_pets +concept_animal_quail concept:animalistypeofanimal concept_animal_bird_species +concept_animal_rabid_animals concept:animalpreyson concept_mammal_raccoons +concept_animal_racoons concept:agentcompeteswithagent concept_mammal_animals +concept_animal_racoons concept:animalistypeofanimal concept_mammal_animals +concept_animal_rare_animals concept:animalpreyson concept_mammal_deer +concept_animal_rare_animals concept:agentcompeteswithagent concept_reptile_deer +concept_animal_ravens concept:animalistypeofanimal concept_mammal_predators +concept_animal_ravens concept:animalpreyson concept_mammal_predators +concept_animal_rhino001 concept:animalistypeofanimal concept_animal_animals002 +concept_animal_rhino001 concept:animalpreyson concept_animal_animals002 +concept_animal_roosters concept:animalistypeofanimal concept_mammal_animals +concept_animal_roosters concept:animalpreyson concept_mammal_animals +concept_animal_roosters concept:specializationof concept_mammal_animals +concept_animal_salmonid_species concept:animalsuchasfish concept_fish_trout +concept_animal_san_jose concept:mutualproxyfor concept_animal_costa_rica +concept_animal_san_jose concept:proxyfor concept_company_hp_pavilion +concept_animal_san_jose concept:mutualproxyfor concept_politician_chuck_reed +concept_animal_scavengers concept:animalpreyson concept_animal_hyenas +concept_animal_scavengers concept:animalthatfeedoninsect concept_insect_insects +concept_animal_scavengers concept:animalistypeofanimal concept_mammal_dogs +concept_animal_scavengers concept:animalpreyson concept_mammal_dogs +concept_animal_sea_animals concept:animalsuchasfish concept_fish_sharks +concept_animal_sea_creatures concept:animalsuchasinvertebrate concept_arthropod_jellyfish +concept_animal_sea_creatures concept:animalsuchasinvertebrate concept_arthropod_sponges +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_sharks +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_shellfish +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_small_fish +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_tropical_fish +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_whale +concept_animal_sea_creatures concept:animalsuchasfish concept_fish_whales +concept_animal_sea_creatures concept:animalsuchasinvertebrate concept_invertebrate_corals +concept_animal_sea_creatures concept:animalsuchasinvertebrate concept_mollusk_clams +concept_animal_sea_cucumbers concept:animalistypeofanimal concept_animal_creatures +concept_animal_seals001 concept:animalpreyson concept_animal_animals001 +concept_animal_seals001 concept:animalpreyson concept_animal_birds002 +concept_animal_seals001 concept:animalpreyson concept_animal_mammals001 +concept_animal_seals001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_seals001 concept:animalpreyson concept_invertebrate_marine_mammals +concept_animal_second_twin concept:latitudelongitude 46.1745200000000,-78.4837600000000 +concept_animal_serpents concept:animalpreyson concept_animal_creatures +concept_animal_shell concept:atdate concept_dateliteral_n2006 +concept_animal_shiners concept:animalsuchasfish concept_fish_bass +concept_animal_shiners concept:animalsuchasfish concept_fish_crappie +concept_animal_shore concept:animalsuchasfish concept_fish_bass +concept_animal_shore concept:animalsuchasfish concept_fish_trout +concept_animal_small_creatures concept:animalpreyson concept_animal_birds002 +concept_animal_small_mammals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_animal_small_mammals concept:animalpreyson concept_agriculturalproduct_pigs +concept_animal_small_mammals concept:animalistypeofanimal concept_animal_animals001 +concept_animal_small_mammals concept:animalistypeofanimal concept_animal_birds003 +concept_animal_small_mammals concept:animalpreyson concept_animal_voles001 +concept_animal_small_mammals concept:animalistypeofanimal concept_arthropod_prey +concept_animal_small_mammals concept:animalpreyson concept_insect_ground_squirrels +concept_animal_small_mammals concept:animalpreyson concept_mammal_bats +concept_animal_small_mammals concept:animalpreyson concept_mammal_chipmunks +concept_animal_small_mammals concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_animal_small_mammals concept:animalpreyson concept_mammal_guinea_pigs +concept_animal_small_mammals concept:animalpreyson concept_mammal_hares +concept_animal_small_mammals concept:animalpreyson concept_mammal_mice +concept_animal_small_mammals concept:animalpreyson concept_mammal_rabbits +concept_animal_small_mammals concept:animalpreyson concept_mammal_rats +concept_animal_small_mammals concept:animalpreyson concept_mammal_rodents +concept_animal_small_mammals concept:animalpreyson concept_mammal_shrews +concept_animal_small_mammals concept:animalpreyson concept_mammal_squirrels +concept_animal_social_insects concept:animalistypeofanimal concept_insect_ants +concept_animal_social_insects concept:animalsuchasinsect concept_insect_ants +concept_animal_social_insects concept:animalthatfeedoninsect concept_insect_ants +concept_animal_social_insects concept:animalistypeofanimal concept_insect_termites +concept_animal_social_insects concept:animalsuchasinsect concept_insect_termites +concept_animal_social_insects concept:animalthatfeedoninsect concept_insect_termites +concept_animal_social_insects concept:animalistypeofanimal concept_insect_wasps +concept_animal_social_insects concept:animalsuchasinsect concept_insect_wasps +concept_animal_social_insects concept:animalthatfeedoninsect concept_insect_wasps +concept_animal_social_insects concept:animalistypeofanimal concept_invertebrate_bees +concept_animal_social_insects concept:animalpreyson concept_invertebrate_bees +concept_animal_social_insects concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_animal_somalis concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_staff concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_animal_staff concept:animaldevelopdisease concept_disease_disabilities +concept_animal_staff concept:animaldevelopdisease concept_disease_flu +concept_animal_staff concept:animaldevelopdisease concept_disease_influenza +concept_animal_staff concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_staff concept:agentcreated concept_website_phone +concept_animal_stoats concept:animalistypeofanimal concept_insect_pests +concept_animal_stoats concept:animalsuchasinsect concept_insect_pests +concept_animal_stoats concept:animalistypeofanimal concept_mammal_predators +concept_animal_stoats concept:animalpreyson concept_mammal_predators +concept_animal_students concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_animal_students concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_animal_students concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_animal_students concept:animaldevelopdisease concept_disease_add +concept_animal_students concept:animaldevelopdisease concept_disease_adhd_ +concept_animal_students concept:animaldevelopdisease concept_disease_aids +concept_animal_students concept:animaldevelopdisease concept_disease_allergies +concept_animal_students concept:animaldevelopdisease concept_disease_autism +concept_animal_students concept:animaldevelopdisease concept_disease_cognitive_disabilities +concept_animal_students concept:animaldevelopdisease concept_disease_conditions +concept_animal_students concept:animaldevelopdisease concept_disease_deficiencies +concept_animal_students concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_animal_students concept:animaldevelopdisease concept_disease_disabilites +concept_animal_students concept:animaldevelopdisease concept_disease_disabilities +concept_animal_students concept:animaldevelopdisease concept_disease_disability +concept_animal_students concept:animaldevelopdisease concept_disease_disorder +concept_animal_students concept:animaldevelopdisease concept_disease_disorders +concept_animal_students concept:animaldevelopdisease concept_disease_dyslexia +concept_animal_students concept:animaldevelopdisease concept_disease_flu +concept_animal_students concept:animaldevelopdisease concept_disease_health_conditions +concept_animal_students concept:animaldevelopdisease concept_disease_hepatitis_b +concept_animal_students concept:animaldevelopdisease concept_disease_injuries +concept_animal_students concept:animaldevelopdisease concept_disease_learning_disabilities +concept_animal_students concept:animaldevelopdisease concept_disease_physical_disabilities +concept_animal_students concept:animaldevelopdisease concept_disease_problems +concept_animal_students concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_animal_students concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_animal_students concept:animaldevelopdisease concept_disease_syndrome +concept_animal_students concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_students concept:animaldevelopdisease concept_physiologicalcondition_disabilities_access +concept_animal_students concept:animaldevelopdisease concept_physiologicalcondition_handicaps +concept_animal_students concept:animaldevelopdisease concept_physiologicalcondition_retardation +concept_animal_students concept:agentparticipatedinevent concept_sportsgame_charges +concept_animal_sugar_gliders concept:animalistypeofanimal concept_animal_creatures +concept_animal_sugar_gliders concept:animalistypeofanimal concept_mammal_animals +concept_animal_sugar_gliders concept:specializationof concept_mammal_animals +concept_animal_sugar_gliders concept:animalistypeofanimal concept_mammal_pets +concept_animal_super_furry_animals concept:agentcollaborateswithagent concept_musician_gruff_rhys +concept_animal_super_furry_animals concept:agentcontrols concept_musician_gruff_rhys +concept_animal_top_predators concept:animalsuchasfish concept_fish_whales +concept_animal_turkey concept:animaleatfood concept_agriculturalproduct_duck +concept_animal_turkey concept:animalistypeofanimal concept_animal_poultry +concept_animal_turkey concept:animaleatfood concept_condiment_onion +concept_animal_turkey concept:animaleatvegetable concept_food_sauerkraut +concept_animal_turkey concept:animalistypeofanimal concept_mammal_animals +concept_animal_turkey concept:animaleatvegetable concept_vegetable_lettuce +concept_animal_turkey concept:animaleatvegetable concept_vegetable_onion +concept_animal_turkey concept:animaleatvegetable concept_vegetable_onions +concept_animal_turkey concept:animaleatvegetable concept_vegetable_potatoes +concept_animal_turkey concept:animaleatvegetable concept_vegetable_rice +concept_animal_turkey concept:animaleatvegetable concept_vegetable_vegetables +concept_animal_turkey concept:animaleatvegetable concept_vegetable_veggies +concept_animal_ungulates concept:animalpreyson concept_agriculturalproduct_cattle +concept_animal_ungulates concept:animalpreyson concept_mammal_deer +concept_animal_various_species concept:animalthatfeedoninsect concept_insect_caterpillars +concept_animal_various_species concept:animalthatfeedoninsect concept_insect_insects +concept_animal_vertebrates concept:animalsuchasfish concept_fish_sharks +concept_animal_vertebrates concept:animalsuchasfish concept_fish_zebrafish +concept_animal_vertebrates001 concept:animalpreyson concept_animal_birds002 +concept_animal_vertebrates001 concept:animalpreyson concept_animal_humans +concept_animal_vertebrates001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_vertebrates001 concept:animalpreyson concept_mammal_bats +concept_animal_voles001 concept:animalistypeofanimal concept_animal_animals001 +concept_animal_voles001 concept:animalpreyson concept_animal_animals001 +concept_animal_voles001 concept:animalistypeofanimal concept_animal_mammals001 +concept_animal_voles001 concept:animalpreyson concept_animal_mammals001 +concept_animal_voles001 concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_animal_voles001 concept:animalistypeofanimal concept_animal_small_mammals +concept_animal_voles001 concept:animalpreyson concept_animal_small_mammals +concept_animal_voles001 concept:animalsuchasinsect concept_animal_small_mammals +concept_animal_voles001 concept:animalistypeofanimal concept_arthropod_prey +concept_animal_voles001 concept:animalsuchasinvertebrate concept_arthropod_prey +concept_animal_walruses concept:specializationof concept_mammal_animals +concept_animal_walruses concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_animal_waters concept:animalsuchasfish concept_fish_bass +concept_animal_waters concept:animalsuchasfish concept_fish_brook_trout +concept_animal_waters concept:animalsuchasfish concept_fish_brown_trout +concept_animal_waters concept:animalsuchasfish concept_fish_rainbow_trout +concept_animal_waters concept:animalsuchasfish concept_fish_salmon +concept_animal_waters concept:animalsuchasfish concept_fish_snook +concept_animal_waters concept:animalsuchasfish concept_fish_striped_bass +concept_animal_waters concept:animalsuchasfish concept_fish_tarpon +concept_animal_waters concept:animalsuchasfish concept_fish_trout +concept_animal_waters concept:animalsuchasfish concept_fish_tuna +concept_animal_waters concept:animalsuchasfish concept_fish_walleye +concept_animal_wild_populations concept:animalsuchasfish concept_fish_trout +concept_animal_wild_rabbits concept:agentcompeteswithagent concept_animal_animals001 +concept_animal_wildebeests concept:agentcompeteswithagent concept_mammal_animals +concept_animal_wildebeests concept:animalistypeofanimal concept_mammal_animals +concept_animal_wildlife concept:agentcompeteswithagent concept_animal_animals001 +concept_animal_wildlife concept:agentcompeteswithagent concept_animal_birds002 +concept_animal_wildlife concept:agentparticipatedinevent concept_eventoutcome_result +concept_animal_wings concept:agentparticipatedinevent concept_sportsgame_series +concept_animal_wonderful_dogs concept:animalistypeofanimal concept_mammal_pets +concept_animal_woodchucks concept:animalistypeofanimal concept_mammal_animals +concept_animal_woodchucks concept:animalistypeofanimal concept_mammal_mammals +concept_animal_wwf concept:mutualproxyfor concept_politicianus_linda_mcmahon +concept_animal_zoanthids concept:animalistypeofanimal concept_invertebrate_corals +concept_aquarium_alge_in_freshwater_planted_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_alkalinity_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_alkalinity_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_allenwood concept:proxyfor concept_radiostation_new_jersey +concept_aquarium_american_wilderness_zoo___aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_amirthi_zoological_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ammonia_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_anchorage_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_andeling_acres_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqua_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqua_culture_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqua_medics_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqua_tech_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquario_vasco_da_gama concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_alge concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_de_la_rochelle concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_de_san_sebastian concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_dolphin_exhibit concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_gravel_cleaner concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_im_tierpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_kew_gardens concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_la_rochelle concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_magazine_link_exchange concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_marine_science_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_marine_science_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_meeres_institut concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_of_quebec concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_parque_de_barcelona concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_ph_too_high concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_probleem_pomp concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_san_francisco_reopening concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_search_engine concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_serial_crack concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_tube_climb concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquarium_white_worm concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aquascape_all_glass_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqueon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aqueon_mega_flow_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_arabic_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_arcadia_arc_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_arlington_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_asamushi_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ataturk_forest_farm_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_atlanta_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_atlantis_marine_word_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_atlantis_marine_world_aquarium_in_riverhead concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_auchingarrich_wildlife_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_audubon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_aurangabad_municipal_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_baan_chang_elephant_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bangkok concept:atdate concept_date_n2000 +concept_aquarium_bangkok concept:atdate concept_year_n1992 +concept_aquarium_bass_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_benson_animal_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_berkshire_museum_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_betta_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_biggest_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bio_cube_oceanic_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_birder_s_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_black_algae_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_black_banded_cat_shark_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_blue_oscar_fish_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_book_the_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bor____s_djurpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_botanical_gardens concept:attractionofcity concept_city_sydney +concept_aquarium_bournemouth_water_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_brakish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bremerhaven_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_brooklyn_aquarium_at_coney_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bubble_gum_machine_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_buffalo_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_buffalo_zoological_garden concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_bunaken concept:latitudelongitude 1.6102800000000,124.7743050000000 +concept_aquarium_burapha_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_but_delta_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ca_monterey_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cabrillo_h_s__aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_calcium_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_california_monterey_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_camden_county_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_care_of_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_caring_for_garibaldi_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_catfish_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cause_of_blue_algae_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_chateau_de_vizille_animal_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cheap_lizard_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_chelyabinsk_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_chicago_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_chillers_for_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_chinese_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_christmas_moss_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cichlids_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cleaning_ammonia_out_of_freshwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_clearwater_maine_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_closed_loop_system_on_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_cold_spring_harbor_fish_hatchery___aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_competition_freshwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_connecticut_s_zoological_gardens concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_coral_for_small_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_coral_salt_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_coral_stone_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_corner_pillar_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_d_fw_area concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dallas_texas_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dallas_zoo_and_dallas_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_darwin_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_decoart_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_denitrator_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_denvers_im_stadtzentrum_gelegenes_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_designer_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_diy_plywood_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dolomite_for_freshwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dolostone_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_douglas_wildlife_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dreamworld_theme_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_dry_rock_for_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_duluth_mn_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_eastern_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_eclipise_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_eclipse_system_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ecological_impact_of_salt_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_effects_of_slate_to_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_eilat_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_epsom_salt_on_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_erlenwald_vogelpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_eti_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_exmoor_falconry_and_animal_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_experiences concept:proxyfor concept_book_new +concept_aquarium_experiences concept:istallerthan concept_publication_people_ +concept_aquarium_fake_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fargo_red_river_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fengshui_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ferne_animal_sanctuary concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_find_usa_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_first_phase concept:atdate concept_dateliteral_n2008 +concept_aquarium_flamingo_park_wildlife_encounter concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_florida_aquariums concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_floroda_s_gulfarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_folsom_children_s_zoo___botanical_gardens concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_folsom_childrens_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fort_myers_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_frankfurt_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_french_guiana_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_freshwater_community_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_freshwater_fish_id_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fresno_chaffe_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_friendship_cove concept:latitudelongitude 37.1097100000000,-111.2057100000000 +concept_aquarium_frogs_and_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ft__worth_zoo_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fun_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_fuzhou_panda_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_gelendzhik_oceanarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_genoa_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_giant_panda_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_glue_safe_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_goedkope_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_gold_and_koi_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_gran_alacant concept:latitudelongitude 38.2245600000000,-0.5191900000000 +concept_aquarium_grangewood_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_gravel_for_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_great_pacific_northwest_s_seattle_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_green_tide_syndrome_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_grouse_island_park_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_gulf_of_main_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_half_circle_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_half_wall_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hampton_beach_area concept:latitudelongitude 42.9528700000000,-70.8333900000000 +concept_aquarium_have_you_visted_the_tennessee_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hawkfish_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hayes_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_henry_villas_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_herndon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hex_shaped_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hexagon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_home_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_home_octopus_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hongdae concept:latitudelongitude 37.8666700000000,125.5000000000000 +concept_aquarium_hoods_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_hotels_near_ky_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_how_to_set_up_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_imaginarium_science_discovery_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_in_home_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_incredable_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_inwall_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_japanese_planted_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_jardin_zoologique concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_jardin_zoologique_tropical concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_jaszbereny_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_jenkinson_s_beach_and_boardwalk_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_jenks_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_john_g_shedd_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_johor_bahru_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_juwell_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kansas_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_katarniya_ghat_wildlife_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kentucky_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_keys_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kids_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kittenberger_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_knowlsey_safari_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kochi_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kolmarden_zoo_and_wildlife_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_kunterspring_tierpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_la_barben_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lakewood_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_large_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_large_wall_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_larvae_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_las_vegas_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_le_val_nature_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_learn_marine_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_leigh_valley_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_light_weight_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lightbulbs_as_decoration_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lights_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lincoln_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lobbecke___museum_und_aquazoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_los_angeles_area_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_louis concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_louis concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_aquarium_louis concept:proxyfor concept_stateorprovince_indiana +concept_aquarium_louisiana_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_louisiana_purchase_gardens_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lower_mainland concept:latitudelongitude 49.0833300000000,-122.3500000000000 +concept_aquarium_lowry_park_zoo_nbsp concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_lyon_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_madison_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_maintaing_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_manufacturer_of_mini_bow_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_marina_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_marine_aquarium_aves concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_marine_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_marine_invertebrate_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_mayan_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_melafix_for_salt_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_mid_atlantic_states concept:proxyfor concept_book_new +concept_aquarium_milan_civic_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_mimi_bay concept:latitudelongitude 18.2166700000000,-62.9833300000000 +concept_aquarium_missouri_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_moscow_oceanarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_mote_marine_science_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_museum_of_science___live_animal_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_mystic_seaport_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n10_gallon_salt_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1892_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1893_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1904_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1998_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1_5_gallon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n1_gallon_plastic_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n25_gallon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n3d_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n500_gallon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n55_gallon_plastic_barrel_tank_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n5_gallon_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n90_gallon_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_n90_gallon_bow_front_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_nashville concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_nat_l_zoological_gardens_of_s_africa concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_national_aquarium__baltimore concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_national_marine_aquarium_of_namibia concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_national_mississippi_river_museum concept:latitudelongitude 42.4966700000000,-90.6606800000000 +concept_aquarium_native_marine_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_natural_history_museum concept:attractionofcity concept_city_london_city +concept_aquarium_natural_world concept:latitudelongitude 37.7987000000000,-122.4610000000000 +concept_aquarium_nc_aquarium_at_roanoke_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_new_england concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_new_virginia_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_nitrate_cycle_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_nitrite_level_reduction_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_north_china_plain concept:latitudelongitude 34.5000000000000,116.0000000000000 +concept_aquarium_north_dakota_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_northern_new_jersey_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_nudibranchs_for_sale_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_number_of_public_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ocean_reefs_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_oceanic_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_oceanic_brand_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_oceanic_systems_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_odd_shaped_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_of_aquarium_oceanic concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_okeanos_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_old_town_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_old_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_one_of_a_kind_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_onslow_north_carolina_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ostroms_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ozone_vs_uv_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_panorama_park_sauerland_wildpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parasites_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parco_zoo_di_falconara concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parot_fish_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parque_zoobot_nico_de_joinville concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parque_zool_gico concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parque_zool_gico_arruda_c_mara concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parque_zool_gico_municipal_ant_nio_melo_ver_osa concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_parrot_feather_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_partitioned_wall_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_peat_grandules_for_fresh_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pendant_lighting_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_perfecto_glass_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ph_level_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ph_of_freshwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_phoenix_natural_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pictures_of_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pictures_of_freshwater_fish_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pictures_of_saltwater_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pictures_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_piranha_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pittsburgh_aqua_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_placement_of_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_plants_to_put_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_port_of_nagoya_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_post_world_war_ii_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_ppm_of_iodide_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pre_drilled_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_previous_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_public_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pukaha_mount_bruce_national_wildlife_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_purchasing_reptile_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_pvc_pipe_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_qingdao_underwater_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_raising_freshwater_fish_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_rajiv_gandhi_zoological_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_rectangular_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_red_algae_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_reducing_nitrates_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_reef_hq_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_reference_the_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_research_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_room_size_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_rosario_island_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_royal_borough concept:latitudelongitude 51.4666700000000,-0.6666700000000 +concept_aquarium_saarbrucken_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_safari_parks concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_safari_zoological_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_safe_size_of_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_saint_andrews_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_salinity_levels_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_saltwater_fishes_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_santa_ana_zoo_in_prentice_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_scenery_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_scratches_ao_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_sea_clear_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_sea_world concept:attractionofcity concept_city_orlando +concept_aquarium_sea_world_queensland concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_seaclear_system_ii_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_seahorses_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_seavue_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_seaworld concept:attractionofcity concept_city_orlando +concept_aquarium_secret_world_wildlife_rescue concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_self_contained_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_separate_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_set_up_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_shark_at_ok_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_shark_ray_alley concept:latitudelongitude 17.8515700000000,-88.0201400000000 +concept_aquarium_sharks_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_shoes_with_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_shrimp_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_shrimp_for_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_sichuan concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_signs_of_fungus_in_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_skansen_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_skulls_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_snails_in_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_soft_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_solinger_vogel_und_tierpark concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_something_fishy_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_south_pacific_region concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_southwest_wildlife_conservation_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_spadina_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_spanish_water concept:latitudelongitude 16.9019400000000,-89.0866700000000 +concept_aquarium_spongebob_squarepants_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_st__louis_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_st__louis_children_s_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_stackable_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_star_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_starfire_glass_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_starting_salt_water_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_studley_grange_butterfly_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_styrofoam_backgrounds_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_successful_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_summerfield_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_sunway_lagoon_wildlife_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tadas_ivanauskas_zoological_museum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tahitian_moon_sand_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tank_you_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tengeri_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tenn_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tennessee_aquarium_home_page concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_bournemouth_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_clearwater_marine_science_center_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_florida_aqarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_great_barrier_reef_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_ideal_environment_for_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_national_seal_sanctuary concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_ranch_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_tennessee_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_the_vancouver_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_third_oldest_public_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tierpark_fasanerie_arnstadt concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tierpark_g_ppingen concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tierpark_und_fossilium_bochum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_top_filter_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_top_sail_island_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_topeka_zoo_sunset_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_troparium_hagenbeck_s_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tropical_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tropicarium____ceanarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tropicl_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_troy_aqua_and_dolphinarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_truvu_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tube_algae_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_turtle_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tynemouth_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_tyrrhenian_sea concept:latitudelongitude 40.0000000000000,12.0000000000000 +concept_aquarium_u__s_ concept:synonymfor concept_book_america +concept_aquarium_uk_ concept:proxyfor concept_book_new +concept_aquarium_uk_ concept:atlocation concept_building_america +concept_aquarium_uk_ concept:atdate concept_date_n1999 +concept_aquarium_uk_ concept:atdate concept_date_n2000 +concept_aquarium_uk_ concept:atdate concept_date_n2004 +concept_aquarium_uk_ concept:atdate concept_dateliteral_n2002 +concept_aquarium_uk_ concept:atdate concept_dateliteral_n2005 +concept_aquarium_uk_ concept:atdate concept_dateliteral_n2006 +concept_aquarium_uk_ concept:atdate concept_dateliteral_n2007 +concept_aquarium_uk_ concept:atdate concept_dateliteral_n2008 +concept_aquarium_uk_ concept:atdate concept_year_n1998 +concept_aquarium_uk_coast concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_underwater_aquarium_lighthouse concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_underwater_world_at_birdworld concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_underwater_world_freshwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_used_large_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_used_saltwater_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_uv_light_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_vancouver_aquarium___marine_science_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_vase_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_vertical_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_vesty_pakos_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_volume_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_voronezh_oceanarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_water_chemical_testing_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_water_issues_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_water_purifiers_for_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_water_world_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_west_boothbay_harbor_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wetlands_wildlife_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_where_can_i_buy_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_where_to_buy_uniquarium_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_white_threadlike_worms_in_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_whole_world concept:proxyfor concept_book_new +concept_aquarium_wholesale_lamp_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wild_und_naturpark_eriksberg concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wildlife_animal_refuge concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wildlife_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wildpark_alte_fasanerie concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wildpark_aurach_tirol concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wildpark_im_grafenberger_wald concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world concept:attractionofcity concept_city_vegas +concept_aquarium_world concept:buildinglocatedincity concept_city_vegas +concept_aquarium_world__features concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world__is concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world__please concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world__some concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world__we concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_americans concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_bed concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_capitals concept:proxyfor concept_book_new +concept_aquarium_world_don concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_dr_ concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_east concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_england concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_enjoy concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_except_the_u_s_ concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_god concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_government concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_homepage concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_in_addition concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_jan concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_jim concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_las_vegas concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_mr_ concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_new concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_our concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_project concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_rate concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_read concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_research concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_reviews concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_state concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_sunday concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_the_site concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_website concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_wikipedia concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_world_wildlife_kingdom concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_wrapables_fish_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_yards_and_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_yonkers_aquarium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_yukon_wildlife_preserve concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo___aquariumvisito concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo__st__nad_labem concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo_de_la_fleche concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo_k_benhavn concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo_parc_overloon concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo_van_antwerpen concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoo_wroclaw_sp_z_o_o concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zool_gico_municipal_de_bauru concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zool_gico_municipal_de_pedreira concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zool_gico_municipal_parque_dos_jacarand_s concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoological_garden_prague concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoological_society_of_ireland_dublin concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_aquarium_zoologicka_zahrada_ostrava concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_arachnid_aphids concept:invertebratefeedonfood concept_beverage_sugar +concept_arachnid_aphids concept:invertebratefeedonfood concept_fungus_crop +concept_arachnid_aphids concept:invertebratefeedonfood concept_nut_leaves +concept_arachnid_aphids concept:invertebratefeedonfood concept_wine_roots +concept_arachnid_arachnids concept:arthropodcalledarthropod concept_arachnid_scorpions +concept_arachnid_bedroom concept:agentinvolvedwithitem concept_buildingfeature_window +concept_arachnid_black_widow concept:arthropodandotherarthropod concept_arachnid_recluse_spider +concept_arachnid_black_widow concept:arthropodandotherarthropod concept_arthropod_dangerous_spiders +concept_arachnid_black_widow concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arachnid_black_widow concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_black_widow concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_black_widow_spiders concept:agentcompeteswithagent concept_arthropod_spiders +concept_arachnid_black_widow_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_black_widow_spiders concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_black_widow_spiders concept:specializationof concept_arthropod_spiders +concept_arachnid_black_widows concept:agentcompeteswithagent concept_arthropod_spiders +concept_arachnid_black_widows concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_black_widows concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_brown_recluse concept:animalistypeofanimal concept_arthropod_spider_bite +concept_arachnid_brown_recluse concept:synonymfor concept_arthropod_spider_bite +concept_arachnid_brown_recluse concept:synonymfor concept_arthropod_spiders +concept_arachnid_brown_recluse_spider concept:arthropodandotherarthropod concept_arthropod_spider_bite +concept_arachnid_brown_recluse_spider concept:arthropodcalledarthropod concept_arthropod_spider_bite +concept_arachnid_brown_recluse_spider concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_brown_widow concept:arthropodcalledarthropod concept_arachnid_widow_spider +concept_arachnid_butterflies concept:animalistypeofanimal concept_animal_animals001 +concept_arachnid_butterflies concept:animalpreyson concept_animal_animals001 +concept_arachnid_butterflies concept:specializationof concept_animal_wildlife +concept_arachnid_butterflies concept:animaleatfood concept_candy_fruits +concept_arachnid_butterflies concept:invertebratefeedonfood concept_nut_leaves +concept_arachnid_crab_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_deer_tick concept:arthropodcalledarthropod concept_arachnid_tick +concept_arachnid_documentation concept:agentinvolvedwithitem concept_buildingfeature_window +concept_arachnid_documentation concept:agentcreated concept_programminglanguage_contact +concept_arachnid_hobo_spider concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_interest_rates concept:atdate concept_date_n1999 +concept_arachnid_kids concept:animalistypeofanimal concept_animal_animals001 +concept_arachnid_kids concept:animalpreyson concept_animal_animals001 +concept_arachnid_kids concept:animalistypeofanimal concept_arthropod_dog +concept_arachnid_kids concept:animaleatfood concept_beverage_pickles +concept_arachnid_kids concept:animaldevelopdisease concept_disease_add +concept_arachnid_kids concept:animaldevelopdisease concept_disease_adhd_ +concept_arachnid_kids concept:animaldevelopdisease concept_disease_conditions +concept_arachnid_kids concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_arachnid_kids concept:animaldevelopdisease concept_disease_problems +concept_arachnid_kids concept:animaleatfood concept_legume_snacks +concept_arachnid_lone_star_tick concept:arthropodcalledarthropod concept_arachnid_tick +concept_arachnid_meetings concept:agentparticipatedinevent concept_eventoutcome_result +concept_arachnid_meetings concept:agentactsinlocation concept_lake_new +concept_arachnid_member concept:animaldevelopdisease concept_disease_disorder +concept_arachnid_member concept:animaldevelopdisease concept_disease_syndrome +concept_arachnid_mites concept:arthropodandotherarthropod concept_arthropod_external_parasites +concept_arachnid_mites concept:arthropodandotherarthropod concept_arthropod_secondary_pests +concept_arachnid_moths concept:invertebratefeedonfood concept_nut_leaves +concept_arachnid_moths concept:animaleatfood concept_vegetable_soybean +concept_arachnid_opiliones concept:arthropodcalledarthropod concept_arachnid_arachnids +concept_arachnid_pricing concept:agentcreated concept_programminglanguage_contact +concept_arachnid_rabbit concept:animalistypeofanimal concept_animal_animals001 +concept_arachnid_recluse_spider concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arachnid_recluse_spider concept:arthropodandotherarthropod concept_arthropod_spider_bite +concept_arachnid_recluse_spider concept:arthropodcalledarthropod concept_arthropod_spider_bite +concept_arachnid_recluse_spider concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_recluse_spiders concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arachnid_recluse_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_recluse_spiders concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_salaries concept:agentparticipatedinevent concept_eventoutcome_result +concept_arachnid_scorpions concept:animalpreyson concept_animal_creatures +concept_arachnid_scorpions concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arachnid_scorpions concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_scorpions concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_scorpions concept:animalpreyson concept_mammal_animals +concept_arachnid_squirrel concept:animalistypeofanimal concept_animal_animals001 +concept_arachnid_squirrel concept:animalistypeofanimal concept_animal_mammals001 +concept_arachnid_tarantulas concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arachnid_tarantulas concept:arthropodcalledarthropod concept_arthropod_hairy_spiders +concept_arachnid_tarantulas concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arachnid_tarantulas concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arachnid_tarantulas concept:animalistypeofanimal concept_mammal_pets +concept_arachnid_tarantulas concept:animalpreyson concept_mammal_pets +concept_arachnid_tick concept:arthropodcalledarthropod concept_arachnid_deer_tick +concept_arachnid_tick concept:arthropodcalledarthropod concept_arachnid_lone_star_tick +concept_arachnid_tick concept:invertebratefeedonfood concept_beverage_blood +concept_arachnid_ticks concept:agentcompeteswithagent concept_arthropod_arthropods +concept_arachnid_ticks concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arachnid_ticks concept:arthropodandotherarthropod concept_arthropod_external_parasites +concept_arachnid_vents concept:subpartof concept_weatherphenomenon_air +concept_arachnid_video_clip concept:agentinvolvedwithitem concept_buildingfeature_window +concept_arachnid_video_clip concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_arachnid_whiteflies concept:invertebratefeedonfood concept_nut_leaves +concept_arachnid_widow_spider concept:arthropodcalledarthropod concept_arachnid_brown_widow +concept_arachnid_widow_spider concept:agentcompeteswithagent concept_invertebrate_spider +concept_arachnid_widow_spider concept:animalistypeofanimal concept_invertebrate_spider +concept_arachnid_widow_spider concept:synonymfor concept_invertebrate_spider +concept_archaea_arvs concept:latitudelongitude 60.7333300000000,13.7833300000000 +concept_archaea_bingle concept:latitudelongitude 48.9585300000000,-80.3538900000000 +concept_archaea_canabis concept:latitudelongitude 27.7058600000000,-97.4313800000000 +concept_archaea_cdv concept:latitudelongitude 60.4916700000000,-145.4775000000000 +concept_archaea_fertility_drugs concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_archaea_franconia_notch_state_park concept:latitudelongitude 44.1495100000000,-71.6867500000000 +concept_archaea_hot_springs concept:mutualproxyfor concept_book_arkansas +concept_archaea_hot_springs concept:atlocation concept_cave_arkansas +concept_archaea_kandler concept:latitudelongitude 50.8500000000000,12.7833300000000 +concept_archaea_ladinos concept:latitudelongitude 12.0926700000000,-86.2905400000000 +concept_archaea_mutans concept:latitudelongitude -14.3230600000000,-42.9811100000000 +concept_archaea_non_steroidal_anti_inflammatory_drugs concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_archaea_pain_killer concept:latitudelongitude 54.8766300000000,-94.9331700000000 +concept_archaea_pain_medications concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_archaea_rabbies concept:latitudelongitude 46.3500000000000,10.9166700000000 +concept_archaea_razorblade concept:latitudelongitude 37.2384400000000,-82.7787700000000 +concept_archaea_regimen concept:latitudelongitude 40.2513400000000,0.2847800000000 +concept_archaea_stella concept:personbornincity concept_city_york +concept_archaea_stella concept:personborninlocation concept_city_york +concept_archaea_tzar concept:personhascitizenship concept_country_russia +concept_architect_achim concept:parentofperson concept_male_zadok +concept_architect_adbusters concept:agentcollaborateswithagent concept_chef_kalle_lasn +concept_architect_adbusters concept:mutualproxyfor concept_chef_kalle_lasn +concept_architect_adbusters concept:subpartof concept_chef_kalle_lasn +concept_architect_addison_mizner concept:personhasresidenceingeopoliticallocation concept_city_boca_raton +concept_architect_alasdair_gray concept:agentcreated concept_book_lanark +concept_architect_alexander_pope concept:agentcreated concept_book_the_dunciad +concept_architect_application concept:agentcreated concept_book_print +concept_architect_application concept:agentinvolvedwithitem concept_buildingfeature_window +concept_architect_application concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_architect_application concept:agentparticipatedinevent concept_eventoutcome_result +concept_architect_application concept:agentcreated concept_movie_click +concept_architect_application concept:agentinvolvedwithitem concept_tableitem_tab +concept_architect_application concept:agentcompeteswithagent concept_tradeunion_search +concept_architect_application concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_architect_application concept:agentcreated concept_website_download +concept_architect_arquitectos concept:atdate concept_dayofweek_monday +concept_architect_bakema concept:latitudelongitude 5.1166700000000,19.8166700000000 +concept_architect_beatrix_farrand concept:latitudelongitude 44.3950800000000,-68.2225100000000 +concept_architect_cacharel concept:latitudelongitude 43.4833300000000,4.4666700000000 +concept_architect_candies concept:latitudelongitude 35.2897950000000,-84.8551766666667 +concept_architect_cees_nooteboom concept:agentcreated concept_televisionshow_rituals +concept_architect_charles concept:hassibling concept_personeurope_john_wesley +concept_architect_charles_freeman concept:latitudelongitude 35.4267200000000,-98.2386700000000 +concept_architect_constant concept:persondiedincountry concept_country_england +concept_architect_criticism concept:agentcompeteswithagent concept_biotechcompany_section +concept_architect_criticism concept:agentcompeteswithagent concept_tradeunion_article +concept_architect_cusato concept:latitudelongitude 19.3333350000000,-102.1166700000000 +concept_architect_dante concept:agentcreated concept_musicalbum_the_divine_comedy +concept_architect_desmond_tutu concept:personhasjobposition concept_jobposition_archbishop +concept_architect_egon_schiele concept:visualartistartform concept_visualartform_paintings +concept_architect_enid concept:subpartof concept_musicsong_oklahoma +concept_architect_friedrich concept:personhascitizenship concept_country_prussia +concept_architect_gocar concept:latitudelongitude 36.6952800000000,39.3883300000000 +concept_architect_gunter_grass concept:agentcreated concept_book_dog_years +concept_architect_henri concept:personhascitizenship concept_country_england +concept_architect_henri concept:personhascitizenship concept_country_france_france +concept_architect_henri concept:personhasjobposition concept_jobposition_king +concept_architect_italo_svevo concept:agentcreated concept_book_zeno_s_conscience +concept_architect_jan_steen concept:visualartistartform concept_visualartform_paintings +concept_architect_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_architect_joop concept:latitudelongitude 52.1152000000000,11.6223000000000 +concept_architect_karim_rashid concept:latitudelongitude 32.9126800000000,44.2393500000000 +concept_architect_kay concept:personbornincity concept_city_york +concept_architect_kay concept:persongraduatedfromuniversity concept_university_college +concept_architect_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_architect_key concept:agentcreated concept_movie_click +concept_architect_key concept:agentcreated concept_musicalbum_press +concept_architect_king_alfonso concept:personhascitizenship concept_country_portugal +concept_architect_king_alfonso concept:personhascitizenship concept_country_spain +concept_architect_knobelsdorff concept:latitudelongitude 53.5027000000000,13.9928000000000 +concept_architect_le_notre concept:latitudelongitude 48.8530100000000,2.3467800000000 +concept_architect_mahmud_darwish concept:personhasjobposition concept_jobposition_poet +concept_architect_manhattanville concept:atlocation concept_island_new_york_city_metropolitan_area +concept_architect_manhattanville concept:atlocation concept_stateorprovince_new_york +concept_architect_mary_shelley concept:agentcontributedtocreativework concept_book_frankenstein +concept_architect_mary_shelley concept:agentcreated concept_musicalbum_frankenstein +concept_architect_mary_shelley concept:agentinvolvedwithitem concept_software_frankenstein +concept_architect_opinion concept:personbelongstoorganization concept_musicartist_times +concept_architect_opinion concept:worksfor concept_stateorprovince_times +concept_architect_pappenheimer concept:latitudelongitude 50.4833300000000,11.1833300000000 +concept_architect_patterns concept:agentparticipatedinevent concept_eventoutcome_result +concept_architect_pritzker concept:latitudelongitude 41.9069800000000,-87.6781100000000 +concept_architect_rene_goscinny concept:agentcreated concept_book_asterix_the_gaul +concept_architect_rodarte concept:latitudelongitude 36.1519700000000,-105.6727900000000 +concept_architect_russell_brown concept:latitudelongitude 35.0656300000000,-85.3113500000000 +concept_architect_salon concept:agentcollaborateswithagent concept_personafrica_mark_benjamin +concept_architect_scannon concept:personhasjobposition concept_jobposition_chief_biotechnology_officer +concept_architect_starck concept:latitudelongitude 34.0842800000000,-90.0834200000000 +concept_architect_thomas_hart_benton concept:visualartistartform concept_visualartform_paintings +concept_architect_valadier concept:latitudelongitude 41.9091800000000,12.4774300000000 +concept_architect_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_architect_william_byrne concept:latitudelongitude 44.7939000000000,-93.2361200000000 +concept_architect_yack concept:latitudelongitude -44.0883300000000,-73.7733300000000 +concept_architect_yoo concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_artery_abdominal_aorta concept:arterycalledartery concept_artery_arteries +concept_artery_anterior_cerebral concept:arterycalledartery concept_artery_arteries +concept_artery_aorta concept:arterycalledartery concept_artery_arch +concept_artery_aorta concept:arterycalledartery concept_artery_arteries +concept_artery_aorta concept:arterycalledartery concept_artery_body +concept_artery_aorta concept:arterycalledartery concept_artery_branches +concept_artery_aorta concept:arterycalledartery concept_artery_coronary_arteries +concept_artery_aorta concept:arterycalledartery concept_artery_ductus_arteriosus +concept_artery_aorta concept:arterycalledartery concept_artery_renal_artery +concept_artery_aorta concept:arterycalledartery concept_artery_subclavian_artery +concept_artery_apparatus concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_arm concept:atdate concept_date_n2004 +concept_artery_arm concept:atdate concept_dateliteral_n2006 +concept_artery_armpit concept:proxyfor concept_weatherphenomenon_new +concept_artery_arms concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_arms concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_arterial_blood concept:bodypartcontainsbodypart concept_lymphnode_rate +concept_artery_arteries concept:arterycalledartery concept_artery_abdominal_aorta +concept_artery_arteries concept:arterycalledartery concept_artery_aneurysms +concept_artery_arteries concept:arterycalledartery concept_artery_anterior_cerebral +concept_artery_arteries concept:arterycalledartery concept_artery_aorta +concept_artery_arteries concept:arterycalledartery concept_artery_aortas +concept_artery_arteries concept:arterycalledartery concept_artery_arms +concept_artery_arteries concept:arterycalledartery concept_artery_arterioles +concept_artery_arteries concept:arterycalledartery concept_artery_axillary +concept_artery_arteries concept:arterycalledartery concept_artery_basilar +concept_artery_arteries concept:arterycalledartery concept_artery_basilar_artery +concept_artery_arteries concept:arterycalledartery concept_artery_bifurcation +concept_artery_arteries concept:arterycalledartery concept_artery_blood_vessels +concept_artery_arteries concept:arterycalledartery concept_artery_body +concept_artery_arteries concept:arterycalledartery concept_artery_brachiocephalic +concept_artery_arteries concept:arterycalledartery concept_artery_branches +concept_artery_arteries concept:arterycalledartery concept_artery_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_carotid_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_carotid_artery +concept_artery_arteries concept:arterycalledartery concept_artery_carotids +concept_artery_arteries concept:arterycalledartery concept_artery_cells +concept_artery_arteries concept:arterycalledartery concept_artery_cerebral +concept_artery_arteries concept:arterycalledartery concept_artery_cerebral_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_circulation +concept_artery_arteries concept:arterycalledartery concept_artery_common_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_common_iliac +concept_artery_arteries concept:arterycalledartery concept_artery_cord +concept_artery_arteries concept:arterycalledartery concept_artery_coronary_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_external_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_external_iliac +concept_artery_arteries concept:arterycalledartery concept_artery_eye +concept_artery_arteries concept:arterycalledartery concept_artery_iliac +concept_artery_arteries concept:arterycalledartery concept_artery_iliac_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_infrarenal_aorta +concept_artery_arteries concept:arterycalledartery concept_artery_internal_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_internal_carotid_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_intestines +concept_artery_arteries concept:arterycalledartery concept_artery_left_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_left_subclavian +concept_artery_arteries concept:arterycalledartery concept_artery_leg +concept_artery_arteries concept:arterycalledartery concept_artery_lungs +concept_artery_arteries concept:arterycalledartery concept_artery_middle_cerebral +concept_artery_arteries concept:arterycalledartery concept_artery_myocardium +concept_artery_arteries concept:arterycalledartery concept_artery_neck +concept_artery_arteries concept:arterycalledartery concept_artery_posterior_cerebral +concept_artery_arteries concept:arterycalledartery concept_artery_renal_arteries +concept_artery_arteries concept:arterycalledartery concept_artery_right +concept_artery_arteries concept:arterycalledartery concept_artery_right_carotid +concept_artery_arteries concept:arterycalledartery concept_artery_right_subclavian +concept_artery_arteries concept:arterycalledartery concept_artery_right_vertebral +concept_artery_arteries concept:arterycalledartery concept_artery_skin +concept_artery_arteries concept:arterycalledartery concept_artery_stenosis +concept_artery_arteries concept:arterycalledartery concept_artery_subclavian +concept_artery_arteries concept:arterycalledartery concept_artery_tissues +concept_artery_arteries concept:arterycalledartery concept_artery_vertebral +concept_artery_arteries concept:arterycalledartery concept_bodypart_anatomy +concept_artery_arteries concept:arterycalledartery concept_bodypart_human_body001 +concept_artery_arteries concept:arterycalledartery concept_bodypart_kidney001 +concept_artery_arteries concept:arterycalledartery concept_bodypart_kidneys +concept_artery_arteries concept:arterycalledartery concept_bodypart_liver +concept_artery_arteries concept:arterycalledartery concept_bodypart_nerves001 +concept_artery_arteries concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_arteries concept:arterycalledartery concept_bodypart_thyroid_gland +concept_artery_arterioles concept:arterycalledartery concept_artery_lesser_vessels +concept_artery_arterioles concept:arterycalledartery concept_artery_lower_vessels +concept_artery_arterioles concept:arterycalledartery concept_artery_minor_vessels +concept_artery_arterioles concept:arterycalledartery concept_artery_shorter_vessels +concept_artery_arterioles concept:arterycalledartery concept_artery_slighter_vessels +concept_artery_arterioles concept:arterycalledartery concept_artery_smaller_vessels +concept_artery_axillary concept:arterycalledartery concept_artery_arteries +concept_artery_back concept:subpartof concept_artery_arm +concept_artery_back concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_back concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_basilar concept:arterycalledartery concept_artery_arteries +concept_artery_basilar_artery concept:arterycalledartery concept_artery_arteries +concept_artery_bifurcation concept:arterycalledartery concept_artery_arteries +concept_artery_bifurcation concept:arterycalledartery concept_artery_carotid +concept_artery_blood_flow concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_blood_flow concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_blood_flow concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_blood_supply concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_blood_vessel concept:arterycalledartery concept_artery_aorta +concept_artery_blood_vessel concept:arterycalledartery concept_artery_ductus_arteriosus +concept_artery_blood_vessel concept:arterycalledartery concept_artery_femoral_artery +concept_artery_blood_vessel concept:arterycalledartery concept_artery_pulmonary_artery +concept_artery_blood_vessels concept:arterycalledartery concept_artery_aorta +concept_artery_blood_vessels concept:arterycalledartery concept_artery_arteries +concept_artery_blood_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_blood_vessels concept:arterycalledartery concept_artery_capillaries +concept_artery_blood_vessels concept:arterycalledartery concept_artery_carotid_arteries +concept_artery_blood_vessels concept:arterycalledartery concept_artery_carotid_artery +concept_artery_blood_vessels concept:arterycalledartery concept_artery_coronary_arteries +concept_artery_blood_vessels concept:arterycalledartery concept_artery_eye +concept_artery_blood_vessels concept:arterycalledartery concept_artery_glomerulus +concept_artery_blood_vessels concept:arterycalledartery concept_artery_lungs +concept_artery_blood_vessels concept:arterycalledartery concept_artery_microvessels +concept_artery_blood_vessels concept:arterycalledartery concept_artery_pulmonary_artery +concept_artery_blood_vessels concept:arterycalledartery concept_artery_sinusoids +concept_artery_blood_vessels concept:arterycalledartery concept_artery_skin +concept_artery_blood_vessels concept:arterycalledartery concept_artery_vascular_system +concept_artery_blood_vessels concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_blood_vessels concept:arterycalledartery concept_bodypart_liver +concept_artery_blood_vessels concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_blood_vessels concept:subpartof concept_website_blood +concept_artery_body concept:arterycalledartery concept_artery_arch +concept_artery_brachiocephalic concept:arterycalledartery concept_artery_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_blood_flow +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_capillaries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_carotid_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_carotid_artery +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_large_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_main_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_major_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_major_artery +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_major_vessel +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_neck_artery +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_veins +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_vertebral_arteries +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_vessel +concept_artery_brain concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_brain concept:bodypartcontainsbodypart concept_bodypart_injury +concept_artery_brain concept:bodypartcontainsbodypart concept_bodypart_large_blood_vessels +concept_artery_brain concept:bodypartcontainsbodypart concept_bodypart_major_blood_vessels +concept_artery_brain concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_brain concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_artery_brain concept:bodypartcontainsbodypart concept_braintissue_parts +concept_artery_brain concept:bodypartcontainsbodypart concept_nerve_damage +concept_artery_brain concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_artery_brain concept:subpartof concept_scientist_oxygen +concept_artery_brain concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_artery_brain concept:subpartof concept_weatherphenomenon_water +concept_artery_brain concept:subpartof concept_website_blood +concept_artery_branches concept:arterycalledartery concept_artery_arteries +concept_artery_branches concept:arterycalledartery concept_artery_carotid +concept_artery_branches concept:arterycalledartery concept_artery_cerebral +concept_artery_branches concept:arterycalledartery concept_artery_internal_carotid +concept_artery_branches concept:arterycalledartery concept_artery_middle_cerebral +concept_artery_canal concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_canal concept:bodypartcontainsbodypart concept_artery_cord +concept_artery_canal concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_artery_canal concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_artery_canal concept:bodypartcontainsbodypart concept_nerve_nerve_roots +concept_artery_canal concept:bodypartcontainsbodypart concept_nerve_spinal_nerves +concept_artery_capillaries concept:arterycalledartery concept_artery_body +concept_artery_capillaries concept:arterycalledartery concept_artery_cells +concept_artery_capillaries concept:arterycalledartery concept_artery_glomerulus +concept_artery_capillaries concept:arterycalledartery concept_artery_sinusoids +concept_artery_capillaries concept:arterycalledartery concept_artery_skin +concept_artery_capillaries concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_capillaries concept:arterycalledartery concept_bacteria_endothelial_cells +concept_artery_capillaries concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_cardiovascular_system concept:subpartof concept_website_blood +concept_artery_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_carotid concept:arterycalledartery concept_artery_vessels +concept_artery_carotid_arteries concept:arterycalledartery concept_artery_arteries +concept_artery_carotid_artery concept:arterycalledartery concept_artery_arteries +concept_artery_carotids concept:arterycalledartery concept_artery_arteries +concept_artery_cell concept:arterycalledartery concept_artery_layer +concept_artery_cells concept:arterycalledartery concept_artery_circulation +concept_artery_cells concept:arterycalledartery concept_artery_layer +concept_artery_cells concept:arterycalledartery concept_artery_pores +concept_artery_cells concept:arterycalledartery concept_artery_skin +concept_artery_cells concept:arterycalledartery concept_bodypart_help +concept_artery_central_nervous_system concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_artery_cerebral concept:arterycalledartery concept_artery_arteries +concept_artery_cerebral_arteries concept:arterycalledartery concept_artery_arteries +concept_artery_chest concept:bodypartcontainsbodypart concept_muscle_heart +concept_artery_circulation concept:arterycalledartery concept_artery_skin +concept_artery_circulation concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_circulatory_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_common_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_common_carotid_artery concept:bodypartcontainsbodypart concept_artery_arch +concept_artery_common_carotid_artery concept:bodypartcontainsbodypart concept_bodypart_aortic_arch +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_back +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_canal +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_cortex +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_fluid +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_material +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_matter +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_neck +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_sheath +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_skin +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_spinal_canal +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_subarachnoid_space +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_surface +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_tissues +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_vertebra +concept_artery_cord concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_cord concept:bodypartcontainsbodypart concept_bacteria_myelin_sheath +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_axons +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_cavity +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_cell +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_dura +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_fluid_space +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_head001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_legs +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_limbs +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_lining +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_nervous_tissue +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_neurons001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_organs +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_protective_membranes +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_region +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_root +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_sac +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_skeleton +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_soft_tissues +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_spinal_column +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_spinal_fluid +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_thecal_sac +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_tract001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_tube +concept_artery_cord concept:bodypartcontainsbodypart concept_bodypart_ventricles001 +concept_artery_cord concept:bodypartcontainsbodypart concept_bone_backbone +concept_artery_cord concept:bodypartcontainsbodypart concept_bone_structures +concept_artery_cord concept:bodypartcontainsbodypart concept_bone_tumor +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_area +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_body +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_brain_regions +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_brain_stem +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_cerebellum +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_cerebral_cortex +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_cerebrospinal_fluid +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_connective_tissue +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_dura_mater +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_encephalon +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_entire_brain +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_eyes +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_forebrain +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_ganglia +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_hindbrain +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_inflammation +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_lower_brain +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_meninges +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_motor_neurons +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_peripheral_nervous_system +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_receptors +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_skull +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_three_membranes +concept_artery_cord concept:bodypartcontainsbodypart concept_braintissue_vertebral_column +concept_artery_cord concept:bodypartcontainsbodypart concept_muscle_ganglion +concept_artery_cord concept:bodypartcontainsbodypart concept_muscle_membrane +concept_artery_cord concept:bodypartcontainsbodypart concept_muscle_white_matter +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_autonomic_nervous_system +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_bones +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_brainstem +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_cerebrum +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_cranial_nerves +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_dural_sac +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_epidural_space +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_fibers +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_hand +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_medulla +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_medulla_oblongata +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_muscles +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nerve_cells +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nerve_fibers +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nerve_root +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nerve_roots +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nerve_tissue +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_peripheral_nerves +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_rhombencephalon +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_spinal_nerve_roots +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_spinal_nerves +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_spine +concept_artery_cord concept:bodypartcontainsbodypart concept_nerve_vertebrae +concept_artery_cord concept:bodypartcontainsbodypart concept_vein_layers +concept_artery_cord concept:bodypartcontainsbodypart concept_vein_lungs +concept_artery_cord concept:bodypartcontainsbodypart concept_vein_structure +concept_artery_cortex concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_diaphragm concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_ducts concept:subpartof concept_musicartist_air +concept_artery_ear concept:bodypartcontainsbodypart concept_artery_pulse +concept_artery_ear concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_ear concept:proxyfor concept_weatherphenomenon_new +concept_artery_external_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_eye concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_eye concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_artery_eye concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_eye concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_eye concept:subpartof concept_website_blood +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_cord +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_matter +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_plasma +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_spinal_canal +concept_artery_fluid concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_blood +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_bloodstream +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_bone_marrow +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_brain_tissue +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_gut +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_saliva +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_spinal_column +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_fluid concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_artery_fluid concept:bodypartcontainsbodypart concept_braintissue_meninges +concept_artery_fluid concept:bodypartcontainsbodypart concept_braintissue_peripheral_blood +concept_artery_fluid concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_artery_fluid concept:bodypartcontainsbodypart concept_nerve_bones +concept_artery_fluid concept:bodypartcontainsbodypart concept_nerve_lymph +concept_artery_fluid concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_artery_fluid concept:bodypartcontainsbodypart concept_nerve_spine +concept_artery_fluid concept:bodypartcontainsbodypart concept_visualizablething_urine +concept_artery_foot concept:atdate concept_dateliteral_n2006 +concept_artery_foot concept:atdate concept_dateliteral_n2007 +concept_artery_foot concept:subpartof concept_website_blood +concept_artery_forearm concept:subpartof concept_website_blood +concept_artery_groin concept:subpartof concept_website_blood +concept_artery_iliac concept:arterycalledartery concept_artery_arteries +concept_artery_important_vessels concept:arterycalledartery concept_artery_capillaries +concept_artery_increases concept:subpartof concept_weatherphenomenon_water +concept_artery_infrarenal_aorta concept:arterycalledartery concept_artery_arteries +concept_artery_internal_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_internal_carotid_arteries concept:arterycalledartery concept_artery_arteries +concept_artery_intestines concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_intestines concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_intestines concept:subpartof concept_website_blood +concept_artery_kiesselbach concept:latitudelongitude 40.8313900000000,-96.6677900000000 +concept_artery_large_arteries concept:arterycalledartery concept_artery_aorta +concept_artery_large_artery concept:arterycalledartery concept_artery_aorta +concept_artery_layer concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_layer concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_artery_left_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_left_side concept:bodypartcontainsbodypart concept_artery_aorta +concept_artery_left_side concept:bodypartcontainsbodypart concept_artery_lungs +concept_artery_left_side concept:bodypartcontainsbodypart concept_artery_pulmonary_veins +concept_artery_left_subclavian concept:arterycalledartery concept_artery_arteries +concept_artery_left_ventricle concept:bodypartcontainsbodypart concept_artery_aorta +concept_artery_left_ventricle concept:bodypartcontainsbodypart concept_bodypart_aortic_valve +concept_artery_left_ventricle concept:bodypartcontainsbodypart concept_bodypart_blood +concept_artery_left_ventricle concept:bodypartcontainsbodypart concept_bodypart_valve +concept_artery_leg concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_leg concept:atdate concept_dateliteral_n2005 +concept_artery_leg concept:atdate concept_dateliteral_n2007 +concept_artery_leg concept:proxyfor concept_weatherphenomenon_new +concept_artery_leg concept:subpartof concept_website_blood +concept_artery_lesser_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_level concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_lower_extremities concept:subpartof concept_website_blood +concept_artery_lower_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_pulmonary_arteries +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_pulmonary_veins +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_vessel +concept_artery_lungs concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_main_artery concept:arterycalledartery concept_artery_aorta +concept_artery_major_arteries concept:arterycalledartery concept_artery_aorta +concept_artery_major_arteries concept:arterycalledartery concept_artery_carotid +concept_artery_major_artery concept:arterycalledartery concept_artery_aorta +concept_artery_matter concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_middle_cerebral concept:arterycalledartery concept_artery_arteries +concept_artery_minor_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_mrs_m concept:latitudelongitude 35.1931100000000,-101.8432400000000 +concept_artery_muscles concept:arterycalledartery concept_artery_circulation +concept_artery_myocardium concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_neck concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_neck concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_nephron concept:bodypartcontainsbodypart concept_vein_glomerulus +concept_artery_occipital_lobe concept:bodypartcontainsbodypart concept_braintissue_visual_cortex +concept_artery_optic_nerve concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_optic_nerve concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_organ_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_pathway concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_pelvis concept:subpartof concept_website_blood +concept_artery_plans concept:subpartof concept_visualizablething_water_supply +concept_artery_plaques concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_posterior_cerebral concept:arterycalledartery concept_artery_arteries +concept_artery_pulmonary_arteries concept:arterycalledartery concept_artery_lungs +concept_artery_pulmonary_artery concept:arterycalledartery concept_artery_ductus_arteriosus +concept_artery_renal_arteries concept:arterycalledartery concept_bodypart_kidneys +concept_artery_reporter concept:proxyfor concept_weatherphenomenon_new +concept_artery_right concept:arterycalledartery concept_artery_arteries +concept_artery_right concept:arterycalledartery concept_artery_vessels +concept_artery_right_carotid concept:arterycalledartery concept_artery_arteries +concept_artery_right_side concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_artery_right_subclavian concept:arterycalledartery concept_artery_arteries +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_arteries +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_trunk +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_valve +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_bodypart_blood +concept_artery_right_ventricle concept:bodypartcontainsbodypart concept_bodypart_valve +concept_artery_schlemm concept:latitudelongitude 52.7166700000000,11.2500000000000 +concept_artery_sea_time concept:latitudelongitude 22.2000000000000,111.1166000000000 +concept_artery_shorter_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_sinuses concept:subpartof concept_website_blood +concept_artery_skin concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_skin concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_artery_skin concept:bodypartcontainsbodypart concept_artery_capillaries +concept_artery_skin concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_skin concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_slighter_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_small_arteries concept:arterycalledartery concept_artery_arterioles +concept_artery_small_intestine concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_smaller_arteries concept:arterycalledartery concept_artery_arterioles +concept_artery_smaller_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_smaller_vessels concept:arterycalledartery concept_artery_capillaries +concept_artery_smooth_muscle concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_stenosis concept:arterycalledartery concept_artery_arteries +concept_artery_subclavian concept:arterycalledartery concept_artery_arteries +concept_artery_subclavian concept:arterycalledartery concept_artery_vessels +concept_artery_thoracic_aorta concept:arterycalledartery concept_artery_arch +concept_artery_tiny_blood_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_tiny_blood_vessels concept:arterycalledartery concept_artery_capillaries +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_brain +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_cord +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_veins +concept_artery_tissues concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_tissues concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_artery_tissues concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_tissues concept:bodypartcontainsbodypart concept_braintissue_body +concept_artery_tissues concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_artery_tissues concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_artery_town_site concept:latitudelongitude 44.7006800000000,-103.4267850000000 +concept_artery_tubule concept:latitudelongitude 10.4571200000000,10.6715400000000 +concept_artery_umbilical_cord concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_artery_urinary_tract concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_artery_veins concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_veins concept:subpartof concept_website_blood +concept_artery_vena_cava concept:arterycalledartery concept_artery_vessels +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_aorta +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_arteries +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_circulation +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_arteries +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_trunk +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonary_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_pulmonic_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_right_ventricle +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_semilunar_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_veins +concept_artery_ventricle concept:bodypartcontainsbodypart concept_artery_vessels +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_aortic_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_atrium +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_blood +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_left_atrium +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_oxygen_rich_blood +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_oxygenated_blood +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_right_atrium001 +concept_artery_ventricle concept:bodypartcontainsbodypart concept_bodypart_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_braintissue_orifice +concept_artery_ventricle concept:bodypartcontainsbodypart concept_vein_mitral_valve +concept_artery_ventricle concept:bodypartcontainsbodypart concept_vein_systemic_circulation +concept_artery_vertebral concept:arterycalledartery concept_artery_arteries +concept_artery_vessel concept:arterycalledartery concept_artery_cells +concept_artery_vessel concept:arterycalledartery concept_artery_lungs +concept_artery_vessel concept:arterycalledartery concept_bacteria_endothelial_cells +concept_artery_vessel_walls concept:arterycalledartery concept_artery_cells +concept_artery_vessel_walls concept:arterycalledartery concept_artery_smooth_muscle +concept_artery_vessel_walls concept:arterycalledartery concept_bacteria_endothelial_cells +concept_artery_vessels concept:arterycalledartery concept_artery_aorta +concept_artery_vessels concept:arterycalledartery concept_artery_arch +concept_artery_vessels concept:arterycalledartery concept_artery_arms +concept_artery_vessels concept:arterycalledartery concept_artery_arteries +concept_artery_vessels concept:arterycalledartery concept_artery_arterioles +concept_artery_vessels concept:arterycalledartery concept_artery_artery_disease +concept_artery_vessels concept:arterycalledartery concept_artery_bifurcation +concept_artery_vessels concept:arterycalledartery concept_artery_blockage +concept_artery_vessels concept:arterycalledartery concept_artery_blood_supply +concept_artery_vessels concept:arterycalledartery concept_artery_blood_vessels +concept_artery_vessels concept:arterycalledartery concept_artery_body +concept_artery_vessels concept:arterycalledartery concept_artery_branches +concept_artery_vessels concept:arterycalledartery concept_artery_canal +concept_artery_vessels concept:arterycalledartery concept_artery_capillaries +concept_artery_vessels concept:arterycalledartery concept_artery_capillary +concept_artery_vessels concept:arterycalledartery concept_artery_carotid +concept_artery_vessels concept:arterycalledartery concept_artery_carotid_arteries +concept_artery_vessels concept:arterycalledartery concept_artery_carotid_artery +concept_artery_vessels concept:arterycalledartery concept_artery_cell +concept_artery_vessels concept:arterycalledartery concept_artery_cells +concept_artery_vessels concept:arterycalledartery concept_artery_circulation +concept_artery_vessels concept:arterycalledartery concept_artery_cord +concept_artery_vessels concept:arterycalledartery concept_artery_coronary_arteries +concept_artery_vessels concept:arterycalledartery concept_artery_dorsal_aorta +concept_artery_vessels concept:arterycalledartery concept_artery_esophagus +concept_artery_vessels concept:arterycalledartery concept_artery_eye +concept_artery_vessels concept:arterycalledartery concept_artery_fluid +concept_artery_vessels concept:arterycalledartery concept_artery_intestines +concept_artery_vessels concept:arterycalledartery concept_artery_layer +concept_artery_vessels concept:arterycalledartery concept_artery_leg +concept_artery_vessels concept:arterycalledartery concept_artery_lungs +concept_artery_vessels concept:arterycalledartery concept_artery_muscles +concept_artery_vessels concept:arterycalledartery concept_artery_optic_nerve +concept_artery_vessels concept:arterycalledartery concept_artery_process +concept_artery_vessels concept:arterycalledartery concept_artery_pulmonary_arteries +concept_artery_vessels concept:arterycalledartery concept_artery_pulmonary_artery +concept_artery_vessels concept:arterycalledartery concept_artery_right +concept_artery_vessels concept:arterycalledartery concept_artery_sheath +concept_artery_vessels concept:arterycalledartery concept_artery_skin +concept_artery_vessels concept:arterycalledartery concept_artery_smooth_muscle +concept_artery_vessels concept:arterycalledartery concept_artery_spider_veins +concept_artery_vessels concept:arterycalledartery concept_artery_subclavian +concept_artery_vessels concept:arterycalledartery concept_artery_tissues +concept_artery_vessels concept:arterycalledartery concept_artery_ureter +concept_artery_vessels concept:arterycalledartery concept_artery_vena_cava +concept_artery_vessels concept:arterycalledartery concept_artery_venules +concept_artery_vessels concept:arterycalledartery concept_bacteria_endothelial_cells +concept_artery_vessels concept:arterycalledartery concept_bacteria_smooth_muscle_cells +concept_artery_vessels concept:arterycalledartery concept_bodypart_atria +concept_artery_vessels concept:arterycalledartery concept_bodypart_bleeding +concept_artery_vessels concept:arterycalledartery concept_bodypart_death +concept_artery_vessels concept:arterycalledartery concept_bodypart_endothelium +concept_artery_vessels concept:arterycalledartery concept_bodypart_heart_chambers +concept_artery_vessels concept:arterycalledartery concept_bodypart_heart_valves +concept_artery_vessels concept:arterycalledartery concept_bodypart_internal_organs +concept_artery_vessels concept:arterycalledartery concept_bodypart_kidney001 +concept_artery_vessels concept:arterycalledartery concept_bodypart_kidneys +concept_artery_vessels concept:arterycalledartery concept_bodypart_liver +concept_artery_vessels concept:arterycalledartery concept_bodypart_lymphatics +concept_artery_vessels concept:arterycalledartery concept_bodypart_membrane +concept_artery_vessels concept:arterycalledartery concept_bodypart_microcirculation +concept_artery_vessels concept:arterycalledartery concept_bodypart_nerves001 +concept_artery_vessels concept:arterycalledartery concept_bodypart_organ001 +concept_artery_vessels concept:arterycalledartery concept_bodypart_stomach +concept_artery_vessels concept:arterycalledartery concept_bodypart_valves +concept_artery_way concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_arthropod_additions concept:agentcreated concept_programminglanguage_contact +concept_arthropod_anteaters concept:animalpreyson concept_insect_ants +concept_arthropod_artemia concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_arachnid_mites +concept_arthropod_arthropods concept:animalpreyson concept_arachnid_scorpions +concept_arthropod_arthropods concept:animalsuchasinvertebrate concept_arachnid_scorpions +concept_arthropod_arthropods concept:arthropodandotherarthropod concept_arachnid_scorpions +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_arachnid_scorpions +concept_arthropod_arthropods concept:animalpreyson concept_arachnid_ticks +concept_arthropod_arthropods concept:arthropodandotherarthropod concept_arachnid_ticks +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_arachnid_ticks +concept_arthropod_arthropods concept:animalpreyson concept_arthropod_centipedes +concept_arthropod_arthropods concept:animalsuchasinvertebrate concept_arthropod_centipedes +concept_arthropod_arthropods concept:arthropodandotherarthropod concept_arthropod_centipedes +concept_arthropod_arthropods concept:animalpreyson concept_arthropod_spiders +concept_arthropod_arthropods concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_arthropod_trilobites +concept_arthropod_arthropods concept:invertebratefeedonfood concept_food_spore +concept_arthropod_arthropods concept:arthropodcalledarthropod concept_insect_arachnids +concept_arthropod_arthropods concept:animalsuchasinsect concept_insect_fleas +concept_arthropod_arthropods concept:animalthatfeedoninsect concept_insect_fleas +concept_arthropod_arthropods concept:animalsuchasinsect concept_insect_mites +concept_arthropod_arthropods concept:animalsuchasinvertebrate concept_insect_mites +concept_arthropod_arthropods concept:animalthatfeedoninsect concept_insect_mites +concept_arthropod_arthropods concept:arthropodandotherarthropod concept_insect_mites +concept_arthropod_arthropods concept:animalsuchasinsect concept_insect_mosquitoes +concept_arthropod_arthropods concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_arthropod_arthropods concept:animalsuchasinsect concept_insect_ticks +concept_arthropod_arthropods concept:animalthatfeedoninsect concept_insect_ticks +concept_arthropod_bit concept:animaleatvegetable concept_vegetable_lettuce +concept_arthropod_bit concept:animaleatvegetable concept_vegetable_spinach +concept_arthropod_blister concept:subpartof concept_weatherphenomenon_water +concept_arthropod_blood_worms concept:animalpreyson concept_crustacean_shrimp +concept_arthropod_blood_worms concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_blood_worms concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_blood_worms concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_bloodworm concept:animalpreyson concept_crustacean_shrimp +concept_arthropod_bloodworm concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_bloodworm concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_bloodworm concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_bloodworms concept:animalpreyson concept_crustacean_shrimp +concept_arthropod_bloodworms concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_bloodworms concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_bloodworms concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_calamari concept:arthropodcalledarthropod concept_arthropod_seafood +concept_arthropod_calamari concept:animaleatvegetable concept_vegetable_greens +concept_arthropod_centipedes concept:arthropodandotherarthropod concept_arachnid_scorpions +concept_arthropod_centipedes concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arthropod_centipedes concept:agentcompeteswithagent concept_insect_insects +concept_arthropod_centipedes concept:specializationof concept_insect_insects +concept_arthropod_chiggers concept:animalpreyson concept_insect_insects +concept_arthropod_chionea concept:latitudelongitude 44.4819400000000,25.7988900000000 +concept_arthropod_cicadas concept:animalpreyson concept_insect_insects +concept_arthropod_clams concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_arthropod_clams concept:animalsuchasinsect concept_arthropod_invertebrates +concept_arthropod_clams concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_arthropod_clams concept:arthropodcalledarthropod concept_arthropod_mussels +concept_arthropod_clams concept:arthropodcalledarthropod concept_arthropod_seafood +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_bivalves +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_crab +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_lobsters +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_scallops +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_arthropod_clams concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_clams concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_arthropod_conch concept:arthropodcalledarthropod concept_arthropod_seafood +concept_arthropod_copperheads concept:animalpreyson concept_animal_mice001 +concept_arthropod_crickets concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arthropod_crickets concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arthropod_crickets concept:animalsuchasinvertebrate concept_insect_insects +concept_arthropod_crickets concept:animalsuchasinvertebrate concept_insect_pests +concept_arthropod_crop_pests concept:animalpreyson concept_insect_insects +concept_arthropod_crop_pests concept:animalsuchasinsect concept_insect_insects +concept_arthropod_crop_pests concept:arthropodandotherarthropod concept_insect_insects +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_agriculturalproduct_shrimps +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_copepods +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_crab +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_crayfish +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_krill +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_lobster +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_lobsters +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_prawns +concept_arthropod_crustaceans concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_decay concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_arthropod_degus concept:specializationof concept_animal_animals001 +concept_arthropod_dog concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_dog concept:animalpreyson concept_animal_animals001 +concept_arthropod_dog concept:animalpreyson concept_animal_pup +concept_arthropod_dog concept:animalpreyson concept_arthropod_dog +concept_arthropod_dry_rot concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_arthropod_external_parasites concept:animalpreyson concept_arachnid_ticks +concept_arthropod_external_parasites concept:animalsuchasinvertebrate concept_arachnid_ticks +concept_arthropod_external_parasites concept:animalsuchasinsect concept_arthropod_lice +concept_arthropod_external_parasites concept:animalsuchasinvertebrate concept_arthropod_lice +concept_arthropod_external_parasites concept:animalthatfeedoninsect concept_arthropod_lice +concept_arthropod_external_parasites concept:animalsuchasinsect concept_insect_fleas +concept_arthropod_external_parasites concept:animalthatfeedoninsect concept_insect_fleas +concept_arthropod_external_parasites concept:specializationof concept_insect_fleas +concept_arthropod_external_parasites concept:animalsuchasinsect concept_insect_mites +concept_arthropod_external_parasites concept:animalthatfeedoninsect concept_insect_mites +concept_arthropod_external_parasites concept:animalsuchasinsect concept_insect_ticks +concept_arthropod_external_parasites concept:animalthatfeedoninsect concept_insect_ticks +concept_arthropod_females concept:animaleatfood concept_beverage_blood +concept_arthropod_females concept:invertebratefeedonfood concept_beverage_nectar +concept_arthropod_females concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_arthropod_females concept:agentparticipatedinevent concept_eventoutcome_result +concept_arthropod_females concept:invertebratefeedonfood concept_fungus_blood +concept_arthropod_females concept:invertebratefeedonfood concept_legume_bark +concept_arthropod_files concept:agentcreated concept_book_print +concept_arthropod_files concept:agentinvolvedwithitem concept_buildingfeature_home +concept_arthropod_files concept:agentinvolvedwithitem concept_buildingfeature_service +concept_arthropod_files concept:agentinvolvedwithitem concept_buildingfeature_window +concept_arthropod_files concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_arthropod_files concept:agentparticipatedinevent concept_eventoutcome_result +concept_arthropod_files concept:agentcompeteswithagent concept_tradeunion_search +concept_arthropod_files concept:agentinvolvedwithitem concept_videogame_real +concept_arthropod_files concept:agentcreated concept_website_download +concept_arthropod_grilled_chicken_breast concept:animaleatvegetable concept_vegetable_greens +concept_arthropod_grilled_chicken_breast concept:animaleatvegetable concept_vegetable_lettuce +concept_arthropod_habitats concept:agentparticipatedinevent concept_eventoutcome_result +concept_arthropod_habitats concept:animalsuchasfish concept_fish_trout +concept_arthropod_hairy_spiders concept:arthropodcalledarthropod concept_arachnid_tarantulas +concept_arthropod_herbs concept:animaleatvegetable concept_vegetable_rice +concept_arthropod_hog concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_homes concept:agentparticipatedinevent concept_eventoutcome_result +concept_arthropod_hornets concept:animalpreyson concept_insect_insects +concept_arthropod_hornets concept:animalsuchasinsect concept_insect_insects +concept_arthropod_hornets concept:arthropodandotherarthropod concept_insect_insects +concept_arthropod_insect_infestations concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_arthropod_insect_predators concept:animalsuchasinsect concept_insect_beetles +concept_arthropod_insect_predators concept:animalthatfeedoninsect concept_insect_beetles +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_agriculturalproduct_shrimps +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_agriculturalproduct_shrimps +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_arthropod_clams +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_arthropod_mussels +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_arthropod_snails +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_arthropod_snails +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_arthropod_snails +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_crustacean_crayfish +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_crustacean_crayfish +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_crustacean_lobsters +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_crustacean_lobsters +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_crustacean_mollusks +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_ants +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_insect_ants +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_aquatic_insects +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_aquatic_insects +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_beetles +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_insect_beetles +concept_arthropod_invertebrates concept:arthropodandotherarthropod concept_insect_beetles +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_beetles +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_butterflies +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_insect_butterflies +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_butterflies +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_cockroaches +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_crabs +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_earthworms +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_insect_earthworms +concept_arthropod_invertebrates concept:arthropodandotherarthropod concept_insect_earthworms +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_earthworms +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_flies +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_flies +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_grasshoppers +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_grasshoppers +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_insect_insect_larvae +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_insect_larvae +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_insects +concept_arthropod_invertebrates concept:animalthatfeedoninsect concept_insect_insects +concept_arthropod_invertebrates concept:arthropodcalledarthropod concept_insect_insects +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_mites +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_termites +concept_arthropod_invertebrates concept:animalsuchasinsect concept_insect_wasps +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_corals +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_leeches +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_molluscs +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_nematodes +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_octopuses +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_polychaetes +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_squids +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_urchins +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_arthropod_invertebrates concept:animalsuchasinvertebrate concept_mollusk_nudibranchs +concept_arthropod_lice concept:animalpreyson concept_arthropod_external_parasites +concept_arthropod_lice concept:animalsuchasinvertebrate concept_arthropod_external_parasites +concept_arthropod_lice concept:arthropodandotherarthropod concept_arthropod_external_parasites +concept_arthropod_lice concept:agentcompeteswithagent concept_insect_insects +concept_arthropod_lice concept:animalsuchasinsect concept_insect_insects +concept_arthropod_lice concept:arthropodandotherarthropod concept_insect_insects +concept_arthropod_males concept:invertebratefeedonfood concept_beverage_nectar +concept_arthropod_males concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_arthropod_males concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_arthropod_males concept:animaldevelopdisease concept_disease_disorder +concept_arthropod_males concept:animaldevelopdisease concept_disease_syndrome +concept_arthropod_males concept:agentparticipatedinevent concept_eventoutcome_result +concept_arthropod_mantids concept:animalpreyson concept_insect_insects +concept_arthropod_mantids concept:animalsuchasinvertebrate concept_insect_insects +concept_arthropod_mantids concept:arthropodcalledarthropod concept_insect_insects +concept_arthropod_mantis concept:animalthatfeedoninsect concept_insect_aphids +concept_arthropod_mantis concept:animalthatfeedoninsect concept_insect_beetle +concept_arthropod_mantis concept:animalthatfeedoninsect concept_insect_grasshopper +concept_arthropod_microworms concept:animalpreyson concept_crustacean_shrimp +concept_arthropod_microworms concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_microworms concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_microworms concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_mouse concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_mussels concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_arthropod_mussels concept:arthropodcalledarthropod concept_arthropod_seafood +concept_arthropod_mussels concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_arthropod_mussels concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_mussels concept:animalistypeofanimal concept_invertebrate_molluscs +concept_arthropod_native_bees concept:arthropodandotherarthropod concept_arthropod_pollinators +concept_arthropod_native_bees concept:animalpreyson concept_invertebrate_bees +concept_arthropod_natural_enemies concept:animalsuchasinsect concept_insect_beetles +concept_arthropod_natural_enemies concept:animalthatfeedoninsect concept_insect_beetles +concept_arthropod_natural_enemies concept:arthropodandotherarthropod concept_insect_beetles +concept_arthropod_natural_enemies concept:arthropodcalledarthropod concept_insect_beetles +concept_arthropod_natural_enemies concept:animalsuchasinsect concept_insect_insects +concept_arthropod_natural_enemies concept:animalthatfeedoninsect concept_insect_insects +concept_arthropod_natural_enemies concept:specializationof concept_insect_insects +concept_arthropod_natural_enemies concept:animalthatfeedoninsect concept_insect_pests +concept_arthropod_no_see_ums concept:animalpreyson concept_insect_insects +concept_arthropod_no_see_ums concept:animalsuchasinsect concept_insect_insects +concept_arthropod_no_see_ums concept:animalsuchasinvertebrate concept_insect_insects +concept_arthropod_no_see_ums concept:arthropodandotherarthropod concept_insect_insects +concept_arthropod_opossums concept:animalpreyson concept_animal_animals001 +concept_arthropod_opossums concept:animalistypeofanimal concept_animal_mammals001 +concept_arthropod_opossums concept:animalpreyson concept_animal_mammals001 +concept_arthropod_phylloxera concept:arthropodcalledarthropod concept_insect_louse +concept_arthropod_plankton concept:animalistypeofanimal concept_animal_creatures +concept_arthropod_plankton concept:animalistypeofanimal concept_animal_organisms +concept_arthropod_plankton concept:agentcompeteswithagent concept_crustacean_shrimp +concept_arthropod_plankton concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_plankton concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_plankton concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_pollinators concept:animalpreyson concept_animal_birds003 +concept_arthropod_pollinators concept:invertebratefeedonfood concept_beverage_nectar +concept_arthropod_pollinators concept:invertebratefeedonfood concept_food_pollen +concept_arthropod_pollinators concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_arthropod_pollinators concept:animalsuchasinsect concept_insect_butterflies +concept_arthropod_pollinators concept:animalthatfeedoninsect concept_insect_butterflies +concept_arthropod_pollinators concept:arthropodandotherarthropod concept_insect_butterflies +concept_arthropod_pollinators concept:arthropodcalledarthropod concept_insect_butterflies +concept_arthropod_pollinators concept:animalsuchasinsect concept_insect_insects +concept_arthropod_pollinators concept:animalthatfeedoninsect concept_insect_insects +concept_arthropod_pollinators concept:animalpreyson concept_insect_moths +concept_arthropod_pollinators concept:animalsuchasinsect concept_insect_moths +concept_arthropod_pollinators concept:animalsuchasinsect concept_insect_wasps +concept_arthropod_pollinators concept:animalthatfeedoninsect concept_insect_wasps +concept_arthropod_pollinators concept:arthropodcalledarthropod concept_insect_wasps +concept_arthropod_pollinators concept:animalpreyson concept_invertebrate_bees +concept_arthropod_pollinators concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_arthropod_praying_mantids concept:animalpreyson concept_insect_insects +concept_arthropod_prey concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_prey concept:animalpreyson concept_animal_deer001 +concept_arthropod_prey concept:animalpreyson concept_animal_mice +concept_arthropod_prey concept:animalpreyson concept_bird_eagles +concept_arthropod_prey concept:animalpreyson concept_bird_kites +concept_arthropod_prey concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_prey concept:animalsuchasfish concept_fish_bass +concept_arthropod_prey concept:animalsuchasinsect concept_insect_beetles +concept_arthropod_prey concept:animalthatfeedoninsect concept_insect_beetles +concept_arthropod_prey concept:animalsuchasinsect concept_insect_grasshoppers +concept_arthropod_prey concept:animalsuchasinsect concept_insect_insects +concept_arthropod_prey concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_arthropod_prey concept:animalpreyson concept_mammal_rabbits +concept_arthropod_prey concept:animalpreyson concept_mammal_rats +concept_arthropod_prey concept:animalpreyson concept_mammal_rodents +concept_arthropod_quail concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_quail concept:animalistypeofanimal concept_animal_birds003 +concept_arthropod_raccoons concept:animalpreyson concept_animal_animals001 +concept_arthropod_raccoons concept:animalistypeofanimal concept_animal_mammals001 +concept_arthropod_raccoons concept:animalpreyson concept_animal_mammals001 +concept_arthropod_raccoons concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_arthropod_raccoons concept:specializationof concept_animal_wildlife +concept_arthropod_raccoons concept:animalsuchasinsect concept_insect_pests +concept_arthropod_raccoons concept:animalpreyson concept_reptile_pets +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arachnid_black_widow +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arachnid_brown_recluse_spider +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arachnid_recluse_spider +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arachnid_recluse_spiders +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arthropod_spider_bite +concept_arthropod_recluse concept:arthropodcalledarthropod concept_arthropod_spider_bite +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arthropod_recluse concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arthropod_recluse concept:arthropodandotherarthropod concept_arthropod_widow +concept_arthropod_record concept:agentinvolvedwithitem concept_buildingfeature_window +concept_arthropod_record concept:animalsuchasfish concept_fish_trout +concept_arthropod_roaches concept:animalpreyson concept_insect_insects +concept_arthropod_roaches concept:animalsuchasinsect concept_insect_insects +concept_arthropod_roaches concept:arthropodandotherarthropod concept_insect_insects +concept_arthropod_roaches concept:animalsuchasinvertebrate concept_insect_pests +concept_arthropod_rotifers concept:agentcompeteswithagent concept_crustacean_shrimp +concept_arthropod_rotifers concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_rotifers concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_arthropod_rotifers concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_seafood concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_arthropod_seafood concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_arthropod_seafood concept:arthropodcalledarthropod concept_arthropod_calamari +concept_arthropod_seafood concept:arthropodcalledarthropod concept_arthropod_conch +concept_arthropod_seafood concept:arthropodcalledarthropod concept_arthropod_mussels +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_crab +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_crab_cakes +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_crab_legs +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_crayfish +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_fresh_fish +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_lobster +concept_arthropod_seafood concept:animalsuchasinvertebrate concept_crustacean_lobsters +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_lobsters +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_prawns +concept_arthropod_seafood concept:animalsuchasinvertebrate concept_crustacean_scallops +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_scallops +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_arthropod_seafood concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_arthropod_seafood concept:animaleatvegetable concept_vegetable_greens +concept_arthropod_seafood concept:animaleatvegetable concept_vegetable_rice +concept_arthropod_secondary_pests concept:arthropodandotherarthropod concept_arachnid_mites +concept_arthropod_secondary_pests concept:animalsuchasinsect concept_insect_mites +concept_arthropod_secondary_pests concept:animalsuchasinvertebrate concept_insect_mites +concept_arthropod_secondary_pests concept:animalthatfeedoninsect concept_insect_mites +concept_arthropod_sirloin concept:animaleatvegetable concept_vegetable_greens +concept_arthropod_small_invertebrates concept:agentcompeteswithagent concept_invertebrate_worms +concept_arthropod_small_invertebrates concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_arthropod_snails concept:invertebratefeedonfood concept_agriculturalproduct_plants +concept_arthropod_snails concept:animalsuchasinsect concept_arthropod_invertebrates +concept_arthropod_snails concept:arthropodandotherarthropod concept_arthropod_invertebrates +concept_arthropod_snails concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_arthropod_snails concept:animalpreyson concept_arthropod_snails +concept_arthropod_snails concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_arthropod_snails concept:animalsuchasinsect concept_insect_pests +concept_arthropod_snails concept:arthropodandotherarthropod concept_insect_pests +concept_arthropod_spider_bite concept:arthropodcalledarthropod concept_arachnid_brown_recluse +concept_arthropod_spider_bite concept:arthropodcalledarthropod concept_arachnid_brown_recluse_spider +concept_arthropod_spider_bite concept:arthropodcalledarthropod concept_arachnid_recluse_spider +concept_arthropod_spider_bite concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arthropod_spider_bite concept:arthropodcalledarthropod concept_arthropod_recluse +concept_arthropod_spider_bites concept:animalistypeofanimal concept_arthropod_recluse +concept_arthropod_spiders concept:animalpreyson concept_animal_animals001 +concept_arthropod_spiders concept:animalistypeofanimal concept_animal_creatures +concept_arthropod_spiders concept:animalpreyson concept_animal_creatures +concept_arthropod_spiders concept:animalistypeofanimal concept_animal_exotic_pets +concept_arthropod_spiders concept:animalpreyson concept_animal_exotic_pets +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_black_widow +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_black_widow +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_black_widow_spiders +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_black_widow_spiders +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_black_widows +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_black_widows +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_brazilian_whiteknee_tarantula +concept_arthropod_spiders concept:synonymfor concept_arachnid_brown_recluse +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_brown_recluse_spider +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_brown_recluse_spider +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_recluse_spider +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_recluse_spider +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_recluse_spiders +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_scorpions +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_scorpions +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arachnid_tarantulas +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arachnid_tarantulas +concept_arthropod_spiders concept:animalsuchasinsect concept_arthropod_arthropods +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arthropod_spiders concept:animalsuchasinsect concept_arthropod_invertebrates +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arthropod_invertebrates +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arthropod_recluse +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arthropod_small_arthropods +concept_arthropod_spiders concept:arthropodandotherarthropod concept_arthropod_widow +concept_arthropod_spiders concept:arthropodcalledarthropod concept_arthropod_widow +concept_arthropod_spiders concept:animalistypeofanimal concept_bird_black_widow +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_arachnids +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_beetles +concept_arthropod_spiders concept:arthropodcalledarthropod concept_insect_beetles +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_brown_recluse +concept_arthropod_spiders concept:arthropodcalledarthropod concept_insect_brown_recluse +concept_arthropod_spiders concept:arthropodcalledarthropod concept_insect_crabs +concept_arthropod_spiders concept:arthropodcalledarthropod concept_insect_orb_weavers +concept_arthropod_spiders concept:animalsuchasinsect concept_insect_pests +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_pests +concept_arthropod_spiders concept:arthropodandotherarthropod concept_insect_widow_spiders +concept_arthropod_spiders concept:arthropodcalledarthropod concept_insect_widow_spiders +concept_arthropod_spiders concept:animalistypeofanimal concept_mammal_pets +concept_arthropod_spiders concept:animalpreyson concept_mammal_pets +concept_arthropod_sponges concept:animalistypeofanimal concept_animal_animals001 +concept_arthropod_sponges concept:animalpreyson concept_animal_animals001 +concept_arthropod_sponges concept:animalistypeofanimal concept_animal_organisms +concept_arthropod_stint concept:agentparticipatedinevent concept_sportsgame_series +concept_arthropod_stones concept:agentcollaborateswithagent concept_person_john003 +concept_arthropod_trilobites concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_arthropod_trinucleus concept:latitudelongitude 74.2333300000000,-20.8333300000000 +concept_arthropod_two_days concept:proxyfor concept_book_new +concept_arthropod_two_days concept:atdate concept_date_n2000 +concept_arthropod_two_days concept:atdate concept_date_n2003 +concept_arthropod_two_days concept:atdate concept_date_n2004 +concept_arthropod_two_days concept:atdate concept_year_n1995 +concept_arthropod_two_days concept:atdate concept_year_n1998 +concept_arthropod_walnut concept:mutualproxyfor concept_stateorprovince_california +concept_arthropod_water_fleas concept:animalistypeofanimal concept_arthropod_zooplankton +concept_arthropod_widow concept:arthropodandotherarthropod concept_arachnid_recluse_spider +concept_arthropod_widow concept:arthropodandotherarthropod concept_arthropod_recluse +concept_arthropod_widow concept:arthropodandotherarthropod concept_arthropod_spiders +concept_arthropod_widow concept:arthropodcalledarthropod concept_arthropod_spiders +concept_arthropod_widow concept:animalistypeofanimal concept_invertebrate_spider +concept_arthropod_yellow_jackets concept:animalsuchasinsect concept_insect_insects +concept_arthropod_yellow_jackets concept:animalsuchasinsect concept_insect_pests +concept_arthropod_yellow_jackets concept:arthropodandotherarthropod concept_insect_pests +concept_arthropod_yellowjacket concept:arthropodcalledarthropod concept_insect_wasp +concept_arthropod_zooplankton concept:animalsuchasinvertebrate concept_arthropod_rotifers +concept_arthropod_zooplankton concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_arthropod_zooplankton concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_astronaut_armstrong concept:personbornincity concept_city_york +concept_astronaut_atlantis concept:agentcollaborateswithagent concept_organization_reef_atlantis +concept_astronaut_atlantis concept:agentcontrols concept_organization_reef_atlantis +concept_astronaut_brigham_young concept:politicianrepresentslocation concept_hotel_twelve +concept_astronaut_calley concept:personchargedwithcrime concept_crimeorcharge_murder +concept_astronaut_charles_a__lindbergh concept:persondiedincountry concept_country_england +concept_astronaut_columbia concept:personbelongstoorganization concept_politicalparty_college +concept_astronaut_columbia concept:persongraduatedschool concept_school_business_school +concept_astronaut_columbia concept:persongraduatedschool concept_university_college +concept_astronaut_columbia concept:persongraduatedschool concept_university_graduate_school +concept_astronaut_columbia concept:persongraduatedschool concept_university_law_school +concept_astronaut_columbia concept:persongraduatedschool concept_university_university_law_school +concept_astronaut_george_mcgovern concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_astronaut_george_mcgovern concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_astronaut_george_mcgovern concept:politicianusendorsedbypoliticianus concept_politicianus_nixon +concept_astronaut_herbert_hoover concept:politicianrepresentslocation concept_country_u_s_ +concept_astronaut_herbert_hoover concept:politicianrepresentslocation concept_country_united_states +concept_astronaut_herbert_hoover concept:personbelongstoorganization concept_governmentorganization_house +concept_astronaut_herbert_hoover concept:politicianusholdsoffice concept_politicaloffice_president +concept_astronaut_herbert_hoover concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_astronaut_janet_fitch concept:agentcreated concept_movie_white_oleander +concept_astronaut_january_12 concept:proxyfor concept_book_new +concept_astronaut_joe concept:persondiedatage 10 +concept_astronaut_joe concept:politicianholdsoffice concept_politicaloffice_president +concept_astronaut_landing concept:agentinvolvedwithitem concept_buildingfeature_window +concept_astronaut_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_astronaut_mail concept:agentcollaborateswithagent concept_politicianus_form +concept_astronaut_mail concept:agentcreated concept_programminglanguage_contact +concept_astronaut_mail concept:agentcreated concept_website_information +concept_astronaut_menu concept:agentinvolvedwithitem concept_buildingfeature_window +concept_astronaut_menu concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_astronaut_menu concept:agentcreated concept_city_click +concept_astronaut_menu concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_astronaut_mol concept:personmovedtostateorprovince concept_stateorprovince_newyork +concept_astronaut_rim concept:agentinvolvedwithitem concept_beverage_blackberry +concept_astronaut_rim concept:agentcollaborateswithagent concept_ceo_jim_balsillie +concept_astronaut_rim concept:agentcontrols concept_ceo_jim_balsillie +concept_astronaut_rim concept:agentcreated concept_company_blackberry +concept_astronaut_rsa concept:agentcollaborateswithagent concept_company_cyota +concept_astronaut_target concept:agentinvolvedwithitem concept_buildingfeature_window +concept_astronaut_target concept:agentinvolvedwithitem concept_product_tab +concept_astronaut_target concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_astronaut_text concept:agentcreated concept_programminglanguage_contact +concept_astronaut_text concept:agentcompeteswithagent concept_reptile_references +concept_astronaut_tom_jones concept:agentcollaborateswithagent concept_person_john003 +concept_astronaut_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_astronaut_zvezda concept:atdate concept_dayofweek_saturday +concept_athlete__scott concept:latitudelongitude 45.4395600000000,-122.5556500000000 +concept_athlete_a__w__tillinghast concept:athleteplayssport concept_sport_golf +concept_athlete_a_j__feeley concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_a_j__feeley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_aaron concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_aaron concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_aaron concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_aaron concept:athleteplayssport concept_sport_baseball +concept_athlete_aaron concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_aaron_hill concept:athleteplayssport concept_sport_baseball +concept_athlete_aaron_hill concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_aaron_hill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_aaron_laffey concept:athleteplayssport concept_sport_baseball +concept_athlete_aaron_williams concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_aaron_williams concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_aaron_williams concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_aberdeen concept:atlocation concept_city_washington_d_c +concept_athlete_aberdeen concept:mutualproxyfor concept_radiostation_new_jersey +concept_athlete_aboya concept:latitudelongitude 6.2333300000000,29.4833300000000 +concept_athlete_abreu concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_abreu concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_bernero concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_bostick concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_eaton concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_jones concept:athleteledsportsteam concept_sportsteam_orioles +concept_athlete_adam_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_loewen concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_loewen concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_adam_loewen concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_adam_loewen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_loewen concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_adam_miller concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_morrison concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_morrison concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_adam_morrison concept:athleteledsportsteam concept_sportsteam_charlotte_bobcats +concept_athlete_adam_morrison concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_adam_morrison concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_russell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_adam_wainwright concept:athleteplayssport concept_sport_baseball +concept_athlete_adam_wainwright concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_adonal_foyle concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_adrian_aucoin concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_adrian_aucoin concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_adrian_beltre concept:athleteplayssport concept_sport_baseball +concept_athlete_adrian_beltre concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_adrian_beltre concept:athleteplaysforteam concept_sportsteam_mariners +concept_athlete_adrian_beltre concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_adrian_griffin concept:athleteledsportsteam concept_sportsteam_knicks +concept_athlete_adrian_griffin concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_adrian_griffin concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_ahman_green concept:athleteplayssport concept_sport_football +concept_athlete_ahman_green concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ahman_green concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_ahman_green concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_akinori_iwamura concept:athleteplayssport concept_sport_baseball +concept_athlete_akinori_iwamura concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_akinori_iwamura concept:athleteledsportsteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_akinori_iwamura concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_akinori_iwamura concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_akinori_otsuka concept:athleteplayssport concept_sport_baseball +concept_athlete_akinori_otsuka concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_al_kaline concept:athleteplayssport concept_sport_baseball +concept_athlete_al_kaline concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_al_kaline concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_al_leiter concept:athleteplayssport concept_sport_baseball +concept_athlete_al_leiter concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_al_leiter concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_al_reyes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alan_embree concept:athleteplayssport concept_sport_baseball +concept_athlete_alan_embree concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alan_embree concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alan_trammell concept:athleteplayssport concept_sport_baseball +concept_athlete_alan_trammell concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alan_trammell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alay_soler concept:athleteplayssport concept_sport_baseball +concept_athlete_albert_pujols concept:personalsoknownas concept_athlete_pujols +concept_athlete_albert_pujols concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_albert_pujols concept:athleteplayssport concept_sport_baseball +concept_athlete_albert_pujols concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_albert_pujols concept:athleteplaysforteam concept_sportsteam_st___louis_cardinals +concept_athlete_albert_pujols concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_albert_pujols concept:athletehomestadium concept_stadiumoreventvenue_busch_memorial_stadium +concept_athlete_albert_young concept:athleteplayssport concept_sport_baseball +concept_athlete_alberto_arias concept:athleteplayssport concept_sport_baseball +concept_athlete_alberto_arias concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alberto_arias concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alberto_gilardino concept:athleteplaysforteam concept_sportsteam_italy +concept_athlete_alcides_escobar concept:athleteplayssport concept_sport_baseball +concept_athlete_alcides_escobar concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alcides_escobar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alcindor concept:latitudelongitude 18.3166700000000,-71.8000000000000 +concept_athlete_alejandro_deaza concept:athleteplayssport concept_sport_baseball +concept_athlete_ales_hemsky concept:athleteplaysforteam concept_sportsteam_edmonton_oilers +concept_athlete_ales_kotalik concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_alex_acker concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_alex_burrows concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_alex_corretja concept:athleteplayssport concept_sport_baseball +concept_athlete_alex_corretja concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alex_corretja concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alex_ferguson concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_alex_hinshaw concept:athleteplayssport concept_sport_football +concept_athlete_alex_hinshaw concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_alex_kovalev concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_alex_ovechkin concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_alex_ovechkin concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_alex_rios concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_alex_rios concept:athleteplayssport concept_sport_baseball +concept_athlete_alex_rios concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alex_rios concept:athleteledsportsteam concept_sportsteam_blue_jays +concept_athlete_alex_rios concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_athlete_alex_rios concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alex_romero concept:athleteplayssport concept_sport_baseball +concept_athlete_alex_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_alex_serrano concept:athleteplayssport concept_sport_baseball +concept_athlete_alexander_semin concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_alexander_semin concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_athlete_alexandre_pato concept:athleteplaysforteam concept_sportsteam_a_c__milan +concept_athlete_alexei_kovalev concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_alexei_ponikarovsky concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_athlete_alexei_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_alexei_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_alexei_ramirez concept:athleteledsportsteam concept_sportsteam_white_sox +concept_athlete_alexei_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_alfredo_aceves concept:athleteplayssport concept_sport_baseball +concept_athlete_allan_houston concept:athleteplayssport concept_sport_basketball +concept_athlete_allan_houston concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_allan_houston concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_alonzo_mourning concept:athleteplayssport concept_sport_basketball +concept_athlete_alonzo_mourning concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_amanda_smith concept:personhasjobposition concept_jobposition_historian +concept_athlete_amani_toomer concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_amani_toomer concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_amare_stoudemire concept:athleteplayssport concept_sport_basketball +concept_athlete_amare_stoudemire concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_amare_stoudemire concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_amare_stoudemire concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_ambiorix_burgos concept:athleteplayssport concept_sport_baseball +concept_athlete_american_league_west concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_amir_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_anastasia_myskina concept:athletebeatathlete concept_athlete_elena_dementieva +concept_athlete_anastasia_myskina concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_anderson_garcia concept:athleteplayssport concept_sport_baseball +concept_athlete_anderson_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_andray_blatche concept:athleteledsportsteam concept_sportsteam_washington_wizards +concept_athlete_andre_agassi_and_steffi_graf concept:athletebeatathlete concept_athlete_pete_sampras +concept_athlete_andre_agassi_and_steffi_graf concept:athletebeatathlete concept_athlete_williams +concept_athlete_andre_agassi_and_steffi_graf concept:athletebeatathlete concept_athlete_yevgeny_kafelnikov +concept_athlete_andre_agassi_and_steffi_graf concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_andre_agassi_and_steffi_graf concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_andre_agassi_and_steffi_graf concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_andre_agassi_and_steffi_graf concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_andre_barrett concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andre_barrett concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_andre_brown concept:persondiedincountry concept_country_england +concept_athlete_andre_brown concept:athleteplayssport concept_sport_basketball +concept_athlete_andre_brown concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andre_brown concept:athleteledsportsteam concept_sportsteam_philadelphia_76ers +concept_athlete_andre_brown concept:athleteplaysforteam concept_sportsteam_sixers +concept_athlete_andre_reed concept:personbelongstoorganization concept_sportsleague_nfl +concept_athlete_andre_reed concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_andre_reed concept:athletehomestadium concept_stadiumoreventvenue_metrodome +concept_athlete_andrea_bargnani concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andrea_bargnani concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_andrea_bargnani concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_andrea_pirlo concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_andrei_kirilenko concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andrei_kirilenko concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_andrei_kirilenko concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_andrei_markov concept:athleteplaysforteam concept_sportsteam_habs +concept_athlete_andres_nocioni concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andres_nocioni concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_athlete_andres_nocioni concept:athleteplaysforteam concept_sportsteam_chicago_bulls +concept_athlete_andres_nocioni concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_andrew_bailey concept:athleteplayssport concept_sport_baseball +concept_athlete_andrew_bogut concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_andrew_bogut concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_andrew_bogut concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_andrew_bogut concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_andrew_bogut concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_andrew_carpenter concept:athleteplayssport concept_sport_baseball +concept_athlete_andrew_martin concept:worksfor concept_stateorprovince_times +concept_athlete_andrew_peters concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_andrew_shaw concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_andrew_shaw concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_andrew_sisco concept:athleteplayssport concept_sport_baseball +concept_athlete_andruw_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_andruw_jones concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_andruw_jones concept:athleteledsportsteam concept_sportsteam_chowan_braves +concept_athlete_andruw_jones concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_andruw_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_andy_dye concept:athleteplayssport concept_sport_golf +concept_athlete_andy_laroche concept:athleteplayssport concept_sport_baseball +concept_athlete_andy_laroche concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_andy_laroche concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_andy_murray concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_andy_oliver concept:athleteplayssport concept_sport_baseball +concept_athlete_andy_ritchie concept:athleteplayssport concept_sport_football +concept_athlete_andy_ritchie concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_andy_ritchie concept:athleteledsportsteam concept_sportsteam_padres +concept_athlete_andy_ritchie concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_andy_roddick concept:athletebeatathlete concept_athlete_williams +concept_athlete_andy_roddick concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_andy_roddick concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_andy_roddick concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_andy_roddick concept:athletebeatathlete concept_personeurope_federer +concept_athlete_andy_sonnanstine concept:athleteplayssport concept_sport_baseball +concept_athlete_andy_sonnanstine concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_andy_sonnanstine concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_andy_sonnanstine concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_andy_sonnanstine concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_anelka concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_angel_miranda concept:athleteplayssport concept_sport_baseball +concept_athlete_angel_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_anibal_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_anibal_sanchez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_anibal_sanchez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_anna_kournikova concept:athletebeatathlete concept_athlete_williams +concept_athlete_antawn_jamison concept:athleteplayssport concept_sport_basketball +concept_athlete_antawn_jamison concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_antawn_jamison concept:athleteledsportsteam concept_sportsteam_golden_state_warriors +concept_athlete_antawn_jamison concept:athleteplaysforteam concept_sportsteam_washington_wizards +concept_athlete_anthony_claggett concept:athleteplayssport concept_sport_baseball +concept_athlete_anthony_lerew concept:athleteplayssport concept_sport_baseball +concept_athlete_anthony_mason concept:worksfor concept_televisionnetwork_cbs +concept_athlete_anthony_morrow concept:athleteplayssport concept_sport_basketball +concept_athlete_anthony_parker concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_anthony_parker concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_anthony_roberson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_anthony_smith concept:athleteplayssport concept_sport_football +concept_athlete_anthony_smith concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_anthony_swarzak concept:athleteplayssport concept_sport_baseball +concept_athlete_antoine_wright concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_antonio_cromartie concept:athleteplayssport concept_sport_football +concept_athlete_antonio_cromartie concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_antonio_daniels concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_antonio_daniels concept:athleteledsportsteam concept_sportsteam_washington_wizards +concept_athlete_antonio_mcdyess concept:persondiedincountry concept_country_england +concept_athlete_antonio_mcdyess concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_antonio_mcdyess concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_athlete_antonio_mcdyess concept:athleteplaysforteam concept_sportsteam_pistons +concept_athlete_antonio_osuna concept:athleteplayssport concept_sport_baseball +concept_athlete_antonio_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_antonio_pierce concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_antonio_pierce concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_anze_kopitar concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_aquilino_lopez concept:athleteplayssport concept_sport_baseball +concept_athlete_aramis_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_aramis_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_aramis_ramirez concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_aramis_ramirez concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_aramis_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_arantxa_sanchez_vicario concept:athletebeatathlete concept_athlete_monica_seles +concept_athlete_armando_benitez concept:athleteplayssport concept_sport_baseball +concept_athlete_armando_benitez concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_armando_gabino concept:athleteplayssport concept_sport_baseball +concept_athlete_armando_galarraga concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_armando_marsans concept:personbelongstoorganization concept_city_cincinnati +concept_athlete_armando_marsans concept:personhasjobposition concept_jobposition_outfielder +concept_athlete_arniel concept:latitudelongitude 7.1181275000000,171.3484025000000 +concept_athlete_art_monk concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_art_monk concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_art_monk concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_arthur_ashe concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_arthur_ashe concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_arthur_ashe concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_arthur_hills concept:athleteplayssport concept_sport_golf +concept_athlete_arthur_rhodes concept:athleteplayssport concept_sport_baseball +concept_athlete_arthur_rhodes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_arthur_rhodes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_asante_samuel concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_asdrubal_cabrera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_austin_maddox concept:athleteplayssport concept_sport_baseball +concept_athlete_b_j__ryan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_b_j__surhoff concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_b_j__upton concept:athleteplayssport concept_sport_baseball +concept_athlete_b_j__upton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_b_j__upton concept:athleteledsportsteam concept_sportsteam_tampa +concept_athlete_b_j__upton concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_b_j__upton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_babe_ruth concept:athleteplayssport concept_sport_baseball +concept_athlete_babe_ruth concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_babe_ruth concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_babe_ruth concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_babe_ruth concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_babe_ruth concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_baldelli concept:latitudelongitude 43.2835100000000,11.9775400000000 +concept_athlete_baldelli concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ballesteros concept:athleteplayssport concept_sport_golf +concept_athlete_baron_davis concept:athleteplayssport concept_sport_basketball +concept_athlete_baron_davis concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_baron_davis concept:athleteledsportsteam concept_sportsteam_golden_state_warriors +concept_athlete_baron_davis concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_barry_bonds concept:athletebeatathlete concept_athlete_hank_aaron +concept_athlete_barry_bonds concept:athleteplayssport concept_sport_baseball +concept_athlete_barry_bonds concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_barry_bonds concept:athleteledsportsteam concept_sportsteam_new_york_giants +concept_athlete_barry_bonds concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_barry_bonds concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_barry_bonds concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_barry_bonds concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_barry_sanders concept:athletewinsawardtrophytournament concept_awardtrophytournament_heisman_trophy +concept_athlete_barry_sanders concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_barry_sanders concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_barry_sanders concept:athleteplayssport concept_sport_football +concept_athlete_barry_sanders concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_barry_sanders concept:athleteplaysforteam concept_sportsteam_detroit_lions +concept_athlete_barry_sanders concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_barry_sanders concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_barry_zito concept:athleteplayssport concept_sport_baseball +concept_athlete_barry_zito concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bart_starr concept:personbelongstoorganization concept_city_green_bay +concept_athlete_bartolo_colon concept:athleteplayssport concept_sport_baseball +concept_athlete_bartolome_fortunato concept:athleteplayssport concept_sport_baseball +concept_athlete_battier concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_battier concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_bauer concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_bauer concept:athleteplayssport concept_sport_baseball +concept_athlete_bauer concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bauer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bauer concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_belletti concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_beltran concept:persondiedincountry concept_country_england +concept_athlete_beltran concept:personchargedwithcrime concept_crimeorcharge_murder +concept_athlete_beltran concept:athleteplayssport concept_sport_baseball +concept_athlete_beltran concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_beltran concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_beltran concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_beltran concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ben_broussard concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_davis concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_eager concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_ben_francisco concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_hendrickson concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_hendrickson concept:coachesinleague concept_sportsleague_mlb +concept_athlete_ben_hendrickson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ben_sheets concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_beno_udrih concept:athleteledsportsteam concept_sportsteam_kings_college +concept_athlete_beno_udrih concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_benzema concept:latitudelongitude 15.6727500000000,-2.5737500000000 +concept_athlete_bernard_berrian concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_bernard_berrian concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_bernard_hopkins concept:athleteplayssport concept_sport_boxing +concept_athlete_bernie_kosar concept:athleteledsportsteam concept_sportsteam_cleveland_browns +concept_athlete_bernie_williams concept:athleteplayssport concept_sport_baseball +concept_athlete_bernie_williams concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bernie_williams concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_bernie_williams concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_bernie_williams concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bibby concept:athleteledsportsteam concept_sportsteam_hawks +concept_athlete_big_show concept:athleteplayssport concept_sport_wrestling +concept_athlete_bill_bray concept:athleteplayssport concept_sport_baseball +concept_athlete_bill_coore_and_ben_crenshaw concept:athleteplayssport concept_sport_golf +concept_athlete_bill_dickey concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_bill_hall concept:athleteplayssport concept_sport_baseball +concept_athlete_bill_hall concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bill_hall concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_bill_hall concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bill_mazeroski concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bill_mazeroski concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bill_mueller concept:athleteplayssport concept_sport_baseball +concept_athlete_bill_mueller concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bill_mueller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bill_murphy concept:athleteplayssport concept_sport_baseball +concept_athlete_bill_russell concept:athleteplayssport concept_sport_basketball +concept_athlete_bill_russell concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_billy_beane concept:personhasjobposition concept_jobposition_general_manager +concept_athlete_billy_buckner concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_koch concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_petrick concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_traber concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_wagner concept:athleteplayssport concept_sport_baseball +concept_athlete_billy_wagner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_billy_wagner concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_billy_wagner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bj_upton concept:athleteplayssport concept_sport_baseball +concept_athlete_bj_upton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bj_upton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bjn_borg concept:athletebeatathlete concept_athlete_jimmy_connors +concept_athlete_bjn_borg concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_bjn_borg concept:athletewinsawardtrophytournament concept_awardtrophytournament_roland_garros +concept_athlete_bjn_borg concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_bjn_borg concept:athletebeatathlete concept_personaustralia_john_mcenroe +concept_athlete_blaine_boyer concept:athleteplayssport concept_sport_baseball +concept_athlete_blaine_boyer concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_blaine_boyer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_blaine_neal concept:athleteplayssport concept_sport_baseball +concept_athlete_blair_betts concept:athleteplayssport concept_sport_football +concept_athlete_blair_betts concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_blair_betts concept:athleteledsportsteam concept_sportsteam_new_york_giants +concept_athlete_blair_betts concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_blair_betts concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_blake concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_blake concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_blake concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_blake concept:athleteplayssport concept_sport_baseball +concept_athlete_blake concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_blake concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_blake concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bob_cousy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bob_cupp concept:athleteplayssport concept_sport_golf +concept_athlete_bob_feller concept:athleteplayssport concept_sport_baseball +concept_athlete_bob_griese concept:athleteplayssport concept_sport_football +concept_athlete_bob_griese concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bob_kennedy concept:parentofperson concept_personmexico_terry_kennedy +concept_athlete_bob_keppel concept:athleteplayssport concept_sport_baseball +concept_athlete_bob_lutz concept:personleadsorganization concept_automobilemaker_gm +concept_athlete_bob_lutz concept:worksfor concept_automobilemaker_gm +concept_athlete_bob_oliver concept:parentofperson concept_athlete_darren_o_day +concept_athlete_bob_oliver concept:parentofperson concept_personmexico_darren_oliver +concept_athlete_bobby_crosby concept:parentofperson concept_person_ed_crosby +concept_athlete_bobby_hull concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_bobby_hull concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_bobby_jenks concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_jones concept:athletewinsawardtrophytournament concept_awardtrophytournament_grand_slam +concept_athlete_bobby_jones concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_bobby_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_bobby_korecky concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_labonte concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_bobby_orr concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_bobby_parnell concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_seay concept:athleteplayssport concept_sport_baseball +concept_athlete_bobby_thomson concept:athleteplayssport concept_sport_football +concept_athlete_bobby_thomson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bobby_weed concept:athleteplayssport concept_sport_golf +concept_athlete_bojan_krkic concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_bojan_krkic concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_boldin concept:athleteinjuredhisbodypart concept_muscle_hamstring +concept_athlete_boldin concept:personbelongstoorganization concept_sportsteam_arizona_cardinals_27_23 +concept_athlete_bonds concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_bonds concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_athlete_bonds concept:athleteledsportsteam concept_sportsteam_former_san_francisco_giants +concept_athlete_bonds concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bonds concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_boozer concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_boris_becker concept:athletebeatathlete concept_athlete_ivan_lendl +concept_athlete_boris_becker concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_boris_diaw concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_bosh concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_bosh concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_bosh concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_bosh concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_athlete_bostjan_nachbar concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_boston_red_sox concept:subpartof concept_sportsleague_mlb +concept_athlete_brad_ausmus_gg concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_brad_ausmus_gg concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_brad_ausmus_gg concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_brad_ausmus_gg concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_ausmus_gg concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brad_ausmus_gg concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_brad_ausmus_gg concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brad_bergesen concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_butler concept:athleteplayssport concept_sport_football +concept_athlete_brad_butler concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brad_halsey concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_johnson concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_brad_lidge concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_brad_lidge concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brad_miller concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brad_miller concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_brad_miller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brad_mills concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_nelson concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_penny concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_penny concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brad_penny concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_brad_penny concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brad_radke concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_radke concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brad_stone concept:personbelongstoorganization concept_stateorprovince_times +concept_athlete_brad_ziegler concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_braden_looper concept:athleteplayssport concept_sport_football +concept_athlete_brae_wright concept:athleteplayssport concept_sport_baseball +concept_athlete_brandan_wright concept:athleteplaysforteam concept_sportsteam_golden_state_warriors +concept_athlete_brandan_wright concept:athletehomestadium concept_stadiumoreventvenue_oracle_arena +concept_athlete_brandon_bass concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brandon_boggs concept:athleteplayssport concept_sport_hockey +concept_athlete_brandon_boggs concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_brandon_duckworth concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brandon_knight concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_marshall concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_brandon_marshall concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_brandon_marshall concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_brandon_marshall concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_brandon_mccarthy concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_mccarthy concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brandon_mccarthy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brandon_morrow concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_morrow concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_brandon_morrow concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_brandon_phillips concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_phillips concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brandon_phillips concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_brandon_phillips concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brandon_puffer concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_villafuerte concept:athleteplayssport concept_sport_baseball +concept_athlete_brandon_webb concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brayan_pena concept:athleteplayssport concept_sport_baseball +concept_athlete_brayan_pena concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brayan_pena concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_braylon_edwards concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_brees concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_brendan_donnelly concept:athleteplayssport concept_sport_baseball +concept_athlete_brendan_morrison concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_brendan_wood concept:persondiedincountry concept_country_england +concept_athlete_brendan_wood concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brent_barry concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brent_barry concept:athleteledsportsteam concept_sportsteam_heat +concept_athlete_brent_barry concept:athleteplaysforteam concept_sportsteam_washington_wizards +concept_athlete_brent_dlugach concept:athleteplayssport concept_sport_baseball +concept_athlete_brent_leach concept:athleteplayssport concept_sport_baseball +concept_athlete_brett_anderson concept:athleteplayssport concept_sport_baseball +concept_athlete_brett_farve concept:athleteledsportsteam concept_sportsteam_new_york_jets +concept_athlete_brett_farve concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brett_farve concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_brett_farve concept:athleteplayssportsteamposition concept_sportsteamposition_quarterback +concept_athlete_brett_gardner concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_brett_gardner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brett_wallace concept:athleteplayssport concept_sport_football +concept_athlete_brett_wallace concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brevin_knight concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_athlete_brian_bannister concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_bannister concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_bannister concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_bass concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_bass concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_bass concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_bixler concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_boucher concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_bruney concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_bruney concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_bruney concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_dunn concept:personbelongstoorganization concept_bank_best_buy +concept_athlete_brian_fuentes concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_fuentes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_fuentes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_gionta concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_brian_gionta concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_brian_griese concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_brian_griese concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_brian_griese concept:athleteledsportsteam concept_sportsteam_bears_29_17 +concept_athlete_brian_matusz concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_moehler concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_moehler concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_brian_moehler concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_moran concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_piccolo concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_brian_rafalski concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_brian_rafalski concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_brian_reith concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_roberts concept:worksfor concept_politicsblog_c_a +concept_athlete_brian_roberts concept:subpartof concept_retailstore_comcast +concept_athlete_brian_roberts concept:athleteledsportsteam concept_sportsteam_orioles +concept_athlete_brian_roberts concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_rogers concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_scalabrine concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_brian_schneider concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_schneider concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_schneider concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_brian_schneider concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_schneider concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_brian_shackelford concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_shouse concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_shouse concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brian_shouse concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brian_slocum concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_stokes concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_vickers concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_brian_vickers concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_brian_vickers concept:athleteplaysforteam concept_sportsteam_trevor_bayne +concept_athlete_brian_westbrook concept:athleteplayssport concept_sport_football +concept_athlete_brian_westbrook concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brian_westbrook concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_brian_wilson concept:athleteplayssport concept_sport_baseball +concept_athlete_brian_wilson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brian_wilson concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_brock_lesnar concept:athleteplayssport concept_sport_wrestling +concept_athlete_brodeur concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_brodie_croyle concept:athleteplayssport concept_sport_football +concept_athlete_brodie_croyle concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_brodie_croyle concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_brodie_croyle concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_bronson_arroyo concept:athleteplayssport concept_sport_baseball +concept_athlete_bronson_arroyo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bronson_arroyo concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_bronson_arroyo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_brooks_laich concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_brooks_laich concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_athlete_bruce_chen concept:athleteplayssport concept_sport_baseball +concept_athlete_bruce_gradkowski concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_bruce_gradkowski concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_bruce_gradkowski concept:athleteledsportsteam concept_sportsteam_bucs +concept_athlete_bruce_gradkowski concept:athleteplaysforteam concept_sportsteam_bucs +concept_athlete_bruce_howard concept:parentofperson concept_personmexico_david_howard +concept_athlete_brunell concept:latitudelongitude -26.2666700000000,147.0666700000000 +concept_athlete_bryan_bullington concept:athleteplayssport concept_sport_baseball +concept_athlete_bryan_corey concept:athleteplayssport concept_sport_baseball +concept_athlete_bryan_corey concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_bryan_mccabe concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_bryzgalov concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_bubba_crosby concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_bubba_smith concept:athleteplayssport concept_sport_football +concept_athlete_bubba_smith concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bud_harrelson concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_bud_norris concept:athleteplayssport concept_sport_baseball +concept_athlete_buddy_carlyle concept:athleteplayssport concept_sport_baseball +concept_athlete_burke_badenhop concept:athleteplayssport concept_sport_baseball +concept_athlete_burrell concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_burrell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_burrell concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_buster_posey concept:athleteplayssport concept_sport_baseball +concept_athlete_buster_posey concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_buster_posey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_butch_davis concept:personbelongstoorganization concept_company_north_carolina +concept_athlete_butch_davis concept:worksfor concept_sportsteam_cleveland_browns +concept_athlete_butch_davis concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_byron_nelson concept:athleteplayssport concept_sport_golf +concept_athlete_byung_hyun_kim concept:athleteplayssport concept_sport_baseball +concept_athlete_c_j__spiller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_c_j__wilson concept:athleteplayssport concept_sport_baseball +concept_athlete_c_j__wilson concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_c_j__wilson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_calvin_booth concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_calvin_johnson concept:athleteplayssport concept_sport_hockey +concept_athlete_calvin_johnson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_calvin_johnson concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_calvin_johnson concept:personleadsorganization concept_terroristorganization_k +concept_athlete_cambiasso concept:latitudelongitude -60.8000000000000,-44.6666700000000 +concept_athlete_caminiti concept:latitudelongitude 40.7441700000000,-73.8616700000000 +concept_athlete_cards concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_carey_price concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_athlete_carl_crawford concept:athleteplayssport concept_sport_baseball +concept_athlete_carl_crawford concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carl_crawford concept:personbelongstoorganization concept_sportsteam_tampa_bay_devil_rays +concept_athlete_carl_crawford concept:athleteledsportsteam concept_sportsteam_tampa_bay_rays +concept_athlete_carl_crawford concept:athleteplaysforteam concept_sportsteam_tampa_bay_rays +concept_athlete_carl_crawford concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carl_edwards concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_carl_everett concept:athletehomestadium concept_stadiumoreventvenue_us_cellular_field +concept_athlete_carl_hubbell concept:athleteplayssport concept_sport_football +concept_athlete_carl_hubbell concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_carl_landry concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_carl_landry concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_carl_landry concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_carl_pavano concept:athleteplayssport concept_sport_baseball +concept_athlete_carl_pavano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carl_pavano concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_carl_pavano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carl_pavano concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_carl_yastrzemski concept:athleteplayssport concept_sport_baseball +concept_athlete_carl_yastrzemski concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carl_yastrzemski concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_carl_yastrzemski concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_carl_yastrzemski concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_almanzar concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_beltran concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_beltran concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_carlos_beltran concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_carlos_beltran concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_athlete_carlos_beltran concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_boozer concept:athleteplayssport concept_sport_basketball +concept_athlete_carlos_boozer concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_carlos_boozer concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_carlos_carrasco concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_carrasco concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_carrasco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_muniz concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_pena concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_pena concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_pena concept:athleteledsportsteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_carlos_pena concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_carlos_pena concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_ruiz concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_ruiz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_ruiz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_silva concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_tevez concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_carlos_tevez concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_carlos_villanueva concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carlos_zambrano concept:athleteplayssport concept_sport_baseball +concept_athlete_carlos_zambrano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_carlos_zambrano concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_carlos_zambrano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carmelo_anthony concept:persondiedatage 3 +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_bone_groin +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_carmelo_anthony concept:persondiedincountry concept_country_england +concept_athlete_carmelo_anthony concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_carmelo_anthony concept:athleteplayssport concept_sport_basketball +concept_athlete_carmelo_anthony concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_carmelo_anthony concept:personbelongstoorganization concept_sportsleague_nba +concept_athlete_carmelo_anthony concept:athleteledsportsteam concept_sportsteam_denver_nuggets +concept_athlete_carmelo_anthony concept:athleteplaysforteam concept_sportsteam_denver_nuggets +concept_athlete_carmelo_anthony concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_carmelo_anthony concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_carmelo_anthony concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_carmen_cali concept:athleteplayssport concept_sport_baseball +concept_athlete_carmen_pignatiello concept:athleteplayssport concept_sport_baseball +concept_athlete_carson_palmer concept:athleteplayssport concept_sport_football +concept_athlete_carson_palmer concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_carson_palmer concept:athleteledsportsteam concept_sportsteam_bengals +concept_athlete_carson_palmer concept:athleteplaysforteam concept_sportsteam_bengals +concept_athlete_carson_palmer concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_athlete_casey_blake concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_blake concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_casey_blake concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_casey_blake concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_casey_fien concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_janssen concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_kotchman concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_casey_kotchman concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_casey_mcgehee concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_mcgehee concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_casey_mcgehee concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_casey_stengel concept:coachesinleague concept_sportsleague_mlb +concept_athlete_casey_stengel concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_cc_sabathia concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_cc_sabathia concept:athleteplayssport concept_sport_baseball +concept_athlete_cc_sabathia concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cc_sabathia concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_cc_sabathia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cedric_benson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_cedric_benson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_cedric_benson concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_cedric_benson concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_center_fielders_torii_hunter concept:parentofperson concept_male_jesus +concept_athlete_center_information concept:latitudelongitude 44.8075500000000,-73.0718000000000 +concept_athlete_center_michael concept:latitudelongitude 25.9507800000000,-80.1518200000000 +concept_athlete_cesar_jimenez concept:athleteplayssport concept_sport_baseball +concept_athlete_cesar_ramos concept:athleteplayssport concept_sport_baseball +concept_athlete_cha_seung_baek concept:athleteplayssport concept_sport_baseball +concept_athlete_cha_seung_baek concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cha_seung_baek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chad_billingsley concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_billingsley concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chad_billingsley concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_chad_billingsley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chad_bradford concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_bradford concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chad_bradford concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chad_cordero concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_durbin concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_durbin concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chad_durbin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chad_fox concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_johnson concept:athleteplayssport concept_sport_football +concept_athlete_chad_johnson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_chad_johnson concept:athleteplaysforteam concept_sportsteam_bengals +concept_athlete_chad_johnson concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_athlete_chad_orvella concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_paronto concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_qualls concept:athleteplayssport concept_sport_baseball +concept_athlete_chad_qualls concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chad_qualls concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chad_reineke concept:athleteplayssport concept_sport_baseball +concept_athlete_champ_bailey concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_champ_bailey concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_champ_bailey concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_champ_bailey concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_champion concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_chan_ho_park concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_charles_barkley concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_charles_brewer concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_charles_brewer concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_charles_brewer concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_charles_brewer concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_charles_brewer concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_charles_scott concept:athleteplaysforteam concept_sportsteam_lsu +concept_athlete_charles_scott concept:athletehomestadium concept_stadiumoreventvenue_tiger_stadium +concept_athlete_charles_woodson concept:athleteplayssport concept_sport_football +concept_athlete_charles_woodson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_charlie_bell concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_charlie_bell concept:athleteplaysforteam concept_sportsteam_bucks +concept_athlete_charlie_bell concept:athleteledsportsteam concept_sportsteam_knicks +concept_athlete_charlie_bell concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_charlie_frye concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_athlete_charlie_frye concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_charlie_gibson concept:worksfor concept_city_abc +concept_athlete_charlie_haeger concept:athleteplayssport concept_sport_baseball +concept_athlete_charlie_joiner concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_charlie_manning concept:athleteplayssport concept_sport_baseball +concept_athlete_charlie_morton concept:athleteplayssport concept_sport_baseball +concept_athlete_charlie_morton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_charlie_morton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_charlie_villanueva concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_charlie_zink concept:athleteplayssport concept_sport_baseball +concept_athlete_chase_headley concept:athleteplayssport concept_sport_baseball +concept_athlete_chase_utley concept:athleteplayssport concept_sport_baseball +concept_athlete_chase_utley concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chase_utley concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_chase_utley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chase_utley concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_chauncey_billups concept:athleteplayssport concept_sport_basketball +concept_athlete_chauncey_billups concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chauncey_billups concept:athleteplaysforteam concept_sportsteam_pistons +concept_athlete_chauncey_billups concept:athletehomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_athlete_chelios concept:athleteledsportsteam concept_sportsteam_red_wings +concept_athlete_chelios concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_chelios concept:personbelongstoorganization concept_sportsteam_red_wings +concept_athlete_chelios concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_chelsea concept:athletewinsawardtrophytournament concept_awardtrophytournament_carling_cup +concept_athlete_chelsea concept:athletewinsawardtrophytournament concept_awardtrophytournament_fa_cup +concept_athlete_chelsea concept:athletewinsawardtrophytournament concept_awardtrophytournament_league_cup +concept_athlete_chin_lung_hu concept:athleteplayssport concept_sport_baseball +concept_athlete_chipper_jones concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chipper_jones concept:athleteledsportsteam concept_sportsteam_chowan_braves +concept_athlete_chipper_jones concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_chipper_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_andersen concept:athleteplayssport concept_sport_basketball +concept_athlete_chris_bosh concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_chris_bosh concept:athleteplayssport concept_sport_basketball +concept_athlete_chris_bosh concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_bosh concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_chris_bosh concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_chris_bosh concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_britton concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_britton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_britton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_brown concept:personalsoknownas concept_personaustralia_christopher_brown +concept_athlete_chris_burke concept:athleteplayssport concept_sport_hockey +concept_athlete_chris_burke concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_chris_capuano concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_carpenter concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_carpenter concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_chris_chelios concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_chris_chelios concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_chris_cooley concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_chris_cooley concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_chris_cooley concept:athleteplayssport concept_sport_football +concept_athlete_chris_cooley concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_chris_cooley concept:athleteledsportsteam concept_sportsteam_redskins +concept_athlete_chris_cooley concept:athleteplaysforteam concept_sportsteam_redskins +concept_athlete_chris_coste concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_coste concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_chris_davis concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_chris_davis concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_chris_drury concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_chris_drury concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_chris_duhon concept:athleteplayssport concept_sport_basketball +concept_athlete_chris_duhon concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_duhon concept:athleteledsportsteam concept_sportsteam_knicks +concept_athlete_chris_duhon concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_chris_duhon concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_chris_evert concept:athletebeatathlete concept_athlete_martina_navratilova +concept_athlete_chris_gissell concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_hammond concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_haney concept:parentofperson concept_athlete_larry_haney +concept_athlete_chris_heintz concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_kaman concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_kunitz concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_chris_lambert concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_lambert concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_lambert concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_leroux concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_mason concept:athleteplaysforteam concept_sportsteam_nashville_predators +concept_athlete_chris_mason concept:athletehomestadium concept_stadiumoreventvenue_bridgestone_arena +concept_athlete_chris_mihm concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_mihm concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_athlete_chris_narveson concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_narveson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_narveson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_osgood concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_chris_osgood concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_chris_pronger concept:athleteplaysforteam concept_sportsteam_philadelphia_flyers +concept_athlete_chris_ray concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_reitsma concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_resop concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_sampson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_schroder concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_shelton concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_snyder concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_snyder concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_snyder concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_chris_snyder concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_speier concept:parentofperson concept_personus_justin_speier +concept_athlete_chris_tillman concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_webber concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_webber concept:athleteledsportsteam concept_sportsteam_sixers +concept_athlete_chris_webber concept:athleteplaysforteam concept_sportsteam_sixers +concept_athlete_chris_widger concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_wilcox concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chris_withrow concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_woodward concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_wright concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chris_young concept:athleteplayssport concept_sport_baseball +concept_athlete_chris_young concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chris_young concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_chris_young concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chuck_james concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chuck_knoblauch concept:athleteplayssport concept_sport_baseball +concept_athlete_chuck_knoblauch concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_chuck_knoblauch concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_chucky_atkins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_chucky_atkins concept:athleteledsportsteam concept_sportsteam_orlando_magic +concept_athlete_cj_miles concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_cj_watson concept:athleteplayssport concept_sport_baseball +concept_athlete_cj_watson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cj_watson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cla_meredith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clarence_seedorf concept:athleteplaysforteam concept_sportsteam_a_c__milan +concept_athlete_claudio_vargas concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clay_buchholz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clay_rapada concept:athleteplayssport concept_sport_baseball +concept_athlete_clay_rapada concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_clay_rapada concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clay_zavada concept:athleteplayssport concept_sport_baseball +concept_athlete_clayton_kershaw concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_clayton_kershaw concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clemens concept:athleteplayssport concept_sport_baseball +concept_athlete_clemens concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_clemens concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clemens concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_cleon_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_clevelan_santeliz concept:athleteplayssport concept_sport_baseball +concept_athlete_cleveland_indians concept:athleteplayssport concept_sport_baseball +concept_athlete_cleveland_indians concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cliff_bartosh concept:athleteplayssport concept_sport_baseball +concept_athlete_cliff_floyd concept:athleteplayssport concept_sport_baseball +concept_athlete_cliff_floyd concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cliff_floyd concept:athleteledsportsteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_cliff_floyd concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_cliff_floyd concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cliff_lee concept:athleteplayssport concept_sport_baseball +concept_athlete_cliff_lee concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cliff_lee concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_cliff_lee concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cliff_politte concept:athleteplayssport concept_sport_baseball +concept_athlete_clint_bowyer concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_cm_punk concept:athleteplayssport concept_sport_wrestling +concept_athlete_coco_crisp concept:athleteplayssport concept_sport_baseball +concept_athlete_coco_crisp concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_coco_crisp concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_coco_crisp concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_coco_crisp concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_coco_crisp_ concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_coco_crisp_ concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_coco_crisp_ concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_coco_crisp_ concept:personbelongstoorganization concept_sportsteam_red_sox +concept_athlete_coco_crisp_ concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cole_hamels concept:athleteplayssport concept_sport_baseball +concept_athlete_cole_hamels concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cole_hamels concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_cole_hamels concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cole_hamels concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_colt_mccoy concept:athleteplayssport concept_sport_football +concept_athlete_colt_mccoy concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_colt_mccoy concept:athleteplaysforteam concept_sportsteam_longhorns +concept_athlete_colter_bean concept:athleteplayssport concept_sport_baseball +concept_athlete_colton_orr concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_colton_orr concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_conor_jackson concept:athleteplayssport concept_sport_baseball +concept_athlete_conor_jackson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_conor_jackson concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_conor_jackson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_corey_dillon concept:athleteplayssport concept_sport_football +concept_athlete_corey_dillon concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_corey_dillon concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_corey_hart concept:athleteplayssport concept_sport_baseball +concept_athlete_corey_hart concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_corey_hart concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_corey_hart concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_corey_maggette concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_corey_maggette concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_corey_maggette concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_corey_perry concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_corey_perry concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_corey_perry concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_corey_webster concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_corky_miller concept:athleteplayssport concept_sport_baseball +concept_athlete_corliss_williamson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_cory_bailey concept:athleteplayssport concept_sport_baseball +concept_athlete_cory_doyne concept:athleteplayssport concept_sport_baseball +concept_athlete_cory_lidle concept:athleteplayssport concept_sport_baseball +concept_athlete_cory_lidle concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cory_lidle concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cory_wade concept:athleteplayssport concept_sport_baseball +concept_athlete_courtney_fells concept:athleteledsportsteam concept_sportsteam_nevada_wolfpack +concept_athlete_coverage concept:agentparticipatedinevent concept_eventoutcome_result +concept_athlete_coverage concept:agentcompeteswithagent concept_personcanada_search +concept_athlete_coverage concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_coverage concept:subpartof concept_weatherphenomenon_air +concept_athlete_coverage concept:subpartof concept_weatherphenomenon_water +concept_athlete_cowens concept:latitudelongitude 40.0017500000000,-78.9247500000000 +concept_athlete_craig_anderson concept:athleteplaysforteam concept_sportsteam_florida_panthers +concept_athlete_craig_anderson concept:athletehomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_athlete_craig_biggio concept:athleteplayssport concept_sport_baseball +concept_athlete_craig_biggio concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_craig_biggio concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_craig_biggio concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_craig_breslow concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_craig_breslow concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_craig_conroy concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_athlete_craig_monroe concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_craig_monroe concept:athleteplayssport concept_sport_baseball +concept_athlete_craig_monroe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_craig_monroe concept:athleteledsportsteam concept_sportsteam_twins +concept_athlete_craig_monroe concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_craig_monroe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_craig_morton concept:athleteplayssport concept_sport_football +concept_athlete_craig_morton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_craig_stammen concept:athleteplayssport concept_sport_baseball +concept_athlete_crede concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_crede concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_cristhian_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_cristhian_martinez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_cristhian_martinez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_cristiano_ronaldo concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_cristobal_huet concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_cristobal_huet concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_crosby concept:personbelongstoorganization concept_city_pittsburgh +concept_athlete_crosby concept:athleteledsportsteam concept_sportsteam_pittsburgh_penguins +concept_athlete_crosby concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_curt_schilling concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_curt_schilling concept:athleteplayssport concept_sport_baseball +concept_athlete_curt_schilling concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_curt_schilling concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_curt_schilling concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_curt_schilling concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_curtis_granderson concept:athleteplayssport concept_sport_baseball +concept_athlete_curtis_granderson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_curtis_granderson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_curtis_martin concept:athleteplayssport concept_sport_football +concept_athlete_curtis_martin concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_curtis_martin concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_curtis_martin concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_curtis_martin concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_curtis_martin concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_curtis_painter concept:athleteplayssport concept_sport_football +concept_athlete_curtis_pride concept:athleteplayssport concept_sport_baseball +concept_athlete_cuttino_mobley concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_cuttino_mobley concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_daequan_cook concept:athleteledsportsteam concept_sportsteam_heat +concept_athlete_dale_earnhardt concept:agentbelongstoorganization concept_sportsleague_nascar +concept_athlete_dale_earnhardt concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_dale_earnhardt concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_dale_earnhardt_jr_ concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_dale_jarrett concept:athleteplayssport concept_hobby_car_racing +concept_athlete_dale_thayer concept:athleteplayssport concept_sport_baseball +concept_athlete_dallas_braden concept:athleteplayssport concept_sport_baseball +concept_athlete_dallas_braden concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dallas_braden concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dallas_mcpherson concept:athleteplayssport concept_sport_baseball +concept_athlete_damian_jackson concept:athleteplayssport concept_sport_baseball +concept_athlete_damian_moss concept:athleteplayssport concept_sport_baseball +concept_athlete_damien_wilkins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_damion_easley concept:athleteplayssport concept_sport_baseball +concept_athlete_damion_easley concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_damion_easley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_damon concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_damon concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_damon concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_damon concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_damon concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_damon concept:worksfor concept_sportsteam_yankees +concept_athlete_damon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_damon concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_damon_stoudamire concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_dan_boyle concept:athleteplayssport concept_sport_baseball +concept_athlete_dan_boyle concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dan_boyle concept:athleteplaysforteam concept_sportsteam_san_jose_sharks +concept_athlete_dan_boyle concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dan_boyle concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_dan_carcillo concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_dan_carcillo concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_dan_cleary concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_dan_cleary concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_dan_dickau concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_dan_fouts concept:athleteplayssport concept_sport_football +concept_athlete_dan_fouts concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_dan_fouts concept:athleteledsportsteam concept_sportsteam_sd_chargers +concept_athlete_dan_fouts concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_dan_gadzuric concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_dan_giese concept:athleteplayssport concept_sport_baseball +concept_athlete_dan_haren concept:athleteplayssport concept_sport_baseball +concept_athlete_dan_haren concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dan_haren concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_dan_haren concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dan_maples concept:athleteplayssport concept_sport_golf +concept_athlete_dan_marino concept:athleteplayssport concept_sport_football +concept_athlete_dan_marino concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_dan_meyer concept:athleteplayssport concept_sport_baseball +concept_athlete_dan_runzler concept:athleteplayssport concept_sport_baseball +concept_athlete_dan_serafini concept:athleteplayssport concept_sport_baseball +concept_athlete_dana_eveland concept:athleteplayssport concept_sport_baseball +concept_athlete_danica_patrick concept:personbelongstoorganization concept_organization_andretti_green_racing +concept_athlete_daniel_barone concept:athleteplayssport concept_sport_baseball +concept_athlete_daniel_cabrera concept:athleteplayssport concept_sport_baseball +concept_athlete_daniel_cabrera concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_daniel_cabrera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_daniel_davidson concept:athleteplayssport concept_sport_baseball +concept_athlete_daniel_schlereth concept:athleteplayssport concept_sport_baseball +concept_athlete_danilo_gallinari concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_danny_ferry concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_danny_fortson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_danny_wright concept:persondiedatage 3 +concept_athlete_danny_wright concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_danny_wright concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_danny_wright concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_danny_wright concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_danny_wright concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_dany_heatley concept:athleteplaysforteam concept_sportsteam_san_jose_sharks +concept_athlete_dany_heatley concept:athletehomestadium concept_stadiumoreventvenue_hp_pavilion +concept_athlete_danys_baez concept:athleteplayssport concept_sport_baseball +concept_athlete_darius_miles concept:athleteledsportsteam concept_sportsteam_los_angeles_clippers +concept_athlete_darius_songaila concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_darius_songaila concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_darius_songaila concept:athleteplaysforteam concept_sportsteam_heat +concept_athlete_darius_songaila concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_darko_milicic concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_darrell_rasner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_darrelle_revis concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_darrelle_revis concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_darren_clarke concept:athleteplayssport concept_sport_baseball +concept_athlete_darren_collison concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_darren_collison concept:athleteledsportsteam concept_sportsteam_ucla +concept_athlete_darren_collison concept:athleteplaysforteam concept_sportsteam_ucla +concept_athlete_darren_mcfadden concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_darren_mcfadden concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_darren_mcfadden concept:athleteplayssport concept_sport_football +concept_athlete_darren_mcfadden concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_darren_mcfadden concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_athlete_darren_o_day concept:athleteplayssport concept_sport_baseball +concept_athlete_darren_oliver concept:athleteplayssport concept_sport_baseball +concept_athlete_darren_sproles concept:athleteplayssport concept_sport_football +concept_athlete_darren_sproles concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_darren_sproles concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_darren_sproles concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_darrent_williams concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_darrent_williams concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_darrent_williams concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_darrick_martin concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_daryl_thompson concept:athleteplayssport concept_sport_baseball +concept_athlete_daryll_clark concept:athleteplayssport concept_sport_football +concept_athlete_daryll_clark concept:athleteplaysinleague concept_sportsleague_acc +concept_athlete_daryll_clark concept:athleteplaysforteam concept_sportsteam_penn_state +concept_athlete_dates concept:agentactsinlocation concept_lake_new +concept_athlete_dates concept:agentcreated concept_programminglanguage_contact +concept_athlete_daubach concept:latitudelongitude 50.1766660000000,7.7699980000000 +concept_athlete_dave_henderson concept:athleteplayssport concept_sport_baseball +concept_athlete_dave_righetti concept:athleteplayssport concept_sport_baseball +concept_athlete_dave_righetti concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dave_righetti concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dave_williams concept:athleteplayssport concept_sport_baseball +concept_athlete_david_booth concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_david_carr concept:personalsoknownas concept_athlete_george_johnson +concept_athlete_david_carr concept:personalsoknownas concept_personaustralia_david_shaw +concept_athlete_david_carr concept:athleteledsportsteam concept_sportsteam_carolina +concept_athlete_david_davidson concept:athleteplayssport concept_sport_baseball +concept_athlete_david_dellucci concept:athleteplayssport concept_sport_baseball +concept_athlete_david_herndon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_huff concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_justice concept:athleteplayssport concept_sport_baseball +concept_athlete_david_justice concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_justice concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_david_justice concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_moss concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_athlete_david_murphy concept:athleteplayssport concept_sport_hockey +concept_athlete_david_murphy concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_david_murphy concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_david_ortiz concept:athleteplayssport concept_sport_baseball +concept_athlete_david_ortiz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_ortiz concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_david_ortiz concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_david_ortiz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_patton concept:athleteplayssport concept_sport_baseball +concept_athlete_david_price concept:athleteplayssport concept_sport_baseball +concept_athlete_david_price concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_price concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_purcey concept:athleteplayssport concept_sport_baseball +concept_athlete_david_ragan concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_david_ragan concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_david_riske concept:athleteplayssport concept_sport_baseball +concept_athlete_david_riske concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_riske concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_ross concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_segui concept:parentofperson concept_athlete_diego_segui +concept_athlete_david_stremme concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_david_stremme concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_david_stremme concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_david_weathers concept:athleteplayssport concept_sport_baseball +concept_athlete_david_wells concept:athleteplayssport concept_sport_baseball +concept_athlete_david_wells concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_david_wells concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_david_wells concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_david_wells concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_david_wesley concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_david_west concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_davis_love_iii concept:athleteplayssport concept_sport_golf +concept_athlete_davis_romero concept:athleteplayssport concept_sport_baseball +concept_athlete_dean_williams concept:latitudelongitude 55.3582300000000,-97.4829800000000 +concept_athlete_dee_brown concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deion_branch concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_deion_branch concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_deion_branch concept:athleteplaysforteam concept_sportsteam_seahawks +concept_athlete_deion_branch concept:athletehomestadium concept_stadiumoreventvenue_husky_stadium +concept_athlete_deion_sanders concept:athleteplayssport concept_sport_baseball +concept_athlete_del_unser concept:parentofperson concept_personus_al_unser +concept_athlete_delhomme concept:athleteplayssport concept_sport_football +concept_athlete_delhomme concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_delonte_west concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_delonte_west concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_athlete_delonte_west concept:athleteplaysforteam concept_sportsteam_cavs +concept_athlete_deltha_o_neal concept:persondiedincountry concept_country_england +concept_athlete_deltha_o_neal concept:athleteplayssport concept_sport_basketball +concept_athlete_deltha_o_neal concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deltha_o_neal concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_deltha_o_neal concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_delwyn_young concept:athleteplayssport concept_sport_baseball +concept_athlete_delwyn_young concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_delwyn_young concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_demarcus_ware concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_denny_bautista concept:athleteplayssport concept_sport_baseball +concept_athlete_denny_bautista concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_denny_hamlin concept:hasspouse concept_person_jeff001 +concept_athlete_denny_stark concept:athleteplayssport concept_sport_baseball +concept_athlete_dennys_reyes concept:athleteplayssport concept_sport_baseball +concept_athlete_derek_hagan concept:athleteplayssport concept_sport_football +concept_athlete_derek_hagan concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_derek_holland concept:athleteplayssport concept_sport_baseball +concept_athlete_derek_lowe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dermarr_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deron_williams concept:athleteplayssport concept_sport_basketball +concept_athlete_deron_williams concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_deron_williams concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_derosa concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_derosa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_derrick_brooks concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_derrick_brooks concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_derrick_brooks concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_derrick_brown concept:proxyfor concept_chef_eds +concept_athlete_derrick_turnbow concept:persondiedatage 2 +concept_athlete_derrick_turnbow concept:athletewinsawardtrophytournament concept_awardtrophytournament_nextel_cup +concept_athlete_derrick_turnbow concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_derrick_turnbow concept:athleteinjuredhisbodypart concept_bone_groin +concept_athlete_derrick_turnbow concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_derrick_turnbow concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_derrick_turnbow concept:athleteplayssport concept_sport_baseball +concept_athlete_derrick_turnbow concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_derrick_turnbow concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_derrick_turnbow concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_derrick_turnbow concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_derrick_turnbow concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_derrick_turnbow concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_derrick_turnbow concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_derrick_turnbow concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_derrick_turnbow concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_desagana_diop concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_desean_jackson concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_desmond_mason concept:persondiedincountry concept_country_england +concept_athlete_desmond_mason concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_desmond_mason concept:athleteplaysforteam concept_sportsteam_bobcats +concept_athlete_desmond_mason concept:athleteledsportsteam concept_sportsteam_charlotte_bobcats +concept_athlete_deuce_mcallister concept:athleteplaysforteam concept_sportsteam_saints +concept_athlete_devean_george concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_devern_hansack concept:athleteplayssport concept_sport_baseball +concept_athlete_devin_brown concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_devin_brown concept:athleteplaysforteam concept_sportsteam_esu_hornets +concept_athlete_dexter_fowler concept:athleteplayssport concept_sport_baseball +concept_athlete_dexter_fowler concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dexter_fowler concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dh concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_dh concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_diaw concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_dice_k concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dick_wilson concept:athleteplayssport concept_sport_golf +concept_athlete_diego_corrales concept:athleteplayssport concept_sport_boxing +concept_athlete_diego_segui concept:parentofperson concept_athlete_david_segui +concept_athlete_dimarco concept:latitudelongitude 29.8311000000000,-81.3212000000000 +concept_athlete_dimitar_berbatov concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_dinara_safina concept:athletebeatathlete concept_athlete_williams +concept_athlete_dinara_safina concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_dinara_safina concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_dinara_safina concept:athletewinsawardtrophytournament concept_awardtrophytournament_grand_slam +concept_athlete_dinara_safina concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_dion_phaneuf concept:athleteplaysforteam concept_sportsteam_calgary_flames +concept_athlete_dion_phaneuf concept:athletehomestadium concept_stadiumoreventvenue_scotiabank_saddledome +concept_athlete_dioner_navarro concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dirk_nowitzki concept:athleteledsportsteam concept_sportsteam_mavericks +concept_athlete_dj_carrasco concept:athleteplayssport concept_sport_baseball +concept_athlete_dj_carrasco concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dj_carrasco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_djokovic concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_dmitri_young concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_dmitri_young concept:athleteplayssport concept_sport_baseball +concept_athlete_dmitri_young concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dmitri_young concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dom_dimaggio concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_dom_dimaggio concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_domenik_hixon concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_dominic_moore concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_dominik_hasek concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_don_larsen concept:athleteplayssport concept_sport_baseball +concept_athlete_don_larsen concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_don_larsen concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_don_larsen concept:personbelongstoorganization concept_sportsteam_yankees +concept_athlete_don_larsen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_don_larsen concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_don_maynard concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_donald_ross concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_donald_veal concept:athleteplayssport concept_sport_baseball +concept_athlete_donell_taylor concept:personalsoknownas concept_athlete_ronnie_brewer +concept_athlete_donell_taylor concept:personalsoknownas concept_person_eric_williams +concept_athlete_donell_taylor concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_donnie_avery concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_donnie_avery concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_donnie_avery concept:athleteplaysforteam concept_sportsteam_rams +concept_athlete_donnie_avery concept:athletehomestadium concept_stadiumoreventvenue_dome +concept_athlete_donovan_mcnabb concept:athleteplayssport concept_sport_football +concept_athlete_donovan_mcnabb concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_donovan_mcnabb concept:athleteledsportsteam concept_sportsteam_philadelphia_eagles +concept_athlete_donovan_mcnabb concept:athleteplaysforteam concept_sportsteam_philadelphia_eagles +concept_athlete_donovan_mcnabb concept:personbelongstoorganization concept_sportsteam_philadelphia_eagles +concept_athlete_donovan_mcnabb concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_dontrelle_willis concept:athleteplayssport concept_sport_baseball +concept_athlete_dontrelle_willis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dontrelle_willis concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_dontrelle_willis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dontrelle_willis concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_athlete_doug_brocail concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_davis concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_davis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_doug_davis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_doug_davis concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_doug_mathis concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_slaten concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_waechter concept:athleteplayssport concept_sport_baseball +concept_athlete_doug_williams concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_doug_williams concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_doug_williams concept:athleteplaysforteam concept_sportsteam_redskins +concept_athlete_doug_williams concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_athlete_dr__michael_hurdzan concept:athleteplayssport concept_sport_golf +concept_athlete_drew_bledsoe concept:athleteplayssport concept_sport_baseball +concept_athlete_drew_bledsoe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_drew_bledsoe concept:athleteledsportsteam concept_sportsteam_rockies +concept_athlete_drew_bledsoe concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_drew_bledsoe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_drew_bledsoe concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_drew_carter concept:athleteplayssport concept_sport_baseball +concept_athlete_drew_doughty concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_drew_doughty concept:athleteplaysforteam concept_sportsteam_l_a__kings +concept_athlete_drew_doughty concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_drew_naylor concept:athleteplayssport concept_sport_baseball +concept_athlete_drew_willy concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_drogba concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_duaner_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_dustin_brown concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_dustin_byfuglien concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_dustin_byfuglien concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_dustin_nippert concept:athleteplayssport concept_sport_baseball +concept_athlete_dustin_pedroia concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dustin_pedroia concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_dustin_pedroia concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_dustin_pedroia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dustin_richardson concept:athleteplayssport concept_sport_baseball +concept_athlete_dusty_hughes concept:athleteplayssport concept_sport_baseball +concept_athlete_dusty_hughes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dusty_hughes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dwayne_jarrett concept:athleteplayssport concept_sport_football +concept_athlete_dwayne_jarrett concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_dwayne_roloson concept:athleteplayssport concept_sport_hockey +concept_athlete_dwayne_roloson concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_dwayne_roloson concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_dwight_freeney concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_dwight_freeney concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_dwight_gooden concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_dwight_howard concept:athleteledsportsteam concept_sportsteam_magic +concept_athlete_dwight_howard concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_dwight_howard concept:athletehomestadium concept_stadiumoreventvenue_amway_arena +concept_athlete_dwyane_wade concept:athleteplayssport concept_sport_basketball +concept_athlete_dwyane_wade concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_dwyane_wade concept:athleteledsportsteam concept_sportsteam_heat +concept_athlete_dwyane_wade concept:athleteplaysforteam concept_sportsteam_heat +concept_athlete_dye concept:athleteplayssport concept_sport_golf +concept_athlete_dye concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_dye concept:athleteledsportsteam concept_sportsteam_white_sox +concept_athlete_earnest_byner concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_ed_belfour concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_eddie_basinski concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_eddie_basinski concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_eddie_basinski concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_eddie_basinski concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_eddie_george concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_eddie_mathews concept:athleteplayssport concept_sport_baseball +concept_athlete_eddie_mathews concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_eddie_mathews concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_eddy_curry concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_eddy_curry concept:athleteledsportsteam concept_sportsteam_knicks +concept_athlete_eddy_curry concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_eddy_curry concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_edgar_renteria concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_edgardo_alfonzo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_edgerrin_james concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_editor concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_eduardo_najera concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_eduardo_perez concept:parentofperson concept_athlete_tony_perez +concept_athlete_edwar_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_edwar_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_edwar_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_edwin_encarnacion concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_edwin_encarnacion concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ekaterina_ivanova concept:hasspouse concept_musician_ronnie_wood +concept_athlete_elena_dementieva concept:athletebeatathlete concept_athlete_dinara_safina +concept_athlete_elena_dementieva concept:athletebeatathlete concept_athlete_s__kuznetsova +concept_athlete_elena_dementieva concept:athletebeatathlete concept_athlete_williams +concept_athlete_elena_dementieva concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_eli_manning concept:athletebeatathlete concept_athlete_joe_bradley +concept_athlete_eli_manning concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_eli_manning concept:athleteledsportsteam concept_sportsteam_new_york_giants +concept_athlete_eli_manning concept:personbelongstoorganization concept_sportsteam_new_york_giants +concept_athlete_eliezer_alfonzo concept:athleteplayssport concept_sport_baseball +concept_athlete_ellis_maples concept:athleteplayssport concept_sport_golf +concept_athlete_elton_brand concept:athleteledsportsteam concept_sportsteam_sixers +concept_athlete_elvin_ramirez concept:athleteledsportsteam concept_sportsteam_dodgers +concept_athlete_elvin_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_elvin_ramirez concept:athleteplayssportsteamposition concept_sportsteamposition_hitter +concept_athlete_elvin_ramirez concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_elway concept:latitudelongitude 34.2597200000000,-118.5247200000000 +concept_athlete_emeka_okafor concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_emil_brown concept:athleteplayssport concept_sport_baseball +concept_athlete_emily_gray concept:latitudelongitude 32.2856200000000,-110.7559700000000 +concept_athlete_emmitt_smith concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_emmitt_smith concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_enerio_del_rosario concept:athleteplayssport concept_sport_baseball +concept_athlete_enerio_del_rosario concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_enerio_del_rosario concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ensberg concept:latitudelongitude 60.0500000000000,18.5833300000000 +concept_athlete_ensberg concept:agentactsinlocation concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_ensberg concept:atlocation concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_eric_byrnes concept:athleteplayssport concept_sport_baseball +concept_athlete_eric_byrnes concept:athleteledsportsteam concept_sportsteam_arizona_diamond_backs +concept_athlete_eric_byrnes concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_eric_byrnes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_eric_dickerson concept:athleteplayssport concept_sport_football +concept_athlete_eric_dickerson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_eric_dickerson concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_eric_dickerson concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_eric_gagne concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_eric_gordon concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_eric_gordon concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_eric_gordon concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_eric_hacker concept:athleteplayssport concept_sport_baseball +concept_athlete_eric_hinske concept:athleteplayssport concept_sport_baseball +concept_athlete_eric_milton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_eric_milton concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_eric_milton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_eric_munson concept:athleteplayssport concept_sport_baseball +concept_athlete_eric_o_flaherty concept:athleteplayssport concept_sport_baseball +concept_athlete_eric_staal concept:athleteplaysforteam concept_sportsteam_carolina_hurricanes +concept_athlete_eric_staal concept:athletehomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_athlete_eric_young concept:athletebeatathlete concept_athlete_sting +concept_athlete_eric_young concept:athleteplayssport concept_sport_baseball +concept_athlete_erik_cole concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_erik_ersberg concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_erik_morales concept:athleteplayssport concept_sport_boxing +concept_athlete_ernie_sims concept:athleteplayssport concept_sport_football +concept_athlete_error concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_athlete_error concept:agentparticipatedinevent concept_eventoutcome_result +concept_athlete_ersan_ilyasova concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_esmailin_caridad concept:athleteplayssport concept_sport_baseball +concept_athlete_esmerling_vasquez concept:athleteplayssport concept_sport_baseball +concept_athlete_esmil_rogers concept:athleteplayssport concept_sport_baseball +concept_athlete_esteban_loaiza concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_etan_thomas concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ethier concept:athleteledsportsteam concept_sportsteam_dodgers +concept_athlete_ethier concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ethier concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_eude_brito concept:athleteplayssport concept_sport_baseball +concept_athlete_evan_longoria concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_evan_longoria concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_evan_longoria concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_evan_reed concept:athleteplayssport concept_sport_baseball +concept_athlete_evan_thomas concept:worksfor concept_university_newsweek +concept_athlete_evander_holyfield concept:athleteplayssport concept_sport_boxing +concept_athlete_evgeny_artyukhin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_fabio_cannavaro concept:athleteplayssport concept_sport_football +concept_athlete_farmar concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_farmar concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_farmar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_fausto_carmona concept:athleteplayssport concept_sport_baseball +concept_athlete_fausto_carmona concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_fausto_carmona concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_favre concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_favre concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_favre concept:personbelongstoorganization concept_city_green_bay +concept_athlete_favre concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_favre concept:athleteplayssport concept_sport_football +concept_athlete_favre concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_favre concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_favre concept:personbelongstoorganization concept_sportsteam_new_york_jets +concept_athlete_favre concept:personbelongstoorganization concept_sportsteam_ny_jets +concept_athlete_favre concept:athleteledsportsteam concept_sportsteam_packers +concept_athlete_favre concept:personbelongstoorganization concept_sportsteam_packers +concept_athlete_favre concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_favre concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_favre concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_fedor_tyutin concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_fedor_tyutin concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_felipe_alou concept:fatherofperson concept_person_moises_alou +concept_athlete_felix_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_felix_hernandez concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_felix_hernandez concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_felix_pie concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_felix_pie concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_felix_pie concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_felix_pie concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_felix_trinidad concept:athleteplayssport concept_sport_boxing +concept_athlete_felix_ventura concept:athleteplayssport concept_sport_baseball +concept_athlete_ferguson concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_ferguson concept:persongraduatedfromuniversity concept_university_college +concept_athlete_ferguson concept:persongraduatedschool concept_university_college +concept_athlete_fernando_abad concept:athleteplayssport concept_sport_baseball +concept_athlete_fernando_abad concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_fernando_abad concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_fernando_abad concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_fernando_abad concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_fernando_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_fernando_martinez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_fernando_martinez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_fernando_nieve concept:athleteplayssport concept_sport_baseball +concept_athlete_fernando_tatis concept:athleteplayssport concept_sport_baseball +concept_athlete_fernando_tatis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_fernando_tatis concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_fernando_tatis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_filippo_inzaghi concept:athleteplaysforteam concept_sportsteam_a_c__milan +concept_athlete_fran_tarkenton concept:athleteplayssport concept_sport_football +concept_athlete_fran_tarkenton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_francisco_elson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_francisco_garcia concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_francisco_garcia concept:athleteplayssport concept_sport_baseball +concept_athlete_francisco_garcia concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_francisco_garcia concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_francisco_garcia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_francisley_bueno concept:athleteplayssport concept_sport_baseball +concept_athlete_frank concept:persondiedatage 4 +concept_athlete_frank concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bodypart_shoulders +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bone_mouth +concept_athlete_frank concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_frank concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_frank concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_frank concept:athleteplayssport concept_sport_basketball +concept_athlete_frank concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_frank concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_frank concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_frank concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_frank concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_frank_lampard concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_frank_o_rourke concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_frank_walker concept:athleteplaysforteam concept_sportsteam_ravens +concept_athlete_franklin_guti_rrez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_franklin_guti_rrez concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_franklin_morales concept:athleteplayssport concept_sport_baseball +concept_athlete_fred_mcgriff concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_fred_mcgriff concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_fred_mcgriff concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_fred_mcgriff concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_fred_smith concept:worksfor concept_magazine_fedex +concept_athlete_freddie_jones concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_freddie_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_freddie_jones concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_freddy_garcia concept:persondiedincountry concept_country_england +concept_athlete_freddy_garcia concept:athleteplayssport concept_sport_baseball +concept_athlete_freddy_garcia concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_freddy_garcia concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_freddy_garcia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_freddy_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_freddy_sanchez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_freddy_sanchez concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_freddy_sanchez concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_athlete_freddy_sanchez concept:athleteplaysforteam concept_sportsteam_pirates +concept_athlete_freddy_sanchez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_free_agent concept:atdate concept_date_n2000 +concept_athlete_freeman_mcneil concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_fu_te_ni concept:athleteplayssport concept_sport_baseball +concept_athlete_full_story concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_gabe_kapler concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_gabe_kapler concept:athleteplayssport concept_sport_baseball +concept_athlete_gabe_kapler concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gabe_kapler concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gabe_kapler concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_gardner concept:persondiedatage 2 +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_bone_back +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_gardner concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_gardner concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_gardner concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_gardner concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_gardner concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_garret_anderson concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_garret_anderson concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_garret_anderson concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_garret_anderson concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_garret_anderson concept:athleteplayssportsteamposition concept_sportsteamposition_qb +concept_athlete_garret_anderson concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_garret_anderson concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_garrett_mock concept:athleteplayssport concept_sport_baseball +concept_athlete_garrett_olson concept:athleteplayssport concept_sport_baseball +concept_athlete_garrett_olson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_garrett_olson concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_garrett_olson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_garrett_olson concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_gary concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_gary concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_gary concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_gary concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_gary concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_gary concept:agentcontrols concept_charactertrait_world +concept_athlete_gary concept:personbornincity concept_city_york +concept_athlete_gary concept:personborninlocation concept_city_york +concept_athlete_gary concept:atdate concept_date_n2004 +concept_athlete_gary concept:atdate concept_dateliteral_n2005 +concept_athlete_gary concept:atdate concept_dateliteral_n2007 +concept_athlete_gary concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_athlete_gary concept:athleteinjuredhisbodypart concept_nerve_eye +concept_athlete_gary concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_gary concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_gary concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_gary concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_gary concept:subpartof concept_stateorprovince_indiana +concept_athlete_gary concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_athlete_gary concept:persongraduatedfromuniversity concept_university_college +concept_athlete_gary concept:persongraduatedschool concept_university_college +concept_athlete_gary concept:persongraduatedfromuniversity concept_university_state_university +concept_athlete_gary concept:persongraduatedschool concept_university_state_university +concept_athlete_gary_bennett concept:athleteplayssport concept_sport_baseball +concept_athlete_gary_carter concept:athleteplayssport concept_sport_baseball +concept_athlete_gary_carter concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gary_carter concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_gary_carter concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gary_carter concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_athlete_gary_matthews_jr concept:athleteplayssport concept_sport_baseball +concept_athlete_gary_panks concept:athleteplayssport concept_sport_golf +concept_athlete_gary_payton concept:persondiedincountry concept_country_england +concept_athlete_gary_payton concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_gary_player concept:athletebeatathlete concept_athlete_legendary_arnold_palmer +concept_athlete_gary_player concept:athletewinsawardtrophytournament concept_awardtrophytournament_masters +concept_athlete_gary_player concept:athleteplayssport concept_sport_golf +concept_athlete_gary_sheffield concept:athleteplayssport concept_sport_baseball +concept_athlete_gary_sheffield concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gary_sheffield concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_gary_sheffield concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gary_williams concept:personbelongstoorganization concept_sportsteam_maryland +concept_athlete_gasol concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_gasol concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_gasol concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gasol concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_gavin_floyd concept:athleteplayssport concept_sport_baseball +concept_athlete_gavin_floyd concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gavin_floyd concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_gavin_floyd concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gayhart concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_gaylord_perry concept:athleteplayssport concept_sport_baseball +concept_athlete_gaylord_perry concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gaylord_perry concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_gehrig concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_gehrig concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_geoff_jenkins concept:athleteplayssport concept_sport_baseball +concept_athlete_geoff_jenkins concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_geoff_jenkins concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_geoff_jenkins concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_geoff_jenkins concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_george_brett concept:athleteplayssport concept_sport_baseball +concept_athlete_george_brett concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_george_brett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_george_brunet concept:latitudelongitude -41.7982700000000,172.0901500000000 +concept_athlete_george_c__thomas concept:athleteplayssport concept_sport_golf +concept_athlete_george_johnson concept:personalsoknownas concept_athlete_david_carr +concept_athlete_george_johnson concept:personalsoknownas concept_personaustralia_david_shaw +concept_athlete_george_sherrill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_georges_laraque concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_athlete_georges_laraque concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_georges_laraque concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_athlete_gerry_cooney concept:athleteplayssport concept_sport_boxing +concept_athlete_gil_meche concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ginobili concept:athleteledsportsteam concept_sportsteam_san_antonio +concept_athlete_ginobili concept:athleteplaysforteam concept_sportsteam_spurs +concept_athlete_giovanni_carrara concept:athleteplayssport concept_sport_baseball +concept_athlete_glavine concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_glavine concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_glen_perkins concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_glen_perkins concept:athleteplayssport concept_sport_baseball +concept_athlete_glen_perkins concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_glen_perkins concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_glen_perkins concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_glendon_rusch concept:athleteplayssport concept_sport_baseball +concept_athlete_goose_gossage concept:athleteplayssport concept_sport_baseball +concept_athlete_goose_gossage concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_goose_gossage concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_goose_gossage concept:athleteplayssportsteamposition concept_sportsteamposition_pitcher +concept_athlete_goran_ivanisevic concept:athletebeatathlete concept_athlete_andre_agassi_and_steffi_graf +concept_athlete_goran_ivanisevic concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_gordon_beckham concept:worksfor concept_radiostation_toledo +concept_athlete_gordon_lewis concept:athleteplayssport concept_sport_golf +concept_athlete_grady_sizemore concept:athleteplayssport concept_sport_baseball +concept_athlete_grady_sizemore concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_grady_sizemore concept:athleteledsportsteam concept_sportsteam_cleveland_indians_organization +concept_athlete_grady_sizemore concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_grady_sizemore concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_graham_taylor concept:athleteplayssport concept_sport_baseball +concept_athlete_granger concept:personalsoknownas concept_actor_bobby_jackson +concept_athlete_granger concept:personalsoknownas concept_athlete_jamaal_tinsley +concept_athlete_granger concept:personalsoknownas concept_athlete_wayne_simien +concept_athlete_granger concept:persondiedincountry concept_country_england +concept_athlete_granger concept:personalsoknownas concept_person_jamaal_magloire +concept_athlete_granger concept:athleteledsportsteam concept_sportsteam_pacers +concept_athlete_grant_balfour concept:athleteplayssport concept_sport_baseball +concept_athlete_grant_hill concept:athleteledsportsteam concept_sportsteam_magic +concept_athlete_grant_hill concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_greg_biffle concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_greg_ellis concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_greg_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_greg_maddux concept:athleteplayssport concept_sport_baseball +concept_athlete_greg_maddux concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_greg_maddux concept:athleteledsportsteam concept_sportsteam_dodgers +concept_athlete_greg_maddux concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_greg_maddux concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_greg_norman concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_greg_norman concept:athletewinsawardtrophytournament concept_awardtrophytournament_british_open +concept_athlete_greg_norman concept:athletewinsawardtrophytournament concept_awardtrophytournament_masters +concept_athlete_greg_norman concept:athleteplayssport concept_sport_golf +concept_athlete_greg_reynolds concept:athleteplayssport concept_sport_baseball +concept_athlete_greg_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_gregor_blanco concept:athleteplayssport concept_sport_baseball +concept_athlete_gregor_blanco concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_gregor_blanco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_griffey concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_griffey concept:athletehomestadium concept_stadiumoreventvenue_great_american_ball_park +concept_athlete_guillermo_mota concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_guillermo_mota concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_guillermo_vilas concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_gustavo_kuerten concept:athletebeatathlete concept_athlete_marat_safin +concept_athlete_gustavo_kuerten concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_hal_morris concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hank_aaron concept:athletebeatathlete concept_athlete_babe_ruth +concept_athlete_hank_aaron concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_hank_aaron concept:personalsoknownas concept_coach_jackie_robinson +concept_athlete_hank_aaron concept:personalsoknownas concept_person_robinson_cano +concept_athlete_hank_aaron concept:athleteplayssport concept_sport_baseball +concept_athlete_hank_aaron concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hank_aaron concept:athleteledsportsteam concept_sportsteam_milwaukee_braves +concept_athlete_hank_aaron concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hank_blalock concept:athleteplayssport concept_sport_baseball +concept_athlete_hank_blalock concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_hanley_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_hanley_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hanley_ramirez concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_hanley_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hansel_izquierdo concept:athleteplayssport concept_sport_baseball +concept_athlete_harmon_killebrew concept:athleteplayssport concept_sport_baseball +concept_athlete_harmon_killebrew concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_harmon_killebrew concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_harrison concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_harrison concept:athleteplayssport concept_sport_baseball +concept_athlete_harrison concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_harrison concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_harrison concept:athleteledsportsteam concept_sportsteam_steelers +concept_athlete_harrison concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_harrison concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_harrison concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_harrison concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_harry_kewell concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_harry_kewell concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_hassan_adams concept:athleteplayssport concept_sport_basketball +concept_athlete_hassan_adams concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_hassan_adams concept:athleteledsportsteam concept_sportsteam_hawks +concept_athlete_hassan_adams concept:athletehomestadium concept_stadiumoreventvenue_philips_arena +concept_athlete_haynesworth concept:athleteplaysforteam concept_sportsteam_titans +concept_athlete_heath_bell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hector_almonte concept:athleteplayssport concept_sport_baseball +concept_athlete_hector_rondon concept:athleteplayssport concept_sport_baseball +concept_athlete_hedo_turkoglu concept:coachwontrophy concept_awardtrophytournament_playoff_series +concept_athlete_hedo_turkoglu concept:coachesinleague concept_sportsleague_nba +concept_athlete_hedo_turkoglu concept:athleteledsportsteam concept_sportsteam_magic +concept_athlete_henin concept:athleteplayssport concept_sport_tennis +concept_athlete_henin_hardenne concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_henrik_lundqvist concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_henrik_zetterberg concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_henrik_zetterberg concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_henry concept:persondiedatage 2 +concept_athlete_henry concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_henry concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_henry concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_henry concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_henry concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_henry concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_henry_blanco concept:athleteplayssport concept_sport_baseball +concept_athlete_henry_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_herman_edwards concept:coachesteam concept_sportsteam_kansas_city_chiefs +concept_athlete_herman_edwards concept:worksfor concept_sportsteam_kansas_city_chiefs +concept_athlete_hideki_okajima concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_hideki_okajima concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hideo_nomo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_hideo_nomo concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_hiroki_kuroda concept:athleteplayssport concept_sport_baseball +concept_athlete_hiroki_kuroda concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hiroki_kuroda concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_hiroki_kuroda concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_home_run concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_homer_bailey concept:athleteplayssport concept_sport_baseball +concept_athlete_homer_bailey concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_homer_bailey concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_homer_bailey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_honus_wagner concept:athleteplayssport concept_sport_baseball +concept_athlete_honus_wagner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_honus_wagner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_horacio_estrada concept:athleteplayssport concept_sport_baseball +concept_athlete_horacio_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_houston_astros_1b_jeff_bagwell concept:agentbelongstoorganization concept_sportsleague_mlb +concept_athlete_houston_astros_1b_jeff_bagwell concept:subpartof concept_sportsleague_mlb +concept_athlete_howie_clark concept:athleteplayssport concept_sport_baseball +concept_athlete_html concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_humberto_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_hunter_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_hunter_pence concept:athleteplayssport concept_sport_baseball +concept_athlete_hunter_pence concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_hunter_pence concept:athleteledsportsteam concept_sportsteam_astros +concept_athlete_hunter_pence concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_hunter_pence concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_huston_street concept:athleteplayssport concept_sport_baseball +concept_athlete_huston_street concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_huston_street concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ian_woosnam concept:athleteplayssport concept_sport_golf +concept_athlete_ichiro concept:athleteledsportsteam concept_sportsteam_seattle_mariners +concept_athlete_ichiro_suzuki concept:athleteplayssport concept_sport_baseball +concept_athlete_ichiro_suzuki concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_ichiro_suzuki concept:athleteplaysforteam concept_sportsteam_mariners +concept_athlete_ichiro_suzuki concept:athleteledsportsteam concept_sportsteam_seattle_mariners +concept_athlete_ike_diogu concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ilya_bryzgalov concept:athleteplaysforteam concept_sportsteam_phoenix_coyotes +concept_athlete_ind concept:agentcontrols concept_coach_kjzz_tv +concept_athlete_ind concept:agentcontrols concept_company_khcv +concept_athlete_ind concept:agentcontrols concept_company_knlj +concept_athlete_ind concept:agentcontrols concept_company_wnds +concept_athlete_ind concept:agentcontrols concept_company_wven +concept_athlete_ind concept:agentcontrols concept_radiostation_wjwn +concept_athlete_ind concept:agentcontrols concept_radiostation_wray +concept_athlete_ind concept:agentcontrols concept_televisionstation_kaah_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kazt +concept_athlete_ind concept:agentcontrols concept_televisionstation_kbcb +concept_athlete_ind concept:agentcontrols concept_televisionstation_kbfd +concept_athlete_ind concept:agentcontrols concept_televisionstation_kcfg +concept_athlete_ind concept:agentcontrols concept_televisionstation_kcns_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kdfi_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kdor +concept_athlete_ind concept:agentcontrols concept_televisionstation_kdtn +concept_athlete_ind concept:agentcontrols concept_televisionstation_kdtx_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_keth_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kfph +concept_athlete_ind concept:agentcontrols concept_televisionstation_kfth +concept_athlete_ind concept:agentcontrols concept_televisionstation_kfwd +concept_athlete_ind concept:agentcontrols concept_televisionstation_kgeb +concept_athlete_ind concept:agentcontrols concept_televisionstation_kgmc +concept_athlete_ind concept:agentcontrols concept_televisionstation_kicu_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kldt +concept_athlete_ind concept:agentcontrols concept_televisionstation_kmct_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_knmt_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_knws_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kong_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kpaz_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_ksbi +concept_athlete_ind concept:agentcontrols concept_televisionstation_ksce +concept_athlete_ind concept:agentcontrols concept_televisionstation_kstc_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kstr_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_ktbw_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_ktfd_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_ktln_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_ktvk +concept_athlete_ind concept:agentcontrols concept_televisionstation_kusi_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kvos_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_kvtn +concept_athlete_ind concept:agentcontrols concept_televisionstation_kwhb +concept_athlete_ind concept:agentcontrols concept_televisionstation_kwhd +concept_athlete_ind concept:agentcontrols concept_televisionstation_kwhe +concept_athlete_ind concept:agentcontrols concept_televisionstation_kwog +concept_athlete_ind concept:agentcontrols concept_televisionstation_wacx_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wami_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_waxn +concept_athlete_ind concept:agentcontrols concept_televisionstation_wbuy +concept_athlete_ind concept:agentcontrols concept_televisionstation_wclf +concept_athlete_ind concept:agentcontrols concept_televisionstation_wclj +concept_athlete_ind concept:agentcontrols concept_televisionstation_wdli +concept_athlete_ind concept:agentcontrols concept_televisionstation_wdlp_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wggs_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wgtw_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whbr +concept_athlete_ind concept:agentcontrols concept_televisionstation_whdt_dt +concept_athlete_ind concept:agentcontrols concept_televisionstation_whft_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whky_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whmb_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whme_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whno_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_whsg +concept_athlete_ind concept:agentcontrols concept_televisionstation_whtn +concept_athlete_ind concept:agentcontrols concept_televisionstation_winm +concept_athlete_ind concept:agentcontrols concept_televisionstation_wjpx +concept_athlete_ind concept:agentcontrols concept_televisionstation_wjxt +concept_athlete_ind concept:agentcontrols concept_televisionstation_wkoi +concept_athlete_ind concept:agentcontrols concept_televisionstation_wkpv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wljc_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wlxi_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmak +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmcf_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmcn_dt +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmfd_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmmf_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wmor_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wnjx +concept_athlete_ind concept:agentcontrols concept_televisionstation_wotf +concept_athlete_ind concept:agentcontrols concept_televisionstation_wpan +concept_athlete_ind concept:agentcontrols concept_televisionstation_wpcb_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wrdq_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtbs +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtct_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtjp +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtlj +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtsf +concept_athlete_ind concept:agentcontrols concept_televisionstation_wtve_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wvcy_tv +concept_athlete_ind concept:agentcontrols concept_televisionstation_wwdp +concept_athlete_ind concept:agentcontrols concept_televisionstation_wwrs +concept_athlete_ind concept:agentcontrols concept_televisionstation_wyle +concept_athlete_ind concept:agentcontrols concept_website_kfty +concept_athlete_ind concept:agentcontrols concept_website_kmci +concept_athlete_ind concept:agentcontrols concept_website_kron_tv +concept_athlete_ind concept:agentcontrols concept_website_ktbo_tv +concept_athlete_ind concept:agentcontrols concept_website_ktsf +concept_athlete_ind concept:agentcontrols concept_website_kxtx_tv +concept_athlete_ind concept:agentcontrols concept_website_wfmz_tv +concept_athlete_ind concept:agentcontrols concept_website_wtlw +concept_athlete_iniesta concept:latitudelongitude 39.4961166666667,-1.7037866666667 +concept_athlete_irving_fryar concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_isaac_bruce concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_isaac_bruce concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_isaac_bruce concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_isaac_bruce concept:athletehomestadium concept_stadiumoreventvenue_dome +concept_athlete_isaiah_thomas concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_ivan_lendl concept:athletebeatathlete concept_athlete_boris_becker +concept_athlete_ivan_lendl concept:athletebeatathlete concept_athlete_stefan_edberg +concept_athlete_ivan_lendl concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_ivan_lendl concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_ivan_lendl concept:athletebeatathlete concept_personaustralia_john_mcenroe +concept_athlete_ivan_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_ivan_rodriguez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ivan_rodriguez concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_ivan_rodriguez concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_ivan_rodriguez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_iverson concept:persondiedincountry concept_country_england +concept_athlete_iverson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_iverson concept:athleteledsportsteam concept_sportsteam_nuggets +concept_athlete_iverson concept:athleteplaysforteam concept_sportsteam_pistons +concept_athlete_iwamura concept:latitudelongitude 35.6875025000000,137.8624975000000 +concept_athlete_j_c__romero concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_j_d__durbin concept:athleteplayssport concept_sport_baseball +concept_athlete_j_d__durbin concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_j_d__durbin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_j_j__putz concept:athleteplayssport concept_sport_baseball +concept_athlete_j_j__putz concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_j_j__putz concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_j_j__putz concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_j_j__putz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_j_p__arencibia concept:personalsoknownas concept_athlete_j_p__howell +concept_athlete_j_p__arencibia concept:personalsoknownas concept_athlete_j_p__losman +concept_athlete_j_p__arencibia concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_athlete_j_p__arencibia concept:personalsoknownas concept_athlete_p_j__brown +concept_athlete_j_p__arencibia concept:personalsoknownas concept_athlete_p_j__walters +concept_athlete_j_p__arencibia concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_j_p__arencibia concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_j_p__arencibia concept:personalsoknownas concept_coach_p_j__carlesimo +concept_athlete_j_p__arencibia concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_j_p__arencibia concept:personalsoknownas concept_person_pj_hill +concept_athlete_j_p__howell concept:personalsoknownas concept_athlete_j_p__arencibia +concept_athlete_j_p__howell concept:personalsoknownas concept_athlete_j_p__losman +concept_athlete_j_p__howell concept:personalsoknownas concept_athlete_p_j__walters +concept_athlete_j_p__howell concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_j_p__howell concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_j_p__howell concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_j_p__howell concept:athleteplayssport concept_sport_baseball +concept_athlete_j_p__howell concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_j_p__losman concept:personalsoknownas concept_athlete_j_p__arencibia +concept_athlete_j_p__losman concept:personalsoknownas concept_athlete_j_p__howell +concept_athlete_j_p__losman concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_athlete_j_p__losman concept:personalsoknownas concept_athlete_p_j__brown +concept_athlete_j_p__losman concept:personalsoknownas concept_athlete_p_j__walters +concept_athlete_j_p__losman concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_j_p__losman concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_j_p__losman concept:personalsoknownas concept_coach_p_j__carlesimo +concept_athlete_j_p__losman concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_j_p__losman concept:personalsoknownas concept_person_pj_hill +concept_athlete_j_p__losman concept:athleteledsportsteam concept_sportsteam_buffalo_bills +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_athlete_j_p__arencibia +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_athlete_j_p__losman +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_athlete_p_j__brown +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_athlete_p_j__walters +concept_athlete_j_p__ricciardi concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_j_p__ricciardi concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_coach_p_j__carlesimo +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_person_pj_hill +concept_athlete_j_p__ricciardi concept:personalsoknownas concept_personus_j_p__howell +concept_athlete_j_r__smith concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_j_r__smith concept:athleteledsportsteam concept_sportsteam_nuggets +concept_athlete_j_r__smith concept:athleteplaysforteam concept_sportsteam_nuggets +concept_athlete_j_r__smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_j_r__towles concept:athleteplayssport concept_sport_baseball +concept_athlete_j_r__towles concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_j_r__towles concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jack_cassel concept:athleteplayssport concept_sport_baseball +concept_athlete_jack_cassel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jack_cassel concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_jack_nicklaus concept:athletebeatathlete concept_athlete_gary_player +concept_athlete_jack_nicklaus concept:athletebeatathlete concept_athlete_legendary_arnold_palmer +concept_athlete_jack_nicklaus concept:athletewinsawardtrophytournament concept_awardtrophytournament_masters +concept_athlete_jack_nicklaus concept:athleteplayssport concept_sport_championship_golf +concept_athlete_jackie_butler concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jackson_quezada concept:athleteplayssport concept_sport_baseball +concept_athlete_jacob_turner concept:athleteplayssport concept_sport_baseball +concept_athlete_jacoby_ellsbury concept:athleteplayssport concept_sport_baseball +concept_athlete_jacoby_ellsbury concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jacoby_ellsbury concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_jacoby_ellsbury concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_jacoby_ellsbury concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jacoby_ellsbury concept:athletehomestadium concept_stadiumoreventvenue_fenway_park +concept_athlete_jacque_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_jacque_jones concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jacque_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jacque_vaughn concept:persondiedincountry concept_country_england +concept_athlete_jacque_vaughn concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jae_kuk_ryu concept:athleteplayssport concept_sport_baseball +concept_athlete_jagr concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_jagr concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_jailen_peguero concept:athleteplayssport concept_sport_baseball +concept_athlete_jair_jurrjens concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_jair_jurrjens concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jair_jurrjens concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_jake_delhomme concept:athleteplayssport concept_sport_football +concept_athlete_jake_delhomme concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jake_delhomme concept:athleteledsportsteam concept_sportsteam_florida_international +concept_athlete_jake_delhomme concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_jake_delhomme concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_jake_peavy concept:athleteplayssport concept_sport_baseball +concept_athlete_jake_peavy concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jake_peavy concept:athleteplaysforteam concept_sportsteam_san_diego_padres +concept_athlete_jake_tsakalidis concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jake_westbrook concept:athleteplayssport concept_sport_baseball +concept_athlete_jake_westbrook concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jake_westbrook concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jamaal_magloire concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jamaal_tinsley concept:personalsoknownas concept_athlete_granger +concept_athlete_jamaal_tinsley concept:personalsoknownas concept_athlete_wayne_simien +concept_athlete_jamaal_tinsley concept:athleteledsportsteam concept_sportsteam_indiana_pacers +concept_athlete_jamaal_tinsley concept:athleteplaysforteam concept_sportsteam_pacers +concept_athlete_jamario_moon concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_jamario_moon concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_jamario_moon concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_athlete_jameer_nelson concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_jameer_nelson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jameer_nelson concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_jameer_nelson concept:athleteledsportsteam concept_sportsteam_orlando_magic +concept_athlete_james_baird concept:athleteplayssport concept_sport_golf +concept_athlete_james_farrior concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_james_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_james_lofton concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_james_loney concept:athleteplayssport concept_sport_baseball +concept_athlete_james_loney concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_james_loney concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_james_loney concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_james_posey concept:persondiedincountry concept_country_england +concept_athlete_james_posey concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_james_posey concept:athleteledsportsteam concept_sportsteam_denver_nuggets +concept_athlete_james_posey concept:athleteplaysforteam concept_sportsteam_esu_hornets +concept_athlete_james_shields concept:athleteplayssport concept_sport_baseball +concept_athlete_james_shields concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_james_shields concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_james_shields concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_james_shields concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_james_toney concept:athleteplayssport concept_sport_boxing +concept_athlete_james_white concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jamey_carroll concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_jamey_carroll concept:athleteplayssport concept_sport_baseball +concept_athlete_jamey_carroll concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jamey_carroll concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jamie_gold concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_jamie_gold concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_jamie_moyer concept:athleteplayssport concept_sport_baseball +concept_athlete_jamie_moyer concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jamie_moyer concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_jamie_moyer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jamie_moyer concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_jamie_vermilyea concept:athleteplayssport concept_sport_baseball +concept_athlete_jared_allen concept:athleteplayssport concept_sport_football +concept_athlete_jared_allen concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jared_allen concept:athleteplaysforteam concept_sportsteam_minnesota_vikings +concept_athlete_jared_allen concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_jared_reiner concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jared_reiner concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_jared_reiner concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_jared_reiner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jared_wells concept:athleteplayssport concept_sport_baseball +concept_athlete_jarome_iginla concept:athleteplaysforteam concept_sportsteam_calgary_flames +concept_athlete_jarome_iginla concept:athletehomestadium concept_stadiumoreventvenue_scotiabank_saddledome +concept_athlete_jaromir_jagr concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_jarrod_washburn concept:athleteplayssport concept_sport_baseball +concept_athlete_jarrod_washburn concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jarrod_washburn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jarvis_hayes concept:athleteledsportsteam concept_sportsteam_washington_wizards +concept_athlete_jason concept:persondiedatage 3 +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bodypart_eyes +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bone_arm +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_jason concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_jason concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_jason concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_jason_anderson concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_bere concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_bergmann concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_brown concept:athleteplayssport concept_sport_football +concept_athlete_jason_brown concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jason_bulger concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_collins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jason_frasor concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_grilli concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_hammel concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_isringhausen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_jennings concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_kapono concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_jason_kendall concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_kendall concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_kendall concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_jason_kendall concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_kidd concept:athleteplayssport concept_sport_basketball +concept_athlete_jason_kidd concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jason_kidd concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_jason_kidd concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_jason_lane concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_marquis concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_marquis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_marquis concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_jason_marquis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_marquis concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jason_motte concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_motte concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_motte concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_richardson concept:athleteplayssport concept_sport_basketball +concept_athlete_jason_richardson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jason_richardson concept:athleteledsportsteam concept_sportsteam_golden_state_warriors +concept_athlete_jason_richardson concept:athleteplaysforteam concept_sportsteam_golden_state_warriors +concept_athlete_jason_romano concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_schmidt concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_schmidt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_schmidt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_standridge concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_vargas concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_vargas concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_vargas concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_varitek concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_varitek concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jason_varitek concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_jason_varitek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jason_waddell concept:athleteplayssport concept_sport_baseball +concept_athlete_jason_wright concept:athleteplayssport concept_sport_football +concept_athlete_jason_wright concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_javier_mascherano concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_javier_vazquez concept:athleteplayssport concept_sport_baseball +concept_athlete_javier_vazquez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_javier_vazquez concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_javier_vazquez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_javon_walker concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_javon_walker concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_javon_walker concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_javon_walker concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_jay_bouwmeester concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_jay_cutler concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_jay_cutler concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_jay_cutler concept:athleteledsportsteam concept_sportsteam_broncos +concept_athlete_jay_marshall concept:athleteplayssport concept_sport_baseball +concept_athlete_jay_pandolfo concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_jay_pandolfo concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_jay_pandolfo concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_jay_payton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jayson_werth concept:parentofperson concept_coach_dennis_werth +concept_athlete_jayson_werth concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jayson_werth concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jc_boscan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jed_lowrie concept:athleteplayssport concept_sport_baseball +concept_athlete_jed_lowrie concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jed_lowrie concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_jed_lowrie concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jed_lowrie concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_jeff_bailey concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_baker concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_jeff_campbell concept:personbelongstoorganization concept_stateorprovince_oklahoma +concept_athlete_jeff_clement concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_clement concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_clement concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_davanon concept:parentofperson concept_personmexico_jerry_davanon +concept_athlete_jeff_fassero concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_fiorentino concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_foster concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jeff_francoeur concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_francoeur concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_francoeur concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_jeff_francoeur concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_francoeur concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_jeff_garcia concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jeff_garcia concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_jeff_garcia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_garcia concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_jeff_green concept:personalsoknownas concept_personmexico_kevin_durant +concept_athlete_jeff_green concept:athleteledsportsteam concept_sportsteam_seattle_supersonics +concept_athlete_jeff_hardy concept:athleteplayssport concept_sport_wrestling +concept_athlete_jeff_karstens concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_karstens concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_karstens concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_kent concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_kent concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_kent concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_jeff_kent concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_manship concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_mcinnis concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jeff_nelson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_niemann concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_salazar concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_samardzija concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_suppan concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_suppan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_suppan concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_jeff_suppan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_tam concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_teague concept:athleteplaysforteam concept_sportsteam_wake_forest +concept_athlete_jeff_weaver concept:athleteplayssport concept_sport_baseball +concept_athlete_jeff_weaver concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeff_weaver concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeff_zrebiec concept:worksfor concept_televisionstation_baltimore_sun +concept_athlete_jelena_jankovic concept:athletebeatathlete concept_athlete_elena_dementieva +concept_athlete_jelena_jankovic concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_jelena_jankovic concept:athletebeatathlete concept_athlete_s__kuznetsova +concept_athlete_jelena_jankovic concept:athletebeatathlete concept_athlete_williams +concept_athlete_jelena_jankovic concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_jenrry_mejia concept:athleteplayssport concept_sport_baseball +concept_athlete_jensen_lewis concept:athleteplayssport concept_sport_baseball +concept_athlete_jenson_button concept:personbelongstoorganization concept_city_bar +concept_athlete_jered_weaver concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_accardo concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_accardo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeremy_accardo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeremy_affeldt concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_affeldt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeremy_affeldt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeremy_bates concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_jeremy_bates concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_jeremy_bates concept:coachesinleague concept_sportsleague_nfl +concept_athlete_jeremy_bonderman concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_bonderman concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeremy_guthrie concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_guthrie concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeremy_guthrie concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeremy_hermida concept:athleteplayssport concept_sport_baseball +concept_athlete_jeremy_hermida concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jeremy_hermida concept:athleteledsportsteam concept_sportsteam_marlins +concept_athlete_jeremy_hermida concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_jeremy_hermida concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jermaine_o_neal concept:athleteplayssport concept_sport_basketball +concept_athlete_jermaine_o_neal concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jermaine_o_neal concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_jerome_bettis concept:athleteplayssport concept_sport_football +concept_athlete_jerome_bettis concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jerome_bettis concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_jerome_bettis concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_jerome_james concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_jerome_james concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_jerome_james concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jerome_james concept:athleteledsportsteam concept_sportsteam_new_orleans_hornets +concept_athlete_jerry_owens concept:athleteplayssport concept_sport_baseball +concept_athlete_jerry_owens concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jerry_owens concept:athletehomestadium concept_stadiumoreventvenue_us_cellular_field +concept_athlete_jerry_rice concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_jerry_rice concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_jerry_rice concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_jerry_rice concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_athlete_jerry_stackhouse concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jerry_stackhouse concept:athleteplaysforteam concept_sportsteam_mavericks +concept_athlete_jerry_stackhouse concept:athleteledsportsteam concept_sportsteam_philadelphia_76ers +concept_athlete_jerry_west concept:athleteplayssport concept_sport_baseball +concept_athlete_jerry_west concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jerry_west concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_jerry_west concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jerry_west concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_jesse_carlson concept:athleteplayssport concept_sport_baseball +concept_athlete_jesse_carlson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jesse_carlson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jesse_crain concept:athleteplayssport concept_sport_baseball +concept_athlete_jesse_crain concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jesse_crain concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jesse_litsch concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jesse_litsch concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jesus_colome concept:athleteplayssport concept_sport_baseball +concept_athlete_jesus_delgado concept:athleteplayssport concept_sport_baseball +concept_athlete_jesus_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_jeter concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_jeter concept:personbelongstoorganization concept_sportsteam_yankees +concept_athlete_jeter concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jeter concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_jeter concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_jethroe concept:latitudelongitude 40.6247900000000,-80.5947900000000 +concept_athlete_jhonny_peralta concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jhoulys_chacin concept:athleteplayssport concept_sport_baseball +concept_athlete_jim concept:persondiedatage 2 +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_eyes +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_face +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_forehead +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_jaw +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bodypart_shoulders +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_arm +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_back +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_fist +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_mouth +concept_athlete_jim concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_jim concept:personbelongstoorganization concept_county_ohio_state_university +concept_athlete_jim concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_jim_brower concept:athleteplayssport concept_sport_baseball +concept_athlete_jim_brown concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_jim_bunning concept:athleteplayssportsteamposition concept_sportsteamposition_pitcher +concept_athlete_jim_courier concept:athletebeatathlete concept_athlete_stefan_edberg +concept_athlete_jim_courier concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_jim_courier concept:athleteplayssport concept_sport_tennis +concept_athlete_jim_edmonds concept:athleteplayssport concept_sport_football +concept_athlete_jim_edmonds concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jim_edmonds concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_jim_edmonds concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_jim_edmonds concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_jim_hegan concept:parentofperson concept_athlete_mike_hegan +concept_athlete_jim_jackson concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jim_johnson concept:athleteplayssport concept_sport_baseball +concept_athlete_jim_johnson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jim_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jim_leyritz concept:athleteplayssport concept_sport_baseball +concept_athlete_jim_leyritz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jim_leyritz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jim_rice concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_jim_rice concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jimmy_connors concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_jimmy_connors concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_jimmy_howard concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_jimmy_howard concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_jimmy_rollins concept:athleteplayssport concept_sport_baseball +concept_athlete_jimmy_rollins concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jimmy_rollins concept:athleteplaysforteam concept_sportsteam_phillies +concept_athlete_jimmy_rollins concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jimmy_smith concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_jo_jo_reyes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jo_jo_reyes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joaquin_arias concept:athleteplayssport concept_sport_baseball +concept_athlete_joba_chamberlain concept:personchargedwithcrime concept_crimeorcharge_murder +concept_athlete_joba_chamberlain concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_beimel concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_beimel concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_beimel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_bisenius concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_blanton concept:athleteledsportsteam concept_sportsteam_phillies +concept_athlete_joe_blanton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_borowski concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_borowski concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_borowski concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_bradley concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_joe_bradley concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_joe_bradley concept:athleteplayssport concept_sport_basketball +concept_athlete_joe_bradley concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joe_bradley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_bradley concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_joe_crede concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_joe_crede concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_dimaggio concept:hasspouse concept_comedian_marilyn_monroe +concept_athlete_joe_dimaggio concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_dimaggio concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_dimaggio concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_joe_dimaggio concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_joe_dimaggio concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_flacco concept:athleteledsportsteam concept_sportsteam_ravens +concept_athlete_joe_flacco concept:personbelongstoorganization concept_sportsteam_ravens +concept_athlete_joe_flacco concept:subpartof concept_sportsteam_ravens +concept_athlete_joe_frazier concept:athleteplayssport concept_sport_boxing +concept_athlete_joe_girardi concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_joe_girardi concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_girardi concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_joe_gordon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_jurevicius concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_joe_kennedy concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_lee concept:athleteplayssport concept_sport_golf +concept_athlete_joe_morgan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_namath concept:athleteplayssport concept_sport_football +concept_athlete_joe_namath concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joe_namath concept:athleteledsportsteam concept_sportsteam_new_york_jets +concept_athlete_joe_namath concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_joe_namath concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_joe_nathan concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_nathan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joe_nathan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_nelson concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_niekro concept:parentofperson concept_person_lance_niekro +concept_athlete_joe_randa concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_sakic concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_joe_sakic concept:athleteplaysforteam concept_sportsteam_colorado_avalanche +concept_athlete_joe_sakic concept:athletehomestadium concept_stadiumoreventvenue_pepsi_center +concept_athlete_joe_saunders concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joe_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_smith concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_joe_thatcher concept:athleteplayssport concept_sport_baseball +concept_athlete_joel_hanrahan concept:athleteplayssport concept_sport_baseball +concept_athlete_joel_pineiro concept:athleteplayssport concept_sport_baseball +concept_athlete_joel_pineiro concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joel_przybilla concept:persondiedincountry concept_country_england +concept_athlete_joel_przybilla concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_joey_harrington concept:coachwontrophy concept_awardtrophytournament_division +concept_athlete_joey_harrington concept:athleteledsportsteam concept_sportsteam_falcons +concept_athlete_joey_harrington concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_joey_harrington concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_athlete_joey_macdonald concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_joey_porter concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_joey_porter concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_joey_styles concept:athleteplayssport concept_sport_wrestling +concept_athlete_joey_votto concept:athleteplayssport concept_sport_baseball +concept_athlete_joey_votto concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_joey_votto concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_johan_franzen concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_johan_franzen concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_johan_kriek concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_johan_santana concept:athleteplayssport concept_sport_baseball +concept_athlete_johan_santana concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_johan_santana concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_johan_santana concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_johan_santana concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_axford concept:athleteplayssport concept_sport_baseball +concept_athlete_john_axford concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_barnes concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_john_barnes concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_john_brady concept:coachesteam concept_sportsteam_lsu +concept_athlete_john_brady concept:worksfor concept_sportsteam_lsu +concept_athlete_john_brady concept:athletehomestadium concept_stadiumoreventvenue_tiger_stadium +concept_athlete_john_buck concept:athleteplayssport concept_sport_baseball +concept_athlete_john_buck concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_cassell concept:athleteplayssport concept_sport_football +concept_athlete_john_cassell concept:athleteledsportsteam concept_sportsteam_pats +concept_athlete_john_cassell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_david_booty concept:athleteplayssport concept_sport_football +concept_athlete_john_david_booty concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_john_david_booty concept:athleteplaysforteam concept_sportsteam_usc +concept_athlete_john_duddy concept:athleteplayssport concept_sport_boxing +concept_athlete_john_ennis concept:athleteplayssport concept_sport_baseball +concept_athlete_john_gaub concept:athleteplayssport concept_sport_baseball +concept_athlete_john_grabow concept:athleteplayssport concept_sport_baseball +concept_athlete_john_grabow concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_john_grabow concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_havlicek concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_john_havlicek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_havlicek concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_john_koronka concept:athleteplayssport concept_sport_baseball +concept_athlete_john_lackey concept:athleteplayssport concept_sport_baseball +concept_athlete_john_madden concept:coachesinleague concept_sportsleague_afl +concept_athlete_john_mccain concept:persongraduatedschool concept_university_naval_academy +concept_athlete_john_newcombe concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_john_newcombe concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_john_olerud concept:athleteplayssport concept_sport_baseball +concept_athlete_john_olerud concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_john_olerud concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_athlete_john_parrish concept:athleteplayssport concept_sport_baseball +concept_athlete_john_rheinecker concept:athleteplayssport concept_sport_baseball +concept_athlete_john_ruiz concept:athleteplayssport concept_sport_boxing +concept_athlete_john_salmons concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_john_smoltz concept:athleteplayssport concept_sport_baseball +concept_athlete_john_smoltz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_john_smoltz concept:athleteplaysforteam concept_sportsteam_atlanta_braves +concept_athlete_john_smoltz concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_john_stallworth concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_john_terry concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_john_tortorella concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_john_ward concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_john_ward concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_john_ward concept:athleteledsportsteam concept_sportsteam_steelers +concept_athlete_john_ward concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_john_ward concept:personbelongstoorganization concept_sportsteam_steelers +concept_athlete_john_ward concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_john_ward concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_john_ward concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_john_ward concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_john_ward concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_john_ward concept:persongraduatedfromuniversity concept_university_college +concept_athlete_john_ward concept:persongraduatedfromuniversity concept_university_state_university +concept_athlete_john_ward concept:persongraduatedschool concept_university_state_university +concept_athlete_john_wasdin concept:athleteplayssport concept_sport_baseball +concept_athlete_john_wetteland concept:athleteplayssport concept_sport_baseball +concept_athlete_john_wetteland concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_john_wetteland concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_johnny_cueto concept:athleteplayssport concept_sport_baseball +concept_athlete_johnny_cueto concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_johnny_cueto concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_johnny_cueto concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_johnny_estrada concept:athleteplayssport concept_sport_baseball +concept_athlete_johnny_estrada concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_johnny_estrada concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_johnny_garland concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_adkins concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_coutlangus concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_kitna concept:athleteplayssport concept_sport_football +concept_athlete_jon_kitna concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jon_lester concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_lester concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jon_lester concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_jon_lester concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jon_lester concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_jon_lester concept:personbelongstoorganization concept_university_boston_red_sox +concept_athlete_jon_lieber concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jon_link concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_niese concept:athleteplayssport concept_sport_baseball +concept_athlete_jon_scott concept:personbelongstoorganization concept_mountain_fox +concept_athlete_jon_switzer concept:athleteplayssport concept_sport_baseball +concept_athlete_jonathan_albaladejo concept:athleteplayssport concept_sport_baseball +concept_athlete_jonathan_coachman concept:athleteplayssport concept_sport_wrestling +concept_athlete_jonathan_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_jonathan_sanchez concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jonathan_sanchez concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_jonathan_stewart concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_jonathan_stewart concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_jonathon_niese concept:athleteplayssport concept_sport_baseball +concept_athlete_jones concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_jones concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_jones concept:athleteinjuredhisbodypart concept_nerve_foot +concept_athlete_jones concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_jones concept:athleteplayssport concept_sport_golf +concept_athlete_jones concept:personbelongstoorganization concept_sportsteam_atlanta_braves +concept_athlete_jones concept:athleteledsportsteam concept_sportsteam_dallas_cowboys +concept_athlete_jones concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_jones concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_jones concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_jones concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_jones concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_jones_sr__ concept:athleteplayssport concept_sport_golf +concept_athlete_jordan_de_jong concept:athleteplayssport concept_sport_baseball +concept_athlete_jordan_schafer concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jordan_schafer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jordan_staal concept:athleteplayssport concept_sport_hockey +concept_athlete_jordan_staal concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_jordan_staal concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_athlete_jordan_tata concept:athleteplayssport concept_sport_baseball +concept_athlete_jordan_zimmermann concept:athleteplayssport concept_sport_baseball +concept_athlete_jordin_tootoo concept:athleteplaysforteam concept_sportsteam_nashville_predators +concept_athlete_jordin_tootoo concept:athletehomestadium concept_stadiumoreventvenue_bridgestone_arena +concept_athlete_jorge_campillo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jorge_cantu concept:athleteplayssport concept_sport_baseball +concept_athlete_jorge_cantu concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jorge_cantu concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jorge_garbajosa concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jorge_garbajosa concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_jorge_garbajosa concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_athlete_jorge_sosa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jose_acevedo concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_ascanio concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_calderon concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_jose_calderon concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_jose_calderon concept:athleteplaysforteam concept_sportsteam_raptors +concept_athlete_jose_canseco concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_capellan concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_capellan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jose_capellan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jose_luis_castillo concept:athleteplayssport concept_sport_boxing +concept_athlete_jose_marte concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_mijares concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_reyes concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_reyes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jose_reyes concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_jose_reyes concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_jose_reyes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jose_santiago concept:athleteplayssport concept_sport_baseball +concept_athlete_jose_valverde concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_joseph_addai concept:athleteplayssport concept_sport_football +concept_athlete_joseph_addai concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_joseph_addai concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_joseph_addai concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_joseph_ortiz concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_banks concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_butler concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_fields concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_fields concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_josh_fields concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_josh_fogg concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_josh_fogg concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_fogg concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_josh_fogg concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_josh_fogg concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_josh_geer concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_hancock concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_howard concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_josh_howard concept:athleteledsportsteam concept_sportsteam_dallas_mavericks +concept_athlete_josh_howard concept:athleteplaysforteam concept_sportsteam_mavericks +concept_athlete_josh_kinney concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_newman concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_phelps concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_josh_rabe concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_roenicke concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_shortslef concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_smith concept:athleteledsportsteam concept_sportsteam_hawks +concept_athlete_josh_tomlin concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_tomlin concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_josh_tomlin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_josh_towers concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_whitesell concept:athleteplayssport concept_sport_baseball +concept_athlete_josh_wilson concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_abreu concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_abreu concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_juan_abreu concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_juan_carlos_ferrero concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_juan_encarnacion concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_encarnacion concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_juan_encarnacion concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_juan_francisco concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_gonzalez concept:athleteplayssport concept_sport_baseball +concept_athlete_juan_gonzalez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_juan_gonzalez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_juan_manuel_marquez concept:athleteplayssport concept_sport_boxing +concept_athlete_juan_marichal concept:athleteplayssport concept_sport_baseball +concept_athlete_julian_tavarez concept:athleteplayssport concept_sport_baseball +concept_athlete_jumaine_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_junichi_tazawa concept:athleteplayssport concept_sport_baseball +concept_athlete_junichi_tazawa concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_junichi_tazawa concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_junichi_tazawa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_junichi_tazawa concept:athletehomestadium concept_stadiumoreventvenue_fenway_park +concept_athlete_junior concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_junior concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_jussi_jokinen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_jussi_jokinen concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_justin_berg concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_fargas concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_justin_fargas concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_justin_germano concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_hampson concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_huber concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_huber concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_justin_huber concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_justin_masterson concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_masterson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_justin_masterson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_justin_morneau concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_justin_morneau concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_morneau concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_justin_morneau concept:athleteledsportsteam concept_sportsteam_twins +concept_athlete_justin_morneau concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_justin_morneau concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_justin_tuck concept:athleteplayssport concept_sport_football +concept_athlete_justin_tuck concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_justin_tuck concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_justin_tuck concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_justin_upton concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_upton concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_justin_verlander concept:athleteplayssport concept_sport_baseball +concept_athlete_justin_verlander concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_justin_verlander concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_justin_verlander concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_justin_wilson concept:personbelongstoorganization concept_organization_rusport_team +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_athlete_jelena_jankovic +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_athlete_kim_clijsters +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_athlete_s__kuznetsova +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_athlete_williams +concept_athlete_justine_henin_hardenne concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_justine_henin_hardenne concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_kahne concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_kalou concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_kam_mickolio concept:athleteplayssport concept_sport_baseball +concept_athlete_karl_litten concept:athleteplayssport concept_sport_golf +concept_athlete_karros concept:latitudelongitude 47.7000000000000,17.4333300000000 +concept_athlete_kasey_kahne concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_kasey_kahne concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_kasey_kiker concept:athleteplayssport concept_sport_baseball +concept_athlete_katsuhiko_maekawa concept:athleteplayssport concept_sport_baseball +concept_athlete_kazuo_matsui concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_keenan_mccardell concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_kei_igawa concept:athleteplayssport concept_sport_baseball +concept_athlete_kei_igawa concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_kei_igawa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_keiichi_yabu concept:athleteplayssport concept_sport_baseball +concept_athlete_keith_foulke concept:athleteplayssport concept_sport_baseball +concept_athlete_keith_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_keith_hernandez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_keith_hernandez concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_keith_hernandez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_keith_hernandez concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_kelly_johnson concept:athleteplayssport concept_sport_baseball +concept_athlete_kelly_johnson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kelly_johnson concept:athleteledsportsteam concept_sportsteam_chowan_braves +concept_athlete_kelly_johnson concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_kelly_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kelly_shoppach concept:athleteplayssport concept_sport_baseball +concept_athlete_kelly_shoppach concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kelly_shoppach concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_kelly_shoppach concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kelly_stinnett concept:athleteplayssport concept_sport_baseball +concept_athlete_kelly_wunsch concept:athleteplayssport concept_sport_baseball +concept_athlete_ken_norton concept:athletebeatathlete concept_athlete_muhammad_ali +concept_athlete_ken_ray concept:athleteplayssport concept_sport_baseball +concept_athlete_ken_rosewall concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_kendal_volz concept:athleteplayssport concept_sport_baseball +concept_athlete_kendrick_perkins concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kenji_johjima concept:athleteplayssport concept_sport_baseball +concept_athlete_kenji_johjima concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kenji_johjima concept:athleteplaysforteam concept_sportsteam_mariners +concept_athlete_kenji_johjima concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kenny_cooper concept:athleteplaysforteam concept_sportsteam_fc_dallas +concept_athlete_kenny_lofton concept:athleteplayssport concept_sport_baseball +concept_athlete_kenny_lofton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kenny_lofton concept:athleteledsportsteam concept_sportsteam_cleveland_indians_organization +concept_athlete_kenny_lofton concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_kenny_lofton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kenseth concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_kenshin_kawakami concept:athleteplayssport concept_sport_baseball +concept_athlete_kent_mercker concept:athleteplayssport concept_sport_baseball +concept_athlete_kent_mercker concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kent_mercker concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kerry_wood concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kevin concept:persondiedatage 2 +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_kevin concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_kevin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kevin concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_kevin_bieksa concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_kevin_cameron concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_cash concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kevin_cash concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kevin_correia concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_correia concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_kevin_durant concept:athleteledsportsteam concept_sportsteam_seattle_supersonics +concept_athlete_kevin_harvick concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_kevin_harvick concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_kevin_johnson concept:athleteplayssport concept_sport_basketball +concept_athlete_kevin_jones concept:athleteplayssport concept_sport_football +concept_athlete_kevin_jones concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_kevin_kolb concept:athleteplaysforteam concept_sportsteam_eagles +concept_athlete_kevin_kouzmanoff concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_kouzmanoff concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kevin_kouzmanoff concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_kevin_kouzmanoff concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kevin_martin concept:athleteledsportsteam concept_sportsteam_kings_college +concept_athlete_kevin_mchale concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_athlete_kevin_mchale concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kevin_mchale concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_kevin_mcreynolds concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kevin_mench concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_millwood concept:athleteplayssport concept_sport_hockey +concept_athlete_kevin_millwood concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_kevin_mulvey concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_nash concept:athleteplayssport concept_sport_wrestling +concept_athlete_kim_clijsters concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_kim_clijsters concept:athletebeatathlete concept_athlete_venus_williams +concept_athlete_kim_clijsters concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_kirby_puckett concept:athleteplayssport concept_sport_baseball +concept_athlete_kirby_puckett concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kirby_puckett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kirilenko concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_kirk_gibson concept:athleteplayssport concept_sport_baseball +concept_athlete_kirk_gibson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kirk_gibson concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_kirk_gibson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kirk_hinrich concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_athlete_kirk_maltby concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_kirk_maltby concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_koji_uehara concept:athleteplayssport concept_sport_baseball +concept_athlete_kosuke_fukudome concept:athleteplayssport concept_sport_baseball +concept_athlete_kosuke_fukudome concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kosuke_fukudome concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kris_benson concept:athleteplayssport concept_sport_baseball +concept_athlete_kris_benson concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_kris_draper concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_kris_medlen concept:athleteplayssport concept_sport_baseball +concept_athlete_kurt_angle concept:athleteplayssport concept_sport_wrestling +concept_athlete_kurt_birkins concept:athleteplayssport concept_sport_baseball +concept_athlete_kurt_busch concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_kurt_busch concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_kurt_busch concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_kurt_warner concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_kurt_warner concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_kurt_warner concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_kurt_warner concept:athleteledsportsteam concept_sportsteam_rams +concept_athlete_kurt_warner concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_kwame_brown concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_kwame_brown concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kwame_brown concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_kyle_busch concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_kyle_busch concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_kyle_busch concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_kyle_davies concept:athleteplayssport concept_sport_baseball +concept_athlete_kyle_davies concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kyle_davies concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kyle_farnsworth concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_kyle_farnsworth concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kyle_gunderson concept:athleteplayssport concept_sport_baseball +concept_athlete_kyle_mcclellan concept:athleteplayssport concept_sport_baseball +concept_athlete_kyle_orton concept:athleteledsportsteam concept_sportsteam_bears_29_17 +concept_athlete_kyle_orton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_kyle_snyder concept:athleteplayssport concept_sport_baseball +concept_athlete_ladell_betts concept:athleteplaysforteam concept_sportsteam_redskins +concept_athlete_lamar_odom concept:athleteledsportsteam concept_sportsteam_los_angeles_clippers +concept_athlete_lamar_odom concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lamarcus_aldridge concept:persondiedincountry concept_country_england +concept_athlete_lamarcus_aldridge concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_lamarcus_aldridge concept:athleteplaysforteam concept_sportsteam_trail_blazers +concept_athlete_lamont_jordan concept:athleteplayssport concept_sport_football +concept_athlete_lamont_jordan concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_lampard concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_larry_bigbie concept:athleteplayssport concept_sport_baseball +concept_athlete_larry_broadway concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_larry_doby concept:athleteplayssport concept_sport_baseball +concept_athlete_larry_doby concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_larry_doby concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_larry_foote concept:athleteledsportsteam concept_sportsteam_steelers +concept_athlete_larry_haney concept:parentofperson concept_athlete_chris_haney +concept_athlete_larry_johnson concept:athleteinjuredhisbodypart concept_nerve_foot +concept_athlete_larry_johnson concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_larry_johnson concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_larry_robinson concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_larry_robinson concept:coachesteam concept_sportsteam_devils +concept_athlete_laurence_maroney concept:athleteplayssport concept_sport_football +concept_athlete_laurence_maroney concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_laurence_maroney concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lavelli concept:latitudelongitude 41.2438900000000,-81.4313900000000 +concept_athlete_lawrence_taylor concept:personbelongstoorganization concept_sportsleague_nfl +concept_athlete_lawrence_taylor concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_lawrence_taylor concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_lawrence_taylor concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_laynce_nix concept:athleteplayssport concept_sport_baseball +concept_athlete_lebron concept:personbornincity concept_city_york +concept_athlete_lebron concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_lebron concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_athlete_lebron concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_lebron concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_lebron concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_lecavalier concept:latitudelongitude 45.4161800000000,-73.4985700000000 +concept_athlete_lee_gardner concept:athleteplayssport concept_sport_baseball +concept_athlete_legendary_arnold_palmer concept:athletewinsawardtrophytournament concept_awardtrophytournament_masters +concept_athlete_legendary_arnold_palmer concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_legendary_arnold_palmer concept:athleteplayssport concept_sport_golf +concept_athlete_leigh_bodden concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_lennox_lewis concept:athletebeatathlete concept_athlete_evander_holyfield +concept_athlete_lennox_lewis concept:athletebeatathlete concept_coach_mike_tyson +concept_athlete_lennox_lewis concept:athleteplayssport concept_sport_boxing +concept_athlete_lenny_dinardo concept:athleteplayssport concept_sport_baseball +concept_athlete_lenny_dinardo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_lenny_dinardo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lenny_dykstra concept:athleteplayssport concept_sport_baseball +concept_athlete_lenny_dykstra concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_lenny_dykstra concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_leo_rosales concept:athleteplayssport concept_sport_baseball +concept_athlete_leon_powe concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_leon_powe concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_leon_powe concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_athlete_leon_powe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_leon_powe concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_les_furber concept:athleteplayssport concept_sport_golf +concept_athlete_les_walrond concept:athleteplayssport concept_sport_baseball +concept_athlete_liam_reddox concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_lidstrom concept:athleteledsportsteam concept_sportsteam_red_wings +concept_athlete_lidstrom concept:worksfor concept_sportsteam_red_wings +concept_athlete_lidstrom concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_linas_kleiza concept:athleteledsportsteam concept_sportsteam_nuggets +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_jennifer_capriati +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_kim_clijsters +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_martina_hingis +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_mauresmo +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_venus_williams +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_athlete_williams +concept_athlete_lindsay_davenport concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_lindsay_davenport concept:athleteplayssport concept_sport_tennis +concept_athlete_lindsey_hunter concept:athleteledsportsteam concept_sportsteam_pistons +concept_athlete_lionel_messi concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_lionel_messi concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_livan_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_livan_hernandez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_livan_hernandez concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_livan_hernandez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lleyton_hewitt concept:athletebeatathlete concept_athlete_andre_agassi_and_steffi_graf +concept_athlete_lleyton_hewitt concept:athletebeatathlete concept_athlete_gustavo_kuerten +concept_athlete_lleyton_hewitt concept:athletebeatathlete concept_athlete_pete_sampras +concept_athlete_lleyton_hewitt concept:athletebeatathlete concept_athlete_tim_henman +concept_athlete_lleyton_hewitt concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_lleyton_hewitt concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_lleyton_hewitt concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_lleyton_hewitt concept:athleteplayssport concept_sport_tennis +concept_athlete_logan_kensing concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_logan_kensing concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_logan_kensing concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_longoria concept:athleteplayssport concept_sport_baseball +concept_athlete_longoria concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_longoria concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_longoria concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_longoria concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_lorenzen_wright concept:persondiedincountry concept_country_england +concept_athlete_lorenzen_wright concept:athleteplayssport concept_sport_baseball +concept_athlete_lorenzen_wright concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_lorenzen_wright concept:athleteledsportsteam concept_sportsteam_reds +concept_athlete_lorenzen_wright concept:personbelongstoorganization concept_sportsteam_reds +concept_athlete_lorenzen_wright concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lorenzen_wright concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_lou_gehrig concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_lou_gehrig concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lou_piniella concept:athleteplayssport concept_sport_baseball +concept_athlete_lou_piniella concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_lou_piniella concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_lou_piniella concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_lou_piniella concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lou_piniella concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_lt__joseph_r__hunt concept:persondiedatage 110 +concept_athlete_lt__joseph_r__hunt concept:athleteinjuredhisbodypart concept_bodypart_face +concept_athlete_lt__joseph_r__hunt concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_lt__joseph_r__hunt concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_lt__joseph_r__hunt concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_lt__joseph_r__hunt concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_lt__joseph_r__hunt concept:athleteplaysforteam concept_sportsteam_leafs +concept_athlete_lt__joseph_r__hunt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ludovic_giuly concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_ludovic_giuly concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_luis concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_luis concept:personhascitizenship concept_country_france_france +concept_athlete_luis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_luis_castillo concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_castillo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luis_castillo concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_luis_castillo concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_luis_castillo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_luis_figo concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_figo concept:athleteplaysforteam concept_sportsteam_real_madrid +concept_athlete_luis_figo concept:athletehomestadium concept_stadiumoreventvenue_santiago_bernab +concept_athlete_luis_garcia concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_luis_garcia concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_luis_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_mendoza concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_luis_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_valbuena concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_valbuena concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_luis_valdez concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_vizcaino concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_luis_vizcaino concept:athleteplayssport concept_sport_baseball +concept_athlete_luis_vizcaino concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luis_vizcaino concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_luka_modric concept:athleteplaysforteam concept_sportsteam_spurs +concept_athlete_luke_hochevar concept:athleteplayssport concept_sport_baseball +concept_athlete_luke_hochevar concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luke_hochevar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_luke_mccown concept:athleteplayssport concept_sport_baseball +concept_athlete_luke_mccown concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luke_mccown concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_luke_mccown concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_luke_ridnour concept:athleteledsportsteam concept_sportsteam_bucks +concept_athlete_luke_ridnour concept:athleteplaysforteam concept_sportsteam_bucks +concept_athlete_luke_scott concept:athleteplayssport concept_sport_baseball +concept_athlete_luke_scott concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_luke_scott concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_luke_scott concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_lundqvist concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_lundqvist concept:personbelongstoorganization concept_sportsteam_rangers +concept_athlete_lundqvist concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_luol_deng concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_athlete_luol_deng concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_luther_hackman concept:athleteplayssport concept_sport_baseball +concept_athlete_luther_head concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_luther_head concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_mac concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_mac concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_mac concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_athlete_mac concept:agentcollaborateswithagent concept_politician_jobs +concept_athlete_mac concept:agentinvolvedwithitem concept_product_mac +concept_athlete_mack_brown concept:coachesteam concept_sportsteam_texas_longhorns +concept_athlete_mack_brown concept:worksfor concept_sportsteam_texas_longhorns +concept_athlete_mack_brown concept:athletehomestadium concept_stadiumoreventvenue_spartan_stadium +concept_athlete_mackenzie_ross concept:athleteplayssport concept_sport_golf +concept_athlete_maddux concept:athleteplayssport concept_sport_baseball +concept_athlete_maddux concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_maddux concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_magic_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_magic_johnson concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_malcolm_smith concept:personbelongstoorganization concept_politicalparty_senate +concept_athlete_manny_acosta concept:athleteplayssport concept_sport_baseball +concept_athlete_manny_acosta concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_manny_pacquiao concept:athleteplayssport concept_sport_boxing +concept_athlete_manu_ginobili concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_manu_ginobili concept:athleteledsportsteam concept_sportsteam_san_antonio +concept_athlete_manuel_corpas concept:athleteplayssport concept_sport_baseball +concept_athlete_maradona concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_marat_safin concept:athletebeatathlete concept_athlete_pete_sampras +concept_athlete_marat_safin concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_marat_safin concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_marat_safin concept:athletebeatathlete concept_personeurope_federer +concept_athlete_marc_bulger concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_marc_bulger concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_marc_bulger concept:athleteledsportsteam concept_sportsteam_rams +concept_athlete_marc_bulger concept:athleteplaysforteam concept_sportsteam_rams +concept_athlete_marc_bulger concept:personbelongstoorganization concept_sportsteam_rams +concept_athlete_marc_bulger concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_marc_bulger concept:athletehomestadium concept_stadiumoreventvenue_dome +concept_athlete_marc_gasol concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_marc_gasol concept:athleteplaysforteam concept_sportsteam_memphis_grizzlies +concept_athlete_marc_gasol concept:athletehomestadium concept_stadiumoreventvenue_fedex_forum +concept_athlete_marco_estrada concept:athleteplayssport concept_sport_baseball +concept_athlete_marco_estrada concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_marco_estrada concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_marcos_baghdatis concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_marcus_banks concept:persondiedincountry concept_country_england +concept_athlete_marcus_banks concept:athleteplayssport concept_sport_baseball +concept_athlete_marcus_banks concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_marcus_banks concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_marcus_banks concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_marcus_camby concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_marcus_camby concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_marcus_camby concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_marcus_camby concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_marcus_mcbeth concept:athleteplayssport concept_sport_baseball +concept_athlete_marcus_vick concept:athleteplayssport concept_sport_football +concept_athlete_marcus_williams concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_athlete_maria_sharapova concept:athletebeatathlete concept_athlete_williams +concept_athlete_maria_sharapova concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_maria_sharapova concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_maria_sharapova concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_maria_sharapova concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_marino_salas concept:athleteplayssport concept_sport_baseball +concept_athlete_mario_chalmers concept:athleteplaysforteam concept_sportsteam_heat +concept_athlete_mario_chalmers concept:athletehomestadium concept_stadiumoreventvenue_american_airlines_arena +concept_athlete_mario_lemieux concept:athleteplayssportsteamposition concept_sportsteamposition_forward +concept_athlete_mario_williams concept:athleteplayssport concept_sport_hockey +concept_athlete_mario_williams concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mark_derosa concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_derosa concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_derosa concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_mark_derosa concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_mark_derosa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_derosa concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_mark_difelice concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_grace concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_grace concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_grace concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_mark_grace concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_grace concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_mark_hendrickson concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_mark_hendrickson concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_hendrickson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_hendrickson concept:coachesinleague concept_sportsleague_mlb +concept_athlete_mark_hendrickson concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_mark_hendrickson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_hendrickson concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_athlete_mark_kotsay concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_kotsay concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_kotsay concept:athleteledsportsteam concept_sportsteam_atlanta_braves +concept_athlete_mark_kotsay concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_mark_kotsay concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_lowe concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_martin concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_mark_martin concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_mark_martin concept:athleteplaysforteam concept_sportsteam_trevor_bayne +concept_athlete_mark_mcgwire_and_sammy_sosa concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_mclemore concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_philippoussis concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_mark_redman concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_reynolds concept:athleteledsportsteam concept_sportsteam_arizona_diamond_backs +concept_athlete_mark_reynolds concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_rogers concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_rogers concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_rogers concept:athleteplaysforteam concept_sportsteam_mary_hardin_baylor_crusaders +concept_athlete_mark_rogers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_sanchez concept:athleteplayssport concept_sport_football +concept_athlete_mark_sanchez concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mark_sanchez concept:athleteledsportsteam concept_sportsteam_usc +concept_athlete_mark_sanchez concept:athleteplaysforteam concept_sportsteam_usc +concept_athlete_mark_sweeney concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_teixeira concept:athleteplayssport concept_sport_baseball +concept_athlete_mark_teixeira concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mark_teixeira concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_mark_teixeira concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_mark_teixeira concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mark_worrell concept:athleteplayssport concept_sport_baseball +concept_athlete_markus_naslund concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_markus_naslund concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_marlon_byrd concept:athleteledsportsteam concept_sportsteam_rangers +concept_athlete_marlon_byrd concept:personbelongstoorganization concept_sportsteam_rangers +concept_athlete_marquis_daniels concept:athleteplayssport concept_sport_basketball +concept_athlete_marquis_daniels concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_marquis_daniels concept:athleteledsportsteam concept_sportsteam_dallas_mavericks +concept_athlete_marquis_daniels concept:athleteplaysforteam concept_sportsteam_pacers +concept_athlete_marquis_grissom concept:athleteplayssport concept_sport_baseball +concept_athlete_marshawn_lynch concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_marshawn_lynch concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_marshawn_lynch concept:personbelongstoorganization concept_sportsteam_bills +concept_athlete_marshawn_lynch concept:personbelongstoorganization concept_sportsteam_buffalo_bills +concept_athlete_martell_webster concept:persondiedincountry concept_country_england +concept_athlete_martell_webster concept:athleteplaysforteam concept_sportsteam_trail_blazers +concept_athlete_martin_brodeur concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_martin_brodeur concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_martin_brodeur concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_martin_havlat concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_martin_havlat concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_martina_hingis concept:athletebeatathlete concept_athlete_lindsay_davenport +concept_athlete_martina_hingis concept:athletebeatathlete concept_athlete_williams +concept_athlete_martina_hingis concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_martina_hingis concept:athletebeatathlete concept_celebrity_jana_novotna +concept_athlete_martina_navratilova concept:athletebeatathlete concept_athlete_monica_seles +concept_athlete_martina_navratilova concept:athletebeatathlete concept_athlete_williams +concept_athlete_marty_keough concept:parentofperson concept_personaustralia_matt_keough +concept_athlete_marty_schottenheimer concept:coachesteam concept_sportsteam_sd_chargers +concept_athlete_marty_schottenheimer concept:worksfor concept_sportsteam_sd_chargers +concept_athlete_marty_turco concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_marty_turco concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_marvin_harrison concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_marvin_harrison concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_marvin_harrison concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_marvin_williams concept:athleteledsportsteam concept_sportsteam_hawks +concept_athlete_marvin_williams concept:athleteplaysforteam concept_sportsteam_hawks +concept_athlete_marvin_williams concept:athletehomestadium concept_stadiumoreventvenue_philips_arena +concept_athlete_masa_kobayashi concept:athleteplayssport concept_sport_baseball +concept_athlete_mathias_kiwanuka concept:athleteplayssport concept_sport_football +concept_athlete_mathias_kiwanuka concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mathieu_garon concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_mathieu_schneider concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_mats_sundin concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_mats_wilander concept:athletebeatathlete concept_athlete_ivan_lendl +concept_athlete_mats_wilander concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_matt_anderson concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_cain concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_cain concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_cain concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_matt_cain concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_matt_childers concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_clement concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_clement concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_clement concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_daley concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_desalvo concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_garza concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_garza concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_garza concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_matt_garza concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_garza concept:athletehomestadium concept_stadiumoreventvenue_tropicana_field +concept_athlete_matt_harpring concept:athleteledsportsteam concept_sportsteam_orlando_magic +concept_athlete_matt_harpring concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_matt_harrison concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_harrison concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_matt_hasselbeck concept:athleteledsportsteam concept_sportsteam_seahawks +concept_athlete_matt_hensley concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_jones concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_matt_jones concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_matt_jones concept:athleteplayssport concept_sport_football +concept_athlete_matt_joyce concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_joyce concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_joyce concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_kata concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_kenseth concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_matt_kenseth concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_matt_kinney concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_laporta concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_laporta concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_laporta concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_lawton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_lindstrom concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_lindstrom concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_lindstrom concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_maloney concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_moore concept:athleteplayssport concept_sport_football +concept_athlete_matt_moore concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_morris concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_morris concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_morris concept:athleteplaysforteam concept_sportsteam_pirates +concept_athlete_matt_murton concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_murton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_murton concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_matt_murton concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_matt_murton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_palmer concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_ryan concept:athleteplayssport concept_sport_hockey +concept_athlete_matt_ryan concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_matt_ryan concept:athleteledsportsteam concept_sportsteam_falcons +concept_athlete_matt_ryan concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_matt_schaub concept:athleteledsportsteam concept_sportsteam_texans +concept_athlete_matt_thornton concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_walker concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_wieters concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_williams concept:athleteplayssport concept_sport_baseball +concept_athlete_matt_williams concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_matt_williams concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_matt_wise concept:athleteplayssport concept_sport_baseball +concept_athlete_matthew_broderick concept:haswife concept_female_sarah_jessica_parker +concept_athlete_matthew_broderick concept:actorstarredinmovie concept_movie_ferris_bueller__s_day_off +concept_athlete_matthew_broderick concept:actorstarredinmovie concept_movie_godzilla +concept_athlete_mattias_weinhandl concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_mauresmo concept:athletebeatathlete concept_athlete_williams +concept_athlete_maury_wills concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_maury_wills concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_maury_wills concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_maykel_galindo concept:athleteplaysforteam concept_sportsteam_chivas_usa +concept_athlete_mccovey concept:latitudelongitude 41.0166600000000,-123.5469950000000 +concept_athlete_mccurley concept:latitudelongitude 34.3526000000000,-87.9267000000000 +concept_athlete_mcgrady concept:coachwontrophy concept_awardtrophytournament_playoff_series +concept_athlete_mcgrady concept:athleteinjuredhisbodypart concept_bone_back +concept_athlete_mcgrady concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_mcgwire concept:athleteplayssport concept_sport_baseball +concept_athlete_mckelvin concept:latitudelongitude 31.1218500000000,-90.1267500000000 +concept_athlete_mcnabb concept:athleteledsportsteam concept_sportsteam_eagles +concept_athlete_mehmet_okur concept:athleteplayssport concept_sport_basketball +concept_athlete_mehmet_okur concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_mehmet_okur concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_merkin_valdez concept:athleteplayssport concept_sport_baseball +concept_athlete_messi concept:personhasjobposition concept_jobposition_soccer_player +concept_athlete_messi concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_mewelde_moore concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_micah_owings concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_michael_ballack concept:athleteplaysforteam concept_sportsteam_germany +concept_athlete_michael_chang concept:athletebeatathlete concept_athlete_michael_stich +concept_athlete_michael_chang concept:athleteplayssport concept_sport_tennis +concept_athlete_michael_doleac concept:athleteledsportsteam concept_sportsteam_orlando_magic +concept_athlete_michael_doleac concept:athletehomestadium concept_stadiumoreventvenue_amway_arena +concept_athlete_michael_dubee concept:athleteplayssport concept_sport_baseball +concept_athlete_michael_dunn concept:athleteplayssport concept_sport_baseball +concept_athlete_michael_essien concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_michael_finley concept:athleteplaysforteam concept_sportsteam_spurs +concept_athlete_michael_irvin concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_michael_phelps concept:athleteplayssport concept_sport_swimming +concept_athlete_michael_redd concept:athleteledsportsteam concept_sportsteam_bucks +concept_athlete_michael_robinson concept:athleteplayssport concept_sport_football +concept_athlete_michael_robinson concept:athleteplaysinleague concept_sportsleague_acc +concept_athlete_michael_ryder concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_michael_schumacher concept:athleteplaysinleague concept_sportsleague_formula_one +concept_athlete_michael_schumacher concept:personbelongstoorganization concept_winery_ferrari +concept_athlete_michael_strahan concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_michael_strahan concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_michael_vick concept:athleteplayssport concept_sport_hockey +concept_athlete_michael_vick concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_michael_vick concept:athleteledsportsteam concept_sportsteam_falcons +concept_athlete_michael_vick concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_michael_vick concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_michael_wuertz concept:athleteplayssport concept_sport_baseball +concept_athlete_michael_wuertz concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_michael_wuertz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_michael_young concept:athleteplayssport concept_sport_hockey +concept_athlete_michael_young concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_michael_young concept:athleteledsportsteam concept_sportsteam_rangers +concept_athlete_michael_young concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_michael_young concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_michel_goulet concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_michel_goulet concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_mick_foley concept:athleteplayssport concept_sport_wrestling +concept_athlete_mickey_cochrane concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_miguel_dilone concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_miguel_dilone concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_miikka_kiprusoff concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_athlete_mike concept:persondiedatage 3 +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bodypart_eyes +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bodypart_face +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bone_arm +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_mike concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_mike concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_mike concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_mike concept:personmovedtostateorprovince concept_stateorprovince_maine +concept_athlete_mike concept:personmovedtostateorprovince concept_stateorprovince_wisconsin +concept_athlete_mike_adams concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_aviles concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_aviles concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_aviles concept:athleteplaysforteam concept_sportsteam_royals +concept_athlete_mike_aviles concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_bibby concept:athleteplayssport concept_sport_basketball +concept_athlete_mike_bibby concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_mike_bibby concept:athleteledsportsteam concept_sportsteam_hawks +concept_athlete_mike_bibby concept:athleteplaysforteam concept_sportsteam_hawks +concept_athlete_mike_bibby concept:athletehomestadium concept_stadiumoreventvenue_philips_arena +concept_athlete_mike_burns concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_cameron concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_cameron concept:athleteledsportsteam concept_sportsteam_brewers +concept_athlete_mike_cameron concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_mike_cameron concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_dunleavy concept:persondiedincountry concept_country_england +concept_athlete_mike_dunleavy concept:coachesteam concept_sportsteam_la_clippers +concept_athlete_mike_dunleavy concept:athleteledsportsteam concept_sportsteam_pacers +concept_athlete_mike_dunleavy concept:athleteplaysforteam concept_sportsteam_pacers +concept_athlete_mike_dunleavy concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_mike_ekstrom concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_fisher concept:athleteplaysforteam concept_sportsteam_ottawa_senators +concept_athlete_mike_gonzalez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_green concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_mike_hart concept:athleteplayssport concept_sport_football +concept_athlete_mike_hart concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_mike_hegan concept:parentofperson concept_athlete_jim_hegan +concept_athlete_mike_jacobs concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_jacobs concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_jacobs concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_mike_jacobs concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_jacobs concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_athlete_mike_lincoln concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_lowell concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_lowell concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_lowell concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_mike_lowell concept:personbelongstoorganization concept_sportsteam_red_sox +concept_athlete_mike_lowell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_lowell concept:persongraduatedschool concept_university_college +concept_athlete_mike_matheny concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_mccarthy concept:worksfor concept_sportsteam_packers +concept_athlete_mike_mccarthy concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_mike_mckenna concept:athleteplaysforteam concept_sportsteam_norfolk +concept_athlete_mike_modano concept:athleteplaysforteam concept_sportsteam_dallas_stars +concept_athlete_mike_mussina concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_mussina concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_mussina concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_mike_mussina concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_mussina concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_mike_myers concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_myers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_o_connor concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_piazza concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_piazza concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_mike_piazza concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_mike_rabelo concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_rabelo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_rabelo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_richter concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_mike_richter concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_mike_romano concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_schmidt concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_schmidt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_schmidt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_schmidt concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_mike_singletary concept:worksfor concept_county_san_francisco +concept_athlete_mike_singletary concept:athleteledsportsteam concept_sportsteam_bears_29_17 +concept_athlete_mike_singletary concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_mike_singletary concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_mike_smith concept:coachesinleague concept_sportsleague_nfl +concept_athlete_mike_smith concept:coachesteam concept_sportsteam_falcons +concept_athlete_mike_smith concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_mike_smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_smith concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_mike_timlin concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_timlin concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mike_timlin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mike_vick concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_mike_vick concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_mike_wood concept:athleteplayssport concept_sport_baseball +concept_athlete_mike_young concept:athleteplayssport concept_sport_golf +concept_athlete_mike_zagurski concept:athleteplayssport concept_sport_baseball +concept_athlete_mikkel_kessler concept:athleteplayssport concept_sport_boxing +concept_athlete_milton_bradley concept:athleteplayssport concept_sport_baseball +concept_athlete_milton_bradley concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_milton_bradley concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_milton_bradley concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_milton_bradley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_milton_bradley concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_mitch_stetter concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mitch_talbot concept:athleteplayssport concept_sport_baseball +concept_athlete_mitch_talbot concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mitch_talbot concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mitchell_boggs concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mo_vaughn concept:athleteplayssport concept_sport_baseball +concept_athlete_mo_vaughn concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_mo_vaughn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mo_williams concept:athleteledsportsteam concept_sportsteam_bucks +concept_athlete_mo_williams concept:athleteplaysforteam concept_sportsteam_cavs +concept_athlete_moises_alou concept:athleteplayssport concept_sport_football +concept_athlete_moises_alou concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_moises_alou concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_moises_alou concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_mondesi concept:latitudelongitude 17.7583350000000,-71.3833300000000 +concept_athlete_monica_seles concept:athletebeatathlete concept_athlete_steffi_graf +concept_athlete_monica_seles concept:athletebeatathlete concept_athlete_williams +concept_athlete_monta_ellis concept:athleteledsportsteam concept_sportsteam_golden_state_warriors +concept_athlete_morris_peterson concept:persondiedincountry concept_country_england +concept_athlete_morris_peterson concept:athleteledsportsteam concept_sportsteam_raptors +concept_athlete_mussina concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_mussina concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_mussina concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_mussina concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_roland_garros +concept_athlete_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_semifinals +concept_athlete_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_nadal concept:athleteplayssport concept_sport_tennis +concept_athlete_nady concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_nady concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nate_burleson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_nate_burleson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_nate_robertson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nate_schierholtz concept:athleteplayssport concept_sport_football +concept_athlete_nate_schierholtz concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_nathan_haynes concept:athleteplayssport concept_sport_baseball +concept_athlete_neal_cotts concept:athleteplayssport concept_sport_baseball +concept_athlete_neal_cotts concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_neal_cotts concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nelson_cruz concept:athleteplayssport concept_sport_baseball +concept_athlete_nelson_figueroa concept:athleteplayssport concept_sport_baseball +concept_athlete_nenad_krstic concept:athleteledsportsteam concept_sportsteam_esu_hornets +concept_athlete_nerio_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_nick_blackburn concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_nick_blackburn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nick_faldo concept:athletebeatathlete concept_athlete_greg_norman +concept_athlete_nick_faldo concept:athletewinsawardtrophytournament concept_awardtrophytournament_british_open +concept_athlete_nick_markakis concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_nick_masset concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nick_price concept:athleteplayssport concept_sport_golf +concept_athlete_nick_punto concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_nick_punto concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_nick_punto concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nick_swisher concept:athleteplayssport concept_sport_baseball +concept_athlete_nick_swisher concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_nick_swisher concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_nick_swisher concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_nick_swisher concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nick_young concept:athleteledsportsteam concept_sportsteam_washington_wizards +concept_athlete_nick_young concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_athlete_nicklas_backstrom concept:athleteplaysforteam concept_sportsteam_capitals +concept_athlete_nicklaus_design concept:athleteplayssport concept_sport_golf +concept_athlete_niklas_backstrom concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_niklas_backstrom concept:athleteplaysforteam concept_sportsteam_minnesota_wilds +concept_athlete_niklas_backstrom concept:athletehomestadium concept_stadiumoreventvenue_xcel_energy_center +concept_athlete_niklas_kronwall concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_niklas_kronwall concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_nikolai_khabibulin concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_nikolai_khabibulin concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_nikolai_kulemin concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_nikolai_kulemin concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_athlete_noah_lowry concept:athleteledsportsteam concept_sportsteam_ravens +concept_athlete_noel_felix concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_nolan_ryan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nomar_garciaparra concept:athleteplayssport concept_sport_baseball +concept_athlete_nomar_garciaparra concept:athleteledsportsteam concept_sportsteam_dodgers +concept_athlete_nomar_garciaparra concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_nomar_garciaparra concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_nook_logan concept:athleteplayssport concept_sport_baseball +concept_athlete_novak_djokovic concept:athletebeatathlete concept_athlete_nadal +concept_athlete_novak_djokovic concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_novak_djokovic concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_novak_djokovic concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_o__j__simpson concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_o__j__simpson concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_oakland_athletics concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_oakland_athletics concept:agentbelongstoorganization concept_sportsleague_mlb +concept_athlete_octavio_dotel concept:athleteplayssport concept_sport_baseball +concept_athlete_octavio_dotel concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_octavio_dotel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_odalis_perez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_okposo concept:latitudelongitude 4.5615900000000,8.2947500000000 +concept_athlete_oliver_perez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_olmedo_saenz concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_olmedo_saenz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_olmedo_saenz concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_omar_quintanilla concept:athleteplayssport concept_sport_baseball +concept_athlete_orel_hershiser concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_orlando_cabrera concept:athleteledsportsteam concept_sportsteam_white_sox +concept_athlete_orlando_cabrera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_orlando_hern_ndez concept:athleteplayssport concept_sport_baseball +concept_athlete_orlando_hern_ndez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_orlando_hern_ndez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_orlovsky concept:latitudelongitude 49.1166700000000,18.4333300000000 +concept_athlete_oscar_de_la_hoya concept:athleteplayssport concept_sport_boxing +concept_athlete_oscar_villarreal concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_osi_umenyiora concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_osi_umenyiora concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_osiris_matos concept:athleteplayssport concept_sport_baseball +concept_athlete_otis_nixon concept:athleteplayssport concept_sport_baseball +concept_athlete_otis_nixon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ottis_anderson concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_otto_graham concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ovechkin concept:personbelongstoorganization concept_biotechcompany_caps +concept_athlete_ozzie_smith concept:athleteplayssportsteamposition concept_sportsteamposition_shortstop +concept_athlete_p_j__axelsson concept:athleteplaysforteam concept_sportsteam_bruins +concept_athlete_p_j__axelsson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_p_j__brown concept:personalsoknownas concept_athlete_j_p__arencibia +concept_athlete_p_j__brown concept:personalsoknownas concept_athlete_j_p__losman +concept_athlete_p_j__brown concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_athlete_p_j__brown concept:personalsoknownas concept_athlete_p_j__walters +concept_athlete_p_j__brown concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_p_j__walters concept:personalsoknownas concept_athlete_j_p__arencibia +concept_athlete_p_j__walters concept:personalsoknownas concept_athlete_j_p__howell +concept_athlete_p_j__walters concept:personalsoknownas concept_athlete_j_p__losman +concept_athlete_p_j__walters concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_athlete_p_j__walters concept:personalsoknownas concept_athlete_p_j__brown +concept_athlete_p_j__walters concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_p_j__walters concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_p_j__walters concept:personalsoknownas concept_coach_p_j__carlesimo +concept_athlete_p_j__walters concept:personalsoknownas concept_coach_p_j__hill +concept_athlete_p_j__walters concept:personalsoknownas concept_person_pj_hill +concept_athlete_p_j__walters concept:athleteplayssport concept_sport_baseball +concept_athlete_pacman_jones concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_pat_burrell concept:athleteplayssport concept_sport_baseball +concept_athlete_pat_burrell concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_pat_burrell concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_pat_burrell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pat_misch concept:athleteplayssport concept_sport_baseball +concept_athlete_pat_neshek concept:athleteplayssport concept_sport_baseball +concept_athlete_pat_neshek concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_pat_neshek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pat_rafter concept:athleteplayssport concept_sport_tennis +concept_athlete_patrick_sharp concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_patrick_sharp concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_patrick_vieira concept:athleteplaysforteam concept_sportsteam_france +concept_athlete_pau_gasol concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_pau_gasol concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_athlete_pau_gasol concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pau_gasol concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_paul_brown concept:worksfor concept_city_st_louis +concept_athlete_paul_brown concept:athleteplayssport concept_sport_football +concept_athlete_paul_brown concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_paul_brown concept:worksfor concept_sportsteam_eagles +concept_athlete_paul_brown concept:worksfor concept_sportsteam_kansas_city_chiefs +concept_athlete_paul_brown concept:worksfor concept_sportsteam_philadelphia_eagles +concept_athlete_paul_brown concept:athletehomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_athlete_paul_hornung concept:athleteplayssport concept_sport_football +concept_athlete_paul_konerko concept:athleteplayssport concept_sport_baseball +concept_athlete_paul_konerko concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_paul_konerko concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_paul_konerko concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_paul_lo_duca concept:athleteplayssport concept_sport_baseball +concept_athlete_paul_lo_duca concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_paul_lo_duca concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_paul_lo_duca concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_paul_lo_duca concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_paul_maholm concept:athleteplayssport concept_sport_baseball +concept_athlete_paul_maholm concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_paul_maholm concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_paul_millsap concept:persondiedincountry concept_country_england +concept_athlete_paul_millsap concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_paul_o_neill concept:athleteplayssport concept_sport_baseball +concept_athlete_paul_o_neill concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_paul_o_neill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_paul_pierce concept:athleteplayssport concept_sport_basketball +concept_athlete_paul_pierce concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_paul_pierce concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_paul_pierce concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_paul_pierce concept:athletehomestadium concept_stadiumoreventvenue_td_banknorth_garden +concept_athlete_paul_scholes concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_pavel_datsyuk concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_pavel_datsyuk concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_pavel_kubina concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_peavy concept:athleteledsportsteam concept_sportsteam_padres +concept_athlete_peavy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pedro_alvarez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pedro_feliciano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pedro_feliz concept:athleteplayssport concept_sport_baseball +concept_athlete_pedro_feliz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pedro_strop concept:athleteplayssport concept_sport_baseball +concept_athlete_pedroia concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_pedroia concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_peisel concept:latitudelongitude 51.0333300000000,7.4666700000000 +concept_athlete_peja_stojakovic concept:athleteplaysforteam concept_sportsteam_esu_hornets +concept_athlete_pele concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_pelfrey concept:athleteplayssport concept_sport_baseball +concept_athlete_pelfrey concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_pelfrey concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_pelfrey concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_pelfrey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pelfrey concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_percy_harvin concept:athleteplaysforteam concept_sportsteam_florida_gators +concept_athlete_perry_maxwell concept:athleteplayssport concept_sport_golf +concept_athlete_pete_dye concept:athleteplayssport concept_sport_golf +concept_athlete_pete_rose concept:athletehomestadium concept_stadiumoreventvenue_great_american_ball_park +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_andre_agassi_and_steffi_graf +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_boris_becker +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_marat_safin +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_marcelo_rios +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_michael_chang +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_michael_stich +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_patrick_rafter +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_stefan_edberg +concept_athlete_pete_sampras concept:athletebeatathlete concept_athlete_tim_henman +concept_athlete_pete_sampras concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_pete_sampras concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_pete_sampras concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_pete_sampras concept:athletebeatathlete concept_personeurope_federer +concept_athlete_pete_sampras concept:athleteplayssport concept_sport_tennis +concept_athlete_peter_crouch concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_peter_crouch concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_peter_gammons concept:worksfor concept_sportsleague_espn +concept_athlete_peter_matkovich concept:athleteplayssport concept_sport_golf +concept_athlete_petr_korda concept:athletebeatathlete concept_athlete_jim_courier +concept_athlete_petr_korda concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_petr_sykora concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_athlete_petr_sykora concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_petr_sykora concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_athlete_pettitte concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_pettitte concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_pettitte concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_peyton_hillis concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_peyton_manning concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_peyton_manning concept:athleteplayssport concept_sport_football +concept_athlete_peyton_manning concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_peyton_manning concept:athleteledsportsteam concept_sportsteam_colts +concept_athlete_peyton_manning concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_peyton_manning concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_peyton_manning concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_phil_coke concept:athleteplayssport concept_sport_baseball +concept_athlete_phil_coke concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_phil_coke concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_phil_coke concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_phil_hughes_and_ian_kennedy concept:athleteplayssport concept_sport_baseball +concept_athlete_phil_hughes_and_ian_kennedy concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_phil_hughes_and_ian_kennedy concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_phil_hughes_and_ian_kennedy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_phil_mickelson concept:athletebeatathlete concept_athlete_tiger_woods +concept_athlete_phil_rizzuto concept:athleteplayssport concept_sport_baseball +concept_athlete_phil_rizzuto concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_phil_rizzuto concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_phil_rizzuto concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_phil_rizzuto concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_phil_simms concept:athleteledsportsteam concept_sportsteam_new_york_giants +concept_athlete_phil_stockman concept:athleteplayssport concept_sport_baseball +concept_athlete_pierre_pilote concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_pierre_pilote concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_placido_polanco concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_placido_polanco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_plaxico concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_plaxico concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_playoff concept:atdate concept_date_n1993 +concept_athlete_playoff concept:atdate concept_date_n1996 +concept_athlete_playoff concept:atdate concept_date_n1999 +concept_athlete_playoff concept:atdate concept_date_n2000 +concept_athlete_playoff concept:atdate concept_date_n2001 +concept_athlete_playoff concept:atdate concept_date_n2003 +concept_athlete_playoff concept:atdate concept_date_n2004 +concept_athlete_playoff concept:atdate concept_dateliteral_n2002 +concept_athlete_playoff concept:atdate concept_dateliteral_n2005 +concept_athlete_playoff concept:atdate concept_dayofweek_saturday +concept_athlete_playoff concept:atdate concept_year_n1982 +concept_athlete_playoff concept:atdate concept_year_n1988 +concept_athlete_playoff concept:atdate concept_year_n1991 +concept_athlete_playoff concept:atdate concept_year_n1994 +concept_athlete_playoff concept:atdate concept_year_n1995 +concept_athlete_playoff concept:atdate concept_year_n1997 +concept_athlete_playoff concept:atdate concept_year_n1998 +concept_athlete_portis concept:athleteplaysforteam concept_sportsteam_redskins +concept_athlete_priest_holmes concept:athleteplayssport concept_sport_football +concept_athlete_priest_holmes concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_priest_holmes concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_priest_holmes concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_priest_holmes concept:athletehomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_athlete_prince_fielder concept:athleteplayssport concept_sport_baseball +concept_athlete_prince_fielder concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_prince_fielder concept:athleteplaysforteam concept_sportsteam_milwaukee_brewers +concept_athlete_prince_fielder concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_print concept:agentbelongstoorganization concept_automobilemaker_card +concept_athlete_print concept:agentbelongstoorganization concept_blog_form +concept_athlete_print concept:agentbelongstoorganization concept_blog_site +concept_athlete_print concept:agentbelongstoorganization concept_city_download +concept_athlete_print concept:agentbelongstoorganization concept_geopoliticalorganization_list +concept_athlete_print concept:agentbelongstoorganization concept_geopoliticalorganization_web_site +concept_athlete_print concept:agentbelongstoorganization concept_newspaper_packet +concept_athlete_print concept:agentbelongstoorganization concept_website_adobe_ +concept_athlete_prior concept:persondiedincountry concept_country_england +concept_athlete_pujols concept:personalsoknownas concept_athlete_albert_pujols +concept_athlete_pujols concept:personalsoknownas concept_coach_albert_belle +concept_athlete_pujols concept:athleteledsportsteam concept_sportsteam_st__louis_cardinals +concept_athlete_pujols concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_putz concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_quarterback_ben_roethlisberger concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_quarterback_matt_ryan concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_quarterback_matt_ryan concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_athlete_radhames_liz concept:athleteplayssport concept_sport_baseball +concept_athlete_rafael_betancourt concept:athleteplayssport concept_sport_baseball +concept_athlete_rafael_betancourt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rafael_betancourt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rafael_furcal concept:athleteplayssport concept_sport_baseball +concept_athlete_rafael_furcal concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rafael_furcal concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_rafael_furcal concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rafael_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_rafael_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_rafael_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_roland_garros +concept_athlete_rafael_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_rafael_nadal concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_rafael_nadal concept:athleteplayssport concept_sport_tennis +concept_athlete_rafael_perez concept:athleteplayssport concept_sport_baseball +concept_athlete_rafael_perez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rafael_rodriguez concept:athleteplayssport concept_sport_baseball +concept_athlete_rafael_soriano concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rafael_soriano concept:athleteledsportsteam concept_sportsteam_dodgers +concept_athlete_rafael_soriano concept:athleteplaysforteam concept_sportsteam_dodgers +concept_athlete_rafael_soriano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rafael_soriano concept:athletehomestadium concept_stadiumoreventvenue_dodger_stadium +concept_athlete_rafer_alston concept:athleteplayssport concept_sport_basketball +concept_athlete_rafer_alston concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_rafer_alston concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_rafer_johnson concept:athleteplayssport concept_sport_track_and_field +concept_athlete_raja_bell concept:athleteledsportsteam concept_sportsteam_bobcats +concept_athlete_raja_bell concept:athleteplaysforteam concept_sportsteam_bobcats +concept_athlete_raja_bell concept:athletehomestadium concept_stadiumoreventvenue_us_airways_center +concept_athlete_rajai_davis concept:athleteplayssport concept_sport_baseball +concept_athlete_rajai_davis concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_rajai_davis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rajai_davis concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_rajon_rondo concept:athleteplayssport concept_sport_basketball +concept_athlete_rajon_rondo concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_rajon_rondo concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_rajon_rondo concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_athlete_rajon_rondo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ralph_plummer concept:athleteplayssport concept_sport_golf +concept_athlete_ramirez concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_ramirez concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_ramirez concept:worksfor concept_city_boston +concept_athlete_ramirez concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ramirez concept:athleteplayssportsteamposition concept_sportsteamposition_hitter +concept_athlete_ramirez concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_ramon_castro concept:athleteplayssport concept_sport_baseball +concept_athlete_ramon_castro concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ramon_castro concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_ramon_castro concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ramon_castro concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_ramon_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_ramon_ortiz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ramon_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_ramon_ramirez concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_ramon_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ramon_santiago concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ramon_sessions concept:athleteledsportsteam concept_sportsteam_bucks +concept_athlete_ramon_sessions concept:athleteplaysforteam concept_sportsteam_bucks +concept_athlete_ramon_troncoso concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_randall_simon concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_randy concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_randy concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_randy concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_randy concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_randy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_randy concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_randy_choate concept:athleteplayssport concept_sport_baseball +concept_athlete_randy_choate concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_randy_choate concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_randy_foye concept:athleteledsportsteam concept_sportsteam_minnesota_timberwolves +concept_athlete_randy_foye concept:athletehomestadium concept_stadiumoreventvenue_target_center +concept_athlete_randy_johnson concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_randy_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_randy_keisler concept:athleteplayssport concept_sport_baseball +concept_athlete_randy_wolf concept:athleteplayssport concept_sport_baseball +concept_athlete_randy_wolf concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_randy_wolf concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_randy_wolf concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rashard_lewis concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_rashard_lewis concept:athleteledsportsteam concept_sportsteam_knicks +concept_athlete_rashard_lewis concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_rashard_lewis concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_raul_ibanez concept:athleteplayssport concept_sport_baseball +concept_athlete_raul_ibanez concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_raul_ibanez concept:athleteplaysforteam concept_sportsteam_mariners +concept_athlete_raul_mondesi concept:athleteplayssport concept_sport_baseball +concept_athlete_rawle_marshall concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ray_allen concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_ray_allen concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_ray_allen concept:personbornincity concept_city_york +concept_athlete_ray_allen concept:persondiedincountry concept_country_england +concept_athlete_ray_allen concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_ray_allen concept:athleteplayssport concept_sport_basketball +concept_athlete_ray_allen concept:athleteledsportsteam concept_sportsteam_milwaukee_bucks +concept_athlete_ray_allen concept:athleteplaysforteam concept_sportsteam_sonics +concept_athlete_ray_allen concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_ray_allen concept:athletehomestadium concept_stadiumoreventvenue_td_banknorth_garden +concept_athlete_ray_allen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_athlete_ray_allen concept:persongraduatedfromuniversity concept_university_college +concept_athlete_ray_allen concept:persongraduatedschool concept_university_college +concept_athlete_ray_allen concept:persongraduatedfromuniversity concept_university_state_university +concept_athlete_ray_allen concept:persongraduatedschool concept_university_state_university +concept_athlete_ray_durham concept:athleteplayssport concept_sport_football +concept_athlete_ray_durham concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ray_king concept:athleteplayssport concept_sport_baseball +concept_athlete_ray_lewis concept:athleteplayssport concept_sport_football +concept_athlete_ray_lewis concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_ray_lewis concept:athleteledsportsteam concept_sportsteam_ravens +concept_athlete_ray_lewis concept:athleteplaysforteam concept_sportsteam_ravens +concept_athlete_ray_lewis concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_raymar_morgan concept:athleteplaysforteam concept_sportsteam_michigan_state +concept_athlete_raymar_morgan concept:athletehomestadium concept_stadiumoreventvenue_spartan_stadium +concept_athlete_raymond_domenech concept:worksfor concept_sportsteam_france +concept_athlete_recommendations concept:agentcreated concept_programminglanguage_contact +concept_athlete_records concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_records concept:agentbelongstoorganization concept_governmentorganization_government +concept_athlete_records concept:agentcompeteswithagent concept_personcanada_search +concept_athlete_red_grange concept:athleteplayssport concept_sport_football +concept_athlete_redd concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_rees_jones concept:athleteplayssport concept_sport_golf +concept_athlete_reggie_bush concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_reggie_bush concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_reggie_nelson concept:athleteplayssport concept_sport_football +concept_athlete_reggie_nelson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_reggie_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_reggie_smith concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_reggie_smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_reggie_wayne concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_reggie_wayne concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_reggie_wayne concept:athleteplayssport concept_sport_football +concept_athlete_reggie_wayne concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_reggie_wayne concept:coachesinleague concept_sportsleague_nfl +concept_athlete_reggie_wayne concept:athleteplaysforteam concept_sportsteam_colts +concept_athlete_reggie_wayne concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_athlete_reggie_white concept:athleteplayssport concept_sport_football +concept_athlete_reggie_white concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_reggie_white concept:athleteplaysforteam concept_sportsteam_packers +concept_athlete_reggie_white concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_rene_bourque concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_rene_bourque concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_renteria concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_renteria concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_reports concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_reports concept:agentparticipatedinevent concept_eventoutcome_result +concept_athlete_reports concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_athlete_results concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_rich_aurilia concept:athleteplayssport concept_sport_football +concept_athlete_rich_aurilia concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_rich_aurilia concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_rich_aurilia concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_rich_gannon concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_rich_gannon concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_rich_gannon concept:persondiedincountry concept_country_england +concept_athlete_rich_gannon concept:athleteplayssport concept_sport_football +concept_athlete_rich_gannon concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_rich_gannon concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_athlete_rich_harden concept:athleteplayssport concept_sport_baseball +concept_athlete_rich_harden concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rich_harden concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_rich_harden concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rich_harden concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_rich_hill concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_athlete_rich_hill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rich_rodriguez concept:personbelongstoorganization concept_company_west_virginia +concept_athlete_rich_rodriguez concept:personbelongstoorganization concept_stateorprovince_michigan +concept_athlete_rich_thompson concept:athleteplayssport concept_sport_baseball +concept_athlete_richard_krajicek concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_rick_pitino concept:personbelongstoorganization concept_city_louisville +concept_athlete_rick_pitino concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_rick_pitino concept:coachesteam concept_sportsteam_boston_celtics +concept_athlete_rick_pitino concept:worksfor concept_sportsteam_boston_celtics +concept_athlete_rick_pitino concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rick_pitino concept:personbelongstoorganization concept_university_kentucky +concept_athlete_rick_vandenhurk concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rick_vandenhurk concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rickey_henderson concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_rickey_henderson concept:athleteplayssport concept_sport_baseball +concept_athlete_rickey_henderson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rickey_henderson concept:athleteledsportsteam concept_sportsteam_oakland_athletics +concept_athlete_rickey_henderson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rickey_henderson concept:athletehomestadium concept_stadiumoreventvenue_network_associates_coliseum +concept_athlete_ricky_jean_francois concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_ricky_jean_francois concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_ricky_romero concept:athleteplayssport concept_sport_baseball +concept_athlete_ricky_stone concept:athleteplayssport concept_sport_baseball +concept_athlete_ricky_watters concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_ricky_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_heisman_trophy +concept_athlete_rieper concept:latitudelongitude 78.1333300000000,16.0666700000000 +concept_athlete_rio_ferdinand concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_rio_ferdinand concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_rip_hamilton concept:athleteplayssport concept_sport_basketball +concept_athlete_rob_bell concept:athleteplayssport concept_sport_baseball +concept_athlete_rob_blake concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_rob_bowen concept:athleteplayssport concept_sport_baseball +concept_athlete_rob_niedermayer concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_rob_van_dam concept:athleteplayssport concept_sport_wrestling +concept_athlete_robby_naish concept:athleteplayssport concept_sport_sailing +concept_athlete_robert_horry concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_robert_horry concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_robert_manuel concept:athleteplayssport concept_sport_baseball +concept_athlete_robert_meachem concept:athleteplaysforteam concept_sportsteam_saints +concept_athlete_robert_muir_graves concept:athleteplayssport concept_sport_golf +concept_athlete_robert_nilsson concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_robert_ramsay concept:athleteplayssport concept_sport_baseball +concept_athlete_robert_trent_jones_jr concept:athleteplayssport concept_sport_golf +concept_athlete_robert_trent_jones_sr__ concept:athleteplayssport concept_sport_golf +concept_athlete_roberto_alomar concept:athleteplayssport concept_sport_baseball +concept_athlete_roberto_alomar concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_athlete_roberto_alomar concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_roberto_alomar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_roberto_luongo concept:athleteplaysforteam concept_sportsteam_vancouver_canucks +concept_athlete_roberto_luongo concept:athletehomestadium concept_stadiumoreventvenue_rogers_arena +concept_athlete_robin_nelson concept:athleteplayssport concept_sport_golf +concept_athlete_robin_ventura concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_robinho concept:athleteplaysforteam concept_geopoliticallocation_manchester_city +concept_athlete_robinson_cano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rocco_baldelli concept:athleteledsportsteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_rocco_baldelli concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rockies concept:agentcollaborateswithagent concept_personus_clint_barmes +concept_athlete_rockies concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_rockies concept:subpartof concept_sportsleague_mlb +concept_athlete_rod_laver concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_rod_smith concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_rod_smith concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_rod_smith concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_roddy_white concept:coachwontrophy concept_awardtrophytournament_division +concept_athlete_roddy_white concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_roddy_white concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_roddy_white concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_roddy_white concept:coachesteam concept_sportsteam_trail_blazers +concept_athlete_roddy_white concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_athlete_rodney_stuckey concept:athleteledsportsteam concept_sportsteam_pistons +concept_athlete_rodney_stuckey concept:athleteplaysforteam concept_sportsteam_pistons +concept_athlete_rodney_stuckey concept:athletehomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_athlete_roethlisberger concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_roethlisberger concept:athleteplayssportsteamposition concept_sportsteamposition_qb +concept_athlete_roethlisberger concept:athleteplayssportsteamposition concept_sportsteamposition_quarterback +concept_athlete_roethlisberger concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_roger_craig concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_roman_colon concept:athleteplayssport concept_sport_baseball +concept_athlete_romo concept:athleteledsportsteam concept_sportsteam_dallas_cowboys +concept_athlete_romulo_sanchez concept:athleteplayssport concept_sport_baseball +concept_athlete_ron_artest concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_athlete_ron_kirby concept:athleteplayssport concept_sport_golf +concept_athlete_ron_mahay concept:athleteplayssport concept_sport_baseball +concept_athlete_ron_northey concept:parentofperson concept_personus_scott_northey +concept_athlete_ron_villone concept:athleteplayssport concept_sport_baseball +concept_athlete_ron_villone concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ron_villone concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_ron_villone concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ron_villone concept:athletehomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_athlete_ronald_fream concept:athleteplayssport concept_sport_golf +concept_athlete_ronaldo concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_rondell_white concept:athleteplayssport concept_sport_baseball +concept_athlete_rondell_white concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rondell_white concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ronnie_brewer concept:personalsoknownas concept_athlete_donell_taylor +concept_athlete_ronnie_brewer concept:persondiedincountry concept_country_england +concept_athlete_ronnie_brewer concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ronnie_brewer concept:athleteledsportsteam concept_sportsteam_utah_jazz +concept_athlete_ronnie_brewer concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_ronny_cedeno concept:athleteplayssport concept_sport_baseball +concept_athlete_ronny_cedeno concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ronny_cedeno concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_athlete_ronny_cedeno concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_ronny_cedeno concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ronny_cedeno concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_ronny_turiaf concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_ronny_turiaf concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_rosenfels concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_ross_detwiler concept:athleteplayssport concept_sport_baseball +concept_athlete_ross_gload concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ross_ohlendorf concept:athleteplayssport concept_sport_baseball +concept_athlete_ross_wolf concept:athleteplayssport concept_sport_baseball +concept_athlete_roy_halladay concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_roy_williams concept:worksfor concept_company_north_carolina +concept_athlete_roy_williams concept:worksfor concept_creditunion_kansas +concept_athlete_roy_williams concept:coachesteam concept_sportsteam_tar_heels +concept_athlete_roy_williams concept:worksfor concept_university_unc +concept_athlete_roy_wood concept:athleteplayssport concept_sport_baseball +concept_athlete_roy_wood concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_roy_wood concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_royce_ring concept:athleteplayssport concept_sport_baseball +concept_athlete_royce_ring concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_royce_ring concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_royce_ring concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_ruben_quevedo concept:athleteplayssport concept_sport_baseball +concept_athlete_rudi_johnson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_rudi_johnson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_rudi_johnson concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_rudi_johnson concept:athleteplaysforteam concept_sportsteam_bengals +concept_athlete_rudi_johnson concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_athlete_rudy_gay concept:persondiedincountry concept_country_england +concept_athlete_rudy_gay concept:athleteplayssport concept_sport_basketball +concept_athlete_rudy_gay concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_rudy_gay concept:athleteledsportsteam concept_sportsteam_memphis_grizzlies +concept_athlete_rudy_gay concept:athleteplaysforteam concept_sportsteam_memphis_grizzlies +concept_athlete_rudy_seanez concept:athleteplayssport concept_sport_baseball +concept_athlete_rueter concept:latitudelongitude 36.6084000000000,-92.8690600000000 +concept_athlete_ruiz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ruslan_fedotenko concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_russ_ortiz concept:athleteplayssport concept_sport_baseball +concept_athlete_russell_branyan concept:athleteplayssport concept_sport_baseball +concept_athlete_russell_branyan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_russell_branyan concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_russell_branyan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_russell_wilson concept:athleteledsportsteam concept_sportsteam_nc_state +concept_athlete_rusty_staub concept:athleteplayssport concept_sport_baseball +concept_athlete_rusty_wallace concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_athlete_ryan concept:persondiedatage 3 +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_ryan concept:personbornincity concept_city_york +concept_athlete_ryan concept:personchargedwithcrime concept_crimeorcharge_murder +concept_athlete_ryan concept:haswife concept_female_emily +concept_athlete_ryan concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_ryan concept:athleteledsportsteam concept_sportsteam_falcons +concept_athlete_ryan concept:athleteplaysforteam concept_sportsteam_falcons +concept_athlete_ryan concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_ryan concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_ryan concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_ryan concept:personmovedtostateorprovince concept_stateorprovince_california +concept_athlete_ryan concept:persongraduatedfromuniversity concept_university_college +concept_athlete_ryan concept:persongraduatedfromuniversity concept_university_state_university +concept_athlete_ryan concept:persongraduatedschool concept_university_state_university +concept_athlete_ryan_babel concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_ryan_babel concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_ryan_braun concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_braun concept:athleteledsportsteam concept_sportsteam_brewers +concept_athlete_ryan_braun concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_ryan_braun concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_carter concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_ryan_dempster concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_doumit concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_doumit concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_doumit concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_feierabend concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_freel concept:athleteledsportsteam concept_sportsteam_reds +concept_athlete_ryan_freel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_garko concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_getzlaf concept:persondiedincountry concept_country_england +concept_athlete_ryan_getzlaf concept:athleteplayssport concept_sport_hockey +concept_athlete_ryan_getzlaf concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_ryan_gomes concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_gomes concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_gomes concept:athleteledsportsteam concept_sportsteam_boston_celtics +concept_athlete_ryan_gomes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_gomes concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_ryan_hall concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_athlete_ryan_hanigan concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_hollins concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_ryan_klesko concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_klesko concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_klesko concept:athleteplaysforteam concept_sportsteam_padres +concept_athlete_ryan_madson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_malone concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_ryan_malone concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_malone concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_ryan_newman concept:athleteplaysinleague concept_sportsleague_nascar +concept_athlete_ryan_raburn concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_rowland_smith concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_rowland_smith concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_athlete_ryan_shealy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_speier concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_theriot concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_theriot concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ryan_theriot concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_athlete_ryan_theriot concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ryan_theriot concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_ryan_tucker concept:athleteplayssport concept_sport_baseball +concept_athlete_ryan_zimmerman concept:athleteplayssport concept_sport_baseball +concept_athlete_s__kuznetsova concept:athletebeatathlete concept_athlete_elena_dementieva +concept_athlete_s__kuznetsova concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_s__kuznetsova concept:athletebeatathlete concept_athlete_williams +concept_athlete_s__kuznetsova concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_s__kuznetsova concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_sabathia concept:athleteledsportsteam concept_sportsteam_brewers +concept_athlete_sabathia concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_sabathia concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sabathia concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_sage_rosenfels concept:athleteplayssport concept_sport_football +concept_athlete_sage_rosenfels concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_sage_rosenfels concept:athleteledsportsteam concept_sportsteam_texans +concept_athlete_sage_rosenfels concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_sail_rivera concept:athleteplayssport concept_sport_baseball +concept_athlete_sakic concept:athleteplaysforteam concept_sportsteam_avs +concept_athlete_sal_fasano concept:athleteplayssport concept_sport_baseball +concept_athlete_salomon_kalou concept:athleteplaysforteam concept_sportsteam_chelsea +concept_athlete_salomon_torres concept:athleteplayssport concept_sport_baseball +concept_athlete_sam_allen concept:personleadsorganization concept_automobilemaker_deere +concept_athlete_sam_allen concept:worksfor concept_automobilemaker_deere +concept_athlete_sam_bradford concept:athleteledsportsteam concept_sportsteam_oklahoma_sooners_basketball +concept_athlete_sam_gagner concept:athleteplaysforteam concept_sportsteam_oilers +concept_athlete_sam_lecure concept:athleteplayssport concept_sport_baseball +concept_athlete_sampras concept:athleteplayssport concept_sport_tennis +concept_athlete_samuel_deduno concept:athleteplayssport concept_sport_baseball +concept_athlete_samuel_eto_o concept:athleteplaysforteam concept_sportsteam_barcelona +concept_athlete_samuel_eto_o concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_sandy_koufax concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_santana_moss concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_santana_moss concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_santana_moss concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_athlete_santiago_ramirez concept:athleteplayssport concept_sport_baseball +concept_athlete_santonio_holmes concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_santonio_holmes concept:athleteplayssport concept_sport_football +concept_athlete_santonio_holmes concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_santonio_holmes concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_santonio_holmes concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_athlete_satchel_paige concept:athleteplayssport concept_sport_baseball +concept_athlete_scally concept:latitudelongitude 43.0658600000000,-85.3655800000000 +concept_athlete_schaub concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_schaus concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_scot_shields concept:athleteplayssport concept_sport_baseball +concept_athlete_scott concept:persondiedatage 8 +concept_athlete_scott concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_scott concept:athleteinjuredhisbodypart concept_bone_arm +concept_athlete_scott concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_scott concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_scott concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_scott concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_scott concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_baker concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_scott_baker concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_clemmensen concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_scott_downs concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_dunn concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_eyre concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_eyre concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_scott_eyre concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_feldman concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_feldman concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_scott_gomez_and_chris_drury concept:persondiedincountry concept_country_england +concept_athlete_scott_gomez_and_chris_drury concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_scott_gomez_and_chris_drury concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_scott_hairston concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_hairston concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_scott_hairston concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_hartnell concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_scott_hatteberg concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_kazmir concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_kazmir concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_scott_kazmir concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_scott_kazmir concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_kazmir concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_scott_lewis concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_linebrink concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_linebrink concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_niedermayer concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_scott_olsen concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_olsen concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_scott_olsen concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_scott_olsen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_olsen concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_athlete_scott_patterson concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_richmond concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_rolen concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_rolen concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_scott_rolen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_scott_sauerbeck concept:athleteplayssport concept_sport_baseball +concept_athlete_scott_spiezio concept:athleteplayssport concept_sport_football +concept_athlete_scott_spiezio concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_scott_strickland concept:athleteplayssport concept_sport_baseball +concept_athlete_scottie_pippen concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_scottie_upshall concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_sean_avery concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_sean_burnett concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_burnett concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_burnett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sean_burroughs concept:parentofperson concept_personmexico_jeff_burroughs +concept_athlete_sean_casey concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_casey concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_casey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sean_casey concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_sean_henn concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_henn concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sean_henn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sean_kazmar concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_taylor concept:athleteplayssport concept_sport_football +concept_athlete_sean_taylor concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_sean_taylor concept:personbelongstoorganization concept_sportsleague_nfl +concept_athlete_sean_taylor concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_sean_tracey concept:athleteplayssport concept_sport_baseball +concept_athlete_sean_williams concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_athlete_search_com concept:agentcompeteswithagent concept_personcanada_search +concept_athlete_sebastian_telfair concept:persondiedincountry concept_country_england +concept_athlete_seminole_tribe concept:latitudelongitude 26.7367300000000,-80.9435700000000 +concept_athlete_sergi_bruguera concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_sergio_mitre concept:athleteplayssport concept_sport_baseball +concept_athlete_sergio_mitre concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sergio_mitre concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sergio_ramos concept:athleteplaysforteam concept_sportsteam_real_madrid +concept_athlete_sergio_ramos concept:athletehomestadium concept_stadiumoreventvenue_santiago_bernab +concept_athlete_sergio_romo concept:athleteplayssport concept_sport_baseball +concept_athlete_sergio_romo concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sergio_romo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shane_battier concept:athleteledsportsteam concept_sportsteam_memphis_grizzlies +concept_athlete_shane_doan concept:athleteplaysforteam concept_sportsteam_phoenix_coyotes +concept_athlete_shane_victorino concept:athleteledsportsteam concept_sportsteam_phillies +concept_athlete_shane_victorino concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shannon_brown concept:persondiedincountry concept_country_england +concept_athlete_shannon_brown concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_shaq concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_shaq_o_neal concept:atlocation concept_stadiumoreventvenue_us_airways_center +concept_athlete_shaun_livingston concept:athleteledsportsteam concept_sportsteam_la_clippers +concept_athlete_shaun_livingston concept:athleteplaysforteam concept_sportsteam_la_clippers +concept_athlete_shaun_livingston concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_shaun_wright_phillips concept:athleteplaysforteam concept_geopoliticallocation_manchester_city +concept_athlete_shaun_wright_phillips concept:athleteplayssport concept_sport_baseball +concept_athlete_shawn_camp concept:athleteplayssport concept_sport_baseball +concept_athlete_shawn_camp concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shawn_camp concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shawn_estes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shawn_green concept:athleteplayssport concept_sport_baseball +concept_athlete_shawn_green concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shawn_green concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_shawn_green concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shawn_green concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_shawne_merriman concept:athleteledsportsteam concept_sportsteam_sd_chargers +concept_athlete_shawne_merriman concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_shawne_merriman concept:personbelongstoorganization concept_sportsteam_sd_chargers +concept_athlete_shawne_merriman concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_shawntae_spencer concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_shawntae_spencer concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_shawntae_spencer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sheldon_brown concept:latitudelongitude 48.1120400000000,-122.2659800000000 +concept_athlete_shelley_duncan concept:athleteplayssport concept_sport_baseball +concept_athlete_shelley_duncan concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shelley_duncan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sheryl_swoopes concept:athleteplaysforteam concept_sportsteam_houston_comets +concept_athlete_shigetoshi_hasegawa concept:athleteplayssport concept_sport_baseball +concept_athlete_shin_soo_choo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_shortstop concept:athleteinjuredhisbodypart concept_bone_back +concept_athlete_shortstops_juan_uribe concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_shortstops_juan_uribe concept:personalsoknownas concept_person_sammy_sosa +concept_athlete_shortstops_juan_uribe concept:athleteplayssport concept_sport_baseball +concept_athlete_shortstops_juan_uribe concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_shortstops_juan_uribe concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_shortstops_juan_uribe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sidney_crosby concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_sidney_crosby concept:athleteplayssport concept_sport_hockey +concept_athlete_sidney_crosby concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_sidney_crosby concept:athleteledsportsteam concept_sportsteam_pittsburgh_penguins +concept_athlete_sidney_ponson concept:athleteplayssport concept_sport_baseball +concept_athlete_sidney_ponson concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_sidney_ponson concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_sidney_ponson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sidney_ponson concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_simon_gagne concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_sinorice_moss concept:athleteplaysinleague concept_sportsleague_ncaa +concept_athlete_sister_venus concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_smoltz concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_solomon_jones concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_sparky_lyle concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_sprewell concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_sprewell concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_st___anna concept:latitudelongitude 47.8716466666667,9.5036433333333 +concept_athlete_st___rita concept:latitudelongitude -64.2419400000000,-57.2722200000000 +concept_athlete_st_joseph concept:motherofperson concept_person_child001 +concept_athlete_st_joseph concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_stan_musial concept:athleteplayssport concept_sport_baseball +concept_athlete_stan_musial concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_stan_smith concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_stanic concept:latitudelongitude 44.5188866666667,18.4055566666667 +concept_athlete_staubach concept:athleteplayssport concept_sport_football +concept_athlete_stefan_edberg concept:athletebeatathlete concept_athlete_boris_becker +concept_athlete_stefan_edberg concept:athletebeatathlete concept_athlete_jim_courier +concept_athlete_stefan_edberg concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_stefan_edberg concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_stefan_edberg concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_steffi_graf concept:athletebeatathlete concept_athlete_arantxa_sanchez_vicario +concept_athlete_steffi_graf concept:athletebeatathlete concept_athlete_martina_navratilova +concept_athlete_steffi_graf concept:athletebeatathlete concept_athlete_monica_seles +concept_athlete_steffi_graf concept:athletebeatathlete concept_athlete_williams +concept_athlete_stephen_drew concept:athleteplayssport concept_sport_baseball +concept_athlete_stephen_drew concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_stephen_green concept:personbelongstoorganization concept_company_hsbc +concept_athlete_stephon_marbury concept:athleteledsportsteam concept_sportsteam_minnesota_timberwolves +concept_athlete_stephon_marbury concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_steve concept:persondiedatage 11 +concept_athlete_steve concept:athleteinjuredhisbodypart concept_artery_arm +concept_athlete_steve concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_steve concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_steve concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_steve concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_steve concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_steve concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_steve concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_steve_bernier concept:athleteplaysforteam concept_sportsteam_canucks +concept_athlete_steve_blake concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_steve_blake concept:athleteplayssport concept_sport_basketball +concept_athlete_steve_blake concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_steve_blake concept:athleteplaysforteam concept_sportsteam_trail_blazers +concept_athlete_steve_carlton concept:athleteplayssport concept_sport_baseball +concept_athlete_steve_carlton concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_steve_carlton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_steve_downie concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_athlete_steve_finley concept:athleteplayssport concept_sport_baseball +concept_athlete_steve_francis concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_steve_francis concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_steve_francis concept:athletehomestadium concept_stadiumoreventvenue_toyota_center +concept_athlete_steve_kerr concept:persondiedincountry concept_country_england +concept_athlete_steve_largent concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_steve_nash concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_steve_nash concept:athleteledsportsteam concept_sportsteam_suns +concept_athlete_steve_nash concept:athleteplaysforteam concept_sportsteam_suns +concept_athlete_steve_nash concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_steve_o_neill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_steve_slaton concept:athleteplayssport concept_sport_football +concept_athlete_steve_slaton concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_steve_slaton concept:athleteplaysforteam concept_sportsteam_texans +concept_athlete_steve_smith concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_steve_smith concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_steve_smyers concept:athleteplayssport concept_sport_golf +concept_athlete_steve_swisher concept:parentofperson concept_athlete_nick_swisher +concept_athlete_steve_trachsel concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_steve_trachsel concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_steve_trachsel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_steve_valiquette concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_steve_woodard concept:athleteplayssport concept_sport_baseball +concept_athlete_steven_gerrard concept:persondiedincountry concept_country_england +concept_athlete_steven_gerrard concept:athleteplaysforteam concept_sportsteam_reds +concept_athlete_steven_gerrard concept:athletehomestadium concept_stadiumoreventvenue_great_american_ball_park +concept_athlete_steven_shell concept:athleteplayssport concept_sport_baseball +concept_athlete_stewart_cink concept:athletebeatathlete concept_athlete_tiger_woods +concept_athlete_sting concept:athleteplayssport concept_sport_wrestling +concept_athlete_sugar_ray_leonard concept:athleteplayssport concept_sport_boxing +concept_athlete_sultan_ibragimov concept:athleteplayssport concept_sport_boxing +concept_athlete_t__j__ford concept:personalsoknownas concept_coach_ray_allen +concept_athlete_t__j__ford concept:personalsoknownas concept_personmexico_t_j__ford +concept_athlete_t__j__ford concept:athleteledsportsteam concept_sportsteam_milwaukee_bucks +concept_athlete_t__j__ford concept:athletehomestadium concept_stadiumoreventvenue_bradley_center +concept_athlete_t_j__ford concept:athleteplayssport concept_sport_basketball +concept_athlete_t_j__ford concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_t_j__ford concept:athletehomestadium concept_stadiumoreventvenue_bradley_center +concept_athlete_tadahito_iguchi concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_takashi_saito concept:athleteinjuredhisbodypart concept_nerve_elbow +concept_athlete_takashi_saito concept:athleteplayssport concept_sport_baseball +concept_athlete_takashi_saito concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_takashi_saito concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tamsin concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_tanyon_sturtze concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tatum_bell concept:athleteplaysforteam concept_sportsteam_broncos +concept_athlete_taylor_tankersley concept:athleteplayssport concept_sport_baseball +concept_athlete_taylor_tankersley concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_taylor_tankersley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tayshaun_prince concept:athleteplayssport concept_sport_basketball +concept_athlete_tayshaun_prince concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tayshaun_prince concept:athleteplaysforteam concept_sportsteam_pistons +concept_athlete_tayshaun_prince concept:athletehomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_athlete_ted_lilly concept:athleteplayssport concept_sport_baseball +concept_athlete_ted_lilly concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ted_lilly concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ted_thompson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ted_williams concept:athleteplayssport concept_sport_baseball +concept_athlete_ted_williams concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ted_williams concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_ted_williams concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_ted_williams concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_teemu_selanne concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_teemu_selanne concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_teemu_selanne concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_teixeira concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_teixeira concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_teixeira concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_tejada concept:athleteplaysforteam concept_sportsteam_astros +concept_athlete_terence_morris concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_terrell_owens concept:athleteplayssport concept_sport_football +concept_athlete_terrell_owens concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_terrell_owens concept:athleteplaysforteam concept_sportsteam_philadelphia_eagles +concept_athlete_terrell_owens concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_terrell_owens concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_athlete_terrelle_pryor concept:athleteledsportsteam concept_sportsteam_ohio_state_university +concept_athlete_terry_bradshaw concept:personbelongstoorganization concept_sportsleague_nfl +concept_athlete_testing concept:agentparticipatedinevent concept_eventoutcome_result +concept_athlete_thabo_sefolosha concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_thabo_sefolosha concept:athleteplaysforteam concept_sportsteam_chicago_bulls +concept_athlete_thabo_sefolosha concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_thaddeus_young concept:athleteledsportsteam concept_sportsteam_philadelphia_76ers +concept_athlete_the_rock concept:athleteplayssport concept_sport_wrestling +concept_athlete_thierry_henry concept:athleteplaysforteam concept_sportsteam_france +concept_athlete_thierry_henry concept:athletehomestadium concept_stadiumoreventvenue_camp_nou +concept_athlete_thomas_diamond concept:athleteplayssport concept_sport_baseball +concept_athlete_thomas_muster concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_athlete_thome concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_athlete_thome concept:athleteplayssport concept_sport_baseball +concept_athlete_thome concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_thome concept:athleteledsportsteam concept_sportsteam_white_sox +concept_athlete_thome concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_thome concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_thome concept:athletehomestadium concept_stadiumoreventvenue_u_s__cellular_arena +concept_athlete_tiger_woods concept:athletebeatathlete concept_athlete_phil_mickelson +concept_athlete_tiger_woods concept:athletebeatathlete concept_athlete_stewart_cink +concept_athlete_tiger_woods concept:athletebeatathlete concept_athlete_vijay_singh +concept_athlete_tiger_woods concept:athletebeatathlete concept_athlete_williams +concept_athlete_tiger_woods concept:athletewinsawardtrophytournament concept_awardtrophytournament_grand_slam +concept_athlete_tiger_woods concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_athlete_tiger_woods concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_athlete_tiger_woods concept:athleteplayssport concept_sport_golf +concept_athlete_tiki_barber concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_tim_dillard concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_dillard concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tim_dillard concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_tim_dillard concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tim_dillard concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_tim_duncan concept:athleteplayssport concept_sport_basketball +concept_athlete_tim_duncan concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tim_duncan concept:athleteplaysforteam concept_sportsteam_san_antonio +concept_athlete_tim_hamulack concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_hudson concept:personbelongstoorganization concept_sportsteam_atlanta_braves +concept_athlete_tim_hudson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tim_lincecum concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_lincecum concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tim_lincecum concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_athlete_tim_lincecum concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tim_lincecum concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_tim_redding concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_redding concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tim_redding concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_tim_redding concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tim_redding concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_tim_stauffer concept:athleteplayssport concept_sport_baseball +concept_athlete_tim_tebow concept:personalsoknownas concept_person_tebow +concept_athlete_tim_tebow concept:athleteledsportsteam concept_sportsteam_florida_gators +concept_athlete_tim_tebow concept:athleteplaysforteam concept_sportsteam_florida_gators +concept_athlete_tim_tebow concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_tim_thomas concept:athleteplayssport concept_sport_hockey +concept_athlete_tim_thomas concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_tim_thomas concept:athleteplaysforteam concept_sportsteam_boston_bruins +concept_athlete_tim_thomas concept:athleteledsportsteam concept_sportsteam_philadelphia_76ers +concept_athlete_tim_thomas concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tim_wakefield concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_tim_wakefield concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tino_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_tino_martinez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tino_martinez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tkachuk concept:latitudelongitude 54.2709800000000,-96.3082900000000 +concept_athlete_toby_hall concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_hollandsworth concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_jones concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_jones concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_todd_jones concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_todd_wellemeyer concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_wellemeyer concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_todd_williams concept:athleteplayssport concept_sport_baseball +concept_athlete_todd_zeile concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tom_bendelow concept:athleteplayssport concept_sport_golf +concept_athlete_tom_fazio concept:athleteplayssport concept_sport_championship_golf +concept_athlete_tom_glavine concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tom_glavine concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_tom_glavine concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tom_glavine concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_tom_gordon concept:athleteplayssport concept_sport_baseball +concept_athlete_tom_gordon concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tom_gordon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tom_gorzelanny concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_tom_gorzelanny concept:athleteplayssport concept_sport_baseball +concept_athlete_tom_gorzelanny concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tom_gorzelanny concept:athleteplaysforteam concept_sportsteam_pirates +concept_athlete_tom_gorzelanny concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tom_jackson concept:athleteplayssport concept_sport_golf +concept_athlete_tom_lehman concept:personbornincity concept_city_austin +concept_athlete_tom_mastny concept:athleteplayssport concept_sport_baseball +concept_athlete_tom_seaver concept:athleteplayssport concept_sport_baseball +concept_athlete_tom_seaver concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tom_seaver concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_athlete_tom_seaver concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tom_seaver concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_athlete_tom_watson concept:athleteplayssport concept_sport_golf +concept_athlete_tom_weiskopf concept:athleteplayssport concept_sport_championship_golf +concept_athlete_tomas_holmstrom concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_tomas_holmstrom concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_tomlinson concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_athlete_tomlinson concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_tommy_hunter concept:athleteplayssport concept_sport_baseball +concept_athlete_tommy_maddox concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_tony_abreu concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_battie concept:athleteplaysforteam concept_sportsteam_magic +concept_athlete_tony_clark concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_clark concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_tony_clark concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_athlete_tony_dorsett concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_tony_esposito concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_tony_kubek concept:athleteplayssportsteamposition concept_sportsteamposition_shortstop +concept_athlete_tony_pena concept:persondiedincountry concept_country_england +concept_athlete_tony_pena concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_pena concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tony_pena_jr concept:athleteplayssport concept_sport_baseball +concept_athlete_tony_perez concept:parentofperson concept_athlete_eduardo_perez +concept_athlete_tony_romo concept:personbelongstoorganization concept_city_dallas +concept_athlete_tony_romo concept:athleteledsportsteam concept_sportsteam_dallas_cowboys +concept_athlete_tony_scheffler concept:athleteplayssport concept_sport_football +concept_athlete_tony_stewart concept:athleteplaysforteam concept_sportsteam_brad_keselowkski +concept_athlete_tony_stewart concept:athleteledsportsteam concept_sportsteam_trevor_bayne +concept_athlete_torii_hunter concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_torii_hunter concept:athleteplayssport concept_sport_baseball +concept_athlete_torii_hunter concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_torii_hunter concept:athleteledsportsteam concept_sportsteam_twins +concept_athlete_torii_hunter concept:athleteplaysforteam concept_sportsteam_twins +concept_athlete_torii_hunter concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_toronto_blue_jays_additions_jason_phillips concept:athleteplayssport concept_sport_baseball +concept_athlete_toronto_blue_jays_additions_jason_phillips concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_toronto_blue_jays_additions_jason_phillips concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tournaments concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_tracy_mcgrady concept:athleteplayssport concept_sport_basketball +concept_athlete_tracy_mcgrady concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tracy_mcgrady concept:athleteledsportsteam concept_sportsteam_rockets +concept_athlete_tracy_mcgrady concept:athleteplaysforteam concept_sportsteam_rockets +concept_athlete_travis_hafner concept:athleteplayssport concept_sport_baseball +concept_athlete_travis_hafner concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_travis_hafner concept:athleteplaysforteam concept_sportsteam_cleveland_indians_organization +concept_athlete_travis_hafner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_travis_metcalf concept:athleteplayssport concept_sport_hockey +concept_athlete_travis_metcalf concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_travis_moen concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_travis_moen concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_athlete_travis_moen concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_athlete_travis_snider concept:athleteplayssport concept_sport_baseball +concept_athlete_travis_snider concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_travis_snider concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_athlete_travis_snider concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_travis_zajac concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_travis_zajac concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_travis_zajac concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_treanor concept:latitudelongitude 33.2086500000000,-116.6578000000000 +concept_athlete_trent_hunter concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_athlete_trent_jones concept:athleteplayssport concept_sport_golf +concept_athlete_trever_miller concept:athleteplayssport concept_sport_baseball +concept_athlete_trever_miller concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_trever_miller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_trevor_bell concept:athleteplayssport concept_sport_baseball +concept_athlete_trevor_hoffman concept:athleteplayssport concept_sport_baseball +concept_athlete_trevor_hoffman concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_trevor_hoffman concept:athleteplaysforteam concept_sportsteam_brewers +concept_athlete_trevor_hoffman concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_trish_stratus concept:athleteplayssport concept_sport_wrestling +concept_athlete_trot_nixon concept:athleteledsportsteam concept_sportsteam_red_sox +concept_athlete_trot_nixon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_troy_brouwer concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_athlete_troy_brouwer concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_troy_glaus concept:athleteplayssport concept_sport_baseball +concept_athlete_troy_glaus concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_troy_glaus concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_troy_murphy concept:persondiedincountry concept_country_england +concept_athlete_troy_murphy concept:athleteplayssport concept_sport_basketball +concept_athlete_troy_o_leary concept:agentcollaborateswithagent concept_coach_larry_blakeney +concept_athlete_troy_o_leary concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_troy_o_leary concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_troy_percival concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_troy_smith concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_troy_smith concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_troy_smith concept:athleteledsportsteam concept_sportsteam_ravens +concept_athlete_troy_tulowitzki concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_troy_tulowitzki concept:athleteplayssport concept_sport_baseball +concept_athlete_troy_tulowitzki concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_troy_tulowitzki concept:athleteplaysforteam concept_sportsteam_rockies +concept_athlete_troy_tulowitzki concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_turkoglu concept:athleteledsportsteam concept_sportsteam_magic +concept_athlete_tuukka_rask concept:athleteplaysforteam concept_sportsteam_boston_bruins +concept_athlete_tuukka_rask concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ty_wigginton concept:athleteledsportsteam concept_sportsteam_astros +concept_athlete_ty_wigginton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tyler_clippard concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tyler_flowers concept:athleteplayssport concept_sport_baseball +concept_athlete_tyler_flowers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tyler_johnson concept:athleteplayssport concept_sport_baseball +concept_athlete_tyler_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_tyler_smith concept:athleteledsportsteam concept_sportsteam_vols +concept_athlete_tyler_thigpen concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_athlete_tyler_walker concept:athleteplayssport concept_sport_baseball +concept_athlete_tyler_yates concept:athleteplayssport concept_sport_baseball +concept_athlete_tyronn_lue concept:persondiedincountry concept_country_england +concept_athlete_tyrus_thomas concept:persondiedincountry concept_country_england +concept_athlete_tyrus_thomas concept:athleteplayssport concept_sport_basketball +concept_athlete_tyrus_thomas concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_tyrus_thomas concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_athlete_tyrus_thomas concept:athleteplaysforteam concept_sportsteam_new_jersey_nets +concept_athlete_tyson_chandler concept:athleteledsportsteam concept_sportsteam_esu_hornets +concept_athlete_tyson_chandler concept:athleteplaysforteam concept_sportsteam_esu_hornets +concept_athlete_tyson_gay concept:athleteplayssport concept_sport_track +concept_athlete_ubaldo_jimenez concept:athleteplayssport concept_sport_baseball +concept_athlete_ubaldo_jimenez concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_ubaldo_jimenez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_udonis_haslem concept:athleteledsportsteam concept_sportsteam_heat +concept_athlete_udonis_haslem concept:athletehomestadium concept_stadiumoreventvenue_american_airlines_arena +concept_athlete_uehara concept:latitudelongitude 26.3680600000000,127.9836100000000 +concept_athlete_ugueth_urbina concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ukraine concept:atdate concept_date_n2000 +concept_athlete_ukraine concept:atdate concept_date_n2001 +concept_athlete_ukraine concept:agentparticipatedinevent concept_eventoutcome_result +concept_athlete_ukraine concept:subpartof concept_vehicle_countries +concept_athlete_ukraine concept:subpartof concept_vehicle_states +concept_athlete_urlacher concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_athlete_urlacher concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_athlete_urlacher concept:athleteplayssport concept_sport_football +concept_athlete_urlacher concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_urlacher concept:athleteledsportsteam concept_sportsteam_bears_29_17 +concept_athlete_urlacher concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_athlete_urlacher concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_athlete_valtteri_filppula concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_valtteri_filppula concept:athletehomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_athlete_vance_wilson concept:athleteplayssport concept_sport_baseball +concept_athlete_varitek concept:athleteplaysforteam concept_sportsteam_red_sox +concept_athlete_varitek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_varitek concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_jelena_jankovic +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_kim_clijsters +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_lindsay_davenport +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_martina_hingis +concept_athlete_venus_williams concept:athletebeatathlete concept_athlete_vera_zvonareva +concept_athlete_venus_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_athlete_venus_williams concept:athletebeatathlete concept_personus_serena_williams +concept_athlete_vera_zvonareva concept:athletebeatathlete concept_athlete_maria_sharapova +concept_athlete_vera_zvonareva concept:athletebeatathlete concept_athlete_williams +concept_athlete_vernon_forrest concept:athleteplayssport concept_sport_boxing +concept_athlete_vernon_gholston concept:athleteplaysforteam concept_sportsteam_ohio_state_university +concept_athlete_vernon_wells concept:coachwontrophy concept_awardtrophytournament_world_series +concept_athlete_vernon_wells concept:athleteledsportsteam concept_sportsteam_blue_jays +concept_athlete_vernon_wells concept:personbelongstoorganization concept_sportsteam_blue_jays +concept_athlete_vernon_wells concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_vicente_padilla concept:athleteplayssport concept_sport_baseball +concept_athlete_vicente_padilla concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_vicente_padilla concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_victor_garate concept:athleteplayssport concept_sport_baseball +concept_athlete_victor_martinez concept:athleteplayssport concept_sport_baseball +concept_athlete_vidic concept:latitudelongitude 44.0908300000000,15.6322200000000 +concept_athlete_vijay_singh concept:athletebeatathlete concept_athlete_tiger_woods +concept_athlete_ville_peltonen concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_vincent_jackson concept:athletehomestadium concept_stadiumoreventvenue_petco_park +concept_athlete_vincent_jackson concept:persongraduatedschool concept_university_auburn_university +concept_athlete_vinny_del_negro concept:coachesinleague concept_sportsleague_nba +concept_athlete_vinny_del_negro concept:coachesteam concept_sportsteam_chicago_bulls +concept_athlete_vinny_del_negro concept:worksfor concept_sportsteam_chicago_bulls +concept_athlete_vinny_del_negro concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_vinny_lecavalier concept:athleteplaysforteam concept_sportsteam_tampa +concept_athlete_vinny_lecavalier concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_vinny_lecavalier concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_athlete_vitali_klitschko concept:athleteplayssport concept_sport_boxing +concept_athlete_vladimir_nunez concept:athleteplayssport concept_sport_baseball +concept_athlete_vladimir_radmanovic concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_athlete_vladimir_radmanovic concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_von_hagge concept:athleteplayssport concept_sport_golf +concept_athlete_vujacic concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_vukovich concept:athleteplayssportsteamposition concept_sportsteamposition_center +concept_athlete_wade_boggs concept:athleteinjuredhisbodypart concept_bone_back +concept_athlete_wade_boggs concept:athleteplayssport concept_sport_baseball +concept_athlete_wade_boggs concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_wade_boggs concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_wade_boggs concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_wade_boggs concept:athleteplayssportsteamposition concept_sportsteamposition_infield +concept_athlete_wade_boggs concept:athleteplayssportsteamposition concept_sportsteamposition_third_base +concept_athlete_wade_boggs concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_wade_davis concept:athleteplayssport concept_sport_baseball +concept_athlete_wade_leblanc concept:athleteplayssport concept_sport_baseball +concept_athlete_wade_miller concept:athleteplayssport concept_sport_baseball +concept_athlete_waldis_joaquin concept:athleteplayssport concept_sport_baseball +concept_athlete_walk_off_home_run concept:agentparticipatedinevent concept_sportsgame_series +concept_athlete_wallace concept:persondiedatage 3 +concept_athlete_wallace concept:athletewinsawardtrophytournament concept_awardtrophytournament_super_bowl +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bodypart_forehead +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bodypart_shoulders +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bone_arms +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bone_fingers +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bone_mouth +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_wallace concept:personbelongstoorganization concept_city_pittsburgh +concept_athlete_wallace concept:subpartof concept_city_pittsburgh +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_nerve_elbow +concept_athlete_wallace concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_wallace concept:athleteplayssport concept_sport_football +concept_athlete_wallace concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_wallace concept:athleteledsportsteam concept_sportsteam_steelers +concept_athlete_wallace concept:athleteplaysforteam concept_sportsteam_steelers +concept_athlete_wallace concept:personbelongstoorganization concept_sportsteam_steelers +concept_athlete_wallace concept:subpartof concept_sportsteam_steelers +concept_athlete_wallace concept:athleteplayssportsteamposition concept_sportsteamposition_center +concept_athlete_wallace concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_wallace concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_wallace concept:athleteplayssportsteamposition concept_sportsteamposition_quarterback +concept_athlete_wallace concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_wally_szczerbiak concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_athlete_wally_szczerbiak concept:athleteledsportsteam concept_sportsteam_minnesota_timberwolves +concept_athlete_wally_szczerbiak concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_wally_szczerbiak concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_athlete_walter_payton concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_walter_payton concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_athlete_walter_silva concept:athleteplayssport concept_sport_baseball +concept_athlete_wandy_rodriguez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_ward_burton concept:agentbelongstoorganization concept_sportsleague_nascar +concept_athlete_warren_sapp concept:athleteplayssport concept_sport_football +concept_athlete_wayne_gretzky concept:athleteplayssport concept_sport_hockey +concept_athlete_wayne_gretzky concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_wayne_gretzky concept:coachesinleague concept_sportsleague_nhl +concept_athlete_wayne_gretzky concept:athleteplaysforteam concept_sportsteam_kings_college +concept_athlete_wayne_gretzky concept:coachesteam concept_sportsteam_phoenix_coyotes +concept_athlete_wayne_rooney concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_wayne_rooney concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_athlete_wayne_simien concept:personalsoknownas concept_actor_bobby_jackson +concept_athlete_wayne_simien concept:personalsoknownas concept_athlete_granger +concept_athlete_wayne_simien concept:personalsoknownas concept_athlete_jamaal_tinsley +concept_athlete_wayne_simien concept:personalsoknownas concept_person_jamaal_magloire +concept_athlete_wes_welker concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_wes_welker concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_athlete_wesley_wright concept:athleteplayssport concept_sport_baseball +concept_athlete_whitey_ford concept:athleteplayssport concept_sport_baseball +concept_athlete_whitter concept:latitudelongitude 41.4006400000000,-75.6651900000000 +concept_athlete_wiki_gonzalez concept:athleteplayssport concept_sport_baseball +concept_athlete_wil_ledezma concept:athleteplayssport concept_sport_baseball +concept_athlete_wilfredo_ledezma concept:athleteplayssport concept_sport_baseball +concept_athlete_will_bynum concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_will_ohman concept:athleteplayssport concept_sport_baseball +concept_athlete_will_ohman concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_will_ohman concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_willard_byrd concept:athleteplayssport concept_sport_golf +concept_athlete_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_semifinals +concept_athlete_williams concept:athleteinjuredhisbodypart concept_bone_ankle +concept_athlete_williams concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_williams concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_williams concept:athleteplayssport concept_sport_tennis +concept_athlete_williams concept:athleteplaysforteam concept_sportsteam_cavs +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_guard +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_point_guard +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_athlete_williams concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_athlete_willie_collazo concept:athleteplayssport concept_sport_baseball +concept_athlete_willie_mcginest concept:athleteplayssport concept_sport_football +concept_athlete_willie_mcginest concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_willie_parker concept:athleteplayssport concept_sport_football +concept_athlete_willie_parker concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_willie_randolph concept:athleteplaysforteam concept_sportsteam_yankees +concept_athlete_willie_stargell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_willis concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_athlete_willis concept:athleteinjuredhisbodypart concept_bone_knee +concept_athlete_willis concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_athlete_willis concept:personbornincity concept_city_york +concept_athlete_willis concept:athleteinjuredhisbodypart concept_nerve_hand +concept_athlete_willis concept:athleteplaysforteam concept_sportsteam_marlins +concept_athlete_willis concept:personbelongstoorganization concept_sportsteam_state_university +concept_athlete_willis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_willis concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_athlete_willy_aybar concept:athleteplayssport concept_sport_baseball +concept_athlete_willy_aybar concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_willy_aybar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_wilson_valdez concept:athleteplayssport concept_sport_baseball +concept_athlete_wladimir_balentien concept:athleteplayssport concept_sport_baseball +concept_athlete_wladimir_klitschko concept:athleteplayssport concept_sport_boxing +concept_athlete_woodward concept:personhasresidenceingeopoliticallocation concept_county_westport +concept_athlete_woodward concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_conn +concept_athlete_woodward concept:hasspouse concept_person_newman +concept_athlete_woodward concept:personhasresidenceingeopoliticallocation concept_visualizablescene_hollywood +concept_athlete_wta concept:agentcollaborateswithagent concept_celebrity_larry_scott +concept_athlete_wta concept:agentcontrols concept_celebrity_larry_scott +concept_athlete_xabi concept:athleteplaysforteam concept_sportsteam_liverpool +concept_athlete_xabi concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_xavier_nady concept:athleteledsportsteam concept_sportsteam_yankees +concept_athlete_xavier_nady concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_xml concept:agentinvolvedwithitem concept_buildingfeature_window +concept_athlete_yannick_noah concept:athleteplayssport concept_sport_tennis +concept_athlete_yao_ming concept:athleteplayssport concept_sport_basketball +concept_athlete_yasuhiko_yabuta concept:athleteplayssport concept_sport_baseball +concept_athlete_yevgeny_kafelnikov concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_athlete_yi_jianlian concept:athleteledsportsteam concept_sportsteam_new_jersey_nets +concept_athlete_yossi_benayoun concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_athlete_yunel_escobar concept:athleteplayssport concept_sport_baseball +concept_athlete_yunel_escobar concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_athlete_yunel_escobar concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_yunel_escobar concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_athlete_yuniesky_betancourt concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_yuniesky_betancourt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_zach_jackson concept:athleteplayssport concept_sport_baseball +concept_athlete_zach_miner concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_zach_parise concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_athlete_zach_parise concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_zach_parise concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_athlete_zach_randolph concept:persondiedincountry concept_country_england +concept_athlete_zach_randolph concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_zach_randolph concept:athleteplaysforteam concept_sportsteam_knicks +concept_athlete_zach_randolph concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_athlete_zach_thomas concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_athlete_zach_thomas concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_zach_thomas concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_athlete_zach_thomas concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_zack_greinke concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_zack_segovia concept:athleteplayssport concept_sport_baseball +concept_athlete_zaun concept:athleteplayssport concept_sport_baseball +concept_athlete_zaun concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_zaun concept:athleteplaysforteam concept_sportsteam_orioles +concept_athlete_zaun concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_zaun concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_athlete_zaza_pachulia concept:athleteplaysforteam concept_sportsteam_hawks +concept_athlete_zito concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_athlete_zydrunas_ilgauskas concept:athletehomestadium concept_stadiumoreventvenue_quicken_loans_arena +concept_attraction_academy concept:mutualproxyfor concept_cardgame_board +concept_attraction_academy concept:atdate concept_date_n2001 +concept_attraction_academy concept:atdate concept_dateliteral_n2005 +concept_attraction_academy concept:atdate concept_dateliteral_n2006 +concept_attraction_academy concept:atdate concept_dateliteral_n2007 +concept_attraction_academy concept:atdate concept_dateliteral_n2008 +concept_attraction_actors_church concept:attractionofcity concept_city_london_city +concept_attraction_actorschurch concept:attractionofcity concept_city_london_city +concept_attraction_admiralty_arch concept:attractionofcity concept_city_london_city +concept_attraction_aizawl concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_aizawl concept:proxyfor concept_stateorprovince_mizoram +concept_attraction_all_souls_church concept:attractionofcity concept_city_london_city +concept_attraction_ambras_castle concept:latitudelongitude 47.2557000000000,11.4335900000000 +concept_attraction_amsterdam concept:attractionofcity concept_city_london_city +concept_attraction_anchorage concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_apple_market concept:attractionofcity concept_city_london_city +concept_attraction_aquarius concept:attractionofcity concept_city_laughlin +concept_attraction_arch_of_titus concept:attractionofcity concept_city_rome +concept_attraction_arkadelphia concept:subpartof concept_book_arkansas +concept_attraction_art concept:attractionofcity concept_city_new_york +concept_attraction_art concept:locationlocatedwithinlocation concept_city_york +concept_attraction_art concept:locationlocatedwithinlocation concept_county_york_city +concept_attraction_art concept:locationlocatedwithinlocation concept_highway_the_new +concept_attraction_art concept:locationlocatedwithinlocation concept_lake_new +concept_attraction_arts_on_king concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_ashley_national_forest concept:latitudelongitude 40.6166200000000,-110.0507100000000 +concept_attraction_baker_street concept:attractionofcity concept_city_london_city +concept_attraction_barberini concept:latitudelongitude 42.3941450000000,12.4125050000000 +concept_attraction_barbican_centre concept:attractionofcity concept_city_london_city +concept_attraction_barbican_centre concept:buildinglocatedincity concept_city_london_city +concept_attraction_barking concept:attractionofcity concept_city_london_city +concept_attraction_barking_and_dagenham concept:attractionofcity concept_city_london_city +concept_attraction_bass_performance_hall concept:attractionofcity concept_city_fort_worth +concept_attraction_bass_performance_hall concept:buildinglocatedincity concept_city_fort_worth +concept_attraction_battersea_power_station concept:attractionofcity concept_city_london_city +concept_attraction_beau_rivage concept:attractionofcity concept_city_biloxi +concept_attraction_benjamin_franklin_house concept:latitudelongitude 40.2750000000000,-79.5297200000000 +concept_attraction_big_ben concept:attractionofcity concept_city_london_city +concept_attraction_big_ben001 concept:attractionofcity concept_city_heathrow +concept_attraction_big_four_building concept:attractionofcity concept_city_calgary +concept_attraction_big_tourist_attraction concept:touristattractionsuchastouristattraction concept_aquarium_sea_world +concept_attraction_big_tourist_attraction concept:touristattractionsuchastouristattraction concept_attraction_lego_land +concept_attraction_big_tourist_attraction concept:touristattractionsuchastouristattraction concept_placeofworship_edinburgh_castle +concept_attraction_birdcage_walk concept:attractionofcity concept_city_london_city +concept_attraction_blackfriars concept:attractionofcity concept_city_london_city +concept_attraction_bloomsbury concept:attractionofcity concept_city_london_city +concept_attraction_boardwalk concept:locationlocatedwithinlocation concept_building_vegas +concept_attraction_boardwalk concept:attractionofcity concept_city_vegas +concept_attraction_borough_market concept:attractionofcity concept_city_london_city +concept_attraction_boutique concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_brandenburger_gate concept:attractionofcity concept_city_rome +concept_attraction_brick_lane_market concept:attractionofcity concept_city_london_city +concept_attraction_british_airways_london_eye concept:attractionofcity concept_city_london_city +concept_attraction_british_home concept:latitudelongitude 51.4235000000000,-0.1079600000000 +concept_attraction_brixton_market concept:attractionofcity concept_city_london_city +concept_attraction_broadbeach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_brooklyn_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_bt_tower concept:attractionofcity concept_city_london_city +concept_attraction_buckingham_palace_gardens concept:attractionofcity concept_city_london_city +concept_attraction_bush_house concept:latitudelongitude 51.5127400000000,-0.1172900000000 +concept_attraction_butlers_wharf concept:attractionofcity concept_city_london_city +concept_attraction_camden_lock concept:attractionofcity concept_city_london_city +concept_attraction_camden_market concept:attractionofcity concept_city_london_city +concept_attraction_canary_wharf concept:attractionofcity concept_city_london_city +concept_attraction_cannery concept:attractionofcity concept_city_vegas +concept_attraction_cannery concept:subpartof concept_traditionalgame_vegas +concept_attraction_carnaby_street concept:attractionofcity concept_city_london_city +concept_attraction_carteret concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_casino_aztar concept:latitudelongitude 37.9727000000000,-87.5786000000000 +concept_attraction_casinos concept:locationlocatedwithinlocation concept_building_vegas +concept_attraction_casinos concept:attractionofcity concept_city_vegas +concept_attraction_cenotaph concept:attractionofcity concept_city_london_city +concept_attraction_centre concept:attractionofcity concept_city_new_york +concept_attraction_chelsea_bridge concept:attractionofcity concept_city_london_city +concept_attraction_chequamegon_national_forest concept:latitudelongitude 46.1666200000000,-91.0004600000000 +concept_attraction_chicago_area concept:latitudelongitude 41.7480660000000,-87.8377500000000 +concept_attraction_chinatown concept:attractionofcity concept_city_london_city +concept_attraction_circus_circus concept:attractionofcity concept_city_vegas +concept_attraction_circus_circus concept:buildinglocatedincity concept_city_vegas +concept_attraction_circus_maximus concept:attractionofcity concept_city_rome +concept_attraction_city_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_city_of_london concept:mutualproxyfor concept_politician_michael_bear +concept_attraction_city_of_westminster concept:attractionofcity concept_city_london_city +concept_attraction_clapham_common001 concept:attractionofcity concept_city_london_city +concept_attraction_clarence_house concept:attractionofcity concept_city_london_city +concept_attraction_cleopatra_needle concept:latitudelongitude 10.1238900000000,118.9952800000000 +concept_attraction_cleopatras_needle concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_cleopatras_needle concept:attractionofcity concept_city_london_city +concept_attraction_colorado_springs concept:atdate concept_date_n2000 +concept_attraction_columbia_area concept:latitudelongitude 38.9037100000000,-92.3367200000000 +concept_attraction_concentration concept:proxyfor concept_book_new +concept_attraction_corpus_christi concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_corpus_christi concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_attraction_covent_garden concept:attractionofcity concept_city_london_city +concept_attraction_covent_garden concept:atdate concept_date_n2000 +concept_attraction_crimean_war_memorial concept:attractionofcity concept_city_london_city +concept_attraction_cutty_sark concept:attractionofcity concept_city_london_city +concept_attraction_decatur concept:attractionofcity concept_city_vegas +concept_attraction_docklands concept:attractionofcity concept_city_london_city +concept_attraction_downing_street concept:attractionofcity concept_city_london_city +concept_attraction_downtown concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_downtown_boston concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_downtown_houston concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_downtown_manhattan concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_east_bay concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_east_dock concept:attractionofcity concept_city_london_city +concept_attraction_eaton_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_end concept:objectfoundinscene concept_landscapefeatures_valley +concept_attraction_erie_area concept:latitudelongitude 42.1884000000000,-79.8330000000000 +concept_attraction_eurostar concept:attractionofcity concept_city_paris +concept_attraction_expensive_tourist_attractions concept:touristattractionsuchastouristattraction concept_attraction_madame_tussauds +concept_attraction_expensive_tourist_attractions concept:touristattractionsuchastouristattraction concept_skyscraper_london_eye +concept_attraction_festival_hall concept:attractionofcity concept_city_london_city +concept_attraction_flamingo_hotel concept:attractionofcity concept_city_vegas +concept_attraction_flamingo_hotel concept:buildinglocatedincity concept_city_vegas +concept_attraction_flamingo_hotel concept:atlocation concept_city_vegas_casino +concept_attraction_flamingo_hotel concept:atlocation concept_county_las_vegas +concept_attraction_flatiron_building concept:buildinglocatedincity concept_city_new_york +concept_attraction_fleet_street concept:attractionofcity concept_city_london_city +concept_attraction_forbidden_city concept:latitudelongitude 39.9250100000000,116.3953900000000 +concept_attraction_foreign_and_commonwealth_office concept:attractionofcity concept_city_london_city +concept_attraction_fulham concept:atdate concept_dateliteral_n2007 +concept_attraction_gabriel_wharf concept:attractionofcity concept_city_london_city +concept_attraction_gabriels_wharf concept:attractionofcity concept_city_london_city +concept_attraction_general_mitchell_international concept:latitudelongitude 42.9466800000000,-87.8967500000000 +concept_attraction_geneva_area concept:latitudelongitude 41.7939400000000,-80.9403700000000 +concept_attraction_ghetto concept:atdate concept_dateliteral_n1943 +concept_attraction_globe_theatre concept:attractionofcity concept_city_london_city +concept_attraction_golden_gate concept:attractionofcity concept_city_vegas +concept_attraction_golden_hinde concept:attractionofcity concept_city_london_city +concept_attraction_golden_jubilee_bridge concept:attractionofcity concept_city_london_city +concept_attraction_golf_courses concept:proxyfor concept_book_new +concept_attraction_grand concept:riveremptiesintoriver concept_geopoliticallocation_yosemite +concept_attraction_grand concept:riveremptiesintoriver concept_river_colorado_river +concept_attraction_grand concept:riveremptiesintoriver concept_river_green_river +concept_attraction_grand concept:riveremptiesintoriver concept_river_lake_michigan +concept_attraction_grand concept:riveremptiesintoriver concept_river_lee +concept_attraction_grand concept:riveremptiesintoriver concept_river_yellowstone +concept_attraction_grand concept:riveremptiesintoriver concept_river_zion +concept_attraction_grand concept:riveremptiesintoriver concept_skiarea_red_cedar_river +concept_attraction_grand concept:riveremptiesintoriver concept_skiarea_snake_river +concept_attraction_grand_ole_opry_house concept:attractionofcity concept_city_nashville +concept_attraction_grand_ole_opry_house concept:buildinglocatedincity concept_city_nashville +concept_attraction_greenwich_village concept:attractionofcity concept_city_york +concept_attraction_grosvenor_bridge concept:attractionofcity concept_city_london_city +concept_attraction_ground_zero concept:proxyfor concept_book_new +concept_attraction_guide_to_the_theatre_in_chicago concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_h_m_s__belfast concept:attractionofcity concept_city_london_city +concept_attraction_haleakala_crater concept:latitudelongitude 20.7186100000000,-156.1827800000000 +concept_attraction_halekulani concept:hotelincity concept_city_oahu +concept_attraction_hampton_court concept:attractionofcity concept_city_london_city +concept_attraction_harbor_bridge concept:attractionofcity concept_city_sydney +concept_attraction_hawk_mountain_sanctuary concept:latitudelongitude 40.6375150000000,-75.9896900000000 +concept_attraction_hay_galleria concept:attractionofcity concept_city_london_city +concept_attraction_hays_galleria concept:attractionofcity concept_city_london_city +concept_attraction_heinz_hall concept:attractionofcity concept_city_pittsburgh +concept_attraction_helena_area concept:latitudelongitude 46.6171500000000,-112.0249800000000 +concept_attraction_hilton_athens concept:latitudelongitude 37.9765200000000,23.7502800000000 +concept_attraction_hilton_head concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_historic_tourist_attraction concept:touristattractionsuchastouristattraction concept_building_churches +concept_attraction_historic_tourist_attraction concept:touristattractionsuchastouristattraction concept_visualizablething_cathedral +concept_attraction_hms_belfast concept:attractionofcity concept_city_london_city +concept_attraction_home_city concept:proxyfor concept_book_new +concept_attraction_horse_guards_parade concept:attractionofcity concept_city_london_city +concept_attraction_horseguards concept:latitudelongitude 51.5057000000000,-0.1243000000000 +concept_attraction_hotels concept:buildinglocatedincity concept_city_vegas +concept_attraction_house001 concept:buildinglocatedincity concept_city_vegas +concept_attraction_house_one concept:latitudelongitude 33.5101700000000,-79.3047700000000 +concept_attraction_house_two concept:latitudelongitude 33.5018300000000,-79.3114400000000 +concept_attraction_houses_of_parliament concept:attractionofcity concept_city_london_city +concept_attraction_houston___texas concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_hoxton_square concept:attractionofcity concept_city_london_city +concept_attraction_hungerford_bridge concept:attractionofcity concept_city_london_city +concept_attraction_imperial_college concept:atlocation concept_city_london_city +concept_attraction_imperial_palace concept:attractionofcity concept_city_vegas +concept_attraction_imperial_palace concept:subpartof concept_traditionalgame_vegas +concept_attraction_information concept:objectfoundinscene concept_visualizablescene_observatory +concept_attraction_islington concept:attractionofcity concept_city_london_city +concept_attraction_jade_buddha_temple concept:attractionofcity concept_city_shanghai +concept_attraction_jade_buddha_temple concept:buildinglocatedincity concept_city_shanghai +concept_attraction_jobing_com concept:latitudelongitude 33.5317750000000,-112.2612600000000 +concept_attraction_jordan_hall concept:attractionofcity concept_city_boston +concept_attraction_joyce_theater concept:attractionofcity concept_city_new_york +concept_attraction_keller_auditorium concept:locationlocatedwithinlocation concept_city_portland +concept_attraction_kennedy_center001 concept:attractionofcity concept_city_washington_d_c +concept_attraction_kennedy_center001 concept:buildinglocatedincity concept_city_washington_d_c +concept_attraction_kennedy_center001 concept:subpartof concept_city_washington_d_c +concept_attraction_kensington concept:attractionofcity concept_city_london_city +concept_attraction_kensington_and_chelsea concept:attractionofcity concept_city_london_city +concept_attraction_kensington_palace concept:attractionofcity concept_city_london_city +concept_attraction_king_cross_station concept:attractionofcity concept_city_london_city +concept_attraction_kings_cross_station concept:attractionofcity concept_city_london_city +concept_attraction_knightsbridge001 concept:attractionofcity concept_city_london_city +concept_attraction_knott__s_berry_farm concept:attractionofcity concept_city_buena_park +concept_attraction_korean_national_maritime_museum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_lake_altoona concept:latitudelongitude 40.4917350000000,-78.4564000000000 +concept_attraction_lake_casitas_recreation_area concept:latitudelongitude 34.3933300000000,-119.3434500000000 +concept_attraction_leicester_square concept:attractionofcity concept_city_london_city +concept_attraction_leyton concept:attractionofcity concept_city_london_city +concept_attraction_lincoln_center concept:attractionofcity concept_city_new_york +concept_attraction_lincoln_center concept:buildinglocatedincity concept_city_new_york +concept_attraction_lincoln_center001 concept:attractionofcity concept_city_nyc +concept_attraction_lincoln_center001 concept:subpartof concept_company_new_york +concept_attraction_lincoln_center001 concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_attraction_lincoln_center001 concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_attraction_lincoln_center__s_avery_fisher_hall concept:attractionofcity concept_city_new_york +concept_attraction_liverpool_street_station concept:attractionofcity concept_city_london_city +concept_attraction_london_county_hall concept:attractionofcity concept_city_london_city +concept_attraction_london_dungeon concept:attractionofcity concept_city_london_city +concept_attraction_london_dungeons concept:attractionofcity concept_city_london_city +concept_attraction_london_eye001 concept:attractionofcity concept_city_london_city +concept_attraction_long_island_city concept:proxyfor concept_book_new +concept_attraction_lords concept:attractionofcity concept_city_london_city +concept_attraction_lords concept:atdate concept_date_n2004 +concept_attraction_lords concept:atdate concept_dateliteral_n2006 +concept_attraction_lords concept:atdate concept_dateliteral_n2007 +concept_attraction_louisiana concept:attractionofcity concept_city_orleans +concept_attraction_louisiana concept:mutualproxyfor concept_newspaper_lafayette +concept_attraction_louisiana concept:mutualproxyfor concept_radiostation_lake_charles +concept_attraction_lower_east_side concept:attractionofcity concept_island_manhattan +concept_attraction_lubeck_zoo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_madam_tussauds concept:attractionofcity concept_city_london_city +concept_attraction_madame_tussauds concept:attractionofcity concept_city_london_city +concept_attraction_majestic_theatre concept:attractionofcity concept_city_san_antonio +concept_attraction_major_tourist_attraction concept:touristattractionsuchastouristattraction concept_attraction_giant_swing +concept_attraction_major_tourist_attraction concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_major_tourist_attraction concept:touristattractionsuchastouristattraction concept_attraction_vimarnmek_place +concept_attraction_major_tourist_attraction concept:proxyfor concept_book_new +concept_attraction_manneken concept:latitudelongitude 50.8450000000000,4.3500000000000 +concept_attraction_marlborough_house concept:attractionofcity concept_city_london_city +concept_attraction_mayfair001 concept:attractionofcity concept_city_london_city +concept_attraction_midamerica concept:latitudelongitude 38.9141033333333,-94.6989100000000 +concept_attraction_miramar concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_atchafalaya_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_bayou_lafourche +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_great_river_road +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_industrial_canal +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_intracoastal_waterway +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_lake_michigan +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_minnesota_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_missouri_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_montana +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_nauvoo +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_ohio_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_pacific_coast +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_rock_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_rockies +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_rum_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_st___croix_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_st___lawrence_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_state +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_tennessee_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_river_yazoo_river +concept_attraction_mississippi concept:riveremptiesintoriver concept_skiarea_white_river +concept_attraction_mouth concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_attraction_mouth concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_attraction_mouth concept:objectfoundinscene concept_landscapefeatures_valley +concept_attraction_n10_downing_street concept:attractionofcity concept_city_london_city +concept_attraction_n30_st_mary_axe concept:attractionofcity concept_city_london_city +concept_attraction_national_film_theatre001 concept:attractionofcity concept_city_london_city +concept_attraction_nelson_column concept:attractionofcity concept_city_london_city +concept_attraction_nelsons_column concept:attractionofcity concept_city_london_city +concept_attraction_new_castle concept:proxyfor concept_musicartist_delaware +concept_attraction_new_york_new_york concept:attractionofcity concept_city_vegas +concept_attraction_newlands concept:attractionofcity concept_city_cape_town +concept_attraction_north_london concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_nyc concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_nyc concept:atdate concept_date_n2004 +concept_attraction_nyc concept:atdate concept_dateliteral_n2002 +concept_attraction_nyc concept:atdate concept_dateliteral_n2005 +concept_attraction_nyc concept:atdate concept_dateliteral_n2006 +concept_attraction_nyc concept:locationlocatedwithinlocation concept_geopoliticallocation_world +concept_attraction_nyc concept:mutualproxyfor concept_politicianus_giuliani +concept_attraction_oak_brook_hills_resort___conference_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_old_bailey concept:attractionofcity concept_city_london_city +concept_attraction_old_vic concept:attractionofcity concept_city_london_city +concept_attraction_olympia_area concept:latitudelongitude 47.0486000000000,-122.8217000000000 +concept_attraction_online concept:attractionofcity concept_city_vegas +concept_attraction_orleans concept:locationlocatedwithinlocation concept_building_vegas +concept_attraction_orleans concept:attractionofcity concept_city_vegas +concept_attraction_orleans concept:subpartof concept_traditionalgame_vegas +concept_attraction_otay_mesa concept:latitudelongitude 32.5671842857143,-116.9963771428571 +concept_attraction_oxford_street concept:attractionofcity concept_city_london_city +concept_attraction_ozark_national_forest concept:latitudelongitude 35.8125800000000,-93.5626900000000 +concept_attraction_palace_of_westminster concept:attractionofcity concept_city_london_city +concept_attraction_palazzo concept:attractionofcity concept_city_vegas +concept_attraction_palazzo concept:buildinglocatedincity concept_city_vegas +concept_attraction_pall_mall concept:attractionofcity concept_city_london_city +concept_attraction_palm_beach_area concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_panchakki concept:latitudelongitude 32.9392400000000,70.6911000000000 +concept_attraction_parliament_square concept:attractionofcity concept_city_london_city +concept_attraction_peace_pagoda concept:latitudelongitude 52.0577600000000,-0.7254100000000 +concept_attraction_petticoat_lane_market concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_petticoat_lane_market concept:attractionofcity concept_city_london_city +concept_attraction_piazza_navona concept:attractionofcity concept_city_rome +concept_attraction_picadilly_circus concept:latitudelongitude 51.5096200000000,-0.1339900000000 +concept_attraction_piccadilly_circus concept:attractionofcity concept_city_london_city +concept_attraction_pki concept:latitudelongitude 35.3513900000000,129.1033300000000 +concept_attraction_plaza concept:attractionofcity concept_city_las_vegas +concept_attraction_pop_s concept:atlocation concept_city_st__louis +concept_attraction_pop_s concept:atlocation concept_city_st_louis +concept_attraction_queen_elizabeth_hall concept:attractionofcity concept_city_london_city +concept_attraction_queen_elizabeth_hall concept:buildinglocatedincity concept_city_london_city +concept_attraction_queens concept:attractionofcity concept_city_vegas +concept_attraction_queens concept:buildinglocatedincity concept_city_vegas +concept_attraction_ranger_s_house concept:latitudelongitude 41.9645200000000,-8.1838900000000 +concept_attraction_ravinia concept:attractionofcity concept_city_chicago +concept_attraction_red_rock concept:attractionofcity concept_city_vegas +concept_attraction_regent_street concept:attractionofcity concept_city_london_city +concept_attraction_religious_tourist_attractions concept:touristattractionsuchastouristattraction concept_attraction_secred_garden +concept_attraction_rila_monastery concept:latitudelongitude 42.1331800000000,23.3406300000000 +concept_attraction_river_palms concept:attractionofcity concept_city_laughlin +concept_attraction_riverbend concept:attractionofcity concept_city_cincinnati +concept_attraction_rockefeller_center concept:buildinglocatedincity concept_city_new_york +concept_attraction_rockefeller_center001 concept:attractionofcity concept_city_new_york +concept_attraction_roy_thomson_hall concept:attractionofcity concept_city_toronto +concept_attraction_royal_botanical_gardens concept:latitudelongitude 43.2906600000000,-79.8771500000000 +concept_attraction_royal_courts_of_justice concept:latitudelongitude 51.5136800000000,-0.1133200000000 +concept_attraction_royal_festival_hall concept:attractionofcity concept_city_london_city +concept_attraction_royal_mews concept:attractionofcity concept_city_london_city +concept_attraction_royal_observatory_greenwich concept:attractionofcity concept_city_london_city +concept_attraction_royal_opera_house concept:attractionofcity concept_city_london_city +concept_attraction_russell_square concept:attractionofcity concept_city_london_city +concept_attraction_ryman_auditorium concept:locationlocatedwithinlocation concept_city_nashville +concept_attraction_s_o_paulo concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_save_mart_center concept:atlocation concept_city_fresno +concept_attraction_secc concept:attractionofcity concept_city_glasgow +concept_attraction_second_home concept:proxyfor concept_book_new +concept_attraction_shakespeare_globe concept:attractionofcity concept_city_london_city +concept_attraction_shakespeares_globe concept:attractionofcity concept_city_london_city +concept_attraction_shedd_aquarium concept:attractionofcity concept_city_chicago +concept_attraction_sian_ka_an concept:latitudelongitude 19.3833300000000,-87.7916700000000 +concept_attraction_silverton concept:attractionofcity concept_city_vegas +concept_attraction_simpsons_gap concept:latitudelongitude -23.7166700000000,133.7166700000000 +concept_attraction_soho_square concept:attractionofcity concept_city_london_city +concept_attraction_south_kensington concept:attractionofcity concept_city_london_city +concept_attraction_southwark_bridge concept:attractionofcity concept_city_london_city +concept_attraction_speakers_corner concept:attractionofcity concept_city_london_city +concept_attraction_spencer_house concept:attractionofcity concept_city_london_city +concept_attraction_spitalfields_market concept:attractionofcity concept_city_london_city +concept_attraction_square_garden concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_st__brides_church concept:attractionofcity concept_city_london_city +concept_attraction_st__katherine_dock concept:attractionofcity concept_city_london_city +concept_attraction_st__martins_church concept:attractionofcity concept_city_london_city +concept_attraction_st__mary_le_bow concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_st_brides_church concept:attractionofcity concept_city_london_city +concept_attraction_st_james concept:attractionofcity concept_city_london_city +concept_attraction_st_james_palace concept:attractionofcity concept_city_london_city +concept_attraction_st_jamess_park concept:attractionofcity concept_city_london_city +concept_attraction_st_katherines_dock concept:attractionofcity concept_city_london_city +concept_attraction_st_martins_church concept:attractionofcity concept_city_london_city +concept_attraction_st_pancras_old_church concept:attractionofcity concept_city_london_city +concept_attraction_star_city001 concept:attractionofcity concept_city_sydney +concept_attraction_stardust concept:attractionofcity concept_city_vegas +concept_attraction_state_opera_house concept:latitudelongitude 47.4941500000000,19.0605100000000 +concept_attraction_staten_island_ferry concept:attractionofcity concept_city_new_york +concept_attraction_station concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_station concept:attractionofcity concept_city_vegas +concept_attraction_statue_of_liberty001 concept:proxyfor concept_book_new +concept_attraction_statue_of_liberty001 concept:attractionofcity concept_city_new_york +concept_attraction_stewart_international concept:latitudelongitude 41.5039800000000,-74.1043100000000 +concept_attraction_stmartininthefields concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_strip concept:attractionofcity concept_city_vegas +concept_attraction_studios concept:proxyfor concept_lake_new +concept_attraction_suites concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_suites concept:hotelincity concept_city_san_jose +concept_attraction_summer_theatre concept:latitudelongitude 43.0552800000000,-73.8011100000000 +concept_attraction_summit001 concept:buildinglocatedincity concept_city_vegas +concept_attraction_sunset concept:attractionofcity concept_city_vegas +concept_attraction_temple_bar concept:attractionofcity concept_city_london_city +concept_attraction_thames_barrier concept:attractionofcity concept_city_london_city +concept_attraction_the_albany concept:latitudelongitude 51.1001200000000,-84.4664600000000 +concept_attraction_the_london_eye001 concept:attractionofcity concept_city_london_city +concept_attraction_the_mall concept:attractionofcity concept_city_london_city +concept_attraction_the_rocks concept:attractionofcity concept_city_sydney +concept_attraction_the_savoy concept:attractionofcity concept_city_london_city +concept_attraction_the_serpentine concept:attractionofcity concept_city_london_city +concept_attraction_the_strand001 concept:attractionofcity concept_city_london_city +concept_attraction_three_mills concept:latitudelongitude 32.4643850000000,-108.8949150000000 +concept_attraction_tourist_attractions concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_tower concept:attractionofcity concept_city_sydney +concept_attraction_tower_hamlets concept:attractionofcity concept_city_london_city +concept_attraction_tower_of_london concept:attractionofcity concept_city_london_city +concept_attraction_town_house concept:mutualproxyfor concept_cardgame_three +concept_attraction_trevi_fountain concept:attractionofcity concept_city_rome +concept_attraction_uk_coastline concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_umaid_bhawan_palace concept:hotelincity concept_city_jodhpur +concept_attraction_united_nations concept:attractionofcity concept_city_york +concept_attraction_vacations concept:proxyfor concept_book_new +concept_attraction_vat_phou concept:latitudelongitude 14.8500000000000,105.8166700000000 +concept_attraction_victoria001 concept:proxyfor concept_book_new +concept_attraction_victoria001 concept:atlocation concept_city_texas +concept_attraction_victoria001 concept:attractionofcity concept_county_central_london +concept_attraction_victoria001 concept:atdate concept_date_n2009 +concept_attraction_victoria_embankment concept:latitudelongitude -29.8614100000000,31.0298100000000 +concept_attraction_victoria_embankment_gardens concept:attractionofcity concept_city_london_city +concept_attraction_victoria_tower concept:attractionofcity concept_city_london_city +concept_attraction_village concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_attraction_waltham_forest concept:latitudelongitude 51.5666700000000,-0.0333300000000 +concept_attraction_waltham_forest concept:attractionofcity concept_city_london_city +concept_attraction_walworth concept:proxyfor concept_politicaloffice_wisconsin +concept_attraction_war_office concept:latitudelongitude 5.7500000000000,-59.6333300000000 +concept_attraction_washington_avenue_armory concept:attractionofcity concept_city_albany +concept_attraction_waterloo concept:attractionofcity concept_city_london_city +concept_attraction_waterloo_station001 concept:attractionofcity concept_city_london_city +concept_attraction_whitehall concept:hotelincity concept_city_chicago +concept_attraction_whitehall concept:attractionofcity concept_city_london_city +concept_attraction_woolworth_building concept:buildinglocatedincity concept_city_new_york +concept_attraction_zenith concept:attractionofcity concept_city_paris +concept_attraction_zenith concept:buildinglocatedincity concept_city_paris +concept_automobileengine_production concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_automobileengine_production concept:beveragemadefrombeverage concept_wine_cabernet +concept_automobileengine_production concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_automobileengine_production concept:beveragemadefrombeverage concept_wine_chardonnay +concept_automobileengine_production concept:beveragemadefrombeverage concept_wine_sauvignon +concept_automobileengine_publishing concept:proxyfor concept_book_new +concept_automobilemaker_a_m concept:organizationterminatedperson concept_person_herb_alpert +concept_automobilemaker_abarth concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_acura concept:automakerproducesmodel concept_attraction_tsx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_integra +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_legend +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_mdx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_rdx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_rsx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_tl +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_acura_tsx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_integra +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_mdx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_rdx +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_rl +concept_automobilemaker_acura concept:automakerproducesmodel concept_automobilemodel_tl +concept_automobilemaker_acura concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_acura concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_acura concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_acura concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_acura concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_aisin concept:latitudelongitude 7.9666700000000,4.6666700000000 +concept_automobilemaker_alfa_romeo concept:hasofficeincountry concept_country_uk +concept_automobilemaker_alfaromeo concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_allied concept:atdate concept_dayofweek_thursday +concept_automobilemaker_allied concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_american_motors concept:subpartoforganization concept_county_chrysler +concept_automobilemaker_ariel concept:hasofficeincountry concept_country_uk +concept_automobilemaker_art concept:proxyfor concept_book_new +concept_automobilemaker_art concept:atlocation concept_city_york +concept_automobilemaker_art concept:mutualproxyfor concept_coach_new +concept_automobilemaker_art concept:atlocation concept_county_york_city +concept_automobilemaker_art concept:atlocation concept_lake_new +concept_automobilemaker_art concept:proxyfor concept_programminglanguage_the_new +concept_automobilemaker_aston_martin concept:hasofficeincountry concept_country_uk +concept_automobilemaker_audi concept:acquired concept_automobilemaker_lamborghini +concept_automobilemaker_audi concept:agentcollaborateswithagent concept_automobilemaker_lamborghini +concept_automobilemaker_audi concept:subpartoforganization concept_automobilemaker_volkswagen_group +concept_automobilemaker_audi concept:automakerproducesmodel concept_automobilemodel_audi_tt +concept_automobilemaker_audi concept:producesproduct concept_automobilemodel_audi_tt +concept_automobilemaker_audi concept:automobilemakerdealersincity concept_city_chicago +concept_automobilemaker_audi concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_audi concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_audi concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_audi concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_audi concept:hasofficeincountry concept_country_uk__canada +concept_automobilemaker_audi concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_audi concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_austin concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_austin concept:competeswith concept_website_dallas_morning_news +concept_automobilemaker_az_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_baja concept:agentactsinlocation concept_building_years +concept_automobilemaker_ballard_power_systems concept:agentcollaborateswithagent concept_automobilemaker_armor_holdings +concept_automobilemaker_ballot concept:atdate concept_dateliteral_n2008 +concept_automobilemaker_ballot concept:atdate concept_dateliteral_n2010 +concept_automobilemaker_ballot concept:atdate concept_year_n1998 +concept_automobilemaker_basf concept:acquired concept_company_engelhard +concept_automobilemaker_bentley concept:automakerproducesmodel concept_automobilemodel_bentley_continental +concept_automobilemaker_bentley concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_bentley concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_bentley concept:automakerproducesmodel concept_vehicle_continental_gt +concept_automobilemaker_benz concept:automobilemakerdealersincountry concept_country_germany +concept_automobilemaker_birth concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_birth concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_blockquote_example concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_blockquote_example concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_blockquote_example concept:automakerproducesmodel concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_alfa_romeo +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_audi +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_cadillac +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_daimler +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_ferrari +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_ford +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_infiniti +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_jaguar +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_lexus +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_merc +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_mercedes +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_mercedes_benz +concept_automobilemaker_bmw concept:acquired concept_automobilemaker_mini +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_mitsubishi +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_nissan +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_peugeot +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_porsche +concept_automobilemaker_bmw concept:acquired concept_automobilemaker_rolls_royce +concept_automobilemaker_bmw concept:acquired concept_automobilemaker_rover_group +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_saab +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_subaru +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_toyota +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_volkswagen +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_volvo +concept_automobilemaker_bmw concept:competeswith concept_automobilemaker_vw +concept_automobilemaker_bmw concept:automakerproducesmodel concept_automobilemodel_z3 +concept_automobilemaker_bmw concept:mutualproxyfor concept_ceo_norbert_reithofer +concept_automobilemaker_bmw concept:organizationterminatedperson concept_ceo_norbert_reithofer +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_arlington +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_atlanta +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_austin +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_baltimore +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_bellevue +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_bloomington +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_boerne +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_brooklyn +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_carrollton +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_charlotte +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_chicago +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_cincinnati +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_costa_mesa +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_denver +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_duluth +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_eatontown +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_el_cajon +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_fort_lauderdale +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_fort_worth +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_fremont +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_glendale +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_great_neck +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_indianapolis +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_jacksonville +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_las_vegas +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_league_city +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_marietta +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_maywood +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_miami +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_milwaukee +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_mobile +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_newyork +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_north_hollywood +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_orlando +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_peabody +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_phoenix +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_plano +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_portland +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_raleigh +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_richmond_hill +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_rockville +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_roswell +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_sacramento +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_saint_louis +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_san_antonio +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_san_francisco +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_san_jose +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_santa_clara +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_schaumburg +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_streator +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_suitland +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_tampa_bay +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_teterboro +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_virginia_beach +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_city_warwick +concept_automobilemaker_bmw concept:competeswith concept_company_chrysler +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country___america +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country_germany +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country_spain +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_bmw concept:hasofficeincountry concept_country_uk +concept_automobilemaker_bmw concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_county_los_angeles_county +concept_automobilemaker_bmw concept:automobilemakerdealersincity concept_county_mamaroneck +concept_automobilemaker_bmw concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_bmw concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_bolivia concept:mutualproxyfor concept_personmexico_la_paz +concept_automobilemaker_bolivia concept:agentbelongstoorganization concept_sportsleague_mls +concept_automobilemaker_brian concept:agentcontrols concept_charactertrait_world +concept_automobilemaker_brian concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_buick_century +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_buick_rainier +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_buick_regal +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_buick_rendezvous +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_regal +concept_automobilemaker_buick concept:automakerproducesmodel concept_automobilemodel_riviera +concept_automobilemaker_buick concept:automobilemakerdealersincity concept_city_columbus +concept_automobilemaker_buick concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_buick concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_buick concept:automobilemakerdealersincountry concept_country_china +concept_automobilemaker_buick_pontiac_gmc concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_cadillac_cts +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_cadillac_escalade +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_chevrolet_corvette +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_escalade_ext +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_seville +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_automobilemodel_srx +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_austin +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_fort_worth +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_san_antonio +concept_automobilemaker_cadillac concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_cadillac concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_cadillac concept:hasofficeincountry concept_country_uk +concept_automobilemaker_cadillac concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_cadillac concept:automakerproducesmodel concept_product_escalade +concept_automobilemaker_cadillac concept:automobilemakercardealersinstateorprovince concept_stateorprovince_illinois +concept_automobilemaker_cadillac concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_card concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_card concept:agentcreated concept_buildingmaterial_fill +concept_automobilemaker_catalog concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_catalog concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_catalog concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_caterham concept:hasofficeincountry concept_country_uk +concept_automobilemaker_caterpillar concept:headquarteredin concept_city_peoria +concept_automobilemaker_caterpillar concept:companyalsoknownas concept_company_cat +concept_automobilemaker_caterpillar concept:organizationterminatedperson concept_person_jim_owens +concept_automobilemaker_caterpillar concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_automobilemaker_cd concept:acquired concept_automobilemaker_norton +concept_automobilemaker_challenges concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_chery concept:automobilemakerdealersincountry concept_country_china +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_blazer +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_c1500 +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_cadillac_escalade +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_caprice +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_cavalier +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_aveo +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_cobalt +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_corvette +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_equinox +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_impala +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_malibu +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_monte_carlo +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_tahoe +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_chevrolet_uplander +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_corvette +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_ford_taurus +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_impala +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_lacetti +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_lumina +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_monte_carlo +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_nova +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_suburban +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_automobilemodel_toyota_camry +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_baltimore +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_baton_rouge +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_charlotte +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_denver +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_detroit +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_indianapolis +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_jacksonville +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_layton +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_louisville +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_milwaukee +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_oklahoma_city +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_philadelphia +concept_automobilemaker_chevrolet concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_chevrolet concept:subpartoforganization concept_company_general_motors001 +concept_automobilemaker_chevrolet concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_chevrolet concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_chevrolet concept:hasofficeincountry concept_country_uk +concept_automobilemaker_chevrolet concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_product_malibu +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_california +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_maine +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_missouri +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_chevrolet concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_vehicle_aveo +concept_automobilemaker_chevrolet concept:automakerproducesmodel concept_vehicle_trailblazer +concept_automobilemaker_chevrolet concept:producesproduct concept_vehicle_volt +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_cadillac_cts +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_cadillac_escalade +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_chevy_silverado +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_corvette +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_dodge_charger +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_gmc_yukon +concept_automobilemaker_chevy concept:automakerproducesmodel concept_automobilemodel_suburban +concept_automobilemaker_chevy concept:automakerproducesmodel concept_product_malibu +concept_automobilemaker_chevy concept:automakerproducesmodel concept_vehicle_aveo +concept_automobilemaker_china concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_china concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_automobilemaker_china concept:agentcompeteswithagent concept_tradeunion_article +concept_automobilemaker_chrysler concept:acquired concept_automobilemaker_american_motors +concept_automobilemaker_chrysler concept:subpartoforganization concept_automobilemaker_daimler_benz +concept_automobilemaker_chrysler concept:acquired concept_automobilemaker_dodge_brothers +concept_automobilemaker_chrysler concept:competeswith concept_automobilemaker_ford +concept_automobilemaker_chrysler concept:competeswith concept_automobilemaker_gm +concept_automobilemaker_chrysler concept:subpartoforganization concept_automobilemaker_mercedes +concept_automobilemaker_chrysler concept:competeswith concept_automobilemaker_nissan +concept_automobilemaker_chrysler concept:automakerproducesmodel concept_automobilemodel_sebring +concept_automobilemaker_chrysler concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_chrysler concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_chrysler concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_chrysler concept:automobilemakercardealersinstateorprovince concept_stateorprovince_illinois +concept_automobilemaker_chrysler concept:automobilemakercardealersinstateorprovince concept_stateorprovince_michigan +concept_automobilemaker_chrysler concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_york +concept_automobilemaker_chrysler concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_chrysler concept:automakerproducesmodel concept_vehicle_pt_cruiser +concept_automobilemaker_chrysler_corporation concept:acquired concept_automobilemaker_amc +concept_automobilemaker_chrysler_corporation concept:acquired concept_automobilemaker_dodge +concept_automobilemaker_chrysler_corporation concept:agentcontrols concept_vehicle_dodge +concept_automobilemaker_chrysler_group concept:headquarteredin concept_city_auburn_hills +concept_automobilemaker_chrysler_llc concept:subpartoforganization concept_automobilemaker_daimler_benz +concept_automobilemaker_chrysler_llc concept:competeswith concept_automobilemaker_ford +concept_automobilemaker_chrysler_llc concept:competeswith concept_automobilemaker_gm +concept_automobilemaker_chrysler_llc concept:subpartoforganization concept_automobilemaker_mercedes +concept_automobilemaker_chrysler_llc concept:agentcreated concept_automobilemaker_pt_cruiser +concept_automobilemaker_chrysler_llc concept:agentcreated concept_automobilemodel_sebring +concept_automobilemaker_chrysler_llc concept:agentinvolvedwithitem concept_automobilemodel_sebring +concept_automobilemaker_chrysler_llc concept:organizationterminatedperson concept_ceo_lee_iacocca +concept_automobilemaker_chrysler_llc concept:headquarteredin concept_city_auburn_hills +concept_automobilemaker_chrysler_llc concept:subpartof concept_vehicle_mercedes +concept_automobilemaker_chrysler_llc concept:agentinvolvedwithitem concept_vehicle_pt_cruiser +concept_automobilemaker_citroen concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_citroen concept:hasofficeincountry concept_country_uk +concept_automobilemaker_clark_equipment_company concept:latitudelongitude 44.2472300000000,-86.2981400000000 +concept_automobilemaker_collection concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_concepts concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_contact concept:agentcreated concept_automobilemaker_products +concept_automobilemaker_contact concept:agentcreated concept_automobilemodel_click +concept_automobilemaker_contact concept:agentcreated concept_automobilemodel_discussion +concept_automobilemaker_contact concept:agentcreated concept_automobilemodel_infos +concept_automobilemaker_contact concept:agentcreated concept_beverage_contact_page +concept_automobilemaker_contact concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_contact concept:organizationterminatedperson concept_ceo_jimmy_wales +concept_automobilemaker_contact concept:agentcreated concept_charactertrait_assistance +concept_automobilemaker_contact concept:agentcreated concept_charactertrait_means +concept_automobilemaker_contact concept:agentcreated concept_charactertrait_specific_information +concept_automobilemaker_contact concept:agentcreated concept_city_help +concept_automobilemaker_contact concept:agentcreated concept_city_pictures +concept_automobilemaker_contact concept:agentcreated concept_cognitiveactions_clarification +concept_automobilemaker_contact concept:agentcreated concept_economicsector_contact_form +concept_automobilemaker_contact concept:agentcreated concept_geometricshape_consultation +concept_automobilemaker_contact concept:agentcreated concept_geometricshape_explanation +concept_automobilemaker_contact concept:agentcreated concept_geometricshape_ideas +concept_automobilemaker_contact concept:agentcreated concept_geopoliticalorganization_e_mail +concept_automobilemaker_contact concept:agentcreated concept_governmentorganization_guidance +concept_automobilemaker_contact concept:agentcreated concept_governmentorganization_numbers +concept_automobilemaker_contact concept:agentcreated concept_hobby_instruction +concept_automobilemaker_contact concept:agentcreated concept_householditem_information_sign +concept_automobilemaker_contact concept:agentcreated concept_invertebrate_information_page +concept_automobilemaker_contact concept:agentcreated concept_mlarea_call +concept_automobilemaker_contact concept:agentcreated concept_mlconference_assitance +concept_automobilemaker_contact concept:agentcreated concept_mldataset_web_page +concept_automobilemaker_contact concept:agentcreated concept_musicinstrument_email_sales +concept_automobilemaker_contact concept:agentcreated concept_musicinstrument_live_chat +concept_automobilemaker_contact concept:agentcreated concept_musicsong_inquiries +concept_automobilemaker_contact concept:agentcreated concept_musicsong_letter +concept_automobilemaker_contact concept:agentcreated concept_musicsong_queries +concept_automobilemaker_contact concept:agentcreated concept_nondiseasecondition_email_address +concept_automobilemaker_contact concept:agentcreated concept_perceptionaction_phoning +concept_automobilemaker_contact concept:agentcreated concept_physicalaction_form +concept_automobilemaker_contact concept:agentcreated concept_product_detail +concept_automobilemaker_contact concept:agentcreated concept_product_section +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_button +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_email +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_examples +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_link +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_method +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_news +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_page +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_post +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_questions +concept_automobilemaker_contact concept:agentcreated concept_programminglanguage_reference +concept_automobilemaker_contact concept:agentcreated concept_retailstore_snail_mail +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_detailed_information +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_details_click +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_enquiries +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_forms +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_info_ +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_infomation +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_inforamtion +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_informaiton +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_information_call +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_information_click +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_information_contact +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_information_copyright +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_informaton +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_informtion +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_infromation +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_pricing_information +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_specific_details +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_specifics +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_technical_information +concept_automobilemaker_contact concept:agentcreated concept_scientificterm_terms +concept_automobilemaker_contact concept:agentcreated concept_tableitem_clicking +concept_automobilemaker_contact concept:agentcreated concept_tableitem_phone_toll +concept_automobilemaker_contact concept:agentcreated concept_terroristorganization_informations +concept_automobilemaker_contact concept:agentcreated concept_transportation_fax +concept_automobilemaker_contact concept:agentcreated concept_vehicle_advice +concept_automobilemaker_contact concept:agentcreated concept_vehicle_contact_information +concept_automobilemaker_contact concept:agentcreated concept_vehicle_info +concept_automobilemaker_contact concept:agentcreated concept_vehicle_mail +concept_automobilemaker_contact concept:agentcreated concept_vehicle_options +concept_automobilemaker_contact concept:agentcreated concept_vehicle_photos +concept_automobilemaker_contact concept:agentcreated concept_vehicle_references +concept_automobilemaker_contact concept:agentcreated concept_visualartform_pricing +concept_automobilemaker_contact concept:agentcreated concept_website_answers +concept_automobilemaker_contact concept:agentcreated concept_website_directions +concept_automobilemaker_contact concept:agentcreated concept_website_download +concept_automobilemaker_contact concept:agentcreated concept_website_information +concept_automobilemaker_contact concept:agentcreated concept_website_instructions +concept_automobilemaker_contact concept:agentcreated concept_website_pages +concept_automobilemaker_contact concept:agentcreated concept_website_phone +concept_automobilemaker_contact concept:agentcreated concept_website_suggestions +concept_automobilemaker_contact concept:agentcreated concept_website_tab +concept_automobilemaker_contact concept:agentcreated concept_website_telephone +concept_automobilemaker_contacts concept:competeswith concept_blog_google +concept_automobilemaker_contacts concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_contacts concept:agentcreated concept_website_information +concept_automobilemaker_copyright concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_daewoo concept:automakerproducesmodel concept_automobilemodel_daewoo_lanos +concept_automobilemaker_daewoo concept:producesproduct concept_automobilemodel_daewoo_lanos +concept_automobilemaker_daewoo concept:automobilemakerdealersincity concept_city_los_angeles_ca +concept_automobilemaker_daewoo concept:hasofficeincountry concept_country_korea +concept_automobilemaker_daewoo concept:hasofficeincountry concept_country_uk +concept_automobilemaker_daewoo concept:automobilemakerdealersincity concept_county_los_angeles_county +concept_automobilemaker_daewoo concept:subpartoforganization concept_stateorprovince_general_motors +concept_automobilemaker_daihatsu concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_daihatsu concept:hasofficeincountry concept_country_uk +concept_automobilemaker_daimler_ag concept:agentcontrols concept_ceo_dieter_zetsche +concept_automobilemaker_daimlerchrysler concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_dallas_cowboys concept:proxyfor concept_book_new +concept_automobilemaker_dallas_cowboys concept:agentparticipatedinevent concept_convention_games +concept_automobilemaker_dallas_cowboys concept:organizationhiredperson concept_musician_jimmy_johnson +concept_automobilemaker_dallas_cowboys concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_automobilemaker_david concept:agentcontrols concept_charactertrait_world +concept_automobilemaker_david concept:agentcollaborateswithagent concept_company_nyt +concept_automobilemaker_david concept:agentcollaborateswithagent concept_journalist_the_new_york_times +concept_automobilemaker_david concept:agentcollaborateswithagent concept_politicsblog_ny_times +concept_automobilemaker_dealerships concept:atdate concept_date_n2009 +concept_automobilemaker_deere concept:agentcollaborateswithagent concept_athlete_sam_allen +concept_automobilemaker_deere concept:competeswith concept_company_post +concept_automobilemaker_deere concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_automobilemaker_des_moines concept:atlocation concept_city_washington_d_c +concept_automobilemaker_des_moines concept:proxyfor concept_governmentorganization_iowa +concept_automobilemaker_des_moines concept:subpartof concept_musicalbum_iowa +concept_automobilemaker_des_moines concept:proxyfor concept_university_ohio +concept_automobilemaker_diagnosis concept:atdate concept_date_n2003 +concept_automobilemaker_diagnosis concept:atdate concept_date_n2004 +concept_automobilemaker_diagnosis concept:atdate concept_dateliteral_n2005 +concept_automobilemaker_diagnosis concept:atdate concept_dateliteral_n2006 +concept_automobilemaker_diagnosis concept:atdate concept_dateliteral_n2007 +concept_automobilemaker_disks concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_automobilemaker_dkw concept:latitudelongitude 27.8876000000000,52.8143000000000 +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_caravan +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_avenger +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_caliber +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_caliber +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_caravan +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_caravan +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_challenger +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_challenger +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_charger +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_dakota +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_dakota +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_durango +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_durango +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_journey +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_magnum +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_nitro +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_ram +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_dodge_viper +concept_automobilemaker_dodge concept:producesproduct concept_automobilemodel_dodge_viper +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_durango +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_neon +concept_automobilemaker_dodge concept:automakerproducesmodel concept_automobilemodel_ram +concept_automobilemaker_dodge concept:automobilemakerdealersincity concept_city_atlanta +concept_automobilemaker_dodge concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_dodge concept:automobilemakerdealersincity concept_city_milwaukee +concept_automobilemaker_dodge concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_dodge concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_dodge concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_dodge concept:automobilemakerdealersincountry concept_country_germany +concept_automobilemaker_dodge concept:automobilemakerdealersincountry concept_country_mexico +concept_automobilemaker_dodge concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_dodge concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_dodge concept:producesproduct concept_product_d200 +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_georgia +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_illinois +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_louisiana +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_massachusetts +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_michigan +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_york +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_pennsylvania +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_dodge concept:automobilemakercardealersinstateorprovince concept_stateorprovince_wisconsin +concept_automobilemaker_dodge concept:producesproduct concept_vehicle_charger +concept_automobilemaker_engine concept:agentinvolvedwithitem concept_buildingfeature_home +concept_automobilemaker_ertl concept:latitudelongitude 47.9766700000000,14.2079150000000 +concept_automobilemaker_executive concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_fast concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_ferrari concept:subpartoforganization concept_automobilemaker_fiat_spa +concept_automobilemaker_ferrari concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_ferrari concept:organizationterminatedperson concept_person_jean_todt +concept_automobilemaker_fiat concept:acquired concept_automobilemaker_alfa_romeo +concept_automobilemaker_fiat concept:acquired concept_automobilemaker_ferrari +concept_automobilemaker_fiat concept:organizationterminatedperson concept_ceo_sergio_marchionne +concept_automobilemaker_fiat concept:headquarteredin concept_city_auburn_hills +concept_automobilemaker_fiat concept:agentactsinlocation concept_city_uk +concept_automobilemaker_fiat concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_fiat concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_fiat concept:hasofficeincountry concept_country_uk +concept_automobilemaker_fiat concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_fiat_spa concept:organizationterminatedperson concept_ceo_sergio_marchionne +concept_automobilemaker_fiat_spa concept:headquarteredin concept_city_auburn_hills +concept_automobilemaker_fiat_spa concept:hasofficeincountry concept_country_uk +concept_automobilemaker_firefox concept:competeswith concept_biotechcompany_chrome +concept_automobilemaker_firefox concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_firefox concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_firefox concept:agentinvolvedwithitem concept_product_tab +concept_automobilemaker_force_india concept:mutualproxyfor concept_ceo_vijay_mallya +concept_automobilemaker_force_india concept:organizationterminatedperson concept_ceo_vijay_mallya +concept_automobilemaker_ford concept:producesproduct concept_automobileengine_peugeot +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_chrysler +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_daimler_chrysler +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_honda +concept_automobilemaker_ford concept:acquired concept_automobilemaker_jaguar_and_land_rover +concept_automobilemaker_ford concept:acquired concept_automobilemaker_land_rover +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_toyota +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_toyota_motor +concept_automobilemaker_ford concept:competeswith concept_automobilemaker_toyota_motor_corporation +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_aerostar +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_aerostar +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_aspire +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_aspire +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_bronco +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_bronco +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_c_max +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_c_max +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_chevrolet_suburban +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_chevrolet_suburban +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_chevy_suburban +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_club_wagon +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_club_wagon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_consul +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_contour +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_contour +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_cortina +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_cortina +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_cougar +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_country_sedan +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_country_squire +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_country_squire +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_courier +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_courier +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_crown_victoria +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_e_100_econoline +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_e_100_econoline +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_e_150_econoline +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_e_150_econoline +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_e_250 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_e_250_econoline +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_e_250_econoline +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_e_350_econoline +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_e_350_econoline +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_e_450 +concept_automobilemaker_ford concept:agentcreated concept_automobilemodel_econoline +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_econoline_cargo_van +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_econoline_cargo_van +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_econoline_wagon +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_econoline_wagon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_edge +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_edsel +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_escape +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_escape +concept_automobilemaker_ford concept:agentcreated concept_automobilemodel_escape_hybrid +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_escort +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_escort +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_excursion +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_exp +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_exp +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_expedition +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_expedition +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_expedition_el +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_expedition_el +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_explorer +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_explorer +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_explorer_sport +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_explorer_sport +concept_automobilemaker_ford concept:agentcreated concept_automobilemodel_explorer_sport_trac +concept_automobilemaker_ford concept:agentinvolvedwithitem concept_automobilemodel_explorer_sport_trac +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f100 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f150 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f150 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f250 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f350 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_100 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_100 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_100_pickup +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_150 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_150 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_150_pickup +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_150_supercrew +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_250 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_350 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_450 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_450 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_550 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_750 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_f_series +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_f_series +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_fairlane +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_fairlane +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_fairmont +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_fairmont +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_falcon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_festiva +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_festiva +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_fiesta +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_fiesta +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_five_hundred +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_flex +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_focus +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_focus +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_contour +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_edge +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_escape +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_escape +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_escape_hybrid +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_escort +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_escort +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_expedition +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_expedition +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_explorer +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_f_150 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_fiesta +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_five_hundred +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_focus +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_focus +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_freestar +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_freestar +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_fusion +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_mondeo +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_mustang +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_mustang +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_ranger +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_ranger +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ford_taurus +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ford_taurus +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_freestar +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_freestyle +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_freestyle +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_fusion +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_fusion +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_fusion_hybrid +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_fusion_hybrid +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_futura +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_galaxy +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_granada +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_granada +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_gt +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_gt +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_honda_fit +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_hyundai_elantra +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ikon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ka +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ka +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ltd_ii +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ltd_ii +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_maverick +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_maverick +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_mercury_sable +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_mustang +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_mustang +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_opel_corsa +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_pinto +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_probe +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_probe +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ranchero +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ranchero +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_ranger +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_ranger +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_s_max +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_s_max +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_shelby_gt500 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_shelby_mustang +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_sierra +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_sierra +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_super_duty +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_super_duty_f_250 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_super_duty_f_250 +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_super_duty_f_450_drw +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_super_duty_f_450_drw +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_taurus +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_taurus +concept_automobilemaker_ford concept:agentcreated concept_automobilemodel_taurus_x +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_tempo +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_tempo +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_thunderbird +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_torino +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_torino +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_toyota_camry +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_toyota_prius +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_toyota_prius +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_transit_connect_wagon +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_transit_connect_wagon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_windstar +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_windstar +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_windstar_wagon +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_windstar_wagon +concept_automobilemaker_ford concept:automakerproducesmodel concept_automobilemodel_zx2 +concept_automobilemaker_ford concept:producesproduct concept_automobilemodel_zx2 +concept_automobilemaker_ford concept:headquarteredin concept_city_dearborn +concept_automobilemaker_ford concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_ford concept:automobilemakerdealersincity concept_city_milwaukee +concept_automobilemaker_ford concept:competeswith concept_company_ford_motor_credit +concept_automobilemaker_ford concept:competeswith concept_company_general_motors001 +concept_automobilemaker_ford concept:competeswith concept_company_ibm +concept_automobilemaker_ford concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_ford concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_ford concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_ford concept:companyeconomicsector concept_economicsector_automobile +concept_automobilemaker_ford concept:companyeconomicsector concept_economicsector_automotive +concept_automobilemaker_ford concept:producesproduct concept_product_galaxie +concept_automobilemaker_ford concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_ford concept:automakerproducesmodel concept_transportation_transit_connect +concept_automobilemaker_ford concept:producesproduct concept_transportation_transit_connect +concept_automobilemaker_ford concept:automakerproducesmodel concept_vehicle_bronco_ii +concept_automobilemaker_ford concept:producesproduct concept_vehicle_bronco_ii +concept_automobilemaker_ford concept:automakerproducesmodel concept_vehicle_mondeo +concept_automobilemaker_ford concept:producesproduct concept_vehicle_mondeo +concept_automobilemaker_ford concept:producesproduct concept_videogame_meteor +concept_automobilemaker_ford_motor concept:automakerproducesmodel concept_automobilemodel_motor_company +concept_automobilemaker_ford_motor_co concept:acquired concept_automobilemaker_jaguar +concept_automobilemaker_ford_motor_co concept:acquired concept_automobilemaker_volvo +concept_automobilemaker_ford_transit concept:automakerproducesmodel concept_transportation_transit_connect +concept_automobilemaker_fritz_henderson concept:agentbelongstoorganization concept_company_general_motors +concept_automobilemaker_gem concept:proxyfor concept_book_new +concept_automobilemaker_geo concept:automakerproducesmodel concept_automobilemodel_geo_metro +concept_automobilemaker_geo concept:producesproduct concept_automobilemodel_geo_metro +concept_automobilemaker_geo concept:producesproduct concept_vehicle_metro +concept_automobilemaker_gm concept:organizationterminatedperson concept_athlete_bob_lutz +concept_automobilemaker_gm concept:acquired concept_automobilemaker_buick +concept_automobilemaker_gm concept:acquired concept_automobilemaker_cadillac +concept_automobilemaker_gm concept:competeswith concept_automobilemaker_chrysler +concept_automobilemaker_gm concept:acquired concept_automobilemaker_gmc +concept_automobilemaker_gm concept:acquired concept_automobilemaker_holden +concept_automobilemaker_gm concept:acquired concept_automobilemaker_hummer +concept_automobilemaker_gm concept:acquired concept_automobilemaker_pontiac +concept_automobilemaker_gm concept:acquired concept_automobilemaker_saturn +concept_automobilemaker_gm concept:acquired concept_automobilemaker_vauxhall +concept_automobilemaker_gm concept:automakerproducesmodel concept_automobilemodel_suburban +concept_automobilemaker_gm concept:headquarteredin concept_city_detroit +concept_automobilemaker_gm concept:hasofficeincity concept_city_warren +concept_automobilemaker_gm concept:acquired concept_company_eds +concept_automobilemaker_gm concept:companyalsoknownas concept_company_general_motors001 +concept_automobilemaker_gm concept:organizationalsoknownas concept_company_general_motors001 +concept_automobilemaker_gm concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_gm concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_gm concept:hasofficeincountry concept_country_uk__canada +concept_automobilemaker_gm concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_gm concept:companyeconomicsector concept_economicsector_automobile +concept_automobilemaker_gm concept:organizationterminatedperson concept_monarch_alfred_p__sloan +concept_automobilemaker_gm concept:producesproduct concept_vehicle_volt +concept_automobilemaker_gmc concept:automakerproducesmodel concept_automobilemodel_envoy +concept_automobilemaker_gmc concept:automakerproducesmodel concept_automobilemodel_gmc_canyon +concept_automobilemaker_gmc concept:automakerproducesmodel concept_automobilemodel_sierra +concept_automobilemaker_gmc concept:automakerproducesmodel concept_automobilemodel_terrain +concept_automobilemaker_gmc concept:automakerproducesmodel concept_automobilemodel_yukon_xl_denali +concept_automobilemaker_gmc concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_gmc concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_gmc concept:automobilemakercardealersinstateorprovince concept_stateorprovince_michigan +concept_automobilemaker_gt concept:companyalsoknownas concept_company_goodyear +concept_automobilemaker_gustav concept:agentactsinlocation concept_lake_new +concept_automobilemaker_gustav concept:atlocation concept_lake_new +concept_automobilemaker_harley_davidson concept:agentcollaborateswithagent concept_ceo_james_ziemer +concept_automobilemaker_home_map_rss_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_home_map_rss_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_home_map_rss_jeep_cherokee concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_honda concept:competeswith concept_automobilemaker_toyota +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_accord +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_accord +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_accord_crosstour +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_civic +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_civic +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_civic_coupe +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_civic_hb +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_civic_hybrid +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_civic_si +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_cr_v +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_ford_mustang +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_honda_accord +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_honda_accord +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_honda_civic +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_honda_civic +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_honda_cr_v +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_honda_fit +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_hyundai_sonata +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_nissan_altima +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_odyssey +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_odyssey +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_passport +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_pilot +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_pilot +concept_automobilemaker_honda concept:automakerproducesmodel concept_automobilemodel_ridgeline +concept_automobilemaker_honda concept:producesproduct concept_automobilemodel_ridgeline +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_toyota_camry +concept_automobilemaker_honda concept:agentcreated concept_automobilemodel_toyota_corolla +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_toyota_corolla +concept_automobilemaker_honda concept:agentcreated concept_automobilemodel_toyota_prius +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_toyota_prius +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_automobilemodel_volkswagen_jetta +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_buildingfeature_fit +concept_automobilemaker_honda concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_automobilemaker_honda concept:agentcreated concept_charactertrait_insight +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_albuquerque +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_athens +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_atlanta +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_austin +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_bakersfield +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_birmingham +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_boston +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_chicago +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_columbus +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_denver +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_duluth +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_fayetteville +concept_automobilemaker_honda concept:agentcreated concept_city_fit +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_fort_worth +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_huntsville +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_indianapolis +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_jacksonville +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_knoxville +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_lancaster +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_memphis +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_milwaukee +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_minneapolis +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_oklahoma_city +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_orlando +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_philadelphia +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_phoenix +concept_automobilemaker_honda concept:agentcreated concept_city_prelude +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_sacramento +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_san_antonio +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_san_francisco +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_san_jose +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_santa_monica +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_tallahassee +concept_automobilemaker_honda concept:hasofficeincity concept_city_torrance +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_tucson +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_tulsa +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_city_wilmington +concept_automobilemaker_honda concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_honda concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_honda concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_county_kansas_city +concept_automobilemaker_honda concept:automobilemakerdealersincity concept_county_los_angeles_county +concept_automobilemaker_honda concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_honda concept:agentinvolvedwithitem concept_hallwayitem_van +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_crv +concept_automobilemaker_honda concept:producesproduct concept_product_crv +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_element +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_fit +concept_automobilemaker_honda concept:producesproduct concept_product_fit +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_insight +concept_automobilemaker_honda concept:producesproduct concept_product_insight +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_prelude +concept_automobilemaker_honda concept:producesproduct concept_product_prelude +concept_automobilemaker_honda concept:automakerproducesmodel concept_product_s2000 +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_alabama +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_california +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_iowa +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_kansas +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_maryland +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_minnesota +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_ohio +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_oklahoma +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_honda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_honda concept:producesproduct concept_vehicle_fcx_clarity +concept_automobilemaker_honda concept:automakerproducesmodel concept_vehicle_van +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_accord +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_accord_crosstour +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_civic +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_civic_coupe +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_civic_hybrid +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_civic_si +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_cr_v +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_honda_civic +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_honda_cr_v +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_odyssey +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_passport +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_pilot +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_automobilemodel_ridgeline +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_buildingfeature_fit +concept_automobilemaker_honda_motor concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_hallwayitem_van +concept_automobilemaker_honda_motor concept:agentcontrols concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_product_crv +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_product_element +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_product_insight +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_product_prelude +concept_automobilemaker_honda_motor concept:agentinvolvedwithitem concept_product_s2000 +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_accord +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_accord_crosstour +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_civic +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_civic_coupe +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_civic_hybrid +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_civic_si +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_cr_v +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_honda_civic +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_honda_cr_v +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda_motor_co concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_product_crv +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_product_prelude +concept_automobilemaker_honda_motor_co concept:agentinvolvedwithitem concept_product_s2000 +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_accord +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_accord_crosstour +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_civic +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_civic_coupe +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_civic_hybrid +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_civic_si +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_cr_v +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_honda_civic +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_honda_cr_v +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_odyssey +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_passport +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_pilot +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_automobilemodel_ridgeline +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_buildingfeature_fit +concept_automobilemaker_honda_motor_co_ concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_hallwayitem_van +concept_automobilemaker_honda_motor_co_ concept:agentcontrols concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_co_ concept:mutualproxyfor concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_product_crv +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_product_element +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_product_insight +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_product_prelude +concept_automobilemaker_honda_motor_co_ concept:agentinvolvedwithitem concept_product_s2000 +concept_automobilemaker_honda_motor_co__ltd concept:agentcollaborateswithagent concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_co__ltd concept:agentcontrols concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_co__ltd concept:mutualproxyfor concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_accord +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_accord_crosstour +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_civic +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_civic_coupe +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_civic_hybrid +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_civic_si +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_cr_v +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_honda_civic +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_honda_cr_v +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_honda_odyssey +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_odyssey +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_passport +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_pilot +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_automobilemodel_ridgeline +concept_automobilemaker_honda_motor_company concept:agentcontrols concept_musicartist_takeo_fukui +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_product_crv +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_product_insight +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_product_prelude +concept_automobilemaker_honda_motor_company concept:agentinvolvedwithitem concept_product_s2000 +concept_automobilemaker_hsbc_bank_usa concept:agentcollaborateswithagent concept_bank_orchard_bank +concept_automobilemaker_hsbc_bank_usa concept:agentcontrols concept_bank_orchard_bank +concept_automobilemaker_hummer concept:hasofficeincountry concept_country_uk +concept_automobilemaker_hummer concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_hyundai concept:automakerproducesmodel concept_automobilemodel_hyundai_accent +concept_automobilemaker_hyundai concept:producesproduct concept_automobilemodel_hyundai_accent +concept_automobilemaker_hyundai concept:automakerproducesmodel concept_automobilemodel_hyundai_sonata +concept_automobilemaker_hyundai concept:automakerproducesmodel concept_automobilemodel_hyundai_tiburon +concept_automobilemaker_hyundai concept:organizationterminatedperson concept_ceo_mong_koo_chung +concept_automobilemaker_hyundai concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_hyundai concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_hyundai concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_hyundai concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_hyundai concept:companyeconomicsector concept_economicsector_automobile +concept_automobilemaker_hyundai concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_jersey +concept_automobilemaker_hyundai concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_hyundai concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_income concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_income concept:subpartoforganization concept_governmentorganization_government +concept_automobilemaker_infiniti concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_infiniti concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_infiniti concept:hasofficeincountry concept_country_uk +concept_automobilemaker_infiniti concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_infiniti concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_information concept:agentcreated concept_automobilemaker_contact +concept_automobilemaker_information concept:agentcreated concept_automobilemaker_contacts +concept_automobilemaker_information concept:agentcreated concept_automobilemodel_click +concept_automobilemaker_information concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_information concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_automobilemaker_information concept:agentcreated concept_celebrity_service_contact +concept_automobilemaker_information concept:agentcreated concept_chemical_technical +concept_automobilemaker_information concept:agentcreated concept_city_contract +concept_automobilemaker_information concept:agentcreated concept_drug_page_contact +concept_automobilemaker_information concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_information concept:agentcreated concept_geopoliticalorganization_e_mail +concept_automobilemaker_information concept:subpartoforganization concept_governmentorganization_government +concept_automobilemaker_information concept:subpartoforganization concept_governmentorganization_governments +concept_automobilemaker_information concept:agentcreated concept_mlconference_support_contact +concept_automobilemaker_information concept:agentcreated concept_mlconference_time_contact +concept_automobilemaker_information concept:agentcreated concept_mldataset_pm +concept_automobilemaker_information concept:agentcreated concept_nonprofitorganization_home_contact +concept_automobilemaker_information concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_information concept:agentcreated concept_product_contac +concept_automobilemaker_information concept:agentcreated concept_product_ip +concept_automobilemaker_information concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_information concept:agentcreated concept_programminglanguage_email +concept_automobilemaker_information concept:agentcreated concept_programminglanguage_page +concept_automobilemaker_information concept:agentparticipatedinevent concept_sportsgame_terms +concept_automobilemaker_information concept:agentcreated concept_transportation_fax +concept_automobilemaker_information concept:agentcreated concept_transportation_ring +concept_automobilemaker_information concept:agentcreated concept_vehicle_mail +concept_automobilemaker_information concept:agentcreated concept_vehicle_press +concept_automobilemaker_information concept:agentcreated concept_vehicle_registration +concept_automobilemaker_information concept:agentcreated concept_vehicle_view +concept_automobilemaker_information concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_information concept:agentinvolvedwithitem concept_wallitem_small_window +concept_automobilemaker_information concept:agentcreated concept_website_contact_contact +concept_automobilemaker_information concept:agentcreated concept_website_email_contact +concept_automobilemaker_information concept:agentcreated concept_website_phone +concept_automobilemaker_information concept:agentcreated concept_website_request +concept_automobilemaker_information concept:agentcreated concept_website_support +concept_automobilemaker_information concept:agentcreated concept_website_telephone +concept_automobilemaker_information concept:agentcreated concept_website_visit +concept_automobilemaker_ipic concept:latitudelongitude -27.7166700000000,-57.1500000000000 +concept_automobilemaker_isuzu concept:automakerproducesmodel concept_automobilemodel_isuzu_rodeo +concept_automobilemaker_isuzu concept:producesproduct concept_automobilemodel_isuzu_rodeo +concept_automobilemaker_isuzu concept:automobilemakerdealersincity concept_city_knoxville +concept_automobilemaker_jackson_hole_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jackson_hole_jeep concept:producesproduct concept_automobilemodel_jeep +concept_automobilemaker_jackson_hole_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_jackson_hole_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_jaguar concept:automakerproducesmodel concept_automobilemodel_jaguar_s_type +concept_automobilemaker_jaguar concept:automakerproducesmodel concept_automobilemodel_xkr +concept_automobilemaker_jaguar concept:automobilemakerdealersincity concept_city_birmingham +concept_automobilemaker_jaguar concept:automobilemakerdealersincity concept_city_coventry +concept_automobilemaker_jaguar concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_jaguar concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_jaguar concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_jaguar concept:hasofficeincountry concept_country_uk +concept_automobilemaker_jaguar concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_jeep concept:subpartoforganization concept_automobilemaker_daimlerchrysler +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_dodge_caliber +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_dodge_nitro +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_dodge_nitro +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_grand_cherokee +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_grand_cherokee +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_cherokee +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_comanche +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_commander +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_commander +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_compass +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_liberty +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_liberty +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_patriot +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_wrangler +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_wrangler +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_jeep_wrangler_unlimited +concept_automobilemaker_jeep concept:producesproduct concept_automobilemodel_jeep_wrangler_unlimited +concept_automobilemaker_jeep concept:automakerproducesmodel concept_automobilemodel_nissan_xterra +concept_automobilemaker_jeep concept:agentinvolvedwithitem concept_automobilemodel_toyota_land_cruiser +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_birmingham +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_ca +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_charleston +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_el_paso +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_lancaster +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_roanoke +concept_automobilemaker_jeep concept:automobilemakerdealersincity concept_city_vancouver +concept_automobilemaker_jeep concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_jeep concept:hasofficeincountry concept_country_uk +concept_automobilemaker_jeep concept:automobilemakercardealersinstateorprovince concept_stateorprovince_delaware +concept_automobilemaker_jeep concept:automobilemakercardealersinstateorprovince concept_stateorprovince_kansas +concept_automobilemaker_jeep concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_york +concept_automobilemaker_jeep concept:automobilemakercardealersinstateorprovince concept_stateorprovince_newyork +concept_automobilemaker_jeep concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_jeep concept:automakerproducesmodel concept_vehicle_cherokee +concept_automobilemaker_jeep concept:producesproduct concept_vehicle_cherokee +concept_automobilemaker_jeep_club concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeep_dealership concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeep_dealerships concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeep_grand_cherokee concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeep_grand_cherokee concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_jeep_liberty concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeff_bezos concept:agentbelongstoorganization concept_company_amazon_com_inc +concept_automobilemaker_jeff_bezos concept:agentbelongstoorganization concept_governmentorganization_amazon_com +concept_automobilemaker_jeff_bezos concept:agentcontrols concept_governmentorganization_amazon_com +concept_automobilemaker_jeff_bezos concept:proxyfor concept_governmentorganization_amazon_com +concept_automobilemaker_jeff_bezos concept:agentcontrols concept_museum_steve +concept_automobilemaker_jeff_bezos concept:agentcontrols concept_website_amazon +concept_automobilemaker_jeff_bezos concept:proxyfor concept_website_amazon +concept_automobilemaker_jeff_bezos concept:subpartof concept_website_amazon +concept_automobilemaker_jeff_chambers concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_jeff_fisher concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_karmann concept:latitudelongitude 8.8922000000000,15.8747000000000 +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_amanti +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_borrego +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_kia_rio +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_kia_sportage +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_optima +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_picanto +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_pro_ceed +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_rondo +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_sedona +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_sedona +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_sephia +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_sorento +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_sorento +concept_automobilemaker_kia concept:producesproduct concept_automobilemodel_spectra +concept_automobilemaker_kia concept:automakerproducesmodel concept_automobilemodel_sportage +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_abilene +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_amarillo +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_arlington +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_austin +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_beaumont +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_brownsville +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_garland +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_goldsboro +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_irving +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_killeen +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_laredo +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_lubbock +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_mesquite +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_midland +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_mission +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_odessa +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_pasadena +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_plano +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_spring +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_tyler +concept_automobilemaker_kia concept:automobilemakerdealersincity concept_city_waco +concept_automobilemaker_kia concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_kia concept:automobilemakerdealersincountry concept_country_deutschland +concept_automobilemaker_kia concept:hasofficeincountry concept_country_deutschland +concept_automobilemaker_kia concept:automobilemakerdealersincountry concept_country_korea +concept_automobilemaker_kia concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_kia concept:hasofficeincountry concept_country_uk +concept_automobilemaker_kia concept:producesproduct concept_product_carens +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_florida +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_massachusetts +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_ohio +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_oregon +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_south_dakota +concept_automobilemaker_kia concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_kia concept:producesproduct concept_vehicle_magentis +concept_automobilemaker_kia concept:producesproduct concept_wine_pride +concept_automobilemaker_ktm concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_ktm concept:hasofficeincountry concept_country_uk +concept_automobilemaker_lada concept:hasofficeincountry concept_country_uk +concept_automobilemaker_lamborghini concept:competeswith concept_automobilemaker_bmw +concept_automobilemaker_lamborghini concept:competeswith concept_automobilemaker_bmw__lexus +concept_automobilemaker_lamborghini concept:agentcreated concept_automobilemaker_lamborghini_gallardo +concept_automobilemaker_lamborghini concept:automakerproducesmodel concept_automobilemodel_lamborghini_gallardo +concept_automobilemaker_lamborghini concept:hasofficeincountry concept_country_uk +concept_automobilemaker_lancia concept:hasofficeincountry concept_country_uk +concept_automobilemaker_land concept:producesproduct concept_vehicle_rover_freelander +concept_automobilemaker_land_rover concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_land_rover concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_land_rover concept:hasofficeincountry concept_country_uk +concept_automobilemaker_land_rover concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_landrover concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_lexus concept:subpartoforganization concept_automobilemaker_toyota +concept_automobilemaker_lexus concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_lexus concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_lexus concept:hasofficeincountry concept_country_uk +concept_automobilemaker_lexus concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_jersey +concept_automobilemaker_lexus concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_lexus concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_lincoln_mkx +concept_automobilemaker_lincoln concept:producesproduct concept_automobilemodel_lincoln_mkx +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_lincoln_navigator +concept_automobilemaker_lincoln concept:producesproduct concept_automobilemodel_lincoln_navigator +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_mark_lt +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_motor_company +concept_automobilemaker_lincoln concept:producesproduct concept_automobilemodel_motor_company +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_navigator +concept_automobilemaker_lincoln concept:automakerproducesmodel concept_automobilemodel_town_car +concept_automobilemaker_lincoln concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_lincoln concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_links_jeep concept:producesproduct concept_automobilemodel_jeep +concept_automobilemaker_links_jeep concept:producesproduct concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_listing concept:agentcreated concept_automobilemodel_click +concept_automobilemaker_listing concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_listing concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_litigation concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_litigation concept:subpartoforganization concept_terroristorganization_state +concept_automobilemaker_lotus concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_lotus concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_mahindra concept:latitudelongitude 24.3833300000000,88.7166700000000 +concept_automobilemaker_mark_twain concept:agentcreated concept_musicalbum_tom_sawyer +concept_automobilemaker_mark_twain concept:agentcreated concept_personeurope_the_mysterious_stranger +concept_automobilemaker_maserati concept:automakerproducesmodel concept_automobilemodel_granturismo +concept_automobilemaker_maserati concept:automakerproducesmodel concept_automobilemodel_maserati_quattroporte +concept_automobilemaker_maserati concept:automobilemakerdealersincountry concept_country___america +concept_automobilemaker_maserati concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_maserati concept:hasofficeincountry concept_country_uk +concept_automobilemaker_maybach concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_mazda concept:automakerproducesmodel concept_automobilemodel_b_series +concept_automobilemaker_mazda concept:automakerproducesmodel concept_automobilemodel_mazda_cx_7 +concept_automobilemaker_mazda concept:automakerproducesmodel concept_automobilemodel_mazda_cx_9 +concept_automobilemaker_mazda concept:automakerproducesmodel concept_automobilemodel_protege +concept_automobilemaker_mazda concept:automakerproducesmodel concept_automobilemodel_tribute +concept_automobilemaker_mazda concept:automobilemakerdealersincountry concept_country___america +concept_automobilemaker_mazda concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_mazda concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_mazda concept:hasofficeincountry concept_country_uk +concept_automobilemaker_mazda concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_mazda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_mazda concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_mclaren concept:organizationterminatedperson concept_comedian_ron_dennis +concept_automobilemaker_mercedes concept:acquired concept_automobilemaker_chrysler +concept_automobilemaker_mercedes concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_mercedes concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_mercedes concept:automakerproducesmodel concept_vehicle_mercedes +concept_automobilemaker_mercedes_benz concept:automakerproducesmodel concept_automobilemodel_c_class +concept_automobilemaker_mercedes_benz concept:automakerproducesmodel concept_automobilemodel_e_class +concept_automobilemaker_mercedes_benz concept:hasofficeincountry concept_country_uk +concept_automobilemaker_mercedes_benz concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_mercosur concept:hasofficeincountry concept_country___america +concept_automobilemaker_mercury concept:automakerproducesmodel concept_automobilemodel_mercury_cougar +concept_automobilemaker_mercury concept:producesproduct concept_automobilemodel_mercury_mountaineer +concept_automobilemaker_mercury concept:automobilemakercardealersinstateorprovince concept_stateorprovince_arizona +concept_automobilemaker_mercury concept:producesproduct concept_vehicle_sable +concept_automobilemaker_mg concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_mg concept:hasofficeincountry concept_country_uk +concept_automobilemaker_minardi concept:agentcontrols concept_island_viso +concept_automobilemaker_mini concept:automakerproducesmodel concept_automobilemodel_mini_cooper +concept_automobilemaker_mini concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_mini concept:hasofficeincountry concept_country_uk +concept_automobilemaker_mini concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_mitsubishi concept:automakerproducesmodel concept_automobilemodel_colt +concept_automobilemaker_mitsubishi concept:automakerproducesmodel concept_automobilemodel_eclipse +concept_automobilemaker_mitsubishi concept:automakerproducesmodel concept_automobilemodel_mitsubishi_eclipse +concept_automobilemaker_mitsubishi concept:agentinvolvedwithitem concept_buildingfeature_eclipse +concept_automobilemaker_mitsubishi concept:hasofficeincountry concept_country___america +concept_automobilemaker_mitsubishi concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_mitsubishi concept:hasofficeincountry concept_country_uk +concept_automobilemaker_mitsubishi concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_mitsubishi concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_mitsubishi concept:automakerproducesmodel concept_visualizableobject_lancer +concept_automobilemaker_money concept:agentcollaborateswithagent concept_animal_federal_government +concept_automobilemaker_money concept:agentbelongstoorganization concept_bank_federal_reserve +concept_automobilemaker_money concept:subpartoforganization concept_company_u_s__government +concept_automobilemaker_money concept:subpartoforganization concept_country___america +concept_automobilemaker_money concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_central_bank +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_fed +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_federal_government +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_government +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_governments +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_nation +concept_automobilemaker_money concept:subpartoforganization concept_governmentorganization_us_government +concept_automobilemaker_money concept:subpartoforganization concept_nongovorganization_council +concept_automobilemaker_money concept:subpartoforganization concept_nongovorganization_legislature +concept_automobilemaker_money concept:subpartoforganization concept_terroristorganization_state +concept_automobilemaker_money concept:subpartoforganization concept_tradeunion_congress +concept_automobilemaker_money concept:subpartoforganization concept_winery_reserve +concept_automobilemaker_n2_0 concept:proxyfor concept_book_new +concept_automobilemaker_n2_0 concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_nafta concept:hasofficeincountry concept_country___america +concept_automobilemaker_navteq concept:subpartoforganization concept_city_nokia +concept_automobilemaker_ne concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_nec concept:hasofficeincity concept_city_princeton +concept_automobilemaker_nec concept:companyeconomicsector concept_economicsector_electronics +concept_automobilemaker_nissan concept:acquired concept_automobilemaker_infiniti +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_altima +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_altima +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_armada +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_honda_accord +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_maxima +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_n240sx +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_n300zx +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_navara +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_altima +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_nissan_altima +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_armada +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_frontier +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_maxima +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_nissan_maxima +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_murano +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_pathfinder +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_nissan_pathfinder +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_sentra +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_nissan_sentra +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_titan +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_versa +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_nissan_xterra +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_pathfinder +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_pathfinder +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_quest +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_sentra +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_teana +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_titan +concept_automobilemaker_nissan concept:automakerproducesmodel concept_automobilemodel_versa +concept_automobilemaker_nissan concept:producesproduct concept_automobilemodel_versa +concept_automobilemaker_nissan concept:organizationterminatedperson concept_ceo_carlos_ghosn +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_abilene +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_amarillo +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_arlington +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_atlanta_georgia +concept_automobilemaker_nissan concept:hasofficeincity concept_city_atlanta_georgia +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_austin +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_beaumont +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_birmingham +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_brownsville +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_chicago__illinois +concept_automobilemaker_nissan concept:hasofficeincity concept_city_chicago__illinois +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_colorado_springs__colorado +concept_automobilemaker_nissan concept:hasofficeincity concept_city_colorado_springs__colorado +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_garland +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_glendale_arizona +concept_automobilemaker_nissan concept:hasofficeincity concept_city_glendale_arizona +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_indianapolis +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_irving +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_killeen +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_laredo +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_little_rock_arkansas +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_lubbock +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_mesa_arizona +concept_automobilemaker_nissan concept:hasofficeincity concept_city_mesa_arizona +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_mesquite +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_midland +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_mission +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_new_orleans +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_odessa +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_pasadena +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_peoria_arizona +concept_automobilemaker_nissan concept:hasofficeincity concept_city_peoria_arizona +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_philadelphia +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_plano +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_sacramento_california +concept_automobilemaker_nissan concept:hasofficeincity concept_city_sacramento_california +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_san_antonio +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_san_jose_california +concept_automobilemaker_nissan concept:hasofficeincity concept_city_san_jose_california +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_spring +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_tyler +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_waco +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_city_york +concept_automobilemaker_nissan concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_nissan concept:automobilemakerdealersincountry concept_country_japan +concept_automobilemaker_nissan concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_nissan concept:hasofficeincountry concept_country_uk +concept_automobilemaker_nissan concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_nissan concept:hasofficeincountry concept_country_usa +concept_automobilemaker_nissan concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_nissan concept:automobilemakercardealersinstateorprovince concept_stateorprovince_maryland +concept_automobilemaker_nissan concept:automobilemakercardealersinstateorprovince concept_stateorprovince_new_york +concept_automobilemaker_nissan concept:automobilemakercardealersinstateorprovince concept_stateorprovince_ohio +concept_automobilemaker_nissan concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_nissan concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_nissan concept:agentcreated concept_visualartform_quest +concept_automobilemaker_nissan concept:automobilemakerdealersincity concept_visualizablescene_san_francisco__california +concept_automobilemaker_nissan concept:hasofficeincity concept_visualizablescene_san_francisco__california +concept_automobilemaker_nj concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_nummi concept:latitudelongitude 60.4587850000000,23.6009375000000 +concept_automobilemaker_occasion concept:proxyfor concept_book_new +concept_automobilemaker_occasion concept:atdate concept_dateliteral_n2005 +concept_automobilemaker_occasion concept:atdate concept_dateliteral_n2008 +concept_automobilemaker_occasion concept:atdate concept_year_n1995 +concept_automobilemaker_pagani concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_pagani concept:hasofficeincountry concept_country_uk +concept_automobilemaker_panhard concept:latitudelongitude -63.7166700000000,-58.2833300000000 +concept_automobilemaker_partners concept:organizationheadquarteredincountry concept_country_u_s_ +concept_automobilemaker_partners concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_partners concept:subpartoforganization concept_terroristorganization_state +concept_automobilemaker_parts_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_perodua concept:hasofficeincountry concept_country_uk +concept_automobilemaker_peugeot concept:hasofficeincountry concept_country_uk +concept_automobilemaker_photo concept:competeswith concept_company_flickr001 +concept_automobilemaker_pontiac concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_pontiac concept:producesproduct concept_software_firebird +concept_automobilemaker_pontiac concept:producesproduct concept_vehicle_grand_ville +concept_automobilemaker_porsche concept:automakerproducesmodel concept_automobilemodel_porsche_boxster +concept_automobilemaker_porsche concept:producesproduct concept_automobilemodel_porsche_boxster +concept_automobilemaker_porsche concept:automakerproducesmodel concept_automobilemodel_porsche_cayenne +concept_automobilemaker_porsche concept:producesproduct concept_automobilemodel_porsche_cayenne +concept_automobilemaker_porsche concept:organizationterminatedperson concept_ceo_wendelin_wiedeking +concept_automobilemaker_porsche concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_porsche concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_porsche concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_porsche concept:hasofficeincountry concept_country_uk +concept_automobilemaker_porsche concept:hasofficeincountry concept_country_uk__canada +concept_automobilemaker_premier concept:atdate concept_dateliteral_n2006 +concept_automobilemaker_premier concept:atdate concept_dateliteral_n2007 +concept_automobilemaker_premier concept:atdate concept_dateliteral_n2008 +concept_automobilemaker_products concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_professional concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_automobilemaker_professional concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_automobilemaker_profile_jeep concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_profile_jeff concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_profile_jeff concept:automakerproducesmodel concept_automobilemodel_jeep_cherokee +concept_automobilemaker_proton concept:hasofficeincountry concept_country_uk +concept_automobilemaker_races concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_races concept:agentparticipatedinevent concept_sportsgame_series_season +concept_automobilemaker_rally concept:mutualproxyfor concept_person_mugabe +concept_automobilemaker_ram concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_range_rover concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_renault concept:automakerproducesmodel concept_automobilemodel_kangoo +concept_automobilemaker_renault concept:producesproduct concept_automobilemodel_kangoo +concept_automobilemaker_renault concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_report concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_report concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_automobilemaker_report concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_request concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_request concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_automobilemaker_request concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_request concept:agentcreated concept_programminglanguage_email +concept_automobilemaker_request concept:agentcreated concept_transportation_fax +concept_automobilemaker_rolls_royce concept:companyeconomicsector concept_academicfield_engineering +concept_automobilemaker_rolls_royce concept:hasofficeincountry concept_country_uk +concept_automobilemaker_rolls_royce concept:companyeconomicsector concept_economicsector_aerospace +concept_automobilemaker_rover concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_rover concept:hasofficeincountry concept_country_uk +concept_automobilemaker_rules concept:subpartoforganization concept_professionalorganization_federal +concept_automobilemaker_rules concept:subpartoforganization concept_terroristorganization_state +concept_automobilemaker_saab concept:automobilemakerdealersincity concept_city_pittsburgh +concept_automobilemaker_saab concept:automobilemakerdealersincountry concept_country_sweden +concept_automobilemaker_saab concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_saab concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_saint_lucie concept:latitudelongitude 27.3061764814815,-80.3305953703704 +concept_automobilemaker_saint_lucie concept:atlocation concept_city_florida +concept_automobilemaker_sales concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_sales concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_sample_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_saturn concept:automakerproducesmodel concept_automobilemodel_saturn_astra +concept_automobilemaker_scion concept:producesproduct concept_automobilemodel_scion_xb +concept_automobilemaker_scion concept:automakerproducesmodel concept_automobilemodel_tc +concept_automobilemaker_scion concept:producesproduct concept_automobilemodel_xb +concept_automobilemaker_scion concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_search_result concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_search_result concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_seasons concept:organizationdissolvedatdate concept_date_spring +concept_automobilemaker_seasons concept:agentactsinlocation concept_lake_new +concept_automobilemaker_seasons concept:organizationdissolvedatdate concept_month_april +concept_automobilemaker_seasons concept:organizationdissolvedatdate concept_month_september +concept_automobilemaker_seasons concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_seasons concept:agentactsinlocation concept_website_south +concept_automobilemaker_shopping_cart concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_shopping_cart concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_shopping_cart concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_sitemap concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_skoda concept:automakerproducesmodel concept_automobilemodel_fabia +concept_automobilemaker_skoda concept:hasofficeincountry concept_country_uk +concept_automobilemaker_skoda_auto concept:agentinvolvedwithitem concept_automobilemodel_fabia +concept_automobilemaker_small concept:companyeconomicsector concept_economicsector_insurance +concept_automobilemaker_smart concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_smart concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_smart concept:hasofficeincountry concept_country_uk +concept_automobilemaker_smart concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_ssang_yong concept:latitudelongitude 36.8068650000000,127.1220150000000 +concept_automobilemaker_ssangyong concept:hasofficeincountry concept_country_uk +concept_automobilemaker_statement concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_statement concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_statement concept:agentcontrols concept_hotel_clarence +concept_automobilemaker_statement concept:organizationhiredperson concept_personeurope_clarence +concept_automobilemaker_statement concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_automobilemaker_strategies concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_forester +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_legacy +concept_automobilemaker_subaru concept:producesproduct concept_automobilemodel_legacy +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_subaru_forester +concept_automobilemaker_subaru concept:producesproduct concept_automobilemodel_subaru_forester +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_subaru_impreza +concept_automobilemaker_subaru concept:producesproduct concept_automobilemodel_subaru_impreza +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_subaru_legacy +concept_automobilemaker_subaru concept:producesproduct concept_automobilemodel_subaru_legacy +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_svx +concept_automobilemaker_subaru concept:automakerproducesmodel concept_automobilemodel_wrx +concept_automobilemaker_subaru concept:producesproduct concept_automobilemodel_wrx +concept_automobilemaker_subaru concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_subaru concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_subaru concept:hasofficeincountry concept_country_uk +concept_automobilemaker_subaru concept:hasofficeincountry concept_country_uk__canada +concept_automobilemaker_subaru concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_suzuki concept:automakerproducesmodel concept_automobilemodel_grand_vitara +concept_automobilemaker_suzuki concept:automobilemakerdealersincity concept_city_tucson +concept_automobilemaker_suzuki concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_suzuki concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_suzuki concept:automobilemakercardealersinstateorprovince concept_stateorprovince_michigan +concept_automobilemaker_suzuki concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_swedish concept:organizationheadquarteredincity concept_city_stockholm +concept_automobilemaker_t_mobile_usa concept:subpartoforganization concept_bank_deutsche_telekom_ag +concept_automobilemaker_t_mobile_usa concept:subpartoforganization concept_company_deutsche_telekom +concept_automobilemaker_tata concept:acquired concept_bank_corus +concept_automobilemaker_tata concept:organizationterminatedperson concept_ceo_b_muthuraman +concept_automobilemaker_tata concept:organizationterminatedperson concept_ceo_ratan_tata +concept_automobilemaker_tata_motors concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_tech concept:organizationhiredperson concept_coach_frank_beamer +concept_automobilemaker_tech concept:organizationhiredperson concept_coach_mike_leach +concept_automobilemaker_tech concept:organizationhiredperson concept_person_knight +concept_automobilemaker_tech concept:organizationhiredperson concept_person_pat_knight +concept_automobilemaker_tech concept:organizationhiredperson concept_politician_leach +concept_automobilemaker_template_design concept:automakerproducesmodel concept_automobilemodel_jeep +concept_automobilemaker_template_design concept:automakerproducesmodel concept_automobilemodel_jeep_grand_cherokee +concept_automobilemaker_tesla concept:organizationterminatedperson concept_person_elon_musk +concept_automobilemaker_test concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_tips concept:agentcreated concept_programminglanguage_contact +concept_automobilemaker_top concept:agentcompeteswithagent concept_personcanada_search +concept_automobilemaker_tour concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_tour concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_toyota concept:agentcreated concept_automobilemaker_avensis +concept_automobilemaker_toyota concept:acquired concept_automobilemaker_daihatsu +concept_automobilemaker_toyota concept:acquired concept_automobilemaker_hino +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_avalon +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_camry +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_camry +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_celica +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_corolla +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_corolla +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_cressida +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_echo +concept_automobilemaker_toyota concept:agentinvolvedwithitem concept_automobilemodel_ford_focus +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_highlander +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_highlander_hybrid +concept_automobilemaker_toyota concept:agentinvolvedwithitem concept_automobilemodel_honda_accord +concept_automobilemaker_toyota concept:agentinvolvedwithitem concept_automobilemodel_honda_civic +concept_automobilemaker_toyota concept:agentinvolvedwithitem concept_automobilemodel_honda_fit +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_land_cruiser +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_paseo +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_prius +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_prius +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_sequoia +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_supra +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_supra +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_avalon +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_camry +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_camry +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_corolla +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_corolla +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_highlander +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_highlander +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_highlander_hybrid +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_highlander_hybrid +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_matrix +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_matrix +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_prius +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_prius +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_sienna +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_sienna +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_tacoma +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_tacoma +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_toyota_tundra +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_tundra +concept_automobilemaker_toyota concept:producesproduct concept_automobilemodel_toyota_yaris +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_tundra +concept_automobilemaker_toyota concept:automakerproducesmodel concept_automobilemodel_yaris +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_chicago +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_dallas +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_denver +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_houston +concept_automobilemaker_toyota concept:hasofficeincity concept_city_new_york +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_portland +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_sacramento +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_san_diego +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_seattle +concept_automobilemaker_toyota concept:hasofficeincity concept_city_torrance +concept_automobilemaker_toyota concept:automobilemakerdealersincity concept_city_tucson +concept_automobilemaker_toyota concept:competeswith concept_company_general_motors001 +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_australia +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_toyota concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_malaysia +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_south_africa +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_toyota concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_toyota concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_toyota concept:companyeconomicsector concept_economicsector_automobile +concept_automobilemaker_toyota concept:companyeconomicsector concept_economicsector_automotive +concept_automobilemaker_toyota concept:agentcreated concept_movie_matrix +concept_automobilemaker_toyota concept:organizationterminatedperson concept_person_katsuaki_watanabe +concept_automobilemaker_toyota concept:agentcreated concept_product_yaris +concept_automobilemaker_toyota concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_california +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_indiana +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_kentucky +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_pennsylvania +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_toyota concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_toyota concept:automakerproducesmodel concept_vehicle_avensis +concept_automobilemaker_toyota_camry concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_toyota_fj concept:automakerproducesmodel concept_automobilemodel_echo +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemaker_avensis +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_celica +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_cressida +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_highlander_hybrid +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_land_cruiser +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_paseo +concept_automobilemaker_toyota_motor concept:agentinvolvedwithitem concept_automobilemodel_prius +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_sequoia +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_avalon +concept_automobilemaker_toyota_motor concept:agentinvolvedwithitem concept_automobilemodel_toyota_corolla +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_highlander +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_highlander_hybrid +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_matrix +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_sienna +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_tacoma +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_tundra +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_toyota_yaris +concept_automobilemaker_toyota_motor concept:agentcreated concept_automobilemodel_tundra +concept_automobilemaker_toyota_motor concept:agentcreated concept_comedian_highlander +concept_automobilemaker_toyota_motor concept:agentcreated concept_company_supra +concept_automobilemaker_toyota_motor concept:agentcreated concept_musicinstrument_avalon +concept_automobilemaker_toyota_motor concept:mutualproxyfor concept_person_katsuaki_watanabe +concept_automobilemaker_toyota_motor concept:organizationterminatedperson concept_person_katsuaki_watanabe +concept_automobilemaker_toyota_motor concept:agentcreated concept_product_yaris +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemaker_avensis +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_celica +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_cressida +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_highlander_hybrid +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_land_cruiser +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_paseo +concept_automobilemaker_toyota_motor_corporation concept:agentinvolvedwithitem concept_automobilemodel_prius +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_sequoia +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_avalon +concept_automobilemaker_toyota_motor_corporation concept:agentinvolvedwithitem concept_automobilemodel_toyota_corolla +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_highlander +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_highlander_hybrid +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_matrix +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_sienna +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_tacoma +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_tundra +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_toyota_yaris +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_automobilemodel_tundra +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_comedian_highlander +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_company_supra +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_musicinstrument_avalon +concept_automobilemaker_toyota_motor_corporation concept:mutualproxyfor concept_person_katsuaki_watanabe +concept_automobilemaker_toyota_motor_corporation concept:organizationterminatedperson concept_person_katsuaki_watanabe +concept_automobilemaker_toyota_motor_corporation concept:agentcreated concept_product_yaris +concept_automobilemaker_transport concept:agentparticipatedinevent concept_eventoutcome_result +concept_automobilemaker_tri_ang concept:latitudelongitude 0.9333300000000,110.7000000000000 +concept_automobilemaker_triumph concept:proxyfor concept_book_new +concept_automobilemaker_tvr concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_two_man concept:latitudelongitude 48.0109000000000,-124.7013300000000 +concept_automobilemaker_u_s__market concept:atdate concept_dateliteral_n2006 +concept_automobilemaker_vauxhall concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_vauxhall concept:hasofficeincountry concept_country_uk +concept_automobilemaker_vauxhall concept:producesproduct concept_vehicle_zafira +concept_automobilemaker_victory concept:proxyfor concept_book_new +concept_automobilemaker_victory concept:atdate concept_date_n1996 +concept_automobilemaker_victory concept:atdate concept_date_n2000 +concept_automobilemaker_victory concept:atdate concept_date_n2001 +concept_automobilemaker_victory concept:atdate concept_date_n2003 +concept_automobilemaker_victory concept:atdate concept_date_n2004 +concept_automobilemaker_victory concept:atdate concept_dateliteral_n2002 +concept_automobilemaker_victory concept:atdate concept_dateliteral_n2005 +concept_automobilemaker_victory concept:atdate concept_dateliteral_n2006 +concept_automobilemaker_victory concept:atdate concept_dateliteral_n2007 +concept_automobilemaker_victory concept:atdate concept_dateliteral_n2008 +concept_automobilemaker_victory concept:agentparticipatedinevent concept_sportsgame_series +concept_automobilemaker_victory concept:agentparticipatedinevent concept_sportsgame_series_race +concept_automobilemaker_video concept:agentinvolvedwithitem concept_buildingfeature_home +concept_automobilemaker_video concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_video concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_automobilemaker_video concept:competeswith concept_company_yahoo001 +concept_automobilemaker_video concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_automobilemaker_video concept:agentinvolvedwithitem concept_videogame_real +concept_automobilemaker_video concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_automobilemaker_view concept:subpartoforganization concept_blog_form +concept_automobilemaker_view concept:competeswith concept_blog_google +concept_automobilemaker_view concept:agentinvolvedwithitem concept_buildingfeature_window +concept_automobilemaker_view concept:subpartoforganization concept_company_adobe +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_automobilemodel_beetle +concept_automobilemaker_volkswagen concept:producesproduct concept_automobilemodel_beetle +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_automobilemodel_passat +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_automobilemodel_tiguan +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_automobilemodel_volkswagen_golf +concept_automobilemaker_volkswagen concept:producesproduct concept_automobilemodel_volkswagen_golf +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_automobilemodel_volkswagen_passat +concept_automobilemaker_volkswagen concept:organizationterminatedperson concept_ceo_ferdinand_piech +concept_automobilemaker_volkswagen concept:organizationterminatedperson concept_ceo_martin_winterkorn +concept_automobilemaker_volkswagen concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_volkswagen concept:automobilemakerdealersincountry concept_country_germany +concept_automobilemaker_volkswagen concept:hasofficeincountry concept_country_germany +concept_automobilemaker_volkswagen concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_volkswagen concept:hasofficeincountry concept_country_uk +concept_automobilemaker_volkswagen concept:companyeconomicsector concept_economicsector_auto +concept_automobilemaker_volkswagen concept:companyeconomicsector concept_economicsector_automobile +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_product_jetta +concept_automobilemaker_volkswagen concept:automakerproducesmodel concept_product_touareg +concept_automobilemaker_volkswagen concept:automobilemakercardealersinstateorprovince concept_stateorprovince_texas +concept_automobilemaker_volkswagen concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_volkswagen concept:automobilemakercardealersinstateorprovince concept_stateorprovince_wisconsin +concept_automobilemaker_volkswagen_group concept:acquired concept_automobilemaker_bentley +concept_automobilemaker_volkswagen_of_america concept:agentcreated concept_automobilemodel_tiguan +concept_automobilemaker_volkswagen_of_america concept:agentcreated concept_automobilemodel_volkswagen_golf +concept_automobilemaker_volkswagen_of_america concept:agentcreated concept_automobilemodel_volkswagen_passat +concept_automobilemaker_volkswagen_of_america concept:hasofficeincity concept_city_auburn_hills +concept_automobilemaker_volkswagen_of_america concept:agentcreated concept_product_touareg +concept_automobilemaker_volvo concept:automakerproducesmodel concept_automobilemodel_s70 +concept_automobilemaker_volvo concept:organizationterminatedperson concept_ceo_leif_johansson +concept_automobilemaker_volvo concept:automobilemakerdealersincountry concept_country___america +concept_automobilemaker_volvo concept:automobilemakerdealersincountry concept_country_canada_canada +concept_automobilemaker_volvo concept:hasofficeincountry concept_country_canada_canada +concept_automobilemaker_volvo concept:hasofficeincountry concept_country_uk +concept_automobilemaker_volvo concept:hasofficeincountry concept_country_uk__canada +concept_automobilemaker_volvo concept:automobilemakerdealersincountry concept_country_usa +concept_automobilemaker_volvo concept:automobilemakercardealersinstateorprovince concept_stateorprovince_virginia +concept_automobilemaker_vw concept:automakerproducesmodel concept_automobilemodel_passat +concept_automobilemaker_vw concept:automobilemakerdealersincountry concept_country_uk +concept_automobilemaker_vw concept:automakerproducesmodel concept_product_jetta +concept_automobilemaker_westfield concept:mutualproxyfor concept_radiostation_new_jersey +concept_automobilemaker_wolo concept:subpartoforganization concept_city_abc +concept_automobilemodel_club concept:objectpartofobject concept_sportsequipment_wheel +concept_automobilemodel_cougar concept:specializationof concept_vehicle_animals +concept_automobilemodel_edge concept:objectfoundinscene concept_city_volcano +concept_automobilemodel_edge concept:objectfoundinscene concept_landscapefeatures_valley +concept_automobilemodel_first_light concept:atdate concept_date_n1996 +concept_automobilemodel_first_light concept:atdate concept_date_n2003 +concept_automobilemodel_focus concept:objectfoundinscene concept_visualizablescene_observatory +concept_automobilemodel_front_seat concept:objectpartofobject concept_sportsequipment_wheel +concept_automobilemodel_gateway concept:objectfoundinscene concept_landscapefeatures_valley +concept_automobilemodel_ignition_switch concept:objectpartofobject concept_beverage_column +concept_automobilemodel_jim concept:atdate concept_dateliteral_n2005 +concept_automobilemodel_jim concept:objectpartofobject concept_sportsequipment_wheel +concept_automobilemodel_major_focus concept:proxyfor concept_lake_new +concept_automobilemodel_marquette concept:proxyfor concept_creditunion_michigan +concept_automobilemodel_marquette concept:subpartof concept_creditunion_michigan +concept_automobilemodel_pilot concept:objectpartofobject concept_sportsequipment_wheel +concept_automobilemodel_primary_focus concept:proxyfor concept_lake_new +concept_automobilemodel_same_year concept:proxyfor concept_book_new +concept_automobilemodel_seville concept:proxyfor concept_beverage_andalusia +concept_automobilemodel_space concept:objectpartofobject concept_sportsequipment_wheel +concept_automobilemodel_spectra concept:objectfoundinscene concept_visualizablescene_observatory +concept_automobilemodel_squad concept:atdate concept_date_n2001 +concept_automobilemodel_squad concept:atdate concept_dateliteral_n2005 +concept_automobilemodel_squad concept:atdate concept_dateliteral_n2007 +concept_automobilemodel_squad concept:atdate concept_dateliteral_n2008 +concept_automobilemodel_svx concept:latitudelongitude 56.7431100000000,60.8027300000000 +concept_automobilemodel_swap concept:synonymfor concept_website_add +concept_automobilemodel_testing concept:atdate concept_date_n2001 +concept_automobilemodel_testing concept:atdate concept_date_n2003 +concept_automobilemodel_testing concept:atdate concept_date_n2004 +concept_automobilemodel_testing concept:atdate concept_dateliteral_n2005 +concept_automobilemodel_testing concept:atdate concept_dateliteral_n2006 +concept_automobilemodel_testing concept:atdate concept_dateliteral_n2007 +concept_automobilemodel_testing concept:atdate concept_dateliteral_n2008 +concept_automobilemodel_testing concept:subpartof concept_weatherphenomenon_air +concept_automobilemodel_testing concept:subpartof concept_weatherphenomenon_water +concept_automobilemodel_white_horse concept:proxyfor concept_radiostation_new_jersey +concept_awardtrophytournament__243 concept:latitudelongitude 51.2500000000000,-102.2509400000000 +concept_awardtrophytournament__281 concept:latitudelongitude 51.5000700000000,-105.5011800000000 +concept_awardtrophytournament_ac_milan concept:subpartof concept_sportsleague_uefa +concept_awardtrophytournament_accolades concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_affiliations concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_american_league_pennant concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_assistantships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_australian_open concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_tennis +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_golf +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_name +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_stories +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_theatre +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_volleyball +concept_awardtrophytournament_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_wrestling +concept_awardtrophytournament_beijing_olympic concept:latitudelongitude 39.9914200000000,116.3900500000000 +concept_awardtrophytournament_bonuses concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_boston_celtics concept:atlocation concept_city_boston +concept_awardtrophytournament_bursaries concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_cash_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_cross_country +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_diving +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_golf +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_hockey +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_indoor_track +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_lacrosse +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_rowing +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_soccer +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_softball +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_swimming +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_tennis +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_volleyball +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_womens_lacrosse +concept_awardtrophytournament_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_wrestling +concept_awardtrophytournament_concacaf_gold_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_diplomas concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_double_points concept:latitudelongitude 30.0413100000000,-85.1296400000000 +concept_awardtrophytournament_fellowships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_fifa_world_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_final concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_final_four concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_french_open concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_tennis +concept_awardtrophytournament_gator_bowl concept:latitudelongitude 30.3241300000000,-81.6370400000000 +concept_awardtrophytournament_gold_medals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_grand_slam concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_tennis +concept_awardtrophytournament_grants concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_grants concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_group_one concept:latitudelongitude 38.2913900000000,-105.3208300000000 +concept_awardtrophytournament_homerun concept:latitudelongitude -71.6666700000000,166.5833300000000 +concept_awardtrophytournament_honduras concept:mutualproxyfor concept_airport_tegucigalpa +concept_awardtrophytournament_hungary concept:synonymfor concept_politicalparty_republic +concept_awardtrophytournament_los_angeles_lakers concept:atlocation concept_city_boston +concept_awardtrophytournament_major_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_medals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_medals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_gymnastics +concept_awardtrophytournament_medals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_memberships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_mvp concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_mvp concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_n2_0_lead concept:proxyfor concept_book_new +concept_awardtrophytournament_n38_21 concept:latitudelongitude 32.8551300000000,-90.3784200000000 +concept_awardtrophytournament_national_title concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_national_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_nba_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_nba_finals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_ncaa_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_ncaa_tournament concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_nfl_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_numerous_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_numerous_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_stories +concept_awardtrophytournament_numerous_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_prestigious_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_golf +concept_awardtrophytournament_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_prizes concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_stories +concept_awardtrophytournament_rebates concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_rose_bowl concept:proxyfor concept_book_new +concept_awardtrophytournament_rose_bowl concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_rose_bowl concept:atdate concept_year_n1965 +concept_awardtrophytournament_rose_bowl concept:atdate concept_year_n1988 +concept_awardtrophytournament_scholarships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_scholarships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_semifinals concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_several_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_shows +concept_awardtrophytournament_slovenia concept:synonymfor concept_politicalparty_republic +concept_awardtrophytournament_stanley_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_hockey +concept_awardtrophytournament_state_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_state_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_state_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_state_championship concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_soccer +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_cross_country +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_soccer +concept_awardtrophytournament_state_championships concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_volleyball +concept_awardtrophytournament_state_open concept:latitudelongitude 42.0129000000000,-73.9452000000000 +concept_awardtrophytournament_states concept:atlocation concept_city_florida +concept_awardtrophytournament_stipends concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_subsidies concept:subpartof concept_weatherphenomenon_water +concept_awardtrophytournament_super_bowl concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_super_bowl_xxvii concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_american_football +concept_awardtrophytournament_superbowl concept:latitudelongitude 45.1572200000000,-84.9297200000000 +concept_awardtrophytournament_superbowl concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_swiss concept:atlocation concept_city_lausanne +concept_awardtrophytournament_swiss concept:atlocation concept_city_zurich +concept_awardtrophytournament_teaching_awards concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_basketball +concept_awardtrophytournament_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_titles concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_track +concept_awardtrophytournament_ukraine concept:synonymfor concept_politicalparty_republic +concept_awardtrophytournament_wimbledon concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_tennis +concept_awardtrophytournament_winnings concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_addition +concept_awardtrophytournament_women concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_soccer +concept_awardtrophytournament_women concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_sports +concept_awardtrophytournament_world_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_football +concept_awardtrophytournament_world_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_rugby +concept_awardtrophytournament_world_cup concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_soccer +concept_awardtrophytournament_world_series concept:atdate concept_date_n1993 +concept_awardtrophytournament_world_series concept:atdate concept_dateliteral_n1980 +concept_awardtrophytournament_world_series concept:awardtrophytournamentisthechampionshipgameofthenationalsport concept_sport_baseball +concept_awardtrophytournament_world_series concept:atdate concept_year_n1986 +concept_awardtrophytournament_world_tour concept:atdate concept_dateliteral_n2008 +concept_bacteria_acinetobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_acinetobacter_baumannii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_acinetobacter_baumannii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_actinomyces_israelii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_actinomycosis +concept_bacteria_adrs concept:latitudelongitude 33.0200000000000,68.2800000000000 +concept_bacteria_androsace concept:latitudelongitude 49.2834100000000,-86.6499400000000 +concept_bacteria_anisakis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_anisakiasis +concept_bacteria_ascaris_lumbricoides concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ascariasis +concept_bacteria_aspergillus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_aspergillosis +concept_bacteria_b__burgdorferi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_lyme_disease +concept_bacteria_babesia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_babesia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_bacillus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_anthrax +concept_bacteria_bacillus_anthracis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_acute_infectious_disease +concept_bacteria_bacillus_anthracis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_anthrax +concept_bacteria_bacillus_anthracis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_bacillus_anthracis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infectious_disease +concept_bacteria_bacillus_cereus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_bacterial concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_bacterial concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_inflammation +concept_bacteria_bacterial concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_balamuthia_mandrillaris concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_primary_amoebic_meningoencephalitis +concept_bacteria_balantidium_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_balantidiasis +concept_bacteria_bartonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_bacteremia +concept_bacteria_bartonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_bartonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_bartonella_henselae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cat_scratch_disease +concept_bacteria_bartonella_henselae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cat_scratch_fever +concept_bacteria_bartonella_henselae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_bartonella_quintana concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_trench_fever +concept_bacteria_blastomyces concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_blastomyces_dermatitidis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_blastomycosis +concept_bacteria_bordetella_bronchiseptica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_cough +concept_bacteria_bordetella_parapertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pertussis +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_respiratory_disease +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_respiratory_infection +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_cough +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pertussis +concept_bacteria_bordetella_pertussis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_whooping_cough +concept_bacteria_borrelia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_lyme_disease +concept_bacteria_borrelia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_borrelia_burgdorferi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_lyme_disease +concept_bacteria_borrelia_burgdorferi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_borrelia_burgdorferi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_lyme +concept_bacteria_borrelia_recurrentis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_relapsing_fever +concept_bacteria_brucella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_brucellosis +concept_bacteria_brucella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_brucella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_brucella_abortus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_brucellosis +concept_bacteria_burkholderia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_glanders +concept_bacteria_burkholderia_mallei concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_glanders +concept_bacteria_burkholderia_pseudomallei concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_melioidosis +concept_bacteria_burkholderia_pseudomallei concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastroenteritis +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_campylobacter +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_campylobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_campylobacter_jejuni concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_campylobacter_jejuni concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_campylobacteriosis +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_candida +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_candidiasis +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_condition +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diet +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_fungemia +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_growth +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_problems +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_symptoms +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_thrush +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_fungi +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_candida concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_yeast_infections +concept_bacteria_candida_albicans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_candidiasis +concept_bacteria_candida_albicans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_candida_albicans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chlamydia +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_tests +concept_bacteria_chlamydia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chlamydia_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_chlamydia_psittaci concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_psittacosis +concept_bacteria_chlamydia_psittaci concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chlamydia_trachomatis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chlamydia +concept_bacteria_chlamydia_trachomatis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_trachoma +concept_bacteria_chlamydia_trachomatis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_chlamydia_infection +concept_bacteria_chlamydia_trachomatis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chlamydophila concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chlamydophila_psittaci concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_psittacosis +concept_bacteria_chronic concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_chronic concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_chronic_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_chronic_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_clonorchis_sinensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_clonorchiasis +concept_bacteria_clostridium_botulinum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_botulism +concept_bacteria_clostridium_botulinum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_clostridium_difficile concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pseudomembranous_colitis +concept_bacteria_clostridium_perfringens concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gas_gangrene +concept_bacteria_clostridium_tetani concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tetanus +concept_bacteria_clostridium_tetani concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_coccidioides_immitis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_coccidioidomycosis +concept_bacteria_corynebacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_corynebacterium_diphtheriae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diphtheria +concept_bacteria_corynebacterium_diphtheriae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_corynebacterium_diphtheriae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infectious_disease +concept_bacteria_corynebacterium_minutissimum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_erythrasma +concept_bacteria_coxiella_burnetii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_q_fever +concept_bacteria_coxiella_burnetii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_cryptococcus_neoformans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cryptococcosis +concept_bacteria_cryptococcus_neoformans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_cryptosporidium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cryptosporidiosis +concept_bacteria_cryptosporidium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_cyclospora_cayetanensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cyclosporiasis +concept_bacteria_daec concept:latitudelongitude 42.1019400000000,-91.7771200000000 +concept_bacteria_dracunculus_medinensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_dracunculiasis +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diarrhea +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_hemolytic_uremic_syndrome +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illnesses +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_poisoning +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_e__coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_urinary_tract_infections +concept_bacteria_e_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_e_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_echinococcus_multilocularis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_echinococcosis +concept_bacteria_ehrlichia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ehrlichiosis +concept_bacteria_ehrlichia_chaffeensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ehrlichiosis +concept_bacteria_ehrlichia_chaffeensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_human_monocytic_ehrlichiosis +concept_bacteria_encephalitozoon_intestinalis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_microsporidiosis +concept_bacteria_endothelial_cells concept:bodypartcontainsbodypart concept_artery_vessel_walls +concept_bacteria_endothelial_cells concept:bodypartcontainsbodypart concept_artery_vessels +concept_bacteria_entamoeba_histolytica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_amebiasis +concept_bacteria_entamoeba_histolytica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_liver_abscess +concept_bacteria_entamoeba_histolytica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_dysentery +concept_bacteria_enterococcus_faecalis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_urinary_tract_infection +concept_bacteria_epstein_barr_virus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_nasopharyngeal_carcinoma +concept_bacteria_erwinia_amylovora concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_fire_blight +concept_bacteria_escherichia_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_acute_pyelonephritis +concept_bacteria_escherichia_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diarrhea +concept_bacteria_escherichia_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_escherichia_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_escherichia_coli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_urinary_tract_infections +concept_bacteria_ethanol_production concept:atdate concept_dateliteral_n2006 +concept_bacteria_fasciolopsis_buski concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_fasciolopsiasis +concept_bacteria_flaws concept:latitudelongitude 46.3869800000000,-69.9231300000000 +concept_bacteria_flexneri concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_shigellosis +concept_bacteria_francisella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tularemia +concept_bacteria_francisella_tularensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tularemia +concept_bacteria_fungal concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_fungal concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_gbs concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_giardia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diarrhea +concept_bacteria_giardia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_giardia_intestinalis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_giardiasis +concept_bacteria_giardia_lamblia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_giardiasis +concept_bacteria_gram_negative_bacteria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_h__ducreyi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chancroid +concept_bacteria_h__pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_stomach_ulcers +concept_bacteria_h__pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcer +concept_bacteria_h__pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcers +concept_bacteria_h__pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_haemophilus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_haemophilus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_haemophilus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_haemophilus_ducreyi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chancroid +concept_bacteria_haemophilus_influenzae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cancer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_dyspepsia +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastric_cancer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastritis +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastroesophageal_reflux_disease +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_inflammation +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_non_ulcer_dyspepsia +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_peptic_ulcer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_peptic_ulcer_disease +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_stomach_cancer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcer_disease +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcers +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_development +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_duodenal_ulcer +concept_bacteria_helicobacter concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_helicobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastritis +concept_bacteria_helicobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_peptic_ulcer +concept_bacteria_helicobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_stomach_ulcers +concept_bacteria_helicobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_ulcers +concept_bacteria_helicobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_heliobacter_pylori concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_hemophilus_influenzae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningitis +concept_bacteria_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_hepatitis_b concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_hepatitis_b_ concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_hepatitis_c concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_hepatitis_c concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_hepatitis_c concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_hev concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_hepatitis_e +concept_bacteria_histoplasma_capsulatum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_histoplasmosis +concept_bacteria_histoplasma_capsulatum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_hiv_1 concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_aids +concept_bacteria_hiv_1 concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_hsv concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_herpes_simplex +concept_bacteria_isospora_belli concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_isosporiasis +concept_bacteria_klebsiella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rhinoscleroma +concept_bacteria_klebsiella_granulomatis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_granuloma_inguinale +concept_bacteria_klebsiella_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rhinoscleroma +concept_bacteria_l_ concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_growth +concept_bacteria_l_ concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_l_ concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_l_ concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_lactobacillus_acidophilus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cavities +concept_bacteria_legionella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_legionella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_legionella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_legionnaires +concept_bacteria_legionella_longbeachae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_legionellosis +concept_bacteria_legionella_pneumophila concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_legionella_pneumophila concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_legionella_pneumophila concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_leishmania concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_leishmania concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_leptospira concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_leptospira_interrogans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_leptospirosis +concept_bacteria_listeria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_listeria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_listeria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_listeriosis +concept_bacteria_listeria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_listeria_monocytogenes concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_listeriosis +concept_bacteria_listeria_monocytogenes concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_m__tuberculosis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tuberculosis +concept_bacteria_m__ulcerans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_buruli_ulcer +concept_bacteria_meningococcal concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_methicillin_resistant_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_hospitals +concept_bacteria_methicillin_resistant_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_methicillin_resistant_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_methicillin_resistant_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mrsa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_mrsa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_mrsa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_skin_infections +concept_bacteria_mrsa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mrsa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_skin +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_growth +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_mycobacterium_tuberculosis +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_osteomyelitis +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tuberculosis +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_culture +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_complex +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_lung_disease +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_mycobacterium +concept_bacteria_mycobacterium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_mycobacterium_avium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mycobacterium_bovis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tuberculosis +concept_bacteria_mycobacterium_leprae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infectious_disease +concept_bacteria_mycobacterium_leprae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_leprosy +concept_bacteria_mycobacterium_marinum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mycobacterium_tuberculosis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tb +concept_bacteria_mycobacterium_tuberculosis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tuberculosis +concept_bacteria_mycobacterium_tuberculosis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mycobacterium_tuberculosis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infectious_disease +concept_bacteria_mycobacterium_ulcerans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_buruli_ulcer +concept_bacteria_mycoplasma concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_mycoplasma concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_mycoplasma concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_mycoplasma concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_mycoplasma +concept_bacteria_mycoplasma_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_mycoplasma_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_myelin_sheath concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bacteria_myelin_sheath concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bacteria_naegleria_fowleri concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_primary_amoebic_meningoencephalitis +concept_bacteria_neisseria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningitis +concept_bacteria_neisseria concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_neisseria_gonorrhoeae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gonorrhea +concept_bacteria_neisseria_meningitidis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningitis +concept_bacteria_neisseria_meningitidis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningococcal_disease +concept_bacteria_neisseria_meningitidis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_nocardia_brasiliensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_nocardiosis +concept_bacteria_orientia_tsutsugamushi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_scrub_typhus +concept_bacteria_p__aeruginosa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_p__falciparum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_malaria +concept_bacteria_paracoccidioides_brasiliensis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_paracoccidioidomycosis +concept_bacteria_parasite_toxoplasma_gondii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_toxoplasmosis +concept_bacteria_parasite_trypanosoma_cruzi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chagas_disease +concept_bacteria_pasteurella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_phentermine_side_effects concept:drughassideeffect concept_disease_side_effects +concept_bacteria_pids concept:latitudelongitude 2.1500000000000,-63.8833300000000 +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cases +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_malaria +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_parasitemia +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_transmission +concept_bacteria_plasmodium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_plasmodium_falciparum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_malaria +concept_bacteria_plasmodium_vivax concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_malaria +concept_bacteria_pneumocystis_carinii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_propionibacterium_acnes concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_acne +concept_bacteria_propionibacterium_acnes concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_skin +concept_bacteria_pseudomonas concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_pseudomonas concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_pseudomonas_aeruginosa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_pseudomonas_aeruginosa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pseudomonas_infection +concept_bacteria_pseudomonas_aeruginosa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_tract_infection +concept_bacteria_pseudomonas_aeruginosa concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_rhinosporidium_seeberi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_rhinosporidiosis +concept_bacteria_rickettsia concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_typhus +concept_bacteria_rickettsia_akari concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rickettsialpox +concept_bacteria_rickettsia_australis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_queensland_tick_typhus +concept_bacteria_rickettsia_conorii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_boutonneuse_fever +concept_bacteria_rickettsia_prowazekii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_epidemic_typhus +concept_bacteria_rickettsia_prowazekii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_typhus +concept_bacteria_rickettsia_rickettsii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_fever +concept_bacteria_rickettsia_rickettsii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rocky_mountain_spotted_fever +concept_bacteria_rickettsia_rickettsii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_rickettsia_typhi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_murine_typhus +concept_bacteria_s__aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_s__aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_staphylococcal_scalded_skin_syndrome +concept_bacteria_s__aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_s__enterica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_s__pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pneumococcal_infection +concept_bacteria_s__pyogenes concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_scarlet_fever +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_bacteremia +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cases +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diarrhea +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_e__coli +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_enteritis +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_fever +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_foodborne_illness +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_gastroenteritis +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_growth +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_headache +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illnesses +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningitis +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_nausea +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_salmonella +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_salmonellosis +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_typhoid_fever +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_symptoms +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_var +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_shigella +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_salmonella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_vaccines +concept_bacteria_salmonella_enterica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_typhoid_fever +concept_bacteria_salmonella_enterica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_salmonella_serotype concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_salmonella_typhi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_salmonella_typhi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_typhoid_fever +concept_bacteria_salmonella_typhi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_salmonella_typhimurium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_food_poisoning +concept_bacteria_sarcoptes_scabiei concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_scabies +concept_bacteria_sars_coronavirus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_severe_acute_respiratory_syndrome +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diarrhea +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_dysentery +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_shigella concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_shigella_dysenteriae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_dysentery +concept_bacteria_side_effects concept:drughassideeffect concept_disease_side_effects +concept_bacteria_smooth_muscle_cells concept:bodypartcontainsbodypart concept_artery_vessels +concept_bacteria_snv concept:latitudelongitude 4.5547200000000,-61.1449200000000 +concept_bacteria_spirillum_minus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rat_bite_fever +concept_bacteria_staph concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_staph concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_staph concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_skin +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_blood +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_endocarditis +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_hospitals +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_patient +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_skin_infections +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_skin +concept_bacteria_staphylococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_mastitis +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_toxic_shock_syndrome +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_impetigo +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pathogens +concept_bacteria_staphylococcus_aureus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_skin +concept_bacteria_strep concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_streptobacillus_moniliformis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_rat_bite_fever +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_mastitis +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_meningitis +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_strep_throat +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_strain +concept_bacteria_streptococcus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_streptococcus +concept_bacteria_streptococcus_mutans concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cavities +concept_bacteria_streptococcus_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_pneumonia +concept_bacteria_streptococcus_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_streptococcus_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pneumococcal_disease +concept_bacteria_streptococcus_pneumoniae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_pneumococcal_infection +concept_bacteria_strongyloides_stercoralis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_strongyloidiasis +concept_bacteria_symptoms concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bacteria_taenia_solium concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cysticercosis +concept_bacteria_tnc concept:latitudelongitude 65.5630600000000,-167.9213900000000 +concept_bacteria_toxoplasma_gondii concept:bacteriaisthecausativeagentofphysiologicalcondition concept_nondiseasecondition_toxoplasmosis +concept_bacteria_treponema_pallidum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_syphilis +concept_bacteria_treponema_pallidum concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_treponema_pertenue concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_yaws +concept_bacteria_trichinella_spiralis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_trichinellosis +concept_bacteria_trichinella_spiralis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_trichinosis +concept_bacteria_trichomonas_vaginalis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_trichomoniasis +concept_bacteria_trypanosoma_cruzi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chagas +concept_bacteria_trypanosoma_cruzi concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_chagas_disease +concept_bacteria_twar concept:latitudelongitude 25.2672850000000,55.3709650000000 +concept_bacteria_vapa concept:latitudelongitude 43.1284375000000,20.1579850000000 +concept_bacteria_variola_virus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_smallpox +concept_bacteria_vibrio concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cholera +concept_bacteria_vibrio concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_vibrio concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_vibrio_cholerae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_cholera +concept_bacteria_vibrio_cholerae concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_vibrio_parahaemolyticus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_illness +concept_bacteria_viral concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_viral concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_vre concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infections +concept_bacteria_vre concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_west_nile_virus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_diseases +concept_bacteria_west_nile_virus concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_infectious_diseases +concept_bacteria_yersinia_enterocolitica concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_yersiniosis +concept_bacteria_yersinia_pestis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_disease_plague +concept_bacteria_yersinia_pestis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infection +concept_bacteria_yersinia_pestis concept:bacteriaisthecausativeagentofphysiologicalcondition concept_physiologicalcondition_infectious_disease +concept_bakedgood_almond_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_angel_food concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_angel_food_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_cobbler concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_crisp concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_dumplings concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_pie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_apple_pie concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_apple_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_pie concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_apple_pies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_apple_slices concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bagel concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_bagel concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bagels concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_bagels concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bagels concept:bakedgoodservedwithbeverage concept_beverage_juice +concept_bakedgood_baguettes concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_baked_cookies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_baked_goods concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_baked_scones concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_baklava concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_bread concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_banana_bread concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_banana_bread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_bread_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_cheesecake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_cream_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_banana_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bars concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_bars concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bars concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_batter concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_batter concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_belgian_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_belgian_waffle concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_belgian_waffles concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_birthday_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_birthday_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_biscotti concept:bakedgoodservedwithbeverage concept_beverage_cappuccino +concept_bakedgood_biscotti concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_biscotti concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_biscuit concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_biscuit concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_biscuit concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_biscuit concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_afternoon_tea +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_juice +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_biscuits concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_bites concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_black_bread concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_blackberry_cobbler concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_blender concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_blueberry_cobbler concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_blueberry_pancakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_blueberry_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_box concept:objectpartofobject concept_sportsequipment_wheel +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_agriculturalproduct_fresh_fruit +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_agriculturalproduct_hot_tea +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_ale +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_beer +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_cake +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_delicious_chocolate +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_fruit_juice +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_honey +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_vegetables +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_food_meal +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_visualizableobject_garden_salad +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_wine_pasta +concept_bakedgood_bread concept:bakedgoodservedwithbeverage concept_wine_red_wine +concept_bakedgood_bread_pudding concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_bread_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_breads concept:bakedgoodservedwithbeverage concept_agriculturalproduct_fresh_fruit +concept_bakedgood_breads concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_breads concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_breads concept:bakedgoodservedwithbeverage concept_beverage_vegetables +concept_bakedgood_breads concept:bakedgoodservedwithbeverage concept_food_desserts +concept_bakedgood_breakfast concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_breakfast concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_breakfast concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_breakfast concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_breakfast concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_breakfasts concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_brioche concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_brownies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_brownies concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_brownies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_brownies concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_brownies concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_brulee concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_bun concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_buns concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_buns concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_burgers concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_butter_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_butter_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_agriculturalproduct_fresh_coffee +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_cappuccino +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_caramel +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_cherry +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_decadent_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_delicious_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_fudge +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_green_tea +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_mocha +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_orange +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_raspberry +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_recipe_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_rich_chocolate +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_strawberry +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_cake concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_cake_recipes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_afternoon_tea +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_mint_tea +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_punch +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_snacks +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_cakes concept:bakedgoodservedwithbeverage concept_beverage_teas +concept_bakedgood_cakes concept:thinghasshape concept_ceo_online_application_form +concept_bakedgood_cakes concept:thinghasshape concept_geometricshape_shape +concept_bakedgood_cannoli concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_caramel_sauce concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_carrot concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_carrot_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cheese_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cheesecake concept:latitudelongitude 38.0767850000000,-76.8327650000000 +concept_bakedgood_cheesecakes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chip concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chip concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chip_cookie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chip_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chips concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chips concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chips concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_choclate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_bread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_bread_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_buttercream concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_chocolate_cakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_chip_cookie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_chip_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_chip_cookies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_chip_cookies concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_chocolate_chip_pancakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_chips concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_cookie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_cupcake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_cupcakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_frosting concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_fudge concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_fudge_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_icing concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chocolate_mousse concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_mousse_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_pudding_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_sauce concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_souffle concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_sponge concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_torte concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolate_truffle_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_chocolates concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_choux_pastry concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_christmas_cake concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_chunks concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_chunks concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cinnamon_rolls concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cobbler concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cobblers concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_coffee_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_coffee_cake concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_compote concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_confections concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_delicious_chocolate +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_milk_chocolate +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_cookie concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_cookie_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookie_dough concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookie_dough concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cookie_recipes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_agriculturalproduct_chocolates +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_agriculturalproduct_cocoa +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_agriculturalproduct_fresh_fruit +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_agriculturalproduct_hot_tea +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_afternoon_tea +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_beverages +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_caramel +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_choclate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_decadent_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_delicious_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_dozen_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_fudge +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_hot_beverages +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_hot_cocoa +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_hot_coffee +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_iced_tea +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_large_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_lemonade +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_milk_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_recipe_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_rich_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_soft_drinks +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_teas +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_vanilla_ice_cream +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_food_ice_cream +concept_bakedgood_cookies concept:bakedgoodservedwithbeverage concept_visualizableobject_complimentary_coffee +concept_bakedgood_cookies_recipe concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cookies_recipe concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_cornbread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crackers concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_crackers concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crackers concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_crackers concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_cream_cheese_frosting concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cream_puff concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cream_puffs concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_creme concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_creme concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crepe concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crepes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crisp concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crisps concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_croissant concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_croissants concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_croissants concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_crumpets concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_crumpets concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_crust concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_crust concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cupcake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cupcake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cupcakes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cupcakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_black_coffee +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_cups concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_custard concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_custard concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_delicious_cakes concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_delight concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_delight concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_amazing_chocolate +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_decadent_chocolate +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_raspberry +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_rich_chocolate +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_strawberry +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_dessert concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_dessert_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dessert_recipes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_snacks +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_desserts concept:bakedgoodservedwithbeverage concept_beverage_vegetables +concept_bakedgood_dinner concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_dinner concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_dinner concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dinner concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_dinners concept:latitudelongitude 29.0222100000000,-81.8048000000000 +concept_bakedgood_dip concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_dip concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dip concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_donut concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_donuts concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_donuts concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_donuts concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_double_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_dough concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_dough concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_doughnuts concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_doughnuts concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_eclairs concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_entire_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_excellent concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fantastic_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_favorite_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_filling concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_filling concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_filling concept:bakedgoodservedwithbeverage concept_wine_red_velvet +concept_bakedgood_flan concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_flourless_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fondue concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_food_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_french_bread concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_fresh_berries concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fresh_pastries concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_fresh_scones concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fresh_waffles concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_friends concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_friends concept:objectfoundinscene concept_visualizablescene_observatory +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_beverage_french_vanilla +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_beverage_milk_chocolate +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_frosting concept:bakedgoodservedwithbeverage concept_wine_red_velvet +concept_bakedgood_fruit_salads concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fruit_scones concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fruits concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fudge concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_fudge concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fudge_brownie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_fudge_icing concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_ganache concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_ganache concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_ganache concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_gelatin concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_ginger_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_gingerbread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_gingerbread_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_glaze concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_goodies concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_goodies concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_goods concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_goods concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_goods concept:bakedgoodservedwithbeverage concept_beverage_teas +concept_bakedgood_gourmet_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_graham_crackers concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_great_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_home_baking concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_home_baking concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_homemade_bread concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_homemade_cake concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_homemade_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_homemade_cookies concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_homemade_gingerbread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_homemade_muffins concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_hot_fudge_sauce concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_hot_fudge_sundae concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_hummas concept:latitudelongitude 49.7832600000000,-56.0981900000000 +concept_bakedgood_ice_cream_cones concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_ice_cream_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_icing concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_icing concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_icing concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_icing concept:bakedgoodservedwithbeverage concept_product_wedding +concept_bakedgood_icing concept:bakedgoodservedwithbeverage concept_wine_red_velvet +concept_bakedgood_kichel concept:latitudelongitude 14.0995000000000,10.6189000000000 +concept_bakedgood_layer_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_lemon_tart concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_light_snacks concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_liqueur concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_loaf concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_loaves concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_loaves concept:thinghasshape concept_ceo_online_application_form +concept_bakedgood_loaves concept:thinghasshape concept_geometricshape_shape +concept_bakedgood_log concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_macadamia_nut_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_macaroon concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_macaroons concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_marmalade concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_meringue concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_meringue concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_meringues concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_meringues concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_mixture concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_mixture concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_more_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_mousse concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_mousse concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_mousse concept:bakedgoodservedwithbeverage concept_beverage_rich_chocolate +concept_bakedgood_mousse concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_muffin concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_muffin concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_muffin concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_agriculturalproduct_fresh_fruit +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_juices +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_smoothies +concept_bakedgood_muffins concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_mug concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_oatmeal_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_oatmeal_cookies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_oreo concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_oven concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_oven concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_pancake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pancake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pancakes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pancakes concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_pancakes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_afternoon_tea +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_beverages +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_pastries concept:bakedgoodservedwithbeverage concept_beverage_teas +concept_bakedgood_pastry concept:bakedgoodservedwithbeverage concept_beverage_cappuccino +concept_bakedgood_pastry concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_pastry concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pastry concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_pastry_cream concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pastry_cream concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pavlova concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_peach_cobbler concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_peanut_butter concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_peanut_butter_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pear_tart concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pecan_pie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pecan_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pecan_pies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_petit_fours concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_pickles concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_beer +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_hot_chocolate +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_pie +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_raspberry +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_pie concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_pie_crust concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pies concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pineapple_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pineapple_upside_down_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pizza concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pizza concept:foodcancausedisease concept_disease_acne +concept_bakedgood_potato_chips concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_potato_chips concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pound_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pound_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pralines concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_preserves concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_preserves concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_pretzels concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_profiteroles concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_profiteroles concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_prunes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_puff_pastry concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_puffs concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pumpkin_bread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_pumpkin_pie concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_pumpkin_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_raisin concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_raisin_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_raisin_scones concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_red_velvet_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_refreshments concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_refreshments concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_rice_pudding concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_rich_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_rich_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_road concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_roll concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_roll concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_roll concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_rolls concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_rolls concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_rolls concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_rusks concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_rusks concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_salad concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_salad concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_salads concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sandwich concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_sandwich concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_sandwich concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sandwich concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_sandwich concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_sandwiches concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_scone concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_scone concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_scone concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_scone concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_agriculturalproduct_hot_tea +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_afternoon_tea +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_scones concept:bakedgoodservedwithbeverage concept_beverage_teas +concept_bakedgood_short_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_shortbread concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_shortbread concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_shortbread concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_shortbread concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_shortbread_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_shortcake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_slice concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_slice concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_slice concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_smoothie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_snacks concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_snacks concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_soft_drinks concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_sorbet concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_sorbet concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_spice_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sponge_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sticks concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_strawberry_ice_cream concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_strawberry_shortcake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_streusel concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_strudel concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sugar_cookies concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_sundaes concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sunday_morning concept:atdate concept_date_n1999 +concept_bakedgood_sunday_morning concept:atdate concept_date_n2003 +concept_bakedgood_sunday_morning concept:atdate concept_date_n2004 +concept_bakedgood_sunday_morning concept:atdate concept_dateliteral_n2008 +concept_bakedgood_sweet_potato_pie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_sweets concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_sweets concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_swirl concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_syrup concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_syrup concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_tart concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_tart concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_tart concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_tarte_tatin concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_tarts concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_tarts concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_tiramisu concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_apple_juice +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_toast concept:bakedgoodservedwithbeverage concept_beverage_water +concept_bakedgood_toast concept:thinghascolor concept_color_brown +concept_bakedgood_toasts concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_caramel +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_milk_chocolate +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_raspberry +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_strawberry +concept_bakedgood_top concept:bakedgoodservedwithbeverage concept_beverage_white_chocolate +concept_bakedgood_torte concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_torte concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_tortes concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_tortillas concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_treacle_tart concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_treats concept:bakedgoodservedwithbeverage concept_beverage_cider +concept_bakedgood_treats concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_treats concept:bakedgoodservedwithbeverage concept_beverage_tea +concept_bakedgood_treats concept:foodcancausedisease concept_disease_cavities +concept_bakedgood_treats concept:foodcancausedisease concept_disease_diarrhea +concept_bakedgood_treats concept:foodcancausedisease concept_disease_obesity +concept_bakedgood_trifle concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_v_lla concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_valrhona_chocolate_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_velvet_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_wafers concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_wafers concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_waffle concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_waffles concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_waffles concept:bakedgoodservedwithbeverage concept_beverage_coffee +concept_bakedgood_waffles concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_walnut_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_warm_chocolate concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_warm_chocolate_brownie concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_wedding_cake concept:bakedgoodservedwithbeverage concept_beverage_chocolate +concept_bakedgood_wedding_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_wedges concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_white_bread concept:bakedgoodservedwithbeverage concept_beverage_milk +concept_bakedgood_whole_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bakedgood_yellow_cake concept:bakedgoodservedwithbeverage concept_beverage_cream +concept_bank_a_g__edwards concept:companyeconomicsector concept_economicsector_investment +concept_bank_aba concept:organizationacronymhasname concept_sportsleague_american_basketball_association +concept_bank_abbott_laboratories concept:companyalsoknownas concept_company_abt +concept_bank_abn_amro concept:bankbankincountry concept_country_netherlands +concept_bank_abn_amro concept:bankbankincountry concept_country_republic_of_india +concept_bank_abn_amro concept:companyeconomicsector concept_economicsector_investment +concept_bank_abnamro concept:bankbankincountry concept_country_netherlands +concept_bank_abu_dhabi_commercial_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_accel_partners concept:companyeconomicsector concept_economicsector_venture_capital +concept_bank_accenture concept:companyeconomicsector concept_academicfield_consulting +concept_bank_accenture concept:companyeconomicsector concept_academicfield_management_consulting +concept_bank_ach concept:organizationacronymhasname concept_bank_automated_clearing_house +concept_bank_action_center concept:latitudelongitude 41.6630700000000,-91.5368400000000 +concept_bank_administration concept:agentcontrols concept_clothing_white +concept_bank_administration concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_bank_administration concept:subpartof concept_weatherphenomenon_water +concept_bank_advance concept:agentparticipatedinevent concept_sportsgame_series +concept_bank_aetna concept:companyeconomicsector concept_academicfield_health +concept_bank_aetna concept:companyeconomicsector concept_economicsector_healthinsurance +concept_bank_aetna concept:companyeconomicsector concept_economicsector_insurance +concept_bank_aetna concept:companyeconomicsector concept_politicsissue_health_care +concept_bank_aetna concept:companyeconomicsector concept_politicsissue_health_insurance +concept_bank_aflac concept:companyeconomicsector concept_economicsector_insurance +concept_bank_ag_edwards concept:companyeconomicsector concept_economicsector_investment +concept_bank_agilent_technologies concept:companyeconomicsector concept_economicsector_semiconductors +concept_bank_agricultural concept:bankbankincountry concept_country_china +concept_bank_ahli_united_bank concept:bankbankincountry concept_country_bahrain +concept_bank_aib concept:bankbankincountry concept_country_ireland +concept_bank_aig concept:companyalsoknownas concept_biotechcompany_american_international_group +concept_bank_aig concept:organizationalsoknownas concept_biotechcompany_american_international_group +concept_bank_aig concept:organizationterminatedperson concept_ceo_edward_liddy +concept_bank_aig concept:companyalsoknownas concept_company_amer_intl_group +concept_bank_aig concept:organizationalsoknownas concept_company_amer_intl_group +concept_bank_aig concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_aig concept:companyeconomicsector concept_economicsector_insurance +concept_bank_aig concept:companyeconomicsector concept_economicsector_international_insurance +concept_bank_aig concept:companyeconomicsector concept_economicsector_investment +concept_bank_air_mail concept:competeswith concept_bank_global_priority +concept_bank_air_mail concept:competeswith concept_company_usps_global +concept_bank_airmail concept:competeswith concept_bank_global_priority +concept_bank_airmail concept:competeswith concept_bank_usps +concept_bank_airmail concept:competeswith concept_bank_usps_global_priority +concept_bank_airmail concept:competeswith concept_company_global +concept_bank_airmail concept:competeswith concept_company_usps_global +concept_bank_alcoa_inc concept:companyalsoknownas concept_company_aa +concept_bank_allahabad_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_allen___company concept:companyeconomicsector concept_economicsector_investment +concept_bank_allianz concept:companyeconomicsector concept_economicsector_insurance +concept_bank_allied_irish concept:bankbankincountry concept_country_ireland +concept_bank_alpha concept:bankbankincountry concept_country_greece +concept_bank_american_express concept:organizationterminatedperson concept_ceo_ken_chenault +concept_bank_american_express concept:headquarteredin concept_city_new_york +concept_bank_american_express_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_american_family concept:companyeconomicsector concept_economicsector_insurance +concept_bank_american_international_group_inc_ concept:companyeconomicsector concept_economicsector_insurance +concept_bank_ameriquest concept:latitudelongitude 32.7481000000000,-97.0970000000000 +concept_bank_ameritrade concept:acquired concept_company_td_waterhouse +concept_bank_amp concept:bankbankincountry concept_country_australia +concept_bank_andhra_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_annaly concept:latitudelongitude 17.7583640000000,-64.8511460000000 +concept_bank_anz concept:bankbankincountry concept_country_australia +concept_bank_anz concept:bankbankincountry concept_country_new_zealand +concept_bank_anz_bank concept:bankbankincountry concept_country_australia +concept_bank_aon concept:companyeconomicsector concept_economicsector_insurance +concept_bank_archer_daniels_midland concept:competeswith concept_company_post +concept_bank_archer_daniels_midland concept:synonymfor concept_mlconference_adm +concept_bank_asb concept:bankbankincountry concept_country_new_zealand +concept_bank_asb concept:hasofficeincountry concept_country_new_zealand +concept_bank_asb_bank concept:bankbankincountry concept_country_new_zealand +concept_bank_astoria concept:proxyfor concept_politicsissue_oregon +concept_bank_attorneys concept:mutualproxyfor concept_book_new +concept_bank_australia_and_new_zealand_banking_group concept:headquarteredin concept_city_melbourne +concept_bank_axa concept:companyeconomicsector concept_economicsector_insurance +concept_bank_axis_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_axis_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_baidu concept:agentcompeteswithagent concept_tradeunion_search +concept_bank_bain_capital concept:companyeconomicsector concept_economicsector_equity +concept_bank_banamex concept:bankbankincountry concept_country_mexico +concept_bank_banc_of_america_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_bangkok_bank concept:bankbankincountry concept_country_thailand +concept_bank_bank_america concept:acquired concept_biotechcompany_merrill_lynch +concept_bank_bank_america concept:organizationterminatedperson concept_ceo_brian_moynihan +concept_bank_bank_america concept:organizationterminatedperson concept_ceo_kenneth_lewis +concept_bank_bank_america concept:bankbankincountry concept_country_republic_of_india +concept_bank_bank_america concept:hasofficeincountry concept_country_republic_of_india +concept_bank_bank_of_america_pavilion concept:atlocation concept_city_boston +concept_bank_bank_of_baroda concept:bankbankincountry concept_country_republic_of_india +concept_bank_bank_of_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_bank_of_punjab concept:bankbankincountry concept_country_republic_of_india +concept_bank_bank_of_rajasthan concept:bankbankincountry concept_country_republic_of_india +concept_bank_bank_one concept:subpartoforganization concept_company_chase +concept_bank_bankers_trust concept:subpartoforganization concept_bank_deutsche_bank +concept_bank_bankers_trust concept:companyeconomicsector concept_economicsector_investment +concept_bank_bankmuscat concept:hasofficeincountry concept_country_oman +concept_bank_barclays concept:organizationterminatedperson concept_ceo_john_silvester_varley +concept_bank_barclays concept:bankbankincountry concept_country___america +concept_bank_barclays concept:hasofficeincountry concept_country___america +concept_bank_barclays concept:bankbankincountry concept_country_botswana +concept_bank_barclays concept:bankbankincountry concept_country_britain +concept_bank_barclays concept:bankbankincountry concept_country_canada_canada +concept_bank_barclays concept:bankbankincountry concept_country_england +concept_bank_barclays concept:bankbankincountry concept_country_france_france +concept_bank_barclays concept:bankbankincountry concept_country_republic_of_india +concept_bank_barclays concept:bankbankincountry concept_country_scotland +concept_bank_barclays concept:hasofficeincountry concept_country_scotland +concept_bank_barclays concept:bankbankincountry concept_country_uk +concept_bank_barclays concept:companyeconomicsector concept_economicsector_investment +concept_bank_barclays concept:acquired concept_organization_lehman +concept_bank_barclays concept:mutualproxyfor concept_writer_john_varley +concept_bank_barclays_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_barclays_bank_plc concept:bankbankincountry concept_country_republic_of_india +concept_bank_barclays_capital concept:bankbankincountry concept_country_uk +concept_bank_barclays_capital concept:companyeconomicsector concept_economicsector_investment +concept_bank_barclays_global_investors concept:organizationterminatedperson concept_ceo_john_silvester_varley +concept_bank_barclays_global_investors concept:bankbankincountry concept_country_botswana +concept_bank_barclays_global_investors concept:mutualproxyfor concept_writer_john_varley +concept_bank_barclays_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_bb_t concept:companyalsoknownas concept_bank_bbt +concept_bank_bb_t concept:organizationterminatedperson concept_politicianus_john_allison +concept_bank_bbc concept:companyeconomicsector concept_academicfield_media +concept_bank_bbc concept:hasofficeincity concept_city_new_york +concept_bank_bbva concept:headquarteredin concept_city_bilbao +concept_bank_bcs concept:latitudelongitude 25.8333300000000,-111.8333300000000 +concept_bank_bear_stearns concept:subpartoforganization concept_bank_j_p__morgan +concept_bank_bear_stearns concept:subpartoforganization concept_bank_j_p__morgan_chase +concept_bank_bear_stearns concept:subpartoforganization concept_bank_j_p__morgan_securities +concept_bank_bear_stearns concept:subpartoforganization concept_bank_jp_morgan +concept_bank_bear_stearns concept:subpartoforganization concept_bank_jp_morgan_chase +concept_bank_bear_stearns concept:subpartoforganization concept_bank_jpmorgan +concept_bank_bear_stearns concept:organizationterminatedperson concept_ceo_james_cayne +concept_bank_bear_stearns concept:companyeconomicsector concept_economicsector_banking +concept_bank_bear_stearns concept:companyeconomicsector concept_economicsector_investment +concept_bank_bear_stearns concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_bear_stearns concept:organizationterminatedperson concept_mlauthor_alan_schwartz +concept_bank_bear_stearns concept:subpartoforganization concept_nonprofitorganization_chase +concept_bank_bear_stearns___co_ concept:subpartoforganization concept_bank_j_p__morgan +concept_bank_bear_stearns___co_ concept:subpartoforganization concept_bank_j_p__morgan_securities +concept_bank_bear_stearns___co_ concept:subpartoforganization concept_bank_jp_morgan +concept_bank_bear_stearns___co_ concept:organizationterminatedperson concept_ceo_james_cayne +concept_bank_bear_stearns___co_ concept:subpartof concept_comedian_j_p__morgan +concept_bank_bear_stearns___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_bear_stearns___co_ concept:organizationterminatedperson concept_mlauthor_alan_schwartz +concept_bank_bear_stearns_companies concept:subpartoforganization concept_bank_j_p__morgan +concept_bank_bear_stearns_companies concept:subpartoforganization concept_bank_j_p__morgan_securities +concept_bank_bear_stearns_companies concept:subpartoforganization concept_bank_jp_morgan +concept_bank_bear_stearns_companies concept:organizationterminatedperson concept_ceo_james_cayne +concept_bank_bear_stearns_companies concept:subpartof concept_comedian_j_p__morgan +concept_bank_bear_stearns_companies concept:organizationterminatedperson concept_mlauthor_alan_schwartz +concept_bank_beazer concept:latitudelongitude 49.1166600000000,-113.4935500000000 +concept_bank_berlin concept:atlocation concept_country_germany +concept_bank_best_buy concept:organizationterminatedperson concept_ceo_brad_anderson +concept_bank_best_buy concept:companyalsoknownas concept_company_bby +concept_bank_bg_group concept:companyeconomicsector concept_politicsissue_energy +concept_bank_blackrock concept:companyeconomicsector concept_economicsector_investment +concept_bank_blackstone concept:companyeconomicsector concept_economicsector_equity +concept_bank_blackstone_group concept:companyeconomicsector concept_economicsector_equity +concept_bank_blackstone_group concept:companyeconomicsector concept_economicsector_investment +concept_bank_bloomberg concept:companyeconomicsector concept_academicfield_news +concept_bank_bmo_nesbitt_burns concept:companyeconomicsector concept_economicsector_investment +concept_bank_bnp_paribas concept:bankbankincountry concept_country_republic_of_india +concept_bank_boeing concept:companyeconomicsector concept_economicsector_aerospace +concept_bank_boeing concept:organizationhiredperson concept_personeurope_scott_carson +concept_bank_bonds concept:subpartoforganization concept_terroristorganization_state +concept_bank_book_post concept:latitudelongitude 35.9792800000000,-82.2998500000000 +concept_bank_booz concept:companyeconomicsector concept_academicfield_consulting +concept_bank_brookstreet concept:latitudelongitude 45.3453000000000,-75.9165000000000 +concept_bank_brown_brothers_harriman concept:companyeconomicsector concept_economicsector_investment +concept_bank_brown_harris_stevens concept:companyeconomicsector concept_academicfield_real_estate +concept_bank_bt concept:organizationterminatedperson concept_ceo_ben_verwaayen +concept_bank_bt concept:companyeconomicsector concept_economicsector_telecommunications +concept_bank_bt concept:companyeconomicsector concept_economicsector_telecoms +concept_bank_business_development concept:atdate concept_dateliteral_n2006 +concept_bank_business_development concept:atdate concept_dateliteral_n2007 +concept_bank_business_development concept:atdate concept_dateliteral_n2008 +concept_bank_bzw concept:companyeconomicsector concept_economicsector_investment +concept_bank_calvert concept:proxyfor concept_stateorprovince_maryland +concept_bank_canara_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_canara_bank concept:hasofficeincountry concept_country_republic_of_india +concept_bank_cantor_fitzgerald concept:companyeconomicsector concept_economicsector_investment +concept_bank_capital_one concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_capitol concept:hasofficeincity concept_city_salem +concept_bank_capitol concept:headquarteredin concept_city_seattle +concept_bank_capitol concept:hasofficeincity concept_city_washington_dc +concept_bank_carlyle_group concept:companyeconomicsector concept_economicsector_equity +concept_bank_carlyle_group concept:companyeconomicsector concept_economicsector_investment +concept_bank_caterpillar_inc concept:agentcollaborateswithagent concept_ceo_james_w__owens +concept_bank_cb_richard_ellis concept:companyeconomicsector concept_academicfield_real_estate +concept_bank_cb_richard_ellis concept:companyeconomicsector concept_economicsector_property +concept_bank_cendant concept:agentcontrols concept_hotel_orbitz +concept_bank_central_bank_of_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_central_banks concept:latitudelongitude -27.1500000000000,153.3000000000000 +concept_bank_chase concept:bankboughtbank concept_bank_bank_one +concept_bank_chase concept:bankboughtbank concept_bank_citibank +concept_bank_chase concept:bankboughtbank concept_bank_washington_mutual +concept_bank_chase concept:bankbankincountry concept_country___america +concept_bank_chase_manhattan concept:organizationterminatedperson concept_ceo_david_rockefeller +concept_bank_chase_manhattan concept:bankbankincountry concept_country___america +concept_bank_chase_manhattan concept:hasofficeincountry concept_country___america +concept_bank_chase_manhattan concept:companyeconomicsector concept_economicsector_investment +concept_bank_chase_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_chevy concept:agentparticipatedinevent concept_sportsgame_series +concept_bank_china_construction concept:bankbankincountry concept_country_china +concept_bank_china_construction_bank concept:bankbankincountry concept_country_china +concept_bank_china_construction_bank concept:hasofficeincountry concept_country_china +concept_bank_cibc concept:bankbankincountry concept_country_canada_canada +concept_bank_cibc_world_markets concept:companyeconomicsector concept_economicsector_investment +concept_bank_cigna concept:companyeconomicsector concept_economicsector_insurance +concept_bank_cit_group concept:companyalsoknownas concept_bank_cit +concept_bank_citi concept:bankboughtbank concept_bank_countrywide +concept_bank_citi concept:organizationterminatedperson concept_ceo_vikram_s__pandit +concept_bank_citi concept:bankbankincountry concept_country___america +concept_bank_citi concept:bankbankincountry concept_country_canada_canada +concept_bank_citi concept:bankbankincountry concept_country_republic_of_india +concept_bank_citi concept:bankbankincountry concept_country_uk +concept_bank_citi concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_citi concept:companyeconomicsector concept_economicsector_investment +concept_bank_citibank concept:companyeconomicsector concept_academicfield_finance +concept_bank_citibank concept:subpartoforganization concept_bank_chase_manhattan +concept_bank_citibank concept:subpartoforganization concept_company_chase +concept_bank_citibank concept:bankbankincountry concept_country_australia +concept_bank_citibank concept:bankbankincountry concept_country_bahrain +concept_bank_citibank concept:bankbankincountry concept_country_belgium +concept_bank_citibank concept:bankbankincountry concept_country_china +concept_bank_citibank concept:bankbankincountry concept_country_greece +concept_bank_citibank concept:bankbankincountry concept_country_hong_kong +concept_bank_citibank concept:bankbankincountry concept_country_hungary +concept_bank_citibank concept:bankbankincountry concept_country_indonesia +concept_bank_citibank concept:bankbankincountry concept_country_japan +concept_bank_citibank concept:bankbankincountry concept_country_malaysia +concept_bank_citibank concept:bankbankincountry concept_country_pakistan +concept_bank_citibank concept:bankbankincountry concept_country_philippines +concept_bank_citibank concept:bankbankincountry concept_country_republic_of_india +concept_bank_citibank concept:bankbankincountry concept_country_republic_of_kenya +concept_bank_citibank concept:bankbankincountry concept_country_singapore +concept_bank_citibank concept:bankbankincountry concept_country_thailand +concept_bank_citibank concept:bankbankincountry concept_country_uae_ +concept_bank_citibank concept:bankbankincountry concept_country_uk +concept_bank_citibank concept:companyeconomicsector concept_economicsector_banking +concept_bank_citibank concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_citibank concept:companyeconomicsector concept_economicsector_investment +concept_bank_citibank_n_a concept:bankbankincountry concept_country_republic_of_india +concept_bank_citicorp concept:bankbankincountry concept_country___america +concept_bank_citicorp concept:hasofficeincountry concept_country___america +concept_bank_citigroup concept:acquired concept_bank_associates_first_capital +concept_bank_citigroup concept:bankboughtbank concept_bank_banamex +concept_bank_citigroup concept:acquired concept_bank_salomon_smith_barney +concept_bank_citigroup concept:organizationterminatedperson concept_ceo_vikram_s__pandit +concept_bank_citigroup concept:headquarteredin concept_city_new_york +concept_bank_citigroup concept:bankbankincountry concept_country___america +concept_bank_citigroup concept:hasofficeincountry concept_country___america +concept_bank_citigroup concept:bankbankincountry concept_country_uk +concept_bank_citigroup concept:companyeconomicsector concept_economicsector_investment +concept_bank_citigroup_global_markets concept:organizationterminatedperson concept_ceo_vikram_s__pandit +concept_bank_citigroup_global_markets concept:headquarteredin concept_city_new_york +concept_bank_citigroup_global_markets concept:bankbankincountry concept_country___america +concept_bank_citigroup_global_markets concept:bankbankincountry concept_country_uk +concept_bank_citigroup_global_markets_inc_ concept:bankbankincountry concept_country___america +concept_bank_citigroup_global_markets_inc_ concept:bankbankincountry concept_country_uk +concept_bank_citizens concept:bankbankincountry concept_country___america +concept_bank_citizens concept:bankbankincountry concept_country_australia +concept_bank_citizens concept:hasofficeincountry concept_country_australia +concept_bank_citizens concept:bankbankincountry concept_country_canada_canada +concept_bank_citizens concept:hasofficeincountry concept_country_canada_canada +concept_bank_citizens concept:agentactsinlocation concept_country_new_zealand +concept_bank_citizens concept:agentactsinlocation concept_country_south_africa +concept_bank_citizens concept:bankbankincountry concept_country_u_s_ +concept_bank_citizens concept:bankbankincountry concept_country_us +concept_bank_citizens concept:hasofficeincountry concept_country_us +concept_bank_citizens concept:bankbankincountry concept_country_usa +concept_bank_clifford_chance concept:companyeconomicsector concept_academicfield_law +concept_bank_coldwell_banker concept:companyeconomicsector concept_academicfield_real_estate +concept_bank_commerce concept:hasofficeincountry concept_country_u_s_ +concept_bank_commerce concept:hasofficeincountry concept_country_us +concept_bank_commerzbank concept:acquired concept_bank_dresdner +concept_bank_commerzbank concept:bankboughtbank concept_bank_dresdner_bank +concept_bank_commonwealth concept:hasofficeincountry concept_country___america +concept_bank_commonwealth concept:bankbankincountry concept_country_australia +concept_bank_commonwealth concept:bankbankincountry concept_country_malta +concept_bank_commonwealth concept:bankbankincountry concept_country_new_zealand +concept_bank_commonwealth concept:bankbankincountry concept_country_nigeria +concept_bank_commonwealth concept:bankbankincountry concept_country_south_africa +concept_bank_commonwealth concept:bankbankincountry concept_country_uganda +concept_bank_commonwealth concept:organizationheadquarteredincountry concept_country_us +concept_bank_commonwealth concept:companyeconomicsector concept_economicsector_insurance +concept_bank_commonwealth_bank concept:bankboughtbank concept_bank_bankwest +concept_bank_community concept:agentparticipatedinevent concept_eventoutcome_result +concept_bank_community concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_bank_concord concept:atlocation concept_beach_massachusetts +concept_bank_contact_us concept:mutualproxyfor concept_ceo_jimmy_wales +concept_bank_contact_us concept:organizationterminatedperson concept_ceo_jimmy_wales +concept_bank_continental_airlines concept:agentactsinlocation concept_island_houston +concept_bank_corporation_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_corporation_bank concept:hasofficeincountry concept_country_republic_of_india +concept_bank_countrywide concept:organizationterminatedperson concept_ceo_angelo_r__mozilo +concept_bank_countrywide concept:subpartoforganization concept_country___america +concept_bank_countrywide_financial concept:subpartoforganization concept_country___america +concept_bank_countrywide_financial concept:companyeconomicsector concept_economicsector_mortgage +concept_bank_credit_card concept:agentparticipatedinevent concept_eventoutcome_result +concept_bank_credit_card concept:subpartoforganization concept_geopoliticallocation_form +concept_bank_credit_suisse concept:bankboughtbank concept_bank_dlj +concept_bank_credit_suisse_first_boston concept:companyeconomicsector concept_economicsector_investment +concept_bank_cs_first_boston concept:companyeconomicsector concept_economicsector_investment +concept_bank_csfb concept:companyeconomicsector concept_economicsector_investment +concept_bank_davenport concept:atlocation concept_blog_iowa +concept_bank_davenport concept:atlocation concept_city_florida +concept_bank_days concept:agentactsinlocation concept_building_west +concept_bank_days concept:agentactsinlocation concept_hotel_north +concept_bank_days concept:agentactsinlocation concept_lake_new +concept_bank_days concept:agentactsinlocation concept_landscapefeatures_gulf +concept_bank_days concept:organizationhiredperson concept_person_government +concept_bank_days concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_bank_days concept:agentactsinlocation concept_river_yellow +concept_bank_days concept:agentparticipatedinevent concept_sportsgame_series +concept_bank_days concept:agentactsinlocation concept_website_east +concept_bank_days concept:agentactsinlocation concept_website_south +concept_bank_db concept:organizationterminatedperson concept_ceo_hartmut_mehdorn +concept_bank_dean_witter concept:companyeconomicsector concept_economicsector_investment +concept_bank_debut concept:agentparticipatedinevent concept_sportsgame_series +concept_bank_deloitte concept:companyeconomicsector concept_academicfield_accounting +concept_bank_deloitte concept:companyeconomicsector concept_academicfield_consulting +concept_bank_dena_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_deutsche concept:competeswith concept_bank_dhl +concept_bank_deutsche concept:bankbankincountry concept_country_republic_of_india +concept_bank_deutsche_bank concept:acquired concept_bank_bankers_trust +concept_bank_deutsche_bank concept:mutualproxyfor concept_ceo_josef_ackermann +concept_bank_deutsche_bank concept:organizationterminatedperson concept_ceo_josef_ackermann +concept_bank_deutsche_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_deutsche_bank concept:hasofficeincountry concept_country_republic_of_india +concept_bank_deutsche_bank concept:companyeconomicsector concept_economicsector_investment +concept_bank_deutsche_bank_ag concept:mutualproxyfor concept_ceo_josef_ackermann +concept_bank_deutsche_bank_ag concept:organizationterminatedperson concept_ceo_josef_ackermann +concept_bank_deutsche_bank_ag concept:bankbankincountry concept_country_republic_of_india +concept_bank_deutsche_bank_ag concept:hasofficeincountry concept_country_republic_of_india +concept_bank_deutsche_bank_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_deutsche_telekom_ag concept:subpartoforganization concept_automobilemaker_t_mobile_usa +concept_bank_dhanalakshmi_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_dhl concept:acquired concept_bank_airborne +concept_bank_dhl concept:agentcollaborateswithagent concept_bank_airborne +concept_bank_dhl concept:competeswith concept_bank_fedex +concept_bank_dhl concept:competeswith concept_bank_parcel_post +concept_bank_dhl concept:competeswith concept_bank_priority_mail +concept_bank_dhl concept:competeswith concept_bank_royal +concept_bank_dhl concept:competeswith concept_bank_ups +concept_bank_dhl concept:competeswith concept_bank_usps +concept_bank_dhl concept:competeswith concept_company_express +concept_bank_dhl concept:competeswith concept_company_priority +concept_bank_direct_line concept:companyeconomicsector concept_economicsector_car_insurance +concept_bank_direct_line concept:companyeconomicsector concept_economicsector_insurance +concept_bank_dkb concept:latitudelongitude 41.9297500000000,-88.7134200000000 +concept_bank_dlj concept:companyeconomicsector concept_economicsector_investment +concept_bank_dollar concept:subpartoforganization concept_governmentorganization_government +concept_bank_donaldson_lufkin___jenrette concept:companyeconomicsector concept_economicsector_investment +concept_bank_draper_fisher_jurvetson concept:companyeconomicsector concept_economicsector_venture_capital +concept_bank_dresdner concept:companyeconomicsector concept_economicsector_investment +concept_bank_dresdner_bank concept:companyeconomicsector concept_economicsector_investment +concept_bank_dresdner_kleinwort_wasserstein concept:companyeconomicsector concept_economicsector_investment +concept_bank_drexel_burnham_lambert concept:companyeconomicsector concept_economicsector_investment +concept_bank_dsp_merrill_lynch concept:bankbankincountry concept_country_republic_of_india +concept_bank_dubai_holdings concept:mutualproxyfor concept_ceo_h_e__mohammed_al_gergawi +concept_bank_dubai_holdings concept:organizationhiredperson concept_ceo_h_e__mohammed_al_gergawi +concept_bank_dubai_holdings concept:organizationterminatedperson concept_ceo_h_e__mohammed_al_gergawi +concept_bank_dubai_holdings concept:subpartof concept_ceo_h_e__mohammed_al_gergawi +concept_bank_dynegy concept:companyeconomicsector concept_politicsissue_energy +concept_bank_ebrd concept:hasofficeincity concept_city_london_city +concept_bank_ecb concept:bankbankincountry concept_country_england +concept_bank_edward_jones concept:companyeconomicsector concept_economicsector_investment +concept_bank_electronic_data_systems concept:companyeconomicsector concept_academicfield_information_technology +concept_bank_eli_lilly_and_co concept:organizationheadquarteredinstateorprovince concept_stateorprovince_indiana +concept_bank_emporiki concept:latitudelongitude 44.4917800000000,26.0796400000000 +concept_bank_epay concept:latitudelongitude 33.1223900000000,69.2595700000000 +concept_bank_european_central_bank concept:mutualproxyfor concept_ceo_jean_claude_trichet +concept_bank_european_central_bank concept:organizationterminatedperson concept_ceo_jean_claude_trichet +concept_bank_european_central_bank concept:subpartof concept_ceo_jean_claude_trichet +concept_bank_european_central_bank concept:bankbankincountry concept_country_england +concept_bank_european_central_bank concept:hasofficeincountry concept_country_england +concept_bank_european_central_bank concept:bankbankincountry concept_country_japan +concept_bank_european_central_bank concept:hasofficeincountry concept_country_japan +concept_bank_evergreen concept:organizationterminatedperson concept_ceo_chang_yung_fa +concept_bank_eversheds concept:companyeconomicsector concept_academicfield_law +concept_bank_export_import_bank_of_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_express_mail concept:competeswith concept_bank_fedex +concept_bank_express_mail concept:competeswith concept_bank_global_priority +concept_bank_express_mail concept:competeswith concept_bank_u__s__postal_service +concept_bank_express_mail concept:competeswith concept_bank_ups +concept_bank_express_mail concept:competeswith concept_bank_us_postal +concept_bank_express_mail concept:competeswith concept_bank_usps +concept_bank_express_mail concept:competeswith concept_bank_usps_air_mail +concept_bank_express_mail concept:competeswith concept_bank_usps_global_priority +concept_bank_express_mail concept:competeswith concept_company_air +concept_bank_express_mail concept:competeswith concept_company_express +concept_bank_express_mail concept:competeswith concept_company_global +concept_bank_express_mail concept:competeswith concept_company_priority +concept_bank_express_mail concept:competeswith concept_company_usps_global +concept_bank_express_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_express_mail_international concept:competeswith concept_bank_usps +concept_bank_express_mail_international concept:competeswith concept_bank_usps_global_priority +concept_bank_fannie_and_freddie concept:companyeconomicsector concept_economicsector_mortgage +concept_bank_fannie_mae concept:companyeconomicsector concept_economicsector_mortgage +concept_bank_fannie_mae concept:agentcollaborateswithagent concept_person_franklin_raines +concept_bank_fannie_mae concept:agentcollaborateswithagent concept_personus_jim_johnson +concept_bank_fannie_mae_and_freddie_mac concept:companyeconomicsector concept_economicsector_mortgage +concept_bank_fed concept:bankbankincountry concept_country_england +concept_bank_fed_ex concept:competeswith concept_bank_priority_mail +concept_bank_fed_ex concept:competeswith concept_bank_ups +concept_bank_fed_ex concept:competeswith concept_bank_usps +concept_bank_fed_ex concept:competeswith concept_company_express +concept_bank_fed_ex concept:competeswith concept_company_priority +concept_bank_fed_ex concept:organizationheadquarteredincountry concept_country_usa +concept_bank_federal_bank concept:bankbankincountry concept_country_british_indian_ocean_territory +concept_bank_federal_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_federal_bank_limited concept:bankbankincountry concept_country_republic_of_india +concept_bank_federal_express concept:competeswith concept_bank_ups +concept_bank_federal_express concept:competeswith concept_bank_usps +concept_bank_federal_reserve concept:headquarteredin concept_city_washington_d_c +concept_bank_federal_reserve concept:bankbankincountry concept_country_canada_canada +concept_bank_federal_reserve concept:bankbankincountry concept_country_england +concept_bank_federal_reserve concept:organizationheadquarteredincountry concept_country_u_s_ +concept_bank_federal_reserve concept:agentcontrols concept_emotion_money +concept_bank_fedex concept:competeswith concept_bank_dhl +concept_bank_fedex concept:competeswith concept_bank_express_mail +concept_bank_fedex concept:competeswith concept_bank_parcel_post +concept_bank_fedex concept:competeswith concept_bank_priority_mail +concept_bank_fedex concept:competeswith concept_bank_ups +concept_bank_fedex concept:competeswith concept_bank_usps +concept_bank_fedex concept:organizationheadquarteredincountry concept_country_usa +concept_bank_fedex_ground concept:competeswith concept_bank_usps +concept_bank_fidelity concept:bankbankincountry concept_country_republic_of_india +concept_bank_fidelity concept:companyeconomicsector concept_economicsector_investment +concept_bank_fidelity_investments concept:organizationalsoknownas concept_company_fidelity_management_and_resarch_co_ +concept_bank_fidelity_investments concept:companyeconomicsector concept_economicsector_investment +concept_bank_firms concept:proxyfor concept_bedroomitem_new +concept_bank_firms concept:mutualproxyfor concept_book_new +concept_bank_firms concept:atdate concept_date_n2003 +concept_bank_firms concept:subpartof concept_weatherphenomenon_water +concept_bank_first_boston concept:companyeconomicsector concept_economicsector_investment +concept_bank_first_capital concept:proxyfor concept_bedroomitem_new +concept_bank_first_class_international concept:competeswith concept_bank_usps +concept_bank_first_class_mail concept:competeswith concept_bank_parcel_post +concept_bank_first_class_mail concept:competeswith concept_bank_priority_mail +concept_bank_first_class_mail concept:competeswith concept_bank_ups +concept_bank_first_class_mail concept:competeswith concept_bank_usps +concept_bank_first_class_mail concept:competeswith concept_bank_usps_air_mail +concept_bank_first_class_mail concept:competeswith concept_bank_usps_global_priority +concept_bank_first_class_mail concept:competeswith concept_company_priority +concept_bank_first_class_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_first_data concept:acquired concept_creditunion_western_union +concept_bank_first_data concept:agentcontrols concept_stateorprovince_western_union +concept_bank_first_franklin concept:latitudelongitude 42.6833100000000,-93.1835300000000 +concept_bank_first_leasing_company_of_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_first_national concept:bankbankincountry concept_country_south_africa +concept_bank_first_national_bank concept:bankbankincountry concept_country_nigeria +concept_bank_first_national_bank concept:bankbankincountry concept_country_south_africa +concept_bank_first_national_bank concept:companyeconomicsector concept_economicsector_banking +concept_bank_first_priority concept:latitudelongitude 36.1566600000000,-86.7745900000000 +concept_bank_flushing concept:proxyfor concept_company_new_york +concept_bank_foley_hoag concept:companyeconomicsector concept_academicfield_law +concept_bank_former_federal_reserve concept:organizationterminatedperson concept_personafrica_paul_volcker +concept_bank_fortis concept:bankboughtbank concept_bank_abn_amro +concept_bank_fortis concept:bankbankincountry concept_country_belgium +concept_bank_fortis concept:hasofficeincountry concept_country_belgium +concept_bank_fortis concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_fortis concept:companyeconomicsector concept_economicsector_insurance +concept_bank_franklin_templeton concept:bankbankincountry concept_country_republic_of_india +concept_bank_french_banks concept:latitudelongitude 5.7833300000000,-53.9000000000000 +concept_bank_freshfields concept:companyeconomicsector concept_academicfield_law +concept_bank_freshfields_bruckhaus_deringer concept:companyeconomicsector concept_academicfield_law +concept_bank_friedman_billings_ramsey concept:companyeconomicsector concept_economicsector_investment +concept_bank_ge concept:organizationacronymhasname concept_bank_general_electric +concept_bank_ge concept:acquired concept_biotechcompany_amersham_plc +concept_bank_ge concept:companyalsoknownas concept_biotechcompany_general_electric +concept_bank_ge concept:organizationalsoknownas concept_biotechcompany_general_electric +concept_bank_ge concept:headquarteredin concept_city_fairfield +concept_bank_ge concept:hasofficeincity concept_city_schenectady +concept_bank_ge concept:acquired concept_company_nbc_universal001 +concept_bank_ge concept:agentcollaborateswithagent concept_person_jack_welch +concept_bank_ge concept:organizationalsoknownas concept_university_general_electric_company +concept_bank_gemm concept:latitudelongitude 32.5333300000000,12.8500000000000 +concept_bank_general_electric concept:companyeconomicsector concept_academicfield_business +concept_bank_general_electric concept:companyeconomicsector concept_academicfield_engineering +concept_bank_general_electric concept:agentcollaborateswithagent concept_ceo_jeffrey_immelt +concept_bank_general_electric concept:headquarteredin concept_city_fairfield +concept_bank_general_electric concept:hasofficeincity concept_city_new_york +concept_bank_general_electric concept:hasofficeincity concept_city_schenectady +concept_bank_general_electric concept:companyalsoknownas concept_company_ge +concept_bank_general_electric concept:organizationalsoknownas concept_company_ge +concept_bank_general_electric concept:agentcollaborateswithagent concept_person_jack_welch +concept_bank_general_electric concept:companyeconomicsector concept_politicsissue_energy +concept_bank_general_electric concept:agentcontrols concept_retailstore_nbc +concept_bank_general_motors_acceptance_corp_ concept:agentcontrols concept_hotel_roger_smith +concept_bank_glaxosmithkline concept:organizationterminatedperson concept_ceo_andrew_witty +concept_bank_global_priority concept:competeswith concept_bank_air_mail +concept_bank_global_priority concept:competeswith concept_bank_airmail +concept_bank_global_priority concept:competeswith concept_bank_express_mail +concept_bank_global_priority concept:competeswith concept_bank_usps +concept_bank_global_priority concept:competeswith concept_bank_usps_air +concept_bank_global_priority concept:competeswith concept_bank_usps_global_priority +concept_bank_global_priority concept:competeswith concept_company_air +concept_bank_global_priority concept:competeswith concept_company_express +concept_bank_global_priority concept:competeswith concept_company_priority +concept_bank_global_priority concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_gold concept:agentcompeteswithagent concept_tradeunion_article +concept_bank_goldman concept:headquarteredin concept_city_new_york +concept_bank_goldman concept:companyeconomicsector concept_economicsector_investment +concept_bank_goldman_sachs concept:bankbankincountry concept_country___america +concept_bank_goldman_sachs___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_goldman_sachs___co_ concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_google_checkout concept:competeswith concept_blog_google +concept_bank_grant_thornton concept:companyeconomicsector concept_academicfield_accounting +concept_bank_greenhill___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_groupama concept:latitudelongitude 44.4803800000000,26.0929500000000 +concept_bank_guardian_sahakara_bank_niyamita concept:bankbankincountry concept_country_republic_of_india +concept_bank_habib_bank concept:bankbankincountry concept_country_pakistan +concept_bank_halifax concept:bankbankincountry concept_country_scotland +concept_bank_halifax concept:companyeconomicsector concept_economicsector_insurance +concept_bank_hambrecht___quist concept:companyeconomicsector concept_economicsector_investment +concept_bank_hamburg concept:agentcollaborateswithagent concept_politician_olaf_scholz +concept_bank_hang_seng concept:bankbankincountry concept_country_hong_kong +concept_bank_hbos concept:organizationterminatedperson concept_ceo_james_crosby +concept_bank_hdfc concept:bankbankincountry concept_country_republic_of_india +concept_bank_hdfc concept:hasofficeincountry concept_country_republic_of_india +concept_bank_hdfc_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_henderson concept:proxyfor concept_coach_kentucky +concept_bank_henderson concept:proxyfor concept_radiostation_nevada +concept_bank_henderson concept:subpartof concept_radiostation_nevada +concept_bank_henderson concept:atlocation concept_skiarea_kentucky +concept_bank_hibernia concept:proxyfor concept_radiostation_new_jersey +concept_bank_hilton concept:companyeconomicsector concept_academicfield_hospitality +concept_bank_hilton concept:organizationheadquarteredincity concept_city_melbourne +concept_bank_hitachi concept:companyeconomicsector concept_economicsector_electronics +concept_bank_honeywell concept:organizationterminatedperson concept_ceo_david_cote +concept_bank_honeywell concept:competeswith concept_company_post +concept_bank_houlihan_lokey_howard___zukin concept:companyeconomicsector concept_economicsector_investment +concept_bank_hsbc concept:bankbankincountry concept_country_arabia_saudita +concept_bank_hsbc concept:bankbankincountry concept_country_australia +concept_bank_hsbc concept:bankbankincountry concept_country_bahrain +concept_bank_hsbc concept:bankbankincountry concept_country_bermuda +concept_bank_hsbc concept:bankbankincountry concept_country_brazil +concept_bank_hsbc concept:bankbankincountry concept_country_brunei +concept_bank_hsbc concept:bankbankincountry concept_country_canada_canada +concept_bank_hsbc concept:hasofficeincountry concept_country_canada_canada +concept_bank_hsbc concept:bankbankincountry concept_country_cayman_islands +concept_bank_hsbc concept:bankbankincountry concept_country_china +concept_bank_hsbc concept:bankbankincountry concept_country_england +concept_bank_hsbc concept:bankbankincountry concept_country_greece +concept_bank_hsbc concept:bankbankincountry concept_country_hong_kong +concept_bank_hsbc concept:bankbankincountry concept_country_indonesia +concept_bank_hsbc concept:bankbankincountry concept_country_japan +concept_bank_hsbc concept:bankbankincountry concept_country_jordan +concept_bank_hsbc concept:bankbankincountry concept_country_kuwait +concept_bank_hsbc concept:bankbankincountry concept_country_lebanon +concept_bank_hsbc concept:bankbankincountry concept_country_malaysia +concept_bank_hsbc concept:bankbankincountry concept_country_malta +concept_bank_hsbc concept:bankbankincountry concept_country_oman +concept_bank_hsbc concept:bankbankincountry concept_country_pakistan +concept_bank_hsbc concept:bankbankincountry concept_country_panama +concept_bank_hsbc concept:bankbankincountry concept_country_poland +concept_bank_hsbc concept:bankbankincountry concept_country_qatar +concept_bank_hsbc concept:bankbankincountry concept_country_republic_of_india +concept_bank_hsbc concept:bankbankincountry concept_country_singapore +concept_bank_hsbc concept:bankbankincountry concept_country_south_korea +concept_bank_hsbc concept:bankbankincountry concept_country_sri_lanka +concept_bank_hsbc concept:bankbankincountry concept_country_taiwan +concept_bank_hsbc concept:hasofficeincountry concept_country_taiwan +concept_bank_hsbc concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_hsbc concept:bankbankincountry concept_country_uae_ +concept_bank_hsbc concept:bankbankincountry concept_country_uk +concept_bank_hsbc concept:bankbankincountry concept_country_usa +concept_bank_hsbc_bank concept:bankboughtbank concept_bank_orchard_bank +concept_bank_humana concept:companyeconomicsector concept_economicsector_insurance +concept_bank_humana concept:companyeconomicsector concept_politicsissue_health_insurance +concept_bank_ibex concept:agentcompeteswithagent concept_animal_animals001 +concept_bank_icbc concept:bankbankincountry concept_country_china +concept_bank_icbc concept:hasofficeincountry concept_country_china +concept_bank_icici concept:bankbankincountry concept_country_british_indian_ocean_territory +concept_bank_icici concept:bankbankincountry concept_country_republic_of_india +concept_bank_icici concept:hasofficeincountry concept_country_republic_of_india +concept_bank_icici_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_icici_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_idbi_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_idbi_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_idbi_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_il_fs concept:bankbankincountry concept_country_republic_of_india +concept_bank_imf_world_bank concept:headquarteredin concept_city_washington_d_c +concept_bank_indian_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_indian_bank concept:hasofficeincountry concept_country_republic_of_india +concept_bank_indusind_bank_limited concept:bankbankincountry concept_country_republic_of_india +concept_bank_indusind_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_industrial_and_commercial_bank concept:bankbankincountry concept_country_china +concept_bank_indymac concept:companyeconomicsector concept_economicsector_mortgage +concept_bank_ing concept:companyeconomicsector concept_economicsector_investment +concept_bank_ing concept:agentcollaborateswithagent concept_professor_michel_tilmant +concept_bank_ing concept:mutualproxyfor concept_professor_michel_tilmant +concept_bank_ing_direct concept:acquired concept_bank_sharebuilder +concept_bank_ing_group concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_ing_group concept:companyeconomicsector concept_economicsector_insurance +concept_bank_ing_vysya concept:bankbankincountry concept_country_republic_of_india +concept_bank_ing_vysya_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_ing_vysya_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_institutions concept:organizationhiredperson concept_personus_party +concept_bank_institutions concept:subpartoforganization concept_terroristorganization_state +concept_bank_insured concept:competeswith concept_bank_ups +concept_bank_insured concept:organizationheadquarteredincountry concept_country_usa +concept_bank_intel_corporation concept:companyalsoknownas concept_company_intc +concept_bank_international_priority_mail concept:competeswith concept_bank_usps +concept_bank_international_priority_mail concept:competeswith concept_bank_usps_global_priority +concept_bank_international_priority_mail concept:competeswith concept_company_express +concept_bank_international_priority_mail concept:competeswith concept_company_first_class +concept_bank_international_priority_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_iowa_state concept:agentactsinlocation concept_blog_iowa +concept_bank_iowa_state concept:organizationhiredperson concept_coach_gene_chizik +concept_bank_iowa_state concept:organizationhiredperson concept_coach_paul_rhoads +concept_bank_iowa_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_bank_iowa_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_bank_iowa_state concept:organizationalsoknownas concept_university_state_university +concept_bank_iowa_state concept:synonymfor concept_university_state_university +concept_bank_itu concept:organizationheadquarteredincity concept_city_geneva +concept_bank_j_p__morgan concept:bankboughtbank concept_bank_bear_stearns +concept_bank_j_p__morgan concept:bankbankincountry concept_country___america +concept_bank_j_p__morgan concept:hasofficeincountry concept_country___america +concept_bank_j_p__morgan concept:companyeconomicsector concept_economicsector_investment +concept_bank_j_p__morgan concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_j_p__morgan___co_ concept:acquired concept_biotechcompany_bank_of_montreal +concept_bank_j_p__morgan___co_ concept:organizationterminatedperson concept_ceo_jamie_dimon +concept_bank_j_p__morgan___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_j_p__morgan_chase concept:bankboughtbank concept_bank_bank_of_montreal +concept_bank_j_p__morgan_chase concept:companyalsoknownas concept_bank_jpm +concept_bank_j_p__morgan_chase concept:bankboughtbank concept_bank_wamu +concept_bank_j_p__morgan_chase concept:organizationterminatedperson concept_ceo_jamie_dimon +concept_bank_j_p__morgan_chase concept:acquired concept_company_dc +concept_bank_j_p__morgan_chase concept:bankbankincountry concept_country___america +concept_bank_j_p__morgan_chase concept:hasofficeincountry concept_country___america +concept_bank_j_p__morgan_chase concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_j_p__morgan_chase concept:companyeconomicsector concept_economicsector_investment +concept_bank_j_p__morgan_securities concept:bankbankincountry concept_country___america +concept_bank_j_p__morgan_securities concept:hasofficeincountry concept_country___america +concept_bank_j_p__morgan_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_jammu___kashmir_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_jefferies concept:companyeconomicsector concept_economicsector_investment +concept_bank_john_j__mack concept:agentbelongstoorganization concept_biotechcompany_morgan_stanley +concept_bank_john_j__mack concept:agentcontrols concept_retailstore_morgan_stanley +concept_bank_jones_day concept:companyeconomicsector concept_academicfield_law +concept_bank_jp_morgan concept:acquired concept_bank_wamu +concept_bank_jp_morgan concept:bankbankincountry concept_country___america +concept_bank_jp_morgan concept:hasofficeincountry concept_country___america +concept_bank_jp_morgan concept:companyeconomicsector concept_economicsector_investment +concept_bank_jp_morgan_chase concept:organizationterminatedperson concept_ceo_jamie_dimon +concept_bank_jp_morgan_chase concept:companyeconomicsector concept_economicsector_investment +concept_bank_jp_morgan_chase_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_jpm concept:acquired concept_bank_bear_stearns +concept_bank_jpmorgan concept:bankbankincountry concept_country___america +concept_bank_jpmorgan concept:companyeconomicsector concept_economicsector_investment +concept_bank_jpmorgan concept:organizationterminatedperson concept_personus_james_dimon +concept_bank_karnataka_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_karur_vysya_bank_limited concept:bankbankincountry concept_country_republic_of_india +concept_bank_kidder_peabody concept:companyeconomicsector concept_economicsector_investment +concept_bank_kidder_peabody___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_kotak_mahindra concept:bankbankincountry concept_country_republic_of_india +concept_bank_kotak_mahindra_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_kpmg_peat_marwick concept:companyeconomicsector concept_academicfield_accounting +concept_bank_kuhn_loeb concept:latitudelongitude 42.3723200000000,-71.1114400000000 +concept_bank_lake_city concept:atlocation concept_city_florida +concept_bank_land concept:subpartoforganization concept_bank_commonwealth +concept_bank_land concept:subpartoforganization concept_blog_form +concept_bank_land concept:agentparticipatedinevent concept_eventoutcome_result +concept_bank_land concept:subpartoforganization concept_governmentorganization_blm +concept_bank_land concept:subpartoforganization concept_governmentorganization_bureau_of_land_management +concept_bank_land concept:subpartoforganization concept_governmentorganization_government +concept_bank_land concept:subpartoforganization concept_governmentorganization_nation +concept_bank_land concept:agentcollaborateswithagent concept_person_government +concept_bank_land concept:subpartoforganization concept_politicalparty_federal_government +concept_bank_land concept:subpartoforganization concept_politicalparty_state_government +concept_bank_land concept:subpartoforganization concept_professionalorganization_nature_conservancy +concept_bank_land concept:organizationterminatedperson concept_scientist_no_ +concept_bank_land concept:subpartoforganization concept_stateorprovince_new_york_state +concept_bank_land concept:subpartoforganization concept_terroristorganization_state +concept_bank_land concept:subpartoforganization concept_university_district +concept_bank_land concept:agentinvolvedwithitem concept_vehicle_rover_freelander +concept_bank_lasalle concept:subpartoforganization concept_country___america +concept_bank_lasalle_bank concept:subpartoforganization concept_country___america +concept_bank_lawyer concept:proxyfor concept_bedroomitem_new +concept_bank_lawyer concept:mutualproxyfor concept_book_new +concept_bank_lawyer concept:atdate concept_dateliteral_n2002 +concept_bank_lawyer concept:atdate concept_dateliteral_n2006 +concept_bank_lazard_freres concept:companyeconomicsector concept_economicsector_investment +concept_bank_lazard_freres___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_legal concept:companyeconomicsector concept_economicsector_insurance +concept_bank_legg_mason_wood_walker concept:companyeconomicsector concept_economicsector_investment +concept_bank_lehman_bros concept:companyeconomicsector concept_economicsector_investment +concept_bank_lehman_brothers concept:companyeconomicsector concept_academicfield_finance +concept_bank_lehman_brothers concept:subpartoforganization concept_bank_barclays +concept_bank_lehman_brothers concept:subpartoforganization concept_bank_barclays_global_investors +concept_bank_lehman_brothers concept:headquarteredin concept_city_new_york +concept_bank_lehman_brothers concept:companyeconomicsector concept_economicsector_banking +concept_bank_lehman_brothers concept:companyeconomicsector concept_economicsector_investment +concept_bank_lehman_brothers concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_lehman_brothers concept:companyeconomicsector concept_economicsector_large_investment +concept_bank_lehman_brothers concept:companyeconomicsector concept_economicsector_us_investment +concept_bank_lehman_brothers concept:organizationacronymhasname concept_organization_lehman +concept_bank_lehman_brothers concept:agentcollaborateswithagent concept_person_philippe_burke +concept_bank_lehman_brothers concept:agentcontrols concept_person_philippe_burke +concept_bank_lehman_brothers_holdings concept:companyeconomicsector concept_economicsector_investment +concept_bank_lic concept:bankbankincountry concept_country_republic_of_india +concept_bank_life_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_bank_line concept:companyeconomicsector concept_economicsector_insurance +concept_bank_link concept:organizationheadquarteredincountry concept_country_us +concept_bank_linklaters concept:companyeconomicsector concept_academicfield_law +concept_bank_lloyds concept:bankboughtbank concept_bank_hbos +concept_bank_lloyds concept:bankbankincountry concept_country_england +concept_bank_lloyds concept:bankbankincountry concept_country_scotland +concept_bank_lloyds concept:hasofficeincountry concept_country_scotland +concept_bank_lloyds concept:companyeconomicsector concept_economicsector_insurance +concept_bank_lloyds_tsb concept:acquired concept_bank_hbos +concept_bank_lloyds_tsb concept:bankbankincountry concept_country_uk +concept_bank_lovells concept:companyeconomicsector concept_academicfield_law +concept_bank_macquarie concept:companyeconomicsector concept_economicsector_investment +concept_bank_macquarie_bank concept:companyeconomicsector concept_economicsector_investment +concept_bank_macquarie_bank concept:agentcollaborateswithagent concept_personus_allan_moss +concept_bank_marsh___mclennan concept:companyeconomicsector concept_economicsector_insurance +concept_bank_mashreq concept:latitudelongitude 25.6600000000000,57.9083300000000 +concept_bank_maybank concept:bankbankincountry concept_country_malaysia +concept_bank_maybank concept:bankbankincountry concept_country_singapore +concept_bank_mbia concept:mutualproxyfor concept_actor_jay_brown +concept_bank_mbia concept:organizationterminatedperson concept_actor_jay_brown +concept_bank_mbia concept:subpartof concept_actor_jay_brown +concept_bank_mbia concept:organizationheadquarteredincountry concept_country_us +concept_bank_mbia concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_bank_mbna concept:subpartoforganization concept_country___america +concept_bank_merril_lynch concept:subpartoforganization concept_country___america +concept_bank_merril_lynch concept:companyeconomicsector concept_economicsector_investment +concept_bank_metlife_inc concept:companyalsoknownas concept_retailstore_met +concept_bank_metropolitan concept:atlocation concept_city_york +concept_bank_metropolitan concept:subpartof concept_city_york +concept_bank_mf_global concept:companyalsoknownas concept_company_mf_global_llc +concept_bank_mf_global concept:organizationterminatedperson concept_personaustralia_john_kilduff +concept_bank_mf_global concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_bank_montgomery_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_morgan_keegan concept:companyeconomicsector concept_economicsector_investment +concept_bank_morgan_stanley concept:headquarteredin concept_city_new_york +concept_bank_morgan_stanley concept:bankbankincountry concept_country_republic_of_india +concept_bank_morgan_stanley_dean_witter concept:companyeconomicsector concept_economicsector_investment +concept_bank_morganstanley concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_nab concept:bankbankincountry concept_country_australia +concept_bank_nabard concept:latitudelongitude 35.6000000000000,51.8666700000000 +concept_bank_national concept:bankboughtbank concept_bank_abu_dhabi_commercial_bank +concept_bank_national concept:bankboughtbank concept_bank_agricultural +concept_bank_national concept:bankboughtbank concept_bank_ahli_united_bank +concept_bank_national concept:bankboughtbank concept_bank_allahabad_bank +concept_bank_national concept:bankboughtbank concept_bank_american_express_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_andhra_bank +concept_bank_national concept:bankboughtbank concept_bank_axis_bank +concept_bank_national concept:bankboughtbank concept_bank_axis_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_bank_america +concept_bank_national concept:bankboughtbank concept_bank_bank_of_baroda +concept_bank_national concept:bankboughtbank concept_bank_bank_of_india +concept_bank_national concept:bankboughtbank concept_bank_bank_of_punjab +concept_bank_national concept:bankboughtbank concept_bank_bank_of_rajasthan +concept_bank_national concept:bankboughtbank concept_bank_barclays +concept_bank_national concept:bankboughtbank concept_bank_barclays_bank +concept_bank_national concept:bankboughtbank concept_bank_barclays_bank_plc +concept_bank_national concept:bankboughtbank concept_bank_barclays_capital +concept_bank_national concept:bankboughtbank concept_bank_barclays_global_investors +concept_bank_national concept:bankboughtbank concept_bank_barclays_india +concept_bank_national concept:bankboughtbank concept_bank_bnp_paribas +concept_bank_national concept:bankboughtbank concept_bank_bnp_paribas_sa +concept_bank_national concept:bankboughtbank concept_bank_canara_bank +concept_bank_national concept:bankboughtbank concept_bank_central_bank_of_india +concept_bank_national concept:bankboughtbank concept_bank_china_construction +concept_bank_national concept:bankboughtbank concept_bank_china_construction_bank +concept_bank_national concept:bankboughtbank concept_bank_cibc +concept_bank_national concept:bankboughtbank concept_bank_cibc_world_markets +concept_bank_national concept:bankboughtbank concept_bank_citi +concept_bank_national concept:bankboughtbank concept_bank_citibank_n_a +concept_bank_national concept:bankboughtbank concept_bank_commerce +concept_bank_national concept:bankboughtbank concept_bank_corporation_bank +concept_bank_national concept:bankboughtbank concept_bank_dena_bank +concept_bank_national concept:bankboughtbank concept_bank_deutsche +concept_bank_national concept:bankboughtbank concept_bank_deutsche_bank +concept_bank_national concept:bankboughtbank concept_bank_deutsche_bank_ag +concept_bank_national concept:bankboughtbank concept_bank_dhanalakshmi_bank +concept_bank_national concept:bankboughtbank concept_bank_dsp_merrill_lynch +concept_bank_national concept:bankboughtbank concept_bank_export_import_bank_of_india +concept_bank_national concept:bankboughtbank concept_bank_federal_bank_limited +concept_bank_national concept:bankboughtbank concept_bank_fedex +concept_bank_national concept:bankboughtbank concept_bank_fedex_express +concept_bank_national concept:bankboughtbank concept_bank_fidelity +concept_bank_national concept:bankboughtbank concept_bank_fidelity_national +concept_bank_national concept:bankboughtbank concept_bank_first_leasing_company_of_india +concept_bank_national concept:bankboughtbank concept_bank_fortis +concept_bank_national concept:bankboughtbank concept_bank_franklin_templeton +concept_bank_national concept:bankboughtbank concept_bank_guardian_sahakara_bank_niyamita +concept_bank_national concept:bankboughtbank concept_bank_hang_seng +concept_bank_national concept:bankboughtbank concept_bank_hdfc +concept_bank_national concept:bankboughtbank concept_bank_hdfc_bank +concept_bank_national concept:bankboughtbank concept_bank_icbc +concept_bank_national concept:bankboughtbank concept_bank_icici_bank +concept_bank_national concept:bankboughtbank concept_bank_icici_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_idbi_bank +concept_bank_national concept:bankboughtbank concept_bank_idbi_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_idbi_ltd +concept_bank_national concept:bankboughtbank concept_bank_il_fs +concept_bank_national concept:bankboughtbank concept_bank_indian_bank +concept_bank_national concept:bankboughtbank concept_bank_indusind_bank_limited +concept_bank_national concept:bankboughtbank concept_bank_indusind_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_ing_vysya +concept_bank_national concept:bankboughtbank concept_bank_ing_vysya_bank +concept_bank_national concept:bankboughtbank concept_bank_ing_vysya_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_insured +concept_bank_national concept:bankboughtbank concept_bank_jammu___kashmir_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_jp_morgan_chase_bank +concept_bank_national concept:bankboughtbank concept_bank_karnataka_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_karur_vysya_bank_limited +concept_bank_national concept:bankboughtbank concept_bank_kotak_mahindra +concept_bank_national concept:bankboughtbank concept_bank_kotak_mahindra_bank +concept_bank_national concept:bankboughtbank concept_bank_lic +concept_bank_national concept:bankboughtbank concept_bank_oriental_bank_of_commerce +concept_bank_national concept:bankboughtbank concept_bank_peoples +concept_bank_national concept:bankboughtbank concept_bank_pnb +concept_bank_national concept:bankboughtbank concept_bank_principal +concept_bank_national concept:bankboughtbank concept_bank_punjab_and_maharashtra_co_operative_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_punjab_national_bank +concept_bank_national concept:bankboughtbank concept_bank_reliance +concept_bank_national concept:bankboughtbank concept_bank_sbi +concept_bank_national concept:bankboughtbank concept_bank_south_indian_bank_ltd +concept_bank_national concept:bankboughtbank concept_bank_standard +concept_bank_national concept:bankboughtbank concept_bank_standard_bank +concept_bank_national concept:bankboughtbank concept_bank_standard_chartered +concept_bank_national concept:bankboughtbank concept_bank_state_bank_of_indore +concept_bank_national concept:bankboughtbank concept_bank_state_bank_of_mysore +concept_bank_national concept:bankboughtbank concept_bank_state_bank_of_saurashtra +concept_bank_national concept:bankboughtbank concept_bank_syndicate_bank +concept_bank_national concept:bankboughtbank concept_bank_td +concept_bank_national concept:bankboughtbank concept_bank_td_ameritrade +concept_bank_national concept:bankboughtbank concept_bank_treasury +concept_bank_national concept:bankboughtbank concept_bank_uco_bank +concept_bank_national concept:bankboughtbank concept_bank_united_bank_of_india +concept_bank_national concept:bankboughtbank concept_bank_uti +concept_bank_national concept:bankboughtbank concept_bank_vijaya_bank +concept_bank_national concept:bankboughtbank concept_bank_yes_bank +concept_bank_national concept:agentactsinlocation concept_city_albany +concept_bank_national concept:agentactsinlocation concept_city_boston +concept_bank_national concept:agentactsinlocation concept_city_charlotte +concept_bank_national concept:agentactsinlocation concept_city_denver +concept_bank_national concept:hasofficeincity concept_city_new_york +concept_bank_national concept:hasofficeincity concept_city_philadelphia +concept_bank_national concept:bankbankincountry concept_country___america +concept_bank_national concept:bankbankincountry concept_country_afghanistan +concept_bank_national concept:bankbankincountry concept_country_albania +concept_bank_national concept:bankbankincountry concept_country_algeria +concept_bank_national concept:bankbankincountry concept_country_anguilla +concept_bank_national concept:bankbankincountry concept_country_arabia_saudita +concept_bank_national concept:bankbankincountry concept_country_armenia +concept_bank_national concept:bankbankincountry concept_country_australasia +concept_bank_national concept:bankbankincountry concept_country_australia +concept_bank_national concept:bankbankincountry concept_country_azerbaijan +concept_bank_national concept:bankbankincountry concept_country_bahamas +concept_bank_national concept:bankbankincountry concept_country_bangladesh +concept_bank_national concept:bankbankincountry concept_country_barbados +concept_bank_national concept:bankbankincountry concept_country_belarus +concept_bank_national concept:bankbankincountry concept_country_belize +concept_bank_national concept:bankbankincountry concept_country_bhutan +concept_bank_national concept:bankbankincountry concept_country_bosnia_herzegovina +concept_bank_national concept:bankbankincountry concept_country_brazil +concept_bank_national concept:bankbankincountry concept_country_brunei +concept_bank_national concept:bankbankincountry concept_country_bulgaria +concept_bank_national concept:bankbankincountry concept_country_burma +concept_bank_national concept:bankbankincountry concept_country_cambodia +concept_bank_national concept:bankbankincountry concept_country_cameroon +concept_bank_national concept:bankbankincountry concept_country_canada_canada +concept_bank_national concept:hasofficeincountry concept_country_canada_canada +concept_bank_national concept:bankbankincountry concept_country_cayman_islands +concept_bank_national concept:bankbankincountry concept_country_china +concept_bank_national concept:bankbankincountry concept_country_croatia +concept_bank_national concept:bankbankincountry concept_country_cuba +concept_bank_national concept:bankbankincountry concept_country_czech_republic +concept_bank_national concept:bankbankincountry concept_country_czechoslovakia +concept_bank_national concept:bankbankincountry concept_country_democratic_republic_of_congo +concept_bank_national concept:bankbankincountry concept_country_denmark +concept_bank_national concept:bankbankincountry concept_country_dominica +concept_bank_national concept:bankbankincountry concept_country_east_timor +concept_bank_national concept:bankbankincountry concept_country_egypt +concept_bank_national concept:bankbankincountry concept_country_england +concept_bank_national concept:bankbankincountry concept_country_england___wales +concept_bank_national concept:bankbankincountry concept_country_equator__guinea +concept_bank_national concept:bankbankincountry concept_country_estonia +concept_bank_national concept:bankbankincountry concept_country_ethiopia +concept_bank_national concept:bankbankincountry concept_country_fiji +concept_bank_national concept:bankbankincountry concept_country_finland +concept_bank_national concept:bankbankincountry concept_country_former_soviet_union +concept_bank_national concept:bankbankincountry concept_country_gabon +concept_bank_national concept:bankbankincountry concept_country_gambia +concept_bank_national concept:bankbankincountry concept_country_germany +concept_bank_national concept:bankbankincountry concept_country_ghana +concept_bank_national concept:bankbankincountry concept_country_great_britain +concept_bank_national concept:bankbankincountry concept_country_greece +concept_bank_national concept:bankbankincountry concept_country_greenland +concept_bank_national concept:bankbankincountry concept_country_guinea +concept_bank_national concept:bankbankincountry concept_country_guyana +concept_bank_national concept:bankbankincountry concept_country_hungary +concept_bank_national concept:bankbankincountry concept_country_indonesia +concept_bank_national concept:bankbankincountry concept_country_iran +concept_bank_national concept:bankbankincountry concept_country_iraq +concept_bank_national concept:bankbankincountry concept_country_ireland +concept_bank_national concept:bankbankincountry concept_country_japan +concept_bank_national concept:bankbankincountry concept_country_jordan +concept_bank_national concept:bankbankincountry concept_country_kazakhstan +concept_bank_national concept:bankbankincountry concept_country_kazakstan +concept_bank_national concept:bankbankincountry concept_country_korea +concept_bank_national concept:bankbankincountry concept_country_kosovo +concept_bank_national concept:bankbankincountry concept_country_kuwait +concept_bank_national concept:bankbankincountry concept_country_kyrgyz_republic +concept_bank_national concept:bankbankincountry concept_country_kyrgyzstan +concept_bank_national concept:bankbankincountry concept_country_lao_pdr +concept_bank_national concept:bankbankincountry concept_country_lao_people_s_democratic_republic +concept_bank_national concept:bankbankincountry concept_country_laos +concept_bank_national concept:bankbankincountry concept_country_latvia +concept_bank_national concept:bankbankincountry concept_country_liberia +concept_bank_national concept:bankbankincountry concept_country_libya +concept_bank_national concept:bankbankincountry concept_country_macedonia +concept_bank_national concept:bankbankincountry concept_country_madagascar +concept_bank_national concept:bankbankincountry concept_country_malawi +concept_bank_national concept:bankbankincountry concept_country_malaysia +concept_bank_national concept:bankbankincountry concept_country_maldives +concept_bank_national concept:bankbankincountry concept_country_mali +concept_bank_national concept:bankbankincountry concept_country_mauritius +concept_bank_national concept:bankbankincountry concept_country_moldova +concept_bank_national concept:bankbankincountry concept_country_mongolia +concept_bank_national concept:bankbankincountry concept_country_montenegro +concept_bank_national concept:bankbankincountry concept_country_mozambique +concept_bank_national concept:bankbankincountry concept_country_myanmar_burma +concept_bank_national concept:bankbankincountry concept_country_namibia +concept_bank_national concept:bankbankincountry concept_country_nepal +concept_bank_national concept:bankbankincountry concept_country_netherlands +concept_bank_national concept:bankbankincountry concept_country_new_south_wales +concept_bank_national concept:bankbankincountry concept_country_new_zealand +concept_bank_national concept:hasofficeincountry concept_country_new_zealand +concept_bank_national concept:bankbankincountry concept_country_nigeria +concept_bank_national concept:bankbankincountry concept_country_norway +concept_bank_national concept:bankbankincountry concept_country_oman +concept_bank_national concept:bankbankincountry concept_country_pakistan +concept_bank_national concept:bankbankincountry concept_country_palestine +concept_bank_national concept:bankbankincountry concept_country_papua_new_guinea +concept_bank_national concept:bankbankincountry concept_country_peoples_republic +concept_bank_national concept:bankbankincountry concept_country_persia +concept_bank_national concept:bankbankincountry concept_country_philippines +concept_bank_national concept:bankbankincountry concept_country_poland +concept_bank_national concept:bankbankincountry concept_country_portugal +concept_bank_national concept:bankbankincountry concept_country_qatar +concept_bank_national concept:bankbankincountry concept_country_republic +concept_bank_national concept:bankbankincountry concept_country_republic_of_angola +concept_bank_national concept:bankbankincountry concept_country_republic_of_austria +concept_bank_national concept:bankbankincountry concept_country_republic_of_benin +concept_bank_national concept:bankbankincountry concept_country_republic_of_india +concept_bank_national concept:bankbankincountry concept_country_republic_of_kenya +concept_bank_national concept:bankbankincountry concept_country_republic_of_lithuania +concept_bank_national concept:bankbankincountry concept_country_republic_of_vanuatu +concept_bank_national concept:bankbankincountry concept_country_rhodesia +concept_bank_national concept:bankbankincountry concept_country_romania +concept_bank_national concept:bankbankincountry concept_country_russia +concept_bank_national concept:bankbankincountry concept_country_russian_federation +concept_bank_national concept:bankbankincountry concept_country_rwanda +concept_bank_national concept:bankbankincountry concept_country_samoa +concept_bank_national concept:bankbankincountry concept_country_scandinavian_countries +concept_bank_national concept:bankbankincountry concept_country_scotland +concept_bank_national concept:bankbankincountry concept_country_senegal +concept_bank_national concept:bankbankincountry concept_country_sierra_leone +concept_bank_national concept:bankbankincountry concept_country_slovakia +concept_bank_national concept:bankbankincountry concept_country_slovenia +concept_bank_national concept:bankbankincountry concept_country_somalia +concept_bank_national concept:bankbankincountry concept_country_south_africa +concept_bank_national concept:bankbankincountry concept_country_south_korea +concept_bank_national concept:bankbankincountry concept_country_soviet_union +concept_bank_national concept:bankbankincountry concept_country_sudan +concept_bank_national concept:bankbankincountry concept_country_swaziland +concept_bank_national concept:bankbankincountry concept_country_sweden +concept_bank_national concept:bankbankincountry concept_country_switzerland +concept_bank_national concept:bankbankincountry concept_country_tajikistan +concept_bank_national concept:bankbankincountry concept_country_tanzania +concept_bank_national concept:bankbankincountry concept_country_thailand +concept_bank_national concept:bankbankincountry concept_country_the_philippines +concept_bank_national concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_national concept:bankbankincountry concept_country_trinidad_and_tobago +concept_bank_national concept:bankbankincountry concept_country_tunisia +concept_bank_national concept:bankbankincountry concept_country_turkey +concept_bank_national concept:bankbankincountry concept_country_turkmenistan +concept_bank_national concept:bankbankincountry concept_country_tuvalu +concept_bank_national concept:bankbankincountry concept_country_uganda +concept_bank_national concept:bankbankincountry concept_country_uk +concept_bank_national concept:hasofficeincountry concept_country_uk +concept_bank_national concept:bankbankincountry concept_country_uk__canada +concept_bank_national concept:bankbankincountry concept_country_ukraine +concept_bank_national concept:agentactsinlocation concept_country_usa +concept_bank_national concept:bankbankincountry concept_country_uzbekistan +concept_bank_national concept:bankbankincountry concept_country_viet_nam +concept_bank_national concept:bankbankincountry concept_country_vietnam +concept_bank_national concept:bankbankincountry concept_country_wales +concept_bank_national concept:bankbankincountry concept_country_yemen +concept_bank_national concept:bankbankincountry concept_country_zambia +concept_bank_national concept:bankbankincountry concept_country_zimbabwe +concept_bank_national concept:bankbankincountry concept_island_antigua_and_barbuda +concept_bank_national concept:bankbankincountry concept_island_iceland +concept_bank_national concept:bankbankincountry concept_island_kiribati +concept_bank_national_australia_bank concept:bankbankincountry concept_country_australia +concept_bank_national_bank concept:bankbankincountry concept_country_canada_canada +concept_bank_national_westminster concept:bankbankincountry concept_country_scotland +concept_bank_nationsbank concept:companyeconomicsector concept_economicsector_banking +concept_bank_nbad concept:latitudelongitude 49.9645900000000,12.7011800000000 +concept_bank_nbd concept:latitudelongitude 28.2935000000000,53.2207000000000 +concept_bank_ncr_corporation concept:companyeconomicsector concept_economicsector_telecommunications +concept_bank_new_york_life concept:competeswith concept_bank_ocbc_bank +concept_bank_new_york_life concept:companyeconomicsector concept_economicsector_insurance +concept_bank_new_york_stock_exchange concept:companyalsoknownas concept_bank_nyse +concept_bank_new_york_stock_exchange concept:organizationterminatedperson concept_ceo_richard_grasso +concept_bank_newmark_knight_frank concept:companyeconomicsector concept_academicfield_real_estate +concept_bank_northern_rock concept:bankbankincountry concept_country_britain +concept_bank_northern_rock concept:bankbankincountry concept_country_england +concept_bank_northern_rock concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_northern_rock concept:bankbankincountry concept_country_uk +concept_bank_northrop_grumman concept:companyeconomicsector concept_economicsector_aerospace +concept_bank_northwestern_mutual concept:companyeconomicsector concept_economicsector_insurance +concept_bank_norwest concept:organizationdissolvedatdate concept_year_n1998 +concept_bank_novartis concept:mutualproxyfor concept_ceo_daniel_vasella +concept_bank_novartis concept:organizationterminatedperson concept_ceo_daniel_vasella +concept_bank_novartis concept:competeswith concept_company_philip_morris +concept_bank_novartis concept:companyeconomicsector concept_economicsector_biotechnology +concept_bank_novartis concept:companyeconomicsector concept_economicsector_pharmaceuticals +concept_bank_npd_group concept:companyeconomicsector concept_economicsector_market_research +concept_bank_npm concept:latitudelongitude 49.4154933333333,20.4447016666667 +concept_bank_nyse concept:companyalsoknownas concept_bank_new_york_stock_exchange +concept_bank_nyse concept:organizationacronymhasname concept_bank_new_york_stock_exchange +concept_bank_nyse concept:organizationterminatedperson concept_ceo_richard_grasso +concept_bank_nyse concept:synonymfor concept_website_new_york_stock_exchange +concept_bank_ocala_national concept:latitudelongitude 29.2063650000000,-81.7384150000000 +concept_bank_omaha concept:organizationterminatedperson concept_ceo_buffett +concept_bank_omaha concept:atlocation concept_city_nebraska +concept_bank_omaha concept:organizationterminatedperson concept_personus_warren_buffet +concept_bank_omaha concept:agentparticipatedinevent concept_sportsgame_series +concept_bank_online concept:companyeconomicsector concept_economicsector_insurance +concept_bank_oppenheimer concept:companyeconomicsector concept_economicsector_investment +concept_bank_oracle_corporation concept:companyalsoknownas concept_company_oracle +concept_bank_oracle_corporation concept:organizationalsoknownas concept_university_oracle +concept_bank_oriental_bank_of_commerce concept:bankbankincountry concept_country_republic_of_india +concept_bank_osaka concept:proxyfor concept_radiostation_japan +concept_bank_painewebber concept:companyeconomicsector concept_economicsector_investment +concept_bank_parcel_post concept:competeswith concept_bank_dhl +concept_bank_parcel_post concept:competeswith concept_bank_fedex +concept_bank_parcel_post concept:competeswith concept_bank_first_class_mail +concept_bank_parcel_post concept:competeswith concept_bank_ups +concept_bank_parcel_post concept:competeswith concept_bank_usps +concept_bank_parcel_post concept:competeswith concept_bank_usps_global_priority +concept_bank_parcel_post concept:competeswith concept_company_priority +concept_bank_parcel_post concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_paypal concept:competeswith concept_blog_google +concept_bank_paypal concept:organizationterminatedperson concept_ceo_peter_thiel +concept_bank_paypal concept:bankbankincountry concept_country___america +concept_bank_paypal concept:hasofficeincountry concept_country___america +concept_bank_paypal_shopping_cart concept:agentinvolvedwithitem concept_buildingfeature_window +concept_bank_peoples concept:bankbankincountry concept_country_china +concept_bank_pioneer concept:companyeconomicsector concept_economicsector_electronics +concept_bank_piper_jaffray concept:companyeconomicsector concept_economicsector_investment +concept_bank_piper_jaffray concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_pnb concept:bankbankincountry concept_country_republic_of_india +concept_bank_pnc concept:acquired concept_company_national_city +concept_bank_policy_makers concept:subpartoforganization concept_terroristorganization_state +concept_bank_post_office concept:competeswith concept_bank_ups +concept_bank_postal_mail concept:agentcreated concept_programminglanguage_contact +concept_bank_postal_service concept:competeswith concept_bank_ups +concept_bank_pricewaterhousecoopers concept:companyeconomicsector concept_academicfield_accounting +concept_bank_pricewaterhousecoopers concept:companyeconomicsector concept_academicfield_consulting +concept_bank_pricewaterhousecoopers concept:companyeconomicsector concept_academicfield_public_accounting +concept_bank_principal concept:bankbankincountry concept_country_republic_of_india +concept_bank_principal concept:hasofficeincountry concept_country_republic_of_india +concept_bank_principal_financial concept:agentcontrols concept_company_national_city +concept_bank_priority_mail concept:competeswith concept_bank_dhl +concept_bank_priority_mail concept:competeswith concept_bank_fed_ex +concept_bank_priority_mail concept:competeswith concept_bank_fedex +concept_bank_priority_mail concept:competeswith concept_bank_first_class_mail +concept_bank_priority_mail concept:competeswith concept_bank_u__s__postal_service +concept_bank_priority_mail concept:competeswith concept_bank_united_postal_service +concept_bank_priority_mail concept:competeswith concept_bank_ups +concept_bank_priority_mail concept:competeswith concept_bank_us_postal +concept_bank_priority_mail concept:competeswith concept_bank_usps +concept_bank_priority_mail concept:competeswith concept_bank_usps_air_mail +concept_bank_priority_mail concept:competeswith concept_bank_usps_express +concept_bank_priority_mail concept:competeswith concept_company_express +concept_bank_priority_mail concept:competeswith concept_company_first_class +concept_bank_priority_mail concept:competeswith concept_company_priority +concept_bank_priority_mail concept:competeswith concept_company_usps_media +concept_bank_priority_mail concept:organizationheadquarteredincountry concept_country_usa +concept_bank_priority_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_priority_mail concept:competeswith concept_publication_media +concept_bank_priority_mail_service concept:competeswith concept_bank_ups +concept_bank_prudential_financial concept:headquarteredin concept_city_newark +concept_bank_prudential_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_punjab_and_maharashtra_co_operative_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_punjab_national_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_punjab_national_bank concept:hasofficeincountry concept_country_republic_of_india +concept_bank_purolator concept:latitudelongitude 40.5517700000000,-74.4748800000000 +concept_bank_putnam concept:organizationhiredperson concept_person_janis_miller +concept_bank_raiffeisen concept:latitudelongitude 46.9007463596872,8.0991815899218 +concept_bank_rbc concept:bankbankincountry concept_country_canada_canada +concept_bank_rbc concept:hasofficeincountry concept_country_canada_canada +concept_bank_rbc_capital_markets concept:companyeconomicsector concept_economicsector_investment +concept_bank_rbc_royal_bank concept:bankbankincountry concept_country_canada_canada +concept_bank_rbs concept:organizationterminatedperson concept_ceo_fred_goodwin +concept_bank_rbs concept:organizationterminatedperson concept_ceo_tom_mckillop +concept_bank_rbs concept:bankbankincountry concept_country_scotland +concept_bank_rbs concept:hasofficeincountry concept_country_scotland +concept_bank_regions concept:agentparticipatedinevent concept_eventoutcome_result +concept_bank_reliance concept:organizationterminatedperson concept_ceo_mukesh_ambani +concept_bank_reliance concept:bankbankincountry concept_country_republic_of_india +concept_bank_reliance concept:hasofficeincountry concept_country_republic_of_india +concept_bank_reliance_industries_limited concept:bankbankincountry concept_country_republic_of_india +concept_bank_reliance_industries_limited concept:hasofficeincountry concept_country_republic_of_india +concept_bank_reliance_industries_limited concept:mutualproxyfor concept_person_mukesh_ambani +concept_bank_renault_sa concept:agentcreated concept_automobilemodel_kangoo +concept_bank_renault_sa concept:agentinvolvedwithitem concept_automobilemodel_kangoo +concept_bank_renault_sa concept:mutualproxyfor concept_ceo_flavio_briatore +concept_bank_renault_sa concept:organizationterminatedperson concept_ceo_flavio_briatore +concept_bank_renault_sa concept:hasofficeincountry concept_country_uk +concept_bank_reuters concept:companyeconomicsector concept_academicfield_media +concept_bank_reuters concept:companyeconomicsector concept_academicfield_news +concept_bank_reuters concept:mutualproxyfor concept_ceo_tom_glocer +concept_bank_reuters concept:organizationterminatedperson concept_ceo_tom_glocer +concept_bank_reuters concept:hasofficeincity concept_city_london_city +concept_bank_rics concept:latitudelongitude 46.9166700000000,19.1500000000000 +concept_bank_robert_w__baird concept:companyeconomicsector concept_economicsector_investment +concept_bank_robertson_stephens concept:companyeconomicsector concept_economicsector_investment +concept_bank_rothschild concept:companyeconomicsector concept_economicsector_investment +concept_bank_royal concept:competeswith concept_bank_dhl +concept_bank_royal concept:agentactsinlocation concept_city_dublin_dublin +concept_bank_royal concept:agentactsinlocation concept_city_london_city +concept_bank_royal concept:bankbankincountry concept_country___america +concept_bank_royal concept:hasofficeincountry concept_country___america +concept_bank_royal concept:bankbankincountry concept_country_belgium +concept_bank_royal concept:bankbankincountry concept_country_britain +concept_bank_royal concept:bankbankincountry concept_country_brunei +concept_bank_royal concept:bankbankincountry concept_country_canada_canada +concept_bank_royal concept:hasofficeincountry concept_country_canada_canada +concept_bank_royal concept:bankbankincountry concept_country_denmark +concept_bank_royal concept:bankbankincountry concept_country_england +concept_bank_royal concept:hasofficeincountry concept_country_england +concept_bank_royal concept:bankbankincountry concept_country_great_britain +concept_bank_royal concept:hasofficeincountry concept_country_great_britain +concept_bank_royal concept:bankbankincountry concept_country_ireland +concept_bank_royal concept:bankbankincountry concept_country_malaysia +concept_bank_royal concept:bankbankincountry concept_country_netherlands +concept_bank_royal concept:bankbankincountry concept_country_new_zealand +concept_bank_royal concept:hasofficeincountry concept_country_new_zealand +concept_bank_royal concept:bankbankincountry concept_country_norway +concept_bank_royal concept:bankbankincountry concept_country_oman +concept_bank_royal concept:bankbankincountry concept_country_scotland +concept_bank_royal concept:hasofficeincountry concept_country_scotland +concept_bank_royal concept:bankbankincountry concept_country_spain +concept_bank_royal concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_royal concept:hasofficeincountry concept_country_the_united_kingdom +concept_bank_royal concept:bankbankincountry concept_country_wales +concept_bank_royal concept:agentactsinlocation concept_county_central_london +concept_bank_royal concept:agentactsinlocation concept_visualizablescene_west_london +concept_bank_royal_bank concept:acquired concept_bank_worldpay +concept_bank_royal_bank concept:organizationterminatedperson concept_ceo_stephen_hester +concept_bank_royal_bank_of_scotland concept:organizationterminatedperson concept_ceo_stephen_hester +concept_bank_royal_dutch_shell concept:mutualproxyfor concept_ceo_peter_voser +concept_bank_royal_dutch_shell concept:organizationterminatedperson concept_ceo_peter_voser +concept_bank_royal_dutch_shell concept:mutualproxyfor concept_person_jeroen_van_der_veer +concept_bank_royal_dutch_shell concept:companyeconomicsector concept_politicsissue_energy +concept_bank_s_g_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_safeco concept:atlocation concept_county_seattle +concept_bank_safeco concept:companyeconomicsector concept_economicsector_insurance +concept_bank_sallie_mae concept:organizationterminatedperson concept_ceo_albert_lord +concept_bank_sallie_mae concept:subpartof concept_ceo_albert_lord +concept_bank_sallie_mae concept:companyeconomicsector concept_economicsector_loan +concept_bank_salomon_brothers concept:companyeconomicsector concept_economicsector_investment +concept_bank_salomon_brothers concept:companyeconomicsector concept_economicsector_investment_banking +concept_bank_salomon_smith_barney concept:companyeconomicsector concept_economicsector_investment +concept_bank_sanders_morris_harris concept:companyeconomicsector concept_economicsector_investment +concept_bank_sandler_o_neill___partners concept:companyeconomicsector concept_economicsector_investment +concept_bank_sap concept:organizationterminatedperson concept_ceo_henning_kagermann +concept_bank_sap concept:acquired concept_company_business_objects +concept_bank_sap concept:acquired concept_company_tomorrownow +concept_bank_sbc concept:companyeconomicsector concept_economicsector_telecommunications +concept_bank_sbi concept:bankbankincountry concept_country_republic_of_india +concept_bank_schroders concept:companyeconomicsector concept_economicsector_investment +concept_bank_scotiabank concept:bankbankincountry concept_country_canada_canada +concept_bank_second_bank concept:latitudelongitude 39.9478900000000,-75.1487900000000 +concept_bank_select concept:companyeconomicsector concept_economicsector_insurance +concept_bank_shares concept:atdate concept_date_n1996 +concept_bank_shares concept:atdate concept_date_n2004 +concept_bank_shares concept:atdate concept_dateliteral_n2002 +concept_bank_shares concept:atdate concept_dateliteral_n2006 +concept_bank_shares concept:atdate concept_dateliteral_n2007 +concept_bank_shares concept:atdate concept_dateliteral_n2008 +concept_bank_shares concept:subpartoforganization concept_governmentorganization_government +concept_bank_shares concept:subpartoforganization concept_terroristorganization_state +concept_bank_shearson_lehman concept:companyeconomicsector concept_economicsector_investment +concept_bank_shinhan concept:latitudelongitude 35.4669400000000,128.3227800000000 +concept_bank_sidley_austin concept:companyeconomicsector concept_academicfield_law +concept_bank_siemens concept:companyeconomicsector concept_academicfield_engineering +concept_bank_siemens concept:companyeconomicsector concept_economicsector_electronics +concept_bank_site concept:organizationheadquarteredincountry concept_country_u_s_ +concept_bank_site concept:agentactsinlocation concept_country_us +concept_bank_site concept:agentparticipatedinevent concept_crimeorcharge_legal_terms +concept_bank_site concept:agentparticipatedinevent concept_crimeorcharge_privacy_policy +concept_bank_site concept:subpartoforganization concept_governmentorganization_government +concept_bank_site concept:subpartoforganization concept_governmentorganization_national_park_service +concept_bank_site concept:subpartoforganization concept_terroristorganization_state +concept_bank_smith_barney concept:companyeconomicsector concept_economicsector_investment +concept_bank_sodexho concept:organizationheadquarteredincity concept_city_gaithersburg +concept_bank_sony_corporation concept:companyeconomicsector concept_economicsector_electronics +concept_bank_south_indian_bank_ltd concept:bankbankincountry concept_country_republic_of_india +concept_bank_sprint concept:acquired concept_company_verizon +concept_bank_sprint concept:organizationheadquarteredincity concept_county_kansas_city +concept_bank_sprint concept:companyeconomicsector concept_economicsector_telecommunications +concept_bank_st_george concept:bankbankincountry concept_country_australia +concept_bank_standard concept:organizationheadquarteredincountry concept_country_u_s_ +concept_bank_standard_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_standard_chartered concept:bankbankincountry concept_country_republic_of_india +concept_bank_standard_chartered concept:hasofficeincountry concept_country_republic_of_india +concept_bank_standard_chartered concept:mutualproxyfor concept_person_peter_sands +concept_bank_standard_chartered concept:organizationterminatedperson concept_person_peter_sands +concept_bank_standard_chartered concept:subpartof concept_person_peter_sands +concept_bank_state_bank concept:companyeconomicsector concept_politicsissue_public_sector +concept_bank_state_bank_of_indore concept:bankbankincountry concept_country_republic_of_india +concept_bank_state_bank_of_mysore concept:bankbankincountry concept_country_republic_of_india +concept_bank_state_bank_of_saurashtra concept:bankbankincountry concept_country_republic_of_india +concept_bank_state_farm concept:companyeconomicsector concept_economicsector_insurance +concept_bank_state_street concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_statistics concept:agentinvolvedwithitem concept_buildingfeature_window +concept_bank_statistics concept:organizationheadquarteredincountry concept_country_us +concept_bank_statistics concept:subpartoforganization concept_governmentorganization_government +concept_bank_sterling concept:organizationheadquarteredincity concept_city_copenhagen +concept_bank_stifel concept:companyeconomicsector concept_economicsector_investment +concept_bank_stifel_nicolaus concept:companyeconomicsector concept_economicsector_investment +concept_bank_summit_partners concept:companyeconomicsector concept_economicsector_equity +concept_bank_supervalu_inc concept:mutualproxyfor concept_ceo_jeff_noddle +concept_bank_supervalu_inc concept:organizationterminatedperson concept_ceo_jeff_noddle +concept_bank_surface_mail concept:competeswith concept_company_air +concept_bank_swiss_bank concept:bankbankincountry concept_country_switzerland +concept_bank_swiss_bank concept:hasofficeincountry concept_country_switzerland +concept_bank_symantec concept:agentcollaborateswithagent concept_visualartist_john_thompson +concept_bank_syndicate_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_t__rowe_price concept:companyeconomicsector concept_economicsector_investment +concept_bank_takeover concept:atdate concept_dateliteral_n2006 +concept_bank_takeover concept:atdate concept_dateliteral_n2007 +concept_bank_td concept:bankbankincountry concept_country_canada_canada +concept_bank_td_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_the_carlyle_group concept:companyeconomicsector concept_economicsector_equity +concept_bank_the_chase_manhattan_bank concept:competeswith concept_company_tiaa_cref +concept_bank_the_national concept:hasofficeincity concept_city_center +concept_bank_the_national concept:agentactsinlocation concept_city_london_city +concept_bank_the_national concept:hasofficeincity concept_city_washington_d_c +concept_bank_the_national concept:agentactsinlocation concept_city_washington_dc +concept_bank_the_national concept:bankbankincountry concept_country___america +concept_bank_the_national concept:hasofficeincountry concept_country___america +concept_bank_the_national concept:bankbankincountry concept_country_australia +concept_bank_the_national concept:bankbankincountry concept_country_canada_canada +concept_bank_the_national concept:hasofficeincountry concept_country_canada_canada +concept_bank_the_national concept:bankbankincountry concept_country_china +concept_bank_the_national concept:hasofficeincountry concept_country_china +concept_bank_the_national concept:bankbankincountry concept_country_denmark +concept_bank_the_national concept:bankbankincountry concept_country_england +concept_bank_the_national concept:bankbankincountry concept_country_finland +concept_bank_the_national concept:bankbankincountry concept_country_great_britain +concept_bank_the_national concept:bankbankincountry concept_country_ireland +concept_bank_the_national concept:bankbankincountry concept_country_korea +concept_bank_the_national concept:hasofficeincountry concept_country_korea +concept_bank_the_national concept:bankbankincountry concept_country_new_zealand +concept_bank_the_national concept:hasofficeincountry concept_country_new_zealand +concept_bank_the_national concept:bankbankincountry concept_country_norway +concept_bank_the_national concept:bankbankincountry concept_country_scotland +concept_bank_the_national concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_the_national concept:bankbankincountry concept_country_ukraine +concept_bank_the_national concept:agentactsinlocation concept_country_usa +concept_bank_the_national concept:bankbankincountry concept_country_wales +concept_bank_the_national concept:bankbankincountry concept_country_zimbabwe +concept_bank_the_national concept:bankbankincountry concept_island_iceland +concept_bank_the_royal concept:bankbankincountry concept_country_canada_canada +concept_bank_the_royal concept:hasofficeincountry concept_country_canada_canada +concept_bank_the_royal concept:bankbankincountry concept_country_england +concept_bank_the_royal concept:bankbankincountry concept_country_great_britain +concept_bank_the_royal concept:bankbankincountry concept_country_ireland +concept_bank_the_royal concept:bankbankincountry concept_country_scotland +concept_bank_the_royal concept:bankbankincountry concept_country_the_united_kingdom +concept_bank_the_royal concept:bankbankincountry concept_country_wales +concept_bank_thomas_weisel_partners concept:companyeconomicsector concept_economicsector_investment +concept_bank_threadneedle concept:latitudelongitude 18.3671800000000,-64.7131900000000 +concept_bank_time_warner concept:acquired concept_company_cnn001 +concept_bank_toronto_dominion_bank concept:bankbankincountry concept_country_canada_canada +concept_bank_toronto_dominion_bank concept:hasofficeincountry concept_country_canada_canada +concept_bank_tower_group concept:latitudelongitude 37.3858300000000,-109.0812200000000 +concept_bank_tpg concept:companyeconomicsector concept_economicsector_equity +concept_bank_travel_guard concept:companyeconomicsector concept_economicsector_travel_insurance +concept_bank_treasury concept:hasofficeincountry concept_country_u_s_ +concept_bank_treasury concept:hasofficeincountry concept_country_us +concept_bank_u__s__postal_service concept:competeswith concept_bank_express_mail +concept_bank_u__s__postal_service concept:competeswith concept_bank_priority_mail +concept_bank_u__s__postal_service concept:competeswith concept_bank_ups +concept_bank_u_s concept:bankboughtbank concept_bank_union_bank +concept_bank_u_s concept:hasofficeincountry concept_country___america +concept_bank_u_s__federal_reserve concept:bankbankincountry concept_country_england +concept_bank_u_s__federal_reserve concept:organizationterminatedperson concept_politicianus_ben_bernanke +concept_bank_u_s__mail concept:competeswith concept_bank_ups +concept_bank_ual concept:agentcollaborateswithagent concept_ceo_glenn_f__tilton +concept_bank_ual concept:mutualproxyfor concept_ceo_glenn_f__tilton +concept_bank_ubs concept:companyeconomicsector concept_economicsector_banking +concept_bank_ubs concept:companyeconomicsector concept_economicsector_financial_services +concept_bank_ubs concept:companyeconomicsector concept_economicsector_investment +concept_bank_ubs_ag concept:companyeconomicsector concept_economicsector_investment +concept_bank_ubs_investment_bank concept:companyeconomicsector concept_economicsector_investment +concept_bank_uco_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_unilever concept:companyeconomicsector concept_economicsector_consumer_products +concept_bank_union concept:hasofficeincountry concept_country___america +concept_bank_union_national concept:latitudelongitude 35.9072600000000,-105.0122300000000 +concept_bank_unit concept:proxyfor concept_bedroomitem_new +concept_bank_unit concept:agentparticipatedinevent concept_eventoutcome_result +concept_bank_unit concept:agentcreated concept_programminglanguage_contact +concept_bank_unit concept:subpartoforganization concept_terroristorganization_state +concept_bank_united_bank_of_india concept:bankbankincountry concept_country_republic_of_india +concept_bank_united_parcel_service concept:competeswith concept_bank_usps +concept_bank_united_postal_service concept:competeswith concept_bank_priority_mail +concept_bank_united_postal_service concept:competeswith concept_bank_ups +concept_bank_united_states_federal_reserve concept:latitudelongitude 37.5356800000000,-77.4406800000000 +concept_bank_units concept:subpartoforganization concept_terroristorganization_state +concept_bank_ups concept:competeswith concept_bank_dhl +concept_bank_ups concept:competeswith concept_bank_express_mail +concept_bank_ups concept:competeswith concept_bank_fed_ex +concept_bank_ups concept:competeswith concept_bank_federal_express +concept_bank_ups concept:competeswith concept_bank_fedex +concept_bank_ups concept:competeswith concept_bank_first_class_mail +concept_bank_ups concept:competeswith concept_bank_insured +concept_bank_ups concept:competeswith concept_bank_parcel_post +concept_bank_ups concept:competeswith concept_bank_post_office +concept_bank_ups concept:competeswith concept_bank_postal_service +concept_bank_ups concept:competeswith concept_bank_priority_mail +concept_bank_ups concept:competeswith concept_bank_priority_mail_service +concept_bank_ups concept:competeswith concept_bank_u__s__postal_service +concept_bank_ups concept:competeswith concept_bank_u_s__mail +concept_bank_ups concept:competeswith concept_bank_united_postal_service +concept_bank_ups concept:competeswith concept_bank_us_mail +concept_bank_ups concept:competeswith concept_bank_us_postal +concept_bank_ups concept:competeswith concept_bank_usps +concept_bank_ups concept:competeswith concept_bank_usps_air_mail +concept_bank_ups concept:competeswith concept_bank_usps_global_priority +concept_bank_ups concept:headquarteredin concept_city_atlanta +concept_bank_ups concept:competeswith concept_company_air +concept_bank_ups concept:competeswith concept_company_express +concept_bank_ups concept:competeswith concept_company_first_class +concept_bank_ups concept:competeswith concept_company_media_mail +concept_bank_ups concept:competeswith concept_company_priority +concept_bank_ups concept:organizationheadquarteredincountry concept_country_usa +concept_bank_ups concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_ups_air concept:competeswith concept_company_express +concept_bank_ups_ground concept:competeswith concept_bank_usps +concept_bank_ups_ground concept:competeswith concept_company_priority +concept_bank_ups_ground concept:organizationheadquarteredincountry concept_country_u_s_ +concept_bank_ups_ground concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_ups_ground_shipping concept:latitudelongitude 36.0603900000000,-115.1572500000000 +concept_bank_ups_ground_shipping concept:competeswith concept_bank_usps +concept_bank_us_airways concept:organizationterminatedperson concept_ceo_doug_parker +concept_bank_us_airways concept:headquarteredin concept_city_baltimore +concept_bank_us_airways concept:hasofficeincity concept_city_charlotte +concept_bank_us_airways concept:hasofficeincity concept_city_hudson +concept_bank_us_airways concept:hasofficeincity concept_city_laguardia +concept_bank_us_airways concept:hasofficeincity concept_city_new_york +concept_bank_us_airways concept:hasofficeincity concept_city_philadelphia +concept_bank_us_airways concept:hasofficeincity concept_city_tempe +concept_bank_us_bank concept:organizationterminatedperson concept_ceo_richard_davis +concept_bank_us_federal_reserve concept:bankbankincountry concept_country_england +concept_bank_us_federal_reserve concept:hasofficeincountry concept_country_england +concept_bank_us_mail concept:competeswith concept_bank_ups +concept_bank_us_postal concept:competeswith concept_bank_express_mail +concept_bank_us_postal concept:competeswith concept_bank_priority_mail +concept_bank_us_postal concept:competeswith concept_bank_ups +concept_bank_usaa concept:companyeconomicsector concept_economicsector_insurance +concept_bank_usps concept:competeswith concept_bank_airmail +concept_bank_usps concept:competeswith concept_bank_dhl +concept_bank_usps concept:competeswith concept_bank_express_mail +concept_bank_usps concept:competeswith concept_bank_express_mail_international +concept_bank_usps concept:competeswith concept_bank_fed_ex +concept_bank_usps concept:competeswith concept_bank_federal_express +concept_bank_usps concept:competeswith concept_bank_fedex +concept_bank_usps concept:competeswith concept_bank_fedex_ground +concept_bank_usps concept:competeswith concept_bank_first_class_international +concept_bank_usps concept:competeswith concept_bank_first_class_mail +concept_bank_usps concept:competeswith concept_bank_global_priority +concept_bank_usps concept:competeswith concept_bank_international_priority_mail +concept_bank_usps concept:competeswith concept_bank_parcel_post +concept_bank_usps concept:competeswith concept_bank_priority_mail +concept_bank_usps concept:competeswith concept_bank_united_parcel_service +concept_bank_usps concept:competeswith concept_bank_ups +concept_bank_usps concept:competeswith concept_bank_ups_ground +concept_bank_usps concept:competeswith concept_bank_ups_ground_shipping +concept_bank_usps concept:competeswith concept_bank_usps_air_mail +concept_bank_usps concept:competeswith concept_bank_usps_express +concept_bank_usps concept:competeswith concept_bank_usps_global_priority +concept_bank_usps concept:competeswith concept_company_express +concept_bank_usps concept:competeswith concept_company_first_class +concept_bank_usps concept:competeswith concept_company_international_priority +concept_bank_usps concept:competeswith concept_company_media_mail +concept_bank_usps concept:competeswith concept_company_priority +concept_bank_usps_air concept:competeswith concept_bank_global_priority +concept_bank_usps_air_mail concept:competeswith concept_bank_first_class_mail +concept_bank_usps_air_mail concept:competeswith concept_bank_ups +concept_bank_usps_air_mail concept:competeswith concept_bank_usps +concept_bank_usps_air_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_bank_usps_express concept:competeswith concept_bank_priority_mail +concept_bank_usps_express concept:competeswith concept_bank_usps +concept_bank_usps_global_priority concept:competeswith concept_bank_airmail +concept_bank_usps_global_priority concept:competeswith concept_bank_express_mail +concept_bank_usps_global_priority concept:competeswith concept_bank_express_mail_international +concept_bank_usps_global_priority concept:competeswith concept_bank_first_class_mail +concept_bank_usps_global_priority concept:competeswith concept_bank_global_priority +concept_bank_usps_global_priority concept:competeswith concept_bank_international_priority_mail +concept_bank_usps_global_priority concept:competeswith concept_bank_parcel_post +concept_bank_usps_global_priority concept:competeswith concept_bank_ups +concept_bank_usps_global_priority concept:competeswith concept_bank_usps +concept_bank_usps_global_priority concept:competeswith concept_company_express +concept_bank_usps_global_priority concept:competeswith concept_company_media_mail +concept_bank_uti concept:bankbankincountry concept_country_republic_of_india +concept_bank_vanguard concept:companyeconomicsector concept_economicsector_investment +concept_bank_vanguard concept:organizationterminatedperson concept_politicianus_john_bogle +concept_bank_viacom concept:companyeconomicsector concept_academicfield_media +concept_bank_viacom concept:agentcontrols concept_celebrity_mtv +concept_bank_viacom concept:organizationterminatedperson concept_ceo_sumner_redstone +concept_bank_viacom concept:headquarteredin concept_city_new_york +concept_bank_viacom concept:acquired concept_company_comedy_central +concept_bank_viacom concept:acquired concept_company_nickelodeon +concept_bank_viacom concept:acquired concept_company_paramount_pictures +concept_bank_viacom concept:companyeconomicsector concept_politicsissue_entertainment +concept_bank_viacom concept:acquired concept_recordlabel_mtv +concept_bank_viacom concept:agentcontrols concept_website_cbs +concept_bank_vijaya_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_volkswagen_of_america concept:agentcreated concept_bird_beetle +concept_bank_volkswagen_of_america concept:organizationterminatedperson concept_ceo_ferdinand_piech +concept_bank_volkswagen_of_america concept:organizationterminatedperson concept_ceo_martin_winterkorn +concept_bank_vtb concept:latitudelongitude 55.1265000000000,30.3496400000000 +concept_bank_wachovia concept:acquired concept_bank_a_g__edwards +concept_bank_wachovia concept:acquired concept_bank_ag_edwards +concept_bank_wachovia concept:organizationterminatedperson concept_ceo_ken_thompson +concept_bank_wachovia concept:bankbankincountry concept_country___america +concept_bank_wachovia concept:companyeconomicsector concept_economicsector_investment +concept_bank_wachovia concept:agentcollaborateswithagent concept_scientist_ken_thompson +concept_bank_wachovia_corp concept:companyalsoknownas concept_company_wb +concept_bank_wachovia_securities concept:companyeconomicsector concept_economicsector_investment +concept_bank_walgreen_co concept:organizationterminatedperson concept_ceo_gregory_wasson +concept_bank_washington_mutual concept:subpartoforganization concept_bank_chase_manhattan +concept_bank_washington_mutual concept:bankboughtbank concept_bank_providian +concept_bank_washington_mutual concept:organizationterminatedperson concept_ceo_kerry_killinger +concept_bank_washington_mutual concept:subpartoforganization concept_company_chase +concept_bank_washington_mutual concept:bankbankincountry concept_country___america +concept_bank_washington_mutual concept:hasofficeincountry concept_country___america +concept_bank_wasserstein_perella concept:companyeconomicsector concept_economicsector_investment +concept_bank_wells_fargo concept:acquired concept_bank_first_security +concept_bank_wells_fargo concept:bankboughtbank concept_bank_wachovia +concept_bank_wells_fargo concept:organizationterminatedperson concept_ceo_john_stumpf +concept_bank_wells_fargo concept:companyalsoknownas concept_radiostation_wfc +concept_bank_wells_fargo concept:organizationalsoknownas concept_radiostation_wfc +concept_bank_wells_fargo concept:synonymfor concept_radiostation_wfc +concept_bank_wells_fargo___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_wells_fargo_bank concept:bankboughtbank concept_bank_wachovia_bank +concept_bank_wells_fargo_bank concept:agentcontrols concept_retailstore_wachovia_bank +concept_bank_wells_fargo_bank concept:agentcollaborateswithagent concept_university_wachovia_bank +concept_bank_wesfarmers concept:acquired concept_company_coles_group +concept_bank_westpac concept:bankbankincountry concept_country_australia +concept_bank_william_blair concept:companyeconomicsector concept_economicsector_investment +concept_bank_william_blair___co_ concept:companyeconomicsector concept_economicsector_investment +concept_bank_wilson_sonsini_goodrich___rosati concept:companyeconomicsector concept_academicfield_law +concept_bank_world_bank concept:companyeconomicsector concept_academicfield_finance +concept_bank_world_bank concept:companyeconomicsector concept_academicfield_international_finance +concept_bank_world_bank concept:headquarteredin concept_city_washington_d_c +concept_bank_world_bank concept:hasofficeincity concept_city_washington_dc +concept_bank_world_bank concept:companyeconomicsector concept_economicsector_investment +concept_bank_yankee_group concept:companyeconomicsector concept_politicsissue_research +concept_bank_yes_bank concept:bankbankincountry concept_country_republic_of_india +concept_bank_zecco concept:latitudelongitude 11.0333300000000,-0.8500000000000 +concept_bathroomitem_airconditioning concept:subpartof concept_charactertrait_central +concept_bathroomitem_airconditioning concept:subpartof concept_transportation_central_air +concept_bathroomitem_atlantic concept:atlocation concept_blog_iowa +concept_bathroomitem_atlantic concept:atlocation concept_building_america +concept_bathroomitem_basin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_basins concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_basins concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_bath concept:itemfoundinroom concept_room_floor_master +concept_bathroomitem_bath concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_bath_ concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bath_facilities concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bath_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bath_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_room_suite +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_bath_tub concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_bath_tube concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bath_tubs concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bath_tubs concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_bath_tubs concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_bath_wc concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_luxurious_marble_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_oversized_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_separate_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_baths +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_en_suite_marble_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_master +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_bathtub concept:itemfoundinroom concept_room_suite +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_bathtub concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_bathtub_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bathtube concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_bedroom_suites +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_bathtubs concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_bathub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_belt concept:atdate concept_date_n2004 +concept_bathroomitem_belt concept:atdate concept_dateliteral_n2005 +concept_bathroomitem_bidet concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_bidet concept:itemfoundinroom concept_room_bath +concept_bathroomitem_bidet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_bidet concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_buyer concept:proxyfor concept_book_new +concept_bathroomitem_buyer concept:atdate concept_dateliteral_n2008 +concept_bathroomitem_casino concept:mutualproxyfor concept_book_new +concept_bathroomitem_casino concept:atlocation concept_building_vegas +concept_bathroomitem_casino concept:subpartof concept_traditionalgame_vegas +concept_bathroomitem_chest concept:subpartof concept_website_blood +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_huge_master_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_spacious_master_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_officebuildingroom_third_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_room_floor_master +concept_bathroomitem_closet concept:itemfoundinroom concept_room_master +concept_bathroomitem_closet concept:itemfoundinroom concept_room_office +concept_bathroomitem_closet concept:itemfoundinroom concept_room_spacious_master +concept_bathroomitem_closet concept:itemfoundinroom concept_room_suite +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_large_master_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_large_master_suite +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_closet concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_complimentary_toiletries concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_construction_project concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_corner_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_corner_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_corner_spa concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_creative concept:mutualproxyfor concept_person_robin_bronk +concept_bathroomitem_creative concept:subpartof concept_person_robin_bronk +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_large_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_officebuildingroom_spacious_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_room_area +concept_bathroomitem_double_bed concept:itemfoundinroom concept_room_guest +concept_bathroomitem_double_bed concept:itemfoundinroom concept_room_master +concept_bathroomitem_double_bed concept:itemfoundinroom concept_room_suite +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablescene_studio +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablething_separate_bedroom +concept_bathroomitem_double_bed concept:itemfoundinroom concept_visualizablething_sleeping_area +concept_bathroomitem_double_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_double_sink concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_double_sinks concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_double_sinks concept:itemfoundinroom concept_room_bath +concept_bathroomitem_double_sinks concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_double_spa_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_double_washbasin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_drainage concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_dressor concept:latitudelongitude 39.1731000000000,-89.0511800000000 +concept_bathroomitem_electric_power_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_electric_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_electric_shower concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_electric_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_ensemble concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_fans concept:subpartof concept_weatherphenomenon_air +concept_bathroomitem_firm concept:mutualproxyfor concept_book_new +concept_bathroomitem_firm concept:subpartof concept_weatherphenomenon_air +concept_bathroomitem_firm concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_flush_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_full_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_full_length_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_full_size_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_full_sized_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_officebuildingroom_large_master_bath +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_room_master +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_garden_tub concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_glass_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_good_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_guest_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hair_drier concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hair_dryers concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hairdryers concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_hairdryers concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_hand_basin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hand_basins concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hand_held_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_hand_held_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hand_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_hand_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_handheld_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_handheld_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_heater concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_hoses concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_hot___cold_water concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hot_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_hot_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hot_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hot_water_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_hydro_massage concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hydro_massage_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hydromassage concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hydromassage_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_hydromassage_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_industry concept:mutualproxyfor concept_book_new +concept_bathroomitem_integral_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_integrated_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_room_bath +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_room_suite +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_jacuzzi concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_jacuzzi_bath concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_jacuzzi_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jacuzzi_bathtub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jacuzzi_tub concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_jet_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_jet_tub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_jet_tub concept:itemfoundinroom concept_room_master +concept_bathroomitem_jet_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_job concept:subpartof concept_company_apple001 +concept_bathroomitem_job concept:subpartof concept_weatherphenomenon_air +concept_bathroomitem_king_bed concept:itemfoundinroom concept_room_master +concept_bathroomitem_king_size_beds concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_king_size_beds concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_large_corner_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_large_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_large_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_large_walk concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_laundry_facilities concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_lavatory concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_manufacturers concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_marble_bath concept:latitudelongitude 36.9843800000000,-117.6070200000000 +concept_bathroomitem_massage_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_mirror concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_mixer_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_new concept:subpartof concept_beverage_globe +concept_bathroomitem_new concept:subpartof concept_beverage_ports +concept_bathroomitem_new concept:subpartof concept_beverage_regions +concept_bathroomitem_new concept:subpartof concept_bridge_new_jersey +concept_bathroomitem_new concept:subpartof concept_buildingfeature_hours +concept_bathroomitem_new concept:subpartof concept_landscapefeatures_weekend +concept_bathroomitem_new concept:subpartof concept_parlourgame_ny +concept_bathroomitem_new concept:subpartof concept_port_american_ports +concept_bathroomitem_new concept:subpartof concept_sportsevent_hundred_years +concept_bathroomitem_new concept:subpartof concept_tableitem_region +concept_bathroomitem_new concept:subpartof concept_visualizableattribute_minutes +concept_bathroomitem_new concept:subpartof concept_visualizablething_area_ +concept_bathroomitem_new concept:subpartof concept_visualizablething_weekends +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_days +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_locations +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_pacific +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_services +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_station +concept_bathroomitem_new concept:subpartof concept_weatherphenomenon_world +concept_bathroomitem_outdoor_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_over_bath_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_overhead_shower concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_panels concept:subpartof concept_weatherphenomenon_air +concept_bathroomitem_pot_pourri concept:latitudelongitude 49.0122700000000,-71.6462100000000 +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_power_shower concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_power_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_power_shower concept:itemfoundinroom concept_visualizablething_shower_room +concept_bathroomitem_power_showers concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_powerful_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_private_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_pull concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bathroomitem_pull concept:itemfoundinroom concept_officebuildingroom_living_room_area +concept_bathroomitem_pull concept:itemfoundinroom concept_room_area +concept_bathroomitem_pull concept:itemfoundinroom concept_room_den +concept_bathroomitem_pull concept:itemfoundinroom concept_room_living_area +concept_bathroomitem_pull concept:itemfoundinroom concept_room_lounge +concept_bathroomitem_pump concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_queen_bed concept:itemfoundinroom concept_room_master +concept_bathroomitem_queen_size_beds concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bathroomitem_queen_size_beds concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_queen_size_beds concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_queen_size_beds concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_radiators concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_roman_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_second_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_bathtub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_power_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_large_private_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_marble_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_spacious_marble_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_room_huge_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_room_suite +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_ensuite +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_separate_shower concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_separate_shower_area concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower_cubicle concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_separate_shower_cubicle concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower_enclosure concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower_room concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower_stall concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_shower_unit concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_stall_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_toilet concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_separate_toilet concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_separate_toilet concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_separate_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_walk concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_separate_walk_in_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_wc concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_separate_wc_ concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_seperate_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_seperate_shower_cubicle concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_seperate_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_set concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bathroomitem_shelves concept:atdate concept_date_n1999 +concept_bathroomitem_shelves concept:atdate concept_date_n2003 +concept_bathroomitem_shelves concept:atdate concept_date_n2004 +concept_bathroomitem_shelves concept:atdate concept_date_n2009 +concept_bathroomitem_shelves concept:atdate concept_dateliteral_n2002 +concept_bathroomitem_shelves concept:atdate concept_dateliteral_n2005 +concept_bathroomitem_shelves concept:atdate concept_dateliteral_n2006 +concept_bathroomitem_shelves concept:atdate concept_dateliteral_n2007 +concept_bathroomitem_shelves concept:atdate concept_dateliteral_n2008 +concept_bathroomitem_shelves concept:itemfoundinroom concept_room_office +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_air_conditioned_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_bathroom_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_beautiful_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_brand_new_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_bungalows +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_central_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_comfortable_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_comfortable_bedrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_comfortable_guest_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_contemporary_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_downstairs_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_elegant_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_ensuite_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_first_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_first_floor_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_floor_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_full_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_full_baths +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_full_marble_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_full_size_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_furnished_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_generous_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_granite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_ground_floor_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_guest_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_hall_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_ensuite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_family_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_marble_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_master_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_master_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_private_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_large_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_larger_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_marble_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxurious_marble_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_marble_baths +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_modern_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_modern_ensuite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_modern_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_modern_tiled_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_n2_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_n30_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_non_smoking_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_one_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_one_room +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_oversized_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_oversized_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_piece_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_private_baths +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_private_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_private_ensuite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_second_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_separate_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_single_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_single_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_size_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_small_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_soundproofed_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_marble_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_marble_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_master_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_spacious_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_standard_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_staterooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_stylish_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_suite_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_third_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_three_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_tile_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_tiled_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_triple_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_twin_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_two_bedrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_two_full_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_upstairs_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_officebuildingroom_white_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_adjacent_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_area +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bathroom_downstairs +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bathroom_en_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bathroom_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bathroom_upstairs +concept_bathroomitem_shower concept:itemfoundinroom concept_room_baths +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bedded_room +concept_bathroomitem_shower concept:itemfoundinroom concept_room_big_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_bright_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_clean_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_complete_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_deluxe_master_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_double_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_en_suite_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_en_suite_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_room_ensuite_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_ensuite_head +concept_bathroomitem_shower concept:itemfoundinroom concept_room_equipped_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_fresh_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_full_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_full_sized_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_further_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_ground_floor +concept_bathroomitem_shower concept:itemfoundinroom concept_room_guest_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_hall +concept_bathroomitem_shower concept:itemfoundinroom concept_room_hall_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_hallway +concept_bathroomitem_shower concept:itemfoundinroom concept_room_house_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_huge_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_kitchen +concept_bathroomitem_shower concept:itemfoundinroom concept_room_large_en_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_room_large_ensuite +concept_bathroomitem_shower concept:itemfoundinroom concept_room_large_private_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_large_tiled_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_level +concept_bathroomitem_shower concept:itemfoundinroom concept_room_limestone_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_lovely_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_luxurious_master_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_main_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_marbled_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_master +concept_bathroomitem_shower concept:itemfoundinroom concept_room_modern_en_suite_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_modern_family_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_n1_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_nice_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_one_large_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_pretty_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_private_bathroom_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_room_private_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_room_private_head +concept_bathroomitem_shower concept:itemfoundinroom concept_room_roomy_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_second_floor +concept_bathroomitem_shower concept:itemfoundinroom concept_room_separate_room +concept_bathroomitem_shower concept:itemfoundinroom concept_room_sized_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_slate_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_spacious_bath +concept_bathroomitem_shower concept:itemfoundinroom concept_room_spacious_family_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_spacious_private_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_style_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_room_three_piece_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_room_unit +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizableobject_apartment +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizableobject_facilities +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablescene_flats +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_accommodation +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_bath_rooms +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_bedroom_1 +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_cabins +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_double_bedroom +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_downstairs +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_en_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_ensuite +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_first_floor +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_shower_room +concept_bathroomitem_shower concept:itemfoundinroom concept_visualizablething_washroom +concept_bathroomitem_shower_ concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower__ concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_area concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_shower_area concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_attachment concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_shower_attachment concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_shower_attachment concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_bath concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_cabin concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_cabin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_cabin concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_cabinet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_room_bath +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_combination concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_combo concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_cubicle concept:itemfoundinroom concept_visualizablething_shower_room +concept_bathroomitem_shower_enclosure concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_facilities concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_facilities concept:itemfoundinroom concept_room_suite +concept_bathroomitem_shower_facilities concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_facilities concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_facility concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_fitting concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_room concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_room concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_room concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_shower_rooms concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_stall concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_shower_stall concept:itemfoundinroom concept_room_bath +concept_bathroomitem_shower_stall concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_shower_stall concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_stall concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_stalls concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_shower_toilet concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_shower_unit concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_shower_unit concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_shower_unit concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_shower_wc concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_showerhead concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_private_baths +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_showers concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_showers concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_showers concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_sink concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_sink concept:itemfoundinroom concept_room_bath +concept_bathroomitem_sink concept:itemfoundinroom concept_room_galley +concept_bathroomitem_sink concept:itemfoundinroom concept_room_kitchen +concept_bathroomitem_sink concept:itemfoundinroom concept_room_master +concept_bathroomitem_sink concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_sink concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_sinks concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bathroomitem_sinks concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_skylight concept:itemfoundinroom concept_room_bath +concept_bathroomitem_skylight concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_small_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_soaker_tub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_soaker_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_soaking_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_sofabed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bathroomitem_sofabed concept:itemfoundinroom concept_room_area +concept_bathroomitem_sofabed concept:itemfoundinroom concept_room_living_area +concept_bathroomitem_sofabed concept:itemfoundinroom concept_room_lounge +concept_bathroomitem_sofabed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_spa concept:itemfoundinroom concept_room_swimming_pool +concept_bathroomitem_spa concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_spa_bath concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_spa_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_spa_baths concept:latitudelongitude 43.0645200000000,-73.7904000000000 +concept_bathroomitem_spa_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_spa_tub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_spa_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_spa_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_spa_tubs concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_stall_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_stall_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_steam_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_suites concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_supplier concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_swimming_pool concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_target concept:mutualproxyfor concept_book_new +concept_bathroomitem_telephone concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_telephone concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_telephone concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_thermostatic_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_small_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_toilet concept:itemfoundinroom concept_room_bath +concept_bathroomitem_toilet concept:itemfoundinroom concept_room_suite +concept_bathroomitem_toilet concept:itemfoundinroom concept_room_unit +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizableobject_apartment +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablething_ensuite +concept_bathroomitem_toilet concept:itemfoundinroom concept_visualizablething_first_floor +concept_bathroomitem_toilet_facilities concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_toilet_facilities concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_toilette concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_toilette concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_towels concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_towels concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_beautiful_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_brand_new_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_downstairs_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_downstairs_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_elegant_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_extra_large_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_full_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_full_baths +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_full_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_full_size_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_guest_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_guest_room +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_hall_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_huge_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_king_room +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_king_rooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_king_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_en_suite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_ensuite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_large_private_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_larger_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxurious_room +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_marble_baths +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_baths +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_bedroom_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_master_suites +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_n2_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_n4_piece_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_one_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_one_room +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_oversized_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_oversized_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_piece_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_private_baths +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_private_en_suite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_private_ensuite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_second_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_separate_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_size_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_spacious_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_spacious_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_spacious_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_suite_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_tile_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_tiled_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_two_rooms +concept_bathroomitem_tub concept:itemfoundinroom concept_officebuildingroom_upstairs_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_adjacent_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_amenities +concept_bathroomitem_tub concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_bathroom_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_room_bathroom_upstairs +concept_bathroomitem_tub concept:itemfoundinroom concept_room_big_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_bright_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_complete_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_deluxe_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_elegant_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_en_suite_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_ensuite_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_first_floor_master +concept_bathroomitem_tub concept:itemfoundinroom concept_room_floor_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_floor_master +concept_bathroomitem_tub concept:itemfoundinroom concept_room_four_piece_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_full_private_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_guest_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_hall_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_hallway +concept_bathroomitem_tub concept:itemfoundinroom concept_room_huge_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_huge_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_huge_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_large_full_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_large_private_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_large_tiled_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_lavish_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_loft +concept_bathroomitem_tub concept:itemfoundinroom concept_room_lower_level +concept_bathroomitem_tub concept:itemfoundinroom concept_room_luxurious_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_luxury_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_main_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_marble_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_marble_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_marbled_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_masterbath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_nice_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_one_large_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_oversized_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_private_ensuite +concept_bathroomitem_tub concept:itemfoundinroom concept_room_private_master_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_private_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_room_second_full_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_sized_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_spa_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_spacious_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_spacious_master_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_spacious_private_bath +concept_bathroomitem_tub concept:itemfoundinroom concept_room_spacious_private_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_room_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_room_unit +concept_bathroomitem_tub concept:itemfoundinroom concept_room_upstairs_master +concept_bathroomitem_tub concept:itemfoundinroom concept_room_wonderful_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizableobject_apartment +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablescene_condo +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_cabins +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_downstairs +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_en_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_ensuite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_first_floor +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_floor_master_bedroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_junior_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_large_master_bedroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_large_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_luxury_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_one_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_room_suite +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_spacious_room +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_terrace +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_tile_floor +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_villas +concept_bathroomitem_tub concept:itemfoundinroom concept_visualizablething_washroom +concept_bathroomitem_tub___separate_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub___shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub___shower concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_tub___shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub_combination concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub_combination concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_room_hall +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_tub_shower_combination concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub_shower_combination concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_tub_shower_combination concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_tub_shower_combination concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub_shower_combo concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tub_shower_combo concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tub_upstairs concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_bedroom_units +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_deluxe_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_executive_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_full_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_full_baths +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_granite_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_honeymoon_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_junior_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_king_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_king_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_luxurious_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_luxury_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_luxury_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_marble_baths +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_master_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_master_baths +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_master_bedroom_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_master_bedrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_master_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_oversized_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_private_baths +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_room_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_several_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_spacious_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_spacious_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_two_room_suites +concept_bathroomitem_tubs concept:itemfoundinroom concept_officebuildingroom_two_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_room_bath +concept_bathroomitem_tubs concept:itemfoundinroom concept_room_baths +concept_bathroomitem_tubs concept:itemfoundinroom concept_room_homes +concept_bathroomitem_tubs concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_tubs concept:itemfoundinroom concept_room_suite +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_bath_rooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_cabins +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_ensuites +concept_bathroomitem_tubs concept:itemfoundinroom concept_visualizablething_villas +concept_bathroomitem_two_sinks concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_two_toilets concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_two_wash_basins concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_unit concept:subpartof concept_book_oil +concept_bathroomitem_unit concept:subpartof concept_hallwayitem_gas +concept_bathroomitem_unit concept:subpartof concept_landscapefeatures_hot_water +concept_bathroomitem_unit concept:subpartof concept_musicalbum_power +concept_bathroomitem_unit concept:subpartof concept_transportation_central_air +concept_bathroomitem_unit concept:subpartof concept_weatherphenomenon_air +concept_bathroomitem_unit concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_vanity concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_vanity concept:itemfoundinroom concept_room_bath +concept_bathroomitem_vanity concept:itemfoundinroom concept_room_master +concept_bathroomitem_vanity concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_vanity_area concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_vanity_unit concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_w_c concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_w_c_ concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_room_bath +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_walk_in_shower concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bathroomitem_wall_mounted_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_wash_basin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_washbasin concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_washbasin concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_washer_dryer concept:itemfoundinroom concept_room_kitchen +concept_bathroomitem_water_closet concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_water_heater concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_water_treatment concept:subpartof concept_weatherphenomenon_water +concept_bathroomitem_wc concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bathroomitem_wc concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_wc concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_wc concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_wc concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bathroomitem_wc_ concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bathroomitem_wc_ concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bathroomitem_wc_ concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_wc_ concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bathroomitem_wc_ concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_whirlpool concept:itemfoundinroom concept_room_bath +concept_bathroomitem_whirlpool concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_whirlpool_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_room_full_bath +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_room_private_bath +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_visualizablething_bathroom +concept_bathroomitem_whirlpool_tub concept:itemfoundinroom concept_visualizablething_master_suite +concept_bathroomitem_whirlpool_tubs concept:itemfoundinroom concept_visualizablething_bathrooms +concept_beach_agora_theater concept:locationlocatedwithinlocation concept_city_cleveland +concept_beach_albuquerque_new_mexico concept:latitudelongitude 35.1686600000000,-106.5247500000000 +concept_beach_astatula concept:latitudelongitude 28.7112377777778,-81.7325533333333 +concept_beach_athens_oh concept:latitudelongitude 39.3360000000000,-82.0587000000000 +concept_beach_atlantic_city_nj concept:latitudelongitude 39.3597500000000,-74.4241000000000 +concept_beach_austin_texas concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_beach_austin_texas concept:proxyfor concept_stateorprovince_texas +concept_beach_bahia_pez_vela concept:latitudelongitude 10.5398000000000,-85.8153000000000 +concept_beach_baker_city_or concept:latitudelongitude 44.7821000000000,-117.8124000000000 +concept_beach_ballengee concept:latitudelongitude 37.6642900000000,-80.7637650000000 +concept_beach_beach_haven concept:mutualproxyfor concept_radiostation_new_jersey +concept_beach_beaufort_sc concept:latitudelongitude 32.4399000000000,-80.6854000000000 +concept_beach_bedford_va concept:latitudelongitude 37.3386000000000,-79.5537000000000 +concept_beach_beecher_falls concept:latitudelongitude 45.0087025000000,-71.5079500000000 +concept_beach_bejou concept:latitudelongitude 47.4449775000000,-95.9891562500000 +concept_beach_belgrade_lakes concept:latitudelongitude 44.5264500000000,-69.8870000000000 +concept_beach_blawenburg concept:proxyfor concept_radiostation_new_jersey +concept_beach_blawenburg concept:proxyfor concept_stateorprovince_newjersey +concept_beach_blountstown concept:latitudelongitude 30.4451655555556,-85.0407033333334 +concept_beach_blountstown concept:atlocation concept_city_florida +concept_beach_bonita_beach concept:atlocation concept_city_florida +concept_beach_bonneville_salt_flats concept:latitudelongitude 40.8278450000000,-113.7679150000000 +concept_beach_boone_nc concept:latitudelongitude 36.2022000000000,-81.6848000000000 +concept_beach_bradley_beach concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_beach_brighton_beach concept:parkincity concept_city_brooklyn +concept_beach_bronson_florida concept:latitudelongitude 29.4433300000000,-82.6316700000000 +concept_beach_bronx_ny concept:latitudelongitude 40.8399000000000,-73.8811000000000 +concept_beach_bucksport concept:locationlocatedwithinlocation concept_skiarea_maine +concept_beach_buffalo_wy concept:latitudelongitude 44.3541000000000,-106.6884000000000 +concept_beach_buttzville concept:proxyfor concept_radiostation_new_jersey +concept_beach_caesars_head concept:latitudelongitude 35.0953920000000,-82.6554060000000 +concept_beach_caladesi concept:latitudelongitude 28.0247400000000,-82.8209350000000 +concept_beach_calgary_bay concept:latitudelongitude 56.5666700000000,-6.3166700000000 +concept_beach_carolina_forest concept:latitudelongitude 34.5076833333333,-79.2599144444444 +concept_beach_center concept:thinghasshape concept_geometricshape_triangle +concept_beach_center_hill concept:atlocation concept_city_florida +concept_beach_central_texas_area concept:latitudelongitude 30.9301800000000,-97.5569500000000 +concept_beach_changewater concept:proxyfor concept_radiostation_new_jersey +concept_beach_changewater concept:proxyfor concept_stateorprovince_newjersey +concept_beach_chao_samran concept:latitudelongitude 13.0083350000000,100.0666700000000 +concept_beach_chefornak concept:latitudelongitude 60.1539875000000,-164.2642025000000 +concept_beach_chesapeake_virginia concept:latitudelongitude 36.7678000000000,-76.2519000000000 +concept_beach_cocoa concept:atlocation concept_city_florida +concept_beach_cocoa_beach concept:locationlocatedwithinlocation concept_city_florida +concept_beach_cocoa_beach concept:proxyfor concept_city_florida +concept_beach_colorado_springs_co concept:latitudelongitude 38.8012000000000,-104.7316000000000 +concept_beach_conway concept:proxyfor concept_book_arkansas +concept_beach_conway concept:subpartof concept_book_arkansas +concept_beach_conway concept:atlocation concept_city_arkansas +concept_beach_conway concept:atlocation concept_stateorprovince_south_carolina +concept_beach_cortaro concept:latitudelongitude 32.3541000000000,-111.0844725000000 +concept_beach_crystal_river concept:atlocation concept_city_florida +concept_beach_crystal_river concept:proxyfor concept_city_florida +concept_beach_cudjoe_key concept:latitudelongitude 24.6712860000000,-81.5007000000000 +concept_beach_cudjoe_key concept:atlocation concept_city_florida +concept_beach_cuttingsville concept:latitudelongitude 43.4885400000000,-72.8823200000000 +concept_beach_dadeland concept:latitudelongitude 25.6800133333333,-80.3131355555556 +concept_beach_dallas_texas concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_beach_deland concept:atlocation concept_city_florida +concept_beach_deland concept:proxyfor concept_city_florida +concept_beach_destin_fl concept:latitudelongitude 30.3894500000000,-86.4766000000000 +concept_beach_doheny_beach concept:latitudelongitude 33.4641000000000,-117.6842000000000 +concept_beach_easley_sc concept:latitudelongitude 34.8538000000000,-82.5886000000000 +concept_beach_east_andover concept:latitudelongitude 43.8445133333333,-71.4033166666667 +concept_beach_east_palatka concept:atlocation concept_city_florida +concept_beach_east_perrine concept:latitudelongitude 25.6086300000000,-80.3395100000000 +concept_beach_eek_alaska concept:latitudelongitude 60.2161600000000,-162.0315800000000 +concept_beach_enterprise_alabama concept:latitudelongitude 31.3257000000000,-85.8332000000000 +concept_beach_escondido_ca concept:latitudelongitude 33.2000000000000,-117.1000000000000 +concept_beach_fairmont_wv concept:latitudelongitude 39.4296133333333,-80.1845033333333 +concept_beach_fillmore_ca concept:atlocation concept_stateorprovince_california +concept_beach_fort_collins_co concept:latitudelongitude 40.5818000000000,-105.0085000000000 +concept_beach_fort_ogden concept:latitudelongitude 27.0842250000000,-81.9588350000000 +concept_beach_fort_pierce concept:locationlocatedwithinlocation concept_city_florida +concept_beach_fort_worth concept:locationlocatedwithinlocation concept_city_texas +concept_beach_fort_worth concept:mutualproxyfor concept_city_texas +concept_beach_franklinville concept:mutualproxyfor concept_radiostation_new_jersey +concept_beach_friendship_bay concept:latitudelongitude 12.9833300000000,-61.2333300000000 +concept_beach_gainesville concept:locationlocatedwithinlocation concept_city_florida +concept_beach_gainesville concept:proxyfor concept_city_florida +concept_beach_giske concept:latitudelongitude 62.5234500000000,5.9368700000000 +concept_beach_god_churches concept:latitudelongitude 30.0730000000000,-95.4396600000000 +concept_beach_golden_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_golden_beach concept:atlocation concept_city_florida +concept_beach_goodnews_bay concept:latitudelongitude 59.1152500000000,-161.6128425000000 +concept_beach_grand_strand concept:latitudelongitude 33.7186370000000,-78.8810110000000 +concept_beach_green_bay_wi concept:latitudelongitude 44.4735700000000,-88.0687700000000 +concept_beach_greenville concept:proxyfor concept_creditunion_michigan +concept_beach_greenville concept:proxyfor concept_creditunion_north_carolina +concept_beach_greenville concept:subpartof concept_creditunion_north_carolina +concept_beach_greenville concept:proxyfor concept_university_ohio +concept_beach_guam concept:atdate concept_dateliteral_n1945 +concept_beach_gweebarra_bay concept:latitudelongitude 54.8666700000000,-8.4500000000000 +concept_beach_hague concept:atdate concept_date_n2000 +concept_beach_hague concept:atdate concept_date_n2001 +concept_beach_hallandale_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_hampden_sydney concept:latitudelongitude 37.2396816666667,-78.4618050000000 +concept_beach_hawaii concept:atdate concept_date_n2009 +concept_beach_hillsboro_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_hudson_wi concept:latitudelongitude 44.9623000000000,-92.7389000000000 +concept_beach_hulopoe_beach_park concept:latitudelongitude 20.7430600000000,-156.8961100000000 +concept_beach_jacksonville concept:locationlocatedwithinlocation concept_city_florida +concept_beach_jacksonville concept:subpartof concept_creditunion_north_carolina +concept_beach_jacksonville_il concept:latitudelongitude 39.7208000000000,-90.2923000000000 +concept_beach_jimbaran_bay concept:latitudelongitude -8.6955000000000,115.2120000000000 +concept_beach_keller concept:proxyfor concept_city_texas +concept_beach_key_colony_beach concept:atlocation concept_city_fl +concept_beach_kissimmee_fl concept:latitudelongitude 28.3108000000000,-81.4183000000000 +concept_beach_la_mesa_ca concept:latitudelongitude 32.7637000000000,-117.0275000000000 +concept_beach_laconia concept:proxyfor concept_newspaper_new_hampshire +concept_beach_layan_beach concept:latitudelongitude 8.0372566666667,98.2821066666667 +concept_beach_lenexa_kansas concept:latitudelongitude 38.9872000000000,-94.7480000000000 +concept_beach_lexington_ky concept:latitudelongitude 38.0727500000000,-84.4532000000000 +concept_beach_logaras concept:latitudelongitude 37.0180000000000,25.2440000000000 +concept_beach_lusitania_bay concept:latitudelongitude -54.7000000000000,158.9000000000000 +concept_beach_massachusetts concept:mutualproxyfor concept_beverage_plymouth +concept_beach_massachusetts concept:proxyfor concept_book_new +concept_beach_massachusetts concept:mutualproxyfor concept_city_amherst +concept_beach_massachusetts concept:mutualproxyfor concept_city_fall_river +concept_beach_massachusetts concept:mutualproxyfor concept_city_pittsfield +concept_beach_massachusetts concept:mutualproxyfor concept_county_newton +concept_beach_massachusetts concept:mutualproxyfor concept_county_salem +concept_beach_massachusetts concept:mutualproxyfor concept_politician_norwood +concept_beach_massachusetts concept:mutualproxyfor concept_winery_framingham +concept_beach_mexico_beach concept:atlocation concept_city_florida +concept_beach_miami_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_miami_beach concept:parkincity concept_city_south_beach +concept_beach_miami_beach_fl concept:latitudelongitude 25.8126900000000,-80.1230600000000 +concept_beach_montana concept:locationlocatedwithinlocation concept_country_united_states +concept_beach_morehead_city concept:proxyfor concept_creditunion_north_carolina +concept_beach_morehead_city concept:atlocation concept_stateorprovince_north_carolina +concept_beach_morgantown_wv concept:latitudelongitude 39.6475000000000,-79.8974000000000 +concept_beach_mountain_home_arkansas concept:latitudelongitude 36.3501000000000,-92.3672000000000 +concept_beach_napili_bay concept:latitudelongitude 20.9988900000000,-156.6708300000000 +concept_beach_nazarene_churches concept:latitudelongitude 35.4356200000000,-97.4858700000000 +concept_beach_new_smyrna_beach concept:atlocation concept_city_florida +concept_beach_new_smyrna_beach concept:proxyfor concept_city_florida +concept_beach_newport_or concept:latitudelongitude 44.6323000000000,-124.0589000000000 +concept_beach_newport_rhode_island concept:latitudelongitude 41.5208200000000,-71.2868400000000 +concept_beach_north_beach concept:parkincity concept_city_san_francisco +concept_beach_nova_scotia concept:proxyfor concept_book_new +concept_beach_nova_scotia concept:atdate concept_year_n1997 +concept_beach_ocean_ridge concept:atlocation concept_city_florida +concept_beach_ocean_shores_wa concept:latitudelongitude 47.0144000000000,-124.1665000000000 +concept_beach_old_bridge concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_beach_old_bridge concept:proxyfor concept_stateorprovince_newjersey +concept_beach_old_orchard_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_old_orchard_beach concept:atlocation concept_stateorprovince_maine +concept_beach_oologah concept:latitudelongitude 36.4441800000000,-95.6930236363636 +concept_beach_orange_beach concept:atlocation concept_stateorprovince_alabama +concept_beach_pacific_palms concept:latitudelongitude 34.0197000000000,-117.9272000000000 +concept_beach_palm_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_parkersburg_wv concept:latitudelongitude 39.3150000000000,-81.5530000000000 +concept_beach_paynes_bay concept:latitudelongitude 13.1666700000000,-59.6333300000000 +concept_beach_pedricktown concept:proxyfor concept_radiostation_new_jersey +concept_beach_pedricktown concept:proxyfor concept_stateorprovince_newjersey +concept_beach_petersburg_va concept:latitudelongitude 37.1890000000000,-77.3710000000000 +concept_beach_phenix_city concept:proxyfor concept_newspaper_alabama +concept_beach_pine_beach concept:proxyfor concept_radiostation_new_jersey +concept_beach_pine_beach concept:proxyfor concept_stateorprovince_newjersey +concept_beach_pine_valley concept:proxyfor concept_stateorprovince_newjersey +concept_beach_playa_blanca_hotel___resort concept:latitudelongitude 8.3541000000000,-80.1408000000000 +concept_beach_portland_oregon concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_punta_tombo concept:latitudelongitude -44.0500000000000,-65.1833300000000 +concept_beach_radio_stations concept:proxyfor concept_book_new +concept_beach_redwood_city_ca concept:latitudelongitude 37.4717000000000,-122.2149000000000 +concept_beach_resort concept:locationlocatedwithinlocation concept_city_vegas +concept_beach_richmond_va concept:latitudelongitude 37.6686000000000,-77.4587000000000 +concept_beach_richmond_virginia concept:latitudelongitude 37.6647000000000,-77.4605000000000 +concept_beach_ridge_manor concept:atlocation concept_city_florida +concept_beach_san_jose_california concept:latitudelongitude 14.8500000000000,-91.9666700000000 +concept_beach_sandbridge_beach concept:latitudelongitude 36.7459800000000,-75.9440900000000 +concept_beach_sanna_bay concept:latitudelongitude 56.7333300000000,-6.1833300000000 +concept_beach_savannah_ga concept:latitudelongitude 31.9918000000000,-81.2167000000000 +concept_beach_scranton_wilkes_barre concept:mutualproxyfor concept_scientist_tom_leighton +concept_beach_sea_rocks concept:latitudelongitude 55.1166700000000,-1.4666700000000 +concept_beach_seal_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_beach_seno_otway concept:latitudelongitude -53.0000000000000,-71.5000000000000 +concept_beach_st_augustine concept:atlocation concept_city_florida +concept_beach_st_augustine_fl concept:latitudelongitude 29.9187000000000,-81.3685000000000 +concept_beach_tamarind_bay concept:latitudelongitude -19.6666700000000,63.4666700000000 +concept_beach_taupo_bay concept:latitudelongitude -34.9857550000000,173.7084250000000 +concept_beach_tawharanui concept:latitudelongitude -36.3729140000000,174.8234480000000 +concept_beach_traigh concept:latitudelongitude 56.7333314285714,-6.3571414285714 +concept_beach_union_beach concept:mutualproxyfor concept_radiostation_new_jersey +concept_beach_union_beach concept:proxyfor concept_stateorprovince_newjersey +concept_beach_vegas_nevada concept:proxyfor concept_bathroomitem_casino +concept_beach_virgin concept:mutualproxyfor concept_mlalgorithm_richard +concept_beach_volunteer_point concept:latitudelongitude -51.5166700000000,-57.7500000000000 +concept_beach_yorkeys_knob concept:latitudelongitude -16.8166700000000,145.7166700000000 +concept_bedroomitem_action concept:mutualproxyfor concept_book_new +concept_bedroomitem_air_conditioning concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_appliance concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_appliance concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_balcony concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bedroomitem_balcony concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_balcony concept:itemfoundinroom concept_visualizablething_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_beautiful_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_brand_new_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_deluxe_room +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_downstairs_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_elegant_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_ensuite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_executive_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_family_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_floor_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_full_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_full_size_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_ground_floor_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_guest_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_junior_suites +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_en_suite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_ensuite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_family_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_marble_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_large_private_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_luxurious_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_luxury_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_main_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_master_bath +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_master_bedroom_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_one_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_oversized_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_piece_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_piece_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_second_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_separate_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_size_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_spacious_en_suite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_stylish_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_suite_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_suite_facilities +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_suites +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_tiled_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_upstairs_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_officebuildingroom_white_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_adjacent_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bath +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bathroom_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bathroom_toilet +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bathroom_upstairs +concept_bedroomitem_bath concept:itemfoundinroom concept_room_baths +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bridal_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_room_bright_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_complete_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_en_suite_facilities +concept_bedroomitem_bath concept:itemfoundinroom concept_room_full_en_suite_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_ground_floor +concept_bedroomitem_bath concept:itemfoundinroom concept_room_house +concept_bedroomitem_bath concept:itemfoundinroom concept_room_house_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_huge_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_large_en_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_room_large_ensuite +concept_bedroomitem_bath concept:itemfoundinroom concept_room_level +concept_bedroomitem_bath concept:itemfoundinroom concept_room_lovely_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_master +concept_bedroomitem_bath concept:itemfoundinroom concept_room_n1_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_sized_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_style +concept_bedroomitem_bath concept:itemfoundinroom concept_room_style_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_room_swimming_pool +concept_bedroomitem_bath concept:itemfoundinroom concept_room_three_piece_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_room_unit +concept_bedroomitem_bath concept:atlocation concept_skiarea_maine +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizableobject_apartment +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizableobject_facilities +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_accommodation +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_cabins +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_en_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_ensuite +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_first_floor +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_master_suite +concept_bedroomitem_bath concept:itemfoundinroom concept_visualizablething_terrace +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_accessible_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_additional_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_additional_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_airy_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_airy_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_atmosphere +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_back_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_basic_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_beautiful_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bed_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_apartments +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_areas +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_cabins +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_condominiums +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_condos +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_cottages +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_units +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_villas +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bedrooms_downstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_big_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_blue_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bungalows +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_bures +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_business_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_casitas +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_chalets +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_clean_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_clean_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_guest_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_corner_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_cosy_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_cozy_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_cozy_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_double_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_dinner +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_dressing_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_elegant_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_elegant_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_en_suite_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_en_suite_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_ensuite_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_executive_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_executive_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_executive_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_extra_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_family_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_family_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_first_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_first_floor_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_first_floor_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_first_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_floor_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_floor_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_floor_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_four_cabins +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_fourth_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_front_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_furnished_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_garden_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_garden_view_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_great_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_green_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guest_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guest_cabins +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guest_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guestroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_honeymoon_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_huge_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_huge_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_intimate_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_jacuzzi_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_junior_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_king_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_king_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_king_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_king_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_king_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_kitchen_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_double_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_master +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_master_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_large_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_larger_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_level_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_living_dining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_living_room_area +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_living_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_livingroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_lounge_dining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_lounge_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_luxurious_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_luxurious_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_luxurious_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_luxury_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_luxury_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_main_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_main_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_main_level_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_main_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_main_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_master_bathroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_master_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_master_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_master_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_master_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_masterbedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_mini_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_motel_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_n1_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_non_smoking_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_ocean_view_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bath +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_apartments +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_condos +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_units +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_one_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_oversized_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_pink_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_premier_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_private_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_private_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_private_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_queen_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_reception_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_romantic_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_room_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_second_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_second_large_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_second_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_separate_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_separate_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_single_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_single_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_sleeping_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_sleeping_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_smaller_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spa_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_accommodations +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_guest_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_guestrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_main_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_master_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_spacious_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_standard_double_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_standard_guestrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_standard_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_standard_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_staterooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_studio_apartments +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_studio_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_studio_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_studio_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_studio_units +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_suite_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_suite_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_suite_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_suite_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_sunny_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_superior_room +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_third_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_three_bedroom_units +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_three_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_triple_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_twin_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_additional_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_apartments +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_unit +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_units +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_cabins +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_downstairs_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_guest_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_master_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_room_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_two_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_upper_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_upstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_upstairs_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_well_appointed_guest_rooms +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_whirlpool_suites +concept_bedroomitem_bed concept:itemfoundinroom concept_officebuildingroom_white_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_additional_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_adjacent_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_adjoining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_amenities +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ample_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_attic +concept_bedroomitem_bed concept:itemfoundinroom concept_room_attic_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_attractive_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_back +concept_bedroomitem_bed concept:itemfoundinroom concept_room_balcony_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bdrm +concept_bedroomitem_bed concept:itemfoundinroom concept_room_beautiful_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_beautiful_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bed_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedding +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedrom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedroom_accommodation +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedroom_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedroom_study +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bedroom_upstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_room_big_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_big_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_big_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bonus_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bridal_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bright_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_bure +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ceilings +concept_bedroomitem_bed concept:itemfoundinroom concept_room_charming_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_charming_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_child +concept_bedroomitem_bed concept:itemfoundinroom concept_room_comfortable_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_comfortable_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_community +concept_bedroomitem_bed concept:itemfoundinroom concept_room_condos +concept_bedroomitem_bed concept:itemfoundinroom concept_room_connecting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_corner_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_cottage_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_couch +concept_bedroomitem_bed concept:itemfoundinroom concept_room_cozy_cottage +concept_bedroomitem_bed concept:itemfoundinroom concept_room_cozy_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_cozy_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_deck +concept_bedroomitem_bed concept:itemfoundinroom concept_room_decor +concept_bedroomitem_bed concept:itemfoundinroom concept_room_delightful_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_deluxe +concept_bedroomitem_bed concept:itemfoundinroom concept_room_den +concept_bedroomitem_bed concept:itemfoundinroom concept_room_dining +concept_bedroomitem_bed concept:itemfoundinroom concept_room_dining_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_dinning_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_downstairs_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_downstairs_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_downstairs_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_drawing_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_elegant_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_en_suite_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ensuite_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_entry +concept_bedroomitem_bed concept:itemfoundinroom concept_room_executive +concept_bedroomitem_bed concept:itemfoundinroom concept_room_executive_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_extra_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_family +concept_bedroomitem_bed concept:itemfoundinroom concept_room_family_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_family_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_final_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_fireplace +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_floor_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_floor_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_floor_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_guest_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_first_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_floor_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_floor_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_floor_plan +concept_bedroomitem_bed concept:itemfoundinroom concept_room_fourth_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_front_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_full_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_full_kitchen +concept_bedroomitem_bed concept:itemfoundinroom concept_room_furnished_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_furnished_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_furnished_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_furnishings +concept_bedroomitem_bed concept:itemfoundinroom concept_room_further_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_game_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_games_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_garden_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_grand_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ground_floor +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ground_floor_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_guest +concept_bedroomitem_bed concept:itemfoundinroom concept_room_guest_stateroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_hall +concept_bedroomitem_bed concept:itemfoundinroom concept_room_hallway +concept_bedroomitem_bed concept:itemfoundinroom concept_room_house +concept_bedroomitem_bed concept:itemfoundinroom concept_room_huge_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_kids_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_kitchen +concept_bedroomitem_bed concept:itemfoundinroom concept_room_kitchenette +concept_bedroomitem_bed concept:itemfoundinroom concept_room_landing +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_family_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_kitchen +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_living_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_living_dining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_lounge_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_main_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_second_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_separate_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_large_upstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_larger_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_last_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_laundry +concept_bedroomitem_bed concept:itemfoundinroom concept_room_left +concept_bedroomitem_bed concept:itemfoundinroom concept_room_level +concept_bedroomitem_bed concept:itemfoundinroom concept_room_level_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_living_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_living_dining +concept_bedroomitem_bed concept:itemfoundinroom concept_room_living_dining_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_living_sleeping_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_living_space +concept_bedroomitem_bed concept:itemfoundinroom concept_room_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_loft_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_loft_upstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lofted_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lounge_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lounge_diner +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lounge_dining +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lounge_dining_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lovely_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lovely_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lower_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lower_level +concept_bedroomitem_bed concept:itemfoundinroom concept_room_lower_level_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_luxurious_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_luxury_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_luxury_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_luxury_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_floor +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_floor_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_floor_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_level_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_living +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_living_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_sleeping_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_main_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_bed_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_bedroom_downstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_bedroom_upstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_en_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_en_suite_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_stateroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_master_suite_upstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_room_masters_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_media_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_mezzanine_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_middle_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_n1_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_n2_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_n2_room_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_non_smoking_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_occupancy +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ocean_view_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_ocean_views +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oceanfront_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oceanfront_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oceanfront_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_one_bedroom_condo +concept_bedroomitem_bed concept:itemfoundinroom concept_room_one_bedroom_unit +concept_bedroomitem_bed concept:itemfoundinroom concept_room_one_bedroom_villa +concept_bedroomitem_bed concept:itemfoundinroom concept_room_one_large_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_one_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_loft_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_loft_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_plan +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_plan_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_plan_living +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_plan_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_open_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oversized_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oversized_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_oversized_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_parlor_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_parlor_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_penthouse +concept_bedroomitem_bed concept:itemfoundinroom concept_room_plan +concept_bedroomitem_bed concept:itemfoundinroom concept_room_plan_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_playroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_pleasant_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_porch +concept_bedroomitem_bed concept:itemfoundinroom concept_room_presidential_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_principal_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_bath +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_private_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_properties +concept_bedroomitem_bed concept:itemfoundinroom concept_room_queen_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_regular_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_rest +concept_bedroomitem_bed concept:itemfoundinroom concept_room_romantic_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_romantic_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_romantic_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_room_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_room_roomy_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_downstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_floor +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_floor_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_floor_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_guest_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_private_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_smaller_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_second_upstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_bedroom_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_living_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_living_room_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_lounge_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_seating_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_sitting_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_sleeping_area +concept_bedroomitem_bed concept:itemfoundinroom concept_room_separate_sleeping_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_set +concept_bedroomitem_bed concept:itemfoundinroom concept_room_setting +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sitting_dining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_size_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_size_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sleeping_alcove +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sleeping_areas +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sleeping_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sleeping_quarters +concept_bedroomitem_bed concept:itemfoundinroom concept_room_small_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_small_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_smaller_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_smoking_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_family_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_living_dining_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_lounge +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spacious_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_spare_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_square_feet +concept_bedroomitem_bed concept:itemfoundinroom concept_room_square_foot_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_staircase +concept_bedroomitem_bed concept:itemfoundinroom concept_room_standard +concept_bedroomitem_bed concept:itemfoundinroom concept_room_stay +concept_bedroomitem_bed concept:itemfoundinroom concept_room_story +concept_bedroomitem_bed concept:itemfoundinroom concept_room_studio_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_studio_unit +concept_bedroomitem_bed concept:itemfoundinroom concept_room_study +concept_bedroomitem_bed concept:itemfoundinroom concept_room_style +concept_bedroomitem_bed concept:itemfoundinroom concept_room_style_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_style_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sun_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sunny_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sunny_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_sunroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_third_floor_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_third_guest_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_third_level +concept_bedroomitem_bed concept:itemfoundinroom concept_room_third_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_third_upstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_triple_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_tropical_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_twin +concept_bedroomitem_bed concept:itemfoundinroom concept_room_twin_beds +concept_bedroomitem_bed concept:itemfoundinroom concept_room_unit +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_loft_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_master +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_upstairs_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_view +concept_bedroomitem_bed concept:itemfoundinroom concept_room_view_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_waterfront +concept_bedroomitem_bed concept:itemfoundinroom concept_room_way +concept_bedroomitem_bed concept:itemfoundinroom concept_room_well_appointed_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_whirlpool_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_room_wide_living_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_wonderful_room +concept_bedroomitem_bed concept:itemfoundinroom concept_room_yellow_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizableobject_apartment +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_areas +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_barn +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_basement +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_condo +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_condominiums +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_inn +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_mezzanine +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_property +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_spa +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablescene_studio +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_accommodation +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_aft_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_airy_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_alcove +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_back_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_balcony +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_beautiful_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bed_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_1 +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_apartment +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_cottage +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_downstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_house +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_loft +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_one +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_three +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_two +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_unit +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedroom_villa +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_breakfast_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bright_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bungalow +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_bunk_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_cabins +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_casita +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_corner_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_cosy_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_courtyard +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_downstairs +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_downstairs_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_downstairs_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_downstairs_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_downstairs_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_en_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_ensuite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_entrance +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_fifth_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_first_floor +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_floor_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_fourth_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_front_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_green_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_ground_floor_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_ground_floor_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_guest_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_guest_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_guest_cottage +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_guest_house +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_guest_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_junior_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_lanai +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_large_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_large_loft_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_large_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_large_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_larger_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_level_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_loft_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_loft_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_lovely_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_lower_floor +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_luxurious_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_luxury_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_main_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_main_floor_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_master_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_master_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_master_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_mezzanine_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_middle_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_mini_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_n1_bedroom_apartment +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_next_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_oceanfront_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_bedroom_apartment +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_bedroom_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_bedroom_cottage +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_guest_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_guest_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_room_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_one_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_parlor +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_primary_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_quiet_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_rear +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_rear_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_room_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_room_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_room_type +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_roomy_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_sea_view +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_seating_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_second_double_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_second_floor_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_second_floor_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_second_level +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_second_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_secondary_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_separate_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_seperate_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_single_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_sixth_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_sleeping_area +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_small_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_smaller_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_south_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_spacious_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_spare_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_stateroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_studio_apartment +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_studio_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_terrace +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_third_floor_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_third_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_third_room +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_top_floor_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_triple_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_twin_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_two_bedroom_cabin +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_two_bedroom_suite +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_upper_level +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_upper_level_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_upstairs_bedrooms +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_upstairs_master_bedroom +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_views +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_villas +concept_bedroomitem_bed concept:itemfoundinroom concept_visualizablething_west_bedroom +concept_bedroomitem_bed_room concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_brass_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_brass_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_bunk_bed concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_bedroomitem_bunk_bed concept:itemfoundinroom concept_officebuildingroom_third_bedroom +concept_bedroomitem_bunk_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_cable_tv concept:latitudelongitude 41.4922900000000,-78.2547300000000 +concept_bedroomitem_cable_tv concept:itemfoundinroom concept_visualizablething_bathroom +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_room_suite +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_canopy_bed concept:itemfoundinroom concept_visualizablething_spacious_room +concept_bedroomitem_car concept:proxyfor concept_book_new +concept_bedroomitem_car concept:atdate concept_date_n1999 +concept_bedroomitem_car concept:atdate concept_date_n2000 +concept_bedroomitem_car concept:atdate concept_date_n2001 +concept_bedroomitem_car concept:atdate concept_dateliteral_n2008 +concept_bedroomitem_car concept:atdate concept_year_n1997 +concept_bedroomitem_cases concept:mutualproxyfor concept_book_new +concept_bedroomitem_claims concept:proxyfor concept_book_new +concept_bedroomitem_claims concept:atdate concept_dateliteral_n2008 +concept_bedroomitem_clothes concept:itemfoundinroom concept_room_closet +concept_bedroomitem_coffee_maker concept:itemfoundinroom concept_room_kitchen +concept_bedroomitem_cruise concept:proxyfor concept_book_new +concept_bedroomitem_cruise concept:atdate concept_date_n2003 +concept_bedroomitem_cruise concept:atdate concept_date_n2004 +concept_bedroomitem_cruise concept:atdate concept_dateliteral_n2005 +concept_bedroomitem_cruise concept:atdate concept_dateliteral_n2007 +concept_bedroomitem_cruise concept:atdate concept_dateliteral_n2008 +concept_bedroomitem_direct_dial_telephone concept:itemfoundinroom concept_officebuildingroom_rooms +concept_bedroomitem_dressor concept:latitudelongitude 39.1731000000000,-89.0511800000000 +concept_bedroomitem_experience concept:mutualproxyfor concept_book_new +concept_bedroomitem_first_aid concept:mutualproxyfor concept_governmentorganization_red_cross +concept_bedroomitem_four_poster concept:itemfoundinroom concept_room_master +concept_bedroomitem_future concept:mutualproxyfor concept_book_new +concept_bedroomitem_games concept:mutualproxyfor concept_profession_morris +concept_bedroomitem_grandfather concept:proxyfor concept_book_new +concept_bedroomitem_grandfather concept:atdate concept_date_n2000 +concept_bedroomitem_hide_a_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bedroomitem_instruments concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_instruments concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_jacuzzi_tub concept:itemfoundinroom concept_room_bath +concept_bedroomitem_jacuzzi_tub concept:itemfoundinroom concept_room_full_bath +concept_bedroomitem_jacuzzi_tub concept:itemfoundinroom concept_room_master +concept_bedroomitem_machines concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_machines concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_marketplace concept:proxyfor concept_book_new +concept_bedroomitem_marketplace concept:atdate concept_dateliteral_n2006 +concept_bedroomitem_marketplace concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_microwave concept:itemfoundinroom concept_room_equipped_kitchen +concept_bedroomitem_microwave concept:itemfoundinroom concept_room_full_kitchen +concept_bedroomitem_microwave concept:itemfoundinroom concept_room_kitchen +concept_bedroomitem_microwave concept:itemfoundinroom concept_room_kitchenette +concept_bedroomitem_minibar concept:itemfoundinroom concept_room_bath +concept_bedroomitem_minibar concept:itemfoundinroom concept_visualizablething_bathroom +concept_bedroomitem_murphy_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_bedroomitem_murphy_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_n4_poster_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_n4_poster_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_national_television concept:atdate concept_dateliteral_n2006 +concept_bedroomitem_new concept:subpartof concept_boardgame_commonwealth +concept_bedroomitem_new concept:subpartof concept_bodypart_art +concept_bedroomitem_new concept:subpartof concept_book_america +concept_bedroomitem_new concept:subpartof concept_book_five_years +concept_bedroomitem_new concept:subpartof concept_book_questions +concept_bedroomitem_new concept:subpartof concept_book_suburbs +concept_bedroomitem_new concept:subpartof concept_book_things +concept_bedroomitem_new concept:subpartof concept_book_years +concept_bedroomitem_new concept:subpartof concept_building_new_york_area +concept_bedroomitem_new concept:subpartof concept_chemical_information +concept_bedroomitem_new concept:subpartof concept_hallwayitem_areas +concept_bedroomitem_new concept:subpartof concept_musicalbum_carolina +concept_bedroomitem_new concept:subpartof concept_musicalbum_decades +concept_bedroomitem_new concept:subpartof concept_musicalbum_experience +concept_bedroomitem_new concept:subpartof concept_musicalbum_life +concept_bedroomitem_new concept:subpartof concept_musicalbum_months +concept_bedroomitem_new concept:subpartof concept_musicalbum_seasons +concept_bedroomitem_new concept:subpartof concept_musicalbum_system +concept_bedroomitem_new concept:subpartof concept_musicalbum_two_years +concept_bedroomitem_new concept:subpartof concept_musicsong_louisiana +concept_bedroomitem_new concept:subpartof concept_musicsong_moments +concept_bedroomitem_new concept:subpartof concept_room_coast +concept_bedroomitem_new concept:subpartof concept_room_community +concept_bedroomitem_new concept:subpartof concept_room_dates +concept_bedroomitem_new concept:subpartof concept_room_way +concept_bedroomitem_new concept:subpartof concept_transportation_airports +concept_bedroomitem_new concept:subpartof concept_vehicle_countries +concept_bedroomitem_new concept:subpartof concept_vehicle_states +concept_bedroomitem_new concept:subpartof concept_videogame_nights +concept_bedroomitem_new concept:subpartof concept_visualizableobject_parts +concept_bedroomitem_order concept:mutualproxyfor concept_book_new +concept_bedroomitem_piece concept:mutualproxyfor concept_book_new +concept_bedroomitem_pillow concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_pillow concept:itemfoundinroom concept_visualizablething_bedrooms +concept_bedroomitem_pillow concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_bedroomitem_pine_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_poster_bed concept:itemfoundinroom concept_room_suite +concept_bedroomitem_poster_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_bedroomitem_radio_interview concept:atdate concept_dateliteral_n2005 +concept_bedroomitem_radio_news concept:atdate concept_date_n2003 +concept_bedroomitem_radio_news concept:atdate concept_date_n2004 +concept_bedroomitem_radio_news concept:atdate concept_dateliteral_n2005 +concept_bedroomitem_radio_news concept:atdate concept_dateliteral_n2006 +concept_bedroomitem_radio_news concept:atdate concept_dateliteral_n2007 +concept_bedroomitem_rate concept:mutualproxyfor concept_book_new +concept_bedroomitem_rate concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_rate concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_requirement concept:proxyfor concept_book_new +concept_bedroomitem_requirement concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_requirement concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_resort concept:mutualproxyfor concept_book_new +concept_bedroomitem_same_thing concept:proxyfor concept_book_new +concept_bedroomitem_skin concept:subpartof concept_nerve_lymph +concept_bedroomitem_skin concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_skin concept:subpartof concept_weatherphenomenon_moisture +concept_bedroomitem_skin concept:subpartof concept_weatherphenomenon_water +concept_bedroomitem_soaking_tub concept:itemfoundinroom concept_room_bath +concept_bedroomitem_soaking_tub concept:itemfoundinroom concept_room_master +concept_bedroomitem_sort concept:mutualproxyfor concept_book_new +concept_bedroomitem_system concept:subpartof concept_kitchenitem_public_water +concept_bedroomitem_system concept:subpartof concept_museum_national_air +concept_bedroomitem_system concept:subpartof concept_musicalbum_power +concept_bedroomitem_system concept:subpartof concept_musicalbum_quality +concept_bedroomitem_system concept:subpartof concept_musicalbum_stage +concept_bedroomitem_system concept:subpartof concept_port_portable_air +concept_bedroomitem_system concept:subpartof concept_profession_household +concept_bedroomitem_system concept:subpartof concept_transportation_central_air +concept_bedroomitem_system concept:subpartof concept_transportation_full_air +concept_bedroomitem_system concept:subpartof concept_transportation_modern_air +concept_bedroomitem_system concept:subpartof concept_transportation_separate_air +concept_bedroomitem_system concept:subpartof concept_weapon_powerful_air +concept_bedroomitem_table_center concept:latitudelongitude 42.6105200000000,-103.0657400000000 +concept_bedroomitem_top concept:itemfoundinroom concept_room_bath +concept_bedroomitem_vanities concept:itemfoundinroom concept_room_master +concept_bedroomitem_vanities concept:itemfoundinroom concept_visualizablething_bathroom +concept_bedroomitem_vanities concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bedroomitem_zones concept:subpartof concept_weatherphenomenon_air +concept_bedroomitem_zones concept:subpartof concept_weatherphenomenon_water +concept_beverage__ concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage__ concept:beveragemadefrombeverage concept_beverage_juice_concentrate +concept_beverage__ concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage__ concept:beveragemadefrombeverage concept_beverage_oil +concept_beverage__ concept:beveragemadefrombeverage concept_visualizablething_essential_oil +concept_beverage__ concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_additional_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_agricultural_products concept:latitudelongitude 23.1633300000000,121.0511100000000 +concept_beverage_alcohol concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_alcohol concept:fooddecreasestheriskofdisease concept_disease_artery_disease +concept_beverage_alcohol concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_alcohol concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_alcohol concept:foodcancausedisease concept_disease_cholesterol_levels +concept_beverage_alcohol concept:fooddecreasestheriskofdisease concept_disease_coronary_heart_disease +concept_beverage_alcohol concept:fooddecreasestheriskofdisease concept_disease_dementia +concept_beverage_alcohol concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_beverage_alcohol concept:foodcancausedisease concept_disease_high_blood_pressure +concept_beverage_alcohol concept:beveragecontainsprotein concept_protein_factor +concept_beverage_ale concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_alligator concept:mutualproxyfor concept_person_bruce_iglauer +concept_beverage_amaretto concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_andalusia concept:proxyfor concept_newspaper_alabama +concept_beverage_apple_cider concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_apple_cider_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_apple_cider_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_apple_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_applesauce concept:beveragemadefrombeverage concept_beverage_sauce +concept_beverage_applesauce concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_apricot concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_apricot_nectar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_arizona concept:mutualproxyfor concept_airport_mesa +concept_beverage_arizona concept:proxyfor concept_book_new +concept_beverage_arizona concept:mutualproxyfor concept_building_glendale +concept_beverage_arizona concept:mutualproxyfor concept_city_gilbert +concept_beverage_arizona concept:mutualproxyfor concept_city_sierra_vista +concept_beverage_arizona concept:mutualproxyfor concept_city_tuscon +concept_beverage_arizona concept:mutualproxyfor concept_coach_chandler +concept_beverage_arizona concept:mutualproxyfor concept_creditunion_prescott +concept_beverage_arizona concept:atdate concept_date_n2004 +concept_beverage_arizona concept:atdate concept_dateliteral_n2007 +concept_beverage_arizona concept:atdate concept_dateliteral_n2008 +concept_beverage_arizona concept:mutualproxyfor concept_island_bullhead_city +concept_beverage_arizona concept:mutualproxyfor concept_legume_tempe +concept_beverage_arizona concept:mutualproxyfor concept_radiostation_tucson +concept_beverage_arizona concept:mutualproxyfor concept_retailstore_lake_havasu_city +concept_beverage_arizona concept:mutualproxyfor concept_sport_peoria +concept_beverage_arizona concept:mutualproxyfor concept_visualizablething_scottsdale +concept_beverage_artesian_water concept:latitudelongitude 31.7526000000000,-108.5286600000000 +concept_beverage_avocado concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_baking_soda concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_baking_soda concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_balsamic_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_bay concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_beer concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_beer concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_australia +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_china +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_czech_republic +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_denmark +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_republic_of_austria +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_switzerland +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_uk +concept_beverage_beer concept:agriculturalproductcamefromcountry concept_country_us +concept_beverage_beer concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_beer concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_beverage_beer concept:agriculturalproductcontainchemical concept_drug_alcohol +concept_beverage_beer concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_beer concept:beveragecontainsprotein concept_protein_proteins +concept_beverage_beer concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_wyoming +concept_beverage_beer concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_beers concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_berries concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_berry_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_beverages concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_beverage_beverages concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_beverages concept:agriculturalproductcontainchemical concept_drug_alcohol +concept_beverage_beverages concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_beverages concept:agriculturalproductincludingagriculturalproduct concept_food_yogurt +concept_beverage_bitters concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_black_cherry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_black_coffee concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_black_coffee concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_black_tea concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_black_tea concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_black_tea concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_beverage_black_tea concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_black_tea concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_black_tea concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_black_teas concept:beveragemadefrombeverage concept_beverage_teas +concept_beverage_blast concept:proxyfor concept_book_new +concept_beverage_blends concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_blends concept:beveragemadefrombeverage concept_beverage_grenache +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_chardonnay +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_shiraz +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_syrah +concept_beverage_blends concept:beveragemadefrombeverage concept_wine_zinfandel +concept_beverage_blood concept:agriculturalproductcontainchemical concept_chemical_iron +concept_beverage_blood concept:beveragecontainsprotein concept_protein_factor +concept_beverage_blue_curacao concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_blueberry_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_borax concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_bordeaux_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_borovan concept:latitudelongitude 43.4333300000000,23.7500000000000 +concept_beverage_bottled_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_bottled_water concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_brands concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_brandy concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_breast_feeding concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_antibodies +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_enzyme +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_factors +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_growth_factors +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_immunoglobulins +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_lysozyme +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_nutrient +concept_beverage_breast_milk concept:beveragecontainsprotein concept_protein_proteins +concept_beverage_breastmilk concept:beveragecontainsprotein concept_protein_antibodies +concept_beverage_breastmilk concept:beveragecontainsprotein concept_protein_factors +concept_beverage_brew concept:beveragemadefrombeverage concept_beverage_mead +concept_beverage_broth concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_broth concept:beveragecontainsprotein concept_protein_collagen +concept_beverage_brown_sugar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_brown_sugar concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_buttermilk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_buttermilk concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_beverage_buttermilk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_buttermilk concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_caffeine concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_caffeine concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_cake concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_calvados concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cappuccino concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_caramel concept:thinghascolor concept_color_amber +concept_beverage_cassis concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cause concept:mutualproxyfor concept_book_new +concept_beverage_chai concept:beveragemadefrombeverage concept_beverage_black_tea +concept_beverage_chambord concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_chamomile concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_champurrado concept:latitudelongitude 31.8049450000000,-111.2514875000000 +concept_beverage_cherries concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cherry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cherry concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_cherry concept:beveragemadefrombeverage concept_beverage_slice +concept_beverage_cherry_brandy concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cherry_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_chocolate concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_cider concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cider_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_citrus concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_club_soda concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cocktail concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cocktail concept:beveragemadefrombeverage concept_beverage_orange_juice +concept_beverage_cocktail concept:beveragemadefrombeverage concept_beverage_vodka +concept_beverage_cocktails concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cocktails concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_coconut_cream concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_coconut_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_coconut_milk concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_beverage_coconut_milk concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_coconut_rum concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_coconut_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_coffee concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_coffee concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_chemical_chemicals +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_chemical_sweeteners +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_egypt +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_ethiopia +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_finland +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_france_france +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_new_zealand +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_u_s_ +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_uk +concept_beverage_coffee concept:agriculturalproductcamefromcountry concept_country_us +concept_beverage_coffee concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_coffee concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_beverage_coffee concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_beverage_coffee concept:fooddecreasestheriskofdisease concept_disease_liver_cancer +concept_beverage_coffee concept:fooddecreasestheriskofdisease concept_disease_parkinson +concept_beverage_coffee concept:fooddecreasestheriskofdisease concept_disease_type_2_diabetes +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_coffee concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_coffee concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_islands +concept_beverage_coffee concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_beverage_coffee concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_beverage_coffee concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_coffee concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_hawaii +concept_beverage_coffee concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_coffee_land concept:latitudelongitude 6.1833300000000,-57.4500000000000 +concept_beverage_cointreau concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cola concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cola concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_colombo concept:proxyfor concept_person_sri_lanka +concept_beverage_colombo concept:subpartof concept_visualartmovement_sri_lanka +concept_beverage_column concept:proxyfor concept_book_new +concept_beverage_cranberries concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cranberry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cranberry concept:beveragemadefrombeverage concept_beverage_juice_cocktail +concept_beverage_cranberry concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_cranberry concept:beveragemadefrombeverage concept_beverage_liqueur +concept_beverage_cranberry_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cream concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cream concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_crognolo concept:latitudelongitude 42.5166700000000,11.4166700000000 +concept_beverage_cucumber_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_cup_cold_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_curacao concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_curry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_dairy_foods concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_dairy_foods concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_beverage_dairy_foods concept:beveragecontainsprotein concept_protein_proteins +concept_beverage_dark_rum concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_decaf_coffee concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_dill concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_dinners concept:latitudelongitude 29.0222100000000,-81.8048000000000 +concept_beverage_dispute concept:atdate concept_dateliteral_n2007 +concept_beverage_distilled_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_dry_milk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_dry_vermouth concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_egg_yolk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_egg_yolk concept:agriculturalproductcontainchemical concept_drug_cholesterol +concept_beverage_egg_yolk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_egg_yolk concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_espresso concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_espresso concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_events concept:objectpartofobject concept_visualizableobject_lens +concept_beverage_features concept:objectfoundinscene concept_landscapefeatures_valley +concept_beverage_fennel concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_fizz concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_flower_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_fluid concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_fluid concept:foodcancausedisease concept_disease_constipation +concept_beverage_fresh_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_fruit_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_fruit_juices concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_fruit_punch concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_galliano concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_gatorade concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_gatorade concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_gelatin concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_gelatin concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_beverage_george concept:atlocation concept_city_washington_dc +concept_beverage_gin concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_ginger concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_ginger concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_ginger_ale concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_gloria_jeans concept:latitudelongitude 40.7180900000000,-89.5781500000000 +concept_beverage_goldilocks concept:latitudelongitude 49.4833300000000,-93.6503800000000 +concept_beverage_grand_marnier concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_grape concept:beveragemadefrombeverage concept_beverage_chenin +concept_beverage_grape concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_grape concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_grape concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_grape concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_grape concept:beveragemadefrombeverage concept_wine_syrah +concept_beverage_grapefruit_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_green_tea concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_green_tea concept:beveragemadefrombeverage concept_beverage_white_tea +concept_beverage_green_tea concept:foodcancausedisease concept_disease_cholesterol_levels +concept_beverage_green_tea_consumption concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_green_teas concept:beveragemadefrombeverage concept_beverage_teas +concept_beverage_grenache concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_grenadine concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_heavy_cream concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_herbal_tea concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_herbal_teas concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_herbal_teas concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_hershey concept:proxyfor concept_stadiumoreventvenue_giant_center +concept_beverage_hershey concept:atlocation concept_stateorprovince_pennsylvania +concept_beverage_hershey concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_beverage_hershey concept:subpartof concept_stateorprovince_pennsylvania +concept_beverage_high_altitude concept:latitudelongitude 45.9638200000000,-112.4758500000000 +concept_beverage_high_quality concept:proxyfor concept_book_new +concept_beverage_hill concept:atdate concept_date_n2001 +concept_beverage_hill concept:objectfoundinscene concept_visualizablescene_observatory +concept_beverage_honey concept:beveragemadefrombeverage concept_beverage_jam +concept_beverage_honey concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_honey concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_honeycomb concept:thinghasshape concept_geometricshape_hexagonal +concept_beverage_hot_coffee concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_hot_water concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_beverage_hot_water concept:itemfoundinroom concept_officebuildingroom_rooms +concept_beverage_hot_water concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_hot_water concept:itemfoundinroom concept_visualizablething_bathroom +concept_beverage_hot_water concept:itemfoundinroom concept_visualizablething_cabins +concept_beverage_ice_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_iced_tea concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_inaugural_event concept:atdate concept_date_n2004 +concept_beverage_ingredients concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_ingredients concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_ingredients concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_jam concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_beverage_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_beverage_juice concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_juice concept:agriculturalproductcontainchemical concept_chemical_acids +concept_beverage_juice concept:agriculturalproductcontainchemical concept_chemical_minerals +concept_beverage_juice concept:agriculturalproductcontainchemical concept_chemical_substances +concept_beverage_juice concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_juice concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_beverage_juice concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_beverage_juice concept:beveragecontainsprotein concept_protein_protease +concept_beverage_juice concept:beveragecontainsprotein concept_protein_proteins +concept_beverage_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_juice concept:beveragemadefrombeverage concept_wine_blend +concept_beverage_juice_concentrate concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_juices concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_juices concept:agriculturalproductcontainchemical concept_chemical_corn_syrup +concept_beverage_juices concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_juices concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_kahlua concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_kirsch concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lemon_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_beverage_lemon_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_beverage_lemon_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_beverage_lemon_juice concept:beveragemadefrombeverage concept_agriculturalproduct_syrup +concept_beverage_lemon_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lemon_juice concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_lemon_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_beverage_lemon_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_lemon_zest concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lemonade concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lemonade concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_licorice concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_light_rum concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lime_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_beverage_lime_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_beverage_lime_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_lime_juice concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_beverage_lime_juice concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_lime_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_limeade concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_liqueur concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_liqueur concept:beveragemadefrombeverage concept_beverage_vodka +concept_beverage_liqueur concept:beveragemadefrombeverage concept_wine_blend +concept_beverage_liquid concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_liquor concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_liquors concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_liver_cancer concept:atdate concept_dateliteral_n2005 +concept_beverage_liver_cancer concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_livingston concept:mutualproxyfor concept_radiostation_new_jersey +concept_beverage_mango concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_mango_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_mango_nectar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_maple_syrup concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_beverage_maple_syrup concept:beveragemadefrombeverage concept_agriculturalproduct_syrup +concept_beverage_maple_syrup concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_maple_syrup concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_maraschino concept:latitudelongitude 48.3900200000000,-106.6406000000000 +concept_beverage_maraschino concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_margarita concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_marlborough concept:atlocation concept_beach_massachusetts +concept_beverage_marlborough concept:subpartof concept_beach_massachusetts +concept_beverage_marnier concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_meditation concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_melon concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_melon_liqueur concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_midori concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_milk concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_butter +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_goats +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_livestock +concept_beverage_milk concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_coconut_milk +concept_beverage_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_milk concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_bird_buffalo +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_bird_chickens +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_bird_farm_animals +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_bird_mammals +concept_beverage_milk concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_milk concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_beverage_milk concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_beverage_milk concept:agriculturalproducttoattractinsect concept_insect_flies +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_animals +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_breeds +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_buffaloes +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_calves +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_camels +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_dairy_cows +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_dairy_goats +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_farmers +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_heifers +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_water_buffalo +concept_beverage_milk concept:beveragecontainsprotein concept_protein_antibodies +concept_beverage_milk concept:beveragecontainsprotein concept_protein_cells +concept_beverage_milk concept:beveragecontainsprotein concept_protein_factor +concept_beverage_milk concept:beveragecontainsprotein concept_protein_factors +concept_beverage_milk concept:beveragecontainsprotein concept_protein_fluphenazine +concept_beverage_milk concept:beveragecontainsprotein concept_protein_human_igg +concept_beverage_milk concept:beveragecontainsprotein concept_protein_hydrocortisone +concept_beverage_milk concept:beveragecontainsprotein concept_protein_iga +concept_beverage_milk concept:beveragecontainsprotein concept_protein_igg +concept_beverage_milk concept:beveragecontainsprotein concept_protein_immune_factors +concept_beverage_milk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_milk concept:beveragecontainsprotein concept_protein_insulin +concept_beverage_milk concept:beveragecontainsprotein concept_protein_lead +concept_beverage_milk concept:beveragecontainsprotein concept_protein_medicine +concept_beverage_milk concept:beveragecontainsprotein concept_protein_paracetamol +concept_beverage_milk concept:beveragecontainsprotein concept_protein_penicillin +concept_beverage_milk concept:beveragecontainsprotein concept_protein_potassium +concept_beverage_milk concept:beveragecontainsprotein concept_protein_progesterone +concept_beverage_milk concept:beveragecontainsprotein concept_protein_propafenone +concept_beverage_milk concept:beveragecontainsprotein concept_protein_simvastatin +concept_beverage_milk concept:beveragecontainsprotein concept_protein_vitamin_d +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_reptile_females +concept_beverage_milk concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_vertebrate_herds +concept_beverage_milk concept:agriculturalproductcomingfromvertebrate concept_vertebrate_ruminants +concept_beverage_milk concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_beverage_milk concept:beveragecontainsprotein concept_visualizablething_fatty_acid +concept_beverage_mineral concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_mineral_water concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_mint concept:beveragemadefrombeverage concept_beverage_leaves +concept_beverage_mint concept:beveragemadefrombeverage concept_beverage_sauce +concept_beverage_mint concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_mint_leaves concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_mint_tea concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_mix concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_mix concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_mixer concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_mixer concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_mobile concept:mutualproxyfor concept_university_alabama +concept_beverage_more_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_much_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_muscat concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_n100___orange concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_nc concept:atlocation concept_politicsblog_raleigh +concept_beverage_nectar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_new concept:atlocation concept_agent_start +concept_beverage_new concept:atlocation concept_attraction_art +concept_beverage_new concept:atlocation concept_attraction_end +concept_beverage_new concept:atlocation concept_attraction_fun +concept_beverage_new concept:atlocation concept_attraction_ground_zero +concept_beverage_new concept:atlocation concept_attraction_major_tourist_attraction +concept_beverage_new concept:atlocation concept_attraction_mouth +concept_beverage_new concept:atlocation concept_attraction_second_home +concept_beverage_new concept:atlocation concept_attraction_station +concept_beverage_new concept:atlocation concept_attraction_statue_of_liberty001 +concept_beverage_new concept:atlocation concept_attraction_victoria001 +concept_beverage_new concept:atlocation concept_blog_bastion +concept_beverage_new concept:atlocation concept_blog_blogosphere +concept_beverage_new concept:atlocation concept_blog_epicenter +concept_beverage_new concept:atlocation concept_blog_film +concept_beverage_new concept:atlocation concept_blog_form +concept_beverage_new concept:atlocation concept_blog_globe +concept_beverage_new concept:atlocation concept_blog_goal +concept_beverage_new concept:atlocation concept_blog_manager +concept_beverage_new concept:atlocation concept_blog_paradise +concept_beverage_new concept:atlocation concept_blog_repository +concept_beverage_new concept:atlocation concept_building_america +concept_beverage_new concept:atlocation concept_building_amsterdam +concept_beverage_new concept:atlocation concept_building_center001 +concept_beverage_new concept:atlocation concept_building_exhibit +concept_beverage_new concept:atlocation concept_building_flight +concept_beverage_new concept:atlocation concept_building_four +concept_beverage_new concept:atlocation concept_building_group +concept_beverage_new concept:atlocation concept_building_hollywood +concept_beverage_new concept:atlocation concept_building_interest +concept_beverage_new concept:atlocation concept_building_nation +concept_beverage_new concept:atlocation concept_building_new_york_area +concept_beverage_new concept:atlocation concept_building_prices +concept_beverage_new concept:atlocation concept_building_season +concept_beverage_new concept:atlocation concept_building_stage +concept_beverage_new concept:atlocation concept_building_stop +concept_beverage_new concept:atlocation concept_building_town +concept_beverage_new concept:atlocation concept_building_vegas +concept_beverage_new concept:atlocation concept_building_years +concept_beverage_new concept:atlocation concept_company_apple002 +concept_beverage_new concept:atlocation concept_company_cities +concept_beverage_new concept:atlocation concept_company_first_choice_airways +concept_beverage_new concept:atlocation concept_company_services +concept_beverage_new concept:atlocation concept_company_starting_point +concept_beverage_new concept:atlocation concept_company_walt_disney_world +concept_beverage_new concept:atlocation concept_country_career +concept_beverage_new concept:atlocation concept_country_emergency +concept_beverage_new concept:atlocation concept_country_france_france +concept_beverage_new concept:atlocation concept_country_king +concept_beverage_new concept:atlocation concept_country_origin +concept_beverage_new concept:atlocation concept_country_orleans +concept_beverage_new concept:atlocation concept_country_party +concept_beverage_new concept:atlocation concept_country_region +concept_beverage_new concept:atlocation concept_country_representative +concept_beverage_new concept:atlocation concept_country_same_time +concept_beverage_new concept:atlocation concept_country_son +concept_beverage_new concept:atlocation concept_country_united_states +concept_beverage_new concept:subpartof concept_country_united_states +concept_beverage_new concept:atlocation concept_farm_extension +concept_beverage_new concept:atlocation concept_farm_farmers +concept_beverage_new concept:atlocation concept_farm_foundation +concept_beverage_new concept:atlocation concept_farm_tradition +concept_beverage_new concept:atlocation concept_geopoliticallocation_authorities +concept_beverage_new concept:atlocation concept_governmentorganization_document +concept_beverage_new concept:atlocation concept_governmentorganization_government +concept_beverage_new concept:atlocation concept_hotel_beacon +concept_beverage_new concept:atlocation concept_hotel_capitol +concept_beverage_new concept:atlocation concept_hotel_directory +concept_beverage_new concept:atlocation concept_hotel_dream +concept_beverage_new concept:atlocation concept_hotel_job +concept_beverage_new concept:atlocation concept_hotel_landmark +concept_beverage_new concept:atlocation concept_hotel_major_center +concept_beverage_new concept:atlocation concept_hotel_metropolis +concept_beverage_new concept:atlocation concept_hotel_north +concept_beverage_new concept:atlocation concept_hotel_resource +concept_beverage_new concept:atlocation concept_hotel_today +concept_beverage_new concept:atlocation concept_hotel_union +concept_beverage_new concept:atlocation concept_island_banks +concept_beverage_new concept:atlocation concept_island_new_york_city_metropolitan_area +concept_beverage_new concept:atlocation concept_landscapefeatures_areas +concept_beverage_new concept:atlocation concept_landscapefeatures_favorite_place +concept_beverage_new concept:atlocation concept_landscapefeatures_firm +concept_beverage_new concept:atlocation concept_landscapefeatures_gulf +concept_beverage_new concept:atlocation concept_landscapefeatures_headquarters +concept_beverage_new concept:atlocation concept_landscapefeatures_housing +concept_beverage_new concept:atlocation concept_landscapefeatures_islands +concept_beverage_new concept:atlocation concept_landscapefeatures_landscape +concept_beverage_new concept:atlocation concept_landscapefeatures_metropolitan_area +concept_beverage_new concept:atlocation concept_landscapefeatures_neighbors +concept_beverage_new concept:atlocation concept_landscapefeatures_no__1 +concept_beverage_new concept:atlocation concept_landscapefeatures_part +concept_beverage_new concept:atlocation concept_landscapefeatures_photographs +concept_beverage_new concept:atlocation concept_landscapefeatures_point +concept_beverage_new concept:atlocation concept_landscapefeatures_ports +concept_beverage_new concept:atlocation concept_landscapefeatures_project +concept_beverage_new concept:atlocation concept_landscapefeatures_quality +concept_beverage_new concept:atlocation concept_landscapefeatures_run +concept_beverage_new concept:atlocation concept_landscapefeatures_sight +concept_beverage_new concept:atlocation concept_landscapefeatures_sites +concept_beverage_new concept:atlocation concept_landscapefeatures_states +concept_beverage_new concept:atlocation concept_landscapefeatures_stores +concept_beverage_new concept:atlocation concept_landscapefeatures_study +concept_beverage_new concept:atlocation concept_landscapefeatures_variety +concept_beverage_new concept:atlocation concept_landscapefeatures_village +concept_beverage_new concept:atlocation concept_landscapefeatures_waters +concept_beverage_new concept:atlocation concept_landscapefeatures_weekend +concept_beverage_new concept:atlocation concept_location_complex +concept_beverage_new concept:atlocation concept_magazine_essence +concept_beverage_new concept:atlocation concept_magazine_self +concept_beverage_new concept:subpartof concept_month_december +concept_beverage_new concept:atlocation concept_monument_area_residents +concept_beverage_new concept:atlocation concept_monument_delhi +concept_beverage_new concept:atlocation concept_monument_height +concept_beverage_new concept:atlocation concept_monument_key +concept_beverage_new concept:atlocation concept_monument_museums +concept_beverage_new concept:atlocation concept_monument_photographer +concept_beverage_new concept:atlocation concept_monument_property_types +concept_beverage_new concept:atlocation concept_monument_york_area +concept_beverage_new concept:atlocation concept_mountainrange_church +concept_beverage_new concept:atlocation concept_mountainrange_rate +concept_beverage_new concept:atlocation concept_museum_brunswick +concept_beverage_new concept:atlocation concept_museum_close +concept_beverage_new concept:atlocation concept_museum_community +concept_beverage_new concept:atlocation concept_museum_cultural_center +concept_beverage_new concept:atlocation concept_museum_facilities +concept_beverage_new concept:atlocation concept_museum_first_place +concept_beverage_new concept:atlocation concept_museum_galleries +concept_beverage_new concept:atlocation concept_museum_gallery +concept_beverage_new concept:atlocation concept_museum_home_town +concept_beverage_new concept:atlocation concept_museum_http +concept_beverage_new concept:atlocation concept_museum_international_center +concept_beverage_new concept:atlocation concept_museum_life +concept_beverage_new concept:atlocation concept_museum_locus +concept_beverage_new concept:atlocation concept_museum_long_way +concept_beverage_new concept:atlocation concept_museum_marvel +concept_beverage_new concept:atlocation concept_museum_national_capital +concept_beverage_new concept:atlocation concept_museum_non_profit_organization +concept_beverage_new concept:atlocation concept_museum_original_home +concept_beverage_new concept:atlocation concept_museum_paper +concept_beverage_new concept:atlocation concept_museum_present +concept_beverage_new concept:atlocation concept_museum_site +concept_beverage_new concept:atlocation concept_museum_terms +concept_beverage_new concept:atlocation concept_museum_venue +concept_beverage_new concept:atlocation concept_museum_way_home +concept_beverage_new concept:atlocation concept_newspaper_advocate +concept_beverage_new concept:atlocation concept_newspaper_democrat +concept_beverage_new concept:atlocation concept_organization_host +concept_beverage_new concept:atlocation concept_park_borough +concept_beverage_new concept:atlocation concept_park_fan +concept_beverage_new concept:atlocation concept_park_land +concept_beverage_new concept:atlocation concept_park_league +concept_beverage_new concept:atlocation concept_park_news +concept_beverage_new concept:atlocation concept_park_wonderland +concept_beverage_new concept:atlocation concept_park_word +concept_beverage_new concept:atlocation concept_placeofworship_castle +concept_beverage_new concept:atlocation concept_politicsblog_guardian +concept_beverage_new concept:atlocation concept_politicsblog_image +concept_beverage_new concept:atlocation concept_politicsblog_new_hampshire +concept_beverage_new concept:atlocation concept_politicsblog_ninth_state +concept_beverage_new concept:atlocation concept_politicsblog_originator +concept_beverage_new concept:atlocation concept_politicsblog_perspective +concept_beverage_new concept:atlocation concept_politicsblog_portland +concept_beverage_new concept:atlocation concept_politicsblog_presence +concept_beverage_new concept:atlocation concept_politicsblog_radio_station +concept_beverage_new concept:atlocation concept_politicsblog_showcase +concept_beverage_new concept:atlocation concept_politicsblog_shows +concept_beverage_new concept:atlocation concept_politicsblog_supporter +concept_beverage_new concept:atlocation concept_product_vote +concept_beverage_new concept:atlocation concept_publication_atlantic +concept_beverage_new concept:atlocation concept_publication_people_ +concept_beverage_new concept:atlocation concept_restaurant_bed +concept_beverage_new concept:atlocation concept_restaurant_cabin +concept_beverage_new concept:atlocation concept_restaurant_copacabana +concept_beverage_new concept:atlocation concept_restaurant_mecca +concept_beverage_new concept:atlocation concept_restaurant_melting_pot +concept_beverage_new concept:atlocation concept_restaurant_mix +concept_beverage_new concept:atlocation concept_restaurant_shopping +concept_beverage_new concept:atlocation concept_restaurant_target +concept_beverage_new concept:atlocation concept_restaurant_top_choice +concept_beverage_new concept:atlocation concept_retailstore_border +concept_beverage_new concept:atlocation concept_retailstore_casino +concept_beverage_new concept:atlocation concept_retailstore_christmas +concept_beverage_new concept:atlocation concept_retailstore_jewel +concept_beverage_new concept:atlocation concept_retailstore_northeast +concept_beverage_new concept:atlocation concept_retailstore_play +concept_beverage_new concept:atlocation concept_retailstore_questions +concept_beverage_new concept:atlocation concept_retailstore_times_square +concept_beverage_new concept:atlocation concept_river_arts +concept_beverage_new concept:atlocation concept_river_boat +concept_beverage_new concept:atlocation concept_river_meeting +concept_beverage_new concept:atlocation concept_river_state +concept_beverage_new concept:atlocation concept_river_wedding +concept_beverage_new concept:atlocation concept_room_back +concept_beverage_new concept:atlocation concept_room_business_center +concept_beverage_new concept:atlocation concept_room_centerpiece +concept_beverage_new concept:atlocation concept_room_chain +concept_beverage_new concept:atlocation concept_room_coast +concept_beverage_new concept:atlocation concept_room_development +concept_beverage_new concept:atlocation concept_room_entertainment +concept_beverage_new concept:atlocation concept_room_executive +concept_beverage_new concept:atlocation concept_room_family +concept_beverage_new concept:atlocation concept_room_full +concept_beverage_new concept:atlocation concept_room_guide +concept_beverage_new concept:atlocation concept_room_hour +concept_beverage_new concept:atlocation concept_room_house +concept_beverage_new concept:atlocation concept_room_level +concept_beverage_new concept:atlocation concept_room_levels +concept_beverage_new concept:atlocation concept_room_living +concept_beverage_new concept:atlocation concept_room_lot +concept_beverage_new concept:atlocation concept_room_mission +concept_beverage_new concept:atlocation concept_room_office +concept_beverage_new concept:atlocation concept_room_offices +concept_beverage_new concept:atlocation concept_room_properties +concept_beverage_new concept:atlocation concept_room_real_estate +concept_beverage_new concept:atlocation concept_room_rest +concept_beverage_new concept:atlocation concept_room_schools +concept_beverage_new concept:atlocation concept_room_set +concept_beverage_new concept:atlocation concept_room_setting +concept_beverage_new concept:atlocation concept_room_side +concept_beverage_new concept:atlocation concept_room_space +concept_beverage_new concept:atlocation concept_room_step +concept_beverage_new concept:atlocation concept_room_style +concept_beverage_new concept:atlocation concept_room_theme +concept_beverage_new concept:atlocation concept_room_top +concept_beverage_new concept:atlocation concept_room_tops +concept_beverage_new concept:atlocation concept_room_township +concept_beverage_new concept:atlocation concept_room_view +concept_beverage_new concept:atlocation concept_room_way +concept_beverage_new concept:atlocation concept_room_youth +concept_beverage_new concept:atlocation concept_shoppingmall_affiliate +concept_beverage_new concept:atlocation concept_shoppingmall_carolina +concept_beverage_new concept:atlocation concept_shoppingmall_central_park +concept_beverage_new concept:atlocation concept_shoppingmall_columbia +concept_beverage_new concept:atlocation concept_shoppingmall_marketplace +concept_beverage_new concept:atlocation concept_shoppingmall_studio +concept_beverage_new concept:atlocation concept_skyscraper_asia +concept_beverage_new concept:atlocation concept_skyscraper_collection +concept_beverage_new concept:atlocation concept_skyscraper_court +concept_beverage_new concept:atlocation concept_skyscraper_financial_center +concept_beverage_new concept:atlocation concept_skyscraper_highlight +concept_beverage_new concept:atlocation concept_skyscraper_n2_0 +concept_beverage_new concept:atlocation concept_stadiumoreventvenue_icon +concept_beverage_new concept:atlocation concept_stadiumoreventvenue_industry +concept_beverage_new concept:atlocation concept_stadiumoreventvenue_madison_square_garden +concept_beverage_new concept:atlocation concept_stadiumoreventvenue_theatre +concept_beverage_new concept:atlocation concept_stadiumoreventvenue_world_trade_center +concept_beverage_new concept:atlocation concept_trail_candidate +concept_beverage_new concept:atlocation concept_trainstation_agents +concept_beverage_new concept:atlocation concept_trainstation_fall +concept_beverage_new concept:atlocation concept_trainstation_future +concept_beverage_new concept:atlocation concept_trainstation_position +concept_beverage_new concept:atlocation concept_trainstation_schedules +concept_beverage_new concept:atlocation concept_trainstation_stronghold +concept_beverage_new concept:atlocation concept_transportation_action +concept_beverage_new concept:atlocation concept_transportation_airports +concept_beverage_new concept:atlocation concept_transportation_bit +concept_beverage_new concept:atlocation concept_transportation_blessing +concept_beverage_new concept:atlocation concept_transportation_car +concept_beverage_new concept:atlocation concept_transportation_coalition +concept_beverage_new concept:atlocation concept_transportation_dog +concept_beverage_new concept:atlocation concept_transportation_ground +concept_beverage_new concept:atlocation concept_transportation_horse +concept_beverage_new concept:atlocation concept_transportation_hub +concept_beverage_new concept:atlocation concept_transportation_money +concept_beverage_new concept:atlocation concept_transportation_network +concept_beverage_new concept:atlocation concept_transportation_note +concept_beverage_new concept:atlocation concept_transportation_residents +concept_beverage_new concept:atlocation concept_transportation_safety +concept_beverage_new concept:atlocation concept_transportation_schedule +concept_beverage_new concept:atlocation concept_transportation_second_largest_city +concept_beverage_new concept:atlocation concept_transportation_series +concept_beverage_new concept:atlocation concept_transportation_situation +concept_beverage_new concept:atlocation concept_transportation_stadium +concept_beverage_new concept:atlocation concept_transportation_story +concept_beverage_new concept:atlocation concept_transportation_tickets +concept_beverage_new concept:atlocation concept_transportation_tourism +concept_beverage_new concept:atlocation concept_transportation_train +concept_beverage_new concept:atlocation concept_transportation_two +concept_beverage_new concept:atlocation concept_transportation_two_cities +concept_beverage_new concept:atlocation concept_transportation_weather +concept_beverage_new concept:atlocation concept_visualizablescene_harbor +concept_beverage_new concept:atlocation concept_visualizablescene_ny +concept_beverage_new concept:atlocation concept_visualizablescene_nyc_ +concept_beverage_new concept:atlocation concept_visualizablescene_thing +concept_beverage_new concept:atlocation concept_visualizablescene_vacation +concept_beverage_new concept:atlocation concept_visualizablething_charge +concept_beverage_new concept:atlocation concept_visualizablething_epicentre +concept_beverage_new concept:atlocation concept_visualizablething_queensland +concept_beverage_new concept:atlocation concept_visualizablething_residence +concept_beverage_new concept:atlocation concept_visualizablething_sea +concept_beverage_new concept:atlocation concept_website_advantage +concept_beverage_new concept:atlocation concept_website_african_american +concept_beverage_new concept:atlocation concept_website_aim +concept_beverage_new concept:atlocation concept_website_babylon +concept_beverage_new concept:atlocation concept_website_beauty +concept_beverage_new concept:atlocation concept_website_boom +concept_beverage_new concept:atlocation concept_website_breeze +concept_beverage_new concept:atlocation concept_website_change +concept_beverage_new concept:atlocation concept_website_clients +concept_beverage_new concept:atlocation concept_website_cost +concept_beverage_new concept:atlocation concept_website_critic +concept_beverage_new concept:atlocation concept_website_developer +concept_beverage_new concept:atlocation concept_website_developers +concept_beverage_new concept:atlocation concept_website_east +concept_beverage_new concept:atlocation concept_website_experience +concept_beverage_new concept:atlocation concept_website_feature +concept_beverage_new concept:atlocation concept_website_games +concept_beverage_new concept:atlocation concept_website_gateway +concept_beverage_new concept:atlocation concept_website_good_news +concept_beverage_new concept:atlocation concept_website_homes +concept_beverage_new concept:atlocation concept_website_ideal +concept_beverage_new concept:atlocation concept_website_influence +concept_beverage_new concept:atlocation concept_website_information +concept_beverage_new concept:atlocation concept_website_issue +concept_beverage_new concept:atlocation concept_website_leader +concept_beverage_new concept:atlocation concept_website_license +concept_beverage_new concept:atlocation concept_website_light +concept_beverage_new concept:atlocation concept_website_market +concept_beverage_new concept:atlocation concept_website_match +concept_beverage_new concept:atlocation concept_website_move +concept_beverage_new concept:atlocation concept_website_partnership +concept_beverage_new concept:atlocation concept_website_plus +concept_beverage_new concept:atlocation concept_website_politics +concept_beverage_new concept:atlocation concept_website_price +concept_beverage_new concept:atlocation concept_website_projects +concept_beverage_new concept:atlocation concept_website_province +concept_beverage_new concept:atlocation concept_website_reminder +concept_beverage_new concept:atlocation concept_website_report +concept_beverage_new concept:atlocation concept_website_results +concept_beverage_new concept:atlocation concept_website_seven_days +concept_beverage_new concept:atlocation concept_website_shop +concept_beverage_new concept:atlocation concept_website_show +concept_beverage_new concept:atlocation concept_website_south +concept_beverage_new concept:atlocation concept_website_stranger +concept_beverage_new concept:atlocation concept_website_ten +concept_beverage_new concept:atlocation concept_website_tour +concept_beverage_new concept:atlocation concept_website_trend +concept_beverage_new concept:atlocation concept_website_trends +concept_beverage_new concept:atlocation concept_website_trip +concept_beverage_new concept:atlocation concept_website_universal +concept_beverage_new concept:atlocation concept_website_visit +concept_beverage_new concept:atlocation concept_website_voice +concept_beverage_nutmeg concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_nutmeg concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_nuts concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_nuts concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_oil concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_oil concept:beveragecontainsprotein concept_protein_factor +concept_beverage_oil concept:beveragecontainsprotein concept_protein_formula +concept_beverage_oil concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_oil concept:beveragecontainsprotein concept_protein_products +concept_beverage_oil concept:beveragecontainsprotein concept_protein_services +concept_beverage_oil concept:beveragecontainsprotein concept_protein_technology +concept_beverage_oj concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_orange concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_orange concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_orange concept:beveragemadefrombeverage concept_beverage_liqueur +concept_beverage_orange concept:beveragemadefrombeverage concept_beverage_sauce +concept_beverage_orange_juice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_beverage_orange_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_orange_juice concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_orange_juice concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_beverage_orange_juice concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_orange_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_orange_liqueur concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_papaya_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_passion_fruit concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_passion_fruit_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_past concept:objectpartofobject concept_visualizableobject_lens +concept_beverage_peach_schnapps concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_peaches concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_pear concept:thinghasshape concept_geometricshape_shape +concept_beverage_peppermint concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_peppermint concept:beveragemadefrombeverage concept_beverage_teas +concept_beverage_pineapple_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_pinot_noir_grapes concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_plain_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_plum concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_plum concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_plum concept:beveragemadefrombeverage concept_beverage_sauce +concept_beverage_plymouth concept:atlocation concept_beach_massachusetts +concept_beverage_plymouth concept:mutualproxyfor concept_beach_massachusetts +concept_beverage_polar_bear concept:thinghascolor concept_color_ryan_whitney +concept_beverage_pomegranate concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_pomegranate_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_ports concept:mutualproxyfor concept_book_new +concept_beverage_potato_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_potato_water concept:latitudelongitude 42.2065500000000,-117.6909700000000 +concept_beverage_powdered_sugar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_punch concept:beveragemadefrombeverage concept_beverage_ale +concept_beverage_punch concept:beveragemadefrombeverage concept_beverage_ginger_ale +concept_beverage_punch concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_punch concept:beveragemadefrombeverage concept_wine_white_wine +concept_beverage_pure_water concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_quality_coffee concept:beveragemadefrombeverage concept_wine_blend +concept_beverage_radish concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_rakia concept:latitudelongitude 35.0697200000000,72.4025000000000 +concept_beverage_rakija concept:latitudelongitude 44.8680600000000,18.4388900000000 +concept_beverage_raspberries concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_raspberry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_raspberry concept:beveragemadefrombeverage concept_beverage_sauce +concept_beverage_raspberry_liqueur concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_reality concept:mutualproxyfor concept_book_new +concept_beverage_reality concept:objectpartofobject concept_visualizableobject_lens +concept_beverage_red_blends concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_red_bull concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_red_tea concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_red_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_red_wine_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_red_wines concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_nebbiolo +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_shiraz +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_syrah +concept_beverage_red_wines concept:beveragemadefrombeverage concept_wine_zinfandel +concept_beverage_reds concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_reds concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_beverage_reds concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_reds concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_reds concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_reds concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_reds concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_refreshing_water concept:latitudelongitude 38.9520200000000,-94.4940800000000 +concept_beverage_regina concept:mutualproxyfor concept_city_saskatchewan +concept_beverage_rice_syrup concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_rice_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_rice_wine concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_rose concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_rose_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_rosemary concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_salt concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_salt concept:foodcancausedisease concept_disease_high_blood_pressure +concept_beverage_salt concept:foodcancausedisease concept_disease_hypertension +concept_beverage_salted_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sam_adams concept:atlocation concept_politicsblog_portland +concept_beverage_sauce concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sauce concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_sec concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_seltzer concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_seltzer_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_shake concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_side concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_side concept:objectfoundinscene concept_city_volcano +concept_beverage_side concept:objectfoundinscene concept_landscapefeatures_valley +concept_beverage_sieve concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_simple_syrup concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_site concept:objectfoundinscene concept_visualizablescene_observatory +concept_beverage_sites concept:mutualproxyfor concept_book_new +concept_beverage_skim_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_skim_milk concept:beveragecontainsprotein concept_protein_casein +concept_beverage_smoothie concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_smoothies concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_smoothies concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_snacks concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_soda_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sodas concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_soft_drink concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soft_drinks concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soft_drinks concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_soft_drinks concept:agriculturalproductcontainchemical concept_chemical_corn_syrup +concept_beverage_soft_drinks concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_soft_drinks concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_soft_drinks concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_solution concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_solution concept:thinghascolor concept_color_blue +concept_beverage_solution concept:thinghascolor concept_color_orange +concept_beverage_solution concept:thinghascolor concept_color_purple +concept_beverage_solution concept:thinghascolor concept_color_red +concept_beverage_solution concept:thinghascolor concept_color_yellow +concept_beverage_sour_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sour_milk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_sour_mix concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_southern_comfort concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soy_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soy_milk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_soya_milk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soymilk concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_soymilk concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_spirit concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sports_drink concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sports_drinks concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sprite concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_squash concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_squash concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_standards concept:mutualproxyfor concept_book_new +concept_beverage_steak concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_strawberry concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_strong_coffee concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_style concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_sugar concept:foodcancausedisease concept_disease_acne +concept_beverage_sugar concept:foodcancausedisease concept_disease_blood_pressure +concept_beverage_sugar concept:foodcancausedisease concept_disease_body +concept_beverage_sugar concept:foodcancausedisease concept_disease_cancer +concept_beverage_sugar concept:foodcancausedisease concept_disease_cases +concept_beverage_sugar concept:foodcancausedisease concept_disease_cavities +concept_beverage_sugar concept:foodcancausedisease concept_disease_complications +concept_beverage_sugar concept:foodcancausedisease concept_disease_condition +concept_beverage_sugar concept:foodcancausedisease concept_disease_control +concept_beverage_sugar concept:foodcancausedisease concept_disease_depression +concept_beverage_sugar concept:foodcancausedisease concept_disease_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_disease_diarrhea +concept_beverage_sugar concept:foodcancausedisease concept_disease_disorder +concept_beverage_sugar concept:foodcancausedisease concept_disease_effect +concept_beverage_sugar concept:foodcancausedisease concept_disease_gestational_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_disease_heart_disease +concept_beverage_sugar concept:foodcancausedisease concept_disease_hyperactivity +concept_beverage_sugar concept:foodcancausedisease concept_disease_hypoglycemia +concept_beverage_sugar concept:foodcancausedisease concept_disease_inflammation +concept_beverage_sugar concept:foodcancausedisease concept_disease_metabolism +concept_beverage_sugar concept:foodcancausedisease concept_disease_n2_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_disease_obesity +concept_beverage_sugar concept:foodcancausedisease concept_disease_patient +concept_beverage_sugar concept:foodcancausedisease concept_disease_problems +concept_beverage_sugar concept:foodcancausedisease concept_disease_result +concept_beverage_sugar concept:foodcancausedisease concept_disease_side_effects +concept_beverage_sugar concept:foodcancausedisease concept_disease_stress +concept_beverage_sugar concept:foodcancausedisease concept_disease_symptom +concept_beverage_sugar concept:foodcancausedisease concept_disease_symptoms +concept_beverage_sugar concept:foodcancausedisease concept_disease_tooth_decay +concept_beverage_sugar concept:foodcancausedisease concept_disease_type_1_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_disease_type_2_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_disease_type_ii_diabetes +concept_beverage_sugar concept:foodcancausedisease concept_physiologicalcondition_fatigue +concept_beverage_sugar_syrup concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sugar_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sugarcane_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_sweet_vermouth concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_tangerine_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_tannin concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_tea concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_tea concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_amino_acid +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_anti_oxidants +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_antioxidant +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_catechins +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_chemical_compounds +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_chemicals +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_compound +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_fluoride +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_minerals +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_properties +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_substances +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_sweeteners +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_tannic_acid +concept_beverage_tea concept:agriculturalproductcontainchemical concept_chemical_theanine +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_australia +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_britain +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_china +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_germany +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_hong_kong +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_japan +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_russia +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_singapore +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_the_united_kingdom +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_uk +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_viet_nam +concept_beverage_tea concept:agriculturalproductcamefromcountry concept_country_vietnam +concept_beverage_tea concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_tea concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_tea concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_foothills +concept_beverage_tea concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_beverage_tea concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valleys +concept_beverage_tea concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_assam +concept_beverage_tea concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_kandy +concept_beverage_tea concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_sikkim +concept_beverage_tea concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_west_bengal +concept_beverage_tea concept:agriculturalproductcontainchemical concept_visualizablething_bioflavonoids +concept_beverage_tea_chest concept:latitudelongitude 43.6668600000000,-65.2821100000000 +concept_beverage_tea_polyphenols concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_beverage_teas concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_teas concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_teas concept:beveragemadefrombeverage concept_beverage_smoothies +concept_beverage_teas concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_beverage_teas concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_beverage_teas concept:agriculturalproductcontainchemical concept_drug_acid +concept_beverage_teas concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_beverage_tequila concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_thyme concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_tomato_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_tomato_juice concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_beverage_tomato_juice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_beverage_top concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_top_water concept:latitudelongitude 32.7631300000000,-107.7750300000000 +concept_beverage_triple_sec concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_vanilla_sugar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_varietal concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_varietals concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_varietals concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_chardonnay +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_mourvedre +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_sangiovese +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_syrah +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_viognier +concept_beverage_varietals concept:beveragemadefrombeverage concept_wine_zinfandel +concept_beverage_vegetable_juice concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_vegetables concept:beveragemadefrombeverage concept_beverage_fresh_juice +concept_beverage_vegetables concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_vegetables concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_vermouth concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_vinegar concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_vinegar_works concept:latitudelongitude 33.6517700000000,-95.5016200000000 +concept_beverage_vineyards concept:objectfoundinscene concept_landscapefeatures_valley +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_chardonnay +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_vineyards concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_vodka concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_warm_water concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_warm_water concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_warwick concept:atlocation concept_monument_rhode_island +concept_beverage_warwick concept:mutualproxyfor concept_monument_rhode_island +concept_beverage_water concept:beveragemadefrombeverage concept_beverage_fruit_juice +concept_beverage_water concept:beveragemadefrombeverage concept_beverage_fruit_juices +concept_beverage_water concept:beveragemadefrombeverage concept_beverage_juice_drinks +concept_beverage_water concept:beveragemadefrombeverage concept_beverage_juice_first_thing +concept_beverage_water concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_whiskey concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_whisky concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_white_tea concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_white_varieties concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_beverage_white_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_white_wine_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_whites concept:beveragemadefrombeverage concept_wine_pinot_grigio +concept_beverage_whites concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_beverage_win concept:proxyfor concept_book_new +concept_beverage_win concept:atdate concept_date_n2003 +concept_beverage_win concept:atdate concept_dateliteral_n2007 +concept_beverage_win concept:atdate concept_year_n1998 +concept_beverage_wine_region concept:objectfoundinscene concept_landscapefeatures_valley +concept_beverage_wines concept:beveragemadefrombeverage concept_beverage_franc +concept_beverage_wines concept:beveragemadefrombeverage concept_beverage_juice +concept_beverage_wines concept:beveragemadefrombeverage concept_beverage_juices +concept_beverage_wines concept:beveragemadefrombeverage concept_beverage_muscat +concept_beverage_wines concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_burgundy +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_cabernet +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_chardonnay +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_chenin_blanc +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_chianti +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_gewurztraminer +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_malbec +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_merlot +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_pinot +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_pinot_grigio +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_pinot_gris +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_rhone +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_riesling +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_rieslings +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_sangiovese +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_sauvignons +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_shiraz +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_syrah +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_viognier +concept_beverage_wines concept:beveragemadefrombeverage concept_wine_zinfandel +concept_beverage_wooden_spoon concept:beveragecontainsprotein concept_protein_ingredients +concept_beverage_x_tra concept:latitudelongitude 47.3842100000000,8.5325800000000 +concept_beverage_yarra_valley concept:latitudelongitude -37.7191000000000,145.2984000000000 +concept_beverage_yerba_mate concept:beveragemadefrombeverage concept_beverage_tea +concept_beverage_yukon_jack concept:latitudelongitude 48.3666600000000,-109.0257200000000 +concept_biotechcompany_accenture concept:agentcollaborateswithagent concept_personus_william_green +concept_biotechcompany_accenture concept:mutualproxyfor concept_personus_william_green +concept_biotechcompany_advanced_micro_devices concept:companyalsoknownas concept_company_amd +concept_biotechcompany_aetna concept:hasofficeincity concept_city_hartford +concept_biotechcompany_agracetus concept:subpartoforganization concept_governmentorganization_monsanto +concept_biotechcompany_akamai_technologies concept:companyeconomicsector concept_economicsector_semiconductors +concept_biotechcompany_alcatel_lucent concept:organizationterminatedperson concept_ceo_ben_verwaayen +concept_biotechcompany_alcatel_lucent concept:companyeconomicsector concept_economicsector_telecommunications +concept_biotechcompany_alcoa concept:organizationterminatedperson concept_ceo_alain_belda +concept_biotechcompany_alcoa concept:subpartof concept_ceo_alain_belda +concept_biotechcompany_alcoa concept:hasofficeincity concept_city_new_york +concept_biotechcompany_alcoa concept:headquarteredin concept_city_pittsburgh +concept_biotechcompany_alcoa concept:hasofficeincountry concept_island_iceland +concept_biotechcompany_allegheny_technologies concept:companyeconomicsector concept_economicsector_semiconductors +concept_biotechcompany_allergan concept:headquarteredin concept_city_irvine +concept_biotechcompany_alltel concept:mutualproxyfor concept_person_scott_ford +concept_biotechcompany_alltel concept:organizationterminatedperson concept_person_scott_ford +concept_biotechcompany_alltel concept:subpartof concept_retailstore_verizon_wireless +concept_biotechcompany_altria concept:acquired concept_company_philip_morris +concept_biotechcompany_altria_group concept:organizationterminatedperson concept_ceo_louis_c__camilleri +concept_biotechcompany_altria_group concept:organizationterminatedperson concept_ceo_michael_e__szymanczyk +concept_biotechcompany_altria_group concept:acquired concept_company_kraft_foods +concept_biotechcompany_altus concept:subpartof concept_musicsong_oklahoma +concept_biotechcompany_american_diabetes_association concept:companyeconomicsector concept_academicfield_health +concept_biotechcompany_american_heart_association concept:companyeconomicsector concept_academicfield_health +concept_biotechcompany_american_international_group concept:companyalsoknownas concept_bank_aig +concept_biotechcompany_american_international_group concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_amgen concept:acquired concept_biotechcompany_immunex +concept_biotechcompany_amgen concept:organizationterminatedperson concept_ceo_kevin_w__sharer +concept_biotechcompany_amgen concept:companyeconomicsector concept_economicsector_biotechnology +concept_biotechcompany_amoco concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_amr_corp concept:organizationterminatedperson concept_ceo_gerard_arpey +concept_biotechcompany_analog_devices concept:organizationterminatedperson concept_ceo_jerald_g__fishman +concept_biotechcompany_analog_devices concept:subpartof concept_ceo_jerald_g__fishman +concept_biotechcompany_antigenics_inc concept:organizationterminatedperson concept_ceo_garo_h__armen +concept_biotechcompany_antigenics_inc concept:subpartof concept_ceo_garo_h__armen +concept_biotechcompany_apple concept:companyeconomicsector concept_academicfield_media +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_bedroomitem_touch +concept_biotechcompany_apple concept:acquired concept_biotechcompany_pa_semi +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_biotechcompany_apple concept:organizationterminatedperson concept_ceo_tim_cook +concept_biotechcompany_apple concept:hasofficeincity concept_city_chicago +concept_biotechcompany_apple concept:headquarteredin concept_city_cupertino +concept_biotechcompany_apple concept:hasofficeincity concept_city_london_city +concept_biotechcompany_apple concept:proxyfor concept_coach_new +concept_biotechcompany_apple concept:companyalsoknownas concept_company_apple002 +concept_biotechcompany_apple concept:competeswith concept_company_yahoo001 +concept_biotechcompany_apple concept:atdate concept_date_n2004 +concept_biotechcompany_apple concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_apple concept:companyeconomicsector concept_economicsector_computer +concept_biotechcompany_apple concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_biotechcompany_apple concept:companyeconomicsector concept_economicsector_electronics +concept_biotechcompany_apple concept:agentcontrols concept_emotion_job +concept_biotechcompany_apple concept:agentcontrols concept_island_stephen +concept_biotechcompany_apple concept:mutualproxyfor concept_island_stephen +concept_biotechcompany_apple concept:agentcontrols concept_island_steven +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_musicinstrument_mac_os_x +concept_biotechcompany_apple concept:organizationterminatedperson concept_person_stephen +concept_biotechcompany_apple concept:organizationterminatedperson concept_person_steven +concept_biotechcompany_apple concept:organizationterminatedperson concept_person_wozniak +concept_biotechcompany_apple concept:agentcollaborateswithagent concept_personus_jobs +concept_biotechcompany_apple concept:agentcontrols concept_personus_jobs +concept_biotechcompany_apple concept:mutualproxyfor concept_personus_jobs +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_plant_apple +concept_biotechcompany_apple concept:organizationterminatedperson concept_politician_jobs +concept_biotechcompany_apple concept:producesproduct concept_product_apple_iphone +concept_biotechcompany_apple concept:producesproduct concept_product_apple_ipod +concept_biotechcompany_apple concept:producesproduct concept_product_apple_tv +concept_biotechcompany_apple concept:producesproduct concept_product_ibook +concept_biotechcompany_apple concept:producesproduct concept_product_imac +concept_biotechcompany_apple concept:producesproduct concept_product_iphone +concept_biotechcompany_apple concept:producesproduct concept_product_ipod +concept_biotechcompany_apple concept:producesproduct concept_product_ipod_nano +concept_biotechcompany_apple concept:producesproduct concept_product_itunes +concept_biotechcompany_apple concept:producesproduct concept_product_mac_mini +concept_biotechcompany_apple concept:producesproduct concept_product_mac_pro +concept_biotechcompany_apple concept:producesproduct concept_product_macbook +concept_biotechcompany_apple concept:producesproduct concept_product_macbook_pro +concept_biotechcompany_apple concept:producesproduct concept_product_macintosh +concept_biotechcompany_apple concept:producesproduct concept_product_powerbook +concept_biotechcompany_apple concept:agentcollaborateswithagent concept_radiostation_job +concept_biotechcompany_apple concept:synonymfor concept_retailstore_apple_computer_inc_ +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_software_quicktime_player +concept_biotechcompany_apple concept:agentcollaborateswithagent concept_university_wozniak +concept_biotechcompany_apple concept:agentcontrols concept_university_wozniak +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogame_mac +concept_biotechcompany_apple concept:agentcreated concept_videogamesystem_ipod +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogamesystem_ipod +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogamesystem_ipod_touch +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogamesystem_macintosh +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogamesystem_os_x +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_videogamesystem_quicktime +concept_biotechcompany_apple concept:producesproduct concept_visualizableobject_tv +concept_biotechcompany_apple concept:agentinvolvedwithitem concept_wallitem_iphone +concept_biotechcompany_apple concept:agentcreated concept_website_download +concept_biotechcompany_apple concept:agentcreated concept_website_iphone +concept_biotechcompany_apple concept:agentcontrols concept_website_jobs +concept_biotechcompany_apple concept:agentcreated concept_website_mac +concept_biotechcompany_apple concept:atdate concept_year_n1994 +concept_biotechcompany_archer_daniels_midland concept:organizationterminatedperson concept_ceo_patricia_woertz +concept_biotechcompany_archer_daniels_midland concept:headquarteredin concept_city_decatur +concept_biotechcompany_archer_daniels_midland concept:organizationheadquarteredincity concept_city_decatur +concept_biotechcompany_archer_daniels_midland concept:companyalsoknownas concept_company_adm_ +concept_biotechcompany_archer_daniels_midland concept:organizationalsoknownas concept_company_adm_ +concept_biotechcompany_asia concept:agentactsinlocation concept_building_america +concept_biotechcompany_asia concept:hasofficeincountry concept_country___america +concept_biotechcompany_asia concept:atdate concept_date_n2001 +concept_biotechcompany_asia concept:atdate concept_date_n2003 +concept_biotechcompany_asia concept:atdate concept_date_n2004 +concept_biotechcompany_asia concept:atdate concept_dateliteral_n2002 +concept_biotechcompany_asia concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_asia concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_asia concept:organizationheadquarteredinstateorprovince concept_stateorprovince_southeast_asia +concept_biotechcompany_associations concept:proxyfor concept_coach_new +concept_biotechcompany_autodesk_inc_ concept:organizationterminatedperson concept_ceo_carol_a__bartz +concept_biotechcompany_autodesk_inc_ concept:hasofficeincity concept_city_san_rafael +concept_biotechcompany_autodesk_inc_ concept:organizationterminatedperson concept_person_carol_bartz +concept_biotechcompany_autonation concept:agentcollaborateswithagent concept_personaustralia_mike_jackson +concept_biotechcompany_autonation concept:mutualproxyfor concept_politicianus_mike_jackson +concept_biotechcompany_avon concept:companyeconomicsector concept_academicfield_sales +concept_biotechcompany_avon concept:organizationterminatedperson concept_ceo_andrea_jung +concept_biotechcompany_bae concept:acquired concept_company_arm_holdings +concept_biotechcompany_bae concept:companyeconomicsector concept_economicsector_aerospace +concept_biotechcompany_baidu_com_inc concept:mutualproxyfor concept_female_bidu +concept_biotechcompany_banner concept:agentinvolvedwithitem concept_buildingfeature_home +concept_biotechcompany_banner concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_banner concept:agentcreated concept_city_click +concept_biotechcompany_banner concept:agentcreated concept_website_download +concept_biotechcompany_barrick_gold_corporation concept:mutualproxyfor concept_person_peter_munk +concept_biotechcompany_barrick_gold_corporation concept:organizationterminatedperson concept_person_peter_munk +concept_biotechcompany_baxter concept:headquarteredin concept_city_deerfield +concept_biotechcompany_baxter concept:agentcollaborateswithagent concept_politicianus_robert_parkinson +concept_biotechcompany_baxter concept:mutualproxyfor concept_politicianus_robert_parkinson +concept_biotechcompany_bayer concept:acquired concept_biotechcompany_schering_ag +concept_biotechcompany_bcbs concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_berlin concept:proxyfor concept_coach_new +concept_biotechcompany_berlin concept:atdate concept_date_n1939 +concept_biotechcompany_berlin concept:atdate concept_date_n2000 +concept_biotechcompany_berlin concept:atdate concept_date_n2001 +concept_biotechcompany_berlin concept:atdate concept_date_n2009 +concept_biotechcompany_berlin concept:proxyfor concept_newspaper_new_hampshire +concept_biotechcompany_berlin concept:atdate concept_year_n1982 +concept_biotechcompany_berlin concept:atdate concept_year_n1998 +concept_biotechcompany_best_buy_company_inc concept:companyalsoknownas concept_company_bby +concept_biotechcompany_best_buy_inc concept:mutualproxyfor concept_cardgame_bby +concept_biotechcompany_blue_cross___blue_shield concept:companyeconomicsector concept_academicfield_health +concept_biotechcompany_bnr concept:latitudelongitude 26.7354500000000,57.7631000000000 +concept_biotechcompany_boehringer_ingelheim_pharmaceuticals concept:hasofficeincity concept_city_ridgefield +concept_biotechcompany_boeing concept:organizationterminatedperson concept_ceo_james_mcnerney +concept_biotechcompany_boeing concept:organizationterminatedperson concept_ceo_phil_condit +concept_biotechcompany_boeing concept:headquarteredin concept_city_chicago +concept_biotechcompany_boeing concept:companyalsoknownas concept_company_ba +concept_biotechcompany_boeing concept:acquired concept_company_mcdonnell_douglas +concept_biotechcompany_boeing concept:organizationterminatedperson concept_personeurope_scott_carson +concept_biotechcompany_boeing_co concept:headquarteredin concept_city_chicago +concept_biotechcompany_boeing_co concept:organizationheadquarteredincity concept_city_chicago +concept_biotechcompany_boeing_co concept:companyalsoknownas concept_company_ba +concept_biotechcompany_boeing_co concept:companyeconomicsector concept_economicsector_aerospace +concept_biotechcompany_boeing_co concept:subpartof concept_personaustralia_scott_carson +concept_biotechcompany_boeing_co concept:mutualproxyfor concept_personeurope_scott_carson +concept_biotechcompany_boeing_co concept:organizationterminatedperson concept_personeurope_scott_carson +concept_biotechcompany_boeing_commercial_airplanes concept:headquarteredin concept_city_chicago +concept_biotechcompany_boeing_commercial_airplanes concept:subpartof concept_personaustralia_scott_carson +concept_biotechcompany_boeing_commercial_airplanes concept:mutualproxyfor concept_personeurope_scott_carson +concept_biotechcompany_boeing_commercial_airplanes concept:organizationterminatedperson concept_personeurope_scott_carson +concept_biotechcompany_boston_scientific concept:acquired concept_biotechcompany_guidant +concept_biotechcompany_boston_scientific concept:agentcollaborateswithagent concept_biotechcompany_guidant +concept_biotechcompany_boston_scientific concept:agentcontrols concept_biotechcompany_guidant +concept_biotechcompany_boston_scientific concept:agentcontrols concept_retailstore_guidant +concept_biotechcompany_bp_plc concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_british_medical_journal concept:atdate concept_date_n2004 +concept_biotechcompany_british_medical_journal concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_bupa concept:companyeconomicsector concept_academicfield_health +concept_biotechcompany_bupa concept:companyeconomicsector concept_politicsissue_health_insurance +concept_biotechcompany_bupa concept:companyeconomicsector concept_politicsissue_private_health_insurance +concept_biotechcompany_ca concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_ca concept:mutualproxyfor concept_personasia_sanjay_kumar +concept_biotechcompany_ca concept:organizationterminatedperson concept_personasia_sanjay_kumar +concept_biotechcompany_cardinal_health concept:organizationhiredperson concept_ceo_robert_d__walter +concept_biotechcompany_cardinal_health concept:organizationterminatedperson concept_ceo_robert_d__walter +concept_biotechcompany_cardinal_health concept:subpartof concept_ceo_robert_d__walter +concept_biotechcompany_carter concept:agentcontrols concept_biotechcompany_white +concept_biotechcompany_carter concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_biotechcompany_carver concept:proxyfor concept_beach_massachusetts +concept_biotechcompany_category concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_cbi concept:companyeconomicsector concept_academicfield_business +concept_biotechcompany_centex_corp concept:companyalsoknownas concept_company_ctx +concept_biotechcompany_charles_schwab_corporation concept:companyeconomicsector concept_economicsector_financial_services +concept_biotechcompany_charles_schwab_corporation concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_charts concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_charts concept:organizationterminatedperson concept_personasia_number +concept_biotechcompany_charts concept:organizationterminatedperson concept_scientist_no_ +concept_biotechcompany_chicago concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_china concept:competeswith concept_bank_baidu +concept_biotechcompany_china concept:proxyfor concept_coach_new +concept_biotechcompany_china concept:hasofficeincountry concept_country___america +concept_biotechcompany_china concept:hasofficeincountry concept_country_korea +concept_biotechcompany_china concept:atdate concept_date_n1928 +concept_biotechcompany_china concept:atdate concept_date_n1972 +concept_biotechcompany_china concept:atdate concept_date_n1979 +concept_biotechcompany_china concept:atdate concept_date_n1996 +concept_biotechcompany_china concept:atdate concept_date_n1999 +concept_biotechcompany_china concept:atdate concept_date_n2000 +concept_biotechcompany_china concept:atdate concept_date_n2001 +concept_biotechcompany_china concept:atdate concept_date_n2003 +concept_biotechcompany_china concept:atdate concept_date_n2004 +concept_biotechcompany_china concept:atdate concept_date_n2009 +concept_biotechcompany_china concept:atdate concept_dateliteral_n1945 +concept_biotechcompany_china concept:atdate concept_dateliteral_n1987 +concept_biotechcompany_china concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_china concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_china concept:synonymfor concept_politicsblog_republic +concept_biotechcompany_china concept:organizationterminatedperson concept_scientist_no_ +concept_biotechcompany_china concept:atdate concept_year_n1948 +concept_biotechcompany_china concept:atdate concept_year_n1978 +concept_biotechcompany_china concept:atdate concept_year_n1981 +concept_biotechcompany_china concept:atdate concept_year_n1989 +concept_biotechcompany_china concept:atdate concept_year_n1992 +concept_biotechcompany_china concept:atdate concept_year_n1994 +concept_biotechcompany_china concept:atdate concept_year_n1995 +concept_biotechcompany_china concept:atdate concept_year_n1998 +concept_biotechcompany_chronicle_of_higher_education concept:atdate concept_date_n2004 +concept_biotechcompany_chronicle_of_higher_education concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_chronicle_of_higher_education concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_chronicle_of_higher_education concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_chronicle_of_higher_education concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_chubb_corp concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_chubb_corp concept:companyalsoknownas concept_radiostation_cb +concept_biotechcompany_cigna_corp concept:companyalsoknownas concept_bank_ci +concept_biotechcompany_cisco concept:acquired concept_biotechcompany_pure_networks +concept_biotechcompany_cisco concept:organizationterminatedperson concept_ceo_john_chambers +concept_biotechcompany_cisco concept:headquarteredin concept_city_san_jose +concept_biotechcompany_cisco concept:acquired concept_company_airespace +concept_biotechcompany_cisco concept:companyalsoknownas concept_company_csco +concept_biotechcompany_cisco concept:organizationalsoknownas concept_company_csco +concept_biotechcompany_cisco concept:synonymfor concept_company_csco +concept_biotechcompany_cisco concept:acquired concept_company_ironport +concept_biotechcompany_cisco concept:acquired concept_company_linksys +concept_biotechcompany_cisco concept:competeswith concept_company_microsoft +concept_biotechcompany_cisco concept:acquired concept_company_scientific_atlanta +concept_biotechcompany_cisco concept:acquired concept_company_webex +concept_biotechcompany_cisco concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_cisco concept:companyeconomicsector concept_economicsector_computer +concept_biotechcompany_cisco concept:companyeconomicsector concept_economicsector_internet +concept_biotechcompany_cisco concept:companyeconomicsector concept_economicsector_telecommunications +concept_biotechcompany_cisco concept:agentcollaborateswithagent concept_musician_chambers +concept_biotechcompany_cisco_systems_inc concept:organizationterminatedperson concept_ceo_john_chambers +concept_biotechcompany_cisco_systems_inc concept:headquarteredin concept_city_san_jose +concept_biotechcompany_cisco_systems_inc concept:companyalsoknownas concept_company_csco +concept_biotechcompany_cisco_systems_inc concept:organizationalsoknownas concept_company_csco +concept_biotechcompany_cisco_systems_inc concept:synonymfor concept_company_csco +concept_biotechcompany_cisco_systems_inc_ concept:organizationterminatedperson concept_ceo_john_chambers +concept_biotechcompany_cisco_systems_inc_ concept:headquarteredin concept_city_san_jose +concept_biotechcompany_cisco_systems_inc_ concept:companyalsoknownas concept_company_csco +concept_biotechcompany_cisco_systems_inc_ concept:organizationalsoknownas concept_company_csco +concept_biotechcompany_cisco_systems_inc_ concept:synonymfor concept_company_csco +concept_biotechcompany_citigroup_inc concept:organizationterminatedperson concept_ceo_vikram_s__pandit +concept_biotechcompany_citigroup_inc concept:headquarteredin concept_city_new_york +concept_biotechcompany_cnet_networks concept:acquired concept_blog_zdnet +concept_biotechcompany_coca_cola concept:agentcollaborateswithagent concept_ceo_muhtar_kent +concept_biotechcompany_coca_cola concept:agentcollaborateswithagent concept_ceo_neville_isdell +concept_biotechcompany_coca_cola_enterprises concept:agentcollaborateswithagent concept_politicianus_john_brock +concept_biotechcompany_coca_cola_enterprises concept:mutualproxyfor concept_politicianus_john_brock +concept_biotechcompany_colgate_palmolive concept:agentcreated concept_company_colgate +concept_biotechcompany_colgate_palmolive concept:producesproduct concept_product_colgate +concept_biotechcompany_colgate_palmolive concept:companyalsoknownas concept_radiostation_cl +concept_biotechcompany_colgate_palmolive concept:agentcontrols concept_skiarea_maine +concept_biotechcompany_comcast concept:organizationterminatedperson concept_ceo_brian_roberts +concept_biotechcompany_comcast concept:hasofficeincity concept_city_new_york +concept_biotechcompany_comcast concept:headquarteredin concept_city_philadelphia +concept_biotechcompany_comcast concept:organizationheadquarteredincity concept_city_philadelphia +concept_biotechcompany_comcast concept:acquired concept_company_plaxo +concept_biotechcompany_compaq_computer_corporation concept:acquired concept_company_digital_equipment +concept_biotechcompany_conagra concept:mutualproxyfor concept_ceo_gary_rodkin +concept_biotechcompany_conagra concept:organizationhiredperson concept_ceo_gary_rodkin +concept_biotechcompany_conagra concept:organizationterminatedperson concept_ceo_gary_rodkin +concept_biotechcompany_conagra concept:subpartof concept_ceo_gary_rodkin +concept_biotechcompany_conocophillips concept:organizationterminatedperson concept_ceo_james_mulva +concept_biotechcompany_conocophillips concept:headquarteredin concept_city_houston +concept_biotechcompany_conocophillips concept:organizationheadquarteredincity concept_city_houston +concept_biotechcompany_conocophillips concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_control concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_control concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_control_data_corporation concept:latitudelongitude 41.8860050000000,-87.6247700000000 +concept_biotechcompany_control_data_corporation concept:companyeconomicsector concept_economicsector_computer +concept_biotechcompany_coventry concept:proxyfor concept_monument_rhode_island +concept_biotechcompany_credit_suisse concept:agentcontrols concept_bank_dlj +concept_biotechcompany_credit_suisse concept:companyeconomicsector concept_economicsector_banking +concept_biotechcompany_credit_suisse concept:companyeconomicsector concept_economicsector_financial_services +concept_biotechcompany_credit_suisse concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_css concept:organizationheadquarteredincity concept_city_sao_paulo +concept_biotechcompany_csx_corporation concept:organizationterminatedperson concept_professor_john_ward +concept_biotechcompany_csx_corporation concept:agentcontrols concept_weatherphenomenon_snow +concept_biotechcompany_cvs concept:acquired concept_biotechcompany_caremark +concept_biotechcompany_cvs_caremark concept:mutualproxyfor concept_ceo_thomas_m__ryan +concept_biotechcompany_cvs_caremark concept:organizationterminatedperson concept_ceo_thomas_m__ryan +concept_biotechcompany_cypress concept:mutualproxyfor concept_ceo_tj_rodgers +concept_biotechcompany_cypress concept:organizationterminatedperson concept_ceo_tj_rodgers +concept_biotechcompany_d_c concept:proxyfor concept_coach_new +concept_biotechcompany_daiichi concept:acquired concept_biotechcompany_ranbaxy +concept_biotechcompany_dc concept:hasofficeincity concept_city_new_york +concept_biotechcompany_dc concept:hasofficeincountry concept_country_korea +concept_biotechcompany_dc concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_dell_computer concept:organizationterminatedperson concept_ceo_michael_dell +concept_biotechcompany_dell_computer concept:producesproduct concept_product_xps +concept_biotechcompany_delta_air_lines_inc_ concept:mutualproxyfor concept_journalist_richard_anderson +concept_biotechcompany_delta_air_lines_inc_ concept:organizationhiredperson concept_journalist_richard_anderson +concept_biotechcompany_delta_air_lines_inc_ concept:organizationterminatedperson concept_journalist_richard_anderson +concept_biotechcompany_delta_air_lines_inc_ concept:subpartof concept_journalist_richard_anderson +concept_biotechcompany_delta_dental concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_deutsche_telekom_ag concept:subpartof concept_musicinstrument_t_l +concept_biotechcompany_deutsche_telekom_ag concept:subpartof concept_tableitem_t_mobile_usa +concept_biotechcompany_deutsche_telekom_ag concept:subpartof concept_website_t_mobile +concept_biotechcompany_dominion_resources concept:organizationhiredperson concept_ceo_thomas_f__farrell_ii +concept_biotechcompany_dominion_resources concept:organizationterminatedperson concept_ceo_thomas_f__farrell_ii +concept_biotechcompany_dominion_resources concept:subpartof concept_ceo_thomas_f__farrell_ii +concept_biotechcompany_dow concept:organizationterminatedperson concept_ceo_andrew_liveris +concept_biotechcompany_dow concept:hasofficeincity concept_city_freeport +concept_biotechcompany_dow concept:headquarteredin concept_city_midland +concept_biotechcompany_dow concept:acquired concept_company_union_carbide +concept_biotechcompany_dow_chemical concept:companyalsoknownas concept_biotechcompany_dow +concept_biotechcompany_dow_chemical concept:acquired concept_biotechcompany_rohm___haas +concept_biotechcompany_dow_chemical concept:organizationterminatedperson concept_ceo_andrew_liveris +concept_biotechcompany_dow_chemical concept:headquarteredin concept_city_midland +concept_biotechcompany_dow_chemical_co_ concept:organizationterminatedperson concept_ceo_andrew_liveris +concept_biotechcompany_dow_chemical_co_ concept:headquarteredin concept_city_midland +concept_biotechcompany_duke_energy_corporation concept:organizationterminatedperson concept_ceo_jim_rogers +concept_biotechcompany_duke_energy_corporation concept:headquarteredin concept_city_charlotte +concept_biotechcompany_duke_energy_corporation concept:organizationheadquarteredincity concept_city_charlotte +concept_biotechcompany_duke_energy_corporation concept:acquired concept_company_cinergy +concept_biotechcompany_e_g concept:agentcompeteswithagent concept_tradeunion_search +concept_biotechcompany_eastman_chemical concept:headquarteredin concept_city_kingsport +concept_biotechcompany_eastman_kodak concept:headquarteredin concept_city_rochester +concept_biotechcompany_eastman_kodak concept:organizationheadquarteredincity concept_city_rochester +concept_biotechcompany_echostar_communications concept:agentcollaborateswithagent concept_country_dish_network +concept_biotechcompany_echostar_communications concept:agentcontrols concept_country_dish_network +concept_biotechcompany_ecog concept:latitudelongitude 1.3166700000000,11.0500000000000 +concept_biotechcompany_el_paso_corporation concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_eli_lilly concept:headquarteredin concept_city_indianapolis +concept_biotechcompany_eli_lilly concept:organizationheadquarteredincity concept_city_indianapolis +concept_biotechcompany_eli_lilly concept:companyeconomicsector concept_politicsissue_pharmaceutical +concept_biotechcompany_eli_lilly concept:organizationheadquarteredinstateorprovince concept_stateorprovince_indiana +concept_biotechcompany_eli_lily concept:organizationheadquarteredincity concept_city_indianapolis +concept_biotechcompany_eli_lily concept:organizationheadquarteredinstateorprovince concept_stateorprovince_indiana +concept_biotechcompany_enron_corp concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_eolas concept:agentcollaborateswithagent concept_county_doyle +concept_biotechcompany_eolas concept:mutualproxyfor concept_county_doyle +concept_biotechcompany_eolas concept:organizationterminatedperson concept_male_doyle +concept_biotechcompany_esa concept:organizationheadquarteredincity concept_city_paris +concept_biotechcompany_exelon_corporation concept:organizationterminatedperson concept_professor_john_rowe +concept_biotechcompany_expedia concept:companyeconomicsector concept_economicsector_travel +concept_biotechcompany_exxon_mobil concept:organizationterminatedperson concept_ceo_lee_raymond +concept_biotechcompany_exxon_mobil concept:companyalsoknownas concept_company_xom +concept_biotechcompany_exxon_mobil concept:organizationheadquarteredincountry concept_country_u_s_ +concept_biotechcompany_exxon_mobil concept:agentcollaborateswithagent concept_personus_rex_tillerson +concept_biotechcompany_exxon_mobil concept:companyeconomicsector concept_politicsissue_energy +concept_biotechcompany_fast concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_fatigue concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_fda_approval concept:atdate concept_date_n2004 +concept_biotechcompany_fda_approval concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_fda_approval concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_fda_approval concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_fda_approval concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_fda_approval concept:atdate concept_year_n1997 +concept_biotechcompany_fedex_corp concept:companyalsoknownas concept_biotechcompany_fdx +concept_biotechcompany_fedex_corp concept:organizationheadquarteredincountry concept_country_u_s_ +concept_biotechcompany_fidelity_investments concept:mutualproxyfor concept_ceo_abigail_johnson +concept_biotechcompany_fidelity_investments concept:companyalsoknownas concept_company_fidelity_management_and_resarch_co_ +concept_biotechcompany_fidelity_investments concept:synonymfor concept_company_fidelity_management_and_resarch_co_ +concept_biotechcompany_fluent concept:latitudelongitude 41.8133900000000,-79.0333700000000 +concept_biotechcompany_fluor concept:companyeconomicsector concept_academicfield_construction +concept_biotechcompany_fluor concept:companyeconomicsector concept_academicfield_engineering +concept_biotechcompany_fluor concept:agentcollaborateswithagent concept_personnorthamerica_alan_boeckmann +concept_biotechcompany_forest concept:headquarteredin concept_city_san_francisco +concept_biotechcompany_forrester concept:companyeconomicsector concept_economicsector_market_research +concept_biotechcompany_forrester concept:companyeconomicsector concept_politicsissue_research +concept_biotechcompany_fortune_brands concept:companyalsoknownas concept_radiostation_fo +concept_biotechcompany_frito_lay concept:producesproduct concept_product_cheetos +concept_biotechcompany_gateway_2000 concept:organizationhiredperson concept_ceo_ted_waitt +concept_biotechcompany_gateway_2000 concept:organizationterminatedperson concept_ceo_ted_waitt +concept_biotechcompany_gateway_2000 concept:subpartoforganization concept_company_acer +concept_biotechcompany_gateway_2000 concept:subpartoforganization concept_company_acer_aspire +concept_biotechcompany_gateway_2000 concept:subpartof concept_plant_acer +concept_biotechcompany_gazprom_and_rosneft concept:mutualproxyfor concept_ceo_rem_vyakhirev +concept_biotechcompany_gazprom_and_rosneft concept:organizationhiredperson concept_ceo_rem_vyakhirev +concept_biotechcompany_gazprom_and_rosneft concept:organizationterminatedperson concept_ceo_rem_vyakhirev +concept_biotechcompany_gazprom_and_rosneft concept:subpartof concept_ceo_rem_vyakhirev +concept_biotechcompany_general_electric concept:companyalsoknownas concept_bank_ge +concept_biotechcompany_general_electric concept:acquired concept_company_nbc +concept_biotechcompany_general_electric concept:agentcontrols concept_company_nbc_universal001 +concept_biotechcompany_general_motors_corp concept:mutualproxyfor concept_hotel_roger_smith +concept_biotechcompany_georgia_pacific concept:hasofficeincity concept_city_atlanta +concept_biotechcompany_gloucester concept:atlocation concept_beach_massachusetts +concept_biotechcompany_google_inc concept:companyeconomicsector concept_economicsector_internet +concept_biotechcompany_h_j__heinz concept:headquarteredin concept_city_pittsburgh +concept_biotechcompany_halemaumau concept:latitudelongitude 19.4106950000000,-155.2802750000000 +concept_biotechcompany_halliburton concept:companyeconomicsector concept_academicfield_construction +concept_biotechcompany_halliburton concept:acquired concept_biotechcompany_kbr +concept_biotechcompany_halliburton concept:acquired concept_company_brown___root +concept_biotechcompany_hawaiian_volcano concept:latitudelongitude 19.4227800000000,-155.2902800000000 +concept_biotechcompany_hcl_technologies concept:mutualproxyfor concept_ceo_vineet_nayar +concept_biotechcompany_hcl_technologies concept:organizationterminatedperson concept_ceo_vineet_nayar +concept_biotechcompany_hcl_technologies concept:subpartof concept_ceo_vineet_nayar +concept_biotechcompany_health_canada concept:atdate concept_date_n2004 +concept_biotechcompany_hermes concept:hasofficeincity concept_city_paris +concept_biotechcompany_hermes concept:organizationheadquarteredincity concept_city_paris +concept_biotechcompany_hewlett__packard concept:acquired concept_biotechcompany_compaq_computer_corporation +concept_biotechcompany_hewlett__packard concept:acquired concept_biotechcompany_electronic_data_systems +concept_biotechcompany_hewlett__packard concept:organizationterminatedperson concept_ceo_carly_fiorina +concept_biotechcompany_hewlett__packard concept:acquired concept_company_compaq +concept_biotechcompany_hewlett__packard concept:companyalsoknownas concept_company_hp001 +concept_biotechcompany_hewlett__packard concept:companyeconomicsector concept_economicsector_computer +concept_biotechcompany_hewlett__packard concept:companyalsoknownas concept_petroleumrefiningcompany_hpq +concept_biotechcompany_hilton_hotels concept:organizationhiredperson concept_ceo_stephen_bollenbach +concept_biotechcompany_hilton_hotels concept:organizationterminatedperson concept_ceo_stephen_bollenbach +concept_biotechcompany_hilton_hotels concept:subpartof concept_ceo_stephen_bollenbach +concept_biotechcompany_home_depot_inc concept:companyalsoknownas concept_automobilemaker_hd +concept_biotechcompany_honda_motor_co__ltd concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_biotechcompany_honda_motor_company concept:agentinvolvedwithitem concept_bathroomitem_element +concept_biotechcompany_honda_motor_company concept:agentinvolvedwithitem concept_buildingfeature_fit +concept_biotechcompany_honda_motor_company concept:organizationterminatedperson concept_ceo_takeo_fukui +concept_biotechcompany_honda_motor_company concept:agentinvolvedwithitem concept_hallwayitem_van +concept_biotechcompany_honda_motor_company concept:mutualproxyfor concept_musicartist_takeo_fukui +concept_biotechcompany_honeywell concept:headquarteredin concept_city_morristown +concept_biotechcompany_hotels_com concept:companyeconomicsector concept_economicsector_travel +concept_biotechcompany_ibm concept:companyalsoknownas concept_biotechcompany_international_business_machines_corp +concept_biotechcompany_ibm concept:organizationacronymhasname concept_biotechcompany_international_business_machines_corp +concept_biotechcompany_ibm concept:acquired concept_biotechcompany_lotus_development_corp_ +concept_biotechcompany_ibm concept:acquired concept_biotechcompany_rational_software +concept_biotechcompany_ibm concept:hasofficeincity concept_city_new_york +concept_biotechcompany_ibm_almaden concept:hasofficeincity concept_city_san_jose +concept_biotechcompany_ibm_almaden concept:organizationheadquarteredincity concept_city_san_jose +concept_biotechcompany_icon concept:agentinvolvedwithitem concept_buildingfeature_home +concept_biotechcompany_icon concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_icon concept:agentcreated concept_city_click +concept_biotechcompany_icon concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_biotechcompany_icon concept:agentcreated concept_website_download +concept_biotechcompany_id concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_immunex concept:companyeconomicsector concept_economicsector_biotechnology +concept_biotechcompany_infection concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_infosys concept:mutualproxyfor concept_ceo_kris_gopalakrishnan +concept_biotechcompany_infosys concept:organizationterminatedperson concept_ceo_n_r__narayana_murthy +concept_biotechcompany_infosys concept:organizationterminatedperson concept_ceo_nandan_nilekani +concept_biotechcompany_infosys_technologies concept:headquarteredin concept_city_bangalore +concept_biotechcompany_intel concept:hasofficeincity concept_city_seattle +concept_biotechcompany_intel_corp concept:mutualproxyfor concept_ceo_craig_barrett +concept_biotechcompany_intel_corp concept:organizationterminatedperson concept_ceo_craig_barrett +concept_biotechcompany_intel_corp concept:headquarteredin concept_city_santa_clara +concept_biotechcompany_international_business_machines_corp concept:companyalsoknownas concept_biotechcompany_ibm +concept_biotechcompany_introduction concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_biotechcompany_johnson concept:agentcontrols concept_biotechcompany_white +concept_biotechcompany_johnson concept:organizationheadquarteredincity concept_city_new_brunswick +concept_biotechcompany_johnson concept:agentbelongstoorganization concept_nonprofitorganization_crossroads +concept_biotechcompany_johnson___johnson concept:companyalsoknownas concept_biotechcompany_jnj +concept_biotechcompany_joy_global_inc concept:mutualproxyfor concept_everypromotedthing_joyg +concept_biotechcompany_kilauea_iki concept:latitudelongitude 19.4170800000000,-155.2529150000000 +concept_biotechcompany_kimberly_clark concept:companyeconomicsector concept_economicsector_consumer_products +concept_biotechcompany_king concept:hasofficeincity concept_city_atlanta +concept_biotechcompany_king concept:hasofficeincity concept_city_seattle +concept_biotechcompany_king concept:atlocation concept_country_norway +concept_biotechcompany_king concept:agentactsinlocation concept_county_seattle +concept_biotechcompany_king concept:agentactsinlocation concept_landscapefeatures_bathroom +concept_biotechcompany_kohl_s_corp concept:companyalsoknownas concept_biotechcompany_kss +concept_biotechcompany_kpmg concept:companyeconomicsector concept_academicfield_accounting +concept_biotechcompany_kpmg concept:companyeconomicsector concept_academicfield_consulting +concept_biotechcompany_kpmg concept:companyeconomicsector concept_academicfield_public_accounting +concept_biotechcompany_kroger_co concept:companyalsoknownas concept_radiostation_kr +concept_biotechcompany_las_vegas_sands_corp_ concept:mutualproxyfor concept_ceo_sheldon_adelson +concept_biotechcompany_las_vegas_sands_corp_ concept:organizationterminatedperson concept_ceo_sheldon_adelson +concept_biotechcompany_lawrence concept:atlocation concept_beach_massachusetts +concept_biotechcompany_layoffs concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_left concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_legg_mason concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_link concept:agentinvolvedwithitem concept_bedroomitem_frame +concept_biotechcompany_link concept:agentinvolvedwithitem concept_mlsoftware_instance +concept_biotechcompany_link concept:agentinvolvedwithitem concept_product_tab +concept_biotechcompany_link concept:agentcreated concept_software_access +concept_biotechcompany_link concept:agentinvolvedwithitem concept_software_browser +concept_biotechcompany_link concept:agentinvolvedwithitem concept_tableitem_screen +concept_biotechcompany_lockheed_martin concept:headquarteredin concept_city_bethesda +concept_biotechcompany_lockheed_martin concept:companyeconomicsector concept_economicsector_aerospace +concept_biotechcompany_longport concept:proxyfor concept_radiostation_new_jersey +concept_biotechcompany_ltd_ concept:atdate concept_date_n1999 +concept_biotechcompany_ltd_ concept:atdate concept_date_n2000 +concept_biotechcompany_ltd_ concept:atdate concept_date_n2001 +concept_biotechcompany_ltd_ concept:atdate concept_date_n2003 +concept_biotechcompany_ltd_ concept:atdate concept_date_n2004 +concept_biotechcompany_ltd_ concept:atdate concept_dateliteral_n2002 +concept_biotechcompany_ltd_ concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_ltd_ concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_ltd_ concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_ltd_ concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_ltd_ concept:atdate concept_year_n1997 +concept_biotechcompany_lubrizol concept:latitudelongitude 41.6146600000000,-81.4771900000000 +concept_biotechcompany_lucent concept:acquired concept_biotechcompany_ascend +concept_biotechcompany_lucent concept:mutualproxyfor concept_ceo_patricia_russo +concept_biotechcompany_lucent concept:organizationterminatedperson concept_ceo_patricia_russo +concept_biotechcompany_lucent concept:companyeconomicsector concept_economicsector_telecommunications +concept_biotechcompany_ma concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_magna concept:organizationhiredperson concept_ceo_frank_stronach +concept_biotechcompany_magna concept:organizationterminatedperson concept_ceo_frank_stronach +concept_biotechcompany_mallinckrodt concept:headquarteredin concept_city_st_louis +concept_biotechcompany_marketing concept:agentcompeteswithagent concept_tradeunion_search +concept_biotechcompany_marketing concept:agentcompeteswithagent concept_university_google +concept_biotechcompany_marvel concept:proxyfor concept_coach_new +concept_biotechcompany_marvel concept:organizationterminatedperson concept_personus_avi_arad +concept_biotechcompany_mauna_ulu concept:latitudelongitude 19.3631500000000,-155.2057433333333 +concept_biotechcompany_md concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_medecins_sans_frontieres concept:organizationalsoknownas concept_nonprofitorganization_doctors_without_borders +concept_biotechcompany_medtronic concept:acquired concept_biotechcompany_kyphon +concept_biotechcompany_merck concept:agentcreated concept_chemical_enalapril +concept_biotechcompany_merck concept:headquarteredin concept_city_rahway +concept_biotechcompany_merck concept:acquired concept_company_medco +concept_biotechcompany_merck concept:companyalsoknownas concept_company_mrk +concept_biotechcompany_merck concept:organizationalsoknownas concept_company_mrk +concept_biotechcompany_merck concept:agentcreated concept_drug_cancidas +concept_biotechcompany_merck concept:agentcreated concept_drug_crixivan +concept_biotechcompany_merck concept:agentcreated concept_drug_dichlorphenamide +concept_biotechcompany_merck concept:agentcreated concept_drug_emend +concept_biotechcompany_merck concept:agentcreated concept_drug_ertapenem +concept_biotechcompany_merck concept:agentcreated concept_drug_fosamax +concept_biotechcompany_merck concept:agentcreated concept_drug_hyzaar +concept_biotechcompany_merck concept:agentcreated concept_drug_indinavir +concept_biotechcompany_merck concept:agentcreated concept_drug_indinavir_sulfate +concept_biotechcompany_merck concept:agentcreated concept_drug_intron_a +concept_biotechcompany_merck concept:agentcreated concept_drug_januvia +concept_biotechcompany_merck concept:agentcreated concept_drug_losartan +concept_biotechcompany_merck concept:agentcreated concept_drug_norfloxacin +concept_biotechcompany_merck concept:agentcreated concept_drug_pegintron +concept_biotechcompany_merck concept:agentcreated concept_drug_propecia +concept_biotechcompany_merck concept:agentcreated concept_drug_proscar +concept_biotechcompany_merck concept:agentcreated concept_drug_singulair +concept_biotechcompany_merck concept:agentcreated concept_drug_timolide +concept_biotechcompany_merck concept:agentcreated concept_drug_zocor +concept_biotechcompany_merck concept:organizationterminatedperson concept_person_raymond_gilmartin +concept_biotechcompany_merck concept:organizationterminatedperson concept_personus_richard_clark +concept_biotechcompany_merck concept:companyeconomicsector concept_politicsissue_pharmaceutical +concept_biotechcompany_merck concept:agentcreated concept_product_caspofungin +concept_biotechcompany_merck concept:agentcreated concept_videogame_famotidine +concept_biotechcompany_merck concept:agentcreated concept_videogame_temodar +concept_biotechcompany_merck___co concept:agentcreated concept_biotechcompany_fosamax +concept_biotechcompany_merck___co concept:organizationterminatedperson concept_ceo_richard_clark +concept_biotechcompany_merck___co concept:agentcreated concept_chemical_enalapril +concept_biotechcompany_merck___co concept:headquarteredin concept_city_rahway +concept_biotechcompany_merck___co concept:companyalsoknownas concept_company_mrk +concept_biotechcompany_merck___co concept:organizationalsoknownas concept_company_mrk +concept_biotechcompany_merck___co concept:synonymfor concept_company_mrk +concept_biotechcompany_merck___co concept:agentcreated concept_drug_cancidas +concept_biotechcompany_merck___co concept:agentcreated concept_drug_crixivan +concept_biotechcompany_merck___co concept:agentcreated concept_drug_dichlorphenamide +concept_biotechcompany_merck___co concept:agentcreated concept_drug_emend +concept_biotechcompany_merck___co concept:agentcreated concept_drug_ertapenem +concept_biotechcompany_merck___co concept:agentcreated concept_drug_hyzaar +concept_biotechcompany_merck___co concept:agentcreated concept_drug_indinavir +concept_biotechcompany_merck___co concept:agentcreated concept_drug_indinavir_sulfate +concept_biotechcompany_merck___co concept:agentcreated concept_drug_intron_a +concept_biotechcompany_merck___co concept:agentcreated concept_drug_januvia +concept_biotechcompany_merck___co concept:agentcreated concept_drug_losartan +concept_biotechcompany_merck___co concept:agentcreated concept_drug_norfloxacin +concept_biotechcompany_merck___co concept:agentcreated concept_drug_pegintron +concept_biotechcompany_merck___co concept:agentcreated concept_drug_propecia +concept_biotechcompany_merck___co concept:agentcreated concept_drug_proscar +concept_biotechcompany_merck___co concept:agentcreated concept_drug_singulair +concept_biotechcompany_merck___co concept:agentcreated concept_drug_timolide +concept_biotechcompany_merck___co concept:agentcreated concept_drug_zocor +concept_biotechcompany_merck___co concept:organizationterminatedperson concept_person_raymond_gilmartin +concept_biotechcompany_merck___co concept:agentcreated concept_product_caspofungin +concept_biotechcompany_merck___co concept:agentcreated concept_videogame_famotidine +concept_biotechcompany_merck___co concept:agentcreated concept_videogame_temodar +concept_biotechcompany_merrill_lynch concept:acquired concept_bank_first_franklin +concept_biotechcompany_merrill_lynch concept:agentcollaborateswithagent concept_ceo_john_thain +concept_biotechcompany_merrill_lynch concept:subpartoforganization concept_country___america +concept_biotechcompany_merrill_lynch concept:companyeconomicsector concept_economicsector_financial_services +concept_biotechcompany_merrill_lynch concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_merrill_lynch concept:companyeconomicsector concept_economicsector_investment_banking +concept_biotechcompany_mgm_mirage concept:organizationterminatedperson concept_ceo_b_m +concept_biotechcompany_mgm_mirage concept:agentcollaborateswithagent concept_city_lanni +concept_biotechcompany_mgm_mirage concept:agentcontrols concept_city_lanni +concept_biotechcompany_mgm_mirage concept:agentcontrols concept_company_b_m +concept_biotechcompany_mgm_mirage concept:subpartoforganization concept_company_sony +concept_biotechcompany_mgm_mirage concept:organizationterminatedperson concept_criminal_louis_b__mayer +concept_biotechcompany_mgm_mirage concept:companyeconomicsector concept_economicsector_gaming +concept_biotechcompany_micron_technology concept:mutualproxyfor concept_ceo_steven_appleton +concept_biotechcompany_micron_technology concept:organizationhiredperson concept_ceo_steven_appleton +concept_biotechcompany_micron_technology concept:organizationterminatedperson concept_ceo_steven_appleton +concept_biotechcompany_micron_technology concept:subpartof concept_ceo_steven_appleton +concept_biotechcompany_micron_technology concept:hasofficeincity concept_city_boise +concept_biotechcompany_micron_technology concept:organizationheadquarteredinstateorprovince concept_stateorprovince_idaho +concept_biotechcompany_microsoft concept:companyalsoknownas concept_biotechcompany_msft_ +concept_biotechcompany_microsoft concept:acquired concept_company_tellme_networks +concept_biotechcompany_microsoft__ concept:agentinvolvedwithitem concept_bedroomitem_system +concept_biotechcompany_microsoft__ concept:headquarteredin concept_city_redmond +concept_biotechcompany_microsoft__ concept:agentinvolvedwithitem concept_musicinstrument_computer +concept_biotechcompany_microsoft__ concept:producesproduct concept_product_word +concept_biotechcompany_microsoft__ concept:producesproduct concept_software_excel +concept_biotechcompany_microsoft__ concept:producesproduct concept_software_outlook +concept_biotechcompany_microsoft__ concept:agentinvolvedwithitem concept_software_systems +concept_biotechcompany_microsoft__ concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_biotechcompany_microsoft__ concept:agentinvolvedwithitem concept_visualizablething_server +concept_biotechcompany_microsoft_corp concept:agentcreated concept_buildingfeature_windows +concept_biotechcompany_microsoft_corp concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_biotechcompany_microsoft_corp concept:headquarteredin concept_city_redmond +concept_biotechcompany_microsoft_corp concept:agentcontrols concept_company_gates +concept_biotechcompany_microsoft_corp concept:agentcollaborateswithagent concept_personus_paul_allen +concept_biotechcompany_microsoft_corp concept:agentcontrols concept_personus_paul_allen +concept_biotechcompany_microsoft_corp concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_biotechcompany_miles concept:agentactsinlocation concept_lake_new +concept_biotechcompany_monsanto concept:companyeconomicsector concept_academicfield_engineering +concept_biotechcompany_monsanto concept:acquired concept_biotechcompany_g_d__searle +concept_biotechcompany_monsanto concept:acquired concept_biotechcompany_searle +concept_biotechcompany_monsanto concept:acquired concept_biotechcompany_seminis +concept_biotechcompany_morgan_stanley concept:mutualproxyfor concept_bank_john_j__mack +concept_biotechcompany_morgan_stanley concept:organizationhiredperson concept_ceo_james_p__gorman +concept_biotechcompany_morgan_stanley concept:organizationterminatedperson concept_ceo_james_p__gorman +concept_biotechcompany_morgan_stanley concept:subpartof concept_ceo_james_p__gorman +concept_biotechcompany_morgan_stanley concept:organizationterminatedperson concept_ceo_john_j__mack +concept_biotechcompany_morgan_stanley concept:competeswith concept_company_citigroup +concept_biotechcompany_morgan_stanley concept:hasofficeincountry concept_country_republic_of_india +concept_biotechcompany_morgan_stanley concept:companyeconomicsector concept_economicsector_banking +concept_biotechcompany_morgan_stanley concept:companyeconomicsector concept_economicsector_financial_services +concept_biotechcompany_morgan_stanley concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_morgan_stanley concept:companyeconomicsector concept_economicsector_investment_banking +concept_biotechcompany_morgan_stanley concept:organizationhiredperson concept_personaustralia_john_mack +concept_biotechcompany_morgan_stanley concept:organizationhiredperson concept_personus_john_mack +concept_biotechcompany_morgan_stanley_dean_witter concept:companyeconomicsector concept_economicsector_investment +concept_biotechcompany_mowlem concept:latitudelongitude -41.2500000000000,174.9666700000000 +concept_biotechcompany_mpri concept:latitudelongitude 39.4672200000000,20.2780600000000 +concept_biotechcompany_mt concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_mumbai concept:proxyfor concept_coach_new +concept_biotechcompany_mumbai concept:atdate concept_date_n2009 +concept_biotechcompany_mylan concept:mutualproxyfor concept_politician_robert_coury +concept_biotechcompany_n3m concept:agentcollaborateswithagent concept_criminal_george_buckley +concept_biotechcompany_n3m concept:mutualproxyfor concept_criminal_george_buckley +concept_biotechcompany_namibia concept:synonymfor concept_politicsblog_republic +concept_biotechcompany_napster concept:mutualproxyfor concept_personeurope_shawn_fanning +concept_biotechcompany_napster concept:organizationterminatedperson concept_personeurope_shawn_fanning +concept_biotechcompany_napster concept:competeswith concept_recordlabel_music +concept_biotechcompany_nasdaq concept:atdate concept_date_n2004 +concept_biotechcompany_nasdaq concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_national_semiconductor concept:acquired concept_company_cyrix +concept_biotechcompany_netflix concept:organizationterminatedperson concept_ceo_reed_hastings +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_date_n2000 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_date_n2001 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_date_n2003 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_new_england_journal_of_medicine concept:atdate concept_year_n1998 +concept_biotechcompany_nokia_siemens concept:organizationterminatedperson concept_ceo_olli_pekka_kallasvuo +concept_biotechcompany_nokia_siemens concept:headquarteredin concept_city_espoo +concept_biotechcompany_nokia_siemens concept:organizationheadquarteredincity concept_city_espoo +concept_biotechcompany_nokia_siemens concept:hasofficeincountry concept_country_finland +concept_biotechcompany_novell concept:mutualproxyfor concept_ceo_jack_messman +concept_biotechcompany_novell concept:organizationterminatedperson concept_ceo_jack_messman +concept_biotechcompany_novell concept:acquired concept_company_digital_research +concept_biotechcompany_novell concept:acquired concept_company_platespin +concept_biotechcompany_novell concept:acquired concept_company_suse +concept_biotechcompany_novell concept:acquired concept_company_ximian +concept_biotechcompany_nyamuragira concept:latitudelongitude -1.4097200000000,29.2069400000000 +concept_biotechcompany_oceania concept:hasofficeincountry concept_country___america +concept_biotechcompany_oceanic concept:hasofficeincity concept_city_sydney +concept_biotechcompany_oceanic concept:organizationheadquarteredincity concept_city_sydney +concept_biotechcompany_oceanic concept:organizationheadquarteredincountry concept_country_u_s_ +concept_biotechcompany_office_depot concept:organizationhiredperson concept_ceo_steve_odland +concept_biotechcompany_office_depot concept:organizationterminatedperson concept_ceo_steve_odland +concept_biotechcompany_office_depot concept:subpartof concept_ceo_steve_odland +concept_biotechcompany_orange concept:subpartoforganization concept_university_france_telecom +concept_biotechcompany_pa concept:atlocation concept_county_philadelphia +concept_biotechcompany_pa concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_pacificare concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_pain concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_palm_inc concept:mutualproxyfor concept_ceo_ed_colligan +concept_biotechcompany_palm_inc concept:organizationterminatedperson concept_ceo_ed_colligan +concept_biotechcompany_palm_inc concept:acquired concept_company_handspring +concept_biotechcompany_palm_inc concept:agentinvolvedwithitem concept_plant_palm +concept_biotechcompany_pampa concept:atlocation concept_city_texas +concept_biotechcompany_parsons concept:atlocation concept_city_kansas +concept_biotechcompany_patni_computer_systems concept:agentcollaborateswithagent concept_ceo_narendra_patni +concept_biotechcompany_patni_computer_systems concept:mutualproxyfor concept_ceo_narendra_patni +concept_biotechcompany_pearson concept:companyeconomicsector concept_academicfield_media +concept_biotechcompany_pepsico concept:agentcreated concept_candy_mountain_dew +concept_biotechcompany_pepsico concept:agentinvolvedwithitem concept_candy_mountain_dew +concept_biotechcompany_pepsico concept:organizationterminatedperson concept_person_indra_nooyi +concept_biotechcompany_pfizer concept:agentcreated concept_archaea_lipitor +concept_biotechcompany_pfizer concept:acquired concept_biotechcompany_pharmacia +concept_biotechcompany_pfizer concept:competeswith concept_biotechcompany_roche +concept_biotechcompany_pfizer concept:competeswith concept_biotechcompany_roche_laboratories +concept_biotechcompany_pfizer concept:acquired concept_biotechcompany_vicuron +concept_biotechcompany_pfizer concept:acquired concept_biotechcompany_warner_lambert +concept_biotechcompany_pfizer concept:acquired concept_biotechcompany_wyeth +concept_biotechcompany_pfizer concept:acquired concept_biotechcompany_wyeth_ayerst +concept_biotechcompany_pfizer concept:agentcollaborateswithagent concept_ceo_hank_mckinnell +concept_biotechcompany_pfizer concept:agentcollaborateswithagent concept_ceo_jeff_kindler +concept_biotechcompany_pfizer concept:headquarteredin concept_city_new_york +concept_biotechcompany_pfizer concept:producesproduct concept_drug_lipitor +concept_biotechcompany_pfizer concept:companyeconomicsector concept_economicsector_pharmaceuticals +concept_biotechcompany_pfizer concept:agentcollaborateswithagent concept_personnorthamerica_jeffrey_kindler +concept_biotechcompany_pfizer concept:companyeconomicsector concept_politicsissue_pharmaceutical +concept_biotechcompany_pg_e_corp concept:mutualproxyfor concept_ceo_a_g__lafley +concept_biotechcompany_pg_e_corp concept:organizationterminatedperson concept_ceo_a_g__lafley +concept_biotechcompany_pg_e_corp concept:subpartof concept_ceo_a_g__lafley +concept_biotechcompany_ph_d concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_pharmacia concept:acquired concept_biotechcompany_monsanto +concept_biotechcompany_phd concept:proxyfor concept_coach_new +concept_biotechcompany_phd concept:atdate concept_date_n2009 +concept_biotechcompany_polo_ralph_lauren_a concept:companyalsoknownas concept_automobilemaker_rl +concept_biotechcompany_portugal concept:proxyfor concept_coach_new +concept_biotechcompany_portugal concept:hasofficeincountry concept_country___america +concept_biotechcompany_portugal concept:atdate concept_date_n2001 +concept_biotechcompany_portugal concept:atdate concept_date_n2009 +concept_biotechcompany_portugal concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_portugal concept:agentcollaborateswithagent concept_person_ronaldo +concept_biotechcompany_portugal concept:organizationhiredperson concept_personmexico_luiz_felipe_scolari +concept_biotechcompany_portugal concept:synonymfor concept_politicsblog_republic +concept_biotechcompany_priceline concept:companyeconomicsector concept_economicsector_travel +concept_biotechcompany_procter___gamble concept:acquired concept_company_gillette +concept_biotechcompany_procter___gamble concept:companyalsoknownas concept_company_pg +concept_biotechcompany_procter___gamble concept:companyeconomicsector concept_economicsector_consumer_goods +concept_biotechcompany_procter___gamble concept:companyeconomicsector concept_economicsector_consumer_products +concept_biotechcompany_product_information concept:agentcreated concept_city_click +concept_biotechcompany_product_information concept:agentcreated concept_programminglanguage_contact +concept_biotechcompany_pu_u___o_o concept:latitudelongitude 19.6151833333333,-155.2973166666667 +concept_biotechcompany_purchase concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_pure_networks concept:companyeconomicsector concept_economicsector_internet +concept_biotechcompany_qualcomm concept:organizationterminatedperson concept_ceo_irwin_jacobs +concept_biotechcompany_qualcomm concept:acquired concept_company_flarion +concept_biotechcompany_redoubt_volcano concept:latitudelongitude 60.4852800000000,-152.7430600000000 +concept_biotechcompany_registration concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_research_in_motion_ltd concept:agentcollaborateswithagent concept_ceo_jim_balsillie +concept_biotechcompany_research_in_motion_ltd concept:agentcontrols concept_ceo_jim_balsillie +concept_biotechcompany_research_in_motion_ltd concept:agentcreated concept_company_blackberry +concept_biotechcompany_research_in_motion_ltd concept:agentactsinlocation concept_country_canada_canada +concept_biotechcompany_research_in_motion_ltd concept:agentactsinlocation concept_country_uk__canada +concept_biotechcompany_rfid concept:organizationacronymhasname concept_biotechcompany_radio_frequency_identification +concept_biotechcompany_roche concept:headquarteredin concept_city_nutley +concept_biotechcompany_rohm___haas concept:subpartoforganization concept_biotechcompany_dow +concept_biotechcompany_rsa_security concept:agentcollaborateswithagent concept_company_cyota +concept_biotechcompany_rugby concept:atlocation concept_geopoliticallocation_north_dakota +concept_biotechcompany_safety concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_safeway concept:hasofficeincity concept_city_pleasanton +concept_biotechcompany_safeway concept:organizationheadquarteredincity concept_city_pleasanton +concept_biotechcompany_salesforce_com concept:companyalsoknownas concept_biotechcompany_crm +concept_biotechcompany_salesforce_com concept:mutualproxyfor concept_ceo_marc_benioff +concept_biotechcompany_salesforce_com concept:organizationterminatedperson concept_ceo_marc_benioff +concept_biotechcompany_salt_lake_city concept:proxyfor concept_coach_new +concept_biotechcompany_salt_lake_city concept:atlocation concept_county_utah +concept_biotechcompany_salt_lake_city concept:proxyfor concept_county_utah +concept_biotechcompany_salt_lake_city concept:subpartof concept_county_utah +concept_biotechcompany_satyam concept:companyeconomicsector concept_academicfield_information_technology +concept_biotechcompany_satyam concept:mutualproxyfor concept_ceo_ramalinga_raju +concept_biotechcompany_satyam concept:organizationterminatedperson concept_ceo_ramalinga_raju +concept_biotechcompany_schering concept:acquired concept_biotechcompany_organon +concept_biotechcompany_schering concept:mutualproxyfor concept_ceo_fred_hassan +concept_biotechcompany_science concept:proxyfor concept_coach_new +concept_biotechcompany_science concept:atdate concept_date_n2003 +concept_biotechcompany_science concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_science concept:atdate concept_dateliteral_n2006 +concept_biotechcompany_science concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_science concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_searle concept:subpartoforganization concept_governmentorganization_monsanto +concept_biotechcompany_section concept:agentcompeteswithagent concept_architect_criticism +concept_biotechcompany_section concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_section concept:agentcreated concept_city_click +concept_biotechcompany_section concept:agentcreated concept_programminglanguage_contact +concept_biotechcompany_section concept:agentcreated concept_scientificterm_information_visit +concept_biotechcompany_section concept:agentcreated concept_software_access +concept_biotechcompany_section concept:agentcompeteswithagent concept_tradeunion_search +concept_biotechcompany_section concept:agentcompeteswithagent concept_university_geography +concept_biotechcompany_section concept:agentcreated concept_vehicle_view +concept_biotechcompany_section concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_biotechcompany_section concept:agentcreated concept_website_visit +concept_biotechcompany_seminis concept:subpartoforganization concept_governmentorganization_monsanto +concept_biotechcompany_senior_vice_president concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_server concept:agentinvolvedwithitem concept_beverage_win +concept_biotechcompany_server concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_server concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_biotechcompany_server concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_biotechcompany_shell_oil concept:organizationheadquarteredincity concept_city_amsterdam +concept_biotechcompany_siebel_systems concept:subpartoforganization concept_company_oracle +concept_biotechcompany_siemens concept:mutualproxyfor concept_ceo_klaus_kleinfeld +concept_biotechcompany_siemens concept:organizationhiredperson concept_ceo_klaus_kleinfeld +concept_biotechcompany_siemens concept:organizationterminatedperson concept_ceo_klaus_kleinfeld +concept_biotechcompany_siemens concept:subpartof concept_ceo_klaus_kleinfeld +concept_biotechcompany_siemens concept:acquired concept_company_efficient_networks +concept_biotechcompany_sigma concept:headquarteredin concept_city_st_louis +concept_biotechcompany_sigma concept:organizationheadquarteredincity concept_city_st_louis +concept_biotechcompany_sirius_satellite_radio concept:companyalsoknownas concept_company_siri +concept_biotechcompany_sirna_therapeutics concept:companyeconomicsector concept_politicsissue_pharmaceutical +concept_biotechcompany_sodexho concept:hasofficeincity concept_city_gaithersburg +concept_biotechcompany_sony_corp concept:hasofficeincity concept_city_paris +concept_biotechcompany_sony_corp concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_biotechcompany_sony_corp concept:companyeconomicsector concept_economicsector_electronics +concept_biotechcompany_sony_corp concept:acquired concept_recordlabel_bmg_ +concept_biotechcompany_sony_corp concept:acquired concept_recordlabel_emi +concept_biotechcompany_sony_corp concept:acquired concept_recordlabel_universal_music +concept_biotechcompany_sony_corp concept:acquired concept_recordlabel_warner_music +concept_biotechcompany_sony_corp concept:producesproduct concept_software_playstation_2 +concept_biotechcompany_sony_corp concept:acquired concept_televisionnetwork_cbs +concept_biotechcompany_southern concept:agentactsinlocation concept_airport_europe +concept_biotechcompany_southern concept:agentactsinlocation concept_bridge_world +concept_biotechcompany_southern concept:agentactsinlocation concept_building_america +concept_biotechcompany_southern concept:agentactsinlocation concept_building_years +concept_biotechcompany_southern concept:atlocation concept_building_years +concept_biotechcompany_southern concept:agentactsinlocation concept_continent_africa +concept_biotechcompany_southern concept:hasofficeincountry concept_country___america +concept_biotechcompany_southern concept:mutualproxyfor concept_emotion_mississippi +concept_biotechcompany_southern concept:mutualproxyfor concept_politicsissue_oregon +concept_biotechcompany_southern concept:agentactsinlocation concept_skyscraper_asia +concept_biotechcompany_sponsors concept:agentparticipatedinevent concept_sportsgame_series +concept_biotechcompany_stoel_rives concept:companyeconomicsector concept_academicfield_law +concept_biotechcompany_sydney concept:proxyfor concept_coach_new +concept_biotechcompany_sydney concept:mutualproxyfor concept_race_new_south_wales +concept_biotechcompany_sydney concept:atdate concept_year_n1810 +concept_biotechcompany_sydney concept:atdate concept_year_n1828 +concept_biotechcompany_tacl concept:latitudelongitude 13.5333300000000,37.4833300000000 +concept_biotechcompany_tap concept:hasofficeincity concept_city_lisbon +concept_biotechcompany_tesco concept:organizationterminatedperson concept_ceo_sir_terry_leahy +concept_biotechcompany_tesco concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_texaco concept:acquired concept_company_getty_oil +concept_biotechcompany_the_walt_disney_co_ concept:companyeconomicsector concept_academicfield_media +concept_biotechcompany_the_walt_disney_co_ concept:organizationterminatedperson concept_ceo_michael_eisner +concept_biotechcompany_the_walt_disney_co_ concept:organizationterminatedperson concept_ceo_robert_iger +concept_biotechcompany_the_walt_disney_co_ concept:headquarteredin concept_city_burbank +concept_biotechcompany_the_walt_disney_co_ concept:organizationheadquarteredincity concept_city_burbank +concept_biotechcompany_the_walt_disney_co_ concept:companyeconomicsector concept_politicsissue_entertainment +concept_biotechcompany_top concept:agentinvolvedwithitem concept_buildingfeature_window +concept_biotechcompany_top concept:organizationterminatedperson concept_personasia_number +concept_biotechcompany_top_choice concept:proxyfor concept_coach_new +concept_biotechcompany_toronto concept:proxyfor concept_book_north +concept_biotechcompany_toronto concept:atlocation concept_city_ontario +concept_biotechcompany_toronto concept:proxyfor concept_coach_new +concept_biotechcompany_toronto concept:proxyfor concept_company_canada +concept_biotechcompany_toronto concept:hasofficeincountry concept_country___america +concept_biotechcompany_toronto concept:atdate concept_date_n2000 +concept_biotechcompany_toronto concept:atdate concept_date_n2009 +concept_biotechcompany_toronto concept:proxyfor concept_musicfestival_massey_hall +concept_biotechcompany_toronto concept:mutualproxyfor concept_politician_rob_ford +concept_biotechcompany_toronto concept:organizationterminatedperson concept_politicianus_sam_mitchell +concept_biotechcompany_toronto concept:proxyfor concept_publication_ontario +concept_biotechcompany_toshiba concept:mutualproxyfor concept_ceo_atsutoshi_nishida +concept_biotechcompany_toshiba concept:organizationhiredperson concept_ceo_atsutoshi_nishida +concept_biotechcompany_toshiba concept:organizationterminatedperson concept_ceo_atsutoshi_nishida +concept_biotechcompany_toshiba concept:subpartof concept_ceo_atsutoshi_nishida +concept_biotechcompany_toshiba concept:acquired concept_company_westinghouse_electric +concept_biotechcompany_toshiba concept:companyeconomicsector concept_economicsector_computer +concept_biotechcompany_toshiba concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_biotechcompany_toshiba concept:companyeconomicsector concept_economicsector_electronics +concept_biotechcompany_trials concept:atdate concept_date_n2001 +concept_biotechcompany_trials concept:atdate concept_date_n2003 +concept_biotechcompany_trials concept:atdate concept_date_n2004 +concept_biotechcompany_trials concept:atdate concept_dateliteral_n2005 +concept_biotechcompany_trials concept:atdate concept_dateliteral_n2007 +concept_biotechcompany_trials concept:atdate concept_dateliteral_n2008 +concept_biotechcompany_tribune_co concept:agentactsinlocation concept_highway_the_new +concept_biotechcompany_unicare concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_unicef concept:headquarteredin concept_city_new_york +concept_biotechcompany_united_health_care concept:companyeconomicsector concept_economicsector_insurance +concept_biotechcompany_united_parcel_service concept:mutualproxyfor concept_ceo_d__scott_davis +concept_biotechcompany_united_parcel_service concept:organizationterminatedperson concept_ceo_d__scott_davis +concept_biotechcompany_united_states_steel concept:agentcollaborateswithagent concept_comedian_john_surma +concept_biotechcompany_united_technologies concept:hasofficeincity concept_city_hartford +concept_biotechcompany_valero_energy concept:companyalsoknownas concept_petroleumrefiningcompany_vlo +concept_biotechcompany_veco concept:subpartof concept_criminal_bill_allen +concept_biotechcompany_veco concept:mutualproxyfor concept_personaustralia_bill_allen +concept_biotechcompany_veco concept:organizationhiredperson concept_personaustralia_bill_allen +concept_biotechcompany_veco concept:organizationterminatedperson concept_personaustralia_bill_allen +concept_biotechcompany_viacom_inc_ concept:companyeconomicsector concept_academicfield_media +concept_biotechcompany_wal_mart_stores concept:headquarteredin concept_city_bentonville +concept_biotechcompany_wal_mart_stores concept:organizationheadquarteredinstateorprovince concept_stateorprovince_arkansas +concept_biotechcompany_waste_management_inc concept:hasofficeincity concept_city_houston +concept_biotechcompany_waters concept:agentparticipatedinevent concept_eventoutcome_result +concept_biotechcompany_wellpoint concept:acquired concept_company_anthem_blue_cross +concept_biotechcompany_west_corporation concept:latitudelongitude 39.1031600000000,-77.1922000000000 +concept_biotechcompany_whirlpool_corporation concept:headquarteredin concept_city_benton_harbor +concept_biotechcompany_whirlpool_corporation concept:acquired concept_company_maytag +concept_biotechcompany_whirlpool_corporation concept:agentcollaborateswithagent concept_company_maytag +concept_biotechcompany_whirlpool_corporation concept:agentcontrols concept_company_maytag +concept_biotechcompany_white concept:companyeconomicsector concept_academicfield_law +concept_biotechcompany_white concept:agentbelongstoorganization concept_bank_administration +concept_biotechcompany_white concept:agentbelongstoorganization concept_city_official +concept_biotechcompany_white concept:agentbelongstoorganization concept_city_team +concept_biotechcompany_white concept:agentcollaborateswithagent concept_city_team +concept_biotechcompany_white concept:agentbelongstoorganization concept_city_washington_d_c +concept_biotechcompany_white concept:agentbelongstoorganization concept_governmentorganization_house +concept_biotechcompany_white concept:agentcollaborateswithagent concept_governmentorganization_house +concept_biotechcompany_white concept:agentcollaborateswithagent concept_governmentorganization_office +concept_biotechcompany_white concept:agentcollaborateswithagent concept_journalist_staff +concept_biotechcompany_white concept:agentbelongstoorganization concept_musicartist_chief +concept_biotechcompany_white concept:agentbelongstoorganization concept_musicartist_policy +concept_biotechcompany_white concept:agentcollaborateswithagent concept_personus_officials +concept_biotechcompany_white concept:agentbelongstoorganization concept_politicalparty_senate +concept_biotechcompany_white concept:agentbelongstoorganization concept_tradeunion_congress +concept_biotechcompany_white concept:agentcollaborateswithagent concept_tradeunion_congress +concept_biotechcompany_whole_foods_market concept:organizationterminatedperson concept_ceo_john_mackey +concept_biotechcompany_whole_foods_market concept:synonymfor concept_retailstore_wfmi +concept_biotechcompany_whole_foods_market concept:companyalsoknownas concept_televisionstation_wfmi +concept_biotechcompany_wiley concept:companyeconomicsector concept_academicfield_publishing +concept_biotechcompany_wipro concept:organizationterminatedperson concept_ceo_azim_premji +concept_biotechcompany_wipro concept:mutualproxyfor concept_personeurope_azim_premji +concept_biotechcompany_wipro_technologies concept:organizationterminatedperson concept_ceo_girish_paranjpe +concept_biotechcompany_xcel_energy concept:hasofficeincity concept_city_saint_paul +concept_biotechcompany_xerox concept:organizationterminatedperson concept_ceo_ursula_burns +concept_biotechcompany_xerox concept:hasofficeincity concept_city_stamford +concept_biotechcompany_xoma concept:agentcontrols concept_beverage_castello +concept_biotechcompany_xoma concept:mutualproxyfor concept_beverage_castello +concept_bird_afghanistan concept:atdate concept_date_n2009 +concept_bird_afghanistan concept:agentparticipatedinevent concept_eventoutcome_result +concept_bird_afghanistan concept:synonymfor concept_politicalparty_republic +concept_bird_albatrosses concept:animalistypeofanimal concept_bird_seabirds +concept_bird_bald_eagles concept:animalpreyson concept_animal_birds002 +concept_bird_bald_eagles concept:animalpreyson concept_arthropod_prey +concept_bird_bald_eagles concept:agentcompeteswithagent concept_mammal_animals +concept_bird_bald_eagles concept:animalistypeofanimal concept_mammal_animals +concept_bird_barn_owls concept:animalpreyson concept_mammal_rodents +concept_bird_bat concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_bird_of_prey concept:latitudelongitude 43.1718300000000,-116.3298300000000 +concept_bird_birds concept:animalistypeofanimal concept_bird_chickens +concept_bird_birds concept:animalistypeofanimal concept_bird_cockatoos +concept_bird_birds concept:animalistypeofanimal concept_bird_macaws +concept_bird_birds concept:animalistypeofanimal concept_bird_owls +concept_bird_birds concept:animalistypeofanimal concept_bird_parakeets +concept_bird_birds concept:animalistypeofanimal concept_bird_pigeons +concept_bird_birds concept:animalistypeofanimal concept_bird_turkeys +concept_bird_black_bear concept:animalpreyson concept_animal_animals001 +concept_bird_black_widow concept:animalistypeofanimal concept_arthropod_spiders +concept_bird_black_widow concept:animalistypeofanimal concept_invertebrate_spider +concept_bird_bluebirds concept:agentcompeteswithagent concept_animal_cavity_nesters +concept_bird_bluebirds concept:animalistypeofanimal concept_animal_cavity_nesters +concept_bird_bluejays concept:agentcontrols concept_coach_tony_fernandez +concept_bird_bluejays concept:agentcontrols concept_coach_tony_la_russa +concept_bird_boobies concept:animalistypeofanimal concept_bird_seabirds +concept_bird_brancher concept:latitudelongitude 47.4333300000000,4.0000000000000 +concept_bird_buffalo concept:animalpreyson concept_animal_animals001 +concept_bird_buffalo concept:animalistypeofanimal concept_bird_mammals +concept_bird_buffalo concept:animaleatfood concept_food_calamari +concept_bird_buffalo concept:animaleatfood concept_food_ravioli +concept_bird_buffalo concept:animaleatfood concept_vegetable_green_beans +concept_bird_buzzard concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_chickadees concept:animalistypeofanimal concept_bird_songbirds +concept_bird_chickens concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_bird_chickens concept:animalistypeofanimal concept_animal_creatures +concept_bird_chickens concept:animalistypeofanimal concept_animal_fowl +concept_bird_chickens concept:animalistypeofanimal concept_animal_poultry +concept_bird_chickens concept:agentparticipatedinevent concept_eventoutcome_result +concept_bird_chickens concept:animalistypeofanimal concept_mammal_animals +concept_bird_chickens concept:animalpreyson concept_mammal_animals +concept_bird_chickens concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_bird_chickens concept:animalistypeofanimal concept_mammal_farm_animals +concept_bird_chickens concept:animalistypeofanimal concept_mammal_pets +concept_bird_chickens concept:animalpreyson concept_mammal_pets +concept_bird_chickens concept:animalistypeofanimal concept_mammal_small_animals +concept_bird_chickens concept:animaleatvegetable concept_vegetable_corn +concept_bird_chickies concept:latitudelongitude 40.0862075000000,-76.5170500000000 +concept_bird_cockatoos concept:animalistypeofanimal concept_bird_parrots +concept_bird_collapse concept:atdate concept_date_n2001 +concept_bird_condor concept:agentactsinlocation concept_city_amsterdam +concept_bird_condor concept:agentactsinlocation concept_city_barcelona +concept_bird_condor concept:agentactsinlocation concept_city_basel +concept_bird_condor concept:agentactsinlocation concept_city_berlin +concept_bird_condor concept:agentactsinlocation concept_city_bremen +concept_bird_condor concept:agentactsinlocation concept_city_cologne +concept_bird_condor concept:agentactsinlocation concept_city_dresden +concept_bird_condor concept:agentactsinlocation concept_city_dseldorf +concept_bird_condor concept:agentactsinlocation concept_city_frankfurt +concept_bird_condor concept:agentactsinlocation concept_city_friedrichshafen +concept_bird_condor concept:agentactsinlocation concept_city_geneva +concept_bird_condor concept:agentactsinlocation concept_city_genf +concept_bird_condor concept:agentactsinlocation concept_city_graz +concept_bird_condor concept:agentactsinlocation concept_city_hamburg +concept_bird_condor concept:agentactsinlocation concept_city_hannover +concept_bird_condor concept:agentactsinlocation concept_city_hanover +concept_bird_condor concept:agentactsinlocation concept_city_kn +concept_bird_condor concept:agentactsinlocation concept_city_london_city +concept_bird_condor concept:agentactsinlocation concept_city_madrid +concept_bird_condor concept:agentactsinlocation concept_city_mailand +concept_bird_condor concept:agentactsinlocation concept_city_milan +concept_bird_condor concept:agentactsinlocation concept_city_munster +concept_bird_condor concept:agentactsinlocation concept_city_naples +concept_bird_condor concept:agentactsinlocation concept_city_nnberg +concept_bird_condor concept:agentactsinlocation concept_city_nuremberg +concept_bird_condor concept:agentactsinlocation concept_city_rom +concept_bird_condor concept:agentactsinlocation concept_city_rome +concept_bird_condor concept:agentactsinlocation concept_city_stuttgart +concept_bird_condor concept:agentactsinlocation concept_city_venice +concept_bird_condor concept:agentactsinlocation concept_city_vienna +concept_bird_condor concept:agentactsinlocation concept_city_wien +concept_bird_condor concept:agentactsinlocation concept_city_zurich +concept_bird_condor concept:agentactsinlocation concept_geopoliticallocation_neapel +concept_bird_condor concept:agentactsinlocation concept_geopoliticallocation_venedig +concept_bird_condor concept:agentactsinlocation concept_stadiumoreventvenue_warsaw +concept_bird_condor concept:agentactsinlocation concept_stateorprovince_munich +concept_bird_condor concept:agentactsinlocation concept_visualizablescene_duesseldorf +concept_bird_condor concept:agentactsinlocation concept_visualizablescene_leipzig +concept_bird_condor concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_bird_condor concept:agentactsinlocation concept_visualizablescene_paderborn +concept_bird_condor concept:agentactsinlocation concept_visualizablething_mchen +concept_bird_condor concept:agentactsinlocation concept_visualizablething_mster +concept_bird_condor concept:agentactsinlocation concept_visualizablething_zich +concept_bird_coocoo concept:latitudelongitude 0.9833300000000,9.5000000000000 +concept_bird_cormorants concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_cormorants concept:animalistypeofanimal concept_bird_seabirds +concept_bird_cormorants concept:animalistypeofanimal concept_bird_water_birds +concept_bird_cormorants concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_cornhuskers concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_bird_cornhuskers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_bird_cover concept:animalsuchasfish concept_fish_bass +concept_bird_cover concept:animalsuchasfish concept_fish_trout +concept_bird_crab concept:animaleatfood concept_legume_rice +concept_bird_crab concept:animaleatvegetable concept_vegetable_rice +concept_bird_cranes concept:animalistypeofanimal concept_bird_water_birds +concept_bird_cranes concept:animalpreyson concept_vertebrate_crayfish +concept_bird_crows concept:animalistypeofanimal concept_animal_corvids +concept_bird_crows concept:animalistypeofanimal concept_mammal_predators +concept_bird_dabblers concept:latitudelongitude 48.0054900000000,-53.2202700000000 +concept_bird_domestic_birds concept:animalistypeofanimal concept_mammal_animals +concept_bird_doves concept:animalistypeofanimal concept_mammal_animals +concept_bird_duck concept:animaleatvegetable concept_agriculturalproduct_arugula +concept_bird_duck concept:animaleatvegetable concept_agriculturalproduct_cherry +concept_bird_duck concept:animaleatfood concept_agriculturalproduct_figs +concept_bird_duck concept:animaleatvegetable concept_agriculturalproduct_honey +concept_bird_duck concept:animaleatvegetable concept_agriculturalproduct_lentils +concept_bird_duck concept:animaleatvegetable concept_agriculturalproduct_mushroom +concept_bird_duck concept:animaleatfood concept_agriculturalproduct_pear +concept_bird_duck concept:animaleatfood concept_agriculturalproduct_plums +concept_bird_duck concept:animaleatfood concept_beverage_blackberry +concept_bird_duck concept:animaleatfood concept_beverage_side +concept_bird_duck concept:animaleatfood concept_cheese_foie_gras +concept_bird_duck concept:animaleatfood concept_condiment_coconut +concept_bird_duck concept:animaleatfood concept_condiment_goat_cheese +concept_bird_duck concept:animaleatfood concept_condiment_plum_sauce +concept_bird_duck concept:animaleatfood concept_food_apples +concept_bird_duck concept:animaleatfood concept_food_red_cabbage +concept_bird_duck concept:animaleatfood concept_fruit_orange +concept_bird_duck concept:animaleatfood concept_fruit_peaches +concept_bird_duck concept:animaleatfood concept_fruit_pears +concept_bird_duck concept:animaleatfood concept_fungus_mushrooms +concept_bird_duck concept:animaleatvegetable concept_fungus_wild_mushrooms +concept_bird_duck concept:animaleatfood concept_grain_wild_rice +concept_bird_duck concept:animaleatfood concept_meat_bacon +concept_bird_duck concept:animaleatfood concept_meat_chicken +concept_bird_duck concept:animaleatfood concept_nut_tender +concept_bird_duck concept:animaleatvegetable concept_plant_cherries +concept_bird_duck concept:animaleatfood concept_plant_cherry +concept_bird_duck concept:animaleatfood concept_vegetable_garlic +concept_bird_duck concept:animaleatvegetable concept_vegetable_ginger +concept_bird_duck concept:animaleatvegetable concept_vegetable_greens +concept_bird_duck concept:animaleatfood concept_vegetable_onion +concept_bird_duck concept:animaleatfood concept_vegetable_onions +concept_bird_duck concept:animaleatvegetable concept_vegetable_potatoes +concept_bird_duck concept:animaleatvegetable concept_vegetable_rice +concept_bird_duck concept:animaleatvegetable concept_vegetable_spinach +concept_bird_duck concept:animaleatvegetable concept_visualizablething_polenta +concept_bird_ducks concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_bird_ducks concept:animalistypeofanimal concept_animal_creatures +concept_bird_ducks concept:animalistypeofanimal concept_animal_fowl +concept_bird_ducks concept:animalistypeofanimal concept_animal_poultry +concept_bird_ducks concept:animalistypeofanimal concept_animal_water_fowl +concept_bird_ducks concept:animalistypeofanimal concept_bird_water_birds +concept_bird_ducks concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_ducks concept:animaleatfood concept_food_insects +concept_bird_ducks concept:animalistypeofanimal concept_mammal_animals +concept_bird_ducks concept:animalpreyson concept_mammal_animals +concept_bird_ducks concept:animalistypeofanimal concept_mammal_farm_animals +concept_bird_ducks concept:animalistypeofanimal concept_mammal_pets +concept_bird_eagles concept:animalpreyson concept_animal_bird_species +concept_bird_eagles concept:animalpreyson concept_animal_birds002 +concept_bird_eagles concept:animalistypeofanimal concept_animal_creatures +concept_bird_eagles concept:animalpreyson concept_animal_creatures +concept_bird_eagles concept:animalpreyson concept_arthropod_prey +concept_bird_eagles concept:animalistypeofanimal concept_bird_raptors +concept_bird_eagles concept:animalpreyson concept_bird_raptors +concept_bird_eagles concept:animalistypeofanimal concept_mammal_animals +concept_bird_eagles concept:animalpreyson concept_mammal_animals +concept_bird_eagles concept:animalistypeofanimal concept_mammal_mammals +concept_bird_eagles concept:animalistypeofanimal concept_mammal_predators +concept_bird_eagles concept:animalpreyson concept_mammal_predators +concept_bird_egrets concept:animalistypeofanimal concept_bird_shorebirds +concept_bird_egrets concept:animalistypeofanimal concept_bird_water_birds +concept_bird_egrets concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_elephant concept:animalistypeofanimal concept_bird_mammals +concept_bird_emus concept:animalistypeofanimal concept_mammal_animals +concept_bird_exotic_birds concept:animalistypeofanimal concept_mammal_animals +concept_bird_exotic_birds concept:animalistypeofanimal concept_mammal_pets +concept_bird_exotic_birds concept:animalpreyson concept_mammal_pets +concept_bird_falcons concept:animalpreyson concept_animal_birds002 +concept_bird_falcons concept:animalpreyson concept_arthropod_prey +concept_bird_falcons concept:animalistypeofanimal concept_bird_raptors +concept_bird_falcons concept:specializationof concept_mammal_animals +concept_bird_falcons concept:animalistypeofanimal concept_mammal_predators +concept_bird_farm_animals concept:specializationof concept_agriculturalproduct_pigs +concept_bird_farm_animals concept:animalpreyson concept_animal_animals001 +concept_bird_farm_animals concept:agentcompeteswithagent concept_blog_goats +concept_bird_farm_animals concept:animalpreyson concept_invertebrate_cattle +concept_bird_farm_animals concept:animaleatvegetable concept_vegetable_grass +concept_bird_fields concept:agentcreated concept_stateorprovince_contact +concept_bird_finches concept:animalistypeofanimal concept_bird_songbirds +concept_bird_fishing_eagle concept:latitudelongitude 54.9024200000000,-94.5275600000000 +concept_bird_flamingoes concept:animalistypeofanimal concept_bird_water_birds +concept_bird_flamingos concept:agentcompeteswithagent concept_animal_animals002 +concept_bird_flamingos concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_flamingos concept:animalistypeofanimal concept_mammal_animals +concept_bird_frank_rich concept:agentcollaborateswithagent concept_musicartist_times +concept_bird_geese concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_geese concept:animalistypeofanimal concept_animal_fowl +concept_bird_geese concept:animalistypeofanimal concept_bird_migratory_waterfowl +concept_bird_geese concept:animalistypeofanimal concept_bird_water_birds +concept_bird_geese concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_geese concept:animalistypeofanimal concept_mammal_animals +concept_bird_geese concept:animalpreyson concept_mammal_animals +concept_bird_golden_eagles concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_grebes concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_ground_nesting_birds concept:animaleatfood concept_food_insects +concept_bird_grouse concept:animalistypeofanimal concept_bird_game_birds +concept_bird_grouse concept:animalistypeofanimal concept_mammal_animals +concept_bird_gulls concept:animalistypeofanimal concept_bird_seabirds +concept_bird_gulls concept:animalistypeofanimal concept_bird_water_birds +concept_bird_gulls concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_gulls concept:animalistypeofanimal concept_mammal_predators +concept_bird_gulls_nest concept:latitudelongitude 38.5759500000000,-75.0604600000000 +concept_bird_hen concept:animaleatvegetable concept_vegetable_rice +concept_bird_herons concept:animalpreyson concept_animal_birds002 +concept_bird_herons concept:animalistypeofanimal concept_bird_shorebirds +concept_bird_herons concept:animalistypeofanimal concept_bird_water_birds +concept_bird_herons concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_herons concept:animalistypeofanimal concept_mammal_animals +concept_bird_herons concept:animalistypeofanimal concept_mammal_predators +concept_bird_herons concept:animalpreyson concept_mammal_predators +concept_bird_hummingbirds concept:animalistypeofanimal concept_animal_creatures +concept_bird_hummingbirds concept:animaleatfood concept_beverage_nectar +concept_bird_ibises concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_jays concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_kestrels concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_kiskadee concept:latitudelongitude 26.1964600000000,-98.4158500000000 +concept_bird_kites concept:animalpreyson concept_arthropod_prey +concept_bird_kittiwakes concept:animalistypeofanimal concept_bird_seabirds +concept_bird_larger_birds concept:animalistypeofanimal concept_mammal_predators +concept_bird_loons concept:animalistypeofanimal concept_bird_water_birds +concept_bird_loons concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_loons concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_macaws concept:animalistypeofanimal concept_bird_parrots +concept_bird_macaws concept:animalistypeofanimal concept_mammal_animals +concept_bird_mammals concept:animaleatfood concept_agriculturalproduct_berries +concept_bird_mammals concept:animalpreyson concept_animal_mice001 +concept_bird_mammals concept:animaleatfood concept_candy_fruits +concept_bird_mammals concept:animaleatfood concept_candy_nuts +concept_bird_mammals concept:agentparticipatedinevent concept_eventoutcome_result +concept_bird_mammals concept:animalpreyson concept_reptile_pets +concept_bird_mango concept:animaleatfood concept_legume_rice +concept_bird_mango concept:animaleatvegetable concept_vegetable_rice +concept_bird_may concept:mutualproxyfor concept_beverage_new +concept_bird_may concept:proxyfor concept_book_new +concept_bird_may concept:proxyfor concept_city_florida +concept_bird_may concept:atdate concept_date_community +concept_bird_may concept:atdate concept_date_meeting +concept_bird_may concept:agentactsinlocation concept_lake_new +concept_bird_may concept:atlocation concept_stateorprovince_california +concept_bird_megapode concept:latitudelongitude -7.7833300000000,158.9833300000000 +concept_bird_mergansers concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_n1_bird concept:latitudelongitude 72.6675600000000,-123.5059800000000 +concept_bird_ospreys concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_owls concept:animalpreyson concept_animal_birds002 +concept_bird_owls concept:animalistypeofanimal concept_animal_creatures +concept_bird_owls concept:animalpreyson concept_animal_creatures +concept_bird_owls concept:specializationof concept_animal_wildlife +concept_bird_owls concept:animalpreyson concept_arthropod_prey +concept_bird_owls concept:animalistypeofanimal concept_bird_raptors +concept_bird_owls concept:animalistypeofanimal concept_mammal_animals +concept_bird_owls concept:animalpreyson concept_mammal_animals +concept_bird_owls concept:animalpreyson concept_mammal_hunters +concept_bird_owls concept:animalistypeofanimal concept_mammal_mammals +concept_bird_owls concept:animalistypeofanimal concept_mammal_predators +concept_bird_owls concept:animalpreyson concept_mammal_predators +concept_bird_owls concept:specializationof concept_mammal_predators +concept_bird_pacific concept:agentactsinlocation concept_building_america +concept_bird_palearctic concept:atdate concept_dateliteral_n2008 +concept_bird_parakeets concept:animalistypeofanimal concept_mammal_pets +concept_bird_parrots concept:animalistypeofanimal concept_animal_creatures +concept_bird_parrots concept:animalpreyson concept_animal_creatures +concept_bird_partridge concept:animalistypeofanimal concept_bird_game_birds +concept_bird_pelicans concept:animalpreyson concept_animal_birds002 +concept_bird_pelicans concept:agentcompeteswithagent concept_mammal_animals +concept_bird_pelicans concept:animalistypeofanimal concept_mammal_animals +concept_bird_penguins concept:animalpreyson concept_animal_birds002 +concept_bird_penguins concept:animalistypeofanimal concept_animal_creatures +concept_bird_penguins concept:animalpreyson concept_animal_creatures +concept_bird_penguins concept:animalpreyson concept_mammal_animals +concept_bird_penguins concept:specializationof concept_mammal_animals +concept_bird_pheasant concept:animalistypeofanimal concept_bird_game_birds +concept_bird_pheasants concept:animalistypeofanimal concept_bird_game_birds +concept_bird_pheasants concept:animalistypeofanimal concept_bird_upland_game_birds +concept_bird_pheasants concept:animalistypeofanimal concept_mammal_animals +concept_bird_pigeons concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_pigeons concept:animalistypeofanimal concept_mammal_animals +concept_bird_pigeons concept:specializationof concept_mammal_animals +concept_bird_pirates concept:agentcompeteswithagent concept_invertebrate_loggers +concept_bird_pirates concept:agentactsinlocation concept_museum_greenville +concept_bird_pirates concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_pithon concept:latitudelongitude 49.7500000000000,3.1000000000000 +concept_bird_plovers concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_plovers concept:animalistypeofanimal concept_bird_shorebirds +concept_bird_raccoon concept:specializationof concept_animal_furbearers +concept_bird_raptors concept:animalpreyson concept_animal_birds002 +concept_bird_raptors concept:animalistypeofanimal concept_mammal_animals +concept_bird_raptors concept:animalistypeofanimal concept_mammal_predators +concept_bird_raptors concept:animalpreyson concept_mammal_predators +concept_bird_rockies concept:agentparticipatedinevent concept_convention_games +concept_bird_sandpipers concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_sandpipers concept:animalistypeofanimal concept_bird_shorebirds +concept_bird_sea_eagles concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_seabirds concept:agentparticipatedinevent concept_eventoutcome_result +concept_bird_seagulls concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_series concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_shetlands concept:latitudelongitude 60.3228925000000,-1.3309600000000 +concept_bird_shorebirds concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_shorebirds concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_snow_geese concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_songbirds concept:animalistypeofanimal concept_animal_creatures +concept_bird_songbirds concept:animalistypeofanimal concept_mammal_animals +concept_bird_sparrows concept:animalistypeofanimal concept_bird_songbirds +concept_bird_star concept:agentparticipatedinevent concept_mlconference_universe +concept_bird_star concept:agentcollaborateswithagent concept_person_ronaldo +concept_bird_star concept:agentcontrols concept_person_ronaldo +concept_bird_star concept:agentparticipatedinevent concept_sportsgame_franchises +concept_bird_star concept:agentparticipatedinevent concept_sportsgame_scores +concept_bird_star concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_starlings concept:agentcompeteswithagent concept_animal_animals002 +concept_bird_starlings concept:animalistypeofanimal concept_mammal_animals +concept_bird_state_bird concept:latitudelongitude 42.1579700000000,-113.1255500000000 +concept_bird_stilts concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_storks concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_storks concept:animalistypeofanimal concept_bird_water_birds +concept_bird_suits concept:agentparticipatedinevent concept_eventoutcome_result +concept_bird_sunfish concept:agentcompeteswithagent concept_reptile_bluegill +concept_bird_swans concept:animalistypeofanimal concept_bird_waterfowl +concept_bird_swans concept:animalistypeofanimal concept_mammal_animals +concept_bird_swifts concept:agentcompeteswithagent concept_animal_birds002 +concept_bird_thrashers concept:agentparticipatedinevent concept_convention_games +concept_bird_thrushes concept:animalistypeofanimal concept_bird_songbirds +concept_bird_tiger concept:animalpreyson concept_animal_animals001 +concept_bird_toucans concept:agentcompeteswithagent concept_mammal_animals +concept_bird_toucans concept:animalistypeofanimal concept_mammal_animals +concept_bird_toucans concept:specializationof concept_mammal_animals +concept_bird_trip concept:animalsuchasfish concept_fish_bass +concept_bird_trip concept:animalsuchasfish concept_fish_trout +concept_bird_trip concept:agentparticipatedinevent concept_sportsgame_finals +concept_bird_trip concept:agentparticipatedinevent concept_sportsgame_playoffs +concept_bird_trip concept:agentparticipatedinevent concept_sportsgame_series +concept_bird_turkeys concept:animalistypeofanimal concept_animal_fowl +concept_bird_turkeys concept:animalistypeofanimal concept_animal_poultry +concept_bird_turkeys concept:animalistypeofanimal concept_bird_domestic_birds +concept_bird_turkeys concept:animalistypeofanimal concept_bird_ground_nesting_birds +concept_bird_turkeys concept:animalistypeofanimal concept_mammal_animals +concept_bird_vultures concept:animalpreyson concept_animal_birds002 +concept_bird_vultures concept:animalpreyson concept_arthropod_prey +concept_bird_vultures concept:agentcompeteswithagent concept_mammal_animals +concept_bird_vultures concept:animalistypeofanimal concept_mammal_animals +concept_bird_warblers concept:animalistypeofanimal concept_animal_passerines +concept_bird_warblers concept:animalistypeofanimal concept_bird_songbirds +concept_bird_waterfowl concept:animalistypeofanimal concept_bird_game_birds +concept_bird_waterfowl concept:animalistypeofanimal concept_bird_water_birds +concept_bird_waterfowl concept:animalistypeofanimal concept_bird_waterbirds +concept_bird_wetland_wildlife concept:latitudelongitude 38.7670500000000,-79.9397900000000 +concept_bird_widow concept:mutualproxyfor concept_arachnid_spiders +concept_bird_widow concept:synonymfor concept_product_spider +concept_bird_wild_birds concept:animalpreyson concept_animal_birds002 +concept_bird_wild_birds concept:animalistypeofanimal concept_animal_creatures +concept_bird_wild_birds concept:animalistypeofanimal concept_mammal_animals +concept_bird_wild_geese concept:latitudelongitude 36.4261100000000,-109.1312100000000 +concept_bird_wild_turkeys concept:agentcompeteswithagent concept_animal_animals002 +concept_bird_wild_turkeys concept:animalistypeofanimal concept_mammal_animals +concept_bird_woodpeckers concept:agentcompeteswithagent concept_mammal_animals +concept_bird_woodpeckers concept:animalistypeofanimal concept_mammal_animals +concept_blog___google concept:agentcompeteswithagent concept_university_search +concept_blog_abc_news concept:organizationheadquarteredincity concept_city_new_york +concept_blog_about_com concept:hasofficeincity concept_city_new_york +concept_blog_access concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_access concept:agentcompeteswithagent concept_university_search +concept_blog_account concept:agentinvolvedwithitem concept_buildingfeature_window +concept_blog_af concept:hasofficeincity concept_city_paris +concept_blog_af concept:organizationheadquarteredincity concept_city_paris +concept_blog_agenda concept:agentcontrols concept_city_number +concept_blog_agenda concept:organizationterminatedperson concept_personasia_number +concept_blog_agenda concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_al concept:companyeconomicsector concept_economicsector_insurance +concept_blog_al concept:agentparticipatedinevent concept_sportsgame_series +concept_blog_alibaba_com concept:mutualproxyfor concept_ceo_jack_ma +concept_blog_alibaba_com concept:organizationterminatedperson concept_ceo_jack_ma +concept_blog_alibaba_com concept:subpartof concept_ceo_jack_ma +concept_blog_america_online concept:agentcollaborateswithagent concept_ceo_steve_case +concept_blog_america_online concept:headquarteredin concept_city_new_york +concept_blog_america_online concept:agentcollaborateswithagent concept_company_case +concept_blog_america_online concept:companyeconomicsector concept_economicsector_internet +concept_blog_background concept:locationlocatedwithinlocation concept_bridge_world +concept_blog_bastion concept:proxyfor concept_book_new +concept_blog_bbc_news concept:companyeconomicsector concept_academicfield_news +concept_blog_beoue concept:latitudelongitude 6.4354771428571,-7.5391257142857 +concept_blog_bill_o_reilly concept:agentbelongstoorganization concept_governmentorganization_fox_news +concept_blog_bill_o_reilly concept:agentbelongstoorganization concept_mountain_fox +concept_blog_bill_o_reilly concept:agentcollaborateswithagent concept_mountain_fox +concept_blog_bill_o_reilly concept:subpartof concept_mountain_fox +concept_blog_billboard concept:organizationterminatedperson concept_personasia_number +concept_blog_billboard concept:organizationterminatedperson concept_scientist_no_ +concept_blog_blogger concept:competeswith concept_blog_myspace +concept_blog_blogger concept:proxyfor concept_lake_new +concept_blog_business_week concept:headquarteredin concept_city_new_york +concept_blog_business_week concept:organizationheadquarteredincity concept_city_new_york +concept_blog_canton concept:atdate concept_date_n1927 +concept_blog_cnn_com concept:companyeconomicsector concept_academicfield_media +concept_blog_cnn_com concept:companyeconomicsector concept_academicfield_news +concept_blog_cnn_headline concept:agentcollaborateswithagent concept_company_glenn_beck +concept_blog_co concept:companyeconomicsector concept_economicsector_insurance +concept_blog_consumer_reports concept:competeswith concept_newspaper_journal +concept_blog_ctv concept:companyeconomicsector concept_academicfield_media +concept_blog_david_jones concept:agentcreated concept_book_in_parenthesis +concept_blog_elsevier concept:companyeconomicsector concept_academicfield_publishing +concept_blog_espn_the_magazine concept:organizationterminatedperson concept_ceo_george_bodenheimer +concept_blog_espn_the_magazine concept:subpartoforganization concept_company_disney +concept_blog_espn_the_magazine concept:subpartoforganization concept_company_disney_feature_animation +concept_blog_espn_the_magazine concept:subpartof concept_personeurope_disney +concept_blog_form concept:agentcreated concept_automobilemaker_contacts +concept_blog_form concept:agentcreated concept_automobilemodel_pick_up +concept_blog_form concept:agentinvolvedwithitem concept_buildingfeature_window +concept_blog_form concept:agentcreated concept_buildingmaterial_fill +concept_blog_form concept:agentcreated concept_charactertrait_filing +concept_blog_form concept:agentcreated concept_city_click +concept_blog_form concept:agentcreated concept_city_design +concept_blog_form concept:agentcreated concept_cognitiveactions_completion +concept_blog_form concept:agentcreated concept_geometricshape_access +concept_blog_form concept:agentcreated concept_geometricshape_cases +concept_blog_form concept:agentcreated concept_geopoliticalorganization_e_mail +concept_blog_form concept:agentcreated concept_governmentorganization_copy +concept_blog_form concept:agentcreated concept_governmentorganization_payment +concept_blog_form concept:agentcreated concept_householditem_customer +concept_blog_form concept:agentcreated concept_jobposition_deposit +concept_blog_form concept:agentcreated concept_kitchenitem_sign +concept_blog_form concept:agentcreated concept_landscapefeatures_file +concept_blog_form concept:agentcreated concept_museum_site +concept_blog_form concept:agentcreated concept_musicinstrument_pickup +concept_blog_form concept:agentcreated concept_musicinstrument_printing +concept_blog_form concept:agentcreated concept_perceptionaction_obtain +concept_blog_form concept:agentcreated concept_physicalaction_downloading +concept_blog_form concept:agentcreated concept_physicalaction_load +concept_blog_form concept:agentcreated concept_physicalaction_mail_print +concept_blog_form concept:agentcreated concept_physicalaction_moment +concept_blog_form concept:agentcreated concept_programminglanguage_button +concept_blog_form concept:agentcreated concept_programminglanguage_contact +concept_blog_form concept:agentcreated concept_programminglanguage_email +concept_blog_form concept:agentcreated concept_programminglanguage_example +concept_blog_form concept:agentcreated concept_programminglanguage_link +concept_blog_form concept:agentcreated concept_programminglanguage_mail +concept_blog_form concept:agentcreated concept_protein_prepare +concept_blog_form concept:agentcreated concept_recipe_filling +concept_blog_form concept:agentcreated concept_retailstore_setup +concept_blog_form concept:agentcreated concept_scientificterm_complete +concept_blog_form concept:agentcreated concept_scientificterm_information_click +concept_blog_form concept:agentcreated concept_scientificterm_information_contact +concept_blog_form concept:agentcreated concept_scientificterm_more_information_click +concept_blog_form concept:agentcreated concept_scientificterm_more_information_contact +concept_blog_form concept:agentcreated concept_sportsteamposition_web_site +concept_blog_form concept:agentcreated concept_stateorprovince_mailing +concept_blog_form concept:agentcreated concept_tableitem_client +concept_blog_form concept:agentcreated concept_tableitem_fax_click +concept_blog_form concept:agentcreated concept_transportation_fax +concept_blog_form concept:agentcompeteswithagent concept_university_search +concept_blog_form concept:agentcreated concept_vehicle_right +concept_blog_form concept:agentcreated concept_vehicle_view +concept_blog_form concept:agentcreated concept_visualizablething_dowload +concept_blog_form concept:agentcreated concept_visualizablething_fill_in +concept_blog_form concept:agentcreated concept_visualizablething_use +concept_blog_form concept:agentcreated concept_website_contact_contact +concept_blog_form concept:agentcreated concept_website_download +concept_blog_form concept:agentcreated concept_website_instructions +concept_blog_form concept:agentcreated concept_website_more_information +concept_blog_form concept:agentcreated concept_website_request +concept_blog_form concept:agentcreated concept_website_send +concept_blog_form concept:agentcreated concept_website_visit +concept_blog_george_w__bush concept:agentcreated concept_book_decision_points +concept_blog_george_w__bush concept:agentcontrols concept_clothing_white +concept_blog_george_w__bush concept:agentcollaborateswithagent concept_company_clinton +concept_blog_george_w__bush concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_blog_george_w__bush concept:agentcollaborateswithagent concept_criminal_gore +concept_blog_george_w__bush concept:atdate concept_date_n2001 +concept_blog_george_w__bush concept:agentcollaborateswithagent concept_geopoliticallocation_kerry +concept_blog_goal concept:organizationhiredperson concept_athlete_john_o_shea +concept_blog_goal concept:organizationterminatedperson concept_ceo_john_o_shea +concept_blog_goal concept:atdate concept_date_n2003 +concept_blog_goal concept:atdate concept_date_n2004 +concept_blog_goal concept:atdate concept_dateliteral_n2006 +concept_blog_goal concept:atdate concept_dateliteral_n2007 +concept_blog_goal concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_goal concept:agentparticipatedinevent concept_sportsgame_series +concept_blog_goats concept:agentcompeteswithagent concept_animal_animals001 +concept_blog_goats concept:agentcompeteswithagent concept_animal_mammals001 +concept_blog_goats concept:agentcompeteswithagent concept_bird_farm_animals +concept_blog_goats concept:agentcompeteswithagent concept_comedian_domestic_animals +concept_blog_goats concept:agentcompeteswithagent concept_mollusk_domesticated_animals +concept_blog_google concept:companyeconomicsector concept_academicfield_media +concept_blog_google concept:competeswith concept_bank_google_checkout +concept_blog_google concept:competeswith concept_bank_paypal +concept_blog_google concept:acquired concept_blog_blogger_com +concept_blog_google concept:competeswith concept_blog_livejournal +concept_blog_google concept:competeswith concept_blog_myspace +concept_blog_google concept:competeswith concept_blog_twitter +concept_blog_google concept:competeswith concept_blog_wordpress +concept_blog_google concept:hasofficeincity concept_city_london_city +concept_blog_google concept:hasofficeincity concept_city_new_york +concept_blog_google concept:hasofficeincity concept_city_pittsburgh +concept_blog_google concept:hasofficeincity concept_city_seattle +concept_blog_google concept:competeswith concept_company_admob +concept_blog_google concept:competeswith concept_company_aol +concept_blog_google concept:competeswith concept_company_aol_ +concept_blog_google concept:competeswith concept_company_apple002 +concept_blog_google concept:acquired concept_company_applied_semantics +concept_blog_google concept:competeswith concept_company_bidvertiser +concept_blog_google concept:competeswith concept_company_blogads +concept_blog_google concept:competeswith concept_company_bloglines +concept_blog_google concept:competeswith concept_company_craigslist +concept_blog_google concept:acquired concept_company_deja +concept_blog_google concept:acquired concept_company_doubleclick +concept_blog_google concept:competeswith concept_company_ebay +concept_blog_google concept:competeswith concept_company_flickr001 +concept_blog_google concept:companyalsoknownas concept_company_google_inc +concept_blog_google concept:acquired concept_company_greenborder +concept_blog_google concept:competeswith concept_company_hotmail +concept_blog_google concept:competeswith concept_company_intel +concept_blog_google concept:competeswith concept_company_live +concept_blog_google concept:competeswith concept_company_local +concept_blog_google concept:competeswith concept_company_mapquest +concept_blog_google concept:competeswith concept_company_microsoft_corporation +concept_blog_google concept:competeswith concept_company_microsoft_live +concept_blog_google concept:competeswith concept_company_msn +concept_blog_google concept:competeswith concept_company_msn_ +concept_blog_google concept:competeswith concept_company_multimap +concept_blog_google concept:acquired concept_company_postini +concept_blog_google concept:competeswith concept_company_salesforce +concept_blog_google concept:competeswith concept_company_skype_com +concept_blog_google concept:competeswith concept_company_video +concept_blog_google concept:competeswith concept_company_wikipedia001 +concept_blog_google concept:competeswith concept_company_zoho_office +concept_blog_google concept:hasofficeincountry concept_country_china +concept_blog_google concept:competeswith concept_creditunion_western_union +concept_blog_google concept:companyeconomicsector concept_economicsector_internet +concept_blog_google concept:companyeconomicsector concept_economicsector_internet_advertising +concept_blog_google concept:companyeconomicsector concept_economicsector_online_ad +concept_blog_google concept:competeswith concept_magazine_print +concept_blog_google concept:competeswith concept_newspaper_sun_microsystems +concept_blog_google concept:competeswith concept_politicsblog_amazon_com +concept_blog_google concept:competeswith concept_radiostation_mobile +concept_blog_google concept:competeswith concept_website_adbrite +concept_blog_google concept:acquired concept_website_deja_com +concept_blog_google concept:competeswith concept_website_digg +concept_blog_google concept:competeswith concept_website_facebook +concept_blog_google concept:acquired concept_website_feedburner +concept_blog_google concept:competeswith concept_website_firefox +concept_blog_google concept:companyalsoknownas concept_website_goog +concept_blog_google concept:competeswith concept_website_google_mail +concept_blog_google concept:acquired concept_website_jaiku +concept_blog_google concept:acquired concept_website_jotspot +concept_blog_google concept:competeswith concept_website_netscape +concept_blog_google concept:acquired concept_website_panoramio +concept_blog_google concept:acquired concept_website_pyra_labs +concept_blog_google concept:competeswith concept_website_rss +concept_blog_google concept:competeswith concept_website_technorati +concept_blog_google concept:competeswith concept_website_windows_live_search +concept_blog_google concept:acquired concept_website_writely +concept_blog_google concept:competeswith concept_website_yahoo +concept_blog_google concept:competeswith concept_website_yahoo_publisher_network +concept_blog_google concept:competeswith concept_website_yahoo_search +concept_blog_google_reader concept:competeswith concept_website_yahoo +concept_blog_harrisburg concept:proxyfor concept_programminglanguage_pa +concept_blog_harvard_business_review concept:competeswith concept_newspaper_journal +concept_blog_harvard_crimson concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_blog_health_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_blog_hotline concept:agentcreated concept_programminglanguage_contact +concept_blog_hotline concept:agentcreated concept_transportation_ring +concept_blog_iowa concept:locationlocatedwithinlocation concept_country_united_states +concept_blog_iowa concept:companyeconomicsector concept_economicsector_insurance +concept_blog_iowa concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_blog_john_lilly concept:agentbelongstoorganization concept_company_mozilla_foundation +concept_blog_jyri concept:latitudelongitude 36.7666700000000,50.6000000000000 +concept_blog_kdka_tv concept:subpartof concept_website_cbs +concept_blog_keith_olbermann concept:agentbelongstoorganization concept_governmentorganization_msnbc +concept_blog_keyt concept:subpartoforganization concept_city_abc +concept_blog_keyt concept:hasofficeincity concept_city_santa_barbara_de_nexe +concept_blog_kfyr_tv concept:agentbelongstoorganization concept_company_nbc +concept_blog_kfyr_tv concept:subpartof concept_retailstore_nbc +concept_blog_kjzz_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_blog_klas_tv concept:organizationheadquarteredincity concept_city_vegas_casino +concept_blog_kltv concept:subpartoforganization concept_city_abc +concept_blog_knight_ridder concept:companyeconomicsector concept_academicfield_media +concept_blog_knight_ridder concept:hasofficeincity concept_city_san_jose +concept_blog_knight_ridder concept:organizationheadquarteredincity concept_city_san_jose +concept_blog_knight_ridder concept:subpartoforganization concept_company_mcclatchy +concept_blog_koat concept:organizationheadquarteredincity concept_city_albuquerque +concept_blog_komu_tv concept:subpartof concept_retailstore_nbc +concept_blog_kos concept:competeswith concept_magazine_underground +concept_blog_kos concept:competeswith concept_politicsblog_democratic_underground +concept_blog_kos concept:competeswith concept_politicsblog_huffington_post +concept_blog_kos concept:competeswith concept_publication_atrios +concept_blog_kos concept:competeswith concept_publication_rush_limbaugh +concept_blog_krnv_tv concept:agentbelongstoorganization concept_company_nbc +concept_blog_krnv_tv concept:agentcollaborateswithagent concept_company_nbc +concept_blog_ksnf concept:agentbelongstoorganization concept_company_nbc +concept_blog_ksnf concept:agentcollaborateswithagent concept_company_nbc +concept_blog_ksnf concept:subpartof concept_retailstore_nbc +concept_blog_kuow concept:hasofficeincity concept_city_seattle +concept_blog_kuow concept:organizationheadquarteredincity concept_city_seattle +concept_blog_la_opini_n concept:companyeconomicsector concept_economicsector_insurance +concept_blog_labs concept:subpartoforganization concept_terroristorganization_state +concept_blog_lifestyles concept:agentcontributedtocreativework concept_musicalbum_today +concept_blog_linkedin concept:competeswith concept_blog_myspace +concept_blog_linkedin concept:competeswith concept_blog_twitter +concept_blog_linkedin concept:organizationterminatedperson concept_ceo_reid_hoffman +concept_blog_linkedin concept:companyeconomicsector concept_economicsector_social_networking +concept_blog_linkedin concept:competeswith concept_website_facebook +concept_blog_manager concept:proxyfor concept_book_new +concept_blog_manager concept:atdate concept_date_n1999 +concept_blog_manager concept:atdate concept_date_n2000 +concept_blog_manager concept:atdate concept_date_n2001 +concept_blog_manager concept:atdate concept_date_n2003 +concept_blog_manager concept:atdate concept_date_n2004 +concept_blog_manager concept:atdate concept_dateliteral_n2002 +concept_blog_manager concept:atdate concept_dateliteral_n2005 +concept_blog_manager concept:atdate concept_dateliteral_n2006 +concept_blog_manager concept:atdate concept_dateliteral_n2007 +concept_blog_manager concept:atdate concept_dateliteral_n2008 +concept_blog_manager concept:agentcreated concept_geopoliticalorganization_e_mail +concept_blog_manager concept:agentcreated concept_programminglanguage_contact +concept_blog_manager concept:agentcreated concept_programminglanguage_email +concept_blog_manager concept:agentparticipatedinevent concept_sportsgame_series +concept_blog_manager concept:subpartof concept_weatherphenomenon_water +concept_blog_manager concept:atdate concept_year_n1997 +concept_blog_maryville concept:proxyfor concept_weatherphenomenon_tennessee +concept_blog_mesothelioma concept:atdate concept_dateliteral_n2006 +concept_blog_mesothelioma concept:atdate concept_dateliteral_n2007 +concept_blog_michel_houellebecq concept:agentcreated concept_book_atomised +concept_blog_michel_houellebecq concept:agentcreated concept_perceptionevent_elementary_particles +concept_blog_michel_houellebecq concept:agentcreated concept_website_platform +concept_blog_mitchell_baker concept:agentbelongstoorganization concept_company_mozilla_foundation +concept_blog_mitchell_baker concept:agentcontrols concept_company_mozilla_foundation +concept_blog_mitchell_baker concept:agentcontrols concept_programminglanguage_mozilla +concept_blog_mitchell_baker concept:proxyfor concept_programminglanguage_mozilla +concept_blog_mtv concept:companyeconomicsector concept_academicfield_media +concept_blog_mtv concept:subpartoforganization concept_bank_viacom +concept_blog_mtv concept:headquarteredin concept_city_new_york +concept_blog_mtv concept:organizationheadquarteredincity concept_city_new_york +concept_blog_mtv concept:agentcontrols concept_person_kurt_loder +concept_blog_mtv concept:companyeconomicsector concept_politicsissue_entertainment +concept_blog_myspace concept:companyeconomicsector concept_academicfield_media +concept_blog_myspace concept:acquired concept_biotechcompany_newscorp +concept_blog_myspace concept:subpartoforganization concept_biotechcompany_newscorp +concept_blog_myspace concept:competeswith concept_blog_blogger +concept_blog_myspace concept:competeswith concept_blog_google +concept_blog_myspace concept:competeswith concept_blog_linkedin +concept_blog_myspace concept:competeswith concept_blog_stumbleupon +concept_blog_myspace concept:competeswith concept_blog_twitter +concept_blog_myspace concept:organizationterminatedperson concept_ceo_chris_dewolfe +concept_blog_myspace concept:hasofficeincity concept_city_new_york +concept_blog_myspace concept:competeswith concept_company_flickr001 +concept_blog_myspace concept:competeswith concept_company_msn +concept_blog_myspace concept:subpartoforganization concept_company_news_corp_ +concept_blog_myspace concept:atdate concept_dateliteral_n2006 +concept_blog_myspace concept:atdate concept_dateliteral_n2008 +concept_blog_myspace concept:companyeconomicsector concept_economicsector_internet +concept_blog_myspace concept:companyeconomicsector concept_economicsector_social_networking +concept_blog_myspace concept:organizationterminatedperson concept_journalist_tom_anderson +concept_blog_myspace concept:competeswith concept_newspaper_journal +concept_blog_myspace concept:competeswith concept_website_digg +concept_blog_myspace concept:competeswith concept_website_facebook +concept_blog_myspace concept:competeswith concept_website_friendster +concept_blog_myspace concept:competeswith concept_website_linked +concept_blog_myspace concept:acquired concept_website_photobucket +concept_blog_net concept:agentactsinlocation concept_city_madagascar +concept_blog_net concept:agentcompeteswithagent concept_university_search +concept_blog_night concept:agentinvolvedwithitem concept_buildingfeature_window +concept_blog_night concept:organizationhiredperson concept_person_state +concept_blog_night concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_night concept:agentparticipatedinevent concept_sportsgame_series +concept_blog_northern_virginia concept:proxyfor concept_book_new +concept_blog_oc_register concept:hasofficeincity concept_city_la +concept_blog_oc_register concept:organizationheadquarteredincity concept_city_la +concept_blog_order concept:organizationterminatedperson concept_scientist_no_ +concept_blog_order concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_blog_owf concept:latitudelongitude 38.2230000000000,45.4613500000000 +concept_blog_oxford concept:proxyfor concept_book_new +concept_blog_panama_city concept:atlocation concept_city_florida +concept_blog_paul_krugman concept:agentbelongstoorganization concept_company_the_new_york_times001 +concept_blog_paul_krugman concept:agentbelongstoorganization concept_musicartist_times +concept_blog_paul_krugman concept:agentcollaborateswithagent concept_musicartist_times +concept_blog_plain_dealer concept:subpartoforganization concept_organization_newhouse_newspaper_chain +concept_blog_pows concept:agentparticipatedinevent concept_eventoutcome_result +concept_blog_repository concept:proxyfor concept_book_new +concept_blog_roger_ailes concept:agentbelongstoorganization concept_governmentorganization_fox_news +concept_blog_roger_ailes concept:agentcontrols concept_hobby_fox_news +concept_blog_roger_ailes concept:subpartof concept_hobby_fox_news +concept_blog_roger_ailes concept:agentbelongstoorganization concept_mountain_fox +concept_blog_roger_ailes concept:agentcontrols concept_mountain_fox +concept_blog_roger_ailes concept:proxyfor concept_mountain_fox +concept_blog_roger_ailes concept:agentcollaborateswithagent concept_politician_fox_news +concept_blog_roger_ailes concept:proxyfor concept_year_fox_news +concept_blog_sandusky concept:proxyfor concept_university_ohio +concept_blog_science concept:agentcollaborateswithagent concept_personus_jon_cohen +concept_blog_serious_eats concept:agentcollaborateswithagent concept_personnorthamerica_ed_levine +concept_blog_site concept:agentinvolvedwithitem concept_bedroomitem_frame +concept_blog_site concept:agentparticipatedinevent concept_convention_condition +concept_blog_site concept:agentparticipatedinevent concept_election_purpose +concept_blog_site concept:agentparticipatedinevent concept_filmfestival_terms___conditions +concept_blog_site concept:agentcreated concept_programminglanguage_contact +concept_blog_site concept:agentcreated concept_website_download +concept_blog_site concept:agentcreated concept_website_visit +concept_blog_slashdot concept:headquarteredin concept_city_new_york +concept_blog_slashdot concept:organizationheadquarteredincity concept_city_new_york +concept_blog_small_business_trends concept:agentcollaborateswithagent concept_journalist_anita_campbell +concept_blog_spokesman concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_blog_sports_illustrated concept:companyeconomicsector concept_academicfield_media +concept_blog_standard concept:organizationheadquarteredincountry concept_country_us +concept_blog_standard concept:companyeconomicsector concept_economicsector_insurance_policies +concept_blog_standard concept:companyeconomicsector concept_politicsissue_research +concept_blog_stumbleupon concept:competeswith concept_blog_myspace +concept_blog_stumbleupon concept:competeswith concept_website_facebook +concept_blog_sun concept:organizationheadquarteredincity concept_city_washington_d_c +concept_blog_sun_times concept:agentactsinlocation concept_stateorprovince_new_york +concept_blog_sunday_express concept:organizationheadquarteredincity concept_city_johannesburg +concept_blog_sunherald concept:organizationheadquarteredincity concept_city_biloxi +concept_blog_techcrunch concept:organizationterminatedperson concept_personus_michael_arrington +concept_blog_techcrunch concept:subpartof concept_personus_michael_arrington +concept_blog_the_weekly_standard concept:hasofficeincity concept_city_new_york +concept_blog_time_magazine concept:companyeconomicsector concept_academicfield_media +concept_blog_time_magazine concept:companyeconomicsector concept_academicfield_news +concept_blog_time_magazine concept:atdate concept_dateliteral_n2006 +concept_blog_time_magazine concept:competeswith concept_politicsblog_journal +concept_blog_time_out_new_york concept:headquarteredin concept_city_new_york +concept_blog_time_out_new_york concept:organizationheadquarteredincity concept_city_new_york +concept_blog_time_warner concept:organizationterminatedperson concept_ceo_jeff_bewkes +concept_blog_time_warner concept:headquarteredin concept_city_new_york +concept_blog_time_warner concept:organizationheadquarteredincity concept_city_new_york +concept_blog_today concept:agentcreated concept_scientificterm_information_contact +concept_blog_today concept:agentcreated concept_scientificterm_more_information_contact +concept_blog_today_s concept:acquired concept_biotechcompany_whole_foods_market +concept_blog_twitter concept:competeswith concept_blog_google +concept_blog_twitter concept:competeswith concept_blog_linkedin +concept_blog_twitter concept:competeswith concept_blog_myspace +concept_blog_twitter concept:competeswith concept_website_digg +concept_blog_twitter concept:competeswith concept_website_facebook +concept_blog_twitter concept:competeswith concept_website_linked +concept_blog_twitter concept:competeswith concept_website_youtube +concept_blog_va concept:companyeconomicsector concept_economicsector_insurance +concept_blog_vanity_fair concept:companyeconomicsector concept_academicfield_media +concept_blog_villanova_university concept:atlocation concept_county_philadelphia +concept_blog_visitor concept:agentparticipatedinevent concept_eventoutcome_result +concept_blog_wabe concept:organizationheadquarteredincity concept_city_atlanta +concept_blog_whsv concept:subpartoforganization concept_city_abc +concept_blog_wichita_falls concept:atlocation concept_city_texas +concept_blog_wichita_falls concept:proxyfor concept_shoppingmall_kay_yeager_coliseum +concept_blog_william_gibson concept:agentcreated concept_actor_the_miracle_worker +concept_blog_william_gibson concept:agentcreated concept_boardgame_pattern_recognition +concept_blog_william_gibson concept:agentcreated concept_book_count_zero +concept_blog_william_gibson concept:agentcreated concept_book_idoru +concept_blog_william_gibson concept:agentcreated concept_book_mona_lisa_overdrive +concept_blog_william_gibson concept:agentinvolvedwithitem concept_videogame_neuromancer +concept_blog_wired concept:hasofficeincity concept_city_new_york +concept_blog_wisn concept:subpartoforganization concept_city_abc +concept_blog_wjac_tv concept:agentbelongstoorganization concept_company_nbc +concept_blog_wjac_tv concept:subpartof concept_retailstore_nbc +concept_blog_wjz concept:organizationheadquarteredincity concept_city_baltimore +concept_blog_wood_tv concept:agentbelongstoorganization concept_company_nbc +concept_blog_wood_tv concept:agentcollaborateswithagent concept_company_nbc +concept_blog_wood_tv concept:subpartof concept_retailstore_nbc +concept_blog_wordpress concept:competeswith concept_blog_google +concept_blog_wordpress concept:atdate concept_dateliteral_n2007 +concept_blog_wordpress concept:atdate concept_dateliteral_n2008 +concept_blog_wordpress concept:agentcollaborateswithagent concept_person_matt_mullenweg +concept_blog_wordpress concept:mutualproxyfor concept_person_matt_mullenweg +concept_blog_wordpress concept:agentcompeteswithagent concept_website_blogging +concept_blog_world_news_tonight concept:companyeconomicsector concept_academicfield_news +concept_blog_wral_tv concept:subpartof concept_website_cbs +concept_blog_wsls concept:organizationheadquarteredincity concept_city_roanoke +concept_blog_wsls concept:agentbelongstoorganization concept_company_nbc +concept_blog_wwny_tv concept:subpartof concept_website_cbs +concept_blog_wxia_tv concept:agentbelongstoorganization concept_company_nbc +concept_blog_wxia_tv concept:subpartof concept_retailstore_nbc +concept_blog_wxyz_tv concept:subpartoforganization concept_city_abc +concept_boardgame_base concept:synonymfor concept_physicalaction_keep +concept_boardgame_board concept:synonymfor concept_boardgame_boards +concept_boardgame_board concept:proxyfor concept_book_new +concept_boardgame_board concept:synonymfor concept_city_team +concept_boardgame_board concept:atdate concept_date_n1977 +concept_boardgame_board concept:atdate concept_date_n1993 +concept_boardgame_board concept:atdate concept_date_n1996 +concept_boardgame_board concept:atdate concept_date_n1999 +concept_boardgame_board concept:atdate concept_date_n2000 +concept_boardgame_board concept:atdate concept_date_n2001 +concept_boardgame_board concept:atdate concept_date_n2003 +concept_boardgame_board concept:atdate concept_date_n2004 +concept_boardgame_board concept:atdate concept_date_n2009 +concept_boardgame_board concept:atdate concept_dateliteral_n1987 +concept_boardgame_board concept:atdate concept_dateliteral_n1990 +concept_boardgame_board concept:atdate concept_dateliteral_n2002 +concept_boardgame_board concept:atdate concept_dateliteral_n2005 +concept_boardgame_board concept:atdate concept_dateliteral_n2006 +concept_boardgame_board concept:atdate concept_dateliteral_n2007 +concept_boardgame_board concept:atdate concept_dateliteral_n2008 +concept_boardgame_board concept:synonymfor concept_director_committee +concept_boardgame_board concept:synonymfor concept_governmentorganization_department +concept_boardgame_board concept:synonymfor concept_island_staff +concept_boardgame_board concept:synonymfor concept_nongovorganization_committees +concept_boardgame_board concept:synonymfor concept_nongovorganization_council +concept_boardgame_board concept:synonymfor concept_profession_meetings +concept_boardgame_board concept:synonymfor concept_televisionshow_teams +concept_boardgame_board concept:atdate concept_year_n1983 +concept_boardgame_board concept:atdate concept_year_n1985 +concept_boardgame_board concept:atdate concept_year_n1989 +concept_boardgame_board concept:atdate concept_year_n1991 +concept_boardgame_board concept:atdate concept_year_n1992 +concept_boardgame_board concept:atdate concept_year_n1994 +concept_boardgame_board concept:atdate concept_year_n1995 +concept_boardgame_board concept:atdate concept_year_n1997 +concept_boardgame_board concept:atdate concept_year_n1998 +concept_boardgame_browner concept:latitudelongitude 43.3769100000000,-105.1716400000000 +concept_boardgame_carson_city concept:mutualproxyfor concept_radiostation_nevada +concept_boardgame_carson_city concept:subpartof concept_radiostation_nevada +concept_boardgame_civil_war concept:atdate concept_dateliteral_n1812 +concept_boardgame_civil_war concept:atdate concept_dateliteral_n2002 +concept_boardgame_civil_war concept:atdate concept_year_n1861 +concept_boardgame_civil_war concept:atdate concept_year_n1865 +concept_boardgame_colder concept:latitudelongitude 35.8892500000000,-93.7310200000000 +concept_boardgame_commonwealth concept:proxyfor concept_book_new +concept_boardgame_concerns concept:istallerthan concept_publication_people_ +concept_boardgame_cosier concept:latitudelongitude 48.2916900000000,-105.3727700000000 +concept_boardgame_go concept:proxyfor concept_book_new +concept_boardgame_grander concept:latitudelongitude 53.6000000000000,10.3500000000000 +concept_boardgame_group concept:istallerthan concept_publication_people_ +concept_boardgame_guinea concept:proxyfor concept_book_new +concept_boardgame_guinea concept:atlocation concept_lake_new +concept_boardgame_hassle concept:proxyfor concept_book_new +concept_boardgame_individuals concept:proxyfor concept_book_new +concept_boardgame_influence concept:proxyfor concept_book_new +concept_boardgame_interest concept:istallerthan concept_publication_people_ +concept_boardgame_john_wiley___sons concept:atdate concept_dateliteral_n2007 +concept_boardgame_landscapes concept:proxyfor concept_book_new +concept_boardgame_laxer concept:latitudelongitude 57.7000000000000,18.7500000000000 +concept_boardgame_lecturer concept:proxyfor concept_book_new +concept_boardgame_lecturer concept:atdate concept_dateliteral_n2005 +concept_boardgame_lecturer concept:atdate concept_dateliteral_n2007 +concept_boardgame_lecturer concept:atdate concept_dateliteral_n2008 +concept_boardgame_lesson concept:proxyfor concept_book_new +concept_boardgame_maker concept:proxyfor concept_book_new +concept_boardgame_nicer concept:latitudelongitude 29.8265700000000,-8.1698700000000 +concept_boardgame_penguin concept:atdate concept_date_n2001 +concept_boardgame_press_release concept:atdate concept_date_n2000 +concept_boardgame_press_release concept:atdate concept_date_n2003 +concept_boardgame_press_release concept:atdate concept_date_n2004 +concept_boardgame_press_release concept:atdate concept_dateliteral_n2005 +concept_boardgame_press_release concept:atdate concept_dateliteral_n2006 +concept_boardgame_press_release concept:atdate concept_dateliteral_n2007 +concept_boardgame_press_release concept:atdate concept_dateliteral_n2008 +concept_boardgame_project concept:istallerthan concept_publication_people_ +concept_boardgame_purer concept:latitudelongitude 7.2980600000000,151.8166700000000 +concept_boardgame_queens concept:mutualproxyfor concept_company_new_york +concept_boardgame_rio_grande concept:mutualproxyfor concept_radiostation_new_jersey +concept_boardgame_risk concept:proxyfor concept_book_new +concept_boardgame_sadder concept:latitudelongitude 7.6500000000000,36.5666700000000 +concept_boardgame_stakeholders concept:atdate concept_date_n2003 +concept_boardgame_stakeholders concept:atdate concept_date_n2004 +concept_boardgame_stakeholders concept:atdate concept_dateliteral_n2005 +concept_boardgame_stakeholders concept:atdate concept_dateliteral_n2006 +concept_boardgame_stakeholders concept:atdate concept_dateliteral_n2007 +concept_boardgame_stakeholders concept:atdate concept_dateliteral_n2008 +concept_boardgame_steeper concept:latitudelongitude 53.1333700000000,-117.0856000000000 +concept_boardgame_stock_market concept:atdate concept_date_n2000 +concept_boardgame_technique concept:subpartof concept_weatherphenomenon_air +concept_boardgame_technique concept:subpartof concept_weatherphenomenon_water +concept_boardgame_technologies concept:subpartof concept_beverage_advanced_air +concept_boardgame_technologies concept:subpartof concept_beverage_advanced_water +concept_boardgame_technologies concept:subpartof concept_musicalbum_power +concept_boardgame_technologies concept:subpartof concept_politicsissue_innovative_water +concept_boardgame_technologies concept:subpartof concept_visualizableattribute_different_water +concept_boardgame_technologies concept:subpartof concept_visualizableattribute_drinking_water +concept_boardgame_technologies concept:subpartof concept_visualizablething_low_cost_water +concept_boardgame_technologies concept:subpartof concept_weatherphenomenon_air +concept_boardgame_technologies concept:subpartof concept_weatherphenomenon_water +concept_boardgame_tesas concept:latitudelongitude 56.8500000000000,14.2333300000000 +concept_boardgame_threat concept:proxyfor concept_book_new +concept_boardgame_u_n__security_council concept:mutualproxyfor concept_person_iran +concept_boardgame_western_texas concept:latitudelongitude 29.7554000000000,-98.7051000000000 +concept_bodypart_abdomen concept:bodypartcontainsbodypart concept_artery_diaphragm +concept_bodypart_abdomen concept:bodypartcontainsbodypart concept_bodypart_enlarged_spleen +concept_bodypart_abdomen concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_adrenals concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_affected_areas concept:proxyfor concept_weatherphenomenon_new +concept_bodypart_affected_areas concept:subpartof concept_weatherphenomenon_water +concept_bodypart_anatomy concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_anatomy concept:bodypartcontainsbodypart concept_bodypart_tract001 +concept_bodypart_ankles concept:subpartof concept_website_blood +concept_bodypart_appearance concept:atdate concept_date_n1969 +concept_bodypart_appearance concept:atdate concept_date_n2000 +concept_bodypart_appearance concept:atdate concept_date_n2003 +concept_bodypart_appearance concept:atdate concept_date_n2004 +concept_bodypart_appearance concept:atdate concept_dateliteral_n1943 +concept_bodypart_appearance concept:atdate concept_dateliteral_n2005 +concept_bodypart_appearance concept:atdate concept_dateliteral_n2006 +concept_bodypart_appearance concept:atdate concept_dateliteral_n2007 +concept_bodypart_appearance concept:atdate concept_dateliteral_n2008 +concept_bodypart_appearance concept:atdate concept_year_n1991 +concept_bodypart_art concept:subpartof concept_beverage_new +concept_bodypart_art concept:subpartof concept_candy_york +concept_bodypart_art concept:subpartof concept_criminal_york_city +concept_bodypart_art concept:atdate concept_dateliteral_n2007 +concept_bodypart_art concept:atdate concept_dateliteral_n2008 +concept_bodypart_art concept:atlocation concept_highway_the_new +concept_bodypart_art concept:subpartof concept_programminglanguage_the_new +concept_bodypart_artificial_eye concept:latitudelongitude 50.7244000000000,-3.5140100000000 +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_blood_flow +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_circulation +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_four_pulmonary_veins +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_inferior_vena_cava +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_left_atrium +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_left_ventricle +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_pulmonary_vein +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_pulmonary_veins +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_right_ventricle +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_septum +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_superior_vena_cava +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_vena_cava +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_venous_system +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_artery_ventricle +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_atrial_septum +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_blood +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_catheter +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_oxygenated_blood +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_pulmonary_circulation +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_right_atrium001 +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_valve +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_bodypart_venous_blood +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_nerve_sinus +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_vein_mitral_valve +concept_bodypart_atrium concept:bodypartcontainsbodypart concept_vein_tricuspid_valve +concept_bodypart_auricle concept:bodypartcontainsbodypart concept_bodypart_blood +concept_bodypart_axons concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_bladder concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_arms +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_arterioles +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_back +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_blood_flow +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_blood_supply +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_blood_vessel +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_brain_artery +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_capillaries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_cardiovascular_system +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_carotid_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_carotid_artery +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_cerebral_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_cervix +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_circulation +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_coronary_artery +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_deep_vein +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_diseased_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_ducts +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_foot +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_forearm +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_individuals +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_left_hand +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_left_side +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_left_ventricle +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_lower_extremity +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_main_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_major_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_patients +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_peripheral_blood_vessels +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_portal_vein +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_pulmonary_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_pulmonary_veins +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_sinuses +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_small_arteries +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_small_intestine +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_tiny_blood_vessels +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_tissues +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_umbilical_cord +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_upper_arm +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_vascular_system +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_vena_cava +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_vessel +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_vessel_walls +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_blood concept:bodypartcontainsbodypart concept_artery_wall +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_affected_area +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_ankles +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_bladder +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_bloodstream +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_body_organs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_body_part +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_body_tissues +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_brain_burst +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_brain_tissue +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_breast +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_cell +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_chambers +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_chin +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_condition +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_feet +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_functions +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_hair +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_heart_chambers +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_heart_tissue +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_human_body001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_large_veins +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_left_arm +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_left_foot +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_legs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_limb +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_limbs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_lining +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_lips +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_lower_abdomen +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_lower_body +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_lower_legs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_major_blood_vessels +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_major_organs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_major_veins +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_neurons001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_organ001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_organs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_part +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_patient +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_rectum +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_region +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_right_lung +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_small_blood_vessels +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_upper_chambers +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_upper_thigh +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_valve +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bodypart_wrists +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_cheek +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_extremity +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_femoral_head +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_health +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_joint +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_movement +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_spleen +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_structures +concept_bodypart_blood concept:bodypartcontainsbodypart concept_bone_tumor +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_activity +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_bodies +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_brain_region +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_brains +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_case +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_chamber +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_changes +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_glands +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_inflammation +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_information +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_intestine +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_left +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_macula +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_parts +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_regions +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_response +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_rhythm +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_sites +concept_bodypart_blood concept:bodypartcontainsbodypart concept_braintissue_subjects +concept_bodypart_blood concept:bodypartcontainsbodypart concept_lymphnode_enzymes +concept_bodypart_blood concept:bodypartcontainsbodypart concept_lymphnode_lymph_nodes +concept_bodypart_blood concept:bodypartcontainsbodypart concept_lymphnode_nodes +concept_bodypart_blood concept:bodypartcontainsbodypart concept_lymphnode_rate +concept_bodypart_blood concept:bodypartcontainsbodypart concept_muscle_fingers +concept_bodypart_blood concept:bodypartcontainsbodypart concept_muscle_forearms +concept_bodypart_blood concept:bodypartcontainsbodypart concept_muscle_function +concept_bodypart_blood concept:bodypartcontainsbodypart concept_muscle_heart_muscle +concept_bodypart_blood concept:bodypartcontainsbodypart concept_muscle_lower_leg +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_bones +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_components +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_cords +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_elbow +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_fibers +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_internal_organs +concept_bodypart_blood concept:bodypartcontainsbodypart concept_nerve_spine +concept_bodypart_blood concept:bodypartcontainsbodypart concept_vein_leg_veins +concept_bodypart_blood concept:bodypartcontainsbodypart concept_vein_section +concept_bodypart_blood concept:bodypartcontainsbodypart concept_vein_toe +concept_bodypart_blood_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_bloodstream concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_bloodstream concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_body_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_body_tissues concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_body_tissues concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_body_tissues concept:subpartof concept_website_blood +concept_bodypart_bone_marrow concept:bodypartcontainsbodypart concept_bodypart_cell +concept_bodypart_bone_marrow concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_bone_marrow concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_bowel concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_bowels concept:latitudelongitude -45.3283800000000,168.5000700000000 +concept_bodypart_brain_burst concept:subpartof concept_website_blood +concept_bodypart_brain_cells concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_brain_tissue concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_brain_tumor concept:atdate concept_dateliteral_n2006 +concept_bodypart_brain_tumor concept:atdate concept_dateliteral_n2007 +concept_bodypart_breast concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_breast concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_canine concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_cavity concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_cell concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_cell concept:bodypartcontainsbodypart concept_bodypart_entire_body +concept_bodypart_cell concept:bodypartcontainsbodypart concept_bodypart_human_body001 +concept_bodypart_cell concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_bodypart_cell concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_cell concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_umbilical_cord +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_vessel +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_vessel_walls +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_bodypart_lung +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_braintissue_rat_brain +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_nerve_human_brain +concept_bodypart_cells001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_center concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_center concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_chambers concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_chest concept:objectpartofobject concept_sportsequipment_wheel +concept_bodypart_chest_center concept:latitudelongitude 40.6325000000000,-73.7075000000000 +concept_bodypart_circulatory concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_circulatory concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_colon concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_colon concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_condition concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_connective_tissues concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_connective_tissues concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_consciousness concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_contraction concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_digestive_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_digestive_tract concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_dura concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_ear_canal001 concept:bodypartcontainsbodypart concept_bodypart_ear_drum +concept_bodypart_ears concept:bodypartcontainsbodypart concept_artery_pulse +concept_bodypart_ears concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_emotions concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_endocrine_glands concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_endocrine_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_endothelium concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_entire_body concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_entire_body concept:subpartof concept_politicsissue_energy +concept_bodypart_entire_body concept:subpartof concept_visualizablething_oxygen +concept_bodypart_entire_body concept:subpartof concept_website_blood +concept_bodypart_epidermis concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_epithelium concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_extremities concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_extremities concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_extremities concept:subpartof concept_website_blood +concept_bodypart_eye concept:thinghascolor concept_color_grey +concept_bodypart_face concept:bodypartcontainsbodypart concept_artery_carotid_artery +concept_bodypart_face concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_face concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_facial_skin concept:subpartof concept_website_blood +concept_bodypart_feet concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_fetus concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_fibroids concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_fibroids concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_foal concept:atdate concept_date_n2009 +concept_bodypart_foal concept:atdate concept_dateliteral_n2006 +concept_bodypart_foal concept:atdate concept_dateliteral_n2008 +concept_bodypart_functions concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_functions concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_gastrointestinal_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_gland concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_gland concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_groin_area concept:subpartof concept_website_blood +concept_bodypart_growth concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_gut concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_hair concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_hair concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_hair_follicles concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_hair_follicles concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_hair_follicles concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_hands concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_hands concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_carotid_arteries +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_pulse +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_head001 concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_bodypart_head001 concept:subpartof concept_videogame_adrenaline +concept_bodypart_healthy_tissue concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_healthy_tissue concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_healthy_tissue concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_heart concept:bodypartcontainsbodypart concept_artery_aorta +concept_bodypart_heart concept:bodypartcontainsbodypart concept_bodypart_abdomen +concept_bodypart_heart_chambers concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_heart_muscles concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_heart_muscles concept:bodypartcontainsbodypart concept_artery_coronary_arteries +concept_bodypart_heart_valves concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_help concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_human concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_human_body001 concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_human_body001 concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_human_body001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_artery_tissues +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bacteria_myelin_sheath +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_body_tissues +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_hair +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_hair_follicles +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_healthy_tissue +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_lining +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_liver +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_organs +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_pancreas +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bodypart_tract001 +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_bone_joints +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_braintissue_myelin +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_braintissue_parts +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_braintissue_thyroid_gland +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_nerve_components +concept_bodypart_immune_system concept:bodypartcontainsbodypart concept_nerve_nerve_cells +concept_bodypart_injury concept:bodypartcontainsbodypart concept_artery_back +concept_bodypart_injury concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_injury concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_injury concept:bodypartcontainsbodypart concept_artery_neck +concept_bodypart_injury concept:bodypartcontainsbodypart concept_bodypart_burn +concept_bodypart_injury concept:bodypartcontainsbodypart concept_bodypart_head001 +concept_bodypart_injury concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_injury concept:bodypartcontainsbodypart concept_braintissue_closed_head +concept_bodypart_injury concept:bodypartcontainsbodypart concept_braintissue_severe_brain +concept_bodypart_injury concept:bodypartcontainsbodypart concept_braintissue_traumatic_brain +concept_bodypart_injury concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_injury concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_internal_organs concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_intestinal_tract concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_joint_tissues concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_bodypart_kidney concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_kidney concept:subpartof concept_weatherphenomenon_water +concept_bodypart_kidney concept:subpartof concept_website_blood +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_artery_renal_arteries +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_kidneys concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_law concept:subpartof concept_celltype_state +concept_bodypart_left_atrium concept:bodypartcontainsbodypart concept_artery_left_ventricle +concept_bodypart_left_atrium concept:bodypartcontainsbodypart concept_bodypart_blood +concept_bodypart_left_atrium concept:bodypartcontainsbodypart concept_bodypart_valve +concept_bodypart_left_atrium concept:bodypartcontainsbodypart concept_vein_lungs +concept_bodypart_left_atrium concept:bodypartcontainsbodypart concept_vein_mitral_valve +concept_bodypart_legs concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_legs concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_legs concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_legs concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_limb concept:subpartof concept_website_blood +concept_bodypart_limbs concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_limbs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_lining concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_lining concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_lining concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_liver concept:bodypartcontainsbodypart concept_artery_blood_vessel +concept_bodypart_liver concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_liver concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_liver concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_liver concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_liver concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_liver concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_liver concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_locomotory_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_lower_body concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_lower_body concept:subpartof concept_website_blood +concept_bodypart_lower_legs concept:subpartof concept_website_blood +concept_bodypart_lung concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_lung concept:bodypartcontainsbodypart concept_bodypart_bronchus +concept_bodypart_lung concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_lung concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_lymphatics concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_major_organ concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_major_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_major_organs concept:subpartof concept_website_blood +concept_bodypart_meridian concept:subpartof concept_emotion_mississippi +concept_bodypart_meridians concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_mri concept:atdate concept_date_n2004 +concept_bodypart_mucosa concept:latitudelongitude -9.6833300000000,14.4166700000000 +concept_bodypart_mucosa concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_muscle_fibers concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_muscle_groups concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_musculature concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_musculo_skeletal_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_musculoskeletal concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_nerve_pathways concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_canal +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_fluid +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_spinal_canal +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_bodypart_sac +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_bodypart_spinal_column +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_braintissue_dorsal_root_ganglia +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_braintissue_root_ganglia +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_nerve_nerve_roots +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_nerves001 concept:bodypartcontainsbodypart concept_nerve_spine +concept_bodypart_network concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_network concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_neurons001 concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_neurons001 concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_bodypart_neurons001 concept:bodypartcontainsbodypart concept_braintissue_central_nervous_system +concept_bodypart_neurons001 concept:bodypartcontainsbodypart concept_nerve_human_brain +concept_bodypart_neurons001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_normal_structure concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_one_organ concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_braintissue_bodies +concept_bodypart_organ001 concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_organ_systems concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_organs concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_organs concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_organs concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_organs concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_organs concept:bodypartcontainsbodypart concept_bodypart_tract001 +concept_bodypart_organs concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_organs concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_organs concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_orgin concept:latitudelongitude 46.8119400000000,45.6613900000000 +concept_bodypart_ovaries concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_oxygen_rich_blood concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_oxygen_rich_blood concept:subpartof concept_food_heart +concept_bodypart_palm concept:bodypartcontainsbodypart concept_bodypart_heart +concept_bodypart_pancreas concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_pancreas concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_pancreas concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_part concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_pathways concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_patient001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_pelvic_area concept:subpartof concept_website_blood +concept_bodypart_penis concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_penis concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_penis concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_penis concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_peripheral concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_peripheral concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_placenta concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_placenta concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_problems concept:subpartof concept_visualizablething_water_supply +concept_bodypart_problems concept:subpartof concept_website_traffic +concept_bodypart_protective_membranes concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_records concept:subpartof concept_weatherphenomenon_water +concept_bodypart_recruitment concept:atdate concept_dateliteral_n2005 +concept_bodypart_reproductive_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_reproductive_system001 concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_bodypart_respiratory_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_respiratory_tract concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_rib_cage concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_ribcage concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_right_arm concept:subpartof concept_website_blood +concept_bodypart_right_atrium001 concept:bodypartcontainsbodypart concept_artery_right_ventricle +concept_bodypart_right_atrium001 concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_right_atrium001 concept:bodypartcontainsbodypart concept_bodypart_valve +concept_bodypart_right_face concept:latitudelongitude -33.9500000000000,18.4166700000000 +concept_bodypart_role concept:subpartof concept_weatherphenomenon_water +concept_bodypart_side concept:bodypartcontainsbodypart concept_artery_aorta +concept_bodypart_side concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_bodypart_side concept:bodypartcontainsbodypart concept_artery_pulmonary_veins +concept_bodypart_side concept:bodypartcontainsbodypart concept_bodypart_oxygen_rich_blood +concept_bodypart_skeletal concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_skeleton concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_skin_constrict concept:subpartof concept_website_blood +concept_bodypart_skin_s_surface concept:subpartof concept_website_blood +concept_bodypart_skin_skin concept:latitudelongitude 44.2918200000000,-118.8471700000000 +concept_bodypart_skin_surface concept:subpartof concept_website_blood +concept_bodypart_soft_tissue concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_soft_tissue concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_specific_organ concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_spinal_chord concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_spinal_column concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_spinal_fluid concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_spinal_fluid concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_stomach concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_structure concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_archaea_pathogens +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_antigens +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_blood_flow +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_blood_supply +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_capillaries +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cardiovascular_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cervix +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cholesterol +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_circulation +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_circulatory_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cortex +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_cranium +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_diaphragm +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_eye +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_healthy_heart +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_human_anatomy +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_individuals +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_intestines +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_mucous_membrane +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_neck +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_optic_nerve +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_organ_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_patients +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_pores +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_reproductive +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_sinuses +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_skin +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_skin_s +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_small_intestine +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_smoking +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_thymus_gland +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_tissues +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_tubes +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_urinary_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_vascular_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_veins +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bacteria_myelin_sheath +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bacteria_symptoms +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_abdomen +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_abdominal_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_adrenal_gland +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_adrenals +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_anatomy +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_ankles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_appearance +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_appendix +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_bladder +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_blood +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_blood_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_bloodstream +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_body_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_body_tissues +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_bone_marrow +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_bowel +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_bowels +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_brain_cells +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_brain_tissue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_breast +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_circulatory +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_colon +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_condition +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_connective_tissues +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_consciousness +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_digestive_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_digestive_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_ductless_glands +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_ears +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_emotions +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_encyclopedia +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_endocrine_glands +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_endocrine_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_endocrine_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_entire_body +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_epidermis +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_excretory_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_extremities +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_face +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_fascia +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_feet +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_fetus +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_functions +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_gall_bladder +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_gastrointestinal_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_gland +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_gut +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_hair +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_hair_follicles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_hands +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_healthy_tissue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_human_body001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_human_heart +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_human_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_inflammatory_response +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_inner_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_intestinal_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_joint_tissues +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_kidneys +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_limbs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_lining +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_liver +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_locomotory_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_lung +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_lymphatics +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_major_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_meridians +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_mucosa +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_mucous_membranes +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_muscle_fibers +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_muscle_groups +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_musculature +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_musculo_skeletal_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_musculoskeletal +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_organ001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_organ_systems +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_ovaries +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_pancreas +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_patient001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_peripheral +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_region +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_replication +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_reproductive_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_reproductive_system001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_reproductive_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_respiratory_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_respiratory_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_saliva +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_sexual_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_skeletal +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_skeleton +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_sleep +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_soft_tissue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_spinal_chord +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_spinal_column +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_testes +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_testicles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_thymus +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_thyroid +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_thyroid_glands +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_tight_muscles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_tissue001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_tonsils +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_tract001 +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_urinary_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_various_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_vasculature +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_viscera +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_visceral_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bodypart_vital_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_auditory_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_bone_structure +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_cartilage +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_joints +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_movement +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_spleen +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_stomach +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_structures +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_tendons +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_bone_tumor +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_adrenal_medulla +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_amygdala +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_brain_stem +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_cerebellum +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_cerebral_cortex +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_enteric_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_ganglia +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_hypothalamus +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_lower_brain +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_neuromuscular_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_parasympathetic_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_peripheral_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_pineal_gland +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_plexus +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_braintissue_sympathetic_nervous_system +concept_bodypart_system001 concept:subpartof concept_fungus_seawater +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_lymphnode_enzymes +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_lymphnode_lymph_nodes +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_lymphnode_lymph_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_lymphnode_lymphoma +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_cardiac_muscle +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_fatigue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_function +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_heart_muscle +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_lymphatic_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_muscle_tension +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_muscle_tissue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_muscle_tone +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_muscular_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_neuromuscular_junction +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_skeletal_muscles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_skeletal_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_trigeminal_nerve +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_muscle_villi +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_autonomic_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_blood_cell_production +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_bones +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_brain_function +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_brainstem +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_cranial_nerves +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_fibers +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_human_brain +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_human_physiology +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_inhalation +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_internal_organs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_ligaments +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_limbic_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_lymph +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_medulla +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_muscles +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_musculoskeletal_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_nerve_cells +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_nerve_tissue +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_peripheral_nerves +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_physiology +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_pituitary +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_respiration +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_retina +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_solar_plexus +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_somatic_nervous_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_spinal_nerves +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_spine +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_unconscious_mind +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_nerve_vertebrae +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_gastrointestinal_tract +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_lungs +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_marrow +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_mesoderm +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_pituitary_gland +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_prostate +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_vein_visual_system +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_visualizablescene_junction +concept_bodypart_system001 concept:bodypartcontainsbodypart concept_visualizablething_gums +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_bodypart_kidney +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_bodypart_neurons001 +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_bodypart_pathways +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_bodypart_uterus +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_activity +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_adrenal_glands +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_appetite +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_bodies +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_body_systems +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_brains +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_cerebrospinal_fluid +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_connective_tissue +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_digestive_system +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_esophagus +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_eyes +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_gallbladder +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_glands +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_hypothalamic_pituitary_adrenal_axis +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_inflammation +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_inner_ear +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_intestine +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_motor_system +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_myelin +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_nervous_systems +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_neurology +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_neurotransmitters +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_nose +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_receptors +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_recovery +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_response +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_responses +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_salivary_glands +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_sense_organs +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_senses +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_sensory_systems +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_skeletal_muscle +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_skull +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_smell +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_stress +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_stress_response +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_teeth +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_thyroid_gland +concept_bodypart_system002 concept:bodypartcontainsbodypart concept_braintissue_vagus_nerve +concept_bodypart_temple concept:bodypartcontainsbodypart concept_artery_pulse +concept_bodypart_testes concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_testicles concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_thin_membrane concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_bodypart_throat concept:subpartof concept_website_blood +concept_bodypart_thymus_gland001 concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bodypart_thyroid concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_tight_muscles concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_tissue concept:bodypartcontainsbodypart concept_artery_capillaries +concept_bodypart_tissue concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_artery_cord +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_bodypart_entire_body +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_bodypart_human_body001 +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_braintissue_brains +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_muscle_heart +concept_bodypart_tissue001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_artery_brain +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_artery_intestines +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_artery_skin +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_artery_urinary_tract +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_anatomy +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_colon +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_kidneys +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_organs +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_braintissue_eyes +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_braintissue_intestine +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_braintissue_mouth +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_muscle_stomach +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_bodypart_tract001 concept:bodypartcontainsbodypart concept_vein_lungs +concept_bodypart_tube concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_bodypart_tube concept:itemfoundinroom concept_room_bath +concept_bodypart_tube concept:itemfoundinroom concept_room_private_bath +concept_bodypart_tube concept:itemfoundinroom concept_visualizablething_bathroom +concept_bodypart_tube concept:itemfoundinroom concept_visualizablething_bathrooms +concept_bodypart_upper_pole concept:latitudelongitude 37.5330500000000,-108.1728600000000 +concept_bodypart_urinary_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_uterus concept:bodypartcontainsbodypart concept_artery_arteries +concept_bodypart_uterus concept:subpartof concept_website_blood +concept_bodypart_valves concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_vasculature concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_ventricles001 concept:bodypartcontainsbodypart concept_braintissue_body +concept_bodypart_ventricles001 concept:bodypartcontainsbodypart concept_vein_lungs +concept_bodypart_viscera concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_visceral_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_vital_organs concept:bodypartcontainsbodypart concept_artery_vessels +concept_bodypart_vital_organs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_whole_body concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bodypart_whole_body concept:subpartof concept_politicsissue_energy +concept_bodypart_whole_body concept:subpartof concept_website_blood +concept_bodypart_windpipe concept:latitudelongitude 34.5203000000000,-111.6534800000000 +concept_bodypart_wrists concept:subpartof concept_website_blood +concept_bone_ankle concept:subpartof concept_website_blood +concept_bone_chemotherapy concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bone_entity concept:mutualproxyfor concept_book_new +concept_bone_entity concept:atdate concept_date_n2001 +concept_bone_entity concept:atdate concept_date_n2003 +concept_bone_entity concept:atdate concept_dateliteral_n2005 +concept_bone_entity concept:atdate concept_dateliteral_n2007 +concept_bone_entity concept:proxyfor concept_weatherphenomenon_new +concept_bone_femoral_head concept:subpartof concept_website_blood +concept_bone_joints concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_bone_joints concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bone_joints concept:bodypartcontainsbodypart concept_braintissue_body +concept_bone_knee concept:atdate concept_date_n2003 +concept_bone_knee concept:atdate concept_dateliteral_n2006 +concept_bone_knee concept:atdate concept_dateliteral_n2007 +concept_bone_knee concept:atdate concept_dateliteral_n2008 +concept_bone_left_leg concept:subpartof concept_website_blood +concept_bone_lower_shin concept:latitudelongitude 46.0906000000000,-68.5653100000000 +concept_bone_lumbus concept:latitudelongitude 32.8654100000000,-87.8208500000000 +concept_bone_movement concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bone_pituitary_gland concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bone_scalp concept:subpartof concept_website_blood +concept_bone_side concept:bodypartcontainsbodypart concept_artery_veins +concept_bone_side concept:bodypartcontainsbodypart concept_bodypart_valve +concept_bone_side concept:bodypartcontainsbodypart concept_muscle_heart +concept_bone_side concept:bodypartcontainsbodypart concept_vein_lungs +concept_bone_spleen concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bone_stomach concept:subpartof concept_website_blood +concept_bone_structures concept:bodypartcontainsbodypart concept_artery_brain +concept_bone_structures concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_bone_structures concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_bone_toes concept:subpartof concept_website_blood +concept_bone_tumor concept:bodypartcontainsbodypart concept_artery_vessels +concept_bone_wrist concept:subpartof concept_website_blood +concept_book___ concept:proxyfor concept_eventoutcome_new +concept_book_a_bell_for_adano concept:bookwriter concept_personeurope_john_hersey +concept_book_a_bend_in_the_river concept:bookwriter concept_writer_v__s__naipaul +concept_book_a_bend_in_the_river concept:bookwriter concept_writer_v_s__naipaul +concept_book_a_bend_in_the_road concept:bookwriter concept_writer_nicholas_sparks +concept_book_a_better_mousetrap concept:bookwriter concept_personus_mike_resnick +concept_book_a_body_in_the_bath_house concept:bookwriter concept_writer_lindsey_davis +concept_book_a_bone_to_pick concept:bookwriter concept_writer_charlaine_harris +concept_book_a_breach_of_promise concept:bookwriter concept_writer_anne_perry +concept_book_a_breath_of_snow_and_ashes concept:bookwriter concept_writer_diana_gabaldon +concept_book_a_brief_history_of_time concept:bookwriter concept_scientist_stephen_hawking +concept_book_a_briefer_history_of_time concept:bookwriter concept_scientist_stephen_hawking +concept_book_a_brother_s_price concept:bookwriter concept_writer_wen_spencer +concept_book_a_canticle_for_leibowitz concept:bookwriter concept_scientist_walter_m__miller +concept_book_a_canticle_for_leibowitz concept:bookwriter concept_writer_walter_m_miller_jr +concept_book_a_caress_of_twilight concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_a_caribbean_mystery concept:bookwriter concept_writer_agatha_christie +concept_book_a_case_of_conscience concept:bookwriter concept_personeurope_james_blish +concept_book_a_case_of_exploding_mangoes concept:bookwriter concept_writer_mohammed_hanif +concept_book_a_case_of_need concept:bookwriter concept_writer_michael_crichton +concept_book_a_catskill_eagle concept:bookwriter concept_writer_robert_b__parker +concept_book_a_cavern_of_black_ice concept:bookwriter concept_writer_j__v__jones +concept_book_a_change_in_altitude concept:bookwriter concept_writer_anita_shreve +concept_book_a_christmas_carol concept:bookwriter concept_writer_charles_dickens +concept_book_a_christmas_carol concept:bookwriter concept_writer_dickens +concept_book_a_christmas_promise concept:bookwriter concept_writer_anne_perry +concept_book_a_clash_of_kings concept:bookwriter concept_writer_george_r__r__martin +concept_book_a_clash_of_kings concept:bookwriter concept_writer_george_r_r__martin +concept_book_a_clockwork_orange concept:bookwriter concept_writer_anthony_burgess +concept_book_a_confederacy_of_dunces concept:bookwriter concept_writer_john_kennedy_toole +concept_book_a_connecticut_yankee_in_king_arthur_s_co concept:bookwriter concept_personus_mark_twain +concept_book_a_connecticut_yankee_in_king_arthur_s_court concept:bookwriter concept_personus_mark_twain +concept_book_a_creed_in_stone_creek concept:bookwriter concept_writer_linda_lael_miller +concept_book_a_crown_of_swords concept:bookwriter concept_personeurope_robert_jordan +concept_book_a_cup_of_tea concept:bookwriter concept_writer_amy_ephron +concept_book_a_damsel_in_distress concept:bookwriter concept_writer_p__g__wodehouse +concept_book_a_dance_to_the_music_of_time concept:bookwriter concept_writer_anthony_powell +concept_book_a_dangerous_fortune concept:bookwriter concept_personaustralia_ken_follett +concept_book_a_dangerous_man concept:bookwriter concept_writer_charlie_huston +concept_book_a_dangerous_mourning concept:bookwriter concept_writer_anne_perry +concept_book_a_darkness_at_sethanon concept:bookwriter concept_writer_raymond_e__feist +concept_book_a_darkness_in_my_soul concept:bookwriter concept_personafrica_dean_koontz +concept_book_a_darkness_in_my_soul concept:bookwriter concept_writer_dean_r__koontz +concept_book_a_darkness_more_than_night concept:bookwriter concept_writer_michael_connelly +concept_book_a_day_for_damnation concept:bookwriter concept_professor_david_gerrold +concept_book_a_day_late_and_a_dollar_short concept:bookwriter concept_writer_terry_mcmillan +concept_book_a_day_no_pigs_would_die concept:bookwriter concept_personeurope_robert_newton_peck +concept_book_a_deadly_row concept:bookwriter concept_writer_casey_mayes +concept_book_a_death_in_the_family concept:bookwriter concept_professor_james_agee +concept_book_a_death_in_vienna concept:bookwriter concept_writer_daniel_silva +concept_book_a_deeper_sleep concept:bookwriter concept_writer_dana_stabenow +concept_book_a_deepness_in_the_sky concept:bookwriter concept_writer_vernor_vinge +concept_book_a_desert_called_peace concept:bookwriter concept_writer_tom_kratman +concept_book_a_device_of_death concept:bookwriter concept_writer_christopher_bulis +concept_book_a_dirty_job concept:bookwriter concept_personcanada_christopher_moore +concept_book_a_discovery_of_witches concept:bookwriter concept_writer_deborah_harkness +concept_book_a_dog_s_purpose concept:bookwriter concept_writer_w__bruce_cameron +concept_book_a_door_into_ocean concept:bookwriter concept_personeurope_joan_slonczewski +concept_book_a_drink_before_the_war concept:bookwriter concept_writer_dennis_lehane +concept_book_a_duty_to_the_dead concept:bookwriter concept_writer_charles_todd +concept_book_a_dying_light_in_corduba concept:bookwriter concept_writer_lindsey_davis +concept_book_a_fable concept:bookwriter concept_writer_william_faulkner +concept_book_a_fall_of_moondust concept:bookwriter concept_writer_arthur_c__clarke +concept_book_a_false_mirror concept:bookwriter concept_writer_charles_todd +concept_book_a_farewell_to_arms concept:bookwriter concept_male_ernest_hemingway +concept_book_a_fatal_waltz concept:bookwriter concept_writer_tasha_alexander +concept_book_a_feast_for_crows concept:bookwriter concept_writer_george_r__r__martin +concept_book_a_feast_for_crows concept:bookwriter concept_writer_george_r_r__martin +concept_book_a_fine_balance concept:bookwriter concept_writer_rohinton_mistry +concept_book_a_fire_upon_the_deep concept:bookwriter concept_writer_vernor_vinge +concept_book_a_fistful_of_charms concept:bookwriter concept_writer_kim_harrison +concept_book_a_flag_for_sunrise concept:bookwriter concept_male_robert_stone +concept_book_a_flicker_of_doubt concept:bookwriter concept_writer_tim_myers +concept_book_a_fool_and_his_honey concept:bookwriter concept_writer_charlaine_harris +concept_book_a_forest_of_stars concept:bookwriter concept_writer_kevin_j__anderson +concept_book_a_free_man_of_color concept:bookwriter concept_writer_barbara_hambly +concept_book_a_funny_thing_happened_on_the_way_to_the concept:bookwriter concept_personcanada_michael_j__fox +concept_book_a_game_of_thrones concept:bookwriter concept_writer_george_r__r__martin +concept_book_a_game_of_thrones concept:bookwriter concept_writer_george_r_r__martin +concept_book_a_garden_of_earthly_delights concept:bookwriter concept_writer_joyce_carol_oates +concept_book_a_gate_at_the_stairs concept:bookwriter concept_writer_lorrie_moore +concept_book_a_gift_from_earth concept:bookwriter concept_writer_larry_niven +concept_book_a_good_day_to_die concept:bookwriter concept_writer_simon_kernick +concept_book_a_good_fall concept:bookwriter concept_writer_ha_jin +concept_book_a_good_man_is_hard_to_find concept:bookwriter concept_writer_flannery_o_connor +concept_book_a_good_woman concept:bookwriter concept_writer_danielle_steel +concept_book_a_graveyard_for_lunatics concept:bookwriter concept_writer_ray_bradbury +concept_book_a_graveyard_for_lunatics_another_tale_o concept:bookwriter concept_writer_ray_bradbury +concept_book_a_grief_observed concept:bookwriter concept_scientist_c__s__lewis +concept_book_a_handful_of_dust concept:bookwriter concept_writer_evelyn_waugh +concept_book_a_hat_full_of_sky concept:bookwriter concept_writer_terry_pratchett +concept_book_a_high_wind_in_jamaica concept:bookwriter concept_writer_richard_hughes +concept_book_a_history_of_god concept:bookwriter concept_writer_karen_armstrong +concept_book_a_history_of_zionism concept:bookwriter concept_writer_walter_laqueur +concept_book_a_home_at_the_end_of_the_world concept:bookwriter concept_professor_michael_cunningham +concept_book_a_house_for_mr__biswas concept:bookwriter concept_writer_v_s__naipaul +concept_book_a_house_for_mr_biswas concept:bookwriter concept_writer_v_s__naipaul +concept_book_a_house_for_ms__biswas concept:bookwriter concept_writer_v__s__naipaul +concept_book_a_is_for_alibi concept:bookwriter concept_writer_sue_grafton +concept_book_a_journal_of_the_plague_year concept:bookwriter concept_writer_daniel_defoe +concept_book_a_journey_to_the_center_of_the_earth concept:bookwriter concept_writer_jules_verne +concept_book_a_killing_frost concept:bookwriter concept_writer_r__d__wingfield +concept_book_a_killing_night concept:bookwriter concept_writer_jonathon_king +concept_book_a_king_s_ransom concept:bookwriter concept_professor_james_grippando +concept_book_a_kingdom_besieged concept:bookwriter concept_writer_raymond_e__feist +concept_book_a_kiss_of_shadows concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_a_knife_edge concept:bookwriter concept_professor_david_rollins +concept_book_a_knight_of_the_word concept:bookwriter concept_writer_terry_brooks +concept_book_a_letter_of_mary concept:bookwriter concept_writer_laurie_r__king +concept_book_a_lick_of_frost concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_a_little_princess concept:bookwriter concept_writer_frances_hodgson_burnett +concept_book_a_local_habitation concept:bookwriter concept_writer_seanan_mcguire +concept_book_a_long_long_way concept:bookwriter concept_personaustralia_sebastian_barry +concept_book_a_long_way_down concept:bookwriter concept_writer_nick_hornby +concept_book_a_long_way_gone concept:bookwriter concept_writer_ishmael_beah +concept_book_a_lost_lady concept:bookwriter concept_personeurope_willa_cather +concept_book_a_maggot concept:bookwriter concept_writer_john_fowles +concept_book_a_malazan_book_of_the_fallen_collection concept:bookwriter concept_professor_steven_erikson +concept_book_a_man_without_a_country concept:bookwriter concept_writer_kurt_vonnegut +concept_book_a_map_of_glass concept:bookwriter concept_writer_jane_urquhart +concept_book_a_maze_of_death concept:bookwriter concept_writer_philip_k__dick +concept_book_a_memory_of_wind concept:bookwriter concept_female_rachel_swirsky +concept_book_a_midsummer_night__s_dream concept:bookwriter concept_writer_shakespeare +concept_book_a_million_little_pieces concept:bookwriter concept_writer_james_frey +concept_book_a_monstrous_regiment_of_women concept:bookwriter concept_writer_laurie_r__king +concept_book_a_month_in_the_country concept:bookwriter concept_writer_jl_carr +concept_book_a_morbid_taste_for_bones concept:bookwriter concept_writer_ellis_peters +concept_book_a_moveable_feast concept:bookwriter concept_male_ernest_hemingway +concept_book_a_murder_is_announced concept:bookwriter concept_writer_agatha_christie +concept_book_a_new_earth concept:bookwriter concept_writer_eckhart_tolle +concept_book_a_new_earth_awakening_to_your_life_s_pu concept:bookwriter concept_writer_eckhart_tolle +concept_book_a_noble_radiance concept:bookwriter concept_writer_donna_leon +concept_book_a_nose_for_justice concept:bookwriter concept_writer_rita_mae_brown +concept_book_a_painted_house concept:bookwriter concept_writer_john_grisham +concept_book_a_passage_to_india concept:bookwriter concept_writer_e__m__forster +concept_book_a_passage_to_india concept:bookwriter concept_writer_e_m__forster +concept_book_a_people_s_history_of_the_united_states concept:bookwriter concept_writer_howard_zinn +concept_book_a_perfect_grave concept:bookwriter concept_writer_rick_mofina +concept_book_a_place_called_freedom concept:bookwriter concept_personaustralia_ken_follett +concept_book_a_pocket_full_of_rye concept:bookwriter concept_writer_agatha_christie +concept_book_a_pocketful_of_rye concept:bookwriter concept_writer_agatha_christie +concept_book_a_portrait_of_the_artist_as_a_young_man concept:bookwriter concept_writer_james_joyce +concept_book_a_prayer_for_owen_meany concept:bookwriter concept_writer_john_irving +concept_book_a_prayer_for_owen_meany_a_novel concept:bookwriter concept_writer_john_irving +concept_book_a_princess_of_mars concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_a_question_of_belief concept:bookwriter concept_writer_donna_leon +concept_book_a_question_of_death_an_illustrated_phry concept:bookwriter concept_writer_kerry_greenwood +concept_book_a_question_of_upbringing concept:bookwriter concept_writer_anthony_powell +concept_book_a_raisin_in_the_sun concept:bookwriter concept_female_lorraine_hansberry +concept_book_a_reliable_wife concept:bookwriter concept_writer_robert_goolrick +concept_book_a_river_in_the_sky concept:bookwriter concept_writer_elizabeth_peters +concept_book_a_rock_and_a_hard_place concept:bookwriter concept_professor_peter_david +concept_book_a_room_of_one_s_own concept:bookwriter concept_writer_virginia_woolf +concept_book_a_room_with_a_view concept:bookwriter concept_writer_e__m__forster +concept_book_a_room_with_a_view concept:bookwriter concept_writer_e_m__forster +concept_book_a_salty_piece_of_land concept:bookwriter concept_writer_jimmy_buffett +concept_book_a_sand_county_almanac concept:bookwriter concept_personeurope_aldo_leopold +concept_book_a_savage_place concept:bookwriter concept_writer_robert_b__parker +concept_book_a_scanner_darkly concept:bookwriter concept_writer_philip_k__dick +concept_book_a_sea_of_troubles concept:bookwriter concept_writer_donna_leon +concept_book_a_season_for_slaughter concept:bookwriter concept_professor_david_gerrold +concept_book_a_secret_kept concept:bookwriter concept_writer_tatiana_de_rosnay +concept_book_a_separate_peace concept:bookwriter concept_professor_john_knowles +concept_book_a_series_of_unfortunate_events concept:bookwriter concept_personeurope_lemony_snicket +concept_book_a_severed_head concept:bookwriter concept_writer_iris_murdoch +concept_book_a_short_history_of_myth concept:bookwriter concept_writer_karen_armstrong +concept_book_a_short_history_of_nearly_everything concept:bookwriter concept_writer_bill_bryson +concept_book_a_short_history_of_the_world concept:bookwriter concept_scientist_h__g__wells +concept_book_a_short_history_of_tractors_in_ukrainian concept:bookwriter concept_writer_marina_lewycka +concept_book_a_simple_plan concept:bookwriter concept_professor_scott_smith +concept_book_a_small_town_in_germany concept:bookwriter concept_scientist_john_le_carre +concept_book_a_song_of_stone concept:bookwriter concept_writer_iain_banks +concept_book_a_spell_for_chameleon concept:bookwriter concept_writer_piers_anthony +concept_book_a_spot_of_bother concept:bookwriter concept_writer_mark_haddon +concept_book_a_spy_by_nature concept:bookwriter concept_writer_charles_cumming +concept_book_a_state_of_disobedience concept:bookwriter concept_writer_tom_kratman +concept_book_a_stir_of_echoes concept:bookwriter concept_comedian_richard_matheson +concept_book_a_storm_of_swords concept:bookwriter concept_writer_george_r__r__martin +concept_book_a_storm_of_swords concept:bookwriter concept_writer_george_r_r__martin +concept_book_a_streetcar_named_desire concept:bookwriter concept_writer_tennessee_williams +concept_book_a_stroke_of_midnight concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_a_study_in_scarlet concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_a_suitable_boy concept:bookwriter concept_personasia_vikram_seth +concept_book_a_tale_of_two_cities concept:bookwriter concept_personeurope_charles_dicken +concept_book_a_tale_of_two_cities concept:bookwriter concept_writer_charles_dickens +concept_book_a_taste_of_magic concept:bookwriter concept_writer_tracy_madison +concept_book_a_test_of_wills concept:bookwriter concept_writer_charles_todd +concept_book_a_thousand_acres concept:bookwriter concept_writer_jane_smiley +concept_book_a_thousand_cuts concept:bookwriter concept_writer_simon_lelic +concept_book_a_thousand_splendid_suns concept:bookwriter concept_writer_khaled_hosseini +concept_book_a_thousand_suns concept:bookwriter concept_writer_alex_scarrow +concept_book_a_ticket_to_the_circus_a_memoir concept:bookwriter concept_writer_norris_church_mailer +concept_book_a_time_for_dancing concept:bookwriter concept_writer_davida_wills_hurwin +concept_book_a_time_to_be_born concept:bookwriter concept_writer_john_vornholt +concept_book_a_time_to_die concept:bookwriter concept_writer_john_vornholt +concept_book_a_time_to_kill concept:bookwriter concept_professor_david_mack +concept_book_a_time_to_kill concept:bookwriter concept_writer_john_grisham +concept_book_a_touch_of_dead concept:bookwriter concept_writer_charlaine_harris +concept_book_a_touch_of_death concept:bookwriter concept_writer_charles_williams +concept_book_a_town_like_alice concept:bookwriter concept_writer_nevil_shute +concept_book_a_tree_grows_in_brooklyn concept:bookwriter concept_personeurope_betty_smith +concept_book_a_turn_in_the_road concept:bookwriter concept_writer_debbie_macomber +concept_book_a_visible_darkness concept:bookwriter concept_writer_jonathon_king +concept_book_a_visit_from_the_goon_squad concept:bookwriter concept_writer_jennifer_egan +concept_book_a_vote_of_confidence concept:bookwriter concept_writer_robin_lee_hatcher +concept_book_a_walk_in_the_woods concept:bookwriter concept_writer_bill_bryson +concept_book_a_walk_in_the_woods_rediscovering_ameri concept:bookwriter concept_writer_bill_bryson +concept_book_a_wall_of_light concept:bookwriter concept_writer_edeet_ravel +concept_book_a_water_matter concept:bookwriter concept_writer_jay_lake +concept_book_a_week_in_december concept:bookwriter concept_writer_sebastian_faulks +concept_book_a_widow_for_one_year concept:bookwriter concept_writer_john_irving +concept_book_a_wind_in_the_door concept:bookwriter concept_writer_madeleine_l_engle +concept_book_a_winter_haunting concept:bookwriter concept_writer_dan_simmons +concept_book_a_woman_of_no_importance concept:bookwriter concept_writer_oscar_wilde +concept_book_a_work_of_art concept:bookwriter concept_personeurope_james_blish +concept_book_a_world_of_love concept:bookwriter concept_writer_elizabeth_bowen +concept_book_a_world_out_of_time concept:bookwriter concept_writer_larry_niven +concept_book_a_world_without_heroes concept:bookwriter concept_writer_brandon_mull +concept_book_a_year_in_provence concept:bookwriter concept_personcanada_peter_mayle +concept_book_abarat concept:bookwriter concept_comedian_clive_barker +concept_book_abhorsen concept:bookwriter concept_personaustralia_garth_nix +concept_book_about_a_boy concept:bookwriter concept_writer_nick_hornby +concept_book_abundance concept:proxyfor concept_eventoutcome_new +concept_book_academ_s_fury concept:bookwriter concept_writer_jim_butcher +concept_book_acts concept:bookwriter concept_male_stephen +concept_book_acts concept:bookwriter concept_person_luke +concept_book_acts concept:bookwriter concept_person_patrice_bergeron +concept_book_acts concept:bookwriter concept_personeurope_paul +concept_book_acts concept:bookwriter concept_scientist_john +concept_book_ada concept:atlocation concept_stateorprovince_oklahoma +concept_book_adam_bede concept:bookwriter concept_writer_george_eliot +concept_book_adventure concept:mutualproxyfor concept_book_new +concept_book_adventure concept:atdate concept_dateliteral_n2006 +concept_book_adventure concept:atdate concept_dateliteral_n2007 +concept_book_adventure concept:atdate concept_dateliteral_n2008 +concept_book_adventure concept:proxyfor concept_eventoutcome_new +concept_book_adventures_in_the_screen_trade concept:bookwriter concept_professor_william_goldman +concept_book_adventures_of_huckleberry_finn concept:bookwriter concept_person_twain +concept_book_adventures_of_huckleberry_finn concept:bookwriter concept_personus_mark_twain +concept_book_adventures_of_sherlock_holmes concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_adventures_of_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_adventures_of_tom_sawyer concept:bookwriter concept_person_twain +concept_book_adventures_of_tom_sawyer concept:bookwriter concept_personus_mark_twain +concept_book_advise_and_consent concept:bookwriter concept_writer_allen_drury +concept_book_aeneid concept:bookwriter concept_personeurope_virgil +concept_book_aeneid concept:bookwriter concept_writer_vergil +concept_book_after_moreau concept:bookwriter concept_personeurope_jeffrey_ford +concept_book_against_the_day concept:bookwriter concept_writer_thomas_pynchon +concept_book_airframe concept:bookwriter concept_writer_michael_crichton +concept_book_aladdin concept:subpartof concept_traditionalgame_vegas +concept_book_alchemist concept:bookwriter concept_writer_paulo_coelho +concept_book_alex_cross_s_trial concept:bookwriter concept_writer_james_patterson +concept_book_alex_delaware concept:bookwriter concept_professor_jonathan_kellerman +concept_book_alex_rider concept:bookwriter concept_writer_anthony_horowitz +concept_book_alexandria concept:atdate concept_date_n2009 +concept_book_alexandria concept:mutualproxyfor concept_musicsong_louisiana +concept_book_alexandria concept:subpartof concept_musicsong_louisiana +concept_book_alias_grace concept:bookwriter concept_writer_margaret_atwood +concept_book_alice concept:bookwriter concept_personeurope_phyllis_reynolds_naylor +concept_book_alice concept:bookwriter concept_writer_lewis_carroll +concept_book_alice_adams concept:bookwriter concept_writer_booth_tarkington +concept_book_alice_in_wonderland concept:bookwriter concept_writer_lewis_carol +concept_book_alice_in_wonderland concept:bookwriter concept_writer_lewis_carrol +concept_book_alice_in_wonderland concept:bookwriter concept_writer_lewis_carroll +concept_book_all_creatures_great_and_small concept:bookwriter concept_personeurope_james_herriot +concept_book_all_the_king_s_men concept:bookwriter concept_writer_robert_penn_warren +concept_book_all_the_pretty_horses concept:bookwriter concept_writer_cormac_mccarthy +concept_book_all_together_dead concept:bookwriter concept_writer_charlaine_harris +concept_book_alladin concept:subpartof concept_traditionalgame_vegas +concept_book_alliance concept:atdate concept_date_n1999 +concept_book_alliance concept:atdate concept_date_n2000 +concept_book_alliance concept:atdate concept_date_n2003 +concept_book_alliance concept:atdate concept_date_n2004 +concept_book_alliance concept:atdate concept_dateliteral_n2005 +concept_book_alliance concept:atdate concept_dateliteral_n2006 +concept_book_alliance concept:atdate concept_dateliteral_n2007 +concept_book_alliance concept:atdate concept_dateliteral_n2008 +concept_book_alliance concept:mutualproxyfor concept_sportsequipment_board +concept_book_almagest concept:bookwriter concept_scientist_ptolemy +concept_book_along_came_a_spider concept:bookwriter concept_writer_james_patterson +concept_book_already_dead concept:bookwriter concept_writer_charlie_huston +concept_book_altered_carbon concept:bookwriter concept_writer_morgan_james +concept_book_amazing_grace concept:bookwriter concept_scientist_john_newton +concept_book_ambulance_ship concept:bookwriter concept_personeurope_james_white +concept_book_amelia_bedelia concept:bookwriter concept_personeurope_peggy_parish +concept_book_america concept:synonymfor concept_aquarium_u__s_ +concept_book_america concept:mutualproxyfor concept_book_new +concept_book_america concept:synonymfor concept_city_u__s +concept_book_america concept:synonymfor concept_country_united_states +concept_book_america concept:synonymfor concept_currency_american +concept_book_america concept:synonymfor concept_currency_countries +concept_book_america concept:atdate concept_date_n1914 +concept_book_america concept:atdate concept_date_n1924 +concept_book_america concept:atdate concept_date_n1939 +concept_book_america concept:atdate concept_date_n1999 +concept_book_america concept:atdate concept_date_n2000 +concept_book_america concept:atdate concept_date_n2001 +concept_book_america concept:atdate concept_date_n2003 +concept_book_america concept:atdate concept_date_n2004 +concept_book_america concept:atdate concept_date_n2009 +concept_book_america concept:atdate concept_dateliteral_n1910 +concept_book_america concept:atdate concept_dateliteral_n2002 +concept_book_america concept:atdate concept_dateliteral_n2005 +concept_book_america concept:atdate concept_dateliteral_n2006 +concept_book_america concept:atdate concept_dateliteral_n2007 +concept_book_america concept:proxyfor concept_eventoutcome_new +concept_book_america concept:synonymfor concept_musicalbum_us +concept_book_america concept:synonymfor concept_nongovorganization_u_s_ +concept_book_america concept:synonymfor concept_politicalparty_republic +concept_book_america concept:synonymfor concept_professionalorganization_cia +concept_book_america concept:istallerthan concept_publication_people_ +concept_book_america concept:atdate concept_year_n1920 +concept_book_america concept:atdate concept_year_n1984 +concept_book_america concept:atdate concept_year_n1997 +concept_book_america concept:atdate concept_year_n1998 +concept_book_america_is_in_the_heart concept:bookwriter concept_writer_carlos_bulosan +concept_book_american_gods concept:bookwriter concept_writer_neil_gaiman +concept_book_american_notes concept:bookwriter concept_writer_charles_dickens +concept_book_american_pastoral concept:bookwriter concept_writer_philip_roth +concept_book_american_psycho concept:bookwriter concept_writer_bret_easton_ellis +concept_book_american_tabloid concept:bookwriter concept_personus_james_ellroy +concept_book_amerika concept:bookwriter concept_writer_kafka +concept_book_amsterdam concept:subpartof concept_agent_netherlands +concept_book_amsterdam concept:mutualproxyfor concept_book_new +concept_book_amsterdam concept:atdate concept_date_n1999 +concept_book_amsterdam concept:atdate concept_date_n2000 +concept_book_amsterdam concept:atdate concept_date_n2001 +concept_book_amsterdam concept:atdate concept_date_n2003 +concept_book_amsterdam concept:atdate concept_date_n2004 +concept_book_amsterdam concept:atdate concept_date_n2009 +concept_book_amsterdam concept:atdate concept_dateliteral_n2005 +concept_book_amsterdam concept:atdate concept_dateliteral_n2006 +concept_book_amsterdam concept:atdate concept_dateliteral_n2008 +concept_book_amsterdam concept:proxyfor concept_eventoutcome_new +concept_book_amsterdam concept:atlocation concept_lake_new +concept_book_an_excellent_mystery concept:bookwriter concept_writer_ellis_peters +concept_book_an_ideal_husband concept:bookwriter concept_writer_oscar_wilde +concept_book_an_object_of_beauty concept:bookwriter concept_writer_steve_martin +concept_book_anansi_boys concept:bookwriter concept_writer_neil_gaiman +concept_book_anathem concept:bookwriter concept_personus_neal_stephenson +concept_book_and_the_band_played_on concept:bookwriter concept_writer_randy_shilts +concept_book_and_the_deep_blue_sea concept:bookwriter concept_writer_charles_williams +concept_book_and_then_there_were_none concept:bookwriter concept_writer_agatha_christie +concept_book_andersonville concept:bookwriter concept_writer_mackinlay_kantor +concept_book_angel_s_tip concept:bookwriter concept_writer_alafair_burke +concept_book_angels___demons concept:bookwriter concept_writer_dan_brown +concept_book_angels_and_demons concept:bookwriter concept_writer_dan_brown +concept_book_angels_flight concept:bookwriter concept_writer_michael_connelly +concept_book_angle_of_repose concept:bookwriter concept_writer_wallace_stegner +concept_book_animal_dreams concept:bookwriter concept_writer_barbara_kingsolver +concept_book_animal_farm concept:bookwriter concept_writer_george_orwell +concept_book_animal_farm concept:bookwriter concept_writer_orwell +concept_book_animal_liberation concept:bookwriter concept_mlauthor_peter_singer +concept_book_anita_blake concept:bookwriter concept_writer_laurell_hamilton +concept_book_anita_blake concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_anna_karenina concept:bookwriter concept_writer_leo_tolstoy +concept_book_anna_karenina concept:bookwriter concept_writer_tolstoy +concept_book_annals concept:bookwriter concept_writer_tacitus +concept_book_anne concept:bookwriter concept_writer_l__m__montgomery +concept_book_anne_of_green_gables concept:bookwriter concept_writer_l__m__montgomery +concept_book_anne_of_green_gables concept:bookwriter concept_writer_l_m__montgomery +concept_book_anne_of_green_gables concept:bookwriter concept_writer_lm_montgomery +concept_book_anne_of_green_gables concept:bookwriter concept_writer_lucy_maud_montgomery +concept_book_annie_on_my_mind concept:bookwriter concept_writer_nancy_garden +concept_book_anthem concept:bookwriter concept_writer_ayn_rand +concept_book_antigone concept:bookwriter concept_writer_sophocles +concept_book_antony_and_cleopatra concept:bookwriter concept_personeurope_william_shakespeare +concept_book_antony_and_cleopatra concept:bookwriter concept_writer_shakespeare +concept_book_anybody_out_there concept:bookwriter concept_writer_marian_keyes +concept_book_apology concept:bookwriter concept_personeurope_plato +concept_book_apology concept:bookwriter concept_scientist_socrates +concept_book_appointment_in_samarra concept:bookwriter concept_writer_john_o_hara +concept_book_arcadia concept:atlocation concept_city_florida +concept_book_arctic_dreams concept:bookwriter concept_person_barry_lopez +concept_book_areopagitica concept:bookwriter concept_professor_john_milton +concept_book_arkansas concept:mutualproxyfor concept_airport_little_rock +concept_book_arkansas concept:mutualproxyfor concept_archaea_hot_springs +concept_book_arkansas concept:mutualproxyfor concept_beach_conway +concept_book_arkansas concept:mutualproxyfor concept_book_new +concept_book_arkansas concept:mutualproxyfor concept_city_north_little_rock +concept_book_arkansas concept:proxyfor concept_eventoutcome_new +concept_book_arkansas concept:mutualproxyfor concept_sportsleague_rogers +concept_book_armies_of_the_night concept:bookwriter concept_scientist_norman_mailer +concept_book_armor concept:bookwriter concept_writer_john_steakley +concept_book_around_the_world_in_80_days concept:bookwriter concept_writer_jules_verne +concept_book_around_the_world_in_eighty_days concept:bookwriter concept_writer_jules_verne +concept_book_arrow_s_flight concept:bookwriter concept_writer_mercedes_lackey +concept_book_arrowsmith concept:bookwriter concept_writer_sinclair_lewis +concept_book_arsenal concept:atdate concept_date_n2004 +concept_book_arsenal concept:atdate concept_dateliteral_n2006 +concept_book_art_appreciation concept:bookwriter concept_writer_jack_dann +concept_book_artemis_fowl concept:bookwriter concept_personeurope_eoin_colfer +concept_book_arthur concept:bookwriter concept_personeurope_marc_brown +concept_book_artists concept:mutualproxyfor concept_book_new +concept_book_artists concept:atdate concept_dateliteral_n2007 +concept_book_artists concept:proxyfor concept_eventoutcome_new +concept_book_as_i_lay_dying concept:bookwriter concept_writer_william_faulkner +concept_book_as_you_like_it concept:bookwriter concept_personeurope_william_shakespeare +concept_book_assassin_s_apprentice concept:bookwriter concept_writer_robin_hobb +concept_book_assassin_s_quest concept:bookwriter concept_writer_robin_hobb +concept_book_assholes_finish_first concept:bookwriter concept_writer_tucker_max +concept_book_at_first_sight concept:bookwriter concept_writer_nicholas_sparks +concept_book_athletic_shorts concept:bookwriter concept_personeurope_chris_crutcher +concept_book_atlas_shrugged concept:bookwriter concept_writer_ayn_rand +concept_book_atonement concept:bookwriter concept_writer_ian_mcewan +concept_book_attention concept:atdate concept_date_n1993 +concept_book_attention concept:atdate concept_date_n1999 +concept_book_attention concept:atdate concept_date_n2000 +concept_book_attention concept:atdate concept_date_n2001 +concept_book_attention concept:atdate concept_date_n2003 +concept_book_attention concept:atdate concept_date_n2004 +concept_book_attention concept:atdate concept_dateliteral_n2002 +concept_book_attention concept:atdate concept_dateliteral_n2005 +concept_book_attention concept:atdate concept_dateliteral_n2006 +concept_book_attention concept:atdate concept_dateliteral_n2007 +concept_book_attention concept:proxyfor concept_eventoutcome_new +concept_book_attention concept:atdate concept_year_n1997 +concept_book_author concept:mutualproxyfor concept_book_new +concept_book_autobiography concept:bookwriter concept_personus_benjamin_franklin +concept_book_automated_alice concept:bookwriter concept_writer_jeff_noon +concept_book_avalon concept:bookwriter concept_writer_marion_zimmer_bradley +concept_book_awakening concept:bookwriter concept_female_kate_chopin +concept_book_awakenings concept:bookwriter concept_personaustralia_oliver_sacks +concept_book_babbitt concept:bookwriter concept_writer_sinclair_lewis +concept_book_bad_girls concept:bookwriter concept_writer_jacqueline_wilson +concept_book_bag_of_bones concept:bookwriter concept_writer_stephen_king +concept_book_baptism concept:bookwriter concept_female_augustine +concept_book_barchester_towers concept:bookwriter concept_writer_anthony_trollope +concept_book_barnaby_rudge concept:bookwriter concept_writer_charles_dickens +concept_book_barnaby_rudge concept:bookwriter concept_writer_dickens +concept_book_barsoom concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_batman concept:bookwriter concept_writer_miller +concept_book_battleground concept:mutualproxyfor concept_book_new +concept_book_battleground concept:proxyfor concept_eventoutcome_new +concept_book_beach_music concept:bookwriter concept_writer_pat_conroy +concept_book_beach_road concept:bookwriter concept_writer_james_patterson +concept_book_bean_trees concept:bookwriter concept_writer_barbara_kingsolver +concept_book_bee_season concept:bookwriter concept_writer_myla_goldberg +concept_book_being concept:atdate concept_date_n2003 +concept_book_being concept:atdate concept_date_n2004 +concept_book_being concept:atdate concept_dateliteral_n2005 +concept_book_being concept:atdate concept_dateliteral_n2007 +concept_book_being concept:atdate concept_dateliteral_n2008 +concept_book_bel_canto concept:bookwriter concept_writer_ann_patchett +concept_book_bell_jar concept:bookwriter concept_female_sylvia_plath +concept_book_beloved concept:bookwriter concept_writer_morrison +concept_book_beloved concept:bookwriter concept_writer_toni_morrison +concept_book_ben_hur concept:bookwriter concept_personeurope_lew_wallace +concept_book_beowulf concept:bookwriter concept_personeurope_unknown +concept_book_betsy_tacy concept:bookwriter concept_personeurope_maud_hart_lovelace +concept_book_beyond_good_and_evil concept:bookwriter concept_scientist_friedrich_nietzsche +concept_book_bible concept:bookwriter concept_journalist_james +concept_book_bible concept:bookwriter concept_person_adam001 +concept_book_bible concept:bookwriter concept_person_joseph001 +concept_book_bible concept:bookwriter concept_person_luke +concept_book_bible concept:bookwriter concept_personeurope_paul +concept_book_bible concept:bookwriter concept_personeurope_samuel +concept_book_bible concept:bookwriter concept_scientist_john +concept_book_bible concept:bookwriter concept_writer_shakespeare +concept_book_bill concept:bookwriter concept_writer_james_madison +concept_book_billy_budd concept:bookwriter concept_writer_herman_melville +concept_book_birdsong concept:bookwriter concept_writer_sebastian_faulk +concept_book_birdsong concept:bookwriter concept_writer_sebastian_faulks +concept_book_birdy concept:bookwriter concept_writer_william_wharton +concept_book_bite concept:subpartof concept_weatherphenomenon_water +concept_book_bite_me concept:bookwriter concept_personcanada_christopher_moore +concept_book_black_beauty concept:bookwriter concept_writer_anna_sewell +concept_book_black_boy concept:bookwriter concept_personeurope_richard_wright +concept_book_black_hawk_down concept:bookwriter concept_journalist_mark_bowden +concept_book_black_swan concept:bookwriter concept_professor_nassim_taleb +concept_book_black_swan concept:bookwriter concept_writer_nassim_nicholas_taleb +concept_book_black_swan_green concept:bookwriter concept_mlauthor_david_mitchell +concept_book_blackwood_farm concept:bookwriter concept_female_anne_rice +concept_book_bleak_house concept:bookwriter concept_writer_charles_dickens +concept_book_blessing concept:proxyfor concept_eventoutcome_new +concept_book_blindness concept:bookwriter concept_writer_jose_saramago +concept_book_blink concept:bookwriter concept_journalist_malcom_gladwell +concept_book_blink concept:bookwriter concept_writer_malcolm_gladwell +concept_book_blockade concept:atdate concept_dateliteral_n2007 +concept_book_blood_meridian concept:bookwriter concept_writer_cormac_mccarthy +concept_book_bloody_bones concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_blue_like_jazz concept:bookwriter concept_writer_donald_miller +concept_book_blue_moon concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_bluest_eye concept:bookwriter concept_writer_toni_morrison +concept_book_bodies concept:subpartof concept_website_blood +concept_book_bonfire_of_the_vanities concept:bookwriter concept_writer_tom_wolfe +concept_book_book_of_common_prayer concept:bookwriter concept_personeurope_thomas_cranmer +concept_book_book_thief concept:bookwriter concept_writer_markus_zusak +concept_book_borders_of_infinity concept:bookwriter concept_writer_bujold +concept_book_boy concept:bookwriter concept_personeurope_roald_dahl +concept_book_brainchild concept:proxyfor concept_eventoutcome_new +concept_book_brand concept:mutualproxyfor concept_book_new +concept_book_brand concept:atdate concept_date_n2003 +concept_book_brand concept:atdate concept_dateliteral_n2005 +concept_book_brand concept:atdate concept_dateliteral_n2007 +concept_book_brand concept:proxyfor concept_eventoutcome_new +concept_book_brave_new_world concept:bookwriter concept_person_huxley +concept_book_brave_new_world concept:bookwriter concept_writer_aldous_huxley +concept_book_break concept:proxyfor concept_eventoutcome_new +concept_book_breakdown concept:atdate concept_date_n2000 +concept_book_breaking_dawn concept:bookwriter concept_female_stephenie_meyer +concept_book_breath concept:proxyfor concept_eventoutcome_new +concept_book_breathing_lessons concept:bookwriter concept_writer_anne_tyler +concept_book_brian_s_hunt concept:bookwriter concept_personaustralia_gary_paulsen +concept_book_brian_s_winter concept:bookwriter concept_personaustralia_gary_paulsen +concept_book_brick_lane concept:bookwriter concept_writer_monica_ali +concept_book_brideshead_revisited concept:bookwriter concept_writer_evelyn_waugh +concept_book_bringing_down_the_house concept:bookwriter concept_writer_ben_mezrich +concept_book_brisingr concept:bookwriter concept_personus_christopher_paolini +concept_book_brothers concept:proxyfor concept_eventoutcome_new +concept_book_buddenbrooks concept:bookwriter concept_writer_thomas_mann +concept_book_buffalo_bill concept:synonymfor concept_person_william_cody +concept_book_bullet concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_bunner_sisters concept:bookwriter concept_writer_edith_wharton +concept_book_bunnicula concept:bookwriter concept_personeurope_james_howe +concept_book_burmese_days concept:bookwriter concept_writer_george_orwell +concept_book_burning_bright concept:bookwriter concept_writer_ron_rash +concept_book_burnt_offerings concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_bush_administration concept:synonymfor concept_book_america +concept_book_bush_administration concept:atdate concept_date_n2001 +concept_book_bush_administration concept:atdate concept_date_n2003 +concept_book_bush_administration concept:atdate concept_date_n2004 +concept_book_bush_administration concept:atdate concept_dateliteral_n2002 +concept_book_bush_administration concept:atdate concept_dateliteral_n2005 +concept_book_bush_administration concept:atdate concept_dateliteral_n2006 +concept_book_by_the_river_piedra_i_sat_down_and_wept concept:bookwriter concept_writer_coelho_paulo +concept_book_cabin concept:proxyfor concept_eventoutcome_new +concept_book_cabin concept:subpartof concept_weatherphenomenon_air +concept_book_cabin concept:subpartof concept_weatherphenomenon_water +concept_book_cadfael concept:bookwriter concept_writer_ellis_peters +concept_book_cain_his_brother concept:bookwriter concept_writer_anne_perry +concept_book_calendar concept:atdate concept_dateliteral_n2008 +concept_book_call_it_sleep concept:bookwriter concept_writer_henry_roth +concept_book_call_of_the_wild concept:bookwriter concept_personeurope_jack_london +concept_book_candide concept:bookwriter concept_personeurope_voltaire +concept_book_cannery_row concept:bookwriter concept_writer_john_steinbeck +concept_book_cannery_row concept:bookwriter concept_writer_steinbeck +concept_book_canterbury_tales concept:bookwriter concept_personeurope_geoffrey_chaucer +concept_book_canterbury_tales concept:bookwriter concept_writer_chaucer +concept_book_capital concept:bookwriter concept_male_karl_marx +concept_book_captain_blood concept:bookwriter concept_writer_rafael_sabatini +concept_book_captains_courageous concept:bookwriter concept_personeurope_rudyard_kipling +concept_book_cards concept:proxyfor concept_eventoutcome_new +concept_book_carrie concept:bookwriter concept_writer_stephen_king +concept_book_casablanca concept:mutualproxyfor concept_personnorthamerica_neil_bogart +concept_book_casanova_s_chinese_restaurant concept:bookwriter concept_writer_anthony_powell +concept_book_casino_royale concept:bookwriter concept_writer_ian_fleming +concept_book_casino_royale_a_james_bond_novel concept:bookwriter concept_writer_ian_fleming +concept_book_cat_s_cradle concept:bookwriter concept_writer_kurt_vonnegut +concept_book_catalyst concept:bookwriter concept_writer_laurie_halse_anderson +concept_book_catch_22 concept:bookwriter concept_writer_joseph_heller +concept_book_catcher_in_the_rye concept:bookwriter concept_writer_j_d__salinger +concept_book_catcher_in_the_rye concept:bookwriter concept_writer_jd_salinger +concept_book_cathedral concept:bookwriter concept_personeurope_paul +concept_book_celestine_prophecy concept:bookwriter concept_writer_james_redfield +concept_book_cell concept:bookwriter concept_writer_stephen_king +concept_book_center_stage concept:proxyfor concept_eventoutcome_new +concept_book_centuries concept:bookwriter concept_personeurope_traherne +concept_book_century concept:atdate concept_date_n2000 +concept_book_cerulean_sins concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_change concept:mutualproxyfor concept_book_new +concept_book_change concept:atdate concept_date_n2000 +concept_book_change concept:atdate concept_date_n2003 +concept_book_change concept:atdate concept_date_n2004 +concept_book_change concept:atdate concept_date_n2009 +concept_book_change concept:atdate concept_dateliteral_n2002 +concept_book_change concept:atdate concept_dateliteral_n2005 +concept_book_change concept:atdate concept_dateliteral_n2006 +concept_book_change concept:atdate concept_dateliteral_n2007 +concept_book_change concept:atdate concept_dateliteral_n2008 +concept_book_change concept:proxyfor concept_eventoutcome_new +concept_book_change concept:istallerthan concept_publication_people_ +concept_book_changes concept:atdate concept_date_n2000 +concept_book_changes concept:atdate concept_date_n2003 +concept_book_changes concept:atdate concept_dateliteral_n2006 +concept_book_changes concept:atdate concept_dateliteral_n2007 +concept_book_changes concept:atdate concept_dateliteral_n2008 +concept_book_changes concept:proxyfor concept_eventoutcome_new +concept_book_changes concept:subpartof concept_weatherphenomenon_air +concept_book_changes concept:atdate concept_year_n1997 +concept_book_charade concept:bookwriter concept_writer_john_mortimer +concept_book_charlotte_gray concept:bookwriter concept_writer_sebastian_faulks +concept_book_children_of_the_storm concept:bookwriter concept_writer_elizabeth_peters +concept_book_chocolat concept:bookwriter concept_writer_joanne_harris +concept_book_choke concept:bookwriter concept_writer_chuck_palahniuk +concept_book_chosen concept:bookwriter concept_writer_chaim_potok +concept_book_chrestomanci concept:bookwriter concept_writer_diana_wynne_jones +concept_book_christine concept:bookwriter concept_writer_stephen_king +concept_book_christmas_carol concept:bookwriter concept_writer_charles_dickens +concept_book_christmas_carol concept:bookwriter concept_writer_dickens +concept_book_chronicles_of_narnia concept:bookwriter concept_scientist_c__s__lewis +concept_book_chronicles_of_narnia concept:bookwriter concept_writer_c_s__lewis +concept_book_chronicles_of_narnia concept:bookwriter concept_writer_cs_lewis +concept_book_chronicles_of_narnia concept:bookwriter concept_writer_lewis +concept_book_circuit concept:atdate concept_dateliteral_n2005 +concept_book_circuit concept:subpartof concept_musicalbum_power +concept_book_circuit concept:subpartof concept_weatherphenomenon_water +concept_book_circus_of_the_damned concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_cirque_du_freak concept:bookwriter concept_writer_darren_shan +concept_book_city_law concept:latitudelongitude 37.2566700000000,-76.7444400000000 +concept_book_civil_disobedience concept:bookwriter concept_personeurope_henry_david_thoreau +concept_book_civil_disobedience concept:bookwriter concept_writer_thoreau +concept_book_civilization concept:bookwriter concept_male_sigmund_freud +concept_book_clash_of_civilizations concept:bookwriter concept_scientist_samuel_huntington +concept_book_claudine_at_school concept:bookwriter concept_writer_colette +concept_book_clockwork_orange concept:bookwriter concept_writer_anthony_burgess +concept_book_close concept:atdate concept_date_n2000 +concept_book_close concept:atdate concept_date_n2003 +concept_book_close concept:atdate concept_date_n2004 +concept_book_close concept:atdate concept_dateliteral_n1945 +concept_book_close concept:atdate concept_dateliteral_n2002 +concept_book_close concept:atdate concept_dateliteral_n2005 +concept_book_close concept:atdate concept_dateliteral_n2006 +concept_book_close concept:atdate concept_dateliteral_n2007 +concept_book_close concept:atdate concept_dateliteral_n2008 +concept_book_close concept:proxyfor concept_eventoutcome_new +concept_book_cloud_atlas concept:bookwriter concept_mlauthor_david_mitchell +concept_book_club_dead concept:bookwriter concept_writer_charlaine_harris +concept_book_code_complete concept:bookwriter concept_writer_steve_mcconnell +concept_book_cold_comfort_farm concept:bookwriter concept_writer_stella_gibbons +concept_book_cold_mountain concept:bookwriter concept_writer_charles_frazier +concept_book_collapse concept:bookwriter concept_scientist_jared_diamond +concept_book_collected_stories concept:bookwriter concept_writer_jean_stafford +concept_book_color_purple concept:bookwriter concept_personus_alice_walker +concept_book_come_to_grief concept:bookwriter concept_writer_dick_francis +concept_book_comeback concept:atdate concept_dateliteral_n2005 +concept_book_comeback concept:atdate concept_dateliteral_n2008 +concept_book_comedy concept:bookwriter concept_writer_shakespeare +concept_book_comedy_of_errors concept:bookwriter concept_writer_shakespeare +concept_book_comfort concept:subpartof concept_weatherphenomenon_air +concept_book_coming_of_age_in_samoa concept:bookwriter concept_female_margaret_mead +concept_book_common_sense concept:bookwriter concept_personeurope_thomas_paine +concept_book_communication concept:atdate concept_dateliteral_n2007 +concept_book_communication concept:atdate concept_dateliteral_n2008 +concept_book_communist_manifesto concept:bookwriter concept_male_karl_marx +concept_book_communist_manifesto concept:bookwriter concept_scientist_frederick_engels +concept_book_communist_manifesto concept:bookwriter concept_scientist_friedrich_engels +concept_book_confederacy_of_dunces concept:bookwriter concept_writer_john_kennedy_toole +concept_book_confession concept:bookwriter concept_writer_tolstoy +concept_book_confessions concept:bookwriter concept_female_augustine +concept_book_confessions concept:bookwriter concept_personeurope_john_perkins +concept_book_confessions concept:bookwriter concept_personeurope_saint_augustine +concept_book_confessions concept:bookwriter concept_writer_rousseau +concept_book_confessions_of_a_crap_artist concept:bookwriter concept_writer_philip_k__dick +concept_book_confidence concept:atdate concept_dateliteral_n2007 +concept_book_congo concept:synonymfor concept_currency_zaire +concept_book_congo concept:atdate concept_date_n2004 +concept_book_congo concept:atdate concept_dateliteral_n2005 +concept_book_congo concept:atdate concept_dateliteral_n2006 +concept_book_connecticut_yankee_in_king_arthur concept:bookwriter concept_personus_mark_twain +concept_book_consequence concept:proxyfor concept_eventoutcome_new +concept_book_constitution concept:bookwriter concept_writer_james_madison +concept_book_contact concept:bookwriter concept_scientist_carl_sagan +concept_book_contagious concept:bookwriter concept_writer_sebastian_junger +concept_book_contender concept:proxyfor concept_eventoutcome_new +concept_book_conversations_with_god concept:bookwriter concept_writer_neale_donald_walsch +concept_book_conviction concept:atdate concept_date_n1993 +concept_book_conviction concept:atdate concept_date_n2001 +concept_book_conviction concept:atdate concept_date_n2004 +concept_book_conviction concept:atdate concept_dateliteral_n2005 +concept_book_conviction concept:atdate concept_dateliteral_n2006 +concept_book_conviction concept:atdate concept_year_n1992 +concept_book_coraline concept:bookwriter concept_writer_neil_gaiman +concept_book_coriolanus concept:bookwriter concept_personeurope_william_shakespeare +concept_book_coriolanus concept:bookwriter concept_writer_shakespeare +concept_book_cosmos concept:bookwriter concept_scientist_carl_sagan +concept_book_count_of_monte_cristo concept:bookwriter concept_writer_alexandre_dumas +concept_book_cradle_and_all concept:bookwriter concept_writer_james_patterson +concept_book_cranford concept:bookwriter concept_writer_elizabeth_gaskell +concept_book_crash concept:bookwriter concept_person_ballard +concept_book_cream concept:proxyfor concept_eventoutcome_new +concept_book_creator concept:proxyfor concept_eventoutcome_new +concept_book_crime_and_punishment concept:bookwriter concept_writer_dostoevsky +concept_book_crime_and_punishment concept:bookwriter concept_writer_dostoyevsky +concept_book_crime_and_punishment concept:bookwriter concept_writer_fyodor_dostoevsky +concept_book_crime_and_punishment concept:bookwriter concept_writer_fyodor_dostoyevsky +concept_book_critique_of_practical_reason concept:bookwriter concept_personeurope_kant +concept_book_critique_of_pure_reason concept:bookwriter concept_personeurope_kant +concept_book_critique_of_pure_reason concept:bookwriter concept_writer_immanuel_kant +concept_book_cross concept:bookwriter concept_writer_james_patterson +concept_book_cross_country concept:bookwriter concept_writer_james_patterson +concept_book_cross_stitch concept:bookwriter concept_writer_diana_gabaldon +concept_book_crossfire concept:bookwriter concept_writer_jim_marrs +concept_book_crow_lake concept:bookwriter concept_writer_mary_lawson +concept_book_crucible concept:bookwriter concept_male_arthur_miller +concept_book_cry_the_beloved_country concept:bookwriter concept_male_alan_paton +concept_book_cryptonomicon concept:bookwriter concept_personus_neal_stephenson +concept_book_crystal_singer concept:bookwriter concept_writer_anne_mccaffrey +concept_book_cujo concept:bookwriter concept_writer_stephen_king +concept_book_cymbeline concept:bookwriter concept_personeurope_william_shakespeare +concept_book_cymbeline concept:bookwriter concept_writer_shakespeare +concept_book_cyrano_de_bergerac concept:bookwriter concept_personeurope_edmond_rostand +concept_book_cyrano_de_bergerac concept:bookwriter concept_writer_rostand +concept_book_da_vinci_code concept:bookwriter concept_writer_dan_brown +concept_book_daisy_miller concept:bookwriter concept_writer_henry_james +concept_book_dandelion_wine concept:bookwriter concept_writer_ray_bradbury +concept_book_daniel_deronda concept:bookwriter concept_writer_george_eliot +concept_book_danse_macabre concept:bookwriter concept_writer_stephen_king +concept_book_darkly_dreaming_dexter concept:bookwriter concept_writer_jeff_lindsay +concept_book_darkness concept:bookwriter concept_personeurope_conrad +concept_book_darkness concept:bookwriter concept_writer_joseph_conrad +concept_book_darkness_and_dawn concept:bookwriter concept_writer_andre_norton +concept_book_darkness_at_noon concept:bookwriter concept_scientist_arthur_koestler +concept_book_darwin_s_radio concept:bookwriter concept_writer_greg_bear +concept_book_das_kapital concept:bookwriter concept_male_karl_marx +concept_book_daughters concept:proxyfor concept_eventoutcome_new +concept_book_david_copperfield concept:bookwriter concept_writer_charles_dickens +concept_book_david_copperfield concept:bookwriter concept_writer_dickens +concept_book_dead_and_gone concept:bookwriter concept_writer_charlaine_harris +concept_book_dead_as_a_doornail concept:bookwriter concept_writer_charlaine_harris +concept_book_dead_in_the_family concept:bookwriter concept_writer_charlaine_harris +concept_book_dead_man_s_footsteps concept:bookwriter concept_professor_peter_james +concept_book_dead_mans_ransom_the_ninth_chronicle_of concept:bookwriter concept_writer_ellis_peters +concept_book_dead_over_heels concept:bookwriter concept_writer_charlaine_harris +concept_book_dead_souls concept:bookwriter concept_writer_gogol +concept_book_dead_to_the_world concept:bookwriter concept_writer_charlaine_harris +concept_book_dead_until_dark concept:bookwriter concept_writer_charlaine_harris +concept_book_deadline concept:atdate concept_date_n2009 +concept_book_deadline concept:atdate concept_dateliteral_n2006 +concept_book_deadline concept:atdate concept_dateliteral_n2007 +concept_book_deadline concept:atdate concept_dateliteral_n2008 +concept_book_dearly_devoted_dexter concept:bookwriter concept_writer_jeff_lindsay +concept_book_death_and_the_penguin concept:bookwriter concept_writer_andrey_kurkov +concept_book_death_benefits concept:bookwriter concept_professor_thomas_perry +concept_book_death_comes_to_the_archbishop concept:bookwriter concept_personeurope_willa_cather +concept_book_death_in_venice concept:bookwriter concept_writer_thomas_mann +concept_book_death_of_a_salesman concept:bookwriter concept_male_arthur_miller +concept_book_death_row concept:mutualproxyfor concept_person_suge_knight +concept_book_death_row concept:subpartof concept_person_suge_knight +concept_book_death_s_excellent_vacation concept:bookwriter concept_writer_charlaine_harris +concept_book_decameron concept:bookwriter concept_writer_boccaccio +concept_book_dedication concept:proxyfor concept_eventoutcome_new +concept_book_defend_and_betray concept:bookwriter concept_writer_anne_perry +concept_book_definitely_dead concept:bookwriter concept_writer_charlaine_harris +concept_book_deliverance concept:bookwriter concept_scientist_james_dickey +concept_book_demian concept:bookwriter concept_scientist_hermann_hesse +concept_book_demonstrations concept:atdate concept_dateliteral_n2005 +concept_book_departures concept:atdate concept_dateliteral_n2008 +concept_book_description concept:proxyfor concept_eventoutcome_new +concept_book_desire concept:proxyfor concept_eventoutcome_new +concept_book_desire concept:istallerthan concept_publication_people_ +concept_book_desperation concept:bookwriter concept_writer_stephen_king +concept_book_detention concept:atdate concept_date_n2004 +concept_book_detention concept:atdate concept_dateliteral_n2002 +concept_book_detention concept:atdate concept_dateliteral_n2005 +concept_book_detention concept:atdate concept_dateliteral_n2006 +concept_book_detention concept:atdate concept_dateliteral_n2007 +concept_book_detention concept:atdate concept_year_n1997 +concept_book_devil_may_care concept:bookwriter concept_writer_sebastian_faulks +concept_book_dexter_by_design concept:bookwriter concept_writer_jeff_lindsay +concept_book_dexter_in_the_dark concept:bookwriter concept_writer_jeff_lindsay +concept_book_dexter_is_delicious concept:bookwriter concept_writer_jeff_lindsay +concept_book_diamonds_are_forever_a_james_bond_novel concept:bookwriter concept_writer_ian_fleming +concept_book_dictionary concept:bookwriter concept_personeurope_samuel_johnson +concept_book_different_seasons concept:bookwriter concept_writer_stephen_king +concept_book_dilbert concept:bookwriter concept_male_scott_adams +concept_book_disgrace concept:proxyfor concept_eventoutcome_new +concept_book_distraction concept:proxyfor concept_eventoutcome_new +concept_book_divine_comedy concept:bookwriter concept_personeurope_dante +concept_book_divine_comedy concept:bookwriter concept_writer_dante_alighieri +concept_book_divine_misdemeanors concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_do_androids_dream_of_electric_sheep concept:bookwriter concept_writer_philip_k__dick +concept_book_doctor_dolittle concept:bookwriter concept_personeurope_hugh_lofting +concept_book_doctor_zhivago concept:bookwriter concept_person_pasternak +concept_book_doctor_zhivago concept:bookwriter concept_writer_boris_pasternak +concept_book_dog_soldiers concept:bookwriter concept_male_robert_stone +concept_book_dolores_claiborne concept:bookwriter concept_writer_stephen_king +concept_book_dombey_and_son concept:bookwriter concept_writer_charles_dickens +concept_book_dominion concept:bookwriter concept_writer_matthew_scully +concept_book_don_quijote concept:bookwriter concept_writer_cervantes +concept_book_don_quixote concept:bookwriter concept_personsouthamerica_miguel_de_cervantes_saavedra +concept_book_don_quixote concept:bookwriter concept_writer_cervantes +concept_book_don_quixote concept:bookwriter concept_writer_miguel_de_cervantes +concept_book_double_act concept:bookwriter concept_writer_jacqueline_wilson +concept_book_double_contact concept:bookwriter concept_personeurope_james_white +concept_book_double_cross concept:bookwriter concept_writer_james_patterson +concept_book_down_and_out_in_paris_and_london concept:bookwriter concept_writer_george_orwell +concept_book_dr__jekyll_and_mr__hyde concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_dr__zhivago concept:bookwriter concept_writer_boris_pasternak +concept_book_dr_jekyll_and_mr_hyde concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_dracula concept:bookwriter concept_writer_bram_stoker +concept_book_dracula concept:bookwriter concept_writer_bram_stroker +concept_book_dracula concept:bookwriter concept_writer_stoker +concept_book_dragon concept:bookwriter concept_personeurope_jane_yolen +concept_book_dragon_s_teeth concept:bookwriter concept_writer_upton_sinclair +concept_book_dragonflight concept:bookwriter concept_writer_anne_mccaffrey +concept_book_dragonfly_in_amber concept:bookwriter concept_writer_diana_gabaldon +concept_book_dragonriders_of_pern concept:bookwriter concept_writer_anne_mccaffrey +concept_book_dragonsong concept:bookwriter concept_writer_anne_mccaffrey +concept_book_dreamcatcher concept:bookwriter concept_writer_stephen_king +concept_book_dresden_files concept:bookwriter concept_writer_jim_butcher +concept_book_drive concept:atdate concept_dateliteral_n2007 +concept_book_drums_of_autumn concept:bookwriter concept_writer_diana_gabaldon +concept_book_dubliners concept:bookwriter concept_writer_james_joyce +concept_book_dune concept:bookwriter concept_writer_brian_herbert +concept_book_dune concept:bookwriter concept_writer_frank_herbert +concept_book_dune concept:bookwriter concept_writer_herbert +concept_book_dust concept:proxyfor concept_eventoutcome_new +concept_book_dustbin_baby concept:bookwriter concept_writer_jacqueline_wilson +concept_book_early_autumn concept:bookwriter concept_writer_louis_bromfield +concept_book_earth_is_room_enough concept:bookwriter concept_writer_isaac_asimov +concept_book_earthfall concept:bookwriter concept_writer_orson_scott_card +concept_book_east_of_eden concept:bookwriter concept_writer_john_steinbeck +concept_book_eaters_of_the_dead concept:bookwriter concept_writer_michael_crichton +concept_book_ecclesiastes concept:latitudelongitude 50.8997000000000,-124.2529500000000 +concept_book_eclipse concept:bookwriter concept_female_stephenie_meyer +concept_book_economics_in_one_lesson concept:bookwriter concept_writer_henry_hazlitt +concept_book_edgar_sawtelle concept:bookwriter concept_writer_david_wroblewski +concept_book_edge concept:proxyfor concept_eventoutcome_new +concept_book_education concept:mutualproxyfor concept_book_new +concept_book_education concept:atdate concept_date_n1996 +concept_book_education concept:atdate concept_date_n1999 +concept_book_education concept:atdate concept_date_n2000 +concept_book_education concept:atdate concept_date_n2001 +concept_book_education concept:atdate concept_date_n2003 +concept_book_education concept:atdate concept_date_n2004 +concept_book_education concept:atdate concept_dateliteral_n2002 +concept_book_education concept:atdate concept_dateliteral_n2005 +concept_book_education concept:atdate concept_dateliteral_n2006 +concept_book_education concept:atdate concept_dateliteral_n2007 +concept_book_education concept:atdate concept_dateliteral_n2008 +concept_book_education concept:proxyfor concept_eventoutcome_new +concept_book_education concept:istallerthan concept_publication_people_ +concept_book_education concept:atdate concept_year_n1991 +concept_book_education concept:atdate concept_year_n1995 +concept_book_education concept:atdate concept_year_n1997 +concept_book_education concept:atdate concept_year_n1998 +concept_book_eichmann concept:bookwriter concept_writer_hannah_arendt +concept_book_elbow_room concept:bookwriter concept_celebrity_james_alan_mcpherson +concept_book_eldest concept:bookwriter concept_personus_christopher_paolini +concept_book_electricity concept:atdate concept_date_n2001 +concept_book_electricity concept:atdate concept_dateliteral_n2008 +concept_book_ella_enchanted concept:bookwriter concept_writer_gail_carson_levine +concept_book_elmer_gantry concept:bookwriter concept_writer_sinclair_lewis +concept_book_emile concept:bookwriter concept_writer_rousseau +concept_book_emma concept:bookwriter concept_writer_austen +concept_book_emma concept:bookwriter concept_writer_jane_austen +concept_book_empire_falls concept:bookwriter concept_writer_richard_russo +concept_book_enchiridion concept:bookwriter concept_female_augustine +concept_book_ender_s_game concept:bookwriter concept_writer_orson_scott_card +concept_book_ender_s_shadow concept:bookwriter concept_writer_orson_scott_card +concept_book_enduring_love concept:bookwriter concept_writer_ian_mcewan +concept_book_enigma concept:proxyfor concept_eventoutcome_new +concept_book_eragon concept:bookwriter concept_personus_christopher_paolini +concept_book_eragon concept:bookwriter concept_writer_paolini +concept_book_erewhon concept:bookwriter concept_scientist_samuel_butler +concept_book_ethan_frome concept:bookwriter concept_writer_edith_wharton +concept_book_ethics concept:bookwriter concept_personeurope_aristotle +concept_book_ethics concept:bookwriter concept_scientist_spinoza +concept_book_eugene_onegin concept:bookwriter concept_person_pushkin +concept_book_evening concept:mutualproxyfor concept_book_new +concept_book_evening concept:atdate concept_date_n1942 +concept_book_evening concept:atdate concept_date_n1999 +concept_book_evening concept:atdate concept_date_n2000 +concept_book_evening concept:atdate concept_date_n2001 +concept_book_evening concept:atdate concept_date_n2003 +concept_book_evening concept:atdate concept_date_n2004 +concept_book_evening concept:atdate concept_dateliteral_n2002 +concept_book_evening concept:atdate concept_dateliteral_n2005 +concept_book_evening concept:atdate concept_dateliteral_n2006 +concept_book_evening concept:atdate concept_dateliteral_n2007 +concept_book_evening concept:atdate concept_dateliteral_n2008 +concept_book_evening concept:atdate concept_year_n1965 +concept_book_evening concept:atdate concept_year_n1970 +concept_book_evening concept:atdate concept_year_n1983 +concept_book_evening concept:atdate concept_year_n1988 +concept_book_evening concept:atdate concept_year_n1994 +concept_book_evening concept:atdate concept_year_n1995 +concept_book_evening concept:atdate concept_year_n1997 +concept_book_evening concept:atdate concept_year_n1998 +concept_book_every_last_drop concept:bookwriter concept_writer_charlie_huston +concept_book_everything_that_rises_must_converge concept:bookwriter concept_writer_flannery_o_connor +concept_book_evidence concept:bookwriter concept_professor_david_kirby +concept_book_evidence concept:bookwriter concept_writer_josh_mcdowell +concept_book_excalibur concept:subpartof concept_traditionalgame_vegas +concept_book_execution_dock concept:bookwriter concept_writer_anne_perry +concept_book_exodus concept:bookwriter concept_writer_leon_uris +concept_book_fablehaven concept:bookwriter concept_writer_brandon_mull +concept_book_face concept:atdate concept_date_n2003 +concept_book_face concept:proxyfor concept_eventoutcome_new +concept_book_fahrenheit_451 concept:bookwriter concept_writer_ray_bradbury +concept_book_fair_blows_the_wind concept:bookwriter concept_personeurope_louis_l_amour +concept_book_fair_game concept:proxyfor concept_eventoutcome_new +concept_book_fairy_tales concept:bookwriter concept_personeurope_hans_christian_andersen +concept_book_falconer concept:bookwriter concept_writer_john_cheever +concept_book_fall concept:mutualproxyfor concept_book_new +concept_book_fall concept:atdate concept_date_meeting +concept_book_fall concept:atdate concept_date_n2001 +concept_book_fall concept:atdate concept_date_n2004 +concept_book_fall concept:atdate concept_dateliteral_n2002 +concept_book_falling_free concept:bookwriter concept_writer_lois_mcmaster_bujold +concept_book_fang_a_maximum_ride_novel concept:bookwriter concept_writer_james_patterson +concept_book_fantastic_mr__fox concept:bookwriter concept_personeurope_roald_dahl +concept_book_far_from_the_madding_crowd concept:bookwriter concept_writer_thomas_hardy +concept_book_farewell concept:bookwriter concept_male_ernest_hemingway +concept_book_farewell concept:bookwriter concept_writer_hemingway +concept_book_farewell_my_lovely concept:bookwriter concept_writer_raymond_chandler +concept_book_farmer_boy concept:bookwriter concept_personeurope_laura_ingalls_wilder +concept_book_farmer_in_the_sky concept:bookwriter concept_writer_robert_a_heinlein +concept_book_fast_food_nation concept:bookwriter concept_writer_eric_schlosser +concept_book_fathers_and_sons concept:bookwriter concept_writer_ivan_turgenev +concept_book_faust concept:bookwriter concept_scientist_johann_wolfgang_von_goethe +concept_book_faust concept:bookwriter concept_writer_goethe +concept_book_fbi_2_the_maze concept:bookwriter concept_writer_catherine_coulter +concept_book_fear_street concept:bookwriter concept_personeurope_r_l__stine +concept_book_feast concept:bookwriter concept_personeurope_paul +concept_book_features concept:proxyfor concept_eventoutcome_new +concept_book_federalist_papers concept:bookwriter concept_writer_alexander_hamilton +concept_book_federalist_papers concept:bookwriter concept_writer_hamilton +concept_book_federalist_papers concept:bookwriter concept_writer_james_madison +concept_book_feed concept:bookwriter concept_writer_m_t__anderson +concept_book_fences concept:bookwriter concept_writer_august_wilson +concept_book_fever_pitch concept:bookwriter concept_writer_nick_hornby +concept_book_fiction concept:proxyfor concept_eventoutcome_new +concept_book_film concept:atdate concept_date_n2000 +concept_book_film concept:atdate concept_date_n2001 +concept_book_film concept:atdate concept_date_n2003 +concept_book_film concept:atdate concept_date_n2004 +concept_book_film concept:atdate concept_date_n2009 +concept_book_film concept:atdate concept_dateliteral_n1931 +concept_book_film concept:atdate concept_dateliteral_n2002 +concept_book_film concept:atdate concept_dateliteral_n2007 +concept_book_film concept:atdate concept_dateliteral_n2008 +concept_book_film concept:istallerthan concept_publication_people_ +concept_book_finity_s_end concept:bookwriter concept_writer_c__j__cherryh +concept_book_finnegans_wake concept:bookwriter concept_writer_james_joyce +concept_book_finnegans_wake concept:bookwriter concept_writer_joyce +concept_book_fire concept:bookwriter concept_writer_george_r__r__martin +concept_book_fire concept:bookwriter concept_writer_george_r_r__martin +concept_book_fires_of_azeroth concept:bookwriter concept_writer_c__j__cherryh +concept_book_firestarter concept:bookwriter concept_writer_stephen_king +concept_book_firethorn concept:latitudelongitude 40.7727800000000,-96.5919600000000 +concept_book_firewall concept:bookwriter concept_writer_david_d__levine +concept_book_first_amendment concept:bookwriter concept_writer_james_madison +concept_book_first_among_equals concept:bookwriter concept_writer_jeffrey_archer +concept_book_first_flight concept:atdate concept_date_n2003 +concept_book_first_flight concept:atdate concept_dateliteral_n2005 +concept_book_first_flight concept:atdate concept_dateliteral_n2007 +concept_book_first_love concept:bookwriter concept_writer_ivan_turgenev +concept_book_first_meetings_in_the_enderverse concept:bookwriter concept_writer_orson_scott_card +concept_book_five_quarters_of_the_orange concept:bookwriter concept_writer_joanne_harris +concept_book_five_years concept:mutualproxyfor concept_book_new +concept_book_five_years concept:atdate concept_dateliteral_n2007 +concept_book_five_years concept:proxyfor concept_eventoutcome_new +concept_book_flowers_for_algernon concept:bookwriter concept_writer_daniel_keyes +concept_book_fool concept:proxyfor concept_eventoutcome_new +concept_book_for_love_of_evil concept:bookwriter concept_writer_piers_anthony +concept_book_for_the_new_intellectual_the_philosophy concept:bookwriter concept_writer_ayn_rand +concept_book_for_whom_the_bell_tolls concept:bookwriter concept_male_ernest_hemingway +concept_book_for_your_eyes_only_a_james_bond_novel concept:bookwriter concept_writer_ian_fleming +concept_book_ford_county__stories concept:bookwriter concept_writer_john_grisham +concept_book_foreign_affairs concept:atdate concept_dateliteral_n2006 +concept_book_foreign_affairs concept:atdate concept_dateliteral_n2007 +concept_book_forever_war concept:bookwriter concept_writer_joe_haldeman +concept_book_formula_one concept:mutualproxyfor concept_ceo_bernie_ecclestone +concept_book_formula_one concept:subpartof concept_ceo_bernie_ecclestone +concept_book_forum concept:atdate concept_date_n2000 +concept_book_forum concept:atdate concept_date_n2001 +concept_book_forum concept:atdate concept_date_n2003 +concept_book_forum concept:atdate concept_date_n2004 +concept_book_forum concept:atdate concept_date_n2009 +concept_book_forum concept:atdate concept_dateliteral_n2002 +concept_book_forum concept:atdate concept_dateliteral_n2005 +concept_book_forum concept:atdate concept_dateliteral_n2006 +concept_book_forum concept:atdate concept_dateliteral_n2007 +concept_book_forum concept:atdate concept_dateliteral_n2008 +concept_book_forum concept:proxyfor concept_eventoutcome_new +concept_book_forum concept:atdate concept_month_april +concept_book_forum concept:istallerthan concept_publication_people_ +concept_book_forum concept:mutualproxyfor concept_sportsequipment_board +concept_book_forum concept:atdate concept_year_n1995 +concept_book_foundation concept:bookwriter concept_writer_asimov_ +concept_book_foundation concept:bookwriter concept_writer_isaac_asimov +concept_book_foundation concept:bookwriter concept_writer_isaac_asimov_ +concept_book_fountainhead concept:bookwriter concept_writer_ayn_rand +concept_book_four_blind_mice concept:bookwriter concept_writer_james_patterson +concept_book_four_past_midnight concept:bookwriter concept_writer_stephen_king +concept_book_frankenstein concept:bookwriter concept_writer_mary_shelley +concept_book_frankenstein concept:bookwriter concept_writer_mary_shelly +concept_book_frankenstein concept:bookwriter concept_writer_mary_wollstonecraft_shelley +concept_book_frankenstein concept:bookwriter concept_writer_shelley +concept_book_freakonomics concept:bookwriter concept_writer_stephen_dubner +concept_book_freedom_s_ransom concept:bookwriter concept_writer_anne_mccaffrey +concept_book_friends concept:mutualproxyfor concept_book_new +concept_book_friends concept:atdate concept_date_n2000 +concept_book_friends concept:atdate concept_date_n2003 +concept_book_friends concept:atdate concept_date_n2004 +concept_book_friends concept:atdate concept_dateliteral_n2002 +concept_book_friends concept:atdate concept_dateliteral_n2005 +concept_book_friends concept:atdate concept_dateliteral_n2007 +concept_book_friends concept:atdate concept_dateliteral_n2008 +concept_book_friends concept:proxyfor concept_eventoutcome_new +concept_book_from_a_buick_8 concept:bookwriter concept_writer_stephen_king +concept_book_from_dead_to_worse concept:bookwriter concept_writer_charlaine_harris +concept_book_from_potter_s_field concept:bookwriter concept_writer_patricia_cornwell +concept_book_from_russia_with_love concept:bookwriter concept_writer_ian_fleming +concept_book_from_russia_with_love_a_james_bond_nove concept:bookwriter concept_writer_ian_fleming +concept_book_frozen_rodeo concept:bookwriter concept_personeurope_catherine_clark +concept_book_funeral_in_blue concept:bookwriter concept_writer_anne_perry +concept_book_gargantua_and_pantagruel concept:bookwriter concept_writer_rabelais +concept_book_gateway concept:mutualproxyfor concept_book_new +concept_book_gateway concept:proxyfor concept_eventoutcome_new +concept_book_gateway concept:subpartof concept_plant_acer +concept_book_gatsby concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_geek_love concept:bookwriter concept_female_katherine_dunn +concept_book_generation_x concept:bookwriter concept_writer_douglas_coupland +concept_book_genesis concept:bookwriter concept_person_adam001 +concept_book_genesis concept:bookwriter concept_person_joseph001 +concept_book_germania concept:bookwriter concept_writer_roman_historian_tacitus +concept_book_germania concept:bookwriter concept_writer_tacitus +concept_book_germinal concept:bookwriter concept_writer_emile_zola +concept_book_ghosts concept:bookwriter concept_writer_dan_abnett +concept_book_ghosts concept:bookwriter concept_writer_henrik_ibsen +concept_book_gilead concept:bookwriter concept_writer_marilynne_robinson +concept_book_giles_goat_boy concept:bookwriter concept_professor_john_barth +concept_book_giovanni_s_room concept:bookwriter concept_personeurope_james_baldwin +concept_book_girls_in_love concept:bookwriter concept_writer_jacqueline_wilson +concept_book_girls_in_tears concept:bookwriter concept_writer_jacqueline_wilson +concept_book_girls_out_late concept:bookwriter concept_writer_jacqueline_wilson +concept_book_giver concept:bookwriter concept_personeurope_lois_lowry +concept_book_go_tell_it_on_the_mountain concept:bookwriter concept_personeurope_james_baldwin +concept_book_god_is_not_great concept:bookwriter concept_person_christopher_hitchens +concept_book_gold_coast concept:synonymfor concept_country_ghana +concept_book_gone_with_the_wind concept:bookwriter concept_writer_margaret_mitchell +concept_book_good concept:bookwriter concept_person_collins001 +concept_book_good concept:bookwriter concept_writer_jim_collins +concept_book_good_earth concept:bookwriter concept_personeurope_pearl_s__buck +concept_book_good_earth concept:bookwriter concept_scientist_pearl_buck +concept_book_good_earth concept:bookwriter concept_writer_buck +concept_book_good_omens concept:bookwriter concept_writer_terry_pratchett_and_neil_gaiman +concept_book_goodbye_to_berlin concept:bookwriter concept_writer_christopher_isherwood +concept_book_goodnight_mister_tom concept:bookwriter concept_personeurope_michelle_magorian +concept_book_goodnight_moon concept:bookwriter concept_writer_margaret_wise_brown +concept_book_goosebumps concept:bookwriter concept_personeurope_r_l__stine +concept_book_goosebumps concept:bookwriter concept_writer_r__l__stine +concept_book_gorgias concept:bookwriter concept_personeurope_plato +concept_book_gormenghast concept:bookwriter concept_writer_mervyn_peake +concept_book_gospel concept:bookwriter concept_journalist_james +concept_book_gospel concept:bookwriter concept_journalist_mathew +concept_book_gospel concept:bookwriter concept_person_luke +concept_book_gospel concept:bookwriter concept_person_thomas001 +concept_book_gospel concept:bookwriter concept_personeurope_paul +concept_book_gospel concept:bookwriter concept_scientist_john +concept_book_gospel concept:bookwriter concept_scientist_pope_john_paul_ii +concept_book_gossip_girl concept:bookwriter concept_writer_cecily_von_ziegesar +concept_book_grapes_of_wrath concept:bookwriter concept_writer_john_steinbeck +concept_book_grapes_of_wrath concept:bookwriter concept_writer_steinbeck +concept_book_gravity_s_rainbow concept:bookwriter concept_writer_thomas_pynchon +concept_book_great_expectations concept:bookwriter concept_writer_charles_dickens +concept_book_great_expectations concept:bookwriter concept_writer_dickens +concept_book_great_gatsby concept:bookwriter concept_person_fitzgerald +concept_book_great_gatsby concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_great_gatsby concept:bookwriter concept_writer_f_scott_fitzgerald +concept_book_great_gatsby concept:bookwriter concept_writer_scott_fitzgerald +concept_book_green_eggs_and_ham concept:bookwriter concept_personeurope_dr__seuss +concept_book_grendel concept:bookwriter concept_writer_john_gardner +concept_book_grimms_fairy_tales concept:bookwriter concept_personeurope_the_brothers_grimm +concept_book_guard_of_honor concept:bookwriter concept_scientist_james_gould_cozzens +concept_book_guardian concept:bookwriter concept_person_tariq_ali +concept_book_guerrillas concept:bookwriter concept_writer_v__s__naipaul +concept_book_guests concept:atdate concept_date_n2001 +concept_book_guests concept:atdate concept_date_n2003 +concept_book_guests concept:atdate concept_dateliteral_n2006 +concept_book_guests concept:atdate concept_dateliteral_n2007 +concept_book_guests concept:atdate concept_dateliteral_n2008 +concept_book_guests concept:proxyfor concept_eventoutcome_new +concept_book_guilty_pleasures concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_gulag_archipelago concept:bookwriter concept_writer_alexander_solzhenitsyn +concept_book_gulag_archipelago concept:bookwriter concept_writer_solzhenitsyn +concept_book_gulliver__s_travels concept:bookwriter concept_writer_jonathan_swift +concept_book_gulliver__s_travels concept:bookwriter concept_writer_swift +concept_book_guns concept:bookwriter concept_scientist_jared_diamond +concept_book_hair concept:subpartof concept_weatherphenomenon_air +concept_book_half_the_blood_of_brooklyn concept:bookwriter concept_writer_charlie_huston +concept_book_hamlet concept:bookwriter concept_personeurope_william_shakespeare +concept_book_hamlet concept:bookwriter concept_writer_shakespeare +concept_book_handle_with_care__a_novel concept:bookwriter concept_writer_jodi_picoult +concept_book_hannibal concept:bookwriter concept_writer_thomas_harris +concept_book_hard_times concept:bookwriter concept_writer_charles_dickens +concept_book_hard_times concept:bookwriter concept_writer_dickens +concept_book_hardcover concept:atdate concept_date_n2000 +concept_book_hardcover concept:atdate concept_dateliteral_n2006 +concept_book_hardcover concept:atdate concept_dateliteral_n2007 +concept_book_hardcover concept:atdate concept_dateliteral_n2008 +concept_book_harry_potter concept:bookwriter concept_writer_author_j_k__rowling +concept_book_harry_potter concept:bookwriter concept_writer_british_author_j__k__rowling +concept_book_harry_potter concept:bookwriter concept_writer_j__k__rowling +concept_book_harry_potter concept:bookwriter concept_writer_j_k__rowling +concept_book_harry_potter concept:bookwriter concept_writer_j_k_rowling +concept_book_harry_potter concept:bookwriter concept_writer_jk_rowling +concept_book_harry_potter concept:bookwriter concept_writer_rowling +concept_book_harry_potter_and_the_goblet_of_fire concept:bookwriter concept_writer_j_k__rowling +concept_book_harry_potter_and_the_sorcerer_s_stone concept:bookwriter concept_writer_j_k__rowling +concept_book_harry_potter_series concept:bookwriter concept_writer_j__k__rowling +concept_book_harry_potter_series concept:bookwriter concept_writer_j_k__rowling +concept_book_harry_potter_series concept:bookwriter concept_writer_j_k_rowling +concept_book_harry_potter_series concept:bookwriter concept_writer_jk_rowling +concept_book_harry_potter_series concept:bookwriter concept_writer_rowling +concept_book_hatchet concept:bookwriter concept_personaustralia_gary_paulsen +concept_book_hawaii concept:bookwriter concept_writer_james_michener +concept_book_he_shall_thunder_in_the_sky concept:bookwriter concept_writer_elizabeth_peters +concept_book_heart_s_desire concept:bookwriter concept_writer_laura_pedersen +concept_book_hearts_in_atlantis concept:bookwriter concept_writer_stephen_king +concept_book_heidi concept:bookwriter concept_writer_johanna_spyri +concept_book_helm concept:atdate concept_date_n2003 +concept_book_helm concept:atdate concept_dateliteral_n2002 +concept_book_helm concept:atdate concept_dateliteral_n2006 +concept_book_helm concept:atdate concept_dateliteral_n2007 +concept_book_henderson_the_rain_king concept:bookwriter concept_scientist_saul_bellow +concept_book_henry_iv concept:bookwriter concept_writer_shakespeare +concept_book_henry_v concept:bookwriter concept_personeurope_william_shakespeare +concept_book_henry_v concept:bookwriter concept_writer_shakespeare +concept_book_henry_viii concept:bookwriter concept_writer_shakespeare +concept_book_herland concept:bookwriter concept_writer_charlotte_perkins_gilman +concept_book_herzog concept:bookwriter concept_scientist_saul_bellow +concept_book_high_fidelity concept:bookwriter concept_writer_nick_hornby +concept_book_hiroshima concept:bookwriter concept_personeurope_john_hersey +concept_book_his_dark_materials concept:bookwriter concept_writer_philip_pullman +concept_book_historia_regum_britanniae concept:bookwriter concept_writer_geoffrey_of_monmouth +concept_book_histories concept:bookwriter concept_writer_herodotus +concept_book_hitch_22 concept:bookwriter concept_person_christopher_hitchens +concept_book_hobbit concept:bookwriter concept_personeurope_j_r_r__tolkien +concept_book_hobbit concept:bookwriter concept_writer_j__r__r__tolkien +concept_book_hobbit concept:bookwriter concept_writer_tolkein +concept_book_hobbit concept:bookwriter concept_writer_tolkien +concept_book_holes concept:bookwriter concept_personeurope_louis_sachar +concept_book_hollywood_nocturnes concept:bookwriter concept_personus_james_ellroy +concept_book_home concept:specializationof concept_book_artists +concept_book_home concept:specializationof concept_book_beasts +concept_book_home concept:mutualproxyfor concept_musicalbum_nine +concept_book_home_town concept:mutualproxyfor concept_book_new +concept_book_home_town concept:proxyfor concept_eventoutcome_new +concept_book_homer_price concept:bookwriter concept_personeurope_robert_mccloskey +concept_book_honeymoon concept:mutualproxyfor concept_book_new +concept_book_honeymoon concept:atdate concept_dateliteral_n2005 +concept_book_honeymoon concept:atdate concept_dateliteral_n2006 +concept_book_honeymoon concept:atdate concept_dateliteral_n2007 +concept_book_honeymoon concept:atdate concept_dateliteral_n2008 +concept_book_honeymoon concept:proxyfor concept_eventoutcome_new +concept_book_hoops concept:bookwriter concept_personeurope_walter_dean_myers +concept_book_horatio_hornblower concept:bookwriter concept_writer_c_s__forester +concept_book_house concept:bookwriter concept_writer_ben_mezrich +concept_book_house_made_of_dawn concept:bookwriter concept_writer_n__scott_momaday +concept_book_house_of_seven_gables concept:bookwriter concept_writer_nathaniel_hawthorne +concept_book_house_of_stairs concept:bookwriter concept_writer_ray_kurzweil +concept_book_house_of_the_seven_gables concept:bookwriter concept_writer_nathaniel_hawthorne +concept_book_housekeeping concept:bookwriter concept_writer_marilynne_robinson +concept_book_how_i_live_now concept:bookwriter concept_writer_meg_rosoff +concept_book_how_to_be_good concept:bookwriter concept_writer_nick_hornby +concept_book_how_to_eat_fried_worms concept:bookwriter concept_personeurope_thomas_rockwell +concept_book_howards_end concept:bookwriter concept_writer_e__m__forster +concept_book_howards_end concept:bookwriter concept_writer_e_m__forster +concept_book_howl concept:bookwriter concept_celebrity_allen_ginsberg +concept_book_hubble_space_telescope concept:atdate concept_dateliteral_n2006 +concept_book_huckleberry_finn concept:bookwriter concept_person_twain +concept_book_huckleberry_finn concept:bookwriter concept_personus_mark_twain +concept_book_huge concept:proxyfor concept_eventoutcome_new +concept_book_human_traces concept:bookwriter concept_writer_sebastian_faulks +concept_book_humboldt_s_gift concept:bookwriter concept_scientist_saul_bellow +concept_book_humphrey_clinker concept:bookwriter concept_writer_smollett +concept_book_hunchback_of_notre_dame concept:bookwriter concept_writer_victor_hugo +concept_book_hyperion concept:bookwriter concept_writer_dan_simmons +concept_book_i_am_legend concept:bookwriter concept_comedian_richard_matheson +concept_book_i_am_the_cheese concept:bookwriter concept_personeurope_robert_cormier +concept_book_i_am_the_messenger concept:bookwriter concept_writer_markus_zusak +concept_book_i_know_why_the_caged_bird_sings concept:bookwriter concept_writer_maya_angelou +concept_book_i_m_a_stranger_here_myself_notes_on_ret concept:bookwriter concept_writer_bill_bryson +concept_book_ice_storm concept:atdate concept_date_n2000 +concept_book_idiot concept:bookwriter concept_writer_dostoevsky +concept_book_if_you_come_softly concept:bookwriter concept_writer_jacqueline_woodson +concept_book_iliad concept:bookwriter concept_personeurope_greek_poet_homer +concept_book_iliad concept:bookwriter concept_personeurope_homer +concept_book_illiad concept:bookwriter concept_personeurope_homer +concept_book_illusions concept:bookwriter concept_writer_richard_bach +concept_book_imagined_communities concept:bookwriter concept_journalist_benedict_anderson +concept_book_impact concept:mutualproxyfor concept_book_new +concept_book_impact concept:proxyfor concept_eventoutcome_new +concept_book_impact concept:subpartof concept_weatherphenomenon_water +concept_book_imperialism concept:bookwriter concept_writer_lenin +concept_book_in_a_free_state concept:bookwriter concept_writer_v_s__naipaul +concept_book_in_cold_blood concept:bookwriter concept_writer_truman_capote +concept_book_in_our_time concept:bookwriter concept_male_ernest_hemingway +concept_book_in_the_beginning_was_the_command_line concept:bookwriter concept_personus_neal_stephenson +concept_book_in_the_country_of_last_things concept:bookwriter concept_writer_paul_auster +concept_book_in_the_night_kitchen concept:bookwriter concept_personeurope_maurice_sendak +concept_book_in_this_our_life concept:bookwriter concept_writer_ellen_glasgow +concept_book_inception concept:atdate concept_date_n1972 +concept_book_inception concept:atdate concept_date_n1979 +concept_book_inception concept:atdate concept_date_n1993 +concept_book_inception concept:atdate concept_date_n1996 +concept_book_inception concept:atdate concept_date_n1999 +concept_book_inception concept:atdate concept_date_n2000 +concept_book_inception concept:atdate concept_date_n2001 +concept_book_inception concept:atdate concept_date_n2003 +concept_book_inception concept:atdate concept_date_n2004 +concept_book_inception concept:atdate concept_dateliteral_n1980 +concept_book_inception concept:atdate concept_dateliteral_n1987 +concept_book_inception concept:atdate concept_dateliteral_n1990 +concept_book_inception concept:atdate concept_dateliteral_n2002 +concept_book_inception concept:atdate concept_dateliteral_n2005 +concept_book_inception concept:atdate concept_dateliteral_n2006 +concept_book_inception concept:atdate concept_dateliteral_n2007 +concept_book_inception concept:atdate concept_dateliteral_n2008 +concept_book_inception concept:atdate concept_year_n1973 +concept_book_inception concept:atdate concept_year_n1981 +concept_book_inception concept:atdate concept_year_n1983 +concept_book_inception concept:atdate concept_year_n1984 +concept_book_inception concept:atdate concept_year_n1985 +concept_book_inception concept:atdate concept_year_n1986 +concept_book_inception concept:atdate concept_year_n1988 +concept_book_inception concept:atdate concept_year_n1989 +concept_book_inception concept:atdate concept_year_n1991 +concept_book_inception concept:atdate concept_year_n1992 +concept_book_inception concept:atdate concept_year_n1994 +concept_book_inception concept:atdate concept_year_n1995 +concept_book_inception concept:atdate concept_year_n1997 +concept_book_inception concept:atdate concept_year_n1998 +concept_book_incubus_dreams concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_independence_day concept:bookwriter concept_writer_richard_ford +concept_book_inferno concept:bookwriter concept_personeurope_dante +concept_book_inferno concept:bookwriter concept_writer_dante_alighieri +concept_book_infinite_jest concept:bookwriter concept_writer_david_foster_wallace +concept_book_inheritance concept:bookwriter concept_personus_christopher_paolini +concept_book_inheritance_cycle concept:bookwriter concept_personus_christopher_paolini +concept_book_inkheart concept:bookwriter concept_writer_cornelia_funke +concept_book_innocents_abroad concept:bookwriter concept_personus_mark_twain +concept_book_insomnia concept:bookwriter concept_writer_stephen_king +concept_book_inspector_morse concept:bookwriter concept_writer_colin_dexter +concept_book_interview_with_the_vampire concept:bookwriter concept_female_anne_rice +concept_book_into_the_wild concept:bookwriter concept_writer_jon_krakauer +concept_book_into_thin_air concept:bookwriter concept_writer_jon_krakauer +concept_book_invisible_man concept:bookwriter concept_personeurope_h_g__wells +concept_book_invisible_man concept:bookwriter concept_writer_ralph_ellison +concept_book_ireland concept:atdate concept_date_n1999 +concept_book_ireland concept:atdate concept_date_n2000 +concept_book_ireland concept:atdate concept_date_n2001 +concept_book_ireland concept:atdate concept_date_n2003 +concept_book_ireland concept:atdate concept_date_n2004 +concept_book_ireland concept:atdate concept_date_n2009 +concept_book_ireland concept:atdate concept_dateliteral_n2002 +concept_book_ireland concept:atdate concept_dateliteral_n2005 +concept_book_ireland concept:atdate concept_dateliteral_n2006 +concept_book_ireland concept:atdate concept_dateliteral_n2007 +concept_book_ireland concept:atdate concept_dateliteral_n2008 +concept_book_ireland concept:proxyfor concept_eventoutcome_new +concept_book_ireland concept:synonymfor concept_politicalparty_republic +concept_book_ireland concept:atdate concept_year_n1992 +concept_book_ireland concept:atdate concept_year_n1997 +concept_book_ireland concept:atdate concept_year_n1998 +concept_book_iron_council concept:bookwriter concept_writer_china_mieville +concept_book_ironman concept:bookwriter concept_personeurope_chris_crutcher +concept_book_ishmael concept:bookwriter concept_writer_daniel_quinn +concept_book_it_s_kind_of_a_funny_story concept:bookwriter concept_writer_ned_vizzini +concept_book_items concept:mutualproxyfor concept_book_new +concept_book_items concept:atdate concept_date_n2003 +concept_book_items concept:atdate concept_dateliteral_n2006 +concept_book_items concept:atdate concept_dateliteral_n2007 +concept_book_items concept:atdate concept_dateliteral_n2008 +concept_book_items concept:proxyfor concept_eventoutcome_new +concept_book_ivanhoe concept:bookwriter concept_writer_sir_walter_scott +concept_book_ivanhoe concept:bookwriter concept_writer_walter_scott +concept_book_ivanoff concept:bookwriter concept_writer_anton_chekhov +concept_book_jack_and_jill concept:bookwriter concept_writer_james_patterson +concept_book_jack_reacher concept:bookwriter concept_writer_lee_child +concept_book_jacob_s_room concept:bookwriter concept_writer_virginia_woolf +concept_book_james_and_the_giant_peach concept:bookwriter concept_personeurope_roald_dahl +concept_book_james_bond concept:bookwriter concept_writer_ian_fleming +concept_book_james_bond concept:bookwriter concept_writer_raymond_benson +concept_book_jane_eyre concept:bookwriter concept_writer_charlotte_bront_ +concept_book_jane_eyre concept:bookwriter concept_writer_charlotte_bronte +concept_book_job concept:mutualproxyfor concept_book_new +concept_book_job concept:atdate concept_date_n1993 +concept_book_job concept:atdate concept_date_n1996 +concept_book_job concept:atdate concept_date_n1999 +concept_book_job concept:atdate concept_date_n2000 +concept_book_job concept:atdate concept_date_n2001 +concept_book_job concept:atdate concept_date_n2003 +concept_book_job concept:atdate concept_date_n2004 +concept_book_job concept:atdate concept_dateliteral_n1990 +concept_book_job concept:atdate concept_dateliteral_n2002 +concept_book_job concept:atdate concept_dateliteral_n2005 +concept_book_job concept:atdate concept_dateliteral_n2007 +concept_book_job concept:atdate concept_dateliteral_n2008 +concept_book_job concept:proxyfor concept_eventoutcome_new +concept_book_job concept:atdate concept_month_april +concept_book_job concept:proxyfor concept_plant_apple +concept_book_job concept:istallerthan concept_publication_people_ +concept_book_job concept:atdate concept_year_n1991 +concept_book_job concept:atdate concept_year_n1992 +concept_book_job concept:atdate concept_year_n1994 +concept_book_job concept:atdate concept_year_n1995 +concept_book_job concept:atdate concept_year_n1998 +concept_book_john_adams concept:bookwriter concept_professor_david_mccullough +concept_book_jonathan_livingston_seagull concept:bookwriter concept_writer_richard_bach +concept_book_jonathan_livingstone_seagull concept:bookwriter concept_writer_richard_bach +concept_book_joseph_andrews concept:bookwriter concept_personeurope_henry_fielding +concept_book_journey concept:bookwriter concept_writer_jules_verne +concept_book_journey_in_the_dark concept:bookwriter concept_personus_martin_flavin +concept_book_journey_to_the_end_of_the_night concept:bookwriter concept_scientist_louis_ferdinand_celine +concept_book_joy_luck_club concept:bookwriter concept_writer_amy_tan +concept_book_jude_the_obscure concept:bookwriter concept_writer_thomas_hardy +concept_book_julius_caesar concept:bookwriter concept_personeurope_william_shakespeare +concept_book_julius_caesar concept:bookwriter concept_writer_shakespeare +concept_book_jumping_the_scratch concept:bookwriter concept_personeurope_sarah_weeks +concept_book_jungle concept:bookwriter concept_writer_upton_sinclair +concept_book_jungle_book concept:bookwriter concept_person_kipling +concept_book_jungle_book concept:bookwriter concept_personeurope_rudyard_kipling +concept_book_jurassic_park concept:bookwriter concept_writer_michael_crichton +concept_book_just_in_case concept:bookwriter concept_writer_meg_rosoff +concept_book_kane_and_abel concept:bookwriter concept_writer_jeffrey_archer +concept_book_keeping_the_moon concept:bookwriter concept_writer_sarah_dessen +concept_book_key_west concept:atlocation concept_city_florida +concept_book_key_west concept:proxyfor concept_city_florida +concept_book_key_west concept:atdate concept_date_n2001 +concept_book_key_west concept:proxyfor concept_eventoutcome_new +concept_book_kidnapped concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_killer_angels concept:bookwriter concept_writer_michael_shaara +concept_book_kim concept:bookwriter concept_person_kipling +concept_book_kim concept:bookwriter concept_personeurope_rudyard_kipling +concept_book_king_dork concept:bookwriter concept_writer_frank_portman +concept_book_king_john concept:bookwriter concept_personeurope_william_shakespeare +concept_book_king_john concept:bookwriter concept_writer_shakespeare +concept_book_king_lear concept:bookwriter concept_personeurope_william_shakespeare +concept_book_king_lear concept:bookwriter concept_writer_shakespeare +concept_book_king_of_the_wind concept:bookwriter concept_writer_marguerite_henry +concept_book_king_solomon_s_mines concept:bookwriter concept_writer_henry_rider_haggard +concept_book_kiss_the_girls concept:bookwriter concept_writer_james_patterson +concept_book_kitchen_confidential concept:bookwriter concept_writer_anthony_bourdain +concept_book_kite_runner concept:bookwriter concept_writer_hosseini +concept_book_kite_runner concept:bookwriter concept_writer_khaled_hosseini +concept_book_kon_tiki concept:bookwriter concept_personeurope_thor_heyerdahl +concept_book_kraken concept:bookwriter concept_writer_china_mieville +concept_book_kristin_lavransdatter concept:bookwriter concept_writer_sigrid_undset +concept_book_kubla_khan concept:bookwriter concept_writer_coleridge +concept_book_l_a__confidential concept:bookwriter concept_personus_james_ellroy +concept_book_la concept:mutualproxyfor concept_book_new +concept_book_la concept:atdate concept_date_n2009 +concept_book_la concept:atdate concept_dateliteral_n2002 +concept_book_la concept:atdate concept_dateliteral_n2005 +concept_book_la concept:atdate concept_dateliteral_n2007 +concept_book_la concept:proxyfor concept_eventoutcome_new +concept_book_lady_chatterley_s_lover concept:bookwriter concept_writer_d__h__lawrence +concept_book_lamb concept:bookwriter concept_personcanada_christopher_moore +concept_book_lamb_in_his_bosom concept:bookwriter concept_personus_caroline_miller +concept_book_lark_rise_to_candleford concept:bookwriter concept_writer_flora_thompson +concept_book_last_call concept:bookwriter concept_writer_laura_pedersen +concept_book_last_night_in_twisted_river concept:bookwriter concept_writer_john_irving +concept_book_last_of_the_mohicans concept:bookwriter concept_personeurope_james_fenimore_cooper +concept_book_last_seen_wearing concept:bookwriter concept_writer_colin_dexter +concept_book_law concept:bookwriter concept_male_aleister_crowley +concept_book_law_ concept:latitudelongitude 13.0777800000000,80.2719400000000 +concept_book_leader concept:mutualproxyfor concept_book_new +concept_book_leader concept:atdate concept_date_n2001 +concept_book_leader concept:atdate concept_date_n2003 +concept_book_leader concept:atdate concept_dateliteral_n2002 +concept_book_leader concept:atdate concept_dateliteral_n2005 +concept_book_leader concept:atdate concept_dateliteral_n2006 +concept_book_leader concept:atdate concept_dateliteral_n2007 +concept_book_leader concept:proxyfor concept_eventoutcome_new +concept_book_leader concept:atdate concept_year_n1992 +concept_book_leader concept:atdate concept_year_n1994 +concept_book_leadership concept:atdate concept_date_n2001 +concept_book_leadership concept:atdate concept_date_n2004 +concept_book_leadership concept:atdate concept_dateliteral_n2002 +concept_book_leadership concept:atdate concept_dateliteral_n2005 +concept_book_leadership concept:atdate concept_dateliteral_n2006 +concept_book_leadership concept:atdate concept_dateliteral_n2007 +concept_book_leadership concept:atdate concept_dateliteral_n2008 +concept_book_leadership concept:istallerthan concept_publication_people_ +concept_book_leap_of_faith concept:bookwriter concept_writer_steel_danielle +concept_book_left_behind_series concept:bookwriter concept_writer_tim_lahaye +concept_book_legacy concept:bookwriter concept_writer_jacqueline_carey +concept_book_legend concept:bookwriter concept_comedian_richard_matheson +concept_book_les_mis_rables concept:bookwriter concept_writer_victor_hugo +concept_book_les_miserables concept:bookwriter concept_personeurope_washington_irving +concept_book_les_miserables concept:bookwriter concept_writer_victor_hugo +concept_book_letter_to_my_daughter concept:bookwriter concept_writer_maya_angelou +concept_book_letters concept:bookwriter concept_writer_rainer_maria_rilke +concept_book_letters_to_a_young_poet concept:bookwriter concept_writer_rainer_maria_rilke +concept_book_leviathan concept:bookwriter concept_scientist_thomas_hobbes +concept_book_liar concept:bookwriter concept_writer_lewis +concept_book_liar concept:bookwriter concept_writer_michael_lewis +concept_book_liberal_fascism concept:bookwriter concept_journalist_jonah_goldberg +concept_book_liberty concept:bookwriter concept_scientist_john_stuart_mill +concept_book_life concept:bookwriter concept_person_dietrich_bonhoeffer +concept_book_life concept:bookwriter concept_person_twain +concept_book_life concept:bookwriter concept_writer_athanasius +concept_book_life concept:bookwriter concept_writer_jane_jacobs +concept_book_life concept:bookwriter concept_writer_yann_martel +concept_book_life_of_pi concept:bookwriter concept_writer_yann_martel +concept_book_life_on_the_mississippi concept:bookwriter concept_personus_mark_twain +concept_book_light_in_august concept:bookwriter concept_writer_william_faulkner +concept_book_lincoln concept:proxyfor concept_eventoutcome_new +concept_book_lincoln concept:mutualproxyfor concept_musicalbum_nebraska +concept_book_lincoln concept:proxyfor concept_musicsong_nebraska +concept_book_lincoln concept:atlocation concept_politicsblog_new_hampshire +concept_book_lirael concept:bookwriter concept_personaustralia_garth_nix +concept_book_literature concept:atdate concept_dateliteral_n2008 +concept_book_little_dorrit concept:bookwriter concept_writer_charles_dickens +concept_book_little_house concept:bookwriter concept_personeurope_laura_ingalls_wilder +concept_book_little_house_on_the_prairie concept:bookwriter concept_personeurope_laura_ingalls_wilder +concept_book_little_lord_fauntleroy concept:bookwriter concept_personeurope_frances_burnett +concept_book_little_lord_fauntleroy concept:bookwriter concept_writer_frances_hodgson_burnett +concept_book_little_mermaid concept:bookwriter concept_personeurope_hans_christian_andersen +concept_book_little_prince concept:bookwriter concept_writer_antoine_de_saint_exupery +concept_book_little_red_riding_hood concept:bookwriter concept_writer_jacob_and_wilhelm_grimm +concept_book_little_women concept:bookwriter concept_writer_alcott +concept_book_little_women concept:bookwriter concept_writer_louisa_m_alcott +concept_book_little_women concept:bookwriter concept_writer_louisa_may_alcott +concept_book_live_and_let_die concept:bookwriter concept_writer_ian_fleming +concept_book_live_and_let_die_a_james_bond_novel concept:bookwriter concept_writer_ian_fleming +concept_book_living_dead_in_dallas concept:bookwriter concept_writer_charlaine_harris +concept_book_lola_rose concept:bookwriter concept_writer_jacqueline_wilson +concept_book_lolita concept:bookwriter concept_writer_nabokov +concept_book_lolita concept:bookwriter concept_writer_vladimir_nabokov +concept_book_london_bridges concept:bookwriter concept_writer_james_patterson +concept_book_lone_eagle concept:bookwriter concept_writer_danielle_steel +concept_book_lone_eagle concept:bookwriter concept_writer_steel_danielle +concept_book_lonesome_dove concept:bookwriter concept_writer_larry_mcmurtry +concept_book_look concept:atdate concept_dateliteral_n2007 +concept_book_look concept:atdate concept_dateliteral_n2008 +concept_book_look concept:proxyfor concept_eventoutcome_new +concept_book_lord_jim concept:bookwriter concept_writer_joseph_conrad +concept_book_lord_of_the_flies concept:bookwriter concept_writer_william_golding +concept_book_lord_of_the_rings concept:bookwriter concept_personeurope_j_r_r__tolkien +concept_book_lorna_doone concept:bookwriter concept_writer_anne_bronte +concept_book_lorna_doone concept:bookwriter concept_writer_r_d__blackmore +concept_book_lost_horizon concept:bookwriter concept_personaustralia_james_hilton +concept_book_lost_world concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_lost_world concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_love_in_the_time_of_cholera concept:bookwriter concept_writer_gabriel_garcia_marquez +concept_book_lovely_bones concept:bookwriter concept_writer_alice_sebold +concept_book_loving concept:bookwriter concept_writer_henry_green +concept_book_lucky__a_memoir concept:bookwriter concept_writer_alice_sebold +concept_book_lucky_jim concept:bookwriter concept_writer_kingsley_amis +concept_book_lucy concept:proxyfor concept_eventoutcome_new +concept_book_lysistrata concept:bookwriter concept_personeurope_aristophanes +concept_book_m_y_t_h__inc__in_action concept:bookwriter concept_professor_robert_asprin +concept_book_macbeth concept:bookwriter concept_personeurope_william_shakespeare +concept_book_macbeth concept:bookwriter concept_writer_shakespeare +concept_book_madame_bovary concept:bookwriter concept_person_flaubert +concept_book_madame_bovary concept:bookwriter concept_writer_gustave_flaubert +concept_book_madeline concept:bookwriter concept_personeurope_ludwig_bemelmans +concept_book_maggie__a_girl_of_the_streets concept:bookwriter concept_writer_stephen_crane +concept_book_magic_mountain concept:bookwriter concept_writer_thomas_mann +concept_book_magic_s_pawn concept:bookwriter concept_writer_mercedes_lackey +concept_book_magic_s_price concept:bookwriter concept_writer_mercedes_lackey +concept_book_magic_s_promise concept:bookwriter concept_writer_mercedes_lackey +concept_book_magician concept:bookwriter concept_writer_raymond_e__feist +concept_book_maiden_voyage concept:atdate concept_date_n2009 +concept_book_maiden_voyage concept:atdate concept_dateliteral_n2007 +concept_book_main_street concept:bookwriter concept_writer_sinclair_lewis +concept_book_maisie_dobbs concept:bookwriter concept_writer_jacqueline_winspear +concept_book_maltese_falcon concept:bookwriter concept_writer_dashiell_hammett +concept_book_maltese_falcon concept:bookwriter concept_writer_hammett +concept_book_man_s_search_for_meaning concept:bookwriter concept_writer_viktor_frankl +concept_book_maneki_neko concept:bookwriter concept_writer_bruce_sterling +concept_book_manhattan_transfer concept:bookwriter concept_personeurope_john_dos_passos +concept_book_maniac_magee concept:bookwriter concept_personeurope_jerry_spinelli +concept_book_mansfield_park concept:bookwriter concept_writer_austen +concept_book_mansfield_park concept:bookwriter concept_writer_jane_austen +concept_book_marooned_in_realtime concept:bookwriter concept_writer_vernor_vinge +concept_book_martian_chronicles concept:bookwriter concept_writer_ray_bradbury +concept_book_martin_chuzzlewit concept:bookwriter concept_writer_charles_dickens +concept_book_martin_chuzzlewit concept:bookwriter concept_writer_dickens +concept_book_martin_eden concept:bookwriter concept_personeurope_jack_london +concept_book_mary_poppins concept:bookwriter concept_personeurope_p_l__travers +concept_book_mary_poppins concept:bookwriter concept_writer_p__l__travers +concept_book_masquerade concept:atlocation concept_county_atlanta +concept_book_matilda concept:bookwriter concept_personeurope_roald_dahl +concept_book_maus concept:bookwriter concept_writer_art_spiegelman +concept_book_maverick concept:mutualproxyfor concept_person_guy_oseary +concept_book_mayor_of_casterbridge concept:bookwriter concept_writer_thomas_hardy +concept_book_mcteague concept:bookwriter concept_writer_frank_norris +concept_book_measure_for_measure concept:bookwriter concept_writer_shakespeare +concept_book_medea concept:bookwriter concept_writer_euripides +concept_book_meditations concept:bookwriter concept_scientist_descartes +concept_book_meditations_on_first_philosophy concept:bookwriter concept_scientist_descartes +concept_book_medium concept:proxyfor concept_eventoutcome_new +concept_book_mein_kampf concept:bookwriter concept_personus_adolf_hitler +concept_book_memoirs_of_a_geisha concept:bookwriter concept_writer_arthur_golden +concept_book_memoirs_of_a_geisha_a_novel concept:bookwriter concept_writer_arthur_golden +concept_book_memoirs_of_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_memory concept:proxyfor concept_eventoutcome_new +concept_book_menage concept:bookwriter concept_writer_simon_ings +concept_book_meno concept:bookwriter concept_personeurope_plato +concept_book_mere_christianity concept:bookwriter concept_scientist_c__s__lewis +concept_book_mere_christianity concept:bookwriter concept_writer_c_s__lewis +concept_book_mere_christianity concept:bookwriter concept_writer_lewis +concept_book_merry_wives concept:bookwriter concept_writer_shakespeare +concept_book_merry_wives_of_windsor concept:bookwriter concept_writer_shakespeare +concept_book_metamorphoses concept:bookwriter concept_writer_ovid +concept_book_metamorphosis concept:bookwriter concept_writer_franz_kafka +concept_book_metamorphosis concept:bookwriter concept_writer_ovid +concept_book_metropolis concept:proxyfor concept_eventoutcome_new +concept_book_metropolis concept:atlocation concept_stateorprovince_illinois +concept_book_micah concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_michael concept:atdate concept_dateliteral_n2006 +concept_book_middle concept:atlocation concept_building_america +concept_book_middle concept:atlocation concept_skyscraper_asia +concept_book_middlemarch concept:bookwriter concept_writer_george_eliot +concept_book_middlesex concept:bookwriter concept_writer_jeffrey_eugenides +concept_book_midnight concept:bookwriter concept_writer_salman_rushdie +concept_book_midnight_come_again concept:bookwriter concept_writer_dana_stabenow +concept_book_midsummer_night__s_dream concept:bookwriter concept_personeurope_william_shakespeare +concept_book_midsummer_night__s_dream concept:bookwriter concept_writer_shakespeare +concept_book_midsummer_night_dream concept:bookwriter concept_writer_shakespeare +concept_book_miles concept:mutualproxyfor concept_book_new +concept_book_miles concept:atdate concept_dateliteral_n2008 +concept_book_miles concept:proxyfor concept_eventoutcome_new +concept_book_miles concept:atlocation concept_hotel_north +concept_book_miles concept:atlocation concept_lake_new +concept_book_miles concept:atlocation concept_lake_pacific +concept_book_miles concept:atlocation concept_landscapefeatures_gulf +concept_book_miles concept:atlocation concept_website_south +concept_book_millennium_people concept:bookwriter concept_writer_jg_ballard +concept_book_mine concept:atdate concept_date_n1999 +concept_book_mine concept:atdate concept_date_n2003 +concept_book_mine concept:atdate concept_dateliteral_n2002 +concept_book_mine concept:atdate concept_dateliteral_n2005 +concept_book_mine concept:atdate concept_dateliteral_n2006 +concept_book_mine concept:atdate concept_dateliteral_n2007 +concept_book_mine concept:atdate concept_dateliteral_n2008 +concept_book_mine concept:proxyfor concept_eventoutcome_new +concept_book_miramar concept:atlocation concept_city_florida +concept_book_misery concept:bookwriter concept_writer_stephen_king +concept_book_miss_hickory concept:bookwriter concept_writer_carolyn_sherwin_bailey +concept_book_mister_johnson concept:bookwriter concept_writer_joyce_cary +concept_book_mistral_s_kiss concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_mists_of_avalon concept:bookwriter concept_writer_marion_zimmer_bradley +concept_book_misty_of_chincoteague concept:bookwriter concept_writer_marguerite_henry +concept_book_moby_dick concept:bookwriter concept_person_melville +concept_book_moby_dick concept:bookwriter concept_writer_herman_melville +concept_book_modest_proposal concept:bookwriter concept_writer_jonathan_swift +concept_book_moll_flanders concept:bookwriter concept_writer_daniel_defoe +concept_book_moneyball concept:bookwriter concept_writer_michael_lewis +concept_book_monster concept:bookwriter concept_personeurope_walter_dean_myers +concept_book_moo concept:bookwriter concept_writer_jane_smiley +concept_book_moonstone concept:bookwriter concept_writer_wilkie_collins +concept_book_more_die_of_heartbreak concept:bookwriter concept_scientist_saul_bellow +concept_book_morning concept:mutualproxyfor concept_book_new +concept_book_morning concept:atdate concept_date_n1942 +concept_book_morning concept:atdate concept_date_n1944 +concept_book_morning concept:atdate concept_date_n1968 +concept_book_morning concept:atdate concept_date_n1993 +concept_book_morning concept:atdate concept_date_n1996 +concept_book_morning concept:atdate concept_date_n1999 +concept_book_morning concept:atdate concept_date_n2000 +concept_book_morning concept:atdate concept_date_n2001 +concept_book_morning concept:atdate concept_date_n2003 +concept_book_morning concept:atdate concept_date_n2004 +concept_book_morning concept:atdate concept_dateliteral_n2002 +concept_book_morning concept:atdate concept_dateliteral_n2005 +concept_book_morning concept:atdate concept_dateliteral_n2006 +concept_book_morning concept:atdate concept_dateliteral_n2007 +concept_book_morning concept:atdate concept_dateliteral_n2008 +concept_book_morning concept:proxyfor concept_eventoutcome_new +concept_book_morning concept:atdate concept_year_n1967 +concept_book_morning concept:atdate concept_year_n1978 +concept_book_morning concept:atdate concept_year_n1981 +concept_book_morning concept:atdate concept_year_n1982 +concept_book_morning concept:atdate concept_year_n1986 +concept_book_morning concept:atdate concept_year_n1989 +concept_book_morning concept:atdate concept_year_n1991 +concept_book_morning concept:atdate concept_year_n1994 +concept_book_morning concept:atdate concept_year_n1995 +concept_book_morning concept:atdate concept_year_n1997 +concept_book_morning concept:atdate concept_year_n1998 +concept_book_mosaic concept:proxyfor concept_eventoutcome_new +concept_book_mother concept:bookwriter concept_writer_maxim_gorky +concept_book_mrs__dalloway concept:bookwriter concept_writer_virginia_woolf +concept_book_mrs_dalloway concept:bookwriter concept_writer_virginia_woolf +concept_book_much_ado_about_nothing concept:bookwriter concept_personeurope_william_shakespeare +concept_book_much_ado_about_nothing concept:bookwriter concept_writer_shakespeare +concept_book_mute concept:subpartof concept_actor_daniel_miller +concept_book_mute concept:mutualproxyfor concept_personeurope_daniel_miller +concept_book_my_antonia concept:bookwriter concept_personeurope_willa_cather +concept_book_my_cousin_rachel concept:bookwriter concept_writer_daphne_du_maurier +concept_book_my_dead_body concept:bookwriter concept_writer_charlie_huston +concept_book_my_friend_leonard concept:bookwriter concept_writer_james_frey +concept_book_my_life_as_a_man concept:bookwriter concept_writer_philip_roth +concept_book_my_man_jeeves concept:bookwriter concept_writer_p_g__wodehouse +concept_book_my_name_is_asher_lev concept:bookwriter concept_writer_chaim_potok +concept_book_mysterious_island concept:bookwriter concept_writer_jules_verne +concept_book_mystery concept:proxyfor concept_eventoutcome_new +concept_book_mystic_river concept:bookwriter concept_writer_dennis_lehane +concept_book_myths concept:bookwriter concept_celebrity_joseph_campbell +concept_book_n1st_to_die concept:bookwriter concept_writer_james_patterson +concept_book_n20_000_leagues_under_the_sea concept:bookwriter concept_writer_jules_verne +concept_book_n2nd_chance concept:bookwriter concept_writer_james_patterson +concept_book_n3rd_degree concept:bookwriter concept_writer_james_patterson +concept_book_n4th_of_july concept:bookwriter concept_writer_james_patterson +concept_book_n7th_heaven concept:bookwriter concept_writer_james_patterson +concept_book_n9_dragons concept:bookwriter concept_writer_michael_connelly +concept_book_naked_lunch concept:bookwriter concept_writer_william_burroughs +concept_book_naked_lunch concept:bookwriter concept_writer_william_s__burroughs +concept_book_namesake concept:bookwriter concept_writer_jhumpa_lahiri +concept_book_nancy_drew concept:bookwriter concept_writer_carolyn_keene +concept_book_narcissus_in_chains concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_narnia concept:bookwriter concept_scientist_c__s__lewis +concept_book_narnia concept:bookwriter concept_writer_c_s__lewis +concept_book_narnia concept:bookwriter concept_writer_c_s_lewis +concept_book_narnia concept:bookwriter concept_writer_cs_lewis +concept_book_narnia concept:bookwriter concept_writer_lewis +concept_book_nashville concept:mutualproxyfor concept_academicfield_tn +concept_book_nashville concept:subpartof concept_academicfield_tn +concept_book_nashville concept:atlocation concept_city_arkansas +concept_book_nashville concept:atdate concept_dateliteral_n2002 +concept_book_nashville concept:atdate concept_dateliteral_n2005 +concept_book_nashville concept:atdate concept_dateliteral_n2007 +concept_book_nashville concept:proxyfor concept_eventoutcome_new +concept_book_nashville concept:mutualproxyfor concept_musicalbum_tennessee +concept_book_nashville concept:mutualproxyfor concept_politician_bill_purcell +concept_book_nashville concept:atdate concept_year_n1998 +concept_book_nation concept:mutualproxyfor concept_book_new +concept_book_nation concept:istallerthan concept_publication_people_ +concept_book_native_son concept:bookwriter concept_personeurope_richard_wright +concept_book_needful_things concept:bookwriter concept_writer_stephen_king +concept_book_nelson concept:atdate concept_dateliteral_n2006 +concept_book_network concept:mutualproxyfor concept_book_new +concept_book_network concept:atdate concept_date_n1996 +concept_book_network concept:atdate concept_date_n2000 +concept_book_network concept:atdate concept_date_n2001 +concept_book_network concept:atdate concept_date_n2003 +concept_book_network concept:atdate concept_date_n2004 +concept_book_network concept:atdate concept_date_n2009 +concept_book_network concept:atdate concept_dateliteral_n2002 +concept_book_network concept:atdate concept_dateliteral_n2005 +concept_book_network concept:atdate concept_dateliteral_n2006 +concept_book_network concept:atdate concept_dateliteral_n2007 +concept_book_network concept:atdate concept_dateliteral_n2008 +concept_book_network concept:proxyfor concept_eventoutcome_new +concept_book_network concept:subpartof concept_musicalbum_power +concept_book_network concept:mutualproxyfor concept_sportsequipment_board +concept_book_network concept:atdate concept_year_n1994 +concept_book_network concept:atdate concept_year_n1997 +concept_book_neuromancer concept:bookwriter concept_writer_william_gibson +concept_book_never_let_me_go concept:bookwriter concept_writer_kazuo_ishiguro +concept_book_new concept:atlocation concept_airport_circle +concept_book_new concept:atlocation concept_airport_europe +concept_book_new concept:atlocation concept_airport_jersey +concept_book_new concept:atlocation concept_airport_north_america +concept_book_new concept:atlocation concept_aquarium_groups +concept_book_new concept:atlocation concept_aquarium_new_england +concept_book_new concept:atlocation concept_aquarium_uk_ +concept_book_new concept:mutualproxyfor concept_bathroomitem_firm +concept_book_new concept:mutualproxyfor concept_bathroomitem_industry +concept_book_new concept:mutualproxyfor concept_bathroomitem_partnership +concept_book_new concept:mutualproxyfor concept_bathroomitem_target +concept_book_new concept:mutualproxyfor concept_bedroomitem_experience +concept_book_new concept:mutualproxyfor concept_bedroomitem_future +concept_book_new concept:proxyfor concept_bedroomitem_games +concept_book_new concept:mutualproxyfor concept_bedroomitem_order +concept_book_new concept:mutualproxyfor concept_bedroomitem_piece +concept_book_new concept:mutualproxyfor concept_bedroomitem_rate +concept_book_new concept:mutualproxyfor concept_bedroomitem_sort +concept_book_new concept:mutualproxyfor concept_beverage_arizona +concept_book_new concept:mutualproxyfor concept_beverage_ports +concept_book_new concept:mutualproxyfor concept_beverage_reality +concept_book_new concept:mutualproxyfor concept_beverage_sites +concept_book_new concept:mutualproxyfor concept_bone_entity +concept_book_new concept:mutualproxyfor concept_book_adventure +concept_book_new concept:mutualproxyfor concept_book_america +concept_book_new concept:mutualproxyfor concept_book_amsterdam +concept_book_new concept:mutualproxyfor concept_book_battleground +concept_book_new concept:mutualproxyfor concept_book_brand +concept_book_new concept:mutualproxyfor concept_book_change +concept_book_new concept:mutualproxyfor concept_book_fall +concept_book_new concept:mutualproxyfor concept_book_film +concept_book_new concept:proxyfor concept_book_five_years +concept_book_new concept:mutualproxyfor concept_book_friends +concept_book_new concept:mutualproxyfor concept_book_gateway +concept_book_new concept:mutualproxyfor concept_book_home_town +concept_book_new concept:mutualproxyfor concept_book_impact +concept_book_new concept:mutualproxyfor concept_book_items +concept_book_new concept:mutualproxyfor concept_book_job +concept_book_new concept:mutualproxyfor concept_book_la +concept_book_new concept:mutualproxyfor concept_book_leader +concept_book_new concept:mutualproxyfor concept_book_nation +concept_book_new concept:mutualproxyfor concept_book_network +concept_book_new concept:mutualproxyfor concept_book_non_profit_organization +concept_book_new concept:mutualproxyfor concept_book_north +concept_book_new concept:mutualproxyfor concept_book_quarter +concept_book_new concept:mutualproxyfor concept_book_questions +concept_book_new concept:mutualproxyfor concept_book_refuge +concept_book_new concept:mutualproxyfor concept_book_services +concept_book_new concept:mutualproxyfor concept_book_side +concept_book_new concept:mutualproxyfor concept_book_suburbs +concept_book_new concept:proxyfor concept_book_terms +concept_book_new concept:proxyfor concept_book_things +concept_book_new concept:mutualproxyfor concept_book_tour +concept_book_new concept:mutualproxyfor concept_book_way_home +concept_book_new concept:proxyfor concept_book_years +concept_book_new concept:atlocation concept_bridge_honor +concept_book_new concept:atlocation concept_bridge_new_jersey +concept_book_new concept:atlocation concept_bridge_premier_destination +concept_book_new concept:atlocation concept_bridge_ship +concept_book_new concept:atlocation concept_bridge_world +concept_book_new concept:mutualproxyfor concept_building_atlantic_city +concept_book_new concept:atlocation concept_building_destination +concept_book_new concept:atlocation concept_building_spot +concept_book_new concept:atlocation concept_building_west +concept_book_new concept:mutualproxyfor concept_buildingfeature_host +concept_book_new concept:mutualproxyfor concept_buildingfeature_same_time +concept_book_new concept:mutualproxyfor concept_buildingfeature_sections +concept_book_new concept:mutualproxyfor concept_cardgame_understanding +concept_book_new concept:mutualproxyfor concept_celebrity_staten_island +concept_book_new concept:mutualproxyfor concept_chemical_example +concept_book_new concept:atlocation concept_city_american_city +concept_book_new concept:atlocation concept_city_area +concept_book_new concept:atlocation concept_city_arena +concept_book_new concept:atlocation concept_city_article +concept_book_new concept:atlocation concept_city_band +concept_book_new concept:atlocation concept_city_bar +concept_book_new concept:atlocation concept_city_capital +concept_book_new concept:atlocation concept_city_catholic +concept_book_new concept:atlocation concept_city_centre +concept_book_new concept:atlocation concept_city_challenge +concept_book_new concept:atlocation concept_city_choice +concept_book_new concept:atlocation concept_city_click +concept_book_new concept:atlocation concept_city_club +concept_book_new concept:atlocation concept_city_communities +concept_book_new concept:atlocation concept_city_construction +concept_book_new concept:atlocation concept_city_countryside +concept_book_new concept:atlocation concept_city_deal +concept_book_new concept:atlocation concept_city_deals +concept_book_new concept:atlocation concept_city_delivery +concept_book_new concept:atlocation concept_city_design +concept_book_new concept:atlocation concept_city_district +concept_book_new concept:atlocation concept_city_districts +concept_book_new concept:atlocation concept_city_empire +concept_book_new concept:atlocation concept_city_example +concept_book_new concept:atlocation concept_city_experts +concept_book_new concept:atlocation concept_city_father +concept_book_new concept:atlocation concept_city_florida +concept_book_new concept:atlocation concept_city_forest +concept_book_new concept:atlocation concept_city_friend +concept_book_new concept:atlocation concept_city_help +concept_book_new concept:atlocation concept_city_hit +concept_book_new concept:atlocation concept_city_holiday +concept_book_new concept:atlocation concept_city_home +concept_book_new concept:atlocation concept_city_hometown +concept_book_new concept:atlocation concept_city_hope +concept_book_new concept:atlocation concept_city_lead +concept_book_new concept:atlocation concept_city_library +concept_book_new concept:atlocation concept_city_link +concept_book_new concept:atlocation concept_city_map +concept_book_new concept:atlocation concept_city_name +concept_book_new concept:atlocation concept_city_nature +concept_book_new concept:atlocation concept_city_neighborhood +concept_book_new concept:atlocation concept_city_neighborhoods +concept_book_new concept:atlocation concept_city_number +concept_book_new concept:atlocation concept_city_parents +concept_book_new concept:atlocation concept_city_pictures +concept_book_new concept:atlocation concept_city_pioneer +concept_book_new concept:atlocation concept_city_place +concept_book_new concept:atlocation concept_city_population +concept_book_new concept:atlocation concept_city_reason +concept_book_new concept:atlocation concept_city_resources +concept_book_new concept:atlocation concept_city_rochelle +concept_book_new concept:atlocation concept_city_seat +concept_book_new concept:atlocation concept_city_service +concept_book_new concept:atlocation concept_city_stub +concept_book_new concept:atlocation concept_city_surprise +concept_book_new concept:atlocation concept_city_team +concept_book_new concept:atlocation concept_city_texas +concept_book_new concept:atlocation concept_city_towns +concept_book_new concept:atlocation concept_city_us_city +concept_book_new concept:atlocation concept_city_washington_d_c +concept_book_new concept:atlocation concept_city_web +concept_book_new concept:atlocation concept_city_workshops +concept_book_new concept:atlocation concept_city_york +concept_book_new concept:mutualproxyfor concept_coach_jersey +concept_book_new concept:mutualproxyfor concept_coach_kentucky +concept_book_new concept:mutualproxyfor concept_coach_metro_areas +concept_book_new concept:mutualproxyfor concept_coach_n3 +concept_book_new concept:mutualproxyfor concept_coach_places +concept_book_new concept:mutualproxyfor concept_comedian_day +concept_book_new concept:atlocation concept_company_look +concept_book_new concept:mutualproxyfor concept_consumerelectronicitem_muse +concept_book_new concept:atlocation concept_continent_africa +concept_book_new concept:mutualproxyfor concept_country_orleans +concept_book_new concept:mutualproxyfor concept_country_representative +concept_book_new concept:atlocation concept_county_bedford +concept_book_new concept:atlocation concept_county_celebration +concept_book_new concept:atlocation concept_county_chicago +concept_book_new concept:atlocation concept_county_families +concept_book_new concept:atlocation concept_county_granite +concept_book_new concept:atlocation concept_county_health +concept_book_new concept:atlocation concept_county_manhattan +concept_book_new concept:atlocation concept_county_n15_years +concept_book_new concept:atlocation concept_county_n18_years +concept_book_new concept:atlocation concept_county_paris +concept_book_new concept:atlocation concept_county_philadelphia +concept_book_new concept:atlocation concept_county_san_francisco +concept_book_new concept:atlocation concept_county_seattle +concept_book_new concept:atlocation concept_county_student +concept_book_new concept:mutualproxyfor concept_criminal_england_area +concept_book_new concept:atdate concept_dateliteral_n2008 +concept_book_new concept:mutualproxyfor concept_election_six_months +concept_book_new concept:mutualproxyfor concept_election_train +concept_book_new concept:mutualproxyfor concept_emotion_ability +concept_book_new concept:mutualproxyfor concept_emotion_college +concept_book_new concept:mutualproxyfor concept_emotion_corporations +concept_book_new concept:mutualproxyfor concept_emotion_doubt +concept_book_new concept:mutualproxyfor concept_emotion_end +concept_book_new concept:mutualproxyfor concept_emotion_expert +concept_book_new concept:mutualproxyfor concept_emotion_fact +concept_book_new concept:mutualproxyfor concept_emotion_favourite +concept_book_new concept:mutualproxyfor concept_emotion_field +concept_book_new concept:mutualproxyfor concept_emotion_fun +concept_book_new concept:mutualproxyfor concept_emotion_government +concept_book_new concept:mutualproxyfor concept_emotion_honor +concept_book_new concept:mutualproxyfor concept_emotion_issue +concept_book_new concept:mutualproxyfor concept_emotion_land +concept_book_new concept:mutualproxyfor concept_emotion_love +concept_book_new concept:mutualproxyfor concept_emotion_mind +concept_book_new concept:mutualproxyfor concept_emotion_mississippi +concept_book_new concept:mutualproxyfor concept_emotion_moment +concept_book_new concept:mutualproxyfor concept_emotion_money +concept_book_new concept:proxyfor concept_emotion_night +concept_book_new concept:mutualproxyfor concept_emotion_paper +concept_book_new concept:mutualproxyfor concept_emotion_part +concept_book_new concept:mutualproxyfor concept_emotion_price +concept_book_new concept:mutualproxyfor concept_emotion_production +concept_book_new concept:mutualproxyfor concept_emotion_site +concept_book_new concept:mutualproxyfor concept_emotion_son +concept_book_new concept:mutualproxyfor concept_emotion_spot +concept_book_new concept:mutualproxyfor concept_eventoutcome_age +concept_book_new concept:mutualproxyfor concept_eventoutcome_business +concept_book_new concept:mutualproxyfor concept_eventoutcome_campaigns +concept_book_new concept:mutualproxyfor concept_eventoutcome_character +concept_book_new concept:mutualproxyfor concept_eventoutcome_client +concept_book_new concept:mutualproxyfor concept_eventoutcome_cost +concept_book_new concept:mutualproxyfor concept_eventoutcome_disaster +concept_book_new concept:mutualproxyfor concept_eventoutcome_group +concept_book_new concept:mutualproxyfor concept_eventoutcome_hands +concept_book_new concept:mutualproxyfor concept_eventoutcome_idea +concept_book_new concept:mutualproxyfor concept_eventoutcome_member +concept_book_new concept:proxyfor concept_eventoutcome_new +concept_book_new concept:mutualproxyfor concept_eventoutcome_position +concept_book_new concept:mutualproxyfor concept_eventoutcome_practice +concept_book_new concept:mutualproxyfor concept_eventoutcome_presence +concept_book_new concept:mutualproxyfor concept_eventoutcome_result +concept_book_new concept:mutualproxyfor concept_eventoutcome_state +concept_book_new concept:mutualproxyfor concept_eventoutcome_story +concept_book_new concept:mutualproxyfor concept_eventoutcome_vicinity +concept_book_new concept:mutualproxyfor concept_female_seven +concept_book_new concept:proxyfor concept_female_shows +concept_book_new concept:mutualproxyfor concept_food_new_england +concept_book_new concept:mutualproxyfor concept_geometricshape_addition +concept_book_new concept:mutualproxyfor concept_geometricshape_colleges +concept_book_new concept:mutualproxyfor concept_geometricshape_landscape +concept_book_new concept:proxyfor concept_geometricshape_percent +concept_book_new concept:mutualproxyfor concept_geometricshape_property +concept_book_new concept:mutualproxyfor concept_geometricshape_queens +concept_book_new concept:mutualproxyfor concept_geometricshape_ship +concept_book_new concept:atlocation concept_geopoliticallocation_americas +concept_book_new concept:atlocation concept_geopoliticallocation_canaan +concept_book_new concept:atlocation concept_geopoliticallocation_destinations +concept_book_new concept:atlocation concept_geopoliticallocation_u_s__state +concept_book_new concept:mutualproxyfor concept_grain_kingdom +concept_book_new concept:mutualproxyfor concept_hallwayitem_areas +concept_book_new concept:mutualproxyfor concept_hallwayitem_boat +concept_book_new concept:mutualproxyfor concept_hallwayitem_connection +concept_book_new concept:mutualproxyfor concept_hallwayitem_court +concept_book_new concept:mutualproxyfor concept_hallwayitem_market +concept_book_new concept:mutualproxyfor concept_hallwayitem_pick +concept_book_new concept:mutualproxyfor concept_hallwayitem_point +concept_book_new concept:mutualproxyfor concept_hallwayitem_problem +concept_book_new concept:mutualproxyfor concept_hallwayitem_project +concept_book_new concept:mutualproxyfor concept_hallwayitem_season +concept_book_new concept:mutualproxyfor concept_hallwayitem_subject +concept_book_new concept:proxyfor concept_hallwayitem_thousand +concept_book_new concept:atlocation concept_highway_noon +concept_book_new concept:atlocation concept_highway_right +concept_book_new concept:atlocation concept_highway_talk +concept_book_new concept:atlocation concept_highway_work +concept_book_new concept:atlocation concept_hospital_star +concept_book_new concept:mutualproxyfor concept_householditem_customer +concept_book_new concept:mutualproxyfor concept_householditem_range +concept_book_new concept:atlocation concept_island_guinea +concept_book_new concept:atlocation concept_island_haven +concept_book_new concept:mutualproxyfor concept_island_haven +concept_book_new concept:atlocation concept_island_head +concept_book_new concept:mutualproxyfor concept_island_head +concept_book_new concept:atlocation concept_island_hell +concept_book_new concept:mutualproxyfor concept_island_houston +concept_book_new concept:atlocation concept_island_investment +concept_book_new concept:mutualproxyfor concept_island_metropolitan_region +concept_book_new concept:atlocation concept_island_mother +concept_book_new concept:mutualproxyfor concept_island_mother +concept_book_new concept:mutualproxyfor concept_island_new_york_city_metropolitan_area +concept_book_new concept:atlocation concept_island_operations +concept_book_new concept:atlocation concept_island_proposal +concept_book_new concept:mutualproxyfor concept_island_scott +concept_book_new concept:mutualproxyfor concept_island_selection +concept_book_new concept:atlocation concept_island_society +concept_book_new concept:mutualproxyfor concept_island_staff +concept_book_new concept:atlocation concept_island_territory +concept_book_new concept:mutualproxyfor concept_island_territory +concept_book_new concept:mutualproxyfor concept_island_the_bronx +concept_book_new concept:atlocation concept_island_total +concept_book_new concept:mutualproxyfor concept_kitchenitem_chance +concept_book_new concept:mutualproxyfor concept_kitchenitem_companies +concept_book_new concept:mutualproxyfor concept_kitchenitem_millions +concept_book_new concept:atlocation concept_lake_coastal_city +concept_book_new concept:atlocation concept_lake_field +concept_book_new concept:mutualproxyfor concept_lake_home_base +concept_book_new concept:mutualproxyfor concept_landscapefeatures_metropolitan_area +concept_book_new concept:mutualproxyfor concept_landscapefeatures_provinces +concept_book_new concept:mutualproxyfor concept_landscapefeatures_stores +concept_book_new concept:mutualproxyfor concept_landscapefeatures_weekend +concept_book_new concept:mutualproxyfor concept_male_dream +concept_book_new concept:mutualproxyfor concept_male_history +concept_book_new concept:proxyfor concept_mlalgorithm__ +concept_book_new concept:mutualproxyfor concept_mlalgorithm_section +concept_book_new concept:mutualproxyfor concept_mlarea_lack +concept_book_new concept:mutualproxyfor concept_mldataset_groups +concept_book_new concept:mutualproxyfor concept_monument_area_residents +concept_book_new concept:mutualproxyfor concept_monument_museums +concept_book_new concept:mutualproxyfor concept_monument_philadelphia_area +concept_book_new concept:mutualproxyfor concept_monument_rhode_island +concept_book_new concept:atlocation concept_mountain_inspiration +concept_book_new concept:atlocation concept_mountain_long_island +concept_book_new concept:mutualproxyfor concept_museum_community +concept_book_new concept:mutualproxyfor concept_museum_facilities +concept_book_new concept:mutualproxyfor concept_museum_opportunities +concept_book_new concept:mutualproxyfor concept_musicalbum_centers +concept_book_new concept:mutualproxyfor concept_musicalbum_culture +concept_book_new concept:mutualproxyfor concept_musicalbum_days +concept_book_new concept:mutualproxyfor concept_musicalbum_decades +concept_book_new concept:mutualproxyfor concept_musicalbum_destination +concept_book_new concept:mutualproxyfor concept_musicalbum_four_years +concept_book_new concept:mutualproxyfor concept_musicalbum_life +concept_book_new concept:mutualproxyfor concept_musicalbum_metro_area +concept_book_new concept:mutualproxyfor concept_musicalbum_months +concept_book_new concept:mutualproxyfor concept_musicalbum_number_two +concept_book_new concept:mutualproxyfor concept_musicalbum_quebec +concept_book_new concept:mutualproxyfor concept_musicalbum_seasons +concept_book_new concept:mutualproxyfor concept_musicalbum_stage +concept_book_new concept:mutualproxyfor concept_musicalbum_tennessee +concept_book_new concept:mutualproxyfor concept_musicalbum_three_years +concept_book_new concept:mutualproxyfor concept_musicalbum_today +concept_book_new concept:mutualproxyfor concept_musicalbum_trip +concept_book_new concept:mutualproxyfor concept_musicalbum_two_years +concept_book_new concept:mutualproxyfor concept_musicalbum_us +concept_book_new concept:subpartof concept_musicartist_shows +concept_book_new concept:subpartof concept_musicartist_town +concept_book_new concept:mutualproxyfor concept_musicgenre_nyc +concept_book_new concept:mutualproxyfor concept_musicinstrument_base +concept_book_new concept:proxyfor concept_musicinstrument_blocks +concept_book_new concept:mutualproxyfor concept_musicinstrument_buffalo +concept_book_new concept:mutualproxyfor concept_musicinstrument_games +concept_book_new concept:mutualproxyfor concept_musicinstrument_mixture +concept_book_new concept:mutualproxyfor concept_musicinstrument_news +concept_book_new concept:mutualproxyfor concept_musicinstrument_resource +concept_book_new concept:mutualproxyfor concept_musicinstrument_return +concept_book_new concept:mutualproxyfor concept_musicinstrument_station +concept_book_new concept:mutualproxyfor concept_musicinstrument_stuff +concept_book_new concept:mutualproxyfor concept_musicinstrument_talk +concept_book_new concept:mutualproxyfor concept_nerve_leg +concept_book_new concept:mutualproxyfor concept_parlourgame_short_drive +concept_book_new concept:mutualproxyfor concept_person_wife001 +concept_book_new concept:mutualproxyfor concept_personmexico_locales +concept_book_new concept:atlocation concept_planet_anomaly +concept_book_new concept:atlocation concept_planet_answer +concept_book_new concept:atlocation concept_planet_climate +concept_book_new concept:atlocation concept_planet_core +concept_book_new concept:atlocation concept_planet_course +concept_book_new concept:atlocation concept_planet_economy +concept_book_new concept:atlocation concept_planet_effect +concept_book_new concept:atlocation concept_planet_efforts +concept_book_new concept:atlocation concept_planet_face +concept_book_new concept:atlocation concept_planet_fiction +concept_book_new concept:atlocation concept_planet_friends +concept_book_new concept:atlocation concept_planet_heaven +concept_book_new concept:atlocation concept_planet_matter +concept_book_new concept:atlocation concept_planet_night +concept_book_new concept:atlocation concept_planet_object +concept_book_new concept:atlocation concept_planet_ocean +concept_book_new concept:atlocation concept_planet_order +concept_book_new concept:atlocation concept_planet_places +concept_book_new concept:atlocation concept_planet_problem +concept_book_new concept:atlocation concept_planet_process +concept_book_new concept:atlocation concept_planet_question +concept_book_new concept:atlocation concept_planet_reasons +concept_book_new concept:atlocation concept_planet_regions +concept_book_new concept:atlocation concept_planet_result +concept_book_new concept:atlocation concept_planet_seasons +concept_book_new concept:atlocation concept_planet_shape +concept_book_new concept:atlocation concept_planet_size +concept_book_new concept:atlocation concept_planet_southeast +concept_book_new concept:atlocation concept_planet_testament +concept_book_new concept:atlocation concept_planet_treat +concept_book_new concept:atlocation concept_planet_universe +concept_book_new concept:atlocation concept_planet_wonder +concept_book_new concept:mutualproxyfor concept_politicaloffice_association +concept_book_new concept:mutualproxyfor concept_politicaloffice_governor +concept_book_new concept:mutualproxyfor concept_politicaloffice_office +concept_book_new concept:mutualproxyfor concept_politicaloffice_president +concept_book_new concept:atlocation concept_politicalparty_dawn +concept_book_new concept:mutualproxyfor concept_politicalparty_southern_states +concept_book_new concept:subpartof concept_politicsissue_markets +concept_book_new concept:subpartof concept_politicsissue_meetings +concept_book_new concept:subpartof concept_politicsissue_residents +concept_book_new concept:atlocation concept_port_iberia +concept_book_new concept:proxyfor concept_profession_hours +concept_book_new concept:proxyfor concept_profession_lawyers +concept_book_new concept:mutualproxyfor concept_programminglanguage_economy +concept_book_new concept:subpartof concept_programminglanguage_state +concept_book_new concept:mutualproxyfor concept_publication_ontario +concept_book_new concept:subpartof concept_religion_east_asia +concept_book_new concept:mutualproxyfor concept_reptile_galleries +concept_book_new concept:mutualproxyfor concept_researchproject_housing +concept_book_new concept:mutualproxyfor concept_researchproject_study +concept_book_new concept:mutualproxyfor concept_restaurant_mecca +concept_book_new concept:mutualproxyfor concept_restaurant_melting_pot +concept_book_new concept:atlocation concept_river_adventure +concept_book_new concept:subpartof concept_river_arts +concept_book_new concept:atlocation concept_river_counties +concept_book_new concept:mutualproxyfor concept_river_counties +concept_book_new concept:atlocation concept_river_six +concept_book_new concept:mutualproxyfor concept_room_back +concept_book_new concept:mutualproxyfor concept_room_coast +concept_book_new concept:proxyfor concept_room_dates +concept_book_new concept:mutualproxyfor concept_room_development +concept_book_new concept:mutualproxyfor concept_room_family +concept_book_new concept:mutualproxyfor concept_room_ground +concept_book_new concept:mutualproxyfor concept_room_homes +concept_book_new concept:mutualproxyfor concept_room_house +concept_book_new concept:mutualproxyfor concept_room_kids +concept_book_new concept:mutualproxyfor concept_room_lot +concept_book_new concept:mutualproxyfor concept_room_mission +concept_book_new concept:mutualproxyfor concept_room_properties +concept_book_new concept:mutualproxyfor concept_room_real_estate +concept_book_new concept:mutualproxyfor concept_room_rest +concept_book_new concept:mutualproxyfor concept_room_schools +concept_book_new concept:mutualproxyfor concept_room_setting +concept_book_new concept:mutualproxyfor concept_room_theme +concept_book_new concept:mutualproxyfor concept_room_view +concept_book_new concept:mutualproxyfor concept_room_way +concept_book_new concept:atlocation concept_skiarea_big_draw +concept_book_new concept:mutualproxyfor concept_sportsequipment_board +concept_book_new concept:mutualproxyfor concept_sportsequipment_feet +concept_book_new concept:mutualproxyfor concept_sportsequipment_goal +concept_book_new concept:mutualproxyfor concept_sportsequipment_officials +concept_book_new concept:mutualproxyfor concept_sportsequipment_stop +concept_book_new concept:mutualproxyfor concept_sportsequipment_supporter +concept_book_new concept:mutualproxyfor concept_sportsequipment_travels +concept_book_new concept:mutualproxyfor concept_sportsequipment_west +concept_book_new concept:proxyfor concept_sportsevent_hundred_years +concept_book_new concept:proxyfor concept_sportsgame_centuries +concept_book_new concept:proxyfor concept_sportsgame_consecutive_months +concept_book_new concept:proxyfor concept_sportsgame_consecutive_years +concept_book_new concept:proxyfor concept_sportsgame_days_last_week +concept_book_new concept:proxyfor concept_sportsgame_extra_days +concept_book_new concept:mutualproxyfor concept_sportsgame_list +concept_book_new concept:proxyfor concept_sportsgame_more_days +concept_book_new concept:proxyfor concept_sportsgame_more_months +concept_book_new concept:proxyfor concept_sportsgame_more_seasons +concept_book_new concept:proxyfor concept_sportsgame_more_weeks +concept_book_new concept:proxyfor concept_sportsgame_more_years +concept_book_new concept:proxyfor concept_sportsgame_n1_2_years +concept_book_new concept:proxyfor concept_sportsgame_short_years +concept_book_new concept:mutualproxyfor concept_sportsgame_two_months +concept_book_new concept:proxyfor concept_sportsgame_two_years +concept_book_new concept:proxyfor concept_sportsgame_yrs +concept_book_new concept:mutualproxyfor concept_sportsleague_teams +concept_book_new concept:mutualproxyfor concept_sportsteamposition_application +concept_book_new concept:atlocation concept_street_access +concept_book_new concept:atlocation concept_street_lots +concept_book_new concept:atlocation concept_street_role +concept_book_new concept:mutualproxyfor concept_tableitem_collection +concept_book_new concept:mutualproxyfor concept_tableitem_distributor +concept_book_new concept:mutualproxyfor concept_tableitem_midnight +concept_book_new concept:mutualproxyfor concept_tableitem_region +concept_book_new concept:mutualproxyfor concept_transportation_citizens +concept_book_new concept:mutualproxyfor concept_transportation_residents +concept_book_new concept:mutualproxyfor concept_vehicle_banks +concept_book_new concept:mutualproxyfor concept_vehicle_countries +concept_book_new concept:mutualproxyfor concept_vehicle_flight +concept_book_new concept:mutualproxyfor concept_vehicle_journey +concept_book_new concept:mutualproxyfor concept_vehicle_publications +concept_book_new concept:mutualproxyfor concept_vehicle_regions +concept_book_new concept:mutualproxyfor concept_vehicle_states +concept_book_new concept:mutualproxyfor concept_vehicle_three +concept_book_new concept:mutualproxyfor concept_vehicle_west_coast +concept_book_new concept:mutualproxyfor concept_visualartist_american_cities +concept_book_new concept:proxyfor concept_visualizableattribute_minutes +concept_book_new concept:mutualproxyfor concept_visualizableattribute_northern_states +concept_book_new concept:mutualproxyfor concept_visualizableobject_world +concept_book_new concept:atlocation concept_visualizablescene_apartment +concept_book_new concept:mutualproxyfor concept_visualizablescene_nyc_ +concept_book_new concept:atlocation concept_visualizablescene_picture +concept_book_new concept:proxyfor concept_visualizablething_full_days +concept_book_new concept:mutualproxyfor concept_visualizablething_semesters +concept_book_new concept:subpartof concept_visualizablething_thousand_years +concept_book_new concept:mutualproxyfor concept_visualizablething_weekends +concept_book_new concept:mutualproxyfor concept_wallitem_beginning +concept_book_new concept:mutualproxyfor concept_wallitem_reflection +concept_book_new concept:mutualproxyfor concept_wallitem_spring +concept_book_new concept:mutualproxyfor concept_wallitem_works +concept_book_new concept:mutualproxyfor concept_weapon_case +concept_book_new concept:mutualproxyfor concept_weapon_course +concept_book_new concept:mutualproxyfor concept_weapon_laboratory +concept_book_new concept:mutualproxyfor concept_weapon_laws +concept_book_new concept:mutualproxyfor concept_weapon_plus +concept_book_new concept:mutualproxyfor concept_weapon_thing +concept_book_new concept:mutualproxyfor concept_weapon_universities +concept_book_new concept:proxyfor concept_weapon_weeks +concept_book_new concept:mutualproxyfor concept_weatherphenomenon_coastlines +concept_book_new concept:proxyfor concept_weatherphenomenon_days +concept_book_new concept:mutualproxyfor concept_weatherphenomenon_locations +concept_book_new concept:mutualproxyfor concept_weatherphenomenon_sea +concept_book_new concept:mutualproxyfor concept_weatherphenomenon_two +concept_book_new concept:mutualproxyfor concept_weatherphenomenon_waters +concept_book_new concept:mutualproxyfor concept_website_breeze +concept_book_new concept:mutualproxyfor concept_website_clients +concept_book_new concept:mutualproxyfor concept_website_developer +concept_book_new concept:mutualproxyfor concept_website_license +concept_book_new concept:subpartof concept_website_market +concept_book_new concept:subpartof concept_website_shop +concept_book_new concept:mutualproxyfor concept_website_visit +concept_book_new concept:mutualproxyfor concept_winery_hartford +concept_book_new concept:mutualproxyfor concept_winery_home_state +concept_book_new concept:mutualproxyfor concept_winery_locals +concept_book_new concept:mutualproxyfor concept_winery_magnet +concept_book_new concept:mutualproxyfor concept_winery_summers +concept_book_new concept:mutualproxyfor concept_winery_york_area +concept_book_new concept:mutualproxyfor concept_winery_york_areas +concept_book_new concept:mutualproxyfor concept_writer_husband +concept_book_new concept:mutualproxyfor concept_writer_matter +concept_book_new concept:mutualproxyfor concept_year_n1970 +concept_book_new concept:mutualproxyfor concept_year_n1978 +concept_book_new concept:mutualproxyfor concept_year_n1988 +concept_book_new concept:mutualproxyfor concept_year_n1991 +concept_book_new concept:mutualproxyfor concept_year_n1992 +concept_book_new concept:mutualproxyfor concept_year_ny +concept_book_new concept:mutualproxyfor concept_year_start +concept_book_new_atlantis concept:bookwriter concept_personeurope_francis_bacon +concept_book_new_moon concept:bookwriter concept_female_stephenie_meyer +concept_book_new_rules concept:bookwriter concept_personaustralia_david_meerman_scott +concept_book_nicholas_nickleby concept:bookwriter concept_writer_charles_dickens +concept_book_nickel_and_dimed concept:bookwriter concept_personus_barbara_ehrenreich +concept_book_nicomachean_ethics concept:bookwriter concept_personeurope_aristotle +concept_book_night concept:bookwriter concept_scientist_elie_wiesel +concept_book_night concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_night concept:bookwriter concept_writer_p_c__cast +concept_book_night_and_day concept:bookwriter concept_writer_virginia_woolf +concept_book_night_chills concept:bookwriter concept_personafrica_dean_koontz +concept_book_night_shift concept:bookwriter concept_writer_stephen_king +concept_book_nightingale concept:bookwriter concept_personeurope_hans_christian_andersen +concept_book_nightmares_and_dreamscapes concept:bookwriter concept_writer_stephen_king +concept_book_nine_stories concept:bookwriter concept_writer_j_d__salinger +concept_book_nineteen_eighty_four concept:bookwriter concept_writer_george_orwell +concept_book_no_country_for_old_men concept:bookwriter concept_writer_cormac_mccarthy +concept_book_no_dominion concept:bookwriter concept_writer_charlie_huston +concept_book_no_orchids_for_miss_blandish concept:bookwriter concept_writer_james_hadley_chase +concept_book_non_profit_organization concept:mutualproxyfor concept_book_new +concept_book_non_profit_organization concept:atdate concept_date_n2001 +concept_book_non_profit_organization concept:atdate concept_dateliteral_n2006 +concept_book_non_profit_organization concept:proxyfor concept_eventoutcome_new +concept_book_north concept:atlocation concept_airport_europe +concept_book_north concept:mutualproxyfor concept_book_new +concept_book_north concept:proxyfor concept_book_years +concept_book_north concept:atlocation concept_bridge_world +concept_book_north concept:mutualproxyfor concept_city_area +concept_book_north concept:proxyfor concept_eventoutcome_new +concept_book_north concept:mutualproxyfor concept_hallwayitem_areas +concept_book_north concept:atlocation concept_landscapefeatures_areas +concept_book_north concept:atlocation concept_skyscraper_asia +concept_book_north_and_south concept:bookwriter concept_writer_elizabeth_gaskell +concept_book_northanger_abbey concept:bookwriter concept_writer_austen +concept_book_northanger_abbey concept:bookwriter concept_writer_jane_austen +concept_book_northern_lights concept:bookwriter concept_writer_philip_pullman +concept_book_nostromo concept:bookwriter concept_writer_joseph_conrad +concept_book_notes concept:bookwriter concept_writer_richard_nixon +concept_book_notes_from_a_small_island concept:bookwriter concept_writer_bill_bryson +concept_book_notes_from_the_underground concept:bookwriter concept_writer_fyodor_dostoevsky +concept_book_nothing_in_her_way concept:bookwriter concept_writer_charles_williams +concept_book_novel_frankenstein concept:bookwriter concept_writer_mary_shelley +concept_book_number9dream concept:bookwriter concept_mlauthor_david_mitchell +concept_book_number_the_stars concept:bookwriter concept_personeurope_lois_lowry +concept_book_o_pioneers concept:bookwriter concept_personeurope_willa_cather +concept_book_oasis concept:proxyfor concept_eventoutcome_new +concept_book_observations concept:atdate concept_year_n1994 +concept_book_obsession concept:proxyfor concept_eventoutcome_new +concept_book_obsidian_butterfly concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_odd_thomas concept:bookwriter concept_personafrica_dean_koontz +concept_book_odd_thomas concept:bookwriter concept_writer_koontz +concept_book_odyssey concept:bookwriter concept_personeurope_homer +concept_book_oedipus concept:bookwriter concept_writer_sophocles +concept_book_oedipus_at_colonus concept:bookwriter concept_writer_sophocles +concept_book_oedipus_rex concept:bookwriter concept_writer_sophocles +concept_book_of_human_bondage concept:bookwriter concept_writer_w__somerset_maugham +concept_book_of_mice_and_men concept:bookwriter concept_writer_john_steinbeck +concept_book_oil concept:subpartof concept_ceo_boone_pickens +concept_book_oil concept:atdate concept_dateliteral_n2007 +concept_book_oil concept:proxyfor concept_eventoutcome_new +concept_book_oil concept:mutualproxyfor concept_person_t__boone_pickens +concept_book_oil concept:mutualproxyfor concept_vehicle_t__boone_pickens +concept_book_old_curiosity_shop concept:bookwriter concept_writer_charles_dickens +concept_book_old_curiosity_shop concept:bookwriter concept_writer_dickens +concept_book_old_yeller concept:bookwriter concept_personeurope_fred_gipson +concept_book_oliver_twist concept:bookwriter concept_writer_charles_dickens +concept_book_oliver_twist concept:bookwriter concept_writer_dickens +concept_book_olympia concept:atdate concept_dateliteral_n2007 +concept_book_on_beauty concept:bookwriter concept_writer_zadie_smith +concept_book_on_her_majesty_s_secret_service concept:bookwriter concept_writer_ian_fleming +concept_book_on_my_honor concept:bookwriter concept_personeurope_marion_dane_bauer +concept_book_on_the_beach concept:bookwriter concept_writer_nevil_shute +concept_book_on_the_road concept:bookwriter concept_writer_jack_kerouac +concept_book_on_writing__a_memoir_of_the_craft concept:bookwriter concept_writer_stephen_king +concept_book_one_day concept:atdate concept_date_n1941 +concept_book_one_day concept:atdate concept_date_n1942 +concept_book_one_day concept:atdate concept_date_n2000 +concept_book_one_day concept:atdate concept_date_n2001 +concept_book_one_day concept:atdate concept_dateliteral_n1990 +concept_book_one_day concept:atdate concept_dateliteral_n2002 +concept_book_one_day concept:atdate concept_dateliteral_n2005 +concept_book_one_day concept:atdate concept_dateliteral_n2006 +concept_book_one_day concept:atdate concept_dateliteral_n2007 +concept_book_one_day concept:atdate concept_dateliteral_n2008 +concept_book_one_day concept:atdate concept_year_n1948 +concept_book_one_day concept:atdate concept_year_n1988 +concept_book_one_day concept:atdate concept_year_n1992 +concept_book_one_fish_two_fish_red_fish_blue_fish concept:bookwriter concept_personeurope_dr__seuss +concept_book_one_hundred_years_of_solitude concept:bookwriter concept_writer_gabriel_garcia_marquez +concept_book_one_night concept:atdate concept_date_n1996 +concept_book_one_night concept:atdate concept_date_n1999 +concept_book_one_night concept:atdate concept_date_n2000 +concept_book_one_night concept:atdate concept_date_n2001 +concept_book_one_night concept:atdate concept_date_n2003 +concept_book_one_night concept:atdate concept_date_n2004 +concept_book_one_night concept:atdate concept_dateliteral_n2002 +concept_book_one_night concept:atdate concept_dateliteral_n2005 +concept_book_one_night concept:atdate concept_dateliteral_n2006 +concept_book_one_night concept:atdate concept_dateliteral_n2007 +concept_book_one_night concept:atdate concept_dateliteral_n2008 +concept_book_one_night concept:atdate concept_year_n1995 +concept_book_one_night concept:atdate concept_year_n1997 +concept_book_one_night concept:atdate concept_year_n1998 +concept_book_one_of_ours concept:bookwriter concept_personeurope_willa_cather +concept_book_one_second_after concept:bookwriter concept_scientist_william_r__forstchen +concept_book_opposite concept:proxyfor concept_eventoutcome_new +concept_book_oresteia concept:bookwriter concept_writer_aeschylus +concept_book_origin concept:bookwriter concept_scientist_charles_darwin +concept_book_origin concept:bookwriter concept_scientist_darwin +concept_book_origin_of_species concept:bookwriter concept_scientist_charles_darwin +concept_book_origin_of_species concept:bookwriter concept_scientist_darwin +concept_book_orlando__a_biography concept:bookwriter concept_writer_virginia_woolf +concept_book_orphanage concept:atdate concept_dateliteral_n2007 +concept_book_orthodoxy concept:bookwriter concept_writer_chesterton +concept_book_orthodoxy concept:bookwriter concept_writer_g__k__chesterton +concept_book_oryx_and_crake concept:bookwriter concept_writer_margaret_atwood +concept_book_othello concept:bookwriter concept_personeurope_william_shakespeare +concept_book_othello concept:bookwriter concept_writer_shakespeare +concept_book_our_mutual_friend concept:bookwriter concept_writer_charles_dickens +concept_book_our_town concept:bookwriter concept_writer_thornton_wilder +concept_book_outbreak concept:atdate concept_dateliteral_n2006 +concept_book_outlander concept:bookwriter concept_writer_diana_gabaldon +concept_book_outliers concept:bookwriter concept_writer_malcolm_gladwell +concept_book_oz concept:bookwriter concept_personeurope_l__frank_baum +concept_book_oz concept:bookwriter concept_writer_baum +concept_book_oz concept:bookwriter concept_writer_frank_baum +concept_book_oz concept:bookwriter concept_writer_ruth_plumly_thompson +concept_book_pale_blue_dot concept:bookwriter concept_scientist_carl_sagan +concept_book_pale_fire concept:bookwriter concept_writer_vladimir_nabokov +concept_book_paper_towns concept:bookwriter concept_writer_john_green +concept_book_parade_s_end concept:bookwriter concept_personeurope_ford_maddox_ford +concept_book_paradise concept:bookwriter concept_writer_toni_morrison +concept_book_paradise_lost concept:bookwriter concept_person_milton +concept_book_paradise_lost concept:bookwriter concept_professor_john_milton +concept_book_parties concept:proxyfor concept_eventoutcome_new +concept_book_passing concept:atdate concept_date_n2000 +concept_book_passing concept:atdate concept_date_n2001 +concept_book_passing concept:atdate concept_date_n2003 +concept_book_passing concept:atdate concept_date_n2004 +concept_book_passing concept:atdate concept_dateliteral_n2002 +concept_book_passing concept:atdate concept_dateliteral_n2005 +concept_book_passing concept:atdate concept_dateliteral_n2006 +concept_book_passing concept:atdate concept_dateliteral_n2007 +concept_book_passing concept:atdate concept_dateliteral_n2008 +concept_book_passion concept:bookwriter concept_scientist_john +concept_book_paths_of_glory concept:bookwriter concept_writer_jeffrey_archer +concept_book_patriot_games concept:bookwriter concept_writer_tom_clancy +concept_book_peace_like_a_river concept:bookwriter concept_writer_leif_enger +concept_book_pearl concept:bookwriter concept_writer_steinbeck +concept_book_peer_gynt concept:bookwriter concept_writer_henrik_ibsen +concept_book_peer_gynt concept:bookwriter concept_writer_ibsen +concept_book_pellucidar concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_perdido_street_station concept:bookwriter concept_writer_china_mieville +concept_book_perennial_philosophy concept:bookwriter concept_writer_aldous_huxley +concept_book_perfect_match concept:proxyfor concept_eventoutcome_new +concept_book_perfect_storm concept:bookwriter concept_writer_sebastian_junger +concept_book_pericles concept:bookwriter concept_writer_shakespeare +concept_book_persepolis concept:bookwriter concept_female_marjane_satrapi +concept_book_personal_demon concept:bookwriter concept_writer_kelley_armstrong +concept_book_persuasion concept:bookwriter concept_writer_austen +concept_book_persuasion concept:bookwriter concept_writer_jane_austen +concept_book_pet_sematary concept:bookwriter concept_writer_stephen_king +concept_book_peter_pan concept:bookwriter concept_visualizablething_barrie +concept_book_peter_pan concept:bookwriter concept_writer_j__m__barrie +concept_book_peter_pan concept:bookwriter concept_writer_j_m__barrie +concept_book_peter_pan concept:bookwriter concept_writer_j_m_barrie +concept_book_peter_pan concept:bookwriter concept_writer_james_barrie +concept_book_peter_pan concept:bookwriter concept_writer_james_m__barrie +concept_book_peter_pan concept:bookwriter concept_writer_jm_barrie +concept_book_peter_rabbit concept:bookwriter concept_personeurope_beatrix_potter +concept_book_petersburg concept:atdate concept_date_n1999 +concept_book_petersburg concept:atdate concept_date_n2001 +concept_book_petersburg concept:atdate concept_date_n2003 +concept_book_petersburg concept:atdate concept_date_n2004 +concept_book_petersburg concept:atdate concept_dateliteral_n2006 +concept_book_peyton_place concept:bookwriter concept_writer_grace_metalious +concept_book_phaedo concept:bookwriter concept_personeurope_plato +concept_book_phaedre concept:bookwriter concept_writer_jean_racine +concept_book_phantom concept:bookwriter concept_personeurope_gaston_leroux +concept_book_phantom_of_the_opera concept:bookwriter concept_personeurope_gaston_leroux +concept_book_photo concept:bookwriter concept_person_taylor +concept_book_photo concept:bookwriter concept_writer_brown +concept_book_photo concept:bookwriter concept_writer_miller +concept_book_pi concept:bookwriter concept_writer_yann_martel +concept_book_pickwick_papers concept:bookwriter concept_writer_charles_dickens +concept_book_pickwick_papers concept:bookwriter concept_writer_dickens +concept_book_picture_of_dorian_gray concept:bookwriter concept_writer_oscar_wilde +concept_book_picture_of_dorian_gray concept:bookwriter concept_writer_wilde +concept_book_pigs_in_heaven concept:bookwriter concept_writer_barbara_kingsolver +concept_book_pilgrims_progress concept:bookwriter concept_writer_john_bunyan +concept_book_pillars_of_the_earth concept:bookwriter concept_personaustralia_ken_follett +concept_book_pinocchio concept:bookwriter concept_writer_carlo_collodi +concept_book_pippi_longstocking concept:bookwriter concept_personeurope_astrid_lindgren +concept_book_plainsong concept:bookwriter concept_writer_kent_haruf +concept_book_play_it_as_it_lays concept:bookwriter concept_writer_joan_didion +concept_book_play_julius_caesar concept:bookwriter concept_writer_shakespeare +concept_book_player_piano concept:bookwriter concept_writer_kurt_vonnegut +concept_book_pleasantville concept:mutualproxyfor concept_radiostation_new_jersey +concept_book_poetics concept:bookwriter concept_personeurope_aristotle +concept_book_poetics concept:bookwriter concept_personeurope_gaston_bachelard +concept_book_poetry concept:bookwriter concept_writer_t__s__eliot +concept_book_point_counter_point concept:bookwriter concept_writer_aldous_huxley +concept_book_poisonwood_bible concept:bookwriter concept_writer_barbara_kingsolver +concept_book_policies concept:mutualproxyfor concept_book_new +concept_book_policies concept:proxyfor concept_eventoutcome_new +concept_book_politics concept:bookwriter concept_personeurope_aristotle +concept_book_pollyanna concept:bookwriter concept_writer_eleanor_h__porter +concept_book_pop_goes_the_weasel concept:bookwriter concept_writer_james_patterson +concept_book_portal concept:atdate concept_dateliteral_n2005 +concept_book_portnoy_s_complaint concept:bookwriter concept_writer_philip_roth +concept_book_portrait_of_a_lady concept:bookwriter concept_writer_henry_james +concept_book_portrait_of_the_artist_as_a_young_man concept:bookwriter concept_writer_james_joyce +concept_book_possessing_the_secret_of_joy concept:bookwriter concept_personus_alice_walker +concept_book_possession concept:bookwriter concept_writer_a_s__byatt +concept_book_possession concept:bookwriter concept_writer_as_byatt +concept_book_potter concept:bookwriter concept_writer_j_k__rowling +concept_book_potter concept:bookwriter concept_writer_rowling +concept_book_power concept:bookwriter concept_celebrity_joseph_campbell +concept_book_power concept:bookwriter concept_person_wayne_dyer +concept_book_power concept:bookwriter concept_writer_eckhart_tolle +concept_book_power concept:bookwriter concept_writer_norman_vincent_peale +concept_book_powers concept:atdate concept_dateliteral_n2006 +concept_book_powers concept:atdate concept_dateliteral_n2007 +concept_book_pragmatism concept:bookwriter concept_male_william_james +concept_book_prayer_for_owen_meany concept:bookwriter concept_writer_john_irving +concept_book_prep concept:bookwriter concept_professor_curtis_sittenfeld +concept_book_pretties concept:bookwriter concept_writer_scott_westerfeld +concept_book_prey concept:bookwriter concept_writer_michael_crichton +concept_book_pride_and_prejudice concept:bookwriter concept_writer_austen +concept_book_pride_and_prejudice concept:bookwriter concept_writer_jane_austen +concept_book_pride_and_prejudice_and_zombies concept:bookwriter concept_writer_jane_austen +concept_book_prince concept:bookwriter concept_person_machiavelli +concept_book_prince concept:bookwriter concept_writer_niccolo_machiavelli +concept_book_prince_of_tides concept:bookwriter concept_writer_pat_conroy +concept_book_princess_diaries concept:bookwriter concept_writer_meg_cabot +concept_book_principia_ethica concept:bookwriter concept_writer_moore +concept_book_print concept:proxyfor concept_eventoutcome_new +concept_book_print concept:subpartof concept_musicsong_form +concept_book_private_life concept:bookwriter concept_writer_jane_smiley +concept_book_private_lives concept:bookwriter concept_writer_noel_coward +concept_book_prodigal_summer concept:bookwriter concept_writer_barbara_kingsolver +concept_book_prom concept:bookwriter concept_writer_laurie_halse_anderson +concept_book_prometheus concept:bookwriter concept_writer_aeschylus +concept_book_prometheus_bound concept:bookwriter concept_writer_aeschylus +concept_book_proof concept:proxyfor concept_eventoutcome_new +concept_book_protection concept:mutualproxyfor concept_book_new +concept_book_protection concept:proxyfor concept_eventoutcome_new +concept_book_psa concept:bookwriter concept_male_david +concept_book_psalm concept:bookwriter concept_male_david +concept_book_psalm concept:bookwriter concept_male_solomon +concept_book_psalm_110 concept:bookwriter concept_male_david +concept_book_psalm_119 concept:bookwriter concept_male_david +concept_book_psalm_139 concept:bookwriter concept_male_david +concept_book_psalm_16 concept:bookwriter concept_male_david +concept_book_psalm_19 concept:bookwriter concept_male_david +concept_book_psalm_22 concept:bookwriter concept_male_david +concept_book_psalm_27 concept:bookwriter concept_male_david +concept_book_psalm_32 concept:bookwriter concept_male_david +concept_book_psalm_51 concept:bookwriter concept_male_david +concept_book_psalms concept:latitudelongitude 30.2627400000000,-81.3881400000000 +concept_book_psalms concept:bookwriter concept_male_david +concept_book_psycho concept:bookwriter concept_writer_robert_bloch +concept_book_publisher concept:atdate concept_date_n2004 +concept_book_publisher concept:atdate concept_dateliteral_n2005 +concept_book_publisher concept:proxyfor concept_eventoutcome_new +concept_book_purpose concept:atdate concept_date_n2004 +concept_book_purpose_driven_life concept:bookwriter concept_writer_rick_warren +concept_book_pygmalion concept:bookwriter concept_writer_george_bernard_shaw +concept_book_quarantine concept:bookwriter concept_professor_jim_crace +concept_book_quarter concept:mutualproxyfor concept_book_new +concept_book_quarter concept:proxyfor concept_eventoutcome_new +concept_book_questions concept:mutualproxyfor concept_book_new +concept_book_questions concept:proxyfor concept_eventoutcome_new +concept_book_quicker_than_the_eye concept:bookwriter concept_writer_ray_bradbury +concept_book_quo_vadis concept:bookwriter concept_scientist_henryk_sienkiewicz +concept_book_quo_vadis concept:bookwriter concept_writer_sienkiewicz +concept_book_rabbit_at_rest concept:bookwriter concept_writer_john_updike +concept_book_rabbit_is_rich concept:bookwriter concept_writer_john_updike +concept_book_ragtime concept:bookwriter concept_writer_e__l__doctorow +concept_book_ragtime concept:bookwriter concept_writer_e_l__doctorow +concept_book_raiders_of_gor concept:bookwriter concept_writer_john_norman +concept_book_ramona concept:bookwriter concept_personeurope_beverly_cleary +concept_book_ramona concept:bookwriter concept_writer_helen_hunt_jackson +concept_book_rangoon concept:synonymfor concept_city_yangon +concept_book_rasselas concept:bookwriter concept_personeurope_samuel_johnson +concept_book_rating concept:subpartof concept_weatherphenomenon_air +concept_book_real_murders concept:bookwriter concept_writer_charlaine_harris +concept_book_rebecca concept:bookwriter concept_writer_daphne_du_maurier +concept_book_recommendations concept:atdate concept_date_n1999 +concept_book_recommendations concept:atdate concept_date_n2000 +concept_book_recommendations concept:atdate concept_date_n2001 +concept_book_recommendations concept:atdate concept_date_n2003 +concept_book_recommendations concept:atdate concept_date_n2004 +concept_book_recommendations concept:atdate concept_date_n2009 +concept_book_recommendations concept:atdate concept_dateliteral_n2002 +concept_book_recommendations concept:atdate concept_dateliteral_n2005 +concept_book_recommendations concept:atdate concept_dateliteral_n2006 +concept_book_recommendations concept:atdate concept_dateliteral_n2007 +concept_book_recommendations concept:atdate concept_dateliteral_n2008 +concept_book_recommendations concept:atdate concept_year_n1997 +concept_book_reconstruction concept:subpartof concept_weatherphenomenon_water +concept_book_red_badge_of_courage concept:bookwriter concept_writer_stephen_crane +concept_book_red_dragon concept:bookwriter concept_writer_thomas_harris +concept_book_red_harvest concept:bookwriter concept_writer_dashiell_hammett +concept_book_red_planet concept:bookwriter concept_writer_robert_a__heinlein +concept_book_red_tent concept:bookwriter concept_writer_anita_diamant +concept_book_redwall concept:bookwriter concept_personeurope_brian_jacques +concept_book_reference concept:proxyfor concept_eventoutcome_new +concept_book_refuge concept:mutualproxyfor concept_book_new +concept_book_refuge concept:proxyfor concept_eventoutcome_new +concept_book_register concept:atdate concept_dateliteral_n2007 +concept_book_release concept:atdate concept_date_n1944 +concept_book_release concept:atdate concept_date_n1966 +concept_book_release concept:atdate concept_date_n1972 +concept_book_release concept:atdate concept_date_n1976 +concept_book_release concept:atdate concept_date_n1993 +concept_book_release concept:atdate concept_date_n1996 +concept_book_release concept:atdate concept_date_n1999 +concept_book_release concept:atdate concept_date_n2000 +concept_book_release concept:atdate concept_date_n2001 +concept_book_release concept:atdate concept_date_n2003 +concept_book_release concept:atdate concept_date_n2004 +concept_book_release concept:atdate concept_date_n2009 +concept_book_release concept:atdate concept_date_n2011 +concept_book_release concept:atdate concept_dateliteral_n1945 +concept_book_release concept:atdate concept_dateliteral_n1987 +concept_book_release concept:atdate concept_dateliteral_n1990 +concept_book_release concept:atdate concept_dateliteral_n2002 +concept_book_release concept:atdate concept_dateliteral_n2005 +concept_book_release concept:atdate concept_dateliteral_n2006 +concept_book_release concept:atdate concept_dateliteral_n2007 +concept_book_release concept:atdate concept_dateliteral_n2008 +concept_book_release concept:atdate concept_dateliteral_n2010 +concept_book_release concept:proxyfor concept_eventoutcome_new +concept_book_release concept:atdate concept_month_august +concept_book_release concept:atdate concept_year__08 +concept_book_release concept:atdate concept_year__09 +concept_book_release concept:atdate concept_year_n1967 +concept_book_release concept:atdate concept_year_n1973 +concept_book_release concept:atdate concept_year_n1974 +concept_book_release concept:atdate concept_year_n1981 +concept_book_release concept:atdate concept_year_n1982 +concept_book_release concept:atdate concept_year_n1984 +concept_book_release concept:atdate concept_year_n1985 +concept_book_release concept:atdate concept_year_n1991 +concept_book_release concept:atdate concept_year_n1992 +concept_book_release concept:atdate concept_year_n1994 +concept_book_release concept:atdate concept_year_n1995 +concept_book_release concept:atdate concept_year_n1997 +concept_book_release concept:atdate concept_year_n1998 +concept_book_remainder concept:proxyfor concept_eventoutcome_new +concept_book_remembrance_of_things_past concept:bookwriter concept_writer_marcel_proust +concept_book_rent concept:bookwriter concept_writer_jonathan_larson +concept_book_republic concept:bookwriter concept_personeurope_plato +concept_book_republic concept:bookwriter concept_scientist_socrates +concept_book_restoration concept:atdate concept_date_n2000 +concept_book_restoration concept:atdate concept_dateliteral_n2002 +concept_book_retief concept:bookwriter concept_writer_keith_laumer +concept_book_return_of_the_native concept:bookwriter concept_writer_thomas_hardy +concept_book_reunion concept:atdate concept_date_n2000 +concept_book_reunion concept:atdate concept_dateliteral_n2002 +concept_book_reunion concept:atdate concept_dateliteral_n2005 +concept_book_reunion concept:atdate concept_dateliteral_n2006 +concept_book_reunion concept:atdate concept_dateliteral_n2007 +concept_book_reunion concept:atdate concept_dateliteral_n2008 +concept_book_revelation_space concept:bookwriter concept_writer_alastair_reynolds +concept_book_revelations concept:bookwriter concept_scientist_john +concept_book_revolutionary_road concept:bookwriter concept_writer_richard_yates +concept_book_rich_dad_poor_dad concept:bookwriter concept_writer_robert_kiyosaki +concept_book_richard_ii concept:bookwriter concept_personeurope_william_shakespeare +concept_book_richard_ii concept:bookwriter concept_writer_shakespeare +concept_book_richard_iii concept:bookwriter concept_personeurope_william_shakespeare +concept_book_richard_iii concept:bookwriter concept_writer_shakespeare +concept_book_riddle_master concept:bookwriter concept_writer_patricia_a__mckillip +concept_book_riders_of_the_purple_sage concept:bookwriter concept_writer_zane_grey +concept_book_riding_the_bullet concept:bookwriter concept_writer_stephen_king +concept_book_ringworld concept:bookwriter concept_writer_larry_niven +concept_book_rip_van_winkle concept:bookwriter concept_personeurope_washington_irving +concept_book_rob_roy concept:bookwriter concept_writer_sir_walter_scott +concept_book_rob_roy concept:bookwriter concept_writer_walter_scott +concept_book_robinson_crusoe concept:bookwriter concept_writer_daniel_defoe +concept_book_romania concept:atdate concept_date_n2000 +concept_book_romania concept:atdate concept_date_n2003 +concept_book_romania concept:atdate concept_date_n2004 +concept_book_romania concept:atdate concept_dateliteral_n2005 +concept_book_romania concept:atdate concept_dateliteral_n2006 +concept_book_romania concept:atdate concept_dateliteral_n2007 +concept_book_romania concept:atdate concept_dateliteral_n2008 +concept_book_romania concept:synonymfor concept_politicalparty_republic +concept_book_romania concept:subpartof concept_vehicle_countries +concept_book_romania concept:atdate concept_year_n1991 +concept_book_romans concept:bookwriter concept_personeurope_paul +concept_book_romeo concept:bookwriter concept_writer_shakespeare +concept_book_romeo_and_juliet concept:bookwriter concept_personeurope_william_shakespeare +concept_book_romeo_and_juliet concept:bookwriter concept_writer_shakespeare +concept_book_room_with_a_view concept:latitudelongitude 51.0348400000000,-114.1064600000000 +concept_book_roots concept:bookwriter concept_writer_alex_haley +concept_book_rose_madder concept:bookwriter concept_writer_stephen_king +concept_book_rosemary_and_rue concept:bookwriter concept_writer_seanan_mcguire +concept_book_roses_are_red concept:bookwriter concept_writer_james_patterson +concept_book_roxana concept:bookwriter concept_writer_daniel_defoe +concept_book_run concept:bookwriter concept_writer_john_updike +concept_book_runemarks concept:bookwriter concept_writer_joanne_harris +concept_book_sabriel concept:bookwriter concept_personaustralia_garth_nix +concept_book_safe_harbor concept:bookwriter concept_writer_steel_danielle +concept_book_safe_haven concept:proxyfor concept_eventoutcome_new +concept_book_sahara concept:subpartof concept_traditionalgame_vegas +concept_book_sail concept:bookwriter concept_writer_james_patterson +concept_book_saint concept:bookwriter concept_writer_leslie_charteris +concept_book_salem_s_lot concept:bookwriter concept_writer_stephen_king +concept_book_salome concept:bookwriter concept_writer_wilde +concept_book_sanctuary concept:bookwriter concept_writer_william_faulkner +concept_book_sandman concept:bookwriter concept_writer_gaiman +concept_book_sandman concept:bookwriter concept_writer_neil_gaiman +concept_book_sandy concept:atlocation concept_county_utah +concept_book_sandy concept:mutualproxyfor concept_county_utah +concept_book_sandy concept:subpartof concept_county_utah +concept_book_satanic_verses concept:bookwriter concept_writer_rushdie +concept_book_satanic_verses concept:bookwriter concept_writer_salman_rushdie +concept_book_saving_francesca concept:bookwriter concept_writer_melina_marchetta +concept_book_scaramouche concept:bookwriter concept_writer_rafael_sabatini +concept_book_scarlet_letter concept:bookwriter concept_writer_nathaniel_hawthorne +concept_book_scarlet_pimpernel concept:bookwriter concept_writer_baroness_orczy +concept_book_scarlet_sister_mary concept:bookwriter concept_writer_julia_peterkin +concept_book_scarpetta concept:bookwriter concept_writer_patricia_cornwell +concept_book_schindler_s_list concept:bookwriter concept_writer_thomas_keneally +concept_book_scoop concept:bookwriter concept_writer_evelyn_waugh +concept_book_screen concept:atdate concept_date_n2004 +concept_book_screen concept:atdate concept_dateliteral_n2006 +concept_book_screen concept:atdate concept_dateliteral_n2007 +concept_book_screwtape_letters concept:bookwriter concept_scientist_c__s__lewis +concept_book_screwtape_letters concept:bookwriter concept_writer_c_s__lewis +concept_book_screwtape_letters concept:bookwriter concept_writer_lewis +concept_book_seabiscuit concept:bookwriter concept_writer_laura_hillenbrand +concept_book_seabiscuit__an_american_legend concept:bookwriter concept_writer_laura_hillenbrand +concept_book_second_amendment concept:latitudelongitude 33.0711200000000,-117.0659000000000 +concept_book_second_amendment concept:bookwriter concept_writer_james_madison +concept_book_second_child concept:atdate concept_date_n2009 +concept_book_second_child concept:atdate concept_dateliteral_n2006 +concept_book_second_child concept:atdate concept_dateliteral_n2007 +concept_book_second_child concept:atdate concept_dateliteral_n2008 +concept_book_second_foundation concept:latitudelongitude 44.9804100000000,-93.2382200000000 +concept_book_secret concept:bookwriter concept_writer_rhonda_byrne +concept_book_secret_agent concept:bookwriter concept_writer_joseph_conrad +concept_book_secret_garden concept:bookwriter concept_writer_frances_hodgson_burnett +concept_book_secret_life_of_bees concept:bookwriter concept_writer_sue_monk_kidd +concept_book_secrets concept:bookwriter concept_journalist_william_greider +concept_book_secrets concept:bookwriter concept_writer_jacqueline_wilson +concept_book_seduced_by_moonlight concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_seize_the_day concept:bookwriter concept_scientist_saul_bellow +concept_book_seizure concept:atdate concept_dateliteral_n2006 +concept_book_seizure concept:atdate concept_dateliteral_n2007 +concept_book_self concept:proxyfor concept_eventoutcome_new +concept_book_sense_and_sensibility concept:bookwriter concept_writer_austen +concept_book_sense_and_sensibility concept:bookwriter concept_writer_jane_austen +concept_book_services concept:synonymfor concept_agent_secretary +concept_book_services concept:mutualproxyfor concept_book_new +concept_book_services concept:synonymfor concept_clothing_dept +concept_book_services concept:atlocation concept_country_u_s_ +concept_book_services concept:atlocation concept_country_united_states +concept_book_services concept:synonymfor concept_currency_ministry +concept_book_services concept:atdate concept_date_n1996 +concept_book_services concept:atdate concept_date_n1999 +concept_book_services concept:atdate concept_date_n2000 +concept_book_services concept:atdate concept_date_n2001 +concept_book_services concept:atdate concept_date_n2003 +concept_book_services concept:atdate concept_date_n2004 +concept_book_services concept:atdate concept_date_n2009 +concept_book_services concept:atdate concept_dateliteral_n2002 +concept_book_services concept:atdate concept_dateliteral_n2005 +concept_book_services concept:atdate concept_dateliteral_n2006 +concept_book_services concept:atdate concept_dateliteral_n2007 +concept_book_services concept:atdate concept_dateliteral_n2008 +concept_book_services concept:synonymfor concept_governmentorganization_bureau +concept_book_services concept:synonymfor concept_governmentorganization_department +concept_book_services concept:synonymfor concept_governmentorganization_departments +concept_book_services concept:synonymfor concept_governmentorganization_maine_department +concept_book_services concept:synonymfor concept_governmentorganization_ontario_ministry +concept_book_services concept:synonymfor concept_governmentorganization_state_department +concept_book_services concept:synonymfor concept_governmentorganization_u__s__department +concept_book_services concept:synonymfor concept_governmentorganization_united_states_department +concept_book_services concept:synonymfor concept_governmentorganization_us_department +concept_book_services concept:synonymfor concept_island_staff +concept_book_services concept:synonymfor concept_jobposition_commissioner +concept_book_services concept:synonymfor concept_jobposition_deputy_minister +concept_book_services concept:synonymfor concept_museum_u_s__department +concept_book_services concept:synonymfor concept_politicaloffice_office +concept_book_services concept:synonymfor concept_politicalparty_ontario_minister +concept_book_services concept:synonymfor concept_product_minister +concept_book_services concept:istallerthan concept_publication_people_ +concept_book_services concept:synonymfor concept_room_offices +concept_book_services concept:synonymfor concept_stateorprovince_u_s__secretary +concept_book_services concept:synonymfor concept_website_contact_the_department +concept_book_services concept:synonymfor concept_website_contact_the_office +concept_book_services concept:atdate concept_year_n1997 +concept_book_services concept:atdate concept_year_n1998 +concept_book_seven_pillars_of_wisdom concept:bookwriter concept_personeurope_lawrence +concept_book_sex concept:bookwriter concept_writer_ken_wilber +concept_book_shadow_of_the_giant concept:bookwriter concept_writer_orson_scott_card +concept_book_shadow_of_the_hegemon concept:bookwriter concept_writer_orson_scott_card +concept_book_shadowline concept:bookwriter concept_writer_glen_cook +concept_book_shadows_on_the_rock concept:bookwriter concept_personeurope_willa_cather +concept_book_shakespeare concept:bookwriter concept_personeurope_francis_bacon +concept_book_shakespeare concept:bookwriter concept_personeurope_william_shakespeare +concept_book_shakespeare concept:bookwriter concept_professor_christopher_marlowe +concept_book_shakespeare concept:bookwriter concept_scientist_sir_francis_bacon +concept_book_shakespeare concept:bookwriter concept_writer_marlowe +concept_book_shakespeare concept:bookwriter concept_writer_shakespeare +concept_book_shakespeare_s_champion concept:bookwriter concept_writer_charlaine_harris +concept_book_shakespeare_s_christmas concept:bookwriter concept_writer_charlaine_harris +concept_book_shakespeare_s_counselor concept:bookwriter concept_writer_charlaine_harris +concept_book_shakespeare_s_landlord concept:bookwriter concept_writer_charlaine_harris +concept_book_shakespeare_s_trollop concept:bookwriter concept_writer_charlaine_harris +concept_book_shanghai_girls__a_novel concept:bookwriter concept_writer_lisa_see +concept_book_shantaram concept:bookwriter concept_writer_gregory_david_roberts +concept_book_shelter concept:atdate concept_date_n1999 +concept_book_shelter concept:atdate concept_dateliteral_n2005 +concept_book_shelter concept:atdate concept_dateliteral_n2006 +concept_book_shelter concept:atdate concept_dateliteral_n2007 +concept_book_shelter concept:atdate concept_dateliteral_n2008 +concept_book_shelter concept:proxyfor concept_eventoutcome_new +concept_book_sherlock_holmes concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_sherlock_holmes concept:bookwriter concept_writer_conan_doyle +concept_book_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_shirley concept:bookwriter concept_writer_charlotte_bronte +concept_book_shock concept:proxyfor concept_eventoutcome_new +concept_book_shopaholic concept:bookwriter concept_writer_sophie_kinsella +concept_book_shore concept:proxyfor concept_eventoutcome_new +concept_book_short_stories concept:bookwriter concept_writer_edgar_allen_poe +concept_book_shutter_island concept:bookwriter concept_writer_dennis_lehane +concept_book_siddhartha concept:bookwriter concept_scientist_herman_hesse +concept_book_siddhartha concept:bookwriter concept_scientist_hermann_hesse +concept_book_side concept:mutualproxyfor concept_book_new +concept_book_side concept:atdate concept_date_n2000 +concept_book_side concept:atdate concept_date_n2001 +concept_book_side concept:atdate concept_dateliteral_n2005 +concept_book_side concept:atdate concept_dateliteral_n2006 +concept_book_side concept:atdate concept_dateliteral_n2008 +concept_book_side concept:proxyfor concept_eventoutcome_new +concept_book_side concept:mutualproxyfor concept_stateorprovince_bruce +concept_book_side concept:atdate concept_year_n1992 +concept_book_sight_unseen concept:bookwriter concept_personeurope_mary_roberts_rinehart +concept_book_silas_marner concept:bookwriter concept_writer_george_eliot +concept_book_silent_spring concept:bookwriter concept_female_rachel_carson +concept_book_silmarillion concept:bookwriter concept_personeurope_j_r_r__tolkien +concept_book_silmarillion concept:bookwriter concept_writer_j__r__r__tolkien +concept_book_silmarillion concept:bookwriter concept_writer_tolkien +concept_book_simple_abundance concept:bookwriter concept_writer_sarah_ban_breathnach +concept_book_sin_city concept:bookwriter concept_writer_frank_miller +concept_book_sin_city concept:bookwriter concept_writer_miller +concept_book_singularity concept:bookwriter concept_writer_ray_kurzweil +concept_book_six concept:mutualproxyfor concept_city_home +concept_book_six concept:proxyfor concept_eventoutcome_new +concept_book_six concept:mutualproxyfor concept_room_house +concept_book_six_stories concept:bookwriter concept_writer_stephen_king +concept_book_skeleton_crew concept:bookwriter concept_writer_stephen_king +concept_book_sketches_by_boz concept:bookwriter concept_writer_dickens +concept_book_skin concept:subpartof concept_website_blood +concept_book_slaughterhouse_five concept:bookwriter concept_writer_kurt_vonnegut +concept_book_slaughterhouse_five concept:bookwriter concept_writer_vonnegut_kurt +concept_book_sleepless concept:bookwriter concept_writer_charlie_huston +concept_book_sleepovers concept:bookwriter concept_writer_jacqueline_wilson +concept_book_sleepy_hollow concept:bookwriter concept_personeurope_washington_irving +concept_book_small_island concept:bookwriter concept_writer_andrea_levy +concept_book_smoke concept:proxyfor concept_eventoutcome_new +concept_book_snow_crash concept:bookwriter concept_personus_neal_stephenson +concept_book_snow_falling_on_cedars concept:bookwriter concept_writer_david_guterson +concept_book_snow_flower_and_the_secret_fan concept:bookwriter concept_writer_lisa_see +concept_book_so_b__it concept:bookwriter concept_personeurope_sarah_weeks +concept_book_so_big concept:bookwriter concept_writer_edna_ferber +concept_book_so_well_remembered concept:bookwriter concept_personaustralia_james_hilton +concept_book_social_contract concept:bookwriter concept_personafrica_jean_jacques_rousseau +concept_book_social_contract concept:bookwriter concept_writer_rousseau +concept_book_society concept:bookwriter concept_personeurope_paul +concept_book_society concept:bookwriter concept_writer_guy_debord +concept_book_solaris concept:bookwriter concept_writer_stanislaw_lem +concept_book_someone_like_you concept:bookwriter concept_writer_sarah_dessen +concept_book_song_of_solomon concept:bookwriter concept_writer_toni_morrison +concept_book_song_of_susannah concept:bookwriter concept_writer_stephen_king +concept_book_sonnets concept:bookwriter concept_writer_shakespeare +concept_book_sons_and_lovers concept:bookwriter concept_personeurope_gaston_leroux +concept_book_sons_and_lovers concept:bookwriter concept_writer_d__h__lawrence +concept_book_sons_and_lovers concept:bookwriter concept_writer_d_h__lawrence +concept_book_sophie_s_choice concept:bookwriter concept_personeurope_william_styron +concept_book_speak concept:bookwriter concept_writer_laurie_halse_anderson +concept_book_speaker_for_the_dead concept:bookwriter concept_writer_orson_scott_card +concept_book_spending concept:proxyfor concept_eventoutcome_new +concept_book_spring_torrents concept:bookwriter concept_writer_ivan_turgenev +concept_book_springboard concept:proxyfor concept_eventoutcome_new +concept_book_st__peter_s_fair concept:bookwriter concept_writer_ellis_peters +concept_book_star_of_danger concept:bookwriter concept_writer_marion_zimmer_bradley +concept_book_star_trek concept:bookwriter concept_professor_peter_david +concept_book_stardust concept:bookwriter concept_writer_neil_gaiman +concept_book_starfishers_the_starfishers_trilogy concept:bookwriter concept_writer_glen_cook +concept_book_starship_troopers concept:bookwriter concept_writer_heinlein +concept_book_starship_troopers concept:bookwriter concept_writer_robert_heinlein +concept_book_stay concept:atdate concept_date_apr +concept_book_stay concept:atdate concept_date_aug +concept_book_stay concept:atdate concept_date_dec +concept_book_stay concept:atdate concept_date_feb +concept_book_stay concept:atdate concept_date_jan +concept_book_stay concept:atdate concept_date_jul +concept_book_stay concept:atdate concept_date_jun +concept_book_stay concept:atdate concept_date_mar +concept_book_stay concept:atdate concept_date_n2001 +concept_book_stay concept:atdate concept_date_n2003 +concept_book_stay concept:atdate concept_date_n2004 +concept_book_stay concept:atdate concept_date_nov +concept_book_stay concept:atdate concept_date_oct +concept_book_stay concept:atdate concept_date_sep +concept_book_stay concept:atdate concept_dateliteral_n2002 +concept_book_stay concept:atdate concept_dateliteral_n2005 +concept_book_stay concept:atdate concept_dateliteral_n2006 +concept_book_stay concept:atdate concept_dateliteral_n2007 +concept_book_stay concept:atdate concept_dateliteral_n2008 +concept_book_stay concept:atdate concept_month_april +concept_book_stay concept:atdate concept_month_august +concept_book_stay concept:atdate concept_month_december +concept_book_stay concept:atdate concept_month_february +concept_book_stay concept:atdate concept_month_january +concept_book_stay concept:atdate concept_month_july +concept_book_stay concept:atdate concept_month_june +concept_book_stay concept:atdate concept_month_march +concept_book_stay concept:atdate concept_month_may +concept_book_stay concept:atdate concept_month_november +concept_book_stay concept:atdate concept_month_october +concept_book_stay concept:atdate concept_month_september +concept_book_staying_fat_for_sarah_byrnes concept:bookwriter concept_personeurope_chris_crutcher +concept_book_steppenwolf concept:bookwriter concept_scientist_herman_hesse +concept_book_stone_kiss concept:bookwriter concept_writer_faye_kellerman +concept_book_storm_breaking concept:bookwriter concept_writer_mercedes_lackey +concept_book_strand_magazine concept:atdate concept_year_n1892 +concept_book_stranger concept:bookwriter concept_writer_albert_camus +concept_book_stranger concept:bookwriter concept_writer_camus +concept_book_stuart_little concept:bookwriter concept_writer_e__b__white +concept_book_style concept:proxyfor concept_eventoutcome_new +concept_book_suburbs concept:proxyfor concept_book_all_new +concept_book_suburbs concept:mutualproxyfor concept_book_new +concept_book_suburbs concept:proxyfor concept_eventoutcome_new +concept_book_sula concept:bookwriter concept_writer_toni_morrison +concept_book_summa_theologica concept:bookwriter concept_personeurope_thomas_aquinas +concept_book_summa_theologica concept:bookwriter concept_scientist_saint_thomas_aquinas +concept_book_summa_theologica concept:bookwriter concept_scientist_st___thomas_aquinas +concept_book_summer concept:bookwriter concept_writer_edith_wharton +concept_book_sun concept:bookwriter concept_male_ernest_hemingway +concept_book_sun concept:bookwriter concept_writer_hemingway +concept_book_sunrise concept:atlocation concept_city_florida +concept_book_survivor_type concept:bookwriter concept_writer_stephen_king +concept_book_suzanne_s_diary_for_nicholas concept:bookwriter concept_writer_james_patterson +concept_book_swallowing_darkness concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_swallows_and_amazons concept:bookwriter concept_writer_arthur_ransome +concept_book_symposium concept:bookwriter concept_personeurope_plato +concept_book_symposium concept:bookwriter concept_scientist_socrates +concept_book_taking concept:proxyfor concept_book_home +concept_book_taking concept:mutualproxyfor concept_city_home +concept_book_tale concept:proxyfor concept_eventoutcome_new +concept_book_tale concept:bookwriter concept_writer_dickens +concept_book_tale concept:bookwriter concept_writer_shakespeare +concept_book_tale_of_genji concept:bookwriter concept_writer_murasaki_shikibu +concept_book_tale_of_two_cities concept:bookwriter concept_writer_charles_dickens +concept_book_tale_of_two_cities concept:bookwriter concept_writer_dickens +concept_book_tales_of_mystery_and_imagination concept:bookwriter concept_writer_edgar_allan_poe +concept_book_tales_of_mystery_and_imagination concept:bookwriter concept_writer_edgar_allen_poe +concept_book_tales_of_the_south_pacific concept:bookwriter concept_writer_james_a__michener +concept_book_tales_of_the_south_pacific concept:bookwriter concept_writer_james_michener +concept_book_talk_of_the_town concept:bookwriter concept_writer_charles_williams +concept_book_taming concept:bookwriter concept_personeurope_william_shakespeare +concept_book_taming concept:bookwriter concept_writer_shakespeare +concept_book_tangerine concept:bookwriter concept_personeurope_edward_bloor +concept_book_tao_te_ching concept:bookwriter concept_personeurope_lao_tzu +concept_book_tao_te_ching concept:bookwriter concept_writer_lao_tsu +concept_book_taps concept:subpartof concept_weatherphenomenon_water +concept_book_tartuffe concept:bookwriter concept_writer_moliere +concept_book_tarzan_of_the_apes concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_temeraire concept:bookwriter concept_writer_naomi_novik +concept_book_tempest concept:bookwriter concept_personeurope_william_shakespeare +concept_book_tempest concept:bookwriter concept_writer_shakespeare +concept_book_temple concept:bookwriter concept_person_patrice_bergeron +concept_book_ten_days_that_shook_the_world concept:bookwriter concept_personaustralia_john_reed +concept_book_tender_is_the_night concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_term concept:mutualproxyfor concept_book_new +concept_book_term concept:atdate concept_date_n1996 +concept_book_term concept:atdate concept_date_n1999 +concept_book_term concept:atdate concept_date_n2000 +concept_book_term concept:atdate concept_date_n2001 +concept_book_term concept:atdate concept_date_n2003 +concept_book_term concept:atdate concept_date_n2004 +concept_book_term concept:atdate concept_date_n2009 +concept_book_term concept:atdate concept_dateliteral_n2002 +concept_book_term concept:atdate concept_dateliteral_n2005 +concept_book_term concept:atdate concept_dateliteral_n2006 +concept_book_term concept:atdate concept_dateliteral_n2007 +concept_book_term concept:atdate concept_dateliteral_n2008 +concept_book_term concept:atdate concept_dateliteral_n2010 +concept_book_term concept:proxyfor concept_eventoutcome_new +concept_book_term concept:atdate concept_year_n1983 +concept_book_term concept:atdate concept_year_n1986 +concept_book_term concept:atdate concept_year_n1988 +concept_book_term concept:atdate concept_year_n1995 +concept_book_term concept:atdate concept_year_n1997 +concept_book_term concept:atdate concept_year_n1998 +concept_book_terms concept:atdate concept_date_n1999 +concept_book_terms concept:atdate concept_date_n2003 +concept_book_terms concept:atdate concept_date_n2009 +concept_book_terms concept:atdate concept_dateliteral_n2005 +concept_book_terms concept:atdate concept_dateliteral_n2006 +concept_book_terms concept:atdate concept_dateliteral_n2007 +concept_book_terms concept:atdate concept_dateliteral_n2008 +concept_book_terms concept:proxyfor concept_eventoutcome_new +concept_book_terms concept:atlocation concept_hotel_north +concept_book_terms concept:atlocation concept_lake_new +concept_book_terms concept:atlocation concept_website_south +concept_book_tess_of_the_d_urbervilles concept:bookwriter concept_writer_thomas_hardy +concept_book_testament concept:proxyfor concept_eventoutcome_new +concept_book_testimony concept:proxyfor concept_eventoutcome_new +concept_book_text concept:atdate concept_dateliteral_n2005 +concept_book_text concept:atdate concept_dateliteral_n2008 +concept_book_text concept:proxyfor concept_eventoutcome_new +concept_book_the_5th_horseman concept:bookwriter concept_writer_james_patterson +concept_book_the_6th_target concept:bookwriter concept_writer_james_patterson +concept_book_the_8th_confession concept:bookwriter concept_writer_james_patterson +concept_book_the_9th_judgment concept:bookwriter concept_writer_james_patterson +concept_book_the_accidental_tourist concept:bookwriter concept_writer_anne_tyler +concept_book_the_adventures_of_augie_march concept:bookwriter concept_scientist_saul_bellow +concept_book_the_adventures_of_huckleberry_finn concept:bookwriter concept_personus_mark_twain +concept_book_the_adventures_of_pinocchio concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_the_adventures_of_robin_hood concept:bookwriter concept_personeurope_howard_pyle +concept_book_the_adventures_of_sam_spade concept:bookwriter concept_writer_dashiell_hammett +concept_book_the_adventures_of_sherlock_holmes concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_the_adventures_of_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_the_adventures_of_tom_sawyer concept:bookwriter concept_personus_mark_twain +concept_book_the_aeneid concept:bookwriter concept_personeurope_virgil +concept_book_the_age_of_innocence concept:bookwriter concept_writer_edith_wharton +concept_book_the_alchemist concept:bookwriter concept_writer_paulo_coelho +concept_book_the_alexandria_quartet concept:bookwriter concept_writer_lawrence_durell +concept_book_the_alexandria_quartet concept:bookwriter concept_writer_lawrence_durrell +concept_book_the_amazing_adventures_of_kavalier_and_clay concept:bookwriter concept_writer_michael_chabon +concept_book_the_ambassadors concept:bookwriter concept_writer_henry_james +concept_book_the_american concept:atlocation concept_city_washington_d_c +concept_book_the_american concept:atlocation concept_county_san_francisco +concept_book_the_american concept:atlocation concept_island_new_york_city_metropolitan_area +concept_book_the_american concept:bookwriter concept_writer_henry_james +concept_book_the_amityville_horror concept:bookwriter concept_comedian_jay_anson +concept_book_the_angel_experiment concept:bookwriter concept_writer_james_patterson +concept_book_the_angel_s_game concept:bookwriter concept_writer_carlos_ruiz_zafon +concept_book_the_ape_who_guards_the_balance concept:bookwriter concept_writer_elizabeth_peters +concept_book_the_art_of_fiction_a_guide_for_writers concept:bookwriter concept_writer_ayn_rand +concept_book_the_aspern_papers concept:bookwriter concept_writer_henry_james +concept_book_the_assistant concept:bookwriter concept_scientist_bernard_malamud +concept_book_the_austere_academy concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_awakening concept:bookwriter concept_female_kate_chopin +concept_book_the_beach_house concept:bookwriter concept_writer_james_patterson +concept_book_the_bean_trees concept:bookwriter concept_writer_barbara_kingsolver +concept_book_the_beautiful_and_damned concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_the_beekeeper_s_apprentice concept:bookwriter concept_writer_laurie_r__king +concept_book_the_bell_jar concept:bookwriter concept_female_sylvia_plath +concept_book_the_berlin_stories concept:bookwriter concept_writer_christopher_isherwood +concept_book_the_best_of_simple concept:bookwriter concept_writer_langston_hughes +concept_book_the_big_bad_wolf concept:bookwriter concept_writer_james_patterson +concept_book_the_big_bite concept:bookwriter concept_writer_charles_williams +concept_book_the_big_nowhere concept:bookwriter concept_personus_james_ellroy +concept_book_the_big_sleep concept:bookwriter concept_writer_raymond_chandler +concept_book_the_biofab_war concept:bookwriter concept_writer_stephen_ames_berry +concept_book_the_black_arrow concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_the_black_dahlia concept:bookwriter concept_personus_james_ellroy +concept_book_the_blind_assassin concept:bookwriter concept_writer_margaret_atwood +concept_book_the_bluest_eye concept:bookwriter concept_writer_toni_morrison +concept_book_the_bonfire_of_the_vanities concept:bookwriter concept_writer_tom_wolfe +concept_book_the_book_of_illusions concept:bookwriter concept_writer_paul_auster +concept_book_the_book_thief concept:bookwriter concept_writer_markus_zusak +concept_book_the_bride_price concept:bookwriter concept_writer_buchi_emecheta +concept_book_the_bridge_of_san_luis_rey concept:bookwriter concept_writer_thornton_wilder +concept_book_the_brothers_karamazov concept:bookwriter concept_writer_fyodor_dostoevsky +concept_book_the_caine_mutiny concept:bookwriter concept_writer_herman_wouk +concept_book_the_call_of_earth concept:bookwriter concept_writer_orson_scott_card +concept_book_the_call_of_the_wild concept:bookwriter concept_personeurope_jack_london +concept_book_the_call_of_the_wild_and_white_fang concept:bookwriter concept_personeurope_jack_london +concept_book_the_canterbury_tales concept:bookwriter concept_personeurope_geoffrey_chaucer +concept_book_the_carnivorous_carnival concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_cat_in_the_hat concept:bookwriter concept_personeurope_dr__seuss +concept_book_the_cat_who_lived_high concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_cat_who_played_brahms concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_cat_who_played_post_office concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_cat_who_turned_on_and_off concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_cat_who_wasn_t_there concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_cat_who_went_into_the_closet concept:bookwriter concept_writer_lilian_jackson_braun +concept_book_the_catcher_in_the_rye concept:bookwriter concept_writer_j__d__salinger +concept_book_the_catcher_in_the_rye concept:bookwriter concept_writer_j_d__salinger +concept_book_the_catcher_in_the_rye concept:bookwriter concept_writer_jd_salinger +concept_book_the_celestine_prophecy concept:bookwriter concept_writer_james_redfield +concept_book_the_charterhouse_of_parma concept:bookwriter concept_writer_stendahl +concept_book_the_cherry_orchard concept:bookwriter concept_writer_anton_chekhov +concept_book_the_chocolate_war concept:bookwriter concept_personeurope_robert_cormier +concept_book_the_chosen concept:bookwriter concept_writer_chaim_potok +concept_book_the_chronicles_of_narnia concept:bookwriter concept_writer_c_s__lewis +concept_book_the_cider_house_rules concept:bookwriter concept_writer_john_irving +concept_book_the_collector concept:bookwriter concept_writer_john_fowles +concept_book_the_color_purple concept:bookwriter concept_personus_alice_walker +concept_book_the_colour_of_magic concept:bookwriter concept_writer_terry_pratchett +concept_book_the_comedy_of_errors concept:bookwriter concept_personeurope_william_shakespeare +concept_book_the_confessions concept:bookwriter concept_writer_st__augustine +concept_book_the_confessions_of_nat_turner concept:bookwriter concept_personeurope_william_styron +concept_book_the_convert concept:bookwriter concept_writer_simon_ings +concept_book_the_corrections concept:bookwriter concept_writer_jonathan_franzen +concept_book_the_count_of_monte_cristo concept:bookwriter concept_writer_alexandre_dumas +concept_book_the_crossing concept:bookwriter concept_writer_cormac_mccarthy +concept_book_the_crucible concept:bookwriter concept_male_arthur_miller +concept_book_the_cruel_sea concept:bookwriter concept_writer_nicholas_monsarrat +concept_book_the_crying_of_lot_49 concept:bookwriter concept_writer_thomas_pynchon +concept_book_the_curse_of_the_pharaohs concept:bookwriter concept_writer_elizabeth_peters +concept_book_the_da_vinci_code concept:bookwriter concept_writer_dan_brown +concept_book_the_dare_game concept:bookwriter concept_writer_jacqueline_wilson +concept_book_the_dark_half concept:bookwriter concept_writer_stephen_king +concept_book_the_dark_tower concept:bookwriter concept_writer_stephen_king +concept_book_the_day_of_the_locust concept:bookwriter concept_writer_nathanael_west +concept_book_the_day_of_the_locust concept:bookwriter concept_writer_nathaniel_west +concept_book_the_dead_zone concept:bookwriter concept_writer_stephen_king +concept_book_the_death_of_the_heart concept:bookwriter concept_writer_elizabeth_bowen +concept_book_the_deeds_of_the_disturber concept:bookwriter concept_writer_elizabeth_peters +concept_book_the_devil_and_miss_prym concept:bookwriter concept_writer_paulo_coelho +concept_book_the_devil_s_code concept:bookwriter concept_writer_john_sandford +concept_book_the_dharma_bums concept:bookwriter concept_writer_jack_kerouac +concept_book_the_diary_of_a_nobody concept:bookwriter concept_personeurope_george_and_weedon_grossmith +concept_book_the_dispossessed concept:bookwriter concept_personeurope_ursula_k__le_guin +concept_book_the_divine_comedy concept:bookwriter concept_personeurope_dante +concept_book_the_divine_comedy concept:bookwriter concept_writer_dante_alighieri +concept_book_the_drawing_of_the_three concept:bookwriter concept_writer_stephen_king +concept_book_the_drowned_world concept:bookwriter concept_writer_jg_ballard +concept_book_the_edge_of_sadness concept:bookwriter concept_writer_edwin_o_connor +concept_book_the_empress_file concept:bookwriter concept_writer_john_sandford +concept_book_the_end_of_the_affair concept:bookwriter concept_writer_graham_greene +concept_book_the_english_patient concept:bookwriter concept_writer_michael_ondaatje +concept_book_the_ersatz_elevator concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_europeans concept:bookwriter concept_writer_henry_james +concept_book_the_executioner_s_song concept:bookwriter concept_scientist_norman_mailer +concept_book_the_exorcist concept:bookwriter concept_comedian_william_peter_blatty +concept_book_the_eyes_of_the_dragon concept:bookwriter concept_writer_stephen_king +concept_book_the_face_of_deception concept:bookwriter concept_writer_iris_johansen +concept_book_the_far_side_of_the_stars concept:bookwriter concept_professor_david_drake +concept_book_the_faraway_tree_collection concept:bookwriter concept_writer_enid_blyton +concept_book_the_feminine_mystique concept:bookwriter concept_female_betty_friedan +concept_book_the_fiery_cross concept:bookwriter concept_writer_diana_gabaldon +concept_book_the_final_warning concept:bookwriter concept_writer_james_patterson +concept_book_the_fire_next_time concept:bookwriter concept_personeurope_james_baldwin +concept_book_the_five_people_you_meet_in_heaven concept:bookwriter concept_writer_mitch_albom +concept_book_the_fixer concept:bookwriter concept_scientist_bernard_malamud +concept_book_the_fountainhead concept:bookwriter concept_writer_ayn_rand +concept_book_the_french_lieutenant_s_woman concept:bookwriter concept_writer_john_fowles +concept_book_the_garden_party_and_other_stories concept:bookwriter concept_writer_katherine_mansfield +concept_book_the_gathering concept:bookwriter concept_writer_anne_enright +concept_book_the_gathering_storm concept:bookwriter concept_personeurope_winston_churchill +concept_book_the_ginger_man concept:bookwriter concept_writer_j__p__donleavy +concept_book_the_ginger_man concept:bookwriter concept_writer_j_p__donleavy +concept_book_the_girl_in_the_plain_brown_wrapper concept:bookwriter concept_writer_john_d__macdonald +concept_book_the_girl_who_loved_tom_gordon concept:bookwriter concept_writer_stephen_king +concept_book_the_giver concept:bookwriter concept_personeurope_lois_lowry +concept_book_the_glass_key concept:bookwriter concept_writer_dashiell_hammett +concept_book_the_glass_menagerie concept:bookwriter concept_writer_tennessee_williams +concept_book_the_glimpses_of_the_moon concept:bookwriter concept_writer_edith_wharton +concept_book_the_god_of_small_things concept:bookwriter concept_writer_arundhati_roy +concept_book_the_gold_bat concept:bookwriter concept_writer_p__g__wodehouse +concept_book_the_golden_bowl concept:bookwriter concept_writer_henry_james +concept_book_the_golden_notebook concept:bookwriter concept_writer_doris_lessing +concept_book_the_good_earth concept:bookwriter concept_personeurope_pearl_s__buck +concept_book_the_good_soldier concept:bookwriter concept_personeurope_ford_maddox_ford +concept_book_the_good_soldier concept:bookwriter concept_personeurope_ford_madox_ford +concept_book_the_gospel_according_to_larry concept:bookwriter concept_personeurope_janet_tashjian +concept_book_the_grapes_of_wrath concept:bookwriter concept_writer_john_steinbeck +concept_book_the_grapes_of_wrath concept:bookwriter concept_writer_steinbeck +concept_book_the_grass_is_singing concept:bookwriter concept_writer_doris_lessing +concept_book_the_graveyard_book concept:bookwriter concept_writer_neil_gaiman +concept_book_the_great_gatsby concept:bookwriter concept_writer_f___scott_fitzgerald +concept_book_the_great_gatsby concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_the_great_gatsby concept:bookwriter concept_writer_f_scott_fitzgerald +concept_book_the_great_gilly_hopkins concept:bookwriter concept_personeurope_katherine_paterson +concept_book_the_great_santini concept:bookwriter concept_writer_pat_conroy +concept_book_the_green_mile concept:bookwriter concept_writer_stephen_king +concept_book_the_guns_of_bull_run concept:bookwriter concept_scientist_joseph_a__altsheler +concept_book_the_gunslinger concept:bookwriter concept_writer_stephen_king +concept_book_the_handmaid_s_tale concept:bookwriter concept_writer_margaret_atwood +concept_book_the_harpole_report concept:bookwriter concept_writer_jl_carr +concept_book_the_hearing_trumpet concept:bookwriter concept_professor_leonora_carrington +concept_book_the_heart_is_a_lonely_hunter concept:bookwriter concept_writer_carson_mccullers +concept_book_the_heart_of_darkness concept:bookwriter concept_writer_joseph_conrad +concept_book_the_heart_of_the_matter concept:bookwriter concept_writer_graham_greene +concept_book_the_heat_of_the_day concept:bookwriter concept_writer_elizabeth_bowen +concept_book_the_hedge_knight concept:bookwriter concept_writer_george_r__r__martin +concept_book_the_histories concept:bookwriter concept_writer_herodotus +concept_book_the_hobbit concept:bookwriter concept_personeurope_j_r_r__tolkien +concept_book_the_hobbit concept:bookwriter concept_writer_j__r__r__tolkien +concept_book_the_hobbit concept:bookwriter concept_writer_jrr_tolkien +concept_book_the_hobbit concept:bookwriter concept_writer_tolkien +concept_book_the_horse_s_mouth concept:bookwriter concept_writer_joyce_cary +concept_book_the_hostile_hospital concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_hotel_new_hampshire concept:bookwriter concept_writer_john_irving +concept_book_the_hound_of_the_baskervilles concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_the_hours concept:bookwriter concept_professor_michael_cunningham +concept_book_the_house_in_paris concept:bookwriter concept_writer_elizabeth_bowen +concept_book_the_house_of_mirth concept:bookwriter concept_writer_edith_wharton +concept_book_the_house_of_the_wolfings concept:bookwriter concept_scientist_william_morris +concept_book_the_house_on_mango_street concept:bookwriter concept_writer_sandra_cisneros +concept_book_the_human_drift concept:bookwriter concept_personeurope_jack_london +concept_book_the_hunchback_of_notre_dame concept:bookwriter concept_writer_victor_hugo +concept_book_the_idiot concept:bookwriter concept_writer_fyodor_dostoevsky +concept_book_the_iliad concept:bookwriter concept_personeurope_homer +concept_book_the_illustrated_mum concept:bookwriter concept_writer_jacqueline_wilson +concept_book_the_importance_of_being_earnest concept:bookwriter concept_writer_oscar_wilde +concept_book_the_inferno concept:bookwriter concept_personeurope_dante +concept_book_the_inimitable_jeeves concept:bookwriter concept_writer_p__g__wodehouse +concept_book_the_interpretation_of_dreams concept:bookwriter concept_male_sigmund_freud +concept_book_the_invisible_man concept:bookwriter concept_scientist_h__g__wells +concept_book_the_iron_heel concept:bookwriter concept_personeurope_jack_london +concept_book_the_joy_luck_club concept:bookwriter concept_writer_amy_tan +concept_book_the_julius_house concept:bookwriter concept_writer_charlaine_harris +concept_book_the_jungle concept:bookwriter concept_writer_upton_sinclair +concept_book_the_jungle_book concept:bookwriter concept_personeurope_rudyard_kipling +concept_book_the_kindly_ones concept:bookwriter concept_personafrica_jonathan_littell +concept_book_the_kindly_ones concept:bookwriter concept_writer_anthony_powell +concept_book_the_king_beyond_the_gate concept:bookwriter concept_professor_david_gemmell +concept_book_the_king_of_the_golden_river concept:bookwriter concept_scientist_john_ruskin +concept_book_the_kitchen_god_s_wife concept:bookwriter concept_writer_amy_tan +concept_book_the_kite_runner concept:bookwriter concept_writer_khaled_hosseini +concept_book_the_lady_in_the_lake concept:bookwriter concept_writer_raymond_chandler +concept_book_the_lake_house concept:bookwriter concept_writer_james_patterson +concept_book_the_land_that_time_forgot concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_the_last_camel_died_at_noon concept:bookwriter concept_writer_elizabeth_peters +concept_book_the_last_chronicle_of_barset concept:bookwriter concept_writer_anthony_trollope +concept_book_the_last_goodbye concept:bookwriter concept_writer_raymond_chandler +concept_book_the_last_of_the_mohicans concept:bookwriter concept_personeurope_james_fenimore_cooper +concept_book_the_last_september concept:bookwriter concept_writer_elizabeth_bowen +concept_book_the_laughing_corpse concept:bookwriter concept_writer_laurell_k__hamilton +concept_book_the_learning_tree concept:bookwriter concept_personafrica_gordon_parks +concept_book_the_legend_of_sleepy_hollow concept:bookwriter concept_personeurope_washington_irving +concept_book_the_legend_that_was_earth concept:bookwriter concept_writer_james_p__hogan +concept_book_the_leper_of_saint_giles concept:bookwriter concept_writer_ellis_peters +concept_book_the_life_and_times_of_the_thunderbolt_kid concept:bookwriter concept_writer_bill_bryson +concept_book_the_line_of_polity concept:bookwriter concept_writer_neal_asher +concept_book_the_little_prince concept:bookwriter concept_writer_antoine_de_saint_exupery +concept_book_the_long_goodbye concept:bookwriter concept_writer_raymond_chandler +concept_book_the_long_tail concept:bookwriter concept_journalist_chris_anderson +concept_book_the_lord_of_the_flies concept:bookwriter concept_writer_william_golding +concept_book_the_lord_of_the_rings concept:bookwriter concept_personeurope_j_r_r__tolkien +concept_book_the_lord_of_the_rings concept:bookwriter concept_writer_jrr_tolkien +concept_book_the_lost_world concept:bookwriter concept_writer_arthur_conan_doyle +concept_book_the_lost_world concept:bookwriter concept_writer_michael_crichton +concept_book_the_lost_world concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_the_lovely_bones concept:bookwriter concept_writer_alice_sebold +concept_book_the_mad_king concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_the_magic_mountain concept:bookwriter concept_writer_thomas_mann +concept_book_the_magnificent_ambersons concept:bookwriter concept_writer_booth_tarkington +concept_book_the_magus concept:bookwriter concept_writer_john_fowles +concept_book_the_maltese_falcon concept:bookwriter concept_writer_dashiell_hammett +concept_book_the_man_in_the_iron_mask concept:bookwriter concept_writer_alexandre_dumas +concept_book_the_man_who_loved_children concept:bookwriter concept_writer_christina_stead +concept_book_the_man_with_the_golden_gun_a_james_bon concept:bookwriter concept_writer_ian_fleming +concept_book_the_master_of_ballantrae concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_the_mayor_of_casterbridge concept:bookwriter concept_writer_thomas_hardy +concept_book_the_member_of_the_wedding concept:bookwriter concept_writer_carson_mccullers +concept_book_the_memoirs_of_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_the_merchant_of_venice concept:bookwriter concept_personeurope_william_shakespeare +concept_book_the_merchant_of_venice concept:bookwriter concept_writer_shakespeare +concept_book_the_mermaid_chair concept:bookwriter concept_writer_sue_monk_kidd +concept_book_the_merry_adventures_of_robin_hood concept:bookwriter concept_personeurope_howard_pyle +concept_book_the_merry_wives_of_windsor concept:bookwriter concept_writer_shakespeare +concept_book_the_metamorphosis concept:bookwriter concept_writer_franz_kafka +concept_book_the_military_philosophers concept:bookwriter concept_writer_anthony_powell +concept_book_the_mill_on_the_floss concept:bookwriter concept_writer_george_eliot +concept_book_the_miserable_mill concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_mists_of_avalon concept:bookwriter concept_writer_marion_zimmer_bradley +concept_book_the_moonstone concept:bookwriter concept_writer_wilkie_collins +concept_book_the_mother_tongue concept:bookwriter concept_writer_bill_bryson +concept_book_the_moviegoer concept:bookwriter concept_writer_walker_percy +concept_book_the_mysterious_affair_at_styles concept:bookwriter concept_writer_agatha_christie +concept_book_the_naked_and_the_dead concept:bookwriter concept_scientist_norman_mailer +concept_book_the_name_of_the_rose concept:bookwriter concept_professor_umberto_eco +concept_book_the_necessary_beggar concept:bookwriter concept_writer_susan_palwick +concept_book_the_neverending_story concept:bookwriter concept_writer_michael_ende +concept_book_the_new_york_times_book_review concept:atlocation concept_city_boston +concept_book_the_new_york_trilogy concept:bookwriter concept_writer_paul_auster +concept_book_the_night_born concept:bookwriter concept_personeurope_jack_london +concept_book_the_night_watch concept:bookwriter concept_writer_sarah_waters +concept_book_the_notebook concept:bookwriter concept_writer_nicholas_sparks +concept_book_the_oakdale_affair concept:bookwriter concept_writer_edgar_rice_burroughs +concept_book_the_octopus concept:bookwriter concept_writer_frank_norris +concept_book_the_odyssey concept:bookwriter concept_personeurope_homer +concept_book_the_old_curiosity_shop concept:bookwriter concept_writer_charles_dickens +concept_book_the_old_man_and_the_sea concept:bookwriter concept_male_ernest_hemingway +concept_book_the_optimist_s_daughter concept:bookwriter concept_writer_eudora_welty +concept_book_the_origin_of_species concept:bookwriter concept_scientist_charles_darwin +concept_book_the_origin_of_species concept:bookwriter concept_scientist_darwin +concept_book_the_outsider concept:bookwriter concept_writer_albert_camus +concept_book_the_outsiders concept:bookwriter concept_personeurope_s_e__hinton +concept_book_the_painted_bird concept:bookwriter concept_writer_jerzy_kosinski +concept_book_the_pearl concept:bookwriter concept_writer_john_steinbeck +concept_book_the_phantom_of_the_opera concept:bookwriter concept_personeurope_gaston_leroux +concept_book_the_phantom_of_the_opera concept:bookwriter concept_personeurope_jack_london +concept_book_the_pickwick_papers concept:bookwriter concept_writer_charles_dickens +concept_book_the_picture_of_dorian_gray concept:bookwriter concept_writer_oscar_wilde +concept_book_the_picture_of_dorian_grey concept:bookwriter concept_writer_oscar_wilde +concept_book_the_pigman concept:bookwriter concept_personeurope_paul_zindel +concept_book_the_pilgrim_s_progress concept:bookwriter concept_writer_john_bunyan +concept_book_the_pilot_s_wife concept:bookwriter concept_writer_anita_shreve +concept_book_the_pit concept:bookwriter concept_writer_frank_norris +concept_book_the_plague concept:bookwriter concept_writer_albert_camus +concept_book_the_poisonwood_bible concept:bookwriter concept_writer_barbara_kingsolver +concept_book_the_portrait_of_a_lady concept:bookwriter concept_writer_henry_james +concept_book_the_power_and_the_glory concept:bookwriter concept_writer_graham_greene +concept_book_the_prime_of_miss_jean_brodie concept:bookwriter concept_writer_muriel_spark +concept_book_the_prince concept:bookwriter concept_person_machiavelli +concept_book_the_prince concept:bookwriter concept_writer_niccolo_machiavelli +concept_book_the_prince_and_the_pauper concept:bookwriter concept_personus_mark_twain +concept_book_the_princess_bride concept:bookwriter concept_professor_william_goldman +concept_book_the_princess_diaries concept:bookwriter concept_writer_meg_cabot +concept_book_the_prisoner_of_zenda concept:bookwriter concept_writer_anthony_hope +concept_book_the_prodigal_daughter concept:bookwriter concept_writer_jeffrey_archer +concept_book_the_professor concept:bookwriter concept_writer_charlotte_bronte +concept_book_the_prophet concept:bookwriter concept_personeurope_kahlil_gibran +concept_book_the_purpose_driven_life concept:bookwriter concept_writer_rick_warren +concept_book_the_quickie concept:bookwriter concept_writer_james_patterson +concept_book_the_quiet_american concept:bookwriter concept_writer_graham_greene +concept_book_the_ragged_trousered_philanthropists concept:bookwriter concept_personeurope_robert_tressell +concept_book_the_ragged_trousered_philantrhopists concept:bookwriter concept_personeurope_robert_tressell +concept_book_the_rainbow concept:bookwriter concept_writer_d__h__lawrence +concept_book_the_rainbow concept:bookwriter concept_writer_d_h__lawrence +concept_book_the_raven_in_the_foregate concept:bookwriter concept_writer_ellis_peters +concept_book_the_recognitions concept:bookwriter concept_writer_william_gaddis +concept_book_the_red_and_the_black concept:bookwriter concept_writer_stendahl +concept_book_the_red_badge_of_courage concept:bookwriter concept_writer_stephen_crane +concept_book_the_red_pony concept:bookwriter concept_writer_john_steinbeck +concept_book_the_red_tent concept:bookwriter concept_writer_anita_diamant +concept_book_the_regulators concept:bookwriter concept_writer_stephen_king +concept_book_the_reivers concept:bookwriter concept_writer_william_faulkner +concept_book_the_remains_of_the_day concept:bookwriter concept_writer_kazuo_ishiguro +concept_book_the_remorseful_day concept:bookwriter concept_writer_colin_dexter +concept_book_the_reptile_room concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_republic concept:bookwriter concept_personeurope_plato +concept_book_the_return_of_sherlock_holmes concept:bookwriter concept_writer_sir_arthur_conan_doyle +concept_book_the_return_of_the_native concept:bookwriter concept_writer_thomas_hardy +concept_book_the_rime_of_the_ancient_mariner concept:bookwriter concept_writer_samuel_taylor_coleridge +concept_book_the_road concept:bookwriter concept_writer_cormac_mccarthy +concept_book_the_road_virus_heads_north concept:bookwriter concept_writer_stephen_king +concept_book_the_romanov_bride concept:bookwriter concept_personeurope_robert_alexander +concept_book_the_running_man concept:bookwriter concept_writer_stephen_king +concept_book_the_sacred_vault concept:bookwriter concept_writer_andy_mcdermott +concept_book_the_satanic_verses concept:bookwriter concept_writer_salman_rushdie +concept_book_the_scar concept:bookwriter concept_writer_china_mieville +concept_book_the_scarlet_letter concept:bookwriter concept_writer_nathaniel_hawthorne +concept_book_the_scarlet_letter concept:bookwriter concept_writer_victor_hugo +concept_book_the_scarlet_pimpernel concept:bookwriter concept_writer_baroness_orczy +concept_book_the_screwtape_letters concept:bookwriter concept_writer_c_s__lewis +concept_book_the_sea concept:bookwriter concept_writer_john_banville +concept_book_the_sea_wolf concept:bookwriter concept_personeurope_jack_london +concept_book_the_secret_agent concept:bookwriter concept_writer_joseph_conrad +concept_book_the_secret_garden concept:bookwriter concept_writer_frances_hodgson_burnett +concept_book_the_secret_history concept:bookwriter concept_writer_donna_tartt +concept_book_the_secret_life_of_bees concept:bookwriter concept_writer_sue_monk_kidd +concept_book_the_seven_habits_of_highly_effective_people concept:bookwriter concept_writer_stephen_covey +concept_book_the_seventh_man concept:bookwriter concept_writer_max_brand +concept_book_the_shadow_of_the_wind concept:bookwriter concept_writer_carlos_ruiz_zafon +concept_book_the_shell_seekers concept:bookwriter concept_writer_rosamunde_pilcher +concept_book_the_sheltering_sky concept:bookwriter concept_professor_paul_bowles +concept_book_the_shining concept:bookwriter concept_writer_stephen_king +concept_book_the_shock_doctrine concept:bookwriter concept_writer_naomi_klein +concept_book_the_silence_of_the_lambs concept:bookwriter concept_writer_thomas_harris +concept_book_the_silent_cry concept:bookwriter concept_writer_anne_perry +concept_book_the_sins_of_the_wolf concept:bookwriter concept_writer_anne_perry +concept_book_the_sisterhood_of_the_traveling_pants concept:bookwriter concept_writer_ann_brashares +concept_book_the_skies_of_pern concept:bookwriter concept_writer_anne_mccaffrey +concept_book_the_sledding_hill concept:bookwriter concept_personeurope_chris_crutcher +concept_book_the_slippery_slope concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_smoke_ring concept:bookwriter concept_writer_larry_niven +concept_book_the_social_contract concept:bookwriter concept_personafrica_jean_jacques_rousseau +concept_book_the_sot_weed_factor concept:bookwriter concept_professor_john_barth +concept_book_the_souls_of_black_folk concept:bookwriter concept_writer_w__e__b__du_bois +concept_book_the_sound_and_the_fury concept:bookwriter concept_writer_william_faulkner +concept_book_the_south_beach_diet concept:bookwriter concept_writer_arthur_agatston +concept_book_the_south_beach_diet_supercharged_faste concept:bookwriter concept_writer_arthur_agatston +concept_book_the_space_between_us concept:bookwriter concept_writer_thrity_umrigar +concept_book_the_sportswriter concept:bookwriter concept_writer_richard_ford +concept_book_the_spy_who_came_in_from_the_cold concept:bookwriter concept_scientist_john_le_carre +concept_book_the_spy_who_came_in_from_the_cold concept:bookwriter concept_writer_john_lecarre +concept_book_the_spy_who_loved_me concept:bookwriter concept_writer_ian_fleming +concept_book_the_spy_who_loved_me_a_james_bond_novel concept:bookwriter concept_writer_ian_fleming +concept_book_the_stand concept:bookwriter concept_writer_stephen_king +concept_book_the_stand__the_complete_and_uncut_edition concept:bookwriter concept_writer_stephen_king +concept_book_the_story_of_doctor_dolittle concept:bookwriter concept_personeurope_hugh_lofting +concept_book_the_story_of_my_life concept:bookwriter concept_female_helen_keller +concept_book_the_story_of_tracy_beaker concept:bookwriter concept_writer_jacqueline_wilson +concept_book_the_strange_case_of_dr__jekyll_and_mr__hyde concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_the_strange_case_of_dr_jekyll_and_mr_hyde concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_the_stranger concept:bookwriter concept_writer_albert_camus +concept_book_the_structure_of_scientific_revolutions concept:bookwriter concept_scientist_thomas_kuhn +concept_book_the_studs_lonigan_trilogy concept:bookwriter concept_writer_james_t__farrell +concept_book_the_suitcase_kid concept:bookwriter concept_writer_jacqueline_wilson +concept_book_the_sun_also_rises concept:bookwriter concept_male_ernest_hemingway +concept_book_the_swimmer concept:bookwriter concept_writer_john_cheever +concept_book_the_swimming_pool_library concept:bookwriter concept_writer_alan_hollinghurst +concept_book_the_tale_of_genji concept:bookwriter concept_writer_murasaki_shikibu +concept_book_the_tale_of_peter_rabbit concept:bookwriter concept_personeurope_beatrix_potter +concept_book_the_talented_mr__ripley concept:bookwriter concept_writer_patricia_highsmith +concept_book_the_talisman concept:bookwriter concept_writer_stephen_king +concept_book_the_taming_of_the_shrew concept:bookwriter concept_personeurope_william_shakespeare +concept_book_the_tempest concept:bookwriter concept_personeurope_william_shakespeare +concept_book_the_tempest concept:bookwriter concept_writer_shakespeare +concept_book_the_temple_of_my_familiar concept:bookwriter concept_personus_alice_walker +concept_book_the_tenant_of_wildfell_hall concept:bookwriter concept_writer_anne_bronte +concept_book_the_thin_man concept:bookwriter concept_writer_dashiell_hammett +concept_book_the_thirty_nine_steps concept:bookwriter concept_professor_john_buchan +concept_book_the_three_musketeers concept:bookwriter concept_writer_alexandre_dumas +concept_book_the_three_sisters concept:bookwriter concept_writer_may_sinclair +concept_book_the_time_machine concept:bookwriter concept_personeurope_h_g__wells +concept_book_the_tin_drum concept:bookwriter concept_writer_gunter_grass +concept_book_the_tipping_point concept:bookwriter concept_writer_malcolm_gladwell +concept_book_the_tommyknockers concept:bookwriter concept_writer_stephen_king +concept_book_the_town concept:bookwriter concept_writer_conrad_richter +concept_book_the_trial concept:bookwriter concept_writer_franz_kafka +concept_book_the_turn_of_the_screw concept:bookwriter concept_writer_henry_james +concept_book_the_unbearable_lightness_of_being concept:bookwriter concept_writer_milan_kundera +concept_book_the_uses_of_enchantment concept:bookwriter concept_writer_bruno_bettelheim +concept_book_the_valley_of_adventure concept:bookwriter concept_writer_enid_blyton +concept_book_the_valley_of_bones concept:bookwriter concept_writer_anthony_powell +concept_book_the_victim concept:bookwriter concept_scientist_saul_bellow +concept_book_the_vile_village concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_violent_bear_it_away concept:bookwriter concept_writer_flannery_o_connor +concept_book_the_virgin_in_the_garden concept:bookwriter concept_writer_a_s__byatt +concept_book_the_virgin_in_the_garden concept:bookwriter concept_writer_as_byatt +concept_book_the_virgin_in_the_ice concept:bookwriter concept_writer_ellis_peters +concept_book_the_voyage_out concept:bookwriter concept_writer_virginia_woolf +concept_book_the_voyages_of_doctor_dolittle concept:bookwriter concept_personeurope_hugh_lofting +concept_book_the_wapshot_chronicle concept:bookwriter concept_writer_john_cheever +concept_book_the_wapshot_chronicles concept:bookwriter concept_writer_john_cheever +concept_book_the_war_of_the_worlds concept:bookwriter concept_personeurope_h_g__wells +concept_book_the_war_of_the_worlds concept:bookwriter concept_scientist_h__g__wells +concept_book_the_wasp_factory concept:bookwriter concept_writer_iain_banks +concept_book_the_waste_land concept:bookwriter concept_writer_t__s__eliot +concept_book_the_waste_lands concept:bookwriter concept_writer_stephen_king +concept_book_the_water_babies concept:bookwriter concept_writer_charles_kingsley +concept_book_the_way_of_all_flesh concept:bookwriter concept_scientist_samuel_butler +concept_book_the_way_we_live_now concept:bookwriter concept_writer_anthony_trollope +concept_book_the_white_dragon concept:bookwriter concept_writer_anne_mccaffrey +concept_book_the_wide_window concept:bookwriter concept_personeurope_lemony_snicket +concept_book_the_wind_in_the_willows concept:bookwriter concept_writer_kenneth_grahame +concept_book_the_wings_of_the_dove concept:bookwriter concept_writer_henry_james +concept_book_the_winter_ghosts concept:bookwriter concept_female_kate_mosse +concept_book_the_winter_of_our_discontent concept:bookwriter concept_writer_john_steinbeck +concept_book_the_witches concept:bookwriter concept_personeurope_roald_dahl +concept_book_the_wizard concept:bookwriter concept_writer_h__rider_haggard +concept_book_the_woman_in_white concept:bookwriter concept_writer_carlo_collodi +concept_book_the_woman_in_white concept:bookwriter concept_writer_wilkie_collins +concept_book_the_wonderful_wizard_of_oz concept:bookwriter concept_personeurope_l__frank_baum +concept_book_the_woodlanders concept:bookwriter concept_writer_thomas_hardy +concept_book_the_world_according_to_garp concept:bookwriter concept_writer_john_irving +concept_book_the_yearling concept:bookwriter concept_writer_marjorie_kinnan_rawlings +concept_book_the_years concept:bookwriter concept_writer_virginia_woolf +concept_book_theogony concept:bookwriter concept_writer_hesiod +concept_book_theory concept:bookwriter concept_personeurope_john_rawls +concept_book_theory concept:bookwriter concept_writer_goethe +concept_book_therapy concept:atdate concept_dateliteral_n2002 +concept_book_therapy concept:atdate concept_dateliteral_n2006 +concept_book_things concept:mutualproxyfor concept_book_new +concept_book_things concept:atdate concept_dateliteral_n2005 +concept_book_things concept:proxyfor concept_eventoutcome_new +concept_book_things concept:atlocation concept_lake_new +concept_book_things concept:istallerthan concept_publication_people_ +concept_book_things_fall_apart concept:bookwriter concept_writer_chinua_achebe +concept_book_think_and_grow_rich concept:bookwriter concept_writer_napoleon_hill +concept_book_thinner concept:bookwriter concept_writer_stephen_king +concept_book_this_side_of_paradise concept:bookwriter concept_writer_f__scott_fitzgerald +concept_book_thorn_birds concept:bookwriter concept_writer_colleen_mccullough +concept_book_three_cups_of_tea concept:bookwriter concept_personafrica_greg_mortenson +concept_book_three_musketeers concept:bookwriter concept_writer_alexander_dumas +concept_book_three_musketeers concept:bookwriter concept_writer_alexandre_dumas +concept_book_through_the_looking_glass concept:bookwriter concept_writer_lewis_carroll +concept_book_through_the_looking_glass concept:bookwriter concept_writer_wilkie_collins +concept_book_timbuktu concept:bookwriter concept_writer_paul_auster +concept_book_time_machine concept:bookwriter concept_personeurope_h_g__wells +concept_book_time_machine concept:bookwriter concept_scientist_h__g__wells +concept_book_time_machine concept:bookwriter concept_writer_wells +concept_book_timeline concept:bookwriter concept_writer_michael_crichton +concept_book_timescape concept:bookwriter concept_writer_gregory_benford +concept_book_timon_of_athens concept:bookwriter concept_personeurope_william_shakespeare +concept_book_tinkers concept:bookwriter concept_writer_paul_harding +concept_book_tipping_point concept:bookwriter concept_journalist_malcom_gladwell +concept_book_tipping_point concept:bookwriter concept_writer_malcolm_gladwell +concept_book_titmuss_regained concept:bookwriter concept_writer_john_mortimer +concept_book_titus_andronicus concept:bookwriter concept_personeurope_william_shakespeare +concept_book_titus_andronicus concept:bookwriter concept_writer_shakespeare +concept_book_titus_groan concept:bookwriter concept_writer_mervyn_peake +concept_book_to_a_god_unknown concept:bookwriter concept_writer_john_steinbeck +concept_book_to_have_and_have_not concept:bookwriter concept_male_ernest_hemingway +concept_book_to_kill_a_mockingbird concept:bookwriter concept_writer_harper_lee +concept_book_to_the_lighthouse concept:bookwriter concept_writer_virginia_woolf +concept_book_to_the_north concept:bookwriter concept_writer_elizabeth_bowen +concept_book_tobacco_road concept:bookwriter concept_writer_erskine_caldwell +concept_book_tom_jones concept:bookwriter concept_personeurope_henry_fielding +concept_book_tom_sawyer concept:bookwriter concept_person_twain +concept_book_tortilla_flat concept:bookwriter concept_writer_john_steinbeck +concept_book_touching_the_void concept:bookwriter concept_personaustralia_joe_simpson +concept_book_tour concept:mutualproxyfor concept_book_new +concept_book_tour concept:proxyfor concept_eventoutcome_new +concept_book_tourist_season concept:bookwriter concept_personeurope_carl_hiaasen +concept_book_tractatus_logico_philosophicus concept:bookwriter concept_personeurope_ludwig_wittgenstein +concept_book_traffic concept:proxyfor concept_eventoutcome_new +concept_book_trainspotting concept:bookwriter concept_writer_irvine_welsh +concept_book_transition concept:atdate concept_date_n2009 +concept_book_transition concept:atdate concept_dateliteral_n2006 +concept_book_travels concept:bookwriter concept_writer_john_steinbeck +concept_book_travels_with_charley__in_search_of_america concept:bookwriter concept_writer_john_steinbeck +concept_book_treasure concept:proxyfor concept_eventoutcome_new +concept_book_treasure_island concept:bookwriter concept_writer_robert_lewis_stevenson +concept_book_treasure_island concept:bookwriter concept_writer_robert_louis_stevenson +concept_book_trial concept:bookwriter concept_writer_franz_kafka +concept_book_trial concept:bookwriter concept_writer_kafka +concept_book_tribute concept:proxyfor concept_eventoutcome_new +concept_book_trifles concept:bookwriter concept_writer_susan_glaspell +concept_book_trilogy concept:bookwriter concept_personeurope_john_dos_passos +concept_book_troilus_and_cressida concept:bookwriter concept_personeurope_william_shakespeare +concept_book_troilus_and_cressida concept:bookwriter concept_writer_shakespeare +concept_book_tropic_of_cancer concept:bookwriter concept_scientist_henry_miller +concept_book_tropic_of_capricorn concept:bookwriter concept_scientist_henry_miller +concept_book_troy concept:mutualproxyfor concept_creditunion_michigan +concept_book_troy concept:proxyfor concept_eventoutcome_new +concept_book_true_believer concept:bookwriter concept_personeurope_eric_hoffer +concept_book_tuesdays_with_morrie concept:bookwriter concept_writer_mitch_albom +concept_book_turn_of_the_screw concept:bookwriter concept_writer_henry_james +concept_book_twelfth_night concept:bookwriter concept_personeurope_william_shakespeare +concept_book_twelfth_night concept:bookwriter concept_writer_shakespeare +concept_book_twenty_thousand_leagues_under_the_sea concept:bookwriter concept_writer_jules_verne +concept_book_twilight concept:bookwriter concept_female_author_stephenie_meyer +concept_book_twilight concept:bookwriter concept_female_stephanie_meyer +concept_book_twilight concept:bookwriter concept_female_stephenie_meyer +concept_book_twilight concept:bookwriter concept_female_stephenie_meyers +concept_book_twilight concept:bookwriter concept_writer_stephanie_meyers +concept_book_two_gentlemen concept:bookwriter concept_writer_shakespeare +concept_book_two_gentlemen_of_verona concept:bookwriter concept_writer_shakespeare +concept_book_two_years_before_the_mast concept:bookwriter concept_writer_richard_henry_dana +concept_book_typee concept:bookwriter concept_person_melville +concept_book_typee concept:bookwriter concept_writer_herman_melville +concept_book_u_s_a concept:bookwriter concept_personeurope_john_dos_passos +concept_book_ubik concept:bookwriter concept_writer_philip_k__dick +concept_book_uglies concept:bookwriter concept_writer_scott_westerfeld +concept_book_ulysses concept:atlocation concept_stateorprovince_kansas +concept_book_ulysses concept:bookwriter concept_writer_james_joyce +concept_book_ulysses concept:bookwriter concept_writer_joyce +concept_book_uncle_tom_cabin concept:bookwriter concept_writer_harriet_beecher_stowe +concept_book_uncle_tom_s_cabin concept:bookwriter concept_writer_harriet_beecher_stowe +concept_book_under_the_dome__a_novel concept:bookwriter concept_writer_stephen_king +concept_book_under_the_greenwood_tree concept:bookwriter concept_writer_nathaniel_hawthorne +concept_book_under_the_greenwood_tree concept:bookwriter concept_writer_thomas_hardy +concept_book_under_the_net concept:bookwriter concept_writer_iris_murdoch +concept_book_under_the_volcano concept:bookwriter concept_writer_malcolm_lowry +concept_book_underdog concept:proxyfor concept_eventoutcome_new +concept_book_ur concept:bookwriter concept_writer_stephen_king +concept_book_utilitarianism concept:bookwriter concept_scientist_john_stuart_mill +concept_book_v_for_vendetta concept:bookwriter concept_personaustralia_alan_moore_and_david_lloyd +concept_book_vacation concept:mutualproxyfor concept_book_new +concept_book_vacation concept:atdate concept_date_n2000 +concept_book_vacation concept:atdate concept_date_n2001 +concept_book_vacation concept:atdate concept_date_n2003 +concept_book_vacation concept:atdate concept_date_n2004 +concept_book_vacation concept:atdate concept_dateliteral_n2002 +concept_book_vacation concept:atdate concept_dateliteral_n2006 +concept_book_vacation concept:atdate concept_dateliteral_n2007 +concept_book_vacation concept:atdate concept_dateliteral_n2008 +concept_book_vacation concept:proxyfor concept_eventoutcome_new +concept_book_vacation concept:atdate concept_month_july +concept_book_vacation concept:atdate concept_month_march +concept_book_vampire_academy concept:bookwriter concept_writer_richelle_mead +concept_book_vampire_lestat concept:bookwriter concept_female_anne_rice +concept_book_vanity_fair concept:bookwriter concept_writer_thackeray +concept_book_vanity_fair concept:bookwriter concept_writer_william_makepeace_thackeray +concept_book_vathek concept:bookwriter concept_personeurope_william_beckford +concept_book_velvet_elvis concept:bookwriter concept_personus_rob_bell +concept_book_vicky_angel concept:bookwriter concept_writer_jacqueline_wilson +concept_book_vilette concept:bookwriter concept_writer_charlotte_bronte +concept_book_villette concept:bookwriter concept_writer_charlotte_bronte +concept_book_violets_are_blue concept:bookwriter concept_writer_james_patterson +concept_book_vision concept:bookwriter concept_writer_yeats +concept_book_vote_for_larry concept:bookwriter concept_personeurope_janet_tashjian +concept_book_vurt concept:bookwriter concept_writer_jeff_noon +concept_book_wages_of_sin concept:bookwriter concept_writer_jenna_maclaine +concept_book_wait_for_me concept:bookwriter concept_writer_an_na +concept_book_waiting concept:bookwriter concept_writer_ha_jin +concept_book_waiting_for_godot concept:bookwriter concept_writer_samuel_beckett +concept_book_walden concept:bookwriter concept_personeurope_henry_david_thoreau +concept_book_walden concept:bookwriter concept_writer_thoreau +concept_book_walden_or_life_in_the_woods concept:bookwriter concept_personeurope_henry_david_thoreau +concept_book_walden_pond concept:bookwriter concept_writer_thoreau +concept_book_walden_two concept:bookwriter concept_scientist_b__f__skinner +concept_book_walk concept:atdate concept_dateliteral_n2006 +concept_book_walk concept:proxyfor concept_eventoutcome_new +concept_book_war_and_peace concept:bookwriter concept_writer_leo_tolstoy +concept_book_war_of_the_worlds concept:bookwriter concept_personeurope_h_g__wells +concept_book_washington_square concept:bookwriter concept_writer_henry_james +concept_book_waste_land concept:bookwriter concept_writer_t__s__eliot +concept_book_watchmen concept:bookwriter concept_personaustralia_alan_moore +concept_book_watchmen concept:bookwriter concept_writer_alan_moore_and_dave_gibbons +concept_book_water_for_elephants concept:bookwriter concept_writer_sara_gruen +concept_book_watership_down concept:bookwriter concept_writer_richard_adams +concept_book_waverley concept:bookwriter concept_person_scott001 +concept_book_waverley concept:bookwriter concept_writer_sir_walter_scott +concept_book_way concept:bookwriter concept_writer_julia_cameron +concept_book_way_home concept:mutualproxyfor concept_book_new +concept_book_way_home concept:atdate concept_dayofweek_friday +concept_book_way_home concept:atdate concept_dayofweek_monday +concept_book_way_home concept:atdate concept_dayofweek_tuesday +concept_book_way_home concept:proxyfor concept_eventoutcome_new +concept_book_we_have_always_lived_in_the_castle concept:bookwriter concept_celebrity_shirley_jackson +concept_book_we_need_to_talk_about_kevin concept:bookwriter concept_writer_lionel_shriver +concept_book_wealth_of_nations concept:bookwriter concept_person_smith001 +concept_book_wealth_of_nations concept:bookwriter concept_writer_adam_smith +concept_book_weetzie_bat concept:bookwriter concept_writer_francesca_lia_block +concept_book_weighed_in_the_balance concept:bookwriter concept_writer_anne_perry +concept_book_westward_ho concept:bookwriter concept_writer_charles_kingsley +concept_book_what_katy_did concept:bookwriter concept_personeurope_susan_coolidge +concept_book_what_maisie_knew concept:bookwriter concept_writer_henry_james +concept_book_when_zachary_beaver_came_to_town concept:bookwriter concept_writer_kimberly_willis_holt +concept_book_where_the_wild_things_are concept:bookwriter concept_personeurope_maurice_sendak +concept_book_white_fang concept:bookwriter concept_personeurope_jack_london +concept_book_white_ghost_girls concept:bookwriter concept_writer_alice_greenway +concept_book_white_noise concept:bookwriter concept_writer_don_delillo +concept_book_white_oleander concept:bookwriter concept_writer_janet_fitch +concept_book_white_teeth concept:bookwriter concept_writer_zadie_smith +concept_book_wicked concept:bookwriter concept_writer_gregory_maguire +concept_book_wide_sargasso_sea concept:bookwriter concept_writer_jean_rhys +concept_book_wild_swans concept:bookwriter concept_writer_jung_chang +concept_book_wings concept:atdate concept_date_n1942 +concept_book_winnie_the_pooh concept:bookwriter concept_personeurope_a_a__milne +concept_book_winnie_the_pooh concept:bookwriter concept_writer_a__a__milne +concept_book_winnie_the_pooh concept:bookwriter concept_writer_aa_milne +concept_book_winter concept:bookwriter concept_writer_shakespeare +concept_book_wise_blood concept:bookwriter concept_writer_flannery_o_connor +concept_book_witch_and_wizard concept:bookwriter concept_writer_james_patterson +concept_book_witness concept:proxyfor concept_eventoutcome_new +concept_book_wives_and_daughters concept:bookwriter concept_writer_elizabeth_gaskell +concept_book_wizard_and_glass concept:bookwriter concept_writer_stephen_king +concept_book_wizard_of_oz concept:bookwriter concept_personeurope_l__frank_baum +concept_book_wizard_of_oz concept:bookwriter concept_writer_baum +concept_book_wizard_of_oz concept:bookwriter concept_writer_frank_baum +concept_book_wolves_of_the_calla concept:bookwriter concept_writer_stephen_king +concept_book_woman concept:mutualproxyfor concept_book_new +concept_book_woman concept:atdate concept_date_n2001 +concept_book_woman concept:atdate concept_dateliteral_n2002 +concept_book_woman concept:atdate concept_dateliteral_n2005 +concept_book_woman concept:atdate concept_dateliteral_n2007 +concept_book_woman concept:atdate concept_dateliteral_n2008 +concept_book_woman concept:proxyfor concept_eventoutcome_new +concept_book_women_in_love concept:bookwriter concept_writer_d__h__lawrence +concept_book_women_in_love concept:bookwriter concept_writer_d_h__lawrence +concept_book_wonder concept:proxyfor concept_eventoutcome_new +concept_book_wonderful_wizard_of_oz concept:bookwriter concept_personeurope_l__frank_baum +concept_book_wonderful_wizard_of_oz concept:bookwriter concept_writer_baum +concept_book_wonderful_wizard_of_oz concept:bookwriter concept_writer_frank_baum +concept_book_world_trade_center concept:proxyfor concept_eventoutcome_new +concept_book_world_war_z concept:bookwriter concept_comedian_max_brooks +concept_book_wuthering_heights concept:bookwriter concept_writer_emily_bront_ +concept_book_wuthering_heights concept:bookwriter concept_writer_emily_bronte +concept_book_wuthering_heights concept:bookwriter concept_writer_john_bunyan +concept_book_x_men concept:bookwriter concept_writer_chris_claremont +concept_book_year_of_the_big_thaw concept:bookwriter concept_writer_marion_zimmer_bradley +concept_book_years concept:atlocation concept_airport_gold +concept_book_years concept:istallerthan concept_book_friends +concept_book_years concept:proxyfor concept_book_north +concept_book_years concept:atlocation concept_building_palm +concept_book_years concept:atlocation concept_building_west +concept_book_years concept:atlocation concept_city_bristol +concept_book_years concept:atlocation concept_city_central +concept_book_years concept:atlocation concept_city_orlando +concept_book_years concept:atlocation concept_country_south_west +concept_book_years concept:atdate concept_date_n1996 +concept_book_years concept:atdate concept_date_n1999 +concept_book_years concept:atdate concept_date_n2000 +concept_book_years concept:atdate concept_date_n2001 +concept_book_years concept:atdate concept_date_n2003 +concept_book_years concept:atdate concept_date_n2004 +concept_book_years concept:atdate concept_date_n2009 +concept_book_years concept:atdate concept_dateliteral_n2002 +concept_book_years concept:atdate concept_dateliteral_n2005 +concept_book_years concept:atdate concept_dateliteral_n2006 +concept_book_years concept:atdate concept_dateliteral_n2007 +concept_book_years concept:atdate concept_dateliteral_n2008 +concept_book_years concept:proxyfor concept_eventoutcome_new +concept_book_years concept:atlocation concept_farm_northwest +concept_book_years concept:atlocation concept_geopoliticallocation_holland +concept_book_years concept:atlocation concept_geopoliticallocation_miss +concept_book_years concept:atlocation concept_geopoliticallocation_north_central +concept_book_years concept:atlocation concept_geopoliticallocation_southern +concept_book_years concept:atlocation concept_geopoliticallocation_southwest001 +concept_book_years concept:atlocation concept_geopoliticalorganization_northern +concept_book_years concept:atlocation concept_geopoliticalorganization_western +concept_book_years concept:atlocation concept_highway_mainstream +concept_book_years concept:atlocation concept_highway_northern_california +concept_book_years concept:proxyfor concept_highway_the_new +concept_book_years concept:atlocation concept_hotel_north +concept_book_years concept:atlocation concept_lake_baja +concept_book_years concept:atlocation concept_lake_new +concept_book_years concept:atlocation concept_lake_pacific +concept_book_years concept:atlocation concept_lake_u_s__gulf +concept_book_years concept:atlocation concept_landscapefeatures_gulf +concept_book_years concept:atlocation concept_landscapefeatures_road +concept_book_years concept:atlocation concept_landscapefeatures_tropical +concept_book_years concept:atlocation concept_planet_eastern +concept_book_years concept:atlocation concept_planet_southeast +concept_book_years concept:proxyfor concept_politicaloffice_central +concept_book_years concept:istallerthan concept_publication_people_ +concept_book_years concept:atlocation concept_retailstore_northeast +concept_book_years concept:atlocation concept_river_emerald +concept_book_years concept:proxyfor concept_room_east +concept_book_years concept:proxyfor concept_room_south +concept_book_years concept:atlocation concept_room_space +concept_book_years concept:atlocation concept_room_transport +concept_book_years concept:atlocation concept_skiarea_north_east +concept_book_years concept:atlocation concept_skiarea_sunshine +concept_book_years concept:proxyfor concept_sportsequipment_west +concept_book_years concept:atlocation concept_stateorprovince_california +concept_book_years concept:atlocation concept_stateorprovince_georgia +concept_book_years concept:atlocation concept_stateorprovince_oregon +concept_book_years concept:atlocation concept_street_south_east +concept_book_years concept:atlocation concept_street_southwestern +concept_book_years concept:subpartof concept_weatherphenomenon_air +concept_book_years concept:proxyfor concept_weatherphenomenon_cape +concept_book_years concept:atlocation concept_website_corporate +concept_book_years concept:atlocation concept_website_east +concept_book_years concept:atlocation concept_website_south +concept_book_years concept:atlocation concept_website_sw +concept_book_years concept:atdate concept_year_n1991 +concept_book_years concept:atdate concept_year_n1997 +concept_book_years concept:atdate concept_year_n1998 +concept_book_years_of_grace concept:bookwriter concept_personasia_margaret_ayer_barnes +concept_book_yesterday concept:mutualproxyfor concept_book_new +concept_book_yesterday concept:atdate concept_date_community +concept_book_yesterday concept:proxyfor concept_eventoutcome_new +concept_book_you_only_live_twice concept:bookwriter concept_writer_ian_fleming +concept_book_you_suck concept:bookwriter concept_personcanada_christopher_moore +concept_book_zen_and_the_art_of_motorcycle_maintenance concept:bookwriter concept_personeurope_robert_pirsig +concept_book_zorba_the_greek concept:bookwriter concept_writer_nikos_kazantzakis +concept_book_zuleika_dobson concept:bookwriter concept_writer_max_beerbohm +concept_braintissue_activity concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_activity concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_adrenal_glands concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_adult concept:bodypartcontainsbodypart concept_bodypart_cell +concept_braintissue_adult concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_adult_rat concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_appetite concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_area concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_braintissue_area_17 concept:latitudelongitude 37.1244000000000,-116.1936500000000 +concept_braintissue_bodies concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_body concept:bodypartcontainsbodypart concept_artery_cord +concept_braintissue_body concept:bodypartcontainsbodypart concept_artery_main_artery +concept_braintissue_body concept:bodypartcontainsbodypart concept_artery_main_blood_vessel +concept_braintissue_body concept:bodypartcontainsbodypart concept_artery_tissues +concept_braintissue_body concept:bodypartcontainsbodypart concept_artery_veins +concept_braintissue_body concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_body concept:bodypartcontainsbodypart concept_bodypart_hair_follicles +concept_braintissue_body concept:bodypartcontainsbodypart concept_bodypart_healthy_tissue +concept_braintissue_body concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_braintissue_body concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_body concept:bodypartcontainsbodypart concept_bone_joints +concept_braintissue_body concept:bodypartcontainsbodypart concept_braintissue_glands +concept_braintissue_body concept:bodypartcontainsbodypart concept_braintissue_response +concept_braintissue_body concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_body concept:bodypartcontainsbodypart concept_braintissue_thyroid_gland +concept_braintissue_body concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_braintissue_body_systems concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_brain_stem concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_brain_stem concept:subpartof concept_website_blood +concept_braintissue_brains concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_brains concept:subpartof concept_website_blood +concept_braintissue_cardiovascular_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_central_nervous_system concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_central_nervous_system concept:bodypartcontainsbodypart concept_artery_cord +concept_braintissue_central_nervous_system concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_central_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_central_nervous_system concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_cerebral_cortex concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_cerebrospinal_fluid concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_cerebrospinal_fluid concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_chamber concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_braintissue_changes concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_connective_tissue concept:bodypartcontainsbodypart concept_artery_vessels +concept_braintissue_connective_tissue concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_connective_tissue concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_connective_tissue concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_cord_blood concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_digestive_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_dura_mater concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_embryo concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_enteric_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_esophagus concept:bodypartcontainsbodypart concept_artery_vessels +concept_braintissue_esophagus concept:subpartof concept_website_blood +concept_braintissue_experiment concept:atdate concept_date_n2003 +concept_braintissue_experiment concept:atdate concept_date_n2004 +concept_braintissue_experiment concept:atdate concept_dateliteral_n2006 +concept_braintissue_experiment concept:atdate concept_dateliteral_n2007 +concept_braintissue_experiment concept:proxyfor concept_weatherphenomenon_new +concept_braintissue_eyes concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_braintissue_eyes concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_eyes concept:bodypartcontainsbodypart concept_artery_capillaries +concept_braintissue_eyes concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_final_decision concept:atdate concept_dateliteral_n2007 +concept_braintissue_frontal_lobe concept:bodypartcontainsbodypart concept_braintissue_prefrontal_cortex +concept_braintissue_ganglia concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_ganglia concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_braintissue_glands concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_glands concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_guinea_pig concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_hair_cells concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_hippocampus concept:bodypartcontainsbodypart concept_braintissue_dentate_gyrus +concept_braintissue_hypothalamus concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_inner_ear concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_inner_ear concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_intestine concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_knoxville concept:proxyfor concept_weatherphenomenon_tennessee +concept_braintissue_knoxville concept:subpartof concept_weatherphenomenon_tennessee +concept_braintissue_macula concept:subpartof concept_website_blood +concept_braintissue_manuscript concept:atdate concept_date_n2000 +concept_braintissue_medial_temporal_lobe concept:bodypartcontainsbodypart concept_braintissue_hippocampus +concept_braintissue_meninges concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_motor_neurons concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_motor_neurons concept:bodypartcontainsbodypart concept_artery_cord +concept_braintissue_mouse concept:bodypartcontainsbodypart concept_bodypart_cell +concept_braintissue_mouse concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_myelin concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_braintissue_myelin concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_nervous_systems concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_neurotransmitters concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_nose concept:subpartof concept_website_blood +concept_braintissue_onl concept:latitudelongitude 42.4694500000000,-98.6875900000000 +concept_braintissue_parasympathetic_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_parietal_lobe concept:bodypartcontainsbodypart concept_braintissue_postcentral_gyrus +concept_braintissue_parietal_lobe concept:bodypartcontainsbodypart concept_braintissue_somatosensory_cortex +concept_braintissue_parts concept:bodypartcontainsbodypart concept_artery_arteries +concept_braintissue_parts concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_braintissue_parts concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_braintissue_parts concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_patients concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_peripheral_blood concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_peripheral_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_peripheral_nervous_system concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_braintissue_pgi concept:latitudelongitude 38.1366900000000,-94.1738400000000 +concept_braintissue_pineal_gland concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_rabbit concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_rat concept:bodypartcontainsbodypart concept_bodypart_cell +concept_braintissue_rat concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_braintissue_receptors concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_regions concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_response concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_response concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_braintissue_response concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_response concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_responses concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_responses concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_braintissue_sense_organs concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_senses concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_sites concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_skeletal_muscle concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_skull concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_spinal_cord concept:bodypartcontainsbodypart concept_artery_brain +concept_braintissue_spinal_cord concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_spinal_cord concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_spinal_cord concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_braintissue_starting_point concept:proxyfor concept_weatherphenomenon_new +concept_braintissue_stress concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_stress concept:bodypartcontainsbodypart concept_nerve_tension +concept_braintissue_stress_response concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_subjects concept:proxyfor concept_weatherphenomenon_new +concept_braintissue_subjects concept:subpartof concept_weatherphenomenon_water +concept_braintissue_sympathetic_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_braintissue_teeth concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_temporal_lobe concept:bodypartcontainsbodypart concept_braintissue_auditory_cortex +concept_braintissue_temporal_lobe concept:bodypartcontainsbodypart concept_braintissue_hippocampus +concept_braintissue_three_membranes concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_braintissue_thyroid_gland concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_braintissue_thyroid_gland concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_braintissue_thyroid_gland concept:bodypartcontainsbodypart concept_braintissue_body +concept_braintissue_tpj concept:latitudelongitude 27.3500000000000,87.6666700000000 +concept_braintissue_umbilical_cord_blood concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_bridge_battery_tunnel concept:latitudelongitude 40.6998250000000,-74.0140300000000 +concept_bridge_blackfriars_bridge concept:attractionofcity concept_city_london_city +concept_bridge_blackwall_tunnel concept:latitudelongitude 51.5053000000000,-0.0014000000000 +concept_bridge_firehole_falls concept:latitudelongitude 44.6307700000000,-110.8643800000000 +concept_bridge_fort_denison concept:latitudelongitude -33.8500000000000,151.2333300000000 +concept_bridge_high_bridge concept:proxyfor concept_radiostation_new_jersey +concept_bridge_high_bridge concept:proxyfor concept_stateorprovince_newjersey +concept_bridge_london_bridge concept:attractionofcity concept_city_london_city +concept_bridge_millennium_bridge concept:attractionofcity concept_city_london_city +concept_bridge_new_jersey concept:locationlocatedwithinlocation concept_country_united_states +concept_bridge_old_medina concept:latitudelongitude 41.1397800000000,-81.8604100000000 +concept_bridge_parc_monceau concept:latitudelongitude 48.8806300000000,2.3067550000000 +concept_bridge_premier_destination concept:proxyfor concept_book_new +concept_bridge_raaf concept:atdate concept_dateliteral_n1943 +concept_bridge_river_fleet concept:latitudelongitude 57.9500000000000,-4.0833300000000 +concept_bridge_royal_albert_hall concept:atdate concept_date_n2009 +concept_bridge_skyscrapers concept:proxyfor concept_book_new +concept_bridge_sydney_harbour_bridge concept:buildinglocatedincity concept_city_sydney +concept_bridge_television_centre concept:latitudelongitude 33.9887000000000,71.5290900000000 +concept_bridge_tower_bridge concept:attractionofcity concept_city_london_city +concept_bridge_van_brienenoordbrug concept:latitudelongitude 51.9038000000000,4.5429800000000 +concept_bridge_vauxhall concept:proxyfor concept_radiostation_new_jersey +concept_building_aberdeen concept:buildinglocatedincity concept_city_aberdeen +concept_building_accommodation concept:buildinglocatedincity concept_city_vegas +concept_building_accommodations concept:buildinglocatedincity concept_city_vegas +concept_building_al_maktoum concept:buildinglocatedincity concept_city_jebel_ali +concept_building_alexis_park concept:buildinglocatedincity concept_city_vegas +concept_building_ambleside concept:airportincity concept_city_ambleside +concept_building_ambleside concept:buildinglocatedincity concept_city_ambleside +concept_building_america concept:buildinglocatedincity concept_city_vegas +concept_building_america concept:locationlocatedwithinlocation concept_planet_eastern +concept_building_amsterdam concept:buildinglocatedincity concept_city_london_city +concept_building_anaheim concept:buildinglocatedincity concept_city_anaheim +concept_building_apartment_suites concept:latitudelongitude 26.0471800000000,-80.1436900000000 +concept_building_apartments001 concept:proxyfor concept_book_new +concept_building_apartments001 concept:buildinglocatedincity concept_city_vegas +concept_building_apartments001 concept:subpartof concept_weatherphenomenon_air +concept_building_atlantic_city concept:proxyfor concept_book_new +concept_building_atlantic_city concept:subpartof concept_bridge_new_jersey +concept_building_atlantic_city concept:buildinglocatedincity concept_city_vegas +concept_building_atlantic_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_building_attractions001 concept:buildinglocatedincity concept_city_vegas +concept_building_auction concept:buildinglocatedincity concept_city_vegas +concept_building_aurora concept:buildinglocatedincity concept_city_guatemala_city +concept_building_avery_fisher_hall concept:attractionofcity concept_city_new_york +concept_building_avery_fisher_hall concept:buildinglocatedincity concept_city_new_york +concept_building_avery_fisher_hall concept:atlocation concept_island_new_york_city_metropolitan_area +concept_building_avery_fisher_hall concept:atlocation concept_stateorprovince_new_york +concept_building_bangalore concept:proxyfor concept_eventoutcome_state +concept_building_bars concept:buildinglocatedincity concept_city_vegas +concept_building_bay_suite_hotel concept:latitudelongitude 45.4171000000000,-75.7069000000000 +concept_building_bc_place concept:attractionofcity concept_city_vancouver +concept_building_bc_place concept:buildinglocatedincity concept_city_vancouver +concept_building_bell_centre concept:attractionofcity concept_city_montreal +concept_building_bell_centre concept:buildinglocatedincity concept_city_montreal +concept_building_bellagio concept:attractionofcity concept_city_vegas +concept_building_bellagio concept:buildinglocatedincity concept_city_vegas +concept_building_bellevue concept:buildinglocatedincity concept_city_york +concept_building_billings concept:subpartof concept_agriculturalproduct_montana +concept_building_billings concept:proxyfor concept_radiostation_montana +concept_building_billion concept:buildinglocatedincity concept_city_las_vegas +concept_building_billion concept:atdate concept_date_n1999 +concept_building_billion concept:atdate concept_date_n2000 +concept_building_billion concept:atdate concept_date_n2001 +concept_building_billion concept:atdate concept_date_n2003 +concept_building_billion concept:atdate concept_date_n2004 +concept_building_billion concept:atdate concept_dateliteral_n2002 +concept_building_billion concept:atdate concept_dateliteral_n2005 +concept_building_billion concept:atdate concept_dateliteral_n2006 +concept_building_billion concept:atdate concept_dateliteral_n2007 +concept_building_billion concept:atdate concept_dateliteral_n2008 +concept_building_billion concept:atdate concept_year_n1997 +concept_building_billion concept:atdate concept_year_n1998 +concept_building_bismarck concept:locationlocatedwithinlocation concept_river_state +concept_building_boardwalk concept:buildinglocatedincity concept_city_vegas +concept_building_borgata concept:buildinglocatedincity concept_city_atlantic_city +concept_building_bradley concept:buildinglocatedincity concept_city_hartford +concept_building_brandeis_university concept:atlocation concept_city_boston +concept_building_brandenburg_gate concept:latitudelongitude 52.5162700000000,13.3776900000000 +concept_building_brighton concept:buildinglocatedincity concept_city_brighton +concept_building_bus concept:buildinglocatedincity concept_city_vegas +concept_building_caesars concept:buildinglocatedincity concept_city_atlantic_city +concept_building_car_barns concept:latitudelongitude 38.9001100000000,-76.9835900000000 +concept_building_center001 concept:buildinglocatedincity concept_city_new_york +concept_building_center001 concept:locationlocatedwithinlocation concept_county_manhattan +concept_building_chamber_of_commerce_building concept:latitudelongitude 38.9006650000000,-77.0377550000000 +concept_building_chase_manhattan_bank concept:subpartof concept_actor_david_rockefeller +concept_building_chase_manhattan_bank concept:mutualproxyfor concept_ceo_david_rockefeller +concept_building_chicago_o_hare concept:buildinglocatedincity concept_city_chicago +concept_building_choice concept:buildinglocatedincity concept_city_vegas +concept_building_cincinnati_union_terminal concept:latitudelongitude 39.1100600000000,-84.5368900000000 +concept_building_cities concept:buildinglocatedincity concept_city_vegas +concept_building_clubs concept:buildinglocatedincity concept_city_vegas +concept_building_columbia_university001 concept:buildinglocatedincity concept_city_new_york +concept_building_columbia_university001 concept:atdate concept_dateliteral_n2008 +concept_building_condos concept:buildinglocatedincity concept_city_vegas +concept_building_copley_hall concept:buildinglocatedincity concept_city_san_diego +concept_building_cosmopolitan concept:locationlocatedwithinlocation concept_building_vegas +concept_building_cosmopolitan concept:buildinglocatedincity concept_city_vegas +concept_building_davies_symphony_hall concept:buildinglocatedincity concept_city_san_francisco +concept_building_deal concept:buildinglocatedincity concept_city_vegas +concept_building_deals concept:buildinglocatedincity concept_city_vegas +concept_building_death_valley concept:buildinglocatedincity concept_city_vegas +concept_building_dedicated concept:atdate concept_date_n2000 +concept_building_destination concept:buildinglocatedincity concept_city_vegas +concept_building_development concept:buildinglocatedincity concept_city_vegas +concept_building_dover concept:buildinglocatedincity concept_city_dover +concept_building_downtown concept:buildinglocatedincity concept_city_vegas +concept_building_drive concept:buildinglocatedincity concept_city_vegas +concept_building_dundee concept:buildinglocatedincity concept_city_dundee +concept_building_dunes concept:locationlocatedwithinlocation concept_building_vegas +concept_building_dunes concept:buildinglocatedincity concept_city_vegas +concept_building_eastgate concept:buildinglocatedincity concept_city_hoedspruit +concept_building_echelon concept:buildinglocatedincity concept_city_vegas +concept_building_echterdingen concept:buildinglocatedincity concept_city_stuttgart +concept_building_el_rancho concept:buildinglocatedincity concept_city_vegas +concept_building_entertainment concept:buildinglocatedincity concept_city_vegas +concept_building_events concept:buildinglocatedincity concept_city_vegas +concept_building_exeter concept:buildinglocatedincity concept_city_exeter +concept_building_exhibit concept:proxyfor concept_book_new +concept_building_exhibit concept:buildinglocatedincity concept_city_vegas +concept_building_exhibit concept:atdate concept_date_n2009 +concept_building_exhibit concept:atdate concept_dateliteral_n2005 +concept_building_exhibit concept:atdate concept_dateliteral_n2007 +concept_building_exhibit concept:atdate concept_dateliteral_n2008 +concept_building_facility concept:buildinglocatedincity concept_city_vegas +concept_building_falkirk concept:airportincity concept_city_falkirk +concept_building_falkirk concept:buildinglocatedincity concept_city_falkirk +concept_building_family concept:buildinglocatedincity concept_city_vegas +concept_building_first_time concept:proxyfor concept_book_new +concept_building_first_time concept:buildinglocatedincity concept_city_vegas +concept_building_first_time concept:atdate concept_date_n1933 +concept_building_first_time concept:atdate concept_date_n1939 +concept_building_first_time concept:atdate concept_date_n1941 +concept_building_first_time concept:atdate concept_date_n1944 +concept_building_first_time concept:atdate concept_date_n1962 +concept_building_first_time concept:atdate concept_date_n1966 +concept_building_first_time concept:atdate concept_date_n1968 +concept_building_first_time concept:atdate concept_date_n1969 +concept_building_first_time concept:atdate concept_date_n1972 +concept_building_first_time concept:atdate concept_date_n1976 +concept_building_first_time concept:atdate concept_date_n1977 +concept_building_first_time concept:atdate concept_date_n1979 +concept_building_first_time concept:atdate concept_date_n1993 +concept_building_first_time concept:atdate concept_date_n1996 +concept_building_first_time concept:atdate concept_date_n1999 +concept_building_first_time concept:atdate concept_date_n2000 +concept_building_first_time concept:atdate concept_date_n2001 +concept_building_first_time concept:atdate concept_date_n2003 +concept_building_first_time concept:atdate concept_date_n2004 +concept_building_first_time concept:atdate concept_date_n2009 +concept_building_first_time concept:atdate concept_dateliteral_n1918 +concept_building_first_time concept:atdate concept_dateliteral_n1945 +concept_building_first_time concept:atdate concept_dateliteral_n1950 +concept_building_first_time concept:atdate concept_dateliteral_n1953 +concept_building_first_time concept:atdate concept_dateliteral_n1980 +concept_building_first_time concept:atdate concept_dateliteral_n1987 +concept_building_first_time concept:atdate concept_dateliteral_n1990 +concept_building_first_time concept:atdate concept_dateliteral_n2002 +concept_building_first_time concept:atdate concept_dateliteral_n2005 +concept_building_first_time concept:atdate concept_dateliteral_n2006 +concept_building_first_time concept:atdate concept_dateliteral_n2007 +concept_building_first_time concept:atdate concept_dateliteral_n2008 +concept_building_first_time concept:atdate concept_dateliteral_n2010 +concept_building_first_time concept:atdate concept_month_january +concept_building_first_time concept:atdate concept_year_n1880 +concept_building_first_time concept:atdate concept_year_n1937 +concept_building_first_time concept:atdate concept_year_n1946 +concept_building_first_time concept:atdate concept_year_n1948 +concept_building_first_time concept:atdate concept_year_n1960 +concept_building_first_time concept:atdate concept_year_n1965 +concept_building_first_time concept:atdate concept_year_n1967 +concept_building_first_time concept:atdate concept_year_n1970 +concept_building_first_time concept:atdate concept_year_n1973 +concept_building_first_time concept:atdate concept_year_n1978 +concept_building_first_time concept:atdate concept_year_n1981 +concept_building_first_time concept:atdate concept_year_n1982 +concept_building_first_time concept:atdate concept_year_n1983 +concept_building_first_time concept:atdate concept_year_n1985 +concept_building_first_time concept:atdate concept_year_n1986 +concept_building_first_time concept:atdate concept_year_n1988 +concept_building_first_time concept:atdate concept_year_n1989 +concept_building_first_time concept:atdate concept_year_n1991 +concept_building_first_time concept:atdate concept_year_n1992 +concept_building_first_time concept:atdate concept_year_n1994 +concept_building_first_time concept:atdate concept_year_n1995 +concept_building_first_time concept:atdate concept_year_n1997 +concept_building_first_time concept:atdate concept_year_n1998 +concept_building_flight concept:buildinglocatedincity concept_city_vegas +concept_building_ford_field concept:locationlocatedwithinlocation concept_county_detroit +concept_building_four concept:buildinglocatedincity concept_city_vegas +concept_building_four_courts concept:latitudelongitude 53.3458000000000,-6.2738900000000 +concept_building_fredericksburg_area concept:latitudelongitude 38.3034600000000,-77.4602600000000 +concept_building_frontier concept:buildinglocatedincity concept_city_vegas +concept_building_george_bush_intercontinental concept:buildinglocatedincity concept_city_houston +concept_building_glenapp_castle concept:latitudelongitude 55.2924350000000,-4.6750650000000 +concept_building_glendale concept:proxyfor concept_beverage_arizona +concept_building_glendale concept:subpartof concept_beverage_arizona +concept_building_golden_gate concept:locationlocatedwithinlocation concept_building_vegas +concept_building_golden_gate concept:atlocation concept_city_florida +concept_building_golden_gate concept:buildinglocatedincity concept_city_vegas +concept_building_gran_casino concept:latitudelongitude 41.7011700000000,2.8417300000000 +concept_building_grand_canyon concept:buildinglocatedincity concept_city_vegas +concept_building_green_valley_ranch concept:attractionofcity concept_city_vegas +concept_building_green_valley_ranch concept:buildinglocatedincity concept_city_vegas +concept_building_group concept:buildinglocatedincity concept_city_vegas +concept_building_guests concept:buildinglocatedincity concept_city_vegas +concept_building_hampton_inn_absecon concept:buildinglocatedincity concept_city_atlantic_city +concept_building_hartsfield concept:buildinglocatedincity concept_city_atlanta +concept_building_higher_education concept:atdate concept_date_n2004 +concept_building_higher_education concept:atdate concept_dateliteral_n2002 +concept_building_higher_education concept:atdate concept_dateliteral_n2005 +concept_building_higher_education concept:atdate concept_dateliteral_n2006 +concept_building_higher_education concept:atdate concept_dateliteral_n2007 +concept_building_higher_education concept:atdate concept_dateliteral_n2008 +concept_building_hilo concept:locationlocatedwithinlocation concept_city_hawaii +concept_building_hilton concept:attractionofcity concept_city_vegas +concept_building_hilton concept:buildinglocatedincity concept_city_vegas +concept_building_hollywood concept:proxyfor concept_book_new +concept_building_hollywood concept:atlocation concept_city_florida +concept_building_hollywood concept:proxyfor concept_city_florida +concept_building_hollywood concept:subpartof concept_city_florida +concept_building_hollywood concept:buildinglocatedincity concept_city_vegas +concept_building_hollywood concept:atdate concept_dateliteral_n2005 +concept_building_hollywood concept:atlocation concept_stateorprovince_california +concept_building_home_depot concept:synonymfor concept_mldataset_hd +concept_building_homes concept:buildinglocatedincity concept_city_vegas +concept_building_hotel_taj concept:latitudelongitude 45.5170000000000,-73.5610000000000 +concept_building_houses concept:buildinglocatedincity concept_city_vegas +concept_building_houses concept:mutualproxyfor concept_coach_n3 +concept_building_houses concept:atdate concept_dateliteral_n2006 +concept_building_houses concept:atdate concept_dateliteral_n2007 +concept_building_houses concept:proxyfor concept_lake_new +concept_building_houses concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_building_houses concept:mutualproxyfor concept_vehicle_three +concept_building_houses concept:subpartof concept_weatherphenomenon_water +concept_building_hull concept:buildinglocatedincity concept_city_hull +concept_building_interest concept:buildinglocatedincity concept_city_vegas +concept_building_international concept:buildinglocatedincity concept_city_malaga +concept_building_jackson concept:buildinglocatedincity concept_city_port_moresby +concept_building_jockey_club concept:buildinglocatedincity concept_city_vegas +concept_building_jorge_newbery concept:buildinglocatedincity concept_city_buenos_aires +concept_building_kuala_lumpur concept:atlocation concept_city_malaysia +concept_building_kuala_lumpur concept:buildinglocatedincity concept_city_sepang +concept_building_kuala_lumpur concept:atdate concept_date_n2000 +concept_building_kuala_lumpur concept:atdate concept_date_n2001 +concept_building_kuala_lumpur concept:atdate concept_date_n2009 +concept_building_kuala_lumpur concept:proxyfor concept_race_malaysia +concept_building_kuala_lumpur concept:subpartof concept_race_malaysia +concept_building_lady_luck concept:locationlocatedwithinlocation concept_building_vegas +concept_building_lady_luck concept:buildinglocatedincity concept_city_vegas +concept_building_lady_luck concept:subpartof concept_traditionalgame_vegas +concept_building_land concept:buildinglocatedincity concept_city_vegas +concept_building_liver_building concept:latitudelongitude 53.4056900000000,-2.9957100000000 +concept_building_locations concept:buildinglocatedincity concept_city_vegas +concept_building_logan concept:buildinglocatedincity concept_city_east_boston +concept_building_luxor concept:buildinglocatedincity concept_city_vegas +concept_building_madeira concept:buildinglocatedincity concept_city_santa_cruz_das_flores +concept_building_magdalena_palace concept:latitudelongitude 43.4690400000000,-3.7663600000000 +concept_building_main_street_station concept:buildinglocatedincity concept_city_vegas +concept_building_major_hotel concept:buildinglocatedincity concept_city_vegas +concept_building_mall concept:buildinglocatedincity concept_city_vegas +concept_building_man concept:buildinglocatedincity concept_city_vegas +concept_building_manchester_town_hall concept:latitudelongitude 43.2011900000000,-73.0428800000000 +concept_building_mandalay concept:locationlocatedwithinlocation concept_building_vegas +concept_building_mandalay concept:buildinglocatedincity concept_city_vegas +concept_building_mandalay concept:locationlocatedwithinlocation concept_county_las_vegas +concept_building_mandalay concept:subpartof concept_traditionalgame_vegas +concept_building_map concept:buildinglocatedincity concept_city_vegas +concept_building_marquette_building concept:latitudelongitude 41.8794800000000,-87.6297700000000 +concept_building_massey_hall concept:attractionofcity concept_city_toronto +concept_building_massey_hall concept:buildinglocatedincity concept_city_toronto +concept_building_mc_donalds concept:latitudelongitude 31.6440750000000,-8.0142000000000 +concept_building_melbourne_international concept:buildinglocatedincity concept_city_melbourne +concept_building_melville_hall concept:buildinglocatedincity concept_city_dominica +concept_building_memorial_city_hospital concept:latitudelongitude 29.7794000000000,-95.5482800000000 +concept_building_metropolitan concept:buildinglocatedincity concept_city_york +concept_building_metropolitan concept:locationlocatedwithinlocation concept_city_york +concept_building_metropolitan concept:locationlocatedwithinlocation concept_county_york_city +concept_building_miami_international concept:buildinglocatedincity concept_city_miami +concept_building_miles concept:buildinglocatedincity concept_city_vegas +concept_building_modern concept:buildinglocatedincity concept_city_york +concept_building_mohammed_v concept:buildinglocatedincity concept_city_casablanca +concept_building_mojave_desert concept:buildinglocatedincity concept_city_vegas +concept_building_monte_carlo concept:buildinglocatedincity concept_city_vegas +concept_building_museum_island concept:attractionofcity concept_city_berlin +concept_building_name concept:buildinglocatedincity concept_city_vegas +concept_building_nation concept:buildinglocatedincity concept_city_vegas +concept_building_neighborhood concept:buildinglocatedincity concept_city_vegas +concept_building_new_york_area concept:proxyfor concept_coach_new +concept_building_new_york_botanical_garden001 concept:buildinglocatedincity concept_city_new_york +concept_building_new_york_new_york concept:buildinglocatedincity concept_city_las_vegas +concept_building_new_york_public_library concept:buildinglocatedincity concept_city_new_york +concept_building_northampton concept:atlocation concept_beach_massachusetts +concept_building_northampton concept:subpartof concept_beach_massachusetts +concept_building_northampton concept:buildinglocatedincity concept_city_northampton +concept_building_norwich concept:buildinglocatedincity concept_city_norwich +concept_building_nugget concept:buildinglocatedincity concept_city_reno +concept_building_nv concept:buildinglocatedincity concept_city_vegas +concept_building_nv concept:atdate concept_dateliteral_n2008 +concept_building_oare concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_building_oare concept:buildinglocatedincity concept_city_chicago +concept_building_ohio_state concept:synonymfor concept_university_state_university +concept_building_oklahoma_state concept:synonymfor concept_university_state_university +concept_building_old_government_house concept:latitudelongitude -17.8500000000000,25.8666700000000 +concept_building_orly concept:buildinglocatedincity concept_city_paris +concept_building_outlet concept:buildinglocatedincity concept_city_vegas +concept_building_outlet concept:subpartof concept_weatherphenomenon_air +concept_building_outlet concept:subpartof concept_weatherphenomenon_water +concept_building_palm concept:buildinglocatedincity concept_city_vegas +concept_building_palm_harbor concept:atlocation concept_city_florida +concept_building_palm_harbor concept:mutualproxyfor concept_city_florida +concept_building_palms concept:locationlocatedwithinlocation concept_building_vegas +concept_building_palms concept:buildinglocatedincity concept_city_vegas +concept_building_palms concept:subpartof concept_traditionalgame_vegas +concept_building_palomar concept:buildinglocatedincity concept_city_carlsbad +concept_building_peninsula concept:buildinglocatedincity concept_city_hong_kong_island +concept_building_photographs concept:proxyfor concept_coach_new +concept_building_place concept:buildinglocatedincity concept_city_vegas +concept_building_plan concept:buildinglocatedincity concept_city_vegas +concept_building_polonia concept:buildinglocatedincity concept_city_medan +concept_building_prices concept:buildinglocatedincity concept_city_vegas +concept_building_prudential_center concept:buildinglocatedincity concept_city_newark +concept_building_pu_dong concept:buildinglocatedincity concept_city_shanghai +concept_building_rates concept:buildinglocatedincity concept_city_vegas +concept_building_reagan_presidential_library concept:latitudelongitude 34.2597300000000,-118.8198200000000 +concept_building_real_estate concept:buildinglocatedincity concept_city_vegas +concept_building_restaurants concept:buildinglocatedincity concept_city_vegas +concept_building_reviews concept:buildinglocatedincity concept_city_vegas +concept_building_road concept:buildinglocatedincity concept_city_vegas +concept_building_robin_hood concept:buildinglocatedincity concept_city_doncaster +concept_building_rooms concept:buildinglocatedincity concept_city_vegas +concept_building_sale concept:buildinglocatedincity concept_city_vegas +concept_building_san_jose_convention_center concept:buildinglocatedincity concept_city_alajuela +concept_building_san_jose_convention_center concept:locationlocatedwithinlocation concept_city_costa_rica +concept_building_sanganer concept:buildinglocatedincity concept_city_jaipur +concept_building_santa_fe concept:buildinglocatedincity concept_city_vegas +concept_building_season concept:buildinglocatedincity concept_city_vegas +concept_building_season concept:istallerthan concept_publication_people_ +concept_building_self_catering concept:latitudelongitude -22.6547700000000,14.5309500000000 +concept_building_service concept:buildinglocatedincity concept_city_vegas +concept_building_shopping concept:buildinglocatedincity concept_city_vegas +concept_building_sights concept:buildinglocatedincity concept_city_vegas +concept_building_silver_legacy concept:buildinglocatedincity concept_city_reno +concept_building_site concept:buildinglocatedincity concept_city_vegas +concept_building_smith concept:proxyfor concept_coach_new +concept_building_south concept:buildinglocatedincity concept_city_vegas +concept_building_south_point concept:attractionofcity concept_city_vegas +concept_building_south_point concept:buildinglocatedincity concept_city_vegas +concept_building_south_point concept:subpartof concept_traditionalgame_vegas +concept_building_spot concept:buildinglocatedincity concept_city_vegas +concept_building_stage concept:buildinglocatedincity concept_city_vegas +concept_building_star_city concept:buildinglocatedincity concept_city_sydney +concept_building_stardust concept:buildinglocatedincity concept_city_vegas +concept_building_state concept:buildinglocatedincity concept_city_vegas +concept_building_stop concept:buildinglocatedincity concept_city_vegas +concept_building_store001 concept:buildinglocatedincity concept_city_vegas +concept_building_stratosphere concept:locationlocatedwithinlocation concept_building_vegas +concept_building_stratosphere concept:buildinglocatedincity concept_city_vegas +concept_building_stratosphere concept:subpartof concept_traditionalgame_vegas +concept_building_studio concept:buildinglocatedincity concept_city_vegas +concept_building_summerlin concept:buildinglocatedincity concept_city_vegas +concept_building_sunset_station concept:locationlocatedwithinlocation concept_building_vegas +concept_building_sunset_station concept:buildinglocatedincity concept_city_las_vegas +concept_building_sunset_station concept:stadiumlocatedincity concept_city_vegas +concept_building_sunset_station concept:subpartof concept_traditionalgame_vegas +concept_building_sydney_town_hall concept:attractionofcity concept_city_sydney +concept_building_sydney_town_hall concept:buildinglocatedincity concept_city_sydney +concept_building_team concept:buildinglocatedincity concept_city_vegas +concept_building_the_bellagio concept:locationlocatedwithinlocation concept_building_vegas +concept_building_the_bellagio concept:buildinglocatedincity concept_city_vegas +concept_building_the_beresford concept:latitudelongitude 40.7825000000000,-73.9719400000000 +concept_building_the_metropolitan concept:buildinglocatedincity concept_city_york +concept_building_the_metropolitan concept:locationlocatedwithinlocation concept_city_york +concept_building_the_metropolitan concept:subpartof concept_city_york +concept_building_the_metropolitan concept:locationlocatedwithinlocation concept_county_york_city +concept_building_the_roman_forum concept:latitudelongitude 41.8946000000000,12.4876000000000 +concept_building_the_venetian concept:buildinglocatedincity concept_city_vegas +concept_building_the_waldorf_towers concept:latitudelongitude 40.7571000000000,-73.9738000000000 +concept_building_the_warehouse concept:buildinglocatedincity concept_city_vegas +concept_building_theatres concept:atdate concept_dateliteral_n2008 +concept_building_thunder_bay_area concept:latitudelongitude 41.2922300000000,-98.8920300000000 +concept_building_tickets concept:buildinglocatedincity concept_city_vegas +concept_building_times concept:atlocation concept_city_central +concept_building_times concept:atlocation concept_city_denver +concept_building_times concept:atlocation concept_city_jerusalem +concept_building_times concept:atlocation concept_city_l_a_ +concept_building_times concept:atlocation concept_city_london_city +concept_building_times concept:buildinglocatedincity concept_city_vegas +concept_building_times concept:atlocation concept_city_washington_d_c +concept_building_times concept:atlocation concept_county_los_angeles_county +concept_building_times concept:atlocation concept_county_seattle +concept_building_times concept:atlocation concept_geopoliticallocation_the_new_york +concept_building_times concept:atlocation concept_stateorprovince_new_york +concept_building_times concept:atlocation concept_stateorprovince_the_washington +concept_building_today concept:buildinglocatedincity concept_city_vegas +concept_building_town concept:attractionofcity concept_city_vegas +concept_building_town concept:buildinglocatedincity concept_city_vegas +concept_building_town concept:istallerthan concept_publication_people_ +concept_building_town concept:subpartof concept_traditionalgame_vegas +concept_building_town___country concept:buildinglocatedincity concept_city_san_diego +concept_building_traffic concept:buildinglocatedincity concept_city_vegas +concept_building_travel concept:buildinglocatedincity concept_city_vegas +concept_building_treasure_island concept:buildinglocatedincity concept_city_vegas +concept_building_trip concept:buildinglocatedincity concept_city_vegas +concept_building_tropicana concept:locationlocatedwithinlocation concept_building_vegas +concept_building_tropicana concept:buildinglocatedincity concept_city_vegas +concept_building_trump_plaza concept:buildinglocatedincity concept_city_atlantic_city +concept_building_trump_taj_mahal concept:buildinglocatedincity concept_city_atlantic_city +concept_building_tunnels concept:subpartof concept_weatherphenomenon_water +concept_building_tuscany concept:buildinglocatedincity concept_city_vegas +concept_building_united_states concept:attractionofcity concept_city_vegas +concept_building_united_states concept:buildinglocatedincity concept_city_vegas +concept_building_united_states concept:istallerthan concept_publication_people_ +concept_building_university_inn_and_conference_center concept:latitudelongitude 40.4836100000000,-74.4305600000000 +concept_building_university_of_virginia concept:mutualproxyfor concept_person_arthur_garson +concept_building_university_of_virginia concept:mutualproxyfor concept_person_walter_sheldon_rodman +concept_building_usx_building concept:buildinglocatedincity concept_city_pittsburgh +concept_building_valley concept:buildinglocatedincity concept_city_vegas +concept_building_value concept:buildinglocatedincity concept_city_vegas +concept_building_van concept:buildinglocatedincity concept_city_vegas +concept_building_van_nuys concept:buildinglocatedincity concept_county_los_angeles_county +concept_building_vegas concept:buildinglocatedincity concept_city_las_vegas +concept_building_vegas concept:agentparticipatedinevent concept_sportsgame_series +concept_building_venetian_resort concept:locationlocatedwithinlocation concept_building_vegas +concept_building_venetian_resort concept:buildinglocatedincity concept_city_vegas +concept_building_venetian_resort concept:subpartof concept_traditionalgame_vegas +concept_building_visitor concept:buildinglocatedincity concept_city_vegas +concept_building_walk concept:buildinglocatedincity concept_city_vegas +concept_building_way concept:buildinglocatedincity concept_city_vegas +concept_building_weather concept:buildinglocatedincity concept_city_vegas +concept_building_weekend concept:mutualproxyfor concept_book_new +concept_building_weekend concept:buildinglocatedincity concept_city_vegas +concept_building_west concept:buildinglocatedincity concept_city_vegas +concept_building_west concept:atlocation concept_continent_africa +concept_building_west concept:atdate concept_date_n2004 +concept_building_west concept:atdate concept_dateliteral_n2005 +concept_building_west concept:atdate concept_dateliteral_n2008 +concept_building_world_financial_center concept:buildinglocatedincity concept_city_new_york +concept_building_wynn_las_vegas concept:attractionofcity concept_city_vegas +concept_building_wynn_las_vegas concept:buildinglocatedincity concept_city_vegas +concept_building_years concept:atlocation concept_city_e_ +concept_building_years concept:atlocation concept_city_florida +concept_building_years concept:atlocation concept_city_mendocino +concept_building_years concept:atlocation concept_city_native_south +concept_building_years concept:atlocation concept_city_se +concept_building_years concept:atlocation concept_city_tampa_bay +concept_building_years concept:buildinglocatedincity concept_city_vegas +concept_building_years concept:atlocation concept_county_cape +concept_building_yorba concept:latitudelongitude 33.8896514285714,-117.7918296428571 +concept_building_zwinger_palace concept:latitudelongitude 51.0530200000000,13.7337600000000 +concept_buildingfeature_accessories concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_accessories concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_air_conditioner concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_altar concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_american concept:atlocation concept_airport_alta +concept_buildingfeature_american concept:atlocation concept_airport_canton +concept_buildingfeature_american concept:atlocation concept_airport_juneau +concept_buildingfeature_american concept:atlocation concept_airport_minneapolis +concept_buildingfeature_american concept:atlocation concept_airport_santa_ana +concept_buildingfeature_american concept:atlocation concept_aquarium_louis +concept_buildingfeature_american concept:mutualproxyfor concept_book_new +concept_buildingfeature_american concept:atlocation concept_city_abington +concept_buildingfeature_american concept:atlocation concept_city_addison +concept_buildingfeature_american concept:atlocation concept_city_adelanto +concept_buildingfeature_american concept:atlocation concept_city_adin +concept_buildingfeature_american concept:atlocation concept_city_aguanga +concept_buildingfeature_american concept:atlocation concept_city_aiea +concept_buildingfeature_american concept:atlocation concept_city_airway_heights +concept_buildingfeature_american concept:atlocation concept_city_alamo +concept_buildingfeature_american concept:atlocation concept_city_albuquerque +concept_buildingfeature_american concept:atlocation concept_city_alderpoint +concept_buildingfeature_american concept:atlocation concept_city_alexis +concept_buildingfeature_american concept:atlocation concept_city_alhambra +concept_buildingfeature_american concept:atlocation concept_city_alief +concept_buildingfeature_american concept:atlocation concept_city_aliso_viejo +concept_buildingfeature_american concept:atlocation concept_city_alma +concept_buildingfeature_american concept:atlocation concept_city_alpharetta +concept_buildingfeature_american concept:atlocation concept_city_alsip +concept_buildingfeature_american concept:atlocation concept_city_alta_loma +concept_buildingfeature_american concept:atlocation concept_city_amador_city +concept_buildingfeature_american concept:atlocation concept_city_amboy +concept_buildingfeature_american concept:atlocation concept_city_andover +concept_buildingfeature_american concept:atlocation concept_city_angels_camp +concept_buildingfeature_american concept:atlocation concept_city_angelus_oaks +concept_buildingfeature_american concept:atlocation concept_city_annapolis +concept_buildingfeature_american concept:atlocation concept_city_antelope +concept_buildingfeature_american concept:atlocation concept_city_antioch +concept_buildingfeature_american concept:atlocation concept_city_anza +concept_buildingfeature_american concept:atlocation concept_city_applegate +concept_buildingfeature_american concept:atlocation concept_city_arcadia +concept_buildingfeature_american concept:atlocation concept_city_arcata +concept_buildingfeature_american concept:atlocation concept_city_arlington_heights +concept_buildingfeature_american concept:atlocation concept_city_arnold +concept_buildingfeature_american concept:atlocation concept_city_aromas +concept_buildingfeature_american concept:atlocation concept_city_artesia +concept_buildingfeature_american concept:atlocation concept_city_artois +concept_buildingfeature_american concept:atlocation concept_city_atwater +concept_buildingfeature_american concept:atlocation concept_city_atwood +concept_buildingfeature_american concept:atlocation concept_city_auburndale +concept_buildingfeature_american concept:atlocation concept_city_audubon +concept_buildingfeature_american concept:atlocation concept_city_austell +concept_buildingfeature_american concept:atlocation concept_city_avenel +concept_buildingfeature_american concept:atlocation concept_city_avon +concept_buildingfeature_american concept:atlocation concept_city_avondale_estates +concept_buildingfeature_american concept:atlocation concept_city_babson_park +concept_buildingfeature_american concept:atlocation concept_city_baker +concept_buildingfeature_american concept:atlocation concept_city_bala_cynwyd +concept_buildingfeature_american concept:atlocation concept_city_baldwin_park +concept_buildingfeature_american concept:atlocation concept_city_ballico +concept_buildingfeature_american concept:atlocation concept_city_bangor +concept_buildingfeature_american concept:atlocation concept_city_banning +concept_buildingfeature_american concept:atlocation concept_city_banta +concept_buildingfeature_american concept:atlocation concept_city_barker +concept_buildingfeature_american concept:atlocation concept_city_barrington +concept_buildingfeature_american concept:atlocation concept_city_bayonne +concept_buildingfeature_american concept:atlocation concept_city_bayside +concept_buildingfeature_american concept:atlocation concept_city_beaumont +concept_buildingfeature_american concept:atlocation concept_city_bell +concept_buildingfeature_american concept:atlocation concept_city_bell_gardens +concept_buildingfeature_american concept:atlocation concept_city_bellaire +concept_buildingfeature_american concept:atlocation concept_city_bellflower +concept_buildingfeature_american concept:atlocation concept_city_bellmawr +concept_buildingfeature_american concept:atlocation concept_city_bellwood +concept_buildingfeature_american concept:atlocation concept_city_belmont +concept_buildingfeature_american concept:atlocation concept_city_bensalem +concept_buildingfeature_american concept:atlocation concept_city_bensenville +concept_buildingfeature_american concept:atlocation concept_city_bergenfield +concept_buildingfeature_american concept:atlocation concept_city_berkeley +concept_buildingfeature_american concept:atlocation concept_city_berlin +concept_buildingfeature_american concept:atlocation concept_city_bethesda +concept_buildingfeature_american concept:atlocation concept_city_beverly +concept_buildingfeature_american concept:atlocation concept_city_birmingham +concept_buildingfeature_american concept:atlocation concept_city_blackwood +concept_buildingfeature_american concept:atlocation concept_city_blanchard +concept_buildingfeature_american concept:atlocation concept_city_bloomfield +concept_buildingfeature_american concept:atlocation concept_city_blue_bell +concept_buildingfeature_american concept:atlocation concept_city_bogota +concept_buildingfeature_american concept:atlocation concept_city_bonita +concept_buildingfeature_american concept:atlocation concept_city_bosque_farms +concept_buildingfeature_american concept:atlocation concept_city_bossier_city +concept_buildingfeature_american concept:atlocation concept_city_braintree +concept_buildingfeature_american concept:atlocation concept_city_brighton +concept_buildingfeature_american concept:atlocation concept_city_broadview +concept_buildingfeature_american concept:atlocation concept_city_brookfield +concept_buildingfeature_american concept:atlocation concept_city_brookline +concept_buildingfeature_american concept:atlocation concept_city_broomall +concept_buildingfeature_american concept:atlocation concept_city_broomfield +concept_buildingfeature_american concept:atlocation concept_city_bryn_mawr +concept_buildingfeature_american concept:atlocation concept_city_buena_park +concept_buildingfeature_american concept:atlocation concept_city_caldwell +concept_buildingfeature_american concept:atlocation concept_city_calumet_city +concept_buildingfeature_american concept:atlocation concept_city_cambridge +concept_buildingfeature_american concept:atlocation concept_city_camden +concept_buildingfeature_american concept:atlocation concept_city_capistrano_beach +concept_buildingfeature_american concept:atlocation concept_city_carle_place +concept_buildingfeature_american concept:atlocation concept_city_carlisle +concept_buildingfeature_american concept:atlocation concept_city_carlstadt +concept_buildingfeature_american concept:atlocation concept_city_carson +concept_buildingfeature_american concept:atlocation concept_city_cedar_park +concept_buildingfeature_american concept:atlocation concept_city_chalfont +concept_buildingfeature_american concept:atlocation concept_city_channelview +concept_buildingfeature_american concept:atlocation concept_city_chattaroy +concept_buildingfeature_american concept:atlocation concept_city_cheltenham +concept_buildingfeature_american concept:atlocation concept_city_chester +concept_buildingfeature_american concept:atlocation concept_city_chester_heights +concept_buildingfeature_american concept:atlocation concept_city_cheyney +concept_buildingfeature_american concept:atlocation concept_city_chino +concept_buildingfeature_american concept:atlocation concept_city_chino_hills +concept_buildingfeature_american concept:atlocation concept_city_chula_vista +concept_buildingfeature_american concept:atlocation concept_city_cicero +concept_buildingfeature_american concept:atlocation concept_city_cincinnati +concept_buildingfeature_american concept:atlocation concept_city_claremont +concept_buildingfeature_american concept:atlocation concept_city_clarendon_hills +concept_buildingfeature_american concept:atlocation concept_city_clarksboro +concept_buildingfeature_american concept:atlocation concept_city_clarkston +concept_buildingfeature_american concept:atlocation concept_city_clayton +concept_buildingfeature_american concept:atlocation concept_city_clementon +concept_buildingfeature_american concept:atlocation concept_city_cleveland +concept_buildingfeature_american concept:atlocation concept_city_clifton +concept_buildingfeature_american concept:atlocation concept_city_clifton_heights +concept_buildingfeature_american concept:atlocation concept_city_clinton +concept_buildingfeature_american concept:atlocation concept_city_cohasset +concept_buildingfeature_american concept:atlocation concept_city_colbert +concept_buildingfeature_american concept:atlocation concept_city_collegeville +concept_buildingfeature_american concept:atlocation concept_city_collingswood +concept_buildingfeature_american concept:atlocation concept_city_colmar +concept_buildingfeature_american concept:atlocation concept_city_compton +concept_buildingfeature_american concept:atlocation concept_city_comstock_park +concept_buildingfeature_american concept:atlocation concept_city_concordville +concept_buildingfeature_american concept:atlocation concept_city_conshohocken +concept_buildingfeature_american concept:atlocation concept_city_cornelius +concept_buildingfeature_american concept:atlocation concept_city_coronado +concept_buildingfeature_american concept:atlocation concept_city_cramerton +concept_buildingfeature_american concept:atlocation concept_city_cranford +concept_buildingfeature_american concept:atlocation concept_city_creamery +concept_buildingfeature_american concept:atlocation concept_city_creighton +concept_buildingfeature_american concept:atlocation concept_city_creola +concept_buildingfeature_american concept:atlocation concept_city_crum_lynne +concept_buildingfeature_american concept:atlocation concept_city_dallas +concept_buildingfeature_american concept:atlocation concept_city_danvers +concept_buildingfeature_american concept:atlocation concept_city_darien +concept_buildingfeature_american concept:atlocation concept_city_davidson +concept_buildingfeature_american concept:atlocation concept_city_decatur +concept_buildingfeature_american concept:atlocation concept_city_dedham +concept_buildingfeature_american concept:atlocation concept_city_deer_park +concept_buildingfeature_american concept:atlocation concept_city_del_mar +concept_buildingfeature_american concept:atlocation concept_city_des_plaines +concept_buildingfeature_american concept:atlocation concept_city_diamond_bar +concept_buildingfeature_american concept:atlocation concept_city_dolton +concept_buildingfeature_american concept:atlocation concept_city_downers_grove +concept_buildingfeature_american concept:atlocation concept_city_downey +concept_buildingfeature_american concept:atlocation concept_city_dresher +concept_buildingfeature_american concept:atlocation concept_city_drexel_hill +concept_buildingfeature_american concept:atlocation concept_city_duarte +concept_buildingfeature_american concept:atlocation concept_city_duluth +concept_buildingfeature_american concept:atlocation concept_city_dumont +concept_buildingfeature_american concept:atlocation concept_city_eagleville +concept_buildingfeature_american concept:atlocation concept_city_east_irvine +concept_buildingfeature_american concept:atlocation concept_city_east_orange +concept_buildingfeature_american concept:atlocation concept_city_east_rockaway +concept_buildingfeature_american concept:atlocation concept_city_eastlake +concept_buildingfeature_american concept:atlocation concept_city_edmonds +concept_buildingfeature_american concept:atlocation concept_city_el_cajon +concept_buildingfeature_american concept:atlocation concept_city_el_monte +concept_buildingfeature_american concept:atlocation concept_city_el_segundo +concept_buildingfeature_american concept:atlocation concept_city_elk_grove_village +concept_buildingfeature_american concept:atlocation concept_city_ellenwood +concept_buildingfeature_american concept:atlocation concept_city_elmwood_park +concept_buildingfeature_american concept:atlocation concept_city_enfield_center +concept_buildingfeature_american concept:atlocation concept_city_englewood +concept_buildingfeature_american concept:atlocation concept_city_etna +concept_buildingfeature_american concept:atlocation concept_city_evanston +concept_buildingfeature_american concept:atlocation concept_city_everett +concept_buildingfeature_american concept:atlocation concept_city_evergreen_park +concept_buildingfeature_american concept:atlocation concept_city_ewa_beach +concept_buildingfeature_american concept:atlocation concept_city_fayetteville +concept_buildingfeature_american concept:atlocation concept_city_flagstaff +concept_buildingfeature_american concept:atlocation concept_city_florida +concept_buildingfeature_american concept:atlocation concept_city_foothill_ranch +concept_buildingfeature_american concept:atlocation concept_city_forest_park +concept_buildingfeature_american concept:atlocation concept_city_fort_mill +concept_buildingfeature_american concept:atlocation concept_city_fort_shafter +concept_buildingfeature_american concept:atlocation concept_city_fort_wayne +concept_buildingfeature_american concept:atlocation concept_city_fountain_valley +concept_buildingfeature_american concept:atlocation concept_city_four_lakes +concept_buildingfeature_american concept:atlocation concept_city_fox_valley +concept_buildingfeature_american concept:atlocation concept_city_framingham +concept_buildingfeature_american concept:atlocation concept_city_franklin_park +concept_buildingfeature_american concept:atlocation concept_city_friendsville +concept_buildingfeature_american concept:atlocation concept_city_galena_park +concept_buildingfeature_american concept:atlocation concept_city_garden_grove +concept_buildingfeature_american concept:atlocation concept_city_gastonia +concept_buildingfeature_american concept:atlocation concept_city_glendora +concept_buildingfeature_american concept:atlocation concept_city_grand_rapids_kalamazoo_battle_creek +concept_buildingfeature_american concept:atlocation concept_city_greenwood +concept_buildingfeature_american concept:atlocation concept_city_hacienda_heights +concept_buildingfeature_american concept:atlocation concept_city_haddonfield +concept_buildingfeature_american concept:atlocation concept_city_hammond +concept_buildingfeature_american concept:atlocation concept_city_hanover +concept_buildingfeature_american concept:atlocation concept_city_harbor_city +concept_buildingfeature_american concept:atlocation concept_city_harper_woods +concept_buildingfeature_american concept:atlocation concept_city_hartford +concept_buildingfeature_american concept:atlocation concept_city_harwood_heights +concept_buildingfeature_american concept:atlocation concept_city_hathorne +concept_buildingfeature_american concept:atlocation concept_city_hattiesburg +concept_buildingfeature_american concept:atlocation concept_city_haughton +concept_buildingfeature_american concept:atlocation concept_city_hawaii +concept_buildingfeature_american concept:atlocation concept_city_hawaiian_gardens +concept_buildingfeature_american concept:atlocation concept_city_hawthorne +concept_buildingfeature_american concept:atlocation concept_city_hermosa_beach +concept_buildingfeature_american concept:atlocation concept_city_hickory_hills +concept_buildingfeature_american concept:atlocation concept_city_holbrook +concept_buildingfeature_american concept:atlocation concept_city_honolulu +concept_buildingfeature_american concept:atlocation concept_city_humble +concept_buildingfeature_american concept:atlocation concept_city_huntersville +concept_buildingfeature_american concept:atlocation concept_city_huntington_beach +concept_buildingfeature_american concept:atlocation concept_city_huntington_park +concept_buildingfeature_american concept:atlocation concept_city_hutto +concept_buildingfeature_american concept:atlocation concept_city_idledale +concept_buildingfeature_american concept:atlocation concept_city_imperial_beach +concept_buildingfeature_american concept:atlocation concept_city_indianapolis +concept_buildingfeature_american concept:atlocation concept_city_inglewood +concept_buildingfeature_american concept:atlocation concept_city_irvine +concept_buildingfeature_american concept:atlocation concept_city_irvington +concept_buildingfeature_american concept:atlocation concept_city_jackson +concept_buildingfeature_american concept:atlocation concept_city_jacksonville +concept_buildingfeature_american concept:atlocation concept_city_jamul +concept_buildingfeature_american concept:atlocation concept_city_jessup +concept_buildingfeature_american concept:atlocation concept_city_kaaawa +concept_buildingfeature_american concept:atlocation concept_city_kailua +concept_buildingfeature_american concept:atlocation concept_city_kaneohe +concept_buildingfeature_american concept:atlocation concept_city_keithville +concept_buildingfeature_american concept:atlocation concept_city_kittredge +concept_buildingfeature_american concept:atlocation concept_city_knoxville +concept_buildingfeature_american concept:atlocation concept_city_kunia +concept_buildingfeature_american concept:atlocation concept_city_la_canada_flintridge +concept_buildingfeature_american concept:atlocation concept_city_la_crescenta +concept_buildingfeature_american concept:atlocation concept_city_la_habra +concept_buildingfeature_american concept:atlocation concept_city_la_jolla +concept_buildingfeature_american concept:atlocation concept_city_la_mesa +concept_buildingfeature_american concept:atlocation concept_city_la_mirada +concept_buildingfeature_american concept:atlocation concept_city_la_puente +concept_buildingfeature_american concept:atlocation concept_city_ladera_ranch +concept_buildingfeature_american concept:atlocation concept_city_laguna_beach +concept_buildingfeature_american concept:atlocation concept_city_laguna_niguel +concept_buildingfeature_american concept:atlocation concept_city_laguna_woods +concept_buildingfeature_american concept:atlocation concept_city_lake_forest +concept_buildingfeature_american concept:atlocation concept_city_leander +concept_buildingfeature_american concept:atlocation concept_city_lebanon +concept_buildingfeature_american concept:atlocation concept_city_leesville +concept_buildingfeature_american concept:atlocation concept_city_lemon_grove +concept_buildingfeature_american concept:atlocation concept_city_lilburn +concept_buildingfeature_american concept:atlocation concept_city_lincoln_acres +concept_buildingfeature_american concept:atlocation concept_city_lithonia +concept_buildingfeature_american concept:atlocation concept_city_littleton +concept_buildingfeature_american concept:atlocation concept_city_lomita +concept_buildingfeature_american concept:atlocation concept_city_london_city +concept_buildingfeature_american concept:atlocation concept_city_long_beach +concept_buildingfeature_american concept:atlocation concept_city_los_alamitos +concept_buildingfeature_american concept:atlocation concept_city_lowell +concept_buildingfeature_american concept:atlocation concept_city_luttrell +concept_buildingfeature_american concept:atlocation concept_city_mableton +concept_buildingfeature_american concept:atlocation concept_city_manchaca +concept_buildingfeature_american concept:atlocation concept_city_mascot +concept_buildingfeature_american concept:atlocation concept_city_matthews +concept_buildingfeature_american concept:atlocation concept_city_mc_adenville +concept_buildingfeature_american concept:atlocation concept_city_mc_neil +concept_buildingfeature_american concept:atlocation concept_city_mendocino +concept_buildingfeature_american concept:atlocation concept_city_mica +concept_buildingfeature_american concept:atlocation concept_city_midland +concept_buildingfeature_american concept:atlocation concept_city_mililani +concept_buildingfeature_american concept:atlocation concept_city_mission_viejo +concept_buildingfeature_american concept:atlocation concept_city_mobile +concept_buildingfeature_american concept:atlocation concept_city_montreal +concept_buildingfeature_american concept:atlocation concept_city_mooringsport +concept_buildingfeature_american concept:atlocation concept_city_morrison +concept_buildingfeature_american concept:atlocation concept_city_morrisville +concept_buildingfeature_american concept:atlocation concept_city_morrow +concept_buildingfeature_american concept:atlocation concept_city_mount_holly +concept_buildingfeature_american concept:atlocation concept_city_nashville +concept_buildingfeature_american concept:atlocation concept_city_new_bedford +concept_buildingfeature_american concept:atlocation concept_city_new_orleans +concept_buildingfeature_american concept:atlocation concept_city_newark +concept_buildingfeature_american concept:atlocation concept_city_newell +concept_buildingfeature_american concept:atlocation concept_city_newman_lake +concept_buildingfeature_american concept:atlocation concept_city_newport_beach +concept_buildingfeature_american concept:atlocation concept_city_newport_coast +concept_buildingfeature_american concept:atlocation concept_city_norcross +concept_buildingfeature_american concept:atlocation concept_city_north_houston +concept_buildingfeature_american concept:atlocation concept_city_north_las_vegas +concept_buildingfeature_american concept:atlocation concept_city_north_metro +concept_buildingfeature_american concept:atlocation concept_city_obrien +concept_buildingfeature_american concept:atlocation concept_city_ontario +concept_buildingfeature_american concept:atlocation concept_city_orlando +concept_buildingfeature_american concept:atlocation concept_city_palm_springs +concept_buildingfeature_american concept:atlocation concept_city_palo_cedro +concept_buildingfeature_american concept:atlocation concept_city_paw_creek +concept_buildingfeature_american concept:atlocation concept_city_pearl_city +concept_buildingfeature_american concept:atlocation concept_city_pearl_harbor +concept_buildingfeature_american concept:atlocation concept_city_peoria +concept_buildingfeature_american concept:atlocation concept_city_pflugerville +concept_buildingfeature_american concept:atlocation concept_city_phoenix +concept_buildingfeature_american concept:atlocation concept_city_pineville +concept_buildingfeature_american concept:atlocation concept_city_pittsburgh +concept_buildingfeature_american concept:atlocation concept_city_placentia +concept_buildingfeature_american concept:atlocation concept_city_placitas +concept_buildingfeature_american concept:atlocation concept_city_pocatello +concept_buildingfeature_american concept:atlocation concept_city_portsmouth +concept_buildingfeature_american concept:atlocation concept_city_poulsbo +concept_buildingfeature_american concept:atlocation concept_city_poway +concept_buildingfeature_american concept:atlocation concept_city_powell +concept_buildingfeature_american concept:atlocation concept_city_providence +concept_buildingfeature_american concept:atlocation concept_city_rancho_santa_fe +concept_buildingfeature_american concept:atlocation concept_city_red_oak +concept_buildingfeature_american concept:atlocation concept_city_redan +concept_buildingfeature_american concept:atlocation concept_city_redding +concept_buildingfeature_american concept:atlocation concept_city_rio_rancho +concept_buildingfeature_american concept:atlocation concept_city_riverdale +concept_buildingfeature_american concept:atlocation concept_city_roanoke +concept_buildingfeature_american concept:atlocation concept_city_rochester +concept_buildingfeature_american concept:atlocation concept_city_san_francisco_last_month +concept_buildingfeature_american concept:atlocation concept_city_san_jose +concept_buildingfeature_american concept:atlocation concept_city_san_juan_capistrano +concept_buildingfeature_american concept:atlocation concept_city_san_ysidro +concept_buildingfeature_american concept:atlocation concept_city_scottdale +concept_buildingfeature_american concept:atlocation concept_city_scranton +concept_buildingfeature_american concept:atlocation concept_city_shreveport +concept_buildingfeature_american concept:atlocation concept_city_signal_hill +concept_buildingfeature_american concept:atlocation concept_city_silverado +concept_buildingfeature_american concept:atlocation concept_city_solana_beach +concept_buildingfeature_american concept:atlocation concept_city_south_colby +concept_buildingfeature_american concept:atlocation concept_city_south_houston +concept_buildingfeature_american concept:atlocation concept_city_spicewood +concept_buildingfeature_american concept:atlocation concept_city_spring_valley +concept_buildingfeature_american concept:atlocation concept_city_springfield +concept_buildingfeature_american concept:atlocation concept_city_st_louis +concept_buildingfeature_american concept:atlocation concept_city_stafford +concept_buildingfeature_american concept:atlocation concept_city_stockbridge +concept_buildingfeature_american concept:atlocation concept_city_stone_mountain +concept_buildingfeature_american concept:atlocation concept_city_stonewall +concept_buildingfeature_american concept:atlocation concept_city_tampa_bay +concept_buildingfeature_american concept:atlocation concept_city_texas +concept_buildingfeature_american concept:atlocation concept_city_toronto +concept_buildingfeature_american concept:atlocation concept_city_tripler_army_medical_center +concept_buildingfeature_american concept:atlocation concept_city_tucker +concept_buildingfeature_american concept:atlocation concept_city_tucson +concept_buildingfeature_american concept:atlocation concept_city_tustin +concept_buildingfeature_american concept:atlocation concept_city_valleyford +concept_buildingfeature_american concept:atlocation concept_city_van_wyck +concept_buildingfeature_american concept:atlocation concept_city_veradale +concept_buildingfeature_american concept:atlocation concept_city_villa_park +concept_buildingfeature_american concept:atlocation concept_city_wahiawa +concept_buildingfeature_american concept:atlocation concept_city_waimanalo +concept_buildingfeature_american concept:atlocation concept_city_washington_d_c +concept_buildingfeature_american concept:atlocation concept_city_washington_dc +concept_buildingfeature_american concept:atlocation concept_city_wheeler_army_airfield +concept_buildingfeature_american concept:atlocation concept_city_whiskeytown +concept_buildingfeature_american concept:atlocation concept_city_white_river_junction +concept_buildingfeature_american concept:atlocation concept_city_whiting +concept_buildingfeature_american concept:atlocation concept_city_wilmer +concept_buildingfeature_american concept:atlocation concept_city_worcester +concept_buildingfeature_american concept:atlocation concept_city_york +concept_buildingfeature_american concept:subpartof concept_city_york +concept_buildingfeature_american concept:atlocation concept_county_atlanta +concept_buildingfeature_american concept:atlocation concept_county_austin +concept_buildingfeature_american concept:atlocation concept_county_baltimore +concept_buildingfeature_american concept:atlocation concept_county_baton_rouge +concept_buildingfeature_american concept:atlocation concept_county_bedford +concept_buildingfeature_american concept:atlocation concept_county_brookline_village +concept_buildingfeature_american concept:atlocation concept_county_chicago +concept_buildingfeature_american concept:atlocation concept_county_clark +concept_buildingfeature_american concept:atlocation concept_county_columbus +concept_buildingfeature_american concept:atlocation concept_county_commerce_city +concept_buildingfeature_american concept:atlocation concept_county_derby +concept_buildingfeature_american concept:atlocation concept_county_detroit +concept_buildingfeature_american concept:atlocation concept_county_florence +concept_buildingfeature_american concept:atlocation concept_county_kansas_city +concept_buildingfeature_american concept:atlocation concept_county_las_vegas +concept_buildingfeature_american concept:atlocation concept_county_los_angeles_county +concept_buildingfeature_american concept:atlocation concept_county_macon +concept_buildingfeature_american concept:atlocation concept_county_manhattan +concept_buildingfeature_american concept:atlocation concept_county_marion +concept_buildingfeature_american concept:atlocation concept_county_miami +concept_buildingfeature_american concept:atlocation concept_county_midway_city +concept_buildingfeature_american concept:atlocation concept_county_missouri_city +concept_buildingfeature_american concept:atlocation concept_county_new_mexico +concept_buildingfeature_american concept:atlocation concept_county_orange_county +concept_buildingfeature_american concept:atlocation concept_county_philadelphia +concept_buildingfeature_american concept:atlocation concept_county_sacramento +concept_buildingfeature_american concept:atlocation concept_county_salt_lake +concept_buildingfeature_american concept:atlocation concept_county_san_diego +concept_buildingfeature_american concept:atlocation concept_county_san_francisco +concept_buildingfeature_american concept:atlocation concept_county_savannah +concept_buildingfeature_american concept:atlocation concept_county_seattle +concept_buildingfeature_american concept:atlocation concept_county_trabuco_canyon +concept_buildingfeature_american concept:atlocation concept_county_york_city +concept_buildingfeature_american concept:subpartof concept_county_york_city +concept_buildingfeature_american concept:atlocation concept_geopoliticallocation_albion +concept_buildingfeature_american concept:atlocation concept_geopoliticallocation_bolton +concept_buildingfeature_american concept:atlocation concept_geopoliticallocation_form +concept_buildingfeature_american concept:atlocation concept_geopoliticallocation_grand_junction +concept_buildingfeature_american concept:atlocation concept_island_houston +concept_buildingfeature_american concept:atlocation concept_island_meridian +concept_buildingfeature_american concept:atlocation concept_lake_new +concept_buildingfeature_american concept:atlocation concept_mountain_arvada +concept_buildingfeature_american concept:atlocation concept_politicsblog_portland +concept_buildingfeature_american concept:atlocation concept_politicsblog_raleigh +concept_buildingfeature_american concept:atlocation concept_transportation_ada +concept_buildingfeature_american concept:atlocation concept_visualizablescene_alviso +concept_buildingfeature_american concept:atlocation concept_visualizablescene_arverne +concept_buildingfeature_american concept:atlocation concept_visualizablescene_demarest +concept_buildingfeature_american concept:atlocation concept_visualizablescene_eldorado_springs +concept_buildingfeature_american concept:atlocation concept_visualizablescene_lake_elsinore +concept_buildingfeature_american concept:atlocation concept_visualizablescene_ny +concept_buildingfeature_american concept:atlocation concept_visualizablescene_nyc_ +concept_buildingfeature_american concept:atlocation concept_visualizablescene_smyrna +concept_buildingfeature_american concept:atlocation concept_visualizablescene_union_city +concept_buildingfeature_american concept:atlocation concept_visualizablething_alturas +concept_buildingfeature_american concept:atlocation concept_visualizablething_brockton +concept_buildingfeature_american concept:atlocation concept_visualizablething_burbank +concept_buildingfeature_american concept:atlocation concept_visualizablething_march_2006 +concept_buildingfeature_american concept:atlocation concept_visualizablething_purvis +concept_buildingfeature_american concept:atlocation concept_visualizablething_santee +concept_buildingfeature_american concept:atlocation concept_visualizablething_spokane +concept_buildingfeature_american concept:atlocation concept_visualizablething_sugar_land +concept_buildingfeature_appliances concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_approaches concept:proxyfor concept_book_new +concept_buildingfeature_approaches concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_arched_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_arches concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_filigree +concept_buildingfeature_arches concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_back concept:subpartof concept_bodypart_one_arm +concept_buildingfeature_back concept:subpartof concept_bodypart_wrists +concept_buildingfeature_back concept:subpartof concept_bone_elbows +concept_buildingfeature_back concept:subpartof concept_nerve_hand +concept_buildingfeature_back concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_blinds concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_pvc +concept_buildingfeature_blinds concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_boards concept:synonymfor concept_nongovorganization_committees +concept_buildingfeature_boards concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_brands concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_buildings concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_buildings concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_cabinet concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_cabinet_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_caterpillar concept:synonymfor concept_company_cat +concept_buildingfeature_caterpillar concept:mutualproxyfor concept_person_jim_owens +concept_buildingfeature_ceiling concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_ceilings concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_ceilings concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_center concept:subpartof concept_island_new_york_city_metropolitan_area +concept_buildingfeature_center concept:subpartof concept_musicgenre_nyc +concept_buildingfeature_center concept:subpartof concept_parlourgame_ny +concept_buildingfeature_center concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_certificates concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_client concept:synonymfor concept_nongovorganization_email +concept_buildingfeature_closets concept:itemfoundinroom concept_officebuildingroom_large_bedrooms +concept_buildingfeature_closets concept:itemfoundinroom concept_officebuildingroom_large_master +concept_buildingfeature_closets concept:itemfoundinroom concept_room_master +concept_buildingfeature_closets concept:itemfoundinroom concept_visualizablething_bedrooms +concept_buildingfeature_closets concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_buildingfeature_closets concept:itemfoundinroom concept_visualizablething_master_suite +concept_buildingfeature_components concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_conroe concept:atlocation concept_city_texas +concept_buildingfeature_conservatory concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_construction concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_contemporary concept:atlocation concept_city_york +concept_buildingfeature_contemporary concept:atlocation concept_county_york_city +concept_buildingfeature_contractors concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_contractors concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_cornices concept:latitudelongitude 48.6049500000000,-115.6304500000000 +concept_buildingfeature_costs concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_costs concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_countertops concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_customers concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_decisions concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_decisions concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_decks concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_designers concept:proxyfor concept_book_new +concept_buildingfeature_designs concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_display concept:atdate concept_date_n2003 +concept_buildingfeature_display concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_display concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_door_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_door_lock concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_wrought_iron +concept_buildingfeature_door_panels concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_door_systems concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminium +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_brass +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fire +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_gas +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_oak +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_paper +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_plastic +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_pvc +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_rocks +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_safety_glass +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_silver +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_stainless_steel +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel_plate +concept_buildingfeature_doors concept:atdate concept_date_n1922 +concept_buildingfeature_doors concept:atdate concept_date_n1962 +concept_buildingfeature_doors concept:atdate concept_date_n1968 +concept_buildingfeature_doors concept:atdate concept_date_n1969 +concept_buildingfeature_doors concept:atdate concept_date_n1971 +concept_buildingfeature_doors concept:atdate concept_date_n1976 +concept_buildingfeature_doors concept:atdate concept_date_n1979 +concept_buildingfeature_doors concept:atdate concept_date_n1993 +concept_buildingfeature_doors concept:atdate concept_date_n1996 +concept_buildingfeature_doors concept:atdate concept_date_n1999 +concept_buildingfeature_doors concept:atdate concept_date_n2000 +concept_buildingfeature_doors concept:atdate concept_date_n2001 +concept_buildingfeature_doors concept:atdate concept_date_n2003 +concept_buildingfeature_doors concept:atdate concept_date_n2004 +concept_buildingfeature_doors concept:atdate concept_date_n2009 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n1961 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n1987 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n1990 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n2002 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n2005 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_doors concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_designer +concept_buildingfeature_doors concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_stone +concept_buildingfeature_doors concept:atdate concept_year_n1926 +concept_buildingfeature_doors concept:atdate concept_year_n1959 +concept_buildingfeature_doors concept:atdate concept_year_n1960 +concept_buildingfeature_doors concept:atdate concept_year_n1973 +concept_buildingfeature_doors concept:atdate concept_year_n1974 +concept_buildingfeature_doors concept:atdate concept_year_n1975 +concept_buildingfeature_doors concept:atdate concept_year_n1978 +concept_buildingfeature_doors concept:atdate concept_year_n1981 +concept_buildingfeature_doors concept:atdate concept_year_n1982 +concept_buildingfeature_doors concept:atdate concept_year_n1983 +concept_buildingfeature_doors concept:atdate concept_year_n1984 +concept_buildingfeature_doors concept:atdate concept_year_n1985 +concept_buildingfeature_doors concept:atdate concept_year_n1986 +concept_buildingfeature_doors concept:atdate concept_year_n1988 +concept_buildingfeature_doors concept:atdate concept_year_n1989 +concept_buildingfeature_doors concept:atdate concept_year_n1991 +concept_buildingfeature_doors concept:atdate concept_year_n1992 +concept_buildingfeature_doors concept:atdate concept_year_n1994 +concept_buildingfeature_doors concept:atdate concept_year_n1995 +concept_buildingfeature_doors concept:atdate concept_year_n1997 +concept_buildingfeature_doors concept:atdate concept_year_n1998 +concept_buildingfeature_doorway concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_double_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_double_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_double_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_double_gates concept:latitudelongitude 31.4341060000000,-99.4676260000000 +concept_buildingfeature_ductwork concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_enclosures concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_enclosures concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_entrance_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_entry_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_entry_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_equipment concept:subpartof concept_beverage_expensive_water +concept_buildingfeature_equipment concept:subpartof concept_beverage_fluid +concept_buildingfeature_equipment concept:subpartof concept_beverage_industrial_air +concept_buildingfeature_equipment concept:subpartof concept_beverage_industrial_water +concept_buildingfeature_equipment concept:subpartof concept_chemical_flue_gas +concept_buildingfeature_equipment concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_equipment concept:subpartof concept_visualizableattribute_quality_water +concept_buildingfeature_equipment concept:subpartof concept_visualizableattribute_state_of_the_art_water +concept_buildingfeature_equipment concept:subpartof concept_visualizablething_commercial_water +concept_buildingfeature_equipment concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_equipment concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_exemption concept:proxyfor concept_book_new +concept_buildingfeature_exterior_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_exterior_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_facades concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_facades concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_feet concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_feet concept:subpartof concept_website_blood +concept_buildingfeature_fields concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_fields concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_fireplace concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_fireplaces concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_flooring concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_stainless_steel +concept_buildingfeature_flooring concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_floors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_concrete +concept_buildingfeature_floors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_floors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_stainless_steel +concept_buildingfeature_floors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_floors concept:atdate concept_date_n2009 +concept_buildingfeature_floors concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_floors concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_stone +concept_buildingfeature_folks concept:proxyfor concept_book_new +concept_buildingfeature_foundation concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_frame concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_hollow_metal +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_stainless_steel +concept_buildingfeature_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_french_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_front_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_front_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_front_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_three +concept_buildingfeature_front_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_front_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_garage_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_garage_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_gas_hob concept:itemfoundinroom concept_room_kitchen +concept_buildingfeature_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_rocks +concept_buildingfeature_gates concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_gear concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_glass_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_glass_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_glass_panels concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_glass_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_glass_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_grants concept:atlocation concept_county_new_mexico +concept_buildingfeature_grants concept:proxyfor concept_reptile_new_mexico +concept_buildingfeature_grants concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_great_britain concept:atdate concept_date_n2004 +concept_buildingfeature_great_britain concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_greenhouse concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_guide concept:atdate concept_date_n1999 +concept_buildingfeature_guide concept:atdate concept_date_n2004 +concept_buildingfeature_guide concept:atdate concept_dateliteral_n2005 +concept_buildingfeature_guide concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_guide concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_hardware concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_heating concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_home concept:subpartof concept_beverage_electric_water +concept_buildingfeature_home concept:subpartof concept_beverage_good_water +concept_buildingfeature_home concept:subpartof concept_beverage_hepa_air +concept_buildingfeature_home concept:subpartof concept_beverage_solar_hot_water +concept_buildingfeature_home concept:subpartof concept_beverage_solar_water +concept_buildingfeature_home concept:subpartof concept_beverage_tankless_water +concept_buildingfeature_home concept:specializationof concept_buildingfeature_buildings +concept_buildingfeature_home concept:subpartof concept_chemical_combustion +concept_buildingfeature_home concept:subpartof concept_videogame_carbon_monoxide +concept_buildingfeature_home concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_home concept:subpartof concept_visualizablething_indoor_air +concept_buildingfeature_home concept:subpartof concept_visualizablething_outside_air +concept_buildingfeature_home concept:subpartof concept_visualizablething_water_supply +concept_buildingfeature_home concept:subpartof concept_weatherphenomenon_cold_air +concept_buildingfeature_home concept:subpartof concept_weatherphenomenon_warm_air +concept_buildingfeature_hose concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_hospitals concept:proxyfor concept_book_new +concept_buildingfeature_host concept:mutualproxyfor concept_book_new +concept_buildingfeature_hours concept:atlocation concept_lake_new +concept_buildingfeature_hours concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_huntsville concept:subpartof concept_celebrity_alabama +concept_buildingfeature_huntsville concept:atlocation concept_city_texas +concept_buildingfeature_hurricane concept:atlocation concept_lake_new +concept_buildingfeature_ideas concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_important_first_step concept:proxyfor concept_book_new +concept_buildingfeature_information concept:subpartof concept_programminglanguage_state +concept_buildingfeature_information concept:subpartof concept_vehicle_government +concept_buildingfeature_information concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_installation concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_interior concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_interior_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_kitchen concept:itemfoundinroom concept_room_suite +concept_buildingfeature_knob concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_solid_brass +concept_buildingfeature_landslide concept:atdate concept_dateliteral_n2005 +concept_buildingfeature_large_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_last_visit concept:atdate concept_date_n2001 +concept_buildingfeature_last_visit concept:atdate concept_date_n2003 +concept_buildingfeature_last_visit concept:atdate concept_date_n2004 +concept_buildingfeature_last_visit concept:atdate concept_dateliteral_n2005 +concept_buildingfeature_last_visit concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_last_visit concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_last_visit concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_lighting concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_lights concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_link concept:specializationof concept_buildingfeature_products +concept_buildingfeature_locations concept:proxyfor concept_book_new +concept_buildingfeature_locations concept:atdate concept_date_n2004 +concept_buildingfeature_locations concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_locations concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_locations concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_lock concept:proxyfor concept_book_new +concept_buildingfeature_machinery concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_machinery concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_maintenance concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_maintenance concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_manufacturer concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_manufacturer concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_material concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_materials concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_maui concept:atlocation concept_city_hawaii +concept_buildingfeature_maui concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_message concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_message concept:atdate concept_year_n1998 +concept_buildingfeature_mirrors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_ms_windows concept:specializationof concept_buildingfeature_systems +concept_buildingfeature_next_step concept:proxyfor concept_book_new +concept_buildingfeature_offers concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_operators concept:subpartof concept_visualizablething_water_supply +concept_buildingfeature_options concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_organizations concept:mutualproxyfor concept_book_new +concept_buildingfeature_organizations concept:atdate concept_date_n1999 +concept_buildingfeature_organizations concept:atdate concept_dateliteral_n2002 +concept_buildingfeature_organizations concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_organizations concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_organizations concept:subpartof concept_programminglanguage_state +concept_buildingfeature_organizations concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_organizations concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_packages concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_packages concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_panel concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_panels concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_panels concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_paper +concept_buildingfeature_panels concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_three +concept_buildingfeature_pantry concept:itemfoundinroom concept_room_kitchen +concept_buildingfeature_partitions concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_patio_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_patio_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_picture_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_plumbing concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_plumbing concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_pocket_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_points concept:mutualproxyfor concept_profession_morris +concept_buildingfeature_points concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_points concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_posts concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_price concept:atlocation concept_county_utah +concept_buildingfeature_price concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_products concept:subpartof concept_mlalgorithm_commercial_air +concept_buildingfeature_products concept:subpartof concept_musicalbum_power +concept_buildingfeature_products concept:subpartof concept_refineryproduct_compressed_air +concept_buildingfeature_products concept:subpartof concept_visualizableattribute_quality_water +concept_buildingfeature_products concept:subpartof concept_visualizableattribute_residential_water +concept_buildingfeature_products concept:subpartof concept_visualizablething_home_air +concept_buildingfeature_products concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_products concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_project concept:subpartof concept_visualizableattribute_major_water +concept_buildingfeature_project concept:subpartof concept_visualizableattribute_rural_water +concept_buildingfeature_project concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_project concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_provider concept:proxyfor concept_book_new +concept_buildingfeature_provider concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_provider concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_purposes concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_purposes concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_quote concept:proxyfor concept_book_new +concept_buildingfeature_rear_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_refrigerators concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_regulations concept:proxyfor concept_book_new +concept_buildingfeature_regulations concept:atdate concept_date_n1996 +concept_buildingfeature_regulations concept:atdate concept_date_n2001 +concept_buildingfeature_regulations concept:atdate concept_date_n2003 +concept_buildingfeature_regulations concept:atdate concept_date_n2004 +concept_buildingfeature_regulations concept:atdate concept_dateliteral_n2002 +concept_buildingfeature_regulations concept:atdate concept_dateliteral_n2005 +concept_buildingfeature_regulations concept:atdate concept_dateliteral_n2006 +concept_buildingfeature_regulations concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_regulations concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_regulations concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_regulations concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_regulations concept:atdate concept_year_n1997 +concept_buildingfeature_replacement concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_replacement_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_resources concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_results concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_results concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_roof concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_roofs concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_roofs concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_rooms concept:itemfoundinroom concept_officebuildingroom_chalets +concept_buildingfeature_rooms concept:itemfoundinroom concept_room_house +concept_buildingfeature_rooms concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_rooms concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_sales concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_sales concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_same_time concept:mutualproxyfor concept_book_new +concept_buildingfeature_screen_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_screens concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_screens concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_screens concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_screens concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_paper +concept_buildingfeature_sculptures concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_section concept:atdate concept_date_n1999 +concept_buildingfeature_section concept:atdate concept_date_n2003 +concept_buildingfeature_section concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_section concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_sections concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_security concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_security_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel_security +concept_buildingfeature_series concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_service concept:subpartof concept_beverage_full_water +concept_buildingfeature_service concept:subpartof concept_beverage_municipal_water +concept_buildingfeature_service concept:subpartof concept_hallwayitem_gas +concept_buildingfeature_service concept:subpartof concept_kitchenitem_public_water +concept_buildingfeature_service concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_service concept:subpartof concept_visualizableattribute_potable_water +concept_buildingfeature_service concept:subpartof concept_visualizableattribute_quality_water +concept_buildingfeature_service concept:subpartof concept_visualizablething_water_supply +concept_buildingfeature_service concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_sheep_gate concept:latitudelongitude 29.5282800000000,-98.5653000000000 +concept_buildingfeature_shipping concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_shop concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_shower_doors concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_shower_enclosures concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_showers concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_shutters concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminium +concept_buildingfeature_shutters concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_shutters concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_oak +concept_buildingfeature_shutters concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_side_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_sioux_city concept:atlocation concept_blog_iowa +concept_buildingfeature_sioux_city concept:mutualproxyfor concept_governmentorganization_iowa +concept_buildingfeature_sioux_city concept:subpartof concept_musicalbum_iowa +concept_buildingfeature_skylights concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_space concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_specifications concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_stairs concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_stairs concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_standards concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_standards concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_standards concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_stops concept:proxyfor concept_book_new +concept_buildingfeature_store concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_storm concept:atdate concept_date_n1999 +concept_buildingfeature_storm concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_storm concept:atdate concept_dateliteral_n2008 +concept_buildingfeature_storm concept:atlocation concept_lake_new +concept_buildingfeature_storm concept:atdate concept_year_n1997 +concept_buildingfeature_storm concept:atdate concept_year_n1998 +concept_buildingfeature_structure concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_sun concept:atlocation concept_city_washington_d_c +concept_buildingfeature_suppliers concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_supplies concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_supply concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_system concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_systems concept:subpartof concept_beverage_advanced_air +concept_buildingfeature_systems concept:subpartof concept_beverage_advanced_water +concept_buildingfeature_systems concept:subpartof concept_beverage_available_water +concept_buildingfeature_systems concept:subpartof concept_beverage_central_water +concept_buildingfeature_systems concept:subpartof concept_beverage_complete_water +concept_buildingfeature_systems concept:subpartof concept_beverage_conventional_water +concept_buildingfeature_systems concept:subpartof concept_beverage_efficient_water +concept_buildingfeature_systems concept:subpartof concept_beverage_expensive_water +concept_buildingfeature_systems concept:subpartof concept_beverage_fluid +concept_buildingfeature_systems concept:subpartof concept_beverage_friendly_water +concept_buildingfeature_systems concept:subpartof concept_beverage_good_water +concept_buildingfeature_systems concept:subpartof concept_beverage_high_efficiency_air +concept_buildingfeature_systems concept:subpartof concept_beverage_high_quality_water +concept_buildingfeature_systems concept:subpartof concept_beverage_home_water +concept_buildingfeature_systems concept:subpartof concept_beverage_improved_water +concept_buildingfeature_systems concept:subpartof concept_beverage_independent_water +concept_buildingfeature_systems concept:subpartof concept_beverage_industrial_air +concept_buildingfeature_systems concept:subpartof concept_beverage_industrial_water +concept_buildingfeature_systems concept:subpartof concept_beverage_integrated_water +concept_buildingfeature_systems concept:subpartof concept_beverage_large_water +concept_buildingfeature_systems concept:subpartof concept_beverage_larger_water +concept_buildingfeature_systems concept:subpartof concept_beverage_local_water +concept_buildingfeature_systems concept:subpartof concept_beverage_modern_water +concept_buildingfeature_systems concept:subpartof concept_beverage_municipal_water +concept_buildingfeature_systems concept:subpartof concept_beverage_new +concept_buildingfeature_systems concept:subpartof concept_beverage_poor_water +concept_buildingfeature_systems concept:subpartof concept_beverage_reverse_osmosis_water +concept_buildingfeature_systems concept:subpartof concept_beverage_safe_water +concept_buildingfeature_systems concept:subpartof concept_beverage_solar_water +concept_buildingfeature_systems concept:subpartof concept_beverage_standard_air +concept_buildingfeature_systems concept:subpartof concept_beverage_superior_water +concept_buildingfeature_systems concept:subpartof concept_beverage_tap_water +concept_buildingfeature_systems concept:subpartof concept_beverage_traditional_water +concept_buildingfeature_systems concept:subpartof concept_beverage_various_air +concept_buildingfeature_systems concept:subpartof concept_beverage_well_water +concept_buildingfeature_systems concept:subpartof concept_beverage_whole_house_water +concept_buildingfeature_systems concept:subpartof concept_book_electricity +concept_buildingfeature_systems concept:subpartof concept_book_oil +concept_buildingfeature_systems concept:subpartof concept_buildingmaterial_drainage +concept_buildingfeature_systems concept:subpartof concept_chemical_air_conditioning +concept_buildingfeature_systems concept:subpartof concept_chemical_condensate +concept_buildingfeature_systems concept:subpartof concept_chemical_floor +concept_buildingfeature_systems concept:subpartof concept_chemical_flue_gas +concept_buildingfeature_systems concept:subpartof concept_chemical_groundwater +concept_buildingfeature_systems concept:subpartof concept_chemical_pipes +concept_buildingfeature_systems concept:subpartof concept_chemical_power_plants +concept_buildingfeature_systems concept:subpartof concept_chemical_roads +concept_buildingfeature_systems concept:subpartof concept_chemical_sewage +concept_buildingfeature_systems concept:subpartof concept_chemical_waste_management +concept_buildingfeature_systems concept:subpartof concept_musician_streets +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_appropriate_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_building_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_community_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_current_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_different_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_elaborate_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_freshwater +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_grey_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_on_site_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_permanent_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_piped_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_potable_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_proper_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_quality_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_reliable_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_residential_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_rural_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_sanitation +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_scale_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_small_scale_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_storm_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_three_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_two_water +concept_buildingfeature_systems concept:subpartof concept_visualizableattribute_various_water +concept_buildingfeature_systems concept:subpartof concept_visualizableobject_home +concept_buildingfeature_systems concept:subpartof concept_visualizablething_basic_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_commercial_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_domestic_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_drinking_water_supplies +concept_buildingfeature_systems concept:subpartof concept_visualizablething_drinking_water_supply +concept_buildingfeature_systems concept:subpartof concept_visualizablething_effective_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_home_air +concept_buildingfeature_systems concept:subpartof concept_visualizablething_household_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_indoor_air +concept_buildingfeature_systems concept:subpartof concept_visualizablething_low_cost_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_rainwater +concept_buildingfeature_systems concept:subpartof concept_visualizablething_several_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_surface_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_waste_water +concept_buildingfeature_systems concept:subpartof concept_visualizablething_wastewater +concept_buildingfeature_systems concept:subpartof concept_visualizablething_water_delivery +concept_buildingfeature_systems concept:subpartof concept_visualizablething_water_supplies +concept_buildingfeature_systems concept:subpartof concept_visualizablething_water_supply +concept_buildingfeature_systems concept:subpartof concept_visualizablething_water_systems +concept_buildingfeature_systems concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_systems concept:subpartof concept_weatherphenomenon_surface +concept_buildingfeature_systems concept:subpartof concept_weatherphenomenon_warm_air +concept_buildingfeature_systems concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_terrrace concept:latitudelongitude 38.9206700000000,-77.0263700000000 +concept_buildingfeature_three_gates concept:latitudelongitude 22.0538300000000,113.9995400000000 +concept_buildingfeature_tile concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_tiles concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_tools concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_tools concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_tosea concept:latitudelongitude 28.8290300000000,-17.8156200000000 +concept_buildingfeature_trim concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_truck concept:atdate concept_date_n2001 +concept_buildingfeature_truck concept:atdate concept_date_n2004 +concept_buildingfeature_truck concept:subpartof concept_hallwayitem_fuel +concept_buildingfeature_truck concept:subpartof concept_weatherphenomenon_air +concept_buildingfeature_units concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_users concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_utilities concept:subpartof concept_beverage_municipal_water +concept_buildingfeature_utilities concept:subpartof concept_visualizableattribute_drinking_water +concept_buildingfeature_utilities concept:subpartof concept_visualizablething_water_supply +concept_buildingfeature_utilities concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_valves concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_vt concept:atdate concept_dateliteral_n2007 +concept_buildingfeature_walk_in_closets concept:itemfoundinroom concept_room_master +concept_buildingfeature_wall concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_cement +concept_buildingfeature_wall concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_concrete +concept_buildingfeature_wall concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_wall_ concept:latitudelongitude 34.5945200000000,-97.9197600000000 +concept_buildingfeature_wall_systems concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_cement +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_concrete +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_plastic +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_rocks +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_silver +concept_buildingfeature_walls concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_water concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_water_heater concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_ways concept:subpartof concept_weatherphenomenon_water +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminium +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_gas +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_oak +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_diamond +concept_buildingfeature_window concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_stone +concept_buildingfeature_window concept:itemfoundinroom concept_visualizablething_bathroom +concept_buildingfeature_window_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_window_frames concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminium +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom_aluminum +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_gas +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_oak +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_paper +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_plastic +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_polycarbonate +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_pvc +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_roof +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_safety_glass +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_tempered_glass +concept_buildingfeature_windows concept:synonymfor concept_museum_microsoft_corporation +concept_buildingfeature_windows concept:mutualproxyfor concept_retailstore_microsoft +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_diamond +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_stone +concept_buildingfeature_windows concept:specializationof concept_visualizablething_environments +concept_buildingfeature_windows concept:buildingfeaturemadefrombuildingmaterial concept_visualizablething_lead +concept_buildingfeature_windows_nt concept:specializationof concept_buildingfeature_systems +concept_buildingfeature_woodwork concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_buildingmaterial_bend concept:proxyfor concept_book_new +concept_buildingmaterial_bend concept:mutualproxyfor concept_physicalaction_oregon +concept_buildingmaterial_bend concept:subpartof concept_politicsissue_oregon +concept_buildingmaterial_brooch concept:latitudelongitude 50.7083150000000,-67.8739750000000 +concept_buildingmaterial_conduits concept:subpartof concept_weatherphenomenon_water +concept_buildingmaterial_discharge concept:subpartof concept_weatherphenomenon_water +concept_buildingmaterial_elbow concept:subpartof concept_website_blood +concept_buildingmaterial_jaw concept:subpartof concept_website_blood +concept_buildingmaterial_n7075 concept:latitudelongitude 39.8008900000000,-84.1699400000000 +concept_buildingmaterial_nuts concept:proxyfor concept_book_new +concept_buildingmaterial_pipelines concept:subpartof concept_weatherphenomenon_water +concept_buildingmaterial_portland concept:subpartof concept_politicsissue_oregon +concept_buildingmaterial_rhenium concept:latitudelongitude 39.7447100000000,-105.2194300000000 +concept_buildingmaterial_shipments concept:atdate concept_date_n1996 +concept_buildingmaterial_shipments concept:atdate concept_date_n1999 +concept_buildingmaterial_shipments concept:atdate concept_year_n1995 +concept_buildingmaterial_shipments concept:atdate concept_year_n1997 +concept_buildingmaterial_shipments concept:atdate concept_year_n1998 +concept_buildingmaterial_steel_mills concept:latitudelongitude 33.6624000000000,73.0611000000000 +concept_buildingmaterial_terminals concept:proxyfor concept_book_new +concept_buildingmaterial_terminals concept:mutualproxyfor concept_emotion_new +concept_candy_buckeyes concept:atlocation concept_county_columbus +concept_candy_caramel concept:thinghascolor concept_color_brown +concept_candy_chocolate concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_candy_chocolate concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_candy_cornucopia concept:proxyfor concept_book_new +concept_candy_diploma concept:atdate concept_date_n2001 +concept_candy_diploma concept:atdate concept_dateliteral_n2006 +concept_candy_diploma concept:atdate concept_dateliteral_n2007 +concept_candy_drive concept:objectpartofobject concept_vehicle_wheels +concept_candy_fruits concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_candy_fruits concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_candy_fruits concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_candy_fruits concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_candy_fruits concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_candy_fun concept:objectpartofobject concept_visualizableobject_lens +concept_candy_gathering concept:proxyfor concept_book_new +concept_candy_gathering concept:atdate concept_date_n2001 +concept_candy_gathering concept:atdate concept_date_n2004 +concept_candy_gathering concept:atdate concept_dateliteral_n2008 +concept_candy_gathering concept:atdate concept_year_n1995 +concept_candy_great_value concept:proxyfor concept_book_new +concept_candy_gums concept:subpartof concept_website_blood +concept_candy_ingredients concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_candy_ingredients concept:fooddecreasestheriskofdisease concept_disease_damage +concept_candy_look concept:objectpartofobject concept_visualizableobject_lens +concept_candy_mars concept:atdate concept_date_n2004 +concept_candy_militia concept:proxyfor concept_book_new +concept_candy_nobuyuki_idei concept:proxyfor concept_retailstore_sony +concept_candy_nobuyuki_idei concept:subpartof concept_retailstore_sony +concept_candy_nuts concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_candy_oats concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_candy_perry concept:atlocation concept_city_florida +concept_candy_rockcandy concept:latitudelongitude 64.4551100000000,-138.3919000000000 +concept_candy_scripture concept:objectpartofobject concept_visualizableobject_lens +concept_candy_sunflower concept:thinghascolor concept_color_yellow +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_damage +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_ovarian_cancer +concept_candy_tea concept:fooddecreasestheriskofdisease concept_disease_skin_cancer +concept_candy_value concept:objectfoundinscene concept_landscapefeatures_valley +concept_cardgame_doppelkopf concept:latitudelongitude -20.1666700000000,17.1000000000000 +concept_cardgame_offline concept:atdate concept_dateliteral_n2008 +concept_cardgame_panguingue concept:latitudelongitude 63.9431950000000,-149.0641650000000 +concept_cardgame_planet_hollywood concept:atlocation concept_building_vegas +concept_cardgame_planet_hollywood concept:atlocation concept_city_vegas_casino +concept_cardgame_planet_hollywood concept:atlocation concept_county_las_vegas +concept_cardgame_planet_hollywood concept:subpartof concept_traditionalgame_vegas +concept_cardgame_playcard concept:latitudelongitude 34.0810000000000,-79.0380900000000 +concept_cardgame_soaring_eagle concept:latitudelongitude 35.8736900000000,-84.3768700000000 +concept_cardgame_states_ concept:proxyfor concept_book_new +concept_cardgame_system_ concept:subpartof concept_musicalbum_air +concept_cardgame_texas_hole concept:latitudelongitude 34.3951000000000,-95.9002600000000 +concept_cardgame_three concept:mutualproxyfor concept_attraction_town_house +concept_cardgame_three concept:mutualproxyfor concept_director_committee +concept_cardgame_three concept:mutualproxyfor concept_musicsong_villa +concept_cardgame_three concept:mutualproxyfor concept_person_family_home +concept_cardgame_to_music concept:latitudelongitude 45.4340600000000,12.3457200000000 +concept_cardgame_triple_draw concept:latitudelongitude 44.7560700000000,-108.0470500000000 +concept_cardgame_twenty concept:proxyfor concept_book_new +concept_cardgame_understanding concept:proxyfor concept_book_new +concept_cave_i__d concept:latitudelongitude 49.3250510000000,11.8003190000000 +concept_cave_mountains concept:proxyfor concept_book_new +concept_celebrity_aaliyah concept:personbornincity concept_city_new_york +concept_celebrity_adam_kennedy concept:athleteplayssport concept_sport_football +concept_celebrity_adam_kennedy concept:athleteplaysinleague concept_sportsleague_nfl +concept_celebrity_adrian_young concept:musicianinmusicartist concept_musicartist_no_doubt +concept_celebrity_alabama concept:proxyfor concept_book_new +concept_celebrity_alabama concept:agentcollaborateswithagent concept_coach_nick_saban +concept_celebrity_alabama concept:atdate concept_dateliteral_n2005 +concept_celebrity_alabama concept:atdate concept_dateliteral_n2007 +concept_celebrity_alabama concept:agentparticipatedinevent concept_sportsgame_series +concept_celebrity_alabama concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_celebrity_alba concept:hasspouse concept_actor_cash_warren +concept_celebrity_aleksandr_solzhenitsyn concept:agentcreated concept_book_cancer_ward +concept_celebrity_aleksandr_solzhenitsyn concept:agentcreated concept_book_one_day_in_the_life_of_ivan_denisovich +concept_celebrity_aleksandr_solzhenitsyn concept:agentcreated concept_book_the_first_circle +concept_celebrity_aleksandr_solzhenitsyn concept:personhasjobposition concept_jobposition_author +concept_celebrity_amy_winehouse concept:hasspouse concept_celebrity_blake_fielder_civil +concept_celebrity_ann_curry concept:personchargedwithcrime concept_crimeorcharge_murder +concept_celebrity_anna_nicole_smith concept:persondiedatage 39 +concept_celebrity_anna_wintour concept:agentcontrols concept_personnorthamerica_vogue +concept_celebrity_archer concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_celebrity_aruba concept:atdate concept_dateliteral_n2006 +concept_celebrity_ashlee_simpson concept:hasspouse concept_person_pete_wentz +concept_celebrity_aung_san_suu_kyi concept:personhasjobposition concept_jobposition_leader +concept_celebrity_babies concept:agentcompeteswithagent concept_animal_animals001 +concept_celebrity_babies concept:agentparticipatedinevent concept_eventoutcome_result +concept_celebrity_blake_fielder_civil concept:haswife concept_celebrity_amy_winehouse +concept_celebrity_blind_melon concept:agentcollaborateswithagent concept_musician_shannon_hoon +concept_celebrity_blind_melon concept:agentcontrols concept_musician_shannon_hoon +concept_celebrity_blink_182 concept:agentcontrols concept_actor_mark_hoppus +concept_celebrity_blink_182 concept:agentcontrols concept_personus_travis_barker +concept_celebrity_brody_jenner concept:hasspouse concept_personcanada_avril_lavigne +concept_celebrity_carla_bruni concept:hashusband concept_politician_nicolas_sarkozy +concept_celebrity_carla_bruni concept:hasspouse concept_politician_nicolas_sarkozy +concept_celebrity_charlie_chaplin concept:actorstarredinmovie concept_movie_modern_times +concept_celebrity_charlie_sheen concept:haswife concept_personcanada_brooke_mueller +concept_celebrity_charlotte_church concept:hasspouse concept_comedian_gavin_henson +concept_celebrity_chris_henchy concept:haswife concept_actor_brooke_shields +concept_celebrity_chris_henchy concept:hasspouse concept_person_brooke_shields +concept_celebrity_chris_robinson concept:hasspouse concept_person_kate_hudson +concept_celebrity_christie_hefner concept:personbelongstoorganization concept_magazine_playboy +concept_celebrity_christina_aguilera concept:hashusband concept_comedian_jordan_bratman +concept_celebrity_christina_aguilera concept:hasspouse concept_comedian_jordan_bratman +concept_celebrity_claudia_schiffer concept:hasspouse concept_personafrica_matthew_vaughn +concept_celebrity_colin_powell concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_celebrity_colin_powell concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_celebrity_colin_powell concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_celebrity_colin_powell concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_celebrity_colin_powell concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_celebrity_colin_powell concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_celebrity_combat concept:atdate concept_date_n1944 +concept_celebrity_combat concept:atdate concept_dateliteral_n1943 +concept_celebrity_combat concept:atdate concept_dateliteral_n1945 +concept_celebrity_cover concept:proxyfor concept_book_new +concept_celebrity_current_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_dan_mcgrath concept:worksfor concept_website_chicago_tribune +concept_celebrity_daniel_craig concept:hasspouse concept_personafrica_satsuki_mitchell +concept_celebrity_darren_gough concept:persondiedincountry concept_country_england +concept_celebrity_davidson_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_davidson_wildcats concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_celebrity_def_leppard concept:agentcollaborateswithagent concept_musician_joe_elliott +concept_celebrity_demi_moore concept:actorstarredinmovie concept_movie_ghost +concept_celebrity_denise_richards concept:hasspouse concept_celebrity_charlie_sheen +concept_celebrity_depaul_blue_demons concept:atlocation concept_county_chicago +concept_celebrity_depaul_blue_demons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_deryck_whibley concept:haswife concept_personcanada_avril_lavigne +concept_celebrity_dev_patel concept:actorstarredinmovie concept_movie_slumdog_millionaire +concept_celebrity_diane_kruger concept:hasspouse concept_male_joshua_jackson +concept_celebrity_dodge_city concept:proxyfor concept_creditunion_kansas +concept_celebrity_douglas_preston concept:agentcreated concept_book_the_monster_of_florence +concept_celebrity_drake_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_eartha_kitt concept:persondiedatage 81 +concept_celebrity_eartha_kitt concept:personhasjobposition concept_jobposition_actress +concept_celebrity_eartha_kitt concept:personhasjobposition concept_jobposition_singer +concept_celebrity_edmund_gwenn concept:persondiedincountry concept_country_england +concept_celebrity_educational concept:agentcontrols concept_county_watc +concept_celebrity_educational concept:agentcontrols concept_publication_knxt_tv +concept_celebrity_educational concept:agentcontrols concept_televisionstation_mhz_networks +concept_celebrity_educational concept:agentcontrols concept_televisionstation_wtce_tv +concept_celebrity_eliza_dushku concept:hasspouse concept_personus_rick_fox +concept_celebrity_elle_macpherson concept:hasspouse concept_person_arpad_busson +concept_celebrity_ellen_page concept:actorstarredinmovie concept_movie_juno +concept_celebrity_erich_maria_remarque concept:agentcontributedtocreativework concept_movie_all_quiet_on_the_western_front +concept_celebrity_espn concept:subpartof concept_personeurope_disney +concept_celebrity_espn concept:agentparticipatedinevent concept_sportsgame_series +concept_celebrity_feed concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_feed concept:agentcompeteswithagent concept_personcanada_search +concept_celebrity_first_home concept:persondiedatage 3 +concept_celebrity_flavio_briatore concept:hasspouse concept_person_heidi_klum001 +concept_celebrity_freddie_mercury concept:personbelongstoorganization concept_musicartist_queen +concept_celebrity_freddie_mercury concept:agentcollaborateswithagent concept_person_john003 +concept_celebrity_gary_williams concept:agentbelongstoorganization concept_stateorprovince_maryland +concept_celebrity_gavin_rossdale concept:haswife concept_celebrity_gwen_stefani +concept_celebrity_george_clooney concept:haswife concept_celebrity_sarah_larson +concept_celebrity_george_clooney concept:hasspouse concept_personcanada_sarah_larson +concept_celebrity_george_will concept:personbelongstoorganization concept_city_abc +concept_celebrity_george_will concept:worksfor concept_nongovorganization_conservative +concept_celebrity_george_will concept:worksfor concept_university_newsweek +concept_celebrity_gisele concept:hasspouse concept_personmexico_tom_bradley +concept_celebrity_gisele_bundchen concept:hasspouse concept_personmexico_tom_bradley +concept_celebrity_good_charlotte concept:agentcollaborateswithagent concept_person_benji_madden +concept_celebrity_greenwich_village concept:proxyfor concept_book_new +concept_celebrity_guy_ritchie concept:haswife concept_female_madonna +concept_celebrity_guy_ritchie concept:agentcontributedtocreativework concept_movie_snatch +concept_celebrity_gwen_stefani concept:hashusband concept_celebrity_gavin_rossdale +concept_celebrity_gwen_stefani concept:hasspouse concept_celebrity_gavin_rossdale +concept_celebrity_harold_pinter concept:personhasjobposition concept_jobposition_playwright +concept_celebrity_harvard_crimson concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_heather_graham concept:persondiedincountry concept_country_england +concept_celebrity_heather_mills concept:hasspouse concept_personafrica_paul_mccartney +concept_celebrity_home_base concept:proxyfor concept_book_new +concept_celebrity_human_body concept:subpartof concept_weatherphenomenon_water +concept_celebrity_human_body concept:subpartof concept_website_blood +concept_celebrity_illustration concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_jac_holzman concept:topmemberoforganization concept_recordlabel_elektra +concept_celebrity_jackie_chan concept:personhascitizenship concept_country_china +concept_celebrity_james_brolin concept:haswife concept_actor_barbra_streisand +concept_celebrity_james_brolin concept:hasspouse concept_person_streisand +concept_celebrity_jamie_lynn concept:hasspouse concept_person_casey_aldridge +concept_celebrity_janet_jackson concept:hasspouse concept_person_jermaine_dupri +concept_celebrity_jaret_wright concept:parentofperson concept_personus_clyde_wright +concept_celebrity_jason_goldberg concept:hasspouse concept_person_soleil_moon_frye +concept_celebrity_jason_momoa concept:hasspouse concept_female_lisa_bonet +concept_celebrity_jennifer_aniston concept:hasspouse concept_person_brad_pitt +concept_celebrity_jessica_biel concept:hasspouse concept_person_justin_timberlake +concept_celebrity_jessica_seinfeld concept:hasspouse concept_person_jerry +concept_celebrity_jlo concept:hasspouse concept_male_marc_anthony +concept_celebrity_jody_williams concept:personchargedwithcrime concept_crimeorcharge_murder +concept_celebrity_joe_strummer concept:personbelongstoorganization concept_musicartist_clash +concept_celebrity_john_gielgud concept:persondiedincountry concept_country_england +concept_celebrity_john_krasinski concept:hasspouse concept_male_emily_blunt +concept_celebrity_john_turturro concept:hasspouse concept_person_katherine_borowitz +concept_celebrity_jon_heder concept:actorstarredinmovie concept_movie_napoleon_dynamite +concept_celebrity_josh_homme concept:musicianinmusicartist concept_musicartist_queens_of_the_stone_age +concept_celebrity_josh_kelley concept:hasspouse concept_comedian_katherine_heigl +concept_celebrity_josh_kelley concept:haswife concept_personnorthamerica_katherine_heigl +concept_celebrity_josh_lucas concept:hasspouse concept_celebrity_rachel_mcadams +concept_celebrity_joyce_grenfell concept:persondiedincountry concept_country_england +concept_celebrity_julianne_hough concept:hasspouse concept_person_chuck_wicks +concept_celebrity_juliette_greco concept:persondiedincountry concept_country_england +concept_celebrity_justin_gaston concept:haswife concept_actor_miley_cyrus +concept_celebrity_justin_gaston concept:hasspouse concept_person_miley_cyrus +concept_celebrity_katie_holmes concept:hasspouse concept_person_cruise +concept_celebrity_katie_holmes concept:hashusband concept_personus_tom_cruise +concept_celebrity_keira_knightley concept:hasspouse concept_personcanada_rupert_friend +concept_celebrity_keith_urban concept:haswife concept_female_nicole_kidman +concept_celebrity_kelly_ripa concept:hashusband concept_celebrity_mark_consuelos +concept_celebrity_kelly_ripa concept:hasspouse concept_celebrity_mark_consuelos +concept_celebrity_kidman concept:hashusband concept_celebrity_keith_urban +concept_celebrity_kidman concept:hasspouse concept_person_cruise +concept_celebrity_kim_kardashian concept:hasspouse concept_personus_reggie_bush +concept_celebrity_kristen_bell concept:hasspouse concept_person_dax_shepard +concept_celebrity_kyra_sedgwick concept:hasspouse concept_person_kevin_bacon +concept_celebrity_larry_scott concept:agentcollaborateswithagent concept_athlete_wta +concept_celebrity_larry_scott concept:proxyfor concept_athlete_wta +concept_celebrity_larry_taylor concept:musicianinmusicartist concept_musicartist_canned_heat +concept_celebrity_laura_bush concept:agentcollaborateswithagent concept_company_clinton +concept_celebrity_laura_bush concept:personbelongstoorganization concept_governmentorganization_house +concept_celebrity_laurie concept:personbornincity concept_city_york +concept_celebrity_laurie concept:personbelongstoorganization concept_politicalparty_college +concept_celebrity_laurie concept:persongraduatedfromuniversity concept_university_college +concept_celebrity_law_ concept:latitudelongitude 13.0777800000000,80.2719400000000 +concept_celebrity_lawsuit concept:proxyfor concept_book_new +concept_celebrity_lawsuit concept:atdate concept_date_n1993 +concept_celebrity_lawsuit concept:atdate concept_date_n1996 +concept_celebrity_lawsuit concept:atdate concept_date_n1999 +concept_celebrity_lawsuit concept:atdate concept_date_n2000 +concept_celebrity_lawsuit concept:atdate concept_date_n2001 +concept_celebrity_lawsuit concept:atdate concept_date_n2003 +concept_celebrity_lawsuit concept:atdate concept_date_n2004 +concept_celebrity_lawsuit concept:atdate concept_dateliteral_n2002 +concept_celebrity_lawsuit concept:atdate concept_dateliteral_n2005 +concept_celebrity_lawsuit concept:atdate concept_dateliteral_n2006 +concept_celebrity_lawsuit concept:atdate concept_dateliteral_n2007 +concept_celebrity_lawsuit concept:atdate concept_dateliteral_n2008 +concept_celebrity_lawsuit concept:atdate concept_year_n1995 +concept_celebrity_lawsuit concept:atdate concept_year_n1997 +concept_celebrity_lawsuit concept:atdate concept_year_n1998 +concept_celebrity_leonardo_dicaprio concept:actorstarredinmovie concept_movie_blood_diamond +concept_celebrity_leonardo_dicaprio concept:actorstarredinmovie concept_movie_departed +concept_celebrity_leonardo_dicaprio concept:actorstarredinmovie concept_movie_the_departed +concept_celebrity_lesley_stahl concept:personleadsorganization concept_company_cnn__pbs +concept_celebrity_lewis_hamilton concept:hasspouse concept_person_nicole_scherzinger +concept_celebrity_lewis_hamilton concept:agentparticipatedinevent concept_sportsgame_championship +concept_celebrity_liam_neeson concept:haswife concept_personcanada_natasha_richardson +concept_celebrity_lindsay_lohan concept:actorstarredinmovie concept_movie_mean_girls +concept_celebrity_lisa_marie_presley concept:hashusband concept_celebrity_michael_lockwood +concept_celebrity_machine concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_celebrity_machine concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_celebrity_manuel_puig concept:agentcreated concept_female_kiss_of_the_spider_woman +concept_celebrity_marilyn_manson concept:haswife concept_female_evan_rachel_wood +concept_celebrity_marion_cotillard concept:actorstarredinmovie concept_movie_la_vie_en_rose +concept_celebrity_mariska concept:latitudelongitude 47.1000000000000,18.2500000000000 +concept_celebrity_matt_damon concept:haswife concept_female_luciana_barroso +concept_celebrity_max_brooks concept:agentcontributedtocreativework concept_book_world_war_z +concept_celebrity_max_brooks concept:agentcreated concept_book_world_war_z +concept_celebrity_may_2007 concept:proxyfor concept_book_new +concept_celebrity_michael_lockwood concept:haswife concept_female_lisa_marie +concept_celebrity_michael_lockwood concept:hasspouse concept_personcanada_lisa_marie_presley +concept_celebrity_milton concept:atlocation concept_city_florida +concept_celebrity_misconceptions concept:agentparticipatedinevent concept_eventoutcome_result +concept_celebrity_mongol concept:hassibling concept_person_genghis_khan +concept_celebrity_mongol concept:hassibling concept_personasia_kublai_khan +concept_celebrity_movement concept:agentparticipatedinevent concept_eventoutcome_result +concept_celebrity_muse concept:agentcollaborateswithagent concept_person_matthew_bellamy +concept_celebrity_natassja_kinski concept:hasspouse concept_person_quincy_jones +concept_celebrity_new_order concept:agentcollaborateswithagent concept_musician_stephen_morris +concept_celebrity_nick_hogan concept:parentofperson concept_writer_linda_hogan +concept_celebrity_nickelback concept:agentcollaborateswithagent concept_musician_chad_kroeger +concept_celebrity_nicky_hilton concept:hasspouse concept_actor_david_katzenberg +concept_celebrity_nikki_sixx concept:personbelongstoorganization concept_musicartist_motley_crue +concept_celebrity_ninomiya concept:latitudelongitude 35.0633325000000,139.4300000000000 +concept_celebrity_northwestern_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_northwestern_wildcats concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_celebrity_page_search concept:agentcompeteswithagent concept_city_service +concept_celebrity_patrick_byrne concept:worksfor concept_website_overstock +concept_celebrity_patrick_mcgoohan concept:persondiedatage 80 +concept_celebrity_paula_yates concept:hasspouse concept_person_bob_geldof001 +concept_celebrity_pics concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_providence_friars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_queen_elizabeth concept:personhascitizenship concept_country_england +concept_celebrity_queen_elizabeth concept:personhasjobposition concept_jobposition_queen +concept_celebrity_quentin_richardson concept:athleteplaysforteam concept_sportsteam_knicks +concept_celebrity_rachel_grant concept:persondiedincountry concept_country_england +concept_celebrity_rachel_mcadams concept:hasspouse concept_celebrity_josh_lucas +concept_celebrity_raul_malo concept:personbelongstoorganization concept_sportsteam_mavericks +concept_celebrity_reference_page concept:agentcompeteswithagent concept_personcanada_search +concept_celebrity_richard concept:persondiedatage 2 +concept_celebrity_richard_burton concept:haswife concept_female_elizabeth_taylor +concept_celebrity_richard_gere concept:hasspouse concept_actor_carey_lowell +concept_celebrity_richard_gere concept:actorstarredinmovie concept_movie_pretty_woman +concept_celebrity_richard_greene concept:persondiedincountry concept_country_england +concept_celebrity_richard_wright concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_celebrity_rinka concept:latitudelongitude 34.6122200000000,126.2688900000000 +concept_celebrity_robert_de_niro concept:actorstarredinmovie concept_movie_raging_bull +concept_celebrity_robert_de_niro concept:actorstarredinmovie concept_movie_taxi_driver +concept_celebrity_rosie_huntington_whiteley concept:hasspouse concept_male_jason_statham +concept_celebrity_roy_orbison concept:agentcollaborateswithagent concept_person_john003 +concept_celebrity_rufus concept:personhasjobposition concept_jobposition_king +concept_celebrity_safari concept:agentcollaborateswithagent concept_politician_jobs +concept_celebrity_sales_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_sam_adams concept:personhasresidenceingeopoliticallocation concept_city_portland +concept_celebrity_sam_adams concept:personleadsgeopoliticalorganization concept_city_portland +concept_celebrity_sam_adams concept:agentbelongstoorganization concept_politicsblog_portland +concept_celebrity_sam_phillips concept:topmemberoforganization concept_company_sun +concept_celebrity_san_diego_state_aztecs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_sarah_mclachlan concept:agentcollaborateswithagent concept_person_john001 +concept_celebrity_saudi_arabia concept:atdate concept_date_n2001 +concept_celebrity_scarlett_johansson concept:hashusband concept_male_ryan_reynolds +concept_celebrity_screen concept:agentinvolvedwithitem concept_beverage_win +concept_celebrity_screen concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_screen concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_celebrity_screen concept:agentcompeteswithagent concept_personcanada_search +concept_celebrity_screen concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_celebrity_season concept:proxyfor concept_book_new +concept_celebrity_season concept:atdate concept_date_aug_ +concept_celebrity_season concept:atdate concept_date_n1999 +concept_celebrity_season concept:atdate concept_date_n2000 +concept_celebrity_season concept:atdate concept_date_n2003 +concept_celebrity_season concept:atdate concept_date_n2009 +concept_celebrity_season concept:atdate concept_date_nov_ +concept_celebrity_season concept:atdate concept_date_sept_ +concept_celebrity_season concept:atdate concept_date_summer +concept_celebrity_season concept:atdate concept_dateliteral_n1990 +concept_celebrity_season concept:atdate concept_dateliteral_n2008 +concept_celebrity_season concept:atdate concept_dateliteral_n2010 +concept_celebrity_season concept:atdate concept_dayofweek_friday +concept_celebrity_season concept:atdate concept_dayofweek_monday +concept_celebrity_season concept:atdate concept_dayofweek_saturday +concept_celebrity_season concept:atdate concept_dayofweek_sunday +concept_celebrity_season concept:atdate concept_dayofweek_thursday +concept_celebrity_season concept:atdate concept_dayofweek_tuesday +concept_celebrity_season concept:atdate concept_dayofweek_wednesday +concept_celebrity_season concept:atdate concept_month_april +concept_celebrity_season concept:atdate concept_month_august +concept_celebrity_season concept:atdate concept_month_december +concept_celebrity_season concept:atdate concept_month_february +concept_celebrity_season concept:atdate concept_month_january +concept_celebrity_season concept:atdate concept_month_july +concept_celebrity_season concept:atdate concept_month_june +concept_celebrity_season concept:atdate concept_month_march +concept_celebrity_season concept:atdate concept_month_may +concept_celebrity_season concept:atdate concept_month_november +concept_celebrity_season concept:atdate concept_month_october +concept_celebrity_season concept:atdate concept_month_september +concept_celebrity_season concept:agentparticipatedinevent concept_sportsgame_series +concept_celebrity_season concept:atdate concept_year_n1986 +concept_celebrity_season concept:atdate concept_year_n1988 +concept_celebrity_season concept:atdate concept_year_n1989 +concept_celebrity_season concept:atdate concept_year_n1991 +concept_celebrity_season concept:atdate concept_year_n1992 +concept_celebrity_season concept:atdate concept_year_n1994 +concept_celebrity_season concept:atdate concept_year_n2006_07 +concept_celebrity_service_code concept:persondiedincountry concept_country_england +concept_celebrity_service_contact concept:agentcreated concept_musicalbum_details +concept_celebrity_service_contact concept:agentcreated concept_programminglanguage_email +concept_celebrity_service_contact concept:agentcreated concept_website_information +concept_celebrity_service_use concept:persondiedincountry concept_country_england +concept_celebrity_service_work concept:latitudelongitude 35.0890050000000,-118.8099550000000 +concept_celebrity_service_work concept:persondiedincountry concept_country_england +concept_celebrity_seton_hall_pirates concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_shaftesbury concept:personchargedwithcrime concept_crimeorcharge_treason +concept_celebrity_show concept:agentinvolvedwithitem concept_buildingfeature_window +concept_celebrity_sienna_miller concept:hasspouse concept_person_jude_law +concept_celebrity_sissy_spacek concept:actorstarredinmovie concept_movie_carrie +concept_celebrity_sissy_spacek concept:actorstarredinmovie concept_movie_coal_miner_s_daughter +concept_celebrity_slash concept:personbelongstoorganization concept_musicartist_guns_n__roses +concept_celebrity_southern_illinois_salukis concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_southern_illinois_salukis concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_celebrity_spring concept:atdate concept_date_meeting +concept_celebrity_spring concept:atdate concept_month_april +concept_celebrity_staten_island concept:proxyfor concept_book_new +concept_celebrity_staten_island concept:proxyfor concept_company_new_york +concept_celebrity_staten_island concept:atlocation concept_stateorprovince_new_york +concept_celebrity_suchet concept:latitudelongitude 46.7666700000000,6.4666700000000 +concept_celebrity_switchfoot concept:agentcollaborateswithagent concept_musician_jon_foreman +concept_celebrity_system_of_a_down concept:agentcontrols concept_musicartist_serj_tankian +concept_celebrity_system_of_a_down concept:agentcontrols concept_musician_daron_malakian +concept_celebrity_tawny_kitaen concept:hasspouse concept_person_chuck_finley +concept_celebrity_telstra concept:agentcontrols concept_ceo_david_thodey +concept_celebrity_terri_seymour concept:hashusband concept_actor_simon_cowell +concept_celebrity_the_beach_boys concept:agentcontrols concept_athlete_walter_payton +concept_celebrity_the_national concept:agentactsinlocation concept_building_america +concept_celebrity_the_national concept:agentactsinlocation concept_building_center001 +concept_celebrity_the_national concept:agentactsinlocation concept_city_bethesda +concept_celebrity_the_national concept:agentactsinlocation concept_city_washington_d_c +concept_celebrity_the_national concept:agentactsinlocation concept_country_australia +concept_celebrity_the_national concept:agentactsinlocation concept_country_united_states +concept_celebrity_the_national concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_celebrity_the_national concept:atlocation concept_stateorprovince_new_york +concept_celebrity_thirteen concept:agentparticipatedinevent concept_sportsgame_series +concept_celebrity_travis_mccoy concept:personbelongstoorganization concept_musicartist_gym_class_heroes +concept_celebrity_turkish_airlines concept:agentactsinlocation concept_city_heathrow +concept_celebrity_uconn_huskies concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_celebrity_use_agreement_welcome concept:persondiedincountry concept_country_england +concept_celebrity_use_need concept:persondiedincountry concept_country_england +concept_celebrity_use_our_terms concept:persondiedincountry concept_country_england +concept_celebrity_use_these_terms concept:persondiedincountry concept_country_england +concept_celebrity_venice concept:proxyfor concept_book_new +concept_celebrity_venice concept:atlocation concept_city_florida +concept_celebrity_venice concept:subpartof concept_city_florida +concept_celebrity_venice concept:proxyfor concept_country_italy +concept_celebrity_venice concept:atdate concept_date_n2001 +concept_celebrity_ventura concept:personhasresidenceingeopoliticallocation concept_stateorprovince_minnesota +concept_celebrity_victoria_beckham concept:hasspouse concept_person_david003 +concept_celebrity_wallflowers concept:agentcollaborateswithagent concept_musician_jakob_dylan +concept_celebrity_washington_state_cougars concept:agentactsinlocation concept_city_pullman +concept_celebrity_washington_state_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_washington_state_cougars concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_celebrity_webmaster concept:atdate concept_dateliteral_n2005 +concept_celebrity_whitney_houston concept:hasspouse concept_actor_bob_brown +concept_celebrity_william_douglas concept:persongraduatedschool concept_university_college +concept_celebrity_windsor concept:proxyfor concept_publication_ontario +concept_celebrity_yale_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_celebrity_ziyi concept:latitudelongitude 34.7333300000000,33.3375000000000 +concept_celltype_alcam concept:latitudelongitude 41.5500000000000,33.1666700000000 +concept_celltype_blood_cells concept:subpartof concept_hallwayitem_body +concept_celltype_capacity concept:subpartof concept_beverage_additional_water +concept_celltype_capacity concept:subpartof concept_visualizableattribute_sufficient_water +concept_celltype_condition concept:ismultipleof concept_celltype_patients +concept_celltype_diseases concept:ismultipleof concept_celltype_humans +concept_celltype_diseases concept:ismultipleof concept_celltype_patients +concept_celltype_diseases concept:ismultipleof concept_celltype_subjects +concept_celltype_diseases concept:ismultipleof concept_celltype_women +concept_celltype_for_quantitative concept:latitudelongitude 36.8861100000000,-76.2952800000000 +concept_celltype_incorporation concept:atdate concept_date_n2000 +concept_celltype_incorporation concept:atdate concept_date_n2001 +concept_celltype_incorporation concept:atdate concept_date_n2004 +concept_celltype_incorporation concept:atdate concept_dateliteral_n1990 +concept_celltype_incorporation concept:atdate concept_dateliteral_n2002 +concept_celltype_incorporation concept:atdate concept_dateliteral_n2005 +concept_celltype_incorporation concept:atdate concept_dateliteral_n2006 +concept_celltype_incorporation concept:atdate concept_year_n1997 +concept_celltype_incorporation concept:atdate concept_year_n1998 +concept_celltype_infectious_diseases concept:ismultipleof concept_celltype_humans +concept_celltype_left_lung concept:subpartof concept_website_blood +concept_celltype_right_lung concept:subpartof concept_website_blood +concept_celltype_tissues concept:subpartof concept_website_blood +concept_celltype_treatment concept:subpartof concept_visualizableattribute_drinking_water +concept_ceo_a_g__lafley concept:ceoof concept_biotechcompany_pg_e_corp +concept_ceo_a_g__lafley concept:topmemberoforganization concept_biotechcompany_pg_e_corp +concept_ceo_abigail_johnson concept:personleadsorganization concept_company_fidelity_investments +concept_ceo_abigail_johnson concept:topmemberoforganization concept_company_fmr_corp_ +concept_ceo_advisors concept:agentcreated concept_programminglanguage_contact +concept_ceo_alain_belda concept:ceoof concept_biotechcompany_alcoa +concept_ceo_alain_belda concept:topmemberoforganization concept_biotechcompany_alcoa +concept_ceo_alan_greenspan concept:personleadsorganization concept_bank_federal_reserve +concept_ceo_alan_greenspan concept:worksfor concept_bank_federal_reserve +concept_ceo_alan_greenspan concept:personleadsorganization concept_bank_former_federal_reserve +concept_ceo_alan_greenspan concept:worksfor concept_bank_former_federal_reserve +concept_ceo_alan_greenspan concept:topmemberoforganization concept_bank_u_s__federal_reserve +concept_ceo_alan_greenspan concept:ceoof concept_bank_us_federal_reserve +concept_ceo_alan_j__lacy concept:agentcontrols concept_retailstore_sears_holdings +concept_ceo_alan_mulally concept:topmemberoforganization concept_automobilemaker_ford +concept_ceo_alan_mulally concept:ceoof concept_biotechcompany_boeing_commercial_airplanes +concept_ceo_alan_mulally concept:proxyfor concept_company_ford_motor_company001 +concept_ceo_alan_mulally concept:proxyfor concept_retailstore_ford +concept_ceo_alan_mulally concept:agentcontrols concept_retailstore_ford_motor_co_ +concept_ceo_alan_mulally concept:proxyfor concept_retailstore_ford_motor_co_ +concept_ceo_albert_lord concept:ceoof concept_bank_sallie_mae +concept_ceo_amartya_sen concept:personhasjobposition concept_jobposition_economist +concept_ceo_ambani concept:latitudelongitude 33.7118100000000,73.3586400000000 +concept_ceo_andrea_jung concept:ceoof concept_biotechcompany_avon +concept_ceo_andrea_jung concept:topmemberoforganization concept_biotechcompany_avon +concept_ceo_andrea_jung concept:personleadsorganization concept_city_avon +concept_ceo_andrea_jung concept:proxyfor concept_city_avon +concept_ceo_andrew_heyward concept:topmemberoforganization concept_televisionnetwork_cbs +concept_ceo_andrew_heyward concept:ceoof concept_website_cbs_evening_news +concept_ceo_andrew_liveris concept:topmemberoforganization concept_biotechcompany_dow +concept_ceo_andrew_liveris concept:worksfor concept_biotechcompany_dow +concept_ceo_andrew_liveris concept:ceoof concept_biotechcompany_dow_chemical +concept_ceo_andrew_liveris concept:personleadsorganization concept_biotechcompany_dow_chemical +concept_ceo_andrew_liveris concept:worksfor concept_biotechcompany_dow_chemical +concept_ceo_andrew_liveris concept:personleadsorganization concept_biotechcompany_dow_chemical_co_ +concept_ceo_andrew_liveris concept:worksfor concept_biotechcompany_dow_chemical_co_ +concept_ceo_andrew_liveris concept:personbelongstoorganization concept_county_dow +concept_ceo_andrew_liveris concept:subpartof concept_county_dow +concept_ceo_andrew_witty concept:ceoof concept_bank_glaxosmithkline +concept_ceo_andrew_witty concept:agentcontrols concept_retailstore_glaxosmithkline +concept_ceo_andrew_witty concept:proxyfor concept_retailstore_glaxosmithkline +concept_ceo_andy_grove concept:ceoof concept_biotechcompany_intel +concept_ceo_andy_grove concept:topmemberoforganization concept_biotechcompany_intel +concept_ceo_angelo_r__mozilo concept:ceoof concept_bank_countrywide +concept_ceo_angelo_r__mozilo concept:topmemberoforganization concept_bank_countrywide +concept_ceo_anne_rice concept:agentcreated concept_book_blackwood_farm +concept_ceo_anne_rice concept:agentcreated concept_book_blood_and_gold +concept_ceo_anne_rice concept:agentcreated concept_book_blood_canticle +concept_ceo_anne_rice concept:agentcontributedtocreativework concept_book_cry_to_heaven +concept_ceo_anne_rice concept:agentcreated concept_book_cry_to_heaven +concept_ceo_anne_rice concept:agentcontributedtocreativework concept_book_interview_with_the_vampire +concept_ceo_anne_rice concept:agentcreated concept_book_interview_with_the_vampire +concept_ceo_anne_rice concept:agentcreated concept_book_queen_of_the_damned +concept_ceo_anne_rice concept:agentcreated concept_book_the_queen_of_the_damned +concept_ceo_anne_rice concept:agentcreated concept_book_the_tale_of_the_body_thief +concept_ceo_anne_rice concept:agentcreated concept_book_the_vampire_armand +concept_ceo_anne_rice concept:agentcontributedtocreativework concept_book_the_vampire_lestat +concept_ceo_anne_rice concept:agentcreated concept_book_the_vampire_lestat +concept_ceo_anne_rice concept:agentcreated concept_book_the_witching_hour +concept_ceo_arthur_andersen concept:personchargedwithcrime concept_crimeorcharge_obstruction +concept_ceo_arun_sarin concept:ceoof concept_company_vodafone +concept_ceo_arun_sarin concept:topmemberoforganization concept_company_vodafone +concept_ceo_aubrey_k_mcclendon concept:ceoof concept_company_chesapeake_energy +concept_ceo_august_a__busch_iv concept:topmemberoforganization concept_company_anheuser_busch_companies +concept_ceo_august_a__busch_iv concept:personbelongstoorganization concept_company_anheuser_busch_companies001 +concept_ceo_august_a__busch_iv concept:personleadsorganization concept_company_anheuser_busch_companies001 +concept_ceo_august_a__busch_iv concept:ceoof concept_winery_anheuser_busch +concept_ceo_azim_premji concept:ceoof concept_biotechcompany_wipro +concept_ceo_barry_meyer concept:ceoof concept_recordlabel_warner +concept_ceo_barry_meyer concept:topmemberoforganization concept_recordlabel_warner +concept_ceo_ben_verwaayen concept:topmemberoforganization concept_bank_bt +concept_ceo_ben_verwaayen concept:ceoof concept_biotechcompany_alcatel_lucent +concept_ceo_bernard_arnault concept:ceoof concept_company_lvmh +concept_ceo_bernard_ebbers concept:ceoof concept_company_worldcom +concept_ceo_bernard_l__madoff concept:ceoof concept_company_new_york +concept_ceo_bernard_l__madoff concept:topmemberoforganization concept_company_new_york +concept_ceo_bharat_desai concept:agentcontrols concept_ceo_syntel_inc +concept_ceo_bill_ford concept:ceoof concept_automobilemaker_ford +concept_ceo_bill_ford concept:topmemberoforganization concept_automobilemaker_ford +concept_ceo_bill_ford concept:proxyfor concept_retailstore_ford +concept_ceo_bill_gross concept:ceoof concept_company_pimco +concept_ceo_bill_joy concept:topmemberoforganization concept_company_sun +concept_ceo_blogs concept:agentinvolvedwithitem concept_buildingfeature_window +concept_ceo_blogs concept:agentcompeteswithagent concept_personcanada_search +concept_ceo_bob_diamond concept:personleadsorganization concept_bank_barclays +concept_ceo_bob_nardelli concept:ceoof concept_automobilemaker_chrysler_llc +concept_ceo_bob_nardelli concept:topmemberoforganization concept_automobilemaker_chrysler_llc +concept_ceo_bob_nardelli concept:proxyfor concept_company_home_depot +concept_ceo_bob_parsons concept:ceoof concept_company_godaddy__com +concept_ceo_bob_parsons concept:topmemberoforganization concept_company_godaddy__com +concept_ceo_bobby_kotick concept:ceoof concept_company_activision +concept_ceo_bobby_kotick concept:topmemberoforganization concept_company_activision +concept_ceo_boeing concept:agentcollaborateswithagent concept_personeurope_scott_carson +concept_ceo_brad_anderson concept:ceoof concept_bank_best_buy +concept_ceo_brad_grey concept:ceoof concept_recordlabel_paramount_pictures +concept_ceo_brian_roberts concept:worksfor concept_biotechcompany_comcast +concept_ceo_brian_roberts concept:ceoof concept_company_comcast +concept_ceo_brian_roberts concept:topmemberoforganization concept_company_comcast +concept_ceo_brian_roberts concept:personleadsorganization concept_politicsblog_c_a +concept_ceo_brian_roberts concept:agentcontrols concept_retailstore_comcast +concept_ceo_brian_roberts concept:proxyfor concept_retailstore_comcast +concept_ceo_british_home concept:latitudelongitude 51.4235000000000,-0.1079600000000 +concept_ceo_buffett concept:personleadsorganization concept_bank_omaha +concept_ceo_buffett concept:ceoof concept_company_berkshire_hathaway +concept_ceo_buffett concept:topmemberoforganization concept_company_berkshire_hathaway +concept_ceo_buffett concept:personleadsorganization concept_country_us +concept_ceo_buffett concept:personleadsorganization concept_nongovorganization_u_s_ +concept_ceo_business_contact concept:agentcreated concept_website_information +concept_ceo_c__michael_armstrong concept:topmemberoforganization concept_company_at_t +concept_ceo_c__robert_henrikson concept:personleadsorganization concept_company_metlife +concept_ceo_calvin_ayre concept:ceoof concept_recordlabel_bodog +concept_ceo_calvin_ayre concept:topmemberoforganization concept_recordlabel_bodog +concept_ceo_carl_henric_svanberg concept:ceoof concept_company_ericsson +concept_ceo_carl_henric_svanberg concept:topmemberoforganization concept_company_ericsson +concept_ceo_carlos_ghosn concept:ceoof concept_automobilemaker_nissan +concept_ceo_carlos_ghosn concept:topmemberoforganization concept_automobilemaker_nissan +concept_ceo_carlos_ghosn concept:proxyfor concept_automobilemaker_renault +concept_ceo_carlos_ghosn concept:agentcontrols concept_building_nissan +concept_ceo_carlos_ghosn concept:proxyfor concept_building_nissan +concept_ceo_carlos_ghosn concept:personbelongstoorganization concept_company_nissan_north_america +concept_ceo_carlos_slim_helu concept:ceoof concept_company_telmex +concept_ceo_carly_fiorina concept:ceoof concept_biotechcompany_hewlett__packard +concept_ceo_carly_fiorina concept:topmemberoforganization concept_company_hp +concept_ceo_carly_fiorina concept:agentcontrols concept_retailstore_hewlett_packard_co +concept_ceo_carly_fiorina concept:proxyfor concept_retailstore_hewlett_packard_co +concept_ceo_carol_a__bartz concept:ceoof concept_biotechcompany_autodesk_inc_ +concept_ceo_carol_meyrowitz concept:personleadsorganization concept_company_tjx +concept_ceo_chad_hurley concept:ceoof concept_website_youtube +concept_ceo_chad_hurley concept:topmemberoforganization concept_website_youtube +concept_ceo_chang_yung_fa concept:ceoof concept_bank_evergreen +concept_ceo_chang_yung_fa concept:personbelongstoorganization concept_city_evergreen +concept_ceo_charles_dolan concept:ceoof concept_company_cablevision +concept_ceo_charles_dolan concept:topmemberoforganization concept_company_cablevision +concept_ceo_charles_o__holliday concept:ceoof concept_company_du_pont +concept_ceo_charles_prince concept:topmemberoforganization concept_company_citigroup +concept_ceo_charles_young concept:persondiedincountry concept_country_england +concept_ceo_charlie_ergen concept:ceoof concept_company_echostar +concept_ceo_charlie_ergen concept:topmemberoforganization concept_company_echostar +concept_ceo_chief_technology_officer concept:atdate concept_dateliteral_n2005 +concept_ceo_chris_dewolfe concept:ceoof concept_blog_myspace +concept_ceo_chris_dewolfe concept:topmemberoforganization concept_blog_myspace +concept_ceo_chuck_rozanski concept:agentcontrols concept_retailstore_mile_high_comics +concept_ceo_chuck_rozanski concept:mutualproxyfor concept_retailstore_mile_high_comics +concept_ceo_consultants concept:agentcreated concept_programminglanguage_contact +concept_ceo_contractors concept:agentparticipatedinevent concept_eventoutcome_result +concept_ceo_craig_barrett concept:ceoof concept_biotechcompany_intel_corp +concept_ceo_craig_newmark concept:ceoof concept_company_craigslist +concept_ceo_d__scott_davis concept:ceoof concept_biotechcompany_united_parcel_service +concept_ceo_damon_dash concept:topmemberoforganization concept_recordlabel_roc_a_fella +concept_ceo_damon_dash concept:ceoof concept_recordlabel_roc_a_fella_records +concept_ceo_daniel_vasella concept:ceoof concept_bank_novartis +concept_ceo_daniel_vasella concept:topmemberoforganization concept_bank_novartis +concept_ceo_david_brown concept:ceoof concept_company_owens_corning +concept_ceo_david_cote concept:ceoof concept_bank_honeywell +concept_ceo_david_duffield concept:ceoof concept_company_peoplesoft +concept_ceo_david_gergen concept:personleadsorganization concept_retailstore_united_technologies +concept_ceo_david_j__lesar concept:personleadsorganization concept_retailstore_halliburton +concept_ceo_david_j__lesar concept:worksfor concept_retailstore_halliburton +concept_ceo_david_neeleman concept:ceoof concept_company_jetblue +concept_ceo_david_neeleman concept:topmemberoforganization concept_company_jetblue +concept_ceo_david_richards concept:ceoof concept_company_prodrive +concept_ceo_david_sarnoff concept:ceoof concept_recordlabel_rca +concept_ceo_david_sarnoff concept:topmemberoforganization concept_recordlabel_rca +concept_ceo_david_sarnoff concept:personleadsorganization concept_recordlabel_rca_victor +concept_ceo_david_sifry concept:ceoof concept_website_technorati +concept_ceo_david_sifry concept:topmemberoforganization concept_website_technorati +concept_ceo_david_thodey concept:ceoof concept_company_telstra +concept_ceo_daymond_john concept:ceoof concept_company_fubu +concept_ceo_derek_v__smith concept:ceoof concept_company_choicepoint +concept_ceo_derek_v__smith concept:topmemberoforganization concept_company_choicepoint +concept_ceo_diane_greene concept:ceoof concept_company_vmware_inc_ +concept_ceo_diane_greene concept:topmemberoforganization concept_company_vmware_inc_ +concept_ceo_dick_fuld concept:ceoof concept_bank_lehman_brothers +concept_ceo_dick_fuld concept:topmemberoforganization concept_bank_lehman_brothers +concept_ceo_dick_fuld concept:personleadsorganization concept_organization_lehman +concept_ceo_dick_fuld concept:personleadsorganization concept_university_lehman_brothers +concept_ceo_dick_fuld concept:proxyfor concept_university_lehman_brothers +concept_ceo_dick_fuld concept:worksfor concept_university_lehman_brothers +concept_ceo_dieter_zetsche concept:topmemberoforganization concept_company_chrysler +concept_ceo_dieter_zetsche concept:agentcontrols concept_personus_daimlerchrysler +concept_ceo_dieter_zetsche concept:proxyfor concept_personus_daimlerchrysler +concept_ceo_digg concept:agentcollaborateswithagent concept_ceo_jay_adelson +concept_ceo_digg concept:agentcontrols concept_ceo_jay_adelson +concept_ceo_dirk_meyer concept:topmemberoforganization concept_company_amd +concept_ceo_dmx concept:ceoof concept_recordlabel_bloodline_records +concept_ceo_domenico_de_sole concept:ceoof concept_magazine_gucci +concept_ceo_domenico_de_sole concept:topmemberoforganization concept_magazine_gucci +concept_ceo_donald_graham concept:ceoof concept_website_the_washington_post +concept_ceo_doug_parker concept:ceoof concept_bank_us_airways +concept_ceo_doug_parker concept:topmemberoforganization concept_bank_us_airways +concept_ceo_doug_parker concept:worksfor concept_bank_us_airways +concept_ceo_douglas_r__conant concept:personbelongstoorganization concept_city_campbell +concept_ceo_dunkin__donuts concept:agentcollaborateswithagent concept_ceo_jon_l__luther +concept_ceo_dunkin__donuts concept:agentcontrols concept_ceo_jon_l__luther +concept_ceo_dunkin__donuts concept:mutualproxyfor concept_ceo_jon_l__luther +concept_ceo_dunkin__donuts concept:subpartof concept_ceo_jon_l__luther +concept_ceo_dwayne_andreas concept:ceoof concept_company_adm_ +concept_ceo_echostar_communications_corporation concept:agentcollaborateswithagent concept_company_dish_network_and_directv +concept_ceo_echostar_communications_corporation concept:agentcollaborateswithagent concept_country_dish_network +concept_ceo_echostar_communications_corporation concept:agentcontrols concept_country_dish_network +concept_ceo_ed_colligan concept:ceoof concept_biotechcompany_palm_inc +concept_ceo_ed_colligan concept:topmemberoforganization concept_company_palm +concept_ceo_ed_zander concept:ceoof concept_company_motorola001 +concept_ceo_ed_zander concept:topmemberoforganization concept_company_motorola001 +concept_ceo_edgar_bronfman concept:agentcollaborateswithagent concept_personafrica_warner_music +concept_ceo_edgar_bronfman concept:agentcontrols concept_personafrica_warner_music +concept_ceo_edgar_bronfman concept:proxyfor concept_personafrica_warner_music +concept_ceo_edgar_bronfman concept:subpartof concept_personafrica_warner_music +concept_ceo_edgar_bronfman concept:ceoof concept_recordlabel_warner_music +concept_ceo_edgar_bronfman concept:topmemberoforganization concept_recordlabel_warner_music +concept_ceo_edward_liddy concept:ceoof concept_bank_aig +concept_ceo_edward_liddy concept:topmemberoforganization concept_bank_aig +concept_ceo_edward_liddy concept:agentcontrols concept_island_aig +concept_ceo_edward_liddy concept:proxyfor concept_island_aig +concept_ceo_edward_liddy concept:subpartof concept_island_aig +concept_ceo_edward_russell concept:latitudelongitude 33.7394600000000,-117.9153400000000 +concept_ceo_ellen_j__kullman concept:personleadsorganization concept_bank_dupont +concept_ceo_ellen_j__kullman concept:personbelongstoorganization concept_county_dupont +concept_ceo_elon_musk concept:ceoof concept_automobilemaker_tesla +concept_ceo_eric_schmidt concept:ceoof concept_blog_google +concept_ceo_eric_schmidt concept:topmemberoforganization concept_blog_google +concept_ceo_eric_schmidt concept:agentcontrols concept_product_google +concept_ceo_eric_schmidt concept:personleadsorganization concept_university_google +concept_ceo_eric_schmidt concept:proxyfor concept_university_google +concept_ceo_eric_schmidt concept:worksfor concept_university_google +concept_ceo_europe_page concept:atdate concept_date_n2004 +concept_ceo_europe_page concept:atdate concept_dateliteral_n2006 +concept_ceo_europe_page concept:atdate concept_dateliteral_n2007 +concept_ceo_evan_g__greenberg concept:personleadsorganization concept_company_ace_limited +concept_ceo_evan_g__greenberg concept:proxyfor concept_company_ace_limited +concept_ceo_f__duane_ackerman concept:personleadsorganization concept_company_bellsouth +concept_ceo_f__duane_ackerman concept:worksfor concept_company_bellsouth +concept_ceo_fareed_zakaria concept:worksfor concept_university_newsweek +concept_ceo_ferdinand_piech concept:personbelongstoorganization concept_bank_volkswagen_of_america +concept_ceo_flavio_briatore concept:ceoof concept_automobilemaker_renault +concept_ceo_frank_blake concept:ceoof concept_company_home_depot +concept_ceo_frank_blake concept:topmemberoforganization concept_company_home_depot +concept_ceo_frank_stronach concept:ceoof concept_biotechcompany_magna +concept_ceo_frank_stronach concept:topmemberoforganization concept_biotechcompany_magna +concept_ceo_franklin_raines concept:ceoof concept_bank_fannie_mae +concept_ceo_fred_goodwin concept:topmemberoforganization concept_bank_rbs +concept_ceo_fred_goodwin concept:ceoof concept_company_scotland +concept_ceo_frederick_smith concept:ceoof concept_magazine_fedex +concept_ceo_frederick_smith concept:topmemberoforganization concept_magazine_fedex +concept_ceo_fritz_henderson concept:ceoof concept_company_general_motors +concept_ceo_fritz_henderson concept:personbelongstoorganization concept_stateorprovince_general_motors +concept_ceo_fujio_mitarai concept:ceoof concept_company_canon +concept_ceo_garo_h__armen concept:proxyfor concept_biotechcompany_antigenics_inc +concept_ceo_gary_forsee concept:ceoof concept_company_sprint001 +concept_ceo_gary_forsee concept:topmemberoforganization concept_company_sprint001 +concept_ceo_gary_kelly concept:personleadsorganization concept_geopoliticallocation_southwest +concept_ceo_gary_kelly concept:worksfor concept_geopoliticallocation_southwest +concept_ceo_gary_kelly concept:agentcontrols concept_website_southwest_airlines +concept_ceo_gary_kelly concept:proxyfor concept_website_southwest_airlines +concept_ceo_gary_rodkin concept:personleadsorganization concept_biotechcompany_conagra +concept_ceo_gary_rodkin concept:worksfor concept_biotechcompany_conagra +concept_ceo_george_bodenheimer concept:worksfor concept_blog_espn_the_magazine +concept_ceo_george_bodenheimer concept:ceoof concept_publication_espn +concept_ceo_george_bodenheimer concept:worksfor concept_sportsleague_espn +concept_ceo_george_jones concept:ceoof concept_company_borders +concept_ceo_george_lucas concept:ceoof concept_magazine_lucasarts +concept_ceo_gerard_arpey concept:ceoof concept_biotechcompany_amr_corp +concept_ceo_gerard_arpey concept:topmemberoforganization concept_biotechcompany_amr_corp +concept_ceo_gerard_arpey concept:agentcontrols concept_company_american_airlines +concept_ceo_gerard_arpey concept:proxyfor concept_company_american_airlines +concept_ceo_gerard_arpey concept:agentcontrols concept_retailstore_amr +concept_ceo_gerard_arpey concept:proxyfor concept_retailstore_amr +concept_ceo_girish_paranjpe concept:ceoof concept_biotechcompany_wipro_technologies +concept_ceo_glaxosmithkline concept:agentcollaborateswithagent concept_ceo_andrew_witty +concept_ceo_glenn_a__britt concept:ceoof concept_company_time_warner +concept_ceo_glenn_a__britt concept:personleadsorganization concept_company_time_warner +concept_ceo_glenn_a__britt concept:worksfor concept_company_time_warner +concept_ceo_glenn_f__tilton concept:agentcontrols concept_bank_ual +concept_ceo_gregory_boyce concept:personleadsorganization concept_company_peabody_energy +concept_ceo_gregory_boyce concept:worksfor concept_company_peabody_energy +concept_ceo_gregory_wasson concept:ceoof concept_bank_walgreen_co +concept_ceo_h__lee_scott concept:ceoof concept_company_wal_mart +concept_ceo_h__lee_scott concept:topmemberoforganization concept_company_wal_mart +concept_ceo_h_e__mohammed_al_gergawi concept:ceoof concept_bank_dubai_holdings +concept_ceo_hank_mckinnell concept:topmemberoforganization concept_biotechcompany_pfizer +concept_ceo_hank_mckinnell concept:agentcontrols concept_retailstore_pfizer +concept_ceo_hank_mckinnell concept:proxyfor concept_retailstore_pfizer +concept_ceo_hans_paul_b__rkner concept:personleadsorganization concept_university_boston_consulting_group +concept_ceo_hans_paul_b__rkner concept:worksfor concept_university_boston_consulting_group +concept_ceo_hartmut_mehdorn concept:ceoof concept_bank_db +concept_ceo_hector_ruiz concept:ceoof concept_company_amd +concept_ceo_hector_ruiz concept:topmemberoforganization concept_company_amd +concept_ceo_henning_kagermann concept:ceoof concept_bank_sap +concept_ceo_henry_paulson concept:personleadsorganization concept_company_goldman_sachs001 +concept_ceo_henry_t__nicholas_iii concept:ceoof concept_company_broadcom +concept_ceo_henry_t__nicholas_iii concept:topmemberoforganization concept_company_broadcom +concept_ceo_herb_kelleher concept:proxyfor concept_retailstore_southwest_airlines +concept_ceo_herbert_hainer concept:ceoof concept_company_adidas001 +concept_ceo_hilary_rosen concept:ceoof concept_company_riaa +concept_ceo_hilary_rosen concept:topmemberoforganization concept_company_riaa +concept_ceo_hiroshi_okuda concept:agentcontrols concept_retailstore_toyota +concept_ceo_hiroshi_okuda concept:proxyfor concept_retailstore_toyota +concept_ceo_home concept:persondiedatage 3 +concept_ceo_home concept:topmemberoforganization concept_blog_google +concept_ceo_home_ concept:latitudelongitude 34.3581000000000,-77.6883000000000 +concept_ceo_home_ concept:persondiedincountry concept_country_england +concept_ceo_home_new concept:atdate concept_month_august +concept_ceo_home_page_this_page concept:agentcollaborateswithagent concept_musicartist_times +concept_ceo_home_page_this_site concept:persondiedincountry concept_country_england +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_odyssey +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_passport +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_pilot +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_automobilemodel_ridgeline +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_bathroomitem_element +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_buildingfeature_fit +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_hallwayitem_van +concept_ceo_honda_motor_co concept:agentcollaborateswithagent concept_musicartist_takeo_fukui +concept_ceo_honda_motor_co concept:agentcontrols concept_musicartist_takeo_fukui +concept_ceo_honda_motor_co concept:mutualproxyfor concept_musicartist_takeo_fukui +concept_ceo_honda_motor_co concept:agentinvolvedwithitem concept_vein_insight +concept_ceo_howard_schultz concept:agentcollaborateswithagent concept_actor_starbucks +concept_ceo_howard_schultz concept:agentcontrols concept_actor_starbucks +concept_ceo_howard_schultz concept:ceoof concept_company_starbucks +concept_ceo_howard_schultz concept:topmemberoforganization concept_company_starbucks +concept_ceo_howard_schultz concept:proxyfor concept_retailstore_starbucks +concept_ceo_howard_schultz concept:subpartof concept_retailstore_starbucks +concept_ceo_hugh_grant concept:ceoof concept_magazine_monsanto +concept_ceo_hugh_hefner concept:personleadsorganization concept_company_playboy_enterprises +concept_ceo_hugh_hefner concept:ceoof concept_magazine_playboy +concept_ceo_hugh_hefner concept:topmemberoforganization concept_magazine_playboy +concept_ceo_index_this_page concept:personchargedwithcrime concept_crimeorcharge_murder +concept_ceo_index_this_page concept:agentcompeteswithagent concept_personcanada_search +concept_ceo_indra_k__nooyi concept:ceoof concept_biotechcompany_pepsico +concept_ceo_iphone concept:agentcollaborateswithagent concept_politician_jobs +concept_ceo_irene_rosenfeld concept:ceoof concept_company_kraft_foods +concept_ceo_irwin_jacobs concept:ceoof concept_biotechcompany_qualcomm +concept_ceo_irwin_jacobs concept:topmemberoforganization concept_biotechcompany_qualcomm +concept_ceo_isaac_larian concept:personleadsorganization concept_company_mga_entertainment +concept_ceo_ivan_seidenberg concept:proxyfor concept_company_verizon +concept_ceo_ivan_seidenberg concept:worksfor concept_company_verizon +concept_ceo_ivan_seidenberg concept:ceoof concept_company_verizon001 +concept_ceo_ivan_seidenberg concept:topmemberoforganization concept_company_verizon001 +concept_ceo_ivan_seidenberg concept:personleadsorganization concept_company_verizon_communications +concept_ceo_jac_nasser concept:topmemberoforganization concept_automobilemaker_ford +concept_ceo_jack_dorsey concept:ceoof concept_company_twitter +concept_ceo_jack_greenberg concept:ceoof concept_company_mcdonalds +concept_ceo_jack_ma concept:ceoof concept_blog_alibaba_com +concept_ceo_jack_ma concept:topmemberoforganization concept_blog_alibaba_com +concept_ceo_jack_messman concept:ceoof concept_biotechcompany_novell +concept_ceo_jack_messman concept:topmemberoforganization concept_biotechcompany_novell +concept_ceo_jack_welch concept:ceoof concept_bank_general_electric +concept_ceo_jack_welch concept:topmemberoforganization concept_bank_general_electric +concept_ceo_jack_welch concept:personleadsorganization concept_company_ge +concept_ceo_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_ceo_james_cayne concept:ceoof concept_bank_bear_stearns +concept_ceo_james_cayne concept:topmemberoforganization concept_bank_bear_stearns +concept_ceo_james_cayne concept:agentcontrols concept_retailstore_bear_stearns +concept_ceo_james_goodnight concept:personleadsorganization concept_company_sas_institute +concept_ceo_james_goodnight concept:worksfor concept_company_sas_institute +concept_ceo_james_hackett concept:ceoof concept_company_anadarko_petroleum +concept_ceo_james_mcnerney concept:ceoof concept_biotechcompany_boeing +concept_ceo_james_mcnerney concept:topmemberoforganization concept_biotechcompany_boeing +concept_ceo_james_mcnerney concept:agentcollaborateswithagent concept_ceo_boeing +concept_ceo_james_mcnerney concept:agentcontrols concept_retailstore_boeing +concept_ceo_james_mcnerney concept:proxyfor concept_retailstore_boeing +concept_ceo_james_mcnerney concept:subpartof concept_retailstore_boeing +concept_ceo_james_mulva concept:ceoof concept_biotechcompany_conocophillips +concept_ceo_james_mulva concept:topmemberoforganization concept_biotechcompany_conocophillips +concept_ceo_james_mulva concept:agentcontrols concept_retailstore_conocophillips +concept_ceo_james_mulva concept:proxyfor concept_retailstore_conocophillips +concept_ceo_james_mulva concept:subpartof concept_retailstore_conocophillips +concept_ceo_james_p__gorman concept:personleadsorganization concept_biotechcompany_morgan_stanley +concept_ceo_james_sinegal concept:ceoof concept_company_costco_wholesale +concept_ceo_james_w__owens concept:personleadsorganization concept_bank_caterpillar_inc +concept_ceo_james_w__owens concept:worksfor concept_bank_caterpillar_inc +concept_ceo_james_ziemer concept:personleadsorganization concept_automobilemaker_harley_davidson +concept_ceo_james_ziemer concept:worksfor concept_automobilemaker_harley_davidson +concept_ceo_james_ziemer concept:agentcontrols concept_retailstore_harley_davidson +concept_ceo_james_ziemer concept:proxyfor concept_retailstore_harley_davidson +concept_ceo_jamie_dimon concept:personleadsorganization concept_bank_j_p__morgan___co_ +concept_ceo_jamie_dimon concept:worksfor concept_bank_j_p__morgan___co_ +concept_ceo_jamie_dimon concept:ceoof concept_bank_j_p__morgan_chase +concept_ceo_jamie_dimon concept:topmemberoforganization concept_bank_j_p__morgan_chase +concept_ceo_jamie_dimon concept:worksfor concept_bank_j_p__morgan_chase +concept_ceo_jamie_dimon concept:personleadsorganization concept_bank_jp_morgan_chase +concept_ceo_jamie_dimon concept:worksfor concept_bank_jp_morgan_chase +concept_ceo_jamie_dimon concept:worksfor concept_creditunion_jpmorgan_chase_bank +concept_ceo_jamie_dimon concept:agentcontrols concept_retailstore_jp_morgan_chase +concept_ceo_jamie_dimon concept:proxyfor concept_retailstore_jp_morgan_chase +concept_ceo_janet_l__robinson concept:agentcontrols concept_monument_new_york_times_company +concept_ceo_janet_l__robinson concept:ceoof concept_newspaper_new_york_times_company +concept_ceo_jason_calacanis concept:ceoof concept_company_mahalo +concept_ceo_jason_calacanis concept:topmemberoforganization concept_company_mahalo +concept_ceo_jay_adelson concept:ceoof concept_website_digg +concept_ceo_jay_adelson concept:topmemberoforganization concept_website_digg +concept_ceo_jay_s__fishman concept:ceoof concept_company_the_travelers_companies +concept_ceo_jay_z concept:ceoof concept_recordlabel_def_jam_records +concept_ceo_jean_marie_messier concept:ceoof concept_company_vivendi_universal +concept_ceo_jeff_bewkes concept:topmemberoforganization concept_blog_time_warner +concept_ceo_jeff_bezos concept:ceoof concept_website_amazon +concept_ceo_jeff_bezos concept:topmemberoforganization concept_website_amazon +concept_ceo_jeff_kindler concept:ceoof concept_biotechcompany_pfizer +concept_ceo_jeff_kindler concept:topmemberoforganization concept_biotechcompany_pfizer +concept_ceo_jeff_kindler concept:agentcontrols concept_retailstore_pfizer +concept_ceo_jeff_kindler concept:proxyfor concept_retailstore_pfizer +concept_ceo_jeff_m__fettig concept:ceoof concept_biotechcompany_whirlpool_corporation +concept_ceo_jeff_noddle concept:ceoof concept_bank_supervalu_inc +concept_ceo_jeff_smisek concept:ceoof concept_company_continental_airlines001 +concept_ceo_jeff_zucker concept:ceoof concept_company_nbc_universal001 +concept_ceo_jeffery_gardner concept:ceoof concept_company_windstream_corporation +concept_ceo_jeffrey_immelt concept:topmemberoforganization concept_bank_ge +concept_ceo_jeffrey_immelt concept:personleadsorganization concept_bank_general_electric +concept_ceo_jeffrey_immelt concept:agentcontrols concept_retailstore_general_electric +concept_ceo_jeffrey_immelt concept:proxyfor concept_retailstore_general_electric +concept_ceo_jeffrey_immelt concept:subpartof concept_retailstore_general_electric +concept_ceo_jeffrey_immelt concept:subpartof concept_river_ge +concept_ceo_jeffrey_katzenberg concept:personleadsorganization concept_company_disney +concept_ceo_jeffrey_katzenberg concept:ceoof concept_recordlabel_dreamworks_skg +concept_ceo_jeffrey_katzenberg concept:topmemberoforganization concept_recordlabel_dreamworks_skg +concept_ceo_jeffrey_katzenberg concept:worksfor concept_recordlabel_dreamworks_skg +concept_ceo_jerald_g__fishman concept:proxyfor concept_biotechcompany_analog_devices +concept_ceo_jerry_yang concept:ceoof concept_company_yahoo001 +concept_ceo_jerry_yang concept:topmemberoforganization concept_company_yahoo001 +concept_ceo_jerry_yang concept:subpartof concept_product_yahoo +concept_ceo_jerry_yang concept:personbelongstoorganization concept_university_yahoo +concept_ceo_jim_balsillie concept:ceoof concept_company_rim_blackberry +concept_ceo_jim_balsillie concept:topmemberoforganization concept_company_rim_blackberry +concept_ceo_jim_barksdale concept:topmemberoforganization concept_website_netscape +concept_ceo_jim_rogers concept:ceoof concept_biotechcompany_duke_energy_corporation +concept_ceo_jim_sinegal concept:ceoof concept_winery_costco +concept_ceo_jim_stewart concept:ceoof concept_company_stax +concept_ceo_jim_stewart concept:topmemberoforganization concept_company_stax +concept_ceo_jimmy_wales concept:ceoof concept_company_contact +concept_ceo_jimmy_wales concept:topmemberoforganization concept_company_contact +concept_ceo_john_brown concept:ceoof concept_company_ideo +concept_ceo_john_brown concept:topmemberoforganization concept_company_ideo +concept_ceo_john_brown concept:worksfor concept_company_ideo +concept_ceo_john_chambers concept:ceoof concept_biotechcompany_cisco +concept_ceo_john_chambers concept:topmemberoforganization concept_biotechcompany_cisco +concept_ceo_john_chambers concept:agentcontrols concept_retailstore_cisco_systems +concept_ceo_john_chidsey concept:ceoof concept_restaurant_burger_king +concept_ceo_john_chidsey concept:agentcontrols concept_retailstore_burger_king +concept_ceo_john_chidsey concept:mutualproxyfor concept_retailstore_burger_king +concept_ceo_john_donahoe concept:worksfor concept_company_ebay001 +concept_ceo_john_donahoe concept:personleadsorganization concept_company_ebay002 +concept_ceo_john_donahoe concept:agentcontrols concept_retailstore_ebay +concept_ceo_john_donahoe concept:mutualproxyfor concept_retailstore_ebay +concept_ceo_john_hayward concept:personhasjobposition concept_jobposition_vice_admiral +concept_ceo_john_ingram concept:persondiedincountry concept_country_england +concept_ceo_john_j__mack concept:ceoof concept_biotechcompany_morgan_stanley +concept_ceo_john_j__mack concept:topmemberoforganization concept_biotechcompany_morgan_stanley +concept_ceo_john_j__mack concept:proxyfor concept_retailstore_morgan_stanley +concept_ceo_john_lasseter concept:ceoof concept_company_pixar +concept_ceo_john_lasseter concept:topmemberoforganization concept_company_pixar +concept_ceo_john_lilly concept:ceoof concept_company_mozilla_foundation +concept_ceo_john_lilly concept:topmemberoforganization concept_company_mozilla_foundation +concept_ceo_john_mackey concept:ceoof concept_biotechcompany_whole_foods_market +concept_ceo_john_mackey concept:topmemberoforganization concept_biotechcompany_whole_foods_market +concept_ceo_john_miller concept:worksfor concept_city_abc +concept_ceo_john_neilson concept:persondiedincountry concept_country_england +concept_ceo_john_o_shea concept:ceoof concept_blog_goal +concept_ceo_john_o_shea concept:topmemberoforganization concept_blog_goal +concept_ceo_john_p__surma concept:ceoof concept_biotechcompany_united_states_steel +concept_ceo_john_riccitiello concept:topmemberoforganization concept_company_ea +concept_ceo_john_riccitiello concept:ceoof concept_company_electronic_arts +concept_ceo_john_sculley concept:topmemberoforganization concept_biotechcompany_apple +concept_ceo_john_silvester_varley concept:ceoof concept_bank_barclays +concept_ceo_john_silvester_varley concept:personleadsorganization concept_bank_barclays +concept_ceo_john_silvester_varley concept:proxyfor concept_bank_barclays +concept_ceo_john_silvester_varley concept:worksfor concept_bank_barclays +concept_ceo_john_silvester_varley concept:personleadsorganization concept_bank_barclays_global_investors +concept_ceo_john_silvester_varley concept:worksfor concept_bank_barclays_global_investors +concept_ceo_john_stumpf concept:ceoof concept_bank_wells_fargo +concept_ceo_john_stumpf concept:topmemberoforganization concept_bank_wells_fargo +concept_ceo_john_thain concept:ceoof concept_bank_nyse +concept_ceo_john_thain concept:topmemberoforganization concept_biotechcompany_merrill_lynch +concept_ceo_john_thain concept:personleadsorganization concept_company_merill_lynch +concept_ceo_john_thain concept:proxyfor concept_company_merill_lynch +concept_ceo_john_thain concept:worksfor concept_company_merill_lynch +concept_ceo_john_thain concept:agentcontrols concept_musician_merrill +concept_ceo_john_thain concept:personleadsorganization concept_retailstore_merrill +concept_ceo_john_thain concept:proxyfor concept_retailstore_merrill +concept_ceo_john_thain concept:worksfor concept_retailstore_merrill +concept_ceo_jon_l__luther concept:agentcontrols concept_ceo_dunkin__donuts +concept_ceo_jorma_ollila concept:ceoof concept_company_nokia +concept_ceo_jorma_ollila concept:topmemberoforganization concept_company_nokia +concept_ceo_josef_ackermann concept:ceoof concept_bank_deutsche_bank +concept_ceo_josef_ackermann concept:personleadsorganization concept_bank_deutsche_bank +concept_ceo_josef_ackermann concept:proxyfor concept_bank_deutsche_bank +concept_ceo_josef_ackermann concept:personleadsorganization concept_bank_deutsche_bank_ag +concept_ceo_josh_silverman concept:ceoof concept_company_skype_com +concept_ceo_kazuo_hirai concept:ceoof concept_recordlabel_sony_computer_entertainment_inc_ +concept_ceo_ken_chenault concept:ceoof concept_bank_american_express +concept_ceo_ken_chenault concept:topmemberoforganization concept_bank_american_express +concept_ceo_ken_chenault concept:proxyfor concept_musicinstrument_american_express +concept_ceo_ken_chenault concept:agentcontrols concept_physicalaction_american_express +concept_ceo_ken_thompson concept:ceoof concept_bank_wachovia +concept_ceo_ken_thompson concept:topmemberoforganization concept_bank_wachovia +concept_ceo_kenneth_lewis concept:ceoof concept_bank_bank_america +concept_ceo_kenneth_lewis concept:agentcontrols concept_book_america +concept_ceo_kenneth_lewis concept:proxyfor concept_book_america +concept_ceo_kenneth_lewis concept:personleadsorganization concept_country___america +concept_ceo_kenneth_lewis concept:worksfor concept_country___america +concept_ceo_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_ceo_kerry_killinger concept:ceoof concept_bank_washington_mutual +concept_ceo_kerry_killinger concept:topmemberoforganization concept_bank_washington_mutual +concept_ceo_kerry_killinger concept:agentcontrols concept_retailstore_washington_mutual +concept_ceo_kerry_killinger concept:proxyfor concept_retailstore_washington_mutual +concept_ceo_kevin_martin concept:ceoof concept_company_fcc +concept_ceo_kevin_martin concept:topmemberoforganization concept_company_fcc +concept_ceo_kevin_rollins concept:agentcollaborateswithagent concept_company_dell001 +concept_ceo_kevin_w__sharer concept:personleadsorganization concept_biotechcompany_amgen +concept_ceo_kevin_w__sharer concept:agentcontrols concept_retailstore_amgen +concept_ceo_kevin_w__sharer concept:proxyfor concept_retailstore_amgen +concept_ceo_kirk_kerkorian concept:agentcontrols concept_ceo_tracinda_corporation +concept_ceo_kiwi concept:persondiedincountry concept_country_england +concept_ceo_klaus_kleinfeld concept:ceoof concept_biotechcompany_siemens +concept_ceo_kris_gopalakrishnan concept:ceoof concept_biotechcompany_infosys +concept_ceo_kris_gopalakrishnan concept:topmemberoforganization concept_biotechcompany_infosys +concept_ceo_kumar_birla concept:proxyfor concept_company_aditya_birla_group +concept_ceo_kumar_birla concept:proxyfor concept_company_hindalco +concept_ceo_kun_hee_lee concept:proxyfor concept_company_samsung +concept_ceo_l_a__reid concept:ceoof concept_company_arista +concept_ceo_l_a__reid concept:agentcontrols concept_videogame_def_jam +concept_ceo_l_a__reid concept:proxyfor concept_videogame_def_jam +concept_ceo_lakshmi_mittal concept:ceoof concept_company_arcelor_mittal +concept_ceo_lakshmi_mittal concept:proxyfor concept_company_arcelor_mittal +concept_ceo_larry_kellner concept:ceoof concept_company_continental001 +concept_ceo_larry_kellner concept:topmemberoforganization concept_company_continental001 +concept_ceo_larry_kellner concept:personleadsorganization concept_company_continental_airlines001 +concept_ceo_larry_page concept:topmemberoforganization concept_blog_google +concept_ceo_larry_page concept:personleadsorganization concept_university_google +concept_ceo_larry_probst concept:worksfor concept_company_electronic_arts +concept_ceo_lee_iacocca concept:ceoof concept_company_chrysler +concept_ceo_lee_raymond concept:topmemberoforganization concept_petroleumrefiningcompany_exxon +concept_ceo_lee_raymond concept:proxyfor concept_retailstore_exxonmobil +concept_ceo_leslie_moonves concept:ceoof concept_televisionnetwork_cbs +concept_ceo_leslie_moonves concept:topmemberoforganization concept_televisionnetwork_cbs +concept_ceo_linda_mcmahon concept:personleadsorganization concept_company_world_wrestling_entertainment +concept_ceo_linda_mcmahon concept:proxyfor concept_company_world_wrestling_entertainment +concept_ceo_linda_mcmahon concept:ceoof concept_company_wwe +concept_ceo_linda_mcmahon concept:topmemberoforganization concept_company_wwe +concept_ceo_linda_mcmahon concept:personleadsorganization concept_nonprofitorganization_wwf +concept_ceo_linda_mcmahon concept:personleadsorganization concept_sportsleague_wwe +concept_ceo_liu_chuanzhi concept:ceoof concept_company_lenovo_group +concept_ceo_liu_chuanzhi concept:topmemberoforganization concept_company_lenovo_group +concept_ceo_lloyd_blankfein concept:ceoof concept_company_goldman_sachs001 +concept_ceo_lord_john_browne concept:topmemberoforganization concept_bank_bp +concept_ceo_lou_gerstner concept:topmemberoforganization concept_company_ibm +concept_ceo_lou_gerstner concept:agentcontrols concept_retailstore_ibm +concept_ceo_lou_gerstner concept:proxyfor concept_retailstore_ibm +concept_ceo_lou_gerstner concept:subpartof concept_retailstore_ibm +concept_ceo_louis_c__camilleri concept:agentcontrols concept_retailstore_altria_group +concept_ceo_louis_c__camilleri concept:proxyfor concept_retailstore_altria_group +concept_ceo_louis_gallois concept:ceoof concept_company_airbus +concept_ceo_louis_gallois concept:topmemberoforganization concept_company_airbus +concept_ceo_louis_gallois concept:proxyfor concept_company_eads +concept_ceo_lowell_mcadam concept:ceoof concept_company_verizon_wireless001 +concept_ceo_marc_andreessen concept:ceoof concept_website_netscape +concept_ceo_marc_benioff concept:proxyfor concept_company_salesforce +concept_ceo_marc_benioff concept:ceoof concept_company_salesforce__com +concept_ceo_marc_benioff concept:topmemberoforganization concept_company_salesforce__com +concept_ceo_marius_kloppers concept:ceoof concept_company_bhp_billiton_ltd_adr +concept_ceo_mark_parker concept:personleadsorganization concept_company_nike +concept_ceo_mark_parker concept:proxyfor concept_company_nike +concept_ceo_mark_shuttleworth concept:ceoof concept_company_canonical +concept_ceo_mark_v__hurd concept:ceoof concept_company_hp +concept_ceo_mark_v__hurd concept:topmemberoforganization concept_company_hp +concept_ceo_mark_v__hurd concept:worksfor concept_company_hp +concept_ceo_mark_v__hurd concept:agentcontrols concept_museum_hp +concept_ceo_mark_v__hurd concept:proxyfor concept_museum_hp +concept_ceo_mark_v__hurd concept:personleadsorganization concept_university_hewlett_packard +concept_ceo_mark_zuckerberg concept:persongraduatedfromuniversity concept_university_harvard +concept_ceo_mark_zuckerberg concept:ceoof concept_website_facebook +concept_ceo_mark_zuckerberg concept:topmemberoforganization concept_website_facebook +concept_ceo_martin_winterkorn concept:ceoof concept_automobilemaker_volkswagen +concept_ceo_martin_winterkorn concept:agentcontrols concept_retailstore_volkswagen +concept_ceo_martin_winterkorn concept:proxyfor concept_retailstore_volkswagen +concept_ceo_mary_sammons concept:ceoof concept_company_rite_aid +concept_ceo_masayoshi_son concept:topmemberoforganization concept_company_softbank_corp_ +concept_ceo_meg_whitman concept:ceoof concept_company_ebay002 +concept_ceo_mel_karmazin concept:personbelongstoorganization concept_biotechcompany_sirius_satellite_radio +concept_ceo_michael_capellas concept:ceoof concept_company_compaq +concept_ceo_michael_capellas concept:topmemberoforganization concept_company_compaq +concept_ceo_michael_capellas concept:personleadsorganization concept_company_compaq_presario +concept_ceo_michael_dell concept:topmemberoforganization concept_company_dell +concept_ceo_michael_dell concept:ceoof concept_company_dell_inc +concept_ceo_michael_dell concept:agentcontrols concept_museum_steve +concept_ceo_michael_dell concept:agentcontrols concept_website_dell_inc +concept_ceo_michael_e__szymanczyk concept:ceoof concept_biotechcompany_altria_group +concept_ceo_michael_eisner concept:ceoof concept_biotechcompany_the_walt_disney_co_ +concept_ceo_michael_eisner concept:topmemberoforganization concept_biotechcompany_the_walt_disney_co_ +concept_ceo_michael_eisner concept:worksfor concept_biotechcompany_the_walt_disney_co_ +concept_ceo_michael_eisner concept:personleadsorganization concept_company_disney +concept_ceo_michael_eisner concept:worksfor concept_company_disney +concept_ceo_michael_geoghegan concept:personleadsorganization concept_company_hsbc +concept_ceo_michael_geoghegan concept:proxyfor concept_company_hsbc +concept_ceo_michael_o_leary concept:ceoof concept_company_ryanair001 +concept_ceo_micky_arison concept:agentcontrols concept_automobilemodel_carnival +concept_ceo_micky_arison concept:ceoof concept_company_carnival +concept_ceo_micky_arison concept:topmemberoforganization concept_company_carnival +concept_ceo_mike_s__zafirovski concept:personleadsorganization concept_company_nortel001 +concept_ceo_mikhail_khodorkovsky concept:ceoof concept_petroleumrefiningcompany_yukos +concept_ceo_mitchell_baker concept:topmemberoforganization concept_company_mozilla_foundation +concept_ceo_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_ceo_mong_koo_chung concept:ceoof concept_automobilemaker_hyundai +concept_ceo_mong_koo_chung concept:topmemberoforganization concept_automobilemaker_hyundai +concept_ceo_muhtar_kent concept:personleadsorganization concept_biotechcompany_coca_cola +concept_ceo_muhtar_kent concept:worksfor concept_biotechcompany_coca_cola +concept_ceo_muhtar_kent concept:agentcontrols concept_website_coca_cola +concept_ceo_mukesh_ambani concept:ceoof concept_bank_reliance +concept_ceo_n_chandrasekaran concept:ceoof concept_company_tata_consultancy_services__tcs_ +concept_ceo_n_r__narayana_murthy concept:topmemberoforganization concept_biotechcompany_infosys +concept_ceo_nandan_nilekani concept:topmemberoforganization concept_biotechcompany_infosys +concept_ceo_neville_isdell concept:ceoof concept_biotechcompany_coca_cola +concept_ceo_neville_isdell concept:topmemberoforganization concept_biotechcompany_coca_cola +concept_ceo_neville_isdell concept:mutualproxyfor concept_retailstore_coca_cola +concept_ceo_neville_isdell concept:agentcontrols concept_website_coca_cola +concept_ceo_neville_isdell concept:proxyfor concept_website_coca_cola +concept_ceo_neville_isdell concept:subpartof concept_website_coca_cola +concept_ceo_nicholas_chabraja concept:agentcontrols concept_retailstore_general_dynamics +concept_ceo_nicholas_chabraja concept:mutualproxyfor concept_retailstore_general_dynamics +concept_ceo_norbert_reithofer concept:ceoof concept_automobilemaker_bmw +concept_ceo_norbert_reithofer concept:topmemberoforganization concept_automobilemaker_bmw +concept_ceo_norbert_reithofer concept:worksfor concept_automobilemaker_bmw +concept_ceo_norbert_reithofer concept:personleadsorganization concept_company_bmw__mercedes_benz +concept_ceo_norbert_reithofer concept:worksfor concept_company_bmw__mercedes_benz +concept_ceo_olli_pekka_kallasvuo concept:topmemberoforganization concept_company_nokia +concept_ceo_online_application_form concept:agentcreated concept_book_contact +concept_ceo_online_application_form concept:agentcreated concept_book_print +concept_ceo_orascom_telecom_holding concept:agentcontrols concept_petroleumrefiningcompany_naguib_sawiris +concept_ceo_page_contact concept:agentcreated concept_website_information +concept_ceo_page_content concept:agentcompeteswithagent concept_personcanada_search +concept_ceo_patricia_russo concept:topmemberoforganization concept_biotechcompany_lucent +concept_ceo_patricia_woertz concept:ceoof concept_biotechcompany_archer_daniels_midland +concept_ceo_patricia_woertz concept:mutualproxyfor concept_retailstore_archer_daniels_midland +concept_ceo_paul_allen concept:ceoof concept_biotechcompany_microsoft_corp +concept_ceo_paul_allen concept:topmemberoforganization concept_biotechcompany_microsoft_corp +concept_ceo_paul_allen concept:personleadsorganization concept_company_microsoft_corporation +concept_ceo_paul_fireman concept:ceoof concept_company_reebok +concept_ceo_paul_fireman concept:topmemberoforganization concept_company_reebok +concept_ceo_paul_maritz concept:topmemberoforganization concept_company_vmware_inc_ +concept_ceo_paul_otellini concept:ceoof concept_company_intel +concept_ceo_paul_otellini concept:topmemberoforganization concept_company_intel +concept_ceo_peter_chernin concept:ceoof concept_company_fox +concept_ceo_peter_chernin concept:topmemberoforganization concept_company_news_corp_ +concept_ceo_peter_chou concept:ceoof concept_company_htc +concept_ceo_peter_chou concept:topmemberoforganization concept_company_htc +concept_ceo_peter_thiel concept:topmemberoforganization concept_bank_paypal +concept_ceo_peter_thiel concept:agentcollaborateswithagent concept_scientist_paypal +concept_ceo_peter_thiel concept:personleadsorganization concept_stateorprovince_paypal +concept_ceo_peter_thiel concept:proxyfor concept_website_paypal +concept_ceo_peter_voser concept:ceoof concept_bank_royal_dutch_shell +concept_ceo_phil_condit concept:topmemberoforganization concept_biotechcompany_boeing +concept_ceo_phil_condit concept:agentcollaborateswithagent concept_ceo_boeing +concept_ceo_phil_condit concept:agentcontrols concept_retailstore_boeing +concept_ceo_phil_condit concept:proxyfor concept_retailstore_boeing +concept_ceo_phil_condit concept:subpartof concept_retailstore_boeing +concept_ceo_phil_harrison concept:ceoof concept_company_sony +concept_ceo_philip_knight concept:ceoof concept_company_nike +concept_ceo_polly_toynbee concept:worksfor concept_sportsleague_guardian +concept_ceo_privacy_policy_page concept:atdate concept_date_n2003 +concept_ceo_privacy_policy_page concept:atdate concept_dateliteral_n2006 +concept_ceo_privacy_policy_page concept:atdate concept_dateliteral_n2007 +concept_ceo_privacy_policy_page concept:atdate concept_dateliteral_n2008 +concept_ceo_ramalinga_raju concept:ceoof concept_biotechcompany_satyam +concept_ceo_ramalinga_raju concept:topmemberoforganization concept_biotechcompany_satyam +concept_ceo_randall_l__stephenson concept:personleadsorganization concept_company_american_management_systems +concept_ceo_randall_l__stephenson concept:ceoof concept_company_at_t +concept_ceo_randall_l__stephenson concept:topmemberoforganization concept_company_at_t +concept_ceo_ratan_tata concept:ceoof concept_automobilemaker_tata +concept_ceo_ratan_tata concept:topmemberoforganization concept_automobilemaker_tata +concept_ceo_ratan_tata concept:personbelongstoorganization concept_city_tata +concept_ceo_ray_williams concept:ceoof concept_company_hih +concept_ceo_reed_hastings concept:ceoof concept_biotechcompany_netflix +concept_ceo_reed_hastings concept:topmemberoforganization concept_biotechcompany_netflix +concept_ceo_reference_for concept:persondiedincountry concept_country_england +concept_ceo_reggie_fils_aime concept:personbelongstoorganization concept_country___america +concept_ceo_reggie_fils_aime concept:personleadsorganization concept_country___america +concept_ceo_reid_hoffman concept:agentcontrols concept_agriculturalproduct_linkedin +concept_ceo_reid_hoffman concept:proxyfor concept_agriculturalproduct_linkedin +concept_ceo_reid_hoffman concept:ceoof concept_blog_linkedin +concept_ceo_reid_hoffman concept:topmemberoforganization concept_blog_linkedin +concept_ceo_reliance concept:mutualproxyfor concept_person_mukesh_ambani +concept_ceo_rem_vyakhirev concept:ceoof concept_company_gazprom +concept_ceo_research_in_motion concept:agentinvolvedwithitem concept_beverage_blackberry +concept_ceo_research_in_motion concept:agentcollaborateswithagent concept_ceo_jim_balsillie +concept_ceo_research_in_motion concept:mutualproxyfor concept_ceo_jim_balsillie +concept_ceo_research_in_motion concept:agentcreated concept_company_blackberry +concept_ceo_rex_tillerson concept:ceoof concept_petroleumrefiningcompany_exxonmobil +concept_ceo_rex_tillerson concept:topmemberoforganization concept_petroleumrefiningcompany_exxonmobil +concept_ceo_rich_karlgaard concept:personleadsorganization concept_company_forbes001 +concept_ceo_rich_karlgaard concept:worksfor concept_company_forbes001 +concept_ceo_richard concept:ceoof concept_company_virgin +concept_ceo_richard concept:topmemberoforganization concept_company_virgin +concept_ceo_richard concept:personleadsorganization concept_company_virgin_airlines +concept_ceo_richard concept:worksfor concept_company_virgin_airlines +concept_ceo_richard concept:personleadsorganization concept_company_virgin_atlantic_airways +concept_ceo_richard concept:worksfor concept_company_virgin_atlantic_airways +concept_ceo_richard concept:personleadsorganization concept_company_virgin_galactic +concept_ceo_richard concept:worksfor concept_company_virgin_galactic +concept_ceo_richard concept:agentcontrols concept_museum_steve +concept_ceo_richard concept:worksfor concept_recordlabel_virgin_records +concept_ceo_richard_anderson concept:ceoof concept_company_delta_air_lines +concept_ceo_richard_bowen concept:personleadsorganization concept_city_taylor +concept_ceo_richard_bowen concept:worksfor concept_city_taylor +concept_ceo_richard_clark concept:ceoof concept_biotechcompany_merck +concept_ceo_richard_davis concept:personleadsorganization concept_bank_us_bank +concept_ceo_richard_egan concept:ceoof concept_company_emc001 +concept_ceo_richard_fairbank concept:agentcontrols concept_retailstore_capital_one_financial +concept_ceo_richard_fairbank concept:mutualproxyfor concept_retailstore_capital_one_financial +concept_ceo_richard_grasso concept:topmemberoforganization concept_bank_nyse +concept_ceo_richard_m__daley concept:personleadsorganization concept_biotechcompany_chicago +concept_ceo_richard_m__daley concept:worksfor concept_biotechcompany_chicago +concept_ceo_richard_m__devos concept:topmemberoforganization concept_company_amway +concept_ceo_richard_massey concept:latitudelongitude 32.7301300000000,-87.6883400000000 +concept_ceo_richard_notebaert concept:personleadsorganization concept_company_qwest +concept_ceo_richard_notebaert concept:worksfor concept_company_qwest +concept_ceo_richard_notebaert concept:ceoof concept_company_qwest_communications +concept_ceo_richard_notebaert concept:personleadsorganization concept_company_qwest_communications +concept_ceo_richard_notebaert concept:worksfor concept_company_qwest_communications +concept_ceo_richard_notebaert concept:personleadsorganization concept_company_qwest_communications_international +concept_ceo_richard_notebaert concept:worksfor concept_company_qwest_communications_international +concept_ceo_richard_rainwater concept:personhasjobposition concept_jobposition_hedge_fund_manager +concept_ceo_richard_wagoner concept:ceoof concept_automobilemaker_gm +concept_ceo_richard_wagoner concept:topmemberoforganization concept_automobilemaker_gm +concept_ceo_richard_wagoner concept:agentcollaborateswithagent concept_automobilemaker_motors +concept_ceo_richard_wagoner concept:agentcontrols concept_protein_gm +concept_ceo_richard_wagoner concept:subpartof concept_protein_gm +concept_ceo_richard_wagoner concept:proxyfor concept_stateorprovince_general_motors +concept_ceo_richard_wagoner concept:mutualproxyfor concept_transportation_general_motors +concept_ceo_rob_glaser concept:ceoof concept_company_realnetworks +concept_ceo_rob_glaser concept:topmemberoforganization concept_company_realnetworks +concept_ceo_robert_crandall concept:personleadsorganization concept_musicartist_american +concept_ceo_robert_d__walter concept:ceoof concept_biotechcompany_cardinal_health +concept_ceo_robert_iger concept:topmemberoforganization concept_biotechcompany_the_walt_disney_co_ +concept_ceo_robert_iger concept:personleadsorganization concept_city_abc +concept_ceo_robert_iger concept:worksfor concept_city_abc +concept_ceo_robert_iger concept:ceoof concept_company_disney +concept_ceo_robert_iger concept:personleadsorganization concept_company_disney +concept_ceo_robert_iger concept:proxyfor concept_company_disney +concept_ceo_robert_iger concept:worksfor concept_company_disney +concept_ceo_robert_iger concept:personleadsorganization concept_company_walt_disney +concept_ceo_robert_iger concept:agentcollaborateswithagent concept_person_disney +concept_ceo_robert_iger concept:agentcontrols concept_person_disney +concept_ceo_robert_iger concept:agentcontrols concept_wallitem_walt_disney_company +concept_ceo_robert_iger concept:proxyfor concept_wallitem_walt_disney_company +concept_ceo_robert_iger concept:agentcontrols concept_website_abc +concept_ceo_robert_mcnair concept:personalsoknownas concept_person_robert_m___flowers +concept_ceo_robert_rubin concept:ceoof concept_company_citigroup +concept_ceo_robert_rubin concept:personleadsorganization concept_company_citigroup +concept_ceo_robert_rubin concept:worksfor concept_company_citigroup +concept_ceo_robert_stevens concept:ceoof concept_biotechcompany_lockheed_martin +concept_ceo_robert_wright concept:ceoof concept_company_nbc +concept_ceo_robert_wright concept:personleadsorganization concept_company_nbc +concept_ceo_roger_ailes concept:ceoof concept_website_fox_news +concept_ceo_roger_ailes concept:topmemberoforganization concept_website_fox_news +concept_ceo_ron_grant concept:topmemberoforganization concept_company_aol +concept_ceo_ron_perelman concept:personleadsorganization concept_company_revlon +concept_ceo_sale_return_policy concept:persondiedincountry concept_country_england +concept_ceo_sale_terms concept:persondiedincountry concept_country_england +concept_ceo_sam_zell concept:agentcollaborateswithagent concept_newspaper_tribune +concept_ceo_sam_zell concept:agentcontrols concept_televisionshow_tribune +concept_ceo_sam_zell concept:proxyfor concept_televisionshow_tribune +concept_ceo_samuel_j__palmisano concept:ceoof concept_company_ibm +concept_ceo_samuel_j__palmisano concept:topmemberoforganization concept_company_ibm +concept_ceo_samuel_j__palmisano concept:agentcontrols concept_retailstore_ibm +concept_ceo_samuel_j__palmisano concept:proxyfor concept_retailstore_ibm +concept_ceo_samuel_j__palmisano concept:subpartof concept_retailstore_ibm +concept_ceo_samuel_j__palmisano concept:personbelongstoorganization concept_university_ibm +concept_ceo_sandy_weill concept:topmemberoforganization concept_bank_citigroup +concept_ceo_satoru_iwata concept:ceoof concept_company_nintendo +concept_ceo_satya_prabhakar concept:ceoof concept_company_sulekha +concept_ceo_scott_cook concept:ceoof concept_company_intuit +concept_ceo_scott_mcnealy concept:ceoof concept_company_sun +concept_ceo_scott_mcnealy concept:personbelongstoorganization concept_company_sun +concept_ceo_scott_mcnealy concept:topmemberoforganization concept_company_sun_microsystems001 +concept_ceo_sergey_brin concept:topmemberoforganization concept_blog_google +concept_ceo_sergio_marchionne concept:ceoof concept_automobilemaker_fiat +concept_ceo_sergio_marchionne concept:topmemberoforganization concept_automobilemaker_fiat +concept_ceo_service_acceptable_use_policy concept:persondiedincountry concept_country_england +concept_ceo_service_agreement concept:agentparticipatedinevent concept_sportsgame_terms +concept_ceo_service_all_rights concept:persondiedincountry concept_country_england +concept_ceo_service_become concept:persondiedincountry concept_country_england +concept_ceo_service_buy concept:persondiedincountry concept_country_england +concept_ceo_service_contact_us__ concept:persondiedincountry concept_country_england +concept_ceo_service_contact_us_sitemap concept:persondiedincountry concept_country_england +concept_ceo_service_copyright concept:persondiedincountry concept_country_england +concept_ceo_service_copyright___2004_2008_linkroll_com concept:persondiedincountry concept_country_england +concept_ceo_service_copyright_policy concept:persondiedincountry concept_country_england +concept_ceo_service_f_a_q concept:persondiedincountry concept_country_england +concept_ceo_service_family concept:persondiedincountry concept_country_england +concept_ceo_service_information concept:persondiedincountry concept_country_england +concept_ceo_service_introduction concept:persondiedincountry concept_country_england +concept_ceo_service_join concept:persondiedincountry concept_country_england +concept_ceo_service_journey concept:persondiedincountry concept_country_england +concept_ceo_service_members concept:personchargedwithcrime concept_crimeorcharge_murder +concept_ceo_service_members concept:agentparticipatedinevent concept_eventoutcome_result +concept_ceo_service_powered concept:persondiedincountry concept_country_england +concept_ceo_service_site concept:persondiedincountry concept_country_england +concept_ceo_service_site_map concept:persondiedincountry concept_country_england +concept_ceo_service_sites concept:persondiedincountry concept_country_england +concept_ceo_service_subscribe concept:persondiedincountry concept_country_england +concept_ceo_service_terms concept:persondiedincountry concept_country_england +concept_ceo_service_visit concept:persondiedincountry concept_country_england +concept_ceo_shantanu_narayen concept:personleadsorganization concept_company_adobe +concept_ceo_shantanu_narayen concept:worksfor concept_company_adobe +concept_ceo_shantanu_narayen concept:agentcontrols concept_retailstore_adobe_systems +concept_ceo_shantanu_narayen concept:proxyfor concept_retailstore_adobe_systems +concept_ceo_shawn_fanning concept:ceoof concept_biotechcompany_napster +concept_ceo_sheldon_adelson concept:ceoof concept_company_las_vegas_sands +concept_ceo_sheldon_erikson concept:agentcontrols concept_wine_cameron +concept_ceo_sheldon_erikson concept:personleadsorganization concept_winery_cameron +concept_ceo_sir_terry_leahy concept:ceoof concept_biotechcompany_tesco +concept_ceo_site_this_site concept:agentinvolvedwithitem concept_software_browser +concept_ceo_site_usage concept:latitudelongitude 47.3944450000000,4.7666700000000 +concept_ceo_site_usage concept:persondiedincountry concept_country_england +concept_ceo_site_usage concept:agentcompeteswithagent concept_personcanada_search +concept_ceo_site_usage concept:agentparticipatedinevent concept_sportsgame_terms +concept_ceo_site_usage concept:subpartof concept_weatherphenomenon_air +concept_ceo_site_usage concept:subpartof concept_weatherphenomenon_water +concept_ceo_sky_dayton concept:topmemberoforganization concept_company_earthlink +concept_ceo_smith concept:persondiedatage 40 +concept_ceo_smith concept:agentcollaborateswithagent concept_sportsteam_bears_29_17 +concept_ceo_stan_o_neal concept:ceoof concept_biotechcompany_merrill_lynch +concept_ceo_stan_o_neal concept:topmemberoforganization concept_biotechcompany_merrill_lynch +concept_ceo_stan_o_neal concept:agentcontrols concept_retailstore_merrill +concept_ceo_stan_o_neal concept:proxyfor concept_retailstore_merrill +concept_ceo_standard_chartered concept:agentcollaborateswithagent concept_person_peter_sands +concept_ceo_standard_chartered concept:agentcontrols concept_person_peter_sands +concept_ceo_standard_chartered concept:mutualproxyfor concept_person_peter_sands +concept_ceo_standard_chartered concept:subpartof concept_person_peter_sands +concept_ceo_standard_oil concept:mutualproxyfor concept_stadiumoreventvenue_rockefeller +concept_ceo_states concept:subpartof concept_biotechcompany_china +concept_ceo_states concept:subpartof concept_company_canada +concept_ceo_states concept:subpartof concept_company_japan +concept_ceo_states concept:subpartof concept_company_west001 +concept_ceo_states concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_ceo_states concept:agentparticipatedinevent concept_eventoutcome_result +concept_ceo_stephen_a__schwarzman concept:ceoof concept_bank_blackstone +concept_ceo_stephen_a__schwarzman concept:topmemberoforganization concept_bank_blackstone +concept_ceo_stephen_a__schwarzman concept:personleadsorganization concept_county_blackstone +concept_ceo_stephen_bennett concept:personleadsorganization concept_company_intuit +concept_ceo_stephen_bollenbach concept:ceoof concept_biotechcompany_hilton_hotels +concept_ceo_stephen_green concept:ceoof concept_company_hsbc +concept_ceo_stephen_hester concept:ceoof concept_bank_royal_bank_of_scotland +concept_ceo_stephen_jay_gould concept:persondiedatage 5 +concept_ceo_steve_ballmer concept:ceoof concept_company_microsoft +concept_ceo_steve_case concept:personleadsorganization concept_blog_america_online +concept_ceo_steve_case concept:topmemberoforganization concept_company_aol +concept_ceo_steve_case concept:personleadsorganization concept_company_revolution_health_com +concept_ceo_steve_case concept:worksfor concept_company_revolution_health_com +concept_ceo_steve_case concept:agentcontrols concept_mldataset_aol +concept_ceo_steve_case concept:proxyfor concept_mldataset_aol +concept_ceo_steve_case concept:subpartof concept_mldataset_aol +concept_ceo_steve_forbes concept:ceoof concept_company_forbes001 +concept_ceo_steve_forbes concept:topmemberoforganization concept_company_forbes001 +concept_ceo_steve_odland concept:personleadsorganization concept_biotechcompany_office_depot +concept_ceo_steve_odland concept:proxyfor concept_biotechcompany_office_depot +concept_ceo_steven_appleton concept:ceoof concept_company_micron +concept_ceo_steven_levy concept:worksfor concept_university_newsweek +concept_ceo_strauss_zelnick concept:ceoof concept_biotechcompany_take_two +concept_ceo_strauss_zelnick concept:personchargedwithcrime concept_crimeorcharge_used_company_funds_to_pay_for_his_son_sbar_mitzvah +concept_ceo_sulekha concept:subpartof concept_ceo_satya_prabhakar +concept_ceo_sumner_redstone concept:ceoof concept_bank_viacom +concept_ceo_sumner_redstone concept:topmemberoforganization concept_bank_viacom +concept_ceo_sunil_mittal concept:ceoof concept_company_bharti_telecom +concept_ceo_supervalu_inc concept:subpartof concept_ceo_jeff_noddle +concept_ceo_suranga_chandratillake concept:ceoof concept_company_blinkx +concept_ceo_suranga_chandratillake concept:topmemberoforganization concept_company_blinkx +concept_ceo_susan_m__ivey concept:ceoof concept_company_reynolds_american +concept_ceo_syed_b__ali concept:ceoof concept_company_cavium_networks +concept_ceo_syntel_inc concept:agentcollaborateswithagent concept_ceo_bharat_desai +concept_ceo_syntel_inc concept:agentcontrols concept_ceo_bharat_desai +concept_ceo_takeo_fukui concept:ceoof concept_automobilemaker_honda +concept_ceo_takeo_fukui concept:topmemberoforganization concept_automobilemaker_honda +concept_ceo_ted_waitt concept:agentcontrols concept_website_gateway +concept_ceo_ted_waitt concept:proxyfor concept_website_gateway +concept_ceo_terry_semel concept:topmemberoforganization concept_company_yahoo001 +concept_ceo_terry_semel concept:subpartof concept_product_yahoo +concept_ceo_terry_semel concept:personbelongstoorganization concept_university_yahoo +concept_ceo_terry_semel concept:proxyfor concept_website_yahoo_mail +concept_ceo_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_ceo_thomas_f__farrell_ii concept:ceoof concept_biotechcompany_dominion_resources +concept_ceo_thomas_m__ryan concept:ceoof concept_biotechcompany_cvs_caremark +concept_ceo_thomas_m__ryan concept:personleadsorganization concept_biotechcompany_cvs_caremark +concept_ceo_thomas_m__ryan concept:personbelongstoorganization concept_university_cvs_caremark +concept_ceo_thomas_middelhoff concept:ceoof concept_company_bertelsmann +concept_ceo_thomas_middelhoff concept:topmemberoforganization concept_company_bertelsmann +concept_ceo_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_ceo_tim_cook concept:ceoof concept_biotechcompany_apple +concept_ceo_tj_rodgers concept:ceoof concept_biotechcompany_cypress +concept_ceo_tod_nielsen concept:worksfor concept_company_borland +concept_ceo_tod_nielsen concept:agentcontrols concept_programminglanguage_borland +concept_ceo_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_ceo_tom_glocer concept:ceoof concept_bank_reuters +concept_ceo_tom_mckillop concept:ceoof concept_bank_rbs +concept_ceo_tom_rogers concept:ceoof concept_company_tivo +concept_ceo_tom_rothman concept:topmemberoforganization concept_company_fox +concept_ceo_tracinda_corporation concept:agentcontrols concept_ceo_kirk_kerkorian +concept_ceo_trip_hawkins concept:personleadsorganization concept_company_electronic_arts +concept_ceo_trip_hawkins concept:worksfor concept_company_electronic_arts +concept_ceo_updates concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_ceo_updates concept:agentcreated concept_programminglanguage_contact +concept_ceo_updates concept:synonymfor concept_skyscraper_binary +concept_ceo_ursula_burns concept:ceoof concept_biotechcompany_xerox +concept_ceo_ursula_burns concept:personbelongstoorganization concept_university_xerox +concept_ceo_use_1 concept:persondiedincountry concept_country_england +concept_ceo_use_2009 concept:persondiedincountry concept_country_england +concept_ceo_use__2008 concept:persondiedincountry concept_country_england +concept_ceo_use_about_us_contact_us concept:persondiedincountry concept_country_england +concept_ceo_use_acceptance concept:persondiedincountry concept_country_england +concept_ceo_use_accessibility concept:persondiedincountry concept_country_england +concept_ceo_use_ad concept:persondiedincountry concept_country_england +concept_ceo_use_advanced_search concept:persondiedincountry concept_country_england +concept_ceo_use_advertise concept:persondiedincountry concept_country_england +concept_ceo_use_agreement concept:persondiedincountry concept_country_england +concept_ceo_use_agreement concept:agentparticipatedinevent concept_sportsgame_terms +concept_ceo_use_all_content concept:persondiedincountry concept_country_england +concept_ceo_use_all_materials concept:persondiedincountry concept_country_england +concept_ceo_use_all_products concept:persondiedincountry concept_country_england +concept_ceo_use_board concept:persondiedincountry concept_country_england +concept_ceo_use_buyers concept:persondiedincountry concept_country_england +concept_ceo_use_call concept:persondiedincountry concept_country_england +concept_ceo_use_contact concept:persondiedincountry concept_country_england +concept_ceo_use_contact_golflink_golf_resorts_site_map_copyright__ concept:persondiedincountry concept_country_england +concept_ceo_use_contact_information concept:persondiedincountry concept_country_england +concept_ceo_use_contact_us_job_news__ concept:persondiedincountry concept_country_england +concept_ceo_use_contacts concept:persondiedincountry concept_country_england +concept_ceo_use_e concept:persondiedincountry concept_country_england +concept_ceo_use_e_mail concept:persondiedincountry concept_country_england +concept_ceo_use_faqs concept:persondiedincountry concept_country_england +concept_ceo_use_for concept:persondiedincountry concept_country_england +concept_ceo_use_guidelines concept:persondiedincountry concept_country_england +concept_ceo_use_help concept:persondiedincountry concept_country_england +concept_ceo_use_japanese concept:persondiedincountry concept_country_england +concept_ceo_use_javascript concept:persondiedincountry concept_country_england +concept_ceo_use_learn concept:persondiedincountry concept_country_england +concept_ceo_use_link concept:persondiedincountry concept_country_england +concept_ceo_use_page concept:persondiedincountry concept_country_england +concept_ceo_use_parents concept:persondiedincountry concept_country_england +concept_ceo_use_powered concept:persondiedincountry concept_country_england +concept_ceo_use_privacy_statement_powered concept:persondiedincountry concept_country_england +concept_ceo_use_purpose concept:persondiedincountry concept_country_england +concept_ceo_use_refund_policy concept:persondiedincountry concept_country_england +concept_ceo_use_registered concept:persondiedincountry concept_country_england +concept_ceo_use_return concept:persondiedincountry concept_country_england +concept_ceo_use_self_service concept:persondiedincountry concept_country_england +concept_ceo_use_send concept:persondiedincountry concept_country_england +concept_ceo_use_share concept:persondiedincountry concept_country_england +concept_ceo_use_site_awards concept:persondiedincountry concept_country_england +concept_ceo_use_sitemap concept:persondiedincountry concept_country_england +concept_ceo_use_testimonials concept:persondiedincountry concept_country_england +concept_ceo_use_thanks concept:persondiedincountry concept_country_england +concept_ceo_use_username concept:persondiedincountry concept_country_england +concept_ceo_use_webmaster concept:persondiedincountry concept_country_england +concept_ceo_use_women concept:persondiedincountry concept_country_england +concept_ceo_use_write concept:persondiedincountry concept_country_england +concept_ceo_vagit_alekperov concept:ceoof concept_company_lukoil +concept_ceo_venugopal_dhoot concept:ceoof concept_company_videocon +concept_ceo_venugopal_dhoot concept:topmemberoforganization concept_company_videocon +concept_ceo_victoria_home concept:latitudelongitude 41.1644400000000,-73.8655600000000 +concept_ceo_vijay_k__thadani concept:ceoof concept_company_niit +concept_ceo_vijay_mallya concept:ceoof concept_automobilemaker_force_india +concept_ceo_vijay_mallya concept:agentcollaborateswithagent concept_company_kingfisher_airlines +concept_ceo_vijay_mallya concept:agentcontrols concept_company_kingfisher_airlines +concept_ceo_vijay_mallya concept:proxyfor concept_company_kingfisher_airlines +concept_ceo_vikram_s__pandit concept:ceoof concept_bank_citigroup +concept_ceo_vikram_s__pandit concept:topmemberoforganization concept_bank_citigroup +concept_ceo_vikram_s__pandit concept:agentcontrols concept_company_citigroup +concept_ceo_vineet_nayar concept:proxyfor concept_biotechcompany_hcl_technologies +concept_ceo_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_ceo_webpage concept:agentinvolvedwithitem concept_buildingfeature_window +concept_ceo_webpage concept:agentcompeteswithagent concept_personcanada_search +concept_ceo_wendelin_wiedeking concept:ceoof concept_automobilemaker_porsche +concept_ceo_william_green concept:personleadsorganization concept_biotechcompany_accenture +concept_ceo_william_green concept:worksfor concept_biotechcompany_accenture +concept_ceo_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_ceo_william_r__klesse concept:agentcontrols concept_petroleumrefiningcompany_valero_energy +concept_ceo_willie_walsh concept:ceoof concept_company_ba +concept_ceo_willie_walsh concept:personbelongstoorganization concept_company_british_airways +concept_ceo_willie_walsh concept:proxyfor concept_company_british_airways +concept_ceo_wine_archive_this_page concept:atdate concept_date_n2003 +concept_ceo_wine_archive_this_page concept:atdate concept_dateliteral_n2002 +concept_ceo_wipro concept:mutualproxyfor concept_personeurope_azim_premji +concept_ceo_wolfgang_mayrhuber concept:proxyfor concept_company_lufthansa +concept_ceo_yessy concept:latitudelongitude 53.9000000000000,110.5666700000000 +concept_charactertrait_actions concept:atdate concept_date_n2001 +concept_charactertrait_actions concept:atdate concept_dateliteral_n2002 +concept_charactertrait_actions concept:atdate concept_dateliteral_n2007 +concept_charactertrait_actions concept:atdate concept_dateliteral_n2008 +concept_charactertrait_actions concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_ads concept:proxyfor concept_book_new +concept_charactertrait_agreement concept:atdate concept_date_n1993 +concept_charactertrait_agreement concept:atdate concept_date_n1996 +concept_charactertrait_agreement concept:atdate concept_date_n1999 +concept_charactertrait_agreement concept:atdate concept_date_n2000 +concept_charactertrait_agreement concept:atdate concept_date_n2001 +concept_charactertrait_agreement concept:atdate concept_date_n2003 +concept_charactertrait_agreement concept:atdate concept_date_n2004 +concept_charactertrait_agreement concept:atdate concept_date_n2009 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n1980 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n2002 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n2005 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n2006 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n2007 +concept_charactertrait_agreement concept:atdate concept_dateliteral_n2008 +concept_charactertrait_agreement concept:atdate concept_year_n1983 +concept_charactertrait_agreement concept:atdate concept_year_n1991 +concept_charactertrait_agreement concept:atdate concept_year_n1992 +concept_charactertrait_agreement concept:atdate concept_year_n1994 +concept_charactertrait_agreement concept:atdate concept_year_n1995 +concept_charactertrait_agreement concept:atdate concept_year_n1997 +concept_charactertrait_allies concept:atdate concept_date_n1944 +concept_charactertrait_allies concept:atdate concept_dateliteral_n1943 +concept_charactertrait_analysis concept:atdate concept_dateliteral_n2002 +concept_charactertrait_analysis concept:atdate concept_dateliteral_n2005 +concept_charactertrait_analysis concept:atdate concept_dateliteral_n2006 +concept_charactertrait_analysis concept:atdate concept_dateliteral_n2007 +concept_charactertrait_archives concept:atdate concept_dateliteral_n2008 +concept_charactertrait_assessment concept:atdate concept_date_n2000 +concept_charactertrait_assessment concept:atdate concept_date_n2001 +concept_charactertrait_assessment concept:atdate concept_date_n2003 +concept_charactertrait_assessment concept:atdate concept_dateliteral_n2005 +concept_charactertrait_assessment concept:atdate concept_dateliteral_n2006 +concept_charactertrait_assessment concept:atdate concept_dateliteral_n2007 +concept_charactertrait_assessment concept:atdate concept_dateliteral_n2008 +concept_charactertrait_assessment concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_assistance concept:atdate concept_date_n1999 +concept_charactertrait_assistance concept:atdate concept_date_n2001 +concept_charactertrait_assistance concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_assistance concept:atdate concept_year_n1997 +concept_charactertrait_attempt concept:proxyfor concept_book_new +concept_charactertrait_attempt concept:atdate concept_date_n2000 +concept_charactertrait_attempt concept:atdate concept_dateliteral_n2006 +concept_charactertrait_attempt concept:atdate concept_dateliteral_n2007 +concept_charactertrait_attempt concept:atdate concept_dateliteral_n2008 +concept_charactertrait_audience concept:proxyfor concept_book_new +concept_charactertrait_audience concept:atdate concept_dateliteral_n2006 +concept_charactertrait_authority concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_calf concept:subpartof concept_website_blood +concept_charactertrait_charge concept:atdate concept_date_n1999 +concept_charactertrait_charge concept:atdate concept_date_n2001 +concept_charactertrait_charge concept:atdate concept_date_n2003 +concept_charactertrait_charge concept:atdate concept_date_n2004 +concept_charactertrait_charge concept:atdate concept_dateliteral_n2002 +concept_charactertrait_charge concept:atdate concept_dateliteral_n2005 +concept_charactertrait_charge concept:atdate concept_dateliteral_n2006 +concept_charactertrait_charge concept:atdate concept_dateliteral_n2007 +concept_charactertrait_charge concept:atdate concept_dateliteral_n2008 +concept_charactertrait_charge concept:atdate concept_year_n1998 +concept_charactertrait_church concept:proxyfor concept_book_new +concept_charactertrait_church concept:atdate concept_date_n1999 +concept_charactertrait_church concept:atdate concept_date_n2000 +concept_charactertrait_church concept:atdate concept_date_n2001 +concept_charactertrait_church concept:atdate concept_date_n2003 +concept_charactertrait_church concept:atdate concept_date_n2004 +concept_charactertrait_church concept:atdate concept_dateliteral_n1987 +concept_charactertrait_church concept:atdate concept_dateliteral_n2002 +concept_charactertrait_church concept:atdate concept_dateliteral_n2005 +concept_charactertrait_church concept:atdate concept_dateliteral_n2006 +concept_charactertrait_church concept:atdate concept_dateliteral_n2007 +concept_charactertrait_church concept:atdate concept_dateliteral_n2008 +concept_charactertrait_church concept:istallerthan concept_publication_people_ +concept_charactertrait_church concept:subpartof concept_weatherphenomenon_air +concept_charactertrait_church concept:atdate concept_year_n1986 +concept_charactertrait_church concept:atdate concept_year_n1994 +concept_charactertrait_church concept:atdate concept_year_n1997 +concept_charactertrait_church concept:atdate concept_year_n1998 +concept_charactertrait_co_director concept:proxyfor concept_book_new +concept_charactertrait_conclusions concept:atdate concept_date_n2003 +concept_charactertrait_conditions concept:proxyfor concept_book_new +concept_charactertrait_conditions concept:ismultipleof concept_charactertrait_patients +concept_charactertrait_consideration concept:atdate concept_date_n1999 +concept_charactertrait_consideration concept:atdate concept_date_n2000 +concept_charactertrait_consideration concept:atdate concept_date_n2009 +concept_charactertrait_consideration concept:atdate concept_dateliteral_n2005 +concept_charactertrait_consideration concept:atdate concept_dateliteral_n2007 +concept_charactertrait_consideration concept:atdate concept_dateliteral_n2008 +concept_charactertrait_cycle concept:atdate concept_date_n2009 +concept_charactertrait_cycle concept:atdate concept_dateliteral_n2006 +concept_charactertrait_cycle concept:atdate concept_dateliteral_n2008 +concept_charactertrait_development concept:istallerthan concept_publication_people_ +concept_charactertrait_duct concept:subpartof concept_weatherphenomenon_air +concept_charactertrait_dump concept:proxyfor concept_book_new +concept_charactertrait_ec concept:atdate concept_dateliteral_n2007 +concept_charactertrait_effective concept:atdate concept_dateliteral_n2007 +concept_charactertrait_excitement concept:proxyfor concept_book_new +concept_charactertrait_favor concept:atdate concept_dateliteral_n2002 +concept_charactertrait_fighting concept:atdate concept_date_n1944 +concept_charactertrait_fighting concept:atdate concept_year_n1994 +concept_charactertrait_filing concept:atdate concept_dateliteral_n2005 +concept_charactertrait_findings concept:atdate concept_date_n1996 +concept_charactertrait_findings concept:atdate concept_date_n1999 +concept_charactertrait_findings concept:atdate concept_date_n2000 +concept_charactertrait_findings concept:atdate concept_date_n2001 +concept_charactertrait_findings concept:atdate concept_date_n2003 +concept_charactertrait_findings concept:atdate concept_date_n2004 +concept_charactertrait_findings concept:atdate concept_date_n2009 +concept_charactertrait_findings concept:atdate concept_dateliteral_n2002 +concept_charactertrait_findings concept:atdate concept_dateliteral_n2005 +concept_charactertrait_findings concept:atdate concept_dateliteral_n2006 +concept_charactertrait_findings concept:atdate concept_dateliteral_n2007 +concept_charactertrait_findings concept:atdate concept_dateliteral_n2008 +concept_charactertrait_fund concept:atdate concept_date_n2003 +concept_charactertrait_fund concept:atdate concept_date_n2004 +concept_charactertrait_fund concept:atdate concept_dateliteral_n2002 +concept_charactertrait_fund concept:atdate concept_dateliteral_n2005 +concept_charactertrait_fund concept:atdate concept_dateliteral_n2006 +concept_charactertrait_fund concept:atdate concept_dateliteral_n2007 +concept_charactertrait_fund concept:atdate concept_dateliteral_n2008 +concept_charactertrait_fund concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_gallantry concept:latitudelongitude 51.0166700000000,-4.4333300000000 +concept_charactertrait_guide concept:atdate concept_dateliteral_n2008 +concept_charactertrait_heart_attack concept:atdate concept_date_n1972 +concept_charactertrait_heart_attack concept:atdate concept_date_n1979 +concept_charactertrait_heart_attack concept:atdate concept_date_n1993 +concept_charactertrait_heart_attack concept:atdate concept_date_n1996 +concept_charactertrait_heart_attack concept:atdate concept_date_n1999 +concept_charactertrait_heart_attack concept:atdate concept_date_n2000 +concept_charactertrait_heart_attack concept:atdate concept_date_n2001 +concept_charactertrait_heart_attack concept:atdate concept_date_n2003 +concept_charactertrait_heart_attack concept:atdate concept_date_n2004 +concept_charactertrait_heart_attack concept:atdate concept_dateliteral_n2002 +concept_charactertrait_heart_attack concept:atdate concept_dateliteral_n2005 +concept_charactertrait_heart_attack concept:atdate concept_dateliteral_n2006 +concept_charactertrait_heart_attack concept:atdate concept_dateliteral_n2007 +concept_charactertrait_heart_attack concept:atdate concept_dateliteral_n2008 +concept_charactertrait_heart_attack concept:atdate concept_year_n1955 +concept_charactertrait_heart_attack concept:atdate concept_year_n1959 +concept_charactertrait_heart_attack concept:atdate concept_year_n1975 +concept_charactertrait_heart_attack concept:atdate concept_year_n1982 +concept_charactertrait_heart_attack concept:atdate concept_year_n1991 +concept_charactertrait_heart_attack concept:atdate concept_year_n1995 +concept_charactertrait_heart_attack concept:atdate concept_year_n1998 +concept_charactertrait_hoyas concept:atlocation concept_city_washington_d_c +concept_charactertrait_industry concept:istallerthan concept_publication_people_ +concept_charactertrait_initiative concept:proxyfor concept_book_new +concept_charactertrait_initiative concept:atdate concept_date_n1999 +concept_charactertrait_initiative concept:atdate concept_date_n2000 +concept_charactertrait_initiative concept:atdate concept_date_n2001 +concept_charactertrait_initiative concept:atdate concept_date_n2003 +concept_charactertrait_initiative concept:atdate concept_date_n2004 +concept_charactertrait_initiative concept:atdate concept_dateliteral_n2002 +concept_charactertrait_initiative concept:atdate concept_dateliteral_n2005 +concept_charactertrait_initiative concept:atdate concept_dateliteral_n2006 +concept_charactertrait_initiative concept:atdate concept_dateliteral_n2007 +concept_charactertrait_initiative concept:atdate concept_dateliteral_n2008 +concept_charactertrait_initiative concept:istallerthan concept_publication_people_ +concept_charactertrait_initiative concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_initiative concept:atdate concept_year_n1997 +concept_charactertrait_institutions concept:atdate concept_date_n2000 +concept_charactertrait_institutions concept:atdate concept_date_n2003 +concept_charactertrait_institutions concept:atdate concept_date_n2004 +concept_charactertrait_institutions concept:atdate concept_dateliteral_n2005 +concept_charactertrait_institutions concept:atdate concept_dateliteral_n2006 +concept_charactertrait_institutions concept:atdate concept_dateliteral_n2007 +concept_charactertrait_institutions concept:atdate concept_dateliteral_n2008 +concept_charactertrait_institutions concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_intelligence concept:atdate concept_date_n2003 +concept_charactertrait_jesus concept:istallerthan concept_publication_people_ +concept_charactertrait_kingdom concept:proxyfor concept_book_new +concept_charactertrait_kingdom concept:atdate concept_date_n2003 +concept_charactertrait_kingdom concept:atdate concept_dateliteral_n2002 +concept_charactertrait_launches concept:atdate concept_dateliteral_n2007 +concept_charactertrait_launches concept:atdate concept_dateliteral_n2008 +concept_charactertrait_limitations concept:ismultipleof concept_publication_people_ +concept_charactertrait_marathon concept:proxyfor concept_book_new +concept_charactertrait_marathon concept:atdate concept_date_n2004 +concept_charactertrait_marathon concept:atdate concept_date_n2009 +concept_charactertrait_marathon concept:atdate concept_dateliteral_n2002 +concept_charactertrait_marathon concept:atdate concept_dateliteral_n2005 +concept_charactertrait_marathon concept:atdate concept_dateliteral_n2007 +concept_charactertrait_marathon concept:atdate concept_dateliteral_n2008 +concept_charactertrait_matter concept:atdate concept_date_n2000 +concept_charactertrait_matter concept:atdate concept_date_n2001 +concept_charactertrait_matter concept:atdate concept_date_n2003 +concept_charactertrait_matter concept:atdate concept_dateliteral_n2006 +concept_charactertrait_matter concept:atdate concept_dateliteral_n2007 +concept_charactertrait_matter concept:atdate concept_dateliteral_n2008 +concept_charactertrait_means concept:proxyfor concept_book_new +concept_charactertrait_means concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_military_service concept:atdate concept_date_n1941 +concept_charactertrait_military_service concept:atdate concept_date_n1942 +concept_charactertrait_misconduct concept:atdate concept_dateliteral_n2007 +concept_charactertrait_nabokov concept:latitudelongitude 49.3280300000000,31.4315400000000 +concept_charactertrait_opening concept:atdate concept_date_n1993 +concept_charactertrait_opening concept:atdate concept_date_n1996 +concept_charactertrait_opening concept:atdate concept_date_n1999 +concept_charactertrait_opening concept:atdate concept_date_n2000 +concept_charactertrait_opening concept:atdate concept_date_n2001 +concept_charactertrait_opening concept:atdate concept_date_n2003 +concept_charactertrait_opening concept:atdate concept_date_n2004 +concept_charactertrait_opening concept:atdate concept_date_n2009 +concept_charactertrait_opening concept:atdate concept_dateliteral_n1950 +concept_charactertrait_opening concept:atdate concept_dateliteral_n1961 +concept_charactertrait_opening concept:atdate concept_dateliteral_n1990 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2002 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2005 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2006 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2007 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2008 +concept_charactertrait_opening concept:atdate concept_dateliteral_n2010 +concept_charactertrait_opening concept:atdate concept_year_n1975 +concept_charactertrait_opening concept:atdate concept_year_n1983 +concept_charactertrait_opening concept:atdate concept_year_n1986 +concept_charactertrait_opening concept:atdate concept_year_n1989 +concept_charactertrait_opening concept:atdate concept_year_n1991 +concept_charactertrait_opening concept:atdate concept_year_n1992 +concept_charactertrait_opening concept:atdate concept_year_n1994 +concept_charactertrait_opening concept:atdate concept_year_n1995 +concept_charactertrait_opening concept:atdate concept_year_n1997 +concept_charactertrait_opening concept:atdate concept_year_n1998 +concept_charactertrait_orbit concept:atdate concept_date_n2003 +concept_charactertrait_orbit concept:atdate concept_dateliteral_n2006 +concept_charactertrait_orbit concept:atdate concept_year_n1978 +concept_charactertrait_orbit concept:atdate concept_year_n1998 +concept_charactertrait_organisation concept:proxyfor concept_book_new +concept_charactertrait_organisation concept:atdate concept_date_n2001 +concept_charactertrait_organisation concept:atdate concept_date_n2003 +concept_charactertrait_organisation concept:atdate concept_dateliteral_n2002 +concept_charactertrait_organisation concept:atdate concept_dateliteral_n2005 +concept_charactertrait_organisation concept:atdate concept_dateliteral_n2006 +concept_charactertrait_organisation concept:atdate concept_dateliteral_n2007 +concept_charactertrait_organisation concept:atdate concept_dateliteral_n2008 +concept_charactertrait_patients concept:proxyfor concept_book_new +concept_charactertrait_patients concept:atdate concept_date_n1999 +concept_charactertrait_patients concept:atdate concept_date_n2000 +concept_charactertrait_patients concept:atdate concept_date_n2001 +concept_charactertrait_patients concept:atdate concept_date_n2003 +concept_charactertrait_patients concept:atdate concept_date_n2004 +concept_charactertrait_patients concept:atdate concept_dateliteral_n2005 +concept_charactertrait_patients concept:atdate concept_dateliteral_n2006 +concept_charactertrait_patients concept:atdate concept_dateliteral_n2007 +concept_charactertrait_patients concept:atdate concept_dateliteral_n2008 +concept_charactertrait_planning concept:subpartof concept_beverage_integrated_water +concept_charactertrait_planning concept:proxyfor concept_book_new +concept_charactertrait_planning concept:subpartof concept_visualizablething_water_supply +concept_charactertrait_planning concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_plethora concept:proxyfor concept_book_new +concept_charactertrait_pride concept:proxyfor concept_book_new +concept_charactertrait_printer concept:atdate concept_dateliteral_n2006 +concept_charactertrait_quest concept:istallerthan concept_publication_people_ +concept_charactertrait_relatives concept:proxyfor concept_book_new +concept_charactertrait_relief concept:atdate concept_dateliteral_n2002 +concept_charactertrait_requirement concept:atdate concept_dateliteral_n2006 +concept_charactertrait_responsibilities concept:atdate concept_date_n2001 +concept_charactertrait_responsibilities concept:atdate concept_date_n2003 +concept_charactertrait_responsibilities concept:atdate concept_dateliteral_n2002 +concept_charactertrait_responsibilities concept:atdate concept_dateliteral_n2005 +concept_charactertrait_responsibilities concept:atdate concept_dateliteral_n2006 +concept_charactertrait_responsibilities concept:atdate concept_dateliteral_n2007 +concept_charactertrait_responsibilities concept:atdate concept_dateliteral_n2008 +concept_charactertrait_responsibilities concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_retailers concept:atdate concept_date_n2009 +concept_charactertrait_retailers concept:atdate concept_dateliteral_n2005 +concept_charactertrait_retailers concept:atdate concept_dateliteral_n2008 +concept_charactertrait_return concept:atdate concept_date_n1996 +concept_charactertrait_return concept:atdate concept_date_n1999 +concept_charactertrait_return concept:atdate concept_date_n2001 +concept_charactertrait_return concept:atdate concept_date_n2003 +concept_charactertrait_return concept:atdate concept_date_n2004 +concept_charactertrait_return concept:atdate concept_date_n2009 +concept_charactertrait_return concept:atdate concept_dateliteral_n2002 +concept_charactertrait_return concept:atdate concept_dateliteral_n2005 +concept_charactertrait_return concept:atdate concept_dateliteral_n2006 +concept_charactertrait_return concept:atdate concept_dateliteral_n2007 +concept_charactertrait_return concept:atdate concept_dateliteral_n2008 +concept_charactertrait_return concept:atdate concept_year_n1919 +concept_charactertrait_road concept:atdate concept_date_dec_ +concept_charactertrait_road concept:atdate concept_date_n2000 +concept_charactertrait_road concept:atdate concept_date_n2001 +concept_charactertrait_road concept:atdate concept_date_n2009 +concept_charactertrait_road concept:atdate concept_date_nov_ +concept_charactertrait_road concept:atdate concept_dateliteral_n2008 +concept_charactertrait_road concept:atdate concept_year_n1998 +concept_charactertrait_role concept:proxyfor concept_book_new +concept_charactertrait_role concept:atdate concept_date_n1999 +concept_charactertrait_role concept:atdate concept_date_n2000 +concept_charactertrait_role concept:atdate concept_date_n2001 +concept_charactertrait_role concept:atdate concept_date_n2003 +concept_charactertrait_role concept:atdate concept_date_n2004 +concept_charactertrait_role concept:atdate concept_date_n2009 +concept_charactertrait_role concept:atdate concept_dateliteral_n2002 +concept_charactertrait_role concept:atdate concept_dateliteral_n2005 +concept_charactertrait_role concept:atdate concept_dateliteral_n2006 +concept_charactertrait_role concept:atdate concept_dateliteral_n2007 +concept_charactertrait_role concept:atdate concept_dateliteral_n2008 +concept_charactertrait_role concept:istallerthan concept_publication_people_ +concept_charactertrait_role concept:atdate concept_year_n1994 +concept_charactertrait_scc concept:atdate concept_dateliteral_n2007 +concept_charactertrait_scenes concept:proxyfor concept_book_new +concept_charactertrait_school_outreach concept:latitudelongitude 40.4446000000000,-79.9441300000000 +concept_charactertrait_school_science concept:latitudelongitude 41.8078100000000,-87.6639400000000 +concept_charactertrait_server concept:atdate concept_dateliteral_n2006 +concept_charactertrait_server concept:atdate concept_dateliteral_n2007 +concept_charactertrait_state concept:atdate concept_dateliteral_n1987 +concept_charactertrait_state concept:atdate concept_dateliteral_n1990 +concept_charactertrait_state concept:atdate concept_dateliteral_n2005 +concept_charactertrait_state concept:atdate concept_year_n1994 +concept_charactertrait_state concept:atdate concept_year_n1995 +concept_charactertrait_statement concept:atdate concept_date_n1999 +concept_charactertrait_statement concept:atdate concept_date_n2000 +concept_charactertrait_statement concept:atdate concept_date_n2001 +concept_charactertrait_statement concept:atdate concept_date_n2003 +concept_charactertrait_statement concept:atdate concept_date_n2004 +concept_charactertrait_statement concept:atdate concept_dateliteral_n2002 +concept_charactertrait_statement concept:atdate concept_dateliteral_n2005 +concept_charactertrait_statement concept:atdate concept_dateliteral_n2006 +concept_charactertrait_statement concept:atdate concept_dateliteral_n2007 +concept_charactertrait_statement concept:atdate concept_dateliteral_n2008 +concept_charactertrait_statement concept:atdate concept_year_n1995 +concept_charactertrait_statement concept:atdate concept_year_n1997 +concept_charactertrait_statement concept:atdate concept_year_n1998 +concept_charactertrait_survey concept:atdate concept_date_n1996 +concept_charactertrait_survey concept:atdate concept_date_n1999 +concept_charactertrait_survey concept:atdate concept_date_n2000 +concept_charactertrait_survey concept:atdate concept_date_n2001 +concept_charactertrait_survey concept:atdate concept_date_n2003 +concept_charactertrait_survey concept:atdate concept_date_n2004 +concept_charactertrait_survey concept:atdate concept_date_n2009 +concept_charactertrait_survey concept:atdate concept_dateliteral_n2002 +concept_charactertrait_survey concept:atdate concept_dateliteral_n2005 +concept_charactertrait_survey concept:atdate concept_dateliteral_n2006 +concept_charactertrait_survey concept:atdate concept_dateliteral_n2007 +concept_charactertrait_survey concept:atdate concept_dateliteral_n2008 +concept_charactertrait_survey concept:subpartof concept_weatherphenomenon_water +concept_charactertrait_survey concept:atdate concept_year_n1991 +concept_charactertrait_survey concept:atdate concept_year_n1994 +concept_charactertrait_survey concept:atdate concept_year_n1995 +concept_charactertrait_survey concept:atdate concept_year_n1997 +concept_charactertrait_survey concept:atdate concept_year_n1998 +concept_charactertrait_symposium concept:atdate concept_date_n2001 +concept_charactertrait_symposium concept:atdate concept_date_n2003 +concept_charactertrait_symposium concept:atdate concept_date_n2004 +concept_charactertrait_symposium concept:atdate concept_date_n2009 +concept_charactertrait_symposium concept:atdate concept_dateliteral_n2002 +concept_charactertrait_symposium concept:atdate concept_dateliteral_n2005 +concept_charactertrait_symposium concept:atdate concept_dateliteral_n2006 +concept_charactertrait_symposium concept:atdate concept_dateliteral_n2008 +concept_charactertrait_system_performance concept:subpartof concept_weatherphenomenon_air +concept_charactertrait_tranquility concept:proxyfor concept_radiostation_new_jersey +concept_charactertrait_tranquility concept:proxyfor concept_stateorprovince_newjersey +concept_charactertrait_video concept:atdate concept_dateliteral_n2005 +concept_charactertrait_video concept:atdate concept_dateliteral_n2006 +concept_charactertrait_vision concept:proxyfor concept_book_new +concept_charactertrait_vision concept:atdate concept_dateliteral_n2007 +concept_charactertrait_vision concept:istallerthan concept_publication_people_ +concept_charactertrait_vista concept:atdate concept_dateliteral_n2007 +concept_charactertrait_way concept:istallerthan concept_publication_people_ +concept_charactertrait_world concept:atdate concept_date_n1979 +concept_charactertrait_world concept:atdate concept_date_n1993 +concept_charactertrait_world concept:atdate concept_date_n1996 +concept_charactertrait_world concept:atdate concept_date_n1999 +concept_charactertrait_world concept:atdate concept_date_n2000 +concept_charactertrait_world concept:atdate concept_date_n2001 +concept_charactertrait_world concept:atdate concept_date_n2003 +concept_charactertrait_world concept:atdate concept_date_n2004 +concept_charactertrait_world concept:atdate concept_date_n2009 +concept_charactertrait_world concept:atdate concept_date_summer +concept_charactertrait_world concept:atdate concept_dateliteral_n1980 +concept_charactertrait_world concept:atdate concept_dateliteral_n1987 +concept_charactertrait_world concept:atdate concept_dateliteral_n1990 +concept_charactertrait_world concept:atdate concept_dateliteral_n2002 +concept_charactertrait_world concept:atdate concept_dateliteral_n2005 +concept_charactertrait_world concept:atdate concept_dateliteral_n2006 +concept_charactertrait_world concept:atdate concept_dateliteral_n2007 +concept_charactertrait_world concept:atdate concept_dateliteral_n2008 +concept_charactertrait_world concept:atdate concept_dateliteral_n2010 +concept_charactertrait_world concept:istallerthan concept_publication_people_ +concept_charactertrait_world concept:atdate concept_year_n1970 +concept_charactertrait_world concept:atdate concept_year_n1978 +concept_charactertrait_world concept:atdate concept_year_n1981 +concept_charactertrait_world concept:atdate concept_year_n1982 +concept_charactertrait_world concept:atdate concept_year_n1983 +concept_charactertrait_world concept:atdate concept_year_n1984 +concept_charactertrait_world concept:atdate concept_year_n1985 +concept_charactertrait_world concept:atdate concept_year_n1986 +concept_charactertrait_world concept:atdate concept_year_n1988 +concept_charactertrait_world concept:atdate concept_year_n1989 +concept_charactertrait_world concept:atdate concept_year_n1991 +concept_charactertrait_world concept:atdate concept_year_n1992 +concept_charactertrait_world concept:atdate concept_year_n1994 +concept_charactertrait_world concept:atdate concept_year_n1995 +concept_charactertrait_world concept:atdate concept_year_n1997 +concept_charactertrait_world concept:atdate concept_year_n1998 +concept_cheese_five_counties concept:proxyfor concept_politicaloffice_new +concept_cheese_fundido concept:latitudelongitude 8.6055600000000,-76.0719400000000 +concept_cheese_maccheroni concept:latitudelongitude 43.4833300000000,12.4166700000000 +concept_cheese_maternity_leave concept:atdate concept_dateliteral_n2008 +concept_cheese_monastery concept:atdate concept_dayofweek_thursday +concept_cheese_suffolk concept:proxyfor concept_company_missouri +concept_cheese_suffolk concept:subpartof concept_company_new_york +concept_cheese_summer_shopping concept:latitudelongitude 35.1503700000000,-89.9173100000000 +concept_cheese_testun concept:latitudelongitude 46.7430600000000,10.3499200000000 +concept_chef_alain_de_botton concept:agentcreated concept_book_on_love +concept_chef_alfred_portale concept:persondiedincountry concept_country_england +concept_chef_alistair_thomson concept:persondiedincountry concept_country_england +concept_chef_als concept:atdate concept_date_n2000 +concept_chef_als concept:atdate concept_dateliteral_n2006 +concept_chef_amanda_hesser concept:persondiedincountry concept_country_england +concept_chef_anaheim_ducks concept:atlocation concept_building_anaheim +concept_chef_andrea_goodsaid concept:persondiedincountry concept_country_england +concept_chef_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_chef_antananarivo_jerome_orth concept:persondiedincountry concept_country_england +concept_chef_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_chef_atlanta_thrashers concept:agentcollaborateswithagent concept_coach_bob_hartley +concept_chef_atlanta_thrashers concept:agentcontrols concept_coach_bob_hartley +concept_chef_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_chef_bob_roach concept:persondiedincountry concept_country_england +concept_chef_chapmanleonard_studio_equipment concept:persondiedincountry concept_country_england +concept_chef_chimamanda_ngozi_adichie concept:agentcreated concept_book_half_of_a_yellow_sun +concept_chef_claire_daniel concept:persondiedincountry concept_country_england +concept_chef_creator concept:parentofperson concept_person_jesus +concept_chef_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_chef_daniel_okula concept:persondiedincountry concept_country_england +concept_chef_eds concept:agentcollaborateswithagent concept_athlete_derrick_brown +concept_chef_eds concept:agentcontrols concept_athlete_derrick_brown +concept_chef_elizabeth_buchan concept:persondiedincountry concept_country_england +concept_chef_format concept:agentinvolvedwithitem concept_buildingfeature_window +concept_chef_format concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_chef_format concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_chef_format concept:agentparticipatedinevent concept_sportsgame_series +concept_chef_g_williams concept:persondiedincountry concept_country_england +concept_chef_george_carlin concept:persondiedatage 71 +concept_chef_george_greenstein concept:persondiedincountry concept_country_england +concept_chef_george_napier concept:persondiedincountry concept_country_england +concept_chef_giada concept:latitudelongitude 43.4293750000000,11.1306500000000 +concept_chef_gilly_charbonnet concept:persondiedincountry concept_country_england +concept_chef_henley_green concept:persondiedincountry concept_country_england +concept_chef_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_chef_james_kane concept:persondiedincountry concept_country_england +concept_chef_james_owen_smith concept:persondiedincountry concept_country_england +concept_chef_james_winston concept:persondiedincountry concept_country_england +concept_chef_jamie_lauren concept:persondiedincountry concept_country_england +concept_chef_jean_louis_palladin concept:persondiedincountry concept_country_england +concept_chef_jeffery_kissoon concept:persondiedincountry concept_country_england +concept_chef_jeffrey_b__barnett concept:persondiedincountry concept_country_england +concept_chef_jeffrey_gettleman concept:persondiedincountry concept_country_england +concept_chef_jenevora_williams concept:persondiedincountry concept_country_england +concept_chef_jennifer_balella concept:persondiedincountry concept_country_england +concept_chef_jennifer_paterson concept:persondiedincountry concept_country_england +concept_chef_jerod_johnson concept:persondiedincountry concept_country_england +concept_chef_jerome_abbasi concept:persondiedincountry concept_country_england +concept_chef_jerome_acard concept:persondiedincountry concept_country_england +concept_chef_jerome_agnes concept:persondiedincountry concept_country_england +concept_chef_jerome_agnew concept:persondiedincountry concept_country_england +concept_chef_jerome_andrieu concept:persondiedincountry concept_country_england +concept_chef_jerome_appleby concept:persondiedincountry concept_country_england +concept_chef_jerome_arcega concept:persondiedincountry concept_country_england +concept_chef_jerome_bezzaro concept:persondiedincountry concept_country_england +concept_chef_jerome_blackshear concept:persondiedincountry concept_country_england +concept_chef_jerome_bourgois concept:persondiedincountry concept_country_england +concept_chef_jerome_braley concept:persondiedincountry concept_country_england +concept_chef_jerome_braxton concept:persondiedincountry concept_country_england +concept_chef_jerome_bruyant concept:persondiedincountry concept_country_england +concept_chef_jerome_bullock concept:persondiedincountry concept_country_england +concept_chef_jerome_capers concept:persondiedincountry concept_country_england +concept_chef_jerome_cederlof concept:persondiedincountry concept_country_england +concept_chef_jerome_chapkewitz concept:persondiedincountry concept_country_england +concept_chef_jerome_chapui concept:persondiedincountry concept_country_england +concept_chef_jerome_chapuis concept:persondiedincountry concept_country_england +concept_chef_jerome_collymore concept:persondiedincountry concept_country_england +concept_chef_jerome_coyle concept:persondiedincountry concept_country_england +concept_chef_jerome_daniel concept:persondiedincountry concept_country_england +concept_chef_jerome_danilo concept:persondiedincountry concept_country_england +concept_chef_jerome_desplat concept:persondiedincountry concept_country_england +concept_chef_jerome_dorotik concept:persondiedincountry concept_country_england +concept_chef_jerome_dotto concept:persondiedincountry concept_country_england +concept_chef_jerome_ejeh concept:persondiedincountry concept_country_england +concept_chef_jerome_enella concept:persondiedincountry concept_country_england +concept_chef_jerome_feldman concept:persondiedincountry concept_country_england +concept_chef_jerome_ferrat concept:persondiedincountry concept_country_england +concept_chef_jerome_ferrer concept:persondiedincountry concept_country_england +concept_chef_jerome_ferris concept:persondiedincountry concept_country_england +concept_chef_jerome_franconeri concept:persondiedincountry concept_country_england +concept_chef_jerome_gayle concept:persondiedincountry concept_country_england +concept_chef_jerome_gellar concept:persondiedincountry concept_country_england +concept_chef_jerome_geller concept:persondiedincountry concept_country_england +concept_chef_jerome_gitkin concept:persondiedincountry concept_country_england +concept_chef_jerome_golembiewski concept:persondiedincountry concept_country_england +concept_chef_jerome_guidry concept:persondiedincountry concept_country_england +concept_chef_jerome_hankins concept:persondiedincountry concept_country_england +concept_chef_jerome_harry concept:persondiedincountry concept_country_england +concept_chef_jerome_hatch concept:persondiedincountry concept_country_england +concept_chef_jerome_heaven concept:persondiedincountry concept_country_england +concept_chef_jerome_hettich concept:persondiedincountry concept_country_england +concept_chef_jerome_hindes concept:persondiedincountry concept_country_england +concept_chef_jerome_hohmann concept:persondiedincountry concept_country_england +concept_chef_jerome_hughes concept:persondiedincountry concept_country_england +concept_chef_jerome_isaac concept:persondiedincountry concept_country_england +concept_chef_jerome_iven concept:persondiedincountry concept_country_england +concept_chef_jerome_ives concept:persondiedincountry concept_country_england +concept_chef_jerome_ivey concept:persondiedincountry concept_country_england +concept_chef_jerome_jager concept:persondiedincountry concept_country_england +concept_chef_jerome_jagla concept:persondiedincountry concept_country_england +concept_chef_jerome_jerzy concept:persondiedincountry concept_country_england +concept_chef_jerome_jeske concept:persondiedincountry concept_country_england +concept_chef_jerome_jesky concept:persondiedincountry concept_country_england +concept_chef_jerome_jesus concept:persondiedincountry concept_country_england +concept_chef_jerome_julienne concept:persondiedincountry concept_country_england +concept_chef_jerome_kelsh concept:persondiedincountry concept_country_england +concept_chef_jerome_kenan concept:persondiedincountry concept_country_england +concept_chef_jerome_kerzerho concept:persondiedincountry concept_country_england +concept_chef_jerome_kidder concept:persondiedincountry concept_country_england +concept_chef_jerome_killens concept:persondiedincountry concept_country_england +concept_chef_jerome_lawniczak concept:persondiedincountry concept_country_england +concept_chef_jerome_lefor concept:persondiedincountry concept_country_england +concept_chef_jerome_legel concept:persondiedincountry concept_country_england +concept_chef_jerome_leger concept:persondiedincountry concept_country_england +concept_chef_jerome_legua concept:persondiedincountry concept_country_england +concept_chef_jerome_lillebo concept:persondiedincountry concept_country_england +concept_chef_jerome_lisay concept:persondiedincountry concept_country_england +concept_chef_jerome_meade concept:persondiedincountry concept_country_england +concept_chef_jerome_means concept:persondiedincountry concept_country_england +concept_chef_jerome_milch concept:persondiedincountry concept_country_england +concept_chef_jerome_mwiseneza concept:persondiedincountry concept_country_england +concept_chef_jerome_nelson concept:persondiedincountry concept_country_england +concept_chef_jerome_nigon concept:persondiedincountry concept_country_england +concept_chef_jerome_orticio concept:persondiedincountry concept_country_england +concept_chef_jerome_panday concept:persondiedincountry concept_country_england +concept_chef_jerome_pilosi concept:persondiedincountry concept_country_england +concept_chef_jerome_quintero concept:persondiedincountry concept_country_england +concept_chef_jerome_rambert concept:persondiedincountry concept_country_england +concept_chef_jerome_reiser concept:persondiedincountry concept_country_england +concept_chef_jerome_rerevise_leh concept:persondiedincountry concept_country_england +concept_chef_jerome_rode concept:persondiedincountry concept_country_england +concept_chef_jerome_roland concept:persondiedincountry concept_country_england +concept_chef_jerome_roma concept:persondiedincountry concept_country_england +concept_chef_jerome_romo concept:persondiedincountry concept_country_england +concept_chef_jerome_root concept:persondiedincountry concept_country_england +concept_chef_jerome_rusin concept:persondiedincountry concept_country_england +concept_chef_jerome_russo concept:persondiedincountry concept_country_england +concept_chef_jerome_servine concept:persondiedincountry concept_country_england +concept_chef_jerome_shadwick concept:persondiedincountry concept_country_england +concept_chef_jerome_shell concept:persondiedincountry concept_country_england +concept_chef_jerome_sheng concept:persondiedincountry concept_country_england +concept_chef_jerome_spaeth concept:persondiedincountry concept_country_england +concept_chef_jerome_tschida concept:persondiedincountry concept_country_england +concept_chef_jerome_turini_harb concept:persondiedincountry concept_country_england +concept_chef_jerome_vandaele concept:persondiedincountry concept_country_england +concept_chef_jerome_velinsky concept:persondiedincountry concept_country_england +concept_chef_jerome_villalobos concept:persondiedincountry concept_country_england +concept_chef_jerome_weinbach concept:persondiedincountry concept_country_england +concept_chef_jerome_wenninger concept:persondiedincountry concept_country_england +concept_chef_jerry_frank concept:persondiedincountry concept_country_england +concept_chef_jess_jackson concept:persondiedincountry concept_country_england +concept_chef_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_chef_joe_mclaughlin concept:persondiedincountry concept_country_england +concept_chef_johanna_burkhard concept:persondiedincountry concept_country_england +concept_chef_john_dechellis concept:persondiedincountry concept_country_england +concept_chef_john_edward_gray concept:persondiedincountry concept_country_england +concept_chef_john_gatto concept:persondiedincountry concept_country_england +concept_chef_john_little concept:persondiedincountry concept_country_england +concept_chef_jorge_e concept:latitudelongitude 5.9402800000000,-71.9133300000000 +concept_chef_judas concept:hassibling concept_person_james001 +concept_chef_kalle_lasn concept:personleadsorganization concept_publication_adbusters +concept_chef_kalle_lasn concept:worksfor concept_publication_adbusters +concept_chef_kanniyakumari_jerome_todd concept:persondiedincountry concept_country_england +concept_chef_kate_sullivan concept:persondiedincountry concept_country_england +concept_chef_keith_woolven concept:persondiedincountry concept_country_england +concept_chef_kelly_liken concept:persondiedincountry concept_country_england +concept_chef_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_chef_lauren_deen concept:persondiedincountry concept_country_england +concept_chef_lawrence_ebert concept:persondiedincountry concept_country_england +concept_chef_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_chef_len_deighton concept:agentcreated concept_movie_the_ipcress_file +concept_chef_len_deighton concept:agentcreated concept_musicalbum_bomber +concept_chef_lynne_dawson concept:persondiedincountry concept_country_england +concept_chef_marvin_woods concept:latitudelongitude 42.9672200000000,-73.8172200000000 +concept_chef_mary_doria_russell concept:agentcreated concept_book_the_sparrow +concept_chef_masahiko_kobe concept:persondiedincountry concept_country_england +concept_chef_michelle_berriedale_johnson concept:persondiedincountry concept_country_england +concept_chef_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_chef_nazareth_cheese_jerome_zeitler concept:persondiedincountry concept_country_england +concept_chef_olaf_stapledon concept:agentcreated concept_book_star_maker +concept_chef_painter concept:proxyfor concept_weatherphenomenon_new +concept_chef_pamella_asquith concept:persondiedincountry concept_country_england +concept_chef_pat_conroy concept:agentcreated concept_movie_the_prince_of_tides +concept_chef_paul_betz concept:persondiedincountry concept_country_england +concept_chef_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_chef_policies concept:agentparticipatedinevent concept_eventoutcome_result +concept_chef_policies concept:agentbelongstoorganization concept_professionalorganization_federal +concept_chef_policies concept:agentbelongstoorganization concept_terroristorganization_state +concept_chef_r_l__williams concept:persondiedincountry concept_country_england +concept_chef_recipes concept:agentinvolvedwithitem concept_buildingfeature_window +concept_chef_robert_d__russell concept:persondiedincountry concept_country_england +concept_chef_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_chef_robinson_robinson concept:persondiedincountry concept_country_england +concept_chef_rosie_daley concept:agentcontributedtocreativework concept_book_in_the_kitchen_with_rosie +concept_chef_rushyford_jerome_collard concept:persondiedincountry concept_country_england +concept_chef_scott_conant concept:persondiedincountry concept_country_england +concept_chef_stacy_richford concept:persondiedincountry concept_country_england +concept_chef_stephen_burgess concept:persondiedincountry concept_country_england +concept_chef_steven_scheschareg concept:persondiedincountry concept_country_england +concept_chef_subjects concept:persondiedincountry concept_country_england +concept_chef_subjects concept:agentparticipatedinevent concept_eventoutcome_result +concept_chef_tana_french concept:agentcreated concept_musicartist_in_the_woods +concept_chef_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_chef_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_chef_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_chef_university_of_california_berkeley concept:atlocation concept_county_san_francisco +concept_chef_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_chef_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_chef_william_gluth concept:persondiedincountry concept_country_england +concept_chef_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_chemical__ concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_absorbents concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_acetate concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_acetic_acid concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_acetone concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_acetone concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_acetylcholine concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_acetylcholine concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_acetylene concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_acetylene concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_acid_gases concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_acid_rain concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_acid_rain concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_acid_rain concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_acid_rain concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_acids concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_acids concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_acids concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_acids concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_action concept:mutualproxyfor concept_person_mugabe +concept_chemical_adrenalin concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_adrenaline concept:chemicalistypeofchemical concept_chemical_catecholamines +concept_chemical_adrenaline concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_adrenaline concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_air_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_air_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_air_pollutants concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_air_pollutants concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_air_toxics concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_air_toxics concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_alkaline concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_alloys concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_amines concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_refrigerants +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_ammonia concept:chemicalistypeofchemical concept_chemical_urea +concept_chemical_ammonia concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_ammonium concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_ammonium concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_analysis concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_anhydrous_ammonia concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_animals concept:specializationof concept_publication_people_ +concept_chemical_antimony concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_argon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_argon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_argon concept:chemicalistypeofchemical concept_chemical_inert_gas +concept_chemical_argon concept:chemicalistypeofchemical concept_chemical_noble_gases +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_arsenic concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_asbestos concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_asbestos concept:chemicalistypeofchemical concept_chemical_hazardous_materials +concept_chemical_asbestos concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_asbestos concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_ash concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ash concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_ash concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_atom concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_atom concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_atom concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_atom concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_fluorine +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_silicon +concept_chemical_atoms concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_atrazine concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_ba concept:mutualproxyfor concept_ceo_willie_walsh +concept_chemical_barium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_benzene concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_beryllium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_biodiesel concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_biodiesel concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_bismuth concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_bodies concept:subpartof concept_programminglanguage_state +concept_chemical_boron concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_bromine concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_bromine concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_brompheniramine_pseudoephedrine concept:drughassideeffect concept_disease_side_effects +concept_chemical_buildings concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_butane concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_byproducts concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_hazardous_materials +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_cadmium concept:chemicalistypeofchemical concept_chemical_trace_metals +concept_chemical_calcium_hydroxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_absorbents +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_acetate +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_acids +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_air_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_analysis +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_animals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_argon +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_ash +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_baking_soda +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_biodiesel +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_bromine +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_buildings +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_compounds +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_dioxide_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_monoxide_levels +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_carbon_tetrachloride +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_catalyst +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_cement +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_charcoal +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_chemical_compound +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_chemical_compounds +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_combustion_by_products +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_combustion_byproducts +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_companies +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_compressed_air +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_constituent +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_crystals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_decomposition +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_diesel +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_diesel_exhaust +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_dioxygen +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_dust +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_end_products +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_exhaust_gas +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_flue_gas +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_forms +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_fuel_combustion +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_fuel_plants +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_carbon concept:specializationof concept_chemical_gas_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_glass +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_greenhouse_effect +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_greenhouses_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_harmful_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_heat_trapping_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_hexane +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_hydrochloric_acid +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_hydrogen_gas +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_industries +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_inert_gas +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_iron +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_jet_fuel +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_layer +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_liquid +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_lungs +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_matter +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_mercury +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_methane_levels +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_methylene_chloride +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_molecule +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_monitoring +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_nitrogen_oxide_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_noxious_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_acid +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_acids +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_chemicals +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_compound +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_material +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_matter +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_organic_molecules +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_oxide_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_ozone +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_particulate_matter +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_particulates +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_pesticides +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_plastics +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_platinum +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_pollutant +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_power_plant +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_power_plant_emissions +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_power_plants +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_precipitation +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_pressure +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_scrubbers +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sensor +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_smog +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_soda_lime +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sodium_hydroxide +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_soot +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sulfate +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sulfur_compounds +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sulphide +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_sulphuric_acid +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_systems +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_toxic_fumes +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_trace +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_trace_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_travel +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_vapors +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_waste_gases +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_waste_materials +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_waste_products +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_wastes +concept_chemical_carbon concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_carbon concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_carbon concept:chemicalistypeofchemical concept_product_area +concept_chemical_carbon concept:chemicalistypeofchemical concept_visualizablething_alcohols +concept_chemical_carbon concept:chemicalistypeofchemical concept_visualizablething_calcium +concept_chemical_carbon concept:chemicalistypeofchemical concept_visualizablething_salts +concept_chemical_carbon_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_atmospheric_gases +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_by_products +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_fuel_combustion +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_gas_emissions +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_green_house_gases +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_monitoring +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_wastes +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_carbon_dioxide concept:chemicalistypeofchemical concept_visualizablething_glucose +concept_chemical_carbon_dioxide_emission concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_dioxide_emissions concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_carbon_dioxide_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_dioxide_emissions concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_carbon_dioxide_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon_dioxide_levels concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_emissions concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_carbon_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_emissions concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_carbon_gases concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_carbon_monoxide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_carbon_monoxide_levels concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbon_pollution concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_carbon_tetrachloride concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbonate concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbonates concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_carbondioxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_carbonic_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_catalyst concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chemical_compound concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chemical_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chemical_products concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_chemicals concept:specializationof concept_chemical_chlorofluorocarbons +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_chemicals concept:specializationof concept_chemical_diesel +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_chemicals concept:specializationof concept_chemical_dioxins +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_chemicals concept:specializationof concept_chemical_ethylene_glycol +concept_chemical_chemicals concept:specializationof concept_chemical_formaldehyde +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_lead +concept_chemical_chemicals concept:specializationof concept_chemical_mercury +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_chemicals concept:specializationof concept_chemical_oxides +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_chemicals concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_chloride concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_chlorine_gas +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_chlorite +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_disinfectants +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_oxidizers +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_chlorine concept:chemicalistypeofchemical concept_chemical_systems +concept_chemical_chlorine concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_chlorine_gas concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_chlorofluorocarbons concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_chlorofluorocarbons concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_chlorofluorocarbons concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_chromium concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_click concept:specializationof concept_chemical_help +concept_chemical_click concept:specializationof concept_chemical_images +concept_chemical_click concept:specializationof concept_chemical_information +concept_chemical_click concept:specializationof concept_chemical_links +concept_chemical_clifton concept:atlocation concept_bridge_new_jersey +concept_chemical_clifton concept:mutualproxyfor concept_radiostation_new_jersey +concept_chemical_climate_change concept:atdate concept_date_n2009 +concept_chemical_climate_change concept:atdate concept_dateliteral_n2008 +concept_chemical_climate_change concept:subpartof concept_weatherphenomenon_water +concept_chemical_cobalt concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_cobalt concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_cobalt concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_codeine_phosphate concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_chemical_combustion_by_products concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_combustion_byproducts concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_companies concept:subpartof concept_beverage_local_water +concept_chemical_companies concept:subpartof concept_beverage_municipal_water +concept_chemical_companies concept:atdate concept_date_n1996 +concept_chemical_companies concept:atdate concept_date_n1999 +concept_chemical_companies concept:atdate concept_date_n2000 +concept_chemical_companies concept:atdate concept_date_n2003 +concept_chemical_companies concept:atdate concept_date_n2004 +concept_chemical_companies concept:atdate concept_date_n2009 +concept_chemical_companies concept:atdate concept_dateliteral_n2002 +concept_chemical_companies concept:atdate concept_dateliteral_n2005 +concept_chemical_companies concept:atdate concept_dateliteral_n2006 +concept_chemical_companies concept:atdate concept_dateliteral_n2007 +concept_chemical_companies concept:atdate concept_dateliteral_n2008 +concept_chemical_companies concept:subpartof concept_visualizablething_water_supply +concept_chemical_companies concept:subpartof concept_weatherphenomenon_air +concept_chemical_companies concept:atdate concept_year_n1997 +concept_chemical_compound concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_compound concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_compound concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_fluorine +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_compounds concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_compressed_air concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_compressed_air concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_compressed_natural_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_condensate concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_constituent concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_coo concept:atdate concept_date_n2001 +concept_chemical_coo concept:atdate concept_dateliteral_n2005 +concept_chemical_coo concept:atdate concept_dateliteral_n2006 +concept_chemical_coo concept:atdate concept_dateliteral_n2007 +concept_chemical_coo concept:atdate concept_dateliteral_n2008 +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_copper concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_criteria_pollutants concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_crude_oil concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_crude_oil concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_crude_oil concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_cyanide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_cyclosporine concept:drughassideeffect concept_disease_side_effects +concept_chemical_degradation concept:subpartof concept_weatherphenomenon_water +concept_chemical_departments concept:subpartof concept_programminglanguage_state +concept_chemical_departments concept:subpartof concept_weatherphenomenon_water +concept_chemical_deuterium concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_diesel concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_diesel concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_diesel concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_diesel_exhaust concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_diesel_fuel concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_diesel_fuel concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_diesel_fuel concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_diesel_oil concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_diesel_oil concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_acid_gases +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_acids +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_air_emissions +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_animals +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_atmospheric_gases +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_baking_soda +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_bicarbonate +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_bodies +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbon_atom +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbon_compounds +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbonate +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_carbonic_acid +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_catalyst +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_cement +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_charcoal +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_chemical_reactions +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_criteria_pollutants +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_decomposition +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_diesel_fuel +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_dust +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_ethanol +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_ethylene +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_fats +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_fatty_acids +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_flour +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_formic_acid +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_forms +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_greenhouse_effect +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gas +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gas_emissions +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_harmful_emissions +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_hydrocarbon +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_hydrogen_sulfide +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_important_greenhouse_gases +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_industries +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_inorganic_carbon +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_iron +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_lactic_acid +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_limestone +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_liquid +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_lungs +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_matter +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_methanol +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_moisture +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen_oxide +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_acids +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_material +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_matter +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_molecules +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_organic_pollutants +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_oxygen_gas +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_oxygen_molecules +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_ozone +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_petroleum +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_plastics +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_polymers +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_power_plants +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_preservatives +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_propane +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_simple_compounds +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_simple_molecules +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_steam +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_sugar +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_sugars +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_sulfur_compounds +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_systems +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_urea +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_vapors +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_waste_products +concept_chemical_dioxide concept:chemicalistypeofchemical concept_chemical_wastes +concept_chemical_dioxide concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_dioxide concept:chemicalistypeofchemical concept_drug_calcium_carbonate +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_calcium +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_glucose +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_lime +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_malt +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_powder +concept_chemical_dioxide concept:chemicalistypeofchemical concept_visualizablething_water_vapour +concept_chemical_dioxides concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_dioxides concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_dioxides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_dioxides concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_dioxin concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_dioxin concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_dioxin concept:chemicalistypeofchemical concept_chemical_organochlorines +concept_chemical_dioxin concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_dioxin concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_byproducts +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_organochlorines +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_dioxins concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_dioxygen concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_distilled_water concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_dmc concept:atdate concept_date_n2004 +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_brain_chemicals +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_catecholamines +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_monoamines +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_neurotransmitter +concept_chemical_dopamine concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_dopamine concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_dopamine concept:drugworkedonbyagent concept_professor_body +concept_chemical_dry_ice concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_dust concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical__ +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_issue +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_terms +concept_chemical_emissions concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_emissions concept:chemicalistypeofchemical concept_product_area +concept_chemical_emissions concept:chemicalistypeofchemical concept_product_study +concept_chemical_end_products concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_epinephrine concept:chemicalistypeofchemical concept_chemical_catecholamines +concept_chemical_epinephrine concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_epinephrine concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_ethane concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ethane concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_ethane concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_ethane concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_ethanol concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_ether concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ethylene concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ethylene concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_ethylene concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_example concept:mutualproxyfor concept_book_new +concept_chemical_exhaust_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fertilizer concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fertilizer concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_fireworks concept:synonymfor concept_website_adobe +concept_chemical_flouride concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_flue_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fluoride concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_fluoride concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_fluoride concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_fluorides concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_fluorine concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_fluorine concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_fluorine concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_fly_ash concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_formaldehyde concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_formic_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_forms concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fuel_combustion concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fuel_combustion concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_fuel_oil concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_fuel_oil concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_fuel_plants concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_ash +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_by_products +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_byproducts +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_carbon_dioxide_emission +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_carbon_dioxide_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_carbon_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_gas_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_green_house_gas +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_greenhouse_gas +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_greenhouse_gas_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_greenhouse_gasses +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_harmful_emissions +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_heat_trapping_gases +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_mercury +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_petroleum +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_pollutant +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_fuels concept:chemicalistypeofchemical concept_chemical_sulfur_dioxide +concept_chemical_fumes concept:latitudelongitude 46.6333300000000,11.7333300000000 +concept_chemical_fumes concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_fumes concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_fumes concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_furnace concept:subpartof concept_weatherphenomenon_air +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_ammonia +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_argon +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_biodiesel +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_compressed_natural_gas +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_condensate +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_crude_oil +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_diesel +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_diesel_fuel +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_ethanol +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_exports +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_fertilizer +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_helium +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_hydrocarbon +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_industries +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_inert_gas +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_kerosene +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_liquefied_petroleum_gas +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_liquid +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_lubricants +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_methanol +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_monoxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_neon +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_nitrous_oxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_ozone +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_petrol +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_petroleum +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_petroleum_gas +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_pressure +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_propane +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_gas concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_gas concept:chemicalistypeofchemical concept_drug_alcohol +concept_chemical_gas concept:chemicalistypeofchemical concept_visualizablething_water_vapour +concept_chemical_gas_emissions concept:specializationof concept_chemical_carbon +concept_chemical_gas_emissions concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_gas_emissions concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_gas_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical__ +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_carbon_emissions +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_layer +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_monitoring +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_more_carbon +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_nitrous_oxide +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_total_emissions +concept_chemical_gases concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_gasoline concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_gasoline concept:chemicalistypeofchemical concept_chemical_ethanol +concept_chemical_gasoline concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_gasoline concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_gasoline concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_glass concept:chemicalistypeofchemical concept_chemical_silicon +concept_chemical_global_warming_pollution concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_glutamate concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_glutamine concept:drugworkedonbyagent concept_professor_body +concept_chemical_grease concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_green_house_gas concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_green_house_gases concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_greenhouse_effect concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_greenhouse_effect concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_gas concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_gas concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_greenhouse_gas_emissions concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_greenhouse_gas_emissions concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_greenhouse_gas_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_gas_emissions concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_greenhouse_gases concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_greenhouse_gases concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_greenhouse_gases concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_gases concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_greenhouse_gasses concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_greenhouse_gasses concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_greenhouse_gasses concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_greenhouses_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ground_level_ozone concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_groundwater concept:chemicalistypeofchemical concept_chemical_pressure +concept_chemical_halocarbons concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_harmful_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_harmful_emissions concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_harmful_substances concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_heat_trapping_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_heat_trapping_gases concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_heavy_metals concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_helium concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_helium concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_helium concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_helium concept:chemicalistypeofchemical concept_chemical_inert_gas +concept_chemical_herbicides concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_herbicides concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_hexane concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hexane concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_histamine concept:chemicalistypeofchemical concept_chemical_amines +concept_chemical_histamine concept:chemicalistypeofchemical concept_chemical_biogenic_amines +concept_chemical_histamine concept:drugworkedonbyagent concept_professor_body +concept_chemical_hydrocarbon concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrocarbon concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_hydrocarbon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_hydrocarbon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrocarbon_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_carcinogenic_substances +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_environmental_pollutants +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_organic_chemicals +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_hydrocarbons concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_hydrochloric_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_acids +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_ammonia +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_analysis +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_byproducts +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_chemical_compound +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_chemical_compounds +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_hydrogen_chloride +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_hydrogen_peroxide +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_iron +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_layer +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_mercaptans +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_methanol +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_molecule +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_organic_molecules +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_oxygen_gas +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_pressure +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_steam +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_sulfuric_acid +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_sulphur_dioxide +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_volatile_organic_compounds +concept_chemical_hydrogen concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_hydrogen_chloride concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen_chloride concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrogen_chloride concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_hydrogen_chloride concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_hydrogen_cyanide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen_cyanide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrogen_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_hydrogen_peroxide concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_hydrogen_sulfide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen_sulfide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_hydrogen_sulfide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_hydrogen_sulfide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_hydrogen_sulfide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrogen_sulphide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_hydrogen_sulphide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_hydrogen_sulphide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_images concept:specializationof concept_chemical_information +concept_chemical_important_factor concept:proxyfor concept_book_new +concept_chemical_industrial_chemicals concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_inert_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_iodine concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_alloys +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_crystals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_forms +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_layer +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_pyrite +concept_chemical_iron concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_iron_ore concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_iron_ore concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_jaipur concept:proxyfor concept_actor_rajasthan +concept_chemical_jet_fuel concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_jet_fuel concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_jet_fuel concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_jet_fuel concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_kerosene concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_krypton concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_krypton concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_lactic_acid concept:chemicalistypeofchemical concept_chemical_waste_products +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_hazardous_materials +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_lead_selenide +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_lead concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_lead concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_limestone concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_links concept:specializationof concept_chemical_archives +concept_chemical_links concept:specializationof concept_chemical_commercial +concept_chemical_links concept:specializationof concept_chemical_companies +concept_chemical_links concept:specializationof concept_chemical_departments +concept_chemical_links concept:specializationof concept_chemical_exporters +concept_chemical_links concept:specializationof concept_chemical_fireplace +concept_chemical_links concept:specializationof concept_chemical_images +concept_chemical_links concept:specializationof concept_chemical_importers +concept_chemical_links concept:specializationof concept_chemical_properties +concept_chemical_links concept:specializationof concept_chemical_statistics +concept_chemical_links concept:specializationof concept_chemical_suppliers +concept_chemical_liquefied_petroleum_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_liquid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_liquid concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_liquid_nitrogen concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_liquids concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_liquids concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_lubricants concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_mact concept:latitudelongitude 31.0100000000000,29.7366700000000 +concept_chemical_management concept:subpartof concept_beverage_integrated_water +concept_chemical_management concept:subpartof concept_buildingmaterial_marine +concept_chemical_management concept:subpartof concept_chemical_groundwater +concept_chemical_management concept:subpartof concept_visualizablething_effective_water +concept_chemical_management concept:subpartof concept_visualizablething_water_supply +concept_chemical_management concept:subpartof concept_weatherphenomenon_air +concept_chemical_management concept:subpartof concept_weatherphenomenon_land +concept_chemical_management concept:subpartof concept_weatherphenomenon_water +concept_chemical_management concept:mutualproxyfor concept_website_boards +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_silicon +concept_chemical_materials concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_matter concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_hazardous_materials +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_mercury concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_mercury_vapor concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_metals concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_gas_emissions +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_greenhouse_gasses +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_toxic_gases +concept_chemical_methane concept:chemicalistypeofchemical concept_chemical_trace_gases +concept_chemical_methane_levels concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_methanol concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_methanol concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_methanol concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_methanol concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_methylene_chloride concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_methylene_chloride concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_methylmercury concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_minerals concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_moisture concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_moisture concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_moisture concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_moisture concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_molecule concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_molecule concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_molecule concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_molecules concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_molybdenum concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_monitoring concept:synonymfor concept_agent_linux +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_charcoal +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_decomposition +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_harmful_substances +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_matter +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_methanol +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_propane +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_steam +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_toxic_compounds +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_toxic_fumes +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_vapors +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_monoxide concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_more_carbon concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_more_carbon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_crude_oil +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_industries +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_oil +concept_chemical_natural_gas concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_navigation concept:specializationof concept_chemical_information +concept_chemical_neon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_neon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nickel concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_nickel concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_nickel concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_nickel concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_nickel concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_nitrates concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_nitrates concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_nitrates concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_nitric_acid concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_nitric_oxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitric_oxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitric_oxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitric_oxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_nitric_oxide concept:drugworkedonbyagent concept_professor_body +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_dioxides +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_forms +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_hydrogen_chloride +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_inert_gas +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_lead +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_moisture +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_monoxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_nitric_acid +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_nitric_oxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_nitrogen_dioxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_nitrogen_oxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_particulate_matter +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_particulates +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_sulfur_oxides +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_volatile_organic_compounds +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_nitrogen concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_nitrogen_dioxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_nitrogen_gas concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_nitrogen_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_nitrogen_oxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_nitrogen_oxide_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_nitrogen_oxides concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_nitrous_oxide concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_nitrous_oxides concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_nitrous_oxides concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_nitrous_oxides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_nitrous_oxides concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_noradrenalin concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_noradrenaline concept:chemicalistypeofchemical concept_chemical_brain_chemicals +concept_chemical_noradrenaline concept:chemicalistypeofchemical concept_chemical_catecholamines +concept_chemical_noradrenaline concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_noradrenaline concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_noradrenaline concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_amines +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_brain_chemicals +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_catecholamines +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_monoamines +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_neurotransmitter +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_chemical_two_neurotransmitters +concept_chemical_norepinephrine concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_noxious_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oceans concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_oil concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_old concept:mutualproxyfor concept_criminal_baton_rouge +concept_chemical_organic_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_acids concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_chemicals concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_compound concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_compound concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_organic_compounds concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_organic_material concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_matter concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_molecules concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_organic_solvents concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_organic_solvents concept:chemicalistypeofchemical concept_chemical_polymers +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_oxide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_oxide_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oxide_emissions concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_oxide_levels concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_criteria_pollutants +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_harmful_emissions +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_methane +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_oxygen +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_oxides concept:chemicalistypeofchemical concept_chemical_toxic_fumes +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_chlorine +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_molecule +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_oxygen concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_ozone concept:chemicalistypeofchemical concept_chemical_trace_gases +concept_chemical_ozone_gas concept:latitudelongitude 35.6348000000000,-93.4729600000000 +concept_chemical_paducah concept:proxyfor concept_coach_kentucky +concept_chemical_paducah concept:atlocation concept_skiarea_kentucky +concept_chemical_paducah concept:subpartof concept_wine_kentucky +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_particles concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_particulate_matter concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_particulates concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_perchlorate concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_organic_chemicals +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_pesticides concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_petrol concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_petrol concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_petroleum concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_petroleum concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_petroleum concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_petroleum concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_petroleum concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_petroleum_gas concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_phosphate concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_phosphorus concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_phosphorus concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_phosphorus concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_phosphorus concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_phosphorus concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_pipes concept:subpartof concept_governmentorganization_stormwater +concept_chemical_pipes concept:subpartof concept_planet_water_pipes +concept_chemical_pipes concept:subpartof concept_visualizablething_drain +concept_chemical_platinum concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_platinum concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_platinum concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_poise concept:latitudelongitude 49.4996600000000,-123.7527300000000 +concept_chemical_pollutant concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_pollutants concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_potassium concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_potassium concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_potassium concept:chemicalistypeofchemical concept_chemical_solutions +concept_chemical_potassium concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_potassium concept:drugworkedonbyagent concept_professor_body +concept_chemical_power_plant concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_power_plant_emissions concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_precipitation concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_prediction concept:atdate concept_dateliteral_n2006 +concept_chemical_preservatives concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_pressure concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_pressure concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_production concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_production concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_production concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_production concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_products concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_propane concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_propane concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_propane concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_propane concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_propane concept:chemicalistypeofchemical concept_chemical_natural_gas +concept_chemical_properties concept:specializationof concept_chemical_information +concept_chemical_public_health concept:atdate concept_date_n2000 +concept_chemical_public_health concept:atdate concept_date_n2004 +concept_chemical_public_health concept:atdate concept_dateliteral_n2002 +concept_chemical_public_health concept:atdate concept_dateliteral_n2005 +concept_chemical_public_health concept:atdate concept_dateliteral_n2006 +concept_chemical_public_health concept:atdate concept_dateliteral_n2007 +concept_chemical_public_health concept:atdate concept_dateliteral_n2008 +concept_chemical_quartz concept:chemicalistypeofchemical concept_chemical_silicon +concept_chemical_radon concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_radon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_radon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_radon concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_rainfall concept:atdate concept_dateliteral_n2002 +concept_chemical_salicylic_acid concept:drughassideeffect concept_disease_side_effects +concept_chemical_sands concept:subpartof concept_traditionalgame_vegas +concept_chemical_scrubbers concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_seawater concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_seawater concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_seawater concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_seawater concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_sensor concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_separation concept:atdate concept_dateliteral_n2006 +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_amines +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_biogenic_amines +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_brain_chemicals +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_monoamine_neurotransmitters +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_monoamines +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_neurotransmitter +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_serotonin concept:chemicalistypeofchemical concept_chemical_two_neurotransmitters +concept_chemical_serotonin concept:chemicalistypeofchemical concept_drug_hormones +concept_chemical_silica concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_silica concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_glass +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_quartz +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_silicates +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_titanium_dioxide +concept_chemical_silicon concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_silver concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_slate concept:subpartof concept_website_washington_post +concept_chemical_slovenia concept:atdate concept_dateliteral_n2008 +concept_chemical_smog concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_smog concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_smog concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_soda_lime concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sodium_bisulfite concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_sodium_carbonate concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sodium_hydroxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_solution concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_solution concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_solutions concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_solvents concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_soot concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_soot concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_soot concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_soot concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_starches concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_steam concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_steam concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_steam concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_steam concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_substances concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_substances concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_substances concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_substances concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sugar concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sugars concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sugars concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_sulfate concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulfates concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sulfates concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_sulfide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_sulfide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulfide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_acid_gases +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_acid_rain +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_aerosols +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_ammonia +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_byproducts +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_dust +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_emission_reductions +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_hydrogen_chloride +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_nitrous_oxides +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_oxide_emissions +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_particulate_matter +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_particulates +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_power_plants +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_production +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_soot +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_sulfuric_acid +concept_chemical_sulfur concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_chemical_sulfur concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_sulfur_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_air_emissions +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_air_pollutants +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_fuel_combustion +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_sulfur_dioxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sulfur_hexafluoride concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_sulfur_oxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulfur_oxides concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulfur_oxides concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulfur_oxides concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sulfur_trioxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_sulfuric_acid concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_sulfuric_acid concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_sulphide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulphide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_sulphites concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_ammonia +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_dust +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_fluoride +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_hydrocarbons +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_monoxide +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_organic_compounds +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_ozone +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_particulate_matter +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_particulates +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_sulphates +concept_chemical_sulphur concept:chemicalistypeofchemical concept_chemical_sulphuric_acid +concept_chemical_sulphur concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_sulphur_dioxide concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_sulphur_oxides concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_sulphuric_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_sulphuric_acid concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_systems concept:subpartof concept_fungus_seawater +concept_chemical_tin concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_tin concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_tin concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_topics concept:specializationof concept_chemical_information +concept_chemical_toxic_fumes concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_trace_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_trace_metals concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_transition_metal concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_travel concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_trichloroethylene concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_trihalomethane concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_trioxide concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_trioxide concept:chemicalistypeofchemical concept_chemical_sulphur +concept_chemical_tritium concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_tungsten concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_uranium concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_urea concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_urea concept:chemicalistypeofchemical concept_chemical_waste_products +concept_chemical_urea concept:chemicalistypeofchemical concept_chemical_wastes +concept_chemical_urea concept:drughassideeffect concept_disease_side_effects +concept_chemical_vanadium concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_vanadium concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_vapors concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_volatile_organic_compound concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_volatile_organic_compounds concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_volatile_organic_compounds concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_volatile_organic_compounds concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_volatile_organic_compounds concept:chemicalistypeofchemical concept_chemical_pollutants +concept_chemical_waste concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_waste concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_waste concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_waste_gases concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_waste_materials concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_waste_products concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_wastes concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_water concept:chemicalistypeofchemical concept_chemical__ +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_acid_rain +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_acids +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_acrylamide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_aerosols +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_alum +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_anions +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_antimony +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_argon +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_ash +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_atmospheric_gases +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_baking_soda +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_barium +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_bicarbonate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_billion +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_boron +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_by_products +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carbon_compounds +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carbon_monoxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carbonate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carbonic_acid +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carboxylic_acids +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_carcinogen +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_certain_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chemical_compound +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chemical_perchlorate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chemical_pollutants +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chemicals_present +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chlorides +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_chlorine_bleach +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_common_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_composition +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_compound +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_condensate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_detergents +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_different_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_dioxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_dioxin +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_disinfectants +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_ethanol +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_ether +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_ethylene +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_fats +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_fatty_acids +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_fertilizer +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_flouride +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_formaldehyde +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_fuels +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_fumes +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_gasoline +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_gum_arabic +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_harmful_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_harmful_pollutants +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_harmful_substances +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_hazardous_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_high_concentrations +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_hydrogen_gas +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_hydrogen_sulfide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_hydroxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_inks +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_inorganic_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_inorganic_compounds +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_lactic_acid +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_liquid +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_liquids +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_matter +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_medication +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_methanol +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_moisture +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_molecule +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_monochloramine +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_nickel +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_nitric_acid +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_nitrogen_compounds +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_nitrogen_oxides +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_organic_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_organic_compound +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_organic_material +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_organic_pollutants +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_oxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_oxides +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_oxygen_content +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_oxygen_gas +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_particulate_matter +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_particulates +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_phosphate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_plastics +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_plutonium +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_pollutant +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_polymers +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_pressure +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_properties +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_purity +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_reagents +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_resins +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_saline +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_salt +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_silica +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_silicates +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_silver +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sludge +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_solutions +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_solvents +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_starch +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_substances +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_such_chemicals +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sugars +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sulfates +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sulfur_dioxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sulfuric_acid +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sulphate +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_sulphur_dioxide +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_trace +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_trace_gases +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_trichloroethylene +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_tritium +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_urea +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_various_pollutants +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_waste +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_wastes +concept_chemical_water concept:chemicalistypeofchemical concept_chemical_zinc +concept_chemical_water concept:chemicalistypeofchemical concept_drug_caffeine +concept_chemical_water concept:chemicalistypeofchemical concept_drug_calcium_carbonate +concept_chemical_water concept:chemicalistypeofchemical concept_drug_doxycycline +concept_chemical_water concept:chemicalistypeofchemical concept_drug_nicotine +concept_chemical_water concept:chemicalistypeofchemical concept_drug_selenium +concept_chemical_water concept:chemicalistypeofchemical concept_drug_sodium_chloride +concept_chemical_water concept:chemicalistypeofchemical concept_item_bleach +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_alcohols +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_colorants +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_fertilizers +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_lime +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_lipids +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_n50_50_mixture +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_rock_salt +concept_chemical_water concept:chemicalistypeofchemical concept_visualizablething_solvent +concept_chemical_water_molecule concept:chemicalistypeofchemical concept_chemical_atoms +concept_chemical_water_molecule concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_carbon +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_compounds +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_emissions +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_greenhouse_gases +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_molecules +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_sulfur +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_chemical_trace_gases +concept_chemical_water_vapor concept:chemicalistypeofchemical concept_drug_acid +concept_chemical_wilmington concept:mutualproxyfor concept_musicartist_delaware +concept_chemical_wilmington concept:subpartof concept_musicartist_delaware +concept_chemical_xenon concept:chemicalistypeofchemical concept_chemical_gas +concept_chemical_xenon concept:chemicalistypeofchemical concept_chemical_gases +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_heavy_metals +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_layer +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_materials +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_metals +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_minerals +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_particles +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_products +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_solution +concept_chemical_zinc concept:chemicalistypeofchemical concept_chemical_water +concept_chemical_zirconium concept:chemicalistypeofchemical concept_chemical_metals +concept_city_aalborg concept:citylocatedincountry concept_country_denmark +concept_city_aalesund concept:citylocatedincountry concept_country_norway +concept_city_aalst concept:citylocatedincountry concept_country_belgium +concept_city_abadan concept:citylocatedingeopoliticallocation concept_country_iran +concept_city_abakan concept:citylocatedingeopoliticallocation concept_country_russia +concept_city_abbeville concept:cityliesonriver concept_river_somme +concept_city_abbeville concept:atlocation concept_stateorprovince_louisiana +concept_city_abbotsford concept:cityalsoknownas concept_city_columbia +concept_city_abbotsford concept:cityliesonriver concept_river_columbia +concept_city_abc concept:agentcollaborateswithagent concept_athlete_charlie_gibson +concept_city_abc concept:subpartoforganization concept_biotechcompany_the_walt_disney_co_ +concept_city_abc concept:agentcollaborateswithagent concept_celebrity_john_stossel +concept_city_abc concept:agentcontrols concept_celebrity_john_stossel +concept_city_abc concept:organizationheadquarteredincity concept_city_new_york +concept_city_abc concept:agentcollaborateswithagent concept_comedian_george_stephanopoulos +concept_city_abc concept:subpartoforganization concept_company_disney +concept_city_abc concept:subpartoforganization concept_company_disney_feature_animation +concept_city_abc concept:agentcontrols concept_company_khbs +concept_city_abc concept:agentcontrols concept_company_khvo +concept_city_abc concept:agentcontrols concept_company_wjla +concept_city_abc concept:agentcontrols concept_company_wyow +concept_city_abc concept:atdate concept_dateliteral_n2008 +concept_city_abc concept:agentcollaborateswithagent concept_journalist_bob_woodruff +concept_city_abc concept:agentcollaborateswithagent concept_journalist_charles_gibson +concept_city_abc concept:agentcollaborateswithagent concept_journalist_terry_moran +concept_city_abc concept:agentcollaborateswithagent concept_musician_barbara_walters +concept_city_abc concept:agentcontrols concept_newspaper_wham_tv +concept_city_abc concept:agentcontrols concept_park_john_miller +concept_city_abc concept:agentcollaborateswithagent concept_person_cokie_roberts +concept_city_abc concept:agentcollaborateswithagent concept_person_jake_tapper +concept_city_abc concept:organizationterminatedperson concept_person_mcpherson +concept_city_abc concept:agentcollaborateswithagent concept_person_sam_donaldson +concept_city_abc concept:agentcollaborateswithagent concept_personcanada_diane_sawyer +concept_city_abc concept:agentcontrols concept_personcanada_diane_sawyer +concept_city_abc concept:agentcollaborateswithagent concept_personcanada_elizabeth_vargas +concept_city_abc concept:agentcollaborateswithagent concept_personcanada_peter_jennings +concept_city_abc concept:subpartof concept_personeurope_disney +concept_city_abc concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_abc concept:agentcontrols concept_publication_wggb_tv +concept_city_abc concept:agentcontrols concept_publication_wpbf_tv +concept_city_abc concept:subpartoforganization concept_recordlabel_walt_disney +concept_city_abc concept:agentcontrols concept_skyscraper_wftv +concept_city_abc concept:agentcontrols concept_website_katc +concept_city_abc concept:agentcontrols concept_website_kavu_tv +concept_city_abc concept:agentcontrols concept_website_ketv +concept_city_abc concept:agentcontrols concept_website_kfsn +concept_city_abc concept:agentcontrols concept_website_kgtv +concept_city_abc concept:agentcontrols concept_website_kitv +concept_city_abc concept:agentcontrols concept_website_kolo_tv +concept_city_abc concept:agentcontrols concept_website_kqtv +concept_city_abc concept:agentcontrols concept_website_krcr_tv +concept_city_abc concept:agentcontrols concept_website_krdo_tv +concept_city_abc concept:agentcontrols concept_website_ksat_tv +concept_city_abc concept:agentcontrols concept_website_ktrk +concept_city_abc concept:agentcontrols concept_website_kvii_tv +concept_city_abc concept:agentcontrols concept_website_wapt +concept_city_abc concept:agentcontrols concept_website_wcpo +concept_city_abc concept:agentcontrols concept_website_weht +concept_city_abc concept:agentcontrols concept_website_wews +concept_city_abc concept:agentcontrols concept_website_wjxx_tv +concept_city_abc concept:agentcontrols concept_website_wkef +concept_city_abc concept:agentcontrols concept_website_wlaj +concept_city_abc concept:agentcontrols concept_website_wplg_tv +concept_city_abc concept:agentcontrols concept_website_wqow_tv +concept_city_abc concept:agentcontrols concept_website_wsyx +concept_city_abc concept:agentcontrols concept_website_wtvc +concept_city_abc concept:agentcontrols concept_website_wwsb_tv +concept_city_abc concept:agentcontrols concept_website_wxyz +concept_city_abc concept:agentcontrols concept_website_wytv +concept_city_aberdeen concept:citylocatedingeopoliticallocation concept_city_united_kingdom +concept_city_aberdeen concept:atdate concept_dateliteral_n2008 +concept_city_aberdeen concept:citylocatedingeopoliticallocation concept_geopoliticalorganization_northern +concept_city_aberdeen concept:citylocatedinstate concept_stateorprovince_maryland +concept_city_aberdeen concept:locationlocatedwithinlocation concept_stateorprovince_south_dakota +concept_city_abernant concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_aberystwyth concept:cityliesonriver concept_river_rheidol +concept_city_abha concept:citylocatedingeopoliticallocation concept_country_arabia_saudita +concept_city_abidjan concept:citylocatedincountry concept_country_cote_d_ivoire +concept_city_abidjan concept:citycapitalofcountry concept_country_ivory_coast +concept_city_abilene concept:cityliesonriver concept_skiarea_smoky_hill +concept_city_abilene concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_abilene concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_abilene concept:proxyfor concept_stateorprovince_texas +concept_city_abingdon concept:atlocation concept_stateorprovince_virginia +concept_city_abkhazia concept:atdate concept_year_n1992 +concept_city_abuja concept:citylocatedincountry concept_country_nigeria +concept_city_abuja concept:proxyfor concept_country_nigeria +concept_city_acapulco concept:citylocatedingeopoliticallocation concept_country_mexico +concept_city_accra concept:citycapitalofcountry concept_country_ghana +concept_city_accra concept:citylocatedincountry concept_country_ghana +concept_city_acworth concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_acworth concept:proxyfor concept_stateorprovince_georgia +concept_city_adairsville concept:atlocation concept_stateorprovince_georgia +concept_city_adana concept:citylocatedingeopoliticallocation concept_country_turkey +concept_city_addis_ababa concept:citylocatedincountry concept_country_ethiopia +concept_city_addis_ababa concept:atdate concept_dateliteral_n2008 +concept_city_addison concept:atlocation concept_stateorprovince_illinois +concept_city_addison concept:proxyfor concept_stateorprovince_illinois +concept_city_addison concept:proxyfor concept_stateorprovince_texas +concept_city_adelaide concept:citylocatedincountry concept_country_australia +concept_city_adelaide concept:proxyfor concept_country_australia +concept_city_adelaide concept:atdate concept_date_n1999 +concept_city_adelaide concept:cityliesonriver concept_river_torrens +concept_city_aden concept:citylocatedingeopoliticallocation concept_country_yemen +concept_city_adger concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_advice concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_advice concept:agentcreated concept_programminglanguage_contact +concept_city_afula concept:citylocatedincountry concept_country_israel +concept_city_agri concept:citylocatedingeopoliticallocation concept_country_turkey +concept_city_aguas_calientes concept:cityliesonriver concept_river_urubamba +concept_city_aguascalientes concept:citylocatedingeopoliticallocation concept_country_mexico +concept_city_ahmadabad concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_ahmedabad concept:citylocatedingeopoliticallocation concept_country_republic_of_india +concept_city_ahmedabad concept:cityliesonriver concept_river_sabarmati +concept_city_ahmedabad concept:locationlocatedwithinlocation concept_stateorprovince_gujarat +concept_city_ahmedabad concept:proxyfor concept_stateorprovince_gujarat +concept_city_ahwaz concept:citylocatedingeopoliticallocation concept_country_iran +concept_city_aichi concept:citylocatedincountry concept_country_japan +concept_city_aiea concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_aiken concept:locationlocatedwithinlocation concept_stateorprovince_south_carolina +concept_city_aiken concept:proxyfor concept_stateorprovince_south_carolina +concept_city_airlines concept:agentactsinlocation concept_airport_addis_ababa +concept_city_airlines concept:agentactsinlocation concept_city_istanbul +concept_city_aix_en_provence concept:citylocatedincountry concept_country_france_france +concept_city_ajaccio concept:citylocatedingeopoliticallocation concept_country_france_france +concept_city_ajaccio concept:locationlocatedwithinlocation concept_geopoliticallocation_corsica +concept_city_ajaccio concept:proxyfor concept_geopoliticallocation_corsica +concept_city_akhmim concept:latitudelongitude 26.5833366666667,31.7333300000000 +concept_city_akita concept:citylocatedincountry concept_country_japan +concept_city_akron concept:cityliesonriver concept_river_cuyahoga +concept_city_akron concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_aksu concept:citylocatedingeopoliticallocation concept_country_china +concept_city_akutan concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_akyab concept:cityalsoknownas concept_city_sittwe +concept_city_al_ain concept:citylocatedingeopoliticallocation concept_country_united_arab_emirates +concept_city_al_arish concept:citylocatedingeopoliticallocation concept_country_egypt +concept_city_al_hoceima concept:citylocatedingeopoliticallocation concept_country_morocco +concept_city_alameda concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_alameda concept:proxyfor concept_stateorprovince_california +concept_city_alamo concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_alamogordo concept:locationlocatedwithinlocation concept_stateorprovince_new_mexico +concept_city_alamogordo concept:proxyfor concept_stateorprovince_new_mexico +concept_city_alamosa concept:atlocation concept_stateorprovince_colorado +concept_city_alaska concept:mutualproxyfor concept_airport_juneau +concept_city_alaska concept:mutualproxyfor concept_beverage_new +concept_city_alaska concept:locationlocatedwithinlocation concept_country_usa +concept_city_alaska concept:subpartof concept_country_usa +concept_city_alaska concept:atdate concept_date_n2003 +concept_city_alaska concept:atdate concept_dateliteral_n2005 +concept_city_alaska concept:atdate concept_dateliteral_n2007 +concept_city_alaska concept:atdate concept_dateliteral_n2008 +concept_city_alaska concept:mutualproxyfor concept_geometricshape_anchorage +concept_city_alaska concept:proxyfor concept_politicaloffice_new +concept_city_alaska concept:istallerthan concept_publication_people_ +concept_city_alaska concept:cityliesonriver concept_river_chena +concept_city_alaska concept:cityliesonriver concept_river_columbia +concept_city_alaska concept:cityliesonriver concept_river_copper_river +concept_city_alaska concept:cityliesonriver concept_river_tanana +concept_city_alaska concept:cityliesonriver concept_river_yukon +concept_city_alaska concept:mutualproxyfor concept_university_fairbanks +concept_city_albany concept:proxyfor concept_lake_new +concept_city_albany concept:cityliesonriver concept_river_hudson +concept_city_albany concept:cityliesonriver concept_river_mohawk +concept_city_albany concept:cityliesonriver concept_river_willamette +concept_city_albany concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_albany concept:proxyfor concept_stateorprovince_georgia +concept_city_albany concept:citylocatedinstate concept_stateorprovince_new_york_state +concept_city_albany concept:proxyfor concept_stateorprovince_new_york_state +concept_city_albany concept:atlocation concept_stateorprovince_oregon +concept_city_albany concept:proxyfor concept_year_ny +concept_city_albert_lea concept:atlocation concept_stateorprovince_minnesota +concept_city_albertville concept:citylocatedincountry concept_country_france_france +concept_city_albertville concept:atlocation concept_stateorprovince_alabama +concept_city_albuquerque concept:citylocatedincountry concept_country_usa +concept_city_albuquerque concept:proxyfor concept_lake_new +concept_city_albuquerque concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_albuquerque concept:proxyfor concept_stateorprovince_new_mexico +concept_city_albuquerque concept:proxyfor concept_stateorprovince_newmexico +concept_city_albuquerque concept:atdate concept_year_n1997 +concept_city_albury concept:citylocatedingeopoliticallocation concept_country_australia +concept_city_alderpoint concept:citylocatedinstate concept_stateorprovince_california +concept_city_aleneva concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_alesund concept:citylocatedincountry concept_country_norway +concept_city_alexander_city concept:atlocation concept_stateorprovince_alabama +concept_city_alexandra concept:cityliesonriver concept_river_clutha +concept_city_alexandria concept:citylocatedincountry concept_country_egypt +concept_city_alexandria concept:cityliesonriver concept_river_nile +concept_city_alexandria concept:cityliesonriver concept_river_potomac +concept_city_alexandria concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_alexandria concept:proxyfor concept_stateorprovince_virginia +concept_city_alexandroupolis concept:citylocatedingeopoliticallocation concept_country_greece +concept_city_alger concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_alghero concept:citylocatedingeopoliticallocation concept_country_italy +concept_city_algiers concept:cityliesonriver concept_attraction_mississippi +concept_city_algiers concept:citycapitalofcountry concept_country_algeria +concept_city_algiers concept:citylocatedincountry concept_country_algeria +concept_city_alhambra concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_alhambra concept:proxyfor concept_stateorprovince_california +concept_city_alicante concept:citylocatedingeopoliticallocation concept_country_spain +concept_city_alice_springs concept:citylocatedingeopoliticallocation concept_country_australia +concept_city_alice_springs concept:locationlocatedwithinlocation concept_country_australia +concept_city_alice_springs concept:proxyfor concept_country_australia +concept_city_alice_springs concept:atdate concept_dateliteral_n2005 +concept_city_aliquippa concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_aliso_viejo concept:atlocation concept_stateorprovince_california +concept_city_aliso_viejo concept:mutualproxyfor concept_stateorprovince_california +concept_city_alkmaar concept:citylocatedincountry concept_country_netherlands +concept_city_allahabad concept:cityliesonriver concept_river_ganges +concept_city_allakaket concept:citylocatedinstate concept_stateorprovince_ak +concept_city_allamuchy concept:proxyfor concept_radiostation_new_jersey +concept_city_allegan concept:atlocation concept_stateorprovince_michigan +concept_city_allendale concept:citylocatedingeopoliticallocation concept_geopoliticallocation_grand_valley +concept_city_allendale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_allenhurst concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_allenhurst concept:proxyfor concept_stateorprovince_new_jersey +concept_city_allentown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_allentown concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_allentown concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_alliance concept:atlocation concept_stateorprovince_nebraska +concept_city_alliance concept:atlocation concept_stateorprovince_ohio +concept_city_alma concept:cityliesonriver concept_attraction_mississippi +concept_city_alma concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_alma concept:proxyfor concept_stateorprovince_michigan +concept_city_almaty concept:citylocatedingeopoliticallocation concept_country_kazakhstan +concept_city_aloha concept:citylocatedingeopoliticallocation concept_stateorprovince_oregon +concept_city_alor_setar concept:citylocatedingeopoliticallocation concept_country_malaysia +concept_city_alpena concept:cityliesonriver concept_river_thunder_bay +concept_city_alpena concept:atlocation concept_stateorprovince_michigan +concept_city_alpharetta concept:citylocatedinstate concept_stateorprovince_ga +concept_city_alpharetta concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_alpharetta concept:proxyfor concept_stateorprovince_georgia +concept_city_alta concept:citylocatedingeopoliticallocation concept_country_norway +concept_city_altamonte concept:latitudelongitude 28.6404832142857,-81.4189857142857 +concept_city_altay concept:citylocatedingeopoliticallocation concept_country_china +concept_city_altenburg concept:citylocatedincountry concept_country_germany +concept_city_altenrhein concept:citylocatedingeopoliticallocation concept_country_switzerland +concept_city_alternatives concept:subpartof concept_weatherphenomenon_water +concept_city_alton concept:cityliesonriver concept_attraction_mississippi +concept_city_alton concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_alton concept:proxyfor concept_stateorprovince_illinois +concept_city_altoona concept:locationlocatedwithinlocation concept_stateorprovince_pennsylvania +concept_city_altoona concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_altus concept:atlocation concept_stateorprovince_oklahoma +concept_city_alwar concept:proxyfor concept_actor_rajasthan +concept_city_amarillo concept:mutualproxyfor concept_city_texas +concept_city_amarillo concept:citylocatedingeopoliticallocation concept_geopoliticallocation_texas_tech +concept_city_amarillo concept:locationlocatedwithinlocation concept_hospital_texas_tech_university +concept_city_amarillo concept:citylocatedinstate concept_stateorprovince_texas +concept_city_amarillo concept:proxyfor concept_stateorprovince_texas +concept_city_ambassador concept:atdate concept_date_n2004 +concept_city_ambassador concept:proxyfor concept_politicaloffice_new +concept_city_amberg concept:citylocatedincountry concept_country_germany +concept_city_ambler concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_amboise concept:cityliesonriver concept_river_loire +concept_city_ambon concept:citylocatedingeopoliticallocation concept_country_indonesia +concept_city_american_city concept:proxyfor concept_lake_new +concept_city_american_fork concept:atlocation concept_county_utah +concept_city_american_fork concept:proxyfor concept_county_utah +concept_city_american_samoa concept:citycapitalofcountry concept_island_american_samoa +concept_city_americus concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_ames concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_amherst concept:atlocation concept_beach_massachusetts +concept_city_amherst concept:proxyfor concept_beach_massachusetts +concept_city_amherst concept:mutualproxyfor concept_beverage_new +concept_city_amherst concept:proxyfor concept_politicaloffice_new +concept_city_amherst concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_amissville concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_amman concept:cityliesonriver concept_attraction_grand +concept_city_amman concept:citycapitalofcountry concept_country_jordan +concept_city_amman concept:citylocatedincountry concept_country_jordan +concept_city_amman concept:atdate concept_dateliteral_n2006 +concept_city_amritsar concept:citylocatedingeopoliticallocation concept_country_republic_of_india +concept_city_amritsar concept:proxyfor concept_stateorprovince_punjab +concept_city_amsterdam concept:citylocatedincountry concept_country_netherlands +concept_city_amsterdam concept:citylocatedingeopoliticallocation concept_geopoliticallocation_holland +concept_city_amsterdam concept:cityliesonriver concept_river_mohawk +concept_city_amsterdam concept:cityliesonriver concept_river_rhine +concept_city_amsterdam concept:atlocation concept_stateorprovince_new_york +concept_city_amsterdam_amsterdam concept:locationlocatedwithinlocation concept_country_netherlands +concept_city_anaheim concept:citylocatedingeopoliticallocation concept_stateorprovince_california +concept_city_anaheim concept:proxyfor concept_stateorprovince_california +concept_city_anapa concept:citylocatedingeopoliticallocation concept_country_russia +concept_city_anchorage concept:mutualproxyfor concept_city_alaska +concept_city_anchorage concept:citylocatedincountry concept_country_usa +concept_city_anchorage concept:cityliesonriver concept_river_matanuska +concept_city_anchorage concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_anchorage concept:proxyfor concept_stateorprovince_alaska +concept_city_ancona concept:citylocatedingeopoliticallocation concept_country_italy +concept_city_andalusia concept:atlocation concept_stateorprovince_alabama +concept_city_andenes concept:citylocatedingeopoliticallocation concept_country_norway +concept_city_andizhan concept:citylocatedingeopoliticallocation concept_country_uzbekistan +concept_city_andorra_la_vella concept:citycapitalofcountry concept_country_andorra +concept_city_andorra_la_vella concept:citylocatedincountry concept_country_andorra +concept_city_andover concept:proxyfor concept_lake_new +concept_city_andover concept:proxyfor concept_stateorprovince_kansas +concept_city_andover concept:proxyfor concept_stateorprovince_minnesota +concept_city_andrews concept:citylocatedincountry concept_country_scotland +concept_city_aneho concept:citylocatedincountry concept_country_togo +concept_city_aneityum concept:citylocatedingeopoliticallocation concept_country_republic_of_vanuatu +concept_city_angers concept:cityliesonriver concept_river_loire +concept_city_angouleme concept:citylocatedingeopoliticallocation concept_country_france_france +concept_city_anguilla concept:citycapitalofcountry concept_country_anguilla +concept_city_anguilla concept:citylocatedincountry concept_country_anguilla +concept_city_ankang concept:citylocatedingeopoliticallocation concept_country_china +concept_city_ankara concept:citycapitalofcountry concept_country_turkey +concept_city_ankara concept:citylocatedincountry concept_country_turkey +concept_city_ankeny concept:atlocation concept_stateorprovince_iowa +concept_city_ann_arbor concept:citylocatedinstate concept_stateorprovince_mi +concept_city_ann_arbor concept:atlocation concept_stateorprovince_michigan +concept_city_ann_arbor concept:proxyfor concept_stateorprovince_michigan +concept_city_ann_arbor concept:subpartof concept_stateorprovince_michigan +concept_city_annandale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_annandale concept:proxyfor concept_stateorprovince_virginia +concept_city_annapolis concept:citylocatedingeopoliticallocation concept_country_united_states +concept_city_annapolis concept:citylocatedincountry concept_country_us +concept_city_annapolis concept:citylocatedingeopoliticallocation concept_country_us +concept_city_annapolis concept:proxyfor concept_lake_new +concept_city_annapolis concept:cityliesonriver concept_river_severn +concept_city_annapolis concept:citylocatedinstate concept_stateorprovince_california +concept_city_annemanie concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_anniston concept:proxyfor concept_newspaper_alabama +concept_city_anniston concept:subpartof concept_newspaper_alabama +concept_city_anniston concept:atlocation concept_stateorprovince_alabama +concept_city_announcements concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_anoka concept:cityliesonriver concept_attraction_mississippi +concept_city_anoka concept:atlocation concept_stateorprovince_minnesota +concept_city_ansonia concept:proxyfor concept_stateorprovince_connecticut +concept_city_antakya concept:cityalsoknownas concept_city_hatay +concept_city_antalaha concept:citylocatedingeopoliticallocation concept_country_madagascar +concept_city_antalya concept:citylocatedingeopoliticallocation concept_country_turkey +concept_city_antananarivo concept:citycapitalofcountry concept_country_madagascar +concept_city_antananarivo concept:citylocatedincountry concept_country_madagascar +concept_city_antigua concept:citylocatedincountry concept_country_republic_of_guatemala +concept_city_antigua concept:citylocatedingeopoliticallocation concept_country_republic_of_guatemala +concept_city_antioch concept:cityliesonriver concept_river_san_joaquin +concept_city_antioch concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_antioch concept:proxyfor concept_stateorprovince_california +concept_city_antioch concept:atlocation concept_stateorprovince_illinois +concept_city_antrim concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_antwerp concept:proxyfor concept_country_belgium +concept_city_antwerp concept:cityliesonriver concept_river_rhine +concept_city_antwerp concept:cityliesonriver concept_river_schelde +concept_city_antwerp concept:cityliesonriver concept_river_scheldt +concept_city_anvik concept:citylocatedinstate concept_stateorprovince_ak +concept_city_anza concept:citylocatedinstate concept_stateorprovince_california +concept_city_aomori concept:citylocatedincountry concept_country_japan +concept_city_aosta concept:citylocatedingeopoliticallocation concept_country_italy +concept_city_apache_junction concept:atlocation concept_stateorprovince_arizona +concept_city_apex concept:thinghasshape concept_geometricshape_triangle +concept_city_apia concept:citycapitalofcountry concept_country_samoa +concept_city_apia concept:citylocatedincountry concept_country_samoa +concept_city_apollo_beach concept:atlocation concept_city_florida +concept_city_apopka concept:atlocation concept_city_florida +concept_city_apple_valley concept:atlocation concept_stateorprovince_california +concept_city_apple_valley concept:atlocation concept_stateorprovince_minnesota +concept_city_appleton concept:proxyfor concept_politicaloffice_wisconsin +concept_city_appleton concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_aqaba concept:citylocatedingeopoliticallocation concept_country_jordan +concept_city_aracaju concept:mutualproxyfor concept_city_sergipe +concept_city_aracatuba concept:citylocatedingeopoliticallocation concept_country_brazil +concept_city_arad concept:citylocatedingeopoliticallocation concept_country_romania +concept_city_araguaina concept:citylocatedingeopoliticallocation concept_country_brazil +concept_city_arcadia concept:cityliesonriver concept_river_peace +concept_city_arcadia concept:atlocation concept_stateorprovince_california +concept_city_arcadia concept:proxyfor concept_stateorprovince_california +concept_city_arcadia concept:subpartof concept_stateorprovince_california +concept_city_arcata concept:citylocatedingeopoliticallocation concept_city_humboldt +concept_city_arcata concept:atlocation concept_stateorprovince_california +concept_city_arcata concept:mutualproxyfor concept_stateorprovince_california +concept_city_archdale concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_arcola concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_ardabil concept:citylocatedingeopoliticallocation concept_country_iran +concept_city_arden_arcade concept:latitudelongitude 38.6025000000000,-121.3785400000000 +concept_city_arden_arcade concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_arden_arcade concept:proxyfor concept_stateorprovince_california +concept_city_ardfert concept:latitudelongitude 52.3333300000000,-9.7750000000000 +concept_city_ardmore concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_area concept:proxyfor concept_agriculturalproduct_northern +concept_city_area concept:mutualproxyfor concept_beverage_new +concept_city_area concept:proxyfor concept_book_north +concept_city_area concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_area concept:atdate concept_date_n1996 +concept_city_area concept:atdate concept_date_n2000 +concept_city_area concept:atdate concept_date_n2001 +concept_city_area concept:atdate concept_date_n2003 +concept_city_area concept:atdate concept_date_n2004 +concept_city_area concept:atdate concept_date_n2009 +concept_city_area concept:atdate concept_dateliteral_n1943 +concept_city_area concept:atdate concept_dateliteral_n1945 +concept_city_area concept:atdate concept_dateliteral_n2002 +concept_city_area concept:atdate concept_dateliteral_n2005 +concept_city_area concept:atdate concept_dateliteral_n2006 +concept_city_area concept:atdate concept_dateliteral_n2007 +concept_city_area concept:atdate concept_dateliteral_n2008 +concept_city_area concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_area concept:proxyfor concept_geopoliticallocation_southern +concept_city_area concept:proxyfor concept_politicaloffice_new +concept_city_area concept:agentcreated concept_programminglanguage_contact +concept_city_area concept:proxyfor concept_room_south +concept_city_area concept:organizationterminatedperson concept_scientist_no_ +concept_city_area concept:subpartof concept_sport_clean_water +concept_city_area concept:subpartof concept_weatherphenomenon_air +concept_city_area concept:subpartof concept_weatherphenomenon_water +concept_city_area concept:subpartof concept_weatherphenomenon_winter +concept_city_area concept:subpartof concept_website_blood +concept_city_area concept:agentcreated concept_website_visit +concept_city_area concept:atdate concept_year_n1967 +concept_city_area concept:atdate concept_year_n1988 +concept_city_area concept:atdate concept_year_n1991 +concept_city_area concept:atdate concept_year_n1997 +concept_city_area concept:atdate concept_year_n1998 +concept_city_arena concept:mutualproxyfor concept_beverage_new +concept_city_arena concept:proxyfor concept_politicaloffice_new +concept_city_arena concept:subpartoforganization concept_terroristorganization_state +concept_city_arena concept:subpartof concept_weatherphenomenon_water +concept_city_arequipa concept:citylocatedingeopoliticallocation concept_country_peru +concept_city_arequipa concept:cityliesonriver concept_river_colca +concept_city_arica concept:citylocatedingeopoliticallocation concept_country_chile +concept_city_arkadelphia concept:atlocation concept_stateorprovince_arkansas +concept_city_arkansas concept:cityliesonriver concept_attraction_grand +concept_city_arkansas concept:organizationhiredperson concept_coach_petrino +concept_city_arkansas concept:locationlocatedwithinlocation concept_country_usa +concept_city_arkansas concept:subpartof concept_country_usa +concept_city_arkansas concept:agentcollaborateswithagent concept_personafrica_lou_holtz +concept_city_arkansas concept:cityliesonriver concept_river_buffalo_national +concept_city_arkansas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_arkhangelsk concept:citylocatedingeopoliticallocation concept_country_russia +concept_city_arles concept:cityliesonriver concept_river_rhone +concept_city_arlington concept:mutualproxyfor concept_city_texas +concept_city_arlington concept:citylocatedingeopoliticallocation concept_city_washington_d_c +concept_city_arlington concept:cityliesonriver concept_river_columbia +concept_city_arlington concept:cityliesonriver concept_river_potomac +concept_city_arlington concept:proxyfor concept_stadiumoreventvenue_cowboys_stadium +concept_city_arlington concept:proxyfor concept_stadiumoreventvenue_darrell_k__royal_texas_memorial_stadium +concept_city_arlington concept:proxyfor concept_stateorprovince_texas +concept_city_arlington concept:subpartof concept_stateorprovince_texas +concept_city_arlington concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_arlington concept:proxyfor concept_stateorprovince_virginia +concept_city_arlington_heights concept:atlocation concept_stateorprovince_illinois +concept_city_arlington_heights concept:subpartof concept_stateorprovince_illinois +concept_city_armagh concept:citylocatedincountry concept_country_ireland +concept_city_armidale concept:citylocatedincountry concept_country_australia +concept_city_armidale concept:proxyfor concept_country_australia +concept_city_armstrong concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_army concept:organizationhiredperson concept_coach_bobby_ross +concept_city_army concept:organizationhiredperson concept_coach_stan_brock +concept_city_army concept:organizationheadquarteredincountry concept_country_us +concept_city_army concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_army concept:atdate concept_date_n1864 +concept_city_army concept:atdate concept_date_n1939 +concept_city_army concept:atdate concept_date_n1941 +concept_city_army concept:atdate concept_date_n1942 +concept_city_army concept:atdate concept_date_n1944 +concept_city_army concept:atdate concept_date_n1966 +concept_city_army concept:atdate concept_date_n1968 +concept_city_army concept:atdate concept_date_n1969 +concept_city_army concept:atdate concept_date_n1977 +concept_city_army concept:atdate concept_date_n1993 +concept_city_army concept:atdate concept_date_n1996 +concept_city_army concept:atdate concept_date_n1999 +concept_city_army concept:atdate concept_date_n2000 +concept_city_army concept:atdate concept_date_n2001 +concept_city_army concept:atdate concept_date_n2003 +concept_city_army concept:atdate concept_date_n2004 +concept_city_army concept:atdate concept_date_n2009 +concept_city_army concept:atdate concept_dateliteral_n1943 +concept_city_army concept:atdate concept_dateliteral_n1945 +concept_city_army concept:atdate concept_dateliteral_n1947 +concept_city_army concept:atdate concept_dateliteral_n1987 +concept_city_army concept:atdate concept_dateliteral_n2002 +concept_city_army concept:atdate concept_dateliteral_n2005 +concept_city_army concept:atdate concept_dateliteral_n2006 +concept_city_army concept:atdate concept_dateliteral_n2007 +concept_city_army concept:atdate concept_dateliteral_n2008 +concept_city_army concept:organizationterminatedperson concept_person_bleckley +concept_city_army concept:organizationterminatedperson concept_person_jessica_bleckley +concept_city_army concept:organizationhiredperson concept_person_knight +concept_city_army concept:organizationterminatedperson concept_person_moshe_ben_zikri +concept_city_army concept:proxyfor concept_politicaloffice_new +concept_city_army concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_city_army concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_army concept:atdate concept_year_n1777 +concept_city_army concept:atdate concept_year_n1861 +concept_city_army concept:atdate concept_year_n1862 +concept_city_army concept:atdate concept_year_n1865 +concept_city_army concept:atdate concept_year_n1916 +concept_city_army concept:atdate concept_year_n1919 +concept_city_army concept:atdate concept_year_n1921 +concept_city_army concept:atdate concept_year_n1946 +concept_city_army concept:atdate concept_year_n1948 +concept_city_army concept:atdate concept_year_n1967 +concept_city_army concept:atdate concept_year_n1970 +concept_city_army concept:atdate concept_year_n1973 +concept_city_army concept:atdate concept_year_n1982 +concept_city_army concept:atdate concept_year_n1986 +concept_city_army concept:atdate concept_year_n1988 +concept_city_army concept:atdate concept_year_n1989 +concept_city_army concept:atdate concept_year_n1991 +concept_city_army concept:atdate concept_year_n1995 +concept_city_army concept:atdate concept_year_n1997 +concept_city_army concept:atdate concept_year_n1998 +concept_city_arnhem concept:cityliesonriver concept_river_rhine +concept_city_arnold concept:proxyfor concept_company_missouri +concept_city_artesia concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_article concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_article concept:agentcompeteswithagent concept_city_external_links +concept_city_article concept:atdate concept_date_n1976 +concept_city_article concept:atdate concept_date_n1996 +concept_city_article concept:atdate concept_date_n1999 +concept_city_article concept:atdate concept_date_n2000 +concept_city_article concept:atdate concept_date_n2001 +concept_city_article concept:atdate concept_date_n2003 +concept_city_article concept:atdate concept_date_n2004 +concept_city_article concept:atdate concept_date_n2009 +concept_city_article concept:atdate concept_dateliteral_n1990 +concept_city_article concept:atdate concept_dateliteral_n2002 +concept_city_article concept:atdate concept_dateliteral_n2005 +concept_city_article concept:atdate concept_dateliteral_n2006 +concept_city_article concept:atdate concept_dateliteral_n2007 +concept_city_article concept:atdate concept_dateliteral_n2008 +concept_city_article concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_article concept:atdate concept_month_august +concept_city_article concept:agentcompeteswithagent concept_politicalparty_navigation_search +concept_city_article concept:agentcompeteswithagent concept_reptile_references +concept_city_article concept:agentcompeteswithagent concept_tradeunion_search +concept_city_article concept:atdate concept_year_n1986 +concept_city_article concept:atdate concept_year_n1988 +concept_city_article concept:atdate concept_year_n1991 +concept_city_article concept:atdate concept_year_n1992 +concept_city_article concept:atdate concept_year_n1994 +concept_city_article concept:atdate concept_year_n1995 +concept_city_article concept:atdate concept_year_n1997 +concept_city_article concept:atdate concept_year_n1998 +concept_city_articles concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_articles concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_articles concept:organizationheadquarteredincity concept_city_new_york +concept_city_articles concept:atdate concept_date_n1999 +concept_city_articles concept:atdate concept_date_n2001 +concept_city_articles concept:atdate concept_dateliteral_n2005 +concept_city_articles concept:atdate concept_dateliteral_n2006 +concept_city_articles concept:atdate concept_dateliteral_n2007 +concept_city_articles concept:agentcompeteswithagent concept_tradeunion_search +concept_city_articles concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_aruba concept:citycapitalofcountry concept_country_aruba +concept_city_aruba concept:citylocatedincountry concept_country_aruba +concept_city_arvada concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_arvada concept:proxyfor concept_stateorprovince_colorado +concept_city_arvidsjaur concept:citylocatedingeopoliticallocation concept_city_sweden +concept_city_arvidsjaur concept:locationlocatedwithinlocation concept_city_sweden +concept_city_asahikawa concept:citylocatedincountry concept_country_japan +concept_city_asansol concept:proxyfor concept_terroristorganization_west_bengal +concept_city_asbury_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_asbury_park concept:proxyfor concept_stateorprovince_new_jersey +concept_city_asbury_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_ascona concept:citylocatedincountry concept_country_switzerland +concept_city_ashcroft concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_asheboro concept:atlocation concept_stateorprovince_north_carolina +concept_city_asheville concept:cityliesonriver concept_river_french_broad +concept_city_asheville concept:proxyfor concept_stadiumoreventvenue_thomas_wolfe_auditorium +concept_city_asheville concept:atlocation concept_stateorprovince_north_carolina +concept_city_ashgabat concept:citycapitalofcountry concept_country_turkmenistan +concept_city_ashgabat concept:citylocatedincountry concept_country_turkmenistan +concept_city_ashland concept:cityliesonriver concept_river_platte +concept_city_ashland concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_ashland concept:atlocation concept_stateorprovince_ohio +concept_city_ashland concept:atlocation concept_stateorprovince_oregon +concept_city_ashland concept:atlocation concept_stateorprovince_virginia +concept_city_ashland concept:atlocation concept_stateorprovince_wisconsin +concept_city_ashtabula concept:atlocation concept_stateorprovince_ohio +concept_city_ashville concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_asmara concept:citylocatedincountry concept_country_eritrea +concept_city_asmara concept:proxyfor concept_country_eritrea +concept_city_aspen concept:cityliesonriver concept_skiarea_roaring_fork +concept_city_aspen concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_aspen concept:proxyfor concept_stateorprovince_colorado +concept_city_assiut concept:citylocatedingeopoliticallocation concept_country_egypt +concept_city_astana concept:citycapitalofcountry concept_country_kazakhstan +concept_city_astoria concept:cityliesonriver concept_river_columbia +concept_city_astoria concept:cityliesonriver concept_river_lower_columbia +concept_city_astoria concept:atlocation concept_stateorprovince_oregon +concept_city_astrakhan concept:citylocatedingeopoliticallocation concept_country_russia +concept_city_astrakhan concept:cityliesonriver concept_river_volga +concept_city_asunci concept:citylocatedincountry concept_country_republic_of_paraguay +concept_city_asunci concept:cityliesonriver concept_river_paraguay +concept_city_asuncion concept:citycapitalofcountry concept_country_republic_of_paraguay +concept_city_asuncion concept:citylocatedincountry concept_country_republic_of_paraguay +concept_city_asuncion concept:cityliesonriver concept_river_paraguay +concept_city_aswan concept:citylocatedingeopoliticallocation concept_country_egypt +concept_city_aswan concept:cityliesonriver concept_river_nile +concept_city_aswan concept:cityliesonriver concept_river_nile_river +concept_city_atchison concept:proxyfor concept_creditunion_kansas +concept_city_atchison concept:atlocation concept_stateorprovince_kansas +concept_city_athabasca concept:cityliesonriver concept_river_athabasca +concept_city_athens concept:citylocatedingeopoliticallocation concept_country_greece +concept_city_athens concept:proxyfor concept_country_greece +concept_city_athens concept:atdate concept_dateliteral_n2002 +concept_city_athens concept:atdate concept_dateliteral_n2007 +concept_city_athens concept:cityliesonriver concept_river_hudson +concept_city_athens concept:cityliesonriver concept_river_oconee +concept_city_athens concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_athlone concept:cityliesonriver concept_visualizablescene_shannon +concept_city_atlanta concept:cityliesonriver concept_attraction_grand +concept_city_atlanta concept:citylocatedincountry concept_country_usa +concept_city_atlanta concept:atdate concept_dateliteral_n2002 +concept_city_atlanta concept:atdate concept_dateliteral_n2006 +concept_city_atlanta concept:atdate concept_dateliteral_n2007 +concept_city_atlanta concept:cityliesonriver concept_river_chattahoochee +concept_city_atlanta concept:proxyfor concept_stadiumoreventvenue_cobb_energy_performing_arts_centre +concept_city_atlanta concept:proxyfor concept_stadiumoreventvenue_georgia_dome +concept_city_atlanta concept:proxyfor concept_stadiumoreventvenue_tabernacle +concept_city_atlantic_beach concept:atlocation concept_city_florida +concept_city_atlantic_city concept:proxyfor concept_stadiumoreventvenue_borgata_casino_event_center +concept_city_atlantic_city concept:proxyfor concept_stadiumoreventvenue_trump_taj_mahal_mark_g_etess_arena +concept_city_atlantic_city concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_attock concept:cityliesonriver concept_river_indus +concept_city_attractions concept:mutualproxyfor concept_beverage_new +concept_city_attractions concept:proxyfor concept_politicaloffice_new +concept_city_auberry concept:citylocatedinstate concept_stateorprovince_california +concept_city_auburn concept:cityliesonriver concept_river_american +concept_city_auburn concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_auburn concept:atlocation concept_stateorprovince_california +concept_city_auburn concept:atlocation concept_stateorprovince_indiana +concept_city_auburn concept:atlocation concept_stateorprovince_new_york +concept_city_auburn_hills concept:atlocation concept_stateorprovince_michigan +concept_city_auburndale concept:atlocation concept_city_florida +concept_city_auckland concept:citylocatedincountry concept_country_new_zealand +concept_city_auckland concept:citylocatedingeopoliticallocation concept_country_new_zealand +concept_city_auckland concept:proxyfor concept_country_new_zealand +concept_city_auckland concept:citylocatedingeopoliticallocation concept_country_papua_new_guinea +concept_city_auckland concept:atdate concept_date_n2003 +concept_city_auckland concept:atdate concept_date_n2009 +concept_city_augsburg concept:citylocatedinstate concept_stateorprovince_bavaria +concept_city_augusta concept:atdate concept_dateliteral_n2007 +concept_city_augusta concept:cityliesonriver concept_river_kennebec +concept_city_augusta concept:atlocation concept_stateorprovince_georgia +concept_city_augusta concept:proxyfor concept_stateorprovince_georgia +concept_city_augusta concept:subpartof concept_stateorprovince_georgia +concept_city_augusta concept:atlocation concept_stateorprovince_kansas +concept_city_augusta concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_auki concept:citylocatedincountry concept_country_the_philippines +concept_city_aurangabad concept:proxyfor concept_stateorprovince_maharashtra +concept_city_aurillac concept:citylocatedingeopoliticallocation concept_country_france_france +concept_city_aurora concept:atdate concept_dayofweek_wednesday +concept_city_aurora concept:atlocation concept_stateorprovince_colorado +concept_city_aurora concept:proxyfor concept_stateorprovince_colorado +concept_city_aurora concept:subpartof concept_stateorprovince_colorado +concept_city_aurora concept:atlocation concept_stateorprovince_illinois +concept_city_aurora concept:proxyfor concept_stateorprovince_illinois +concept_city_aurora concept:subpartof concept_stateorprovince_illinois +concept_city_aurora concept:atlocation concept_stateorprovince_missouri +concept_city_aurora concept:atlocation concept_stateorprovince_new_york +concept_city_aurora concept:atlocation concept_stateorprovince_ohio +concept_city_austin concept:proxyfor concept_building_zilker_park +concept_city_austin concept:citylocatedincountry concept_country_republic +concept_city_austin concept:atdate concept_dateliteral_n2005 +concept_city_austin concept:atdate concept_dateliteral_n2006 +concept_city_austin concept:atdate concept_dateliteral_n2007 +concept_city_austin concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_austin concept:atdate concept_year_n1986 +concept_city_avarua concept:citycapitalofcountry concept_island_cook_islands +concept_city_avarua concept:citylocatedincountry concept_island_cook_islands +concept_city_avignon concept:citylocatedincountry concept_country_france_france +concept_city_avignon concept:cityliesonriver concept_river_rhone +concept_city_avila concept:citylocatedincountry concept_country_spain +concept_city_avon concept:mutualproxyfor concept_ceo_andrea_jung +concept_city_avon concept:organizationhiredperson concept_ceo_andrea_jung +concept_city_avon concept:atlocation concept_stateorprovince_indiana +concept_city_avon_lake concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_avondale concept:atlocation concept_stateorprovince_arizona +concept_city_axum concept:citylocatedincountry concept_country_ethiopia +concept_city_ayer_keroh concept:latitudelongitude 2.8812083333333,102.4203850000000 +concept_city_ayutthaya concept:cityliesonriver concept_river_chao_phraya +concept_city_az concept:locationlocatedwithinlocation concept_city_phoenix +concept_city_az concept:locationlocatedwithinlocation concept_country_usa +concept_city_az concept:subpartof concept_country_usa +concept_city_az concept:atdate concept_date_n2004 +concept_city_az concept:atdate concept_dateliteral_n2005 +concept_city_az concept:atdate concept_dateliteral_n2006 +concept_city_azerbaijan concept:citycapitalofcountry concept_country_azerbaijan +concept_city_azerbaijan concept:citylocatedincountry concept_country_azerbaijan +concept_city_azerbaijan concept:locationlocatedwithinlocation concept_country_countries +concept_city_babson_park concept:atlocation concept_city_florida +concept_city_babylon concept:cityliesonriver concept_river_euphrates +concept_city_babylon concept:cityliesonriver concept_river_tigris +concept_city_bacharach concept:cityliesonriver concept_river_rhine +concept_city_bacolod concept:citylocatedincountry concept_country_philippines +concept_city_bad_homburg concept:citylocatedincountry concept_country_germany +concept_city_baden concept:cityliesonriver concept_river_rhine +concept_city_bagan concept:cityliesonriver concept_river_ayeyarwaddy +concept_city_bagan concept:cityliesonriver concept_river_ayeyarwady +concept_city_baghdad concept:citycapitalofcountry concept_country_iraq +concept_city_baghdad concept:citylocatedincountry concept_country_iraq +concept_city_baghdad concept:atdate concept_dateliteral_n2005 +concept_city_baghdad concept:atdate concept_dateliteral_n2007 +concept_city_baghdad concept:atdate concept_dateliteral_n2008 +concept_city_baghdad concept:proxyfor concept_geopoliticallocation_iraq +concept_city_baghdad concept:subpartof concept_geopoliticallocation_iraq +concept_city_baghdad concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_baghdad concept:cityliesonriver concept_river_euphrates +concept_city_baghdad concept:cityliesonriver concept_river_tigris +concept_city_baghdad concept:cityliesonriver concept_river_tigris_river +concept_city_bago concept:cityalsoknownas concept_city_pegu +concept_city_bahamas concept:atdate concept_date_n2004 +concept_city_bahamas concept:atdate concept_dateliteral_n2006 +concept_city_bahamas concept:atdate concept_dateliteral_n2007 +concept_city_bahamas concept:atdate concept_dateliteral_n2008 +concept_city_bahamas concept:proxyfor concept_politicaloffice_new +concept_city_baharampur concept:cityalsoknownas concept_city_berhampore +concept_city_bahawalpur concept:citylocatedincountry concept_country_pakistan +concept_city_bahia concept:citylocatedincountry concept_country_brazil +concept_city_bahrain concept:citycapitalofcountry concept_country_bahrain +concept_city_bahrain concept:citylocatedincountry concept_country_bahrain +concept_city_bainbridge concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_bainbridge concept:proxyfor concept_stateorprovince_georgia +concept_city_baker concept:atlocation concept_stateorprovince_louisiana +concept_city_bakersfield concept:atdate concept_dateliteral_n2007 +concept_city_bakersfield concept:cityliesonriver concept_river_san_joaquin +concept_city_bakersfield concept:citylocatedinstate concept_stateorprovince_california +concept_city_bakersfield concept:proxyfor concept_stateorprovince_california +concept_city_baku concept:mutualproxyfor concept_city_azerbaijan +concept_city_baku concept:citylocatedincountry concept_country_azerbaijan +concept_city_baku concept:atdate concept_date_n1993 +concept_city_baku concept:atdate concept_dateliteral_n2008 +concept_city_baldwin_park concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_baldwin_park concept:proxyfor concept_stateorprovince_california +concept_city_bali concept:atdate concept_date_n2003 +concept_city_bali concept:atdate concept_dateliteral_n2002 +concept_city_bali concept:atdate concept_dateliteral_n2006 +concept_city_bali concept:atdate concept_dateliteral_n2007 +concept_city_bali concept:atdate concept_dateliteral_n2008 +concept_city_ballater concept:cityliesonriver concept_river_dee +concept_city_baltimore concept:citylocatedingeopoliticallocation concept_hotel_morgan +concept_city_baltimore concept:cityliesonriver concept_skiarea_patapsco +concept_city_baltimore concept:proxyfor concept_stadiumoreventvenue_n1st_mariner_arena +concept_city_baltimore concept:proxyfor concept_stadiumoreventvenue_pier_six_concert_pavilion +concept_city_baltimore concept:citylocatedinstate concept_stateorprovince_maryland +concept_city_baltimore concept:citylocatedingeopoliticallocation concept_stateorprovince_md +concept_city_bamaga concept:citylocatedingeopoliticallocation concept_country_australia +concept_city_bamako concept:citycapitalofcountry concept_country_mali +concept_city_bamako concept:citylocatedincountry concept_country_mali +concept_city_bamako concept:cityliesonriver concept_river_niger +concept_city_banbury concept:cityliesonriver concept_river_cherwell +concept_city_band concept:agentcollaborateswithagent concept_person_john003 +concept_city_bandar_lengeh concept:citylocatedincountry concept_country_iran +concept_city_bandar_seri_begawan concept:locationlocatedwithinlocation concept_city_brunei +concept_city_bandar_seri_begawan concept:proxyfor concept_city_brunei +concept_city_bandar_seri_begawan concept:citycapitalofcountry concept_country_brunei +concept_city_bandon concept:cityliesonriver concept_river_coquille +concept_city_banff concept:cityliesonriver concept_river_bow +concept_city_bangalore concept:citylocatedingeopoliticallocation concept_country_republic_of_india +concept_city_bangalore concept:proxyfor concept_country_republic_of_india +concept_city_bangalore concept:citylocatedinstate concept_stateorprovince_karnataka +concept_city_bangalore concept:proxyfor concept_stateorprovince_karnataka +concept_city_bangkok concept:citylocatedincountry concept_country_thailand +concept_city_bangkok concept:atdate concept_date_n1999 +concept_city_bangkok concept:atdate concept_date_n2003 +concept_city_bangkok concept:atdate concept_date_n2004 +concept_city_bangkok concept:atdate concept_dateliteral_n2002 +concept_city_bangkok concept:atdate concept_dateliteral_n2005 +concept_city_bangkok concept:atdate concept_dateliteral_n2006 +concept_city_bangkok concept:atdate concept_dateliteral_n2007 +concept_city_bangkok concept:atdate concept_dateliteral_n2008 +concept_city_bangkok concept:cityliesonriver concept_river_chao_phraya +concept_city_bangkok concept:cityliesonriver concept_river_chao_phraya_river +concept_city_bangkok concept:cityliesonriver concept_river_chao_phrya +concept_city_bangkok concept:cityliesonriver concept_river_chao_phya +concept_city_bangkok concept:cityliesonriver concept_river_chao_praya +concept_city_bangkok concept:atdate concept_year_n1997 +concept_city_bangkok concept:atdate concept_year_n1998 +concept_city_bangladesh concept:citycapitalofcountry concept_country_bangladesh +concept_city_bangladesh concept:citylocatedincountry concept_country_bangladesh +concept_city_bangladesh concept:cityliesonriver concept_river_brahmaputra +concept_city_bangladesh concept:cityliesonriver concept_river_ganges +concept_city_bangladesh concept:cityliesonriver concept_river_meghna +concept_city_bangor concept:cityliesonriver concept_river_penobscot +concept_city_bangor concept:cityliesonriver concept_river_penobscot_river +concept_city_bangor concept:locationlocatedwithinlocation concept_stateorprovince_maine +concept_city_bangor concept:proxyfor concept_stateorprovince_maine +concept_city_bangui concept:citycapitalofcountry concept_country_central_african_republic +concept_city_bangui concept:locationlocatedwithinlocation concept_country_central_african_republic +concept_city_bangui concept:citylocatedincountry concept_country_the_central_african_republic +concept_city_bangui concept:cityliesonriver concept_river_oubangui +concept_city_bangui concept:cityliesonriver concept_river_ubangi +concept_city_banja_luka concept:mutualproxyfor concept_county_republika_srpska +concept_city_banjul concept:citycapitalofcountry concept_country_gambia +concept_city_banjul concept:citylocatedincountry concept_country_gambia +concept_city_banning concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_banning concept:proxyfor concept_stateorprovince_california +concept_city_baptistown concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_baptistown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_baptistown concept:proxyfor concept_stateorprovince_newjersey +concept_city_bar concept:mutualproxyfor concept_beverage_new +concept_city_bar concept:agentcreated concept_city_click +concept_city_bar concept:atdate concept_date_n2003 +concept_city_bar concept:atdate concept_dateliteral_n2005 +concept_city_bar concept:atdate concept_dateliteral_n2007 +concept_city_bar concept:proxyfor concept_politicaloffice_new +concept_city_bar_harbor concept:atlocation concept_stateorprovince_maine +concept_city_baracoa concept:citylocatedincountry concept_country_cuba +concept_city_barberton concept:atlocation concept_stateorprovince_ohio +concept_city_barboursville concept:proxyfor concept_company_west_virginia +concept_city_barbourville concept:proxyfor concept_coach_kentucky +concept_city_barbuda concept:citycapitalofcountry concept_island_antigua_and_barbuda +concept_city_barbuda concept:citylocatedincountry concept_island_antigua_and_barbuda +concept_city_barcelona concept:citylocatedincountry concept_country_spain +concept_city_barcelona concept:proxyfor concept_country_spain +concept_city_barcelona concept:atdate concept_date_n2001 +concept_city_barcelona concept:atdate concept_date_n2003 +concept_city_barcelona concept:atdate concept_date_n2004 +concept_city_barcelona concept:atdate concept_dateliteral_n2002 +concept_city_barcelona concept:atdate concept_dateliteral_n2005 +concept_city_barcelona concept:atdate concept_dateliteral_n2006 +concept_city_barcelona concept:atdate concept_dateliteral_n2007 +concept_city_barcelona concept:atdate concept_dateliteral_n2008 +concept_city_barcelona concept:proxyfor concept_geopoliticalorganization_catalonia +concept_city_barcelona concept:cityliesonriver concept_river_ebro +concept_city_bardstown concept:atlocation concept_stateorprovince_kentucky +concept_city_bardstown concept:proxyfor concept_stateorprovince_kentucky +concept_city_bardufoss concept:citylocatedincountry concept_country_norway +concept_city_bareilly concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_bareilly concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_barn concept:subpartof concept_weatherphenomenon_air +concept_city_barnegat concept:proxyfor concept_stateorprovince_new_jersey +concept_city_baroda concept:cityalsoknownas concept_city_vadodara +concept_city_baroda concept:proxyfor concept_country_republic_of_india +concept_city_barpeta concept:latitudelongitude 26.3166700000000,91.0000000000000 +concept_city_barranquilla concept:citylocatedincountry concept_country_colombia +concept_city_barre concept:atlocation concept_stateorprovince_vermont +concept_city_barrington concept:atlocation concept_stateorprovince_illinois +concept_city_barrington concept:proxyfor concept_stateorprovince_new_jersey +concept_city_barrington concept:proxyfor concept_stateorprovince_newjersey +concept_city_barstow concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_barstow concept:proxyfor concept_stateorprovince_california +concept_city_bartica concept:cityliesonriver concept_river_essequibo +concept_city_bartlesville concept:atlocation concept_stateorprovince_oklahoma +concept_city_bartlett concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_bartlett concept:proxyfor concept_stateorprovince_illinois +concept_city_bartlett concept:atlocation concept_stateorprovince_new_hampshire +concept_city_bartlett concept:atlocation concept_stateorprovince_tennessee +concept_city_barton concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_basel concept:cityliesonriver concept_river_rhine +concept_city_basking_ridge concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_basra concept:atdate concept_date_n2003 +concept_city_basra concept:cityliesonriver concept_river_euphrates +concept_city_basra concept:cityliesonriver concept_river_tigris +concept_city_basseterre concept:citycapitalofcountry concept_country_saint_kitts_and_nevis +concept_city_basseterre concept:citylocatedincountry concept_country_saint_kitts_and_nevis +concept_city_basseterre concept:proxyfor concept_country_saint_kitts_and_nevis +concept_city_bastia concept:citylocatedincountry concept_country_france_france +concept_city_batavia concept:cityalsoknownas concept_city_jakarta +concept_city_batavia concept:atlocation concept_stateorprovince_new_york +concept_city_batemans_bay concept:cityliesonriver concept_river_clyde +concept_city_batesville concept:atlocation concept_stateorprovince_arkansas +concept_city_batesville concept:subpartof concept_stateorprovince_arkansas +concept_city_batesville concept:atlocation concept_stateorprovince_indiana +concept_city_bath concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_bath concept:cityliesonriver concept_river_kennebec +concept_city_baton_rouge concept:cityliesonriver concept_attraction_mississippi +concept_city_baton_rouge concept:cityliesonriver concept_river_mississippi_river +concept_city_battle_creek concept:proxyfor concept_creditunion_michigan +concept_city_battle_creek concept:subpartof concept_creditunion_michigan +concept_city_battle_creek concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_bay concept:citylocatedincountry concept_country_new_zealand +concept_city_bay concept:citylocatedinstate concept_stateorprovince_california +concept_city_bay_head concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_bay_minette concept:atlocation concept_stateorprovince_alabama +concept_city_bayonne concept:cityliesonriver concept_river_hudson +concept_city_bayonne concept:proxyfor concept_stateorprovince_new_jersey +concept_city_baytown concept:mutualproxyfor concept_city_texas +concept_city_baytown concept:atlocation concept_stateorprovince_texas +concept_city_baytown concept:proxyfor concept_stateorprovince_texas +concept_city_bayville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_bayville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_beach_haven concept:proxyfor concept_stateorprovince_newjersey +concept_city_beachwood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_beatrice concept:atlocation concept_stateorprovince_nebraska +concept_city_beatrice concept:proxyfor concept_university_nebraska +concept_city_beatrice concept:subpartof concept_university_nebraska +concept_city_beaufort concept:atlocation concept_stateorprovince_south_carolina +concept_city_beaufort concept:proxyfor concept_stateorprovince_south_carolina +concept_city_beaufort concept:subpartof concept_stateorprovince_south_carolina +concept_city_beaumont concept:cityliesonriver concept_river_neches +concept_city_beaumont concept:atlocation concept_stateorprovince_california +concept_city_beaumont concept:citylocatedinstate concept_stateorprovince_texas +concept_city_beaumont concept:proxyfor concept_stateorprovince_texas +concept_city_beauvais concept:locationlocatedwithinlocation concept_country_france_france +concept_city_beavercreek concept:atlocation concept_stateorprovince_ohio +concept_city_beaverton concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_city_beccles concept:cityliesonriver concept_river_waveney +concept_city_beckley concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_beckley concept:proxyfor concept_stateorprovince_west_virginia +concept_city_beijing concept:cityliesonriver concept_attraction_grand +concept_city_beijing concept:cityalsoknownas concept_city_peking +concept_city_beijing concept:citylocatedincountry concept_country_china +concept_city_beijing concept:proxyfor concept_country_china +concept_city_beijing concept:atdate concept_date_n1949 +concept_city_beijing concept:atdate concept_date_n1979 +concept_city_beijing concept:atdate concept_date_n2004 +concept_city_beijing concept:atdate concept_date_n2009 +concept_city_beijing concept:atdate concept_dateliteral_n2005 +concept_city_beijing concept:atdate concept_dateliteral_n2006 +concept_city_beijing concept:atdate concept_dateliteral_n2007 +concept_city_beijing concept:atdate concept_dateliteral_n2008 +concept_city_beijing concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_beijing concept:proxyfor concept_publication_people_ +concept_city_beijing concept:atdate concept_year_n1995 +concept_city_beirut concept:locationlocatedwithinlocation concept_country_lebanon +concept_city_beirut concept:atdate concept_date_n2003 +concept_city_beirut concept:atdate concept_dateliteral_n1987 +concept_city_beirut concept:atdate concept_dateliteral_n2002 +concept_city_beirut concept:atdate concept_dateliteral_n2005 +concept_city_beirut concept:atdate concept_dateliteral_n2007 +concept_city_beit_hanun concept:latitudelongitude 31.5355200000000,34.5269700000000 +concept_city_beja concept:citylocatedincountry concept_country_portugal +concept_city_belem concept:citylocatedincountry concept_country_brazil +concept_city_belem concept:proxyfor concept_sportsteam_brazil +concept_city_belfast concept:atdate concept_dateliteral_n2002 +concept_city_belfast concept:atdate concept_dateliteral_n2005 +concept_city_belfast concept:atdate concept_dateliteral_n2006 +concept_city_belfast concept:citylocatedingeopoliticallocation concept_geopoliticallocation_northern_ireland +concept_city_belgrade concept:citylocatedincountry concept_country_former_soviet_union +concept_city_belgrade concept:istallerthan concept_publication_people_ +concept_city_belgrade concept:cityliesonriver concept_river_danube +concept_city_belgrade concept:cityliesonriver concept_river_sava +concept_city_belize concept:synonymfor concept_country_british_honduras +concept_city_belize_city concept:citylocatedincountry concept_country_belize +concept_city_bell_gardens concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_bell_gardens concept:proxyfor concept_stateorprovince_california +concept_city_belle_meade concept:proxyfor concept_radiostation_new_jersey +concept_city_belleville concept:atlocation concept_stateorprovince_illinois +concept_city_belleville concept:proxyfor concept_stateorprovince_illinois +concept_city_belleville concept:subpartof concept_stateorprovince_illinois +concept_city_belleville concept:proxyfor concept_stateorprovince_newjersey +concept_city_bellevue concept:cityliesonriver concept_attraction_mississippi +concept_city_bellevue concept:citylocatedingeopoliticallocation concept_city_washington_d_c +concept_city_bellevue concept:proxyfor concept_city_washington_d_c +concept_city_bellevue concept:subpartof concept_city_washington_d_c +concept_city_bellevue concept:mutualproxyfor concept_company_nebraska +concept_city_bellevue concept:atlocation concept_stateorprovince_nebraska +concept_city_bellevue concept:proxyfor concept_stateorprovince_nebraska +concept_city_bellevue concept:subpartof concept_stateorprovince_nebraska +concept_city_bellevue concept:citylocatedinstate concept_visualizablescene_washington +concept_city_bellflower concept:mutualproxyfor concept_stateorprovince_california +concept_city_bellingham concept:citylocatedinstate concept_visualizablescene_washington +concept_city_bellmawr concept:proxyfor concept_stateorprovince_new_jersey +concept_city_belmont concept:cityliesonriver concept_attraction_mississippi +concept_city_belmont concept:atlocation concept_stateorprovince_california +concept_city_belmopan concept:citycapitalofcountry concept_country_belize +concept_city_belmopan concept:citylocatedincountry concept_country_belize +concept_city_belmopan concept:locationlocatedwithinlocation concept_stateorprovince_belize +concept_city_belmopan concept:proxyfor concept_stateorprovince_belize +concept_city_belo_horizonte concept:mutualproxyfor concept_city_bahia +concept_city_belo_horizonte concept:locationlocatedwithinlocation concept_country_brazil +concept_city_beloit concept:atlocation concept_stateorprovince_wisconsin +concept_city_belton concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_belton concept:proxyfor concept_stateorprovince_texas +concept_city_belvidere concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_belvidere concept:cityliesonriver concept_river_kishwaukee +concept_city_belvidere concept:proxyfor concept_stateorprovince_new_jersey +concept_city_bemidji concept:proxyfor concept_personnorthamerica_minnesota +concept_city_bemidji concept:subpartof concept_personnorthamerica_minnesota +concept_city_bemidji concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_benalmadena concept:citylocatedincountry concept_country_spain +concept_city_bend concept:cityliesonriver concept_river_columbia +concept_city_bend concept:cityliesonriver concept_river_deschutes +concept_city_bend concept:organizationheadquarteredinstateorprovince concept_stateorprovince_michigan +concept_city_bend concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_bend concept:proxyfor concept_stateorprovince_oregon +concept_city_bendigo concept:proxyfor concept_attraction_victoria001 +concept_city_benfica concept:agentcontrols concept_athlete_simao_sabrosa +concept_city_benfica concept:subpartoforganization concept_sportsleague_uefa +concept_city_benicia concept:atlocation concept_stateorprovince_california +concept_city_benidorm concept:citylocatedincountry concept_country_spain +concept_city_bensalem concept:atlocation concept_stateorprovince_pennsylvania +concept_city_bensalem concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_bensenville concept:atlocation concept_stateorprovince_illinois +concept_city_bentleyville concept:agentcollaborateswithagent concept_politicianus_thomas_brown +concept_city_bentleyville concept:mutualproxyfor concept_politicianus_thomas_brown +concept_city_benton concept:atlocation concept_stateorprovince_illinois +concept_city_benton concept:citylocatedinstate concept_visualizablescene_washington +concept_city_bentonville concept:locationlocatedwithinlocation concept_stateorprovince_arkansas +concept_city_bentonville concept:proxyfor concept_stateorprovince_arkansas +concept_city_berea concept:proxyfor concept_stateorprovince_kentucky +concept_city_berea concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_bergen concept:locationlocatedwithinlocation concept_country_norway +concept_city_bergen concept:citylocatedingeopoliticallocation concept_stateorprovince_new_jersey +concept_city_bergen concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_bergenfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_bergenfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_bergerac concept:cityliesonriver concept_river_dordogne +concept_city_berhampore concept:cityalsoknownas concept_city_baharampur +concept_city_berhampur concept:citylocatedinstate concept_stateorprovince_orissa +concept_city_berhampur concept:proxyfor concept_stateorprovince_orissa +concept_city_berkeley concept:atdate concept_date_n2004 +concept_city_berkeley concept:atdate concept_dateliteral_n2002 +concept_city_berkeley concept:atdate concept_dateliteral_n2005 +concept_city_berkeley concept:atdate concept_dateliteral_n2007 +concept_city_berkeley concept:atlocation concept_stateorprovince_california +concept_city_berkeley concept:proxyfor concept_stateorprovince_california +concept_city_berkeley concept:subpartof concept_stateorprovince_california +concept_city_berkeley concept:proxyfor concept_stateorprovince_new_jersey +concept_city_berkeley concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_berkswell concept:latitudelongitude 52.4014500000000,-1.6431533333333 +concept_city_berlin concept:cityliesonriver concept_attraction_grand +concept_city_berlin concept:citycapitalofcountry concept_country_prussia +concept_city_berlin concept:citylocatedincountry concept_country_prussia +concept_city_berlin concept:citylocatedingeopoliticallocation concept_country_scandinavian_countries +concept_city_berlin concept:atdate concept_date_n1996 +concept_city_berlin concept:atdate concept_date_n1999 +concept_city_berlin concept:atdate concept_date_n2003 +concept_city_berlin concept:atdate concept_dateliteral_n1943 +concept_city_berlin concept:atdate concept_dateliteral_n1945 +concept_city_berlin concept:atdate concept_dateliteral_n2002 +concept_city_berlin concept:atdate concept_dateliteral_n2005 +concept_city_berlin concept:atdate concept_dateliteral_n2006 +concept_city_berlin concept:atdate concept_dateliteral_n2007 +concept_city_berlin concept:atdate concept_dateliteral_n2008 +concept_city_berlin concept:citylocatedingeopoliticallocation concept_geopoliticallocation_middle_east +concept_city_berlin concept:cityliesonriver concept_river_androscoggin +concept_city_berlin concept:cityliesonriver concept_river_elbe +concept_city_berlin concept:cityliesonriver concept_river_spree +concept_city_berlin concept:proxyfor concept_sportsteam_germany +concept_city_berlin concept:atdate concept_year_n1997 +concept_city_berlin_berlin concept:citycapitalofcountry concept_country_germany +concept_city_bermuda concept:citylocatedincountry concept_country_bermuda +concept_city_bern concept:citylocatedincountry concept_country_switzerland +concept_city_bern concept:proxyfor concept_country_switzerland +concept_city_bern concept:cityliesonriver concept_river_aare +concept_city_bern concept:cityliesonriver concept_river_neuse +concept_city_bern concept:cityliesonriver concept_river_trent +concept_city_bernardino concept:citylocatedinstate concept_stateorprovince_california +concept_city_bernardsville concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_berne concept:proxyfor concept_country_switzerland +concept_city_berwick concept:cityliesonriver concept_river_susquehanna +concept_city_berwick concept:cityliesonriver concept_river_tweed +concept_city_berwyn concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_bessemer concept:proxyfor concept_newspaper_alabama +concept_city_bessemer concept:atlocation concept_stateorprovince_alabama +concept_city_best concept:synonymfor concept_city_cool +concept_city_best concept:synonymfor concept_musicalbum_security +concept_city_best concept:synonymfor concept_musicartist_server +concept_city_bethel_park concept:atlocation concept_stateorprovince_pennsylvania +concept_city_bethesda concept:atlocation concept_stateorprovince_maryland +concept_city_bethesda concept:proxyfor concept_stateorprovince_maryland +concept_city_bethesda concept:subpartof concept_stateorprovince_maryland +concept_city_bethlehem concept:locationlocatedwithinlocation concept_stateorprovince_pennsylvania +concept_city_bethlehem concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_bethlehem concept:subpartof concept_stateorprovince_pennsylvania +concept_city_bettendorf concept:atlocation concept_stateorprovince_iowa +concept_city_betws_y_coed concept:cityliesonriver concept_river_lledr +concept_city_beverly concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_beverly_hills concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_beverly_hills concept:proxyfor concept_stateorprovince_california +concept_city_beverly_hills concept:subpartof concept_stateorprovince_california +concept_city_bewdley concept:cityliesonriver concept_river_severn +concept_city_beziers concept:citylocatedincountry concept_country_france_france +concept_city_bhagalpur concept:citylocatedinstate concept_stateorprovince_bihar +concept_city_bhagalpur concept:proxyfor concept_stateorprovince_bihar +concept_city_bharuch concept:proxyfor concept_visualizablething_gujarat +concept_city_bhopal concept:locationlocatedwithinlocation concept_city_state +concept_city_bhubaneswar concept:citylocatedinstate concept_stateorprovince_orissa +concept_city_bhubaneswar concept:proxyfor concept_stateorprovince_orissa +concept_city_bhuj concept:proxyfor concept_stateorprovince_gujarat +concept_city_biddeford concept:atlocation concept_stateorprovince_maine +concept_city_bielsko concept:locationlocatedwithinlocation concept_country_poland +concept_city_big_rapids concept:citylocatedingeopoliticallocation concept_geopoliticallocation_ferris +concept_city_big_spring concept:proxyfor concept_stateorprovince_texas +concept_city_big_timber concept:cityliesonriver concept_river_yellowstone +concept_city_bijapur concept:citylocatedinstate concept_stateorprovince_karnataka +concept_city_bijapur concept:proxyfor concept_stateorprovince_karnataka +concept_city_bilbao concept:locationlocatedwithinlocation concept_country_spain +concept_city_billerica concept:atlocation concept_stateorprovince_massachusetts +concept_city_billings concept:cityliesonriver concept_river_yellowstone +concept_city_billings concept:citylocatedinstate concept_stateorprovince_montana +concept_city_billund concept:locationlocatedwithinlocation concept_country_denmark +concept_city_biloxi concept:citylocatedinstate concept_stateorprovince_mississippi +concept_city_bingen concept:cityliesonriver concept_river_rhine +concept_city_bingham concept:cityliesonriver concept_river_kennebec +concept_city_bingham concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_binghamton concept:cityliesonriver concept_river_chenango +concept_city_binghamton concept:cityliesonriver concept_river_susquehanna +concept_city_binghamton concept:atlocation concept_stateorprovince_new_york +concept_city_binghamton concept:proxyfor concept_stateorprovince_new_york +concept_city_binghamton concept:subpartof concept_stateorprovince_new_york +concept_city_bintulu concept:citylocatedincountry concept_country_malaysia +concept_city_birkenhead concept:cityliesonriver concept_river_mersey +concept_city_birmingham concept:cityliesonriver concept_attraction_grand +concept_city_birmingham concept:proxyfor concept_country_england +concept_city_birmingham concept:citylocatedincountry concept_country_usa +concept_city_birmingham concept:atdate concept_date_n1999 +concept_city_birmingham concept:atdate concept_date_n2009 +concept_city_birmingham concept:atdate concept_dateliteral_n2007 +concept_city_birmingham concept:cityliesonriver concept_river_black_warrior +concept_city_birmingham concept:cityliesonriver concept_river_cahaba +concept_city_birmingham concept:proxyfor concept_stadiumoreventvenue_bjcc_concert_hall +concept_city_birmingham concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_birmingham concept:proxyfor concept_stateorprovince_alabama +concept_city_birmingham concept:atlocation concept_stateorprovince_michigan +concept_city_birmingham concept:proxyfor concept_stateorprovince_michigan +concept_city_birmingham concept:proxyfor concept_stateorprovince_new_jersey +concept_city_birmingham concept:proxyfor concept_stateorprovince_newjersey +concept_city_bisbee concept:atlocation concept_stateorprovince_arizona +concept_city_bishkek concept:proxyfor concept_bird_kyrgyzstan +concept_city_bishkek concept:locationlocatedwithinlocation concept_country_kyrgyz_republic +concept_city_bishkek concept:citycapitalofcountry concept_country_kyrgyzstan +concept_city_bismarck concept:cityliesonriver concept_attraction_grand +concept_city_bismarck concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_bissau concept:citycapitalofcountry concept_country_guinea_bissau +concept_city_bissau concept:citylocatedincountry concept_country_guinea_bissau +concept_city_blackburn concept:organizationhiredperson concept_personaustralia_paul_ince +concept_city_blackburn concept:organizationhiredperson concept_personeurope_sam_allardyce +concept_city_blackfoot concept:proxyfor concept_newspaper_idaho +concept_city_blackwood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_blagoveschensk concept:citylocatedincountry concept_country_russia +concept_city_blair concept:atlocation concept_stateorprovince_nebraska +concept_city_blair concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_blairstown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_blairstown concept:proxyfor concept_stateorprovince_newjersey +concept_city_blairsville concept:atlocation concept_stateorprovince_georgia +concept_city_bloemfontein concept:proxyfor concept_currency_free_state +concept_city_blois concept:cityliesonriver concept_river_loire +concept_city_bloomfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_bloomfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_bloomingdale concept:subpartof concept_stateorprovince_illinois +concept_city_bloomingdale concept:proxyfor concept_stateorprovince_newjersey +concept_city_bloomington concept:proxyfor concept_stadiumoreventvenue_indiana_university_auditorium +concept_city_bloomington concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_bloomington concept:proxyfor concept_stateorprovince_illinois +concept_city_bloomington concept:atlocation concept_stateorprovince_indiana +concept_city_bloomington concept:proxyfor concept_stateorprovince_indiana +concept_city_bloomington concept:subpartof concept_stateorprovince_indiana +concept_city_bloomington concept:atlocation concept_stateorprovince_minnesota +concept_city_bloomington concept:proxyfor concept_stateorprovince_minnesota +concept_city_blue_anchor concept:proxyfor concept_stateorprovince_newjersey +concept_city_blue_ridge concept:cityliesonriver concept_county_toccoa +concept_city_blue_springs concept:proxyfor concept_company_missouri +concept_city_blue_springs concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_city_bluefield concept:atlocation concept_stateorprovince_west_virginia +concept_city_bluff concept:cityliesonriver concept_river_san_juan +concept_city_blythe concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_blythe concept:proxyfor concept_stateorprovince_california +concept_city_blytheville concept:atlocation concept_stateorprovince_arkansas +concept_city_blytheville concept:subpartof concept_stateorprovince_arkansas +concept_city_bnei_brak concept:citylocatedincountry concept_country_israel +concept_city_boa_vista concept:mutualproxyfor concept_city_roraima +concept_city_boa_vista concept:proxyfor concept_stateorprovince_roraima +concept_city_boardman concept:cityliesonriver concept_river_columbia +concept_city_boca_raton concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_boca_raton concept:proxyfor concept_city_florida +concept_city_boca_raton concept:proxyfor concept_lake_new +concept_city_boca_raton concept:citylocatedinstate concept_stateorprovince_fl +concept_city_bodrum concept:locationlocatedwithinlocation concept_country_turkey +concept_city_bogot concept:citylocatedincountry concept_country_colombia +concept_city_bogota concept:citylocatedincountry concept_country_colombia +concept_city_bogota concept:proxyfor concept_country_colombia +concept_city_bogota concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_bohemia concept:cityliesonriver concept_river_vltava +concept_city_bolama concept:citylocatedincountry concept_country_guinea_bissau +concept_city_bolingbrook concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_bolingbrook concept:proxyfor concept_stateorprovince_illinois +concept_city_bolivar concept:cityliesonriver concept_river_tuscarawas +concept_city_bolzano concept:cityliesonriver concept_river_adige +concept_city_bombardier concept:mutualproxyfor concept_person_laurent_beaudoin +concept_city_bombay concept:cityalsoknownas concept_city_kolkata +concept_city_bombay concept:locationlocatedwithinlocation concept_city_state +concept_city_bombay concept:citylocatedincountry concept_country_republic_of_india +concept_city_bombay concept:proxyfor concept_country_republic_of_india +concept_city_bombay concept:atdate concept_date_n2004 +concept_city_bombay concept:atdate concept_dateliteral_n2008 +concept_city_bombay concept:citycapitalofcountry concept_geopoliticalorganization_maharashtra_state +concept_city_bombay concept:citylocatedinstate concept_stateorprovince_maharashtra +concept_city_bombay concept:proxyfor concept_stateorprovince_maharashtra +concept_city_bonaire concept:citycapitalofcountry concept_country_bonaire +concept_city_bonaire concept:citylocatedincountry concept_country_bonaire +concept_city_bonham concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_bonham concept:proxyfor concept_stateorprovince_texas +concept_city_bonn concept:atdate concept_dateliteral_n2007 +concept_city_bonn concept:cityliesonriver concept_river_rhine +concept_city_bonn concept:proxyfor concept_sportsteam_germany +concept_city_bonner concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_bonners_ferry concept:cityliesonriver concept_river_kootenai +concept_city_bonners_ferry concept:cityliesonriver concept_river_moyie +concept_city_bonnyville concept:latitudelongitude 54.2506100000000,-110.7855600000000 +concept_city_bontang concept:locationlocatedwithinlocation concept_country_indonesia +concept_city_booterstown concept:latitudelongitude 53.3044700000000,-6.1998500000000 +concept_city_boppard concept:cityliesonriver concept_river_rhine +concept_city_bordeaux concept:locationlocatedwithinlocation concept_country_france_france +concept_city_bordeaux concept:cityliesonriver concept_river_garonne +concept_city_bordeaux concept:cityliesonriver concept_river_gironde +concept_city_bordentown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_bordentown concept:proxyfor concept_stateorprovince_newjersey +concept_city_borger concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_borger concept:proxyfor concept_stateorprovince_texas +concept_city_borlange concept:citylocatedincountry concept_country_sweden +concept_city_bossier concept:citylocatedinstate concept_stateorprovince_louisiana +concept_city_bossier_city concept:proxyfor concept_stadiumoreventvenue_centurytel_center +concept_city_bossier_city concept:atlocation concept_stateorprovince_louisiana +concept_city_bossier_city concept:mutualproxyfor concept_stateorprovince_louisiana +concept_city_boston concept:cityliesonriver concept_attraction_grand +concept_city_boston concept:locationlocatedwithinlocation concept_geopoliticallocation_world +concept_city_boston concept:agentactsinlocation concept_lake_new +concept_city_boston concept:atlocation concept_lake_new +concept_city_boston concept:proxyfor concept_lake_new +concept_city_boston concept:organizationhiredperson concept_person_john__honey_fitz__fitzgerald +concept_city_boston concept:organizationhiredperson concept_person_thomas_m__menino +concept_city_boston concept:organizationhiredperson concept_politicianus_thomas_menino +concept_city_boston concept:proxyfor concept_programminglanguage_the_new +concept_city_boston concept:istallerthan concept_publication_people_ +concept_city_boston concept:cityliesonriver concept_river_charles_river +concept_city_boston concept:subpartoforganization concept_sportsleague_nba +concept_city_boston concept:proxyfor concept_stadiumoreventvenue_agganis_arena +concept_city_boston concept:proxyfor concept_stadiumoreventvenue_bank_of_america_pavilion +concept_city_boston concept:proxyfor concept_stadiumoreventvenue_paradise +concept_city_boston concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_boston concept:proxyfor concept_stateorprovince_massachusetts +concept_city_boston concept:organizationalsoknownas concept_university_state_university +concept_city_boston concept:synonymfor concept_university_state_university +concept_city_boston concept:proxyfor concept_website_the_massachusetts +concept_city_boston concept:atdate concept_year_n1776 +concept_city_bothell concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_bothell concept:proxyfor concept_city_washington_d_c +concept_city_bottineau concept:atlocation concept_stateorprovince_north_dakota +concept_city_boulder concept:locationlocatedwithinlocation concept_city_vegas +concept_city_boulder concept:atdate concept_dateliteral_n2002 +concept_city_boulder concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_boulder concept:proxyfor concept_stateorprovince_colorado +concept_city_boundary concept:cityliesonriver concept_river_columbia +concept_city_boundary concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_bountiful concept:atlocation concept_stateorprovince_utah +concept_city_bountiful concept:mutualproxyfor concept_stateorprovince_utah +concept_city_bountiful concept:subpartof concept_stateorprovince_utah +concept_city_bourbon concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_bourbonnais concept:atlocation concept_stateorprovince_illinois +concept_city_bourges concept:citylocatedincountry concept_country_france_france +concept_city_bowie concept:agentcollaborateswithagent concept_person_john003 +concept_city_bowie concept:atlocation concept_stateorprovince_maryland +concept_city_bowie concept:mutualproxyfor concept_stateorprovince_maryland +concept_city_bowie concept:subpartof concept_stateorprovince_maryland +concept_city_bowie concept:citylocatedinstate concept_stateorprovince_texas +concept_city_boynton_beach concept:proxyfor concept_city_florida +concept_city_bozeman concept:mutualproxyfor concept_radiostation_montana +concept_city_bozeman concept:citylocatedinstate concept_stateorprovince_montana +concept_city_bozeman concept:proxyfor concept_stateorprovince_montana +concept_city_bradenton concept:locationlocatedwithinlocation concept_city_florida +concept_city_bradenton concept:proxyfor concept_city_florida +concept_city_bradenton concept:subpartof concept_city_florida +concept_city_bradenton concept:citylocatedinstate concept_stateorprovince_fl +concept_city_bradford concept:atlocation concept_stateorprovince_pennsylvania +concept_city_bradley concept:citylocatedinstate concept_stateorprovince_florida +concept_city_brainerd concept:cityliesonriver concept_attraction_mississippi +concept_city_brainerd concept:atlocation concept_stateorprovince_minnesota +concept_city_brampton concept:citylocatedincountry concept_country_canada_canada +concept_city_branchville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_branchville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_branchville concept:proxyfor concept_stateorprovince_newjersey +concept_city_brandon concept:cityliesonriver concept_river_assiniboine +concept_city_branford concept:cityliesonriver concept_river_suwannee +concept_city_branford concept:atlocation concept_stateorprovince_connecticut +concept_city_branson concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_branson concept:proxyfor concept_stateorprovince_missouri +concept_city_brantford concept:cityliesonriver concept_attraction_grand +concept_city_bras_lia concept:locationlocatedwithinlocation concept_country_brazil +concept_city_brasia concept:citycapitalofcountry concept_country_brazil +concept_city_brasia concept:citylocatedincountry concept_country_brazil +concept_city_brasilia concept:proxyfor concept_sportsteam_brazil +concept_city_brasilia concept:subpartof concept_sportsteam_brazil +concept_city_bratislava concept:citylocatedincountry concept_country_hungary +concept_city_bratislava concept:citycapitalofcountry concept_country_slovak_republic +concept_city_bratislava concept:locationlocatedwithinlocation concept_country_slovakia +concept_city_bratislava concept:proxyfor concept_country_slovakia +concept_city_bratislava concept:cityliesonriver concept_river_danube +concept_city_brattleboro concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_brattleboro concept:proxyfor concept_stateorprovince_vermont +concept_city_braunfels concept:cityliesonriver concept_river_comal +concept_city_brazoria concept:latitudelongitude 29.1104109677420,-95.5031706451613 +concept_city_brazzaville concept:citycapitalofcountry concept_country_democratic_republic_of_congo +concept_city_brazzaville concept:citylocatedincountry concept_country_democratic_republic_of_congo +concept_city_brazzaville concept:citylocatedingeopoliticallocation concept_country_republic_of_the_congo +concept_city_brazzaville concept:cityliesonriver concept_river_congo +concept_city_brea concept:atlocation concept_stateorprovince_california +concept_city_brea concept:mutualproxyfor concept_stateorprovince_california +concept_city_brecon concept:cityliesonriver concept_river_usk +concept_city_breda concept:citylocatedincountry concept_country_netherlands +concept_city_bregenz concept:mutualproxyfor concept_geopoliticalorganization_vorarlberg +concept_city_bremen concept:cityliesonriver concept_river_weser +concept_city_bremerton concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_bremerton concept:proxyfor concept_city_washington_d_c +concept_city_bremerton concept:citylocatedinstate concept_visualizablescene_washington +concept_city_brenham concept:atlocation concept_stateorprovince_texas +concept_city_brentwood concept:proxyfor concept_company_new_york +concept_city_brentwood concept:atlocation concept_stateorprovince_california +concept_city_brentwood concept:atlocation concept_stateorprovince_tennessee +concept_city_brevard concept:cityliesonriver concept_river_french_broad +concept_city_brevard concept:atlocation concept_stateorprovince_north_carolina +concept_city_brewarrina concept:latitudelongitude -29.9500000000000,146.8666700000000 +concept_city_brewarrina concept:citylocatedincountry concept_country_australia +concept_city_brewarrina concept:cityliesonriver concept_river_barwon +concept_city_brewer concept:cityliesonriver concept_river_penobscot +concept_city_bridgeport concept:cityliesonriver concept_river_columbia +concept_city_bridgeport concept:proxyfor concept_stadiumoreventvenue_arena_at_harbor_yard +concept_city_bridgeport concept:citylocatedinstate concept_stateorprovince_connecticut +concept_city_bridgeport concept:proxyfor concept_stateorprovince_connecticut +concept_city_bridgeport concept:proxyfor concept_stateorprovince_newjersey +concept_city_bridgeport concept:atlocation concept_stateorprovince_west_virginia +concept_city_bridgeton concept:proxyfor concept_radiostation_new_jersey +concept_city_bridgetown concept:citycapitalofcountry concept_country_barbados +concept_city_bridgetown concept:citylocatedincountry concept_country_barbados +concept_city_bridgewater concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_bridgewater concept:proxyfor concept_stateorprovince_new_jersey +concept_city_bridgewater concept:proxyfor concept_stateorprovince_newjersey +concept_city_bridgnorth concept:cityliesonriver concept_river_severn +concept_city_bridgton concept:atlocation concept_stateorprovince_maine +concept_city_brigham_city concept:atlocation concept_stateorprovince_utah +concept_city_brighton concept:cityliesonriver concept_river_south_platte +concept_city_brighton concept:atlocation concept_stateorprovince_michigan +concept_city_brisbane concept:proxyfor concept_city_queensland +concept_city_brisbane concept:proxyfor concept_country_australia +concept_city_brisbane concept:atdate concept_date_n2003 +concept_city_brisbane concept:atdate concept_dateliteral_n2002 +concept_city_brisbane concept:atdate concept_dateliteral_n2005 +concept_city_brisbane concept:proxyfor concept_lake_new +concept_city_brisbane concept:agentparticipatedinevent concept_sportsgame_first_test +concept_city_bristol concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_bristol concept:cityliesonriver concept_river_severn +concept_city_bristol concept:agentparticipatedinevent concept_sportsgame_series +concept_city_bristol concept:atlocation concept_stateorprovince_connecticut +concept_city_bristol concept:proxyfor concept_stateorprovince_connecticut +concept_city_bristol concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_bristol concept:atlocation concept_stateorprovince_pennsylvania +concept_city_bristol concept:proxyfor concept_stateorprovince_rhode_island +concept_city_bristol concept:atlocation concept_stateorprovince_virginia +concept_city_brockport concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_brockton concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_brockton concept:proxyfor concept_stateorprovince_massachusetts +concept_city_broken_arrow concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_broken_arrow concept:proxyfor concept_stateorprovince_oklahoma +concept_city_brookfield concept:atlocation concept_stateorprovince_wisconsin +concept_city_brookfield concept:mutualproxyfor concept_stateorprovince_wisconsin +concept_city_brookfield concept:subpartof concept_stateorprovince_wisconsin +concept_city_brookhaven concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_brookings concept:organizationheadquarteredincity concept_city_washington_d_c +concept_city_brookings concept:cityliesonriver concept_river_chetco +concept_city_brookings concept:atlocation concept_stateorprovince_south_dakota +concept_city_brookings concept:proxyfor concept_stateorprovince_south_dakota +concept_city_brookline concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_brookline concept:proxyfor concept_stateorprovince_massachusetts +concept_city_brookly_n concept:proxyfor concept_politicaloffice_new +concept_city_brooklyn concept:atlocation concept_city_new_york +concept_city_brooklyn concept:cityalsoknownas concept_city_prospect +concept_city_brooklyn concept:subpartof concept_county_york_city +concept_city_brooklyn concept:citylocatedingeopoliticallocation concept_geopoliticallocation_new_york_downstate +concept_city_brooklyn concept:cityliesonriver concept_river_hawkesbury +concept_city_brooklyn concept:cityliesonriver concept_river_hudson +concept_city_brooklyn concept:atlocation concept_stateorprovince_new_york +concept_city_brooklyn concept:proxyfor concept_stateorprovince_new_york +concept_city_brooklyn_park concept:atlocation concept_stateorprovince_minnesota +concept_city_broome concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_broomfield concept:atlocation concept_stateorprovince_colorado +concept_city_broomfield concept:mutualproxyfor concept_stateorprovince_colorado +concept_city_broomfield concept:subpartof concept_stateorprovince_colorado +concept_city_brownsburg concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_brownsburg concept:proxyfor concept_stateorprovince_indiana +concept_city_brownsville concept:cityliesonriver concept_river_monongahela +concept_city_brownsville concept:atlocation concept_stateorprovince_tennessee +concept_city_brownsville concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_brownsville concept:proxyfor concept_stateorprovince_texas +concept_city_brownwood concept:atlocation concept_stateorprovince_texas +concept_city_brownwood concept:proxyfor concept_stateorprovince_texas +concept_city_bruges concept:citylocatedincountry concept_country_belgium +concept_city_brunswick concept:cityliesonriver concept_company_raritan +concept_city_brunswick concept:cityliesonriver concept_river_androscoggin +concept_city_brunswick concept:cityliesonriver concept_river_saint_john +concept_city_brunswick concept:cityliesonriver concept_river_saint_john_river +concept_city_brunswick concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_brunswick concept:proxyfor concept_stateorprovince_georgia +concept_city_brunswick concept:citylocatedinstate concept_stateorprovince_maine +concept_city_brussel concept:citylocatedincountry concept_country_belgium +concept_city_bryan concept:cityliesonriver concept_river_brazos +concept_city_bryan concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_bryan concept:atlocation concept_stateorprovince_texas +concept_city_bryan concept:proxyfor concept_stateorprovince_texas +concept_city_bryan concept:subpartof concept_stateorprovince_texas +concept_city_bryant concept:organizationhiredperson concept_coach_mike_pressler +concept_city_bryson_city concept:cityliesonriver concept_river_nantahala +concept_city_bucharest concept:proxyfor concept_book_romania +concept_city_bucharest concept:citycapitalofcountry concept_country_romania +concept_city_bucharest concept:citylocatedincountry concept_country_romania +concept_city_bucharest concept:atdate concept_dateliteral_n2005 +concept_city_bucharest concept:atdate concept_dateliteral_n2007 +concept_city_bucharest concept:atdate concept_dateliteral_n2008 +concept_city_buckeye concept:organizationhiredperson concept_coach_tressel +concept_city_buckeye concept:atlocation concept_stateorprovince_arizona +concept_city_bucksport concept:cityliesonriver concept_river_penobscot +concept_city_bucksport concept:proxyfor concept_stateorprovince_maine +concept_city_buda concept:cityliesonriver concept_river_danube +concept_city_budapest concept:citycapitalofcountry concept_country_hungary +concept_city_budapest concept:citylocatedincountry concept_country_hungary +concept_city_budapest concept:atdate concept_date_n1999 +concept_city_budapest concept:atdate concept_date_n2000 +concept_city_budapest concept:atdate concept_date_n2001 +concept_city_budapest concept:atdate concept_date_n2003 +concept_city_budapest concept:atdate concept_date_n2004 +concept_city_budapest concept:atdate concept_dateliteral_n1945 +concept_city_budapest concept:atdate concept_dateliteral_n2002 +concept_city_budapest concept:atdate concept_dateliteral_n2005 +concept_city_budapest concept:atdate concept_dateliteral_n2007 +concept_city_budapest concept:atdate concept_dateliteral_n2008 +concept_city_budapest concept:proxyfor concept_lake_new +concept_city_budapest concept:cityliesonriver concept_river_danube +concept_city_budget concept:atdate concept_date_n1999 +concept_city_budget concept:atdate concept_date_n2001 +concept_city_budget concept:atdate concept_date_n2003 +concept_city_budget concept:atdate concept_date_n2004 +concept_city_budget concept:atdate concept_dateliteral_n2002 +concept_city_budget concept:atdate concept_dateliteral_n2006 +concept_city_budget concept:atdate concept_dateliteral_n2008 +concept_city_budget concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_budget concept:subpartoforganization concept_governmentorganization_government +concept_city_budget concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_budget concept:proxyfor concept_politicaloffice_new +concept_city_buena_park concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_buena_park concept:proxyfor concept_stateorprovince_california +concept_city_buena_vista concept:cityliesonriver concept_river_arkansas_river +concept_city_buenos_aires concept:citycapitalofcountry concept_country_argentina +concept_city_buenos_aires concept:citylocatedincountry concept_country_argentina +concept_city_buenos_aires concept:locationlocatedwithinlocation concept_country_argentine_republic +concept_city_buenos_aires concept:proxyfor concept_country_argentine_republic +concept_city_buenos_aires concept:atdate concept_date_n2003 +concept_city_buenos_aires concept:atdate concept_date_n2004 +concept_city_buenos_aires concept:atdate concept_dateliteral_n2002 +concept_city_buenos_aires concept:atdate concept_dateliteral_n2006 +concept_city_buenos_aires concept:atdate concept_dateliteral_n2007 +concept_city_buffalo concept:organizationhiredperson concept_coach_turner_gill +concept_city_buffalo concept:cityliesonriver concept_river_hudson +concept_city_buffalo concept:cityliesonriver concept_river_niagara +concept_city_buffalo concept:atlocation concept_stateorprovince_minnesota +concept_city_buffalo concept:atlocation concept_stateorprovince_missouri +concept_city_buffalo concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_buffalo concept:atlocation concept_stateorprovince_wyoming +concept_city_buford concept:atlocation concept_stateorprovince_georgia +concept_city_buford concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_bugibba concept:citylocatedincountry concept_country_malta +concept_city_bujumbura concept:citycapitalofcountry concept_country_burundi +concept_city_bujumbura concept:citylocatedincountry concept_country_burundi +concept_city_bulgaria concept:locationlocatedwithinlocation concept_country_countries +concept_city_bulgaria concept:atdate concept_date_n2001 +concept_city_bulgaria concept:atdate concept_date_n2003 +concept_city_bulgaria concept:atdate concept_dateliteral_n2002 +concept_city_bulgaria concept:atdate concept_dateliteral_n2005 +concept_city_bulgaria concept:atdate concept_dateliteral_n2006 +concept_city_bulgaria concept:atdate concept_dateliteral_n2007 +concept_city_bulgaria concept:atdate concept_dateliteral_n2008 +concept_city_bulgaria concept:cityliesonriver concept_river_danube +concept_city_bulgaria concept:cityliesonriver concept_river_yantra +concept_city_burbank concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_burbank concept:proxyfor concept_stateorprovince_california +concept_city_burbank concept:atlocation concept_stateorprovince_illinois +concept_city_burgettstown concept:proxyfor concept_stadiumoreventvenue_first_niagara_pavilion +concept_city_burien concept:atlocation concept_city_washington_d_c +concept_city_burley concept:cityliesonriver concept_river_snake +concept_city_burlingame concept:atlocation concept_stateorprovince_california +concept_city_burlingame concept:mutualproxyfor concept_stateorprovince_california +concept_city_burlington concept:cityliesonriver concept_attraction_mississippi +concept_city_burlington concept:agentcollaborateswithagent concept_politicianus_bernie_sanders +concept_city_burlington concept:mutualproxyfor concept_politicianus_bernie_sanders +concept_city_burlington concept:cityliesonriver concept_river_skagit +concept_city_burlington concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_burlington concept:proxyfor concept_stateorprovince_newjersey +concept_city_burlington concept:atlocation concept_stateorprovince_north_carolina +concept_city_burlington concept:citylocatedingeopoliticallocation concept_stateorprovince_vermont +concept_city_burlington concept:atlocation concept_stateorprovince_wisconsin +concept_city_burnaby concept:proxyfor concept_attraction_deer_lake_park +concept_city_burnaby concept:cityalsoknownas concept_city_columbia +concept_city_burnaby concept:cityliesonriver concept_river_columbia +concept_city_burnsville concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_burnsville concept:proxyfor concept_stateorprovince_minnesota +concept_city_burr_ridge concept:atlocation concept_stateorprovince_illinois +concept_city_bus concept:proxyfor concept_politicaloffice_new +concept_city_bus concept:subpartof concept_weatherphenomenon_air +concept_city_bush concept:agentcontrols concept_clothing_white +concept_city_bush concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_bush concept:agentcollaborateswithagent concept_governmentorganization_house +concept_city_bush concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_bush concept:agentcollaborateswithagent concept_personnorthamerica_john_mccain +concept_city_bush concept:agentcollaborateswithagent concept_personus_thomas_jefferson +concept_city_bush concept:agentbelongstoorganization concept_politicalparty_house +concept_city_bush concept:agentcollaborateswithagent concept_politician_congress +concept_city_bush concept:agentcollaborateswithagent concept_politician_u_s__congress +concept_city_bush concept:agentcollaborateswithagent concept_politicianus_barack_obama +concept_city_bush concept:agentcollaborateswithagent concept_politicianus_jimmy_carter +concept_city_bush concept:agentcollaborateswithagent concept_politicianus_president_clinton +concept_city_bush concept:agentcollaborateswithagent concept_politicianus_ronald_reagan +concept_city_butler concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_butler concept:atlocation concept_stateorprovince_pennsylvania +concept_city_butler concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_butte concept:citylocatedinstate concept_stateorprovince_california +concept_city_butte concept:atlocation concept_stateorprovince_montana +concept_city_butte concept:proxyfor concept_stateorprovince_montana +concept_city_butte concept:subpartof concept_stateorprovince_montana +concept_city_buzios concept:cityalsoknownas concept_city_rio +concept_city_bydgoszcz concept:citylocatedincountry concept_country_poland +concept_city_ca concept:atdate concept_date_n1996 +concept_city_ca concept:atdate concept_date_n1999 +concept_city_ca concept:atdate concept_date_n2003 +concept_city_ca concept:atdate concept_date_n2004 +concept_city_ca concept:atdate concept_dateliteral_n2002 +concept_city_ca concept:atdate concept_dateliteral_n2005 +concept_city_ca concept:atdate concept_dateliteral_n2006 +concept_city_ca concept:atdate concept_dateliteral_n2007 +concept_city_caceres concept:citylocatedincountry concept_country_spain +concept_city_cadillac concept:atlocation concept_stateorprovince_michigan +concept_city_caesarea concept:citylocatedincountry concept_country_palestine +concept_city_cagliari concept:locationlocatedwithinlocation concept_geopoliticallocation_sardinia +concept_city_caiger concept:latitudelongitude 49.0163200000000,-125.0361000000000 +concept_city_cairo concept:cityliesonriver concept_attraction_grand +concept_city_cairo concept:citycapitalofcountry concept_country_egypt +concept_city_cairo concept:citylocatedincountry concept_country_egypt +concept_city_cairo concept:atdate concept_date_n2003 +concept_city_cairo concept:atdate concept_dateliteral_n2002 +concept_city_cairo concept:atdate concept_dateliteral_n2006 +concept_city_cairo concept:atdate concept_dateliteral_n2007 +concept_city_cairo concept:atdate concept_dateliteral_n2008 +concept_city_cairo concept:cityliesonriver concept_river_nile +concept_city_cairo concept:cityliesonriver concept_river_nile_river +concept_city_cairo concept:cityliesonriver concept_river_river_nile +concept_city_cairo concept:proxyfor concept_stateorprovince_illinois +concept_city_cairo concept:atdate concept_year_n1994 +concept_city_calama concept:citylocatedincountry concept_country_chile +concept_city_calcutta concept:cityalsoknownas concept_city_kolkata +concept_city_calcutta concept:cityliesonriver concept_river_ganges +concept_city_calcutta concept:cityliesonriver concept_river_hooghly +concept_city_calcutta concept:cityliesonriver concept_river_hoogly +concept_city_caldwell concept:atlocation concept_stateorprovince_idaho +concept_city_caldwell concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_caledonia concept:cityliesonriver concept_attraction_grand +concept_city_caledonia concept:agentactsinlocation concept_lake_new +concept_city_caledonia concept:atlocation concept_lake_new +concept_city_caledonia concept:proxyfor concept_lake_new +concept_city_caledonia concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_calgary concept:cityalsoknownas concept_city_columbia +concept_city_calgary concept:citylocatedincountry concept_country_canada_canada +concept_city_calgary concept:atdate concept_dateliteral_n2002 +concept_city_calgary concept:atdate concept_dateliteral_n2005 +concept_city_calgary concept:atdate concept_dateliteral_n2007 +concept_city_calgary concept:cityliesonriver concept_river_bow +concept_city_calgary concept:cityliesonriver concept_river_columbia +concept_city_calgary concept:locationlocatedwithinlocation concept_stateorprovince_alberta +concept_city_calgary concept:proxyfor concept_stateorprovince_alberta +concept_city_calgary concept:citylocatedinstate concept_stateorprovince_southern_alberta +concept_city_cali concept:citylocatedingeopoliticallocation concept_city_columbia +concept_city_cali concept:locationlocatedwithinlocation concept_country_colombia +concept_city_calicut concept:cityalsoknownas concept_city_kozhikode +concept_city_camarillo concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_camarillo concept:proxyfor concept_stateorprovince_california +concept_city_camas concept:cityliesonriver concept_river_columbia +concept_city_cambrai concept:citylocatedincountry concept_country_france_france +concept_city_cambria concept:atlocation concept_stateorprovince_california +concept_city_cambridge concept:cityliesonriver concept_attraction_grand +concept_city_cambridge concept:proxyfor concept_lake_new +concept_city_cambridge concept:cityliesonriver concept_river_cam +concept_city_cambridge concept:cityliesonriver concept_river_charles_river +concept_city_cambridge concept:cityliesonriver concept_skiarea_choptank +concept_city_cambridge concept:atlocation concept_stateorprovince_maryland +concept_city_cambridge concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_cambridge concept:proxyfor concept_stateorprovince_massachusetts +concept_city_cambridge concept:atlocation concept_stateorprovince_ohio +concept_city_cambridge concept:proxyfor concept_stateorprovince_ohio +concept_city_camden concept:cityliesonriver concept_river_wateree +concept_city_camden concept:proxyfor concept_stadiumoreventvenue_susquehanna_bank_center +concept_city_camden concept:atlocation concept_stateorprovince_arkansas +concept_city_camden concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_camden concept:locationlocatedwithinlocation concept_stateorprovince_new_jersey +concept_city_camden concept:proxyfor concept_stateorprovince_south_carolina +concept_city_camden_wyoming concept:citylocatedinstate concept_stateorprovince_delaware +concept_city_camdenton concept:proxyfor concept_company_missouri +concept_city_cameron concept:cityliesonriver concept_river_little_colorado +concept_city_cameron concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_camp_hill concept:atlocation concept_stateorprovince_pennsylvania +concept_city_camp_verde concept:cityliesonriver concept_river_verde +concept_city_campbell concept:atlocation concept_stateorprovince_california +concept_city_campbell concept:mutualproxyfor concept_stateorprovince_california +concept_city_campbell concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_campbell_river concept:cityalsoknownas concept_city_columbia +concept_city_campbell_river concept:cityliesonriver concept_river_columbia +concept_city_campbellsville concept:proxyfor concept_coach_kentucky +concept_city_campbellton concept:cityliesonriver concept_river_restigouche +concept_city_campo_grande concept:citylocatedincountry concept_country_brazil +concept_city_campo_grande concept:mutualproxyfor concept_island_mato_grosso_do_sul +concept_city_camrose concept:proxyfor concept_stateorprovince_alberta +concept_city_canakkale concept:citylocatedincountry concept_country_turkey +concept_city_canberra_canberra concept:citylocatedincountry concept_country_australia +concept_city_canberra_canberra concept:atdate concept_date_n1999 +concept_city_canberra_canberra concept:atdate concept_date_n2001 +concept_city_canberra_canberra concept:atdate concept_date_n2003 +concept_city_canberra_canberra concept:atdate concept_dateliteral_n2006 +concept_city_canberra_canberra concept:atdate concept_dateliteral_n2008 +concept_city_canberra_canberra concept:cityliesonriver concept_river_molonglo +concept_city_canberra_canberra concept:atdate concept_year_n1997 +concept_city_canberra_canberra concept:atdate concept_year_n1998 +concept_city_canby concept:cityliesonriver concept_river_molalla +concept_city_canby concept:cityliesonriver concept_river_willamette +concept_city_cancun concept:atdate concept_dateliteral_n2002 +concept_city_canmore concept:cityliesonriver concept_river_bow +concept_city_canon_city concept:atlocation concept_stateorprovince_colorado +concept_city_canton concept:cityalsoknownas concept_city_guangzhou +concept_city_canton concept:atlocation concept_stateorprovince_georgia +concept_city_canton concept:proxyfor concept_stateorprovince_georgia +concept_city_canton concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_canton concept:atlocation concept_stateorprovince_mississippi +concept_city_canton concept:locationlocatedwithinlocation concept_stateorprovince_ohio +concept_city_cape_canaveral concept:proxyfor concept_city_florida +concept_city_cape_coral concept:locationlocatedwithinlocation concept_city_florida +concept_city_cape_coral concept:proxyfor concept_city_florida +concept_city_cape_coral concept:subpartof concept_city_florida +concept_city_cape_coral concept:cityliesonriver concept_river_caloosahatchee +concept_city_cape_girardeau concept:cityliesonriver concept_attraction_mississippi +concept_city_cape_girardeau concept:citylocatedingeopoliticallocation concept_county_southeast_missouri +concept_city_cape_girardeau concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_city_cape_girardeau concept:proxyfor concept_stateorprovince_missouri +concept_city_cape_town concept:citylocatedincountry concept_country_south_africa +concept_city_cape_town concept:atdate concept_date_n1999 +concept_city_cape_town concept:atdate concept_date_n2000 +concept_city_cape_town concept:atdate concept_date_n2001 +concept_city_cape_town concept:atdate concept_date_n2004 +concept_city_cape_town concept:atdate concept_date_n2009 +concept_city_cape_town concept:atdate concept_dateliteral_n2006 +concept_city_cape_town concept:atdate concept_dateliteral_n2007 +concept_city_cape_town concept:atdate concept_dateliteral_n2008 +concept_city_cape_town concept:atdate concept_year_n1995 +concept_city_cape_town concept:atdate concept_year_n1997 +concept_city_cape_verde concept:citycapitalofcountry concept_country_cape_verde +concept_city_cape_verde concept:citylocatedincountry concept_country_capo_verde +concept_city_capetown concept:locationlocatedwithinlocation concept_country_south_africa +concept_city_capetown concept:proxyfor concept_country_south_africa +concept_city_capetown concept:locationlocatedwithinlocation concept_country_southern_africa +concept_city_capetown concept:locationlocatedwithinlocation concept_country_southern_african_country +concept_city_capital concept:mutualproxyfor concept_beverage_new +concept_city_capital concept:organizationheadquarteredincity concept_city_washington_d_c +concept_city_capital concept:atdate concept_date_n1993 +concept_city_capital concept:atdate concept_date_n1999 +concept_city_capital concept:atdate concept_date_n2000 +concept_city_capital concept:atdate concept_date_n2001 +concept_city_capital concept:atdate concept_date_n2004 +concept_city_capital concept:atdate concept_dateliteral_n2005 +concept_city_capital concept:atdate concept_dateliteral_n2006 +concept_city_capital concept:atdate concept_dateliteral_n2007 +concept_city_capital concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_capital concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_capital concept:proxyfor concept_politicaloffice_new +concept_city_capital concept:istallerthan concept_publication_people_ +concept_city_capital concept:atdate concept_year_n1997 +concept_city_capital concept:atdate concept_year_n1998 +concept_city_capitola concept:atlocation concept_stateorprovince_california +concept_city_capreol concept:citylocatedinstate concept_stateorprovince_ontario +concept_city_caracas concept:citylocatedingeopoliticallocation concept_island_venezuela +concept_city_carbondale concept:cityliesonriver concept_skiarea_roaring_fork +concept_city_carbondale concept:atlocation concept_stateorprovince_colorado +concept_city_carbondale concept:atlocation concept_stateorprovince_illinois +concept_city_carbondale concept:proxyfor concept_stateorprovince_illinois +concept_city_carbondale concept:citylocatedinstate concept_stateorprovince_southern_illinois +concept_city_cardiff concept:proxyfor concept_country_wales +concept_city_cardiff concept:cityliesonriver concept_river_taff +concept_city_cardigan concept:cityliesonriver concept_river_teifi +concept_city_carleton_place concept:cityliesonriver concept_attraction_mississippi +concept_city_carlinville concept:atlocation concept_stateorprovince_illinois +concept_city_carlisle concept:atlocation concept_stateorprovince_pennsylvania +concept_city_carlisle concept:subpartof concept_stateorprovince_pennsylvania +concept_city_carlsbad concept:atlocation concept_stateorprovince_california +concept_city_carlsbad concept:mutualproxyfor concept_stateorprovince_california +concept_city_carlsbad concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_carlstadt concept:proxyfor concept_stateorprovince_new_jersey +concept_city_carmarthen concept:cityliesonriver concept_river_tywi +concept_city_carmel_by_the_sea concept:agentcollaborateswithagent concept_person_clint_eastwood +concept_city_carmel_by_the_sea concept:agentcontrols concept_person_clint_eastwood +concept_city_carmel_by_the_sea concept:atlocation concept_stateorprovince_california +concept_city_carmel_by_the_sea concept:proxyfor concept_stateorprovince_california +concept_city_carmel_by_the_sea concept:atlocation concept_stateorprovince_indiana +concept_city_carmel_by_the_sea concept:proxyfor concept_stateorprovince_indiana +concept_city_carmel_by_the_sea concept:subpartof concept_stateorprovince_indiana +concept_city_carmichael concept:cityliesonriver concept_river_american +concept_city_caroline concept:citylocatedinstate concept_stateorprovince_maryland +concept_city_carpinteria concept:atlocation concept_stateorprovince_california +concept_city_carrollton concept:mutualproxyfor concept_city_texas +concept_city_carrollton concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_carrollton concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_carrollton concept:atlocation concept_stateorprovince_missouri +concept_city_carrollton concept:atlocation concept_stateorprovince_texas +concept_city_carrollton concept:proxyfor concept_stateorprovince_texas +concept_city_carson concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_carson concept:proxyfor concept_stateorprovince_california +concept_city_carteret concept:proxyfor concept_radiostation_new_jersey +concept_city_cartersville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_cartersville concept:proxyfor concept_stateorprovince_georgia +concept_city_carthage concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_carthage concept:proxyfor concept_stateorprovince_texas +concept_city_caruthersville concept:cityliesonriver concept_attraction_mississippi +concept_city_cary concept:atlocation concept_stateorprovince_illinois +concept_city_cary concept:atlocation concept_stateorprovince_north_carolina +concept_city_casa_grande concept:atlocation concept_stateorprovince_arizona +concept_city_casa_grande concept:proxyfor concept_stateorprovince_arizona +concept_city_casa_grande concept:subpartof concept_stateorprovince_arizona +concept_city_casablanca concept:citylocatedincountry concept_country_morocco +concept_city_casablanca concept:proxyfor concept_country_morocco +concept_city_casablanca concept:organizationhiredperson concept_personnorthamerica_neil_bogart +concept_city_casablanca concept:organizationterminatedperson concept_personnorthamerica_neil_bogart +concept_city_cascade_locks concept:cityliesonriver concept_river_columbia +concept_city_cascais concept:citylocatedincountry concept_country_portugal +concept_city_casey concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_casino concept:locationlocatedwithinlocation concept_beach_vegas_nevada +concept_city_casino concept:locationlocatedwithinlocation concept_city_vegas +concept_city_casino concept:locationlocatedwithinlocation concept_city_vegas_casino +concept_city_casino concept:locationlocatedwithinlocation concept_island_vega +concept_city_casper concept:cityliesonriver concept_river_platte +concept_city_casper concept:citylocatedinstate concept_stateorprovince_wyoming +concept_city_casper concept:proxyfor concept_stateorprovince_wyoming +concept_city_casper concept:cityliesonriver concept_visualizablescene_north_platte +concept_city_castaic concept:atlocation concept_stateorprovince_california +concept_city_castelo_branco concept:citylocatedincountry concept_country_portugal +concept_city_castine concept:citylocatedinstate concept_stateorprovince_maine +concept_city_castle_rock concept:cityliesonriver concept_river_cowlitz +concept_city_castle_rock concept:atlocation concept_stateorprovince_colorado +concept_city_castle_rock concept:mutualproxyfor concept_stateorprovince_colorado +concept_city_castle_rock concept:subpartof concept_stateorprovince_colorado +concept_city_castlegar concept:cityliesonriver concept_river_columbia +concept_city_castlegar concept:cityliesonriver concept_river_kootenay +concept_city_castres concept:citylocatedincountry concept_country_france_france +concept_city_castries concept:citylocatedincountry concept_visualizablething_saint_lucia +concept_city_cat concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_cat concept:proxyfor concept_politicaloffice_new +concept_city_cat concept:subpartof concept_weatherphenomenon_air +concept_city_categories concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_cathedral_city concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_cathedral_city concept:proxyfor concept_stateorprovince_california +concept_city_catholic concept:proxyfor concept_politicaloffice_new +concept_city_catonsville concept:subpartof concept_stateorprovince_maryland +concept_city_catskill concept:cityliesonriver concept_river_hudson +concept_city_cave_city concept:atlocation concept_stateorprovince_kentucky +concept_city_cebu_city concept:citylocatedincountry concept_country_philippines +concept_city_cedar_falls concept:proxyfor concept_creditunion_iowa +concept_city_cedar_falls concept:atlocation concept_stateorprovince_iowa +concept_city_cedar_knolls concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_cedar_knolls concept:proxyfor concept_stateorprovince_newjersey +concept_city_cedar_park concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_cedar_park concept:proxyfor concept_stateorprovince_texas +concept_city_cedar_rapids concept:locationlocatedwithinlocation concept_stateorprovince_iowa +concept_city_celaya concept:locationlocatedwithinlocation concept_country_mexico +concept_city_celina concept:atlocation concept_stateorprovince_ohio +concept_city_celje concept:citylocatedincountry concept_country_slovenia +concept_city_centennial concept:atlocation concept_stateorprovince_colorado +concept_city_center concept:locationlocatedwithinlocation concept_city_nyc +concept_city_center concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_city_center concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_center concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_city_center concept:locationlocatedwithinlocation concept_visualizablescene_ny +concept_city_centerville concept:atlocation concept_stateorprovince_ohio +concept_city_central concept:cityalsoknownas concept_city_nyc +concept_city_central concept:cityalsoknownas concept_island_manhattan +concept_city_central concept:mutualproxyfor concept_stateorprovince_north_dakota +concept_city_central_coast concept:cityliesonriver concept_river_columbia +concept_city_central_coast concept:mutualproxyfor concept_stateorprovince_california +concept_city_central_point concept:proxyfor concept_politicaloffice_new +concept_city_central_point concept:atlocation concept_stateorprovince_oregon +concept_city_central_valley concept:mutualproxyfor concept_stateorprovince_california +concept_city_centralia concept:proxyfor concept_city_washington_d_c +concept_city_centralia concept:cityliesonriver concept_river_skookumchuck +concept_city_centralia concept:atlocation concept_stateorprovince_illinois +concept_city_centralia concept:proxyfor concept_stateorprovince_illinois +concept_city_centre concept:organizationheadquarteredincountry concept_country_us +concept_city_centre concept:atdate concept_dateliteral_n2002 +concept_city_centre concept:atdate concept_dateliteral_n2005 +concept_city_centre concept:atdate concept_dateliteral_n2006 +concept_city_centre concept:atdate concept_dateliteral_n2007 +concept_city_centre concept:atdate concept_dateliteral_n2008 +concept_city_centre concept:atdate concept_dayofweek_sunday +concept_city_centre concept:thinghasshape concept_geometricshape_triangle +concept_city_centre concept:agentcollaborateswithagent concept_person_state +concept_city_centre concept:agentcreated concept_programminglanguage_contact +concept_city_centre concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_city_centre concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_centre concept:subpartoforganization concept_terroristorganization_state +concept_city_centre concept:agentcreated concept_website_phone +concept_city_centre concept:agentcreated concept_website_visit +concept_city_ceres concept:atlocation concept_stateorprovince_california +concept_city_ceres concept:mutualproxyfor concept_stateorprovince_california +concept_city_cerritos concept:atlocation concept_stateorprovince_california +concept_city_cerritos concept:mutualproxyfor concept_stateorprovince_california +concept_city_cesme concept:citylocatedincountry concept_country_turkey +concept_city_cetinje concept:citycapitalofcountry concept_country_montenegro +concept_city_cetinje concept:citylocatedincountry concept_country_montenegro +concept_city_chadds_ford concept:cityliesonriver concept_skiarea_brandywine +concept_city_chaffee concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_chagrin_falls concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_challenge concept:mutualproxyfor concept_beverage_new +concept_city_challenge concept:atdate concept_date_n1999 +concept_city_challenge concept:atdate concept_date_n2003 +concept_city_challenge concept:proxyfor concept_politicaloffice_new +concept_city_challenge concept:istallerthan concept_publication_people_ +concept_city_challenge concept:subpartof concept_weatherphenomenon_air +concept_city_challenge concept:subpartof concept_weatherphenomenon_water +concept_city_chambersburg concept:atlocation concept_stateorprovince_pennsylvania +concept_city_chambersburg concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_chambord concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_champaign concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_champaign concept:proxyfor concept_stateorprovince_illinois +concept_city_champaign concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_champaign_urbana concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_chandler concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_city_chandpur concept:cityliesonriver concept_river_meghna +concept_city_changchun concept:proxyfor concept_organization_jilin_province +concept_city_changchun concept:subpartoforganization concept_organization_jilin_province +concept_city_changsha concept:cityliesonriver concept_river_xiangjiang +concept_city_chantilly concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_chantilly concept:proxyfor concept_stateorprovince_virginia +concept_city_chanute concept:atlocation concept_stateorprovince_kansas +concept_city_chapel_hill concept:mutualproxyfor concept_company_north_carolina +concept_city_chapel_hill concept:proxyfor concept_creditunion_north_carolina +concept_city_chapel_hill concept:subpartof concept_creditunion_north_carolina +concept_city_chapel_hill concept:atlocation concept_stateorprovince_north_carolina +concept_city_chardon concept:atlocation concept_stateorprovince_ohio +concept_city_charleroi concept:locationlocatedwithinlocation concept_country_belgium +concept_city_charleston concept:cityliesonriver concept_attraction_grand +concept_city_charleston concept:cityliesonriver concept_attraction_mississippi +concept_city_charleston concept:cityliesonriver concept_company_cooper +concept_city_charleston concept:cityliesonriver concept_river_kanawha +concept_city_charleston concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_charleston concept:proxyfor concept_stateorprovince_south_carolina +concept_city_charleston concept:citylocatedingeopoliticallocation concept_stateorprovince_west_virginia +concept_city_charleston concept:locationlocatedwithinlocation concept_website_description +concept_city_charlestown concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_charlotte concept:cityliesonriver concept_attraction_grand +concept_city_charlotte concept:citycapitalofcountry concept_country_us +concept_city_charlotte concept:atdate concept_date_n1999 +concept_city_charlotte concept:proxyfor concept_stadiumoreventvenue_time_warner_cable_arena +concept_city_charlotte concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_charlotte concept:proxyfor concept_stateorprovince_northcarolina +concept_city_charlotte concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_charlotte_amalie concept:citycapitalofcountry concept_country_u_s_ +concept_city_charlotte_amalie concept:citylocatedincountry concept_country_u_s_ +concept_city_charlotte_amalie concept:proxyfor concept_island_us_virgin_islands +concept_city_charlottesville concept:proxyfor concept_stadiumoreventvenue_john_paul_jones_arena +concept_city_charlottesville concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_charlottesville concept:proxyfor concept_stateorprovince_virginia +concept_city_charlottetown concept:locationlocatedwithinlocation concept_island_prince_edward_island +concept_city_charlottetown concept:proxyfor concept_island_prince_edward_island +concept_city_charlton concept:organizationhiredperson concept_personaustralia_alan_pardew +concept_city_charlton concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_chatham concept:cityliesonriver concept_river_thames +concept_city_chatham concept:atlocation concept_stateorprovince_massachusetts +concept_city_chatham_kent concept:proxyfor concept_stateorprovince_ontario +concept_city_chatsworth concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_chatsworth concept:proxyfor concept_stateorprovince_california +concept_city_chatsworth concept:proxyfor concept_stateorprovince_newjersey +concept_city_chattanooga concept:cityliesonriver concept_river_ocoee +concept_city_chattanooga concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_chau_doc concept:cityliesonriver concept_river_mekong +concept_city_chaves concept:citylocatedincountry concept_country_portugal +concept_city_chaves concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_cheboygan concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_cheboygan concept:proxyfor concept_stateorprovince_michigan +concept_city_cheektowaga concept:proxyfor concept_company_new_york +concept_city_chefchaouen concept:latitudelongitude 35.1049500000000,-5.1995037500000 +concept_city_chelan concept:atlocation concept_city_washington_d_c +concept_city_chelan concept:cityliesonriver concept_river_columbia +concept_city_chengdu concept:cityliesonriver concept_river_yangtze +concept_city_chennai concept:cityalsoknownas concept_city_madras +concept_city_chennai concept:atdate concept_date_n1999 +concept_city_chennai concept:atdate concept_dateliteral_n2006 +concept_city_chennai concept:atdate concept_dateliteral_n2007 +concept_city_chepstow concept:cityliesonriver concept_river_wye +concept_city_cherry_hill concept:proxyfor concept_stateorprovince_newjersey +concept_city_chesapeake concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_chesapeake concept:proxyfor concept_stateorprovince_virginia +concept_city_chester concept:cityliesonriver concept_attraction_mississippi +concept_city_chester concept:atlocation concept_stateorprovince_connecticut +concept_city_chester concept:atlocation concept_stateorprovince_pennsylvania +concept_city_chester concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_chester concept:atlocation concept_stateorprovince_virginia +concept_city_chester concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_chesterfield concept:atlocation concept_stateorprovince_missouri +concept_city_chestertown concept:atlocation concept_stateorprovince_maryland +concept_city_chestertown concept:proxyfor concept_stateorprovince_maryland +concept_city_chetumal concept:citylocatedingeopoliticallocation concept_city_quintana_roo +concept_city_chetumal concept:mutualproxyfor concept_city_quintana_roo +concept_city_chianciano concept:latitudelongitude 43.0471871428572,11.8249571428571 +concept_city_chiang_khong concept:cityliesonriver concept_river_mekong +concept_city_chiang_mai_city concept:latitudelongitude 18.7883000000000,99.0041000000000 +concept_city_chiang_mai_city concept:proxyfor concept_country_thailand +concept_city_chiang_rai concept:cityliesonriver concept_river_mae_kok +concept_city_chiang_saen concept:cityliesonriver concept_river_mekong +concept_city_chiapas concept:cityliesonriver concept_river_usumacinta +concept_city_chibougamau concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_chicago concept:cityliesonriver concept_attraction_grand +concept_city_chicago concept:cityliesonriver concept_attraction_mississippi +concept_city_chicago concept:citylocatedincountry concept_country_usa +concept_city_chicago concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_chicago_south concept:mutualproxyfor concept_stateorprovince_illinois +concept_city_chickasha concept:atlocation concept_stateorprovince_oklahoma +concept_city_chico concept:citylocatedinstate concept_stateorprovince_california +concept_city_chico concept:proxyfor concept_stateorprovince_california +concept_city_chihuahua concept:citylocatedingeopoliticallocation concept_country_mexico +concept_city_chihuahua concept:proxyfor concept_country_mexico +concept_city_children concept:agentcompeteswithagent concept_animal_animals001 +concept_city_children concept:mutualproxyfor concept_beverage_new +concept_city_children concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_city_children concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_children concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_city_children concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_city_children concept:atdate concept_date_n2000 +concept_city_children concept:atdate concept_date_n2001 +concept_city_children concept:atdate concept_date_n2003 +concept_city_children concept:atdate concept_date_n2004 +concept_city_children concept:atdate concept_date_n2009 +concept_city_children concept:atdate concept_dateliteral_n2002 +concept_city_children concept:atdate concept_dateliteral_n2005 +concept_city_children concept:atdate concept_dateliteral_n2006 +concept_city_children concept:atdate concept_dateliteral_n2007 +concept_city_children concept:atdate concept_dateliteral_n2008 +concept_city_children concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_children concept:proxyfor concept_politicaloffice_new +concept_city_children concept:agentcompeteswithagent concept_reptile_pets +concept_city_children concept:organizationterminatedperson concept_scientist_no_ +concept_city_children concept:agentparticipatedinevent concept_sportsgame_charges +concept_city_children concept:agentcompeteswithagent concept_tradeunion_search +concept_city_children concept:subpartof concept_weatherphenomenon_air +concept_city_children concept:atdate concept_year_n1991 +concept_city_children concept:atdate concept_year_n1998 +concept_city_chillicothe concept:proxyfor concept_company_missouri +concept_city_chillicothe concept:cityliesonriver concept_river_scioto +concept_city_chillicothe concept:atlocation concept_stateorprovince_illinois +concept_city_chillicothe concept:atlocation concept_stateorprovince_ohio +concept_city_chilliwack concept:cityalsoknownas concept_city_columbia +concept_city_chilliwack concept:cityliesonriver concept_river_columbia +concept_city_chilliwack concept:proxyfor concept_stateorprovince_british_columbia +concept_city_chino concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_chino concept:proxyfor concept_stateorprovince_california +concept_city_chino_hills concept:mutualproxyfor concept_stateorprovince_california +concept_city_chippewa_falls concept:atlocation concept_stateorprovince_wisconsin +concept_city_chisinau concept:citylocatedincountry concept_country_moldova +concept_city_chisinau concept:proxyfor concept_country_moldova +concept_city_chittoor concept:latitudelongitude 13.3444466666667,79.0388900000000 +concept_city_choice concept:mutualproxyfor concept_beverage_new +concept_city_choice concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_choice concept:atdate concept_date_n2000 +concept_city_choice concept:proxyfor concept_politicaloffice_new +concept_city_choices concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_chongqing concept:cityliesonriver concept_river_yangtze +concept_city_chongqing concept:cityliesonriver concept_river_yangtze_river +concept_city_chongqing concept:cityliesonriver concept_river_yangzi +concept_city_christ concept:atdate concept_date_n2001 +concept_city_christ concept:atdate concept_dateliteral_n2002 +concept_city_christ concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_city_christ concept:istallerthan concept_publication_people_ +concept_city_christchurch concept:atdate concept_dateliteral_n2005 +concept_city_christchurch concept:atdate concept_dateliteral_n2006 +concept_city_christchurch concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_christchurch concept:cityliesonriver concept_river_waimakariri +concept_city_christiansburg concept:atlocation concept_stateorprovince_virginia +concept_city_chula_vista concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_chula_vista concept:proxyfor concept_stateorprovince_california +concept_city_chula_vista concept:subpartof concept_stateorprovince_california +concept_city_chur concept:cityliesonriver concept_river_rhine +concept_city_ciego_de_avila concept:citylocatedingeopoliticallocation concept_country_cuba +concept_city_cincinnati concept:cityliesonriver concept_attraction_grand +concept_city_cincinnati concept:organizationhiredperson concept_coach_brian_kelly +concept_city_cincinnati concept:organizationhiredperson concept_coach_mick_cronin +concept_city_cincinnati concept:organizationhiredperson concept_politician_mark_l__mallory +concept_city_cincinnati concept:atlocation concept_stateorprovince_ohio +concept_city_cintas_center concept:locationlocatedwithinlocation concept_city_cincinnati +concept_city_circle concept:cityliesonriver concept_river_yukon +concept_city_citrus_heights concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_citrus_heights concept:proxyfor concept_stateorprovince_california +concept_city_ciudad_ju_rez concept:citycapitalofcountry concept_country_mexico +concept_city_ciudad_victoria concept:mutualproxyfor concept_geopoliticalorganization_tamaulipas +concept_city_claremont concept:atlocation concept_stateorprovince_california +concept_city_claremont concept:mutualproxyfor concept_stateorprovince_california +concept_city_claremont concept:locationlocatedwithinlocation concept_stateorprovince_new_hampshire +concept_city_claremore concept:citylocatedingeopoliticallocation concept_company_rogers +concept_city_claremore concept:locationlocatedwithinlocation concept_company_rogers +concept_city_claremore concept:atlocation concept_stateorprovince_oklahoma +concept_city_claremore concept:subpartof concept_stateorprovince_oklahoma +concept_city_clarkdale concept:cityliesonriver concept_river_verde +concept_city_clarkesville concept:atlocation concept_stateorprovince_georgia +concept_city_clarksboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_clarksboro concept:proxyfor concept_stateorprovince_newjersey +concept_city_clarksburg concept:proxyfor concept_stateorprovince_new_jersey +concept_city_clarksburg concept:proxyfor concept_stateorprovince_newjersey +concept_city_clarksburg concept:atlocation concept_stateorprovince_west_virginia +concept_city_clarksdale concept:cityliesonriver concept_attraction_mississippi +concept_city_clarksdale concept:atlocation concept_stateorprovince_mississippi +concept_city_clarkston concept:cityliesonriver concept_river_snake +concept_city_clarkston concept:proxyfor concept_stadiumoreventvenue_dte_energy_music_theatre +concept_city_clarksville concept:cityliesonriver concept_attraction_mississippi +concept_city_clarksville concept:citylocatedingeopoliticallocation concept_geopoliticallocation_austin_peay +concept_city_clarksville concept:atlocation concept_stateorprovince_arkansas +concept_city_clarksville concept:atlocation concept_stateorprovince_indiana +concept_city_clarksville concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_clay concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_clayton_south concept:latitudelongitude -37.9333300000000,145.1166700000000 +concept_city_clearfield concept:atlocation concept_stateorprovince_utah +concept_city_clearwater concept:cityliesonriver concept_attraction_mississippi +concept_city_clearwater concept:atlocation concept_city_florida +concept_city_clearwater concept:proxyfor concept_city_florida +concept_city_clearwater concept:subpartof concept_city_florida +concept_city_clearwater concept:proxyfor concept_stadiumoreventvenue_ruth_eckerd_hall +concept_city_cleburne concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_cleburne concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_cleburne concept:proxyfor concept_stateorprovince_texas +concept_city_clementon concept:proxyfor concept_stateorprovince_new_jersey +concept_city_clermont concept:atlocation concept_city_florida +concept_city_clermont concept:proxyfor concept_city_florida +concept_city_clermont concept:proxyfor concept_stateorprovince_new_jersey +concept_city_clermont concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_cleveland concept:cityliesonriver concept_attraction_grand +concept_city_cleveland concept:citylocatedingeopoliticallocation concept_geopoliticallocation_delta +concept_city_cleveland concept:cityliesonriver concept_river_cuyahoga +concept_city_cleveland concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_cleveland concept:atlocation concept_stateorprovince_tennessee +concept_city_cleveland_heights concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_cleveland_heights concept:mutualproxyfor concept_stateorprovince_ohio +concept_city_click concept:mutualproxyfor concept_beverage_new +concept_city_click concept:proxyfor concept_politicaloffice_new +concept_city_click concept:subpartof concept_weatherphenomenon_air +concept_city_click concept:subpartof concept_weatherphenomenon_water +concept_city_clifton concept:cityliesonriver concept_river_gila +concept_city_clifton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_clifton_park concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_clinton concept:cityliesonriver concept_attraction_mississippi +concept_city_clinton concept:proxyfor concept_creditunion_iowa +concept_city_clinton concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_clinton concept:agentcollaborateswithagent concept_person_barbara_bush +concept_city_clinton concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_clinton concept:cityliesonriver concept_river_clinch +concept_city_clinton concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_clinton concept:proxyfor concept_stateorprovince_maryland +concept_city_clinton concept:atlocation concept_stateorprovince_missouri +concept_city_clinton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_cloquet concept:atlocation concept_stateorprovince_minnesota +concept_city_cloverdale concept:atlocation concept_stateorprovince_california +concept_city_clovis concept:proxyfor concept_reptile_new_mexico +concept_city_clovis concept:atlocation concept_stateorprovince_california +concept_city_clovis concept:proxyfor concept_stateorprovince_california +concept_city_clovis concept:atlocation concept_stateorprovince_new_mexico +concept_city_club concept:mutualproxyfor concept_beverage_new +concept_city_club concept:atdate concept_date_n1996 +concept_city_club concept:atdate concept_date_n1999 +concept_city_club concept:atdate concept_date_n2000 +concept_city_club concept:atdate concept_date_n2001 +concept_city_club concept:atdate concept_date_n2003 +concept_city_club concept:atdate concept_date_n2009 +concept_city_club concept:atdate concept_dateliteral_n2002 +concept_city_club concept:atdate concept_dateliteral_n2005 +concept_city_club concept:atdate concept_dateliteral_n2006 +concept_city_club concept:atdate concept_dateliteral_n2007 +concept_city_club concept:atdate concept_dateliteral_n2008 +concept_city_club concept:proxyfor concept_politicaloffice_new +concept_city_club concept:agentparticipatedinevent concept_sportsgame_series +concept_city_club concept:subpartoforganization concept_terroristorganization_state +concept_city_club concept:atdate concept_year_n1995 +concept_city_club concept:atdate concept_year_n1998 +concept_city_co concept:locationlocatedwithinlocation concept_country_usa +concept_city_co concept:subpartof concept_country_usa +concept_city_co concept:atdate concept_date_n1999 +concept_city_co concept:atdate concept_date_n2004 +concept_city_co concept:atdate concept_dateliteral_n2007 +concept_city_coachella concept:citylocatedinstate concept_stateorprovince_california +concept_city_coastal concept:cityliesonriver concept_river_columbia +concept_city_coatesville concept:atlocation concept_stateorprovince_pennsylvania +concept_city_coblenz concept:cityliesonriver concept_river_rhine +concept_city_cobourg concept:citylocatedinstate concept_stateorprovince_ontario +concept_city_coburg concept:citylocatedincountry concept_country_germany +concept_city_cochabamba concept:citycapitalofcountry concept_country_bolivia +concept_city_cochabamba concept:citylocatedincountry concept_country_bolivia +concept_city_cochem concept:cityliesonriver concept_river_mosel +concept_city_cochin concept:cityalsoknownas concept_city_kochi +concept_city_cochin concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_cockburn_town concept:citycapitalofcountry concept_island_turks_and_caicos_islands +concept_city_cockburn_town concept:citylocatedincountry concept_island_turks_and_caicos_islands +concept_city_coconut_creek concept:atlocation concept_city_florida +concept_city_coconut_creek concept:mutualproxyfor concept_city_florida +concept_city_coconut_island concept:citylocatedincountry concept_country_australia +concept_city_coeur_d_alene concept:atlocation concept_stateorprovince_idaho +concept_city_coeur_d_alene concept:proxyfor concept_stateorprovince_idaho +concept_city_coffee_point concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_coffeyville concept:atlocation concept_stateorprovince_kansas +concept_city_coffeyville concept:subpartof concept_stateorprovince_kansas +concept_city_cohoes concept:cityliesonriver concept_river_hudson +concept_city_cohoes concept:cityliesonriver concept_river_mohawk +concept_city_coimbra concept:citylocatedincountry concept_country_portugal +concept_city_coimbra concept:cityliesonriver concept_river_mondego +concept_city_colby concept:proxyfor concept_creditunion_kansas +concept_city_colby concept:atlocation concept_stateorprovince_kansas +concept_city_cold_spring concept:cityliesonriver concept_river_hudson +concept_city_coldwater concept:atlocation concept_stateorprovince_michigan +concept_city_colfax concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_college concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_college_park concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_college_park concept:atlocation concept_stateorprovince_maryland +concept_city_college_park concept:mutualproxyfor concept_stateorprovince_maryland +concept_city_college_park concept:subpartof concept_stateorprovince_maryland +concept_city_college_station concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_collierville concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_collingswood concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_collingswood concept:proxyfor concept_stateorprovince_newjersey +concept_city_collinsville concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_collinsville concept:proxyfor concept_stateorprovince_illinois +concept_city_colmar concept:citylocatedincountry concept_country_france_france +concept_city_cologne concept:locationlocatedwithinlocation concept_country_germany +concept_city_cologne concept:proxyfor concept_country_germany +concept_city_cologne concept:atdate concept_dateliteral_n2007 +concept_city_cologne concept:locationlocatedwithinlocation concept_geopoliticallocation_middle_east +concept_city_cologne concept:cityliesonriver concept_river_rhein +concept_city_cologne concept:cityliesonriver concept_river_rhine +concept_city_coloma concept:cityliesonriver concept_river_american +concept_city_colombo concept:locationlocatedwithinlocation concept_country_sri_lanka +concept_city_colombo_colombo concept:citylocatedingeopoliticallocation concept_country_sri_lanka +concept_city_colorado_springs concept:atdate concept_dateliteral_n2007 +concept_city_colorado_springs concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_colorado_springs concept:proxyfor concept_stateorprovince_colorado +concept_city_colton concept:citylocatedinstate concept_stateorprovince_california +concept_city_colton concept:mutualproxyfor concept_stateorprovince_california +concept_city_columbia concept:cityalsoknownas concept_city_abbotsford +concept_city_columbia concept:cityalsoknownas concept_city_burnaby +concept_city_columbia concept:cityalsoknownas concept_city_calgary +concept_city_columbia concept:cityalsoknownas concept_city_campbell_river +concept_city_columbia concept:cityalsoknownas concept_city_chilliwack +concept_city_columbia concept:cityalsoknownas concept_city_district +concept_city_columbia concept:cityalsoknownas concept_city_kamloops +concept_city_columbia concept:cityalsoknownas concept_city_kelowna +concept_city_columbia concept:cityalsoknownas concept_city_nanaimo +concept_city_columbia concept:cityalsoknownas concept_city_new_brunswick +concept_city_columbia concept:cityalsoknownas concept_city_new_westminster +concept_city_columbia concept:cityalsoknownas concept_city_north_vancouver +concept_city_columbia concept:cityalsoknownas concept_city_northwest_territories +concept_city_columbia concept:cityalsoknownas concept_city_ontario +concept_city_columbia concept:cityalsoknownas concept_city_ottawa +concept_city_columbia concept:cityalsoknownas concept_city_penticton +concept_city_columbia concept:cityalsoknownas concept_city_prince_george +concept_city_columbia concept:cityalsoknownas concept_city_puget_sound +concept_city_columbia concept:cityalsoknownas concept_city_revelstoke +concept_city_columbia concept:cityalsoknownas concept_city_saskatchewan +concept_city_columbia concept:cityalsoknownas concept_city_surrey +concept_city_columbia concept:cityalsoknownas concept_city_toronto +concept_city_columbia concept:cityalsoknownas concept_city_vancouver +concept_city_columbia concept:cityalsoknownas concept_city_victoria +concept_city_columbia concept:cityalsoknownas concept_city_washington_d_c +concept_city_columbia concept:cityalsoknownas concept_city_yukon +concept_city_columbia concept:atlocation concept_country_u_s_ +concept_city_columbia concept:atlocation concept_country_us +concept_city_columbia concept:cityliesonriver concept_river_congaree +concept_city_columbia concept:cityliesonriver concept_river_susquehanna +concept_city_columbia concept:proxyfor concept_stateorprovince_maryland +concept_city_columbia concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_city_columbia concept:citylocatedinstate concept_stateorprovince_new_york_state +concept_city_columbia concept:atlocation concept_stateorprovince_pennsylvania +concept_city_columbia concept:locationlocatedwithinlocation concept_stateorprovince_south_carolina +concept_city_columbia concept:proxyfor concept_stateorprovince_south_carolina +concept_city_columbia concept:subpartof concept_stateorprovince_south_carolina +concept_city_columbia concept:atlocation concept_stateorprovince_tennessee +concept_city_columbia concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_columbus concept:cityliesonriver concept_river_chattahoochee +concept_city_columbus concept:cityliesonriver concept_river_loup +concept_city_columbus concept:cityliesonriver concept_river_olentangy +concept_city_columbus concept:cityliesonriver concept_river_scioto +concept_city_columbus concept:cityliesonriver concept_river_yellowstone +concept_city_columbus concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_columbus concept:proxyfor concept_stateorprovince_georgia +concept_city_columbus concept:proxyfor concept_stateorprovince_indiana +concept_city_columbus_ohio concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_commerce concept:cityliesonriver concept_attraction_mississippi +concept_city_commerce concept:atlocation concept_stateorprovince_california +concept_city_communities concept:mutualproxyfor concept_beverage_new +concept_city_communities concept:atdate concept_date_n2004 +concept_city_communities concept:atdate concept_dateliteral_n2007 +concept_city_communities concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_communities concept:proxyfor concept_politicaloffice_new +concept_city_communities concept:istallerthan concept_publication_people_ +concept_city_communities concept:proxyfor concept_room_south +concept_city_communities concept:subpartoforganization concept_terroristorganization_state +concept_city_comox_valley concept:cityliesonriver concept_river_columbia +concept_city_compton concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_compton concept:proxyfor concept_stateorprovince_california +concept_city_comstock_park concept:cityliesonriver concept_attraction_grand +concept_city_conakry concept:citycapitalofcountry concept_country_guinea +concept_city_conakry concept:citylocatedincountry concept_country_guinea +concept_city_concord concept:atlocation concept_stateorprovince_california +concept_city_concord concept:proxyfor concept_stateorprovince_california +concept_city_concord concept:citylocatedinstate concept_stateorprovince_nh +concept_city_concord concept:atlocation concept_stateorprovince_north_carolina +concept_city_connellsville concept:cityliesonriver concept_river_youghiogheny +concept_city_conroe concept:mutualproxyfor concept_city_texas +concept_city_conroe concept:proxyfor concept_stateorprovince_texas +concept_city_conroe concept:subpartof concept_stateorprovince_texas +concept_city_conshohocken concept:cityliesonriver concept_river_schuylkill +concept_city_conshohocken concept:atlocation concept_stateorprovince_pennsylvania +concept_city_constance concept:cityliesonriver concept_river_rhine +concept_city_constanta concept:citylocatedincountry concept_country_romania +concept_city_constantinople concept:cityalsoknownas concept_city_istanbul +concept_city_construction concept:atdate concept_date_n1999 +concept_city_construction concept:atdate concept_date_n2000 +concept_city_construction concept:atdate concept_date_n2001 +concept_city_construction concept:atdate concept_date_n2003 +concept_city_construction concept:atdate concept_date_n2004 +concept_city_construction concept:atdate concept_date_n2009 +concept_city_construction concept:atdate concept_dateliteral_n2002 +concept_city_construction concept:atdate concept_dateliteral_n2005 +concept_city_construction concept:atdate concept_dateliteral_n2006 +concept_city_construction concept:atdate concept_dateliteral_n2007 +concept_city_construction concept:atdate concept_dateliteral_n2008 +concept_city_construction concept:proxyfor concept_politicaloffice_new +concept_city_construction concept:subpartof concept_weatherphenomenon_water +concept_city_construction concept:atdate concept_year_n1994 +concept_city_construction concept:atdate concept_year_n1995 +concept_city_construction concept:atdate concept_year_n1997 +concept_city_construction concept:atdate concept_year_n1998 +concept_city_contact concept:atdate concept_dateliteral_n2006 +concept_city_contents concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_contents concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_contents concept:agentcompeteswithagent concept_tradeunion_search +concept_city_contract concept:atdate concept_date_n1993 +concept_city_contract concept:atdate concept_date_n1996 +concept_city_contract concept:atdate concept_date_n1999 +concept_city_contract concept:atdate concept_date_n2000 +concept_city_contract concept:atdate concept_date_n2001 +concept_city_contract concept:atdate concept_date_n2003 +concept_city_contract concept:atdate concept_date_n2004 +concept_city_contract concept:atdate concept_date_n2009 +concept_city_contract concept:atdate concept_dateliteral_n2002 +concept_city_contract concept:atdate concept_dateliteral_n2005 +concept_city_contract concept:atdate concept_dateliteral_n2006 +concept_city_contract concept:atdate concept_dateliteral_n2007 +concept_city_contract concept:atdate concept_dateliteral_n2008 +concept_city_contract concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_contract concept:proxyfor concept_politicaloffice_new +concept_city_contract concept:subpartof concept_weatherphenomenon_water +concept_city_contract concept:atdate concept_year_n1981 +concept_city_contract concept:atdate concept_year_n1988 +concept_city_contract concept:atdate concept_year_n1992 +concept_city_contract concept:atdate concept_year_n1994 +concept_city_contract concept:atdate concept_year_n1995 +concept_city_contract concept:atdate concept_year_n1997 +concept_city_contract concept:atdate concept_year_n1998 +concept_city_conyers concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_conyers concept:proxyfor concept_stateorprovince_georgia +concept_city_cookeville concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_cookeville concept:subpartof concept_weatherphenomenon_tennessee +concept_city_cookstown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_coos_bay concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_city_coos_bay concept:proxyfor concept_stateorprovince_oregon +concept_city_copenhagen concept:citylocatedincountry concept_country_denmark +concept_city_copenhagen concept:proxyfor concept_country_denmark +concept_city_copenhagen concept:atdate concept_date_n1993 +concept_city_copenhagen concept:atdate concept_date_n2001 +concept_city_copenhagen concept:atdate concept_date_n2004 +concept_city_copenhagen concept:atdate concept_date_n2009 +concept_city_copenhagen concept:atdate concept_dateliteral_n2002 +concept_city_copenhagen concept:atdate concept_year_n1998 +concept_city_copperas_cove concept:atlocation concept_stateorprovince_texas +concept_city_coral_gables concept:locationlocatedwithinlocation concept_city_florida +concept_city_coral_gables concept:proxyfor concept_city_florida +concept_city_coral_springs concept:atlocation concept_city_florida +concept_city_coral_springs concept:proxyfor concept_city_florida +concept_city_coralville concept:atlocation concept_stateorprovince_iowa +concept_city_cordele concept:atlocation concept_stateorprovince_georgia +concept_city_cordele concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_cordoba concept:locationlocatedwithinlocation concept_country_argentina +concept_city_cordova concept:cityliesonriver concept_river_copper_river +concept_city_cordova concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_corinth concept:atlocation concept_stateorprovince_mississippi +concept_city_cork concept:proxyfor concept_book_ireland +concept_city_cork concept:locationlocatedwithinlocation concept_country_ireland +concept_city_cork concept:cityliesonriver concept_river_lee +concept_city_cork concept:cityliesonriver concept_river_river_lee +concept_city_corning concept:atlocation concept_stateorprovince_california +concept_city_corning concept:atlocation concept_stateorprovince_new_york +concept_city_corona concept:citylocatedinstate concept_stateorprovince_california +concept_city_corona concept:proxyfor concept_stateorprovince_california +concept_city_coronado concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_coronado concept:proxyfor concept_stateorprovince_california +concept_city_corsicana concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_corsicana concept:proxyfor concept_stateorprovince_texas +concept_city_corte_madera concept:citylocatedinstate concept_stateorprovince_california +concept_city_cortland concept:proxyfor concept_company_new_york +concept_city_cortland concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_corvallis concept:cityliesonriver concept_river_willamette +concept_city_corvallis concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_corvallis concept:proxyfor concept_stateorprovince_oregon +concept_city_cos_cob concept:citylocatedinstate concept_stateorprovince_connecticut +concept_city_costa_del_sol concept:citylocatedincountry concept_country_spain +concept_city_costa_mesa concept:citylocatedinstate concept_stateorprovince_california +concept_city_costa_mesa concept:proxyfor concept_stateorprovince_california +concept_city_costa_rica concept:atdate concept_dateliteral_n2002 +concept_city_costa_rica concept:atdate concept_dateliteral_n2005 +concept_city_costa_rica concept:atdate concept_dateliteral_n2006 +concept_city_costa_rica concept:atdate concept_dateliteral_n2007 +concept_city_costa_rica concept:atdate concept_dateliteral_n2008 +concept_city_costa_rica concept:cityliesonriver concept_river_pacuare +concept_city_cottage concept:mutualproxyfor concept_mldataset_n2 +concept_city_cottage concept:mutualproxyfor concept_nonneginteger_one +concept_city_cottage concept:mutualproxyfor concept_weatherphenomenon_two +concept_city_cottage concept:subpartof concept_weatherphenomenon_water +concept_city_cottage_grove concept:cityliesonriver concept_river_willamette +concept_city_cottage_grove concept:proxyfor concept_stateorprovince_minnesota +concept_city_cottonwood concept:cityliesonriver concept_river_verde +concept_city_cottonwood concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_city_council_bluffs concept:locationlocatedwithinlocation concept_stateorprovince_iowa +concept_city_council_bluffs concept:proxyfor concept_stateorprovince_iowa +concept_city_counterparts concept:proxyfor concept_politicaloffice_new +concept_city_counterparts concept:subpartoforganization concept_terroristorganization_state +concept_city_countryside concept:mutualproxyfor concept_beverage_new +concept_city_countryside concept:proxyfor concept_politicaloffice_new +concept_city_coupeville concept:atlocation concept_city_washington_d_c +concept_city_coventry concept:atlocation concept_stateorprovince_connecticut +concept_city_covina concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_covina concept:proxyfor concept_stateorprovince_california +concept_city_covington concept:cityliesonriver concept_river_bogue_falaya +concept_city_covington concept:cityliesonriver concept_river_licking +concept_city_covington concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_covington concept:atlocation concept_stateorprovince_georgia +concept_city_covington concept:proxyfor concept_stateorprovince_georgia +concept_city_covington concept:atlocation concept_stateorprovince_kentucky +concept_city_covington concept:proxyfor concept_stateorprovince_kentucky +concept_city_covington concept:subpartof concept_stateorprovince_kentucky +concept_city_covington concept:atlocation concept_stateorprovince_louisiana +concept_city_covington concept:proxyfor concept_stateorprovince_louisiana +concept_city_coweta concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_craig concept:cityliesonriver concept_river_yampa +concept_city_craig concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_craig concept:proxyfor concept_stateorprovince_colorado +concept_city_cranbrook concept:cityliesonriver concept_river_columbia +concept_city_cranford concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_cranford concept:proxyfor concept_stateorprovince_new_jersey +concept_city_cranston concept:locationlocatedwithinlocation concept_stateorprovince_rhode_island +concept_city_cranston concept:proxyfor concept_stateorprovince_rhode_island +concept_city_crawfordsville concept:atlocation concept_stateorprovince_indiana +concept_city_creighton concept:citylocatedinstate concept_stateorprovince_saskatchewan +concept_city_creighton concept:proxyfor concept_stateorprovince_saskatchewan +concept_city_crescent_city concept:atlocation concept_stateorprovince_california +concept_city_crescent_city concept:mutualproxyfor concept_stateorprovince_california +concept_city_cresskill concept:proxyfor concept_stateorprovince_new_jersey +concept_city_crestline concept:atlocation concept_stateorprovince_california +concept_city_crestview concept:locationlocatedwithinlocation concept_city_florida +concept_city_crestview concept:proxyfor concept_city_florida +concept_city_crestview_hills concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_crockett concept:atlocation concept_stateorprovince_texas +concept_city_cromwell concept:cityliesonriver concept_river_kawarau +concept_city_cromwell concept:atlocation concept_stateorprovince_connecticut +concept_city_crookston concept:cityliesonriver concept_attraction_grand +concept_city_crossville concept:atlocation concept_stateorprovince_tennessee +concept_city_crossville concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_crowley concept:atlocation concept_stateorprovince_louisiana +concept_city_crown_point concept:cityliesonriver concept_river_columbia +concept_city_crystal concept:atlocation concept_stateorprovince_minnesota +concept_city_crystal_lake concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_crystal_lake concept:proxyfor concept_stateorprovince_illinois +concept_city_cuenca concept:locationlocatedwithinlocation concept_geopoliticallocation_ecuador +concept_city_cuernavaca concept:citylocatedincountry concept_country_mexico +concept_city_cullman concept:atlocation concept_stateorprovince_alabama +concept_city_culver_city concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_culver_city concept:proxyfor concept_stateorprovince_california +concept_city_cumming concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_cumming concept:proxyfor concept_stateorprovince_georgia +concept_city_cupertino concept:atlocation concept_stateorprovince_california +concept_city_cupertino concept:proxyfor concept_stateorprovince_california +concept_city_curitiba concept:proxyfor concept_city_parana +concept_city_cusco concept:cityliesonriver concept_river_urubamba +concept_city_cutler_ridge concept:atlocation concept_city_florida +concept_city_cuttack concept:citylocatedinstate concept_stateorprovince_orissa +concept_city_cuttack concept:proxyfor concept_stateorprovince_orissa +concept_city_cuyahoga_falls concept:proxyfor concept_stadiumoreventvenue_blossom_music_center +concept_city_cuyahoga_falls concept:atlocation concept_stateorprovince_ohio +concept_city_cuzco concept:cityliesonriver concept_river_urubamba +concept_city_cypress concept:subpartof concept_stateorprovince_california +concept_city_dagupan_city concept:latitudelongitude 16.0487500000000,120.3370800000000 +concept_city_dahlonega concept:cityliesonriver concept_river_chestatee +concept_city_daily concept:agentactsinlocation concept_city_gaza +concept_city_daily concept:agentactsinlocation concept_country_turkey +concept_city_dakar concept:citycapitalofcountry concept_country_senegal +concept_city_dakar concept:citylocatedincountry concept_country_senegal +concept_city_dakar concept:atdate concept_date_n1999 +concept_city_dakar concept:atdate concept_date_n2000 +concept_city_dakar concept:atdate concept_date_n2001 +concept_city_dalaman concept:locationlocatedwithinlocation concept_country_turkey +concept_city_dallas concept:cityliesonriver concept_attraction_grand +concept_city_dallas concept:mutualproxyfor concept_city_texas +concept_city_dallas concept:organizationhiredperson concept_coach_bill_parcells +concept_city_dallas concept:organizationhiredperson concept_coach_bill_walsh +concept_city_dallas concept:organizationhiredperson concept_coach_sparano +concept_city_dallas concept:organizationhiredperson concept_coach_wade_phillips +concept_city_dallas concept:atdate concept_date_n1964 +concept_city_dallas concept:atdate concept_date_n1999 +concept_city_dallas concept:atdate concept_date_n2000 +concept_city_dallas concept:atdate concept_dateliteral_n2007 +concept_city_dallas concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_dallas concept:proxyfor concept_lake_new +concept_city_dallas concept:organizationhiredperson concept_politician_ray_hunt +concept_city_dallas concept:proxyfor concept_stadiumoreventvenue_reunion_arena +concept_city_dallas concept:proxyfor concept_stateorprovince_georgia +concept_city_dallas concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_dallas concept:atlocation concept_stateorprovince_oregon +concept_city_dallas concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_dallas concept:proxyfor concept_stateorprovince_texas +concept_city_dallas concept:locationlocatedwithinlocation concept_stateorprovince_ut +concept_city_dallas concept:proxyfor concept_stateorprovince_ut +concept_city_dallas concept:subpartof concept_stateorprovince_ut +concept_city_dallas concept:proxyfor concept_university_u_t_ +concept_city_dallas concept:subpartof concept_university_u_t_ +concept_city_dalles concept:cityliesonriver concept_river_columbia +concept_city_daly_city concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_daly_city concept:proxyfor concept_stateorprovince_california +concept_city_damascus concept:citycapitalofcountry concept_country_syria +concept_city_damascus concept:citylocatedincountry concept_country_syria +concept_city_damascus concept:atdate concept_dateliteral_n2007 +concept_city_damascus concept:cityliesonriver concept_river_barada +concept_city_damietta concept:cityliesonriver concept_river_nile +concept_city_dammam concept:locationlocatedwithinlocation concept_country_arabia_saudita +concept_city_danbury concept:atlocation concept_stateorprovince_connecticut +concept_city_danbury concept:proxyfor concept_stateorprovince_connecticut +concept_city_danbury concept:subpartof concept_stateorprovince_connecticut +concept_city_dance concept:proxyfor concept_politicaloffice_new +concept_city_dandong concept:cityliesonriver concept_river_yalu +concept_city_danvers concept:atlocation concept_stateorprovince_massachusetts +concept_city_danville concept:atlocation concept_stateorprovince_california +concept_city_danville concept:mutualproxyfor concept_stateorprovince_california +concept_city_danville concept:subpartof concept_stateorprovince_california +concept_city_danville concept:atlocation concept_stateorprovince_illinois +concept_city_danville concept:proxyfor concept_stateorprovince_illinois +concept_city_danville concept:proxyfor concept_stateorprovince_kentucky +concept_city_danville concept:atlocation concept_stateorprovince_virginia +concept_city_danville concept:proxyfor concept_stateorprovince_virginia +concept_city_danville concept:subpartof concept_stateorprovince_virginia +concept_city_danzig concept:cityalsoknownas concept_city_gdansk +concept_city_dar_es_salaam concept:citylocatedincountry concept_country_tanzania +concept_city_darien concept:cityliesonriver concept_river_altamaha +concept_city_darien concept:locationlocatedwithinlocation concept_stateorprovince_connecticut +concept_city_darien concept:proxyfor concept_stateorprovince_connecticut +concept_city_dartmouth concept:locationlocatedwithinlocation concept_stateorprovince_nova_scotia +concept_city_darwin concept:proxyfor concept_country_australia +concept_city_darwin concept:atdate concept_dateliteral_n2006 +concept_city_darwin concept:atdate concept_dateliteral_n2007 +concept_city_darwin concept:citylocatedingeopoliticallocation concept_geopoliticallocation_northern_territory +concept_city_darwin concept:proxyfor concept_geopoliticallocation_northern_territory +concept_city_dauphin concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_davenport concept:cityliesonriver concept_attraction_mississippi +concept_city_davenport concept:proxyfor concept_stadiumoreventvenue_adler_theatre +concept_city_davenport concept:locationlocatedwithinlocation concept_stateorprovince_iowa +concept_city_davidson concept:organizationhiredperson concept_coach_bob_mckillop +concept_city_davidson concept:organizationhiredperson concept_coach_mckillop +concept_city_davidson concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_davie concept:locationlocatedwithinlocation concept_city_florida +concept_city_davis concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_davis concept:proxyfor concept_stateorprovince_california +concept_city_davis concept:citylocatedinstate concept_stateorprovince_utah +concept_city_dawson concept:cityliesonriver concept_river_yukon +concept_city_dawson concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_dawson_city concept:cityliesonriver concept_river_yukon +concept_city_dawson_creek concept:cityliesonriver concept_river_columbia +concept_city_dayton concept:cityliesonriver concept_attraction_mississippi +concept_city_dayton concept:citylocatedingeopoliticallocation concept_geopoliticallocation_wright +concept_city_dayton concept:cityliesonriver concept_river_great_miami +concept_city_dayton concept:proxyfor concept_stadiumoreventvenue_ej_nutter_center +concept_city_dayton concept:atlocation concept_stateorprovince_nevada +concept_city_dayton concept:atlocation concept_stateorprovince_ohio +concept_city_dayton concept:proxyfor concept_stateorprovince_ohio +concept_city_dayton concept:subpartof concept_stateorprovince_ohio +concept_city_dayton concept:atlocation concept_stateorprovince_tennessee +concept_city_daytona_beach concept:atlocation concept_city_florida +concept_city_daytona_beach concept:proxyfor concept_city_florida +concept_city_daytona_beach concept:subpartof concept_city_florida +concept_city_deadwood concept:atlocation concept_stateorprovince_south_dakota +concept_city_deal concept:mutualproxyfor concept_beverage_new +concept_city_deal concept:atdate concept_date_n2000 +concept_city_deal concept:atdate concept_date_n2001 +concept_city_deal concept:atdate concept_date_n2003 +concept_city_deal concept:atdate concept_date_n2004 +concept_city_deal concept:atdate concept_dateliteral_n2002 +concept_city_deal concept:atdate concept_dateliteral_n2005 +concept_city_deal concept:atdate concept_dateliteral_n2006 +concept_city_deal concept:atdate concept_dateliteral_n2007 +concept_city_deal concept:atdate concept_dateliteral_n2008 +concept_city_deal concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_deal concept:proxyfor concept_politicaloffice_new +concept_city_deals concept:mutualproxyfor concept_beverage_new +concept_city_deals concept:proxyfor concept_politicaloffice_new +concept_city_dearborn concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_dearborn concept:proxyfor concept_stateorprovince_michigan +concept_city_decatur concept:cityliesonriver concept_river_sangamon +concept_city_decatur concept:atlocation concept_stateorprovince_alabama +concept_city_decatur concept:proxyfor concept_stateorprovince_alabama +concept_city_decatur concept:subpartof concept_stateorprovince_alabama +concept_city_decatur concept:atlocation concept_stateorprovince_georgia +concept_city_decatur concept:proxyfor concept_stateorprovince_georgia +concept_city_decatur concept:subpartof concept_stateorprovince_georgia +concept_city_decatur concept:atlocation concept_stateorprovince_illinois +concept_city_decatur concept:proxyfor concept_stateorprovince_illinois +concept_city_decatur concept:subpartof concept_stateorprovince_illinois +concept_city_decatur concept:atlocation concept_stateorprovince_indiana +concept_city_decatur concept:proxyfor concept_stateorprovince_indiana +concept_city_decatur concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_deerfield concept:subpartof concept_stateorprovince_illinois +concept_city_deerfield_beach concept:locationlocatedwithinlocation concept_city_florida +concept_city_deerfield_beach concept:proxyfor concept_city_florida +concept_city_deerfield_beach concept:subpartof concept_city_florida +concept_city_defiance concept:mutualproxyfor concept_person_mugabe +concept_city_dehradun concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_dehradun concept:locationlocatedwithinlocation concept_river_state +concept_city_dekalb concept:atlocation concept_stateorprovince_illinois +concept_city_dekalb concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_del_mar concept:atlocation concept_stateorprovince_california +concept_city_del_rio concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_del_rio concept:proxyfor concept_stateorprovince_texas +concept_city_delano concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_delano concept:proxyfor concept_stateorprovince_california +concept_city_delays concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_delhi concept:proxyfor concept_country_republic_of_india +concept_city_delhi concept:agentactsinlocation concept_lake_new +concept_city_delhi concept:cityliesonriver concept_river_ganges +concept_city_delhi concept:cityliesonriver concept_river_jamuna +concept_city_delhi concept:cityliesonriver concept_river_yamuna +concept_city_delivery concept:mutualproxyfor concept_beverage_new +concept_city_delivery concept:atdate concept_date_n1996 +concept_city_delivery concept:atdate concept_date_n1999 +concept_city_delivery concept:atdate concept_date_n2000 +concept_city_delivery concept:atdate concept_date_n2001 +concept_city_delivery concept:atdate concept_date_n2003 +concept_city_delivery concept:atdate concept_date_n2004 +concept_city_delivery concept:atdate concept_date_n2009 +concept_city_delivery concept:atdate concept_dateliteral_n2002 +concept_city_delivery concept:atdate concept_dateliteral_n2005 +concept_city_delivery concept:atdate concept_dateliteral_n2006 +concept_city_delivery concept:atdate concept_dateliteral_n2007 +concept_city_delivery concept:atdate concept_dateliteral_n2008 +concept_city_delivery concept:atdate concept_dateliteral_n2010 +concept_city_delivery concept:proxyfor concept_politicaloffice_new +concept_city_delivery concept:subpartof concept_weatherphenomenon_water +concept_city_delivery concept:atdate concept_year_n1998 +concept_city_delray_beach concept:proxyfor concept_city_florida +concept_city_delta_junction concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_demo concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_demo concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_demonstration concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_demonstration concept:atdate concept_date_n2003 +concept_city_demonstration concept:atdate concept_dateliteral_n2005 +concept_city_demonstration concept:atdate concept_dateliteral_n2006 +concept_city_demonstration concept:atdate concept_dateliteral_n2007 +concept_city_demonstration concept:atdate concept_year_n1998 +concept_city_demopolis concept:cityliesonriver concept_river_tombigbee +concept_city_denham_springs concept:atlocation concept_stateorprovince_louisiana +concept_city_denia concept:citylocatedincountry concept_country_spain +concept_city_denton concept:mutualproxyfor concept_city_texas +concept_city_denton concept:cityliesonriver concept_skiarea_choptank +concept_city_denton concept:citylocatedinstate concept_stateorprovince_texas +concept_city_denver concept:cityliesonriver concept_attraction_grand +concept_city_denver concept:organizationhiredperson concept_coach_josh_mcdaniels +concept_city_denver concept:organizationhiredperson concept_coach_mike_shanahan +concept_city_denver concept:organizationhiredperson concept_coach_shanahan +concept_city_denver concept:atdate concept_date_n2004 +concept_city_denver concept:atdate concept_date_n2009 +concept_city_denver concept:atdate concept_dateliteral_n2005 +concept_city_denver concept:proxyfor concept_lake_new +concept_city_denver concept:agentcompeteswithagent concept_newspaper_times +concept_city_denver concept:organizationhiredperson concept_politician_wellington_webb +concept_city_denver concept:organizationhiredperson concept_politicianus_john_hickenlooper +concept_city_denver concept:cityliesonriver concept_river_platte +concept_city_denver concept:cityliesonriver concept_river_south_platte +concept_city_denver concept:subpartof concept_sport_heating_and_air +concept_city_denver concept:proxyfor concept_stadiumoreventvenue_fillmore_auditorium +concept_city_denver concept:proxyfor concept_stadiumoreventvenue_ogden_theatre +concept_city_denver concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_denver concept:proxyfor concept_stateorprovince_colorado +concept_city_denver concept:agentcompeteswithagent concept_website_daily_news +concept_city_denver_metro concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_denville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_deptford concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_dera_ismail_khan concept:citylocatedincountry concept_country_pakistan +concept_city_derry concept:citylocatedincountry concept_country_ireland +concept_city_derry concept:proxyfor concept_stateorprovince_new_hampshire +concept_city_des_plaines concept:atlocation concept_stateorprovince_illinois +concept_city_design concept:mutualproxyfor concept_beverage_new +concept_city_design concept:atdate concept_date_n2000 +concept_city_design concept:atdate concept_date_n2001 +concept_city_design concept:atdate concept_date_n2003 +concept_city_design concept:atdate concept_date_n2004 +concept_city_design concept:atdate concept_dateliteral_n2002 +concept_city_design concept:atdate concept_dateliteral_n2005 +concept_city_design concept:atdate concept_dateliteral_n2006 +concept_city_design concept:atdate concept_dateliteral_n2007 +concept_city_design concept:atdate concept_dateliteral_n2008 +concept_city_design concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_design concept:proxyfor concept_politicaloffice_new +concept_city_design concept:subpartoforganization concept_terroristorganization_state +concept_city_design concept:agentcompeteswithagent concept_tradeunion_search +concept_city_design concept:subpartof concept_weatherphenomenon_air +concept_city_design concept:subpartof concept_weatherphenomenon_water +concept_city_destin concept:atlocation concept_city_florida +concept_city_detroit concept:cityliesonriver concept_attraction_grand +concept_city_detroit concept:atdate concept_dateliteral_n2005 +concept_city_detroit concept:citylocatedingeopoliticallocation concept_geopoliticallocation_wayne +concept_city_detroit concept:proxyfor concept_stadiumoreventvenue_palace_of_auburn_hills +concept_city_detroit concept:proxyfor concept_stadiumoreventvenue_saint_andrews_hall +concept_city_detroit concept:citylocatedinstate concept_stateorprovince_mi +concept_city_detroit concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_detroit_lakes concept:proxyfor concept_personnorthamerica_minnesota +concept_city_detroit_lakes concept:atlocation concept_stateorprovince_minnesota +concept_city_devils_lake concept:locationlocatedwithinlocation concept_stateorprovince_north_dakota +concept_city_devils_lake concept:proxyfor concept_stateorprovince_north_dakota +concept_city_devonport concept:citylocatedinstate concept_stateorprovince_tasmania +concept_city_dewas concept:citylocatedinstate concept_stateorprovince_madhya_pradesh +concept_city_dewas concept:proxyfor concept_stateorprovince_madhya_pradesh +concept_city_dexter concept:proxyfor concept_company_missouri +concept_city_dhaka concept:cityliesonriver concept_river_buriganga +concept_city_dhanbad concept:citylocatedinstate concept_stateorprovince_jharkhand +concept_city_dhanbad concept:proxyfor concept_stateorprovince_jharkhand +concept_city_diamond_bar concept:citylocatedinstate concept_stateorprovince_california +concept_city_diamond_bar concept:mutualproxyfor concept_stateorprovince_california +concept_city_dibrugarh concept:citylocatedinstate concept_stateorprovince_assam +concept_city_dibrugarh concept:proxyfor concept_stateorprovince_assam +concept_city_dickinson concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_dickinson concept:atlocation concept_stateorprovince_north_dakota +concept_city_dickinson concept:proxyfor concept_stateorprovince_north_dakota +concept_city_dickinson concept:proxyfor concept_stateorprovince_texas +concept_city_diego concept:citylocatedinstate concept_stateorprovince_california +concept_city_dili concept:citycapitalofcountry concept_country_east_timor +concept_city_dili concept:citylocatedincountry concept_country_east_timor +concept_city_dili concept:locationlocatedwithinlocation concept_country_timor_leste +concept_city_dili concept:atdate concept_date_n1999 +concept_city_dillsboro concept:cityliesonriver concept_river_tuckaseegee +concept_city_dinan concept:cityliesonriver concept_river_rance +concept_city_dinant concept:cityliesonriver concept_river_meuse +concept_city_dinard concept:locationlocatedwithinlocation concept_country_france_france +concept_city_dingmans_ferry concept:latitudelongitude 41.2188400000000,-74.8646150000000 +concept_city_dinuba concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_dinuba concept:proxyfor concept_stateorprovince_california +concept_city_discussion concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_discussion concept:atdate concept_date_n2000 +concept_city_discussion concept:atdate concept_date_n2001 +concept_city_discussion concept:atdate concept_date_n2004 +concept_city_discussion concept:atdate concept_dateliteral_n2002 +concept_city_discussion concept:atdate concept_dateliteral_n2005 +concept_city_discussion concept:atdate concept_dateliteral_n2006 +concept_city_discussion concept:atdate concept_dateliteral_n2007 +concept_city_discussion concept:atdate concept_dateliteral_n2008 +concept_city_discussion concept:proxyfor concept_politicaloffice_new +concept_city_discussion concept:agentcreated concept_programminglanguage_contact +concept_city_discussion concept:atdate concept_year_n1998 +concept_city_dispur concept:mutualproxyfor concept_stateorprovince_assam +concept_city_district concept:cityliesonriver concept_attraction_grand +concept_city_district concept:cityalsoknownas concept_city_columbia +concept_city_district concept:atdate concept_dateliteral_n2005 +concept_city_district concept:atdate concept_dateliteral_n2006 +concept_city_district concept:atdate concept_dateliteral_n2007 +concept_city_district concept:locationlocatedwithinlocation concept_geopoliticallocation_national +concept_city_district concept:cityliesonriver concept_river_potomac +concept_city_districts concept:mutualproxyfor concept_beverage_new +concept_city_districts concept:atdate concept_date_n2004 +concept_city_districts concept:atdate concept_dateliteral_n2008 +concept_city_districts concept:agentcollaborateswithagent concept_person_state +concept_city_districts concept:proxyfor concept_politicaloffice_new +concept_city_districts concept:subpartoforganization concept_terroristorganization_state +concept_city_dixon concept:atlocation concept_stateorprovince_california +concept_city_djenne concept:cityliesonriver concept_river_niger +concept_city_djibouti concept:citycapitalofcountry concept_country_djibouti +concept_city_dodge_city concept:atlocation concept_stateorprovince_kansas +concept_city_dodoma concept:citycapitalofcountry concept_country_tanzania +concept_city_dodoma concept:proxyfor concept_ethnicgroup_tanzania +concept_city_donaldsonville concept:cityliesonriver concept_attraction_mississippi +concept_city_doral concept:atlocation concept_city_florida +concept_city_dorchester concept:cityliesonriver concept_river_neponset +concept_city_dorchester concept:proxyfor concept_stateorprovince_new_jersey +concept_city_dorchester concept:proxyfor concept_stateorprovince_newjersey +concept_city_dorchester concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_dothan concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_city_douala concept:citycapitalofcountry concept_country_cameroon +concept_city_douglas concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_douglas concept:locationlocatedwithinlocation concept_stateorprovince_wyoming +concept_city_douglas concept:proxyfor concept_stateorprovince_wyoming +concept_city_douglasville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_douglasville concept:proxyfor concept_stateorprovince_georgia +concept_city_dover concept:citylocatedincountry concept_country_england +concept_city_down_town concept:latitudelongitude 38.7254000000000,-9.1506000000000 +concept_city_downers_grove concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_downers_grove concept:proxyfor concept_stateorprovince_illinois +concept_city_downey concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_downey concept:proxyfor concept_stateorprovince_california +concept_city_download concept:subpartoforganization concept_bank_site +concept_city_download concept:subpartoforganization concept_biotechcompany_apple +concept_city_download concept:subpartoforganization concept_blog_form +concept_city_download concept:agentbelongstoorganization concept_blog_site +concept_city_download concept:agentcreated concept_book_print +concept_city_download concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_download concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_download concept:agentcreated concept_city_click +concept_city_download concept:subpartoforganization concept_city_internet +concept_city_download concept:subpartoforganization concept_city_link +concept_city_download concept:subpartoforganization concept_company_adobe +concept_city_download concept:agentbelongstoorganization concept_company_apple001 +concept_city_download concept:agentcollaborateswithagent concept_company_apple002 +concept_city_download concept:subpartoforganization concept_company_macromedia +concept_city_download concept:atdate concept_date_n2009 +concept_city_download concept:atdate concept_dateliteral_n2007 +concept_city_download concept:atdate concept_dateliteral_n2008 +concept_city_download concept:subpartof concept_musicsong_form +concept_city_download concept:subpartoforganization concept_newspaper_packet +concept_city_download concept:agentcollaborateswithagent concept_personasia_site +concept_city_download concept:agentcollaborateswithagent concept_politicianus_form +concept_city_download concept:agentcreated concept_programminglanguage_contact +concept_city_download concept:agentcompeteswithagent concept_tradeunion_search +concept_city_download concept:subpartoforganization concept_tradeunion_web_site +concept_city_download concept:subpartoforganization concept_university_microsoft +concept_city_download concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_download concept:subpartoforganization concept_website_adobe_ +concept_city_download concept:agentcreated concept_website_download +concept_city_download concept:agentcreated concept_website_files +concept_city_download concept:agentcreated concept_website_reader +concept_city_downtown_charleston concept:cityliesonriver concept_company_cooper +concept_city_downtown_cleveland concept:cityliesonriver concept_river_cuyahoga +concept_city_downtown_los_angeles concept:citylocatedinstate concept_stateorprovince_california +concept_city_downtown_manhattan concept:locationlocatedwithinlocation concept_geopoliticallocation_world +concept_city_downtown_manhattan concept:cityliesonriver concept_river_hudson +concept_city_doylestown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_drammen concept:citylocatedincountry concept_country_norway +concept_city_draper concept:atlocation concept_county_utah +concept_city_draper concept:proxyfor concept_county_utah +concept_city_draper concept:subpartof concept_county_utah +concept_city_dresden concept:atdate concept_dateliteral_n2007 +concept_city_dresden concept:citycapitalofcountry concept_geopoliticalorganization_saxony +concept_city_dresden concept:cityliesonriver concept_river_elbe +concept_city_dresden concept:cityliesonriver concept_river_muskingum +concept_city_dresden concept:mutualproxyfor concept_sportsteam_germany +concept_city_dresden concept:proxyfor concept_stateorprovince_saxony +concept_city_drogheda concept:cityliesonriver concept_river_boyne +concept_city_drumheller concept:cityliesonriver concept_river_red_deer_river +concept_city_drummondville concept:locationlocatedwithinlocation concept_stateorprovince_quebec +concept_city_drummondville concept:proxyfor concept_stateorprovince_quebec +concept_city_duarte concept:atlocation concept_stateorprovince_california +concept_city_dublin_dublin concept:citycapitalofcountry concept_country_ireland +concept_city_dublin_dublin concept:citylocatedincountry concept_country_ireland +concept_city_dublin_dublin concept:citylocatedingeopoliticallocation concept_country_republic +concept_city_dublin_dublin concept:atdate concept_dateliteral_n2005 +concept_city_dublin_dublin concept:cityliesonriver concept_river_liffey +concept_city_dublin_dublin concept:cityliesonriver concept_river_oconee +concept_city_dublin_dublin concept:cityliesonriver concept_river_scioto +concept_city_dublin_dublin concept:citylocatedinstate concept_stateorprovince_california +concept_city_dublin_dublin concept:mutualproxyfor concept_stateorprovince_california +concept_city_dublin_dublin concept:atlocation concept_stateorprovince_georgia +concept_city_dublin_dublin concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_dublin_dublin concept:atlocation concept_stateorprovince_ohio +concept_city_dubois concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_dubrovnik concept:proxyfor concept_country_croatia +concept_city_dubuque concept:cityliesonriver concept_attraction_mississippi +concept_city_dubuque concept:atlocation concept_stateorprovince_iowa +concept_city_dubuque concept:proxyfor concept_stateorprovince_iowa +concept_city_duisburg concept:cityliesonriver concept_river_rhine +concept_city_duluth concept:cityliesonriver concept_attraction_grand +concept_city_duluth concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_duluth concept:proxyfor concept_stateorprovince_minnesota +concept_city_duluth concept:subpartof concept_stateorprovince_minnesota +concept_city_duncan concept:cityliesonriver concept_river_gila +concept_city_duncan concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_duncan concept:proxyfor concept_stateorprovince_oklahoma +concept_city_duncannon concept:cityliesonriver concept_river_susquehanna +concept_city_dundalk concept:proxyfor concept_stateorprovince_maryland +concept_city_dundee concept:cityliesonriver concept_river_tay +concept_city_dundee concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_dunedin concept:proxyfor concept_city_florida +concept_city_dungannon concept:cityliesonriver concept_river_clinch +concept_city_dunkeld concept:cityliesonriver concept_river_tay +concept_city_dunnville concept:cityliesonriver concept_attraction_grand +concept_city_durango concept:cityliesonriver concept_river_animas +concept_city_durango concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_durango concept:proxyfor concept_stateorprovince_colorado +concept_city_durango concept:subpartof concept_stateorprovince_colorado +concept_city_durgapur concept:proxyfor concept_stateorprovince_west_bengal +concept_city_durham concept:atlocation concept_stateorprovince_north_carolina +concept_city_durham concept:proxyfor concept_stateorprovince_north_carolina +concept_city_durham concept:proxyfor concept_stateorprovince_northcarolina +concept_city_dushanbe concept:citycapitalofcountry concept_country_tajikistan +concept_city_dushanbe concept:citylocatedincountry concept_country_tajikistan +concept_city_dusseldorf concept:locationlocatedwithinlocation concept_country_germany +concept_city_dusseldorf concept:cityliesonriver concept_river_rhine +concept_city_dyer concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_dyersburg concept:cityliesonriver concept_attraction_mississippi +concept_city_dyersburg concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_eagan concept:atlocation concept_stateorprovince_minnesota +concept_city_eagle_lake concept:atlocation concept_city_florida +concept_city_easley concept:atlocation concept_stateorprovince_south_carolina +concept_city_east_dubuque concept:cityliesonriver concept_attraction_mississippi +concept_city_east_ellijay concept:atlocation concept_stateorprovince_georgia +concept_city_east_gull_lake concept:latitudelongitude 46.4024825000000,-94.3564600000000 +concept_city_east_hanover concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_east_hanover concept:proxyfor concept_stateorprovince_newjersey +concept_city_east_lansing concept:cityliesonriver concept_attraction_grand +concept_city_east_lansing concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_east_lansing concept:proxyfor concept_stateorprovince_michigan +concept_city_east_london concept:cityliesonriver concept_river_thames +concept_city_east_midlands concept:citylocatedincountry concept_country_england +concept_city_east_midlands concept:atdate concept_dateliteral_n2006 +concept_city_east_moline concept:atlocation concept_stateorprovince_illinois +concept_city_east_newark concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_east_newark concept:proxyfor concept_stateorprovince_new_jersey +concept_city_east_newark concept:proxyfor concept_stateorprovince_newjersey +concept_city_east_orange concept:atlocation concept_stateorprovince_new_jersey +concept_city_east_orange concept:proxyfor concept_stateorprovince_new_jersey +concept_city_east_orange concept:proxyfor concept_stateorprovince_newjersey +concept_city_east_peoria concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_east_point concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_east_point concept:proxyfor concept_stateorprovince_georgia +concept_city_east_providence concept:locationlocatedwithinlocation concept_stateorprovince_rhode_island +concept_city_east_providence concept:proxyfor concept_stateorprovince_rhode_island +concept_city_east_rutherford concept:proxyfor concept_stadiumoreventvenue_giants_stadium +concept_city_east_rutherford concept:proxyfor concept_stadiumoreventvenue_izod_center +concept_city_east_setauket concept:citylocatedingeopoliticallocation concept_stateorprovince_new_york +concept_city_east_st___louis concept:cityliesonriver concept_attraction_mississippi +concept_city_east_stroudsburg concept:atlocation concept_stateorprovince_pennsylvania +concept_city_east_stroudsburg concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_east_syracuse concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_eastbourne concept:citylocatedincountry concept_country_england +concept_city_eastlake concept:subpartof concept_stateorprovince_ohio +concept_city_easton concept:atlocation concept_stateorprovince_maryland +concept_city_easton concept:atlocation concept_stateorprovince_pennsylvania +concept_city_easton concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_eastpointe concept:proxyfor concept_stateorprovince_michigan +concept_city_eatontown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_eau_claire concept:atlocation concept_stateorprovince_wisconsin +concept_city_eden_prairie concept:atlocation concept_stateorprovince_minnesota +concept_city_eden_prairie concept:mutualproxyfor concept_stateorprovince_minnesota +concept_city_edgewater concept:proxyfor concept_stateorprovince_new_jersey +concept_city_edina concept:atlocation concept_stateorprovince_minnesota +concept_city_edinburgh concept:citylocatedincountry concept_country_scotland +concept_city_edinburgh concept:proxyfor concept_country_scotland +concept_city_edinburgh_edinburgh concept:citycapitalofcountry concept_country_scotland +concept_city_edithvale concept:latitudelongitude -38.0333300000000,145.1166700000000 +concept_city_edmond concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_edmonds concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_edmonds concept:proxyfor concept_city_washington_d_c +concept_city_edmonton concept:locationlocatedwithinlocation concept_city_province +concept_city_edmonton concept:citylocatedincountry concept_country_canada_canada +concept_city_edmonton concept:atdate concept_date_n2009 +concept_city_edmonton concept:proxyfor concept_politicaloffice_province +concept_city_edmonton concept:organizationhiredperson concept_politician_stephen_mandel +concept_city_edmonton concept:cityliesonriver concept_river_north_saskatchewan +concept_city_edmonton concept:proxyfor concept_stadiumoreventvenue_northern_alberta_jubilee_auditorium +concept_city_edmundston concept:cityliesonriver concept_river_saint_john +concept_city_edo concept:cityalsoknownas concept_city_tokyo +concept_city_edo concept:cityliesonriver concept_river_sumida +concept_city_edwardsville concept:subpartof concept_stateorprovince_illinois +concept_city_effingham concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_effingham concept:proxyfor concept_stateorprovince_illinois +concept_city_eisenstadt concept:citylocatedincountry concept_country_republic_of_austria +concept_city_eisenstadt concept:mutualproxyfor concept_geopoliticallocation_burgenland +concept_city_el_cajon concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_el_cajon concept:proxyfor concept_stateorprovince_california +concept_city_el_cajon concept:subpartof concept_stateorprovince_california +concept_city_el_calafate concept:citylocatedincountry concept_country_argentina +concept_city_el_centro concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_el_centro concept:proxyfor concept_stateorprovince_california +concept_city_el_monte concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_el_monte concept:proxyfor concept_stateorprovince_california +concept_city_el_paso concept:citylocatedingeopoliticallocation concept_geopoliticallocation_texas_tech +concept_city_el_paso concept:locationlocatedwithinlocation concept_hospital_texas_tech_university +concept_city_el_paso concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_el_paso concept:proxyfor concept_stateorprovince_texas +concept_city_el_reno concept:atlocation concept_stateorprovince_oklahoma +concept_city_el_salvador concept:locationlocatedwithinlocation concept_country_countries +concept_city_el_salvador concept:citycapitalofcountry concept_country_el_salvador +concept_city_el_salvador concept:citylocatedincountry concept_country_el_salvador +concept_city_el_segundo concept:atlocation concept_stateorprovince_california +concept_city_elgin concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_elgin concept:proxyfor concept_stateorprovince_illinois +concept_city_elizabethton concept:cityliesonriver concept_river_watauga +concept_city_elizabethton concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_elizabethtown concept:atlocation concept_stateorprovince_kentucky +concept_city_elizabethtown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_elk_city concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_elk_city concept:proxyfor concept_stateorprovince_oklahoma +concept_city_elk_grove concept:citylocatedinstate concept_stateorprovince_california +concept_city_elk_grove concept:mutualproxyfor concept_stateorprovince_california +concept_city_elk_grove_village concept:atlocation concept_stateorprovince_illinois +concept_city_elkhart concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_elkhart concept:proxyfor concept_stateorprovince_indiana +concept_city_elkhart concept:subpartof concept_stateorprovince_indiana +concept_city_elkins_park concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_elko concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_elko concept:proxyfor concept_stateorprovince_nevada +concept_city_elkton concept:atlocation concept_stateorprovince_maryland +concept_city_ellensburg concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_ellicott_city concept:cityliesonriver concept_skiarea_patapsco +concept_city_ellicott_city concept:atlocation concept_stateorprovince_maryland +concept_city_ellicott_city concept:subpartof concept_stateorprovince_maryland +concept_city_ellijay concept:cityliesonriver concept_river_cartecay +concept_city_ellijay concept:cityliesonriver concept_river_coosawattee +concept_city_elmhurst concept:atlocation concept_stateorprovince_illinois +concept_city_elmhurst concept:proxyfor concept_stateorprovince_new_york +concept_city_elmira concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_elmira concept:proxyfor concept_stateorprovince_new_york +concept_city_elmwood_park concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_elmwood_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_ely concept:atlocation concept_stateorprovince_nevada +concept_city_elyria concept:atlocation concept_stateorprovince_ohio +concept_city_elyria concept:proxyfor concept_university_ohio +concept_city_elyria concept:subpartof concept_university_ohio +concept_city_emeryville concept:atlocation concept_stateorprovince_california +concept_city_emeryville concept:subpartof concept_stateorprovince_california +concept_city_emporia concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_city_emporia concept:proxyfor concept_stateorprovince_kansas +concept_city_empuriabrava concept:latitudelongitude 42.2469100000000,3.1205900000000 +concept_city_encinitas concept:atlocation concept_stateorprovince_california +concept_city_encinitas concept:mutualproxyfor concept_stateorprovince_california +concept_city_encinitas concept:subpartof concept_stateorprovince_california +concept_city_encino concept:citylocatedinstate concept_stateorprovince_california +concept_city_enfield concept:atlocation concept_stateorprovince_connecticut +concept_city_englewood concept:atlocation concept_city_florida +concept_city_englewood concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_englewood concept:atlocation concept_stateorprovince_colorado +concept_city_englewood concept:proxyfor concept_stateorprovince_colorado +concept_city_englewood concept:atlocation concept_stateorprovince_new_jersey +concept_city_englewood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_englishtown concept:proxyfor concept_radiostation_new_jersey +concept_city_englishtown concept:proxyfor concept_stateorprovince_newjersey +concept_city_enid concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_enid concept:proxyfor concept_stateorprovince_oklahoma +concept_city_enkhuizen concept:citylocatedincountry concept_country_netherlands +concept_city_ennis concept:atlocation concept_stateorprovince_texas +concept_city_erie concept:cityliesonriver concept_attraction_grand +concept_city_erie concept:cityliesonriver concept_river_cuyahoga +concept_city_erie concept:cityliesonriver concept_river_niagara +concept_city_erie concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_erie concept:atlocation concept_stateorprovince_pennsylvania +concept_city_erie concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_erie concept:subpartof concept_stateorprovince_pennsylvania +concept_city_erode concept:proxyfor concept_stateorprovince_tamil_nadu +concept_city_escanaba concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_escanaba concept:proxyfor concept_stateorprovince_michigan +concept_city_escondido concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_escondido concept:proxyfor concept_stateorprovince_california +concept_city_eskilstuna concept:citylocatedincountry concept_country_sweden +concept_city_espanola concept:atlocation concept_stateorprovince_new_mexico +concept_city_espoo concept:citylocatedincountry concept_country_finland +concept_city_essaouira concept:cityalsoknownas concept_city_mogador +concept_city_essendon concept:organizationhiredperson concept_coach_kevin_sheedy +concept_city_essex concept:cityliesonriver concept_river_thames +concept_city_essex concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_essex_fells concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_essex_fells concept:proxyfor concept_stateorprovince_new_jersey +concept_city_essex_fells concept:proxyfor concept_stateorprovince_newjersey +concept_city_esslingen concept:citylocatedincountry concept_country_germany +concept_city_estepona concept:citylocatedincountry concept_country_spain +concept_city_estero concept:proxyfor concept_stadiumoreventvenue_germain_arena +concept_city_estes_park concept:cityliesonriver concept_river_big_thompson +concept_city_estes_park concept:atlocation concept_stateorprovince_colorado +concept_city_esztergom concept:citylocatedincountry concept_country_hungary +concept_city_ethiopia concept:citycapitalofcountry concept_country_ethiopia +concept_city_ethiopia concept:citylocatedincountry concept_country_ethiopia +concept_city_eu concept:locationlocatedwithinlocation concept_country_countries +concept_city_eu concept:atdate concept_dateliteral_n2002 +concept_city_eu concept:atdate concept_dateliteral_n2005 +concept_city_eu concept:atdate concept_dateliteral_n2006 +concept_city_eu concept:atdate concept_dateliteral_n2007 +concept_city_eu concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_city_eufaula concept:atlocation concept_stateorprovince_alabama +concept_city_eugene concept:organizationhiredperson concept_politician_kitty_piercy +concept_city_eugene concept:cityliesonriver concept_river_willamette +concept_city_eugene concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_eugene concept:proxyfor concept_stateorprovince_oregon +concept_city_euless concept:locationlocatedwithinlocation concept_city_texas +concept_city_euless concept:proxyfor concept_stateorprovince_texas +concept_city_eureka concept:cityliesonriver concept_river_meramec +concept_city_eureka concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_eureka concept:proxyfor concept_stateorprovince_california +concept_city_eureka_springs concept:atlocation concept_stateorprovince_arkansas +concept_city_eustis concept:atlocation concept_city_florida +concept_city_evanston concept:atlocation concept_stateorprovince_illinois +concept_city_evanston concept:proxyfor concept_stateorprovince_illinois +concept_city_evanston concept:atlocation concept_stateorprovince_wyoming +concept_city_evansville concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_evansville concept:proxyfor concept_stateorprovince_indiana +concept_city_evansville_aces concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_evenes concept:citylocatedincountry concept_country_norway +concept_city_everett concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_everett concept:proxyfor concept_city_washington_d_c +concept_city_evergreen concept:organizationhiredperson concept_ceo_chang_yung_fa +concept_city_evergreen concept:subpartof concept_ceo_chang_yung_fa +concept_city_evergreen concept:atlocation concept_stateorprovince_colorado +concept_city_ewing concept:proxyfor concept_stateorprovince_new_jersey +concept_city_example concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_example concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_example concept:atdate concept_date_n1996 +concept_city_example concept:atdate concept_date_n2003 +concept_city_example concept:atdate concept_date_n2004 +concept_city_example concept:atdate concept_dateliteral_n2002 +concept_city_example concept:atdate concept_dateliteral_n2005 +concept_city_example concept:atdate concept_dateliteral_n2006 +concept_city_example concept:atdate concept_dateliteral_n2007 +concept_city_example concept:atdate concept_dateliteral_n2008 +concept_city_example concept:istallerthan concept_publication_people_ +concept_city_exeter concept:proxyfor concept_country_england +concept_city_exeter concept:cityliesonriver concept_river_exe +concept_city_exeter concept:locationlocatedwithinlocation concept_stateorprovince_new_hampshire +concept_city_exhibition concept:atdate concept_date_n2000 +concept_city_exhibition concept:atdate concept_date_n2001 +concept_city_exhibition concept:atdate concept_date_n2003 +concept_city_exhibition concept:atdate concept_date_n2004 +concept_city_exhibition concept:atdate concept_date_n2009 +concept_city_exhibition concept:atdate concept_date_nov_ +concept_city_exhibition concept:atdate concept_dateliteral_n2002 +concept_city_exhibition concept:atdate concept_dateliteral_n2005 +concept_city_exhibition concept:atdate concept_dateliteral_n2006 +concept_city_exhibition concept:atdate concept_dateliteral_n2007 +concept_city_exhibition concept:atdate concept_dateliteral_n2008 +concept_city_exhibition concept:atdate concept_dateliteral_n2010 +concept_city_exhibition concept:atdate concept_dayofweek_saturday +concept_city_exhibition concept:atdate concept_dayofweek_sunday +concept_city_exhibition concept:atdate concept_year_n1997 +concept_city_experts concept:mutualproxyfor concept_beverage_new +concept_city_experts concept:atdate concept_date_n1999 +concept_city_experts concept:atdate concept_dateliteral_n2006 +concept_city_experts concept:atdate concept_dateliteral_n2007 +concept_city_experts concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_experts concept:proxyfor concept_politicaloffice_new +concept_city_experts concept:agentcreated concept_programminglanguage_contact +concept_city_experts concept:subpartoforganization concept_terroristorganization_state +concept_city_experts concept:agentcompeteswithagent concept_tradeunion_search +concept_city_experts concept:subpartof concept_weatherphenomenon_air +concept_city_experts concept:atdate concept_year_n1998 +concept_city_external_links concept:agentinvolvedwithitem concept_buildingfeature_home +concept_city_external_links concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_external_links concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_external_links concept:agentinvolvedwithitem concept_product_tab +concept_city_external_links concept:agentcompeteswithagent concept_tradeunion_article +concept_city_external_links concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_eyota concept:latitudelongitude 43.9838155555555,-92.2371544444445 +concept_city_fagernes concept:citylocatedincountry concept_country_norway +concept_city_fair concept:atdate concept_dateliteral_n2008 +concept_city_fair_haven concept:proxyfor concept_stateorprovince_new_jersey +concept_city_fair_haven concept:proxyfor concept_stateorprovince_newjersey +concept_city_fair_lawn concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_fair_oaks concept:atlocation concept_stateorprovince_california +concept_city_fairbanks concept:cityliesonriver concept_river_chena +concept_city_fairbanks concept:cityliesonriver concept_river_tanana +concept_city_fairbanks concept:cityliesonriver concept_river_yukon +concept_city_fairbanks concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_fairbanks concept:proxyfor concept_stateorprovince_alaska +concept_city_fairborn concept:citylocatedingeopoliticallocation concept_geopoliticallocation_wright +concept_city_fairborn concept:atlocation concept_stateorprovince_ohio +concept_city_fairchild_air_force_base concept:organizationhiredperson concept_coach_fisher_deberry +concept_city_fairchild_air_force_base concept:organizationhiredperson concept_coach_troy_calhoun +concept_city_fairchild_air_force_base concept:organizationheadquarteredincountry concept_country_us +concept_city_fairchild_air_force_base concept:atdate concept_date_n1968 +concept_city_fairchild_air_force_base concept:atdate concept_date_n2000 +concept_city_fairchild_air_force_base concept:atdate concept_date_n2001 +concept_city_fairchild_air_force_base concept:atdate concept_dateliteral_n1943 +concept_city_fairchild_air_force_base concept:atdate concept_dateliteral_n2005 +concept_city_fairchild_air_force_base concept:atdate concept_dateliteral_n2006 +concept_city_fairchild_air_force_base concept:atdate concept_dateliteral_n2007 +concept_city_fairchild_air_force_base concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_fairchild_air_force_base concept:atdate concept_year_n1955 +concept_city_fairchild_air_force_base concept:atdate concept_year_n1984 +concept_city_fairchild_air_force_base concept:atdate concept_year_n1997 +concept_city_fairfax concept:atlocation concept_stateorprovince_virginia +concept_city_fairfax concept:proxyfor concept_stateorprovince_virginia +concept_city_fairfax concept:subpartof concept_stateorprovince_virginia +concept_city_fairfield concept:proxyfor concept_lake_new +concept_city_fairfield concept:cityliesonriver concept_river_kennebec +concept_city_fairfield concept:citylocatedinstate concept_stateorprovince_california +concept_city_fairfield concept:proxyfor concept_stateorprovince_california +concept_city_fairfield concept:atlocation concept_stateorprovince_connecticut +concept_city_fairfield concept:proxyfor concept_stateorprovince_connecticut +concept_city_fairfield concept:subpartof concept_stateorprovince_connecticut +concept_city_fairfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_fairfield concept:atlocation concept_stateorprovince_ohio +concept_city_fairhaven concept:atlocation concept_stateorprovince_massachusetts +concept_city_fairhaven concept:proxyfor concept_stateorprovince_new_jersey +concept_city_fairhope concept:atlocation concept_stateorprovince_alabama +concept_city_fairlawn concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_fairview concept:proxyfor concept_stateorprovince_new_jersey +concept_city_faisalabad concept:cityalsoknownas concept_city_lyallpur +concept_city_fall_river concept:proxyfor concept_beach_massachusetts +concept_city_fall_river concept:atlocation concept_stateorprovince_massachusetts +concept_city_fallbrook concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_fallbrook concept:proxyfor concept_stateorprovince_california +concept_city_fallon concept:atlocation concept_stateorprovince_nevada +concept_city_falls_church concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_falls_church concept:proxyfor concept_stateorprovince_virginia +concept_city_fallston concept:citylocatedingeopoliticallocation concept_stateorprovince_maryland +concept_city_fallujah concept:latitudelongitude 33.0073262500000,44.2533975000000 +concept_city_fallujah concept:atdate concept_date_n2003 +concept_city_fallujah concept:atdate concept_date_n2004 +concept_city_fallujah concept:cityliesonriver concept_river_euphrates +concept_city_falmouth concept:cityliesonriver concept_river_rappahannock +concept_city_falmouth concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_fargo concept:cityliesonriver concept_attraction_grand +concept_city_fargo concept:cityliesonriver concept_river_red_river +concept_city_fargo concept:citylocatedinstate concept_stateorprovince_north_dakota +concept_city_fargo concept:proxyfor concept_stateorprovince_north_dakota +concept_city_faribault concept:proxyfor concept_stateorprovince_minnesota +concept_city_faridabad concept:citylocatedinstate concept_stateorprovince_haryana +concept_city_faridabad concept:proxyfor concept_stateorprovince_haryana +concept_city_farmers_branch concept:atlocation concept_stateorprovince_texas +concept_city_farmingdale concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_farmingdale concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_farmingdale concept:proxyfor concept_stateorprovince_newjersey +concept_city_farmington concept:cityliesonriver concept_river_san_juan +concept_city_farmington concept:atlocation concept_stateorprovince_arkansas +concept_city_farmington concept:citylocatedinstate concept_stateorprovince_connecticut +concept_city_farmington concept:proxyfor concept_stateorprovince_connecticut +concept_city_farmington concept:atlocation concept_stateorprovince_michigan +concept_city_father concept:mutualproxyfor concept_beverage_new +concept_city_father concept:istallerthan concept_city_christ +concept_city_father concept:agentcollaborateswithagent concept_company_clinton +concept_city_father concept:atdate concept_date_n1903 +concept_city_father concept:atdate concept_date_n1979 +concept_city_father concept:atdate concept_date_n1999 +concept_city_father concept:atdate concept_date_n2000 +concept_city_father concept:atdate concept_date_n2001 +concept_city_father concept:atdate concept_date_n2003 +concept_city_father concept:atdate concept_date_n2004 +concept_city_father concept:atdate concept_dateliteral_n2005 +concept_city_father concept:atdate concept_dateliteral_n2006 +concept_city_father concept:atdate concept_dateliteral_n2007 +concept_city_father concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_father concept:proxyfor concept_politicaloffice_new +concept_city_father concept:agentbelongstoorganization concept_politicalparty_house +concept_city_father concept:atdate concept_year_n1873 +concept_city_father concept:atdate concept_year_n1885 +concept_city_father concept:atdate concept_year_n1985 +concept_city_father concept:atdate concept_year_n1989 +concept_city_father concept:atdate concept_year_n1994 +concept_city_father concept:atdate concept_year_n1997 +concept_city_fayette concept:proxyfor concept_company_missouri +concept_city_fayette concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_fayetteville concept:cityliesonriver concept_river_cape_fear +concept_city_fayetteville concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_fayetteville concept:proxyfor concept_stateorprovince_arkansas +concept_city_fayetteville concept:atlocation concept_stateorprovince_georgia +concept_city_fayetteville concept:proxyfor concept_stateorprovince_georgia +concept_city_fayetteville concept:atlocation concept_stateorprovince_north_carolina +concept_city_fayetteville concept:proxyfor concept_stateorprovince_north_carolina +concept_city_fayetteville concept:subpartof concept_stateorprovince_north_carolina +concept_city_fayetteville concept:proxyfor concept_stateorprovince_northcarolina +concept_city_fayetteville concept:atlocation concept_stateorprovince_tennessee +concept_city_fayson concept:latitudelongitude 40.9733366666667,-74.3601533333333 +concept_city_federal_way concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_federal_way concept:proxyfor concept_city_washington_d_c +concept_city_fernandina_beach concept:atlocation concept_city_florida +concept_city_ferndale concept:cityliesonriver concept_river_nooksack +concept_city_ferndale concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_ferndale concept:proxyfor concept_stateorprovince_michigan +concept_city_ferrara concept:cityliesonriver concept_river_po +concept_city_fes concept:citylocatedincountry concept_country_morocco +concept_city_fieldsboro concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_fieldsboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_findlay concept:atlocation concept_stateorprovince_ohio +concept_city_findlay concept:proxyfor concept_university_ohio +concept_city_firebaugh concept:cityliesonriver concept_river_san_joaquin +concept_city_fishers concept:atlocation concept_stateorprovince_indiana +concept_city_fishers concept:subpartof concept_stateorprovince_indiana +concept_city_fishkill concept:cityliesonriver concept_river_hudson +concept_city_fitchburg concept:organizationhiredperson concept_coach_ray_cosenza +concept_city_fitchburg concept:atlocation concept_stateorprovince_wisconsin +concept_city_fl concept:atlocation concept_city_orlando +concept_city_fl concept:locationlocatedwithinlocation concept_country_usa +concept_city_fl concept:subpartof concept_country_usa +concept_city_fl concept:atdate concept_date_n2000 +concept_city_fl concept:atdate concept_date_n2001 +concept_city_fl concept:atdate concept_dateliteral_n2002 +concept_city_fl concept:atdate concept_dateliteral_n2005 +concept_city_fl concept:atdate concept_dateliteral_n2006 +concept_city_fl concept:atdate concept_dateliteral_n2007 +concept_city_fl concept:atdate concept_dateliteral_n2008 +concept_city_fl concept:mutualproxyfor concept_musicsong_perry +concept_city_fl concept:atdate concept_year_n1998 +concept_city_flagstaff concept:cityliesonriver concept_attraction_grand +concept_city_flagstaff concept:atlocation concept_stateorprovince_arizona +concept_city_flagstaff concept:proxyfor concept_stateorprovince_arizona +concept_city_flagstaff concept:subpartof concept_stateorprovince_arizona +concept_city_flagtown concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_flagtown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_flemingsburg concept:proxyfor concept_coach_kentucky +concept_city_flemington concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_flemington concept:atlocation concept_stateorprovince_new_jersey +concept_city_flemington concept:proxyfor concept_stateorprovince_new_jersey +concept_city_flemington concept:proxyfor concept_stateorprovince_newjersey +concept_city_flint concept:cityliesonriver concept_attraction_grand +concept_city_flint concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_flippin concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_floor concept:atdate concept_dateliteral_n2008 +concept_city_floor concept:proxyfor concept_politicaloffice_new +concept_city_floor concept:subpartof concept_weatherphenomenon_air +concept_city_florence concept:atdate concept_dateliteral_n2005 +concept_city_florence concept:cityliesonriver concept_river_arno +concept_city_florence concept:cityliesonriver concept_river_arno_river +concept_city_florence concept:cityliesonriver concept_river_siuslaw +concept_city_florence concept:proxyfor concept_stateorprovince_south_carolina +concept_city_florham_park concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_florham_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_florida concept:mutualproxyfor concept_beach_gainesville +concept_city_florida concept:mutualproxyfor concept_beach_jacksonville +concept_city_florida concept:mutualproxyfor concept_beverage_new +concept_city_florida concept:mutualproxyfor concept_book_key_west +concept_city_florida concept:mutualproxyfor concept_celebrity_venice +concept_city_florida concept:mutualproxyfor concept_city_boca_raton +concept_city_florida concept:mutualproxyfor concept_city_bradenton +concept_city_florida concept:mutualproxyfor concept_city_cape_coral +concept_city_florida concept:mutualproxyfor concept_city_clearwater +concept_city_florida concept:mutualproxyfor concept_city_daytona_beach +concept_city_florida concept:mutualproxyfor concept_city_deerfield_beach +concept_city_florida concept:mutualproxyfor concept_city_fort_walton_beach +concept_city_florida concept:mutualproxyfor concept_city_homestead +concept_city_florida concept:mutualproxyfor concept_city_kissimmee +concept_city_florida concept:mutualproxyfor concept_city_lake_worth +concept_city_florida concept:mutualproxyfor concept_city_lakeland +concept_city_florida concept:mutualproxyfor concept_city_largo +concept_city_florida concept:mutualproxyfor concept_city_melbourne +concept_city_florida concept:mutualproxyfor concept_city_miami_beach +concept_city_florida concept:mutualproxyfor concept_city_port_saint_lucie +concept_city_florida concept:mutualproxyfor concept_city_sarasota +concept_city_florida concept:mutualproxyfor concept_city_st__petersburg +concept_city_florida concept:mutualproxyfor concept_city_tampa_bay +concept_city_florida concept:mutualproxyfor concept_city_titusville +concept_city_florida concept:mutualproxyfor concept_city_vero_beach +concept_city_florida concept:organizationhiredperson concept_coach_billy_donovan +concept_city_florida concept:organizationhiredperson concept_coach_ron_zook +concept_city_florida concept:organizationhiredperson concept_coach_steve_addazio +concept_city_florida concept:organizationterminatedperson concept_coach_steve_addazio +concept_city_florida concept:organizationhiredperson concept_coach_steve_spurrier +concept_city_florida concept:organizationhiredperson concept_coach_urban_meyer +concept_city_florida concept:agentcollaborateswithagent concept_company_services +concept_city_florida concept:mutualproxyfor concept_country_panama_city +concept_city_florida concept:locationlocatedwithinlocation concept_country_usa +concept_city_florida concept:subpartof concept_country_usa +concept_city_florida concept:mutualproxyfor concept_county_brandon +concept_city_florida concept:mutualproxyfor concept_county_jupiter +concept_city_florida concept:mutualproxyfor concept_county_miami +concept_city_florida concept:mutualproxyfor concept_county_tallahassee +concept_city_florida concept:mutualproxyfor concept_crimeorcharge_fort_pierce +concept_city_florida concept:atdate concept_date_n1942 +concept_city_florida concept:atdate concept_date_n2009 +concept_city_florida concept:atdate concept_dateliteral_n2008 +concept_city_florida concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_florida concept:mutualproxyfor concept_hospital_hialeah +concept_city_florida concept:mutualproxyfor concept_magazine_orlando +concept_city_florida concept:mutualproxyfor concept_museum_west_palm_beach +concept_city_florida concept:organizationhiredperson concept_person_spurrier +concept_city_florida concept:proxyfor concept_politicaloffice_new +concept_city_florida concept:mutualproxyfor concept_politician_alex_sink +concept_city_florida concept:organizationhiredperson concept_politician_alex_sink +concept_city_florida concept:agentcontrols concept_programminglanguage_services +concept_city_florida concept:istallerthan concept_publication_people_ +concept_city_florida concept:mutualproxyfor concept_shoppingmall_boynton_beach +concept_city_florida concept:mutualproxyfor concept_shoppingmall_delray_beach +concept_city_florida concept:mutualproxyfor concept_shoppingmall_palm_beach_gardens +concept_city_florida concept:mutualproxyfor concept_shoppingmall_pompano_beach +concept_city_florida concept:mutualproxyfor concept_skiarea_winter_park +concept_city_florida concept:agentparticipatedinevent concept_sportsgame_series +concept_city_florida concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_florida concept:organizationheadquarteredinstateorprovince concept_stateorprovince_kansas +concept_city_florida concept:mutualproxyfor concept_stateorprovince_ocala +concept_city_florida concept:mutualproxyfor concept_stateorprovince_pensacola +concept_city_florida concept:organizationhiredperson concept_visualartist_meyer +concept_city_florida concept:mutualproxyfor concept_visualizablescene_fort_myers +concept_city_florida concept:mutualproxyfor concept_visualizablething_altamonte_springs +concept_city_florida concept:mutualproxyfor concept_visualizablething_naples +concept_city_florida concept:atdate concept_year_n1956 +concept_city_florida_city concept:atlocation concept_city_florida +concept_city_florissant concept:atlocation concept_stateorprovince_missouri +concept_city_florissant concept:proxyfor concept_stateorprovince_missouri +concept_city_floro concept:citylocatedincountry concept_country_norway +concept_city_flower_mound concept:mutualproxyfor concept_city_texas +concept_city_flushing concept:atlocation concept_stateorprovince_new_york +concept_city_foca concept:cityliesonriver concept_river_drina +concept_city_foley concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_city_foley concept:proxyfor concept_stateorprovince_alabama +concept_city_folsom concept:cityliesonriver concept_river_american +concept_city_folsom concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_folsom concept:proxyfor concept_stateorprovince_california +concept_city_fond_du_lac concept:atlocation concept_stateorprovince_wisconsin +concept_city_fontana concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_fontana concept:proxyfor concept_stateorprovince_california +concept_city_forde concept:citylocatedincountry concept_country_norway +concept_city_forest concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_forest concept:proxyfor concept_politicaloffice_new +concept_city_forest concept:subpartoforganization concept_terroristorganization_state +concept_city_forks concept:cityliesonriver concept_river_assiniboine +concept_city_forks concept:cityliesonriver concept_river_kennebec +concept_city_forli concept:locationlocatedwithinlocation concept_country_italy +concept_city_forrest_city concept:atlocation concept_stateorprovince_arkansas +concept_city_forsyth concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_fort concept:atdate concept_year_n1862 +concept_city_fort_benning concept:cityliesonriver concept_river_chattahoochee +concept_city_fort_bragg concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_fort_bragg concept:proxyfor concept_stateorprovince_california +concept_city_fort_collins concept:cityliesonriver concept_river_cache_la_poudre +concept_city_fort_collins concept:cityliesonriver concept_river_poudre +concept_city_fort_collins concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_fort_collins concept:proxyfor concept_stateorprovince_colorado +concept_city_fort_de_france concept:citycapitalofcountry concept_country_martinique +concept_city_fort_de_france concept:citylocatedincountry concept_country_martinique +concept_city_fort_dodge concept:atlocation concept_blog_iowa +concept_city_fort_erie concept:cityliesonriver concept_river_niagara +concept_city_fort_lauderdale concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_fort_lee concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_fort_lee concept:cityliesonriver concept_river_hudson +concept_city_fort_madison concept:cityliesonriver concept_attraction_mississippi +concept_city_fort_madison concept:atlocation concept_stateorprovince_iowa +concept_city_fort_mcmurray concept:cityliesonriver concept_river_athabasca +concept_city_fort_mcmurray concept:cityliesonriver concept_river_clearwater +concept_city_fort_meigs concept:latitudelongitude 41.5443371428571,-83.6437042857143 +concept_city_fort_meyers concept:atlocation concept_city_florida +concept_city_fort_morgan concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_fort_morgan concept:proxyfor concept_stateorprovince_colorado +concept_city_fort_morgan concept:subpartof concept_stateorprovince_colorado +concept_city_fort_myers concept:proxyfor concept_city_florida +concept_city_fort_myers concept:cityliesonriver concept_river_caloosahatchee +concept_city_fort_niagara concept:cityliesonriver concept_river_niagara +concept_city_fort_payne concept:atlocation concept_stateorprovince_alabama +concept_city_fort_smith concept:proxyfor concept_book_arkansas +concept_city_fort_smith concept:locationlocatedwithinlocation concept_stateorprovince_arkansas +concept_city_fort_st_john concept:citylocatedinstate concept_stateorprovince_british_columbia +concept_city_fort_stanwix concept:latitudelongitude 43.2170150000000,-75.4528100000000 +concept_city_fort_vermilion concept:cityliesonriver concept_river_peace +concept_city_fort_walton_beach concept:atlocation concept_city_florida +concept_city_fort_walton_beach concept:proxyfor concept_city_florida +concept_city_fort_wayne concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_fort_wayne concept:proxyfor concept_stateorprovince_indiana +concept_city_fort_worth concept:citylocatedingeopoliticallocation concept_geopoliticallocation_north_texas +concept_city_fort_worth concept:proxyfor concept_geopoliticallocation_north_texas +concept_city_fort_worth concept:citylocatedinstate concept_stateorprovince_texas +concept_city_fort_worth concept:proxyfor concept_stateorprovince_texas +concept_city_forums concept:subpartoforganization concept_terroristorganization_state +concept_city_foster_city concept:mutualproxyfor concept_stateorprovince_california +concept_city_fountain_hills concept:atlocation concept_stateorprovince_arizona +concept_city_fountain_valley concept:citylocatedinstate concept_stateorprovince_california +concept_city_fountain_valley concept:proxyfor concept_stateorprovince_california +concept_city_fox_valley concept:atlocation concept_stateorprovince_illinois +concept_city_frank concept:atdate concept_date_n1999 +concept_city_frankfort concept:atlocation concept_stateorprovince_indiana +concept_city_frankfort concept:subpartof concept_stateorprovince_kentucky +concept_city_frankfurt concept:locationlocatedwithinlocation concept_country_germany +concept_city_frankfurt concept:atdate concept_date_n2009 +concept_city_frankfurt concept:atdate concept_dateliteral_n2006 +concept_city_frankfurt concept:atdate concept_dateliteral_n2008 +concept_city_frankfurt concept:cityliesonriver concept_river_lahn +concept_city_frankfurt concept:cityliesonriver concept_river_main +concept_city_frankfurt concept:cityliesonriver concept_river_rhine +concept_city_frankfurt concept:proxyfor concept_sportsteam_germany +concept_city_franklin concept:cityliesonriver concept_river_chattahoochee +concept_city_franklin concept:cityliesonriver concept_river_little_tennessee +concept_city_franklin concept:atlocation concept_stateorprovince_indiana +concept_city_franklin concept:atlocation concept_stateorprovince_pennsylvania +concept_city_franklin concept:atlocation concept_stateorprovince_tennessee +concept_city_franklin concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_franklin concept:atlocation concept_stateorprovince_virginia +concept_city_franklin_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_franklin_park concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_frederick concept:cityliesonriver concept_river_monocacy +concept_city_frederick concept:atlocation concept_stateorprovince_maryland +concept_city_frederick concept:proxyfor concept_stateorprovince_maryland +concept_city_frederick concept:subpartof concept_stateorprovince_maryland +concept_city_fredericksburg concept:cityliesonriver concept_river_rappahannock +concept_city_fredericksburg concept:cityliesonriver concept_river_rappahannock_river +concept_city_fredericksburg concept:citylocatedinstate concept_stateorprovince_texas +concept_city_fredericksburg concept:proxyfor concept_stateorprovince_texas +concept_city_fredericksburg concept:atlocation concept_stateorprovince_virginia +concept_city_fredericksburg concept:proxyfor concept_stateorprovince_virginia +concept_city_fredericksburg concept:subpartof concept_stateorprovince_virginia +concept_city_fredericton concept:cityliesonriver concept_river_saint_john +concept_city_fredericton concept:cityliesonriver concept_river_st___john_river +concept_city_fredericton concept:locationlocatedwithinlocation concept_stateorprovince_new_brunswick +concept_city_fredericton concept:proxyfor concept_stateorprovince_new_brunswick +concept_city_fredonia concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_freehold concept:locationlocatedwithinlocation concept_stateorprovince_new_jersey +concept_city_freehold concept:proxyfor concept_stateorprovince_new_jersey +concept_city_freeport concept:proxyfor concept_company_new_york +concept_city_freeport concept:citylocatedincountry concept_country_bahamas +concept_city_freeport concept:atlocation concept_stateorprovince_illinois +concept_city_freeport concept:proxyfor concept_stateorprovince_illinois +concept_city_freeport concept:atlocation concept_stateorprovince_maine +concept_city_freetown concept:citycapitalofcountry concept_country_sierra_leone +concept_city_freetown concept:citylocatedincountry concept_country_sierra_leone +concept_city_freetown concept:atdate concept_date_n1999 +concept_city_freiburg concept:cityliesonriver concept_river_rhine +concept_city_fremont concept:cityliesonriver concept_agent_wolf +concept_city_fremont concept:locationlocatedwithinlocation concept_city_vegas +concept_city_fremont concept:atlocation concept_stateorprovince_california +concept_city_fremont concept:proxyfor concept_stateorprovince_california +concept_city_fremont concept:subpartof concept_stateorprovince_california +concept_city_fremont concept:atlocation concept_stateorprovince_nebraska +concept_city_fremont concept:proxyfor concept_stateorprovince_nebraska +concept_city_fremont concept:atlocation concept_stateorprovince_ohio +concept_city_fremont concept:citylocatedinstate concept_stateorprovince_wyoming +concept_city_frenchtown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_frenchtown concept:proxyfor concept_stateorprovince_newjersey +concept_city_fresno concept:organizationhiredperson concept_politician_ashley_swearengin +concept_city_fresno concept:cityliesonriver concept_river_san_joaquin +concept_city_fresno concept:proxyfor concept_stadiumoreventvenue_save_mart_center +concept_city_fresno concept:citylocatedingeopoliticallocation concept_stateorprovince_ca +concept_city_fresno concept:citylocatedinstate concept_stateorprovince_california +concept_city_fresno concept:proxyfor concept_stateorprovince_california +concept_city_friday_harbor concept:atlocation concept_city_washington_d_c +concept_city_fridley concept:atlocation concept_stateorprovince_minnesota +concept_city_friedman concept:agentcollaborateswithagent concept_musicartist_times +concept_city_friedman concept:agentbelongstoorganization concept_politicsblog_ny_times +concept_city_friedman concept:agentcollaborateswithagent concept_politicsblog_ny_times +concept_city_friedman concept:agentbelongstoorganization concept_stateorprovince_times +concept_city_friedman concept:agentbelongstoorganization concept_website_new_york_times +concept_city_friedman concept:agentcollaborateswithagent concept_website_new_york_times +concept_city_friedrichshafen concept:citylocatedincountry concept_country_germany +concept_city_frisco concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_frisco concept:proxyfor concept_stateorprovince_texas +concept_city_front_royal concept:cityliesonriver concept_river_shenandoah +concept_city_front_royal concept:atlocation concept_stateorprovince_virginia +concept_city_ft__myers concept:proxyfor concept_city_florida +concept_city_ft_worth concept:citylocatedinstate concept_stateorprovince_texas +concept_city_fukui concept:citylocatedincountry concept_country_japan +concept_city_fukuoka concept:cityliesonriver concept_attraction_grand +concept_city_fukuoka concept:locationlocatedwithinlocation concept_country_japan +concept_city_fullerton concept:citylocatedinstate concept_stateorprovince_california +concept_city_fullerton concept:proxyfor concept_stateorprovince_california +concept_city_fulton concept:cityliesonriver concept_attraction_mississippi +concept_city_fulton concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_fulton concept:atlocation concept_stateorprovince_missouri +concept_city_fultondale concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_city_funchal concept:proxyfor concept_island_madeira_islands +concept_city_g_d concept:istallerthan concept_publication_people_ +concept_city_g_m concept:latitudelongitude 44.0158100000000,-105.4633300000000 +concept_city_gaborone concept:citycapitalofcountry concept_country_botswana +concept_city_gaborone concept:citylocatedincountry concept_country_botswana +concept_city_gadsden concept:cityliesonriver concept_river_coosa +concept_city_gadsden concept:atlocation concept_stateorprovince_alabama +concept_city_gadsden concept:mutualproxyfor concept_stateorprovince_alabama +concept_city_gadsden concept:citylocatedinstate concept_stateorprovince_florida +concept_city_gainesville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_gainesville concept:proxyfor concept_stateorprovince_georgia +concept_city_gaithersburg concept:atlocation concept_stateorprovince_maryland +concept_city_gaithersburg concept:proxyfor concept_stateorprovince_maryland +concept_city_gaithersburg concept:subpartof concept_stateorprovince_maryland +concept_city_galena concept:cityliesonriver concept_attraction_mississippi +concept_city_galena concept:cityliesonriver concept_river_yukon +concept_city_galena concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_galena concept:proxyfor concept_stateorprovince_illinois +concept_city_galesburg concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_galesburg concept:proxyfor concept_stateorprovince_illinois +concept_city_galloway concept:proxyfor concept_stateorprovince_new_jersey +concept_city_gallup concept:locationlocatedwithinlocation concept_stateorprovince_new_mexico +concept_city_gallup concept:proxyfor concept_stateorprovince_new_mexico +concept_city_galveston concept:citylocatedinstate concept_stateorprovince_texas +concept_city_galveston concept:proxyfor concept_stateorprovince_texas +concept_city_galway concept:atdate concept_dateliteral_n2006 +concept_city_galway concept:cityliesonriver concept_river_corrib +concept_city_gambier concept:citycapitalofcountry concept_island_french_polynesia +concept_city_gao concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_garden_city concept:atlocation concept_stateorprovince_kansas +concept_city_garden_grove concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_garden_grove concept:proxyfor concept_stateorprovince_california +concept_city_gardena concept:atlocation concept_stateorprovince_california +concept_city_gardena concept:mutualproxyfor concept_stateorprovince_california +concept_city_gardena concept:subpartof concept_stateorprovince_california +concept_city_gardendale concept:atlocation concept_stateorprovince_alabama +concept_city_gardnerville concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_gare_saint_lazare concept:latitudelongitude 48.8768000000000,2.3250700000000 +concept_city_garfield_heights concept:atlocation concept_stateorprovince_ohio +concept_city_garland concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_garland concept:proxyfor concept_stateorprovince_texas +concept_city_garner concept:atlocation concept_stateorprovince_north_carolina +concept_city_garrison concept:cityliesonriver concept_river_hudson +concept_city_gas_city concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_gaspe concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_gastonia concept:mutualproxyfor concept_company_north_carolina +concept_city_gastonia concept:atlocation concept_stateorprovince_north_carolina +concept_city_gastonia concept:proxyfor concept_stateorprovince_north_carolina +concept_city_gatesville concept:citylocatedinstate concept_stateorprovince_texas +concept_city_gaya concept:citylocatedinstate concept_stateorprovince_bihar +concept_city_gaya concept:proxyfor concept_stateorprovince_bihar +concept_city_gaylord concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_gaylord concept:proxyfor concept_stateorprovince_michigan +concept_city_gaza concept:atdate concept_date_n2003 +concept_city_gaza concept:atdate concept_dateliteral_n2005 +concept_city_gaza concept:atdate concept_dateliteral_n2006 +concept_city_gaza concept:atdate concept_dateliteral_n2007 +concept_city_gaza concept:atdate concept_dateliteral_n2008 +concept_city_gdansk concept:cityalsoknownas concept_city_danzig +concept_city_gdansk concept:citylocatedingeopoliticallocation concept_country_poland +concept_city_gdansk concept:proxyfor concept_country_poland +concept_city_gdansk concept:cityliesonriver concept_river_vistula +concept_city_geelong concept:cityliesonriver concept_river_barwon +concept_city_geneva concept:citylocatedincountry concept_country_switzerland +concept_city_geneva concept:proxyfor concept_country_switzerland +concept_city_geneva concept:atdate concept_date_n1993 +concept_city_geneva concept:atdate concept_date_n1999 +concept_city_geneva concept:atdate concept_date_n2003 +concept_city_geneva concept:atdate concept_date_n2004 +concept_city_geneva concept:atdate concept_dateliteral_n2002 +concept_city_geneva concept:atdate concept_dateliteral_n2005 +concept_city_geneva concept:atdate concept_dateliteral_n2006 +concept_city_geneva concept:atdate concept_dateliteral_n2007 +concept_city_geneva concept:atdate concept_dateliteral_n2008 +concept_city_geneva concept:cityliesonriver concept_river_arve +concept_city_geneva concept:cityliesonriver concept_river_rh_ne +concept_city_geneva concept:cityliesonriver concept_river_rhone +concept_city_geneva concept:atlocation concept_stateorprovince_illinois +concept_city_geneva concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_geneva concept:atdate concept_year_n1986 +concept_city_geneva concept:atdate concept_year_n1989 +concept_city_geneva concept:atdate concept_year_n1997 +concept_city_george_town concept:citycapitalofcountry concept_country_cayman_islands +concept_city_george_town concept:citylocatedincountry concept_country_cayman_islands +concept_city_georgetown concept:organizationhiredperson concept_coach_john_thompson +concept_city_georgetown concept:citylocatedincountry concept_country_guyana +concept_city_georgetown concept:proxyfor concept_country_guyana +concept_city_georgetown concept:organizationhiredperson concept_male_john_thompson_iii +concept_city_georgetown concept:cityliesonriver concept_river_demerara +concept_city_georgetown concept:cityliesonriver concept_river_potomac +concept_city_georgetown concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_georgetown concept:atlocation concept_stateorprovince_colorado +concept_city_georgetown concept:atlocation concept_stateorprovince_south_carolina +concept_city_germantown concept:atlocation concept_stateorprovince_maryland +concept_city_germantown concept:mutualproxyfor concept_stateorprovince_maryland +concept_city_germantown concept:atlocation concept_stateorprovince_tennessee +concept_city_gerona concept:locationlocatedwithinlocation concept_country_spain +concept_city_gettysburg concept:atlocation concept_stateorprovince_pennsylvania +concept_city_ghadames concept:citylocatedincountry concept_country_libya +concept_city_ghat concept:citylocatedincountry concept_country_libya +concept_city_ghaziabad concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_ghaziabad concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_gibbsboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_gibbstown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_gilbert concept:proxyfor concept_beverage_arizona +concept_city_gilbert concept:subpartof concept_beverage_arizona +concept_city_gilbert concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_city_giles concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_gillette concept:proxyfor concept_radiostation_new_jersey +concept_city_gillette concept:atlocation concept_stateorprovince_wyoming +concept_city_gillette concept:proxyfor concept_stateorprovince_wyoming +concept_city_gillette concept:subpartof concept_stateorprovince_wyoming +concept_city_gilroy concept:atlocation concept_stateorprovince_california +concept_city_gilroy concept:mutualproxyfor concept_stateorprovince_california +concept_city_girlfriend concept:mutualproxyfor concept_beverage_new +concept_city_girlfriend concept:atdate concept_dateliteral_n2008 +concept_city_girlfriend concept:proxyfor concept_politicaloffice_new +concept_city_giza concept:cityliesonriver concept_river_nile +concept_city_gladstone concept:proxyfor concept_radiostation_new_jersey +concept_city_glasgow concept:citylocatedincountry concept_country_scotland +concept_city_glasgow concept:cityliesonriver concept_river_clyde +concept_city_glasgow concept:cityliesonriver concept_river_river_clyde +concept_city_glassboro concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_glassboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_glastonbury concept:atlocation concept_stateorprovince_connecticut +concept_city_glen_cove concept:atlocation concept_stateorprovince_new_york +concept_city_glen_ellyn concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_glen_ellyn concept:proxyfor concept_stateorprovince_illinois +concept_city_glen_gardner concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_glen_gardner concept:proxyfor concept_stateorprovince_newjersey +concept_city_glen_ridge concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_glen_ridge concept:proxyfor concept_stateorprovince_new_jersey +concept_city_glen_ridge concept:proxyfor concept_stateorprovince_newjersey +concept_city_glen_rock concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_glen_rose concept:cityliesonriver concept_river_brazos +concept_city_glendale concept:atlocation concept_stateorprovince_arizona +concept_city_glendale concept:atlocation concept_stateorprovince_california +concept_city_glendale concept:proxyfor concept_stateorprovince_california +concept_city_glendale concept:subpartof concept_stateorprovince_california +concept_city_glendale concept:atlocation concept_stateorprovince_wisconsin +concept_city_glendive concept:citylocatedinstate concept_stateorprovince_montana +concept_city_glendive concept:proxyfor concept_stateorprovince_montana +concept_city_glendora concept:atlocation concept_stateorprovince_california +concept_city_glendora concept:mutualproxyfor concept_stateorprovince_california +concept_city_glendora concept:proxyfor concept_stateorprovince_new_jersey +concept_city_glennallen concept:latitudelongitude 62.1172100000000,-145.6175900000000 +concept_city_glens_falls concept:cityliesonriver concept_river_hudson +concept_city_glens_falls concept:atlocation concept_stateorprovince_new_york +concept_city_glens_falls concept:proxyfor concept_stateorprovince_new_york +concept_city_glenview concept:atlocation concept_stateorprovince_illinois +concept_city_glenview concept:mutualproxyfor concept_stateorprovince_illinois +concept_city_glenwood concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_glenwood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_glenwood_springs concept:atlocation concept_stateorprovince_colorado +concept_city_gloucester concept:citylocatedincountry concept_country_the_united_kingdom +concept_city_gloucester concept:cityliesonriver concept_river_severn +concept_city_gloucester concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_gniezno concept:citylocatedincountry concept_country_poland +concept_city_golden_valley concept:atlocation concept_stateorprovince_minnesota +concept_city_goldendale concept:cityliesonriver concept_river_columbia +concept_city_goldsboro concept:proxyfor concept_creditunion_north_carolina +concept_city_goldsboro concept:cityliesonriver concept_river_neuse +concept_city_goldsboro concept:atlocation concept_stateorprovince_north_carolina +concept_city_goleta concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_goleta concept:proxyfor concept_stateorprovince_california +concept_city_gonzaga concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_goodland concept:proxyfor concept_creditunion_kansas +concept_city_goodlettsville concept:subpartof concept_stateorprovince_tennessee +concept_city_goodyear concept:proxyfor concept_beverage_arizona +concept_city_goodyear concept:subpartof concept_beverage_arizona +concept_city_goodyear concept:atlocation concept_stateorprovince_arizona +concept_city_goshen concept:cityliesonriver concept_river_hudson +concept_city_goshen concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_goshen concept:proxyfor concept_stateorprovince_indiana +concept_city_goshen concept:citylocatedinstate concept_stateorprovince_wyoming +concept_city_grafton concept:cityliesonriver concept_attraction_mississippi +concept_city_grafton concept:atlocation concept_stateorprovince_north_dakota +concept_city_graham concept:atlocation concept_stateorprovince_texas +concept_city_graham concept:proxyfor concept_stateorprovince_texas +concept_city_granbury concept:cityliesonriver concept_river_brazos +concept_city_granbury concept:atlocation concept_stateorprovince_texas +concept_city_granby concept:atlocation concept_stateorprovince_connecticut +concept_city_grand_canyon concept:atlocation concept_stateorprovince_arizona +concept_city_grand_falls concept:cityliesonriver concept_river_saint_john +concept_city_grand_forks concept:cityliesonriver concept_river_red_river +concept_city_grand_forks concept:proxyfor concept_stadiumoreventvenue_alerus_center +concept_city_grand_forks concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_grand_forks concept:atlocation concept_stateorprovince_north_dakota +concept_city_grand_forks concept:proxyfor concept_stateorprovince_north_dakota +concept_city_grand_haven concept:cityliesonriver concept_attraction_grand +concept_city_grand_haven concept:atlocation concept_stateorprovince_michigan +concept_city_grand_prairie concept:atlocation concept_city_texas +concept_city_grand_prairie concept:mutualproxyfor concept_city_texas +concept_city_grand_prairie concept:proxyfor concept_stateorprovince_texas +concept_city_grand_rapids_kalamazoo_battle_creek concept:cityliesonriver concept_attraction_grand +concept_city_grand_rapids_kalamazoo_battle_creek concept:citylocatedincountry concept_country_usa +concept_city_grand_rapids_kalamazoo_battle_creek concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_grand_rapids_kalamazoo_battle_creek concept:atlocation concept_stateorprovince_minnesota +concept_city_grandview concept:atlocation concept_stateorprovince_missouri +concept_city_granite_city concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_granite_city concept:proxyfor concept_stateorprovince_illinois +concept_city_grants_pass concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_city_grants_pass concept:proxyfor concept_stateorprovince_oregon +concept_city_grapevine concept:mutualproxyfor concept_city_texas +concept_city_grapevine concept:citylocatedinstate concept_stateorprovince_texas +concept_city_grapevine concept:proxyfor concept_stateorprovince_texas +concept_city_grass_valley concept:atlocation concept_stateorprovince_california +concept_city_grayson concept:citylocatedinstate concept_stateorprovince_texas +concept_city_graz concept:cityliesonriver concept_river_mur +concept_city_graz concept:proxyfor concept_stateorprovince_styria +concept_city_great_barrington concept:atlocation concept_stateorprovince_massachusetts +concept_city_great_bend concept:proxyfor concept_creditunion_kansas +concept_city_great_bend concept:atlocation concept_stateorprovince_kansas +concept_city_great_falls concept:cityliesonriver concept_river_potomac +concept_city_great_falls concept:atlocation concept_stateorprovince_montana +concept_city_great_falls concept:proxyfor concept_stateorprovince_montana +concept_city_great_falls concept:subpartof concept_stateorprovince_montana +concept_city_greater_atlanta concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_greater_boston concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_greater_cincinnati concept:latitudelongitude 39.0475600000000,-84.6677200000000 +concept_city_greater_cleveland concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_greater_london concept:cityliesonriver concept_river_thames +concept_city_greater_seattle concept:latitudelongitude 47.5224000000000,-122.3765000000000 +concept_city_greater_seattle concept:citylocatedinstate concept_visualizablescene_washington +concept_city_greeley concept:cityliesonriver concept_river_poudre +concept_city_greeley concept:cityliesonriver concept_river_south_platte +concept_city_greeley concept:citylocatedingeopoliticallocation concept_stateorprovince_colorado +concept_city_greeley concept:proxyfor concept_stateorprovince_colorado +concept_city_greeley concept:citylocatedinstate concept_stateorprovince_nebraska +concept_city_green_bay concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_green_valley concept:atlocation concept_stateorprovince_arizona +concept_city_greenbelt concept:proxyfor concept_stateorprovince_connecticut +concept_city_greenbelt concept:proxyfor concept_stateorprovince_maryland +concept_city_greenbrae concept:atlocation concept_stateorprovince_california +concept_city_greeneville concept:atlocation concept_stateorprovince_tennessee +concept_city_greeneville concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_greensboro concept:mutualproxyfor concept_company_north_carolina +concept_city_greensboro concept:proxyfor concept_creditunion_north_carolina +concept_city_greensboro concept:subpartof concept_creditunion_north_carolina +concept_city_greensboro concept:citylocatedinstate concept_stateorprovince_nc +concept_city_greensboro concept:atlocation concept_stateorprovince_north_carolina +concept_city_greensboro concept:proxyfor concept_stateorprovince_northcarolina +concept_city_greensburg concept:atlocation concept_stateorprovince_indiana +concept_city_greensburg concept:atlocation concept_stateorprovince_pennsylvania +concept_city_greensburg concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_greenville concept:cityliesonriver concept_attraction_mississippi +concept_city_greenville concept:cityliesonriver concept_river_reedy +concept_city_greenville concept:proxyfor concept_stadiumoreventvenue_bi_lo_center +concept_city_greenville concept:atlocation concept_stateorprovince_illinois +concept_city_greenville concept:atlocation concept_stateorprovince_michigan +concept_city_greenville concept:atlocation concept_stateorprovince_mississippi +concept_city_greenville concept:atlocation concept_stateorprovince_north_carolina +concept_city_greenville concept:atlocation concept_stateorprovince_ohio +concept_city_greenville concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_greenville concept:proxyfor concept_stateorprovince_south_carolina +concept_city_greenwood concept:cityliesonriver concept_attraction_mississippi +concept_city_greenwood concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_greenwood concept:proxyfor concept_stateorprovince_indiana +concept_city_greenwood concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_greenwood concept:atlocation concept_stateorprovince_south_carolina +concept_city_greer concept:cityliesonriver concept_river_little_colorado +concept_city_greer concept:atlocation concept_stateorprovince_south_carolina +concept_city_grenada concept:atlocation concept_stateorprovince_mississippi +concept_city_grenada concept:citylocatedincountry concept_visualizablething_grenada +concept_city_gretna concept:proxyfor concept_creditunion_louisiana +concept_city_gretna concept:atlocation concept_stateorprovince_louisiana +concept_city_griffin concept:atlocation concept_stateorprovince_georgia +concept_city_grinnell concept:atlocation concept_stateorprovince_iowa +concept_city_groningen concept:locationlocatedwithinlocation concept_country_netherlands +concept_city_groton concept:cityliesonriver concept_river_thames +concept_city_groton concept:atlocation concept_stateorprovince_connecticut +concept_city_grovetown concept:atlocation concept_stateorprovince_georgia +concept_city_grozny concept:citycapitalofcountry concept_country_chechnya +concept_city_grozny concept:citylocatedincountry concept_country_chechnya +concept_city_grundy concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_guadalajara concept:citylocatedingeopoliticallocation concept_country_mexico +concept_city_guadalajara concept:proxyfor concept_country_mexico +concept_city_guadalajara concept:proxyfor concept_stateorprovince_jalisco +concept_city_guadeloupe concept:citycapitalofcountry concept_country_guadeloupe +concept_city_guadeloupe concept:citylocatedincountry concept_country_guadeloupe +concept_city_guangzhou concept:cityalsoknownas concept_city_canton +concept_city_guangzhou concept:proxyfor concept_country_china +concept_city_guangzhou concept:cityliesonriver concept_river_pearl_river +concept_city_guatemala_city concept:locationlocatedwithinlocation concept_country_countries +concept_city_guatemala_city concept:citycapitalofcountry concept_country_republic_of_guatemala +concept_city_guatemala_city concept:citylocatedincountry concept_country_republic_of_guatemala +concept_city_guatemala_city concept:citylocatedingeopoliticallocation concept_country_republic_of_guatemala +concept_city_guatemala_city concept:cityliesonriver concept_river_motagua +concept_city_guayaquil concept:citylocatedincountry concept_geopoliticallocation_ecuador +concept_city_guayaquil concept:locationlocatedwithinlocation concept_geopoliticallocation_ecuador +concept_city_guerneville concept:mutualproxyfor concept_stateorprovince_california +concept_city_guernsey concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_guilford concept:atlocation concept_stateorprovince_connecticut +concept_city_guilin concept:cityliesonriver concept_river_li_river +concept_city_guimar_es concept:citylocatedincountry concept_country_portugal +concept_city_guiyang concept:locationlocatedwithinlocation concept_country_china +concept_city_gulf_breeze concept:atlocation concept_city_florida +concept_city_gulf_shores concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_gulfport concept:locationlocatedwithinlocation concept_stateorprovince_mississippi +concept_city_gulfport concept:proxyfor concept_stateorprovince_mississippi +concept_city_gunnedah concept:latitudelongitude -30.9666650000000,150.2250000000000 +concept_city_gunnison concept:atlocation concept_stateorprovince_colorado +concept_city_guntersville concept:atlocation concept_stateorprovince_alabama +concept_city_gurdon concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_gurnee concept:atlocation concept_stateorprovince_illinois +concept_city_gurnee concept:subpartof concept_stateorprovince_illinois +concept_city_guwahati concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_guwahati concept:cityliesonriver concept_river_brahmaputra +concept_city_guwahati concept:citylocatedinstate concept_stateorprovince_assam +concept_city_guwahati concept:proxyfor concept_stateorprovince_assam +concept_city_guyana concept:citycapitalofcountry concept_country_guyana +concept_city_guyana concept:citylocatedincountry concept_country_guyana +concept_city_guyana concept:cityliesonriver concept_river_demerara +concept_city_gwalior concept:citylocatedinstate concept_stateorprovince_madhya_pradesh +concept_city_gwalior concept:proxyfor concept_stateorprovince_madhya_pradesh +concept_city_gyangze concept:latitudelongitude 28.9980533333333,89.6839600000000 +concept_city_habitat concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_habitat concept:proxyfor concept_politicaloffice_new +concept_city_hackensack concept:atlocation concept_stateorprovince_new_jersey +concept_city_hackensack concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hackensack concept:proxyfor concept_stateorprovince_newjersey +concept_city_hackettstown concept:cityliesonriver concept_river_musconetcong +concept_city_hackettstown concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_hackettstown concept:proxyfor concept_stateorprovince_newjersey +concept_city_haddonfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_haddonfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_hadrianople concept:latitudelongitude 41.6771900000000,26.5559700000000 +concept_city_hagatna concept:citylocatedingeopoliticallocation concept_beach_guam +concept_city_hagatna concept:citycapitalofcountry concept_country_guam +concept_city_hagatna concept:citylocatedincountry concept_country_guam +concept_city_hagerstown concept:atlocation concept_stateorprovince_maryland +concept_city_hagerstown concept:proxyfor concept_stateorprovince_maryland +concept_city_hagerstown concept:subpartof concept_stateorprovince_maryland +concept_city_hahnville concept:latitudelongitude 29.9617137500000,-90.4075337500000 +concept_city_haifa concept:citylocatedincountry concept_country_northern_israel +concept_city_haifa concept:cityliesonriver concept_river_kishon +concept_city_hailey concept:cityliesonriver concept_river_wood_river +concept_city_hainesport concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hainesport concept:proxyfor concept_stateorprovince_newjersey +concept_city_half_moon_bay concept:atlocation concept_stateorprovince_california +concept_city_halifax concept:atdate concept_date_n2001 +concept_city_halifax concept:atdate concept_dateliteral_n2002 +concept_city_halifax concept:atdate concept_dateliteral_n2007 +concept_city_halifax concept:atdate concept_dateliteral_n2008 +concept_city_hallowell concept:cityliesonriver concept_river_kennebec +concept_city_hamar concept:citylocatedincountry concept_country_norway +concept_city_hamburg concept:citylocatedincountry concept_country_germany +concept_city_hamburg concept:atdate concept_date_n1962 +concept_city_hamburg concept:cityliesonriver concept_river_elbe +concept_city_hamburg concept:proxyfor concept_sportsteam_germany +concept_city_hamden concept:atlocation concept_stateorprovince_connecticut +concept_city_hamden concept:proxyfor concept_stateorprovince_connecticut +concept_city_hamilton concept:citylocatedingeopoliticallocation concept_city_bermuda +concept_city_hamilton concept:proxyfor concept_city_bermuda +concept_city_hamilton concept:citycapitalofcountry concept_country_bermuda +concept_city_hamilton concept:citylocatedincountry concept_country_bermuda +concept_city_hamilton concept:atdate concept_dateliteral_n2007 +concept_city_hamilton concept:agentparticipatedinevent concept_eventoutcome_title +concept_city_hamilton concept:cityliesonriver concept_river_great_miami +concept_city_hamilton concept:agentparticipatedinevent concept_sportsgame_championship +concept_city_hamilton concept:atlocation concept_stateorprovince_montana +concept_city_hamilton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hamilton concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_hammerfest concept:citylocatedincountry concept_country_norway +concept_city_hammerfest concept:proxyfor concept_year_norway +concept_city_hammond concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_hammond concept:proxyfor concept_stateorprovince_indiana +concept_city_hammond concept:atlocation concept_stateorprovince_louisiana +concept_city_hammonton concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_hammonton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hampden concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_hampi concept:cityliesonriver concept_river_tungabhadra +concept_city_hampshire concept:citylocatedingeopoliticallocation concept_city_state +concept_city_hampshire concept:citylocatedincountry concept_country_u_s_ +concept_city_hampshire concept:citylocatedingeopoliticallocation concept_country_united_states +concept_city_hampshire concept:citylocatedingeopoliticallocation concept_country_us +concept_city_hampshire concept:locationlocatedwithinlocation concept_country_us +concept_city_hampshire concept:cityliesonriver concept_river_connecticut_river +concept_city_hampshire concept:cityliesonriver concept_river_piscataqua +concept_city_hampshire concept:cityliesonriver concept_river_souhegan +concept_city_hampshire concept:cityliesonriver concept_river_state +concept_city_hampshire concept:locationlocatedwithinlocation concept_river_state +concept_city_hampshire concept:cityliesonriver concept_river_upper +concept_city_hampshire concept:cityliesonriver concept_river_upper_connecticut_river +concept_city_hampshire concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_hampton concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_hampton concept:proxyfor concept_stateorprovince_virginia +concept_city_hampton concept:subpartof concept_stateorprovince_virginia +concept_city_hancock concept:cityliesonriver concept_river_potomac +concept_city_hancock concept:citylocatedinstate concept_stateorprovince_maine +concept_city_hanford concept:cityliesonriver concept_river_columbia +concept_city_hanford concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_hanford concept:proxyfor concept_stateorprovince_california +concept_city_hangzhou concept:cityliesonriver concept_river_qiantang +concept_city_hankow concept:cityliesonriver concept_river_yangtze +concept_city_hannibal concept:cityliesonriver concept_attraction_mississippi +concept_city_hannibal concept:proxyfor concept_company_missouri +concept_city_hannibal concept:atlocation concept_stateorprovince_missouri +concept_city_hannover concept:citylocatedingeopoliticallocation concept_stateorprovince_lower_saxony +concept_city_hanoi concept:cityalsoknownas concept_city_saigon +concept_city_hanoi concept:citycapitalofcountry concept_country_vietnam +concept_city_hanoi concept:citylocatedincountry concept_country_vietnam +concept_city_hanoi concept:cityliesonriver concept_river_red_river +concept_city_hanover concept:proxyfor concept_newspaper_new_hampshire +concept_city_hanover concept:cityliesonriver concept_river_upper +concept_city_hanover concept:atlocation concept_stateorprovince_pennsylvania +concept_city_hanover concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_hanover concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_haora concept:cityalsoknownas concept_city_howrah +concept_city_harare concept:citycapitalofcountry concept_country_zimbabwe +concept_city_harare concept:citylocatedincountry concept_country_zimbabwe +concept_city_harare concept:atdate concept_year_n1997 +concept_city_harbin concept:subpartoforganization concept_organization_heilongjiang +concept_city_harbin concept:cityliesonriver concept_river_songhua +concept_city_harbor_grace concept:latitudelongitude 43.6898000000000,-70.1497700000000 +concept_city_harbour concept:locationlocatedwithinlocation concept_city_sydney +concept_city_hardin concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_hardy concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_harlan concept:proxyfor concept_coach_kentucky +concept_city_harlan concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_harlingen concept:mutualproxyfor concept_city_texas +concept_city_harlingen concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_harlingen concept:proxyfor concept_stateorprovince_texas +concept_city_harlingen concept:subpartof concept_stateorprovince_texas +concept_city_harpers_ferry concept:cityliesonriver concept_river_potomac +concept_city_harpers_ferry concept:cityliesonriver concept_river_shenandoah +concept_city_harrisburg concept:cityliesonriver concept_attraction_grand +concept_city_harrisburg concept:cityliesonriver concept_river_susquehanna +concept_city_harrisburg concept:cityliesonriver concept_river_susquehanna_river +concept_city_harrisburg concept:cityliesonriver concept_river_willamette +concept_city_harrisburg concept:atlocation concept_stateorprovince_illinois +concept_city_harrisburg concept:proxyfor concept_stateorprovince_illinois +concept_city_harrisburg concept:citylocatedinstate concept_stateorprovince_pa +concept_city_harrison concept:atlocation concept_stateorprovince_arkansas +concept_city_harrison concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_harrison concept:proxyfor concept_stateorprovince_indiana +concept_city_harrison concept:proxyfor concept_stateorprovince_new_jersey +concept_city_harrisonburg concept:cityliesonriver concept_river_shenandoah +concept_city_harrisonburg concept:atlocation concept_stateorprovince_virginia +concept_city_harrisonburg concept:proxyfor concept_stateorprovince_virginia +concept_city_harrisonburg concept:subpartof concept_stateorprovince_virginia +concept_city_harrodsburg concept:proxyfor concept_coach_kentucky +concept_city_harrogate concept:citylocatedincountry concept_country_the_united_kingdom +concept_city_hart concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_hartford concept:proxyfor concept_stadiumoreventvenue_comcast_theatre +concept_city_hartford concept:locationlocatedwithinlocation concept_stateorprovince_connecticut +concept_city_hartford concept:proxyfor concept_stateorprovince_connecticut +concept_city_hartland concept:cityliesonriver concept_river_saint_john +concept_city_hartselle concept:atlocation concept_stateorprovince_alabama +concept_city_hartsville concept:atlocation concept_stateorprovince_south_carolina +concept_city_harvey concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_hasbrouck_heights concept:atlocation concept_stateorprovince_new_jersey +concept_city_hastings concept:cityliesonriver concept_attraction_mississippi +concept_city_hastings concept:citylocatedincountry concept_country_england +concept_city_hastings concept:atlocation concept_stateorprovince_minnesota +concept_city_hat_yai concept:locationlocatedwithinlocation concept_country_thailand +concept_city_hataitai concept:latitudelongitude -41.2991400000000,174.7950950000000 +concept_city_hatay concept:cityalsoknownas concept_city_antakya +concept_city_hattersheim concept:latitudelongitude 50.0653350000000,8.4783600000000 +concept_city_hattiesburg concept:locationlocatedwithinlocation concept_stateorprovince_mississippi +concept_city_hattiesburg concept:proxyfor concept_stateorprovince_mississippi +concept_city_hauppauge concept:proxyfor concept_company_new_york +concept_city_havana concept:citycapitalofcountry concept_country_cuba +concept_city_havana concept:citylocatedincountry concept_country_cuba +concept_city_havana concept:atdate concept_date_n1996 +concept_city_havana concept:atdate concept_date_n2000 +concept_city_havana concept:atdate concept_date_n2001 +concept_city_havana concept:atdate concept_dateliteral_n2002 +concept_city_havana concept:atdate concept_dateliteral_n2006 +concept_city_havana concept:atdate concept_year_n1998 +concept_city_haverhill concept:cityliesonriver concept_river_merrimac +concept_city_haverhill concept:atlocation concept_stateorprovince_massachusetts +concept_city_haverhill concept:subpartof concept_stateorprovince_massachusetts +concept_city_hawaii concept:cityliesonriver concept_attraction_grand +concept_city_hawaii concept:mutualproxyfor concept_beverage_new +concept_city_hawaii concept:mutualproxyfor concept_building_hilo +concept_city_hawaii concept:organizationhiredperson concept_coach_mcmackin +concept_city_hawaii concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_hawaii concept:locationlocatedwithinlocation concept_country_united_states +concept_city_hawaii concept:locationlocatedwithinlocation concept_country_us +concept_city_hawaii concept:locationlocatedwithinlocation concept_country_usa +concept_city_hawaii concept:atdate concept_date_n1941 +concept_city_hawaii concept:atdate concept_date_n1971 +concept_city_hawaii concept:atdate concept_date_n1999 +concept_city_hawaii concept:atdate concept_date_n2000 +concept_city_hawaii concept:atdate concept_date_n2001 +concept_city_hawaii concept:atdate concept_date_n2003 +concept_city_hawaii concept:atdate concept_date_n2004 +concept_city_hawaii concept:atdate concept_dateliteral_n1945 +concept_city_hawaii concept:atdate concept_dateliteral_n2002 +concept_city_hawaii concept:atdate concept_dateliteral_n2005 +concept_city_hawaii concept:atdate concept_dateliteral_n2006 +concept_city_hawaii concept:atdate concept_dateliteral_n2007 +concept_city_hawaii concept:atdate concept_dateliteral_n2008 +concept_city_hawaii concept:mutualproxyfor concept_lake_maui +concept_city_hawaii concept:proxyfor concept_politicaloffice_new +concept_city_hawaii concept:istallerthan concept_publication_people_ +concept_city_hawaii concept:mutualproxyfor concept_stateorprovince_lihue +concept_city_hawaii concept:atdate concept_year_n1998 +concept_city_hawthorne concept:citylocatedinstate concept_stateorprovince_california +concept_city_hawthorne concept:mutualproxyfor concept_stateorprovince_california +concept_city_hawthorne concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hay concept:cityliesonriver concept_river_wye +concept_city_hayward concept:cityliesonriver concept_river_namekagon +concept_city_hayward concept:citylocatedinstate concept_stateorprovince_california +concept_city_hayward concept:proxyfor concept_stateorprovince_california +concept_city_hazelton concept:cityliesonriver concept_river_skeena +concept_city_hazleton concept:atlocation concept_stateorprovince_pennsylvania +concept_city_hazleton concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_hazleton concept:subpartof concept_stateorprovince_pennsylvania +concept_city_head_office concept:atdate concept_dateliteral_n2007 +concept_city_head_office concept:proxyfor concept_politicaloffice_new +concept_city_heads concept:agentcollaborateswithagent concept_personcanada_david_byrne +concept_city_heads concept:agentcontrols concept_personcanada_david_byrne +concept_city_healdsburg concept:cityliesonriver concept_river_dry_creek +concept_city_healdsburg concept:cityliesonriver concept_river_russian_river +concept_city_healdsburg concept:atlocation concept_stateorprovince_california +concept_city_heathcote concept:proxyfor concept_radiostation_new_jersey +concept_city_heathrow concept:locationlocatedwithinlocation concept_city_london_city +concept_city_heathrow concept:atdate concept_dateliteral_n2006 +concept_city_hebburn concept:cityliesonriver concept_river_tyne +concept_city_heber_springs concept:atlocation concept_stateorprovince_arkansas +concept_city_heerlen concept:citylocatedincountry concept_country_netherlands +concept_city_heidelberg concept:cityliesonriver concept_river_neckar +concept_city_heidelberg concept:cityliesonriver concept_river_rhine +concept_city_heidelberg concept:cityliesonriver concept_river_yarra +concept_city_helen concept:cityliesonriver concept_river_chattahoochee +concept_city_helen concept:atlocation concept_stateorprovince_georgia +concept_city_helena concept:cityliesonriver concept_attraction_mississippi +concept_city_helmetta concept:proxyfor concept_radiostation_new_jersey +concept_city_help concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_help concept:istallerthan concept_city_christ +concept_city_help concept:atdate concept_dateliteral_n2006 +concept_city_help concept:atdate concept_dateliteral_n2008 +concept_city_help concept:agentcreated concept_geopoliticalorganization_e_mail +concept_city_help concept:subpartoforganization concept_governmentorganization_government +concept_city_help concept:agentcreated concept_programminglanguage_email +concept_city_help concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_help concept:subpartof concept_weatherphenomenon_air +concept_city_help concept:agentcreated concept_website_telephone +concept_city_helsinki concept:citylocatedingeopoliticallocation concept_country_finland +concept_city_helsinki concept:proxyfor concept_country_finland +concept_city_helsinki concept:atdate concept_date_n1999 +concept_city_helsinki concept:atdate concept_date_n2000 +concept_city_helsinki concept:atdate concept_dateliteral_n2002 +concept_city_helsinki concept:atdate concept_dateliteral_n2005 +concept_city_helsinki concept:atdate concept_dateliteral_n2006 +concept_city_helsinki concept:atdate concept_dateliteral_n2007 +concept_city_helsinki concept:atdate concept_dateliteral_n2008 +concept_city_hemet concept:atlocation concept_stateorprovince_california +concept_city_hemet concept:mutualproxyfor concept_stateorprovince_california +concept_city_hemet concept:subpartof concept_stateorprovince_california +concept_city_hempstead concept:proxyfor concept_company_new_york +concept_city_hempstead concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_henderson concept:locationlocatedwithinlocation concept_stateorprovince_kentucky +concept_city_henderson concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_henderson concept:atlocation concept_stateorprovince_north_carolina +concept_city_hendersonville concept:proxyfor concept_creditunion_north_carolina +concept_city_hendersonville concept:subpartof concept_creditunion_north_carolina +concept_city_hendersonville concept:atlocation concept_stateorprovince_north_carolina +concept_city_hendersonville concept:atlocation concept_stateorprovince_tennessee +concept_city_hendersonville concept:mutualproxyfor concept_stateorprovince_tennessee +concept_city_hendersonville concept:subpartof concept_stateorprovince_tennessee +concept_city_henry concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_herald concept:agentactsinlocation concept_city_washington_d_c +concept_city_herald concept:atlocation concept_city_washington_d_c +concept_city_herald concept:agentcollaborateswithagent concept_scientist_andres_oppenheimer +concept_city_hercules concept:atlocation concept_stateorprovince_california +concept_city_hercules concept:subpartoforganization concept_televisionstation_ashland +concept_city_hermitage concept:cityliesonriver concept_river_neva +concept_city_hernando concept:citylocatedinstate concept_stateorprovince_florida +concept_city_herndon concept:atlocation concept_stateorprovince_virginia +concept_city_herzegovina concept:citylocatedincountry concept_country_bosnia_herzegovina +concept_city_herzegovina concept:synonymfor concept_country_former_soviet_union +concept_city_herzegovina concept:synonymfor concept_politicalparty_republic +concept_city_hesperia concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_hesperia concept:proxyfor concept_stateorprovince_california +concept_city_hettinger concept:citylocatedinstate concept_stateorprovince_north_dakota +concept_city_hexham concept:cityliesonriver concept_geopoliticallocation_hunter +concept_city_hickory concept:mutualproxyfor concept_company_north_carolina +concept_city_hickory concept:proxyfor concept_creditunion_north_carolina +concept_city_hickory concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_hicksville concept:proxyfor concept_company_new_york +concept_city_high_point concept:mutualproxyfor concept_company_north_carolina +concept_city_high_point concept:proxyfor concept_creditunion_north_carolina +concept_city_high_point concept:subpartof concept_creditunion_north_carolina +concept_city_high_point concept:atlocation concept_stateorprovince_north_carolina +concept_city_high_river concept:latitudelongitude 50.5744033333333,-113.8545566666667 +concept_city_high_springs concept:atlocation concept_city_florida +concept_city_highland_park concept:atlocation concept_stateorprovince_illinois +concept_city_hillsboro concept:atlocation concept_stateorprovince_oregon +concept_city_hillsboro concept:atlocation concept_stateorprovince_texas +concept_city_hillsborough concept:citylocatedinstate concept_stateorprovince_florida +concept_city_hillsborough concept:proxyfor concept_stateorprovince_newjersey +concept_city_hillsdale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hillside concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hilo concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_hilo concept:proxyfor concept_stateorprovince_hawaii +concept_city_hinesburg concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_hinesville concept:atlocation concept_stateorprovince_georgia +concept_city_hinesville concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_hinsdale concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_hinsdale concept:atlocation concept_stateorprovince_illinois +concept_city_hinton concept:cityliesonriver concept_river_athabasca +concept_city_hiroshima concept:citylocatedincountry concept_country_japan +concept_city_hiroshima concept:mutualproxyfor concept_country_japan +concept_city_hit concept:cityliesonriver concept_river_euphrates +concept_city_hit concept:agentparticipatedinevent concept_sportsgame_series +concept_city_hivaro concept:citylocatedincountry concept_country_papua_new_guinea +concept_city_ho_chi_minh_city concept:cityalsoknownas concept_city_saigon +concept_city_ho_chi_minh_city concept:synonymfor concept_city_saigon +concept_city_ho_chi_minh_city concept:citylocatedincountry concept_country_vietnam +concept_city_ho_chi_minh_city concept:proxyfor concept_country_vietnam +concept_city_ho_chi_minh_city concept:cityliesonriver concept_river_mekong +concept_city_ho_ho_kus concept:proxyfor concept_radiostation_new_jersey +concept_city_hoa_lu concept:citylocatedincountry concept_country_vietnam +concept_city_hobart concept:atdate concept_dateliteral_n2007 +concept_city_hobart concept:atdate concept_dateliteral_n2008 +concept_city_hobart concept:cityliesonriver concept_river_derwent +concept_city_hobart concept:atlocation concept_stateorprovince_indiana +concept_city_hobart concept:proxyfor concept_stateorprovince_indiana +concept_city_hobbs concept:atlocation concept_county_new_mexico +concept_city_hoboken concept:cityliesonriver concept_river_hudson +concept_city_hoboken concept:atlocation concept_stateorprovince_new_jersey +concept_city_hoboken concept:proxyfor concept_stateorprovince_new_jersey +concept_city_hoffman_estates concept:atlocation concept_stateorprovince_illinois +concept_city_hoffman_estates concept:proxyfor concept_stateorprovince_illinois +concept_city_hoi concept:cityliesonriver concept_river_thu_bon +concept_city_holbrook concept:cityliesonriver concept_river_little_colorado +concept_city_holbrook concept:atlocation concept_stateorprovince_arizona +concept_city_holiday concept:citylocatedinstate concept_stateorprovince_florida +concept_city_hollister concept:atlocation concept_stateorprovince_california +concept_city_hollister concept:mutualproxyfor concept_stateorprovince_california +concept_city_holly_hill concept:atlocation concept_city_florida +concept_city_holmdel concept:proxyfor concept_stadiumoreventvenue_pnc_bank_arts_center +concept_city_holmes_beach concept:atlocation concept_city_florida +concept_city_holyoke concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_holyoke concept:proxyfor concept_stateorprovince_massachusetts +concept_city_home concept:agentcreated concept_bedroomitem_access +concept_city_home concept:agentinvolvedwithitem concept_bedroomitem_frame +concept_city_home concept:mutualproxyfor concept_beverage_new +concept_city_home concept:subpartof concept_book_electricity +concept_city_home concept:proxyfor concept_book_north +concept_city_home concept:subpartof concept_book_oil +concept_city_home concept:mutualproxyfor concept_book_six +concept_city_home concept:mutualproxyfor concept_book_taking +concept_city_home concept:agentinvolvedwithitem concept_buildingfeature_browser_windows +concept_city_home concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_home concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_home concept:istallerthan concept_city_children +concept_city_home concept:agentcreated concept_city_click +concept_city_home concept:subpartof concept_city_co +concept_city_home concept:organizationheadquarteredincity concept_city_la +concept_city_home concept:istallerthan concept_city_parents +concept_city_home concept:mutualproxyfor concept_coach_n6 +concept_city_home concept:proxyfor concept_country_south_west +concept_city_home concept:organizationheadquarteredincountry concept_country_us +concept_city_home concept:atdate concept_date_apr +concept_city_home concept:atdate concept_date_april_11 +concept_city_home concept:atdate concept_date_april_12 +concept_city_home concept:atdate concept_date_aug +concept_city_home concept:atdate concept_date_aug_ +concept_city_home concept:atdate concept_date_christmas_day +concept_city_home concept:atdate concept_date_christmas_eve +concept_city_home concept:atdate concept_date_community +concept_city_home concept:atdate concept_date_dec +concept_city_home concept:atdate concept_date_dec_ +concept_city_home concept:atdate concept_date_dec__13 +concept_city_home concept:atdate concept_date_feb +concept_city_home concept:atdate concept_date_feb_ +concept_city_home concept:atdate concept_date_jan +concept_city_home concept:atdate concept_date_july_2 +concept_city_home concept:atdate concept_date_june_1 +concept_city_home concept:atdate concept_date_last_saturday +concept_city_home concept:atdate concept_date_march_1 +concept_city_home concept:atdate concept_date_march_2008 +concept_city_home concept:atdate concept_date_march_31 +concept_city_home concept:atdate concept_date_may_13 +concept_city_home concept:atdate concept_date_may_2007 +concept_city_home concept:atdate concept_date_monday_afternoon +concept_city_home concept:atdate concept_date_n1901 +concept_city_home concept:atdate concept_date_n1914 +concept_city_home concept:atdate concept_date_n1928 +concept_city_home concept:atdate concept_date_n1935 +concept_city_home concept:atdate concept_date_n1939 +concept_city_home concept:atdate concept_date_n1941 +concept_city_home concept:atdate concept_date_n1942 +concept_city_home concept:atdate concept_date_n1944 +concept_city_home concept:atdate concept_date_n1949 +concept_city_home concept:atdate concept_date_n1951 +concept_city_home concept:atdate concept_date_n1957 +concept_city_home concept:atdate concept_date_n1958 +concept_city_home concept:atdate concept_date_n1962 +concept_city_home concept:atdate concept_date_n1964 +concept_city_home concept:atdate concept_date_n1968 +concept_city_home concept:atdate concept_date_n1969 +concept_city_home concept:atdate concept_date_n1971 +concept_city_home concept:atdate concept_date_n1972 +concept_city_home concept:atdate concept_date_n1976 +concept_city_home concept:atdate concept_date_n1977 +concept_city_home concept:atdate concept_date_n1979 +concept_city_home concept:atdate concept_date_n1993 +concept_city_home concept:atdate concept_date_n1996 +concept_city_home concept:atdate concept_date_n1999 +concept_city_home concept:atdate concept_date_n1_p_m__wednesday +concept_city_home concept:atdate concept_date_n2000 +concept_city_home concept:atdate concept_date_n2001 +concept_city_home concept:atdate concept_date_n2003 +concept_city_home concept:atdate concept_date_n2004 +concept_city_home concept:atdate concept_date_n2009 +concept_city_home concept:atdate concept_date_n2_p_m__sunday +concept_city_home concept:atdate concept_date_n2_p_m__tuesday +concept_city_home concept:atdate concept_date_new_year +concept_city_home concept:atdate concept_date_noon_saturday +concept_city_home concept:atdate concept_date_nov +concept_city_home concept:atdate concept_date_nov_ +concept_city_home concept:atdate concept_date_nov__1 +concept_city_home concept:atdate concept_date_nov__19 +concept_city_home concept:atdate concept_date_nov__4 +concept_city_home concept:atdate concept_date_november_2007 +concept_city_home concept:atdate concept_date_november_2008 +concept_city_home concept:atdate concept_date_oct +concept_city_home concept:atdate concept_date_oct_ +concept_city_home concept:atdate concept_date_oct__31 +concept_city_home concept:atdate concept_date_sept +concept_city_home concept:atdate concept_date_sept_ +concept_city_home concept:atdate concept_date_services +concept_city_home concept:atdate concept_date_spring +concept_city_home concept:atdate concept_date_summer +concept_city_home concept:atdate concept_date_thursday_afternoon +concept_city_home concept:atdate concept_date_thursday_morning +concept_city_home concept:atdate concept_date_tuesday_afternoon +concept_city_home concept:atdate concept_date_wednesday_afternoon +concept_city_home concept:atdate concept_dateliteral_n1912 +concept_city_home concept:atdate concept_dateliteral_n1917 +concept_city_home concept:atdate concept_dateliteral_n1918 +concept_city_home concept:atdate concept_dateliteral_n1925 +concept_city_home concept:atdate concept_dateliteral_n1932 +concept_city_home concept:atdate concept_dateliteral_n1938 +concept_city_home concept:atdate concept_dateliteral_n1945 +concept_city_home concept:atdate concept_dateliteral_n1947 +concept_city_home concept:atdate concept_dateliteral_n1950 +concept_city_home concept:atdate concept_dateliteral_n1953 +concept_city_home concept:atdate concept_dateliteral_n1961 +concept_city_home concept:atdate concept_dateliteral_n1980 +concept_city_home concept:atdate concept_dateliteral_n1987 +concept_city_home concept:atdate concept_dateliteral_n1990 +concept_city_home concept:atdate concept_dateliteral_n2002 +concept_city_home concept:atdate concept_dateliteral_n2005 +concept_city_home concept:atdate concept_dateliteral_n2006 +concept_city_home concept:atdate concept_dateliteral_n2007 +concept_city_home concept:atdate concept_dateliteral_n2008 +concept_city_home concept:atdate concept_dateliteral_n2010 +concept_city_home concept:atdate concept_dayofweek_friday +concept_city_home concept:atdate concept_dayofweek_monday +concept_city_home concept:atdate concept_dayofweek_saturday +concept_city_home concept:atdate concept_dayofweek_sunday +concept_city_home concept:atdate concept_dayofweek_thursday +concept_city_home concept:atdate concept_dayofweek_tuesday +concept_city_home concept:atdate concept_dayofweek_wednesday +concept_city_home concept:mutualproxyfor concept_eventoutcome_four +concept_city_home concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_home concept:mutualproxyfor concept_female_seven +concept_city_home concept:mutualproxyfor concept_filmfestival_eight +concept_city_home concept:subpartof concept_geopoliticallocation_air_conditioning +concept_city_home concept:organizationacronymhasname concept_governmentorganization_department +concept_city_home concept:subpartoforganization concept_governmentorganization_government +concept_city_home concept:organizationalsoknownas concept_governmentorganization_office +concept_city_home concept:agentinvolvedwithitem concept_hallwayitem_browser_tab +concept_city_home concept:agentinvolvedwithitem concept_householditem_perfect_window +concept_city_home concept:subpartof concept_landscapefeatures_hot_water +concept_city_home concept:agentparticipatedinevent concept_mlconference_universe +concept_city_home concept:mutualproxyfor concept_mldataset_n2 +concept_city_home concept:agentinvolvedwithitem concept_mlsoftware_instance +concept_city_home concept:atdate concept_month_april +concept_city_home concept:atdate concept_month_august +concept_city_home concept:atdate concept_month_december +concept_city_home concept:atdate concept_month_february +concept_city_home concept:atdate concept_month_january +concept_city_home concept:atdate concept_month_july +concept_city_home concept:atdate concept_month_june +concept_city_home concept:atdate concept_month_march +concept_city_home concept:atdate concept_month_may +concept_city_home concept:atdate concept_month_november +concept_city_home concept:organizationdissolvedatdate concept_month_october +concept_city_home concept:atdate concept_month_september +concept_city_home concept:subpartof concept_musicinstrument_chi +concept_city_home concept:agentcontrols concept_nonneginteger_one +concept_city_home concept:agentcollaborateswithagent concept_personasia_full_contact +concept_city_home concept:agentcompeteswithagent concept_personcanada_site_search +concept_city_home concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_home concept:subpartof concept_personus_fresh_air +concept_city_home concept:agentcreated concept_physicalaction_check +concept_city_home concept:proxyfor concept_politicaloffice_new +concept_city_home concept:subpartof concept_port_portable_air +concept_city_home concept:agentcontrols concept_product_google +concept_city_home concept:agentinvolvedwithitem concept_product_tab +concept_city_home concept:agentcreated concept_programminglanguage_contact +concept_city_home concept:istallerthan concept_publication_people_ +concept_city_home concept:agentcreated concept_retailstore_setup +concept_city_home concept:proxyfor concept_room_south +concept_city_home concept:agentcreated concept_scientificterm_information_contact +concept_city_home concept:agentcreated concept_scientificterm_more_information_contact +concept_city_home concept:agentinvolvedwithitem concept_software_browser +concept_city_home concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_city_home concept:agentparticipatedinevent concept_sportsgame_series +concept_city_home concept:agentparticipatedinevent concept_sportsgame_terms +concept_city_home concept:agentparticipatedinevent concept_sportsgame_test_series +concept_city_home concept:atlocation concept_stateorprovince_arizona +concept_city_home concept:agentcollaborateswithagent concept_stateorprovince_contact +concept_city_home concept:subpartof concept_stateorprovince_contact +concept_city_home concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_home concept:subpartof concept_stateorprovince_times +concept_city_home concept:subpartoforganization concept_terroristorganization_state +concept_city_home concept:agentcompeteswithagent concept_tradeunion_search +concept_city_home concept:subpartof concept_transportation_central_air +concept_city_home concept:proxyfor concept_university_google +concept_city_home concept:subpartof concept_university_google +concept_city_home concept:agentcompeteswithagent concept_university_map +concept_city_home concept:agentinvolvedwithitem concept_vehicle_door +concept_city_home concept:mutualproxyfor concept_vehicle_three +concept_city_home concept:agentcreated concept_vehicle_view +concept_city_home concept:mutualproxyfor concept_videogamesystem_n5 +concept_city_home concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_home concept:agentinvolvedwithitem concept_wallitem_right_window +concept_city_home concept:mutualproxyfor concept_weatherphenomenon_two +concept_city_home concept:agentcreated concept_website_download +concept_city_home concept:proxyfor concept_website_google_s +concept_city_home concept:subpartof concept_website_google_s +concept_city_home concept:agentcompeteswithagent concept_website_google_search +concept_city_home concept:agentcreated concept_website_visit +concept_city_home concept:atdate concept_year_n1862 +concept_city_home concept:atdate concept_year_n1865 +concept_city_home concept:atdate concept_year_n1916 +concept_city_home concept:atdate concept_year_n1919 +concept_city_home concept:atdate concept_year_n1946 +concept_city_home concept:atdate concept_year_n1952 +concept_city_home concept:atdate concept_year_n1956 +concept_city_home concept:atdate concept_year_n1959 +concept_city_home concept:atdate concept_year_n1960 +concept_city_home concept:atdate concept_year_n1963 +concept_city_home concept:atdate concept_year_n1965 +concept_city_home concept:atdate concept_year_n1967 +concept_city_home concept:atdate concept_year_n1970 +concept_city_home concept:atdate concept_year_n1973 +concept_city_home concept:atdate concept_year_n1974 +concept_city_home concept:atdate concept_year_n1975 +concept_city_home concept:atdate concept_year_n1978 +concept_city_home concept:atdate concept_year_n1981 +concept_city_home concept:atdate concept_year_n1982 +concept_city_home concept:atdate concept_year_n1983 +concept_city_home concept:atdate concept_year_n1984 +concept_city_home concept:atdate concept_year_n1985 +concept_city_home concept:atdate concept_year_n1986 +concept_city_home concept:atdate concept_year_n1988 +concept_city_home concept:atdate concept_year_n1989 +concept_city_home concept:atdate concept_year_n1991 +concept_city_home concept:atdate concept_year_n1992 +concept_city_home concept:atdate concept_year_n1994 +concept_city_home concept:atdate concept_year_n1995 +concept_city_home concept:atdate concept_year_n1997 +concept_city_home concept:atdate concept_year_n1998 +concept_city_homestead concept:atlocation concept_city_florida +concept_city_homestead concept:proxyfor concept_city_florida +concept_city_homestead concept:subpartof concept_city_florida +concept_city_hong_kong_island concept:cityliesonriver concept_attraction_grand +concept_city_hong_kong_island concept:cityalsoknownas concept_city_canton +concept_city_hong_kong_island concept:locationlocatedwithinlocation concept_country_hong_kong +concept_city_hong_kong_island concept:cityliesonriver concept_river_pearl_river +concept_city_hong_kong_island concept:proxyfor concept_televisionshow_hong_kong +concept_city_honiara concept:citycapitalofcountry concept_country_the_philippines +concept_city_honiara concept:citylocatedincountry concept_country_the_philippines +concept_city_honolulu concept:atdate concept_dateliteral_n2007 +concept_city_honolulu concept:proxyfor concept_eventoutcome_state +concept_city_honolulu concept:proxyfor concept_lake_new +concept_city_honolulu concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_honolulu concept:proxyfor concept_stateorprovince_hawaii +concept_city_hope concept:mutualproxyfor concept_beverage_new +concept_city_hope concept:istallerthan concept_city_christ +concept_city_hope concept:atdate concept_dateliteral_n2007 +concept_city_hope concept:agentactsinlocation concept_lake_new +concept_city_hope concept:atlocation concept_lake_new +concept_city_hope concept:mutualproxyfor concept_person_mugabe +concept_city_hope concept:proxyfor concept_politicaloffice_new +concept_city_hope concept:istallerthan concept_publication_people_ +concept_city_hope concept:atlocation concept_stateorprovince_arkansas +concept_city_hopkinsville concept:proxyfor concept_coach_kentucky +concept_city_hopkinsville concept:atlocation concept_stateorprovince_kentucky +concept_city_hopkinsville concept:subpartof concept_stateorprovince_kentucky +concept_city_horn_lake concept:atlocation concept_stateorprovince_mississippi +concept_city_hornell concept:atlocation concept_stateorprovince_new_york +concept_city_hornepayne concept:latitudelongitude 49.2035425000000,-84.7883400000000 +concept_city_hornepayne concept:citylocatedinstate concept_stateorprovince_ontario +concept_city_horten concept:citylocatedincountry concept_country_norway +concept_city_hotels concept:mutualproxyfor concept_beverage_new +concept_city_hotels concept:atlocation concept_city_vegas +concept_city_hotels concept:atlocation concept_city_vegas_casino +concept_city_hotels concept:atlocation concept_county_las_vegas +concept_city_hotels concept:atdate concept_dateliteral_n2006 +concept_city_hotels concept:proxyfor concept_politicaloffice_new +concept_city_houghton concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_houma concept:atlocation concept_stateorprovince_louisiana +concept_city_houma concept:proxyfor concept_stateorprovince_louisiana +concept_city_houma concept:subpartof concept_stateorprovince_louisiana +concept_city_house concept:citylocatedincountry concept_country_u_s_ +concept_city_houston concept:cityliesonriver concept_attraction_grand +concept_city_houston concept:mutualproxyfor concept_city_texas +concept_city_houston concept:organizationhiredperson concept_coach_art_briles +concept_city_houston concept:organizationhiredperson concept_coach_kevin_sumlin +concept_city_houston concept:organizationhiredperson concept_coach_van_gundy +concept_city_houston concept:atdate concept_dateliteral_n2007 +concept_city_houston concept:organizationhiredperson concept_personaustralia_bill_white +concept_city_houston concept:cityliesonriver concept_river_brazos +concept_city_houston concept:atlocation concept_stateorprovince_missouri +concept_city_houston concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_houston concept:proxyfor concept_stateorprovince_texas +concept_city_houston concept:citylocatedinstate concept_stateorprovince_tx +concept_city_houston concept:citylocatedingeopoliticallocation concept_stateorprovince_ut +concept_city_houston concept:atdate concept_year_n1998 +concept_city_howard concept:citylocatedinstate concept_stateorprovince_nebraska +concept_city_howrah concept:cityalsoknownas concept_city_haora +concept_city_howrah concept:cityliesonriver concept_river_hooghly +concept_city_huaraz concept:citylocatedincountry concept_country_peru +concept_city_huay_xai concept:cityliesonriver concept_river_mekong +concept_city_huber_heights concept:atlocation concept_stateorprovince_ohio +concept_city_huber_heights concept:proxyfor concept_university_ohio +concept_city_hudson concept:cityliesonriver concept_river_hudson +concept_city_hudson concept:cityliesonriver concept_river_peace +concept_city_hudson concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_hudson_bay concept:citylocatedinstate concept_stateorprovince_saskatchewan +concept_city_hudson_falls concept:cityliesonriver concept_river_hudson +concept_city_hue concept:citylocatedincountry concept_country_vietnam +concept_city_hue concept:cityliesonriver concept_river_huong +concept_city_hull concept:cityliesonriver concept_river_humber +concept_city_humboldt concept:citylocatedinstate concept_stateorprovince_california +concept_city_huntersville concept:atlocation concept_stateorprovince_north_carolina +concept_city_huntingdon concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_huntington concept:proxyfor concept_company_new_york +concept_city_huntington concept:proxyfor concept_company_west_virginia +concept_city_huntington concept:cityliesonriver concept_river_wabash +concept_city_huntington concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_city_huntington concept:atlocation concept_stateorprovince_west_virginia +concept_city_huntington_beach concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_huntington_beach concept:proxyfor concept_stateorprovince_california +concept_city_huntington_park concept:atlocation concept_county_columbus +concept_city_huntington_park concept:atlocation concept_stateorprovince_california +concept_city_huntsville concept:citylocatedingeopoliticallocation concept_geopoliticallocation_sam_houston +concept_city_huntsville concept:locationlocatedwithinlocation concept_geopoliticallocation_sam_houston +concept_city_huntsville concept:atlocation concept_stateorprovince_alabama +concept_city_huntsville concept:proxyfor concept_stateorprovince_texas +concept_city_huron concept:atlocation concept_stateorprovince_south_dakota +concept_city_hurricane concept:agentactsinlocation concept_lake_new +concept_city_hurricane concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_hurricane concept:proxyfor concept_stateorprovince_west_virginia +concept_city_hutchinson concept:proxyfor concept_creditunion_kansas +concept_city_hutchinson concept:atlocation concept_stateorprovince_kansas +concept_city_hutchinson concept:subpartof concept_stateorprovince_kansas +concept_city_hutchinson concept:atlocation concept_stateorprovince_minnesota +concept_city_hyannis concept:proxyfor concept_stadiumoreventvenue_cape_cod_melody_tent +concept_city_hyannis concept:atlocation concept_stateorprovince_massachusetts +concept_city_hyannis concept:proxyfor concept_stateorprovince_massachusetts +concept_city_hyannis concept:subpartof concept_stateorprovince_massachusetts +concept_city_hyde_park concept:cityliesonriver concept_river_hudson +concept_city_hyderabad concept:locationlocatedwithinlocation concept_city_state +concept_city_hyderabad concept:citylocatedincountry concept_country_pakistan +concept_city_hyderabad concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_hyderabad concept:atdate concept_date_n1999 +concept_city_hyderabad concept:atdate concept_dateliteral_n2006 +concept_city_ia concept:locationlocatedwithinlocation concept_country_usa +concept_city_ia concept:subpartof concept_country_usa +concept_city_idaho_falls concept:cityliesonriver concept_river_snake +concept_city_idaho_falls concept:locationlocatedwithinlocation concept_stateorprovince_idaho +concept_city_igiugig concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_igloolik concept:citylocatedinstate concept_stateorprovince_northwest_territories +concept_city_iles_de_la_madeleine concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_ilheus concept:citylocatedinstate concept_stateorprovince_bahia +concept_city_ilo concept:atdate concept_dateliteral_n2007 +concept_city_indialantic concept:atlocation concept_city_florida +concept_city_indianapolis concept:cityliesonriver concept_attraction_grand +concept_city_indianapolis concept:mutualproxyfor concept_politicianus_stephen_goldsmith +concept_city_indianapolis concept:proxyfor concept_stadiumoreventvenue_clowes_memorial_hall +concept_city_indianapolis concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_indianapolis concept:proxyfor concept_stateorprovince_indiana +concept_city_indianola concept:atlocation concept_stateorprovince_iowa +concept_city_individuals concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_indore concept:citylocatedinstate concept_stateorprovince_madhya_pradesh +concept_city_indore concept:proxyfor concept_stateorprovince_madhya_pradesh +concept_city_info concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_info concept:agentcreated concept_city_click +concept_city_info concept:agentcreated concept_geopoliticalorganization_e_mail +concept_city_info concept:agentcreated concept_politicalparty_call +concept_city_info concept:agentcreated concept_programminglanguage_contact +concept_city_info concept:agentcreated concept_programminglanguage_email +concept_city_info concept:agentcreated concept_programminglanguage_mail +concept_city_info concept:agentcreated concept_stateorprovince_pm +concept_city_info concept:agentcompeteswithagent concept_tradeunion_search +concept_city_info concept:agentcreated concept_website_visit +concept_city_inglewood concept:cityliesonriver concept_river_bow +concept_city_inglewood concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_inglewood concept:proxyfor concept_stateorprovince_california +concept_city_innovations concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_innovations concept:subpartof concept_weatherphenomenon_air +concept_city_innsbruck concept:locationlocatedwithinlocation concept_country_republic_of_austria +concept_city_innsbruck concept:proxyfor concept_country_republic_of_austria +concept_city_innsbruck concept:cityliesonriver concept_river_inn +concept_city_installation concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_installation concept:atdate concept_date_n2000 +concept_city_installation concept:atdate concept_date_n2001 +concept_city_installation concept:atdate concept_date_n2003 +concept_city_installation concept:atdate concept_date_n2004 +concept_city_installation concept:atdate concept_dateliteral_n2005 +concept_city_installation concept:atdate concept_dateliteral_n2006 +concept_city_installation concept:atdate concept_dateliteral_n2007 +concept_city_installation concept:atdate concept_dateliteral_n2008 +concept_city_installation concept:subpartof concept_transportation_central_air +concept_city_installation concept:subpartof concept_weatherphenomenon_air +concept_city_installation concept:subpartof concept_weatherphenomenon_water +concept_city_intellect concept:subpartof concept_website_blood +concept_city_interlaken concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_interlaken concept:proxyfor concept_stateorprovince_new_jersey +concept_city_international_falls concept:atlocation concept_stateorprovince_minnesota +concept_city_internet concept:atdate concept_date_n1996 +concept_city_internet concept:atdate concept_date_n1999 +concept_city_internet concept:atdate concept_date_n2000 +concept_city_internet concept:atdate concept_date_n2001 +concept_city_internet concept:atdate concept_date_n2003 +concept_city_internet concept:atdate concept_date_n2004 +concept_city_internet concept:atdate concept_dateliteral_n2002 +concept_city_internet concept:atdate concept_dateliteral_n2005 +concept_city_internet concept:atdate concept_dateliteral_n2006 +concept_city_internet concept:atdate concept_dateliteral_n2007 +concept_city_internet concept:atdate concept_dateliteral_n2008 +concept_city_internet concept:agentcreated concept_programminglanguage_contact +concept_city_internet concept:agentcompeteswithagent concept_tradeunion_search +concept_city_internet concept:agentcreated concept_website_download +concept_city_internet concept:atdate concept_year_n1992 +concept_city_internet concept:atdate concept_year_n1994 +concept_city_internet concept:atdate concept_year_n1995 +concept_city_internet concept:atdate concept_year_n1997 +concept_city_internet concept:atdate concept_year_n1998 +concept_city_internship concept:atdate concept_dateliteral_n2007 +concept_city_internship concept:atdate concept_dateliteral_n2008 +concept_city_internship concept:organizationdissolvedatdate concept_month_august +concept_city_internship concept:organizationdissolvedatdate concept_month_may +concept_city_ipoh concept:proxyfor concept_geopoliticalorganization_perak +concept_city_iquitos concept:cityliesonriver concept_river_amazon_river +concept_city_iron_mountain concept:proxyfor concept_creditunion_michigan +concept_city_irvine concept:atdate concept_dateliteral_n2007 +concept_city_irvine concept:citylocatedinstate concept_stateorprovince_california +concept_city_irvine concept:proxyfor concept_stateorprovince_california +concept_city_irving concept:mutualproxyfor concept_city_texas +concept_city_irving concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_irving concept:proxyfor concept_stateorprovince_texas +concept_city_irvington concept:proxyfor concept_stateorprovince_new_jersey +concept_city_isafjordur concept:citylocatedincountry concept_island_iceland +concept_city_ishikawa concept:citylocatedincountry concept_country_japan +concept_city_islamabad concept:citycapitalofcountry concept_country_pakistan +concept_city_islamabad concept:citylocatedincountry concept_country_pakistan +concept_city_islamabad concept:atdate concept_date_n2004 +concept_city_islamabad concept:atdate concept_dateliteral_n2002 +concept_city_islamabad concept:atdate concept_dateliteral_n2006 +concept_city_islamabad concept:atdate concept_year_n1994 +concept_city_island_no_ concept:cityliesonriver concept_attraction_mississippi +concept_city_issaquah concept:atlocation concept_city_washington_d_c +concept_city_istanbul concept:cityalsoknownas concept_city_constantinople +concept_city_istanbul concept:citylocatedincountry concept_country_turkey +concept_city_istanbul concept:proxyfor concept_country_turkey +concept_city_istanbul concept:atdate concept_date_n2003 +concept_city_istanbul concept:atdate concept_dateliteral_n2002 +concept_city_italy_rome concept:locationlocatedwithinlocation concept_country_italy +concept_city_itasca concept:cityliesonriver concept_attraction_mississippi +concept_city_itasca concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_ithaca concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_ivalo concept:locationlocatedwithinlocation concept_country_finland +concept_city_izmit concept:cityalsoknownas concept_city_kocaeli +concept_city_jabalpur concept:citylocatedinstate concept_stateorprovince_madhya_pradesh +concept_city_jabalpur concept:proxyfor concept_stateorprovince_madhya_pradesh +concept_city_jackson concept:cityliesonriver concept_attraction_grand +concept_city_jackson concept:cityliesonriver concept_attraction_mississippi +concept_city_jackson concept:proxyfor concept_creditunion_michigan +concept_city_jackson concept:proxyfor concept_newspaper_alabama +concept_city_jackson concept:atlocation concept_stateorprovince_california +concept_city_jackson concept:proxyfor concept_stateorprovince_indiana +concept_city_jackson concept:atlocation concept_stateorprovince_michigan +concept_city_jackson concept:citylocatedingeopoliticallocation concept_stateorprovince_mississippi +concept_city_jackson concept:atlocation concept_stateorprovince_missouri +concept_city_jackson concept:atlocation concept_stateorprovince_new_hampshire +concept_city_jackson concept:atlocation concept_stateorprovince_ohio +concept_city_jackson concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_jackson concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_jackson concept:locationlocatedwithinlocation concept_stateorprovince_wyoming +concept_city_jackson concept:proxyfor concept_stateorprovince_wyoming +concept_city_jackson concept:proxyfor concept_university_ohio +concept_city_jacksonville concept:organizationterminatedperson concept_actor_jack_del_rio +concept_city_jacksonville concept:proxyfor concept_city_florida +concept_city_jacksonville concept:organizationhiredperson concept_coach_jack_del_rio +concept_city_jacksonville concept:proxyfor concept_lake_new +concept_city_jacksonville concept:mutualproxyfor concept_politician_john_peyton +concept_city_jacksonville concept:cityliesonriver concept_river_st___johns_river +concept_city_jacksonville concept:proxyfor concept_stadiumoreventvenue_times_union_perf__arts_moran +concept_city_jacksonville concept:atlocation concept_stateorprovince_alabama +concept_city_jacksonville concept:atlocation concept_stateorprovince_arkansas +concept_city_jacksonville concept:proxyfor concept_stateorprovince_arkansas +concept_city_jacksonville concept:atlocation concept_stateorprovince_illinois +concept_city_jacksonville concept:atlocation concept_stateorprovince_north_carolina +concept_city_jacksonville concept:proxyfor concept_stateorprovince_north_carolina +concept_city_jacksonville concept:atlocation concept_stateorprovince_texas +concept_city_jacksonville concept:proxyfor concept_stateorprovince_texas +concept_city_jacksonville_beach concept:atlocation concept_city_florida +concept_city_jacobabad concept:citylocatedincountry concept_country_pakistan +concept_city_jaffa concept:citylocatedincountry concept_country_palestine +concept_city_jaipur concept:citylocatedingeopoliticallocation concept_country_republic_of_india +concept_city_jaipur concept:proxyfor concept_country_republic_of_india +concept_city_jaisalmer concept:proxyfor concept_actor_rajasthan +concept_city_jakarta concept:cityalsoknownas concept_city_batavia +concept_city_jakarta concept:citylocatedincountry concept_country_indonesia +concept_city_jakarta concept:proxyfor concept_country_indonesia +concept_city_jakarta concept:citycapitalofcountry concept_country_republic +concept_city_jakarta concept:atdate concept_date_n1996 +concept_city_jakarta concept:atdate concept_date_n1999 +concept_city_jakarta concept:atdate concept_date_n2000 +concept_city_jakarta concept:atdate concept_date_n2004 +concept_city_jakarta concept:atdate concept_dateliteral_n2002 +concept_city_jakarta concept:atdate concept_dateliteral_n2005 +concept_city_jakarta concept:atdate concept_dateliteral_n2006 +concept_city_jakarta concept:atdate concept_dateliteral_n2007 +concept_city_jakarta concept:atdate concept_dateliteral_n2008 +concept_city_jakarta concept:atdate concept_year_n1998 +concept_city_jalalabad concept:cityliesonriver concept_river_kunar +concept_city_jalandhar concept:proxyfor concept_stateorprovince_punjab +concept_city_jalgaon concept:proxyfor concept_stateorprovince_maharashtra +concept_city_jamaica concept:locationlocatedwithinlocation concept_city_kingston +concept_city_jamaica concept:mutualproxyfor concept_city_kingston +concept_city_jamaica concept:atdate concept_dateliteral_n2008 +concept_city_jamaica concept:proxyfor concept_lake_new +concept_city_jamaica concept:atlocation concept_stateorprovince_new_york +concept_city_jamesburg concept:proxyfor concept_stateorprovince_new_jersey +concept_city_jamestown concept:atlocation concept_stateorprovince_california +concept_city_jamestown concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_jamestown concept:atlocation concept_stateorprovince_north_dakota +concept_city_jammu_tawi concept:latitudelongitude 32.6833300000000,74.6500000000000 +concept_city_jamnagar concept:proxyfor concept_stateorprovince_gujarat +concept_city_janakpur concept:citylocatedincountry concept_country_nepal +concept_city_janesville concept:proxyfor concept_politicaloffice_wisconsin +concept_city_janesville concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_jeddah concept:citycapitalofcountry concept_country_arabia_saudita +concept_city_jeddah concept:citylocatedincountry concept_country_arabia_saudita +concept_city_jefferson concept:proxyfor concept_creditunion_north_carolina +concept_city_jefferson concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_jefferson concept:citylocatedingeopoliticallocation concept_stateorprovince_indiana +concept_city_jeffersonville concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_jeffersonville concept:proxyfor concept_stateorprovince_indiana +concept_city_jenkintown concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_jennings concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_jennings concept:atlocation concept_stateorprovince_louisiana +concept_city_jerusalem concept:locationlocatedwithinlocation concept_city_state +concept_city_jerusalem concept:proxyfor concept_country_israel +concept_city_jerusalem concept:citycapitalofcountry concept_country_palestine +concept_city_jerusalem concept:citylocatedincountry concept_country_palestine +concept_city_jerusalem concept:atdate concept_dateliteral_n2002 +concept_city_jerusalem concept:atdate concept_dateliteral_n2005 +concept_city_jerusalem concept:atdate concept_dateliteral_n2006 +concept_city_jerusalem concept:atdate concept_dateliteral_n2007 +concept_city_jerusalem concept:proxyfor concept_eventoutcome_state +concept_city_jerusalem concept:cityliesonriver concept_river_hinnom +concept_city_jesse concept:agentbelongstoorganization concept_recordlabel_friends +concept_city_jesup concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_jesup concept:proxyfor concept_stateorprovince_georgia +concept_city_jhansi concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_jhansi concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_jimmy concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_city_jinghong concept:cityliesonriver concept_river_mekong +concept_city_jinja concept:cityliesonriver concept_river_nile +concept_city_jiujiang concept:cityliesonriver concept_river_yangtze +concept_city_jodhpur concept:proxyfor concept_stateorprovince_rajasthan +concept_city_johannesburg concept:citylocatedincountry concept_country_south_africa +concept_city_johannesburg concept:proxyfor concept_country_south_africa +concept_city_johannesburg concept:atdate concept_date_n2000 +concept_city_johannesburg concept:atdate concept_date_n2001 +concept_city_johannesburg concept:atdate concept_dateliteral_n2002 +concept_city_johannesburg concept:atdate concept_dateliteral_n2007 +concept_city_johannesburg concept:atdate concept_dateliteral_n2008 +concept_city_johannesburg concept:cityliesonriver concept_river_vaal +concept_city_john concept:atdate concept_dateliteral_n2005 +concept_city_johnstown concept:cityliesonriver concept_river_conemaugh +concept_city_johnstown concept:cityliesonriver concept_river_little_conemaugh +concept_city_johnstown concept:cityliesonriver concept_river_stonycreek +concept_city_johnstown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_johnstown concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_johnstown concept:subpartof concept_stateorprovince_pennsylvania +concept_city_joliet concept:cityliesonriver concept_river_des_plaines +concept_city_joliet concept:proxyfor concept_stadiumoreventvenue_rialto_square_theatre +concept_city_joliet concept:atlocation concept_stateorprovince_illinois +concept_city_joliet concept:proxyfor concept_stateorprovince_illinois +concept_city_joliet concept:subpartof concept_stateorprovince_illinois +concept_city_jonesboro concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_jonesboro concept:proxyfor concept_stateorprovince_arkansas +concept_city_jos concept:citycapitalofcountry concept_country_plateau_state +concept_city_jos concept:citylocatedincountry concept_country_plateau_state +concept_city_jose concept:citylocatedinstate concept_stateorprovince_california +concept_city_jr concept:agentcreated concept_politicianus_miller +concept_city_juliustown concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_juliustown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_juliustown concept:proxyfor concept_stateorprovince_newjersey +concept_city_junagadh concept:proxyfor concept_stateorprovince_gujarat +concept_city_juneau concept:cityliesonriver concept_river_taku +concept_city_kaadedhdhoo concept:citylocatedincountry concept_country_maldives +concept_city_kabul concept:locationlocatedwithinlocation concept_country_afghanistan +concept_city_kabul concept:proxyfor concept_country_afghanistan +concept_city_kabul concept:subpartof concept_country_afghanistan +concept_city_kaduna concept:locationlocatedwithinlocation concept_country_nigeria +concept_city_kagoshima concept:locationlocatedwithinlocation concept_country_japan +concept_city_kahuku concept:atlocation concept_stateorprovince_hawaii +concept_city_kahului concept:atlocation concept_stateorprovince_hawaii +concept_city_kailua concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_kailua concept:proxyfor concept_stateorprovince_hawaii +concept_city_kailua_kona concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_kailua_kona concept:proxyfor concept_stateorprovince_hawaii +concept_city_kajaani concept:citylocatedincountry concept_country_finland +concept_city_kalama concept:cityliesonriver concept_river_columbia +concept_city_kalamata concept:locationlocatedwithinlocation concept_country_greece +concept_city_kalamazoo concept:atlocation concept_stateorprovince_michigan +concept_city_kalavassos concept:latitudelongitude 34.7916700000000,33.2583300000000 +concept_city_kalibo concept:locationlocatedwithinlocation concept_country_philippines +concept_city_kaliningrad concept:locationlocatedwithinlocation concept_country_russia +concept_city_kalispell concept:citylocatedinstate concept_stateorprovince_montana +concept_city_kalispell concept:proxyfor concept_stateorprovince_montana +concept_city_kalmar concept:locationlocatedwithinlocation concept_city_sweden +concept_city_kamakura concept:citylocatedincountry concept_country_japan +concept_city_kamiah concept:cityliesonriver concept_river_clearwater +concept_city_kamloops concept:cityalsoknownas concept_city_columbia +concept_city_kamloops concept:cityliesonriver concept_river_columbia +concept_city_kamloops concept:cityliesonriver concept_river_south_thompson +concept_city_kamloops concept:proxyfor concept_stateorprovince_british_columbia +concept_city_kampala concept:citycapitalofcountry concept_country_uganda +concept_city_kampala concept:citylocatedincountry concept_country_uganda +concept_city_kanab concept:atlocation concept_county_utah +concept_city_kanagawa concept:citylocatedincountry concept_country_japan +concept_city_kanazawa concept:locationlocatedwithinlocation concept_country_japan +concept_city_kanchipuram concept:proxyfor concept_stateorprovince_tamil_nadu +concept_city_kandahar concept:locationlocatedwithinlocation concept_country_afghanistan +concept_city_kandahar concept:atdate concept_dateliteral_n2002 +concept_city_kandahar concept:atdate concept_dateliteral_n2006 +concept_city_kandla concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_kankakee concept:atlocation concept_stateorprovince_illinois +concept_city_kannapolis concept:atlocation concept_stateorprovince_north_carolina +concept_city_kano concept:locationlocatedwithinlocation concept_country_nigeria +concept_city_kanpur concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_kanpur concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_kansas concept:organizationhiredperson concept_coach_derrick_rose +concept_city_kansas concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_kansas concept:locationlocatedwithinlocation concept_country_usa +concept_city_kansas concept:subpartof concept_country_usa +concept_city_kansas concept:proxyfor concept_politicaloffice_new +concept_city_kaohsiung concept:locationlocatedwithinlocation concept_city_taiwan +concept_city_kapaa concept:atlocation concept_stateorprovince_hawaii +concept_city_kapp concept:subpartoforganization concept_city_abc +concept_city_karachi concept:citylocatedincountry concept_country_pakistan +concept_city_karachi concept:proxyfor concept_country_pakistan +concept_city_karachi concept:atdate concept_date_n2004 +concept_city_karaganda concept:locationlocatedwithinlocation concept_country_kazakhstan +concept_city_karlsruhe concept:locationlocatedwithinlocation concept_country_germany +concept_city_karlsruhe concept:cityliesonriver concept_river_rhine +concept_city_karlstad concept:locationlocatedwithinlocation concept_country_sweden +concept_city_karpathos concept:citylocatedingeopoliticallocation concept_country_greece +concept_city_karratha concept:locationlocatedwithinlocation concept_country_australia +concept_city_kars concept:locationlocatedwithinlocation concept_country_turkey +concept_city_karshi concept:locationlocatedwithinlocation concept_country_uzbekistan +concept_city_kashi concept:locationlocatedwithinlocation concept_country_china +concept_city_kassala concept:locationlocatedwithinlocation concept_country_sudan +concept_city_kassel concept:locationlocatedwithinlocation concept_country_germany +concept_city_kastoria concept:locationlocatedwithinlocation concept_country_greece +concept_city_katherine concept:locationlocatedwithinlocation concept_country_australia +concept_city_kathmandu concept:citylocatedincountry concept_country_nepal +concept_city_kathmandu concept:locationlocatedwithinlocation concept_geopoliticalorganization_nepal +concept_city_kathmandu concept:proxyfor concept_politicsissue_nepal +concept_city_kathmandu concept:cityliesonriver concept_river_bagmati +concept_city_kathmandu concept:cityliesonriver concept_river_trisuli +concept_city_katmai_national_park concept:cityliesonriver concept_skiarea_alagnak +concept_city_katowice concept:locationlocatedwithinlocation concept_country_poland +concept_city_katy concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_katy concept:proxyfor concept_stateorprovince_texas +concept_city_kaub concept:cityliesonriver concept_river_rhine +concept_city_kaunas concept:locationlocatedwithinlocation concept_country_republic_of_lithuania +concept_city_kavala concept:locationlocatedwithinlocation concept_country_greece +concept_city_kawardha concept:latitudelongitude 22.0166700000000,81.2500000000000 +concept_city_kayseri concept:citylocatedingeopoliticallocation concept_country_turkey +concept_city_kazan concept:locationlocatedwithinlocation concept_country_russia +concept_city_kazan concept:cityliesonriver concept_river_volga +concept_city_kearney concept:atlocation concept_stateorprovince_nebraska +concept_city_kearney concept:proxyfor concept_stateorprovince_nebraska +concept_city_keflavik concept:locationlocatedwithinlocation concept_island_iceland +concept_city_kelowna concept:cityalsoknownas concept_city_columbia +concept_city_kelowna concept:locationlocatedwithinlocation concept_country_canada_canada +concept_city_kelowna concept:cityliesonriver concept_river_columbia +concept_city_kelso concept:cityliesonriver concept_river_columbia +concept_city_kelso concept:cityliesonriver concept_river_cowlitz +concept_city_kemerovo concept:locationlocatedwithinlocation concept_country_russia +concept_city_kemi concept:locationlocatedwithinlocation concept_country_finland +concept_city_kempsey concept:locationlocatedwithinlocation concept_country_australia +concept_city_kenai concept:atlocation concept_stateorprovince_alaska +concept_city_kenansville concept:atlocation concept_city_florida +concept_city_kendale_lakes concept:locationlocatedwithinlocation concept_city_florida +concept_city_kendale_lakes concept:proxyfor concept_city_florida +concept_city_kendall_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_kendall_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_kenedy concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_kenilworth concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_kenilworth concept:proxyfor concept_stateorprovince_new_jersey +concept_city_kenilworth concept:proxyfor concept_stateorprovince_newjersey +concept_city_kenmare concept:citylocatedincountry concept_country_ireland +concept_city_kennebunk concept:atlocation concept_stateorprovince_maine +concept_city_kennebunk concept:proxyfor concept_stateorprovince_maine +concept_city_kenner concept:proxyfor concept_creditunion_louisiana +concept_city_kenner concept:atlocation concept_stateorprovince_louisiana +concept_city_kenner concept:subpartof concept_stateorprovince_louisiana +concept_city_kennesaw concept:atlocation concept_stateorprovince_georgia +concept_city_kennesaw concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_kennesaw concept:subpartof concept_stateorprovince_georgia +concept_city_kenneth_city concept:atlocation concept_city_florida +concept_city_kennett concept:proxyfor concept_stateorprovince_missouri +concept_city_kennewick concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_kennewick concept:proxyfor concept_city_washington_d_c +concept_city_kennewick concept:subpartof concept_city_washington_d_c +concept_city_kennewick concept:cityliesonriver concept_river_columbia +concept_city_kennewick concept:cityliesonriver concept_river_columbia_river +concept_city_kenosha concept:atlocation concept_stateorprovince_wisconsin +concept_city_kenton concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_kenton concept:proxyfor concept_university_ohio +concept_city_kentville concept:citylocatedincountry concept_country_canada_canada +concept_city_kentwood concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_kentwood concept:proxyfor concept_stateorprovince_michigan +concept_city_keokuk concept:cityliesonriver concept_attraction_mississippi +concept_city_keokuk concept:atlocation concept_stateorprovince_iowa +concept_city_keokuk concept:proxyfor concept_stateorprovince_iowa +concept_city_keremeos concept:cityliesonriver concept_river_similkameen +concept_city_kerikeri concept:citylocatedincountry concept_country_new_zealand +concept_city_kerikeri concept:locationlocatedwithinlocation concept_country_new_zealand +concept_city_kerkyra concept:locationlocatedwithinlocation concept_country_greece +concept_city_kermanshah concept:locationlocatedwithinlocation concept_country_iran +concept_city_kerrville concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_kerrville concept:proxyfor concept_stateorprovince_texas +concept_city_kerry_county concept:locationlocatedwithinlocation concept_country_ireland +concept_city_ketchikan concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_ketchikan concept:proxyfor concept_stateorprovince_alaska +concept_city_ketchum concept:cityliesonriver concept_river_big_wood +concept_city_ketchum concept:atlocation concept_stateorprovince_idaho +concept_city_kettering concept:atlocation concept_stateorprovince_ohio +concept_city_kettle_falls concept:cityliesonriver concept_river_columbia +concept_city_kew concept:cityliesonriver concept_river_thames +concept_city_kewanee concept:atlocation concept_stateorprovince_illinois +concept_city_kewaunee concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_key_biscayne concept:atlocation concept_city_florida +concept_city_khabarovsk concept:locationlocatedwithinlocation concept_country_russia +concept_city_khabarovsk concept:cityliesonriver concept_river_amur +concept_city_khajuraho concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_kharkov concept:locationlocatedwithinlocation concept_country_ukraine +concept_city_khe_sanh concept:latitudelongitude 17.1916700000000,106.2583300000000 +concept_city_khe_sanh concept:atdate concept_date_n1968 +concept_city_khon_kaen concept:locationlocatedwithinlocation concept_country_thailand +concept_city_khong_island concept:cityliesonriver concept_river_mekong +concept_city_khopoli concept:latitudelongitude 18.7833300000000,73.3333300000000 +concept_city_kichijoji concept:latitudelongitude 35.7001000000000,139.5830150000000 +concept_city_kiel concept:locationlocatedwithinlocation concept_country_germany +concept_city_kiev concept:locationlocatedwithinlocation concept_country_ukraine +concept_city_kiev concept:cityliesonriver concept_river_dnepr +concept_city_kiev concept:cityliesonriver concept_river_dnieper +concept_city_kigali concept:citycapitalofcountry concept_country_rwanda +concept_city_kigali concept:citylocatedincountry concept_country_rwanda +concept_city_kigali concept:locationlocatedwithinlocation concept_country_rwanda +concept_city_kigali concept:proxyfor concept_country_rwanda +concept_city_kigali concept:subpartof concept_country_rwanda +concept_city_kihei concept:locationlocatedwithinlocation concept_stateorprovince_hawaii +concept_city_kihei concept:proxyfor concept_stateorprovince_hawaii +concept_city_kilgore concept:atlocation concept_stateorprovince_texas +concept_city_killeen concept:mutualproxyfor concept_city_texas +concept_city_killeen concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_killeen concept:proxyfor concept_stateorprovince_texas +concept_city_kimberley concept:locationlocatedwithinlocation concept_country_south_africa +concept_city_kinder concept:atlocation concept_attraction_louisiana +concept_city_kinderdijk concept:citylocatedincountry concept_country_netherlands +concept_city_king_city concept:atlocation concept_stateorprovince_california +concept_city_king_of_prussia concept:atlocation concept_stateorprovince_pennsylvania +concept_city_king_of_prussia concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_kingfisher_bay concept:latitudelongitude -25.3686100000000,153.0404900000000 +concept_city_kingman concept:proxyfor concept_beverage_arizona +concept_city_kingman concept:subpartof concept_beverage_arizona +concept_city_kingman concept:atlocation concept_stateorprovince_arizona +concept_city_kingscote concept:citylocatedinstate concept_stateorprovince_south_australia +concept_city_kingsport concept:cityliesonriver concept_river_holston +concept_city_kingsport concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_kingsport concept:proxyfor concept_stateorprovince_tennessee +concept_city_kingston concept:citylocatedincountry concept_country_canada_canada +concept_city_kingston concept:locationlocatedwithinlocation concept_country_canada_canada +concept_city_kingston concept:citycapitalofcountry concept_country_jamaica +concept_city_kingston concept:cityliesonriver concept_river_clinch +concept_city_kingston concept:cityliesonriver concept_river_hudson +concept_city_kingston concept:cityliesonriver concept_river_rideau +concept_city_kingston concept:proxyfor concept_stateorprovince_new_jersey +concept_city_kingston concept:atlocation concept_stateorprovince_new_york +concept_city_kingwood concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_kingwood concept:proxyfor concept_stateorprovince_texas +concept_city_kinsale concept:citylocatedincountry concept_country_ireland +concept_city_kinshasa concept:citycapitalofcountry concept_country_drc +concept_city_kinshasa concept:citylocatedincountry concept_country_drc +concept_city_kinshasa concept:locationlocatedwithinlocation concept_country_zaire +concept_city_kinston concept:proxyfor concept_creditunion_north_carolina +concept_city_kinston concept:cityliesonriver concept_river_neuse +concept_city_kinston concept:atlocation concept_stateorprovince_north_carolina +concept_city_kirkby_lonsdale concept:cityliesonriver concept_river_lune +concept_city_kirkenes concept:citylocatedincountry concept_country_norway +concept_city_kirkland concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_kirkland concept:proxyfor concept_city_washington_d_c +concept_city_kirksville concept:atlocation concept_stateorprovince_missouri +concept_city_kirksville concept:proxyfor concept_stateorprovince_missouri +concept_city_kirksville concept:subpartof concept_stateorprovince_missouri +concept_city_kirkwood concept:citylocatedinstate concept_stateorprovince_delaware +concept_city_kiruna concept:locationlocatedwithinlocation concept_city_sweden +concept_city_kiruna concept:citylocatedincountry concept_country_sweden +concept_city_kissimmee concept:locationlocatedwithinlocation concept_city_florida +concept_city_kissimmee concept:proxyfor concept_city_florida +concept_city_kisumu concept:locationlocatedwithinlocation concept_country_republic_of_kenya +concept_city_kitakyushu concept:locationlocatedwithinlocation concept_country_japan +concept_city_kitchener concept:cityliesonriver concept_attraction_grand +concept_city_kitchener concept:citylocatedincountry concept_country_canada_canada +concept_city_kittila concept:locationlocatedwithinlocation concept_country_finland +concept_city_kitulgala concept:cityliesonriver concept_river_kelani +concept_city_klagenfurt concept:locationlocatedwithinlocation concept_country_republic_of_austria +concept_city_klaipeda concept:locationlocatedwithinlocation concept_country_republic_of_lithuania +concept_city_klamath_falls concept:cityliesonriver concept_river_klamath +concept_city_klamath_falls concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_city_klamath_falls concept:proxyfor concept_stateorprovince_oregon +concept_city_klawock concept:citylocatedinstate concept_stateorprovince_ak +concept_city_klm concept:atlocation concept_building_amsterdam +concept_city_klm concept:subpartoforganization concept_company_air_france +concept_city_klm concept:organizationdissolvedatdate concept_date_may_2004 +concept_city_klm concept:organizationdissolvedatdate concept_date_n2004 +concept_city_klm concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_city_knock concept:locationlocatedwithinlocation concept_country_ireland +concept_city_knox concept:citylocatedinstate concept_stateorprovince_maine +concept_city_knoxville concept:cityliesonriver concept_river_french_broad +concept_city_knoxville concept:cityliesonriver concept_river_holston +concept_city_knoxville concept:atlocation concept_stateorprovince_tennessee +concept_city_kobe concept:citylocatedincountry concept_country_japan +concept_city_koblenz concept:cityliesonriver concept_river_mosel +concept_city_koblenz concept:cityliesonriver concept_river_moselle +concept_city_koblenz concept:cityliesonriver concept_river_rhine +concept_city_kocaeli concept:cityalsoknownas concept_city_izmit +concept_city_kochi concept:cityalsoknownas concept_city_cochin +concept_city_kochi concept:locationlocatedwithinlocation concept_country_japan +concept_city_kochi concept:proxyfor concept_stateorprovince_kerala +concept_city_kokkola concept:citylocatedincountry concept_country_finland +concept_city_kokomo concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_kokomo concept:proxyfor concept_stateorprovince_indiana +concept_city_kolkata concept:cityalsoknownas concept_city_calcutta +concept_city_kolkata concept:locationlocatedwithinlocation concept_city_state +concept_city_kolkata concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_kolkata concept:atdate concept_dateliteral_n2005 +concept_city_kolkata concept:atdate concept_dateliteral_n2006 +concept_city_kolkata concept:cityliesonriver concept_river_hooghly +concept_city_kolkata concept:citylocatedinstate concept_stateorprovince_west_bengal +concept_city_kolkata concept:proxyfor concept_stateorprovince_west_bengal +concept_city_kollam concept:citylocatedinstate concept_stateorprovince_kerala +concept_city_kollam concept:proxyfor concept_stateorprovince_kerala +concept_city_koln concept:cityliesonriver concept_river_rhine +concept_city_kompong_cham concept:cityliesonriver concept_river_mekong +concept_city_kongsvinger concept:citylocatedincountry concept_country_norway +concept_city_konya concept:locationlocatedwithinlocation concept_country_turkey +concept_city_koper concept:citylocatedincountry concept_country_slovenia +concept_city_korla concept:locationlocatedwithinlocation concept_country_china +concept_city_kosciusko concept:proxyfor concept_emotion_mississippi +concept_city_kosciusko concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_kosice concept:locationlocatedwithinlocation concept_country_slovakia +concept_city_koszalin concept:locationlocatedwithinlocation concept_country_poland +concept_city_kota_bharu concept:locationlocatedwithinlocation concept_country_malaysia +concept_city_kota_kinabalu concept:locationlocatedwithinlocation concept_country_malaysia +concept_city_kota_kinabalu concept:citylocatedingeopoliticallocation concept_geopoliticalorganization_sabah +concept_city_kota_kinabalu concept:proxyfor concept_geopoliticalorganization_sabah +concept_city_kota_kinabalu_city concept:citylocatedingeopoliticallocation concept_geopoliticalorganization_sabah +concept_city_kozhikode concept:cityalsoknownas concept_city_calicut +concept_city_kozhikode concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_kozhikode concept:proxyfor concept_stateorprovince_kerala +concept_city_kragujevac concept:citylocatedincountry concept_country_montenegro +concept_city_krakow concept:citylocatedingeopoliticallocation concept_country_poland +concept_city_krakow concept:proxyfor concept_country_poland +concept_city_krakow concept:cityliesonriver concept_river_vistula +concept_city_kramfors concept:locationlocatedwithinlocation concept_city_sweden +concept_city_krasnodar concept:locationlocatedwithinlocation concept_country_russia +concept_city_krasnojarsk concept:locationlocatedwithinlocation concept_country_russia +concept_city_krasnoyarsk concept:cityliesonriver concept_river_yenisei +concept_city_kratie concept:cityliesonriver concept_river_mekong +concept_city_krems concept:cityliesonriver concept_river_danube +concept_city_kristiansand concept:locationlocatedwithinlocation concept_country_norway +concept_city_kristianstad concept:locationlocatedwithinlocation concept_city_sweden +concept_city_kristiansund concept:locationlocatedwithinlocation concept_country_norway +concept_city_ks concept:atlocation concept_city_topeka +concept_city_ks concept:locationlocatedwithinlocation concept_country_usa +concept_city_ks concept:subpartof concept_country_usa +concept_city_kuala_lumpur concept:citycapitalofcountry concept_country_malaysia +concept_city_kuala_lumpur concept:citylocatedincountry concept_country_malaysia +concept_city_kuala_lumpur concept:atdate concept_date_n2003 +concept_city_kuala_lumpur concept:atdate concept_date_n2004 +concept_city_kuala_lumpur concept:atdate concept_dateliteral_n2005 +concept_city_kuala_lumpur concept:atdate concept_dateliteral_n2006 +concept_city_kuala_lumpur concept:atdate concept_dateliteral_n2007 +concept_city_kuala_lumpur concept:atdate concept_dateliteral_n2008 +concept_city_kuala_lumpur concept:atdate concept_year_n1995 +concept_city_kuala_lumpur concept:atdate concept_year_n1997 +concept_city_kuantan concept:locationlocatedwithinlocation concept_country_malaysia +concept_city_kuching concept:locationlocatedwithinlocation concept_country_malaysia +concept_city_kuching concept:citylocatedinstate concept_stateorprovince_sarawak +concept_city_kuching concept:proxyfor concept_stateorprovince_sarawak +concept_city_kues concept:agentbelongstoorganization concept_company_pbs +concept_city_kues concept:subpartof concept_museum_pbs +concept_city_kulusuk concept:locationlocatedwithinlocation concept_country_greenland +concept_city_kumamoto concept:locationlocatedwithinlocation concept_country_japan +concept_city_kumasi concept:proxyfor concept_election_ashanti_region +concept_city_kunming concept:locationlocatedwithinlocation concept_country_china +concept_city_kunming concept:proxyfor concept_country_china +concept_city_kunming concept:proxyfor concept_geopoliticalorganization_yunnan_province +concept_city_kununurra concept:locationlocatedwithinlocation concept_country_australia +concept_city_kuopio concept:locationlocatedwithinlocation concept_country_finland +concept_city_kuressaare concept:locationlocatedwithinlocation concept_country_estonia +concept_city_kusadasi concept:citylocatedincountry concept_country_turkey +concept_city_kushiro concept:locationlocatedwithinlocation concept_country_japan +concept_city_kut concept:cityliesonriver concept_river_tigris +concept_city_kuujjuarapik concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_kuusamo concept:locationlocatedwithinlocation concept_country_finland +concept_city_kuwait_city concept:locationlocatedwithinlocation concept_country_kuwait +concept_city_kwajalein concept:locationlocatedwithinlocation concept_island_marshall_islands +concept_city_kyiv concept:citylocatedincountry concept_country_ukraine +concept_city_kyiv concept:cityliesonriver concept_river_dnipro +concept_city_kyoto concept:citylocatedincountry concept_country_japan +concept_city_l_a_ concept:cityalsoknownas concept_city_la +concept_city_l_a_ concept:proxyfor concept_lake_new +concept_city_l_a_ concept:agentcompeteswithagent concept_newspaper_journal +concept_city_l_a_ concept:agentcompeteswithagent concept_personcanada_post +concept_city_l_a_ concept:citylocatedinstate concept_stateorprovince_california +concept_city_l_a_ concept:agentcompeteswithagent concept_stateorprovince_times +concept_city_la concept:locationlocatedwithinlocation concept_country_usa +concept_city_la concept:subpartof concept_country_usa +concept_city_la concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_la concept:proxyfor concept_stateorprovince_california +concept_city_la_ceiba concept:citylocatedingeopoliticallocation concept_country_honduras +concept_city_la_crosse concept:cityliesonriver concept_attraction_mississippi +concept_city_la_crosse concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_la_crosse concept:proxyfor concept_stateorprovince_wisconsin +concept_city_la_grange concept:cityliesonriver concept_river_tuolumne +concept_city_la_grange concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_la_grange concept:atlocation concept_stateorprovince_illinois +concept_city_la_habra concept:citylocatedinstate concept_stateorprovince_california +concept_city_la_jolla concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_la_jolla concept:proxyfor concept_stateorprovince_california +concept_city_la_mesa concept:citylocatedinstate concept_stateorprovince_california +concept_city_la_mesa concept:mutualproxyfor concept_stateorprovince_california +concept_city_la_mirada concept:atlocation concept_stateorprovince_california +concept_city_la_palma concept:citylocatedincountry concept_country_spain +concept_city_la_paz concept:locationlocatedwithinlocation concept_country_bolivia +concept_city_la_paz concept:citylocatedincountry concept_country_mexico +concept_city_la_paz concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_la_paz concept:citylocatedingeopoliticallocation concept_stateorprovince_baja_california +concept_city_la_paz concept:citylocatedingeopoliticallocation concept_visualizablescene_baja_california_sur +concept_city_la_porte concept:atlocation concept_stateorprovince_texas +concept_city_la_push concept:latitudelongitude 47.9086800000000,-124.6366000000000 +concept_city_la_quinta concept:atlocation concept_stateorprovince_california +concept_city_la_quinta concept:mutualproxyfor concept_stateorprovince_california +concept_city_la_romana concept:locationlocatedwithinlocation concept_country_dominican_republic +concept_city_la_serena concept:cityliesonriver concept_river_elqui +concept_city_la_vista concept:proxyfor concept_university_nebraska +concept_city_labuan_bajo concept:citylocatedincountry concept_country_indonesia +concept_city_laconia concept:atlocation concept_stateorprovince_new_hampshire +concept_city_ladysmith concept:cityliesonriver concept_river_flambeau +concept_city_lafayette concept:cityliesonriver concept_river_wabash +concept_city_lafayette concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_lafayette concept:atlocation concept_stateorprovince_california +concept_city_lafayette concept:atlocation concept_stateorprovince_colorado +concept_city_lafayette concept:atlocation concept_stateorprovince_indiana +concept_city_lafayette concept:proxyfor concept_stateorprovince_indiana +concept_city_lafayette concept:subpartof concept_stateorprovince_indiana +concept_city_lafayette concept:proxyfor concept_stateorprovince_louisiana +concept_city_lafayette concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lagos concept:citycapitalofcountry concept_country_nigeria +concept_city_lagos concept:citylocatedincountry concept_country_nigeria +concept_city_lagrange concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_lagrange concept:proxyfor concept_stateorprovince_georgia +concept_city_laguna concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_laguna_beach concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_laguna_beach concept:proxyfor concept_stateorprovince_california +concept_city_laguna_hills concept:atlocation concept_stateorprovince_california +concept_city_laguna_hills concept:mutualproxyfor concept_stateorprovince_california +concept_city_laguna_niguel concept:citylocatedinstate concept_stateorprovince_california +concept_city_laguna_woods concept:citylocatedinstate concept_stateorprovince_california +concept_city_lahore concept:citylocatedincountry concept_country_pakistan +concept_city_lahore concept:locationlocatedwithinlocation concept_stateorprovince_punjab +concept_city_lake_alfred concept:atlocation concept_city_florida +concept_city_lake_charles concept:proxyfor concept_creditunion_louisiana +concept_city_lake_charles concept:cityliesonriver concept_river_calcasieu +concept_city_lake_charles concept:atlocation concept_stateorprovince_louisiana +concept_city_lake_city concept:cityliesonriver concept_attraction_mississippi +concept_city_lake_city concept:proxyfor concept_city_florida +concept_city_lake_city concept:citylocatedinstate concept_stateorprovince_florida +concept_city_lake_forest concept:citylocatedinstate concept_stateorprovince_california +concept_city_lake_forest concept:proxyfor concept_stateorprovince_california +concept_city_lake_havasu_city concept:atlocation concept_stateorprovince_arizona +concept_city_lake_jackson concept:citylocatedinstate concept_stateorprovince_texas +concept_city_lake_jackson concept:proxyfor concept_stateorprovince_texas +concept_city_lake_oswego concept:cityliesonriver concept_river_willamette +concept_city_lake_oswego concept:atlocation concept_stateorprovince_oregon +concept_city_lake_oswego concept:mutualproxyfor concept_stateorprovince_oregon +concept_city_lake_villa concept:atlocation concept_stateorprovince_illinois +concept_city_lake_village concept:cityliesonriver concept_attraction_mississippi +concept_city_lake_wales concept:atlocation concept_city_florida +concept_city_lake_wales concept:proxyfor concept_city_florida +concept_city_lake_worth concept:atlocation concept_city_florida +concept_city_lake_worth concept:proxyfor concept_city_florida +concept_city_lake_zurich concept:cityliesonriver concept_river_limmat +concept_city_lake_zurich concept:atlocation concept_stateorprovince_illinois +concept_city_lakeland concept:locationlocatedwithinlocation concept_city_florida +concept_city_lakeland concept:proxyfor concept_city_florida +concept_city_lakeland concept:subpartof concept_city_florida +concept_city_lakeport concept:atlocation concept_stateorprovince_california +concept_city_lakeville concept:atlocation concept_stateorprovince_minnesota +concept_city_lakeville concept:proxyfor concept_stateorprovince_minnesota +concept_city_lakeville concept:subpartof concept_stateorprovince_minnesota +concept_city_lakewood concept:atlocation concept_stateorprovince_california +concept_city_lakewood concept:proxyfor concept_stateorprovince_california +concept_city_lakewood concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_lakewood concept:proxyfor concept_stateorprovince_colorado +concept_city_lakewood concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_lakewood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lakewood concept:proxyfor concept_university_ohio +concept_city_lakselv concept:citylocatedincountry concept_country_norway +concept_city_lambertville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_lambertville concept:proxyfor concept_stateorprovince_newjersey +concept_city_lancaster concept:cityliesonriver concept_river_lune +concept_city_lancaster concept:cityliesonriver concept_river_susquehanna +concept_city_lancaster concept:citylocatedinstate concept_stateorprovince_california +concept_city_lancaster concept:proxyfor concept_stateorprovince_california +concept_city_lancaster concept:atlocation concept_stateorprovince_ohio +concept_city_lancaster concept:atlocation concept_stateorprovince_pennsylvania +concept_city_lancaster concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_lancaster concept:subpartof concept_stateorprovince_pennsylvania +concept_city_lancaster concept:atlocation concept_stateorprovince_texas +concept_city_land concept:atdate concept_dateliteral_n2002 +concept_city_land concept:atdate concept_dateliteral_n2005 +concept_city_land concept:atdate concept_dateliteral_n2006 +concept_city_land concept:atdate concept_dateliteral_n2007 +concept_city_land concept:istallerthan concept_publication_people_ +concept_city_lander concept:cityliesonriver concept_river_popo_agie +concept_city_lander concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_landover concept:proxyfor concept_monument_fedex_field +concept_city_landsdale concept:latitudelongitude 55.0000000000000,9.0000000000000 +concept_city_lane concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_langley concept:cityliesonriver concept_river_columbia +concept_city_lannion concept:citylocatedincountry concept_country_france_france +concept_city_lansdale concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_lansdale concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_lansing concept:cityliesonriver concept_attraction_grand +concept_city_lansing concept:citylocatedincountry concept_country_usa +concept_city_lansing concept:atlocation concept_stateorprovince_illinois +concept_city_lanzarote concept:citylocatedingeopoliticallocation concept_island_canary_islands +concept_city_lanzhou concept:cityliesonriver concept_river_yellow +concept_city_laplace concept:atlocation concept_stateorprovince_louisiana +concept_city_laporte concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_lappeenranta concept:locationlocatedwithinlocation concept_country_finland +concept_city_laramie concept:citylocatedinstate concept_stateorprovince_wyoming +concept_city_laramie concept:mutualproxyfor concept_stateorprovince_wyoming +concept_city_laredo concept:citylocatedinstate concept_stateorprovince_texas +concept_city_laredo concept:proxyfor concept_stateorprovince_texas +concept_city_largo concept:atlocation concept_city_florida +concept_city_largo concept:proxyfor concept_city_florida +concept_city_largo concept:subpartof concept_city_florida +concept_city_larissa concept:citylocatedincountry concept_country_greece +concept_city_larkspur concept:atlocation concept_stateorprovince_california +concept_city_las_animas concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_las_cruces concept:organizationhiredperson concept_coach_hal_mumme +concept_city_las_cruces concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_las_cruces concept:proxyfor concept_stateorprovince_new_mexico +concept_city_las_palmas_de_gran_canaria concept:locationlocatedwithinlocation concept_country_spain +concept_city_las_palmas_de_gran_canaria concept:locationlocatedwithinlocation concept_visualizablething_gran_canaria +concept_city_las_vegas concept:cityliesonriver concept_attraction_grand +concept_city_las_vegas concept:citylocatedincountry concept_country_usa +concept_city_las_vegas concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_laughlin concept:cityliesonriver concept_river_colorado_river +concept_city_laughlin concept:atlocation concept_stateorprovince_nevada +concept_city_launceston concept:cityliesonriver concept_river_south_esk +concept_city_laura_ingalls_wilder concept:agentcreated concept_landscapefeatures_prairie +concept_city_laurel concept:atdate concept_date_n2003 +concept_city_laurel concept:atlocation concept_stateorprovince_maryland +concept_city_lausanne concept:citylocatedincountry concept_country_switzerland +concept_city_laval concept:citylocatedincountry concept_country_canada_canada +concept_city_laval concept:locationlocatedwithinlocation concept_stateorprovince_quebec +concept_city_laval concept:proxyfor concept_stateorprovince_quebec +concept_city_lawas concept:citylocatedinstate concept_stateorprovince_sarawak +concept_city_lawndale concept:atlocation concept_stateorprovince_california +concept_city_lawndale concept:mutualproxyfor concept_stateorprovince_california +concept_city_lawnside concept:proxyfor concept_radiostation_new_jersey +concept_city_lawrence concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_lawrence concept:proxyfor concept_stateorprovince_indiana +concept_city_lawrence concept:atlocation concept_stateorprovince_kansas +concept_city_lawrence concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_lawrenceburg concept:proxyfor concept_coach_kentucky +concept_city_lawrenceville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_lawrenceville concept:proxyfor concept_stateorprovince_georgia +concept_city_lawrenceville concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_lawton concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_lawton concept:proxyfor concept_stateorprovince_oklahoma +concept_city_layton concept:locationlocatedwithinlocation concept_county_utah +concept_city_layton concept:mutualproxyfor concept_county_utah +concept_city_layton concept:atlocation concept_stateorprovince_utah +concept_city_le_havre concept:cityliesonriver concept_river_seine +concept_city_lead concept:proxyfor concept_politicaloffice_new +concept_city_lead concept:agentparticipatedinevent concept_sportsgame_series +concept_city_lead concept:agentparticipatedinevent concept_sportsgame_standings +concept_city_leadville concept:cityliesonriver concept_river_arkansas_river +concept_city_leadville concept:atlocation concept_stateorprovince_colorado +concept_city_league_city concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_league_city concept:proxyfor concept_stateorprovince_texas +concept_city_leavenworth concept:proxyfor concept_creditunion_kansas +concept_city_leavenworth concept:atlocation concept_stateorprovince_kansas +concept_city_leawood concept:atlocation concept_stateorprovince_kansas +concept_city_lebanon concept:citycapitalofcountry concept_country_lebanon +concept_city_lebanon concept:cityliesonriver concept_river_litani +concept_city_lebanon concept:cityliesonriver concept_river_willamette +concept_city_lebanon concept:atlocation concept_stateorprovince_indiana +concept_city_lebanon concept:atlocation concept_stateorprovince_missouri +concept_city_lebanon concept:locationlocatedwithinlocation concept_stateorprovince_new_hampshire +concept_city_lebanon concept:proxyfor concept_stateorprovince_new_hampshire +concept_city_lebanon concept:atlocation concept_stateorprovince_oregon +concept_city_lebanon concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_lebanon concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_lebanon concept:atlocation concept_stateorprovince_tennessee +concept_city_ledgewood concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_ledgewood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lee_s_summit concept:latitudelongitude 38.9239200000000,-94.3734325000000 +concept_city_leeds concept:cityliesonriver concept_river_aire +concept_city_lees_summit concept:proxyfor concept_company_missouri +concept_city_lees_summit concept:atlocation concept_stateorprovince_missouri +concept_city_leesburg concept:atlocation concept_city_florida +concept_city_leesburg concept:proxyfor concept_city_florida +concept_city_leesburg concept:cityliesonriver concept_river_potomac +concept_city_leesburg concept:proxyfor concept_stateorprovince_new_jersey +concept_city_leesburg concept:atlocation concept_stateorprovince_virginia +concept_city_leesburg concept:proxyfor concept_stateorprovince_virginia +concept_city_leesburg concept:subpartof concept_stateorprovince_virginia +concept_city_leesville concept:atlocation concept_stateorprovince_louisiana +concept_city_lego concept:organizationterminatedperson concept_personeurope_disney +concept_city_leh concept:cityliesonriver concept_river_indus +concept_city_lehi concept:proxyfor concept_stateorprovince_utah +concept_city_lehigh_acres concept:atlocation concept_city_florida +concept_city_leicester concept:atdate concept_dateliteral_n2006 +concept_city_leiria concept:citylocatedincountry concept_country_portugal +concept_city_leitchfield concept:proxyfor concept_coach_kentucky +concept_city_lemoore concept:subpartof concept_stateorprovince_california +concept_city_lenexa concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_city_lenexa concept:proxyfor concept_stateorprovince_kansas +concept_city_lenexa concept:subpartof concept_stateorprovince_kansas +concept_city_leningrad concept:cityalsoknownas concept_city_petersburg +concept_city_leningrad concept:cityalsoknownas concept_city_saint_petersburg +concept_city_leningrad concept:cityalsoknownas concept_city_st___petersburg +concept_city_leningrad concept:cityalsoknownas concept_city_st__petersburg +concept_city_leningrad concept:citylocatedincountry concept_country_scandinavian_countries +concept_city_lenoir_city concept:atlocation concept_stateorprovince_tennessee +concept_city_leominster concept:proxyfor concept_beach_massachusetts +concept_city_levittown concept:proxyfor concept_stateorprovince_new_york +concept_city_levuka concept:citylocatedincountry concept_country_fiji +concept_city_lewisburg concept:cityliesonriver concept_river_susquehanna +concept_city_lewisburg concept:atlocation concept_stateorprovince_tennessee +concept_city_lewisburg concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_lewisburg concept:proxyfor concept_stateorprovince_west_virginia +concept_city_lewiston concept:cityliesonriver concept_river_androscoggin +concept_city_lewiston concept:cityliesonriver concept_river_clearwater +concept_city_lewiston concept:cityliesonriver concept_river_columbia +concept_city_lewiston concept:cityliesonriver concept_river_niagara +concept_city_lewiston concept:cityliesonriver concept_river_snake +concept_city_lewiston concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_lewiston concept:proxyfor concept_stateorprovince_idaho +concept_city_lewiston concept:atlocation concept_stateorprovince_maine +concept_city_lewiston concept:proxyfor concept_stateorprovince_maine +concept_city_lewistown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_lewisville concept:mutualproxyfor concept_city_texas +concept_city_lewisville concept:proxyfor concept_stateorprovince_idaho +concept_city_lewisville concept:atlocation concept_stateorprovince_texas +concept_city_lewisville concept:subpartof concept_stateorprovince_texas +concept_city_lexington_fayette concept:proxyfor concept_stateorprovince_kentucky +concept_city_lhasa concept:proxyfor concept_agent_tibet +concept_city_lhasa concept:citycapitalofcountry concept_country_tibet +concept_city_lhasa concept:citylocatedincountry concept_country_tibet +concept_city_lhasa concept:cityliesonriver concept_river_kyichu +concept_city_lhassa concept:citycapitalofcountry concept_country_people_s_republic_of_china +concept_city_lhassa concept:citylocatedincountry concept_country_people_s_republic_of_china +concept_city_li_ge concept:cityliesonriver concept_river_meuse +concept_city_libby concept:cityliesonriver concept_river_kootenai +concept_city_liberal concept:atlocation concept_stateorprovince_kansas +concept_city_liberty concept:atlocation concept_stateorprovince_missouri +concept_city_liberty concept:citylocatedinstate concept_stateorprovince_montana +concept_city_libertyville concept:atlocation concept_stateorprovince_illinois +concept_city_library concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_library concept:atdate concept_date_n1999 +concept_city_library concept:atdate concept_date_n2000 +concept_city_library concept:atdate concept_date_n2001 +concept_city_library concept:atdate concept_date_n2004 +concept_city_library concept:atdate concept_dateliteral_n2002 +concept_city_library concept:atdate concept_dateliteral_n2005 +concept_city_library concept:atdate concept_dateliteral_n2006 +concept_city_library concept:atdate concept_dateliteral_n2007 +concept_city_library concept:atdate concept_dateliteral_n2008 +concept_city_library concept:atdate concept_year_n1992 +concept_city_libreville concept:citycapitalofcountry concept_country_gabon +concept_city_libreville concept:citylocatedincountry concept_country_gabon +concept_city_liege concept:locationlocatedwithinlocation concept_country_belgium +concept_city_liege concept:cityliesonriver concept_river_meuse +concept_city_lihue concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_lihue concept:proxyfor concept_stateorprovince_hawaii +concept_city_lillehammer concept:citylocatedincountry concept_country_norway +concept_city_lillington concept:cityliesonriver concept_river_cape_fear +concept_city_lilongwe concept:citycapitalofcountry concept_country_malawi +concept_city_lilongwe concept:citylocatedincountry concept_country_malawi +concept_city_lima concept:citycapitalofcountry concept_country_peru +concept_city_lima concept:citylocatedincountry concept_country_peru +concept_city_lima concept:atdate concept_date_n2003 +concept_city_lima concept:cityliesonriver concept_river_colca +concept_city_lima concept:atlocation concept_stateorprovince_ohio +concept_city_limassol concept:citylocatedincountry concept_country_cyprus +concept_city_limburg concept:cityliesonriver concept_river_maas +concept_city_limerick concept:atdate concept_dateliteral_n2006 +concept_city_limerick concept:atdate concept_dateliteral_n2007 +concept_city_limerick concept:cityliesonriver concept_visualizablescene_shannon +concept_city_limoges concept:citylocatedincountry concept_country_france_france +concept_city_limoges concept:cityliesonriver concept_visualizablething_vienne +concept_city_limon concept:atlocation concept_stateorprovince_colorado +concept_city_lincoln concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_lincoln concept:cityliesonriver concept_river_penobscot +concept_city_lincoln concept:cityliesonriver concept_river_witham +concept_city_lincoln concept:mutualproxyfor concept_stateorprovince_california +concept_city_lincoln concept:atlocation concept_stateorprovince_illinois +concept_city_lincoln_park concept:proxyfor concept_creditunion_michigan +concept_city_lincoln_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_lincoln_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_lincroft concept:proxyfor concept_stateorprovince_new_jersey +concept_city_linden concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lindenwold concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lindenwold concept:proxyfor concept_stateorprovince_newjersey +concept_city_link concept:mutualproxyfor concept_beverage_new +concept_city_link concept:agentcreated concept_book_print +concept_city_link concept:agentinvolvedwithitem concept_buildingfeature_tab_window +concept_city_link concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_link concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_link concept:agentcreated concept_city_click +concept_city_link concept:agentcreated concept_geopoliticalorganization_e_mail +concept_city_link concept:agentinvolvedwithitem concept_hallwayitem_browser_tab +concept_city_link concept:agentinvolvedwithitem concept_hallwayitem_window_tab +concept_city_link concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_link concept:agentcreated concept_physicalaction_press +concept_city_link concept:proxyfor concept_politicaloffice_new +concept_city_link concept:agentcreated concept_programminglanguage_contact +concept_city_link concept:agentcreated concept_programminglanguage_email +concept_city_link concept:agentcreated concept_tableitem_clicking +concept_city_link concept:agentcompeteswithagent concept_tradeunion_search +concept_city_link concept:agentcreated concept_visualizablething_use +concept_city_link concept:agentinvolvedwithitem concept_wallitem_browser_page +concept_city_link concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_link concept:agentcreated concept_website_download +concept_city_linz concept:locationlocatedwithinlocation concept_country_republic_of_austria +concept_city_linz concept:cityliesonriver concept_river_danube +concept_city_lisboa concept:citylocatedincountry concept_country_portugal +concept_city_lisbon concept:citylocatedincountry concept_country_portugal +concept_city_lisbon concept:proxyfor concept_country_portugal +concept_city_lisbon concept:atdate concept_date_n2000 +concept_city_lisbon concept:atdate concept_date_n2009 +concept_city_lisbon concept:atdate concept_dateliteral_n2006 +concept_city_lisbon concept:atdate concept_dateliteral_n2007 +concept_city_lisbon concept:cityliesonriver concept_river_tagus +concept_city_lisbon concept:cityliesonriver concept_river_tejo +concept_city_lisbon concept:atdate concept_year_n1995 +concept_city_lisbon_lisbon concept:citycapitalofcountry concept_country_portugal +concept_city_lisle concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_listings concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_listings concept:proxyfor concept_politicaloffice_new +concept_city_listings concept:agentcompeteswithagent concept_tradeunion_search +concept_city_lithia_springs concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_lithonia concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_lithonia concept:proxyfor concept_stateorprovince_georgia +concept_city_little_falls concept:cityliesonriver concept_attraction_mississippi +concept_city_little_falls concept:cityliesonriver concept_river_mohawk +concept_city_little_falls concept:proxyfor concept_stateorprovince_newjersey +concept_city_little_rock concept:atlocation concept_stateorprovince_arkansas +concept_city_littleton concept:cityliesonriver concept_river_south_platte +concept_city_littleton concept:locationlocatedwithinlocation concept_stateorprovince_colorada +concept_city_littleton concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_littleton concept:proxyfor concept_stateorprovince_colorado +concept_city_live_oak concept:atlocation concept_city_florida +concept_city_live_oak concept:cityliesonriver concept_river_suwannee +concept_city_livermore concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_livermore concept:proxyfor concept_stateorprovince_california +concept_city_liverpool concept:proxyfor concept_country_england +concept_city_liverpool concept:citylocatedincountry concept_country_ireland +concept_city_liverpool concept:atdate concept_dateliteral_n2005 +concept_city_liverpool concept:atdate concept_dateliteral_n2007 +concept_city_liverpool concept:atdate concept_dateliteral_n2008 +concept_city_liverpool concept:cityliesonriver concept_river_mersey +concept_city_livingston concept:cityliesonriver concept_river_yellowstone +concept_city_livingston concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_livingston concept:atlocation concept_stateorprovince_montana +concept_city_livingston concept:proxyfor concept_stateorprovince_new_jersey +concept_city_livingston concept:proxyfor concept_stateorprovince_newjersey +concept_city_livingstone concept:cityliesonriver concept_river_zambezi +concept_city_livonia concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_livonia concept:proxyfor concept_stateorprovince_michigan +concept_city_ljubliana concept:citylocatedincountry concept_country_slovenia +concept_city_ljubljana concept:citycapitalofcountry concept_country_slovenia +concept_city_ljubljana concept:atdate concept_dateliteral_n2006 +concept_city_llangollen concept:cityliesonriver concept_river_dee +concept_city_locarno concept:citylocatedincountry concept_country_switzerland +concept_city_loch_arbour concept:proxyfor concept_radiostation_new_jersey +concept_city_loch_arbour concept:proxyfor concept_stateorprovince_newjersey +concept_city_lock_haven concept:cityliesonriver concept_river_susquehanna +concept_city_lockport concept:cityliesonriver concept_river_des_plaines +concept_city_lodi concept:atlocation concept_stateorprovince_california +concept_city_lodi concept:mutualproxyfor concept_stateorprovince_california +concept_city_lodi concept:subpartof concept_stateorprovince_california +concept_city_lodzkie concept:locationlocatedwithinlocation concept_country_poland +concept_city_log concept:synonymfor concept_company_realtime +concept_city_log concept:thinghasshape concept_geometricshape_shape +concept_city_logan concept:locationlocatedwithinlocation concept_county_utah +concept_city_logan concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_logansport concept:cityliesonriver concept_river_wabash +concept_city_logansport concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_logansport concept:proxyfor concept_stateorprovince_indiana +concept_city_login concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_loiano concept:latitudelongitude 44.2680600000000,11.3284200000000 +concept_city_loma_linda concept:atlocation concept_stateorprovince_california +concept_city_loma_linda concept:proxyfor concept_stateorprovince_california +concept_city_lombard concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_lombard concept:proxyfor concept_stateorprovince_illinois +concept_city_lome concept:citycapitalofcountry concept_country_togo +concept_city_lome concept:citylocatedincountry concept_country_togo +concept_city_lompoc concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_lompoc concept:proxyfor concept_stateorprovince_california +concept_city_london_city concept:cityliesonriver concept_attraction_grand +concept_city_london_city concept:istallerthan concept_city_place +concept_city_london_city concept:proxyfor concept_city_united_kingdom +concept_city_london_city concept:locationlocatedwithinlocation concept_continent_europe +concept_city_london_city concept:citycapitalofcountry concept_country_britain +concept_city_london_city concept:citylocatedingeopoliticallocation concept_country_england +concept_city_london_city concept:proxyfor concept_country_england +concept_city_london_city concept:citylocatedingeopoliticallocation concept_country_great_britain +concept_city_london_city concept:citylocatedincountry concept_country_the_united_kingdom +concept_city_london_city concept:atdate concept_date_n1939 +concept_city_london_city concept:atdate concept_date_n1941 +concept_city_london_city concept:atdate concept_date_n1944 +concept_city_london_city concept:atdate concept_date_n1999 +concept_city_london_city concept:atdate concept_date_n2000 +concept_city_london_city concept:atdate concept_date_n2003 +concept_city_london_city concept:atdate concept_date_n2004 +concept_city_london_city concept:atdate concept_date_n2009 +concept_city_london_city concept:atdate concept_dateliteral_n1918 +concept_city_london_city concept:atdate concept_dateliteral_n1938 +concept_city_london_city concept:atdate concept_dateliteral_n1945 +concept_city_london_city concept:atdate concept_dateliteral_n2002 +concept_city_london_city concept:atdate concept_dateliteral_n2005 +concept_city_london_city concept:atdate concept_dateliteral_n2006 +concept_city_london_city concept:atdate concept_dateliteral_n2007 +concept_city_london_city concept:atdate concept_dateliteral_n2008 +concept_city_london_city concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_london_city concept:locationlocatedwithinlocation concept_geopoliticallocation_world +concept_city_london_city concept:atlocation concept_lake_new +concept_city_london_city concept:proxyfor concept_lake_new +concept_city_london_city concept:agentcompeteswithagent concept_newspaper_journal +concept_city_london_city concept:agentcompeteswithagent concept_newspaper_tribune +concept_city_london_city concept:organizationhiredperson concept_politician_boris_johnson +concept_city_london_city concept:istallerthan concept_publication_people_ +concept_city_london_city concept:cityliesonriver concept_river_river_thames +concept_city_london_city concept:cityliesonriver concept_river_thames +concept_city_london_city concept:cityliesonriver concept_river_thames_river +concept_city_london_city concept:atlocation concept_stateorprovince_kentucky +concept_city_london_city concept:proxyfor concept_stateorprovince_kentucky +concept_city_london_city concept:atlocation concept_stateorprovince_ohio +concept_city_london_city concept:mutualproxyfor concept_stateorprovince_ontario +concept_city_london_city concept:atdate concept_year_n1660 +concept_city_london_city concept:atdate concept_year_n1795 +concept_city_london_city concept:atdate concept_year_n1824 +concept_city_london_city concept:atdate concept_year_n1839 +concept_city_london_city concept:atdate concept_year_n1847 +concept_city_london_city concept:atdate concept_year_n1854 +concept_city_london_city concept:atdate concept_year_n1897 +concept_city_london_city concept:atdate concept_year_n1916 +concept_city_london_city concept:atdate concept_year_n1998 +concept_city_long_beach concept:cityliesonriver concept_attraction_grand +concept_city_long_beach concept:cityliesonriver concept_river_columbia +concept_city_long_beach concept:citylocatedinstate concept_stateorprovince_california +concept_city_long_beach concept:proxyfor concept_stateorprovince_california +concept_city_long_beach concept:proxyfor concept_stateorprovince_newjersey +concept_city_long_island_city concept:atlocation concept_stateorprovince_new_york +concept_city_long_xuyen concept:cityliesonriver concept_river_mekong +concept_city_longmont concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_longmont concept:proxyfor concept_stateorprovince_colorado +concept_city_longmont concept:subpartof concept_stateorprovince_colorado +concept_city_longview concept:proxyfor concept_city_washington_d_c +concept_city_longview concept:cityliesonriver concept_river_columbia +concept_city_longview concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_longview concept:proxyfor concept_stateorprovince_texas +concept_city_longview concept:subpartof concept_stateorprovince_texas +concept_city_lonoke concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_lorain concept:atlocation concept_stateorprovince_ohio +concept_city_lorain concept:proxyfor concept_university_ohio +concept_city_lorain concept:subpartof concept_university_ohio +concept_city_lord_howe concept:citycapitalofcountry concept_country_australia +concept_city_los_alamitos concept:atlocation concept_stateorprovince_california +concept_city_los_alamos concept:citylocatedingeopoliticallocation concept_county_new_mexico +concept_city_los_alamos concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_los_altos concept:atlocation concept_stateorprovince_california +concept_city_los_angeles_long_beach concept:latitudelongitude 33.8048266666667,-118.1526733333333 +concept_city_los_banos concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_los_banos concept:proxyfor concept_stateorprovince_california +concept_city_los_gatos concept:atlocation concept_stateorprovince_california +concept_city_los_gatos concept:mutualproxyfor concept_stateorprovince_california +concept_city_los_osos concept:atlocation concept_stateorprovince_california +concept_city_losuia concept:citylocatedincountry concept_country_papua_new_guinea +concept_city_lotus concept:subpartoforganization concept_company_ibm +concept_city_lotus concept:mutualproxyfor concept_scientist_mitch_kapor +concept_city_lotus concept:organizationhiredperson concept_scientist_mitch_kapor +concept_city_lotus concept:organizationterminatedperson concept_scientist_mitch_kapor +concept_city_lotus concept:subpartof concept_scientist_mitch_kapor +concept_city_louisiana concept:cityliesonriver concept_attraction_grand +concept_city_louisiana concept:cityliesonriver concept_attraction_mississippi +concept_city_louisiana concept:locationlocatedwithinlocation concept_country_usa +concept_city_louisiana concept:subpartof concept_country_usa +concept_city_louisiana concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_louisville concept:organizationhiredperson concept_athlete_rick_pitino +concept_city_louisville concept:organizationhiredperson concept_coach_bobby_petrino +concept_city_louisville concept:organizationhiredperson concept_coach_charlie_strong +concept_city_louisville concept:organizationhiredperson concept_coach_denny_crum +concept_city_louisville concept:organizationhiredperson concept_coach_kragthorpe +concept_city_louisville concept:organizationhiredperson concept_coach_petrino +concept_city_louisville concept:organizationhiredperson concept_coach_steve_kragthorpe +concept_city_louisville concept:cityliesonriver concept_river_platte +concept_city_louisville concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_city_louisville concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_louisville concept:atlocation concept_stateorprovince_colorado +concept_city_louisville concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_loveland concept:cityliesonriver concept_river_big_thompson +concept_city_loveland concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_loveland concept:proxyfor concept_stateorprovince_colorado +concept_city_loveland concept:subpartof concept_stateorprovince_colorado +concept_city_loves_park concept:atlocation concept_stateorprovince_illinois +concept_city_lovington concept:atlocation concept_stateorprovince_new_mexico +concept_city_lowell concept:cityliesonriver concept_attraction_grand +concept_city_lowell concept:locationlocatedwithinlocation concept_beach_massachusetts +concept_city_lowell concept:proxyfor concept_beach_massachusetts +concept_city_lowell concept:atlocation concept_stateorprovince_massachusetts +concept_city_loxahatchee concept:atlocation concept_city_florida +concept_city_luanda concept:citycapitalofcountry concept_country_republic_of_angola +concept_city_luanda concept:citylocatedincountry concept_country_republic_of_angola +concept_city_luanda concept:atdate concept_dateliteral_n2007 +concept_city_luang_prabang concept:cityliesonriver concept_river_mekong +concept_city_lubbock concept:mutualproxyfor concept_city_texas +concept_city_lubbock concept:citylocatedingeopoliticallocation concept_geopoliticallocation_texas_tech +concept_city_lubbock concept:locationlocatedwithinlocation concept_geopoliticallocation_texas_tech +concept_city_lubbock concept:locationlocatedwithinlocation concept_hospital_texas_tech_university +concept_city_lucca concept:cityliesonriver concept_river_serchio +concept_city_lucerne concept:cityliesonriver concept_river_reuss +concept_city_ludhiana concept:proxyfor concept_stateorprovince_punjab +concept_city_ludington concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_ludington concept:proxyfor concept_stateorprovince_michigan +concept_city_ludwigshafen concept:cityliesonriver concept_river_rhine +concept_city_lufkin concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_lufkin concept:proxyfor concept_stateorprovince_texas +concept_city_lumberton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_lumberton concept:atlocation concept_stateorprovince_north_carolina +concept_city_lund concept:proxyfor concept_city_sweden +concept_city_lunenburg concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_luoyang concept:cityliesonriver concept_river_yellow +concept_city_lusaka concept:citycapitalofcountry concept_country_zambia +concept_city_lusaka concept:citylocatedincountry concept_country_zambia +concept_city_lutwyche concept:latitudelongitude -27.4227500000000,153.0335400000000 +concept_city_luxor concept:locationlocatedwithinlocation concept_city_vegas +concept_city_luxor concept:cityliesonriver concept_river_nile +concept_city_luxor concept:cityliesonriver concept_river_nile_river +concept_city_luxor concept:cityliesonriver concept_river_river_nile +concept_city_luxury concept:locationlocatedwithinlocation concept_city_vegas +concept_city_luxury concept:subpartof concept_traditionalgame_vegas +concept_city_luzerne concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_lvov concept:citylocatedincountry concept_country_ukraine +concept_city_lynchburg concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_lynchburg concept:proxyfor concept_stateorprovince_virginia +concept_city_lynmouth concept:cityliesonriver concept_river_east_lyn +concept_city_lynnwood concept:atlocation concept_city_washington_d_c +concept_city_lynnwood concept:mutualproxyfor concept_city_washington_d_c +concept_city_lynnwood concept:subpartof concept_city_washington_d_c +concept_city_lynwood concept:atlocation concept_stateorprovince_california +concept_city_lynwood concept:mutualproxyfor concept_stateorprovince_california +concept_city_lyon concept:cityliesonriver concept_attraction_grand +concept_city_lyon concept:cityliesonriver concept_river_rh_ne +concept_city_lyon concept:cityliesonriver concept_river_rhone +concept_city_lyon concept:cityliesonriver concept_river_saone +concept_city_lyon concept:proxyfor concept_sportsteam_france +concept_city_lyon concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_lyons concept:cityliesonriver concept_river_rhone +concept_city_maastricht concept:locationlocatedwithinlocation concept_country_netherlands +concept_city_maastricht concept:cityliesonriver concept_river_maas +concept_city_maastricht concept:cityliesonriver concept_river_meuse +concept_city_macedonia concept:locationlocatedwithinlocation concept_country_countries +concept_city_macedonia concept:cityliesonriver concept_river_vardar +concept_city_machu_picchu concept:cityliesonriver concept_river_urubamba +concept_city_machynlleth concept:citylocatedincountry concept_country_wales +concept_city_machynlleth concept:cityliesonriver concept_river_dyfi +concept_city_macomb concept:atlocation concept_stateorprovince_illinois +concept_city_macomb concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_macon concept:cityliesonriver concept_river_ocmulgee +concept_city_macon concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_macon concept:proxyfor concept_stateorprovince_georgia +concept_city_madagascar concept:atdate concept_dateliteral_n2008 +concept_city_madera concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_madera concept:proxyfor concept_stateorprovince_california +concept_city_madison concept:cityliesonriver concept_attraction_mississippi +concept_city_madison concept:proxyfor concept_stadiumoreventvenue_alliant_energy_center +concept_city_madison concept:atlocation concept_stateorprovince_alabama +concept_city_madison concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_madison concept:atlocation concept_stateorprovince_indiana +concept_city_madison concept:proxyfor concept_stateorprovince_indiana +concept_city_madison concept:citylocatedingeopoliticallocation concept_stateorprovince_wisconsin +concept_city_madison_heights concept:atlocation concept_stateorprovince_michigan +concept_city_madisonville concept:cityliesonriver concept_river_tchefuncte +concept_city_madisonville concept:atlocation concept_stateorprovince_kentucky +concept_city_madisonville concept:proxyfor concept_stateorprovince_kentucky +concept_city_madras concept:cityalsoknownas concept_city_chennai +concept_city_madras concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_madrid concept:organizationhiredperson concept_athlete_bernd_schuster +concept_city_madrid concept:citycapitalofcountry concept_country_spain +concept_city_madrid concept:citylocatedincountry concept_country_spain +concept_city_madrid concept:atdate concept_date_n1999 +concept_city_madrid concept:atdate concept_date_n2001 +concept_city_madrid concept:atdate concept_date_n2003 +concept_city_madrid concept:atdate concept_date_n2004 +concept_city_madrid concept:atdate concept_date_n2009 +concept_city_madrid concept:atdate concept_dateliteral_n2002 +concept_city_madrid concept:atdate concept_dateliteral_n2005 +concept_city_madrid concept:atdate concept_dateliteral_n2007 +concept_city_madrid concept:atdate concept_dateliteral_n2008 +concept_city_madrid concept:organizationhiredperson concept_personaustralia_fabio_capello +concept_city_madrid concept:organizationhiredperson concept_personmexico_juande_ramos +concept_city_madrid concept:cityliesonriver concept_river_manzanares +concept_city_madrid concept:atdate concept_year_n1995 +concept_city_madurai concept:proxyfor concept_stateorprovince_tamil_nadu +concept_city_magdeburg concept:cityliesonriver concept_river_elbe +concept_city_mahnomen concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_mahwah concept:proxyfor concept_stateorprovince_new_jersey +concept_city_maidenhead concept:cityliesonriver concept_river_thames +concept_city_main_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_main_page concept:agentcompeteswithagent concept_tradeunion_search +concept_city_mainz concept:cityliesonriver concept_river_main +concept_city_mainz concept:cityliesonriver concept_river_rhein +concept_city_mainz concept:cityliesonriver concept_river_rhine +concept_city_maitland concept:atlocation concept_city_florida +concept_city_maitland concept:cityliesonriver concept_geopoliticallocation_hunter +concept_city_majuro concept:citylocatedincountry concept_country_republic +concept_city_majuro concept:citycapitalofcountry concept_island_marshall_islands +concept_city_makarska concept:citylocatedincountry concept_country_croatia +concept_city_malabo concept:citycapitalofcountry concept_country_equator__guinea +concept_city_malabo concept:citylocatedincountry concept_country_equator__guinea +concept_city_malaga concept:citylocatedingeopoliticallocation concept_country_spain +concept_city_malaysia concept:mutualproxyfor concept_city_kuala_lumpur +concept_city_malaysia concept:atdate concept_date_n2000 +concept_city_malaysia concept:atdate concept_date_n2001 +concept_city_malaysia concept:atdate concept_dateliteral_n2002 +concept_city_malaysia concept:atdate concept_dateliteral_n2005 +concept_city_malaysia concept:atdate concept_dateliteral_n2006 +concept_city_malaysia concept:atdate concept_dateliteral_n2007 +concept_city_malaysia concept:atdate concept_dateliteral_n2008 +concept_city_malaysia concept:locationlocatedwithinlocation concept_skyscraper_asia +concept_city_malden concept:proxyfor concept_beach_massachusetts +concept_city_maldives concept:locationlocatedwithinlocation concept_country_countries +concept_city_malibu concept:subpartoforganization concept_biotechcompany_marvel +concept_city_malibu concept:subpartoforganization concept_company_marvel_comics +concept_city_malibu concept:proxyfor concept_stateorprovince_california +concept_city_malta concept:atdate concept_dateliteral_n1943 +concept_city_malta concept:atdate concept_dateliteral_n2002 +concept_city_malta concept:atdate concept_dateliteral_n2005 +concept_city_mammoth_lakes concept:atlocation concept_stateorprovince_california +concept_city_mamoudzou concept:citycapitalofcountry concept_geopoliticalorganization_mayotte +concept_city_mamoudzou concept:citylocatedincountry concept_geopoliticalorganization_mayotte +concept_city_managua concept:citycapitalofcountry concept_country_republic_of_nicaragua +concept_city_managua concept:citylocatedincountry concept_country_republic_of_nicaragua +concept_city_manahawkin concept:proxyfor concept_radiostation_new_jersey +concept_city_manahawkin concept:proxyfor concept_stateorprovince_newjersey +concept_city_manalapan concept:proxyfor concept_radiostation_new_jersey +concept_city_manama concept:citylocatedincountry concept_country_bahrain +concept_city_manama concept:proxyfor concept_country_bahrain +concept_city_manassas concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_manassas concept:proxyfor concept_stateorprovince_virginia +concept_city_manaus concept:citylocatedingeopoliticallocation concept_city_amazonas +concept_city_manaus concept:citylocatedincountry concept_country_brazil +concept_city_manaus concept:cityliesonriver concept_river_rio_negro +concept_city_manchester concept:citylocatedincountry concept_country_the_united_kingdom +concept_city_manchester concept:cityliesonriver concept_river_irwell +concept_city_manchester concept:proxyfor concept_stadiumoreventvenue_verizon_arena +concept_city_manchester concept:citylocatedinstate concept_stateorprovince_new_hampshire +concept_city_manchester concept:proxyfor concept_stateorprovince_newjersey +concept_city_mandal concept:citylocatedincountry concept_country_norway +concept_city_mandalay concept:cityliesonriver concept_river_ayeyarwady +concept_city_mandalay concept:cityliesonriver concept_river_irrawaddy +concept_city_mandan concept:atlocation concept_stateorprovince_north_dakota +concept_city_mandritsara concept:citylocatedincountry concept_country_madagascar +concept_city_manhattan_beach concept:atlocation concept_stateorprovince_california +concept_city_manhattan_beach concept:mutualproxyfor concept_stateorprovince_california +concept_city_manila concept:locationlocatedwithinlocation concept_country_philippines +concept_city_manila concept:proxyfor concept_country_philippines +concept_city_manila concept:atdate concept_date_n2003 +concept_city_manila concept:atdate concept_dateliteral_n2008 +concept_city_manila concept:cityliesonriver concept_river_pasig +concept_city_manitowoc concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_manitowoc concept:proxyfor concept_stateorprovince_wisconsin +concept_city_mankato concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_mannheim concept:cityliesonriver concept_river_rhine +concept_city_manoa concept:citylocatedinstate concept_stateorprovince_hawaii +concept_city_manotick concept:cityliesonriver concept_river_rideau +concept_city_mansfield concept:locationlocatedwithinlocation concept_stateorprovince_ohio +concept_city_mansfield concept:mutualproxyfor concept_stateorprovince_texas +concept_city_manteca concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_manteca concept:proxyfor concept_stateorprovince_california +concept_city_manteno concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_manteno concept:proxyfor concept_stateorprovince_illinois +concept_city_mantoloking concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_mantoloking concept:proxyfor concept_stateorprovince_newjersey +concept_city_manville concept:cityliesonriver concept_company_raritan +concept_city_manville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_manville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_manzanillo concept:locationlocatedwithinlocation concept_country_mexico +concept_city_manzanillo concept:proxyfor concept_country_mexico +concept_city_map concept:mutualproxyfor concept_beverage_new +concept_city_map concept:agentcreated concept_book_print +concept_city_map concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_map concept:atdate concept_dateliteral_n2006 +concept_city_map concept:atdate concept_dateliteral_n2007 +concept_city_map concept:proxyfor concept_politicaloffice_new +concept_city_map concept:agentinvolvedwithitem concept_software_browser +concept_city_map concept:agentcompeteswithagent concept_tradeunion_search +concept_city_map concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_map concept:subpartof concept_weatherphenomenon_water +concept_city_maple_grove concept:atlocation concept_stateorprovince_minnesota +concept_city_maple_grove concept:proxyfor concept_stateorprovince_minnesota +concept_city_maple_shade concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_maple_shade concept:proxyfor concept_stateorprovince_newjersey +concept_city_mapleton concept:cityliesonriver concept_river_siuslaw +concept_city_maputo concept:citycapitalofcountry concept_country_mozambique +concept_city_maputo concept:citylocatedincountry concept_country_mozambique +concept_city_maputo concept:locationlocatedwithinlocation concept_country_mozambique +concept_city_maputo concept:proxyfor concept_country_mozambique +concept_city_maputo concept:subpartof concept_country_mozambique +concept_city_maquoketa concept:atlocation concept_stateorprovince_iowa +concept_city_maracay concept:citylocatedincountry concept_country_venezuela +concept_city_marbella concept:citylocatedincountry concept_country_spain +concept_city_marblehead concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_marco_island concept:atlocation concept_city_florida +concept_city_marco_island concept:proxyfor concept_city_florida +concept_city_marengo concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_margate concept:atlocation concept_city_florida +concept_city_maribor concept:proxyfor concept_chemical_slovenia +concept_city_maribor concept:cityliesonriver concept_river_drava +concept_city_marietta concept:cityliesonriver concept_river_muskingum +concept_city_marietta concept:cityliesonriver concept_river_susquehanna +concept_city_marietta concept:atlocation concept_stateorprovince_georgia +concept_city_marietta concept:proxyfor concept_stateorprovince_georgia +concept_city_marietta concept:subpartof concept_stateorprovince_georgia +concept_city_marietta concept:atlocation concept_stateorprovince_ohio +concept_city_marina_del_rey concept:atlocation concept_stateorprovince_california +concept_city_marina_del_rey concept:mutualproxyfor concept_stateorprovince_california +concept_city_marinette concept:cityliesonriver concept_geopoliticallocation_menominee +concept_city_marion concept:proxyfor concept_stateorprovince_indiana +concept_city_marion concept:atlocation concept_stateorprovince_ohio +concept_city_marion concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_marion concept:atlocation concept_stateorprovince_virginia +concept_city_mariposa concept:citylocatedinstate concept_stateorprovince_california +concept_city_marlow concept:cityliesonriver concept_river_thames +concept_city_marlton concept:atlocation concept_stateorprovince_new_jersey +concept_city_marlton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_marrakech concept:locationlocatedwithinlocation concept_country_morocco +concept_city_marrero concept:atlocation concept_stateorprovince_louisiana +concept_city_marrero concept:proxyfor concept_stateorprovince_louisiana +concept_city_marseille concept:proxyfor concept_sportsteam_france +concept_city_marshalltown concept:proxyfor concept_creditunion_iowa +concept_city_marshalltown concept:atlocation concept_stateorprovince_iowa +concept_city_marshfield concept:atlocation concept_stateorprovince_wisconsin +concept_city_martin concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_martinez concept:atlocation concept_stateorprovince_california +concept_city_martinez concept:mutualproxyfor concept_stateorprovince_california +concept_city_martinez concept:proxyfor concept_stateorprovince_georgia +concept_city_martinique concept:citylocatedincountry concept_country_martinique +concept_city_martinsburg concept:atlocation concept_stateorprovince_west_virginia +concept_city_martinsville concept:agentparticipatedinevent concept_sportsgame_series +concept_city_martinsville concept:atlocation concept_stateorprovince_indiana +concept_city_martinsville concept:proxyfor concept_stateorprovince_indiana +concept_city_martinsville concept:atlocation concept_stateorprovince_virginia +concept_city_martinsville concept:proxyfor concept_stateorprovince_virginia +concept_city_martinsville concept:subpartof concept_stateorprovince_virginia +concept_city_mary concept:agentcontrols concept_charactertrait_world +concept_city_mary concept:atdate concept_date_n2003 +concept_city_mary concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_marysville concept:atlocation concept_city_washington_d_c +concept_city_marysville concept:subpartof concept_city_washington_d_c +concept_city_marysville concept:cityliesonriver concept_river_susquehanna +concept_city_marysville concept:cityliesonriver concept_river_yuba +concept_city_marysville concept:atlocation concept_stateorprovince_california +concept_city_marysville concept:mutualproxyfor concept_stateorprovince_california +concept_city_marysville concept:atlocation concept_stateorprovince_ohio +concept_city_marysville concept:proxyfor concept_stateorprovince_ohio +concept_city_maryville concept:proxyfor concept_company_missouri +concept_city_maryville concept:citylocatedinstate concept_stateorprovince_northwest_missouri +concept_city_maseru concept:citycapitalofcountry concept_country_lesotho +concept_city_maseru concept:citylocatedincountry concept_country_lesotho +concept_city_mason concept:atlocation concept_stateorprovince_ohio +concept_city_mason concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_massapequa concept:proxyfor concept_stateorprovince_new_york +concept_city_massawa concept:citycapitalofcountry concept_country_eritrea +concept_city_massawa concept:citylocatedincountry concept_country_eritrea +concept_city_massillon concept:atlocation concept_stateorprovince_ohio +concept_city_massillon concept:proxyfor concept_stateorprovince_ohio +concept_city_mata_utu concept:citylocatedingeopoliticallocation concept_stateorprovince_wallis_and_futuna +concept_city_matanzas concept:citylocatedincountry concept_country_cuba +concept_city_mataram concept:citylocatedingeopoliticallocation concept_country_indonesia +concept_city_mato_grosso concept:locationlocatedwithinlocation concept_country_brazil +concept_city_matthews concept:atlocation concept_stateorprovince_north_carolina +concept_city_mawlamyine concept:latitudelongitude 16.4913900000000,97.6255600000000 +concept_city_mawlamyine concept:cityalsoknownas concept_city_moulmein +concept_city_mayfield concept:proxyfor concept_coach_kentucky +concept_city_mays_landing concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_mays_landing concept:proxyfor concept_stateorprovince_newjersey +concept_city_maysville concept:proxyfor concept_stateorprovince_kentucky +concept_city_mayville concept:atlocation concept_stateorprovince_north_dakota +concept_city_maywood concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_mbabane concept:citycapitalofcountry concept_country_swaziland +concept_city_mbabane concept:citylocatedincountry concept_country_swaziland +concept_city_mbandaka concept:cityliesonriver concept_river_congo +concept_city_mc_cook concept:citylocatedinstate concept_stateorprovince_ne +concept_city_mcalester concept:atlocation concept_stateorprovince_oklahoma +concept_city_mcallen concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_mcallen concept:proxyfor concept_stateorprovince_texas +concept_city_mcallen concept:subpartof concept_stateorprovince_texas +concept_city_mccook concept:atlocation concept_stateorprovince_nebraska +concept_city_mcdonough concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_mcdonough concept:proxyfor concept_stateorprovince_georgia +concept_city_mchenry concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_mckeesport concept:cityliesonriver concept_river_monongahela +concept_city_mckeesport concept:cityliesonriver concept_river_youghiogheny +concept_city_mckeesport concept:atlocation concept_stateorprovince_pennsylvania +concept_city_mckinney concept:mutualproxyfor concept_city_texas +concept_city_mckinney concept:atlocation concept_stateorprovince_texas +concept_city_mclean concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_mcminnville concept:atlocation concept_stateorprovince_oregon +concept_city_mcminnville concept:subpartof concept_stateorprovince_oregon +concept_city_mcpherson concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_mdina concept:citylocatedincountry concept_country_malta +concept_city_meadville concept:atlocation concept_stateorprovince_pennsylvania +concept_city_meadville concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_meadville concept:subpartof concept_stateorprovince_pennsylvania +concept_city_mechanicsburg concept:atlocation concept_stateorprovince_pennsylvania +concept_city_mechanicville concept:cityliesonriver concept_river_hudson +concept_city_mechelen concept:citylocatedincountry concept_country_belgium +concept_city_medellin concept:locationlocatedwithinlocation concept_country_colombia +concept_city_medford concept:atlocation concept_stateorprovince_massachusetts +concept_city_medford concept:proxyfor concept_stateorprovince_massachusetts +concept_city_medford concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_medford concept:proxyfor concept_stateorprovince_oregon +concept_city_medford_lakes concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_medicine_hat concept:cityliesonriver concept_river_south_saskatchewan +concept_city_medicine_hat concept:proxyfor concept_stateorprovince_alberta +concept_city_medina concept:atlocation concept_stateorprovince_ohio +concept_city_medora concept:cityliesonriver concept_river_little_missouri +concept_city_meiningen concept:cityliesonriver concept_river_werra +concept_city_melaka concept:citylocatedincountry concept_country_malaysia +concept_city_melbourne concept:cityliesonriver concept_attraction_grand +concept_city_melbourne concept:locationlocatedwithinlocation concept_city_florida +concept_city_melbourne concept:proxyfor concept_city_florida +concept_city_melbourne concept:subpartof concept_city_florida +concept_city_melbourne concept:proxyfor concept_city_victoria +concept_city_melbourne concept:citylocatedincountry concept_country_australia +concept_city_melbourne concept:proxyfor concept_country_australia +concept_city_melbourne concept:atdate concept_dateliteral_n2008 +concept_city_melbourne concept:proxyfor concept_lake_new +concept_city_melbourne concept:cityliesonriver concept_river_yarra +concept_city_melbourne concept:proxyfor concept_stadiumoreventvenue_rod_laver_arena +concept_city_melbourne concept:atlocation concept_stateorprovince_california +concept_city_melbourne concept:citylocatedinstate concept_stateorprovince_florida +concept_city_melrose_park concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_melrose_park concept:proxyfor concept_stateorprovince_illinois +concept_city_members concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_city_members concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_members concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_city_members concept:agentparticipatedinevent concept_crimeorcharge_sins +concept_city_members concept:atdate concept_date_n1999 +concept_city_members concept:atdate concept_date_n2001 +concept_city_members concept:atdate concept_date_n2003 +concept_city_members concept:atdate concept_date_n2004 +concept_city_members concept:atdate concept_dateliteral_n2005 +concept_city_members concept:atdate concept_dateliteral_n2006 +concept_city_members concept:atdate concept_dateliteral_n2007 +concept_city_members concept:atdate concept_dateliteral_n2008 +concept_city_members concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_members concept:atdate concept_month_september +concept_city_members concept:istallerthan concept_publication_people_ +concept_city_members concept:atdate concept_year_n1994 +concept_city_members concept:atdate concept_year_n1997 +concept_city_members concept:atdate concept_year_n1998 +concept_city_memphis concept:cityliesonriver concept_agent_wolf +concept_city_memphis concept:cityliesonriver concept_attraction_mississippi +concept_city_memphis concept:citylocatedincountry concept_country_egypt +concept_city_memphis concept:cityliesonriver concept_river_nile +concept_city_memphis concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_memphis concept:citylocatedinstate concept_stateorprovince_ut +concept_city_mendocino concept:atlocation concept_stateorprovince_california +concept_city_mendota concept:cityliesonriver concept_river_san_joaquin +concept_city_mendota concept:cityliesonriver concept_river_yahara +concept_city_mendoza concept:locationlocatedwithinlocation concept_island_argentina +concept_city_menifee concept:mutualproxyfor concept_stateorprovince_california +concept_city_menlo_park concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_menlo_park concept:proxyfor concept_stateorprovince_california +concept_city_menominee concept:proxyfor concept_creditunion_michigan +concept_city_menomonee_falls concept:atlocation concept_stateorprovince_wisconsin +concept_city_menomonie concept:proxyfor concept_politicaloffice_wisconsin +concept_city_mentone concept:atlocation concept_stateorprovince_california +concept_city_mentor concept:atdate concept_dateliteral_n2007 +concept_city_mequon concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_mequon concept:proxyfor concept_stateorprovince_wisconsin +concept_city_merced concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_merced concept:proxyfor concept_stateorprovince_california +concept_city_merida concept:locationlocatedwithinlocation concept_city_state +concept_city_merida concept:citylocatedincountry concept_country_venezuela +concept_city_merida concept:proxyfor concept_eventoutcome_state +concept_city_merida concept:locationlocatedwithinlocation concept_geopoliticallocation_yucatan +concept_city_meriden concept:atlocation concept_stateorprovince_connecticut +concept_city_meriden concept:proxyfor concept_stateorprovince_connecticut +concept_city_meriden concept:subpartof concept_stateorprovince_connecticut +concept_city_merriam concept:atlocation concept_stateorprovince_kansas +concept_city_merrillville concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_merrillville concept:proxyfor concept_stateorprovince_indiana +concept_city_mesa concept:citylocatedingeopoliticallocation concept_country_az +concept_city_mesa concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_city_mesa concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_mesilla concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_mesquite concept:locationlocatedwithinlocation concept_city_texas +concept_city_mesquite concept:mutualproxyfor concept_city_texas +concept_city_mesquite concept:atlocation concept_stateorprovince_nevada +concept_city_mesquite concept:proxyfor concept_stateorprovince_texas +concept_city_methuen concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_methuen concept:proxyfor concept_stateorprovince_massachusetts +concept_city_metuchen concept:proxyfor concept_stateorprovince_new_jersey +concept_city_metz concept:cityliesonriver concept_river_moselle +concept_city_mexia concept:atlocation concept_stateorprovince_texas +concept_city_mexicali concept:citylocatedincountry concept_country_mexico +concept_city_mexico_city concept:citylocatedincountry concept_country_mexico +concept_city_mexico_city concept:proxyfor concept_country_mexico +concept_city_mexico_city concept:atdate concept_date_n1999 +concept_city_mexico_city concept:atdate concept_date_n2003 +concept_city_mexico_city concept:atdate concept_date_n2004 +concept_city_mexico_city concept:atdate concept_date_n2009 +concept_city_mexico_city concept:atdate concept_dateliteral_n2005 +concept_city_mexico_city concept:atdate concept_dateliteral_n2006 +concept_city_mexico_city concept:atdate concept_dateliteral_n2007 +concept_city_mexico_city concept:atdate concept_dateliteral_n2008 +concept_city_mexico_city concept:istallerthan concept_publication_people_ +concept_city_mi concept:locationlocatedwithinlocation concept_country_usa +concept_city_mi concept:subpartof concept_country_usa +concept_city_miami concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_miami concept:citylocatedincountry concept_country_usa +concept_city_miami concept:citylocatedinstate concept_stateorprovince_florida +concept_city_miami_beach concept:atlocation concept_city_florida +concept_city_miami_beach concept:proxyfor concept_city_florida +concept_city_miami_beach concept:subpartof concept_city_florida +concept_city_miami_beach concept:proxyfor concept_lake_new +concept_city_miami_lakes concept:atlocation concept_city_florida +concept_city_miamisburg concept:cityliesonriver concept_river_great_miami +concept_city_miamisburg concept:atlocation concept_stateorprovince_ohio +concept_city_micanopy concept:latitudelongitude 29.5094173333333,-82.2776793333333 +concept_city_mid_town_manhattan concept:cityliesonriver concept_river_hudson +concept_city_middelburg concept:citylocatedincountry concept_country_netherlands +concept_city_middlesboro concept:proxyfor concept_coach_kentucky +concept_city_middlesbrough concept:atdate concept_dateliteral_n2006 +concept_city_middlesbrough concept:cityliesonriver concept_river_esk +concept_city_middletown concept:cityliesonriver concept_river_great_miami +concept_city_middletown concept:cityliesonriver concept_river_susquehanna +concept_city_middletown concept:proxyfor concept_stateorprovince_newjersey +concept_city_middletown concept:atlocation concept_stateorprovince_ohio +concept_city_midland concept:mutualproxyfor concept_city_texas +concept_city_midland concept:cityliesonriver concept_river_tittabawassee +concept_city_midland concept:atlocation concept_stateorprovince_michigan +concept_city_midland concept:proxyfor concept_stateorprovince_michigan +concept_city_midland concept:atlocation concept_stateorprovince_texas +concept_city_midland concept:proxyfor concept_stateorprovince_texas +concept_city_midland concept:subpartof concept_stateorprovince_texas +concept_city_midland_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_midland_park concept:proxyfor concept_stateorprovince_newjersey +concept_city_midtown_manhattan concept:mutualproxyfor concept_beverage_new +concept_city_midtown_manhattan concept:proxyfor concept_politicaloffice_new +concept_city_midtown_manhattan concept:cityliesonriver concept_river_hudson +concept_city_midvale concept:atlocation concept_stateorprovince_utah +concept_city_midvale concept:mutualproxyfor concept_stateorprovince_utah +concept_city_milan concept:atdate concept_date_n2000 +concept_city_milan concept:atdate concept_date_n2001 +concept_city_milan concept:atdate concept_date_n2004 +concept_city_milan concept:atdate concept_date_n2009 +concept_city_milan concept:atdate concept_dateliteral_n2006 +concept_city_milan concept:atdate concept_dateliteral_n2007 +concept_city_milan concept:atdate concept_dateliteral_n2008 +concept_city_milan concept:cityliesonriver concept_river_po +concept_city_mildura concept:citylocatedincountry concept_country_australia +concept_city_miles_city concept:cityliesonriver concept_river_yellowstone +concept_city_miles_city concept:atlocation concept_stateorprovince_montana +concept_city_milford concept:cityliesonriver concept_river_housatonic +concept_city_milford concept:proxyfor concept_stateorprovince_connecticut +concept_city_milford concept:atlocation concept_stateorprovince_ohio +concept_city_millbrae concept:atlocation concept_stateorprovince_california +concept_city_millburn concept:proxyfor concept_stateorprovince_new_jersey +concept_city_milledgeville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_millington concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_millington concept:proxyfor concept_stateorprovince_new_jersey +concept_city_millington concept:proxyfor concept_stateorprovince_newjersey +concept_city_millington concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_mills concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_milltown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_milpitas concept:proxyfor concept_stateorprovince_california +concept_city_miltenberg concept:citylocatedincountry concept_country_germany +concept_city_milton concept:proxyfor concept_city_florida +concept_city_milwaukee concept:organizationhiredperson concept_athlete_tom_barrett +concept_city_milwaukee concept:cityliesonriver concept_attraction_grand +concept_city_milwaukee concept:mutualproxyfor concept_politicianus_tom_barrett +concept_city_milwaukee concept:cityliesonriver concept_river_menomonee +concept_city_milwaukee concept:agentparticipatedinevent concept_sportsgame_series +concept_city_milwaukee concept:citylocatedingeopoliticallocation concept_stateorprovince_wisconsin +concept_city_milwaukee concept:proxyfor concept_stateorprovince_wisconsin +concept_city_milwaukie concept:cityliesonriver concept_river_willamette +concept_city_minden concept:cityliesonriver concept_river_weser +concept_city_minden concept:atlocation concept_stateorprovince_louisiana +concept_city_mineola concept:proxyfor concept_company_new_york +concept_city_minneapolis concept:proxyfor concept_attraction_first_avenue +concept_city_minneapolis concept:cityliesonriver concept_attraction_grand +concept_city_minneapolis concept:cityliesonriver concept_attraction_mississippi +concept_city_minneapolis concept:atdate concept_dateliteral_n2007 +concept_city_minneapolis concept:atdate concept_dateliteral_n2008 +concept_city_minneapolis concept:cityliesonriver concept_river_mississippi_river +concept_city_minneapolis concept:citylocatedingeopoliticallocation concept_stateorprovince_minnesota +concept_city_minneapolis concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_minneapolis_st concept:cityliesonriver concept_attraction_mississippi +concept_city_minneapolis_st concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_minnetonka concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_minnetonka concept:proxyfor concept_stateorprovince_minnesota +concept_city_minsk concept:locationlocatedwithinlocation concept_country_belarus +concept_city_minsk concept:proxyfor concept_country_belarus +concept_city_minsk concept:citylocatedincountry concept_country_republic +concept_city_minsk concept:atdate concept_dateliteral_n2007 +concept_city_miramichi concept:proxyfor concept_stateorprovince_new_brunswick +concept_city_mishawaka concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_mishawaka concept:proxyfor concept_stateorprovince_indiana +concept_city_mission concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_mission concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_mission concept:proxyfor concept_stateorprovince_texas +concept_city_mission_viejo concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_mission_viejo concept:proxyfor concept_stateorprovince_california +concept_city_mission_viejo concept:subpartof concept_stateorprovince_california +concept_city_mississauga concept:citylocatedincountry concept_country_canada_canada +concept_city_mississauga concept:agentcollaborateswithagent concept_female_hazel_mccallion +concept_city_mississauga concept:proxyfor concept_stateorprovince_ontario +concept_city_missoula concept:cityliesonriver concept_skiarea_clark_fork +concept_city_missoula concept:citylocatedinstate concept_stateorprovince_montana +concept_city_missoula concept:proxyfor concept_stateorprovince_montana +concept_city_missouri_pacific concept:subpartoforganization concept_company_union_pacific +concept_city_mit concept:atdate concept_date_n2004 +concept_city_mit concept:atdate concept_dateliteral_n2002 +concept_city_mit concept:atdate concept_dateliteral_n2006 +concept_city_mit concept:organizationalsoknownas concept_university_massachusetts_institute_of_technology +concept_city_mn concept:atlocation concept_city_saint_paul +concept_city_mn concept:locationlocatedwithinlocation concept_country_usa +concept_city_mn concept:subpartof concept_country_usa +concept_city_mobile concept:citylocatedingeopoliticallocation concept_country_sri_lanka +concept_city_mobile concept:proxyfor concept_newspaper_alabama +concept_city_mobile concept:cityliesonriver concept_river_tombigbee +concept_city_mobile concept:atlocation concept_stateorprovince_alabama +concept_city_modesto concept:cityliesonriver concept_river_tuolumne +concept_city_modesto concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_modesto concept:proxyfor concept_stateorprovince_california +concept_city_mogadishu concept:citycapitalofcountry concept_country_somalia +concept_city_mogadishu concept:citylocatedincountry concept_country_somalia +concept_city_mogadishu concept:atdate concept_dateliteral_n2007 +concept_city_mokena concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_mokena concept:proxyfor concept_stateorprovince_illinois +concept_city_moline concept:cityliesonriver concept_attraction_mississippi +concept_city_moline concept:proxyfor concept_stadiumoreventvenue_i_wireless_center +concept_city_moline concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_moline concept:proxyfor concept_stateorprovince_illinois +concept_city_mombasa concept:citylocatedincountry concept_country_republic_of_kenya +concept_city_mombasa concept:proxyfor concept_website_kenya +concept_city_moncton concept:organizationhiredperson concept_coach_ted_nolan +concept_city_moncton concept:proxyfor concept_stateorprovince_new_brunswick +concept_city_monmouth concept:cityliesonriver concept_river_wye +concept_city_monmouth concept:atlocation concept_stateorprovince_oregon +concept_city_monroe concept:cityliesonriver concept_river_skykomish +concept_city_monroe concept:atlocation concept_stateorprovince_connecticut +concept_city_monroe concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_monroe concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_monroe concept:proxyfor concept_stateorprovince_indiana +concept_city_monroe concept:atlocation concept_stateorprovince_michigan +concept_city_monroe concept:atlocation concept_stateorprovince_north_carolina +concept_city_monroe concept:atlocation concept_stateorprovince_wisconsin +concept_city_monroeville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_monroeville concept:proxyfor concept_stateorprovince_newjersey +concept_city_monroeville concept:atlocation concept_stateorprovince_pennsylvania +concept_city_monroeville concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_monrovia concept:citycapitalofcountry concept_country_liberia +concept_city_monrovia concept:atlocation concept_stateorprovince_california +concept_city_monrovia concept:mutualproxyfor concept_stateorprovince_california +concept_city_montague concept:proxyfor concept_stateorprovince_new_jersey +concept_city_montclair concept:proxyfor concept_stateorprovince_new_jersey +concept_city_monte_carlo concept:locationlocatedwithinlocation concept_city_vegas +concept_city_monte_vista concept:atlocation concept_stateorprovince_colorado +concept_city_montebello concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_montebello concept:proxyfor concept_stateorprovince_california +concept_city_montenegro concept:citylocatedincountry concept_country_montenegro +concept_city_montenegro concept:atdate concept_dateliteral_n2006 +concept_city_montenegro concept:synonymfor concept_politicalparty_republic +concept_city_monterey concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_monterey concept:proxyfor concept_stateorprovince_california +concept_city_monterey_park concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_monterey_park concept:proxyfor concept_stateorprovince_california +concept_city_monterrey concept:citylocatedincountry concept_country_mexico +concept_city_monterrey concept:mutualproxyfor concept_country_mexico +concept_city_montevarchi concept:latitudelongitude 43.5276500000000,11.5689300000000 +concept_city_montevideo concept:citycapitalofcountry concept_country_uruguay +concept_city_montevideo concept:citylocatedincountry concept_country_uruguay +concept_city_montevideo concept:proxyfor concept_university_uruguay +concept_city_montevideo concept:subpartof concept_university_uruguay +concept_city_montgomery concept:cityliesonriver concept_river_hudson +concept_city_montgomery concept:atlocation concept_stateorprovince_illinois +concept_city_montgomery concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_montgomery concept:proxyfor concept_stateorprovince_new_jersey +concept_city_montgomery concept:proxyfor concept_stateorprovince_newjersey +concept_city_montgomery concept:atlocation concept_stateorprovince_texas +concept_city_monticello concept:cityliesonriver concept_attraction_mississippi +concept_city_montolieu concept:latitudelongitude 43.3000000000000,2.2166700000000 +concept_city_montpelier concept:cityliesonriver concept_river_winooski +concept_city_montreal concept:cityliesonriver concept_attraction_grand +concept_city_montreal concept:proxyfor concept_building_bell_centre +concept_city_montreal concept:citylocatedincountry concept_country_canada_canada +concept_city_montreal concept:atdate concept_date_n1999 +concept_city_montreal concept:atdate concept_date_n2000 +concept_city_montreal concept:atdate concept_date_n2001 +concept_city_montreal concept:atdate concept_date_n2003 +concept_city_montreal concept:atdate concept_date_n2009 +concept_city_montreal concept:atdate concept_dateliteral_n2002 +concept_city_montreal concept:atdate concept_dateliteral_n2005 +concept_city_montreal concept:atdate concept_dateliteral_n2007 +concept_city_montreal concept:atdate concept_dateliteral_n2008 +concept_city_montreal concept:proxyfor concept_lake_new +concept_city_montreal concept:istallerthan concept_publication_people_ +concept_city_montreal concept:proxyfor concept_stateorprovince_quebec +concept_city_montreal_downtown concept:latitudelongitude 45.5098333333333,-73.5678000000000 +concept_city_montrose concept:cityliesonriver concept_attraction_mississippi +concept_city_montrose concept:atlocation concept_stateorprovince_california +concept_city_montrose concept:atlocation concept_stateorprovince_colorado +concept_city_montserrat concept:citycapitalofcountry concept_country_montserrat +concept_city_montvale concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_montvale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_monywa concept:cityliesonriver concept_river_chindwin +concept_city_moorestown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_moorestown concept:proxyfor concept_stateorprovince_newjersey +concept_city_mooresville concept:atlocation concept_stateorprovince_indiana +concept_city_mooresville concept:subpartof concept_stateorprovince_north_carolina +concept_city_moorhead concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_moorhead concept:proxyfor concept_stateorprovince_minnesota +concept_city_moorpark concept:atlocation concept_stateorprovince_california +concept_city_mopti concept:cityliesonriver concept_river_niger +concept_city_moradabad concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_moradabad concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_moreno_valley concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_moreno_valley concept:proxyfor concept_stateorprovince_california +concept_city_morgan_hill concept:atlocation concept_stateorprovince_california +concept_city_morgan_hill concept:mutualproxyfor concept_stateorprovince_california +concept_city_morganton concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_morgantown concept:cityliesonriver concept_river_monongahela +concept_city_morgantown concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_morgantown concept:proxyfor concept_stateorprovince_west_virginia +concept_city_morganville concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_morganville concept:proxyfor concept_stateorprovince_newjersey +concept_city_moroni concept:citycapitalofcountry concept_country_comoros +concept_city_moroni concept:citylocatedincountry concept_country_comoros +concept_city_morpeth concept:cityliesonriver concept_geopoliticallocation_hunter +concept_city_morrilton concept:atlocation concept_stateorprovince_arkansas +concept_city_morris concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_morris_plains concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_morrison concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_morristown concept:atlocation concept_stateorprovince_new_jersey +concept_city_morristown concept:proxyfor concept_stateorprovince_newjersey +concept_city_morristown concept:atlocation concept_stateorprovince_tennessee +concept_city_morrow concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_moscow concept:citylocatedincountry concept_country_russian_federation +concept_city_moscow concept:atdate concept_date_n1928 +concept_city_moscow concept:atdate concept_date_n1941 +concept_city_moscow concept:atdate concept_date_n1996 +concept_city_moscow concept:atdate concept_date_n2000 +concept_city_moscow concept:atdate concept_date_n2003 +concept_city_moscow concept:atdate concept_date_n2009 +concept_city_moscow concept:atdate concept_dateliteral_n1945 +concept_city_moscow concept:atdate concept_dateliteral_n2005 +concept_city_moscow concept:atdate concept_dateliteral_n2006 +concept_city_moscow concept:atdate concept_dateliteral_n2007 +concept_city_moscow concept:atdate concept_dateliteral_n2008 +concept_city_moscow concept:proxyfor concept_lake_new +concept_city_moscow concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_moscow concept:cityliesonriver concept_river_moskva +concept_city_moscow concept:cityliesonriver concept_river_volga +concept_city_moscow concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_moscow concept:atdate concept_year_n1992 +concept_city_moscow concept:atdate concept_year_n1995 +concept_city_moscow concept:atdate concept_year_n1997 +concept_city_mosier concept:cityliesonriver concept_river_columbia +concept_city_mosjoen concept:citylocatedincountry concept_country_norway +concept_city_moss_point concept:atlocation concept_stateorprovince_mississippi +concept_city_mostar concept:citylocatedincountry concept_country_bosnia_herzegovina +concept_city_mostar concept:cityliesonriver concept_river_neretva +concept_city_mosul concept:cityliesonriver concept_river_tigris +concept_city_mosul concept:cityliesonriver concept_river_tigris_river +concept_city_moulmein concept:cityalsoknownas concept_city_mawlamyine +concept_city_moultrie concept:atlocation concept_stateorprovince_georgia +concept_city_moundsville concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_moundsville concept:proxyfor concept_stateorprovince_west_virginia +concept_city_mount concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_city_mount_clemens concept:atlocation concept_stateorprovince_michigan +concept_city_mount_holly concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_mount_holly concept:proxyfor concept_stateorprovince_newjersey +concept_city_mount_kisco concept:atlocation concept_stateorprovince_new_york +concept_city_mount_laurel concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_mount_laurel concept:atlocation concept_stateorprovince_new_jersey +concept_city_mount_olive concept:proxyfor concept_stateorprovince_new_jersey +concept_city_mount_olive concept:proxyfor concept_stateorprovince_newjersey +concept_city_mount_pleasant concept:cityliesonriver concept_company_cooper +concept_city_mount_pleasant concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_mount_pleasant concept:atlocation concept_stateorprovince_south_carolina +concept_city_mount_pleasant concept:subpartof concept_stateorprovince_south_carolina +concept_city_mount_prospect concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_mount_sterling concept:atlocation concept_skiarea_kentucky +concept_city_mount_vernon concept:proxyfor concept_city_washington_d_c +concept_city_mount_vernon concept:proxyfor concept_company_new_york +concept_city_mount_vernon concept:cityliesonriver concept_river_potomac +concept_city_mount_vernon concept:cityliesonriver concept_river_skagit +concept_city_mount_vernon concept:atlocation concept_stateorprovince_illinois +concept_city_mount_vernon concept:atlocation concept_stateorprovince_new_york +concept_city_mount_vernon concept:atlocation concept_stateorprovince_ohio +concept_city_mountain_home concept:proxyfor concept_book_arkansas +concept_city_mountain_home concept:proxyfor concept_newspaper_idaho +concept_city_mountain_home concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_mountain_home concept:atlocation concept_stateorprovince_idaho +concept_city_mountain_view concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_mountain_view concept:proxyfor concept_stateorprovince_california +concept_city_mt__laurel concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_mt__laurel concept:proxyfor concept_stateorprovince_new_jersey +concept_city_mt__laurel concept:proxyfor concept_stateorprovince_newjersey +concept_city_mullica_hill concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_mullica_hill concept:proxyfor concept_stateorprovince_newjersey +concept_city_muncie concept:citylocatedingeopoliticallocation concept_geopoliticallocation_ball +concept_city_muncie concept:atlocation concept_stateorprovince_indiana +concept_city_muncie concept:proxyfor concept_stateorprovince_indiana +concept_city_muncie concept:subpartof concept_stateorprovince_indiana +concept_city_mundelein concept:atlocation concept_stateorprovince_illinois +concept_city_munfordville concept:proxyfor concept_coach_kentucky +concept_city_munich concept:citylocatedincountry concept_country_germany +concept_city_munich concept:citylocatedingeopoliticallocation concept_geopoliticallocation_middle_east +concept_city_munich concept:cityliesonriver concept_river_isar +concept_city_munich concept:proxyfor concept_sportsteam_germany +concept_city_murcia concept:cityliesonriver concept_river_segura +concept_city_murdoch concept:agentbelongstoorganization concept_company_news_corp001 +concept_city_murdoch concept:agentcontrols concept_company_news_corp001 +concept_city_murdoch concept:proxyfor concept_company_news_corp001 +concept_city_murdoch concept:agentbelongstoorganization concept_company_news_corp_ +concept_city_murdoch concept:agentcontrols concept_company_news_corp_ +concept_city_murdoch concept:proxyfor concept_company_news_corp_ +concept_city_murdoch concept:agentbelongstoorganization concept_mountain_fox +concept_city_murdoch concept:agentcontrols concept_mountain_fox +concept_city_murdoch concept:agentcontrols concept_personasia_news_corporation +concept_city_murdoch concept:proxyfor concept_personasia_news_corporation +concept_city_murfreesboro concept:citylocatedingeopoliticallocation concept_geopoliticallocation_middle_tennessee +concept_city_murfreesboro concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_city_murfreesboro concept:proxyfor concept_stateorprovince_tennessee +concept_city_muridke concept:latitudelongitude 31.6194980000000,74.0108340000000 +concept_city_murphy concept:cityliesonriver concept_river_hiwassee +concept_city_murphy concept:cityliesonriver concept_river_valley +concept_city_murray concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_murray concept:locationlocatedwithinlocation concept_stateorprovince_utah +concept_city_murrieta concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_murrieta concept:proxyfor concept_stateorprovince_california +concept_city_muscat concept:citylocatedincountry concept_country_oman +concept_city_muscat concept:proxyfor concept_country_oman +concept_city_muscatine concept:cityliesonriver concept_attraction_mississippi +concept_city_muscatine concept:atlocation concept_stateorprovince_iowa +concept_city_muskegon concept:cityliesonriver concept_attraction_grand +concept_city_muskegon concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_muskegon concept:proxyfor concept_stateorprovince_michigan +concept_city_muskogee concept:atlocation concept_stateorprovince_oklahoma +concept_city_muskogee concept:subpartof concept_stateorprovince_oklahoma +concept_city_muzaffarabad concept:cityliesonriver concept_river_jhelum +concept_city_muzaffarabad concept:cityliesonriver concept_river_neelum +concept_city_myitkyina concept:citylocatedincountry concept_country_myanmar_burma +concept_city_myrtle_beach concept:atlocation concept_city_florida +concept_city_myrtle_beach concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_myrtle_beach concept:proxyfor concept_stateorprovince_south_carolina +concept_city_mysore concept:latitudelongitude 12.4928450000000,76.6408455555556 +concept_city_mysore concept:citylocatedinstate concept_stateorprovince_karnataka +concept_city_mysore concept:proxyfor concept_stateorprovince_karnataka +concept_city_mystic concept:atlocation concept_stateorprovince_connecticut +concept_city_n_djamena concept:locationlocatedwithinlocation concept_country_republic_of_chad +concept_city_n_djamena concept:proxyfor concept_country_republic_of_chad +concept_city_n_djamena concept:cityliesonriver concept_river_chari +concept_city_nacogdoches concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_nacogdoches concept:proxyfor concept_stateorprovince_texas +concept_city_nadym concept:citylocatedincountry concept_country_russia +concept_city_nafplio concept:citylocatedincountry concept_country_greece +concept_city_nagano concept:citylocatedincountry concept_country_japan +concept_city_nagasaki concept:citylocatedincountry concept_country_japan +concept_city_nagoya concept:citylocatedincountry concept_country_japan +concept_city_nagpur concept:proxyfor concept_stateorprovince_maharashtra +concept_city_nairobi concept:citycapitalofcountry concept_country_republic_of_kenya +concept_city_nairobi concept:citylocatedincountry concept_country_republic_of_kenya +concept_city_nakhon_phanom concept:cityliesonriver concept_river_mekong +concept_city_name concept:mutualproxyfor concept_beverage_new +concept_city_name concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_name concept:istallerthan concept_city_christ +concept_city_name concept:atdate concept_date_n1996 +concept_city_name concept:atdate concept_date_n1999 +concept_city_name concept:atdate concept_date_n2000 +concept_city_name concept:atdate concept_date_n2001 +concept_city_name concept:atdate concept_date_n2003 +concept_city_name concept:atdate concept_date_n2004 +concept_city_name concept:atdate concept_dateliteral_n2002 +concept_city_name concept:atdate concept_dateliteral_n2005 +concept_city_name concept:atdate concept_dateliteral_n2006 +concept_city_name concept:atdate concept_dateliteral_n2007 +concept_city_name concept:atdate concept_dateliteral_n2008 +concept_city_name concept:proxyfor concept_politicaloffice_new +concept_city_name concept:agentparticipatedinevent concept_sportsgame_series +concept_city_name concept:atdate concept_year_n1981 +concept_city_name concept:atdate concept_year_n1989 +concept_city_name concept:atdate concept_year_n1995 +concept_city_name concept:atdate concept_year_n1997 +concept_city_name concept:atdate concept_year_n1998 +concept_city_nampa concept:locationlocatedwithinlocation concept_stateorprovince_idaho +concept_city_nampa concept:proxyfor concept_stateorprovince_idaho +concept_city_namsos concept:citylocatedincountry concept_country_norway +concept_city_namur concept:cityliesonriver concept_river_meuse +concept_city_nanaimo concept:cityalsoknownas concept_city_columbia +concept_city_nanaimo concept:cityliesonriver concept_river_columbia +concept_city_nanjing concept:citylocatedincountry concept_country_china +concept_city_nanjing concept:proxyfor concept_country_china +concept_city_nanjing concept:cityliesonriver concept_river_yangtze +concept_city_nanjing concept:cityliesonriver concept_river_yangzi +concept_city_nanking concept:cityliesonriver concept_river_yangtze +concept_city_nantes concept:locationlocatedwithinlocation concept_country_france_france +concept_city_nantes concept:cityliesonriver concept_river_loire +concept_city_napa concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_napa concept:proxyfor concept_stateorprovince_california +concept_city_napa concept:subpartof concept_stateorprovince_california +concept_city_napa_valley concept:citylocatedincountry concept_country_france_france +concept_city_naperville concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_naperville concept:proxyfor concept_stateorprovince_illinois +concept_city_napier concept:citylocatedincountry concept_country_new_zealand +concept_city_naples concept:proxyfor concept_country_italy +concept_city_narvik concept:citylocatedincountry concept_country_norway +concept_city_nashik concept:cityalsoknownas concept_city_nasik +concept_city_nashua concept:citylocatedinstate concept_stateorprovince_nh +concept_city_nashville concept:proxyfor concept_attraction_ryman_auditorium +concept_city_nashville concept:citylocatedingeopoliticallocation concept_country_tn +concept_city_nashville concept:organizationhiredperson concept_politician_bill_purcell +concept_city_nashville concept:proxyfor concept_stadiumoreventvenue_sommet_center +concept_city_nashville_davidson concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_nasik concept:cityalsoknownas concept_city_nashik +concept_city_nasiriya concept:cityliesonriver concept_river_euphrates +concept_city_nasiriyah concept:cityliesonriver concept_river_euphrates +concept_city_nassau concept:citycapitalofcountry concept_country_bahamas +concept_city_nassau concept:proxyfor concept_geopoliticalorganization_the_bahamas +concept_city_nassau concept:cityliesonriver concept_river_lahn +concept_city_nassau concept:citylocatedinstate concept_stateorprovince_florida +concept_city_nassau concept:mutualproxyfor concept_stateorprovince_new_york +concept_city_nassau concept:subpartof concept_stateorprovince_new_york +concept_city_natchez concept:cityliesonriver concept_attraction_mississippi +concept_city_natchez concept:atlocation concept_stateorprovince_mississippi +concept_city_natchitoches concept:atlocation concept_stateorprovince_louisiana +concept_city_natick concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_natick concept:proxyfor concept_stateorprovince_massachusetts +concept_city_nature concept:istallerthan concept_city_christ +concept_city_nature concept:atdate concept_date_n2001 +concept_city_nature concept:atdate concept_date_n2004 +concept_city_nature concept:atdate concept_dateliteral_n2002 +concept_city_nature concept:atdate concept_dateliteral_n2005 +concept_city_nature concept:atdate concept_dateliteral_n2006 +concept_city_nature concept:atdate concept_dateliteral_n2007 +concept_city_nature concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_nature concept:proxyfor concept_politicaloffice_new +concept_city_nature concept:atdate concept_year_n1995 +concept_city_naugatuck concept:proxyfor concept_stateorprovince_connecticut +concept_city_nauvoo concept:cityliesonriver concept_attraction_mississippi +concept_city_ndjamena concept:locationlocatedwithinlocation concept_country_republic_of_chad +concept_city_near_north_side concept:latitudelongitude 41.9000300000000,-87.6345000000000 +concept_city_nebraska concept:cityliesonriver concept_attraction_grand +concept_city_nebraska concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_nebraska concept:locationlocatedwithinlocation concept_country_united_states +concept_city_nebraska concept:locationlocatedwithinlocation concept_country_usa +concept_city_nebraska concept:subpartof concept_country_usa +concept_city_nebraska concept:cityliesonriver concept_river_loup +concept_city_nebraska concept:cityliesonriver concept_river_niobrara +concept_city_nebraska concept:cityliesonriver concept_river_platte +concept_city_nefyn concept:latitudelongitude 52.9332700000000,-4.5252700000000 +concept_city_neighborhood concept:mutualproxyfor concept_beverage_new +concept_city_neighborhood concept:atdate concept_dateliteral_n2006 +concept_city_neighborhood concept:proxyfor concept_politicaloffice_new +concept_city_neighborhood concept:subpartof concept_weatherphenomenon_air +concept_city_neighborhood concept:subpartof concept_weatherphenomenon_water +concept_city_neighborhoods concept:mutualproxyfor concept_beverage_new +concept_city_neighborhoods concept:proxyfor concept_politicaloffice_new +concept_city_nenana concept:cityliesonriver concept_river_tanana +concept_city_new_albany concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_new_albany concept:proxyfor concept_stateorprovince_indiana +concept_city_new_bedford concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_new_bedford concept:proxyfor concept_stateorprovince_massachusetts +concept_city_new_bern concept:cityliesonriver concept_river_neuse +concept_city_new_bern concept:cityliesonriver concept_river_trent +concept_city_new_bern concept:atlocation concept_stateorprovince_north_carolina +concept_city_new_bern concept:subpartof concept_stateorprovince_north_carolina +concept_city_new_braunfels concept:mutualproxyfor concept_city_texas +concept_city_new_braunfels concept:cityliesonriver concept_river_comal +concept_city_new_braunfels concept:atlocation concept_stateorprovince_texas +concept_city_new_braunfels concept:proxyfor concept_stateorprovince_texas +concept_city_new_braunfels concept:subpartof concept_stateorprovince_texas +concept_city_new_brighton concept:mutualproxyfor concept_personaustralia_rick_smith +concept_city_new_britain concept:atlocation concept_stateorprovince_connecticut +concept_city_new_britain concept:proxyfor concept_stateorprovince_connecticut +concept_city_new_britain concept:subpartof concept_stateorprovince_connecticut +concept_city_new_brunswick concept:mutualproxyfor concept_beverage_new +concept_city_new_brunswick concept:cityliesonriver concept_company_raritan +concept_city_new_brunswick concept:proxyfor concept_politicaloffice_new +concept_city_new_brunswick concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_new_brunswick concept:cityliesonriver concept_river_columbia +concept_city_new_brunswick concept:cityliesonriver concept_river_saint_john +concept_city_new_brunswick concept:citylocatedinstate concept_stateorprovince_newjersey +concept_city_new_carlisle concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_new_castle concept:citylocatedinstate concept_stateorprovince_delaware +concept_city_new_castle concept:atlocation concept_stateorprovince_pennsylvania +concept_city_new_castle concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_new_castle concept:subpartof concept_stateorprovince_pennsylvania +concept_city_new_city concept:proxyfor concept_company_new_york +concept_city_new_dehli concept:citycapitalofcountry concept_country_republic_of_india +concept_city_new_dehli concept:citylocatedincountry concept_country_republic_of_india +concept_city_new_delhi concept:citylocatedincountry concept_country_republic +concept_city_new_delhi concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_new_delhi concept:proxyfor concept_country_republic_of_india +concept_city_new_delhi concept:atdate concept_date_n1993 +concept_city_new_delhi concept:atdate concept_date_n1996 +concept_city_new_delhi concept:atdate concept_date_n1999 +concept_city_new_delhi concept:atdate concept_date_n2003 +concept_city_new_delhi concept:atdate concept_date_n2004 +concept_city_new_delhi concept:atdate concept_dateliteral_n2002 +concept_city_new_delhi concept:atdate concept_dateliteral_n2006 +concept_city_new_delhi concept:atdate concept_dateliteral_n2007 +concept_city_new_delhi concept:atdate concept_dateliteral_n2008 +concept_city_new_delhi concept:cityliesonriver concept_river_yamuna +concept_city_new_delhi concept:atdate concept_year_n1997 +concept_city_new_haven concept:atlocation concept_stateorprovince_connecticut +concept_city_new_haven concept:proxyfor concept_stateorprovince_connecticut +concept_city_new_haven concept:subpartof concept_stateorprovince_connecticut +concept_city_new_iberia concept:proxyfor concept_creditunion_louisiana +concept_city_new_iberia concept:atlocation concept_stateorprovince_louisiana +concept_city_new_jalpaiguri concept:latitudelongitude 26.6833300000000,88.4833300000000 +concept_city_new_lisbon concept:proxyfor concept_radiostation_new_jersey +concept_city_new_lisbon concept:proxyfor concept_stateorprovince_newjersey +concept_city_new_madrid concept:cityliesonriver concept_attraction_mississippi +concept_city_new_market concept:cityliesonriver concept_river_shenandoah +concept_city_new_milford concept:cityliesonriver concept_river_housatonic +concept_city_new_milford concept:atlocation concept_stateorprovince_connecticut +concept_city_new_milford concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_new_milford concept:proxyfor concept_stateorprovince_newjersey +concept_city_new_norfolk concept:cityliesonriver concept_river_derwent +concept_city_new_orleans concept:cityliesonriver concept_attraction_grand +concept_city_new_orleans concept:cityliesonriver concept_attraction_mississippi +concept_city_new_orleans concept:citylocatedincountry concept_country_usa +concept_city_new_orleans concept:citylocatedingeopoliticallocation concept_county_louisiana_state +concept_city_new_orleans concept:citylocatedingeopoliticallocation concept_county_louisiana_state_university +concept_city_new_orleans concept:atdate concept_date_n1996 +concept_city_new_orleans concept:atdate concept_date_n1999 +concept_city_new_orleans concept:atdate concept_date_n2000 +concept_city_new_orleans concept:atdate concept_date_n2001 +concept_city_new_orleans concept:atdate concept_date_n2004 +concept_city_new_orleans concept:atdate concept_date_n2009 +concept_city_new_orleans concept:atdate concept_dateliteral_n2002 +concept_city_new_orleans concept:atdate concept_dateliteral_n2006 +concept_city_new_orleans concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_new_orleans concept:citylocatedingeopoliticallocation concept_geopoliticallocation_lsu +concept_city_new_orleans concept:mutualproxyfor concept_geopoliticalorganization_nagin +concept_city_new_orleans concept:mutualproxyfor concept_geopoliticalorganization_ray_nagin +concept_city_new_orleans concept:locationlocatedwithinlocation concept_hospital_louisiana_state_university +concept_city_new_orleans concept:proxyfor concept_lake_new +concept_city_new_orleans concept:cityliesonriver concept_river_mississippi_river +concept_city_new_orleans concept:locationlocatedwithinlocation concept_stateorprovince_louisiana +concept_city_new_orleans concept:proxyfor concept_stateorprovince_louisiana +concept_city_new_orleans concept:atdate concept_year_n1815 +concept_city_new_orleans concept:atdate concept_year_n1862 +concept_city_new_orleans concept:atdate concept_year_n1995 +concept_city_new_orleans concept:atdate concept_year_n1997 +concept_city_new_paltz concept:proxyfor concept_company_new_york +concept_city_new_paltz concept:cityliesonriver concept_river_hudson +concept_city_new_philadelphia concept:atlocation concept_stateorprovince_ohio +concept_city_new_plymouth concept:atlocation concept_stateorprovince_idaho +concept_city_new_port_richey concept:atlocation concept_city_florida +concept_city_new_port_richey concept:subpartof concept_city_florida +concept_city_new_port_richey concept:citylocatedinstate concept_stateorprovince_florida +concept_city_new_richmond concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_new_rochelle concept:atlocation concept_stateorprovince_new_york +concept_city_new_rochelle concept:proxyfor concept_stateorprovince_new_york +concept_city_new_rochelle concept:subpartof concept_stateorprovince_new_york +concept_city_new_ulm concept:atlocation concept_stateorprovince_minnesota +concept_city_new_westminster concept:cityalsoknownas concept_city_columbia +concept_city_new_westminster concept:cityliesonriver concept_river_columbia +concept_city_new_westminster concept:proxyfor concept_stateorprovince_british_columbia +concept_city_new_wilmington concept:atlocation concept_stateorprovince_pennsylvania +concept_city_new_york concept:cityliesonriver concept_attraction_grand +concept_city_new_york concept:locationlocatedwithinlocation concept_city_vegas +concept_city_new_york concept:citylocatedincountry concept_country_usa +concept_city_new_york concept:atdate concept_dayofweek_monday +concept_city_new_york concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_new_york concept:agentparticipatedinevent concept_eventoutcome_title +concept_city_new_york concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_new_york concept:agentactsinlocation concept_highway_the_new +concept_city_new_york concept:agentactsinlocation concept_lake_new +concept_city_new_york concept:organizationhiredperson concept_person_juan_carlos_osorio +concept_city_new_york concept:organizationterminatedperson concept_person_juan_carlos_osorio +concept_city_new_york concept:organizationhiredperson concept_politician_fernando_ferrer +concept_city_new_york concept:organizationhiredperson concept_politician_guiliani +concept_city_new_york concept:organizationhiredperson concept_politician_michael_r__bloomberg +concept_city_new_york concept:agentcollaborateswithagent concept_politician_obama +concept_city_new_york concept:mutualproxyfor concept_politicianus_rudy_giuliani +concept_city_new_york concept:organizationhiredperson concept_politicianus_rudy_giuliani +concept_city_new_york concept:organizationterminatedperson concept_politicianus_rudy_giuliani +concept_city_new_york concept:organizationhiredperson concept_politicianus_rudy_guiliani +concept_city_new_york concept:cityliesonriver concept_river_bronx +concept_city_new_york concept:cityliesonriver concept_river_columbia +concept_city_new_york concept:cityliesonriver concept_river_east_river +concept_city_new_york concept:cityliesonriver concept_river_hudson +concept_city_new_york concept:cityliesonriver concept_river_hudson_river +concept_city_new_york concept:cityliesonriver concept_river_mohawk +concept_city_new_york concept:cityliesonriver concept_river_neversink +concept_city_new_york concept:cityliesonriver concept_river_niagara +concept_city_new_york concept:cityliesonriver concept_river_susquehanna +concept_city_new_york concept:organizationterminatedperson concept_scientist_no_ +concept_city_new_york concept:proxyfor concept_stadiumoreventvenue_hammerstein_ballroom +concept_city_new_york concept:proxyfor concept_stadiumoreventvenue_irving_plaza +concept_city_new_york concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_newark concept:cityliesonriver concept_river_hudson +concept_city_newark concept:atlocation concept_stateorprovince_california +concept_city_newark concept:mutualproxyfor concept_stateorprovince_california +concept_city_newark concept:citylocatedinstate concept_stateorprovince_delaware +concept_city_newark concept:locationlocatedwithinlocation concept_stateorprovince_new_jersey +concept_city_newark concept:proxyfor concept_stateorprovince_newjersey +concept_city_newark concept:atlocation concept_stateorprovince_ohio +concept_city_newaygo concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_newberg concept:cityliesonriver concept_river_willamette +concept_city_newberg concept:atlocation concept_stateorprovince_oregon +concept_city_newburgh concept:cityliesonriver concept_river_hudson +concept_city_newburgh concept:atlocation concept_stateorprovince_new_york +concept_city_newburgh concept:proxyfor concept_stateorprovince_new_york +concept_city_newbury concept:cityliesonriver concept_river_kennet +concept_city_newburyport concept:cityliesonriver concept_river_merrimac +concept_city_newburyport concept:atlocation concept_stateorprovince_massachusetts +concept_city_newcastle concept:cityliesonriver concept_geopoliticallocation_hunter +concept_city_newcastle concept:organizationhiredperson concept_personaustralia_bobby_robson +concept_city_newcastle concept:cityliesonriver concept_river_tyne +concept_city_newcastle concept:atlocation concept_stateorprovince_california +concept_city_newnan concept:atlocation concept_stateorprovince_georgia +concept_city_newnan concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_neworleans concept:agentcontrols concept_visualartmovement_marc +concept_city_neworleans concept:mutualproxyfor concept_visualartmovement_marc +concept_city_newport concept:cityliesonriver concept_river_usk +concept_city_newport concept:citylocatedinstate concept_stateorprovince_kentucky +concept_city_newport concept:atlocation concept_stateorprovince_oregon +concept_city_newport_beach concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_newport_beach concept:proxyfor concept_stateorprovince_california +concept_city_newport_news_hampton_wmsburg concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_newport_news_hampton_wmsburg concept:proxyfor concept_stateorprovince_virginia +concept_city_newport_news_hampton_wmsburg concept:subpartof concept_stateorprovince_virginia +concept_city_newsletter concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_newsletter concept:atdate concept_date_n1999 +concept_city_newsletter concept:atdate concept_date_n2000 +concept_city_newsletter concept:atdate concept_date_n2001 +concept_city_newsletter concept:atdate concept_date_n2003 +concept_city_newsletter concept:atdate concept_date_n2004 +concept_city_newsletter concept:atdate concept_dateliteral_n1990 +concept_city_newsletter concept:atdate concept_dateliteral_n2002 +concept_city_newsletter concept:atdate concept_dateliteral_n2005 +concept_city_newsletter concept:atdate concept_dateliteral_n2006 +concept_city_newsletter concept:atdate concept_dateliteral_n2007 +concept_city_newsletter concept:atdate concept_dateliteral_n2008 +concept_city_newsletter concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_newsletter concept:atdate concept_year_n1998 +concept_city_newton concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_newtonville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_newtonville concept:proxyfor concept_stateorprovince_newjersey +concept_city_newtown concept:atlocation concept_stateorprovince_connecticut +concept_city_niagara_falls concept:citylocatedincountry concept_country_canada_canada +concept_city_niagara_falls concept:cityliesonriver concept_river_niagara +concept_city_niagara_falls concept:atlocation concept_stateorprovince_new_york +concept_city_niagara_on_the_lake concept:cityliesonriver concept_river_niagara +concept_city_niantic concept:atlocation concept_stateorprovince_connecticut +concept_city_nice concept:locationlocatedwithinlocation concept_country_france_france +concept_city_nice concept:proxyfor concept_sportsteam_france +concept_city_niceville concept:atlocation concept_city_florida +concept_city_nicholasville concept:proxyfor concept_stateorprovince_kentucky +concept_city_nicosia concept:citylocatedincountry concept_country_cyprus +concept_city_nicosia concept:proxyfor concept_country_cyprus +concept_city_nidaros concept:cityalsoknownas concept_city_trondheim +concept_city_nightmute concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_nikolski concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_niles concept:atlocation concept_stateorprovince_illinois +concept_city_niort concept:citylocatedincountry concept_country_france_france +concept_city_nishapur concept:citylocatedincountry concept_country_iran +concept_city_nizhny_novgorod concept:cityliesonriver concept_river_volga +concept_city_nj concept:locationlocatedwithinlocation concept_country_usa +concept_city_nj concept:subpartof concept_country_usa +concept_city_nj concept:atdate concept_date_n2001 +concept_city_nj concept:atdate concept_dateliteral_n2005 +concept_city_nj concept:atdate concept_dateliteral_n2006 +concept_city_nj concept:atdate concept_dateliteral_n2008 +concept_city_nj concept:mutualproxyfor concept_highway_trenton +concept_city_nj concept:proxyfor concept_politicaloffice_new +concept_city_noblesville concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_noblesville concept:proxyfor concept_stateorprovince_indiana +concept_city_nogales concept:proxyfor concept_beverage_arizona +concept_city_nogales concept:atlocation concept_stateorprovince_arizona +concept_city_nokia concept:agentcollaborateswithagent concept_ceo_olli_pekka_kallasvuo +concept_city_nokia concept:organizationheadquarteredincity concept_city_espoo +concept_city_nokia concept:atdate concept_dateliteral_n2006 +concept_city_nokia concept:agentcollaborateswithagent concept_professor_jorma_ollila +concept_city_nome concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_nome concept:proxyfor concept_stateorprovince_alaska +concept_city_nong_khai concept:cityliesonriver concept_river_mekong +concept_city_norcross concept:atlocation concept_stateorprovince_georgia +concept_city_norfolk concept:cityliesonriver concept_river_derwent +concept_city_norfolk concept:proxyfor concept_stadiumoreventvenue_constant_convocation_center +concept_city_norfolk concept:proxyfor concept_stadiumoreventvenue_the_norva +concept_city_norfolk concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_norfolk concept:atlocation concept_stateorprovince_nebraska +concept_city_norfolk concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_norfolk concept:proxyfor concept_stateorprovince_virginia +concept_city_normal concept:proxyfor concept_stadiumoreventvenue_braden_auditorium +concept_city_normal concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_normal concept:proxyfor concept_stateorprovince_illinois +concept_city_normal concept:subpartof concept_stateorprovince_illinois +concept_city_norman concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_norman concept:locationlocatedwithinlocation concept_stateorprovince_oklahoma +concept_city_norristown concept:cityliesonriver concept_river_schuylkill +concept_city_norristown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_norristown concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_north_adams concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_north_attleboro concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_north_bergen concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_north_bergen concept:proxyfor concept_stateorprovince_newjersey +concept_city_north_charleston concept:atlocation concept_stateorprovince_south_carolina +concept_city_north_charleston concept:subpartof concept_stateorprovince_south_carolina +concept_city_north_kohala concept:latitudelongitude 20.1666700000000,-155.8333300000000 +concept_city_north_las_vegas concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_north_las_vegas concept:proxyfor concept_stateorprovince_nevada +concept_city_north_little_rock concept:proxyfor concept_stadiumoreventvenue_verizon_arena +concept_city_north_little_rock concept:atlocation concept_stateorprovince_arkansas +concept_city_north_miami concept:locationlocatedwithinlocation concept_city_florida +concept_city_north_miami concept:proxyfor concept_city_florida +concept_city_north_miami_beach concept:atlocation concept_city_florida +concept_city_north_miami_beach concept:mutualproxyfor concept_city_florida +concept_city_north_olmsted concept:atlocation concept_stateorprovince_ohio +concept_city_north_port concept:proxyfor concept_city_florida +concept_city_north_richland_hills concept:atlocation concept_stateorprovince_texas +concept_city_north_shields concept:cityliesonriver concept_river_tyne +concept_city_north_vancouver concept:cityliesonriver concept_river_columbia +concept_city_north_vernon concept:atlocation concept_stateorprovince_indiana +concept_city_northam concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_northampton concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_northbrook concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_northfield concept:atlocation concept_stateorprovince_illinois +concept_city_northfield concept:atlocation concept_stateorprovince_minnesota +concept_city_northfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_northglenn concept:atlocation concept_stateorprovince_colorado +concept_city_northport concept:cityliesonriver concept_river_black_warrior +concept_city_northport concept:atlocation concept_stateorprovince_alabama +concept_city_northridge concept:citylocatedinstate concept_stateorprovince_california +concept_city_northridge concept:proxyfor concept_stateorprovince_california +concept_city_northville concept:atlocation concept_stateorprovince_michigan +concept_city_northville concept:proxyfor concept_stateorprovince_michigan +concept_city_norwalk concept:citylocatedinstate concept_stateorprovince_california +concept_city_norwalk concept:proxyfor concept_stateorprovince_california +concept_city_norwalk concept:atlocation concept_stateorprovince_connecticut +concept_city_norwalk concept:proxyfor concept_stateorprovince_connecticut +concept_city_norwalk concept:subpartof concept_stateorprovince_connecticut +concept_city_norwalk concept:atlocation concept_stateorprovince_ohio +concept_city_norwich concept:cityliesonriver concept_river_shetucket +concept_city_norwich concept:cityliesonriver concept_river_thames +concept_city_norwich concept:atlocation concept_stateorprovince_connecticut +concept_city_norwich concept:proxyfor concept_stateorprovince_connecticut +concept_city_norwich concept:subpartof concept_stateorprovince_connecticut +concept_city_norwood concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_norwood concept:proxyfor concept_stateorprovince_massachusetts +concept_city_nottingham concept:atdate concept_dateliteral_n2007 +concept_city_nottingham concept:cityliesonriver concept_river_trent +concept_city_nouakchott concept:citycapitalofcountry concept_country_mauritania +concept_city_nouakchott concept:citylocatedincountry concept_country_mauritania +concept_city_noumea concept:locationlocatedwithinlocation concept_country_new_caledonia +concept_city_noumea concept:proxyfor concept_country_new_caledonia +concept_city_novato concept:atlocation concept_stateorprovince_california +concept_city_novato concept:mutualproxyfor concept_stateorprovince_california +concept_city_novato concept:subpartof concept_stateorprovince_california +concept_city_novelda concept:locationlocatedwithinlocation concept_country_spain +concept_city_novgorod concept:cityliesonriver concept_river_volkhov +concept_city_novi concept:cityliesonriver concept_attraction_grand +concept_city_novi concept:atlocation concept_stateorprovince_michigan +concept_city_novi concept:subpartof concept_stateorprovince_michigan +concept_city_novi_sad concept:cityliesonriver concept_river_danube +concept_city_novi_sad concept:locationlocatedwithinlocation concept_stateorprovince_vojvodina +concept_city_novi_sad concept:proxyfor concept_stateorprovince_vojvodina +concept_city_nuevo_laredo concept:citylocatedincountry concept_country_mexico +concept_city_nuevo_laredo concept:citylocatedinstate concept_stateorprovince_florida +concept_city_nuku__alofa concept:citycapitalofcountry concept_island_tonga +concept_city_nuku__alofa concept:citylocatedincountry concept_island_tonga +concept_city_nulato concept:cityliesonriver concept_river_yukon +concept_city_number concept:mutualproxyfor concept_beverage_new +concept_city_number concept:agentcreated concept_city_click +concept_city_number concept:atdate concept_dateliteral_n2007 +concept_city_number concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_number concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_number concept:proxyfor concept_politicaloffice_new +concept_city_number concept:agentcreated concept_programminglanguage_contact +concept_city_number concept:agentcreated concept_programminglanguage_enter +concept_city_number concept:agentcreated concept_programminglanguage_input +concept_city_number concept:agentcompeteswithagent concept_tradeunion_search +concept_city_nunukan concept:citylocatedincountry concept_country_indonesia +concept_city_nuremberg concept:citylocatedincountry concept_country_germany +concept_city_nuuk concept:citylocatedincountry concept_country_greenland +concept_city_nyack concept:cityliesonriver concept_river_hudson +concept_city_nyc concept:cityliesonriver concept_attraction_grand +concept_city_nyc concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_nyc concept:cityliesonriver concept_river_columbia +concept_city_nyc concept:cityliesonriver concept_river_hudson +concept_city_nyc_ concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_nyc_ concept:locationlocatedwithinlocation concept_geopoliticallocation_world +concept_city_nyc_ concept:agentactsinlocation concept_lake_new +concept_city_nyc_ concept:proxyfor concept_lake_new +concept_city_nyc_ concept:proxyfor concept_programminglanguage_the_new +concept_city_nyc_ concept:cityliesonriver concept_river_columbia +concept_city_nyc_ concept:cityliesonriver concept_river_hudson +concept_city_nykoping concept:citylocatedincountry concept_country_sweden +concept_city_o_fallon concept:atlocation concept_stateorprovince_missouri +concept_city_oahu concept:proxyfor concept_politicaloffice_new +concept_city_oahu concept:proxyfor concept_stateorprovince_hawaii +concept_city_oahu concept:subpartof concept_stateorprovince_hawaii +concept_city_oak_brook concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_oak_creek concept:atlocation concept_stateorprovince_wisconsin +concept_city_oak_forest concept:atlocation concept_stateorprovince_illinois +concept_city_oak_lawn concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_oak_park concept:proxyfor concept_creditunion_michigan +concept_city_oak_park concept:atlocation concept_stateorprovince_illinois +concept_city_oak_park concept:proxyfor concept_stateorprovince_illinois +concept_city_oak_ridge concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_oak_ridge concept:cityliesonriver concept_river_clinch +concept_city_oak_ridge concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_oakhurst concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_oakhurst concept:proxyfor concept_stateorprovince_new_jersey +concept_city_oakland concept:organizationhiredperson concept_coach_art_shell +concept_city_oakland concept:organizationhiredperson concept_coach_kiffin +concept_city_oakland concept:organizationhiredperson concept_coach_tom_cable +concept_city_oakland concept:atdate concept_dateliteral_n2008 +concept_city_oakland concept:mutualproxyfor concept_politicianus_jerry_brown +concept_city_oakland concept:citylocatedinstate concept_stateorprovince_ca +concept_city_oakland concept:atlocation concept_stateorprovince_california +concept_city_oakland concept:proxyfor concept_stateorprovince_california +concept_city_oakland concept:subpartof concept_stateorprovince_california +concept_city_oakland_park concept:atlocation concept_city_florida +concept_city_oaklandon concept:latitudelongitude 39.8790700000000,-85.9563750000000 +concept_city_oakville concept:atlocation concept_stateorprovince_connecticut +concept_city_oamaru concept:cityliesonriver concept_river_waitaki +concept_city_oaxaca concept:locationlocatedwithinlocation concept_country_mexico +concept_city_oaxaca concept:proxyfor concept_country_mexico +concept_city_ocean_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_ocean_city concept:proxyfor concept_stateorprovince_new_jersey +concept_city_ocean_city concept:proxyfor concept_stateorprovince_newjersey +concept_city_ocean_grove concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_ocean_grove concept:proxyfor concept_stateorprovince_newjersey +concept_city_ocean_view concept:proxyfor concept_radiostation_new_jersey +concept_city_ocean_view concept:proxyfor concept_stateorprovince_newjersey +concept_city_oceanside concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_oceanside concept:proxyfor concept_stateorprovince_california +concept_city_oceanside concept:atlocation concept_stateorprovince_new_york +concept_city_ocoee concept:atlocation concept_city_florida +concept_city_ocoee concept:proxyfor concept_city_florida +concept_city_oconto concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_odessa concept:citylocatedingeopoliticallocation concept_geopoliticallocation_texas_tech +concept_city_odessa concept:locationlocatedwithinlocation concept_geopoliticallocation_texas_tech +concept_city_odessa concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_odessa concept:proxyfor concept_stateorprovince_texas +concept_city_official concept:agentcontrols concept_clothing_white +concept_city_official concept:atdate concept_date_n1999 +concept_city_official concept:atdate concept_date_n2004 +concept_city_official concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_official concept:proxyfor concept_politicaloffice_new +concept_city_official concept:agentcreated concept_programminglanguage_contact +concept_city_ogallala concept:atlocation concept_stateorprovince_nebraska +concept_city_ogden concept:citylocatedingeopoliticallocation concept_city_weber +concept_city_ogden concept:atlocation concept_stateorprovince_utah +concept_city_ogden concept:proxyfor concept_stateorprovince_utah +concept_city_ogden concept:subpartof concept_stateorprovince_utah +concept_city_ogdensburg concept:proxyfor concept_company_new_york +concept_city_ogdensburg concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_ogdensburg concept:proxyfor concept_stateorprovince_new_jersey +concept_city_ogdensburg concept:proxyfor concept_stateorprovince_newjersey +concept_city_ogunquit concept:atlocation concept_stateorprovince_maine +concept_city_oh concept:locationlocatedwithinlocation concept_city_cincinnati +concept_city_oh concept:locationlocatedwithinlocation concept_country_usa +concept_city_oh concept:subpartof concept_country_usa +concept_city_oh concept:atdate concept_dateliteral_n2006 +concept_city_ohiopyle concept:cityliesonriver concept_river_youghiogheny +concept_city_ojai concept:atlocation concept_stateorprovince_california +concept_city_okayama concept:citylocatedincountry concept_country_japan +concept_city_okinawa concept:atdate concept_dateliteral_n1945 +concept_city_oklahoma_city concept:cityliesonriver concept_river_north_canadian +concept_city_oklahoma_city concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_oklahoma_city concept:proxyfor concept_stateorprovince_oklahoma +concept_city_okmulgee concept:atlocation concept_stateorprovince_oklahoma +concept_city_olathe concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_city_olathe concept:proxyfor concept_stateorprovince_kansas +concept_city_olbia concept:locationlocatedwithinlocation concept_country_italy +concept_city_old_saybrook concept:atlocation concept_stateorprovince_connecticut +concept_city_old_tappan concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_old_tappan concept:proxyfor concept_stateorprovince_newjersey +concept_city_old_town concept:cityliesonriver concept_attraction_grand +concept_city_old_town concept:cityliesonriver concept_river_penobscot +concept_city_old_town concept:cityliesonriver concept_river_rhine +concept_city_old_town concept:cityliesonriver concept_river_suwannee +concept_city_old_town concept:cityliesonriver concept_river_vltava +concept_city_olean concept:atlocation concept_stateorprovince_new_york +concept_city_olive_branch concept:atlocation concept_stateorprovince_mississippi +concept_city_ollantaytambo concept:cityliesonriver concept_river_urubamba +concept_city_olsztyn concept:locationlocatedwithinlocation concept_country_poland +concept_city_olympic_valley concept:proxyfor concept_stateorprovince_california +concept_city_omaha concept:cityalsoknownas concept_city_creighton +concept_city_omaha concept:cityliesonriver concept_river_missouri_river +concept_city_omaha concept:citylocatedinstate concept_stateorprovince_nebraska +concept_city_omak concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_omak concept:proxyfor concept_city_washington_d_c +concept_city_oneonta concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_ontario concept:cityliesonriver concept_attraction_grand +concept_city_ontario concept:cityalsoknownas concept_city_columbia +concept_city_ontario concept:locationlocatedwithinlocation concept_country_canada_canada +concept_city_ontario concept:proxyfor concept_country_canada_canada +concept_city_ontario concept:atdate concept_dateliteral_n2002 +concept_city_ontario concept:atdate concept_dateliteral_n2006 +concept_city_ontario concept:cityliesonriver concept_river_columbia +concept_city_ontario concept:cityliesonriver concept_river_don +concept_city_ontario concept:cityliesonriver concept_river_hudson +concept_city_ontario concept:cityliesonriver concept_river_humber +concept_city_ontario concept:cityliesonriver concept_river_niagara +concept_city_ontario concept:cityliesonriver concept_river_snake +concept_city_ontario concept:cityliesonriver concept_river_trent +concept_city_ontario concept:proxyfor concept_stadiumoreventvenue_citizens_business_bank_arena +concept_city_ontario concept:atlocation concept_stateorprovince_california +concept_city_ontario concept:proxyfor concept_stateorprovince_california +concept_city_ontario concept:subpartof concept_stateorprovince_california +concept_city_ontario concept:atlocation concept_stateorprovince_oregon +concept_city_opelika concept:atlocation concept_stateorprovince_alabama +concept_city_opelousas concept:atlocation concept_stateorprovince_louisiana +concept_city_open concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_open concept:synonymfor concept_city_best +concept_city_open concept:synonymfor concept_city_goes +concept_city_open concept:proxyfor concept_politicaloffice_new +concept_city_opinions concept:subpartoforganization concept_terroristorganization_state +concept_city_opole concept:locationlocatedwithinlocation concept_country_poland +concept_city_oporto concept:cityliesonriver concept_river_douro +concept_city_orange concept:cityliesonriver concept_river_hudson +concept_city_orange concept:citylocatedinstate concept_stateorprovince_california +concept_city_orange concept:proxyfor concept_stateorprovince_california +concept_city_orange concept:subpartof concept_stateorprovince_connecticut +concept_city_orange concept:organizationhiredperson concept_visualizablescene_robinson +concept_city_orange_park concept:proxyfor concept_city_florida +concept_city_orangeburg concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_orangeburg concept:proxyfor concept_stateorprovince_south_carolina +concept_city_oregon_city concept:cityliesonriver concept_river_willamette +concept_city_orem concept:locationlocatedwithinlocation concept_stateorprovince_utah +concept_city_orem concept:proxyfor concept_stateorprovince_utah +concept_city_orem concept:subpartof concept_stateorprovince_utah +concept_city_orense concept:cityalsoknownas concept_city_ourense +concept_city_orl_ans concept:cityliesonriver concept_river_loire +concept_city_orland_park concept:atlocation concept_stateorprovince_illinois +concept_city_orlando concept:cityliesonriver concept_attraction_grand +concept_city_orlando concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_orlando concept:locationlocatedwithinlocation concept_city_florida +concept_city_orlando concept:atdate concept_date_n2003 +concept_city_orlando concept:atdate concept_dateliteral_n2005 +concept_city_orlando concept:proxyfor concept_stadiumoreventvenue_amway_arena +concept_city_orlando concept:proxyfor concept_stadiumoreventvenue_bob_carr_performing_arts_centre +concept_city_orlando concept:citylocatedinstate concept_stateorprovince_fl +concept_city_orleans concept:citylocatedingeopoliticallocation concept_city_state +concept_city_orleans concept:citylocatedincountry concept_country_u_s_ +concept_city_orleans concept:cityliesonriver concept_river_loire +concept_city_orleans concept:cityliesonriver concept_river_lower_mississippi +concept_city_orleans concept:cityliesonriver concept_river_mississippi_river +concept_city_orleans concept:citylocatedingeopoliticallocation concept_stateorprovince_louisiana +concept_city_orleans concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_ormond_beach concept:atlocation concept_city_florida +concept_city_ormond_beach concept:proxyfor concept_city_florida +concept_city_ormond_beach concept:citylocatedinstate concept_stateorprovince_florida +concept_city_ornskoldsvik concept:locationlocatedwithinlocation concept_city_sweden +concept_city_orofino concept:cityliesonriver concept_river_clearwater +concept_city_orono concept:cityliesonriver concept_river_penobscot +concept_city_oroville concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_oroville concept:proxyfor concept_stateorprovince_california +concept_city_ortley_beach concept:proxyfor concept_stateorprovince_newjersey +concept_city_ortonville concept:atlocation concept_stateorprovince_minnesota +concept_city_osage_beach concept:proxyfor concept_company_missouri +concept_city_osage_beach concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_osaka concept:citylocatedincountry concept_country_japan +concept_city_oshkosh concept:proxyfor concept_politicaloffice_wisconsin +concept_city_oshkosh concept:atlocation concept_stateorprovince_wisconsin +concept_city_oshkosh concept:subpartof concept_stateorprovince_wisconsin +concept_city_oslo concept:locationlocatedwithinlocation concept_country_norway +concept_city_oslo concept:proxyfor concept_country_norway +concept_city_oslo concept:atdate concept_date_n1993 +concept_city_oslo concept:atdate concept_date_n2000 +concept_city_oslo concept:atdate concept_date_n2003 +concept_city_oslo concept:atdate concept_date_n2004 +concept_city_oslo concept:atdate concept_dateliteral_n2006 +concept_city_oslo concept:atdate concept_dateliteral_n2007 +concept_city_oslo concept:atdate concept_year_n1997 +concept_city_oswego concept:atlocation concept_stateorprovince_new_york +concept_city_otavalo concept:citylocatedincountry concept_geopoliticallocation_ecuador +concept_city_otsego concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_ottawa concept:organizationhiredperson concept_coach_jim_watson +concept_city_ottawa concept:citycapitalofcountry concept_country_canada_canada +concept_city_ottawa concept:citylocatedingeopoliticallocation concept_country_canada_canada +concept_city_ottawa concept:locationlocatedwithinlocation concept_country_canada_canada +concept_city_ottawa concept:proxyfor concept_country_canada_canada +concept_city_ottawa concept:subpartof concept_country_canada_canada +concept_city_ottawa concept:citylocatedingeopoliticallocation concept_country_uk__canada +concept_city_ottawa concept:atdate concept_date_n2000 +concept_city_ottawa concept:atdate concept_date_n2003 +concept_city_ottawa concept:atdate concept_date_n2004 +concept_city_ottawa concept:atdate concept_dateliteral_n2005 +concept_city_ottawa concept:atdate concept_dateliteral_n2006 +concept_city_ottawa concept:atdate concept_dateliteral_n2008 +concept_city_ottawa concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_ottawa concept:cityliesonriver concept_river_columbia +concept_city_ottawa concept:cityliesonriver concept_river_rideau +concept_city_ottawa concept:atlocation concept_stateorprovince_illinois +concept_city_ottawa concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_ottawa concept:proxyfor concept_stateorprovince_ontario +concept_city_ottumwa concept:atlocation concept_stateorprovince_iowa +concept_city_ouagadougou concept:citycapitalofcountry concept_country_burkina +concept_city_ouagadougou concept:citylocatedincountry concept_country_burkina +concept_city_oudtshoorn concept:citylocatedincountry concept_country_south_africa +concept_city_oulu concept:locationlocatedwithinlocation concept_country_finland +concept_city_ourense concept:cityalsoknownas concept_city_orense +concept_city_outlook concept:mutualproxyfor concept_university_microsoft +concept_city_ovalle concept:citycapitalofcountry concept_country_chile +concept_city_ovalle concept:citylocatedincountry concept_country_chile +concept_city_overland_park concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_overland_park concept:proxyfor concept_stateorprovince_kansas +concept_city_owasso concept:atlocation concept_stateorprovince_oklahoma +concept_city_owatonna concept:atlocation concept_stateorprovince_minnesota +concept_city_owendo concept:latitudelongitude 0.2916650000000,9.5000000000000 +concept_city_owensboro concept:proxyfor concept_coach_kentucky +concept_city_owensboro concept:locationlocatedwithinlocation concept_stateorprovince_kentucky +concept_city_owensboro concept:subpartof concept_stateorprovince_kentucky +concept_city_oxford concept:proxyfor concept_country_england +concept_city_oxford concept:cityliesonriver concept_river_thames +concept_city_oxford concept:atlocation concept_stateorprovince_alabama +concept_city_oxford concept:citylocatedinstate concept_stateorprovince_maine +concept_city_oxford concept:atlocation concept_stateorprovince_mississippi +concept_city_oxford concept:atlocation concept_stateorprovince_ohio +concept_city_oxfordshire concept:cityliesonriver concept_river_thames +concept_city_oxnard concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_oxnard concept:proxyfor concept_stateorprovince_california +concept_city_ozark concept:proxyfor concept_company_missouri +concept_city_ozark concept:atlocation concept_stateorprovince_alabama +concept_city_pacific concept:atdate concept_dateliteral_n1943 +concept_city_pacifica concept:mutualproxyfor concept_stateorprovince_california +concept_city_pago_pago concept:proxyfor concept_island_american_samoa +concept_city_pagosa_springs concept:cityliesonriver concept_river_san_juan +concept_city_pagosa_springs concept:atlocation concept_stateorprovince_colorado +concept_city_pahrump concept:atlocation concept_stateorprovince_nevada +concept_city_painesville concept:cityliesonriver concept_attraction_grand +concept_city_paintings concept:atdate concept_dateliteral_n2005 +concept_city_paintsville concept:proxyfor concept_stateorprovince_kentucky +concept_city_paisley concept:cityliesonriver concept_skiarea_saugeen +concept_city_pakbeng concept:cityliesonriver concept_river_mekong +concept_city_pakse concept:cityliesonriver concept_river_mekong +concept_city_palatine concept:atlocation concept_stateorprovince_illinois +concept_city_palatine concept:subpartof concept_stateorprovince_illinois +concept_city_palau concept:citycapitalofcountry concept_country_palau +concept_city_palembang concept:citylocatedincountry concept_country_indonesia +concept_city_palembang concept:cityliesonriver concept_river_musi +concept_city_palikir concept:proxyfor concept_island_micronesia +concept_city_palm_bay concept:atlocation concept_city_florida +concept_city_palm_bay concept:proxyfor concept_city_florida +concept_city_palm_bay concept:citylocatedinstate concept_stateorprovince_florida +concept_city_palm_beach concept:proxyfor concept_city_florida +concept_city_palm_desert concept:atlocation concept_stateorprovince_california +concept_city_palm_desert concept:mutualproxyfor concept_stateorprovince_california +concept_city_palm_desert concept:subpartof concept_stateorprovince_california +concept_city_palm_springs concept:agentcollaborateswithagent concept_comedian_sonny_bono +concept_city_palm_springs concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_palm_springs concept:proxyfor concept_stateorprovince_california +concept_city_palm_springs concept:subpartof concept_stateorprovince_california +concept_city_palm_springs concept:citylocatedinstate concept_stateorprovince_florida +concept_city_palmdale concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_palmdale concept:proxyfor concept_stateorprovince_california +concept_city_palmer concept:cityliesonriver concept_river_matanuska +concept_city_palmer concept:citylocatedinstate concept_stateorprovince_alaska +concept_city_palmer_lake concept:atlocation concept_stateorprovince_colorado +concept_city_palmerston_north concept:citylocatedincountry concept_country_new_zealand +concept_city_palmetto_bay concept:atlocation concept_city_florida +concept_city_palo_alto concept:atlocation concept_stateorprovince_california +concept_city_palo_alto concept:proxyfor concept_stateorprovince_california +concept_city_palo_alto concept:subpartof concept_stateorprovince_california +concept_city_pampeluna concept:latitudelongitude 42.8168700000000,-1.6432300000000 +concept_city_pamukkale concept:cityliesonriver concept_river_meander +concept_city_panaji concept:cityliesonriver concept_river_mandovi +concept_city_panama concept:citylocatedinstate concept_stateorprovince_florida +concept_city_panama_city concept:citylocatedinstate concept_stateorprovince_florida +concept_city_panama_city_beach concept:atlocation concept_city_florida +concept_city_panjim concept:cityliesonriver concept_river_mandovi +concept_city_panjim concept:citylocatedinstate concept_stateorprovince_goa +concept_city_panjim concept:proxyfor concept_stateorprovince_goa +concept_city_panvel concept:proxyfor concept_stateorprovince_maharashtra +concept_city_papeete concept:proxyfor concept_city_tahiti +concept_city_papeete concept:citylocatedingeopoliticallocation concept_island_french_polynesia +concept_city_papeete concept:proxyfor concept_island_french_polynesia +concept_city_papillion concept:latitudelongitude 41.2492655555555,-96.0905180555556 +concept_city_papillion concept:proxyfor concept_university_nebraska +concept_city_paradise concept:mutualproxyfor concept_stateorprovince_california +concept_city_paragould concept:locationlocatedwithinlocation concept_stateorprovince_arkansas +concept_city_paragould concept:proxyfor concept_stateorprovince_arkansas +concept_city_paramaribo concept:citycapitalofcountry concept_country_republic_of_suriname +concept_city_paramaribo concept:citylocatedincountry concept_country_republic_of_suriname +concept_city_paramus concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_paramus concept:proxyfor concept_stateorprovince_new_jersey +concept_city_parana concept:cityalsoknownas concept_city_rio +concept_city_parent concept:mutualproxyfor concept_beverage_new +concept_city_parent concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_parent concept:proxyfor concept_politicaloffice_new +concept_city_parents concept:mutualproxyfor concept_beverage_new +concept_city_parents concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_parents concept:atdate concept_date_n2001 +concept_city_parents concept:atdate concept_date_n2003 +concept_city_parents concept:atdate concept_date_n2004 +concept_city_parents concept:atdate concept_dateliteral_n2002 +concept_city_parents concept:atdate concept_dateliteral_n2005 +concept_city_parents concept:atdate concept_dateliteral_n2007 +concept_city_parents concept:atdate concept_dateliteral_n2008 +concept_city_parents concept:atdate concept_dayofweek_sunday +concept_city_parents concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_parents concept:proxyfor concept_politicaloffice_new +concept_city_parents concept:istallerthan concept_publication_people_ +concept_city_parents concept:atdate concept_year_n1998 +concept_city_paris concept:cityliesonriver concept_attraction_grand +concept_city_paris concept:citycapitalofcountry concept_country_france_france +concept_city_paris concept:citylocatedincountry concept_country_france_france +concept_city_paris concept:atdate concept_dateliteral_n1917 +concept_city_paris concept:atdate concept_dateliteral_n1918 +concept_city_paris concept:atdate concept_dateliteral_n1943 +concept_city_paris concept:atdate concept_dateliteral_n1947 +concept_city_paris concept:atdate concept_dateliteral_n2002 +concept_city_paris concept:atdate concept_dateliteral_n2005 +concept_city_paris concept:atdate concept_dateliteral_n2007 +concept_city_paris concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_paris concept:cityliesonriver concept_geopoliticalorganization_marne +concept_city_paris concept:istallerthan concept_publication_people_ +concept_city_paris concept:cityliesonriver concept_river_seine +concept_city_paris concept:proxyfor concept_sportsteam_france +concept_city_paris concept:atdate concept_year_n1921 +concept_city_paris concept:atdate concept_year_n1989 +concept_city_paris concept:atdate concept_year_n1997 +concept_city_park_ridge concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_park_ridge concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_park_ridge concept:proxyfor concept_stateorprovince_newjersey +concept_city_parker concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_parker concept:proxyfor concept_stateorprovince_colorado +concept_city_parker concept:subpartof concept_stateorprovince_colorado +concept_city_parkersburg concept:cityliesonriver concept_river_little_kanawha +concept_city_parkersburg concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_parma concept:atlocation concept_stateorprovince_ohio +concept_city_parsippany concept:atlocation concept_stateorprovince_new_jersey +concept_city_parsippany concept:proxyfor concept_stateorprovince_new_jersey +concept_city_parsippany concept:proxyfor concept_stateorprovince_newjersey +concept_city_part_time concept:atdate concept_date_n2004 +concept_city_part_time concept:atdate concept_dateliteral_n2005 +concept_city_part_time concept:atdate concept_dateliteral_n2006 +concept_city_part_time concept:atdate concept_dateliteral_n2007 +concept_city_part_time concept:atdate concept_dateliteral_n2008 +concept_city_part_time concept:agentcontrols concept_physicalaction_position +concept_city_part_time concept:agentparticipatedinevent concept_sportsgame_series +concept_city_parys concept:cityliesonriver concept_river_vaal +concept_city_pasadena concept:mutualproxyfor concept_city_texas +concept_city_pasadena concept:citylocatedinstate concept_stateorprovince_california +concept_city_pasadena concept:proxyfor concept_stateorprovince_california +concept_city_pasadena concept:atlocation concept_stateorprovince_maryland +concept_city_pasadena concept:atlocation concept_stateorprovince_texas +concept_city_pasadena concept:proxyfor concept_stateorprovince_texas +concept_city_pascagoula concept:atlocation concept_stateorprovince_mississippi +concept_city_pascagoula concept:mutualproxyfor concept_stateorprovince_mississippi +concept_city_pascagoula concept:subpartof concept_stateorprovince_mississippi +concept_city_pasco concept:atlocation concept_city_washington_d_c +concept_city_pasco concept:mutualproxyfor concept_city_washington_d_c +concept_city_pasco concept:subpartof concept_city_washington_d_c +concept_city_pasco concept:cityliesonriver concept_river_columbia +concept_city_pasco concept:cityliesonriver concept_river_snake +concept_city_pasco concept:citylocatedinstate concept_stateorprovince_florida +concept_city_paso_robles concept:atlocation concept_stateorprovince_california +concept_city_passau concept:citylocatedincountry concept_country_germany +concept_city_passau concept:cityliesonriver concept_river_danube +concept_city_patan concept:cityliesonriver concept_river_bagmati +concept_city_pateros concept:cityliesonriver concept_river_columbia +concept_city_pateros concept:cityliesonriver concept_river_methow +concept_city_paterson concept:proxyfor concept_stateorprovince_new_jersey +concept_city_paterson concept:proxyfor concept_stateorprovince_newjersey +concept_city_path concept:agentparticipatedinevent concept_sportsgame_finals +concept_city_patiala concept:proxyfor concept_stateorprovince_punjab +concept_city_patna concept:locationlocatedwithinlocation concept_city_state +concept_city_pau concept:locationlocatedwithinlocation concept_country_france_france +concept_city_paw_paw concept:cityliesonriver concept_river_potomac +concept_city_pawtucket concept:locationlocatedwithinlocation concept_stateorprovince_rhode_island +concept_city_pawtucket concept:proxyfor concept_stateorprovince_rhode_island +concept_city_payson concept:atlocation concept_stateorprovince_arizona +concept_city_peabody concept:proxyfor concept_beach_massachusetts +concept_city_peace_dale concept:latitudelongitude 41.4504366666667,-71.4994788888889 +concept_city_peace_river concept:cityliesonriver concept_river_columbia +concept_city_peachtree_city concept:atlocation concept_stateorprovince_georgia +concept_city_peachtree_city concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_pearl concept:citylocatedinstate concept_stateorprovince_mississippi +concept_city_pearl_city concept:proxyfor concept_stateorprovince_hawaii +concept_city_pearland concept:citylocatedinstate concept_stateorprovince_texas +concept_city_pearland concept:mutualproxyfor concept_stateorprovince_texas +concept_city_peekskill concept:proxyfor concept_company_new_york +concept_city_peekskill concept:cityliesonriver concept_river_hudson +concept_city_pegu concept:cityalsoknownas concept_city_bago +concept_city_pekin concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_pekin concept:proxyfor concept_stateorprovince_illinois +concept_city_pembroke_pines concept:atlocation concept_city_florida +concept_city_pembroke_pines concept:proxyfor concept_city_florida +concept_city_pembroke_pines concept:subpartof concept_city_florida +concept_city_penang concept:citylocatedincountry concept_country_malaysia +concept_city_pendleton concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_city_pendleton concept:proxyfor concept_stateorprovince_oregon +concept_city_pendleton concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_penn_station concept:proxyfor concept_politicaloffice_new +concept_city_pennsauken concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_pennsauken concept:proxyfor concept_stateorprovince_new_jersey +concept_city_pennsauken concept:proxyfor concept_stateorprovince_newjersey +concept_city_pennsville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_pennsville concept:proxyfor concept_stateorprovince_newjersey +concept_city_penticton concept:cityliesonriver concept_river_columbia +concept_city_peoria concept:atlocation concept_stateorprovince_arizona +concept_city_peoria concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_peoria concept:proxyfor concept_stateorprovince_illinois +concept_city_perce concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_perris concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_perris concept:proxyfor concept_stateorprovince_california +concept_city_perry concept:atlocation concept_stateorprovince_georgia +concept_city_perry concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_perry concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_perryville concept:cityliesonriver concept_river_susquehanna +concept_city_perth concept:proxyfor concept_country_australia +concept_city_perth concept:subpartof concept_country_australia +concept_city_perth concept:atdate concept_date_n2000 +concept_city_perth concept:atdate concept_date_n2003 +concept_city_perth concept:atdate concept_date_n2004 +concept_city_perth concept:atdate concept_dateliteral_n2007 +concept_city_perth concept:cityliesonriver concept_river_tay +concept_city_perth concept:atdate concept_year_n1992 +concept_city_perth concept:atdate concept_year_n1998 +concept_city_perth_amboy concept:cityliesonriver concept_company_raritan +concept_city_perth_amboy concept:atlocation concept_stateorprovince_new_jersey +concept_city_perth_amboy concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_perth_amboy concept:proxyfor concept_stateorprovince_newjersey +concept_city_perugia concept:proxyfor concept_city_umbria +concept_city_peshawar concept:citylocatedincountry concept_country_pakistan +concept_city_peshawar concept:proxyfor concept_country_pakistan +concept_city_pest concept:cityliesonriver concept_river_danube +concept_city_petaluma concept:citylocatedinstate concept_stateorprovince_california +concept_city_petaluma concept:proxyfor concept_stateorprovince_california +concept_city_peter concept:agentbelongstoorganization concept_recordlabel_friends +concept_city_peterborough concept:cityliesonriver concept_river_otonabee +concept_city_peterborough concept:atlocation concept_stateorprovince_new_hampshire +concept_city_petersburg concept:citylocatedincountry concept_country_russia +concept_city_petersburg concept:cityliesonriver concept_river_neva +concept_city_petersburg concept:citylocatedinstate concept_stateorprovince_florida +concept_city_petersburg concept:proxyfor concept_stateorprovince_newjersey +concept_city_petersburg concept:atlocation concept_stateorprovince_virginia +concept_city_petersburg concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_petersburg concept:subpartof concept_stateorprovince_virginia +concept_city_petoskey concept:atlocation concept_stateorprovince_michigan +concept_city_petrolia concept:cityliesonriver concept_river_mattole +concept_city_pflugerville concept:mutualproxyfor concept_stateorprovince_texas +concept_city_pharr concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_pharr concept:proxyfor concept_stateorprovince_texas +concept_city_philadelphia concept:cityliesonriver concept_attraction_grand +concept_city_philadelphia concept:cityalsoknownas concept_city_philly +concept_city_philadelphia concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_philadelphia concept:cityliesonriver concept_river_schuykill +concept_city_philadelphia concept:cityliesonriver concept_river_schuylkill +concept_city_philadelphia concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_phillipsburg concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_phillipsburg concept:atlocation concept_stateorprovince_new_jersey +concept_city_phillipsburg concept:proxyfor concept_stateorprovince_newjersey +concept_city_philly concept:proxyfor concept_lake_new +concept_city_philly concept:organizationhiredperson concept_person_andy_reid +concept_city_phnom_penh concept:locationlocatedwithinlocation concept_country_cambodia +concept_city_phnom_penh concept:proxyfor concept_country_cambodia +concept_city_phnom_penh concept:subpartof concept_country_cambodia +concept_city_phnom_penh concept:atdate concept_date_n1979 +concept_city_phnom_penh concept:atdate concept_date_n2003 +concept_city_phnom_penh concept:atdate concept_date_n2004 +concept_city_phnom_penh concept:atdate concept_dateliteral_n2007 +concept_city_phnom_penh concept:cityliesonriver concept_river_bassac +concept_city_phnom_penh concept:cityliesonriver concept_river_mekong +concept_city_phnom_penh concept:cityliesonriver concept_river_mekong_river +concept_city_phnom_penh concept:cityliesonriver concept_river_tonle_sap +concept_city_phoenix concept:cityliesonriver concept_attraction_grand +concept_city_phoenix concept:organizationhiredperson concept_coach_d_antoni +concept_city_phoenix concept:organizationhiredperson concept_coach_mike_d_antoni +concept_city_phoenix concept:organizationhiredperson concept_coach_terry_porter +concept_city_phoenix concept:atdate concept_date_n2001 +concept_city_phoenix concept:atdate concept_date_n2003 +concept_city_phoenix concept:atdate concept_date_n2009 +concept_city_phoenix concept:proxyfor concept_lake_new +concept_city_phoenix concept:organizationhiredperson concept_politician_phil_gordon +concept_city_phoenix concept:cityliesonriver concept_river_gila +concept_city_phoenix concept:cityliesonriver concept_river_verde +concept_city_phoenix concept:proxyfor concept_stadiumoreventvenue_chase_field +concept_city_phoenix concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_phoenix concept:proxyfor concept_stateorprovince_arizona +concept_city_phoenix_area concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_phoenixville concept:atlocation concept_stateorprovince_pennsylvania +concept_city_phoenixville concept:subpartof concept_stateorprovince_pennsylvania +concept_city_photos concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_photos concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_photos concept:agentcreated concept_city_click +concept_city_photos concept:atdate concept_dateliteral_n2005 +concept_city_photos concept:agentcreated concept_programminglanguage_contact +concept_city_photos concept:agentcompeteswithagent concept_tradeunion_search +concept_city_photos concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_phuket concept:atdate concept_dateliteral_n2005 +concept_city_piazza concept:cityliesonriver concept_river_tiber +concept_city_pico_rivera concept:atlocation concept_stateorprovince_california +concept_city_pico_rivera concept:mutualproxyfor concept_stateorprovince_california +concept_city_pictures concept:agentinvolvedwithitem concept_buildingfeature_home +concept_city_pictures concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_pictures concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_pictures concept:agentcreated concept_city_click +concept_city_pictures concept:atdate concept_dateliteral_n2008 +concept_city_pictures concept:proxyfor concept_politicaloffice_new +concept_city_pictures concept:agentcreated concept_programminglanguage_contact +concept_city_pictures concept:agentcompeteswithagent concept_tradeunion_search +concept_city_pictures concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_pictures concept:subpartof concept_weatherphenomenon_air +concept_city_piedmont concept:citylocatedinstate concept_stateorprovince_california +concept_city_pierre concept:locationlocatedwithinlocation concept_retailstore_sd +concept_city_pierre concept:subpartof concept_stateorprovince_south_dakota +concept_city_pikeville concept:proxyfor concept_coach_kentucky +concept_city_pikeville concept:atlocation concept_stateorprovince_kentucky +concept_city_pikeville concept:subpartof concept_stateorprovince_kentucky +concept_city_pine_bluff concept:locationlocatedwithinlocation concept_stateorprovince_arkansas +concept_city_pine_bluff concept:proxyfor concept_stateorprovince_arkansas +concept_city_pinellas_park concept:atlocation concept_city_florida +concept_city_pinellas_park concept:proxyfor concept_city_florida +concept_city_pineville concept:atlocation concept_stateorprovince_louisiana +concept_city_pineville concept:proxyfor concept_stateorprovince_louisiana +concept_city_pinole concept:subpartof concept_stateorprovince_california +concept_city_pioneer concept:mutualproxyfor concept_beverage_new +concept_city_pioneer concept:proxyfor concept_politicaloffice_new +concept_city_piqua concept:cityliesonriver concept_river_great_miami +concept_city_pisa concept:cityliesonriver concept_river_arno +concept_city_piscataway concept:proxyfor concept_stateorprovince_new_jersey +concept_city_piscataway concept:proxyfor concept_stateorprovince_newjersey +concept_city_pittsburg concept:atlocation concept_stateorprovince_california +concept_city_pittsburg concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_pittsburgh concept:organizationhiredperson concept_athlete_jamie_dixon +concept_city_pittsburgh concept:cityliesonriver concept_attraction_grand +concept_city_pittsburgh concept:organizationhiredperson concept_coach_ben_howland +concept_city_pittsburgh concept:organizationhiredperson concept_coach_cowher +concept_city_pittsburgh concept:organizationhiredperson concept_coach_mike_tomlin +concept_city_pittsburgh concept:organizationhiredperson concept_coach_tomlin +concept_city_pittsburgh concept:proxyfor concept_lake_new +concept_city_pittsburgh concept:agentcollaborateswithagent concept_person_nate_mclouth +concept_city_pittsburgh concept:cityliesonriver concept_river_monongahela +concept_city_pittsburgh concept:cityliesonriver concept_river_monongahela_river +concept_city_pittsburgh concept:cityliesonriver concept_river_ohio_river +concept_city_pittsburgh concept:agentparticipatedinevent concept_sportsgame_series +concept_city_pittsburgh concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_pittsburgh concept:proxyfor concept_stadiumoreventvenue_heinz_field +concept_city_pittsburgh concept:proxyfor concept_stadiumoreventvenue_post_gazette_pavilion_at_star_lake +concept_city_pittsburgh concept:proxyfor concept_stadiumoreventvenue_stage_ae +concept_city_pittsburgh concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_pittsburgh concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_pittsfield concept:mutualproxyfor concept_beach_massachusetts +concept_city_pittsfield concept:subpartof concept_beach_massachusetts +concept_city_pittsfield concept:cityliesonriver concept_river_housatonic +concept_city_pittsfield concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_pittston concept:cityliesonriver concept_river_susquehanna +concept_city_pittstown concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_pittstown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_place concept:mutualproxyfor concept_beverage_new +concept_city_place concept:proxyfor concept_book_north +concept_city_place concept:agentparticipatedinevent concept_conference_bit +concept_city_place concept:agentparticipatedinevent concept_conference_cent +concept_city_place concept:agentparticipatedinevent concept_conference_process +concept_city_place concept:agentparticipatedinevent concept_conference_ton +concept_city_place concept:agentparticipatedinevent concept_convention_confluence +concept_city_place concept:agentparticipatedinevent concept_convention_context +concept_city_place concept:agentparticipatedinevent concept_convention_impact +concept_city_place concept:agentparticipatedinevent concept_convention_space +concept_city_place concept:agentparticipatedinevent concept_crimeorcharge_degree +concept_city_place concept:agentparticipatedinevent concept_crimeorcharge_evaluation +concept_city_place concept:agentparticipatedinevent concept_crimeorcharge_months +concept_city_place concept:agentparticipatedinevent concept_crimeorcharge_system +concept_city_place concept:atdate concept_date_christmas +concept_city_place concept:atdate concept_date_n1864 +concept_city_place concept:atdate concept_date_n1901 +concept_city_place concept:atdate concept_date_n1903 +concept_city_place concept:atdate concept_date_n1906 +concept_city_place concept:atdate concept_date_n1914 +concept_city_place concept:atdate concept_date_n1922 +concept_city_place concept:atdate concept_date_n1927 +concept_city_place concept:atdate concept_date_n1928 +concept_city_place concept:atdate concept_date_n1929 +concept_city_place concept:atdate concept_date_n1933 +concept_city_place concept:atdate concept_date_n1934 +concept_city_place concept:atdate concept_date_n1939 +concept_city_place concept:atdate concept_date_n1941 +concept_city_place concept:atdate concept_date_n1942 +concept_city_place concept:atdate concept_date_n1944 +concept_city_place concept:atdate concept_date_n1949 +concept_city_place concept:atdate concept_date_n1951 +concept_city_place concept:atdate concept_date_n1958 +concept_city_place concept:atdate concept_date_n1962 +concept_city_place concept:atdate concept_date_n1964 +concept_city_place concept:atdate concept_date_n1966 +concept_city_place concept:atdate concept_date_n1968 +concept_city_place concept:atdate concept_date_n1969 +concept_city_place concept:atdate concept_date_n1971 +concept_city_place concept:atdate concept_date_n1972 +concept_city_place concept:atdate concept_date_n1976 +concept_city_place concept:atdate concept_date_n1977 +concept_city_place concept:atdate concept_date_n1979 +concept_city_place concept:atdate concept_date_n1993 +concept_city_place concept:atdate concept_date_n1996 +concept_city_place concept:atdate concept_date_n1999 +concept_city_place concept:atdate concept_date_n2000 +concept_city_place concept:atdate concept_date_n2001 +concept_city_place concept:atdate concept_date_n2003 +concept_city_place concept:atdate concept_date_n2004 +concept_city_place concept:atdate concept_date_n2009 +concept_city_place concept:atdate concept_date_n2011 +concept_city_place concept:atdate concept_date_n2012 +concept_city_place concept:organizationdissolvedatdate concept_date_nov +concept_city_place concept:organizationdissolvedatdate concept_date_oct +concept_city_place concept:organizationdissolvedatdate concept_date_sep +concept_city_place concept:atdate concept_dateliteral_n1889 +concept_city_place concept:atdate concept_dateliteral_n1909 +concept_city_place concept:atdate concept_dateliteral_n1910 +concept_city_place concept:atdate concept_dateliteral_n1911 +concept_city_place concept:atdate concept_dateliteral_n1912 +concept_city_place concept:atdate concept_dateliteral_n1917 +concept_city_place concept:atdate concept_dateliteral_n1918 +concept_city_place concept:atdate concept_dateliteral_n1925 +concept_city_place concept:atdate concept_dateliteral_n1931 +concept_city_place concept:atdate concept_dateliteral_n1932 +concept_city_place concept:atdate concept_dateliteral_n1936 +concept_city_place concept:atdate concept_dateliteral_n1938 +concept_city_place concept:atdate concept_dateliteral_n1943 +concept_city_place concept:atdate concept_dateliteral_n1945 +concept_city_place concept:atdate concept_dateliteral_n1947 +concept_city_place concept:atdate concept_dateliteral_n1950 +concept_city_place concept:atdate concept_dateliteral_n1953 +concept_city_place concept:atdate concept_dateliteral_n1954 +concept_city_place concept:atdate concept_dateliteral_n1961 +concept_city_place concept:atdate concept_dateliteral_n1980 +concept_city_place concept:atdate concept_dateliteral_n1987 +concept_city_place concept:atdate concept_dateliteral_n1990 +concept_city_place concept:atdate concept_dateliteral_n2002 +concept_city_place concept:atdate concept_dateliteral_n2005 +concept_city_place concept:atdate concept_dateliteral_n2006 +concept_city_place concept:atdate concept_dateliteral_n2007 +concept_city_place concept:atdate concept_dateliteral_n2008 +concept_city_place concept:atdate concept_dateliteral_n2010 +concept_city_place concept:atdate concept_dayofweek_friday +concept_city_place concept:atdate concept_dayofweek_monday +concept_city_place concept:atdate concept_dayofweek_sunday +concept_city_place concept:agentparticipatedinevent concept_election_assessment +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_basis +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_chances +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_core +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_course +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_evidence +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_face +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_idea +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_pace +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_record +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_scenario +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_type +concept_city_place concept:agentparticipatedinevent concept_eventoutcome_value +concept_city_place concept:agentparticipatedinevent concept_mlconference_change +concept_city_place concept:agentparticipatedinevent concept_mlconference_universe +concept_city_place concept:atdate concept_month_january +concept_city_place concept:atdate concept_month_july +concept_city_place concept:atdate concept_month_march +concept_city_place concept:atdate concept_month_may +concept_city_place concept:atdate concept_month_september +concept_city_place concept:agentparticipatedinevent concept_musicfestival_way +concept_city_place concept:proxyfor concept_politicaloffice_new +concept_city_place concept:istallerthan concept_publication_people_ +concept_city_place concept:agentparticipatedinevent concept_race_calendar +concept_city_place concept:agentparticipatedinevent concept_race_video +concept_city_place concept:proxyfor concept_room_south +concept_city_place concept:agentparticipatedinevent concept_sportsgame_championship +concept_city_place concept:agentparticipatedinevent concept_sportsgame_chance +concept_city_place concept:agentparticipatedinevent concept_sportsgame_half +concept_city_place concept:agentparticipatedinevent concept_sportsgame_list +concept_city_place concept:agentparticipatedinevent concept_sportsgame_overview +concept_city_place concept:agentparticipatedinevent concept_sportsgame_records +concept_city_place concept:agentparticipatedinevent concept_sportsgame_series +concept_city_place concept:agentparticipatedinevent concept_sportsgame_standings +concept_city_place concept:agentparticipatedinevent concept_sportsgame_terms +concept_city_place concept:agentparticipatedinevent concept_sportsgame_two_days +concept_city_place concept:proxyfor concept_tableitem_old +concept_city_place concept:agentcompeteswithagent concept_tradeunion_search +concept_city_place concept:agentparticipatedinevent concept_visualizableattribute_first_round +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_account +concept_city_place concept:subpartof concept_weatherphenomenon_air +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_analysis +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_days +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_deal +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_images +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_pattern +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_phase +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_sea +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_types +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_view +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_wave +concept_city_place concept:agentparticipatedinevent concept_weatherphenomenon_whirlwind +concept_city_place concept:atdate concept_year__09 +concept_city_place concept:atdate concept_year__99 +concept_city_place concept:atdate concept_year_n1792 +concept_city_place concept:atdate concept_year_n1815 +concept_city_place concept:atdate concept_year_n1830 +concept_city_place concept:atdate concept_year_n1839 +concept_city_place concept:atdate concept_year_n1856 +concept_city_place concept:atdate concept_year_n1861 +concept_city_place concept:atdate concept_year_n1862 +concept_city_place concept:atdate concept_year_n1865 +concept_city_place concept:atdate concept_year_n1874 +concept_city_place concept:atdate concept_year_n1875 +concept_city_place concept:atdate concept_year_n1879 +concept_city_place concept:atdate concept_year_n1890 +concept_city_place concept:atdate concept_year_n1891 +concept_city_place concept:atdate concept_year_n1892 +concept_city_place concept:atdate concept_year_n1893 +concept_city_place concept:atdate concept_year_n1896 +concept_city_place concept:atdate concept_year_n1905 +concept_city_place concept:atdate concept_year_n1907 +concept_city_place concept:atdate concept_year_n1913 +concept_city_place concept:atdate concept_year_n1915 +concept_city_place concept:atdate concept_year_n1920 +concept_city_place concept:atdate concept_year_n1921 +concept_city_place concept:atdate concept_year_n1937 +concept_city_place concept:atdate concept_year_n1946 +concept_city_place concept:atdate concept_year_n1948 +concept_city_place concept:atdate concept_year_n1952 +concept_city_place concept:atdate concept_year_n1955 +concept_city_place concept:atdate concept_year_n1956 +concept_city_place concept:atdate concept_year_n1959 +concept_city_place concept:atdate concept_year_n1960 +concept_city_place concept:atdate concept_year_n1963 +concept_city_place concept:atdate concept_year_n1965 +concept_city_place concept:atdate concept_year_n1967 +concept_city_place concept:atdate concept_year_n1970 +concept_city_place concept:atdate concept_year_n1973 +concept_city_place concept:atdate concept_year_n1974 +concept_city_place concept:atdate concept_year_n1975 +concept_city_place concept:atdate concept_year_n1978 +concept_city_place concept:atdate concept_year_n1981 +concept_city_place concept:atdate concept_year_n1982 +concept_city_place concept:atdate concept_year_n1983 +concept_city_place concept:atdate concept_year_n1984 +concept_city_place concept:atdate concept_year_n1985 +concept_city_place concept:atdate concept_year_n1986 +concept_city_place concept:atdate concept_year_n1988 +concept_city_place concept:atdate concept_year_n1989 +concept_city_place concept:atdate concept_year_n1991 +concept_city_place concept:atdate concept_year_n1992 +concept_city_place concept:atdate concept_year_n1994 +concept_city_place concept:atdate concept_year_n1995 +concept_city_place concept:atdate concept_year_n1997 +concept_city_place concept:atdate concept_year_n1998 +concept_city_placentia concept:citylocatedinstate concept_stateorprovince_california +concept_city_placentia concept:mutualproxyfor concept_stateorprovince_california +concept_city_placerville concept:atlocation concept_stateorprovince_california +concept_city_plainfield concept:atlocation concept_stateorprovince_indiana +concept_city_plainfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_plainfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_plainsboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_plainsboro concept:proxyfor concept_stateorprovince_newjersey +concept_city_plano concept:mutualproxyfor concept_city_texas +concept_city_plano concept:atlocation concept_stateorprovince_illinois +concept_city_plano concept:citylocatedinstate concept_stateorprovince_texas +concept_city_plano concept:proxyfor concept_stateorprovince_texas +concept_city_plans concept:citylocatedinstate concept_visualizablescene_washington +concept_city_plantation concept:atlocation concept_city_florida +concept_city_plantation concept:proxyfor concept_city_florida +concept_city_pleasant_hill concept:atlocation concept_stateorprovince_california +concept_city_pleasanton concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_pleasanton concept:proxyfor concept_stateorprovince_california +concept_city_plymouth concept:proxyfor concept_country_england +concept_city_plymouth concept:cityliesonriver concept_river_pemigewasset +concept_city_plymouth concept:atlocation concept_stateorprovince_connecticut +concept_city_plymouth concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_plymouth concept:atlocation concept_stateorprovince_michigan +concept_city_plymouth concept:atlocation concept_stateorprovince_minnesota +concept_city_pocatello concept:cityliesonriver concept_river_portneuf +concept_city_pocatello concept:cityliesonriver concept_river_snake +concept_city_pocatello concept:citylocatedinstate concept_stateorprovince_idaho +concept_city_pocatello concept:proxyfor concept_stateorprovince_idaho +concept_city_pocomoke_city concept:cityliesonriver concept_skiarea_pocomoke +concept_city_podgorica concept:citylocatedincountry concept_country_montenegro +concept_city_point_pleasant concept:proxyfor concept_company_west_virginia +concept_city_pokhara concept:cityliesonriver concept_river_seti +concept_city_police concept:mutualproxyfor concept_beverage_new +concept_city_police concept:atdate concept_date_n1993 +concept_city_police concept:atdate concept_date_n1996 +concept_city_police concept:atdate concept_date_n1999 +concept_city_police concept:atdate concept_date_n2001 +concept_city_police concept:atdate concept_date_n2003 +concept_city_police concept:atdate concept_date_n2004 +concept_city_police concept:atdate concept_dateliteral_n2002 +concept_city_police concept:atdate concept_dateliteral_n2005 +concept_city_police concept:atdate concept_dateliteral_n2006 +concept_city_police concept:atdate concept_dateliteral_n2007 +concept_city_police concept:atdate concept_dateliteral_n2008 +concept_city_police concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_police concept:mutualproxyfor concept_person_mugabe +concept_city_police concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_police concept:proxyfor concept_politicaloffice_new +concept_city_police concept:atdate concept_year_n1995 +concept_city_police concept:atdate concept_year_n1998 +concept_city_pomona concept:citylocatedinstate concept_stateorprovince_california +concept_city_pomona concept:proxyfor concept_stateorprovince_california +concept_city_pompano_beach concept:proxyfor concept_city_florida +concept_city_ponca_city concept:atlocation concept_stateorprovince_oklahoma +concept_city_ponca_city concept:mutualproxyfor concept_stateorprovince_oklahoma +concept_city_ponta_delgada concept:citylocatedincountry concept_country_portugal +concept_city_poplar_bluff concept:proxyfor concept_company_missouri +concept_city_poplar_bluff concept:atlocation concept_stateorprovince_missouri +concept_city_population concept:mutualproxyfor concept_beverage_new +concept_city_population concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_population concept:atdate concept_date_n1999 +concept_city_population concept:atdate concept_date_n2001 +concept_city_population concept:atdate concept_date_n2003 +concept_city_population concept:atdate concept_dateliteral_n2005 +concept_city_population concept:atdate concept_dateliteral_n2006 +concept_city_population concept:atdate concept_dateliteral_n2007 +concept_city_population concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_population concept:proxyfor concept_politicaloffice_new +concept_city_population concept:subpartof concept_weatherphenomenon_water +concept_city_pori concept:locationlocatedwithinlocation concept_country_finland +concept_city_port_alberni concept:cityliesonriver concept_river_columbia +concept_city_port_allen concept:cityliesonriver concept_attraction_mississippi +concept_city_port_arthur concept:mutualproxyfor concept_city_texas +concept_city_port_arthur concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_port_arthur concept:proxyfor concept_stateorprovince_texas +concept_city_port_arthur concept:subpartof concept_stateorprovince_texas +concept_city_port_au_prince concept:citycapitalofcountry concept_country_haiti +concept_city_port_au_prince concept:citylocatedincountry concept_country_haiti +concept_city_port_austin concept:latitudelongitude 44.0443637500000,-82.9857818750000 +concept_city_port_charlotte concept:locationlocatedwithinlocation concept_city_florida +concept_city_port_charlotte concept:proxyfor concept_city_florida +concept_city_port_charlotte concept:subpartof concept_city_florida +concept_city_port_clinton concept:atlocation concept_stateorprovince_ohio +concept_city_port_clinton concept:proxyfor concept_university_ohio +concept_city_port_gibson concept:cityliesonriver concept_attraction_mississippi +concept_city_port_hudson concept:cityliesonriver concept_attraction_mississippi +concept_city_port_huron concept:proxyfor concept_creditunion_michigan +concept_city_port_huron concept:subpartof concept_creditunion_michigan +concept_city_port_huron concept:atlocation concept_stateorprovince_michigan +concept_city_port_louis concept:citycapitalofcountry concept_country_mauritius +concept_city_port_louis concept:citylocatedincountry concept_country_mauritius +concept_city_port_macquarie concept:citylocatedinstate concept_stateorprovince_new_south_wales +concept_city_port_moresby concept:citylocatedingeopoliticallocation concept_country_new_zealand +concept_city_port_moresby concept:locationlocatedwithinlocation concept_country_new_zealand +concept_city_port_moresby concept:citylocatedincountry concept_country_papua_new_guinea +concept_city_port_moresby concept:citylocatedingeopoliticallocation concept_country_papua_new_guinea +concept_city_port_moresby concept:locationlocatedwithinlocation concept_country_papua_new_guinea +concept_city_port_moresby concept:proxyfor concept_country_papua_new_guinea +concept_city_port_moresby concept:subpartof concept_country_papua_new_guinea +concept_city_port_moresby concept:atdate concept_date_n1942 +concept_city_port_of_spain concept:citycapitalofcountry concept_country_trinidad_and_tobago +concept_city_port_of_spain concept:citylocatedincountry concept_country_trinidad_and_tobago +concept_city_port_orange concept:atlocation concept_city_florida +concept_city_port_orange concept:proxyfor concept_city_florida +concept_city_port_richey concept:atlocation concept_city_florida +concept_city_port_royal concept:cityliesonriver concept_river_rappahannock +concept_city_port_saint_lucie concept:atlocation concept_city_florida +concept_city_port_saint_lucie concept:subpartof concept_city_florida +concept_city_port_st_lucie concept:proxyfor concept_city_florida +concept_city_port_townsend concept:atlocation concept_city_washington_d_c +concept_city_port_vila concept:citycapitalofcountry concept_country_republic_of_vanuatu +concept_city_port_vila concept:citylocatedincountry concept_country_republic_of_vanuatu +concept_city_portage concept:atlocation concept_stateorprovince_indiana +concept_city_portage concept:subpartof concept_stateorprovince_indiana +concept_city_portage concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_portage concept:proxyfor concept_stateorprovince_michigan +concept_city_portage concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_porterville concept:atlocation concept_stateorprovince_california +concept_city_porterville concept:subpartof concept_stateorprovince_california +concept_city_portland concept:cityliesonriver concept_attraction_grand +concept_city_portland concept:proxyfor concept_attraction_keller_auditorium +concept_city_portland concept:cityliesonriver concept_river_columbia +concept_city_portland concept:cityliesonriver concept_river_willamette +concept_city_portland concept:cityliesonriver concept_river_willamette_river +concept_city_portland concept:cityliesonriver concept_skiarea_presumpscot +concept_city_portland concept:proxyfor concept_stadiumoreventvenue_cumberland_county_civic_center +concept_city_portland concept:proxyfor concept_stadiumoreventvenue_mcmenamins_crystal_ballroom +concept_city_portland concept:proxyfor concept_stateorprovince_indiana +concept_city_portland concept:citylocatedinstate concept_stateorprovince_maine +concept_city_portland concept:citylocatedingeopoliticallocation concept_stateorprovince_oregon +concept_city_porto concept:cityliesonriver concept_river_douro +concept_city_porto_alegre concept:locationlocatedwithinlocation concept_country_brazil +concept_city_porto_alegre concept:atdate concept_dateliteral_n2002 +concept_city_porto_alegre concept:mutualproxyfor concept_stateorprovince_rio_grande_do_sul +concept_city_porto_novo concept:citycapitalofcountry concept_country_republic_of_benin +concept_city_porto_novo concept:citylocatedincountry concept_country_republic_of_benin +concept_city_portsmouth concept:cityliesonriver concept_river_piscataqua +concept_city_portsmouth concept:atlocation concept_stateorprovince_new_hampshire +concept_city_portsmouth concept:proxyfor concept_stateorprovince_new_hampshire +concept_city_portsmouth concept:atlocation concept_stateorprovince_ohio +concept_city_portsmouth concept:proxyfor concept_stateorprovince_ohio +concept_city_portsmouth concept:subpartof concept_stateorprovince_ohio +concept_city_portsmouth concept:atlocation concept_stateorprovince_virginia +concept_city_portsmouth concept:proxyfor concept_stateorprovince_virginia +concept_city_portsmouth concept:subpartof concept_stateorprovince_virginia +concept_city_post_falls concept:locationlocatedwithinlocation concept_stateorprovince_idaho +concept_city_post_falls concept:proxyfor concept_stateorprovince_idaho +concept_city_potrero concept:organizationheadquarteredincity concept_city_san_francisco +concept_city_potsdam concept:cityliesonriver concept_skiarea_raquette +concept_city_pottstown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_pottsville concept:atlocation concept_stateorprovince_pennsylvania +concept_city_pottsville concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_pottsville concept:subpartof concept_stateorprovince_pennsylvania +concept_city_poughkeepsie concept:proxyfor concept_company_new_york +concept_city_poughkeepsie concept:cityliesonriver concept_river_hudson +concept_city_poughkeepsie concept:cityliesonriver concept_river_hudson_river +concept_city_poughkeepsie concept:atlocation concept_stateorprovince_new_york +concept_city_poway concept:atlocation concept_stateorprovince_california +concept_city_poway concept:mutualproxyfor concept_stateorprovince_california +concept_city_poway concept:subpartof concept_stateorprovince_california +concept_city_powell concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_powell_river concept:citylocatedinstate concept_stateorprovince_british_columbia +concept_city_poza_rica concept:citylocatedincountry concept_country_mexico +concept_city_poznan concept:locationlocatedwithinlocation concept_country_poland +concept_city_prague concept:citycapitalofcountry concept_country_czech_republic +concept_city_prague concept:citylocatedincountry concept_country_the_czech_republic +concept_city_prague concept:atdate concept_date_n2000 +concept_city_prague concept:atdate concept_date_n2001 +concept_city_prague concept:atdate concept_date_n2004 +concept_city_prague concept:atdate concept_date_n2009 +concept_city_prague concept:atdate concept_dateliteral_n2005 +concept_city_prague concept:atdate concept_dateliteral_n2006 +concept_city_prague concept:atdate concept_dateliteral_n2007 +concept_city_prague concept:atdate concept_dateliteral_n2008 +concept_city_prague concept:locationlocatedwithinlocation concept_geopoliticallocation_czech_rep +concept_city_prague concept:cityliesonriver concept_river_danube +concept_city_prague concept:cityliesonriver concept_river_elbe +concept_city_prague concept:cityliesonriver concept_river_moldau +concept_city_prague concept:cityliesonriver concept_river_vlatava +concept_city_prague concept:cityliesonriver concept_river_vltava +concept_city_prague concept:cityliesonriver concept_river_vltava_river +concept_city_prague concept:atdate concept_year_n1991 +concept_city_prattville concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_prescott concept:cityliesonriver concept_attraction_mississippi +concept_city_prescott concept:proxyfor concept_beverage_arizona +concept_city_prescott concept:atlocation concept_stateorprovince_arizona +concept_city_prescott_valley concept:atlocation concept_stateorprovince_arizona +concept_city_preslav concept:citylocatedincountry concept_country_bulgaria +concept_city_preston concept:cityliesonriver concept_river_ribble +concept_city_preston concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_prestonsburg concept:proxyfor concept_coach_kentucky +concept_city_pretoria concept:citycapitalofcountry concept_country_south_africa +concept_city_pretoria concept:citylocatedincountry concept_country_south_africa +concept_city_pretoria concept:citylocatedingeopoliticallocation concept_country_southern_africa +concept_city_pretoria concept:citylocatedingeopoliticallocation concept_country_southern_african_country +concept_city_pretoria concept:atdate concept_date_n2003 +concept_city_pretoria concept:atdate concept_dateliteral_n2007 +concept_city_prince_albert concept:cityliesonriver concept_river_north_saskatchewan +concept_city_prince_george concept:cityalsoknownas concept_city_columbia +concept_city_prince_george concept:cityliesonriver concept_river_columbia +concept_city_prince_george concept:cityliesonriver concept_river_nechako +concept_city_prince_rupert concept:cityliesonriver concept_river_columbia +concept_city_prince_rupert concept:cityliesonriver concept_river_skeena +concept_city_princeton concept:mutualproxyfor concept_beverage_new +concept_city_princeton concept:organizationhiredperson concept_coach_bill_tierney +concept_city_princeton concept:organizationhiredperson concept_coach_brett_carroll +concept_city_princeton concept:mutualproxyfor concept_company_west_virginia +concept_city_princeton concept:proxyfor concept_politicaloffice_new +concept_city_princeton concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_princeton concept:cityliesonriver concept_river_similkameen +concept_city_princeton concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_city_princeton concept:atlocation concept_stateorprovince_illinois +concept_city_princeton concept:atlocation concept_stateorprovince_indiana +concept_city_princeton concept:atlocation concept_stateorprovince_new_jersey +concept_city_princeton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_princeton concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_printable_version concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_pristina concept:subpartof concept_country_kosovo +concept_city_privacy concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_privacy_policy concept:atdate concept_date_n2001 +concept_city_privacy_policy concept:atdate concept_date_n2003 +concept_city_privacy_policy concept:atdate concept_date_n2004 +concept_city_privacy_policy concept:atdate concept_dateliteral_n2005 +concept_city_privacy_policy concept:atdate concept_dateliteral_n2006 +concept_city_privacy_policy concept:atdate concept_dateliteral_n2007 +concept_city_privacy_policy concept:atdate concept_dateliteral_n2008 +concept_city_prome concept:cityalsoknownas concept_city_pyay +concept_city_promise concept:proxyfor concept_politicaloffice_new +concept_city_prospect concept:cityalsoknownas concept_city_brooklyn +concept_city_prospect concept:atlocation concept_stateorprovince_connecticut +concept_city_protest concept:atdate concept_date_n1999 +concept_city_protest concept:atdate concept_date_n2000 +concept_city_protest concept:atdate concept_date_n2003 +concept_city_protest concept:atdate concept_date_n2004 +concept_city_protest concept:atdate concept_dateliteral_n2002 +concept_city_protest concept:atdate concept_dateliteral_n2006 +concept_city_protest concept:atdate concept_dateliteral_n2007 +concept_city_protest concept:atdate concept_dateliteral_n2008 +concept_city_protest concept:proxyfor concept_politicaloffice_new +concept_city_providence concept:cityliesonriver concept_river_woonasquatucket +concept_city_providence concept:proxyfor concept_stadiumoreventvenue_dunkin__donuts_center +concept_city_providence concept:citylocatedinstate concept_stateorprovince_rhode_island +concept_city_providence concept:proxyfor concept_stateorprovince_rhode_island +concept_city_providence concept:proxyfor concept_stateorprovince_rhodeisland +concept_city_province concept:atlocation concept_city_edmonton +concept_city_province concept:agentactsinlocation concept_country_canada_canada +concept_city_province concept:atlocation concept_country_canada_canada +concept_city_province concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_provincetown concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_provincetown concept:proxyfor concept_stateorprovince_massachusetts +concept_city_provo concept:citylocatedinstate concept_stateorprovince_utah +concept_city_provo concept:proxyfor concept_stateorprovince_utah +concept_city_przemysl concept:locationlocatedwithinlocation concept_country_poland +concept_city_pudong concept:cityliesonriver concept_river_huangpu +concept_city_puebla concept:citylocatedincountry concept_country_mexico +concept_city_pueblo concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_pueblo concept:proxyfor concept_stateorprovince_colorado +concept_city_puerto_maldonado concept:cityliesonriver concept_river_madre_de_dios +concept_city_puerto_maldonado concept:cityliesonriver concept_river_tambopata +concept_city_puerto_sucre concept:citycapitalofcountry concept_country_venezuela +concept_city_puerto_vallarta concept:locationlocatedwithinlocation concept_country_mexico +concept_city_puerto_varas concept:citylocatedingeopoliticallocation concept_country_chile +concept_city_pulaski concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_pulaski concept:atlocation concept_stateorprovince_tennessee +concept_city_pullman concept:citylocatedingeopoliticallocation concept_city_washington_d_c +concept_city_pullman concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_pullman concept:proxyfor concept_city_washington_d_c +concept_city_pullman concept:subpartof concept_city_washington_d_c +concept_city_pullman concept:citylocatedinstate concept_visualizablescene_washington +concept_city_punakha concept:citylocatedincountry concept_country_bhutan +concept_city_pune concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_city_pune concept:proxyfor concept_stateorprovince_maharashtra +concept_city_punta_gorda concept:cityliesonriver concept_river_peace +concept_city_purchase concept:proxyfor concept_company_new_york +concept_city_purchase concept:atdate concept_date_n1999 +concept_city_purchase concept:atdate concept_date_n2000 +concept_city_purchase concept:atdate concept_date_n2003 +concept_city_purchase concept:atdate concept_date_n2004 +concept_city_purchase concept:atdate concept_date_n2009 +concept_city_purchase concept:atdate concept_dateliteral_n2005 +concept_city_purchase concept:atdate concept_dateliteral_n2006 +concept_city_purchase concept:atdate concept_dateliteral_n2007 +concept_city_purchase concept:atdate concept_dateliteral_n2008 +concept_city_purchase concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_putney concept:cityliesonriver concept_river_thames +concept_city_puxi concept:cityliesonriver concept_river_huangpu +concept_city_puyallup concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_puyallup concept:proxyfor concept_city_washington_d_c +concept_city_pyay concept:cityalsoknownas concept_city_prome +concept_city_pyongyang concept:locationlocatedwithinlocation concept_country_west_indies +concept_city_pyongyang concept:atdate concept_date_n2000 +concept_city_pyongyang concept:atdate concept_date_n2004 +concept_city_pyongyang concept:cityliesonriver concept_river_taedong +concept_city_qatar concept:citycapitalofcountry concept_country_qatar +concept_city_qatar concept:citylocatedincountry concept_country_qatar +concept_city_qena concept:cityliesonriver concept_river_nile +concept_city_quakertown concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_quakertown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_quakertown concept:proxyfor concept_stateorprovince_newjersey +concept_city_quakertown concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_quebec_city concept:citylocatedincountry concept_country_canada_canada +concept_city_quebec_city concept:atdate concept_dateliteral_n2008 +concept_city_queen_creek concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_queens_village concept:latitudelongitude 40.7200220000000,-73.7375260000000 +concept_city_queensbridge concept:latitudelongitude 40.7558350000000,-73.9469450000000 +concept_city_queensland concept:mutualproxyfor concept_city_brisbane +concept_city_queenston concept:cityliesonriver concept_river_niagara +concept_city_queretaro concept:locationlocatedwithinlocation concept_country_mexico +concept_city_quezon_city concept:citylocatedincountry concept_country_philippines +concept_city_quilpie concept:cityliesonriver concept_river_bulloo +concept_city_quimper concept:cityliesonriver concept_river_odet +concept_city_quincy concept:cityliesonriver concept_attraction_mississippi +concept_city_quincy concept:cityliesonriver concept_river_columbia +concept_city_quincy concept:cityliesonriver concept_river_neponset +concept_city_quincy concept:atlocation concept_stateorprovince_illinois +concept_city_quincy concept:proxyfor concept_stateorprovince_illinois +concept_city_quinte_west concept:latitudelongitude 44.1834200000000,-77.5661800000000 +concept_city_quito concept:citylocatedingeopoliticallocation concept_country_equador +concept_city_quito concept:citycapitalofcountry concept_geopoliticallocation_ecuador +concept_city_quito concept:citylocatedincountry concept_geopoliticallocation_ecuador +concept_city_quito concept:citylocatedingeopoliticallocation concept_geopoliticallocation_ecuador +concept_city_quito concept:locationlocatedwithinlocation concept_geopoliticallocation_ecuador +concept_city_qyzylorda concept:citylocatedincountry concept_country_kazakhstan +concept_city_rabat concept:citycapitalofcountry concept_country_morocco +concept_city_rabat concept:citylocatedincountry concept_country_morocco +concept_city_racine concept:atlocation concept_stateorprovince_wisconsin +concept_city_radcliff concept:proxyfor concept_coach_kentucky +concept_city_radlett concept:latitudelongitude 51.6841650000000,-0.3168350000000 +concept_city_rahway concept:atlocation concept_bridge_new_jersey +concept_city_rahway concept:proxyfor concept_radiostation_new_jersey +concept_city_rainsville concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_city_raleigh concept:citylocatedincountry concept_country_usa +concept_city_raleigh concept:atdate concept_dateliteral_n2006 +concept_city_raleigh concept:cityliesonriver concept_river_neuse +concept_city_raleigh concept:citylocatedingeopoliticallocation concept_stateorprovince_north_carolina +concept_city_raleigh concept:proxyfor concept_stateorprovince_northcarolina +concept_city_raleigh_durham_chapel_hill concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_ramadi concept:cityliesonriver concept_river_euphrates +concept_city_rancagua concept:citylocatedincountry concept_country_chile +concept_city_rancho_cordova concept:citylocatedinstate concept_stateorprovince_california +concept_city_rancho_cordova concept:proxyfor concept_stateorprovince_california +concept_city_rancho_cucamonga concept:citylocatedinstate concept_stateorprovince_california +concept_city_rancho_cucamonga concept:proxyfor concept_stateorprovince_california +concept_city_rancho_palos_verdes concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_rancho_palos_verdes concept:proxyfor concept_stateorprovince_california +concept_city_rancho_santa_margarita concept:citylocatedinstate concept_stateorprovince_california +concept_city_randolph concept:proxyfor concept_stateorprovince_new_jersey +concept_city_randolph concept:citylocatedinstate concept_stateorprovince_west_virginia +concept_city_rapid_city concept:citylocatedinstate concept_stateorprovince_south_dakota +concept_city_rapid_city concept:proxyfor concept_stateorprovince_south_dakota +concept_city_raton concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_rawlins concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_rawlins concept:atlocation concept_stateorprovince_wyoming +concept_city_rayne concept:atlocation concept_attraction_louisiana +concept_city_raytown concept:atlocation concept_stateorprovince_missouri +concept_city_read concept:proxyfor concept_politicaloffice_new +concept_city_read concept:agentcompeteswithagent concept_tradeunion_search +concept_city_reason concept:mutualproxyfor concept_beverage_new +concept_city_reason concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_reason concept:proxyfor concept_politicaloffice_new +concept_city_reason concept:istallerthan concept_publication_people_ +concept_city_reason concept:agentparticipatedinevent concept_sportsgame_series +concept_city_recife concept:mutualproxyfor concept_stateorprovince_pernambuco +concept_city_red_bluff concept:atlocation concept_stateorprovince_california +concept_city_red_bluff concept:mutualproxyfor concept_stateorprovince_california +concept_city_red_lodge concept:atlocation concept_beach_montana +concept_city_red_wing concept:cityliesonriver concept_attraction_mississippi +concept_city_red_wing concept:atlocation concept_stateorprovince_minnesota +concept_city_redding concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_redding concept:proxyfor concept_stateorprovince_california +concept_city_redlands concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_redlands concept:proxyfor concept_stateorprovince_california +concept_city_redmond concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_redmond concept:proxyfor concept_city_washington_d_c +concept_city_redmond concept:subpartof concept_city_washington_d_c +concept_city_redondo_beach concept:atlocation concept_stateorprovince_california +concept_city_redondo_beach concept:mutualproxyfor concept_stateorprovince_california +concept_city_redwood_city concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_redwood_city concept:proxyfor concept_stateorprovince_california +concept_city_reedsport concept:cityliesonriver concept_river_umpqua +concept_city_regensburg concept:cityliesonriver concept_river_danube +concept_city_rehoboth_beach concept:atlocation concept_stateorprovince_delaware +concept_city_reidsville concept:proxyfor concept_creditunion_north_carolina +concept_city_reidsville concept:atlocation concept_stateorprovince_north_carolina +concept_city_remagen concept:cityliesonriver concept_river_rhine +concept_city_reno concept:proxyfor concept_attraction_grand_sierra_theatre +concept_city_reno concept:proxyfor concept_radiostation_nevada +concept_city_reno concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_reno concept:cityliesonriver concept_visualizablething_truckee +concept_city_renton concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_renton concept:proxyfor concept_city_washington_d_c +concept_city_renton concept:subpartof concept_city_washington_d_c +concept_city_renville concept:citylocatedinstate concept_stateorprovince_north_dakota +concept_city_republic concept:cityliesonriver concept_attraction_grand +concept_city_republic concept:citylocatedincountry concept_country_bosnia_herzegovina +concept_city_republic concept:cityliesonriver concept_river_mekong +concept_city_rescue concept:atdate concept_dateliteral_n2007 +concept_city_resources concept:mutualproxyfor concept_beverage_new +concept_city_resources concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_resources concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_resources concept:atdate concept_dateliteral_n2006 +concept_city_resources concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_resources concept:subpartoforganization concept_governmentorganization_federal_government +concept_city_resources concept:subpartoforganization concept_governmentorganization_government +concept_city_resources concept:agentcollaborateswithagent concept_person_government +concept_city_resources concept:agentcollaborateswithagent concept_person_state +concept_city_resources concept:proxyfor concept_politicaloffice_new +concept_city_resources concept:agentcreated concept_programminglanguage_contact +concept_city_resources concept:subpartof concept_river_state +concept_city_resources concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_resources concept:subpartoforganization concept_terroristorganization_state +concept_city_resources concept:agentcompeteswithagent concept_tradeunion_search +concept_city_resources concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_restaurants concept:mutualproxyfor concept_beverage_new +concept_city_restaurants concept:proxyfor concept_politicaloffice_new +concept_city_reston concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_reston concept:proxyfor concept_stateorprovince_virginia +concept_city_revelstoke concept:cityalsoknownas concept_city_columbia +concept_city_revelstoke concept:cityliesonriver concept_river_columbia +concept_city_revere concept:proxyfor concept_beach_massachusetts +concept_city_revere concept:subpartof concept_beach_massachusetts +concept_city_revere concept:atlocation concept_stateorprovince_massachusetts +concept_city_reviews concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_reviews concept:atdate concept_date_n1999 +concept_city_reviews concept:atdate concept_date_n2003 +concept_city_reviews concept:atdate concept_date_n2004 +concept_city_reviews concept:atdate concept_dateliteral_n2002 +concept_city_reviews concept:atdate concept_dateliteral_n2006 +concept_city_reviews concept:atdate concept_dateliteral_n2007 +concept_city_reviews concept:atdate concept_dateliteral_n2008 +concept_city_reviews concept:proxyfor concept_politicaloffice_new +concept_city_reviews concept:agentcompeteswithagent concept_tradeunion_search +concept_city_rexburg concept:atlocation concept_stateorprovince_idaho +concept_city_reykjavik concept:locationlocatedwithinlocation concept_island_iceland +concept_city_reykjavik concept:proxyfor concept_island_iceland +concept_city_reynoldsburg concept:atlocation concept_stateorprovince_ohio +concept_city_reynoldsburg concept:subpartof concept_stateorprovince_ohio +concept_city_ribe concept:citylocatedincountry concept_country_denmark +concept_city_richardson concept:citylocatedinstate concept_stateorprovince_nebraska +concept_city_richardson concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_richardson concept:proxyfor concept_stateorprovince_texas +concept_city_richfield concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_richfield concept:proxyfor concept_stateorprovince_minnesota +concept_city_richland concept:atlocation concept_city_washington_d_c +concept_city_richland concept:proxyfor concept_city_washington_d_c +concept_city_richland concept:subpartof concept_city_washington_d_c +concept_city_richland concept:proxyfor concept_radiostation_new_jersey +concept_city_richland concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_richmond concept:cityliesonriver concept_river_brazos +concept_city_richmond concept:cityliesonriver concept_river_chickahominy +concept_city_richmond concept:cityliesonriver concept_river_hawkesbury +concept_city_richmond concept:cityliesonriver concept_river_kennebec +concept_city_richmond concept:cityliesonriver concept_river_thames +concept_city_richmond concept:atlocation concept_stateorprovince_california +concept_city_richmond concept:proxyfor concept_stateorprovince_california +concept_city_richmond concept:subpartof concept_stateorprovince_california +concept_city_richmond concept:atlocation concept_stateorprovince_indiana +concept_city_richmond concept:proxyfor concept_stateorprovince_indiana +concept_city_richmond concept:atlocation concept_stateorprovince_missouri +concept_city_richmond concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_richmond concept:proxyfor concept_stateorprovince_texas +concept_city_richwood concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_richwood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_ridgecrest concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_ridgecrest concept:proxyfor concept_stateorprovince_california +concept_city_ridgefield concept:atlocation concept_stateorprovince_connecticut +concept_city_ridgefield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_ridgefield concept:proxyfor concept_stateorprovince_newjersey +concept_city_ridgeland concept:locationlocatedwithinlocation concept_stateorprovince_mississippi +concept_city_ridgeland concept:proxyfor concept_stateorprovince_mississippi +concept_city_ridley_park concept:atlocation concept_stateorprovince_pennsylvania +concept_city_riga concept:citylocatedincountry concept_country_latvia +concept_city_riga concept:proxyfor concept_country_latvia +concept_city_riga concept:atdate concept_dateliteral_n2006 +concept_city_riga concept:cityliesonriver concept_river_daugava +concept_city_ringgold concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_rio concept:cityalsoknownas concept_city_buzios +concept_city_rio concept:cityalsoknownas concept_city_parana +concept_city_rio concept:cityalsoknownas concept_city_pernambuco +concept_city_rio concept:cityalsoknownas concept_city_santiago +concept_city_rio concept:locationlocatedwithinlocation concept_city_vegas +concept_city_rio concept:citylocatedincountry concept_country_brazil +concept_city_rio concept:atdate concept_date_n2004 +concept_city_rio concept:atdate concept_date_n2009 +concept_city_rio concept:atdate concept_dateliteral_n2008 +concept_city_rio concept:proxyfor concept_sportsteam_brazil +concept_city_rio concept:subpartof concept_sportsteam_brazil +concept_city_rio concept:proxyfor concept_stateorprovince_new_jersey +concept_city_rio concept:proxyfor concept_stateorprovince_newjersey +concept_city_rio concept:citylocatedinstate concept_stateorprovince_tierra_del_fuego +concept_city_rio concept:subpartof concept_traditionalgame_vegas +concept_city_rio_grande_city concept:atlocation concept_stateorprovince_texas +concept_city_rio_rancho concept:locationlocatedwithinlocation concept_stateorprovince_new_mexico +concept_city_rio_rancho concept:proxyfor concept_stateorprovince_new_mexico +concept_city_rio_vista concept:atlocation concept_stateorprovince_california +concept_city_ripley concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_ripon concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_ripon concept:proxyfor concept_stateorprovince_wisconsin +concept_city_ripponlea concept:latitudelongitude -37.8833300000000,145.0000000000000 +concept_city_riverdale concept:atlocation concept_stateorprovince_georgia +concept_city_riverdale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_riverhead concept:proxyfor concept_company_new_york +concept_city_riverside concept:citylocatedingeopoliticallocation concept_city_ca +concept_city_riverside concept:cityliesonriver concept_river_des_plaines +concept_city_riverside concept:citylocatedinstate concept_stateorprovince_california +concept_city_riverside concept:proxyfor concept_stateorprovince_california +concept_city_riverside concept:atlocation concept_stateorprovince_missouri +concept_city_riverton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_riverton concept:atlocation concept_stateorprovince_wyoming +concept_city_rivervale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_riviera concept:locationlocatedwithinlocation concept_city_vegas +concept_city_riviera_beach concept:proxyfor concept_city_florida +concept_city_riviere_du_loup concept:citylocatedinstate concept_stateorprovince_quebec +concept_city_riyadh concept:citylocatedincountry concept_country_arabia_saudita +concept_city_riyadh concept:proxyfor concept_country_arabia_saudita +concept_city_road_town concept:citycapitalofcountry concept_island_british_virgin_islands +concept_city_road_town concept:citylocatedincountry concept_island_british_virgin_islands +concept_city_roanoke concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_roanoke concept:proxyfor concept_stateorprovince_virginia +concept_city_roanoke_rapids concept:atlocation concept_stateorprovince_north_carolina +concept_city_robbinsville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_robbinsville concept:proxyfor concept_stateorprovince_newjersey +concept_city_robe concept:thinghascolor concept_color_yellow +concept_city_rochelle concept:mutualproxyfor concept_beverage_new +concept_city_rochelle concept:agentactsinlocation concept_lake_new +concept_city_rochelle concept:atlocation concept_lake_new +concept_city_rochelle concept:proxyfor concept_politicaloffice_new +concept_city_rochelle_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_rochester concept:cityliesonriver concept_attraction_grand +concept_city_rochester concept:citylocatedincountry concept_country_england +concept_city_rochester concept:cityliesonriver concept_river_genesee_river +concept_city_rochester concept:cityliesonriver concept_river_zumbro +concept_city_rochester concept:atlocation concept_stateorprovince_michigan +concept_city_rochester concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_rochester concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_rochester concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_rochester_hills concept:atlocation concept_stateorprovince_michigan +concept_city_rock_hill concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_rock_hill concept:mutualproxyfor concept_stateorprovince_south_carolina +concept_city_rock_island concept:cityliesonriver concept_attraction_mississippi +concept_city_rock_island concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_rock_island concept:proxyfor concept_stateorprovince_illinois +concept_city_rock_springs concept:locationlocatedwithinlocation concept_stateorprovince_wyoming +concept_city_rock_springs concept:proxyfor concept_stateorprovince_wyoming +concept_city_rockaway concept:proxyfor concept_stateorprovince_new_jersey +concept_city_rockdale concept:atlocation concept_stateorprovince_texas +concept_city_rockford concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_rockford concept:proxyfor concept_stateorprovince_illinois +concept_city_rockland concept:cityliesonriver concept_river_hudson +concept_city_rockland concept:citylocatedinstate concept_stateorprovince_new_york_state +concept_city_rocklin concept:atlocation concept_stateorprovince_california +concept_city_rocklin concept:mutualproxyfor concept_stateorprovince_california +concept_city_rockport concept:cityliesonriver concept_river_skagit +concept_city_rockport concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_rockville concept:locationlocatedwithinlocation concept_stateorprovince_maryland +concept_city_rockville concept:proxyfor concept_stateorprovince_maryland +concept_city_rockville concept:subpartof concept_stateorprovince_maryland +concept_city_rockwall concept:citylocatedinstate concept_stateorprovince_texas +concept_city_rockwall concept:proxyfor concept_stateorprovince_texas +concept_city_rocky_hill concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_rocky_hill concept:proxyfor concept_stateorprovince_new_jersey +concept_city_rocky_hill concept:proxyfor concept_stateorprovince_newjersey +concept_city_rocky_mount concept:mutualproxyfor concept_company_north_carolina +concept_city_rocky_mount concept:proxyfor concept_creditunion_north_carolina +concept_city_rocky_mount concept:atlocation concept_stateorprovince_north_carolina +concept_city_rocky_mountain_house concept:cityliesonriver concept_river_north_saskatchewan +concept_city_rohnert_park concept:atlocation concept_stateorprovince_california +concept_city_rohnert_park concept:mutualproxyfor concept_stateorprovince_california +concept_city_rolla concept:proxyfor concept_company_missouri +concept_city_rolla concept:subpartof concept_company_missouri +concept_city_rolla concept:atlocation concept_stateorprovince_missouri +concept_city_rome concept:locationlocatedwithinlocation concept_city_empire +concept_city_rome concept:locationlocatedwithinlocation concept_country_italy +concept_city_rome concept:citylocatedincountry concept_country_republic +concept_city_rome concept:atdate concept_date_n1999 +concept_city_rome concept:atdate concept_date_n2004 +concept_city_rome concept:atdate concept_dateliteral_n2002 +concept_city_rome concept:atdate concept_dateliteral_n2005 +concept_city_rome concept:atdate concept_dateliteral_n2006 +concept_city_rome concept:atdate concept_dateliteral_n2008 +concept_city_rome concept:cityliesonriver concept_river_coosa +concept_city_rome concept:cityliesonriver concept_river_mohawk +concept_city_rome concept:cityliesonriver concept_river_oostanaula +concept_city_rome concept:cityliesonriver concept_river_tiber +concept_city_rome concept:cityliesonriver concept_skiarea_owyhee +concept_city_rome concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_rome concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_rome concept:atlocation concept_stateorprovince_new_york +concept_city_rome concept:proxyfor concept_stateorprovince_new_york +concept_city_rome concept:atdate concept_year_n1997 +concept_city_rome concept:atdate concept_year_n1998 +concept_city_romeoville concept:cityliesonriver concept_river_des_plaines +concept_city_romeoville concept:atlocation concept_stateorprovince_illinois +concept_city_rongelap_island concept:citylocatedincountry concept_island_marshall_islands +concept_city_ronneby concept:locationlocatedwithinlocation concept_city_sweden +concept_city_ronneby concept:citylocatedincountry concept_country_sweden +concept_city_roodepoort concept:citylocatedincountry concept_country_south_africa +concept_city_roscommon concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_roscommon concept:cityliesonriver concept_visualizablescene_shannon +concept_city_rose_garden concept:atlocation concept_politicsblog_portland +concept_city_roseau concept:citylocatedingeopoliticallocation concept_city_dominica +concept_city_roseau concept:proxyfor concept_city_dominica +concept_city_roseau concept:citycapitalofcountry concept_country_dominica +concept_city_roseau concept:citylocatedincountry concept_country_dominica +concept_city_roseau concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_roseburg concept:cityliesonriver concept_river_north_umpqua +concept_city_roseburg concept:cityliesonriver concept_river_umpqua +concept_city_roseburg concept:atlocation concept_stateorprovince_oregon +concept_city_roseland concept:proxyfor concept_stateorprovince_new_jersey +concept_city_rosemead concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_rosemead concept:proxyfor concept_stateorprovince_california +concept_city_rosemont concept:atlocation concept_stateorprovince_illinois +concept_city_rosemont concept:proxyfor concept_stateorprovince_illinois +concept_city_rosemont concept:proxyfor concept_stateorprovince_new_jersey +concept_city_roseville concept:proxyfor concept_stateorprovince_california +concept_city_roseville concept:atlocation concept_stateorprovince_michigan +concept_city_roseville concept:proxyfor concept_stateorprovince_michigan +concept_city_roseville concept:atlocation concept_stateorprovince_minnesota +concept_city_roseville concept:proxyfor concept_stateorprovince_minnesota +concept_city_roskilde concept:citylocatedincountry concept_country_denmark +concept_city_rosman concept:cityliesonriver concept_river_french_broad +concept_city_ross concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_roswell concept:cityliesonriver concept_river_chattahoochee +concept_city_roswell concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_roswell concept:proxyfor concept_stateorprovince_georgia +concept_city_rotorua concept:cityliesonriver concept_river_kaituna +concept_city_rotterdam concept:atdate concept_date_n2003 +concept_city_rotterdam concept:cityliesonriver concept_river_rhine +concept_city_roubaix concept:citylocatedincountry concept_country_france_france +concept_city_rouen concept:cityliesonriver concept_river_seine +concept_city_round_rock concept:mutualproxyfor concept_city_texas +concept_city_round_rock concept:atlocation concept_stateorprovince_texas +concept_city_round_rock concept:proxyfor concept_stateorprovince_texas +concept_city_round_rock concept:subpartof concept_stateorprovince_texas +concept_city_rourkela concept:latitudelongitude 22.2000000000000,84.8833300000000 +concept_city_rourkela concept:citylocatedinstate concept_stateorprovince_orissa +concept_city_rourkela concept:proxyfor concept_stateorprovince_orissa +concept_city_rovaniemi concept:citylocatedincountry concept_country_finland +concept_city_royal_oak concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_royal_palm_beach concept:proxyfor concept_city_florida +concept_city_rudesheim concept:cityliesonriver concept_river_rhine +concept_city_runnemede concept:proxyfor concept_radiostation_new_jersey +concept_city_russell concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_russellville concept:proxyfor concept_book_arkansas +concept_city_russellville concept:proxyfor concept_coach_kentucky +concept_city_russellville concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_ruston concept:citylocatedinstate concept_stateorprovince_louisiana +concept_city_ryazan concept:citylocatedincountry concept_country_russia +concept_city_rzeszow concept:locationlocatedwithinlocation concept_country_poland +concept_city_sabres concept:agentparticipatedinevent concept_convention_games +concept_city_sabres concept:agentparticipatedinevent concept_sportsgame_finals +concept_city_sabres concept:subpartof concept_sportsleague_nhl +concept_city_sabres concept:agentcompeteswithagent concept_sportsteam_new_york_islanders +concept_city_saco concept:locationlocatedwithinlocation concept_stateorprovince_maine +concept_city_sacramento concept:atdate concept_dateliteral_n2005 +concept_city_sacramento concept:cityliesonriver concept_river_american +concept_city_sacramento concept:cityliesonriver concept_river_lower_american +concept_city_sacramento_california concept:cityliesonriver concept_river_american +concept_city_saddle_river concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_saddle_river concept:proxyfor concept_stateorprovince_newjersey +concept_city_safat concept:citylocatedincountry concept_country_kuwait +concept_city_safety_harbor concept:atlocation concept_city_florida +concept_city_safford concept:cityliesonriver concept_river_gila +concept_city_safford concept:atlocation concept_stateorprovince_arizona +concept_city_saginaw concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_saginaw concept:proxyfor concept_stateorprovince_michigan +concept_city_saharanpur concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_saharanpur concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_saigon concept:cityalsoknownas concept_city_ho_chi_minh_city +concept_city_saigon concept:synonymfor concept_city_ho_chi_minh_city +concept_city_saigon concept:citycapitalofcountry concept_country_west_indies +concept_city_saigon concept:citylocatedincountry concept_country_west_indies +concept_city_saigon concept:cityliesonriver concept_river_mekong +concept_city_saint_charles concept:atlocation concept_stateorprovince_illinois +concept_city_saint_charles concept:atlocation concept_stateorprovince_missouri +concept_city_saint_cloud concept:atlocation concept_city_florida +concept_city_saint_cloud concept:atlocation concept_stateorprovince_minnesota +concept_city_saint_cloud concept:mutualproxyfor concept_stateorprovince_minnesota +concept_city_saint_denis_de_la_reunion concept:citycapitalofcountry concept_country_reunion +concept_city_saint_denis_de_la_reunion concept:citylocatedincountry concept_country_reunion +concept_city_saint_gallen concept:locationlocatedwithinlocation concept_country_switzerland +concept_city_saint_george concept:citycapitalofcountry concept_visualizablething_grenada +concept_city_saint_george_s concept:proxyfor concept_city_grenada +concept_city_saint_george_s concept:citylocatedingeopoliticallocation concept_visualizablething_grenada +concept_city_saint_john concept:cityliesonriver concept_river_saint_john +concept_city_saint_john concept:proxyfor concept_stateorprovince_new_brunswick +concept_city_saint_joseph concept:proxyfor concept_company_missouri +concept_city_saint_joseph concept:atlocation concept_stateorprovince_missouri +concept_city_saint_louis concept:cityliesonriver concept_attraction_mississippi +concept_city_saint_louis concept:atlocation concept_stateorprovince_missouri +concept_city_saint_marys concept:atlocation concept_stateorprovince_georgia +concept_city_saint_michaels concept:atlocation concept_stateorprovince_maryland +concept_city_saint_paul concept:cityliesonriver concept_attraction_mississippi +concept_city_saint_paul concept:citylocatedingeopoliticallocation concept_city_mn +concept_city_saint_paul concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_saint_paul concept:citylocatedinstate concept_stateorprovince_mn +concept_city_saint_petersburg concept:locationlocatedwithinlocation concept_city_florida +concept_city_saint_petersburg concept:citylocatedinstate concept_stateorprovince_florida +concept_city_saint_robert concept:atlocation concept_stateorprovince_missouri +concept_city_saint_vincent concept:citycapitalofcountry concept_geopoliticalorganization_grenadines +concept_city_saint_vincent concept:citylocatedincountry concept_geopoliticalorganization_grenadines +concept_city_salamanca concept:citylocatedincountry concept_country_spain +concept_city_salem concept:cityliesonriver concept_river_willamette +concept_city_salem concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_salem concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_salina concept:cityliesonriver concept_skiarea_smoky_hill +concept_city_salina concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_salinas concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_salinas concept:proxyfor concept_stateorprovince_california +concept_city_saline concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_salisbury concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_salisbury concept:cityliesonriver concept_river_merrimac +concept_city_salisbury concept:cityliesonriver concept_river_yadkin +concept_city_salisbury concept:atlocation concept_stateorprovince_maryland +concept_city_salisbury concept:proxyfor concept_stateorprovince_maryland +concept_city_salisbury concept:atlocation concept_stateorprovince_north_carolina +concept_city_salonika concept:cityliesonriver concept_river_vardar +concept_city_saltillo concept:mutualproxyfor concept_geopoliticallocation_coahuila +concept_city_salto concept:citylocatedincountry concept_country_uruguay +concept_city_salvador concept:cityalsoknownas concept_city_rio +concept_city_salvador concept:locationlocatedwithinlocation concept_city_state +concept_city_salvador concept:locationlocatedwithinlocation concept_stateorprovince_bahia +concept_city_salyersville concept:latitudelongitude 37.7518900000000,-83.0699060000000 +concept_city_salzburg concept:citylocatedincountry concept_country_republic_of_austria +concept_city_salzburg concept:cityliesonriver concept_river_salzach +concept_city_samara concept:cityliesonriver concept_river_volga +concept_city_samaria concept:citylocatedincountry concept_country_northern_kingdom +concept_city_san_angelo concept:cityliesonriver concept_river_concho +concept_city_san_angelo concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_san_angelo concept:proxyfor concept_stateorprovince_texas +concept_city_san_antonio concept:cityliesonriver concept_attraction_grand +concept_city_san_antonio concept:atlocation concept_city_houston +concept_city_san_antonio concept:mutualproxyfor concept_city_texas +concept_city_san_antonio concept:atdate concept_date_n2003 +concept_city_san_antonio concept:atdate concept_dateliteral_n2007 +concept_city_san_antonio concept:cityliesonriver concept_river_nueces +concept_city_san_antonio concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_san_antonio concept:proxyfor concept_stateorprovince_texas +concept_city_san_antonio concept:citylocatedinstate concept_stateorprovince_tx +concept_city_san_benito concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_bernardino concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_san_bernardino concept:proxyfor concept_stateorprovince_california +concept_city_san_bernardino concept:subpartof concept_stateorprovince_california +concept_city_san_bruno concept:atlocation concept_stateorprovince_california +concept_city_san_bruno concept:mutualproxyfor concept_stateorprovince_california +concept_city_san_carlos concept:atlocation concept_stateorprovince_california +concept_city_san_clemente concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_san_clemente concept:proxyfor concept_stateorprovince_california +concept_city_san_diego concept:cityliesonriver concept_attraction_grand +concept_city_san_diego concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_san_diego concept:proxyfor concept_stadiumoreventvenue_viejas_arena +concept_city_san_felipe concept:cityliesonriver concept_river_brazos +concept_city_san_fernando concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_fernando_valley concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_fernando_valley concept:proxyfor concept_stateorprovince_california +concept_city_san_francisco concept:cityliesonriver concept_attraction_grand +concept_city_san_francisco concept:citylocatedincountry concept_country_usa +concept_city_san_francisco concept:cityliesonriver concept_river_columbia +concept_city_san_francisco concept:agentparticipatedinevent concept_sportsgame_series +concept_city_san_gwann concept:citylocatedincountry concept_country_malta +concept_city_san_ignacio concept:cityliesonriver concept_river_macal +concept_city_san_jos concept:proxyfor concept_animal_costa_rica +concept_city_san_jos concept:citylocatedingeopoliticallocation concept_city_costa_rica +concept_city_san_jos concept:locationlocatedwithinlocation concept_city_costa_rica +concept_city_san_jos concept:citycapitalofcountry concept_country_costa_rica +concept_city_san_jos concept:citylocatedincountry concept_country_costa_rica +concept_city_san_jose concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_san_jose concept:proxyfor concept_stateorprovince_california +concept_city_san_jose concept:subpartof concept_stateorprovince_california +concept_city_san_jose_california concept:latitudelongitude 14.8500000000000,-91.9666700000000 +concept_city_san_juan concept:citycapitalofcountry concept_country_puerto_rico +concept_city_san_juan concept:citylocatedincountry concept_country_puerto_rico +concept_city_san_juan concept:citylocatedingeopoliticallocation concept_stateorprovince_puerto_rico +concept_city_san_juan_capistrano concept:atlocation concept_stateorprovince_california +concept_city_san_leandro concept:atlocation concept_stateorprovince_california +concept_city_san_leandro concept:mutualproxyfor concept_stateorprovince_california +concept_city_san_louis_obispo concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_luis concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_san_luis_de_potosi concept:locationlocatedwithinlocation concept_country_mexico +concept_city_san_luis_obispo concept:citylocatedingeopoliticallocation concept_sportsteam_california_polytechnic +concept_city_san_luis_obispo concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_luis_obispo concept:proxyfor concept_stateorprovince_california +concept_city_san_marcos concept:mutualproxyfor concept_city_texas +concept_city_san_marcos concept:citylocatedinstate concept_stateorprovince_california +concept_city_san_marcos concept:proxyfor concept_stateorprovince_california +concept_city_san_marcos concept:citylocatedingeopoliticallocation concept_stateorprovince_texas +concept_city_san_marcos concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_san_marcos concept:proxyfor concept_stateorprovince_texas +concept_city_san_mateo concept:citylocatedinstate concept_stateorprovince_ca +concept_city_san_mateo concept:atlocation concept_stateorprovince_california +concept_city_san_mateo concept:proxyfor concept_stateorprovince_california +concept_city_san_mateo concept:subpartof concept_stateorprovince_california +concept_city_san_miguel concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_san_pablo concept:atlocation concept_stateorprovince_california +concept_city_san_pablo concept:mutualproxyfor concept_stateorprovince_california +concept_city_san_rafael concept:citylocatedincountry concept_country_argentina +concept_city_san_rafael concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_san_rafael concept:proxyfor concept_stateorprovince_california +concept_city_san_rafael concept:subpartof concept_stateorprovince_california +concept_city_san_rafael_del_sur concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_san_ramon concept:atlocation concept_stateorprovince_california +concept_city_san_ramon concept:mutualproxyfor concept_stateorprovince_california +concept_city_san_sebastian concept:citylocatedincountry concept_country_spain +concept_city_sana concept:citycapitalofcountry concept_country_yemen +concept_city_sanaa concept:proxyfor concept_country_yemen +concept_city_sandane concept:citylocatedincountry concept_country_norway +concept_city_sandefjord concept:citylocatedincountry concept_country_norway +concept_city_sandiego concept:atlocation concept_stateorprovince_california +concept_city_sandpoint concept:atlocation concept_stateorprovince_idaho +concept_city_sandusky concept:atlocation concept_stateorprovince_ohio +concept_city_sandy_hook concept:proxyfor concept_stateorprovince_newjersey +concept_city_sandy_springs concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_sandy_springs concept:proxyfor concept_stateorprovince_georgia +concept_city_sanford concept:atlocation concept_stateorprovince_north_carolina +concept_city_santa concept:citylocatedingeopoliticallocation concept_county_new_mexico +concept_city_santa concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_santa_ana concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_ana concept:proxyfor concept_stateorprovince_california +concept_city_santa_barbara_de_nexe concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_barbara_de_nexe concept:proxyfor concept_stateorprovince_california +concept_city_santa_barbara_de_nexe concept:subpartof concept_stateorprovince_california +concept_city_santa_clara concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_clara concept:proxyfor concept_stateorprovince_california +concept_city_santa_clarita concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_clarita concept:proxyfor concept_stateorprovince_california +concept_city_santa_cruz_das_flores concept:locationlocatedwithinlocation concept_country_bolivia +concept_city_santa_cruz_das_flores concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_santa_cruz_das_flores concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_cruz_das_flores concept:proxyfor concept_stateorprovince_california +concept_city_santa_cruz_das_flores concept:subpartof concept_stateorprovince_california +concept_city_santa_fe concept:atdate concept_dateliteral_n2002 +concept_city_santa_fe concept:atdate concept_dateliteral_n2008 +concept_city_santa_fe concept:proxyfor concept_lake_new +concept_city_santa_monica concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_santa_monica concept:proxyfor concept_stateorprovince_california +concept_city_santa_rosa concept:atlocation concept_stateorprovince_california +concept_city_santa_rosa concept:proxyfor concept_stateorprovince_california +concept_city_santa_rosa concept:subpartof concept_stateorprovince_california +concept_city_santa_rosa concept:citylocatedinstate concept_stateorprovince_florida +concept_city_santa_rosa concept:atlocation concept_stateorprovince_new_mexico +concept_city_santarem concept:cityliesonriver concept_river_tapajos +concept_city_santee concept:mutualproxyfor concept_stateorprovince_california +concept_city_santiago concept:cityalsoknownas concept_city_campo_grande +concept_city_santiago concept:cityalsoknownas concept_city_rio +concept_city_santiago concept:citylocatedincountry concept_country_chile +concept_city_santiago concept:proxyfor concept_country_chile +concept_city_santiago concept:cityliesonriver concept_river_maipo +concept_city_sao_paulo concept:cityliesonriver concept_attraction_grand +concept_city_sao_paulo concept:synonymfor concept_city_rio +concept_city_sao_paulo concept:proxyfor concept_sportsteam_brazil +concept_city_sapporo_station concept:latitudelongitude 43.0689500000000,141.3507800000000 +concept_city_sapulpa concept:atlocation concept_stateorprovince_oklahoma +concept_city_sarajevo concept:citycapitalofcountry concept_country_bosnia_herzegovina +concept_city_sarajevo concept:citylocatedincountry concept_country_bosnia_herzegovina +concept_city_sarasota concept:locationlocatedwithinlocation concept_city_florida +concept_city_sarasota concept:proxyfor concept_city_florida +concept_city_sarasota concept:subpartof concept_city_florida +concept_city_sarasota concept:citylocatedinstate concept_stateorprovince_florida +concept_city_saratoga concept:cityliesonriver concept_river_hudson +concept_city_saratoga concept:atlocation concept_stateorprovince_california +concept_city_saratoga concept:cityliesonriver concept_visualizablescene_north_platte +concept_city_saratoga_springs concept:atlocation concept_stateorprovince_new_york +concept_city_saratoga_springs concept:mutualproxyfor concept_stateorprovince_new_york +concept_city_saratov concept:cityliesonriver concept_river_volga +concept_city_saratov_ concept:cityliesonriver concept_river_volga +concept_city_sarlat concept:cityliesonriver concept_river_dordogne +concept_city_sartell concept:cityliesonriver concept_attraction_mississippi +concept_city_saskatchewan concept:cityalsoknownas concept_city_columbia +concept_city_saskatchewan concept:atdate concept_dateliteral_n2006 +concept_city_saskatchewan concept:cityliesonriver concept_river_columbia +concept_city_saskatoon concept:atdate concept_dateliteral_n2006 +concept_city_saskatoon concept:cityliesonriver concept_river_south_saskatchewan +concept_city_saskatoon concept:citylocatedinstate concept_stateorprovince_saskatchewan +concept_city_saskatoon concept:proxyfor concept_stateorprovince_saskatchewan +concept_city_saturn concept:atdate concept_date_n2004 +concept_city_saugerties concept:proxyfor concept_company_new_york +concept_city_sault_ste concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_sault_ste concept:proxyfor concept_stateorprovince_michigan +concept_city_saumur concept:cityliesonriver concept_river_loire +concept_city_sausalito concept:atlocation concept_stateorprovince_california +concept_city_savannah concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_savannah concept:proxyfor concept_stateorprovince_georgia +concept_city_savannakhet concept:cityliesonriver concept_river_mekong +concept_city_sawyer concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_sayreville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_sayreville concept:proxyfor concept_stadiumoreventvenue_starland_ballroom +concept_city_sayreville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_sayreville concept:proxyfor concept_stateorprovince_newjersey +concept_city_scarborough concept:citylocatedinstate concept_stateorprovince_maine +concept_city_schaffhausen concept:cityliesonriver concept_river_rhine +concept_city_schaumburg concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_schaumburg concept:proxyfor concept_stateorprovince_illinois +concept_city_schenectady concept:proxyfor concept_lake_new +concept_city_schenectady concept:cityliesonriver concept_river_mohawk +concept_city_schenectady concept:atlocation concept_stateorprovince_new_york +concept_city_schenectady concept:proxyfor concept_stateorprovince_new_york +concept_city_schenectady concept:subpartof concept_stateorprovince_new_york +concept_city_schiller_park concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_schiller_park concept:proxyfor concept_stateorprovince_illinois +concept_city_scoresbysund concept:citycapitalofcountry concept_country_greenland +concept_city_scoresbysund concept:citylocatedincountry concept_country_greenland +concept_city_scotch_plains concept:atlocation concept_bridge_new_jersey +concept_city_scotch_plains concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_scottsbluff concept:locationlocatedwithinlocation concept_stateorprovince_nebraska +concept_city_scottsbluff concept:proxyfor concept_stateorprovince_nebraska +concept_city_scottsbluff concept:cityliesonriver concept_visualizablescene_north_platte +concept_city_scottsboro concept:proxyfor concept_newspaper_alabama +concept_city_scottsboro concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_city_scottsdale concept:atlocation concept_stateorprovince_arizona +concept_city_scranton concept:atlocation concept_stateorprovince_pennsylvania +concept_city_scranton concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_scranton concept:subpartof concept_stateorprovince_pennsylvania +concept_city_scranton_wilkes_barre concept:cityliesonriver concept_river_susquehanna +concept_city_scranton_wilkes_barre concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_scranton_wilkes_barre concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_script concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_script concept:atdate concept_dateliteral_n2005 +concept_city_script concept:atdate concept_dateliteral_n2007 +concept_city_sea_tac concept:latitudelongitude 47.4293560000000,-122.2907090000000 +concept_city_seaford concept:atlocation concept_stateorprovince_delaware +concept_city_seal_beach concept:atlocation concept_stateorprovince_california +concept_city_searcy concept:atlocation concept_stateorprovince_arkansas +concept_city_seaside concept:cityliesonriver concept_river_necanicum +concept_city_seaside concept:atlocation concept_stateorprovince_california +concept_city_seaside concept:mutualproxyfor concept_stateorprovince_california +concept_city_seaside concept:subpartof concept_stateorprovince_california +concept_city_seaside concept:atlocation concept_stateorprovince_oregon +concept_city_seat concept:mutualproxyfor concept_beverage_new +concept_city_seat concept:atdate concept_date_n2001 +concept_city_seat concept:atdate concept_date_n2004 +concept_city_seat concept:atdate concept_dateliteral_n2006 +concept_city_seat concept:atdate concept_dateliteral_n2007 +concept_city_seat concept:atdate concept_dateliteral_n2008 +concept_city_seat concept:proxyfor concept_politicaloffice_new +concept_city_seat concept:agentparticipatedinevent concept_sportsgame_series +concept_city_seat concept:atdate concept_year_n1992 +concept_city_seatac concept:atlocation concept_city_washington_d_c +concept_city_seattle concept:cityliesonriver concept_attraction_grand +concept_city_seattle concept:citylocatedincountry concept_country_usa +concept_city_seattle concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_seattle concept:cityliesonriver concept_river_columbia +concept_city_seattle concept:cityliesonriver concept_river_duwamish +concept_city_seattle concept:cityliesonriver concept_river_skagit +concept_city_seattle concept:citylocatedinstate concept_visualizablescene_washington +concept_city_seattle_area concept:citylocatedinstate concept_visualizablescene_washington +concept_city_sebastian concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_sebastopol concept:atlocation concept_stateorprovince_california +concept_city_secaucus concept:atlocation concept_bridge_new_jersey +concept_city_secaucus concept:proxyfor concept_radiostation_new_jersey +concept_city_secret concept:proxyfor concept_politicaloffice_new +concept_city_sedalia concept:atlocation concept_stateorprovince_missouri +concept_city_sedalia concept:proxyfor concept_stateorprovince_missouri +concept_city_sedona concept:cityliesonriver concept_attraction_grand +concept_city_sedona concept:cityliesonriver concept_river_verde +concept_city_sedona concept:atlocation concept_stateorprovince_arizona +concept_city_sedro_woolley concept:cityliesonriver concept_river_skagit +concept_city_selinsgrove concept:cityliesonriver concept_river_susquehanna +concept_city_selje concept:citylocatedincountry concept_country_norway +concept_city_selkirk concept:cityliesonriver concept_river_columbia +concept_city_selma concept:atlocation concept_stateorprovince_alabama +concept_city_seminars concept:atdate concept_date_n2009 +concept_city_seminars concept:subpartoforganization concept_terroristorganization_state +concept_city_senatobia concept:citylocatedinstate concept_stateorprovince_mississippi +concept_city_seneca concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_seneca concept:atlocation concept_stateorprovince_south_carolina +concept_city_senneterre concept:latitudelongitude 48.3811328571429,-77.2280214285714 +concept_city_seoul concept:cityliesonriver concept_attraction_grand +concept_city_seoul concept:proxyfor concept_country_korea +concept_city_seoul concept:citylocatedincountry concept_country_republic +concept_city_seoul concept:citycapitalofcountry concept_country_south_korea +concept_city_seoul concept:locationlocatedwithinlocation concept_country_south_korea +concept_city_seoul concept:proxyfor concept_country_south_korea +concept_city_seoul concept:atdate concept_dateliteral_n2005 +concept_city_seoul concept:cityliesonriver concept_river_hangang +concept_city_seoul concept:cityliesonriver concept_river_imjin +concept_city_seoul concept:atdate concept_year_n1995 +concept_city_sequim concept:cityliesonriver concept_skiarea_dungeness +concept_city_serra_mesa concept:latitudelongitude 32.8025042857143,-117.1385600000000 +concept_city_service concept:atlocation concept_aquarium_u__s_ +concept_city_service concept:subpartof concept_aquarium_u__s_ +concept_city_service concept:mutualproxyfor concept_beverage_new +concept_city_service concept:proxyfor concept_biotechcompany_apple +concept_city_service concept:subpartof concept_biotechcompany_apple +concept_city_service concept:subpartof concept_book_electricity +concept_city_service concept:subpartof concept_book_oil +concept_city_service concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_service concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_service concept:istallerthan concept_city_christ +concept_city_service concept:locationlocatedwithinlocation concept_city_texas +concept_city_service concept:subpartof concept_city_texas +concept_city_service concept:locationlocatedwithinlocation concept_city_u__s +concept_city_service concept:subpartof concept_company_apple001 +concept_city_service concept:agentcontrols concept_company_pixar +concept_city_service concept:proxyfor concept_company_pixar +concept_city_service concept:atlocation concept_country_united_states +concept_city_service concept:subpartof concept_country_united_states +concept_city_service concept:atlocation concept_country_us +concept_city_service concept:atdate concept_date_community +concept_city_service concept:atdate concept_date_n1864 +concept_city_service concept:atdate concept_date_n1933 +concept_city_service concept:atdate concept_date_n1934 +concept_city_service concept:atdate concept_date_n1939 +concept_city_service concept:atdate concept_date_n1941 +concept_city_service concept:atdate concept_date_n1942 +concept_city_service concept:atdate concept_date_n1944 +concept_city_service concept:atdate concept_date_n1949 +concept_city_service concept:atdate concept_date_n1951 +concept_city_service concept:atdate concept_date_n1962 +concept_city_service concept:atdate concept_date_n1966 +concept_city_service concept:atdate concept_date_n1968 +concept_city_service concept:atdate concept_date_n1969 +concept_city_service concept:atdate concept_date_n1972 +concept_city_service concept:atdate concept_date_n1976 +concept_city_service concept:atdate concept_date_n1977 +concept_city_service concept:atdate concept_date_n1979 +concept_city_service concept:atdate concept_date_n1996 +concept_city_service concept:atdate concept_date_n1999 +concept_city_service concept:atdate concept_date_n2000 +concept_city_service concept:atdate concept_date_n2001 +concept_city_service concept:atdate concept_date_n2003 +concept_city_service concept:atdate concept_date_n2004 +concept_city_service concept:atdate concept_date_n2009 +concept_city_service concept:atdate concept_date_n2011 +concept_city_service concept:atdate concept_dateliteral_n1918 +concept_city_service concept:atdate concept_dateliteral_n1930 +concept_city_service concept:atdate concept_dateliteral_n1931 +concept_city_service concept:atdate concept_dateliteral_n1938 +concept_city_service concept:atdate concept_dateliteral_n1943 +concept_city_service concept:atdate concept_dateliteral_n1945 +concept_city_service concept:atdate concept_dateliteral_n1947 +concept_city_service concept:atdate concept_dateliteral_n1950 +concept_city_service concept:atdate concept_dateliteral_n1953 +concept_city_service concept:atdate concept_dateliteral_n1954 +concept_city_service concept:atdate concept_dateliteral_n1961 +concept_city_service concept:atdate concept_dateliteral_n1990 +concept_city_service concept:atdate concept_dateliteral_n2002 +concept_city_service concept:atdate concept_dateliteral_n2005 +concept_city_service concept:atdate concept_dateliteral_n2006 +concept_city_service concept:atdate concept_dateliteral_n2007 +concept_city_service concept:atdate concept_dateliteral_n2008 +concept_city_service concept:atdate concept_dateliteral_n2010 +concept_city_service concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_service concept:organizationalsoknownas concept_governmentorganization_bureau +concept_city_service concept:organizationacronymhasname concept_governmentorganization_department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_department +concept_city_service concept:synonymfor concept_governmentorganization_department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_departments +concept_city_service concept:subpartoforganization concept_governmentorganization_government +concept_city_service concept:organizationalsoknownas concept_governmentorganization_office +concept_city_service concept:organizationalsoknownas concept_governmentorganization_u__s__department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_u_s__department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_u_s_department +concept_city_service concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_united_states_department +concept_city_service concept:synonymfor concept_governmentorganization_united_states_department +concept_city_service concept:organizationalsoknownas concept_governmentorganization_us_department +concept_city_service concept:agentcontrols concept_hotel_job +concept_city_service concept:organizationdissolvedatdate concept_month_april +concept_city_service concept:organizationdissolvedatdate concept_month_december +concept_city_service concept:atdate concept_month_january +concept_city_service concept:organizationdissolvedatdate concept_month_july +concept_city_service concept:organizationdissolvedatdate concept_month_june +concept_city_service concept:organizationdissolvedatdate concept_month_may +concept_city_service concept:organizationdissolvedatdate concept_month_november +concept_city_service concept:organizationdissolvedatdate concept_month_october +concept_city_service concept:organizationdissolvedatdate concept_month_september +concept_city_service concept:agentcontrols concept_museum_steve +concept_city_service concept:synonymfor concept_museum_u_s__department +concept_city_service concept:subpartof concept_musicalbum_us +concept_city_service concept:subpartof concept_nongovorganization_u_s_ +concept_city_service concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_service concept:agentcontrols concept_plant_apple +concept_city_service concept:proxyfor concept_politicaloffice_new +concept_city_service concept:agentcollaborateswithagent concept_politician_jobs +concept_city_service concept:agentcreated concept_programminglanguage_contact +concept_city_service concept:istallerthan concept_publication_people_ +concept_city_service concept:agentcontrols concept_retailstore_aapl +concept_city_service concept:proxyfor concept_retailstore_aapl +concept_city_service concept:subpartof concept_retailstore_aapl +concept_city_service concept:subpartof concept_river_state +concept_city_service concept:agentparticipatedinevent concept_sportsgame_terms +concept_city_service concept:subpartoforganization concept_terroristorganization_state +concept_city_service concept:agentcompeteswithagent concept_tradeunion_search +concept_city_service concept:organizationalsoknownas concept_university_ministry +concept_city_service concept:synonymfor concept_university_ministry +concept_city_service concept:agentinvolvedwithitem concept_vehicle_door +concept_city_service concept:agentcontrols concept_website_jobs +concept_city_service concept:atdate concept_year_n1861 +concept_city_service concept:atdate concept_year_n1863 +concept_city_service concept:atdate concept_year_n1865 +concept_city_service concept:atdate concept_year_n1866 +concept_city_service concept:atdate concept_year_n1916 +concept_city_service concept:atdate concept_year_n1919 +concept_city_service concept:atdate concept_year_n1946 +concept_city_service concept:atdate concept_year_n1948 +concept_city_service concept:atdate concept_year_n1952 +concept_city_service concept:atdate concept_year_n1955 +concept_city_service concept:atdate concept_year_n1956 +concept_city_service concept:atdate concept_year_n1959 +concept_city_service concept:atdate concept_year_n1960 +concept_city_service concept:atdate concept_year_n1963 +concept_city_service concept:atdate concept_year_n1965 +concept_city_service concept:atdate concept_year_n1967 +concept_city_service concept:atdate concept_year_n1970 +concept_city_service concept:atdate concept_year_n1973 +concept_city_service concept:atdate concept_year_n1974 +concept_city_service concept:atdate concept_year_n1975 +concept_city_service concept:atdate concept_year_n1982 +concept_city_service concept:atdate concept_year_n1983 +concept_city_service concept:atdate concept_year_n1984 +concept_city_service concept:atdate concept_year_n1986 +concept_city_service concept:atdate concept_year_n1988 +concept_city_service concept:atdate concept_year_n1989 +concept_city_service concept:atdate concept_year_n1991 +concept_city_service concept:atdate concept_year_n1992 +concept_city_service concept:atdate concept_year_n1994 +concept_city_service concept:atdate concept_year_n1995 +concept_city_service concept:atdate concept_year_n1997 +concept_city_service concept:atdate concept_year_n1998 +concept_city_sevierville concept:atlocation concept_stateorprovince_tennessee +concept_city_sevierville concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_sevierville concept:subpartof concept_weatherphenomenon_tennessee +concept_city_seville concept:locationlocatedwithinlocation concept_country_spain +concept_city_seville concept:atdate concept_dateliteral_n2002 +concept_city_seville concept:cityliesonriver concept_river_guadalquivir +concept_city_seward concept:atlocation concept_stateorprovince_nebraska +concept_city_sewickley concept:latitudelongitude 40.5036102702703,-80.0575956756757 +concept_city_seymour concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_seymour concept:proxyfor concept_stateorprovince_indiana +concept_city_shahjahanabad concept:latitudelongitude 30.3833300000000,72.5500000000000 +concept_city_shakopee concept:atlocation concept_stateorprovince_minnesota +concept_city_shakopee concept:proxyfor concept_stateorprovince_minnesota +concept_city_shanghai concept:cityliesonriver concept_attraction_grand +concept_city_shanghai concept:proxyfor concept_country_china +concept_city_shanghai concept:subpartof concept_country_china +concept_city_shanghai concept:atdate concept_date_n2001 +concept_city_shanghai concept:atdate concept_date_n2003 +concept_city_shanghai concept:atdate concept_dateliteral_n2002 +concept_city_shanghai concept:atdate concept_dateliteral_n2006 +concept_city_shanghai concept:atdate concept_dateliteral_n2007 +concept_city_shanghai concept:atdate concept_dateliteral_n2008 +concept_city_shanghai concept:proxyfor concept_lake_new +concept_city_shanghai concept:mutualproxyfor concept_politician_han_zheng +concept_city_shanghai concept:cityliesonriver concept_river_huang_pu +concept_city_shanghai concept:cityliesonriver concept_river_huangpu +concept_city_shanghai concept:cityliesonriver concept_river_whangpoo +concept_city_shanghai concept:cityliesonriver concept_river_yangtse +concept_city_shanghai concept:cityliesonriver concept_river_yangtze +concept_city_shanghai concept:cityliesonriver concept_river_yangtze_river +concept_city_shanghai concept:cityliesonriver concept_river_yangzi +concept_city_shanghai_municipality concept:latitudelongitude 31.2333300000000,121.4666700000000 +concept_city_sharjah concept:locationlocatedwithinlocation concept_country_united_arab_emirates +concept_city_sharm_el_sheikh concept:citylocatedingeopoliticallocation concept_country_egypt +concept_city_sharon concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_shawano concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_shawnee concept:mutualproxyfor concept_creditunion_kansas +concept_city_shawnee concept:atlocation concept_stateorprovince_kansas +concept_city_shawnee concept:subpartof concept_stateorprovince_kansas +concept_city_shawnee concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_shawnee concept:proxyfor concept_stateorprovince_oklahoma +concept_city_shawnee_mission concept:atlocation concept_stateorprovince_kansas +concept_city_shawnigan concept:citylocatedinstate concept_stateorprovince_british_columbia +concept_city_sheboygan concept:subpartof concept_creditunion_wisconsin +concept_city_sheboygan concept:proxyfor concept_politicaloffice_wisconsin +concept_city_sheboygan concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_shechem concept:latitudelongitude 32.2211100000000,35.2544400000000 +concept_city_sheffield concept:cityliesonriver concept_river_don +concept_city_shelby concept:atlocation concept_stateorprovince_north_carolina +concept_city_shelby concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_shelbyville concept:proxyfor concept_coach_kentucky +concept_city_shelbyville concept:atlocation concept_stateorprovince_indiana +concept_city_shelbyville concept:subpartof concept_stateorprovince_indiana +concept_city_shelbyville concept:atlocation concept_stateorprovince_tennessee +concept_city_shelbyville concept:subpartof concept_weatherphenomenon_tennessee +concept_city_shelton concept:cityliesonriver concept_river_housatonic +concept_city_shelton concept:atlocation concept_stateorprovince_connecticut +concept_city_shelton concept:proxyfor concept_stateorprovince_connecticut +concept_city_shenzhen concept:citylocatedincountry concept_country_china +concept_city_shepherdstown concept:cityliesonriver concept_river_potomac +concept_city_sheridan concept:citylocatedinstate concept_stateorprovince_north_dakota +concept_city_sheridan concept:atlocation concept_stateorprovince_wyoming +concept_city_sheridan concept:proxyfor concept_stateorprovince_wyoming +concept_city_sherman_oaks concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_sherman_oaks concept:proxyfor concept_stateorprovince_california +concept_city_sholapur concept:cityalsoknownas concept_city_solapur +concept_city_shoreline concept:atlocation concept_city_washington_d_c +concept_city_short_hills concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_short_hills concept:proxyfor concept_stateorprovince_newjersey +concept_city_show_low concept:atlocation concept_stateorprovince_arizona +concept_city_shreveport concept:citylocatedingeopoliticallocation concept_county_louisiana_state +concept_city_shreveport concept:citylocatedingeopoliticallocation concept_county_louisiana_state_university +concept_city_shreveport concept:citylocatedingeopoliticallocation concept_geopoliticallocation_lsu +concept_city_shreveport concept:proxyfor concept_geopoliticallocation_lsu +concept_city_shreveport concept:locationlocatedwithinlocation concept_hospital_louisiana_state_university +concept_city_shreveport concept:proxyfor concept_stadiumoreventvenue_louisiana_state_university +concept_city_shreveport concept:citylocatedinstate concept_stateorprovince_louisiana +concept_city_shreveport concept:proxyfor concept_stateorprovince_louisiana +concept_city_shrewsbury concept:proxyfor concept_stateorprovince_new_jersey +concept_city_shrewsbury concept:proxyfor concept_stateorprovince_newjersey +concept_city_siblings concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_sicily concept:atdate concept_dateliteral_n1943 +concept_city_sicklerville concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_sicklerville concept:proxyfor concept_stateorprovince_newjersey +concept_city_side concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_side concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_side concept:agentcollaborateswithagent concept_stateorprovince_bruce +concept_city_side concept:agentcontrols concept_stateorprovince_bruce +concept_city_sidney concept:cityliesonriver concept_river_yellowstone +concept_city_sidney concept:atlocation concept_stateorprovince_ohio +concept_city_siem_reap concept:cityliesonriver concept_river_mekong +concept_city_siem_reap concept:cityliesonriver concept_river_tonle_sap +concept_city_sierra_vista concept:proxyfor concept_beverage_arizona +concept_city_sierra_vista concept:atlocation concept_stateorprovince_arizona +concept_city_sigtuna concept:citylocatedincountry concept_country_sweden +concept_city_siletz concept:cityliesonriver concept_river_siletz +concept_city_siloam_springs concept:atlocation concept_stateorprovince_arkansas +concept_city_silver_city concept:locationlocatedwithinlocation concept_stateorprovince_new_mexico +concept_city_silver_city concept:proxyfor concept_stateorprovince_new_mexico +concept_city_silver_spring concept:atlocation concept_stateorprovince_maryland +concept_city_silver_spring concept:mutualproxyfor concept_stateorprovince_maryland +concept_city_silver_spring concept:subpartof concept_stateorprovince_maryland +concept_city_silverdale concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_silverdale concept:proxyfor concept_city_washington_d_c +concept_city_silverton concept:locationlocatedwithinlocation concept_city_vegas +concept_city_silverton concept:cityliesonriver concept_river_animas +concept_city_silverton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_simi_valley concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_simi_valley concept:proxyfor concept_stateorprovince_california +concept_city_simmesport concept:cityliesonriver concept_river_atchafalaya +concept_city_simpsonville concept:atlocation concept_stateorprovince_south_carolina +concept_city_simsbury concept:atlocation concept_stateorprovince_connecticut +concept_city_sinai concept:cityliesonriver concept_river_nile +concept_city_sinclair concept:organizationterminatedperson concept_personaustralia_david_smith +concept_city_sinclair concept:mutualproxyfor concept_politicianus_david_smith +concept_city_sinclair concept:organizationhiredperson concept_politicianus_david_smith +concept_city_sinclair concept:subpartof concept_politicianus_david_smith +concept_city_singapore concept:mutualproxyfor concept_beverage_new +concept_city_singapore concept:atdate concept_date_n1941 +concept_city_singapore concept:atdate concept_date_n1942 +concept_city_singapore concept:atdate concept_date_n1996 +concept_city_singapore concept:atdate concept_date_n1999 +concept_city_singapore concept:atdate concept_date_n2003 +concept_city_singapore concept:atdate concept_date_n2004 +concept_city_singapore concept:atdate concept_date_n2009 +concept_city_singapore concept:atdate concept_dateliteral_n1990 +concept_city_singapore concept:atdate concept_dateliteral_n2002 +concept_city_singapore concept:atdate concept_dateliteral_n2005 +concept_city_singapore concept:atdate concept_dateliteral_n2006 +concept_city_singapore concept:atdate concept_dateliteral_n2007 +concept_city_singapore concept:atdate concept_dateliteral_n2008 +concept_city_singapore concept:proxyfor concept_politicaloffice_new +concept_city_singapore concept:atdate concept_year_n1992 +concept_city_singapore concept:atdate concept_year_n1997 +concept_city_singapore concept:atdate concept_year_n1998 +concept_city_sinkor concept:latitudelongitude 6.3000000000000,-10.7666700000000 +concept_city_sinuiju concept:cityliesonriver concept_river_yalu +concept_city_sion concept:mutualproxyfor concept_geopoliticallocation_valais +concept_city_sioux_city concept:cityliesonriver concept_river_big_sioux +concept_city_sioux_city concept:proxyfor concept_stadiumoreventvenue_tyson_event_center +concept_city_sioux_falls concept:cityliesonriver concept_river_big_sioux +concept_city_sioux_falls concept:citylocatedinstate concept_stateorprovince_south_dakota +concept_city_sioux_falls concept:proxyfor concept_stateorprovince_south_dakota +concept_city_sioux_falls concept:proxyfor concept_stateorprovince_southdakota +concept_city_sisters concept:mutualproxyfor concept_beverage_new +concept_city_sisters concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_sisters concept:proxyfor concept_politicaloffice_new +concept_city_sittwe concept:cityalsoknownas concept_city_akyab +concept_city_skardu concept:cityliesonriver concept_river_indus +concept_city_skelleftea concept:locationlocatedwithinlocation concept_city_sweden +concept_city_skelleftea concept:citylocatedincountry concept_country_sweden +concept_city_skillman concept:proxyfor concept_radiostation_new_jersey +concept_city_skopje concept:citylocatedincountry concept_country_macedonia +concept_city_skopje concept:proxyfor concept_country_macedonia +concept_city_skovde concept:citylocatedincountry concept_country_sweden +concept_city_skowhegan concept:cityliesonriver concept_river_kennebec +concept_city_slidell concept:locationlocatedwithinlocation concept_stateorprovince_louisiana +concept_city_slidell concept:proxyfor concept_stateorprovince_louisiana +concept_city_smithfield concept:atlocation concept_stateorprovince_north_carolina +concept_city_smiths_falls concept:cityliesonriver concept_river_rideau +concept_city_smithtown concept:proxyfor concept_stateorprovince_new_york +concept_city_smithville concept:proxyfor concept_stateorprovince_newjersey +concept_city_smyrna concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_smyrna concept:proxyfor concept_stateorprovince_georgia +concept_city_smyrna concept:atlocation concept_stateorprovince_tennessee +concept_city_snelling concept:cityliesonriver concept_attraction_mississippi +concept_city_snellville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_snellville concept:proxyfor concept_stateorprovince_georgia +concept_city_snohomish concept:citylocatedinstate concept_visualizablescene_washington +concept_city_snow_hill concept:cityliesonriver concept_skiarea_pocomoke +concept_city_sofia concept:citycapitalofcountry concept_country_bulgaria +concept_city_sofia concept:citylocatedincountry concept_country_bulgaria +concept_city_sofia concept:atdate concept_dateliteral_n2007 +concept_city_sogndal concept:citylocatedincountry concept_country_norway +concept_city_sohag concept:cityliesonriver concept_river_nile +concept_city_solapur concept:cityalsoknownas concept_city_sholapur +concept_city_soldotna concept:atlocation concept_stateorprovince_alaska +concept_city_solomons concept:cityliesonriver concept_river_patuxent +concept_city_somers_point concept:atlocation concept_bridge_new_jersey +concept_city_somers_point concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_somers_point concept:proxyfor concept_stateorprovince_newjersey +concept_city_somerset concept:proxyfor concept_stateorprovince_new_jersey +concept_city_somerset concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_somerville concept:atlocation concept_stateorprovince_massachusetts +concept_city_somerville concept:proxyfor concept_stateorprovince_massachusetts +concept_city_somerville concept:subpartof concept_stateorprovince_massachusetts +concept_city_somerville concept:atlocation concept_stateorprovince_new_jersey +concept_city_somerville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_somerville concept:proxyfor concept_stateorprovince_newjersey +concept_city_somme concept:atdate concept_year_n1916 +concept_city_sonoma concept:citylocatedinstate concept_stateorprovince_california +concept_city_sonoma concept:proxyfor concept_stateorprovince_california +concept_city_sonora concept:atlocation concept_stateorprovince_california +concept_city_sonora concept:mutualproxyfor concept_stateorprovince_california +concept_city_sosua concept:citylocatedingeopoliticallocation concept_city_the_dominican_republic +concept_city_sosua concept:citycapitalofcountry concept_country_dominican_republic +concept_city_sosua concept:citylocatedincountry concept_country_dominican_republic +concept_city_sources concept:mutualproxyfor concept_beverage_new +concept_city_sources concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_sources concept:subpartoforganization concept_governmentorganization_department +concept_city_sources concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_sources concept:proxyfor concept_politicaloffice_new +concept_city_sources concept:subpartoforganization concept_terroristorganization_state +concept_city_sources concept:agentcompeteswithagent concept_tradeunion_search +concept_city_sources concept:subpartof concept_weatherphenomenon_air +concept_city_south_bend concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_south_bend concept:proxyfor concept_stateorprovince_indiana +concept_city_south_boston concept:atlocation concept_stateorprovince_virginia +concept_city_south_brisbane concept:latitudelongitude -27.4833300000000,153.0222233333333 +concept_city_south_burlington concept:locationlocatedwithinlocation concept_stateorprovince_vermont +concept_city_south_burlington concept:mutualproxyfor concept_stateorprovince_vermont +concept_city_south_charleston concept:atlocation concept_stateorprovince_west_virginia +concept_city_south_haven concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_city_south_haven concept:proxyfor concept_stateorprovince_michigan +concept_city_south_orange concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_south_orange concept:proxyfor concept_stateorprovince_newjersey +concept_city_south_portland concept:atlocation concept_stateorprovince_maine +concept_city_south_portland concept:proxyfor concept_stateorprovince_maine +concept_city_south_riding concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_south_san_francisco concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_south_san_francisco concept:proxyfor concept_stateorprovince_california +concept_city_south_yarmouth concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_southampton concept:cityliesonriver concept_river_itchen +concept_city_southampton concept:proxyfor concept_stateorprovince_newjersey +concept_city_southampton concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_southampton concept:atdate concept_year_n1997 +concept_city_southaven concept:atlocation concept_stateorprovince_mississippi +concept_city_southend concept:cityliesonriver concept_river_thames +concept_city_southend_on_sea concept:cityliesonriver concept_river_thames +concept_city_southern_city concept:latitudelongitude 35.6773600000000,-80.4450600000000 +concept_city_southern_pines concept:proxyfor concept_creditunion_north_carolina +concept_city_southfield concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_southfield concept:proxyfor concept_stateorprovince_michigan +concept_city_southgate concept:proxyfor concept_creditunion_michigan +concept_city_southgate concept:cityliesonriver concept_river_yarra +concept_city_southport concept:cityliesonriver concept_river_cape_fear +concept_city_southwark concept:cityliesonriver concept_river_thames +concept_city_spa concept:locationlocatedwithinlocation concept_city_vegas +concept_city_sparks concept:proxyfor concept_radiostation_nevada +concept_city_sparks concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_sparta concept:proxyfor concept_politicaloffice_wisconsin +concept_city_spartanburg concept:citylocatedinstate concept_stateorprovince_south_carolina +concept_city_spartanburg concept:proxyfor concept_stateorprovince_south_carolina +concept_city_spearfish concept:atlocation concept_stateorprovince_south_dakota +concept_city_spencer concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_speyer concept:cityliesonriver concept_river_rhine +concept_city_spokane concept:citylocatedinstate concept_visualizablescene_washington +concept_city_spotswood concept:proxyfor concept_radiostation_new_jersey +concept_city_spotsylvania concept:atlocation concept_stateorprovince_virginia +concept_city_spring concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_spring concept:organizationdissolvedatdate concept_month_april +concept_city_spring concept:organizationdissolvedatdate concept_month_june +concept_city_spring concept:organizationdissolvedatdate concept_month_may +concept_city_spring concept:proxyfor concept_stateorprovince_texas +concept_city_spring concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_spring_hill concept:proxyfor concept_city_florida +concept_city_spring_valley concept:proxyfor concept_radiostation_nevada +concept_city_springdale concept:atlocation concept_stateorprovince_arkansas +concept_city_springdale concept:proxyfor concept_stateorprovince_new_jersey +concept_city_springfield concept:subpartof concept_chemical_old +concept_city_springfield concept:atlocation concept_city_florida +concept_city_springfield concept:atdate concept_date_n2004 +concept_city_springfield concept:atdate concept_dateliteral_n2007 +concept_city_springfield concept:atlocation concept_hotel_old +concept_city_springfield concept:proxyfor concept_lake_new +concept_city_springfield concept:locationlocatedwithinlocation concept_landscapefeatures_old +concept_city_springfield concept:cityliesonriver concept_river_sangamon +concept_city_springfield concept:cityliesonriver concept_river_willamette +concept_city_springfield concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_springfield concept:proxyfor concept_stateorprovince_massachusetts +concept_city_springfield concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_city_springfield concept:proxyfor concept_stateorprovince_missouri +concept_city_springfield concept:subpartof concept_stateorprovince_missouri +concept_city_springfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_springfield concept:proxyfor concept_stateorprovince_newjersey +concept_city_springfield concept:atlocation concept_stateorprovince_ohio +concept_city_springfield concept:mutualproxyfor concept_stateorprovince_ohio +concept_city_springfield concept:subpartof concept_stateorprovince_ohio +concept_city_springfield concept:atlocation concept_stateorprovince_oregon +concept_city_springfield concept:proxyfor concept_stateorprovince_oregon +concept_city_springfield concept:subpartof concept_stateorprovince_oregon +concept_city_springfield concept:atlocation concept_stateorprovince_virginia +concept_city_springfield concept:proxyfor concept_stateorprovince_virginia +concept_city_springfield concept:subpartof concept_stateorprovince_virginia +concept_city_springfield concept:proxyfor concept_tableitem_old +concept_city_springfield concept:mutualproxyfor concept_wallitem_old +concept_city_srinagar concept:proxyfor concept_geopoliticalorganization_jammu_and_kashmir +concept_city_srinagar concept:cityliesonriver concept_river_jhelum +concept_city_st concept:citylocatedincountry concept_country_russia +concept_city_st___asaph concept:latitudelongitude 53.2592800000000,-3.4484900000000 +concept_city_st___cloud concept:cityliesonriver concept_attraction_grand +concept_city_st___cloud concept:cityliesonriver concept_attraction_mississippi +concept_city_st___esprit concept:latitudelongitude 45.6401500000000,-60.4951200000000 +concept_city_st___francisville concept:cityliesonriver concept_attraction_mississippi +concept_city_st___goar concept:cityliesonriver concept_river_rhine +concept_city_st___petersburg concept:cityliesonriver concept_attraction_grand +concept_city_st___petersburg concept:cityliesonriver concept_attraction_mississippi +concept_city_st___petersburg concept:locationlocatedwithinlocation concept_city_florida +concept_city_st___petersburg concept:proxyfor concept_city_florida +concept_city_st___petersburg concept:atdate concept_date_n2000 +concept_city_st___petersburg concept:atdate concept_date_n2001 +concept_city_st___petersburg concept:atdate concept_date_n2003 +concept_city_st___petersburg concept:atdate concept_date_n2004 +concept_city_st___petersburg concept:atdate concept_dateliteral_n2006 +concept_city_st___petersburg concept:cityliesonriver concept_river_neva +concept_city_st__croix concept:mutualproxyfor concept_wine_virgin_islands +concept_city_st__louis concept:proxyfor concept_stadiumoreventvenue_busch_memorial_stadium +concept_city_st__louis concept:proxyfor concept_stadiumoreventvenue_edward_jones_dome +concept_city_st__louis concept:proxyfor concept_stadiumoreventvenue_fabulous_fox_theatre +concept_city_st__louis concept:proxyfor concept_stadiumoreventvenue_scottrade_center +concept_city_st__louis concept:atlocation concept_stateorprovince_missouri +concept_city_st__louis concept:proxyfor concept_stateorprovince_missouri +concept_city_st__louis concept:subpartof concept_stateorprovince_missouri +concept_city_st__paul concept:organizationhiredperson concept_politician_chris_coleman +concept_city_st__paul concept:atlocation concept_stateorprovince_minnesota +concept_city_st__petersburg concept:locationlocatedwithinlocation concept_city_florida +concept_city_st__petersburg concept:proxyfor concept_city_florida +concept_city_st__petersburg concept:subpartof concept_city_florida +concept_city_st__petersburg concept:citylocatedincountry concept_country_russia +concept_city_st__petersburg concept:proxyfor concept_country_russia +concept_city_st__petersburg concept:cityliesonriver concept_river_neva +concept_city_st_barts concept:latitudelongitude 17.9000000000000,-62.8333300000000 +concept_city_st_charles concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_st_john_s concept:citylocatedinstate concept_stateorprovince_newfoundland +concept_city_st_louis concept:organizationhiredperson concept_athlete_paul_brown +concept_city_st_louis concept:cityliesonriver concept_attraction_mississippi +concept_city_st_louis concept:cityalsoknownas concept_city_st__louis +concept_city_st_louis concept:organizationhiredperson concept_coach_jim_haslett +concept_city_st_louis concept:organizationhiredperson concept_coach_mike_martz +concept_city_st_louis concept:organizationhiredperson concept_coach_scott_linehan +concept_city_st_louis concept:organizationhiredperson concept_coach_steve_spagnuolo +concept_city_st_louis concept:atdate concept_date_n2004 +concept_city_st_louis concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_st_louis concept:proxyfor concept_lake_new +concept_city_st_louis concept:cityliesonriver concept_river_meramec +concept_city_st_louis concept:agentparticipatedinevent concept_sportsgame_series +concept_city_st_louis concept:proxyfor concept_stadiumoreventvenue_scottrade_center +concept_city_st_louis concept:citylocatedinstate concept_stateorprovince_missouri +concept_city_st_louis concept:proxyfor concept_stateorprovince_missouri +concept_city_st_paul concept:cityliesonriver concept_attraction_mississippi +concept_city_st_paul concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_city_st_paul concept:proxyfor concept_stateorprovince_minnesota +concept_city_stafford concept:atlocation concept_stateorprovince_texas +concept_city_stafford concept:citylocatedinstate concept_stateorprovince_virginia +concept_city_stalingrad concept:cityalsoknownas concept_city_volgograd +concept_city_stalingrad concept:cityliesonriver concept_river_volga +concept_city_stamford concept:atlocation concept_stateorprovince_connecticut +concept_city_stamford concept:proxyfor concept_stateorprovince_connecticut +concept_city_stamford concept:subpartof concept_stateorprovince_connecticut +concept_city_stanton concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_stanton concept:proxyfor concept_stateorprovince_california +concept_city_starkville concept:proxyfor concept_emotion_mississippi +concept_city_starkville concept:citylocatedinstate concept_stateorprovince_mississippi +concept_city_state concept:cityliesonriver concept_attraction_grand +concept_city_state concept:atlocation concept_country_australia +concept_city_state concept:agentactsinlocation concept_country_west_indies +concept_city_state concept:agentactsinlocation concept_island_ukraine +concept_city_state concept:istallerthan concept_publication_people_ +concept_city_statesboro concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_statesville concept:subpartof concept_creditunion_north_carolina +concept_city_statesville concept:atlocation concept_stateorprovince_north_carolina +concept_city_station_square concept:cityliesonriver concept_river_monongahela +concept_city_status concept:mutualproxyfor concept_beverage_new +concept_city_status concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_status concept:atdate concept_date_n1993 +concept_city_status concept:atdate concept_date_n1996 +concept_city_status concept:atdate concept_date_n1999 +concept_city_status concept:atdate concept_date_n2000 +concept_city_status concept:atdate concept_date_n2001 +concept_city_status concept:atdate concept_date_n2003 +concept_city_status concept:atdate concept_date_n2004 +concept_city_status concept:atdate concept_dateliteral_n2002 +concept_city_status concept:atdate concept_dateliteral_n2005 +concept_city_status concept:atdate concept_dateliteral_n2007 +concept_city_status concept:atdate concept_dateliteral_n2008 +concept_city_status concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_status concept:proxyfor concept_politicaloffice_new +concept_city_status concept:atdate concept_year_n1994 +concept_city_status concept:atdate concept_year_n1998 +concept_city_staunton concept:cityliesonriver concept_river_shenandoah +concept_city_staunton concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_city_staunton concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_steamboat_springs concept:cityliesonriver concept_river_yampa +concept_city_steamboat_springs concept:atlocation concept_stateorprovince_colorado +concept_city_steinbach concept:proxyfor concept_stateorprovince_manitoba +concept_city_stephenville concept:citylocatedingeopoliticallocation concept_geopoliticallocation_tarleton +concept_city_stephenville concept:citylocatedinstate concept_stateorprovince_texas +concept_city_sterling concept:atlocation concept_stateorprovince_colorado +concept_city_sterling concept:atlocation concept_stateorprovince_virginia +concept_city_sterling concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_sterling concept:subpartof concept_stateorprovince_virginia +concept_city_steubenville concept:atlocation concept_stateorprovince_ohio +concept_city_steubenville concept:proxyfor concept_stateorprovince_ohio +concept_city_stevens_point concept:proxyfor concept_politicaloffice_wisconsin +concept_city_stevens_point concept:atlocation concept_stateorprovince_wisconsin +concept_city_stillwater concept:cityliesonriver concept_river_hudson +concept_city_stillwater concept:proxyfor concept_stateorprovince_minnesota +concept_city_stillwater concept:proxyfor concept_stateorprovince_new_jersey +concept_city_stillwater concept:proxyfor concept_stateorprovince_newjersey +concept_city_stillwater concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_stillwater concept:proxyfor concept_stateorprovince_oklahoma +concept_city_stirling concept:proxyfor concept_stateorprovince_new_jersey +concept_city_stlouis concept:mutualproxyfor concept_politician_francis_slay +concept_city_stockbridge concept:atlocation concept_stateorprovince_georgia +concept_city_stockholm concept:proxyfor concept_city_sweden +concept_city_stockholm concept:citylocatedincountry concept_country_sweden +concept_city_stockholm concept:atdate concept_dateliteral_n2005 +concept_city_stockholm concept:atdate concept_dateliteral_n2008 +concept_city_stockholm concept:proxyfor concept_stateorprovince_new_jersey +concept_city_stockholm_stockholm concept:citycapitalofcountry concept_country_sweden +concept_city_stockton concept:cityliesonriver concept_river_san_joaquin +concept_city_stockton concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_stockton concept:proxyfor concept_stateorprovince_california +concept_city_stockton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_stone concept:citylocatedinstate concept_stateorprovince_arkansas +concept_city_stone_mountain concept:atlocation concept_stateorprovince_georgia +concept_city_stord concept:citylocatedincountry concept_country_norway +concept_city_storrs concept:citylocatedinstate concept_stateorprovince_connecticut +concept_city_storuman concept:citylocatedincountry concept_country_sweden +concept_city_strafford concept:citylocatedinstate concept_stateorprovince_new_hampshire +concept_city_strasbourg concept:proxyfor concept_city_alsace +concept_city_strasbourg concept:citylocatedincountry concept_country_germany +concept_city_strasbourg concept:atdate concept_date_n2001 +concept_city_strasbourg concept:atdate concept_dateliteral_n2002 +concept_city_strasbourg concept:atdate concept_dateliteral_n2008 +concept_city_strasbourg concept:cityliesonriver concept_river_rhine +concept_city_strasbourg concept:proxyfor concept_sportsteam_france +concept_city_stratford concept:citylocatedincountry concept_country_england +concept_city_stratford concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_stratford concept:cityliesonriver concept_river_housatonic +concept_city_stratford concept:mutualproxyfor concept_stateorprovince_connecticut +concept_city_stratford concept:subpartof concept_stateorprovince_connecticut +concept_city_streator concept:atlocation concept_stateorprovince_illinois +concept_city_strongsville concept:proxyfor concept_university_ohio +concept_city_strongsville concept:subpartof concept_university_ohio +concept_city_stub concept:proxyfor concept_politicaloffice_new +concept_city_stuff concept:istallerthan concept_publication_people_ +concept_city_sturgis concept:atlocation concept_stateorprovince_south_dakota +concept_city_stuttgart concept:citylocatedincountry concept_country_germany +concept_city_stuttgart concept:atdate concept_dateliteral_n2008 +concept_city_stuttgart concept:citylocatedingeopoliticallocation concept_geopoliticallocation_middle_east +concept_city_stuttgart concept:cityliesonriver concept_river_neckar +concept_city_stuttgart concept:proxyfor concept_sportsteam_germany +concept_city_stuttgart concept:atlocation concept_stateorprovince_arkansas +concept_city_succasunna concept:proxyfor concept_radiostation_new_jersey +concept_city_succasunna concept:proxyfor concept_stateorprovince_newjersey +concept_city_sucre concept:citylocatedincountry concept_country_bolivia +concept_city_suffield concept:atlocation concept_stateorprovince_connecticut +concept_city_sulfur concept:specializationof concept_visualizablething_dioxide +concept_city_sullivan concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_summerville concept:atlocation concept_stateorprovince_georgia +concept_city_summerville concept:locationlocatedwithinlocation concept_stateorprovince_south_carolina +concept_city_summerville concept:proxyfor concept_stateorprovince_south_carolina +concept_city_summit concept:atdate concept_dateliteral_n2002 +concept_city_summit concept:atdate concept_dateliteral_n2005 +concept_city_summit concept:atdate concept_dateliteral_n2006 +concept_city_summit concept:atdate concept_dateliteral_n2007 +concept_city_summit concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_summit concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_sumner concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_sumter concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_sumter concept:atlocation concept_stateorprovince_south_carolina +concept_city_sumter concept:proxyfor concept_stateorprovince_south_carolina +concept_city_sumter concept:subpartof concept_stateorprovince_south_carolina +concept_city_sumterville concept:atlocation concept_city_florida +concept_city_sun_city concept:proxyfor concept_stateorprovince_arizona +concept_city_sun_city concept:subpartof concept_stateorprovince_arizona +concept_city_sun_city_center concept:atlocation concept_city_florida +concept_city_sun_city_center concept:proxyfor concept_city_florida +concept_city_sun_valley concept:proxyfor concept_newspaper_idaho +concept_city_sunbury concept:cityliesonriver concept_river_susquehanna +concept_city_sunderland concept:cityliesonriver concept_river_tyne +concept_city_sunland concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_sunland concept:proxyfor concept_stateorprovince_california +concept_city_sunnyside concept:subpartof concept_city_washington_d_c +concept_city_sunnyvale concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_sunnyvale concept:proxyfor concept_stateorprovince_california +concept_city_sunrise_manor concept:proxyfor concept_radiostation_nevada +concept_city_supply concept:atdate concept_dateliteral_n2006 +concept_city_supply concept:proxyfor concept_politicaloffice_new +concept_city_surrey concept:cityalsoknownas concept_city_columbia +concept_city_surrey concept:cityliesonriver concept_river_columbia +concept_city_surrey concept:cityliesonriver concept_river_thames +concept_city_surrey concept:proxyfor concept_stateorprovince_british_columbia +concept_city_susanville concept:citylocatedinstate concept_stateorprovince_california +concept_city_susanville concept:proxyfor concept_stateorprovince_california +concept_city_sutter_creek concept:atlocation concept_stateorprovince_california +concept_city_suva concept:citycapitalofcountry concept_country_fiji +concept_city_suva concept:citylocatedincountry concept_country_fiji +concept_city_suwanee concept:atlocation concept_stateorprovince_georgia +concept_city_sveg concept:citylocatedincountry concept_country_sweden +concept_city_swainsboro concept:atlocation concept_stateorprovince_georgia +concept_city_swansea concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_sweden concept:mutualproxyfor concept_city_stockholm +concept_city_sweden concept:locationlocatedwithinlocation concept_country_countries +concept_city_sweden concept:atdate concept_date_n1993 +concept_city_sweden concept:atdate concept_date_n1996 +concept_city_sweden concept:atdate concept_date_n1999 +concept_city_sweden concept:atdate concept_date_n2001 +concept_city_sweden concept:atdate concept_date_n2003 +concept_city_sweden concept:atdate concept_date_n2004 +concept_city_sweden concept:atdate concept_date_n2009 +concept_city_sweden concept:atdate concept_dateliteral_n2002 +concept_city_sweden concept:atdate concept_dateliteral_n2005 +concept_city_sweden concept:atdate concept_dateliteral_n2006 +concept_city_sweden concept:atdate concept_dateliteral_n2007 +concept_city_sweden concept:atdate concept_dateliteral_n2008 +concept_city_sweden concept:proxyfor concept_politicaloffice_new +concept_city_sweden concept:synonymfor concept_politicalparty_republic +concept_city_sweden concept:agentparticipatedinevent concept_sportsgame_championships +concept_city_sweden concept:agentbelongstoorganization concept_sportsleague_mls +concept_city_sweden concept:subpartof concept_vehicle_countries +concept_city_sweden concept:atdate concept_year_n1995 +concept_city_sweden concept:atdate concept_year_n1997 +concept_city_swedesboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_swedesboro concept:proxyfor concept_stateorprovince_newjersey +concept_city_swellendam concept:cityliesonriver concept_river_breede +concept_city_sydney concept:citylocatedincountry concept_country_australia +concept_city_sydney concept:proxyfor concept_country_australia +concept_city_sydney concept:cityliesonriver concept_geopoliticallocation_hunter +concept_city_sydney concept:istallerthan concept_publication_people_ +concept_city_sydney concept:cityliesonriver concept_river_hawkesbury +concept_city_sydney concept:citylocatedinstate concept_stateorprovince_new_south_wales +concept_city_sydney concept:proxyfor concept_stateorprovince_new_south_wales +concept_city_sydney concept:locationlocatedwithinlocation concept_stateorprovince_nsw +concept_city_sydney_sydney concept:citycapitalofcountry concept_country_new_south_wales +concept_city_sylacauga concept:proxyfor concept_newspaper_alabama +concept_city_sylacauga concept:atlocation concept_stateorprovince_alabama +concept_city_sylmar concept:citylocatedinstate concept_stateorprovince_california +concept_city_sylmar concept:mutualproxyfor concept_stateorprovince_california +concept_city_syosset concept:proxyfor concept_company_new_york +concept_city_syosset concept:atlocation concept_stateorprovince_new_york +concept_city_syracuse concept:locationlocatedwithinlocation concept_hospital_suny +concept_city_syracuse concept:citylocatedinstate concept_stateorprovince_new_york +concept_city_syracuse concept:organizationhiredperson concept_visualizablescene_robinson +concept_city_t_bilisi concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_t_bilisi concept:proxyfor concept_stateorprovince_georgia +concept_city_tabatinga concept:citylocatedinstate concept_stateorprovince_amazonas +concept_city_tacoma concept:atlocation concept_city_washington_d_c +concept_city_tacoma concept:proxyfor concept_city_washington_d_c +concept_city_tacoma concept:citylocatedinstate concept_visualizablescene_washington +concept_city_tacony concept:latitudelongitude 40.0263575000000,-75.0603612500000 +concept_city_tags concept:agentcompeteswithagent concept_tradeunion_search +concept_city_tahiti concept:atdate concept_year_n1789 +concept_city_tahlequah concept:citylocatedinstate concept_stateorprovince_northeastern +concept_city_tahoe_city concept:cityliesonriver concept_visualizablething_truckee +concept_city_taipei concept:citylocatedingeopoliticallocation concept_city_taiwan +concept_city_taipei concept:proxyfor concept_city_taiwan +concept_city_taipei concept:citylocatedincountry concept_country_taiwan +concept_city_taipei concept:atdate concept_date_n2004 +concept_city_taipei concept:atdate concept_dateliteral_n2007 +concept_city_taiwan concept:atdate concept_date_n1999 +concept_city_taiwan concept:atdate concept_date_n2000 +concept_city_taiwan concept:atdate concept_date_n2001 +concept_city_taiwan concept:atdate concept_date_n2003 +concept_city_taiwan concept:atdate concept_date_n2004 +concept_city_taiwan concept:atdate concept_date_n2009 +concept_city_taiwan concept:atdate concept_dateliteral_n2005 +concept_city_taiwan concept:atdate concept_dateliteral_n2006 +concept_city_taiwan concept:atdate concept_dateliteral_n2007 +concept_city_taiwan concept:atdate concept_dateliteral_n2008 +concept_city_taiwan concept:atdate concept_year_n1998 +concept_city_takoma_park concept:atlocation concept_stateorprovince_maryland +concept_city_talkeetna concept:cityliesonriver concept_river_susitna +concept_city_talladega concept:atlocation concept_stateorprovince_alabama +concept_city_tallinn concept:locationlocatedwithinlocation concept_country_estonia +concept_city_tallinn concept:proxyfor concept_country_estonia +concept_city_tallinn concept:subpartof concept_country_estonia +concept_city_tallinn concept:atdate concept_dateliteral_n2007 +concept_city_tamarac concept:atlocation concept_city_florida +concept_city_tamarac concept:proxyfor concept_city_florida +concept_city_tamarac concept:subpartof concept_city_florida +concept_city_tampa_bay concept:organizationhiredperson concept_athlete_john_tortorella +concept_city_tampa_bay concept:cityliesonriver concept_attraction_grand +concept_city_tampa_bay concept:mutualproxyfor concept_beverage_new +concept_city_tampa_bay concept:agentcontrols concept_charactertrait_dungy +concept_city_tampa_bay concept:locationlocatedwithinlocation concept_city_florida +concept_city_tampa_bay concept:proxyfor concept_city_florida +concept_city_tampa_bay concept:subpartof concept_city_florida +concept_city_tampa_bay concept:organizationhiredperson concept_coach_barry_melrose +concept_city_tampa_bay concept:organizationhiredperson concept_coach_dungy +concept_city_tampa_bay concept:organizationhiredperson concept_coach_jon_gruden +concept_city_tampa_bay concept:organizationhiredperson concept_coach_raheem_morris +concept_city_tampa_bay concept:proxyfor concept_coach_raymond_james_stadium +concept_city_tampa_bay concept:organizationhiredperson concept_coach_tony_dungy +concept_city_tampa_bay concept:agentcompeteswithagent concept_personmexico_arizona_diamond_backs +concept_city_tampa_bay concept:agentcollaborateswithagent concept_personus_b_j__upton +concept_city_tampa_bay concept:proxyfor concept_politicaloffice_new +concept_city_tampa_bay concept:cityliesonriver concept_river_hillsborough_river +concept_city_tampa_bay concept:agentparticipatedinevent concept_sportsgame_series +concept_city_tampico concept:cityliesonriver concept_river_panuco +concept_city_tana concept:cityliesonriver concept_river_blue_nile +concept_city_tanglewood concept:atlocation concept_city_boston +concept_city_taos concept:citylocatedingeopoliticallocation concept_county_new_mexico +concept_city_taos concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_taos concept:proxyfor concept_stateorprovince_new_mexico +concept_city_tapachula concept:citylocatedincountry concept_country_mexico +concept_city_tarawa concept:citylocatedincountry concept_island_kiribati +concept_city_tarawa concept:proxyfor concept_island_kiribati +concept_city_tarbert concept:cityliesonriver concept_visualizablescene_shannon +concept_city_tarboro concept:atlocation concept_stateorprovince_north_carolina +concept_city_tarim_basin concept:latitudelongitude 41.0000000000000,84.0000000000000 +concept_city_tarpon_springs concept:locationlocatedwithinlocation concept_city_florida +concept_city_tarpon_springs concept:proxyfor concept_city_florida +concept_city_tarpon_springs concept:cityliesonriver concept_river_anclote +concept_city_tarragona concept:cityliesonriver concept_river_ebro +concept_city_tarrytown concept:cityliesonriver concept_river_hudson +concept_city_tarrytown concept:atlocation concept_stateorprovince_new_york +concept_city_tarrytown concept:mutualproxyfor concept_stateorprovince_new_york +concept_city_tashkent concept:citylocatedincountry concept_country_uzbekistan +concept_city_tashkent concept:proxyfor concept_country_uzbekistan +concept_city_tashkent concept:atdate concept_date_n2004 +concept_city_tasmania concept:atdate concept_date_n2001 +concept_city_tasmania concept:atdate concept_dateliteral_n2005 +concept_city_tasmania concept:atdate concept_dateliteral_n2006 +concept_city_tasmania concept:atdate concept_dateliteral_n2007 +concept_city_tasmania concept:cityliesonriver concept_river_derwent +concept_city_taunton concept:atlocation concept_stateorprovince_massachusetts +concept_city_taunton concept:proxyfor concept_stateorprovince_massachusetts +concept_city_taupo concept:citylocatedincountry concept_country_new_zealand +concept_city_tavernier concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_taylor concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_taylor concept:atlocation concept_stateorprovince_michigan +concept_city_taylor concept:proxyfor concept_stateorprovince_texas +concept_city_taylorsville concept:atlocation concept_stateorprovince_utah +concept_city_tazewell concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_tbilisi concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_tbilisi concept:proxyfor concept_stateorprovince_georgia +concept_city_team concept:mutualproxyfor concept_beverage_new +concept_city_team concept:agentcollaborateswithagent concept_biotechcompany_white +concept_city_team concept:synonymfor concept_boardgame_board +concept_city_team concept:agentcontrols concept_clothing_white +concept_city_team concept:organizationhiredperson concept_coach_bruce_arena +concept_city_team concept:organizationhiredperson concept_coach_hiddink +concept_city_team concept:organizationhiredperson concept_coach_wade_phillips +concept_city_team concept:agentcreated concept_comedian_meet +concept_city_team concept:atdate concept_date_n1996 +concept_city_team concept:atdate concept_date_n2000 +concept_city_team concept:atdate concept_date_n2001 +concept_city_team concept:atdate concept_date_n2003 +concept_city_team concept:atdate concept_date_n2004 +concept_city_team concept:atdate concept_date_n2009 +concept_city_team concept:atdate concept_dateliteral_n1990 +concept_city_team concept:atdate concept_dateliteral_n2002 +concept_city_team concept:atdate concept_dateliteral_n2005 +concept_city_team concept:atdate concept_dateliteral_n2006 +concept_city_team concept:atdate concept_dateliteral_n2007 +concept_city_team concept:atdate concept_dateliteral_n2008 +concept_city_team concept:agentcreated concept_eventoutcome_more_contact +concept_city_team concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_team concept:agentparticipatedinevent concept_eventoutcome_title +concept_city_team concept:agentcreated concept_geopoliticalorganization_e_mail +concept_city_team concept:organizationhiredperson concept_male_dale_mitchell +concept_city_team concept:agentcreated concept_mlsoftware_application +concept_city_team concept:agentcontrols concept_museum_steve +concept_city_team concept:agentcreated concept_musicsong_questions_contact +concept_city_team concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_team concept:proxyfor concept_politicaloffice_new +concept_city_team concept:agentcreated concept_politicalparty_call +concept_city_team concept:agentcollaborateswithagent concept_politician_jobs +concept_city_team concept:agentcreated concept_programminglanguage_contact +concept_city_team concept:agentcreated concept_programminglanguage_email +concept_city_team concept:agentcreated concept_scientificterm_information_contact +concept_city_team concept:agentcreated concept_scientificterm_more_information_contact +concept_city_team concept:mutualproxyfor concept_sportsequipment_board +concept_city_team concept:agentparticipatedinevent concept_sportsgame_championship +concept_city_team concept:agentparticipatedinevent concept_sportsgame_championships +concept_city_team concept:agentparticipatedinevent concept_sportsgame_final +concept_city_team concept:agentparticipatedinevent concept_sportsgame_finals +concept_city_team concept:agentparticipatedinevent concept_sportsgame_series +concept_city_team concept:agentparticipatedinevent concept_traditionalgame_series_last_year +concept_city_team concept:subpartof concept_weatherphenomenon_air +concept_city_team concept:agentcreated concept_website_ebmail +concept_city_team concept:agentcreated concept_website_phone +concept_city_team concept:agentcreated concept_website_telephone +concept_city_team concept:organizationhiredperson concept_writer_brown +concept_city_team concept:atdate concept_year_n1974 +concept_city_team concept:atdate concept_year_n1975 +concept_city_team concept:atdate concept_year_n1989 +concept_city_team concept:atdate concept_year_n1992 +concept_city_team concept:atdate concept_year_n1995 +concept_city_team concept:atdate concept_year_n1998 +concept_city_teaneck concept:proxyfor concept_radiostation_new_jersey +concept_city_tegucigalpa concept:citycapitalofcountry concept_country_honduras +concept_city_tehachapi concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_tehachapi concept:proxyfor concept_stateorprovince_california +concept_city_tehran concept:citycapitalofcountry concept_country_iran +concept_city_tehran concept:citylocatedincountry concept_country_iran +concept_city_tehran concept:atdate concept_dateliteral_n2006 +concept_city_tehran concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_tel_aviv concept:citylocatedincountry concept_country_israel +concept_city_teller concept:citylocatedinstate concept_stateorprovince_colorado +concept_city_telluride concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_telluride concept:proxyfor concept_stateorprovince_colorado +concept_city_temecula concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_temecula concept:proxyfor concept_stateorprovince_california +concept_city_tempe concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_temple_terrace concept:atlocation concept_city_florida +concept_city_tenerife concept:citylocatedingeopoliticallocation concept_island_canary_islands +concept_city_teresina concept:citylocatedingeopoliticallocation concept_city_piaui +concept_city_terra_haute concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_terre_haute concept:cityliesonriver concept_river_wabash +concept_city_terre_haute concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_terre_haute concept:proxyfor concept_stateorprovince_indiana +concept_city_teterboro concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_teterboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_teton_village concept:atlocation concept_stateorprovince_wyoming +concept_city_tetovo concept:citylocatedincountry concept_country_macedonia +concept_city_texarkana concept:atlocation concept_stateorprovince_arkansas +concept_city_texarkana concept:citylocatedinstate concept_stateorprovince_texas +concept_city_texarkana concept:proxyfor concept_stateorprovince_texas +concept_city_texas concept:mutualproxyfor concept_academicfield_lubbock +concept_city_texas concept:cityliesonriver concept_attraction_grand +concept_city_texas concept:mutualproxyfor concept_attraction_victoria001 +concept_city_texas concept:mutualproxyfor concept_beach_austin_texas +concept_city_texas concept:mutualproxyfor concept_beach_fort_worth +concept_city_texas concept:mutualproxyfor concept_beverage_new +concept_city_texas concept:mutualproxyfor concept_blog_wichita_falls +concept_city_texas concept:mutualproxyfor concept_city_amarillo +concept_city_texas concept:mutualproxyfor concept_city_baytown +concept_city_texas concept:mutualproxyfor concept_city_college_station +concept_city_texas concept:mutualproxyfor concept_city_conroe +concept_city_texas concept:mutualproxyfor concept_city_dallas +concept_city_texas concept:mutualproxyfor concept_city_frisco +concept_city_texas concept:mutualproxyfor concept_city_grand_prairie +concept_city_texas concept:mutualproxyfor concept_city_grapevine +concept_city_texas concept:mutualproxyfor concept_city_harlingen +concept_city_texas concept:mutualproxyfor concept_city_houston +concept_city_texas concept:mutualproxyfor concept_city_irving +concept_city_texas concept:mutualproxyfor concept_city_killeen +concept_city_texas concept:mutualproxyfor concept_city_lewisville +concept_city_texas concept:mutualproxyfor concept_city_mcallen +concept_city_texas concept:mutualproxyfor concept_city_mckinney +concept_city_texas concept:mutualproxyfor concept_city_mesquite +concept_city_texas concept:mutualproxyfor concept_city_midland +concept_city_texas concept:mutualproxyfor concept_city_plano +concept_city_texas concept:mutualproxyfor concept_city_port_arthur +concept_city_texas concept:mutualproxyfor concept_city_round_rock +concept_city_texas concept:mutualproxyfor concept_city_san_marcos +concept_city_texas concept:agentcollaborateswithagent concept_city_service +concept_city_texas concept:mutualproxyfor concept_city_waco +concept_city_texas concept:organizationhiredperson concept_coach_darrell_royal +concept_city_texas concept:organizationterminatedperson concept_coach_darrell_royal +concept_city_texas concept:organizationhiredperson concept_coach_rick_barnes +concept_city_texas concept:agentcollaborateswithagent concept_company_services +concept_city_texas concept:subpartof concept_country_usa +concept_city_texas concept:mutualproxyfor concept_county_austin +concept_city_texas concept:mutualproxyfor concept_county_tyler +concept_city_texas concept:atdate concept_date_n2009 +concept_city_texas concept:atdate concept_dateliteral_n1846 +concept_city_texas concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_texas concept:mutualproxyfor concept_geopoliticallocation_el_paso +concept_city_texas concept:mutualproxyfor concept_geopoliticallocation_longview +concept_city_texas concept:mutualproxyfor concept_geopoliticallocation_sherman +concept_city_texas concept:mutualproxyfor concept_island_allen +concept_city_texas concept:agentcontrols concept_mlconference_services_website +concept_city_texas concept:mutualproxyfor concept_musicalbum_odessa +concept_city_texas concept:mutualproxyfor concept_musicsong_abilene +concept_city_texas concept:mutualproxyfor concept_musicsong_galveston +concept_city_texas concept:organizationterminatedperson concept_person_oscar_wyatt +concept_city_texas concept:organizationterminatedperson concept_person_t__boone_pickens +concept_city_texas concept:mutualproxyfor concept_person_temple +concept_city_texas concept:organizationhiredperson concept_personmexico_mack_brown +concept_city_texas concept:proxyfor concept_politicaloffice_new +concept_city_texas concept:agentcontrols concept_programminglanguage_services +concept_city_texas concept:istallerthan concept_publication_people_ +concept_city_texas concept:mutualproxyfor concept_radiostation_beaumont +concept_city_texas concept:mutualproxyfor concept_radiostation_laredo +concept_city_texas concept:mutualproxyfor concept_radiostation_san_angelo +concept_city_texas concept:mutualproxyfor concept_radiostation_san_antonio +concept_city_texas concept:cityliesonriver concept_river_brazos +concept_city_texas concept:cityliesonriver concept_river_neches +concept_city_texas concept:agentparticipatedinevent concept_sportsgame_series +concept_city_texas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_texas concept:mutualproxyfor concept_sportsteamposition_bryan +concept_city_texas concept:mutualproxyfor concept_street_katy +concept_city_texas concept:mutualproxyfor concept_tableitem_garland +concept_city_texas concept:mutualproxyfor concept_trainstation_arlington +concept_city_texas concept:mutualproxyfor concept_university_brownsville +concept_city_texas concept:mutualproxyfor concept_visualizablething_denton +concept_city_texas concept:mutualproxyfor concept_wallitem_spring +concept_city_texas concept:agentcontrols concept_website_jobs +concept_city_texas concept:atdate concept_year_n1835 +concept_city_texas concept:atdate concept_year_n1836 +concept_city_the_dalles concept:cityliesonriver concept_river_columbia +concept_city_the_hague concept:citylocatedincountry concept_country_netherlands +concept_city_the_hague concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_city_the_hague concept:atdate concept_date_n2003 +concept_city_the_hague concept:atdate concept_dateliteral_n2002 +concept_city_the_hague concept:atdate concept_dateliteral_n2005 +concept_city_the_hague concept:atdate concept_dateliteral_n2006 +concept_city_the_hague concept:atdate concept_year_n1997 +concept_city_the_hamptons concept:proxyfor concept_company_new_york +concept_city_the_villages concept:atlocation concept_city_florida +concept_city_the_woodlands concept:locationlocatedwithinlocation concept_city_texas +concept_city_the_woodlands concept:proxyfor concept_stateorprovince_texas +concept_city_thebes concept:cityliesonriver concept_attraction_mississippi +concept_city_thebes concept:cityliesonriver concept_river_nile +concept_city_thessaloniki concept:proxyfor concept_country_greece +concept_city_thibodaux concept:citylocatedingeopoliticallocation concept_geopoliticallocation_nicholls +concept_city_thibodaux concept:atlocation concept_stateorprovince_louisiana +concept_city_thibodaux concept:proxyfor concept_stateorprovince_louisiana +concept_city_thief_river_falls concept:cityliesonriver concept_attraction_grand +concept_city_thief_river_falls concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_thimphu concept:citycapitalofcountry concept_country_bhutan +concept_city_thimphu concept:citylocatedincountry concept_country_bhutan +concept_city_thionville concept:cityliesonriver concept_river_moselle +concept_city_thiruvananthapuram concept:citylocatedinstate concept_stateorprovince_kerala +concept_city_thiruvananthapuram concept:proxyfor concept_stateorprovince_kerala +concept_city_thomaston concept:atlocation concept_stateorprovince_georgia +concept_city_thomasville concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_thomasville concept:proxyfor concept_stateorprovince_georgia +concept_city_thomasville concept:atlocation concept_stateorprovince_north_carolina +concept_city_thompson_falls concept:cityliesonriver concept_skiarea_clark_fork +concept_city_thonburi concept:citycapitalofcountry concept_country_thailand +concept_city_thonburi concept:citylocatedincountry concept_country_thailand +concept_city_thonburi concept:cityliesonriver concept_river_chao_phraya +concept_city_thonotosassa concept:atlocation concept_city_florida +concept_city_thornton concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_city_thornton concept:proxyfor concept_stateorprovince_colorado +concept_city_thun concept:cityliesonriver concept_river_aare +concept_city_thunder_bay concept:proxyfor concept_publication_ontario +concept_city_thusis concept:latitudelongitude 46.6936166666667,9.4371500000000 +concept_city_tianjin concept:cityliesonriver concept_river_haihe +concept_city_tifton concept:atlocation concept_stateorprovince_georgia +concept_city_tifton concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_tigard concept:mutualproxyfor concept_politicsissue_oregon +concept_city_tigard concept:atlocation concept_stateorprovince_oregon +concept_city_tijuana concept:citylocatedincountry concept_country_mexico +concept_city_tikrit concept:atdate concept_date_n2003 +concept_city_tikrit concept:cityliesonriver concept_river_tigris +concept_city_tiksi concept:citylocatedincountry concept_country_russia +concept_city_timaru concept:citylocatedingeopoliticallocation concept_country_new_zealand +concept_city_timbuktu concept:cityliesonriver concept_river_niger +concept_city_timonium concept:citylocatedinstate concept_stateorprovince_maryland +concept_city_tinley_park concept:atlocation concept_stateorprovince_illinois +concept_city_tinton_falls concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_tinton_falls concept:proxyfor concept_stateorprovince_newjersey +concept_city_tipton concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_tirana concept:locationlocatedwithinlocation concept_country_albania +concept_city_tirana concept:proxyfor concept_country_albania +concept_city_tirana concept:subpartof concept_country_albania +concept_city_tirunelveli concept:proxyfor concept_stateorprovince_tamil_nadu +concept_city_title concept:mutualproxyfor concept_beverage_new +concept_city_title concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_title concept:atdate concept_date_n1996 +concept_city_title concept:atdate concept_date_n1999 +concept_city_title concept:atdate concept_date_n2001 +concept_city_title concept:atdate concept_date_n2003 +concept_city_title concept:atdate concept_date_n2004 +concept_city_title concept:atdate concept_date_n2009 +concept_city_title concept:atdate concept_dateliteral_n1980 +concept_city_title concept:atdate concept_dateliteral_n1990 +concept_city_title concept:atdate concept_dateliteral_n2002 +concept_city_title concept:atdate concept_dateliteral_n2005 +concept_city_title concept:proxyfor concept_politicaloffice_new +concept_city_title concept:agentparticipatedinevent concept_sportsgame_series +concept_city_title concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_title concept:atdate concept_year_n1988 +concept_city_title concept:atdate concept_year_n1989 +concept_city_title concept:atdate concept_year_n1991 +concept_city_title concept:atdate concept_year_n1995 +concept_city_title concept:atdate concept_year_n1997 +concept_city_title concept:atdate concept_year_n1998 +concept_city_titusville concept:atlocation concept_city_florida +concept_city_titusville concept:proxyfor concept_city_florida +concept_city_titusville concept:subpartof concept_city_florida +concept_city_titusville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_titusville concept:proxyfor concept_stateorprovince_new_jersey +concept_city_titusville concept:proxyfor concept_stateorprovince_newjersey +concept_city_tochigi concept:citylocatedincountry concept_country_japan +concept_city_tok concept:cityliesonriver concept_river_tanana +concept_city_tokyo concept:cityliesonriver concept_attraction_grand +concept_city_tokyo concept:cityalsoknownas concept_city_edo +concept_city_tokyo concept:citycapitalofcountry concept_country_japan +concept_city_tokyo concept:citylocatedincountry concept_country_japan +concept_city_tokyo concept:atdate concept_date_n2004 +concept_city_tokyo concept:proxyfor concept_lake_new +concept_city_tokyo concept:cityliesonriver concept_river_arakawa +concept_city_tokyo concept:cityliesonriver concept_river_sumida +concept_city_tokyo concept:atdate concept_year_n1946 +concept_city_toledo concept:citylocatedincountry concept_country_spain +concept_city_toledo concept:cityliesonriver concept_river_tajo +concept_city_toledo concept:atlocation concept_stateorprovince_ohio +concept_city_toluca concept:citylocatedincountry concept_country_mexico +concept_city_tomah concept:atlocation concept_stateorprovince_wisconsin +concept_city_tomball concept:locationlocatedwithinlocation concept_city_texas +concept_city_tomball concept:proxyfor concept_stateorprovince_texas +concept_city_toms_river concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_toms_river concept:atlocation concept_stateorprovince_new_jersey +concept_city_toms_river concept:proxyfor concept_stateorprovince_newjersey +concept_city_tonawanda concept:cityliesonriver concept_river_niagara +concept_city_tonawanda concept:proxyfor concept_stateorprovince_new_york +concept_city_tonopah concept:citylocatedinstate concept_stateorprovince_nevada +concept_city_tools concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_tools concept:subpartoforganization concept_terroristorganization_state +concept_city_tools concept:agentcompeteswithagent concept_tradeunion_search +concept_city_toronto concept:cityliesonriver concept_attraction_grand +concept_city_toronto concept:cityalsoknownas concept_city_columbia +concept_city_toronto concept:citylocatedincountry concept_country_canada_canada +concept_city_toronto concept:atdate concept_date_n2003 +concept_city_toronto concept:atdate concept_date_n2004 +concept_city_toronto concept:atdate concept_dateliteral_n2002 +concept_city_toronto concept:atdate concept_dateliteral_n2007 +concept_city_toronto concept:atdate concept_dateliteral_n2008 +concept_city_toronto concept:mutualproxyfor concept_politicianus_david_miller +concept_city_toronto concept:cityliesonriver concept_river_columbia +concept_city_toronto concept:cityliesonriver concept_river_don +concept_city_toronto concept:cityliesonriver concept_river_humber +concept_city_toronto concept:cityliesonriver concept_river_niagara +concept_city_toronto concept:proxyfor concept_stadiumoreventvenue_maple_leaf_gardens +concept_city_toronto concept:citylocatedinstate concept_stateorprovince_ontario +concept_city_torrance concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_torrance concept:proxyfor concept_stateorprovince_california +concept_city_torrance concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_torrevieja concept:citylocatedincountry concept_country_spain +concept_city_torrington concept:atlocation concept_stateorprovince_wyoming +concept_city_torshavn concept:citylocatedincountry concept_island_faroe_islands +concept_city_toulouse concept:cityliesonriver concept_river_garonne +concept_city_towanda concept:cityliesonriver concept_river_susquehanna +concept_city_towns concept:mutualproxyfor concept_beverage_new +concept_city_towns concept:proxyfor concept_politicaloffice_new +concept_city_trade concept:atdate concept_dateliteral_n2007 +concept_city_trade concept:proxyfor concept_politicaloffice_new +concept_city_trakai concept:citylocatedincountry concept_country_republic_of_lithuania +concept_city_treasure_island concept:locationlocatedwithinlocation concept_city_vegas +concept_city_treasure_island concept:subpartof concept_traditionalgame_vegas +concept_city_trempealeau concept:cityliesonriver concept_attraction_mississippi +concept_city_trento concept:cityliesonriver concept_river_adige +concept_city_trenton concept:cityliesonriver concept_river_trent +concept_city_trenton concept:atlocation concept_stateorprovince_michigan +concept_city_trier concept:citylocatedincountry concept_country_germany +concept_city_trier concept:cityliesonriver concept_river_mosel +concept_city_trier concept:cityliesonriver concept_river_moselle +concept_city_triora concept:latitudelongitude 43.9908628571429,7.7708685714286 +concept_city_tripoli concept:citycapitalofcountry concept_country_libya +concept_city_tripoli concept:citylocatedincountry concept_country_libya +concept_city_trois_rivieres concept:locationlocatedwithinlocation concept_stateorprovince_quebec +concept_city_trois_rivieres concept:proxyfor concept_stateorprovince_quebec +concept_city_trondheim concept:citylocatedincountry concept_country_norway +concept_city_troutdale concept:cityliesonriver concept_river_columbia +concept_city_troy concept:proxyfor concept_creditunion_michigan +concept_city_troy concept:cityliesonriver concept_river_grande_ronde +concept_city_troy concept:cityliesonriver concept_river_hudson +concept_city_troy concept:cityliesonriver concept_river_hudson_river +concept_city_troy concept:cityliesonriver concept_river_kootenai +concept_city_troy concept:atlocation concept_stateorprovince_alabama +concept_city_troy concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_troy concept:atlocation concept_stateorprovince_missouri +concept_city_troy concept:atlocation concept_stateorprovince_new_york +concept_city_troy concept:atlocation concept_stateorprovince_ohio +concept_city_truckee concept:atlocation concept_stateorprovince_california +concept_city_truckee concept:mutualproxyfor concept_stateorprovince_california +concept_city_truckee concept:cityliesonriver concept_visualizablething_truckee +concept_city_trumbull concept:atlocation concept_stateorprovince_connecticut +concept_city_trumbull concept:proxyfor concept_stateorprovince_connecticut +concept_city_trumbull concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_tualatin concept:atlocation concept_stateorprovince_oregon +concept_city_tuckahoe concept:proxyfor concept_radiostation_new_jersey +concept_city_tucker concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_tucker concept:proxyfor concept_stateorprovince_georgia +concept_city_tuckerton concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_tuckerton concept:proxyfor concept_stateorprovince_new_jersey +concept_city_tucson concept:atdate concept_dateliteral_n2005 +concept_city_tucson concept:citylocatedinstate concept_stateorprovince_sonora +concept_city_tucson concept:locationlocatedwithinlocation concept_website_description +concept_city_tucumcari concept:locationlocatedwithinlocation concept_county_new_mexico +concept_city_tucumcari concept:proxyfor concept_reptile_new_mexico +concept_city_tucumcari concept:citylocatedinstate concept_stateorprovince_new_mexico +concept_city_tuguegarao concept:citylocatedincountry concept_country_philippines +concept_city_tukwila concept:atlocation concept_city_washington_d_c +concept_city_tulare concept:atlocation concept_stateorprovince_california +concept_city_tulare concept:mutualproxyfor concept_stateorprovince_california +concept_city_tulare concept:subpartof concept_stateorprovince_california +concept_city_tullahoma concept:proxyfor concept_weatherphenomenon_tennessee +concept_city_tulsa concept:organizationhiredperson concept_coach_todd_graham +concept_city_tulsa concept:citylocatedinstate concept_stateorprovince_oklahoma +concept_city_tulsa concept:proxyfor concept_stateorprovince_oklahoma +concept_city_tunis concept:locationlocatedwithinlocation concept_country_tunisia +concept_city_tunis concept:atdate concept_dateliteral_n2005 +concept_city_tuolumne concept:citylocatedinstate concept_stateorprovince_california +concept_city_tupelo concept:atlocation concept_stateorprovince_mississippi +concept_city_turin concept:cityliesonriver concept_river_po +concept_city_turku concept:citylocatedincountry concept_country_finland +concept_city_turlock concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_turlock concept:proxyfor concept_stateorprovince_california +concept_city_turnersville concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_turnersville concept:proxyfor concept_stateorprovince_newjersey +concept_city_tuscaloosa concept:cityliesonriver concept_river_black_warrior +concept_city_tuscaloosa concept:atlocation concept_stateorprovince_alabama +concept_city_tuscola concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_tuscon concept:proxyfor concept_beverage_arizona +concept_city_tuscon concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_tustin concept:citylocatedinstate concept_stateorprovince_california +concept_city_tustin concept:proxyfor concept_stateorprovince_california +concept_city_twin_bridges concept:cityliesonriver concept_skiarea_beaverhead +concept_city_twin_cities concept:cityliesonriver concept_attraction_mississippi +concept_city_twin_cities concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_twin_cities concept:proxyfor concept_stateorprovince_minnesota +concept_city_twin_falls concept:cityliesonriver concept_river_snake +concept_city_twin_falls concept:citylocatedingeopoliticallocation concept_stateorprovince_idaho +concept_city_twin_falls concept:proxyfor concept_stateorprovince_idaho +concept_city_tyler concept:citylocatedinstate concept_stateorprovince_texas +concept_city_tyler concept:proxyfor concept_stateorprovince_texas +concept_city_u__s concept:synonymfor concept_book_america +concept_city_u_s__city concept:proxyfor concept_lake_new +concept_city_uk concept:atdate concept_date_n1944 +concept_city_uk concept:atdate concept_date_n1968 +concept_city_uk concept:atdate concept_date_n1969 +concept_city_uk concept:atdate concept_date_n1976 +concept_city_uk concept:atdate concept_date_n1996 +concept_city_uk concept:atdate concept_date_n2000 +concept_city_uk concept:atdate concept_date_n2001 +concept_city_uk concept:atdate concept_date_n2003 +concept_city_uk concept:atdate concept_date_n2004 +concept_city_uk concept:atdate concept_date_n2009 +concept_city_uk concept:atdate concept_dateliteral_n1943 +concept_city_uk concept:atdate concept_dateliteral_n1990 +concept_city_uk concept:atdate concept_dateliteral_n2002 +concept_city_uk concept:atdate concept_dateliteral_n2005 +concept_city_uk concept:atdate concept_dateliteral_n2006 +concept_city_uk concept:atdate concept_dateliteral_n2007 +concept_city_uk concept:atdate concept_dateliteral_n2008 +concept_city_uk concept:agentparticipatedinevent concept_eventoutcome_result +concept_city_uk concept:agentcollaborateswithagent concept_person_richard002 +concept_city_uk concept:organizationterminatedperson concept_personasia_number +concept_city_uk concept:organizationhiredperson concept_personaustralia_tubby_smith +concept_city_uk concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_uk concept:proxyfor concept_politicaloffice_new +concept_city_uk concept:organizationterminatedperson concept_scientist_no_ +concept_city_uk concept:atdate concept_year_n1919 +concept_city_uk concept:atdate concept_year_n1946 +concept_city_uk concept:atdate concept_year_n1956 +concept_city_uk concept:atdate concept_year_n1982 +concept_city_uk concept:atdate concept_year_n1985 +concept_city_uk concept:atdate concept_year_n1988 +concept_city_uk concept:atdate concept_year_n1991 +concept_city_uk concept:atdate concept_year_n1995 +concept_city_uk concept:atdate concept_year_n1997 +concept_city_uk concept:atdate concept_year_n1998 +concept_city_ukhta concept:citylocatedincountry concept_country_russia +concept_city_ukiah concept:atlocation concept_stateorprovince_california +concept_city_ukiah concept:mutualproxyfor concept_stateorprovince_california +concept_city_ulaanbaatar concept:citycapitalofcountry concept_country_mongolia +concept_city_ulaanbaatar concept:citylocatedincountry concept_country_mongolia +concept_city_union concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_union concept:atlocation concept_stateorprovince_south_carolina +concept_city_union_pier concept:latitudelongitude 41.8279766666667,-86.6921400000000 +concept_city_uniontown concept:atlocation concept_stateorprovince_pennsylvania +concept_city_united_kingdom concept:locationlocatedwithinlocation concept_country_countries +concept_city_united_kingdom concept:atdate concept_date_n1999 +concept_city_united_kingdom concept:atdate concept_date_n2000 +concept_city_united_kingdom concept:atdate concept_date_n2001 +concept_city_united_kingdom concept:atdate concept_date_n2003 +concept_city_united_kingdom concept:atdate concept_date_n2004 +concept_city_united_kingdom concept:atdate concept_dateliteral_n2002 +concept_city_united_kingdom concept:atdate concept_dateliteral_n2005 +concept_city_united_kingdom concept:atdate concept_dateliteral_n2006 +concept_city_united_kingdom concept:atdate concept_dateliteral_n2007 +concept_city_united_kingdom concept:atdate concept_dateliteral_n2008 +concept_city_united_kingdom concept:proxyfor concept_politicaloffice_new +concept_city_united_kingdom concept:atdate concept_year_n1997 +concept_city_united_kingdom concept:atdate concept_year_n1998 +concept_city_unity concept:istallerthan concept_city_christ +concept_city_university_park concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_univision concept:agentcontrols concept_website_kdtv_tv +concept_city_univision concept:agentcontrols concept_website_kmex_tv +concept_city_univision concept:agentcontrols concept_website_kwex_tv +concept_city_univision concept:agentcontrols concept_website_kxln_tv +concept_city_upland concept:atlocation concept_stateorprovince_california +concept_city_upland concept:mutualproxyfor concept_stateorprovince_california +concept_city_upland concept:subpartof concept_stateorprovince_california +concept_city_upper_manhattan concept:cityliesonriver concept_river_hudson +concept_city_urbana concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_urbana concept:proxyfor concept_stateorprovince_illinois +concept_city_urbandale concept:atlocation concept_stateorprovince_iowa +concept_city_us_city concept:mutualproxyfor concept_beverage_new +concept_city_us_city concept:proxyfor concept_politicaloffice_new +concept_city_ushuaia concept:citylocatedincountry concept_country_argentina +concept_city_utica concept:cityliesonriver concept_river_mohawk +concept_city_uvalde concept:cityliesonriver concept_river_nueces +concept_city_uvalde concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_uvalde concept:proxyfor concept_stateorprovince_texas +concept_city_vacaville concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_vacaville concept:proxyfor concept_stateorprovince_california +concept_city_vadodara concept:cityalsoknownas concept_city_baroda +concept_city_vaduz concept:citycapitalofcountry concept_country_liechtenstein +concept_city_vaduz concept:citylocatedincountry concept_country_liechtenstein +concept_city_vail concept:atlocation concept_stateorprovince_colorado +concept_city_valdosta concept:citylocatedinstate concept_stateorprovince_georgia +concept_city_valdosta concept:proxyfor concept_stateorprovince_georgia +concept_city_valencia concept:citylocatedincountry concept_country_spain +concept_city_valencia concept:citylocatedinstate concept_stateorprovince_california +concept_city_valencia concept:mutualproxyfor concept_stateorprovince_california +concept_city_vallejo concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_vallejo concept:proxyfor concept_stateorprovince_california +concept_city_valley_city concept:cityliesonriver concept_river_sheyenne +concept_city_valparaiso concept:atlocation concept_city_florida +concept_city_valparaiso concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_valparaiso concept:proxyfor concept_stateorprovince_indiana +concept_city_van_buren concept:proxyfor concept_book_arkansas +concept_city_van_buren concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_van_nuys concept:atlocation concept_stateorprovince_california +concept_city_vancouver concept:cityliesonriver concept_attraction_grand +concept_city_vancouver concept:proxyfor concept_building_bc_place +concept_city_vancouver concept:cityalsoknownas concept_city_columbia +concept_city_vancouver concept:atlocation concept_city_washington_d_c +concept_city_vancouver concept:proxyfor concept_city_washington_d_c +concept_city_vancouver concept:proxyfor concept_country_canada_canada +concept_city_vancouver concept:atdate concept_date_n2001 +concept_city_vancouver concept:atdate concept_date_n2009 +concept_city_vancouver concept:atdate concept_dateliteral_n2005 +concept_city_vancouver concept:atdate concept_dateliteral_n2006 +concept_city_vancouver concept:atdate concept_dateliteral_n2008 +concept_city_vancouver concept:proxyfor concept_lake_new +concept_city_vancouver concept:mutualproxyfor concept_politician_sam_sullivan +concept_city_vancouver concept:istallerthan concept_publication_people_ +concept_city_vancouver concept:cityliesonriver concept_river_columbia +concept_city_vancouver concept:proxyfor concept_stadiumoreventvenue_bc_place_stadium +concept_city_vancouver concept:proxyfor concept_stadiumoreventvenue_commodore_ballroom +concept_city_vancouver concept:proxyfor concept_stateorprovince_bc +concept_city_vancouver concept:proxyfor concept_stateorprovince_british_columbia +concept_city_vancouver concept:subpartof concept_visualizablescene_washington +concept_city_vang_vieng concept:cityliesonriver concept_river_nam_song +concept_city_varadero concept:citylocatedincountry concept_country_cuba +concept_city_varadero concept:citylocatedingeopoliticallocation concept_country_cuba +concept_city_varanasi concept:cityliesonriver concept_river_ganga +concept_city_varanasi concept:cityliesonriver concept_river_ganges +concept_city_varanasi concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_city_varanasi concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_city_varkaus concept:citylocatedincountry concept_country_finland +concept_city_veere concept:citylocatedincountry concept_country_netherlands +concept_city_vegas concept:cityliesonriver concept_attraction_grand +concept_city_vegas concept:locationlocatedwithinlocation concept_city_las_vegas +concept_city_vegas concept:atdate concept_dateliteral_n2008 +concept_city_vegas_casino concept:locationlocatedwithinlocation concept_city_vegas +concept_city_vegas_casino concept:mutualproxyfor concept_politician_carolyn_goodman +concept_city_vejer_de_la_frontera concept:citylocatedincountry concept_country_spain +concept_city_vejle concept:citylocatedincountry concept_country_denmark +concept_city_venice concept:atdate concept_dateliteral_n2007 +concept_city_venice concept:cityliesonriver concept_river_po +concept_city_venice concept:atlocation concept_stateorprovince_california +concept_city_venice concept:subpartof concept_stateorprovince_california +concept_city_ventura concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_ventura concept:proxyfor concept_stateorprovince_california +concept_city_ventura concept:subpartof concept_stateorprovince_california +concept_city_veracruz concept:citylocatedincountry concept_country_mexico +concept_city_veracruz concept:proxyfor concept_country_mexico +concept_city_verdun concept:cityliesonriver concept_river_meuse +concept_city_vermillion concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_vermillion concept:atlocation concept_stateorprovince_south_dakota +concept_city_vernal concept:locationlocatedwithinlocation concept_county_utah +concept_city_vernalis concept:cityliesonriver concept_river_san_joaquin +concept_city_vernon concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_vernon_hills concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_city_vernon_hills concept:proxyfor concept_stateorprovince_illinois +concept_city_vero_beach concept:locationlocatedwithinlocation concept_city_florida +concept_city_vero_beach concept:proxyfor concept_city_florida +concept_city_verona concept:cityliesonriver concept_river_adige +concept_city_vevey concept:citylocatedincountry concept_country_switzerland +concept_city_vicksburg concept:cityliesonriver concept_attraction_mississippi +concept_city_vicksburg concept:proxyfor concept_emotion_mississippi +concept_city_vicksburg concept:cityliesonriver concept_river_mississippi_river +concept_city_vicksburg concept:cityliesonriver concept_river_yazoo +concept_city_vicksburg concept:atlocation concept_stateorprovince_mississippi +concept_city_vicksburg concept:atdate concept_year_n1863 +concept_city_victor concept:citylocatedinstate concept_stateorprovince_california +concept_city_victoria concept:cityalsoknownas concept_city_columbia +concept_city_victoria concept:mutualproxyfor concept_city_melbourne +concept_city_victoria concept:mutualproxyfor concept_city_texas +concept_city_victoria concept:citycapitalofcountry concept_country_republic_of_seychelles +concept_city_victoria concept:cityliesonriver concept_river_columbia +concept_city_victoria concept:cityliesonriver concept_river_nile +concept_city_victoria concept:cityliesonriver concept_river_zambezi +concept_city_victoria concept:proxyfor concept_stateorprovince_texas +concept_city_victoria_falls concept:cityliesonriver concept_river_zambesi +concept_city_victoria_falls concept:cityliesonriver concept_river_zambezi +concept_city_victorville concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_victorville concept:proxyfor concept_stateorprovince_california +concept_city_videos concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_videos concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_city_videos concept:agentcompeteswithagent concept_tradeunion_search +concept_city_vienna concept:citylocatedincountry concept_country_habsburg_empire +concept_city_vienna concept:locationlocatedwithinlocation concept_country_republic_of_austria +concept_city_vienna concept:proxyfor concept_country_republic_of_austria +concept_city_vienna concept:subpartof concept_country_republic_of_austria +concept_city_vienna concept:atdate concept_date_n1996 +concept_city_vienna concept:atdate concept_date_n1999 +concept_city_vienna concept:atdate concept_date_n2000 +concept_city_vienna concept:atdate concept_date_n2003 +concept_city_vienna concept:atdate concept_date_n2004 +concept_city_vienna concept:atdate concept_date_n2009 +concept_city_vienna concept:atdate concept_dateliteral_n2005 +concept_city_vienna concept:atdate concept_dateliteral_n2006 +concept_city_vienna concept:atdate concept_dateliteral_n2008 +concept_city_vienna concept:cityliesonriver concept_river_danube +concept_city_vienna concept:atlocation concept_stateorprovince_virginia +concept_city_vienna concept:proxyfor concept_stateorprovince_virginia +concept_city_vienna concept:atdate concept_year_n1994 +concept_city_vienna concept:atdate concept_year_n1997 +concept_city_vientiane concept:citylocatedincountry concept_country_laos +concept_city_vientiane concept:cityliesonriver concept_river_mekong +concept_city_vientiane concept:cityliesonriver concept_river_mekong_river +concept_city_vieux_fort concept:citycapitalofcountry concept_visualizablething_saint_lucia +concept_city_vieux_fort concept:citylocatedincountry concept_visualizablething_saint_lucia +concept_city_vigo concept:citylocatedinstate concept_stateorprovince_indiana +concept_city_vijayawada concept:citylocatedinstate concept_stateorprovince_andhra_pradesh +concept_city_vijayawada concept:proxyfor concept_stateorprovince_andhra_pradesh +concept_city_vila_nova_de_gaia concept:cityliesonriver concept_river_douro +concept_city_villa_clara concept:citylocatedincountry concept_country_cuba +concept_city_villahermosa concept:citylocatedincountry concept_country_mexico +concept_city_vilna concept:citylocatedincountry concept_country_republic_of_lithuania +concept_city_vilnius concept:citycapitalofcountry concept_country_republic_of_lithuania +concept_city_vilnius concept:citylocatedincountry concept_country_republic_of_lithuania +concept_city_vilnius concept:cityliesonriver concept_river_neris +concept_city_vincennes concept:cityliesonriver concept_river_wabash +concept_city_vincennes concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_city_vincennes concept:proxyfor concept_stateorprovince_indiana +concept_city_vincentown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_vineland concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_vineland concept:atlocation concept_stateorprovince_new_jersey +concept_city_vineland concept:proxyfor concept_stateorprovince_new_jersey +concept_city_vineland concept:subpartof concept_stateorprovince_new_jersey +concept_city_vineyard_haven concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_vinh_long concept:cityliesonriver concept_river_mekong +concept_city_virginia_beach concept:proxyfor concept_stateorprovince_virginia +concept_city_visakhapatnam concept:citylocatedinstate concept_stateorprovince_andhra_pradesh +concept_city_visakhapatnam concept:proxyfor concept_stateorprovince_andhra_pradesh +concept_city_visalia concept:cityliesonriver concept_river_san_joaquin +concept_city_visalia concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_visalia concept:proxyfor concept_stateorprovince_california +concept_city_vista concept:citylocatedinstate concept_stateorprovince_california +concept_city_vista concept:proxyfor concept_stateorprovince_california +concept_city_vitoria concept:citylocatedincountry concept_country_spain +concept_city_vladivostok concept:locationlocatedwithinlocation concept_country_russia +concept_city_vladivostok concept:proxyfor concept_country_russia +concept_city_volgodonsk concept:citylocatedincountry concept_country_russia +concept_city_volgograd concept:cityliesonriver concept_river_volga +concept_city_vologda concept:citycapitalofcountry concept_country_russia +concept_city_w_palm_beach concept:atlocation concept_city_florida +concept_city_wabash concept:atlocation concept_stateorprovince_indiana +concept_city_wabasha concept:cityliesonriver concept_attraction_mississippi +concept_city_waco concept:cityliesonriver concept_river_brazos +concept_city_waco concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_waco concept:proxyfor concept_stateorprovince_texas +concept_city_wagga_wagga concept:cityliesonriver concept_river_murrumbidgee +concept_city_wahpeton concept:atlocation concept_stateorprovince_north_dakota +concept_city_wakayama concept:citylocatedincountry concept_country_japan +concept_city_waldorf concept:atlocation concept_stateorprovince_maryland +concept_city_waldorf concept:proxyfor concept_stateorprovince_maryland +concept_city_walford concept:atdate concept_dateliteral_n2008 +concept_city_walker concept:citylocatedinstate concept_stateorprovince_alabama +concept_city_walla_walla concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_walla_walla concept:proxyfor concept_city_washington_d_c +concept_city_wallingford concept:atlocation concept_stateorprovince_connecticut +concept_city_walnut_creek concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_walnut_creek concept:proxyfor concept_stateorprovince_california +concept_city_walterboro concept:atlocation concept_stateorprovince_south_carolina +concept_city_waltham concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_waltham concept:proxyfor concept_stateorprovince_massachusetts +concept_city_waltham_forest concept:latitudelongitude 51.5666700000000,-0.0333300000000 +concept_city_walton concept:citylocatedinstate concept_stateorprovince_florida +concept_city_wangaratta concept:cityliesonriver concept_river_ovens +concept_city_wapakoneta concept:citylocatedingeopoliticallocation concept_stateorprovince_ohio +concept_city_warangal concept:citylocatedinstate concept_stateorprovince_andhra_pradesh +concept_city_warangal concept:proxyfor concept_stateorprovince_andhra_pradesh +concept_city_warm_springs concept:cityliesonriver concept_river_deschutes +concept_city_warner_robins concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_warner_robins concept:proxyfor concept_stateorprovince_georgia +concept_city_warren concept:cityliesonriver concept_attraction_grand +concept_city_warren concept:proxyfor concept_creditunion_michigan +concept_city_warren concept:cityliesonriver concept_river_mahoning +concept_city_warren concept:atlocation concept_stateorprovince_michigan +concept_city_warren concept:citylocatedinstate concept_stateorprovince_new_jersey +concept_city_warren concept:atlocation concept_stateorprovince_ohio +concept_city_warren concept:atlocation concept_stateorprovince_pennsylvania +concept_city_warren concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_warren concept:proxyfor concept_university_ohio +concept_city_warrensburg concept:proxyfor concept_company_missouri +concept_city_warrensburg concept:citylocatedingeopoliticallocation concept_county_central_missouri +concept_city_warrensburg concept:cityliesonriver concept_river_hudson +concept_city_warrensburg concept:atlocation concept_stateorprovince_missouri +concept_city_warrenton concept:cityliesonriver concept_river_columbia +concept_city_warsaw concept:cityliesonriver concept_attraction_mississippi +concept_city_warsaw concept:citylocatedincountry concept_country_poland +concept_city_warsaw concept:proxyfor concept_country_poland +concept_city_warsaw concept:atdate concept_dateliteral_n2006 +concept_city_warsaw concept:atdate concept_dateliteral_n2007 +concept_city_warsaw concept:mutualproxyfor concept_person_hanna_gronkiewicz_waltz +concept_city_warsaw concept:cityliesonriver concept_river_vistula +concept_city_warsaw concept:atlocation concept_stateorprovince_indiana +concept_city_warszawa concept:citylocatedincountry concept_country_poland +concept_city_warwick concept:locationlocatedwithinlocation concept_stateorprovince_rhode_island +concept_city_warwick concept:proxyfor concept_stateorprovince_rhode_island +concept_city_washington_d_ concept:latitudelongitude 38.9139233333333,-77.0359411111111 +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_aquarium_u__s_ +concept_city_washington_d_c concept:proxyfor concept_aquarium_u__s_ +concept_city_washington_d_c concept:subpartof concept_aquarium_u__s_ +concept_city_washington_d_c concept:cityliesonriver concept_attraction_grand +concept_city_washington_d_c concept:mutualproxyfor concept_beverage_new +concept_city_washington_d_c concept:atlocation concept_blog_iowa +concept_city_washington_d_c concept:mutualproxyfor concept_city_bellevue +concept_city_washington_d_c concept:mutualproxyfor concept_city_bothell +concept_city_washington_d_c concept:mutualproxyfor concept_city_bremerton +concept_city_washington_d_c concept:istallerthan concept_city_children +concept_city_washington_d_c concept:cityalsoknownas concept_city_columbia +concept_city_washington_d_c concept:istallerthan concept_city_communities +concept_city_washington_d_c concept:mutualproxyfor concept_city_edmonds +concept_city_washington_d_c concept:mutualproxyfor concept_city_federal_way +concept_city_washington_d_c concept:cityalsoknownas concept_city_georgetown +concept_city_washington_d_c concept:cityalsoknownas concept_city_howard +concept_city_washington_d_c concept:mutualproxyfor concept_city_kennewick +concept_city_washington_d_c concept:mutualproxyfor concept_city_kirkland +concept_city_washington_d_c concept:istallerthan concept_city_place +concept_city_washington_d_c concept:mutualproxyfor concept_city_pullman +concept_city_washington_d_c concept:mutualproxyfor concept_city_puyallup +concept_city_washington_d_c concept:mutualproxyfor concept_city_redmond +concept_city_washington_d_c concept:mutualproxyfor concept_city_renton +concept_city_washington_d_c concept:mutualproxyfor concept_city_richland +concept_city_washington_d_c concept:istallerthan concept_city_sisters +concept_city_washington_d_c concept:mutualproxyfor concept_city_tacoma +concept_city_washington_d_c concept:mutualproxyfor concept_city_vancouver +concept_city_washington_d_c concept:cityalsoknownas concept_city_washington_dc +concept_city_washington_d_c concept:mutualproxyfor concept_city_wenatchee +concept_city_washington_d_c concept:mutualproxyfor concept_city_yakima +concept_city_washington_d_c concept:agentcontrols concept_clothing_white +concept_city_washington_d_c concept:organizationhiredperson concept_coach_neuheisel +concept_city_washington_d_c concept:organizationhiredperson concept_coach_steve_sarkisian +concept_city_washington_d_c concept:organizationhiredperson concept_coach_tyrone_willingham +concept_city_washington_d_c concept:agentcompeteswithagent concept_company_city_paper001 +concept_city_washington_d_c concept:agentcompeteswithagent concept_company_post +concept_city_washington_d_c concept:citylocatedingeopoliticallocation concept_country_mexico +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_country_the_united_states +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_washington_d_c concept:citylocatedingeopoliticallocation concept_country_united_states +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_country_united_states +concept_city_washington_d_c concept:proxyfor concept_country_united_states +concept_city_washington_d_c concept:subpartof concept_country_united_states +concept_city_washington_d_c concept:citycapitalofcountry concept_country_united_states_of_america +concept_city_washington_d_c concept:citylocatedingeopoliticallocation concept_country_us +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_country_us +concept_city_washington_d_c concept:citylocatedincountry concept_country_usa +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_country_usa +concept_city_washington_d_c concept:proxyfor concept_country_usa +concept_city_washington_d_c concept:subpartof concept_country_usa +concept_city_washington_d_c concept:mutualproxyfor concept_county_bellingham +concept_city_washington_d_c concept:mutualproxyfor concept_county_olympia +concept_city_washington_d_c concept:mutualproxyfor concept_county_seattle +concept_city_washington_d_c concept:atlocation concept_county_utah +concept_city_washington_d_c concept:proxyfor concept_county_utah +concept_city_washington_d_c concept:atdate concept_date_n1976 +concept_city_washington_d_c concept:atdate concept_date_n1993 +concept_city_washington_d_c concept:atdate concept_date_n1996 +concept_city_washington_d_c concept:atdate concept_date_n1999 +concept_city_washington_d_c concept:atdate concept_date_n2000 +concept_city_washington_d_c concept:atdate concept_date_n2001 +concept_city_washington_d_c concept:atdate concept_date_n2003 +concept_city_washington_d_c concept:atdate concept_date_n2004 +concept_city_washington_d_c concept:atdate concept_date_n2009 +concept_city_washington_d_c concept:atdate concept_dateliteral_n2002 +concept_city_washington_d_c concept:atdate concept_dateliteral_n2005 +concept_city_washington_d_c concept:atdate concept_dateliteral_n2006 +concept_city_washington_d_c concept:atdate concept_dateliteral_n2007 +concept_city_washington_d_c concept:atdate concept_dateliteral_n2008 +concept_city_washington_d_c concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_geopoliticallocation_national +concept_city_washington_d_c concept:agentcompeteswithagent concept_male_sun +concept_city_washington_d_c concept:synonymfor concept_mountain_columbia +concept_city_washington_d_c concept:proxyfor concept_musicalbum_us +concept_city_washington_d_c concept:subpartof concept_musicalbum_us +concept_city_washington_d_c concept:agentcompeteswithagent concept_musicartist_journal +concept_city_washington_d_c concept:agentcompeteswithagent concept_newspaper_business_journal +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_newspaper_the_national +concept_city_washington_d_c concept:proxyfor concept_nongovorganization_u_s_ +concept_city_washington_d_c concept:subpartof concept_nongovorganization_u_s_ +concept_city_washington_d_c concept:organizationhiredperson concept_person_marion_barry +concept_city_washington_d_c concept:organizationhiredperson concept_person_molly_moore +concept_city_washington_d_c concept:organizationhiredperson concept_person_ty_willingham +concept_city_washington_d_c concept:organizationterminatedperson concept_person_ty_willingham +concept_city_washington_d_c concept:organizationhiredperson concept_person_willingham +concept_city_washington_d_c concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_city_washington_d_c concept:mutualproxyfor concept_personnorthamerica_everett +concept_city_washington_d_c concept:proxyfor concept_politicaloffice_new +concept_city_washington_d_c concept:organizationhiredperson concept_politician_adrian_fenty +concept_city_washington_d_c concept:agentcompeteswithagent concept_politicsblog_tribune +concept_city_washington_d_c concept:mutualproxyfor concept_port_port_angeles +concept_city_washington_d_c concept:mutualproxyfor concept_profession_spokane +concept_city_washington_d_c concept:istallerthan concept_publication_people_ +concept_city_washington_d_c concept:proxyfor concept_radiostation_new_jersey +concept_city_washington_d_c concept:cityliesonriver concept_river_columbia +concept_city_washington_d_c concept:cityliesonriver concept_river_klickitat +concept_city_washington_d_c concept:cityliesonriver concept_river_lower_snake +concept_city_washington_d_c concept:cityliesonriver concept_river_potomac +concept_city_washington_d_c concept:cityliesonriver concept_river_snake +concept_city_washington_d_c concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_city_washington_d_c concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_washington_d_c concept:atlocation concept_stateorprovince_district_of_columbia +concept_city_washington_d_c concept:proxyfor concept_stateorprovince_district_of_columbia +concept_city_washington_d_c concept:subpartof concept_stateorprovince_district_of_columbia +concept_city_washington_d_c concept:atlocation concept_stateorprovince_georgia +concept_city_washington_d_c concept:proxyfor concept_stateorprovince_illinois +concept_city_washington_d_c concept:atlocation concept_stateorprovince_indiana +concept_city_washington_d_c concept:proxyfor concept_stateorprovince_indiana +concept_city_washington_d_c concept:locationlocatedwithinlocation concept_stateorprovince_international +concept_city_washington_d_c concept:subpartof concept_stateorprovince_international +concept_city_washington_d_c concept:proxyfor concept_stateorprovince_newjersey +concept_city_washington_d_c concept:atlocation concept_stateorprovince_north_carolina +concept_city_washington_d_c concept:atlocation concept_stateorprovince_pennsylvania +concept_city_washington_d_c concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_washington_d_c concept:subpartof concept_stateorprovince_pennsylvania +concept_city_washington_d_c concept:citylocatedinstate concept_stateorprovince_rhode_island +concept_city_washington_d_c concept:agentcompeteswithagent concept_stateorprovince_times +concept_city_washington_d_c concept:proxyfor concept_televisionstation_washingtondc +concept_city_washington_d_c concept:subpartof concept_university_national +concept_city_washington_d_c concept:atdate concept_year_n1992 +concept_city_washington_d_c concept:atdate concept_year_n1994 +concept_city_washington_d_c concept:atdate concept_year_n1995 +concept_city_washington_d_c concept:atdate concept_year_n1997 +concept_city_washington_d_c concept:atdate concept_year_n1998 +concept_city_washington_dc concept:cityalsoknownas concept_city_georgetown +concept_city_washington_dc concept:locationlocatedwithinlocation concept_country_u_s_ +concept_city_washington_dc concept:locationlocatedwithinlocation concept_country_united_states +concept_city_washington_dc concept:citylocatedingeopoliticallocation concept_country_us +concept_city_washington_dc concept:locationlocatedwithinlocation concept_country_us +concept_city_washington_dc concept:atdate concept_date_n2000 +concept_city_washington_dc concept:atdate concept_date_n2001 +concept_city_washington_dc concept:atdate concept_date_n2003 +concept_city_washington_dc concept:atdate concept_dateliteral_n2002 +concept_city_washington_dc concept:atdate concept_dateliteral_n2005 +concept_city_washington_dc concept:atdate concept_dateliteral_n2006 +concept_city_washington_dc concept:atdate concept_dateliteral_n2007 +concept_city_washington_dc concept:atdate concept_dateliteral_n2008 +concept_city_washington_dc concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_city_washington_dc concept:locationlocatedwithinlocation concept_geopoliticallocation_national +concept_city_washington_dc concept:istallerthan concept_publication_people_ +concept_city_washington_dc concept:cityliesonriver concept_river_potomac +concept_city_washington_dc concept:locationlocatedwithinlocation concept_stateorprovince_international +concept_city_washington_dc concept:atdate concept_year_n1997 +concept_city_washington_dc concept:atdate concept_year_n1998 +concept_city_wasilla concept:atlocation concept_stateorprovince_alaska +concept_city_waterbury concept:atlocation concept_stateorprovince_connecticut +concept_city_waterbury concept:proxyfor concept_stateorprovince_connecticut +concept_city_waterbury concept:subpartof concept_stateorprovince_connecticut +concept_city_waterford concept:cityliesonriver concept_port_barrow +concept_city_waterford concept:cityliesonriver concept_river_hudson +concept_city_waterloo concept:cityliesonriver concept_river_thames +concept_city_waterloo concept:proxyfor concept_stateorprovince_iowa +concept_city_waterloo concept:proxyfor concept_stateorprovince_ontario +concept_city_watertown concept:atlocation concept_stateorprovince_new_york +concept_city_watertown concept:citylocatedinstate concept_stateorprovince_south_dakota +concept_city_watertown concept:proxyfor concept_stateorprovince_south_dakota +concept_city_watertown concept:atlocation concept_stateorprovince_wisconsin +concept_city_waterville concept:cityliesonriver concept_river_kennebec +concept_city_waterville concept:citylocatedinstate concept_stateorprovince_maine +concept_city_waterville concept:proxyfor concept_stateorprovince_maine +concept_city_watseka concept:atlocation concept_stateorprovince_illinois +concept_city_watsonville concept:cityliesonriver concept_river_pajaro +concept_city_watsonville concept:atlocation concept_stateorprovince_california +concept_city_watsonville concept:mutualproxyfor concept_stateorprovince_california +concept_city_waukegan concept:atlocation concept_stateorprovince_illinois +concept_city_waukegan concept:proxyfor concept_stateorprovince_illinois +concept_city_waukegan concept:subpartof concept_stateorprovince_illinois +concept_city_waukesha concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_waukesha concept:proxyfor concept_stateorprovince_wisconsin +concept_city_waupaca concept:proxyfor concept_politicaloffice_wisconsin +concept_city_waupaca concept:atlocation concept_stateorprovince_wisconsin +concept_city_waurn_ponds concept:latitudelongitude -38.2166700000000,144.2833300000000 +concept_city_wausau concept:proxyfor concept_politicaloffice_wisconsin +concept_city_wausau concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_city_wauwatosa concept:cityliesonriver concept_river_menomonee +concept_city_wauwatosa concept:atlocation concept_stateorprovince_wisconsin +concept_city_wawa concept:citylocatedinstate concept_stateorprovince_ontario +concept_city_waxahachie concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_city_waxahachie concept:proxyfor concept_stateorprovince_texas +concept_city_waycross concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_waycross concept:proxyfor concept_stateorprovince_georgia +concept_city_waynesboro concept:atlocation concept_stateorprovince_virginia +concept_city_waynesville concept:subpartof concept_creditunion_north_carolina +concept_city_weatherford concept:atlocation concept_stateorprovince_oklahoma +concept_city_weatherford concept:atlocation concept_stateorprovince_texas +concept_city_web concept:mutualproxyfor concept_beverage_new +concept_city_web concept:agentinvolvedwithitem concept_buildingfeature_window +concept_city_web concept:atdate concept_date_n1993 +concept_city_web concept:atdate concept_date_n1996 +concept_city_web concept:atdate concept_date_n1999 +concept_city_web concept:atdate concept_date_n2000 +concept_city_web concept:atdate concept_date_n2001 +concept_city_web concept:atdate concept_date_n2003 +concept_city_web concept:atdate concept_date_n2004 +concept_city_web concept:atdate concept_date_n2009 +concept_city_web concept:atdate concept_dateliteral_n2002 +concept_city_web concept:atdate concept_dateliteral_n2005 +concept_city_web concept:atdate concept_dateliteral_n2006 +concept_city_web concept:atdate concept_dateliteral_n2007 +concept_city_web concept:atdate concept_dateliteral_n2008 +concept_city_web concept:atdate concept_month_april +concept_city_web concept:atdate concept_month_august +concept_city_web concept:atdate concept_month_december +concept_city_web concept:atdate concept_month_february +concept_city_web concept:atdate concept_month_january +concept_city_web concept:atdate concept_month_july +concept_city_web concept:atdate concept_month_june +concept_city_web concept:atdate concept_month_march +concept_city_web concept:atdate concept_month_may +concept_city_web concept:atdate concept_month_october +concept_city_web concept:atdate concept_month_september +concept_city_web concept:proxyfor concept_politicaloffice_new +concept_city_web concept:agentinvolvedwithitem concept_product_tab +concept_city_web concept:agentcompeteswithagent concept_tradeunion_search +concept_city_web concept:agentcompeteswithagent concept_university_google +concept_city_web concept:agentcompeteswithagent concept_university_yahoo +concept_city_web concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_city_web concept:atdate concept_year_n1994 +concept_city_web concept:atdate concept_year_n1995 +concept_city_web concept:atdate concept_year_n1997 +concept_city_web concept:atdate concept_year_n1998 +concept_city_weehawken concept:proxyfor concept_stateorprovince_new_jersey +concept_city_weeki_wachee concept:atlocation concept_city_florida +concept_city_weirton concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_weirton concept:proxyfor concept_stateorprovince_west_virginia +concept_city_weiser concept:cityliesonriver concept_river_snake +concept_city_wellington concept:proxyfor concept_city_florida +concept_city_wellington concept:locationlocatedwithinlocation concept_country_new_zealand +concept_city_wellington concept:proxyfor concept_country_new_zealand +concept_city_wellington concept:subpartof concept_country_new_zealand +concept_city_wellington concept:atlocation concept_stateorprovince_colorado +concept_city_wellington_wellington concept:citycapitalofcountry concept_country_new_zealand +concept_city_wellington_wellington concept:locationlocatedwithinlocation concept_country_new_zealand +concept_city_wellington_wellington concept:proxyfor concept_country_new_zealand +concept_city_wellington_wellington concept:locationlocatedwithinlocation concept_country_papua_new_guinea +concept_city_wenatchee concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_wenatchee concept:proxyfor concept_city_washington_d_c +concept_city_wesel concept:cityliesonriver concept_river_rhine +concept_city_weslaco concept:citylocatedinstate concept_stateorprovince_texas +concept_city_west_allis concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_west_allis concept:proxyfor concept_stateorprovince_wisconsin +concept_city_west_bend concept:atlocation concept_stateorprovince_wisconsin +concept_city_west_berlin concept:mutualproxyfor concept_politician_willy_brandt +concept_city_west_berlin concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_west_berlin concept:proxyfor concept_stateorprovince_new_jersey +concept_city_west_berlin concept:proxyfor concept_stateorprovince_newjersey +concept_city_west_caldwell concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_west_chester concept:atlocation concept_stateorprovince_pennsylvania +concept_city_west_chester concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_city_west_columbia concept:atlocation concept_stateorprovince_south_carolina +concept_city_west_conshohocken concept:cityliesonriver concept_river_schuylkill +concept_city_west_covina concept:citylocatedinstate concept_stateorprovince_california +concept_city_west_covina concept:proxyfor concept_stateorprovince_california +concept_city_west_dundee concept:citylocatedinstate concept_stateorprovince_illinois +concept_city_west_end concept:atlocation concept_city_vegas +concept_city_west_end concept:atlocation concept_city_vegas_casino +concept_city_west_end concept:atlocation concept_county_las_vegas +concept_city_west_end concept:atdate concept_dateliteral_n2008 +concept_city_west_fargo concept:atlocation concept_stateorprovince_north_dakota +concept_city_west_hartford concept:atlocation concept_stateorprovince_connecticut +concept_city_west_haven concept:atlocation concept_stateorprovince_connecticut +concept_city_west_hollywood concept:cityalsoknownas concept_city_la +concept_city_west_hollywood concept:atlocation concept_stateorprovince_california +concept_city_west_hollywood concept:proxyfor concept_stateorprovince_california +concept_city_west_jerusalem concept:citylocatedincountry concept_country_israel +concept_city_west_jordan concept:locationlocatedwithinlocation concept_stateorprovince_utah +concept_city_west_jordan concept:mutualproxyfor concept_stateorprovince_utah +concept_city_west_lafayette concept:cityliesonriver concept_river_wabash +concept_city_west_lafayette concept:atlocation concept_stateorprovince_indiana +concept_city_west_lafayette concept:mutualproxyfor concept_stateorprovince_indiana +concept_city_west_lafayette concept:subpartof concept_stateorprovince_indiana +concept_city_west_linn concept:cityliesonriver concept_river_willamette +concept_city_west_memphis concept:cityliesonriver concept_attraction_mississippi +concept_city_west_memphis concept:atlocation concept_stateorprovince_arkansas +concept_city_west_mifflin concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_west_milford concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_west_milford concept:proxyfor concept_stateorprovince_newjersey +concept_city_west_monroe concept:atlocation concept_stateorprovince_louisiana +concept_city_west_new_york concept:cityliesonriver concept_river_hudson +concept_city_west_new_york concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_west_orange concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_west_orange concept:proxyfor concept_stateorprovince_newjersey +concept_city_west_palm_beach concept:proxyfor concept_stadiumoreventvenue_cruzan_amphitheatre +concept_city_west_paterson concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_city_west_plains concept:proxyfor concept_company_missouri +concept_city_west_plains concept:atlocation concept_stateorprovince_missouri +concept_city_west_sacramento concept:atlocation concept_stateorprovince_california +concept_city_west_wildwood concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_west_yarmouth concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_westbrook concept:cityliesonriver concept_skiarea_presumpscot +concept_city_westbury concept:atlocation concept_stateorprovince_new_york +concept_city_westchester concept:cityliesonriver concept_river_hudson +concept_city_westerly concept:cityliesonriver concept_river_pawcatuck +concept_city_westerly concept:atlocation concept_stateorprovince_rhode_island +concept_city_westerville concept:subpartof concept_university_ohio +concept_city_westfield concept:proxyfor concept_stateorprovince_new_jersey +concept_city_westgarth concept:latitudelongitude -37.7833300000000,145.0000000000000 +concept_city_westlake concept:atlocation concept_stateorprovince_ohio +concept_city_westlake_village concept:citylocatedinstate concept_stateorprovince_california +concept_city_westland concept:proxyfor concept_creditunion_michigan +concept_city_westminster concept:cityliesonriver concept_river_thames +concept_city_westminster concept:atlocation concept_stateorprovince_california +concept_city_westminster concept:proxyfor concept_stateorprovince_california +concept_city_westminster concept:subpartof concept_stateorprovince_california +concept_city_westminster concept:atlocation concept_stateorprovince_colorado +concept_city_westminster concept:proxyfor concept_stateorprovince_colorado +concept_city_westminster concept:subpartof concept_stateorprovince_colorado +concept_city_westminster concept:atlocation concept_stateorprovince_maryland +concept_city_westminster concept:proxyfor concept_stateorprovince_maryland +concept_city_westmoreland concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_weston concept:citylocatedingeopoliticallocation concept_city_florida +concept_city_weston concept:proxyfor concept_stateorprovince_connecticut +concept_city_weston concept:citylocatedinstate concept_stateorprovince_florida +concept_city_westport concept:proxyfor concept_stateorprovince_connecticut +concept_city_westwego concept:locationlocatedwithinlocation concept_stateorprovince_louisiana +concept_city_westwood concept:atlocation concept_stateorprovince_california +concept_city_wetumpka concept:cityliesonriver concept_river_coosa +concept_city_wexford concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_weyers_cave concept:latitudelongitude 38.2868325000000,-78.9105325000000 +concept_city_whakatane concept:citylocatedincountry concept_country_new_zealand +concept_city_wharton concept:citylocatedinstate concept_stateorprovince_texas +concept_city_wharton concept:proxyfor concept_stateorprovince_texas +concept_city_whbq concept:agentcollaborateswithagent concept_mountain_fox +concept_city_wheat_ridge concept:atlocation concept_stateorprovince_colorado +concept_city_wheat_ridge concept:subpartof concept_stateorprovince_colorado +concept_city_wheatland concept:locationlocatedwithinlocation concept_stateorprovince_wyoming +concept_city_wheatland concept:proxyfor concept_stateorprovince_wyoming +concept_city_wheaton concept:atlocation concept_stateorprovince_illinois +concept_city_wheaton concept:proxyfor concept_stateorprovince_illinois +concept_city_wheeler concept:citylocatedinstate concept_stateorprovince_oregon +concept_city_wheeling concept:atlocation concept_stateorprovince_illinois +concept_city_wheeling concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_city_wheeling concept:proxyfor concept_stateorprovince_west_virginia +concept_city_whippany concept:proxyfor concept_radiostation_new_jersey +concept_city_whiskeytown concept:latitudelongitude 40.6273128571429,-122.5838300000000 +concept_city_whistler concept:cityliesonriver concept_river_columbia +concept_city_whitby concept:cityliesonriver concept_river_esk +concept_city_white_pigeon concept:citylocatedinstate concept_stateorprovince_michigan +concept_city_white_springs concept:cityliesonriver concept_river_suwannee +concept_city_whitehorse concept:proxyfor concept_geopoliticalorganization_yukon_territory +concept_city_whitehorse concept:cityliesonriver concept_river_yukon +concept_city_whitehorse concept:locationlocatedwithinlocation concept_stateorprovince_yukon +concept_city_whitehorse concept:proxyfor concept_stateorprovince_yukon +concept_city_whitesboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_whitesburg concept:proxyfor concept_stateorprovince_kentucky +concept_city_whitley_bay concept:cityliesonriver concept_river_tyne +concept_city_whittier concept:atlocation concept_stateorprovince_california +concept_city_whittier concept:mutualproxyfor concept_stateorprovince_california +concept_city_whittier concept:subpartof concept_stateorprovince_california +concept_city_wichita concept:cityliesonriver concept_river_little_arkansas +concept_city_wichita concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_city_wichita concept:citylocatedinstate concept_stateorprovince_ks +concept_city_wichita_falls concept:mutualproxyfor concept_city_texas +concept_city_wichita_falls concept:citylocatedingeopoliticallocation concept_geopoliticallocation_midwestern +concept_city_wichita_falls concept:proxyfor concept_stateorprovince_texas +concept_city_wichita_falls concept:subpartof concept_stateorprovince_texas +concept_city_wickenburg concept:atlocation concept_stateorprovince_arizona +concept_city_wickliffe concept:proxyfor concept_university_ohio +concept_city_wiesbaden concept:cityliesonriver concept_river_rhine +concept_city_wigan concept:organizationhiredperson concept_personaustralia_steve_bruce +concept_city_wildwood concept:atlocation concept_stateorprovince_new_jersey +concept_city_wildwood concept:proxyfor concept_stateorprovince_new_jersey +concept_city_wilhelmshaven concept:citylocatedincountry concept_country_germany +concept_city_wilkesboro concept:cityliesonriver concept_river_yadkin +concept_city_willemstad concept:locationlocatedwithinlocation concept_city_curacao +concept_city_willemstad concept:proxyfor concept_city_curacao +concept_city_willemstad concept:citycapitalofcountry concept_country_netherland_antilles +concept_city_willemstad concept:citylocatedincountry concept_country_netherland_antilles +concept_city_williams concept:cityliesonriver concept_attraction_grand +concept_city_williams concept:atlocation concept_stateorprovince_arizona +concept_city_williams_lake concept:cityliesonriver concept_river_columbia +concept_city_williamson concept:citylocatedinstate concept_stateorprovince_tennessee +concept_city_williamsport concept:cityliesonriver concept_river_potomac +concept_city_williamsport concept:cityliesonriver concept_river_susquehanna +concept_city_williamsport concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_city_williamsport concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_williamstown concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_williamstown concept:proxyfor concept_stateorprovince_newjersey +concept_city_willingboro concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_willingboro concept:proxyfor concept_stateorprovince_new_jersey +concept_city_willingboro concept:proxyfor concept_stateorprovince_newjersey +concept_city_williston concept:locationlocatedwithinlocation concept_stateorprovince_north_dakota +concept_city_williston concept:proxyfor concept_stateorprovince_north_dakota +concept_city_willmar concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_wilmington concept:cityliesonriver concept_river_cape_fear +concept_city_wilmington concept:cityliesonriver concept_river_cape_fear_river +concept_city_wilmington concept:cityliesonriver concept_skiarea_brandywine +concept_city_wilmington concept:citylocatedinstate concept_stateorprovince_delaware +concept_city_wilmington concept:atlocation concept_stateorprovince_north_carolina +concept_city_wilmington concept:atlocation concept_stateorprovince_ohio +concept_city_wilsonville concept:cityliesonriver concept_river_willamette +concept_city_wilsonville concept:atlocation concept_stateorprovince_oregon +concept_city_winchester concept:citylocatedincountry concept_country_england +concept_city_winchester concept:cityliesonriver concept_river_aberjona +concept_city_winchester concept:cityliesonriver concept_river_shenandoah +concept_city_winchester concept:atlocation concept_stateorprovince_kentucky +concept_city_winchester concept:atlocation concept_stateorprovince_virginia +concept_city_winchester concept:mutualproxyfor concept_stateorprovince_virginia +concept_city_winchester concept:subpartof concept_stateorprovince_virginia +concept_city_winder concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_city_winder concept:proxyfor concept_stateorprovince_georgia +concept_city_windham concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_windhoek concept:citycapitalofcountry concept_country_namibia +concept_city_windhoek concept:citylocatedincountry concept_country_namibia +concept_city_windhoek concept:atdate concept_dateliteral_n2002 +concept_city_windhoek concept:atdate concept_dateliteral_n2006 +concept_city_windsor concept:cityliesonriver concept_geopoliticallocation_avon +concept_city_windsor concept:cityliesonriver concept_river_cashie +concept_city_windsor concept:cityliesonriver concept_river_thames +concept_city_windsor concept:atlocation concept_stateorprovince_california +concept_city_windsor concept:citylocatedinstate concept_stateorprovince_vermont +concept_city_winfield concept:cityliesonriver concept_attraction_mississippi +concept_city_winnebago concept:citylocatedinstate concept_stateorprovince_wisconsin +concept_city_winnemucca concept:locationlocatedwithinlocation concept_stateorprovince_nevada +concept_city_winnipeg concept:cityliesonriver concept_attraction_grand +concept_city_winnipeg concept:mutualproxyfor concept_coach_glen_murray +concept_city_winnipeg concept:citylocatedincountry concept_country_canada_canada +concept_city_winnipeg concept:atdate concept_dateliteral_n2005 +concept_city_winnipeg concept:atdate concept_dateliteral_n2006 +concept_city_winnipeg concept:organizationhiredperson concept_politician_sam_katz +concept_city_winnipeg concept:cityliesonriver concept_river_assiniboine +concept_city_winona concept:cityliesonriver concept_attraction_mississippi +concept_city_winona concept:citylocatedinstate concept_stateorprovince_minnesota +concept_city_winona concept:proxyfor concept_stateorprovince_minnesota +concept_city_winslow concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_city_winston_salem concept:proxyfor concept_lake_new +concept_city_winston_salem concept:citylocatedinstate concept_stateorprovince_nc +concept_city_winston_salem concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_city_winston_salem concept:proxyfor concept_stateorprovince_north_carolina +concept_city_winston_salem concept:subpartof concept_stateorprovince_north_carolina +concept_city_winston_salem concept:proxyfor concept_stateorprovince_northcarolina +concept_city_winter_haven concept:atlocation concept_city_florida +concept_city_winter_haven concept:proxyfor concept_city_florida +concept_city_winter_haven concept:citylocatedinstate concept_stateorprovince_florida +concept_city_winter_park concept:proxyfor concept_city_florida +concept_city_winterport concept:cityliesonriver concept_river_penobscot +concept_city_winters concept:mutualproxyfor concept_beverage_new +concept_city_winters concept:proxyfor concept_politicaloffice_new +concept_city_wiscasset concept:cityliesonriver concept_river_sheepscot +concept_city_wisconsin_rapids concept:latitudelongitude 44.3868066666667,-89.8256341666666 +concept_city_woburn concept:locationlocatedwithinlocation concept_stateorprovince_massachusetts +concept_city_woburn concept:proxyfor concept_stateorprovince_massachusetts +concept_city_wood concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_wood_ridge concept:proxyfor concept_stateorprovince_new_jersey +concept_city_wood_ridge concept:proxyfor concept_stateorprovince_newjersey +concept_city_woodbine concept:proxyfor concept_radiostation_new_jersey +concept_city_woodbridge concept:mutualproxyfor concept_radiostation_new_jersey +concept_city_woodbridge concept:proxyfor concept_stateorprovince_new_jersey +concept_city_woodbridge concept:proxyfor concept_stateorprovince_newjersey +concept_city_woodbridge concept:atlocation concept_stateorprovince_virginia +concept_city_woodbridge concept:proxyfor concept_stateorprovince_virginia +concept_city_woodbridge concept:subpartof concept_stateorprovince_virginia +concept_city_woodbury concept:atlocation concept_stateorprovince_connecticut +concept_city_woodbury concept:citylocatedinstate concept_stateorprovince_iowa +concept_city_woodinville concept:atlocation concept_city_washington_d_c +concept_city_woodland concept:atlocation concept_stateorprovince_california +concept_city_woodland concept:mutualproxyfor concept_stateorprovince_california +concept_city_woodland concept:subpartof concept_stateorprovince_california +concept_city_woodland_hills concept:atlocation concept_stateorprovince_california +concept_city_woodland_hills concept:mutualproxyfor concept_stateorprovince_california +concept_city_woodland_hills concept:subpartof concept_stateorprovince_california +concept_city_woodstock concept:cityliesonriver concept_river_shenandoah +concept_city_woodstock concept:atlocation concept_stateorprovince_georgia +concept_city_woodstock concept:mutualproxyfor concept_stateorprovince_georgia +concept_city_woodstown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_woonsocket concept:locationlocatedwithinlocation concept_stateorprovince_rhode_island +concept_city_woonsocket concept:proxyfor concept_stateorprovince_rhode_island +concept_city_worcester concept:cityliesonriver concept_river_breede +concept_city_worcester concept:cityliesonriver concept_river_breede_river +concept_city_worcester concept:cityliesonriver concept_river_severn +concept_city_worcester concept:citylocatedinstate concept_stateorprovince_maryland +concept_city_worcester concept:atlocation concept_stateorprovince_massachusetts +concept_city_worcester concept:proxyfor concept_stateorprovince_massachusetts +concept_city_worcester concept:subpartof concept_stateorprovince_massachusetts +concept_city_workshops concept:mutualproxyfor concept_beverage_new +concept_city_workshops concept:atdate concept_date_n2003 +concept_city_workshops concept:atdate concept_date_n2009 +concept_city_workshops concept:atdate concept_dateliteral_n2002 +concept_city_workshops concept:atdate concept_dateliteral_n2006 +concept_city_workshops concept:atdate concept_dateliteral_n2007 +concept_city_workshops concept:atdate concept_dateliteral_n2008 +concept_city_workshops concept:proxyfor concept_politicaloffice_new +concept_city_worthington concept:atlocation concept_stateorprovince_minnesota +concept_city_worthington concept:atlocation concept_stateorprovince_ohio +concept_city_wrangell concept:cityliesonriver concept_river_stikine +concept_city_wroclaw concept:locationlocatedwithinlocation concept_country_poland +concept_city_wuchang concept:cityliesonriver concept_river_yangtze +concept_city_wuhan concept:cityliesonriver concept_river_yangtze +concept_city_wuhan concept:cityliesonriver concept_river_yangzi +concept_city_wuhu concept:cityliesonriver concept_river_yangtze +concept_city_wyandotte concept:citylocatedinstate concept_stateorprovince_kansas +concept_city_xavier concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_city_xiamen concept:citylocatedincountry concept_country_china +concept_city_yakima concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_city_yakima concept:proxyfor concept_city_washington_d_c +concept_city_yakima concept:subpartof concept_city_washington_d_c +concept_city_yakutsk concept:cityliesonriver concept_river_lena +concept_city_yamoussoukro concept:proxyfor concept_country_cote_d_ivoire +concept_city_yangon concept:synonymfor concept_book_rangoon +concept_city_yangon concept:proxyfor concept_country_myanmar_burma +concept_city_yangon concept:atdate concept_dateliteral_n2005 +concept_city_yangon concept:cityliesonriver concept_river_irrawaddy +concept_city_yangzhou concept:cityliesonriver concept_river_yangtze +concept_city_yankton concept:citylocatedinstate concept_stateorprovince_south_dakota +concept_city_yaound_ concept:citylocatedincountry concept_country_cameroon +concept_city_yarmouth concept:citylocatedinstate concept_stateorprovince_massachusetts +concept_city_yaroslavl concept:citylocatedincountry concept_country_russia +concept_city_yaroslavl concept:cityliesonriver concept_river_volga +concept_city_yazoo_city concept:proxyfor concept_emotion_mississippi +concept_city_yerevan concept:locationlocatedwithinlocation concept_country_armenia +concept_city_yerevan concept:proxyfor concept_ethnicgroup_armenia +concept_city_yerushalayim concept:citycapitalofcountry concept_country_israel +concept_city_yichang concept:cityliesonriver concept_river_yangtze +concept_city_yiwu concept:citylocatedincountry concept_country_china +concept_city_yokohama_station concept:latitudelongitude 35.4666700000000,139.6333300000000 +concept_city_yolo concept:citylocatedinstate concept_stateorprovince_california +concept_city_yongin concept:latitudelongitude 37.2692967857143,126.9528860714286 +concept_city_yonkers concept:proxyfor concept_company_new_york +concept_city_yonkers concept:proxyfor concept_magazine_newyork +concept_city_yonkers concept:cityliesonriver concept_river_hudson +concept_city_yonkers concept:atlocation concept_stateorprovince_new_york +concept_city_york concept:subpartof concept_academicfield_federal +concept_city_york concept:locationlocatedwithinlocation concept_aquarium_u__s_ +concept_city_york concept:mutualproxyfor concept_beverage_new +concept_city_york concept:proxyfor concept_book_north +concept_city_york concept:citylocatedingeopoliticallocation concept_city_columbia +concept_city_york concept:citylocatedingeopoliticallocation concept_city_state +concept_city_york concept:citylocatedingeopoliticallocation concept_city_u__s +concept_city_york concept:subpartof concept_company_new_york +concept_city_york concept:citylocatedincountry concept_country_u_s_ +concept_city_york concept:citylocatedingeopoliticallocation concept_country_united_states +concept_city_york concept:locationlocatedwithinlocation concept_country_united_states +concept_city_york concept:subpartof concept_country_united_states +concept_city_york concept:citylocatedingeopoliticallocation concept_country_us +concept_city_york concept:locationlocatedwithinlocation concept_country_us +concept_city_york concept:citylocatedingeopoliticallocation concept_geopoliticallocation_junior +concept_city_york concept:locationlocatedwithinlocation concept_governmentorganization_federal +concept_city_york concept:atlocation concept_hotel_north +concept_city_york concept:agentactsinlocation concept_lake_new +concept_city_york concept:atlocation concept_lake_new +concept_city_york concept:subpartof concept_musicalbum_us +concept_city_york concept:mutualproxyfor concept_person_ed_koch001 +concept_city_york concept:proxyfor concept_politicaloffice_new +concept_city_york concept:cityliesonriver concept_river_bronx +concept_city_york concept:cityliesonriver concept_river_columbia +concept_city_york concept:cityliesonriver concept_river_hudson_river +concept_city_york concept:cityliesonriver concept_river_lower_hudson +concept_city_york concept:cityliesonriver concept_river_mohawk +concept_city_york concept:cityliesonriver concept_river_mohawk_river +concept_city_york concept:cityliesonriver concept_river_neversink +concept_city_york concept:cityliesonriver concept_river_niagara +concept_city_york concept:cityliesonriver concept_river_state +concept_city_york concept:locationlocatedwithinlocation concept_river_state +concept_city_york concept:subpartof concept_river_state +concept_city_york concept:cityliesonriver concept_river_susquehanna +concept_city_york concept:cityliesonriver concept_river_upper_hudson +concept_city_york concept:proxyfor concept_room_east +concept_city_york concept:atlocation concept_skiarea_maine +concept_city_york concept:proxyfor concept_skiarea_maine +concept_city_york concept:cityliesonriver concept_skiarea_stony_brook +concept_city_york concept:citylocatedingeopoliticallocation concept_stateorprovince_new_jersey +concept_city_york concept:atlocation concept_stateorprovince_new_york +concept_city_york concept:atlocation concept_stateorprovince_pennsylvania +concept_city_york concept:proxyfor concept_stateorprovince_pennsylvania +concept_city_york concept:subpartof concept_stateorprovince_pennsylvania +concept_city_york concept:proxyfor concept_tableitem_old +concept_city_york concept:atlocation concept_website_east +concept_city_yorketown concept:proxyfor concept_stateorprovince_new_jersey +concept_city_yosemite_national_park concept:cityliesonriver concept_river_tuolumne +concept_city_youngstown concept:cityliesonriver concept_river_niagara +concept_city_youngstown concept:citylocatedinstate concept_stateorprovince_ohio +concept_city_youngstown concept:proxyfor concept_stateorprovince_ohio +concept_city_ypsilanti concept:atlocation concept_stateorprovince_michigan +concept_city_yreka concept:cityliesonriver concept_river_klamath +concept_city_yreka concept:atlocation concept_stateorprovince_california +concept_city_yreka concept:mutualproxyfor concept_stateorprovince_california +concept_city_yuba_city concept:atlocation concept_stateorprovince_california +concept_city_yuba_city concept:mutualproxyfor concept_stateorprovince_california +concept_city_yuba_city concept:subpartof concept_stateorprovince_california +concept_city_yucaipa concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_city_yucaipa concept:proxyfor concept_stateorprovince_california +concept_city_yukon concept:cityalsoknownas concept_city_columbia +concept_city_yukon concept:cityliesonriver concept_river_columbia +concept_city_yukon concept:cityliesonriver concept_river_yukon +concept_city_yukon concept:atlocation concept_stateorprovince_oklahoma +concept_city_yukon concept:proxyfor concept_stateorprovince_oklahoma +concept_city_yuma concept:cityliesonriver concept_river_gila +concept_city_yuma concept:citylocatedinstate concept_stateorprovince_arizona +concept_city_yuma concept:proxyfor concept_stateorprovince_arizona +concept_city_yuma concept:atlocation concept_stateorprovince_california +concept_city_zagreb concept:locationlocatedwithinlocation concept_country_croatia +concept_city_zagreb concept:proxyfor concept_country_croatia +concept_city_zagreb concept:subpartof concept_country_croatia +concept_city_zanesville concept:cityliesonriver concept_river_muskingum +concept_city_zanesville concept:atlocation concept_stateorprovince_ohio +concept_city_zanesville concept:proxyfor concept_university_ohio +concept_city_zaragoza concept:cityliesonriver concept_river_ebro +concept_city_zhengzhou concept:proxyfor concept_county_henan_province +concept_city_zhengzhou concept:cityliesonriver concept_river_yellow +concept_city_zouerate concept:citylocatedincountry concept_country_mauritania +concept_city_zurich concept:proxyfor concept_country_switzerland +concept_city_zurich concept:atdate concept_dateliteral_n2002 +concept_city_zurich concept:atdate concept_dateliteral_n2006 +concept_city_zurich concept:atdate concept_dateliteral_n2007 +concept_city_zurich concept:atdate concept_dateliteral_n2008 +concept_city_zurich concept:cityliesonriver concept_river_limmat +concept_clothing_accessories concept:clothingmadefromplant concept_plant_flower +concept_clothing_accessories concept:clothingmadefromplant concept_plant_leather +concept_clothing_ankle_boots concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_ankle_socks concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_apparel concept:clothingmadefromplant concept_plant_leather +concept_clothing_apparel concept:clothingmadefromplant concept_plant_quality +concept_clothing_apron concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_attire concept:latitudelongitude 36.0833300000000,37.9166700000000 +concept_clothing_attire concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_attire concept:clothingmadefromplant concept_plant_flower +concept_clothing_bag concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_bag concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_baggy_pants concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_baggy_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_bags concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_bandana concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bandanna concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_baseball_cap concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_baseball_cap concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_baseball_cap concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_baseball_caps concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_baseball_caps concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_baseball_hat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_basketball_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bathing_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_belt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_belt concept:objectfoundinscene concept_landscapefeatures_valley +concept_clothing_belt concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_belt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_belts concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_bermuda concept:proxyfor concept_book_new +concept_clothing_bermuda concept:atlocation concept_geopoliticallocation_hamilton +concept_clothing_bermuda_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bib_overalls concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bibs concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_boots concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_boots concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_cape concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_dress_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_dress_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_jacket concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_jacket concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_black_jacket concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_jeans concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_black_jeans concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_jeans concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_jeans concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_black_jeans concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_leather_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_leggings concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_pants concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_black_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_black_jeans +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_black_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_black_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_shoes concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_black_shoes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_shorts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_skirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_skirt concept:clothingtogowithclothing concept_clothing_white_blouse +concept_clothing_black_slacks concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_black_slacks concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_black_slacks concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_black_slacks concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_socks concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_socks concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_black_stockings concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_suit concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_black_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_sweater concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_black_sweater concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_t_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_t_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_black_t_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_tie concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_black_tie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_tights concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_black_tights concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_top concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_black_trousers concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_black_trousers concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_black_trousers concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_black_trousers concept:clothingtogowithclothing concept_clothing_top +concept_clothing_black_trousers concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_black_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_black_turtleneck concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_black_tuxedo concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_blazer concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_blazer concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blazers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_black_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_dress_pants +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_dress_slacks +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_knee_length_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_long_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_nice_dress +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_pleated_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_short_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_blouse concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_blouse concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_heels +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_jumpers +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_long_skirts +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_blouses concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_blue_blazer concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_button_down_shirt +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_flannel_shirt +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_t +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_top +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_blue_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blue_overalls concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blue_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_blue_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_blue_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_blue_shirts concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_blue_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blue_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_blue_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_blue_sweatshirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_blue_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bluejeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bodice concept:latitudelongitude 49.0589100000000,19.5752300000000 +concept_clothing_boot concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_bootie concept:latitudelongitude -11.8500000000000,143.3000000000000 +concept_clothing_booties concept:latitudelongitude 30.4915900000000,-92.1817900000000 +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_black_tights +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_breeches +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_cap +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_cape +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_cardigan +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_cowboy_hat +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_fishnet_stockings +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_fishnets +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_jewelry +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_miniskirt +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_robe +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_short_skirt +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_short_skirts +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_skinny_jeans +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_spandex +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_stockings +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_top +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_tunic +concept_clothing_boots concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_boots concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_boots concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bottom concept:clothingmadefromplant concept_plant_flower +concept_clothing_bottoms concept:clothingtogowithclothing concept_clothing_top +concept_clothing_bottoms concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_bow_tie concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_bow_tie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bowtie concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_bowtie concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_boxer_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_boxers concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_boxers concept:clothingtogowithclothing concept_clothing_top +concept_clothing_boxers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_boxes concept:clothingmadefromplant concept_plant_flower +concept_clothing_boys concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_boys concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_boys concept:clothingmadefromplant concept_plant_flower +concept_clothing_bracelet concept:clothingmadefromplant concept_plant_flower +concept_clothing_bracelets concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_braies concept:latitudelongitude 46.7129360000000,12.1344560000000 +concept_clothing_breeches concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_breeches concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_breeches concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bridal concept:clothingmadefromplant concept_plant_flower +concept_clothing_brown_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_brown_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_brown_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_bubble concept:proxyfor concept_book_new +concept_clothing_business concept:clothingmadefromplant concept_plant_flower +concept_clothing_business_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_business_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_button_down concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_button_down concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_button_down_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_button_down_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_button_down_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_button_down_shirts concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_button_up_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_button_up_shirt concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_cambric concept:latitudelongitude 35.8509600000000,-81.8970500000000 +concept_clothing_camouflage_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_candles concept:clothingmadefromplant concept_plant_flower +concept_clothing_canvas_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cap concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_cap concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_cap concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_cap concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_cap concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_cap concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_cap concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cape concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_cape concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_capelet concept:latitudelongitude 44.0795100000000,7.4268400000000 +concept_clothing_capes concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_capris concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_capris concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_capris concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_capris concept:clothingtogowithclothing concept_clothing_top +concept_clothing_capris concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_caps concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cardigan concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_cardigan concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_cardigan concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_cardigan concept:clothingtogowithclothing concept_clothing_top +concept_clothing_cardigan concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cardigans concept:clothingtogowithclothing concept_clothing_jumpers +concept_clothing_cardigans concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cargo_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cargo_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cargo_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_casual_clothing concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_casual_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_casual_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_champion_international concept:latitudelongitude 30.8621300000000,-87.4008100000000 +concept_clothing_chiffon concept:latitudelongitude 47.9222933333333,-73.5824633333333 +concept_clothing_chinos concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_chinos concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cloak concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_jewelry +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_clothes concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_clothes concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_clothes concept:clothingmadefromplant concept_plant_moss +concept_clothing_clothes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_coats concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_cocktail_dress concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_collared_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_collared_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_collared_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_collared_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_collared_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_collared_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_collared_shirts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_collared_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_collection concept:clothingmadefromplant concept_plant_flower +concept_clothing_collections concept:clothingmadefromplant concept_plant_flower +concept_clothing_colored_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_combat_boots concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_comfortable_clothing concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_comfortable_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cords concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_corduroy_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_costume concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_costumes concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_cotton_clothes concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_cotton_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cotton_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_cotton_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_cotton_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cotton_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_cotton_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_coveralls concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_coveralls concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_coveralls concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cowboy_boots concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_cowboy_boots concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_cowboy_boots concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_cowboy_boots concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cowboy_hat concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_cowboy_hat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cravat concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_crisp_white_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_cummerbund concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_custom concept:clothingmadefromplant concept_plant_flower +concept_clothing_cut_offs concept:clothingtogowithclothing concept_clothing_top +concept_clothing_cutoff_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_cutoffs concept:clothingtogowithclothing concept_clothing_top +concept_clothing_cutoffs concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dark_blue_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dark_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dark_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_dark_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dark_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_dark_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_dark_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_defendants concept:proxyfor concept_book_new +concept_clothing_denim concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_denim_jeans concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_denim_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_denim_overalls concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_denim_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_denim_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_denim_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_denim_shorts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_denim_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_denims concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_denims concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dept concept:proxyfor concept_book_new +concept_clothing_designer_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dinner_jacket concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_dirndl concept:latitudelongitude 47.5166633333333,13.6555566666667 +concept_clothing_display concept:clothingmadefromplant concept_plant_flower +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_apron +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_footwear +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_head_scarf +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_headscarf +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_opaque_tights +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_pumps +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_skinny_jeans +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_top +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_dress concept:clothingtogowithclothing concept_clothing_walkers +concept_clothing_dress concept:clothingmadefromplant concept_plant_flower +concept_clothing_dress concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_dress concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dress_pants concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_dress_pants concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_dress_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dress_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_dress_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_dress_pants +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_dress_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dress_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dress_shirts concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_dress_shirts concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_dress_shoes concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_dress_shoes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dress_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dress_slacks concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_dress_slacks concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dress_slacks concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_dresses concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_dresses concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_dresses concept:clothingmadefromplant concept_plant_flower +concept_clothing_dresses concept:clothingmadefromplant concept_plant_moss +concept_clothing_dungarees concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_dungarees concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_earrings concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_earrings concept:clothingmadefromplant concept_plant_flower +concept_clothing_fedora concept:synonymfor concept_company_redhat +concept_clothing_fedora concept:synonymfor concept_tableitem_usb +concept_clothing_fishnet_stockings concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_fishnets concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_fitting_clothing concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_flannel concept:latitudelongitude 45.0401200000000,-122.1525800000000 +concept_clothing_flannel concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_flannel_shirt concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_flannel_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_flannel_shirt concept:clothingtogowithclothing concept_clothing_overalls +concept_clothing_flannel_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_flannel_shirts concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_flats concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_flats concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_flip_flops concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_flower_girl_dresses concept:clothingmadefromplant concept_plant_flower +concept_clothing_formal_dresses concept:clothingmadefromplant concept_plant_flower +concept_clothing_frock_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_fur_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_garments concept:clothingmadefromplant concept_plant_quality +concept_clothing_gift concept:clothingmadefromplant concept_plant_flower +concept_clothing_gift concept:clothingmadefromplant concept_plant_stock +concept_clothing_gifts concept:clothingmadefromplant concept_plant_flower +concept_clothing_gifts concept:clothingmadefromplant concept_plant_quality +concept_clothing_gifts concept:clothingmadefromplant concept_plant_stock +concept_clothing_glasses concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_glasses concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_glasses concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_glasses concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_glasses concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_glasses concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_heavy_coats +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_scarf +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_scarves +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_top +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_warm_clothing +concept_clothing_gloves concept:clothingtogowithclothing concept_clothing_warm_coat +concept_clothing_gloves concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_gloves concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_gloves concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_golf_shirt concept:clothingtogowithclothing concept_clothing_khaki_shorts +concept_clothing_golf_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_golf_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_golf_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_golf_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_golf_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_gown concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_gown concept:clothingmadefromplant concept_plant_flower +concept_clothing_gowns concept:clothingmadefromplant concept_plant_flower +concept_clothing_gray_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_gray_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_green_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_green_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_green_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_grey_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_grey_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_gym_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_gym_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_apron +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_boots +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_cape +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_jacket +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_black_tie +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_bow_tie +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_brown_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_business_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_cape +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_cardigan +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_cloak +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_cotton_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_coveralls +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_cowboy_boots +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_dark_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_frock_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_fur_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_glasses +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_leather_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_leather_jacket +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_leather_shoes +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_leather_vest +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_linen_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_long_black_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_long_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_long_sleeve_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_mask +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_mittens +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_neck +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_overalls +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_overcoat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_pinstripe_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_protective_clothing +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_pull +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_raincoat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_red_tie +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_robe +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_scarf +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_scarves +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sleeve_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_spectacles +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_stockings +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sun_glasses +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_suspenders +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_three_piece_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_trench_coat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_trenchcoat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_tuxedo +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_underwear +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_uniform +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_waistcoat +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_white_dress +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_white_suit +concept_clothing_hat concept:clothingtogowithclothing concept_clothing_wig +concept_clothing_hat concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_hat concept:clothingmadefromplant concept_plant_flower +concept_clothing_hat concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_hat concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_hat concept:clothingtogowithclothing concept_visualizableobject_jersey +concept_clothing_hat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_belts +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_capes +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_overcoats +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_trench_coats +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_hats concept:clothingtogowithclothing concept_clothing_uniforms +concept_clothing_hats concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_headbands concept:clothingmadefromplant concept_plant_flower +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_heels concept:clothingtogowithclothing concept_clothing_top +concept_clothing_heels concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_high_heels concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_hood concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_hoodie concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_hoodie concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_hoodie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_hoodies concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_hoodies concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_hot_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_hotpants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_invitations concept:clothingmadefromplant concept_plant_flower +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_baseball_cap +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_black_trousers +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_cap +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_denim_jeans +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_glasses +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_khakis +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_overalls +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_plaid_shirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_top +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_jacket concept:clothingtogowithclothing concept_clothing_work_boots +concept_clothing_jacket concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_jacket concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_sweatshirts +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_jackets concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_jackets concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_jean_shorts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jean_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_baseball_cap +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_black_jacket +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_black_sweater +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_black_t_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_black_top +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_blue_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_blue_sweatshirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_button_down_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_button_up_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_cocktail_dress +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_collared_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_cotton_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_cowboy_boots +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_denim_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_flannel_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_flannel_shirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_flats +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_heels +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_hoodie +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_hoodies +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_leather_jacket +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_long_sleeved_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_neck +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_plaid_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_red_t_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_short_sleeved_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_striped_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweat_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweats +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_sweatshirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_t +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tank +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tank_top +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tank_tops +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tee_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tees +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_top +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_turtleneck +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_undershirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_wear +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_white_t_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_white_tank +concept_clothing_jeans concept:clothingtogowithclothing concept_clothing_work_shirt +concept_clothing_jeans concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_jerkins concept:latitudelongitude 28.0096000000000,-82.2468000000000 +concept_clothing_jerseys concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_jerseys concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_jerseys concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_jerseys concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_jewelry concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_jewelry concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_jewelry concept:clothingmadefromplant concept_plant_flower +concept_clothing_jogging_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_blue_shirt +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_jumper concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_jumper concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_jumpers concept:clothingtogowithclothing concept_clothing_cardigans +concept_clothing_jumpers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_jumpers concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_jumpers concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_khaki_pants concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_khaki_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_khaki_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_khaki_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_khaki_shorts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_khaki_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_khaki_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_khakis concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_khakis concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_khakis concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_khakis concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_knickers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_leather_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_leather_jacket concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_leather_jacket concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_leather_jacket concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_leather_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_leather_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_leather_pants concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_leather_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_leather_shoe concept:latitudelongitude 50.7333900000000,-56.0981000000000 +concept_clothing_leather_shoes concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_leather_shoes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_leather_vest concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_top +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_leggings concept:clothingtogowithclothing concept_clothing_tunic +concept_clothing_leggings concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_light_jacket concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_light_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_light_sweater concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_linen_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_linen_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_lining concept:subpartof concept_website_blood +concept_clothing_llp concept:atdate concept_dayofweek_monday +concept_clothing_loafers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_locale concept:proxyfor concept_book_new +concept_clothing_long_black_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_long_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_long_johns concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_long_pants concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_long_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_long_shorts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_skirt concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_long_skirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_skirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_long_skirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_long_skirts concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_long_skirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_long_sleeve concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_long_sleeve concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_long_sleeve_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_long_sleeve_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_sleeve_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_long_sleeve_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_long_sleeved_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_long_sleeved_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_sleeved_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_long_sleeved_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_long_sleeves concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_long_trousers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_long_trousers concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_long_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_lunch concept:atdate concept_date_n2003 +concept_clothing_lunch concept:atdate concept_dateliteral_n2008 +concept_clothing_mask concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_mask concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_matters concept:subpartof concept_weatherphenomenon_water +concept_clothing_mini_skirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_miniskirt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_mittens concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_mittens concept:clothingtogowithclothing concept_clothing_scarf +concept_clothing_musical concept:clothingtogowithclothing concept_clothing_costumes +concept_clothing_n21 concept:proxyfor concept_book_new +concept_clothing_n3_medium concept:latitudelongitude 35.1408800000000,-106.6541900000000 +concept_clothing_navy_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_navy_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_neck concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_neck concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_necklace concept:clothingmadefromplant concept_plant_flower +concept_clothing_necktie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_neckties concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_nice_dress concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_nice_dress concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_nylons concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_outfits concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_outfits concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_outfits concept:clothingmadefromplant concept_plant_flower +concept_clothing_outfits concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_overalls concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_overalls concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_overalls concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_overalls concept:clothingtogowithclothing concept_clothing_straw_hat +concept_clothing_overalls concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_overcoat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_overcoats concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_pajama_bottoms concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pajama_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_pajama_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pajamas concept:clothingtogowithclothing concept_clothing_robe +concept_clothing_pajamas concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_panites concept:latitudelongitude 56.4833300000000,22.7500000000000 +concept_clothing_panjabi concept:latitudelongitude 25.6819450000000,68.8444475000000 +concept_clothing_pant concept:clothingtogowithclothing concept_clothing_top +concept_clothing_pant concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pantaloons concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_panties concept:clothingtogowithclothing concept_clothing_top +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_boots +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_dress_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_jacket +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_t_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_black_turtleneck +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_blue_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_blue_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_brown_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_button_down_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_cardigan +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_collared_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_collared_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_cotton_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_denim_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_dress_shoes +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_flannel_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_golf_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_green_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_heels +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_hood +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_hoodie +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_jerseys +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_leather_jacket +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_light_jacket +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_shorts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_skirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_sleeve_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_sleeved_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_sleeved_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_long_tunic +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_nice_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_pink_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_plaid_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_polo_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_pullover +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_purple_top +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_silk_blouse +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sleeve_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sleeved_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sleeved_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sport_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sports_bra +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sports_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_striped_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_suit_jacket +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sweat_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_sweatshirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tank +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tank_top +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tank_tops +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tee_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_teeshirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tunic +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_tunics +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_turtle_neck +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_turtleneck +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_turtleneck_sweater +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_type_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_undershirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_underwear +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_vests +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_white_blouse +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_white_dress_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_white_t_shirt +concept_clothing_pants concept:clothingtogowithclothing concept_clothing_windbreaker +concept_clothing_pants concept:clothingtogowithclothing concept_visualizableobject_arms +concept_clothing_pants concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_pants concept:clothingtogowithclothing concept_visualizableobject_jersey +concept_clothing_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pants_skirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pencil_skirt concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_pencil_skirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_peplos concept:latitudelongitude 40.9583300000000,26.2655600000000 +concept_clothing_pillow concept:clothingmadefromplant concept_plant_flower +concept_clothing_pillows concept:clothingmadefromplant concept_plant_flower +concept_clothing_pink_dress concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_pink_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_pinstripe_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_plaid_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_plaid_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_plaid_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_plants concept:clothingmadefromplant concept_plant_flower +concept_clothing_pleated_skirt concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_polo_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_polo_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_polo_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_polo_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_polos concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_polyester_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_positions concept:proxyfor concept_book_new +concept_clothing_positions concept:atdate concept_date_n2000 +concept_clothing_positions concept:atdate concept_date_n2001 +concept_clothing_positions concept:atdate concept_date_n2003 +concept_clothing_positions concept:atdate concept_date_n2004 +concept_clothing_positions concept:atdate concept_date_n2009 +concept_clothing_positions concept:atdate concept_dateliteral_n2002 +concept_clothing_positions concept:atdate concept_dateliteral_n2005 +concept_clothing_positions concept:atdate concept_dateliteral_n2006 +concept_clothing_positions concept:atdate concept_dateliteral_n2007 +concept_clothing_positions concept:atdate concept_dateliteral_n2008 +concept_clothing_positions concept:atdate concept_year_n1997 +concept_clothing_products concept:clothingmadefromplant concept_plant_flower +concept_clothing_protective_clothing concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_pullover concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_pullovers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_pumps concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_purple_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_pyjama_bottoms concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_quilt concept:atdate concept_dateliteral_n2006 +concept_clothing_rain_gear concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_raincoat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_raincoat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_rebels concept:atdate concept_date_n2003 +concept_clothing_rebels concept:atdate concept_date_n2004 +concept_clothing_red_blouse concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_red_hat concept:clothingtogowithclothing concept_clothing_scarf +concept_clothing_red_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_red_t_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_red_tie concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_red_tie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_reebok concept:subpartof concept_musicalbum_adidas +concept_clothing_releases concept:atdate concept_dateliteral_n2007 +concept_clothing_releases concept:atdate concept_dateliteral_n2008 +concept_clothing_retailer concept:atdate concept_dateliteral_n2005 +concept_clothing_ring concept:clothingmadefromplant concept_plant_flower +concept_clothing_robe concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_robe concept:itemfoundinroom concept_room_master +concept_clothing_robe concept:itemfoundinroom concept_visualizablescene_bedroom +concept_clothing_robe concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_clothing_robe concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_clothing_robes concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_robes concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_robes concept:itemfoundinroom concept_room_master +concept_clothing_robes concept:itemfoundinroom concept_visualizablething_bedrooms +concept_clothing_rugby_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_safety_glasses concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sale concept:clothingmadefromplant concept_plant_flower +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_sandals concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_sandals concept:clothingmadefromplant concept_plant_plants +concept_clothing_sandals concept:clothingmadefromplant concept_plant_reeds +concept_clothing_sandals concept:clothingmadefromplant concept_plant_sagebrush +concept_clothing_sandals concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sarongs concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_scarf concept:clothingtogowithclothing concept_clothing_black_coat +concept_clothing_scarf concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_scarf concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_scarf concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_scarf concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_scarf concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_scarves concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_scarves concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_shawls concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_shies concept:latitudelongitude 61.8913900000000,49.0780600000000 +concept_clothing_shirt_underneath concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_bags +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_baseball_caps +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_black_slacks +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_blazers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_boys +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_button_down +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_capris +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_caps +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_cardigans +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_cargo_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_chinos +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_cotton_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_coveralls +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_cowboy_boots +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_denim +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dress_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dress_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dress_slacks +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_dungarees +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_flannel +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_glasses +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_golf_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_hoodies +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_jumpers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_khaki_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_khaki_shorts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_khakis +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_skirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_sleeve +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_sleeve_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_long_trousers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_neckties +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_overalls +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_polo_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_polos +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_pullovers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_robes +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_rugby_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sarongs +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_scarves +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_short_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_short_shorts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_short_skirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_short_sleeve +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_short_sleeves +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sleeve_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_slippers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweat_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweats +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_sweatshirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tank_tops +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tee_shirts +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tees +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tight_jeans +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_trainers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_turtlenecks +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_underwear +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_vests +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_white_pants +concept_clothing_shirts concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_shirts concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_shirts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_ankle_socks +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_jeans +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_shorts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_socks +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_stockings +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_suit +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_tights +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_black_trousers +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_casual_clothing +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_comfortable_clothing +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_dark_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_dress_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_gown +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jean_shorts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_jumpers +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_khaki_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_long_trousers +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_nylons +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_outfits +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_pink_dress +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_rain_gear +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_safety_glasses +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sleeve_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sleeved_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_stockings +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sunglasses +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_top +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_tuxedo +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_uniform +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_white_gloves +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_white_pants +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_white_socks +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_white_t_shirt +concept_clothing_shoes concept:clothingtogowithclothing concept_clothing_work_clothes +concept_clothing_shoes concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_shoes concept:clothingmadefromplant concept_plant_flower +concept_clothing_shoes concept:clothingmadefromplant concept_plant_reeds +concept_clothing_shoes concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_shoes concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_shoes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_short_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_short_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_short_shorts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_short_shorts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_short_shorts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_short_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_short_skirt concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_short_skirt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_short_skirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_short_skirts concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_short_skirts concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_short_skirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_short_skirts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_short_sleeve concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_short_sleeve concept:clothingtogowithclothing concept_clothing_top +concept_clothing_short_sleeve concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_short_sleeve_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_short_sleeve_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_short_sleeves concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_black_socks +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_clothes +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_collared_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_collared_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_cotton_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_cotton_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_golf_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_golf_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_green_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_polo_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_purple_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_short_sleeve_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_singlet +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_sleeveless_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_sleeveless_top +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tank +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tank_top +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tank_tops +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tech_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tee_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_tshirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_polo_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_t_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_tee_shirt +concept_clothing_shorts concept:clothingtogowithclothing concept_clothing_white_top +concept_clothing_shorts concept:clothingtogowithclothing concept_visualizableobject_jersey +concept_clothing_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_silk_tie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_singlet concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_skinnies concept:latitudelongitude 46.3491100000000,-87.8693000000000 +concept_clothing_skinny_jeans concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_skinny_jeans concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_skinny_jeans concept:clothingtogowithclothing concept_clothing_top +concept_clothing_skinny_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_cardigan +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_heels +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_red_blouse +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_tank_top +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_white_blouse +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_skirt concept:clothingtogowithclothing concept_clothing_white_top +concept_clothing_skirt concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_skirt concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_skirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_boys +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_capris +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_white_blouses +concept_clothing_skirts concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_skirts concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_skirts concept:clothingmadefromplant concept_plant_palm_trees +concept_clothing_skirts concept:clothingmadefromplant concept_vegetable_grass +concept_clothing_skirts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_button_down_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_button_down_shirts +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_collared_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_dress_shirts +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_nice_dress +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_sports_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_top +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_slacks concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_slacks concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sleeve concept:clothingtogowithclothing concept_clothing_jerseys +concept_clothing_sleeve concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sleeve concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sleeve concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_sleeve concept:clothingtogowithclothing concept_clothing_tees +concept_clothing_sleeve concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sleeve_garters concept:clothingtogowithclothing concept_clothing_bowtie +concept_clothing_sleeve_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sleeve_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sleeve_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sleeved_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sleeved_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sleeved_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sleeveless_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_sleeveless_top concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_top +concept_clothing_sleeves concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_slippers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_slippers concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_sneakers concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sneakers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_black_shoes +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_blue_shirts +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_sandals +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_short_pants +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_slippers +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_striped_shirts +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_stripes +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_underwear +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_socks concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_socks concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_socks concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_spandex concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_spectacles concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sport_coat concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sport_coat concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_sport_coat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sports_bra concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sports_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_starched_white_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_stockings concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_stockings concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_stockings concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_stockings concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_store concept:clothingmadefromplant concept_plant_flower +concept_clothing_straw_hat concept:clothingtogowithclothing concept_clothing_overalls +concept_clothing_straw_hat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_striped_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_striped_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_striped_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_striped_shirts concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_stripes concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_button_up_shirt +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_glasses +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_suit concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_suit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_suit_jacket concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_suits concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_suits concept:clothingmadefromplant concept_plant_flower +concept_clothing_sun_glasses concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sunglasses concept:clothingtogowithclothing concept_clothing_top +concept_clothing_sunglasses concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_suspenders concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_suspenders concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_suspenders concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_sweat_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweat_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweat_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sweat_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweat_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_beret +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_black_slacks +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_glasses +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_sport_coat +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_sweater concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_sweater concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweater_vest concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_sweaters concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_sweatpants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweatpants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_sweatpants concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_clothing_sweatpants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sweatpants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_sweatpants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweats concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweats concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweats concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sweats concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_sweatshirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_sweatshirts concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_sweatshirts concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_sweatshirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_sweatshirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_sweatshirts concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_swimsuit concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_black_jeans +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_boxers +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_khakis +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sneakers +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_sweats +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_tight_jeans +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_top +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_tracksuit_bottoms +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_workout_pants +concept_clothing_t_shirt concept:clothingtogowithclothing concept_clothing_yoga_pants +concept_clothing_t_shirt concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_t_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_long_sleeve +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_sweaters +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_sweatshirts +concept_clothing_t_shirts concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_t_shirts concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_t_shirts concept:clothingmadefromplant concept_plant_flower +concept_clothing_t_shirts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tan_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tank concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tank concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tank concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tank concept:clothingtogowithclothing concept_clothing_top +concept_clothing_tank concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tank_top concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_tank_top concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tank_top concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tank_top concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tank_top concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_tank_top concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tank_tops concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tank_tops concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tank_tops concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tank_tops concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tank_tops concept:clothingmadefromplant concept_plant_flower +concept_clothing_tech_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_tee concept:clothingtogowithclothing concept_clothing_top +concept_clothing_tee concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tee_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tee_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tee_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tee_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tee_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tees concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tees concept:clothingtogowithclothing concept_clothing_sleeve +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_tennis_shoes concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_three_piece_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_black_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_black_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_black_tuxedo +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_blue_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_blue_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_business_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_button_down_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_collared_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_crisp_white_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_cummerbund +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_dark_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_dinner_jacket +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_gray_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_grey_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_sport_coat +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_starched_white_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_tux +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_tuxedo +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_tuxedo_jacket +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_tuxedo_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_dress_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_suit +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_tuxedo +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_tuxedo_shirt +concept_clothing_tie concept:clothingtogowithclothing concept_clothing_white_vest +concept_clothing_tie concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_tie concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_dress_shirts +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_tuxedo +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_tuxedos +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_tuxes +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_uniforms +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_vests +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_white_coats +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_white_jackets +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_ties concept:clothingtogowithclothing concept_clothing_white_tuxedo_shirts +concept_clothing_tight_jeans concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tight_jeans concept:clothingtogowithclothing concept_clothing_top +concept_clothing_tight_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_ankle_boots +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_flats +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_leotard +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_tights concept:clothingtogowithclothing concept_clothing_top +concept_clothing_tights concept:clothingtogowithclothing concept_visualizableobject_jersey +concept_clothing_tights concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tips concept:clothingmadefromplant concept_plant_flower +concept_clothing_top concept:clothingtogowithclothing concept_clothing_baggy_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_jeans +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_leggings +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_shorts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_skirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_black_trousers +concept_clothing_top concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_clothing_top concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_top concept:clothingtogowithclothing concept_clothing_bottoms +concept_clothing_top concept:clothingtogowithclothing concept_clothing_boxers +concept_clothing_top concept:clothingtogowithclothing concept_clothing_capris +concept_clothing_top concept:clothingtogowithclothing concept_clothing_cardigan +concept_clothing_top concept:clothingtogowithclothing concept_clothing_cut_offs +concept_clothing_top concept:clothingtogowithclothing concept_clothing_cutoffs +concept_clothing_top concept:clothingtogowithclothing concept_clothing_denim_shorts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_top concept:clothingtogowithclothing concept_clothing_gloves +concept_clothing_top concept:clothingtogowithclothing concept_clothing_heels +concept_clothing_top concept:clothingtogowithclothing concept_clothing_hot_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_hotpants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_top concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_top concept:clothingtogowithclothing concept_clothing_leather_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_top concept:clothingtogowithclothing concept_clothing_long_skirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_mini_skirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_pajama_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_pant +concept_clothing_top concept:clothingtogowithclothing concept_clothing_panties +concept_clothing_top concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_top concept:clothingtogowithclothing concept_clothing_short_shorts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_short_skirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_short_sleeve +concept_clothing_top concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_skinny_jeans +concept_clothing_top concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_top concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_sweatpants +concept_clothing_top concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_top concept:clothingtogowithclothing concept_clothing_tee +concept_clothing_top concept:clothingtogowithclothing concept_clothing_tight_jeans +concept_clothing_top concept:clothingtogowithclothing concept_clothing_tights +concept_clothing_top concept:clothingtogowithclothing concept_clothing_tracksuit_bottoms +concept_clothing_top concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_top concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_top concept:clothingtogowithclothing concept_clothing_white_shorts +concept_clothing_top concept:clothingtogowithclothing concept_clothing_yoga_pants +concept_clothing_top concept:clothingmadefromplant concept_food_rose +concept_clothing_top concept:clothingmadefromplant concept_plant_flower +concept_clothing_top concept:clothingmadefromplant concept_plant_lotus +concept_clothing_top concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_bottoms +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_long_pants +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_short_shorts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_short_skirts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_t_shirts +concept_clothing_tops concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_torn_jeans concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_track_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tracksuit_bottoms concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_tracksuit_bottoms concept:clothingtogowithclothing concept_clothing_top +concept_clothing_trainers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_trench_coat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_trench_coats concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_trenchcoat concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_belt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_blazer +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_blouses +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_blue_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_cap +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_coats +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_cotton_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_dresses +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_long_sleeves +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_sleeves +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_suits +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_sweater +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_top +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_tops +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_tunic +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_tunics +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_undershirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_waistcoat +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_white_jacket +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_white_shirts +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_white_t_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_clothing_work_shirt +concept_clothing_trousers concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tshirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tunic concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_tunic concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_tunic concept:clothingtogowithclothing concept_clothing_leggings +concept_clothing_tunic concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tunic concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_tunics concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_tunics concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_turtleneck concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_turtleneck concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_turtleneck concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_turtleneck concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_turtleneck_sweater concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_turtlenecks concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_tux concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_tuxedo concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_tuxedo concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_tuxedo concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_tuxedo_jacket concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_tuxedo_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_tuxedos concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_tuxedos concept:clothingmadefromplant concept_plant_flower +concept_clothing_tuxes concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_tweeds concept:latitudelongitude 36.5672000000000,-113.7024600000000 +concept_clothing_type_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_undershirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_underwear concept:clothingtogowithclothing concept_clothing_dress +concept_clothing_underwear concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_underwear concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_underwear concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_underwear concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_underwear concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_underwear concept:clothingmadefromplant concept_plant_trees +concept_clothing_underwear concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_uniform concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_uniform concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_uniforms concept:clothingtogowithclothing concept_clothing_hats +concept_clothing_upgrades concept:subpartof concept_weatherphenomenon_air +concept_clothing_upgrades concept:subpartof concept_weatherphenomenon_water +concept_clothing_v_neck_sweater concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_blouse +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_boots +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_top +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_turtleneck +concept_clothing_vest concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_vest concept:clothingtogowithclothing concept_visualizableobject_coat +concept_clothing_vest concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_vests concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_vests concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_vests concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_waistcoat concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_waistcoat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_warm_clothing concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_watch concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_wear concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_wear concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_wear concept:clothingmadefromplant concept_plant_bamboo +concept_clothing_wedding concept:clothingmadefromplant concept_plant_beautiful_flower +concept_clothing_wedding concept:clothingmadefromplant concept_plant_flower +concept_clothing_wedding concept:clothingmadefromplant concept_plant_little_flower +concept_clothing_wedding concept:clothingmadefromplant concept_plant_silk_flower +concept_clothing_wedding_dresses concept:clothingmadefromplant concept_plant_flower +concept_clothing_weddings concept:clothingmadefromplant concept_plant_flower +concept_clothing_white concept:subpartof concept_chemical_staff +concept_clothing_white concept:subpartof concept_clothing_dept +concept_clothing_white concept:subpartof concept_room_house +concept_clothing_white concept:subpartof concept_street_congress +concept_clothing_white_blouse concept:clothingtogowithclothing concept_clothing_black_skirt +concept_clothing_white_blouse concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_white_blouse concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_white_blouses concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_white_dress concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_white_dress_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_white_dress_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_gloves concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_white_jacket concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_white_pants concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_white_pants concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_white_pants concept:clothingtogowithclothing concept_clothing_white_shirt +concept_clothing_white_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_white_polo_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_robe concept:latitudelongitude 29.4346800000000,-98.3866800000000 +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_black_pants +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_black_slacks +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_jumper +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_suit +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_white_shirt concept:clothingtogowithclothing concept_clothing_vest +concept_clothing_white_shirt concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_jackets +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_shirts +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_skirts +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_slacks +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_socks +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_ties +concept_clothing_white_shirts concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_white_shorts concept:clothingtogowithclothing concept_clothing_top +concept_clothing_white_shorts concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_white_socks concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_white_socks concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_white_suit concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_white_suit concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_t_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_white_tank concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_white_tee_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_top concept:clothingtogowithclothing concept_clothing_shorts +concept_clothing_white_top concept:clothingtogowithclothing concept_clothing_skirt +concept_clothing_white_trousers concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_white_tuxedo concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_tuxedo_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_white_vest concept:clothingtogowithclothing concept_clothing_tie +concept_clothing_wig concept:clothingtogowithclothing concept_clothing_hat +concept_clothing_windbreaker concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_windbreaker concept:clothingtogowithclothing concept_clothing_pants +concept_clothing_windbreaker concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_wool_sweater concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_work_boots concept:clothingtogowithclothing concept_clothing_jacket +concept_clothing_work_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_clothing_work_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_clothing_work_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_clothing_workout_pants concept:clothingtogowithclothing concept_clothing_t_shirt +concept_clothing_yoga_pants concept:clothingtogowithclothing concept_clothing_top +concept_clothing_yoga_pants concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_coach_a_j__burnett concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_a_j__burnett concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_a_j__burnett concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_coach_a_j__burnett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_a_j__hawk concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_a_j__hawk concept:athleteplayssport concept_sport_baseball +concept_coach_a_j__hawk concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_a_j__hawk concept:athleteplaysforteam concept_sportsteam_white_sox +concept_coach_a_j__hawk concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_aaron_boone concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_aaron_harang concept:athleteplayssport concept_sport_baseball +concept_coach_aaron_harang concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_aaron_harang concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_coach_aaron_harang concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_aaron_harang concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_adam_laroche concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_adam_laroche concept:athleteplayssport concept_sport_baseball +concept_coach_adam_laroche concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_adam_laroche concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_coach_adam_laroche concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_adolph_rupp concept:worksfor concept_university_kentucky +concept_coach_adrian_peterson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_adrian_peterson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_adrian_peterson concept:personbelongstoorganization concept_sportsleague_nfl +concept_coach_al_arbour concept:coachesinleague concept_sportsleague_nhl +concept_coach_al_arbour concept:coachesteam concept_sportsteam_leafs +concept_coach_al_arbour concept:worksfor concept_sportsteam_leafs +concept_coach_al_arbour concept:worksfor concept_sportsteam_san_jose_sharks +concept_coach_al_harrington concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_al_harrington concept:coachesinleague concept_sportsleague_nba +concept_coach_al_harrington concept:athleteledsportsteam concept_sportsteam_hawks +concept_coach_al_harrington concept:athleteplaysforteam concept_sportsteam_knicks +concept_coach_al_jefferson concept:athleteplayssport concept_sport_basketball +concept_coach_al_jefferson concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_al_jefferson concept:coachesinleague concept_sportsleague_nba +concept_coach_al_jefferson concept:athleteplaysforteam concept_sportsteam_pistons +concept_coach_al_jefferson concept:athleteledsportsteam concept_sportsteam_washington_wizards +concept_coach_al_jefferson concept:coachesteam concept_sportsteam_washington_wizards +concept_coach_al_jefferson concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_coach_al_wilson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_al_wilson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_al_wilson concept:athleteledsportsteam concept_sportsteam_broncos +concept_coach_al_wilson concept:athleteplaysforteam concept_sportsteam_broncos +concept_coach_al_wilson concept:athletehomestadium concept_stadiumoreventvenue_mile_high_stadium +concept_coach_alabama_crimson_tide concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_alabama_crimson_tide concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_albert_belle concept:personalsoknownas concept_athlete_pujols +concept_coach_albert_belle concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_albert_belle concept:athleteplayssport concept_sport_baseball +concept_coach_albert_belle concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_alex_gordon concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_alex_gordon concept:athleteplayssport concept_sport_baseball +concept_coach_alex_gordon concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_alex_gordon concept:athleteplaysforteam concept_sportsteam_royals +concept_coach_alex_gordon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_alexei_yashin concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_amos_alonzo_stagg concept:coachesinleague concept_sportsleague_college_football +concept_coach_anaheim_angels concept:atlocation concept_county_los_angeles_county +concept_coach_anaheim_angels concept:agentbelongstoorganization concept_sportsleague_mlb +concept_coach_anaheim_ducks concept:subpartof concept_sportsleague_nhl +concept_coach_andre_ethier concept:athleteplayssport concept_sport_baseball +concept_coach_andre_ethier concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_andre_ethier concept:athleteledsportsteam concept_sportsteam_dodgers +concept_coach_andre_ethier concept:athleteplaysforteam concept_sportsteam_dodgers +concept_coach_andre_ethier concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_andrew_alberts concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_andrew_brown concept:athleteinjuredhisbodypart concept_nerve_hand +concept_coach_andrew_brown concept:athleteplayssport concept_sport_baseball +concept_coach_andrew_brown concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_andrew_brown concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_andrew_ladd concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_andrew_raycroft concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_andrew_raycroft concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_andy_mcdonald concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_andy_mcdonald concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_coach_andy_mcdonald concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_coach_andy_pettite concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_andy_reid concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_andy_reid concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_andy_reid concept:worksfor concept_city_philly +concept_coach_andy_reid concept:coachesinleague concept_sportsleague_nfl +concept_coach_andy_reid concept:coachesteam concept_sportsteam_philadelphia_eagles +concept_coach_ara_parseghian concept:coachesinleague concept_sportsleague_college_football +concept_coach_arkansas_razorbacks concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_arkansas_razorbacks concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_armen_keteyian concept:personleadsorganization concept_company_cnn__pbs +concept_coach_armen_keteyian concept:personleadsorganization concept_televisionnetwork_cbs +concept_coach_army_black_knights_football concept:agentcollaborateswithagent concept_musicartist_john_o_leary +concept_coach_army_black_knights_football concept:agentcollaborateswithagent concept_personus_george_o_leary +concept_coach_army_black_knights_football concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_art_briles concept:personbelongstoorganization concept_city_houston +concept_coach_b_b_ concept:latitudelongitude 50.6331900000000,-117.0522100000000 +concept_coach_baltimore_colts concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_baltimore_colts concept:subpartof concept_sportsleague_nfl +concept_coach_baltimore_ravens concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_baltimore_ravens concept:agentcontrols concept_sportsleague_nfl +concept_coach_baltimore_ravens concept:subpartof concept_sportsleague_nfl +concept_coach_barry_alvarez concept:worksfor concept_creditunion_wisconsin +concept_coach_barry_melrose concept:worksfor concept_city_tampa_bay +concept_coach_barry_melrose concept:subpartof concept_perceptionevent_lightning +concept_coach_barry_melrose concept:personbelongstoorganization concept_sportsteam_tampa +concept_coach_barry_melrose concept:coachesteam concept_sportsteam_tampa_bay_lightning +concept_coach_barry_melrose concept:worksfor concept_sportsteam_tampa_bay_lightning +concept_coach_bart_peterson concept:atlocation concept_city_indianapolis +concept_coach_bart_peterson concept:personleadsgeopoliticalorganization concept_city_indianapolis +concept_coach_bart_peterson concept:worksfor concept_televisionstation_indianapolis +concept_coach_bear_bryant concept:personbelongstoorganization concept_politicalparty_college +concept_coach_ben_schwartzwalder concept:coachesteam concept_sportsteam_syracuse_university +concept_coach_bernie_ecclestone concept:personleadsorganization concept_sportsleague_formula_one +concept_coach_bernie_ecclestone concept:worksfor concept_sportsleague_formula_one +concept_coach_bernie_williams concept:personbelongstoorganization concept_sportsteam_yankees +concept_coach_bill_belichick concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_bill_belichick concept:coachesinleague concept_sportsleague_nfl +concept_coach_bill_belichick concept:coachesteam concept_sportsteam_cleveland_browns +concept_coach_bill_belichick concept:worksfor concept_sportsteam_cleveland_browns +concept_coach_bill_belichick concept:worksfor concept_sportsteam_new_england_patriots +concept_coach_bill_callahan concept:coachesinleague concept_sportsleague_afl +concept_coach_bill_callahan concept:worksfor concept_university_raiders +concept_coach_bill_carmody concept:worksfor concept_sportsteam_northwestern +concept_coach_bill_curry concept:worksfor concept_university_kentucky +concept_coach_bill_fennelly concept:worksfor concept_bank_iowa_state +concept_coach_bill_fennelly concept:personbelongstoorganization concept_sportsteam_iowa_state +concept_coach_bill_guerin concept:persondiedincountry concept_country_england +concept_coach_bill_herrion concept:personbelongstoorganization concept_sportsteam_east_carolina +concept_coach_bill_lynch concept:worksfor concept_stateorprovince_indiana +concept_coach_bill_parcells concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_bill_parcells concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_bill_parcells concept:personbelongstoorganization concept_city_dallas +concept_coach_bill_parcells concept:personbelongstoorganization concept_sportsleague_new +concept_coach_bill_parcells concept:coachesinleague concept_sportsleague_nfl +concept_coach_bill_parcells concept:personbelongstoorganization concept_sportsteam_new_england_patriots +concept_coach_bill_parcells concept:worksfor concept_sportsteam_new_york_giants +concept_coach_bill_parcells concept:personbelongstoorganization concept_sportsteam_new_york_jets +concept_coach_bill_romanowski concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_bill_romanowski concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_bill_romanowski concept:athleteledsportsteam concept_sportsteam_broncos +concept_coach_bill_snyder concept:coachesteam concept_sportsteam_kansas_state +concept_coach_bill_snyder concept:worksfor concept_university_kansas_state +concept_coach_bill_stewart concept:worksfor concept_company_west_virginia +concept_coach_bill_tierney concept:worksfor concept_city_princeton +concept_coach_bill_tierney concept:coachesteam concept_sportsteam_princeton_theological_seminary +concept_coach_bill_walsh concept:worksfor concept_automobilemaker_dallas_cowboys +concept_coach_bill_walsh concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_bill_walsh concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_bill_walsh concept:coachwontrophy concept_awardtrophytournament_superbowl +concept_coach_bill_walsh concept:worksfor concept_city_dallas +concept_coach_bill_walsh concept:coachesinleague concept_sportsleague_nfl +concept_coach_bill_walsh concept:personbelongstoorganization concept_sportsleague_nfl +concept_coach_bill_walsh concept:personbelongstoorganization concept_sportsteam_dallas_cowboys +concept_coach_billick concept:coachesinleague concept_sportsleague_nfl +concept_coach_billick concept:worksfor concept_sportsteam_ravens +concept_coach_billy_butler concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_billy_donovan concept:personbelongstoorganization concept_city_florida +concept_coach_billy_gillespie concept:personbelongstoorganization concept_university_kentucky +concept_coach_blake_comeau concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_bo_jackson concept:athleteplayssport concept_sport_football +concept_coach_bo_jackson concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_bo_pelini concept:coachesteam concept_sportsteam_nebraska_cornhuskers +concept_coach_bo_pelini concept:personbelongstoorganization concept_university_nebraska +concept_coach_bo_pellini concept:latitudelongitude -15.3666700000000,-68.5166700000000 +concept_coach_bo_pellini concept:worksfor concept_university_nebraska +concept_coach_bo_schembechler concept:coachesinleague concept_sportsleague_college_football +concept_coach_bob_bradley concept:worksfor concept_country_us +concept_coach_bob_bradley concept:worksfor concept_nongovorganization_u_s_ +concept_coach_bob_bradley concept:coachesteam concept_sportsteam_metrostars +concept_coach_bob_hartley concept:coachesteam concept_sportsteam_atlanta_thrashers +concept_coach_bob_huggins concept:worksfor concept_university_kansas_state +concept_coach_bob_knight concept:personbelongstoorganization concept_county_indiana_university +concept_coach_bob_pettit concept:athleteplaysforteam concept_sportsteam_st___louis_hawks +concept_coach_bob_sanders concept:athleteplaysforteam concept_sportsteam_colts +concept_coach_bob_sanders concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_coach_bob_stoops concept:agentcollaborateswithagent concept_comedian_oklahoma +concept_coach_bob_stoops concept:subpartof concept_musicsong_oklahoma +concept_coach_bob_stoops concept:coachesteam concept_sportsteam_central_oklahoma_bronchos +concept_coach_bob_stoops concept:worksfor concept_sportsteam_central_oklahoma_bronchos +concept_coach_bob_stoops concept:worksfor concept_stateorprovince_oklahoma +concept_coach_bob_wilson concept:personalsoknownas concept_person_bob_primrose_wilson +concept_coach_bobby_cox concept:coachesinleague concept_sportsleague_mlb +concept_coach_bobby_dodd concept:worksfor concept_sportsteam_georgia_tech +concept_coach_bobby_jackson concept:athleteplayssport concept_sport_basketball +concept_coach_bobby_jackson concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_bobby_jackson concept:athleteledsportsteam concept_sportsteam_indiana_pacers +concept_coach_bobby_jackson concept:athleteplaysforteam concept_sportsteam_pacers +concept_coach_bobby_jackson concept:coachesteam concept_sportsteam_pacers +concept_coach_bobby_petrino concept:personbelongstoorganization concept_city_arkansas +concept_coach_bobby_petrino concept:personbelongstoorganization concept_city_louisville +concept_coach_bobby_petrino concept:worksfor concept_stateorprovince_arkansas +concept_coach_bobby_ryan concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_bobby_ryan concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_coach_bobby_ryan concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_coach_bonzi_wells concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_boston_bruins concept:atlocation concept_city_boston +concept_coach_brad_childress concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_brad_childress concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_brad_childress concept:athleteplayssport concept_sport_football +concept_coach_brad_childress concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_brad_childress concept:coachesinleague concept_sportsleague_nfl +concept_coach_brad_childress concept:coachesteam concept_sportsteam_minnesota_vikings +concept_coach_brad_childress concept:athleteplaysforteam concept_sportsteam_ravens +concept_coach_brad_childress concept:athletehomestadium concept_stadiumoreventvenue_metrodome +concept_coach_brad_hawpe concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_brad_hawpe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_brad_thompson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_brad_thompson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_brad_thompson concept:personbelongstoorganization concept_city_green_bay +concept_coach_brad_thompson concept:athleteplayssport concept_sport_football +concept_coach_brad_thompson concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_brad_thompson concept:coachesinleague concept_sportsleague_nfl +concept_coach_brad_thompson concept:athleteledsportsteam concept_sportsteam_packers +concept_coach_brad_thompson concept:athleteplaysforteam concept_sportsteam_packers +concept_coach_brad_thompson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_brady_quinn concept:athleteplayssport concept_sport_football +concept_coach_brady_quinn concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_brady_quinn concept:athleteledsportsteam concept_sportsteam_cleveland_browns +concept_coach_brady_quinn concept:personbelongstoorganization concept_sportsteam_cleveland_browns +concept_coach_brandon_braboy concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_brandon_braboy concept:coachesinleague concept_sportsleague_nba +concept_coach_brandon_braboy concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_coach_brandon_braboy concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_coach_brandon_braboy concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_brandon_dubinsky concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_brendan_shanahan concept:athleteplayssport concept_sport_hockey +concept_coach_brendan_shanahan concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_brendan_shanahan concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_brendan_shanahan concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_coach_brent_guy concept:coachesteam concept_sportsteam_utah_state +concept_coach_brett_carroll concept:athleteledsportsteam concept_sportsteam_bobcats +concept_coach_brett_carroll concept:athleteplaysforteam concept_sportsteam_bobcats +concept_coach_brett_carroll concept:personbelongstoorganization concept_sportsteam_princeton_theological_seminary +concept_coach_brett_hull concept:athleteplaysforteam concept_sportsteam_dallas_stars +concept_coach_brett_lee concept:worksfor concept_stateorprovince_wisconsin +concept_coach_brett_myers concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_brett_myers concept:athleteplayssport concept_sport_baseball +concept_coach_brett_myers concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brett_myers concept:athleteplaysforteam concept_sportsteam_phillies +concept_coach_brett_myers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_brian_billick concept:personbelongstoorganization concept_sportsteam_ravens +concept_coach_brian_billick concept:athletehomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_coach_brian_broderick concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brian_burres concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_brian_falkenborg concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_brian_hill concept:coachesteam concept_sportsteam_orlando_magic +concept_coach_brian_kelly concept:worksfor concept_city_cincinnati +concept_coach_brian_rolston concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_brian_rolston concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_brian_rolston concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_coach_brian_sanches concept:athleteplayssport concept_sport_baseball +concept_coach_brian_sanches concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_brian_sanches concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_briles concept:latitudelongitude 41.7786833333333,-120.3494866666667 +concept_coach_bronco_mendenhall concept:coachesteam concept_sportsteam_byu +concept_coach_bronco_mendenhall concept:worksfor concept_sportsteam_byu +concept_coach_brooks_orpik concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_brooks_orpik concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_brooks_orpik concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_bruce_arena concept:worksfor concept_city_team +concept_coach_bruce_arena concept:worksfor concept_nongovorganization_u_s_ +concept_coach_bruce_boudreau concept:coachesinleague concept_sportsleague_nhl +concept_coach_bruce_crampton concept:personhasjobposition concept_jobposition_golfer +concept_coach_bruce_weber concept:worksfor concept_sportsteam_illini +concept_coach_bruce_weber concept:worksfor concept_stateorprovince_illinois +concept_coach_bruney concept:latitudelongitude 4.5000000000000,114.6666700000000 +concept_coach_buck_martinez concept:personhasjobposition concept_jobposition_baseball_player +concept_coach_bud_wilkinson concept:coachesinleague concept_sportsleague_college_football +concept_coach_bud_wilkinson concept:personbelongstoorganization concept_stateorprovince_oklahoma +concept_coach_buffalo_sabres concept:atlocation concept_city_buffalo +concept_coach_buffalo_sabres concept:subpartof concept_sportsleague_nhl +concept_coach_buyout concept:atdate concept_dateliteral_n2008 +concept_coach_byron_scott concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_byron_scott concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_byron_scott concept:coachesinleague concept_sportsleague_nfl +concept_coach_byron_scott concept:coachesteam concept_sportsteam_new_orleans_hornets +concept_coach_c__vivian_stringer concept:personbelongstoorganization concept_university_rutgers +concept_coach_cal_ripken concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_cal_ripken concept:athleteledsportsteam concept_sportsteam_orioles +concept_coach_cal_ripken concept:personbelongstoorganization concept_sportsteam_orioles +concept_coach_cal_ripken concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_calhoun concept:coachesteam concept_sportsteam_uconn +concept_coach_calhoun concept:worksfor concept_university_uconn +concept_coach_cam_cameron concept:worksfor concept_county_miami +concept_coach_cam_cameron concept:worksfor concept_sportsleague_new +concept_coach_cam_cameron concept:coachesteam concept_sportsteam_miami_dolphins +concept_coach_cam_cameron concept:worksfor concept_sportsteam_miami_dolphins +concept_coach_cam_carreon concept:parentofperson concept_personmexico_mark_carreon +concept_coach_carlos_marmol concept:personhasjobposition concept_jobposition_director_of_voter_contact +concept_coach_carlos_marmol concept:personhasjobposition concept_jobposition_liaison +concept_coach_carlos_marmol concept:athleteplayssport concept_sport_baseball +concept_coach_carlos_marmol concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_carlos_marmol concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_coach_carlos_marmol concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_coach_carlos_marmol concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_carlos_marmol concept:athleteplayssportsteamposition concept_sportsteamposition_center +concept_coach_carlos_marmol concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_coach_carlos_marmol concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_coach_carlos_marmol concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_coach_carolina_panthers concept:proxyfor concept_book_new +concept_coach_carolina_panthers concept:subpartof concept_sportsleague_nfl +concept_coach_carroll concept:personbelongstoorganization concept_city_college +concept_coach_carroll concept:worksfor concept_politicalparty_college +concept_coach_carroll concept:worksfor concept_recordlabel_trojan +concept_coach_carroll concept:coachesteam concept_sportsteam_usc +concept_coach_carroll concept:worksfor concept_sportsteam_usc +concept_coach_carroll concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_coach_carroll concept:worksfor concept_university_usc +concept_coach_chad_pennington concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_chad_pennington concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_chad_pennington concept:athleteplayssport concept_sport_football +concept_coach_chad_pennington concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_chad_pennington concept:athleteplaysforteam concept_sportsteam_miami_dolphins +concept_coach_chad_pennington concept:athleteledsportsteam concept_sportsteam_new_york_jets +concept_coach_chad_pennington concept:personbelongstoorganization concept_sportsteam_new_york_jets +concept_coach_chad_pennington concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_chan_gailey concept:coachesteam concept_sportsteam_georgia_tech +concept_coach_chandler concept:proxyfor concept_beverage_arizona +concept_coach_chandler concept:subpartof concept_beverage_arizona +concept_coach_charlie_weis concept:agentcollaborateswithagent concept_male_notre_dame +concept_coach_cheeks concept:coachesteam concept_sportsteam_sixers +concept_coach_chicago_bears concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_chicago_white_sox concept:atlocation concept_city_boston +concept_coach_chicago_white_sox concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_chicago_white_sox concept:agentbelongstoorganization concept_sportsleague_mlb +concept_coach_chris_berman concept:personbelongstoorganization concept_sportsleague_espn +concept_coach_chris_johnson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_chris_johnson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_chris_paul concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_chris_paul concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_chris_paul concept:athleteplayssport concept_sport_basketball +concept_coach_chris_paul concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_chris_paul concept:athleteledsportsteam concept_sportsteam_new_orleans_hornets +concept_coach_chris_paul concept:athleteplaysforteam concept_sportsteam_new_orleans_hornets +concept_coach_chris_paul concept:athletehomestadium concept_stadiumoreventvenue_new_orleans_arena +concept_coach_chris_petersen concept:coachesteam concept_sportsteam_boise_state_broncos +concept_coach_chris_quinn concept:coachwontrophy concept_awardtrophytournament_nba_championship +concept_coach_chris_quinn concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_chris_quinn concept:coachesinleague concept_sportsleague_nba +concept_coach_chris_quinn concept:coachesteam concept_sportsteam_heat +concept_coach_chris_volstad concept:athleteplayssport concept_sport_baseball +concept_coach_chris_volstad concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_chris_volstad concept:athleteplaysforteam concept_sportsteam_marlins +concept_coach_chris_volstad concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_chris_volstad concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_coach_chuck_amato concept:coachesteam concept_sportsteam_nevada_wolfpack +concept_coach_chuck_amato concept:personbelongstoorganization concept_terroristorganization_state +concept_coach_chuck_kobasew concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_chuck_kobasew concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_chuck_long concept:coachesteam concept_sportsteam_san_diego_padres +concept_coach_chuck_long concept:worksfor concept_sportsteam_san_diego_padres +concept_coach_chuck_noll concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_chuck_noll concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_chuck_noll concept:coachesinleague concept_sportsleague_nfl +concept_coach_cincinnati concept:proxyfor concept_book_new +concept_coach_cincinnati concept:mutualproxyfor concept_politician_mark_l__mallory +concept_coach_cincinnati concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_cincinnati concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_cincinnati concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_cincinnati concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_cincinnati concept:mutualproxyfor concept_university_ohio +concept_coach_cincinnati concept:subpartof concept_university_ohio +concept_coach_cincinnati_bearcats concept:mutualproxyfor concept_politician_mark_l__mallory +concept_coach_cincinnati_bearcats concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_cincinnati_bearcats concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_cincinnati_bearcats concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_cincinnati_bengals concept:atlocation concept_city_cincinnati +concept_coach_claude_julien concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_clemson concept:agentcollaborateswithagent concept_coach_dabo_swinney +concept_coach_clemson concept:agentcontrols concept_coach_dabo_swinney +concept_coach_clemson concept:agentcollaborateswithagent concept_coach_tommy_bowden +concept_coach_clemson concept:agentcontrols concept_coach_tommy_bowden +concept_coach_clemson concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_clemson concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_clemson concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_cleveland_browns concept:atlocation concept_city_cleveland +concept_coach_cleveland_browns concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_cleveland_browns concept:subpartof concept_sportsleague_nfl +concept_coach_cleveland_cavaliers concept:atlocation concept_city_cleveland +concept_coach_clint_barmes concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_clint_barmes concept:athleteplayssport concept_sport_baseball +concept_coach_clint_barmes concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_clint_barmes concept:athleteledsportsteam concept_sportsteam_rockies +concept_coach_clint_barmes concept:athleteplaysforteam concept_sportsteam_rockies +concept_coach_clint_barmes concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_clinton_portis concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_clinton_portis concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_clinton_portis concept:athleteplayssport concept_sport_football +concept_coach_clinton_portis concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_clinton_portis concept:athleteplaysforteam concept_sportsteam_redskins +concept_coach_clinton_portis concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_coach_clinton_white concept:persondiedincountry concept_country_england +concept_coach_clinton_white concept:worksfor concept_governmentorganization_department +concept_coach_cody_mcleod concept:athleteplaysforteam concept_sportsteam_avs +concept_coach_colt_brennan concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_colt_brennan concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_colt_brennan concept:athleteplaysforteam concept_sportsteam_redskins +concept_coach_colt_brennan concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_coach_connie_mack concept:coachesinleague concept_sportsleague_mlb +concept_coach_cory_sullivan concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_cory_sullivan concept:athleteplayssport concept_sport_baseball +concept_coach_cory_sullivan concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_cory_sullivan concept:athleteplaysforteam concept_sportsteam_rockies +concept_coach_cowher concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_cowher concept:personbelongstoorganization concept_city_pittsburgh +concept_coach_cowher concept:coachesinleague concept_sportsleague_nfl +concept_coach_cowher concept:coachesteam concept_sportsteam_steelers +concept_coach_cowher concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_coach_craig_hartsburg concept:worksfor concept_governmentorganization_senators +concept_coach_craig_hartsburg concept:coachesteam concept_sportsteam_ottawa_senators +concept_coach_crennel concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_crennel concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_crennel concept:coachesinleague concept_sportsleague_nfl +concept_coach_crennel concept:personbelongstoorganization concept_sportsteam_cleveland_browns +concept_coach_curtis_joseph concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_curtis_joseph concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_d_antoni concept:worksfor concept_sportsteam_knicks +concept_coach_dan_hawkins concept:worksfor concept_stateorprovince_colorado +concept_coach_dan_mullen concept:coachesteam concept_sportsteam_mississippi_state_university +concept_coach_dan_reeves concept:coachesinleague concept_sportsleague_nfl +concept_coach_dane_sardinha concept:athleteplayssport concept_sport_baseball +concept_coach_dane_sardinha concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_dane_sardinha concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_dany_sabourin concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_daunte_culpepper concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_daunte_culpepper concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_daunte_culpepper concept:athleteplayssport concept_sport_football +concept_coach_daunte_culpepper concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_daunte_culpepper concept:athleteledsportsteam concept_sportsteam_minnesota_vikings +concept_coach_daunte_culpepper concept:athleteplaysforteam concept_sportsteam_minnesota_vikings +concept_coach_daunte_culpepper concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_dave_campo concept:coachesteam concept_sportsteam_dallas_cowboys +concept_coach_dave_clawson concept:worksfor concept_publication_richmond +concept_coach_dave_winfield concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_dave_winfield concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_dave_winfield concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_dave_winfield concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_coach_david_bloom concept:personbelongstoorganization concept_company_nbc +concept_coach_david_clarkson concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_david_clarkson concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_david_clarkson concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_coach_david_cutcliffe concept:personbelongstoorganization concept_school_duke +concept_coach_david_garrard concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_david_garrard concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_david_garrard concept:athleteledsportsteam concept_sportsteam_jaguars +concept_coach_david_krejci concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_david_krejci concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_deangelo_hall concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_deangelo_hall concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_coach_deangelo_hall concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_coach_december_3 concept:proxyfor concept_book_new +concept_coach_dee_dee_myers concept:personhasjobposition concept_jobposition_spokeswoman +concept_coach_defense concept:personbelongstoorganization concept_governmentorganization_house +concept_coach_denard_span concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_denard_span concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_denis_savard concept:coachesteam concept_sportsteam_blackhawks +concept_coach_dennis_felton concept:coachesteam concept_sportsteam_bulldogs +concept_coach_dennis_franchione concept:coachesteam concept_sportsteam_texas_a_m +concept_coach_dennis_franchione concept:worksfor concept_sportsteam_texas_a_m +concept_coach_dennis_green concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_dennis_green concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_dennis_green concept:coachesinleague concept_sportsleague_nfl +concept_coach_dennis_green concept:worksfor concept_sportsteam_arizona_cardinals_27_23 +concept_coach_dennis_green concept:worksfor concept_sportsteam_minnesota_vikings +concept_coach_dennis_green concept:athletehomestadium concept_stadiumoreventvenue_metrodome +concept_coach_dennis_werth concept:parentofperson concept_athlete_jayson_werth +concept_coach_denny_crum concept:personbelongstoorganization concept_city_louisville +concept_coach_denver_broncos concept:agentcontrols concept_sportsleague_nfl +concept_coach_depasquale concept:latitudelongitude 41.8226000000000,-71.4308900000000 +concept_coach_derrek_lee concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_coach_derrek_lee concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_derrick_rose concept:athleteplayssport concept_sport_basketball +concept_coach_derrick_rose concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_derrick_rose concept:coachesinleague concept_sportsleague_nba +concept_coach_derrick_rose concept:coachesteam concept_sportsteam_bobcats +concept_coach_derrick_rose concept:athleteledsportsteam concept_sportsteam_knicks +concept_coach_derrick_rose concept:athleteplaysforteam concept_sportsteam_knicks +concept_coach_derrick_rose concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_coach_derrick_ward concept:athleteplayssport concept_sport_football +concept_coach_derrick_ward concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_derrick_ward concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_detroit_pistons concept:atlocation concept_county_detroit +concept_coach_detroit_red_wings concept:agentcompeteswithagent concept_chef_anaheim_ducks +concept_coach_detroit_red_wings concept:atlocation concept_county_detroit +concept_coach_devin_thomas concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_devin_thomas concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_devin_thomas concept:athleteplaysforteam concept_sportsteam_redskins +concept_coach_devin_thomas concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_coach_dick_irvin concept:coachesinleague concept_sportsleague_nhl +concept_coach_dick_jauron concept:personbelongstoorganization concept_county_chicago +concept_coach_dick_jauron concept:coachesteam concept_sportsteam_bills +concept_coach_doc_holliday concept:coachesteam concept_sportsteam_o_s +concept_coach_doc_rivers concept:coachesinleague concept_sportsleague_nba +concept_coach_doc_rivers concept:worksfor concept_sportsteam_boston_celtics +concept_coach_doc_rivers concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_coach_document concept:agentcreated concept_book_print +concept_coach_document concept:agentinvolvedwithitem concept_buildingfeature_window +concept_coach_document concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_coach_document concept:agentparticipatedinevent concept_eventoutcome_result +concept_coach_document concept:agentcompeteswithagent concept_personcanada_search +concept_coach_document concept:agentinvolvedwithitem concept_product_tab +concept_coach_document concept:agentinvolvedwithitem concept_software_browser +concept_coach_document concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_coach_dom_capers concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_dom_capers concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_dom_capers concept:coachesteam concept_sportsteam_houston_texans +concept_coach_don_haskins concept:worksfor concept_sportsteam_texas_western +concept_coach_don_nelson concept:coachesteam concept_sportsteam_golden_state_warriors +concept_coach_don_nelson concept:worksfor concept_sportsteam_golden_state_warriors +concept_coach_don_shula concept:coachesinleague concept_sportsleague_nfl +concept_coach_doug_martin concept:coachesteam concept_sportsteam_kent_state +concept_coach_doug_weight concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_douglas_edwards concept:agentbelongstoorganization concept_televisionnetwork_cbs +concept_coach_dungy concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_dungy concept:worksfor concept_sportsteam_buccaneers +concept_coach_dungy concept:worksfor concept_sportsteam_colts +concept_coach_dustin_mcgowan concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_dustin_mcgowan concept:athleteplayssport concept_sport_baseball +concept_coach_dustin_mcgowan concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_dustin_mcgowan concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_coach_dwayne_wade concept:athletebeatathlete concept_personus_kobe_bryant +concept_coach_dwayne_wade concept:athleteplayssport concept_sport_basketball +concept_coach_dwayne_wade concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_dwayne_wade concept:athleteledsportsteam concept_sportsteam_heat +concept_coach_dwayne_wade concept:athleteplaysforteam concept_sportsteam_heat +concept_coach_earnest_graham concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_earnest_graham concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_ed_orgeron concept:coachesteam concept_sportsteam_ole_miss +concept_coach_ed_spiezio concept:parentofperson concept_athlete_scott_spiezio +concept_coach_ed_tapscott concept:coachesinleague concept_sportsleague_nba +concept_coach_eddie_robinson concept:coachesinleague concept_sportsleague_college_football +concept_coach_eddie_royal concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_eddie_royal concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_eddie_royal concept:athleteplaysforteam concept_sportsteam_broncos +concept_coach_eddie_royal concept:athletehomestadium concept_stadiumoreventvenue_mile_high_stadium +concept_coach_edward_russell concept:latitudelongitude 33.7394600000000,-117.9153400000000 +concept_coach_elvis_andrus concept:athleteplayssport concept_sport_hockey +concept_coach_elvis_andrus concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_emblem concept:proxyfor concept_book_new +concept_coach_eric_mangini concept:subpartof concept_coach_new_york_jets +concept_coach_eric_mangini concept:personbelongstoorganization concept_sportsleague_new +concept_coach_eric_mangini concept:coachesinleague concept_sportsleague_nfl +concept_coach_eric_mangini concept:worksfor concept_sportsteam_cleveland_browns +concept_coach_eric_mangini concept:worksfor concept_sportsteam_new_york_jets +concept_coach_eric_wedge concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_eric_wedge concept:coachesteam concept_sportsteam_cleveland_indians_organization +concept_coach_erik_spoelstra concept:coachesinleague concept_sportsleague_nba +concept_coach_erik_spoelstra concept:worksfor concept_sportsteam_heat +concept_coach_ernesto_frieri concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_ernie_kent concept:worksfor concept_stateorprovince_oregon +concept_coach_ervin_santana concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_ervin_santana concept:athleteplayssport concept_sport_baseball +concept_coach_evgeni_malkin concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_evgeni_malkin concept:personbelongstoorganization concept_city_pittsburgh +concept_coach_evgeni_malkin concept:athleteplayssport concept_sport_hockey +concept_coach_evgeni_malkin concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_evgeni_malkin concept:athleteledsportsteam concept_sportsteam_pittsburgh_penguins +concept_coach_evgeni_malkin concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_evgeni_malkin concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_fans concept:proxyfor concept_book_new +concept_coach_fans concept:agentparticipatedinevent concept_eventoutcome_result +concept_coach_fans concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_fassel concept:worksfor concept_sportsteam_new_york_giants +concept_coach_fernando_pisani concept:athleteplaysforteam concept_sportsteam_oilers +concept_coach_fights concept:agentparticipatedinevent concept_eventoutcome_result +concept_coach_first_place concept:agentparticipatedinevent concept_sportsgame_standings +concept_coach_first_win concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_fisher_deberry concept:worksfor concept_city_fairchild_air_force_base +concept_coach_florida_panthers concept:agentbelongstoorganization concept_sportsleague_nhl +concept_coach_flyers concept:subpartof concept_sportsleague_nfl +concept_coach_ford_field concept:atlocation concept_county_detroit +concept_coach_ford_field concept:subpartof concept_county_detroit +concept_coach_foster concept:persongraduatedfromuniversity concept_university_college +concept_coach_foster concept:persongraduatedschool concept_university_college +concept_coach_francisco_elson concept:coachesinleague concept_sportsleague_nba +concept_coach_frank_beamer concept:worksfor concept_county_virginia_tech +concept_coach_frank_beamer concept:coachesinleague concept_sportsleague_ncaa_football +concept_coach_frank_beamer concept:coachesteam concept_sportsteam_hokies +concept_coach_frank_beamer concept:worksfor concept_sportsteam_hokies +concept_coach_frank_haith concept:personbelongstoorganization concept_county_miami +concept_coach_frank_mcguire concept:personchargedwithcrime concept_crimeorcharge_murder +concept_coach_frank_mcguire concept:worksfor concept_university_carolina +concept_coach_frank_robinson concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_frank_robinson concept:athleteplayssport concept_sport_baseball +concept_coach_frank_robinson concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_frank_robinson concept:athleteplaysforteam concept_sportsteam_boston_celtics +concept_coach_frank_robinson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_frank_robinson concept:athletehomestadium concept_stadiumoreventvenue_td_garden +concept_coach_frank_solich concept:personbelongstoorganization concept_university_nebraska +concept_coach_frank_solich concept:personbelongstoorganization concept_university_ohio +concept_coach_frans_nielsen concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_fratello concept:latitudelongitude 38.0168650000000,14.5865850000000 +concept_coach_fred_lynn concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_fred_lynn concept:athleteplayssport concept_sport_baseball +concept_coach_fred_lynn concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_fred_lynn concept:athleteplaysforteam concept_sportsteam_red_sox +concept_coach_freddy_meyer concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_gale_sayers concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_gale_sayers concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_garrett_atkins concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_garrett_atkins concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_garrett_wilson concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_garrett_wilson concept:athleteplaysforteam concept_sportsteam_washington_wizards +concept_coach_garrett_wilson concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_coach_gary_barnett concept:worksfor concept_stateorprovince_colorado +concept_coach_gary_barnett concept:worksfor concept_university_cu +concept_coach_gary_crowton concept:personbelongstoorganization concept_sportsteam_byu +concept_coach_gary_crowton concept:worksfor concept_university_byu +concept_coach_gary_kubiak concept:coachesteam concept_sportsteam_texans +concept_coach_gary_matthews_jr_ concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_gary_matthews_jr_ concept:athleteplaysforteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_coach_gary_matthews_jr_ concept:athletehomestadium concept_stadiumoreventvenue_edison_field +concept_coach_gary_patterson concept:coachesteam concept_sportsteam_texas_christian_university +concept_coach_gary_pinkel concept:worksfor concept_organization_tigers +concept_coach_gene_chizik concept:personbelongstoorganization concept_sportsleague_new +concept_coach_gene_keady concept:personbelongstoorganization concept_university_purdue +concept_coach_george_halas concept:coachesinleague concept_sportsleague_nfl +concept_coach_george_karl concept:coachesteam concept_sportsteam_denver_nuggets +concept_coach_george_perles concept:worksfor concept_sportsteam_michigan_state +concept_coach_georgetown concept:atlocation concept_city_texas +concept_coach_georgetown concept:proxyfor concept_coach_kentucky +concept_coach_georgetown concept:agentcontrols concept_male_john_thompson_iii +concept_coach_georgetown concept:proxyfor concept_musicartist_delaware +concept_coach_georgetown concept:atlocation concept_skiarea_kentucky +concept_coach_georgetown concept:persongraduatedschool concept_university_law_school +concept_coach_georgetown concept:agentcontrols concept_visualartist_john_thompson +concept_coach_gio_gonzalez concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_gio_gonzalez concept:athleteplayssport concept_sport_baseball +concept_coach_gio_gonzalez concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_gio_gonzalez concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_gio_gonzalez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_glen_hanlon concept:coachesteam concept_sportsteam_capitals +concept_coach_glen_murray concept:personleadsgeopoliticalorganization concept_city_winnipeg +concept_coach_glen_murray concept:personleadsorganization concept_city_winnipeg +concept_coach_glen_murray concept:athleteplaysforteam concept_sportsteam_kings_college +concept_coach_golden_tate concept:persondiedincountry concept_country_england +concept_coach_good_thing concept:proxyfor concept_book_new +concept_coach_grandparents concept:proxyfor concept_book_new +concept_coach_green_bay_packers concept:subpartof concept_sportsleague_nfl +concept_coach_greg_oden concept:persondiedincountry concept_country_england +concept_coach_greg_oden concept:athleteinjuredhisbodypart concept_nerve_foot +concept_coach_greg_oden concept:athleteplayssport concept_sport_basketball +concept_coach_greg_oden concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_greg_oden concept:athleteplaysforteam concept_sportsteam_nuggets +concept_coach_greg_robinson concept:worksfor concept_musicartist_orange +concept_coach_greg_robinson concept:worksfor concept_sportsleague_syracuse +concept_coach_gregg_popovich concept:worksfor concept_city_san_antonio +concept_coach_gregg_popovich concept:coachesinleague concept_sportsleague_nba +concept_coach_gregg_popovich concept:coachesteam concept_sportsteam_san_antonio +concept_coach_gregg_popovich concept:worksfor concept_sportsteam_spurs +concept_coach_gruden concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_gruden concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_gruden concept:worksfor concept_city_tampa_bay +concept_coach_gruden concept:worksfor concept_sportsteam_bucs +concept_coach_guillaume_latendresse concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_coach_guillermo_diaz001 concept:coachwontrophy concept_awardtrophytournament_playoff_series +concept_coach_guillermo_diaz001 concept:athleteplaysforteam concept_sportsteam_magic +concept_coach_guy_morriss concept:worksfor concept_sportsteam_mary_hardin_baylor_crusaders +concept_coach_hal_mumme concept:coachesteam concept_sportsteam_new_mexico_state_university +concept_coach_halas concept:coachesinleague concept_sportsleague_nfl +concept_coach_hall_of_fame concept:atdate concept_dateliteral_n2005 +concept_coach_hall_of_fame concept:atdate concept_dateliteral_n2007 +concept_coach_hall_of_fame concept:atdate concept_dateliteral_n2008 +concept_coach_hank_stram concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_hannu_toivonen concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_hannu_toivonen concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_hannu_toivonen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_harbaugh concept:worksfor concept_sportsteam_ravens +concept_coach_harbaugh concept:worksfor concept_sportsteam_stanford +concept_coach_hassan_adams concept:coachwontrophy concept_awardtrophytournament_nba_finals +concept_coach_hayden_fry concept:worksfor concept_blog_iowa +concept_coach_hayes concept:agentcollaborateswithagent concept_animal_head +concept_coach_haywood concept:parentofperson concept_personus_marc_sullivan +concept_coach_henrik_sedin concept:athleteplaysforteam concept_sportsteam_canucks +concept_coach_herb_brooks concept:coachesinleague concept_sportsleague_nhl +concept_coach_herm_edwards concept:worksfor concept_sportsteam_kansas_city_chiefs +concept_coach_hiddink concept:latitudelongitude 51.9500000000000,6.4666700000000 +concept_coach_hits concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_holliday concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_holliday concept:athleteplaysforteam concept_sportsteam_rockies +concept_coach_home_run_derby concept:persondiedatage 3 +concept_coach_home_run_derby concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_houston_oilers concept:atlocation concept_city_edmonton +concept_coach_huggins concept:personbelongstoorganization concept_company_west_virginia +concept_coach_ian_snell concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_ian_snell concept:athleteplayssport concept_sport_baseball +concept_coach_ian_snell concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_ian_snell concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_ian_snell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_ike_brown concept:coachesinleague concept_sportsleague_nba +concept_coach_ilya_kovalchuk concept:athleteplaysforteam concept_sportsteam_atlanta_thrashers +concept_coach_indiana_pacers concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_indianapolis_colts concept:agentcontrols concept_sportsleague_nfl +concept_coach_indianapolis_colts concept:subpartof concept_sportsleague_nfl +concept_coach_inxs concept:agentcollaborateswithagent concept_musician_michael_hutchence +concept_coach_iowa_st concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_iowa_st concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_j_a_happ concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_j_a_happ concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_j_d__brookhart concept:coachesteam concept_sportsteam_akron_pros +concept_coach_j_d__brookhart concept:worksfor concept_sportsteam_akron_pros +concept_coach_j_j__hardy concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_j_j__hardy concept:athleteinjuredhisbodypart concept_nerve_hand +concept_coach_j_j__hardy concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_j_j__hardy concept:coachesinleague concept_sportsleague_mlb +concept_coach_j_j__hardy concept:athleteledsportsteam concept_sportsteam_brewers +concept_coach_j_j__hardy concept:athleteplaysforteam concept_sportsteam_brewers +concept_coach_j_j__hardy concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jabar_gaffney concept:persondiedincountry concept_country_england +concept_coach_jack_anderson concept:personbelongstoorganization concept_city_washington_d_c +concept_coach_jack_del_rio concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jack_del_rio concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jack_del_rio concept:worksfor concept_city_jacksonville +concept_coach_jack_del_rio concept:coachesteam concept_sportsteam_jacksonville_jaguars +concept_coach_jack_del_rio concept:worksfor concept_sportsteam_jacksonville_jaguars +concept_coach_jack_white concept:personbelongstoorganization concept_musicartist_white_stripes +concept_coach_jackie_robinson concept:personalsoknownas concept_athlete_hank_aaron +concept_coach_jackie_robinson concept:personalsoknownas concept_person_robinson_cano +concept_coach_jagodzinski concept:worksfor concept_sportsteam_boston_college +concept_coach_jake_plummer concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jake_plummer concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jake_plummer concept:athleteledsportsteam concept_sportsteam_broncos +concept_coach_jake_plummer concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_jakub_voracek concept:athleteplaysforteam concept_sportsteam_blue_jackets +concept_coach_jamal_mayers concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_jamal_mayers concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_jamarcus_russell concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jamarcus_russell concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jamarcus_russell concept:athleteledsportsteam concept_sportsteam_oakland_raiders +concept_coach_jamarcus_russell concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_coach_jamarcus_russell concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_coach_james_hardy concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_james_hardy concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jamey_wright concept:athleteplayssport concept_sport_baseball +concept_coach_jamey_wright concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_jarkko_ruutu concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_jarkko_ruutu concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_jarkko_ruutu concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_jason_bay concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_jason_bay concept:athleteplayssport concept_sport_baseball +concept_coach_jason_bay concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jason_bay concept:athleteledsportsteam concept_sportsteam_pirates +concept_coach_jason_bay concept:coachesteam concept_sportsteam_pirates +concept_coach_jason_bay concept:athleteplaysforteam concept_sportsteam_red_sox +concept_coach_jason_bay concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jason_campbell concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jason_campbell concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jason_campbell concept:athleteledsportsteam concept_sportsteam_redskins +concept_coach_jason_campbell concept:athleteplaysforteam concept_sportsteam_redskins +concept_coach_jason_campbell concept:athletehomestadium concept_stadiumoreventvenue_fedex_field +concept_coach_jason_garrett concept:athleteplayssport concept_sport_football +concept_coach_jason_garrett concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_jason_labarbera concept:athleteplaysforteam concept_sportsteam_canucks +concept_coach_jason_michaels concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jason_williams concept:persondiedincountry concept_country_england +concept_coach_jason_williams concept:athleteplayssport concept_sport_basketball +concept_coach_jason_williams concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_jason_williams concept:athleteledsportsteam concept_sportsteam_sacramento_kings +concept_coach_jauron concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jauron concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jauron concept:coachesinleague concept_sportsleague_nfl +concept_coach_jay_bruce concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jay_feely concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_coach_jay_feely concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_jay_triano concept:coachesinleague concept_sportsleague_nba +concept_coach_jean_sebastien_giguere concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_jean_sebastien_giguere concept:athleteplaysforteam concept_sportsteam_anaheim_ducks +concept_coach_jean_sebastien_giguere concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_coach_jeff_bennett concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_jeff_bennett concept:athleteplayssport concept_sport_baseball +concept_coach_jeff_bennett concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jeff_bennett concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_jeff_bennett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jeff_bower concept:coachesteam concept_sportsteam_southern_miss_lady_golden_eagles +concept_coach_jeff_fisher concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jeff_fisher concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jeff_fisher concept:worksfor concept_newspaper_tennessee +concept_coach_jeff_fisher concept:coachesinleague concept_sportsleague_nfl +concept_coach_jeff_fisher concept:coachesteam concept_sportsteam_titans +concept_coach_jeff_fisher concept:worksfor concept_sportsteam_titans +concept_coach_jeff_fulchino concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jeff_jagodzinski concept:worksfor concept_sportsteam_boston_college +concept_coach_jeremy_sowers concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_jeremy_sowers concept:persondiedincountry concept_country_england +concept_coach_jeremy_sowers concept:athleteplayssport concept_sport_baseball +concept_coach_jeremy_sowers concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jeremy_sowers concept:athleteledsportsteam concept_sportsteam_yankees +concept_coach_jeremy_sowers concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_jeremy_sowers concept:worksfor concept_sportsteam_yankees +concept_coach_jeremy_sowers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jerious_norwood concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_jerry_sloan concept:coachesinleague concept_sportsleague_nba +concept_coach_jerry_sloan concept:coachesteam concept_sportsteam_utah_jazz +concept_coach_jersey concept:proxyfor concept_book_new +concept_coach_jersey concept:agentactsinlocation concept_lake_new +concept_coach_jersey concept:atlocation concept_lake_new +concept_coach_jersey concept:subpartof concept_nongovorganization_u_s_ +concept_coach_jersey concept:agentactsinlocation concept_stateorprovince_new_york +concept_coach_jersey concept:atlocation concept_stateorprovince_new_york +concept_coach_jersey concept:atlocation concept_website_south +concept_coach_jim_boeheim concept:worksfor concept_publication_syracuse_university +concept_coach_jim_boeheim concept:worksfor concept_website_syracuse +concept_coach_jim_caldwell concept:worksfor concept_sportsteam_colts +concept_coach_jim_carr concept:latitudelongitude 35.6581500000000,-83.5198900000000 +concept_coach_jim_fassel concept:worksfor concept_sportsteam_new_york_giants +concept_coach_jim_grobe concept:coachesteam concept_sportsteam_wake_forest +concept_coach_jim_haslett concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jim_haslett concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jim_haslett concept:worksfor concept_city_st_louis +concept_coach_jim_haslett concept:coachesteam concept_sportsteam_rams +concept_coach_jim_kelly concept:personbelongstoorganization concept_sportsleague_nfl +concept_coach_jim_lonborg concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jim_mora concept:coachesinleague concept_sportsleague_nfl +concept_coach_jim_mora concept:worksfor concept_sportsteam_falcons +concept_coach_jim_mora concept:coachesteam concept_sportsteam_seahawks +concept_coach_jim_plunkett concept:athleteplayssport concept_sport_football +concept_coach_jim_plunkett concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_jim_tressel concept:subpartof concept_building_ohio_state +concept_coach_jim_tressel concept:worksfor concept_university_ohio_state +concept_coach_jim_watson concept:personleadsgeopoliticalorganization concept_city_ottawa +concept_coach_jim_watson concept:worksfor concept_city_ottawa +concept_coach_jim_zorn concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_jim_zorn concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_jim_zorn concept:coachesinleague concept_sportsleague_nfl +concept_coach_jim_zorn concept:coachesteam concept_sportsteam_redskins +concept_coach_jochen_hecht concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_coach_joe_gibbs concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_joe_gibbs concept:coachesinleague concept_sportsleague_nfl +concept_coach_joe_mauer concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_joe_mauer concept:athleteplayssport concept_sport_baseball +concept_coach_joe_mauer concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_joe_mauer concept:athleteplaysforteam concept_sportsteam_twins +concept_coach_joe_mauer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_joe_mccarthy concept:coachesinleague concept_sportsleague_mlb +concept_coach_joe_namath concept:personbelongstoorganization concept_sportsleague_nfl +concept_coach_joe_namath concept:personbelongstoorganization concept_sportsteam_new_york_jets +concept_coach_joe_novak concept:coachesteam concept_sportsteam_niu +concept_coach_joe_novak concept:worksfor concept_sportsteam_northern_illinois +concept_coach_joe_novak concept:worksfor concept_university_niu +concept_coach_joe_paterno concept:coachesinleague concept_sportsleague_college_football +concept_coach_joe_paterno concept:coachesteam concept_sportsteam_nittany_lions +concept_coach_joe_tiller concept:personbelongstoorganization concept_university_purdue +concept_coach_joe_tinker concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_coach_joe_tinker concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_coach_joe_tinker concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_joe_torre concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_joe_torre concept:coachesinleague concept_sportsleague_mlb +concept_coach_joe_torre concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_joey_galloway concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_joey_galloway concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_joey_gathright concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_joey_gathright concept:athleteplayssport concept_sport_baseball +concept_coach_joey_gathright concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_joey_gathright concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_john_bannister concept:athleteplayssport concept_sport_baseball +concept_coach_john_beilein concept:worksfor concept_company_west_virginia +concept_coach_john_beilein concept:personbelongstoorganization concept_creditunion_michigan +concept_coach_john_brown concept:personbelongstoorganization concept_company_ideo +concept_coach_john_brown concept:athleteplayssportsteamposition concept_sportsteamposition_wide_receiver +concept_coach_john_bunting concept:personbelongstoorganization concept_company_north_carolina +concept_coach_john_calipari concept:personbelongstoorganization concept_company_tiger +concept_coach_john_calipari concept:coachesteam concept_sportsteam_umass_lowell_river_hawks +concept_coach_john_cooper concept:worksfor concept_sportsteam_ohio_state_university +concept_coach_john_curry concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_john_fox concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_john_fox concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_john_fox concept:coachesinleague concept_sportsleague_nhl +concept_coach_john_fox concept:coachesteam concept_sportsteam_carolina_panthers +concept_coach_john_gruden concept:coachesteam concept_sportsteam_buccaneers +concept_coach_john_harbaugh concept:coachesteam concept_sportsteam_ravens +concept_coach_john_harbaugh concept:worksfor concept_sportsteam_ravens +concept_coach_john_kennedy concept:personbelongstoorganization concept_governmentorganization_house +concept_coach_john_maine concept:athleteplayssport concept_sport_baseball +concept_coach_john_maine concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_john_maine concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_coach_john_maine concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_john_maine concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_coach_john_mara concept:personleadsorganization concept_sportsteam_new_york_giants +concept_coach_john_mara concept:worksfor concept_sportsteam_new_york_giants +concept_coach_john_marks concept:worksfor concept_county_tallahassee +concept_coach_john_mcgraw concept:coachesinleague concept_sportsleague_mlb +concept_coach_john_mcgraw concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_coach_john_mcgraw concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_john_thompson concept:personbelongstoorganization concept_city_georgetown +concept_coach_john_wooden concept:personbelongstoorganization concept_sportsteam_ucla +concept_coach_johnny_damon concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_johnny_damon concept:athleteplayssport concept_sport_baseball +concept_coach_johnny_damon concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_johnny_damon concept:athleteledsportsteam concept_sportsteam_yankees +concept_coach_johnny_damon concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_johnny_damon concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_johnny_dawkins concept:coachesteam concept_sportsteam_stanford +concept_coach_jon_gruden concept:agentcollaborateswithagent concept_coach_buccaneers +concept_coach_jon_gruden concept:worksfor concept_sportsteam_buccaneers +concept_coach_jon_gruden concept:coachesteam concept_sportsteam_bucs +concept_coach_jon_gruden concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_coach_jorge_vasquez concept:athleteplayssport concept_sport_baseball +concept_coach_jose_arredondo concept:athleteplayssport concept_sport_baseball +concept_coach_jose_arredondo concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jose_arredondo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jose_ceda concept:athleteplayssport concept_sport_baseball +concept_coach_jose_ceda concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jose_ceda concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jose_guillen concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_jose_guillen concept:athleteplayssport concept_sport_baseball +concept_coach_jose_guillen concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_jose_guillen concept:athleteplaysforteam concept_sportsteam_royals +concept_coach_jose_guillen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_jose_juan_barea concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_jose_juan_barea concept:coachesinleague concept_sportsleague_nba +concept_coach_jose_juan_barea concept:personbelongstoorganization concept_sportsteam_bucks +concept_coach_jose_juan_barea concept:personbelongstoorganization concept_sportsteam_chicago_bulls +concept_coach_jose_theodore concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_coach_josh_hamilton concept:personalsoknownas concept_person_barry_bonds +concept_coach_josh_hamilton concept:athleteledsportsteam concept_sportsteam_texas_rangers +concept_coach_josh_hamilton concept:personbelongstoorganization concept_sportsteam_texas_rangers +concept_coach_josh_hamilton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_josh_mcdaniels concept:coachesinleague concept_sportsleague_nfl +concept_coach_josh_mcdaniels concept:worksfor concept_sportsteam_broncos +concept_coach_josh_mcdaniels concept:worksfor concept_sportsteam_new_england_patriots +concept_coach_jr concept:persondiedincountry concept_country_england +concept_coach_june_jones concept:personbelongstoorganization concept_city_hawaii +concept_coach_june_jones concept:worksfor concept_stateorprovince_hawaii +concept_coach_june_jones concept:personbelongstoorganization concept_university_smu +concept_coach_justin_miller concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_justin_miller concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_justin_miller concept:athleteplayssport concept_sport_baseball +concept_coach_justin_miller concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_justin_pogge concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_justin_pogge concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_k concept:mutualproxyfor concept_athlete_calvin_johnson +concept_coach_kameron_loe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kansas_city_chiefs concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_kansas_city_chiefs concept:subpartof concept_sportsleague_nfl +concept_coach_kansas_jayhawks concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_kansas_jayhawks concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_kansas_state concept:agentcollaborateswithagent concept_coach_bill_snyder +concept_coach_kansas_state concept:agentcontrols concept_coach_bill_snyder +concept_coach_kansas_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_kay_yow concept:worksfor concept_sportsteam_nc_state +concept_coach_kay_yow concept:personbelongstoorganization concept_terroristorganization_state +concept_coach_keith_olberman concept:personbelongstoorganization concept_sportsleague_msnbc +concept_coach_keith_primeau concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_coach_ken_dye concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_coach_ken_niumatalolo concept:worksfor concept_governmentorganization_navy +concept_coach_ken_whisenhunt concept:worksfor concept_sportsteam_steelers +concept_coach_kenny_natt concept:coachesinleague concept_sportsleague_nhl +concept_coach_kenny_natt concept:coachesteam concept_sportsteam_kings_college +concept_coach_kenny_rogers concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_kenny_rogers concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kentucky concept:mutualproxyfor concept_bank_henderson +concept_coach_kentucky concept:mutualproxyfor concept_book_new +concept_coach_kentucky concept:mutualproxyfor concept_chemical_paducah +concept_coach_kentucky concept:mutualproxyfor concept_city_fort_campbell_north +concept_coach_kentucky concept:mutualproxyfor concept_city_hopkinsville +concept_coach_kentucky concept:mutualproxyfor concept_city_owensboro +concept_coach_kentucky concept:agentcontrols concept_coach_billy_gillespie +concept_coach_kentucky concept:mutualproxyfor concept_publication_richmond +concept_coach_kentucky concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_kentucky concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_kentucky concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_kentucky concept:mutualproxyfor concept_stadiumoreventvenue_lexington +concept_coach_kentucky concept:mutualproxyfor concept_website_louisville +concept_coach_kentucky_wildcats concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_kentucky_wildcats concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_kerry_collins concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_kerry_collins concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_kerry_collins concept:athleteledsportsteam concept_sportsteam_titans +concept_coach_kevin_faulk concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kevin_love concept:athleteplaysforteam concept_sportsteam_ucla +concept_coach_kevin_slowey concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_kevin_slowey concept:athleteplayssport concept_sport_baseball +concept_coach_kevin_slowey concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_kevin_slowey concept:athleteplaysforteam concept_sportsteam_twins +concept_coach_kevin_slowey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kevin_youkilis concept:athleteplayssport concept_sport_baseball +concept_coach_kevin_youkilis concept:athleteledsportsteam concept_sportsteam_red_sox +concept_coach_kevin_youkilis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_key concept:proxyfor concept_book_new +concept_coach_key concept:agentinvolvedwithitem concept_buildingfeature_window +concept_coach_kiffin concept:coachesteam concept_sportsteam_oakland_raiders +concept_coach_kiffin concept:worksfor concept_university_raiders +concept_coach_kip_wells concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_kip_wells concept:athleteplayssport concept_sport_baseball +concept_coach_kip_wells concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_kip_wells concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kirk_ferentz concept:worksfor concept_blog_iowa +concept_coach_kjzz_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_coach_kjzz_tv concept:subpartof concept_food_ind +concept_coach_knute_rockne concept:coachesinleague concept_sportsleague_college_football +concept_coach_koyie_hill concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_koyie_hill concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kragthorpe concept:worksfor concept_city_louisville +concept_coach_kris_letang concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_kris_letang concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_kris_letang concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_kyle_kendrick concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_kyle_kendrick concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_kyle_wellwood concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_kyle_wellwood concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_kyle_whittingham concept:worksfor concept_county_utah +concept_coach_ladainian_tomlinson concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_coach_lance_briggs concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_lance_briggs concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_lance_briggs concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_coach_lance_briggs concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_coach_larry_coker concept:worksfor concept_county_miami +concept_coach_larry_eustachy concept:personbelongstoorganization concept_sportsteam_iowa_state +concept_coach_larry_turner concept:latitudelongitude 35.9750700000000,-84.9732900000000 +concept_coach_laveranues_coles concept:athleteplaysforteam concept_sportsteam_new_york_jets +concept_coach_laveranues_coles concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_coach_leaders concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_coach_leaders concept:agentcollaborateswithagent concept_person_state +concept_coach_leaders concept:agentbelongstoorganization concept_terroristorganization_state +concept_coach_leavenworth concept:atlocation concept_city_washington_d_c +concept_coach_lebron_james concept:coachwontrophy concept_awardtrophytournament_nba_championship +concept_coach_lebron_james concept:athleteinjuredhisbodypart concept_bone_ankle +concept_coach_lebron_james concept:athleteplayssport concept_sport_basketball +concept_coach_lebron_james concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_lebron_james concept:coachesinleague concept_sportsleague_nba +concept_coach_lebron_james concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_coach_lebron_james concept:athleteplaysforteam concept_sportsteam_cavaliers +concept_coach_lebron_james concept:coachesteam concept_sportsteam_cavaliers +concept_coach_lebron_james concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_lebron_james concept:athletehomestadium concept_stadiumoreventvenue_quicken_loans_arena +concept_coach_lendale_white concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_lendale_white concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_lendale_white concept:athleteplaysforteam concept_sportsteam_titans +concept_coach_lenny_moore concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_lenny_moore concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_lenny_moore concept:athleteplayssport concept_sport_football +concept_coach_lenny_moore concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_lenny_moore concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_coach_lenny_moore concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_coach_leodis_mckelvin concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_leodis_mckelvin concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_lindy_ruff concept:coachesinleague concept_sportsleague_nhl +concept_coach_lindy_ruff concept:coachesteam concept_sportsteam_buffalo_sabres +concept_coach_linehan concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_linehan concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_linehan concept:coachesinleague concept_sportsleague_nfl +concept_coach_lloyd_carr concept:personbelongstoorganization concept_creditunion_michigan +concept_coach_locksley concept:worksfor concept_county_new_mexico +concept_coach_losman concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_losman concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_losman concept:athleteplaysforteam concept_sportsteam_bills +concept_coach_lou_groza concept:persondiedincountry concept_country_england +concept_coach_lou_holtz concept:worksfor concept_stateorprovince_south_carolina +concept_coach_louisville concept:agentcontrols concept_athlete_rick_pitino +concept_coach_louisville concept:agentcontrols concept_coach_bobby_petrino +concept_coach_louisville concept:subpartof concept_coach_kentucky +concept_coach_louisville concept:agentcontrols concept_coach_steve_kragthorpe +concept_coach_louisville concept:atlocation concept_skiarea_kentucky +concept_coach_louisville concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_louisville concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_louisville concept:subpartof concept_stateorprovince_colorado +concept_coach_lovie_smith concept:worksfor concept_county_chicago +concept_coach_lovie_smith concept:coachesinleague concept_sportsleague_nfl +concept_coach_luke_hudson concept:personbelongstoorganization concept_company_new_york +concept_coach_luke_hudson concept:athleteplayssport concept_sport_baseball +concept_coach_luke_hudson concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_luke_hudson concept:athleteledsportsteam concept_sportsteam_yankees +concept_coach_luke_hudson concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_luke_hudson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_luke_hudson concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_coach_luke_schenn concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_lute_olson concept:personbelongstoorganization concept_company_arizona +concept_coach_mact concept:latitudelongitude 31.0100000000000,29.7366700000000 +concept_coach_mangini concept:personbelongstoorganization concept_company_new_york +concept_coach_mangini concept:personbelongstoorganization concept_sportsleague_new +concept_coach_mangini concept:worksfor concept_sportsteam_cleveland_browns +concept_coach_mangini concept:worksfor concept_sportsteam_new_york_jets +concept_coach_manny_diaz concept:personleadsgeopoliticalorganization concept_city_deerfield_beach +concept_coach_manny_diaz concept:personleadsgeopoliticalorganization concept_city_west_palm_beach +concept_coach_manny_diaz concept:personleadsorganization concept_city_west_palm_beach +concept_coach_manny_diaz concept:personhasresidenceingeopoliticallocation concept_county_miami +concept_coach_manny_diaz concept:personleadsgeopoliticalorganization concept_county_miami +concept_coach_manny_diaz concept:worksfor concept_county_miami +concept_coach_marc_andre_fleury concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_marc_andre_fleury concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_marc_andre_fleury concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_marc_iavaroni concept:coachesinleague concept_sportsleague_nba +concept_coach_marc_iavaroni concept:coachesteam concept_sportsteam_memphis_grizzlies +concept_coach_marc_iavaroni concept:worksfor concept_sportsteam_memphis_grizzlies +concept_coach_marcelo_bielsa concept:personbelongstoorganization concept_country_chile +concept_coach_marcin_gortat concept:coachwontrophy concept_awardtrophytournament_playoff_series +concept_coach_marco_andretti concept:personbelongstoorganization concept_organization_andretti_green_racing +concept_coach_marco_sturm concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_marco_sturm concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_marinelli concept:subpartof concept_musicalbum_lions +concept_coach_marinelli concept:worksfor concept_professionalorganization_lions +concept_coach_marinelli concept:coachesteam concept_sportsteam_detroit_lions +concept_coach_mariucci concept:worksfor concept_sportsteam_detroit_lions +concept_coach_mark_dantonio concept:worksfor concept_sportsteam_michigan_state +concept_coach_mark_dantonio concept:personbelongstoorganization concept_university_msu +concept_coach_mark_grudzielanek concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_mark_grudzielanek concept:athleteplayssport concept_sport_baseball +concept_coach_mark_grudzielanek concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mark_grudzielanek concept:athleteplaysforteam concept_sportsteam_royals +concept_coach_mark_grudzielanek concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mark_mangino concept:personbelongstoorganization concept_creditunion_kansas +concept_coach_mark_mangino concept:subpartof concept_creditunion_kansas +concept_coach_mark_parrish concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_mark_recchi concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mark_richt concept:personbelongstoorganization concept_stateorprovince_georgia +concept_coach_mark_richt concept:personbelongstoorganization concept_university_uga +concept_coach_mark_snyder concept:worksfor concept_sportsleague_marshall +concept_coach_mark_streit concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_mark_twain concept:agentcreated concept_book_pudd_nhead_wilson +concept_coach_mark_twain concept:agentcreated concept_book_tom_sawyer_abroad +concept_coach_mark_twain concept:agentcreated concept_book_tom_sawyer_detective +concept_coach_marshall_faulk concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_marshall_faulk concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_marshall_faulk concept:athleteplayssport concept_sport_football +concept_coach_marshall_faulk concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_marshall_faulk concept:athleteplaysforteam concept_sportsteam_rams +concept_coach_marshall_faulk concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_coach_marty_mornhinweg concept:coachesinleague concept_sportsleague_nfl +concept_coach_martz concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_martz concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_martz concept:coachesinleague concept_sportsleague_nfl +concept_coach_martz concept:worksfor concept_sportsteam_rams +concept_coach_marvin_lewis concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_marvin_lewis concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_marvin_lewis concept:coachesinleague concept_sportsleague_nfl +concept_coach_marvin_lewis concept:coachesteam concept_sportsteam_bengals +concept_coach_matt_forte concept:athleteplayssport concept_sport_hockey +concept_coach_matt_forte concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_matt_forte concept:athleteplaysforteam concept_sportsteam_bears_29_17 +concept_coach_matt_forte concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_coach_matt_guerrier concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_matt_holiday concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_matt_holiday concept:athleteplayssport concept_sport_baseball +concept_coach_matt_holiday concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_matt_holiday concept:athleteledsportsteam concept_sportsteam_rockies +concept_coach_matt_holiday concept:athleteplaysforteam concept_sportsteam_rockies +concept_coach_matt_holiday concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_matt_macri concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_matt_stairs concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_matt_stairs concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_coach_matt_stajan concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_matt_stajan concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_maurice_jones_drew concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_maurice_jones_drew concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_maxim_afinogenov concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_coach_metro_areas concept:proxyfor concept_book_new +concept_coach_miami_dolphins concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_miami_dolphins concept:subpartof concept_sportsleague_nfl +concept_coach_miami_heat concept:atlocation concept_county_miami +concept_coach_miami_heat concept:agentparticipatedinevent concept_eventoutcome_title +concept_coach_michael_bourn concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_michael_bourn concept:athleteledsportsteam concept_sportsteam_astros +concept_coach_michael_bourn concept:personbelongstoorganization concept_sportsteam_houston_astros +concept_coach_michael_bourn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_michael_curry concept:personbelongstoorganization concept_county_detroit +concept_coach_michael_curry concept:coachesinleague concept_sportsleague_nba +concept_coach_michael_frolik concept:athleteplaysforteam concept_sportsteam_florida_international +concept_coach_michael_nylander concept:athleteplaysforteam concept_sportsteam_capitals +concept_coach_michael_nylander concept:athletehomestadium concept_stadiumoreventvenue_verizon_center +concept_coach_michael_powell concept:personleadsorganization concept_company_fcc +concept_coach_michael_powell concept:worksfor concept_company_fcc +concept_coach_michel_therrien concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_michigan_state_spartans concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_michigan_state_spartans concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_michigan_state_spartans concept:agentcompeteswithagent concept_sportsteam_red_raiders +concept_coach_michigan_wolverines concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_mick_cronin concept:worksfor concept_city_cincinnati +concept_coach_mickael_pietrus concept:coachwontrophy concept_awardtrophytournament_playoff_series +concept_coach_mickael_pietrus concept:athleteplaysforteam concept_sportsteam_magic +concept_coach_mickey_mantle concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_mickey_mantle concept:athleteplayssport concept_sport_baseball +concept_coach_mickey_mantle concept:athleteledsportsteam concept_sportsteam_yankees +concept_coach_mickey_mantle concept:athleteplaysforteam concept_sportsteam_yankees +concept_coach_mickey_mantle concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mickey_mantle concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_coach_mike_babcock concept:coachesinleague concept_sportsleague_nhl +concept_coach_mike_d_antoni concept:coachesteam concept_sportsteam_knicks +concept_coach_mike_d_antoni concept:personbelongstoorganization concept_sportsteam_suns +concept_coach_mike_ditka concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_mike_ditka concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_mike_ditka concept:coachwontrophy concept_awardtrophytournament_superbowl +concept_coach_mike_ditka concept:coachesinleague concept_sportsleague_nfl +concept_coach_mike_ditka concept:athletehomestadium concept_stadiumoreventvenue_soldier_field +concept_coach_mike_fontenot concept:athleteplayssport concept_sport_baseball +concept_coach_mike_fontenot concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mike_fontenot concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_coach_mike_fontenot concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mike_grier concept:persondiedincountry concept_country_england +concept_coach_mike_gundy concept:subpartof concept_building_oklahoma_state +concept_coach_mike_gundy concept:agentcollaborateswithagent concept_person_oklahoma_state +concept_coach_mike_gundy concept:worksfor concept_professionalorganization_oklahoma_state_university +concept_coach_mike_gundy concept:personbelongstoorganization concept_university_osu +concept_coach_mike_holmgren concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_mike_holmgren concept:coachesinleague concept_sportsleague_nfl +concept_coach_mike_krzyzewski concept:personbelongstoorganization concept_country_usa +concept_coach_mike_krzyzewski concept:personbelongstoorganization concept_county_duke_university +concept_coach_mike_krzyzewski concept:worksfor concept_school_duke +concept_coach_mike_leach concept:coachesteam concept_sportsteam_texas_tech_red_raiders +concept_coach_mike_lieberthal concept:athleteplayssport concept_sport_baseball +concept_coach_mike_lieberthal concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mike_lieberthal concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mike_macdougal concept:athleteplayssport concept_sport_baseball +concept_coach_mike_macdougal concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mike_macdougal concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mike_martz concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_mike_martz concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_mike_martz concept:worksfor concept_city_st_louis +concept_coach_mike_martz concept:coachesteam concept_sportsteam_st_louis_rams +concept_coach_mike_martz concept:worksfor concept_sportsteam_st_louis_rams +concept_coach_mike_montgomery concept:worksfor concept_professionalorganization_cal +concept_coach_mike_montgomery concept:worksfor concept_sportsteam_stanford +concept_coach_mike_mularkey concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_mike_mularkey concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_mike_mularkey concept:coachesinleague concept_sportsleague_nfl +concept_coach_mike_mularkey concept:coachesteam concept_sportsteam_buffalo_bills +concept_coach_mike_price concept:worksfor concept_newspaper_alabama +concept_coach_mike_price concept:personbelongstoorganization concept_university_alabama +concept_coach_mike_price concept:worksfor concept_university_utep +concept_coach_mike_riley concept:coachesteam concept_sportsteam_oregon_state_beavers +concept_coach_mike_shanahan concept:personbelongstoorganization concept_sportsteam_broncos +concept_coach_mike_shanahan concept:subpartof concept_sportsteam_broncos +concept_coach_mike_shanahan concept:coachesteam concept_sportsteam_new_york_giants +concept_coach_mike_shanahan concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_coach_mike_sherman concept:worksfor concept_automobilemaker_a_m +concept_coach_mike_sherman concept:worksfor concept_city_green_bay +concept_coach_mike_sherman concept:worksfor concept_sportsteam_packers +concept_coach_mike_sherman concept:worksfor concept_sportsteam_texas_a_m +concept_coach_mike_shula concept:worksfor concept_university_alabama +concept_coach_mike_sillinger concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_mike_tomlin concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_mike_tomlin concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_mike_tomlin concept:personbelongstoorganization concept_city_pittsburgh +concept_coach_mike_tomlin concept:personbelongstoorganization concept_sportsleague_new +concept_coach_mike_tomlin concept:coachesinleague concept_sportsleague_nfl +concept_coach_mike_woodson concept:coachesinleague concept_sportsleague_nba +concept_coach_mike_woodson concept:coachesteam concept_sportsteam_hawks +concept_coach_mikhail_grabovski concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_mikhail_grabovski concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_milan_hejduk concept:athleteplaysforteam concept_sportsteam_colorado_avalanche +concept_coach_milan_hejduk concept:athletehomestadium concept_stadiumoreventvenue_pepsi_center +concept_coach_milan_lucic concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_milan_lucic concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_milleville concept:latitudelongitude 42.0494900000000,-83.1868700000000 +concept_coach_milwaukee_bucks concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_minnesota_golden_gophers concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_minnesota_golden_gophers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_mississippi_state_bulldogs concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_mississippi_state_bulldogs concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_mississippi_state_bulldogs concept:agentcompeteswithagent concept_sportsteam_red_raiders +concept_coach_mitch_williams concept:athleteplayssport concept_sport_boxing +concept_coach_mitch_williams concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mitch_williams concept:coachesteam concept_sportsteam_raptors +concept_coach_mitch_williams concept:worksfor concept_sportsteam_raptors +concept_coach_mitch_williams concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_coach_montreal_canadiens concept:atlocation concept_city_montreal +concept_coach_mumme concept:latitudelongitude 29.2885700000000,-99.2269800000000 +concept_coach_n3 concept:proxyfor concept_book_new +concept_coach_n3 concept:mutualproxyfor concept_city_home +concept_coach_n3 concept:mutualproxyfor concept_geometricshape_property +concept_coach_n3 concept:mutualproxyfor concept_governmentorganization_house +concept_coach_n3 concept:mutualproxyfor concept_musicsong_villa +concept_coach_n3 concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_n6 concept:mutualproxyfor concept_book_new +concept_coach_n6 concept:mutualproxyfor concept_city_home +concept_coach_n6 concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_n8 concept:proxyfor concept_book_new +concept_coach_n8 concept:mutualproxyfor concept_city_home +concept_coach_n8 concept:mutualproxyfor concept_governmentorganization_house +concept_coach_n8 concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_nate_mclouth concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_nate_mclouth concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_nate_mclouth concept:athleteledsportsteam concept_sportsteam_pirates +concept_coach_nate_mclouth concept:athleteplaysforteam concept_sportsteam_pirates +concept_coach_nate_mclouth concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_nathan_horton concept:athleteplaysforteam concept_sportsteam_florida_international +concept_coach_ncaa_tournament concept:atdate concept_date_n1996 +concept_coach_ncaa_tournament concept:atdate concept_date_n1999 +concept_coach_ncaa_tournament concept:atdate concept_date_n2004 +concept_coach_ncaa_tournament concept:atdate concept_dateliteral_n2002 +concept_coach_ncaa_tournament concept:atdate concept_year_n1984 +concept_coach_ncaa_tournament concept:atdate concept_year_n1989 +concept_coach_ncaa_tournament concept:atdate concept_year_n1995 +concept_coach_nephew concept:proxyfor concept_book_new +concept_coach_new concept:subpartof concept_airport_europe +concept_coach_new concept:agentactsinlocation concept_airport_jersey +concept_coach_new concept:subpartof concept_aquarium_uk_ +concept_coach_new concept:mutualproxyfor concept_biotechcompany_sydney +concept_coach_new concept:mutualproxyfor concept_blog_epicenter +concept_coach_new concept:mutualproxyfor concept_blog_northern_virginia +concept_coach_new concept:mutualproxyfor concept_building_new_york_area +concept_coach_new concept:subpartof concept_city_area +concept_coach_new concept:subpartof concept_city_boston +concept_coach_new concept:subpartof concept_city_click +concept_coach_new concept:subpartof concept_city_communities +concept_coach_new concept:subpartof concept_city_deals +concept_coach_new concept:subpartof concept_city_florida +concept_coach_new concept:subpartof concept_city_place +concept_coach_new concept:subpartof concept_city_service +concept_coach_new concept:subpartof concept_city_texas +concept_coach_new concept:subpartof concept_city_towns +concept_coach_new concept:subpartof concept_city_washington_d_c +concept_coach_new concept:agentcollaborateswithagent concept_coach_eric_mangini +concept_coach_new concept:agentcollaborateswithagent concept_coach_rex_ryan +concept_coach_new concept:mutualproxyfor concept_company_canada +concept_coach_new concept:subpartof concept_company_canada +concept_coach_new concept:mutualproxyfor concept_company_focus +concept_coach_new concept:mutualproxyfor concept_company_los_angeles +concept_coach_new concept:subpartof concept_company_new_york +concept_coach_new concept:mutualproxyfor concept_company_subsidiary +concept_coach_new concept:mutualproxyfor concept_company_symbol +concept_coach_new concept:subpartof concept_country_australia +concept_coach_new concept:subpartof concept_country_korea +concept_coach_new concept:subpartof concept_country_usa +concept_coach_new concept:subpartof concept_county_health +concept_coach_new concept:subpartof concept_county_manhattan +concept_coach_new concept:subpartof concept_currency_dollars +concept_coach_new concept:subpartof concept_director_summers +concept_coach_new concept:subpartof concept_geopoliticallocation_dakota +concept_coach_new concept:subpartof concept_geopoliticallocation_performances +concept_coach_new concept:mutualproxyfor concept_hobby_playground +concept_coach_new concept:mutualproxyfor concept_hobby_studio +concept_coach_new concept:mutualproxyfor concept_hobby_trips +concept_coach_new concept:mutualproxyfor concept_hobby_work +concept_coach_new concept:mutualproxyfor concept_invertebrate_coastal_areas +concept_coach_new concept:agentactsinlocation concept_island_guinea +concept_coach_new concept:subpartof concept_island_new_york_city_metropolitan_area +concept_coach_new concept:subpartof concept_island_polynesia +concept_coach_new concept:subpartof concept_island_territory +concept_coach_new concept:subpartof concept_mammal_australasia +concept_coach_new concept:mutualproxyfor concept_mammal_recipient +concept_coach_new concept:subpartof concept_monarch_india +concept_coach_new concept:subpartof concept_monument_area_residents +concept_coach_new concept:subpartof concept_musicinstrument_africa +concept_coach_new concept:subpartof concept_musicinstrument_asia +concept_coach_new concept:subpartof concept_musicinstrument_blocks +concept_coach_new concept:subpartof concept_musicinstrument_resource +concept_coach_new concept:subpartof concept_nongovorganization_cities +concept_coach_new concept:subpartof concept_nongovorganization_u_s_ +concept_coach_new concept:agentcollaborateswithagent concept_person_alex_rodriguez +concept_coach_new concept:agentcollaborateswithagent concept_personus_jason_giambi +concept_coach_new concept:agentcollaborateswithagent concept_personus_joe_dimaggio +concept_coach_new concept:mutualproxyfor concept_plant_statue +concept_coach_new concept:subpartof concept_politicaloffice_office +concept_coach_new concept:subpartof concept_politicsblog_more_times +concept_coach_new concept:subpartof concept_profession_division +concept_coach_new concept:subpartof concept_publication_people_ +concept_coach_new concept:subpartof concept_river_counties +concept_coach_new concept:mutualproxyfor concept_sport_possession +concept_coach_new concept:subpartof concept_sportsgame_centuries +concept_coach_new concept:subpartof concept_sportsgame_consecutive_years +concept_coach_new concept:subpartof concept_sportsgame_days_last_week +concept_coach_new concept:subpartof concept_sportsgame_extra_days +concept_coach_new concept:subpartof concept_sportsgame_more_days +concept_coach_new concept:subpartof concept_sportsgame_more_months +concept_coach_new concept:subpartof concept_sportsgame_more_weeks +concept_coach_new concept:subpartof concept_sportsgame_more_years +concept_coach_new concept:subpartof concept_sportsgame_short_years +concept_coach_new concept:subpartof concept_sportsgame_yrs +concept_coach_new concept:subpartof concept_sportsleague_post +concept_coach_new concept:subpartof concept_sportsleague_terms +concept_coach_new concept:subpartof concept_sportsteam_uk +concept_coach_new concept:mutualproxyfor concept_terroristorganization_nations +concept_coach_new concept:subpartof concept_traditionalgame_vegas +concept_coach_new concept:subpartof concept_university_carolina_state_university +concept_coach_new concept:subpartof concept_university_reasons +concept_coach_new concept:subpartof concept_university_the_arts +concept_coach_new concept:subpartof concept_visualizablething_parishes +concept_coach_new concept:subpartof concept_weapon_weeks +concept_coach_new concept:proxyfor concept_website_projects +concept_coach_new_england_patriots concept:agentparticipatedinevent concept_convention_games +concept_coach_new_england_patriots concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_new_england_patriots concept:subpartof concept_sportsleague_nfl +concept_coach_new_england_patriots concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_coach_new_jersey_devils concept:subpartof concept_sportsleague_nba +concept_coach_new_jersey_nets concept:subpartof concept_sportsleague_nba +concept_coach_new_orleans_hornets concept:subpartof concept_sportsleague_nfl +concept_coach_new_orleans_saints concept:agentparticipatedinevent concept_convention_games +concept_coach_new_orleans_saints concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_new_orleans_saints concept:subpartof concept_sportsleague_nfl +concept_coach_new_york_giants concept:proxyfor concept_book_new +concept_coach_new_york_giants concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_new_york_giants concept:agentcontrols concept_sportsleague_nfl +concept_coach_new_york_giants concept:subpartof concept_sportsleague_nfl +concept_coach_new_york_jets concept:proxyfor concept_book_new +concept_coach_new_york_jets concept:agentcontrols concept_coach_eric_mangini +concept_coach_new_york_jets concept:agentparticipatedinevent concept_convention_games +concept_coach_new_york_jets concept:agentcontrols concept_sportsleague_nfl +concept_coach_new_york_jets concept:subpartof concept_sportsleague_nfl +concept_coach_new_york_jets concept:agentcompeteswithagent concept_sportsteam_dundee_united +concept_coach_new_york_jets concept:agentcompeteswithagent concept_sportsteam_philadelphia_athletics +concept_coach_new_york_jets concept:agentcompeteswithagent concept_sportsteam_undefeated_new_england_patriots +concept_coach_new_york_red_bulls concept:agentbelongstoorganization concept_sportsleague_mls +concept_coach_nick_saban concept:worksfor concept_county_miami +concept_coach_nick_saban concept:worksfor concept_newspaper_alabama +concept_coach_nick_saban concept:coachesteam concept_sportsteam_alabama_crimson_tide +concept_coach_nick_saban concept:worksfor concept_sportsteam_michigan_state +concept_coach_nick_saban concept:personbelongstoorganization concept_stateorprovince_ua +concept_coach_nick_saban concept:personbelongstoorganization concept_university_alabama +concept_coach_nik_antropov concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_nik_antropov concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_coach_niklas_hagman concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_niklas_hagman concept:athleteplaysforteam concept_sportsteam_maple_leafs +concept_coach_nlcs concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_nnamdi_asomugha concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_nnamdi_asomugha concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_nnamdi_asomugha concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_coach_nnamdi_asomugha concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_coach_norv_turner concept:worksfor concept_sportsteam_sd_chargers +concept_coach_oakland_raiders concept:atlocation concept_city_oakland +concept_coach_occupation concept:atdate concept_date_n1941 +concept_coach_occupation concept:atdate concept_date_n2004 +concept_coach_occupation concept:atdate concept_date_n2009 +concept_coach_occupation concept:atdate concept_dateliteral_n2005 +concept_coach_occupation concept:atdate concept_dateliteral_n2006 +concept_coach_occupation concept:atdate concept_dateliteral_n2007 +concept_coach_occupation concept:atdate concept_dateliteral_n2008 +concept_coach_oklahoma_sooners concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_oklahoma_sooners concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_oklahoma_sooners concept:agentcompeteswithagent concept_sportsteam_red_raiders +concept_coach_olaf_kolzig concept:athleteplaysforteam concept_sportsteam_tampa +concept_coach_olaf_kolzig concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_olaf_kolzig concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_coach_ole_miss concept:agentcontrols concept_coach_houston_nutt +concept_coach_ole_miss concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_ole_miss concept:agentcompeteswithagent concept_sportsteam_uk +concept_coach_ozzie_guillen concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_ozzie_guillen concept:coachesinleague concept_sportsleague_mlb +concept_coach_p_j__brown concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_p_j__brown concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_p_j__carlesimo concept:personalsoknownas concept_athlete_j_p__arencibia +concept_coach_p_j__carlesimo concept:personalsoknownas concept_athlete_j_p__losman +concept_coach_p_j__carlesimo concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_coach_p_j__carlesimo concept:personalsoknownas concept_athlete_p_j__walters +concept_coach_p_j__carlesimo concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_p_j__carlesimo concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_p_j__carlesimo concept:personalsoknownas concept_coach_p_j__hill +concept_coach_p_j__carlesimo concept:personalsoknownas concept_person_p_j__brown +concept_coach_p_j__carlesimo concept:personalsoknownas concept_person_pj_hill +concept_coach_p_j__carlesimo concept:personalsoknownas concept_personus_j_p__howell +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_j_p__arencibia +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_j_p__howell +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_j_p__losman +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_p_j__brown +concept_coach_p_j__hill concept:personalsoknownas concept_athlete_p_j__walters +concept_coach_p_j__hill concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_p_j__hill concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_p_j__hill concept:personalsoknownas concept_coach_p_j__carlesimo +concept_coach_p_j__hill concept:personalsoknownas concept_person_pj_hill +concept_coach_pascal_leclaire concept:athleteplaysforteam concept_sportsteam_columbus_blue_jackets +concept_coach_pat_dye concept:personbelongstoorganization concept_university_auburn +concept_coach_pat_fitzgerald concept:worksfor concept_sportsteam_northwestern +concept_coach_pat_hill concept:coachesteam concept_sportsteam_fresno_state_bulldogs +concept_coach_patrick_kane concept:athleteplayssport concept_sport_hockey +concept_coach_patrick_kane concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_patrick_kane concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_patrick_kane concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_patrick_pinkney concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_patrik_elias concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_paul_bako concept:athleteplayssport concept_sport_baseball +concept_coach_paul_bako concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_paul_byrd concept:athleteplayssport concept_sport_baseball +concept_coach_paul_byrd concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_paul_byrd concept:coachesinleague concept_sportsleague_nhl +concept_coach_paul_byrd concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_paul_martin concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_paul_martin concept:athleteplaysforteam concept_sportsteam_devils +concept_coach_paul_martin concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_coach_paul_maurice concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_paul_maurice concept:worksfor concept_sportsteam_leafs +concept_coach_paul_rhoads concept:worksfor concept_bank_iowa_state +concept_coach_paul_rhoads concept:coachesteam concept_sportsteam_iowa_state +concept_coach_paul_wulff concept:coachesteam concept_sportsteam_washington_state +concept_coach_pedro_martinez concept:athleteplayssport concept_sport_baseball +concept_coach_pedro_martinez concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_pedro_martinez concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_coach_pedro_martinez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_pedro_martinez concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_coach_pedro_moreira concept:latitudelongitude -19.0166700000000,-44.7666700000000 +concept_coach_peter_moylan concept:persondiedatage 5 +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_artery_arm +concept_coach_peter_moylan concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_bone_arms +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_bone_fingers +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_coach_peter_moylan concept:athleteinjuredhisbodypart concept_nerve_hand +concept_coach_peter_moylan concept:parentofperson concept_person_john003 +concept_coach_peter_moylan concept:personbelongstoorganization concept_politicalparty_college +concept_coach_peter_moylan concept:parentofperson concept_politicianus_john_the_baptist +concept_coach_peter_moylan concept:athleteplayssport concept_sport_baseball +concept_coach_peter_moylan concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_peter_moylan concept:athleteplaysforteam concept_sportsteam_boston_bruins +concept_coach_peter_moylan concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_peter_moylan concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_peveto concept:latitudelongitude 30.8746360000000,-94.3970800000000 +concept_coach_phil_jackson concept:coachwontrophy concept_awardtrophytournament_nba_championship +concept_coach_phil_jackson concept:coachesinleague concept_sportsleague_nba +concept_coach_phil_nevin concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_philadelphia_eagles concept:agentparticipatedinevent concept_convention_games +concept_coach_philadelphia_eagles concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_philadelphia_eagles concept:subpartof concept_sportsleague_nfl +concept_coach_philadelphia_eagles concept:synonymfor concept_sportsteam_arizona_cardinals_27_23 +concept_coach_philadelphia_eagles concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_coach_philadelphia_flyers concept:atlocation concept_county_philadelphia +concept_coach_philadelphia_flyers concept:subpartof concept_sportsleague_nhl +concept_coach_philip_fulmer concept:subpartof concept_astronaut_vols +concept_coach_philip_fulmer concept:worksfor concept_geopoliticallocation_ut +concept_coach_philip_fulmer concept:subpartof concept_musicalbum_tennessee +concept_coach_philip_fulmer concept:worksfor concept_newspaper_tennessee +concept_coach_philip_fulmer concept:agentcollaborateswithagent concept_politician_ut +concept_coach_philip_fulmer concept:subpartof concept_retailstore_ut +concept_coach_philip_fulmer concept:worksfor concept_sportsteam_vols +concept_coach_philip_fulmer concept:personbelongstoorganization concept_stateorprovince_tennessee +concept_coach_philip_fulmer concept:worksfor concept_stateorprovince_volunteer +concept_coach_philip_fulmer concept:subpartof concept_televisionshow_football +concept_coach_philip_rivers concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_coach_philip_rivers concept:athleteinjuredhisbodypart concept_bone_arms +concept_coach_philip_rivers concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_coach_philip_rivers concept:athleteinjuredhisbodypart concept_nerve_hand +concept_coach_philip_rivers concept:athleteplayssport concept_sport_football +concept_coach_philip_rivers concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_philip_rivers concept:athleteledsportsteam concept_sportsteam_sd_chargers +concept_coach_philip_rivers concept:athleteplaysforteam concept_sportsteam_sd_chargers +concept_coach_philip_rivers concept:personbelongstoorganization concept_sportsteam_sd_chargers +concept_coach_philip_rivers concept:coachesteam concept_sportsteam_tennessee_volunteers +concept_coach_philip_rivers concept:worksfor concept_sportsteam_tennessee_volunteers +concept_coach_philip_rivers concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_philip_rivers concept:worksfor concept_stateorprovince_tennessee +concept_coach_phoenix_coyotes concept:atlocation concept_city_phoenix +concept_coach_pittsburgh_steelers concept:agentcontrols concept_sportsleague_nfl +concept_coach_pj_hill concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_pj_hill concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_places concept:proxyfor concept_book_new +concept_coach_places concept:agentparticipatedinevent concept_sportsgame_standings +concept_coach_places concept:subpartof concept_weatherphenomenon_water +concept_coach_playoffs concept:agentparticipatedinevent concept_sportsgame_finals +concept_coach_playoffs concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_pronger concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_pronger concept:personbelongstoorganization concept_sportsteam_anaheim_ducks +concept_coach_purdue_boilermakers concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_raheem_morris concept:worksfor concept_sportsteam_buccaneers +concept_coach_raheem_morris concept:coachesteam concept_sportsteam_tampa +concept_coach_ralph_friedgen concept:coachesteam concept_sportsteam_maryland +concept_coach_randor_bierd concept:athleteplayssport concept_sport_baseball +concept_coach_randor_bierd concept:athleteplaysforteam concept_sportsteam_orioles +concept_coach_randor_bierd concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_randor_bierd concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_coach_randy_jones concept:athleteplaysforteam concept_sportsteam_flyers_playoff_tickets +concept_coach_randy_shannon concept:worksfor concept_city_um +concept_coach_randy_shannon concept:worksfor concept_county_miami +concept_coach_randy_shannon concept:coachesteam concept_sportsteam_miami_hurricanes +concept_coach_randy_shannon concept:worksfor concept_sportsteam_miami_hurricanes +concept_coach_randy_smith concept:personbelongstoorganization concept_organization_tigers +concept_coach_randy_walker concept:coachesteam concept_sportsteam_northwestern +concept_coach_randy_walker concept:worksfor concept_sportsteam_northwestern +concept_coach_randy_wittman concept:coachesteam concept_sportsteam_timberwolves +concept_coach_randy_wittman concept:worksfor concept_sportsteam_timberwolves +concept_coach_raske concept:latitudelongitude -17.7333300000000,178.6833300000000 +concept_coach_ray_allen concept:personalsoknownas concept_athlete_t__j__ford +concept_coach_ray_allen concept:personalsoknownas concept_personmexico_t_j__ford +concept_coach_raymond_james_stadium concept:subpartof concept_city_tampa_bay +concept_coach_red_auerbach concept:coachesinleague concept_sportsleague_nba +concept_coach_reggie_theus concept:coachesteam concept_sportsteam_sacramento_kings +concept_coach_reggie_theus concept:worksfor concept_sportsteam_sacramento_kings +concept_coach_reggie_theus concept:worksfor concept_university_new_mexico_state +concept_coach_renney concept:latitudelongitude 36.9334800000000,-77.1780200000000 +concept_coach_rex_grossman concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_rex_grossman concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_rex_grossman concept:persondiedincountry concept_country_england +concept_coach_rex_grossman concept:athleteledsportsteam concept_sportsteam_bears_29_17 +concept_coach_rex_ryan concept:agentcollaborateswithagent concept_sportsleague_new +concept_coach_rex_ryan concept:subpartof concept_sportsleague_new +concept_coach_rex_ryan concept:coachesteam concept_sportsteam_new_york_jets +concept_coach_rex_ryan concept:worksfor concept_sportsteam_new_york_jets +concept_coach_rich_brooks concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_rich_brooks concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_rich_brooks concept:worksfor concept_university_kentucky +concept_coach_richard_hamilton concept:coachwontrophy concept_awardtrophytournament_nba_finals +concept_coach_richard_hamilton concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_richard_hamilton concept:athleteledsportsteam concept_sportsteam_pistons +concept_coach_richard_hamilton concept:athletehomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_coach_rick_barnes concept:worksfor concept_city_texas +concept_coach_rick_carlisle concept:coachesinleague concept_sportsleague_nba +concept_coach_rick_neuheisel concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_rick_neuheisel concept:coachesteam concept_sportsteam_ucla +concept_coach_rick_porcello concept:personhasjobposition concept_jobposition_pitcher +concept_coach_rick_porcello concept:personbelongstoorganization concept_organization_tigers +concept_coach_rickie_weeks concept:athleteplayssport concept_sport_baseball +concept_coach_rickie_weeks concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_rickie_weeks concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_righetti concept:latitudelongitude 35.0651750000000,-120.5036400000000 +concept_coach_robb_akey concept:persondiedatage 3 +concept_coach_robb_akey concept:worksfor concept_newspaper_idaho +concept_coach_robb_akey concept:personbelongstoorganization concept_sportsteam_state_university +concept_coach_robert_neyland concept:worksfor concept_newspaper_tennessee +concept_coach_robert_smith concept:coachesinleague concept_sportsleague_nfl +concept_coach_robyn_regehr concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_coach_rod_marinelli concept:worksfor concept_professionalorganization_lions +concept_coach_rod_marinelli concept:subpartof concept_sport_detroit_lions +concept_coach_rod_marinelli concept:worksfor concept_sportsteam_detroit_lions +concept_coach_romanowski concept:agentactsinlocation concept_stadiumoreventvenue_invesco_field +concept_coach_romanowski concept:atlocation concept_stadiumoreventvenue_invesco_field +concept_coach_romeo_crennel concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_romeo_crennel concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_romeo_crennel concept:personbelongstoorganization concept_radiostation_cleveland +concept_coach_romeo_crennel concept:worksfor concept_sportsteam_cleveland_browns +concept_coach_ron_turner concept:worksfor concept_stateorprovince_illinois +concept_coach_ron_zook concept:personbelongstoorganization concept_city_florida +concept_coach_ron_zook concept:coachesinleague concept_sportsleague_ncaa_football +concept_coach_ron_zook concept:coachesteam concept_sportsteam_illini +concept_coach_ron_zook concept:personbelongstoorganization concept_stateorprovince_illinois +concept_coach_rookie concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_russ_grimm concept:worksfor concept_sportsteam_arizona_cardinals_27_23 +concept_coach_rusty_brown concept:persondiedincountry concept_country_england +concept_coach_ryan_fitzpatrick concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_ryan_fitzpatrick concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_ryan_fitzpatrick concept:athleteledsportsteam concept_sportsteam_bengals +concept_coach_ryan_fitzpatrick concept:athleteplaysforteam concept_sportsteam_bengals +concept_coach_ryan_fitzpatrick concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_coach_ryan_ludwick concept:athleteplayssport concept_sport_football +concept_coach_ryan_ludwick concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_ryan_ludwick concept:personbelongstoorganization concept_sportsteam_arizona_cardinals_27_23 +concept_coach_ryan_spilborghs concept:athleteplayssport concept_sport_baseball +concept_coach_ryan_spilborghs concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_ryan_spilborghs concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_sacramento_kings concept:agentbelongstoorganization concept_sportsleague_nba +concept_coach_sami_salo concept:athleteplaysforteam concept_sportsteam_canucks +concept_coach_sammy_baugh concept:athleteplayssport concept_sport_football +concept_coach_sammy_baugh concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_sammy_sosa concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_sammy_sosa concept:athleteplayssport concept_sport_baseball +concept_coach_sammy_sosa concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_sammy_sosa concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_coach_sammy_sosa concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_sammy_sosa concept:athleteplayssportsteamposition concept_sportsteamposition_outfielder +concept_coach_sammy_sosa concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_coach_san_antonio_spurs concept:atlocation concept_island_houston +concept_coach_san_antonio_spurs concept:agentparticipatedinevent concept_sportsgame_championship +concept_coach_san_antonio_spurs concept:subpartof concept_sportsleague_nba +concept_coach_san_diego_chargers concept:atlocation concept_county_san_diego +concept_coach_san_diego_chargers concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_san_diego_chargers concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_san_diego_chargers concept:subpartof concept_sportsleague_nfl +concept_coach_sarah_palin concept:personhasresidenceingeopoliticallocation concept_city_alaska +concept_coach_sarah_palin concept:personleadsorganization concept_city_alaska +concept_coach_sarah_palin concept:personleadsgeopoliticalorganization concept_city_wasilla +concept_coach_sarah_palin concept:agentcollaborateswithagent concept_company_clinton +concept_coach_sarah_palin concept:personbelongstoorganization concept_governmentorganization_house +concept_coach_sarah_palin concept:personbelongstoorganization concept_nongovorganization_gop +concept_coach_sarah_palin concept:personbelongstoorganization concept_nongovorganization_u_s_ +concept_coach_sarah_palin concept:personbelongstoorganization concept_organization_republican +concept_coach_sarah_palin concept:agentcollaborateswithagent concept_person_mccain +concept_coach_sarah_palin concept:agentcollaborateswithagent concept_person_republican +concept_coach_schiano concept:coachesteam concept_sportsteam_rutgers +concept_coach_schiano concept:worksfor concept_university_rutgers +concept_coach_scores concept:agentparticipatedinevent concept_eventoutcome_result +concept_coach_scott_linehan concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_scott_linehan concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_scott_linehan concept:worksfor concept_city_st_louis +concept_coach_scott_linehan concept:worksfor concept_sportsleague_new +concept_coach_scott_linehan concept:worksfor concept_sportsteam_rams +concept_coach_scott_linehan concept:subpartof concept_sportsteamposition_louis_rams +concept_coach_scott_proctor concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_scott_schoeneweis concept:athleteplayssport concept_sport_baseball +concept_coach_scott_schoeneweis concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_scott_schoeneweis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_scotty_bowman concept:coachesinleague concept_sportsleague_nhl +concept_coach_sean_payton concept:coachesteam concept_sportsteam_saints +concept_coach_seattle_seahawks concept:agentparticipatedinevent concept_convention_games +concept_coach_seattle_seahawks concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_seattle_seahawks concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_sendek concept:latitudelongitude 37.8833300000000,63.2666700000000 +concept_coach_seneca_wallace concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_seneca_wallace concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_seneca_wallace concept:athleteledsportsteam concept_sportsteam_seahawks +concept_coach_sergei_fedorov concept:athleteplaysforteam concept_sportsteam_capitals +concept_coach_sergei_gonchar concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_sergei_kostitsyn concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_coach_seth_mcclung concept:coachesinleague concept_sportsleague_mlb +concept_coach_seth_mcclung concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_seth_smith concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_seth_smith concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_seth_smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_shanahan concept:coachesteam concept_sportsteam_broncos +concept_coach_shaun_alexander concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_shaun_alexander concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_shaun_alexander concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_coach_shifts concept:agentparticipatedinevent concept_eventoutcome_result +concept_coach_sidney_crosby_and_evgeni_malkin concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_sidney_crosby_and_evgeni_malkin concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_sidney_crosby_and_evgeni_malkin concept:athleteledsportsteam concept_sportsteam_pittsburgh_penguins +concept_coach_sidney_crosby_and_evgeni_malkin concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_coach_sidney_crosby_and_evgeni_malkin concept:coachesteam concept_sportsteam_pittsburgh_penguins +concept_coach_sidney_crosby_and_evgeni_malkin concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_skip_holtz concept:worksfor concept_sportsteam_east_carolina +concept_coach_skip_holtz concept:worksfor concept_sportsteam_pirates +concept_coach_smu concept:agentcontrols concept_coach_june_jones +concept_coach_sonny_lubick concept:worksfor concept_sportsteam_colorado_state +concept_coach_south_carolina_gamecocks concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_south_carolina_gamecocks concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_south_florida concept:proxyfor concept_book_new +concept_coach_spagnuolo concept:personbelongstoorganization concept_city_st_louis +concept_coach_spagnuolo concept:personbelongstoorganization concept_sportsleague_new +concept_coach_spagnuolo concept:personbelongstoorganization concept_sportsteam_new_york_giants +concept_coach_spagnuolo concept:personbelongstoorganization concept_university_louis +concept_coach_sparano concept:worksfor concept_musicartist_season +concept_coach_sparano concept:worksfor concept_sportsleague_new +concept_coach_sparano concept:worksfor concept_sportsteam_miami_dolphins +concept_coach_spencer_johnson concept:agentcreated concept_book_who_moved_my_cheese +concept_coach_st__louis_rams concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_stan_brock concept:worksfor concept_city_army +concept_coach_stan_parrish concept:coachesteam concept_sportsteam_ball_state_university +concept_coach_stanford_cardinal concept:atlocation concept_island_new_york_city_metropolitan_area +concept_coach_stanford_cardinal concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_coach_stanford_cardinal concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_stanford_cardinal concept:atlocation concept_stateorprovince_new_york +concept_coach_stanley_cup concept:agentcontrols concept_sportsteam_red_wings +concept_coach_stephen_baker concept:worksfor concept_company_business_week +concept_coach_steve_kragthorpe concept:personbelongstoorganization concept_city_louisville +concept_coach_steve_mcnair concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_steve_mcnair concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_steve_mcnair concept:athleteplayssport concept_sport_football +concept_coach_steve_mcnair concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_steve_mcnair concept:athleteledsportsteam concept_sportsteam_titans +concept_coach_steve_mcnair concept:athleteplaysforteam concept_sportsteam_titans +concept_coach_steve_montador concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_coach_steve_montador concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_coach_steve_sarkisian concept:worksfor concept_city_washington_d_c +concept_coach_steve_spagnuolo concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_steve_spagnuolo concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_steve_spagnuolo concept:worksfor concept_sportsteam_new_york_giants +concept_coach_steve_spurrier concept:personbelongstoorganization concept_city_florida +concept_coach_steve_spurrier concept:worksfor concept_sportsteam_florida_gators +concept_coach_steve_spurrier concept:coachesteam concept_sportsteam_gamecocks +concept_coach_steve_spurrier concept:worksfor concept_stateorprovince_south_carolina +concept_coach_steve_spurrier concept:worksfor concept_university_usc +concept_coach_steven_jackson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_steven_jackson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_steven_jackson concept:athleteplaysforteam concept_sportsteam_rams +concept_coach_steven_jackson concept:athletehomestadium concept_stadiumoreventvenue_dome +concept_coach_steven_stamkos concept:athleteplaysforteam concept_sportsteam_tampa +concept_coach_steven_stamkos concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_steven_stamkos concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_coach_summers concept:persondiedincountry concept_country_england +concept_coach_super_bowl concept:atdate concept_date_n2003 +concept_coach_sven_goran_eriksson concept:worksfor concept_country_england +concept_coach_sylvester_croom concept:worksfor concept_university_msu +concept_coach_t concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_t_j__houshmandzadeh concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_t_j__houshmandzadeh concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_t_j_galiardi concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_t_j_galiardi concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_takeo_spikes concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_takeo_spikes concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_takeo_spikes concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_tarvaris_jackson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_tarvaris_jackson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_tarvaris_jackson concept:athleteledsportsteam concept_sportsteam_minnesota_vikings +concept_coach_teams concept:agentparticipatedinevent concept_sportsgame_finals +concept_coach_ted_nolan concept:coachesteam concept_sportsteam_new_york_islanders +concept_coach_ted_nolan concept:worksfor concept_sportsteam_new_york_islanders +concept_coach_tedford concept:coachesteam concept_sportsteam_bears_29_17 +concept_coach_tennessee_titans concept:latitudelongitude 42.2917600000000,-72.5981400000000 +concept_coach_tennessee_titans concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_tennessee_titans concept:agentcontrols concept_sportsleague_nfl +concept_coach_terrell_suggs concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_terrell_suggs concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_terrell_suggs concept:athleteplaysforteam concept_sportsteam_ravens +concept_coach_terry_hoeppner concept:worksfor concept_stateorprovince_indiana +concept_coach_terry_porter concept:coachesteam concept_sportsteam_suns +concept_coach_texas_state concept:agentactsinlocation concept_city_texas +concept_coach_texas_tech concept:agentcontrols concept_sportsteam_bob_knight +concept_coach_texas_tech concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_coach_thomas_vanek concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_coach_tim_brewster concept:personbelongstoorganization concept_stateorprovince_minnesota +concept_coach_tim_floyd concept:worksfor concept_university_usc +concept_coach_tim_gleason concept:athleteplaysforteam concept_sportsteam_carolina +concept_coach_tim_jackman concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_tim_murphy concept:coachesteam concept_sportsteam_harvard_divinity_school +concept_coach_tim_murphy concept:worksfor concept_sportsteam_harvard_divinity_school +concept_coach_todd_bertuzzi concept:athleteplayssport concept_sport_hockey +concept_coach_todd_bertuzzi concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_todd_bertuzzi concept:athleteplaysforteam concept_sportsteam_canucks +concept_coach_toe_blake concept:coachesinleague concept_sportsleague_nhl +concept_coach_tom_amstutz concept:worksfor concept_radiostation_toledo +concept_coach_tom_cable concept:coachesinleague concept_sportsleague_afl +concept_coach_tom_cable concept:worksfor concept_university_raiders +concept_coach_tom_coughlin concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_tom_coughlin concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_tom_coughlin concept:coachesinleague concept_sportsleague_nfl +concept_coach_tom_coughlin concept:worksfor concept_sportsteam_new_york_giants +concept_coach_tom_crean concept:personbelongstoorganization concept_stateorprovince_indiana +concept_coach_tom_izzo concept:worksfor concept_sportsteam_michigan_state +concept_coach_tom_izzo concept:personbelongstoorganization concept_university_msu +concept_coach_tom_o_brien concept:coachesteam concept_sportsteam_boston_college +concept_coach_tom_o_brien concept:worksfor concept_sportsteam_boston_college +concept_coach_tom_osborne concept:coachesinleague concept_sportsleague_college_football +concept_coach_tom_renney concept:coachesteam concept_sportsteam_rangers +concept_coach_tomas_kaberle concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_tomlin concept:worksfor concept_sportsteam_steelers +concept_coach_tommy_bowden concept:agentcollaborateswithagent concept_coach_clemson +concept_coach_tommy_tuberville concept:coachesteam concept_sportsteam_auburn_university +concept_coach_tommy_tuberville concept:subpartof concept_stateorprovince_auburn +concept_coach_tony_dungy concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_tony_dungy concept:personbelongstoorganization concept_city_tampa_bay +concept_coach_tony_dungy concept:personbelongstoorganization concept_sportsleague_nfl +concept_coach_tony_dungy concept:worksfor concept_sportsteam_buccaneers +concept_coach_tony_dungy concept:coachesteam concept_sportsteam_colts +concept_coach_tony_dungy concept:worksfor concept_sportsteam_colts +concept_coach_tony_fernandez concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_tony_fernandez concept:personbelongstoorganization concept_sportsteam_blue_jays +concept_coach_tony_la_russa concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_tony_la_russa concept:coachesinleague concept_sportsleague_mlb +concept_coach_tony_sipp concept:coachwontrophy concept_awardtrophytournament_division +concept_coach_tony_sipp concept:athleteplayssport concept_sport_baseball +concept_coach_tony_sipp concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_tony_sipp concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_tony_sipp concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_toronto_blue_jays concept:agentparticipatedinevent concept_sportsgame_series +concept_coach_toronto_blue_jays concept:agentbelongstoorganization concept_sportsleague_mlb +concept_coach_toronto_blue_jays concept:agentcompeteswithagent concept_sportsteam_red_sox_this_season +concept_coach_toronto_maple_leafs concept:atlocation concept_city_montreal +concept_coach_torry_holt concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_torry_holt concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_torry_holt concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_trent_edwards concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_trent_edwards concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_trent_edwards concept:athleteledsportsteam concept_sportsteam_buffalo_bills +concept_coach_trent_johnson concept:worksfor concept_sportsteam_lsu +concept_coach_tressel concept:worksfor concept_city_buckeye +concept_coach_tressel concept:worksfor concept_sportsteam_ohio_state_university +concept_coach_tuomo_ruutu concept:athleteplaysforteam concept_sportsteam_carolina +concept_coach_turner_gill concept:personbelongstoorganization concept_city_buffalo +concept_coach_two_daughters concept:proxyfor concept_book_new +concept_coach_tyler_kennedy concept:coachwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_coach_tyler_kennedy concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_coach_tyrone_willingham concept:worksfor concept_city_washington_d_c +concept_coach_urban_meyer concept:coachesteam concept_sportsteam_florida_gators +concept_coach_urban_meyer concept:worksfor concept_university_uf +concept_coach_urls concept:agentinvolvedwithitem concept_buildingfeature_window +concept_coach_urls concept:agentcompeteswithagent concept_personcanada_search +concept_coach_urls concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_coach_van_gundy concept:latitudelongitude 40.6172100000000,-103.2118800000000 +concept_coach_van_gundy concept:personbelongstoorganization concept_city_houston +concept_coach_van_gundy concept:coachesinleague concept_sportsleague_nba +concept_coach_van_gundy concept:worksfor concept_sportsteam_magic +concept_coach_van_gundy concept:coachesteam concept_sportsteam_rockets +concept_coach_van_note concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_van_note concept:athleteplayssport concept_sport_baseball +concept_coach_van_note concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_van_note concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_vancouver_canucks concept:agentcollaborateswithagent concept_celebrity_roberto_luongo +concept_coach_vancouver_canucks concept:agentcontrols concept_sportsteamposition_roberto_luongo +concept_coach_vesa_toskala concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_vesa_toskala concept:athleteplaysforteam concept_sportsteam_leafs +concept_coach_vince_carter concept:athleteinjuredhisbodypart concept_bone_ankle +concept_coach_vince_carter concept:athleteledsportsteam concept_sportsteam_orlando_magic +concept_coach_vince_lombardi concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_vince_lombardi concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_vince_lombardi concept:coachwontrophy concept_awardtrophytournament_superbowl +concept_coach_vince_lombardi concept:coachesinleague concept_sportsleague_nfl +concept_coach_vince_lombardi concept:coachesteam concept_sportsteam_packers +concept_coach_vince_lombardi concept:worksfor concept_sportsteam_packers +concept_coach_vince_lombardi concept:worksfor concept_sportsteam_redskins +concept_coach_vince_young concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_vince_young concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_vince_young concept:athleteplayssport concept_sport_football +concept_coach_vince_young concept:athleteplaysinleague concept_sportsleague_nfl +concept_coach_vince_young concept:athleteledsportsteam concept_sportsteam_titans +concept_coach_vince_young concept:athleteplaysforteam concept_sportsteam_titans +concept_coach_vince_young concept:personbelongstoorganization concept_sportsteam_titans +concept_coach_vincent_lecavalier concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_vincent_lecavalier concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_vincent_lecavalier concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_coach_virginia_tech concept:agentcollaborateswithagent concept_coach_frank_beamer +concept_coach_virginia_tech concept:agentcontrols concept_coach_frank_beamer +concept_coach_virginia_tech concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_coach_vivian_stringer concept:personbelongstoorganization concept_university_rutgers +concept_coach_vulcan_inc concept:agentcontrols concept_personaustralia_paul_allen +concept_coach_w concept:personbelongstoorganization concept_governmentorganization_house +concept_coach_wade_dubielewicz concept:athleteplaysforteam concept_sportsteam_new_york_islanders +concept_coach_wade_phillips concept:worksfor concept_automobilemaker_dallas_cowboys +concept_coach_walter_alston concept:coachesinleague concept_sportsleague_mlb +concept_coach_warrick_dunn concept:athleteplaysforteam concept_sportsteam_falcons +concept_coach_warrick_dunn concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_coach_washington_huskies concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_coach_washington_huskies concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_washington_redskins concept:agentparticipatedinevent concept_convention_games +concept_coach_washington_redskins concept:agentbelongstoorganization concept_sportsleague_nfl +concept_coach_washington_redskins concept:agentcollaborateswithagent concept_sportsleague_nfl +concept_coach_washington_redskins concept:agentcompeteswithagent concept_sportsteam_los_angeles_raiders +concept_coach_washington_redskins concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_coach_wendel_clark concept:coachwontrophy concept_awardtrophytournament_stanley_cup +concept_coach_western_kentucky_hilltoppers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_coach_wife_mary concept:proxyfor concept_book_new +concept_coach_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_coach_willis_mcgahee concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_coach_willis_mcgahee concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_coach_woody_hayes concept:coachesinleague concept_sportsleague_college_football +concept_coach_woody_hayes concept:coachesteam concept_sportsteam_ohio_state_university +concept_coach_yorvit_torrealba concept:coachwontrophy concept_awardtrophytournament_world_series +concept_coach_yorvit_torrealba concept:athleteplayssport concept_sport_baseball +concept_coach_yorvit_torrealba concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_yorvit_torrealba concept:athleteplaysforteam concept_sportsteam_rockies +concept_coach_yorvit_torrealba concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_zdeno_chara concept:athleteplayssport concept_sport_hockey +concept_coach_zdeno_chara concept:athleteplaysinleague concept_sportsleague_nhl +concept_coach_zdeno_chara concept:athleteplaysforteam concept_sportsteam_bruins +concept_coach_zdeno_chara concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_coach_zidane concept:coachwontrophy concept_awardtrophytournament_grand_slam +concept_coach_zidane concept:athleteplaysforteam concept_sportsteam_france +concept_coach_zidane concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_cognitiveactions_dealer concept:subpartof concept_weatherphenomenon_air +concept_cognitiveactions_dissertation concept:atdate concept_date_n2001 +concept_cognitiveactions_dissertation concept:atdate concept_date_n2003 +concept_cognitiveactions_dissertation concept:atdate concept_dateliteral_n2005 +concept_cognitiveactions_dissertation concept:atdate concept_dateliteral_n2007 +concept_cognitiveactions_dissertation concept:atdate concept_dateliteral_n2008 +concept_cognitiveactions_full_operation concept:atdate concept_dateliteral_n2007 +concept_cognitiveactions_full_operation concept:atdate concept_year_n1994 +concept_cognitiveactions_goal concept:istallerthan concept_cognitiveactions_scientists +concept_cognitiveactions_goal concept:istallerthan concept_publication_people_ +concept_cognitiveactions_hesitant concept:latitudelongitude 48.2618800000000,-71.4628300000000 +concept_cognitiveactions_improvement concept:subpartof concept_weatherphenomenon_water +concept_cognitiveactions_interventions concept:subpartof concept_weatherphenomenon_water +concept_cognitiveactions_launching concept:atdate concept_date_n2000 +concept_cognitiveactions_launching concept:atdate concept_date_n2009 +concept_cognitiveactions_launching concept:atdate concept_dateliteral_n2006 +concept_cognitiveactions_launching concept:atdate concept_dateliteral_n2007 +concept_cognitiveactions_launching concept:atdate concept_dateliteral_n2008 +concept_cognitiveactions_learning_company concept:subpartof concept_company_mattel001 +concept_cognitiveactions_management_decision_making concept:subpartof concept_weatherphenomenon_water +concept_cognitiveactions_needs concept:istallerthan concept_publication_people_ +concept_cognitiveactions_nightowl concept:latitudelongitude 54.4145700000000,-96.8852100000000 +concept_cognitiveactions_scientists concept:atdate concept_dateliteral_n2002 +concept_cognitiveactions_scientists concept:proxyfor concept_musicinstrument_new +concept_cognitiveactions_studies concept:atdate concept_date_n1999 +concept_cognitiveactions_studies concept:atdate concept_date_n2000 +concept_cognitiveactions_studies concept:atdate concept_date_n2001 +concept_cognitiveactions_studies concept:atdate concept_date_n2003 +concept_cognitiveactions_studies concept:atdate concept_date_n2004 +concept_cognitiveactions_studies concept:atdate concept_date_n2009 +concept_cognitiveactions_studies concept:atdate concept_dateliteral_n2002 +concept_cognitiveactions_studies concept:atdate concept_dateliteral_n2005 +concept_cognitiveactions_studies concept:atdate concept_dateliteral_n2006 +concept_cognitiveactions_studies concept:atdate concept_dateliteral_n2007 +concept_cognitiveactions_studies concept:atdate concept_dateliteral_n2008 +concept_cognitiveactions_studies concept:atdate concept_year_n1998 +concept_cognitiveactions_three_hours concept:proxyfor concept_musicinstrument_new +concept_cognitiveactions_urology_associates concept:latitudelongitude 41.5959166666667,-95.5634766666667 +concept_cognitiveactions_wadsworth concept:atlocation concept_stateorprovince_ohio +concept_cognitiveactions_wadsworth concept:proxyfor concept_university_ohio +concept_color_attack concept:atdate concept_date_n1993 +concept_color_attack concept:atdate concept_date_n1999 +concept_color_attack concept:atdate concept_date_n2000 +concept_color_attack concept:atdate concept_date_n2001 +concept_color_attack concept:atdate concept_date_n2003 +concept_color_attack concept:atdate concept_date_n2004 +concept_color_attack concept:atdate concept_dateliteral_n2002 +concept_color_attack concept:atdate concept_dateliteral_n2005 +concept_color_attack concept:atdate concept_dateliteral_n2006 +concept_color_attack concept:atdate concept_dateliteral_n2007 +concept_color_attack concept:proxyfor concept_weatherphenomenon_new +concept_color_attack concept:atdate concept_year_n1995 +concept_color_attack concept:atdate concept_year_n1998 +concept_color_auction concept:atdate concept_date_n2000 +concept_color_auction concept:atdate concept_date_n2001 +concept_color_auction concept:atdate concept_date_n2009 +concept_color_auction concept:atdate concept_dateliteral_n2008 +concept_color_bark concept:thinghascolor concept_color_brown +concept_color_bark concept:thinghascolor concept_color_grey +concept_color_belly concept:thinghascolor concept_color_orange +concept_color_belly concept:thinghascolor concept_color_yellow +concept_color_blend concept:proxyfor concept_weatherphenomenon_new +concept_color_blood concept:thinghascolor concept_color_purple +concept_color_blood concept:thinghascolor concept_color_red +concept_color_bottom concept:thinghascolor concept_color_brown +concept_color_bright_shade concept:latitudelongitude 37.0534800000000,-83.6756400000000 +concept_color_brown concept:proxyfor concept_stateorprovince_indiana +concept_color_chair concept:atdate concept_date_n2003 +concept_color_chair concept:atdate concept_dateliteral_n2005 +concept_color_chair concept:atdate concept_dateliteral_n2007 +concept_color_chair concept:atdate concept_dateliteral_n2008 +concept_color_champagne concept:proxyfor concept_stateorprovince_illinois +concept_color_cherry concept:thinghasshape concept_geometricshape_round +concept_color_chocolate concept:thinghascolor concept_color_brown +concept_color_coat concept:thinghascolor concept_color_fawn +concept_color_coat concept:thinghascolor concept_color_grey +concept_color_crimson_tide concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_color_crimson_tide concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_color_dark_shade concept:latitudelongitude 40.1313250000000,-78.8134950000000 +concept_color_fine_gold concept:latitudelongitude 37.6508057142857,-120.0048485714286 +concept_color_fixtures concept:subpartof concept_weatherphenomenon_air +concept_color_fixtures concept:subpartof concept_weatherphenomenon_water +concept_color_flesh concept:thinghascolor concept_color_orange +concept_color_flesh concept:thinghascolor concept_color_red +concept_color_flesh concept:thinghascolor concept_color_yellow +concept_color_flowers concept:thinghascolor concept_color_purple +concept_color_form concept:thinghasshape concept_geometricshape_triangle +concept_color_fuchia concept:latitudelongitude 23.1349400000000,121.3989200000000 +concept_color_golden_nugget concept:subpartof concept_traditionalgame_vegas +concept_color_grenada concept:proxyfor concept_emotion_mississippi +concept_color_hair concept:thinghascolor concept_color_auburn +concept_color_hair concept:thinghascolor concept_color_blonde +concept_color_hair concept:thinghascolor concept_color_blue +concept_color_hair concept:thinghascolor concept_color_brown +concept_color_hair concept:thinghascolor concept_color_brown_color +concept_color_hair concept:thinghascolor concept_color_gold +concept_color_hair concept:thinghascolor concept_color_orange +concept_color_hair concept:thinghascolor concept_color_purple +concept_color_hair concept:thinghascolor concept_color_red +concept_color_hair concept:thinghascolor concept_color_shade +concept_color_hair concept:thinghascolor concept_color_silver +concept_color_hair concept:thinghascolor concept_visualizableattribute_blond +concept_color_inspection concept:atdate concept_date_n1999 +concept_color_inspection concept:atdate concept_date_n2001 +concept_color_inspection concept:atdate concept_date_n2004 +concept_color_inspection concept:atdate concept_dateliteral_n2002 +concept_color_inspection concept:atdate concept_dateliteral_n2005 +concept_color_inspection concept:atdate concept_dateliteral_n2006 +concept_color_inspection concept:atdate concept_dateliteral_n2007 +concept_color_inspection concept:atdate concept_dateliteral_n2008 +concept_color_juice concept:atdate concept_dateliteral_n2005 +concept_color_leaf concept:thinghascolor concept_color_green +concept_color_leaves concept:thinghascolor concept_color_bronze +concept_color_leaves concept:thinghascolor concept_color_burgundy +concept_color_leaves concept:thinghascolor concept_color_colors +concept_color_leaves concept:thinghascolor concept_color_colours +concept_color_leaves concept:thinghascolor concept_color_cream +concept_color_leaves concept:thinghascolor concept_color_crimson +concept_color_leaves concept:thinghascolor concept_color_golden_yellow +concept_color_leaves concept:thinghascolor concept_color_green +concept_color_leaves concept:thinghascolor concept_color_orange +concept_color_leaves concept:thinghascolor concept_color_purple +concept_color_leaves concept:thinghascolor concept_color_red +concept_color_leaves concept:thinghascolor concept_color_russet +concept_color_leaves concept:thinghascolor concept_color_scarlet +concept_color_leaves concept:thinghascolor concept_color_yellow +concept_color_leaves concept:thinghascolor concept_color_yellow_color +concept_color_light_pink concept:latitudelongitude 35.8250800000000,-84.0796350000000 +concept_color_little_silver concept:mutualproxyfor concept_radiostation_new_jersey +concept_color_madder concept:latitudelongitude -63.3000000000000,-56.4833300000000 +concept_color_mirage concept:atlocation concept_building_vegas +concept_color_mirage concept:atlocation concept_city_vegas_casino +concept_color_mirage concept:atlocation concept_county_las_vegas +concept_color_mirage concept:mutualproxyfor concept_televisionstation_wynn +concept_color_mirage concept:subpartof concept_televisionstation_wynn +concept_color_mirage concept:subpartof concept_traditionalgame_vegas +concept_color_mixed_bag concept:proxyfor concept_weatherphenomenon_new +concept_color_mixture concept:thinghascolor concept_color_amber +concept_color_mixture concept:thinghascolor concept_color_brown +concept_color_mixture concept:thinghascolor concept_color_golden_color +concept_color_mixture concept:thinghascolor concept_color_green +concept_color_mixture concept:thinghascolor concept_color_yellow +concept_color_n3125 concept:latitudelongitude 34.5217700000000,-82.6231900000000 +concept_color_ocean concept:thinghascolor concept_color_blue +concept_color_rectangle concept:thinghasshape concept_ceo_online_application_form +concept_color_rectangle concept:thinghasshape concept_geometricshape_length +concept_color_rice concept:thinghascolor concept_color_brown +concept_color_rice concept:thinghascolor concept_color_purple +concept_color_rice concept:thinghascolor concept_color_yellow +concept_color_sky concept:thinghascolor concept_color_blue +concept_color_sky concept:thinghascolor concept_color_green +concept_color_sky concept:thinghascolor concept_color_grey +concept_color_sky concept:thinghascolor concept_color_indigo +concept_color_sky concept:thinghascolor concept_color_magenta +concept_color_sky concept:thinghascolor concept_color_purple +concept_color_sky concept:thinghascolor concept_color_red +concept_color_sky concept:thinghascolor concept_color_yellow +concept_color_star concept:thinghascolor concept_color_yellow +concept_color_stone concept:thinghascolor concept_color_grey +concept_color_sugar concept:thinghascolor concept_color_brown +concept_color_surface concept:thinghascolor concept_color_green +concept_color_surface concept:thinghascolor concept_color_yellow +concept_color_tail concept:thinghascolor concept_color_orange +concept_color_tail concept:thinghascolor concept_color_yellow +concept_color_tanzanite concept:latitudelongitude -3.5618200000000,36.9789500000000 +concept_color_yellow_red concept:latitudelongitude 43.2236800000000,-76.7385600000000 +concept_comedian_adam_carolla concept:agentcreated concept_book_in_fifty_years_we_ll_all_be_chicks +concept_comedian_alfred_hitchcock concept:actorstarredinmovie concept_movie_vertigo +concept_comedian_american_war_of_independence concept:atdate concept_dateliteral_n1812 +concept_comedian_asimov concept:agentcontributedtocreativework concept_musicalbum_foundation +concept_comedian_barry_levinson concept:agentcontributedtocreativework concept_movie_bugsy +concept_comedian_ben_affleck concept:hasspouse concept_comedian_jennifer_lopez +concept_comedian_bjork concept:hasspouse concept_actor_matthew_barney +concept_comedian_black_flag concept:agentcollaborateswithagent concept_personeurope_henry_rollins +concept_comedian_brooke_burke concept:hasspouse concept_musician_david_charvet +concept_comedian_carlos_ramos concept:latitudelongitude 16.3958300000000,-94.3141700000000 +concept_comedian_chuck_berry concept:agentcollaborateswithagent concept_person_john003 +concept_comedian_chuck_palahniuk concept:agentcreated concept_book_haunted +concept_comedian_chuck_palahniuk concept:agentcontributedtocreativework concept_book_invisible_monsters +concept_comedian_chuck_palahniuk concept:agentcreated concept_book_invisible_monsters +concept_comedian_chuck_palahniuk concept:agentcreated concept_book_lullaby +concept_comedian_chuck_palahniuk concept:agentcontributedtocreativework concept_book_tell_all +concept_comedian_chuck_palahniuk concept:agentcontributedtocreativework concept_movie_choke +concept_comedian_chuck_palahniuk concept:agentcreated concept_movie_choke +concept_comedian_chuck_palahniuk concept:agentcontributedtocreativework concept_movie_fight_club +concept_comedian_chuck_palahniuk concept:agentcreated concept_visualizablething_snuff +concept_comedian_clark_spencer concept:worksfor concept_company_miami_herald001 +concept_comedian_clyde_klotz concept:hasspouse concept_personcanada_gillian_anderson +concept_comedian_conor_oberst concept:personbelongstoorganization concept_musicartist_bright_eyes +concept_comedian_danakil concept:latitudelongitude 13.3030516666667,40.8633483333333 +concept_comedian_danny_boyle concept:agentcontributedtocreativework concept_movie_slumdog_millionaire +concept_comedian_danny_boyle concept:actorstarredinmovie concept_movie_trainspotting +concept_comedian_darnielle concept:latitudelongitude 42.1942900000000,-123.2108900000000 +concept_comedian_davenport concept:proxyfor concept_governmentorganization_iowa +concept_comedian_david_duchovny concept:hasspouse concept_person_tea_leoni +concept_comedian_david_e__kelley concept:haswife concept_female_michelle_pfeiffer +concept_comedian_dawn_french concept:agentcontributedtocreativework concept_book_a_tiny_bit_marvellous +concept_comedian_day concept:proxyfor concept_book_new +concept_comedian_day concept:agentinvolvedwithitem concept_buildingfeature_window +concept_comedian_day concept:atdate concept_date_n1908 +concept_comedian_day concept:atdate concept_date_n1927 +concept_comedian_day concept:atdate concept_date_n1939 +concept_comedian_day concept:atdate concept_date_n1941 +concept_comedian_day concept:atdate concept_date_n1942 +concept_comedian_day concept:atdate concept_date_n1944 +concept_comedian_day concept:atdate concept_date_n1949 +concept_comedian_day concept:atdate concept_date_n1957 +concept_comedian_day concept:atdate concept_date_n1958 +concept_comedian_day concept:atdate concept_date_n1964 +concept_comedian_day concept:atdate concept_date_n1966 +concept_comedian_day concept:atdate concept_date_n1968 +concept_comedian_day concept:atdate concept_date_n1969 +concept_comedian_day concept:atdate concept_date_n1971 +concept_comedian_day concept:atdate concept_date_n1972 +concept_comedian_day concept:atdate concept_date_n1976 +concept_comedian_day concept:atdate concept_date_n1977 +concept_comedian_day concept:atdate concept_date_n1979 +concept_comedian_day concept:atdate concept_date_n1993 +concept_comedian_day concept:atdate concept_date_n1996 +concept_comedian_day concept:atdate concept_date_n1999 +concept_comedian_day concept:atdate concept_date_n2000 +concept_comedian_day concept:atdate concept_date_n2001 +concept_comedian_day concept:atdate concept_date_n2003 +concept_comedian_day concept:atdate concept_date_n2004 +concept_comedian_day concept:atdate concept_date_n2009 +concept_comedian_day concept:atdate concept_dateliteral_n1917 +concept_comedian_day concept:atdate concept_dateliteral_n1918 +concept_comedian_day concept:atdate concept_dateliteral_n1923 +concept_comedian_day concept:atdate concept_dateliteral_n1938 +concept_comedian_day concept:atdate concept_dateliteral_n1943 +concept_comedian_day concept:atdate concept_dateliteral_n1945 +concept_comedian_day concept:atdate concept_dateliteral_n1947 +concept_comedian_day concept:atdate concept_dateliteral_n1953 +concept_comedian_day concept:atdate concept_dateliteral_n1961 +concept_comedian_day concept:atdate concept_dateliteral_n1980 +concept_comedian_day concept:atdate concept_dateliteral_n1987 +concept_comedian_day concept:atdate concept_dateliteral_n1990 +concept_comedian_day concept:atdate concept_dateliteral_n2002 +concept_comedian_day concept:atdate concept_dateliteral_n2005 +concept_comedian_day concept:atdate concept_dateliteral_n2006 +concept_comedian_day concept:atdate concept_dateliteral_n2007 +concept_comedian_day concept:atdate concept_dateliteral_n2008 +concept_comedian_day concept:atdate concept_dateliteral_n2010 +concept_comedian_day concept:agentparticipatedinevent concept_eventoutcome_result +concept_comedian_day concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_comedian_day concept:istallerthan concept_publication_people_ +concept_comedian_day concept:agentparticipatedinevent concept_sportsgame_series +concept_comedian_day concept:subpartof concept_website_blood +concept_comedian_day concept:atdate concept_year_n1865 +concept_comedian_day concept:atdate concept_year_n1913 +concept_comedian_day concept:atdate concept_year_n1915 +concept_comedian_day concept:atdate concept_year_n1919 +concept_comedian_day concept:atdate concept_year_n1946 +concept_comedian_day concept:atdate concept_year_n1948 +concept_comedian_day concept:atdate concept_year_n1952 +concept_comedian_day concept:atdate concept_year_n1955 +concept_comedian_day concept:atdate concept_year_n1956 +concept_comedian_day concept:atdate concept_year_n1959 +concept_comedian_day concept:atdate concept_year_n1960 +concept_comedian_day concept:atdate concept_year_n1963 +concept_comedian_day concept:atdate concept_year_n1965 +concept_comedian_day concept:atdate concept_year_n1967 +concept_comedian_day concept:atdate concept_year_n1970 +concept_comedian_day concept:atdate concept_year_n1973 +concept_comedian_day concept:atdate concept_year_n1974 +concept_comedian_day concept:atdate concept_year_n1975 +concept_comedian_day concept:atdate concept_year_n1978 +concept_comedian_day concept:atdate concept_year_n1981 +concept_comedian_day concept:atdate concept_year_n1982 +concept_comedian_day concept:atdate concept_year_n1983 +concept_comedian_day concept:atdate concept_year_n1984 +concept_comedian_day concept:atdate concept_year_n1985 +concept_comedian_day concept:atdate concept_year_n1986 +concept_comedian_day concept:atdate concept_year_n1988 +concept_comedian_day concept:atdate concept_year_n1989 +concept_comedian_day concept:atdate concept_year_n1991 +concept_comedian_day concept:atdate concept_year_n1992 +concept_comedian_day concept:atdate concept_year_n1994 +concept_comedian_day concept:atdate concept_year_n1995 +concept_comedian_day concept:atdate concept_year_n1997 +concept_comedian_day concept:atdate concept_year_n1998 +concept_comedian_dennis_quaid concept:haswife concept_female_kimberly_buffington +concept_comedian_djuna_barnes concept:agentcreated concept_book_nightwood +concept_comedian_domestic_animals concept:agentcompeteswithagent concept_blog_goats +concept_comedian_domestic_animals concept:agentcompeteswithagent concept_invertebrate_cattle +concept_comedian_don_delillo concept:agentcreated concept_book_the_body_artist +concept_comedian_douglas_adams concept:agentcreated concept_book_mostly_harmless +concept_comedian_douglas_adams concept:agentcreated concept_book_starship_titanic +concept_comedian_douglas_adams concept:agentcreated concept_book_young_zaphod_plays_it_safe +concept_comedian_douglas_adams concept:agentcreated concept_retailstore_galaxy +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_daddy_day_care +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_dr__dolittle +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_dreamgirls +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_norbit +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_nutty_professor +concept_comedian_eddie_murphy concept:actorstarredinmovie concept_movie_the_nutty_professor +concept_comedian_eddie_murphy concept:hasspouse concept_personus_nicole_mitchell +concept_comedian_estonia concept:agentcontrols concept_person_toomas_hendrik_ilves +concept_comedian_estonia concept:synonymfor concept_politicalparty_republic +concept_comedian_family concept:parentofperson concept_male_jesus +concept_comedian_fine_art concept:proxyfor concept_book_new +concept_comedian_fine_art concept:subpartof concept_weatherphenomenon_new +concept_comedian_frank_melton concept:personleadsgeopoliticalorganization concept_building_jackson +concept_comedian_frank_melton concept:worksfor concept_newspaper_jackson +concept_comedian_freddie_prinze_jr concept:hasspouse concept_female_sarah_michelle_gellar +concept_comedian_gasteyer concept:latitudelongitude 41.7122600000000,-87.7542200000000 +concept_comedian_george_carlin concept:persondiedatage 71 +concept_comedian_george_jones concept:personleadsorganization concept_company_borders +concept_comedian_george_jones concept:worksfor concept_company_borders +concept_comedian_george_jones concept:personleadsorganization concept_sportsteam_borders +concept_comedian_george_stephanopoulos concept:subpartof concept_website_abc +concept_comedian_hanft concept:latitudelongitude 38.2986600000000,-89.8795500000000 +concept_comedian_harvey_korman concept:persondiedatage 81 +concept_comedian_image concept:agentcreated concept_book_print +concept_comedian_image concept:agentinvolvedwithitem concept_buildingfeature_tab_window +concept_comedian_image concept:agentcreated concept_movie_click +concept_comedian_image concept:agentcompeteswithagent concept_personcanada_search +concept_comedian_image concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_comedian_image concept:agentinvolvedwithitem concept_wallitem_window_click +concept_comedian_image concept:agentcreated concept_website_download +concept_comedian_images concept:agentinvolvedwithitem concept_buildingfeature_home +concept_comedian_images concept:agentcreated concept_movie_click +concept_comedian_images concept:agentcreated concept_movie_contact +concept_comedian_images concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_comedian_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_comedian_jada_pinkett concept:hasspouse concept_comedian_will_smith +concept_comedian_jada_pinkett_smith concept:hasspouse concept_person_smith001 +concept_comedian_james_mcbride concept:agentcreated concept_book_the_color_of_water +concept_comedian_jane_wyman concept:hasspouse concept_male_ronald_reagan +concept_comedian_jane_wyman concept:actorstarredinmovie concept_movie_johnny_belinda +concept_comedian_janis_joplin concept:agentcollaborateswithagent concept_person_john001 +concept_comedian_jennifer_lopez concept:hasspouse concept_male_marc_anthony +concept_comedian_jenny_mccarthy concept:hashusband concept_personcanada_jim_carrey +concept_comedian_jenny_mccarthy concept:hasspouse concept_personcanada_jim_carrey +concept_comedian_john_belushi concept:actorstarredinmovie concept_movie_animal_house +concept_comedian_john_belushi concept:actorstarredinmovie concept_movie_blues_brothers +concept_comedian_john_chambers concept:personbelongstoorganization concept_biotechcompany_cisco +concept_comedian_john_chambers concept:personbelongstoorganization concept_biotechcompany_cisco_systems_inc +concept_comedian_john_chambers concept:personbelongstoorganization concept_biotechcompany_cisco_systems_inc_ +concept_comedian_john_chancellor concept:worksfor concept_company_nbc +concept_comedian_john_chancellor concept:subpartof concept_retailstore_nbc +concept_comedian_john_mellencamp concept:hasspouse concept_model_elaine_irwin +concept_comedian_john_shea concept:worksfor concept_website_the_san_francisco_chronicle +concept_comedian_john_surma concept:personleadsorganization concept_biotechcompany_united_states_steel +concept_comedian_john_surma concept:worksfor concept_biotechcompany_united_states_steel +concept_comedian_john_thain concept:agentcollaborateswithagent concept_musician_merrill +concept_comedian_johnny_carson concept:persondiedatage 79 +concept_comedian_jordan_bratman concept:haswife concept_celebrity_christina_aguilera +concept_comedian_josh_brolin concept:haswife concept_celebrity_diane_lane +concept_comedian_josh_duhamel concept:haswife concept_female_fergie +concept_comedian_josh_duhamel concept:hasspouse concept_person_fergie001 +concept_comedian_kate_douglas_wiggin concept:agentcreated concept_book_the_old_peabody_pew +concept_comedian_kate_hudson concept:actorstarredinmovie concept_movie_bride_wars +concept_comedian_katherine_heigl concept:hasspouse concept_celebrity_josh_kelley +concept_comedian_kevin_spacey concept:actorstarredinmovie concept_movie_american_beauty +concept_comedian_kim_hill concept:latitudelongitude 38.5666700000000,-103.3302100000000 +concept_comedian_kyle_newman concept:haswife concept_female_jamie_king +concept_comedian_lbj concept:personbelongstoorganization concept_governmentorganization_house +concept_comedian_les_moonves concept:proxyfor concept_website_cbs +concept_comedian_leslie_moonves concept:personleadsorganization concept_company_cbs_corp_ +concept_comedian_leslie_moonves concept:personbelongstoorganization concept_company_cnn__pbs +concept_comedian_leslie_moonves concept:personleadsorganization concept_company_cnn__pbs +concept_comedian_leslie_moonves concept:agentcontrols concept_website_cbs +concept_comedian_live concept:agentcompeteswithagent concept_personcanada_search +concept_comedian_marilyn_manson concept:hasspouse concept_person_evan_rachel_wood +concept_comedian_marilyn_monroe concept:hasspouse concept_athlete_joe_dimaggio +concept_comedian_marines concept:agentparticipatedinevent concept_eventoutcome_result +concept_comedian_matt_frei concept:worksfor concept_governmentorganization_bbc +concept_comedian_matthew_mcconaughey concept:haswife concept_model_camila_alves +concept_comedian_medicine concept:agentcompeteswithagent concept_tradeunion_article +concept_comedian_merrill_auditorium concept:atlocation concept_politicsblog_portland +concept_comedian_michael_douglas concept:haswife concept_female_catherine_zeta_jones +concept_comedian_michael_douglas concept:hasspouse concept_person_catherine_zeta_jones +concept_comedian_michael_eisner concept:agentcollaborateswithagent concept_person_disney +concept_comedian_michael_eisner concept:agentcontrols concept_person_disney +concept_comedian_michael_eisner concept:subpartof concept_person_disney +concept_comedian_michael_eisner concept:proxyfor concept_personeurope_disney +concept_comedian_michael_lerner concept:agentcontributedtocreativework concept_movie_barton_fink +concept_comedian_michael_powell concept:topmemberoforganization concept_company_fcc +concept_comedian_michelle_pfeiffer concept:hasspouse concept_personcanada_david_e__kelley +concept_comedian_mike_duffy concept:worksfor concept_blog_ctv +concept_comedian_mike_wallace concept:worksfor concept_televisionnetwork_cbs +concept_comedian_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_comedian_natalie_portman concept:hasspouse concept_actor_benjamin_millepied +concept_comedian_nicole_richie concept:hasspouse concept_person_joel_madden +concept_comedian_nokia_theatre_la_live concept:atlocation concept_county_los_angeles_county +concept_comedian_oklahoma concept:agentcollaborateswithagent concept_coach_bob_stoops +concept_comedian_oklahoma concept:agentcontrols concept_coach_bob_stoops +concept_comedian_oklahoma concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_comedian_oklahoma concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_comedian_oklahoma concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_comedian_paul_bettany concept:haswife concept_female_jennifer_connelly +concept_comedian_paul_bettany concept:hasspouse concept_person_jennifer_connelly +concept_comedian_paul_newman_and_robert_redford concept:actorstarredinmovie concept_movie_butch_cassidy_and_the_sundance_kid +concept_comedian_peter_cook concept:haswife concept_actor_christie_brinkley +concept_comedian_peter_cook concept:hasspouse concept_personus_christy_brinkley +concept_comedian_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_comedian_peter_graves concept:persondiedincountry concept_country_england +concept_comedian_places concept:istallerthan concept_publication_people_ +concept_comedian_pollution concept:agentparticipatedinevent concept_eventoutcome_result +concept_comedian_possession concept:proxyfor concept_book_new +concept_comedian_rachel_bilson concept:hasspouse concept_actor_hayden_christensen +concept_comedian_ray_davies concept:personbelongstoorganization concept_musicartist_kinks +concept_comedian_release_date concept:atdate concept_date_n2009 +concept_comedian_release_date concept:atdate concept_dateliteral_n2005 +concept_comedian_release_date concept:atdate concept_dateliteral_n2008 +concept_comedian_requests concept:agentcreated concept_movie_contact +concept_comedian_richard concept:persondiedatage 2 +concept_comedian_richard concept:personbelongstoorganization concept_sportsteam_uk +concept_comedian_richard_gephardt concept:personbelongstoorganization concept_governmentorganization_house +concept_comedian_richard_matheson concept:agentcreated concept_book_a_stir_of_echoes +concept_comedian_richard_matheson concept:agentcreated concept_book_i_am_legend +concept_comedian_richard_matheson concept:agentcreated concept_movie_somewhere_in_time +concept_comedian_richard_pryor concept:persondiedatage 65 +concept_comedian_ringo_starr concept:haswife concept_actor_barbara_bach +concept_comedian_ringo_starr concept:hasspouse concept_person_barbara_bach +concept_comedian_ringo_starr concept:agentcollaborateswithagent concept_person_john001 +concept_comedian_rob_morrow concept:hasspouse concept_person_debbon_ayer +concept_comedian_robby_benson concept:hasspouse concept_female_karla_devito +concept_comedian_robert_downey_jr concept:actorstarredinmovie concept_movie_iron_man +concept_comedian_robert_stevens concept:worksfor concept_professionalorganization_lockheed_martin_corporation +concept_comedian_robert_stevens concept:worksfor concept_university_lockheed_martin +concept_comedian_roddy_doyle concept:agentcreated concept_televisionshow_the_commitments +concept_comedian_ron_dennis concept:topmemberoforganization concept_automobilemaker_mclaren +concept_comedian_ross concept:personhasjobposition concept_jobposition_king +concept_comedian_ross concept:persongraduatedfromuniversity concept_university_college +concept_comedian_ross concept:persongraduatedschool concept_university_college +concept_comedian_scarlett_johansson concept:hasspouse concept_person_ryan_reynolds +concept_comedian_sonny_bono concept:worksfor concept_city_palm_springs +concept_comedian_sonny_bono concept:hasspouse concept_person_cher +concept_comedian_soundtrack concept:agentparticipatedinevent concept_sportsgame_series +concept_comedian_stanley_bing concept:worksfor concept_company_fortune001 +concept_comedian_stephen_king concept:agentcontributedtocreativework concept_movie_carrie +concept_comedian_stephen_king concept:agentcontributedtocreativework concept_movie_christine +concept_comedian_steven_spielberg concept:haswife concept_director_amy_irving +concept_comedian_tim_allen concept:actorstarredinmovie concept_movie_santa_clause +concept_comedian_tom_robbins concept:agentcontributedtocreativework concept_book_even_cowgirls_get_the_blues +concept_comedian_tom_robbins concept:agentcreated concept_book_jitterbug_perfume +concept_comedian_tom_robbins concept:agentcreated concept_book_still_life_with_woodpecker +concept_comedian_tom_shales concept:worksfor concept_company_post +concept_comedian_tony_blair concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_comedian_twelve concept:agentparticipatedinevent concept_sportsgame_series +concept_comedian_vice_president_dick_cheney concept:personleadsorganization concept_retailstore_halliburton +concept_comedian_vice_president_dick_cheney concept:worksfor concept_retailstore_halliburton +concept_comedian_virgin_mobile concept:agentcollaborateswithagent concept_company_helio +concept_comedian_virgin_mobile concept:subpartof concept_company_ntl +concept_comedian_visa concept:agentcollaborateswithagent concept_person_dee_hock +concept_comedian_warren_littlefield concept:personleadsorganization concept_company_nbc +concept_comedian_warren_littlefield concept:worksfor concept_company_nbc +concept_comedian_wild_animals concept:agentcompeteswithagent concept_animal_animals001 +concept_comedian_wild_animals concept:agentcompeteswithagent concept_animal_birds003 +concept_comedian_wild_animals concept:agentparticipatedinevent concept_eventoutcome_result +concept_comedian_will_arnett concept:hasspouse concept_person_amy_poehler +concept_comedian_will_smith concept:hasspouse concept_comedian_jada_pinkett +concept_company_a_t__kearney concept:companyeconomicsector concept_academicfield_consulting +concept_company_aa concept:companyalsoknownas concept_bank_alcoa_inc +concept_company_aa concept:companyeconomicsector concept_economicsector_insurance +concept_company_aa concept:mutualproxyfor concept_personaustralia_bill_wilson +concept_company_aa concept:organizationterminatedperson concept_personaustralia_bill_wilson +concept_company_aarp concept:headquarteredin concept_city_washington_d_c +concept_company_aarp concept:companyeconomicsector concept_economicsector_insurance +concept_company_abb concept:companyeconomicsector concept_academicfield_engineering +concept_company_abc_news concept:companyeconomicsector concept_academicfield_media +concept_company_abc_news concept:companyeconomicsector concept_academicfield_news +concept_company_abc_news concept:hasofficeincity concept_city_washington_d_c +concept_company_abebooks concept:companyeconomicsector concept_economicsector_internet +concept_company_about_com concept:companyeconomicsector concept_academicfield_media +concept_company_about_com concept:headquarteredin concept_city_new_york +concept_company_about_com concept:subpartoforganization concept_website_new_york_times +concept_company_access concept:subpartoforganization concept_company_adobe +concept_company_access concept:acquired concept_company_palmsource +concept_company_access concept:subpartoforganization concept_company_palmsource +concept_company_access concept:companyeconomicsector concept_economicsector_insurance +concept_company_ace_limited concept:mutualproxyfor concept_ceo_evan_g__greenberg +concept_company_ace_limited concept:organizationterminatedperson concept_ceo_evan_g__greenberg +concept_company_ace_limited concept:subpartof concept_ceo_evan_g__greenberg +concept_company_acer concept:subpartoforganization concept_biotechcompany_gateway_2000 +concept_company_acer concept:companyeconomicsector concept_economicsector_computer +concept_company_acer concept:agentcontrols concept_website_gateway +concept_company_acer_aspire concept:subpartoforganization concept_biotechcompany_gateway_2000 +concept_company_acer_aspire concept:companyeconomicsector concept_economicsector_computer +concept_company_acer_aspire concept:subpartof concept_website_gateway +concept_company_acnielsen concept:companyeconomicsector concept_economicsector_market_research +concept_company_acnielsen concept:companyeconomicsector concept_politicsissue_research +concept_company_acp concept:latitudelongitude 30.7535300000000,-92.6890300000000 +concept_company_acrobat concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_acrobat concept:agentcreated concept_city_click +concept_company_acrobat concept:agentcreated concept_governmentorganization_program +concept_company_acrobat concept:agentcreated concept_mlsoftware_application +concept_company_acrobat concept:agentinvolvedwithitem concept_nerve_reader +concept_company_acrobat concept:producesproduct concept_product_acrobat_reader +concept_company_acrobat concept:agentcreated concept_software_viewer +concept_company_acrobat concept:agentcreated concept_website_download +concept_company_acrobat concept:agentcreated concept_website_reader +concept_company_act concept:atdate concept_date_n2004 +concept_company_act concept:atdate concept_dateliteral_n2002 +concept_company_act concept:atdate concept_dateliteral_n2005 +concept_company_act concept:atdate concept_dateliteral_n2007 +concept_company_activision concept:mutualproxyfor concept_ceo_bobby_kotick +concept_company_activision concept:organizationterminatedperson concept_ceo_bobby_kotick +concept_company_activision concept:subpartof concept_ceo_bobby_kotick +concept_company_activision concept:agentcreated concept_musicgenre_guitar_hero +concept_company_activision concept:producesproduct concept_videogame_guitar_hero +concept_company_activity concept:proxyfor concept_book_new +concept_company_activity concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_activity concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_actors concept:headquarteredin concept_city_new_york +concept_company_actors concept:organizationheadquarteredincity concept_city_new_york +concept_company_acv concept:latitudelongitude 40.9779000000000,-124.1097900000000 +concept_company_addison concept:atlocation concept_city_texas +concept_company_adidas001 concept:companyeconomicsector concept_academicfield_sports +concept_company_adidas001 concept:organizationhiredperson concept_ceo_herbert_hainer +concept_company_adidas001 concept:organizationterminatedperson concept_ceo_herbert_hainer +concept_company_adidas001 concept:acquired concept_company_reebok +concept_company_aditya_birla_group concept:organizationterminatedperson concept_ceo_kumar_birla +concept_company_adlabs concept:companyeconomicsector concept_academicfield_media +concept_company_adm_ concept:companyalsoknownas concept_biotechcompany_archer_daniels_midland +concept_company_adm_ concept:organizationalsoknownas concept_biotechcompany_archer_daniels_midland +concept_company_adm_ concept:organizationterminatedperson concept_ceo_dwayne_andreas +concept_company_adm_ concept:headquarteredin concept_city_decatur +concept_company_admob concept:companyeconomicsector concept_economicsector_advertising +concept_company_adobe concept:agentcreated concept_academicfield_adobe_pdf_reader +concept_company_adobe concept:agentcreated concept_academicfield_application_form +concept_company_adobe concept:agentcreated concept_academicfield_documents +concept_company_adobe concept:agentcreated concept_academicfield_version +concept_company_adobe concept:agentcreated concept_astronaut_microsoft_powerpoint +concept_company_adobe concept:agentinvolvedwithitem concept_automobileengine_document +concept_company_adobe concept:agentcreated concept_automobilemaker_premier +concept_company_adobe concept:agentcreated concept_automobilemodel_click +concept_company_adobe concept:agentcreated concept_automobilemodel_plugin +concept_company_adobe concept:agentinvolvedwithitem concept_automobilemodel_plugin +concept_company_adobe concept:agentcreated concept_bacteria_after_effects +concept_company_adobe concept:agentinvolvedwithitem concept_bacteria_after_effects +concept_company_adobe concept:agentcreated concept_bakedgood_pdf_viewer +concept_company_adobe concept:agentinvolvedwithitem concept_bakedgood_plug_ins +concept_company_adobe concept:agentcreated concept_bedroomitem_free_download +concept_company_adobe concept:agentcreated concept_bedroomitem_player +concept_company_adobe concept:agentcreated concept_book_print +concept_company_adobe concept:agentcreated concept_book_publisher +concept_company_adobe concept:agentinvolvedwithitem concept_braintissue_edit +concept_company_adobe concept:agentinvolvedwithitem concept_buildingfeature_documents +concept_company_adobe concept:agentinvolvedwithitem concept_buildingfeature_home +concept_company_adobe concept:agentinvolvedwithitem concept_buildingfeature_link +concept_company_adobe concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_adobe concept:agentcreated concept_buildingfeature_windows +concept_company_adobe concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_adobe concept:agentcollaborateswithagent concept_ceo_bruce_chizen +concept_company_adobe concept:agentcollaborateswithagent concept_ceo_shantanu_narayen +concept_company_adobe concept:agentcreated concept_ceo_software_program +concept_company_adobe concept:agentcreated concept_charactertrait_printer +concept_company_adobe concept:agentcreated concept_charactertrait_word +concept_company_adobe concept:agentcreated concept_city_edit +concept_company_adobe concept:agentcreated concept_city_home +concept_company_adobe concept:agentinvolvedwithitem concept_clothing_professional +concept_company_adobe concept:agentcreated concept_company_corel +concept_company_adobe concept:agentcreated concept_company_encore +concept_company_adobe concept:agentcreated concept_company_indesign +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_adobe_after_effects +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_adobe_after_effects +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_adobe_flash +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_adobe_flash +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_adobe_framemaker +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_adobe_indesign +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_adobe_indesign +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_current_version +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_current_version +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_ms_word +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_ms_word +concept_company_adobe concept:agentcreated concept_consumerelectronicitem_sony_vegas +concept_company_adobe concept:agentinvolvedwithitem concept_consumerelectronicitem_sony_vegas +concept_company_adobe concept:agentcreated concept_currency_viewers +concept_company_adobe concept:agentinvolvedwithitem concept_drug_quark +concept_company_adobe concept:agentcreated concept_ethnicgroup__pdf +concept_company_adobe concept:agentcreated concept_ethnicgroup_microsoft_word_format +concept_company_adobe concept:agentcreated concept_ethnicgroup_pdf_file_format +concept_company_adobe concept:agentcreated concept_ethnicgroup_powerpoint_format +concept_company_adobe concept:agentcreated concept_governmentorganization_copy +concept_company_adobe concept:agentcreated concept_governmentorganization_program +concept_company_adobe concept:agentinvolvedwithitem concept_hallwayitem_air +concept_company_adobe concept:agentcreated concept_hallwayitem_conversion +concept_company_adobe concept:agentinvolvedwithitem concept_hallwayitem_free +concept_company_adobe concept:agentinvolvedwithitem concept_hallwayitem_instructions +concept_company_adobe concept:agentcreated concept_hobby_professional +concept_company_adobe concept:agentcreated concept_hobby_utility +concept_company_adobe concept:agentinvolvedwithitem concept_kitchenitem_button +concept_company_adobe concept:agentinvolvedwithitem concept_kitchenitem_copy +concept_company_adobe concept:agentcreated concept_landscapefeatures_file +concept_company_adobe concept:agentcreated concept_language_word_format +concept_company_adobe concept:agentcreated concept_male_portable_document_format +concept_company_adobe concept:agentinvolvedwithitem concept_mediatype_report +concept_company_adobe concept:agentcreated concept_mlalgorithm_microsoft_word +concept_company_adobe concept:agentcreated concept_mlalgorithm_reader_program +concept_company_adobe concept:agentcreated concept_mldataset_n6 +concept_company_adobe concept:agentcreated concept_mldataset_n9 +concept_company_adobe concept:agentcreated concept_mldataset_site +concept_company_adobe concept:agentinvolvedwithitem concept_mlsoftware_application +concept_company_adobe concept:agentinvolvedwithitem concept_mlsoftware_flex +concept_company_adobe concept:agentcreated concept_mlsoftware_openoffice +concept_company_adobe concept:agentinvolvedwithitem concept_mlsoftware_openoffice +concept_company_adobe concept:agentinvolvedwithitem concept_musicinstrument_encore +concept_company_adobe concept:agentcreated concept_musicinstrument_plug_in +concept_company_adobe concept:agentinvolvedwithitem concept_musicinstrument_plug_in +concept_company_adobe concept:agentcreated concept_musicsong_format +concept_company_adobe concept:agentcreated concept_musicsong_internet_explorer +concept_company_adobe concept:agentinvolvedwithitem concept_nerve_reader +concept_company_adobe concept:agentcontrols concept_park_macromedia +concept_company_adobe concept:agentcreated concept_park_n1 +concept_company_adobe concept:agentcreated concept_perceptionevent_flash +concept_company_adobe concept:agentcreated concept_perceptionevent_macromedia_flash +concept_company_adobe concept:agentcreated concept_personafrica_approval +concept_company_adobe concept:agentcreated concept_personasia_variety +concept_company_adobe concept:agentcreated concept_physicalaction_form +concept_company_adobe concept:agentcreated concept_physicalaction_icon +concept_company_adobe concept:agentcreated concept_physicalaction_load +concept_company_adobe concept:agentcreated concept_physicalaction_plug +concept_company_adobe concept:agentcreated concept_plant_ability +concept_company_adobe concept:agentinvolvedwithitem concept_plant_ability +concept_company_adobe concept:agentcreated concept_politicsbill_office +concept_company_adobe concept:agentcreated concept_politicsissue_programs +concept_company_adobe concept:agentcreated concept_product_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_acrobat_reader_3_0 +concept_company_adobe concept:agentcreated concept_product_acrobat_reader_program +concept_company_adobe concept:agentinvolvedwithitem concept_product_acrobat_reader_program +concept_company_adobe concept:agentcreated concept_product_acrobat_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_acrobat_reader_software +concept_company_adobe concept:agentcreated concept_product_acrobat_reader_version +concept_company_adobe concept:agentinvolvedwithitem concept_product_acrobat_reader_version +concept_company_adobe concept:agentcreated concept_product_acrobat_viewer +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader_3_0 +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat_reader_5_0 +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader_5_0 +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat_reader_program +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader_program +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader_software +concept_company_adobe concept:agentcreated concept_product_adobe_acrobat_reader_version +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_acrobat_reader_version +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_fireworks +concept_company_adobe concept:agentcreated concept_product_adobe_illustrator +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_illustrator +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_pdf_reader +concept_company_adobe concept:agentcreated concept_product_adobe_photoshop +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_photoshop +concept_company_adobe concept:agentcreated concept_product_adobe_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_reader +concept_company_adobe concept:agentcreated concept_product_adobe_reader_program +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_reader_program +concept_company_adobe concept:agentcreated concept_product_adobe_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_adobe_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_audition +concept_company_adobe concept:agentcreated concept_product_corel_painter +concept_company_adobe concept:agentinvolvedwithitem concept_product_corel_painter +concept_company_adobe concept:agentcreated concept_product_coreldraw +concept_company_adobe concept:agentinvolvedwithitem concept_product_coreldraw +concept_company_adobe concept:agentcreated concept_product_coreldraw_ +concept_company_adobe concept:agentinvolvedwithitem concept_product_coreldraw_ +concept_company_adobe concept:agentcreated concept_product_free_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_free_acrobat_reader +concept_company_adobe concept:agentcreated concept_product_free_adobe_acrobat_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_free_adobe_acrobat_reader +concept_company_adobe concept:agentcreated concept_product_free_adobe_acrobat_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_free_adobe_acrobat_reader_software +concept_company_adobe concept:agentcreated concept_product_free_adobe_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_free_adobe_reader +concept_company_adobe concept:agentcreated concept_product_free_adobe_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_free_adobe_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_product_graphicconverter +concept_company_adobe concept:agentcreated concept_product_illustrator +concept_company_adobe concept:agentinvolvedwithitem concept_product_illustrator +concept_company_adobe concept:agentcreated concept_product_microsoft_publisher +concept_company_adobe concept:agentinvolvedwithitem concept_product_microsoft_publisher +concept_company_adobe concept:agentcreated concept_product_pdf_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_pdf_reader +concept_company_adobe concept:agentinvolvedwithitem concept_product_pdf_viewer +concept_company_adobe concept:agentcreated concept_product_photoshop +concept_company_adobe concept:agentinvolvedwithitem concept_product_photoshop +concept_company_adobe concept:agentcreated concept_product_photoshop_elements +concept_company_adobe concept:agentinvolvedwithitem concept_product_photoshop_elements +concept_company_adobe concept:agentcreated concept_product_powerpoint +concept_company_adobe concept:agentinvolvedwithitem concept_product_powerpoint +concept_company_adobe concept:agentcreated concept_product_premiere +concept_company_adobe concept:agentinvolvedwithitem concept_product_premiere +concept_company_adobe concept:agentcreated concept_product_quarkxpress +concept_company_adobe concept:agentinvolvedwithitem concept_product_quarkxpress +concept_company_adobe concept:agentinvolvedwithitem concept_product_word +concept_company_adobe concept:agentcreated concept_product_word_documents +concept_company_adobe concept:agentcreated concept_programminglanguage_document +concept_company_adobe concept:agentcreated concept_programminglanguage_dreamweaver +concept_company_adobe concept:agentcreated concept_programminglanguage_excel +concept_company_adobe concept:agentcreated concept_programminglanguage_final_cut_pro +concept_company_adobe concept:agentcreated concept_programminglanguage_flash_player +concept_company_adobe concept:agentcreated concept_programminglanguage_frontpage +concept_company_adobe concept:agentcreated concept_programminglanguage_gimp +concept_company_adobe concept:agentcreated concept_programminglanguage_option +concept_company_adobe concept:agentcreated concept_programminglanguage_page +concept_company_adobe concept:agentcreated concept_programminglanguage_photo +concept_company_adobe concept:agentcreated concept_programminglanguage_process +concept_company_adobe concept:agentcreated concept_programminglanguage_type +concept_company_adobe concept:agentcreated concept_programminglanguage_visio +concept_company_adobe concept:agentcreated concept_scientificterm_free_copy +concept_company_adobe concept:agentcreated concept_scientist_quark +concept_company_adobe concept:agentcreated concept_software_access +concept_company_adobe concept:agentinvolvedwithitem concept_software_adobe_acrobat_professional +concept_company_adobe concept:agentcreated concept_software_adobe_dreamweaver +concept_company_adobe concept:agentinvolvedwithitem concept_software_adobe_dreamweaver +concept_company_adobe concept:agentcreated concept_software_adobe_golive +concept_company_adobe concept:agentinvolvedwithitem concept_software_adobe_golive +concept_company_adobe concept:agentcreated concept_software_adobe_premiere +concept_company_adobe concept:agentinvolvedwithitem concept_software_adobe_premiere +concept_company_adobe concept:agentcreated concept_software_apple_final_cut_pro +concept_company_adobe concept:agentinvolvedwithitem concept_software_apple_final_cut_pro +concept_company_adobe concept:agentinvolvedwithitem concept_software_autocad +concept_company_adobe concept:agentcreated concept_software_browser_plugin +concept_company_adobe concept:agentinvolvedwithitem concept_software_captivate +concept_company_adobe concept:agentinvolvedwithitem concept_software_corel_photopaint +concept_company_adobe concept:agentinvolvedwithitem concept_software_dreamweaver +concept_company_adobe concept:agentinvolvedwithitem concept_software_flash_player +concept_company_adobe concept:agentcreated concept_software_fontographer +concept_company_adobe concept:agentinvolvedwithitem concept_software_fontographer +concept_company_adobe concept:agentcreated concept_software_free_acrobat_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_software_free_acrobat_reader_software +concept_company_adobe concept:agentinvolvedwithitem concept_software_gimp +concept_company_adobe concept:agentcreated concept_software_golive +concept_company_adobe concept:agentinvolvedwithitem concept_software_golive +concept_company_adobe concept:agentinvolvedwithitem concept_software_internet_explorer +concept_company_adobe concept:agentcreated concept_software_macromedia_dreamweaver +concept_company_adobe concept:agentinvolvedwithitem concept_software_macromedia_dreamweaver +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_excel +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_frontpage +concept_company_adobe concept:agentcreated concept_software_microsoft_office +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_office +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_powerpoint +concept_company_adobe concept:agentcreated concept_software_microsoft_visio +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_visio +concept_company_adobe concept:agentinvolvedwithitem concept_software_microsoft_word +concept_company_adobe concept:agentcreated concept_software_ms_excel +concept_company_adobe concept:agentcreated concept_software_ms_office +concept_company_adobe concept:agentinvolvedwithitem concept_software_ms_office +concept_company_adobe concept:agentinvolvedwithitem concept_software_notepad +concept_company_adobe concept:agentcreated concept_software_outlook +concept_company_adobe concept:agentcreated concept_software_pagemaker +concept_company_adobe concept:agentinvolvedwithitem concept_software_pagemaker +concept_company_adobe concept:agentcreated concept_software_quark_express +concept_company_adobe concept:agentinvolvedwithitem concept_software_quark_express +concept_company_adobe concept:agentcreated concept_software_quark_xpress +concept_company_adobe concept:agentinvolvedwithitem concept_software_quark_xpress +concept_company_adobe concept:agentcreated concept_software_viewer +concept_company_adobe concept:agentinvolvedwithitem concept_software_viewer +concept_company_adobe concept:agentinvolvedwithitem concept_software_visio +concept_company_adobe concept:agentcreated concept_sportsteamposition_application +concept_company_adobe concept:agentcreated concept_stateorprovince_n6_0 +concept_company_adobe concept:agentinvolvedwithitem concept_tableitem_icon +concept_company_adobe concept:agentinvolvedwithitem concept_tableitem_links +concept_company_adobe concept:agentcreated concept_tool_attachments +concept_company_adobe concept:agentcreated concept_tool_pdf_software +concept_company_adobe concept:agentinvolvedwithitem concept_tool_pdf_software +concept_company_adobe concept:agentcreated concept_transportation_pdf_format +concept_company_adobe concept:agentcreated concept_vehicle_html +concept_company_adobe concept:agentinvolvedwithitem concept_vehicle_html +concept_company_adobe concept:agentcreated concept_vehicle_right +concept_company_adobe concept:agentcreated concept_vehicle_view +concept_company_adobe concept:agentinvolvedwithitem concept_videogame_mac +concept_company_adobe concept:agentcreated concept_videogame_macromedia_freehand +concept_company_adobe concept:agentinvolvedwithitem concept_videogame_macromedia_freehand +concept_company_adobe concept:agentcreated concept_videogame_n8 +concept_company_adobe concept:agentcreated concept_videogame_n8_0 +concept_company_adobe concept:agentcreated concept_videogame_winzip +concept_company_adobe concept:agentcreated concept_videogamesystem_adobe_creative_suite +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_adobe_creative_suite +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_adobe_lightroom +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_bbedit +concept_company_adobe concept:agentcreated concept_videogamesystem_fireworks +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_fireworks +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_free_download +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_jasc_paint_shop_pro +concept_company_adobe concept:agentcreated concept_videogamesystem_macromedia_fireworks +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_macromedia_fireworks +concept_company_adobe concept:agentcreated concept_videogamesystem_paint_shop_pro +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_paint_shop_pro +concept_company_adobe concept:agentcreated concept_videogamesystem_photodeluxe +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_photodeluxe +concept_company_adobe concept:agentinvolvedwithitem concept_videogamesystem_ulead_photoimpact +concept_company_adobe concept:agentcreated concept_videogamesystem_windows_media_player +concept_company_adobe concept:agentcreated concept_visualartform_forms +concept_company_adobe concept:agentinvolvedwithitem concept_visualizableobject_printer +concept_company_adobe concept:agentcreated concept_visualizablething_distiller +concept_company_adobe concept:agentcreated concept_visualizablething_download_page +concept_company_adobe concept:agentcreated concept_visualizablething_download_the_application +concept_company_adobe concept:agentcreated concept_visualizablething_download_this_file +concept_company_adobe concept:agentcreated concept_visualizablething_formats +concept_company_adobe concept:agentcreated concept_visualizablething_pdf_file +concept_company_adobe concept:agentcreated concept_visualizablething_pdf_files +concept_company_adobe concept:agentcreated concept_visualizablething_photoshop_cs +concept_company_adobe concept:agentinvolvedwithitem concept_visualizablething_photoshop_cs +concept_company_adobe concept:agentcreated concept_visualizablething_plug_ins +concept_company_adobe concept:agentinvolvedwithitem concept_visualizablething_software_program +concept_company_adobe concept:agentcreated concept_visualizablething_use +concept_company_adobe concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_company_adobe concept:agentinvolvedwithitem concept_wallitem_output +concept_company_adobe concept:agentinvolvedwithitem concept_weapon_air_applications +concept_company_adobe concept:agentcreated concept_weapon_standard +concept_company_adobe concept:agentcreated concept_website_acrobat +concept_company_adobe concept:agentcontrols concept_website_adobe +concept_company_adobe concept:agentcreated concept_website_adobe +concept_company_adobe concept:agentcreated concept_website_download +concept_company_adobe concept:agentcreated concept_website_download_acrobat_reader +concept_company_adobe concept:agentcreated concept_website_downloads +concept_company_adobe concept:agentcreated concept_website_files +concept_company_adobe concept:agentcreated concept_website_free +concept_company_adobe concept:agentcreated concept_website_free_software +concept_company_adobe concept:agentcreated concept_website_installation +concept_company_adobe concept:agentcreated concept_website_links +concept_company_adobe concept:agentcreated concept_website_mac +concept_company_adobe concept:agentcreated concept_website_notepad +concept_company_adobe concept:agentcreated concept_website_pages +concept_company_adobe concept:agentcreated concept_website_pdf +concept_company_adobe concept:agentcreated concept_website_print_the_order_form +concept_company_adobe concept:agentcreated concept_website_reader +concept_company_adobe concept:agentcreated concept_website_support +concept_company_adults concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_company_adults concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_company_adults concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_company_adults concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_company_adults concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_company_adults concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_adults concept:agentparticipatedinevent concept_sportsgame_charges +concept_company_aegean_airlines concept:hasofficeincity concept_city_athens +concept_company_aegean_airlines concept:agentactsinlocation concept_county_athens +concept_company_aer_arann concept:hasofficeincity concept_city_cork +concept_company_aer_arann concept:hasofficeincity concept_city_dublin_dublin +concept_company_aer_arann concept:headquarteredin concept_city_galway +concept_company_aer_lingus concept:hasofficeincity concept_city_barcelona +concept_company_aer_lingus concept:hasofficeincity concept_city_belfast +concept_company_aer_lingus concept:hasofficeincity concept_city_cork +concept_company_aer_lingus concept:hasofficeincity concept_city_dublin_dublin +concept_company_aer_lingus concept:hasofficeincity concept_city_dubrovnik +concept_company_aer_lingus concept:hasofficeincity concept_city_glasgow +concept_company_aer_lingus concept:hasofficeincity concept_city_heathrow +concept_company_aer_lingus concept:hasofficeincity concept_city_new_york +concept_company_aer_lingus concept:hasofficeincity concept_city_toulouse +concept_company_aero_california concept:hasofficeincity concept_county_los_angeles_county +concept_company_aeroflot concept:hasofficeincity concept_city_heathrow +concept_company_aeroflot concept:headquarteredin concept_city_moscow +concept_company_aeroflot concept:hasofficeincity concept_city_new_york +concept_company_aerolineas_argentinas concept:headquarteredin concept_city_buenos_aires +concept_company_aeromexico concept:hasofficeincity concept_city_mexico_city +concept_company_aeromexico concept:hasofficeincity concept_city_tijuana +concept_company_aflac concept:headquarteredin concept_city_columbus +concept_company_african_airways concept:hasofficeincity concept_city_atlanta +concept_company_african_airways concept:agentactsinlocation concept_city_johannesburg +concept_company_african_airways concept:agentactsinlocation concept_city_new_york +concept_company_agc concept:latitudelongitude 40.3547900000000,-79.9297700000000 +concept_company_air concept:competeswith concept_bank_dhl +concept_company_air concept:competeswith concept_bank_express_mail +concept_company_air concept:competeswith concept_bank_global_priority +concept_company_air concept:competeswith concept_bank_surface_mail +concept_company_air concept:competeswith concept_bank_ups +concept_company_air concept:hasofficeincity concept_city_new_delhi +concept_company_air concept:hasofficeincity concept_city_philadelphia +concept_company_air concept:competeswith concept_company_priority +concept_company_air concept:companyeconomicsector concept_economicsector_insurance +concept_company_air_asia concept:hasofficeincity concept_city_bangkok +concept_company_air_asia_x concept:organizationheadquarteredincity concept_city_bangkok +concept_company_air_astana concept:headquarteredin concept_city_almaty +concept_company_air_baltic concept:hasofficeincity concept_city_riga +concept_company_air_berlin concept:hasofficeincity concept_city_barcelona +concept_company_air_berlin concept:headquarteredin concept_city_berlin +concept_company_air_berlin concept:hasofficeincity concept_city_copenhagen +concept_company_air_berlin concept:hasofficeincity concept_city_frankfurt +concept_company_air_berlin concept:hasofficeincity concept_city_stuttgart +concept_company_air_botswana concept:hasofficeincity concept_city_johannesburg +concept_company_air_canada concept:agentcollaborateswithagent concept_ceo_montie_brewer +concept_company_air_canada concept:hasofficeincity concept_city_frankfurt +concept_company_air_canada concept:hasofficeincity concept_city_heathrow +concept_company_air_canada concept:hasofficeincity concept_city_london_city +concept_company_air_canada concept:hasofficeincity concept_city_montreal +concept_company_air_canada concept:hasofficeincity concept_city_new_york +concept_company_air_canada concept:hasofficeincity concept_city_ottawa +concept_company_air_canada concept:atlocation concept_city_toronto +concept_company_air_canada concept:hasofficeincity concept_city_vancouver +concept_company_air_china concept:headquarteredin concept_city_beijing +concept_company_air_deccan concept:hasofficeincity concept_city_bangalore +concept_company_air_deccan concept:hasofficeincity concept_city_bombay +concept_company_air_deccan concept:hasofficeincity concept_city_delhi +concept_company_air_fiji concept:hasofficeincity concept_city_suva +concept_company_air_france concept:hasofficeincity concept_city_algiers +concept_company_air_france concept:hasofficeincity concept_city_athens +concept_company_air_france concept:hasofficeincity concept_city_birmingham +concept_company_air_france concept:hasofficeincity concept_city_bordeaux +concept_company_air_france concept:hasofficeincity concept_city_cairo +concept_company_air_france concept:hasofficeincity concept_city_entebbe +concept_company_air_france concept:hasofficeincity concept_city_heathrow +concept_company_air_france concept:hasofficeincity concept_city_martinique +concept_company_air_france concept:hasofficeincity concept_city_miami +concept_company_air_france concept:hasofficeincity concept_city_new_york +concept_company_air_france concept:hasofficeincity concept_city_paris +concept_company_air_france concept:hasofficeincity concept_city_tel_aviv +concept_company_air_france concept:headquarteredin concept_city_toronto +concept_company_air_france concept:acquired concept_company_klm_ +concept_company_air_france concept:hasofficeincity concept_county_los_angeles_county +concept_company_air_greenland concept:hasofficeincity concept_city_copenhagen +concept_company_air_india concept:hasofficeincity concept_city_birmingham +concept_company_air_india concept:headquarteredin concept_city_bombay +concept_company_air_india concept:hasofficeincity concept_city_delhi +concept_company_air_india concept:hasofficeincity concept_city_london_city +concept_company_air_india concept:hasofficeincity concept_city_new_delhi +concept_company_air_india concept:hasofficeincity concept_city_new_york +concept_company_air_india concept:hasofficeincity concept_city_paris +concept_company_air_jamaica concept:hasofficeincity concept_city_atlanta +concept_company_air_jamaica concept:hasofficeincity concept_city_barbados +concept_company_air_jamaica concept:hasofficeincity concept_city_bonaire +concept_company_air_jamaica concept:hasofficeincity concept_city_grenada +concept_company_air_jamaica concept:hasofficeincity concept_city_kingston +concept_company_air_jamaica concept:hasofficeincity concept_city_new_york +concept_company_air_madagascar concept:hasofficeincity concept_city_paris +concept_company_air_malta concept:hasofficeincity concept_city_malta +concept_company_air_mauritius concept:hasofficeincity concept_city_heathrow +concept_company_air_mauritius concept:hasofficeincity concept_city_london_city +concept_company_air_mauritius concept:hasofficeincity concept_city_mauritius +concept_company_air_namibia concept:hasofficeincity concept_city_frankfurt +concept_company_air_namibia concept:hasofficeincity concept_city_london_city +concept_company_air_namibia concept:headquarteredin concept_city_windhoek +concept_company_air_new_zealand concept:atlocation concept_city_auckland +concept_company_air_new_zealand concept:hasofficeincity concept_city_christchurch +concept_company_air_new_zealand concept:hasofficeincity concept_city_london_city +concept_company_air_new_zealand concept:hasofficeincity concept_city_melbourne +concept_company_air_new_zealand concept:hasofficeincity concept_city_sydney +concept_company_air_new_zealand concept:hasofficeincity concept_county_los_angeles_county +concept_company_air_niugini concept:headquarteredin concept_city_port_moresby +concept_company_air_niugini concept:hasofficeincountry concept_country_new_zealand +concept_company_air_niugini concept:hasofficeincountry concept_country_papua_new_guinea +concept_company_air_north concept:hasofficeincity concept_city_vancouver +concept_company_air_pacific concept:hasofficeincity concept_city_auckland +concept_company_air_philippines concept:hasofficeincity concept_city_manila +concept_company_air_seychelles concept:hasofficeincity concept_city_london_city +concept_company_air_southwest concept:hasofficeincity concept_city_newquay +concept_company_air_tahiti concept:headquarteredin concept_city_papeete +concept_company_air_tahiti_nui concept:hasofficeincity concept_city_papeete +concept_company_air_tahiti_nui concept:hasofficeincity concept_city_tahiti +concept_company_air_tanzania concept:hasofficeincity concept_city_johannesburg +concept_company_air_tanzania concept:organizationheadquarteredincity concept_city_johannesburg +concept_company_air_vanuatu concept:hasofficeincity concept_city_port_vila +concept_company_air_zimbabwe concept:headquarteredin concept_city_harare +concept_company_air_zimbabwe concept:hasofficeincity concept_city_london_city +concept_company_air_zimbabwe concept:organizationheadquarteredincountry concept_country_zimbabwe +concept_company_airasia concept:hasofficeincity concept_city_bangkok +concept_company_airasia concept:hasofficeincity concept_city_kota_kinabalu +concept_company_airasia concept:hasofficeincity concept_city_kuala_lumpur +concept_company_airasia concept:hasofficeincity concept_city_kuching +concept_company_airasia_x concept:hasofficeincity concept_city_kuala_lumpur +concept_company_airbus concept:organizationterminatedperson concept_ceo_louis_gallois +concept_company_airbus concept:hasofficeincity concept_city_toulouse +concept_company_airbus concept:subpartoforganization concept_company_eads +concept_company_airbus concept:companyeconomicsector concept_economicsector_aerospace +concept_company_airespace concept:subpartoforganization concept_biotechcompany_cisco +concept_company_airespace concept:companyeconomicsector concept_economicsector_internet +concept_company_airtran concept:hasofficeincity concept_city_atlanta +concept_company_airtran_airways concept:headquarteredin concept_city_atlanta +concept_company_akg concept:latitudelongitude 40.0119400000000,47.6563900000000 +concept_company_al_ahali concept:latitudelongitude 30.2486100000000,31.3701400000000 +concept_company_al_jazeera concept:companyeconomicsector concept_academicfield_news +concept_company_al_jazeera concept:newspaperincity concept_city_washington_d_c +concept_company_ala concept:hasofficeincity concept_city_chicago +concept_company_ala concept:headquarteredin concept_city_washington_d_c +concept_company_ala concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_alaska_air concept:hasofficeincity concept_city_seattle +concept_company_alaska_airlines concept:hasofficeincity concept_city_anchorage +concept_company_alaska_airlines concept:hasofficeincity concept_city_juneau +concept_company_alaska_airlines concept:hasofficeincity concept_city_portland +concept_company_alaska_airlines concept:headquarteredin concept_city_seattle +concept_company_alaska_airlines concept:hasofficeincity concept_county_los_angeles_county +concept_company_alcatel concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_alexa concept:competeswith concept_blog_google +concept_company_alexa concept:subpartoforganization concept_governmentorganization_amazon_com +concept_company_alienware concept:companyeconomicsector concept_economicsector_computer +concept_company_alitalia concept:hasofficeincity concept_city_boston +concept_company_alitalia concept:hasofficeincity concept_city_heathrow +concept_company_alitalia concept:hasofficeincity concept_city_london_city +concept_company_alitalia concept:hasofficeincity concept_city_milan +concept_company_alitalia concept:hasofficeincity concept_city_rome +concept_company_allegiant concept:headquarteredin concept_city_las_vegas +concept_company_allegiant_air concept:hasofficeincity concept_city_las_vegas +concept_company_allstate concept:headquarteredin concept_city_northbrook +concept_company_allstate concept:organizationheadquarteredincity concept_city_northbrook +concept_company_allstate concept:companyeconomicsector concept_economicsector_insurance +concept_company_allstate concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_company_alps concept:hasofficeincountry concept_country___america +concept_company_alta_vista concept:acquired concept_company_overture +concept_company_alta_vista concept:agentcompeteswithagent concept_mlauthor_web_search +concept_company_alta_vista concept:agentcompeteswithagent concept_university_search +concept_company_amazon_com_inc concept:hasofficeincity concept_city_seattle +concept_company_amazon_com_inc concept:acquired concept_company_abebooks +concept_company_amazon_com_inc concept:organizationterminatedperson concept_personus_jeff_bezos +concept_company_amd concept:companyalsoknownas concept_biotechcompany_advanced_micro_devices +concept_company_amd concept:organizationalsoknownas concept_biotechcompany_advanced_micro_devices +concept_company_amd concept:companyalsoknownas concept_biotechcompany_advanced_micro_devices_inc_ +concept_company_amd concept:organizationalsoknownas concept_biotechcompany_advanced_micro_devices_inc_ +concept_company_amd concept:organizationterminatedperson concept_ceo_dirk_meyer +concept_company_amd concept:organizationterminatedperson concept_ceo_hector_ruiz +concept_company_amd concept:acquired concept_company_ati +concept_company_amd concept:competeswith concept_company_intel +concept_company_amd concept:companyeconomicsector concept_economicsector_semiconductors +concept_company_amd concept:synonymfor concept_retailstore_advanced_micro_devices +concept_company_amd concept:agentcompeteswithagent concept_university_intel_corp +concept_company_amec concept:companyeconomicsector concept_academicfield_engineering +concept_company_amer_intl_group concept:companyalsoknownas concept_bank_aig +concept_company_american_airlines concept:agentcollaborateswithagent concept_ceo_gerard_arpey +concept_company_american_airlines concept:agentcontrols concept_ceo_gerard_arpey +concept_company_american_airlines concept:hasofficeincity concept_city_antigua +concept_company_american_airlines concept:hasofficeincity concept_city_atlanta +concept_company_american_airlines concept:hasofficeincity concept_city_boston +concept_company_american_airlines concept:hasofficeincity concept_city_chicago +concept_company_american_airlines concept:hasofficeincity concept_city_honolulu +concept_company_american_airlines concept:hasofficeincity concept_city_l_a_ +concept_company_american_airlines concept:hasofficeincity concept_city_new_york +concept_company_american_airlines concept:hasofficeincity concept_city_paris +concept_company_american_airlines concept:hasofficeincity concept_city_queens +concept_company_american_airlines concept:hasofficeincity concept_city_san_francisco +concept_company_american_airlines concept:hasofficeincity concept_city_san_juan +concept_company_american_airlines concept:hasofficeincity concept_city_santo_domingo +concept_company_american_airlines concept:hasofficeincity concept_city_st_louis +concept_company_american_airlines concept:hasofficeincity concept_city_tokyo +concept_company_american_airlines concept:hasofficeincity concept_city_toronto +concept_company_american_airlines concept:hasofficeincity concept_city_zurich +concept_company_american_airlines001 concept:hasofficeincity concept_city_cali +concept_company_american_airlines001 concept:hasofficeincity concept_city_cancun +concept_company_american_airlines001 concept:hasofficeincity concept_city_la +concept_company_american_airlines001 concept:hasofficeincity concept_city_washington_d_c +concept_company_american_airlines001 concept:atlocation concept_county_miami +concept_company_american_airlines001 concept:atlocation concept_stateorprovince_new_york +concept_company_american_eagle concept:hasofficeincity concept_city_miami +concept_company_american_eagle concept:hasofficeincity concept_city_san_juan +concept_company_american_management_systems concept:organizationterminatedperson concept_ceo_c__michael_armstrong +concept_company_american_management_systems concept:organizationterminatedperson concept_ceo_randall_l__stephenson +concept_company_american_management_systems concept:hasofficeincity concept_city_middletown +concept_company_american_management_systems concept:subpartoforganization concept_company_sprint001 +concept_company_american_management_systems concept:subpartoforganization concept_company_sprint_nextel +concept_company_american_management_systems concept:organizationterminatedperson concept_person_ed_whitacre +concept_company_american_management_systems concept:subpartof concept_product_sprint +concept_company_american_management_systems concept:subpartof concept_retailstore_sprint_nextel +concept_company_american_standard_companies concept:acquired concept_company_trane +concept_company_amtrak concept:proxyfor concept_book_new +concept_company_amtrak concept:organizationterminatedperson concept_professor_david_gunn +concept_company_amway concept:organizationterminatedperson concept_ceo_richard_m__devos +concept_company_amway concept:subpartof concept_ceo_richard_m__devos +concept_company_amway concept:companyeconomicsector concept_economicsector_network_marketing +concept_company_anadarko_petroleum concept:mutualproxyfor concept_ceo_james_hackett +concept_company_anadarko_petroleum concept:organizationterminatedperson concept_ceo_james_hackett +concept_company_anadarko_petroleum concept:companyalsoknownas concept_company_apc +concept_company_ancestry concept:agentcollaborateswithagent concept_website_rootsweb +concept_company_andersen concept:companyeconomicsector concept_academicfield_accounting +concept_company_andersen concept:companyeconomicsector concept_academicfield_public_accounting +concept_company_andersen concept:companyeconomicsector concept_economicsector_auditing +concept_company_anheuser_busch_companies concept:latitudelongitude 38.6547250000000,-90.3425750000000 +concept_company_anheuser_busch_companies concept:organizationterminatedperson concept_ceo_august_a__busch_iv +concept_company_anheuser_busch_companies concept:headquarteredin concept_city_st_louis +concept_company_anheuser_busch_companies001 concept:mutualproxyfor concept_ceo_august_a__busch_iv +concept_company_anheuser_busch_companies001 concept:organizationterminatedperson concept_ceo_august_a__busch_iv +concept_company_anheuser_busch_companies001 concept:hasofficeincity concept_city_st__louis +concept_company_anheuser_busch_companies001 concept:headquarteredin concept_city_st_louis +concept_company_anthem_blue_cross concept:companyeconomicsector concept_academicfield_health +concept_company_anthem_blue_cross concept:companyeconomicsector concept_economicsector_insurance +concept_company_anthem_blue_cross concept:companyeconomicsector concept_politicsissue_health_insurance +concept_company_aol concept:companyeconomicsector concept_academicfield_media +concept_company_aol concept:competeswith concept_blog_google +concept_company_aol concept:acquired concept_blog_time_warner +concept_company_aol concept:agentcollaborateswithagent concept_ceo_steve_case +concept_company_aol concept:headquarteredin concept_city_new_york +concept_company_aol concept:organizationheadquarteredincity concept_city_new_york +concept_company_aol concept:acquired concept_company_advertising_com +concept_company_aol concept:agentcollaborateswithagent concept_company_case +concept_company_aol concept:acquired concept_company_compuserve +concept_company_aol concept:competeswith concept_company_hotmail +concept_company_aol concept:competeswith concept_company_microsoft_corporation +concept_company_aol concept:competeswith concept_company_msn +concept_company_aol concept:competeswith concept_company_skype_com +concept_company_aol concept:acquired concept_company_userplane +concept_company_aol concept:competeswith concept_company_yahoo001 +concept_company_aol concept:companyeconomicsector concept_economicsector_internet +concept_company_aol concept:agentcollaborateswithagent concept_politicianus_jonathan_miller +concept_company_aol concept:agentcompeteswithagent concept_university_search +concept_company_aol concept:agentcompeteswithagent concept_university_yahoo +concept_company_aol concept:acquired concept_website_tacoda +concept_company_aol_ concept:competeswith concept_company_yahoo001 +concept_company_aol_ concept:agentcompeteswithagent concept_university_search +concept_company_aol_ concept:acquired concept_website_netscape +concept_company_aol_ concept:subpartoforganization concept_website_netscape +concept_company_aol_time_warner concept:companyeconomicsector concept_academicfield_media +concept_company_ap_ concept:companyeconomicsector concept_academicfield_media +concept_company_ap_ concept:companyeconomicsector concept_academicfield_news +concept_company_ap_ concept:headquarteredin concept_city_new_york +concept_company_ap_001 concept:headquarteredin concept_city_washington_d_c +concept_company_ap_001 concept:competeswith concept_politicsblog_journal +concept_company_aperto concept:latitudelongitude 43.3879200000000,11.0470800000000 +concept_company_apollo_group concept:companyeconomicsector concept_politicsissue_education +concept_company_appe concept:latitudelongitude 55.3333300000000,10.2000000000000 +concept_company_apple concept:companyeconomicsector concept_academicfield_media +concept_company_apple concept:producesproduct concept_automobilemodel_touch +concept_company_apple concept:companyalsoknownas concept_biotechcompany_apple +concept_company_apple concept:synonymfor concept_biotechcompany_apple +concept_company_apple concept:mutualproxyfor concept_city_service +concept_company_apple concept:competeswith concept_company_china_mobile +concept_company_apple concept:companyeconomicsector concept_economicsector_computer +concept_company_apple concept:agentinvolvedwithitem concept_plant_apple +concept_company_apple concept:mutualproxyfor concept_politician_jobs +concept_company_apple concept:organizationterminatedperson concept_politician_jobs +concept_company_apple concept:producesproduct concept_product_apple_ipod +concept_company_apple concept:producesproduct concept_product_imac +concept_company_apple concept:producesproduct concept_product_iphone +concept_company_apple concept:producesproduct concept_product_ipod +concept_company_apple concept:producesproduct concept_product_itunes +concept_company_apple concept:agentinvolvedwithitem concept_product_macbook +concept_company_apple concept:producesproduct concept_product_macintosh +concept_company_apple concept:producesproduct concept_videogame_mac +concept_company_apple concept:agentcreated concept_videogamesystem_ipod +concept_company_apple concept:agentinvolvedwithitem concept_videogamesystem_ipod +concept_company_apple concept:agentinvolvedwithitem concept_videogamesystem_ipod_touch +concept_company_apple concept:agentinvolvedwithitem concept_videogamesystem_macintosh +concept_company_apple concept:agentcreated concept_videogamesystem_quicktime +concept_company_apple concept:agentinvolvedwithitem concept_videogamesystem_quicktime +concept_company_apple concept:agentinvolvedwithitem concept_wallitem_iphone +concept_company_apple concept:agentcontrols concept_website_jobs +concept_company_apple001 concept:producesproduct concept_automobilemodel_touch +concept_company_apple001 concept:organizationalsoknownas concept_company_apple002 +concept_company_apple001 concept:producesproduct concept_vehicle_iii +concept_company_apple001 concept:producesproduct concept_vehicle_video +concept_company_apple001 concept:producesproduct concept_videogame_mac +concept_company_apple002 concept:companyalsoknownas concept_biotechcompany_apple +concept_company_apple002 concept:organizationheadquarteredincity concept_city_cupertino +concept_company_apple002 concept:headquarteredin concept_city_london_city +concept_company_apple002 concept:hasofficeincity concept_city_new_york +concept_company_apple002 concept:organizationterminatedperson concept_judge_mr_ +concept_company_apple002 concept:agentcollaborateswithagent concept_politicianus_john_sculley +concept_company_apple002 concept:competeswith concept_website_facebook +concept_company_apple_iphone concept:atdate concept_dateliteral_n2007 +concept_company_aqr_capital_management concept:companyalsoknownas concept_company_aqr +concept_company_aqr_capital_management concept:organizationheadquarteredinstateorprovince concept_stateorprovince_connecticut +concept_company_aracruz concept:latitudelongitude -19.8644700000000,-40.2066200000000 +concept_company_arcelor_mittal concept:latitudelongitude 49.7946600000000,18.3135500000000 +concept_company_arcelor_mittal concept:acquired concept_biotechcompany_arcelor +concept_company_arcelor_mittal concept:mutualproxyfor concept_ceo_lakshmi_mittal +concept_company_arcelor_mittal concept:organizationterminatedperson concept_ceo_lakshmi_mittal +concept_company_arco concept:companyeconomicsector concept_politicsissue_energy +concept_company_areva concept:organizationterminatedperson concept_female_anne_lauvergeon +concept_company_areva concept:companyeconomicsector concept_politicsissue_energy +concept_company_ariana_afghan_airlines concept:hasofficeincity concept_city_kabul +concept_company_arizona concept:organizationhiredperson concept_coach_kevin_o_neill +concept_company_arizona concept:organizationhiredperson concept_coach_lute_olson +concept_company_arizona concept:organizationhiredperson concept_coach_mike_stoops +concept_company_arizona concept:organizationhiredperson concept_coach_stoops +concept_company_arizona concept:hasofficeincountry concept_country___america +concept_company_arizona concept:companyeconomicsector concept_economicsector_insurance +concept_company_arizona concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_arizona concept:agentparticipatedinevent concept_sportsgame_series +concept_company_arizona concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_company_arm_holdings concept:subpartoforganization concept_biotechcompany_bae +concept_company_arqiva concept:agentcollaborateswithagent concept_newspaper_national_grid +concept_company_arqiva concept:agentcontrols concept_newspaper_national_grid +concept_company_arrl concept:hasofficeincity concept_city_newington +concept_company_arrl concept:organizationheadquarteredincity concept_city_newington +concept_company_artemide concept:latitudelongitude 41.9010000000000,12.4935000000000 +concept_company_arthur_andersen concept:companyeconomicsector concept_academicfield_accounting +concept_company_arthur_andersen concept:companyeconomicsector concept_academicfield_public_accounting +concept_company_arthur_andersen concept:companyeconomicsector concept_economicsector_auditing +concept_company_arthur_anderson concept:companyeconomicsector concept_academicfield_accounting +concept_company_asian_spirit concept:hasofficeincity concept_city_caticlan +concept_company_asian_spirit concept:hasofficeincity concept_city_manila +concept_company_asian_spirit concept:hasofficeincountry concept_country_philippines +concept_company_asian_spirit concept:hasofficeincountry concept_country_the_philippines +concept_company_asiana concept:hasofficeincity concept_city_seoul +concept_company_asiana_airlines concept:hasofficeincity concept_city_seoul +concept_company_ask concept:competeswith concept_blog_google +concept_company_ask concept:competeswith concept_company_microsoft_corporation +concept_company_ask concept:agentcompeteswithagent concept_university_search +concept_company_ask_jeeves001 concept:acquired concept_company_bloglines +concept_company_ask_jeeves001 concept:acquired concept_website_teoma +concept_company_askjeeves concept:agentcompeteswithagent concept_university_search +concept_company_assurant concept:companyeconomicsector concept_economicsector_insurance +concept_company_asylum concept:headquarteredin concept_city_hartford +concept_company_asylum concept:organizationhiredperson concept_personaustralia_david_geffen +concept_company_asylum concept:organizationterminatedperson concept_personus_david_geffen +concept_company_at_t concept:organizationterminatedperson concept_ceo_c__michael_armstrong +concept_company_at_t concept:organizationterminatedperson concept_ceo_randall_l__stephenson +concept_company_at_t concept:hasofficeincity concept_city_middletown +concept_company_at_t concept:hasofficeincity concept_city_new_york +concept_company_at_t concept:acquired concept_company_bellsouth +concept_company_at_t concept:subpartoforganization concept_company_sprint001 +concept_company_at_t concept:subpartoforganization concept_company_sprint_nextel +concept_company_at_t concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_at_t concept:companyeconomicsector concept_economicsector_telecoms +concept_company_at_t concept:organizationterminatedperson concept_person_ed_whitacre +concept_company_atari concept:hasofficeincity concept_city_sunnyvale +concept_company_atari concept:companyeconomicsector concept_economicsector_gaming +concept_company_ati concept:companyeconomicsector concept_economicsector_semiconductors +concept_company_atlas_blue concept:hasofficeincity concept_city_marrakech +concept_company_atlas_blue concept:headquarteredin concept_city_nador +concept_company_atwater_kent concept:latitudelongitude 39.9503900000000,-75.1521200000000 +concept_company_audible__com concept:companyeconomicsector concept_economicsector_internet +concept_company_austrian_airlines concept:hasofficeincity concept_city_london_city +concept_company_austrian_airlines concept:headquarteredin concept_city_vienna +concept_company_author concept:organizationheadquarteredincountry concept_country_u_s_ +concept_company_automatic_data_proc concept:companyalsoknownas concept_company_adp +concept_company_avery_dennison concept:agentcollaborateswithagent concept_personnorthamerica_dean_scarborough +concept_company_avery_dennison concept:mutualproxyfor concept_personnorthamerica_dean_scarborough +concept_company_avianca concept:headquarteredin concept_city_bogota +concept_company_avianca concept:competeswith concept_company_post +concept_company_avid concept:acquired concept_company_pinnacle +concept_company_aviva concept:companyeconomicsector concept_economicsector_insurance +concept_company_b_m concept:agentbelongstoorganization concept_company_mgm +concept_company_ba concept:agentactsinlocation concept_airport_gatwick +concept_company_ba concept:companyalsoknownas concept_biotechcompany_boeing +concept_company_ba concept:organizationterminatedperson concept_ceo_willie_walsh +concept_company_ba concept:hasofficeincity concept_city_amsterdam +concept_company_ba concept:hasofficeincity concept_city_beijing +concept_company_ba concept:hasofficeincity concept_city_heathrow +concept_company_ba concept:hasofficeincity concept_city_johannesburg +concept_company_ba concept:hasofficeincity concept_city_london_city +concept_company_ba concept:hasofficeincity concept_city_manchester +concept_company_babcock___brown concept:companyeconomicsector concept_economicsector_investment +concept_company_baby_einstein concept:agentcollaborateswithagent concept_personeurope_julie_aigner_clark +concept_company_baby_einstein concept:mutualproxyfor concept_personeurope_julie_aigner_clark +concept_company_badr_organization concept:organizationterminatedperson concept_person_abdul_aziz_al_hakin +concept_company_badr_organization concept:subpartof concept_person_abdul_aziz_al_hakin +concept_company_bahamas_air concept:headquarteredin concept_city_nassau +concept_company_bahamasair concept:hasofficeincity concept_city_miami +concept_company_bahamasair concept:hasofficeincity concept_city_nassau +concept_company_balfour_beatty concept:companyeconomicsector concept_academicfield_construction +concept_company_bangkok_airways concept:hasofficeincity concept_city_bangkok +concept_company_bangkok_airways concept:hasofficeincity concept_city_siem_reap +concept_company_bangladesh concept:hasofficeincountry concept_country___america +concept_company_bangladesh concept:hasofficeincountry concept_country_korea +concept_company_barclays_plc_ads concept:companyalsoknownas concept_bank_bcs +concept_company_barnes___noble concept:competeswith concept_company_borders +concept_company_barrick_gold concept:acquired concept_company_placer_dome +concept_company_barrick_gold concept:mutualproxyfor concept_person_peter_munk +concept_company_barrick_gold concept:organizationterminatedperson concept_person_peter_munk +concept_company_barron_s001 concept:competeswith concept_politicsblog_journal +concept_company_battelle concept:headquarteredin concept_city_columbus +concept_company_battelle_memorial_institute concept:organizationheadquarteredincity concept_city_columbus +concept_company_bayer concept:acquired concept_biotechcompany_aventis_cropscience +concept_company_bbc concept:companyeconomicsector concept_academicfield_news +concept_company_bbc concept:companyalsoknownas concept_company_british_broadcasting_corp_ +concept_company_bbc concept:competeswith concept_politicsblog_journal +concept_company_bbc_world concept:companyeconomicsector concept_academicfield_media +concept_company_bbc_world concept:companyeconomicsector concept_academicfield_news +concept_company_beacon concept:headquarteredin concept_city_boston +concept_company_bearingpoint concept:companyeconomicsector concept_academicfield_consulting +concept_company_bechtel concept:companyeconomicsector concept_academicfield_construction +concept_company_bechtel concept:companyeconomicsector concept_academicfield_engineering +concept_company_beechams concept:latitudelongitude -32.2833300000000,152.3166700000000 +concept_company_bell_canada concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_bellsouth concept:agentcollaborateswithagent concept_ceo_f__duane_ackerman +concept_company_bellsouth concept:mutualproxyfor concept_ceo_f__duane_ackerman +concept_company_bellsouth concept:acquired concept_company_cingular_wireless_llc +concept_company_bellsouth concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_berjaya_air concept:hasofficeincity concept_city_kuala_lumpur +concept_company_berkshire_hathaway concept:organizationterminatedperson concept_ceo_buffett +concept_company_berkshire_hathaway concept:acquired concept_company_netjets +concept_company_berkshire_hathaway concept:companyeconomicsector concept_economicsector_insurance +concept_company_berkshire_hathaway concept:companyeconomicsector concept_economicsector_investment +concept_company_berkshire_hathaway concept:agentcollaborateswithagent concept_personus_warren_buffet +concept_company_berlingske concept:latitudelongitude 76.9852800000000,-69.3258300000000 +concept_company_bertelsmann concept:companyeconomicsector concept_academicfield_media +concept_company_bertelsmann concept:companyeconomicsector concept_academicfield_publishing +concept_company_bertelsmann concept:mutualproxyfor concept_ceo_thomas_middelhoff +concept_company_bertelsmann concept:organizationhiredperson concept_ceo_thomas_middelhoff +concept_company_bertelsmann concept:organizationterminatedperson concept_ceo_thomas_middelhoff +concept_company_bertelsmann_ag concept:mutualproxyfor concept_ceo_thomas_middelhoff +concept_company_bertelsmann_ag concept:organizationhiredperson concept_ceo_thomas_middelhoff +concept_company_bertelsmann_ag concept:organizationterminatedperson concept_ceo_thomas_middelhoff +concept_company_bethlehem_steel concept:latitudelongitude 40.5870400000000,-75.3329600000000 +concept_company_bharti_telecom concept:mutualproxyfor concept_ceo_sunil_mittal +concept_company_bharti_telecom concept:mutualproxyfor concept_person_sunil_mittal +concept_company_bharti_telecom concept:organizationterminatedperson concept_person_sunil_mittal +concept_company_bhp_billiton concept:companyeconomicsector concept_politicsissue_energy +concept_company_bhp_billiton_ltd_adr concept:mutualproxyfor concept_ceo_marius_kloppers +concept_company_bhp_billiton_ltd_adr concept:organizationterminatedperson concept_ceo_marius_kloppers +concept_company_bhp_billiton_ltd_adr concept:companyalsoknownas concept_company_bhp_billiton +concept_company_bhp_billiton_ltd_adr concept:organizationalsoknownas concept_company_bhp_billiton +concept_company_billboard001 concept:companyeconomicsector concept_academicfield_media +concept_company_billboard001 concept:competeswith concept_politicsblog_journal +concept_company_black___veatch concept:companyeconomicsector concept_academicfield_engineering +concept_company_blinkx concept:organizationterminatedperson concept_ceo_suranga_chandratillake +concept_company_bloglines concept:competeswith concept_blog_google +concept_company_bloglines concept:competeswith concept_company_yahoo001 +concept_company_blogpulse concept:competeswith concept_blog_google +concept_company_bloomberg concept:headquarteredin concept_city_new_york +concept_company_bloomberg001 concept:agentcompeteswithagent concept_musicartist_journal +concept_company_bloomberg001 concept:competeswith concept_politicsblog_journal +concept_company_blue_cross_blue_shield concept:companyeconomicsector concept_economicsector_insurance +concept_company_blue_cross_blue_shield concept:companyeconomicsector concept_economicsector_medical_insurance +concept_company_blue_cross_blue_shield concept:companyeconomicsector concept_politicsissue_health_care +concept_company_blue_cross_blue_shield concept:companyeconomicsector concept_politicsissue_health_insurance +concept_company_blue_shield concept:latitudelongitude 38.8856700000000,-77.0330300000000 +concept_company_blue_shield concept:companyeconomicsector concept_academicfield_health +concept_company_blue_shield concept:companyeconomicsector concept_economicsector_insurance +concept_company_blue_shield concept:companyeconomicsector concept_politicsissue_health_insurance +concept_company_bluecross_blueshield concept:companyeconomicsector concept_economicsector_insurance +concept_company_bmi concept:hasofficeincity concept_city_heathrow +concept_company_bmi_baby concept:hasofficeincity concept_city_birmingham +concept_company_bmi_baby concept:hasofficeincity concept_city_manchester +concept_company_bmibaby concept:hasofficeincity concept_city_birmingham +concept_company_bmibaby concept:hasofficeincity concept_city_manchester +concept_company_bmibaby concept:agentactsinlocation concept_city_perpignan +concept_company_bmw__mercedes_benz concept:organizationterminatedperson concept_ceo_norbert_reithofer +concept_company_bmw__mercedes_benz concept:hasofficeincountry concept_country_uk +concept_company_bnc_mortgage concept:companyalsoknownas concept_company_bnc +concept_company_bofa concept:organizationterminatedperson concept_personus_ken_lewis +concept_company_bombardier concept:organizationterminatedperson concept_person_laurent_beaudoin +concept_company_booksurge concept:companyeconomicsector concept_economicsector_internet +concept_company_boost_mobile concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_borders concept:mutualproxyfor concept_comedian_george_jones +concept_company_borders concept:organizationterminatedperson concept_comedian_george_jones +concept_company_borders concept:subpartof concept_comedian_george_jones +concept_company_borg_warner concept:latitudelongitude 39.8119800000000,-88.9709100000000 +concept_company_boston_consulting_group__bcg_ concept:companyeconomicsector concept_academicfield_consulting +concept_company_boston_globe001 concept:companyeconomicsector concept_academicfield_media +concept_company_boston_globe001 concept:companyeconomicsector concept_academicfield_news +concept_company_boston_globe001 concept:subpartof concept_museum_new_york_times +concept_company_boston_globe001 concept:competeswith concept_politicsblog_journal +concept_company_bouygues concept:companyeconomicsector concept_academicfield_construction +concept_company_bp001 concept:acquired concept_biotechcompany_amoco +concept_company_bp001 concept:mutualproxyfor concept_ceo_lord_john_browne +concept_company_bp001 concept:organizationterminatedperson concept_ceo_lord_john_browne +concept_company_bp001 concept:companyalsoknownas concept_company_british_petroleum +concept_company_bp001 concept:organizationacronymhasname concept_company_british_petroleum +concept_company_bp001 concept:mutualproxyfor concept_personcanada_tony_hayward +concept_company_bp001 concept:organizationterminatedperson concept_personcanada_tony_hayward +concept_company_bp001 concept:mutualproxyfor concept_personus_john_browne +concept_company_bp001 concept:companyeconomicsector concept_politicsissue_energy +concept_company_bp_america concept:hasofficeincity concept_city_warrenville +concept_company_bradley concept:hasofficeincity concept_city_milwaukee +concept_company_breitling concept:latitudelongitude 54.0833350000000,11.8000000000000 +concept_company_brightmail concept:subpartoforganization concept_company_symantec001 +concept_company_british_airways concept:agentactsinlocation concept_airport_gatwick +concept_company_british_airways concept:atlocation concept_airport_gatwick +concept_company_british_airways concept:organizationalsoknownas concept_bank_boeing +concept_company_british_airways concept:mutualproxyfor concept_ceo_willie_walsh +concept_company_british_airways concept:organizationterminatedperson concept_ceo_willie_walsh +concept_company_british_airways concept:agentactsinlocation concept_city_heathrow +concept_company_british_airways concept:atlocation concept_city_london_city +concept_company_british_airways concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_company_british_airways concept:atlocation concept_visualizablescene_manchester_airports +concept_company_british_broadcasting_corp_ concept:companyeconomicsector concept_academicfield_media +concept_company_british_broadcasting_corp_ concept:companyeconomicsector concept_academicfield_news +concept_company_british_gas concept:companyeconomicsector concept_politicsissue_energy +concept_company_british_land concept:companyeconomicsector concept_economicsector_property +concept_company_british_midland concept:hasofficeincity concept_city_manchester +concept_company_british_petroleum concept:companyeconomicsector concept_politicsissue_energy +concept_company_broadcom concept:synonymfor concept_bathroomitem_install +concept_company_broadcom concept:organizationterminatedperson concept_ceo_henry_t__nicholas_iii +concept_company_broadcom concept:acquired concept_company_henry_samueli +concept_company_broadcom concept:mutualproxyfor concept_company_henry_samueli +concept_company_brocade concept:acquired concept_company_foundry_networks +concept_company_brocade concept:agentcollaborateswithagent concept_company_foundry_networks +concept_company_brooktrout concept:latitudelongitude 43.5988150000000,-74.8298850000000 +concept_company_brother concept:agentparticipatedinevent concept_crimeorcharge_child +concept_company_brother concept:atdate concept_date_n2000 +concept_company_brother concept:atdate concept_date_n2003 +concept_company_brother concept:atdate concept_dateliteral_n2007 +concept_company_brother concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_brother concept:atdate concept_year_n1995 +concept_company_brunswick_corporation concept:agentactsinlocation concept_lake_new +concept_company_bsnl concept:companyeconomicsector concept_politicsissue_public_sector +concept_company_burger_king_hldgs concept:mutualproxyfor concept_ceo_john_chidsey +concept_company_burger_king_hldgs concept:organizationhiredperson concept_ceo_john_chidsey +concept_company_burger_king_hldgs concept:organizationterminatedperson concept_ceo_john_chidsey +concept_company_burger_king_hldgs concept:headquarteredin concept_city_miami +concept_company_burger_king_hldgs concept:organizationheadquarteredincity concept_city_miami +concept_company_business_objects concept:companyeconomicsector concept_academicfield_business_intelligence +concept_company_business_week concept:agentcollaborateswithagent concept_coach_stephen_baker +concept_company_business_week concept:competeswith concept_politicsblog_journal +concept_company_business_week001 concept:companyeconomicsector concept_academicfield_media +concept_company_business_week001 concept:companyeconomicsector concept_academicfield_news +concept_company_buy concept:acquired concept_biotechcompany_napster +concept_company_buy concept:companyeconomicsector concept_economicsector_insurance +concept_company_bwia concept:hasofficeincity concept_city_barbados +concept_company_bwia concept:hasofficeincity concept_city_guyana +concept_company_bwia concept:hasofficeincity concept_city_london_city +concept_company_bwia concept:hasofficeincity concept_city_miami +concept_company_bystander concept:latitudelongitude -71.3333300000000,159.6666700000000 +concept_company_cable_tv_companies concept:headquarteredin concept_city_new_york +concept_company_cablevision concept:companyeconomicsector concept_academicfield_media +concept_company_cablevision concept:organizationterminatedperson concept_ceo_charles_dolan +concept_company_cablevision concept:subpartof concept_ceo_charles_dolan +concept_company_calgene concept:subpartoforganization concept_governmentorganization_monsanto +concept_company_campus concept:proxyfor concept_book_new +concept_company_campus concept:atdate concept_date_n1999 +concept_company_campus concept:atdate concept_date_n2000 +concept_company_campus concept:atdate concept_date_n2001 +concept_company_campus concept:atdate concept_date_n2003 +concept_company_campus concept:atdate concept_date_n2004 +concept_company_campus concept:atdate concept_date_n2009 +concept_company_campus concept:atdate concept_dateliteral_n2002 +concept_company_campus concept:atdate concept_dateliteral_n2005 +concept_company_campus concept:atdate concept_dateliteral_n2006 +concept_company_campus concept:atdate concept_dateliteral_n2007 +concept_company_campus concept:atdate concept_dateliteral_n2008 +concept_company_campus concept:atdate concept_year_n1995 +concept_company_campus concept:atdate concept_year_n1998 +concept_company_canada concept:competeswith concept_bank_dhl +concept_company_canada concept:competeswith concept_bank_ups +concept_company_canada concept:competeswith concept_bank_usps +concept_company_canada concept:proxyfor concept_coach_new +concept_company_canada concept:hasofficeincountry concept_country___america +concept_company_canada concept:atdate concept_date_n1968 +concept_company_canada concept:atdate concept_date_n2000 +concept_company_canada concept:atdate concept_date_n2001 +concept_company_canada concept:atdate concept_date_n2009 +concept_company_canada concept:companyeconomicsector concept_economicsector_insurance +concept_company_canada concept:companyeconomicsector concept_economicsector_life_insurance +concept_company_canada concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_canada concept:synonymfor concept_politicsblog_republic +concept_company_canada concept:organizationterminatedperson concept_scientist_no_ +concept_company_canada concept:agentbelongstoorganization concept_sportsleague_mls +concept_company_canada concept:atdate concept_year_n1952 +concept_company_canada concept:atdate concept_year_n1984 +concept_company_canada concept:atdate concept_year_n1988 +concept_company_canada concept:atdate concept_year_n1992 +concept_company_canadian_islamic_congress concept:hasofficeincountry concept_country_canada_canada +concept_company_canadian_islamic_congress concept:organizationheadquarteredincountry concept_country_canada_canada +concept_company_canadian_islamic_congress concept:hasofficeincountry concept_country_uk__canada +concept_company_canadian_islamic_congress concept:organizationterminatedperson concept_person_mohamed_elmasry +concept_company_canadian_jewish_congress concept:hasofficeincountry concept_country_canada_canada +concept_company_canadian_jewish_congress concept:organizationheadquarteredincountry concept_country_canada_canada +concept_company_canadian_jewish_congress concept:hasofficeincountry concept_country_uk__canada +concept_company_canadian_jewish_congress concept:organizationalsoknownas concept_organization_cjc +concept_company_canadian_jewish_congress concept:synonymfor concept_organization_cjc +concept_company_canadian_jewish_congress concept:mutualproxyfor concept_person_sylvain_abitbol +concept_company_canadian_jewish_congress concept:organizationterminatedperson concept_person_sylvain_abitbol +concept_company_canon concept:organizationterminatedperson concept_ceo_fujio_mitarai +concept_company_canon concept:competeswith concept_company_nikon +concept_company_canon concept:companyeconomicsector concept_economicsector_imaging +concept_company_canon concept:agentcreated concept_nonprofitorganization_rebel +concept_company_canon concept:producesproduct concept_product_rebel +concept_company_canonical concept:mutualproxyfor concept_criminal_mark_shuttleworth +concept_company_canonical concept:organizationhiredperson concept_criminal_mark_shuttleworth +concept_company_canonical concept:organizationterminatedperson concept_criminal_mark_shuttleworth +concept_company_canonical concept:subpartof concept_criminal_mark_shuttleworth +concept_company_canwest concept:organizationheadquarteredincity concept_city_winnipeg +concept_company_canwest_global concept:companyeconomicsector concept_academicfield_media +concept_company_cape_air concept:hasofficeincity concept_city_boston +concept_company_capital concept:hasofficeincity concept_city_house +concept_company_capital concept:hasofficeincity concept_city_washington_d_c +concept_company_capital concept:headquarteredin concept_city_washington_dc +concept_company_capital concept:companyeconomicsector concept_economicsector_financial_services +concept_company_capital_group concept:latitudelongitude 51.2497400000000,-124.1697200000000 +concept_company_capital_one_financial concept:headquarteredin concept_city_mclean +concept_company_capital_one_financial concept:organizationheadquarteredincity concept_city_mclean +concept_company_capital_one_financial concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_company_capital_one_financial concept:agentactsinlocation concept_visualizablescene_mclean +concept_company_capitaland concept:companyeconomicsector concept_economicsector_property +concept_company_capitol concept:hasofficeincity concept_city_house +concept_company_capitol concept:hasofficeincity concept_city_washington_d_c +concept_company_capitol concept:headquarteredin concept_city_washington_dc +concept_company_carnival concept:mutualproxyfor concept_ceo_micky_arison +concept_company_carnival concept:organizationterminatedperson concept_ceo_micky_arison +concept_company_carnival concept:headquarteredin concept_city_miami +concept_company_carnival concept:organizationheadquarteredincity concept_city_miami +concept_company_carnival_cruises concept:mutualproxyfor concept_ceo_micky_arison +concept_company_carnival_cruises concept:organizationterminatedperson concept_ceo_micky_arison +concept_company_carnival_cruises concept:headquarteredin concept_city_miami +concept_company_carnival_cruises concept:organizationheadquarteredincity concept_city_miami +concept_company_carnival_cruises concept:acquired concept_company_cunard +concept_company_carnival_cruises concept:acquired concept_company_cunard_line +concept_company_case concept:agentbelongstoorganization concept_blog_america_online +concept_company_case concept:agentcollaborateswithagent concept_blog_america_online +concept_company_case concept:proxyfor concept_book_new +concept_company_case concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_case concept:agentbelongstoorganization concept_company_aol +concept_company_case concept:atdate concept_date_n1993 +concept_company_case concept:atdate concept_date_n1996 +concept_company_case concept:atdate concept_date_n1999 +concept_company_case concept:atdate concept_date_n2000 +concept_company_case concept:atdate concept_date_n2001 +concept_company_case concept:atdate concept_date_n2003 +concept_company_case concept:atdate concept_date_n2004 +concept_company_case concept:atdate concept_dateliteral_n1990 +concept_company_case concept:atdate concept_dateliteral_n2002 +concept_company_case concept:atdate concept_dateliteral_n2005 +concept_company_case concept:atdate concept_dateliteral_n2006 +concept_company_case concept:atdate concept_dateliteral_n2007 +concept_company_case concept:atdate concept_dateliteral_n2008 +concept_company_case concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_case concept:agentcontrols concept_mldataset_aol +concept_company_case concept:proxyfor concept_mldataset_aol +concept_company_case concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_case concept:atdate concept_year_n1991 +concept_company_case concept:atdate concept_year_n1992 +concept_company_case concept:atdate concept_year_n1994 +concept_company_case concept:atdate concept_year_n1995 +concept_company_case concept:atdate concept_year_n1997 +concept_company_case concept:atdate concept_year_n1998 +concept_company_casino_city concept:latitudelongitude -19.2964000000000,146.8010000000000 +concept_company_cat concept:agentcompeteswithagent concept_company_cat +concept_company_cathay_pacific concept:hasofficeincity concept_city_heathrow +concept_company_cathay_pacific concept:hasofficeincity concept_city_hong_kong_island +concept_company_cathay_pacific concept:hasofficeincity concept_city_vancouver +concept_company_cavium_networks concept:mutualproxyfor concept_ceo_syed_b__ali +concept_company_cavium_networks concept:organizationhiredperson concept_ceo_syed_b__ali +concept_company_cavium_networks concept:organizationterminatedperson concept_ceo_syed_b__ali +concept_company_cavium_networks concept:subpartof concept_ceo_syed_b__ali +concept_company_cbc concept:companyeconomicsector concept_academicfield_media +concept_company_cbc concept:companyeconomicsector concept_academicfield_news +concept_company_cbh concept:latitudelongitude 31.6457400000000,-2.2698600000000 +concept_company_cbs_corp_ concept:headquarteredin concept_city_new_york +concept_company_cbs_early_show concept:companyeconomicsector concept_academicfield_news +concept_company_cbs_sunday_morning concept:companyeconomicsector concept_academicfield_news +concept_company_cebu_pacific_air concept:hasofficeincity concept_city_manila +concept_company_cendant concept:acquired concept_company_orbitz_worldwide +concept_company_centrica concept:companyeconomicsector concept_politicsissue_energy +concept_company_century concept:companyeconomicsector concept_academicfield_real_estate +concept_company_century concept:organizationheadquarteredincity concept_city_new_york +concept_company_century_regional_detention_center concept:headquarteredin concept_city_lynwood +concept_company_century_regional_detention_center concept:organizationterminatedperson concept_person_alice_scott +concept_company_century_regional_detention_center concept:organizationheadquarteredinstateorprovince concept_stateorprovince_california +concept_company_centurytel concept:acquired concept_company_embarq +concept_company_champion_international concept:latitudelongitude 30.8621300000000,-87.4008100000000 +concept_company_charleston concept:proxyfor concept_book_description +concept_company_charleston concept:proxyfor concept_book_new +concept_company_charleston concept:proxyfor concept_company_west_virginia +concept_company_charleston concept:subpartof concept_company_west_virginia +concept_company_charleston concept:atlocation concept_stateorprovince_illinois +concept_company_chase concept:hasofficeincountry concept_country___america +concept_company_check_point concept:latitudelongitude 23.7441295833333,121.0361116666667 +concept_company_checkout concept:competeswith concept_blog_google +concept_company_cherry concept:headquarteredin concept_city_baltimore +concept_company_chesapeake_energy concept:organizationterminatedperson concept_journalist_aubrey_mcclendon +concept_company_chevron001 concept:headquarteredin concept_city_san_ramon +concept_company_chevron001 concept:companyeconomicsector concept_politicsissue_energy +concept_company_chicago concept:competeswith concept_blog_herald +concept_company_chicago concept:competeswith concept_newspaper_times +concept_company_chicago_bridge_and_iron concept:latitudelongitude 41.8422500000000,-87.9500600000000 +concept_company_china_eastern_airlines concept:hasofficeincity concept_city_guangzhou +concept_company_china_eastern_airlines concept:headquarteredin concept_city_shanghai +concept_company_china_southern concept:headquarteredin concept_city_guangzhou +concept_company_china_southern_airlines concept:hasofficeincity concept_city_hong_kong_island +concept_company_china_southern_airlines concept:hasofficeincity concept_city_taipei +concept_company_china_unicom concept:acquired concept_company_china_netcom +concept_company_choicepoint concept:organizationhiredperson concept_ceo_derek_v__smith +concept_company_choicepoint concept:organizationterminatedperson concept_ceo_derek_v__smith +concept_company_choicepoint concept:subpartof concept_ceo_derek_v__smith +concept_company_christian_science_monitor concept:companyeconomicsector concept_academicfield_media +concept_company_christian_science_monitor concept:companyeconomicsector concept_academicfield_news +concept_company_christian_science_monitor concept:competeswith concept_politicsblog_journal +concept_company_christian_science_monitor concept:agentcompeteswithagent concept_politicsblog_tribune +concept_company_chronicle001 concept:headquarteredin concept_county_los_angeles_county +concept_company_chronicle001 concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_chronicle001 concept:competeswith concept_newspaper_daily +concept_company_chrysler concept:agentcreated concept_automobilemaker_pt_cruiser +concept_company_chrysler concept:agentcollaborateswithagent concept_ceo_bob_nardelli +concept_company_chrysler concept:headquarteredin concept_city_auburn_hills +concept_company_chrysler concept:organizationheadquarteredincity concept_city_auburn_hills +concept_company_chrysler concept:competeswith concept_company_general_motors +concept_company_chrysler concept:competeswith concept_company_general_motors001 +concept_company_chrysler concept:companyeconomicsector concept_economicsector_auto +concept_company_chrysler concept:subpartof concept_mlsoftware_mercedes +concept_company_chrysler concept:organizationterminatedperson concept_person_lee_iacocca +concept_company_chrysler concept:agentcreated concept_recordlabel_sebring +concept_company_chrysler_llc__ concept:subpartoforganization concept_automobilemaker_daimler_benz +concept_company_chrysler_llc__ concept:competeswith concept_automobilemaker_gm +concept_company_chrysler_llc__ concept:subpartoforganization concept_automobilemaker_mercedes +concept_company_chrysler_llc__ concept:agentcreated concept_automobilemaker_pt_cruiser +concept_company_chrysler_llc__ concept:agentcreated concept_automobilemodel_sebring +concept_company_chrysler_llc__ concept:agentinvolvedwithitem concept_automobilemodel_sebring +concept_company_chrysler_llc__ concept:organizationterminatedperson concept_ceo_lee_iacocca +concept_company_chrysler_llc__ concept:headquarteredin concept_city_auburn_hills +concept_company_chrysler_llc__ concept:subpartof concept_vehicle_mercedes +concept_company_chrysler_llc__ concept:agentinvolvedwithitem concept_vehicle_pt_cruiser +concept_company_cidi concept:organizationterminatedperson concept_person_nathan_bouscher +concept_company_cingular_wireless_llc concept:subpartoforganization concept_automobilemaker_t_mobile_usa +concept_company_cingular_wireless_llc concept:acquired concept_company_at_t_wireless +concept_company_cingular_wireless_llc concept:organizationalsoknownas concept_organization_at_t_mobility_llc +concept_company_cingular_wireless_llc concept:organizationterminatedperson concept_person_stan_sigman +concept_company_citicorp concept:headquarteredin concept_city_new_york +concept_company_citicorp concept:companyeconomicsector concept_economicsector_investment +concept_company_citigroup concept:companyeconomicsector concept_academicfield_finance +concept_company_citigroup concept:competeswith concept_biotechcompany_morgan_stanley +concept_company_citigroup concept:agentcollaborateswithagent concept_ceo_charles_prince +concept_company_citigroup concept:agentcollaborateswithagent concept_ceo_sandy_weill +concept_company_citigroup concept:companyeconomicsector concept_economicsector_banking +concept_company_citigroup concept:companyeconomicsector concept_economicsector_financial_services +concept_company_citrix concept:acquired concept_company_xensource +concept_company_citrix concept:agentcollaborateswithagent concept_company_xensource +concept_company_city_paper001 concept:headquarteredin concept_city_washington_d_c +concept_company_clear_channel concept:companyeconomicsector concept_academicfield_media +concept_company_clear_channel concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_clearwire concept:subpartoforganization concept_company_sprint001 +concept_company_clearwire concept:subpartoforganization concept_company_sprint_nextel +concept_company_clearwire concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_clearwire concept:subpartof concept_product_sprint +concept_company_clearwire concept:subpartof concept_retailstore_sprint_nextel +concept_company_clickair concept:hasofficeincity concept_city_barcelona +concept_company_clinton concept:agentcollaborateswithagent concept_blog_george_w__bush +concept_company_clinton concept:agentcollaborateswithagent concept_celebrity_laura_bush +concept_company_clinton concept:headquarteredin concept_city_brooklyn +concept_company_clinton concept:agentcontrols concept_clothing_white +concept_company_clinton concept:agentcollaborateswithagent concept_coach_sarah_palin +concept_company_clinton concept:agentcollaborateswithagent concept_criminal_gore +concept_company_clinton concept:agentcollaborateswithagent concept_geopoliticallocation_kerry +concept_company_clinton concept:agentcollaborateswithagent concept_governmentorganization_house +concept_company_clinton concept:agentcollaborateswithagent concept_male_barak +concept_company_clinton concept:agentcollaborateswithagent concept_male_sen__barack_obama +concept_company_clinton concept:agentcollaborateswithagent concept_newspaper_president_elect_barack_obama +concept_company_clinton concept:agentcollaborateswithagent concept_person_bill +concept_company_clinton concept:agentcollaborateswithagent concept_person_president_bill_clinton +concept_company_clinton concept:agentcollaborateswithagent concept_personafrica_george_bush +concept_company_clinton concept:agentcollaborateswithagent concept_personus_john_edwards +concept_company_clinton concept:agentcollaborateswithagent concept_personus_party +concept_company_clinton concept:agentbelongstoorganization concept_politicalparty_house +concept_company_clinton concept:agentcollaborateswithagent concept_politician_congress +concept_company_clinton concept:agentcollaborateswithagent concept_tradeunion_john_kerry +concept_company_clinton concept:agentcollaborateswithagent concept_writer_barak_obama +concept_company_cnbc concept:companyeconomicsector concept_academicfield_business +concept_company_cnbc concept:companyeconomicsector concept_academicfield_media +concept_company_cnbc concept:companyeconomicsector concept_academicfield_news +concept_company_cnbc concept:headquarteredin concept_city_new_york +concept_company_cnbc001 concept:competeswith concept_politicsblog_journal +concept_company_cnn concept:headquarteredin concept_city_atlanta +concept_company_cnn concept:organizationheadquarteredincity concept_city_atlanta +concept_company_cnn concept:agentcollaborateswithagent concept_journalist_soledad_o_brien +concept_company_cnn concept:competeswith concept_politicsblog_journal +concept_company_cnn001 concept:companyeconomicsector concept_academicfield_media +concept_company_cnn001 concept:companyeconomicsector concept_academicfield_news +concept_company_cnn001 concept:hasofficeincity concept_city_atlanta +concept_company_cnn001 concept:companyalsoknownas concept_company_cw_network +concept_company_cnn001 concept:organizationalsoknownas concept_company_cw_network +concept_company_cnn001 concept:hasofficeincity concept_county_los_angeles_county +concept_company_cnn001 concept:companyalsoknownas concept_website_cable_news_network +concept_company_cnn001 concept:organizationacronymhasname concept_website_cable_news_network +concept_company_cnn001 concept:organizationalsoknownas concept_website_cable_news_network +concept_company_cnn_ concept:companyeconomicsector concept_academicfield_media +concept_company_cnn_ concept:companyeconomicsector concept_academicfield_news +concept_company_cnn_ concept:hasofficeincity concept_city_new_york +concept_company_cnn_ concept:organizationheadquarteredincity concept_city_new_york +concept_company_cnn_ concept:headquarteredin concept_city_washington_d_c +concept_company_cnn_ concept:competeswith concept_newspaper_journal +concept_company_cnn__abc concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__abc concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__cbs concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__espn concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__msnbc concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__msnbc concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__nbc concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__nbc concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__npr concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__pbs concept:subpartof concept_attraction_viacom +concept_company_cnn__pbs concept:subpartoforganization concept_bank_viacom +concept_company_cnn__pbs concept:headquarteredin concept_city_new_york +concept_company_cnn__reuters concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__the_bbc concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__the_bbc concept:companyeconomicsector concept_academicfield_news +concept_company_cnn__usa_today concept:companyeconomicsector concept_academicfield_media +concept_company_cnn__usa_today concept:companyeconomicsector concept_academicfield_news +concept_company_cnn_ibn concept:companyeconomicsector concept_academicfield_media +concept_company_code_pink concept:organizationhiredperson concept_person_medea_benjamin +concept_company_code_pink concept:organizationterminatedperson concept_person_medea_benjamin +concept_company_code_pink concept:subpartof concept_person_medea_benjamin +concept_company_cognizant_technology_solutions concept:agentcontrols concept_ceo_francisco_d_souza +concept_company_colgate concept:agentinvolvedwithitem concept_product_colgate +concept_company_colgate concept:agentcontrols concept_skiarea_maine +concept_company_comcast concept:companyeconomicsector concept_academicfield_media +concept_company_comcast concept:agentcontrols concept_athlete_brian_roberts +concept_company_comcast concept:organizationterminatedperson concept_ceo_brian_roberts +concept_company_comcast concept:headquarteredin concept_city_new_york +concept_company_comcast concept:organizationheadquarteredincity concept_city_philadelphia +concept_company_comcast concept:acquired concept_company_at_t_broadband +concept_company_comcast concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_comcast concept:companyalsoknownas concept_politicsblog_c_a +concept_company_comcast_cable concept:headquarteredin concept_city_new_york +concept_company_comcast_communications concept:latitudelongitude 39.8637300000000,-74.5440400000000 +concept_company_commentary001 concept:competeswith concept_politicsblog_journal +concept_company_companies concept:headquarteredin concept_city_new_york +concept_company_companies concept:companyeconomicsector concept_economicsector_insurance +concept_company_companies concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_companies concept:agentcompeteswithagent concept_university_search +concept_company_companies concept:agentinvolvedwithitem concept_vehicle_door +concept_company_compaq concept:organizationterminatedperson concept_ceo_michael_capellas +concept_company_compaq concept:acquired concept_company_digital +concept_company_compaq concept:organizationdissolvedatdate concept_dateliteral_n2002 +concept_company_compaq concept:companyeconomicsector concept_economicsector_computer +concept_company_compaq concept:subpartoforganization concept_university_hewlett_packard +concept_company_compaq_presario concept:organizationterminatedperson concept_ceo_michael_capellas +concept_company_compaq_presario concept:subpartof concept_retailstore_hewlett_packard_co +concept_company_compaq_presario concept:subpartoforganization concept_university_hewlett_packard +concept_company_comscore concept:companyeconomicsector concept_politicsissue_research +concept_company_connectix concept:subpartoforganization concept_company_microsoft_corporation +concept_company_conseco concept:companyeconomicsector concept_economicsector_insurance +concept_company_consolidated_edison concept:headquarteredin concept_city_new_york +concept_company_continental concept:hasofficeincity concept_city_bristol +concept_company_continental concept:hasofficeincity concept_city_denver +concept_company_continental concept:hasofficeincity concept_city_edinburgh +concept_company_continental concept:hasofficeincity concept_city_fort_lauderdale +concept_company_continental concept:hasofficeincity concept_city_honolulu +concept_company_continental concept:headquarteredin concept_city_houston +concept_company_continental concept:hasofficeincity concept_city_las_vegas +concept_company_continental concept:hasofficeincity concept_city_lima +concept_company_continental concept:hasofficeincity concept_city_managua +concept_company_continental concept:hasofficeincity concept_city_manchester +concept_company_continental concept:hasofficeincity concept_city_miami +concept_company_continental concept:hasofficeincity concept_city_new_york +concept_company_continental concept:hasofficeincity concept_city_orlando +concept_company_continental concept:hasofficeincity concept_city_phoenix +concept_company_continental concept:hasofficeincity concept_city_san_francisco +concept_company_continental concept:hasofficeincity concept_city_toronto +concept_company_continental001 concept:mutualproxyfor concept_ceo_larry_kellner +concept_company_continental001 concept:organizationterminatedperson concept_ceo_larry_kellner +concept_company_continental001 concept:hasofficeincity concept_city_heathrow +concept_company_continental001 concept:hasofficeincity concept_city_newark +concept_company_continental001 concept:hasofficeincountry concept_country___america +concept_company_continental001 concept:agentactsinlocation concept_island_houston +concept_company_continental_airlines001 concept:mutualproxyfor concept_ceo_jeff_smisek +concept_company_continental_airlines001 concept:organizationterminatedperson concept_ceo_jeff_smisek +concept_company_continental_airlines001 concept:mutualproxyfor concept_ceo_larry_kellner +concept_company_continental_airlines001 concept:organizationterminatedperson concept_ceo_larry_kellner +concept_company_continental_airlines001 concept:headquarteredin concept_city_houston +concept_company_continental_airlines001 concept:hasofficeincity concept_city_newark +concept_company_continental_airlines001 concept:atlocation concept_island_houston +concept_company_continental_micronesia concept:hasofficeincity concept_city_houston +concept_company_converse concept:companyeconomicsector concept_academicfield_sports +concept_company_coopers___lybrand concept:companyeconomicsector concept_academicfield_accounting +concept_company_corel concept:acquired concept_company_intervideo +concept_company_corel concept:acquired concept_company_micrografx +concept_company_corvette concept:hasofficeincountry concept_country_uk +concept_company_coskata concept:latitudelongitude 41.3395650000000,-70.0299450000000 +concept_company_costco_wholesale concept:organizationterminatedperson concept_ceo_james_sinegal +concept_company_costco_wholesale concept:subpartof concept_ceo_james_sinegal +concept_company_counterpane concept:latitudelongitude 33.5140900000000,-84.4467200000000 +concept_company_court_tv concept:headquarteredin concept_city_new_york +concept_company_craigslist concept:mutualproxyfor concept_personus_craig_newmark +concept_company_craigslist concept:organizationterminatedperson concept_personus_craig_newmark +concept_company_cramer concept:headquarteredin concept_city_camden +concept_company_cramer concept:organizationheadquarteredincity concept_city_camden +concept_company_cramer concept:competeswith concept_company_post +concept_company_creative_coalitiion concept:organizationterminatedperson concept_person_robin_bronk +concept_company_croatia_airlines concept:hasofficeincity concept_city_heathrow +concept_company_croatia_airlines concept:hasofficeincity concept_city_london_city +concept_company_croatia_airlines concept:headquarteredin concept_city_zagreb +concept_company_crowd concept:proxyfor concept_book_new +concept_company_cubana concept:headquarteredin concept_city_havana +concept_company_cubana concept:hasofficeincountry concept_country_cuba +concept_company_cubana concept:organizationheadquarteredincountry concept_country_cuba +concept_company_curtiss_wright concept:latitudelongitude 40.7118050000000,-73.8481950000000 +concept_company_cybercoders concept:hasofficeincity concept_city_seattle +concept_company_cyota concept:subpartoforganization concept_company_rsa +concept_company_cyprus_airways concept:hasofficeincity concept_city_larnaca +concept_company_czech_airlines concept:hasofficeincity concept_city_heathrow +concept_company_d_r__horton concept:companyalsoknownas concept_biotechcompany_dhi +concept_company_daily_news001 concept:hasofficeincity concept_city_la +concept_company_daily_news001 concept:hasofficeincity concept_city_washington_d_c +concept_company_daily_news001 concept:headquarteredin concept_county_los_angeles_county +concept_company_daily_news001 concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_daily_news001 concept:organizationdissolvedatdate concept_date_n2003 +concept_company_daily_news001 concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_company_daily_news001 concept:agentactsinlocation concept_lake_new +concept_company_daily_news001 concept:atlocation concept_lake_new +concept_company_daily_news001 concept:atlocation concept_retailstore_la +concept_company_daily_news001 concept:agentactsinlocation concept_stateorprovince_new_york +concept_company_daily_news001 concept:agentactsinlocation concept_visualizablescene_ny +concept_company_daily_news001 concept:atlocation concept_visualizablescene_ny +concept_company_daily_news001 concept:competeswith concept_website_san_jose_mercury_news +concept_company_dalkia concept:latitudelongitude 14.3451400000000,15.7332300000000 +concept_company_data_center concept:subpartof concept_weatherphenomenon_air +concept_company_datallegro concept:subpartoforganization concept_university_microsoft +concept_company_dateline_nbc concept:companyeconomicsector concept_academicfield_media +concept_company_dateline_nbc concept:companyeconomicsector concept_academicfield_news +concept_company_dc concept:competeswith concept_blog_inter_press_service +concept_company_dc concept:competeswith concept_blog_sun +concept_company_dc concept:competeswith concept_blog_the_new_york_times +concept_company_dc concept:competeswith concept_blog_time_magazine +concept_company_dc concept:competeswith concept_company_abc_news +concept_company_dc concept:competeswith concept_company_boston_globe001 +concept_company_dc concept:competeswith concept_company_christian_science_monitor +concept_company_dc concept:competeswith concept_company_chronicle001 +concept_company_dc concept:competeswith concept_company_city_paper001 +concept_company_dc concept:competeswith concept_company_cnbc001 +concept_company_dc concept:competeswith concept_company_cnn_ +concept_company_dc concept:competeswith concept_company_daily_news001 +concept_company_dc concept:competeswith concept_company_examiner +concept_company_dc concept:competeswith concept_company_fortune001 +concept_company_dc concept:competeswith concept_company_globe_and_mail +concept_company_dc concept:competeswith concept_company_observer001 +concept_company_dc concept:competeswith concept_company_post +concept_company_dc concept:competeswith concept_company_reuters +concept_company_dc concept:competeswith concept_company_the_guardian001 +concept_company_dc concept:competeswith concept_company_upi +concept_company_dc concept:competeswith concept_company_usa_today001 +concept_company_dc concept:competeswith concept_company_weekly_standard001 +concept_company_dc concept:competeswith concept_magazine_mother_jones +concept_company_dc concept:competeswith concept_magazine_salon +concept_company_dc concept:competeswith concept_magazine_the_boston_globe +concept_company_dc concept:competeswith concept_magazine_the_wall_street_journal +concept_company_dc concept:competeswith concept_newspaper_baltimore_sun +concept_company_dc concept:competeswith concept_newspaper_business_journal +concept_company_dc concept:competeswith concept_newspaper_daily_telegraph +concept_company_dc concept:competeswith concept_newspaper_detroit_news +concept_company_dc concept:competeswith concept_newspaper_financial_times +concept_company_dc concept:competeswith concept_newspaper_guardian +concept_company_dc concept:competeswith concept_newspaper_herald +concept_company_dc concept:competeswith concept_newspaper_investor__s_business_daily +concept_company_dc concept:competeswith concept_newspaper_la_times +concept_company_dc concept:competeswith concept_newspaper_los_angeles_times +concept_company_dc concept:competeswith concept_newspaper_national_review +concept_company_dc concept:competeswith concept_newspaper_new_york_post +concept_company_dc concept:competeswith concept_newspaper_newsday +concept_company_dc concept:competeswith concept_newspaper_newsweek_magazine +concept_company_dc concept:competeswith concept_newspaper_pittsburgh_post_gazette +concept_company_dc concept:competeswith concept_newspaper_salon_com +concept_company_dc concept:competeswith concept_newspaper_st__louis_post_dispatch +concept_company_dc concept:competeswith concept_newspaper_st__petersburg_times +concept_company_dc concept:competeswith concept_newspaper_the_christian_science_monitor +concept_company_dc concept:competeswith concept_newspaper_the_los_angeles_times +concept_company_dc concept:competeswith concept_politicsblog_die_zeit +concept_company_dc concept:competeswith concept_politicsblog_republic +concept_company_dc concept:competeswith concept_politicsblog_tribune +concept_company_dc concept:competeswith concept_politicsblog_united_press_international +concept_company_dc concept:competeswith concept_politicsblog_wall_street_journal +concept_company_dc concept:competeswith concept_website_associated_press +concept_company_dc concept:competeswith concept_website_cbs_evening_news +concept_company_dc concept:competeswith concept_website_chicago_tribune +concept_company_dc concept:competeswith concept_website_dallas_morning_news +concept_company_dc concept:competeswith concept_website_fox_news +concept_company_dc concept:competeswith concept_website_herald_tribune +concept_company_dc concept:competeswith concept_website_nbc_news +concept_company_dc concept:competeswith concept_website_new_york_daily +concept_company_dc concept:competeswith concept_website_new_york_times +concept_company_dc concept:competeswith concept_website_the_houston_chronicle +concept_company_dc concept:competeswith concept_website_the_san_francisco_chronicle +concept_company_dc concept:competeswith concept_website_the_washington_times +concept_company_dc concept:competeswith concept_website_washington_post +concept_company_dc concept:competeswith concept_website_washington_star +concept_company_dc concept:competeswith concept_website_washington_times +concept_company_dec concept:subpartoforganization concept_company_compaq +concept_company_dec concept:subpartoforganization concept_company_compaq_presario +concept_company_dec concept:companyalsoknownas concept_company_digital_equipment +concept_company_dec concept:organizationacronymhasname concept_company_digital_equipment +concept_company_dec concept:companyeconomicsector concept_economicsector_computer +concept_company_dec concept:organizationterminatedperson concept_person_ken_olsen +concept_company_deepwater concept:proxyfor concept_radiostation_new_jersey +concept_company_deere concept:headquarteredin concept_city_moline +concept_company_deere___co_ concept:competeswith concept_company_post +concept_company_deere___co_ concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_company_deere___co_ concept:companyalsoknownas concept_televisionstation_de +concept_company_defensor_sporting concept:companyalsoknownas concept_company_defensor +concept_company_delaware concept:companyeconomicsector concept_economicsector_insurance +concept_company_delaware concept:mutualproxyfor concept_radiostation_new_jersey +concept_company_delinquent concept:latitudelongitude 40.8144400000000,-73.8902800000000 +concept_company_dell001 concept:companyalsoknownas concept_biotechcompany_dell_computer +concept_company_dell001 concept:agentcollaborateswithagent concept_ceo_kevin_rollins +concept_company_dell001 concept:organizationterminatedperson concept_ceo_michael_dell +concept_company_dell001 concept:acquired concept_company_alienware +concept_company_dell001 concept:acquired concept_company_equallogic +concept_company_dell001 concept:acquired concept_company_everdream +concept_company_dell001 concept:companyeconomicsector concept_economicsector_computer +concept_company_dell001 concept:producesproduct concept_product_latitude +concept_company_dell_inc concept:organizationterminatedperson concept_ceo_michael_dell +concept_company_dell_inc concept:companyeconomicsector concept_economicsector_computer +concept_company_deloitte_touche_tohmatsu concept:companyeconomicsector concept_academicfield_accounting +concept_company_deloitte_touche_tohmatsu concept:companyeconomicsector concept_academicfield_consulting +concept_company_delrina concept:subpartoforganization concept_company_symantec001 +concept_company_delta concept:headquarteredin concept_city_atlanta +concept_company_delta concept:hasofficeincity concept_city_boston +concept_company_delta concept:hasofficeincity concept_city_cincinnati +concept_company_delta concept:hasofficeincity concept_city_dakar +concept_company_delta concept:hasofficeincity concept_city_dallas +concept_company_delta concept:hasofficeincity concept_city_denver +concept_company_delta concept:hasofficeincity concept_city_fort_lauderdale +concept_company_delta concept:hasofficeincity concept_city_las_vegas +concept_company_delta concept:hasofficeincity concept_city_london_city +concept_company_delta concept:hasofficeincity concept_city_miami +concept_company_delta concept:hasofficeincity concept_city_moscow +concept_company_delta concept:hasofficeincity concept_city_new_york +concept_company_delta concept:hasofficeincity concept_city_paris +concept_company_delta concept:hasofficeincity concept_city_philadelphia +concept_company_delta concept:hasofficeincity concept_city_portland +concept_company_delta concept:hasofficeincity concept_city_santiago +concept_company_delta concept:hasofficeincity concept_city_seattle +concept_company_delta concept:hasofficeincity concept_city_shanghai +concept_company_delta concept:acquired concept_company_northwest_airlines +concept_company_delta concept:hasofficeincity concept_county_los_angeles_county +concept_company_delta concept:hasofficeincity concept_county_salt_lake +concept_company_delta_air_lines concept:hasofficeincity concept_city_atlanta +concept_company_delta_air_lines concept:hasofficeincity concept_city_new_york +concept_company_delta_air_lines concept:hasofficeincity concept_county_salt_lake +concept_company_delta_airlines concept:hasofficeincity concept_city_atlanta +concept_company_delta_airlines concept:hasofficeincity concept_county_salt_lake +concept_company_delta_connection concept:hasofficeincity concept_city_atlanta +concept_company_delta_connection concept:agentactsinlocation concept_city_dakar +concept_company_denel concept:latitudelongitude 46.1613900000000,13.0141700000000 +concept_company_denmark concept:hasofficeincountry concept_country___america +concept_company_denmark concept:hasofficeincountry concept_country_korea +concept_company_denmark concept:atdate concept_date_n2009 +concept_company_denso concept:companyalsoknownas concept_company_nippondenso +concept_company_denso concept:hasofficeincountry concept_country_japan +concept_company_denso concept:organizationheadquarteredincountry concept_country_japan +concept_company_dentsu concept:companyeconomicsector concept_economicsector_advertising +concept_company_detroit concept:competeswith concept_newspaper_times +concept_company_deutsche_telekom concept:acquired concept_automobilemaker_t_mobile_usa +concept_company_deutsche_telekom concept:subpartoforganization concept_automobilemaker_t_mobile_usa +concept_company_deutsche_telekom concept:subpartof concept_musicinstrument_t_l +concept_company_deutsche_telekom concept:subpartof concept_tableitem_t_mobile_usa +concept_company_deutsche_telekom concept:subpartof concept_website_t_mobile +concept_company_diagram concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_dial_direct concept:companyeconomicsector concept_economicsector_insurance +concept_company_dialog concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_diamond concept:companyeconomicsector concept_economicsector_insurance +concept_company_diamond_shamrock concept:latitudelongitude 29.8918700000000,-91.6803900000000 +concept_company_digital concept:subpartoforganization concept_company_compaq +concept_company_digital concept:companyeconomicsector concept_economicsector_computer +concept_company_digital_chocolate concept:companyeconomicsector concept_economicsector_computer +concept_company_digital_equipment concept:subpartoforganization concept_biotechcompany_compaq_computer_corporation +concept_company_digital_equipment concept:subpartoforganization concept_company_compaq +concept_company_digital_equipment concept:companyeconomicsector concept_economicsector_computer +concept_company_directv001 concept:headquarteredin concept_city_new_york +concept_company_directv001 concept:companyalsoknownas concept_company_directv_group +concept_company_directv001 concept:organizationterminatedperson concept_person_eddy_hartenstein +concept_company_directv001 concept:synonymfor concept_personaustralia_directv_group +concept_company_discovery_channel concept:companyeconomicsector concept_academicfield_media +concept_company_dish_network_and_directv concept:headquarteredin concept_city_new_york +concept_company_dish_network_corporation concept:organizationterminatedperson concept_ceo_charlie_ergen +concept_company_disney concept:companyeconomicsector concept_academicfield_media +concept_company_disney concept:organizationterminatedperson concept_ceo_jeffrey_katzenberg +concept_company_disney concept:headquarteredin concept_city_burbank +concept_company_disney concept:acquired concept_company_abc_television_network +concept_company_disney concept:acquired concept_company_club_penguin +concept_company_disney concept:acquired concept_company_pixar +concept_company_disney concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_disney concept:acquired concept_publication_espn +concept_company_disney concept:acquired concept_televisionnetwork_abc +concept_company_disney concept:acquired concept_website_infoseek +concept_company_disney_feature_animation concept:organizationterminatedperson concept_ceo_jeffrey_katzenberg +concept_company_disney_feature_animation concept:headquarteredin concept_city_burbank +concept_company_dla_piper concept:companyeconomicsector concept_academicfield_law +concept_company_dolby concept:hasofficeincity concept_city_san_francisco +concept_company_dole concept:organizationheadquarteredincity concept_city_westlake_village +concept_company_dole_food concept:organizationheadquarteredincity concept_city_westlake_village +concept_company_dole_food_company concept:organizationheadquarteredincity concept_city_westlake_village +concept_company_doubleclick concept:companyeconomicsector concept_economicsector_advertising +concept_company_doubleclick concept:companyeconomicsector concept_economicsector_internet_advertising +concept_company_doubleclick concept:companyeconomicsector concept_economicsector_online_ad +concept_company_doubleclick concept:companyeconomicsector concept_economicsector_online_advertising +concept_company_doubleclick concept:subpartoforganization concept_university_google +concept_company_dow_jones concept:companyeconomicsector concept_academicfield_media +concept_company_dow_jones concept:acquired concept_biotechcompany_marketwatch +concept_company_dow_jones concept:headquarteredin concept_city_new_york +concept_company_dow_jones concept:subpartoforganization concept_company_news_corp_ +concept_company_dow_jones concept:acquired concept_newspaper_wall_street_journal +concept_company_dow_jones concept:competeswith concept_politicsblog_journal +concept_company_dow_jones_indexes concept:headquarteredin concept_city_new_york +concept_company_dow_jones_indexes concept:subpartoforganization concept_company_news_corp_ +concept_company_dragonair concept:headquarteredin concept_city_hong_kong_island +concept_company_druk_air concept:hasofficeincity concept_city_bangkok +concept_company_druk_air concept:hasofficeincity concept_city_kathmandu +concept_company_druk_air concept:headquarteredin concept_city_paro +concept_company_dsc_communications concept:companyeconomicsector concept_academicfield_media +concept_company_dsc_communications concept:agentcollaborateswithagent concept_musicartist_john_hendricks +concept_company_dsc_communications concept:mutualproxyfor concept_musicartist_john_hendricks +concept_company_dsc_communications concept:subpartof concept_musicartist_john_hendricks +concept_company_dsc_communications concept:organizationterminatedperson concept_politicianus_john_hendricks +concept_company_du_pont concept:mutualproxyfor concept_ceo_charles_o__holliday +concept_company_du_pont concept:organizationterminatedperson concept_ceo_charles_o__holliday +concept_company_du_pont concept:subpartof concept_ceo_charles_o__holliday +concept_company_dymo concept:latitudelongitude 52.0666650000000,128.1916675000000 +concept_company_e_on concept:companyeconomicsector concept_politicsissue_energy +concept_company_ea concept:organizationterminatedperson concept_ceo_john_riccitiello +concept_company_ea concept:acquired concept_company_maxis +concept_company_ea concept:companyeconomicsector concept_economicsector_gaming +concept_company_ea_ concept:agentcollaborateswithagent concept_professor_peter_moore +concept_company_ea_ concept:mutualproxyfor concept_professor_peter_moore +concept_company_ea_mobile concept:organizationterminatedperson concept_ceo_john_riccitiello +concept_company_eads concept:organizationterminatedperson concept_ceo_louis_gallois +concept_company_eads concept:companyeconomicsector concept_economicsector_aerospace +concept_company_eagle concept:hasofficeincity concept_city_san_juan +concept_company_earthlink concept:organizationterminatedperson concept_ceo_sky_dayton +concept_company_earthlink concept:subpartof concept_ceo_sky_dayton +concept_company_eastern_economic_review concept:competeswith concept_politicsblog_journal +concept_company_eastman concept:headquarteredin concept_city_kingsport +concept_company_easy_jet concept:hasofficeincity concept_city_bristol +concept_company_easy_jet concept:hasofficeincity concept_city_liverpool +concept_company_easy_jet concept:hasofficeincity concept_city_london_city +concept_company_easyjet concept:agentactsinlocation concept_airport_gatwick +concept_company_easyjet concept:hasofficeincity concept_city_basel +concept_company_easyjet concept:hasofficeincity concept_city_belfast +concept_company_easyjet concept:hasofficeincity concept_city_berlin +concept_company_easyjet concept:hasofficeincity concept_city_bristol +concept_company_easyjet concept:hasofficeincity concept_city_edinburgh +concept_company_easyjet concept:hasofficeincity concept_city_faro +concept_company_easyjet concept:hasofficeincity concept_city_geneva +concept_company_easyjet concept:hasofficeincity concept_city_innsbruck +concept_company_easyjet concept:hasofficeincity concept_city_liverpool +concept_company_easyjet concept:hasofficeincity concept_city_london_city +concept_company_easyjet concept:hasofficeincity concept_city_madrid +concept_company_easyjet concept:hasofficeincity concept_city_malaga +concept_company_easyjet concept:hasofficeincity concept_city_milan +concept_company_easyjet concept:hasofficeincity concept_city_newcastle +concept_company_easyjet concept:hasofficeincity concept_city_nice +concept_company_easyjet concept:hasofficeincity concept_city_paris +concept_company_easyjet concept:hasofficeincity concept_city_pisa +concept_company_easyjet concept:hasofficeincity concept_city_sofia +concept_company_easyjet concept:hasofficeincity concept_city_uk +concept_company_easyjet concept:hasofficeincity concept_city_venice +concept_company_easyjet concept:companyeconomicsector concept_economicsector_budget +concept_company_easyjet concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_company_easyjet_and_ryanair concept:companyeconomicsector concept_economicsector_budget +concept_company_ebay concept:competeswith concept_blog_google +concept_company_ebay001 concept:competeswith concept_company_yahoo001 +concept_company_ebay001 concept:agentcompeteswithagent concept_university_google +concept_company_ebay001 concept:agentcontrols concept_vehicle_skype +concept_company_ebay002 concept:headquarteredin concept_city_san_jose +concept_company_ebay002 concept:acquired concept_company_half_com +concept_company_ebay002 concept:acquired concept_company_skype_com +concept_company_ebay002 concept:acquired concept_company_stubhub +concept_company_ebay003 concept:acquired concept_bank_paypal +concept_company_ebay003 concept:companyeconomicsector concept_economicsector_internet +concept_company_ebay003 concept:acquired concept_magazine_stumbleupon +concept_company_ebay003 concept:organizationterminatedperson concept_person_meg_whitman +concept_company_echostar concept:organizationterminatedperson concept_ceo_charlie_ergen +concept_company_echostar_communications_corporation concept:agentcollaborateswithagent concept_company_dish_network_and_directv +concept_company_echostar_communications_corporation concept:agentcontrols concept_company_dish_network_and_directv +concept_company_economist001 concept:companyeconomicsector concept_academicfield_media +concept_company_economist001 concept:competeswith concept_politicsblog_journal +concept_company_economist001 concept:competeswith concept_politicsblog_tribune +concept_company_edf concept:companyeconomicsector concept_politicsissue_energy +concept_company_edge concept:headquarteredin concept_city_liverpool +concept_company_eds concept:companyeconomicsector concept_academicfield_information_technology +concept_company_eds concept:headquarteredin concept_city_plano +concept_company_eds concept:subpartoforganization concept_company_hp +concept_company_eds concept:companyeconomicsector concept_economicsector_computer +concept_company_eds concept:organizationheadquarteredinstateorprovince concept_stateorprovince_texas +concept_company_eds concept:mutualproxyfor concept_writer_dick_brown +concept_company_eds concept:organizationterminatedperson concept_writer_dick_brown +concept_company_egypt_air concept:hasofficeincity concept_city_new_york +concept_company_egyptair concept:hasofficeincity concept_city_cairo +concept_company_eidos concept:latitudelongitude 41.7916650000000,-8.5916650000000 +concept_company_electronic_arts concept:organizationterminatedperson concept_ceo_john_riccitiello +concept_company_electronic_arts concept:companyeconomicsector concept_economicsector_gaming +concept_company_electronic_arts concept:companyeconomicsector concept_economicsector_video_games +concept_company_electronic_arts concept:acquired concept_winery_westwood +concept_company_eli_lilly_and_company concept:organizationheadquarteredincity concept_city_indianapolis +concept_company_eli_lilly_and_company concept:organizationheadquarteredinstateorprovince concept_stateorprovince_indiana +concept_company_emachines concept:companyeconomicsector concept_economicsector_computer +concept_company_emap concept:latitudelongitude 12.7833300000000,108.1000000000000 +concept_company_emc001 concept:headquarteredin concept_city_hopkinton +concept_company_emc001 concept:organizationheadquarteredincity concept_city_hopkinton +concept_company_emc001 concept:acquired concept_company_data_general +concept_company_emc001 concept:acquired concept_company_legato +concept_company_emc001 concept:acquired concept_company_mozy +concept_company_emc001 concept:acquired concept_company_vmware_inc_ +concept_company_emc001 concept:companyeconomicsector concept_economicsector_data_storage +concept_company_emc001 concept:acquired concept_magazine_dantz +concept_company_emc001 concept:mutualproxyfor concept_person_joseph_m__tucci +concept_company_emc001 concept:organizationterminatedperson concept_personafrica_joe_tucci +concept_company_emc001 concept:organizationhiredperson concept_personus_richard_egan +concept_company_emc001 concept:organizationterminatedperson concept_personus_richard_egan +concept_company_emerson concept:companyeconomicsector concept_academicfield_engineering +concept_company_emirates concept:atlocation concept_airport_dubai +concept_company_emirates concept:hasofficeincity concept_city_heathrow +concept_company_emirates concept:hasofficeincity concept_city_lahore +concept_company_emirates concept:hasofficeincity concept_city_new_york +concept_company_energysolutions concept:companyalsoknownas concept_company_envirocare_of_utah +concept_company_energysolutions concept:agentactsinlocation concept_county_utah +concept_company_energysolutions concept:organizationterminatedperson concept_person_val_christensen +concept_company_energysolutions concept:organizationheadquarteredinstateorprovince concept_stateorprovince_utah +concept_company_eni concept:companyeconomicsector concept_politicsissue_energy +concept_company_enpocket concept:subpartoforganization concept_city_nokia +concept_company_enron concept:subpartoforganization concept_bank_ge +concept_company_enron concept:companyeconomicsector concept_politicsissue_energy +concept_company_enron_and_worldcom concept:subpartoforganization concept_bank_ge +concept_company_enron_and_worldcom concept:subpartoforganization concept_company_ge +concept_company_entertainment_tonight concept:companyeconomicsector concept_academicfield_news +concept_company_entrepreneur concept:competeswith concept_politicsblog_journal +concept_company_entrust concept:organizationterminatedperson concept_politicianus_bill_conner +concept_company_entrust concept:subpartof concept_politicianus_bill_conner +concept_company_environmental_systems_research_institute concept:organizationheadquarteredincity concept_city_stockholm +concept_company_equallogic concept:companyeconomicsector concept_economicsector_computer +concept_company_era_aviation concept:hasofficeincity concept_city_anchorage +concept_company_ericsson concept:organizationterminatedperson concept_ceo_carl_henric_svanberg +concept_company_ericsson concept:subpartof concept_ceo_carl_henric_svanberg +concept_company_ericsson concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_ericsson concept:companyeconomicsector concept_economicsector_telecoms +concept_company_erie_insurance_group concept:companyeconomicsector concept_economicsector_insurance +concept_company_ernst_and_young concept:companyeconomicsector concept_academicfield_accounting +concept_company_ernst_and_young concept:companyeconomicsector concept_academicfield_consulting +concept_company_espn_com concept:companyeconomicsector concept_academicfield_media +concept_company_espn_com concept:companyeconomicsector concept_academicfield_sports +concept_company_espn_com concept:headquarteredin concept_city_new_york +concept_company_espn_com concept:organizationheadquarteredincity concept_city_new_york +concept_company_esquire concept:headquarteredin concept_city_new_york +concept_company_esquire concept:organizationheadquarteredincity concept_city_new_york +concept_company_esquire001 concept:competeswith concept_politicsblog_journal +concept_company_estee_lauder concept:latitudelongitude 45.4688300000000,10.5346400000000 +concept_company_estee_lauder concept:agentcontrols concept_company_aveda +concept_company_estee_lauder concept:companyalsoknownas concept_radiostation_el +concept_company_esurance concept:companyeconomicsector concept_economicsector_insurance +concept_company_ethiopian_airlines concept:headquarteredin concept_city_addis_ababa +concept_company_ethiopian_airlines concept:hasofficeincity concept_city_london_city +concept_company_ethiopian_airlines concept:organizationheadquarteredincountry concept_country_ethiopia +concept_company_etihad concept:hasofficeincity concept_city_heathrow +concept_company_everdream concept:companyeconomicsector concept_economicsector_computer +concept_company_examiner concept:headquarteredin concept_county_los_angeles_county +concept_company_examiner concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_executive_vice_president concept:atdate concept_dateliteral_n2007 +concept_company_expedia concept:companyeconomicsector concept_economicsector_travel +concept_company_express concept:competeswith concept_bank_dhl +concept_company_express concept:competeswith concept_bank_express_mail +concept_company_express concept:competeswith concept_bank_fed_ex +concept_company_express concept:competeswith concept_bank_global_priority +concept_company_express concept:competeswith concept_bank_international_priority_mail +concept_company_express concept:competeswith concept_bank_priority_mail +concept_company_express concept:competeswith concept_bank_ups +concept_company_express concept:competeswith concept_bank_ups_air +concept_company_express concept:competeswith concept_bank_usps +concept_company_express concept:competeswith concept_bank_usps_global_priority +concept_company_express concept:agentcompeteswithagent concept_city_daily +concept_company_express concept:competeswith concept_company_global +concept_company_express concept:competeswith concept_company_priority +concept_company_express concept:competeswith concept_company_sun +concept_company_express concept:competeswith concept_company_usps_global +concept_company_express concept:agentcompeteswithagent concept_governmentorganization_usps +concept_company_express concept:competeswith concept_magazine_fedex +concept_company_express concept:competeswith concept_newspaper_daily +concept_company_express concept:competeswith concept_newspaper_daily_telegraph +concept_company_express concept:competeswith concept_newspaper_guardian +concept_company_express concept:competeswith concept_newspaper_times +concept_company_express concept:competeswith concept_televisionstation_daily_mail +concept_company_express concept:competeswith concept_winery_federal_express +concept_company_fagor concept:latitudelongitude 34.8400000000000,67.2300000000000 +concept_company_fairfax_media concept:companyeconomicsector concept_academicfield_media +concept_company_fanfare concept:atdate concept_date_n1999 +concept_company_fanfare concept:atdate concept_date_n2004 +concept_company_fanfare concept:atdate concept_dateliteral_n2002 +concept_company_fanfare concept:atdate concept_dateliteral_n2005 +concept_company_fanfare concept:atdate concept_dateliteral_n2006 +concept_company_fanfare concept:atdate concept_dateliteral_n2007 +concept_company_fanfare concept:atdate concept_dateliteral_n2008 +concept_company_farmers_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_company_fcc concept:organizationterminatedperson concept_ceo_kevin_martin +concept_company_fcc concept:headquarteredin concept_city_washington_d_c +concept_company_fcc concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_fcc concept:mutualproxyfor concept_coach_michael_powell +concept_company_fcc concept:organizationterminatedperson concept_coach_michael_powell +concept_company_fcc concept:atdate concept_date_n2000 +concept_company_fcc concept:atdate concept_date_n2001 +concept_company_fcc concept:atdate concept_date_n2003 +concept_company_fcc concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_fcc concept:atdate concept_year_n1995 +concept_company_fda concept:headquarteredin concept_city_rockville +concept_company_fda concept:atdate concept_date_n1993 +concept_company_fda concept:atdate concept_date_n1996 +concept_company_fda concept:atdate concept_date_n1999 +concept_company_fda concept:atdate concept_date_n2000 +concept_company_fda concept:atdate concept_date_n2001 +concept_company_fda concept:atdate concept_date_n2003 +concept_company_fda concept:atdate concept_date_n2004 +concept_company_fda concept:atdate concept_dateliteral_n2002 +concept_company_fda concept:atdate concept_dateliteral_n2005 +concept_company_fda concept:atdate concept_dateliteral_n2006 +concept_company_fda concept:atdate concept_dateliteral_n2007 +concept_company_fda concept:atdate concept_dateliteral_n2008 +concept_company_fda concept:organizationacronymhasname concept_governmentorganization_federal_drug_administration +concept_company_fda concept:atdate concept_year_n1992 +concept_company_fda concept:atdate concept_year_n1994 +concept_company_fda concept:atdate concept_year_n1995 +concept_company_fda concept:atdate concept_year_n1997 +concept_company_fda concept:atdate concept_year_n1998 +concept_company_federal_aviation_administration concept:organizationterminatedperson concept_person_jane_garvey +concept_company_federal_aviation_administration concept:subpartof concept_person_jane_garvey +concept_company_federal_election_commission concept:organizationterminatedperson concept_person_trevor_potter +concept_company_fema concept:headquarteredin concept_city_washington_d_c +concept_company_fema concept:organizationterminatedperson concept_person_mike_widomski +concept_company_fiddlehead concept:latitudelongitude 44.0798000000000,-68.8892000000000 +concept_company_fidelity_investments concept:organizationterminatedperson concept_ceo_abigail_johnson +concept_company_financial concept:competeswith concept_blog_herald +concept_company_financial concept:agentactsinlocation concept_city_singapore +concept_company_financial concept:competeswith concept_company_economist001 +concept_company_financial concept:competeswith concept_company_forbes001 +concept_company_financial concept:competeswith concept_company_post +concept_company_financial concept:competeswith concept_newspaper_guardian +concept_company_financial concept:competeswith concept_newspaper_sunday_times +concept_company_financial concept:competeswith concept_newspaper_times +concept_company_financial concept:competeswith concept_politicsblog_journal +concept_company_financial concept:competeswith concept_politicsblog_tribune +concept_company_financial concept:competeswith concept_politicsblog_wall_street_journal +concept_company_financial concept:competeswith concept_website_herald_tribune +concept_company_financial concept:competeswith concept_website_new_york_times +concept_company_finnair concept:hasofficeincity concept_city_heathrow +concept_company_finnair concept:hasofficeincity concept_city_london_city +concept_company_firefly concept:subpartoforganization concept_university_microsoft +concept_company_first_air concept:hasofficeincity concept_city_ottawa +concept_company_first_class concept:competeswith concept_bank_air_mail +concept_company_first_class concept:competeswith concept_bank_airmail +concept_company_first_class concept:competeswith concept_bank_international_priority_mail +concept_company_first_class concept:competeswith concept_bank_priority_mail +concept_company_first_class concept:competeswith concept_bank_ups +concept_company_first_class concept:competeswith concept_bank_usps +concept_company_first_class concept:competeswith concept_company_priority +concept_company_first_class concept:organizationheadquarteredincountry concept_country_us +concept_company_first_class concept:atdate concept_date_n2001 +concept_company_first_class concept:atdate concept_dateliteral_n2002 +concept_company_first_class concept:atdate concept_dateliteral_n2005 +concept_company_first_class concept:atdate concept_dateliteral_n2007 +concept_company_first_class concept:atdate concept_dateliteral_n2008 +concept_company_first_class concept:agentcompeteswithagent concept_governmentorganization_usps +concept_company_firstgroup concept:hasofficeincountry concept_country_britain +concept_company_firstgroup concept:organizationheadquarteredincountry concept_country_britain +concept_company_firstgroup concept:organizationterminatedperson concept_writer_martin_gilbert +concept_company_flickr001 concept:agentcompeteswithagent concept_amphibian_photo +concept_company_flickr001 concept:competeswith concept_automobilemaker_photo +concept_company_flickr001 concept:competeswith concept_blog_myspace +concept_company_flickr001 concept:competeswith concept_company_twitter +concept_company_flickr001 concept:companyeconomicsector concept_economicsector_social_networking +concept_company_flickr001 concept:organizationterminatedperson concept_person_caterina_fake +concept_company_flickr001 concept:competeswith concept_politicsblog_image +concept_company_flickr001 concept:agentcompeteswithagent concept_university_search +concept_company_flickr001 concept:subpartoforganization concept_university_yahoo +concept_company_flickr001 concept:competeswith concept_website_facebook +concept_company_flickr001 concept:competeswith concept_website_youtube +concept_company_flybe concept:hasofficeincity concept_city_aberdeen +concept_company_flybe concept:hasofficeincity concept_city_belfast +concept_company_flybe concept:hasofficeincity concept_city_bergerac +concept_company_flybe concept:hasofficeincity concept_city_birmingham +concept_company_flybe concept:hasofficeincity concept_city_brest +concept_company_flybe concept:hasofficeincity concept_city_glasgow +concept_company_flybe concept:agentactsinlocation concept_city_perpignan +concept_company_flybe concept:acquired concept_company_ba_connect +concept_company_flyer concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_flyglobespan concept:hasofficeincity concept_city_edinburgh +concept_company_fmr_corp_ concept:organizationterminatedperson concept_ceo_abigail_johnson +concept_company_fmr_corp_ concept:companyalsoknownas concept_company_fidelity_management_and_resarch_co_ +concept_company_fmr_corp_ concept:organizationheadquarteredinstateorprovince concept_stateorprovince_massachusetts +concept_company_focus concept:proxyfor concept_book_new +concept_company_focus concept:mutualproxyfor concept_coach_new +concept_company_focus concept:agentcompeteswithagent concept_university_search +concept_company_focus concept:subpartof concept_weatherphenomenon_water +concept_company_forbes001 concept:companyeconomicsector concept_academicfield_media +concept_company_forbes001 concept:companyeconomicsector concept_academicfield_news +concept_company_forbes001 concept:organizationterminatedperson concept_ceo_steve_forbes +concept_company_forbes001 concept:competeswith concept_politicsblog_journal +concept_company_ford_foundation concept:competeswith concept_automobilemaker_toyota +concept_company_ford_foundation concept:competeswith concept_automobilemaker_toyota_motor +concept_company_ford_foundation concept:competeswith concept_automobilemaker_toyota_motor_corporation +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_bronco +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_c_max +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_chevrolet_suburban +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_chevy_suburban +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_escort +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_focus +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_ford_focus +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_mercury_sable +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_mustang +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_probe +concept_company_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_taurus +concept_company_ford_foundation concept:agentcontrols concept_ceo_alan_mulally +concept_company_ford_foundation concept:headquarteredin concept_city_dearborn +concept_company_ford_foundation concept:hasofficeincity concept_city_new_york +concept_company_ford_motor concept:headquarteredin concept_city_dearborn +concept_company_ford_motor concept:organizationheadquarteredincity concept_city_dearborn +concept_company_ford_motor concept:agentcollaborateswithagent concept_musicartist_henry_ford +concept_company_ford_motor concept:mutualproxyfor concept_musicartist_henry_ford +concept_company_ford_motor_company concept:agentcollaborateswithagent concept_ceo_alan_mulally +concept_company_ford_motor_company concept:headquarteredin concept_city_dearborn +concept_company_ford_motor_company concept:organizationheadquarteredincity concept_city_dearborn +concept_company_ford_motor_company001 concept:hasofficeincity concept_city_dearborn +concept_company_ford_motor_company001 concept:companyalsoknownas concept_company_ibm +concept_company_ford_motor_credit concept:competeswith concept_automobilemaker_ford +concept_company_ford_motor_credit concept:headquarteredin concept_city_dearborn +concept_company_ford_motor_credit concept:organizationheadquarteredincity concept_city_dearborn +concept_company_ford_motor_credit concept:agentcollaborateswithagent concept_musicartist_henry_ford +concept_company_ford_motor_credit concept:mutualproxyfor concept_musicartist_henry_ford +concept_company_forrester_research concept:companyeconomicsector concept_politicsissue_research +concept_company_fortune001 concept:companyeconomicsector concept_academicfield_news +concept_company_fortune001 concept:competeswith concept_politicsblog_journal +concept_company_foster_wheeler concept:companyeconomicsector concept_academicfield_engineering +concept_company_fox concept:companyeconomicsector concept_academicfield_media +concept_company_fox concept:companyeconomicsector concept_academicfield_news +concept_company_fox concept:companyeconomicsector concept_academicfield_sports +concept_company_fox concept:headquarteredin concept_city_new_york +concept_company_fox concept:hasofficeincity concept_city_washington_d_c +concept_company_fox concept:agentcontrols concept_comedian_shepard_smith +concept_company_fox concept:competeswith concept_company_post +concept_company_fox concept:hasofficeincity concept_county_los_angeles_county +concept_company_fox concept:hasofficeincity concept_island_manhattan +concept_company_fox concept:agentcollaborateswithagent concept_journalist_bill_hemmer +concept_company_fox concept:agentcollaborateswithagent concept_journalist_greta_van_susteren +concept_company_fox concept:agentcollaborateswithagent concept_journalist_shepard_smith +concept_company_fox concept:competeswith concept_newspaper_journal +concept_company_fox concept:competeswith concept_newspaper_times +concept_company_fox concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_fox_network concept:headquarteredin concept_city_new_york +concept_company_fox_news_channel concept:companyeconomicsector concept_academicfield_media +concept_company_fox_news_channel concept:companyeconomicsector concept_academicfield_news +concept_company_fox_tv concept:acquired concept_blog_myspace +concept_company_france_telecom concept:acquired concept_biotechcompany_orange +concept_company_franklin_mint concept:latitudelongitude 39.9056700000000,-75.4521400000000 +concept_company_friendfeed concept:companyeconomicsector concept_academicfield_media +concept_company_friendfeed concept:competeswith concept_company_twitter +concept_company_friendfeed concept:competeswith concept_website_facebook +concept_company_frontier concept:headquarteredin concept_city_denver +concept_company_frontier concept:organizationheadquarteredincity concept_city_denver +concept_company_frontier_airlines concept:hasofficeincity concept_city_denver +concept_company_ft concept:competeswith concept_politicsblog_journal +concept_company_ftw concept:latitudelongitude 32.7735500000000,-97.3611800000000 +concept_company_fubu concept:organizationhiredperson concept_ceo_daymond_john +concept_company_fubu concept:organizationterminatedperson concept_ceo_daymond_john +concept_company_fubu concept:subpartof concept_ceo_daymond_john +concept_company_fujitsu concept:companyeconomicsector concept_economicsector_computer +concept_company_fujitsu concept:companyeconomicsector concept_economicsector_electronics +concept_company_fujitsu concept:acquired concept_winery_amdahl +concept_company_funds concept:proxyfor concept_book_new +concept_company_funds concept:atdate concept_date_n2000 +concept_company_funds concept:atdate concept_date_n2001 +concept_company_funds concept:atdate concept_date_n2004 +concept_company_funds concept:atdate concept_dateliteral_n2002 +concept_company_funds concept:atdate concept_dateliteral_n2005 +concept_company_funds concept:atdate concept_dateliteral_n2006 +concept_company_funds concept:atdate concept_dateliteral_n2007 +concept_company_funds concept:atdate concept_dateliteral_n2008 +concept_company_funds concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_funds concept:subpartoforganization concept_governmentorganization_federal_government +concept_company_funds concept:subpartoforganization concept_governmentorganization_government +concept_company_funds concept:subpartoforganization concept_nongovorganization_general_assembly +concept_company_funds concept:subpartoforganization concept_nongovorganization_legislature +concept_company_funds concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_funds concept:subpartoforganization concept_professionalorganization_federal +concept_company_funds concept:subpartoforganization concept_terroristorganization_state +concept_company_funds concept:subpartoforganization concept_tradeunion_congress +concept_company_funds concept:subpartof concept_weatherphenomenon_water +concept_company_fyffes_plc concept:hasofficeincountry concept_country_ireland +concept_company_fyffes_plc concept:organizationheadquarteredincountry concept_country_ireland +concept_company_fyffes_plc concept:mutualproxyfor concept_person_jim_flavin +concept_company_fyffes_plc concept:organizationterminatedperson concept_person_jim_flavin +concept_company_g_m_ concept:latitudelongitude -20.6916700000000,-69.5250000000000 +concept_company_ga concept:companyeconomicsector concept_economicsector_insurance +concept_company_gain concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_gannett concept:companyeconomicsector concept_academicfield_media +concept_company_gannett concept:companyeconomicsector concept_academicfield_news +concept_company_gartner_group concept:companyeconomicsector concept_politicsissue_research +concept_company_gartner_inc_ concept:companyeconomicsector concept_economicsector_market_research +concept_company_gartner_inc_ concept:companyeconomicsector concept_politicsissue_research +concept_company_gary_pruitt concept:agentbelongstoorganization concept_company_mcclatchy +concept_company_gary_pruitt concept:agentcollaborateswithagent concept_company_mcclatchy +concept_company_gary_pruitt concept:agentcontrols concept_company_mcclatchy +concept_company_gasoline concept:agentcompeteswithagent concept_company_power +concept_company_gates concept:agentcollaborateswithagent concept_company_microsoft +concept_company_gates concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_gates concept:agentcontrols concept_university_microsoft +concept_company_geico001 concept:companyeconomicsector concept_economicsector_auto_insurance +concept_company_geico001 concept:companyeconomicsector concept_economicsector_insurance +concept_company_general concept:headquarteredin concept_city_rawalpindi +concept_company_general concept:organizationheadquarteredincity concept_city_rawalpindi +concept_company_general concept:hasofficeincountry concept_country_canada_canada +concept_company_general concept:hasofficeincountry concept_country_colombia +concept_company_general concept:hasofficeincountry concept_country_england +concept_company_general concept:hasofficeincountry concept_country_germany +concept_company_general concept:hasofficeincountry concept_country_great_britain +concept_company_general concept:hasofficeincountry concept_country_greece +concept_company_general concept:hasofficeincountry concept_country_republic +concept_company_general concept:hasofficeincountry concept_country_scotland +concept_company_general concept:hasofficeincountry concept_country_sweden +concept_company_general concept:hasofficeincountry concept_country_u_s_ +concept_company_general concept:hasofficeincountry concept_country_u_s_a_ +concept_company_general concept:hasofficeincountry concept_country_us +concept_company_general concept:hasofficeincountry concept_country_usa +concept_company_general concept:companyeconomicsector concept_economicsector_insurance +concept_company_general concept:agentactsinlocation concept_geopoliticallocation_northern_ireland +concept_company_general_dynamics concept:agentcollaborateswithagent concept_ceo_nicholas_chabraja +concept_company_general_dynamics concept:headquarteredin concept_city_falls_church +concept_company_general_mills001 concept:headquarteredin concept_city_minneapolis +concept_company_general_mills001 concept:agentcollaborateswithagent concept_magazine_pillsbury +concept_company_general_motors concept:organizationterminatedperson concept_ceo_fritz_henderson +concept_company_general_motors concept:headquarteredin concept_city_detroit +concept_company_general_motors concept:organizationheadquarteredincity concept_city_lansing +concept_company_general_motors concept:hasofficeincity concept_city_warren +concept_company_general_motors concept:competeswith concept_company_chrysler +concept_company_general_motors concept:competeswith concept_company_chrysler_llc__ +concept_company_general_motors concept:companyeconomicsector concept_economicsector_auto +concept_company_general_motors concept:companyeconomicsector concept_economicsector_automobile +concept_company_general_motors concept:organizationterminatedperson concept_personus_roger_smith +concept_company_general_motors001 concept:acquired concept_automobilemaker_chevrolet +concept_company_general_motors001 concept:competeswith concept_automobilemaker_chrysler +concept_company_general_motors001 concept:competeswith concept_automobilemaker_chrysler_llc +concept_company_general_motors001 concept:acquired concept_automobilemaker_daewoo +concept_company_general_motors001 concept:competeswith concept_automobilemaker_ford +concept_company_general_motors001 concept:companyalsoknownas concept_automobilemaker_gm +concept_company_general_motors001 concept:organizationalsoknownas concept_automobilemaker_gm +concept_company_general_motors001 concept:acquired concept_automobilemaker_opel +concept_company_general_motors001 concept:acquired concept_automobilemaker_saab +concept_company_general_motors001 concept:organizationterminatedperson concept_ceo_fritz_henderson +concept_company_general_motors001 concept:headquarteredin concept_city_detroit +concept_company_general_motors001 concept:hasofficeincity concept_city_lansing +concept_company_general_motors001 concept:organizationterminatedperson concept_personus_roger_smith +concept_company_georgia_pacific concept:headquarteredin concept_city_atlanta +concept_company_germanwings concept:hasofficeincity concept_city_berlin +concept_company_germanwings concept:hasofficeincity concept_city_vienna +concept_company_giant concept:proxyfor concept_book_new +concept_company_gibson concept:acquired concept_organization_epiphone +concept_company_glenn_beck concept:agentbelongstoorganization concept_blog_cnn_headline +concept_company_glenn_beck concept:agentcollaborateswithagent concept_blog_cnn_headline +concept_company_glenn_beck concept:agentbelongstoorganization concept_mountain_fox +concept_company_glenn_beck concept:agentcollaborateswithagent concept_mountain_fox +concept_company_global concept:competeswith concept_bank_airmail +concept_company_global concept:competeswith concept_bank_express_mail +concept_company_global concept:competeswith concept_company_express +concept_company_globe_and_mail concept:companyeconomicsector concept_academicfield_news +concept_company_globespan concept:hasofficeincity concept_city_edinburgh +concept_company_glsen concept:headquarteredin concept_city_new_york +concept_company_glsen concept:organizationterminatedperson concept_person_aline_isaacson +concept_company_gmac concept:companyeconomicsector concept_academicfield_finance +concept_company_gmac concept:companyeconomicsector concept_economicsector_insurance +concept_company_godaddy__com concept:mutualproxyfor concept_ceo_bob_parsons +concept_company_godaddy__com concept:organizationterminatedperson concept_ceo_bob_parsons +concept_company_godaddy__com concept:subpartof concept_ceo_bob_parsons +concept_company_goldman_sachs concept:companyalsoknownas concept_bank_gs +concept_company_goldman_sachs concept:organizationheadquarteredincity concept_city_new_york +concept_company_goldman_sachs001 concept:companyeconomicsector concept_academicfield_finance +concept_company_goldman_sachs001 concept:headquarteredin concept_city_new_york +concept_company_goldman_sachs001 concept:atdate concept_dateliteral_n2008 +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_financial_services +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_global_investment +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_international_investment +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_investment +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_investment_banking +concept_company_goldman_sachs001 concept:companyeconomicsector concept_economicsector_large_investment +concept_company_goldman_sachs001 concept:organizationterminatedperson concept_person_lloyd_blankfein +concept_company_goldman_sachs_international concept:companyeconomicsector concept_economicsector_investment +concept_company_good_morning_america concept:competeswith concept_politicsblog_journal +concept_company_good_morning_america001 concept:companyeconomicsector concept_academicfield_media +concept_company_good_morning_america001 concept:companyeconomicsector concept_academicfield_news +concept_company_good_morning_america001 concept:headquarteredin concept_city_new_york +concept_company_google_inc concept:acquired concept_website_youtube +concept_company_gte_ concept:acquired concept_company_bell_atlantic +concept_company_gte_ concept:subpartoforganization concept_company_verizon001 +concept_company_gte_ concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_gulf concept:hasofficeincountry concept_country___america +concept_company_gulf_air concept:hasofficeincity concept_city_heathrow +concept_company_gulf_air concept:hasofficeincity concept_city_london_city +concept_company_handspring concept:subpartoforganization concept_company_palm +concept_company_harper_collins concept:companyeconomicsector concept_academicfield_publishing +concept_company_harper_collins concept:atdate concept_dateliteral_n2006 +concept_company_harpercollins concept:companyeconomicsector concept_academicfield_publishing +concept_company_harpercollins concept:organizationterminatedperson concept_person_jane_friedman +concept_company_hasbro concept:acquired concept_company_tiger_electronics +concept_company_hbo concept:companyeconomicsector concept_academicfield_media +concept_company_hdr concept:companyeconomicsector concept_academicfield_engineering +concept_company_healthsouth concept:organizationhiredperson concept_criminal_richard_scrushy +concept_company_healthsouth concept:organizationterminatedperson concept_criminal_richard_scrushy +concept_company_healthsouth concept:subpartof concept_criminal_richard_scrushy +concept_company_hearst concept:companyeconomicsector concept_academicfield_media +concept_company_hearst concept:companyeconomicsector concept_academicfield_publishing +concept_company_hearst concept:headquarteredin concept_city_new_york +concept_company_henry_samueli concept:agentbelongstoorganization concept_company_broadcom +concept_company_heritage concept:headquarteredin concept_city_grand_rapids_kalamazoo_battle_creek +concept_company_hershey concept:competeswith concept_company_nestle +concept_company_hewitt_associates concept:companyeconomicsector concept_academicfield_human_resources +concept_company_highland_capital_partners concept:companyalsoknownas concept_company_highland +concept_company_highland_capital_partners concept:companyeconomicsector concept_economicsector_venture_capital +concept_company_hih concept:mutualproxyfor concept_person_ray_williams +concept_company_hih concept:organizationterminatedperson concept_person_ray_williams +concept_company_hill concept:hasofficeincountry concept_country_korea +concept_company_hill concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_hilton_hotels concept:hasofficeincity concept_city_melbourne +concept_company_hilton_hotels concept:organizationheadquarteredincity concept_city_melbourne +concept_company_hindalco concept:mutualproxyfor concept_ceo_kumar_birla +concept_company_hindalco concept:organizationterminatedperson concept_ceo_kumar_birla +concept_company_hindustan_unilever concept:headquarteredin concept_city_bombay +concept_company_home_depot concept:organizationalsoknownas concept_automobilemaker_hd +concept_company_home_depot concept:organizationterminatedperson concept_ceo_bob_nardelli +concept_company_home_depot concept:mutualproxyfor concept_ceo_frank_blake +concept_company_home_depot concept:organizationterminatedperson concept_ceo_frank_blake +concept_company_home_depot concept:atdate concept_dateliteral_n2005 +concept_company_home_depot concept:companyeconomicsector concept_economicsector_home_improvement +concept_company_homepage concept:competeswith concept_blog_google +concept_company_homepage concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_homepage concept:agentcompeteswithagent concept_university_search +concept_company_hong_kong_disneyland concept:companyalsoknownas concept_company_hk_disneyland +concept_company_hong_kong_disneyland concept:hasofficeincountry concept_country_china +concept_company_hong_kong_disneyland concept:organizationheadquarteredincountry concept_country_china +concept_company_hong_kong_disneyland concept:organizationterminatedperson concept_professor_andrew_kam +concept_company_hoover concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_hoover concept:atlocation concept_stateorprovince_alabama +concept_company_horizon concept:headquarteredin concept_city_seattle +concept_company_hotmail concept:competeswith concept_blog_google +concept_company_hotmail concept:competeswith concept_company_aol +concept_company_hotmail concept:competeswith concept_company_msn +concept_company_hotmail concept:competeswith concept_company_yahoo001 +concept_company_hotmail concept:competeswith concept_website_windows_live_search +concept_company_hp concept:companyeconomicsector concept_academicfield_information_technology +concept_company_hp concept:acquired concept_automobilemaker_mercury +concept_company_hp concept:organizationalsoknownas concept_biotechcompany_hewlett__packard +concept_company_hp concept:competeswith concept_blog_sun +concept_company_hp concept:organizationterminatedperson concept_ceo_carly_fiorina +concept_company_hp concept:agentcollaborateswithagent concept_ceo_mark_v__hurd +concept_company_hp concept:hasofficeincity concept_city_bristol +concept_company_hp concept:headquarteredin concept_city_palo_alto +concept_company_hp concept:competeswith concept_company_apple002 +concept_company_hp concept:acquired concept_company_mercury_interactive +concept_company_hp concept:acquired concept_company_opsware +concept_company_hp concept:agentcollaborateswithagent concept_person_carly_fiorina +concept_company_hp001 concept:companyalsoknownas concept_biotechcompany_hewlett__packard +concept_company_hp001 concept:companyeconomicsector concept_economicsector_computer +concept_company_hp001 concept:organizationterminatedperson concept_person_patricia_dunn +concept_company_hp001 concept:agentparticipatedinevent concept_sportsgame_series +concept_company_hp001 concept:organizationalsoknownas concept_university_hewlett_packard +concept_company_hp_ concept:headquarteredin concept_city_palo_alto +concept_company_hsbc concept:mutualproxyfor concept_ceo_stephen_green +concept_company_hsbc concept:organizationterminatedperson concept_ceo_stephen_green +concept_company_hsbc concept:hasofficeincountry concept_country___america +concept_company_hsbc concept:hasofficeincountry concept_country_bermuda +concept_company_hsbc concept:hasofficeincountry concept_country_china +concept_company_hsbc concept:hasofficeincountry concept_country_england +concept_company_hsbc concept:hasofficeincountry concept_country_hong_kong +concept_company_hsbc concept:hasofficeincountry concept_country_indonesia +concept_company_hsbc concept:hasofficeincountry concept_country_lebanon +concept_company_hsbc concept:hasofficeincountry concept_country_malta +concept_company_hsbc concept:hasofficeincountry concept_country_monaco +concept_company_hsbc concept:hasofficeincountry concept_country_oman +concept_company_hsbc concept:hasofficeincountry concept_country_republic_of_india +concept_company_hsbc concept:hasofficeincountry concept_country_singapore +concept_company_hsbc concept:hasofficeincountry concept_country_the_united_kingdom +concept_company_hsbc concept:companyeconomicsector concept_economicsector_banking +concept_company_hsbc concept:companyeconomicsector concept_economicsector_financial_services +concept_company_hsbc concept:companyeconomicsector concept_economicsector_investment +concept_company_hsbc concept:mutualproxyfor concept_personnorthamerica_michael_geoghegan +concept_company_htc concept:mutualproxyfor concept_ceo_peter_chou +concept_company_htc concept:organizationterminatedperson concept_ceo_peter_chou +concept_company_htc concept:subpartof concept_ceo_peter_chou +concept_company_humble concept:atlocation concept_city_texas +concept_company_hunter_douglas concept:latitudelongitude 39.9269400000000,-105.1066700000000 +concept_company_hyperion_solutions concept:subpartoforganization concept_company_oracle +concept_company_iberia concept:hasofficeincity concept_city_barcelona +concept_company_iberia concept:hasofficeincity concept_city_heathrow +concept_company_iberia concept:hasofficeincity concept_city_london_city +concept_company_iberia concept:headquarteredin concept_city_madrid +concept_company_iberia concept:agentactsinlocation concept_lake_new +concept_company_iberia_airlines concept:hasofficeincity concept_city_madrid +concept_company_ibm concept:companyeconomicsector concept_academicfield_consulting +concept_company_ibm concept:companyeconomicsector concept_academicfield_information_technology +concept_company_ibm concept:companyeconomicsector concept_academicfield_media +concept_company_ibm concept:competeswith concept_automobilemaker_ford +concept_company_ibm concept:acquired concept_automobilemaker_lotus +concept_company_ibm concept:agentcollaborateswithagent concept_biotechcompany_rational_software +concept_company_ibm concept:organizationterminatedperson concept_ceo_lou_gerstner +concept_company_ibm concept:organizationterminatedperson concept_ceo_samuel_j__palmisano +concept_company_ibm concept:hasofficeincity concept_city_haifa +concept_company_ibm concept:hasofficeincity concept_city_san_jose +concept_company_ibm concept:hasofficeincity concept_city_yorktown_heights +concept_company_ibm concept:hasofficeincity concept_city_zurich +concept_company_ibm concept:competeswith concept_company_apple001 +concept_company_ibm concept:acquired concept_company_ascential_software +concept_company_ibm concept:acquired concept_company_cognos +concept_company_ibm concept:acquired concept_company_filenet +concept_company_ibm concept:companyalsoknownas concept_company_ford_motor_company001 +concept_company_ibm concept:acquired concept_company_informix +concept_company_ibm concept:acquired concept_company_micromuse +concept_company_ibm concept:acquired concept_company_sequent +concept_company_ibm concept:competeswith concept_company_sun +concept_company_ibm concept:acquired concept_company_telelogic +concept_company_ibm concept:companyeconomicsector concept_economicsector_computer +concept_company_ibm concept:companyeconomicsector concept_economicsector_electronics +concept_company_ibm concept:organizationterminatedperson concept_person_thomas_watson +concept_company_ibm concept:companyeconomicsector concept_politicsissue_research +concept_company_ibm concept:producesproduct concept_software_aix +concept_company_ibm concept:acquired concept_winery_solid_information_technology +concept_company_iceland_express concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_company_icelandair concept:hasofficeincity concept_city_boston +concept_company_icelandair concept:hasofficeincity concept_city_heathrow +concept_company_icelandair concept:hasofficeincity concept_city_reykjavik +concept_company_identity concept:atdate concept_dateliteral_n2005 +concept_company_identity concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_identity concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_ideo concept:mutualproxyfor concept_ceo_john_brown +concept_company_ideo concept:organizationterminatedperson concept_ceo_john_brown +concept_company_idg concept:companyeconomicsector concept_academicfield_media +concept_company_ig_farben concept:agentcollaborateswithagent concept_person_otto_ambros +concept_company_ikea concept:mutualproxyfor concept_scientist_ingvar_kamprad +concept_company_ikea concept:organizationhiredperson concept_scientist_ingvar_kamprad +concept_company_ikea concept:organizationterminatedperson concept_scientist_ingvar_kamprad +concept_company_ikea concept:subpartof concept_scientist_ingvar_kamprad +concept_company_imac concept:agentcollaborateswithagent concept_politician_jobs +concept_company_imf concept:headquarteredin concept_city_prague +concept_company_imf concept:hasofficeincity concept_city_washington_dc +concept_company_imf001 concept:headquarteredin concept_city_washington_d_c +concept_company_imsai concept:latitudelongitude 29.2977766666667,47.3773166666667 +concept_company_inc__microsoft concept:companyalsoknownas concept_company_microsoft_corporation001 +concept_company_inc__microsoft concept:synonymfor concept_company_microsoft_corporation001 +concept_company_indesign concept:synonymfor concept_website_adobe +concept_company_indian_airlines concept:hasofficeincity concept_city_bombay +concept_company_indian_airlines concept:hasofficeincity concept_city_delhi +concept_company_indian_airlines concept:hasofficeincity concept_city_hyderabad +concept_company_indian_airlines concept:hasofficeincity concept_city_jodhpur +concept_company_indian_airlines concept:hasofficeincity concept_city_kandahar +concept_company_indian_airlines concept:hasofficeincity concept_city_kathmandu +concept_company_indian_airlines concept:hasofficeincity concept_city_kolkata +concept_company_indian_airlines concept:hasofficeincity concept_city_leh +concept_company_indian_airlines concept:hasofficeincity concept_city_port_blair +concept_company_infrastructure concept:subpartof concept_beverage_municipal_water +concept_company_infrastructure concept:proxyfor concept_book_new +concept_company_infrastructure concept:subpartof concept_chemical_roads +concept_company_infrastructure concept:subpartof concept_governmentorganization_waste +concept_company_infrastructure concept:subpartof concept_kitchenitem_public_water +concept_company_infrastructure concept:subpartof concept_landscapefeatures_drainage +concept_company_infrastructure concept:subpartof concept_politicsissue_energy +concept_company_infrastructure concept:subpartoforganization concept_terroristorganization_state +concept_company_infrastructure concept:subpartof concept_visualizableattribute_drinking_water +concept_company_infrastructure concept:subpartof concept_visualizableattribute_potable_water +concept_company_infrastructure concept:subpartof concept_visualizablething_basic_water +concept_company_infrastructure concept:subpartof concept_visualizablething_water_supply +concept_company_infrastructure concept:subpartof concept_weatherphenomenon_air +concept_company_infrastructure concept:subpartof concept_weatherphenomenon_water +concept_company_ingram_micro concept:headquarteredin concept_city_santa_ana +concept_company_ingram_micro concept:organizationheadquarteredinstateorprovince concept_stateorprovince_california +concept_company_injen concept:latitudelongitude -7.1681500000000,112.6493500000000 +concept_company_innovation concept:atdate concept_dateliteral_n2008 +concept_company_input concept:agentcreated concept_programminglanguage_contact +concept_company_input concept:agentcompeteswithagent concept_university_search +concept_company_institutional_investor concept:competeswith concept_newspaper_journal +concept_company_intc concept:companyalsoknownas concept_biotechcompany_wal_mart_stores_inc +concept_company_intel concept:companyalsoknownas concept_bank_intel_corporation +concept_company_intel concept:agentcollaborateswithagent concept_ceo_andy_grove +concept_company_intel concept:agentcollaborateswithagent concept_ceo_paul_otellini +concept_company_intel concept:hasofficeincity concept_city_berkeley +concept_company_intel concept:agentactsinlocation concept_city_santa_clara +concept_company_intel concept:organizationheadquarteredincity concept_city_seattle +concept_company_intel concept:acquired concept_company_dialogic +concept_company_intel concept:acquired concept_company_sarvega +concept_company_intel concept:atdate concept_dateliteral_n2006 +concept_company_intel concept:atdate concept_dateliteral_n2007 +concept_company_intel concept:companyeconomicsector concept_economicsector_electronics +concept_company_intellisync concept:subpartoforganization concept_city_nokia +concept_company_interface concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_interface concept:agentcollaborateswithagent concept_journalist_ray_anderson +concept_company_international_monetary_fund concept:headquarteredin concept_city_washington_d_c +concept_company_international_priority concept:competeswith concept_bank_usps +concept_company_international_steel_group concept:headquarteredin concept_city_cleveland +concept_company_international_steel_group concept:organizationterminatedperson concept_person_mitch_hecht +concept_company_international_steel_group concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ohio +concept_company_intertainer concept:organizationhiredperson concept_director_jonathan_taplin +concept_company_intertainer concept:organizationterminatedperson concept_director_jonathan_taplin +concept_company_intertainer concept:subpartof concept_director_jonathan_taplin +concept_company_intuit concept:acquired concept_bank_digital_insight +concept_company_intuit concept:mutualproxyfor concept_ceo_stephen_bennett +concept_company_intuit concept:organizationterminatedperson concept_ceo_stephen_bennett +concept_company_intuit concept:mutualproxyfor concept_person_scott_cook +concept_company_intuit concept:organizationhiredperson concept_person_scott_cook +concept_company_ipsco concept:agentactsinlocation concept_city_saskatchewan +concept_company_ipsco concept:hasofficeincountry concept_country_canada_canada +concept_company_ipsco concept:organizationheadquarteredincountry concept_country_canada_canada +concept_company_ipsco concept:hasofficeincountry concept_country_uk__canada +concept_company_ipsco concept:organizationterminatedperson concept_person_david_s___sutherland +concept_company_ipsco concept:subpartof concept_person_david_s___sutherland +concept_company_ipsco concept:organizationheadquarteredinstateorprovince concept_stateorprovince_saskatchewan +concept_company_iran concept:hasofficeincountry concept_country___america +concept_company_iran concept:hasofficeincountry concept_country_korea +concept_company_irobot concept:producesproduct concept_product_roomba +concept_company_ironport concept:companyeconomicsector concept_economicsector_internet +concept_company_irs concept:headquarteredin concept_city_washington_d_c +concept_company_irs concept:atdate concept_dateliteral_n2002 +concept_company_irs concept:atdate concept_dateliteral_n2006 +concept_company_irs concept:atdate concept_dateliteral_n2007 +concept_company_irs concept:organizationacronymhasname concept_governmentorganization_internal_revenue_service +concept_company_islamic_charity_movement concept:organizationheadquarteredincity concept_city_hebron +concept_company_itt concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_j__crew concept:agentcollaborateswithagent concept_ceo_millard_drexler +concept_company_jacob concept:agentactsinlocation concept_city_new_york +concept_company_jal concept:hasofficeincity concept_city_tokyo +concept_company_japan concept:proxyfor concept_coach_new +concept_company_japan concept:hasofficeincountry concept_country___america +concept_company_japan concept:hasofficeincountry concept_country_korea +concept_company_japan concept:atdate concept_date_n1941 +concept_company_japan concept:atdate concept_date_n1942 +concept_company_japan concept:atdate concept_date_n1944 +concept_company_japan concept:atdate concept_date_n1949 +concept_company_japan concept:atdate concept_date_n1958 +concept_company_japan concept:atdate concept_date_n1968 +concept_company_japan concept:atdate concept_date_n1972 +concept_company_japan concept:atdate concept_date_n1979 +concept_company_japan concept:atdate concept_date_n1993 +concept_company_japan concept:atdate concept_date_n1996 +concept_company_japan concept:atdate concept_date_n1999 +concept_company_japan concept:atdate concept_date_n2000 +concept_company_japan concept:atdate concept_date_n2001 +concept_company_japan concept:atdate concept_date_n2003 +concept_company_japan concept:atdate concept_date_n2004 +concept_company_japan concept:atdate concept_date_n2009 +concept_company_japan concept:atdate concept_dateliteral_n1945 +concept_company_japan concept:atdate concept_dateliteral_n1987 +concept_company_japan concept:atdate concept_dateliteral_n2008 +concept_company_japan concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_japan concept:synonymfor concept_politicsblog_republic +concept_company_japan concept:organizationterminatedperson concept_scientist_no_ +concept_company_japan concept:atdate concept_year_n1952 +concept_company_japan concept:atdate concept_year_n1960 +concept_company_japan concept:atdate concept_year_n1965 +concept_company_japan concept:atdate concept_year_n1975 +concept_company_japan concept:atdate concept_year_n1988 +concept_company_japan concept:atdate concept_year_n1991 +concept_company_japan concept:atdate concept_year_n1992 +concept_company_japan concept:atdate concept_year_n1994 +concept_company_japan concept:atdate concept_year_n1995 +concept_company_japan concept:atdate concept_year_n1998 +concept_company_japan_airlines concept:hasofficeincity concept_city_tokyo +concept_company_japan_airlines concept:hasofficeincity concept_city_vancouver +concept_company_jdate concept:latitudelongitude 46.8333350000000,23.6583300000000 +concept_company_jet_airways concept:hasofficeincity concept_city_bangkok +concept_company_jet_airways concept:hasofficeincity concept_city_delhi +concept_company_jet_airways concept:hasofficeincity concept_city_leh +concept_company_jet_airways concept:hasofficeincity concept_city_london_city +concept_company_jet_airways concept:acquired concept_company_air_sahara +concept_company_jet_blue concept:hasofficeincity concept_city_long_beach +concept_company_jet_blue concept:hasofficeincity concept_city_new_york +concept_company_jetblue concept:mutualproxyfor concept_ceo_david_neeleman +concept_company_jetblue concept:organizationterminatedperson concept_ceo_david_neeleman +concept_company_jetblue concept:subpartof concept_ceo_david_neeleman +concept_company_jetblue concept:hasofficeincity concept_city_boston +concept_company_jetblue concept:hasofficeincity concept_city_new_york +concept_company_jetblue concept:hasofficeincity concept_city_oakland +concept_company_jetstar concept:hasofficeincity concept_city_brisbane +concept_company_jetstar concept:hasofficeincity concept_city_hamilton_island +concept_company_jetstar concept:hasofficeincity concept_city_melbourne +concept_company_jetstar concept:hasofficeincity concept_city_sydney +concept_company_jlr concept:latitudelongitude 23.1778200000000,80.0520500000000 +concept_company_john_hancock_financial_services concept:hasofficeincity concept_city_chicago +concept_company_john_hancock_financial_services concept:companyeconomicsector concept_economicsector_insurance +concept_company_johnson_controls concept:headquarteredin concept_city_milwaukee +concept_company_jones_lang_lasalle concept:companyeconomicsector concept_academicfield_real_estate +concept_company_julius_berger concept:companyeconomicsector concept_academicfield_construction +concept_company_junglee concept:companyeconomicsector concept_economicsector_internet +concept_company_junglee concept:subpartoforganization concept_website_amazon +concept_company_kaneva concept:latitudelongitude 45.3705600000000,13.5425000000000 +concept_company_kayak concept:companyeconomicsector concept_economicsector_travel +concept_company_kcet001 concept:hasofficeincity concept_county_los_angeles_county +concept_company_kcet001 concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_kemv concept:companyeconomicsector concept_academicfield_media +concept_company_kenya_airways concept:hasofficeincity concept_city_heathrow +concept_company_kenya_airways concept:hasofficeincity concept_city_london_city +concept_company_kenya_airways concept:headquarteredin concept_city_nairobi +concept_company_kenya_airways concept:organizationheadquarteredincountry concept_country_republic_of_kenya +concept_company_kget001 concept:hasofficeincity concept_city_bakersfield +concept_company_kget001 concept:organizationheadquarteredincity concept_city_bakersfield +concept_company_kget001 concept:subpartof concept_retailstore_nbc +concept_company_khbs concept:agentcollaborateswithagent concept_city_abc +concept_company_khbs concept:subpartoforganization concept_televisionnetwork_abc +concept_company_khbs concept:subpartof concept_website_abc +concept_company_khcv concept:agentcollaborateswithagent concept_athlete_ind +concept_company_khcv concept:subpartof concept_food_ind +concept_company_khsl concept:hasofficeincity concept_city_chico +concept_company_khvo concept:agentcollaborateswithagent concept_city_abc +concept_company_khvo concept:subpartoforganization concept_televisionnetwork_abc +concept_company_khvo concept:subpartof concept_website_abc +concept_company_kiem concept:hasofficeincity concept_city_eureka +concept_company_kiev concept:subpartof concept_athlete_ukraine +concept_company_kiev concept:atdate concept_date_n2001 +concept_company_kiii concept:agentcollaborateswithagent concept_city_abc +concept_company_kingfisher_airlines concept:agentcollaborateswithagent concept_ceo_vijay_mallya +concept_company_kingfisher_airlines concept:agentcontrols concept_ceo_vijay_mallya +concept_company_kingfisher_airlines concept:mutualproxyfor concept_ceo_vijay_mallya +concept_company_kingfisher_airlines concept:hasofficeincity concept_city_bangalore +concept_company_klas concept:hasofficeincity concept_city_las_vegas +concept_company_kljb concept:subpartoforganization concept_company_fox +concept_company_kljb concept:subpartof concept_mountain_fox +concept_company_klm_ concept:hasofficeincity concept_city_aberdeen +concept_company_klm_ concept:hasofficeincity concept_city_amsterdam +concept_company_klm_ concept:hasofficeincity concept_city_birmingham +concept_company_klm_ concept:hasofficeincity concept_city_bonaire +concept_company_klm_ concept:hasofficeincity concept_city_bristol +concept_company_klm_ concept:hasofficeincity concept_city_chicago +concept_company_klm_ concept:hasofficeincity concept_city_edinburgh +concept_company_klm_ concept:hasofficeincity concept_city_heathrow +concept_company_klm_ concept:hasofficeincity concept_city_london_city +concept_company_klm_ concept:hasofficeincity concept_city_manchester +concept_company_klm_ concept:hasofficeincity concept_county_los_angeles_county +concept_company_klm_royal_dutch_airlines concept:hasofficeincity concept_city_amsterdam +concept_company_kmir concept:hasofficeincity concept_city_palm_springs +concept_company_knbc concept:hasofficeincity concept_county_los_angeles_county +concept_company_knbc concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_company_knlj concept:agentcollaborateswithagent concept_athlete_ind +concept_company_knlj concept:subpartof concept_food_ind +concept_company_knrr concept:subpartoforganization concept_company_fox +concept_company_kntv001 concept:hasofficeincity concept_city_san_jose +concept_company_kntv001 concept:organizationheadquarteredincity concept_city_san_jose +concept_company_koch_industries concept:acquired concept_company_georgia_pacific +concept_company_kohlberg_kravis_roberts concept:companyeconomicsector concept_economicsector_investment +concept_company_konami concept:companyeconomicsector concept_economicsector_gaming +concept_company_konica_minolta concept:latitudelongitude 43.0147200000000,20.5511100000000 +concept_company_konica_minolta concept:companyalsoknownas concept_company_konica_minolta_holding_inc +concept_company_konica_minolta concept:hasofficeincountry concept_country_japan +concept_company_konica_minolta concept:organizationheadquarteredincountry concept_country_japan +concept_company_konica_minolta concept:organizationterminatedperson concept_person_yoshiaki_ando +concept_company_kraft_foods concept:mutualproxyfor concept_ceo_irene_rosenfeld +concept_company_kraft_foods concept:organizationterminatedperson concept_ceo_irene_rosenfeld +concept_company_kraft_foods concept:hasofficeincity concept_city_northfield +concept_company_kroger concept:headquarteredin concept_city_cincinnati +concept_company_ksl concept:subpartoforganization concept_company_nbc +concept_company_ksl concept:hasofficeincity concept_county_salt_lake +concept_company_kues concept:companyeconomicsector concept_academicfield_media +concept_company_kulula concept:hasofficeincity concept_city_johannesburg +concept_company_kureha concept:latitudelongitude 36.7083350000000,137.1500000000000 +concept_company_kxtv001 concept:subpartoforganization concept_city_abc +concept_company_kxtv001 concept:hasofficeincity concept_city_sacramento +concept_company_kxtv001 concept:organizationheadquarteredincity concept_city_sacramento +concept_company_la concept:competeswith concept_blog_sun +concept_company_la concept:competeswith concept_company_chronicle001 +concept_company_la concept:competeswith concept_company_daily_news001 +concept_company_la concept:competeswith concept_company_post +concept_company_la concept:competeswith concept_company_usa_today001 +concept_company_la concept:companyeconomicsector concept_economicsector_insurance +concept_company_la concept:competeswith concept_newspaper_times +concept_company_la concept:competeswith concept_politicsblog_journal +concept_company_la concept:competeswith concept_politicsblog_ny_times +concept_company_la concept:competeswith concept_politicsblog_tribune +concept_company_la concept:competeswith concept_politicsblog_wall_street_journal +concept_company_la concept:competeswith concept_website_chicago_tribune +concept_company_la concept:competeswith concept_website_l_a__weekly +concept_company_la concept:competeswith concept_website_new_york_times +concept_company_lacie concept:latitudelongitude 38.5273150000000,-85.1295850000000 +concept_company_ladbrokes concept:companyeconomicsector concept_economicsector_gambling +concept_company_lan_airlines concept:hasofficeincity concept_city_santiago +concept_company_lan_chile concept:hasofficeincity concept_city_santiago +concept_company_lan_peru concept:hasofficeincity concept_city_lima +concept_company_lancome concept:hasofficeincountry concept_country_france_france +concept_company_lancome concept:organizationheadquarteredincountry concept_country_france_france +concept_company_lancome concept:organizationterminatedperson concept_person_odile_roujol +concept_company_land_o_lakes concept:atlocation concept_city_florida +concept_company_land_securities concept:companyeconomicsector concept_economicsector_property +concept_company_lao_airlines concept:hasofficeincity concept_city_vientiane +concept_company_larsen___toubro concept:companyeconomicsector concept_academicfield_construction +concept_company_larsen___toubro concept:companyeconomicsector concept_academicfield_engineering +concept_company_launch concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_lazard concept:companyeconomicsector concept_economicsector_investment +concept_company_leadpoint concept:latitudelongitude 48.9093600000000,-117.5874700000000 +concept_company_learning_company concept:acquired concept_company_broderbund +concept_company_lee_raymond concept:agentcontrols concept_petroleumrefiningcompany_exxon +concept_company_lee_raymond concept:companyeconomicsector concept_politicsissue_energy +concept_company_lee_raymond concept:agentcontrols concept_retailstore_exxonmobil +concept_company_leighton_holdings concept:companyeconomicsector concept_academicfield_construction +concept_company_leitz concept:latitudelongitude 50.7833300000000,13.4166700000000 +concept_company_lenovo_group concept:acquired concept_biotechcompany_ibm_corp_ +concept_company_lenovo_group concept:mutualproxyfor concept_ceo_liu_chuanzhi +concept_company_lenovo_group concept:organizationterminatedperson concept_ceo_liu_chuanzhi +concept_company_lenovo_group concept:subpartof concept_ceo_liu_chuanzhi +concept_company_lenovo_group concept:subpartoforganization concept_company_ibm +concept_company_lenovo_group concept:companyeconomicsector concept_economicsector_computer +concept_company_lenovo_group concept:subpartof concept_retailstore_ibm +concept_company_leo_burnett_company concept:companyeconomicsector concept_economicsector_advertising +concept_company_lg concept:headquarteredin concept_city_seoul +concept_company_lg concept:hasofficeincountry concept_country_korea +concept_company_lg concept:hasofficeincountry concept_country_south_korea +concept_company_lg concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_company_lg concept:companyeconomicsector concept_economicsector_electronics +concept_company_lg_electronics concept:hasofficeincountry concept_country_korea +concept_company_lg_electronics concept:hasofficeincountry concept_country_south_korea +concept_company_lg_electronics concept:companyeconomicsector concept_economicsector_electronics +concept_company_liberty_media concept:acquired concept_company_directv001 +concept_company_liberty_mutual_insurance_company concept:companyeconomicsector concept_economicsector_insurance +concept_company_libraries concept:proxyfor concept_book_new +concept_company_libraries concept:mutualproxyfor concept_coach_new +concept_company_libraries concept:atdate concept_dateliteral_n2005 +concept_company_lilly concept:agentinvolvedwithitem concept_drug_zyprexa +concept_company_linksys concept:subpartoforganization concept_biotechcompany_cisco +concept_company_linksys concept:companyeconomicsector concept_economicsector_internet +concept_company_lists concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_live concept:competeswith concept_blog_google +concept_company_live001 concept:competeswith concept_company_yahoo001 +concept_company_local concept:competeswith concept_blog_google +concept_company_local concept:competeswith concept_company_yahoo001 +concept_company_local concept:agentcompeteswithagent concept_university_google +concept_company_local_tv_stations concept:companyeconomicsector concept_academicfield_media +concept_company_lockheed concept:acquired concept_company_martin_marietta +concept_company_lockheed concept:companyeconomicsector concept_economicsector_aerospace +concept_company_lonely_planet concept:companyeconomicsector concept_economicsector_travel +concept_company_longaberger concept:latitudelongitude 40.1242400000000,-82.0129100000000 +concept_company_looksmart concept:agentcompeteswithagent concept_university_search +concept_company_los_angeles concept:competeswith concept_blog_herald +concept_company_los_angeles concept:competeswith concept_blog_la_opini_n +concept_company_los_angeles concept:competeswith concept_blog_sun +concept_company_los_angeles concept:mutualproxyfor concept_coach_chicago_bulls +concept_company_los_angeles concept:proxyfor concept_coach_new +concept_company_los_angeles concept:mutualproxyfor concept_coach_new_jersey_nets +concept_company_los_angeles concept:mutualproxyfor concept_coach_new_orleans_hornets +concept_company_los_angeles concept:mutualproxyfor concept_coach_new_york_knicks +concept_company_los_angeles concept:competeswith concept_company_boston_globe001 +concept_company_los_angeles concept:competeswith concept_company_chronicle001 +concept_company_los_angeles concept:competeswith concept_company_daily_news001 +concept_company_los_angeles concept:competeswith concept_company_examiner +concept_company_los_angeles concept:competeswith concept_company_nbc +concept_company_los_angeles concept:competeswith concept_company_npr +concept_company_los_angeles concept:competeswith concept_company_post +concept_company_los_angeles concept:competeswith concept_company_the_new_york_times001 +concept_company_los_angeles concept:competeswith concept_company_usa_today001 +concept_company_los_angeles concept:mutualproxyfor concept_county_detroit +concept_company_los_angeles concept:atdate concept_date_n1968 +concept_company_los_angeles concept:companyeconomicsector concept_economicsector_insurance +concept_company_los_angeles concept:agentcompeteswithagent concept_male_sun +concept_company_los_angeles concept:agentcompeteswithagent concept_musicartist_journal +concept_company_los_angeles concept:agentcompeteswithagent concept_musicartist_times +concept_company_los_angeles concept:competeswith concept_newspaper_daily_journal +concept_company_los_angeles concept:competeswith concept_newspaper_guardian +concept_company_los_angeles concept:competeswith concept_newspaper_newsday +concept_company_los_angeles concept:competeswith concept_newspaper_times +concept_company_los_angeles concept:mutualproxyfor concept_personmexico_antonio_villaraigosa +concept_company_los_angeles concept:organizationhiredperson concept_personmexico_antonio_villaraigosa +concept_company_los_angeles concept:competeswith concept_politicsblog_journal +concept_company_los_angeles concept:competeswith concept_politicsblog_tribune +concept_company_los_angeles concept:competeswith concept_politicsblog_wall_street_journal +concept_company_los_angeles concept:proxyfor concept_publication_walt_disney_concert_hall +concept_company_los_angeles concept:proxyfor concept_skiarea_club_nokia +concept_company_los_angeles concept:agentparticipatedinevent concept_sportsgame_series +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_charlotte_bobcats +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_denver_nuggets +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_golden_state_warriors +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_knicks +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_los_angeles_clippers +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_raptors +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_rockets +concept_company_los_angeles concept:mutualproxyfor concept_sportsteam_sacramento_kings +concept_company_los_angeles concept:proxyfor concept_stadiumoreventvenue_the_wiltern +concept_company_los_angeles concept:proxyfor concept_street_greek_theatre +concept_company_los_angeles concept:competeswith concept_website_chicago_tribune +concept_company_los_angeles concept:competeswith concept_website_l_a__weekly +concept_company_los_angeles concept:competeswith concept_website_new_york_times +concept_company_los_angeles concept:competeswith concept_website_the_san_francisco_chronicle +concept_company_los_angeles concept:competeswith concept_website_the_washington_post +concept_company_los_angeles concept:competeswith concept_website_washington_post +concept_company_los_angeles concept:atdate concept_year_n1998 +concept_company_loseley concept:latitudelongitude 51.2154000000000,-0.6056900000000 +concept_company_lot_polish_airlines concept:hasofficeincity concept_city_warsaw +concept_company_lotame concept:latitudelongitude 6.1166700000000,1.0500000000000 +concept_company_low concept:companyeconomicsector concept_economicsector_insurance +concept_company_low concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_lowe_s concept:companyalsoknownas concept_company_low +concept_company_lrl concept:latitudelongitude 9.7673300000000,1.0912500000000 +concept_company_lufthansa concept:mutualproxyfor concept_ceo_wolfgang_mayrhuber +concept_company_lufthansa concept:organizationterminatedperson concept_ceo_wolfgang_mayrhuber +concept_company_lufthansa concept:subpartof concept_ceo_wolfgang_mayrhuber +concept_company_lufthansa concept:atlocation concept_city_frankfurt +concept_company_lukoil concept:latitudelongitude 45.9600700000000,23.5484300000000 +concept_company_lukoil concept:mutualproxyfor concept_ceo_vagit_alekperov +concept_company_lukoil concept:organizationterminatedperson concept_ceo_vagit_alekperov +concept_company_lukoil concept:subpartof concept_ceo_vagit_alekperov +concept_company_luminous concept:latitudelongitude 31.1166000000000,121.3666000000000 +concept_company_luxair concept:hasofficeincity concept_city_luxembourg +concept_company_lvmh concept:mutualproxyfor concept_person_bernard_arnault +concept_company_lvmh concept:organizationterminatedperson concept_person_bernard_arnault +concept_company_lvmh concept:subpartof concept_person_bernard_arnault +concept_company_lycos concept:companyeconomicsector concept_economicsector_internet +concept_company_lycos concept:agentcompeteswithagent concept_mlauthor_web_search +concept_company_lycos concept:agentcompeteswithagent concept_university_search +concept_company_machinery concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_machinery concept:subpartoforganization concept_terroristorganization_state +concept_company_macromedia concept:agentcreated concept_automobilemodel_plugin +concept_company_macromedia concept:subpartoforganization concept_company_adobe +concept_company_macromedia concept:producesproduct concept_mlsoftware_flex +concept_company_macromedia concept:agentinvolvedwithitem concept_nerve_reader +concept_company_macromedia concept:agentinvolvedwithitem concept_product_acrobat_reader +concept_company_macromedia concept:producesproduct concept_product_adobe_illustrator +concept_company_macromedia concept:producesproduct concept_product_adobe_photoshop +concept_company_macromedia concept:producesproduct concept_product_illustrator +concept_company_macromedia concept:producesproduct concept_product_photoshop +concept_company_macromedia concept:agentcreated concept_programminglanguage_flash_player +concept_company_macromedia concept:producesproduct concept_software_dreamweaver +concept_company_macromedia concept:producesproduct concept_software_flash_player +concept_company_macromedia concept:agentcreated concept_visualizablething_plug_in +concept_company_macromedia concept:agentcreated concept_visualizablething_version +concept_company_macromedia concept:agentcreated concept_website_download +concept_company_mahalo concept:organizationterminatedperson concept_ceo_jason_calacanis +concept_company_mai_mai_militia concept:organizationterminatedperson concept_person_kibamba_kasereka +concept_company_malaysia_airlines concept:hasofficeincity concept_city_kuala_lumpur +concept_company_malaysian concept:headquarteredin concept_city_kuala_lumpur +concept_company_malaysian concept:organizationheadquarteredincity concept_city_kuala_lumpur +concept_company_malaysian concept:hasofficeincountry concept_country_malaysia +concept_company_malaysian concept:organizationheadquarteredincountry concept_country_malaysia +concept_company_malaysian_airlines concept:hasofficeincity concept_city_kuala_lumpur +concept_company_management concept:headquarteredin concept_city_washington_d_c +concept_company_managing_director concept:atdate concept_date_n2004 +concept_company_managing_director concept:atdate concept_dateliteral_n2006 +concept_company_manchester concept:hasofficeincountry concept_country_wales +concept_company_manpower concept:companyeconomicsector concept_politicsissue_employment +concept_company_map concept:competeswith concept_blog_google +concept_company_marantz concept:latitudelongitude 58.1406600000000,-93.9795300000000 +concept_company_markit concept:companyalsoknownas concept_company_markit_group +concept_company_markit concept:organizationterminatedperson concept_personeurope_john_dooley +concept_company_marklin concept:latitudelongitude 36.4295550000000,-82.0561000000000 +concept_company_marriott concept:companyeconomicsector concept_academicfield_hospitality +concept_company_marriott_international001 concept:headquarteredin concept_city_bethesda +concept_company_marriott_international001 concept:hasofficeincity concept_city_washington_d_c +concept_company_martha_stewart concept:headquarteredin concept_city_new_york +concept_company_martinair concept:hasofficeincity concept_city_amsterdam +concept_company_maruti concept:latitudelongitude -23.3500000000000,30.4166700000000 +concept_company_marvel_comics concept:organizationhiredperson concept_personcanada_stan_lee +concept_company_marvel_comics concept:organizationterminatedperson concept_personus_stan_lee +concept_company_maryland_democratic_party concept:organizationterminatedperson concept_person_michael_e__cryor +concept_company_massachusetts concept:hasofficeincountry concept_country___america +concept_company_massachusetts concept:companyeconomicsector concept_economicsector_insurance +concept_company_massachusetts concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_massey_energy concept:organizationterminatedperson concept_person_don_l__blankenship +concept_company_massey_energy concept:subpartof concept_person_don_l__blankenship +concept_company_massey_energy concept:organizationheadquarteredinstateorprovince concept_stateorprovince_virginia +concept_company_mastercard_inc_a concept:companyalsoknownas concept_biotechcompany_ma +concept_company_matsushita concept:companyeconomicsector concept_economicsector_electronics +concept_company_mattel001 concept:acquired concept_company_fisher_price +concept_company_mattel001 concept:acquired concept_company_learning_company +concept_company_mattel001 concept:acquired concept_magazine_the_learning_company +concept_company_maxis concept:subpartoforganization concept_company_ea +concept_company_maxis concept:subpartoforganization concept_company_electronic_arts +concept_company_mcafee concept:acquired concept_company_secure_computing +concept_company_mccann_erickson concept:companyeconomicsector concept_economicsector_advertising +concept_company_mcclatchy concept:agentcollaborateswithagent concept_company_gary_pruitt +concept_company_mcdonald_s001 concept:headquarteredin concept_city_oak_brook +concept_company_mcdonalds concept:organizationterminatedperson concept_ceo_jack_greenberg +concept_company_mcdonalds concept:agentcollaborateswithagent concept_personus_jack_greenberg +concept_company_mcdonnell_douglas concept:subpartoforganization concept_biotechcompany_boeing +concept_company_mcdonnell_douglas concept:companyeconomicsector concept_economicsector_aerospace +concept_company_mcgraw_hill concept:companyeconomicsector concept_academicfield_publishing +concept_company_mckinsey concept:companyeconomicsector concept_academicfield_consulting +concept_company_mckinsey concept:companyeconomicsector concept_academicfield_management_consulting +concept_company_mckinsey concept:organizationterminatedperson concept_personcanada_ian_davis +concept_company_mckinsey concept:subpartof concept_personcanada_ian_davis +concept_company_mckinsey concept:companyeconomicsector concept_politicsissue_research +concept_company_media_mail concept:competeswith concept_bank_ups +concept_company_media_mail concept:competeswith concept_bank_usps +concept_company_media_mail concept:competeswith concept_bank_usps_global_priority +concept_company_media_mail concept:competeswith concept_company_priority +concept_company_media_mail concept:agentcompeteswithagent concept_governmentorganization_usps +concept_company_meltdown concept:atdate concept_year_n1997 +concept_company_mengniu concept:latitudelongitude 43.0603500000000,124.3104100000000 +concept_company_mercury_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_company_merill_lynch concept:agentcollaborateswithagent concept_ceo_john_thain +concept_company_merill_lynch concept:subpartoforganization concept_country___america +concept_company_merill_lynch concept:companyeconomicsector concept_economicsector_financial_services +concept_company_merill_lynch concept:companyeconomicsector concept_economicsector_investment +concept_company_met_life concept:companyeconomicsector concept_economicsector_insurance +concept_company_metlife concept:organizationterminatedperson concept_ceo_c__robert_henrikson +concept_company_metlife concept:headquarteredin concept_city_new_york +concept_company_metlife concept:hasofficeincountry concept_country_u_s_ +concept_company_metlife concept:organizationheadquarteredincountry concept_country_u_s_ +concept_company_metlife concept:companyeconomicsector concept_economicsector_insurance +concept_company_metlife concept:organizationhiredperson concept_personus_c__robert_henrikson +concept_company_metlife concept:subpartof concept_personus_c__robert_henrikson +concept_company_metropolitan_life concept:companyeconomicsector concept_economicsector_insurance +concept_company_mexicana concept:hasofficeincity concept_county_los_angeles_county +concept_company_mga_entertainment concept:mutualproxyfor concept_ceo_isaac_larian +concept_company_mge concept:latitudelongitude 35.6765300000000,126.7908350000000 +concept_company_mgm concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_miami_herald001 concept:companyeconomicsector concept_academicfield_media +concept_company_miami_herald001 concept:competeswith concept_politicsblog_journal +concept_company_micron concept:mutualproxyfor concept_ceo_steven_appleton +concept_company_micron concept:organizationterminatedperson concept_ceo_steven_appleton +concept_company_micron concept:subpartof concept_ceo_steven_appleton +concept_company_micron concept:headquarteredin concept_city_boise +concept_company_micron concept:hasofficeincity concept_city_denver +concept_company_micron concept:organizationheadquarteredinstateorprovince concept_stateorprovince_idaho +concept_company_micron_technology concept:headquarteredin concept_city_boise +concept_company_microsoft concept:companyeconomicsector concept_academicfield_information_technology +concept_company_microsoft concept:acquired concept_automobilemaker_massive +concept_company_microsoft concept:producesproduct concept_automobilemodel_explorer +concept_company_microsoft concept:producesproduct concept_automobilemodel_lotus +concept_company_microsoft concept:agentinvolvedwithitem concept_bathroomitem_desktop +concept_company_microsoft concept:agentinvolvedwithitem concept_bathroomitem_job +concept_company_microsoft concept:agentinvolvedwithitem concept_bedroomitem_machine +concept_company_microsoft concept:agentinvolvedwithitem concept_bedroomitem_machines +concept_company_microsoft concept:agentinvolvedwithitem concept_bedroomitem_system +concept_company_microsoft concept:agentinvolvedwithitem concept_bedroomitem_xp +concept_company_microsoft concept:agentinvolvedwithitem concept_beverage_first_time +concept_company_microsoft concept:acquired concept_biotechcompany_fast +concept_company_microsoft concept:organizationalsoknownas concept_biotechcompany_msft_ +concept_company_microsoft concept:agentinvolvedwithitem concept_braintissue_ce +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_documents +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_hosting +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_project +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_security +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_windows_98 +concept_company_microsoft concept:agentinvolvedwithitem concept_buildingfeature_windows_nt +concept_company_microsoft concept:organizationterminatedperson concept_ceo_steve_ballmer +concept_company_microsoft concept:acquired concept_company_connectix +concept_company_microsoft concept:acquired concept_company_datallegro +concept_company_microsoft concept:acquired concept_company_great_plains_software +concept_company_microsoft concept:companyalsoknownas concept_company_microsoft_corporation001 +concept_company_microsoft concept:acquired concept_company_placeware +concept_company_microsoft concept:competeswith concept_company_sun +concept_company_microsoft concept:competeswith concept_company_yahoo001 +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_desktop_computer +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_desktops +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_exchange_server +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_macintosh_computers +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_macs +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_ms_word +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_operating_systems +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_pcs +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_platforms +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_tablet_pc +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_windows_2003_server +concept_company_microsoft concept:agentinvolvedwithitem concept_consumerelectronicitem_windows_server +concept_company_microsoft concept:agentinvolvedwithitem concept_drug_dos +concept_company_microsoft concept:companyeconomicsector concept_economicsector_computer_software +concept_company_microsoft concept:companyeconomicsector concept_economicsector_electronics +concept_company_microsoft concept:companyeconomicsector concept_economicsector_gaming +concept_company_microsoft concept:agentinvolvedwithitem concept_furniture_servers +concept_company_microsoft concept:agentinvolvedwithitem concept_hallwayitem_phone +concept_company_microsoft concept:agentinvolvedwithitem concept_hallwayitem_windows_update +concept_company_microsoft concept:agentinvolvedwithitem concept_householditem_local_computer +concept_company_microsoft concept:agentinvolvedwithitem concept_householditem_n3_0 +concept_company_microsoft concept:agentinvolvedwithitem concept_mediatype_databases +concept_company_microsoft concept:producesproduct concept_mlsoftware_address_book +concept_company_microsoft concept:agentinvolvedwithitem concept_mlsoftware_instance +concept_company_microsoft concept:producesproduct concept_mlsoftware_openoffice +concept_company_microsoft concept:producesproduct concept_mlsoftware_sage +concept_company_microsoft concept:producesproduct concept_mlsoftware_spss +concept_company_microsoft concept:agentinvolvedwithitem concept_musicinstrument_computer +concept_company_microsoft concept:agentinvolvedwithitem concept_musicinstrument_mac_os_x +concept_company_microsoft concept:agentinvolvedwithitem concept_nerve_ease +concept_company_microsoft concept:agentinvolvedwithitem concept_nut_server +concept_company_microsoft concept:producesproduct concept_product_acrobat_reader +concept_company_microsoft concept:producesproduct concept_product_adobe_acrobat_reader +concept_company_microsoft concept:producesproduct concept_product_adobe_illustrator +concept_company_microsoft concept:producesproduct concept_product_adobe_indesign +concept_company_microsoft concept:producesproduct concept_product_adobe_photoshop +concept_company_microsoft concept:producesproduct concept_product_adobe_reader +concept_company_microsoft concept:agentinvolvedwithitem concept_product_computers +concept_company_microsoft concept:producesproduct concept_product_intuit_quickbooks +concept_company_microsoft concept:producesproduct concept_product_lotus_notes +concept_company_microsoft concept:producesproduct concept_product_macintosh +concept_company_microsoft concept:producesproduct concept_product_microsoft_infopath +concept_company_microsoft concept:producesproduct concept_product_microsoft_publisher +concept_company_microsoft concept:producesproduct concept_product_microsoft_windows_vista +concept_company_microsoft concept:producesproduct concept_product_microsoft_windows_xp +concept_company_microsoft concept:producesproduct concept_product_ms_project +concept_company_microsoft concept:producesproduct concept_product_nt +concept_company_microsoft concept:producesproduct concept_product_powerpoint +concept_company_microsoft concept:producesproduct concept_product_studio +concept_company_microsoft concept:producesproduct concept_product_windows_mobile +concept_company_microsoft concept:producesproduct concept_product_word +concept_company_microsoft concept:producesproduct concept_product_word_documents +concept_company_microsoft concept:producesproduct concept_product_xbox +concept_company_microsoft concept:producesproduct concept_product_zune +concept_company_microsoft concept:producesproduct concept_software_access +concept_company_microsoft concept:producesproduct concept_software_act +concept_company_microsoft concept:producesproduct concept_software_active_directory +concept_company_microsoft concept:producesproduct concept_software_active_server_pages +concept_company_microsoft concept:producesproduct concept_software_adobe_dreamweaver +concept_company_microsoft concept:producesproduct concept_software_adobe_golive +concept_company_microsoft concept:producesproduct concept_software_appleworks +concept_company_microsoft concept:producesproduct concept_software_asp_net +concept_company_microsoft concept:producesproduct concept_software_autocad +concept_company_microsoft concept:producesproduct concept_software_autocad_ +concept_company_microsoft concept:producesproduct concept_software_biztalk_server +concept_company_microsoft concept:producesproduct concept_software_borland_delphi +concept_company_microsoft concept:producesproduct concept_software_clarisworks +concept_company_microsoft concept:producesproduct concept_software_crystal_reports +concept_company_microsoft concept:producesproduct concept_software_dreamweaver +concept_company_microsoft concept:producesproduct concept_software_excel +concept_company_microsoft concept:producesproduct concept_software_exchange +concept_company_microsoft concept:producesproduct concept_software_exchange_server +concept_company_microsoft concept:producesproduct concept_software_expression_web +concept_company_microsoft concept:producesproduct concept_software_firefox +concept_company_microsoft concept:producesproduct concept_software_front_page +concept_company_microsoft concept:producesproduct concept_software_frontpage +concept_company_microsoft concept:producesproduct concept_software_frontpage_2000 +concept_company_microsoft concept:producesproduct concept_software_iis +concept_company_microsoft concept:producesproduct concept_software_internet_explorer +concept_company_microsoft concept:producesproduct concept_software_internet_explorer_browser +concept_company_microsoft concept:producesproduct concept_software_internet_information_server +concept_company_microsoft concept:producesproduct concept_software_isa_server +concept_company_microsoft concept:producesproduct concept_software_lotus_123 +concept_company_microsoft concept:producesproduct concept_software_lotus_1_2_3 +concept_company_microsoft concept:producesproduct concept_software_macromedia_dreamweaver +concept_company_microsoft concept:producesproduct concept_software_media_player +concept_company_microsoft concept:producesproduct concept_software_microsoft__net +concept_company_microsoft concept:producesproduct concept_software_microsoft_access +concept_company_microsoft concept:producesproduct concept_software_microsoft_crm +concept_company_microsoft concept:producesproduct concept_software_microsoft_entourage +concept_company_microsoft concept:producesproduct concept_software_microsoft_excel +concept_company_microsoft concept:producesproduct concept_software_microsoft_exchange +concept_company_microsoft concept:producesproduct concept_software_microsoft_exchange_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_expression_web +concept_company_microsoft concept:producesproduct concept_software_microsoft_expression_web_ +concept_company_microsoft concept:producesproduct concept_software_microsoft_frontpage +concept_company_microsoft concept:producesproduct concept_software_microsoft_office +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_2003 +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_2007 +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_applications +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_outlook +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_powerpoint +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_sharepoint_designer +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_sharepoint_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_software +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_system +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_word +concept_company_microsoft concept:producesproduct concept_software_microsoft_office_xp +concept_company_microsoft concept:producesproduct concept_software_microsoft_outlook +concept_company_microsoft concept:producesproduct concept_software_microsoft_outlook_express +concept_company_microsoft concept:producesproduct concept_software_microsoft_powerpoint +concept_company_microsoft concept:producesproduct concept_software_microsoft_project +concept_company_microsoft concept:producesproduct concept_software_microsoft_sharepoint +concept_company_microsoft concept:producesproduct concept_software_microsoft_sharepoint_portal_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_small_business_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_sql +concept_company_microsoft concept:producesproduct concept_software_microsoft_sql_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_visio +concept_company_microsoft concept:producesproduct concept_software_microsoft_visual_basic +concept_company_microsoft concept:producesproduct concept_software_microsoft_visual_studio +concept_company_microsoft concept:producesproduct concept_software_microsoft_windows +concept_company_microsoft concept:producesproduct concept_software_microsoft_windows_server +concept_company_microsoft concept:producesproduct concept_software_microsoft_windows_server_2003 +concept_company_microsoft concept:producesproduct concept_software_microsoft_word +concept_company_microsoft concept:producesproduct concept_software_microsoft_works +concept_company_microsoft concept:producesproduct concept_software_mobile +concept_company_microsoft concept:producesproduct concept_software_ms_excel +concept_company_microsoft concept:producesproduct concept_software_ms_office +concept_company_microsoft concept:producesproduct concept_software_ms_outlook +concept_company_microsoft concept:producesproduct concept_software_ms_word +concept_company_microsoft concept:producesproduct concept_software_netscape_composer +concept_company_microsoft concept:producesproduct concept_software_notepad +concept_company_microsoft concept:producesproduct concept_software_novell_groupwise +concept_company_microsoft concept:producesproduct concept_software_office_2003 +concept_company_microsoft concept:producesproduct concept_software_office_communications_server +concept_company_microsoft concept:producesproduct concept_software_office_outlook +concept_company_microsoft concept:producesproduct concept_software_onenote +concept_company_microsoft concept:producesproduct concept_software_open_office +concept_company_microsoft concept:producesproduct concept_software_outlook +concept_company_microsoft concept:producesproduct concept_software_outlook_express +concept_company_microsoft concept:producesproduct concept_software_powerpoint_viewer +concept_company_microsoft concept:producesproduct concept_software_quickbooks +concept_company_microsoft concept:producesproduct concept_software_quicken +concept_company_microsoft concept:producesproduct concept_software_sharepoint_designer +concept_company_microsoft concept:producesproduct concept_software_sharepoint_portal_server +concept_company_microsoft concept:producesproduct concept_software_sharepoint_server +concept_company_microsoft concept:producesproduct concept_software_silverlight +concept_company_microsoft concept:producesproduct concept_software_small_business_server +concept_company_microsoft concept:producesproduct concept_software_sql_server +concept_company_microsoft concept:producesproduct concept_software_sql_server_2000 +concept_company_microsoft concept:producesproduct concept_software_sql_server_database +concept_company_microsoft concept:agentinvolvedwithitem concept_software_system_software +concept_company_microsoft concept:agentinvolvedwithitem concept_software_systems +concept_company_microsoft concept:producesproduct concept_software_thunderbird +concept_company_microsoft concept:agentinvolvedwithitem concept_software_viewer +concept_company_microsoft concept:producesproduct concept_software_visual_basic +concept_company_microsoft concept:producesproduct concept_software_visual_studio__net +concept_company_microsoft concept:producesproduct concept_software_visual_studio_net +concept_company_microsoft concept:producesproduct concept_software_windows_2003_server +concept_company_microsoft concept:producesproduct concept_software_windows_live_messenger +concept_company_microsoft concept:producesproduct concept_software_windows_server +concept_company_microsoft concept:producesproduct concept_software_windows_server_2003 +concept_company_microsoft concept:producesproduct concept_software_windows_server_2008 +concept_company_microsoft concept:producesproduct concept_software_windows_vista +concept_company_microsoft concept:producesproduct concept_software_windows_xp_professional +concept_company_microsoft concept:producesproduct concept_software_word_perfect +concept_company_microsoft concept:producesproduct concept_software_wordperfect +concept_company_microsoft concept:agentinvolvedwithitem concept_tableitem_pc +concept_company_microsoft concept:agentinvolvedwithitem concept_tableitem_personal_computer +concept_company_microsoft concept:producesproduct concept_vehicle_express +concept_company_microsoft concept:producesproduct concept_vehicle_html +concept_company_microsoft concept:producesproduct concept_vehicle_mail +concept_company_microsoft concept:producesproduct concept_vehicle_security +concept_company_microsoft concept:producesproduct concept_vehicle_visual_studio +concept_company_microsoft concept:agentinvolvedwithitem concept_videogame_mac +concept_company_microsoft concept:producesproduct concept_videogame_staroffice +concept_company_microsoft concept:producesproduct concept_videogame_xbox_360 +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_macintosh +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_mail +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_os +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_os_x +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_osx +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_pocket_pc +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_windows_95 +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_windows_media_player +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_works +concept_company_microsoft concept:agentinvolvedwithitem concept_videogamesystem_zune +concept_company_microsoft concept:producesproduct concept_visualizableobject_project +concept_company_microsoft concept:agentinvolvedwithitem concept_wallitem_windows_explorer +concept_company_microsoft concept:producesproduct concept_weapon_introduction +concept_company_microsoft concept:acquired concept_website_powerset +concept_company_microsoft_corporation concept:companyeconomicsector concept_academicfield_media +concept_company_microsoft_corporation concept:agentinvolvedwithitem concept_automobilemodel_explorer +concept_company_microsoft_corporation concept:hasofficeincity concept_city_cambridge +concept_company_microsoft_corporation concept:headquarteredin concept_city_redmond +concept_company_microsoft_corporation concept:acquired concept_company_softricity +concept_company_microsoft_corporation concept:acquired concept_company_tellme +concept_company_microsoft_corporation concept:hasofficeincountry concept_country_england +concept_company_microsoft_corporation001 concept:agentcreated concept_buildingfeature_windows +concept_company_microsoft_corporation001 concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_microsoft_corporation001 concept:headquarteredin concept_city_redmond +concept_company_microsoft_corporation001 concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_company_microsoft_live concept:competeswith concept_blog_google +concept_company_millennial concept:latitudelongitude 41.7794400000000,-73.9394400000000 +concept_company_miller_brewing concept:headquarteredin concept_city_milwaukee +concept_company_miller_brewing_company concept:organizationheadquarteredincity concept_city_milwaukee +concept_company_millonarios concept:hasofficeincountry concept_country_colombia +concept_company_millonarios concept:organizationheadquarteredincountry concept_country_colombia +concept_company_millonarios concept:mutualproxyfor concept_person_juan_carlos_osorio +concept_company_millonarios concept:organizationterminatedperson concept_person_juan_carlos_osorio +concept_company_missouri concept:proxyfor concept_book_new +concept_company_missouri concept:mutualproxyfor concept_city_rolla +concept_company_missouri concept:organizationhiredperson concept_coach_gary_pinkel +concept_company_missouri concept:atdate concept_date_n1864 +concept_company_missouri concept:companyeconomicsector concept_economicsector_insurance +concept_company_missouri concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_missouri concept:organizationhiredperson concept_personaustralia_gary_pinkel +concept_company_missouri concept:organizationterminatedperson concept_personaustralia_gary_pinkel +concept_company_missouri concept:organizationterminatedperson concept_personmexico_mike_anderson +concept_company_missouri concept:organizationhiredperson concept_personus_norm_stewart +concept_company_missouri concept:organizationterminatedperson concept_personus_norm_stewart +concept_company_missouri concept:mutualproxyfor concept_room_saint_charles +concept_company_missouri concept:mutualproxyfor concept_shoppingmall_columbia +concept_company_missouri concept:mutualproxyfor concept_sociopolitical_independence +concept_company_missouri concept:mutualproxyfor concept_televisionstation_saint_louis +concept_company_missouri concept:mutualproxyfor concept_visualizablescene_joplin +concept_company_mitel concept:acquired concept_company_inter_tel +concept_company_mitoku concept:latitudelongitude 35.4000000000000,133.9166700000000 +concept_company_mitsubishi_electric concept:hasofficeincity concept_city_cambridge +concept_company_mobil concept:companyeconomicsector concept_politicsissue_energy +concept_company_moenjodaro concept:latitudelongitude 27.3268900000000,68.1375000000000 +concept_company_money concept:subpartoforganization concept_bank_federal_reserve +concept_company_money concept:agentbelongstoorganization concept_country_united_states +concept_company_money concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_money concept:competeswith concept_politicsblog_journal +concept_company_moneycorp concept:companyeconomicsector concept_economicsector_exchange +concept_company_montavista concept:latitudelongitude 44.9501500000000,-63.5987000000000 +concept_company_morgan_keegan concept:companyeconomicsector concept_economicsector_investment +concept_company_morning_america concept:companyeconomicsector concept_academicfield_news +concept_company_morrison_knudsen concept:companyeconomicsector concept_academicfield_construction +concept_company_motorcyclist concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_motorola001 concept:acquired concept_blog_good +concept_company_motorola001 concept:organizationterminatedperson concept_ceo_ed_zander +concept_company_motorola001 concept:acquired concept_company_good_technology +concept_company_motorola001 concept:companyalsoknownas concept_company_mot +concept_company_motorola001 concept:acquired concept_company_symbol_technologies +concept_company_motorola001 concept:hasofficeincountry concept_country_usa +concept_company_motorola001 concept:atdate concept_date_n2003 +concept_company_motorola001 concept:companyeconomicsector concept_economicsector_electronics +concept_company_motorola001 concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_motorola001 concept:mutualproxyfor concept_person_greg_brown +concept_company_motorola001 concept:organizationterminatedperson concept_person_greg_brown +concept_company_mozilla_foundation concept:agentcontrols concept_blog_john_lilly +concept_company_mozilla_foundation concept:agentcontrols concept_blog_mitchell_baker +concept_company_mozilla_foundation concept:organizationterminatedperson concept_ceo_john_lilly +concept_company_mozilla_foundation concept:organizationterminatedperson concept_ceo_mitchell_baker +concept_company_mozilla_foundation concept:agentcreated concept_programminglanguage_firefox +concept_company_mozilla_foundation concept:producesproduct concept_software_firefox +concept_company_mozy concept:subpartoforganization concept_company_emc001 +concept_company_msec concept:latitudelongitude 50.2051900000000,13.8983200000000 +concept_company_msn concept:competeswith concept_blog_google +concept_company_msn concept:competeswith concept_company_aol +concept_company_msn concept:competeswith concept_company_hotmail +concept_company_msn concept:competeswith concept_company_skype_com +concept_company_msn concept:competeswith concept_company_video +concept_company_msn concept:competeswith concept_company_yahoo001 +concept_company_msn concept:agentcompeteswithagent concept_mlauthor_web_search +concept_company_msn concept:agentcompeteswithagent concept_university_google +concept_company_msn concept:agentcompeteswithagent concept_university_search +concept_company_msn concept:competeswith concept_website_altavista_com +concept_company_msn concept:competeswith concept_website_facebook +concept_company_msn concept:competeswith concept_website_windows_live_search +concept_company_msn concept:competeswith concept_website_yahoo_search +concept_company_msn_ concept:competeswith concept_blog_google +concept_company_msn_ concept:agentcompeteswithagent concept_university_google +concept_company_msn_ concept:agentcompeteswithagent concept_university_search +concept_company_msn_ concept:competeswith concept_website_yahoo +concept_company_msn_hotmail concept:competeswith concept_website_windows_live_search +concept_company_msn_search concept:competeswith concept_blog_google +concept_company_msn_search concept:competeswith concept_company_aol +concept_company_msn_search concept:competeswith concept_company_skype_com +concept_company_msn_search concept:agentcompeteswithagent concept_university_search +concept_company_msnbc concept:companyeconomicsector concept_academicfield_media +concept_company_msnbc concept:companyeconomicsector concept_academicfield_news +concept_company_msnbc concept:headquarteredin concept_city_new_york +concept_company_munich_re concept:companyeconomicsector concept_economicsector_insurance +concept_company_murray concept:atlocation concept_county_utah +concept_company_murray concept:proxyfor concept_county_utah +concept_company_murray concept:headquarteredin concept_island_manhattan +concept_company_mutoh concept:latitudelongitude 3.7750000000000,114.9666700000000 +concept_company_mutual concept:companyeconomicsector concept_economicsector_insurance +concept_company_myyahoo concept:competeswith concept_blog_google +concept_company_n60_minutes_ii concept:hasofficeincity concept_city_new_york +concept_company_nabisco concept:subpartoforganization concept_company_kraft +concept_company_nakamichi concept:latitudelongitude 42.3333300000000,141.0000000000000 +concept_company_nakheel concept:companyeconomicsector concept_academicfield_real_estate +concept_company_nalco concept:companyeconomicsector concept_economicsector_water_treatment +concept_company_namco concept:companyeconomicsector concept_economicsector_gaming +concept_company_nasdaq concept:headquarteredin concept_city_new_york +concept_company_nashua concept:proxyfor concept_newspaper_new_hampshire +concept_company_nashua concept:atlocation concept_politicsblog_new_hampshire +concept_company_nashua concept:subpartof concept_politicsblog_new_hampshire +concept_company_nation concept:companyeconomicsector concept_academicfield_media +concept_company_nation concept:hasofficeincity concept_city_london_city +concept_company_nation concept:headquarteredin concept_city_new_york +concept_company_national concept:agentactsinlocation concept_airport_alta +concept_company_national concept:agentactsinlocation concept_airport_buffalo +concept_company_national concept:agentactsinlocation concept_airport_canton +concept_company_national concept:agentactsinlocation concept_airport_juneau +concept_company_national concept:agentactsinlocation concept_airport_mesa +concept_company_national concept:agentactsinlocation concept_airport_minneapolis +concept_company_national concept:agentactsinlocation concept_airport_santa_ana +concept_company_national concept:agentactsinlocation concept_aquarium_uk_ +concept_company_national concept:agentactsinlocation concept_attraction_beverly_hills +concept_company_national concept:agentactsinlocation concept_attraction_colorado_springs +concept_company_national concept:agentactsinlocation concept_attraction_lakeside +concept_company_national concept:agentactsinlocation concept_building_glendale +concept_company_national concept:hasofficeincity concept_city_abington +concept_company_national concept:hasofficeincity concept_city_acton +concept_company_national concept:hasofficeincity concept_city_addison +concept_company_national concept:hasofficeincity concept_city_adelanto +concept_company_national concept:hasofficeincity concept_city_adin +concept_company_national concept:hasofficeincity concept_city_adkins +concept_company_national concept:hasofficeincity concept_city_aguanga +concept_company_national concept:hasofficeincity concept_city_ahwahnee +concept_company_national concept:hasofficeincity concept_city_airway_heights +concept_company_national concept:hasofficeincity concept_city_akron +concept_company_national concept:hasofficeincity concept_city_alameda +concept_company_national concept:hasofficeincity concept_city_alamo +concept_company_national concept:hasofficeincity concept_city_albany +concept_company_national concept:hasofficeincity concept_city_albuquerque +concept_company_national concept:hasofficeincity concept_city_alexis +concept_company_national concept:hasofficeincity concept_city_alhambra +concept_company_national concept:hasofficeincity concept_city_alief +concept_company_national concept:hasofficeincity concept_city_aliso_viejo +concept_company_national concept:hasofficeincity concept_city_alleghany +concept_company_national concept:hasofficeincity concept_city_allen_park +concept_company_national concept:hasofficeincity concept_city_allendale +concept_company_national concept:hasofficeincity concept_city_alpaugh +concept_company_national concept:hasofficeincity concept_city_alsip +concept_company_national concept:hasofficeincity concept_city_alta +concept_company_national concept:hasofficeincity concept_city_alta_loma +concept_company_national concept:hasofficeincity concept_city_altadena +concept_company_national concept:hasofficeincity concept_city_altoona +concept_company_national concept:hasofficeincity concept_city_ama +concept_company_national concept:hasofficeincity concept_city_amarillo +concept_company_national concept:hasofficeincity concept_city_ambler +concept_company_national concept:hasofficeincity concept_city_amboy +concept_company_national concept:hasofficeincity concept_city_amlin +concept_company_national concept:hasofficeincity concept_city_anaheim +concept_company_national concept:hasofficeincity concept_city_anchorage +concept_company_national concept:hasofficeincity concept_city_angels_camp +concept_company_national concept:hasofficeincity concept_city_angelus_oaks +concept_company_national concept:hasofficeincity concept_city_angwin +concept_company_national concept:hasofficeincity concept_city_ann_arbor +concept_company_national concept:hasofficeincity concept_city_annapolis +concept_company_national concept:hasofficeincity concept_city_antelope +concept_company_national concept:hasofficeincity concept_city_antioch +concept_company_national concept:hasofficeincity concept_city_anza +concept_company_national concept:hasofficeincity concept_city_apex +concept_company_national concept:hasofficeincity concept_city_apple_valley +concept_company_national concept:hasofficeincity concept_city_applegate +concept_company_national concept:hasofficeincity concept_city_arabi +concept_company_national concept:hasofficeincity concept_city_arcadia +concept_company_national concept:hasofficeincity concept_city_arcata +concept_company_national concept:hasofficeincity concept_city_arcola +concept_company_national concept:hasofficeincity concept_city_ardmore +concept_company_national concept:hasofficeincity concept_city_ardsley +concept_company_national concept:hasofficeincity concept_city_arlington +concept_company_national concept:hasofficeincity concept_city_arlington_heights +concept_company_national concept:hasofficeincity concept_city_armona +concept_company_national concept:hasofficeincity concept_city_arnold +concept_company_national concept:hasofficeincity concept_city_aromas +concept_company_national concept:hasofficeincity concept_city_artesia +concept_company_national concept:hasofficeincity concept_city_artois +concept_company_national concept:hasofficeincity concept_city_arvada +concept_company_national concept:hasofficeincity concept_city_arvin +concept_company_national concept:hasofficeincity concept_city_asheville +concept_company_national concept:hasofficeincity concept_city_ashville +concept_company_national concept:hasofficeincity concept_city_aston +concept_company_national concept:hasofficeincity concept_city_astoria +concept_company_national concept:hasofficeincity concept_city_atherton +concept_company_national concept:hasofficeincity concept_city_atlanta +concept_company_national concept:hasofficeincity concept_city_atlantic_beach +concept_company_national concept:hasofficeincity concept_city_atwater +concept_company_national concept:hasofficeincity concept_city_atwood +concept_company_national concept:hasofficeincity concept_city_auberry +concept_company_national concept:hasofficeincity concept_city_auburn +concept_company_national concept:hasofficeincity concept_city_audubon +concept_company_national concept:hasofficeincity concept_city_aurora +concept_company_national concept:hasofficeincity concept_city_austin +concept_company_national concept:hasofficeincity concept_city_avenal +concept_company_national concept:hasofficeincity concept_city_avenel +concept_company_national concept:hasofficeincity concept_city_avila_beach +concept_company_national concept:hasofficeincity concept_city_avon +concept_company_national concept:hasofficeincity concept_city_avondale +concept_company_national concept:agentactsinlocation concept_city_azerbaijan +concept_company_national concept:hasofficeincity concept_city_azusa +concept_company_national concept:hasofficeincity concept_city_babson_park +concept_company_national concept:hasofficeincity concept_city_baker +concept_company_national concept:hasofficeincity concept_city_bakersfield +concept_company_national concept:hasofficeincity concept_city_bala_cynwyd +concept_company_national concept:hasofficeincity concept_city_baldwin_park +concept_company_national concept:hasofficeincity concept_city_ballico +concept_company_national concept:hasofficeincity concept_city_bangor +concept_company_national concept:hasofficeincity concept_city_banning +concept_company_national concept:hasofficeincity concept_city_banta +concept_company_national concept:hasofficeincity concept_city_barataria +concept_company_national concept:hasofficeincity concept_city_barker +concept_company_national concept:hasofficeincity concept_city_barrington +concept_company_national concept:hasofficeincity concept_city_baton_rouge +concept_company_national concept:hasofficeincity concept_city_bayonne +concept_company_national concept:hasofficeincity concept_city_bayside +concept_company_national concept:hasofficeincity concept_city_beaumont +concept_company_national concept:hasofficeincity concept_city_bedford +concept_company_national concept:hasofficeincity concept_city_bedford_park +concept_company_national concept:hasofficeincity concept_city_belcher +concept_company_national concept:hasofficeincity concept_city_bell +concept_company_national concept:hasofficeincity concept_city_bell_gardens +concept_company_national concept:hasofficeincity concept_city_bellaire +concept_company_national concept:hasofficeincity concept_city_belle_mina +concept_company_national concept:hasofficeincity concept_city_belleville +concept_company_national concept:hasofficeincity concept_city_bellevue +concept_company_national concept:hasofficeincity concept_city_bellflower +concept_company_national concept:hasofficeincity concept_city_bellingham +concept_company_national concept:hasofficeincity concept_city_bellmawr +concept_company_national concept:hasofficeincity concept_city_bellwood +concept_company_national concept:hasofficeincity concept_city_belmont +concept_company_national concept:hasofficeincity concept_city_bensalem +concept_company_national concept:hasofficeincity concept_city_bensenville +concept_company_national concept:hasofficeincity concept_city_benton +concept_company_national concept:hasofficeincity concept_city_bergenfield +concept_company_national concept:hasofficeincity concept_city_berkeley +concept_company_national concept:hasofficeincity concept_city_berlin +concept_company_national concept:hasofficeincity concept_city_berwyn +concept_company_national concept:hasofficeincity concept_city_bethesda +concept_company_national concept:hasofficeincity concept_city_beverly +concept_company_national concept:hasofficeincity concept_city_beverly_hills +concept_company_national concept:hasofficeincity concept_city_billings +concept_company_national concept:hasofficeincity concept_city_binghamton +concept_company_national concept:hasofficeincity concept_city_birchrunville +concept_company_national concept:hasofficeincity concept_city_birmingham +concept_company_national concept:hasofficeincity concept_city_bismarck +concept_company_national concept:hasofficeincity concept_city_blackwood +concept_company_national concept:hasofficeincity concept_city_blanchard +concept_company_national concept:hasofficeincity concept_city_bloomfield +concept_company_national concept:hasofficeincity concept_city_blue_bell +concept_company_national concept:hasofficeincity concept_city_blue_island +concept_company_national concept:hasofficeincity concept_city_bogota +concept_company_national concept:hasofficeincity concept_city_boise +concept_company_national concept:hasofficeincity concept_city_bonita +concept_company_national concept:hasofficeincity concept_city_bossier_city +concept_company_national concept:hasofficeincity concept_city_boston +concept_company_national concept:hasofficeincity concept_city_boulder +concept_company_national concept:hasofficeincity concept_city_braintree +concept_company_national concept:hasofficeincity concept_city_brea +concept_company_national concept:hasofficeincity concept_city_breezy_point +concept_company_national concept:hasofficeincity concept_city_bremerton +concept_company_national concept:hasofficeincity concept_city_brice +concept_company_national concept:hasofficeincity concept_city_bridgeport +concept_company_national concept:hasofficeincity concept_city_bridgeview +concept_company_national concept:hasofficeincity concept_city_brighton +concept_company_national concept:hasofficeincity concept_city_broadview +concept_company_national concept:hasofficeincity concept_city_brockton +concept_company_national concept:hasofficeincity concept_city_bronxville +concept_company_national concept:hasofficeincity concept_city_brookfield +concept_company_national concept:hasofficeincity concept_city_brookhaven +concept_company_national concept:hasofficeincity concept_city_brooklyn +concept_company_national concept:hasofficeincity concept_city_broomall +concept_company_national concept:hasofficeincity concept_city_broomfield +concept_company_national concept:hasofficeincity concept_city_brownsboro +concept_company_national concept:hasofficeincity concept_city_brownsville +concept_company_national concept:hasofficeincity concept_city_bryn_athyn +concept_company_national concept:hasofficeincity concept_city_bryn_mawr +concept_company_national concept:hasofficeincity concept_city_buena_park +concept_company_national concept:hasofficeincity concept_city_buffalo +concept_company_national concept:hasofficeincity concept_city_bulverde +concept_company_national concept:hasofficeincity concept_city_burbank +concept_company_national concept:hasofficeincity concept_city_burley +concept_company_national concept:hasofficeincity concept_city_burlington +concept_company_national concept:hasofficeincity concept_city_bush +concept_company_national concept:hasofficeincity concept_city_caldwell +concept_company_national concept:hasofficeincity concept_city_cambria_heights +concept_company_national concept:hasofficeincity concept_city_cambridge +concept_company_national concept:hasofficeincity concept_city_camden +concept_company_national concept:hasofficeincity concept_city_canton +concept_company_national concept:hasofficeincity concept_city_capistrano_beach +concept_company_national concept:hasofficeincity concept_city_carle_place +concept_company_national concept:hasofficeincity concept_city_carlisle +concept_company_national concept:hasofficeincity concept_city_carson +concept_company_national concept:hasofficeincity concept_city_carteret +concept_company_national concept:hasofficeincity concept_city_cary +concept_company_national concept:hasofficeincity concept_city_cashion +concept_company_national concept:hasofficeincity concept_city_cedar_rapids +concept_company_national concept:hasofficeincity concept_city_cedarhurst +concept_company_national concept:hasofficeincity concept_city_center +concept_company_national concept:hasofficeincity concept_city_centre +concept_company_national concept:hasofficeincity concept_city_cerritos +concept_company_national concept:hasofficeincity concept_city_chalfont +concept_company_national concept:hasofficeincity concept_city_champaign_urbana +concept_company_national concept:hasofficeincity concept_city_chandler +concept_company_national concept:hasofficeincity concept_city_chanhassen +concept_company_national concept:hasofficeincity concept_city_channelview +concept_company_national concept:hasofficeincity concept_city_charleston +concept_company_national concept:hasofficeincity concept_city_charleston_north_charleston +concept_company_national concept:hasofficeincity concept_city_charlestown +concept_company_national concept:hasofficeincity concept_city_charlotte +concept_company_national concept:hasofficeincity concept_city_charlottesville +concept_company_national concept:hasofficeincity concept_city_chattaroy +concept_company_national concept:hasofficeincity concept_city_cheltenham +concept_company_national concept:hasofficeincity concept_city_cherry_hill +concept_company_national concept:hasofficeincity concept_city_chester +concept_company_national concept:hasofficeincity concept_city_chester_heights +concept_company_national concept:hasofficeincity concept_city_chestnut_hill +concept_company_national concept:hasofficeincity concept_city_chevy_chase +concept_company_national concept:hasofficeincity concept_city_cheyenne +concept_company_national concept:hasofficeincity concept_city_cheyney +concept_company_national concept:hasofficeincity concept_city_chicago +concept_company_national concept:hasofficeincity concept_city_chicago_ridge +concept_company_national concept:hasofficeincity concept_city_chino +concept_company_national concept:hasofficeincity concept_city_chino_hills +concept_company_national concept:hasofficeincity concept_city_chula_vista +concept_company_national concept:hasofficeincity concept_city_cibolo +concept_company_national concept:hasofficeincity concept_city_cicero +concept_company_national concept:hasofficeincity concept_city_cincinnati +concept_company_national concept:hasofficeincity concept_city_clackamas +concept_company_national concept:hasofficeincity concept_city_claremont +concept_company_national concept:hasofficeincity concept_city_clarendon_hills +concept_company_national concept:hasofficeincity concept_city_clarksboro +concept_company_national concept:hasofficeincity concept_city_clarkston +concept_company_national concept:hasofficeincity concept_city_claymont +concept_company_national concept:hasofficeincity concept_city_clayton +concept_company_national concept:hasofficeincity concept_city_clementon +concept_company_national concept:hasofficeincity concept_city_cleveland +concept_company_national concept:hasofficeincity concept_city_cliffside_park +concept_company_national concept:hasofficeincity concept_city_clifton +concept_company_national concept:hasofficeincity concept_city_clifton_heights +concept_company_national concept:hasofficeincity concept_city_clinton +concept_company_national concept:hasofficeincity concept_city_cohasset +concept_company_national concept:hasofficeincity concept_city_colbert +concept_company_national concept:hasofficeincity concept_city_college_park +concept_company_national concept:hasofficeincity concept_city_college_point +concept_company_national concept:hasofficeincity concept_city_collegeville +concept_company_national concept:hasofficeincity concept_city_collingswood +concept_company_national concept:hasofficeincity concept_city_colmar +concept_company_national concept:hasofficeincity concept_city_colorado_springs +concept_company_national concept:hasofficeincity concept_city_columbus +concept_company_national concept:hasofficeincity concept_city_commercial_point +concept_company_national concept:hasofficeincity concept_city_compton +concept_company_national concept:hasofficeincity concept_city_concord +concept_company_national concept:hasofficeincity concept_city_concordville +concept_company_national concept:hasofficeincity concept_city_conshohocken +concept_company_national concept:hasofficeincity concept_city_cornelius +concept_company_national concept:hasofficeincity concept_city_corona +concept_company_national concept:hasofficeincity concept_city_coronado +concept_company_national concept:hasofficeincity concept_city_corpus_christi +concept_company_national concept:hasofficeincity concept_city_corvallis +concept_company_national concept:hasofficeincity concept_city_costa_mesa +concept_company_national concept:hasofficeincity concept_city_covina +concept_company_national concept:hasofficeincity concept_city_cramerton +concept_company_national concept:hasofficeincity concept_city_cranford +concept_company_national concept:hasofficeincity concept_city_creamery +concept_company_national concept:hasofficeincity concept_city_creola +concept_company_national concept:hasofficeincity concept_city_cresskill +concept_company_national concept:hasofficeincity concept_city_crum_lynne +concept_company_national concept:hasofficeincity concept_city_culver_city +concept_company_national concept:hasofficeincity concept_city_cypress +concept_company_national concept:hasofficeincity concept_city_dallas +concept_company_national concept:hasofficeincity concept_city_danbury +concept_company_national concept:hasofficeincity concept_city_danvers +concept_company_national concept:hasofficeincity concept_city_danville +concept_company_national concept:hasofficeincity concept_city_daphne +concept_company_national concept:hasofficeincity concept_city_darby +concept_company_national concept:hasofficeincity concept_city_darien +concept_company_national concept:hasofficeincity concept_city_davenport +concept_company_national concept:hasofficeincity concept_city_davidson +concept_company_national concept:hasofficeincity concept_city_decatur +concept_company_national concept:hasofficeincity concept_city_deer_park +concept_company_national concept:hasofficeincity concept_city_del_mar +concept_company_national concept:hasofficeincity concept_city_denver +concept_company_national concept:hasofficeincity concept_city_des_moines +concept_company_national concept:hasofficeincity concept_city_des_plaines +concept_company_national concept:hasofficeincity concept_city_detroit +concept_company_national concept:hasofficeincity concept_city_devon +concept_company_national concept:hasofficeincity concept_city_diamond_bar +concept_company_national concept:hasofficeincity concept_city_division +concept_company_national concept:hasofficeincity concept_city_dobbs_ferry +concept_company_national concept:hasofficeincity concept_city_dodge_city +concept_company_national concept:hasofficeincity concept_city_dolton +concept_company_national concept:hasofficeincity concept_city_dover +concept_company_national concept:hasofficeincity concept_city_downers_grove +concept_company_national concept:hasofficeincity concept_city_downey +concept_company_national concept:hasofficeincity concept_city_drexel_hill +concept_company_national concept:hasofficeincity concept_city_duarte +concept_company_national concept:hasofficeincity concept_city_dublin_dublin +concept_company_national concept:hasofficeincity concept_city_dubuque +concept_company_national concept:hasofficeincity concept_city_duluth +concept_company_national concept:hasofficeincity concept_city_dumont +concept_company_national concept:hasofficeincity concept_city_eagleville +concept_company_national concept:hasofficeincity concept_city_east_boston +concept_company_national concept:hasofficeincity concept_city_east_chicago +concept_company_national concept:hasofficeincity concept_city_east_elmhurst +concept_company_national concept:hasofficeincity concept_city_east_irvine +concept_company_national concept:hasofficeincity concept_city_east_orange +concept_company_national concept:hasofficeincity concept_city_east_rockaway +concept_company_national concept:hasofficeincity concept_city_east_rutherford +concept_company_national concept:hasofficeincity concept_city_east_walpole +concept_company_national concept:hasofficeincity concept_city_eastlake +concept_company_national concept:hasofficeincity concept_city_eau_claire +concept_company_national concept:hasofficeincity concept_city_edgewater +concept_company_national concept:hasofficeincity concept_city_eight_mile +concept_company_national concept:hasofficeincity concept_city_el_cajon +concept_company_national concept:hasofficeincity concept_city_el_mirage +concept_company_national concept:hasofficeincity concept_city_el_monte +concept_company_national concept:hasofficeincity concept_city_el_segundo +concept_company_national concept:hasofficeincity concept_city_el_toro +concept_company_national concept:hasofficeincity concept_city_elk_grove_village +concept_company_national concept:hasofficeincity concept_city_elkins_park +concept_company_national concept:hasofficeincity concept_city_elko +concept_company_national concept:hasofficeincity concept_city_elkridge +concept_company_national concept:hasofficeincity concept_city_elm_grove +concept_company_national concept:hasofficeincity concept_city_elmhurst +concept_company_national concept:hasofficeincity concept_city_elmont +concept_company_national concept:hasofficeincity concept_city_elmwood_park +concept_company_national concept:hasofficeincity concept_city_encino +concept_company_national concept:hasofficeincity concept_city_englewood +concept_company_national concept:hasofficeincity concept_city_essington +concept_company_national concept:hasofficeincity concept_city_etna +concept_company_national concept:hasofficeincity concept_city_evanston +concept_company_national concept:hasofficeincity concept_city_evansville +concept_company_national concept:hasofficeincity concept_city_everett +concept_company_national concept:hasofficeincity concept_city_evergreen_park +concept_company_national concept:hasofficeincity concept_city_fairbanks +concept_company_national concept:hasofficeincity concept_city_fairfax +concept_company_national concept:hasofficeincity concept_city_fairhope +concept_company_national concept:hasofficeincity concept_city_fairview +concept_company_national concept:hasofficeincity concept_city_fairview_village +concept_company_national concept:hasofficeincity concept_city_farmington +concept_company_national concept:hasofficeincity concept_city_fayetteville +concept_company_national concept:hasofficeincity concept_city_ferndale +concept_company_national concept:hasofficeincity concept_city_flagstaff +concept_company_national concept:hasofficeincity concept_city_florence +concept_company_national concept:hasofficeincity concept_city_foothill_ranch +concept_company_national concept:hasofficeincity concept_city_forest_park +concept_company_national concept:hasofficeincity concept_city_fort_mill +concept_company_national concept:hasofficeincity concept_city_fort_myers +concept_company_national concept:hasofficeincity concept_city_fort_wayne +concept_company_national concept:hasofficeincity concept_city_fort_worth +concept_company_national concept:hasofficeincity concept_city_fountain_hills +concept_company_national concept:hasofficeincity concept_city_fountain_valley +concept_company_national concept:hasofficeincity concept_city_fox_valley +concept_company_national concept:hasofficeincity concept_city_framingham +concept_company_national concept:hasofficeincity concept_city_franklin +concept_company_national concept:hasofficeincity concept_city_franklin_park +concept_company_national concept:hasofficeincity concept_city_fresno +concept_company_national concept:hasofficeincity concept_city_frierson +concept_company_national concept:hasofficeincity concept_city_fullerton +concept_company_national concept:hasofficeincity concept_city_galena +concept_company_national concept:hasofficeincity concept_city_galena_park +concept_company_national concept:hasofficeincity concept_city_galloway +concept_company_national concept:hasofficeincity concept_city_garden_city +concept_company_national concept:hasofficeincity concept_city_garden_grove +concept_company_national concept:hasofficeincity concept_city_gardena +concept_company_national concept:hasofficeincity concept_city_garner +concept_company_national concept:hasofficeincity concept_city_gastonia +concept_company_national concept:hasofficeincity concept_city_gaylord +concept_company_national concept:hasofficeincity concept_city_georgetown +concept_company_national concept:hasofficeincity concept_city_gladstone +concept_company_national concept:hasofficeincity concept_city_glencoe +concept_company_national concept:hasofficeincity concept_city_glendale +concept_company_national concept:hasofficeincity concept_city_glendora +concept_company_national concept:hasofficeincity concept_city_glenview +concept_company_national concept:hasofficeincity concept_city_goodyear +concept_company_national concept:hasofficeincity concept_city_grand_bay +concept_company_national concept:hasofficeincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_company_national concept:hasofficeincity concept_city_greenville_spartanburg +concept_company_national concept:hasofficeincity concept_city_greenwood +concept_company_national concept:hasofficeincity concept_city_greer +concept_company_national concept:hasofficeincity concept_city_guasti +concept_company_national concept:hasofficeincity concept_city_gurley +concept_company_national concept:hasofficeincity concept_city_hacienda_heights +concept_company_national concept:hasofficeincity concept_city_haddonfield +concept_company_national concept:hasofficeincity concept_city_hammond +concept_company_national concept:hasofficeincity concept_city_hanford +concept_company_national concept:hasofficeincity concept_city_hanover +concept_company_national concept:hasofficeincity concept_city_harbor_city +concept_company_national concept:hasofficeincity concept_city_harper_woods +concept_company_national concept:hasofficeincity concept_city_harrisburg +concept_company_national concept:hasofficeincity concept_city_hartford +concept_company_national concept:hasofficeincity concept_city_harvey +concept_company_national concept:hasofficeincity concept_city_harwood_heights +concept_company_national concept:hasofficeincity concept_city_hathorne +concept_company_national concept:hasofficeincity concept_city_hattiesburg +concept_company_national concept:hasofficeincity concept_city_haughton +concept_company_national concept:hasofficeincity concept_city_hawaiian_gardens +concept_company_national concept:hasofficeincity concept_city_hawthorne +concept_company_national concept:agentactsinlocation concept_city_helsinki +concept_company_national concept:hasofficeincity concept_city_henderson +concept_company_national concept:hasofficeincity concept_city_hermosa_beach +concept_company_national concept:hasofficeincity concept_city_hickory_hills +concept_company_national concept:hasofficeincity concept_city_hilliard +concept_company_national concept:hasofficeincity concept_city_hillside +concept_company_national concept:hasofficeincity concept_city_hingham +concept_company_national concept:hasofficeincity concept_city_holbrook +concept_company_national concept:hasofficeincity concept_city_home +concept_company_national concept:hasofficeincity concept_city_honolulu +concept_company_national concept:hasofficeincity concept_city_houston +concept_company_national concept:hasofficeincity concept_city_humble +concept_company_national concept:hasofficeincity concept_city_huntersville +concept_company_national concept:hasofficeincity concept_city_huntington_beach +concept_company_national concept:hasofficeincity concept_city_huntington_park +concept_company_national concept:hasofficeincity concept_city_huntsville +concept_company_national concept:hasofficeincity concept_city_idledale +concept_company_national concept:hasofficeincity concept_city_igo +concept_company_national concept:hasofficeincity concept_city_imperial_beach +concept_company_national concept:hasofficeincity concept_city_indian_hills +concept_company_national concept:hasofficeincity concept_city_indianapolis +concept_company_national concept:hasofficeincity concept_city_inglewood +concept_company_national concept:hasofficeincity concept_city_irvine +concept_company_national concept:hasofficeincity concept_city_irving +concept_company_national concept:hasofficeincity concept_city_irvington +concept_company_national concept:agentactsinlocation concept_city_islamabad +concept_company_national concept:hasofficeincity concept_city_issaquah +concept_company_national concept:hasofficeincity concept_city_jackson +concept_company_national concept:hasofficeincity concept_city_jacksonville +concept_company_national concept:hasofficeincity concept_city_jamul +concept_company_national concept:hasofficeincity concept_city_juneau +concept_company_national concept:hasofficeincity concept_city_keene +concept_company_national concept:hasofficeincity concept_city_keithville +concept_company_national concept:hasofficeincity concept_city_kenner +concept_company_national concept:hasofficeincity concept_city_kingman +concept_company_national concept:hasofficeincity concept_city_kingston +concept_company_national concept:hasofficeincity concept_city_kittredge +concept_company_national concept:hasofficeincity concept_city_knightdale +concept_company_national concept:hasofficeincity concept_city_knoxville +concept_company_national concept:hasofficeincity concept_city_la_canada_flintridge +concept_company_national concept:hasofficeincity concept_city_la_crescenta +concept_company_national concept:hasofficeincity concept_city_la_habra +concept_company_national concept:hasofficeincity concept_city_la_jolla +concept_company_national concept:hasofficeincity concept_city_la_mesa +concept_company_national concept:hasofficeincity concept_city_la_mirada +concept_company_national concept:hasofficeincity concept_city_la_palma +concept_company_national concept:hasofficeincity concept_city_la_puente +concept_company_national concept:hasofficeincity concept_city_la_verne +concept_company_national concept:hasofficeincity concept_city_ladera_ranch +concept_company_national concept:hasofficeincity concept_city_lafayette +concept_company_national concept:hasofficeincity concept_city_laguna_beach +concept_company_national concept:hasofficeincity concept_city_laguna_hills +concept_company_national concept:hasofficeincity concept_city_laguna_niguel +concept_company_national concept:hasofficeincity concept_city_laguna_woods +concept_company_national concept:hasofficeincity concept_city_lake_charles +concept_company_national concept:hasofficeincity concept_city_lake_tahoe +concept_company_national concept:hasofficeincity concept_city_lakewood +concept_company_national concept:hasofficeincity concept_city_las_vegas +concept_company_national concept:hasofficeincity concept_city_laveen +concept_company_national concept:hasofficeincity concept_city_lawndale +concept_company_national concept:hasofficeincity concept_city_leesville +concept_company_national concept:hasofficeincity concept_city_lemon_grove +concept_company_national concept:hasofficeincity concept_city_lewis_center +concept_company_national concept:hasofficeincity concept_city_lewiston +concept_company_national concept:hasofficeincity concept_city_lincoln +concept_company_national concept:hasofficeincity concept_city_lincoln_acres +concept_company_national concept:hasofficeincity concept_city_little_rock +concept_company_national concept:hasofficeincity concept_city_littleton +concept_company_national concept:hasofficeincity concept_city_lomita +concept_company_national concept:agentactsinlocation concept_city_london_city +concept_company_national concept:hasofficeincity concept_city_long_beach +concept_company_national concept:hasofficeincity concept_city_los_alamitos +concept_company_national concept:hasofficeincity concept_city_los_alamos +concept_company_national concept:hasofficeincity concept_city_louisville +concept_company_national concept:hasofficeincity concept_city_lowell +concept_company_national concept:hasofficeincity concept_city_lubbock +concept_company_national concept:agentactsinlocation concept_city_luxembourg +concept_company_national concept:hasofficeincity concept_city_lynnwood +concept_company_national concept:hasofficeincity concept_city_lynwood +concept_company_national concept:hasofficeincity concept_city_madison +concept_company_national concept:hasofficeincity concept_city_manchester +concept_company_national concept:hasofficeincity concept_city_manhattan_beach +concept_company_national concept:agentactsinlocation concept_city_manila +concept_company_national concept:hasofficeincity concept_city_mankato +concept_company_national concept:hasofficeincity concept_city_marina_del_rey +concept_company_national concept:hasofficeincity concept_city_marion +concept_company_national concept:hasofficeincity concept_city_matthews +concept_company_national concept:hasofficeincity concept_city_maywood +concept_company_national concept:hasofficeincity concept_city_mc_adenville +concept_company_national concept:hasofficeincity concept_city_medford +concept_company_national concept:hasofficeincity concept_city_memphis +concept_company_national concept:hasofficeincity concept_city_mendocino +concept_company_national concept:hasofficeincity concept_city_mesa +concept_company_national concept:hasofficeincity concept_city_metairie +concept_company_national concept:hasofficeincity concept_city_miami +concept_company_national concept:hasofficeincity concept_city_midland +concept_company_national concept:hasofficeincity concept_city_migrate +concept_company_national concept:hasofficeincity concept_city_milwaukee +concept_company_national concept:hasofficeincity concept_city_minneapolis +concept_company_national concept:hasofficeincity concept_city_mira_loma +concept_company_national concept:hasofficeincity concept_city_mission_hills +concept_company_national concept:hasofficeincity concept_city_mission_viejo +concept_company_national concept:hasofficeincity concept_city_missoula +concept_company_national concept:hasofficeincity concept_city_mobile +concept_company_national concept:hasofficeincity concept_city_moline +concept_company_national concept:hasofficeincity concept_city_monrovia +concept_company_national concept:hasofficeincity concept_city_montclair +concept_company_national concept:hasofficeincity concept_city_montebello +concept_company_national concept:hasofficeincity concept_city_monterey +concept_company_national concept:hasofficeincity concept_city_monterey_park +concept_company_national concept:hasofficeincity concept_city_montgomery +concept_company_national concept:agentactsinlocation concept_city_montreal +concept_company_national concept:hasofficeincity concept_city_montrose +concept_company_national concept:hasofficeincity concept_city_mooresville +concept_company_national concept:hasofficeincity concept_city_mooringsport +concept_company_national concept:hasofficeincity concept_city_morrison +concept_company_national concept:hasofficeincity concept_city_morristown +concept_company_national concept:hasofficeincity concept_city_morrow +concept_company_national concept:hasofficeincity concept_city_mount_holly +concept_company_national concept:hasofficeincity concept_city_nashville +concept_company_national concept:hasofficeincity concept_city_new_albany +concept_company_national concept:hasofficeincity concept_city_new_bedford +concept_company_national concept:hasofficeincity concept_city_new_braunfels +concept_company_national concept:hasofficeincity concept_city_new_haven +concept_company_national concept:hasofficeincity concept_city_new_market +concept_company_national concept:hasofficeincity concept_city_new_orleans +concept_company_national concept:hasofficeincity concept_city_newark +concept_company_national concept:hasofficeincity concept_city_newell +concept_company_national concept:hasofficeincity concept_city_newman_lake +concept_company_national concept:hasofficeincity concept_city_newport_beach +concept_company_national concept:hasofficeincity concept_city_newport_coast +concept_company_national concept:hasofficeincity concept_city_nicholasville +concept_company_national concept:hasofficeincity concept_city_norco +concept_company_national concept:hasofficeincity concept_city_norfolk +concept_company_national concept:hasofficeincity concept_city_norman +concept_company_national concept:hasofficeincity concept_city_north_hills +concept_company_national concept:hasofficeincity concept_city_north_hollywood +concept_company_national concept:hasofficeincity concept_city_north_houston +concept_company_national concept:hasofficeincity concept_city_north_little_rock +concept_company_national concept:hasofficeincity concept_city_norwalk +concept_company_national concept:hasofficeincity concept_city_oakland +concept_company_national concept:hasofficeincity concept_city_ontario +concept_company_national concept:hasofficeincity concept_city_orange +concept_company_national concept:hasofficeincity concept_city_orlando +concept_company_national concept:agentactsinlocation concept_city_ottawa +concept_company_national concept:hasofficeincity concept_city_oxnard +concept_company_national concept:hasofficeincity concept_city_paducah +concept_company_national concept:hasofficeincity concept_city_palm_springs +concept_company_national concept:hasofficeincity concept_city_palo_cedro +concept_company_national concept:hasofficeincity concept_city_paradise_valley +concept_company_national concept:hasofficeincity concept_city_paris +concept_company_national concept:hasofficeincity concept_city_pasadena +concept_company_national concept:hasofficeincity concept_city_pataskala +concept_company_national concept:hasofficeincity concept_city_paw_creek +concept_company_national concept:hasofficeincity concept_city_peachtree_city +concept_company_national concept:hasofficeincity concept_city_pearland +concept_company_national concept:hasofficeincity concept_city_pensacola +concept_company_national concept:hasofficeincity concept_city_peoria +concept_company_national concept:hasofficeincity concept_city_phoenix +concept_company_national concept:hasofficeincity concept_city_pickerington +concept_company_national concept:hasofficeincity concept_city_pico_rivera +concept_company_national concept:hasofficeincity concept_city_pineville +concept_company_national concept:hasofficeincity concept_city_pittsburgh +concept_company_national concept:hasofficeincity concept_city_pittsfield +concept_company_national concept:hasofficeincity concept_city_placentia +concept_company_national concept:hasofficeincity concept_city_plain_city +concept_company_national concept:hasofficeincity concept_city_pleasant_ridge +concept_company_national concept:hasofficeincity concept_city_pocatello +concept_company_national concept:hasofficeincity concept_city_pomona +concept_company_national concept:hasofficeincity concept_city_portland +concept_company_national concept:hasofficeincity concept_city_portsmouth +concept_company_national concept:hasofficeincity concept_city_poway +concept_company_national concept:hasofficeincity concept_city_powell +concept_company_national concept:hasofficeincity concept_city_preston +concept_company_national concept:hasofficeincity concept_city_princeton +concept_company_national concept:hasofficeincity concept_city_providence +concept_company_national concept:hasofficeincity concept_city_pueblo +concept_company_national concept:hasofficeincity concept_city_raleigh +concept_company_national concept:hasofficeincity concept_city_rancho_cucamonga +concept_company_national concept:hasofficeincity concept_city_rancho_santa_fe +concept_company_national concept:hasofficeincity concept_city_rancho_santa_margarita +concept_company_national concept:hasofficeincity concept_city_raymond +concept_company_national concept:hasofficeincity concept_city_redding +concept_company_national concept:hasofficeincity concept_city_redmond +concept_company_national concept:hasofficeincity concept_city_reno +concept_company_national concept:hasofficeincity concept_city_renton +concept_company_national concept:agentactsinlocation concept_city_republic +concept_company_national concept:hasofficeincity concept_city_reston +concept_company_national concept:hasofficeincity concept_city_retsil +concept_company_national concept:hasofficeincity concept_city_reynoldsburg +concept_company_national concept:hasofficeincity concept_city_riverside +concept_company_national concept:hasofficeincity concept_city_riverton +concept_company_national concept:hasofficeincity concept_city_riverview +concept_company_national concept:hasofficeincity concept_city_roanoke +concept_company_national concept:hasofficeincity concept_city_rochester +concept_company_national concept:hasofficeincity concept_city_rockford +concept_company_national concept:hasofficeincity concept_city_rockville +concept_company_national concept:hasofficeincity concept_city_rolesville +concept_company_national concept:agentactsinlocation concept_city_rome +concept_company_national concept:hasofficeincity concept_city_romulus +concept_company_national concept:hasofficeincity concept_city_rowland_heights +concept_company_national concept:hasofficeincity concept_city_ruskin +concept_company_national concept:hasofficeincity concept_city_sacramento +concept_company_national concept:hasofficeincity concept_city_saint_hedwig +concept_company_national concept:agentactsinlocation concept_city_saint_louis +concept_company_national concept:hasofficeincity concept_city_salisbury +concept_company_national concept:hasofficeincity concept_city_san_antonio +concept_company_national concept:hasofficeincity concept_city_san_bruno +concept_company_national concept:hasofficeincity concept_city_san_clemente +concept_company_national concept:hasofficeincity concept_city_san_diego +concept_company_national concept:hasofficeincity concept_city_san_francisco +concept_company_national concept:hasofficeincity concept_city_san_jose +concept_company_national concept:agentactsinlocation concept_city_san_juan +concept_company_national concept:hasofficeincity concept_city_san_juan_capistrano +concept_company_national concept:hasofficeincity concept_city_san_ysidro +concept_company_national concept:hasofficeincity concept_city_santa_ana +concept_company_national concept:hasofficeincity concept_city_santa_barbara_de_nexe +concept_company_national concept:hasofficeincity concept_city_santa_monica +concept_company_national concept:hasofficeincity concept_city_santee +concept_company_national concept:hasofficeincity concept_city_saraland +concept_company_national concept:hasofficeincity concept_city_satsuma +concept_company_national concept:hasofficeincity concept_city_savannah +concept_company_national concept:hasofficeincity concept_city_schertz +concept_company_national concept:hasofficeincity concept_city_scottsdale +concept_company_national concept:hasofficeincity concept_city_scranton +concept_company_national concept:hasofficeincity concept_city_seal_beach +concept_company_national concept:hasofficeincity concept_city_seattle +concept_company_national concept:hasofficeincity concept_city_semmes +concept_company_national concept:hasofficeincity concept_city_sherwood +concept_company_national concept:hasofficeincity concept_city_shreveport +concept_company_national concept:hasofficeincity concept_city_silver_spring +concept_company_national concept:hasofficeincity concept_city_silverado +concept_company_national concept:hasofficeincity concept_city_silverdale +concept_company_national concept:hasofficeincity concept_city_sioux_city +concept_company_national concept:hasofficeincity concept_city_sioux_falls +concept_company_national concept:hasofficeincity concept_city_slidell +concept_company_national concept:hasofficeincity concept_city_smyrna +concept_company_national concept:hasofficeincity concept_city_snohomish +concept_company_national concept:hasofficeincity concept_city_solana_beach +concept_company_national concept:hasofficeincity concept_city_south_colby +concept_company_national concept:hasofficeincity concept_city_south_houston +concept_company_national concept:hasofficeincity concept_city_spanish_fort +concept_company_national concept:hasofficeincity concept_city_spokane +concept_company_national concept:hasofficeincity concept_city_spring +concept_company_national concept:hasofficeincity concept_city_spring_valley +concept_company_national concept:hasofficeincity concept_city_springfield +concept_company_national concept:agentactsinlocation concept_city_st_louis +concept_company_national concept:hasofficeincity concept_city_stafford +concept_company_national concept:hasofficeincity concept_city_stanton +concept_company_national concept:agentactsinlocation concept_city_state +concept_company_national concept:hasofficeincity concept_city_sterling +concept_company_national concept:hasofficeincity concept_city_stockbridge +concept_company_national concept:hasofficeincity concept_city_stockholm +concept_company_national concept:hasofficeincity concept_city_stonewall +concept_company_national concept:hasofficeincity concept_city_suitland +concept_company_national concept:hasofficeincity concept_city_sullivan +concept_company_national concept:hasofficeincity concept_city_sun_city +concept_company_national concept:hasofficeincity concept_city_sun_city_west +concept_company_national concept:hasofficeincity concept_city_surprise +concept_company_national concept:agentactsinlocation concept_city_sydney +concept_company_national concept:hasofficeincity concept_city_syracuse +concept_company_national concept:hasofficeincity concept_city_tallahassee +concept_company_national concept:hasofficeincity concept_city_tampa_bay +concept_company_national concept:hasofficeincity concept_city_taunton +concept_company_national concept:hasofficeincity concept_city_tempe +concept_company_national concept:agentactsinlocation concept_city_texas +concept_company_national concept:hasofficeincity concept_city_the_hague +concept_company_national concept:hasofficeincity concept_city_trenton +concept_company_national concept:hasofficeincity concept_city_tucson +concept_company_national concept:hasofficeincity concept_city_tustin +concept_company_national concept:agentactsinlocation concept_city_uk +concept_company_national concept:agentactsinlocation concept_city_united_kingdom +concept_company_national concept:hasofficeincity concept_city_universal_city +concept_company_national concept:hasofficeincity concept_city_upland +concept_company_national concept:hasofficeincity concept_city_upton +concept_company_national concept:hasofficeincity concept_city_valleyford +concept_company_national concept:hasofficeincity concept_city_van_wyck +concept_company_national concept:hasofficeincity concept_city_veradale +concept_company_national concept:hasofficeincity concept_city_villa_park +concept_company_national concept:hasofficeincity concept_city_wahiawa +concept_company_national concept:hasofficeincity concept_city_waltham +concept_company_national concept:hasofficeincity concept_city_washington_d_c +concept_company_national concept:agentactsinlocation concept_city_washington_dc +concept_company_national concept:agentactsinlocation concept_city_wellington +concept_company_national concept:hasofficeincity concept_city_west_covina +concept_company_national concept:hasofficeincity concept_city_west_jefferson +concept_company_national concept:hasofficeincity concept_city_westminster +concept_company_national concept:hasofficeincity concept_city_wheat_ridge +concept_company_national concept:hasofficeincity concept_city_whiskeytown +concept_company_national concept:hasofficeincity concept_city_white_river_junction +concept_company_national concept:hasofficeincity concept_city_whiting +concept_company_national concept:hasofficeincity concept_city_wichita +concept_company_national concept:hasofficeincity concept_city_willow_spring +concept_company_national concept:hasofficeincity concept_city_wilmer +concept_company_national concept:hasofficeincity concept_city_wilmington +concept_company_national concept:hasofficeincity concept_city_woodinville +concept_company_national concept:hasofficeincity concept_city_worcester +concept_company_national concept:hasofficeincity concept_city_yorba_linda +concept_company_national concept:hasofficeincity concept_city_youngtown +concept_company_national concept:competeswith concept_company_globe_and_mail +concept_company_national concept:competeswith concept_company_post +concept_company_national concept:agentactsinlocation concept_company_stanley +concept_company_national concept:hasofficeincountry concept_country___america +concept_company_national concept:hasofficeincountry concept_country_afghanistan +concept_company_national concept:hasofficeincountry concept_country_arabia_saudita +concept_company_national concept:hasofficeincountry concept_country_armenia +concept_company_national concept:hasofficeincountry concept_country_australia +concept_company_national concept:hasofficeincountry concept_country_azerbaijan +concept_company_national concept:hasofficeincountry concept_country_bahamas +concept_company_national concept:hasofficeincountry concept_country_bangladesh +concept_company_national concept:hasofficeincountry concept_country_barbados +concept_company_national concept:hasofficeincountry concept_country_belarus +concept_company_national concept:hasofficeincountry concept_country_belize +concept_company_national concept:hasofficeincountry concept_country_bhutan +concept_company_national concept:hasofficeincountry concept_country_bosnia_herzegovina +concept_company_national concept:hasofficeincountry concept_country_brazil +concept_company_national concept:hasofficeincountry concept_country_brunei +concept_company_national concept:hasofficeincountry concept_country_bulgaria +concept_company_national concept:agentactsinlocation concept_country_burley +concept_company_national concept:hasofficeincountry concept_country_burma +concept_company_national concept:hasofficeincountry concept_country_cambodia +concept_company_national concept:hasofficeincountry concept_country_cameroon +concept_company_national concept:agentactsinlocation concept_country_canada_canada +concept_company_national concept:hasofficeincountry concept_country_cayman_islands +concept_company_national concept:hasofficeincountry concept_country_china +concept_company_national concept:hasofficeincountry concept_country_croatia +concept_company_national concept:hasofficeincountry concept_country_czech_republic +concept_company_national concept:hasofficeincountry concept_country_democratic_republic_of_congo +concept_company_national concept:hasofficeincountry concept_country_denmark +concept_company_national concept:hasofficeincountry concept_country_dominica +concept_company_national concept:hasofficeincountry concept_country_east_timor +concept_company_national concept:hasofficeincountry concept_country_england +concept_company_national concept:hasofficeincountry concept_country_england___wales +concept_company_national concept:hasofficeincountry concept_country_equator__guinea +concept_company_national concept:hasofficeincountry concept_country_estonia +concept_company_national concept:hasofficeincountry concept_country_ethiopia +concept_company_national concept:hasofficeincountry concept_country_fiji +concept_company_national concept:hasofficeincountry concept_country_finland +concept_company_national concept:hasofficeincountry concept_country_former_soviet_union +concept_company_national concept:hasofficeincountry concept_country_gabon +concept_company_national concept:hasofficeincountry concept_country_gambia +concept_company_national concept:hasofficeincountry concept_country_germany +concept_company_national concept:hasofficeincountry concept_country_ghana +concept_company_national concept:agentactsinlocation concept_country_great_britain +concept_company_national concept:hasofficeincountry concept_country_greece +concept_company_national concept:hasofficeincountry concept_country_greenland +concept_company_national concept:hasofficeincountry concept_country_guinea +concept_company_national concept:hasofficeincountry concept_country_hungary +concept_company_national concept:hasofficeincountry concept_country_indonesia +concept_company_national concept:hasofficeincountry concept_country_iran +concept_company_national concept:hasofficeincountry concept_country_iraq +concept_company_national concept:hasofficeincountry concept_country_kazakstan +concept_company_national concept:agentactsinlocation concept_country_king +concept_company_national concept:hasofficeincountry concept_country_korea +concept_company_national concept:hasofficeincountry concept_country_kosovo +concept_company_national concept:hasofficeincountry concept_country_kuwait +concept_company_national concept:hasofficeincountry concept_country_kyrgyz_republic +concept_company_national concept:hasofficeincountry concept_country_kyrgyzstan +concept_company_national concept:hasofficeincountry concept_country_lao_pdr +concept_company_national concept:hasofficeincountry concept_country_lao_people_s_democratic_republic +concept_company_national concept:hasofficeincountry concept_country_laos +concept_company_national concept:hasofficeincountry concept_country_latvia +concept_company_national concept:hasofficeincountry concept_country_liberia +concept_company_national concept:hasofficeincountry concept_country_libya +concept_company_national concept:hasofficeincountry concept_country_macedonia +concept_company_national concept:hasofficeincountry concept_country_malawi +concept_company_national concept:hasofficeincountry concept_country_malaysia +concept_company_national concept:hasofficeincountry concept_country_maldives +concept_company_national concept:hasofficeincountry concept_country_mali +concept_company_national concept:hasofficeincountry concept_country_moldova +concept_company_national concept:hasofficeincountry concept_country_mongolia +concept_company_national concept:hasofficeincountry concept_country_namibia +concept_company_national concept:hasofficeincountry concept_country_nepal +concept_company_national concept:hasofficeincountry concept_country_netherlands +concept_company_national concept:hasofficeincountry concept_country_new_south_wales +concept_company_national concept:agentactsinlocation concept_country_new_zealand +concept_company_national concept:hasofficeincountry concept_country_norway +concept_company_national concept:hasofficeincountry concept_country_oman +concept_company_national concept:hasofficeincountry concept_country_palestine +concept_company_national concept:hasofficeincountry concept_country_peoples_republic +concept_company_national concept:hasofficeincountry concept_country_philippines +concept_company_national concept:hasofficeincountry concept_country_poland +concept_company_national concept:hasofficeincountry concept_country_qatar +concept_company_national concept:hasofficeincountry concept_country_republic +concept_company_national concept:hasofficeincountry concept_country_republic_of_angola +concept_company_national concept:hasofficeincountry concept_country_republic_of_austria +concept_company_national concept:hasofficeincountry concept_country_republic_of_benin +concept_company_national concept:hasofficeincountry concept_country_republic_of_india +concept_company_national concept:hasofficeincountry concept_country_republic_of_lithuania +concept_company_national concept:hasofficeincountry concept_country_republic_of_vanuatu +concept_company_national concept:hasofficeincountry concept_country_rhodesia +concept_company_national concept:hasofficeincountry concept_country_russia +concept_company_national concept:hasofficeincountry concept_country_russian_federation +concept_company_national concept:hasofficeincountry concept_country_rwanda +concept_company_national concept:hasofficeincountry concept_country_samoa +concept_company_national concept:hasofficeincountry concept_country_scandinavian_countries +concept_company_national concept:hasofficeincountry concept_country_scotland +concept_company_national concept:hasofficeincountry concept_country_senegal +concept_company_national concept:hasofficeincountry concept_country_sierra_leone +concept_company_national concept:hasofficeincountry concept_country_slovakia +concept_company_national concept:hasofficeincountry concept_country_slovenia +concept_company_national concept:hasofficeincountry concept_country_somalia +concept_company_national concept:hasofficeincountry concept_country_south_korea +concept_company_national concept:hasofficeincountry concept_country_soviet_union +concept_company_national concept:hasofficeincountry concept_country_sudan +concept_company_national concept:hasofficeincountry concept_country_swaziland +concept_company_national concept:hasofficeincountry concept_country_sweden +concept_company_national concept:hasofficeincountry concept_country_switzerland +concept_company_national concept:hasofficeincountry concept_country_tajikistan +concept_company_national concept:hasofficeincountry concept_country_tanzania +concept_company_national concept:hasofficeincountry concept_country_the_philippines +concept_company_national concept:hasofficeincountry concept_country_the_united_kingdom +concept_company_national concept:hasofficeincountry concept_country_trinidad_and_tobago +concept_company_national concept:hasofficeincountry concept_country_tunisia +concept_company_national concept:hasofficeincountry concept_country_turkmenistan +concept_company_national concept:hasofficeincountry concept_country_tuvalu +concept_company_national concept:agentactsinlocation concept_country_u_s_a_ +concept_company_national concept:hasofficeincountry concept_country_uganda +concept_company_national concept:hasofficeincountry concept_country_uk__canada +concept_company_national concept:hasofficeincountry concept_country_ukraine +concept_company_national concept:agentactsinlocation concept_country_united_states +concept_company_national concept:agentactsinlocation concept_country_us +concept_company_national concept:hasofficeincountry concept_country_uzbekistan +concept_company_national concept:hasofficeincountry concept_country_viet_nam +concept_company_national concept:agentactsinlocation concept_country_wales +concept_company_national concept:hasofficeincountry concept_country_zambia +concept_company_national concept:hasofficeincountry concept_country_zimbabwe +concept_company_national concept:agentactsinlocation concept_county_atlanta +concept_company_national concept:agentactsinlocation concept_county_austin +concept_company_national concept:agentactsinlocation concept_county_baltimore +concept_company_national concept:agentactsinlocation concept_county_bedford +concept_company_national concept:agentactsinlocation concept_county_bronx +concept_company_national concept:hasofficeincity concept_county_brookline_village +concept_company_national concept:agentactsinlocation concept_county_celebration +concept_company_national concept:agentactsinlocation concept_county_chicago +concept_company_national concept:agentactsinlocation concept_county_clark +concept_company_national concept:agentactsinlocation concept_county_columbus +concept_company_national concept:hasofficeincity concept_county_commerce_city +concept_company_national concept:agentactsinlocation concept_county_cumberland +concept_company_national concept:agentactsinlocation concept_county_derby +concept_company_national concept:agentactsinlocation concept_county_detroit +concept_company_national concept:agentactsinlocation concept_county_dublin +concept_company_national concept:agentactsinlocation concept_county_dupont +concept_company_national concept:agentactsinlocation concept_county_florence +concept_company_national concept:hasofficeincity concept_county_kansas_city +concept_company_national concept:agentactsinlocation concept_county_keene +concept_company_national concept:agentactsinlocation concept_county_las_vegas +concept_company_national concept:hasofficeincity concept_county_lexington +concept_company_national concept:hasofficeincity concept_county_los_angeles_county +concept_company_national concept:agentactsinlocation concept_county_manchester +concept_company_national concept:agentactsinlocation concept_county_marion +concept_company_national concept:agentactsinlocation concept_county_miami +concept_company_national concept:hasofficeincity concept_county_midway_city +concept_company_national concept:hasofficeincity concept_county_missouri_city +concept_company_national concept:agentactsinlocation concept_county_oakland +concept_company_national concept:agentactsinlocation concept_county_paris +concept_company_national concept:agentactsinlocation concept_county_philadelphia +concept_company_national concept:agentactsinlocation concept_county_sacramento +concept_company_national concept:hasofficeincity concept_county_saint_elmo +concept_company_national concept:agentactsinlocation concept_county_san_diego +concept_company_national concept:agentactsinlocation concept_county_san_francisco +concept_company_national concept:agentactsinlocation concept_county_savannah +concept_company_national concept:agentactsinlocation concept_county_seattle +concept_company_national concept:agentactsinlocation concept_county_tallahassee +concept_company_national concept:companyeconomicsector concept_economicsector_insurance +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_albion +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_anderson +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_bethany +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_bolton +concept_company_national concept:hasofficeincity concept_geopoliticallocation_bowling_green +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_el_toro +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_form +concept_company_national concept:hasofficeincity concept_geopoliticallocation_grand_junction +concept_company_national concept:agentactsinlocation concept_geopoliticallocation_list +concept_company_national concept:hasofficeincity concept_geopoliticalorganization_albion +concept_company_national concept:agentactsinlocation concept_geopoliticalorganization_brea +concept_company_national concept:hasofficeincity concept_geopoliticalorganization_franconia +concept_company_national concept:agentactsinlocation concept_geopoliticalorganization_laguna_hills +concept_company_national concept:agentactsinlocation concept_geopoliticalorganization_pasadena +concept_company_national concept:agentactsinlocation concept_geopoliticalorganization_us_ +concept_company_national concept:agentactsinlocation concept_governmentorganization_services +concept_company_national concept:agentactsinlocation concept_highway_gardena +concept_company_national concept:agentactsinlocation concept_highway_trenton +concept_company_national concept:agentactsinlocation concept_highway_yorba_linda +concept_company_national concept:hasofficeincity concept_island_bainbridge_island +concept_company_national concept:agentactsinlocation concept_island_cedars +concept_company_national concept:agentactsinlocation concept_island_dover +concept_company_national concept:agentactsinlocation concept_island_houston +concept_company_national concept:hasofficeincountry concept_island_iceland +concept_company_national concept:hasofficeincity concept_island_key_west +concept_company_national concept:hasofficeincountry concept_island_kiribati +concept_company_national concept:hasofficeincity concept_island_meridian +concept_company_national concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_company_national concept:agentactsinlocation concept_island_san_antonio +concept_company_national concept:agentactsinlocation concept_island_society +concept_company_national concept:agentactsinlocation concept_landscapefeatures_areas +concept_company_national concept:agentactsinlocation concept_landscapefeatures_upland +concept_company_national concept:agentactsinlocation concept_park_charlestown +concept_company_national concept:agentactsinlocation concept_park_kingston +concept_company_national concept:agentactsinlocation concept_park_sites +concept_company_national concept:acquired concept_politicsblog_commerce +concept_company_national concept:agentactsinlocation concept_river_bridgeport +concept_company_national concept:agentactsinlocation concept_river_elmont +concept_company_national concept:agentactsinlocation concept_river_evansville +concept_company_national concept:agentactsinlocation concept_river_indian_trail +concept_company_national concept:agentactsinlocation concept_river_midway +concept_company_national concept:agentactsinlocation concept_river_montrose +concept_company_national concept:agentactsinlocation concept_river_moselle +concept_company_national concept:agentactsinlocation concept_river_shasta_lake +concept_company_national concept:agentactsinlocation concept_transportation_ada +concept_company_national concept:agentactsinlocation concept_transportation_belleville +concept_company_national concept:agentactsinlocation concept_transportation_fraser +concept_company_national concept:agentactsinlocation concept_transportation_monterey_park +concept_company_national concept:agentactsinlocation concept_transportation_santa_barbara +concept_company_national concept:agentactsinlocation concept_transportation_series +concept_company_national concept:hasofficeincity concept_visualizablescene_agoura_hills +concept_company_national concept:hasofficeincity concept_visualizablescene_alviso +concept_company_national concept:hasofficeincity concept_visualizablescene_arverne +concept_company_national concept:hasofficeincity concept_visualizablescene_bellerose +concept_company_national concept:agentactsinlocation concept_visualizablescene_cedar_grove +concept_company_national concept:hasofficeincity concept_visualizablescene_chandler_heights +concept_company_national concept:hasofficeincity concept_visualizablescene_chester_springs +concept_company_national concept:hasofficeincity concept_visualizablescene_dana_point +concept_company_national concept:hasofficeincity concept_visualizablescene_demarest +concept_company_national concept:hasofficeincity concept_visualizablescene_edgemont +concept_company_national concept:hasofficeincity concept_visualizablescene_eldorado_springs +concept_company_national concept:hasofficeincity concept_visualizablescene_lake_elsinore +concept_company_national concept:hasofficeincity concept_visualizablescene_vashon +concept_company_national concept:agentactsinlocation concept_visualizablething_alturas +concept_company_national concept:agentactsinlocation concept_visualizablething_brockton +concept_company_national concept:agentactsinlocation concept_visualizablething_burbank +concept_company_national concept:hasofficeincity concept_visualizablething_north_bend +concept_company_national concept:hasofficeincity concept_visualizablething_purvis +concept_company_national concept:agentactsinlocation concept_visualizablething_spokane +concept_company_national concept:hasofficeincity concept_visualizablething_sugar_land +concept_company_national_action_network concept:organizationterminatedperson concept_person_charlie_king +concept_company_national_city concept:subpartoforganization concept_bank_pnc +concept_company_national_city concept:headquarteredin concept_city_cleveland +concept_company_national_city concept:atlocation concept_stateorprovince_california +concept_company_national_city concept:mutualproxyfor concept_stateorprovince_california +concept_company_national_public_radio concept:companyeconomicsector concept_academicfield_news +concept_company_national_public_radio concept:headquarteredin concept_city_washington_d_c +concept_company_national_public_radio concept:competeswith concept_politicsblog_journal +concept_company_national_public_radio001 concept:companyeconomicsector concept_academicfield_media +concept_company_national_public_radio001 concept:headquarteredin concept_city_new_york +concept_company_national_public_radio001 concept:organizationheadquarteredincity concept_city_new_york +concept_company_nationwide concept:companyeconomicsector concept_economicsector_insurance +concept_company_nationwide_airlines concept:hasofficeincity concept_city_johannesburg +concept_company_nationwide_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_company_nature_air concept:headquarteredin concept_city_san_jose +concept_company_nawras concept:latitudelongitude 34.9944400000000,64.1980600000000 +concept_company_nbc concept:companyeconomicsector concept_academicfield_news +concept_company_nbc concept:companyeconomicsector concept_academicfield_programming +concept_company_nbc concept:companyeconomicsector concept_academicfield_sports +concept_company_nbc concept:agentcontrols concept_blog_ksnf +concept_company_nbc concept:agentcontrols concept_blog_wood_tv +concept_company_nbc concept:agentcontrols concept_blog_wsls +concept_company_nbc concept:headquarteredin concept_city_new_york +concept_company_nbc concept:organizationheadquarteredincity concept_city_new_york +concept_company_nbc concept:hasofficeincity concept_city_washington_d_c +concept_company_nbc concept:agentcollaborateswithagent concept_coach_david_bloom +concept_company_nbc concept:agentcollaborateswithagent concept_comedian_john_chancellor +concept_company_nbc concept:agentcontrols concept_company_kget001 +concept_company_nbc concept:agentcontrols concept_company_wthr_tv +concept_company_nbc concept:hasofficeincity concept_county_los_angeles_county +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_andrea_mitchell +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_ann_curry +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_chet_huntley +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_david_gregory +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_jane_pauley +concept_company_nbc concept:agentcollaborateswithagent concept_journalist_tom_brokaw +concept_company_nbc concept:agentcontrols concept_magazine_williams +concept_company_nbc concept:agentcontrols concept_newspaper_kgw_tv +concept_company_nbc concept:agentcontrols concept_newspaper_kob_tv +concept_company_nbc concept:agentcontrols concept_newspaper_krnv_tv +concept_company_nbc concept:agentcontrols concept_newspaper_wcsh_tv +concept_company_nbc concept:agentcontrols concept_newspaper_week_tv +concept_company_nbc concept:agentcontrols concept_newspaper_wics_tv +concept_company_nbc concept:organizationacronymhasname concept_organization_national_broadcasting_corporation +concept_company_nbc concept:agentcontrols concept_person_chet_huntley +concept_company_nbc concept:agentcollaborateswithagent concept_person_tim_russert +concept_company_nbc concept:agentcontrols concept_personafrica_tom_brokaw +concept_company_nbc concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_nbc concept:agentcontrols concept_personus_david_gregory +concept_company_nbc concept:competeswith concept_politicsblog_journal +concept_company_nbc concept:agentcontrols concept_politicsblog_kpnx_tv +concept_company_nbc concept:agentcontrols concept_politicsblog_ksbw +concept_company_nbc concept:agentcontrols concept_politicsblog_ksdk +concept_company_nbc concept:agentcontrols concept_politicsblog_wis +concept_company_nbc concept:agentcontrols concept_politicsblog_wlbz +concept_company_nbc concept:agentcontrols concept_publication_wsaz_tv +concept_company_nbc concept:agentcollaborateswithagent concept_stateorprovince_brian_williams +concept_company_nbc concept:agentcontrols concept_stateorprovince_brian_williams +concept_company_nbc concept:agentcontrols concept_televisionstation_kalb_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kamr_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kark_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kbjr_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kcen +concept_company_nbc concept:agentcontrols concept_televisionstation_kcfw_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kdlv_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_keci +concept_company_nbc concept:agentcontrols concept_televisionstation_ketk +concept_company_nbc concept:agentcontrols concept_televisionstation_kget_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_khas_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_khq__tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kiem_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_king_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kkco +concept_company_nbc concept:agentcontrols concept_televisionstation_kmcb +concept_company_nbc concept:agentcontrols concept_televisionstation_kmoh +concept_company_nbc concept:agentcontrols concept_televisionstation_kmtr +concept_company_nbc concept:agentcontrols concept_televisionstation_kmtz_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_knaz_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kndu +concept_company_nbc concept:agentcontrols concept_televisionstation_knop_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_knsd +concept_company_nbc concept:agentcontrols concept_televisionstation_kntv_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_knvn_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kobi +concept_company_nbc concept:agentcontrols concept_televisionstation_koti +concept_company_nbc concept:agentcontrols concept_televisionstation_krbc_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kris +concept_company_nbc concept:agentcontrols concept_televisionstation_ksan_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kshb_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ksng +concept_company_nbc concept:agentcontrols concept_televisionstation_ksnt +concept_company_nbc concept:agentcontrols concept_televisionstation_ksnt_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ksnw +concept_company_nbc concept:agentcontrols concept_televisionstation_ksnw_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktiv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktiv_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktuu +concept_company_nbc concept:agentcontrols concept_televisionstation_ktvb_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktve_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktvf_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_ktvm +concept_company_nbc concept:agentcontrols concept_televisionstation_ktvz_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kulr_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kusa_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kvbc +concept_company_nbc concept:agentcontrols concept_televisionstation_kveo_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kvly_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kvoa +concept_company_nbc concept:agentcontrols concept_televisionstation_kwqc +concept_company_nbc concept:agentcontrols concept_televisionstation_kwqc_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kxam_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kxan_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_kxas +concept_company_nbc concept:agentcontrols concept_televisionstation_kytv +concept_company_nbc concept:agentcontrols concept_televisionstation_wagt +concept_company_nbc concept:agentcontrols concept_televisionstation_wand +concept_company_nbc concept:agentcontrols concept_televisionstation_wave_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wavy_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wbbh_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wbre_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wcau +concept_company_nbc concept:agentcontrols concept_televisionstation_wcbd +concept_company_nbc concept:agentcontrols concept_televisionstation_wcmh_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wcnc_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wcyb_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wdiv +concept_company_nbc concept:agentcontrols concept_televisionstation_wdsu_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_weau_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wect_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wesh +concept_company_nbc concept:agentcontrols concept_televisionstation_weyi_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wfla_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wgbc +concept_company_nbc concept:agentcontrols concept_televisionstation_whag +concept_company_nbc concept:agentcontrols concept_televisionstation_whec_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wicd +concept_company_nbc concept:agentcontrols concept_televisionstation_wicu_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wilx_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wise +concept_company_nbc concept:agentcontrols concept_televisionstation_wise_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_witn +concept_company_nbc concept:agentcontrols concept_televisionstation_wivt_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wjac_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wjfw_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wlbt_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wltz +concept_company_nbc concept:agentcontrols concept_televisionstation_wluc +concept_company_nbc concept:agentcontrols concept_televisionstation_wlwt +concept_company_nbc concept:agentcontrols concept_televisionstation_wmaq +concept_company_nbc concept:agentcontrols concept_televisionstation_wmgm_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wmgt +concept_company_nbc concept:agentcontrols concept_televisionstation_wmtv_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wncn_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wndu_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wnky +concept_company_nbc concept:agentcontrols concept_televisionstation_wnne +concept_company_nbc concept:agentcontrols concept_televisionstation_wnyt_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wpbn +concept_company_nbc concept:agentcontrols concept_televisionstation_wpbn_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wpsd_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wptz +concept_company_nbc concept:agentcontrols concept_televisionstation_wpxi_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wrcb_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wsav_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wsfa +concept_company_nbc concept:agentcontrols concept_televisionstation_wsfa_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wsmv_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wstm +concept_company_nbc concept:agentcontrols concept_televisionstation_wtmj +concept_company_nbc concept:agentcontrols concept_televisionstation_wtmj_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wtwc_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wtwo +concept_company_nbc concept:agentcontrols concept_televisionstation_wvir_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wvit_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wvla +concept_company_nbc concept:agentcontrols concept_televisionstation_wvtm_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wvva_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wwbt +concept_company_nbc concept:agentcontrols concept_televisionstation_wwbt_tv +concept_company_nbc concept:agentcontrols concept_televisionstation_wxii +concept_company_nbc concept:agentcontrols concept_televisionstation_wyff_tv +concept_company_nbc concept:agentcontrols concept_website_kcbd_tv +concept_company_nbc concept:agentcontrols concept_website_kcra_tv +concept_company_nbc concept:agentcontrols concept_website_kfor_tv +concept_company_nbc concept:agentcontrols concept_website_kgns_tv +concept_company_nbc concept:agentcontrols concept_website_kprc_tv +concept_company_nbc concept:agentcontrols concept_website_ksby +concept_company_nbc concept:agentcontrols concept_website_ksee +concept_company_nbc concept:agentcontrols concept_website_ksee_tv +concept_company_nbc concept:agentcontrols concept_website_ktal_tv +concept_company_nbc concept:agentcontrols concept_website_kten +concept_company_nbc concept:agentcontrols concept_website_kvoa +concept_company_nbc concept:agentcontrols concept_website_kwwl +concept_company_nbc concept:agentcontrols concept_website_kxas_tv +concept_company_nbc concept:agentcontrols concept_website_kyma +concept_company_nbc concept:agentcontrols concept_website_walb_tv +concept_company_nbc concept:agentcontrols concept_website_wave +concept_company_nbc concept:agentcontrols concept_website_wbal +concept_company_nbc concept:agentcontrols concept_website_wbir_tv +concept_company_nbc concept:agentcontrols concept_website_wcau +concept_company_nbc concept:agentcontrols concept_website_wdtn +concept_company_nbc concept:agentcontrols concept_website_wdtn_tv +concept_company_nbc concept:agentcontrols concept_website_wesh_tv +concept_company_nbc concept:agentcontrols concept_website_wfmj +concept_company_nbc concept:agentcontrols concept_website_wgem +concept_company_nbc concept:agentcontrols concept_website_whdh +concept_company_nbc concept:agentcontrols concept_website_who_tv +concept_company_nbc concept:agentcontrols concept_website_witn_tv +concept_company_nbc concept:agentcontrols concept_website_wkyc_tv +concept_company_nbc concept:agentcontrols concept_website_wlio +concept_company_nbc concept:agentcontrols concept_website_wlwt +concept_company_nbc concept:agentcontrols concept_website_wmc +concept_company_nbc concept:agentcontrols concept_website_wndu +concept_company_nbc concept:agentcontrols concept_website_wnwo_tv +concept_company_nbc concept:agentcontrols concept_website_wpmi +concept_company_nbc concept:agentcontrols concept_website_wptv +concept_company_nbc concept:agentcontrols concept_website_wrex_tv +concept_company_nbc concept:agentcontrols concept_website_wsls_tv +concept_company_nbc concept:agentcontrols concept_website_wsmv +concept_company_nbc concept:agentcontrols concept_website_wtlv_tv +concept_company_nbc concept:agentcontrols concept_website_wtov_tv +concept_company_nbc concept:agentcontrols concept_website_wtva +concept_company_nbc concept:agentcontrols concept_website_wwlp +concept_company_nbc concept:agentcontrols concept_website_wxia +concept_company_nbc concept:agentcontrols concept_writer_kfor +concept_company_nbc_universal001 concept:companyeconomicsector concept_academicfield_media +concept_company_nbc_universal001 concept:agentbelongstoorganization concept_biotechcompany_general_electric +concept_company_nbc_universal001 concept:hasofficeincity concept_city_new_york +concept_company_nbc_universal001 concept:organizationterminatedperson concept_director_zucker +concept_company_nbc_universal001 concept:organizationalsoknownas concept_organization_national_broadcasting_corporation +concept_company_nbc_universal001 concept:synonymfor concept_organization_national_broadcasting_corporation +concept_company_nbc_universal001 concept:agentcollaborateswithagent concept_person_bob_wright +concept_company_nbc_universal001 concept:agentcollaborateswithagent concept_person_jeff_zucker +concept_company_nbc_universal001 concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_nbc_universal001 concept:subpartof concept_retailstore_general_electric +concept_company_nbc_universal001 concept:subpartoforganization concept_university_general_electric_company +concept_company_nbcu concept:organizationterminatedperson concept_director_zucker +concept_company_ndtv concept:companyeconomicsector concept_academicfield_media +concept_company_nebraska concept:mutualproxyfor concept_airport_omaha +concept_company_nebraska concept:hasofficeincountry concept_country___america +concept_company_nebraska concept:companyeconomicsector concept_economicsector_insurance +concept_company_nebraska concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_nebraska concept:mutualproxyfor concept_newspaper_grand_island +concept_company_nebuad concept:companyeconomicsector concept_economicsector_advertising +concept_company_nelco concept:latitudelongitude 4.2522000000000,96.3405000000000 +concept_company_nestle concept:competeswith concept_bank_novartis +concept_company_nestle concept:competeswith concept_bank_unilever +concept_company_netherlands concept:proxyfor concept_book_new +concept_company_netherlands concept:mutualproxyfor concept_coach_new +concept_company_netherlands concept:hasofficeincountry concept_country___america +concept_company_netherlands concept:agentbelongstoorganization concept_sportsleague_mls +concept_company_networks concept:subpartof concept_book_electricity +concept_company_networks concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_networks concept:subpartof concept_governmentorganization_stormwater +concept_company_networks concept:subpartof concept_visualizablething_water_distribution +concept_company_networks concept:subpartof concept_visualizablething_water_supply +concept_company_networks concept:subpartof concept_weatherphenomenon_air +concept_company_networks concept:subpartof concept_weatherphenomenon_water +concept_company_new_frontier concept:subpartof concept_traditionalgame_vegas +concept_company_new_republic concept:hasofficeincity concept_city_new_york +concept_company_new_republic concept:competeswith concept_politicsblog_journal +concept_company_new_south_wales_waratahs concept:hasofficeincountry concept_country_australia +concept_company_new_south_wales_waratahs concept:organizationheadquarteredincountry concept_country_australia +concept_company_new_south_wales_waratahs concept:mutualproxyfor concept_person_phil_waugh +concept_company_new_south_wales_waratahs concept:organizationterminatedperson concept_person_phil_waugh +concept_company_new_south_wales_waratahs concept:subpartof concept_person_phil_waugh +concept_company_new_south_wales_waratahs concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_south_wales +concept_company_new_york concept:agentactsinlocation concept_airport_jersey +concept_company_new_york concept:atlocation concept_airport_jersey +concept_company_new_york concept:mutualproxyfor concept_airport_watertown +concept_company_new_york concept:competeswith concept_bank_discover +concept_company_new_york concept:mutualproxyfor concept_beverage_new +concept_company_new_york concept:agentcompeteswithagent concept_bird_star +concept_company_new_york concept:competeswith concept_blog_columbia_journalism_review +concept_company_new_york concept:competeswith concept_blog_entertainment_weekly +concept_company_new_york concept:competeswith concept_blog_fox_news +concept_company_new_york concept:competeswith concept_blog_herald +concept_company_new_york concept:competeswith concept_blog_london_observer +concept_company_new_york concept:competeswith concept_blog_nation +concept_company_new_york concept:competeswith concept_blog_national_geographic +concept_company_new_york concept:competeswith concept_blog_new_york_law_journal +concept_company_new_york concept:competeswith concept_blog_new_york_sun +concept_company_new_york concept:competeswith concept_blog_new_york_times_magazine +concept_company_new_york concept:competeswith concept_blog_psychology_today +concept_company_new_york concept:competeswith concept_blog_science +concept_company_new_york concept:competeswith concept_blog_slashdot +concept_company_new_york concept:competeswith concept_blog_sports_illustrated +concept_company_new_york concept:competeswith concept_blog_sun +concept_company_new_york concept:competeswith concept_blog_sun_times +concept_company_new_york concept:competeswith concept_blog_the_atlantic_monthly +concept_company_new_york concept:competeswith concept_blog_time_magazine +concept_company_new_york concept:competeswith concept_blog_vanity_fair +concept_company_new_york concept:competeswith concept_blog_wine_spectator +concept_company_new_york concept:competeswith concept_blog_wired_magazine +concept_company_new_york concept:proxyfor concept_book_north +concept_company_new_york concept:mutualproxyfor concept_book_troy +concept_company_new_york concept:mutualproxyfor concept_celebrity_staten_island +concept_company_new_york concept:agentcompeteswithagent concept_city_herald +concept_company_new_york concept:organizationhiredperson concept_coach_eric_mangini +concept_company_new_york concept:organizationhiredperson concept_coach_mangini +concept_company_new_york concept:organizationhiredperson concept_coach_mike_d_antoni +concept_company_new_york concept:proxyfor concept_coach_new +concept_company_new_york concept:organizationhiredperson concept_coach_van_gundy +concept_company_new_york concept:subpartof concept_color_ny +concept_company_new_york concept:competeswith concept_company_abc_news +concept_company_new_york concept:competeswith concept_company_ap_001 +concept_company_new_york concept:competeswith concept_company_bloomberg001 +concept_company_new_york concept:competeswith concept_company_boston_globe001 +concept_company_new_york concept:competeswith concept_company_business_week +concept_company_new_york concept:competeswith concept_company_christian_science_monitor +concept_company_new_york concept:competeswith concept_company_chronicle001 +concept_company_new_york concept:competeswith concept_company_cnn +concept_company_new_york concept:competeswith concept_company_cnn_ +concept_company_new_york concept:competeswith concept_company_daily_news001 +concept_company_new_york concept:competeswith concept_company_economist001 +concept_company_new_york concept:competeswith concept_company_espn_com +concept_company_new_york concept:competeswith concept_company_esquire001 +concept_company_new_york concept:competeswith concept_company_express +concept_company_new_york concept:competeswith concept_company_forbes001 +concept_company_new_york concept:competeswith concept_company_fortune001 +concept_company_new_york concept:competeswith concept_company_fox_news_channel +concept_company_new_york concept:competeswith concept_company_globe_and_mail +concept_company_new_york concept:competeswith concept_company_good_morning_america +concept_company_new_york concept:competeswith concept_company_harper +concept_company_new_york concept:competeswith concept_company_martha_stewart +concept_company_new_york concept:competeswith concept_company_miami_herald001 +concept_company_new_york concept:competeswith concept_company_microsoft +concept_company_new_york concept:competeswith concept_company_national_public_radio +concept_company_new_york concept:competeswith concept_company_new_republic +concept_company_new_york concept:competeswith concept_company_npr +concept_company_new_york concept:competeswith concept_company_observer001 +concept_company_new_york concept:competeswith concept_company_oprah_show +concept_company_new_york concept:competeswith concept_company_post +concept_company_new_york concept:competeswith concept_company_reuters +concept_company_new_york concept:competeswith concept_company_slate__com +concept_company_new_york concept:competeswith concept_company_telegraph001 +concept_company_new_york concept:competeswith concept_company_the_guardian001 +concept_company_new_york concept:competeswith concept_company_the_new_york_times001 +concept_company_new_york concept:competeswith concept_company_usa_today001 +concept_company_new_york concept:competeswith concept_company_vogue001 +concept_company_new_york concept:competeswith concept_company_weekly_standard001 +concept_company_new_york concept:competeswith concept_company_yahoo001 +concept_company_new_york concept:mutualproxyfor concept_county_ithaca +concept_company_new_york concept:mutualproxyfor concept_county_manhattan +concept_company_new_york concept:mutualproxyfor concept_county_plattsburgh +concept_company_new_york concept:mutualproxyfor concept_county_utica +concept_company_new_york concept:companyeconomicsector concept_economicsector_insurance +concept_company_new_york concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_company_new_york concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_new_york concept:agentparticipatedinevent concept_eventoutcome_title +concept_company_new_york concept:proxyfor concept_filmfestival_neil_simon_theatre +concept_company_new_york concept:mutualproxyfor concept_highway_niagara_falls +concept_company_new_york concept:agentactsinlocation concept_highway_the_new +concept_company_new_york concept:mutualproxyfor concept_highway_the_new +concept_company_new_york concept:proxyfor concept_hospital_suny +concept_company_new_york concept:subpartof concept_hospital_suny +concept_company_new_york concept:atlocation concept_island_new_york_city_metropolitan_area +concept_company_new_york concept:mutualproxyfor concept_island_new_york_city_metropolitan_area +concept_company_new_york concept:agentcontrols concept_island_rodriguez +concept_company_new_york concept:agentactsinlocation concept_lake_new +concept_company_new_york concept:atlocation concept_lake_new +concept_company_new_york concept:competeswith concept_magazine_atlantic_monthly +concept_company_new_york concept:competeswith concept_magazine_cosmopolitan +concept_company_new_york concept:competeswith concept_magazine_hollywood_reporter +concept_company_new_york concept:competeswith concept_magazine_life +concept_company_new_york concept:competeswith concept_magazine_london_review_of_books +concept_company_new_york concept:competeswith concept_magazine_national_enquirer +concept_company_new_york concept:competeswith concept_magazine_playboy +concept_company_new_york concept:competeswith concept_magazine_popular_science +concept_company_new_york concept:competeswith concept_magazine_salon +concept_company_new_york concept:competeswith concept_magazine_scientific_american +concept_company_new_york concept:competeswith concept_magazine_slate +concept_company_new_york concept:competeswith concept_magazine_the_boston_globe +concept_company_new_york concept:competeswith concept_magazine_the_new_republic +concept_company_new_york concept:competeswith concept_magazine_the_new_york_daily_news +concept_company_new_york concept:competeswith concept_magazine_the_new_york_times_magazine +concept_company_new_york concept:competeswith concept_magazine_the_village_voice +concept_company_new_york concept:competeswith concept_magazine_the_wall_street_journal +concept_company_new_york concept:competeswith concept_magazine_the_weekly_standard +concept_company_new_york concept:competeswith concept_magazine_u_s__news___world_report +concept_company_new_york concept:competeswith concept_magazine_variety +concept_company_new_york concept:competeswith concept_magazine_wired +concept_company_new_york concept:agentcompeteswithagent concept_male_sun +concept_company_new_york concept:agentcontrols concept_mlconference_services_website +concept_company_new_york concept:proxyfor concept_museum_n_y +concept_company_new_york concept:agentcompeteswithagent concept_musicartist_journal +concept_company_new_york concept:agentcompeteswithagent concept_musicartist_times +concept_company_new_york concept:proxyfor concept_musicfestival_bowery_ballroom +concept_company_new_york concept:proxyfor concept_musicfestival_webster_hall +concept_company_new_york concept:mutualproxyfor concept_musicinstrument_buffalo +concept_company_new_york concept:competeswith concept_newspaper_amsterdam_news +concept_company_new_york concept:competeswith concept_newspaper_boston_herald +concept_company_new_york concept:competeswith concept_newspaper_conde_nast_traveler +concept_company_new_york concept:competeswith concept_newspaper_financial_times +concept_company_new_york concept:competeswith concept_newspaper_gq +concept_company_new_york concept:competeswith concept_newspaper_guardian +concept_company_new_york concept:competeswith concept_newspaper_jerusalem_post +concept_company_new_york concept:competeswith concept_newspaper_l__a__times +concept_company_new_york concept:competeswith concept_newspaper_la_times +concept_company_new_york concept:competeswith concept_newspaper_le_monde +concept_company_new_york concept:competeswith concept_newspaper_london_sunday_times +concept_company_new_york concept:competeswith concept_newspaper_msnbc_com +concept_company_new_york concept:competeswith concept_newspaper_national_post +concept_company_new_york concept:competeswith concept_newspaper_national_review +concept_company_new_york concept:competeswith concept_newspaper_new_york_observer +concept_company_new_york concept:competeswith concept_newspaper_new_york_post +concept_company_new_york concept:competeswith concept_newspaper_new_york_press +concept_company_new_york concept:competeswith concept_newspaper_newsday +concept_company_new_york concept:competeswith concept_newspaper_philadelphia_inquirer +concept_company_new_york concept:competeswith concept_newspaper_record +concept_company_new_york concept:competeswith concept_newspaper_sacramento_bee +concept_company_new_york concept:competeswith concept_newspaper_salon_com +concept_company_new_york concept:competeswith concept_newspaper_seattle_times +concept_company_new_york concept:competeswith concept_newspaper_star_ledger +concept_company_new_york concept:competeswith concept_newspaper_staten_island_advance +concept_company_new_york concept:competeswith concept_newspaper_sunday_times +concept_company_new_york concept:competeswith concept_newspaper_the_chicago_tribune +concept_company_new_york concept:competeswith concept_newspaper_the_christian_science_monitor +concept_company_new_york concept:competeswith concept_newspaper_the_detroit_free_press +concept_company_new_york concept:competeswith concept_newspaper_the_financial_times +concept_company_new_york concept:competeswith concept_newspaper_the_international_herald_tribune +concept_company_new_york concept:competeswith concept_newspaper_the_new_york_observer +concept_company_new_york concept:competeswith concept_newspaper_the_new_york_sun +concept_company_new_york concept:competeswith concept_newspaper_the_new_york_times_book_review +concept_company_new_york concept:competeswith concept_newspaper_the_new_yorker +concept_company_new_york concept:competeswith concept_newspaper_the_philadelphia_inquirer +concept_company_new_york concept:competeswith concept_newspaper_the_san_francisco_examiner +concept_company_new_york concept:competeswith concept_newspaper_time_out_new_york +concept_company_new_york concept:competeswith concept_newspaper_times +concept_company_new_york concept:agentcollaborateswithagent concept_person_alex_rodriguez +concept_company_new_york concept:mutualproxyfor concept_person_ed_koch001 +concept_company_new_york concept:organizationhiredperson concept_person_jeff_van_gundy +concept_company_new_york concept:organizationterminatedperson concept_person_jeff_van_gundy +concept_company_new_york concept:organizationterminatedperson concept_person_juan_carlos_osorio +concept_company_new_york concept:organizationhiredperson concept_person_rodriguez +concept_company_new_york concept:organizationterminatedperson concept_personaustralia_derek_jeter +concept_company_new_york concept:agentcollaborateswithagent concept_personmexico_adrian_gonzalez +concept_company_new_york concept:organizationhiredperson concept_personmexico_isaiah_thomas +concept_company_new_york concept:agentcollaborateswithagent concept_personus_jason_giambi +concept_company_new_york concept:agentcollaborateswithagent concept_personus_joe_dimaggio +concept_company_new_york concept:competeswith concept_politicsblog_bbc +concept_company_new_york concept:competeswith concept_politicsblog_bookforum +concept_company_new_york concept:competeswith concept_politicsblog_chronicle_of_higher_education +concept_company_new_york concept:competeswith concept_politicsblog_huffington_post +concept_company_new_york concept:competeswith concept_politicsblog_independent +concept_company_new_york concept:competeswith concept_politicsblog_journal +concept_company_new_york concept:competeswith concept_politicsblog_mother_jones +concept_company_new_york concept:competeswith concept_politicsblog_new_york_review_of_books +concept_company_new_york concept:competeswith concept_politicsblog_paris_match +concept_company_new_york concept:competeswith concept_politicsblog_people_magazine +concept_company_new_york concept:competeswith concept_politicsblog_rolling_stone +concept_company_new_york concept:competeswith concept_politicsblog_star +concept_company_new_york concept:competeswith concept_politicsblog_the_economist +concept_company_new_york concept:competeswith concept_politicsblog_the_independent +concept_company_new_york concept:competeswith concept_politicsblog_the_new_york_review_of_books +concept_company_new_york concept:competeswith concept_politicsblog_toronto_star +concept_company_new_york concept:competeswith concept_politicsblog_tribune +concept_company_new_york concept:competeswith concept_politicsblog_village_voice +concept_company_new_york concept:competeswith concept_politicsblog_wall_street_journal +concept_company_new_york concept:competeswith concept_politicsblog_white_house +concept_company_new_york concept:proxyfor concept_programminglanguage_the_new +concept_company_new_york concept:competeswith concept_publication_espn +concept_company_new_york concept:competeswith concept_publication_people_ +concept_company_new_york concept:competeswith concept_publication_times_book_review +concept_company_new_york concept:competeswith concept_publication_times_literary_supplement +concept_company_new_york concept:proxyfor concept_room_south +concept_company_new_york concept:organizationterminatedperson concept_scientist_no_ +concept_company_new_york concept:agentparticipatedinevent concept_sportsgame_finals +concept_company_new_york concept:agentparticipatedinevent concept_sportsgame_series +concept_company_new_york concept:mutualproxyfor concept_sportsleague_syracuse +concept_company_new_york concept:organizationalsoknownas concept_sportsteam_state_university +concept_company_new_york concept:proxyfor concept_stadiumoreventvenue_beacon_theatre +concept_company_new_york concept:proxyfor concept_stadiumoreventvenue_radio_city_music_hall +concept_company_new_york concept:atlocation concept_stateorprovince_new_york +concept_company_new_york concept:competeswith concept_televisionnetwork_abc +concept_company_new_york concept:competeswith concept_televisionnetwork_cbs +concept_company_new_york concept:competeswith concept_televisionstation_associated_press +concept_company_new_york concept:competeswith concept_televisionstation_baltimore_sun +concept_company_new_york concept:competeswith concept_televisionstation_bbc_news +concept_company_new_york concept:competeswith concept_televisionstation_chicago_sun_times +concept_company_new_york concept:competeswith concept_televisionstation_cnbc +concept_company_new_york concept:competeswith concept_televisionstation_dallas_morning_news +concept_company_new_york concept:competeswith concept_televisionstation_los_angeles_times +concept_company_new_york concept:competeswith concept_televisionstation_msnbc +concept_company_new_york concept:competeswith concept_televisionstation_new_york_daily_news +concept_company_new_york concept:competeswith concept_televisionstation_the_times +concept_company_new_york concept:subpartof concept_traditionalgame_vegas +concept_company_new_york concept:mutualproxyfor concept_university_stony_brook +concept_company_new_york concept:agentcontrols concept_vehicle_services +concept_company_new_york concept:atlocation concept_visualizablescene_ny +concept_company_new_york concept:competeswith concept_website_associated_press +concept_company_new_york concept:competeswith concept_website_buffalo_news +concept_company_new_york concept:competeswith concept_website_cbs_evening_news +concept_company_new_york concept:competeswith concept_website_chicago_tribune +concept_company_new_york concept:competeswith concept_website_facebook +concept_company_new_york concept:competeswith concept_website_good_housekeeping +concept_company_new_york concept:competeswith concept_website_herald_tribune +concept_company_new_york concept:agentcontrols concept_website_jobs +concept_company_new_york concept:competeswith concept_website_nbc_news +concept_company_new_york concept:competeswith concept_website_new_york_american +concept_company_new_york concept:competeswith concept_website_new_york_daily +concept_company_new_york concept:competeswith concept_website_new_york_law_journal +concept_company_new_york concept:competeswith concept_website_new_york_times +concept_company_new_york concept:competeswith concept_website_new_york_times_book_review +concept_company_new_york concept:competeswith concept_website_new_yorker_magazine +concept_company_new_york concept:competeswith concept_website_outside_magazine +concept_company_new_york concept:competeswith concept_website_publishers_weekly +concept_company_new_york concept:competeswith concept_website_rolling_stone_magazine +concept_company_new_york concept:competeswith concept_website_the_daily_news +concept_company_new_york concept:competeswith concept_website_the_houston_chronicle +concept_company_new_york concept:competeswith concept_website_the_nation +concept_company_new_york concept:competeswith concept_website_the_san_francisco_chronicle +concept_company_new_york concept:competeswith concept_website_the_washington_post +concept_company_new_york concept:competeswith concept_website_the_washington_times +concept_company_new_york concept:competeswith concept_website_washington_post +concept_company_new_york concept:competeswith concept_website_washington_times +concept_company_new_york concept:atdate concept_year_n1842 +concept_company_new_york concept:atdate concept_year_n1866 +concept_company_new_york concept:atdate concept_year_n1884 +concept_company_new_york_life_insurance concept:headquarteredin concept_city_new_york +concept_company_news_corp001 concept:companyeconomicsector concept_economicsector_social_networking +concept_company_news_corp_ concept:companyeconomicsector concept_academicfield_media +concept_company_news_corp_b concept:companyalsoknownas concept_televisionstation_nws +concept_company_news_ltd concept:organizationterminatedperson concept_politicianus_john_hartigan +concept_company_news_ltd concept:subpartof concept_politicianus_john_hartigan +concept_company_nextel concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_nextel_communications concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_nextel_partners concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_nhs concept:companyeconomicsector concept_politicsissue_public_sector +concept_company_nickelodeon concept:companyeconomicsector concept_academicfield_media +concept_company_nightline concept:companyeconomicsector concept_academicfield_news +concept_company_niit concept:mutualproxyfor concept_ceo_vijay_k__thadani +concept_company_niit concept:organizationterminatedperson concept_ceo_vijay_k__thadani +concept_company_niit concept:subpartof concept_ceo_vijay_k__thadani +concept_company_nike concept:companyeconomicsector concept_academicfield_sports +concept_company_nike concept:organizationterminatedperson concept_ceo_mark_parker +concept_company_nike concept:acquired concept_company_umbro +concept_company_nike concept:organizationterminatedperson concept_person_phil_knight +concept_company_nikon concept:competeswith concept_company_canon +concept_company_nikon concept:companyeconomicsector concept_economicsector_imaging +concept_company_nintendo concept:agentinvolvedwithitem concept_bedroomitem_dvd_player +concept_company_nintendo concept:agentinvolvedwithitem concept_bedroomitem_games +concept_company_nintendo concept:agentinvolvedwithitem concept_braintissue_two +concept_company_nintendo concept:agentinvolvedwithitem concept_candy_nintendo_wii +concept_company_nintendo concept:agentinvolvedwithitem concept_hallwayitem_accessories +concept_company_nintendo concept:agentinvolvedwithitem concept_hallwayitem_brand +concept_company_nintendo concept:agentinvolvedwithitem concept_kitchenitem_copy +concept_company_nintendo concept:organizationterminatedperson concept_person_satoru_iwata +concept_company_nintendo concept:producesproduct concept_product_ds +concept_company_nintendo concept:producesproduct concept_product_gamecube +concept_company_nintendo concept:agentinvolvedwithitem concept_product_microsoft_xbox +concept_company_nintendo concept:agentinvolvedwithitem concept_product_nintendo_ds +concept_company_nintendo concept:agentinvolvedwithitem concept_product_nintendo_gamecube +concept_company_nintendo concept:agentinvolvedwithitem concept_product_play_station +concept_company_nintendo concept:agentinvolvedwithitem concept_product_playstation +concept_company_nintendo concept:agentinvolvedwithitem concept_product_psp +concept_company_nintendo concept:agentinvolvedwithitem concept_product_sony_psp +concept_company_nintendo concept:producesproduct concept_product_wii +concept_company_nintendo concept:agentinvolvedwithitem concept_product_xbox +concept_company_nintendo concept:agentcreated concept_programminglanguage_ds +concept_company_nintendo concept:agentinvolvedwithitem concept_software_playstation_2 +concept_company_nintendo concept:agentinvolvedwithitem concept_tableitem_pc +concept_company_nintendo concept:agentinvolvedwithitem concept_videogame_game_boy_advance_sp +concept_company_nintendo concept:agentinvolvedwithitem concept_videogame_playstation_portable +concept_company_nintendo concept:agentinvolvedwithitem concept_videogame_sony_playstation +concept_company_nintendo concept:producesproduct concept_videogame_wii_fit +concept_company_nintendo concept:agentinvolvedwithitem concept_videogame_xbox_360 +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_apple_iphone +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_ds_ +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_ds_games +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_ds_lite +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_game_boy +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_game_boy_advance +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_gameboy +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_gameboy_advance +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_gba +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_ipod_touch +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_nintendo +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_psp_ +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_sony_psp_ +concept_company_nintendo concept:agentcreated concept_videogamesystem_wii_fit +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_wii_fit +concept_company_nintendo concept:agentinvolvedwithitem concept_videogamesystem_wii_games +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_altima +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_n240sx +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_n300zx +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_navara +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_altima +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_armada +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_frontier +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_maxima +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_murano +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_pathfinder +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_sentra +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_titan +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_nissan_versa +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_quest +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_sentra +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_teana +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_titan +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_automobilemodel_versa +concept_company_nissan_north_america concept:organizationterminatedperson concept_ceo_carlos_ghosn +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_mlsoftware_maxima +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_plant_pathfinder +concept_company_nissan_north_america concept:agentinvolvedwithitem concept_software_armada +concept_company_nixon_center concept:organizationterminatedperson concept_person_mark_hackard +concept_company_nok_air concept:hasofficeincity concept_city_bangkok +concept_company_nokia concept:companyeconomicsector concept_academicfield_mobile_communications +concept_company_nokia concept:organizationterminatedperson concept_ceo_olli_pekka_kallasvuo +concept_company_nokia concept:headquarteredin concept_city_espoo +concept_company_nokia concept:acquired concept_company_enpocket +concept_company_nokia concept:acquired concept_company_loudeye +concept_company_nokia concept:acquired concept_company_navteq +concept_company_nokia concept:acquired concept_company_plazes +concept_company_nokia concept:acquired concept_company_trolltech +concept_company_nokia concept:hasofficeincountry concept_country_finland +concept_company_nokia concept:companyeconomicsector concept_economicsector_electronics +concept_company_nokia concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_nomura concept:companyeconomicsector concept_economicsector_investment +concept_company_noritake concept:latitudelongitude 35.1833300000000,136.8833300000000 +concept_company_nortel001 concept:mutualproxyfor concept_ceo_mike_s__zafirovski +concept_company_nortel001 concept:acquired concept_company_pingtel +concept_company_nortel001 concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_north_carolina concept:organizationhiredperson concept_athlete_butch_davis +concept_company_north_carolina concept:organizationhiredperson concept_athlete_roy_williams +concept_company_north_carolina concept:mutualproxyfor concept_beverage_new +concept_company_north_carolina concept:mutualproxyfor concept_chemical_wilmington +concept_company_north_carolina concept:organizationhiredperson concept_coach_dean_smith +concept_company_north_carolina concept:organizationhiredperson concept_coach_everett_withers +concept_company_north_carolina concept:organizationhiredperson concept_coach_john_bunting +concept_company_north_carolina concept:organizationhiredperson concept_coach_matt_doherty +concept_company_north_carolina concept:proxyfor concept_coach_new +concept_company_north_carolina concept:agentcollaborateswithagent concept_company_clinton +concept_company_north_carolina concept:acquired concept_company_services +concept_company_north_carolina concept:atdate concept_date_n1999 +concept_company_north_carolina concept:atdate concept_date_n2003 +concept_company_north_carolina concept:companyeconomicsector concept_economicsector_insurance +concept_company_north_carolina concept:mutualproxyfor concept_magazine_charlotte +concept_company_north_carolina concept:mutualproxyfor concept_person_raleigh +concept_company_north_carolina concept:organizationhiredperson concept_professor_anson_dorrance +concept_company_north_carolina concept:mutualproxyfor concept_room_cary +concept_company_north_carolina concept:organizationterminatedperson concept_scientist_no_ +concept_company_north_carolina concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_company_north_carolina concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_company_north_carolina concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_company_north_carolina concept:proxyfor concept_stateorprovince_home +concept_company_north_carolina concept:mutualproxyfor concept_website_concord +concept_company_north_carolina concept:mutualproxyfor concept_writer_clayton +concept_company_northwest_airlines concept:hasofficeincity concept_city_amsterdam +concept_company_northwest_airlines concept:hasofficeincity concept_city_detroit +concept_company_northwest_airlines concept:hasofficeincity concept_city_manila +concept_company_northwest_airlines concept:hasofficeincity concept_city_minneapolis +concept_company_northwest_airlines concept:hasofficeincity concept_city_tokyo +concept_company_norwich_union concept:companyeconomicsector concept_economicsector_insurance +concept_company_npr concept:companyeconomicsector concept_academicfield_media +concept_company_npr concept:companyeconomicsector concept_academicfield_news +concept_company_npr concept:hasofficeincity concept_city_new_york +concept_company_npr concept:headquarteredin concept_city_washington_d_c +concept_company_npr concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_npr concept:companyalsoknownas concept_company_national_public_radio +concept_company_ntl concept:acquired concept_company_virgin_mobile +concept_company_ntt concept:headquarteredin concept_city_tokyo +concept_company_ntt concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_ntt_docomo_inc_ concept:organizationheadquarteredincity concept_city_tokyo +concept_company_nuance concept:latitudelongitude 48.7333700000000,-70.3323200000000 +concept_company_nucor concept:agentcollaborateswithagent concept_personnorthamerica_daniel_dimicco +concept_company_nucor concept:mutualproxyfor concept_personnorthamerica_daniel_dimicco +concept_company_nyt concept:companyeconomicsector concept_academicfield_news +concept_company_nyt concept:competeswith concept_politicsblog_journal +concept_company_nytimes001 concept:competeswith concept_politicsblog_journal +concept_company_observer001 concept:headquarteredin concept_city_washington_d_c +concept_company_observer001 concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_observer001 concept:agentactsinlocation concept_lake_new +concept_company_observer001 concept:competeswith concept_newspaper_daily +concept_company_observer001 concept:agentactsinlocation concept_stateorprovince_new_york +concept_company_ogilvy___mather concept:companyeconomicsector concept_economicsector_advertising +concept_company_ogio concept:latitudelongitude 6.9333300000000,6.4000000000000 +concept_company_oink concept:latitudelongitude 40.1605900000000,-88.4103300000000 +concept_company_old_mutual concept:companyeconomicsector concept_economicsector_insurance +concept_company_olympic concept:hasofficeincity concept_city_heathrow +concept_company_olympic concept:headquarteredin concept_city_new_york +concept_company_olympic_air concept:organizationheadquarteredincity concept_city_athens +concept_company_olympic_airways concept:hasofficeincity concept_city_athens +concept_company_oman_air concept:hasofficeincity concept_city_salalah +concept_company_open_text concept:acquired concept_company_hummingbird +concept_company_oppenheimer___co_ concept:companyeconomicsector concept_economicsector_investment +concept_company_oprah_show concept:companyeconomicsector concept_academicfield_media +concept_company_opsware concept:subpartoforganization concept_company_hp +concept_company_oracle concept:companyalsoknownas concept_bank_oracle_corporation +concept_company_oracle concept:competeswith concept_blog_google +concept_company_oracle concept:competeswith concept_blog_sun +concept_company_oracle concept:acquired concept_company_hyperion_solutions +concept_company_oracle concept:competeswith concept_company_ibm +concept_company_oracle concept:competeswith concept_company_microsoft +concept_company_oracle concept:acquired concept_company_siebel +concept_company_oracle concept:acquired concept_company_sleepycat_software +concept_company_oracle concept:agentcollaborateswithagent concept_person_larry_ellison +concept_company_oracle001 concept:acquired concept_biotechcompany_bea_systems +concept_company_orbitz_worldwide concept:subpartoforganization concept_company_cendant +concept_company_orbitz_worldwide concept:companyeconomicsector concept_economicsector_travel +concept_company_orbitz_worldwide concept:agentcompeteswithagent concept_university_search +concept_company_organizations concept:organizationheadquarteredincountry concept_country_u_s_ +concept_company_origin concept:proxyfor concept_book_new +concept_company_overture concept:acquired concept_company_alta_vista +concept_company_overture concept:agentcompeteswithagent concept_university_google +concept_company_overture concept:agentcompeteswithagent concept_university_search +concept_company_overture concept:acquired concept_website_altavista_com +concept_company_owens_corning concept:organizationterminatedperson concept_ceo_david_brown +concept_company_owens_corning concept:subpartof concept_ceo_david_brown +concept_company_owens_corning concept:headquarteredin concept_city_sydney +concept_company_owens_corning concept:organizationheadquarteredincity concept_city_sydney +concept_company_pacific_gas_and_electric concept:companyeconomicsector concept_politicsissue_energy +concept_company_pacifica concept:hasofficeincity concept_city_washington_d_c +concept_company_paine_webber concept:companyeconomicsector concept_economicsector_investment +concept_company_pakistan concept:hasofficeincountry concept_country___america +concept_company_pakistan concept:hasofficeincountry concept_country_korea +concept_company_palm concept:agentcollaborateswithagent concept_company_handspring +concept_company_palm concept:agentcreated concept_legume_palm_os +concept_company_palm concept:producesproduct concept_product_palm_os +concept_company_palm concept:producesproduct concept_product_palm_pre +concept_company_palmsource concept:subpartof concept_hallwayitem_access +concept_company_panasonic concept:acquired concept_company_sanyo +concept_company_panasonic concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_company_panasonic concept:companyeconomicsector concept_economicsector_electronics +concept_company_parkett concept:latitudelongitude 44.5851200000000,-121.9836800000000 +concept_company_partygaming concept:companyeconomicsector concept_economicsector_gambling +concept_company_partygaming concept:companyeconomicsector concept_economicsector_gaming +concept_company_patagonia concept:organizationterminatedperson concept_person_yvon_chouinard +concept_company_path_ concept:latitudelongitude 34.4103900000000,-82.5186000000000 +concept_company_pb_air concept:hasofficeincity concept_city_bangkok +concept_company_pbs concept:companyeconomicsector concept_academicfield_media +concept_company_pbs concept:companyeconomicsector concept_academicfield_news +concept_company_pbs concept:headquarteredin concept_city_new_york +concept_company_pbs concept:acquired concept_company_kemv +concept_company_pbs concept:acquired concept_company_kues +concept_company_pbs concept:agentcollaborateswithagent concept_journalist_gwen_ifill +concept_company_pbs concept:organizationterminatedperson concept_personus_pat_mitchell +concept_company_pbs concept:agentcontrols concept_televisionstation_kacv_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kaet +concept_company_pbs concept:agentcontrols concept_televisionstation_kaft +concept_company_pbs concept:agentcontrols concept_televisionstation_kamu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kawb +concept_company_pbs concept:agentcontrols concept_televisionstation_kawe +concept_company_pbs concept:agentcontrols concept_televisionstation_kbdi_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kbhe_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kbme_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kbtc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kbyu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kcdt_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kcet +concept_company_pbs concept:agentcontrols concept_televisionstation_kcge_dt +concept_company_pbs concept:agentcontrols concept_televisionstation_kcka +concept_company_pbs concept:agentcontrols concept_televisionstation_kcos_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kcsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kcts_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kcwc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kdck +concept_company_pbs concept:agentcontrols concept_televisionstation_kdin_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kdsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kedt +concept_company_pbs concept:agentcontrols concept_televisionstation_kepb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kera_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kesd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ketc +concept_company_pbs concept:agentcontrols concept_televisionstation_ketg +concept_company_pbs concept:acquired concept_televisionstation_kets_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kfts +concept_company_pbs concept:agentcontrols concept_televisionstation_kisu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kixe_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klpa_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klpb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klrn_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klru +concept_company_pbs concept:agentcontrols concept_televisionstation_kltm_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_klts_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kmbh_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kmne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kmos_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_knme_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_knpb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_koac_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kocv_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_koet +concept_company_pbs concept:agentcontrols concept_televisionstation_kood +concept_company_pbs concept:agentcontrols concept_televisionstation_kopb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kozk +concept_company_pbs concept:agentcontrols concept_televisionstation_kpne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kpsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kpts +concept_company_pbs concept:acquired concept_televisionstation_kqet +concept_company_pbs concept:agentcontrols concept_televisionstation_kqsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_krcb +concept_company_pbs concept:agentcontrols concept_televisionstation_krma_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_krne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_krsc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_krwg_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ksmq_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ksps_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ksre +concept_company_pbs concept:agentcontrols concept_televisionstation_kswk +concept_company_pbs concept:agentcontrols concept_televisionstation_ktca_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ktci_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kteh +concept_company_pbs concept:agentcontrols concept_televisionstation_ktne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ktnw +concept_company_pbs concept:agentcontrols concept_televisionstation_ktsc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ktsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_ktwu +concept_company_pbs concept:agentcontrols concept_televisionstation_kuas_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kuat_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kued +concept_company_pbs concept:agentcontrols concept_televisionstation_kufm_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kuht +concept_company_pbs concept:agentcontrols concept_televisionstation_kuid_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kuon_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kusd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kusm +concept_company_pbs concept:agentcontrols concept_televisionstation_kvcr_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kvie +concept_company_pbs concept:agentcontrols concept_televisionstation_kwet +concept_company_pbs concept:agentcontrols concept_televisionstation_kwse +concept_company_pbs concept:agentcontrols concept_televisionstation_kxne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kyne_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kyve_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_kzsd_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wbcc_tv +concept_company_pbs concept:acquired concept_televisionstation_wbgu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wbiq_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wbra_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wcet +concept_company_pbs concept:agentcontrols concept_televisionstation_wcfe_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wdcq_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wdse_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_weao +concept_company_pbs concept:agentcontrols concept_televisionstation_wedn +concept_company_pbs concept:agentcontrols concept_televisionstation_weiq_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wekw_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wenh +concept_company_pbs concept:agentcontrols concept_televisionstation_weta_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wetp_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wfiq +concept_company_pbs concept:agentcontrols concept_televisionstation_wfpt +concept_company_pbs concept:agentcontrols concept_televisionstation_wfsu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wfwa +concept_company_pbs concept:agentcontrols concept_televisionstation_wgbh_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wgbx_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wgby_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wgcu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wgiq +concept_company_pbs concept:agentcontrols concept_televisionstation_wgpt +concept_company_pbs concept:agentcontrols concept_televisionstation_wgte_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wgvu_tv +concept_company_pbs concept:acquired concept_televisionstation_wha +concept_company_pbs concept:agentcontrols concept_televisionstation_wha__tv +concept_company_pbs concept:agentcontrols concept_televisionstation_whiq +concept_company_pbs concept:agentcontrols concept_televisionstation_whla_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_whmc +concept_company_pbs concept:agentcontrols concept_televisionstation_whrm_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_whro_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_whtj +concept_company_pbs concept:agentcontrols concept_televisionstation_wiiq +concept_company_pbs concept:agentcontrols concept_televisionstation_witf_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wjct +concept_company_pbs concept:agentcontrols concept_televisionstation_wjeb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkas +concept_company_pbs concept:agentcontrols concept_televisionstation_wkha +concept_company_pbs concept:agentcontrols concept_televisionstation_wkle +concept_company_pbs concept:agentcontrols concept_televisionstation_wkma +concept_company_pbs concept:agentcontrols concept_televisionstation_wkmj_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkmr +concept_company_pbs concept:agentcontrols concept_televisionstation_wkmu +concept_company_pbs concept:agentcontrols concept_televisionstation_wkno_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkoh +concept_company_pbs concept:agentcontrols concept_televisionstation_wkon +concept_company_pbs concept:agentcontrols concept_televisionstation_wkop_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkpc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkpi +concept_company_pbs concept:agentcontrols concept_televisionstation_wkso_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkyu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wkzt_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wlae_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wlef_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wljt_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wlpb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wlrn_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wlvt_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmae_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmah_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmau_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmav_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmaw_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmea_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmeb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmec +concept_company_pbs concept:agentcontrols concept_televisionstation_wmed_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmfe_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmpb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmpn_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmpt +concept_company_pbs concept:agentcontrols concept_televisionstation_wmsy_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wmvs_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wneo +concept_company_pbs concept:agentcontrols concept_televisionstation_wnin_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wnit_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wnjn +concept_company_pbs concept:agentcontrols concept_televisionstation_wnjs +concept_company_pbs concept:agentcontrols concept_televisionstation_wnjt +concept_company_pbs concept:agentcontrols concept_televisionstation_wnpb_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wnsc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wntv +concept_company_pbs concept:agentcontrols concept_televisionstation_wnvt +concept_company_pbs concept:agentcontrols concept_televisionstation_wosu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_woub_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wouc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wpba +concept_company_pbs concept:agentcontrols concept_televisionstation_wpbo_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wpbt +concept_company_pbs concept:agentcontrols concept_televisionstation_wpby_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wpsx_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wptd +concept_company_pbs concept:agentcontrols concept_televisionstation_wpto +concept_company_pbs concept:agentcontrols concept_televisionstation_wqec +concept_company_pbs concept:agentcontrols concept_televisionstation_wqpt_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wrja_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wsbn_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wsec +concept_company_pbs concept:agentcontrols concept_televisionstation_wsiu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wsre +concept_company_pbs concept:agentcontrols concept_televisionstation_wswp_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wtiu_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wtvi +concept_company_pbs concept:agentcontrols concept_televisionstation_wunc_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wund_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wune_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunf_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wung_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunj_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunl_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunm_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunp_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wunu +concept_company_pbs concept:agentcontrols concept_televisionstation_wviz_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wvpy +concept_company_pbs concept:agentcontrols concept_televisionstation_wvta +concept_company_pbs concept:agentcontrols concept_televisionstation_wvut +concept_company_pbs concept:agentcontrols concept_televisionstation_wwpb +concept_company_pbs concept:agentcontrols concept_televisionstation_wxel_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wxxi_tv +concept_company_pbs concept:agentcontrols concept_televisionstation_wyes_tv +concept_company_pbs concept:agentcontrols concept_website_keta_tv +concept_company_pbs concept:agentcontrols concept_website_kipt +concept_company_pbs concept:agentcontrols concept_website_koed_tv +concept_company_pc concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_pc concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_pc concept:producesproduct concept_product_linux +concept_company_pc concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_company_pc concept:producesproduct concept_videogame_mac +concept_company_pearson concept:buildinglocatedincity concept_city_toronto +concept_company_pembina_institute concept:headquarteredin concept_city_calgary +concept_company_pembina_institute concept:hasofficeincountry concept_country_canada_canada +concept_company_pembina_institute concept:organizationheadquarteredincountry concept_country_canada_canada +concept_company_pembina_institute concept:hasofficeincountry concept_country_uk__canada +concept_company_pembina_institute concept:organizationterminatedperson concept_person_chris_severson_baker +concept_company_pembina_institute concept:subpartof concept_person_chris_severson_baker +concept_company_pembina_institute concept:organizationheadquarteredinstateorprovince concept_stateorprovince_alberta +concept_company_pentel concept:latitudelongitude 66.8143533333333,33.1562966666667 +concept_company_peoplesoft concept:mutualproxyfor concept_ceo_david_duffield +concept_company_peoplesoft concept:organizationterminatedperson concept_ceo_david_duffield +concept_company_peoplesoft concept:subpartoforganization concept_company_oracle001 +concept_company_peoplesoft concept:organizationterminatedperson concept_person_craig_conway +concept_company_pepsico concept:organizationterminatedperson concept_ceo_indra_k__nooyi +concept_company_pepsico concept:hasofficeincity concept_city_new_york +concept_company_pepsico concept:producesproduct concept_product_mountain_dew +concept_company_pergo concept:latitudelongitude 36.5880600000000,27.0380600000000 +concept_company_perot_systems concept:organizationhiredperson concept_ceo_peter_altabef +concept_company_perot_systems concept:organizationterminatedperson concept_ceo_peter_altabef +concept_company_perot_systems concept:subpartof concept_ceo_peter_altabef +concept_company_peter_d__hart_research_associates concept:mutualproxyfor concept_person_allan_rivlin +concept_company_peter_d__hart_research_associates concept:organizationterminatedperson concept_person_allan_rivlin +concept_company_peter_d__hart_research_associates concept:subpartof concept_person_allan_rivlin +concept_company_peter_d__hart_research_associates concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_company_petrobras concept:companyeconomicsector concept_politicsissue_energy +concept_company_philip_morris concept:acquired concept_company_general_foods +concept_company_philip_morris concept:acquired concept_company_kraft +concept_company_philip_morris concept:acquired concept_company_miller_brewing +concept_company_philip_morris concept:competeswith concept_company_remy_cointreau +concept_company_philippine_airlines concept:hasofficeincity concept_city_manila +concept_company_philips concept:hasofficeincity concept_city_aachen +concept_company_philips concept:hasofficeincity concept_city_briarcliff_manor +concept_company_philips concept:hasofficeincity concept_city_redhill +concept_company_philips concept:acquired concept_company_dlo +concept_company_philips concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_company_philips concept:companyeconomicsector concept_economicsector_electronics +concept_company_philips concept:companyeconomicsector concept_economicsector_healthcare +concept_company_philips_lighting concept:latitudelongitude 40.8723200000000,-74.5296000000000 +concept_company_phillips concept:headquarteredin concept_city_bartlesville +concept_company_phillips concept:organizationheadquarteredincity concept_city_bartlesville +concept_company_phillips concept:hasofficeincity concept_city_washington_d_c +concept_company_phillips concept:companyeconomicsector concept_economicsector_electronics +concept_company_phillips_petroleum concept:headquarteredin concept_city_bartlesville +concept_company_phillips_petroleum concept:agentcollaborateswithagent concept_petroleumrefiningcompany_conoco +concept_company_phillips_petroleum concept:agentcontrols concept_petroleumrefiningcompany_conoco +concept_company_phillips_petroleum concept:agentcontrols concept_retailstore_conoco +concept_company_phillips_petroleum concept:agentactsinlocation concept_stateorprovince_bartlesville +concept_company_phorm concept:companyeconomicsector concept_economicsector_advertising +concept_company_pimco concept:organizationhiredperson concept_ceo_bill_gross +concept_company_pimco concept:organizationterminatedperson concept_ceo_bill_gross +concept_company_pimco concept:agentcontrols concept_wine_gross +concept_company_pimco concept:mutualproxyfor concept_wine_gross +concept_company_pimco concept:subpartof concept_wine_gross +concept_company_pinnacle concept:proxyfor concept_book_new +concept_company_piping concept:subpartof concept_weatherphenomenon_water +concept_company_pivotal concept:latitudelongitude 50.3829700000000,-123.8861200000000 +concept_company_pixar concept:headquarteredin concept_city_emeryville +concept_company_pixar concept:agentcollaborateswithagent concept_personaustralia_jobs +concept_company_pixar concept:mutualproxyfor concept_personus_jobs +concept_company_pixar concept:organizationterminatedperson concept_personus_jobs +concept_company_pixar concept:mutualproxyfor concept_politician_jobs +concept_company_pixar concept:agentcontrols concept_website_jobs +concept_company_pixar_animation_studios concept:headquarteredin concept_city_emeryville +concept_company_pixar_animation_studios concept:agentcollaborateswithagent concept_personus_jobs +concept_company_pixar_animation_studios concept:agentcollaborateswithagent concept_politician_jobs +concept_company_pixar_animation_studios concept:agentcontrols concept_politician_jobs +concept_company_pixar_animation_studios concept:agentactsinlocation concept_transportation_emeryville +concept_company_placeware concept:subpartoforganization concept_university_microsoft +concept_company_plante___moran concept:companyeconomicsector concept_academicfield_accounting +concept_company_planview concept:latitudelongitude 40.7669400000000,-73.8858300000000 +concept_company_platinum_studios concept:organizationhiredperson concept_model_scott_mitchell_rosenberg +concept_company_platinum_studios concept:organizationterminatedperson concept_model_scott_mitchell_rosenberg +concept_company_platinum_studios concept:subpartof concept_model_scott_mitchell_rosenberg +concept_company_play_boy concept:latitudelongitude 0.2267400000000,-74.8741600000000 +concept_company_playboy_enterprises concept:organizationterminatedperson concept_ceo_hugh_hefner +concept_company_playboy_enterprises concept:headquarteredin concept_city_new_york +concept_company_post concept:companyeconomicsector concept_academicfield_media +concept_company_post concept:companyeconomicsector concept_academicfield_news +concept_company_post concept:agentactsinlocation concept_airport_cyprus +concept_company_post concept:agentactsinlocation concept_beach_austin_texas +concept_company_post concept:agentactsinlocation concept_beach_chico_california +concept_company_post concept:agentactsinlocation concept_beach_hague +concept_company_post concept:agentactsinlocation concept_beach_nova_scotia +concept_company_post concept:agentactsinlocation concept_beach_scranton_pennsylvania +concept_company_post concept:subpartoforganization concept_blog_form +concept_company_post concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_post concept:agentactsinlocation concept_city_beirut +concept_company_post concept:agentactsinlocation concept_city_caracas +concept_company_post concept:hasofficeincity concept_city_houston +concept_company_post concept:agentactsinlocation concept_city_jakarta +concept_company_post concept:hasofficeincity concept_city_jerusalem +concept_company_post concept:hasofficeincity concept_city_l_a_ +concept_company_post concept:hasofficeincity concept_city_la +concept_company_post concept:hasofficeincity concept_city_london_city +concept_company_post concept:agentactsinlocation concept_city_melbourne +concept_company_post concept:agentactsinlocation concept_city_newyork +concept_company_post concept:agentactsinlocation concept_city_richmond_hill +concept_company_post concept:hasofficeincity concept_city_seattle +concept_company_post concept:agentactsinlocation concept_city_vienna +concept_company_post concept:hasofficeincity concept_city_washington_d_c +concept_company_post concept:competeswith concept_company_fox +concept_company_post concept:agentactsinlocation concept_country_republic_of_austria +concept_company_post concept:agentactsinlocation concept_country_tanzania +concept_company_post concept:headquarteredin concept_county_los_angeles_county +concept_company_post concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_company_post concept:agentactsinlocation concept_highway_the_new +concept_company_post concept:agentactsinlocation concept_lake_new +concept_company_post concept:competeswith concept_newspaper_daily +concept_company_post concept:competeswith concept_newspaper_dallas_morning +concept_company_post concept:agentcompeteswithagent concept_newspaper_the_wall_street +concept_company_post concept:competeswith concept_politicsblog_journal +concept_company_post concept:agentactsinlocation concept_port_belgrade +concept_company_post concept:agentinvolvedwithitem concept_product_tab +concept_company_post concept:agentcreated concept_programminglanguage_contact +concept_company_post concept:agentactsinlocation concept_retailstore_la +concept_company_post concept:agentactsinlocation concept_river_paraguay +concept_company_post concept:agentactsinlocation concept_stateorprovince_british_columbia +concept_company_post concept:agentactsinlocation concept_stateorprovince_new_york +concept_company_post concept:agentactsinlocation concept_stateorprovince_the_washington +concept_company_post concept:agentactsinlocation concept_trail_in_illinois +concept_company_post concept:agentactsinlocation concept_trail_in_los_angeles +concept_company_post concept:agentactsinlocation concept_trail_in_new_jersey +concept_company_post concept:agentactsinlocation concept_trail_in_philadelphia +concept_company_post concept:agentactsinlocation concept_transportation_in_san_francisco +concept_company_post concept:agentcompeteswithagent concept_university_search +concept_company_post concept:agentactsinlocation concept_visualizablescene_macau +concept_company_post concept:agentactsinlocation concept_visualizablescene_ny +concept_company_post concept:agentactsinlocation concept_website_financial +concept_company_post concept:competeswith concept_website_new_york_daily +concept_company_postini concept:subpartoforganization concept_university_google +concept_company_power concept:agentcompeteswithagent concept_company_gasoline +concept_company_power concept:agentcompeteswithagent concept_personcanada_diesel +concept_company_press concept:companyeconomicsector concept_academicfield_media +concept_company_press concept:hasofficeincity concept_city_jerusalem +concept_company_press concept:headquarteredin concept_city_washington_d_c +concept_company_press concept:hasofficeincity concept_county_los_angeles_county +concept_company_press concept:agentactsinlocation concept_stateorprovince_new_york +concept_company_price concept:headquarteredin concept_city_cincinnati +concept_company_price concept:organizationheadquarteredinstateorprovince concept_stateorprovince_oh +concept_company_price_waterhouse concept:companyeconomicsector concept_academicfield_accounting +concept_company_price_waterhouse concept:companyeconomicsector concept_academicfield_consulting +concept_company_price_waterhouse concept:companyeconomicsector concept_economicsector_auditing +concept_company_primedia concept:companyeconomicsector concept_academicfield_media +concept_company_priority concept:competeswith concept_bank_dhl +concept_company_priority concept:competeswith concept_bank_express_mail +concept_company_priority concept:competeswith concept_bank_fed_ex +concept_company_priority concept:competeswith concept_bank_first_class_mail +concept_company_priority concept:competeswith concept_bank_global_priority +concept_company_priority concept:competeswith concept_bank_parcel_post +concept_company_priority concept:competeswith concept_bank_priority_mail +concept_company_priority concept:competeswith concept_bank_ups +concept_company_priority concept:competeswith concept_bank_ups_ground +concept_company_priority concept:competeswith concept_bank_usps +concept_company_priority concept:proxyfor concept_bedroomitem_new +concept_company_priority concept:mutualproxyfor concept_book_new +concept_company_priority concept:agentcompeteswithagent concept_celebrity_ups +concept_company_priority concept:competeswith concept_company_air +concept_company_priority concept:competeswith concept_company_express +concept_company_priority concept:competeswith concept_company_first_class +concept_company_priority concept:competeswith concept_company_media_mail +concept_company_priority concept:organizationheadquarteredincountry concept_country_usa +concept_company_priority concept:agentcompeteswithagent concept_governmentorganization_usps +concept_company_priority concept:competeswith concept_magazine_fedex +concept_company_priority concept:istallerthan concept_publication_people_ +concept_company_prodrive concept:organizationhiredperson concept_actor_david_richards +concept_company_prodrive concept:subpartof concept_actor_david_richards +concept_company_prodrive concept:organizationterminatedperson concept_ceo_david_richards +concept_company_progressive concept:companyeconomicsector concept_economicsector_insurance +concept_company_prudential concept:hasofficeincity concept_city_boston +concept_company_prudential001 concept:headquarteredin concept_city_newark +concept_company_prudential002 concept:companyeconomicsector concept_academicfield_real_estate +concept_company_prudential002 concept:companyeconomicsector concept_economicsector_financial_services +concept_company_prudential002 concept:companyeconomicsector concept_economicsector_insurance +concept_company_ptc concept:hasofficeincity concept_geopoliticallocation_needham +concept_company_public concept:companyeconomicsector concept_economicsector_insurance +concept_company_publications concept:proxyfor concept_book_new +concept_company_publications concept:subpartoforganization concept_governmentorganization_government +concept_company_publications concept:agentcollaborateswithagent concept_person_government +concept_company_publications concept:subpartoforganization concept_terroristorganization_state +concept_company_publicis concept:companyeconomicsector concept_economicsector_advertising +concept_company_qantas concept:atlocation concept_city_sydney +concept_company_qatar_airways concept:hasofficeincity concept_city_heathrow +concept_company_qualcomm concept:acquired concept_company_snaptrack +concept_company_quds_force concept:headquarteredin concept_city_tehran +concept_company_quds_force concept:hasofficeincountry concept_country_iran +concept_company_quds_force concept:organizationheadquarteredincountry concept_country_iran +concept_company_quds_force concept:organizationalsoknownas concept_organization_al_quds_brigade +concept_company_quds_force concept:organizationalsoknownas concept_organization_ircg_qf +concept_company_quds_force concept:organizationalsoknownas concept_organization_quds_army +concept_company_quds_force concept:organizationterminatedperson concept_person_ahmed_foruzandeh +concept_company_qwest concept:mutualproxyfor concept_ceo_richard_notebaert +concept_company_qwest concept:organizationterminatedperson concept_ceo_richard_notebaert +concept_company_qwest concept:headquarteredin concept_city_denver +concept_company_qwest concept:acquired concept_company_us_west +concept_company_qwest concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_qwest_communications concept:mutualproxyfor concept_ceo_richard_notebaert +concept_company_qwest_communications concept:organizationterminatedperson concept_ceo_richard_notebaert +concept_company_qwest_communications concept:headquarteredin concept_city_denver +concept_company_qwest_communications_international concept:mutualproxyfor concept_ceo_richard_notebaert +concept_company_qwest_communications_international concept:organizationterminatedperson concept_ceo_richard_notebaert +concept_company_qwest_communications_international concept:headquarteredin concept_city_denver +concept_company_racal concept:latitudelongitude 26.1416700000000,-80.3366700000000 +concept_company_radar_networks concept:organizationterminatedperson concept_professor_nova_spivack +concept_company_radar_networks concept:subpartof concept_professor_nova_spivack +concept_company_radio_corporation concept:latitudelongitude 40.9348200000000,-74.4287600000000 +concept_company_random_house concept:companyeconomicsector concept_academicfield_publishing +concept_company_random_house concept:atdate concept_dateliteral_n2006 +concept_company_random_house concept:atdate concept_dateliteral_n2007 +concept_company_rank concept:companyeconomicsector concept_economicsector_seo +concept_company_rank concept:agentcompeteswithagent concept_university_search +concept_company_raytheon concept:agentcollaborateswithagent concept_biotechcompany_e_systems +concept_company_raytheon concept:agentcontrols concept_biotechcompany_e_systems +concept_company_raytheon001 concept:headquarteredin concept_county_lexington +concept_company_rccl concept:companyalsoknownas concept_company_royal_caribbean_cruises +concept_company_rccl concept:organizationalsoknownas concept_company_royal_caribbean_cruises +concept_company_rccl concept:synonymfor concept_company_royal_caribbean_cruises +concept_company_rccl concept:organizationterminatedperson concept_person_richard_fain +concept_company_re_max concept:companyeconomicsector concept_academicfield_real_estate +concept_company_real_deal concept:proxyfor concept_book_new +concept_company_realnetworks concept:mutualproxyfor concept_ceo_rob_glaser +concept_company_realnetworks concept:organizationterminatedperson concept_ceo_rob_glaser +concept_company_realnetworks concept:subpartof concept_ceo_rob_glaser +concept_company_realtime concept:synonymfor concept_everypromotedthing_logtop +concept_company_red_hat_inc concept:acquired concept_biotechcompany_cygnus +concept_company_red_hat_inc concept:headquarteredin concept_city_durham +concept_company_red_hat_inc concept:acquired concept_company_qumranet +concept_company_red_hat_software concept:agentcollaborateswithagent concept_biotechcompany_cygnus +concept_company_red_hat_software concept:headquarteredin concept_city_durham +concept_company_redhat concept:synonymfor concept_videogamesystem_rhel +concept_company_reebok concept:companyeconomicsector concept_academicfield_sports +concept_company_reebok concept:organizationterminatedperson concept_ceo_paul_fireman +concept_company_reebok concept:headquarteredin concept_city_canton +concept_company_reebok concept:organizationheadquarteredincity concept_city_canton +concept_company_reebok concept:competeswith concept_company_post +concept_company_reed_elsevier concept:agentcollaborateswithagent concept_company_lexisnexis +concept_company_reed_elsevier concept:agentcontrols concept_company_lexisnexis +concept_company_regional_express concept:hasofficeincity concept_city_melbourne +concept_company_regional_express concept:hasofficeincity concept_city_sydney +concept_company_remax concept:companyeconomicsector concept_academicfield_real_estate +concept_company_ren concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_research_in_motion_limited concept:mutualproxyfor concept_ceo_jim_balsillie +concept_company_research_in_motion_limited concept:organizationterminatedperson concept_ceo_jim_balsillie +concept_company_research_in_motion_limited concept:agentcreated concept_company_blackberry +concept_company_research_in_motion_limited concept:companyalsoknownas concept_company_rimm +concept_company_research_in_motion_limited concept:organizationalsoknownas concept_company_rimm +concept_company_research_in_motion_limited concept:agentinvolvedwithitem concept_consumerelectronicitem_blackberry +concept_company_research_in_motion_limited concept:hasofficeincountry concept_country_canada_canada +concept_company_research_in_motion_limited concept:hasofficeincountry concept_country_uk__canada +concept_company_research_in_motion_limited concept:producesproduct concept_product_blackberry +concept_company_resort concept:atdate concept_date_n2003 +concept_company_resort concept:atdate concept_dateliteral_n2007 +concept_company_resorts concept:proxyfor concept_book_new +concept_company_reuters concept:hasofficeincity concept_city_new_york +concept_company_reuters concept:organizationheadquarteredincity concept_city_new_york +concept_company_reuters concept:agentcollaborateswithagent concept_journalist_jon_decker +concept_company_reuters concept:competeswith concept_politicsblog_journal +concept_company_revlon concept:mutualproxyfor concept_ceo_ron_perelman +concept_company_revlon concept:organizationterminatedperson concept_ceo_ron_perelman +concept_company_revlon concept:subpartof concept_ceo_ron_perelman +concept_company_revolution_health_com concept:headquarteredin concept_city_new_york +concept_company_revolution_health_group concept:headquarteredin concept_city_new_york +concept_company_reynolds_american concept:mutualproxyfor concept_ceo_susan_m__ivey +concept_company_reynolds_american concept:organizationterminatedperson concept_ceo_susan_m__ivey +concept_company_reynolds_american concept:subpartof concept_ceo_susan_m__ivey +concept_company_riaa concept:organizationterminatedperson concept_ceo_hilary_rosen +concept_company_riaa concept:subpartof concept_ceo_hilary_rosen +concept_company_ricardo concept:companyeconomicsector concept_academicfield_engineering +concept_company_ricoh concept:latitudelongitude 52.4484600000000,-1.4974400000000 +concept_company_rim_blackberry concept:organizationterminatedperson concept_ceo_jim_balsillie +concept_company_rim_blackberry concept:companyalsoknownas concept_company_rimm +concept_company_rim_blackberry concept:organizationalsoknownas concept_company_rimm +concept_company_rim_blackberry concept:hasofficeincountry concept_country_canada_canada +concept_company_rim_blackberry concept:hasofficeincountry concept_country_uk__canada +concept_company_rim_blackberry concept:producesproduct concept_product_blackberry +concept_company_robots concept:agentcompeteswithagent concept_university_search +concept_company_rochester concept:proxyfor concept_book_new +concept_company_rochester concept:proxyfor concept_company_new_york +concept_company_rochester concept:subpartof concept_company_new_york +concept_company_rochester concept:proxyfor concept_personnorthamerica_minnesota +concept_company_rochester concept:subpartof concept_personnorthamerica_minnesota +concept_company_rochester concept:atlocation concept_politicsblog_new_hampshire +concept_company_rocks_and_minerals concept:latitudelongitude 40.8814000000000,-97.0903100000000 +concept_company_rockwell concept:companyeconomicsector concept_economicsector_aerospace +concept_company_rogers concept:acquired concept_company_microcell +concept_company_roland concept:agentcontributedtocreativework concept_book_beowulf +concept_company_rose concept:headquarteredin concept_city_kirkland +concept_company_royal_air_maroc concept:headquarteredin concept_city_casablanca +concept_company_royal_air_maroc concept:hasofficeincity concept_city_new_york +concept_company_royal_caribbean_cruises concept:companyalsoknownas concept_company_rccl +concept_company_royal_caribbean_cruises concept:organizationterminatedperson concept_person_richard_fain +concept_company_royal_oak concept:proxyfor concept_creditunion_michigan +concept_company_rush concept:companyeconomicsector concept_academicfield_news +concept_company_rwe concept:companyeconomicsector concept_politicsissue_energy +concept_company_ryan_air concept:companyeconomicsector concept_economicsector_budget +concept_company_ryanair concept:hasofficeincity concept_city_aberdeen +concept_company_ryanair concept:hasofficeincity concept_city_alicante +concept_company_ryanair concept:hasofficeincity concept_city_ancona +concept_company_ryanair concept:hasofficeincity concept_city_billund +concept_company_ryanair concept:hasofficeincity concept_city_birmingham +concept_company_ryanair concept:hasofficeincity concept_city_bologna +concept_company_ryanair concept:hasofficeincity concept_city_bratislava +concept_company_ryanair concept:hasofficeincity concept_city_bremen +concept_company_ryanair concept:hasofficeincity concept_city_brest +concept_company_ryanair concept:hasofficeincity concept_city_brindisi +concept_company_ryanair concept:hasofficeincity concept_city_bristol +concept_company_ryanair concept:hasofficeincity concept_city_edinburgh +concept_company_ryanair concept:hasofficeincity concept_city_frankfurt +concept_company_ryanair concept:hasofficeincity concept_city_friedrichshafen +concept_company_ryanair concept:headquarteredin concept_city_glasgow +concept_company_ryanair concept:hasofficeincity concept_city_gothenburg +concept_company_ryanair concept:hasofficeincity concept_city_granada +concept_company_ryanair concept:hasofficeincity concept_city_graz +concept_company_ryanair concept:hasofficeincity concept_city_hamburg +concept_company_ryanair concept:hasofficeincity concept_city_london_city +concept_company_ryanair concept:hasofficeincity concept_city_madrid +concept_company_ryanair concept:hasofficeincity concept_city_malaga +concept_company_ryanair concept:hasofficeincity concept_city_marseille +concept_company_ryanair concept:hasofficeincity concept_city_milan +concept_company_ryanair concept:hasofficeincity concept_city_montpellier +concept_company_ryanair concept:hasofficeincity concept_city_oslo +concept_company_ryanair concept:hasofficeincity concept_city_paris +concept_company_ryanair concept:hasofficeincity concept_city_pisa +concept_company_ryanair concept:hasofficeincity concept_city_seville +concept_company_ryanair concept:hasofficeincity concept_city_stockholm +concept_company_ryanair concept:hasofficeincity concept_city_tampere +concept_company_ryanair concept:hasofficeincity concept_city_valencia +concept_company_ryanair concept:hasofficeincity concept_geopoliticallocation_santander +concept_company_ryanair concept:hasofficeincity concept_geopoliticallocation_zadar +concept_company_ryanair concept:hasofficeincity concept_visualizablething_biarritz +concept_company_ryanair001 concept:hasofficeincity concept_city_alghero +concept_company_ryanair001 concept:hasofficeincity concept_city_bournemouth +concept_company_ryanair001 concept:hasofficeincity concept_city_carcassonne +concept_company_ryanair001 concept:hasofficeincity concept_city_charleroi +concept_company_ryanair001 concept:hasofficeincity concept_city_east_midlands +concept_company_ryanair001 concept:hasofficeincity concept_city_eindhoven +concept_company_ryanair001 concept:hasofficeincity concept_city_faro +concept_company_ryanair001 concept:hasofficeincity concept_city_fez +concept_company_ryanair001 concept:hasofficeincity concept_city_girona +concept_company_ryanair001 concept:hasofficeincity concept_city_glasgow_prestwick +concept_company_ryanair001 concept:hasofficeincity concept_city_grenoble +concept_company_ryanair001 concept:hasofficeincity concept_city_liverpool +concept_company_ryanair001 concept:hasofficeincity concept_city_malta +concept_company_ryanair001 concept:agentactsinlocation concept_city_marseille +concept_company_ryanair001 concept:hasofficeincity concept_city_murcia +concept_company_ryanair001 concept:agentactsinlocation concept_city_nimes +concept_company_ryanair001 concept:hasofficeincity concept_city_perpignan +concept_company_ryanair001 concept:hasofficeincity concept_city_perugia +concept_company_ryanair001 concept:hasofficeincity concept_city_pula +concept_company_ryanair001 concept:hasofficeincity concept_city_reus +concept_company_ryanair001 concept:hasofficeincity concept_city_rimini +concept_company_ryanair001 concept:hasofficeincity concept_city_tenerife +concept_company_ryanair001 concept:hasofficeincity concept_city_treviso +concept_company_ryanair001 concept:hasofficeincity concept_city_turin +concept_company_ryanair001 concept:hasofficeincity concept_city_uk +concept_company_ryanair001 concept:agentactsinlocation concept_county_dublin +concept_company_ryanair001 concept:companyeconomicsector concept_economicsector_budget +concept_company_ryanair001 concept:hasofficeincity concept_geopoliticallocation_hahn +concept_company_ryanair001 concept:mutualproxyfor concept_person_john_o_leary +concept_company_ryanair001 concept:organizationhiredperson concept_person_john_o_leary +concept_company_ryanair001 concept:organizationterminatedperson concept_person_john_o_leary +concept_company_ryanair001 concept:agentactsinlocation concept_stateorprovince_rimini +concept_company_ryanair001 concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_company_ryanair001 concept:hasofficeincity concept_visualizablething_rodez +concept_company_sa_express concept:organizationheadquarteredincity concept_city_johannesburg +concept_company_saatchi_and_saatchi concept:companyeconomicsector concept_economicsector_advertising +concept_company_sabritas concept:headquarteredin concept_city_mexico_city +concept_company_sabritas concept:hasofficeincountry concept_country_mexico +concept_company_sadia concept:organizationterminatedperson concept_person_luiz_furlan +concept_company_sadia concept:subpartof concept_person_luiz_furlan +concept_company_safeco concept:headquarteredin concept_city_seattle +concept_company_sage concept:atdate concept_dateliteral_n2008 +concept_company_salesforce concept:competeswith concept_blog_google +concept_company_salesforce__com concept:competeswith concept_blog_google +concept_company_salesforce__com concept:mutualproxyfor concept_ceo_marc_benioff +concept_company_salesforce__com concept:organizationterminatedperson concept_ceo_marc_benioff +concept_company_salon concept:companyeconomicsector concept_academicfield_media +concept_company_salon concept:headquarteredin concept_city_new_york +concept_company_samsung concept:agentcollaborateswithagent concept_ceo_kun_hee_lee +concept_company_samsung concept:mutualproxyfor concept_ceo_kun_hee_lee +concept_company_samsung concept:headquarteredin concept_city_seoul +concept_company_samsung concept:organizationheadquarteredincity concept_city_seoul +concept_company_samsung concept:hasofficeincountry concept_country_south_korea +concept_company_samsung concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_company_samsung concept:companyeconomicsector concept_economicsector_electronics +concept_company_samsung_instinct concept:agentcontrols concept_ceo_kun_hee_lee +concept_company_samsung_instinct concept:hasofficeincity concept_city_seoul +concept_company_samsung_instinct concept:organizationheadquarteredincity concept_city_seoul +concept_company_samung concept:latitudelongitude 37.8316100000000,126.1559100000000 +concept_company_san_hill concept:latitudelongitude -39.9782500000000,176.5002100000000 +concept_company_sas concept:headquarteredin concept_city_heathrow +concept_company_sas001 concept:hasofficeincity concept_city_stockholm +concept_company_satellites concept:atdate concept_dateliteral_n2007 +concept_company_savin concept:headquarteredin concept_city_dorchester +concept_company_sbc001 concept:acquired concept_company_ameritech +concept_company_sbc_communications_inc_ concept:acquired concept_company_at_t +concept_company_schlumberger_limited concept:companyalsoknownas concept_company_slb +concept_company_schneider_electric concept:agentcontrols concept_company_apc +concept_company_scholastic concept:companyeconomicsector concept_academicfield_publishing +concept_company_scientific_atlanta concept:subpartoforganization concept_biotechcompany_cisco +concept_company_scientific_atlanta concept:companyeconomicsector concept_economicsector_internet +concept_company_scotland concept:acquired concept_bank_natwest +concept_company_scotland concept:agentcollaborateswithagent concept_ceo_fred_goodwin +concept_company_scotland concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_scotland concept:organizationhiredperson concept_person_bruce001 +concept_company_scotland concept:agentcontrols concept_stateorprovince_bruce +concept_company_scotland concept:mutualproxyfor concept_stateorprovince_bruce +concept_company_screen_australia concept:hasofficeincountry concept_country_australia +concept_company_screen_australia concept:organizationheadquarteredincountry concept_country_australia +concept_company_screen_australia concept:organizationterminatedperson concept_person_ruth_harley +concept_company_screen_australia concept:subpartof concept_person_ruth_harley +concept_company_seagate concept:acquired concept_company_maxtor +concept_company_seagram concept:acquired concept_company_polygram +concept_company_seagram concept:agentcollaborateswithagent concept_company_polygram +concept_company_seair concept:hasofficeincity concept_city_manila +concept_company_seattle_p_i concept:headquarteredin concept_city_seattle +concept_company_seattle_p_i concept:organizationheadquarteredincity concept_city_seattle +concept_company_seattle_p_i concept:agentcollaborateswithagent concept_journalist_art_thiel +concept_company_sega concept:companyeconomicsector concept_economicsector_gaming +concept_company_sennheiser concept:acquired concept_winery_neumann +concept_company_sensis concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_services concept:organizationacronymhasname concept_agent_division +concept_company_services concept:organizationacronymhasname concept_blog_goal +concept_company_services concept:competeswith concept_blog_google +concept_company_services concept:organizationalsoknownas concept_blog_manager +concept_company_services concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_services concept:companyeconomicsector concept_economicsector_insurance +concept_company_services concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_services concept:organizationalsoknownas concept_governmentorganization_bureau +concept_company_services concept:organizationalsoknownas concept_governmentorganization_clients +concept_company_services concept:organizationalsoknownas concept_governmentorganization_departments +concept_company_services concept:organizationalsoknownas concept_governmentorganization_maine_department +concept_company_services concept:organizationalsoknownas concept_governmentorganization_ontario_ministry +concept_company_services concept:organizationalsoknownas concept_politicalparty_ontario_minister +concept_company_services concept:agentcreated concept_programminglanguage_contact +concept_company_services concept:agentcreated concept_scientificterm_information_contact +concept_company_services concept:agentparticipatedinevent concept_sportsgame_terms +concept_company_services concept:organizationalsoknownas concept_sportsleague_field +concept_company_services concept:organizationalsoknownas concept_stateorprovince_u_s__secretary +concept_company_services concept:subpartoforganization concept_terroristorganization_state +concept_company_services concept:organizationalsoknownas concept_university_ministry +concept_company_services concept:agentcompeteswithagent concept_university_search +concept_company_services concept:agentinvolvedwithitem concept_vehicle_door +concept_company_sg_cowen concept:companyeconomicsector concept_economicsector_investment +concept_company_sgi concept:companyalsoknownas concept_company_silicon_graphics_inc_ +concept_company_sharp concept:companyeconomicsector concept_economicsector_electronics +concept_company_shelfari concept:companyeconomicsector concept_economicsector_internet +concept_company_shenick concept:latitudelongitude 46.3000600000000,-83.8832300000000 +concept_company_shopping concept:competeswith concept_website_yahoo +concept_company_silverjet concept:hasofficeincity concept_city_newark +concept_company_simon___schuster concept:companyeconomicsector concept_academicfield_publishing +concept_company_singapore_airline concept:hasofficeincity concept_city_auckland +concept_company_singapore_airline concept:hasofficeincity concept_city_manchester +concept_company_singapore_airline concept:hasofficeincity concept_county_los_angeles_county +concept_company_sirna concept:companyeconomicsector concept_politicsissue_pharmaceutical +concept_company_skanska concept:companyeconomicsector concept_academicfield_construction +concept_company_skype_com concept:competeswith concept_blog_google +concept_company_skype_com concept:organizationterminatedperson concept_ceo_josh_silverman +concept_company_skype_com concept:competeswith concept_company_aol +concept_company_skype_com concept:subpartoforganization concept_company_ebay001 +concept_company_skype_com concept:competeswith concept_company_msn +concept_company_skype_com concept:competeswith concept_company_yahoo001 +concept_company_skype_com concept:organizationterminatedperson concept_person_niklas_zennstr_m +concept_company_skywest concept:hasofficeincity concept_city_perth +concept_company_skywest concept:hasofficeincity concept_county_salt_lake +concept_company_slate__com concept:organizationheadquarteredincity concept_city_new_york +concept_company_sldn concept:organizationterminatedperson concept_person_aubrey_sarvis +concept_company_slq concept:latitudelongitude 61.7091700000000,-157.1555600000000 +concept_company_smithsonian concept:hasofficeincity concept_city_washington_d_c +concept_company_smithsonian concept:headquarteredin concept_city_washington_dc +concept_company_snc_lavalin concept:companyeconomicsector concept_academicfield_engineering +concept_company_social concept:hasofficeincity concept_city_new_york +concept_company_softbank_corp_ concept:mutualproxyfor concept_ceo_masayoshi_son +concept_company_softbank_corp_ concept:organizationterminatedperson concept_ceo_masayoshi_son +concept_company_softbank_corp_ concept:subpartof concept_ceo_masayoshi_son +concept_company_sonera concept:latitudelongitude 10.4500000000000,-74.1500000000000 +concept_company_sony concept:companyeconomicsector concept_academicfield_media +concept_company_sony concept:agentinvolvedwithitem concept_bedroomitem_games +concept_company_sony concept:agentinvolvedwithitem concept_candy_nintendo_wii +concept_company_sony concept:agentcontrols concept_candy_nobuyuki_idei +concept_company_sony concept:organizationterminatedperson concept_ceo_edgar_bronfman +concept_company_sony concept:acquired concept_company_minolta +concept_company_sony concept:companyeconomicsector concept_economicsector_computer +concept_company_sony concept:companyeconomicsector concept_economicsector_consumer_electronics +concept_company_sony concept:companyeconomicsector concept_economicsector_electronics +concept_company_sony concept:organizationterminatedperson concept_person_akio_morita +concept_company_sony concept:organizationterminatedperson concept_person_howard_stringer +concept_company_sony concept:organizationterminatedperson concept_person_lyor_cohen +concept_company_sony concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_sony concept:agentinvolvedwithitem concept_product_microsoft_xbox +concept_company_sony concept:agentinvolvedwithitem concept_product_nintendo_ds +concept_company_sony concept:agentinvolvedwithitem concept_product_nintendo_game_boy_advance +concept_company_sony concept:agentinvolvedwithitem concept_product_nintendo_game_cube +concept_company_sony concept:agentinvolvedwithitem concept_product_nintendo_gamecube +concept_company_sony concept:producesproduct concept_product_playstation +concept_company_sony concept:producesproduct concept_product_playstation_3 +concept_company_sony concept:producesproduct concept_product_psp +concept_company_sony concept:agentinvolvedwithitem concept_product_sega_dreamcast +concept_company_sony concept:agentinvolvedwithitem concept_product_xbox +concept_company_sony concept:acquired concept_recordlabel_columbia_records +concept_company_sony concept:acquired concept_recordlabel_warner +concept_company_sony concept:producesproduct concept_videogame_playstation_portable +concept_company_sony concept:agentinvolvedwithitem concept_videogame_xbox_360 +concept_company_sony concept:agentinvolvedwithitem concept_videogamesystem_nintendo +concept_company_sony_computer concept:mutualproxyfor concept_person_ken_kutaragi +concept_company_sony_computer concept:organizationhiredperson concept_person_ken_kutaragi +concept_company_sony_computer concept:organizationterminatedperson concept_person_ken_kutaragi +concept_company_sony_computer concept:subpartof concept_person_ken_kutaragi +concept_company_sony_pictures concept:companyeconomicsector concept_academicfield_media +concept_company_south_african_airways concept:hasofficeincity concept_city_atlanta +concept_company_south_african_airways concept:hasofficeincity concept_city_cape_town +concept_company_south_african_airways concept:hasofficeincity concept_city_johannesburg +concept_company_south_african_airways concept:hasofficeincity concept_city_london_city +concept_company_south_african_airways concept:hasofficeincity concept_city_lusaka +concept_company_south_african_airways concept:hasofficeincity concept_city_new_york +concept_company_south_florida_water_management_district concept:latitudelongitude 27.0207666666667,-80.8611683333333 +concept_company_spanair concept:hasofficeincity concept_city_barcelona +concept_company_spanair concept:hasofficeincity concept_city_madrid +concept_company_spirit concept:headquarteredin concept_city_fort_lauderdale +concept_company_spirit_airlines concept:hasofficeincity concept_city_fort_lauderdale +concept_company_sprint001 concept:organizationhiredperson concept_ceo_gary_forsee +concept_company_sprint001 concept:organizationterminatedperson concept_ceo_gary_forsee +concept_company_sprint001 concept:subpartoforganization concept_company_clearwire +concept_company_sprint001 concept:acquired concept_company_nextel +concept_company_sprint001 concept:acquired concept_company_nextel_communications +concept_company_sprint001 concept:organizationalsoknownas concept_company_sprint_nextel_corp_ +concept_company_sprint001 concept:headquarteredin concept_county_kansas_city +concept_company_sprint_nextel concept:organizationterminatedperson concept_ceo_gary_forsee +concept_company_sprint_nextel concept:subpartoforganization concept_company_clearwire +concept_company_sprint_nextel concept:headquarteredin concept_county_kansas_city +concept_company_srilankan concept:headquarteredin concept_city_colombo +concept_company_srilankan_airlines concept:hasofficeincity concept_city_colombo +concept_company_st___paul_travelers concept:companyeconomicsector concept_economicsector_insurance +concept_company_standard_life concept:companyeconomicsector concept_economicsector_insurance +concept_company_standard_oil concept:mutualproxyfor concept_personus_rockefeller +concept_company_starbucks concept:acquired concept_biotechcompany_clover +concept_company_state_farm_insurance concept:headquarteredin concept_city_bloomington +concept_company_state_farm_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_company_stax concept:organizationterminatedperson concept_ceo_jim_stewart +concept_company_stax concept:subpartof concept_ceo_jim_stewart +concept_company_stellent concept:subpartoforganization concept_company_oracle +concept_company_stephens_inc_ concept:companyeconomicsector concept_economicsector_investment +concept_company_stonyfield_farm concept:mutualproxyfor concept_person_gary_hirshberg +concept_company_stonyfield_farm concept:organizationhiredperson concept_person_gary_hirshberg +concept_company_stonyfield_farm concept:organizationterminatedperson concept_person_gary_hirshberg +concept_company_stonyfield_farm concept:subpartof concept_person_gary_hirshberg +concept_company_stories concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_stories concept:agentparticipatedinevent concept_sportsgame_series +concept_company_stories concept:agentcompeteswithagent concept_university_search +concept_company_subaru_of_america concept:organizationacronymhasname concept_automobilemaker_subaru +concept_company_subaru_of_america concept:hasofficeincountry concept_country_canada_canada +concept_company_subaru_of_america concept:hasofficeincountry concept_country_uk__canada +concept_company_subsidiary concept:proxyfor concept_book_new +concept_company_subsidiary concept:mutualproxyfor concept_coach_new +concept_company_subsidiary concept:atdate concept_date_n2000 +concept_company_subsidiary concept:atdate concept_date_n2001 +concept_company_subsidiary concept:atdate concept_dateliteral_n2002 +concept_company_subsidiary concept:atdate concept_dateliteral_n2006 +concept_company_subsidiary concept:atdate concept_dateliteral_n2007 +concept_company_subsidiary concept:atdate concept_dateliteral_n2008 +concept_company_sugar concept:headquarteredin concept_city_harlem +concept_company_sugar concept:organizationheadquarteredincity concept_city_harlem +concept_company_sulekha concept:organizationhiredperson concept_ceo_satya_prabhakar +concept_company_sulekha concept:organizationterminatedperson concept_ceo_satya_prabhakar +concept_company_summize concept:competeswith concept_blog_google +concept_company_summize concept:subpartoforganization concept_company_twitter +concept_company_sun concept:companyeconomicsector concept_academicfield_media +concept_company_sun concept:companyeconomicsector concept_academicfield_news +concept_company_sun concept:competeswith concept_biotechcompany_novell +concept_company_sun concept:hasofficeincity concept_city_la +concept_company_sun concept:headquarteredin concept_city_washington_d_c +concept_company_sun concept:competeswith concept_company_apple002 +concept_company_sun concept:competeswith concept_company_hp +concept_company_sun concept:competeswith concept_company_ibm +concept_company_sun concept:competeswith concept_company_microsoft +concept_company_sun concept:competeswith concept_company_oracle +concept_company_sun concept:hasofficeincity concept_county_los_angeles_county +concept_company_sun concept:competeswith concept_newspaper_daily +concept_company_sun_microsystems001 concept:agentcontrols concept_actor_scott_mcnealy +concept_company_sun_microsystems001 concept:agentcollaborateswithagent concept_ceo_scott_mcnealy +concept_company_sun_microsystems001 concept:acquired concept_company_mysql_ab +concept_company_sun_microsystems001 concept:atdate concept_dateliteral_n2008 +concept_company_sun_microsystems001 concept:companyeconomicsector concept_economicsector_computer +concept_company_sun_microsystems001 concept:agentcreated concept_musicalbum_solaris +concept_company_sun_microsystems001 concept:agentcreated concept_website_download +concept_company_sunset concept:competeswith concept_politicsblog_journal +concept_company_sunworld concept:latitudelongitude 25.0166000000000,121.4499000000000 +concept_company_supervalu001 concept:acquired concept_winery_albertsons +concept_company_swagelok concept:headquarteredin concept_city_solon +concept_company_swatch concept:hasofficeincity concept_city_biel +concept_company_swets concept:latitudelongitude 41.5905900000000,-87.5856000000000 +concept_company_swiss concept:hasofficeincity concept_city_lausanne +concept_company_swiss concept:hasofficeincity concept_city_zurich +concept_company_swiss_re concept:headquarteredin concept_city_london_city +concept_company_swiss_re concept:companyeconomicsector concept_economicsector_reinsurance +concept_company_sybase concept:acquired concept_company_avantgo +concept_company_sybase concept:organizationterminatedperson concept_personasia_john_chen +concept_company_sylvan_learning_center concept:latitudelongitude 41.5143350000000,-89.3281600000000 +concept_company_symantec001 concept:acquired concept_company_altiris +concept_company_symantec001 concept:acquired concept_company_brightmail +concept_company_symantec001 concept:acquired concept_company_messagelabs +concept_company_symantec001 concept:acquired concept_company_veritas +concept_company_symantec001 concept:atdate concept_dateliteral_n2006 +concept_company_symantec001 concept:organizationterminatedperson concept_personus_john_w__thompson +concept_company_symantec001 concept:acquired concept_winery_norton +concept_company_symbol concept:agentcreated concept_automobilemodel_click +concept_company_symbol concept:proxyfor concept_book_new +concept_company_symbol concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_symbol concept:mutualproxyfor concept_coach_new +concept_company_synopsys concept:acquired concept_automobilemaker_viewlogic +concept_company_taca concept:hasofficeincity concept_city_el_salvador +concept_company_taca concept:hasofficeincity concept_city_houston +concept_company_taco_bell concept:headquarteredin concept_city_irvine +concept_company_tandberg concept:latitudelongitude 60.0070200000000,10.1830100000000 +concept_company_tap_air_portugal concept:hasofficeincity concept_city_lisbon +concept_company_tap_air_portugal concept:organizationheadquarteredincity concept_city_lisbon +concept_company_target concept:hasofficeincity concept_city_minneapolis +concept_company_tata_consultancy_services__tcs_ concept:mutualproxyfor concept_ceo_n_chandrasekaran +concept_company_tata_consultancy_services__tcs_ concept:organizationterminatedperson concept_ceo_n_chandrasekaran +concept_company_tata_consultancy_services__tcs_ concept:organizationterminatedperson concept_ceo_ratan_tata +concept_company_telegraph001 concept:companyeconomicsector concept_academicfield_media +concept_company_telegraph001 concept:competeswith concept_blog_spectator +concept_company_telegraph001 concept:competeswith concept_newspaper_daily +concept_company_telegraph001 concept:competeswith concept_newspaper_financial_times +concept_company_telegraph001 concept:competeswith concept_newspaper_guardian +concept_company_telegraph001 concept:competeswith concept_newspaper_london_sunday_times +concept_company_telegraph001 concept:competeswith concept_newspaper_sunday_times +concept_company_telegraph001 concept:competeswith concept_newspaper_the_daily +concept_company_telegraph001 concept:competeswith concept_newspaper_times +concept_company_telegraph001 concept:competeswith concept_politicsblog_independent +concept_company_telegraph001 concept:competeswith concept_televisionstation_daily_mail +concept_company_telegraph001 concept:competeswith concept_website_new_york_times +concept_company_telegraph001 concept:competeswith concept_website_sydney_morning_herald +concept_company_telegraph001 concept:competeswith concept_website_washington_post +concept_company_telemundo concept:agentcontrols concept_televisionstation_kblr_tv +concept_company_telemundo concept:agentcontrols concept_televisionstation_ktuz_tv +concept_company_telemundo concept:agentcontrols concept_website_kvea +concept_company_televisa concept:companyeconomicsector concept_academicfield_media +concept_company_tellme_networks concept:subpartoforganization concept_university_microsoft +concept_company_telmex concept:organizationterminatedperson concept_ceo_carlos_slim_helu +concept_company_telmex concept:mutualproxyfor concept_person_carlos_slim_helu001 +concept_company_telmex concept:subpartof concept_person_carlos_slim_helu001 +concept_company_telmex concept:subpartof concept_personaustralia_carlos_slim_helu +concept_company_telstra concept:organizationterminatedperson concept_ceo_david_thodey +concept_company_telstra concept:acquired concept_company_sensis +concept_company_telstra concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_telus concept:acquired concept_company_clearnet +concept_company_telus concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_temco concept:latitudelongitude 30.3599300000000,-94.0668500000000 +concept_company_teva_pharm_indus_adr concept:companyalsoknownas concept_biotechcompany_teva +concept_company_thai_air_asia concept:headquarteredin concept_city_bangkok +concept_company_thai_air_asia concept:organizationheadquarteredincity concept_city_bangkok +concept_company_thai_airlines concept:hasofficeincity concept_city_bangkok +concept_company_thai_airways concept:atlocation concept_aquarium_bangkok +concept_company_thai_airways_international concept:hasofficeincity concept_city_bangkok +concept_company_thai_airways_international concept:organizationheadquarteredincity concept_city_bangkok +concept_company_thai_international concept:hasofficeincity concept_city_bangkok +concept_company_the_guardian001 concept:companyeconomicsector concept_academicfield_media +concept_company_the_guardian001 concept:competeswith concept_newspaper_daily +concept_company_the_nature_conservancy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_company_the_new_york_times001 concept:headquarteredin concept_city_washington_d_c +concept_company_the_new_york_times001 concept:competeswith concept_newspaper_daily +concept_company_the_pirate_bay concept:agentcompeteswithagent concept_university_search +concept_company_the_royal concept:agentactsinlocation concept_city_london_city +concept_company_the_royal concept:atlocation concept_city_london_city +concept_company_the_royal concept:agentactsinlocation concept_country_canada_canada +concept_company_the_royal concept:atlocation concept_country_canada_canada +concept_company_the_royal concept:hasofficeincountry concept_country_england +concept_company_the_royal concept:hasofficeincountry concept_country_ireland +concept_company_the_royal concept:hasofficeincountry concept_country_scotland +concept_company_the_royal concept:agentactsinlocation concept_island_ireland +concept_company_the_royal concept:atlocation concept_island_ireland +concept_company_the_today_show concept:companyeconomicsector concept_academicfield_media +concept_company_the_today_show concept:companyeconomicsector concept_academicfield_news +concept_company_the_travelers_companies concept:organizationhiredperson concept_ceo_jay_s__fishman +concept_company_the_travelers_companies concept:organizationterminatedperson concept_ceo_jay_s__fishman +concept_company_the_travelers_companies concept:subpartof concept_ceo_jay_s__fishman +concept_company_third_coast concept:latitudelongitude 43.9547200000000,-86.2991700000000 +concept_company_thomas_cook concept:hasofficeincity concept_city_manchester +concept_company_thomas_cook concept:companyeconomicsector concept_economicsector_holiday +concept_company_thomas_cook concept:companyeconomicsector concept_economicsector_travel +concept_company_thomson concept:companyeconomicsector concept_academicfield_media +concept_company_thomson001 concept:acquired concept_bank_reuters +concept_company_thomson001 concept:organizationheadquarteredincity concept_city_heathrow +concept_company_thomson001 concept:companyeconomicsector concept_economicsector_holiday +concept_company_thomson001 concept:companyeconomicsector concept_economicsector_travel +concept_company_thomsonfly concept:hasofficeincity concept_city_alicante +concept_company_thomsonfly concept:hasofficeincity concept_city_glasgow +concept_company_tiaa_cref concept:competeswith concept_bank_unibanco +concept_company_tiaa_cref concept:headquarteredin concept_city_new_york +concept_company_ticketmaster concept:acquired concept_company_ticketsnow +concept_company_ticketmaster concept:acquired concept_magazine_tickets +concept_company_tiferet concept:latitudelongitude 40.1746000000000,-75.3042000000000 +concept_company_tiffany concept:headquarteredin concept_city_new_york +concept_company_tiger concept:organizationhiredperson concept_coach_john_calipari +concept_company_tiger concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_company_tiger concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_company_tiger_airways concept:hasofficeincity concept_city_melbourne +concept_company_time_warner concept:companyeconomicsector concept_academicfield_media +concept_company_time_warner concept:mutualproxyfor concept_ceo_glenn_a__britt +concept_company_time_warner concept:organizationterminatedperson concept_ceo_glenn_a__britt +concept_company_time_warner concept:agentcollaborateswithagent concept_ceo_jeff_bewkes +concept_company_time_warner concept:agentcollaborateswithagent concept_ceo_richard_d__parsons +concept_company_time_warner concept:mutualproxyfor concept_ceo_richard_d__parsons +concept_company_time_warner concept:headquarteredin concept_city_oh +concept_company_time_warner concept:organizationheadquarteredincity concept_city_oh +concept_company_time_warner concept:agentcontrols concept_company_cnn +concept_company_time_warner concept:companyalsoknownas concept_company_twx +concept_company_time_warner concept:organizationalsoknownas concept_company_twx +concept_company_time_warner concept:synonymfor concept_company_twx +concept_company_time_warner concept:organizationterminatedperson concept_person_gerald_levin +concept_company_time_warner concept:organizationhiredperson concept_person_richard_parsons +concept_company_time_warner concept:organizationterminatedperson concept_person_richard_parsons +concept_company_time_warner concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_time_warner_inc concept:companyeconomicsector concept_academicfield_publishing +concept_company_time_warner_inc concept:mutualproxyfor concept_writer_ann_moore +concept_company_time_warner_inc concept:organizationhiredperson concept_writer_ann_moore +concept_company_time_warner_inc concept:organizationterminatedperson concept_writer_ann_moore +concept_company_time_warner_inc concept:subpartof concept_writer_ann_moore +concept_company_tivo concept:mutualproxyfor concept_person_tom_rogers +concept_company_tivo concept:organizationterminatedperson concept_person_tom_rogers +concept_company_tjx concept:mutualproxyfor concept_ceo_carol_meyrowitz +concept_company_tjx concept:organizationterminatedperson concept_ceo_carol_meyrowitz +concept_company_tjx concept:subpartof concept_ceo_carol_meyrowitz +concept_company_tjx concept:headquarteredin concept_city_framingham +concept_company_tjx concept:competeswith concept_company_post +concept_company_tnt_post concept:latitudelongitude 52.2044300000000,5.9541700000000 +concept_company_tnt_post concept:mutualproxyfor concept_ceo_donald_graham +concept_company_tnt_post concept:organizationhiredperson concept_ceo_donald_graham +concept_company_tnt_post concept:organizationterminatedperson concept_ceo_donald_graham +concept_company_tnt_post concept:organizationheadquarteredincity concept_city_new_york +concept_company_today_show concept:companyeconomicsector concept_academicfield_media +concept_company_today_show concept:companyeconomicsector concept_academicfield_news +concept_company_today_show concept:headquarteredin concept_city_new_york +concept_company_toro concept:headquarteredin concept_city_bloomington +concept_company_toshiba_corp concept:companyeconomicsector concept_economicsector_electronics +concept_company_total concept:companyeconomicsector concept_politicsissue_energy +concept_company_tourist concept:organizationdissolvedatdate concept_month_march +concept_company_towers_perrin concept:companyeconomicsector concept_academicfield_consulting +concept_company_traditions concept:proxyfor concept_book_new +concept_company_transavia_com concept:hasofficeincity concept_city_amsterdam +concept_company_transavia_com concept:hasofficeincity concept_city_copenhagen +concept_company_transavia_com concept:hasofficeincity concept_city_rotterdam +concept_company_travelers concept:companyeconomicsector concept_economicsector_insurance +concept_company_travelocity concept:companyeconomicsector concept_economicsector_travel +concept_company_trinity_convergence concept:latitudelongitude 35.9103400000000,-78.8971600000000 +concept_company_trolltech concept:subpartoforganization concept_city_nokia +concept_company_troy concept:agentactsinlocation concept_city_troy +concept_company_trulia concept:companyeconomicsector concept_academicfield_real_estate +concept_company_trulia concept:agentcompeteswithagent concept_university_search +concept_company_trump_organization concept:agentcollaborateswithagent concept_personeurope_donald_trump +concept_company_trump_organization concept:mutualproxyfor concept_personeurope_donald_trump +concept_company_trw concept:companyeconomicsector concept_economicsector_aerospace +concept_company_turkish_airlines concept:hasofficeincity concept_city_heathrow +concept_company_turkish_airlines concept:headquarteredin concept_city_istanbul +concept_company_twa concept:hasofficeincity concept_city_london_city +concept_company_twa concept:hasofficeincity concept_city_paris +concept_company_twa concept:hasofficeincity concept_city_rome +concept_company_twa concept:hasofficeincity concept_county_los_angeles_county +concept_company_twa concept:subpartoforganization concept_publication_american_airlines +concept_company_twitter concept:companyeconomicsector concept_academicfield_media +concept_company_twitter concept:mutualproxyfor concept_ceo_jack_dorsey +concept_company_twitter concept:organizationterminatedperson concept_ceo_jack_dorsey +concept_company_twitter concept:competeswith concept_company_flickr001 +concept_company_twitter concept:competeswith concept_company_friendfeed +concept_company_twitter concept:companyeconomicsector concept_economicsector_social_networking +concept_company_twitter concept:agentcompeteswithagent concept_sportsleague_rss +concept_company_twitter concept:competeswith concept_website_comments +concept_company_twitter concept:competeswith concept_website_feedburner +concept_company_twitter concept:competeswith concept_website_rss +concept_company_txu concept:companyeconomicsector concept_politicsissue_energy +concept_company_tyco_healthcare concept:companyalsoknownas concept_biotechcompany_covidien +concept_company_tyco_healthcare concept:organizationalsoknownas concept_biotechcompany_covidien +concept_company_tyco_healthcare concept:agentcontrols concept_criminal_dennis_kozlowski +concept_company_tyco_healthcare concept:mutualproxyfor concept_personus_dennis_kozlowski +concept_company_tyco_healthcare concept:organizationterminatedperson concept_personus_dennis_kozlowski +concept_company_tyco_healthcare concept:organizationheadquarteredinstateorprovince concept_stateorprovince_massachusetts +concept_company_tyson_foods concept:mutualproxyfor concept_person_richard_bond +concept_company_tyson_foods concept:organizationhiredperson concept_person_richard_bond +concept_company_tyson_foods concept:organizationterminatedperson concept_person_richard_bond +concept_company_tyson_foods concept:subpartof concept_person_richard_bond +concept_company_tyson_foods_a concept:companyalsoknownas concept_blog_tsn +concept_company_u_s__airways concept:hasofficeincity concept_city_charlotte +concept_company_u_s__airways concept:hasofficeincity concept_city_new_york +concept_company_u_s__cellular concept:atlocation concept_county_chicago +concept_company_u_s__government concept:hasofficeincountry concept_country_korea +concept_company_u_s__government concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_company_umbro concept:companyeconomicsector concept_academicfield_sports +concept_company_unaids concept:organizationterminatedperson concept_person_michel_sidibe +concept_company_under_armour_a concept:companyalsoknownas concept_company_ua +concept_company_unilever001 concept:companyeconomicsector concept_economicsector_consumer_goods +concept_company_union_carbide concept:subpartoforganization concept_biotechcompany_dow +concept_company_union_carbide concept:subpartoforganization concept_biotechcompany_dow_chemical +concept_company_union_carbide concept:hasofficeincity concept_city_danbury +concept_company_union_carbide concept:agentcollaborateswithagent concept_journalist_warren_anderson +concept_company_union_pacific concept:agentcollaborateswithagent concept_city_missouri_pacific +concept_company_unisys001 concept:companyeconomicsector concept_academicfield_information_technology +concept_company_unisys001 concept:companyeconomicsector concept_economicsector_computer +concept_company_united_express concept:hasofficeincity concept_city_denver +concept_company_united_parcel_b concept:companyalsoknownas concept_bank_ups +concept_company_united_states_centers_for_disease_prevention_and_control concept:mutualproxyfor concept_person_julie_gerberding +concept_company_united_states_centers_for_disease_prevention_and_control concept:organizationterminatedperson concept_person_julie_gerberding +concept_company_united_states_centers_for_disease_prevention_and_control concept:subpartof concept_person_julie_gerberding +concept_company_universal_studios concept:organizationterminatedperson concept_person_ron_meyer +concept_company_universal_studios concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_university_of_virginia_engineering_school concept:organizationterminatedperson concept_person_arthur_garson +concept_company_university_of_virginia_engineering_school concept:organizationterminatedperson concept_person_walter_sheldon_rodman +concept_company_univision concept:companyeconomicsector concept_academicfield_media +concept_company_univision concept:agentcontrols concept_televisionstation_wltv_tv +concept_company_unum concept:companyeconomicsector concept_economicsector_insurance +concept_company_upi concept:hasofficeincountry concept_country_korea +concept_company_us_army concept:agentcollaborateswithagent concept_biotechcompany_woodruff +concept_company_us_army concept:agentcontrols concept_biotechcompany_woodruff +concept_company_usa_today001 concept:companyeconomicsector concept_academicfield_media +concept_company_usa_today001 concept:companyeconomicsector concept_academicfield_news +concept_company_usa_today001 concept:competeswith concept_politicsblog_journal +concept_company_usda concept:headquarteredin concept_city_washington_d_c +concept_company_user concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_user concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_company_usps_global concept:competeswith concept_bank_air_mail +concept_company_usps_global concept:competeswith concept_bank_airmail +concept_company_usps_global concept:competeswith concept_bank_express_mail +concept_company_usps_global concept:competeswith concept_company_express +concept_company_utsi concept:latitudelongitude 39.1102800000000,21.2141700000000 +concept_company_uzbekistan_airways concept:hasofficeincity concept_city_tashkent +concept_company_valueclick concept:acquired concept_company_commission_junction +concept_company_valueclick concept:agentcollaborateswithagent concept_company_commission_junction +concept_company_valueclick concept:agentcontrols concept_company_commission_junction +concept_company_vattenfall concept:companyeconomicsector concept_politicsissue_energy +concept_company_verisign001 concept:acquired concept_company_network_solutions +concept_company_verisign001 concept:companyeconomicsector concept_economicsector_internet +concept_company_verizon concept:agentcollaborateswithagent concept_ceo_ivan_seidenberg +concept_company_verizon concept:hasofficeincity concept_city_washington_d_c +concept_company_verizon concept:organizationheadquarteredincity concept_city_washington_d_c +concept_company_verizon concept:atdate concept_dateliteral_n2005 +concept_company_verizon concept:companyeconomicsector concept_economicsector_internet +concept_company_verizon concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_verizon concept:subpartoforganization concept_winery_cingular +concept_company_verizon001 concept:acquired concept_biotechcompany_alltel +concept_company_verizon001 concept:acquired concept_publication_mci +concept_company_verizon_communications concept:organizationterminatedperson concept_ceo_ivan_seidenberg +concept_company_verizon_communications concept:acquired concept_company_gte_ +concept_company_verizon_wireless001 concept:organizationhiredperson concept_ceo_lowell_mcadam +concept_company_verizon_wireless001 concept:organizationterminatedperson concept_ceo_lowell_mcadam +concept_company_verizon_wireless001 concept:subpartoforganization concept_company_sprint001 +concept_company_verizon_wireless001 concept:subpartoforganization concept_company_sprint_nextel +concept_company_vestas concept:latitudelongitude 27.9805000000000,-82.4211000000000 +concept_company_video concept:competeswith concept_blog_google +concept_company_video concept:competeswith concept_blog_myspace +concept_company_video concept:competeswith concept_company_blinkx +concept_company_video concept:competeswith concept_company_msn +concept_company_video concept:competeswith concept_company_revver +concept_company_video concept:companyeconomicsector concept_economicsector_insurance +concept_company_video concept:competeswith concept_website_blip_tv +concept_company_video concept:competeswith concept_website_metacafe +concept_company_video concept:competeswith concept_website_yahoo_video +concept_company_video concept:competeswith concept_website_youtube +concept_company_video_game concept:agentparticipatedinevent concept_sportsgame_series +concept_company_videocon concept:mutualproxyfor concept_ceo_venugopal_dhoot +concept_company_videocon concept:organizationhiredperson concept_ceo_venugopal_dhoot +concept_company_videocon concept:organizationterminatedperson concept_ceo_venugopal_dhoot +concept_company_videocon concept:subpartof concept_ceo_venugopal_dhoot +concept_company_vietnam_airlines concept:hasofficeincity concept_city_hanoi +concept_company_vietnam_airlines concept:hasofficeincity concept_city_ho_chi_minh_city +concept_company_vietnam_airlines concept:organizationheadquarteredincity concept_city_ho_chi_minh_city +concept_company_village_voice_media concept:headquarteredin concept_city_new_york +concept_company_village_voice_media concept:agentcontrols concept_journalist_james_ridgeway +concept_company_village_voice_media concept:agentcontrols concept_musician_nat_hentoff +concept_company_virgin concept:organizationterminatedperson concept_ceo_richard +concept_company_virgin concept:headquarteredin concept_city_heathrow +concept_company_virgin concept:hasofficeincity concept_city_san_francisco +concept_company_virgin concept:hasofficeincity concept_city_sydney +concept_company_virgin concept:agentcontrols concept_jobposition_richard +concept_company_virgin concept:agentcontrols concept_museum_richard_branson +concept_company_virgin_airlines concept:organizationterminatedperson concept_person_richard001 +concept_company_virgin_america concept:hasofficeincity concept_city_san_francisco +concept_company_virgin_atlantic_airways concept:hasofficeincity concept_city_barbados +concept_company_virgin_atlantic_airways concept:hasofficeincity concept_city_heathrow +concept_company_virgin_atlantic_airways concept:hasofficeincity concept_city_london_city +concept_company_virgin_atlantic_airways concept:hasofficeincity concept_city_new_york +concept_company_virgin_atlantic_airways concept:agentcontrols concept_jobposition_richard +concept_company_virgin_atlantic_airways concept:agentcontrols concept_museum_richard_branson +concept_company_virgin_atlantic_airways concept:organizationterminatedperson concept_person_richard001 +concept_company_virgin_blue concept:hasofficeincity concept_city_adelaide +concept_company_virgin_blue concept:headquarteredin concept_city_brisbane +concept_company_virgin_blue concept:hasofficeincity concept_city_broome +concept_company_virgin_blue concept:hasofficeincity concept_city_cairns +concept_company_virgin_blue concept:hasofficeincity concept_city_melbourne +concept_company_virgin_blue concept:hasofficeincity concept_city_perth +concept_company_virgin_blue concept:hasofficeincity concept_city_sydney +concept_company_virgin_galactic concept:organizationterminatedperson concept_person_richard001 +concept_company_virgin_mobile concept:acquired concept_company_helio +concept_company_virgin_mobile concept:subpartoforganization concept_company_ntl_or_telewest +concept_company_visitors concept:proxyfor concept_book_new +concept_company_visitors concept:atdate concept_date_n2001 +concept_company_visitors concept:atdate concept_date_n2003 +concept_company_visitors concept:atdate concept_date_n2004 +concept_company_visitors concept:atdate concept_dateliteral_n2002 +concept_company_visitors concept:atdate concept_dateliteral_n2005 +concept_company_visitors concept:atdate concept_dateliteral_n2006 +concept_company_visitors concept:atdate concept_dateliteral_n2007 +concept_company_visitors concept:atdate concept_dateliteral_n2008 +concept_company_visitors concept:agentparticipatedinevent concept_eventoutcome_result +concept_company_visitors concept:agentcompeteswithagent concept_university_search +concept_company_visy concept:latitudelongitude 47.8666650000000,2.8083350000000 +concept_company_vivendi concept:companyeconomicsector concept_academicfield_media +concept_company_vivendi concept:acquired concept_recordlabel_universal +concept_company_vivendi_universal concept:companyeconomicsector concept_academicfield_media +concept_company_vivendi_universal concept:mutualproxyfor concept_ceo_jean_marie_messier +concept_company_vivendi_universal concept:organizationterminatedperson concept_ceo_jean_marie_messier +concept_company_vivendi_universal concept:subpartof concept_ceo_jean_marie_messier +concept_company_vmware_inc_ concept:organizationterminatedperson concept_ceo_diane_greene +concept_company_vmware_inc_ concept:organizationterminatedperson concept_ceo_paul_maritz +concept_company_vmware_inc_ concept:subpartoforganization concept_company_emc001 +concept_company_voa concept:headquarteredin concept_city_washington_d_c +concept_company_vocus concept:agentcollaborateswithagent concept_politicsblog_prweb +concept_company_vodafone concept:organizationterminatedperson concept_ceo_arun_sarin +concept_company_vodafone concept:subpartof concept_ceo_arun_sarin +concept_company_vodafone concept:atdate concept_dateliteral_n2007 +concept_company_vogue001 concept:competeswith concept_politicsblog_journal +concept_company_voicestream concept:latitudelongitude 28.9210900000000,-82.4681500000000 +concept_company_vurv concept:latitudelongitude 44.1936100000000,22.7363900000000 +concept_company_wal_mart concept:companyeconomicsector concept_academicfield_retailing +concept_company_wal_mart concept:companyalsoknownas concept_biotechcompany_wmt +concept_company_wal_mart concept:organizationalsoknownas concept_biotechcompany_wmt +concept_company_wal_mart concept:organizationterminatedperson concept_ceo_h__lee_scott +concept_company_wal_mart concept:organizationterminatedperson concept_ceo_john_duke +concept_company_wal_mart concept:headquarteredin concept_city_bentonville +concept_company_wal_mart concept:companyalsoknownas concept_company_walmart +concept_company_wal_mart concept:organizationalsoknownas concept_company_walmart +concept_company_wal_mart concept:acquired concept_retailstore_asda +concept_company_wal_mart concept:agentcontrols concept_retailstore_lee_scott +concept_company_wal_mart concept:organizationheadquarteredinstateorprovince concept_stateorprovince_arkansas +concept_company_wal_mart_s concept:organizationheadquarteredinstateorprovince concept_stateorprovince_arkansas +concept_company_wall_street_journal_interactive_edition concept:headquarteredin concept_city_new_york +concept_company_wall_street_journal_interactive_edition concept:subpartoforganization concept_company_dow_jones +concept_company_wall_street_journal_interactive_edition concept:subpartoforganization concept_company_dow_jones_indexes +concept_company_wallpaper concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_walmart concept:companyalsoknownas concept_company_wal_mart +concept_company_walmart concept:organizationalsoknownas concept_company_wal_mart +concept_company_walmart concept:organizationterminatedperson concept_person_carter_cast +concept_company_walt_disney concept:companyeconomicsector concept_academicfield_media +concept_company_walt_disney concept:headquarteredin concept_city_burbank +concept_company_walt_disney concept:companyeconomicsector concept_politicsissue_entertainment +concept_company_walt_disney_world concept:headquarteredin concept_city_burbank +concept_company_walt_disney_world_resort concept:headquarteredin concept_city_burbank +concept_company_walt_disney_world_resort concept:organizationheadquarteredincity concept_city_burbank +concept_company_warner_bros_ concept:mutualproxyfor concept_ceo_barry_meyer +concept_company_warner_bros_ concept:organizationterminatedperson concept_ceo_barry_meyer +concept_company_warner_bros_ concept:headquarteredin concept_city_burbank +concept_company_warner_bros_ concept:mutualproxyfor concept_person_alan_horn +concept_company_warner_bros_ concept:organizationterminatedperson concept_person_alan_horn +concept_company_wb concept:headquarteredin concept_city_washington_d_c +concept_company_weather_channel concept:companyeconomicsector concept_academicfield_media +concept_company_weather_channel concept:companyeconomicsector concept_academicfield_news +concept_company_webex concept:subpartoforganization concept_biotechcompany_cisco +concept_company_webex concept:companyeconomicsector concept_economicsector_internet +concept_company_weekly_standard001 concept:headquarteredin concept_city_washington_d_c +concept_company_weekly_standard001 concept:competeswith concept_politicsblog_journal +concept_company_west001 concept:agentactsinlocation concept_building_america +concept_company_west001 concept:agentactsinlocation concept_building_years +concept_company_west001 concept:agentactsinlocation concept_continent_africa +concept_company_west001 concept:hasofficeincountry concept_country___america +concept_company_west001 concept:hasofficeincountry concept_country_australia +concept_company_west001 concept:hasofficeincountry concept_country_bangladesh +concept_company_west001 concept:hasofficeincountry concept_country_korea +concept_company_west001 concept:hasofficeincountry concept_country_pakistan +concept_company_west001 concept:hasofficeincountry concept_country_south_africa +concept_company_west001 concept:hasofficeincountry concept_country_sri_lanka +concept_company_west001 concept:hasofficeincountry concept_country_zimbabwe +concept_company_west001 concept:organizationterminatedperson concept_scientist_no_ +concept_company_west_jet concept:hasofficeincity concept_city_calgary +concept_company_west_virginia concept:mutualproxyfor concept_beverage_new +concept_company_west_virginia concept:proxyfor concept_book_new +concept_company_west_virginia concept:organizationhiredperson concept_coach_bill_stewart +concept_company_west_virginia concept:organizationhiredperson concept_coach_bob_huggins +concept_company_west_virginia concept:organizationhiredperson concept_coach_huggins +concept_company_west_virginia concept:organizationhiredperson concept_coach_john_beilein +concept_company_west_virginia concept:mutualproxyfor concept_company_charleston +concept_company_west_virginia concept:hasofficeincountry concept_country___america +concept_company_west_virginia concept:companyeconomicsector concept_economicsector_insurance +concept_company_west_virginia concept:organizationhiredperson concept_personmexico_stewart +concept_company_west_virginia concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_company_west_virginia concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_company_west_virginia concept:mutualproxyfor concept_university_parkersburg +concept_company_west_virginia concept:organizationalsoknownas concept_university_state_university +concept_company_west_virginia concept:mutualproxyfor concept_winery_huntington +concept_company_westermann concept:latitudelongitude 51.9916650000000,8.0250000000000 +concept_company_westinghouse_electric concept:latitudelongitude 32.4205600000000,-104.2283300000000 +concept_company_westinghouse_electric concept:hasofficeincity concept_city_pittsburgh +concept_company_westjet concept:headquarteredin concept_city_calgary +concept_company_westjet concept:hasofficeincity concept_city_toronto +concept_company_weyerhaeuser concept:headquarteredin concept_city_federal_way +concept_company_whole_foods_market concept:organizationalsoknownas concept_radiostation_wfmi +concept_company_wikipedia concept:competeswith concept_company_yahoo001 +concept_company_wikipedia concept:agentcompeteswithagent concept_university_google +concept_company_wikipedia concept:agentcompeteswithagent concept_university_search +concept_company_wikipedia001 concept:competeswith concept_blog_google +concept_company_wikipedia001 concept:hasofficeincity concept_city_new_york +concept_company_wikipedia001 concept:competeswith concept_website_facebook +concept_company_wikipedia001 concept:competeswith concept_website_youtube +concept_company_wilco concept:agentcontrols concept_musician_jeff_tweedy +concept_company_wilco concept:agentcontrols concept_musician_nels_cline +concept_company_windstream_corporation concept:mutualproxyfor concept_ceo_jeffery_gardner +concept_company_windstream_corporation concept:organizationhiredperson concept_ceo_jeffery_gardner +concept_company_windstream_corporation concept:organizationterminatedperson concept_ceo_jeffery_gardner +concept_company_windstream_corporation concept:subpartof concept_ceo_jeffery_gardner +concept_company_winn_dixie concept:agentcollaborateswithagent concept_person_peter_lynch +concept_company_winn_dixie concept:mutualproxyfor concept_person_peter_lynch +concept_company_winners concept:proxyfor concept_book_new +concept_company_winners concept:atdate concept_date_n2009 +concept_company_winners concept:atdate concept_dateliteral_n2007 +concept_company_winners concept:atdate concept_dateliteral_n2008 +concept_company_winners concept:agentparticipatedinevent concept_sportsgame_series +concept_company_winter concept:headquarteredin concept_city_somerville +concept_company_winter concept:organizationheadquarteredincity concept_city_somerville +concept_company_winter concept:organizationdissolvedatdate concept_month_april +concept_company_winter concept:organizationdissolvedatdate concept_month_february +concept_company_winter concept:organizationdissolvedatdate concept_month_june +concept_company_winter concept:organizationdissolvedatdate concept_month_march +concept_company_winter concept:organizationdissolvedatdate concept_month_may +concept_company_winter concept:organizationdissolvedatdate concept_month_november +concept_company_winter concept:organizationdissolvedatdate concept_month_september +concept_company_wipo concept:headquarteredin concept_city_geneva +concept_company_wizz_air concept:hasofficeincity concept_city_budapest +concept_company_wizz_air concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_company_wjla concept:hasofficeincity concept_city_washington_d_c +concept_company_wnbc_tv001 concept:hasofficeincity concept_city_new_york +concept_company_wnd concept:agentcollaborateswithagent concept_chef_jerome_corsi +concept_company_wnds concept:agentcollaborateswithagent concept_athlete_ind +concept_company_wnds concept:subpartof concept_food_ind +concept_company_word concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_word concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_word concept:agentcompeteswithagent concept_tradeunion_search +concept_company_world_meteorological_organization concept:headquarteredin concept_city_geneva +concept_company_world_meteorological_organization concept:organizationheadquarteredincountry concept_country_switzerland +concept_company_world_meteorological_organization concept:organizationterminatedperson concept_person_dieter_schiessl +concept_company_world_wrestling_entertainment concept:organizationterminatedperson concept_ceo_linda_mcmahon +concept_company_world_wrestling_entertainment concept:agentcontrols concept_personus_vince_mcmahon +concept_company_world_wrestling_entertainment concept:mutualproxyfor concept_personus_vince_mcmahon +concept_company_worldcom concept:organizationterminatedperson concept_ceo_bernard_ebbers +concept_company_worldcom concept:acquired concept_company_mci +concept_company_worldcom concept:companyeconomicsector concept_economicsector_telecommunications +concept_company_worldcom concept:organizationterminatedperson concept_person_bernie_ebbers +concept_company_worldcom concept:agentcollaborateswithagent concept_personcanada_bernard_ebbers +concept_company_wpp_group concept:companyeconomicsector concept_economicsector_advertising +concept_company_wral concept:agentactsinlocation concept_city_raleigh +concept_company_wthr_tv concept:hasofficeincity concept_city_indianapolis +concept_company_wthr_tv concept:organizationheadquarteredincity concept_city_indianapolis +concept_company_wthr_tv concept:subpartof concept_retailstore_nbc +concept_company_wto001 concept:headquarteredin concept_city_geneva +concept_company_wtop001 concept:hasofficeincity concept_city_washington_d_c +concept_company_wven concept:agentcollaborateswithagent concept_athlete_ind +concept_company_wven concept:subpartof concept_food_ind +concept_company_wwe concept:headquarteredin concept_city_stamford +concept_company_wwe concept:organizationheadquarteredincity concept_city_stamford +concept_company_wwe concept:organizationterminatedperson concept_politicianus_linda_mcmahon +concept_company_wyeth concept:headquarteredin concept_city_madison +concept_company_wyow concept:agentcollaborateswithagent concept_city_abc +concept_company_wyow concept:subpartoforganization concept_televisionnetwork_abc +concept_company_wyow concept:subpartof concept_website_abc +concept_company_xensource concept:subpartoforganization concept_company_citrix +concept_company_xerox concept:organizationterminatedperson concept_female_anne_mulcahy +concept_company_ximian concept:latitudelongitude 24.1733300000000,117.9575000000000 +concept_company_xom concept:companyalsoknownas concept_biotechcompany_siebel_systems_inc +concept_company_yahoo concept:competeswith concept_blog_google_reader +concept_company_yahoo concept:competeswith concept_company_aol +concept_company_yahoo concept:competeswith concept_company_bloglines +concept_company_yahoo concept:competeswith concept_company_ebay001 +concept_company_yahoo concept:competeswith concept_company_hotmail +concept_company_yahoo concept:competeswith concept_company_msn +concept_company_yahoo concept:competeswith concept_company_msn_ +concept_company_yahoo concept:competeswith concept_company_msn_search +concept_company_yahoo concept:competeswith concept_company_skype_com +concept_company_yahoo concept:competeswith concept_company_wikipedia +concept_company_yahoo concept:competeswith concept_website_amazon +concept_company_yahoo concept:competeswith concept_website_rss +concept_company_yahoo concept:competeswith concept_website_technorati +concept_company_yahoo concept:competeswith concept_website_windows_live_search +concept_company_yahoo concept:competeswith concept_website_yahoo_groups +concept_company_yahoo001 concept:competeswith concept_automobilemaker_video +concept_company_yahoo001 concept:competeswith concept_bank_paypal +concept_company_yahoo001 concept:competeswith concept_biotechcompany_apple +concept_company_yahoo001 concept:agentinvolvedwithitem concept_buildingfeature_window +concept_company_yahoo001 concept:agentcollaborateswithagent concept_ceo_terry_semel +concept_company_yahoo001 concept:competeswith concept_company_aol_ +concept_company_yahoo001 concept:acquired concept_company_dialpad +concept_company_yahoo001 concept:acquired concept_company_flickr001 +concept_company_yahoo001 concept:competeswith concept_company_live001 +concept_company_yahoo001 concept:competeswith concept_company_local +concept_company_yahoo001 concept:acquired concept_company_maven_networks +concept_company_yahoo001 concept:acquired concept_company_viaweb +concept_company_yahoo001 concept:companyeconomicsector concept_economicsector_internet +concept_company_yahoo001 concept:agentcompeteswithagent concept_mlauthor_web_search +concept_company_yahoo001 concept:agentcompeteswithagent concept_personcanada_search +concept_company_yahoo001 concept:competeswith concept_radiostation_mobile +concept_company_yahoo001 concept:agentcompeteswithagent concept_university_google +concept_company_yahoo001 concept:agentcompeteswithagent concept_vertebrate_news +concept_company_yahoo001 concept:acquired concept_website_geocities +concept_company_yahoo001 concept:acquired concept_website_inktomi +concept_company_yahoo001 concept:acquired concept_website_kelkoo +concept_company_yahoo001 concept:companyalsoknownas concept_website_yhoo +concept_company_yahoo__local concept:competeswith concept_company_local +concept_company_yahoo__local concept:agentcompeteswithagent concept_university_search +concept_company_yahoo_inc_ concept:companyeconomicsector concept_economicsector_internet +concept_company_yahoo_pipes concept:competeswith concept_blog_google +concept_company_yomiuri concept:competeswith concept_newspaper_japan_times +concept_company_york_times concept:atlocation concept_stateorprovince_new_york +concept_company_young_and_rubicam concept:companyeconomicsector concept_economicsector_advertising +concept_company_zagat concept:companyalsoknownas concept_company_zagat_survey +concept_company_zagat concept:organizationalsoknownas concept_company_zagat_survey +concept_company_zagat concept:organizationterminatedperson concept_person_tim_zagat +concept_company_ziff_davis_media concept:companyeconomicsector concept_academicfield_publishing +concept_company_zoho_office concept:competeswith concept_blog_google +concept_company_zuken concept:latitudelongitude 42.8166700000000,27.8833300000000 +concept_company_zynga concept:mutualproxyfor concept_person_pincus +concept_company_zynga concept:organizationhiredperson concept_person_pincus +concept_company_zynga concept:organizationterminatedperson concept_person_pincus +concept_company_zynga concept:subpartof concept_person_pincus +concept_condiment_aromat concept:latitudelongitude 44.5775100000000,33.9405000000000 +concept_condiment_chocolate concept:fooddecreasestheriskofdisease concept_disease_blood_clots +concept_condiment_coconut concept:thinghascolor concept_color_brown +concept_condiment_crust concept:thinghascolor concept_color_brown +concept_condiment_dressing_point concept:latitudelongitude 28.7308200000000,-95.7599600000000 +concept_condiment_garlic concept:foodcancausedisease concept_disease_cholesterol_levels +concept_condiment_hollandaise concept:latitudelongitude 5.7500000000000,-54.0000000000000 +concept_condiment_little_jam concept:latitudelongitude -32.2833300000000,122.6000000000000 +concept_condiment_paste concept:thinghascolor concept_color_brown +concept_condiment_piri_piri concept:latitudelongitude -40.4582500000000,175.9202100000000 +concept_condiment_results concept:objectfoundinscene concept_visualizablescene_observatory +concept_condiment_vinegar_works concept:latitudelongitude 33.6517700000000,-95.5016200000000 +concept_condiment_zahtar concept:latitudelongitude 35.3500000000000,-0.4500000000000 +concept_conference_bs concept:mutualproxyfor concept_race_ghedi +concept_conference_ccg concept:atdate concept_dateliteral_n2006 +concept_conference_civr concept:latitudelongitude 15.5666700000000,-13.0666700000000 +concept_conference_doceng concept:latitudelongitude 46.0416700000000,43.5263900000000 +concept_conference_mesa concept:subpartof concept_beverage_arizona +concept_conference_wage concept:atdate concept_dateliteral_n2008 +concept_conference_wash concept:subpartof concept_beverage_warm_water +concept_consumerelectronicitem_communcations concept:latitudelongitude 41.4052800000000,-75.6569400000000 +concept_consumerelectronicitem_first_product concept:atdate concept_dateliteral_n2008 +concept_consumerelectronicitem_ms_word concept:mutualproxyfor concept_university_microsoft +concept_consumerelectronicitem_muse concept:mutualproxyfor concept_book_new +concept_consumerelectronicitem_muse concept:proxyfor concept_emotion_new +concept_consumerelectronicitem_tablets concept:subpartof concept_weatherphenomenon_water +concept_continent_africa concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_continent_antarctica concept:atdate concept_dateliteral_n2005 +concept_continent_antarctica concept:atdate concept_dateliteral_n2007 +concept_continent_europe concept:agentparticipatedinevent concept_eventoutcome_result +concept_continent_europe concept:organizationterminatedperson concept_personasia_number +concept_continent_europe concept:istallerthan concept_publication_people_ +concept_continent_europe concept:organizationterminatedperson concept_scientist_no_ +concept_continent_north_america concept:organizationterminatedperson concept_scientist_no_ +concept_convention_accio concept:latitudelongitude 40.8833300000000,15.8166700000000 +concept_convention_conjecture concept:latitudelongitude 47.9154600000000,-116.4304700000000 +concept_convention_technorati concept:mutualproxyfor concept_ceo_david_sifry +concept_convention_wsfa concept:subpartof concept_retailstore_nbc +concept_country___america concept:agentcollaborateswithagent concept_ceo_kenneth_lewis +concept_country___america concept:organizationhiredperson concept_ceo_reggie_fils_aime +concept_country___america concept:agentcontrols concept_city_number +concept_country___america concept:countryalsoknownas concept_country_australasia +concept_country___america concept:organizationalsoknownas concept_country_australasia +concept_country___america concept:countryalsoknownas concept_country_bahamas +concept_country___america concept:countryalsoknownas concept_country_bangladesh +concept_country___america concept:countryalsoknownas concept_country_central_african_republic +concept_country___america concept:countryalsoknownas concept_country_colombia +concept_country___america concept:countryalsoknownas concept_country_countries +concept_country___america concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country___america concept:organizationalsoknownas concept_country_countries +concept_country___america concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country___america concept:countryalsoknownas concept_country_egypt +concept_country___america concept:countryalsoknownas concept_country_greenland +concept_country___america concept:countryalsoknownas concept_country_korea +concept_country___america concept:countryalsoknownas concept_country_norway +concept_country___america concept:countryalsoknownas concept_country_pacific_islands +concept_country___america concept:organizationalsoknownas concept_country_pacific_islands +concept_country___america concept:countryalsoknownas concept_country_palestine +concept_country___america concept:countryalsoknownas concept_country_philippines +concept_country___america concept:countryalsoknownas concept_country_republic +concept_country___america concept:countryalsoknownas concept_country_republic_of_kenya +concept_country___america concept:countryalsoknownas concept_country_scandinavian_countries +concept_country___america concept:countryalsoknownas concept_country_south_africa +concept_country___america concept:countryalsoknownas concept_country_soviet_union +concept_country___america concept:countryalsoknownas concept_country_sudan +concept_country___america concept:countryalsoknownas concept_country_the_united_kingdom +concept_country___america concept:countryalsoknownas concept_country_u_s_ +concept_country___america concept:countryalsoknownas concept_country_u_s_a_ +concept_country___america concept:countryalsoknownas concept_country_us +concept_country___america concept:countryalsoknownas concept_country_usa +concept_country___america concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country___america concept:countrycurrency concept_currency_dollars +concept_country___america concept:agentparticipatedinevent concept_eventoutcome_result +concept_country___america concept:countryalsoknownas concept_geopoliticallocation_eastern_asia +concept_country___america concept:organizationalsoknownas concept_geopoliticallocation_eastern_asia +concept_country___america concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_southern +concept_country___america concept:locationlocatedwithinlocation concept_geopoliticallocation_southern +concept_country___america concept:countrylocatedingeopoliticallocation concept_geopoliticalorganization_eastern +concept_country___america concept:countrylocatedingeopoliticallocation concept_geopoliticalorganization_western +concept_country___america concept:organizationterminatedperson concept_personasia_number +concept_country___america concept:organizationhiredperson concept_personnorthamerica_kenneth_d__lewis +concept_country___america concept:agentcollaborateswithagent concept_personus_ken_lewis +concept_country___america concept:organizationterminatedperson concept_scientist_no_ +concept_country___america concept:organizationheadquarteredinstateorprovince concept_stateorprovince_southeast_asia +concept_country_abyssinia concept:synonymfor concept_scientist_ethiopia +concept_country_accra concept:atdate concept_dateliteral_n2007 +concept_country_accra concept:atdate concept_dateliteral_n2008 +concept_country_afganistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_afghanistan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_afghanistan concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_afghanistan concept:countryalsoknownas concept_country_republic +concept_country_afghanistan concept:atdate concept_date_n1979 +concept_country_afghanistan concept:atdate concept_date_n2000 +concept_country_afghanistan concept:atdate concept_date_n2001 +concept_country_afghanistan concept:atdate concept_date_n2003 +concept_country_afghanistan concept:atdate concept_date_n2004 +concept_country_afghanistan concept:atdate concept_dateliteral_n2002 +concept_country_afghanistan concept:atdate concept_dateliteral_n2005 +concept_country_afghanistan concept:atdate concept_dateliteral_n2006 +concept_country_afghanistan concept:atdate concept_dateliteral_n2007 +concept_country_afghanistan concept:atdate concept_dateliteral_n2008 +concept_country_afghanistan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_afghanistan concept:atdate concept_year_n1997 +concept_country_african_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_african_republic concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_albania concept:mutualproxyfor concept_city_tirana +concept_country_albania concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_albania concept:countryalsoknownas concept_country_bosnia_herzegovina +concept_country_albania concept:locationlocatedwithinlocation concept_country_countries +concept_country_albania concept:countryalsoknownas concept_country_republic +concept_country_albania concept:atdate concept_date_n1999 +concept_country_albania concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_algeria concept:countryalsoknownas concept_country_republic +concept_country_algeria concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_algeria concept:countrycurrency concept_currency_dinar +concept_country_algeria concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_anguilla concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_city_area +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_city_sources +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_arab_emirates +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_arab_governments +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_arabia_saudita concept:locationlocatedwithinlocation concept_country_countries +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_gulf_countries +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_gulf_states +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_middle_east_countries +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_arabia_saudita concept:locationlocatedwithinlocation concept_country_region +concept_country_arabia_saudita concept:countryalsoknownas concept_country_republic +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_arabia_saudita concept:countrycurrency concept_currency_riyal +concept_country_arabia_saudita concept:atdate concept_date_n2003 +concept_country_arabia_saudita concept:atdate concept_date_n2004 +concept_country_arabia_saudita concept:atdate concept_dateliteral_n2005 +concept_country_arabia_saudita concept:atdate concept_dateliteral_n2007 +concept_country_arabia_saudita concept:atdate concept_dateliteral_n2008 +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_donors +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_gulf_region +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_middle_east +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_partners +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_world +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_geopoliticalorganization_gulf_cooperation_council +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_lake_gulf +concept_country_arabia_saudita concept:locationlocatedwithinlocation concept_landscapefeatures_gulf +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_arabia_saudita concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_arabia_saudita concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_country_argentina concept:organizationhiredperson concept_coach_marcelo_bielsa +concept_country_argentina concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_argentina concept:locationlocatedwithinlocation concept_country_countries +concept_country_argentina concept:countryalsoknownas concept_country_republic +concept_country_argentina concept:countrycurrency concept_currency_pesos +concept_country_argentina concept:atdate concept_date_n2004 +concept_country_argentina concept:atdate concept_dateliteral_n2002 +concept_country_argentina concept:atdate concept_dateliteral_n2005 +concept_country_argentina concept:atdate concept_dateliteral_n2006 +concept_country_argentina concept:atdate concept_dateliteral_n2007 +concept_country_argentina concept:atdate concept_dateliteral_n2008 +concept_country_argentina concept:organizationhiredperson concept_personmexico_diego_maradona +concept_country_argentina concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_argentina concept:subpartoforganization concept_sportsleague_mls +concept_country_argentina concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_armenia concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_armenia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_armenia concept:countryalsoknownas concept_country_republic +concept_country_armenia concept:countrycurrency concept_currency_dram +concept_country_armenia concept:atdate concept_date_n2003 +concept_country_armenia concept:atdate concept_dateliteral_n2006 +concept_country_armenia concept:atdate concept_dateliteral_n2007 +concept_country_armenia concept:atdate concept_dateliteral_n2008 +concept_country_armenia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_aruba concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_aruba concept:countryalsoknownas concept_country_republic +concept_country_aruba concept:countrycurrency concept_currency_guilders +concept_country_australasia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_australia concept:mutualproxyfor concept_city_canberra_canberra +concept_country_australia concept:organizationhiredperson concept_coach_hiddink +concept_country_australia concept:organizationterminatedperson concept_coach_hiddink +concept_country_australia concept:countrylocatedingeopoliticallocation concept_country_commonwealth_countries +concept_country_australia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_australia concept:countryalsoknownas concept_country_republic +concept_country_australia concept:countrycurrency concept_currency_dollars +concept_country_australia concept:atdate concept_date_n1939 +concept_country_australia concept:atdate concept_date_n1942 +concept_country_australia concept:atdate concept_date_n1944 +concept_country_australia concept:atdate concept_date_n1958 +concept_country_australia concept:atdate concept_date_n1964 +concept_country_australia concept:atdate concept_date_n1969 +concept_country_australia concept:atdate concept_date_n1972 +concept_country_australia concept:atdate concept_date_n1977 +concept_country_australia concept:atdate concept_date_n1996 +concept_country_australia concept:atdate concept_date_n1999 +concept_country_australia concept:atdate concept_date_n2000 +concept_country_australia concept:atdate concept_date_n2001 +concept_country_australia concept:atdate concept_date_n2003 +concept_country_australia concept:atdate concept_date_n2004 +concept_country_australia concept:atdate concept_date_n2009 +concept_country_australia concept:atdate concept_dateliteral_n1918 +concept_country_australia concept:atdate concept_dateliteral_n1943 +concept_country_australia concept:atdate concept_dateliteral_n1945 +concept_country_australia concept:atdate concept_dateliteral_n1954 +concept_country_australia concept:atdate concept_dateliteral_n1980 +concept_country_australia concept:atdate concept_dateliteral_n1987 +concept_country_australia concept:atdate concept_dateliteral_n2002 +concept_country_australia concept:atdate concept_dateliteral_n2005 +concept_country_australia concept:atdate concept_dateliteral_n2006 +concept_country_australia concept:atdate concept_dateliteral_n2007 +concept_country_australia concept:atdate concept_dateliteral_n2008 +concept_country_australia concept:atdate concept_dateliteral_n2010 +concept_country_australia concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_australia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_continents +concept_country_australia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_australia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_oceania +concept_country_australia concept:proxyfor concept_lake_new +concept_country_australia concept:organizationhiredperson concept_personaustralia_kevin_rudd +concept_country_australia concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_australia concept:organizationhiredperson concept_professor_john_howard +concept_country_australia concept:istallerthan concept_publication_people_ +concept_country_australia concept:organizationheadquarteredinstateorprovince concept_stateorprovince_western_australia +concept_country_australia concept:proxyfor concept_weatherphenomenon_cape +concept_country_australia concept:atdate concept_year_n1915 +concept_country_australia concept:atdate concept_year_n1916 +concept_country_australia concept:atdate concept_year_n1919 +concept_country_australia concept:atdate concept_year_n1946 +concept_country_australia concept:atdate concept_year_n1965 +concept_country_australia concept:atdate concept_year_n1974 +concept_country_australia concept:atdate concept_year_n1975 +concept_country_australia concept:atdate concept_year_n1985 +concept_country_australia concept:atdate concept_year_n1989 +concept_country_australia concept:atdate concept_year_n1994 +concept_country_australia concept:atdate concept_year_n1997 +concept_country_australia concept:atdate concept_year_n1998 +concept_country_azerbaijan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_azerbaijan concept:countryalsoknownas concept_country_republic +concept_country_azerbaijan concept:countrycurrency concept_currency_manats +concept_country_azerbaijan concept:atdate concept_dateliteral_n2007 +concept_country_azerbaijan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_azerbaijan concept:atdate concept_year_n1994 +concept_country_bahamas concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bahamas concept:countryalsoknownas concept_country_republic +concept_country_bahamas concept:countrycurrency concept_currency_dollars +concept_country_bahrain concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bahrain concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_bahrain concept:countryalsoknownas concept_country_republic +concept_country_bahrain concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_bahrain concept:countrycurrency concept_currency_dinars +concept_country_bahrain concept:atdate concept_dateliteral_n2006 +concept_country_bahrain concept:atdate concept_dateliteral_n2007 +concept_country_bahrain concept:atdate concept_dateliteral_n2008 +concept_country_bahrain concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_balkans concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_balkans concept:countryalsoknownas concept_country_u_s_ +concept_country_balkans concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_baltic_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_baltic_states concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bangalore concept:atdate concept_date_n2003 +concept_country_bangalore concept:atdate concept_dateliteral_n2006 +concept_country_bangla_desh concept:latitudelongitude 24.0000000000000,90.0000000000000 +concept_country_bangladesh concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_bangladesh concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bangladesh concept:countryalsoknownas concept_country_republic +concept_country_bangladesh concept:countrycurrency concept_currency_dollars +concept_country_bangladesh concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_bangladesh concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_barbados concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_barbados concept:countryalsoknownas concept_country_republic +concept_country_barbados concept:countrycurrency concept_currency_dollars +concept_country_belarus concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_belarus concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_belarus concept:countryalsoknownas concept_country_republic +concept_country_belarus concept:countryalsoknownas concept_country_soviet_union +concept_country_belarus concept:countrycurrency concept_currency_rubles +concept_country_belarus concept:atdate concept_dateliteral_n2002 +concept_country_belarus concept:atdate concept_dateliteral_n2005 +concept_country_belarus concept:atdate concept_dateliteral_n2006 +concept_country_belarus concept:atdate concept_dateliteral_n2007 +concept_country_belarus concept:atdate concept_dateliteral_n2008 +concept_country_belarus concept:locationlocatedwithinlocation concept_landscapefeatures_states +concept_country_belarus concept:synonymfor concept_politicalparty_republic +concept_country_belarus concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_belgium concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_belgium concept:countryalsoknownas concept_country_republic +concept_country_belgium concept:countrycurrency concept_currency_francs +concept_country_belgium concept:atdate concept_date_n1996 +concept_country_belgium concept:atdate concept_date_n1999 +concept_country_belgium concept:atdate concept_date_n2003 +concept_country_belgium concept:atdate concept_dateliteral_n2002 +concept_country_belgium concept:atdate concept_dateliteral_n2005 +concept_country_belgium concept:atdate concept_dateliteral_n2006 +concept_country_belgium concept:atdate concept_dateliteral_n2007 +concept_country_belgium concept:atdate concept_dateliteral_n2008 +concept_country_belgium concept:countrylocatedingeopoliticallocation concept_stateorprovince_eu +concept_country_belgium concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_belgium concept:mutualproxyfor concept_visualizablescene_brussels +concept_country_belize concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_belize concept:countrycurrency concept_currency_dollars +concept_country_bermuda concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bermuda concept:countrycurrency concept_currency_dollars +concept_country_bhutan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_bhutan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bhutan concept:atdate concept_date_n2004 +concept_country_bhutan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_bolivia concept:countryalsoknownas concept_country_republic +concept_country_bolivia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_bonaire concept:countryalsoknownas concept_country_republic +concept_country_bosnia_herzegovina concept:countryalsoknownas concept_country_albania +concept_country_bosnia_herzegovina concept:countryalsoknownas concept_country_bulgaria +concept_country_bosnia_herzegovina concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bosnia_herzegovina concept:locationlocatedwithinlocation concept_country_countries +concept_country_bosnia_herzegovina concept:countryalsoknownas concept_country_kosovo +concept_country_bosnia_herzegovina concept:countryalsoknownas concept_country_republic +concept_country_bosnia_herzegovina concept:countryalsoknownas concept_country_romania +concept_country_bosnia_herzegovina concept:atdate concept_dateliteral_n2007 +concept_country_bosnia_herzegovina concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_bosnia_herzegovina concept:atdate concept_year_n1994 +concept_country_botswana concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_botswana concept:countryalsoknownas concept_country_republic +concept_country_botswana concept:countrylocatedingeopoliticallocation concept_country_southern_africa +concept_country_botswana concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_brasil concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_brazil concept:countrylocatedingeopoliticallocation concept_continent_south_america +concept_country_brazil concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_brazil concept:countryalsoknownas concept_country_republic +concept_country_brazil concept:atdate concept_date_n1999 +concept_country_brazil concept:atdate concept_date_n2000 +concept_country_brazil concept:atdate concept_date_n2001 +concept_country_brazil concept:atdate concept_date_n2003 +concept_country_brazil concept:atdate concept_date_n2004 +concept_country_brazil concept:atdate concept_date_n2009 +concept_country_brazil concept:atdate concept_dateliteral_n2005 +concept_country_brazil concept:atdate concept_dateliteral_n2006 +concept_country_brazil concept:atdate concept_dateliteral_n2007 +concept_country_brazil concept:atdate concept_dateliteral_n2008 +concept_country_brazil concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_brazil concept:synonymfor concept_politicalparty_republic +concept_country_brazil concept:atdate concept_year_n1992 +concept_country_brazil concept:atdate concept_year_n1994 +concept_country_brazil concept:atdate concept_year_n1995 +concept_country_brazil concept:atdate concept_year_n1997 +concept_country_brazil concept:atdate concept_year_n1998 +concept_country_bric concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_britain concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_britain concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_britain concept:countryalsoknownas concept_country_republic +concept_country_britain concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_britain concept:countrycurrency concept_currency_pounds +concept_country_britain concept:atdate concept_dateliteral_n2002 +concept_country_britain concept:atdate concept_dateliteral_n2006 +concept_country_britain concept:atdate concept_dateliteral_n2007 +concept_country_britain concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_britain concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_britain concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_britain concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_britain concept:atdate concept_year_n1997 +concept_country_britains concept:latitudelongitude -29.2666700000000,139.9500000000000 +concept_country_britian concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_british_honduras concept:synonymfor concept_city_belize +concept_country_brunei concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_brunei concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_brunei concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_bulgaria concept:countryalsoknownas concept_country_bosnia_herzegovina +concept_country_bulgaria concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_bulgaria concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_bulgaria concept:countryalsoknownas concept_country_republic +concept_country_bulgaria concept:countrycurrency concept_currency_lev +concept_country_bulgaria concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_bulgaria concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_burkina concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_burkina concept:countryalsoknownas concept_country_republic +concept_country_burkina concept:synonymfor concept_country_upper_volta +concept_country_burkina concept:countrylocatedingeopoliticallocation concept_country_western_africa +concept_country_burkina concept:atdate concept_dateliteral_n2007 +concept_country_burma concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_burma concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_burundi concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_burundi concept:countryalsoknownas concept_country_republic +concept_country_burundi concept:countrycurrency concept_currency_francs +concept_country_burundi concept:atdate concept_dateliteral_n2006 +concept_country_burundi concept:organizationhiredperson concept_person_antoinette_batumubwira +concept_country_byelorussia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_c_te_d_ivoire concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ca concept:countrycurrency concept_currency_dollars +concept_country_cambodia concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_cambodia concept:locationlocatedwithinlocation concept_continent_asia +concept_country_cambodia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cambodia concept:countryalsoknownas concept_country_republic +concept_country_cambodia concept:atdate concept_date_n1969 +concept_country_cambodia concept:atdate concept_date_n1999 +concept_country_cambodia concept:atdate concept_date_n2003 +concept_country_cambodia concept:atdate concept_date_n2004 +concept_country_cambodia concept:atdate concept_dateliteral_n2002 +concept_country_cambodia concept:atdate concept_dateliteral_n2005 +concept_country_cambodia concept:atdate concept_dateliteral_n2006 +concept_country_cambodia concept:atdate concept_dateliteral_n2007 +concept_country_cambodia concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_cambodia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_cameroon concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cameroon concept:countryalsoknownas concept_country_republic +concept_country_cameroon concept:atdate concept_dateliteral_n2007 +concept_country_cameroon concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_canada_canada concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_canada_canada concept:countrylocatedingeopoliticallocation concept_continent_north_america +concept_country_canada_canada concept:countrylocatedingeopoliticallocation concept_country_commonwealth_countries +concept_country_canada_canada concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_canada_canada concept:locationlocatedwithinlocation concept_country_countries +concept_country_canada_canada concept:countryalsoknownas concept_country_republic +concept_country_canada_canada concept:countrycurrency concept_currency_dollars +concept_country_canada_canada concept:atdate concept_date_n1971 +concept_country_canada_canada concept:atdate concept_date_n1993 +concept_country_canada_canada concept:atdate concept_date_n1996 +concept_country_canada_canada concept:atdate concept_date_n1999 +concept_country_canada_canada concept:atdate concept_date_n2003 +concept_country_canada_canada concept:atdate concept_date_n2004 +concept_country_canada_canada concept:atdate concept_dateliteral_n1945 +concept_country_canada_canada concept:atdate concept_dateliteral_n1953 +concept_country_canada_canada concept:atdate concept_dateliteral_n1987 +concept_country_canada_canada concept:atdate concept_dateliteral_n2002 +concept_country_canada_canada concept:atdate concept_dateliteral_n2005 +concept_country_canada_canada concept:atdate concept_dateliteral_n2006 +concept_country_canada_canada concept:atdate concept_dateliteral_n2007 +concept_country_canada_canada concept:atdate concept_dateliteral_n2008 +concept_country_canada_canada concept:atdate concept_dateliteral_n2010 +concept_country_canada_canada concept:atdate concept_year_n1981 +concept_country_canada_canada concept:atdate concept_year_n1985 +concept_country_canada_canada concept:atdate concept_year_n1986 +concept_country_canada_canada concept:atdate concept_year_n1989 +concept_country_canada_canada concept:atdate concept_year_n1994 +concept_country_canada_canada concept:atdate concept_year_n1995 +concept_country_canada_canada concept:atdate concept_year_n1997 +concept_country_cape_verde concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_career concept:atdate concept_date_n1968 +concept_country_career concept:atdate concept_date_n1977 +concept_country_career concept:atdate concept_date_n1979 +concept_country_career concept:atdate concept_date_n1993 +concept_country_career concept:atdate concept_date_n1999 +concept_country_career concept:atdate concept_date_n2000 +concept_country_career concept:atdate concept_date_n2001 +concept_country_career concept:atdate concept_date_n2003 +concept_country_career concept:atdate concept_date_n2004 +concept_country_career concept:atdate concept_dateliteral_n1980 +concept_country_career concept:atdate concept_dateliteral_n1987 +concept_country_career concept:atdate concept_dateliteral_n1990 +concept_country_career concept:atdate concept_dateliteral_n2002 +concept_country_career concept:atdate concept_dateliteral_n2005 +concept_country_career concept:atdate concept_dateliteral_n2006 +concept_country_career concept:atdate concept_dateliteral_n2007 +concept_country_career concept:atdate concept_dateliteral_n2008 +concept_country_career concept:atdate concept_year_n1985 +concept_country_career concept:atdate concept_year_n1986 +concept_country_career concept:atdate concept_year_n1988 +concept_country_career concept:atdate concept_year_n1997 +concept_country_career concept:atdate concept_year_n1998 +concept_country_casamance concept:latitudelongitude 12.5656466666667,-16.2978700000000 +concept_country_cayman_islands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cayman_islands concept:countrycurrency concept_currency_dollars +concept_country_cayman_islands concept:atdate concept_date_n2004 +concept_country_central_african_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_central_african_republic concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_central_african_republic concept:countryalsoknownas concept_country_republic +concept_country_ceylon concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_chechnya concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_chechnya concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_chile concept:mutualproxyfor concept_city_santiago +concept_country_chile concept:organizationhiredperson concept_coach_marcelo_bielsa +concept_country_chile concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_chile concept:countryalsoknownas concept_country_republic +concept_country_chile concept:countryalsoknownas concept_country_u_s_ +concept_country_chile concept:countrycurrency concept_currency_pesos +concept_country_chile concept:atdate concept_date_n1999 +concept_country_chile concept:atdate concept_date_n2000 +concept_country_chile concept:atdate concept_date_n2003 +concept_country_chile concept:atdate concept_date_n2004 +concept_country_chile concept:atdate concept_date_n2009 +concept_country_chile concept:atdate concept_dateliteral_n2002 +concept_country_chile concept:atdate concept_dateliteral_n2005 +concept_country_chile concept:atdate concept_dateliteral_n2006 +concept_country_chile concept:atdate concept_dateliteral_n2007 +concept_country_chile concept:atdate concept_dateliteral_n2008 +concept_country_chile concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_chile concept:atdate concept_year_n1998 +concept_country_china concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_china concept:countrylocatedingeopoliticallocation concept_city_sources +concept_country_china concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_china concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_china concept:countrylocatedingeopoliticallocation concept_country_different_countries +concept_country_china concept:countryalsoknownas concept_country_philippines +concept_country_china concept:countryalsoknownas concept_country_republic +concept_country_china concept:countrycurrency concept_currency_yuan +concept_country_china concept:atdate concept_dateliteral_n1980 +concept_country_china concept:atdate concept_dateliteral_n2002 +concept_country_china concept:atdate concept_dateliteral_n2005 +concept_country_china concept:atdate concept_dateliteral_n2006 +concept_country_china concept:atdate concept_dateliteral_n2007 +concept_country_china concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_china concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_country_china concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_china concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_china concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_colombia concept:countrylocatedingeopoliticallocation concept_continent_south_america +concept_country_colombia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_colombia concept:countryalsoknownas concept_country_republic +concept_country_colombia concept:countrycurrency concept_currency_pesos +concept_country_colombia concept:atdate concept_date_n2004 +concept_country_colombia concept:atdate concept_dateliteral_n2005 +concept_country_colombia concept:atdate concept_dateliteral_n2007 +concept_country_colombia concept:atdate concept_dateliteral_n2008 +concept_country_colombia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_colombia concept:atdate concept_year_n1997 +concept_country_commonwealth_countries concept:proxyfor concept_book_new +concept_country_communist_china concept:countrycurrency concept_currency_dollars +concept_country_comoros concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_comoros concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_comoros concept:countryalsoknownas concept_country_republic +concept_country_comoros concept:countrycurrency concept_currency_francs +concept_country_congo_brazzaville concept:countryalsoknownas concept_country_republic +concept_country_costa_rica concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_costa_rica concept:countryalsoknownas concept_country_republic +concept_country_costa_rica concept:countrycurrency concept_currency_colones +concept_country_costa_rica concept:atdate concept_date_n1999 +concept_country_costa_rica concept:atdate concept_date_n2003 +concept_country_costa_rica concept:atdate concept_date_n2004 +concept_country_costa_rica concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_costa_rica concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_cote_d_ivoire concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cote_dvoire concept:countryalsoknownas concept_country_republic +concept_country_countries concept:countrycurrency concept_currency_dollars +concept_country_countries concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_croatia concept:mutualproxyfor concept_city_zagreb +concept_country_croatia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_croatia concept:countryalsoknownas concept_country_former_soviet_union +concept_country_croatia concept:countryalsoknownas concept_country_republic +concept_country_croatia concept:countrycurrency concept_currency_kuna +concept_country_croatia concept:atdate concept_date_n2000 +concept_country_croatia concept:atdate concept_date_n2004 +concept_country_croatia concept:atdate concept_dateliteral_n2002 +concept_country_croatia concept:atdate concept_dateliteral_n2006 +concept_country_croatia concept:atdate concept_dateliteral_n2007 +concept_country_croatia concept:atdate concept_dateliteral_n2008 +concept_country_croatia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_croatia concept:synonymfor concept_politicalparty_republic +concept_country_croatia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_croatia concept:atdate concept_year_n1991 +concept_country_croatia concept:atdate concept_year_n1994 +concept_country_croatia concept:atdate concept_year_n1995 +concept_country_cuba concept:countrylocatedingeopoliticallocation concept_continent_north_america +concept_country_cuba concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cuba concept:countryalsoknownas concept_country_republic +concept_country_cuba concept:countrycurrency concept_currency_pesos +concept_country_cuba concept:atdate concept_date_n1962 +concept_country_cuba concept:atdate concept_date_n1999 +concept_country_cuba concept:atdate concept_date_n2000 +concept_country_cuba concept:atdate concept_date_n2001 +concept_country_cuba concept:atdate concept_date_n2003 +concept_country_cuba concept:atdate concept_date_n2004 +concept_country_cuba concept:atdate concept_dateliteral_n1961 +concept_country_cuba concept:atdate concept_dateliteral_n2002 +concept_country_cuba concept:atdate concept_dateliteral_n2005 +concept_country_cuba concept:atdate concept_dateliteral_n2006 +concept_country_cuba concept:atdate concept_dateliteral_n2007 +concept_country_cuba concept:atdate concept_dateliteral_n2008 +concept_country_cuba concept:proxyfor concept_lake_new +concept_country_cuba concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_cuba concept:atdate concept_year_n1898 +concept_country_cuba concept:atdate concept_year_n1959 +concept_country_cuba concept:atdate concept_year_n1998 +concept_country_cyprus concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_cyprus concept:countryalsoknownas concept_country_republic +concept_country_cyprus concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_czech_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_czech_republic concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_czech_republic concept:countrylocatedingeopoliticallocation concept_country_poland +concept_country_czech_republic concept:countryalsoknownas concept_country_republic +concept_country_czech_republic concept:atdate concept_date_n2000 +concept_country_czech_republic concept:atdate concept_date_n2001 +concept_country_czech_republic concept:atdate concept_date_n2004 +concept_country_czech_republic concept:atdate concept_dateliteral_n2005 +concept_country_czech_republic concept:atdate concept_dateliteral_n2006 +concept_country_czech_republic concept:atdate concept_dateliteral_n2007 +concept_country_czech_republic concept:atdate concept_dateliteral_n2008 +concept_country_czech_republic concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_czech_republic concept:atdate concept_year_n1998 +concept_country_czechoslovakia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_czechoslovakia concept:countryalsoknownas concept_country_republic +concept_country_czechoslovakia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_darfur concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_darfur concept:countryalsoknownas concept_country_republic +concept_country_darfur concept:atdate concept_date_n2003 +concept_country_darfur concept:atdate concept_date_n2004 +concept_country_darfur concept:atdate concept_dateliteral_n2005 +concept_country_darfur concept:atdate concept_dateliteral_n2006 +concept_country_darfur concept:atdate concept_dateliteral_n2007 +concept_country_darfur_region concept:countryalsoknownas concept_country_republic +concept_country_declaration concept:atdate concept_dateliteral_n2002 +concept_country_declaration concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_democratic_republic_congo concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_central_african_republic +concept_country_democratic_republic_of_congo concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_drc +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_egypt +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_ivory_coast +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_liberia +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_malawi +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_namibia +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_niger +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_republic +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_republic_of_benin +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_rwanda +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_senegal +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_sierra_leone +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_south_sudan +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_sudan +concept_country_democratic_republic_of_congo concept:countryalsoknownas concept_country_zambia +concept_country_democratic_republic_of_congo concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_democratic_republic_of_congo concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_democratic_republic_of_congo concept:agentcompeteswithagent concept_tradeunion_article +concept_country_denmark concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_denmark concept:locationlocatedwithinlocation concept_country_countries +concept_country_denmark concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_denmark concept:countryalsoknownas concept_country_republic +concept_country_denmark concept:countrylocatedingeopoliticallocation concept_country_scandinavian_countries +concept_country_denmark concept:atdate concept_date_n2000 +concept_country_denmark concept:atdate concept_date_n2001 +concept_country_denmark concept:atdate concept_date_n2003 +concept_country_denmark concept:atdate concept_date_n2004 +concept_country_denmark concept:atdate concept_dateliteral_n2002 +concept_country_denmark concept:atdate concept_dateliteral_n2006 +concept_country_denmark concept:atdate concept_dateliteral_n2007 +concept_country_denmark concept:atdate concept_dateliteral_n2008 +concept_country_denmark concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_denmark concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_denmark concept:atdate concept_year_n1997 +concept_country_denmark concept:atdate concept_year_n1998 +concept_country_djibouti concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_djibouti concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_djibouti concept:countrycurrency concept_currency_francs +concept_country_dominica concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_dominican_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_dominican_republic concept:countryalsoknownas concept_country_republic +concept_country_dominican_republic concept:countryalsoknownas concept_country_u_s_ +concept_country_dominican_republic concept:countrycurrency concept_currency_pesos +concept_country_dominican_republic concept:atdate concept_date_n2004 +concept_country_dominican_republic concept:atdate concept_date_n2009 +concept_country_dominican_republic concept:atdate concept_dateliteral_n2006 +concept_country_dominican_republic concept:atdate concept_dateliteral_n2007 +concept_country_dominican_republic concept:atdate concept_dateliteral_n2008 +concept_country_dominican_republic concept:proxyfor concept_lake_new +concept_country_dominican_republic concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_dr_congo concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_drc concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_drc concept:countryalsoknownas concept_country_republic +concept_country_east_european_countries concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_east_timor concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_east_timor concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_east_timor concept:atdate concept_date_n1999 +concept_country_east_timor concept:atdate concept_date_n2000 +concept_country_east_timor concept:atdate concept_dateliteral_n2006 +concept_country_eastern_european_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_egypt concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_egypt concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_egypt concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_egypt concept:countryalsoknownas concept_country_republic +concept_country_egypt concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_egypt concept:atdate concept_date_n1941 +concept_country_egypt concept:atdate concept_date_n2000 +concept_country_egypt concept:atdate concept_date_n2001 +concept_country_egypt concept:atdate concept_date_n2003 +concept_country_egypt concept:atdate concept_date_n2004 +concept_country_egypt concept:atdate concept_date_n2009 +concept_country_egypt concept:atdate concept_dateliteral_n2002 +concept_country_egypt concept:atdate concept_dateliteral_n2005 +concept_country_egypt concept:atdate concept_dateliteral_n2006 +concept_country_egypt concept:atdate concept_dateliteral_n2007 +concept_country_egypt concept:atdate concept_dateliteral_n2008 +concept_country_egypt concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_egypt concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_egypt concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_egypt concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_country_egypt concept:organizationterminatedperson concept_person_tim_hatrich +concept_country_egypt concept:organizationterminatedperson concept_person_yehia_kazarian +concept_country_egypt concept:atdate concept_year_n1915 +concept_country_egypt concept:atdate concept_year_n1916 +concept_country_egypt concept:atdate concept_year_n1998 +concept_country_el_salvador concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_el_salvador concept:countryalsoknownas concept_country_republic +concept_country_el_salvador concept:countryalsoknownas concept_country_u_s_ +concept_country_el_salvador concept:countrycurrency concept_currency_colones +concept_country_el_salvador concept:atdate concept_dateliteral_n2005 +concept_country_el_salvador concept:atdate concept_dateliteral_n2007 +concept_country_el_salvador concept:atdate concept_dateliteral_n2008 +concept_country_el_salvador concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_energy_information_administration concept:subpartoforganization concept_politicalparty_federal_government +concept_country_england concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_england concept:organizationhiredperson concept_coach_brian_ashton +concept_country_england concept:organizationhiredperson concept_coach_steve_mcclaren +concept_country_england concept:organizationhiredperson concept_coach_sven_goran_eriksson +concept_country_england concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_england concept:countrycurrency concept_currency_pounds +concept_country_england concept:atdate concept_date_n1914 +concept_country_england concept:atdate concept_date_n1939 +concept_country_england concept:atdate concept_date_n1941 +concept_country_england concept:atdate concept_date_n1942 +concept_country_england concept:atdate concept_date_n1944 +concept_country_england concept:atdate concept_date_n1958 +concept_country_england concept:atdate concept_date_n1969 +concept_country_england concept:atdate concept_date_n1971 +concept_country_england concept:atdate concept_date_n1976 +concept_country_england concept:atdate concept_date_n1977 +concept_country_england concept:atdate concept_date_n1979 +concept_country_england concept:atdate concept_date_n1996 +concept_country_england concept:atdate concept_date_n1999 +concept_country_england concept:atdate concept_date_n2000 +concept_country_england concept:atdate concept_date_n2001 +concept_country_england concept:atdate concept_date_n2003 +concept_country_england concept:atdate concept_date_n2009 +concept_country_england concept:atdate concept_dateliteral_n1812 +concept_country_england concept:atdate concept_dateliteral_n1912 +concept_country_england concept:atdate concept_dateliteral_n1917 +concept_country_england concept:atdate concept_dateliteral_n1918 +concept_country_england concept:atdate concept_dateliteral_n1936 +concept_country_england concept:atdate concept_dateliteral_n1943 +concept_country_england concept:atdate concept_dateliteral_n1945 +concept_country_england concept:atdate concept_dateliteral_n1950 +concept_country_england concept:atdate concept_dateliteral_n1980 +concept_country_england concept:atdate concept_dateliteral_n1987 +concept_country_england concept:atdate concept_dateliteral_n1990 +concept_country_england concept:atdate concept_dateliteral_n2002 +concept_country_england concept:atdate concept_dateliteral_n2005 +concept_country_england concept:atdate concept_dateliteral_n2006 +concept_country_england concept:atdate concept_dateliteral_n2007 +concept_country_england concept:atdate concept_dateliteral_n2008 +concept_country_england concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_england concept:agentactsinlocation concept_hotel_old +concept_country_england concept:agentactsinlocation concept_lake_new +concept_country_england concept:atlocation concept_lake_new +concept_country_england concept:proxyfor concept_lake_new +concept_country_england concept:organizationhiredperson concept_monarch_alf_ramsey +concept_country_england concept:organizationhiredperson concept_personaustralia_bobby_robson +concept_country_england concept:organizationhiredperson concept_personaustralia_fabio_capello +concept_country_england concept:organizationhiredperson concept_personaustralia_hope_powell +concept_country_england concept:proxyfor concept_street_south_east +concept_country_england concept:proxyfor concept_tableitem_old +concept_country_england concept:atdate concept_year_n1787 +concept_country_england concept:atdate concept_year_n1839 +concept_country_england concept:atdate concept_year_n1841 +concept_country_england concept:atdate concept_year_n1845 +concept_country_england concept:atdate concept_year_n1854 +concept_country_england concept:atdate concept_year_n1855 +concept_country_england concept:atdate concept_year_n1862 +concept_country_england concept:atdate concept_year_n1868 +concept_country_england concept:atdate concept_year_n1896 +concept_country_england concept:atdate concept_year_n1915 +concept_country_england concept:atdate concept_year_n1916 +concept_country_england concept:atdate concept_year_n1919 +concept_country_england concept:atdate concept_year_n1920 +concept_country_england concept:atdate concept_year_n1921 +concept_country_england concept:atdate concept_year_n1946 +concept_country_england concept:atdate concept_year_n1952 +concept_country_england concept:atdate concept_year_n1959 +concept_country_england concept:atdate concept_year_n1960 +concept_country_england concept:atdate concept_year_n1965 +concept_country_england concept:atdate concept_year_n1967 +concept_country_england concept:atdate concept_year_n1973 +concept_country_england concept:atdate concept_year_n1994 +concept_country_england concept:atdate concept_year_n1998 +concept_country_entire_country concept:proxyfor concept_book_new +concept_country_equador concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_equator__guinea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_equator__guinea concept:countryalsoknownas concept_country_republic +concept_country_eritrea concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_eritrea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_eritrea concept:countryalsoknownas concept_country_republic +concept_country_estonia concept:mutualproxyfor concept_city_tallinn +concept_country_estonia concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_estonia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_estonia concept:locationlocatedwithinlocation concept_country_countries +concept_country_estonia concept:countryalsoknownas concept_country_republic +concept_country_estonia concept:countrycurrency concept_currency_kroon +concept_country_estonia concept:atdate concept_dateliteral_n2007 +concept_country_estonia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_baltics +concept_country_estonia concept:mutualproxyfor concept_person_toomas_hendrik_ilves +concept_country_estonia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_ethiopia concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_ethiopia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ethiopia concept:countryalsoknownas concept_country_republic +concept_country_ethiopia concept:countrycurrency concept_currency_birr +concept_country_ethiopia concept:atdate concept_date_n2003 +concept_country_ethiopia concept:atdate concept_date_n2004 +concept_country_ethiopia concept:atdate concept_dateliteral_n2005 +concept_country_ethiopia concept:atdate concept_dateliteral_n2006 +concept_country_ethiopia concept:atdate concept_dateliteral_n2007 +concept_country_ethiopia concept:atdate concept_dateliteral_n2008 +concept_country_ethiopia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_eu_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_eu_member_states concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_eu_member_states concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_federal_republic_of_yugoslavia concept:countryalsoknownas concept_country_montenegro +concept_country_fiji concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_fiji concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_fiji concept:countrycurrency concept_currency_dollars +concept_country_fiji concept:atdate concept_date_n2003 +concept_country_fiji concept:atdate concept_date_n2004 +concept_country_fiji concept:atdate concept_dateliteral_n2005 +concept_country_fiji concept:atdate concept_dateliteral_n2006 +concept_country_fiji concept:atdate concept_dateliteral_n2007 +concept_country_fiji concept:atdate concept_dateliteral_n2008 +concept_country_finland concept:mutualproxyfor concept_city_helsinki +concept_country_finland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_finland concept:locationlocatedwithinlocation concept_country_countries +concept_country_finland concept:countryalsoknownas concept_country_republic +concept_country_finland concept:countrylocatedingeopoliticallocation concept_country_scandinavia +concept_country_finland concept:countrylocatedingeopoliticallocation concept_country_scandinavian_countries +concept_country_finland concept:atdate concept_date_n1939 +concept_country_finland concept:atdate concept_date_n1996 +concept_country_finland concept:atdate concept_date_n2000 +concept_country_finland concept:atdate concept_date_n2001 +concept_country_finland concept:atdate concept_date_n2003 +concept_country_finland concept:atdate concept_date_n2004 +concept_country_finland concept:atdate concept_date_n2009 +concept_country_finland concept:atdate concept_dateliteral_n1918 +concept_country_finland concept:atdate concept_dateliteral_n2002 +concept_country_finland concept:atdate concept_dateliteral_n2005 +concept_country_finland concept:atdate concept_dateliteral_n2006 +concept_country_finland concept:atdate concept_dateliteral_n2007 +concept_country_finland concept:atdate concept_dateliteral_n2008 +concept_country_finland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_finland concept:proxyfor concept_lake_new +concept_country_finland concept:agentparticipatedinevent concept_sportsgame_championships +concept_country_finland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_finland concept:subpartof concept_vehicle_countries +concept_country_finland concept:atdate concept_year_n1994 +concept_country_finland concept:atdate concept_year_n1998 +concept_country_former_czechoslovakia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_former_soviet_union concept:synonymfor concept_city_herzegovina +concept_country_former_soviet_union concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_former_soviet_union concept:countryalsoknownas concept_country_croatia +concept_country_former_soviet_union concept:countryalsoknownas concept_country_republic +concept_country_former_soviet_union concept:countryalsoknownas concept_country_russia +concept_country_former_soviet_union concept:countryalsoknownas concept_country_russian_federation +concept_country_former_soviet_union concept:countryalsoknownas concept_country_slovenia +concept_country_former_soviet_union concept:countryalsoknownas concept_country_ukraine +concept_country_former_soviet_union concept:atdate concept_dateliteral_n1945 +concept_country_former_soviet_union concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_former_soviet_union concept:atdate concept_year_n1989 +concept_country_former_soviet_union concept:atdate concept_year_n1991 +concept_country_former_ussr concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_france_france concept:locationlocatedwithinlocation concept_airport_europe +concept_country_france_france concept:proxyfor concept_book_new +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_country_different_countries +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_country_eu_countries +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_country_member_countries +concept_country_france_france concept:countryalsoknownas concept_country_republic +concept_country_france_france concept:countrycurrency concept_currency_euros +concept_country_france_france concept:atdate concept_date_n1793 +concept_country_france_france concept:atdate concept_date_n1914 +concept_country_france_france concept:atdate concept_date_n1941 +concept_country_france_france concept:atdate concept_date_n1942 +concept_country_france_france concept:atdate concept_date_n1944 +concept_country_france_france concept:atdate concept_date_n1969 +concept_country_france_france concept:atdate concept_date_n1979 +concept_country_france_france concept:atdate concept_date_n1993 +concept_country_france_france concept:atdate concept_date_n1996 +concept_country_france_france concept:atdate concept_date_n1999 +concept_country_france_france concept:atdate concept_date_n2000 +concept_country_france_france concept:atdate concept_date_n2001 +concept_country_france_france concept:atdate concept_date_n2003 +concept_country_france_france concept:atdate concept_date_n2004 +concept_country_france_france concept:atdate concept_date_n2009 +concept_country_france_france concept:atdate concept_dateliteral_n1917 +concept_country_france_france concept:atdate concept_dateliteral_n1918 +concept_country_france_france concept:atdate concept_dateliteral_n1943 +concept_country_france_france concept:atdate concept_dateliteral_n1945 +concept_country_france_france concept:atdate concept_dateliteral_n2002 +concept_country_france_france concept:atdate concept_dateliteral_n2005 +concept_country_france_france concept:atdate concept_dateliteral_n2006 +concept_country_france_france concept:atdate concept_dateliteral_n2007 +concept_country_france_france concept:atdate concept_dateliteral_n2008 +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_donors +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_partners +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_western_europe +concept_country_france_france concept:atlocation concept_lake_new +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_france_france concept:synonymfor concept_politicalparty_republic +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_france_france concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_france_france concept:atdate concept_year_n1848 +concept_country_france_france concept:atdate concept_year_n1888 +concept_country_france_france concept:atdate concept_year_n1915 +concept_country_france_france concept:atdate concept_year_n1916 +concept_country_france_france concept:atdate concept_year_n1919 +concept_country_france_france concept:atdate concept_year_n1946 +concept_country_france_france concept:atdate concept_year_n1967 +concept_country_france_france concept:atdate concept_year_n1975 +concept_country_france_france concept:atdate concept_year_n1986 +concept_country_france_france concept:atdate concept_year_n1988 +concept_country_france_france concept:atdate concept_year_n1991 +concept_country_france_france concept:atdate concept_year_n1992 +concept_country_france_france concept:atdate concept_year_n1994 +concept_country_france_france concept:atdate concept_year_n1995 +concept_country_france_france concept:atdate concept_year_n1997 +concept_country_ga concept:atdate concept_date_n2004 +concept_country_ga concept:atdate concept_dateliteral_n2005 +concept_country_ga concept:atdate concept_dateliteral_n2006 +concept_country_ga concept:atdate concept_dateliteral_n2007 +concept_country_ga concept:atdate concept_dateliteral_n2008 +concept_country_gabon concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_gabon concept:countryalsoknownas concept_country_republic +concept_country_gambia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_gambia concept:locationlocatedwithinlocation concept_country_countries +concept_country_gambia concept:countryalsoknownas concept_country_republic +concept_country_gambia concept:countrycurrency concept_currency_dalasi +concept_country_germany concept:proxyfor concept_book_new +concept_country_germany concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_germany concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_germany concept:countrylocatedingeopoliticallocation concept_country_eu_countries +concept_country_germany concept:countryalsoknownas concept_country_republic +concept_country_germany concept:countrycurrency concept_currency_euros +concept_country_germany concept:atdate concept_date_n1933 +concept_country_germany concept:atdate concept_date_n1935 +concept_country_germany concept:atdate concept_date_n1939 +concept_country_germany concept:atdate concept_date_n1941 +concept_country_germany concept:atdate concept_date_n1942 +concept_country_germany concept:atdate concept_date_n1944 +concept_country_germany concept:atdate concept_date_n1993 +concept_country_germany concept:atdate concept_date_n1996 +concept_country_germany concept:atdate concept_date_n1999 +concept_country_germany concept:atdate concept_date_n2000 +concept_country_germany concept:atdate concept_date_n2001 +concept_country_germany concept:atdate concept_date_n2003 +concept_country_germany concept:atdate concept_date_n2004 +concept_country_germany concept:atdate concept_date_n2009 +concept_country_germany concept:atdate concept_dateliteral_n1917 +concept_country_germany concept:atdate concept_dateliteral_n1923 +concept_country_germany concept:atdate concept_dateliteral_n1936 +concept_country_germany concept:atdate concept_dateliteral_n1938 +concept_country_germany concept:atdate concept_dateliteral_n1943 +concept_country_germany concept:atdate concept_dateliteral_n1945 +concept_country_germany concept:atdate concept_dateliteral_n1947 +concept_country_germany concept:atdate concept_dateliteral_n1987 +concept_country_germany concept:atdate concept_dateliteral_n2002 +concept_country_germany concept:atdate concept_dateliteral_n2005 +concept_country_germany concept:atdate concept_dateliteral_n2006 +concept_country_germany concept:atdate concept_dateliteral_n2007 +concept_country_germany concept:atdate concept_dateliteral_n2008 +concept_country_germany concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_germany concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_germany concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_germany concept:synonymfor concept_politicalparty_republic +concept_country_germany concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_germany concept:subpartof concept_vehicle_countries +concept_country_germany concept:atdate concept_year_n1919 +concept_country_germany concept:atdate concept_year_n1946 +concept_country_germany concept:atdate concept_year_n1970 +concept_country_germany concept:atdate concept_year_n1974 +concept_country_germany concept:atdate concept_year_n1978 +concept_country_germany concept:atdate concept_year_n1984 +concept_country_germany concept:atdate concept_year_n1991 +concept_country_germany concept:atdate concept_year_n1994 +concept_country_germany concept:atdate concept_year_n1995 +concept_country_germany concept:atdate concept_year_n1997 +concept_country_germany concept:atdate concept_year_n1998 +concept_country_ghana concept:synonymfor concept_book_gold_coast +concept_country_ghana concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ghana concept:countryalsoknownas concept_country_republic +concept_country_ghana concept:atdate concept_date_n2000 +concept_country_ghana concept:atdate concept_date_n2001 +concept_country_ghana concept:atdate concept_date_n2003 +concept_country_ghana concept:atdate concept_date_n2004 +concept_country_ghana concept:atdate concept_dateliteral_n2005 +concept_country_ghana concept:atdate concept_dateliteral_n2006 +concept_country_ghana concept:atdate concept_dateliteral_n2007 +concept_country_ghana concept:atdate concept_dateliteral_n2008 +concept_country_ghana concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_gibraltar concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_gibraltar concept:countrycurrency concept_currency_pounds +concept_country_great_britain concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_great_britain concept:countryalsoknownas concept_country_republic +concept_country_great_britain concept:countrycurrency concept_currency_pounds +concept_country_great_britain concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_greece concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_greece concept:countryalsoknownas concept_country_republic +concept_country_greece concept:countrycurrency concept_currency_euros +concept_country_greece concept:atdate concept_date_n1999 +concept_country_greece concept:atdate concept_date_n2000 +concept_country_greece concept:atdate concept_date_n2001 +concept_country_greece concept:atdate concept_date_n2004 +concept_country_greece concept:atdate concept_date_n2009 +concept_country_greece concept:atdate concept_dateliteral_n2002 +concept_country_greece concept:atdate concept_dateliteral_n2005 +concept_country_greece concept:atdate concept_dateliteral_n2006 +concept_country_greece concept:atdate concept_dateliteral_n2007 +concept_country_greece concept:atdate concept_dateliteral_n2008 +concept_country_greece concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_greece concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_mediteranian +concept_country_greece concept:proxyfor concept_lake_new +concept_country_greece concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_greece concept:atdate concept_year_n1995 +concept_country_greece concept:atdate concept_year_n1998 +concept_country_greenland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guadeloupe concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guam concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guinea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guinea concept:countryalsoknownas concept_country_republic +concept_country_guinea concept:countrycurrency concept_currency_francs +concept_country_guinea concept:atdate concept_dateliteral_n2006 +concept_country_guinea concept:agentactsinlocation concept_lake_new +concept_country_guinea concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_guinea_bissau concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guinea_bissau concept:countryalsoknownas concept_country_republic +concept_country_guinea_bissau concept:countrylocatedingeopoliticallocation concept_geopoliticalorganization_eastern +concept_country_gulf_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_gulf_states concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guyana concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_guyana concept:countryalsoknownas concept_country_republic +concept_country_guyana concept:countrycurrency concept_currency_dollars +concept_country_guyana concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_haiti concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_haiti concept:countryalsoknownas concept_country_republic +concept_country_haiti concept:atdate concept_date_n2000 +concept_country_haiti concept:atdate concept_date_n2001 +concept_country_haiti concept:atdate concept_date_n2004 +concept_country_haiti concept:atdate concept_dateliteral_n2005 +concept_country_haiti concept:atdate concept_dateliteral_n2006 +concept_country_haiti concept:atdate concept_dateliteral_n2007 +concept_country_haiti concept:atdate concept_dateliteral_n2008 +concept_country_haiti concept:proxyfor concept_lake_new +concept_country_haiti concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_haiti concept:atdate concept_year_n1994 +concept_country_haiti concept:atdate concept_year_n1995 +concept_country_haiti concept:atdate concept_year_n1997 +concept_country_honduras concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_honduras concept:locationlocatedwithinlocation concept_country_countries +concept_country_honduras concept:countryalsoknownas concept_country_republic +concept_country_honduras concept:atdate concept_date_n2004 +concept_country_honduras concept:atdate concept_dateliteral_n2002 +concept_country_honduras concept:atdate concept_dateliteral_n2005 +concept_country_honduras concept:atdate concept_dateliteral_n2006 +concept_country_honduras concept:atdate concept_dateliteral_n2008 +concept_country_honduras concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_honduras concept:atdate concept_year_n1998 +concept_country_hong_kong concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_hong_kong concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_hong_kong concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_hong_kong concept:countryalsoknownas concept_country_republic +concept_country_hong_kong concept:countrycurrency concept_currency_dollars +concept_country_hong_kong concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_hong_kong_china concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_hongkong concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_hungaria concept:countrycurrency concept_currency_forint +concept_country_hungary concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_hungary concept:locationlocatedwithinlocation concept_country_countries +concept_country_hungary concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_hungary concept:countryalsoknownas concept_country_republic +concept_country_hungary concept:countrycurrency concept_currency_forint +concept_country_hungary concept:atdate concept_date_n1999 +concept_country_hungary concept:atdate concept_date_n2003 +concept_country_hungary concept:atdate concept_date_n2004 +concept_country_hungary concept:atdate concept_dateliteral_n1945 +concept_country_hungary concept:atdate concept_dateliteral_n2002 +concept_country_hungary concept:atdate concept_dateliteral_n2006 +concept_country_hungary concept:atdate concept_dateliteral_n2007 +concept_country_hungary concept:atdate concept_dateliteral_n2008 +concept_country_indonesia concept:mutualproxyfor concept_city_jakarta +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_indonesia concept:countryalsoknownas concept_country_republic +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_indonesia concept:countryalsoknownas concept_country_us +concept_country_indonesia concept:countrycurrency concept_currency_rupiah +concept_country_indonesia concept:atdate concept_date_n1996 +concept_country_indonesia concept:atdate concept_date_n1999 +concept_country_indonesia concept:atdate concept_date_n2000 +concept_country_indonesia concept:atdate concept_date_n2001 +concept_country_indonesia concept:atdate concept_date_n2003 +concept_country_indonesia concept:atdate concept_date_n2004 +concept_country_indonesia concept:atdate concept_dateliteral_n2002 +concept_country_indonesia concept:atdate concept_dateliteral_n2005 +concept_country_indonesia concept:atdate concept_dateliteral_n2006 +concept_country_indonesia concept:atdate concept_dateliteral_n2007 +concept_country_indonesia concept:atdate concept_dateliteral_n2008 +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_east_asia +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_indonesia concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_indonesia concept:atdate concept_year_n1997 +concept_country_iran concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_iran concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_iran concept:synonymfor concept_country_persia +concept_country_iran concept:countryalsoknownas concept_country_republic +concept_country_iran concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_iran concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_iran concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_iran concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_iran concept:mutualproxyfor concept_politician_mohammad_khatami +concept_country_iran concept:istallerthan concept_publication_people_ +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_iraq concept:countryalsoknownas concept_country_republic +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_iraq concept:countrycurrency concept_currency_dinars +concept_country_iraq concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_river_niger +concept_country_iraq concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_iraq concept:synonymfor concept_visualartmovement_mesopotamia +concept_country_ireland concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_ireland concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_ireland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ireland concept:countryalsoknownas concept_country_republic +concept_country_ireland concept:countrycurrency concept_currency_punt +concept_country_ireland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_ireland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_islamic_republic_of_iran concept:countrycurrency concept_currency_rials +concept_country_israel concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_israel concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_israel concept:countryalsoknownas concept_country_republic +concept_country_israel concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_israel concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_country_israel concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_israel concept:countrycurrency concept_currency_shekels +concept_country_israel concept:atdate concept_date_n1949 +concept_country_israel concept:atdate concept_date_n1993 +concept_country_israel concept:atdate concept_date_n1996 +concept_country_israel concept:atdate concept_date_n1999 +concept_country_israel concept:atdate concept_date_n2000 +concept_country_israel concept:atdate concept_date_n2001 +concept_country_israel concept:atdate concept_date_n2003 +concept_country_israel concept:atdate concept_date_n2004 +concept_country_israel concept:atdate concept_date_n2009 +concept_country_israel concept:atdate concept_date_summer +concept_country_israel concept:atdate concept_dateliteral_n2002 +concept_country_israel concept:atdate concept_dateliteral_n2005 +concept_country_israel concept:atdate concept_dateliteral_n2006 +concept_country_israel concept:atdate concept_dateliteral_n2007 +concept_country_israel concept:atdate concept_dateliteral_n2008 +concept_country_israel concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_israel concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_israel concept:proxyfor concept_lake_new +concept_country_israel concept:atdate concept_month_september +concept_country_israel concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_country_israel concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_israel concept:istallerthan concept_publication_people_ +concept_country_israel concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_israel concept:atdate concept_year_n1948 +concept_country_israel concept:atdate concept_year_n1982 +concept_country_israel concept:atdate concept_year_n1986 +concept_country_israel concept:atdate concept_year_n1992 +concept_country_israel concept:atdate concept_year_n1994 +concept_country_israel concept:atdate concept_year_n1995 +concept_country_israel concept:atdate concept_year_n1998 +concept_country_italy concept:proxyfor concept_book_new +concept_country_italy concept:mutualproxyfor concept_celebrity_venice +concept_country_italy concept:atdate concept_date_n1944 +concept_country_italy concept:atdate concept_date_n2000 +concept_country_italy concept:atdate concept_date_n2001 +concept_country_italy concept:atdate concept_date_n2003 +concept_country_italy concept:atdate concept_date_n2004 +concept_country_italy concept:atdate concept_date_n2009 +concept_country_italy concept:atdate concept_dateliteral_n1943 +concept_country_italy concept:atdate concept_dateliteral_n1945 +concept_country_italy concept:atdate concept_dateliteral_n1980 +concept_country_italy concept:atdate concept_dateliteral_n1990 +concept_country_italy concept:atdate concept_dateliteral_n2002 +concept_country_italy concept:atdate concept_dateliteral_n2005 +concept_country_italy concept:atdate concept_dateliteral_n2006 +concept_country_italy concept:atdate concept_dateliteral_n2007 +concept_country_italy concept:atdate concept_dateliteral_n2008 +concept_country_italy concept:agentcontrols concept_personeurope_alessandro_del_piero +concept_country_italy concept:agentcontrols concept_personmexico_alberto_gilardino +concept_country_italy concept:synonymfor concept_politicalparty_republic +concept_country_italy concept:mutualproxyfor concept_visualartmovement_rome +concept_country_italy concept:atdate concept_year_n1994 +concept_country_italy concept:atdate concept_year_n1998 +concept_country_ivory_coast concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ivory_coast concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_ivory_coast concept:countryalsoknownas concept_country_republic +concept_country_jamaica concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_jamaica concept:countryalsoknownas concept_country_republic +concept_country_jamaica concept:countrycurrency concept_currency_dollars +concept_country_jamaica concept:atdate concept_date_n2003 +concept_country_jamaica concept:atdate concept_dateliteral_n2002 +concept_country_jamaica concept:atdate concept_dateliteral_n2005 +concept_country_jamaica concept:atdate concept_dateliteral_n2006 +concept_country_jamaica concept:atdate concept_dateliteral_n2007 +concept_country_jamaica concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_japan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_japan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_japan concept:countrylocatedingeopoliticallocation concept_country_different_countries +concept_country_japan concept:countrylocatedingeopoliticallocation concept_country_member_countries +concept_country_japan concept:countrycurrency concept_currency_yen +concept_country_japan concept:atdate concept_dateliteral_n1923 +concept_country_japan concept:atdate concept_dateliteral_n1950 +concept_country_japan concept:atdate concept_dateliteral_n1990 +concept_country_japan concept:atdate concept_dateliteral_n2002 +concept_country_japan concept:atdate concept_dateliteral_n2005 +concept_country_japan concept:atdate concept_dateliteral_n2006 +concept_country_japan concept:atdate concept_dateliteral_n2007 +concept_country_japan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_japan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_donors +concept_country_japan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_country_japan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_partners +concept_country_japan concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_japan concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_japan concept:atdate concept_year_n1983 +concept_country_japan concept:atdate concept_year_n1985 +concept_country_japan concept:atdate concept_year_n1986 +concept_country_japan concept:atdate concept_year_n1997 +concept_country_jordan concept:mutualproxyfor concept_city_amman +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_country_arab_emirates +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_jordan concept:countryalsoknownas concept_country_republic +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_jordan concept:countrycurrency concept_currency_dollars +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_jordan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_kabul concept:atdate concept_dateliteral_n2006 +concept_country_kabul concept:atdate concept_dateliteral_n2007 +concept_country_kabul concept:atdate concept_dateliteral_n2008 +concept_country_kazakhstan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_kazakhstan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kazakhstan concept:locationlocatedwithinlocation concept_country_countries +concept_country_kazakhstan concept:countryalsoknownas concept_country_republic +concept_country_kazakhstan concept:countrylocatedingeopoliticallocation concept_country_soviet_union +concept_country_kazakhstan concept:atdate concept_date_n1999 +concept_country_kazakhstan concept:atdate concept_dateliteral_n2005 +concept_country_kazakhstan concept:atdate concept_dateliteral_n2008 +concept_country_kazakhstan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_kazakhstan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_kazakhstan concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_country_kazakstan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_korea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_korea concept:countryalsoknownas concept_country_republic +concept_country_korea concept:countryalsoknownas concept_country_south_korea +concept_country_korea concept:countryalsoknownas concept_country_us +concept_country_korea concept:countryalsoknownas concept_country_west_indies +concept_country_korea concept:countrycurrency concept_currency_won +concept_country_korea concept:atdate concept_date_n1951 +concept_country_korea concept:atdate concept_date_n1993 +concept_country_korea concept:atdate concept_date_n2000 +concept_country_korea concept:atdate concept_dateliteral_n1950 +concept_country_korea concept:atdate concept_dateliteral_n1953 +concept_country_korea concept:atdate concept_dateliteral_n2002 +concept_country_korea concept:atdate concept_dateliteral_n2005 +concept_country_korea concept:atdate concept_dateliteral_n2008 +concept_country_korea concept:proxyfor concept_lake_new +concept_country_korea concept:organizationterminatedperson concept_personasia_lee_won_jong +concept_country_korea concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_korea concept:synonymfor concept_politicalparty_republic +concept_country_korea concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_korea concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_country_korea concept:atdate concept_year_n1952 +concept_country_koreas concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kosovo concept:countryalsoknownas concept_country_bosnia_herzegovina +concept_country_kosovo concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kosovo concept:countryalsoknownas concept_country_republic +concept_country_kosovo concept:atdate concept_date_n1999 +concept_country_kosovo concept:atdate concept_date_n2004 +concept_country_kosovo concept:atdate concept_dateliteral_n2007 +concept_country_kosovo concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_kuwait concept:countrycurrency concept_currency_dinars +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_kuwait concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_ky concept:atlocation concept_stadiumoreventvenue_lexington +concept_country_kyrgyz_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kyrgyzstan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_kyrgyzstan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_kyrgyzstan concept:locationlocatedwithinlocation concept_country_countries +concept_country_kyrgyzstan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_lao_pdr concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_lao_people_s_democratic_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_laos concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_laos concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_laos concept:countryalsoknownas concept_country_laos_people_s_democratic_republic +concept_country_laos concept:atdate concept_dateliteral_n2005 +concept_country_laos concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_laos concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_laos concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_latvia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_latvia concept:locationlocatedwithinlocation concept_country_countries +concept_country_latvia concept:countryalsoknownas concept_country_republic +concept_country_latvia concept:countrycurrency concept_currency_lats +concept_country_latvia concept:atdate concept_dateliteral_n2007 +concept_country_latvia concept:atdate concept_dateliteral_n2008 +concept_country_latvia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_lebanon concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_lebanon concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_lebanon concept:countryalsoknownas concept_country_republic +concept_country_lebanon concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_lebanon concept:countrycurrency concept_currency_pounds +concept_country_lebanon concept:atdate concept_dateliteral_n2005 +concept_country_lebanon concept:atdate concept_dateliteral_n2006 +concept_country_lebanon concept:atdate concept_dateliteral_n2007 +concept_country_lebanon concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_lebanon concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_left_parties concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_left_parties concept:atdate concept_date_n1993 +concept_country_left_parties concept:atdate concept_date_n1996 +concept_country_left_parties concept:atdate concept_date_n2000 +concept_country_left_parties concept:atdate concept_date_n2001 +concept_country_left_parties concept:atdate concept_date_n2003 +concept_country_left_parties concept:atdate concept_date_n2004 +concept_country_left_parties concept:atdate concept_dateliteral_n2002 +concept_country_left_parties concept:atdate concept_dateliteral_n2005 +concept_country_left_parties concept:atdate concept_dateliteral_n2006 +concept_country_left_parties concept:atdate concept_dateliteral_n2007 +concept_country_left_parties concept:atdate concept_dateliteral_n2008 +concept_country_left_parties concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_left_parties concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_left_parties concept:organizationhiredperson concept_personus_party +concept_country_left_parties concept:atdate concept_year_n1998 +concept_country_lesotho concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_lesotho concept:countryalsoknownas concept_country_republic +concept_country_lesotho concept:countryalsoknownas concept_country_u_s_ +concept_country_liberia concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_liberia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_liberia concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_liberia concept:countryalsoknownas concept_country_republic +concept_country_liberia concept:countrycurrency concept_currency_dollars +concept_country_liberia concept:atdate concept_date_n2004 +concept_country_liberia concept:atdate concept_dateliteral_n2007 +concept_country_liberia concept:atdate concept_dateliteral_n2008 +concept_country_liberia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_liberia concept:atdate concept_year_n1998 +concept_country_libya concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_libya concept:countryalsoknownas concept_country_republic +concept_country_libya concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_libya concept:countrycurrency concept_currency_dinar +concept_country_libya concept:atdate concept_date_n2004 +concept_country_libya concept:atdate concept_dateliteral_n2005 +concept_country_libya concept:atdate concept_dateliteral_n2006 +concept_country_libya concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_libyan_arab_jamahiriya concept:countrycurrency concept_currency_dinars +concept_country_liechtenstein concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_liechtenstein concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_luxembourg concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_luxembourg concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_luxembourg concept:countryalsoknownas concept_country_republic +concept_country_luxemburg concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ma concept:atdate concept_date_n2000 +concept_country_ma concept:atdate concept_date_n2001 +concept_country_ma concept:atdate concept_date_n2004 +concept_country_ma concept:atdate concept_dateliteral_n2006 +concept_country_ma concept:atdate concept_dateliteral_n2007 +concept_country_ma concept:atdate concept_dateliteral_n2008 +concept_country_macao concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_macedonia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_macedonia concept:countryalsoknownas concept_country_former_soviet_union +concept_country_macedonia concept:countryalsoknownas concept_country_republic +concept_country_macedonia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_madagascar concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_madagascar concept:countryalsoknownas concept_country_republic +concept_country_madagascar concept:countrycurrency concept_currency_ariary +concept_country_malawi concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_malawi concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_malawi concept:countryalsoknownas concept_country_republic +concept_country_malawi concept:atdate concept_dateliteral_n2006 +concept_country_malawi concept:atdate concept_dateliteral_n2007 +concept_country_malaya concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_malaya concept:atdate concept_date_n1941 +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_malaysia concept:countryalsoknownas concept_country_republic +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_malaysia concept:countryalsoknownas concept_country_u_s_ +concept_country_malaysia concept:countrycurrency concept_currency_ringgit +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_malaysia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_maldives concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_maldives concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mali concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mali concept:countryalsoknownas concept_country_republic +concept_country_mali concept:atdate concept_date_n2004 +concept_country_mali concept:atdate concept_dateliteral_n2002 +concept_country_mali concept:atdate concept_dateliteral_n2005 +concept_country_mali concept:atdate concept_dateliteral_n2006 +concept_country_mali concept:atdate concept_dateliteral_n2008 +concept_country_malta concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_malta concept:countryalsoknownas concept_country_republic +concept_country_martinique concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mauritania concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mauritania concept:countryalsoknownas concept_country_republic +concept_country_mauritania concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_mauritius concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mauritius concept:countryalsoknownas concept_country_republic +concept_country_mauritius concept:countrycurrency concept_currency_rupee +concept_country_mauritius concept:atdate concept_dateliteral_n2008 +concept_country_md concept:atdate concept_dateliteral_n2005 +concept_country_md concept:atdate concept_dateliteral_n2007 +concept_country_mexico concept:atlocation concept_city_state +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_continent_north_america +concept_country_mexico concept:countryalsoknownas concept_country_china +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mexico concept:countryalsoknownas concept_country_republic +concept_country_mexico concept:countrycurrency concept_currency_pesos +concept_country_mexico concept:atdate concept_date_n1993 +concept_country_mexico concept:atdate concept_date_n1996 +concept_country_mexico concept:atdate concept_date_n1999 +concept_country_mexico concept:atdate concept_date_n2000 +concept_country_mexico concept:atdate concept_date_n2001 +concept_country_mexico concept:atdate concept_date_n2003 +concept_country_mexico concept:atdate concept_date_n2009 +concept_country_mexico concept:atdate concept_dateliteral_n2002 +concept_country_mexico concept:atdate concept_dateliteral_n2005 +concept_country_mexico concept:atdate concept_dateliteral_n2007 +concept_country_mexico concept:atdate concept_dateliteral_n2008 +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_latin_america +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_mexico concept:agentactsinlocation concept_lake_new +concept_country_mexico concept:atlocation concept_lake_new +concept_country_mexico concept:proxyfor concept_lake_new +concept_country_mexico concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_mexico concept:atlocation concept_stateorprovince_missouri +concept_country_mexico concept:atdate concept_year_n1963 +concept_country_mexico concept:atdate concept_year_n1991 +concept_country_mexico concept:atdate concept_year_n1992 +concept_country_mexico concept:atdate concept_year_n1994 +concept_country_mexico concept:atdate concept_year_n1995 +concept_country_mexico concept:atdate concept_year_n1997 +concept_country_middle concept:agentactsinlocation concept_airport_europe +concept_country_middle concept:agentactsinlocation concept_building_america +concept_country_middle concept:agentactsinlocation concept_continent_africa +concept_country_middle concept:agentactsinlocation concept_country_republic_of_india +concept_country_middle concept:agentactsinlocation concept_skyscraper_asia +concept_country_middle concept:agentactsinlocation concept_website_asian +concept_country_moldova concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_moldova concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_moldova concept:locationlocatedwithinlocation concept_country_countries +concept_country_moldova concept:countryalsoknownas concept_country_republic +concept_country_moldova concept:countrycurrency concept_currency_leu +concept_country_moldova concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_moldova concept:subpartof concept_vehicle_countries +concept_country_monaco concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_monaco concept:atdate concept_dateliteral_n2006 +concept_country_monaco concept:atdate concept_dateliteral_n2007 +concept_country_mongolia concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_mongolia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mongolia concept:countryalsoknownas concept_country_republic +concept_country_mongolia concept:atdate concept_date_n2003 +concept_country_mongolia concept:atdate concept_dateliteral_n2005 +concept_country_mongolia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_mongolia concept:atdate concept_year_n1998 +concept_country_montenegro concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_montenegro concept:countryalsoknownas concept_country_republic +concept_country_montenegro concept:countrycurrency concept_currency_dinar +concept_country_montenegro concept:atdate concept_date_n1999 +concept_country_montenegro concept:atdate concept_dateliteral_n2005 +concept_country_montenegro concept:atdate concept_dateliteral_n2006 +concept_country_montenegro concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_montserrat concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_morocco concept:mutualproxyfor concept_city_rabat +concept_country_morocco concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_morocco concept:countryalsoknownas concept_country_republic +concept_country_morocco concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_morocco concept:atdate concept_date_n2001 +concept_country_morocco concept:atdate concept_date_n2003 +concept_country_morocco concept:atdate concept_date_n2004 +concept_country_morocco concept:atdate concept_dateliteral_n2005 +concept_country_morocco concept:atdate concept_dateliteral_n2006 +concept_country_morocco concept:atdate concept_dateliteral_n2007 +concept_country_morocco concept:atdate concept_dateliteral_n2008 +concept_country_morocco concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_morocco concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_mozambique concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_mozambique concept:countryalsoknownas concept_country_republic +concept_country_mozambique concept:atdate concept_date_n2000 +concept_country_mozambique concept:atdate concept_dateliteral_n2005 +concept_country_mozambique concept:atdate concept_dateliteral_n2006 +concept_country_mozambique concept:atdate concept_dateliteral_n2007 +concept_country_myanmar_burma concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_myanmar_burma concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_myanmar_burma concept:countryalsoknownas concept_country_republic +concept_country_myanmar_burma concept:atdate concept_dateliteral_n2007 +concept_country_myanmar_burma concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_myanmar_burma concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_namibia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_namibia concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_namibia concept:countryalsoknownas concept_country_republic +concept_country_namibia concept:countrycurrency concept_currency_dollar +concept_country_namibia concept:atdate concept_date_n2003 +concept_country_namibia concept:atdate concept_dateliteral_n2006 +concept_country_namibia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_nation concept:countrycurrency concept_currency_dollars +concept_country_nazi_germany concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_nepal concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_nepal concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_nepal concept:countryalsoknownas concept_country_republic +concept_country_nepal concept:countryalsoknownas concept_country_u_s_ +concept_country_nepal concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_nepal concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_netherland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_netherland_antilles concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_netherland_antilles concept:countrycurrency concept_currency_guilders +concept_country_netherlands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_netherlands concept:locationlocatedwithinlocation concept_country_countries +concept_country_netherlands concept:countrylocatedingeopoliticallocation concept_country_eu_countries +concept_country_netherlands concept:countryalsoknownas concept_country_republic +concept_country_netherlands concept:atdate concept_date_n1999 +concept_country_netherlands concept:atdate concept_date_n2000 +concept_country_netherlands concept:atdate concept_date_n2001 +concept_country_netherlands concept:atdate concept_date_n2003 +concept_country_netherlands concept:atdate concept_date_n2004 +concept_country_netherlands concept:atdate concept_dateliteral_n1990 +concept_country_netherlands concept:atdate concept_dateliteral_n2002 +concept_country_netherlands concept:atdate concept_dateliteral_n2005 +concept_country_netherlands concept:atdate concept_dateliteral_n2007 +concept_country_netherlands concept:atdate concept_dateliteral_n2008 +concept_country_netherlands concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_netherlands concept:atdate concept_year_n1997 +concept_country_netherlands concept:atdate concept_year_n1998 +concept_country_new_guinea concept:atdate concept_date_n1942 +concept_country_new_guinea concept:atdate concept_date_n1944 +concept_country_new_guinea concept:atdate concept_dateliteral_n1943 +concept_country_new_south_wales concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_new_zealand concept:proxyfor concept_book_new +concept_country_new_zealand concept:mutualproxyfor concept_city_wellington +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_country_commonwealth_countries +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_new_zealand concept:countryalsoknownas concept_country_republic +concept_country_new_zealand concept:countrycurrency concept_currency_dollars +concept_country_new_zealand concept:atdate concept_date_n1993 +concept_country_new_zealand concept:atdate concept_date_n1996 +concept_country_new_zealand concept:atdate concept_date_n2000 +concept_country_new_zealand concept:atdate concept_date_n2001 +concept_country_new_zealand concept:atdate concept_date_n2004 +concept_country_new_zealand concept:atdate concept_date_n2009 +concept_country_new_zealand concept:atdate concept_dateliteral_n1980 +concept_country_new_zealand concept:atdate concept_dateliteral_n1987 +concept_country_new_zealand concept:atdate concept_dateliteral_n2002 +concept_country_new_zealand concept:atdate concept_dateliteral_n2005 +concept_country_new_zealand concept:atdate concept_dateliteral_n2006 +concept_country_new_zealand concept:atdate concept_dateliteral_n2007 +concept_country_new_zealand concept:atdate concept_dateliteral_n2008 +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_oceania +concept_country_new_zealand concept:mutualproxyfor concept_lake_new +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_new_zealand concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_new_zealand concept:atdate concept_year_n1840 +concept_country_new_zealand concept:atdate concept_year_n1988 +concept_country_new_zealand concept:atdate concept_year_n1994 +concept_country_new_zealand concept:atdate concept_year_n1997 +concept_country_news_article concept:agentinvolvedwithitem concept_buildingfeature_window +concept_country_niger concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_niger concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_niger concept:countryalsoknownas concept_country_republic +concept_country_nigeria concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_nigeria concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_nigeria concept:countryalsoknownas concept_country_republic +concept_country_nigeria concept:countrylocatedingeopoliticallocation concept_country_western_africa +concept_country_nigeria concept:countrycurrency concept_currency_naira +concept_country_nigeria concept:atdate concept_date_n1996 +concept_country_nigeria concept:atdate concept_date_n1999 +concept_country_nigeria concept:atdate concept_date_n2000 +concept_country_nigeria concept:atdate concept_date_n2001 +concept_country_nigeria concept:atdate concept_date_n2004 +concept_country_nigeria concept:atdate concept_dateliteral_n2005 +concept_country_nigeria concept:atdate concept_dateliteral_n2006 +concept_country_nigeria concept:atdate concept_dateliteral_n2007 +concept_country_nigeria concept:atdate concept_dateliteral_n2008 +concept_country_nigeria concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_nigeria concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_nigeria concept:atdate concept_year_n1998 +concept_country_northern_africa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_norway concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_norway concept:locationlocatedwithinlocation concept_country_countries +concept_country_norway concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_norway concept:countryalsoknownas concept_country_republic +concept_country_norway concept:atdate concept_date_n1996 +concept_country_norway concept:atdate concept_date_n1999 +concept_country_norway concept:atdate concept_date_n2003 +concept_country_norway concept:atdate concept_date_n2004 +concept_country_norway concept:atdate concept_dateliteral_n2002 +concept_country_norway concept:atdate concept_dateliteral_n2005 +concept_country_norway concept:atdate concept_dateliteral_n2006 +concept_country_norway concept:atdate concept_dateliteral_n2007 +concept_country_norway concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_norway concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_norway concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_norway concept:atdate concept_year_n1997 +concept_country_offing concept:latitudelongitude -53.8333300000000,-70.3833300000000 +concept_country_oman concept:countrylocatedingeopoliticallocation concept_country_arab_emirates +concept_country_oman concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_oman concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_oman concept:countryalsoknownas concept_country_republic +concept_country_oman concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_oman concept:atdate concept_dateliteral_n2005 +concept_country_oman concept:atdate concept_dateliteral_n2008 +concept_country_oman concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_orleans concept:proxyfor concept_book_new +concept_country_orleans concept:agentactsinlocation concept_lake_new +concept_country_orleans concept:atlocation concept_lake_new +concept_country_orleans concept:locationlocatedwithinlocation concept_river_state +concept_country_ossetia concept:organizationheadquarteredinstateorprovince concept_stateorprovince_georgia +concept_country_pa concept:countrycurrency concept_currency_dollars +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_country_different_countries +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_pakistan concept:countryalsoknownas concept_country_republic +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_country_third_world_countries +concept_country_pakistan concept:countrycurrency concept_currency_rupees +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_pakistan concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_palau concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_palestine concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_palestine concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_palestine concept:locationlocatedwithinlocation concept_country_israel +concept_country_palestine concept:countryalsoknownas concept_country_republic +concept_country_palestine concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_palestine concept:atdate concept_dateliteral_n1947 +concept_country_palestine concept:atdate concept_dateliteral_n2005 +concept_country_palestine concept:atdate concept_dateliteral_n2006 +concept_country_palestine concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_panama concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_panama concept:countryalsoknownas concept_country_republic +concept_country_panama concept:countrycurrency concept_currency_dollar +concept_country_panama concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_america +concept_country_panama concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_panama_city concept:locationlocatedwithinlocation concept_city_florida +concept_country_panama_city concept:proxyfor concept_city_florida +concept_country_papua_new_guinea concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_papua_new_guinea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_papua_new_guinea concept:countryalsoknownas concept_country_republic +concept_country_participation concept:atdate concept_date_n2003 +concept_country_participation concept:atdate concept_dateliteral_n2008 +concept_country_participation concept:agentparticipatedinevent concept_sportsgame_series +concept_country_participation concept:agentparticipatedinevent concept_sportsgame_terms +concept_country_party concept:atdate concept_date_n1996 +concept_country_party concept:atdate concept_date_n1999 +concept_country_party concept:atdate concept_date_n2000 +concept_country_party concept:atdate concept_date_n2001 +concept_country_party concept:atdate concept_date_n2003 +concept_country_party concept:atdate concept_date_n2004 +concept_country_party concept:atdate concept_date_n2009 +concept_country_party concept:atdate concept_dateliteral_n2002 +concept_country_party concept:atdate concept_dateliteral_n2005 +concept_country_party concept:atdate concept_dateliteral_n2006 +concept_country_party concept:atdate concept_dateliteral_n2007 +concept_country_party concept:atdate concept_dateliteral_n2008 +concept_country_party concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_party concept:atdate concept_year_n1978 +concept_country_party concept:atdate concept_year_n1994 +concept_country_party concept:atdate concept_year_n1995 +concept_country_party concept:atdate concept_year_n1998 +concept_country_past concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_peoples_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_persia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_persia concept:synonymfor concept_country_iran +concept_country_persia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_peru concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_peru concept:countryalsoknownas concept_country_republic +concept_country_peru concept:countryalsoknownas concept_country_u_s_ +concept_country_peru concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_peru concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_philipines concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_philippines concept:countryalsoknownas concept_country_china +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_philippines concept:countryalsoknownas concept_country_republic +concept_country_philippines concept:countryalsoknownas concept_country_south_africa +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_philippines concept:countryalsoknownas concept_country_tanzania +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_country_third_world_countries +concept_country_philippines concept:countryalsoknownas concept_country_us +concept_country_philippines concept:countrycurrency concept_currency_peso +concept_country_philippines concept:atdate concept_date_n1996 +concept_country_philippines concept:atdate concept_date_n1999 +concept_country_philippines concept:atdate concept_date_n2003 +concept_country_philippines concept:atdate concept_date_n2004 +concept_country_philippines concept:atdate concept_dateliteral_n1945 +concept_country_philippines concept:atdate concept_dateliteral_n2002 +concept_country_philippines concept:atdate concept_dateliteral_n2006 +concept_country_philippines concept:atdate concept_dateliteral_n2007 +concept_country_philippines concept:atdate concept_dateliteral_n2008 +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_philippines concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_philippines concept:atdate concept_year_n1997 +concept_country_philippines concept:atdate concept_year_n1998 +concept_country_phillipines concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_poland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_poland concept:countrylocatedingeopoliticallocation concept_country_east_european_countries +concept_country_poland concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_poland concept:countrylocatedingeopoliticallocation concept_country_eu_countries +concept_country_poland concept:countryalsoknownas concept_country_republic +concept_country_poland concept:atdate concept_date_n1941 +concept_country_poland concept:atdate concept_date_n2000 +concept_country_poland concept:atdate concept_date_n2001 +concept_country_poland concept:atdate concept_date_n2004 +concept_country_poland concept:atdate concept_date_n2009 +concept_country_poland concept:atdate concept_dateliteral_n1945 +concept_country_poland concept:atdate concept_dateliteral_n1990 +concept_country_poland concept:atdate concept_dateliteral_n2002 +concept_country_poland concept:atdate concept_dateliteral_n2005 +concept_country_poland concept:atdate concept_dateliteral_n2006 +concept_country_poland concept:atdate concept_dateliteral_n2007 +concept_country_poland concept:atdate concept_dateliteral_n2008 +concept_country_poland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_europe +concept_country_poland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_poland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_poland concept:synonymfor concept_politicalparty_republic +concept_country_poland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_poland concept:atdate concept_year_n1989 +concept_country_portugal concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_portugal concept:countryalsoknownas concept_country_republic +concept_country_portugal concept:atdate concept_dateliteral_n2002 +concept_country_portugal concept:atdate concept_dateliteral_n2005 +concept_country_portugal concept:atdate concept_dateliteral_n2006 +concept_country_portugal concept:atdate concept_dateliteral_n2007 +concept_country_portugal concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_prussia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_prussia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_puerto_rico concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_puerto_rico concept:countryalsoknownas concept_country_republic +concept_country_puerto_rico concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_qatar concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_qatar concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_qatar concept:countryalsoknownas concept_country_republic +concept_country_qatar concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_qatar concept:countrycurrency concept_currency_rials +concept_country_qatar concept:atdate concept_dateliteral_n2006 +concept_country_qatar concept:atdate concept_dateliteral_n2007 +concept_country_qatar concept:atdate concept_dateliteral_n2008 +concept_country_qatar concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_red_china concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_region concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_region concept:organizationterminatedperson concept_scientist_no_ +concept_country_representative concept:proxyfor concept_book_new +concept_country_representative concept:agentparticipatedinevent concept_sportsgame_series +concept_country_representative concept:agentcreated concept_stateorprovince_contact +concept_country_republic concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_republic concept:countryalsoknownas concept_country___america +concept_country_republic concept:countryalsoknownas concept_country_afghanistan +concept_country_republic concept:countryalsoknownas concept_country_albania +concept_country_republic concept:countryalsoknownas concept_country_algeria +concept_country_republic concept:countryalsoknownas concept_country_arabia_saudita +concept_country_republic concept:countryalsoknownas concept_country_argentina +concept_country_republic concept:countryalsoknownas concept_country_armenia +concept_country_republic concept:countryalsoknownas concept_country_aruba +concept_country_republic concept:countryalsoknownas concept_country_australia +concept_country_republic concept:countryalsoknownas concept_country_azerbaijan +concept_country_republic concept:countryalsoknownas concept_country_bahamas +concept_country_republic concept:countryalsoknownas concept_country_bahrain +concept_country_republic concept:countryalsoknownas concept_country_balkans +concept_country_republic concept:countryalsoknownas concept_country_bangladesh +concept_country_republic concept:countryalsoknownas concept_country_barbados +concept_country_republic concept:countryalsoknownas concept_country_belarus +concept_country_republic concept:countryalsoknownas concept_country_belgium +concept_country_republic concept:countryalsoknownas concept_country_bolivia +concept_country_republic concept:countryalsoknownas concept_country_bonaire +concept_country_republic concept:countryalsoknownas concept_country_bosnia_herzegovina +concept_country_republic concept:countryalsoknownas concept_country_botswana +concept_country_republic concept:countryalsoknownas concept_country_brazil +concept_country_republic concept:countryalsoknownas concept_country_britain +concept_country_republic concept:countryalsoknownas concept_country_bulgaria +concept_country_republic concept:countryalsoknownas concept_country_burkina +concept_country_republic concept:countryalsoknownas concept_country_burundi +concept_country_republic concept:countryalsoknownas concept_country_cambodia +concept_country_republic concept:countryalsoknownas concept_country_cameroon +concept_country_republic concept:countryalsoknownas concept_country_canada_canada +concept_country_republic concept:countryalsoknownas concept_country_central_african_republic +concept_country_republic concept:countryalsoknownas concept_country_chile +concept_country_republic concept:countryalsoknownas concept_country_china +concept_country_republic concept:countryalsoknownas concept_country_colombia +concept_country_republic concept:countryalsoknownas concept_country_comoros +concept_country_republic concept:countryalsoknownas concept_country_congo_brazzaville +concept_country_republic concept:countryalsoknownas concept_country_costa_rica +concept_country_republic concept:countryalsoknownas concept_country_cote_dvoire +concept_country_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic concept:countryalsoknownas concept_country_croatia +concept_country_republic concept:countryalsoknownas concept_country_cuba +concept_country_republic concept:countryalsoknownas concept_country_cyprus +concept_country_republic concept:countryalsoknownas concept_country_czech_republic +concept_country_republic concept:countryalsoknownas concept_country_czechoslovakia +concept_country_republic concept:countryalsoknownas concept_country_darfur +concept_country_republic concept:countryalsoknownas concept_country_darfur_region +concept_country_republic concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_republic concept:countryalsoknownas concept_country_denmark +concept_country_republic concept:countryalsoknownas concept_country_djibouti +concept_country_republic concept:countryalsoknownas concept_country_dominican_republic +concept_country_republic concept:countryalsoknownas concept_country_drc +concept_country_republic concept:countryalsoknownas concept_country_east_timor +concept_country_republic concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_republic concept:countryalsoknownas concept_country_egypt +concept_country_republic concept:countryalsoknownas concept_country_el_salvador +concept_country_republic concept:countryalsoknownas concept_country_equator__guinea +concept_country_republic concept:countryalsoknownas concept_country_eritrea +concept_country_republic concept:countryalsoknownas concept_country_estonia +concept_country_republic concept:countryalsoknownas concept_country_ethiopia +concept_country_republic concept:countryalsoknownas concept_country_finland +concept_country_republic concept:countryalsoknownas concept_country_former_soviet_union +concept_country_republic concept:countryalsoknownas concept_country_france_france +concept_country_republic concept:countryalsoknownas concept_country_gabon +concept_country_republic concept:countryalsoknownas concept_country_gambia +concept_country_republic concept:countryalsoknownas concept_country_germany +concept_country_republic concept:countryalsoknownas concept_country_ghana +concept_country_republic concept:countryalsoknownas concept_country_great_britain +concept_country_republic concept:countryalsoknownas concept_country_greece +concept_country_republic concept:countryalsoknownas concept_country_guinea +concept_country_republic concept:countryalsoknownas concept_country_guinea_bissau +concept_country_republic concept:countryalsoknownas concept_country_guyana +concept_country_republic concept:countryalsoknownas concept_country_haiti +concept_country_republic concept:countryalsoknownas concept_country_honduras +concept_country_republic concept:countryalsoknownas concept_country_hong_kong +concept_country_republic concept:countryalsoknownas concept_country_hungary +concept_country_republic concept:countryalsoknownas concept_country_indonesia +concept_country_republic concept:countryalsoknownas concept_country_iran +concept_country_republic concept:countryalsoknownas concept_country_iraq +concept_country_republic concept:countryalsoknownas concept_country_ireland +concept_country_republic concept:countryalsoknownas concept_country_israel +concept_country_republic concept:countryalsoknownas concept_country_ivory_coast +concept_country_republic concept:countryalsoknownas concept_country_jamaica +concept_country_republic concept:countryalsoknownas concept_country_jordan +concept_country_republic concept:countryalsoknownas concept_country_kazakhstan +concept_country_republic concept:countryalsoknownas concept_country_korea +concept_country_republic concept:countryalsoknownas concept_country_kosovo +concept_country_republic concept:countryalsoknownas concept_country_latvia +concept_country_republic concept:countryalsoknownas concept_country_lebanon +concept_country_republic concept:countryalsoknownas concept_country_lesotho +concept_country_republic concept:countryalsoknownas concept_country_liberia +concept_country_republic concept:countryalsoknownas concept_country_libya +concept_country_republic concept:countryalsoknownas concept_country_luxembourg +concept_country_republic concept:countryalsoknownas concept_country_macedonia +concept_country_republic concept:countryalsoknownas concept_country_madagascar +concept_country_republic concept:countryalsoknownas concept_country_malawi +concept_country_republic concept:countryalsoknownas concept_country_malaysia +concept_country_republic concept:countryalsoknownas concept_country_mali +concept_country_republic concept:countryalsoknownas concept_country_malta +concept_country_republic concept:countryalsoknownas concept_country_mauritania +concept_country_republic concept:countryalsoknownas concept_country_mauritius +concept_country_republic concept:countryalsoknownas concept_country_mexico +concept_country_republic concept:countryalsoknownas concept_country_moldova +concept_country_republic concept:countryalsoknownas concept_country_mongolia +concept_country_republic concept:countryalsoknownas concept_country_montenegro +concept_country_republic concept:countryalsoknownas concept_country_morocco +concept_country_republic concept:countryalsoknownas concept_country_mozambique +concept_country_republic concept:countryalsoknownas concept_country_myanmar_burma +concept_country_republic concept:countryalsoknownas concept_country_namibia +concept_country_republic concept:countryalsoknownas concept_country_nepal +concept_country_republic concept:countryalsoknownas concept_country_netherlands +concept_country_republic concept:countryalsoknownas concept_country_new_zealand +concept_country_republic concept:countryalsoknownas concept_country_niger +concept_country_republic concept:countryalsoknownas concept_country_nigeria +concept_country_republic concept:countryalsoknownas concept_country_norway +concept_country_republic concept:countryalsoknownas concept_country_oman +concept_country_republic concept:countryalsoknownas concept_country_pakistan +concept_country_republic concept:countryalsoknownas concept_country_palestine +concept_country_republic concept:countryalsoknownas concept_country_panama +concept_country_republic concept:countryalsoknownas concept_country_papua_new_guinea +concept_country_republic concept:countryalsoknownas concept_country_peru +concept_country_republic concept:countryalsoknownas concept_country_philippines +concept_country_republic concept:countryalsoknownas concept_country_poland +concept_country_republic concept:countryalsoknownas concept_country_portugal +concept_country_republic concept:countryalsoknownas concept_country_puerto_rico +concept_country_republic concept:countryalsoknownas concept_country_qatar +concept_country_republic concept:countryalsoknownas concept_country_republic_of_angola +concept_country_republic concept:countryalsoknownas concept_country_republic_of_austria +concept_country_republic concept:countryalsoknownas concept_country_republic_of_chad +concept_country_republic concept:countryalsoknownas concept_country_republic_of_guatemala +concept_country_republic concept:countryalsoknownas concept_country_republic_of_india +concept_country_republic concept:countryalsoknownas concept_country_republic_of_kenya +concept_country_republic concept:countryalsoknownas concept_country_republic_of_lithuania +concept_country_republic concept:countryalsoknownas concept_country_republic_of_nicaragua +concept_country_republic concept:countryalsoknownas concept_country_republic_of_paraguay +concept_country_republic concept:countryalsoknownas concept_country_republic_of_seychelles +concept_country_republic concept:countryalsoknownas concept_country_romania +concept_country_republic concept:countryalsoknownas concept_country_russia +concept_country_republic concept:countryalsoknownas concept_country_russian_federation +concept_country_republic concept:countryalsoknownas concept_country_rwanda +concept_country_republic concept:countryalsoknownas concept_country_scandinavian_countries +concept_country_republic concept:countryalsoknownas concept_country_scotland +concept_country_republic concept:countryalsoknownas concept_country_senegal +concept_country_republic concept:countryalsoknownas concept_country_sierra_leone +concept_country_republic concept:countryalsoknownas concept_country_singapore +concept_country_republic concept:countryalsoknownas concept_country_slovak_republic +concept_country_republic concept:countryalsoknownas concept_country_slovakia +concept_country_republic concept:countryalsoknownas concept_country_slovenia +concept_country_republic concept:countryalsoknownas concept_country_somalia +concept_country_republic concept:countryalsoknownas concept_country_south_africa +concept_country_republic concept:countryalsoknownas concept_country_south_korea +concept_country_republic concept:countryalsoknownas concept_country_soviet_union +concept_country_republic concept:countryalsoknownas concept_country_sri_lanka +concept_country_republic concept:countryalsoknownas concept_country_sudan +concept_country_republic concept:countryalsoknownas concept_country_sweden +concept_country_republic concept:countryalsoknownas concept_country_switzerland +concept_country_republic concept:countryalsoknownas concept_country_taiwan +concept_country_republic concept:countryalsoknownas concept_country_tajikistan +concept_country_republic concept:countryalsoknownas concept_country_tanzania +concept_country_republic concept:countryalsoknownas concept_country_thailand +concept_country_republic concept:countryalsoknownas concept_country_the_united_kingdom +concept_country_republic concept:countryalsoknownas concept_country_togo +concept_country_republic concept:countryalsoknownas concept_country_tunisia +concept_country_republic concept:countryalsoknownas concept_country_turkey +concept_country_republic concept:countryalsoknownas concept_country_turkmenistan +concept_country_republic concept:countryalsoknownas concept_country_u_s_ +concept_country_republic concept:countryalsoknownas concept_country_uganda +concept_country_republic concept:countryalsoknownas concept_country_uk +concept_country_republic concept:countryalsoknownas concept_country_ukraine +concept_country_republic concept:countryalsoknownas concept_country_united_arab_emirates +concept_country_republic concept:countryalsoknownas concept_country_united_republic_of_tanzania +concept_country_republic concept:countryalsoknownas concept_country_uruguay +concept_country_republic concept:countryalsoknownas concept_country_us +concept_country_republic concept:countryalsoknownas concept_country_usa +concept_country_republic concept:countryalsoknownas concept_country_uzbekistan +concept_country_republic concept:countryalsoknownas concept_country_venezuela +concept_country_republic concept:countryalsoknownas concept_country_vietnam +concept_country_republic concept:countryalsoknownas concept_country_wales +concept_country_republic concept:countryalsoknownas concept_country_west_indies +concept_country_republic concept:countryalsoknownas concept_country_zaire +concept_country_republic concept:countryalsoknownas concept_country_zambia +concept_country_republic concept:countryalsoknownas concept_country_zimbabwe +concept_country_republic concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_republic concept:countryalsoknownas concept_geopoliticallocation_ecuador +concept_country_republic concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_republic concept:countryalsoknownas concept_island_iceland +concept_country_republic concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_angola concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_angola concept:countryalsoknownas concept_country_republic +concept_country_republic_of_angola concept:countrylocatedingeopoliticallocation concept_country_southern_africa +concept_country_republic_of_angola concept:atdate concept_dateliteral_n2002 +concept_country_republic_of_angola concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_republic_of_angola concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_angola concept:atdate concept_year_n1997 +concept_country_republic_of_armenia concept:mutualproxyfor concept_person_ter_petrosyan +concept_country_republic_of_austria concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_republic_of_austria concept:mutualproxyfor concept_city_vienna +concept_country_republic_of_austria concept:countrylocatedingeopoliticallocation concept_country_eurasia +concept_country_republic_of_austria concept:countryalsoknownas concept_country_republic +concept_country_republic_of_austria concept:atdate concept_date_n2000 +concept_country_republic_of_austria concept:atdate concept_date_n2003 +concept_country_republic_of_austria concept:atdate concept_date_n2004 +concept_country_republic_of_austria concept:atdate concept_date_n2009 +concept_country_republic_of_austria concept:atdate concept_dateliteral_n1945 +concept_country_republic_of_austria concept:atdate concept_dateliteral_n2005 +concept_country_republic_of_austria concept:atdate concept_dateliteral_n2006 +concept_country_republic_of_austria concept:atdate concept_dateliteral_n2007 +concept_country_republic_of_austria concept:atdate concept_dateliteral_n2008 +concept_country_republic_of_austria concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_republic_of_austria concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_austria concept:atdate concept_year_n1995 +concept_country_republic_of_benin concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_benin concept:synonymfor concept_country_dahomey +concept_country_republic_of_benin concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_republic_of_benin concept:countrylocatedingeopoliticallocation concept_country_western_africa +concept_country_republic_of_chad concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_chad concept:countryalsoknownas concept_country_republic +concept_country_republic_of_chad concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_guatemala concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_guatemala concept:countryalsoknownas concept_country_republic +concept_country_republic_of_guatemala concept:countrylocatedingeopoliticallocation concept_country_third_world_countries +concept_country_republic_of_guatemala concept:countryalsoknownas concept_country_u_s_ +concept_country_republic_of_guatemala concept:atdate concept_date_n2004 +concept_country_republic_of_guatemala concept:atdate concept_dateliteral_n2002 +concept_country_republic_of_guatemala concept:atdate concept_dateliteral_n2005 +concept_country_republic_of_guatemala concept:atdate concept_dateliteral_n2006 +concept_country_republic_of_guatemala concept:atdate concept_dateliteral_n2007 +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_country_commonwealth_countries +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_india concept:countryalsoknownas concept_country_republic +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_country_third_world_countries +concept_country_republic_of_india concept:countrycurrency concept_currency_rupees +concept_country_republic_of_india concept:atdate concept_date_n1942 +concept_country_republic_of_india concept:atdate concept_date_n1968 +concept_country_republic_of_india concept:atdate concept_date_n1993 +concept_country_republic_of_india concept:atdate concept_date_n1996 +concept_country_republic_of_india concept:atdate concept_date_n1999 +concept_country_republic_of_india concept:atdate concept_date_n2000 +concept_country_republic_of_india concept:atdate concept_date_n2001 +concept_country_republic_of_india concept:atdate concept_date_n2003 +concept_country_republic_of_india concept:atdate concept_date_n2004 +concept_country_republic_of_india concept:atdate concept_dateliteral_n1943 +concept_country_republic_of_india concept:atdate concept_dateliteral_n1950 +concept_country_republic_of_india concept:atdate concept_dateliteral_n1954 +concept_country_republic_of_india concept:atdate concept_dateliteral_n1990 +concept_country_republic_of_india concept:atdate concept_dateliteral_n2002 +concept_country_republic_of_india concept:atdate concept_dateliteral_n2005 +concept_country_republic_of_india concept:atdate concept_dateliteral_n2006 +concept_country_republic_of_india concept:atdate concept_dateliteral_n2007 +concept_country_republic_of_india concept:atdate concept_dateliteral_n2008 +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_republic_of_india concept:organizationhiredperson concept_person_sardesai +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_republic_of_india concept:organizationterminatedperson concept_scientist_no_ +concept_country_republic_of_india concept:agentparticipatedinevent concept_sportsgame_championship +concept_country_republic_of_india concept:organizationheadquarteredinstateorprovince concept_stateorprovince_south_india +concept_country_republic_of_india concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_india concept:atdate concept_year_n1946 +concept_country_republic_of_india concept:atdate concept_year_n1984 +concept_country_republic_of_india concept:atdate concept_year_n1985 +concept_country_republic_of_india concept:atdate concept_year_n1988 +concept_country_republic_of_india concept:atdate concept_year_n1991 +concept_country_republic_of_india concept:atdate concept_year_n1994 +concept_country_republic_of_india concept:atdate concept_year_n1997 +concept_country_republic_of_india concept:atdate concept_year_n1998 +concept_country_republic_of_kenya concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_republic_of_kenya concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_kenya concept:countryalsoknownas concept_country_republic +concept_country_republic_of_kenya concept:countryalsoknownas concept_country_u_s_ +concept_country_republic_of_kenya concept:countryalsoknownas concept_country_us +concept_country_republic_of_kenya concept:countrycurrency concept_currency_shillings +concept_country_republic_of_kenya concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_republic_of_kenya concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_korea concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_republic_of_lithuania concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_lithuania concept:locationlocatedwithinlocation concept_country_countries +concept_country_republic_of_lithuania concept:countryalsoknownas concept_country_republic +concept_country_republic_of_lithuania concept:countrycurrency concept_currency_litas +concept_country_republic_of_lithuania concept:atdate concept_dateliteral_n2002 +concept_country_republic_of_lithuania concept:atdate concept_dateliteral_n2005 +concept_country_republic_of_lithuania concept:atdate concept_dateliteral_n2007 +concept_country_republic_of_lithuania concept:synonymfor concept_politicalparty_republic +concept_country_republic_of_lithuania concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_moldova concept:countrycurrency concept_currency_lei +concept_country_republic_of_nicaragua concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_nicaragua concept:countryalsoknownas concept_country_republic +concept_country_republic_of_nicaragua concept:atdate concept_date_n2003 +concept_country_republic_of_nicaragua concept:atdate concept_date_n2004 +concept_country_republic_of_nicaragua concept:atdate concept_dateliteral_n2005 +concept_country_republic_of_nicaragua concept:atdate concept_dateliteral_n2006 +concept_country_republic_of_nicaragua concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_america +concept_country_republic_of_nicaragua concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_latin_america +concept_country_republic_of_nicaragua concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_republic_of_paraguay concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_paraguay concept:locationlocatedwithinlocation concept_country_countries +concept_country_republic_of_paraguay concept:countryalsoknownas concept_country_republic +concept_country_republic_of_paraguay concept:countryalsoknownas concept_country_u_s_ +concept_country_republic_of_seychelles concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_republic_of_seychelles concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_seychelles concept:countryalsoknownas concept_country_republic +concept_country_republic_of_seychelles concept:countrycurrency concept_currency_rupees +concept_country_republic_of_suriname concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_suriname concept:countrycurrency concept_currency_guilders +concept_country_republic_of_suriname concept:atdate concept_dateliteral_n2007 +concept_country_republic_of_vanuatu concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_republic_of_vanuatu concept:synonymfor concept_island_new_hebrides +concept_country_return_trip concept:atdate concept_date_n2009 +concept_country_reunion concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_rhodesia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_rhodesia concept:synonymfor concept_country_zimbabwe +concept_country_rok concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_romania concept:countryalsoknownas concept_country_bosnia_herzegovina +concept_country_romania concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_romania concept:locationlocatedwithinlocation concept_country_countries +concept_country_romania concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_romania concept:countryalsoknownas concept_country_republic +concept_country_romania concept:countryalsoknownas concept_country_us +concept_country_romania concept:countrycurrency concept_currency_lei +concept_country_romania concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_rumania concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_rumania concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_russia concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_russia concept:organizationhiredperson concept_coach_guus_hiddink +concept_country_russia concept:countryalsoknownas concept_country_commonwealth_of_independent_states +concept_country_russia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_russia concept:locationlocatedwithinlocation concept_country_countries +concept_country_russia concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_russia concept:countryalsoknownas concept_country_former_soviet_union +concept_country_russia concept:countryalsoknownas concept_country_former_ussr +concept_country_russia concept:countryalsoknownas concept_country_former_ussr_ +concept_country_russia concept:countrylocatedingeopoliticallocation concept_country_member_countries +concept_country_russia concept:countryalsoknownas concept_country_republic +concept_country_russia concept:countryalsoknownas concept_country_scandinavian_countries +concept_country_russia concept:countryalsoknownas concept_country_soviet_union +concept_country_russia concept:countrylocatedingeopoliticallocation concept_country_soviet_union +concept_country_russia concept:countryalsoknownas concept_country_ussr_ +concept_country_russia concept:countrycurrency concept_currency_rouble +concept_country_russia concept:atdate concept_dateliteral_n1917 +concept_country_russia concept:atdate concept_dateliteral_n2002 +concept_country_russia concept:atdate concept_dateliteral_n2005 +concept_country_russia concept:atdate concept_dateliteral_n2006 +concept_country_russia concept:atdate concept_dateliteral_n2007 +concept_country_russia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_partners +concept_country_russia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_russia concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_russia concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_russian_federation concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_russian_federation concept:countryalsoknownas concept_country_former_soviet_union +concept_country_russian_federation concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_russian_federation concept:countryalsoknownas concept_country_republic +concept_country_russian_federation concept:countryalsoknownas concept_country_soviet_union +concept_country_russian_federation concept:countrycurrency concept_currency_rubles +concept_country_russian_federation concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_russian_federation concept:subpartof concept_vehicle_states +concept_country_rwanda concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_rwanda concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_rwanda concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_rwanda concept:countryalsoknownas concept_country_republic +concept_country_rwanda concept:atdate concept_date_n1993 +concept_country_rwanda concept:atdate concept_date_n2004 +concept_country_rwanda concept:atdate concept_date_n2009 +concept_country_rwanda concept:atdate concept_dateliteral_n2005 +concept_country_rwanda concept:atdate concept_dateliteral_n2006 +concept_country_rwanda concept:atdate concept_dateliteral_n2007 +concept_country_rwanda concept:atdate concept_dateliteral_n2008 +concept_country_rwanda concept:synonymfor concept_politicalparty_republic +concept_country_rwanda concept:atdate concept_year_n1994 +concept_country_same_time concept:proxyfor concept_book_new +concept_country_same_time concept:agentinvolvedwithitem concept_buildingfeature_window +concept_country_same_time concept:atdate concept_dateliteral_n2006 +concept_country_same_time concept:atdate concept_dateliteral_n2007 +concept_country_same_time concept:atdate concept_dateliteral_n2008 +concept_country_samoa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_san_marino concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_saudis concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_saudis concept:countrycurrency concept_currency_dollars +concept_country_saudis concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_saudis concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_scandinavia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_scandinavia concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_scandinavia concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_scandinavia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_scandinavian_countries concept:countryalsoknownas concept_country_china +concept_country_scandinavian_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_scandinavian_countries concept:countryalsoknownas concept_country_republic +concept_country_scandinavian_countries concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_scotland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_scotland concept:countryalsoknownas concept_country_republic +concept_country_scotland concept:countrycurrency concept_currency_pounds +concept_country_scotland concept:atdate concept_dateliteral_n2005 +concept_country_scotland concept:atdate concept_dateliteral_n2006 +concept_country_scotland concept:atdate concept_dateliteral_n2007 +concept_country_scotland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_senegal concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_senegal concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_senegal concept:countryalsoknownas concept_country_republic +concept_country_senegal concept:atdate concept_date_n2003 +concept_country_senegal concept:atdate concept_date_n2004 +concept_country_senegal concept:atdate concept_dateliteral_n2006 +concept_country_senegal concept:atdate concept_dateliteral_n2007 +concept_country_senegal concept:atdate concept_dateliteral_n2008 +concept_country_senegal concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_sierra_leone concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_sierra_leone concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_sierra_leone concept:countryalsoknownas concept_country_republic +concept_country_sierra_leone concept:countryalsoknownas concept_country_u_s_ +concept_country_sierra_leone concept:atdate concept_date_n1999 +concept_country_sierra_leone concept:atdate concept_dateliteral_n2006 +concept_country_sierra_leone concept:atdate concept_dateliteral_n2007 +concept_country_sierra_leone concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_sinai concept:agentcontributedtocreativework concept_book_law +concept_country_sinai concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_singapore concept:countryalsoknownas concept_country_republic +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_singapore concept:countrycurrency concept_currency_dollars +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_singapore concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_slovak_republic concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_slovak_republic concept:countryalsoknownas concept_country_republic +concept_country_slovakia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_slovakia concept:countryalsoknownas concept_country_republic +concept_country_slovakia concept:atdate concept_date_n2000 +concept_country_slovakia concept:atdate concept_dateliteral_n2006 +concept_country_slovakia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_slovenia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_slovenia concept:locationlocatedwithinlocation concept_country_countries +concept_country_slovenia concept:countryalsoknownas concept_country_former_soviet_union +concept_country_slovenia concept:countryalsoknownas concept_country_republic +concept_country_slovenia concept:atdate concept_dateliteral_n2002 +concept_country_slovenia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_somali_republic concept:countryalsoknownas concept_country_somalia +concept_country_somalia concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_somalia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_somalia concept:countryalsoknownas concept_country_republic +concept_country_somalia concept:countrycurrency concept_currency_shillings +concept_country_somalia concept:atdate concept_date_n1993 +concept_country_somalia concept:atdate concept_dateliteral_n2005 +concept_country_somalia concept:atdate concept_dateliteral_n2007 +concept_country_somalia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_son concept:atdate concept_date_n1999 +concept_country_son concept:atdate concept_date_n2000 +concept_country_son concept:atdate concept_date_n2001 +concept_country_son concept:atdate concept_date_n2003 +concept_country_son concept:atdate concept_date_n2004 +concept_country_son concept:atdate concept_dateliteral_n2002 +concept_country_son concept:atdate concept_dateliteral_n2005 +concept_country_son concept:atdate concept_dateliteral_n2006 +concept_country_son concept:atdate concept_dateliteral_n2007 +concept_country_son concept:atdate concept_dateliteral_n2008 +concept_country_son concept:atdate concept_month_february +concept_country_son concept:atdate concept_year_n1997 +concept_country_south_africa concept:mutualproxyfor concept_city_pretoria +concept_country_south_africa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_south_africa concept:countryalsoknownas concept_country_republic +concept_country_south_africa concept:countrycurrency concept_currency_rand +concept_country_south_africa concept:atdate concept_date_n1996 +concept_country_south_africa concept:atdate concept_date_n1999 +concept_country_south_africa concept:atdate concept_date_n2000 +concept_country_south_africa concept:atdate concept_date_n2001 +concept_country_south_africa concept:atdate concept_date_n2003 +concept_country_south_africa concept:atdate concept_date_n2004 +concept_country_south_africa concept:atdate concept_date_n2009 +concept_country_south_africa concept:atdate concept_dateliteral_n1943 +concept_country_south_africa concept:atdate concept_dateliteral_n1990 +concept_country_south_africa concept:atdate concept_dateliteral_n2002 +concept_country_south_africa concept:atdate concept_dateliteral_n2005 +concept_country_south_africa concept:atdate concept_dateliteral_n2006 +concept_country_south_africa concept:atdate concept_dateliteral_n2007 +concept_country_south_africa concept:atdate concept_dateliteral_n2008 +concept_country_south_africa concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_south_africa concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_south_africa concept:atdate concept_year_n1994 +concept_country_south_africa concept:atdate concept_year_n1995 +concept_country_south_africa concept:atdate concept_year_n1997 +concept_country_south_africa concept:atdate concept_year_n1998 +concept_country_south_korea concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_south_korea concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_south_korea concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_south_korea concept:countryalsoknownas concept_country_republic +concept_country_south_korea concept:countrycurrency concept_currency_won +concept_country_south_korea concept:atdate concept_date_n1951 +concept_country_south_korea concept:atdate concept_date_n2000 +concept_country_south_korea concept:atdate concept_date_n2001 +concept_country_south_korea concept:atdate concept_date_n2003 +concept_country_south_korea concept:atdate concept_date_n2004 +concept_country_south_korea concept:atdate concept_dateliteral_n1950 +concept_country_south_korea concept:atdate concept_dateliteral_n2002 +concept_country_south_korea concept:atdate concept_dateliteral_n2005 +concept_country_south_korea concept:atdate concept_dateliteral_n2006 +concept_country_south_korea concept:atdate concept_dateliteral_n2007 +concept_country_south_korea concept:atdate concept_dateliteral_n2008 +concept_country_south_korea concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_country_south_korea concept:organizationterminatedperson concept_personasia_lee_won_jong +concept_country_south_korea concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_south_sudan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_south_sudan concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_south_west concept:atlocation concept_building_years +concept_country_southeast_asian_countries concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_southern_african_country concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_southern_african_country concept:countrycurrency concept_currency_rand +concept_country_soviet_union concept:countryalsoknownas concept_country_belarus +concept_country_soviet_union concept:countryalsoknownas concept_country_china +concept_country_soviet_union concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_soviet_union concept:countryalsoknownas concept_country_republic +concept_country_soviet_union concept:locationlocatedwithinlocation concept_landscapefeatures_states +concept_country_soviet_union concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_soviet_union concept:atdate concept_year_n1991 +concept_country_spain concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_spain concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_spain concept:countrylocatedingeopoliticallocation concept_country_eu_member_states +concept_country_spain concept:countrycurrency concept_currency_pesetas +concept_country_spain concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_spain concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_country_spain concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_sri_lanka concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_sri_lanka concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_sri_lanka concept:countryalsoknownas concept_country_republic +concept_country_sri_lanka concept:countrycurrency concept_currency_rupees +concept_country_sri_lanka concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_country_sri_lanka concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_srilanka concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_sudan concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_sudan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_sudan concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_sudan concept:countryalsoknownas concept_country_republic +concept_country_sudan concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_sudan concept:countrycurrency concept_currency_dinars +concept_country_sudan concept:atdate concept_date_n2000 +concept_country_sudan concept:atdate concept_date_n2003 +concept_country_sudan concept:atdate concept_dateliteral_n2002 +concept_country_sudan concept:atdate concept_dateliteral_n2005 +concept_country_sudan concept:atdate concept_dateliteral_n2006 +concept_country_sudan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_swaziland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_swaziland concept:countrylocatedingeopoliticallocation concept_geopoliticalorganization_eastern +concept_country_sweden concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_sweden concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_sweden concept:countryalsoknownas concept_country_republic +concept_country_sweden concept:countrylocatedingeopoliticallocation concept_country_scandinavian_countries +concept_country_sweden concept:countrycurrency concept_currency_krona +concept_country_sweden concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_switzerland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_switzerland concept:countryalsoknownas concept_country_republic +concept_country_switzerland concept:countrycurrency concept_currency_francs +concept_country_switzerland concept:atdate concept_date_n1939 +concept_country_switzerland concept:atdate concept_date_n1999 +concept_country_switzerland concept:atdate concept_date_n2000 +concept_country_switzerland concept:atdate concept_date_n2003 +concept_country_switzerland concept:atdate concept_date_n2004 +concept_country_switzerland concept:atdate concept_date_n2009 +concept_country_switzerland concept:atdate concept_dateliteral_n1917 +concept_country_switzerland concept:atdate concept_dateliteral_n2002 +concept_country_switzerland concept:atdate concept_dateliteral_n2005 +concept_country_switzerland concept:atdate concept_dateliteral_n2006 +concept_country_switzerland concept:atdate concept_dateliteral_n2007 +concept_country_switzerland concept:atdate concept_dateliteral_n2008 +concept_country_switzerland concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_switzerland concept:proxyfor concept_lake_new +concept_country_switzerland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_switzerland concept:atdate concept_year_n1995 +concept_country_switzerland concept:atdate concept_year_n1998 +concept_country_syria concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_syria concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_syria concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_syria concept:countrycurrency concept_currency_pound +concept_country_syria concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_arab_states +concept_country_syria concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_syrian_arab_republic concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_syrian_arab_republic concept:countrycurrency concept_currency_pounds +concept_country_tactics concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_tadjikistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tadjikistan concept:countryalsoknownas concept_country_tajikistan +concept_country_taiwan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_taiwan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_taiwan concept:countrycurrency concept_currency_dollars +concept_country_taiwan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_taiwan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_country_taiwan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_tajikistan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_tajikistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tajikistan concept:locationlocatedwithinlocation concept_country_countries +concept_country_tajikistan concept:countryalsoknownas concept_country_republic +concept_country_tajikistan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_tajikistan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_tanzania concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_tanzania concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tanzania concept:countryalsoknownas concept_country_republic +concept_country_tanzania concept:countryalsoknownas concept_country_u_s_ +concept_country_tanzania concept:countrylocatedingeopoliticallocation concept_country_u_s_ +concept_country_tanzania concept:countryalsoknownas concept_country_us +concept_country_tanzania concept:countrylocatedingeopoliticallocation concept_country_us +concept_country_tanzania concept:countrycurrency concept_currency_shillings +concept_country_tanzania concept:atdate concept_date_n2004 +concept_country_tanzania concept:atdate concept_dateliteral_n2002 +concept_country_tanzania concept:atdate concept_dateliteral_n2005 +concept_country_tanzania concept:atdate concept_dateliteral_n2006 +concept_country_tanzania concept:atdate concept_dateliteral_n2007 +concept_country_tanzania concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_thailand concept:mutualproxyfor concept_city_bangkok +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_thailand concept:locationlocatedwithinlocation concept_continent_asia +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_thailand concept:countryalsoknownas concept_country_republic +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_thailand concept:countryalsoknownas concept_country_u_s_ +concept_country_thailand concept:countrycurrency concept_currency_baht +concept_country_thailand concept:atdate concept_date_n1999 +concept_country_thailand concept:atdate concept_date_n2000 +concept_country_thailand concept:atdate concept_date_n2001 +concept_country_thailand concept:atdate concept_date_n2003 +concept_country_thailand concept:atdate concept_date_n2004 +concept_country_thailand concept:atdate concept_date_n2009 +concept_country_thailand concept:atdate concept_dateliteral_n2002 +concept_country_thailand concept:atdate concept_dateliteral_n2005 +concept_country_thailand concept:atdate concept_dateliteral_n2006 +concept_country_thailand concept:atdate concept_dateliteral_n2007 +concept_country_thailand concept:atdate concept_dateliteral_n2008 +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_thailand concept:synonymfor concept_professionalorganization_siam +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_thailand concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_thailand concept:atdate concept_year_n1994 +concept_country_thailand concept:atdate concept_year_n1997 +concept_country_thailand concept:atdate concept_year_n1998 +concept_country_the_philippines concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_the_philippines concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_the_philippines concept:countryalsoknownas concept_country_philippines +concept_country_the_philippines concept:countryalsoknownas concept_country_republic +concept_country_the_philippines concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_the_united_kingdom concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_the_united_kingdom concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_the_united_kingdom concept:countryalsoknownas concept_country_republic +concept_country_the_united_kingdom concept:countrycurrency concept_currency_pounds +concept_country_the_united_kingdom concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_donors +concept_country_the_united_kingdom concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_the_united_states concept:countrylocatedingeopoliticallocation concept_continent_north_america +concept_country_tibet concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_timor_leste concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_timor_leste concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_timor_leste concept:atdate concept_dateliteral_n2006 +concept_country_tn concept:atdate concept_date_n2003 +concept_country_tn concept:atdate concept_date_n2009 +concept_country_tn concept:atdate concept_dateliteral_n2007 +concept_country_tobago concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tobago concept:countrycurrency concept_currency_dollars +concept_country_togo concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_togo concept:countryalsoknownas concept_country_republic +concept_country_transnistria concept:countryalsoknownas concept_country_moldova +concept_country_trinidad_and_tobago concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_trinidad_and_tobago concept:countrycurrency concept_currency_dollars +concept_country_tunisia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tunisia concept:countryalsoknownas concept_country_republic +concept_country_tunisia concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_tunisia concept:countrycurrency concept_currency_dinar +concept_country_tunisia concept:atdate concept_date_n2004 +concept_country_tunisia concept:atdate concept_dateliteral_n1943 +concept_country_tunisia concept:atdate concept_dateliteral_n2002 +concept_country_tunisia concept:atdate concept_dateliteral_n2006 +concept_country_tunisia concept:atdate concept_dateliteral_n2007 +concept_country_tunisia concept:atdate concept_dateliteral_n2008 +concept_country_tunisia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_turkey concept:countryalsoknownas concept_country_republic +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_turkey concept:atdate concept_date_n1993 +concept_country_turkey concept:atdate concept_date_n1996 +concept_country_turkey concept:atdate concept_date_n1999 +concept_country_turkey concept:atdate concept_date_n2000 +concept_country_turkey concept:atdate concept_date_n2004 +concept_country_turkey concept:atdate concept_date_n2009 +concept_country_turkey concept:atdate concept_dateliteral_n2002 +concept_country_turkey concept:atdate concept_dateliteral_n2005 +concept_country_turkey concept:atdate concept_dateliteral_n2006 +concept_country_turkey concept:atdate concept_dateliteral_n2007 +concept_country_turkey concept:atdate concept_dateliteral_n2008 +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_turkey concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_turkey concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_turkey concept:atdate concept_year_n1998 +concept_country_turkmenistan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_turkmenistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_turkmenistan concept:countryalsoknownas concept_country_republic +concept_country_turkmenistan concept:countrylocatedingeopoliticallocation concept_country_soviet_union +concept_country_turkmenistan concept:countrycurrency concept_currency_manats +concept_country_turkmenistan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_turkmenistan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_tuvalu concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_tuvalu concept:countrycurrency concept_currency_dollar +concept_country_tx concept:atdate concept_date_n2000 +concept_country_tx concept:atdate concept_date_n2009 +concept_country_tx concept:atdate concept_dateliteral_n2005 +concept_country_tx concept:atdate concept_dateliteral_n2006 +concept_country_tx concept:atdate concept_dateliteral_n2007 +concept_country_tx concept:atdate concept_dateliteral_n2008 +concept_country_u_a_e concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_u_k concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_u_n__security_council concept:atdate concept_date_n2003 +concept_country_u_n__security_council concept:atdate concept_dateliteral_n2006 +concept_country_u_s_ concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_u_s_ concept:countryalsoknownas concept_country___america +concept_country_u_s_ concept:countryalsoknownas concept_country_arabia_saudita +concept_country_u_s_ concept:countryalsoknownas concept_country_balkans +concept_country_u_s_ concept:countryalsoknownas concept_country_el_salvador +concept_country_u_s_ concept:countryalsoknownas concept_country_peru +concept_country_u_s_ concept:countryalsoknownas concept_country_republic +concept_country_u_s_ concept:countryalsoknownas concept_country_republic_of_guatemala +concept_country_u_s_ concept:countryalsoknownas concept_country_republic_of_kenya +concept_country_u_s_ concept:countryalsoknownas concept_country_sierra_leone +concept_country_u_s_ concept:countryalsoknownas concept_country_tanzania +concept_country_u_s_ concept:countryalsoknownas concept_country_venezuela +concept_country_u_s_ concept:countryalsoknownas concept_country_yemen +concept_country_u_s_ concept:countrycurrency concept_currency_dollars +concept_country_u_s_a concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_u_s_a concept:countryalsoknownas concept_country_united_states_of_america +concept_country_u_s_a_ concept:proxyfor concept_book_new +concept_country_u_s_a_ concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_u_s_a_ concept:countryalsoknownas concept_country_united_states_of_america +concept_country_u_s_a_ concept:countrycurrency concept_currency_dollars +concept_country_u_s_a_ concept:atdate concept_date_n2003 +concept_country_uae_ concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uae_ concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_uae_ concept:countrylocatedingeopoliticallocation concept_country_region +concept_country_uae_ concept:countrycurrency concept_currency_dirham +concept_country_uae_ concept:atdate concept_dateliteral_n2006 +concept_country_uae_ concept:atdate concept_dateliteral_n2007 +concept_country_uae_ concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_uganda concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_uganda concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uganda concept:countryalsoknownas concept_country_republic +concept_country_uganda concept:countrycurrency concept_currency_shillings +concept_country_uganda concept:atdate concept_date_n2001 +concept_country_uganda concept:atdate concept_date_n2004 +concept_country_uganda concept:atdate concept_dateliteral_n2002 +concept_country_uganda concept:atdate concept_dateliteral_n2005 +concept_country_uganda concept:atdate concept_dateliteral_n2006 +concept_country_uganda concept:atdate concept_dateliteral_n2007 +concept_country_uganda concept:atdate concept_dateliteral_n2008 +concept_country_uganda concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_uk concept:countrylocatedingeopoliticallocation concept_building_cities +concept_country_uk concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_uk concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uk concept:countrylocatedingeopoliticallocation concept_country_eu_countries +concept_country_uk concept:countryalsoknownas concept_country_republic +concept_country_uk concept:countrycurrency concept_currency_pounds +concept_country_uk concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_uk concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_uk__canada concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uk__canada concept:countryalsoknownas concept_country_republic +concept_country_uk__ireland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uk__japan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uk__new_zealand concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ukraine concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_ukraine concept:countrylocatedingeopoliticallocation concept_country_eastern_european_countries +concept_country_ukraine concept:countryalsoknownas concept_country_former_soviet_union +concept_country_ukraine concept:countryalsoknownas concept_country_republic +concept_country_ukraine concept:countryalsoknownas concept_country_scandinavian_countries +concept_country_ukraine concept:countrylocatedingeopoliticallocation concept_country_soviet_union +concept_country_ukraine concept:countrycurrency concept_currency_dollars +concept_country_ukraine concept:atdate concept_date_n1996 +concept_country_ukraine concept:atdate concept_date_n1999 +concept_country_ukraine concept:atdate concept_date_n2004 +concept_country_ukraine concept:atdate concept_dateliteral_n2005 +concept_country_ukraine concept:atdate concept_dateliteral_n2006 +concept_country_ukraine concept:atdate concept_dateliteral_n2007 +concept_country_ukraine concept:atdate concept_dateliteral_n2008 +concept_country_ukraine concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_ukraine concept:atdate concept_year_n1998 +concept_country_ukraine_ukraine concept:countrylocatedingeopoliticallocation concept_continent_europe +concept_country_united_arab_emirates concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_united_arab_emirates concept:countrylocatedingeopoliticallocation concept_country_gulf_states +concept_country_united_arab_emirates concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_united_arab_emirates concept:countryalsoknownas concept_country_republic +concept_country_united_arab_emirates concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_united_arab_emirates concept:countrycurrency concept_currency_dollars +concept_country_united_arab_emirates concept:atdate concept_dateliteral_n2007 +concept_country_united_arab_emirates concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_united_republic_of_tanzania concept:countryalsoknownas concept_country_republic +concept_country_united_states concept:agentcompeteswithagent concept_biotechcompany_section +concept_country_united_states concept:synonymfor concept_book_america +concept_country_united_states concept:proxyfor concept_book_new +concept_country_united_states concept:agentcontrols concept_city_number +concept_country_united_states concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_united_states concept:atdate concept_date_n1899 +concept_country_united_states concept:atdate concept_date_n1906 +concept_country_united_states concept:atdate concept_date_n1914 +concept_country_united_states concept:atdate concept_date_n1935 +concept_country_united_states concept:atdate concept_date_n1939 +concept_country_united_states concept:atdate concept_date_n1941 +concept_country_united_states concept:atdate concept_date_n1942 +concept_country_united_states concept:atdate concept_date_n1944 +concept_country_united_states concept:atdate concept_date_n1951 +concept_country_united_states concept:atdate concept_date_n1962 +concept_country_united_states concept:atdate concept_date_n1964 +concept_country_united_states concept:atdate concept_date_n1966 +concept_country_united_states concept:atdate concept_date_n1968 +concept_country_united_states concept:atdate concept_date_n1969 +concept_country_united_states concept:atdate concept_date_n1971 +concept_country_united_states concept:atdate concept_date_n1976 +concept_country_united_states concept:atdate concept_date_n1979 +concept_country_united_states concept:atdate concept_date_n1993 +concept_country_united_states concept:atdate concept_date_n1996 +concept_country_united_states concept:atdate concept_date_n1999 +concept_country_united_states concept:atdate concept_date_n2000 +concept_country_united_states concept:atdate concept_date_n2001 +concept_country_united_states concept:atdate concept_date_n2003 +concept_country_united_states concept:atdate concept_date_n2004 +concept_country_united_states concept:atdate concept_date_n2009 +concept_country_united_states concept:atdate concept_dateliteral_n1889 +concept_country_united_states concept:atdate concept_dateliteral_n1912 +concept_country_united_states concept:atdate concept_dateliteral_n1917 +concept_country_united_states concept:atdate concept_dateliteral_n1918 +concept_country_united_states concept:atdate concept_dateliteral_n1943 +concept_country_united_states concept:atdate concept_dateliteral_n1945 +concept_country_united_states concept:atdate concept_dateliteral_n1950 +concept_country_united_states concept:atdate concept_dateliteral_n1953 +concept_country_united_states concept:atdate concept_dateliteral_n1954 +concept_country_united_states concept:atdate concept_dateliteral_n1961 +concept_country_united_states concept:atdate concept_dateliteral_n1990 +concept_country_united_states concept:atdate concept_dateliteral_n2002 +concept_country_united_states concept:atdate concept_dateliteral_n2005 +concept_country_united_states concept:atdate concept_dateliteral_n2006 +concept_country_united_states concept:atdate concept_dateliteral_n2007 +concept_country_united_states concept:atdate concept_dateliteral_n2008 +concept_country_united_states concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_united_states concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_country_united_states concept:organizationterminatedperson concept_personasia_number +concept_country_united_states concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_united_states concept:synonymfor concept_politicalparty_republic +concept_country_united_states concept:synonymfor concept_politicsbill_office +concept_country_united_states concept:organizationterminatedperson concept_scientist_no_ +concept_country_united_states concept:agentparticipatedinevent concept_sportsgame_championships +concept_country_united_states concept:agentbelongstoorganization concept_sportsleague_mls +concept_country_united_states concept:agentcompeteswithagent concept_tradeunion_article +concept_country_united_states concept:atdate concept_year_n1860 +concept_country_united_states concept:atdate concept_year_n1905 +concept_country_united_states concept:atdate concept_year_n1919 +concept_country_united_states concept:atdate concept_year_n1946 +concept_country_united_states concept:atdate concept_year_n1948 +concept_country_united_states concept:atdate concept_year_n1952 +concept_country_united_states concept:atdate concept_year_n1959 +concept_country_united_states concept:atdate concept_year_n1965 +concept_country_united_states concept:atdate concept_year_n1970 +concept_country_united_states concept:atdate concept_year_n1973 +concept_country_united_states concept:atdate concept_year_n1974 +concept_country_united_states concept:atdate concept_year_n1982 +concept_country_united_states concept:atdate concept_year_n1984 +concept_country_united_states concept:atdate concept_year_n1985 +concept_country_united_states concept:atdate concept_year_n1986 +concept_country_united_states concept:atdate concept_year_n1988 +concept_country_united_states concept:atdate concept_year_n1989 +concept_country_united_states concept:atdate concept_year_n1991 +concept_country_united_states concept:atdate concept_year_n1992 +concept_country_united_states concept:atdate concept_year_n1994 +concept_country_united_states concept:atdate concept_year_n1995 +concept_country_united_states concept:atdate concept_year_n1997 +concept_country_united_states concept:atdate concept_year_n1998 +concept_country_uruguay concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uruguay concept:locationlocatedwithinlocation concept_country_countries +concept_country_uruguay concept:countryalsoknownas concept_country_republic +concept_country_uruguay concept:countrycurrency concept_currency_pesos +concept_country_uruguay concept:atdate concept_dateliteral_n2005 +concept_country_uruguay concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_us concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_us concept:organizationhiredperson concept_coach_bob_bradley +concept_country_us concept:countryalsoknownas concept_country___america +concept_country_us concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_us concept:countryalsoknownas concept_country_indonesia +concept_country_us concept:countryalsoknownas concept_country_korea +concept_country_us concept:countryalsoknownas concept_country_republic +concept_country_us concept:countryalsoknownas concept_country_republic_of_kenya +concept_country_us concept:countryalsoknownas concept_country_taiwan +concept_country_us concept:countryalsoknownas concept_country_tanzania +concept_country_us concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_country_us concept:countrycurrency concept_currency_dollars +concept_country_us concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_us concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_destinations +concept_country_us concept:organizationterminatedperson concept_personasia_number +concept_country_us concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_us concept:organizationterminatedperson concept_scientist_no_ +concept_country_us concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_us concept:mutualproxyfor concept_stateorprovince_virginia +concept_country_usa concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_usa concept:countryalsoknownas concept_country___america +concept_country_usa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_usa concept:countryalsoknownas concept_country_republic +concept_country_usa concept:countryalsoknownas concept_country_united_states_of_america +concept_country_usa concept:countrycurrency concept_currency_dollars +concept_country_usa concept:atdate concept_date_n1996 +concept_country_usa concept:atdate concept_date_n1999 +concept_country_usa concept:atdate concept_date_n2000 +concept_country_usa concept:atdate concept_date_n2001 +concept_country_usa concept:atdate concept_date_n2003 +concept_country_usa concept:atdate concept_date_n2004 +concept_country_usa concept:atdate concept_date_n2009 +concept_country_usa concept:atdate concept_dateliteral_n2002 +concept_country_usa concept:atdate concept_dateliteral_n2005 +concept_country_usa concept:atdate concept_dateliteral_n2006 +concept_country_usa concept:atdate concept_dateliteral_n2007 +concept_country_usa concept:atdate concept_dateliteral_n2008 +concept_country_usa concept:proxyfor concept_lake_new +concept_country_usa concept:organizationhiredperson concept_personaustralia_mike_krzyzewski +concept_country_usa concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_usa concept:countrylocatedingeopoliticallocation concept_river_counties +concept_country_usa concept:agentparticipatedinevent concept_sportsgame_championship +concept_country_usa concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_usa concept:atdate concept_year_n1989 +concept_country_usa concept:atdate concept_year_n1995 +concept_country_usa concept:atdate concept_year_n1997 +concept_country_usa concept:atdate concept_year_n1998 +concept_country_usaid concept:countrycurrency concept_currency_dollars +concept_country_ussr_ concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uzbekistan concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_uzbekistan concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_uzbekistan concept:locationlocatedwithinlocation concept_country_countries +concept_country_uzbekistan concept:countryalsoknownas concept_country_republic +concept_country_uzbekistan concept:atdate concept_date_n2004 +concept_country_uzbekistan concept:atdate concept_dateliteral_n2002 +concept_country_uzbekistan concept:atdate concept_dateliteral_n2005 +concept_country_uzbekistan concept:atdate concept_dateliteral_n2006 +concept_country_uzbekistan concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_country_uzbekistan concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_vatican concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_vatican concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_venezuala concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_venezuela concept:countrylocatedingeopoliticallocation concept_city_members +concept_country_venezuela concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_venezuela concept:countryalsoknownas concept_country_republic +concept_country_venezuela concept:countrycurrency concept_currency_dollars +concept_country_venezuela concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_venezuela concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_viet_nam concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_viet_nam concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_viet_nam concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_vietnam concept:locationlocatedwithinlocation concept_continent_asia +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_vietnam concept:countryalsoknownas concept_country_republic +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_country_southeast_asian_countries +concept_country_vietnam concept:countrycurrency concept_currency_dollars +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_producers +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_politicalparty_other_countries +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_country_vietnam concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_wales concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_wales concept:countryalsoknownas concept_country_republic +concept_country_wales concept:countrycurrency concept_currency_pounds +concept_country_wales concept:atdate concept_date_n1999 +concept_country_wales concept:atdate concept_dateliteral_n2006 +concept_country_wales concept:atdate concept_dateliteral_n2007 +concept_country_wales concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_west_indies concept:countrylocatedingeopoliticallocation concept_continent_asia +concept_country_west_indies concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_west_indies concept:countryalsoknownas concept_country_republic +concept_country_west_indies concept:countrycurrency concept_currency_won +concept_country_west_indies concept:atdate concept_date_n1968 +concept_country_west_indies concept:atdate concept_date_n2001 +concept_country_west_indies concept:atdate concept_date_n2004 +concept_country_west_indies concept:atdate concept_dateliteral_n1950 +concept_country_west_indies concept:atdate concept_dateliteral_n2002 +concept_country_west_indies concept:atdate concept_dateliteral_n2007 +concept_country_west_indies concept:atdate concept_dateliteral_n2008 +concept_country_west_indies concept:countrylocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_country_west_indies concept:proxyfor concept_lake_new +concept_country_west_indies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_country_western_africa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_western_africa concept:countrycurrency concept_currency_cfa_franc +concept_country_western_sahara concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_western_sahara concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_yemen concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_yemen concept:countrylocatedingeopoliticallocation concept_country_middle +concept_country_yemen concept:countrylocatedingeopoliticallocation concept_country_south_africa +concept_country_yemen concept:countryalsoknownas concept_country_u_s_ +concept_country_yemen concept:countrycurrency concept_currency_rials +concept_country_yemen concept:atdate concept_dateliteral_n2006 +concept_country_yemen concept:atdate concept_dateliteral_n2007 +concept_country_yemen concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_yugoslav_federation concept:countryalsoknownas concept_country_former_soviet_union +concept_country_zaire concept:countryalsoknownas concept_country_republic +concept_country_zambia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_zambia concept:countryalsoknownas concept_country_democratic_republic_of_congo +concept_country_zambia concept:countryalsoknownas concept_country_republic +concept_country_zambia concept:countrycurrency concept_currency_kwacha +concept_country_zambia concept:atdate concept_dateliteral_n2006 +concept_country_zambia concept:atdate concept_dateliteral_n2007 +concept_country_zambia concept:synonymfor concept_geopoliticalorganization_northern_rhodesia +concept_country_zambia concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_zimbabwe concept:countrylocatedingeopoliticallocation concept_continent_africa +concept_country_zimbabwe concept:countrylocatedingeopoliticallocation concept_country_countries +concept_country_zimbabwe concept:countryalsoknownas concept_country_republic +concept_country_zimbabwe concept:synonymfor concept_country_rhodesia +concept_country_zimbabwe concept:countrycurrency concept_currency_dollars +concept_country_zimbabwe concept:atdate concept_date_n1999 +concept_country_zimbabwe concept:atdate concept_date_n2000 +concept_country_zimbabwe concept:atdate concept_date_n2001 +concept_country_zimbabwe concept:atdate concept_date_n2003 +concept_country_zimbabwe concept:atdate concept_date_n2004 +concept_country_zimbabwe concept:atdate concept_dateliteral_n1980 +concept_country_zimbabwe concept:atdate concept_dateliteral_n2002 +concept_country_zimbabwe concept:atdate concept_dateliteral_n2005 +concept_country_zimbabwe concept:atdate concept_dateliteral_n2007 +concept_country_zimbabwe concept:atdate concept_dateliteral_n2008 +concept_country_zimbabwe concept:agentparticipatedinevent concept_eventoutcome_result +concept_country_zimbabwe concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_country_zimbabwe concept:atdate concept_year_n1998 +concept_county_a_m_college concept:latitudelongitude 30.4690650000000,-91.1833000000000 +concept_county_acquisition concept:atdate concept_date_n1999 +concept_county_acquisition concept:atdate concept_date_n2000 +concept_county_acquisition concept:atdate concept_date_n2001 +concept_county_acquisition concept:atdate concept_date_n2003 +concept_county_acquisition concept:atdate concept_date_n2004 +concept_county_acquisition concept:atdate concept_dateliteral_n2005 +concept_county_acquisition concept:atdate concept_dateliteral_n2006 +concept_county_acquisition concept:atdate concept_dateliteral_n2007 +concept_county_acquisition concept:atdate concept_dateliteral_n2008 +concept_county_agnes_scott concept:latitudelongitude 33.7686350000000,-84.2946550000000 +concept_county_air_war_college concept:latitudelongitude 24.8933000000000,67.1147000000000 +concept_county_alabama_state_college concept:latitudelongitude 32.3640300000000,-86.2955200000000 +concept_county_alaska_anchorage concept:latitudelongitude 61.1902800000000,-149.8250000000000 +concept_county_alexandria concept:atlocation concept_attraction_louisiana +concept_county_alexandria concept:proxyfor concept_creditunion_louisiana +concept_county_alexandria concept:proxyfor concept_personnorthamerica_minnesota +concept_county_alexandria concept:atlocation concept_skiarea_kentucky +concept_county_alexandria concept:atlocation concept_stateorprovince_minnesota +concept_county_alexandria concept:atlocation concept_stateorprovince_virginia +concept_county_alice concept:proxyfor concept_coach_new +concept_county_alliance_college concept:latitudelongitude 41.3583900000000,-80.5775800000000 +concept_county_american_international_university concept:latitudelongitude 29.5122000000000,-98.5555700000000 +concept_county_amos_tuck_school concept:latitudelongitude 43.7053500000000,-72.2945400000000 +concept_county_anderson_graduate_school concept:latitudelongitude 34.0741800000000,-118.4389700000000 +concept_county_anderson_graduate_school_of_management concept:latitudelongitude 34.0741800000000,-118.4389700000000 +concept_county_anderson_school_of_management concept:latitudelongitude 35.0839400000000,-106.6191900000000 +concept_county_aquinas_institute concept:latitudelongitude 43.1875600000000,-77.6397200000000 +concept_county_archbishop_wood_high_school concept:latitudelongitude 40.2092800000000,-75.0985000000000 +concept_county_arizona_state_college concept:latitudelongitude 35.1916800000000,-111.6557200000000 +concept_county_arizona_state_university_polytechnic concept:latitudelongitude 33.3071700000000,-111.6783600000000 +concept_county_arkansas_state_university concept:agentactsinlocation concept_city_jonesboro +concept_county_arkansas_state_university concept:agentcontrols concept_politicianus_brady +concept_county_armstrong_atlantic concept:latitudelongitude 31.9778160000000,-81.1803675000000 +concept_county_ashland_theological_seminary concept:latitudelongitude 40.8564500000000,-82.3115500000000 +concept_county_ateneo_university concept:latitudelongitude 14.6404000000000,121.0743900000000 +concept_county_athens concept:proxyfor concept_coach_new +concept_county_athens concept:atdate concept_date_n2001 +concept_county_athens concept:atdate concept_date_n2003 +concept_county_athens concept:atdate concept_date_n2004 +concept_county_athens concept:atdate concept_date_n2009 +concept_county_athens concept:atdate concept_dateliteral_n2008 +concept_county_athens concept:atlocation concept_stateorprovince_alabama +concept_county_athens concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_county_athens concept:proxyfor concept_stateorprovince_georgia +concept_county_athens concept:atlocation concept_stateorprovince_ohio +concept_county_athens concept:atlocation concept_stateorprovince_tennessee +concept_county_athens concept:proxyfor concept_weatherphenomenon_tennessee +concept_county_atlanta concept:locationlocatedwithinlocation concept_city_ia +concept_county_atlanta concept:proxyfor concept_coach_new +concept_county_atlanta concept:organizationhiredperson concept_coach_petrino +concept_county_atlanta concept:atdate concept_date_n2001 +concept_county_atlanta concept:atdate concept_date_n2009 +concept_county_atlanta concept:atdate concept_dateliteral_n2008 +concept_county_atlanta concept:agentparticipatedinevent concept_sportsgame_series +concept_county_atlanta concept:proxyfor concept_stadiumoreventvenue_the_omni +concept_county_atlanta concept:atlocation concept_stateorprovince_georgia +concept_county_atlanta concept:subpartof concept_stateorprovince_georgia +concept_county_austin concept:proxyfor concept_book_description +concept_county_austin concept:locationlocatedwithinlocation concept_city_texas +concept_county_austin concept:proxyfor concept_city_texas +concept_county_austin concept:subpartof concept_city_texas +concept_county_austin concept:atdate concept_date_n2001 +concept_county_austin concept:atdate concept_dateliteral_n2008 +concept_county_austin concept:proxyfor concept_eventoutcome_state +concept_county_austin concept:mutualproxyfor concept_politicianus_will_wynn +concept_county_austin concept:atlocation concept_stateorprovince_minnesota +concept_county_austin concept:locationlocatedwithinlocation concept_website_description +concept_county_austin concept:atdate concept_year_n1998 +concept_county_avery concept:mutualproxyfor concept_personnorthamerica_dean_scarborough +concept_county_baltimore concept:organizationhiredperson concept_coach_harbaugh +concept_county_baltimore concept:organizationhiredperson concept_coach_john_harbaugh +concept_county_baltimore concept:proxyfor concept_coach_new +concept_county_baltimore concept:atdate concept_date_n2003 +concept_county_baltimore concept:atdate concept_date_n2009 +concept_county_baltimore concept:atdate concept_dateliteral_n2008 +concept_county_baltimore concept:mutualproxyfor concept_politician_sheila_dixon +concept_county_baltimore concept:organizationhiredperson concept_politician_sheila_dixon +concept_county_baltimore concept:agentparticipatedinevent concept_sportsgame_series +concept_county_baltimore concept:locationlocatedwithinlocation concept_stateorprovince_maryland +concept_county_baltimore concept:proxyfor concept_stateorprovince_maryland +concept_county_baltimore concept:subpartof concept_stateorprovince_maryland +concept_county_baltimore concept:organizationhiredperson concept_writer_brian_billick +concept_county_baltimore concept:atdate concept_year_n1861 +concept_county_baptist_bible_seminary concept:latitudelongitude 42.1161100000000,-75.9575000000000 +concept_county_bath___north_east_somerset concept:latitudelongitude 51.3587700000000,-2.3719200000000 +concept_county_baton_rouge concept:locationlocatedwithinlocation concept_landscapefeatures_old +concept_county_bauhaus_university_weimar concept:latitudelongitude 50.9738350000000,11.3289275000000 +concept_county_bay_area concept:proxyfor concept_coach_new +concept_county_bay_area concept:atdate concept_dateliteral_n2007 +concept_county_bay_city concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_county_bay_city concept:proxyfor concept_stateorprovince_michigan +concept_county_bay_shore concept:proxyfor concept_company_new_york +concept_county_bay_shore concept:atlocation concept_stateorprovince_new_york +concept_county_bedford concept:atlocation concept_beach_massachusetts +concept_county_bedford concept:atlocation concept_city_texas +concept_county_bedford concept:proxyfor concept_city_texas +concept_county_bedford concept:proxyfor concept_coach_new +concept_county_bedford concept:agentactsinlocation concept_lake_new +concept_county_bedford concept:atlocation concept_lake_new +concept_county_bedford concept:atlocation concept_stateorprovince_indiana +concept_county_bedford concept:atlocation concept_stateorprovince_virginia +concept_county_beeson_divinity_school concept:latitudelongitude 33.4645500000000,-86.7936000000000 +concept_county_belfast concept:atdate concept_date_n2000 +concept_county_belfast concept:atdate concept_date_n2009 +concept_county_belfast concept:proxyfor concept_election_northern_ireland +concept_county_belfast concept:atlocation concept_skiarea_maine +concept_county_bellingham concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_county_bellingham concept:proxyfor concept_city_washington_d_c +concept_county_bellingham concept:subpartof concept_city_washington_d_c +concept_county_benewah concept:latitudelongitude 47.2641128571428,-116.6575914285714 +concept_county_berklee concept:latitudelongitude 42.3469000000000,-71.0872750000000 +concept_county_berkshire concept:cityliesonriver concept_river_thames +concept_county_bethany_seminary concept:latitudelongitude 41.8439200000000,-87.9939500000000 +concept_county_bible_baptist_seminary concept:latitudelongitude 32.7390200000000,-97.1558400000000 +concept_county_bir_zeit concept:latitudelongitude 31.9666700000000,35.1916650000000 +concept_county_black_hills_state_college concept:latitudelongitude 44.4972100000000,-103.8710400000000 +concept_county_blackburn_with_darwen concept:latitudelongitude 53.6666700000000,-2.4666700000000 +concept_county_blackstone concept:organizationterminatedperson concept_ceo_stephen_a__schwarzman +concept_county_blackstone concept:mutualproxyfor concept_personnorthamerica_stephen_a__schwarzman +concept_county_blawnox concept:agentcollaborateswithagent concept_politicianus_thomas_smith +concept_county_blawnox concept:mutualproxyfor concept_politicianus_thomas_smith +concept_county_bloomsburg concept:proxyfor concept_stateorprovince_pennsylvania +concept_county_border_field concept:latitudelongitude 32.5428050000000,-117.1218200000000 +concept_county_boston_arts_academy concept:latitudelongitude 42.3472000000000,-71.0932000000000 +concept_county_boston_college concept:atlocation concept_city_boston +concept_county_boston_latin_school concept:latitudelongitude 42.3384800000000,-71.1011800000000 +concept_county_boulder_city concept:citylocatedinstate concept_stateorprovince_nevada +concept_county_bowman concept:atlocation concept_stateorprovince_north_dakota +concept_county_boyd_school_of_law concept:latitudelongitude 36.1078000000000,-115.1399000000000 +concept_county_brandon concept:atlocation concept_city_florida +concept_county_brandon concept:proxyfor concept_city_florida +concept_county_brandon concept:subpartof concept_city_florida +concept_county_bread_loaf_school concept:latitudelongitude 43.9549700000000,-72.9916000000000 +concept_county_breaux_bridge concept:latitudelongitude 30.2764490909091,-91.9001381818182 +concept_county_breaux_bridge concept:atlocation concept_attraction_louisiana +concept_county_bronx concept:proxyfor concept_book_new +concept_county_bronx concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_county_bronx concept:proxyfor concept_stateorprovince_new_york +concept_county_bronx_high_school_of_science concept:latitudelongitude 40.8783300000000,-73.8908300000000 +concept_county_brooklyn concept:proxyfor concept_book_new +concept_county_brooklyn concept:subpartof concept_city_york +concept_county_brooklyn concept:subpartof concept_color_ny +concept_county_brooklyn concept:mutualproxyfor concept_company_new_york +concept_county_brooklyn concept:subpartof concept_company_new_york +concept_county_brooklyn concept:locationlocatedwithinlocation concept_hospital_suny +concept_county_brooklyn concept:proxyfor concept_hospital_suny +concept_county_brooklyn concept:agentparticipatedinevent concept_sportsgame_series +concept_county_brooklyn_college concept:atlocation concept_city_new_york +concept_county_brooklyn_conservatory_of_music concept:latitudelongitude 40.6761100000000,-73.9750000000000 +concept_county_bucks_county concept:proxyfor concept_lake_new +concept_county_buick concept:agentinvolvedwithitem concept_automobilemodel_century +concept_county_bullhead_city concept:atlocation concept_stateorprovince_arizona +concept_county_business_school concept:subpartoforganization concept_sportsteam_stanford +concept_county_cal_state concept:latitudelongitude 34.1778000000000,-117.3283200000000 +concept_county_calhoun concept:mutualproxyfor concept_stateorprovince_georgia +concept_county_california_state_polytechnic concept:latitudelongitude 34.0676433333333,-117.8244800000000 +concept_county_california_state_university_channel_islands concept:atlocation concept_county_los_angeles_county +concept_county_california_western_university concept:latitudelongitude 32.7175500000000,-117.2597600000000 +concept_county_cambridge_rindge_and_latin_school concept:latitudelongitude 42.3737100000000,-71.1097700000000 +concept_county_campbellsville_college concept:latitudelongitude 37.3434000000000,-85.3521800000000 +concept_county_candler_school_of_theology concept:latitudelongitude 33.7921100000000,-84.3249900000000 +concept_county_cape concept:locationlocatedwithinlocation concept_building_years +concept_county_cape concept:locationlocatedwithinlocation concept_city_queensland +concept_county_cape_cod concept:proxyfor concept_coach_new +concept_county_cape_cod concept:locationlocatedwithinlocation concept_lake_new +concept_county_capital_university concept:atlocation concept_city_columbus +concept_county_caplen concept:latitudelongitude 29.4837050000000,-94.5410250000000 +concept_county_car_dealers concept:proxyfor concept_coach_new +concept_county_carnegie_mellon_university_school concept:latitudelongitude 40.4446300000000,-79.9429800000000 +concept_county_cass_technical_high_school concept:latitudelongitude 42.3388000000000,-83.0609000000000 +concept_county_cedarcrest_high_school concept:latitudelongitude 47.7356400000000,-121.9525500000000 +concept_county_celebration concept:atlocation concept_city_florida +concept_county_celebration concept:proxyfor concept_coach_new +concept_county_centaurus_high_school concept:latitudelongitude 39.9858200000000,-105.1130400000000 +concept_county_central_london concept:citylocatedincountry concept_country_england +concept_county_central_london concept:cityliesonriver concept_river_thames +concept_county_chamber concept:atdate concept_dateliteral_n2005 +concept_county_chamber concept:atdate concept_dateliteral_n2006 +concept_county_chamber concept:atdate concept_dateliteral_n2007 +concept_county_chamber concept:mutualproxyfor concept_sportsequipment_board +concept_county_charles concept:atlocation concept_stateorprovince_maryland +concept_county_charles concept:proxyfor concept_stateorprovince_maryland +concept_county_charles concept:subpartof concept_stateorprovince_maryland +concept_county_charts concept:agentcollaborateswithagent concept_city_number +concept_county_charts concept:agentcontrols concept_city_number +concept_county_chesapeake concept:atlocation concept_stateorprovince_virginia +concept_county_chesapeake_biological_laboratory concept:latitudelongitude 38.3184600000000,-76.4535600000000 +concept_county_cheshire concept:atlocation concept_stateorprovince_connecticut +concept_county_chester_college concept:latitudelongitude 42.9594200000000,-71.2594800000000 +concept_county_chevrolet concept:agentinvolvedwithitem concept_automobilemodel_lumina +concept_county_chevrolet concept:agentinvolvedwithitem concept_grain_cobalt +concept_county_chevrolet concept:agentinvolvedwithitem concept_product_malibu +concept_county_chevrolet concept:agentparticipatedinevent concept_sportsgame_series +concept_county_chevrolet concept:subpartoforganization concept_stateorprovince_general_motors +concept_county_chevrolet concept:agentinvolvedwithitem concept_vehicle_hhr +concept_county_chevrolet concept:agentinvolvedwithitem concept_videogame_equinox +concept_county_chicago concept:organizationhiredperson concept_coach_dick_jauron +concept_county_chicago concept:organizationhiredperson concept_coach_lovie_smith +concept_county_chicago concept:organizationhiredperson concept_coach_mike_ditka +concept_county_chicago concept:proxyfor concept_coach_new +concept_county_chicago concept:locationlocatedwithinlocation concept_country_usa +concept_county_chicago concept:atdate concept_date_n1928 +concept_county_chicago concept:atdate concept_date_n2009 +concept_county_chicago concept:atdate concept_dateliteral_n2007 +concept_county_chicago concept:proxyfor concept_female_yankees +concept_county_chicago concept:istallerthan concept_publication_people_ +concept_county_chicago concept:proxyfor concept_room_community +concept_county_chicago concept:proxyfor concept_sportsteam_bears_29_17 +concept_county_chicago concept:proxyfor concept_sportsteam_chicago_cubs +concept_county_chicago concept:proxyfor concept_sportsteam_red_sox +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_aragon_ballroom +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_park_west +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_soldier_field +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_u_s__cellular_arena +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_united_center +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_us_cellular_field +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_vic_theatre +concept_county_chicago concept:proxyfor concept_stadiumoreventvenue_wrigley_field +concept_county_chicago concept:proxyfor concept_stateorprovince_home +concept_county_chicago concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_county_chicago concept:proxyfor concept_stateorprovince_illinois +concept_county_chicago concept:subpartof concept_stateorprovince_illinois +concept_county_chicago_academy concept:latitudelongitude 41.8457250000000,-87.6460250000000 +concept_county_chicago_kent concept:latitudelongitude 41.8786400000000,-87.6422800000000 +concept_county_chicago_musical_college concept:latitudelongitude 41.8758700000000,-87.6247700000000 +concept_county_choate_school concept:latitudelongitude 41.4587100000000,-72.8117700000000 +concept_county_chrysler concept:subpartof concept_automobilemaker_daimler_benz +concept_county_chrysler concept:agentinvolvedwithitem concept_automobilemodel_sebring +concept_county_chrysler concept:agentcollaborateswithagent concept_ceo_dieter_zetsche +concept_county_chrysler concept:agentcontrols concept_ceo_sergio_marchionne +concept_county_chrysler concept:atdate concept_dateliteral_n2007 +concept_county_chrysler concept:organizationhiredperson concept_person_lee_iacocca +concept_county_chrysler concept:agentcollaborateswithagent concept_personmexico_tom_lasorda +concept_county_chung_yuan_university concept:latitudelongitude 24.9561100000000,121.2438900000000 +concept_county_church_divinity_school concept:latitudelongitude 37.8762400000000,-122.2611200000000 +concept_county_city_of_plainfield concept:latitudelongitude 40.6153800000000,-74.4159800000000 +concept_county_claremont_mckenna concept:latitudelongitude 34.1023500000000,-117.7067200000000 +concept_county_clark concept:proxyfor concept_coach_new +concept_county_clark concept:proxyfor concept_radiostation_nevada +concept_county_clay_county concept:atlocation concept_city_florida +concept_county_clinton_township concept:proxyfor concept_creditunion_michigan +concept_county_coal_valley concept:atlocation concept_stateorprovince_illinois +concept_county_coalinga concept:atlocation concept_stateorprovince_california +concept_county_columbia_city concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_county_columbia_city concept:proxyfor concept_stateorprovince_indiana +concept_county_columbia_law concept:latitudelongitude 38.8956700000000,-77.0191400000000 +concept_county_columbia_teachers concept:latitudelongitude 38.9265000000000,-77.0277500000000 +concept_county_columbus concept:atlocation concept_city_nebraska +concept_county_columbus concept:proxyfor concept_coach_new +concept_county_columbus concept:atdate concept_dateliteral_n2008 +concept_county_columbus concept:proxyfor concept_emotion_mississippi +concept_county_columbus concept:subpartof concept_emotion_mississippi +concept_county_columbus concept:proxyfor concept_musicfestival_newport_music_hall +concept_county_columbus concept:proxyfor concept_radiostation_new_jersey +concept_county_columbus concept:locationlocatedwithinlocation concept_skiarea_the_ohio +concept_county_columbus concept:proxyfor concept_skiarea_the_ohio +concept_county_columbus concept:proxyfor concept_stadiumoreventvenue_lifestyles_communities_pavilion +concept_county_columbus concept:atlocation concept_stateorprovince_georgia +concept_county_columbus concept:subpartof concept_stateorprovince_georgia +concept_county_columbus concept:atlocation concept_stateorprovince_indiana +concept_county_columbus concept:atlocation concept_stateorprovince_mississippi +concept_county_columbus concept:atlocation concept_stateorprovince_ohio +concept_county_columbus concept:proxyfor concept_university_nebraska +concept_county_columbus concept:proxyfor concept_university_ohio +concept_county_columbus concept:subpartof concept_university_ohio +concept_county_columbus_school_of_law concept:latitudelongitude 38.9577900000000,-76.9991600000000 +concept_county_commonwealth_university concept:latitudelongitude 37.5458980000000,-77.4431620000000 +concept_county_conditions concept:atdate concept_dateliteral_n2006 +concept_county_conditions concept:atdate concept_dateliteral_n2007 +concept_county_conditions concept:istallerthan concept_publication_people_ +concept_county_conditions concept:subpartoforganization concept_terroristorganization_state +concept_county_connecticut_school concept:latitudelongitude 41.7748200000000,-72.7212050000000 +concept_county_cooley_law_school concept:latitudelongitude 42.9605600000000,-85.6694400000000 +concept_county_cooper_city concept:atlocation concept_city_florida +concept_county_cooperative_institute concept:latitudelongitude 40.0077800000000,-105.2714700000000 +concept_county_corbin_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_county_corbin_city concept:proxyfor concept_stateorprovince_new_jersey +concept_county_corbin_city concept:proxyfor concept_stateorprovince_newjersey +concept_county_corcoran_school_of_art concept:latitudelongitude 38.8956700000000,-77.0399800000000 +concept_county_cornwall concept:atdate concept_dateliteral_n2007 +concept_county_county_londonderry concept:latitudelongitude 54.9166700000000,-6.9166700000000 +concept_county_crotonville concept:latitudelongitude 41.1875900000000,-73.8701400000000 +concept_county_cumberland concept:proxyfor concept_coach_kentucky +concept_county_cumberland concept:atlocation concept_stateorprovince_maryland +concept_county_cumberland concept:proxyfor concept_stateorprovince_maryland +concept_county_cumbria concept:atdate concept_dateliteral_n2005 +concept_county_cuttingsville concept:latitudelongitude 43.4885400000000,-72.8823200000000 +concept_county_dade concept:locationlocatedwithinlocation concept_city_florida +concept_county_dalton_state concept:latitudelongitude 34.7750600000000,-85.0029300000000 +concept_county_dania_beach concept:atlocation concept_city_florida +concept_county_dearne concept:latitudelongitude 53.5110514285714,-1.3054300000000 +concept_county_delaware_valley concept:proxyfor concept_coach_new +concept_county_delbarton_school concept:latitudelongitude 40.7878600000000,-74.5290700000000 +concept_county_delhi_college concept:latitudelongitude 42.2538900000000,-74.9258300000000 +concept_county_denison concept:atlocation concept_blog_iowa +concept_county_denison concept:atlocation concept_city_texas +concept_county_denison concept:proxyfor concept_city_texas +concept_county_denver_university concept:latitudelongitude 39.7241500000000,-105.1594300000000 +concept_county_deptford_township concept:latitudelongitude 39.8302780000000,-75.1618100000000 +concept_county_derby concept:atdate concept_dateliteral_n2006 +concept_county_desert_hot_springs concept:atlocation concept_stateorprovince_california +concept_county_detroit concept:locationlocatedwithinlocation concept_city_mi +concept_county_detroit concept:subpartof concept_city_mi +concept_county_detroit concept:proxyfor concept_coach_ford_field +concept_county_detroit concept:organizationhiredperson concept_coach_jim_schwartz +concept_county_detroit concept:organizationhiredperson concept_coach_marinelli +concept_county_detroit concept:organizationhiredperson concept_coach_michael_curry +concept_county_detroit concept:proxyfor concept_coach_new +concept_county_detroit concept:organizationhiredperson concept_coach_rod_marinelli +concept_county_detroit concept:mutualproxyfor concept_company_los_angeles +concept_county_detroit concept:proxyfor concept_creditunion_michigan +concept_county_detroit concept:subpartof concept_creditunion_michigan +concept_county_detroit concept:atdate concept_date_n2009 +concept_county_detroit concept:atdate concept_dateliteral_n2008 +concept_county_detroit concept:locationlocatedwithinlocation concept_geopoliticallocation_wayne +concept_county_detroit concept:proxyfor concept_geopoliticallocation_wayne +concept_county_detroit concept:subpartof concept_geopoliticallocation_wayne +concept_county_detroit concept:organizationhiredperson concept_personmexico_bernard_robinson +concept_county_detroit concept:mutualproxyfor concept_politician_dave_bing +concept_county_detroit concept:organizationhiredperson concept_politician_dave_bing +concept_county_detroit concept:agentparticipatedinevent concept_sportsgame_finals +concept_county_detroit concept:agentparticipatedinevent concept_sportsgame_series +concept_county_detroit concept:subpartoforganization concept_sportsleague_nba +concept_county_detroit concept:proxyfor concept_stadiumoreventvenue_comerica +concept_county_detroit concept:atlocation concept_stateorprovince_michigan +concept_county_deusto concept:latitudelongitude 43.2710633333333,-2.9464333333333 +concept_county_dickinson_law_school concept:latitudelongitude 40.1995300000000,-77.1972000000000 +concept_county_dixie_county concept:atlocation concept_city_florida +concept_county_dodge concept:agentparticipatedinevent concept_sportsgame_series +concept_county_dodge concept:agentinvolvedwithitem concept_vehicle_charger +concept_county_dodge concept:agentinvolvedwithitem concept_videogame_avenger +concept_county_dodge concept:agentinvolvedwithitem concept_wallitem_neon +concept_county_dodge concept:agentinvolvedwithitem concept_weapon_magnum +concept_county_dodge concept:agentcreated concept_website_caravan +concept_county_dominican_school_of_philosophy concept:latitudelongitude 37.8811300000000,-122.2644200000000 +concept_county_doyle concept:agentbelongstoorganization concept_biotechcompany_eolas +concept_county_dun_laoghaire_rathdown concept:latitudelongitude 53.2943600000000,-6.1348900000000 +concept_county_dunellen concept:proxyfor concept_radiostation_new_jersey +concept_county_dupont concept:agentcollaborateswithagent concept_personeurope_stephanie_kwolek +concept_county_eaglebrook_school concept:latitudelongitude 42.5411000000000,-72.5933000000000 +concept_county_eagleton_institute concept:latitudelongitude 40.4816700000000,-74.4333300000000 +concept_county_eagleton_institute_of_politics concept:latitudelongitude 40.4816700000000,-74.4333300000000 +concept_county_east_coast_bible_college concept:latitudelongitude 35.2390300000000,-80.9581300000000 +concept_county_east_point concept:atlocation concept_stateorprovince_georgia +concept_county_eastern_mennonite_seminary concept:latitudelongitude 38.4700000000000,-78.8816700000000 +concept_county_eden_seminary concept:latitudelongitude 38.5933900000000,-90.3462300000000 +concept_county_edison concept:atlocation concept_bridge_new_jersey +concept_county_edison concept:proxyfor concept_radiostation_new_jersey +concept_county_edison concept:subpartof concept_radiostation_new_jersey +concept_county_elam_school concept:latitudelongitude 40.0519400000000,-94.2430100000000 +concept_county_elkins concept:locationlocatedwithinlocation concept_stateorprovince_west_virginia +concept_county_ellsworth concept:atlocation concept_skiarea_maine +concept_county_ellsworth concept:proxyfor concept_skiarea_maine +concept_county_essex_county concept:proxyfor concept_lake_new +concept_county_evening concept:proxyfor concept_coach_new +concept_county_evening concept:organizationhiredperson concept_person_state +concept_county_evening concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_county_exeter_academy concept:agentcollaborateswithagent concept_personus_john_negroponte +concept_county_exeter_academy concept:agentcontrols concept_personus_john_negroponte +concept_county_external_link concept:agentinvolvedwithitem concept_buildingfeature_window +concept_county_external_link concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_county_fairfield_county concept:proxyfor concept_lake_new +concept_county_families concept:proxyfor concept_coach_new +concept_county_families concept:atdate concept_date_n2000 +concept_county_families concept:atdate concept_date_n2003 +concept_county_families concept:atdate concept_dateliteral_n2007 +concept_county_families concept:atdate concept_dateliteral_n2008 +concept_county_families concept:agentparticipatedinevent concept_eventoutcome_result +concept_county_families concept:atdate concept_year_n1998 +concept_county_farragut_high_school concept:latitudelongitude 35.8881300000000,-84.1601900000000 +concept_county_five_branches_institute concept:latitudelongitude 36.9643100000000,-121.9980900000000 +concept_county_florence concept:proxyfor concept_coach_kentucky +concept_county_florence concept:proxyfor concept_country_italy +concept_county_florence concept:atdate concept_dateliteral_n2008 +concept_county_florence concept:proxyfor concept_newspaper_alabama +concept_county_florence concept:subpartof concept_newspaper_alabama +concept_county_florence concept:proxyfor concept_radiostation_new_jersey +concept_county_florence concept:atlocation concept_skiarea_kentucky +concept_county_florence concept:atlocation concept_stateorprovince_alabama +concept_county_florence concept:atlocation concept_stateorprovince_south_carolina +concept_county_florence concept:subpartof concept_university_kentucky +concept_county_florida_university concept:latitudelongitude 28.0609000000000,-82.4100000000000 +concept_county_fordham_university concept:atlocation concept_stateorprovince_new_york +concept_county_fork_union_military_academy concept:latitudelongitude 37.7530450000000,-78.2648450000000 +concept_county_fort_wright_college concept:latitudelongitude 47.6748900000000,-117.4732700000000 +concept_county_free concept:organizationheadquarteredincountry concept_country_us +concept_county_freed_hardeman_college concept:latitudelongitude 35.4403500000000,-88.6395000000000 +concept_county_fresno_high_school concept:latitudelongitude 36.7677300000000,-119.8051500000000 +concept_county_friends_seminary concept:latitudelongitude 40.7338900000000,-73.9852800000000 +concept_county_frostburg_university concept:latitudelongitude 40.0877800000000,-79.5627800000000 +concept_county_fuqua_school concept:latitudelongitude 37.2939500000000,-78.3839500000000 +concept_county_gakushuin_university concept:agentcollaborateswithagent concept_person_akishino +concept_county_gakushuin_university concept:agentcontrols concept_person_akishino +concept_county_general_motors_institute concept:latitudelongitude 43.0133600000000,-83.7141200000000 +concept_county_geophysical_laboratory concept:latitudelongitude 38.9430850000000,-77.0554600000000 +concept_county_georgetown_law concept:latitudelongitude 38.8969000000000,-77.0134000000000 +concept_county_glasgow concept:proxyfor concept_coach_kentucky +concept_county_glasgow concept:atdate concept_dateliteral_n2008 +concept_county_glasgow concept:atlocation concept_skiarea_kentucky +concept_county_glastonbury_high_school concept:latitudelongitude 41.7009300000000,-72.5934200000000 +concept_county_gmc concept:subpartoforganization concept_stateorprovince_general_motors +concept_county_god concept:agentcontributedtocreativework concept_book_law +concept_county_god concept:proxyfor concept_coach_new +concept_county_god concept:agentcontributedtocreativework concept_movie_covenant +concept_county_god concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_county_god concept:agentcollaborateswithagent concept_politician_jobs +concept_county_god concept:agentcontributedtocreativework concept_televisionshow_laws +concept_county_god concept:agentcontributedtocreativework concept_televisionshow_name +concept_county_golden_isles concept:atlocation concept_city_florida +concept_county_granite concept:proxyfor concept_coach_new +concept_county_grayson concept:proxyfor concept_coach_kentucky +concept_county_great_plains concept:subpartoforganization concept_university_microsoft +concept_county_greenwich_house_music_school concept:latitudelongitude 40.7322200000000,-74.0044400000000 +concept_county_hallam_lake concept:latitudelongitude 52.3168400000000,-109.9182400000000 +concept_county_haltom_city concept:atlocation concept_stateorprovince_texas +concept_county_hampton_roads concept:atlocation concept_stateorprovince_virginia +concept_county_hartford_graduate_center concept:latitudelongitude 41.7739900000000,-72.6732850000000 +concept_county_hartley_wintney concept:latitudelongitude 51.3057950000000,-0.8953600000000 +concept_county_hartt_school concept:latitudelongitude 41.7978800000000,-72.7142600000000 +concept_county_harvard_radcliffe concept:latitudelongitude 42.3708000000000,-71.1156000000000 +concept_county_harvard_university concept:atlocation concept_city_boston +concept_county_harvard_university concept:atdate concept_date_n2001 +concept_county_harvard_university concept:atdate concept_date_n2003 +concept_county_harvard_university concept:atdate concept_dateliteral_n2005 +concept_county_harvard_university concept:atdate concept_dateliteral_n2006 +concept_county_harvard_university concept:atdate concept_dateliteral_n2008 +concept_county_harvard_university concept:proxyfor concept_lake_new +concept_county_health concept:proxyfor concept_coach_new +concept_county_helena_college_of_technology concept:latitudelongitude 46.5954900000000,-112.0155500000000 +concept_county_herat_province concept:latitudelongitude 34.5000000000000,62.0000000000000 +concept_county_high_school concept:agentcontrols concept_automobilemodel_jim +concept_county_high_schools concept:proxyfor concept_coach_new +concept_county_highlands concept:proxyfor concept_book_new +concept_county_highlands concept:proxyfor concept_radiostation_new_jersey +concept_county_highlands_university concept:latitudelongitude 35.5939300000000,-105.2172300000000 +concept_county_hightstown concept:proxyfor concept_radiostation_new_jersey +concept_county_hightstown concept:proxyfor concept_stateorprovince_newjersey +concept_county_hollywood_high_school concept:agentcollaborateswithagent concept_politicianus_richard_perle +concept_county_hollywood_high_school concept:agentcontrols concept_politicianus_richard_perle +concept_county_howard_university_law_school concept:latitudelongitude 38.9429700000000,-77.0582800000000 +concept_county_howard_university_school_of_divinity concept:latitudelongitude 38.9395000000000,-76.9832000000000 +concept_county_hull_city concept:organizationhiredperson concept_writer_brown +concept_county_humboldt_state_college concept:latitudelongitude 41.0587400000000,-124.1470100000000 +concept_county_hyde_leadership_public_charter_school concept:latitudelongitude 38.9085100000000,-77.0207400000000 +concept_county_i_u_ concept:latitudelongitude 43.6791700000000,4.6361600000000 +concept_county_iit_bombay concept:latitudelongitude 19.1274100000000,72.9163900000000 +concept_county_illinois_institute concept:latitudelongitude 41.8580900000000,-87.6317200000000 +concept_county_illiopolis concept:latitudelongitude 39.8564980000000,-89.2505400000000 +concept_county_international_university concept:agentcontrols concept_island_andre +concept_county_international_university concept:agentcollaborateswithagent concept_winery_andre +concept_county_inverness concept:atlocation concept_city_florida +concept_county_inverness concept:locationlocatedwithinlocation concept_county_highlands +concept_county_inverness concept:proxyfor concept_county_highlands +concept_county_inverness concept:atdate concept_date_n1999 +concept_county_iowa_city concept:citylocatedinstate concept_stateorprovince_iowa +concept_county_iowa_university concept:latitudelongitude 42.8405400000000,-91.7996100000000 +concept_county_ithaca concept:proxyfor concept_coach_new +concept_county_ithaca concept:proxyfor concept_company_new_york +concept_county_ithaca concept:atlocation concept_stateorprovince_new_york +concept_county_j_school concept:latitudelongitude 38.8283300000000,-104.0924600000000 +concept_county_jail concept:atdate concept_date_n1999 +concept_county_jail concept:atdate concept_date_n2003 +concept_county_jail concept:atdate concept_date_n2004 +concept_county_jail concept:atdate concept_dateliteral_n2005 +concept_county_jail concept:atdate concept_dateliteral_n2006 +concept_county_jail concept:atdate concept_dateliteral_n2007 +concept_county_jail concept:atdate concept_dateliteral_n2008 +concept_county_jersey_city concept:mutualproxyfor concept_politician_bret_schundler +concept_county_jersey_city concept:cityliesonriver concept_river_hudson +concept_county_jersey_city concept:atlocation concept_stateorprovince_new_jersey +concept_county_jersey_city concept:proxyfor concept_stateorprovince_newjersey +concept_county_jewish_institute_of_religion concept:latitudelongitude 40.7738900000000,-73.9794400000000 +concept_county_johannes_kepler_university concept:latitudelongitude 48.3379200000000,14.3207100000000 +concept_county_john_f_kennedy_school_of_government concept:latitudelongitude 42.3712100000000,-71.1217200000000 +concept_county_johnson_city concept:citylocatedingeopoliticallocation concept_geopoliticallocation_east_tennessee +concept_county_johnson_city concept:cityliesonriver concept_river_pedernales +concept_county_johnson_city concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_county_johnson_city concept:proxyfor concept_stateorprovince_tennessee +concept_county_jornada_experimental_range concept:latitudelongitude 32.6159200000000,-106.7425100000000 +concept_county_juilliard_school concept:atlocation concept_city_york +concept_county_junction_city concept:cityliesonriver concept_skiarea_smoky_hill +concept_county_junction_city concept:atlocation concept_stateorprovince_kansas +concept_county_junction_city concept:subpartof concept_stateorprovince_kansas +concept_county_jupiter concept:atlocation concept_city_florida +concept_county_jupiter concept:proxyfor concept_city_florida +concept_county_jupiter concept:atdate concept_date_n1996 +concept_county_kansas_city concept:cityliesonriver concept_attraction_grand +concept_county_kansas_city concept:cityliesonriver concept_geopoliticallocation_kaw +concept_county_kansas_city concept:proxyfor concept_stadiumoreventvenue_the_midland_by_amc +concept_county_kansas_city concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_county_kansas_city concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_county_kansas_wesleyan concept:latitudelongitude 38.8138900000000,-97.6094800000000 +concept_county_karachi_university concept:latitudelongitude 24.9394000000000,67.1190666666667 +concept_county_karlsruhe_institute_of_technology concept:latitudelongitude 49.0094400000000,8.4116700000000 +concept_county_katherine_gibbs concept:latitudelongitude 40.7550000000000,-73.9813900000000 +concept_county_keene concept:proxyfor concept_newspaper_new_hampshire +concept_county_keene concept:atlocation concept_politicsblog_new_hampshire +concept_county_keio_university concept:atlocation concept_city_tokyo +concept_county_kennesaw_state_university concept:atlocation concept_city_atlanta +concept_county_kenrick_seminary concept:latitudelongitude 38.5783900000000,-90.3359500000000 +concept_county_kern concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_county_kern concept:proxyfor concept_stateorprovince_california +concept_county_keystone concept:atlocation concept_stateorprovince_south_dakota +concept_county_killington concept:atlocation concept_beach_vermont +concept_county_king_s_college concept:atlocation concept_city_london_city +concept_county_lake_and_peninsula concept:latitudelongitude 57.0005600000000,-158.0005600000000 +concept_county_las_cruces_high_school concept:latitudelongitude 32.2917600000000,-106.7644500000000 +concept_county_las_vegas concept:proxyfor concept_attraction_the_colosseum_at_caesars_palace +concept_county_las_vegas concept:locationlocatedwithinlocation concept_building_vegas +concept_county_las_vegas concept:proxyfor concept_coach_new +concept_county_las_vegas concept:atdate concept_date_n1999 +concept_county_las_vegas concept:atdate concept_date_n2000 +concept_county_las_vegas concept:atdate concept_date_n2001 +concept_county_las_vegas concept:atdate concept_date_n2003 +concept_county_las_vegas concept:atdate concept_date_n2009 +concept_county_las_vegas concept:atdate concept_dateliteral_n2002 +concept_county_las_vegas concept:atdate concept_dateliteral_n2005 +concept_county_las_vegas concept:atdate concept_dateliteral_n2008 +concept_county_las_vegas concept:mutualproxyfor concept_politician_carolyn_goodman +concept_county_las_vegas concept:proxyfor concept_radiostation_nevada +concept_county_las_vegas concept:subpartof concept_radiostation_nevada +concept_county_las_vegas concept:proxyfor concept_stadiumoreventvenue_mandalay_bay_theatre +concept_county_las_vegas concept:proxyfor concept_stadiumoreventvenue_sam_boyd_stadium +concept_county_las_vegas concept:locationlocatedwithinlocation concept_stateorprovince_nevada +concept_county_las_vegas concept:subpartof concept_traditionalgame_vegas +concept_county_lassiter_high_school concept:latitudelongitude 34.0426900000000,-84.4738500000000 +concept_county_law_college concept:latitudelongitude 25.3882000000000,68.3659000000000 +concept_county_law_faculty concept:subpartoforganization concept_university_yerevan_state_university +concept_county_lawrence_berkeley_laboratory concept:latitudelongitude 37.8774300000000,-122.2508000000000 +concept_county_lawrence_institute concept:latitudelongitude 42.4739200000000,-83.2488200000000 +concept_county_lexington concept:citylocatedincountry concept_country_usa +concept_county_lexington concept:atdate concept_dateliteral_n2005 +concept_county_lexington concept:citylocatedingeopoliticallocation concept_stateorprovince_kentucky +concept_county_lexington concept:atlocation concept_stateorprovince_north_carolina +concept_county_lexington concept:citylocatedinstate concept_stateorprovince_virginia +concept_county_liberty_baptist_theological_seminary concept:latitudelongitude 37.3591700000000,-79.1747200000000 +concept_county_lists concept:proxyfor concept_coach_new +concept_county_little_ferry concept:mutualproxyfor concept_radiostation_new_jersey +concept_county_long_island concept:cityliesonriver concept_river_hudson +concept_county_long_island concept:citylocatedinstate concept_stateorprovince_new_york +concept_county_los_angeles_county concept:cityliesonriver concept_attraction_grand +concept_county_los_angeles_county concept:cityalsoknownas concept_city_l_a +concept_county_los_angeles_county concept:cityalsoknownas concept_city_l_a_ +concept_county_los_angeles_county concept:cityalsoknownas concept_city_la +concept_county_los_angeles_county concept:cityalsoknownas concept_city_lam +concept_county_los_angeles_county concept:citylocatedincountry concept_country_usa +concept_county_los_angeles_county concept:atdate concept_dateliteral_n1947 +concept_county_los_angeles_county concept:proxyfor concept_lake_new +concept_county_los_angeles_county concept:organizationhiredperson concept_politicianus_richard_riordan +concept_county_los_angeles_county concept:istallerthan concept_publication_people_ +concept_county_los_angeles_county concept:cityliesonriver concept_river_columbia +concept_county_los_angeles_county concept:proxyfor concept_stadiumoreventvenue_dodger_stadium +concept_county_los_angeles_county concept:citylocatedinstate concept_stateorprovince_california +concept_county_los_angeles_county concept:proxyfor concept_stateorprovince_california +concept_county_los_angeles_county concept:proxyfor concept_visualizablething_losangeles +concept_county_los_angeles_county_high_school concept:latitudelongitude 34.0675000000000,-118.1672200000000 +concept_county_louisiana_state concept:organizationalsoknownas concept_university_state_university +concept_county_louisville_jefferson_county concept:proxyfor concept_coach_kentucky +concept_county_lower_township concept:latitudelongitude 39.0002766666667,-74.9157000000000 +concept_county_loyola_law concept:latitudelongitude 41.8972600000000,-87.6278300000000 +concept_county_mackintosh_school concept:latitudelongitude 36.6061700000000,-90.5378900000000 +concept_county_macon concept:atlocation concept_stateorprovince_georgia +concept_county_maharaja_sayajirao_university concept:agentcollaborateswithagent concept_person_chandramohan +concept_county_maharaja_sayajirao_university concept:agentcontrols concept_person_chandramohan +concept_county_manchester concept:proxyfor concept_coach_kentucky +concept_county_manchester concept:atdate concept_date_n2009 +concept_county_manchester concept:proxyfor concept_newspaper_new_hampshire +concept_county_manchester concept:subpartof concept_newspaper_new_hampshire +concept_county_manchester concept:locationlocatedwithinlocation concept_politicsblog_new_hampshire +concept_county_manchester concept:proxyfor concept_radiostation_new_jersey +concept_county_manchester concept:atlocation concept_stateorprovince_connecticut +concept_county_manchester concept:proxyfor concept_stateorprovince_connecticut +concept_county_manchester concept:atlocation concept_stateorprovince_tennessee +concept_county_manchester concept:proxyfor concept_weatherphenomenon_tennessee +concept_county_manhattan concept:locationlocatedwithinlocation concept_bridge_world +concept_county_manhattan concept:locationlocatedwithinlocation concept_city_kansas +concept_county_manhattan concept:proxyfor concept_coach_new +concept_county_manhattan concept:proxyfor concept_company_new_york +concept_county_manhattan concept:subpartof concept_company_new_york +concept_county_manhattan concept:proxyfor concept_creditunion_kansas +concept_county_manhattan concept:subpartof concept_creditunion_kansas +concept_county_manhattan concept:proxyfor concept_highway_the_new +concept_county_manhattan concept:agentactsinlocation concept_lake_new +concept_county_manhattan_college concept:agentcontrols concept_book_powers +concept_county_mannes_college concept:latitudelongitude 40.7863900000000,-73.9747200000000 +concept_county_marion concept:atlocation concept_blog_iowa +concept_county_marion concept:proxyfor concept_coach_kentucky +concept_county_marion concept:atlocation concept_stateorprovince_illinois +concept_county_marion concept:atlocation concept_stateorprovince_indiana +concept_county_marquette_university concept:atlocation concept_city_milwaukee +concept_county_mary_louis_academy concept:latitudelongitude 40.7134400000000,-73.7868000000000 +concept_county_mason_city concept:atlocation concept_stateorprovince_iowa +concept_county_massart concept:latitudelongitude 50.2833300000000,4.5833300000000 +concept_county_mcdonough_school concept:latitudelongitude 41.7308400000000,-72.1875766666667 +concept_county_mcgill_university concept:atdate concept_dateliteral_n2007 +concept_county_mead_high_school concept:latitudelongitude 41.6328300000000,-79.9733900000000 +concept_county_meadville_theological_school concept:latitudelongitude 41.7911500000000,-87.5961600000000 +concept_county_melrose concept:proxyfor concept_beach_massachusetts +concept_county_memphis_academy concept:latitudelongitude 35.1459200000000,-89.9934200000000 +concept_county_memphis_university concept:latitudelongitude 35.0984200000000,-89.8570300000000 +concept_county_mercerville concept:proxyfor concept_stateorprovince_newjersey +concept_county_methodist_theological_school concept:latitudelongitude 40.2534000000000,-83.0568500000000 +concept_county_metro_state concept:latitudelongitude 44.9574000000000,-93.0744000000000 +concept_county_miami concept:locationlocatedwithinlocation concept_city_florida +concept_county_miami concept:proxyfor concept_city_florida +concept_county_miami concept:subpartof concept_city_florida +concept_county_miami concept:organizationhiredperson concept_coach_cam_cameron +concept_county_miami concept:organizationhiredperson concept_coach_frank_haith +concept_county_miami concept:organizationhiredperson concept_coach_larry_coker +concept_county_miami concept:mutualproxyfor concept_coach_manny_diaz +concept_county_miami concept:organizationhiredperson concept_coach_manny_diaz +concept_county_miami concept:proxyfor concept_coach_new +concept_county_miami concept:organizationhiredperson concept_coach_nick_saban +concept_county_miami concept:organizationhiredperson concept_coach_randy_shannon +concept_county_miami concept:organizationhiredperson concept_coach_sparano +concept_county_miami concept:organizationhiredperson concept_coach_todd_bowles +concept_county_miami concept:agentparticipatedinevent concept_eventoutcome_title +concept_county_miami concept:organizationhiredperson concept_male_dave_wannstedt +concept_county_miami concept:organizationhiredperson concept_musician_jimmy_johnson +concept_county_miami concept:organizationhiredperson concept_person_davis +concept_county_miami concept:organizationhiredperson concept_person_don_shula +concept_county_miami concept:proxyfor concept_professionalorganization_american_airlines_arena +concept_county_miami concept:agentparticipatedinevent concept_sportsgame_series +concept_county_miami concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_county_miami concept:organizationalsoknownas concept_university_state_university +concept_county_michigan_city concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_county_michigan_city concept:proxyfor concept_stateorprovince_indiana +concept_county_michigan_city concept:subpartof concept_stateorprovince_indiana +concept_county_michigan_state_college concept:latitudelongitude 42.3942000000000,-86.2822500000000 +concept_county_midamerica concept:latitudelongitude 38.9141033333333,-94.6989100000000 +concept_county_middletown concept:proxyfor concept_company_new_york +concept_county_middletown concept:atlocation concept_monument_rhode_island +concept_county_middletown concept:proxyfor concept_monument_rhode_island +concept_county_middletown concept:proxyfor concept_radiostation_new_jersey +concept_county_middletown concept:atlocation concept_stateorprovince_connecticut +concept_county_middletown concept:atlocation concept_stateorprovince_new_york +concept_county_middletown concept:mutualproxyfor concept_university_ohio +concept_county_midwest_city concept:atlocation concept_stateorprovince_oklahoma +concept_county_milford concept:atlocation concept_beach_massachusetts +concept_county_milford concept:proxyfor concept_beach_massachusetts +concept_county_milford concept:proxyfor concept_coach_new +concept_county_milford concept:atlocation concept_stateorprovince_connecticut +concept_county_milford concept:mutualproxyfor concept_stateorprovince_connecticut +concept_county_milford concept:atlocation concept_stateorprovince_delaware +concept_county_milwaukie_high_school concept:latitudelongitude 45.4411100000000,-122.6375000000000 +concept_county_minneapolis_college concept:latitudelongitude 44.9569000000000,-93.2738000000000 +concept_county_minneapolis_school concept:latitudelongitude 44.9577400000000,-93.2735600000000 +concept_county_mississippi_university concept:latitudelongitude 33.4931700000000,-88.4186500000000 +concept_county_missouri_state_university concept:agentactsinlocation concept_stateorprovince_missouri +concept_county_model_college concept:latitudelongitude 33.6109000000000,73.0351666666667 +concept_county_montana_state_university_college concept:latitudelongitude 47.4860700000000,-111.2702500000000 +concept_county_moon_township concept:citylocatedinstate concept_stateorprovince_pennsylvania +concept_county_moonachie concept:mutualproxyfor concept_radiostation_new_jersey +concept_county_moonachie concept:proxyfor concept_stateorprovince_new_jersey +concept_county_morgan_city concept:cityliesonriver concept_river_atchafalaya +concept_county_morgan_city concept:atlocation concept_stateorprovince_louisiana +concept_county_morgan_city concept:proxyfor concept_stateorprovince_louisiana +concept_county_morris_county concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_county_moss_landing_marine_laboratories concept:latitudelongitude 36.8018800000000,-121.7883000000000 +concept_county_music_institute concept:latitudelongitude 40.6972200000000,-73.8361100000000 +concept_county_n11_years concept:proxyfor concept_coach_new +concept_county_n15_years concept:proxyfor concept_coach_new +concept_county_n18_years concept:proxyfor concept_coach_new +concept_county_n20_years concept:proxyfor concept_coach_new +concept_county_n2_years concept:proxyfor concept_coach_new +concept_county_nantucket concept:atlocation concept_beach_massachusetts +concept_county_narragansett concept:proxyfor concept_monument_rhode_island +concept_county_nevada_school concept:latitudelongitude 40.3519900000000,-90.5070700000000 +concept_county_new_jersey_institute concept:latitudelongitude 40.7423000000000,-74.1787400000000 +concept_county_new_london concept:atlocation concept_stateorprovince_connecticut +concept_county_new_london concept:mutualproxyfor concept_stateorprovince_connecticut +concept_county_new_london concept:subpartof concept_stateorprovince_connecticut +concept_county_new_mexico concept:organizationhiredperson concept_coach_locksley +concept_county_new_mexico concept:organizationhiredperson concept_coach_mike_locksley +concept_county_new_mexico concept:proxyfor concept_coach_new +concept_county_new_mexico concept:organizationhiredperson concept_coach_rocky_long +concept_county_new_mexico concept:locationlocatedwithinlocation concept_country_u_s_ +concept_county_new_mexico concept:locationlocatedwithinlocation concept_country_usa +concept_county_new_mexico concept:subpartof concept_country_usa +concept_county_new_mexico concept:atdate concept_date_n2009 +concept_county_new_mexico concept:istallerthan concept_publication_people_ +concept_county_new_mexico concept:mutualproxyfor concept_skiarea_farmington +concept_county_new_mexico concept:mutualproxyfor concept_stateorprovince_carlsbad +concept_county_new_mexico_institute_of_mining concept:latitudelongitude 34.0661800000000,-106.9066900000000 +concept_county_new_mexico_school concept:latitudelongitude 34.5616300000000,-106.1776966666667 +concept_county_new_mexico_state_university concept:agentactsinlocation concept_city_las_cruces +concept_county_new_mexico_state_university concept:agentcontrols concept_coach_reggie_theus +concept_county_new_mexico_state_university concept:agentactsinlocation concept_county_new_mexico +concept_county_new_orleans_center concept:latitudelongitude 29.9639300000000,-90.0640733333333 +concept_county_new_orleans_center_for_creative_arts concept:latitudelongitude 29.9638700000000,-90.0489600000000 +concept_county_new_school_university concept:atlocation concept_stateorprovince_new_york +concept_county_new_york_city_college concept:latitudelongitude 40.6953800000000,-73.9865300000000 +concept_county_new_york_university_college concept:latitudelongitude 40.8628800000000,-73.9176400000000 +concept_county_newton concept:atlocation concept_beach_massachusetts +concept_county_newton concept:proxyfor concept_beach_massachusetts +concept_county_newton concept:atlocation concept_blog_iowa +concept_county_newton concept:subpartof concept_creditunion_iowa +concept_county_newton concept:agentcollaborateswithagent concept_politician_jobs +concept_county_newton_college concept:latitudelongitude 42.3496800000000,-71.1942200000000 +concept_county_newton_north_high_school concept:latitudelongitude 42.3453700000000,-71.2103300000000 +concept_county_nh_ concept:atdate concept_dateliteral_n2006 +concept_county_nicholls_state concept:agentactsinlocation concept_geopoliticallocation_nicholls +concept_county_nitze_school concept:latitudelongitude 38.9081000000000,-77.0403000000000 +concept_county_nixon_center concept:mutualproxyfor concept_person_mark_hackard +concept_county_nixon_center concept:subpartof concept_person_mark_hackard +concept_county_north_forsyth_high_school concept:latitudelongitude 34.2776500000000,-84.1073400000000 +concept_county_northeastern_university concept:atlocation concept_city_boston +concept_county_northrop_university concept:latitudelongitude 33.9516800000000,-118.3756300000000 +concept_county_northumberland concept:cityliesonriver concept_river_susquehanna +concept_county_northumberland concept:cityliesonriver concept_river_tyne +concept_county_northvale concept:proxyfor concept_radiostation_new_jersey +concept_county_norwegian_university_of_science concept:latitudelongitude 63.4193700000000,10.4021000000000 +concept_county_nova_southeastern_university concept:atlocation concept_city_fort_lauderdale +concept_county_ntnu concept:latitudelongitude 63.4193700000000,10.4021000000000 +concept_county_nuim concept:latitudelongitude 5.6708000000000,101.8503000000000 +concept_county_oakland concept:proxyfor concept_book_new +concept_county_oakland concept:organizationterminatedperson concept_person_lane_kiffin +concept_county_oakland concept:agentparticipatedinevent concept_sportsgame_series +concept_county_ocala concept:locationlocatedwithinlocation concept_city_florida +concept_county_ocala concept:proxyfor concept_city_florida +concept_county_oklahoma_christian concept:latitudelongitude 35.6379700000000,-97.4730950000000 +concept_county_oklahoma_college concept:latitudelongitude 35.0322900000000,-97.9547700000000 +concept_county_oklahoma_state_university concept:organizationhiredperson concept_person_gundy +concept_county_olaf_college concept:latitudelongitude 44.4618400000000,-93.1827600000000 +concept_county_olympia concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_county_olympia concept:proxyfor concept_city_washington_d_c +concept_county_olympia concept:subpartof concept_city_washington_d_c +concept_county_olympia concept:locationlocatedwithinlocation concept_stateorprovince_washington_state +concept_county_opp concept:atlocation concept_stateorprovince_alabama +concept_county_orange_county concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_county_orange_county concept:proxyfor concept_stateorprovince_california +concept_county_orange_county concept:subpartof concept_stateorprovince_california +concept_county_oregon_state_university concept:atdate concept_dateliteral_n2002 +concept_county_otis_college concept:latitudelongitude 33.9572900000000,-118.4172900000000 +concept_county_owen_graduate_school_of_management concept:latitudelongitude 36.1472800000000,-86.8000000000000 +concept_county_oyster_river_high_school concept:latitudelongitude 43.1411900000000,-70.9171700000000 +concept_county_pace_university concept:atlocation concept_city_new_york +concept_county_palatka concept:atlocation concept_city_florida +concept_county_palm_coast concept:atlocation concept_city_florida +concept_county_palm_coast concept:proxyfor concept_city_florida +concept_county_paris concept:locationlocatedwithinlocation concept_building_vegas +concept_county_paris concept:atlocation concept_city_vegas +concept_county_paris concept:proxyfor concept_coach_kentucky +concept_county_paris concept:proxyfor concept_coach_new +concept_county_paris concept:locationlocatedwithinlocation concept_country_france_france +concept_county_paris concept:atdate concept_date_n1894 +concept_county_paris concept:atdate concept_date_n1899 +concept_county_paris concept:atdate concept_date_n1906 +concept_county_paris concept:atdate concept_date_n1934 +concept_county_paris concept:atdate concept_date_n1935 +concept_county_paris concept:atdate concept_date_n1941 +concept_county_paris concept:atdate concept_date_n1944 +concept_county_paris concept:atdate concept_date_n1979 +concept_county_paris concept:atdate concept_date_n1993 +concept_county_paris concept:atdate concept_date_n1999 +concept_county_paris concept:atdate concept_date_n2000 +concept_county_paris concept:atdate concept_date_n2001 +concept_county_paris concept:atdate concept_date_n2003 +concept_county_paris concept:atdate concept_date_n2009 +concept_county_paris concept:atdate concept_dateliteral_n2008 +concept_county_paris concept:atlocation concept_skiarea_kentucky +concept_county_paris concept:subpartof concept_traditionalgame_vegas +concept_county_paris concept:atdate concept_year_n1778 +concept_county_paris concept:atdate concept_year_n1845 +concept_county_paris concept:atdate concept_year_n1919 +concept_county_paris concept:atdate concept_year_n1920 +concept_county_paris concept:atdate concept_year_n1948 +concept_county_paris concept:atdate concept_year_n1959 +concept_county_paris concept:atdate concept_year_n1988 +concept_county_paris concept:atdate concept_year_n1991 +concept_county_paris concept:atdate concept_year_n1995 +concept_county_paris concept:atdate concept_year_n1998 +concept_county_peabody_conservatory concept:latitudelongitude 38.9128900000000,-77.0369200000000 +concept_county_penland_school concept:latitudelongitude 35.9445600000000,-82.1154000000000 +concept_county_penn_state concept:organizationhiredperson concept_coach_ed_dechellis +concept_county_penn_state concept:organizationhiredperson concept_coach_joe_paterno +concept_county_penn_state concept:agentactsinlocation concept_geopoliticallocation_penn +concept_county_penn_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_county_penn_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_county_penn_state concept:organizationalsoknownas concept_university_state_university +concept_county_penn_state concept:synonymfor concept_university_state_university +concept_county_pennsbury_high_school concept:latitudelongitude 40.2117800000000,-74.8226600000000 +concept_county_pequannock_township concept:latitudelongitude 40.9681550000000,-74.3062600000000 +concept_county_perkiomen_valley concept:latitudelongitude 40.2183900000000,-75.4587220000000 +concept_county_personal_injury concept:agentparticipatedinevent concept_eventoutcome_result +concept_county_phenix_city concept:cityliesonriver concept_river_chattahoochee +concept_county_phenix_city concept:atlocation concept_stateorprovince_alabama +concept_county_philadelphia concept:proxyfor concept_coach_new +concept_county_philadelphia concept:locationlocatedwithinlocation concept_county_temple_university +concept_county_philadelphia concept:proxyfor concept_county_temple_university +concept_county_philadelphia concept:atdate concept_date_n1793 +concept_county_philadelphia concept:atdate concept_date_n2009 +concept_county_philadelphia concept:synonymfor concept_everypromotedthing_city_of_brotherly_love +concept_county_philadelphia concept:mutualproxyfor concept_politician_michael_nutter +concept_county_philadelphia concept:istallerthan concept_publication_people_ +concept_county_philadelphia concept:proxyfor concept_retailstore_wachovia_center +concept_county_philadelphia concept:proxyfor concept_room_south +concept_county_philadelphia concept:proxyfor concept_skyscraper_lincoln_financial_field +concept_county_philadelphia concept:agentparticipatedinevent concept_sportsgame_finals +concept_county_philadelphia concept:agentparticipatedinevent concept_sportsgame_series +concept_county_philadelphia concept:proxyfor concept_stadiumoreventvenue_citizen_bank_park +concept_county_philadelphia concept:proxyfor concept_stadiumoreventvenue_electric_factory +concept_county_philadelphia concept:proxyfor concept_stadiumoreventvenue_veterans_memorial_stadium +concept_county_philadelphia concept:proxyfor concept_stadiumoreventvenue_wachovia_center +concept_county_philadelphia concept:locationlocatedwithinlocation concept_stateorprovince_pennsylvania +concept_county_philadelphia concept:proxyfor concept_stateorprovince_pennsylvania +concept_county_philadelphia concept:subpartof concept_stateorprovince_pennsylvania +concept_county_philadelphia concept:proxyfor concept_wine_trocadero +concept_county_philadelphia concept:atdate concept_year_n1776 +concept_county_philadelphia concept:atdate concept_year_n1777 +concept_county_philadelphia_college concept:latitudelongitude 40.0345725000000,-75.1319275000000 +concept_county_phillips_exeter_academy concept:latitudelongitude 42.9783650000000,-70.9458600000000 +concept_county_pictou_county concept:locationlocatedwithinlocation concept_stateorprovince_nova_scotia +concept_county_pictou_county concept:proxyfor concept_stateorprovince_nova_scotia +concept_county_pierce_law_center concept:latitudelongitude 43.2072750000000,-71.5451400000000 +concept_county_plattsburgh concept:proxyfor concept_company_new_york +concept_county_plattsburgh concept:atlocation concept_stateorprovince_new_york +concept_county_polytechnic_institute_of_brooklyn concept:latitudelongitude 40.7270400000000,-73.4226200000000 +concept_county_pontiac concept:proxyfor concept_creditunion_michigan +concept_county_pontiac concept:subpartof concept_creditunion_michigan +concept_county_pontiac concept:atlocation concept_stateorprovince_illinois +concept_county_pontiac concept:proxyfor concept_stateorprovince_illinois +concept_county_pontiac concept:atlocation concept_stateorprovince_michigan +concept_county_port_hueneme concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_county_port_hueneme concept:proxyfor concept_stateorprovince_california +concept_county_presbyterian_seminary concept:latitudelongitude 31.9623800000000,-90.9831600000000 +concept_county_presentation_of_mary_academy concept:latitudelongitude 42.7419900000000,-71.4214600000000 +concept_county_princeton_university concept:atdate concept_dateliteral_n2002 +concept_county_public concept:proxyfor concept_coach_new +concept_county_public concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_county_punahou_school concept:latitudelongitude 21.3028300000000,-157.8292900000000 +concept_county_punta_gorda concept:atlocation concept_city_florida +concept_county_purchase_college concept:latitudelongitude 41.0382600000000,-73.6977300000000 +concept_county_purdue_school concept:latitudelongitude 40.2334000000000,-81.3756700000000 +concept_county_queen__s_university_belfast concept:latitudelongitude 54.5844000000000,-5.9343800000000 +concept_county_queen_mary_college concept:latitudelongitude 31.5617000000000,74.3445000000000 +concept_county_queens_college concept:atlocation concept_stateorprovince_new_york +concept_county_queens_school concept:latitudelongitude 42.2405900000000,-84.4280100000000 +concept_county_queens_university_belfast concept:latitudelongitude 54.5700000000000,-5.9400000000000 +concept_county_radford concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_county_radford concept:proxyfor concept_stateorprovince_virginia +concept_county_ramsey concept:atlocation concept_bridge_new_jersey +concept_county_ramsey concept:proxyfor concept_radiostation_new_jersey +concept_county_records concept:agentcontrols concept_clothing_white +concept_county_records concept:proxyfor concept_coach_new +concept_county_records concept:atdate concept_date_n1999 +concept_county_records concept:atdate concept_date_n2001 +concept_county_records concept:atdate concept_date_n2004 +concept_county_records concept:atdate concept_date_n2009 +concept_county_records concept:atdate concept_dateliteral_n2005 +concept_county_records concept:atdate concept_dateliteral_n2006 +concept_county_records concept:atdate concept_dateliteral_n2007 +concept_county_records concept:atdate concept_dateliteral_n2008 +concept_county_records concept:subpartoforganization concept_governmentorganization_government +concept_county_records concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_county_records concept:subpartoforganization concept_terroristorganization_state +concept_county_rensselaer concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_county_rensselaer concept:proxyfor concept_stateorprovince_indiana +concept_county_rensselaer_polytechnic concept:latitudelongitude 42.7325800000000,-73.6809500000000 +concept_county_rensselear_polytechnic_institute concept:latitudelongitude 41.8420400000000,-72.6020300000000 +concept_county_rockefeller_college_of_public_affairs concept:latitudelongitude 42.6613900000000,-73.7722200000000 +concept_county_rockland_county concept:proxyfor concept_lake_new +concept_county_roger concept:agentcontrols concept_visualizableobject_world +concept_county_rutherford concept:proxyfor concept_radiostation_new_jersey +concept_county_rutherford concept:proxyfor concept_stateorprovince_newjersey +concept_county_rwth_aachen concept:latitudelongitude 50.7736600000000,6.0753200000000 +concept_county_saclay concept:latitudelongitude 48.7327725000000,2.1683525000000 +concept_county_sacramento concept:proxyfor concept_chemical_ca +concept_county_sacramento concept:locationlocatedwithinlocation concept_city_ca +concept_county_sacramento concept:proxyfor concept_coach_new +concept_county_sacramento concept:atdate concept_dateliteral_n2008 +concept_county_sacramento concept:proxyfor concept_eventoutcome_state +concept_county_sacramento concept:atlocation concept_stateorprovince_california +concept_county_sacramento concept:subpartof concept_stateorprovince_california +concept_county_salem concept:atlocation concept_beach_massachusetts +concept_county_salem concept:proxyfor concept_beach_massachusetts +concept_county_salem concept:proxyfor concept_newspaper_new_hampshire +concept_county_salem concept:proxyfor concept_politicsissue_oregon +concept_county_salem concept:subpartof concept_politicsissue_oregon +concept_county_salem concept:locationlocatedwithinlocation concept_river_state +concept_county_salem concept:atlocation concept_stateorprovince_missouri +concept_county_salem concept:atlocation concept_stateorprovince_ohio +concept_county_salem concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_county_salem concept:atlocation concept_stateorprovince_virginia +concept_county_salt_lake concept:locationlocatedwithinlocation concept_city_state +concept_county_salt_lake concept:atdate concept_dateliteral_n2005 +concept_county_salt_lake concept:atdate concept_dateliteral_n2006 +concept_county_salt_lake concept:mutualproxyfor concept_politicianus_rocky_anderson +concept_county_samra_university concept:latitudelongitude 34.0323900000000,-118.3892700000000 +concept_county_san_diego concept:proxyfor concept_city_sandiego +concept_county_san_diego concept:proxyfor concept_coach_new +concept_county_san_diego concept:organizationhiredperson concept_coach_norv_turner +concept_county_san_diego concept:atdate concept_dateliteral_n1945 +concept_county_san_diego concept:atdate concept_dateliteral_n2008 +concept_county_san_diego concept:agentparticipatedinevent concept_sportsgame_series +concept_county_san_diego concept:proxyfor concept_stadiumoreventvenue_petco_park +concept_county_san_diego concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_county_san_diego concept:proxyfor concept_stateorprovince_california +concept_county_san_diego concept:locationlocatedwithinlocation concept_website_description +concept_county_san_diego_university concept:latitudelongitude 32.7700500000000,-117.1855900000000 +concept_county_san_francisco concept:organizationhiredperson concept_athlete_mike_singletary +concept_county_san_francisco concept:proxyfor concept_coach_new +concept_county_san_francisco concept:atdate concept_date_n1944 +concept_county_san_francisco concept:atdate concept_date_n2009 +concept_county_san_francisco concept:atdate concept_dateliteral_n1945 +concept_county_san_francisco concept:atdate concept_dateliteral_n2007 +concept_county_san_francisco concept:mutualproxyfor concept_politician_george_moscone +concept_county_san_francisco concept:organizationhiredperson concept_professor_nolan +concept_county_san_francisco concept:istallerthan concept_publication_people_ +concept_county_san_francisco concept:agentparticipatedinevent concept_sportsgame_series +concept_county_san_francisco concept:proxyfor concept_stadiumoreventvenue_palace_of_fine_arts +concept_county_san_francisco concept:proxyfor concept_stadiumoreventvenue_shoreline_amphitheater +concept_county_san_francisco concept:proxyfor concept_stadiumoreventvenue_the_regency_ballroom +concept_county_san_francisco concept:proxyfor concept_stadiumoreventvenue_warfield +concept_county_san_francisco concept:atlocation concept_stateorprovince_california +concept_county_san_francisco concept:proxyfor concept_stateorprovince_california +concept_county_san_francisco concept:atdate concept_year_n1850 +concept_county_san_francisco concept:atdate concept_year_n1859 +concept_county_san_francisco concept:atdate concept_year_n1946 +concept_county_san_francisco_conservatory concept:latitudelongitude 37.7755000000000,-122.4202400000000 +concept_county_san_francisco_state concept:agentcontrols concept_personus_danny_glover +concept_county_savannah concept:atlocation concept_stateorprovince_georgia +concept_county_savannah_area concept:latitudelongitude 32.0804900000000,-81.0901100000000 +concept_county_sea_isle_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_county_sealy concept:atlocation concept_city_texas +concept_county_seattle concept:proxyfor concept_book_description +concept_county_seattle concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_county_seattle concept:proxyfor concept_city_washington_d_c +concept_county_seattle concept:subpartof concept_city_washington_d_c +concept_county_seattle concept:organizationhiredperson concept_coach_jim_mora +concept_county_seattle concept:organizationhiredperson concept_coach_mike_holmgren +concept_county_seattle concept:proxyfor concept_coach_new +concept_county_seattle concept:atdate concept_date_n1999 +concept_county_seattle concept:agentcollaborateswithagent concept_person_ichiro_suzuki +concept_county_seattle concept:mutualproxyfor concept_politician_greg_nickels +concept_county_seattle concept:proxyfor concept_skyscraper_moore_theatre +concept_county_seattle concept:locationlocatedwithinlocation concept_website_description +concept_county_simmons_college_graduate_school concept:latitudelongitude 42.3556500000000,-71.0733800000000 +concept_county_sioux_falls_college concept:latitudelongitude 43.5319200000000,-96.7383800000000 +concept_county_sir_syed_university concept:latitudelongitude 24.9161000000000,67.0891000000000 +concept_county_slippery_rock_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_county_soas concept:latitudelongitude 14.9232800000000,0.0848300000000 +concept_county_somesville concept:latitudelongitude 44.3642460000000,-68.3331840000000 +concept_county_south_carolina_college concept:latitudelongitude 32.7845000000000,-79.9487000000000 +concept_county_south_eugene_high_school concept:latitudelongitude 44.0380600000000,-123.0866700000000 +concept_county_south_gate concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_county_south_gate concept:proxyfor concept_stateorprovince_california +concept_county_south_gloucestershire concept:latitudelongitude 51.5000000000000,-2.4166700000000 +concept_county_south_lake_tahoe concept:atlocation concept_stateorprovince_california +concept_county_south_lake_tahoe concept:mutualproxyfor concept_stateorprovince_california +concept_county_southeastern_massachusetts_university concept:latitudelongitude 41.6295500000000,-71.0017100000000 +concept_county_southern_baptist_seminary concept:latitudelongitude 38.2475700000000,-85.6857900000000 +concept_county_southern_california_school concept:latitudelongitude 34.0602900000000,-118.2047900000000 +concept_county_southwestern_state_university concept:latitudelongitude 35.5381100000000,-98.7059100000000 +concept_county_st__george concept:atlocation concept_county_utah +concept_county_st__thomas concept:mutualproxyfor concept_wine_virgin_islands +concept_county_staten_island_university concept:latitudelongitude 40.5507050000000,-74.1412150000000 +concept_county_statesboro concept:atlocation concept_stateorprovince_georgia +concept_county_statesboro concept:mutualproxyfor concept_stateorprovince_georgia +concept_county_staunton concept:atlocation concept_stateorprovince_virginia +concept_county_stern_college concept:latitudelongitude 40.7470500000000,-73.9793100000000 +concept_county_stevens_institute concept:latitudelongitude 40.7450000000000,-74.0239700000000 +concept_county_stockton_college concept:latitudelongitude 40.1306000000000,-91.5304300000000 +concept_county_stone_ridge_school concept:latitudelongitude 40.5497000000000,-75.6392233333333 +concept_county_stowe concept:atlocation concept_beach_vermont +concept_county_strathcona_county concept:proxyfor concept_stateorprovince_alberta +concept_county_student concept:proxyfor concept_coach_new +concept_county_suffolk concept:atlocation concept_stateorprovince_virginia +concept_county_suffolk concept:subpartof concept_stateorprovince_virginia +concept_county_sulphur concept:atlocation concept_attraction_louisiana +concept_county_sulphur concept:proxyfor concept_creditunion_louisiana +concept_county_sydney_college concept:latitudelongitude 37.2419800000000,-78.4600250000000 +concept_county_syracuse_school concept:latitudelongitude 41.0916100000000,-112.0652200000000 +concept_county_syracuse_university_school concept:latitudelongitude 43.0420800000000,-76.1315300000000 +concept_county_tabor_academy concept:latitudelongitude 41.7078800000000,-70.7650400000000 +concept_county_tallahassee concept:locationlocatedwithinlocation concept_city_florida +concept_county_tallahassee concept:proxyfor concept_city_florida +concept_county_tallahassee concept:locationlocatedwithinlocation concept_geopoliticallocation_florida_state +concept_county_tallahassee concept:agentcollaborateswithagent concept_politicianus_john_marks +concept_county_tallahassee concept:mutualproxyfor concept_politicianus_john_marks +concept_county_taylor_lake_village concept:latitudelongitude 29.5750233333333,-95.0546566666667 +concept_county_temple_university concept:atlocation concept_city_philadelphia +concept_county_texas_christian_university concept:agentcontrols concept_person_gary_patterson +concept_county_thayer_school_of_engineering concept:latitudelongitude 43.7040400000000,-72.2949650000000 +concept_county_the_new_school concept:atlocation concept_island_new_york_city_metropolitan_area +concept_county_the_new_school concept:atlocation concept_stateorprovince_new_york +concept_county_the_pennsylvania_state_university concept:teamplaysinleague concept_sportsleague_international +concept_county_the_pennsylvania_state_university concept:teamalsoknownas concept_sportsteam_college +concept_county_tisch_school concept:latitudelongitude 40.7311100000000,-73.9950000000000 +concept_county_toledo_university concept:latitudelongitude 41.6721950000000,-83.6195400000000 +concept_county_tompkinsville concept:proxyfor concept_coach_kentucky +concept_county_towson concept:atlocation concept_city_baltimore +concept_county_towson concept:atlocation concept_stateorprovince_maryland +concept_county_tracy concept:atlocation concept_stateorprovince_california +concept_county_tracy concept:mutualproxyfor concept_stateorprovince_california +concept_county_tracy concept:subpartof concept_stateorprovince_california +concept_county_traverse_city concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_county_traverse_city concept:proxyfor concept_stateorprovince_michigan +concept_county_trinity_seminary concept:latitudelongitude 42.5206000000000,-83.0860000000000 +concept_county_tyler concept:locationlocatedwithinlocation concept_city_texas +concept_county_tyler concept:mutualproxyfor concept_city_texas +concept_county_uag concept:latitudelongitude 10.5444400000000,123.7036100000000 +concept_county_uc_berkeley concept:atlocation concept_county_san_francisco +concept_county_ucsb concept:latitudelongitude 34.4126000000000,-119.8482200000000 +concept_county_union_city concept:proxyfor concept_stateorprovince_newjersey +concept_county_union_city concept:atlocation concept_stateorprovince_tennessee +concept_county_union_county concept:proxyfor concept_lake_new +concept_county_university_city concept:cityliesonriver concept_river_schuylkill +concept_county_university_college_galway concept:latitudelongitude 53.2777900000000,-9.0618600000000 +concept_county_upper_arlington_high_school concept:latitudelongitude 40.0150600000000,-83.0546300000000 +concept_county_usiu concept:latitudelongitude 55.3000000000000,25.9666700000000 +concept_county_utah concept:mutualproxyfor concept_biotechcompany_salt_lake_city +concept_county_utah concept:mutualproxyfor concept_book_sandy +concept_county_utah concept:mutualproxyfor concept_city_layton +concept_county_utah concept:mutualproxyfor concept_city_washington_d_c +concept_county_utah concept:organizationhiredperson concept_coach_kyle_whittingham +concept_county_utah concept:proxyfor concept_coach_new +concept_county_utah concept:organizationhiredperson concept_coach_urban_meyer +concept_county_utah concept:locationlocatedwithinlocation concept_country_u_s_ +concept_county_utah concept:locationlocatedwithinlocation concept_country_united_states +concept_county_utah concept:locationlocatedwithinlocation concept_country_usa +concept_county_utah concept:subpartof concept_country_usa +concept_county_utah concept:atdate concept_date_n2001 +concept_county_utah concept:atdate concept_date_n2004 +concept_county_utah concept:atdate concept_dateliteral_n2002 +concept_county_utah concept:atdate concept_dateliteral_n2006 +concept_county_utah concept:atdate concept_dateliteral_n2007 +concept_county_utah concept:mutualproxyfor concept_monument_cedar_city +concept_county_utah concept:istallerthan concept_publication_people_ +concept_county_utah concept:mutualproxyfor concept_radiostation_logan +concept_county_utah concept:organizationhiredperson concept_visualartist_meyer +concept_county_utica concept:proxyfor concept_company_new_york +concept_county_utica concept:subpartof concept_company_new_york +concept_county_utica concept:atlocation concept_stateorprovince_new_york +concept_county_valdez concept:atlocation concept_city_alaska +concept_county_valley_christian_schools concept:latitudelongitude 26.2320000000000,-98.3340000000000 +concept_county_vanderbilt_law_school concept:latitudelongitude 40.7302800000000,-73.9997200000000 +concept_county_vandercook_college concept:latitudelongitude 41.8372600000000,-87.6228300000000 +concept_county_ventura_county concept:mutualproxyfor concept_stateorprovince_california +concept_county_vernon_bc concept:latitudelongitude 50.2743000000000,-119.2739000000000 +concept_county_virginia_polytechnic_institute_and_state_university concept:latitudelongitude 37.1977350000000,-80.4210400000000 +concept_county_virginia_state_college concept:latitudelongitude 38.0098400000000,-80.9703700000000 +concept_county_virginia_tech concept:atdate concept_date_n2004 +concept_county_virginia_tech concept:atdate concept_dateliteral_n2005 +concept_county_vrije_universiteit concept:latitudelongitude 51.5778600000000,4.6292500000000 +concept_county_wake_forest_school concept:latitudelongitude 37.2828866666667,-81.6402966666667 +concept_county_wall_high_school concept:latitudelongitude 40.1687200000000,-74.0612500000000 +concept_county_wartburg_seminary concept:latitudelongitude 42.4852800000000,-90.6917900000000 +concept_county_washington_university concept:agentcollaborateswithagent concept_personnorthamerica_international +concept_county_washington_university concept:subpartof concept_stateorprovince_international +concept_county_washington_university concept:subpartof concept_stateorprovince_public +concept_county_watc concept:agentcollaborateswithagent concept_celebrity_educational +concept_county_watc concept:subpartof concept_hobby_educational +concept_county_websites concept:agentinvolvedwithitem concept_buildingfeature_browser_windows +concept_county_websites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_county_websites concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_county_websites concept:agentparticipatedinevent concept_eventoutcome_result +concept_county_websites concept:istallerthan concept_publication_people_ +concept_county_websites concept:subpartoforganization concept_terroristorganization_state +concept_county_websites concept:agentcompeteswithagent concept_tradeunion_search +concept_county_websites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_county_webster_city concept:atlocation concept_stateorprovince_iowa +concept_county_wellesley concept:atlocation concept_beach_massachusetts +concept_county_wellesley concept:proxyfor concept_beach_massachusetts +concept_county_west_glamorgan concept:latitudelongitude 51.5833300000000,-3.7500000000000 +concept_county_west_greenwich concept:locationlocatedwithinlocation concept_monument_rhode_island +concept_county_west_texas_state_university concept:latitudelongitude 34.9688900000000,-101.7958300000000 +concept_county_west_tremont concept:latitudelongitude 44.2627200000000,-68.3914050000000 +concept_county_west_valley_city concept:atlocation concept_stateorprovince_utah +concept_county_west_windsor concept:mutualproxyfor concept_radiostation_new_jersey +concept_county_westchester_county concept:proxyfor concept_lake_new +concept_county_western_psychiatric_institute_and_clinic concept:latitudelongitude 40.4437000000000,-79.9598000000000 +concept_county_westmar_college concept:latitudelongitude 42.7805500000000,-96.1625200000000 +concept_county_westport concept:atlocation concept_stateorprovince_connecticut +concept_county_wheat_ridge_high_school concept:latitudelongitude 39.7636000000000,-105.1036000000000 +concept_county_whitesboro_high_school concept:latitudelongitude 33.6637200000000,-96.9072300000000 +concept_county_wildacres concept:latitudelongitude 35.8269300000000,-82.1119200000000 +concept_county_williamsburg concept:proxyfor concept_coach_kentucky +concept_county_williamsburg concept:atlocation concept_stateorprovince_virginia +concept_county_williamsburg concept:proxyfor concept_stateorprovince_virginia +concept_county_wilson concept:subpartof concept_creditunion_north_carolina +concept_county_wilson concept:atlocation concept_stateorprovince_north_carolina +concept_county_wilson_group concept:latitudelongitude -9.8333300000000,167.1666700000000 +concept_county_wingate concept:atlocation concept_stateorprovince_north_carolina +concept_county_winston_churchill_high_school concept:latitudelongitude 39.0440000000000,-77.1724800000000 +concept_county_woodstock_college concept:latitudelongitude 39.3353800000000,-76.8699800000000 +concept_county_yale_divinity_school concept:latitudelongitude 41.3234300000000,-72.9214900000000 +concept_county_yeshiva_university concept:atlocation concept_island_new_york_city_metropolitan_area +concept_county_yeshiva_university concept:atlocation concept_stateorprovince_new_york +concept_county_ynu concept:latitudelongitude 33.8850000000000,65.7319400000000 +concept_county_york_city concept:atlocation concept_city_new_york +concept_county_york_city concept:subpartof concept_city_new_york +concept_county_york_city concept:atlocation concept_city_state +concept_county_york_city concept:locationlocatedwithinlocation concept_country_u_s_ +concept_county_york_city concept:locationlocatedwithinlocation concept_country_us +concept_county_york_city concept:locationlocatedwithinlocation concept_geopoliticallocation_state +concept_county_york_city concept:locationlocatedwithinlocation concept_governmentorganization_federal +concept_county_york_city concept:agentactsinlocation concept_lake_new +concept_county_york_city concept:atlocation concept_lake_new +concept_county_york_city concept:proxyfor concept_lake_new +concept_county_york_city concept:atlocation concept_stateorprovince_new_york +concept_county_york_city concept:subpartof concept_stateorprovince_new_york +concept_county_york_county concept:atlocation concept_city_state +concept_county_york_county concept:locationlocatedwithinlocation concept_geopoliticallocation_state +concept_county_york_county concept:agentactsinlocation concept_lake_new +concept_county_york_county concept:atlocation concept_lake_new +concept_county_york_county concept:proxyfor concept_lake_new +concept_county_york_county concept:subpartof concept_programminglanguage_state +concept_county_young_harris concept:atlocation concept_stateorprovince_georgia +concept_county_youth concept:proxyfor concept_coach_new +concept_county_youth concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_county_youth concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_county_youth concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_county_youth concept:agentparticipatedinevent concept_sportsgame_charges +concept_county_zephyrhills concept:atlocation concept_city_florida +concept_county_zephyrhills concept:proxyfor concept_city_florida +concept_creditunion_bank_account concept:atdate concept_dateliteral_n2005 +concept_creditunion_bloomington concept:subpartof concept_personnorthamerica_minnesota +concept_creditunion_chase_manhattan_bank concept:organizationhiredperson concept_actor_david_rockefeller +concept_creditunion_countrywide_home_loans concept:agentcollaborateswithagent concept_ceo_angelo_r__mozilo +concept_creditunion_credit concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_credit concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_creditunion_drexel_university concept:atlocation concept_county_philadelphia +concept_creditunion_eft concept:organizationacronymhasname concept_creditunion_electronic_funds_transfer +concept_creditunion_english_banks concept:latitudelongitude 21.7833300000000,-92.0000000000000 +concept_creditunion_federal_deposit_insurance_corp_ concept:organizationheadquarteredincountry concept_country_u_s_ +concept_creditunion_first_choice concept:proxyfor concept_book_new +concept_creditunion_first_choice concept:companyeconomicsector concept_economicsector_holiday +concept_creditunion_first_state concept:mutualproxyfor concept_beverage_new +concept_creditunion_first_state concept:proxyfor concept_book_new +concept_creditunion_florida concept:companyeconomicsector concept_academicfield_real_estate +concept_creditunion_florida concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_florida concept:companyeconomicsector concept_economicsector_insurance_companies +concept_creditunion_florida concept:companyeconomicsector concept_economicsector_insurance_company +concept_creditunion_florida concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_creditunion_florida concept:companyeconomicsector concept_economicsector_insurance_policies +concept_creditunion_gemm concept:latitudelongitude 32.5333300000000,12.8500000000000 +concept_creditunion_it concept:mutualproxyfor concept_person_susan_newman +concept_creditunion_kansas concept:mutualproxyfor concept_beverage_new +concept_creditunion_kansas concept:mutualproxyfor concept_celebrity_dodge_city +concept_creditunion_kansas concept:organizationhiredperson concept_coach_mangino +concept_creditunion_kansas concept:organizationhiredperson concept_coach_mark_mangino +concept_creditunion_kansas concept:atlocation concept_country_united_states +concept_creditunion_kansas concept:mutualproxyfor concept_county_manhattan +concept_creditunion_kansas concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_kansas concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_creditunion_kansas concept:mutualproxyfor concept_museum_wichita +concept_creditunion_kansas concept:mutualproxyfor concept_musicsong_salina +concept_creditunion_kansas concept:mutualproxyfor concept_person_lawrence001 +concept_creditunion_kansas concept:organizationhiredperson concept_personaustralia_bill_self +concept_creditunion_kansas concept:mutualproxyfor concept_radiostation_topeka +concept_creditunion_kansas concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_creditunion_kansas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_creditunion_kansas concept:organizationalsoknownas concept_university_state_university +concept_creditunion_kentucky concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_louisiana concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_michigan concept:organizationhiredperson concept_actor_bo_schembechler +concept_creditunion_michigan concept:organizationhiredperson concept_athlete_rich_rodriguez +concept_creditunion_michigan concept:mutualproxyfor concept_automobilemodel_marquette +concept_creditunion_michigan concept:mutualproxyfor concept_beverage_new +concept_creditunion_michigan concept:proxyfor concept_book_new +concept_creditunion_michigan concept:mutualproxyfor concept_book_troy +concept_creditunion_michigan concept:mutualproxyfor concept_city_battle_creek +concept_creditunion_michigan concept:mutualproxyfor concept_city_port_huron +concept_creditunion_michigan concept:mutualproxyfor concept_city_warren +concept_creditunion_michigan concept:organizationhiredperson concept_coach_amaker +concept_creditunion_michigan concept:organizationhiredperson concept_coach_beilein +concept_creditunion_michigan concept:organizationhiredperson concept_coach_john_beilein +concept_creditunion_michigan concept:organizationhiredperson concept_coach_tommy_amaker +concept_creditunion_michigan concept:mutualproxyfor concept_county_detroit +concept_creditunion_michigan concept:atdate concept_date_n2009 +concept_creditunion_michigan concept:mutualproxyfor concept_musicalbum_holland +concept_creditunion_michigan concept:mutualproxyfor concept_musicsong_jackson +concept_creditunion_michigan concept:mutualproxyfor concept_radiostation_flint +concept_creditunion_michigan concept:mutualproxyfor concept_radiostation_grand_rapids +concept_creditunion_michigan concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_creditunion_michigan concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_creditunion_michigan concept:mutualproxyfor concept_televisionstation_kalamazoo +concept_creditunion_michigan concept:organizationalsoknownas concept_terroristorganization_state +concept_creditunion_north_carolina concept:mutualproxyfor concept_city_chapel_hill +concept_creditunion_north_carolina concept:mutualproxyfor concept_city_greensboro +concept_creditunion_north_carolina concept:mutualproxyfor concept_city_hendersonville +concept_creditunion_north_carolina concept:mutualproxyfor concept_city_hickory +concept_creditunion_north_carolina concept:mutualproxyfor concept_county_wilson +concept_creditunion_north_carolina concept:mutualproxyfor concept_shoppingmall_asheville +concept_creditunion_north_carolina concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_creditunion_north_carolina concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_creditunion_prescott concept:mutualproxyfor concept_beverage_arizona +concept_creditunion_prescott concept:subpartof concept_beverage_arizona +concept_creditunion_second_bank concept:latitudelongitude 39.9478900000000,-75.1487900000000 +concept_creditunion_wbgs concept:latitudelongitude 2.2616000000000,111.9853200000000 +concept_creditunion_wisconsin concept:organizationhiredperson concept_coach_barry_alvarez +concept_creditunion_wisconsin concept:organizationhiredperson concept_coach_dick_bennett +concept_creditunion_wisconsin concept:companyeconomicsector concept_economicsector_insurance +concept_creditunion_wisconsin concept:organizationterminatedperson concept_scientist_no_ +concept_creditunion_wisconsin concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_creditunion_wisconsin concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_crimeorcharge_appeals concept:atdate concept_date_n2001 +concept_crimeorcharge_appeals concept:atdate concept_date_n2003 +concept_crimeorcharge_appeals concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_appeals concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_appeals concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_arrest concept:atdate concept_date_n1993 +concept_crimeorcharge_arrest concept:atdate concept_date_n1996 +concept_crimeorcharge_arrest concept:atdate concept_date_n1999 +concept_crimeorcharge_arrest concept:atdate concept_date_n2000 +concept_crimeorcharge_arrest concept:atdate concept_date_n2001 +concept_crimeorcharge_arrest concept:atdate concept_date_n2003 +concept_crimeorcharge_arrest concept:atdate concept_date_n2004 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n1943 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_arrest concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_arrest concept:atdate concept_year_n1981 +concept_crimeorcharge_arrest concept:atdate concept_year_n1984 +concept_crimeorcharge_arrest concept:atdate concept_year_n1985 +concept_crimeorcharge_arrest concept:atdate concept_year_n1994 +concept_crimeorcharge_arrest concept:atdate concept_year_n1995 +concept_crimeorcharge_arrest concept:atdate concept_year_n1997 +concept_crimeorcharge_arrest concept:atdate concept_year_n1998 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n1996 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n1999 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n2000 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n2001 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n2003 +concept_crimeorcharge_bankruptcy concept:atdate concept_date_n2004 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n1987 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n1990 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_bankruptcy concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_bankruptcy concept:atdate concept_year_n1991 +concept_crimeorcharge_bankruptcy concept:atdate concept_year_n1992 +concept_crimeorcharge_bankruptcy concept:atdate concept_year_n1997 +concept_crimeorcharge_bankruptcy concept:atdate concept_year_n1998 +concept_crimeorcharge_corruption_charges concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_cultivation concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_custody concept:atdate concept_date_n2000 +concept_crimeorcharge_custody concept:atdate concept_date_n2003 +concept_crimeorcharge_custody concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_custody concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_custody concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_custody concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_defendants concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_defendants concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_fort_pierce concept:atlocation concept_city_florida +concept_crimeorcharge_fort_pierce concept:proxyfor concept_city_florida +concept_crimeorcharge_fort_pierce concept:subpartof concept_city_florida +concept_crimeorcharge_indictment concept:atdate concept_date_n2003 +concept_crimeorcharge_indictment concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_joint_venture concept:atdate concept_date_n2000 +concept_crimeorcharge_next_week concept:proxyfor concept_book_new +concept_crimeorcharge_orders concept:proxyfor concept_book_new +concept_crimeorcharge_orders concept:atdate concept_date_n2001 +concept_crimeorcharge_orders concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_orders concept:mutualproxyfor concept_weatherphenomenon_new +concept_crimeorcharge_parole concept:atdate concept_date_n2004 +concept_crimeorcharge_parole concept:atdate concept_date_n2009 +concept_crimeorcharge_parole concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_parole concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_parole concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_parole concept:atdate concept_year_n1998 +concept_crimeorcharge_petition concept:atdate concept_date_n2000 +concept_crimeorcharge_petition concept:atdate concept_date_n2001 +concept_crimeorcharge_petition concept:atdate concept_date_n2003 +concept_crimeorcharge_petition concept:atdate concept_date_n2004 +concept_crimeorcharge_petition concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_petition concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_petition concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_petition concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_petition concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_petition concept:atdate concept_year_n1997 +concept_crimeorcharge_petition concept:atdate concept_year_n1998 +concept_crimeorcharge_pierce_county_jail concept:latitudelongitude 31.3063300000000,-82.2429000000000 +concept_crimeorcharge_prison concept:proxyfor concept_book_new +concept_crimeorcharge_prison concept:atdate concept_date_n1942 +concept_crimeorcharge_prison concept:atdate concept_date_n1993 +concept_crimeorcharge_prison concept:atdate concept_date_n1996 +concept_crimeorcharge_prison concept:atdate concept_date_n1999 +concept_crimeorcharge_prison concept:atdate concept_date_n2000 +concept_crimeorcharge_prison concept:atdate concept_date_n2001 +concept_crimeorcharge_prison concept:atdate concept_date_n2003 +concept_crimeorcharge_prison concept:atdate concept_date_n2004 +concept_crimeorcharge_prison concept:atdate concept_date_n2009 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n1943 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n2002 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n2005 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n2007 +concept_crimeorcharge_prison concept:atdate concept_dateliteral_n2008 +concept_crimeorcharge_prison concept:atdate concept_year_n1984 +concept_crimeorcharge_prison concept:atdate concept_year_n1989 +concept_crimeorcharge_prison concept:atdate concept_year_n1992 +concept_crimeorcharge_prison concept:atdate concept_year_n1994 +concept_crimeorcharge_prison concept:atdate concept_year_n1995 +concept_crimeorcharge_prison concept:atdate concept_year_n1997 +concept_crimeorcharge_prison concept:atdate concept_year_n1998 +concept_crimeorcharge_private_property concept:latitudelongitude 41.8268500000000,-72.1781200000000 +concept_crimeorcharge_probation concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_sentencing concept:atdate concept_dateliteral_n2006 +concept_crimeorcharge_union_county_jail concept:latitudelongitude 34.7154100000000,-81.6259300000000 +concept_criminal_abatement concept:latitudelongitude 41.0521700000000,-112.0738300000000 +concept_criminal_abu_jamal concept:personchargedwithcrime concept_crimeorcharge_killing +concept_criminal_abu_jamal concept:personchargedwithcrime concept_crimeorcharge_murder +concept_criminal_abuse concept:atdate concept_dateliteral_n2006 +concept_criminal_allies concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_criminal_archimedes concept:personhascitizenship concept_country_sicily +concept_criminal_arrests concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_arson concept:atdate concept_dateliteral_n2007 +concept_criminal_attorneys concept:proxyfor concept_book_new +concept_criminal_authorities concept:agentcollaborateswithagent concept_person_state +concept_criminal_authorities concept:agentcreated concept_programminglanguage_contact +concept_criminal_banners concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_baton_rouge concept:atlocation concept_attraction_louisiana +concept_criminal_baton_rouge concept:proxyfor concept_book_new +concept_criminal_baton_rouge concept:subpartof concept_chemical_old +concept_criminal_baton_rouge concept:atlocation concept_landscapefeatures_old +concept_criminal_baton_rouge concept:proxyfor concept_musicsong_louisiana +concept_criminal_baton_rouge concept:subpartof concept_musicsong_louisiana +concept_criminal_baton_rouge concept:proxyfor concept_tableitem_old +concept_criminal_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_criminal_boss concept:agentparticipatedinevent concept_sportsgame_series +concept_criminal_bruno_hauptmann concept:personchargedwithcrime concept_crimeorcharge_crime +concept_criminal_burke concept:personmovedtostateorprovince concept_stateorprovince_california +concept_criminal_burke concept:persongraduatedfromuniversity concept_university_college +concept_criminal_career_success concept:latitudelongitude 33.4925000000000,-112.1177700000000 +concept_criminal_competitors concept:agentparticipatedinevent concept_sportsgame_series +concept_criminal_conditions concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_confederates concept:atdate concept_year_n1863 +concept_criminal_corruption concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_courts concept:agentcontrols concept_mediatype_white +concept_criminal_courts concept:agentbelongstoorganization concept_terroristorganization_state +concept_criminal_criminals concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_criminal_criminals concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_criminals concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_criminal_criminals concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_criminal_daryn_kagan concept:worksfor concept_company_cnn +concept_criminal_email concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_endorsement concept:atdate concept_dateliteral_n2008 +concept_criminal_england_area concept:proxyfor concept_book_new +concept_criminal_england_area concept:agentactsinlocation concept_lake_new +concept_criminal_england_area concept:atlocation concept_lake_new +concept_criminal_external_site concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_external_site concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_external_sites concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_criminal_external_sites concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_external_sites concept:agentinvolvedwithitem concept_software_browser +concept_criminal_external_sites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_external_web_sites concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_external_web_sites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_external_websites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_external_websites concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_criminal_external_websites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_favorites concept:agentparticipatedinevent concept_sportsgame_series +concept_criminal_felons concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_felons concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_criminal_files concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_franklin_delano_roosevelt concept:agentcontrols concept_mediatype_white +concept_criminal_gentlemen concept:ismultipleof concept_criminal_gentleman +concept_criminal_george_buckley concept:personleadsorganization concept_biotechcompany_n3m +concept_criminal_george_buckley concept:worksfor concept_biotechcompany_n3m +concept_criminal_gore concept:agentcollaborateswithagent concept_company_clinton +concept_criminal_gore concept:personbelongstoorganization concept_politicalparty_house +concept_criminal_graham_clark concept:latitudelongitude 36.6231200000000,-93.2224000000000 +concept_criminal_green_river concept:atlocation concept_county_utah +concept_criminal_hoover concept:personbelongstoorganization concept_politicalparty_house +concept_criminal_innocent_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_items concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_items concept:agentcompeteswithagent concept_personcanada_search +concept_criminal_items concept:agentcreated concept_programminglanguage_contact +concept_criminal_jack_ruby concept:personchargedwithcrime concept_crimeorcharge_murder +concept_criminal_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_criminal_jesse concept:personbornincity concept_city_york +concept_criminal_jesse concept:parentofperson concept_person_david003 +concept_criminal_jesse concept:hassibling concept_personmexico_aaron_brooks +concept_criminal_jesse concept:personmovedtostateorprovince concept_stateorprovince_california +concept_criminal_jesse concept:persongraduatedfromuniversity concept_university_college +concept_criminal_jesse concept:persongraduatedfromuniversity concept_university_state_university +concept_criminal_jesse concept:persongraduatedschool concept_university_state_university +concept_criminal_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_criminal_jo_ellen concept:latitudelongitude 29.9343700000000,-90.0070100000000 +concept_criminal_joanny concept:latitudelongitude 46.1486600000000,-72.3924100000000 +concept_criminal_john concept:persondiedatage 2 +concept_criminal_john concept:personhascitizenship concept_country_portugal +concept_criminal_john_brown concept:agentcreated concept_book_servant_of_a_dark_god +concept_criminal_john_brown concept:personchargedwithcrime concept_crimeorcharge_treason +concept_criminal_john_johnson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_criminal_joseph_bruno concept:personbelongstoorganization concept_politicalparty_senate +concept_criminal_joseph_kerr concept:latitudelongitude 38.4099100000000,-121.3724500000000 +concept_criminal_julia_rogers concept:latitudelongitude 39.4101100000000,-76.5946900000000 +concept_criminal_kansas_city concept:agentparticipatedinevent concept_sportsgame_series +concept_criminal_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_criminal_king_john concept:personhascitizenship concept_country_portugal +concept_criminal_konr concept:latitudelongitude 32.7073288888889,69.7305122222222 +concept_criminal_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_criminal_law_school concept:atdate concept_dateliteral_n2006 +concept_criminal_lewis_carroll concept:persongraduatedfromuniversity concept_university_college +concept_criminal_lewis_carroll concept:persongraduatedschool concept_university_college +concept_criminal_links_contact concept:agentcreated concept_website_information +concept_criminal_links_links concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_links_links concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_louis_b__mayer concept:personleadsorganization concept_biotechcompany_mgm_mirage +concept_criminal_louis_b__mayer concept:worksfor concept_biotechcompany_mgm_mirage +concept_criminal_lyndon_johnson concept:agentcontrols concept_election_white +concept_criminal_lyndon_johnson concept:personbelongstoorganization concept_politicalparty_house +concept_criminal_mark_shuttleworth concept:personleadsorganization concept_company_canonical +concept_criminal_martha_stewart concept:personchargedwithcrime concept_crimeorcharge_obstruction +concept_criminal_mental_illness concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_criminal_mumia_abu_jamal concept:personchargedwithcrime concept_crimeorcharge_murder +concept_criminal_nominee concept:agentcollaborateswithagent concept_company_clinton +concept_criminal_oj_simpson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_criminal_oj_simpson concept:personchargedwithcrime concept_crimeorcharge_murders +concept_criminal_organizational_meeting concept:atdate concept_date_n1996 +concept_criminal_outside_sites concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_party_websites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_criminal_photographer concept:proxyfor concept_book_new +concept_criminal_police_officer concept:proxyfor concept_book_new +concept_criminal_police_officers concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_police_officers concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_public_enemy concept:agentcollaborateswithagent concept_celebrity_chuck_d +concept_criminal_ratt concept:agentcollaborateswithagent concept_musician_stephen_pearcy +concept_criminal_richard_scrushy concept:topmemberoforganization concept_company_healthsouth +concept_criminal_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_criminal_russians concept:atdate concept_dateliteral_n1945 +concept_criminal_sarajevo concept:proxyfor concept_personus_bosnia_and_herzegovina +concept_criminal_sarajevo concept:atdate concept_year_n1998 +concept_criminal_searches concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_searches concept:agentcompeteswithagent concept_personcanada_search +concept_criminal_searches concept:agentcompeteswithagent concept_university_google +concept_criminal_site_link concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_such_links concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_suggestions concept:agentcreated concept_geopoliticalorganization_e_mail +concept_criminal_suggestions concept:agentcreated concept_programminglanguage_contact +concept_criminal_suggestions concept:agentcreated concept_programminglanguage_email +concept_criminal_suggestions concept:agentcreated concept_programminglanguage_mail +concept_criminal_suicide concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_suspects concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_swing_state concept:proxyfor concept_book_new +concept_criminal_ter_meer concept:latitudelongitude 52.1400000000000,5.0419400000000 +concept_criminal_terrorists concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_criminal_terrorists concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_criminal_third_parties concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_third_party concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_third_party_websites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_criminal_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_criminal_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_criminal_thursday concept:proxyfor concept_book_new +concept_criminal_thursday concept:atdate concept_date_community +concept_criminal_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_criminal_topics concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_viable_option concept:proxyfor concept_book_new +concept_criminal_victims concept:agentparticipatedinevent concept_eventoutcome_result +concept_criminal_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_criminal_web_pages concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_web_pages concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_criminal_web_pages concept:agentcompeteswithagent concept_personcanada_search +concept_criminal_web_pages concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_web_site_links concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_web_sites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_criminal_web_sites concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_criminal_web_sites concept:agentcompeteswithagent concept_personcanada_search +concept_criminal_web_sites concept:agentparticipatedinevent concept_sportsgame_terms +concept_criminal_web_sites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_criminal_website_link concept:agentinvolvedwithitem concept_hallwayitem_window +concept_criminal_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_criminal_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_criminal_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_criminal_zentai concept:latitudelongitude 47.5666700000000,19.3000000000000 +concept_crustacean_amphipods concept:agentcompeteswithagent concept_invertebrate_crustaceans +concept_crustacean_amphipods concept:animalistypeofanimal concept_invertebrate_crustaceans +concept_crustacean_bags concept:animaleatvegetable concept_vegetable_greens +concept_crustacean_bags concept:animaleatvegetable concept_vegetable_lettuce +concept_crustacean_baits concept:animalsuchasfish concept_fish_bass +concept_crustacean_baits concept:animalsuchasfish concept_fish_trout +concept_crustacean_barnacles concept:animalistypeofanimal concept_animal_animals001 +concept_crustacean_barnacles concept:animalistypeofanimal concept_animal_creatures +concept_crustacean_barnacles concept:animalistypeofanimal concept_animal_organisms +concept_crustacean_bivalves concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_bivalves concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_bivalves concept:arthropodcalledarthropod concept_arthropod_mussels +concept_crustacean_bivalves concept:animalsuchasinvertebrate concept_crustacean_scallops +concept_crustacean_bivalves concept:arthropodcalledarthropod concept_crustacean_scallops +concept_crustacean_bivalves concept:animalsuchasinvertebrate concept_mollusk_clams +concept_crustacean_bivalves concept:animalsuchasinvertebrate concept_mollusk_oysters +concept_crustacean_black_tiger_shrimp concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_blue_crabs concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_crustacean_brine_shrimp concept:animalpreyson concept_crustacean_shrimp +concept_crustacean_brine_shrimp concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_brine_shrimp concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_brine_shrimp concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_cash concept:agentparticipatedinevent concept_eventoutcome_result +concept_crustacean_comb concept:agentcompeteswithagent concept_personcanada_search +concept_crustacean_commands concept:agentinvolvedwithitem concept_buildingfeature_window +concept_crustacean_copepods concept:animalistypeofanimal concept_animal_invertebrates +concept_crustacean_copepods concept:animalistypeofanimal concept_arthropod_zooplankton +concept_crustacean_copepods concept:agentcompeteswithagent concept_crustacean_shrimp +concept_crustacean_copepods concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_copepods concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_copepods concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_costco concept:subpartof concept_ceo_jim_sinegal +concept_crustacean_crab concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_crab concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_crab concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_crab concept:arthropodcalledarthropod concept_arthropod_mussels +concept_crustacean_crab concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_crab concept:arthropodcalledarthropod concept_crustacean_fiddler_crab +concept_crustacean_crab concept:arthropodcalledarthropod concept_crustacean_lobster +concept_crustacean_crab concept:arthropodcalledarthropod concept_crustacean_prawns +concept_crustacean_crab concept:arthropodcalledarthropod concept_crustacean_scallops +concept_crustacean_crab concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_crustacean_crab_cakes concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_crab_cakes concept:animaleatvegetable concept_vegetable_greens +concept_crustacean_crab_legs concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_crabmeat concept:animaleatfood concept_legume_rice +concept_crustacean_crayfish concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_crustacean_crayfish concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_crayfish concept:animalsuchasinsect concept_arthropod_invertebrates +concept_crustacean_crayfish concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_crustacean_crayfish concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_cut_bait concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_cut_bait concept:animalsuchasfish concept_fish_catfish +concept_crustacean_cut_shad concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_cut_shad concept:animalsuchasfish concept_fish_catfish +concept_crustacean_daphnia concept:arthropodandotherarthropod concept_arthropod_water_fleas +concept_crustacean_daphnia concept:arthropodandotherarthropod concept_crustacean_cladocerans +concept_crustacean_daphnia concept:agentcompeteswithagent concept_crustacean_shrimp +concept_crustacean_daphnia concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_daphnia concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_daphnia concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_decapods concept:agentcompeteswithagent concept_crustacean_shrimp +concept_crustacean_fiddler_crabs concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_crustacean_fishery concept:animalsuchasfish concept_fish_bass +concept_crustacean_fishery concept:animalsuchasfish concept_fish_trout +concept_crustacean_fleas concept:animaleatfood concept_beverage_blood +concept_crustacean_fleas concept:invertebratefeedonfood concept_meat_dog +concept_crustacean_fleas concept:animalpreyson concept_mollusk_arthropods +concept_crustacean_fleas concept:animalsuchasinvertebrate concept_mollusk_arthropods +concept_crustacean_fleas concept:invertebratefeedonfood concept_vegetable_cat +concept_crustacean_fresh_fish concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_frozen_foods concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_frozen_shrimp concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_frozen_shrimp concept:animalsuchasfish concept_fish_catfish +concept_crustacean_ghost_shrimp concept:agentcompeteswithagent concept_crustacean_shrimp +concept_crustacean_ghost_shrimp concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_ghost_shrimp concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_grilled_shrimp concept:animaleatvegetable concept_vegetable_greens +concept_crustacean_horseshoe_crabs concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_crustacean_juglines concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_juglines concept:animalsuchasfish concept_fish_catfish +concept_crustacean_jumbo_shrimp concept:animaleatvegetable concept_vegetable_rice +concept_crustacean_kid concept:animaldevelopdisease concept_disease_allergies +concept_crustacean_kid concept:animaldevelopdisease concept_disease_disorder +concept_crustacean_kid concept:animaldevelopdisease concept_disease_problems +concept_crustacean_kid concept:animaldevelopdisease concept_disease_syndrome +concept_crustacean_krill concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_krill concept:animalpreyson concept_crustacean_shrimp +concept_crustacean_krill concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_krill concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_krill concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_larger_one concept:agentinvolvedwithitem concept_buildingfeature_window +concept_crustacean_larvae concept:invertebratefeedonfood concept_legume_bark +concept_crustacean_larvae concept:invertebratefeedonfood concept_nut_leaves +concept_crustacean_larvae concept:invertebratefeedonfood concept_nut_trunk +concept_crustacean_larvae concept:invertebratefeedonfood concept_plant_plants +concept_crustacean_larvae concept:invertebratefeedonfood concept_wine_roots +concept_crustacean_live_baits concept:animalsuchasfish concept_fish_bass +concept_crustacean_live_shrimp concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_crustacean_lobster concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_lobster concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_lobster concept:arthropodcalledarthropod concept_crustacean_crab +concept_crustacean_lobster concept:arthropodcalledarthropod concept_crustacean_crayfish +concept_crustacean_lobster concept:arthropodcalledarthropod concept_crustacean_langostino +concept_crustacean_lobster concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_crustacean_lobster concept:animaleatvegetable concept_vegetable_rice +concept_crustacean_lobsters concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_crustacean_lobsters concept:animalistypeofanimal concept_animal_animals001 +concept_crustacean_lobsters concept:animalistypeofanimal concept_animal_creatures +concept_crustacean_lobsters concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_crustacean_lobsters concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_lobsters concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_crustacean_lobsters concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_lobsters concept:animalpreyson concept_crustacean_maine_lobster +concept_crustacean_maine_lobster concept:animalpreyson concept_crustacean_lobsters +concept_crustacean_maine_lobster concept:animalsuchasinvertebrate concept_crustacean_lobsters +concept_crustacean_maine_lobster concept:arthropodandotherarthropod concept_crustacean_lobsters +concept_crustacean_management_issues concept:subpartof concept_weatherphenomenon_water +concept_crustacean_manta_rays concept:animalistypeofanimal concept_mollusk_rays +concept_crustacean_mollusks concept:animalsuchasinvertebrate concept_agriculturalproduct_oysters +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_mollusks concept:animalistypeofanimal concept_animal_animals001 +concept_crustacean_mollusks concept:animalistypeofanimal concept_animal_invertebrates +concept_crustacean_mollusks concept:animalistypeofanimal concept_animal_organisms +concept_crustacean_mollusks concept:animalsuchasinvertebrate concept_arthropod_clams +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_mollusks concept:animalsuchasinsect concept_arthropod_invertebrates +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_crustacean_mollusks concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_arthropod_mussels +concept_crustacean_mollusks concept:animalsuchasinvertebrate concept_arthropod_snails +concept_crustacean_mollusks concept:animalthatfeedoninsect concept_arthropod_snails +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_arthropod_snails +concept_crustacean_mollusks concept:arthropodcalledarthropod concept_crustacean_scallops +concept_crustacean_mollusks concept:animalsuchasinvertebrate concept_invertebrate_scallops +concept_crustacean_mud_minnow concept:latitudelongitude 45.8785700000000,-89.2579100000000 +concept_crustacean_mysis_shrimp concept:animalpreyson concept_crustacean_shrimp +concept_crustacean_mysis_shrimp concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_crustacean_mysis_shrimp concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_crustacean_mysis_shrimp concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_nightcrawlers concept:animalsuchasfish concept_fish_catfish +concept_crustacean_nit concept:agentcompeteswithagent concept_university_unc_asheville +concept_crustacean_pippies concept:latitudelongitude 53.2000700000000,-55.6812500000000 +concept_crustacean_portal concept:agentcompeteswithagent concept_personcanada_search +concept_crustacean_prawns concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_crustacean_prawns concept:animalistypeofanimal concept_animal_creatures +concept_crustacean_prawns concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_prawns concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_prawns concept:arthropodcalledarthropod concept_crustacean_crab +concept_crustacean_prawns concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_crustacean_prawns concept:animalsuchasfish concept_fish_shellfish +concept_crustacean_prawns concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_crustacean_raw_bar concept:latitudelongitude 40.7527200000000,-73.9997900000000 +concept_crustacean_salad concept:animaleatfood concept_bakedgood_croutons +concept_crustacean_salad concept:animaleatvegetable concept_food_croutons +concept_crustacean_salad concept:animaleatvegetable concept_vegetable_cabbage +concept_crustacean_salad concept:animaleatvegetable concept_vegetable_greens +concept_crustacean_salad concept:animaleatvegetable concept_vegetable_lettuce +concept_crustacean_scallops concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_scallops concept:animalistypeofanimal concept_animal_organisms +concept_crustacean_scallops concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_scallops concept:arthropodcalledarthropod concept_crustacean_bivalves +concept_crustacean_scallops concept:arthropodcalledarthropod concept_crustacean_crab +concept_crustacean_scallops concept:arthropodcalledarthropod concept_crustacean_mollusks +concept_crustacean_scallops concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_crustacean_scallops concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_security concept:agentparticipatedinevent concept_eventoutcome_result +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_arthropod_mussels +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_crustacean_crab +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_crustacean_lobster +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_crustacean_prawns +concept_crustacean_shellfish concept:animalsuchasinvertebrate concept_crustacean_scallops +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_crustacean_scallops +concept_crustacean_shellfish concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_agriculturalproduct_crabs +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_agriculturalproduct_oysters +concept_crustacean_shrimp concept:animalistypeofanimal concept_animal_animals001 +concept_crustacean_shrimp concept:animalistypeofanimal concept_animal_creatures +concept_crustacean_shrimp concept:animalistypeofanimal concept_animal_invertebrates +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_artemia +concept_crustacean_shrimp concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_blood_worms +concept_crustacean_shrimp concept:animalpreyson concept_arthropod_bloodworm +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_bloodworm +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_bloodworms +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_clams +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_microworms +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_mussels +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_prey +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_rotifers +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_arthropod_zooplankton +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_black_tiger_shrimp +concept_crustacean_shrimp concept:animalpreyson concept_crustacean_brine_shrimp +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_brine_shrimp +concept_crustacean_shrimp concept:animalpreyson concept_crustacean_copepods +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_copepods +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_daphnia +concept_crustacean_shrimp concept:arthropodandotherarthropod concept_crustacean_decapods +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_frozen_foods +concept_crustacean_shrimp concept:animalpreyson concept_crustacean_krill +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_krill +concept_crustacean_shrimp concept:animalpreyson concept_crustacean_mysis_shrimp +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_mysis_shrimp +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_scallops +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_crustacean_shellfish +concept_crustacean_shrimp concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_shrimp concept:animalsuchasfish concept_fish_catfish +concept_crustacean_shrimp concept:animalsuchasfish concept_fish_redfish +concept_crustacean_shrimp concept:animalsuchasfish concept_fish_trout +concept_crustacean_shrimp concept:animalpreyson concept_insect_mosquito_larvae +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_insect_mosquito_larvae +concept_crustacean_shrimp concept:arthropodcalledarthropod concept_invertebrate_black_worms +concept_crustacean_shrimp concept:animalistypeofanimal concept_invertebrate_crustaceans +concept_crustacean_shrimp concept:animalpreyson concept_invertebrate_infusoria +concept_crustacean_shrimp concept:animaleatfood concept_plant_algae +concept_crustacean_shrimp concept:animaleatvegetable concept_vegetable_corn +concept_crustacean_shrimp concept:animaleatvegetable concept_vegetable_rice +concept_crustacean_small_jigs concept:animalsuchasfish concept_fish_bass +concept_crustacean_small_minnows concept:animalsuchasfish concept_fish_perch +concept_crustacean_small_shrimp concept:arthropodcalledarthropod concept_crustacean_krill +concept_crustacean_soft_plastics concept:animalsuchasfish concept_fish_bass +concept_crustacean_spinnerbait concept:animalsuchasfish concept_fish_bass +concept_crustacean_spinnerbaits concept:animalsuchasfish concept_fish_bass +concept_crustacean_stinkbait concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_stinkbait concept:animalsuchasfish concept_fish_catfish +concept_crustacean_sushi concept:arthropodcalledarthropod concept_arthropod_seafood +concept_crustacean_topic concept:agentinvolvedwithitem concept_buildingfeature_window +concept_crustacean_topic concept:agentcompeteswithagent concept_personcanada_search +concept_crustacean_topwaters concept:animalsuchasfish concept_fish_bass +concept_crustacean_trotlines concept:animalsuchasfish concept_fish_blue_catfish +concept_crustacean_trotlines concept:animalsuchasfish concept_fish_catfish +concept_crustacean_tv concept:agentcollaborateswithagent concept_journalist_walter_cronkite +concept_crustacean_tv concept:agentcontrols concept_olympics_walter_cronkite +concept_currency_acres concept:proxyfor concept_book_new +concept_currency_acres concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_algunas concept:latitudelongitude 56.5333300000000,15.3833300000000 +concept_currency_artista concept:latitudelongitude -23.1822200000000,-46.6880600000000 +concept_currency_bills concept:atlocation concept_airport_buffalo +concept_currency_bills concept:proxyfor concept_book_new +concept_currency_bills concept:atdate concept_dateliteral_n2008 +concept_currency_bills concept:subpartof concept_weatherphenomenon_water +concept_currency_branch concept:proxyfor concept_book_new +concept_currency_branch concept:atdate concept_dateliteral_n2002 +concept_currency_branch concept:atdate concept_dateliteral_n2006 +concept_currency_branch concept:atdate concept_dateliteral_n2007 +concept_currency_britons concept:latitudelongitude 45.3001500000000,-60.9818100000000 +concept_currency_bsd concept:synonymfor concept_programminglanguage_unix +concept_currency_cents concept:proxyfor concept_book_new +concept_currency_cents concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_chart concept:atdate concept_dateliteral_n2006 +concept_currency_chart concept:atdate concept_year_n1974 +concept_currency_checkmark concept:latitudelongitude 46.6000600000000,-83.2665800000000 +concept_currency_cias concept:latitudelongitude 14.1666700000000,-90.9166700000000 +concept_currency_columnas concept:latitudelongitude 22.9800000000000,-81.4794400000000 +concept_currency_copies concept:atdate concept_dateliteral_n2008 +concept_currency_correr concept:latitudelongitude 45.4351400000000,12.3412900000000 +concept_currency_crc concept:atdate concept_date_n2003 +concept_currency_crore concept:atdate concept_dateliteral_n2007 +concept_currency_crore concept:atdate concept_dateliteral_n2008 +concept_currency_crown concept:proxyfor concept_book_new +concept_currency_daqui concept:latitudelongitude 5.8666700000000,-9.7833300000000 +concept_currency_dealer concept:proxyfor concept_book_new +concept_currency_dealer concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_dietas concept:latitudelongitude 19.4500000000000,-100.2041700000000 +concept_currency_dollars concept:proxyfor concept_book_new +concept_currency_dollars concept:atdate concept_dateliteral_n2007 +concept_currency_dollars concept:atdate concept_dateliteral_n2008 +concept_currency_dollars concept:atlocation concept_lake_new +concept_currency_dollars concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_esas concept:latitudelongitude 36.1425200000000,53.0650800000000 +concept_currency_european_market concept:atdate concept_dateliteral_n2007 +concept_currency_exact_opposite concept:proxyfor concept_book_new +concept_currency_formaci concept:latitudelongitude 18.6666700000000,-70.6333300000000 +concept_currency_gallons concept:proxyfor concept_book_new +concept_currency_gallons concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_hopes concept:istallerthan concept_publication_people_ +concept_currency_households concept:subpartof concept_weatherphenomenon_water +concept_currency_informacion concept:latitudelongitude 18.4633400000000,-66.1144200000000 +concept_currency_issued concept:atdate concept_date_n1999 +concept_currency_issued concept:atdate concept_date_n2001 +concept_currency_issued concept:atdate concept_dateliteral_n2002 +concept_currency_issued concept:atdate concept_dateliteral_n2005 +concept_currency_issued concept:atdate concept_dateliteral_n2007 +concept_currency_la_ruta concept:latitudelongitude -36.1833300000000,-66.7333300000000 +concept_currency_las_familias concept:latitudelongitude 34.1467100000000,-117.2851100000000 +concept_currency_last_month concept:proxyfor concept_book_new +concept_currency_last_week concept:proxyfor concept_book_new +concept_currency_last_week concept:atdate concept_date_n2001 +concept_currency_last_week concept:atdate concept_date_n2009 +concept_currency_last_week concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_lideres concept:latitudelongitude 56.9500000000000,26.0500000000000 +concept_currency_mandos concept:latitudelongitude 29.4788900000000,70.7375020000000 +concept_currency_marks concept:proxyfor concept_book_new +concept_currency_marks concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_mcdoogle concept:latitudelongitude 34.3759300000000,-91.4976300000000 +concept_currency_myanmar concept:atdate concept_date_n2003 +concept_currency_myanmar concept:synonymfor concept_placeofworship_burma +concept_currency_n1_000 concept:atdate concept_dateliteral_n2007 +concept_currency_navegar concept:latitudelongitude 32.6825000000000,67.3211100000000 +concept_currency_nuestros concept:latitudelongitude 40.7077800000000,-73.9527800000000 +concept_currency_page_views concept:atdate concept_date_n2004 +concept_currency_page_views concept:atdate concept_dateliteral_n2006 +concept_currency_plea concept:atdate concept_dateliteral_n2006 +concept_currency_rate concept:synonymfor concept_currency_line +concept_currency_scotland concept:proxyfor concept_book_new +concept_currency_scotland concept:atdate concept_date_n2000 +concept_currency_scotland concept:atdate concept_date_n2001 +concept_currency_scotland concept:atdate concept_date_n2003 +concept_currency_scotland concept:atdate concept_date_n2004 +concept_currency_scotland concept:atdate concept_date_n2009 +concept_currency_scotland concept:atdate concept_dateliteral_n2008 +concept_currency_scotland concept:synonymfor concept_politicalparty_republic +concept_currency_scotland concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_scotland concept:atdate concept_year_n1998 +concept_currency_service_provider concept:subpartof concept_weatherphenomenon_air +concept_currency_service_provider concept:subpartof concept_weatherphenomenon_water +concept_currency_sierra_leone concept:atdate concept_date_n2000 +concept_currency_sierra_leone concept:atdate concept_dateliteral_n2008 +concept_currency_sierra_leone concept:atdate concept_year_n1998 +concept_currency_sistemas concept:latitudelongitude 37.0000000000000,-4.0000000000000 +concept_currency_solteiros concept:latitudelongitude 38.5666700000000,-8.2333300000000 +concept_currency_southeast concept:proxyfor concept_book_new +concept_currency_systems_worldwide concept:subpartof concept_weatherphenomenon_water +concept_currency_tels concept:latitudelongitude 30.0500000000000,-7.9300000000000 +concept_currency_territories concept:proxyfor concept_book_new +concept_currency_territories concept:atdate concept_date_n2004 +concept_currency_territories concept:atdate concept_dateliteral_n2006 +concept_currency_territories concept:mutualproxyfor concept_weatherphenomenon_new +concept_currency_tonnes concept:atdate concept_dateliteral_n2007 +concept_currency_virgin_islands concept:proxyfor concept_book_new +concept_currency_west_africa concept:atdate concept_dateliteral_n2008 +concept_currency_zaire concept:synonymfor concept_book_congo +concept_date_act concept:proxyfor concept_beverage_new +concept_date_action concept:proxyfor concept_beverage_new +concept_date_african_american concept:proxyfor concept_beverage_new +concept_date_average concept:proxyfor concept_beverage_new +concept_date_bill concept:proxyfor concept_beverage_new +concept_date_bill concept:proxyfor concept_university_microsoft +concept_date_bill concept:subpartof concept_university_microsoft +concept_date_brother concept:proxyfor concept_beverage_new +concept_date_brother concept:mutualproxyfor concept_book_new +concept_date_christmas concept:proxyfor concept_beverage_new +concept_date_contact concept:proxyfor concept_beverage_new +concept_date_coordinator concept:proxyfor concept_beverage_new +concept_date_coordinator concept:atdate concept_dateliteral_n2006 +concept_date_coordinator concept:atdate concept_dateliteral_n2007 +concept_date_coordinator concept:atdate concept_dateliteral_n2008 +concept_date_corpus_christi concept:atlocation concept_city_texas +concept_date_corpus_christi concept:proxyfor concept_city_texas +concept_date_corpus_christi concept:subpartof concept_city_texas +concept_date_corpus_christi concept:atdate concept_dateliteral_n2006 +concept_date_corpus_christi concept:atdate concept_dateliteral_n2007 +concept_date_crisis concept:proxyfor concept_beverage_new +concept_date_crisis concept:atdate concept_date_n1999 +concept_date_crisis concept:atdate concept_date_n2001 +concept_date_crisis concept:atdate concept_dateliteral_n2006 +concept_date_crisis concept:atdate concept_dateliteral_n2007 +concept_date_crisis concept:atdate concept_dateliteral_n2008 +concept_date_crisis concept:atdate concept_year_n1997 +concept_date_crisis concept:atdate concept_year_n1997_1998 +concept_date_crisis concept:atdate concept_year_n1997_98 +concept_date_crisis concept:atdate concept_year_n1998 +concept_date_dates concept:proxyfor concept_beverage_new +concept_date_daughter concept:proxyfor concept_beverage_new +concept_date_daughter concept:mutualproxyfor concept_book_new +concept_date_daughter concept:atdate concept_date_n2000 +concept_date_daughter concept:atdate concept_date_n2001 +concept_date_daughter concept:atdate concept_date_n2003 +concept_date_daughter concept:atdate concept_date_n2004 +concept_date_daughter concept:atdate concept_dateliteral_n2002 +concept_date_daughter concept:atdate concept_dateliteral_n2005 +concept_date_daughter concept:atdate concept_dateliteral_n2006 +concept_date_daughter concept:atdate concept_dateliteral_n2007 +concept_date_daughter concept:atdate concept_dateliteral_n2008 +concept_date_daughter concept:atdate concept_dayofweek_monday +concept_date_daughter concept:atdate concept_year_n1994 +concept_date_daughter concept:atdate concept_year_n1995 +concept_date_days concept:proxyfor concept_beverage_new +concept_date_days concept:atlocation concept_geopoliticallocation_southern +concept_date_days concept:proxyfor concept_highway_the_new +concept_date_days concept:atlocation concept_lake_new +concept_date_days concept:proxyfor concept_river_yellow +concept_date_dec_ concept:atdate concept_date_community +concept_date_dec_ concept:atdate concept_date_meeting +concept_date_entertainment concept:proxyfor concept_beverage_new +concept_date_events concept:proxyfor concept_beverage_new +concept_date_fall concept:proxyfor concept_beverage_new +concept_date_fall concept:proxyfor concept_city_florida +concept_date_fall concept:proxyfor concept_stateorprovince_virginia +concept_date_feb_ concept:atdate concept_date_community +concept_date_feb_ concept:atdate concept_date_meeting +concept_date_feb_ concept:proxyfor concept_lake_new +concept_date_festival concept:proxyfor concept_beverage_new +concept_date_festival concept:atdate concept_date_n2004 +concept_date_festival concept:atdate concept_date_n2009 +concept_date_festival concept:atdate concept_dateliteral_n2005 +concept_date_festival concept:atdate concept_dateliteral_n2006 +concept_date_festival concept:atdate concept_dateliteral_n2007 +concept_date_festival concept:atdate concept_dateliteral_n2008 +concept_date_film concept:proxyfor concept_beverage_new +concept_date_frontpage concept:mutualproxyfor concept_university_microsoft +concept_date_function concept:proxyfor concept_beverage_new +concept_date_gallery concept:proxyfor concept_beverage_new +concept_date_general_meeting concept:atdate concept_date_n2004 +concept_date_general_meeting concept:atdate concept_date_n2009 +concept_date_general_meeting concept:atdate concept_dateliteral_n2008 +concept_date_gourmet concept:mutualproxyfor concept_writer_ruth_reichl +concept_date_holiday concept:proxyfor concept_beverage_new +concept_date_holiday concept:mutualproxyfor concept_book_new +concept_date_holiday concept:atdate concept_month_april +concept_date_holiday concept:atdate concept_month_january +concept_date_holiday concept:atdate concept_month_october +concept_date_holidays concept:proxyfor concept_beverage_new +concept_date_holidays concept:mutualproxyfor concept_book_new +concept_date_holy_friday concept:latitudelongitude 17.0500000000000,121.8333300000000 +concept_date_iowa concept:proxyfor concept_beverage_new +concept_date_iowa concept:mutualproxyfor concept_radiostation_sioux_city +concept_date_jan_mar concept:latitudelongitude 67.6712600000000,53.0869700000000 +concept_date_january_6 concept:proxyfor concept_lake_new +concept_date_januarys concept:latitudelongitude -22.6666700000000,28.3500000000000 +concept_date_john concept:proxyfor concept_beverage_new +concept_date_lecture concept:atdate concept_date_n2001 +concept_date_lecture concept:atdate concept_dateliteral_n2005 +concept_date_lecture concept:atdate concept_dateliteral_n2008 +concept_date_leonardo concept:proxyfor concept_radiostation_new_jersey +concept_date_level concept:proxyfor concept_beverage_new +concept_date_links concept:proxyfor concept_beverage_new +concept_date_linux_category concept:synonymfor concept_everypromotedthing_howto_category +concept_date_loans concept:proxyfor concept_beverage_new +concept_date_marshall concept:proxyfor concept_personnorthamerica_minnesota +concept_date_marshall concept:atlocation concept_stateorprovince_minnesota +concept_date_marshall concept:atlocation concept_stateorprovince_missouri +concept_date_maundy_thursday concept:latitudelongitude 78.4685900000000,-92.9845600000000 +concept_date_may_2003 concept:proxyfor concept_lake_new +concept_date_mba concept:atdate concept_date_n2009 +concept_date_mba concept:atdate concept_dateliteral_n2006 +concept_date_mba concept:atdate concept_dateliteral_n2007 +concept_date_mba concept:atdate concept_dateliteral_n2008 +concept_date_meeting concept:proxyfor concept_beverage_new +concept_date_meeting concept:mutualproxyfor concept_book_new +concept_date_meeting concept:atdate concept_month_april +concept_date_meeting concept:atdate concept_month_august +concept_date_meeting concept:atdate concept_month_december +concept_date_meeting concept:atdate concept_month_february +concept_date_meeting concept:atdate concept_month_january +concept_date_meeting concept:atdate concept_month_july +concept_date_meeting concept:atdate concept_month_june +concept_date_meeting concept:atdate concept_month_march +concept_date_meeting concept:atdate concept_month_may +concept_date_meeting concept:atdate concept_month_november +concept_date_meeting concept:atdate concept_month_october +concept_date_meeting concept:atdate concept_month_september +concept_date_mgm concept:mutualproxyfor concept_company_b_m +concept_date_mgm concept:mutualproxyfor concept_criminal_louis_b__mayer +concept_date_mgm concept:subpartof concept_retailstore_sony +concept_date_mgm concept:subpartof concept_traditionalgame_vegas +concept_date_middle concept:proxyfor concept_beverage_new +concept_date_n14 concept:proxyfor concept_beverage_new +concept_date_n1671 concept:latitudelongitude 34.2018100000000,-81.5164900000000 +concept_date_n1914 concept:proxyfor concept_beverage_new +concept_date_n1922 concept:proxyfor concept_lake_new +concept_date_n1933 concept:proxyfor concept_beverage_new +concept_date_n1939 concept:proxyfor concept_beverage_new +concept_date_n1942 concept:proxyfor concept_beverage_new +concept_date_n1944 concept:proxyfor concept_lake_new +concept_date_n1949 concept:proxyfor concept_lake_new +concept_date_n1958 concept:proxyfor concept_beverage_new +concept_date_n1962 concept:proxyfor concept_lake_new +concept_date_n1964 concept:proxyfor concept_beverage_new +concept_date_n1966 concept:proxyfor concept_lake_new +concept_date_n1968 concept:proxyfor concept_beverage_new +concept_date_n1969 concept:proxyfor concept_lake_new +concept_date_n1971 concept:proxyfor concept_lake_new +concept_date_n1972 concept:proxyfor concept_lake_new +concept_date_n1976 concept:proxyfor concept_lake_new +concept_date_n1977 concept:proxyfor concept_lake_new +concept_date_n1977 concept:proxyfor concept_stateorprovince_california +concept_date_n1977 concept:subpartof concept_stateorprovince_california +concept_date_n1979 concept:proxyfor concept_lake_new +concept_date_n1979 concept:proxyfor concept_stateorprovince_california +concept_date_n1993 concept:proxyfor concept_lake_new +concept_date_n1993 concept:proxyfor concept_stateorprovince_california +concept_date_n1993 concept:proxyfor concept_stateorprovince_oregon +concept_date_n1993 concept:proxyfor concept_stateorprovince_texas +concept_date_n1996 concept:proxyfor concept_lake_new +concept_date_n1996 concept:proxyfor concept_stateorprovince_illinois +concept_date_n1996 concept:proxyfor concept_stateorprovince_oregon +concept_date_n1999 concept:proxyfor concept_city_florida +concept_date_n1999 concept:proxyfor concept_lake_new +concept_date_n1999 concept:proxyfor concept_stateorprovince_california +concept_date_n1999 concept:proxyfor concept_stateorprovince_massachusetts +concept_date_n1999 concept:proxyfor concept_stateorprovince_texas +concept_date_n2000 concept:proxyfor concept_beverage_new +concept_date_n2000 concept:mutualproxyfor concept_book_new +concept_date_n2000 concept:proxyfor concept_city_florida +concept_date_n2000 concept:proxyfor concept_city_texas +concept_date_n2001 concept:proxyfor concept_beverage_new +concept_date_n2001 concept:mutualproxyfor concept_book_new +concept_date_n2001 concept:proxyfor concept_city_florida +concept_date_n2001 concept:proxyfor concept_stateorprovince_california +concept_date_n2001 concept:proxyfor concept_stateorprovince_illinois +concept_date_n2003 concept:proxyfor concept_lake_new +concept_date_n2003 concept:proxyfor concept_stateorprovince_california +concept_date_n2003 concept:proxyfor concept_stateorprovince_texas +concept_date_n2004 concept:proxyfor concept_lake_new +concept_date_n2004 concept:proxyfor concept_stateorprovince_california +concept_date_n2009 concept:proxyfor concept_beverage_new +concept_date_n2009 concept:mutualproxyfor concept_book_new +concept_date_n8_1 concept:proxyfor concept_beverage_new +concept_date_new_year concept:proxyfor concept_beverage_new +concept_date_news concept:proxyfor concept_beverage_new +concept_date_news concept:subpartof concept_company_new_york +concept_date_nov_ concept:atdate concept_date_community +concept_date_nov_ concept:atdate concept_date_meeting +concept_date_november_14 concept:proxyfor concept_lake_new +concept_date_officers concept:proxyfor concept_beverage_new +concept_date_officers concept:mutualproxyfor concept_book_new +concept_date_officers concept:mutualproxyfor concept_sportsequipment_board +concept_date_pittsburg concept:proxyfor concept_creditunion_kansas +concept_date_plan concept:proxyfor concept_beverage_new +concept_date_production concept:proxyfor concept_beverage_new +concept_date_reception concept:proxyfor concept_beverage_new +concept_date_reception concept:atdate concept_dateliteral_n2007 +concept_date_reception concept:atdate concept_dateliteral_n2008 +concept_date_resort concept:proxyfor concept_beverage_new +concept_date_return concept:proxyfor concept_beverage_new +concept_date_search concept:proxyfor concept_beverage_new +concept_date_search concept:mutualproxyfor concept_book_new +concept_date_sept_ concept:atdate concept_date_community +concept_date_sept_ concept:atdate concept_date_meeting +concept_date_sept_ concept:proxyfor concept_lake_new +concept_date_services concept:proxyfor concept_beverage_new +concept_date_services concept:subpartof concept_city_texas +concept_date_services concept:mutualproxyfor concept_university_ministry +concept_date_set concept:proxyfor concept_beverage_new +concept_date_shows concept:proxyfor concept_beverage_new +concept_date_son concept:proxyfor concept_beverage_new +concept_date_sports concept:proxyfor concept_beverage_new +concept_date_spring concept:proxyfor concept_beverage_new +concept_date_summer concept:proxyfor concept_beverage_new +concept_date_theater concept:proxyfor concept_beverage_new +concept_date_theater concept:atdate concept_date_n1942 +concept_date_top concept:proxyfor concept_beverage_new +concept_date_trinidad concept:atlocation concept_stateorprovince_colorado +concept_date_trinidad concept:proxyfor concept_stateorprovince_colorado +concept_date_trinidad concept:subpartof concept_stateorprovince_colorado +concept_date_wife concept:proxyfor concept_beverage_new +concept_date_wife concept:atdate concept_date_n1999 +concept_date_wife concept:atdate concept_date_n2000 +concept_date_wife concept:atdate concept_date_n2001 +concept_date_wife concept:atdate concept_date_n2003 +concept_date_wife concept:atdate concept_date_n2004 +concept_date_wife concept:atdate concept_dateliteral_n1945 +concept_date_wife concept:atdate concept_dateliteral_n1950 +concept_date_wife concept:atdate concept_dateliteral_n2002 +concept_date_wife concept:atdate concept_dateliteral_n2005 +concept_date_wife concept:atdate concept_dateliteral_n2006 +concept_date_wife concept:atdate concept_dateliteral_n2007 +concept_date_wife concept:atdate concept_year_n1861 +concept_date_wife concept:atdate concept_year_n1991 +concept_date_wife concept:atdate concept_year_n1994 +concept_date_wife concept:atdate concept_year_n1997 +concept_date_wiley concept:atdate concept_dateliteral_n2006 +concept_date_wiley concept:atdate concept_dateliteral_n2008 +concept_date_work concept:proxyfor concept_beverage_new +concept_date_work concept:mutualproxyfor concept_book_new +concept_date_workshop concept:proxyfor concept_beverage_new +concept_dateliteral_n1917 concept:proxyfor concept_lake_new +concept_dateliteral_n1943 concept:latitudelongitude 34.9117800000000,-82.6481900000000 +concept_dateliteral_n1945 concept:proxyfor concept_lake_new +concept_dateliteral_n1950 concept:proxyfor concept_lake_new +concept_dateliteral_n1954 concept:proxyfor concept_lake_new +concept_dateliteral_n1961 concept:proxyfor concept_lake_new +concept_dateliteral_n1980 concept:proxyfor concept_lake_new +concept_dateliteral_n1980 concept:mutualproxyfor concept_stateorprovince_new_york +concept_dateliteral_n1987 concept:proxyfor concept_lake_new +concept_dateliteral_n1987 concept:proxyfor concept_stateorprovince_california +concept_dateliteral_n1987 concept:proxyfor concept_stateorprovince_new_york +concept_dateliteral_n1990 concept:proxyfor concept_lake_new +concept_dateliteral_n2002 concept:proxyfor concept_city_florida +concept_dateliteral_n2002 concept:proxyfor concept_lake_new +concept_dateliteral_n2002 concept:proxyfor concept_stateorprovince_california +concept_dateliteral_n2002 concept:proxyfor concept_stateorprovince_iowa +concept_dateliteral_n2002 concept:proxyfor concept_stateorprovince_ohio +concept_dateliteral_n2005 concept:proxyfor concept_lake_new +concept_dateliteral_n2006 concept:proxyfor concept_lake_new +concept_dateliteral_n2006 concept:proxyfor concept_stateorprovince_texas +concept_dateliteral_n2006 concept:subpartof concept_stateorprovince_texas +concept_dateliteral_n2007 concept:proxyfor concept_lake_new +concept_dateliteral_n2008 concept:proxyfor concept_lake_new +concept_director_adam_shankman concept:directordirectedmovie concept_movie_hairspray +concept_director_adrian_lyne concept:directordirectedmovie concept_movie_fatal_attraction +concept_director_alan_j__pakula concept:directordirectedmovie concept_movie_all_the_president_s_men +concept_director_alan_parker concept:directordirectedmovie concept_movie_bugsy_malone +concept_director_alexander_payne concept:directordirectedmovie concept_movie_sideways +concept_director_alfred_hitchcock concept:directordirectedmovie concept_movie_notorious +concept_director_alfred_hitchcock concept:directordirectedmovie concept_movie_psycho +concept_director_alfred_hitchcock concept:directordirectedmovie concept_movie_rope +concept_director_alfred_hitchcock concept:directordirectedmovie concept_movie_vertigo +concept_director_allen concept:directordirectedmovie concept_movie_annie_hall +concept_director_andrew_niccol concept:directordirectedmovie concept_movie_gattaca +concept_director_ang_lee concept:directordirectedmovie concept_movie_brokeback_mountain +concept_director_ang_lee concept:directordirectedmovie concept_movie_hulk +concept_director_ang_lee concept:directordirectedmovie concept_movie_sense_and_sensibility +concept_director_anne_hathaway concept:agentcontributedtocreativework concept_book_bride_wars +concept_director_anthony_minghella concept:directordirectedmovie concept_movie_cold_mountain +concept_director_anthony_minghella concept:directordirectedmovie concept_movie_the_talented_mr__ripley +concept_director_antoine_fuqua concept:directordirectedmovie concept_movie_training_day +concept_director_avary concept:latitudelongitude 37.2145750000000,43.2354900000000 +concept_director_barry_levinson concept:directordirectedmovie concept_movie_rain_man +concept_director_baz_luhrmann concept:directordirectedmovie concept_movie_moulin_rouge +concept_director_ben_affleck concept:directordirectedmovie concept_movie_gone_baby_gone +concept_director_benegal concept:latitudelongitude 24.0000000000000,88.0000000000000 +concept_director_bennett_miller concept:directordirectedmovie concept_movie_capote +concept_director_bernardo_bertolucci concept:directordirectedmovie concept_movie_conformist +concept_director_bernardo_bertolucci concept:directordirectedmovie concept_movie_little_buddha +concept_director_billy_wilder concept:directordirectedmovie concept_movie_sunset_blvd +concept_director_billy_wilder concept:directordirectedmovie concept_movie_the_private_life_of_sherlock_holmes +concept_director_brad_grey concept:agentcollaborateswithagent concept_personus_paramount_pictures +concept_director_brad_grey concept:agentcontrols concept_personus_paramount_pictures +concept_director_brad_grey concept:proxyfor concept_personus_paramount_pictures +concept_director_brad_grey concept:topmemberoforganization concept_recordlabel_paramount_pictures +concept_director_brad_grey concept:worksfor concept_recordlabel_paramount_pictures +concept_director_brad_grey concept:subpartof concept_televisionshow_paramount_pictures +concept_director_brett_ratner concept:directordirectedmovie concept_movie_rush_hour +concept_director_brian_de_palma concept:directordirectedmovie concept_movie_carrie +concept_director_bryan_singer concept:directordirectedmovie concept_movie_superman +concept_director_bryan_singer concept:directordirectedmovie concept_movie_superman_returns +concept_director_bryan_singer concept:directordirectedmovie concept_movie_x_men_2 +concept_director_cate_blanchett concept:agentcontributedtocreativework concept_movie_curious_case +concept_director_catherine_hardwicke concept:directordirectedmovie concept_movie_twilight +concept_director_chadha concept:latitudelongitude 27.7527800000000,68.3138900000000 +concept_director_charles_kuralt concept:personleadsorganization concept_company_cnn__pbs +concept_director_chevigny concept:latitudelongitude 47.3675005000000,4.5266655000000 +concept_director_chris_columbus concept:directordirectedmovie concept_movie_home_alone +concept_director_chris_weitz concept:directordirectedmovie concept_movie_golden_compass +concept_director_christian_bale concept:directordirectedmovie concept_movie_batman +concept_director_christian_bale concept:directordirectedmovie concept_movie_dark_knight +concept_director_christopher_nolan concept:directordirectedmovie concept_movie_batman +concept_director_christopher_nolan concept:directordirectedmovie concept_movie_batman_begins +concept_director_christopher_nolan concept:directordirectedmovie concept_movie_dark_knight +concept_director_colin_hanks concept:parentofperson concept_person_tom_hanks +concept_director_committee concept:synonymfor concept_academicfield_directors +concept_director_committee concept:agentactsinlocation concept_aquarium_u__s_ +concept_director_committee concept:synonymfor concept_boardgame_board +concept_director_committee concept:proxyfor concept_book_new +concept_director_committee concept:mutualproxyfor concept_cardgame_board +concept_director_committee concept:mutualproxyfor concept_cardgame_three +concept_director_committee concept:agentactsinlocation concept_city_u__s +concept_director_committee concept:agentactsinlocation concept_country_united_states +concept_director_committee concept:atlocation concept_country_us +concept_director_committee concept:atdate concept_date_n1996 +concept_director_committee concept:atdate concept_date_n1999 +concept_director_committee concept:atdate concept_date_n2000 +concept_director_committee concept:atdate concept_date_n2001 +concept_director_committee concept:atdate concept_date_n2003 +concept_director_committee concept:atdate concept_date_n2004 +concept_director_committee concept:atdate concept_dateliteral_n2002 +concept_director_committee concept:atdate concept_dateliteral_n2005 +concept_director_committee concept:atdate concept_dateliteral_n2006 +concept_director_committee concept:atdate concept_dateliteral_n2007 +concept_director_committee concept:atdate concept_dateliteral_n2008 +concept_director_committee concept:agentcreated concept_furniture_chairs +concept_director_committee concept:mutualproxyfor concept_mldataset_n2 +concept_director_committee concept:agentcreated concept_movie_contact +concept_director_committee concept:synonymfor concept_politicsissue_trustees +concept_director_committee concept:mutualproxyfor concept_weatherphenomenon_two +concept_director_committee concept:subpartof concept_weatherphenomenon_water +concept_director_committee concept:atdate concept_year_n1992 +concept_director_committee concept:atdate concept_year_n1995 +concept_director_committee concept:atdate concept_year_n1997 +concept_director_committee concept:atdate concept_year_n1998 +concept_director_curtis_hanson concept:directordirectedmovie concept_movie_wonder_boys +concept_director_d_j__caruso concept:directordirectedmovie concept_movie_eagle_eye +concept_director_d_w__griffith concept:directordirectedmovie concept_movie_intolerance +concept_director_danny_boyle concept:directordirectedmovie concept_movie_slumdog_millionaire +concept_director_danny_boyle concept:directordirectedmovie concept_movie_sunshine +concept_director_dario_argento concept:directordirectedmovie concept_movie_suspiria +concept_director_david_cronenberg concept:directordirectedmovie concept_movie_a_history_of_violence +concept_director_david_cronenberg concept:directordirectedmovie concept_movie_eastern_promises +concept_director_david_fincher concept:directordirectedmovie concept_movie_fight_club +concept_director_david_lean concept:directordirectedmovie concept_movie_doctor_zhivago +concept_director_david_lynch concept:directordirectedmovie concept_movie_blue_velvet +concept_director_david_lynch concept:directordirectedmovie concept_movie_eraserhead +concept_director_david_lynch concept:directordirectedmovie concept_movie_lost_highway +concept_director_david_yates concept:directordirectedmovie concept_movie_half_blood_prince +concept_director_davis_guggenheim concept:directordirectedmovie concept_movie_inconvenient_truth +concept_director_doug_liman concept:directordirectedmovie concept_movie_bourne_identity +concept_director_edgar_wright concept:directordirectedmovie concept_movie_hot_fuzz +concept_director_edward_russell concept:latitudelongitude 33.7394600000000,-117.9153400000000 +concept_director_edward_zwick concept:directordirectedmovie concept_movie_blood_diamond +concept_director_emma_griffin concept:latitudelongitude 34.6542600000000,-83.5129500000000 +concept_director_federico_fellini concept:directordirectedmovie concept_movie_la_dolce_vita +concept_director_francis_ford_coppola concept:directordirectedmovie concept_movie_the_cotton_club +concept_director_francis_ford_coppola concept:directordirectedmovie concept_movie_the_godfather_part_iii +concept_director_frank_darabont concept:directordirectedmovie concept_movie_shawshank_redemption +concept_director_fritz_lang concept:directordirectedmovie concept_movie_metropolis +concept_director_gavin_hood concept:directordirectedmovie concept_movie_rendition +concept_director_george_a__romero concept:directordirectedmovie concept_movie_night_of_the_living_dead +concept_director_george_lucas concept:directordirectedmovie concept_movie_american_graffiti +concept_director_george_miller concept:directordirectedmovie concept_movie_happy_feet +concept_director_george_stevens concept:directordirectedmovie concept_movie_giant +concept_director_george_stevens concept:directordirectedmovie concept_movie_the_diary_of_anne_frank +concept_director_goldie_hawn concept:parentofperson concept_person_kate_hudson +concept_director_greg_mottola concept:directordirectedmovie concept_movie_superbad +concept_director_guillermo concept:directordirectedmovie concept_movie_hellboy +concept_director_guillermo concept:directordirectedmovie concept_movie_pan__s_labyrinth +concept_director_gus_van_sant concept:directordirectedmovie concept_movie_drugstore_cowboy +concept_director_gus_van_sant concept:directordirectedmovie concept_movie_elephant +concept_director_gus_van_sant concept:directordirectedmovie concept_movie_good_will_hunting +concept_director_hackford concept:latitudelongitude 46.3167700000000,-82.4165400000000 +concept_director_haneke concept:latitudelongitude 38.7333300000000,43.3833300000000 +concept_director_harrison_ford concept:directordirectedmovie concept_movie_indiana_jones +concept_director_harron concept:latitudelongitude 45.0539000000000,-93.2937000000000 +concept_director_harvey_keitel concept:agentcontributedtocreativework concept_movie_bugsy +concept_director_hayao_miyazaki concept:directordirectedmovie concept_movie_spirited_away +concept_director_heath_ledger concept:persondiedatage 28 +concept_director_heath_ledger concept:directordirectedmovie concept_movie_dark_knight +concept_director_heath_ledger concept:directordirectedmovie concept_movie_the_dark_knight +concept_director_henry_selick concept:directordirectedmovie concept_movie_nightmare_before_christmas +concept_director_hideo_nakata concept:directordirectedmovie concept_movie_ringu +concept_director_hudlin concept:latitudelongitude 35.2781700000000,-82.6934600000000 +concept_director_imamura concept:latitudelongitude 32.6833350000000,130.0833350000000 +concept_director_ingmar_bergman concept:persondiedatage 89 +concept_director_j_j__abrams concept:directordirectedmovie concept_movie_star_trek +concept_director_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_director_jack_payne concept:latitudelongitude 44.3399800000000,-106.4008700000000 +concept_director_jake_kasdan concept:directordirectedmovie concept_movie_bad_teacher +concept_director_james_cameron concept:directordirectedmovie concept_movie_abyss +concept_director_james_cameron concept:directordirectedmovie concept_movie_aliens +concept_director_james_cameron concept:directordirectedmovie concept_movie_titanic +concept_director_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_director_james_mcteigue concept:directordirectedmovie concept_movie_v_for_vendetta +concept_director_james_wong concept:directordirectedmovie concept_movie_final_destination +concept_director_jared_hess concept:directordirectedmovie concept_movie_napoleon_dynamite +concept_director_jason_reitman concept:directordirectedmovie concept_movie_juno +concept_director_jed_mercurio concept:agentcreated concept_monument_ascent +concept_director_jerome_robbins concept:personalsoknownas concept_person_jerome_wilson_rabinowitz +concept_director_jewison concept:latitudelongitude 57.8835700000000,-103.0008400000000 +concept_director_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_director_jj_abrams concept:directordirectedmovie concept_movie_star_trek +concept_director_joe_carnahan concept:directordirectedmovie concept_movie_narc +concept_director_joe_carnahan concept:directordirectedmovie concept_movie_smokin__aces +concept_director_joe_dante concept:directordirectedmovie concept_movie_gremlins +concept_director_joel_coen concept:directordirectedmovie concept_movie_fargo +concept_director_johan_van concept:latitudelongitude 52.4000000000000,4.9000000000000 +concept_director_john_carpenter concept:directordirectedmovie concept_movie_halloween +concept_director_john_carpenter concept:directordirectedmovie concept_movie_the_thing +concept_director_john_ford concept:directordirectedmovie concept_movie_my_darling_clementine +concept_director_john_ford concept:directordirectedmovie concept_movie_stagecoach +concept_director_john_g__avildsen concept:directordirectedmovie concept_movie_rocky +concept_director_john_huston concept:directordirectedmovie concept_movie_asphalt_jungle +concept_director_john_milius concept:directordirectedmovie concept_movie_conan_the_barbarian +concept_director_jon_favreau concept:directordirectedmovie concept_movie_iron_man +concept_director_jonathan_gold concept:worksfor concept_website_l_a__weekly +concept_director_jonathan_taplin concept:topmemberoforganization concept_company_intertainer +concept_director_jonathan_wiedemann concept:hasspouse concept_person_isabella_rossellini +concept_director_jose_padilha concept:personhasjobposition concept_jobposition_filmmaker +concept_director_jose_padilha concept:personhasresidenceingeopoliticallocation concept_sportsteam_brazil +concept_director_joss_whedon concept:directordirectedmovie concept_movie_serenity +concept_director_julie_andrews concept:actorstarredinmovie concept_movie_mary_poppins +concept_director_julie_cypher concept:hasspouse concept_person_melissa_etheridge +concept_director_julie_taymor concept:directordirectedmovie concept_movie_frida +concept_director_kanmani concept:latitudelongitude 9.6833300000000,79.8500000000000 +concept_director_keanu_reeves concept:directordirectedmovie concept_movie_matrix +concept_director_kenneth_lay concept:agentcollaborateswithagent concept_personasia_enron +concept_director_kevin_smith concept:directordirectedmovie concept_movie_clerks +concept_director_kim_hill concept:latitudelongitude 38.5666700000000,-103.3302100000000 +concept_director_late_heath_ledger concept:agentcontributedtocreativework concept_movie_dark_knight +concept_director_laura_dern concept:agentcontributedtocreativework concept_televisionshow_rambling_rose +concept_director_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_director_len_wiseman concept:directordirectedmovie concept_movie_underworld +concept_director_luc_besson concept:directordirectedmovie concept_movie_fifth_element +concept_director_mankiewicz concept:latitudelongitude 51.4558100000000,-97.5659900000000 +concept_director_manohla_dargis concept:worksfor concept_musicartist_times +concept_director_marie_antoinette concept:personchargedwithcrime concept_crimeorcharge_treason +concept_director_mark_robson concept:directordirectedmovie concept_movie_earthquake +concept_director_martin_ritt concept:directordirectedmovie concept_movie_hud +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_cape_fear +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_casino +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_goodfellas +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_kundun +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_mean_streets +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_raging_bull +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_the_age_of_innocence +concept_director_martin_scorscese concept:directordirectedmovie concept_movie_the_last_waltz +concept_director_matt_reeves concept:directordirectedmovie concept_movie_cloverfield +concept_director_mcg concept:directordirectedmovie concept_movie_terminator_salvation +concept_director_mctiernan concept:latitudelongitude 47.2348300000000,-75.7395800000000 +concept_director_meyer concept:subpartof concept_university_uf +concept_director_michael_apted concept:directordirectedmovie concept_movie_nell +concept_director_michael_bay concept:directordirectedmovie concept_movie_transformers +concept_director_michael_haneke concept:directordirectedmovie concept_movie_funny_games +concept_director_michael_mann concept:directordirectedmovie concept_movie_collateral +concept_director_michael_mann concept:directordirectedmovie concept_movie_manhunter +concept_director_michael_mann concept:directordirectedmovie concept_movie_miami_vice +concept_director_micheaux concept:latitudelongitude 43.0119400000000,-99.0957900000000 +concept_director_michel_gondry concept:directordirectedmovie concept_movie_eternal_sunshine_of_the_spotless_mind +concept_director_michel_gondry concept:directordirectedmovie concept_movie_kind_rewind +concept_director_michel_gondry concept:directordirectedmovie concept_movie_spotless_mind +concept_director_mike_judge concept:directordirectedmovie concept_movie_office_space +concept_director_mike_newell concept:directordirectedmovie concept_movie_goblet_of_fire +concept_director_mike_nichols concept:directordirectedmovie concept_movie_closer +concept_director_milos_forman concept:directordirectedmovie concept_movie_cuckoo_s_nest +concept_director_minoli concept:latitudelongitude 36.1069700000000,129.2209200000000 +concept_director_mizoguchi concept:latitudelongitude 35.3250000000000,133.4416650000000 +concept_director_morgan_spurlock concept:directordirectedmovie concept_movie_super_size_me +concept_director_n1981 concept:proxyfor concept_book_new +concept_director_neil_burger concept:directordirectedmovie concept_movie_illusionist +concept_director_norman_jewison concept:directordirectedmovie concept_movie_and_justice_for_all +concept_director_norman_jewison concept:directordirectedmovie concept_movie_the_hurricane +concept_director_nothing concept:agentinvolvedwithitem concept_buildingfeature_window +concept_director_nothing concept:proxyfor concept_coach_new +concept_director_oliver_stone concept:directordirectedmovie concept_movie_jfk +concept_director_one_day concept:proxyfor concept_book_new +concept_director_one_day concept:atdate concept_date_n1971 +concept_director_one_day concept:atdate concept_date_n1993 +concept_director_one_day concept:atdate concept_date_n1996 +concept_director_one_day concept:atdate concept_date_n1999 +concept_director_one_day concept:atdate concept_date_n2003 +concept_director_one_day concept:atdate concept_date_n2004 +concept_director_one_day concept:atdate concept_year_n1983 +concept_director_one_day concept:atdate concept_year_n1994 +concept_director_one_day concept:atdate concept_year_n1995 +concept_director_one_day concept:atdate concept_year_n1997 +concept_director_one_day concept:atdate concept_year_n1998 +concept_director_ordinary_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_director_patrick_mcgoohan concept:persondiedatage 80 +concept_director_paul_haggis concept:directordirectedmovie concept_movie_crash +concept_director_paul_mcguigan concept:directordirectedmovie concept_movie_lucky_number_slevin +concept_director_paul_schrader concept:directordirectedmovie concept_movie_american_gigolo +concept_director_peter_and_bobby_farrelly concept:directordirectedmovie concept_movie_dumb_and_dumber +concept_director_peter_baker concept:worksfor concept_company_post +concept_director_peter_jackson concept:directordirectedmovie concept_movie_king_kong +concept_director_peter_medak concept:directordirectedmovie concept_movie_the_changeling +concept_director_phil_alden_robisnon concept:directordirectedmovie concept_movie_field_of_dreams +concept_director_philip_kaufman concept:directordirectedmovie concept_movie_the_unbearable_lightness_of_being +concept_director_polanski concept:latitudelongitude 58.0564400000000,-96.4159500000000 +concept_director_quentin_tarantino concept:directordirectedmovie concept_movie_inglourious_basterds +concept_director_quentin_tarantino concept:directordirectedmovie concept_movie_pulp_fiction +concept_director_ralph_byrd concept:directordirectedmovie concept_movie_dick_tracy +concept_director_rbd concept:latitudelongitude 32.6809700000000,-96.8683400000000 +concept_director_rian_johnson concept:directordirectedmovie concept_movie_brick +concept_director_richard_donner concept:directordirectedmovie concept_movie_superman +concept_director_richard_donner concept:directordirectedmovie concept_movie_the_omen +concept_director_richard_donner concept:directordirectedmovie concept_movie_timeline +concept_director_richard_pearse concept:latitudelongitude -44.2983500000000,171.2201000000000 +concept_director_ridley_scott concept:directordirectedmovie concept_movie_alien +concept_director_ridley_scott concept:directordirectedmovie concept_movie_american_gangster +concept_director_ridley_scott concept:directordirectedmovie concept_movie_black_hawk_down +concept_director_ridley_scott concept:directordirectedmovie concept_movie_blade_runner +concept_director_robert_altman concept:directordirectedmovie concept_movie_short_cuts +concept_director_robert_mulligan concept:directordirectedmovie concept_movie_to_kill_a_mockingbird +concept_director_robert_rodriguez concept:directordirectedmovie concept_movie_sin_city +concept_director_robert_wise concept:directordirectedmovie concept_movie_the_haunting +concept_director_robert_wise concept:directordirectedmovie concept_movie_the_sand_pebbles +concept_director_robert_zemeckis concept:directordirectedmovie concept_movie_beowulf +concept_director_roberto_benigni concept:directordirectedmovie concept_movie_pinocchio +concept_director_roberto_rosselini concept:directordirectedmovie concept_movie_paisan +concept_director_robin_hardy concept:directordirectedmovie concept_movie_the_wicker_man +concept_director_roger_allers concept:directordirectedmovie concept_movie_the_lion_king +concept_director_roland_emmerich concept:directordirectedmovie concept_movie_godzilla +concept_director_roman_polanski concept:directordirectedmovie concept_movie_pianist +concept_director_ron_howard concept:directordirectedmovie concept_movie_cinderella_man +concept_director_ron_howard concept:directordirectedmovie concept_movie_frost_nixon +concept_director_ronald_neame concept:directordirectedmovie concept_movie_the_poseidon_adventure +concept_director_ronnie_screwvala concept:agentcollaborateswithagent concept_personcanada_utv +concept_director_ronnie_screwvala concept:agentcontrols concept_personcanada_utv +concept_director_ronnie_screwvala concept:topmemberoforganization concept_publication_utv +concept_director_santoshi concept:latitudelongitude 23.5166700000000,89.8833300000000 +concept_director_schroeter concept:latitudelongitude 30.4135400000000,-97.7375100000000 +concept_director_scorsese concept:personbornincity concept_city_york +concept_director_scott_hicks concept:directordirectedmovie concept_movie_shine +concept_director_scott_smith concept:agentcontributedtocreativework concept_movie_a_simple_plan +concept_director_sean_connery concept:directordirectedmovie concept_movie_james_bond +concept_director_shankman concept:latitudelongitude 41.7855900000000,-87.5919900000000 +concept_director_sharon_stone concept:agentcontributedtocreativework concept_movie_basic_instinct +concept_director_sidney_lumet concept:directordirectedmovie concept_movie_network +concept_director_soderbergh concept:directordirectedmovie concept_movie_traffic +concept_director_sonic_youth concept:agentcollaborateswithagent concept_musician_lee_ranaldo +concept_director_spielberg concept:directordirectedmovie concept_movie_e_t_ +concept_director_spielberg concept:directordirectedmovie concept_movie_jaws +concept_director_spielberg concept:directordirectedmovie concept_movie_jurassic_park +concept_director_spike_jonze concept:directordirectedmovie concept_movie_adaptation +concept_director_standring concept:latitudelongitude -65.9833300000000,-61.0500000000000 +concept_director_stanley_donen concept:directordirectedmovie concept_movie_seven_brides_for_seven_brothers +concept_director_stanley_kubrick concept:directordirectedmovie concept_movie_a_clockwork_orange +concept_director_stanley_kubrick concept:directordirectedmovie concept_movie_dr__strangelove +concept_director_stanley_kubrick concept:directordirectedmovie concept_movie_the_shining +concept_director_stephen_daldry concept:directordirectedmovie concept_movie_billy_elliot +concept_director_stephen_gaghan concept:directordirectedmovie concept_movie_syriana +concept_director_stephen_norrington concept:directordirectedmovie concept_movie_blade +concept_director_stephen_spielberg concept:hasspouse concept_person_kate_capshaw +concept_director_stuart_rose concept:agentcollaborateswithagent concept_personmexico_m_s +concept_director_sunil_dutt concept:parentofperson concept_personasia_sanjay_dutt +concept_director_sylvester_stallone concept:directordirectedmovie concept_movie_rambo +concept_director_sylvester_stallone concept:directordirectedmovie concept_movie_rocky +concept_director_television concept:agentcontrols concept_olympics_walter_cronkite +concept_director_terrence_malick concept:directordirectedmovie concept_movie_badlands +concept_director_terry_zwigoff concept:directordirectedmovie concept_movie_ghost_world +concept_director_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_director_tim_burton concept:directordirectedmovie concept_movie_alice_in_wonderland +concept_director_tim_burton concept:directordirectedmovie concept_movie_batman +concept_director_tim_burton concept:directordirectedmovie concept_movie_batman_returns +concept_director_tim_burton concept:directordirectedmovie concept_movie_big_fish +concept_director_tim_burton concept:directordirectedmovie concept_movie_charlie_and_the_chocolate_factory +concept_director_tim_burton concept:directordirectedmovie concept_movie_corpse_bride +concept_director_tim_burton concept:directordirectedmovie concept_movie_ed_wood +concept_director_tim_burton concept:directordirectedmovie concept_movie_edward_scissorhands +concept_director_tim_burton concept:directordirectedmovie concept_movie_sleepy_hollow +concept_director_tim_burton concept:directordirectedmovie concept_movie_the_nightmare_before_christmas +concept_director_timur_bekmambetov concept:directordirectedmovie concept_movie_wanted +concept_director_tobe_hooper concept:directordirectedmovie concept_movie_poltergeist +concept_director_tobe_hooper concept:directordirectedmovie concept_movie_texas_chainsaw_massacre +concept_director_tod_browning concept:directordirectedmovie concept_movie_dracula +concept_director_tomaselli concept:latitudelongitude 42.9797200000000,-73.8575000000000 +concept_director_venkat concept:latitudelongitude 17.2513900000000,78.2452800000000 +concept_director_vincent_minnelli concept:directordirectedmovie concept_movie_american_in_paris +concept_director_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_director_walter_salles concept:directordirectedmovie concept_movie_diarios_de_motocicleta +concept_director_warren_beatty concept:directordirectedmovie concept_movie_reds +concept_director_weitz concept:latitudelongitude 43.6693300000000,-116.7595900000000 +concept_director_wes_anderson concept:directordirectedmovie concept_movie_darjeeling_limited +concept_director_wes_anderson concept:directordirectedmovie concept_movie_rushmore +concept_director_william_friedkin concept:directordirectedmovie concept_movie_exorcist +concept_director_william_friedkin concept:directordirectedmovie concept_movie_the_exorcist +concept_director_woody_allen concept:directordirectedmovie concept_movie_annie_hall +concept_director_woody_allen concept:directordirectedmovie concept_movie_match_point +concept_director_zack_snyder concept:directordirectedmovie concept_movie_watchmen +concept_director_zhang_yimou concept:directordirectedmovie concept_movie_ju_dou +concept_director_zucker concept:topmemberoforganization concept_company_nbc +concept_director_zucker concept:personbelongstoorganization concept_company_nbc_universal001 +concept_director_zucker concept:personleadsorganization concept_company_nbc_universal001 +concept_director_zucker concept:personleadsorganization concept_company_nbcu +concept_director_zucker concept:agentcontrols concept_retailstore_nbc +concept_disease_adelphia concept:proxyfor concept_radiostation_new_jersey +concept_disease_admission concept:proxyfor concept_book_new +concept_disease_admission concept:atdate concept_dateliteral_n2008 +concept_disease_bird_flu concept:atdate concept_dateliteral_n2005 +concept_disease_bladder concept:subpartof concept_website_blood +concept_disease_brain_cancer concept:atdate concept_date_n2003 +concept_disease_brain_cancer concept:atdate concept_dateliteral_n2005 +concept_disease_brain_cancer concept:atdate concept_dateliteral_n2007 +concept_disease_breast_cancer concept:atdate concept_date_n1996 +concept_disease_breast_cancer concept:atdate concept_date_n2000 +concept_disease_breast_cancer concept:atdate concept_date_n2001 +concept_disease_breast_cancer concept:atdate concept_date_n2003 +concept_disease_breast_cancer concept:atdate concept_date_n2004 +concept_disease_breast_cancer concept:atdate concept_dateliteral_n2002 +concept_disease_breast_cancer concept:atdate concept_dateliteral_n2005 +concept_disease_breast_cancer concept:atdate concept_dateliteral_n2006 +concept_disease_breast_cancer concept:atdate concept_dateliteral_n2007 +concept_disease_breast_cancer concept:atdate concept_dateliteral_n2008 +concept_disease_breast_cancer concept:atdate concept_year_n1997 +concept_disease_breast_cancer concept:atdate concept_year_n1998 +concept_disease_cdc concept:atdate concept_dateliteral_n2005 +concept_disease_cdc concept:atdate concept_dateliteral_n2006 +concept_disease_condition concept:ismultipleof concept_publication_people_ +concept_disease_conditions concept:ismultipleof concept_publication_people_ +concept_disease_diabetes concept:atdate concept_date_n1999 +concept_disease_diabetes concept:atdate concept_date_n2003 +concept_disease_diabetes concept:atdate concept_dateliteral_n2007 +concept_disease_diabetes concept:atdate concept_year_n1997 +concept_disease_disabilities concept:ismultipleof concept_publication_people_ +concept_disease_disability concept:ismultipleof concept_publication_people_ +concept_disease_diseases concept:ismultipleof concept_publication_people_ +concept_disease_disorders concept:ismultipleof concept_publication_people_ +concept_disease_dvt concept:latitudelongitude 33.6880900000000,-112.0829300000000 +concept_disease_environment concept:subpartof concept_weatherphenomenon_air +concept_disease_geneva concept:atdate concept_date_n2000 +concept_disease_geneva concept:atdate concept_date_n2001 +concept_disease_geneva concept:atdate concept_date_n2009 +concept_disease_geneva concept:atdate concept_year_n1988 +concept_disease_health_conditions concept:ismultipleof concept_publication_people_ +concept_disease_heart_surgery concept:atdate concept_dateliteral_n2007 +concept_disease_hiv_aids concept:atdate concept_date_n2000 +concept_disease_hiv_aids concept:atdate concept_date_n2001 +concept_disease_hivan concept:latitudelongitude 27.9087100000000,59.4529700000000 +concept_disease_hot_spots concept:proxyfor concept_book_new +concept_disease_illness concept:ismultipleof concept_publication_people_ +concept_disease_illnesses concept:ismultipleof concept_publication_people_ +concept_disease_infectious_diseases concept:ismultipleof concept_publication_people_ +concept_disease_initiated concept:atdate concept_date_n1999 +concept_disease_initiated concept:atdate concept_date_n2000 +concept_disease_initiated concept:atdate concept_date_n2001 +concept_disease_initiated concept:atdate concept_date_n2003 +concept_disease_initiated concept:atdate concept_dateliteral_n2002 +concept_disease_initiated concept:atdate concept_dateliteral_n2005 +concept_disease_initiated concept:atdate concept_dateliteral_n2006 +concept_disease_initiated concept:atdate concept_dateliteral_n2007 +concept_disease_initiated concept:atdate concept_dateliteral_n2008 +concept_disease_kidneys concept:subpartof concept_beverage_fluid +concept_disease_kidneys concept:subpartof concept_weatherphenomenon_water +concept_disease_kidneys concept:subpartof concept_website_blood +concept_disease_leukaemia concept:atdate concept_dateliteral_n2005 +concept_disease_lung concept:subpartof concept_website_blood +concept_disease_lung_cancer concept:atdate concept_date_n2004 +concept_disease_lung_cancer concept:atdate concept_dateliteral_n2002 +concept_disease_lung_cancer concept:atdate concept_dateliteral_n2005 +concept_disease_lung_cancer concept:atdate concept_dateliteral_n2006 +concept_disease_lung_cancer concept:atdate concept_dateliteral_n2007 +concept_disease_lymphoma concept:atdate concept_date_n2000 +concept_disease_marriage concept:atdate concept_date_n2000 +concept_disease_marriage concept:atdate concept_date_n2001 +concept_disease_marriage concept:atdate concept_date_n2003 +concept_disease_marriage concept:atdate concept_date_n2004 +concept_disease_marriage concept:atdate concept_dateliteral_n2002 +concept_disease_marriage concept:atdate concept_dateliteral_n2005 +concept_disease_marriage concept:atdate concept_dateliteral_n2006 +concept_disease_marriage concept:atdate concept_year_n1989 +concept_disease_menieres concept:latitudelongitude 46.7852700000000,6.8861100000000 +concept_disease_ovarian_cancer concept:atdate concept_date_n2003 +concept_disease_ovarian_cancer concept:atdate concept_dateliteral_n2006 +concept_disease_pancreatic_cancer concept:atdate concept_date_n2004 +concept_disease_pancreatic_cancer concept:atdate concept_dateliteral_n2007 +concept_disease_pd_ concept:latitudelongitude 52.1306400000000,21.2262700000000 +concept_disease_problems concept:ismultipleof concept_publication_people_ +concept_disease_prostate_cancer concept:atdate concept_date_n1999 +concept_disease_prostate_cancer concept:atdate concept_date_n2000 +concept_disease_prostate_cancer concept:atdate concept_date_n2004 +concept_disease_prostate_cancer concept:atdate concept_dateliteral_n2005 +concept_disease_sbps concept:latitudelongitude -16.4386400000000,-39.0809200000000 +concept_disease_specialist concept:subpartof concept_weatherphenomenon_air +concept_disease_specialist concept:subpartof concept_weatherphenomenon_water +concept_disease_specialists concept:proxyfor concept_book_new +concept_disease_specialists concept:mutualproxyfor concept_sportsequipment_new +concept_disease_specialists concept:subpartof concept_weatherphenomenon_water +concept_disease_suburb concept:proxyfor concept_book_new +concept_disease_suburb concept:mutualproxyfor concept_sportsequipment_new +concept_drug_a_cancer_drug concept:drugworkedonbyagent concept_biotechcompany_imclone_systems +concept_drug_abacavir concept:drughassideeffect concept_disease_side_effects +concept_drug_abilify concept:drughassideeffect concept_disease_side_effects +concept_drug_abraxane concept:drugworkedonbyagent concept_biotechcompany_abraxis +concept_drug_abraxane concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_acamprosate concept:drugworkedonbyagent concept_biotechcompany_forest_labs +concept_drug_acamprosate concept:drughassideeffect concept_disease_side_effects +concept_drug_acarbose concept:drughassideeffect concept_disease_side_effects +concept_drug_accolate concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_accolate concept:drughassideeffect concept_disease_side_effects +concept_drug_accupril concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_accupril concept:drughassideeffect concept_disease_side_effects +concept_drug_accutane concept:drugpossiblytreatsphysiologicalcondition concept_disease_acne +concept_drug_accutane concept:drughassideeffect concept_disease_birth_defects +concept_drug_accutane concept:drughassideeffect concept_disease_depression +concept_drug_accutane concept:drughassideeffect concept_disease_problems +concept_drug_accutane concept:drughassideeffect concept_disease_side_effects +concept_drug_accutane concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cystic_acne +concept_drug_accutane concept:drughassideeffect concept_physiologicalcondition_suicide +concept_drug_ace_inhibitor concept:drugpossiblytreatsphysiologicalcondition concept_disease_blood_pressure +concept_drug_ace_inhibitor concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_ace_inhibitors concept:drugpossiblytreatsphysiologicalcondition concept_disease_blood_pressure +concept_drug_ace_inhibitors concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_aceon concept:drughassideeffect concept_disease_side_effects +concept_drug_acetaminophen concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_acetaminophen concept:drughassideeffect concept_disease_side_effects +concept_drug_acetazolamide concept:drugworkedonbyagent concept_biotechcompany_wyeth_ayerst +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_carbon +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_carbon_dioxide +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_chemicals +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_compounds +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_emissions +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_gas +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_gases +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_lead +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_moisture +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_nitrogen +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_oxides +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_seawater +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_substances +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_sulfur +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_sulphur +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_water +concept_drug_acid concept:chemicalistypeofchemical concept_chemical_water_vapor +concept_drug_acid concept:chemicalistypeofchemical concept_visualizablething_salts +concept_drug_aciphex concept:drughassideeffect concept_disease_side_effects +concept_drug_aclasta concept:drughassideeffect concept_disease_side_effects +concept_drug_acomplia concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_acomplia concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_acomplia concept:drugpossiblytreatsphysiologicalcondition concept_disease_obesity +concept_drug_acomplia concept:drughassideeffect concept_disease_side_effects +concept_drug_acomplia concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_actiq concept:drugworkedonbyagent concept_biotechcompany_cephalon +concept_drug_actiq concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_actiq concept:drughassideeffect concept_disease_side_effects +concept_drug_actonel concept:drughassideeffect concept_disease_side_effects +concept_drug_actos concept:drugworkedonbyagent concept_biotechcompany_takeda +concept_drug_actos concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_actos concept:drughassideeffect concept_disease_heart_failure +concept_drug_actos concept:drughassideeffect concept_disease_side_effects +concept_drug_acyclovir concept:drugpossiblytreatsphysiologicalcondition concept_disease_acyclovir +concept_drug_acyclovir concept:drugpossiblytreatsphysiologicalcondition concept_disease_genital_herpes +concept_drug_acyclovir concept:drugpossiblytreatsphysiologicalcondition concept_disease_herpes +concept_drug_acyclovir concept:drughassideeffect concept_disease_side_effects +concept_drug_adalat concept:drughassideeffect concept_disease_side_effects +concept_drug_adderall concept:drugpossiblytreatsphysiologicalcondition concept_disease_add +concept_drug_adderall concept:drugpossiblytreatsphysiologicalcondition concept_disease_adhd +concept_drug_adderall concept:drughassideeffect concept_disease_side_effects +concept_drug_adderall_xr concept:drughassideeffect concept_disease_side_effects +concept_drug_adefovir concept:drugworkedonbyagent concept_biotechcompany_gilead +concept_drug_adipex concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_adipex concept:drughassideeffect concept_disease_side_effects +concept_drug_adipex concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_adipex_p concept:drughassideeffect concept_disease_side_effects +concept_drug_advair concept:drughassideeffect concept_disease_side_effects +concept_drug_advil concept:drugpossiblytreatsphysiologicalcondition concept_disease_headache +concept_drug_advil concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_advil concept:drughassideeffect concept_disease_side_effects +concept_drug_advil_and_motrin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_agenerase concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_aggrenox concept:drughassideeffect concept_disease_side_effects +concept_drug_albuterol concept:drugworkedonbyagent concept_biotechcompany_dey +concept_drug_albuterol concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_albuterol concept:drughassideeffect concept_disease_side_effects +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_chemicals +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_fuels +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_gas +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_liquids +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_solution +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_solvents +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_substances +concept_drug_alcohol concept:chemicalistypeofchemical concept_chemical_water +concept_drug_alcohol concept:drughassideeffect concept_disease_damage +concept_drug_alcohol concept:drughassideeffect concept_disease_side_effects +concept_drug_aldactazide concept:drughassideeffect concept_disease_side_effects +concept_drug_aldactone concept:drughassideeffect concept_disease_side_effects +concept_drug_aldara concept:drugpossiblytreatsphysiologicalcondition concept_disease_genital_warts +concept_drug_aldara concept:drughassideeffect concept_disease_side_effects +concept_drug_alesse concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_alesse concept:drughassideeffect concept_disease_side_effects +concept_drug_aleve concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_aleve concept:drughassideeffect concept_disease_side_effects +concept_drug_alimta concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_alimta concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_alimta concept:drughassideeffect concept_disease_side_effects +concept_drug_alinia concept:drughassideeffect concept_disease_side_effects +concept_drug_aliskiren concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_allegra concept:drugpossiblytreatsphysiologicalcondition concept_disease_allergy +concept_drug_allegra concept:drughassideeffect concept_disease_side_effects +concept_drug_allegra_d concept:drughassideeffect concept_disease_side_effects +concept_drug_alli concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_alli concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_alli concept:drughassideeffect concept_disease_side_effects +concept_drug_alli concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_allopurinol concept:drughassideeffect concept_disease_side_effects +concept_drug_aloxi concept:drugworkedonbyagent concept_biotechcompany_eisai +concept_drug_alphagan concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_alphagan concept:drughassideeffect concept_disease_side_effects +concept_drug_alprazolam concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_alprazolam concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_alprazolam concept:drughassideeffect concept_disease_side_effects +concept_drug_altace concept:drugpossiblytreatsphysiologicalcondition concept_disease_blood_pressure +concept_drug_altace concept:drughassideeffect concept_disease_side_effects +concept_drug_amantadine concept:drughassideeffect concept_disease_side_effects +concept_drug_amaryl concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_amaryl concept:drughassideeffect concept_disease_side_effects +concept_drug_ambien concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_ambien concept:drughassideeffect concept_disease_side_effects +concept_drug_ambien concept:drugpossiblytreatsphysiologicalcondition concept_disease_sleep +concept_drug_amiodarone concept:drugworkedonbyagent concept_biotechcompany_wyeth_ayerst +concept_drug_amiodarone concept:drughassideeffect concept_disease_side_effects +concept_drug_amitiza concept:drughassideeffect concept_disease_side_effects +concept_drug_amitriptyline concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_amitriptyline concept:drughassideeffect concept_disease_side_effects +concept_drug_amlexanox concept:drugworkedonbyagent concept_biotechcompany_block_drug +concept_drug_amlodipine concept:drughassideeffect concept_disease_side_effects +concept_drug_ammonium_lactate concept:drugworkedonbyagent concept_biotechcompany_westwood_squibb +concept_drug_amoxicillin concept:drughassideeffect concept_disease_side_effects +concept_drug_amoxicillin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_antibiotics +concept_drug_amoxil concept:drughassideeffect concept_disease_side_effects +concept_drug_ampicillin concept:drughassideeffect concept_disease_side_effects +concept_drug_anacin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_anafranil concept:drughassideeffect concept_disease_side_effects +concept_drug_anagrelide concept:drugworkedonbyagent concept_biotechcompany_shire +concept_drug_analgesics concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_anaprox concept:drughassideeffect concept_disease_side_effects +concept_drug_anastrozole concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_androgel concept:drughassideeffect concept_disease_side_effects +concept_drug_ansaid concept:drughassideeffect concept_disease_side_effects +concept_drug_anti_cancer_compound concept:drugworkedonbyagent concept_scientist_nz_scientists +concept_drug_anti_retroviral concept:drugpossiblytreatsphysiologicalcondition concept_disease_hiv_aids +concept_drug_anti_retroviral concept:drugpossiblytreatsphysiologicalcondition concept_disease_hivaids +concept_drug_antiretroviral concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_antiretroviral concept:drugpossiblytreatsphysiologicalcondition concept_disease_hiv_aids +concept_drug_antiretroviral concept:drugpossiblytreatsphysiologicalcondition concept_disease_hivaids +concept_drug_antiretroviral__arv_ concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_antivert concept:drughassideeffect concept_disease_side_effects +concept_drug_apap concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_aralen concept:drughassideeffect concept_disease_side_effects +concept_drug_aranesp concept:drugworkedonbyagent concept_biotechcompany_amgen +concept_drug_aranesp concept:drughassideeffect concept_disease_side_effects +concept_drug_arava concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_arava concept:drughassideeffect concept_disease_side_effects +concept_drug_aredia concept:drughassideeffect concept_disease_side_effects +concept_drug_argatroban concept:drugworkedonbyagent concept_biotechcompany_encysive +concept_drug_arginine concept:drugworkedonbyagent concept_professor_body +concept_drug_aricept concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_aricept concept:drughassideeffect concept_disease_side_effects +concept_drug_arimidex concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_arimidex concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_arimidex concept:drughassideeffect concept_disease_side_effects +concept_drug_aripiprazole concept:drugworkedonbyagent concept_biotechcompany_otsuka +concept_drug_aripiprazole concept:drughassideeffect concept_disease_side_effects +concept_drug_armour_thyroid concept:drughassideeffect concept_disease_side_effects +concept_drug_aromasin concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_aromasin concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_aromasin concept:drughassideeffect concept_disease_side_effects +concept_drug_artane concept:drughassideeffect concept_disease_side_effects +concept_drug_asa concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_asacol concept:drughassideeffect concept_disease_side_effects +concept_drug_asmanex concept:drughassideeffect concept_disease_side_effects +concept_drug_aspirin concept:drugpossiblytreatsphysiologicalcondition concept_disease_headache +concept_drug_aspirin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_aspirin concept:drughassideeffect concept_disease_side_effects +concept_drug_astelin concept:drughassideeffect concept_disease_side_effects +concept_drug_atacand concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_atacand concept:drughassideeffect concept_disease_side_effects +concept_drug_atacand_hct concept:drughassideeffect concept_disease_side_effects +concept_drug_atarax concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_atarax concept:drughassideeffect concept_disease_side_effects +concept_drug_atazanavir concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_atenolol concept:drughassideeffect concept_disease_side_effects +concept_drug_ativan concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_ativan concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_ativan concept:drughassideeffect concept_disease_side_effects +concept_drug_atomoxetine concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_atorvastatin concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_atorvastatin concept:drugworkedonbyagent concept_biotechcompany_warner_lambert +concept_drug_atorvastatin concept:drughassideeffect concept_disease_side_effects +concept_drug_atripla concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_atrovent concept:drughassideeffect concept_disease_side_effects +concept_drug_augmentin concept:drughassideeffect concept_disease_side_effects +concept_drug_avalide concept:drughassideeffect concept_disease_side_effects +concept_drug_avandamet concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_avandamet concept:drughassideeffect concept_disease_side_effects +concept_drug_avandaryl concept:drughassideeffect concept_disease_side_effects +concept_drug_avandia concept:drugworkedonbyagent concept_biotechcompany_glaxo +concept_drug_avandia concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_avandia concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_avandia concept:drughassideeffect concept_disease_heart_attack +concept_drug_avandia concept:drughassideeffect concept_disease_heart_attacks +concept_drug_avandia concept:drughassideeffect concept_disease_heart_disease +concept_drug_avandia concept:drughassideeffect concept_disease_heart_failure +concept_drug_avandia concept:drughassideeffect concept_disease_side_effects +concept_drug_avandia concept:drugpossiblytreatsphysiologicalcondition concept_disease_type_2_diabetes +concept_drug_avapro concept:drughassideeffect concept_disease_side_effects +concept_drug_avapro_hct concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_avastin concept:drugworkedonbyagent concept_biotechcompany_genentech +concept_drug_avastin concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_avastin concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_avastin concept:drugpossiblytreatsphysiologicalcondition concept_disease_cancer +concept_drug_avastin concept:drugpossiblytreatsphysiologicalcondition concept_disease_colon_cancer +concept_drug_avastin concept:drughassideeffect concept_disease_side_effects +concept_drug_avelox concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_avelox concept:drughassideeffect concept_disease_side_effects +concept_drug_aviane concept:drughassideeffect concept_disease_side_effects +concept_drug_avodart concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_avodart concept:drughassideeffect concept_disease_side_effects +concept_drug_avonex concept:drugworkedonbyagent concept_biotechcompany_biogen +concept_drug_avonex concept:drughassideeffect concept_disease_side_effects +concept_drug_axid concept:drughassideeffect concept_disease_side_effects +concept_drug_azathioprine concept:drughassideeffect concept_disease_side_effects +concept_drug_azelastine concept:drugworkedonbyagent concept_biotechcompany_asta_medica +concept_drug_azithromycin concept:drughassideeffect concept_disease_side_effects +concept_drug_azt concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_azulfidine concept:drughassideeffect concept_disease_side_effects +concept_drug_baclofen concept:drugworkedonbyagent concept_biotechcompany_schwarz +concept_drug_baclofen concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_baclofen concept:drughassideeffect concept_disease_side_effects +concept_drug_bactrim concept:drughassideeffect concept_disease_side_effects +concept_drug_bactroban concept:drughassideeffect concept_disease_side_effects +concept_drug_balsalazide concept:drugworkedonbyagent concept_biotechcompany_salix_pharm +concept_drug_baycol concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_baycol concept:drughassideeffect concept_disease_rhabdomyolysis +concept_drug_baycol concept:drughassideeffect concept_disease_side_effects +concept_drug_beclomethasone concept:drugworkedonbyagent concept_biotechcompany_n3m +concept_drug_beclomethasone concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_beclomethasone concept:drughassideeffect concept_disease_side_effects +concept_drug_beloc concept:latitudelongitude 18.3769400000000,-72.5894400000000 +concept_drug_benadryl concept:drughassideeffect concept_disease_side_effects +concept_drug_benazepril concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_benazepril concept:drughassideeffect concept_disease_side_effects +concept_drug_benicar concept:drughassideeffect concept_disease_side_effects +concept_drug_benicar_hct concept:drughassideeffect concept_disease_side_effects +concept_drug_bentyl concept:drughassideeffect concept_disease_side_effects +concept_drug_berinert concept:drugworkedonbyagent concept_biotechcompany_csl_behring +concept_drug_betaferon concept:drugworkedonbyagent concept_biotechcompany_bayer_schering +concept_drug_betamethasone concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_betamethasone concept:drughassideeffect concept_disease_side_effects +concept_drug_betaseron concept:drughassideeffect concept_disease_side_effects +concept_drug_betaxolol concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_betaxolol concept:drugworkedonbyagent concept_biotechcompany_lorex_pharmaceuticals +concept_drug_bevacizumab concept:drughassideeffect concept_disease_side_effects +concept_drug_bextra concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_bextra concept:drugpossiblytreatsphysiologicalcondition concept_disease_arthritis +concept_drug_bextra concept:drughassideeffect concept_disease_heart_attack +concept_drug_bextra concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_bextra concept:drughassideeffect concept_disease_side_effects +concept_drug_bextra concept:drughassideeffect concept_physiologicalcondition_stroke +concept_drug_bextra concept:drughassideeffect concept_physiologicalcondition_strokes +concept_drug_biaxin concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_biaxin concept:drughassideeffect concept_disease_side_effects +concept_drug_bicalutamide concept:drugworkedonbyagent concept_biotechcompany_astrazenenca_pharm +concept_drug_bidil concept:drugworkedonbyagent concept_biotechcompany_nitromed +concept_drug_bisolvon concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_bisoprolol concept:drugworkedonbyagent concept_biotechcompany_wyeth_ayerst +concept_drug_bisoprolol concept:drughassideeffect concept_disease_side_effects +concept_drug_bivalirudin concept:drugworkedonbyagent concept_biotechcompany_meds_co +concept_drug_blopress concept:drughassideeffect concept_disease_side_effects +concept_drug_boniva concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_boniva concept:drughassideeffect concept_disease_side_effects +concept_drug_bontril concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_bontril concept:drughassideeffect concept_disease_side_effects +concept_drug_bontril concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_botox concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_botox concept:drughassideeffect concept_disease_side_effects +concept_drug_bricanyl concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_brinzolamide concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_brompheniramine concept:drughassideeffect concept_disease_side_effects +concept_drug_budesonide concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_budesonide concept:drughassideeffect concept_disease_side_effects +concept_drug_bumex concept:drughassideeffect concept_disease_side_effects +concept_drug_buprenorphine concept:drugworkedonbyagent concept_biotechcompany_reckitt_benckiser_pharm +concept_drug_buprenorphine concept:drughassideeffect concept_disease_side_effects +concept_drug_buprenorphine concept:drugworkedonbyagent concept_magazine_sandoz +concept_drug_bupropion concept:drughassideeffect concept_disease_side_effects +concept_drug_buscopan concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_buspar concept:drughassideeffect concept_disease_side_effects +concept_drug_buspirone concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_buspirone concept:drughassideeffect concept_disease_side_effects +concept_drug_busulfan concept:drugworkedonbyagent concept_biotechcompany_orphan_medical +concept_drug_butalbital concept:drugpossiblytreatsphysiologicalcondition concept_disease_migraines +concept_drug_butalbital concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_buy_carisoprodol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_byetta concept:drugworkedonbyagent concept_biotechcompany_amylin_pharmaceuticals +concept_drug_byetta concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_byetta concept:drughassideeffect concept_disease_pancreatitis +concept_drug_byetta concept:drughassideeffect concept_disease_side_effects +concept_drug_caduet concept:drughassideeffect concept_disease_side_effects +concept_drug_cafergot concept:drughassideeffect concept_disease_side_effects +concept_drug_caffeine concept:drughassideeffect concept_disease_side_effects +concept_drug_calan concept:drughassideeffect concept_disease_side_effects +concept_drug_calanolide_a concept:drugworkedonbyagent concept_biotechcompany_medichem_research +concept_drug_calanolide_a concept:drugworkedonbyagent concept_scientist_scientists +concept_drug_calcipotriene concept:drugworkedonbyagent concept_biotechcompany_leo_pharm +concept_drug_calcitonin concept:drugworkedonbyagent concept_professor_body +concept_drug_calcitriol concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_calcitriol concept:drugworkedonbyagent concept_city_calcium +concept_drug_calcium_carbonate concept:chemicalistypeofchemical concept_chemical_carbon +concept_drug_campath concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_campath concept:drughassideeffect concept_disease_side_effects +concept_drug_camptosar concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_cancidas concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_candesartan concept:drughassideeffect concept_disease_side_effects +concept_drug_capecitabine concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_capecitabine concept:drughassideeffect concept_disease_side_effects +concept_drug_capoten concept:drughassideeffect concept_disease_side_effects +concept_drug_caprelsa concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_captopril concept:drughassideeffect concept_disease_side_effects +concept_drug_carbamazepine concept:drugworkedonbyagent concept_biotechcompany_shire +concept_drug_carbamazepine concept:drughassideeffect concept_disease_side_effects +concept_drug_carbatrol concept:drughassideeffect concept_disease_side_effects +concept_drug_carbidopa concept:drughassideeffect concept_disease_side_effects +concept_drug_carboplatin concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_carboplatin concept:drughassideeffect concept_disease_side_effects +concept_drug_cardenalin concept:drughassideeffect concept_disease_side_effects +concept_drug_cardizem concept:drughassideeffect concept_disease_side_effects +concept_drug_cardura concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_cardura concept:drughassideeffect concept_disease_side_effects +concept_drug_carisoprodol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_carisoprodol concept:drughassideeffect concept_disease_side_effects +concept_drug_carnitine concept:drugworkedonbyagent concept_professor_body +concept_drug_carteolol concept:drugworkedonbyagent concept_biotechcompany_ciba +concept_drug_carvedilol concept:drugworkedonbyagent concept_biotechcompany_smithkline_beecham +concept_drug_carvedilol concept:drughassideeffect concept_disease_side_effects +concept_drug_casodex concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_casodex concept:drughassideeffect concept_disease_side_effects +concept_drug_caspofungin concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_cataflam concept:drughassideeffect concept_disease_side_effects +concept_drug_catapres concept:drughassideeffect concept_disease_side_effects +concept_drug_caverta concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_ceclor concept:drughassideeffect concept_disease_side_effects +concept_drug_cefaclor concept:drughassideeffect concept_disease_side_effects +concept_drug_cefalotin concept:drugworkedonbyagent concept_biotechcompany_acs_dobfar +concept_drug_cefdinir concept:drughassideeffect concept_disease_side_effects +concept_drug_cefixime concept:drughassideeffect concept_disease_side_effects +concept_drug_ceftin concept:drughassideeffect concept_disease_side_effects +concept_drug_cefuroxime concept:drughassideeffect concept_disease_side_effects +concept_drug_cefzil concept:drughassideeffect concept_disease_side_effects +concept_drug_celebrex concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_celebrex concept:drugworkedonbyagent concept_biotechcompany_pfizer_inc +concept_drug_celebrex concept:drugworkedonbyagent concept_biotechcompany_searle +concept_drug_celebrex concept:drughassideeffect concept_disease_heart_attack +concept_drug_celebrex concept:drughassideeffect concept_disease_heart_attacks +concept_drug_celebrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_celebrex concept:drughassideeffect concept_disease_side_effects +concept_drug_celebrex concept:drughassideeffect concept_disease_ulcers +concept_drug_celebrex concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_arthritis_pain +concept_drug_celebrex concept:drughassideeffect concept_physiologicalcondition_gastrointestinal_bleeding +concept_drug_celebrex concept:drughassideeffect concept_physiologicalcondition_stroke +concept_drug_celebrex concept:drugworkedonbyagent concept_scientist_talley +concept_drug_celecoxib concept:drugworkedonbyagent concept_biotechcompany_searle +concept_drug_celecoxib concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_celecoxib concept:drughassideeffect concept_disease_side_effects +concept_drug_celestone concept:drughassideeffect concept_disease_side_effects +concept_drug_celexa concept:drugworkedonbyagent concept_biotechcompany_forest +concept_drug_celexa concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_celexa concept:drughassideeffect concept_disease_side_effects +concept_drug_cellcept concept:drughassideeffect concept_disease_side_effects +concept_drug_cephalexin concept:drughassideeffect concept_disease_side_effects +concept_drug_cerivastatin concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_cervarix concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_cetirizine concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_cetirizine concept:drughassideeffect concept_disease_side_effects +concept_drug_champix concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_champix concept:drughassideeffect concept_disease_side_effects +concept_drug_champix concept:drugpossiblytreatsphysiologicalcondition concept_disease_smoking +concept_drug_chantix concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_chantix concept:drughassideeffect concept_disease_side_effects +concept_drug_chantix concept:drugpossiblytreatsphysiologicalcondition concept_disease_smoking +concept_drug_chemotherapy concept:atdate concept_date_n2004 +concept_drug_chlorpheniramine concept:drughassideeffect concept_disease_side_effects +concept_drug_chlorpromazine concept:drughassideeffect concept_disease_side_effects +concept_drug_chlorthalidone concept:drughassideeffect concept_disease_side_effects +concept_drug_cholestagel concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_cholesterol concept:drugworkedonbyagent concept_professor_body +concept_drug_choline concept:drugworkedonbyagent concept_professor_body +concept_drug_cialis concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_cialis concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_cialis concept:drugworkedonbyagent concept_biotechcompany_lilly_icos +concept_drug_cialis concept:drugworkedonbyagent concept_biotechcompany_lilly_icos_llc +concept_drug_cialis concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_cialis concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_cialis concept:drugpossiblytreatsphysiologicalcondition concept_disease_men +concept_drug_cialis concept:drughassideeffect concept_disease_side_effects +concept_drug_cialis concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_impotence +concept_drug_cilostazol concept:drugworkedonbyagent concept_biotechcompany_otsuka +concept_drug_cilostazol concept:drughassideeffect concept_disease_side_effects +concept_drug_ciloxan concept:drughassideeffect concept_disease_side_effects +concept_drug_cimetidine concept:drugworkedonbyagent concept_biotechcompany_smithkline_beecham +concept_drug_cimetidine concept:drughassideeffect concept_disease_side_effects +concept_drug_cimzia concept:drughassideeffect concept_disease_side_effects +concept_drug_cipralex concept:drughassideeffect concept_disease_side_effects +concept_drug_cipro concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_cipro concept:drughassideeffect concept_disease_side_effects +concept_drug_cipro_hc_otic concept:drughassideeffect concept_disease_side_effects +concept_drug_ciprodex concept:drughassideeffect concept_disease_side_effects +concept_drug_ciprofloxacin concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_ciprofloxacin concept:drugworkedonbyagent concept_biotechcompany_baxter +concept_drug_ciprofloxacin concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_ciprofloxacin concept:drugworkedonbyagent concept_biotechcompany_hexal +concept_drug_ciprofloxacin concept:drughassideeffect concept_disease_side_effects +concept_drug_cisatracurium concept:drugworkedonbyagent concept_biotechcompany_glaxo_welcome +concept_drug_cisplatin concept:drughassideeffect concept_disease_side_effects +concept_drug_citalopram concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_citalopram concept:drughassideeffect concept_disease_side_effects +concept_drug_clarinex concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_clarinex concept:drughassideeffect concept_disease_side_effects +concept_drug_clarithromycin concept:drugworkedonbyagent concept_biotechcompany_teva +concept_drug_clarithromycin concept:drughassideeffect concept_disease_side_effects +concept_drug_claritin concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_claritin concept:drugpossiblytreatsphysiologicalcondition concept_disease_allergy +concept_drug_claritin concept:drughassideeffect concept_disease_side_effects +concept_drug_claritin_d concept:drughassideeffect concept_disease_side_effects +concept_drug_cleocin concept:drughassideeffect concept_disease_side_effects +concept_drug_clindamycin concept:drughassideeffect concept_disease_side_effects +concept_drug_clinoril concept:drughassideeffect concept_disease_side_effects +concept_drug_clobetasol concept:drughassideeffect concept_disease_side_effects +concept_drug_clomid concept:drughassideeffect concept_disease_side_effects +concept_drug_clomid concept:drugpossiblytreatsphysiologicalcondition concept_nondiseasecondition_fertility +concept_drug_clomiphene concept:drughassideeffect concept_disease_side_effects +concept_drug_clonazepam concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_clonazepam concept:drughassideeffect concept_disease_side_effects +concept_drug_clonidine concept:drugpossiblytreatsphysiologicalcondition concept_disease_blood_pressure +concept_drug_clonidine concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_clonidine concept:drughassideeffect concept_disease_side_effects +concept_drug_clopidogrel concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_clopidogrel concept:drugworkedonbyagent concept_biotechcompany_sanofi_synthelabo +concept_drug_clopidogrel concept:drughassideeffect concept_disease_side_effects +concept_drug_clozapine concept:drugpossiblytreatsphysiologicalcondition concept_disease_schizophrenia +concept_drug_clozapine concept:drughassideeffect concept_disease_side_effects +concept_drug_clozaril concept:drughassideeffect concept_disease_side_effects +concept_drug_codeine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_codeine concept:drughassideeffect concept_disease_side_effects +concept_drug_colchicine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_colchicine concept:drughassideeffect concept_disease_side_effects +concept_drug_colesevelam concept:drugworkedonbyagent concept_biotechcompany_sankyo_pharma +concept_drug_combivent concept:drughassideeffect concept_disease_side_effects +concept_drug_combivir concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_combivir concept:drughassideeffect concept_disease_side_effects +concept_drug_comments concept:drughassideeffect concept_disease_side_effects +concept_drug_compazine concept:drughassideeffect concept_disease_side_effects +concept_drug_comtan concept:drughassideeffect concept_disease_side_effects +concept_drug_concerta concept:drugpossiblytreatsphysiologicalcondition concept_disease_add +concept_drug_concerta concept:drugpossiblytreatsphysiologicalcondition concept_disease_adhd +concept_drug_concerta concept:drughassideeffect concept_disease_side_effects +concept_drug_copaxone concept:drugworkedonbyagent concept_biotechcompany_teva_neuroscience +concept_drug_copaxone concept:drughassideeffect concept_disease_side_effects +concept_drug_copegus concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_cordarone concept:drughassideeffect concept_disease_side_effects +concept_drug_coreg concept:drughassideeffect concept_disease_side_effects +concept_drug_cortisol concept:chemicalistypeofchemical concept_chemical_chemicals +concept_drug_cortisol concept:chemicalistypeofchemical concept_drug_hormones +concept_drug_cortisol concept:drugworkedonbyagent concept_professor_body +concept_drug_coumadin concept:drughassideeffect concept_disease_side_effects +concept_drug_covera_hs concept:drugworkedonbyagent concept_biotechcompany_the_company +concept_drug_covera_hs concept:drugworkedonbyagent concept_humanagent_monsanto_co___s_g__d___searle_division +concept_drug_cox_2_inhibitors concept:drugpossiblytreatsphysiologicalcondition concept_disease_arthritis +concept_drug_cox_2_inhibitors concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_cozaar concept:drughassideeffect concept_disease_side_effects +concept_drug_creatine concept:drugworkedonbyagent concept_professor_body +concept_drug_crestor concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_crestor concept:drughassideeffect concept_disease_side_effects +concept_drug_crestor concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cholesterol +concept_drug_crixivan concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_crixivan concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_crixivan concept:drughassideeffect concept_disease_side_effects +concept_drug_cubicin concept:drugworkedonbyagent concept_biotechcompany_cubist +concept_drug_cyclobenzaprine concept:proxyfor concept_book_new +concept_drug_cyclobenzaprine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_cyclobenzaprine concept:drughassideeffect concept_disease_side_effects +concept_drug_cyclophosphamide concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_cyclophosphamide concept:drughassideeffect concept_disease_side_effects +concept_drug_cymbalta concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_cymbalta concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_cymbalta concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_cymbalta concept:drugpossiblytreatsphysiologicalcondition concept_disease_fibromyalgia +concept_drug_cymbalta concept:drughassideeffect concept_disease_side_effects +concept_drug_cyproheptadine concept:drughassideeffect concept_disease_side_effects +concept_drug_cytarabine concept:drugworkedonbyagent concept_biotechcompany_skyepharma_inc +concept_drug_cytomel concept:drughassideeffect concept_disease_side_effects +concept_drug_cytotec concept:drughassideeffect concept_disease_side_effects +concept_drug_cytovene concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_cytoxan concept:drughassideeffect concept_disease_side_effects +concept_drug_dacogen concept:drugworkedonbyagent concept_biotechcompany_johnson___johnson +concept_drug_dalmane concept:drughassideeffect concept_disease_side_effects +concept_drug_darvocet concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_darvocet concept:drughassideeffect concept_disease_side_effects +concept_drug_darvon concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_darvon concept:drughassideeffect concept_disease_side_effects +concept_drug_daypro concept:drughassideeffect concept_disease_side_effects +concept_drug_ddavp concept:drughassideeffect concept_disease_side_effects +concept_drug_decadron concept:drughassideeffect concept_disease_side_effects +concept_drug_december_19 concept:proxyfor concept_book_new +concept_drug_definity concept:drughassideeffect concept_disease_side_effects +concept_drug_demadex concept:drughassideeffect concept_disease_side_effects +concept_drug_demerol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_demerol concept:drughassideeffect concept_disease_side_effects +concept_drug_denavir concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_depakene concept:drughassideeffect concept_disease_side_effects +concept_drug_depakote concept:drugworkedonbyagent concept_biotechcompany_abbot_laboratories +concept_drug_depakote concept:drugworkedonbyagent concept_biotechcompany_abbott_lab +concept_drug_depakote concept:drughassideeffect concept_disease_side_effects +concept_drug_depakote_er concept:drughassideeffect concept_disease_side_effects +concept_drug_depo_provera concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_desflurane concept:drugworkedonbyagent concept_biotechcompany_baxter_healthcare +concept_drug_desipramine concept:drughassideeffect concept_disease_constipation +concept_drug_desipramine concept:drughassideeffect concept_physiologicalcondition_blurred_vision +concept_drug_desipramine concept:drughassideeffect concept_physiologicalcondition_dry_mouth +concept_drug_desloratadine concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_desloratadine concept:drughassideeffect concept_disease_side_effects +concept_drug_desmopressin concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_desowen concept:drughassideeffect concept_disease_side_effects +concept_drug_desoxyn concept:drughassideeffect concept_disease_side_effects +concept_drug_desyrel concept:drughassideeffect concept_disease_side_effects +concept_drug_detrol concept:drughassideeffect concept_disease_side_effects +concept_drug_detrol_la concept:drughassideeffect concept_disease_side_effects +concept_drug_dexamethasone concept:drughassideeffect concept_disease_side_effects +concept_drug_dexedrine concept:drughassideeffect concept_disease_side_effects +concept_drug_dexmethylphenidate concept:drugworkedonbyagent concept_biotechcompany_novartis_pharm +concept_drug_dexrazoxane concept:drugworkedonbyagent concept_biotechcompany_pfizer_pharm +concept_drug_dhea concept:drugworkedonbyagent concept_celebrity_human_body +concept_drug_dhea concept:drugworkedonbyagent concept_professor_body +concept_drug_dhea concept:drugworkedonbyagent concept_publication_people_ +concept_drug_dht concept:drugworkedonbyagent concept_professor_body +concept_drug_diamox concept:drughassideeffect concept_disease_side_effects +concept_drug_diazepam concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_diazepam concept:drughassideeffect concept_disease_side_effects +concept_drug_dichlorphenamide concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_diclofenac concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_diclofenac concept:drughassideeffect concept_disease_side_effects +concept_drug_didanosine concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_didrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_didrex concept:drughassideeffect concept_disease_side_effects +concept_drug_didrex concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_differin concept:drugworkedonbyagent concept_biotechcompany_galderma +concept_drug_differin concept:drugpossiblytreatsphysiologicalcondition concept_disease_acne +concept_drug_differin concept:drughassideeffect concept_disease_side_effects +concept_drug_diflucan concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_diflucan concept:drughassideeffect concept_disease_side_effects +concept_drug_digitek concept:drughassideeffect concept_disease_side_effects +concept_drug_digoxin concept:drughassideeffect concept_disease_side_effects +concept_drug_dilantin concept:drughassideeffect concept_disease_side_effects +concept_drug_dilantin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_seizure +concept_drug_dilaudid concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_dilaudid concept:drughassideeffect concept_disease_side_effects +concept_drug_diltiazem concept:drughassideeffect concept_disease_side_effects +concept_drug_diovan concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_diovan concept:drughassideeffect concept_disease_side_effects +concept_drug_diovan_hct concept:drughassideeffect concept_disease_side_effects +concept_drug_diprolene concept:drughassideeffect concept_disease_side_effects +concept_drug_ditropan concept:drughassideeffect concept_disease_side_effects +concept_drug_divalproex concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_docetaxel concept:drughassideeffect concept_disease_side_effects +concept_drug_donepezil concept:drugworkedonbyagent concept_biotechcompany_navamedic +concept_drug_doryx concept:drughassideeffect concept_disease_side_effects +concept_drug_dovonex concept:drughassideeffect concept_disease_side_effects +concept_drug_doxazosin concept:drughassideeffect concept_disease_side_effects +concept_drug_doxepin concept:drughassideeffect concept_disease_side_effects +concept_drug_doxorubicin concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_doxycycline concept:drughassideeffect concept_disease_side_effects +concept_drug_drugs concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_dulcolax concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_duloxetine concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_duloxetine concept:drughassideeffect concept_disease_side_effects +concept_drug_duragesic concept:drughassideeffect concept_disease_side_effects +concept_drug_duricef concept:drughassideeffect concept_disease_side_effects +concept_drug_dyazide concept:drughassideeffect concept_disease_side_effects +concept_drug_efavirenz concept:drugworkedonbyagent concept_biotechcompany_dupont_pharmaceuticals +concept_drug_efavirenz concept:drughassideeffect concept_disease_side_effects +concept_drug_effexor concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_effexor concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_effexor concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_effexor concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_effexor concept:drughassideeffect concept_disease_side_effects +concept_drug_effexor_xr concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_effexor_xr concept:drughassideeffect concept_disease_side_effects +concept_drug_efudex concept:drughassideeffect concept_disease_side_effects +concept_drug_elavil concept:drughassideeffect concept_disease_constipation +concept_drug_elavil concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_elavil concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_elavil concept:drughassideeffect concept_disease_side_effects +concept_drug_elavil concept:drughassideeffect concept_physiologicalcondition_blurred_vision +concept_drug_elavil concept:drughassideeffect concept_physiologicalcondition_dry_mouth +concept_drug_elavil concept:drughassideeffect concept_physiologicalcondition_weight_gain +concept_drug_eldepryl concept:drughassideeffect concept_disease_side_effects +concept_drug_elidel concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_elidel concept:drughassideeffect concept_disease_side_effects +concept_drug_elmiron concept:drughassideeffect concept_disease_side_effects +concept_drug_elocon concept:drughassideeffect concept_disease_side_effects +concept_drug_eloxatin concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_eloxatin concept:drughassideeffect concept_disease_side_effects +concept_drug_emend concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_emend concept:drughassideeffect concept_disease_side_effects +concept_drug_emsam concept:drughassideeffect concept_disease_side_effects +concept_drug_emtricitabine concept:drugworkedonbyagent concept_biotechcompany_triangle_pharmaceuticals +concept_drug_emtriva concept:drugworkedonbyagent concept_biotechcompany_gilead_sciences +concept_drug_enablex concept:drughassideeffect concept_disease_side_effects +concept_drug_enalapril concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_enalapril concept:drughassideeffect concept_disease_side_effects +concept_drug_enbrel concept:drugpossiblytreatsphysiologicalcondition concept_disease_psoriasis +concept_drug_enbrel concept:drughassideeffect concept_disease_side_effects +concept_drug_endoxan concept:drugworkedonbyagent concept_biotechcompany_baxter_oncology +concept_drug_enfuvirtide concept:drugworkedonbyagent concept_biotechcompany_hoffman_la_roche +concept_drug_enoxaparin concept:drugworkedonbyagent concept_biotechcompany_aventis +concept_drug_entecavir concept:drugworkedonbyagent concept_biotechcompany_bms +concept_drug_entocort concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_ephedra concept:drughassideeffect concept_disease_side_effects +concept_drug_epitome concept:proxyfor concept_book_new +concept_drug_epivir concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_epivir concept:drughassideeffect concept_disease_side_effects +concept_drug_eplerenone concept:drugworkedonbyagent concept_biotechcompany_searle +concept_drug_epo concept:drugworkedonbyagent concept_professor_body +concept_drug_epogen concept:drugpossiblytreatsphysiologicalcondition concept_disease_anemia +concept_drug_epzicom concept:drughassideeffect concept_disease_side_effects +concept_drug_erbitux concept:drugworkedonbyagent concept_biotechcompany_imclone_systems +concept_drug_erbitux concept:drugworkedonbyagent concept_biotechcompany_merck_kgaa +concept_drug_erbitux concept:drugpossiblytreatsphysiologicalcondition concept_disease_cancer +concept_drug_erbitux concept:drughassideeffect concept_disease_side_effects +concept_drug_erlotinib concept:drugworkedonbyagent concept_biotechcompany_osi_pharm +concept_drug_ertapenem concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_erythromycin concept:drughassideeffect concept_disease_side_effects +concept_drug_escitalopram concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_escitalopram concept:drughassideeffect concept_disease_side_effects +concept_drug_esmolol concept:drugworkedonbyagent concept_biotechcompany_baxter_pharmaceutical +concept_drug_esomeprazol concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_esomeprazole concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_estrace concept:drughassideeffect concept_disease_side_effects +concept_drug_estradiol concept:drughassideeffect concept_disease_side_effects +concept_drug_estrogen concept:drugworkedonbyagent concept_magazine_women +concept_drug_estrogen concept:drugworkedonbyagent concept_professor_body +concept_drug_estropipate concept:drughassideeffect concept_disease_side_effects +concept_drug_etanercept concept:drughassideeffect concept_disease_side_effects +concept_drug_eulexin concept:drughassideeffect concept_disease_side_effects +concept_drug_evista concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_evista concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_evista concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_evista concept:drughassideeffect concept_disease_side_effects +concept_drug_excedrin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_exelon concept:drughassideeffect concept_disease_side_effects +concept_drug_exemestane concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_exforge concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_exforge_hct concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_exjade concept:drughassideeffect concept_disease_side_effects +concept_drug_exubera concept:drughassideeffect concept_disease_side_effects +concept_drug_ezetimibe concept:drugworkedonbyagent concept_biotechcompany_msp_singapore +concept_drug_ezetimibe concept:drughassideeffect concept_disease_side_effects +concept_drug_fabrazyme concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_famciclovir concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_famotidine concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_famotidine concept:drughassideeffect concept_disease_side_effects +concept_drug_famvir concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_famvir concept:drugpossiblytreatsphysiologicalcondition concept_disease_herpes +concept_drug_famvir concept:drughassideeffect concept_disease_side_effects +concept_drug_farmorubicin concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_faslodex concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_faslodex concept:drughassideeffect concept_disease_side_effects +concept_drug_fastin concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_feldene concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_feldene concept:drughassideeffect concept_disease_side_effects +concept_drug_felodipin concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_felodipine concept:drugworkedonbyagent concept_biotechcompany_astra_pharmaceuticals +concept_drug_felodipine concept:drughassideeffect concept_disease_side_effects +concept_drug_femara concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_femara concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_femara concept:drughassideeffect concept_disease_side_effects +concept_drug_fen_phen concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_fenofibrate concept:drughassideeffect concept_disease_side_effects +concept_drug_fenoldopam concept:drugworkedonbyagent concept_biotechcompany_elan_pharmaceuticals +concept_drug_fentanyl concept:drugworkedonbyagent concept_biotechcompany_anesta +concept_drug_fentanyl concept:drugworkedonbyagent concept_biotechcompany_janssen_pharmaceutica +concept_drug_fentanyl concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_fentanyl concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_fentanyl concept:drughassideeffect concept_disease_side_effects +concept_drug_fentora concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_fentora concept:drughassideeffect concept_disease_side_effects +concept_drug_ferriprox concept:drugworkedonbyagent concept_biotechcompany_apotex_inc +concept_drug_fexofenadine concept:drugworkedonbyagent concept_biotechcompany_aventis +concept_drug_fexofenadine concept:drughassideeffect concept_disease_side_effects +concept_drug_finasteride concept:drughassideeffect concept_disease_side_effects +concept_drug_fioricet concept:drugpossiblytreatsphysiologicalcondition concept_disease_migraines +concept_drug_fioricet concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_fioricet concept:drugpossiblytreatsphysiologicalcondition concept_disease_question +concept_drug_fioricet concept:drughassideeffect concept_disease_side_effects +concept_drug_fioricet concept:drugpossiblytreatsphysiologicalcondition concept_nondiseasecondition_help +concept_drug_fioricet concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_tension_headaches +concept_drug_flagyl concept:drughassideeffect concept_disease_side_effects +concept_drug_flavopiridol concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_flexeril concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_flexeril concept:drughassideeffect concept_disease_side_effects +concept_drug_flomax concept:drughassideeffect concept_disease_side_effects +concept_drug_flonase concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_flonase concept:drughassideeffect concept_disease_side_effects +concept_drug_florinef concept:drughassideeffect concept_disease_side_effects +concept_drug_flovent concept:drughassideeffect concept_disease_side_effects +concept_drug_floxin concept:drughassideeffect concept_disease_side_effects +concept_drug_fluconazole concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_fluconazole concept:drughassideeffect concept_disease_side_effects +concept_drug_fludarabine concept:drugworkedonbyagent concept_biotechcompany_berlex +concept_drug_fludarabine concept:drughassideeffect concept_disease_side_effects +concept_drug_flumazenil concept:drugworkedonbyagent concept_company_fresenius +concept_drug_fluorouracil concept:drugworkedonbyagent concept_biotechcompany_hospira +concept_drug_fluorouracil concept:drughassideeffect concept_disease_side_effects +concept_drug_fluoxetin concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_fluoxetine concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_fluoxetine concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_fluoxetine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_fluoxetine concept:drughassideeffect concept_disease_side_effects +concept_drug_fluticasone concept:drughassideeffect concept_disease_side_effects +concept_drug_fluvastatin concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_fluvoxamine concept:drugworkedonbyagent concept_biotechcompany_solvay_pharmaceuticals +concept_drug_fluvoxamine concept:drughassideeffect concept_disease_side_effects +concept_drug_focalin concept:drughassideeffect concept_disease_side_effects +concept_drug_foradil concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_foradil concept:drughassideeffect concept_disease_side_effects +concept_drug_forteo concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_forteo concept:drughassideeffect concept_disease_side_effects +concept_drug_fosamax concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_fosamax concept:drugworkedonbyagent concept_biotechcompany_merck___co +concept_drug_fosamax concept:drugpossiblytreatsphysiologicalcondition concept_disease_osteoporosis +concept_drug_fosamax concept:drughassideeffect concept_disease_side_effects +concept_drug_fosinopril concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_fosphenytoin concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_frova concept:drughassideeffect concept_disease_side_effects +concept_drug_fulvestrant concept:drugworkedonbyagent concept_biotechcompany_astrazeneca_pharmaceut +concept_drug_furosemide concept:drughassideeffect concept_disease_side_effects +concept_drug_gabapentin concept:drugworkedonbyagent concept_biotechcompany_parke_davis +concept_drug_gabapentin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_gabapentin concept:drughassideeffect concept_disease_side_effects +concept_drug_gabitril concept:drughassideeffect concept_disease_side_effects +concept_drug_galantamine concept:drughassideeffect concept_disease_side_effects +concept_drug_galvus concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_gardasil concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_gardasil concept:drugworkedonbyagent concept_biotechcompany_sanofiaventis +concept_drug_gatifloxacin concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_gemcitabine concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_gemfibrozil concept:drughassideeffect concept_disease_side_effects +concept_drug_gemtuzumab concept:drugworkedonbyagent concept_biotechcompany_wyeth_ayerst +concept_drug_gemzar concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_gemzar concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_gemzar concept:drughassideeffect concept_disease_side_effects +concept_drug_generic concept:drughassideeffect concept_disease_side_effects +concept_drug_generic_viagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_generic_viagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_generic_viagra concept:drughassideeffect concept_disease_side_effects +concept_drug_gentamicin concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_gentamicin concept:drughassideeffect concept_disease_side_effects +concept_drug_geodon concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_geodon concept:drughassideeffect concept_disease_side_effects +concept_drug_ghb concept:drugworkedonbyagent concept_professor_body +concept_drug_glatiramer concept:drugworkedonbyagent concept_biotechcompany_teva +concept_drug_gleevec concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_gleevec concept:drughassideeffect concept_disease_side_effects +concept_drug_glimepiride concept:drugworkedonbyagent concept_biotechcompany_aventis_pharm +concept_drug_glimepiride concept:drughassideeffect concept_disease_side_effects +concept_drug_glipizide concept:drughassideeffect concept_disease_side_effects +concept_drug_glivec concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_glucophage concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_glucophage concept:drughassideeffect concept_disease_side_effects +concept_drug_glucosamine concept:drugworkedonbyagent concept_celebrity_human_body +concept_drug_glucosamine concept:drughassideeffect concept_disease_side_effects +concept_drug_glucosamine concept:drugworkedonbyagent concept_professor_body +concept_drug_glucotrol concept:drughassideeffect concept_disease_side_effects +concept_drug_glucovance concept:drughassideeffect concept_disease_side_effects +concept_drug_glyburide concept:drughassideeffect concept_disease_side_effects +concept_drug_gnrh_analogues concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_gnrh_analogues concept:drugpossiblytreatsphysiologicalcondition concept_disease_prostate_cancer +concept_drug_gonal_f concept:drugworkedonbyagent concept_biotechcompany_merck_serono +concept_drug_granisetron concept:drugworkedonbyagent concept_biotechcompany_hoffman_la_roche +concept_drug_granisetron concept:drughassideeffect concept_disease_side_effects +concept_drug_haldol concept:drughassideeffect concept_disease_side_effects +concept_drug_haloperidol concept:drughassideeffect concept_disease_side_effects +concept_drug_harnal concept:drughassideeffect concept_disease_side_effects +concept_drug_hctz concept:drughassideeffect concept_disease_side_effects +concept_drug_heparin concept:drughassideeffect concept_disease_side_effects +concept_drug_hepsera concept:drugworkedonbyagent concept_biotechcompany_gilead_sciences +concept_drug_herceptin concept:drugworkedonbyagent concept_biotechcompany_chugai +concept_drug_herceptin concept:drugworkedonbyagent concept_biotechcompany_genentech +concept_drug_herceptin concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_herceptin concept:drughassideeffect concept_disease_side_effects +concept_drug_hgh concept:drugworkedonbyagent concept_professor_body +concept_drug_hivid concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_hizentra concept:drugworkedonbyagent concept_biotechcompany_csl_behring +concept_drug_holoxan concept:drugworkedonbyagent concept_biotechcompany_baxter_oncology +concept_drug_honvan concept:drugworkedonbyagent concept_biotechcompany_bayer_schering +concept_drug_hoodia concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_hoodia concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_humalog concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_humalog concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_humalog concept:drughassideeffect concept_disease_side_effects +concept_drug_human_growth_hormone concept:drugworkedonbyagent concept_professor_body +concept_drug_humatrope concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_humatrope concept:drughassideeffect concept_disease_side_effects +concept_drug_humira concept:drugworkedonbyagent concept_biotechcompany_abbot_laboratories +concept_drug_humira concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_humira concept:drughassideeffect concept_disease_side_effects +concept_drug_humulin concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_hyaluronic_acid concept:drugworkedonbyagent concept_professor_body +concept_drug_hycamptin concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_hycamtin concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_hydrea concept:drughassideeffect concept_disease_side_effects +concept_drug_hydrochlorothiazide concept:drughassideeffect concept_disease_side_effects +concept_drug_hydrocodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_chronic_pain +concept_drug_hydrocodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_hydrocodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain_management +concept_drug_hydrocodone concept:drughassideeffect concept_disease_side_effects +concept_drug_hydrocodone_hydrocodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_hydrocodone_without_prescription concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_hydrocodone_without_prescription concept:drughassideeffect concept_disease_side_effects +concept_drug_hydrocortisone concept:drughassideeffect concept_disease_side_effects +concept_drug_hydroxyurea concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_hydroxyzine concept:drughassideeffect concept_disease_side_effects +concept_drug_hytrin concept:drughassideeffect concept_disease_side_effects +concept_drug_hyzaar concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_hyzaar concept:drughassideeffect concept_disease_side_effects +concept_drug_ibuprofen concept:drugworkedonbyagent concept_biotechcompany_mcneil_consumer_prod +concept_drug_ibuprofen concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_ibuprofen concept:drugworkedonbyagent concept_biotechcompany_whitehall_robbins +concept_drug_ibuprofen concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_ibuprofen concept:drughassideeffect concept_disease_side_effects +concept_drug_ibuprofen concept:drughassideeffect concept_physiologicalcondition_weight_gain +concept_drug_il_12 concept:drugworkedonbyagent concept_biotechcompany_hoffman_laroche +concept_drug_il_12 concept:drugworkedonbyagent concept_biotechcompany_the_company +concept_drug_imatinib concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_imdur concept:drughassideeffect concept_disease_side_effects +concept_drug_imipramine concept:drughassideeffect concept_disease_constipation +concept_drug_imipramine concept:drughassideeffect concept_disease_side_effects +concept_drug_imipramine concept:drughassideeffect concept_nondiseasecondition_breastfeeding +concept_drug_imipramine concept:drughassideeffect concept_nondiseasecondition_pregnancy +concept_drug_imipramine concept:drughassideeffect concept_physiologicalcondition_blurred_vision +concept_drug_imipramine concept:drughassideeffect concept_physiologicalcondition_dry_mouth +concept_drug_imipramine concept:drughassideeffect concept_physiologicalcondition_suicide +concept_drug_imipramine concept:drughassideeffect concept_physiologicalcondition_weight_gain +concept_drug_imiquimod concept:drugworkedonbyagent concept_biotechcompany_n3m +concept_drug_imitrex concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_imitrex concept:drughassideeffect concept_disease_heart_problems +concept_drug_imitrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_migraine_headaches +concept_drug_imitrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_imitrex concept:drughassideeffect concept_disease_side_effects +concept_drug_immucyst concept:drughassideeffect concept_disease_side_effects +concept_drug_imodium concept:drughassideeffect concept_disease_side_effects +concept_drug_imovane concept:drughassideeffect concept_disease_side_effects +concept_drug_imuran concept:drughassideeffect concept_disease_side_effects +concept_drug_inderal concept:drugpossiblytreatsphysiologicalcondition concept_disease_blood_pressure +concept_drug_inderal concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_inderal concept:drughassideeffect concept_disease_side_effects +concept_drug_indinavir concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_indinavir_sulfate concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_indocin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_indocin concept:drughassideeffect concept_disease_side_effects +concept_drug_indomethacin concept:drughassideeffect concept_disease_side_effects +concept_drug_infliximab concept:drughassideeffect concept_disease_side_effects +concept_drug_inspra concept:drughassideeffect concept_disease_side_effects +concept_drug_insulin concept:drugworkedonbyagent concept_company_sugar +concept_drug_insulin concept:drughassideeffect concept_disease_side_effects +concept_drug_insulin concept:chemicalistypeofchemical concept_drug_hormones +concept_drug_insulin concept:drugworkedonbyagent concept_professor_body +concept_drug_insulin_glargine concept:drugworkedonbyagent concept_biotechcompany_aventis +concept_drug_interceptor concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_interferon concept:drughassideeffect concept_disease_side_effects +concept_drug_interferon concept:drugworkedonbyagent concept_professor_body +concept_drug_intralipid concept:drugworkedonbyagent concept_company_fresenius +concept_drug_intron_a concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_invega concept:drughassideeffect concept_disease_side_effects +concept_drug_invirase concept:drughassideeffect concept_disease_side_effects +concept_drug_ionamin concept:drughassideeffect concept_disease_side_effects +concept_drug_irbesartan concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_irbesartan concept:drughassideeffect concept_disease_side_effects +concept_drug_iressa concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_iressa concept:drughassideeffect concept_disease_side_effects +concept_drug_irinotecan concept:drugworkedonbyagent concept_company_fresenius +concept_drug_isoptin concept:drughassideeffect concept_disease_side_effects +concept_drug_isopto_carpine concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_isosorbide concept:drughassideeffect concept_disease_side_effects +concept_drug_isotretinoin concept:drugpossiblytreatsphysiologicalcondition concept_disease_acne +concept_drug_isotretinoin concept:drughassideeffect concept_disease_side_effects +concept_drug_isovue concept:drughassideeffect concept_disease_side_effects +concept_drug_itraconazole concept:drugworkedonbyagent concept_biotechcompany_janssen_pharmaceutica +concept_drug_ixempra concept:drugworkedonbyagent concept_biotechcompany_bms +concept_drug_januvia concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_januvia concept:drughassideeffect concept_disease_side_effects +concept_drug_josir concept:drughassideeffect concept_disease_side_effects +concept_drug_kaletra concept:drugworkedonbyagent concept_biotechcompany_abbot_laboratories +concept_drug_kaletra concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_kaletra concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_kaletra concept:drughassideeffect concept_disease_side_effects +concept_drug_kamagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_kamagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_keflex concept:drughassideeffect concept_disease_side_effects +concept_drug_kenalog concept:drughassideeffect concept_disease_side_effects +concept_drug_keppra concept:drughassideeffect concept_disease_side_effects +concept_drug_ketek concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_ketek concept:drughassideeffect concept_disease_side_effects +concept_drug_ketoconazole concept:drugworkedonbyagent concept_biotechcompany_janssen_pharmaceutica +concept_drug_ketoconazole concept:drughassideeffect concept_disease_side_effects +concept_drug_ketorolac concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_kineret concept:drughassideeffect concept_disease_side_effects +concept_drug_klonopin concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_klonopin concept:drughassideeffect concept_disease_side_effects +concept_drug_konakion_novum concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_l_carnitine concept:drugworkedonbyagent concept_professor_body +concept_drug_labetalol concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_lamictal concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_lamictal concept:drughassideeffect concept_disease_side_effects +concept_drug_lamisil concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_lamisil concept:drughassideeffect concept_disease_side_effects +concept_drug_lamivudine concept:drughassideeffect concept_disease_side_effects +concept_drug_lamotrigine concept:drughassideeffect concept_disease_side_effects +concept_drug_lanoxin concept:drughassideeffect concept_disease_side_effects +concept_drug_lansoprazole concept:drughassideeffect concept_disease_side_effects +concept_drug_lantus concept:drughassideeffect concept_disease_side_effects +concept_drug_lapatinib concept:drughassideeffect concept_disease_side_effects +concept_drug_lariam concept:drughassideeffect concept_disease_side_effects +concept_drug_lasix concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_lasix concept:drughassideeffect concept_disease_side_effects +concept_drug_latisse concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_lectins concept:drugpossiblytreatsphysiologicalcondition concept_disease_human_lung_cancer +concept_drug_lectins concept:drugpossiblytreatsphysiologicalcondition concept_disease_mouse_muscle_cancer +concept_drug_leflunomide concept:drugworkedonbyagent concept_biotechcompany_hoechst_marion_roussel +concept_drug_leponex concept:drughassideeffect concept_disease_side_effects +concept_drug_leptin concept:drugworkedonbyagent concept_professor_body +concept_drug_lescol concept:drughassideeffect concept_disease_side_effects +concept_drug_letrozole concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_leucovorin concept:drughassideeffect concept_disease_side_effects +concept_drug_leukeran concept:drughassideeffect concept_disease_side_effects +concept_drug_leukine concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_levalbuterol concept:drugworkedonbyagent concept_biotechcompany_sepracor +concept_drug_levaquin concept:drugworkedonbyagent concept_biotechcompany_ortho_mcneil +concept_drug_levaquin concept:drugpossiblytreatsphysiologicalcondition concept_disease_infections +concept_drug_levaquin concept:drughassideeffect concept_disease_side_effects +concept_drug_levemir concept:drugworkedonbyagent concept_biotechcompany_novo_nordisk +concept_drug_levemir concept:drughassideeffect concept_disease_side_effects +concept_drug_levetiracetam concept:drugworkedonbyagent concept_biotechcompany_ucb_pharma +concept_drug_levetiracetam concept:drughassideeffect concept_disease_side_effects +concept_drug_levitra concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_levitra concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_levitra concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_levitra concept:drughassideeffect concept_disease_side_effects +concept_drug_levitra concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_impotence +concept_drug_levobetaxolol concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_levobunolol concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_levodopa concept:drughassideeffect concept_disease_side_effects +concept_drug_levofloxacin concept:drugworkedonbyagent concept_biotechcompany_r_w__johnson +concept_drug_levofloxacin concept:drugworkedonbyagent concept_biotechcompany_santen +concept_drug_levofloxacin concept:drughassideeffect concept_disease_side_effects +concept_drug_levothyroxine concept:drughassideeffect concept_disease_side_effects +concept_drug_levoxyl concept:drughassideeffect concept_disease_side_effects +concept_drug_lexapro concept:drugworkedonbyagent concept_biotechcompany_forest +concept_drug_lexapro concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_lexapro concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_lexapro concept:drughassideeffect concept_disease_side_effects +concept_drug_lexiva concept:drughassideeffect concept_disease_side_effects +concept_drug_librium concept:drughassideeffect concept_disease_side_effects +concept_drug_lidocaine concept:drughassideeffect concept_disease_side_effects +concept_drug_lioresal concept:drughassideeffect concept_disease_side_effects +concept_drug_lipitor concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_lipitor concept:drughassideeffect concept_disease_side_effects +concept_drug_lipitor concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cholesterol +concept_drug_lisinopril concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_lisinopril concept:drugworkedonbyagent concept_biotechcompany_zeneca_pharmaceuticals +concept_drug_lisinopril concept:drughassideeffect concept_disease_side_effects +concept_drug_lithium concept:chemicalistypeofchemical concept_chemical_metals +concept_drug_lithium concept:drugpossiblytreatsphysiologicalcondition concept_disease_bipolar_disorder +concept_drug_lithium concept:drughassideeffect concept_disease_side_effects +concept_drug_lodine concept:drughassideeffect concept_disease_side_effects +concept_drug_loestrin concept:drughassideeffect concept_disease_side_effects +concept_drug_loperamide concept:drughassideeffect concept_disease_side_effects +concept_drug_lopid concept:drughassideeffect concept_disease_side_effects +concept_drug_lopressor concept:drughassideeffect concept_disease_side_effects +concept_drug_loprox concept:drughassideeffect concept_disease_side_effects +concept_drug_loratadine concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_loratadine concept:drughassideeffect concept_disease_side_effects +concept_drug_lorazepam concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_lorazepam concept:drughassideeffect concept_disease_side_effects +concept_drug_lorcet concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_lorcet concept:drughassideeffect concept_disease_side_effects +concept_drug_lortab concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_lortab concept:drughassideeffect concept_disease_side_effects +concept_drug_losartan concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_lotensin concept:drughassideeffect concept_disease_side_effects +concept_drug_lotensin_hct concept:drughassideeffect concept_disease_side_effects +concept_drug_lotrel concept:drughassideeffect concept_disease_side_effects +concept_drug_lotronex concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_lovastatin concept:drughassideeffect concept_disease_side_effects +concept_drug_lovenox concept:drughassideeffect concept_disease_side_effects +concept_drug_low_price concept:drughassideeffect concept_disease_side_effects +concept_drug_loxitane concept:drughassideeffect concept_disease_side_effects +concept_drug_lozol concept:drughassideeffect concept_disease_side_effects +concept_drug_lsd concept:drughassideeffect concept_physiologicalcondition_flashbacks +concept_drug_lucentis concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_lumigan concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_lumigan concept:drughassideeffect concept_disease_side_effects +concept_drug_lunesta concept:drughassideeffect concept_disease_side_effects +concept_drug_lunesta concept:drugpossiblytreatsphysiologicalcondition concept_disease_sleep +concept_drug_lupron concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_lupron concept:drughassideeffect concept_disease_side_effects +concept_drug_lupron_depot concept:drugworkedonbyagent concept_biotechcompany_tap +concept_drug_luveris concept:drugworkedonbyagent concept_biotechcompany_merck_serono +concept_drug_luvox concept:drughassideeffect concept_disease_side_effects +concept_drug_lybrel concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_lyrica concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_lyrica concept:drugpossiblytreatsphysiologicalcondition concept_disease_fibromyalgia +concept_drug_lyrica concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_lyrica concept:drughassideeffect concept_disease_side_effects +concept_drug_mabthera concept:drughassideeffect concept_disease_side_effects +concept_drug_macrobid concept:drughassideeffect concept_disease_side_effects +concept_drug_magnesium concept:chemicalistypeofchemical concept_chemical_compounds +concept_drug_magnesium concept:chemicalistypeofchemical concept_chemical_metals +concept_drug_magnesium concept:chemicalistypeofchemical concept_chemical_minerals +concept_drug_magnesium concept:chemicalistypeofchemical concept_chemical_substances +concept_drug_magnesium concept:chemicalistypeofchemical concept_chemical_water +concept_drug_magnesium concept:drugworkedonbyagent concept_city_calcium +concept_drug_magnesium concept:drugworkedonbyagent concept_professor_body +concept_drug_mavik concept:drughassideeffect concept_disease_side_effects +concept_drug_maxalt concept:drughassideeffect concept_disease_side_effects +concept_drug_maxzide concept:drughassideeffect concept_disease_side_effects +concept_drug_medication concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_medication concept:drughassideeffect concept_disease_side_effects +concept_drug_medications concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_medrol concept:drughassideeffect concept_disease_side_effects +concept_drug_medroxyprogesterone concept:drughassideeffect concept_disease_side_effects +concept_drug_mefloquine concept:drughassideeffect concept_disease_side_effects +concept_drug_melatonin concept:chemicalistypeofchemical concept_chemical_neurotransmitters +concept_drug_melatonin concept:drughassideeffect concept_disease_side_effects +concept_drug_melatonin concept:chemicalistypeofchemical concept_drug_hormones +concept_drug_melatonin concept:drugworkedonbyagent concept_professor_body +concept_drug_mellaril concept:drughassideeffect concept_disease_side_effects +concept_drug_meloxicam concept:drugworkedonbyagent concept_biotechcompany_boehringer_ingelheim +concept_drug_meloxicam concept:drughassideeffect concept_disease_side_effects +concept_drug_memantine concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_memantine concept:drughassideeffect concept_disease_side_effects +concept_drug_mercaptopurine concept:drughassideeffect concept_disease_side_effects +concept_drug_meridia concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_meridia concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_meridia concept:drughassideeffect concept_disease_side_effects +concept_drug_metalyse concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_metaxalone concept:drughassideeffect concept_disease_side_effects +concept_drug_metformin concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_metformin concept:drugpossiblytreatsphysiologicalcondition concept_disease_diabetes +concept_drug_metformin concept:drughassideeffect concept_disease_side_effects +concept_drug_methadone concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_methadone concept:drughassideeffect concept_disease_side_effects +concept_drug_methocarbamol concept:drughassideeffect concept_disease_side_effects +concept_drug_methotrexate concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_methotrexate concept:drughassideeffect concept_disease_side_effects +concept_drug_methyldopa concept:drughassideeffect concept_disease_side_effects +concept_drug_methylin concept:drughassideeffect concept_disease_side_effects +concept_drug_methylphenidate concept:drughassideeffect concept_disease_side_effects +concept_drug_methylprednisolone concept:drughassideeffect concept_disease_side_effects +concept_drug_metoclopramide concept:drugworkedonbyagent concept_biotechcompany_schwarz +concept_drug_metoclopramide concept:drughassideeffect concept_disease_side_effects +concept_drug_metolazone concept:drughassideeffect concept_disease_side_effects +concept_drug_metoprolol concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_metoprolol concept:drughassideeffect concept_disease_side_effects +concept_drug_metronidazol concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_metronidazole concept:drughassideeffect concept_disease_side_effects +concept_drug_metronidazole concept:drugworkedonbyagent concept_politicianus_braun +concept_drug_mevacor concept:drughassideeffect concept_disease_side_effects +concept_drug_mevacor concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cholesterol +concept_drug_miacalcin concept:drughassideeffect concept_disease_side_effects +concept_drug_micardis concept:drughassideeffect concept_disease_side_effects +concept_drug_miconazole concept:drughassideeffect concept_disease_side_effects +concept_drug_microzide concept:drughassideeffect concept_disease_side_effects +concept_drug_midazolam concept:drugworkedonbyagent concept_biotechcompany_hoffman_la_roche +concept_drug_midazolam concept:drughassideeffect concept_disease_side_effects +concept_drug_midol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_minipress concept:drughassideeffect concept_disease_side_effects +concept_drug_minocycline concept:drughassideeffect concept_disease_side_effects +concept_drug_mirapex concept:drughassideeffect concept_disease_side_effects +concept_drug_mircette concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_mircette concept:drughassideeffect concept_disease_side_effects +concept_drug_mirena concept:drughassideeffect concept_disease_side_effects +concept_drug_mirtazapine concept:drugworkedonbyagent concept_biotechcompany_organon_inc +concept_drug_mirtazapine concept:drughassideeffect concept_disease_side_effects +concept_drug_mobic concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_mobic concept:drughassideeffect concept_disease_side_effects +concept_drug_modafinil concept:drughassideeffect concept_disease_side_effects +concept_drug_moexipril concept:drugworkedonbyagent concept_biotechcompany_schwarz_pharma +concept_drug_mometasone concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_monopril concept:drughassideeffect concept_disease_side_effects +concept_drug_montelukast concept:drughassideeffect concept_disease_side_effects +concept_drug_morphine concept:drugworkedonbyagent concept_biotechcompany_elan_drug_delivery +concept_drug_morphine concept:drugworkedonbyagent concept_biotechcompany_faulding +concept_drug_morphine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_morphine concept:drughassideeffect concept_disease_side_effects +concept_drug_motrin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_motrin concept:drughassideeffect concept_disease_side_effects +concept_drug_mozobil concept:drugworkedonbyagent concept_biotechcompany_anormed +concept_drug_mozobil concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_msm concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_msm concept:drugworkedonbyagent concept_professor_body +concept_drug_myozyme concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_mysoline concept:drughassideeffect concept_disease_side_effects +concept_drug_nabumetone concept:drugworkedonbyagent concept_biotechcompany_smithkline_beecham +concept_drug_nabumetone concept:drughassideeffect concept_disease_side_effects +concept_drug_nadolol concept:drughassideeffect concept_disease_side_effects +concept_drug_naltrexone concept:drughassideeffect concept_disease_side_effects +concept_drug_name concept:drughassideeffect concept_disease_side_effects +concept_drug_namenda concept:drughassideeffect concept_disease_side_effects +concept_drug_naprelan concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_naprosyn concept:drughassideeffect concept_disease_side_effects +concept_drug_naproxen concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_naproxen concept:drughassideeffect concept_disease_side_effects +concept_drug_nardil concept:drughassideeffect concept_disease_side_effects +concept_drug_nasacort concept:drughassideeffect concept_disease_side_effects +concept_drug_nasonex concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_nasonex concept:drughassideeffect concept_disease_side_effects +concept_drug_natalizumab concept:drughassideeffect concept_disease_side_effects +concept_drug_nateglinide concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_natrecor concept:drugworkedonbyagent concept_biotechcompany_scios +concept_drug_nefazodone concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_nelfinavir concept:drugworkedonbyagent concept_biotechcompany_agouron_pharmaceutical +concept_drug_neoral concept:drughassideeffect concept_disease_side_effects +concept_drug_neulasta concept:drugworkedonbyagent concept_biotechcompany_amgen +concept_drug_neupogen concept:drugworkedonbyagent concept_biotechcompany_amgen +concept_drug_neupro concept:drughassideeffect concept_disease_side_effects +concept_drug_neurontin concept:drugworkedonbyagent concept_biotechcompany_parke_davis +concept_drug_neurontin concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_neurontin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_neurontin concept:drugpossiblytreatsphysiologicalcondition concept_disease_seizures +concept_drug_neurontin concept:drughassideeffect concept_disease_side_effects +concept_drug_nevirapine concept:drugworkedonbyagent concept_biotechcompany_boehringer_ingelheim +concept_drug_nexavar concept:drugworkedonbyagent concept_biotechcompany_bayer_schering +concept_drug_nexavar concept:drughassideeffect concept_disease_side_effects +concept_drug_nexium concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_nexium concept:drugpossiblytreatsphysiologicalcondition concept_disease_heartburn +concept_drug_nexium concept:drughassideeffect concept_disease_side_effects +concept_drug_niacin concept:drughassideeffect concept_disease_side_effects +concept_drug_niaspan concept:drughassideeffect concept_disease_side_effects +concept_drug_nicoderm concept:drughassideeffect concept_disease_side_effects +concept_drug_nicorette concept:drughassideeffect concept_disease_side_effects +concept_drug_nicotine concept:drugworkedonbyagent concept_biotechcompany_smithkline_beecham +concept_drug_nicotine concept:drughassideeffect concept_disease_side_effects +concept_drug_nicotinell concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_nicotrol concept:drughassideeffect concept_disease_side_effects +concept_drug_nifedipine concept:drughassideeffect concept_disease_side_effects +concept_drug_nitrofurantoin concept:drughassideeffect concept_disease_side_effects +concept_drug_nitroglycerin concept:drughassideeffect concept_disease_side_effects +concept_drug_nizatidine concept:drugworkedonbyagent concept_biotechcompany_reliant +concept_drug_nizoral concept:drughassideeffect concept_disease_side_effects +concept_drug_nolvadex concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_nolvadex concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_nolvadex concept:drughassideeffect concept_disease_side_effects +concept_drug_nolvadex concept:drugpossiblytreatsphysiologicalcondition concept_nondiseasecondition_women +concept_drug_norco concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_norco concept:drughassideeffect concept_disease_side_effects +concept_drug_norethindrone concept:drughassideeffect concept_disease_side_effects +concept_drug_norfloxacin concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_norfloxacin concept:drughassideeffect concept_disease_side_effects +concept_drug_noroxin concept:drughassideeffect concept_disease_side_effects +concept_drug_nortriptyline concept:drughassideeffect concept_disease_side_effects +concept_drug_norvasc concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_norvasc concept:drugpossiblytreatsphysiologicalcondition concept_disease_high_blood_pressure +concept_drug_norvasc concept:drughassideeffect concept_disease_side_effects +concept_drug_norvir concept:drugworkedonbyagent concept_biotechcompany_abbot_laboratories +concept_drug_norvir concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_novolog concept:drughassideeffect concept_disease_side_effects +concept_drug_nplate concept:drugworkedonbyagent concept_biotechcompany_amgen +concept_drug_nsaid concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_nsaids concept:drugpossiblytreatsphysiologicalcondition concept_disease_arthritis +concept_drug_nsaids concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_nuvaring concept:drugworkedonbyagent concept_biotechcompany_organon +concept_drug_nuvaring concept:drughassideeffect concept_disease_side_effects +concept_drug_nystatin concept:drughassideeffect concept_disease_side_effects +concept_drug_octreotide concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_ofloxacin concept:drugworkedonbyagent concept_biotechcompany_allergan +concept_drug_ofloxacin concept:drughassideeffect concept_disease_side_effects +concept_drug_olanzapine concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_olanzapine concept:drughassideeffect concept_disease_side_effects +concept_drug_omeprazol concept:drugworkedonbyagent concept_biotechcompany_ratiopharm +concept_drug_omeprazole concept:drughassideeffect concept_disease_side_effects +concept_drug_omnicef concept:drughassideeffect concept_disease_side_effects +concept_drug_ondansetron concept:drugworkedonbyagent concept_biotechcompany_copyfarm +concept_drug_ondansetron concept:drugworkedonbyagent concept_biotechcompany_glaxo_welcome +concept_drug_ondansetron concept:drughassideeffect concept_disease_side_effects +concept_drug_opioids concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_optiray concept:drugworkedonbyagent concept_biotechcompany_mallinckrodt +concept_drug_orlistat concept:drugworkedonbyagent concept_biotechcompany_hoffman_laroche +concept_drug_orlistat concept:drughassideeffect concept_disease_side_effects +concept_drug_orovo concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_ortho concept:drughassideeffect concept_disease_side_effects +concept_drug_ortho_cyclen concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_ortho_evra concept:drugworkedonbyagent concept_biotechcompany_ortho_mcneil +concept_drug_ortho_evra concept:drughassideeffect concept_disease_blood_clots +concept_drug_ortho_evra concept:drughassideeffect concept_disease_side_effects +concept_drug_ortho_evra_patch concept:drughassideeffect concept_disease_blood_clots +concept_drug_ortho_evra_patch concept:drughassideeffect concept_disease_side_effects +concept_drug_ortho_tri_cyclen concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_ortho_tri_cyclen concept:drughassideeffect concept_disease_side_effects +concept_drug_ovral concept:drughassideeffect concept_disease_side_effects +concept_drug_oxaliplatin concept:drugworkedonbyagent concept_biotechcompany_winthrop +concept_drug_oxazepam concept:drughassideeffect concept_disease_side_effects +concept_drug_oxcarbazepine concept:drughassideeffect concept_disease_side_effects +concept_drug_oxybutynin concept:drughassideeffect concept_disease_side_effects +concept_drug_oxycodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_chronic_pain +concept_drug_oxycodone concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_oxycodone concept:drughassideeffect concept_disease_side_effects +concept_drug_oxycontin concept:drugworkedonbyagent concept_biotechcompany_purdue_pharma +concept_drug_oxycontin concept:drugpossiblytreatsphysiologicalcondition concept_disease_chronic_pain +concept_drug_oxycontin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_oxycontin concept:drughassideeffect concept_disease_side_effects +concept_drug_oxycontin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_powerful_pain +concept_drug_pacerone concept:drughassideeffect concept_disease_side_effects +concept_drug_paclitaxel concept:drugworkedonbyagent concept_company_fresenius +concept_drug_paclitaxel concept:drughassideeffect concept_disease_side_effects +concept_drug_pain_killers concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_pain_pain_killers concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_pamelor concept:drughassideeffect concept_disease_side_effects +concept_drug_panadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_paracetamol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_parlodel concept:drughassideeffect concept_disease_side_effects +concept_drug_parnate concept:drughassideeffect concept_disease_side_effects +concept_drug_paroxetine concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_paroxetine concept:drughassideeffect concept_disease_side_effects +concept_drug_patanol concept:drughassideeffect concept_disease_side_effects +concept_drug_paxil concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_paxil concept:drughassideeffect concept_disease_birth_defects +concept_drug_paxil concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_paxil concept:drughassideeffect concept_disease_side_effects +concept_drug_paxil concept:drughassideeffect concept_physiologicalcondition_suicide +concept_drug_peg_intron concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_pegasys concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_pegasys concept:drughassideeffect concept_disease_side_effects +concept_drug_pegintron concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_pentasa concept:drughassideeffect concept_disease_side_effects +concept_drug_pepcid concept:drughassideeffect concept_disease_side_effects +concept_drug_percocet concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_percocet concept:drughassideeffect concept_disease_side_effects +concept_drug_percodan concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_periactin concept:drughassideeffect concept_disease_side_effects +concept_drug_permax concept:drughassideeffect concept_disease_side_effects +concept_drug_persantin concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_persantine concept:drughassideeffect concept_disease_side_effects +concept_drug_pharmacy concept:drughassideeffect concept_disease_side_effects +concept_drug_phenergan concept:drughassideeffect concept_disease_side_effects +concept_drug_phentermine concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_phentermine concept:drughassideeffect concept_disease_side_effects +concept_drug_phentermine concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_phenylephrine concept:drughassideeffect concept_disease_side_effects +concept_drug_phenytoin concept:drughassideeffect concept_disease_side_effects +concept_drug_piroxicam concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_piroxicam concept:drughassideeffect concept_disease_side_effects +concept_drug_plan_b concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_plan_b concept:drughassideeffect concept_disease_side_effects +concept_drug_plaquenil concept:drughassideeffect concept_disease_side_effects +concept_drug_plavix concept:drugworkedonbyagent concept_biotechcompany_bristol_myers +concept_drug_plavix concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_plavix concept:drugworkedonbyagent concept_biotechcompany_sanofi +concept_drug_plavix concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_plavix concept:drughassideeffect concept_disease_side_effects +concept_drug_plendil concept:drughassideeffect concept_disease_side_effects +concept_drug_pletal concept:drughassideeffect concept_disease_side_effects +concept_drug_ppa concept:drughassideeffect concept_physiologicalcondition_stroke +concept_drug_prandin concept:drugworkedonbyagent concept_biotechcompany_novo_nordisk +concept_drug_prandin concept:drughassideeffect concept_disease_side_effects +concept_drug_pravachol concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_pravachol concept:drughassideeffect concept_disease_side_effects +concept_drug_pravastatin concept:drughassideeffect concept_disease_side_effects +concept_drug_prednisolone concept:drughassideeffect concept_disease_side_effects +concept_drug_prednisone concept:drughassideeffect concept_disease_side_effects +concept_drug_pregabalin concept:drughassideeffect concept_disease_side_effects +concept_drug_pregnenolone concept:drugworkedonbyagent concept_professor_body +concept_drug_premarin concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_premarin concept:drughassideeffect concept_disease_side_effects +concept_drug_prempro concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_prempro concept:drughassideeffect concept_disease_breast_cancer +concept_drug_prempro concept:drughassideeffect concept_disease_side_effects +concept_drug_prescription concept:drughassideeffect concept_disease_side_effects +concept_drug_prevacid concept:drugpossiblytreatsphysiologicalcondition concept_disease_heartburn +concept_drug_prevacid concept:drughassideeffect concept_disease_side_effects +concept_drug_prilosec concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_prilosec concept:drugpossiblytreatsphysiologicalcondition concept_disease_heartburn +concept_drug_prilosec concept:drughassideeffect concept_disease_side_effects +concept_drug_primaxin concept:drughassideeffect concept_disease_side_effects +concept_drug_prinivil concept:drughassideeffect concept_disease_side_effects +concept_drug_pristiq concept:drughassideeffect concept_disease_side_effects +concept_drug_privacy_statement concept:atdate concept_dateliteral_n2008 +concept_drug_privigen concept:drugworkedonbyagent concept_biotechcompany_csl_behring +concept_drug_proactol concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_procardia concept:drughassideeffect concept_disease_side_effects +concept_drug_procrit concept:drugworkedonbyagent concept_biotechcompany_johnson___johnson +concept_drug_procrit concept:drughassideeffect concept_disease_side_effects +concept_drug_progesterone concept:drughassideeffect concept_disease_side_effects +concept_drug_progesterone concept:drugworkedonbyagent concept_professor_body +concept_drug_prograf concept:drughassideeffect concept_disease_side_effects +concept_drug_prohance concept:drugworkedonbyagent concept_biotechcompany_astra_tech +concept_drug_promethazine concept:drughassideeffect concept_disease_side_effects +concept_drug_prometrium concept:drughassideeffect concept_disease_side_effects +concept_drug_propecia concept:drugpossiblytreatsphysiologicalcondition concept_disease_hair_loss +concept_drug_propecia concept:drugpossiblytreatsphysiologicalcondition concept_disease_male_pattern_baldness +concept_drug_propecia concept:drughassideeffect concept_disease_side_effects +concept_drug_propoxyphene concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_propoxyphene concept:drughassideeffect concept_disease_side_effects +concept_drug_propranolol concept:drughassideeffect concept_disease_side_effects +concept_drug_proscar concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_proscar concept:drughassideeffect concept_disease_side_effects +concept_drug_protease_inhibitors concept:drugpossiblytreatsphysiologicalcondition concept_disease_hiv +concept_drug_protonix concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_protonix concept:drughassideeffect concept_disease_side_effects +concept_drug_protopic concept:drughassideeffect concept_disease_side_effects +concept_drug_proventil concept:drughassideeffect concept_disease_side_effects +concept_drug_provera concept:drughassideeffect concept_disease_side_effects +concept_drug_provigil concept:drugworkedonbyagent concept_biotechcompany_cephalon +concept_drug_provigil concept:drugpossiblytreatsphysiologicalcondition concept_disease_narcolepsy +concept_drug_provigil concept:drughassideeffect concept_disease_side_effects +concept_drug_prozac concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_prozac concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_prozac concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_prozac concept:drughassideeffect concept_disease_side_effects +concept_drug_prozac concept:drughassideeffect concept_physiologicalcondition_sexual_dysfunction +concept_drug_pulmicort concept:drughassideeffect concept_disease_side_effects +concept_drug_pyridostigmine concept:drughassideeffect concept_disease_side_effects +concept_drug_quetiapine concept:drughassideeffect concept_disease_side_effects +concept_drug_quinapril concept:drughassideeffect concept_disease_side_effects +concept_drug_quinine concept:drughassideeffect concept_disease_side_effects +concept_drug_qvar concept:drughassideeffect concept_disease_side_effects +concept_drug_rabeprazole concept:drughassideeffect concept_disease_side_effects +concept_drug_raloxifene concept:drughassideeffect concept_disease_side_effects +concept_drug_ramipril concept:drughassideeffect concept_disease_side_effects +concept_drug_ranexa concept:drughassideeffect concept_disease_side_effects +concept_drug_ranitidine concept:drughassideeffect concept_disease_side_effects +concept_drug_ranolazine concept:drughassideeffect concept_disease_side_effects +concept_drug_raptiva concept:drughassideeffect concept_disease_side_effects +concept_drug_razadyne concept:drughassideeffect concept_disease_side_effects +concept_drug_rebetol concept:drugworkedonbyagent concept_biotechcompany_schering +concept_drug_rebetol concept:drughassideeffect concept_disease_side_effects +concept_drug_rebif concept:drugworkedonbyagent concept_biotechcompany_serono +concept_drug_rebif concept:drughassideeffect concept_disease_side_effects +concept_drug_reclast concept:drughassideeffect concept_disease_side_effects +concept_drug_reductil concept:drughassideeffect concept_disease_side_effects +concept_drug_reductil concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_redux concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_reglan concept:drughassideeffect concept_disease_side_effects +concept_drug_relafen concept:drughassideeffect concept_disease_side_effects +concept_drug_relenza concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_relenza concept:drughassideeffect concept_disease_side_effects +concept_drug_relpax concept:drughassideeffect concept_disease_side_effects +concept_drug_remeron concept:drugworkedonbyagent concept_biotechcompany_organon +concept_drug_remeron concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_remeron concept:drughassideeffect concept_disease_side_effects +concept_drug_remicade concept:drugworkedonbyagent concept_biotechcompany_centocor +concept_drug_remicade concept:drugpossiblytreatsphysiologicalcondition concept_disease_rheumatoid_arthritis +concept_drug_remicade concept:drughassideeffect concept_disease_side_effects +concept_drug_reminyl concept:drughassideeffect concept_disease_side_effects +concept_drug_remodulin concept:drugworkedonbyagent concept_biotechcompany_united_therapeutics +concept_drug_renagel concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_renagel concept:drughassideeffect concept_disease_side_effects +concept_drug_renova concept:drughassideeffect concept_disease_side_effects +concept_drug_requip concept:drughassideeffect concept_disease_side_effects +concept_drug_restoril concept:drughassideeffect concept_disease_side_effects +concept_drug_retin_a concept:drugpossiblytreatsphysiologicalcondition concept_disease_acne +concept_drug_retrovir concept:drughassideeffect concept_disease_side_effects +concept_drug_revlimid concept:drugworkedonbyagent concept_biotechcompany_celgene +concept_drug_revlimid concept:drughassideeffect concept_disease_side_effects +concept_drug_reyataz concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_reyataz concept:drughassideeffect concept_disease_side_effects +concept_drug_rezulin concept:drugworkedonbyagent concept_biotechcompany_warner_lambert +concept_drug_rhinocort concept:drughassideeffect concept_disease_side_effects +concept_drug_ribasphere concept:drughassideeffect concept_disease_side_effects +concept_drug_ribavirin concept:drughassideeffect concept_disease_side_effects +concept_drug_rimadyl concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_rimonabant concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_risperdal concept:drugworkedonbyagent concept_biotechcompany_janssen +concept_drug_risperdal concept:drugpossiblytreatsphysiologicalcondition concept_disease_schizophrenia +concept_drug_risperdal concept:drughassideeffect concept_disease_side_effects +concept_drug_risperidone concept:drughassideeffect concept_disease_side_effects +concept_drug_ritalin concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_ritalin concept:drugpossiblytreatsphysiologicalcondition concept_disease_add +concept_drug_ritalin concept:drugpossiblytreatsphysiologicalcondition concept_disease_adhd +concept_drug_ritalin concept:drughassideeffect concept_disease_side_effects +concept_drug_rituxan concept:drugworkedonbyagent concept_biotechcompany_biogen +concept_drug_rituxan concept:drugworkedonbyagent concept_biotechcompany_genentech +concept_drug_rituxan concept:drughassideeffect concept_disease_side_effects +concept_drug_rivotril concept:drughassideeffect concept_disease_side_effects +concept_drug_robaxin concept:drughassideeffect concept_disease_side_effects +concept_drug_rocaltrol concept:drughassideeffect concept_disease_side_effects +concept_drug_rocephin concept:drughassideeffect concept_disease_side_effects +concept_drug_rogaine concept:drugpossiblytreatsphysiologicalcondition concept_disease_hair_loss +concept_drug_rogaine concept:drughassideeffect concept_disease_side_effects +concept_drug_rogaine_and_propecia concept:drugpossiblytreatsphysiologicalcondition concept_disease_hair_loss +concept_drug_ropinirole concept:drughassideeffect concept_disease_side_effects +concept_drug_rosuvastatin concept:drughassideeffect concept_disease_side_effects +concept_drug_rozerem concept:drughassideeffect concept_disease_side_effects +concept_drug_saizen concept:drughassideeffect concept_disease_side_effects +concept_drug_sandostatin concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_sandostatin concept:drughassideeffect concept_disease_side_effects +concept_drug_sarafem concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_sarafem concept:drughassideeffect concept_disease_side_effects +concept_drug_sativex concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_seasonale concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_seasonale concept:drughassideeffect concept_disease_side_effects +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_chemicals +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_materials +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_metals +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_minerals +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_sulfur +concept_drug_selenium concept:chemicalistypeofchemical concept_chemical_zinc_pyrithione +concept_drug_selenium concept:drugworkedonbyagent concept_publication_people_ +concept_drug_seloken concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_selzentry concept:drughassideeffect concept_disease_side_effects +concept_drug_senokot concept:drughassideeffect concept_disease_side_effects +concept_drug_sensipar concept:drugworkedonbyagent concept_biotechcompany_amgen +concept_drug_septocaine concept:drugworkedonbyagent concept_biotechcompany_septodont +concept_drug_septra concept:drughassideeffect concept_disease_side_effects +concept_drug_serevent concept:drugpossiblytreatsphysiologicalcondition concept_disease_asthma +concept_drug_serevent concept:drughassideeffect concept_disease_side_effects +concept_drug_serophene concept:drughassideeffect concept_disease_side_effects +concept_drug_seroquel concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_seroquel concept:drughassideeffect concept_disease_diabetes +concept_drug_seroquel concept:drugpossiblytreatsphysiologicalcondition concept_disease_schizophrenia +concept_drug_seroquel concept:drughassideeffect concept_disease_side_effects +concept_drug_seroxat concept:drughassideeffect concept_disease_side_effects +concept_drug_sertraline concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_sertraline concept:drughassideeffect concept_disease_side_effects +concept_drug_serzone concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_serzone concept:drughassideeffect concept_disease_side_effects +concept_drug_shark_cartilage concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_shark_cartilage concept:drugpossiblytreatsphysiologicalcondition concept_disease_cancer +concept_drug_sibutramine concept:drughassideeffect concept_disease_side_effects +concept_drug_sildenafil concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_sildenafil concept:drughassideeffect concept_disease_side_effects +concept_drug_sildenafil_citrate concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_sildenafil_citrate concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_simvastatin concept:drughassideeffect concept_disease_side_effects +concept_drug_sinemet concept:drughassideeffect concept_disease_side_effects +concept_drug_sinequan concept:drughassideeffect concept_disease_side_effects +concept_drug_singulair concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_singulair concept:drughassideeffect concept_disease_side_effects +concept_drug_skelaxin concept:drughassideeffect concept_disease_side_effects +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_carbon +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_crystals +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_minerals +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_salt +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_solution +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_solutions +concept_drug_sodium concept:chemicalistypeofchemical concept_chemical_water +concept_drug_sodium concept:drugworkedonbyagent concept_professor_body +concept_drug_sodium concept:chemicalistypeofchemical concept_visualizablething_powder +concept_drug_sodium concept:chemicalistypeofchemical concept_visualizablething_salts +concept_drug_soliris concept:drughassideeffect concept_disease_side_effects +concept_drug_solvezink concept:drugworkedonbyagent concept_biotechcompany_biophausia +concept_drug_soma concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_soma concept:drughassideeffect concept_disease_side_effects +concept_drug_sorafenib concept:drughassideeffect concept_disease_side_effects +concept_drug_soriatane concept:drughassideeffect concept_disease_side_effects +concept_drug_spiriva concept:drugworkedonbyagent concept_biotechcompany_boehringer_ingelheim +concept_drug_spiriva concept:drughassideeffect concept_disease_side_effects +concept_drug_spironolactone concept:drughassideeffect concept_disease_side_effects +concept_drug_sporanox concept:drughassideeffect concept_disease_side_effects +concept_drug_sprycel concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_ssris concept:drughassideeffect concept_disease_bipolar_disorder +concept_drug_ssris concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_ssris concept:drughassideeffect concept_disease_side_effects +concept_drug_ssris concept:drughassideeffect concept_physiologicalcondition_suicide +concept_drug_stadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_starlix concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_starlix concept:drughassideeffect concept_disease_side_effects +concept_drug_strattera concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_strattera concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_strattera concept:drughassideeffect concept_disease_side_effects +concept_drug_sulfasalazine concept:drughassideeffect concept_disease_side_effects +concept_drug_sumatriptan concept:drugworkedonbyagent concept_biotechcompany_copyfarm +concept_drug_sumatriptan concept:drughassideeffect concept_disease_side_effects +concept_drug_sumycin concept:drughassideeffect concept_disease_side_effects +concept_drug_suprax concept:drughassideeffect concept_disease_side_effects +concept_drug_sustiva concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_sustiva concept:drughassideeffect concept_disease_side_effects +concept_drug_sutent concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_symbicort concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_symbicort concept:drughassideeffect concept_disease_side_effects +concept_drug_symbyax concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_symbyax concept:drughassideeffect concept_disease_side_effects +concept_drug_symmetrel concept:drughassideeffect concept_disease_side_effects +concept_drug_synalar concept:drughassideeffect concept_disease_side_effects +concept_drug_synthroid concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_synthroid concept:drughassideeffect concept_disease_side_effects +concept_drug_syntocinon concept:drugworkedonbyagent concept_biotechcompany_sigma_tau +concept_drug_synvisc_one concept:drugworkedonbyagent concept_biotechcompany_genzyme +concept_drug_tabloid concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_tacrolimus concept:drughassideeffect concept_disease_side_effects +concept_drug_tadalafil concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_tadalafil concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_tadalafil concept:drughassideeffect concept_disease_side_effects +concept_drug_tadalafil concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_impotence +concept_drug_tagamet concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_tagamet concept:drughassideeffect concept_disease_side_effects +concept_drug_tagamet_hb_200 concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_tahor concept:drughassideeffect concept_disease_side_effects +concept_drug_tambocor concept:drugworkedonbyagent concept_biotechcompany_n3m +concept_drug_tamiflu concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_tamiflu concept:drugpossiblytreatsphysiologicalcondition concept_disease_flu +concept_drug_tamiflu concept:drugpossiblytreatsphysiologicalcondition concept_disease_influenza +concept_drug_tamiflu concept:drughassideeffect concept_disease_side_effects +concept_drug_tamoxifen concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_tamoxifen concept:drugpossiblytreatsphysiologicalcondition concept_disease_cancer +concept_drug_tamoxifen concept:drughassideeffect concept_disease_side_effects +concept_drug_tamoxifen concept:drughassideeffect concept_physiologicalcondition_exhausted +concept_drug_tarceva concept:drugworkedonbyagent concept_biotechcompany_genentech +concept_drug_tarceva concept:drugworkedonbyagent concept_biotechcompany_osi +concept_drug_tarceva concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_tarceva concept:drugpossiblytreatsphysiologicalcondition concept_disease_cancer +concept_drug_tarceva concept:drughassideeffect concept_disease_side_effects +concept_drug_tareg concept:drughassideeffect concept_disease_side_effects +concept_drug_tarka concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_tarka concept:drughassideeffect concept_disease_side_effects +concept_drug_tasmar concept:drugworkedonbyagent concept_biotechcompany_valeant +concept_drug_taurine concept:drugworkedonbyagent concept_professor_body +concept_drug_tavist concept:drughassideeffect concept_disease_side_effects +concept_drug_taxol concept:drugworkedonbyagent concept_biotechcompany_bms +concept_drug_taxol concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_taxol concept:drugpossiblytreatsphysiologicalcondition concept_disease_breast_cancer +concept_drug_taxol concept:drughassideeffect concept_disease_side_effects +concept_drug_taxotere concept:drugworkedonbyagent concept_biotechcompany_aventis +concept_drug_taxotere concept:drugworkedonbyagent concept_biotechcompany_sanofi_aventis +concept_drug_taxotere concept:drughassideeffect concept_disease_side_effects +concept_drug_tears_naturale concept:drugworkedonbyagent concept_biotechcompany_alcon +concept_drug_tegaserod concept:drughassideeffect concept_disease_side_effects +concept_drug_tegretol concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_tegretol concept:drugpossiblytreatsphysiologicalcondition concept_disease_epilepsy +concept_drug_tegretol concept:drughassideeffect concept_disease_side_effects +concept_drug_tegretol_chewable concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_tegretol_xr concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_tekturna concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_temazepam concept:drugpossiblytreatsphysiologicalcondition concept_disease_insomnia +concept_drug_temazepam concept:drughassideeffect concept_disease_side_effects +concept_drug_temodar concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_temovate concept:drughassideeffect concept_disease_side_effects +concept_drug_tenoretic concept:drughassideeffect concept_disease_side_effects +concept_drug_tenormin concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_tenormin concept:drughassideeffect concept_disease_side_effects +concept_drug_tenuate concept:drugpossiblytreatsphysiologicalcondition concept_disease_diet +concept_drug_tenuate concept:drughassideeffect concept_disease_side_effects +concept_drug_tequin concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_tequin concept:drughassideeffect concept_disease_side_effects +concept_drug_terazosin concept:drughassideeffect concept_disease_side_effects +concept_drug_terbinafine concept:drughassideeffect concept_disease_side_effects +concept_drug_terbutaline concept:drughassideeffect concept_disease_side_effects +concept_drug_testosterone concept:drugworkedonbyagent concept_professor_body +concept_drug_tetracyclin concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_tetracycline concept:drughassideeffect concept_disease_side_effects +concept_drug_teveten concept:drugworkedonbyagent concept_biotechcompany_kos +concept_drug_teveten concept:drughassideeffect concept_disease_side_effects +concept_drug_teveten_hct concept:drugworkedonbyagent concept_biotechcompany_kos +concept_drug_thalidomide concept:drughassideeffect concept_disease_birth_defects +concept_drug_thalomid concept:drugworkedonbyagent concept_biotechcompany_celgene +concept_drug_thalomid concept:drughassideeffect concept_disease_side_effects +concept_drug_the_drugs concept:drughassideeffect concept_disease_bipolar_disorder +concept_drug_theo_dur concept:drugworkedonbyagent concept_biotechcompany_biophausia +concept_drug_theophylline concept:drughassideeffect concept_disease_side_effects +concept_drug_thioridazine_hydrochloride concept:drugworkedonbyagent concept_biotechcompany_mylan +concept_drug_thorazine concept:drughassideeffect concept_disease_side_effects +concept_drug_tiazac concept:drughassideeffect concept_disease_side_effects +concept_drug_ticlid concept:drugworkedonbyagent concept_biotechcompany_roche_laboratories +concept_drug_ticlid concept:drughassideeffect concept_disease_side_effects +concept_drug_timolide concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_tizanidine concept:drughassideeffect concept_disease_side_effects +concept_drug_tobramycin concept:drughassideeffect concept_disease_side_effects +concept_drug_tofranil concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_tofranil concept:drughassideeffect concept_disease_constipation +concept_drug_tofranil concept:drughassideeffect concept_disease_side_effects +concept_drug_tofranil concept:drughassideeffect concept_physiologicalcondition_blurred_vision +concept_drug_tofranil concept:drughassideeffect concept_physiologicalcondition_dry_mouth +concept_drug_tofranil concept:drughassideeffect concept_physiologicalcondition_weight_gain +concept_drug_topamax concept:drugworkedonbyagent concept_biotechcompany_ortho_mcneil_neurologics +concept_drug_topamax concept:drugpossiblytreatsphysiologicalcondition concept_disease_epilepsy +concept_drug_topamax concept:drughassideeffect concept_disease_side_effects +concept_drug_topiramate concept:drughassideeffect concept_disease_side_effects +concept_drug_toprol concept:drughassideeffect concept_disease_side_effects +concept_drug_toprol_xl concept:drugworkedonbyagent concept_biotechcompany_astrazeneca_lp +concept_drug_toradol concept:drughassideeffect concept_disease_side_effects +concept_drug_tracleer concept:drugworkedonbyagent concept_biotechcompany_actelion +concept_drug_tracleer concept:drughassideeffect concept_disease_side_effects +concept_drug_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_chronic_pain +concept_drug_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_neuropathic_pain +concept_drug_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain_tramadol +concept_drug_tramadol concept:drughassideeffect concept_disease_seizures +concept_drug_tramadol concept:drughassideeffect concept_disease_side_effects +concept_drug_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_pain_signal +concept_drug_tramadol_hcl concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_tramadol_hydrochloride concept:drughassideeffect concept_disease_side_effects +concept_drug_tramadol_tramadol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_tranxene_sd concept:drugworkedonbyagent concept_recordlabel_ovation +concept_drug_tranxene_t_tab concept:drugworkedonbyagent concept_recordlabel_ovation +concept_drug_trasylol concept:drugworkedonbyagent concept_biotechcompany_bayer +concept_drug_trasylol concept:drugworkedonbyagent concept_biotechcompany_bayer_ag +concept_drug_trasylol concept:drughassideeffect concept_disease_kidney_failure +concept_drug_travatan concept:drughassideeffect concept_disease_side_effects +concept_drug_trazodone concept:drughassideeffect concept_disease_side_effects +concept_drug_treanda concept:drughassideeffect concept_disease_side_effects +concept_drug_trecator concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_trental concept:drughassideeffect concept_disease_side_effects +concept_drug_tretinoin concept:drugpossiblytreatsphysiologicalcondition concept_disease_acne +concept_drug_tretinoin concept:drughassideeffect concept_disease_side_effects +concept_drug_triamcinolone concept:drughassideeffect concept_disease_side_effects +concept_drug_triamterene concept:drughassideeffect concept_disease_side_effects +concept_drug_triazolam concept:drughassideeffect concept_disease_side_effects +concept_drug_tricor concept:drugworkedonbyagent concept_biotechcompany_abbott +concept_drug_tricor concept:drughassideeffect concept_disease_side_effects +concept_drug_triglide concept:drugworkedonbyagent concept_bank_first_horizon +concept_drug_trileptal concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_trileptal concept:drughassideeffect concept_disease_side_effects +concept_drug_triphasil concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_triphasil_28 concept:drugworkedonbyagent concept_biotechcompany_wyeth +concept_drug_trizivir concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_trizivir concept:drughassideeffect concept_disease_side_effects +concept_drug_truvada concept:drugworkedonbyagent concept_biotechcompany_gilead +concept_drug_truvada concept:drugworkedonbyagent concept_biotechcompany_gilead_sciences +concept_drug_truvada concept:drughassideeffect concept_disease_side_effects +concept_drug_tums concept:drughassideeffect concept_disease_side_effects +concept_drug_tussionex concept:drughassideeffect concept_disease_side_effects +concept_drug_txb_1296 concept:drugworkedonbyagent concept_biotechcompany_texas_biotechnology +concept_drug_tykerb concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_tykerb concept:drughassideeffect concept_disease_side_effects +concept_drug_tylenol concept:drugpossiblytreatsphysiologicalcondition concept_disease_fever +concept_drug_tylenol concept:drugpossiblytreatsphysiologicalcondition concept_disease_headache +concept_drug_tylenol concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_tylenol concept:drughassideeffect concept_disease_side_effects +concept_drug_tylenol concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_common_pain +concept_drug_tylenol concept:drughassideeffect concept_physiologicalcondition_liver_damage +concept_drug_tylenol concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_mild_pain +concept_drug_tylenol_with_codeine concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_tylox concept:drughassideeffect concept_disease_side_effects +concept_drug_tysabri concept:drugworkedonbyagent concept_biotechcompany_biogen +concept_drug_tysabri concept:drugpossiblytreatsphysiologicalcondition concept_disease_multiple_sclerosis +concept_drug_tysabri concept:drughassideeffect concept_disease_side_effects +concept_drug_u_s__food_and_drug_administration concept:atdate concept_date_n2004 +concept_drug_ultracet concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_ultracet concept:drughassideeffect concept_disease_side_effects +concept_drug_ultram concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_ultram concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_ultram concept:drughassideeffect concept_disease_side_effects +concept_drug_ultram concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_pain_ultram +concept_drug_uromitexan concept:drugworkedonbyagent concept_biotechcompany_baxter_oncology +concept_drug_uroxatral concept:drughassideeffect concept_disease_side_effects +concept_drug_urso concept:drughassideeffect concept_disease_side_effects +concept_drug_valacyclovir concept:drughassideeffect concept_disease_side_effects +concept_drug_valcyte concept:drugworkedonbyagent concept_biotechcompany_hoffman_laroche +concept_drug_valium concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_valium concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_valium concept:drughassideeffect concept_disease_side_effects +concept_drug_valproic concept:drughassideeffect concept_disease_side_effects +concept_drug_valsartan concept:drughassideeffect concept_disease_side_effects +concept_drug_valtrex concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_valtrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_genital_herpes +concept_drug_valtrex concept:drugpossiblytreatsphysiologicalcondition concept_disease_herpes +concept_drug_valtrex concept:drughassideeffect concept_disease_side_effects +concept_drug_vancomycin concept:drugworkedonbyagent concept_company_fresenius +concept_drug_vardenafil concept:drughassideeffect concept_disease_side_effects +concept_drug_varenicline concept:drughassideeffect concept_disease_side_effects +concept_drug_vasotec concept:drughassideeffect concept_disease_side_effects +concept_drug_velcade concept:drugworkedonbyagent concept_biotechcompany_millenium +concept_drug_velcade concept:drughassideeffect concept_disease_side_effects +concept_drug_venlafaxine concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_venlafaxine concept:drughassideeffect concept_disease_side_effects +concept_drug_ventolin concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_ventolin concept:drughassideeffect concept_disease_side_effects +concept_drug_verapamil concept:drughassideeffect concept_disease_side_effects +concept_drug_verapamil concept:drugworkedonbyagent concept_humanagent_monsanto_co___s_g__d___searle_division +concept_drug_vfend concept:drughassideeffect concept_disease_side_effects +concept_drug_viagra concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_viagra concept:drugworkedonbyagent concept_biotechcompany_pfizer_inc +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_dysfunction_treatment +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_viagra concept:drughassideeffect concept_disease_side_effects +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_nondiseasecondition_sexual_health +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_impotence +concept_drug_viagra concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_male_impotence +concept_drug_viagra_ concept:drugpossiblytreatsphysiologicalcondition concept_disease_erectile_dysfunction +concept_drug_vibramycin concept:drughassideeffect concept_disease_side_effects +concept_drug_vicodin concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_vicodin concept:drughassideeffect concept_disease_side_effects +concept_drug_vicodin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_powerful_pain +concept_drug_victoza concept:drugworkedonbyagent concept_biotechcompany_novo_nordisk +concept_drug_vidaza concept:drugworkedonbyagent concept_biotechcompany_celgene +concept_drug_videx concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_videx concept:drughassideeffect concept_disease_side_effects +concept_drug_vincristine concept:drugworkedonbyagent concept_biotechcompany_hospira +concept_drug_vioxx concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_vioxx concept:drugworkedonbyagent concept_biotechcompany_merck___co +concept_drug_vioxx concept:drugpossiblytreatsphysiologicalcondition concept_disease_arthritis +concept_drug_vioxx concept:drughassideeffect concept_disease_heart_attack +concept_drug_vioxx concept:drughassideeffect concept_disease_heart_attacks +concept_drug_vioxx concept:drughassideeffect concept_disease_heart_problems +concept_drug_vioxx concept:drughassideeffect concept_disease_high_blood_pressure +concept_drug_vioxx concept:drugpossiblytreatsphysiologicalcondition concept_disease_osteoarthritis +concept_drug_vioxx concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_vioxx concept:drughassideeffect concept_disease_problems +concept_drug_vioxx concept:drughassideeffect concept_disease_side_effects +concept_drug_vioxx concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_arthritis_pain +concept_drug_vioxx concept:drughassideeffect concept_physiologicalcondition_cardiovascular_problems +concept_drug_vioxx concept:drughassideeffect concept_physiologicalcondition_edema +concept_drug_vioxx concept:drughassideeffect concept_physiologicalcondition_stroke +concept_drug_vioxx concept:drughassideeffect concept_physiologicalcondition_strokes +concept_drug_viracept concept:drugworkedonbyagent concept_biotechcompany_agouron_pharmaceuticals_inc__ +concept_drug_viracept concept:drugpossiblytreatsphysiologicalcondition concept_disease_aids +concept_drug_viracept concept:drugpossiblytreatsphysiologicalcondition concept_disease_hiv +concept_drug_viracept concept:drughassideeffect concept_disease_side_effects +concept_drug_viramune concept:drugworkedonbyagent concept_biotechcompany_boehringer +concept_drug_viramune concept:drugworkedonbyagent concept_biotechcompany_boehringer_ingelheim +concept_drug_viramune concept:drughassideeffect concept_disease_side_effects +concept_drug_viread concept:drugworkedonbyagent concept_biotechcompany_gilead +concept_drug_viread concept:drugworkedonbyagent concept_biotechcompany_gilead_sciences +concept_drug_viread concept:drughassideeffect concept_disease_side_effects +concept_drug_vitamin concept:drughassideeffect concept_disease_side_effects +concept_drug_vitamin_a concept:drugworkedonbyagent concept_magazine_women +concept_drug_vitamin_a concept:drugworkedonbyagent concept_professor_body +concept_drug_vitamin_c concept:drugworkedonbyagent concept_celebrity_human_body +concept_drug_vitamin_c concept:drugworkedonbyagent concept_city_calcium +concept_drug_vitamin_c concept:drugworkedonbyagent concept_magazine_women +concept_drug_vitamin_c concept:drugworkedonbyagent concept_professor_body +concept_drug_vitamin_c concept:drugworkedonbyagent concept_publication_people_ +concept_drug_vitamin_d concept:drugworkedonbyagent concept_celebrity_human_body +concept_drug_vitamin_d concept:drugworkedonbyagent concept_city_calcium +concept_drug_vitamin_d concept:drugworkedonbyagent concept_city_children +concept_drug_vitamin_d concept:drugworkedonbyagent concept_city_individuals +concept_drug_vitamin_d concept:drugworkedonbyagent concept_female_skin +concept_drug_vitamin_d concept:drugworkedonbyagent concept_magazine_women +concept_drug_vitamin_d concept:drugworkedonbyagent concept_professor_body +concept_drug_vitamin_d concept:drugworkedonbyagent concept_publication_people_ +concept_drug_vitamin_e concept:drugworkedonbyagent concept_publication_people_ +concept_drug_voltaren concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_voltaren concept:drughassideeffect concept_disease_side_effects +concept_drug_vytorin concept:drughassideeffect concept_disease_cancer +concept_drug_vytorin concept:drughassideeffect concept_disease_side_effects +concept_drug_vytorin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cholesterol +concept_drug_vyvanse concept:drugworkedonbyagent concept_biotechcompany_shire +concept_drug_vyvanse concept:drughassideeffect concept_disease_side_effects +concept_drug_warfarin concept:drughassideeffect concept_disease_side_effects +concept_drug_warfarin concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_stroke +concept_drug_welchol concept:drughassideeffect concept_disease_side_effects +concept_drug_wellbutrin concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_wellbutrin concept:drughassideeffect concept_disease_seizures +concept_drug_wellbutrin concept:drughassideeffect concept_disease_side_effects +concept_drug_wellbutrin_sr concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_wellbutrin_sr concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_wellbutrin_sr concept:drughassideeffect concept_disease_side_effects +concept_drug_without_prescription concept:drughassideeffect concept_disease_side_effects +concept_drug_xalatan concept:drughassideeffect concept_disease_side_effects +concept_drug_xanax concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety +concept_drug_xanax concept:drugpossiblytreatsphysiologicalcondition concept_disease_anxiety_disorders +concept_drug_xanax concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_xanax concept:drughassideeffect concept_disease_side_effects +concept_drug_xanax_xr concept:drughassideeffect concept_disease_side_effects +concept_drug_xeloda concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_xeloda concept:drughassideeffect concept_disease_side_effects +concept_drug_xenical concept:drugworkedonbyagent concept_biotechcompany_roche +concept_drug_xenical concept:drughassideeffect concept_disease_side_effects +concept_drug_xenical concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_weight_loss +concept_drug_xifaxan concept:drughassideeffect concept_disease_side_effects +concept_drug_xolair concept:drughassideeffect concept_disease_side_effects +concept_drug_xopenex concept:drughassideeffect concept_disease_side_effects +concept_drug_xylocaine concept:drughassideeffect concept_disease_side_effects +concept_drug_yasmin concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_yasmin concept:drughassideeffect concept_disease_side_effects +concept_drug_yaz concept:drugpossiblytreatsphysiologicalcondition concept_disease_birth_control +concept_drug_zaleplon concept:drughassideeffect concept_disease_side_effects +concept_drug_zanaflex concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_zanaflex concept:drughassideeffect concept_disease_side_effects +concept_drug_zantac concept:drughassideeffect concept_disease_side_effects +concept_drug_zarontin concept:drughassideeffect concept_disease_side_effects +concept_drug_zaroxolyn concept:drughassideeffect concept_disease_side_effects +concept_drug_zelnorm concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_zelnorm concept:drughassideeffect concept_disease_side_effects +concept_drug_zerit concept:drugworkedonbyagent concept_biotechcompany_bristol_myers_squib +concept_drug_zerit concept:drughassideeffect concept_disease_side_effects +concept_drug_zestoretic concept:drughassideeffect concept_disease_side_effects +concept_drug_zestril concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_zestril concept:drughassideeffect concept_disease_side_effects +concept_drug_zetia concept:drughassideeffect concept_disease_side_effects +concept_drug_ziac concept:drughassideeffect concept_disease_side_effects +concept_drug_ziagen concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_ziagen concept:drughassideeffect concept_disease_side_effects +concept_drug_zidovudine concept:drughassideeffect concept_disease_side_effects +concept_drug_zienam concept:drugworkedonbyagent concept_biotechcompany_msd +concept_drug_ziprasidone concept:drughassideeffect concept_disease_side_effects +concept_drug_zithromax concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_zithromax concept:drughassideeffect concept_disease_side_effects +concept_drug_zocor concept:drugworkedonbyagent concept_biotechcompany_merck +concept_drug_zocor concept:drughassideeffect concept_disease_side_effects +concept_drug_zocor concept:drugpossiblytreatsphysiologicalcondition concept_physiologicalcondition_cholesterol +concept_drug_zofran concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_zofran concept:drugpossiblytreatsphysiologicalcondition concept_disease_nausea +concept_drug_zofran concept:drughassideeffect concept_disease_side_effects +concept_drug_zoladex concept:drugworkedonbyagent concept_biotechcompany_astrazeneca +concept_drug_zoladex concept:drughassideeffect concept_disease_side_effects +concept_drug_zolmitriptan concept:drugworkedonbyagent concept_biotechcompany_actavis +concept_drug_zoloft concept:drugworkedonbyagent concept_biotechcompany_pfizer +concept_drug_zoloft concept:drugpossiblytreatsphysiologicalcondition concept_disease_depression +concept_drug_zoloft concept:drughassideeffect concept_disease_side_effects +concept_drug_zolpidem concept:drugpossiblytreatsphysiologicalcondition concept_disease_pain +concept_drug_zolpidem concept:drughassideeffect concept_disease_side_effects +concept_drug_zometa concept:drugworkedonbyagent concept_biotechcompany_novartis +concept_drug_zometa concept:drughassideeffect concept_disease_side_effects +concept_drug_zomig concept:drughassideeffect concept_disease_side_effects +concept_drug_zonisamide concept:drughassideeffect concept_disease_side_effects +concept_drug_zovirax concept:drugworkedonbyagent concept_biotechcompany_glaxosmithkline +concept_drug_zovirax concept:drugpossiblytreatsphysiologicalcondition concept_disease_genital_herpes +concept_drug_zovirax concept:drugpossiblytreatsphysiologicalcondition concept_disease_herpes +concept_drug_zovirax concept:drughassideeffect concept_disease_side_effects +concept_drug_zyban concept:drughassideeffect concept_disease_side_effects +concept_drug_zyban concept:drugpossiblytreatsphysiologicalcondition concept_disease_smoking +concept_drug_zyloprim concept:drughassideeffect concept_disease_side_effects +concept_drug_zyprexa concept:drugworkedonbyagent concept_biotechcompany_eli_lilly +concept_drug_zyprexa concept:drugworkedonbyagent concept_biotechcompany_lilly +concept_drug_zyprexa concept:drughassideeffect concept_disease_diabetes +concept_drug_zyprexa concept:drugpossiblytreatsphysiologicalcondition concept_disease_schizophrenia +concept_drug_zyprexa concept:drughassideeffect concept_disease_side_effects +concept_drug_zyprexa concept:drughassideeffect concept_physiologicalcondition_weight_gain +concept_drug_zyrtec concept:drugpossiblytreatsphysiologicalcondition concept_disease_allergy +concept_drug_zyrtec concept:drughassideeffect concept_disease_side_effects +concept_drug_zyvox concept:drughassideeffect concept_disease_side_effects +concept_economicsector_advertising concept:proxyfor concept_book_new +concept_economicsector_advertising concept:academicprogramatuniversity concept_university_college +concept_economicsector_advertising concept:academicprogramatuniversity concept_university_institute +concept_economicsector_advertising concept:academicprogramatuniversity concept_university_state_university +concept_economicsector_agriculture concept:atdate concept_date_n2003 +concept_economicsector_agriculture concept:atdate concept_date_n2004 +concept_economicsector_agriculture concept:atdate concept_dateliteral_n2005 +concept_economicsector_agriculture concept:atdate concept_dateliteral_n2006 +concept_economicsector_agriculture concept:academicprogramatuniversity concept_university_college +concept_economicsector_agriculture concept:academicprogramatuniversity concept_university_state_university +concept_economicsector_agricultures concept:latitudelongitude 17.9333300000000,-91.0833300000000 +concept_economicsector_beneficiary concept:proxyfor concept_book_new +concept_economicsector_biotechnology concept:academicprogramatuniversity concept_university_college +concept_economicsector_biotechnology concept:academicprogramatuniversity concept_university_institute +concept_economicsector_hematology_oncology concept:latitudelongitude 42.4908300000000,-96.4028100000000 +concept_economicsector_insurance_companies concept:proxyfor concept_book_new +concept_economicsector_integrative_medicine concept:latitudelongitude 37.8627500000000,-122.2675900000000 +concept_economicsector_investments concept:latitudelongitude 39.0016700000000,-94.0568900000000 +concept_economicsector_investments concept:subpartof concept_weatherphenomenon_water +concept_economicsector_marine_services concept:latitudelongitude 37.2647200000000,-76.4892500000000 +concept_economicsector_not_for_profit concept:proxyfor concept_book_new +concept_economicsector_subsidence concept:latitudelongitude 47.1535900000000,-109.3215700000000 +concept_economicsector_telecommunications concept:academicprogramatuniversity concept_university_college +concept_economicsector_telecommunications concept:academicprogramatuniversity concept_university_institute +concept_economicsector_telecoms concept:latitudelongitude 43.2326800000000,5.4420900000000 +concept_economicsector_whole_life concept:proxyfor concept_book_new +concept_election_asylum concept:mutualproxyfor concept_personus_david_geffen +concept_election_ballot concept:atdate concept_date_n2003 +concept_election_completion concept:atdate concept_date_n1996 +concept_election_completion concept:atdate concept_date_n1999 +concept_election_completion concept:atdate concept_date_n2000 +concept_election_completion concept:atdate concept_date_n2001 +concept_election_completion concept:atdate concept_date_n2003 +concept_election_completion concept:atdate concept_date_n2004 +concept_election_completion concept:atdate concept_date_n2009 +concept_election_completion concept:atdate concept_date_n2011 +concept_election_completion concept:atdate concept_date_n2012 +concept_election_completion concept:atdate concept_dateliteral_n2002 +concept_election_completion concept:atdate concept_dateliteral_n2005 +concept_election_completion concept:atdate concept_dateliteral_n2006 +concept_election_completion concept:atdate concept_dateliteral_n2007 +concept_election_completion concept:atdate concept_dateliteral_n2008 +concept_election_completion concept:atdate concept_dateliteral_n2010 +concept_election_completion concept:atdate concept_year_n1994 +concept_election_completion concept:atdate concept_year_n1995 +concept_election_completion concept:atdate concept_year_n1997 +concept_election_completion concept:atdate concept_year_n1998 +concept_election_council_meeting concept:atdate concept_date_n2003 +concept_election_council_meeting concept:atdate concept_dateliteral_n2005 +concept_election_council_meeting concept:atdate concept_dateliteral_n2006 +concept_election_council_meeting concept:atdate concept_dateliteral_n2007 +concept_election_council_meeting concept:atdate concept_dateliteral_n2008 +concept_election_deficiencies concept:subpartof concept_landscapefeatures_water +concept_election_democratic_elections concept:atdate concept_dateliteral_n1990 +concept_election_filibuster concept:latitudelongitude 32.9890100000000,-98.4545000000000 +concept_election_free_elections concept:atdate concept_dateliteral_n1990 +concept_election_general_election concept:atdate concept_date_n1999 +concept_election_general_election concept:atdate concept_date_n2009 +concept_election_general_election concept:atdate concept_dateliteral_n2005 +concept_election_general_election concept:atdate concept_dateliteral_n2006 +concept_election_general_election concept:atdate concept_dateliteral_n2007 +concept_election_general_election concept:atdate concept_dateliteral_n2008 +concept_election_general_election concept:atdate concept_year_n1994 +concept_election_general_election concept:atdate concept_year_n1997 +concept_election_general_elections concept:atdate concept_date_n1999 +concept_election_general_elections concept:atdate concept_date_n2000 +concept_election_general_elections concept:atdate concept_date_n2001 +concept_election_general_elections concept:atdate concept_date_n2004 +concept_election_general_elections concept:atdate concept_date_n2009 +concept_election_general_elections concept:atdate concept_dateliteral_n2005 +concept_election_general_elections concept:atdate concept_dateliteral_n2006 +concept_election_general_elections concept:atdate concept_dateliteral_n2007 +concept_election_general_elections concept:atdate concept_dateliteral_n2008 +concept_election_general_motors_corporation concept:mutualproxyfor concept_hotel_roger_smith +concept_election_gold_standard concept:proxyfor concept_book_new +concept_election_intent concept:proxyfor concept_book_new +concept_election_intention concept:istallerthan concept_publication_people_ +concept_election_justice_department concept:atdate concept_date_n2003 +concept_election_justice_department concept:atdate concept_dateliteral_n2005 +concept_election_justice_department concept:synonymfor concept_politicaloffice_office +concept_election_legislative_elections concept:atdate concept_dateliteral_n2007 +concept_election_legislative_elections concept:atdate concept_dateliteral_n2008 +concept_election_local_elections concept:atdate concept_date_n1999 +concept_election_local_elections concept:atdate concept_dateliteral_n2007 +concept_election_maryland_democratic_party concept:mutualproxyfor concept_person_michael_e__cryor +concept_election_maryland_democratic_party concept:subpartof concept_person_michael_e__cryor +concept_election_municipal_elections concept:atdate concept_dateliteral_n2005 +concept_election_municipal_elections concept:atdate concept_dateliteral_n2006 +concept_election_national_election concept:atdate concept_dateliteral_n2005 +concept_election_national_elections concept:atdate concept_date_n2004 +concept_election_national_elections concept:atdate concept_date_n2009 +concept_election_national_elections concept:atdate concept_dateliteral_n2005 +concept_election_national_elections concept:atdate concept_dateliteral_n2006 +concept_election_national_elections concept:atdate concept_dateliteral_n2007 +concept_election_national_elections concept:atdate concept_dateliteral_n2008 +concept_election_northern_ireland concept:atdate concept_date_n1999 +concept_election_northern_ireland concept:atdate concept_date_n2000 +concept_election_northern_ireland concept:atdate concept_date_n2001 +concept_election_northern_ireland concept:atdate concept_date_n2003 +concept_election_northern_ireland concept:atdate concept_date_n2004 +concept_election_northern_ireland concept:atdate concept_dateliteral_n2002 +concept_election_northern_ireland concept:atdate concept_dateliteral_n2005 +concept_election_northern_ireland concept:atdate concept_dateliteral_n2006 +concept_election_northern_ireland concept:atdate concept_dateliteral_n2007 +concept_election_northern_ireland concept:atdate concept_dateliteral_n2008 +concept_election_ohio_election concept:latitudelongitude 40.1330600000000,-95.6094300000000 +concept_election_palestinian_elections concept:atdate concept_dateliteral_n2006 +concept_election_parliamentary_election concept:atdate concept_dateliteral_n2007 +concept_election_parliamentary_election concept:atdate concept_dateliteral_n2008 +concept_election_parliamentary_elections concept:atdate concept_date_n2009 +concept_election_privacy_policy_this_privacy_policy concept:atdate concept_dateliteral_n2007 +concept_election_roosevelt concept:proxyfor concept_radiostation_new_jersey +concept_election_second_place concept:proxyfor concept_book_new +concept_election_six_months concept:mutualproxyfor concept_book_new +concept_election_swing_states concept:proxyfor concept_book_new +concept_election_the_national concept:atlocation concept_building_america +concept_election_the_national concept:atlocation concept_building_center001 +concept_election_the_national concept:atlocation concept_city_washington_d_c +concept_election_the_national concept:atlocation concept_country_canada_canada +concept_election_the_national concept:atlocation concept_country_wales +concept_election_the_national concept:atlocation concept_island_new_york_city_metropolitan_area +concept_election_train concept:mutualproxyfor concept_book_new +concept_election_unemployment_rate concept:atdate concept_date_n2003 +concept_election_unemployment_rate concept:atdate concept_dateliteral_n2006 +concept_election_unemployment_rate concept:atdate concept_dateliteral_n2007 +concept_election_unemployment_rate concept:atdate concept_dateliteral_n2008 +concept_election_vanguard concept:mutualproxyfor concept_politicianus_john_bogle +concept_election_voting concept:atdate concept_date_n2004 +concept_emotion_ability concept:proxyfor concept_book_new +concept_emotion_ability concept:istallerthan concept_publication_people_ +concept_emotion_ability concept:subpartof concept_weatherphenomenon_air +concept_emotion_ability concept:subpartof concept_weatherphenomenon_water +concept_emotion_addiction concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_addiction concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_addiction concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_addiction concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_adoption concept:atdate concept_date_n2000 +concept_emotion_adoption concept:atdate concept_date_n2001 +concept_emotion_aggression concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_anger concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_anger concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_annoyance concept:latitudelongitude -43.2083000000000,170.7201100000000 +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_acne +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_agoraphobia +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_aids +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_alzheimer +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_anxiety +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_anxiety_disorder +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_anxiety_disorders +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_asthma +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_cancer +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_cfs +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_depressive_disorder +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_disorder_symptoms +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_disorder_treatment +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_fibromyalgia +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_health_conditions +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_hiv_infection +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_mood_disorders +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_panic_attacks +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_phobia +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_phobias +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_social_anxiety_disorder +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_symptom +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_disease_syndromes +concept_emotion_anxiety concept:emotionassociatedwithdisease concept_physiologicalcondition_health_issues +concept_emotion_anxiousness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_appeal concept:atdate concept_date_n1993 +concept_emotion_appeal concept:atdate concept_date_n1996 +concept_emotion_appeal concept:atdate concept_date_n1999 +concept_emotion_appeal concept:atdate concept_date_n2000 +concept_emotion_appeal concept:atdate concept_date_n2001 +concept_emotion_appeal concept:atdate concept_date_n2003 +concept_emotion_appeal concept:atdate concept_date_n2004 +concept_emotion_appeal concept:atdate concept_dateliteral_n2002 +concept_emotion_appeal concept:atdate concept_dateliteral_n2005 +concept_emotion_appeal concept:atdate concept_dateliteral_n2006 +concept_emotion_appeal concept:atdate concept_dateliteral_n2007 +concept_emotion_appeal concept:atdate concept_dateliteral_n2008 +concept_emotion_appeal concept:atdate concept_year_n1995 +concept_emotion_appeal concept:atdate concept_year_n1997 +concept_emotion_appeal concept:atdate concept_year_n1998 +concept_emotion_approval concept:atdate concept_date_n1996 +concept_emotion_approval concept:atdate concept_date_n1999 +concept_emotion_approval concept:atdate concept_date_n2000 +concept_emotion_approval concept:atdate concept_date_n2001 +concept_emotion_approval concept:atdate concept_date_n2003 +concept_emotion_approval concept:atdate concept_date_n2004 +concept_emotion_approval concept:atdate concept_dateliteral_n2002 +concept_emotion_approval concept:atdate concept_dateliteral_n2005 +concept_emotion_approval concept:atdate concept_dateliteral_n2006 +concept_emotion_approval concept:atdate concept_dateliteral_n2007 +concept_emotion_approval concept:atdate concept_dateliteral_n2008 +concept_emotion_approval concept:atdate concept_year_n1995 +concept_emotion_approval concept:atdate concept_year_n1998 +concept_emotion_argument concept:atdate concept_dateliteral_n2007 +concept_emotion_average concept:atdate concept_dateliteral_n2007 +concept_emotion_average concept:atdate concept_dateliteral_n2008 +concept_emotion_band concept:proxyfor concept_book_new +concept_emotion_band concept:atdate concept_date_n1968 +concept_emotion_band concept:atdate concept_date_n1969 +concept_emotion_band concept:atdate concept_date_n1971 +concept_emotion_band concept:atdate concept_date_n1972 +concept_emotion_band concept:atdate concept_date_n1979 +concept_emotion_band concept:atdate concept_date_n1993 +concept_emotion_band concept:atdate concept_date_n2000 +concept_emotion_band concept:atdate concept_date_n2001 +concept_emotion_band concept:atdate concept_date_n2003 +concept_emotion_band concept:atdate concept_date_n2004 +concept_emotion_band concept:atdate concept_dateliteral_n1987 +concept_emotion_band concept:atdate concept_dateliteral_n2002 +concept_emotion_band concept:atdate concept_dateliteral_n2005 +concept_emotion_band concept:atdate concept_dateliteral_n2006 +concept_emotion_band concept:atdate concept_dateliteral_n2007 +concept_emotion_band concept:atdate concept_dateliteral_n2008 +concept_emotion_band concept:atdate concept_year_n1965 +concept_emotion_band concept:atdate concept_year_n1974 +concept_emotion_band concept:atdate concept_year_n1983 +concept_emotion_band concept:atdate concept_year_n1992 +concept_emotion_band concept:atdate concept_year_n1994 +concept_emotion_band concept:atdate concept_year_n1997 +concept_emotion_band concept:atdate concept_year_n1998 +concept_emotion_bars concept:mutualproxyfor concept_book_new +concept_emotion_bustling concept:proxyfor concept_book_new +concept_emotion_capacity concept:atdate concept_date_n2004 +concept_emotion_capacity concept:atdate concept_date_n2009 +concept_emotion_capacity concept:atdate concept_dateliteral_n2006 +concept_emotion_capacity concept:atdate concept_dateliteral_n2007 +concept_emotion_capacity concept:atdate concept_dateliteral_n2008 +concept_emotion_capacity concept:subpartof concept_visualizablething_water_supply +concept_emotion_capacity concept:subpartof concept_weatherphenomenon_air +concept_emotion_capacity concept:subpartof concept_weatherphenomenon_water +concept_emotion_care concept:proxyfor concept_book_new +concept_emotion_care concept:atdate concept_date_n2001 +concept_emotion_care concept:atdate concept_date_n2003 +concept_emotion_care concept:atdate concept_date_n2004 +concept_emotion_care concept:atdate concept_dateliteral_n2005 +concept_emotion_care concept:atdate concept_dateliteral_n2007 +concept_emotion_care concept:atdate concept_dateliteral_n2008 +concept_emotion_charity concept:atdate concept_date_n2000 +concept_emotion_charity concept:atdate concept_date_n2003 +concept_emotion_charity concept:atdate concept_date_n2004 +concept_emotion_charity concept:atdate concept_dateliteral_n2005 +concept_emotion_charity concept:atdate concept_dateliteral_n2006 +concept_emotion_child concept:mutualproxyfor concept_book_new +concept_emotion_citizen concept:proxyfor concept_book_new +concept_emotion_citizen concept:atdate concept_date_n2004 +concept_emotion_citizen concept:atdate concept_dateliteral_n2006 +concept_emotion_citizen concept:atdate concept_dateliteral_n2008 +concept_emotion_civic_pride concept:latitudelongitude 45.8609500000000,-122.8089900000000 +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_clinical_depression concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_closure concept:atdate concept_date_n1999 +concept_emotion_closure concept:atdate concept_date_n2000 +concept_emotion_closure concept:atdate concept_date_n2003 +concept_emotion_closure concept:atdate concept_date_n2004 +concept_emotion_closure concept:atdate concept_dateliteral_n2005 +concept_emotion_closure concept:atdate concept_dateliteral_n2006 +concept_emotion_closure concept:atdate concept_dateliteral_n2007 +concept_emotion_closure concept:atdate concept_dateliteral_n2008 +concept_emotion_closure concept:atdate concept_year_n1997 +concept_emotion_closure concept:atdate concept_year_n1998 +concept_emotion_cluster concept:proxyfor concept_book_new +concept_emotion_college concept:mutualproxyfor concept_book_new +concept_emotion_college concept:atdate concept_date_n1993 +concept_emotion_college concept:atdate concept_date_n2004 +concept_emotion_college concept:atdate concept_date_n2009 +concept_emotion_college concept:atdate concept_dateliteral_n2002 +concept_emotion_college concept:atdate concept_dateliteral_n2006 +concept_emotion_college concept:atdate concept_dateliteral_n2007 +concept_emotion_college concept:mutualproxyfor concept_eventoutcome_state +concept_emotion_college concept:mutualproxyfor concept_university_state_university +concept_emotion_college concept:atdate concept_year_n1998 +concept_emotion_common_anxiety concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_community_pride concept:latitudelongitude 41.9902800000000,-97.6003300000000 +concept_emotion_concept concept:proxyfor concept_book_new +concept_emotion_conclusion concept:proxyfor concept_book_new +concept_emotion_conclusion concept:atdate concept_date_n2000 +concept_emotion_conclusion concept:atdate concept_date_n2003 +concept_emotion_conclusion concept:atdate concept_date_n2004 +concept_emotion_conclusion concept:atdate concept_date_n2009 +concept_emotion_conclusion concept:atdate concept_dateliteral_n2002 +concept_emotion_conclusion concept:atdate concept_dateliteral_n2005 +concept_emotion_conclusion concept:atdate concept_dateliteral_n2006 +concept_emotion_conclusion concept:atdate concept_dateliteral_n2007 +concept_emotion_conclusion concept:atdate concept_dateliteral_n2008 +concept_emotion_conflict concept:atdate concept_date_n1999 +concept_emotion_conflict concept:atdate concept_date_n2000 +concept_emotion_conflict concept:atdate concept_date_n2004 +concept_emotion_conflict concept:atdate concept_dateliteral_n2002 +concept_emotion_conflict concept:atdate concept_dateliteral_n2005 +concept_emotion_conflict concept:atdate concept_dateliteral_n2006 +concept_emotion_conflict concept:atdate concept_year_n1998 +concept_emotion_confusion concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_control concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_corporations concept:mutualproxyfor concept_book_new +concept_emotion_cyprus concept:atdate concept_date_n2003 +concept_emotion_cyprus concept:atdate concept_dateliteral_n2002 +concept_emotion_cyprus concept:atdate concept_dateliteral_n2005 +concept_emotion_cyprus concept:atdate concept_dateliteral_n2006 +concept_emotion_cyprus concept:atdate concept_dateliteral_n2008 +concept_emotion_cyprus concept:atdate concept_year_n1974 +concept_emotion_data concept:mutualproxyfor concept_book_new +concept_emotion_data concept:atdate concept_date_n2000 +concept_emotion_data concept:atdate concept_date_n2001 +concept_emotion_data concept:atdate concept_date_n2003 +concept_emotion_data concept:atdate concept_date_n2004 +concept_emotion_data concept:atdate concept_date_n2009 +concept_emotion_data concept:atdate concept_dateliteral_n2002 +concept_emotion_data concept:atdate concept_dateliteral_n2005 +concept_emotion_data concept:atdate concept_dateliteral_n2006 +concept_emotion_data concept:atdate concept_dateliteral_n2007 +concept_emotion_data concept:atdate concept_dateliteral_n2008 +concept_emotion_data concept:atdate concept_year_n1997 +concept_emotion_delite concept:latitudelongitude 35.9623600000000,-80.1928300000000 +concept_emotion_deliveries concept:atdate concept_date_n2009 +concept_emotion_dementia concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_dementia concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_dementia concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_dependence concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_adhd +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_affective_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_alcoholism +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_anxiety +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_bipolar_affective_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_bipolar_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_bipolar_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_cases +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_chronic_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_clinical_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_conditions +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_depressive_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_depressive_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_diseases +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_disorder_ +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_disorder_symptoms +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_dysthymia +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_emotional_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_emotional_symptoms +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_features +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_health_conditions +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_ii_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_insomnia +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_major_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_major_depressive_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mental_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mental_health +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mental_health_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mental_illness +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mental_illnesses +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mood_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mood_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_mood_swings +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_panic_attacks +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_panic_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_personality_disorder +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_post_traumatic_stress +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_psychiatric_disorders +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_psychosis +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_schizophrenia +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_serious_mental_illness +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_severe_depression +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_severe_mental_illness +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_sleep +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_stress +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_substance_abuse +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_symptom +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_depression concept:emotionassociatedwithdisease concept_disease_syndromes +concept_emotion_depression concept:emotionassociatedwithdisease concept_physiologicalcondition_attention_deficit +concept_emotion_depression concept:emotionassociatedwithdisease concept_physiologicalcondition_bipolar +concept_emotion_depression concept:emotionassociatedwithdisease concept_physiologicalcondition_health_difficulties +concept_emotion_depression concept:emotionassociatedwithdisease concept_physiologicalcondition_health_issues +concept_emotion_destruction concept:atdate concept_date_n2003 +concept_emotion_development concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_disappointment concept:proxyfor concept_book_new +concept_emotion_disorientation concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_distention concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_distress concept:emotionassociatedwithdisease concept_disease_cancer +concept_emotion_distress concept:emotionassociatedwithdisease concept_disease_cfs +concept_emotion_distress concept:emotionassociatedwithdisease concept_disease_diabetes +concept_emotion_distress concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_distress concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_distress concept:ismultipleof concept_publication_people_ +concept_emotion_dna concept:atdate concept_dateliteral_n2002 +concept_emotion_doubt concept:proxyfor concept_book_new +concept_emotion_dreams concept:istallerthan concept_publication_people_ +concept_emotion_eastern concept:atlocation concept_airport_europe +concept_emotion_eastern concept:mutualproxyfor concept_book_arkansas +concept_emotion_eastern concept:proxyfor concept_book_new +concept_emotion_eastern concept:atlocation concept_building_america +concept_emotion_eastern concept:atlocation concept_skyscraper_asia +concept_emotion_embarrassment concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_end concept:mutualproxyfor concept_book_new +concept_emotion_eternal_peace concept:latitudelongitude 35.1122300000000,-90.0109700000000 +concept_emotion_examination concept:atdate concept_date_n2003 +concept_emotion_examination concept:atdate concept_dateliteral_n2005 +concept_emotion_examination concept:atdate concept_dateliteral_n2006 +concept_emotion_examination concept:atdate concept_dateliteral_n2007 +concept_emotion_examination concept:atdate concept_dateliteral_n2008 +concept_emotion_examination concept:atdate concept_year_n1998 +concept_emotion_exchange concept:proxyfor concept_book_new +concept_emotion_exchange concept:atdate concept_date_n2003 +concept_emotion_exchange concept:atdate concept_date_n2004 +concept_emotion_exchange concept:atdate concept_date_n2009 +concept_emotion_exchange concept:atdate concept_dateliteral_n2007 +concept_emotion_excitement concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_expert concept:mutualproxyfor concept_book_new +concept_emotion_fact concept:mutualproxyfor concept_book_new +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_fatigue concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_favourite concept:proxyfor concept_book_new +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_addiction +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_ageing +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_aids +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_cancer +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_dementia +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_diseases +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_hiv +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_lyme_disease +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_problems +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_response +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_sars +concept_emotion_fear concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_fears concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_feeling concept:emotionassociatedwithdisease concept_disease_conjunctivitis +concept_emotion_feeling concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_feelings concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_feelings concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_field concept:mutualproxyfor concept_book_new +concept_emotion_fields concept:proxyfor concept_book_new +concept_emotion_fortune concept:istallerthan concept_publication_people_ +concept_emotion_founding concept:atdate concept_date_n1993 +concept_emotion_founding concept:atdate concept_date_n1999 +concept_emotion_founding concept:atdate concept_date_n2000 +concept_emotion_founding concept:atdate concept_date_n2001 +concept_emotion_founding concept:atdate concept_date_n2003 +concept_emotion_founding concept:atdate concept_date_n2004 +concept_emotion_founding concept:atdate concept_dateliteral_n1990 +concept_emotion_founding concept:atdate concept_dateliteral_n2002 +concept_emotion_founding concept:atdate concept_dateliteral_n2005 +concept_emotion_founding concept:atdate concept_dateliteral_n2006 +concept_emotion_founding concept:atdate concept_dateliteral_n2007 +concept_emotion_founding concept:atdate concept_year_n1992 +concept_emotion_founding concept:atdate concept_year_n1995 +concept_emotion_founding concept:atdate concept_year_n1997 +concept_emotion_frustration concept:emotionassociatedwithdisease concept_disease_cancer +concept_emotion_fun concept:mutualproxyfor concept_book_new +concept_emotion_goals concept:istallerthan concept_publication_people_ +concept_emotion_government concept:proxyfor concept_book_new +concept_emotion_government concept:atdate concept_date_n2009 +concept_emotion_great_deal concept:proxyfor concept_book_new +concept_emotion_grief concept:emotionassociatedwithdisease concept_disease_aids +concept_emotion_grief concept:emotionassociatedwithdisease concept_disease_alzheimer +concept_emotion_grief concept:emotionassociatedwithdisease concept_disease_autism +concept_emotion_guilt concept:emotionassociatedwithdisease concept_disease_addiction +concept_emotion_guilt concept:emotionassociatedwithdisease concept_disease_alcoholism +concept_emotion_guilt concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_helplessness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_hip concept:proxyfor concept_book_new +concept_emotion_honor concept:mutualproxyfor concept_book_new +concept_emotion_honor concept:atdate concept_date_n2004 +concept_emotion_honor concept:atdate concept_dateliteral_n2005 +concept_emotion_honor concept:atdate concept_dateliteral_n2006 +concept_emotion_honor concept:atdate concept_dateliteral_n2007 +concept_emotion_honor concept:atdate concept_dateliteral_n2008 +concept_emotion_hopelessness concept:emotionassociatedwithdisease concept_disease_aids +concept_emotion_hopelessness concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_hopelessness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_ideas concept:proxyfor concept_book_new +concept_emotion_inability concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_injunction concept:atdate concept_date_n2001 +concept_emotion_injunction concept:atdate concept_date_n2004 +concept_emotion_injunction concept:atdate concept_dateliteral_n2006 +concept_emotion_irritability concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_irritability concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_issue concept:mutualproxyfor concept_book_new +concept_emotion_joy concept:proxyfor concept_book_new +concept_emotion_joy concept:istallerthan concept_publication_people_ +concept_emotion_joyand concept:latitudelongitude 42.3530000000000,-83.3528000000000 +concept_emotion_lack concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_land concept:proxyfor concept_book_new +concept_emotion_land concept:atdate concept_date_n1999 +concept_emotion_land concept:atdate concept_date_n2000 +concept_emotion_land concept:atdate concept_date_n2001 +concept_emotion_land concept:atdate concept_date_n2003 +concept_emotion_land concept:atdate concept_date_n2004 +concept_emotion_land concept:mutualproxyfor concept_person_mugabe +concept_emotion_land concept:atdate concept_year_n1994 +concept_emotion_lands concept:proxyfor concept_book_new +concept_emotion_lightheadedness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_lobh concept:latitudelongitude 14.8444433333333,100.6611133333333 +concept_emotion_love concept:proxyfor concept_book_new +concept_emotion_love concept:istallerthan concept_publication_people_ +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_major_depression concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_man concept:mutualproxyfor concept_book_new +concept_emotion_men concept:mutualproxyfor concept_book_new +concept_emotion_men concept:atlocation concept_website_south +concept_emotion_mind concept:mutualproxyfor concept_book_new +concept_emotion_miscarriage concept:atdate concept_dateliteral_n2005 +concept_emotion_miscarriage concept:atdate concept_dateliteral_n2007 +concept_emotion_mississippi concept:mutualproxyfor concept_bodypart_meridian +concept_emotion_mississippi concept:proxyfor concept_book_new +concept_emotion_mississippi concept:mutualproxyfor concept_musicalbum_jackson +concept_emotion_mississippi concept:mutualproxyfor concept_recordlabel_tupelo +concept_emotion_mississippi concept:mutualproxyfor concept_televisionstation_biloxi +concept_emotion_mississippi concept:atdate concept_year_n1862 +concept_emotion_moment concept:mutualproxyfor concept_book_new +concept_emotion_money concept:mutualproxyfor concept_book_new +concept_emotion_money concept:atdate concept_date_n2003 +concept_emotion_money concept:istallerthan concept_publication_people_ +concept_emotion_nausea concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_nervousness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_night concept:mutualproxyfor concept_book_new +concept_emotion_northeastern concept:mutualproxyfor concept_company_missouri +concept_emotion_northwestern concept:synonymfor concept_university_state_university +concept_emotion_notice concept:proxyfor concept_book_new +concept_emotion_notice concept:atdate concept_date_n2001 +concept_emotion_notice concept:atdate concept_dateliteral_n2005 +concept_emotion_notice concept:atdate concept_dateliteral_n2006 +concept_emotion_notice concept:atdate concept_dateliteral_n2007 +concept_emotion_notice concept:atdate concept_dateliteral_n2008 +concept_emotion_notice concept:atdate concept_year_n1997 +concept_emotion_numbness concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_numbness concept:emotionassociatedwithdisease concept_disease_diabetes +concept_emotion_numbness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_officer concept:proxyfor concept_book_new +concept_emotion_officer concept:atdate concept_date_n1999 +concept_emotion_officer concept:atdate concept_date_n2000 +concept_emotion_officer concept:atdate concept_date_n2001 +concept_emotion_officer concept:atdate concept_date_n2003 +concept_emotion_officer concept:atdate concept_date_n2004 +concept_emotion_officer concept:atdate concept_dateliteral_n2002 +concept_emotion_officer concept:atdate concept_dateliteral_n2005 +concept_emotion_officer concept:atdate concept_dateliteral_n2007 +concept_emotion_officer concept:atdate concept_dateliteral_n2008 +concept_emotion_officer concept:mutualproxyfor concept_sportsequipment_board +concept_emotion_officer concept:atdate concept_year_n1995 +concept_emotion_officer concept:atdate concept_year_n1998 +concept_emotion_opposition concept:atdate concept_date_n2003 +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_acute_pancreatitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_angina +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_appendicitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_artery_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_arthritis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_bursitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_carpal_tunnel_syndrome +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_cd +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_celiac_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_chronic_illness +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_chronic_pancreatitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_colitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_colon +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_complications +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_control +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_coronary_artery_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_coronary_heart_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_disease_symptoms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_diseases +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_features +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_fibromyalgia +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_gout +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_heart_attack +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_heart_attacks +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_heart_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_heart_problems +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_heart_symptoms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_hemorrhoids +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_hip_dysplasia +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_ibs +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_inflammatory_bowel_disease +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_intoxication +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_irritable_bowel_syndrome +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_lactose_intolerance +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_lung_cancer +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_malignant_mesothelioma +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_medicines +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_mesothelioma +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_multiple_sclerosis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_muscle_spasms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_muscle_strains +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_musculoskeletal_disorders +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_nsaids +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_osteoarthritis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_osteoporosis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_ovarian_cancer +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_pain_syndromes +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_pancreatitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_peptic_ulcer +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_pericardial_mesothelioma +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_pericarditis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_plantar_fasciitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_poisoning +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_possible_symptoms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_psoriatic_arthritis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_rheumatism +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_rheumatoid +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_rheumatoid_arthritis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_side_effects +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_sprains +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_stress +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_symptom +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_tendonitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_trauma +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_tumors +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_ulcer +concept_emotion_pain concept:emotionassociatedwithdisease concept_disease_ulcerative_colitis +concept_emotion_pain concept:emotionassociatedwithdisease concept_physiologicalcondition_varicose_veins +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_arthritis +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_conditions +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_heart_attack +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_side_effects +concept_emotion_pains concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_agoraphobia +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_anxiety +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_anxiety_disorder +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_anxiety_disorders +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_conditions +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_panic_attacks +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_panic_disorder +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_phobia +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_phobias +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_problems +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_stress +concept_emotion_panic concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_panic_disorder concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_paper concept:proxyfor concept_book_new +concept_emotion_part concept:mutualproxyfor concept_book_new +concept_emotion_part concept:atdate concept_date_n2004 +concept_emotion_part concept:atdate concept_dateliteral_n2007 +concept_emotion_part concept:istallerthan concept_publication_people_ +concept_emotion_part concept:atdate concept_year_n1998 +concept_emotion_perception concept:proxyfor concept_book_new +concept_emotion_perfect_solution concept:proxyfor concept_book_new +concept_emotion_personality concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_personality concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_personality concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_personality concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_personnel concept:mutualproxyfor concept_book_new +concept_emotion_phase concept:atdate concept_date_n1999 +concept_emotion_phase concept:atdate concept_date_n2000 +concept_emotion_phase concept:atdate concept_date_n2003 +concept_emotion_phase concept:atdate concept_date_n2004 +concept_emotion_phase concept:atdate concept_date_n2009 +concept_emotion_phase concept:atdate concept_dateliteral_n2002 +concept_emotion_phase concept:atdate concept_dateliteral_n2005 +concept_emotion_phase concept:atdate concept_dateliteral_n2006 +concept_emotion_phase concept:atdate concept_dateliteral_n2007 +concept_emotion_phase concept:atdate concept_dateliteral_n2008 +concept_emotion_phase concept:atdate concept_year_n1998 +concept_emotion_plan concept:mutualproxyfor concept_book_new +concept_emotion_play concept:proxyfor concept_book_new +concept_emotion_play concept:atdate concept_date_n2000 +concept_emotion_play concept:atdate concept_date_n2001 +concept_emotion_play concept:atdate concept_date_n2003 +concept_emotion_play concept:atdate concept_date_n2004 +concept_emotion_play concept:atdate concept_date_n2009 +concept_emotion_play concept:atdate concept_dateliteral_n2002 +concept_emotion_play concept:atdate concept_dateliteral_n2006 +concept_emotion_play concept:atdate concept_dateliteral_n2007 +concept_emotion_play concept:atdate concept_dateliteral_n2008 +concept_emotion_play concept:atdate concept_year_n1992 +concept_emotion_play concept:atdate concept_year_n1998 +concept_emotion_price concept:mutualproxyfor concept_book_new +concept_emotion_priest concept:atdate concept_dateliteral_n2006 +concept_emotion_principle concept:atdate concept_date_n2003 +concept_emotion_principle concept:atdate concept_dateliteral_n2005 +concept_emotion_production concept:mutualproxyfor concept_book_new +concept_emotion_punishment concept:proxyfor concept_book_new +concept_emotion_question concept:atdate concept_date_n2001 +concept_emotion_regime concept:atdate concept_date_n2000 +concept_emotion_regime concept:atdate concept_date_n2001 +concept_emotion_regime concept:atdate concept_dateliteral_n2005 +concept_emotion_regime concept:subpartof concept_weatherphenomenon_water +concept_emotion_response concept:proxyfor concept_book_new +concept_emotion_response concept:atdate concept_date_n2003 +concept_emotion_response concept:atdate concept_dateliteral_n2005 +concept_emotion_response concept:atdate concept_dateliteral_n2006 +concept_emotion_response concept:atdate concept_dateliteral_n2007 +concept_emotion_restlessness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_sadness concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_sadness concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_sadness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_safety concept:proxyfor concept_book_new +concept_emotion_senate concept:proxyfor concept_book_new +concept_emotion_senate concept:atdate concept_date_n1996 +concept_emotion_senate concept:atdate concept_date_n2000 +concept_emotion_senate concept:atdate concept_date_n2001 +concept_emotion_senate concept:atdate concept_date_n2003 +concept_emotion_senate concept:atdate concept_date_n2004 +concept_emotion_senate concept:atdate concept_dateliteral_n1987 +concept_emotion_senate concept:atdate concept_dateliteral_n2005 +concept_emotion_senate concept:atdate concept_dateliteral_n2007 +concept_emotion_senate concept:atdate concept_dateliteral_n2008 +concept_emotion_senate concept:mutualproxyfor concept_musicalbum_four +concept_emotion_senate concept:istallerthan concept_publication_people_ +concept_emotion_senate concept:mutualproxyfor concept_transportation_two +concept_emotion_senate concept:mutualproxyfor concept_vehicle_three +concept_emotion_senate concept:atdate concept_year_n1991 +concept_emotion_senate concept:atdate concept_year_n1992 +concept_emotion_senate concept:atdate concept_year_n1997 +concept_emotion_senate concept:atdate concept_year_n1998 +concept_emotion_series concept:mutualproxyfor concept_book_new +concept_emotion_series concept:atdate concept_date_n1993 +concept_emotion_series concept:atdate concept_date_n1999 +concept_emotion_series concept:atdate concept_date_n2000 +concept_emotion_series concept:atdate concept_date_n2003 +concept_emotion_series concept:atdate concept_date_n2004 +concept_emotion_series concept:atdate concept_date_n2009 +concept_emotion_series concept:atdate concept_dateliteral_n2002 +concept_emotion_series concept:atdate concept_dateliteral_n2005 +concept_emotion_series concept:atdate concept_dateliteral_n2006 +concept_emotion_series concept:atdate concept_dateliteral_n2007 +concept_emotion_series concept:atdate concept_dateliteral_n2008 +concept_emotion_series concept:atdate concept_year_n1992 +concept_emotion_series concept:atdate concept_year_n1995 +concept_emotion_series concept:atdate concept_year_n1997 +concept_emotion_series concept:atdate concept_year_n1998 +concept_emotion_shakiness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_addiction +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_aids +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_alcoholism +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_cancer +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_dementia +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_diseases +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_epilepsy +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_herpes +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_hiv +concept_emotion_shame concept:emotionassociatedwithdisease concept_disease_mental_illness +concept_emotion_sight concept:proxyfor concept_book_new +concept_emotion_site concept:mutualproxyfor concept_book_new +concept_emotion_site concept:atdate concept_date_n2000 +concept_emotion_site concept:atdate concept_date_n2001 +concept_emotion_site concept:atdate concept_date_n2009 +concept_emotion_site concept:atdate concept_dateliteral_n1987 +concept_emotion_site concept:atdate concept_dateliteral_n2008 +concept_emotion_site concept:atdate concept_dateliteral_n2010 +concept_emotion_site concept:atdate concept_year_n1988 +concept_emotion_site concept:atdate concept_year_n1992 +concept_emotion_site concept:atdate concept_year_n1994 +concept_emotion_site concept:atdate concept_year_n1995 +concept_emotion_site concept:atdate concept_year_n1998 +concept_emotion_size concept:mutualproxyfor concept_book_new +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_abnormalities +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_apnea_syndrome +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_features +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_paralysis +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_problems +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_sleep_disorder +concept_emotion_sleep concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_sleep concept:emotionassociatedwithdisease concept_physiologicalcondition_apnea +concept_emotion_sleeplessness concept:emotionassociatedwithdisease concept_disease_problems +concept_emotion_sleeplessness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_snack_attack concept:latitudelongitude 44.4808750000000,26.1158250000000 +concept_emotion_sobs concept:latitudelongitude 19.0500000000000,99.6166700000000 +concept_emotion_social_phobia concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_social_phobia concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_son concept:mutualproxyfor concept_book_new +concept_emotion_space concept:proxyfor concept_book_new +concept_emotion_space concept:atdate concept_date_n2000 +concept_emotion_space concept:atdate concept_date_n2001 +concept_emotion_space concept:atdate concept_date_n2003 +concept_emotion_space concept:atdate concept_dateliteral_n2006 +concept_emotion_space concept:atdate concept_dateliteral_n2007 +concept_emotion_space concept:atdate concept_year_n1997 +concept_emotion_spot concept:proxyfor concept_book_new +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_anxiety +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_anxiety_disorder +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_condition +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_health_conditions +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_phobia +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_phobias +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_syndrome +concept_emotion_stress concept:emotionassociatedwithdisease concept_disease_syndromes +concept_emotion_stress concept:emotionassociatedwithdisease concept_physiologicalcondition_health_issues +concept_emotion_stress_disorder concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_stress_disorder concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_stress_disorder concept:emotionassociatedwithdisease concept_disease_illness +concept_emotion_stress_disorder concept:emotionassociatedwithdisease concept_disease_illnesses +concept_emotion_stress_disorder concept:emotionassociatedwithdisease concept_physiologicalcondition_health_issues +concept_emotion_stress_disorders concept:emotionassociatedwithdisease concept_disease_disorders +concept_emotion_stress_syndrome concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_strong_hope concept:latitudelongitude 41.7511400000000,-87.6539400000000 +concept_emotion_suite concept:subpartof concept_weatherphenomenon_air +concept_emotion_ten concept:mutualproxyfor concept_city_home +concept_emotion_tenderness concept:emotionassociatedwithdisease concept_disease_arthritis +concept_emotion_tenderness concept:emotionassociatedwithdisease concept_disease_fibromyalgia +concept_emotion_tenderness concept:emotionassociatedwithdisease concept_disease_osteoarthritis +concept_emotion_tenderness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_terror concept:emotionassociatedwithdisease concept_disease_hiv +concept_emotion_thoughts concept:proxyfor concept_book_new +concept_emotion_treat concept:proxyfor concept_book_new +concept_emotion_trepidation concept:latitudelongitude -78.7666700000000,162.3500000000000 +concept_emotion_trust concept:atdate concept_date_n2001 +concept_emotion_trust concept:atdate concept_date_n2003 +concept_emotion_trust concept:atdate concept_date_n2004 +concept_emotion_trust concept:atdate concept_dateliteral_n2002 +concept_emotion_trust concept:atdate concept_dateliteral_n2005 +concept_emotion_trust concept:atdate concept_dateliteral_n2006 +concept_emotion_trust concept:atdate concept_dateliteral_n2007 +concept_emotion_trust concept:atdate concept_dateliteral_n2008 +concept_emotion_type concept:emotionassociatedwithdisease concept_disease_depression +concept_emotion_type concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_vulnerability concept:emotionassociatedwithdisease concept_disease_alzheimer +concept_emotion_weakness concept:emotionassociatedwithdisease concept_disease_common_symptoms +concept_emotion_weakness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_wealth concept:latitudelongitude -42.1282800000000,171.8901500000000 +concept_emotion_wealth concept:proxyfor concept_book_new +concept_emotion_welcome concept:proxyfor concept_book_new +concept_emotion_withdrawal concept:atdate concept_dateliteral_n2005 +concept_emotion_word concept:proxyfor concept_book_new +concept_emotion_word concept:mutualproxyfor concept_university_microsoft +concept_emotion_worry concept:emotionassociatedwithdisease concept_disease_disorder +concept_emotion_worry concept:emotionassociatedwithdisease concept_disease_symptoms +concept_emotion_worthlessness concept:emotionassociatedwithdisease concept_disease_symptoms +concept_ethnicgroup_ahtna concept:latitudelongitude 61.9757300000000,-144.4175600000000 +concept_ethnicgroup_algonkin concept:latitudelongitude 39.6637300000000,-75.2426900000000 +concept_ethnicgroup_armenia concept:mutualproxyfor concept_person_levon_ter__petrosyan +concept_ethnicgroup_armenia concept:mutualproxyfor concept_person_levon_ter_petrosyan +concept_ethnicgroup_armenia concept:atdate concept_year_n1998 +concept_ethnicgroup_asturien concept:latitudelongitude 43.3499750000000,-5.9305600000000 +concept_ethnicgroup_babanki concept:latitudelongitude 6.0777800000000,10.2666666666667 +concept_ethnicgroup_badaga concept:latitudelongitude 21.2000000000000,92.4166700000000 +concept_ethnicgroup_bafut concept:latitudelongitude 5.9899100000000,10.1503300000000 +concept_ethnicgroup_bahasa concept:latitudelongitude -20.0000000000000,-175.0000000000000 +concept_ethnicgroup_belarusian concept:latitudelongitude 40.4500000000000,-74.3775000000000 +concept_ethnicgroup_betawi concept:latitudelongitude 2.2333300000000,112.5500000000000 +concept_ethnicgroup_big_english concept:latitudelongitude 45.7168100000000,-67.7656200000000 +concept_ethnicgroup_british concept:proxyfor concept_book_new +concept_ethnicgroup_british concept:atlocation concept_city_london_city +concept_ethnicgroup_british concept:atdate concept_dateliteral_n1917 +concept_ethnicgroup_castillano concept:latitudelongitude 8.0000000000000,-64.5333300000000 +concept_ethnicgroup_cebuano concept:latitudelongitude 6.9101866666667,124.4977766666667 +concept_ethnicgroup_chiac concept:latitudelongitude 15.1000000000000,-90.5166700000000 +concept_ethnicgroup_chinese_mandarin concept:latitudelongitude 32.8284500000000,-117.2123900000000 +concept_ethnicgroup_chinesse concept:latitudelongitude 42.6527000000000,-78.8970400000000 +concept_ethnicgroup_chinyanja concept:latitudelongitude -15.2400000000000,28.1899980000000 +concept_ethnicgroup_comoran concept:latitudelongitude -5.3000000000000,152.1166700000000 +concept_ethnicgroup_dagomba concept:latitudelongitude 9.5000000000000,-0.2500000000000 +concept_ethnicgroup_divehi concept:latitudelongitude 3.2000000000000,73.0000000000000 +concept_ethnicgroup_dutch concept:proxyfor concept_book_new +concept_ethnicgroup_dutchland concept:latitudelongitude 39.3838900000000,-84.4019400000000 +concept_ethnicgroup_east_asian_language concept:latitudelongitude 37.7868000000000,-79.4425400000000 +concept_ethnicgroup_fruz concept:latitudelongitude 28.2500000000000,36.1666700000000 +concept_ethnicgroup_galach concept:latitudelongitude 37.4573000000000,41.0387400000000 +concept_ethnicgroup_germans concept:atdate concept_date_n1941 +concept_ethnicgroup_germans concept:atdate concept_date_n1944 +concept_ethnicgroup_germans concept:atdate concept_dateliteral_n1918 +concept_ethnicgroup_germans concept:atdate concept_dateliteral_n1943 +concept_ethnicgroup_germans concept:atdate concept_dateliteral_n1945 +concept_ethnicgroup_gujur concept:latitudelongitude 31.5333300000000,56.5000000000000 +concept_ethnicgroup_hemba concept:latitudelongitude 7.0832000000000,8.5456000000000 +concept_ethnicgroup_hidatsa concept:latitudelongitude 47.6102900000000,-102.3874000000000 +concept_ethnicgroup_ibanag concept:latitudelongitude 17.2166700000000,121.5500000000000 +concept_ethnicgroup_ilocano concept:latitudelongitude 16.9166700000000,120.4666700000000 +concept_ethnicgroup_imperialist concept:latitudelongitude 29.0245450000000,-100.4406350000000 +concept_ethnicgroup_iraqi concept:atdate concept_date_n2003 +concept_ethnicgroup_jicarilla_apache concept:latitudelongitude 36.6960720000000,-107.0676260000000 +concept_ethnicgroup_kaonda concept:latitudelongitude -1.6666700000000,135.9666700000000 +concept_ethnicgroup_kawe concept:subpartof concept_museum_pbs +concept_ethnicgroup_keresan concept:latitudelongitude 38.0294900000000,41.5995333333333 +concept_ethnicgroup_khakas concept:latitudelongitude 53.3333300000000,90.0000000000000 +concept_ethnicgroup_kosovo concept:atdate concept_date_n2000 +concept_ethnicgroup_kosovo concept:atdate concept_date_n2001 +concept_ethnicgroup_kosovo concept:mutualproxyfor concept_person_ramush_haradinaj +concept_ethnicgroup_kosovo concept:synonymfor concept_politicalparty_republic +concept_ethnicgroup_latin concept:atlocation concept_airport_europe +concept_ethnicgroup_latin concept:atlocation concept_bridge_world +concept_ethnicgroup_latin concept:atlocation concept_building_america +concept_ethnicgroup_latin concept:atlocation concept_building_years +concept_ethnicgroup_latin concept:atlocation concept_continent_africa +concept_ethnicgroup_latin concept:atlocation concept_skyscraper_asia +concept_ethnicgroup_lettish concept:latitudelongitude 45.2783000000000,-89.4665100000000 +concept_ethnicgroup_little_portuguese concept:latitudelongitude 38.5329600000000,-122.1413600000000 +concept_ethnicgroup_lusoga concept:latitudelongitude -0.3333300000000,31.0666700000000 +concept_ethnicgroup_luvale concept:latitudelongitude -11.8219400000000,37.4258300000000 +concept_ethnicgroup_luxembourgeois concept:latitudelongitude 49.9000000000000,6.2750000000000 +concept_ethnicgroup_madarin concept:latitudelongitude 14.2644400000000,44.1866700000000 +concept_ethnicgroup_mangbetu concept:latitudelongitude 2.3166700000000,27.7833300000000 +concept_ethnicgroup_merchants concept:proxyfor concept_book_new +concept_ethnicgroup_nzebi concept:latitudelongitude 1.9500000000000,30.0000000000000 +concept_ethnicgroup_pakhto concept:latitudelongitude 39.4772233333333,21.2612066666667 +concept_ethnicgroup_palauan concept:latitudelongitude 11.1666700000000,122.4833300000000 +concept_ethnicgroup_pampango concept:latitudelongitude 11.0608333333333,122.8480533333333 +concept_ethnicgroup_panjabi concept:latitudelongitude 25.6819450000000,68.8444475000000 +concept_ethnicgroup_pennsylvania_dutch concept:latitudelongitude 40.5156100000000,-76.1364300000000 +concept_ethnicgroup_pennsylvania_german concept:latitudelongitude 40.5105600000000,-75.7908300000000 +concept_ethnicgroup_philipino concept:latitudelongitude 37.9410400000000,-121.2880000000000 +concept_ethnicgroup_quecha concept:latitudelongitude -14.2872250000000,-71.3911150000000 +concept_ethnicgroup_quechua concept:latitudelongitude -9.4887400000000,-76.4826300000000 +concept_ethnicgroup_romeno concept:latitudelongitude 46.3948100000000,11.1184700000000 +concept_ethnicgroup_rukiga concept:latitudelongitude -2.8089866666667,29.6895033333333 +concept_ethnicgroup_rutul concept:latitudelongitude 41.5546783333333,47.3958200000000 +concept_ethnicgroup_same_way concept:proxyfor concept_book_new +concept_ethnicgroup_saraiki concept:latitudelongitude 56.7000000000000,21.0666700000000 +concept_ethnicgroup_semitic concept:latitudelongitude 42.3784300000000,-71.1139400000000 +concept_ethnicgroup_skopje concept:subpartof concept_website_macedonia +concept_ethnicgroup_spani concept:latitudelongitude 17.9833300000000,-76.9500000000000 +concept_ethnicgroup_spokane concept:atlocation concept_city_washington_d_c +concept_ethnicgroup_taimani concept:latitudelongitude 34.5608700000000,66.0995000000000 +concept_ethnicgroup_tanzania concept:atdate concept_date_n2000 +concept_ethnicgroup_tanzania concept:atdate concept_date_n2001 +concept_ethnicgroup_tanzania concept:atdate concept_date_n2009 +concept_ethnicgroup_tanzania concept:atdate concept_dateliteral_n2008 +concept_ethnicgroup_tanzania concept:mutualproxyfor concept_person_julius_nyerere +concept_ethnicgroup_uae concept:atdate concept_date_n2009 +concept_ethnicgroup_union_forces concept:atdate concept_year_n1865 +concept_ethnicgroup_union_troops concept:atdate concept_year_n1862 +concept_ethnicgroup_united_arab_emirates concept:atdate concept_dateliteral_n2008 +concept_ethnicgroup_united_arab_emirates concept:synonymfor concept_politicalparty_republic +concept_ethnicgroup_venezuelan concept:latitudelongitude 14.5000000000000,-67.5000000000000 +concept_ethnicgroup_vietnames concept:latitudelongitude 29.9668900000000,-95.4657700000000 +concept_ethnicgroup_vlach concept:latitudelongitude 39.8250000000000,20.6386100000000 +concept_ethnicgroup_walla_walla concept:atlocation concept_city_washington_d_c +concept_ethnicgroup_west_frisian concept:latitudelongitude 53.3666700000000,5.3333300000000 +concept_ethnicgroup_windish concept:latitudelongitude 45.7622900000000,-74.4553400000000 +concept_ethnicgroup_yerevan concept:mutualproxyfor concept_ethnicgroup_armenia +concept_ethnicgroup_yerevan concept:subpartof concept_ethnicgroup_armenia +concept_eventoutcome_acclaim concept:atdate concept_date_n2000 +concept_eventoutcome_acclaim concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_acclaim concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_acclaim concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_acclaim concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_acclaim concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_acclaim concept:atdate concept_year_n1997 +concept_eventoutcome_accomplishment concept:proxyfor concept_book_new +concept_eventoutcome_achievement concept:proxyfor concept_book_new +concept_eventoutcome_aid concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_amazing_experience concept:proxyfor concept_book_new +concept_eventoutcome_amount concept:atdate concept_date_n2003 +concept_eventoutcome_amount concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_amount concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_award concept:proxyfor concept_book_new +concept_eventoutcome_award concept:atdate concept_date_n2000 +concept_eventoutcome_award concept:atdate concept_date_n2001 +concept_eventoutcome_award concept:atdate concept_date_n2009 +concept_eventoutcome_bad_idea concept:proxyfor concept_book_new +concept_eventoutcome_bad_name concept:latitudelongitude 34.9652500000000,-118.7342600000000 +concept_eventoutcome_basis concept:proxyfor concept_book_new +concept_eventoutcome_battle concept:atdate concept_date_n1944 +concept_eventoutcome_battle concept:atdate concept_date_n2003 +concept_eventoutcome_battle concept:atdate concept_dateliteral_n1945 +concept_eventoutcome_battle concept:atdate concept_year_n1862 +concept_eventoutcome_business concept:mutualproxyfor concept_book_new +concept_eventoutcome_business concept:atdate concept_date_n1958 +concept_eventoutcome_business concept:atdate concept_date_n1977 +concept_eventoutcome_business concept:atdate concept_date_n1979 +concept_eventoutcome_business concept:atdate concept_date_n1993 +concept_eventoutcome_business concept:atdate concept_date_n1996 +concept_eventoutcome_business concept:atdate concept_date_n1999 +concept_eventoutcome_business concept:atdate concept_date_n2000 +concept_eventoutcome_business concept:atdate concept_date_n2001 +concept_eventoutcome_business concept:atdate concept_date_n2003 +concept_eventoutcome_business concept:atdate concept_date_n2004 +concept_eventoutcome_business concept:atdate concept_dateliteral_n1987 +concept_eventoutcome_business concept:atdate concept_dateliteral_n1990 +concept_eventoutcome_business concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_business concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_business concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_business concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_business concept:atdate concept_year_n1946 +concept_eventoutcome_business concept:atdate concept_year_n1973 +concept_eventoutcome_business concept:atdate concept_year_n1975 +concept_eventoutcome_business concept:atdate concept_year_n1978 +concept_eventoutcome_business concept:atdate concept_year_n1982 +concept_eventoutcome_business concept:atdate concept_year_n1983 +concept_eventoutcome_business concept:atdate concept_year_n1984 +concept_eventoutcome_business concept:atdate concept_year_n1985 +concept_eventoutcome_business concept:atdate concept_year_n1986 +concept_eventoutcome_business concept:atdate concept_year_n1988 +concept_eventoutcome_business concept:atdate concept_year_n1989 +concept_eventoutcome_business concept:atdate concept_year_n1991 +concept_eventoutcome_business concept:atdate concept_year_n1992 +concept_eventoutcome_business concept:atdate concept_year_n1994 +concept_eventoutcome_business concept:atdate concept_year_n1995 +concept_eventoutcome_business concept:atdate concept_year_n1997 +concept_eventoutcome_business concept:atdate concept_year_n1998 +concept_eventoutcome_call concept:proxyfor concept_book_new +concept_eventoutcome_call concept:atdate concept_date_n2001 +concept_eventoutcome_call concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_call concept:mutualproxyfor concept_person_mugabe +concept_eventoutcome_campaigns concept:mutualproxyfor concept_book_new +concept_eventoutcome_career_success concept:latitudelongitude 33.4925000000000,-112.1177700000000 +concept_eventoutcome_character concept:proxyfor concept_book_new +concept_eventoutcome_client concept:proxyfor concept_book_new +concept_eventoutcome_client concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_client concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_client concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_client concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_client concept:atdate concept_year_n1998 +concept_eventoutcome_command concept:proxyfor concept_book_new +concept_eventoutcome_control_system concept:subpartof concept_weatherphenomenon_air +concept_eventoutcome_corruption concept:atdate concept_date_n2001 +concept_eventoutcome_cost concept:mutualproxyfor concept_book_new +concept_eventoutcome_course concept:proxyfor concept_book_new +concept_eventoutcome_deaths concept:mutualproxyfor concept_book_new +concept_eventoutcome_defeat concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_defeat concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_defeat concept:atdate concept_dayofweek_saturday +concept_eventoutcome_defeat concept:atdate concept_dayofweek_sunday +concept_eventoutcome_difficulty concept:proxyfor concept_book_new +concept_eventoutcome_disaster concept:mutualproxyfor concept_book_new +concept_eventoutcome_draw concept:proxyfor concept_book_new +concept_eventoutcome_easy_one concept:proxyfor concept_book_new +concept_eventoutcome_effective_practice concept:atdate concept_date_n2003 +concept_eventoutcome_effective_practice concept:atdate concept_date_n2004 +concept_eventoutcome_effective_practice concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_effective_practice concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_employment concept:atdate concept_date_n2000 +concept_eventoutcome_employment concept:atdate concept_date_n2001 +concept_eventoutcome_employment concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_end concept:mutualproxyfor concept_person_mugabe +concept_eventoutcome_establishment concept:proxyfor concept_book_new +concept_eventoutcome_establishment concept:atdate concept_date_n1966 +concept_eventoutcome_establishment concept:atdate concept_date_n1993 +concept_eventoutcome_establishment concept:atdate concept_date_n1996 +concept_eventoutcome_establishment concept:atdate concept_date_n1999 +concept_eventoutcome_establishment concept:atdate concept_date_n2000 +concept_eventoutcome_establishment concept:atdate concept_date_n2001 +concept_eventoutcome_establishment concept:atdate concept_date_n2003 +concept_eventoutcome_establishment concept:atdate concept_date_n2004 +concept_eventoutcome_establishment concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_establishment concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_establishment concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_establishment concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_establishment concept:atdate concept_year_n1988 +concept_eventoutcome_establishment concept:atdate concept_year_n1989 +concept_eventoutcome_establishment concept:atdate concept_year_n1991 +concept_eventoutcome_establishment concept:atdate concept_year_n1992 +concept_eventoutcome_establishment concept:atdate concept_year_n1994 +concept_eventoutcome_establishment concept:atdate concept_year_n1995 +concept_eventoutcome_establishment concept:atdate concept_year_n1997 +concept_eventoutcome_establishment concept:atdate concept_year_n1998 +concept_eventoutcome_events concept:mutualproxyfor concept_book_new +concept_eventoutcome_eye_opener concept:proxyfor concept_book_new +concept_eventoutcome_facility concept:mutualproxyfor concept_book_new +concept_eventoutcome_failure concept:proxyfor concept_book_new +concept_eventoutcome_failure concept:atdate concept_date_n1999 +concept_eventoutcome_failure concept:atdate concept_date_n2003 +concept_eventoutcome_failure concept:atdate concept_year_n1998 +concept_eventoutcome_good_landing concept:latitudelongitude 43.4668600000000,-65.6821300000000 +concept_eventoutcome_great_experience concept:proxyfor concept_book_new +concept_eventoutcome_great_idea concept:proxyfor concept_book_new +concept_eventoutcome_great_success concept:proxyfor concept_book_new +concept_eventoutcome_group concept:mutualproxyfor concept_book_new +concept_eventoutcome_highlight concept:proxyfor concept_book_new +concept_eventoutcome_huge_hit concept:proxyfor concept_book_new +concept_eventoutcome_huge_success concept:proxyfor concept_book_new +concept_eventoutcome_idea concept:mutualproxyfor concept_book_new +concept_eventoutcome_incredible_experience concept:proxyfor concept_book_new +concept_eventoutcome_information concept:mutualproxyfor concept_book_new +concept_eventoutcome_integral_part concept:proxyfor concept_book_new +concept_eventoutcome_knee_injury concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_loss concept:proxyfor concept_book_new +concept_eventoutcome_loss concept:atdate concept_date_dec_ +concept_eventoutcome_loss concept:atdate concept_date_n2003 +concept_eventoutcome_loss concept:atdate concept_date_oct_ +concept_eventoutcome_loss concept:atdate concept_dayofweek_monday +concept_eventoutcome_loss concept:atdate concept_dayofweek_saturday +concept_eventoutcome_loss concept:atdate concept_dayofweek_sunday +concept_eventoutcome_loss concept:atdate concept_dayofweek_thursday +concept_eventoutcome_loss concept:atdate concept_dayofweek_tuesday +concept_eventoutcome_loss concept:atdate concept_dayofweek_wednesday +concept_eventoutcome_loss concept:atdate concept_month_june +concept_eventoutcome_major_success concept:proxyfor concept_book_new +concept_eventoutcome_member concept:proxyfor concept_book_new +concept_eventoutcome_memorable_experience concept:proxyfor concept_book_new +concept_eventoutcome_memorable_one concept:proxyfor concept_book_new +concept_eventoutcome_n1_0_loss concept:atdate concept_dayofweek_saturday +concept_eventoutcome_opening concept:proxyfor concept_book_new +concept_eventoutcome_pain concept:proxyfor concept_book_new +concept_eventoutcome_plan concept:mutualproxyfor concept_person_mugabe +concept_eventoutcome_pleasant_one concept:proxyfor concept_book_new +concept_eventoutcome_pleasure concept:proxyfor concept_book_new +concept_eventoutcome_pleasure concept:istallerthan concept_publication_people_ +concept_eventoutcome_podcast concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_practice concept:proxyfor concept_book_new +concept_eventoutcome_practice concept:atdate concept_date_n1993 +concept_eventoutcome_practice concept:atdate concept_date_n1996 +concept_eventoutcome_practice concept:atdate concept_date_n1999 +concept_eventoutcome_practice concept:atdate concept_date_n2000 +concept_eventoutcome_practice concept:atdate concept_date_n2001 +concept_eventoutcome_practice concept:atdate concept_date_n2003 +concept_eventoutcome_practice concept:atdate concept_date_n2004 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n1990 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_practice concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_practice concept:atdate concept_year_n1974 +concept_eventoutcome_practice concept:atdate concept_year_n1992 +concept_eventoutcome_practice concept:atdate concept_year_n1995 +concept_eventoutcome_practice concept:atdate concept_year_n1997 +concept_eventoutcome_practice concept:atdate concept_year_n1998 +concept_eventoutcome_presence concept:proxyfor concept_book_new +concept_eventoutcome_presence concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_races concept:proxyfor concept_book_new +concept_eventoutcome_record concept:proxyfor concept_book_new +concept_eventoutcome_report concept:proxyfor concept_book_new +concept_eventoutcome_report concept:atdate concept_date_n1968 +concept_eventoutcome_report concept:atdate concept_date_n1976 +concept_eventoutcome_report concept:atdate concept_date_n1993 +concept_eventoutcome_report concept:atdate concept_date_n1996 +concept_eventoutcome_report concept:atdate concept_date_n1999 +concept_eventoutcome_report concept:atdate concept_date_n2000 +concept_eventoutcome_report concept:atdate concept_date_n2001 +concept_eventoutcome_report concept:atdate concept_date_n2003 +concept_eventoutcome_report concept:atdate concept_date_n2004 +concept_eventoutcome_report concept:atdate concept_date_n2009 +concept_eventoutcome_report concept:atdate concept_dateliteral_n1987 +concept_eventoutcome_report concept:atdate concept_dateliteral_n1990 +concept_eventoutcome_report concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_report concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_report concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_report concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_report concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_report concept:atdate concept_month_june +concept_eventoutcome_report concept:atdate concept_year_n1983 +concept_eventoutcome_report concept:atdate concept_year_n1985 +concept_eventoutcome_report concept:atdate concept_year_n1986 +concept_eventoutcome_report concept:atdate concept_year_n1988 +concept_eventoutcome_report concept:atdate concept_year_n1989 +concept_eventoutcome_report concept:atdate concept_year_n1991 +concept_eventoutcome_report concept:atdate concept_year_n1992 +concept_eventoutcome_report concept:atdate concept_year_n1994 +concept_eventoutcome_report concept:atdate concept_year_n1995 +concept_eventoutcome_report concept:atdate concept_year_n1997 +concept_eventoutcome_report concept:atdate concept_year_n1998 +concept_eventoutcome_retreat concept:atdate concept_date_n1999 +concept_eventoutcome_retreat concept:atdate concept_date_n2003 +concept_eventoutcome_retreat concept:atdate concept_date_n2004 +concept_eventoutcome_retreat concept:atdate concept_date_n2009 +concept_eventoutcome_retreat concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_retreat concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_retreat concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_retreat concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_retreat concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_retreat concept:atdate concept_month_january +concept_eventoutcome_retreat concept:atdate concept_month_october +concept_eventoutcome_rights concept:subpartof concept_weatherphenomenon_water +concept_eventoutcome_road concept:atdate concept_month_december +concept_eventoutcome_road concept:atdate concept_month_november +concept_eventoutcome_robbery concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_safe_flight concept:latitudelongitude 41.0792600000000,-73.7162400000000 +concept_eventoutcome_sales concept:atdate concept_date_n1999 +concept_eventoutcome_sales concept:atdate concept_date_n2003 +concept_eventoutcome_sales concept:atdate concept_date_n2004 +concept_eventoutcome_setback concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_setback concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_state concept:mutualproxyfor concept_book_new +concept_eventoutcome_state concept:atlocation concept_country_united_states +concept_eventoutcome_state concept:mutualproxyfor concept_emotion_college +concept_eventoutcome_state concept:atlocation concept_hotel_union +concept_eventoutcome_story concept:mutualproxyfor concept_book_new +concept_eventoutcome_success concept:proxyfor concept_book_new +concept_eventoutcome_success concept:atdate concept_date_n1996 +concept_eventoutcome_success concept:atdate concept_date_n2000 +concept_eventoutcome_success concept:atdate concept_date_n2004 +concept_eventoutcome_success concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_success concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_success concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_success concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_success concept:mutualproxyfor concept_lake_new +concept_eventoutcome_success concept:istallerthan concept_publication_people_ +concept_eventoutcome_successful_debut concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_successful_launch concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_treatment concept:atdate concept_date_n1996 +concept_eventoutcome_treatment concept:atdate concept_date_n1999 +concept_eventoutcome_treatment concept:atdate concept_date_n2000 +concept_eventoutcome_treatment concept:atdate concept_date_n2003 +concept_eventoutcome_treatment concept:atdate concept_dateliteral_n2002 +concept_eventoutcome_treatment concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_treatment concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_treatment concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_treatment concept:subpartof concept_governmentorganization_waste +concept_eventoutcome_treatment concept:subpartof concept_weatherphenomenon_air +concept_eventoutcome_treatment concept:subpartof concept_weatherphenomenon_water +concept_eventoutcome_treatment concept:atdate concept_year_n1998 +concept_eventoutcome_vicinity concept:proxyfor concept_book_new +concept_eventoutcome_vicory concept:latitudelongitude 45.8574000000000,-115.6154100000000 +concept_eventoutcome_visits concept:proxyfor concept_book_new +concept_eventoutcome_visits concept:atdate concept_date_n2004 +concept_eventoutcome_visits concept:atdate concept_dateliteral_n2005 +concept_eventoutcome_visits concept:atdate concept_dateliteral_n2006 +concept_eventoutcome_visits concept:atdate concept_dateliteral_n2007 +concept_eventoutcome_visits concept:atdate concept_dateliteral_n2008 +concept_eventoutcome_wonderful_experience concept:proxyfor concept_book_new +concept_everypromotedthing_alt_depth concept:synonymfor concept_everypromotedthing_odd_thread +concept_everypromotedthing_armistice_day concept:synonymfor concept_everypromotedthing_remembrance_day +concept_everypromotedthing_attorneys_general concept:proxyfor concept_coach_new +concept_everypromotedthing_attorneys_general concept:ismultipleof concept_politicaloffice_attorney_general +concept_everypromotedthing_c_cplusplus concept:synonymfor concept_visualizablescene_run +concept_everypromotedthing_city_of_brotherly_love concept:synonymfor concept_male_philadelphia +concept_everypromotedthing_currency_etf_euro concept:mutualproxyfor concept_everypromotedthing_fxe +concept_everypromotedthing_cvs_tag concept:synonymfor concept_everypromotedthing_unix_tag +concept_everypromotedthing_emerging_markets_etf concept:mutualproxyfor concept_cardgame_eem +concept_everypromotedthing_gaggle concept:ismultipleof concept_bird_goose +concept_everypromotedthing_kareem concept:istallerthan concept_athlete_shaq +concept_everypromotedthing_logtop concept:synonymfor concept_programminglanguage_unix +concept_everypromotedthing_n0_error concept:synonymfor concept_musicalbum_exist +concept_everypromotedthing_n7_redhat concept:synonymfor concept_videogamesystem_rhel +concept_everypromotedthing_n7_restart concept:synonymfor concept_agent_linux +concept_everypromotedthing_nginx concept:synonymfor concept_agent_linux +concept_everypromotedthing_nginx concept:synonymfor concept_currency_bsd +concept_everypromotedthing_nypd concept:subpartof concept_visualizablescene_ny +concept_everypromotedthing_perfecttime concept:proxyfor concept_coach_new +concept_everypromotedthing_rosebowl concept:proxyfor concept_coach_new +concept_everypromotedthing_software_tag concept:synonymfor concept_visualizablescene_popular +concept_everypromotedthing_subversion concept:synonymfor concept_everypromotedthing_svn +concept_everypromotedthing_subversion concept:synonymfor concept_programminglanguage_unix +concept_everypromotedthing_subversion_tag concept:synonymfor concept_everypromotedthing_code_tag +concept_everypromotedthing_svn concept:synonymfor concept_everypromotedthing_subversion +concept_everypromotedthing_tribune_col concept:atlocation concept_highway_the_new +concept_everypromotedthing_tribune_con concept:atlocation concept_city_london_city +concept_everypromotedthing_tribune_con concept:atlocation concept_highway_the_new +concept_everypromotedthing_tribune_cor concept:atlocation concept_highway_the_new +concept_everypromotedthing_tribune_cos concept:atlocation concept_highway_the_new +concept_everypromotedthing_tribune_cou concept:atlocation concept_highway_the_new +concept_everypromotedthing_u___s___congress concept:subpartof concept_country_u_s_ +concept_everypromotedthing_union_flag concept:synonymfor concept_stateorprovince_union_jack +concept_everypromotedthing_unix_tag concept:synonymfor concept_date_linux_category +concept_everypromotedthing_web_client concept:synonymfor concept_website_browser +concept_farm_farms concept:proxyfor concept_lake_new +concept_farm_hickory_farms concept:latitudelongitude 33.9303800000000,-84.7699350000000 +concept_farm_market concept:buildinglocatedincity concept_city_vegas +concept_farm_south_farm concept:locationlocatedwithinlocation concept_country_united_states +concept_farm_sweetwater concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_farm_sweetwater concept:proxyfor concept_stateorprovince_texas +concept_farm_waltham_fields_community_farm concept:locationlocatedwithinlocation concept_country_united_states +concept_farm_waltham_fields_community_farm concept:subpartof concept_visualizablescene_united_state +concept_female_a__a__milne concept:agentcontributedtocreativework concept_book_winnie_the_pooh +concept_female_a__a__milne concept:agentcreated concept_book_winnie_the_pooh +concept_female_abigail concept:motherofperson concept_personeurope_john_quincy_adams +concept_female_adaobi_tricia_nwaubani concept:agentcreated concept_book_i_do_not_come_to_you_by_chance +concept_female_addresses concept:agentcreated concept_movie_contact +concept_female_aeacus concept:parentofperson concept_female_aegina +concept_female_aegina concept:motherofperson concept_female_aeacus +concept_female_agrippina concept:latitudelongitude 50.9333300000000,6.9500000000000 +concept_female_alaska_gov__sarah_palin concept:politicianholdsoffice concept_politicaloffice_president +concept_female_alcmene concept:motherofperson concept_female_herakles +concept_female_alcmene concept:motherofperson concept_person_hercules +concept_female_alex_garland concept:agentcontributedtocreativework concept_book_the_beach +concept_female_alex_garland concept:agentcreated concept_personafrica_the_beach +concept_female_alexander_waugh concept:agentcreated concept_book_the_house_of_wittgenstein_a_family_at_w +concept_female_amestris concept:hashusband concept_male_xerces +concept_female_amphitryon concept:latitudelongitude 44.7751000000000,-0.6429000000000 +concept_female_angel_moroni concept:latitudelongitude 43.0064500000000,-77.2238700000000 +concept_female_angels concept:agentparticipatedinevent concept_sportsgame_series +concept_female_anne_lauvergeon concept:personleadsorganization concept_company_areva +concept_female_anne_mulcahy concept:topmemberoforganization concept_biotechcompany_xerox +concept_female_anne_mulcahy concept:proxyfor concept_university_xerox +concept_female_antiope concept:motherofperson concept_female_amphion +concept_female_aphrodite concept:parentofperson concept_female_dione +concept_female_aphrodite concept:hasspouse concept_person_hephaestus +concept_female_argos concept:parentofperson concept_female_niobe +concept_female_argus concept:parentofperson concept_female_niobe +concept_female_asenath concept:hashusband concept_politician_joseph +concept_female_ashlee_simpson_wentz concept:hasspouse concept_person_pete_wentz +concept_female_astraea concept:parentofperson concept_female_themis +concept_female_author_stephenie_meyer concept:agentcreated concept_book_twilight +concept_female_aventura concept:atlocation concept_city_florida +concept_female_b__k__evenson concept:agentcreated concept_book_dead_space_martyr +concept_female_b__v__larson concept:agentcreated concept_book_mech +concept_female_bail concept:atdate concept_date_n2001 +concept_female_bail concept:atdate concept_dateliteral_n2005 +concept_female_bail concept:atdate concept_dateliteral_n2006 +concept_female_bail concept:atdate concept_dateliteral_n2007 +concept_female_bail concept:atdate concept_dateliteral_n2008 +concept_female_bail concept:atdate concept_year_n1998 +concept_female_balius concept:parentofperson concept_female_podarge +concept_female_barbara_campbell concept:agentcreated concept_visualizableattribute_bloodstone +concept_female_basemath concept:motherofperson concept_male_eliphaz +concept_female_basemath concept:hashusband concept_male_esau +concept_female_bathsheba concept:hashusband concept_male_king_david +concept_female_bathsheba concept:hasspouse concept_person_david003 +concept_female_bathsheba concept:motherofperson concept_person_solomon +concept_female_beatrix concept:personhasjobposition concept_jobposition_queen +concept_female_bev_perdue concept:personhasresidenceingeopoliticallocation concept_stateorprovince_north_carolina +concept_female_blessed_mother concept:parentofperson concept_person_jesus +concept_female_blessed_virgin concept:motherofperson concept_female_christ_child +concept_female_blessed_virgin concept:motherofperson concept_female_infant_jesus +concept_female_blessed_virgin concept:motherofperson concept_person_saint +concept_female_blessed_virgin_mary concept:parentofperson concept_male_jesus_christ +concept_female_blessed_virgin_mary concept:parentofperson concept_male_son +concept_female_blessed_virgin_mary concept:parentofperson concept_person_jesus +concept_female_boy concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_carol_moseley_braun concept:politicianrepresentslocation concept_stateorprovince_illinois +concept_female_cassandra_clare concept:agentcreated concept_book_city_of_bones +concept_female_cate_blanchett concept:actorstarredinmovie concept_movie_curious_case +concept_female_cate_blanchett concept:actorstarredinmovie concept_movie_notes_on_a_scandal +concept_female_cate_blanchett concept:actorstarredinmovie concept_movie_the_curious_case_of_benjamin_button +concept_female_catherine_of_aragon concept:hasspouse concept_person_henry_viii +concept_female_channel concept:agentinvolvedwithitem concept_buildingfeature_window +concept_female_channel concept:atdate concept_dateliteral_n2007 +concept_female_channel concept:atdate concept_dateliteral_n2008 +concept_female_chat_room concept:agentinvolvedwithitem concept_buildingfeature_window +concept_female_chloris concept:latitudelongitude -46.3984100000000,169.4401000000000 +concept_female_christine_baumgartner concept:hasspouse concept_personcanada_kevin_costner +concept_female_chynna_phillips concept:hasspouse concept_actor_billy_baldwin +concept_female_clip concept:agentinvolvedwithitem concept_buildingfeature_window +concept_female_clip concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_female_clips concept:agentinvolvedwithitem concept_buildingfeature_window +concept_female_clips concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_female_coleman concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_female_colm concept:latitudelongitude 46.5516700000000,9.6555800000000 +concept_female_confirmed concept:latitudelongitude 32.7478800000000,-116.9881500000000 +concept_female_corday concept:latitudelongitude 46.3833300000000,4.1000000000000 +concept_female_counter concept:agentcreated concept_movie_contact +concept_female_dave_grohl concept:personbelongstoorganization concept_musicartist_foo_fighters +concept_female_daw_aung_san_suu_kyi concept:personhasjobposition concept_jobposition_leader +concept_female_debate concept:atdate concept_date_n1999 +concept_female_debate concept:atdate concept_date_n2000 +concept_female_debate concept:atdate concept_dateliteral_n2005 +concept_female_debate concept:atdate concept_dateliteral_n2007 +concept_female_debate concept:atdate concept_year_n1998 +concept_female_demeter concept:motherofperson concept_female_dionysus +concept_female_demeter concept:motherofperson concept_female_persephone +concept_female_demeter concept:motherofperson concept_person_kore +concept_female_deneane_clark concept:agentcreated concept_person_faith +concept_female_diane_keaton concept:actorstarredinmovie concept_movie_annie_hall +concept_female_diane_keaton concept:actorstarredinmovie concept_movie_baby_boom +concept_female_dione concept:motherofperson concept_female_aphrodite +concept_female_dionne_warwick concept:motherofperson concept_person_damon_elliot +concept_female_directors concept:personhasresidenceingeopoliticallocation concept_country_usa +concept_female_dolphins concept:agentcompeteswithagent concept_animal_animals001 +concept_female_dolphins concept:agentcontrols concept_coach_sparano +concept_female_dolphins concept:agentparticipatedinevent concept_convention_games +concept_female_dolphins concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_e_mail_address concept:agentcreated concept_movie_contact +concept_female_e_r__eddson concept:agentcontributedtocreativework concept_book_a_fish_dinner_in_memison +concept_female_e_r__eddson concept:agentcreated concept_book_a_fish_dinner_in_memison +concept_female_ed_rendell concept:personleadsorganization concept_county_philadelphia +concept_female_elara concept:motherofperson concept_female_tityas +concept_female_electra concept:motherofperson concept_person_dardanus +concept_female_elizabeth concept:persondiedatage 2 +concept_female_elizabeth concept:motherofperson concept_politicianus_john_the_baptist +concept_female_elizabeth_dole concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_female_elizabeth_dole concept:politicianrepresentslocation concept_stateorprovince_north_carolina +concept_female_elizabeth_taylor concept:hasspouse concept_celebrity_richard_burton +concept_female_elizabeth_taylor concept:actorstarredinmovie concept_movie_cleopatra +concept_female_elizabeth_taylor concept:actorstarredinmovie concept_movie_who_s_afraid_of_virginia_woolf +concept_female_emelia concept:latitudelongitude -29.9333300000000,-59.1833300000000 +concept_female_eminem concept:agentcontributedtocreativework concept_movie_n8_mile +concept_female_epaphus concept:motherofperson concept_female_io +concept_female_ersa concept:parentofperson concept_female_selene +concept_female_estee_lauder concept:agentcollaborateswithagent concept_company_aveda +concept_female_europa concept:hassibling concept_female_minos +concept_female_europa concept:motherofperson concept_female_minos +concept_female_eve concept:motherofperson concept_female_genesis +concept_female_eve concept:motherofperson concept_person_creation +concept_female_eve concept:motherofperson concept_person_eden +concept_female_eve concept:motherofperson concept_person_life +concept_female_eve concept:motherofperson concept_person_man +concept_female_gaile_parkin concept:agentcreated concept_book_baking_cakes_in_kigali +concept_female_gin_phillips concept:agentcreated concept_book_the_well_and_the_mine +concept_female_glykeria concept:latitudelongitude 35.5583300000000,34.2083300000000 +concept_female_goldman_sachs concept:agentcontrols concept_person_lloyd_blankfein +concept_female_goldman_sachs concept:agentcollaborateswithagent concept_politicianus_henry_paulson +concept_female_goldman_sachs concept:agentcontrols concept_politicianus_henry_paulson +concept_female_group concept:agentcreated concept_book_contact +concept_female_group concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_hagar concept:hashusband concept_male_abraham +concept_female_hagar concept:hasspouse concept_male_abraham +concept_female_hagar concept:motherofperson concept_person_ishmael +concept_female_hannah concept:persondiedatage 6 +concept_female_hapshetsut concept:motherofperson concept_person_ahmose +concept_female_harry_reid concept:personbelongstoorganization concept_politicalparty_senate +concept_female_hazel_mccallion concept:personleadsgeopoliticalorganization concept_visualizablescene_mississauga +concept_female_hazel_mccallion concept:worksfor concept_visualizablescene_mississauga +concept_female_hera concept:motherofperson concept_female_ares +concept_female_heracles concept:latitudelongitude 37.9583300000000,23.6083300000000 +concept_female_hilary concept:personbornincity concept_city_york +concept_female_hilary concept:agentcollaborateswithagent concept_person_house +concept_female_hilary concept:agentcollaborateswithagent concept_person_mccain +concept_female_hilary concept:personbelongstoorganization concept_politicalparty_house +concept_female_hilary concept:agentcollaborateswithagent concept_politician_obama +concept_female_hilary_swank concept:actorstarredinmovie concept_movie_million_dollar_baby +concept_female_hillary concept:personbornincity concept_city_york +concept_female_hillary concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_female_hillary concept:politicianholdsoffice concept_jobposition_member +concept_female_hillary concept:agentcollaborateswithagent concept_person_edwards +concept_female_hillary concept:agentcollaborateswithagent concept_person_house +concept_female_hillary concept:agentcollaborateswithagent concept_person_mccain +concept_female_hillary concept:agentcollaborateswithagent concept_personus_hussein_obama +concept_female_hillary concept:politicianholdsoffice concept_politicaloffice_commander +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_new_york_senator +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_next_secretary +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_office +concept_female_hillary concept:politicianholdsoffice concept_politicaloffice_potus +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_female_hillary concept:politicianholdsoffice concept_politicaloffice_secy +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_senate +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_senator +concept_female_hillary concept:politicianholdsoffice concept_politicaloffice_u_s__president +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_u_s__senator +concept_female_hillary concept:politicianholdsoffice concept_politicaloffice_us_president +concept_female_hillary concept:politicianusholdsoffice concept_politicaloffice_vice_president +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_female_hillary concept:agentcollaborateswithagent concept_politician_obama +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_nancy_pelosi +concept_female_hillary concept:hashusband concept_politicianus_president_bill_clinton +concept_female_hillary concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_female_hillary concept:politicianrepresentslocation concept_stateorprovince_states +concept_female_himalia concept:latitudelongitude -70.8368500000000,-68.4458333333333 +concept_female_holly_madison concept:hasspouse concept_celebrity_christie_hefner +concept_female_holy_ghost concept:parentofperson concept_male_jesus_christ +concept_female_holy_ghost concept:parentofperson concept_male_son +concept_female_holy_ghost concept:parentofperson concept_person_jesus +concept_female_holy_ghost concept:parentofperson concept_person_lord_jesus +concept_female_holy_spirit concept:parentofperson concept_male_son +concept_female_holy_spirit concept:parentofperson concept_person_jesus +concept_female_holy_spirit concept:parentofperson concept_person_lord_jesus +concept_female_holy_spirit concept:parentofperson concept_personsouthamerica_son_jesus +concept_female_hooters concept:subpartof concept_traditionalgame_vegas +concept_female_io concept:motherofperson concept_female_epaphus +concept_female_io concept:hashusband concept_male_zeus +concept_female_iodame concept:parentofperson concept_female_thebe +concept_female_iris_murdoch concept:agentcontributedtocreativework concept_book_a_severed_head +concept_female_iris_murdoch concept:agentcreated concept_book_a_severed_head +concept_female_iris_murdoch concept:agentcreated concept_book_the_black_prince +concept_female_iris_murdoch concept:agentcreated concept_book_the_nice_and_the_good +concept_female_iris_murdoch concept:agentcontributedtocreativework concept_book_under_the_net +concept_female_iris_murdoch concept:agentcreated concept_book_under_the_net +concept_female_iris_murdoch concept:agentcreated concept_politicsblog_the_bell +concept_female_isis concept:parentofperson concept_person_horus +concept_female_j_k__rowling concept:agentcontributedtocreativework concept_book_harry_potter +concept_female_j_k__rowling concept:agentcontributedtocreativework concept_book_the_harry_potter_series +concept_female_j_k__rowling concept:agentcreated concept_movie_harry_potter +concept_female_j_k__rowling concept:agentcreated concept_movie_harry_potter_and_the_sorcerer_s_stone +concept_female_j_lo concept:hashusband concept_male_marc_anthony +concept_female_j_lo concept:hasspouse concept_male_marc_anthony +concept_female_jamie_lee_curtis concept:actorstarredinmovie concept_movie_true_lies +concept_female_jane_hamilton concept:agentcreated concept_book_a_map_of_the_world +concept_female_jane_seymour concept:hasspouse concept_personus_henry +concept_female_janet_napolitano concept:politicianholdsoffice concept_politicaloffice_governor +concept_female_jeep concept:agentinvolvedwithitem concept_hallwayitem_wrangler +concept_female_jeep concept:agentcreated concept_highway_cherokee +concept_female_jeff_sessions concept:politicianrepresentslocation concept_stateorprovince_alabama +concept_female_jeff_somers concept:agentcreated concept_book_the_digital_plague +concept_female_jeff_somers concept:agentcreated concept_book_the_electric_church +concept_female_jeff_somers concept:agentcreated concept_book_the_eternal_prison +concept_female_jennifer_garner concept:hasspouse concept_comedian_ben_affleck +concept_female_jerzy_andrzejewski concept:agentcreated concept_book_ashes_and_diamonds +concept_female_jessica_alba concept:actorstarredinmovie concept_movie_fantastic_four +concept_female_jillian_lauren concept:agentcreated concept_book_some_girls_my_life_in_a_harem +concept_female_joke concept:proxyfor concept_book_new +concept_female_joseph concept:persondiedatage 110 +concept_female_joseph concept:hasspouse concept_female_mary +concept_female_joseph concept:motherofperson concept_person_child +concept_female_julia_roberts concept:hasspouse concept_male_danny_moder +concept_female_julia_roberts concept:actorstarredinmovie concept_movie_erin_brockovich +concept_female_julia_roberts concept:actorstarredinmovie concept_movie_notting_hill +concept_female_julia_roberts concept:actorstarredinmovie concept_movie_runaway_bride +concept_female_julia_roberts concept:actorstarredinmovie concept_movie_stepmom +concept_female_julia_roberts concept:parentofperson concept_person_henry_daniel_moder +concept_female_julia_roberts concept:parentofperson concept_person_phinneaus_walter_moder +concept_female_karla_devito concept:hasspouse concept_comedian_robby_benson +concept_female_kate_beckinsale concept:hashusband concept_personafrica_len_wiseman +concept_female_kate_dicamillo concept:agentcreated concept_book_because_of_winn_dixie +concept_female_kate_dicamillo concept:agentcreated concept_book_the_tale_of_despereaux +concept_female_kate_walsh concept:hasspouse concept_male_alex_young +concept_female_katharine_holabird concept:agentcontributedtocreativework concept_televisionshow_angelina_ballerina +concept_female_katherine_green concept:persondiedincountry concept_country_england +concept_female_katherine_parr concept:hashusband concept_male_thomas_seymour +concept_female_kathryn concept:persongraduatedfromuniversity concept_university_state_university +concept_female_kathryn concept:persongraduatedschool concept_university_state_university +concept_female_katie concept:persondiedatage 5 +concept_female_katie_williams concept:motherofperson concept_male_hank_williams_jr_ +concept_female_kelly_preston concept:hashusband concept_actor_john_travolta +concept_female_kimora_lee_simmons concept:motherofperson concept_person_aoki +concept_female_kimora_lee_simmons concept:motherofperson concept_person_kenzo +concept_female_kimora_lee_simmons concept:motherofperson concept_person_ming_lee +concept_female_kristen_stewart concept:actorstarredinmovie concept_movie_twilight +concept_female_kunti concept:motherofperson concept_person_arjuna +concept_female_lacedaemon concept:parentofperson concept_female_taygete +concept_female_lachesis concept:latitudelongitude 6.9166700000000,81.3666700000000 +concept_female_lanny concept:latitudelongitude 18.8000000000000,-72.4166700000000 +concept_female_leda concept:motherofperson concept_person_helen +concept_female_leda concept:motherofperson concept_personeurope_castor +concept_female_leda concept:motherofperson concept_personeurope_castor_and_polydeuces +concept_female_leto concept:motherofperson concept_male_apollo +concept_female_leto concept:hasspouse concept_male_zeus +concept_female_lianne concept:latitudelongitude 19.6666700000000,-72.7000000000000 +concept_female_lighthouse_family concept:latitudelongitude 41.9106600000000,-71.3911700000000 +concept_female_linda_hogan concept:motherofperson concept_celebrity_nick_hogan +concept_female_linda_hogan concept:hashusband concept_male_hulk_hogan +concept_female_linda_hogan concept:personalsoknownas concept_person_linda_marie_bollea +concept_female_lisa_bonet concept:hasspouse concept_celebrity_jason_momoa +concept_female_lisa_murkowski concept:politicianrepresentslocation concept_stateorprovince_alaska +concept_female_lot concept:proxyfor concept_book_new +concept_female_lot concept:agentcompeteswithagent concept_personcanada_search +concept_female_luciana_barroso concept:hashusband concept_actor_matt_damon +concept_female_lydia concept:persongraduatedfromuniversity concept_university_college +concept_female_maat concept:hashusband concept_male_thoth +concept_female_macbook_air concept:agentcollaborateswithagent concept_politician_jobs +concept_female_madonna concept:hasspouse concept_celebrity_guy_ritchie +concept_female_madonna concept:motherofperson concept_male_angel +concept_female_madonna concept:hashusband concept_male_guy_ritchie +concept_female_maia concept:motherofperson concept_female_hermes +concept_female_maria_cantwell concept:politicianrepresentslocation concept_visualizablescene_washington +concept_female_mary concept:persondiedatage 3 +concept_female_mary concept:motherofperson concept_actor_holy_grail +concept_female_mary concept:personbornincity concept_city_york +concept_female_mary concept:personhascitizenship concept_country_republic_of_austria +concept_female_mary concept:personhascitizenship concept_country_scotland +concept_female_mary concept:personchargedwithcrime concept_crimeorcharge_murder +concept_female_mary concept:personchargedwithcrime concept_crimeorcharge_treason +concept_female_mary concept:parentofperson concept_female_child_jesus +concept_female_mary concept:parentofperson concept_female_holy_spirit +concept_female_mary concept:motherofperson concept_female_virgin_mary +concept_female_mary concept:personhasjobposition concept_jobposition_queen +concept_female_mary concept:hashusband concept_male_fred +concept_female_mary concept:parentofperson concept_male_jesus +concept_female_mary concept:parentofperson concept_male_son +concept_female_mary concept:parentofperson concept_male_yeshua +concept_female_mary concept:motherofperson concept_musician_gospel +concept_female_mary concept:hassibling concept_musician_salome +concept_female_mary concept:motherofperson concept_person_baby +concept_female_mary concept:parentofperson concept_person_james001 +concept_female_mary concept:parentofperson concept_person_lord +concept_female_mary concept:motherofperson concept_person_lord_jesus +concept_female_mary concept:parentofperson concept_person_lord_jesus +concept_female_mary concept:hassibling concept_person_martha +concept_female_mary concept:motherofperson concept_person_savior001 +concept_female_mary concept:parentofperson concept_person_savior001 +concept_female_mary concept:parentofperson concept_person_saviour +concept_female_mary concept:motherofperson concept_personeurope_infant +concept_female_mary concept:parentofperson concept_personsouthamerica_baby_jesus +concept_female_mary concept:personbelongstoorganization concept_politicalparty_college +concept_female_mary concept:personbelongstoorganization concept_sportsteam_state_university +concept_female_mary concept:personmovedtostateorprovince concept_stateorprovince_california +concept_female_mary concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_female_mary concept:persongraduatedfromuniversity concept_university_college +concept_female_mary concept:persongraduatedschool concept_university_college +concept_female_mary concept:persongraduatedfromuniversity concept_university_state_university +concept_female_mary concept:persongraduatedschool concept_university_state_university +concept_female_mary_turner concept:personhasjobposition concept_jobposition_manager +concept_female_material_girl concept:hasspouse concept_person_ritchie +concept_female_melanie_griffith concept:hashusband concept_male_antonio_banderas +concept_female_melanie_griffith concept:hasspouse concept_person_antonio_banderas +concept_female_messalina concept:latitudelongitude -11.8833300000000,-39.8000000000000 +concept_female_metis concept:motherofperson concept_female_athena +concept_female_metis concept:motherofperson concept_female_athene +concept_female_metis concept:hasspouse concept_male_zeus +concept_female_michelle_obama concept:personbelongstoorganization concept_governmentorganization_house +concept_female_michelle_obama concept:motherofperson concept_person_malia +concept_female_michelle_obama concept:hashusband concept_politicianus_barack_obama +concept_female_minos concept:hassibling concept_female_europa +concept_female_minos concept:motherofperson concept_female_europa +concept_female_mnemosyne concept:motherofperson concept_female_muses +concept_female_monet concept:visualartistartform concept_hobby_pictures +concept_female_monet concept:hashusband concept_male_camille_doncieux +concept_female_monet concept:visualartistartform concept_visualartform_art +concept_female_monet concept:visualartistartform concept_visualartform_art_prints +concept_female_monet concept:visualartistartform concept_visualartform_collection +concept_female_monet concept:visualartistartform concept_visualartform_exhibition +concept_female_monet concept:visualartistartform concept_visualartform_friends +concept_female_monet concept:visualartistartform concept_visualartform_impressionist_painting +concept_female_monet concept:visualartistartform concept_visualartform_oil_paintings +concept_female_monet concept:visualartistartform concept_visualartform_painters +concept_female_monet concept:visualartistartform concept_visualartform_paintings +concept_female_monet concept:visualartistartform concept_visualartform_prints +concept_female_monet concept:visualartistartform concept_visualizablething_painting +concept_female_mother concept:persondiedatage 5 +concept_female_mother concept:motherofperson concept_female_child_jesus +concept_female_mother concept:motherofperson concept_female_mary +concept_female_mother concept:motherofperson concept_male_jesus_christ +concept_female_mother concept:parentofperson concept_male_jesus_christ +concept_female_mother concept:motherofperson concept_person_jesus +concept_female_mother concept:motherofperson concept_person_john001 +concept_female_mother concept:motherofperson concept_person_joseph003 +concept_female_mother concept:parentofperson concept_person_lord_jesus +concept_female_mother concept:motherofperson concept_person_padre_pio +concept_female_mother concept:motherofperson concept_personsouthamerica_baby_jesus +concept_female_mother_mary concept:motherofperson concept_male_christ_jesus +concept_female_mother_mary concept:parentofperson concept_male_jesus_christ +concept_female_mother_mary concept:parentofperson concept_person_jesus +concept_female_motown concept:agentcollaborateswithagent concept_person_berry_gordy +concept_female_motown concept:mutualproxyfor concept_person_berry_gordy +concept_female_motown concept:subpartof concept_person_berry_gordy +concept_female_muses concept:parentofperson concept_female_mnemosyne +concept_female_newcastle concept:atdate concept_dateliteral_n2008 +concept_female_nicole_kidman concept:actorstarredinmovie concept_movie_bewitched +concept_female_nicole_kidman concept:actorstarredinmovie concept_movie_cold_mountain +concept_female_nicole_kidman concept:actorstarredinmovie concept_movie_golden_compass +concept_female_nicole_kidman concept:actorstarredinmovie concept_movie_the_hours +concept_female_nicole_kidman concept:hasspouse concept_person_tom_cruise +concept_female_nicole_richie concept:hashusband concept_male_joel_madden +concept_female_nikki_griffin concept:persondiedincountry concept_country_england +concept_female_niobe concept:motherofperson concept_female_argos +concept_female_niobe concept:motherofperson concept_female_argus +concept_female_ode_ogede concept:agentcreated concept_book_achebe_s_things_fall_apart +concept_female_oksana_grigorieva concept:hasspouse concept_person_mel_gibson +concept_female_p__d__james concept:agentcreated concept_book_the_children_of_men +concept_female_pandia concept:parentofperson concept_female_selene +concept_female_patty_murray concept:politicianrepresentslocation concept_visualizablescene_washington +concept_female_pavarti concept:motherofperson concept_person_ganesha +concept_female_peta concept:agentcollaborateswithagent concept_person_ingrid_newkirk +concept_female_philipp_meyer concept:agentcreated concept_book_american_rust +concept_female_plouto concept:motherofperson concept_female_tantalus +concept_female_podarge concept:motherofperson concept_female_balius +concept_female_producers concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_queen_anne concept:personhascitizenship concept_country_england +concept_female_queen_mary concept:personbornincity concept_city_york +concept_female_quotations concept:agentcreated concept_movie_contact +concept_female_raven_goodwin concept:persondiedincountry concept_country_england +concept_female_rebecca concept:persondiedatage 5 +concept_female_rebecca concept:hasspouse concept_person_isaac +concept_female_reese_witherspoon concept:actorstarredinmovie concept_movie_walk_the_line +concept_female_renee_zellweger concept:actorstarredinmovie concept_movie_jerry_maguire +concept_female_reno concept:subpartof concept_radiostation_nevada +concept_female_richard_lugar concept:politicianholdsoffice concept_politicaloffice_senator +concept_female_richard_lugar concept:politicianrepresentslocation concept_stateorprovince_indiana +concept_female_rita_wilson concept:motherofperson concept_director_colin_hanks +concept_female_rohini concept:motherofperson concept_person_balarama +concept_female_rosa_hernandez concept:motherofperson concept_person_jose_peralta +concept_female_russ_feingold concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_female_saint_paul concept:agentcontributedtocreativework concept_book_romans +concept_female_saint_paul concept:proxyfor concept_personnorthamerica_minnesota +concept_female_saint_paul concept:subpartof concept_personnorthamerica_minnesota +concept_female_sandra_bullock concept:actorstarredinmovie concept_movie_miss_congeniality +concept_female_sandra_bullock concept:actorstarredinmovie concept_movie_practical_magic +concept_female_sara_paretsky concept:agentcreated concept_book_toxic_shock +concept_female_sara_paretsky concept:agentcreated concept_musicgenre_blacklist +concept_female_sarah concept:persondiedatage 2 +concept_female_sarah_caldwell concept:personhasjobposition concept_jobposition_conductor +concept_female_sarah_caldwell concept:personhasjobposition concept_jobposition_stage_director +concept_female_sarah_michelle_gellar concept:hashusband concept_actor_freddie_prinze_jr_ +concept_female_sarah_michelle_gellar concept:hasspouse concept_comedian_freddie_prinze_jr +concept_female_sarah_michelle_gellar concept:actorstarredinmovie concept_movie_cruel_intentions +concept_female_sarah_michelle_gellar concept:actorstarredinmovie concept_movie_grudge +concept_female_sarpedon concept:latitudelongitude -44.5783500000000,168.2400600000000 +concept_female_scene concept:proxyfor concept_book_new +concept_female_scene concept:atdate concept_date_n1999 +concept_female_scene concept:atdate concept_date_n2000 +concept_female_scene concept:atdate concept_date_n2001 +concept_female_scene concept:atdate concept_date_n2004 +concept_female_scene concept:atdate concept_dateliteral_n2002 +concept_female_scene concept:atdate concept_dateliteral_n2005 +concept_female_scene concept:atdate concept_dateliteral_n2006 +concept_female_scene concept:atdate concept_dateliteral_n2007 +concept_female_scene concept:atdate concept_year_n1998 +concept_female_selene concept:motherofperson concept_female_ersa +concept_female_selene concept:motherofperson concept_female_pandia +concept_female_seven concept:mutualproxyfor concept_book_new +concept_female_seven concept:mutualproxyfor concept_city_home +concept_female_seven concept:mutualproxyfor concept_governmentorganization_house +concept_female_seven concept:agentparticipatedinevent concept_sportsgame_series +concept_female_sexual_abuse concept:agentparticipatedinevent concept_crimeorcharge_child +concept_female_shanna_moakler concept:hasspouse concept_personus_travis_barker +concept_female_sharon_stone concept:actorstarredinmovie concept_movie_basic_instinct +concept_female_sheila_bair concept:ceoof concept_creditunion_fdic +concept_female_sheila_bair concept:personleadsorganization concept_governmentorganization_fdic +concept_female_sheila_bair concept:personleadsorganization concept_governmentorganization_federal_deposit_insurance +concept_female_sheren concept:latitudelongitude 61.8155550000000,42.6608300000000 +concept_female_sherry_johnston concept:motherofperson concept_person_levi_johnston +concept_female_shirley_hazzard concept:agentcreated concept_book_the_transit_of_venus +concept_female_shores concept:proxyfor concept_book_new +concept_female_shores concept:atdate concept_dateliteral_n2007 +concept_female_shores concept:atdate concept_dateliteral_n2008 +concept_female_shows concept:mutualproxyfor concept_book_new +concept_female_shows concept:atlocation concept_hotel_north +concept_female_shows concept:atlocation concept_lake_new +concept_female_shows concept:atlocation concept_website_south +concept_female_simone_de_beauvoir concept:agentcreated concept_book_the_mandarins +concept_female_sister_margaret concept:latitudelongitude 55.4735900000000,-2.5609500000000 +concept_female_skin concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_st___anna concept:latitudelongitude 47.8716466666667,9.5036433333333 +concept_female_st___james_the_apostle concept:latitudelongitude 51.9924600000000,-0.4554100000000 +concept_female_state_hillary_clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_female_stephanie_meyer concept:agentcreated concept_book_twilight +concept_female_stephenie_meyer concept:agentcreated concept_book_breaking_dawn +concept_female_stephenie_meyer concept:agentcreated concept_book_eclipse +concept_female_stephenie_meyer concept:agentcreated concept_book_new_moon +concept_female_stephenie_meyer concept:agentcreated concept_book_the_host +concept_female_stephenie_meyer concept:agentcreated concept_book_twilight +concept_female_stephenie_meyers concept:agentcreated concept_book_twilight +concept_female_steve_martin concept:agentcreated concept_book_pure_drivel +concept_female_storm concept:agentactsinlocation concept_lake_new +concept_female_suniti concept:motherofperson concept_person_dhruva +concept_female_taigen_dan_leighton concept:agentcreated concept_book_visions_of_awakening_space_and_time_dog +concept_female_tamar concept:motherofperson concept_writer_perez +concept_female_tantalus concept:parentofperson concept_female_plouto +concept_female_taygete concept:motherofperson concept_female_lacedaemon +concept_female_thebe concept:parentofperson concept_female_iodame +concept_female_themis concept:motherofperson concept_female_astraea +concept_female_tityas concept:parentofperson concept_female_elara +concept_female_universal_studios concept:agentcollaborateswithagent concept_person_ron_meyer +concept_female_universal_studios concept:agentcontrols concept_person_ron_meyer +concept_female_video_clips concept:agentinvolvedwithitem concept_buildingfeature_window +concept_female_video_clips concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_female_virgin concept:motherofperson concept_female_angels +concept_female_virgin concept:parentofperson concept_female_child_jesus +concept_female_virgin concept:motherofperson concept_female_mary_magdalene +concept_female_virgin concept:motherofperson concept_journalist_john_the_evangelist +concept_female_virgin concept:parentofperson concept_male_jesus_christ +concept_female_virgin concept:motherofperson concept_male_son +concept_female_virgin concept:parentofperson concept_male_son +concept_female_virgin concept:motherofperson concept_person_anne001 +concept_female_virgin concept:motherofperson concept_person_catherine +concept_female_virgin concept:parentofperson concept_person_child +concept_female_virgin concept:motherofperson concept_person_elizabeth001 +concept_female_virgin concept:parentofperson concept_person_jesus +concept_female_virgin concept:motherofperson concept_person_lord +concept_female_virgin concept:motherofperson concept_personeurope_saint_joseph +concept_female_virgin concept:motherofperson concept_personnorthamerica_eve +concept_female_virgin concept:motherofperson concept_scientist_st_anne +concept_female_virgin_mary concept:motherofperson concept_female_holy_spirit +concept_female_virgin_mary concept:parentofperson concept_male_jesus_christ +concept_female_virgin_mary concept:parentofperson concept_male_son +concept_female_virgin_mary concept:parentofperson concept_person_jesus +concept_female_wallis_simpson concept:persongraduatedfromuniversity concept_university_college +concept_female_woman concept:agentparticipatedinevent concept_eventoutcome_result +concept_female_woman concept:agentbelongstoorganization concept_politicalparty_house +concept_female_woman concept:agentparticipatedinevent concept_sportsgame_championship +concept_female_woman concept:agentparticipatedinevent concept_sportsgame_series +concept_female_yankees concept:proxyfor concept_book_new +concept_female_yankees concept:agentcollaborateswithagent concept_celebrity_ian_kennedy +concept_female_yankees concept:agentcontrols concept_island_rodriguez +concept_female_yankees concept:agentcollaborateswithagent concept_person_alex_rodriguez +concept_female_yankees concept:agentcollaborateswithagent concept_person_gary_sheffield +concept_female_yankees concept:agentcollaborateswithagent concept_person_rodriguez +concept_female_yankees concept:agentcompeteswithagent concept_person_twins +concept_female_yankees concept:agentcollaborateswithagent concept_personaustralia_derek_jeter +concept_female_yankees concept:agentcollaborateswithagent concept_personaustralia_mark_teixeira +concept_female_yankees concept:agentcollaborateswithagent concept_personcanada_mike_mussina +concept_female_yankees concept:agentcollaborateswithagent concept_personus_a_j__burnett +concept_female_yankees concept:agentcollaborateswithagent concept_personus_bernie_williams +concept_female_yankees concept:agentcollaborateswithagent concept_personus_cc_sabathia +concept_female_yankees concept:agentcollaborateswithagent concept_personus_chien_ming_wang +concept_female_yankees concept:agentcollaborateswithagent concept_personus_hideki_matsui +concept_female_yankees concept:agentcollaborateswithagent concept_personus_joba_chamberlain +concept_female_yankees concept:agentcollaborateswithagent concept_personus_joe_dimaggio +concept_female_yankees concept:agentcollaborateswithagent concept_personus_johnny_damon +concept_female_yankees concept:agentcollaborateswithagent concept_personus_jorge_posada +concept_female_yankees concept:agentcollaborateswithagent concept_personus_melky_cabrera +concept_female_yankees concept:agentcollaborateswithagent concept_personus_robinson_cano +concept_female_yankees concept:agentcollaborateswithagent concept_politicianus_austin_jackson +concept_female_yankees concept:agentcollaborateswithagent concept_politicianus_lou_gehrig +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_games +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1923_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1927_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1928_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1932_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1936_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1937_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1938_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1939_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1941_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1943_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1947_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1949_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1950_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1951_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1952_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1953_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1956_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1958_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1961_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1962_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1977_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1978_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1996_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1998_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n1999_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n2000_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_n2009_world_series +concept_female_yankees concept:agentparticipatedinevent concept_sportsgame_series +concept_female_yankees concept:agentbelongstoorganization concept_sportsleague_mlb +concept_female_yankees concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_female_yankees concept:agentcompeteswithagent concept_university_boston_red_sox +concept_female_zechariah concept:parentofperson concept_person_john003 +concept_filmfestival_america_day concept:latitudelongitude 25.4997200000000,-80.4072200000000 +concept_filmfestival_awards_ceremony concept:atdate concept_date_n2009 +concept_filmfestival_awards_ceremony concept:atdate concept_dateliteral_n2007 +concept_filmfestival_awards_ceremony concept:atdate concept_dateliteral_n2008 +concept_filmfestival_chinese_theatre concept:latitudelongitude 34.1022300000000,-118.3409100000000 +concept_filmfestival_city_opera concept:mutualproxyfor concept_person_sills +concept_filmfestival_convention_center concept:atlocation concept_county_las_vegas +concept_filmfestival_croatia concept:atdate concept_date_n2009 +concept_filmfestival_croatia concept:subpartof concept_vehicle_countries +concept_filmfestival_eight concept:mutualproxyfor concept_book_home +concept_filmfestival_eight concept:proxyfor concept_book_new +concept_filmfestival_eight concept:mutualproxyfor concept_room_house +concept_filmfestival_jiff concept:latitudelongitude 32.4894400000000,35.6550000000000 +concept_filmfestival_paperback concept:atdate concept_date_n2000 +concept_filmfestival_paperback concept:atdate concept_date_n2003 +concept_filmfestival_paperback concept:atdate concept_date_n2004 +concept_filmfestival_paperback concept:atdate concept_dateliteral_n2005 +concept_filmfestival_paperback concept:atdate concept_dateliteral_n2006 +concept_filmfestival_paperback concept:atdate concept_dateliteral_n2007 +concept_filmfestival_paperback concept:atdate concept_dateliteral_n2008 +concept_filmfestival_saint_petersburg concept:atlocation concept_city_florida +concept_filmfestival_saint_petersburg concept:proxyfor concept_city_florida +concept_filmfestival_tanglewood_institute concept:latitudelongitude 42.3553600000000,-73.2912200000000 +concept_filmfestival_tiff concept:atdate concept_dateliteral_n2007 +concept_filmfestival_tiff concept:atdate concept_dateliteral_n2008 +concept_fish_ahi_tuna concept:fishservedwithfood concept_agriculturalproduct_salad +concept_fish_ahi_tuna concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_albacore concept:animalistypeofanimal concept_fish_tunas +concept_fish_albacore concept:animalpreyson concept_fish_tunas +concept_fish_alligator concept:agentcollaborateswithagent concept_person_bruce_iglauer +concept_fish_anchovies concept:fishservedwithfood concept_condiment_caesar_dressing +concept_fish_anchovies concept:fishservedwithfood concept_condiment_chicken +concept_fish_anchovies concept:animalpreyson concept_fish_small_fish +concept_fish_anchovies concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_fish_anchovies concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_fish_anchovies concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fish_anchovy concept:fishservedwithfood concept_meat_top +concept_fish_angler concept:animalsuchasfish concept_fish_bass +concept_fish_anglers concept:proxyfor concept_lake_new +concept_fish_barracuda concept:animalistypeofanimal concept_fish_pelagics +concept_fish_bass concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_big_fish concept:animalsuchasfish concept_fish_catfish +concept_fish_big_fish concept:animalsuchasfish concept_fish_marlin +concept_fish_big_fish concept:animalsuchasfish concept_fish_sharks +concept_fish_big_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_big_game_fish concept:animalsuchasfish concept_fish_shark +concept_fish_big_game_species concept:animalpreyson concept_reptile_deer +concept_fish_billfish concept:animalsuchasfish concept_fish_blue_marlin +concept_fish_billfish concept:animalsuchasfish concept_fish_marlin +concept_fish_billfish concept:agentcompeteswithagent concept_fish_pelagics +concept_fish_billfish concept:animalsuchasfish concept_fish_pelagics +concept_fish_black_cod concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_blue_cod concept:latitudelongitude -46.6684200000000,169.0701000000000 +concept_fish_bluegill concept:animalistypeofanimal concept_fish_bream +concept_fish_bluegill concept:animalistypeofanimal concept_fish_pan_fish +concept_fish_bluegill concept:animalistypeofanimal concept_fish_panfish +concept_fish_bottom_fish concept:animalsuchasfish concept_fish_trout +concept_fish_bottomfish concept:agentcompeteswithagent concept_fish_lingcod +concept_fish_brook_trout concept:animalistypeofanimal concept_fish_salmonids +concept_fish_bull_trout concept:animalistypeofanimal concept_fish_salmonids +concept_fish_bull_trout concept:animalsuchasfish concept_fish_trout +concept_fish_carnivorous_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_carnivorous_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_carp concept:animalistypeofanimal concept_animal_cyprinids +concept_fish_carp concept:animalistypeofanimal concept_animal_minnows +concept_fish_cat concept:animaleatfood concept_food_fishes +concept_fish_cat concept:animaleatfood concept_food_rooster +concept_fish_catfish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_catfish concept:fishservedwithfood concept_condiment_salsa +concept_fish_characins concept:animalistypeofanimal concept_fish_tetras +concept_fish_characins concept:animalpreyson concept_fish_tetras +concept_fish_chilean_sea_bass concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_cod concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_cod concept:fishservedwithfood concept_food_chips +concept_fish_cod concept:fishservedwithfood concept_food_fries +concept_fish_cod concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_fish_cod concept:fishservedwithfood concept_meat_top +concept_fish_cod concept:fishservedwithfood concept_vegetable_lettuce +concept_fish_cod_fish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_codfish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_cod +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_herring +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_mackerel +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_salmon +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_sardines +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_trout +concept_fish_cold_water_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_cold_water_species concept:animalsuchasfish concept_fish_trout +concept_fish_crappie concept:animalistypeofanimal concept_amphibian_sunfish +concept_fish_crappie concept:animalistypeofanimal concept_fish_bream +concept_fish_crappie concept:animalistypeofanimal concept_fish_pan_fish +concept_fish_crappie concept:animalistypeofanimal concept_fish_panfish +concept_fish_crappies concept:animalistypeofanimal concept_fish_panfish +concept_fish_cutthroat_trout concept:animalistypeofanimal concept_fish_salmonids +concept_fish_cutthroat_trout concept:animalsuchasfish concept_fish_trout +concept_fish_dorab concept:latitudelongitude 30.9166700000000,51.2166700000000 +concept_fish_eel concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_eel concept:animaleatvegetable concept_vegetable_rice +concept_fish_exotic_fish concept:animalsuchasfish concept_fish_trout +concept_fish_fillets concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_fish_filet concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_fish_tacos concept:fishservedwithfood concept_condiment_salsa +concept_fish_fishes concept:animalsuchasfish concept_fish_bass +concept_fish_fishes concept:animalsuchasfish concept_fish_mackerel +concept_fish_fishes concept:animalsuchasfish concept_fish_salmon +concept_fish_fishes concept:animalsuchasfish concept_fish_tuna +concept_fish_fishes concept:animaleatfood concept_food_worm +concept_fish_flathead concept:fishservedwithfood concept_food_chips +concept_fish_flounder concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_fresh_fish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_fresh_fish concept:fishservedwithfood concept_beverage_broth +concept_fish_fresh_water_fish concept:animalsuchasfish concept_fish_trout +concept_fish_freshwater concept:animalsuchasfish concept_fish_bass +concept_fish_freshwater concept:animalsuchasfish concept_fish_trout +concept_fish_game_fish concept:animalsuchasfish concept_fish_bass +concept_fish_game_fish concept:animalsuchasfish concept_fish_crappie +concept_fish_game_fish concept:animalsuchasfish concept_fish_marlin +concept_fish_game_fish concept:animalsuchasfish concept_fish_pickerel +concept_fish_game_fish concept:animalsuchasfish concept_fish_salmon +concept_fish_game_fish concept:animalsuchasfish concept_fish_sea_trout +concept_fish_game_fish concept:animalsuchasfish concept_fish_striped_bass +concept_fish_game_fish concept:animalsuchasfish concept_fish_trout +concept_fish_game_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_gamefish concept:animalsuchasfish concept_fish_bass +concept_fish_gamefish concept:animalsuchasfish concept_fish_marlin +concept_fish_gamefish concept:animalsuchasfish concept_fish_striped_bass +concept_fish_gamefish concept:animalsuchasfish concept_fish_trout +concept_fish_gamefish concept:animalsuchasfish concept_fish_tuna +concept_fish_goldfish concept:animalistypeofanimal concept_animal_creatures +concept_fish_goldfish concept:animalistypeofanimal concept_mammal_pets +concept_fish_goldfish concept:animalpreyson concept_mammal_pets +concept_fish_good_stock concept:animalsuchasfish concept_fish_trout +concept_fish_grilled_salmon concept:fishservedwithfood concept_bakedgood_butter +concept_fish_grilled_salmon concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_grilled_salmon concept:fishservedwithfood concept_condiment_glaze +concept_fish_grilled_salmon concept:fishservedwithfood concept_condiment_salsa +concept_fish_grilled_salmon concept:fishservedwithfood concept_nut_salad +concept_fish_gulf concept:agentactsinlocation concept_building_america +concept_fish_haddock concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_haddock concept:fishservedwithfood concept_condiment_salsa +concept_fish_haddock concept:animalpreyson concept_fish_white_fish +concept_fish_haddock concept:fishservedwithfood concept_food_chips +concept_fish_haddock concept:fishservedwithfood concept_meat_dish +concept_fish_halibut concept:fishservedwithfood concept_bakedgood_butter +concept_fish_halibut concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_halibut concept:fishservedwithfood concept_beverage_broth +concept_fish_halibut concept:fishservedwithfood concept_condiment_salsa +concept_fish_hard_fighting concept:animalsuchasfish concept_fish_trout +concept_fish_herring concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_j_ concept:agentcontributedtocreativework concept_movie_harry_potter +concept_fish_juvenile_fish concept:animaleatfood concept_food_plankton +concept_fish_keta concept:subpartof concept_museum_pbs +concept_fish_king_salmon concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_lake_trout concept:animalistypeofanimal concept_fish_salmonids +concept_fish_lake_trout concept:animaleatfood concept_food_native_fish +concept_fish_large_fish concept:animalsuchasfish concept_fish_marlin +concept_fish_large_fish concept:animalsuchasfish concept_fish_salmon +concept_fish_large_fish concept:animalsuchasfish concept_fish_shark +concept_fish_large_fish concept:animalsuchasfish concept_fish_sharks +concept_fish_large_fish concept:animalsuchasfish concept_fish_skate +concept_fish_large_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_large_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_large_fish concept:animalsuchasfish concept_fish_wahoo +concept_fish_large_pelagics concept:animalsuchasfish concept_fish_sharks +concept_fish_largemouth_bass concept:animalistypeofanimal concept_fish_panfish +concept_fish_larger_fish concept:animalsuchasfish concept_fish_bass +concept_fish_larger_fish concept:animalsuchasfish concept_fish_mackerel +concept_fish_larger_fish concept:animalsuchasfish concept_fish_mahi_mahi +concept_fish_larger_fish concept:animalsuchasfish concept_fish_sea_bass +concept_fish_larger_fish concept:animalsuchasfish concept_fish_sharks +concept_fish_larger_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_larger_fish concept:animalsuchasfish concept_fish_whale_sharks +concept_fish_larger_fish concept:animaleatfood concept_food_smaller_species +concept_fish_leatherjackets concept:animalsuchasfish concept_fish_bass +concept_fish_length concept:animalsuchasfish concept_fish_trout +concept_fish_lingcod concept:animalistypeofanimal concept_fish_bottomfish +concept_fish_lingcod concept:animalistypeofanimal concept_fish_rockfish +concept_fish_mackerel concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_mahi_mahi concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_mahi_mahi concept:fishservedwithfood concept_condiment_salsa +concept_fish_mahimahi concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_manta_rays concept:animalistypeofanimal concept_fish_pelagics +concept_fish_mantas concept:animalistypeofanimal concept_animal_creatures +concept_fish_mantas concept:animalistypeofanimal concept_fish_pelagics +concept_fish_mantas concept:animalistypeofanimal concept_fish_rays +concept_fish_monkfish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_northern_pike concept:animalistypeofanimal concept_fish_game_fish +concept_fish_oily_fish concept:animalsuchasfish concept_fish_herring +concept_fish_oily_fish concept:animalsuchasfish concept_fish_mackerel +concept_fish_oily_fish concept:animalsuchasfish concept_fish_salmon +concept_fish_oily_fish concept:animalsuchasfish concept_fish_sardines +concept_fish_oily_fish concept:animalsuchasfish concept_fish_trout +concept_fish_oily_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_otters concept:animalpreyson concept_animal_animals001 +concept_fish_otters concept:animalpreyson concept_animal_mammals001 +concept_fish_packages concept:agentinvolvedwithitem concept_buildingfeature_window +concept_fish_packages concept:agentcreated concept_stateorprovince_contact +concept_fish_parrots concept:animalpreyson concept_animal_animals001 +concept_fish_parrots concept:animalpreyson concept_animal_birds002 +concept_fish_parrots concept:specializationof concept_animal_creatures +concept_fish_parrots concept:animalpreyson concept_reptile_pets +concept_fish_patties concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_patties concept:animaleatfood concept_beverage_side +concept_fish_pelagic concept:animalsuchasfish concept_fish_sharks +concept_fish_pelagic_fish concept:animalsuchasfish concept_fish_sharks +concept_fish_pelagic_fish concept:animalsuchasfish concept_fish_sunfish +concept_fish_pelagic_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_pelagics concept:animalsuchasfish concept_fish_billfish +concept_fish_pelagics concept:animalsuchasfish concept_fish_mackerel +concept_fish_pelagics concept:animalsuchasfish concept_fish_marlin +concept_fish_pelagics concept:animalsuchasfish concept_fish_rays +concept_fish_pelagics concept:animalsuchasfish concept_fish_sharks +concept_fish_pelagics concept:animalsuchasfish concept_fish_sunfish +concept_fish_perch concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_perch concept:animalistypeofanimal concept_fish_pan_fish +concept_fish_perch concept:animalistypeofanimal concept_fish_panfish +concept_fish_pike concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_pike concept:proxyfor concept_stateorprovince_indiana +concept_fish_plaice concept:fishservedwithfood concept_food_chips +concept_fish_poppers concept:animalsuchasfish concept_fish_bass +concept_fish_predator_fish concept:animalsuchasfish concept_fish_shark +concept_fish_predator_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_predator_fish concept:animalsuchasfish concept_fish_trout +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_bass +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_salmon +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_shark +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_sharks +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_swordfish +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_trout +concept_fish_predatory_fish concept:animalsuchasfish concept_fish_tuna +concept_fish_predatory_fish concept:animaleatfood concept_food_small_fish +concept_fish_rainbow_trout concept:animalistypeofanimal concept_fish_salmonids +concept_fish_raw_fish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_raw_fish concept:fishservedwithfood concept_condiment_condiments +concept_fish_ray concept:agentcontrols concept_visualizableobject_world +concept_fish_rays concept:animalistypeofanimal concept_animal_creatures +concept_fish_rays concept:animalsuchasfish concept_fish_pelagics +concept_fish_recreational_fishery concept:animalsuchasfish concept_fish_bass +concept_fish_red_snapper concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_red_snapper concept:fishservedwithfood concept_condiment_butter_sauce +concept_fish_redfish concept:agentcompeteswithagent concept_crustacean_shrimp +concept_fish_redfish concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_fish_rock_bass concept:animalistypeofanimal concept_fish_panfish +concept_fish_rockfish concept:agentcompeteswithagent concept_fish_lingcod +concept_fish_sailfish concept:animalistypeofanimal concept_fish_billfish +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_bread +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_consumption +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_dill +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_feed +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_lemon +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_mozzarella +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_mustard +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_pancakes +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_seasons +concept_fish_salmon concept:fishservedwithfood concept_agriculturalproduct_sides +concept_fish_salmon concept:fishservedwithfood concept_automobileengine_production +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_appetizer +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_appetizers +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_bagels +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_blini +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_blinis +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_box +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_brown_bread +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_butter +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_cake +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_crackers +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_cream +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_entrees +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_french_bread +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_mix +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_mousse +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_muffins +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_pasta +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_pizza +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_prices +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_rolls +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_sandwich +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_sandwiches +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_starter +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_toast +concept_fish_salmon concept:fishservedwithfood concept_bakedgood_vinaigrette +concept_fish_salmon concept:fishservedwithfood concept_beverage__ +concept_fish_salmon concept:fishservedwithfood concept_beverage_breakfast +concept_fish_salmon concept:fishservedwithfood concept_beverage_broth +concept_fish_salmon concept:fishservedwithfood concept_beverage_egg +concept_fish_salmon concept:fishservedwithfood concept_beverage_farming +concept_fish_salmon concept:fishservedwithfood concept_beverage_menu +concept_fish_salmon concept:fishservedwithfood concept_beverage_return +concept_fish_salmon concept:fishservedwithfood concept_beverage_samples +concept_fish_salmon concept:fishservedwithfood concept_candy_value +concept_fish_salmon concept:fishservedwithfood concept_condiment_avocado +concept_fish_salmon concept:fishservedwithfood concept_condiment_butter_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_chicken +concept_fish_salmon concept:fishservedwithfood concept_condiment_cocktail_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_coulis +concept_fish_salmon concept:fishservedwithfood concept_condiment_crust +concept_fish_salmon concept:fishservedwithfood concept_condiment_dill_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_flavor +concept_fish_salmon concept:fishservedwithfood concept_condiment_glaze +concept_fish_salmon concept:fishservedwithfood concept_condiment_hollandaise_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_honey_mustard +concept_fish_salmon concept:fishservedwithfood concept_condiment_mayonnaise +concept_fish_salmon concept:fishservedwithfood concept_condiment_miso +concept_fish_salmon concept:fishservedwithfood concept_condiment_oils +concept_fish_salmon concept:fishservedwithfood concept_condiment_onion +concept_fish_salmon concept:fishservedwithfood concept_condiment_paste +concept_fish_salmon concept:fishservedwithfood concept_condiment_pesto +concept_fish_salmon concept:fishservedwithfood concept_condiment_ponzu_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_red_wine_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_rye_bread +concept_fish_salmon concept:fishservedwithfood concept_condiment_salsa +concept_fish_salmon concept:fishservedwithfood concept_condiment_sashimi +concept_fish_salmon concept:fishservedwithfood concept_condiment_sauce_recipe +concept_fish_salmon concept:fishservedwithfood concept_condiment_shrimp +concept_fish_salmon concept:fishservedwithfood concept_condiment_sour_cream +concept_fish_salmon concept:fishservedwithfood concept_condiment_taste +concept_fish_salmon concept:fishservedwithfood concept_condiment_teriyaki +concept_fish_salmon concept:fishservedwithfood concept_condiment_teriyaki_sauce +concept_fish_salmon concept:fishservedwithfood concept_condiment_yogurt +concept_fish_salmon concept:fishservedwithfood concept_food_burgers +concept_fish_salmon concept:fishservedwithfood concept_food_capers +concept_fish_salmon concept:fishservedwithfood concept_food_caviar +concept_fish_salmon concept:fishservedwithfood concept_food_dill_mayonnaise +concept_fish_salmon concept:fishservedwithfood concept_food_eggs +concept_fish_salmon concept:fishservedwithfood concept_food_feast +concept_fish_salmon concept:fishservedwithfood concept_food_fennel +concept_fish_salmon concept:animaleatvegetable concept_food_field_greens +concept_fish_salmon concept:fishservedwithfood concept_food_introduction +concept_fish_salmon concept:fishservedwithfood concept_food_lunch +concept_fish_salmon concept:fishservedwithfood concept_food_meal +concept_fish_salmon concept:fishservedwithfood concept_food_pate +concept_fish_salmon concept:fishservedwithfood concept_food_roll +concept_fish_salmon concept:fishservedwithfood concept_food_serving +concept_fish_salmon concept:fishservedwithfood concept_food_sushi +concept_fish_salmon concept:fishservedwithfood concept_food_tea_sandwiches +concept_fish_salmon concept:fishservedwithfood concept_food_tray +concept_fish_salmon concept:fishservedwithfood concept_food_two_servings +concept_fish_salmon concept:fishservedwithfood concept_fungus_bag +concept_fish_salmon concept:fishservedwithfood concept_grain_benefits +concept_fish_salmon concept:fishservedwithfood concept_grain_content +concept_fish_salmon concept:fishservedwithfood concept_grain_harvests +concept_fish_salmon concept:fishservedwithfood concept_grain_management +concept_fish_salmon concept:fishservedwithfood concept_grain_performance +concept_fish_salmon concept:fishservedwithfood concept_grain_producers +concept_fish_salmon concept:fishservedwithfood concept_grain_texture +concept_fish_salmon concept:fishservedwithfood concept_legume_listing +concept_fish_salmon concept:fishservedwithfood concept_legume_status +concept_fish_salmon concept:fishservedwithfood concept_meat_bacon +concept_fish_salmon concept:fishservedwithfood concept_meat_bagel +concept_fish_salmon concept:fishservedwithfood concept_meat_cream_cheese +concept_fish_salmon concept:fishservedwithfood concept_meat_cream_sauce +concept_fish_salmon concept:fishservedwithfood concept_meat_dish +concept_fish_salmon concept:fishservedwithfood concept_meat_top +concept_fish_salmon concept:fishservedwithfood concept_nut_case +concept_fish_salmon concept:fishservedwithfood concept_nut_fan +concept_fish_salmon concept:fishservedwithfood concept_nut_harvest +concept_fish_salmon concept:fishservedwithfood concept_nut_salad +concept_fish_salmon concept:fishservedwithfood concept_nut_supplier +concept_fish_salmon concept:fishservedwithfood concept_nut_wave +concept_fish_salmon concept:fishservedwithfood concept_plant_group +concept_fish_salmon concept:fishservedwithfood concept_plant_search +concept_fish_salmon concept:fishservedwithfood concept_vegetable_cucumber +concept_fish_salmon concept:fishservedwithfood concept_vegetable_dinner +concept_fish_salmon concept:fishservedwithfood concept_vegetable_fillet +concept_fish_salmon concept:animaleatvegetable concept_vegetable_greens +concept_fish_salmon concept:fishservedwithfood concept_vegetable_horseradish_sauce +concept_fish_salmon concept:animaleatvegetable concept_vegetable_lettuce +concept_fish_salmon concept:fishservedwithfood concept_vegetable_run +concept_fish_salmon concept:fishservedwithfood concept_vegetable_spinach +concept_fish_salmon concept:fishservedwithfood concept_vegetable_tomato +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_baguette +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_canap +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_canapes +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_filet +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_fillets +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_omelette +concept_fish_salmon concept:fishservedwithfood concept_visualizablething_supply +concept_fish_salmon concept:fishservedwithfood concept_wine_maturation +concept_fish_salmon concept:fishservedwithfood concept_wine_stock +concept_fish_salmon_filet concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_salmon_steak concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_salmonids concept:animalsuchasfish concept_fish_trout +concept_fish_san_pedro concept:atlocation concept_stateorprovince_california +concept_fish_sardines concept:fishservedwithfood concept_agriculturalproduct_bread +concept_fish_sardines concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sardines concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fish_sardines concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_fish_scrod concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sea_bass concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sea_bass concept:fishservedwithfood concept_beverage_broth +concept_fish_sea_bass concept:fishservedwithfood concept_condiment_crust +concept_fish_sea_bass concept:fishservedwithfood concept_condiment_salsa +concept_fish_sea_bass concept:fishservedwithfood concept_food_fennel +concept_fish_sea_bream concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_seabass concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_shad concept:animalistypeofanimal concept_animal_minnows +concept_fish_shad concept:animalsuchasfish concept_fish_bass +concept_fish_shad concept:animalsuchasfish concept_fish_blue_catfish +concept_fish_shad concept:animalsuchasfish concept_fish_catfish +concept_fish_shad concept:animalsuchasfish concept_fish_channel_catfish +concept_fish_shad concept:animalsuchasfish concept_fish_white_bass +concept_fish_shark concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sharks concept:animalpreyson concept_animal_creatures +concept_fish_sharks concept:animalpreyson concept_animal_sea_animals +concept_fish_sharks concept:animalistypeofanimal concept_fish_fishes +concept_fish_sharks concept:animalsuchasfish concept_fish_shark +concept_fish_sharks concept:animalpreyson concept_fish_sharks +concept_fish_sharks concept:animalistypeofanimal concept_mammal_animals +concept_fish_sharks concept:animalpreyson concept_mammal_animals +concept_fish_sharks concept:animalpreyson concept_mammal_predators +concept_fish_sharks concept:agentparticipatedinevent concept_sportsgame_games +concept_fish_sharks concept:agentparticipatedinevent concept_sportsgame_series +concept_fish_shellfish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_shellfish concept:fishservedwithfood concept_food_noodles +concept_fish_skate concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_small_fish concept:animalpreyson concept_fish_anchovies +concept_fish_small_fish concept:animalsuchasfish concept_fish_anchovies +concept_fish_small_fish concept:specializationof concept_fish_anchovies +concept_fish_small_fish concept:animalsuchasfish concept_fish_herring +concept_fish_smallmouth_bass concept:animalistypeofanimal concept_fish_game_fish +concept_fish_snapper concept:fishservedwithfood concept_bakedgood_butter +concept_fish_snapper concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_snapper concept:fishservedwithfood concept_beverage_broth +concept_fish_snapper concept:fishservedwithfood concept_condiment_salsa +concept_fish_snapper concept:fishservedwithfood concept_meat_top +concept_fish_sole concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sperm_whales concept:animalistypeofanimal concept_animal_cetaceans +concept_fish_spot concept:animalsuchasfish concept_fish_trout +concept_fish_spring concept:animalsuchasfish concept_fish_bass +concept_fish_spring concept:animalsuchasfish concept_fish_trout +concept_fish_spring_fishing concept:animalsuchasfish concept_fish_bass +concept_fish_squadron concept:atdate concept_date_n1942 +concept_fish_squadron concept:atdate concept_dateliteral_n1943 +concept_fish_starfish concept:animalistypeofanimal concept_fish_echinoderms +concept_fish_stingrays concept:animalistypeofanimal concept_fish_rays +concept_fish_stingrays concept:animalistypeofanimal concept_mammal_animals +concept_fish_striped_bass concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_sweep concept:agentparticipatedinevent concept_sportsgame_series +concept_fish_swordfish concept:fishservedwithfood concept_bakedgood_butter +concept_fish_swordfish concept:animalistypeofanimal concept_fish_billfish +concept_fish_swordfish concept:animalistypeofanimal concept_fish_tunas +concept_fish_tetras concept:animalpreyson concept_animal_neons +concept_fish_tetras concept:specializationof concept_animal_neons +concept_fish_tetras concept:animalistypeofanimal concept_fish_characins +concept_fish_tetras concept:animalpreyson concept_fish_characins +concept_fish_tiger_barbs concept:agentcompeteswithagent concept_animal_barbs +concept_fish_tiger_barbs concept:animalistypeofanimal concept_animal_barbs +concept_fish_tilapia concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_tilapia concept:fishservedwithfood concept_condiment_salsa +concept_fish_tilapia concept:fishservedwithfood concept_meat_top +concept_fish_tip_ups concept:animalsuchasfish concept_fish_pike +concept_fish_tours concept:agentinvolvedwithitem concept_buildingfeature_window +concept_fish_trout concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_trout concept:fishservedwithfood concept_condiment_salsa +concept_fish_trout concept:fishservedwithfood concept_food_chips +concept_fish_trout concept:fishservedwithfood concept_food_eggs +concept_fish_trout concept:fishservedwithfood concept_food_rice_pilaf +concept_fish_trout concept:fishservedwithfood concept_meat_sausage +concept_fish_trout concept:fishservedwithfood concept_meat_top +concept_fish_tuna concept:fishservedwithfood concept_agriculturalproduct_asparagus +concept_fish_tuna concept:fishservedwithfood concept_agriculturalproduct_consumption +concept_fish_tuna concept:fishservedwithfood concept_agriculturalproduct_rolls +concept_fish_tuna concept:fishservedwithfood concept_agriculturalproduct_steaks +concept_fish_tuna concept:fishservedwithfood concept_automobileengine_production +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_appetizer +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_appetizers +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_mix +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_pasta +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_salad_sandwich +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_sandwich +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_sandwiches +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_starter +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_supper +concept_fish_tuna concept:fishservedwithfood concept_bakedgood_vinaigrette +concept_fish_tuna concept:fishservedwithfood concept_beverage__ +concept_fish_tuna concept:fishservedwithfood concept_beverage_breakfast +concept_fish_tuna concept:fishservedwithfood concept_beverage_ceviche +concept_fish_tuna concept:fishservedwithfood concept_beverage_imports +concept_fish_tuna concept:fishservedwithfood concept_beverage_menu +concept_fish_tuna concept:fishservedwithfood concept_beverage_samples +concept_fish_tuna concept:fishservedwithfood concept_beverage_slice +concept_fish_tuna concept:fishservedwithfood concept_condiment_avocado +concept_fish_tuna concept:fishservedwithfood concept_condiment_crust +concept_fish_tuna concept:fishservedwithfood concept_condiment_ginger +concept_fish_tuna concept:fishservedwithfood concept_condiment_ginger_sauce +concept_fish_tuna concept:fishservedwithfood concept_condiment_glaze +concept_fish_tuna concept:fishservedwithfood concept_condiment_mayonnaise +concept_fish_tuna concept:fishservedwithfood concept_condiment_mayonnaise_sauce +concept_fish_tuna concept:fishservedwithfood concept_condiment_ponzu +concept_fish_tuna concept:fishservedwithfood concept_condiment_ponzu_sauce +concept_fish_tuna concept:fishservedwithfood concept_condiment_relish +concept_fish_tuna concept:fishservedwithfood concept_condiment_salsa +concept_fish_tuna concept:fishservedwithfood concept_condiment_sashimi +concept_fish_tuna concept:fishservedwithfood concept_condiment_wasabi +concept_fish_tuna concept:fishservedwithfood concept_food_lunch +concept_fish_tuna concept:fishservedwithfood concept_food_meal +concept_fish_tuna concept:fishservedwithfood concept_food_plates +concept_fish_tuna concept:fishservedwithfood concept_food_salad_recipe +concept_fish_tuna concept:fishservedwithfood concept_food_serving +concept_fish_tuna concept:fishservedwithfood concept_food_slices +concept_fish_tuna concept:fishservedwithfood concept_food_sushi +concept_fish_tuna concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_fish_tuna concept:fishservedwithfood concept_grain_management +concept_fish_tuna concept:fishservedwithfood concept_meat_dish +concept_fish_tuna concept:fishservedwithfood concept_meat_top +concept_fish_tuna concept:fishservedwithfood concept_nut_case +concept_fish_tuna concept:fishservedwithfood concept_nut_harvest +concept_fish_tuna concept:fishservedwithfood concept_nut_salad +concept_fish_tuna concept:fishservedwithfood concept_nut_trade +concept_fish_tuna concept:fishservedwithfood concept_plant_search +concept_fish_tuna concept:fishservedwithfood concept_vegetable_cut +concept_fish_tuna concept:fishservedwithfood concept_vegetable_dinner +concept_fish_tuna concept:fishservedwithfood concept_vegetable_fillet +concept_fish_tuna concept:animaleatvegetable concept_vegetable_greens +concept_fish_tuna concept:animaleatvegetable concept_vegetable_lettuce +concept_fish_tuna concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fish_tuna concept:fishservedwithfood concept_visualizableobject_crostini +concept_fish_tuna concept:fishservedwithfood concept_visualizablething_cans +concept_fish_tuna concept:fishservedwithfood concept_visualizablething_filet +concept_fish_tuna concept:fishservedwithfood concept_visualizablething_loin +concept_fish_tuna concept:fishservedwithfood concept_visualizablething_supply +concept_fish_tuna_steak concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_tuna_steak concept:fishservedwithfood concept_nut_salad +concept_fish_tuna_steaks concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_tunas concept:animalpreyson concept_fish_albacore +concept_fish_tunas concept:specializationof concept_fish_albacore +concept_fish_tunas concept:animalpreyson concept_fish_yellowfin +concept_fish_tunas concept:specializationof concept_fish_yellowfin +concept_fish_turbot concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_turbot concept:fishservedwithfood concept_food_truffles +concept_fish_walleye concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_warm_water_species concept:animalsuchasfish concept_fish_bass +concept_fish_whale_sharks concept:animalistypeofanimal concept_fish_pelagics +concept_fish_whales concept:animalsuchasfish concept_fish_whale +concept_fish_white_fish concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_white_fish concept:animalpreyson concept_fish_haddock +concept_fish_white_fish concept:animalsuchasfish concept_fish_haddock +concept_fish_white_fish concept:specializationof concept_fish_haddock +concept_fish_white_fish concept:fishservedwithfood concept_food_chips +concept_fish_whitebait concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_wild_salmon concept:fishservedwithfood concept_bakedgood_sauce +concept_fish_yellow_perch concept:animalistypeofanimal concept_fish_panfish +concept_fish_yellowfin concept:animalistypeofanimal concept_fish_tunas +concept_fish_yellowfin concept:animalpreyson concept_fish_tunas +concept_fish_yellowfin_tuna concept:fishservedwithfood concept_bakedgood_sauce +concept_flooritem_center_information concept:latitudelongitude 44.8075500000000,-73.0718000000000 +concept_flooritem_figure_five concept:latitudelongitude 35.5170500000000,-94.3543900000000 +concept_flooritem_firepit concept:latitudelongitude 37.3494300000000,-113.1041100000000 +concept_flooritem_gray_bar concept:latitudelongitude 31.5073800000000,-87.6141600000000 +concept_flooritem_interim_report concept:atdate concept_dateliteral_n2002 +concept_flooritem_interim_report concept:atdate concept_dateliteral_n2005 +concept_flooritem_low_table concept:latitudelongitude -2.5333300000000,37.4833300000000 +concept_flooritem_shower_head concept:itemfoundinroom concept_visualizablething_bathroom +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_officebuildingroom_separate_living_room +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_officebuildingroom_sitting_room +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_room_family_room +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_room_large_sitting_room +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_room_living_area +concept_flooritem_size_sofa_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_flooritem_sleeper_couch concept:itemfoundinroom concept_room_lounge +concept_flooritem_storage_tank concept:subpartof concept_weatherphenomenon_water +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_lung_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_osteoporosis +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_pancreatic_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_food_age concept:fooddecreasestheriskofdisease concept_disease_shingles +concept_food_animal_fat concept:foodcancausedisease concept_disease_cancer +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_alzheimer +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_cardiovascular_disease +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_cataracts +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_damage +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_antioxidants concept:fooddecreasestheriskofdisease concept_disease_inflammation +concept_food_antioxidants concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_food_apples concept:agriculturalproductcamefromcountry concept_country___america +concept_food_apples concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_apples concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_apples concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_food_apples concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_food_apples concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_apples concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_artichokes concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_artichokes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_bell_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_bell_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_food_bell_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_bell_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_butternut_squash concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_calcium concept:foodcancausedisease concept_disease_blood_pressure +concept_food_calcium concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_calcium concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_calcium concept:foodcancausedisease concept_disease_kidney_stones +concept_food_calcium concept:foodcancausedisease concept_disease_osteoporosis +concept_food_calcium concept:fooddecreasestheriskofdisease concept_disease_osteoporosis +concept_food_calcium concept:fooddecreasestheriskofdisease concept_disease_polyps +concept_food_calcium concept:foodcancausedisease concept_disease_rickets +concept_food_capers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_capers concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_capers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_carbohydrates concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pasta +concept_food_carbohydrates concept:foodcancausedisease concept_disease_body +concept_food_carbohydrates concept:foodcancausedisease concept_disease_diabetes +concept_food_carbohydrates concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_food_carbohydrates concept:agriculturalproductincludingagriculturalproduct concept_vegetable_potatoes +concept_food_carbohydrates concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_food_carbs concept:foodcancausedisease concept_disease_diabetes +concept_food_carbs concept:agriculturalproductincludingagriculturalproduct concept_grain_oatmeal +concept_food_carbs concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_food_care concept:foodcancausedisease concept_disease_cancer +concept_food_care concept:foodcancausedisease concept_disease_cancers +concept_food_care concept:foodcancausedisease concept_disease_cervical_cancer +concept_food_care concept:foodcancausedisease concept_disease_malignancies +concept_food_casserole concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_casserole concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_centres concept:proxyfor concept_beverage_new +concept_food_centres concept:subpartof concept_weatherphenomenon_air +concept_food_changes concept:foodcancausedisease concept_disease_blood_pressure +concept_food_chick_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_chilli_powder concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_chillies concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_chips concept:foodcancausedisease concept_disease_cancer +concept_food_chips concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_food_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_cleaners concept:subpartof concept_weatherphenomenon_air +concept_food_coriander_leaves concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_crabmeat concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_cream concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_cream concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nutmeg +concept_food_cream concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_cream concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_beach_center +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_bottom +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_bowls +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_hours +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_plates +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_side +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_food_cream concept:agriculturalproductcutintogeometricshape concept_geometricshape_surface +concept_food_cream concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_food_cream concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cocoa +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_cotton +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_jute +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_opium +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_rubber +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sugarcane +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_beverage_coffee +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_beverage_tea +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_grain_sugar_cane +concept_food_crop concept:agriculturalproducttoattractinsect concept_insect_honey_bees +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_vegetable_potatoes +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_vegetable_tobacco +concept_food_crop concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_food_delight concept:proxyfor concept_beverage_new +concept_food_diet concept:foodcancausedisease concept_disease_blood_cholesterol_levels +concept_food_diet concept:foodcancausedisease concept_disease_blood_pressure +concept_food_diet concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_diet concept:foodcancausedisease concept_disease_cholesterol_levels +concept_food_diet concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_diet concept:foodcancausedisease concept_disease_high_cholesterol +concept_food_diet concept:fooddecreasestheriskofdisease concept_disease_ovarian_cancer +concept_food_diet concept:fooddecreasestheriskofdisease concept_disease_recurrence +concept_food_diets concept:foodcancausedisease concept_disease_blood_pressure +concept_food_diets concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_diets concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_egg concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_egg concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_amphibian_larvae +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_animal_birds002 +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_animal_chicken001 +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_animal_eagle +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_animal_penguin +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_chickens +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_cowbird +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_cuckoo +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_duck +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_female_bird +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_geese +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_goose +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_hen +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_bird_murrelets +concept_food_egg concept:agriculturalproductcontainchemical concept_drug_cholesterol +concept_food_egg concept:agriculturalproductcontainchemical concept_drug_choline +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_fish_salmon +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_fish_turtle +concept_food_egg concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_mammal_butterfly +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_reptile_females +concept_food_egg concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_egg concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_egg concept:agriculturalproductcomingfromvertebrate concept_vertebrate_hens +concept_food_eggplant concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_eggplant concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_eggplant concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_food_eggplant concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_food_eggplant concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_eggs concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_season +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_aquatic_larvae +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_dragons +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_female_monarchs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_froglets +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_frogs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_genera +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_larvae +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_leatherback_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_offspring +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_parent +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_salamander +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_salamanders +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_shore +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_snake +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_surface +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_tadpoles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_tank +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_toads +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_tortoise +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_tree_frogs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_amphibian_winter +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_babies +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_bird_species +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_birds002 +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_bunnies +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_chicken001 +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_chicks +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_cockatiels +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_creatures +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_discus +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_ducklings +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_eagle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_fly001 +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_fowl +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_hatchlings +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_humans +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_koi +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_leatherbacks +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_loggerheads +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_monotremes +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_nestlings +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_penguin +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_platypus +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_poultry +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_roosters +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_toad +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_turkey +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_turtle_species +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_animal_vertebrates001 +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_baby_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_bald_eagles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_beetle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_bluebirds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_boobies +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_breeding_pair +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_brood_parasite +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_brood_parasites +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_budgies +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_chickens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cockatiel +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_coots +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cowbird +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cowbirds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cranes +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_crows +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cuckoo +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_cuckoo_bird +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_dove +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_doves +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_duck +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_ducks +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_eagles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_earlobes +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_falcons +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_female_bird +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_female_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_female_penguins +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_finches +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_fledglings +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_free_range_hens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_game_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_gecko +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_geese +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_goose +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_great_tits +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_ground_nesting_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_gulls +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_hen +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_hole_nesting_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_hummingbirds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_iguana +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_loons +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_mammals +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_native_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_older_hens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_ospreys +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_owls +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_parent_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_pelicans +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_penguins +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_pigeon +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_pigeons +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_plovers +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_proverbial_goose +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_puffins +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_pullets +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_robins +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_sea_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_seabirds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_songbirds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_swans +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_terns +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_three_hens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_tits +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_turkeys +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_two_hens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_wild_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_woodpeckers +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_bird_young_hens +concept_food_eggs concept:agriculturalproductcamefromcountry concept_country_germany +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_alligator +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_bass +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_cichlids +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_coast +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_green_sea_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_green_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_haddock +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_hawksbill_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_killifish +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_loggerhead_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_milkweed +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_order +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_salmon +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_small_fish +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_spot +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_spring +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_sturgeon +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_trout +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_fish_turtle +concept_food_eggs concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_eggs concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_food_eggs concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_food_eggs concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_eggs concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_breeds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_burrow +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_butterfly +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_crocodile +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_dogs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_father +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_genus +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_marsupials +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_rabbits +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_reptiles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_mammal_start +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_alligators +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_amphibians +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_black_fly +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_box_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_clownfish +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_crocodiles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_female_sea_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_female_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_female_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_females +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_fishes +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_frog +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_geckos +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_giant_green_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_giant_leatherback_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_giant_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_giant_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_gravid_females +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_green_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_green_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_hawksbill +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_iguanas +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_killdeer +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_leatherback +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_leatherback_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_leatherback_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_lizards +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_loggerhead +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_loggerhead_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_loggerhead_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_marine +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_marine_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_mother_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_newts +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_owl +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_perch +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_pets +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_pythons +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_sea_turtle +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_seaturtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_small_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_snakes +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_tortoises +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_tree +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_tree_frog +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_reptile_worm +concept_food_eggs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_eggs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_cuckoos +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_dinosaurs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_free_range_chickens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_hens +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_large_sea_turtles +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_monarchs +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_ostriches +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_sand +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_smaller_birds +concept_food_eggs concept:agriculturalproductcomingfromvertebrate concept_vertebrate_young_birds +concept_food_exercise concept:foodcancausedisease concept_disease_blood_pressure +concept_food_exercise concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_exercise concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_exercise concept:foodcancausedisease concept_disease_cholesterol_levels +concept_food_exercise concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_food_exercise concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_exercise concept:foodcancausedisease concept_disease_high_blood_pressure +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_canola_oil +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_nuts +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oil +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_pecans +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_vegetable_oil +concept_food_fats concept:foodcancausedisease concept_disease_blood_cholesterol_levels +concept_food_fats concept:foodcancausedisease concept_disease_blood_pressure +concept_food_fats concept:foodcancausedisease concept_disease_cancer +concept_food_fats concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_fats concept:foodcancausedisease concept_disease_cholesterol_levels +concept_food_fats concept:foodcancausedisease concept_disease_heart_disease +concept_food_fats concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_fats concept:foodcancausedisease concept_disease_obesity +concept_food_fats concept:agriculturalproductcontainchemical concept_drug_caffeine +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_food_oils +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_avocados +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_soybean_oil +concept_food_fats concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_vegetable_oils +concept_food_fennel concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_fennel concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_fiber concept:foodcancausedisease concept_disease_blood_cholesterol_levels +concept_food_fiber concept:foodcancausedisease concept_disease_blood_pressure +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_chd +concept_food_fiber concept:foodcancausedisease concept_disease_cholesterol_levels +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_colon +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_coronary_heart_disease +concept_food_fiber concept:foodcancausedisease concept_disease_diarrhea +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_food_fiber concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_foliage concept:thinghascolor concept_color_burgundy +concept_food_foliage concept:thinghascolor concept_color_maroon +concept_food_foliage concept:plantincludeplant concept_plant_oak +concept_food_foliage concept:plantincludeplant concept_plant_pine +concept_food_foliage concept:plantincludeplant concept_plant_spruce +concept_food_foliage concept:plantgrowinginplant concept_visualizablething_tree +concept_food_food_products concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_food_food_products concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_food_food_products concept:agriculturalproductcontainchemical concept_chemical_corn_syrup +concept_food_food_products concept:agriculturalproductincludingagriculturalproduct concept_food_eggs +concept_food_food_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_peanuts +concept_food_food_products concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_food_foods concept:foodcancausedisease concept_disease_blood_pressure +concept_food_foods concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_foods concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_foods concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_foods concept:foodcancausedisease concept_disease_cholesterol_levels +concept_food_foods concept:foodcancausedisease concept_disease_cholestrol +concept_food_foods concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_foods concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_food_fresh_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_fresh_cilantro concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_fresh_fruits concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_food_fresh_fruits concept:agriculturalproductcontainchemical concept_chemical_minerals +concept_food_fresh_fruits concept:agriculturalproductcontainchemical concept_chemical_potassium +concept_food_fresh_fruits concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_food_fresh_fruits concept:agriculturalproductcontainchemical concept_chemical_water +concept_food_fresh_fruits concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_food_fresh_fruits concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_fricassee concept:latitudelongitude 47.3240400000000,-78.4153800000000 +concept_food_fried_egg concept:latitudelongitude 50.1830200000000,-122.3859600000000 +concept_food_fries concept:foodcancausedisease concept_disease_acne +concept_food_garlic_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_garlic_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_garlic_cloves concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_glucose concept:foodcancausedisease concept_disease_blood_pressure +concept_food_glucose concept:foodcancausedisease concept_disease_brain_tumors +concept_food_glucose concept:foodcancausedisease concept_disease_cancer +concept_food_glucose concept:foodcancausedisease concept_disease_complications +concept_food_glucose concept:foodcancausedisease concept_disease_condition +concept_food_glucose concept:foodcancausedisease concept_disease_control +concept_food_glucose concept:foodcancausedisease concept_disease_damage +concept_food_glucose concept:foodcancausedisease concept_disease_diabetes +concept_food_glucose concept:foodcancausedisease concept_disease_diabetes_mellitus +concept_food_glucose concept:foodcancausedisease concept_disease_effect +concept_food_glucose concept:foodcancausedisease concept_disease_gestational_diabetes +concept_food_glucose concept:foodcancausedisease concept_disease_glucose_intolerance +concept_food_glucose concept:foodcancausedisease concept_disease_high_blood_pressure +concept_food_glucose concept:foodcancausedisease concept_disease_hypertension +concept_food_glucose concept:foodcancausedisease concept_disease_hypoglycemia +concept_food_glucose concept:foodcancausedisease concept_disease_non_insulin_dependent_diabetes_mellitus +concept_food_glucose concept:foodcancausedisease concept_disease_obesity +concept_food_glucose concept:foodcancausedisease concept_disease_pre_diabetes +concept_food_glucose concept:foodcancausedisease concept_disease_problems +concept_food_glucose concept:foodcancausedisease concept_disease_result +concept_food_glucose concept:foodcancausedisease concept_disease_symptoms +concept_food_glucose concept:foodcancausedisease concept_disease_type_1_diabetes +concept_food_glucose concept:foodcancausedisease concept_disease_type_2 +concept_food_glucose concept:foodcancausedisease concept_disease_type_2_diabetes +concept_food_glucose concept:foodcancausedisease concept_disease_type_2_diabetes_mellitus +concept_food_glucose concept:foodcancausedisease concept_disease_type_ii_diabetes +concept_food_grape_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_green_olives concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_green_olives concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_cardiovascular_disease +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_caries +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_cavities +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_conditions +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_infections +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_problems +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_systemic_diseases +concept_food_gum concept:fooddecreasestheriskofdisease concept_disease_tooth_decay +concept_food_hampton concept:proxyfor concept_beverage_new +concept_food_hampton concept:mutualproxyfor concept_book_new +concept_food_healthy_diet concept:foodcancausedisease concept_disease_blood_pressure +concept_food_healthy_diet concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_heart concept:proxyfor concept_book_new +concept_food_heart concept:atdate concept_dateliteral_n2005 +concept_food_heart concept:atdate concept_dateliteral_n2008 +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_aids +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_allergies +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_alzheimer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_alzheimer_disease +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_alzheimer_s +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_alzheimers +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_anemia +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_arthritis +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_asthma +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_atherosclerosis +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_autism +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_birth_defects +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_blood_clots +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_cardiovascular_diseases +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_cataracts +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_colorectal_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_complications +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_conditions +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_congestive_heart_failure +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_consumption +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_coronary_artery_disease +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_degenerative_diseases +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_dementia +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_depression +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_deterioration +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_disorders +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_emphysema +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_glaucoma +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_health_conditions +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_heart_attack +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_heart_attacks +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_high_blood_pressure +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_high_cholesterol +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_hiv +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_hypertension +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_illness +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_illnesses +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_infections +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_inflammation +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_injury +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_kidney_disease +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_kidney_failure +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_kidney_problems +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_liver_failure +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_lung_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_lung_diseases +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_macular_degeneration +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_memory_loss +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_menopausal_symptoms +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_mental_illness +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_mental_illnesses +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_metabolic_syndrome +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_mi +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_myocardial_infarction +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_neurological_disorders +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_obesity +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_osteoporosis +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_parkinson +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_peripheral_vascular_disease +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_pneumonia +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_psoriasis +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_risk_factors +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_schizophrenia +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_skin_cancer +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_skin_problems +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_smoking +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_stress +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_tumors +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_type_2_diabetes +concept_food_heart concept:fooddecreasestheriskofdisease concept_disease_ulcers +concept_food_heart concept:thinghasshape concept_geometricshape_shape +concept_food_heart concept:objectfoundinscene concept_landscapefeatures_valley +concept_food_heart concept:fooddecreasestheriskofdisease concept_physiologicalcondition_arrhythmias +concept_food_heart concept:fooddecreasestheriskofdisease concept_physiologicalcondition_degenerative_conditions +concept_food_heart concept:fooddecreasestheriskofdisease concept_physiologicalcondition_health_issues +concept_food_herb concept:foodcancausedisease concept_disease_blood_pressure +concept_food_ice_cream concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_food_ice_cream concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_food_ice_cream concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_food_insects concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_forest +concept_food_insects concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_rainforest +concept_food_italian_sausage concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_junk_food concept:foodcancausedisease concept_disease_acne +concept_food_junk_food concept:foodcancausedisease concept_disease_diabetes +concept_food_junk_food concept:foodcancausedisease concept_disease_heart_attacks +concept_food_junk_food concept:foodcancausedisease concept_disease_heart_disease +concept_food_large_seeds concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_food_leafy_green_vegetables concept:agriculturalproductcontainchemical concept_chemical_iron +concept_food_legumes concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_lentils +concept_food_legumes concept:agriculturalproductincludingagriculturalproduct concept_grain_alfalfa +concept_food_legumes concept:agriculturalproductincludingagriculturalproduct concept_vegetable_beans +concept_food_legumes concept:agriculturalproductincludingagriculturalproduct concept_vegetable_peas +concept_food_legumes concept:agriculturalproductincludingagriculturalproduct concept_vegetable_soybeans +concept_food_lycopene concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_lycopene concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_food_macaroni concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_mcdonalds concept:mutualproxyfor concept_ceo_jack_greenberg +concept_food_mcdonalds concept:subpartof concept_ceo_jack_greenberg +concept_food_mcdonalds concept:subpartof concept_personus_jack_greenberg +concept_food_meals concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_meats concept:agriculturalproductcontainchemical concept_chemical_iron +concept_food_meats concept:foodcancausedisease concept_disease_cancer +concept_food_meats concept:agriculturalproductcontainchemical concept_drug_acid +concept_food_meats concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_cancer_last_year +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_carcinoma +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_problems +concept_food_men concept:fooddecreasestheriskofdisease concept_disease_tumors +concept_food_nature concept:foodcancausedisease concept_disease_blood_pressure +concept_food_new_england concept:proxyfor concept_beverage_new +concept_food_new_england concept:mutualproxyfor concept_book_new +concept_food_noodles concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_nutrition concept:foodcancausedisease concept_disease_blood_pressure +concept_food_nutrition concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_artichoke +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_arugula +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_asparagus +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_basil +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bay_leaf +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_beets +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bell_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_broccoli +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_butter +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_canola_oil +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cauliflower +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cherry_tomatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chickpeas +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chiles +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_powder +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chives +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_citrus +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cloves +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cucumbers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin_seeds +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_curry_paste +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_duck +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_fava_beans +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_fresh_vegetables +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_grapefruit +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_onions +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_grill +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_ground_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_hot_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_kale +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lamb +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_leeks +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lime +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mashed_potatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_meatballs +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mint +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mixed_greens +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mozzarella +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mushroom +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mussels +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mustard_seeds +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_okra +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_onion_slices +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_oysters +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pancetta +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pasta +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pecans +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_peppercorns +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pesto +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pine_nuts +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_radishes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_bell_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_potatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_reduction +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_ripe_tomatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sage +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salad +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_scallions +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_shallot +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_shrimps +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_soya +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spaghetti +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spring_onions +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_steaks +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sundried_tomatoes +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sunflower_seeds +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sweet_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sweet_potato +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tortillas +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_zucchini +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_animal_goat_cheese +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_arthropod_clams +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lime_juice +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_orange_juice +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_crustacean_prawns +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fish_anchovies +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fish_sardines +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fish_snapper +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fish_tuna +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_apples +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_artichokes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_bell_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_butternut_squash +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_capers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_chick_peas +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_chillies +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_cilantro +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_dip +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_egg +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_eggplant +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_fennel +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_garlic_cloves +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_green_olives +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_hot_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_kalamata_olives +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_noodles +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_oyster +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_food_oyster +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_potato_wedges +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_pumpkin +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_seafood +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_food_sesame +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_shrimp +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_soy +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_squash +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_sweet_potatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_tofu +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_wine_vinegar +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_yellow_squash +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_food_yogurt +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_fruit_coconut +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_fennel_seeds +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_fruit_flax_seed +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_fruit_grape_seed +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_lemons +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_oranges +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_pears +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_fruit_rapeseed +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_strawberries +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_fruit_sunflower_seed +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_grain_popcorn +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_grain_wheat_germ +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_invertebrate_scallops +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_legume_groundnut +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_legume_white_beans +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_bacon +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_beef +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breast +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breasts +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_ham +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_pork +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_pork_chops +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_pork_tenderloin +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_salmon +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_sausage +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_meat_steak +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_nut_almond +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_nut_almonds +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_nut_sesame_seeds +concept_food_oil concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_virginia +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_avocado +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_vegetable_avocado +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrot +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_celery +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_chard +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_coriander +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_corn +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_vegetable_cottonseed +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cucumber +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_ginger +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_green_beans +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_greens +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_lettuce +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_oregano +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peas +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_portabella_mushrooms +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onion +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onions +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_rice +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_tomato +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_veggies +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_wheat +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizableobject_escarole +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_visualizableobject_olive +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizableobject_rabbit +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablescene_garden +concept_food_oil concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_jumbo_shrimp +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_leek +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_orzo +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_raisins +concept_food_oil concept:agriculturalproductcookedwithagriculturalproduct concept_wine_white_wine +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_canola_oil +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oil +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oils +concept_food_oils concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_vegetable_oil +concept_food_oils concept:agriculturalproductcomingfromvertebrate concept_animal_animals002 +concept_food_oils concept:foodcancausedisease concept_disease_cancer +concept_food_oils concept:fooddecreasestheriskofdisease concept_disease_colds +concept_food_oils concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_food_soy_oil +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_fruit_coconut +concept_food_oils concept:agriculturalproducttoattractinsect concept_insect_insects +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_nut_almond +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_vegetable_avocado +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_vegetable_cottonseed +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_food_oils concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_soybean_oil +concept_food_omega_3 concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_one_month concept:atdate concept_date_n2009 +concept_food_papaya concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_pastures concept:objectfoundinscene concept_landscapefeatures_valley +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_asparagus +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_basil +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_beans +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_broccoli +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_caramelized_onions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cauliflower +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cherry_tomatoes +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chickpeas +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chiles +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_peppers +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chilies +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cucumbers +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_eggplants +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_onions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_leeks +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mangoes +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mozzarella +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_okra +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pineapple +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_poblano +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_peppers +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_scallions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_summer_squash +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sweet_onions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_zucchini +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lime_juice +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_orange_juice +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_fish_anchovies +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_artichokes +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_baby_corn +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_bell_peppers +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_capers +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_cilantro +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_cream +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_eggplant +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_fennel +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_garlic_cloves +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_green_olives +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_italian_sausage +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_pickles +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_squash +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_food_yellow_squash +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_oranges +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_peaches +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_strawberries +concept_food_peppers concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_food_peppers concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_peppers concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_food_peppers concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_meat_bacon +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_meat_beef +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_meat_ham +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_meat_sausage +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_nut_sesame_seeds +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_avocado +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrot +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_celery +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_coriander +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_corn +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cucumber +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_curry +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_ginger +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_green_beans +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_olives +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peas +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onion +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onions +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_sprouts +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_tomato +concept_food_peppers concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_food_persons concept:proxyfor concept_beverage_new +concept_food_persons concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_physical_activity concept:foodcancausedisease concept_disease_blood_pressure +concept_food_physical_activity concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_physical_activity concept:fooddecreasestheriskofdisease concept_disease_cardiovascular_disease +concept_food_physical_activity concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_pickles concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_plates concept:objectfoundinscene concept_visualizablescene_observatory +concept_food_potato_salad concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_pudding concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_food_pumpkin concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_pumpkin concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_roots concept:agriculturalproducttoattractinsect concept_insect_grubs +concept_food_roots concept:agriculturalproducttoattractinsect concept_insect_insects +concept_food_roots concept:agriculturalproducttoattractinsect concept_insect_white_grubs +concept_food_rose concept:plantrepresentemotion concept_emotion_beauty +concept_food_rose concept:plantincludeplant concept_plant_trees +concept_food_seafood concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_seafood concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_shrimp concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_shrimp concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_food_shrimp concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_soy concept:foodcancausedisease concept_disease_breast_cancer +concept_food_soy concept:foodcancausedisease concept_disease_cancer +concept_food_soy concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_food_soy_products concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_food_soy_products concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_spicy concept:foodcancausedisease concept_disease_ulcers +concept_food_squash concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_squash concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_zucchini +concept_food_squash concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_squash concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_squash concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_food_squash concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_sugars concept:foodcancausedisease concept_disease_control +concept_food_sugars concept:foodcancausedisease concept_disease_diabetes +concept_food_sugars concept:foodcancausedisease concept_disease_effect +concept_food_sugars concept:foodcancausedisease concept_disease_problems +concept_food_sugars concept:foodcancausedisease concept_disease_result +concept_food_sugars concept:foodcancausedisease concept_disease_symptoms +concept_food_sushi concept:foodcancausedisease concept_disease_food_poisoning +concept_food_sweet_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_sweet_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_sweet_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_sweeteners concept:foodcancausedisease concept_disease_cancer +concept_food_sweets concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_food_sweets concept:foodcancausedisease concept_disease_cavities +concept_food_technique concept:foodcancausedisease concept_disease_blood_pressure +concept_food_tofu concept:thinghascolor concept_color_brown +concept_food_tofu concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_food_tofu concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_tofu concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_food_tofu concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_food_tomatoes concept:agriculturalproductcontainchemical concept_chemical_lycopene +concept_food_tomatoes concept:agriculturalproductcamefromcountry concept_country_mexico +concept_food_tomatoes concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_tomatoes concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_tomatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_food_tomatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_food_tomatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_food_tomatoes concept:agriculturalproducttoattractinsect concept_insect_bumble_bees +concept_food_tomatoes concept:agriculturalproducttoattractinsect concept_insect_hornworms +concept_food_tomatoes concept:agriculturalproducttoattractinsect concept_insect_insects +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_food_tomatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_food_trans_fats concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_food_vegetation concept:plantincludeplant concept_plant_pine +concept_food_vegetation concept:plantgrowinginplant concept_plant_trees +concept_food_vegetation concept:plantgrowinginplant concept_visualizablething_tree +concept_food_vitamins concept:foodcancausedisease concept_disease_blood_pressure +concept_food_vitamins concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_food_vitamins concept:fooddecreasestheriskofdisease concept_disease_damage +concept_food_weight_loss concept:foodcancausedisease concept_disease_blood_pressure +concept_food_weight_loss concept:foodcancausedisease concept_disease_diabetes +concept_food_whole_milk concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_food_whole_milk concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_food_wine_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_food_wine_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_wine_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_yellow_squash concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_food_yellow_squash concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_yogurt concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_food_yogurt concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_food_yogurt concept:agriculturalproductincludingagriculturalproduct concept_beverage_milk +concept_food_yogurt concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_food_yogurt concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_food_yogurt concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_food_yogurt concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_fruit_apples concept:plantincludeplant concept_plant_trees +concept_fruit_babaco concept:latitudelongitude 29.3055533333333,-109.1666633333334 +concept_fruit_bavarian concept:mutualproxyfor concept_stateorprovince_munich +concept_fruit_coconut concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_fruit_coconut concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_fennel_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_fruit_fennel_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_grapes concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_fruit_grapes concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_fruit_grapes concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_fruit_grapes concept:agriculturalproductcontainchemical concept_drug_acid +concept_fruit_lemons concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_limes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_nutes concept:latitudelongitude 43.4223000000000,-71.0470100000000 +concept_fruit_oranges concept:agriculturalproductcontainchemical concept_drug_acid +concept_fruit_oranges concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_fruit_oranges concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_peaches concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_fruit_peaches concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_pears concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_fruit_pudding concept:foodcancausedisease concept_disease_cancer +concept_fruit_strawberries concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_fruit_strawberries concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_fruit_strawberries concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_fruit_strawberries concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_fruit_stylo concept:latitudelongitude 49.3668200000000,-73.9158000000000 +concept_fruit_vegetables concept:foodcancausedisease concept_disease_blood_pressure +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_fruit_vegetables concept:foodcancausedisease concept_disease_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_cvd +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_heart_attack +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_hypertension +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_lung_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_obesity +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_rheumatoid_arthritis +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_skin_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_stomach_cancer +concept_fruit_vegetables concept:fooddecreasestheriskofdisease concept_disease_type_2_diabetes +concept_fungus_blood concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_fungus_blood concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_fungus_bloodstream concept:subpartof concept_website_blood +concept_fungus_hth concept:latitudelongitude 38.5443700000000,-118.6343000000000 +concept_fungus_humans concept:specializationof concept_fungus_organisms +concept_fungus_the_basement concept:atlocation concept_county_columbus +concept_furniture_accent_table concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_antique_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_armchairs concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_ashley_furniture concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_bar_stool concept:furniturefoundinroom concept_room_kitchen +concept_furniture_basic_facilities concept:subpartof concept_weatherphenomenon_water +concept_furniture_bathroom concept:itemfoundinroom concept_officebuildingroom_furnished_rooms +concept_furniture_bathroom concept:itemfoundinroom concept_officebuildingroom_large_master +concept_furniture_bathroom concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_bathroom concept:itemfoundinroom concept_room_master +concept_furniture_bathroom concept:itemfoundinroom concept_room_suite +concept_furniture_bathroom concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_bathroom concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_furniture_bathroom concept:itemfoundinroom concept_visualizablething_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_accessible_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_accommodations +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_accomodations +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_additional_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_additional_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_airy_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_airy_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_atmosphere +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_back_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_basic_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bdrms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_beautiful_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bed_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_apartments +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_areas +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_cabins +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_condominiums +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_condos +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_cottages +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_units +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_villas +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bedrooms_downstairs +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_big_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_blue_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bungalows +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_bures +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_business_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_casitas +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_chalets +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_clean_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_clean_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_corner_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_cosy_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_cozy_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_cozy_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_double_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_king_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_deluxe_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_dinner +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_double_bed_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_double_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_dressing_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_elegant_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_elegant_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_en_suite_bathroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_en_suite_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_en_suite_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_ensuite_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_executive_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_executive_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_executive_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_extra_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_family_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_family_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_first_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_first_floor_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_first_floor_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_first_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_floor_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_floor_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_floor_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_four_cabins +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_fourth_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_front_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_furnished_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_further_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_garden_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_garden_view_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_great_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_green_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guest_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guest_cabins +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guest_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guestroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_honeymoon_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_hotel_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_huge_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_huge_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_intimate_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_jacuzzi_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_junior_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_king_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_king_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_king_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_king_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_king_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_double_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_master +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_master_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_large_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_larger_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_level_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_living_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_lodge_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_lounge_dining_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_lounge_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_luxurious_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_luxurious_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_luxurious_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_luxury_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_luxury_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_main_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_main_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_main_level_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_main_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_main_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_bathroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_bedroom_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_master_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_masterbedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_mini_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_motel_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_n1_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_non_smoking_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_ocean_view_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bath +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_apartments +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_condos +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_cottages +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_units +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_one_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_oversized_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_penthouse_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_pink_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_premier_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_premium_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_private_bathroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_private_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_private_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_private_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_private_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_quadruple_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_queen_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_queen_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_reception_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_regular_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_romantic_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_romantic_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_room_amenities +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_room_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_room_types +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_second_large_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_second_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_separate_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_several_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_single_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_single_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_sleeping_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_sleeping_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_smaller_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spa_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_accommodations +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_guestrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_main_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_master_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_standard_double_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_standard_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_standard_guestrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_standard_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_standard_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_staterooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_studio_apartments +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_studio_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_studio_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_studio_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_studio_units +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_suite_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_suite_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_suite_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_suite_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_sunny_living_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_superior_room +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_superior_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_three_bedroom_units +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_three_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_three_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_triple_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_twin_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_additional_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_apartments +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_cottages +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_unit +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_units +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_cabins +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_downstairs_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_guest_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_main_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_master_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_room_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_two_upstairs_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_upper_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_upstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_upstairs_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_well_appointed_guest_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_well_appointed_rooms +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_whirlpool_suites +concept_furniture_bed concept:furniturefoundinroom concept_officebuildingroom_white_room +concept_furniture_bed concept:furniturefoundinroom concept_room_additional_room +concept_furniture_bed concept:furniturefoundinroom concept_room_adjacent_room +concept_furniture_bed concept:furniturefoundinroom concept_room_adjoining_room +concept_furniture_bed concept:furniturefoundinroom concept_room_ample_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_ample_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_area +concept_furniture_bed concept:furniturefoundinroom concept_room_attic +concept_furniture_bed concept:furniturefoundinroom concept_room_attic_room +concept_furniture_bed concept:furniturefoundinroom concept_room_attractive_room +concept_furniture_bed concept:furniturefoundinroom concept_room_back +concept_furniture_bed concept:furniturefoundinroom concept_room_balcony_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bath_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_bdrm +concept_furniture_bed concept:furniturefoundinroom concept_room_beautiful_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_beautiful_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_bed_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bedded_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bedding +concept_furniture_bed concept:furniturefoundinroom concept_room_bedrom +concept_furniture_bed concept:furniturefoundinroom concept_room_bedroom_accommodation +concept_furniture_bed concept:furniturefoundinroom concept_room_bedroom_cabin +concept_furniture_bed concept:furniturefoundinroom concept_room_bedroom_office +concept_furniture_bed concept:furniturefoundinroom concept_room_bedroom_study +concept_furniture_bed concept:furniturefoundinroom concept_room_bedroom_upstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_big_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_big_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_big_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bonus_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bridal_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_bright_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_bright_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_bure +concept_furniture_bed concept:furniturefoundinroom concept_room_ceilings +concept_furniture_bed concept:furniturefoundinroom concept_room_charming_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_charming_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_charming_room +concept_furniture_bed concept:furniturefoundinroom concept_room_child +concept_furniture_bed concept:furniturefoundinroom concept_room_children_room +concept_furniture_bed concept:furniturefoundinroom concept_room_closet +concept_furniture_bed concept:furniturefoundinroom concept_room_comfortable_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_comfortable_room +concept_furniture_bed concept:furniturefoundinroom concept_room_community +concept_furniture_bed concept:furniturefoundinroom concept_room_condos +concept_furniture_bed concept:furniturefoundinroom concept_room_connecting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_corner_room +concept_furniture_bed concept:furniturefoundinroom concept_room_cottage_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_couch +concept_furniture_bed concept:furniturefoundinroom concept_room_cozy_cottage +concept_furniture_bed concept:furniturefoundinroom concept_room_cozy_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_cozy_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_decor +concept_furniture_bed concept:furniturefoundinroom concept_room_delightful_room +concept_furniture_bed concept:furniturefoundinroom concept_room_deluxe +concept_furniture_bed concept:furniturefoundinroom concept_room_den +concept_furniture_bed concept:furniturefoundinroom concept_room_dining +concept_furniture_bed concept:furniturefoundinroom concept_room_dining_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_dinning_room +concept_furniture_bed concept:furniturefoundinroom concept_room_double_bed_room +concept_furniture_bed concept:furniturefoundinroom concept_room_downstairs_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_room_downstairs_master +concept_furniture_bed concept:furniturefoundinroom concept_room_downstairs_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_drawing_room +concept_furniture_bed concept:furniturefoundinroom concept_room_en_suite_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_ensuite_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_executive_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_extra_room +concept_furniture_bed concept:furniturefoundinroom concept_room_family +concept_furniture_bed concept:furniturefoundinroom concept_room_family_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_family_room +concept_furniture_bed concept:furniturefoundinroom concept_room_final_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_fireplace +concept_furniture_bed concept:furniturefoundinroom concept_room_first_floor_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_first_floor_master +concept_furniture_bed concept:furniturefoundinroom concept_room_first_floor_room +concept_furniture_bed concept:furniturefoundinroom concept_room_first_guest_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_first_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_room_first_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_floor_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_floor_master +concept_furniture_bed concept:furniturefoundinroom concept_room_floor_plan +concept_furniture_bed concept:furniturefoundinroom concept_room_fourth_room +concept_furniture_bed concept:furniturefoundinroom concept_room_front_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_full_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_furnished_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_furnished_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_furnished_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_furnishings +concept_furniture_bed concept:furniturefoundinroom concept_room_further_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_game_room +concept_furniture_bed concept:furniturefoundinroom concept_room_games_room +concept_furniture_bed concept:furniturefoundinroom concept_room_garden +concept_furniture_bed concept:furniturefoundinroom concept_room_garden_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_gardens +concept_furniture_bed concept:furniturefoundinroom concept_room_grand_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_ground_floor +concept_furniture_bed concept:furniturefoundinroom concept_room_ground_floor_master +concept_furniture_bed concept:furniturefoundinroom concept_room_ground_floor_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_ground_floor_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_guest +concept_furniture_bed concept:furniturefoundinroom concept_room_guest_stateroom +concept_furniture_bed concept:furniturefoundinroom concept_room_hall +concept_furniture_bed concept:furniturefoundinroom concept_room_hallway +concept_furniture_bed concept:furniturefoundinroom concept_room_house +concept_furniture_bed concept:furniturefoundinroom concept_room_huge_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_huge_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_kids_room +concept_furniture_bed concept:furniturefoundinroom concept_room_kitchenette +concept_furniture_bed concept:furniturefoundinroom concept_room_large_family_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_kitchen +concept_furniture_bed concept:furniturefoundinroom concept_room_large_living_area +concept_furniture_bed concept:furniturefoundinroom concept_room_large_living_dining_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_large_lounge_area +concept_furniture_bed concept:furniturefoundinroom concept_room_large_main_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_large_main_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_second_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_large_separate_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_large_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_large_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_large_upstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_larger_room +concept_furniture_bed concept:furniturefoundinroom concept_room_last_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_laundry +concept_furniture_bed concept:furniturefoundinroom concept_room_left +concept_furniture_bed concept:furniturefoundinroom concept_room_level +concept_furniture_bed concept:furniturefoundinroom concept_room_level_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_level_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_living_area +concept_furniture_bed concept:furniturefoundinroom concept_room_living_dining +concept_furniture_bed concept:furniturefoundinroom concept_room_living_dining_area +concept_furniture_bed concept:furniturefoundinroom concept_room_living_room_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_living_sleeping_area +concept_furniture_bed concept:furniturefoundinroom concept_room_living_space +concept_furniture_bed concept:furniturefoundinroom concept_room_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_loft_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_loft_upstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_lofted_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge_diner +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge_dining +concept_furniture_bed concept:furniturefoundinroom concept_room_lounge_dining_area +concept_furniture_bed concept:furniturefoundinroom concept_room_lovely_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_lovely_room +concept_furniture_bed concept:furniturefoundinroom concept_room_lower_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_lower_level +concept_furniture_bed concept:furniturefoundinroom concept_room_lower_level_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_luxurious_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_luxury_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_luxury_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_room_luxury_room +concept_furniture_bed concept:furniturefoundinroom concept_room_main_floor +concept_furniture_bed concept:furniturefoundinroom concept_room_main_floor_master +concept_furniture_bed concept:furniturefoundinroom concept_room_main_floor_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_main_level_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_main_living +concept_furniture_bed concept:furniturefoundinroom concept_room_main_living_area +concept_furniture_bed concept:furniturefoundinroom concept_room_main_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_main_sleeping_area +concept_furniture_bed concept:furniturefoundinroom concept_room_main_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_master +concept_furniture_bed concept:furniturefoundinroom concept_room_master_bed_room +concept_furniture_bed concept:furniturefoundinroom concept_room_master_bedroom_downstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_master_bedroom_upstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_master_en_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_master_en_suite_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_master_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_master_stateroom +concept_furniture_bed concept:furniturefoundinroom concept_room_master_suite_upstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_masters_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_media_room +concept_furniture_bed concept:furniturefoundinroom concept_room_mezzanine_area +concept_furniture_bed concept:furniturefoundinroom concept_room_middle_room +concept_furniture_bed concept:furniturefoundinroom concept_room_modern_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_n1_double_room +concept_furniture_bed concept:furniturefoundinroom concept_room_n1_room +concept_furniture_bed concept:furniturefoundinroom concept_room_n2_room +concept_furniture_bed concept:furniturefoundinroom concept_room_n2_room_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_night_area +concept_furniture_bed concept:furniturefoundinroom concept_room_non_smoking_room +concept_furniture_bed concept:furniturefoundinroom concept_room_occupancy +concept_furniture_bed concept:furniturefoundinroom concept_room_ocean_view_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_ocean_views +concept_furniture_bed concept:furniturefoundinroom concept_room_oceanfront_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_oceanfront_master +concept_furniture_bed concept:furniturefoundinroom concept_room_oceanfront_room +concept_furniture_bed concept:furniturefoundinroom concept_room_one_bedroom_condo +concept_furniture_bed concept:furniturefoundinroom concept_room_one_bedroom_unit +concept_furniture_bed concept:furniturefoundinroom concept_room_one_bedroom_villa +concept_furniture_bed concept:furniturefoundinroom concept_room_one_large_room +concept_furniture_bed concept:furniturefoundinroom concept_room_one_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_one_twin_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_open_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_open_loft_area +concept_furniture_bed concept:furniturefoundinroom concept_room_open_loft_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_open_plan +concept_furniture_bed concept:furniturefoundinroom concept_room_open_plan_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_open_plan_living +concept_furniture_bed concept:furniturefoundinroom concept_room_open_plan_living_area +concept_furniture_bed concept:furniturefoundinroom concept_room_open_plan_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_open_room +concept_furniture_bed concept:furniturefoundinroom concept_room_oversized_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_oversized_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_oversized_room +concept_furniture_bed concept:furniturefoundinroom concept_room_parlor_area +concept_furniture_bed concept:furniturefoundinroom concept_room_parlor_room +concept_furniture_bed concept:furniturefoundinroom concept_room_parlour +concept_furniture_bed concept:furniturefoundinroom concept_room_penthouse +concept_furniture_bed concept:furniturefoundinroom concept_room_plan +concept_furniture_bed concept:furniturefoundinroom concept_room_plan_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_plan_studio +concept_furniture_bed concept:furniturefoundinroom concept_room_playroom +concept_furniture_bed concept:furniturefoundinroom concept_room_pleasant_room +concept_furniture_bed concept:furniturefoundinroom concept_room_porch +concept_furniture_bed concept:furniturefoundinroom concept_room_presidential_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_pretty_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_pretty_room +concept_furniture_bed concept:furniturefoundinroom concept_room_principal_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_private_bath +concept_furniture_bed concept:furniturefoundinroom concept_room_private_entrance +concept_furniture_bed concept:furniturefoundinroom concept_room_private_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_private_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_private_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_private_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_private_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_properties +concept_furniture_bed concept:furniturefoundinroom concept_room_queen_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_rear_cabin +concept_furniture_bed concept:furniturefoundinroom concept_room_regular_room +concept_furniture_bed concept:furniturefoundinroom concept_room_rest +concept_furniture_bed concept:furniturefoundinroom concept_room_romantic_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_romantic_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_romantic_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_roof +concept_furniture_bed concept:furniturefoundinroom concept_room_room_cabin +concept_furniture_bed concept:furniturefoundinroom concept_room_roomy_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_second_downstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_floor +concept_furniture_bed concept:furniturefoundinroom concept_room_second_floor_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_floor_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_second_guest_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_room_second_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_second_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_second_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_second_private_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_smaller_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_second_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_second_upstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_bedroom_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_living_room_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_lounge_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_room +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_seating_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_sleeping_area +concept_furniture_bed concept:furniturefoundinroom concept_room_separate_sleeping_room +concept_furniture_bed concept:furniturefoundinroom concept_room_set +concept_furniture_bed concept:furniturefoundinroom concept_room_setting +concept_furniture_bed concept:furniturefoundinroom concept_room_side_room +concept_furniture_bed concept:furniturefoundinroom concept_room_sitting_area +concept_furniture_bed concept:furniturefoundinroom concept_room_sitting_dining_room +concept_furniture_bed concept:furniturefoundinroom concept_room_size_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_size_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_sleeping_alcove +concept_furniture_bed concept:furniturefoundinroom concept_room_sleeping_areas +concept_furniture_bed concept:furniturefoundinroom concept_room_sleeping_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_sleeping_quarters +concept_furniture_bed concept:furniturefoundinroom concept_room_small_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_small_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_small_sitting_room +concept_furniture_bed concept:furniturefoundinroom concept_room_smaller_room +concept_furniture_bed concept:furniturefoundinroom concept_room_smaller_second_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_smoking_room +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_family_room +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_living_dining_room +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_lounge +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_master +concept_furniture_bed concept:furniturefoundinroom concept_room_spacious_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_spare_room +concept_furniture_bed concept:furniturefoundinroom concept_room_square_feet +concept_furniture_bed concept:furniturefoundinroom concept_room_square_foot_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_staircase +concept_furniture_bed concept:furniturefoundinroom concept_room_standard +concept_furniture_bed concept:furniturefoundinroom concept_room_stay +concept_furniture_bed concept:furniturefoundinroom concept_room_story +concept_furniture_bed concept:furniturefoundinroom concept_room_studio_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_studio_unit +concept_furniture_bed concept:furniturefoundinroom concept_room_study +concept_furniture_bed concept:furniturefoundinroom concept_room_style +concept_furniture_bed concept:furniturefoundinroom concept_room_style_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_style_room +concept_furniture_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_sun_room +concept_furniture_bed concept:furniturefoundinroom concept_room_sunny_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_sunny_room +concept_furniture_bed concept:furniturefoundinroom concept_room_sunroom +concept_furniture_bed concept:furniturefoundinroom concept_room_third_bedroom_downstairs +concept_furniture_bed concept:furniturefoundinroom concept_room_third_floor_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_third_guest_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_third_level +concept_furniture_bed concept:furniturefoundinroom concept_room_third_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_third_upstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_three_bedroom_unit +concept_furniture_bed concept:furniturefoundinroom concept_room_triple_room +concept_furniture_bed concept:furniturefoundinroom concept_room_tropical_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_twin +concept_furniture_bed concept:furniturefoundinroom concept_room_twin_bedded_room +concept_furniture_bed concept:furniturefoundinroom concept_room_twin_beds +concept_furniture_bed concept:furniturefoundinroom concept_room_unit +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_loft +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_loft_area +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_loft_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_master +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_room +concept_furniture_bed concept:furniturefoundinroom concept_room_upstairs_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_view +concept_furniture_bed concept:furniturefoundinroom concept_room_view_room +concept_furniture_bed concept:furniturefoundinroom concept_room_waterfront +concept_furniture_bed concept:furniturefoundinroom concept_room_way +concept_furniture_bed concept:furniturefoundinroom concept_room_well_appointed_room +concept_furniture_bed concept:furniturefoundinroom concept_room_whirlpool_suite +concept_furniture_bed concept:furniturefoundinroom concept_room_wide_living_room +concept_furniture_bed concept:furniturefoundinroom concept_room_wonderful_room +concept_furniture_bed concept:furniturefoundinroom concept_room_yellow_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_areas +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_barn +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_basement +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_condo +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_condominiums +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_inn +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_mezzanine +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_non_smoking +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_property +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_spa +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_structure +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_studio +concept_furniture_bed concept:furniturefoundinroom concept_visualizablescene_vacation +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_accommodation +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_aft_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_airy_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_alcove +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_back_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_beautiful_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bed_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_1 +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_2 +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_apartment +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_cottage +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_downstairs +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_house +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_loft +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_one +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_three +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_two +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_unit +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedroom_villa +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_breakfast_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bright_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bungalow +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_bunk_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_casita +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_corner_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_cosy_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_courtyard +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_downstairs +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_downstairs_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_downstairs_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_downstairs_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_downstairs_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_en_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_ensuite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_fifth_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_first_floor +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_floor_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_fourth_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_front_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_green_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_ground_floor_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_ground_floor_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_guest_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_guest_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_guest_cottage +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_guest_house +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_guest_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_junior_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_kitchen_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_lanai +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_large_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_large_loft_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_large_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_large_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_larger_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_level_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_loft_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_loft_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_lovely_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_lower_floor +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_luxurious_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_luxury_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_main_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_main_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_main_floor_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_master_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_master_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_master_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_mezzanine_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_middle_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_mini_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_n1_bedroom_apartment +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_next_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_nook +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_oceanfront_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_bedroom_apartment +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_bedroom_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_bedroom_cottage +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_guest_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_guest_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_room_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_one_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_parlor +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_primary_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_quiet_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_rear +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_rear_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_room_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_room_type +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_roomy_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_sea_view +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_seating_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_second_double_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_second_floor_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_second_floor_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_second_level +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_second_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_secondary_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_separate_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_seperate_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_single_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_sixth_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_sleeping_area +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_small_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_smaller_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_south_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_spaces +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_spacious_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_spare_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_studio_apartment +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_studio_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_third_floor_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_third_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_third_room +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_top_floor_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_triple_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_twin_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_two_bedroom_cabin +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_two_bedroom_suite +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_upper_level +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_upper_level_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_upstairs_bedrooms +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_upstairs_master_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_views +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_villas +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_west_bedroom +concept_furniture_bed concept:furniturefoundinroom concept_visualizablething_yellow_bedroom +concept_furniture_bed_ concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_bed_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_bed_couch concept:furniturefoundinroom concept_room_area +concept_furniture_bed_downstairs concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bed_room concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bed_settee concept:itemfoundinroom concept_room_lounge +concept_furniture_bed_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_bed_upstairs concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bedding concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_bedding concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bedding concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_accessible_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_accessible_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_accommodations +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_accomodations +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_additional_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_additional_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_additional_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_cabins +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_air_conditioned_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_guestrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_air_conditioned_guestrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_air_conditioned_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_air_conditioned_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_air_conditioned_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_airy_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_airy_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_airy_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_atmosphere +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_attractive_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_back_room +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_back_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_basic_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bdrms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bdrms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_beautiful_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bed_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bed_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedchambers +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedchambers +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedded_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_apartments +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_condos +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_condos +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_cottages +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_suite +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_suite +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_units +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_villas +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedroom_villas +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedroomed_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bedrooms_downstairs +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bedrooms_downstairs +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_big_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_blue_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bungalows +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_bungalows +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_bures +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cabinas +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_casitas +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_casitas +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_chalets +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_chalets +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_clean_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_clean_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_accommodations +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_cabins +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_comfortable_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_compartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_contemporary_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_corner_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cosy_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cozy_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cozy_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_cozy_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cozy_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_cozy_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_cozy_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_double_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_guestrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_dining_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_dorm_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_dormitory_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_dormitory_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_dorms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_double_bed_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_double_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_double_occupancy_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_double_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_double_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_efficiencies +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_efficiencies +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_elegant_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_elegant_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_en_suite_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_en_suite_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_ensuite_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_ensuite_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_ensuite_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_executive_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_executive_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_extra_bedroom +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_extra_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_family_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_family_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_family_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_first_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_first_floor_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_first_floor_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_floor_suite +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_four_cabins +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_four_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_four_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_fourth_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_fourth_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_full_baths +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_furnished_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_furnished_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_furnished_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_further_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_garden_view_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_great_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_staterooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_guest_staterooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guest_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_guest_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guestroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_guests_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_honeymoon_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_hotel_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_individual_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_junior_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_double_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_master +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_large_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_larger_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_larger_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_level_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_level_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_living_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_lodge_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_lodge_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_lofts +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_lofts +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_lovely_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_lovely_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_lower_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_lower_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxurious_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxurious_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxurious_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_luxurious_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxury_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxury_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxury_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_luxury_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_luxury_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_main_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_main_floor_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_main_floor_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_main_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_master_bedroom_suite +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_master_bedroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_master_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_master_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_master_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_master_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_modern_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_modern_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_motel_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_motel_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_motel_style_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_motel_style_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_motel_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n100_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n12_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_n12_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n17_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_n17_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n18_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n1_bedroom_apartments +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_n1_bedroom_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n22_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n26_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n2_double_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n3_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n50_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_n5_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_non_smoking_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_ocean_view_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_oceanfront_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_apartments +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_one_bedroom_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_suite +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_one_bedroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_one_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_outside_cabins +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_outside_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_oversized_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_baths +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_private_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_guest_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_private_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_private_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_quad_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_quadruple_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_queen_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_regular_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_regular_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_room_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_room_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_room_types +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_second_bathroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_second_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_second_large_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_second_master_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_separate_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_separate_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_seven_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_seven_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_several_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_single_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_single_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_single_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_single_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_size_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_sleeping_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_sleeping_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_sleeping_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_small_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_small_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_smaller_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_smaller_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_smaller_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_smaller_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_accommodations +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_air_conditioned_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_deluxe_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_double_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_spacious_double_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_family_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_guestrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_master_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_staterooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_tents +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_units +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_spacious_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_double_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_standard_double_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_guestrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_hotel_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_standard_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_staterooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_staterooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_studio_apartments +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_studio_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_studio_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_studio_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_studio_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_studio_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_studio_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_style_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_stylish_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_suite_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_suite_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_suite_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_superior_room +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_superior_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_ten_guest_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_ten_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_ten_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_three_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_three_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_three_other_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_three_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_three_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_traditional_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_traditional_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_triple_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_twelve_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_twin_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_twin_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_additional_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_apartments +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_two_bedroom_apartments +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedroom_units +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_two_bedroom_units +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_cabins +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_downstairs_bedrooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_two_downstairs_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_guest_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_main_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_master_bedroom_suites +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_two_master_bedroom_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_master_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_room_suites +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_two_upstairs_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_upper_bedroom +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_upper_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_upstairs_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_upstairs_rooms +concept_furniture_beds concept:itemfoundinroom concept_officebuildingroom_upstairs_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_well_appointed_guest_rooms +concept_furniture_beds concept:furniturefoundinroom concept_officebuildingroom_well_appointed_rooms +concept_furniture_beds concept:furniturefoundinroom concept_room_additional_room +concept_furniture_beds concept:furniturefoundinroom concept_room_adjacent_room +concept_furniture_beds concept:furniturefoundinroom concept_room_adjoining_room +concept_furniture_beds concept:furniturefoundinroom concept_room_air_conditioned_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_amenities +concept_furniture_beds concept:furniturefoundinroom concept_room_area +concept_furniture_beds concept:itemfoundinroom concept_room_area +concept_furniture_beds concept:furniturefoundinroom concept_room_attic +concept_furniture_beds concept:furniturefoundinroom concept_room_attic_room +concept_furniture_beds concept:furniturefoundinroom concept_room_back +concept_furniture_beds concept:furniturefoundinroom concept_room_bdrm +concept_furniture_beds concept:furniturefoundinroom concept_room_bedded_room +concept_furniture_beds concept:furniturefoundinroom concept_room_bedroom_cabin +concept_furniture_beds concept:furniturefoundinroom concept_room_bedroom_room +concept_furniture_beds concept:furniturefoundinroom concept_room_bedroom_upstairs +concept_furniture_beds concept:furniturefoundinroom concept_room_bedrooms_upstairs +concept_furniture_beds concept:furniturefoundinroom concept_room_big_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_big_room +concept_furniture_beds concept:furniturefoundinroom concept_room_bonus_room +concept_furniture_beds concept:furniturefoundinroom concept_room_ceilings +concept_furniture_beds concept:furniturefoundinroom concept_room_charming_room +concept_furniture_beds concept:itemfoundinroom concept_room_charming_room +concept_furniture_beds concept:furniturefoundinroom concept_room_children_room +concept_furniture_beds concept:furniturefoundinroom concept_room_children_s_room +concept_furniture_beds concept:furniturefoundinroom concept_room_comfortable_room +concept_furniture_beds concept:furniturefoundinroom concept_room_community +concept_furniture_beds concept:itemfoundinroom concept_room_community +concept_furniture_beds concept:furniturefoundinroom concept_room_condos +concept_furniture_beds concept:furniturefoundinroom concept_room_connecting_room +concept_furniture_beds concept:furniturefoundinroom concept_room_corner_room +concept_furniture_beds concept:furniturefoundinroom concept_room_corridor +concept_furniture_beds concept:furniturefoundinroom concept_room_deck +concept_furniture_beds concept:furniturefoundinroom concept_room_decor +concept_furniture_beds concept:itemfoundinroom concept_room_decor +concept_furniture_beds concept:furniturefoundinroom concept_room_deluxe +concept_furniture_beds concept:furniturefoundinroom concept_room_den +concept_furniture_beds concept:furniturefoundinroom concept_room_dormitory +concept_furniture_beds concept:furniturefoundinroom concept_room_dormitory_room +concept_furniture_beds concept:furniturefoundinroom concept_room_en_suite_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_en_suite_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_room_ensuite_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_entry +concept_furniture_beds concept:furniturefoundinroom concept_room_extra_room +concept_furniture_beds concept:furniturefoundinroom concept_room_family +concept_furniture_beds concept:itemfoundinroom concept_room_family +concept_furniture_beds concept:furniturefoundinroom concept_room_family_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_family_room +concept_furniture_beds concept:furniturefoundinroom concept_room_final_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_fireplace +concept_furniture_beds concept:furniturefoundinroom concept_room_first_floor_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_first_floor_room +concept_furniture_beds concept:furniturefoundinroom concept_room_floor_loft +concept_furniture_beds concept:itemfoundinroom concept_room_floor_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_floor_plan +concept_furniture_beds concept:furniturefoundinroom concept_room_fourth_room +concept_furniture_beds concept:furniturefoundinroom concept_room_full_bath +concept_furniture_beds concept:furniturefoundinroom concept_room_furnished_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_furnishings +concept_furniture_beds concept:furniturefoundinroom concept_room_further_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_ground_floor +concept_furniture_beds concept:itemfoundinroom concept_room_ground_floor +concept_furniture_beds concept:furniturefoundinroom concept_room_ground_floor_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_room_guest +concept_furniture_beds concept:furniturefoundinroom concept_room_guest_stateroom +concept_furniture_beds concept:furniturefoundinroom concept_room_hall +concept_furniture_beds concept:furniturefoundinroom concept_room_hallway +concept_furniture_beds concept:furniturefoundinroom concept_room_homes +concept_furniture_beds concept:furniturefoundinroom concept_room_house +concept_furniture_beds concept:itemfoundinroom concept_room_house +concept_furniture_beds concept:furniturefoundinroom concept_room_huge_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_kids +concept_furniture_beds concept:furniturefoundinroom concept_room_kids_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_kids_room +concept_furniture_beds concept:furniturefoundinroom concept_room_kitchenette +concept_furniture_beds concept:furniturefoundinroom concept_room_kitchenettes +concept_furniture_beds concept:furniturefoundinroom concept_room_landing +concept_furniture_beds concept:furniturefoundinroom concept_room_large_family_room +concept_furniture_beds concept:furniturefoundinroom concept_room_large_guest_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_large_living_area +concept_furniture_beds concept:furniturefoundinroom concept_room_large_lounge +concept_furniture_beds concept:itemfoundinroom concept_room_large_lounge +concept_furniture_beds concept:furniturefoundinroom concept_room_large_room +concept_furniture_beds concept:furniturefoundinroom concept_room_large_second_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_large_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_large_upstairs_bedroom +concept_furniture_beds concept:itemfoundinroom concept_room_large_upstairs_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_larger_room +concept_furniture_beds concept:furniturefoundinroom concept_room_last_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_left +concept_furniture_beds concept:furniturefoundinroom concept_room_level +concept_furniture_beds concept:itemfoundinroom concept_room_level +concept_furniture_beds concept:furniturefoundinroom concept_room_levels +concept_furniture_beds concept:itemfoundinroom concept_room_levels +concept_furniture_beds concept:furniturefoundinroom concept_room_living_area +concept_furniture_beds concept:furniturefoundinroom concept_room_living_areas +concept_furniture_beds concept:furniturefoundinroom concept_room_living_dining +concept_furniture_beds concept:furniturefoundinroom concept_room_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_loft_space +concept_furniture_beds concept:furniturefoundinroom concept_room_loft_upstairs +concept_furniture_beds concept:furniturefoundinroom concept_room_lounge +concept_furniture_beds concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_beds concept:furniturefoundinroom concept_room_lovely_room +concept_furniture_beds concept:furniturefoundinroom concept_room_lower_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_lower_level +concept_furniture_beds concept:furniturefoundinroom concept_room_lower_level_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_main_floor +concept_furniture_beds concept:furniturefoundinroom concept_room_main_living_area +concept_furniture_beds concept:furniturefoundinroom concept_room_master +concept_furniture_beds concept:furniturefoundinroom concept_room_mezzanine_area +concept_furniture_beds concept:itemfoundinroom concept_room_mezzanine_area +concept_furniture_beds concept:furniturefoundinroom concept_room_middle_room +concept_furniture_beds concept:furniturefoundinroom concept_room_n1_room +concept_furniture_beds concept:furniturefoundinroom concept_room_non_smoking_room +concept_furniture_beds concept:furniturefoundinroom concept_room_occupancy +concept_furniture_beds concept:furniturefoundinroom concept_room_oceanfront_room +concept_furniture_beds concept:furniturefoundinroom concept_room_one_large_room +concept_furniture_beds concept:furniturefoundinroom concept_room_one_twin_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_open_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_open_loft_area +concept_furniture_beds concept:furniturefoundinroom concept_room_open_plan +concept_furniture_beds concept:furniturefoundinroom concept_room_open_plan_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_open_plan_lounge +concept_furniture_beds concept:itemfoundinroom concept_room_open_plan_lounge +concept_furniture_beds concept:furniturefoundinroom concept_room_open_room +concept_furniture_beds concept:furniturefoundinroom concept_room_oversized_room +concept_furniture_beds concept:furniturefoundinroom concept_room_plan +concept_furniture_beds concept:furniturefoundinroom concept_room_plan_lounge +concept_furniture_beds concept:itemfoundinroom concept_room_plan_lounge +concept_furniture_beds concept:furniturefoundinroom concept_room_playroom +concept_furniture_beds concept:furniturefoundinroom concept_room_porch +concept_furniture_beds concept:furniturefoundinroom concept_room_private_bath +concept_furniture_beds concept:furniturefoundinroom concept_room_regular_room +concept_furniture_beds concept:furniturefoundinroom concept_room_rest +concept_furniture_beds concept:furniturefoundinroom concept_room_roof +concept_furniture_beds concept:furniturefoundinroom concept_room_room_cabin +concept_furniture_beds concept:furniturefoundinroom concept_room_second_bed_room +concept_furniture_beds concept:furniturefoundinroom concept_room_second_bedroom_downstairs +concept_furniture_beds concept:itemfoundinroom concept_room_second_bedroom_downstairs +concept_furniture_beds concept:furniturefoundinroom concept_room_second_downstairs_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_second_floor +concept_furniture_beds concept:furniturefoundinroom concept_room_second_guest_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_second_guest_room +concept_furniture_beds concept:furniturefoundinroom concept_room_second_smaller_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_second_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_second_upstairs_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_beds concept:furniturefoundinroom concept_room_separate_lounge +concept_furniture_beds concept:furniturefoundinroom concept_room_separate_room +concept_furniture_beds concept:furniturefoundinroom concept_room_separate_sleeping_area +concept_furniture_beds concept:furniturefoundinroom concept_room_separate_sleeping_room +concept_furniture_beds concept:furniturefoundinroom concept_room_setting +concept_furniture_beds concept:furniturefoundinroom concept_room_seventh_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_side +concept_furniture_beds concept:furniturefoundinroom concept_room_side_room +concept_furniture_beds concept:itemfoundinroom concept_room_side_room +concept_furniture_beds concept:furniturefoundinroom concept_room_sized_rooms +concept_furniture_beds concept:itemfoundinroom concept_room_sized_rooms +concept_furniture_beds concept:furniturefoundinroom concept_room_sleeping_areas +concept_furniture_beds concept:furniturefoundinroom concept_room_sleeping_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_sleeping_quarters +concept_furniture_beds concept:itemfoundinroom concept_room_sleeping_quarters +concept_furniture_beds concept:furniturefoundinroom concept_room_small_second_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_smaller_room +concept_furniture_beds concept:furniturefoundinroom concept_room_smaller_second_bedroom +concept_furniture_beds concept:itemfoundinroom concept_room_smaller_second_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_smoking_room +concept_furniture_beds concept:furniturefoundinroom concept_room_spacious_guest_bedroom +concept_furniture_beds concept:itemfoundinroom concept_room_spacious_guest_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_spacious_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_spacious_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_spare_room +concept_furniture_beds concept:furniturefoundinroom concept_room_square_feet +concept_furniture_beds concept:furniturefoundinroom concept_room_staircase +concept_furniture_beds concept:furniturefoundinroom concept_room_standard +concept_furniture_beds concept:furniturefoundinroom concept_room_standard_double_room +concept_furniture_beds concept:furniturefoundinroom concept_room_story +concept_furniture_beds concept:furniturefoundinroom concept_room_studio_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_study +concept_furniture_beds concept:furniturefoundinroom concept_room_style +concept_furniture_beds concept:itemfoundinroom concept_room_style +concept_furniture_beds concept:furniturefoundinroom concept_room_style_bedroom +concept_furniture_beds concept:itemfoundinroom concept_room_style_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_style_room +concept_furniture_beds concept:furniturefoundinroom concept_room_suite +concept_furniture_beds concept:itemfoundinroom concept_room_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_sun_room +concept_furniture_beds concept:furniturefoundinroom concept_room_sunny_room +concept_furniture_beds concept:furniturefoundinroom concept_room_theme +concept_furniture_beds concept:furniturefoundinroom concept_room_third_guest_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_room_third_suite +concept_furniture_beds concept:itemfoundinroom concept_room_third_suite +concept_furniture_beds concept:furniturefoundinroom concept_room_triple_room +concept_furniture_beds concept:furniturefoundinroom concept_room_twin +concept_furniture_beds concept:furniturefoundinroom concept_room_twin_bedded_room +concept_furniture_beds concept:furniturefoundinroom concept_room_unit +concept_furniture_beds concept:itemfoundinroom concept_room_unit +concept_furniture_beds concept:furniturefoundinroom concept_room_upstairs_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_upstairs_loft_area +concept_furniture_beds concept:furniturefoundinroom concept_room_upstairs_room +concept_furniture_beds concept:furniturefoundinroom concept_room_upstairs_sleeping_loft +concept_furniture_beds concept:furniturefoundinroom concept_room_wall +concept_furniture_beds concept:furniturefoundinroom concept_room_wide_living_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_beds concept:itemfoundinroom concept_visualizableobject_apartment +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_areas +concept_furniture_beds concept:itemfoundinroom concept_visualizablescene_areas +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_basement +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_condo +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_inn +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_mezzanine +concept_furniture_beds concept:itemfoundinroom concept_visualizablescene_mezzanine +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_non_smoking +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_property +concept_furniture_beds concept:furniturefoundinroom concept_visualizablescene_studio +concept_furniture_beds concept:itemfoundinroom concept_visualizablescene_studio +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_accommodation +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_accommodation +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_aft_cabin +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_aft_cabin +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_airy_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_alcove +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_back_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bed_room +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_bed_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_2 +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_3 +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_apartment +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_area +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_cottage +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_bedroom_cottage +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_downstairs +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_four +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_three +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_two +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_unit +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedroom_villa +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_bedroom_villa +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bright_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bungalow +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_bunk_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_casita +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_casita +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_courtyard +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_courtyard +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_dorm_room +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_dorm_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_double_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_downstairs +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_downstairs_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_downstairs_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_downstairs_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_en_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_ensuite +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_entrance +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_fifth_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_first_floor +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_fourth_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_front_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_ground_floor_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_ground_floor_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_guest_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_guest_cabin +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_guest_cabin +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_guest_cottage +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_guest_house +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_guest_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_junior_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_kitchen_area +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_large_double_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_large_master_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_larger_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_loft_area +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_loft_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_lovely_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_lower_floor +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_main_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_main_floor_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_master_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_mezzanine_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_middle_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_nook +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_bedroom_apartment +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_cabin +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_one_cabin +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_double_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_guest_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_master_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_one_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_rear +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_rear +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_rear_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_room_suite +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_room_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_room_type +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_second_double_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_second_floor_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_second_floor_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_second_level +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_second_level +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_second_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_secondary_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_separate_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_seperate_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_single_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_sixth_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_sleeping_area +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_sleeping_area +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_small_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_smaller_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_spacious_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_spacious_second_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_spare_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_studio_apartment +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_studio_apartment +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_studio_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_third_room +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_top_floor_bedroom +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_top_floor_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_triple_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_twin_bedroom +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_twin_bedroom +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_two_bedroom_suite +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_upper_level +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_upstairs_bedrooms +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_views +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_views +concept_furniture_beds concept:furniturefoundinroom concept_visualizablething_villas +concept_furniture_beds concept:itemfoundinroom concept_visualizablething_villas +concept_furniture_beds_downstairs concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_beds_with_nightstands concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_berth concept:furniturefoundinroom concept_room_aft_stateroom +concept_furniture_berth concept:furniturefoundinroom concept_room_forward_stateroom +concept_furniture_berth concept:furniturefoundinroom concept_room_guest +concept_furniture_berth concept:furniturefoundinroom concept_room_guest_stateroom +concept_furniture_berth concept:furniturefoundinroom concept_room_master +concept_furniture_berth concept:furniturefoundinroom concept_room_master_stateroom +concept_furniture_berth concept:furniturefoundinroom concept_visualizablething_aft_cabin +concept_furniture_berth concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_berth concept:furniturefoundinroom concept_visualizablething_guest_cabin +concept_furniture_berth concept:furniturefoundinroom concept_visualizablething_master_cabin +concept_furniture_berth concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_berths concept:furniturefoundinroom concept_officebuildingroom_double_cabins +concept_furniture_berths concept:furniturefoundinroom concept_officebuildingroom_guest_cabins +concept_furniture_berths concept:itemfoundinroom concept_officebuildingroom_guest_cabins +concept_furniture_berths concept:furniturefoundinroom concept_officebuildingroom_guest_staterooms +concept_furniture_berths concept:itemfoundinroom concept_officebuildingroom_guest_staterooms +concept_furniture_berths concept:furniturefoundinroom concept_officebuildingroom_staterooms +concept_furniture_berths concept:furniturefoundinroom concept_officebuildingroom_two_cabins +concept_furniture_berths concept:furniturefoundinroom concept_room_guest +concept_furniture_berths concept:furniturefoundinroom concept_room_guest_stateroom +concept_furniture_berths concept:itemfoundinroom concept_room_guest_stateroom +concept_furniture_berths concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_berths concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_berths concept:furniturefoundinroom concept_visualizablething_guest_cabin +concept_furniture_berths concept:itemfoundinroom concept_visualizablething_guest_cabin +concept_furniture_berths concept:furniturefoundinroom concept_visualizablething_saloon +concept_furniture_berths concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_berths concept:itemfoundinroom concept_visualizablething_stateroom +concept_furniture_brass_bed concept:furniturefoundinroom concept_room_master +concept_furniture_brass_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_brass_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_breakfast_table concept:itemfoundinroom concept_room_kitchen +concept_furniture_bunk concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bunk concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bunk concept:furniturefoundinroom concept_visualizablething_aft_cabin +concept_furniture_bunk concept:itemfoundinroom concept_visualizablething_aft_cabin +concept_furniture_bunk_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bunk_bed concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_bunk_bed concept:furniturefoundinroom concept_room_area +concept_furniture_bunk_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bunk_beds concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_bunk_beds concept:furniturefoundinroom concept_officebuildingroom_one_room +concept_furniture_bunk_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_bunk_beds concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bunk_beds concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_bunk_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bunk_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_bunk_beds concept:furniturefoundinroom concept_visualizablething_bunk_room +concept_furniture_bunk_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_bunk_beds concept:furniturefoundinroom concept_visualizablething_fourth_bedroom +concept_furniture_bunkbeds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bunks concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_bunks concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bunks concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_bunks concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_bunks concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_bunks concept:itemfoundinroom concept_visualizablescene_bedroom +concept_furniture_bunks concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_bunks concept:furniturefoundinroom concept_visualizablething_bunk_room +concept_furniture_bunks concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_bunks concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_bunks concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_califonia_king_size_platform_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_california_king_size_sleigh_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_canopy_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_canopy_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_canopy_bed concept:furniturefoundinroom concept_room_master +concept_furniture_canopy_bed concept:furniturefoundinroom concept_room_second_floor +concept_furniture_canopy_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_canopy_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_canopy_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_canopy_bed concept:furniturefoundinroom concept_visualizablething_spacious_room +concept_furniture_canopy_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_canopy_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_canopy_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_cat_house concept:latitudelongitude 46.0218700000000,-114.0150800000000 +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_large_dining_room +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_chairs concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_chairs concept:furniturefoundinroom concept_room_back +concept_furniture_chairs concept:furniturefoundinroom concept_room_back_deck +concept_furniture_chairs concept:furniturefoundinroom concept_room_breakfast_area +concept_furniture_chairs concept:furniturefoundinroom concept_room_covered_veranda +concept_furniture_chairs concept:furniturefoundinroom concept_room_deck +concept_furniture_chairs concept:furniturefoundinroom concept_room_front_terrace +concept_furniture_chairs concept:furniturefoundinroom concept_room_garden +concept_furniture_chairs concept:furniturefoundinroom concept_room_gardens +concept_furniture_chairs concept:furniturefoundinroom concept_room_house +concept_furniture_chairs concept:furniturefoundinroom concept_room_kitchen +concept_furniture_chairs concept:furniturefoundinroom concept_room_kitchenette +concept_furniture_chairs concept:furniturefoundinroom concept_room_large_deck +concept_furniture_chairs concept:furniturefoundinroom concept_room_large_patio +concept_furniture_chairs concept:furniturefoundinroom concept_room_large_terrace +concept_furniture_chairs concept:furniturefoundinroom concept_room_living_area +concept_furniture_chairs concept:furniturefoundinroom concept_room_lounge +concept_furniture_chairs concept:furniturefoundinroom concept_room_panoramic_terrace +concept_furniture_chairs concept:furniturefoundinroom concept_room_pergola +concept_furniture_chairs concept:furniturefoundinroom concept_room_porch +concept_furniture_chairs concept:furniturefoundinroom concept_room_roof_terrace +concept_furniture_chairs concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablescene_areas +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablescene_property +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_balconies +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_balcony_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_courtyard +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_covered_porch +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_dining_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_dinning_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_first_floor +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_kitchen_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_lanai +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_large_balcony +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_loggia +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_seating_area +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_solarium +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_sun_deck +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_terraces +concept_furniture_chairs concept:furniturefoundinroom concept_visualizablething_verandah +concept_furniture_chaise_lounge concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_chests concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_coat_rack concept:furniturefoundinroom concept_room_hallway +concept_furniture_coffee_table concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_comfortable_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_comfortable_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_comfortable_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_console_table concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_convertible_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_convertible_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_corner_cabinet concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_couch concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_couch concept:furniturefoundinroom concept_room_area +concept_furniture_couch concept:itemfoundinroom concept_room_area +concept_furniture_couch concept:furniturefoundinroom concept_room_den +concept_furniture_couch concept:furniturefoundinroom concept_room_family +concept_furniture_couch concept:furniturefoundinroom concept_room_family_room +concept_furniture_couch concept:furniturefoundinroom concept_room_large_lounge +concept_furniture_couch concept:furniturefoundinroom concept_room_living_area +concept_furniture_couch concept:furniturefoundinroom concept_room_loft +concept_furniture_couch concept:furniturefoundinroom concept_room_lounge +concept_furniture_couch concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_couch concept:furniturefoundinroom concept_room_separate_lounge +concept_furniture_couch concept:furniturefoundinroom concept_room_suite +concept_furniture_couch concept:furniturefoundinroom concept_room_unit +concept_furniture_couch concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_couch concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_couch concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_couches concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_couches concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_counterpane concept:latitudelongitude 33.5140900000000,-84.4467200000000 +concept_furniture_cupboards concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_day_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_day_bed concept:furniturefoundinroom concept_room_area +concept_furniture_day_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_day_beds concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_daybed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_daybeds concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_desk concept:furniturefoundinroom concept_room_office +concept_furniture_desk_chair concept:furniturefoundinroom concept_room_office +concept_furniture_divan concept:furniturefoundinroom concept_room_area +concept_furniture_divan concept:furniturefoundinroom concept_room_lounge +concept_furniture_divan concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_divan_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_divan_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_divan_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_divan_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_double_bed concept:furniturefoundinroom concept_room_guest +concept_furniture_double_bed concept:furniturefoundinroom concept_room_loft +concept_furniture_double_bed concept:furniturefoundinroom concept_room_lounge +concept_furniture_double_bed concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_double_bed concept:furniturefoundinroom concept_room_master +concept_furniture_double_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablescene_studio +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_main_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_master_suite +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_separate_bedroom +concept_furniture_double_bed concept:furniturefoundinroom concept_visualizablething_sleeping_area +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_accommodations +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_apartments +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_deluxe_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_hotel_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_standard_guest_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_standard_rooms +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_double_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_double_beds concept:furniturefoundinroom concept_room_suite +concept_furniture_double_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_double_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_double_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_double_beds concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_double_beds concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_double_berth concept:furniturefoundinroom concept_visualizablething_stateroom +concept_furniture_double_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_double_sofa concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_double_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_double_sofa concept:furniturefoundinroom concept_room_living_area +concept_furniture_double_sofa concept:furniturefoundinroom concept_room_lounge +concept_furniture_double_sofa concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_double_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_double_sofa_bed concept:furniturefoundinroom concept_room_lounge +concept_furniture_double_wardrobes concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_dressers concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_dressor concept:latitudelongitude 39.1731000000000,-89.0511800000000 +concept_furniture_end_table concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_entertainment_centers concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_feather_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_feather_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_furniture_featherbeds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_featherbeds concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_four_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_four_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_four_chairs concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_four_poster concept:furniturefoundinroom concept_room_master +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_officebuildingroom_bedroom_suite +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_four_poster_bed concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_room_large_room +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_room_master +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_four_poster_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_four_poster_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_four_poster_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_four_poster_beds concept:itemfoundinroom concept_officebuildingroom_suites +concept_furniture_four_poster_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_four_poster_beds concept:itemfoundinroom concept_visualizablething_bedrooms +concept_furniture_four_poster_mahogany_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_full_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_full_size_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_full_size_headboard_and_footboard concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_futon concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_futon concept:furniturefoundinroom concept_room_area +concept_furniture_futon concept:furniturefoundinroom concept_room_den +concept_furniture_futon concept:furniturefoundinroom concept_room_family_room +concept_furniture_futon concept:furniturefoundinroom concept_room_level +concept_furniture_futon concept:furniturefoundinroom concept_room_living_area +concept_furniture_futon concept:furniturefoundinroom concept_room_loft +concept_furniture_futon concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_futon concept:furniturefoundinroom concept_visualizablething_loft_area +concept_furniture_futon_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_futon_bed concept:furniturefoundinroom concept_room_loft +concept_furniture_futon_bed concept:itemfoundinroom concept_room_loft +concept_furniture_futon_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_futon_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_futon_couch concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_futons concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_futons concept:furniturefoundinroom concept_room_family_room +concept_furniture_futons concept:furniturefoundinroom concept_room_loft +concept_furniture_game_table concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_game_tables concept:furniturefoundinroom concept_room_entertainment_center +concept_furniture_glazed_windows concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_glazing concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_glazing concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_gray_bar concept:latitudelongitude 31.5073800000000,-87.6141600000000 +concept_furniture_hand_basins concept:furniturefoundinroom concept_officebuildingroom_en_suite_bathroom +concept_furniture_hand_basins concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_island_berth concept:furniturefoundinroom concept_room_master_stateroom +concept_furniture_king_bed concept:furniturefoundinroom concept_room_master +concept_furniture_king_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_king_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_king_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_king_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_king_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_king_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_king_size_bed concept:furniturefoundinroom concept_room_master +concept_furniture_king_size_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_king_size_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_king_size_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_king_size_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_king_size_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_king_size_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_king_size_headboard_and_footboard concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_king_size_metal_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_king_size_poster_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_king_sized_bed concept:furniturefoundinroom concept_room_master +concept_furniture_king_sized_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_kingsize_bed concept:furniturefoundinroom concept_room_master +concept_furniture_large_double_bed concept:furniturefoundinroom concept_room_master +concept_furniture_leather_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_leather_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_leather_sofas concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_leather_sofas concept:furniturefoundinroom concept_room_lounge +concept_furniture_log_bed concept:furniturefoundinroom concept_room_main_floor +concept_furniture_log_bed concept:furniturefoundinroom concept_room_master +concept_furniture_log_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_log_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_log_bed concept:furniturefoundinroom concept_visualizablething_master_suite +concept_furniture_log_beds concept:itemfoundinroom concept_visualizablething_bedrooms +concept_furniture_lounge concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_love_seat concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_low_table concept:latitudelongitude -2.5333300000000,37.4833300000000 +concept_furniture_lower_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_lower_beds concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_lower_berth concept:latitudelongitude 49.2500300000000,-58.2317100000000 +concept_furniture_lower_berths concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_luxury_bed concept:latitudelongitude -30.7968050000000,152.9239700000000 +concept_furniture_luxury_bed concept:furniturefoundinroom concept_visualizablething_accommodation +concept_furniture_mahogany_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_mattress concept:furniturefoundinroom concept_room_loft +concept_furniture_mattress concept:furniturefoundinroom concept_room_master +concept_furniture_mattress concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_mattress concept:furniturefoundinroom concept_visualizablescene_mezzanine +concept_furniture_mattress concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_mattresses concept:furniturefoundinroom concept_room_loft +concept_furniture_mattresses concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_medicine_cabinet concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_metal_day_bed_frames concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_modern_furniture concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_n2_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_n4_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_n4_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_n4_chairs concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_n4_poster_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_n4_poster_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_n6_chairs concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_n6_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_nice_bed concept:latitudelongitude 57.6881000000000,11.9907000000000 +concept_furniture_night_stands concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_pews concept:latitudelongitude 40.4426100000000,-74.1032000000000 +concept_furniture_pillow_top_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_pillow_top_bed concept:furniturefoundinroom concept_room_master +concept_furniture_pillow_top_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_pillow_top_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_pillow_top_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_pillow_top_mattress concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_pillow_top_mattress concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_pine_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_pine_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_platform_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_platform_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_poster_bed concept:furniturefoundinroom concept_room_master +concept_furniture_poster_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_poster_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_pull_out concept:furniturefoundinroom concept_room_area +concept_furniture_pull_out concept:itemfoundinroom concept_room_area +concept_furniture_pull_out_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pull_out_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_pull_out_bed concept:furniturefoundinroom concept_room_area +concept_furniture_pull_out_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pull_out_couch concept:furniturefoundinroom concept_room_area +concept_furniture_pull_out_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pull_out_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_pull_out_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pull_out_sofa_bed concept:furniturefoundinroom concept_room_area +concept_furniture_pullout_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pullout_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pullout_couch concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_pullout_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_pullout_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_pullout_sofa concept:furniturefoundinroom concept_room_living_area +concept_furniture_pullout_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_queen concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_queen_bed concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_queen_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_queen_bed concept:furniturefoundinroom concept_room_master +concept_furniture_queen_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_accommodations +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_bedroom_suites +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_comfortable_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_guest_suites +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_oversized_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_bedrooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_suites +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_standard_rooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_queen_beds concept:furniturefoundinroom concept_room_suite +concept_furniture_queen_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_queen_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_queen_size_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_queen_size_bed concept:furniturefoundinroom concept_room_guest +concept_furniture_queen_size_bed concept:furniturefoundinroom concept_room_master +concept_furniture_queen_size_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_size_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_queen_size_beds_with_nightstands concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_size_headboard_and_footboard concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_size_metal_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_size_poster_beds_complete concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_queen_sized_bed concept:furniturefoundinroom concept_room_master +concept_furniture_queen_sized_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_queen_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_queen_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_queen_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_queen_sofa concept:furniturefoundinroom concept_room_living_area +concept_furniture_reading_area concept:latitudelongitude 40.3297950000000,-75.9318050000000 +concept_furniture_recliner concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_recliners concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_rooms concept:furniturefoundinroom concept_officebuildingroom_accommodations +concept_furniture_rooms concept:furniturefoundinroom concept_officebuildingroom_chalets +concept_furniture_rooms concept:furniturefoundinroom concept_room_house +concept_furniture_rooms concept:furniturefoundinroom concept_room_level +concept_furniture_rooms concept:furniturefoundinroom concept_room_master +concept_furniture_rooms concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_rooms concept:itemfoundinroom concept_visualizableobject_apartment +concept_furniture_rooms concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_rooms concept:furniturefoundinroom concept_visualizablescene_flats +concept_furniture_rooms concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_rooms concept:furniturefoundinroom concept_visualizablething_bungalow +concept_furniture_rooms concept:furniturefoundinroom concept_visualizablething_guest_house +concept_furniture_seating concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_seating concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_seating concept:furniturefoundinroom concept_room_area +concept_furniture_seating concept:furniturefoundinroom concept_room_lounge +concept_furniture_seating concept:furniturefoundinroom concept_visualizablething_dining_area +concept_furniture_seating concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_secretaire concept:latitudelongitude 46.8001000000000,-74.8159400000000 +concept_furniture_sectional concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sectionals concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_set concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sets_glass_top_dining_sets concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_sets_round_dining_sets concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_settee concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_settee concept:furniturefoundinroom concept_room_lounge +concept_furniture_settees concept:furniturefoundinroom concept_room_area +concept_furniture_settees concept:furniturefoundinroom concept_room_lounge +concept_furniture_showers concept:itemfoundinroom concept_room_bath +concept_furniture_showers concept:itemfoundinroom concept_room_baths +concept_furniture_showers concept:furniturefoundinroom concept_room_master +concept_furniture_showers concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_showers concept:furniturefoundinroom concept_visualizablething_bathrooms +concept_furniture_single_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_single_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_further_bedrooms +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_twin_rooms +concept_furniture_single_beds concept:itemfoundinroom concept_officebuildingroom_twin_rooms +concept_furniture_single_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_single_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_single_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_single_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_single_beds concept:furniturefoundinroom concept_visualizablething_separate_bedroom +concept_furniture_sink_vanity concept:furniturefoundinroom concept_officebuildingroom_master_bath +concept_furniture_sink_vanity concept:furniturefoundinroom concept_room_bath +concept_furniture_sink_vanity concept:furniturefoundinroom concept_room_private_bath +concept_furniture_sink_vanity concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_sinks concept:furniturefoundinroom concept_officebuildingroom_large_master +concept_furniture_sinks concept:furniturefoundinroom concept_officebuildingroom_private_bathroom +concept_furniture_sinks concept:furniturefoundinroom concept_officebuildingroom_spacious_bathroom +concept_furniture_sinks concept:furniturefoundinroom concept_room_bath +concept_furniture_sinks concept:furniturefoundinroom concept_room_baths +concept_furniture_sinks concept:furniturefoundinroom concept_room_hall +concept_furniture_sinks concept:furniturefoundinroom concept_room_master +concept_furniture_sinks concept:furniturefoundinroom concept_room_private_bath +concept_furniture_sinks concept:furniturefoundinroom concept_room_spacious_master +concept_furniture_sinks concept:furniturefoundinroom concept_room_suite +concept_furniture_sinks concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sinks concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_sinks concept:furniturefoundinroom concept_visualizablething_bathrooms +concept_furniture_sinks concept:furniturefoundinroom concept_visualizablething_ensuite +concept_furniture_sinks concept:furniturefoundinroom concept_visualizablething_marble_bathroom +concept_furniture_six_chairs concept:furniturefoundinroom concept_room_area +concept_furniture_six_chairs concept:furniturefoundinroom concept_visualizablething_terrace +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_additional_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_additional_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_air_conditioned_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_airy_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_apartments +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_cabins +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_condos +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bedroom_units +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bungalows +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_bures +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_comfortable_guest_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_cozy_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_cozy_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_deluxe_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_executive_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_first_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_first_floor_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_first_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_floor_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_floor_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_front_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_guest_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_guest_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_guestroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_honeymoon_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_hotel_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_huge_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_huge_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_junior_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_large_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_large_master +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_large_master_bedroom_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_large_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_level_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_luxurious_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_luxury_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_main_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_main_level_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_main_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_master_bedroom_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_master_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_master_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_master_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_masterbedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_n1_bedroom_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_apartments +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_bedroom_units +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_one_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_private_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_private_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_romantic_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_room_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_second_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_separate_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_single_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_single_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_sleeping_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_spacious_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_spacious_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_spacious_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_spacious_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_standard_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_standard_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_staterooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_studio_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_studio_units +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_suite_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_superior_room +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_apartments +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_suites +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_two_bedroom_units +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_two_rooms +concept_furniture_size_bed concept:itemfoundinroom concept_officebuildingroom_upstairs_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_area +concept_furniture_size_bed concept:itemfoundinroom concept_room_bath +concept_furniture_size_bed concept:itemfoundinroom concept_room_beautiful_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_bedroom_cabin +concept_furniture_size_bed concept:itemfoundinroom concept_room_bedroom_upstairs +concept_furniture_size_bed concept:itemfoundinroom concept_room_big_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_big_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_charming_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_comfortable_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_community +concept_furniture_size_bed concept:itemfoundinroom concept_room_corner_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_deck +concept_furniture_size_bed concept:itemfoundinroom concept_room_decor +concept_furniture_size_bed concept:itemfoundinroom concept_room_deluxe +concept_furniture_size_bed concept:itemfoundinroom concept_room_downstairs_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_en_suite_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_executive +concept_furniture_size_bed concept:itemfoundinroom concept_room_executive_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_family +concept_furniture_size_bed concept:itemfoundinroom concept_room_family_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_first_floor_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_first_floor_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_first_floor_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_floor_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_floor_plan +concept_furniture_size_bed concept:itemfoundinroom concept_room_furnishings +concept_furniture_size_bed concept:itemfoundinroom concept_room_garden +concept_furniture_size_bed concept:itemfoundinroom concept_room_ground_floor +concept_furniture_size_bed concept:itemfoundinroom concept_room_guest +concept_furniture_size_bed concept:itemfoundinroom concept_room_house +concept_furniture_size_bed concept:itemfoundinroom concept_room_huge_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_kitchen +concept_furniture_size_bed concept:itemfoundinroom concept_room_kitchenette +concept_furniture_size_bed concept:itemfoundinroom concept_room_large_guest_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_large_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_large_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_level +concept_furniture_size_bed concept:itemfoundinroom concept_room_living_area +concept_furniture_size_bed concept:itemfoundinroom concept_room_loft +concept_furniture_size_bed concept:itemfoundinroom concept_room_loft_upstairs +concept_furniture_size_bed concept:itemfoundinroom concept_room_lounge +concept_furniture_size_bed concept:itemfoundinroom concept_room_lovely_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_lower_level +concept_furniture_size_bed concept:itemfoundinroom concept_room_lower_level_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_luxurious_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_main_floor +concept_furniture_size_bed concept:itemfoundinroom concept_room_main_living_area +concept_furniture_size_bed concept:itemfoundinroom concept_room_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_master_bed_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_master_bedroom_upstairs +concept_furniture_size_bed concept:itemfoundinroom concept_room_master_en_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_master_stateroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_non_smoking_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_oceanfront_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_one_bedroom_condo +concept_furniture_size_bed concept:itemfoundinroom concept_room_one_bedroom_unit +concept_furniture_size_bed concept:itemfoundinroom concept_room_one_large_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_open_loft +concept_furniture_size_bed concept:itemfoundinroom concept_room_open_plan +concept_furniture_size_bed concept:itemfoundinroom concept_room_open_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_oversized_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_plan +concept_furniture_size_bed concept:itemfoundinroom concept_room_private_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_private_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_romantic_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_second_floor +concept_furniture_size_bed concept:itemfoundinroom concept_room_second_guest_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_second_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_second_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_separate_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_setting +concept_furniture_size_bed concept:itemfoundinroom concept_room_size_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_sleeping_loft +concept_furniture_size_bed concept:itemfoundinroom concept_room_smoking_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_spacious_master +concept_furniture_size_bed concept:itemfoundinroom concept_room_spacious_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_square_feet +concept_furniture_size_bed concept:itemfoundinroom concept_room_style +concept_furniture_size_bed concept:itemfoundinroom concept_room_suite +concept_furniture_size_bed concept:itemfoundinroom concept_room_sunny_room +concept_furniture_size_bed concept:itemfoundinroom concept_room_unit +concept_furniture_size_bed concept:itemfoundinroom concept_room_upstairs_loft +concept_furniture_size_bed concept:itemfoundinroom concept_room_upstairs_loft_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_room_upstairs_master +concept_furniture_size_bed concept:itemfoundinroom concept_visualizableobject_apartment +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablescene_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablescene_condo +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablescene_mezzanine +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablescene_property +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablescene_studio +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_accommodation +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_alcove +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_balcony +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_beautiful_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bed_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_apartment +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_area +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_cottage +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_downstairs +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_loft +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_unit +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedroom_villa +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bedrooms +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_bungalow +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_casita +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_courtyard +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_double_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_downstairs +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_downstairs_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_downstairs_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_en_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_ensuite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_entrance +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_fifth_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_first_floor +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_floor_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_fourth_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_front_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_ground_floor_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_guest_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_guest_house +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_guest_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_junior_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_large_double_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_large_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_large_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_larger_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_loft_area +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_loft_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_main_floor_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_master_cabin +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_master_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_one_bedroom_apartment +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_one_bedroom_cabin +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_one_double_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_one_guest_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_one_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_quiet_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_rear_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_room_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_room_type +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_second_floor_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_second_floor_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_second_level +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_second_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_separate_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_seperate_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_single_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_sleeping_area +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_smaller_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_spacious_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_stateroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_studio_apartment +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_studio_suite +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_terrace +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_third_room +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_upper_level +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_upstairs_master_bedroom +concept_furniture_size_bed concept:itemfoundinroom concept_visualizablething_villas +concept_furniture_sleep_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleep_sofa concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_sleep_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_sleep_sofa concept:itemfoundinroom concept_room_area +concept_furniture_sleep_sofas concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_couch concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_couch concept:furniturefoundinroom concept_room_area +concept_furniture_sleeper_couch concept:furniturefoundinroom concept_room_lounge +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_great_room +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_great_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_living_rooms +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_room_area +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_den +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_family_room +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_large_living_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_room_large_living_area +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_level +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_living_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_room_living_area +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_loft +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_room_loft +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_lounge +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_room_separate_living_area +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_suite +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_room_sunroom +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablescene_areas +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_visualizablescene_bedroom +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_visualizablething_bedrooms +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablething_parlor +concept_furniture_sleeper_sofa concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_sleeper_sofa concept:itemfoundinroom concept_visualizablething_room_area +concept_furniture_sleeper_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_sofas concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sleeper_sofas concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_officebuildingroom_large_bedroom +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_room_large_room +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_room_master +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_visualizablething_master_suite +concept_furniture_sleigh_bed concept:furniturefoundinroom concept_visualizablething_spacious_room +concept_furniture_sleigh_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_comfortable_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_great_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_living_rooms +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_main_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_sofa concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_sofa concept:furniturefoundinroom concept_room_area +concept_furniture_sofa concept:itemfoundinroom concept_room_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_cozy_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_room_den +concept_furniture_sofa concept:furniturefoundinroom concept_room_den_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_family +concept_furniture_sofa concept:furniturefoundinroom concept_room_family_room +concept_furniture_sofa concept:furniturefoundinroom concept_room_furnished_living_room +concept_furniture_sofa concept:furniturefoundinroom concept_room_large_living_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_level +concept_furniture_sofa concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_living_dining +concept_furniture_sofa concept:furniturefoundinroom concept_room_living_dining_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_living_space +concept_furniture_sofa concept:furniturefoundinroom concept_room_loft +concept_furniture_sofa concept:furniturefoundinroom concept_room_lounge +concept_furniture_sofa concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_main_living_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_office +concept_furniture_sofa concept:furniturefoundinroom concept_room_open_loft +concept_furniture_sofa concept:furniturefoundinroom concept_room_parlor_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_separate_living_room_area +concept_furniture_sofa concept:furniturefoundinroom concept_room_separate_sitting_room +concept_furniture_sofa concept:furniturefoundinroom concept_room_study +concept_furniture_sofa concept:furniturefoundinroom concept_room_suite +concept_furniture_sofa concept:furniturefoundinroom concept_room_sunroom +concept_furniture_sofa concept:furniturefoundinroom concept_room_unit +concept_furniture_sofa concept:furniturefoundinroom concept_visualizablething_downstairs +concept_furniture_sofa concept:furniturefoundinroom concept_visualizablething_loft_area +concept_furniture_sofa concept:furniturefoundinroom concept_visualizablething_parlor +concept_furniture_sofa concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_sofa concept:furniturefoundinroom concept_visualizablething_seating_area +concept_furniture_sofa__love_seat_sets concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_comfortable_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_kitchen_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_living_rooms +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_lounge_dining_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_lounge_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_one_bedroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_area +concept_furniture_sofa_bed concept:itemfoundinroom concept_room_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_bright_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_den +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_family_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_furnished_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_ground_floor +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_large_living_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_large_lounge +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_large_sitting_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_living_space +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_loft +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_lounge +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_office +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_second_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_separate_lounge +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_separate_lounge_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_separate_sitting_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_small_lounge +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_spacious_lounge +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_study +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_suite +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_sunroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_unit +concept_furniture_sofa_bed concept:furniturefoundinroom concept_room_wide_living_room +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizableobject_apartment +concept_furniture_sofa_bed concept:itemfoundinroom concept_visualizableobject_apartment +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablescene_mezzanine +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablescene_studio +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablething_parlor +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablething_room_area +concept_furniture_sofa_bed concept:itemfoundinroom concept_visualizablething_room_area +concept_furniture_sofa_bed concept:furniturefoundinroom concept_visualizablething_seating_area +concept_furniture_sofa_beds concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sofa_beds concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sofa_beds concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofa_beds concept:furniturefoundinroom concept_room_area +concept_furniture_sofa_beds concept:itemfoundinroom concept_room_area +concept_furniture_sofa_beds concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofa_beds concept:furniturefoundinroom concept_room_lounge +concept_furniture_sofa_beds concept:furniturefoundinroom concept_visualizablescene_areas +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_great_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sofa_sleeper concept:itemfoundinroom concept_officebuildingroom_living_room_area +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_area +concept_furniture_sofa_sleeper concept:itemfoundinroom concept_room_area +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_den +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_family_room +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_loft +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_separate_living_area +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_room_suite +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sofa_sleeper concept:furniturefoundinroom concept_visualizablething_parlor +concept_furniture_sofa_sleepers concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofa_sleepers concept:furniturefoundinroom concept_officebuildingroom_living_rooms +concept_furniture_sofa_sleepers concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_living_dining_room +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_livingroom +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_separate_living_room +concept_furniture_sofabed concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofabed concept:furniturefoundinroom concept_room_area +concept_furniture_sofabed concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofabed concept:furniturefoundinroom concept_room_lounge +concept_furniture_sofabed concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_sofabed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_sofabeds concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofas concept:furniturefoundinroom concept_officebuildingroom_large_living_room +concept_furniture_sofas concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_sofas concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_sofas concept:furniturefoundinroom concept_officebuildingroom_sitting_room +concept_furniture_sofas concept:furniturefoundinroom concept_officebuildingroom_spacious_living_room +concept_furniture_sofas concept:furniturefoundinroom concept_room_area +concept_furniture_sofas concept:furniturefoundinroom concept_room_living_area +concept_furniture_sofas concept:furniturefoundinroom concept_room_lounge +concept_furniture_sofas concept:furniturefoundinroom concept_room_lounge_area +concept_furniture_style_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_style_beds concept:itemfoundinroom concept_visualizablescene_bedroom +concept_furniture_swivel_chairs concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_table concept:furniturefoundinroom concept_officebuildingroom_dining_room +concept_furniture_table concept:furniturefoundinroom concept_room_kitchen +concept_furniture_television_armoires concept:furniturefoundinroom concept_room_entertainment_center +concept_furniture_television_armoires concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_toilets concept:itemfoundinroom concept_officebuildingroom_rooms +concept_furniture_toilets concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_toilets concept:itemfoundinroom concept_visualizablething_bathrooms +concept_furniture_trundle concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_trundle_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_trundles concept:latitudelongitude 35.8867500000000,-83.7324000000000 +concept_furniture_tv concept:itemfoundinroom concept_visualizablething_bathroom +concept_furniture_tv_cabinet concept:furniturefoundinroom concept_officebuildingroom_living_room +concept_furniture_twin_bed concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_twin_bed concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_guest_room +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_guest_rooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_guestrooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_spacious_rooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_staterooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_suites +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_third_bedroom +concept_furniture_twin_beds concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_room_master +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablething_cabins +concept_furniture_twin_beds concept:itemfoundinroom concept_visualizablething_cabins +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablething_guest_bedroom +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_twin_beds concept:furniturefoundinroom concept_visualizablething_separate_bedroom +concept_furniture_twin_size concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_twin_size_beds_with_nightstands concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_twin_size_headboard_and_footboard concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_two_chairs concept:furniturefoundinroom concept_visualizablething_balcony +concept_furniture_vanities concept:furniturefoundinroom concept_officebuildingroom_large_master +concept_furniture_vanities concept:furniturefoundinroom concept_officebuildingroom_master_bath +concept_furniture_vanities concept:furniturefoundinroom concept_officebuildingroom_master_bathroom +concept_furniture_vanities concept:furniturefoundinroom concept_officebuildingroom_spacious_bathrooms +concept_furniture_vanities concept:furniturefoundinroom concept_room_bath +concept_furniture_vanities concept:furniturefoundinroom concept_room_master +concept_furniture_vanities concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_vanities concept:furniturefoundinroom concept_visualizablething_bathrooms +concept_furniture_vanity_sinks concept:furniturefoundinroom concept_room_master +concept_furniture_vanity_sinks concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_wardrobe concept:itemfoundinroom concept_room_master +concept_furniture_wardrobe concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_wardrobe concept:furniturefoundinroom concept_visualizablething_double_bedroom +concept_furniture_wardrobe concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_wardrobe concept:furniturefoundinroom concept_visualizablething_twin_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_further_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_further_double_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_guest_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_large_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_large_double_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_rooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_second_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_spacious_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_officebuildingroom_two_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_area +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_bedded_room +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_ground_floor +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_level +concept_furniture_wardrobes concept:itemfoundinroom concept_room_master +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_one_twin_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_size_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_room_twin_beds +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablescene_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablething_bedrooms +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablething_double_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablething_master_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablething_single_bedroom +concept_furniture_wardrobes concept:furniturefoundinroom concept_visualizablething_twin_bedroom +concept_furniture_washbasins concept:furniturefoundinroom concept_visualizablething_bathroom +concept_furniture_washbasins concept:furniturefoundinroom concept_visualizablething_bathrooms +concept_furniture_whirlpool_tub concept:furniturefoundinroom concept_officebuildingroom_private_bathroom +concept_furniture_whirlpool_tub concept:furniturefoundinroom concept_room_bath +concept_furniture_whirlpool_tub concept:itemfoundinroom concept_room_master +concept_furniture_whirlpool_tub concept:furniturefoundinroom concept_room_private_bath +concept_furniture_whirlpool_tub concept:furniturefoundinroom concept_room_suite +concept_furniture_whirlpool_tub concept:furniturefoundinroom concept_visualizablething_bathroom +concept_geolocatablething_plaza_de_mayo concept:latitudelongitude -34.6083000000000,-58.3719000000000 +concept_geometricshape_activities concept:proxyfor concept_book_new +concept_geometricshape_activities concept:atdate concept_date_n1996 +concept_geometricshape_activities concept:atdate concept_date_n1999 +concept_geometricshape_activities concept:atdate concept_date_n2000 +concept_geometricshape_activities concept:atdate concept_date_n2001 +concept_geometricshape_activities concept:atdate concept_date_n2003 +concept_geometricshape_activities concept:atdate concept_date_n2004 +concept_geometricshape_activities concept:atdate concept_date_n2009 +concept_geometricshape_activities concept:atdate concept_dateliteral_n2002 +concept_geometricshape_activities concept:atdate concept_dateliteral_n2005 +concept_geometricshape_activities concept:atdate concept_dateliteral_n2006 +concept_geometricshape_activities concept:atdate concept_dateliteral_n2007 +concept_geometricshape_activities concept:atdate concept_dateliteral_n2008 +concept_geometricshape_activities concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_activities concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_activities concept:atdate concept_year_n1995 +concept_geometricshape_activities concept:atdate concept_year_n1997 +concept_geometricshape_activities concept:atdate concept_year_n1998 +concept_geometricshape_addition concept:proxyfor concept_book_new +concept_geometricshape_addition concept:atdate concept_date_n2000 +concept_geometricshape_altitude concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_anchorage concept:atlocation concept_city_alaska +concept_geometricshape_anchorage concept:subpartof concept_city_alaska +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_line +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_lines +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_plane +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_right_triangle +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_side +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_sides +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_triangles +concept_geometricshape_angle concept:thinghasshape concept_geometricshape_two_sides +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_interior_angles +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_plane_triangle +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_right_triangle +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_side +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_sides +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_sum +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_angles concept:thinghasshape concept_geometricshape_triangles +concept_geometricshape_area concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_area concept:thinghasshape concept_geometricshape_triangles +concept_geometricshape_areas concept:thinghasshape concept_geometricshape_triangles +concept_geometricshape_artwork concept:atdate concept_dateliteral_n2006 +concept_geometricshape_back concept:thinghascolor concept_color_grey +concept_geometricshape_base concept:proxyfor concept_book_new +concept_geometricshape_base concept:thinghascolor concept_color_grey +concept_geometricshape_base concept:atdate concept_date_n2004 +concept_geometricshape_base concept:atdate concept_dateliteral_n2002 +concept_geometricshape_base concept:atdate concept_dateliteral_n2006 +concept_geometricshape_base concept:atdate concept_dateliteral_n2007 +concept_geometricshape_base concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_bases concept:proxyfor concept_book_new +concept_geometricshape_basis concept:atdate concept_date_n1993 +concept_geometricshape_basis concept:atdate concept_date_n1999 +concept_geometricshape_basis concept:atdate concept_date_n2000 +concept_geometricshape_basis concept:atdate concept_date_n2003 +concept_geometricshape_basis concept:atdate concept_date_n2004 +concept_geometricshape_basis concept:atdate concept_dateliteral_n2002 +concept_geometricshape_basis concept:atdate concept_dateliteral_n2005 +concept_geometricshape_basis concept:atdate concept_dateliteral_n2006 +concept_geometricshape_basis concept:atdate concept_dateliteral_n2007 +concept_geometricshape_basis concept:atdate concept_dateliteral_n2008 +concept_geometricshape_basis concept:atdate concept_year_n1986 +concept_geometricshape_basis concept:atdate concept_year_n1995 +concept_geometricshape_benefit concept:agentparticipatedinevent concept_eventoutcome_result +concept_geometricshape_big_square concept:latitudelongitude 34.3848000000000,-102.4696500000000 +concept_geometricshape_binary concept:synonymfor concept_physicalaction_apply +concept_geometricshape_blue_square concept:latitudelongitude 52.3794700000000,4.8206700000000 +concept_geometricshape_bolivia concept:atdate concept_date_n1996 +concept_geometricshape_bolivia concept:atdate concept_date_n2001 +concept_geometricshape_bolivia concept:atdate concept_date_n2004 +concept_geometricshape_bolivia concept:atdate concept_dateliteral_n2005 +concept_geometricshape_bolivia concept:atdate concept_dateliteral_n2006 +concept_geometricshape_bolivia concept:atdate concept_dateliteral_n2007 +concept_geometricshape_bolivia concept:atdate concept_dateliteral_n2008 +concept_geometricshape_bolivia concept:synonymfor concept_politicalparty_republic +concept_geometricshape_borders concept:proxyfor concept_book_new +concept_geometricshape_borders concept:subpartof concept_comedian_george_jones +concept_geometricshape_bottom concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_cases concept:proxyfor concept_book_new +concept_geometricshape_cases concept:atdate concept_dateliteral_n2002 +concept_geometricshape_cases concept:atdate concept_dateliteral_n2005 +concept_geometricshape_cases concept:atdate concept_dateliteral_n2006 +concept_geometricshape_cases concept:atdate concept_dateliteral_n2008 +concept_geometricshape_cases concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_casino concept:atdate concept_dateliteral_n2007 +concept_geometricshape_casino concept:subpartof concept_visualizablething_vega +concept_geometricshape_casino concept:subpartof concept_visualizablething_vegas_loans +concept_geometricshape_casino concept:subpartof concept_visualizablething_vegas_nv +concept_geometricshape_casinos concept:atlocation concept_building_vegas +concept_geometricshape_casinos concept:subpartof concept_traditionalgame_vegas +concept_geometricshape_centroid concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_circle concept:thinghasshape concept_ceo_online_application_form +concept_geometricshape_circle concept:thinghasshape concept_geometricshape_figure +concept_geometricshape_circle concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_circumcircle concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_colleges concept:mutualproxyfor concept_book_new +concept_geometricshape_colleges concept:atdate concept_dateliteral_n2008 +concept_geometricshape_colleges concept:synonymfor concept_university_state_university +concept_geometricshape_commences concept:atdate concept_date_n2009 +concept_geometricshape_complex concept:proxyfor concept_book_new +concept_geometricshape_complex concept:atdate concept_dateliteral_n2006 +concept_geometricshape_complex concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_complex_number concept:latitudelongitude 29.2363500000000,-95.3307666666667 +concept_geometricshape_computer concept:proxyfor concept_book_new +concept_geometricshape_computer concept:atdate concept_dateliteral_n2002 +concept_geometricshape_computer concept:atdate concept_dateliteral_n2007 +concept_geometricshape_computer concept:atdate concept_year_n1983 +concept_geometricshape_cone concept:thinghasshape concept_ceo_online_application_form +concept_geometricshape_congruent_sides concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_construction concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_cool_shade concept:latitudelongitude 17.1583350000000,-88.9666700000000 +concept_geometricshape_corners concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_course concept:atdate concept_date_n1999 +concept_geometricshape_course concept:atdate concept_date_n2000 +concept_geometricshape_course concept:atdate concept_date_n2001 +concept_geometricshape_course concept:atdate concept_date_n2003 +concept_geometricshape_course concept:atdate concept_date_n2004 +concept_geometricshape_course concept:atdate concept_date_n2009 +concept_geometricshape_course concept:atdate concept_dateliteral_n2002 +concept_geometricshape_course concept:atdate concept_dateliteral_n2005 +concept_geometricshape_course concept:atdate concept_dateliteral_n2006 +concept_geometricshape_course concept:atdate concept_dateliteral_n2007 +concept_geometricshape_course concept:atdate concept_dateliteral_n2008 +concept_geometricshape_course concept:atdate concept_month_november +concept_geometricshape_course concept:istallerthan concept_publication_people_ +concept_geometricshape_course concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_course concept:atdate concept_year_n1991 +concept_geometricshape_course concept:atdate concept_year_n1992 +concept_geometricshape_course concept:atdate concept_year_n1994 +concept_geometricshape_course concept:atdate concept_year_n1995 +concept_geometricshape_course concept:atdate concept_year_n1998 +concept_geometricshape_cylinder concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_definition concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_degree concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_degrees concept:proxyfor concept_book_new +concept_geometricshape_degrees concept:atdate concept_dateliteral_n2008 +concept_geometricshape_desert_moon concept:latitudelongitude 33.6957100000000,-112.4159100000000 +concept_geometricshape_diagram concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_diamond concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_diamond concept:thinghasshape concept_geometricshape_shapes +concept_geometricshape_disc concept:atdate concept_dateliteral_n2007 +concept_geometricshape_disc concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_disk concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_distinction concept:atdate concept_date_n2003 +concept_geometricshape_distinction concept:atdate concept_date_n2004 +concept_geometricshape_distinction concept:atdate concept_dateliteral_n2006 +concept_geometricshape_draw concept:atdate concept_dateliteral_n2006 +concept_geometricshape_draw concept:atdate concept_dateliteral_n2008 +concept_geometricshape_earth concept:proxyfor concept_book_new +concept_geometricshape_earth concept:atdate concept_date_n2003 +concept_geometricshape_earth concept:atdate concept_date_n2009 +concept_geometricshape_earth concept:atdate concept_dateliteral_n2006 +concept_geometricshape_earth concept:atdate concept_dateliteral_n2008 +concept_geometricshape_earth concept:istallerthan concept_publication_people_ +concept_geometricshape_earth concept:atdate concept_year_n1997 +concept_geometricshape_earth concept:atdate concept_year_n1998 +concept_geometricshape_edges concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_education concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_effect concept:atdate concept_date_n1976 +concept_geometricshape_effect concept:atdate concept_date_n1993 +concept_geometricshape_effect concept:atdate concept_date_n1996 +concept_geometricshape_effect concept:atdate concept_date_n1999 +concept_geometricshape_effect concept:atdate concept_date_n2000 +concept_geometricshape_effect concept:atdate concept_date_n2001 +concept_geometricshape_effect concept:atdate concept_date_n2003 +concept_geometricshape_effect concept:atdate concept_date_n2004 +concept_geometricshape_effect concept:atdate concept_date_n2009 +concept_geometricshape_effect concept:atdate concept_dateliteral_n1987 +concept_geometricshape_effect concept:atdate concept_dateliteral_n1990 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2002 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2005 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2006 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2007 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2008 +concept_geometricshape_effect concept:atdate concept_dateliteral_n2010 +concept_geometricshape_effect concept:atdate concept_year_n1963 +concept_geometricshape_effect concept:atdate concept_year_n1974 +concept_geometricshape_effect concept:atdate concept_year_n1975 +concept_geometricshape_effect concept:atdate concept_year_n1978 +concept_geometricshape_effect concept:atdate concept_year_n1981 +concept_geometricshape_effect concept:atdate concept_year_n1984 +concept_geometricshape_effect concept:atdate concept_year_n1986 +concept_geometricshape_effect concept:atdate concept_year_n1988 +concept_geometricshape_effect concept:atdate concept_year_n1991 +concept_geometricshape_effect concept:atdate concept_year_n1992 +concept_geometricshape_effect concept:atdate concept_year_n1994 +concept_geometricshape_effect concept:atdate concept_year_n1995 +concept_geometricshape_effect concept:atdate concept_year_n1997 +concept_geometricshape_effect concept:atdate concept_year_n1998 +concept_geometricshape_effectiveness concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_ellipse concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_ellipsoid concept:latitudelongitude -77.8000000000000,163.8166700000000 +concept_geometricshape_elohim concept:istallerthan concept_publication_people_ +concept_geometricshape_enterprises concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_equal_sides concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_euclid concept:atlocation concept_stateorprovince_ohio +concept_geometricshape_example concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_fall concept:thinghascolor concept_color_yellow +concept_geometricshape_figure concept:proxyfor concept_book_new +concept_geometricshape_figure concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_figures concept:atdate concept_dateliteral_n2005 +concept_geometricshape_finance concept:proxyfor concept_book_new +concept_geometricshape_finance concept:atdate concept_date_n2000 +concept_geometricshape_finance concept:atdate concept_date_n2001 +concept_geometricshape_finance concept:atdate concept_date_n2003 +concept_geometricshape_finance concept:atdate concept_date_n2004 +concept_geometricshape_finance concept:atdate concept_dateliteral_n2002 +concept_geometricshape_finance concept:atdate concept_dateliteral_n2005 +concept_geometricshape_finance concept:atdate concept_dateliteral_n2008 +concept_geometricshape_finance concept:atdate concept_year_n1998 +concept_geometricshape_flow concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_games concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_geometricshape_geography concept:proxyfor concept_book_new +concept_geometricshape_hours concept:atlocation concept_building_west +concept_geometricshape_hours concept:atlocation concept_hotel_north +concept_geometricshape_hours concept:atlocation concept_website_south +concept_geometricshape_hypotenuse concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_ideal concept:proxyfor concept_book_new +concept_geometricshape_interest concept:proxyfor concept_book_new +concept_geometricshape_interest concept:atdate concept_date_n2001 +concept_geometricshape_interest concept:atdate concept_dateliteral_n2002 +concept_geometricshape_interest concept:atdate concept_dateliteral_n2006 +concept_geometricshape_interest concept:atdate concept_dateliteral_n2008 +concept_geometricshape_kids concept:atdate concept_dateliteral_n2006 +concept_geometricshape_knot concept:atdate concept_date_n2003 +concept_geometricshape_knot concept:atdate concept_dateliteral_n2005 +concept_geometricshape_knot concept:atdate concept_dateliteral_n2006 +concept_geometricshape_knot concept:atdate concept_dateliteral_n2007 +concept_geometricshape_knot concept:atdate concept_dateliteral_n2008 +concept_geometricshape_landscape concept:mutualproxyfor concept_book_new +concept_geometricshape_landscape concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_length concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_letters concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geometricshape_line concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_lines concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_liquid concept:thinghascolor concept_color_yellow +concept_geometricshape_logo concept:atdate concept_dateliteral_n2006 +concept_geometricshape_masers concept:latitudelongitude 47.7166700000000,10.2333300000000 +concept_geometricshape_mode concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_n900_sq concept:thinghasshape concept_geometricshape_space +concept_geometricshape_object concept:thinghascolor concept_color_blue +concept_geometricshape_object concept:thinghascolor concept_color_orange +concept_geometricshape_object concept:synonymfor concept_hobby_exploring +concept_geometricshape_one_point concept:latitudelongitude -10.1000000000000,147.8500000000000 +concept_geometricshape_one_point concept:proxyfor concept_book_new +concept_geometricshape_one_point concept:atdate concept_date_n2003 +concept_geometricshape_operations concept:subpartof concept_beverage_municipal_water +concept_geometricshape_operations concept:subpartof concept_visualizablething_water_supply +concept_geometricshape_operations concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_operations concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_origins concept:proxyfor concept_book_new +concept_geometricshape_oval concept:thinghasshape concept_geometricshape_shapes +concept_geometricshape_paisleys concept:latitudelongitude -23.7166700000000,133.3500000000000 +concept_geometricshape_palm_springs concept:atlocation concept_city_florida +concept_geometricshape_palm_springs concept:mutualproxyfor concept_musicartist_sonny_bono +concept_geometricshape_paper concept:thinghascolor concept_color_blue +concept_geometricshape_peak concept:atdate concept_date_n1999 +concept_geometricshape_peak concept:atdate concept_date_n2000 +concept_geometricshape_peak concept:atdate concept_date_n2001 +concept_geometricshape_peak concept:atdate concept_date_n2003 +concept_geometricshape_peak concept:atdate concept_date_n2004 +concept_geometricshape_peak concept:atdate concept_dateliteral_n2002 +concept_geometricshape_peak concept:atdate concept_dateliteral_n2005 +concept_geometricshape_peak concept:atdate concept_dateliteral_n2006 +concept_geometricshape_peak concept:atdate concept_dateliteral_n2007 +concept_geometricshape_peak concept:atdate concept_dateliteral_n2008 +concept_geometricshape_peak concept:atdate concept_year_n1994 +concept_geometricshape_peak concept:atdate concept_year_n1997 +concept_geometricshape_peak concept:atdate concept_year_n1998 +concept_geometricshape_percent concept:proxyfor concept_book_new +concept_geometricshape_percent concept:atdate concept_date_n1993 +concept_geometricshape_percent concept:atdate concept_date_n1996 +concept_geometricshape_percent concept:atdate concept_date_n1999 +concept_geometricshape_percent concept:atdate concept_date_n2000 +concept_geometricshape_percent concept:atdate concept_date_n2001 +concept_geometricshape_percent concept:atdate concept_date_n2003 +concept_geometricshape_percent concept:atdate concept_date_n2004 +concept_geometricshape_percent concept:atdate concept_dateliteral_n2002 +concept_geometricshape_percent concept:atdate concept_dateliteral_n2005 +concept_geometricshape_percent concept:atdate concept_dateliteral_n2006 +concept_geometricshape_percent concept:atdate concept_dateliteral_n2007 +concept_geometricshape_percent concept:atdate concept_dateliteral_n2008 +concept_geometricshape_percent concept:atdate concept_year_n1982 +concept_geometricshape_percent concept:atdate concept_year_n1988 +concept_geometricshape_percent concept:atdate concept_year_n1995 +concept_geometricshape_percent concept:atdate concept_year_n1997 +concept_geometricshape_percent concept:atdate concept_year_n1998 +concept_geometricshape_perimeter concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_picture concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_piece concept:proxyfor concept_book_new +concept_geometricshape_piece concept:atdate concept_date_n2000 +concept_geometricshape_piece concept:atdate concept_date_n2003 +concept_geometricshape_piece concept:atdate concept_dateliteral_n2002 +concept_geometricshape_piece concept:atdate concept_dateliteral_n2005 +concept_geometricshape_plane concept:atdate concept_dateliteral_n2007 +concept_geometricshape_plot concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_point concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_procedure concept:atdate concept_date_n1999 +concept_geometricshape_procedure concept:atdate concept_date_n2003 +concept_geometricshape_procedure concept:atdate concept_date_n2004 +concept_geometricshape_procedure concept:atdate concept_dateliteral_n2006 +concept_geometricshape_procedure concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_procedure concept:atdate concept_year_n1997 +concept_geometricshape_processes concept:subpartof concept_visualizableattribute_current_water +concept_geometricshape_processes concept:subpartof concept_visualizableattribute_drinking_water +concept_geometricshape_properties concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_property concept:proxyfor concept_book_new +concept_geometricshape_property concept:mutualproxyfor concept_coach_n3 +concept_geometricshape_property concept:atdate concept_date_n1993 +concept_geometricshape_property concept:atdate concept_date_n1996 +concept_geometricshape_property concept:atdate concept_date_n1999 +concept_geometricshape_property concept:atdate concept_date_n2000 +concept_geometricshape_property concept:atdate concept_date_n2003 +concept_geometricshape_property concept:atdate concept_date_n2004 +concept_geometricshape_property concept:atdate concept_date_n2009 +concept_geometricshape_property concept:atdate concept_dateliteral_n2002 +concept_geometricshape_property concept:atdate concept_dateliteral_n2005 +concept_geometricshape_property concept:atdate concept_dateliteral_n2006 +concept_geometricshape_property concept:atdate concept_dateliteral_n2007 +concept_geometricshape_property concept:atdate concept_dateliteral_n2008 +concept_geometricshape_property concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_property concept:subpartof concept_hallwayitem_gas +concept_geometricshape_property concept:mutualproxyfor concept_mldataset_n2 +concept_geometricshape_property concept:mutualproxyfor concept_vehicle_three +concept_geometricshape_property concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_property concept:mutualproxyfor concept_weatherphenomenon_two +concept_geometricshape_property concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_property concept:atdate concept_year_n1991 +concept_geometricshape_property concept:atdate concept_year_n1992 +concept_geometricshape_property concept:atdate concept_year_n1994 +concept_geometricshape_property concept:atdate concept_year_n1995 +concept_geometricshape_property concept:atdate concept_year_n1997 +concept_geometricshape_property concept:atdate concept_year_n1998 +concept_geometricshape_queens concept:proxyfor concept_book_new +concept_geometricshape_queens concept:proxyfor concept_company_new_york +concept_geometricshape_queens concept:subpartof concept_company_new_york +concept_geometricshape_rates concept:atdate concept_date_n2004 +concept_geometricshape_rates concept:atdate concept_dateliteral_n2005 +concept_geometricshape_rates concept:atdate concept_dateliteral_n2006 +concept_geometricshape_rates concept:atdate concept_dateliteral_n2007 +concept_geometricshape_rates concept:atdate concept_dateliteral_n2008 +concept_geometricshape_rates concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_rates concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_reflection concept:proxyfor concept_book_new +concept_geometricshape_region concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_region concept:subpartof concept_website_blood +concept_geometricshape_relationship concept:proxyfor concept_book_new +concept_geometricshape_relationship concept:atdate concept_date_n2001 +concept_geometricshape_relationship concept:atdate concept_dateliteral_n2002 +concept_geometricshape_relationship concept:atdate concept_dateliteral_n2005 +concept_geometricshape_relationship concept:atdate concept_dateliteral_n2006 +concept_geometricshape_relationship concept:atdate concept_dateliteral_n2007 +concept_geometricshape_relationship concept:atdate concept_dateliteral_n2008 +concept_geometricshape_right concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geometricshape_right concept:agentcompeteswithagent concept_personcanada_search +concept_geometricshape_right_angle concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_right_angled_triangle concept:thinghasshape concept_geometricshape_length +concept_geometricshape_right_triangle concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_right_triangle concept:thinghasshape concept_geometricshape_hypotenuse +concept_geometricshape_right_triangle concept:thinghasshape concept_geometricshape_length +concept_geometricshape_right_triangle concept:thinghasshape concept_geometricshape_sides +concept_geometricshape_right_triangle concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_round concept:thinghasshape concept_ceo_online_application_form +concept_geometricshape_round concept:thinghasshape concept_geometricshape_base +concept_geometricshape_round concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_round concept:thinghasshape concept_geometricshape_shapes +concept_geometricshape_round concept:thinghasshape concept_geometricshape_table +concept_geometricshape_search concept:agentcompeteswithagent concept_blog___google +concept_geometricshape_search concept:agentcompeteswithagent concept_blog_google +concept_geometricshape_search concept:agentcompeteswithagent concept_company_google_inc +concept_geometricshape_search concept:agentcompeteswithagent concept_person_set +concept_geometricshape_search concept:agentcompeteswithagent concept_politicsblog_yahoo_com +concept_geometricshape_search concept:agentcompeteswithagent concept_website_adwords_google +concept_geometricshape_search concept:agentcompeteswithagent concept_website_use_google +concept_geometricshape_sector concept:subpartof concept_beverage_municipal_water +concept_geometricshape_sector concept:proxyfor concept_book_new +concept_geometricshape_sector concept:atdate concept_date_n1999 +concept_geometricshape_sector concept:atdate concept_date_n2001 +concept_geometricshape_sector concept:atdate concept_date_n2003 +concept_geometricshape_sector concept:atdate concept_dateliteral_n2002 +concept_geometricshape_sector concept:atdate concept_dateliteral_n2006 +concept_geometricshape_sector concept:atdate concept_dateliteral_n2007 +concept_geometricshape_sector concept:atdate concept_dateliteral_n2008 +concept_geometricshape_sector concept:subpartof concept_visualizableattribute_drinking_water +concept_geometricshape_sector concept:subpartof concept_visualizablething_water_supply +concept_geometricshape_sector concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_sector concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_sectors concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_sectors concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_segment concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_segment concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_sense concept:proxyfor concept_book_new +concept_geometricshape_set concept:atdate concept_date_n2000 +concept_geometricshape_set concept:atdate concept_date_n2004 +concept_geometricshape_set concept:atdate concept_date_n2009 +concept_geometricshape_set concept:atdate concept_dateliteral_n2002 +concept_geometricshape_set concept:atdate concept_dateliteral_n2006 +concept_geometricshape_set concept:atdate concept_dateliteral_n2008 +concept_geometricshape_shape concept:proxyfor concept_book_new +concept_geometricshape_shape concept:atdate concept_dateliteral_n2007 +concept_geometricshape_shape concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_ship concept:proxyfor concept_book_new +concept_geometricshape_ship concept:atdate concept_date_n1944 +concept_geometricshape_ship concept:atdate concept_date_n1999 +concept_geometricshape_ship concept:atdate concept_date_n2003 +concept_geometricshape_ship concept:atdate concept_date_n2009 +concept_geometricshape_ship concept:atdate concept_dateliteral_n2002 +concept_geometricshape_ship concept:atdate concept_dateliteral_n2005 +concept_geometricshape_ship concept:atdate concept_dateliteral_n2006 +concept_geometricshape_ship concept:atdate concept_dateliteral_n2008 +concept_geometricshape_side concept:thinghascolor concept_color_brown +concept_geometricshape_side concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_side concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_sides concept:thinghascolor concept_color_brown +concept_geometricshape_sides concept:thinghascolor concept_color_coat +concept_geometricshape_sides concept:atdate concept_dateliteral_n2006 +concept_geometricshape_sides concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_sides concept:thinghasshape concept_geometricshape_right_triangle +concept_geometricshape_sides concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_sides concept:thinghasshape concept_geometricshape_triangles +concept_geometricshape_size concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_smallest concept:latitudelongitude 43.1130300000000,-91.8794700000000 +concept_geometricshape_southern_california concept:proxyfor concept_book_new +concept_geometricshape_southern_california concept:atdate concept_date_n2003 +concept_geometricshape_southern_california concept:atdate concept_dateliteral_n2005 +concept_geometricshape_southern_california concept:atdate concept_dateliteral_n2007 +concept_geometricshape_southern_california concept:atdate concept_dateliteral_n2008 +concept_geometricshape_space concept:atdate concept_dateliteral_n2008 +concept_geometricshape_sphere concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_sq concept:thinghasshape concept_geometricshape_area +concept_geometricshape_sq concept:thinghasshape concept_geometricshape_property +concept_geometricshape_sq concept:thinghasshape concept_geometricshape_space +concept_geometricshape_sq concept:thinghasshape concept_geometricshape_surface +concept_geometricshape_stack concept:synonymfor concept_furniture_lamp +concept_geometricshape_sum concept:atdate concept_dateliteral_n2006 +concept_geometricshape_surface concept:subpartof concept_website_blood +concept_geometricshape_symmetry concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_theory concept:subpartof concept_weatherphenomenon_air +concept_geometricshape_thirds concept:proxyfor concept_book_new +concept_geometricshape_three_sides concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_three_triangles concept:latitudelongitude 17.3500000000000,-88.2000000000000 +concept_geometricshape_trapezoid concept:thinghasshape concept_geometricshape_sides +concept_geometricshape_triange concept:latitudelongitude 43.0633300000000,-89.4270600000000 +concept_geometricshape_triangles concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_triangles concept:thinghasshape concept_geometricshape_area +concept_geometricshape_triangles concept:thinghasshape concept_geometricshape_areas +concept_geometricshape_triangular concept:thinghasshape concept_geometricshape_shape +concept_geometricshape_trines concept:latitudelongitude 34.9541700000000,33.3458300000000 +concept_geometricshape_two_sides concept:thinghasshape concept_geometricshape_angle +concept_geometricshape_two_sides concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_units concept:subpartof concept_beverage_home_water +concept_geometricshape_units concept:atdate concept_date_n2003 +concept_geometricshape_units concept:atdate concept_dateliteral_n2002 +concept_geometricshape_units concept:atdate concept_dateliteral_n2005 +concept_geometricshape_units concept:atdate concept_dateliteral_n2006 +concept_geometricshape_units concept:atdate concept_dateliteral_n2007 +concept_geometricshape_units concept:atdate concept_dateliteral_n2008 +concept_geometricshape_units concept:subpartof concept_visualizablething_home_air +concept_geometricshape_variables concept:subpartof concept_weatherphenomenon_water +concept_geometricshape_variation concept:proxyfor concept_book_new +concept_geometricshape_vertex concept:thinghasshape concept_geometricshape_triangle +concept_geometricshape_vertices concept:thinghasshape concept_geometricshape_triangle +concept_geopoliticallocation_adrian concept:proxyfor concept_creditunion_michigan +concept_geopoliticallocation_adrian concept:atlocation concept_stateorprovince_michigan +concept_geopoliticallocation_agencies concept:subpartof concept_beverage_local_water +concept_geopoliticallocation_agencies concept:subpartoforganization concept_city_communities +concept_geopoliticallocation_agencies concept:subpartoforganization concept_city_districts +concept_geopoliticallocation_agencies concept:atdate concept_date_n2001 +concept_geopoliticallocation_agencies concept:atdate concept_date_n2003 +concept_geopoliticallocation_agencies concept:atdate concept_date_n2004 +concept_geopoliticallocation_agencies concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_agencies concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_courts +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_department +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_federal +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_government +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_governments +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_industry +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_u_s__department +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_united_states_department +concept_geopoliticallocation_agencies concept:subpartoforganization concept_governmentorganization_us_department +concept_geopoliticallocation_agencies concept:subpartoforganization concept_landscapefeatures_states +concept_geopoliticallocation_agencies concept:subpartoforganization concept_nonprofitorganization_organizations +concept_geopoliticallocation_agencies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticallocation_agencies concept:subpartoforganization concept_politicalparty_federal_government +concept_geopoliticallocation_agencies concept:subpartoforganization concept_politicalparty_public +concept_geopoliticallocation_agencies concept:subpartoforganization concept_sportsteam_universities +concept_geopoliticallocation_agencies concept:subpartoforganization concept_stateorprovince_california +concept_geopoliticallocation_agencies concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticallocation_agencies concept:subpartoforganization concept_tradeunion_congress +concept_geopoliticallocation_agencies concept:subpartoforganization concept_university_schools +concept_geopoliticallocation_agencies concept:atdate concept_year_n1997 +concept_geopoliticallocation_agencies concept:atdate concept_year_n1998 +concept_geopoliticallocation_air_conditioning concept:subpartof concept_transportation_central_air +concept_geopoliticallocation_air_conditioning concept:subpartof concept_university_central +concept_geopoliticallocation_air_conditioning concept:subpartof concept_vehicle_air +concept_geopoliticallocation_al concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_al concept:subpartof concept_country_usa +concept_geopoliticallocation_alaska_juneau concept:latitudelongitude 58.3400000000000,-134.5145850000000 +concept_geopoliticallocation_albion concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_americas concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_anderson concept:atlocation concept_stateorprovince_california +concept_geopoliticallocation_anderson concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_geopoliticallocation_anderson concept:proxyfor concept_stateorprovince_indiana +concept_geopoliticallocation_anderson concept:subpartof concept_stateorprovince_indiana +concept_geopoliticallocation_anderson concept:atlocation concept_stateorprovince_south_carolina +concept_geopoliticallocation_anderson concept:proxyfor concept_stateorprovince_south_carolina +concept_geopoliticallocation_ar concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_ar concept:subpartof concept_country_usa +concept_geopoliticallocation_arizona_state concept:synonymfor concept_university_state_university +concept_geopoliticallocation_arkansas_little_rock concept:latitudelongitude 34.7200700000000,-92.3372400000000 +concept_geopoliticallocation_arms concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_arms concept:subpartof concept_website_blood +concept_geopoliticallocation_arrecife concept:locationlocatedwithinlocation concept_city_lanzarote +concept_geopoliticallocation_australian_capital_territory concept:latitudelongitude -35.5000000000000,149.0000000000000 +concept_geopoliticallocation_authorities concept:subpartof concept_beverage_local_water +concept_geopoliticallocation_authorities concept:proxyfor concept_book_new +concept_geopoliticallocation_authorities concept:atdate concept_date_n1993 +concept_geopoliticallocation_authorities concept:atdate concept_date_n1999 +concept_geopoliticallocation_authorities concept:atdate concept_date_n2000 +concept_geopoliticallocation_authorities concept:atdate concept_date_n2001 +concept_geopoliticallocation_authorities concept:atdate concept_date_n2003 +concept_geopoliticallocation_authorities concept:atdate concept_date_n2004 +concept_geopoliticallocation_authorities concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_authorities concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_authorities concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_authorities concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_authorities concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_authorities concept:subpartof concept_river_state +concept_geopoliticallocation_authorities concept:subpartof concept_weatherphenomenon_water +concept_geopoliticallocation_authorities concept:atdate concept_year_n1995 +concept_geopoliticallocation_authorities concept:atdate concept_year_n1998 +concept_geopoliticallocation_bal_harbour concept:atlocation concept_city_florida +concept_geopoliticallocation_baltics concept:countrylocatedingeopoliticallocation concept_country_countries +concept_geopoliticallocation_baltics concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_geopoliticallocation_bbw concept:latitudelongitude 41.4364000000000,-99.6423400000000 +concept_geopoliticallocation_bc concept:organizationhiredperson concept_coach_jagodzinski +concept_geopoliticallocation_bc concept:organizationhiredperson concept_coach_jeff_jagodzinski +concept_geopoliticallocation_bethany concept:atlocation concept_stateorprovince_connecticut +concept_geopoliticallocation_bethany concept:atlocation concept_stateorprovince_oklahoma +concept_geopoliticallocation_bowling_green concept:locationlocatedwithinlocation concept_stateorprovince_kentucky +concept_geopoliticallocation_bowling_green concept:atlocation concept_stateorprovince_ohio +concept_geopoliticallocation_brandon_cdp concept:atlocation concept_city_florida +concept_geopoliticallocation_burma concept:atdate concept_date_n1942 +concept_geopoliticallocation_burma concept:atdate concept_date_n1944 +concept_geopoliticallocation_burma concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_burma concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_cadillac concept:subpartoforganization concept_stateorprovince_general_motors +concept_geopoliticallocation_calistoga concept:atlocation concept_stateorprovince_california +concept_geopoliticallocation_calumet concept:proxyfor concept_creditunion_michigan +concept_geopoliticallocation_canaan concept:atlocation concept_lake_new +concept_geopoliticallocation_canaan concept:atlocation concept_stateorprovince_connecticut +concept_geopoliticallocation_cape_town_international concept:latitudelongitude -33.9648100000000,18.6016700000000 +concept_geopoliticallocation_caribbean concept:istallerthan concept_publication_people_ +concept_geopoliticallocation_carnegie_mellon concept:latitudelongitude 40.4459345454546,-79.9421227272727 +concept_geopoliticallocation_carnegie_mellon concept:synonymfor concept_university_state_university +concept_geopoliticallocation_central_michigan concept:organizationalsoknownas concept_university_state_university +concept_geopoliticallocation_central_michigan concept:synonymfor concept_university_state_university +concept_geopoliticallocation_central_pennsylvania concept:latitudelongitude 40.2033300000000,-77.2050000000000 +concept_geopoliticallocation_cliffwood concept:proxyfor concept_stateorprovince_new_jersey +concept_geopoliticallocation_clubs concept:agentparticipatedinevent concept_sportsgame_series +concept_geopoliticallocation_codes concept:proxyfor concept_book_new +concept_geopoliticallocation_colorado concept:proxyfor concept_lake_new +concept_geopoliticallocation_consortium concept:proxyfor concept_book_new +concept_geopoliticallocation_consortium concept:mutualproxyfor concept_sportsequipment_board +concept_geopoliticallocation_corporation concept:proxyfor concept_book_new +concept_geopoliticallocation_corporation concept:atdate concept_date_n1999 +concept_geopoliticallocation_corporation concept:atdate concept_date_n2000 +concept_geopoliticallocation_corporation concept:atdate concept_date_n2001 +concept_geopoliticallocation_corporation concept:atdate concept_date_n2003 +concept_geopoliticallocation_corporation concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_corporation concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_corporation concept:subpartof concept_weatherphenomenon_water +concept_geopoliticallocation_corporation concept:atdate concept_year_n1998 +concept_geopoliticallocation_css concept:organizationheadquarteredincountry concept_country_brazil +concept_geopoliticallocation_dakota concept:proxyfor concept_lake_new +concept_geopoliticallocation_dakota concept:organizationheadquarteredinstateorprovince concept_stateorprovince_illinois +concept_geopoliticallocation_dalton concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_geopoliticallocation_dalton concept:proxyfor concept_stateorprovince_georgia +concept_geopoliticallocation_debt concept:atdate concept_date_n2000 +concept_geopoliticallocation_debt concept:atdate concept_date_n2003 +concept_geopoliticallocation_debt concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_debt concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_debt concept:subpartof concept_weatherphenomenon_water +concept_geopoliticallocation_delta concept:agentactsinlocation concept_city_dakar +concept_geopoliticallocation_delta concept:agentactsinlocation concept_city_new_york +concept_geopoliticallocation_delta concept:atlocation concept_stateorprovince_new_york +concept_geopoliticallocation_delta_air concept:latitudelongitude 37.9871400000000,-121.6602300000000 +concept_geopoliticallocation_deming concept:atlocation concept_county_new_mexico +concept_geopoliticallocation_deming concept:proxyfor concept_reptile_new_mexico +concept_geopoliticallocation_distributors concept:proxyfor concept_book_new +concept_geopoliticallocation_district concept:atdate concept_date_n1993 +concept_geopoliticallocation_district concept:atdate concept_date_n1996 +concept_geopoliticallocation_district concept:atdate concept_date_n1999 +concept_geopoliticallocation_district concept:atdate concept_date_n2003 +concept_geopoliticallocation_district concept:atdate concept_date_n2004 +concept_geopoliticallocation_district concept:atdate concept_dayofweek_tuesday +concept_geopoliticallocation_district concept:atdate concept_year_n1997 +concept_geopoliticallocation_dodgeville concept:proxyfor concept_politicaloffice_wisconsin +concept_geopoliticallocation_dollar concept:atdate concept_year_n1998 +concept_geopoliticallocation_donors concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_downtown_toronto concept:latitudelongitude 43.6657500000000,-79.3844500000000 +concept_geopoliticallocation_dubai concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_dundee concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_dvd concept:atdate concept_date_n2003 +concept_geopoliticallocation_dvd concept:atdate concept_date_n2004 +concept_geopoliticallocation_dvd concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_dvd concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_dvd concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_dvd concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_dvd concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_dvd concept:atdate concept_year_n1998 +concept_geopoliticallocation_east_anglia concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_east_hants concept:locationlocatedwithinlocation concept_stateorprovince_nova_scotia +concept_geopoliticallocation_east_hants concept:proxyfor concept_stateorprovince_nova_scotia +concept_geopoliticallocation_ecuador concept:countrylocatedingeopoliticallocation concept_country_countries +concept_geopoliticallocation_ecuador concept:countryalsoknownas concept_country_republic +concept_geopoliticallocation_ecuador concept:countryalsoknownas concept_country_u_s_ +concept_geopoliticallocation_ecuador concept:countrycurrency concept_currency_dollar +concept_geopoliticallocation_ecuador concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_geopoliticallocation_el_paso concept:atlocation concept_city_texas +concept_geopoliticallocation_el_paso concept:mutualproxyfor concept_city_texas +concept_geopoliticallocation_el_paso concept:locationlocatedwithinlocation concept_geopoliticallocation_texas_tech +concept_geopoliticallocation_facilitator concept:proxyfor concept_book_new +concept_geopoliticallocation_factor concept:proxyfor concept_book_new +concept_geopoliticallocation_form concept:atdate concept_date_n2000 +concept_geopoliticallocation_form concept:atdate concept_date_n2001 +concept_geopoliticallocation_form concept:atdate concept_date_n2003 +concept_geopoliticallocation_form concept:atdate concept_date_n2004 +concept_geopoliticallocation_form concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_form concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_form concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_form concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_form concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_form concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_geopoliticallocation_form concept:atdate concept_year_n1998 +concept_geopoliticallocation_fort_hays_state concept:latitudelongitude 38.8730300000000,-99.3403500000000 +concept_geopoliticallocation_franchise concept:proxyfor concept_book_new +concept_geopoliticallocation_franchise concept:atdate concept_date_n1996 +concept_geopoliticallocation_franchise concept:atdate concept_date_n2003 +concept_geopoliticallocation_franchise concept:atdate concept_date_n2004 +concept_geopoliticallocation_franchise concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_franchise concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_gandhidham concept:latitudelongitude 23.0833300000000,70.1333300000000 +concept_geopoliticallocation_gaza_strip concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_gaza_strip concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_georgia_tech concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_georgia_tech concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_georgia_tech concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_geopoliticallocation_georgia_tech concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_geopoliticallocation_glen_burnie concept:proxyfor concept_stateorprovince_maryland +concept_geopoliticallocation_glen_burnie concept:subpartof concept_stateorprovince_maryland +concept_geopoliticallocation_golden concept:atlocation concept_stateorprovince_colorado +concept_geopoliticallocation_golden concept:mutualproxyfor concept_stateorprovince_colorado +concept_geopoliticallocation_grand_blanc concept:proxyfor concept_creditunion_michigan +concept_geopoliticallocation_grand_blanc concept:atlocation concept_stateorprovince_michigan +concept_geopoliticallocation_grand_junction concept:locationlocatedwithinlocation concept_stateorprovince_colorada +concept_geopoliticallocation_grand_junction concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_geopoliticallocation_grand_junction concept:proxyfor concept_stateorprovince_colorado +concept_geopoliticallocation_grand_junction concept:subpartof concept_stateorprovince_colorado +concept_geopoliticallocation_gulf_coast concept:proxyfor concept_book_new +concept_geopoliticallocation_hamilton concept:atlocation concept_city_texas +concept_geopoliticallocation_hamilton concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_hbos concept:subpartof concept_bank_lloyds_tsb +concept_geopoliticallocation_hbos concept:mutualproxyfor concept_ceo_james_crosby +concept_geopoliticallocation_hbos concept:subpartof concept_retailstore_lloyds +concept_geopoliticallocation_holder concept:proxyfor concept_book_new +concept_geopoliticallocation_holland concept:atlocation concept_stateorprovince_michigan +concept_geopoliticallocation_hopewell concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_hopewell concept:atlocation concept_stateorprovince_virginia +concept_geopoliticallocation_hopewell concept:proxyfor concept_stateorprovince_virginia +concept_geopoliticallocation_hp_labs concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_ibb concept:organizationacronymhasname concept_governmentorganization_international_broadcasting_bureau +concept_geopoliticallocation_id concept:subpartof concept_country_usa +concept_geopoliticallocation_institutes concept:mutualproxyfor concept_sportsequipment_board +concept_geopoliticallocation_intercession_city concept:latitudelongitude 28.2624000000000,-81.5084600000000 +concept_geopoliticallocation_interlachen concept:atlocation concept_city_florida +concept_geopoliticallocation_international concept:attractionofcity concept_city_vegas +concept_geopoliticallocation_inver_grove_heights concept:atlocation concept_stateorprovince_minnesota +concept_geopoliticallocation_ionia concept:atlocation concept_stateorprovince_michigan +concept_geopoliticallocation_iraq concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_geopoliticallocation_iraq concept:atdate concept_date_n1996 +concept_geopoliticallocation_iraq concept:atdate concept_date_n1999 +concept_geopoliticallocation_iraq concept:atdate concept_date_n2000 +concept_geopoliticallocation_iraq concept:atdate concept_date_n2001 +concept_geopoliticallocation_iraq concept:atdate concept_date_n2003 +concept_geopoliticallocation_iraq concept:atdate concept_date_n2004 +concept_geopoliticallocation_iraq concept:atdate concept_date_n2009 +concept_geopoliticallocation_iraq concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_iraq concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_iraq concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_iraq concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_iraq concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_iraq concept:proxyfor concept_lake_new +concept_geopoliticallocation_iraq concept:atdate concept_month_march +concept_geopoliticallocation_iraq concept:atdate concept_month_october +concept_geopoliticallocation_iraq concept:agentcollaborateswithagent concept_politician_obama +concept_geopoliticallocation_iraq concept:atdate concept_year_n1991 +concept_geopoliticallocation_iraq concept:atdate concept_year_n1992 +concept_geopoliticallocation_iraq concept:atdate concept_year_n1997 +concept_geopoliticallocation_iraq concept:atdate concept_year_n1998 +concept_geopoliticallocation_jersey concept:locationlocatedwithinlocation concept_country_u_s_ +concept_geopoliticallocation_jersey concept:locationlocatedwithinlocation concept_country_us +concept_geopoliticallocation_jersey concept:organizationheadquarteredinstateorprovince concept_stateorprovince_pa +concept_geopoliticallocation_jorhat concept:locationlocatedwithinlocation concept_stateorprovince_assam +concept_geopoliticallocation_jorhat concept:proxyfor concept_stateorprovince_assam +concept_geopoliticallocation_kabri_dar concept:locationlocatedwithinlocation concept_country_ethiopia +concept_geopoliticallocation_kaitaia concept:locationlocatedwithinlocation concept_country_new_zealand +concept_geopoliticallocation_kalgoorlie concept:locationlocatedwithinlocation concept_country_australia +concept_geopoliticallocation_kangiqsualujjuaq concept:locationlocatedwithinlocation concept_country_canada_canada +concept_geopoliticallocation_kangirsuk concept:locationlocatedwithinlocation concept_country_canada_canada +concept_geopoliticallocation_kansai_international concept:latitudelongitude 34.4207550000000,135.2853350000000 +concept_geopoliticallocation_kariba concept:locationlocatedwithinlocation concept_country_zimbabwe +concept_geopoliticallocation_karlovy_vary concept:locationlocatedwithinlocation concept_country_czech_republic +concept_geopoliticallocation_kaschechewan concept:locationlocatedwithinlocation concept_country_canada_canada +concept_geopoliticallocation_kasos_island concept:locationlocatedwithinlocation concept_country_greece +concept_geopoliticallocation_kefalonia concept:locationlocatedwithinlocation concept_country_greece +concept_geopoliticallocation_kerema concept:locationlocatedwithinlocation concept_country_papua_new_guinea +concept_geopoliticallocation_kerry concept:agentcollaborateswithagent concept_blog_george_w__bush +concept_geopoliticallocation_kerry concept:agentcollaborateswithagent concept_company_clinton +concept_geopoliticallocation_kerry concept:agentcollaborateswithagent concept_person_bill +concept_geopoliticallocation_kerry concept:agentcollaborateswithagent concept_personafrica_george_bush +concept_geopoliticallocation_kerry concept:agentcollaborateswithagent concept_personus_john_edwards +concept_geopoliticallocation_keshod concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_geopoliticallocation_khasab concept:locationlocatedwithinlocation concept_country_oman +concept_geopoliticallocation_kilimandjaro concept:latitudelongitude -3.0758300000000,37.3533300000000 +concept_geopoliticallocation_kilimanjaro concept:locationlocatedwithinlocation concept_country_tanzania +concept_geopoliticallocation_kinnelon concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_kinnelon concept:proxyfor concept_stateorprovince_new_jersey +concept_geopoliticallocation_kodiak concept:atlocation concept_city_alaska +concept_geopoliticallocation_koliganek concept:latitudelongitude 59.7235440000000,-157.2673060000000 +concept_geopoliticallocation_komatsu concept:locationlocatedwithinlocation concept_country_japan +concept_geopoliticallocation_kota concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_geopoliticallocation_kuwait concept:locationlocatedwithinlocation concept_country_kuwait +concept_geopoliticallocation_kuwait concept:atdate concept_date_n2003 +concept_geopoliticallocation_kuwait concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_kuwait concept:atdate concept_year_n1991 +concept_geopoliticallocation_law_firm concept:proxyfor concept_book_new +concept_geopoliticallocation_law_firm concept:atdate concept_date_n2004 +concept_geopoliticallocation_law_firm concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_localities concept:proxyfor concept_book_new +concept_geopoliticallocation_longview concept:mutualproxyfor concept_city_texas +concept_geopoliticallocation_lousiana concept:proxyfor concept_lake_new +concept_geopoliticallocation_lowell concept:subpartof concept_beach_massachusetts +concept_geopoliticallocation_lower_manhattan concept:proxyfor concept_book_new +concept_geopoliticallocation_lower_manhattan concept:locationlocatedwithinlocation concept_bridge_world +concept_geopoliticallocation_lse concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_lsu concept:atlocation concept_city_new_orleans +concept_geopoliticallocation_lyon_satolas concept:latitudelongitude 45.7263900000000,5.0908300000000 +concept_geopoliticallocation_maac concept:latitudelongitude 9.7536100000000,124.9063850000000 +concept_geopoliticallocation_mac concept:synonymfor concept_agent_linux +concept_geopoliticallocation_mac concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_mac concept:synonymfor concept_programminglanguage_aliases +concept_geopoliticallocation_mac concept:synonymfor concept_retailstore_apple_computer_inc_ +concept_geopoliticallocation_madison_park concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_geopoliticallocation_magna concept:mutualproxyfor concept_ceo_frank_stronach +concept_geopoliticallocation_magna concept:subpartof concept_ceo_frank_stronach +concept_geopoliticallocation_manchester_city concept:teamplayssport concept_sport_basketball +concept_geopoliticallocation_manchester_city concept:teamplaysagainstteam concept_sportsteam_man_united +concept_geopoliticallocation_manchester_city concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_geopoliticallocation_manhasset concept:proxyfor concept_stateorprovince_new_york +concept_geopoliticallocation_maryland concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_maryland concept:proxyfor concept_lake_new +concept_geopoliticallocation_mco concept:latitudelongitude 28.4312600000000,-81.3084400000000 +concept_geopoliticallocation_meac concept:latitudelongitude 43.3166700000000,-2.7500000000000 +concept_geopoliticallocation_middle_east concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_millstone concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_minneapolis_st__paul concept:proxyfor concept_personnorthamerica_minnesota +concept_geopoliticallocation_mitchell concept:atlocation concept_stateorprovince_south_dakota +concept_geopoliticallocation_models concept:proxyfor concept_book_new +concept_geopoliticallocation_mt concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_narita concept:locationlocatedwithinlocation concept_city_tokyo +concept_geopoliticallocation_national concept:agentactsinlocation concept_aquarium_louis +concept_geopoliticallocation_national concept:atlocation concept_city_albany +concept_geopoliticallocation_national concept:atlocation concept_city_albuquerque +concept_geopoliticallocation_national concept:atlocation concept_city_aliso_viejo +concept_geopoliticallocation_national concept:atlocation concept_city_artesia +concept_geopoliticallocation_national concept:atlocation concept_city_bala_cynwyd +concept_geopoliticallocation_national concept:atlocation concept_city_baldwin_park +concept_geopoliticallocation_national concept:atlocation concept_city_bell_gardens +concept_geopoliticallocation_national concept:atlocation concept_city_berlin +concept_geopoliticallocation_national concept:atlocation concept_city_birchrunville +concept_geopoliticallocation_national concept:atlocation concept_city_birmingham +concept_geopoliticallocation_national concept:atlocation concept_city_boise +concept_geopoliticallocation_national concept:atlocation concept_city_boston +concept_geopoliticallocation_national concept:atlocation concept_city_broomall +concept_geopoliticallocation_national concept:atlocation concept_city_charlotte +concept_geopoliticallocation_national concept:atlocation concept_city_cheltenham +concept_geopoliticallocation_national concept:atlocation concept_city_clementon +concept_geopoliticallocation_national concept:atlocation concept_city_dallas +concept_geopoliticallocation_national concept:atlocation concept_city_denver +concept_geopoliticallocation_national concept:atlocation concept_city_des_moines +concept_geopoliticallocation_national concept:atlocation concept_city_diamond_bar +concept_geopoliticallocation_national concept:atlocation concept_city_east_irvine +concept_geopoliticallocation_national concept:atlocation concept_city_east_rutherford +concept_geopoliticallocation_national concept:atlocation concept_city_el_cajon +concept_geopoliticallocation_national concept:atlocation concept_city_el_monte +concept_geopoliticallocation_national concept:atlocation concept_city_el_segundo +concept_geopoliticallocation_national concept:atlocation concept_city_everett +concept_geopoliticallocation_national concept:atlocation concept_city_fayetteville +concept_geopoliticallocation_national concept:atlocation concept_city_flagstaff +concept_geopoliticallocation_national concept:atlocation concept_city_foothill_ranch +concept_geopoliticallocation_national concept:atlocation concept_city_garden_grove +concept_geopoliticallocation_national concept:atlocation concept_city_greenwood +concept_geopoliticallocation_national concept:atlocation concept_city_hacienda_heights +concept_geopoliticallocation_national concept:atlocation concept_city_haddonfield +concept_geopoliticallocation_national concept:atlocation concept_city_harbor_city +concept_geopoliticallocation_national concept:atlocation concept_city_hartford +concept_geopoliticallocation_national concept:atlocation concept_city_hattiesburg +concept_geopoliticallocation_national concept:atlocation concept_city_hawaiian_gardens +concept_geopoliticallocation_national concept:atlocation concept_city_hermosa_beach +concept_geopoliticallocation_national concept:atlocation concept_city_honolulu +concept_geopoliticallocation_national concept:atlocation concept_city_huntsville +concept_geopoliticallocation_national concept:atlocation concept_city_indianapolis +concept_geopoliticallocation_national concept:atlocation concept_city_irvine +concept_geopoliticallocation_national concept:atlocation concept_city_jacksonville +concept_geopoliticallocation_national concept:atlocation concept_city_knoxville +concept_geopoliticallocation_national concept:atlocation concept_city_la_habra +concept_geopoliticallocation_national concept:atlocation concept_city_ladera_ranch +concept_geopoliticallocation_national concept:atlocation concept_city_laguna_niguel +concept_geopoliticallocation_national concept:atlocation concept_city_laguna_woods +concept_geopoliticallocation_national concept:atlocation concept_city_littleton +concept_geopoliticallocation_national concept:atlocation concept_city_london_city +concept_geopoliticallocation_national concept:atlocation concept_city_mankato +concept_geopoliticallocation_national concept:atlocation concept_city_mission_viejo +concept_geopoliticallocation_national concept:atlocation concept_city_montgomery +concept_geopoliticallocation_national concept:atlocation concept_city_montreal +concept_geopoliticallocation_national concept:atlocation concept_city_nashville +concept_geopoliticallocation_national concept:atlocation concept_city_new_haven +concept_geopoliticallocation_national concept:atlocation concept_city_new_orleans +concept_geopoliticallocation_national concept:atlocation concept_city_newark +concept_geopoliticallocation_national concept:atlocation concept_city_newport_coast +concept_geopoliticallocation_national concept:atlocation concept_city_north_houston +concept_geopoliticallocation_national concept:atlocation concept_city_orlando +concept_geopoliticallocation_national concept:atlocation concept_city_ottawa +concept_geopoliticallocation_national concept:atlocation concept_city_palm_springs +concept_geopoliticallocation_national concept:atlocation concept_city_peoria +concept_geopoliticallocation_national concept:atlocation concept_city_phoenix +concept_geopoliticallocation_national concept:atlocation concept_city_pittsburgh +concept_geopoliticallocation_national concept:atlocation concept_city_placentia +concept_geopoliticallocation_national concept:atlocation concept_city_providence +concept_geopoliticallocation_national concept:atlocation concept_city_roanoke +concept_geopoliticallocation_national concept:atlocation concept_city_rome +concept_geopoliticallocation_national concept:atlocation concept_city_san_juan_capistrano +concept_geopoliticallocation_national concept:atlocation concept_city_scottsdale +concept_geopoliticallocation_national concept:atlocation concept_city_scranton +concept_geopoliticallocation_national concept:atlocation concept_city_shreveport +concept_geopoliticallocation_national concept:atlocation concept_city_sioux_city +concept_geopoliticallocation_national concept:atlocation concept_city_springfield +concept_geopoliticallocation_national concept:atlocation concept_city_st_louis +concept_geopoliticallocation_national concept:atlocation concept_city_stafford +concept_geopoliticallocation_national concept:atlocation concept_city_toronto +concept_geopoliticallocation_national concept:atlocation concept_city_tucson +concept_geopoliticallocation_national concept:atlocation concept_city_tustin +concept_geopoliticallocation_national concept:atlocation concept_city_white_river_junction +concept_geopoliticallocation_national concept:atlocation concept_country_australia +concept_geopoliticallocation_national concept:atlocation concept_country_china +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_japan +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_kazakhstan +concept_geopoliticallocation_national concept:atlocation concept_country_korea +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_mexico +concept_geopoliticallocation_national concept:atlocation concept_country_mexico +concept_geopoliticallocation_national concept:atlocation concept_country_netherlands +concept_geopoliticallocation_national concept:atlocation concept_country_republic_of_india +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_republic_of_nicaragua +concept_geopoliticallocation_national concept:atlocation concept_country_scotland +concept_geopoliticallocation_national concept:atlocation concept_country_south_africa +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_tajikistan +concept_geopoliticallocation_national concept:agentactsinlocation concept_country_turkey +concept_geopoliticallocation_national concept:atlocation concept_country_u_s_ +concept_geopoliticallocation_national concept:atlocation concept_country_usa +concept_geopoliticallocation_national concept:agentactsinlocation concept_county_brookline_village +concept_geopoliticallocation_national concept:atlocation concept_county_los_angeles_county +concept_geopoliticallocation_national concept:atlocation concept_county_midway_city +concept_geopoliticallocation_national concept:atlocation concept_geopoliticallocation_bethany +concept_geopoliticallocation_national concept:atlocation concept_geopoliticallocation_bolton +concept_geopoliticallocation_national concept:agentactsinlocation concept_geopoliticallocation_grand_junction +concept_geopoliticallocation_national concept:atlocation concept_geopoliticallocation_grand_junction +concept_geopoliticallocation_national concept:agentactsinlocation concept_geopoliticalorganization_franconia +concept_geopoliticallocation_national concept:atlocation concept_geopoliticalorganization_us_ +concept_geopoliticallocation_national concept:agentactsinlocation concept_landscapefeatures_lakes +concept_geopoliticallocation_national concept:agentactsinlocation concept_publication_people_ +concept_geopoliticallocation_national concept:agentactsinlocation concept_river_american +concept_geopoliticallocation_national concept:atlocation concept_stateorprovince_colorado +concept_geopoliticallocation_national concept:atlocation concept_stateorprovince_maryland +concept_geopoliticallocation_national concept:atlocation concept_stateorprovince_new_york +concept_geopoliticallocation_national concept:atlocation concept_stateorprovince_virginia +concept_geopoliticallocation_national concept:agentactsinlocation concept_visualizablescene_dana_point +concept_geopoliticallocation_national concept:agentactsinlocation concept_visualizablething_north_bend +concept_geopoliticallocation_national concept:agentactsinlocation concept_visualizablething_purvis +concept_geopoliticallocation_national concept:agentactsinlocation concept_visualizablething_sugar_land +concept_geopoliticallocation_national_guard concept:organizationheadquarteredincountry concept_country_u_s_ +concept_geopoliticallocation_nc concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_nc concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_nd concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_nd concept:subpartof concept_country_usa +concept_geopoliticallocation_ne concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_ne concept:subpartof concept_country_usa +concept_geopoliticallocation_needham concept:atlocation concept_beach_massachusetts +concept_geopoliticallocation_nh concept:atlocation concept_country_usa +concept_geopoliticallocation_niederrhein concept:latitudelongitude 51.5318766666667,6.4066100000000 +concept_geopoliticallocation_nm concept:subpartof concept_country_usa +concept_geopoliticallocation_north_dakota concept:proxyfor concept_lake_new +concept_geopoliticallocation_north_haledon concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_northern_england concept:latitudelongitude 54.9166700000000,-2.3333300000000 +concept_geopoliticallocation_nv concept:subpartof concept_country_usa +concept_geopoliticallocation_offer concept:proxyfor concept_book_new +concept_geopoliticallocation_offer concept:atdate concept_date_n2003 +concept_geopoliticallocation_offer concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_offer concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_offer concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_offer concept:istallerthan concept_publication_people_ +concept_geopoliticallocation_online concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_online concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_online concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_option concept:proxyfor concept_book_new +concept_geopoliticallocation_option concept:subpartof concept_vehicle_air +concept_geopoliticallocation_option concept:subpartof concept_weatherphenomenon_water +concept_geopoliticallocation_oshkosh concept:mutualproxyfor concept_politicaloffice_wisconsin +concept_geopoliticallocation_outer_richmond concept:parkincity concept_city_san_francisco +concept_geopoliticallocation_parish concept:atdate concept_date_n2004 +concept_geopoliticallocation_parish concept:proxyfor concept_lake_new +concept_geopoliticallocation_partners concept:proxyfor concept_book_new +concept_geopoliticallocation_partners concept:atdate concept_date_n2001 +concept_geopoliticallocation_partners concept:atdate concept_date_n2004 +concept_geopoliticallocation_partners concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_partners concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_partners concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_partners concept:subpartof concept_weatherphenomenon_water +concept_geopoliticallocation_partners concept:atdate concept_year_n1997 +concept_geopoliticallocation_pembroke_pines concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_performances concept:proxyfor concept_book_new +concept_geopoliticallocation_performances concept:atdate concept_date_n2003 +concept_geopoliticallocation_performances concept:atdate concept_date_n2004 +concept_geopoliticallocation_performances concept:atdate concept_date_n2009 +concept_geopoliticallocation_performances concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_performances concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_performances concept:atlocation concept_lake_new +concept_geopoliticallocation_phd concept:atdate concept_date_n2000 +concept_geopoliticallocation_phd concept:atdate concept_date_n2001 +concept_geopoliticallocation_phd concept:atdate concept_date_n2003 +concept_geopoliticallocation_phd concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_phd concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_phd concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_phd concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_phd concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_phd concept:atdate concept_year_n1998 +concept_geopoliticallocation_pickering concept:proxyfor concept_publication_ontario +concept_geopoliticallocation_portland concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_portland concept:parkincity concept_city_louisville +concept_geopoliticallocation_portsmouth concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_prairie_du_chien concept:atlocation concept_stateorprovince_wisconsin +concept_geopoliticallocation_producers concept:proxyfor concept_book_new +concept_geopoliticallocation_purdue concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_geopoliticallocation_purdue concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_geopoliticallocation_reports concept:atdate concept_date_n1999 +concept_geopoliticallocation_reports concept:atdate concept_date_n2003 +concept_geopoliticallocation_reports concept:atdate concept_date_n2004 +concept_geopoliticallocation_reports concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_reports concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_reports concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_reports concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_ri concept:subpartof concept_country_usa +concept_geopoliticallocation_river_vale concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_river_vale concept:proxyfor concept_stateorprovince_newjersey +concept_geopoliticallocation_road concept:atdate concept_date_n1999 +concept_geopoliticallocation_road concept:atdate concept_date_n2003 +concept_geopoliticallocation_road concept:atdate concept_date_n2004 +concept_geopoliticallocation_road concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_road concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_road concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_road concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_road concept:atdate concept_year_n1997 +concept_geopoliticallocation_row concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_row concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_row concept:agentparticipatedinevent concept_sportsgame_series +concept_geopoliticallocation_rutgers concept:proxyfor concept_book_new +concept_geopoliticallocation_rutgers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_geopoliticallocation_rutgers concept:synonymfor concept_university_state_university +concept_geopoliticallocation_sahara concept:attractionofcity concept_city_vegas +concept_geopoliticallocation_saint_john_s concept:locationlocatedwithinlocation concept_island_antigua_and_barbuda +concept_geopoliticallocation_saint_john_s concept:proxyfor concept_island_antigua_and_barbuda +concept_geopoliticallocation_saipan concept:proxyfor concept_island_northern_mariana_islands +concept_geopoliticallocation_san_dimas concept:atlocation concept_stateorprovince_california +concept_geopoliticallocation_sandy concept:locationlocatedwithinlocation concept_county_utah +concept_geopoliticallocation_santa_maria concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_geopoliticallocation_santa_maria concept:proxyfor concept_stateorprovince_california +concept_geopoliticallocation_sc concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_sc concept:subpartof concept_country_usa +concept_geopoliticallocation_sd concept:locationlocatedwithinlocation concept_country_usa +concept_geopoliticallocation_sd concept:subpartof concept_country_usa +concept_geopoliticallocation_seniors concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticallocation_sf concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_geopoliticallocation_sf concept:proxyfor concept_stateorprovince_california +concept_geopoliticallocation_shaker_heights concept:atlocation concept_stateorprovince_ohio +concept_geopoliticallocation_shaker_heights concept:mutualproxyfor concept_stateorprovince_ohio +concept_geopoliticallocation_sherman concept:atlocation concept_city_texas +concept_geopoliticallocation_sherman concept:proxyfor concept_city_texas +concept_geopoliticallocation_show concept:atdate concept_date_n1966 +concept_geopoliticallocation_show concept:atdate concept_date_n1971 +concept_geopoliticallocation_show concept:atdate concept_date_n1976 +concept_geopoliticallocation_show concept:atdate concept_date_n1993 +concept_geopoliticallocation_show concept:atdate concept_date_n2003 +concept_geopoliticallocation_show concept:atdate concept_date_n2004 +concept_geopoliticallocation_show concept:atdate concept_dateliteral_n1990 +concept_geopoliticallocation_show concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_show concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_show concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_show concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_show concept:organizationdissolvedatdate concept_month_december +concept_geopoliticallocation_show concept:organizationdissolvedatdate concept_month_march +concept_geopoliticallocation_show concept:organizationdissolvedatdate concept_month_november +concept_geopoliticallocation_show concept:organizationdissolvedatdate concept_month_october +concept_geopoliticallocation_show concept:organizationdissolvedatdate concept_month_september +concept_geopoliticallocation_show concept:istallerthan concept_publication_people_ +concept_geopoliticallocation_show concept:atdate concept_year_n1986 +concept_geopoliticallocation_show concept:atdate concept_year_n1989 +concept_geopoliticallocation_show concept:atdate concept_year_n1997 +concept_geopoliticallocation_silicon_valley concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_socorro concept:atlocation concept_county_new_mexico +concept_geopoliticallocation_socorro concept:mutualproxyfor concept_county_new_mexico +concept_geopoliticallocation_south_florida concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_geopoliticallocation_south_wales concept:agentactsinlocation concept_lake_new +concept_geopoliticallocation_south_wales concept:atlocation concept_lake_new +concept_geopoliticallocation_south_wales concept:proxyfor concept_lake_new +concept_geopoliticallocation_southern concept:mutualproxyfor concept_beach_vermont +concept_geopoliticallocation_southern concept:mutualproxyfor concept_company_west_virginia +concept_geopoliticallocation_southern concept:atlocation concept_continent_africa +concept_geopoliticallocation_southern concept:mutualproxyfor concept_newspaper_new_hampshire +concept_geopoliticallocation_southern concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_southern concept:mutualproxyfor concept_stateorprovince_illinois +concept_geopoliticallocation_southern_mississippi concept:latitudelongitude 30.8626175000000,-89.1320600000000 +concept_geopoliticallocation_southwest concept:agentcollaborateswithagent concept_ceo_gary_kelly +concept_geopoliticallocation_southwest concept:agentactsinlocation concept_city_phoenix +concept_geopoliticallocation_southwest concept:agentactsinlocation concept_visualizablething_years +concept_geopoliticallocation_southwest001 concept:proxyfor concept_book_new +concept_geopoliticallocation_southwest001 concept:mutualproxyfor concept_stateorprovince_georgia +concept_geopoliticallocation_sparks concept:subpartoforganization concept_sportsleague_wnba +concept_geopoliticallocation_specialty concept:proxyfor concept_book_new +concept_geopoliticallocation_sri_lanka concept:organizationterminatedperson concept_person_arjuna_ranatunga +concept_geopoliticallocation_st__charles concept:proxyfor concept_company_missouri +concept_geopoliticallocation_stanhope concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_stanhope concept:proxyfor concept_stateorprovince_new_jersey +concept_geopoliticallocation_state concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_sterling_heights concept:atlocation concept_stateorprovince_michigan +concept_geopoliticallocation_sterling_heights concept:proxyfor concept_stateorprovince_michigan +concept_geopoliticallocation_sulu_archipelago concept:latitudelongitude 6.0000000000000,121.0000000000000 +concept_geopoliticallocation_support concept:istallerthan concept_publication_people_ +concept_geopoliticallocation_surgery concept:atdate concept_date_n1993 +concept_geopoliticallocation_surgery concept:atdate concept_date_n1996 +concept_geopoliticallocation_surgery concept:atdate concept_date_n1999 +concept_geopoliticallocation_surgery concept:atdate concept_date_n2000 +concept_geopoliticallocation_surgery concept:atdate concept_date_n2001 +concept_geopoliticallocation_surgery concept:atdate concept_date_n2003 +concept_geopoliticallocation_surgery concept:atdate concept_date_n2004 +concept_geopoliticallocation_surgery concept:atdate concept_date_n2009 +concept_geopoliticallocation_surgery concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_surgery concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_surgery concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_surgery concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_surgery concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_surgery concept:atdate concept_year_n1997 +concept_geopoliticallocation_surgery concept:atdate concept_year_n1998 +concept_geopoliticallocation_surrey concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_geopoliticallocation_surrey concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_sydney_harbour concept:attractionofcity concept_city_sydney +concept_geopoliticallocation_tarleton_state concept:latitudelongitude 32.2384700000000,-98.2042100000000 +concept_geopoliticallocation_tesco concept:mutualproxyfor concept_ceo_sir_terry_leahy +concept_geopoliticallocation_tesco concept:subpartof concept_ceo_sir_terry_leahy +concept_geopoliticallocation_texas_el_paso concept:latitudelongitude 31.7756080000000,-106.5073780000000 +concept_geopoliticallocation_the_new_york concept:atlocation concept_city_boston +concept_geopoliticallocation_thorofare concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_ton concept:proxyfor concept_book_new +concept_geopoliticallocation_tpa concept:latitudelongitude 27.9755800000000,-82.5328700000000 +concept_geopoliticallocation_u_s__state concept:proxyfor concept_book_new +concept_geopoliticallocation_united_arab_emirates concept:mutualproxyfor concept_visualizablething_abu_dhabi +concept_geopoliticallocation_university_of_michigan concept:mutualproxyfor concept_writer_c_k__prahalad +concept_geopoliticallocation_us_airways concept:atlocation concept_county_philadelphia +concept_geopoliticallocation_us_airways concept:mutualproxyfor concept_personasia_doug_parker +concept_geopoliticallocation_us_states concept:proxyfor concept_lake_new +concept_geopoliticallocation_ut concept:organizationhiredperson concept_coach_kiffin +concept_geopoliticallocation_ut concept:organizationhiredperson concept_coach_philip_fulmer +concept_geopoliticallocation_ut concept:organizationhiredperson concept_person_lane_kiffin +concept_geopoliticallocation_wall_street concept:proxyfor concept_book_new +concept_geopoliticallocation_wayne concept:atlocation concept_bridge_new_jersey +concept_geopoliticallocation_wayne concept:subpartof concept_bridge_new_jersey +concept_geopoliticallocation_wayne concept:mutualproxyfor concept_county_detroit +concept_geopoliticallocation_wayne concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_wellsville concept:proxyfor concept_company_new_york +concept_geopoliticallocation_west_bank concept:atdate concept_dateliteral_n2002 +concept_geopoliticallocation_west_bank concept:atdate concept_dateliteral_n2006 +concept_geopoliticallocation_west_freehold concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticallocation_wilkes_barre_scranton_international_airport concept:mutualproxyfor concept_scientist_tom_leighton +concept_geopoliticallocation_world concept:agentactsinlocation concept_city_washington_d_c +concept_geopoliticallocation_world concept:organizationterminatedperson concept_personasia_number +concept_geopoliticallocation_world concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticallocation_world concept:organizationterminatedperson concept_scientist_no_ +concept_geopoliticallocation_worldwide concept:atdate concept_dateliteral_n2005 +concept_geopoliticallocation_worldwide concept:atdate concept_dateliteral_n2007 +concept_geopoliticallocation_worldwide concept:atdate concept_dateliteral_n2008 +concept_geopoliticallocation_wright_state concept:latitudelongitude 40.1647750000000,-84.2863350000000 +concept_geopoliticallocation_yale concept:synonymfor concept_university_state_university +concept_geopoliticallocation_zadar concept:locationlocatedwithinlocation concept_country_croatia +concept_geopoliticalorganization_address concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_address concept:agentcreated concept_programminglanguage_contact +concept_geopoliticalorganization_address concept:agentcreated concept_programminglanguage_email +concept_geopoliticalorganization_address concept:agentcreated concept_scientificterm_information_contact +concept_geopoliticalorganization_address concept:agentcreated concept_scientificterm_more_information_contact +concept_geopoliticalorganization_address concept:agentcompeteswithagent concept_tradeunion_search +concept_geopoliticalorganization_ads concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_geopoliticalorganization_affiliate_programs concept:agentcompeteswithagent concept_university_google +concept_geopoliticalorganization_anjouan concept:latitudelongitude -12.2209450000000,44.4188920000000 +concept_geopoliticalorganization_anne_rice concept:agentcreated concept_book_lasher +concept_geopoliticalorganization_anne_rice concept:agentcreated concept_book_memnoch_the_devil +concept_geopoliticalorganization_anne_rice concept:agentcreated concept_book_merrick +concept_geopoliticalorganization_anne_rice concept:agentcreated concept_videogame_vampire_chronicles +concept_geopoliticalorganization_arab_country concept:latitudelongitude 34.3295400000000,-86.5263800000000 +concept_geopoliticalorganization_arbitration concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_awards concept:atdate concept_date_n2003 +concept_geopoliticalorganization_awards concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_awards concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_azad_kashmir concept:latitudelongitude 34.3736100000000,73.4705600000000 +concept_geopoliticalorganization_blaine concept:proxyfor concept_personnorthamerica_minnesota +concept_geopoliticalorganization_bookmark concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_bookmark concept:agentinvolvedwithitem concept_product_tab +concept_geopoliticalorganization_bottom concept:proxyfor concept_book_new +concept_geopoliticalorganization_bottom concept:atdate concept_date_n2000 +concept_geopoliticalorganization_boyfriend concept:proxyfor concept_book_new +concept_geopoliticalorganization_broadway concept:proxyfor concept_book_new +concept_geopoliticalorganization_broadway concept:atlocation concept_city_vegas_casino +concept_geopoliticalorganization_broadway concept:atlocation concept_county_las_vegas +concept_geopoliticalorganization_broadway concept:atdate concept_date_n2004 +concept_geopoliticalorganization_broadway concept:atdate concept_date_n2009 +concept_geopoliticalorganization_broadway concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_broadway concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_broadway concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_broadway concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_broadway concept:proxyfor concept_radiostation_new_jersey +concept_geopoliticalorganization_broker concept:proxyfor concept_book_new +concept_geopoliticalorganization_brooklyn_center concept:atlocation concept_stateorprovince_minnesota +concept_geopoliticalorganization_caribbean concept:proxyfor concept_lake_new +concept_geopoliticalorganization_caribbean concept:organizationdissolvedatdate concept_month_november +concept_geopoliticalorganization_carolina concept:organizationheadquarteredinstateorprovince concept_stateorprovince_georgia +concept_geopoliticalorganization_cayenne concept:proxyfor concept_island_french_guiana +concept_geopoliticalorganization_chin concept:subpartof concept_website_blood +concept_geopoliticalorganization_class concept:proxyfor concept_book_new +concept_geopoliticalorganization_class concept:atdate concept_date_n2000 +concept_geopoliticalorganization_class concept:atdate concept_date_n2001 +concept_geopoliticalorganization_class concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticalorganization_class concept:organizationterminatedperson concept_scientist_no_ +concept_geopoliticalorganization_class concept:atdate concept_year_n1998 +concept_geopoliticalorganization_coast concept:subpartoforganization concept_company_hasbro001 +concept_geopoliticalorganization_concerts concept:proxyfor concept_book_new +concept_geopoliticalorganization_concerts concept:atdate concept_date_n2001 +concept_geopoliticalorganization_concerts concept:atdate concept_date_n2003 +concept_geopoliticalorganization_concerts concept:atdate concept_date_n2009 +concept_geopoliticalorganization_concerts concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_concerts concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_concerts concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_concerts concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_concerts concept:agentactsinlocation concept_lake_new +concept_geopoliticalorganization_coon_rapids concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_geopoliticalorganization_coon_rapids concept:proxyfor concept_stateorprovince_minnesota +concept_geopoliticalorganization_corcoran concept:organizationheadquarteredincity concept_city_washington_d_c +concept_geopoliticalorganization_crete concept:atlocation concept_city_nebraska +concept_geopoliticalorganization_crete concept:proxyfor concept_university_nebraska +concept_geopoliticalorganization_cruises concept:proxyfor concept_book_new +concept_geopoliticalorganization_customers concept:proxyfor concept_book_new +concept_geopoliticalorganization_customers concept:atdate concept_date_n2000 +concept_geopoliticalorganization_customers concept:atdate concept_date_n2001 +concept_geopoliticalorganization_customers concept:atdate concept_date_n2003 +concept_geopoliticalorganization_customers concept:atdate concept_date_n2004 +concept_geopoliticalorganization_customers concept:atdate concept_date_n2009 +concept_geopoliticalorganization_customers concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_customers concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_customers concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_customers concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_customers concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_customers concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticalorganization_customers concept:agentcompeteswithagent concept_tradeunion_search +concept_geopoliticalorganization_database concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_database concept:atdate concept_date_n2003 +concept_geopoliticalorganization_database concept:atdate concept_date_n2004 +concept_geopoliticalorganization_database concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_database concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_database concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_database concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_database concept:agentcompeteswithagent concept_politicianus_mysql +concept_geopoliticalorganization_database concept:atdate concept_year_n1998 +concept_geopoliticalorganization_default concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_default concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_geopoliticalorganization_default concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_digital_camera concept:atdate concept_date_n2003 +concept_geopoliticalorganization_disney_world concept:proxyfor concept_book_new +concept_geopoliticalorganization_disney_world concept:atdate concept_date_n2003 +concept_geopoliticalorganization_disney_world concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_durban concept:atdate concept_date_n2001 +concept_geopoliticalorganization_e_mail concept:subpartoforganization concept_blog_form +concept_geopoliticalorganization_e_mail concept:agentcreated concept_charactertrait_assistance +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n1999 +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n2000 +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n2001 +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n2003 +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n2004 +concept_geopoliticalorganization_e_mail concept:atdate concept_date_n2009 +concept_geopoliticalorganization_e_mail concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_e_mail concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_e_mail concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_e_mail concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_e_mail concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_e_mail concept:agentcreated concept_plant_data +concept_geopoliticalorganization_e_mail concept:agentcreated concept_programminglanguage_button +concept_geopoliticalorganization_e_mail concept:agentcreated concept_programminglanguage_contact +concept_geopoliticalorganization_e_mail concept:agentcreated concept_programminglanguage_page +concept_geopoliticalorganization_e_mail concept:agentcreated concept_scientificterm_detailed_information +concept_geopoliticalorganization_e_mail concept:agentcreated concept_scientificterm_info +concept_geopoliticalorganization_e_mail concept:agentcreated concept_scientificterm_information_contact +concept_geopoliticalorganization_e_mail concept:agentcreated concept_scientificterm_more_information_contact +concept_geopoliticalorganization_e_mail concept:agentcreated concept_vehicle_contact_information +concept_geopoliticalorganization_e_mail concept:agentcreated concept_weapon_details +concept_geopoliticalorganization_e_mail concept:agentcreated concept_website_information +concept_geopoliticalorganization_eastern concept:agentactsinlocation concept_continent_africa +concept_geopoliticalorganization_eastern concept:atlocation concept_continent_africa +concept_geopoliticalorganization_eastern concept:agentactsinlocation concept_continent_asia +concept_geopoliticalorganization_eastern concept:agentactsinlocation concept_country___america +concept_geopoliticalorganization_eastern concept:mutualproxyfor concept_stateorprovince_north_dakota +concept_geopoliticalorganization_festivals concept:proxyfor concept_book_new +concept_geopoliticalorganization_festivals concept:atdate concept_date_events +concept_geopoliticalorganization_flights concept:atdate concept_date_n2009 +concept_geopoliticalorganization_flights concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_flights concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_franchises concept:atdate concept_date_n2004 +concept_geopoliticalorganization_free concept:organizationheadquarteredincountry concept_country_usa +concept_geopoliticalorganization_games concept:agentparticipatedinevent concept_sportsgame_finals +concept_geopoliticalorganization_games concept:agentparticipatedinevent concept_sportsgame_series +concept_geopoliticalorganization_grant concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_greenfield concept:atlocation concept_stateorprovince_indiana +concept_geopoliticalorganization_greenfield concept:atlocation concept_stateorprovince_wisconsin +concept_geopoliticalorganization_guantanamo concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_hurricane_katrina concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_hurricane_katrina concept:agentactsinlocation concept_lake_new +concept_geopoliticalorganization_hurricane_katrina concept:atlocation concept_lake_new +concept_geopoliticalorganization_illinois concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_interactive_map concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_irish_republic concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_john_kennedy_toole concept:agentcreated concept_website_confederacy_of_dunces +concept_geopoliticalorganization_kerman concept:locationlocatedwithinlocation concept_country_iran +concept_geopoliticalorganization_khartoum concept:locationlocatedwithinlocation concept_country_sudan +concept_geopoliticalorganization_khartoum concept:proxyfor concept_country_sudan +concept_geopoliticalorganization_khartoum concept:subpartof concept_country_sudan +concept_geopoliticalorganization_khartoum concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_khartoum concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_koror concept:locationlocatedwithinlocation concept_city_palau +concept_geopoliticalorganization_koror concept:proxyfor concept_city_palau +concept_geopoliticalorganization_liaoning concept:agentcollaborateswithagent concept_stateorprovince_shenyang +concept_geopoliticalorganization_list concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_list concept:agentcreated concept_city_click +concept_geopoliticalorganization_list concept:agentcollaborateswithagent concept_city_number +concept_geopoliticalorganization_list concept:agentcontrols concept_city_number +concept_geopoliticalorganization_list concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_list concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_list concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_list concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_list concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticalorganization_list concept:agentcollaborateswithagent concept_person_john003 +concept_geopoliticalorganization_list concept:organizationterminatedperson concept_personasia_number +concept_geopoliticalorganization_list concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticalorganization_list concept:organizationterminatedperson concept_scientist_no_ +concept_geopoliticalorganization_list concept:agentcompeteswithagent concept_tradeunion_search +concept_geopoliticalorganization_list concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_geopoliticalorganization_list concept:atdate concept_year_n1997 +concept_geopoliticalorganization_london_gatwick concept:subpartof concept_city_london_city +concept_geopoliticalorganization_london_gatwick concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_lower_austria concept:latitudelongitude 48.3333300000000,15.7500000000000 +concept_geopoliticalorganization_maplewood concept:atlocation concept_stateorprovince_minnesota +concept_geopoliticalorganization_maplewood concept:proxyfor concept_stateorprovince_minnesota +concept_geopoliticalorganization_maplewood concept:proxyfor concept_stateorprovince_new_jersey +concept_geopoliticalorganization_marlboro concept:proxyfor concept_stateorprovince_new_jersey +concept_geopoliticalorganization_marshall concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_geopoliticalorganization_media concept:istallerthan concept_publication_people_ +concept_geopoliticalorganization_member_states concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_mindinao concept:latitudelongitude 8.6922200000000,124.7034700000000 +concept_geopoliticalorganization_molde concept:locationlocatedwithinlocation concept_country_norway +concept_geopoliticalorganization_nagin concept:agentbelongstoorganization concept_city_new_orleans +concept_geopoliticalorganization_nagin concept:atlocation concept_city_new_orleans +concept_geopoliticalorganization_national_capital_territory_of_delhi concept:latitudelongitude 28.7500000000000,77.2500000000000 +concept_geopoliticalorganization_nevada_college concept:latitudelongitude 39.2610200000000,-119.9524100000000 +concept_geopoliticalorganization_new_hope concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_geopoliticalorganization_news_story concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_newspapers concept:proxyfor concept_book_new +concept_geopoliticalorganization_newspapers concept:atdate concept_date_n2001 +concept_geopoliticalorganization_newspapers concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_newspapers concept:atdate concept_year_n1997 +concept_geopoliticalorganization_niamey concept:locationlocatedwithinlocation concept_river_niger +concept_geopoliticalorganization_niamey concept:proxyfor concept_river_niger +concept_geopoliticalorganization_north_branch concept:proxyfor concept_stateorprovince_newjersey +concept_geopoliticalorganization_north_vietnam concept:atdate concept_date_n1968 +concept_geopoliticalorganization_north_vietnam concept:atdate concept_year_n1965 +concept_geopoliticalorganization_north_vietnam concept:atdate concept_year_n1967 +concept_geopoliticalorganization_northern concept:agentactsinlocation concept_airport_europe +concept_geopoliticalorganization_northern concept:agentactsinlocation concept_building_years +concept_geopoliticalorganization_northern concept:agentactsinlocation concept_continent_africa +concept_geopoliticalorganization_northern concept:atlocation concept_continent_africa +concept_geopoliticalorganization_northern concept:agentactsinlocation concept_continent_asia +concept_geopoliticalorganization_northern concept:agentactsinlocation concept_country___america +concept_geopoliticalorganization_northern concept:atlocation concept_stateorprovince_virginia +concept_geopoliticalorganization_northern concept:mutualproxyfor concept_stateorprovince_virginia +concept_geopoliticalorganization_northern_california concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_options concept:proxyfor concept_book_new +concept_geopoliticalorganization_options concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_options concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_geopoliticalorganization_options concept:agentcreated concept_city_click +concept_geopoliticalorganization_options concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_options concept:agentcreated concept_programminglanguage_contact +concept_geopoliticalorganization_options concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_options concept:agentcompeteswithagent concept_tradeunion_search +concept_geopoliticalorganization_orange_free_state concept:latitudelongitude -29.0000000000000,26.0000000000000 +concept_geopoliticalorganization_other_cities concept:atlocation concept_city_florida +concept_geopoliticalorganization_palm_beach concept:atlocation concept_city_florida +concept_geopoliticalorganization_palm_beach concept:mutualproxyfor concept_city_florida +concept_geopoliticalorganization_passaic concept:mutualproxyfor concept_radiostation_new_jersey +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_april +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_august +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_december +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_january +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_march +concept_geopoliticalorganization_peak_season concept:organizationdissolvedatdate concept_month_september +concept_geopoliticalorganization_policies concept:subpartoforganization concept_governmentorganization_federal +concept_geopoliticalorganization_policies concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_policies concept:subpartoforganization concept_website_copyright +concept_geopoliticalorganization_sacremento concept:atlocation concept_stateorprovince_california +concept_geopoliticalorganization_sacremento concept:proxyfor concept_stateorprovince_california +concept_geopoliticalorganization_sacremento concept:subpartof concept_stateorprovince_california +concept_geopoliticalorganization_san_antonio_texas concept:locationlocatedwithinlocation concept_city_texas +concept_geopoliticalorganization_san_antonio_texas concept:proxyfor concept_city_texas +concept_geopoliticalorganization_schedule concept:proxyfor concept_book_new +concept_geopoliticalorganization_schedule concept:agentinvolvedwithitem concept_buildingfeature_window +concept_geopoliticalorganization_schedule concept:atdate concept_date_n1999 +concept_geopoliticalorganization_schedule concept:atdate concept_date_n2000 +concept_geopoliticalorganization_schedule concept:atdate concept_date_n2001 +concept_geopoliticalorganization_schedule concept:atdate concept_date_n2003 +concept_geopoliticalorganization_schedule concept:atdate concept_date_n2004 +concept_geopoliticalorganization_schedule concept:atdate concept_date_n2009 +concept_geopoliticalorganization_schedule concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_schedule concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_schedule concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_schedule concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_schedule concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_schedule concept:organizationdissolvedatdate concept_month_september +concept_geopoliticalorganization_schedule concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticalorganization_schedule concept:agentparticipatedinevent concept_sportsgame_series +concept_geopoliticalorganization_site_search concept:agentcompeteswithagent concept_city_home +concept_geopoliticalorganization_sovereign_nation concept:proxyfor concept_lake_new +concept_geopoliticalorganization_sponsor concept:proxyfor concept_book_new +concept_geopoliticalorganization_sponsor concept:agentparticipatedinevent concept_sportsgame_series +concept_geopoliticalorganization_srpska concept:synonymfor concept_country_bosnia_herzegovina +concept_geopoliticalorganization_srpska concept:synonymfor concept_country_montenegro +concept_geopoliticalorganization_st___maarten concept:latitudelongitude 18.0526000000000,-63.0238000000000 +concept_geopoliticalorganization_st__cloud concept:proxyfor concept_stateorprovince_minnesota +concept_geopoliticalorganization_st__cloud concept:subpartof concept_stateorprovince_minnesota +concept_geopoliticalorganization_such_state concept:proxyfor concept_book_new +concept_geopoliticalorganization_tax concept:proxyfor concept_book_new +concept_geopoliticalorganization_tax concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticalorganization_telephone concept:atdate concept_date_n1996 +concept_geopoliticalorganization_telephone concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_telephone concept:agentcreated concept_programminglanguage_contact +concept_geopoliticalorganization_telephone concept:agentcreated concept_weapon_details +concept_geopoliticalorganization_telephone concept:agentcreated concept_website_information +concept_geopoliticalorganization_telephone concept:atdate concept_year_n1997 +concept_geopoliticalorganization_terms_and_conditions concept:agentparticipatedinevent concept_eventoutcome_result +concept_geopoliticalorganization_terms_and_conditions concept:agentparticipatedinevent concept_sportsgame_terms +concept_geopoliticalorganization_theater concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_theaters concept:proxyfor concept_book_new +concept_geopoliticalorganization_theaters concept:atdate concept_date_n2004 +concept_geopoliticalorganization_theaters concept:atdate concept_date_n2009 +concept_geopoliticalorganization_theaters concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_theaters concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_theaters concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_theaters concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_theaters concept:atdate concept_dateliteral_n2010 +concept_geopoliticalorganization_theatre concept:proxyfor concept_book_new +concept_geopoliticalorganization_theatre concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_tn concept:locationlocatedwithinlocation concept_city_nashville +concept_geopoliticalorganization_torun concept:locationlocatedwithinlocation concept_country_poland +concept_geopoliticalorganization_united_arab_republic concept:latitudelongitude 27.0000000000000,30.0000000000000 +concept_geopoliticalorganization_upper_austria concept:latitudelongitude 48.2500000000000,14.0000000000000 +concept_geopoliticalorganization_us_state concept:agentcollaborateswithagent concept_governmentorganization_house +concept_geopoliticalorganization_us_state concept:proxyfor concept_lake_new +concept_geopoliticalorganization_us_state concept:subpartof concept_room_house +concept_geopoliticalorganization_venue concept:proxyfor concept_book_new +concept_geopoliticalorganization_venue concept:atdate concept_date_n2003 +concept_geopoliticalorganization_venue concept:atdate concept_date_n2004 +concept_geopoliticalorganization_venue concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_venue concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_venue concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_venue concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_venue concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_venues concept:subpartoforganization concept_terroristorganization_state +concept_geopoliticalorganization_weather concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_weather concept:organizationdissolvedatdate concept_month_april +concept_geopoliticalorganization_weather concept:organizationdissolvedatdate concept_month_february +concept_geopoliticalorganization_weather concept:organizationdissolvedatdate concept_month_march +concept_geopoliticalorganization_weather concept:organizationdissolvedatdate concept_month_october +concept_geopoliticalorganization_web_site concept:proxyfor concept_book_new +concept_geopoliticalorganization_web_site concept:atdate concept_date_n1996 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n1999 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n2000 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n2001 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n2003 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n2004 +concept_geopoliticalorganization_web_site concept:atdate concept_date_n2009 +concept_geopoliticalorganization_web_site concept:atdate concept_dateliteral_n2002 +concept_geopoliticalorganization_web_site concept:atdate concept_dateliteral_n2005 +concept_geopoliticalorganization_web_site concept:atdate concept_dateliteral_n2006 +concept_geopoliticalorganization_web_site concept:atdate concept_dateliteral_n2007 +concept_geopoliticalorganization_web_site concept:atdate concept_dateliteral_n2008 +concept_geopoliticalorganization_web_site concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_geopoliticalorganization_web_site concept:istallerthan concept_publication_people_ +concept_geopoliticalorganization_web_site concept:agentinvolvedwithitem concept_software_browser +concept_geopoliticalorganization_web_site concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_geopoliticalorganization_web_site concept:atdate concept_year_n1994 +concept_geopoliticalorganization_web_site concept:atdate concept_year_n1995 +concept_geopoliticalorganization_web_site concept:atdate concept_year_n1997 +concept_geopoliticalorganization_web_site concept:atdate concept_year_n1998 +concept_geopoliticalorganization_western concept:atlocation concept_continent_africa +concept_geopoliticalorganization_western concept:mutualproxyfor concept_stateorprovince_north_dakota +concept_geopoliticalorganization_yucatan_peninsula concept:latitudelongitude 19.5000000000000,-89.0000000000000 +concept_geopoliticalorganization_yugoslavia concept:synonymfor concept_politicalparty_republic +concept_governmentorganization_abc_news concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_abc_news concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_acda concept:organizationacronymhasname concept_governmentorganization_arms_control_and_disarmament_agency +concept_governmentorganization_acf concept:organizationacronymhasname concept_governmentorganization_administration_for_children_and_families +concept_governmentorganization_achp concept:organizationacronymhasname concept_governmentorganization_advisory_council_on_historic_preservation +concept_governmentorganization_action concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_action concept:atdate concept_date_n1941 +concept_governmentorganization_action concept:atdate concept_date_n1942 +concept_governmentorganization_action concept:atdate concept_date_n1944 +concept_governmentorganization_action concept:atdate concept_date_n1993 +concept_governmentorganization_action concept:atdate concept_date_n1996 +concept_governmentorganization_action concept:atdate concept_date_n1999 +concept_governmentorganization_action concept:atdate concept_date_n2000 +concept_governmentorganization_action concept:atdate concept_date_n2001 +concept_governmentorganization_action concept:atdate concept_date_n2003 +concept_governmentorganization_action concept:atdate concept_date_n2004 +concept_governmentorganization_action concept:atdate concept_date_n2009 +concept_governmentorganization_action concept:atdate concept_dateliteral_n1917 +concept_governmentorganization_action concept:atdate concept_dateliteral_n1943 +concept_governmentorganization_action concept:atdate concept_dateliteral_n1945 +concept_governmentorganization_action concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_action concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_action concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_action concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_action concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_action concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_action concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_action concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_action concept:agentparticipatedinevent concept_sportsgame_series +concept_governmentorganization_action concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_governmentorganization_action concept:atdate concept_year_n1915 +concept_governmentorganization_action concept:atdate concept_year_n1916 +concept_governmentorganization_action concept:atdate concept_year_n1995 +concept_governmentorganization_action concept:atdate concept_year_n1998 +concept_governmentorganization_administration concept:organizationheadquarteredincountry concept_country_usa +concept_governmentorganization_administration concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_administration concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_governmentorganization_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_agency concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_agency concept:agentcontrols concept_geometricshape_property +concept_governmentorganization_agency concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_agency concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_agency concept:organizationacronymhasname concept_governmentorganization_u_s_department +concept_governmentorganization_agency concept:organizationalsoknownas concept_governmentorganization_u_s_department +concept_governmentorganization_agency concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_governmentorganization_agency concept:organizationacronymhasname concept_governmentorganization_us_department +concept_governmentorganization_agency concept:agentcollaborateswithagent concept_monarch_property +concept_governmentorganization_agency concept:agentcollaborateswithagent concept_person_state +concept_governmentorganization_agency concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_agency concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_agency_officials concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_air_national_guard concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_airline concept:agentactsinlocation concept_visualizablescene_manchester_airports +concept_governmentorganization_altria concept:agentcontrols concept_food_philip_morris +concept_governmentorganization_altria concept:agentcollaborateswithagent concept_university_philip_morris +concept_governmentorganization_amazon_com concept:agentcontrols concept_automobilemaker_jeff_bezos +concept_governmentorganization_amazon_com concept:agentcollaborateswithagent concept_ceo_jeff_bezos +concept_governmentorganization_amazon_com concept:agentcontrols concept_ceo_jeff_bezos +concept_governmentorganization_amazon_com concept:agentparticipatedinevent concept_convention_link +concept_governmentorganization_amazon_com concept:agentparticipatedinevent concept_crimeorcharge_links +concept_governmentorganization_amazon_com concept:organizationterminatedperson concept_personus_jeff_bezos +concept_governmentorganization_amazon_com concept:agentcompeteswithagent concept_university_google +concept_governmentorganization_american_civil_liberties_union concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_american_medical_association concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ams concept:organizationacronymhasname concept_governmentorganization_agricultural_marketing_service +concept_governmentorganization_anl concept:organizationacronymhasname concept_governmentorganization_argonne_national_laboratory +concept_governmentorganization_aphis concept:latitudelongitude 42.4484700000000,-122.2441900000000 +concept_governmentorganization_aphis concept:organizationacronymhasname concept_governmentorganization_animal_and_plant_health_inspection_service +concept_governmentorganization_appeals_court concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_applications concept:synonymfor concept_book_terminal +concept_governmentorganization_applications concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_governmentorganization_applications concept:agentinvolvedwithitem concept_clothing_mac +concept_governmentorganization_applications concept:atdate concept_date_n2001 +concept_governmentorganization_applications concept:atdate concept_date_n2004 +concept_governmentorganization_applications concept:atdate concept_date_n2009 +concept_governmentorganization_applications concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_applications concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_applications concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_applications concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_applications concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_applications concept:agentinvolvedwithitem concept_product_tab +concept_governmentorganization_applications concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_arizona_department_of_environmental_quality concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_arizona_game_and_fish_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_army_corps_of_engineers concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_association concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_association concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_atomic_energy_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_atsdr concept:organizationacronymhasname concept_governmentorganization_agency_for_toxic_substances_and_disease_registry +concept_governmentorganization_authority concept:proxyfor concept_coach_new +concept_governmentorganization_authority concept:atdate concept_date_n2004 +concept_governmentorganization_authority concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_authority concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_authority concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_authority concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_authority concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_authority concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_authority concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_authority concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_bafin concept:latitudelongitude 9.0083350000000,-11.2333350000000 +concept_governmentorganization_banking concept:proxyfor concept_coach_new +concept_governmentorganization_banking concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_bar_associations concept:proxyfor concept_coach_new +concept_governmentorganization_bar_associations concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_bbb concept:organizationacronymhasname concept_governmentorganization_better_business_bureau +concept_governmentorganization_bbc concept:atdate concept_date_n2009 +concept_governmentorganization_bbc concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_bea concept:organizationacronymhasname concept_governmentorganization_bureau_of_economic_analysis +concept_governmentorganization_belleville concept:proxyfor concept_radiostation_new_jersey +concept_governmentorganization_bep concept:organizationacronymhasname concept_governmentorganization_bureau_of_engraving_and_printing +concept_governmentorganization_bia concept:organizationacronymhasname concept_governmentorganization_bureau_of_indian_affairs +concept_governmentorganization_blm concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_blm concept:organizationacronymhasname concept_governmentorganization_bureau_of_land_management +concept_governmentorganization_bmu concept:latitudelongitude -8.5500000000000,118.7000000000000 +concept_governmentorganization_bonneville_power_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bop concept:organizationacronymhasname concept_governmentorganization_federal_bureau_of_prisons +concept_governmentorganization_border_patrol concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bpd concept:organizationacronymhasname concept_governmentorganization_bureau_of_public_debt +concept_governmentorganization_bpd concept:organizationacronymhasname concept_governmentorganization_bureau_of_the_public_debt +concept_governmentorganization_bts concept:organizationacronymhasname concept_governmentorganization_bureau_of_transportation_statistics +concept_governmentorganization_bureau concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bureau concept:atdate concept_date_n2003 +concept_governmentorganization_bureau concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_bureau concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_bureau concept:organizationacronymhasname concept_governmentorganization_us_department +concept_governmentorganization_bureau concept:organizationalsoknownas concept_governmentorganization_us_department +concept_governmentorganization_bureau concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_bureau concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_bureau concept:mutualproxyfor concept_sportsequipment_board +concept_governmentorganization_bureau_of_indian_affairs concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bureau_of_labor_statistics concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bureau_of_land_management concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_bureau_of_prisons concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_bureau_of_reclamation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_business_opportunities concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_bxa concept:organizationacronymhasname concept_governmentorganization_bureau_of_export_administration +concept_governmentorganization_c_span concept:organizationterminatedperson concept_person_brian_lamb +concept_governmentorganization_cabinet concept:atdate concept_date_n1996 +concept_governmentorganization_cabinet concept:atdate concept_date_n1999 +concept_governmentorganization_cabinet concept:atdate concept_date_n2000 +concept_governmentorganization_cabinet concept:atdate concept_date_n2001 +concept_governmentorganization_cabinet concept:atdate concept_date_n2003 +concept_governmentorganization_cabinet concept:atdate concept_date_n2004 +concept_governmentorganization_cabinet concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_cabinet concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_cabinet concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_cabinet concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_cabinet concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_cabinet concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_cabinet concept:atdate concept_year_n1997 +concept_governmentorganization_cabinet concept:atdate concept_year_n1998 +concept_governmentorganization_california_air_resources_board concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_california_department concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_california_energy_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_canadian_wildlife_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_capitol concept:organizationheadquarteredincity concept_city_seattle +concept_governmentorganization_capitol concept:proxyfor concept_coach_new +concept_governmentorganization_capitol concept:agentcontrols concept_mediatype_white +concept_governmentorganization_capitol concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_carb concept:organizationacronymhasname concept_governmentorganization_california_air_resources_board +concept_governmentorganization_cbo concept:organizationacronymhasname concept_governmentorganization_congressional_budget_office +concept_governmentorganization_cbp concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_cdc concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_cdc concept:organizationacronymhasname concept_governmentorganization_centers_for_disease_control +concept_governmentorganization_census_bureau concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_centers concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_centers concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_centers concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_centers concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_centers_for_disease_control concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_central_bank concept:agentcontrols concept_transportation_money +concept_governmentorganization_cfr concept:organizationacronymhasname concept_governmentorganization_code_of_federal_regulations +concept_governmentorganization_cftc concept:organizationacronymhasname concept_governmentorganization_commodity_futures_trading_commission +concept_governmentorganization_chairman concept:proxyfor concept_coach_new +concept_governmentorganization_chairman concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_chairman concept:atdate concept_date_n1999 +concept_governmentorganization_chairman concept:atdate concept_date_n2000 +concept_governmentorganization_chairman concept:atdate concept_date_n2001 +concept_governmentorganization_chairman concept:atdate concept_date_n2003 +concept_governmentorganization_chairman concept:atdate concept_date_n2004 +concept_governmentorganization_chairman concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_chairman concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_chairman concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_chairman concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_chairman concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_chairman concept:atdate concept_year_n1991 +concept_governmentorganization_chairman concept:atdate concept_year_n1997 +concept_governmentorganization_chief_financial_officer concept:atdate concept_date_n1996 +concept_governmentorganization_chief_financial_officer concept:atdate concept_date_n2000 +concept_governmentorganization_chief_financial_officer concept:atdate concept_date_n2004 +concept_governmentorganization_chief_financial_officer concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_chief_financial_officer concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_chief_financial_officer concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_chief_financial_officer concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_chief_financial_officer concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_churches concept:proxyfor concept_coach_new +concept_governmentorganization_churches concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_cia concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_click_here concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_clients concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_conduct +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_criminal_charges +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_criminal_offenses +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_drug_charges +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_drug_crimes +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_drug_offenses +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_dui +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_felonies +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_felony +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_misdemeanor +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_misdemeanors +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_possession +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_sex_crimes +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_sex_offenses +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_traffic_violations +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_violations +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_violent_crimes +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_violent_offenses +concept_governmentorganization_clients concept:agentparticipatedinevent concept_crimeorcharge_white_collar_crimes +concept_governmentorganization_clients concept:atdate concept_date_n2000 +concept_governmentorganization_clients concept:atdate concept_date_n2009 +concept_governmentorganization_clients concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_clients concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_clients concept:agentparticipatedinevent concept_sportsgame_charges +concept_governmentorganization_clinical_trial concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_cms concept:atdate concept_date_n2003 +concept_governmentorganization_cms concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_cns concept:organizationacronymhasname concept_governmentorganization_corporation_for_national_service +concept_governmentorganization_coast_guard concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_commerce_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_commission concept:proxyfor concept_coach_new +concept_governmentorganization_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_commission concept:atdate concept_date_n1864 +concept_governmentorganization_commission concept:atdate concept_date_n1942 +concept_governmentorganization_commission concept:atdate concept_date_n1944 +concept_governmentorganization_commission concept:atdate concept_date_n1993 +concept_governmentorganization_commission concept:atdate concept_date_n1996 +concept_governmentorganization_commission concept:atdate concept_date_n1999 +concept_governmentorganization_commission concept:atdate concept_date_n2000 +concept_governmentorganization_commission concept:atdate concept_date_n2001 +concept_governmentorganization_commission concept:atdate concept_date_n2003 +concept_governmentorganization_commission concept:atdate concept_date_n2004 +concept_governmentorganization_commission concept:atdate concept_date_n2009 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n1917 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_commission concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_commission concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_commission concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_commission concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_commission concept:mutualproxyfor concept_sportsequipment_board +concept_governmentorganization_commission concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_commission concept:subpartof concept_weatherphenomenon_water +concept_governmentorganization_commission concept:atdate concept_year_n1862 +concept_governmentorganization_commission concept:atdate concept_year_n1946 +concept_governmentorganization_commission concept:atdate concept_year_n1994 +concept_governmentorganization_commission concept:atdate concept_year_n1995 +concept_governmentorganization_commission concept:atdate concept_year_n1997 +concept_governmentorganization_commission concept:atdate concept_year_n1998 +concept_governmentorganization_communication concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_communications concept:atdate concept_date_n1999 +concept_governmentorganization_communications concept:atdate concept_date_n2000 +concept_governmentorganization_communications concept:atdate concept_date_n2004 +concept_governmentorganization_communities_and_local_government concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_compliance concept:proxyfor concept_coach_new +concept_governmentorganization_compliance concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_congressional_budget_office concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_constables concept:latitudelongitude -34.0666700000000,151.1333300000000 +concept_governmentorganization_constitution concept:atdate concept_date_n1993 +concept_governmentorganization_constitution concept:atdate concept_date_n2004 +concept_governmentorganization_constitution concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_constitution concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_constitution concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_constitution concept:atdate concept_year_n1992 +concept_governmentorganization_constitution concept:atdate concept_year_n1997 +concept_governmentorganization_consumer concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_consumer_product_safety_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_contracts concept:atdate concept_date_n1999 +concept_governmentorganization_contracts concept:atdate concept_date_n2001 +concept_governmentorganization_contracts concept:atdate concept_date_n2003 +concept_governmentorganization_contracts concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_contracts concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_contracts concept:atdate concept_year_n1998 +concept_governmentorganization_cooperative_agreement concept:atdate concept_date_n2003 +concept_governmentorganization_copy concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_copy concept:proxyfor concept_coach_new +concept_governmentorganization_copy concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_copy concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_copy concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_court concept:agentparticipatedinevent concept_sportsgame_charges +concept_governmentorganization_courts concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_courts concept:organizationacronymhasname concept_governmentorganization_u_s__federal_courts +concept_governmentorganization_courts concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_cpsc concept:organizationacronymhasname concept_governmentorganization_consumer_product_safety_commission +concept_governmentorganization_cpsc concept:organizationacronymhasname concept_governmentorganization_u_s__consumer_product_safety_commission +concept_governmentorganization_customs concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_customs concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_customs_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_darpa concept:organizationacronymhasname concept_governmentorganization_defense_advanced_research_projects_agency +concept_governmentorganization_dcaa concept:organizationacronymhasname concept_governmentorganization_defense_contract_and_audit_agency +concept_governmentorganization_dcaa concept:organizationacronymhasname concept_governmentorganization_defense_contract_audit_agency +concept_governmentorganization_dea concept:organizationacronymhasname concept_governmentorganization_drug_enforcement_administration +concept_governmentorganization_defense_advanced_research_projects_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_defense_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_defense_logistics_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_defense_mapping_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_defra concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_defra concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_deparment concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_department concept:subpartof concept_beverage_local_water +concept_governmentorganization_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_department concept:atdate concept_date_n1996 +concept_governmentorganization_department concept:atdate concept_date_n1999 +concept_governmentorganization_department concept:atdate concept_date_n2000 +concept_governmentorganization_department concept:atdate concept_date_n2001 +concept_governmentorganization_department concept:atdate concept_date_n2003 +concept_governmentorganization_department concept:atdate concept_date_n2004 +concept_governmentorganization_department concept:atdate concept_date_n2009 +concept_governmentorganization_department concept:atdate concept_dateliteral_n1987 +concept_governmentorganization_department concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_department concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_department concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_department concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_department concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_department concept:agentcreated concept_geometricshape_cases +concept_governmentorganization_department concept:agentcreated concept_geopoliticalorganization_e_mail +concept_governmentorganization_department concept:synonymfor concept_governmentorganization_bureau +concept_governmentorganization_department concept:organizationacronymhasname concept_governmentorganization_california_department +concept_governmentorganization_department concept:subpartoforganization concept_governmentorganization_homeland_security +concept_governmentorganization_department concept:organizationacronymhasname concept_governmentorganization_state_department +concept_governmentorganization_department concept:subpartoforganization concept_governmentorganization_treasury +concept_governmentorganization_department concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_department concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_governmentorganization_department concept:organizationacronymhasname concept_governmentorganization_us_department +concept_governmentorganization_department concept:proxyfor concept_lake_new +concept_governmentorganization_department concept:agentcontrols concept_mediatype_white +concept_governmentorganization_department concept:agentcreated concept_movie_first_contact +concept_governmentorganization_department concept:agentcreated concept_musicalbum_months +concept_governmentorganization_department concept:agentcreated concept_musicsong_questions_contact +concept_governmentorganization_department concept:agentcollaborateswithagent concept_person_state +concept_governmentorganization_department concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_department concept:agentcreated concept_profession_contacting +concept_governmentorganization_department concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_department concept:agentcreated concept_programminglanguage_email +concept_governmentorganization_department concept:agentcreated concept_programminglanguage_end +concept_governmentorganization_department concept:agentcreated concept_programminglanguage_questions +concept_governmentorganization_department concept:mutualproxyfor concept_researchproject_engineering +concept_governmentorganization_department concept:agentcreated concept_scientificterm_addition +concept_governmentorganization_department concept:agentcreated concept_scientificterm_further_information_contact +concept_governmentorganization_department concept:agentcreated concept_scientificterm_information_contact +concept_governmentorganization_department concept:agentcreated concept_scientificterm_more_information_contact +concept_governmentorganization_department concept:proxyfor concept_stateorprovince_texas +concept_governmentorganization_department concept:subpartof concept_stateorprovince_texas +concept_governmentorganization_department concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_department concept:agentcreated concept_transportation_fax +concept_governmentorganization_department concept:synonymfor concept_university_ministry +concept_governmentorganization_department concept:synonymfor concept_university_state_university +concept_governmentorganization_department concept:agentcreated concept_visualizablething_call +concept_governmentorganization_department concept:agentcreated concept_visualizablething_case +concept_governmentorganization_department concept:subpartof concept_weatherphenomenon_air +concept_governmentorganization_department concept:subpartof concept_weatherphenomenon_water +concept_governmentorganization_department concept:agentcreated concept_website_phone +concept_governmentorganization_department concept:agentcreated concept_website_request +concept_governmentorganization_department concept:agentcreated concept_website_telephone +concept_governmentorganization_department concept:agentcreated concept_website_visit +concept_governmentorganization_department concept:atdate concept_year_n1984 +concept_governmentorganization_department concept:atdate concept_year_n1991 +concept_governmentorganization_department concept:atdate concept_year_n1992 +concept_governmentorganization_department concept:atdate concept_year_n1997 +concept_governmentorganization_department concept:atdate concept_year_n1998 +concept_governmentorganization_department_of_commerce concept:subpartoforganization concept_city_texas +concept_governmentorganization_departments concept:proxyfor concept_coach_new +concept_governmentorganization_departments concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_departments concept:atdate concept_date_n2003 +concept_governmentorganization_departments concept:subpartoforganization concept_governmentorganization_department +concept_governmentorganization_departments concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_departments concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_departments concept:mutualproxyfor concept_researchproject_engineering +concept_governmentorganization_departments concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_deq concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_dfas concept:organizationacronymhasname concept_governmentorganization_defense_finance_and_accounting_service +concept_governmentorganization_dhhs concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_dhs concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_dhs concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_dhs concept:organizationacronymhasname concept_governmentorganization_department_of_homeland_security +concept_governmentorganization_dhs concept:organizationacronymhasname concept_governmentorganization_homeland_security_department +concept_governmentorganization_directory concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_directory concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_directory concept:agentcompeteswithagent concept_politicianus_free_search +concept_governmentorganization_directory concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_directory concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_governmentorganization_disa concept:organizationacronymhasname concept_governmentorganization_defense_information_systems_agency +concept_governmentorganization_disabilities concept:atdate concept_date_n2003 +concept_governmentorganization_disabilities concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_dla concept:organizationacronymhasname concept_governmentorganization_defense_logistics_agency +concept_governmentorganization_dnfsb concept:organizationacronymhasname concept_governmentorganization_defense_nuclear_facilities_safety_board +concept_governmentorganization_doc concept:organizationacronymhasname concept_governmentorganization_department_of_commerce +concept_governmentorganization_document concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_dod concept:organizationacronymhasname concept_governmentorganization_defense_department +concept_governmentorganization_dod concept:organizationacronymhasname concept_governmentorganization_department_of_defense +concept_governmentorganization_doe concept:organizationacronymhasname concept_governmentorganization_department_of_energy +concept_governmentorganization_doe concept:organizationacronymhasname concept_governmentorganization_energy_department +concept_governmentorganization_doi concept:organizationacronymhasname concept_governmentorganization_department_of_the_interior +concept_governmentorganization_doj concept:organizationacronymhasname concept_governmentorganization_department_of_justice +concept_governmentorganization_doj concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_doj concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_drug_administration concept:atdate concept_date_n1996 +concept_governmentorganization_drug_administration concept:atdate concept_date_n2000 +concept_governmentorganization_drug_administration concept:atdate concept_date_n2001 +concept_governmentorganization_drug_administration concept:atdate concept_date_n2003 +concept_governmentorganization_drug_administration concept:atdate concept_date_n2004 +concept_governmentorganization_drug_administration concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_drug_administration concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_drug_administration concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_drug_administration concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_drug_administration concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_drug_administration concept:atdate concept_year_n1994 +concept_governmentorganization_drug_administration concept:atdate concept_year_n1995 +concept_governmentorganization_drug_administration concept:atdate concept_year_n1998 +concept_governmentorganization_drug_enforcement_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_drug_enforcement_agency concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_dsca concept:organizationacronymhasname concept_governmentorganization_defense_security_cooperation_agency +concept_governmentorganization_dss concept:organizationacronymhasname concept_governmentorganization_defense_security_service +concept_governmentorganization_dtra concept:organizationacronymhasname concept_governmentorganization_defense_threat_reduction_agency +concept_governmentorganization_education_department concept:organizationacronymhasname concept_governmentorganization_rehabilitation_services_administration +concept_governmentorganization_eeoc concept:organizationacronymhasname concept_governmentorganization_equal_employment_opportunity_commission +concept_governmentorganization_eeoc concept:organizationacronymhasname concept_governmentorganization_u_s__equal_employment_opportunity_commission +concept_governmentorganization_electric_power_research_institute concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_emea concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_eml concept:latitudelongitude 39.5500000000000,36.3666700000000 +concept_governmentorganization_employment concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_energy_information_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_enforcement concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_enterprise concept:synonymfor concept_company_redhat +concept_governmentorganization_enterprise concept:atlocation concept_stateorprovince_alabama +concept_governmentorganization_entire_house concept:subpartof concept_weatherphenomenon_air +concept_governmentorganization_environment_canada concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_environmental_protection_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_environmental_protection_agency concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_epa concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_epa concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_epa concept:atdate concept_date_n1999 +concept_governmentorganization_epa concept:atdate concept_date_n2000 +concept_governmentorganization_epa concept:atdate concept_date_n2001 +concept_governmentorganization_epa concept:atdate concept_date_n2003 +concept_governmentorganization_epa concept:atdate concept_date_n2004 +concept_governmentorganization_epa concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_epa concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_epa concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_epa concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_epa concept:organizationacronymhasname concept_governmentorganization_environmental_protection_agency +concept_governmentorganization_epa concept:atdate concept_year_n1997 +concept_governmentorganization_epa concept:atdate concept_year_n1998 +concept_governmentorganization_epa_ concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_european_commission concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_european_union concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_european_union concept:atdate concept_date_n2000 +concept_governmentorganization_european_union concept:atdate concept_date_n2001 +concept_governmentorganization_european_union concept:atdate concept_date_n2003 +concept_governmentorganization_european_union concept:atdate concept_date_n2004 +concept_governmentorganization_european_union concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_european_union concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_european_union concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_european_union concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_european_union concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_exchange_commission concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_excite concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_executive_order concept:atdate concept_date_n2000 +concept_governmentorganization_executive_order concept:atdate concept_date_n2003 +concept_governmentorganization_executive_order concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_executive_order concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_executive_order concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_executive_orders concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_f_b_i_ concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_faa concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_faa concept:organizationacronymhasname concept_governmentorganization_federal_aviation_administration +concept_governmentorganization_fact concept:proxyfor concept_coach_new +concept_governmentorganization_fact concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_fact concept:atdate concept_date_n2003 +concept_governmentorganization_fact concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_fact concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_fact concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_fact concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_fbi concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_fbi concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_fbi concept:atdate concept_date_n2000 +concept_governmentorganization_fbi concept:atdate concept_date_n2003 +concept_governmentorganization_fbi concept:atdate concept_date_n2004 +concept_governmentorganization_fbi concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_fbi concept:organizationterminatedperson concept_personmexico_ryan_whitney +concept_governmentorganization_fbi concept:organizationalsoknownas concept_professionalorganization_federal_bureau_of_investigation +concept_governmentorganization_fbi_agents concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_fca concept:organizationacronymhasname concept_governmentorganization_farm_credit_administration +concept_governmentorganization_fcc concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_fcc concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_fcc concept:organizationacronymhasname concept_governmentorganization_federal_communications_commission +concept_governmentorganization_fct concept:latitudelongitude 8.8333300000000,7.1666700000000 +concept_governmentorganization_fda concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_fdic concept:mutualproxyfor concept_female_sheila_bair +concept_governmentorganization_fdic concept:organizationterminatedperson concept_female_sheila_bair +concept_governmentorganization_fdic concept:organizationacronymhasname concept_governmentorganization_federal_deposit_insurance_corporation +concept_governmentorganization_fec concept:organizationacronymhasname concept_governmentorganization_federal_election_commission +concept_governmentorganization_fed concept:organizationterminatedperson concept_personafrica_paul_volcker +concept_governmentorganization_fed concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_fed concept:agentcontrols concept_transportation_money +concept_governmentorganization_federal_agency concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_federal_aviation_administration concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_federal_bureau concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_bureau_of_investigation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_bureau_of_investigations concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_bureau_of_prisons concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_communications_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_court concept:atdate concept_date_n2000 +concept_governmentorganization_federal_court concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_federal_court concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_federal_court concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_federal_court concept:atdate concept_year_n1997 +concept_governmentorganization_federal_courts concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_courts concept:proxyfor concept_lake_new +concept_governmentorganization_federal_deposit_insurance concept:organizationterminatedperson concept_female_sheila_bair +concept_governmentorganization_federal_deposit_insurance_corporation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_emergency_management_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_energy_regulatory_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_government concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_maritime_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_protective_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_register concept:atdate concept_date_n2000 +concept_governmentorganization_federal_register concept:atdate concept_date_n2003 +concept_governmentorganization_federal_register concept:atdate concept_date_n2004 +concept_governmentorganization_federal_register concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_federal_register concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_federal_register concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_federal_register concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_federal_register concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_federal_register concept:atdate concept_year_n1998 +concept_governmentorganization_federal_reserve_board concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_federal_trade concept:latitudelongitude 38.8926050000000,-77.0211450000000 +concept_governmentorganization_federal_trade_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_fema concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_fema concept:organizationacronymhasname concept_governmentorganization_federal_emergency_management_agency +concept_governmentorganization_fema_ concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ferc concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_ferc concept:organizationacronymhasname concept_governmentorganization_federal_energy_regulatory_commission +concept_governmentorganization_fha concept:organizationacronymhasname concept_governmentorganization_federal_government +concept_governmentorganization_fha concept:organizationacronymhasname concept_governmentorganization_federal_housing_authority +concept_governmentorganization_fhfb concept:organizationacronymhasname concept_governmentorganization_federal_housing_finance_board +concept_governmentorganization_fhwa concept:atdate concept_date_n2000 +concept_governmentorganization_fhwa concept:organizationacronymhasname concept_governmentorganization_federal_highway_administration +concept_governmentorganization_fire concept:atdate concept_date_n1906 +concept_governmentorganization_fire concept:atdate concept_date_n1914 +concept_governmentorganization_fire concept:atdate concept_date_n1922 +concept_governmentorganization_fire concept:atdate concept_date_n1924 +concept_governmentorganization_fire concept:atdate concept_date_n1927 +concept_governmentorganization_fire concept:atdate concept_date_n1941 +concept_governmentorganization_fire concept:atdate concept_date_n1951 +concept_governmentorganization_fire concept:atdate concept_date_n1962 +concept_governmentorganization_fire concept:atdate concept_date_n1968 +concept_governmentorganization_fire concept:atdate concept_date_n1976 +concept_governmentorganization_fire concept:atdate concept_date_n1996 +concept_governmentorganization_fire concept:atdate concept_date_n1999 +concept_governmentorganization_fire concept:atdate concept_date_n2000 +concept_governmentorganization_fire concept:atdate concept_date_n2001 +concept_governmentorganization_fire concept:atdate concept_date_n2003 +concept_governmentorganization_fire concept:atdate concept_date_n2004 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1917 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1945 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1953 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1961 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1980 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n1987 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_fire concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_fire concept:atdate concept_year_n1865 +concept_governmentorganization_fire concept:atdate concept_year_n1876 +concept_governmentorganization_fire concept:atdate concept_year_n1888 +concept_governmentorganization_fire concept:atdate concept_year_n1897 +concept_governmentorganization_fire concept:atdate concept_year_n1915 +concept_governmentorganization_fire concept:atdate concept_year_n1919 +concept_governmentorganization_fire concept:atdate concept_year_n1920 +concept_governmentorganization_fire concept:atdate concept_year_n1956 +concept_governmentorganization_fire concept:atdate concept_year_n1959 +concept_governmentorganization_fire concept:atdate concept_year_n1986 +concept_governmentorganization_fire concept:atdate concept_year_n1988 +concept_governmentorganization_fire concept:atdate concept_year_n1989 +concept_governmentorganization_fire concept:atdate concept_year_n1991 +concept_governmentorganization_fire concept:atdate concept_year_n1994 +concept_governmentorganization_fire concept:atdate concept_year_n1995 +concept_governmentorganization_fire concept:atdate concept_year_n1997 +concept_governmentorganization_fire concept:atdate concept_year_n1998 +concept_governmentorganization_first_district concept:proxyfor concept_coach_new +concept_governmentorganization_fiscal_year concept:organizationdissolvedatdate concept_month_august +concept_governmentorganization_fiscal_year concept:organizationdissolvedatdate concept_month_september +concept_governmentorganization_fish_and_wildlife_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_fish_and_wildlife_service concept:organizationacronymhasname concept_governmentorganization_us_department +concept_governmentorganization_florida_center concept:latitudelongitude 28.2254175000000,-81.9321675000000 +concept_governmentorganization_florida_department_of_environmental_protection concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_flra concept:organizationacronymhasname concept_governmentorganization_federal_labor_relations_authority +concept_governmentorganization_fmc concept:organizationacronymhasname concept_governmentorganization_u_s__federal_maritime_commission +concept_governmentorganization_fmcs concept:organizationacronymhasname concept_governmentorganization_federal_mediation_and_conciliation_service +concept_governmentorganization_fmcsa concept:organizationacronymhasname concept_governmentorganization_federal_motor_carrier_safety_administration +concept_governmentorganization_fmcsa concept:mutualproxyfor concept_personeurope_john_hill +concept_governmentorganization_fmcsa concept:subpartof concept_politicianus_john_hill +concept_governmentorganization_fmcsa concept:organizationhiredperson concept_professor_john_hill +concept_governmentorganization_fmcsa concept:organizationterminatedperson concept_professor_john_hill +concept_governmentorganization_fms concept:organizationacronymhasname concept_governmentorganization_financial_management_service +concept_governmentorganization_food_and_drug_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_contour +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_cougar +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_edsel +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_expedition +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_f_150_supercrew +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_futura +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_s_max +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_super_duty_f_250 +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_automobilemodel_windstar_wagon +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_bedroomitem_gt +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_buildingfeature_edge +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_buildingfeature_escape +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_candy_ranger +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_consumerelectronicitem_tempo +concept_governmentorganization_ford_foundation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_food_fusion +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_mlsoftware_flex +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_musicinstrument_aspire +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_software_falcon +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_software_thunderbird +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_sportsequipment_freestyle +concept_governmentorganization_ford_foundation concept:agentinvolvedwithitem concept_tableitem_fiesta +concept_governmentorganization_forest_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_fox_news concept:agentcontrols concept_blog_roger_ailes +concept_governmentorganization_fra concept:organizationacronymhasname concept_governmentorganization_federal_railroad_administration +concept_governmentorganization_freedom_of_information_act concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_frtib concept:organizationacronymhasname concept_governmentorganization_federal_retirement_thrift_investment_board +concept_governmentorganization_fsa concept:atdate concept_date_n2001 +concept_governmentorganization_fsa concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_fsa concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_fsa concept:organizationacronymhasname concept_governmentorganization_financial_services_authority +concept_governmentorganization_fsis concept:organizationacronymhasname concept_governmentorganization_food_safety_and_inspection_service +concept_governmentorganization_fta concept:organizationacronymhasname concept_governmentorganization_federal_transit_administration +concept_governmentorganization_ftc concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ftc concept:organizationacronymhasname concept_governmentorganization_federal_trade_commission +concept_governmentorganization_gcc concept:synonymfor concept_bathroomitem_install +concept_governmentorganization_general_services_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_geological_survey concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_georgia_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_gils concept:organizationacronymhasname concept_governmentorganization_defenselink_locator +concept_governmentorganization_glossary concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_government concept:agentcontrols concept_academicfield_documents +concept_governmentorganization_government concept:agentcollaborateswithagent concept_athlete_records +concept_governmentorganization_government concept:agentcontrols concept_buildingfeature_material +concept_governmentorganization_government concept:agentcontrols concept_buildingfeature_total_amount +concept_governmentorganization_government concept:agentcontrols concept_clothing_sites +concept_governmentorganization_government concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_government concept:agentcontrols concept_currency_territories +concept_governmentorganization_government concept:atdate concept_date_n1939 +concept_governmentorganization_government concept:atdate concept_date_n1949 +concept_governmentorganization_government concept:atdate concept_date_n1971 +concept_governmentorganization_government concept:atdate concept_date_n1977 +concept_governmentorganization_government concept:atdate concept_date_n1979 +concept_governmentorganization_government concept:atdate concept_date_n1993 +concept_governmentorganization_government concept:atdate concept_date_n1996 +concept_governmentorganization_government concept:atdate concept_date_n1999 +concept_governmentorganization_government concept:atdate concept_date_n2000 +concept_governmentorganization_government concept:atdate concept_date_n2001 +concept_governmentorganization_government concept:atdate concept_date_n2003 +concept_governmentorganization_government concept:atdate concept_date_n2004 +concept_governmentorganization_government concept:atdate concept_dateliteral_n1918 +concept_governmentorganization_government concept:atdate concept_dateliteral_n1945 +concept_governmentorganization_government concept:atdate concept_dateliteral_n1980 +concept_governmentorganization_government concept:atdate concept_dateliteral_n1987 +concept_governmentorganization_government concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_government concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_government concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_government concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_government concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_government concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_government concept:agentcontrols concept_emotion_data +concept_governmentorganization_government concept:agentcontrols concept_emotion_land +concept_governmentorganization_government concept:agentcontrols concept_emotion_lands +concept_governmentorganization_government concept:agentcontrols concept_eventoutcome_amount +concept_governmentorganization_government concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_government concept:agentcontrols concept_eventoutcome_rights +concept_governmentorganization_government concept:agentcontrols concept_geometricshape_property +concept_governmentorganization_government concept:agentcontrols concept_male_ideas +concept_governmentorganization_government concept:agentcontrols concept_mediatype_white +concept_governmentorganization_government concept:agentcontrols concept_musicsong_loans +concept_governmentorganization_government concept:agentcontrols concept_musicsong_monies +concept_governmentorganization_government concept:organizationhiredperson concept_person_republican +concept_governmentorganization_government concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_government concept:agentcontrols concept_personus_important_information +concept_governmentorganization_government concept:agentcontrols concept_physicalaction_materials +concept_governmentorganization_government concept:agentcontrols concept_politicsissue_more_money +concept_governmentorganization_government concept:agentcontrols concept_politicsissue_programs +concept_governmentorganization_government concept:agentcontrols concept_programminglanguage_state +concept_governmentorganization_government concept:agentcontrols concept_programminglanguage_technology +concept_governmentorganization_government concept:agentcontrols concept_race_taxes +concept_governmentorganization_government concept:agentcontrols concept_scientificterm_statistical_information +concept_governmentorganization_government concept:agentcompeteswithagent concept_tradeunion_search +concept_governmentorganization_government concept:agentcontrols concept_transportation_money +concept_governmentorganization_government concept:agentcontrols concept_vehicle_benefits +concept_governmentorganization_government concept:agentcontrols concept_vehicle_research +concept_governmentorganization_government concept:agentcontrols concept_weapon_properties +concept_governmentorganization_government concept:agentcontrols concept_website_homes +concept_governmentorganization_government concept:agentcontrols concept_website_information +concept_governmentorganization_government concept:agentcontrols concept_website_knowledge +concept_governmentorganization_government concept:agentcontrols concept_website_more_information +concept_governmentorganization_government concept:agentcontrols concept_website_resources +concept_governmentorganization_government concept:agentcontrols concept_website_statistics +concept_governmentorganization_government concept:atdate concept_year_n1919 +concept_governmentorganization_government concept:atdate concept_year_n1946 +concept_governmentorganization_government concept:atdate concept_year_n1948 +concept_governmentorganization_government concept:atdate concept_year_n1952 +concept_governmentorganization_government concept:atdate concept_year_n1959 +concept_governmentorganization_government concept:atdate concept_year_n1960 +concept_governmentorganization_government concept:atdate concept_year_n1970 +concept_governmentorganization_government concept:atdate concept_year_n1974 +concept_governmentorganization_government concept:atdate concept_year_n1975 +concept_governmentorganization_government concept:atdate concept_year_n1985 +concept_governmentorganization_government concept:atdate concept_year_n1986 +concept_governmentorganization_government concept:atdate concept_year_n1988 +concept_governmentorganization_government concept:atdate concept_year_n1989 +concept_governmentorganization_government concept:atdate concept_year_n1991 +concept_governmentorganization_government concept:atdate concept_year_n1992 +concept_governmentorganization_government concept:atdate concept_year_n1994 +concept_governmentorganization_government concept:atdate concept_year_n1995 +concept_governmentorganization_government concept:atdate concept_year_n1997 +concept_governmentorganization_government concept:atdate concept_year_n1998 +concept_governmentorganization_government_agencies concept:agentcontrols concept_geometricshape_property +concept_governmentorganization_governments concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_governments concept:atdate concept_date_n1999 +concept_governmentorganization_governments concept:atdate concept_date_n2000 +concept_governmentorganization_governments concept:atdate concept_date_n2003 +concept_governmentorganization_governments concept:atdate concept_date_n2004 +concept_governmentorganization_governments concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_governments concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_governments concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_governments concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_governments concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_governments concept:agentcontrols concept_geometricshape_property +concept_governmentorganization_governments concept:agentcollaborateswithagent concept_monarch_property +concept_governmentorganization_governments concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_governments concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_governments concept:istallerthan concept_publication_people_ +concept_governmentorganization_governments concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_governments concept:agentcontrols concept_transportation_money +concept_governmentorganization_governments concept:atdate concept_year_n1997 +concept_governmentorganization_governments concept:atdate concept_year_n1998 +concept_governmentorganization_governors concept:proxyfor concept_coach_new +concept_governmentorganization_governors concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_governors concept:atdate concept_date_n2000 +concept_governmentorganization_governors concept:atdate concept_date_n2001 +concept_governmentorganization_governors concept:atdate concept_date_n2003 +concept_governmentorganization_governors concept:atdate concept_date_n2004 +concept_governmentorganization_governors concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_governors concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_governors concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_governors concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_governors concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_gpo concept:organizationacronymhasname concept_governmentorganization_government_printing_office +concept_governmentorganization_gpo concept:organizationacronymhasname concept_governmentorganization_u_s__government_printing_office +concept_governmentorganization_graham_foundation concept:latitudelongitude 41.9094800000000,-87.6292200000000 +concept_governmentorganization_greater_chicago concept:latitudelongitude 41.8647550000000,-87.6422700000000 +concept_governmentorganization_gtz concept:latitudelongitude 16.7500000000000,-93.1166700000000 +concept_governmentorganization_guidance concept:atdate concept_date_n2003 +concept_governmentorganization_guidance concept:atdate concept_date_n2004 +concept_governmentorganization_guidance concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_guidance concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_guidance concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_guidance concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_hcfa concept:organizationacronymhasname concept_governmentorganization_health_care_financing_administration +concept_governmentorganization_health concept:atdate concept_date_n1993 +concept_governmentorganization_health concept:atdate concept_date_n1996 +concept_governmentorganization_health concept:atdate concept_date_n1999 +concept_governmentorganization_health concept:atdate concept_date_n2000 +concept_governmentorganization_health concept:atdate concept_date_n2003 +concept_governmentorganization_health concept:atdate concept_date_n2004 +concept_governmentorganization_health concept:atdate concept_date_n2009 +concept_governmentorganization_health concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_health concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_health concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_health concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_health concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_health concept:atdate concept_year_n1989 +concept_governmentorganization_health concept:atdate concept_year_n1992 +concept_governmentorganization_health concept:atdate concept_year_n1995 +concept_governmentorganization_health concept:atdate concept_year_n1997 +concept_governmentorganization_health concept:atdate concept_year_n1998 +concept_governmentorganization_health_and_human_services concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_health_and_human_services concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_health_canada concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_health_canada concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_health_canada concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_helena concept:subpartof concept_agriculturalproduct_montana +concept_governmentorganization_hhs concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_hhs concept:organizationacronymhasname concept_governmentorganization_department_of_health_and_human_services +concept_governmentorganization_hhs concept:organizationacronymhasname concept_governmentorganization_health_and_human_services_department +concept_governmentorganization_hhs concept:organizationacronymhasname concept_governmentorganization_u_s__dept__of_health_and_human_services +concept_governmentorganization_hhs concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_hhs_ concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_high_court concept:atdate concept_date_n2003 +concept_governmentorganization_high_court concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_high_court concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_high_court concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_high_court concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_high_court concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_history_channel concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_homeland_security concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_homeland_security concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_homeland_security_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_hotbot concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_house concept:agentcollaborateswithagent concept_biotechcompany_white +concept_governmentorganization_house concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_house concept:mutualproxyfor concept_coach_n3 +concept_governmentorganization_house concept:mutualproxyfor concept_coach_n8 +concept_governmentorganization_house concept:proxyfor concept_coach_new +concept_governmentorganization_house concept:atdate concept_date_christmas +concept_governmentorganization_house concept:atdate concept_date_feb_ +concept_governmentorganization_house concept:atdate concept_date_n1958 +concept_governmentorganization_house concept:atdate concept_date_n1968 +concept_governmentorganization_house concept:atdate concept_date_n1972 +concept_governmentorganization_house concept:atdate concept_date_n1977 +concept_governmentorganization_house concept:atdate concept_date_n1993 +concept_governmentorganization_house concept:atdate concept_date_n1996 +concept_governmentorganization_house concept:atdate concept_date_n1999 +concept_governmentorganization_house concept:atdate concept_date_n2000 +concept_governmentorganization_house concept:atdate concept_date_n2001 +concept_governmentorganization_house concept:atdate concept_date_n2003 +concept_governmentorganization_house concept:atdate concept_date_n2004 +concept_governmentorganization_house concept:atdate concept_date_n2009 +concept_governmentorganization_house concept:atdate concept_date_oct_ +concept_governmentorganization_house concept:atdate concept_date_thanksgiving +concept_governmentorganization_house concept:atdate concept_dateliteral_n1980 +concept_governmentorganization_house concept:atdate concept_dateliteral_n1987 +concept_governmentorganization_house concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_house concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_house concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_house concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_house concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_house concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_house concept:atdate concept_dayofweek_friday +concept_governmentorganization_house concept:atdate concept_dayofweek_monday +concept_governmentorganization_house concept:atdate concept_dayofweek_saturday +concept_governmentorganization_house concept:atdate concept_dayofweek_sunday +concept_governmentorganization_house concept:atdate concept_dayofweek_thursday +concept_governmentorganization_house concept:atdate concept_dayofweek_tuesday +concept_governmentorganization_house concept:atdate concept_dayofweek_wednesday +concept_governmentorganization_house concept:mutualproxyfor concept_female_seven +concept_governmentorganization_house concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_house concept:agentcontrols concept_mediatype_white +concept_governmentorganization_house concept:atdate concept_month_april +concept_governmentorganization_house concept:atdate concept_month_august +concept_governmentorganization_house concept:atdate concept_month_december +concept_governmentorganization_house concept:atdate concept_month_february +concept_governmentorganization_house concept:atdate concept_month_january +concept_governmentorganization_house concept:atdate concept_month_july +concept_governmentorganization_house concept:atdate concept_month_june +concept_governmentorganization_house concept:atdate concept_month_march +concept_governmentorganization_house concept:atdate concept_month_may +concept_governmentorganization_house concept:atdate concept_month_november +concept_governmentorganization_house concept:atdate concept_month_october +concept_governmentorganization_house concept:atdate concept_month_september +concept_governmentorganization_house concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_house concept:agentcontrols concept_programminglanguage_state +concept_governmentorganization_house concept:istallerthan concept_publication_people_ +concept_governmentorganization_house concept:agentcontrols concept_sociopolitical_justice +concept_governmentorganization_house concept:mutualproxyfor concept_videogamesystem_n5 +concept_governmentorganization_house concept:atdate concept_year_n1965 +concept_governmentorganization_house concept:atdate concept_year_n1967 +concept_governmentorganization_house concept:atdate concept_year_n1984 +concept_governmentorganization_house concept:atdate concept_year_n1985 +concept_governmentorganization_house concept:atdate concept_year_n1988 +concept_governmentorganization_house concept:atdate concept_year_n1992 +concept_governmentorganization_house concept:atdate concept_year_n1994 +concept_governmentorganization_house concept:atdate concept_year_n1995 +concept_governmentorganization_house concept:atdate concept_year_n1997 +concept_governmentorganization_house concept:atdate concept_year_n1998 +concept_governmentorganization_hrsa concept:organizationacronymhasname concept_governmentorganization_health_resources_and_services_administration +concept_governmentorganization_hud concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_hud concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_hud concept:organizationacronymhasname concept_governmentorganization_department_of_housing_and_urban_development +concept_governmentorganization_hud concept:organizationacronymhasname concept_governmentorganization_housing_and_urban_development +concept_governmentorganization_hud concept:organizationacronymhasname concept_governmentorganization_housing_and_urban_development_department +concept_governmentorganization_hud concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_human_resources concept:atdate concept_date_n2003 +concept_governmentorganization_human_resources concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_human_resources concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_human_resources concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_human_resources concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_icc concept:organizationacronymhasname concept_governmentorganization_interstate_commerce_commission +concept_governmentorganization_illinois_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_illinois_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_illinois_state_library concept:latitudelongitude 39.7992200000000,-89.6528800000000 +concept_governmentorganization_imf concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_imf concept:atdate concept_date_n2004 +concept_governmentorganization_imf concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_imf concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_imls concept:organizationacronymhasname concept_governmentorganization_institute_of_museum_and_library_services +concept_governmentorganization_immigration_and_customs_enforcement concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_immigration_and_naturalization_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_imports concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_indiana_department_of_natural_resources concept:latitudelongitude 39.7653200000000,-86.1680400000000 +concept_governmentorganization_industry concept:proxyfor concept_coach_new +concept_governmentorganization_industry concept:atdate concept_date_n2001 +concept_governmentorganization_industry concept:atdate concept_date_n2003 +concept_governmentorganization_industry concept:atdate concept_date_n2004 +concept_governmentorganization_industry concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_industry concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_industry concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_industry concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_industry concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_industry concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_info_usaid concept:organizationacronymhasname concept_governmentorganization_agency_for_international_development +concept_governmentorganization_ins concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ins concept:organizationacronymhasname concept_governmentorganization_immigration_and_naturalization_service +concept_governmentorganization_intelligence_agencies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_intelligence_community concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_internal_revenue_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_internal_revenue_service concept:synonymfor concept_governmentorganization_irs +concept_governmentorganization_international_science concept:latitudelongitude 34.1980600000000,-118.9059300000000 +concept_governmentorganization_investigation concept:atdate concept_date_n1993 +concept_governmentorganization_investigation concept:atdate concept_date_n2000 +concept_governmentorganization_investigation concept:atdate concept_date_n2001 +concept_governmentorganization_investigation concept:atdate concept_date_n2003 +concept_governmentorganization_investigation concept:atdate concept_date_n2004 +concept_governmentorganization_investigation concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_investigation concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_investigation concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_investigation concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_investigation concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_investigation concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_investigation concept:atdate concept_year_n1995 +concept_governmentorganization_investigation concept:atdate concept_year_n1997 +concept_governmentorganization_investigation concept:atdate concept_year_n1998 +concept_governmentorganization_iowa concept:organizationhiredperson concept_coach_dan_gable +concept_governmentorganization_iowa concept:organizationhiredperson concept_coach_hayden_fry +concept_governmentorganization_iowa concept:organizationhiredperson concept_coach_kirk_ferentz +concept_governmentorganization_iowa concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_iowa concept:mutualproxyfor concept_mlalgorithm_ames +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_cedar_rapids +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_council_bluffs +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_davenport +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_des_moines +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_dubuque +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_iowa_city +concept_governmentorganization_iowa concept:mutualproxyfor concept_perceptionaction_waterloo +concept_governmentorganization_iowa concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_iowa concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_governmentorganization_ip concept:organizationacronymhasname concept_governmentorganization_intellectual_property +concept_governmentorganization_ip concept:agentcreated concept_website_information +concept_governmentorganization_iraq_war concept:atdate concept_date_n2003 +concept_governmentorganization_irb concept:organizationacronymhasname concept_governmentorganization_institutional_review_board +concept_governmentorganization_irs concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_irs concept:synonymfor concept_governmentorganization_internal_revenue_service +concept_governmentorganization_iss concept:atdate concept_date_n2001 +concept_governmentorganization_iss concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_ita concept:organizationacronymhasname concept_governmentorganization_international_trade_administration +concept_governmentorganization_ita_doc concept:organizationacronymhasname concept_governmentorganization_international_trade_administration +concept_governmentorganization_japanese_ministry concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_jcs concept:organizationacronymhasname concept_governmentorganization_joint_chiefs_of_staff +concept_governmentorganization_justice_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_justice_department concept:agentcontrols concept_mediatype_white +concept_governmentorganization_kansas_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_launch concept:atdate concept_date_n1993 +concept_governmentorganization_launch concept:atdate concept_date_n1996 +concept_governmentorganization_launch concept:atdate concept_date_n1999 +concept_governmentorganization_launch concept:atdate concept_date_n2000 +concept_governmentorganization_launch concept:atdate concept_date_n2001 +concept_governmentorganization_launch concept:atdate concept_date_n2003 +concept_governmentorganization_launch concept:atdate concept_date_n2004 +concept_governmentorganization_launch concept:atdate concept_date_n2009 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_launch concept:atdate concept_dateliteral_n2010 +concept_governmentorganization_launch concept:atdate concept_year__08 +concept_governmentorganization_launch concept:atdate concept_year_n1986 +concept_governmentorganization_launch concept:atdate concept_year_n1991 +concept_governmentorganization_launch concept:atdate concept_year_n1994 +concept_governmentorganization_launch concept:atdate concept_year_n1995 +concept_governmentorganization_launch concept:atdate concept_year_n1997 +concept_governmentorganization_launch concept:atdate concept_year_n1998 +concept_governmentorganization_law concept:atdate concept_date_n1968 +concept_governmentorganization_law concept:atdate concept_date_n1977 +concept_governmentorganization_law concept:atdate concept_date_n1993 +concept_governmentorganization_law concept:atdate concept_date_n1996 +concept_governmentorganization_law concept:atdate concept_date_n1999 +concept_governmentorganization_law concept:atdate concept_date_n2000 +concept_governmentorganization_law concept:atdate concept_date_n2001 +concept_governmentorganization_law concept:atdate concept_date_n2003 +concept_governmentorganization_law concept:atdate concept_date_n2004 +concept_governmentorganization_law concept:atdate concept_date_n2009 +concept_governmentorganization_law concept:atdate concept_dateliteral_n1918 +concept_governmentorganization_law concept:atdate concept_dateliteral_n1987 +concept_governmentorganization_law concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_law concept:atdate concept_dateliteral_n2010 +concept_governmentorganization_law concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_law concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_law concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_law concept:atdate concept_year_n1983 +concept_governmentorganization_law concept:atdate concept_year_n1988 +concept_governmentorganization_law concept:atdate concept_year_n1989 +concept_governmentorganization_law concept:atdate concept_year_n1991 +concept_governmentorganization_law concept:atdate concept_year_n1992 +concept_governmentorganization_law concept:atdate concept_year_n1994 +concept_governmentorganization_law concept:atdate concept_year_n1995 +concept_governmentorganization_law concept:atdate concept_year_n1997 +concept_governmentorganization_law concept:atdate concept_year_n1998 +concept_governmentorganization_law_enforcement concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_law_enforcement concept:agentcontrols concept_emotion_data +concept_governmentorganization_law_enforcement concept:agentcontrols concept_profession_information +concept_governmentorganization_lbl concept:latitudelongitude 37.0491900000000,-100.9729400000000 +concept_governmentorganization_lead_agency concept:proxyfor concept_coach_new +concept_governmentorganization_legislation concept:proxyfor concept_coach_new +concept_governmentorganization_legislation concept:atdate concept_date_n2000 +concept_governmentorganization_legislation concept:atdate concept_date_n2001 +concept_governmentorganization_legislation concept:atdate concept_date_n2003 +concept_governmentorganization_legislation concept:atdate concept_date_n2004 +concept_governmentorganization_legislation concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_legislation concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_legislation concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_legislation concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_legislation concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_legislation concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_legislation concept:subpartoforganization concept_professionalorganization_federal +concept_governmentorganization_legislation concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_legislation concept:atdate concept_year_n1997 +concept_governmentorganization_legislation concept:atdate concept_year_n1998 +concept_governmentorganization_local_governments concept:proxyfor concept_coach_new +concept_governmentorganization_local_governments concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_local_governments concept:agentcontrols concept_geometricshape_property +concept_governmentorganization_local_governments concept:agentcollaborateswithagent concept_monarch_property +concept_governmentorganization_los_alamos_national_laboratory concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_management concept:organizationacronymhasname concept_agent_division +concept_governmentorganization_management concept:synonymfor concept_buildingfeature_project +concept_governmentorganization_management concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_management concept:atdate concept_date_n1999 +concept_governmentorganization_management concept:atdate concept_date_n2001 +concept_governmentorganization_management concept:atdate concept_date_n2003 +concept_governmentorganization_management concept:atdate concept_date_n2004 +concept_governmentorganization_management concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_management concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_management concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_management concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_management concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_management concept:organizationacronymhasname concept_governmentorganization_bureau +concept_governmentorganization_management concept:organizationacronymhasname concept_governmentorganization_doe_office +concept_governmentorganization_management concept:organizationalsoknownas concept_governmentorganization_doe_office +concept_governmentorganization_management concept:organizationacronymhasname concept_governmentorganization_federal_office +concept_governmentorganization_management concept:organizationacronymhasname concept_governmentorganization_office +concept_governmentorganization_management concept:subpartof concept_governmentorganization_stormwater +concept_governmentorganization_management concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_management concept:synonymfor concept_sportsequipment_board +concept_governmentorganization_management concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_marad concept:organizationacronymhasname concept_governmentorganization_maritime_administration +concept_governmentorganization_marine_corps concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_marine_corps concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_marines concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_marines concept:atdate concept_date_n2003 +concept_governmentorganization_marines concept:atdate concept_date_n2004 +concept_governmentorganization_marines concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_marines concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_maryland_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_massachusetts_department_of_environmental_protection concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_mda concept:organizationacronymhasname concept_governmentorganization_missile_defense_agency +concept_governmentorganization_measure concept:proxyfor concept_coach_new +concept_governmentorganization_measure concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_measure concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_measure concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_measure concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_measure concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_medpac concept:organizationacronymhasname concept_governmentorganization_medicare_payment_advisory_commission +concept_governmentorganization_metacrawler concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_miami_dade_county concept:agentcollaborateswithagent concept_organization_miami_dade_county_public_schools +concept_governmentorganization_michigan_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_military_court concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_minerals_management_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_minnesota_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_minnesota_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_missouri_department_of_conservation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_missouri_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_mms concept:organizationacronymhasname concept_governmentorganization_minerals_management_service +concept_governmentorganization_monsanto concept:mutualproxyfor concept_person_hugh_grant +concept_governmentorganization_monsanto concept:organizationterminatedperson concept_person_hugh_grant +concept_governmentorganization_monsanto concept:subpartof concept_person_hugh_grant +concept_governmentorganization_msnbc concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_mspb concept:organizationacronymhasname concept_governmentorganization_merit_systems_protection_board +concept_governmentorganization_nasa concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_nasa concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_nasa concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_nasa concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_nasa concept:organizationacronymhasname concept_governmentorganization_national_aeronautics_and_space_administration +concept_governmentorganization_nasa concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_nasa concept:atdate concept_year_n1998 +concept_governmentorganization_nation concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_nation concept:atdate concept_date_n2003 +concept_governmentorganization_nation concept:atdate concept_date_n2004 +concept_governmentorganization_nation concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_nation concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_nation concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_nation concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_nation concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_nation concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_nation concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_nation concept:organizationterminatedperson concept_scientist_no_ +concept_governmentorganization_nation concept:atdate concept_year_n1991 +concept_governmentorganization_nation concept:atdate concept_year_n1997 +concept_governmentorganization_national_academy_of_sciences concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_aeronautics_and_space_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_center_for_health_statistics concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_institute concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_institute concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_national_institute_of_environmental_health_sciences concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_institute_on_drug_abuse concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_institutes concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_institutes_of_health concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_marine_fisheries concept:latitudelongitude 41.5259400000000,-70.6744700000000 +concept_governmentorganization_national_marine_fisheries_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_oceanic concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_oceanic_and_atmospheric_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_oceanographic_and_atmospheric_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_park_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_national_renewable_energy_laboratory concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_research_council concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_science concept:latitudelongitude 38.8978900000000,-77.0422000000000 +concept_governmentorganization_national_science_foundation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_security_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_security_council concept:subpartoforganization concept_country_republic_of_armenia +concept_governmentorganization_national_security_council concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_trust_for_historic_preservation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_national_weather_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_nato concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_nato concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_nato concept:atdate concept_date_n1949 +concept_governmentorganization_nato concept:atdate concept_date_n1999 +concept_governmentorganization_nato concept:atdate concept_date_n2004 +concept_governmentorganization_nato concept:organizationacronymhasname concept_governmentorganization_north_atlantic_treaty_organization +concept_governmentorganization_nato concept:atdate concept_year_n1997 +concept_governmentorganization_nato concept:atdate concept_year_n1998 +concept_governmentorganization_natural_resource_conservation_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_natural_resources_conservation_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_naval_research_laboratory concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_navy concept:organizationhiredperson concept_coach_billy_lange +concept_governmentorganization_navy concept:organizationhiredperson concept_coach_ken_niumatalolo +concept_governmentorganization_navy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_navy concept:atdate concept_date_n1939 +concept_governmentorganization_navy concept:atdate concept_date_n1941 +concept_governmentorganization_navy concept:atdate concept_date_n1942 +concept_governmentorganization_navy concept:atdate concept_date_n1944 +concept_governmentorganization_navy concept:atdate concept_date_n1966 +concept_governmentorganization_navy concept:atdate concept_date_n1968 +concept_governmentorganization_navy concept:atdate concept_date_n1971 +concept_governmentorganization_navy concept:atdate concept_date_n1972 +concept_governmentorganization_navy concept:atdate concept_date_n1976 +concept_governmentorganization_navy concept:atdate concept_date_n1979 +concept_governmentorganization_navy concept:atdate concept_date_n1996 +concept_governmentorganization_navy concept:atdate concept_date_n1999 +concept_governmentorganization_navy concept:atdate concept_date_n2000 +concept_governmentorganization_navy concept:atdate concept_date_n2001 +concept_governmentorganization_navy concept:atdate concept_date_n2003 +concept_governmentorganization_navy concept:atdate concept_date_n2004 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n1917 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n1918 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n1943 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n1945 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n1947 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_navy concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_navy concept:organizationhiredperson concept_personaustralia_paul_johnson +concept_governmentorganization_navy concept:atdate concept_year_n1861 +concept_governmentorganization_navy concept:atdate concept_year_n1946 +concept_governmentorganization_navy concept:atdate concept_year_n1965 +concept_governmentorganization_navy concept:atdate concept_year_n1984 +concept_governmentorganization_navy concept:atdate concept_year_n1985 +concept_governmentorganization_navy concept:atdate concept_year_n1992 +concept_governmentorganization_navy concept:atdate concept_year_n1995 +concept_governmentorganization_navy concept:atdate concept_year_n1997 +concept_governmentorganization_navy concept:atdate concept_year_n1998 +concept_governmentorganization_ncd concept:organizationacronymhasname concept_governmentorganization_national_council_on_disability +concept_governmentorganization_ncjrs concept:organizationacronymhasname concept_governmentorganization_national_criminal_justice_reference_service +concept_governmentorganization_ncpc concept:organizationacronymhasname concept_governmentorganization_national_capital_planning_commission +concept_governmentorganization_ncua concept:organizationacronymhasname concept_governmentorganization_national_credit_union_administration +concept_governmentorganization_nea concept:organizationacronymhasname concept_governmentorganization_national_endowment_for_the_arts +concept_governmentorganization_new_jersey_department_of_environmental_protection concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_new_york_state_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_new_york_state_department_of_environmental_conservation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_newark concept:proxyfor concept_company_delaware +concept_governmentorganization_newark concept:proxyfor concept_radiostation_new_jersey +concept_governmentorganization_newark concept:proxyfor concept_university_ohio +concept_governmentorganization_nhtsa concept:organizationacronymhasname concept_governmentorganization_national_highway_traffic_safety_administration +concept_governmentorganization_nice concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_nih concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_nimh concept:organizationacronymhasname concept_hospital_national_institute_of_mental_health +concept_governmentorganization_nist concept:organizationacronymhasname concept_governmentorganization_national_institute +concept_governmentorganization_nist concept:organizationacronymhasname concept_governmentorganization_national_institute_of_standards_and_technology +concept_governmentorganization_nlrb concept:organizationacronymhasname concept_governmentorganization_national_labor_relations_board +concept_governmentorganization_nmb concept:organizationacronymhasname concept_governmentorganization_national_mediation_board +concept_governmentorganization_nmfs concept:organizationacronymhasname concept_governmentorganization_national_marine_fisheries_service +concept_governmentorganization_noaa concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_noaa concept:organizationacronymhasname concept_governmentorganization_national_oceanic_and_atmospheric_administration +concept_governmentorganization_noaa_fisheries_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_norfolk concept:agentcollaborateswithagent concept_athlete_mike_mckenna +concept_governmentorganization_norfolk concept:agentcontrols concept_athlete_mike_mckenna +concept_governmentorganization_norfolk concept:atdate concept_date_n2001 +concept_governmentorganization_norfolk concept:subpartof concept_politicsissue_nebraska +concept_governmentorganization_norfolk concept:proxyfor concept_university_nebraska +concept_governmentorganization_north_carolina_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_note concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_note concept:proxyfor concept_coach_new +concept_governmentorganization_note concept:atdate concept_date_n2000 +concept_governmentorganization_note concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_note concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_note concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_notification concept:atdate concept_date_n1999 +concept_governmentorganization_notification concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_npr concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_nps concept:organizationacronymhasname concept_governmentorganization_national_park_service +concept_governmentorganization_nrcs concept:organizationacronymhasname concept_governmentorganization_natural_resources_conservation_service +concept_governmentorganization_nsa concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_nsa concept:organizationacronymhasname concept_governmentorganization_national_security_agency +concept_governmentorganization_nsc concept:organizationacronymhasname concept_governmentorganization_national_security_council +concept_governmentorganization_nsf concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ntis concept:organizationacronymhasname concept_governmentorganization_national_technical_information_serivce +concept_governmentorganization_ntsb concept:organizationacronymhasname concept_governmentorganization_national_transportation_safety_board +concept_governmentorganization_numbers concept:agentcreated concept_city_click +concept_governmentorganization_numbers concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_numbers concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_numbers concept:agentcreated concept_transportation_fax +concept_governmentorganization_nwo concept:latitudelongitude 5.1357000000000,7.7034200000000 +concept_governmentorganization_oak_ridge_national_laboratory concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_oas concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_oas concept:organizationacronymhasname concept_governmentorganization_office_of_aircraft_services +concept_governmentorganization_od concept:istallerthan concept_publication_people_ +concept_governmentorganization_oecd concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_ofcom concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_office concept:agentcreated concept_automobilemaker_inform +concept_governmentorganization_office concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_office concept:buildinglocatedincity concept_city_vegas +concept_governmentorganization_office concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_office concept:organizationalsoknownas concept_country_united_states +concept_governmentorganization_office concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_office concept:agentcreated concept_geopoliticalorganization_e_mail +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_agency +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_dhhs +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_doj +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_federal_department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_government +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_health_and_human_services +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_hhs +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_hhs_ +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_justice_department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_national_institute +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_social_security_administration +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_treasury +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_treasury_department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_u__s__department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_u_s__dept +concept_governmentorganization_office concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_governmentorganization_office concept:agentcontrols concept_mediatype_white +concept_governmentorganization_office concept:agentcreated concept_musicsong_questions_contact +concept_governmentorganization_office concept:agentcollaborateswithagent concept_politician_obama +concept_governmentorganization_office concept:agentcreated concept_profession_contacting +concept_governmentorganization_office concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_office concept:agentcreated concept_scientificterm_addition +concept_governmentorganization_office concept:agentcreated concept_scientificterm_details_contact +concept_governmentorganization_office concept:agentcreated concept_scientificterm_further_information_contact +concept_governmentorganization_office concept:agentcreated concept_scientificterm_information_contact +concept_governmentorganization_office concept:agentcreated concept_scientificterm_more_information_contact +concept_governmentorganization_office concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_office concept:organizationalsoknownas concept_university_national_science_foundation +concept_governmentorganization_office concept:agentcreated concept_victim_students_contact +concept_governmentorganization_office concept:agentcreated concept_visualizablething_call +concept_governmentorganization_office concept:agentcreated concept_website_phone +concept_governmentorganization_office concept:agentcreated concept_website_telephone +concept_governmentorganization_ofsted concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_oge concept:organizationacronymhasname concept_governmentorganization_office_of_government_ethics +concept_governmentorganization_ohio_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ohio_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ohio_epa concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_ohio_epa concept:atdate concept_date_n2004 +concept_governmentorganization_oig concept:organizationacronymhasname concept_governmentorganization_office_of_inspector_general +concept_governmentorganization_ojp concept:organizationacronymhasname concept_governmentorganization_office_of_justice_programs +concept_governmentorganization_omb concept:organizationacronymhasname concept_governmentorganization_office_of_management_and_budget +concept_governmentorganization_omb concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_opm concept:organizationacronymhasname concept_governmentorganization_office_of_personnel_management +concept_governmentorganization_organization_of_american_states concept:latitudelongitude 38.8926100000000,-77.0413650000000 +concept_governmentorganization_organization_of_american_states concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_osha concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_osha concept:organizationacronymhasname concept_governmentorganization_occupational_safety___health_administration +concept_governmentorganization_osti concept:organizationacronymhasname concept_governmentorganization_office_of_scientific_and_technical_information +concept_governmentorganization_ots concept:organizationacronymhasname concept_governmentorganization_office_of_thrift_supervision +concept_governmentorganization_ovae concept:organizationacronymhasname concept_governmentorganization_office_of_vocational_and_adult_education +concept_governmentorganization_owner concept:atdate concept_date_n1999 +concept_governmentorganization_owner concept:atdate concept_date_n2000 +concept_governmentorganization_owner concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_owner concept:atdate concept_year_n1919 +concept_governmentorganization_panel concept:atdate concept_date_n1999 +concept_governmentorganization_panel concept:atdate concept_date_n2003 +concept_governmentorganization_panel concept:atdate concept_date_n2004 +concept_governmentorganization_panel concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_panel concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_panel concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_park_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_patriot concept:organizationhiredperson concept_person_belichick +concept_governmentorganization_patriot concept:subpartoforganization concept_sportsleague_nfl +concept_governmentorganization_payment concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_payment concept:atdate concept_date_n1999 +concept_governmentorganization_payment concept:atdate concept_date_n2009 +concept_governmentorganization_payment concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_payment concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_payment concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_payment concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_payment concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_payment concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_payments concept:atdate concept_date_n2003 +concept_governmentorganization_payments concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_payments concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_payments concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_payments concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_payments concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_payments concept:subpartof concept_weatherphenomenon_water +concept_governmentorganization_pbgc concept:organizationacronymhasname concept_governmentorganization_pension_benefit_guaranty_corporation +concept_governmentorganization_pcaob concept:atdate concept_date_n2003 +concept_governmentorganization_pdf_format concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_peace_corps concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_peace_corps concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_peace_corps concept:atdate concept_date_n2000 +concept_governmentorganization_peace_corps concept:atdate concept_date_n2001 +concept_governmentorganization_postal_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_presentations concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_presentations concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_governmentorganization_presentations concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_governmentorganization_print concept:subpartoforganization concept_automobilemaker_card +concept_governmentorganization_print concept:subpartoforganization concept_bank_site +concept_governmentorganization_print concept:subpartoforganization concept_blog_form +concept_governmentorganization_print concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_print concept:subpartoforganization concept_city_download +concept_governmentorganization_print concept:subpartoforganization concept_city_home +concept_governmentorganization_print concept:subpartoforganization concept_city_service +concept_governmentorganization_print concept:subpartoforganization concept_company_adobe +concept_governmentorganization_print concept:atdate concept_date_n2003 +concept_governmentorganization_print concept:atdate concept_date_n2004 +concept_governmentorganization_print concept:atdate concept_date_n2009 +concept_governmentorganization_print concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_print concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_print concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_print concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_print concept:subpartoforganization concept_geopoliticalorganization_list +concept_governmentorganization_print concept:subpartoforganization concept_tradeunion_web_site +concept_governmentorganization_print concept:subpartoforganization concept_visualizablething_use +concept_governmentorganization_print concept:subpartoforganization concept_website_adobe_ +concept_governmentorganization_program concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_program concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_governmentorganization_program concept:proxyfor concept_coach_new +concept_governmentorganization_program concept:atdate concept_date_n1968 +concept_governmentorganization_program concept:atdate concept_date_n1993 +concept_governmentorganization_program concept:atdate concept_date_n1996 +concept_governmentorganization_program concept:atdate concept_date_n1999 +concept_governmentorganization_program concept:atdate concept_date_n2000 +concept_governmentorganization_program concept:atdate concept_date_n2001 +concept_governmentorganization_program concept:atdate concept_date_n2003 +concept_governmentorganization_program concept:atdate concept_date_n2004 +concept_governmentorganization_program concept:atdate concept_date_n2009 +concept_governmentorganization_program concept:atdate concept_dateliteral_n1990 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_program concept:atdate concept_dateliteral_n2010 +concept_governmentorganization_program concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_program concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_april +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_august +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_december +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_february +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_january +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_july +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_june +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_march +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_may +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_november +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_october +concept_governmentorganization_program concept:organizationdissolvedatdate concept_month_september +concept_governmentorganization_program concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_program concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_program concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_program concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_program concept:istallerthan concept_publication_people_ +concept_governmentorganization_program concept:agentparticipatedinevent concept_sportsgame_series +concept_governmentorganization_program concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_program concept:subpartof concept_visualizableattribute_community_water +concept_governmentorganization_program concept:subpartof concept_visualizableattribute_drinking_water +concept_governmentorganization_program concept:subpartof concept_visualizableattribute_rural_water +concept_governmentorganization_program concept:subpartof concept_visualizablething_effective_water +concept_governmentorganization_program concept:subpartof concept_visualizablething_water_supply +concept_governmentorganization_program concept:subpartof concept_weatherphenomenon_air +concept_governmentorganization_program concept:subpartof concept_weatherphenomenon_water +concept_governmentorganization_program concept:atdate concept_year_n1991 +concept_governmentorganization_program concept:atdate concept_year_n1994 +concept_governmentorganization_program concept:atdate concept_year_n1995 +concept_governmentorganization_program concept:atdate concept_year_n1997 +concept_governmentorganization_program concept:atdate concept_year_n1998 +concept_governmentorganization_progress_report concept:atdate concept_date_n2009 +concept_governmentorganization_progress_report concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_pubmed concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_pubmed concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_red_cross concept:mutualproxyfor concept_bedroomitem_first_aid +concept_governmentorganization_red_cross concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_red_cross concept:mutualproxyfor concept_disease_cpr +concept_governmentorganization_red_cross concept:mutualproxyfor concept_sportsequipment_board +concept_governmentorganization_reference concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_reference concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_regulation concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_regulations concept:subpartoforganization concept_biotechcompany_china +concept_governmentorganization_regulations concept:subpartoforganization concept_city_texas +concept_governmentorganization_regulations concept:subpartoforganization concept_city_united_kingdom +concept_governmentorganization_regulations concept:subpartoforganization concept_country_united_states +concept_governmentorganization_regulations concept:subpartoforganization concept_country_us +concept_governmentorganization_regulations concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_regulations concept:agentbelongstoorganization concept_governmentorganization_federal +concept_governmentorganization_regulations concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_regulations concept:subpartoforganization concept_nongovorganization_u_s_ +concept_governmentorganization_regulations concept:agentcollaborateswithagent concept_personaustralia_federal +concept_governmentorganization_regulations concept:subpartoforganization concept_professionalorganization_federal +concept_governmentorganization_regulations concept:subpartoforganization concept_stateorprovince_california +concept_governmentorganization_regulations concept:subpartoforganization concept_stateorprovince_illinois +concept_governmentorganization_regulations concept:subpartoforganization concept_stateorprovince_new_york_state +concept_governmentorganization_regulations concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_regulations concept:subpartoforganization concept_university_district +concept_governmentorganization_regulations concept:subpartoforganization concept_university_national +concept_governmentorganization_regulatory_agencies concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_representatives concept:proxyfor concept_coach_new +concept_governmentorganization_representatives concept:atdate concept_date_n1993 +concept_governmentorganization_representatives concept:atdate concept_date_n1996 +concept_governmentorganization_representatives concept:atdate concept_date_n2001 +concept_governmentorganization_representatives concept:atdate concept_date_n2003 +concept_governmentorganization_representatives concept:atdate concept_date_n2004 +concept_governmentorganization_representatives concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_representatives concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_representatives concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_representatives concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_representatives concept:agentcreated concept_nonneginteger_one +concept_governmentorganization_representatives concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_representatives concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_representatives concept:atdate concept_year_n1994 +concept_governmentorganization_representatives concept:atdate concept_year_n1995 +concept_governmentorganization_research concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_resolution concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_resolution concept:atdate concept_date_n1996 +concept_governmentorganization_resolution concept:atdate concept_date_n1999 +concept_governmentorganization_resolution concept:atdate concept_date_n2001 +concept_governmentorganization_resolution concept:atdate concept_date_n2003 +concept_governmentorganization_resolution concept:atdate concept_date_n2004 +concept_governmentorganization_resolution concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_resolution concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_resolution concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_resolution concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_resolution concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_resolution concept:atdate concept_year_n1985 +concept_governmentorganization_resolution concept:atdate concept_year_n1997 +concept_governmentorganization_resources concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_results concept:agentinvolvedwithitem concept_buildingfeature_home +concept_governmentorganization_results concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_results concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_results concept:atdate concept_date_n2000 +concept_governmentorganization_results concept:atdate concept_date_n2003 +concept_governmentorganization_results concept:atdate concept_date_n2004 +concept_governmentorganization_results concept:atdate concept_date_n2009 +concept_governmentorganization_results concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_results concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_results concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_results concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_results concept:agentinvolvedwithitem concept_product_tab +concept_governmentorganization_results concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_governmentorganization_rnc concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_rockefeller_foundation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_royal_canadian_mounted_police concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_royal_courts_of_justice concept:latitudelongitude 51.5136800000000,-0.1133200000000 +concept_governmentorganization_royal_norwegian_embassy concept:latitudelongitude 38.9242800000000,-77.0666400000000 +concept_governmentorganization_rrb concept:organizationacronymhasname concept_governmentorganization_railroad_retirement_board +concept_governmentorganization_rule concept:atdate concept_date_n1993 +concept_governmentorganization_rule concept:atdate concept_date_n1996 +concept_governmentorganization_rule concept:atdate concept_date_n1999 +concept_governmentorganization_rule concept:atdate concept_date_n2000 +concept_governmentorganization_rule concept:atdate concept_date_n2001 +concept_governmentorganization_rule concept:atdate concept_date_n2003 +concept_governmentorganization_rule concept:atdate concept_date_n2004 +concept_governmentorganization_rule concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_rule concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_rule concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_rule concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_rule concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_rule concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_rule concept:atdate concept_year_n1995 +concept_governmentorganization_saami concept:latitudelongitude 37.8217800000000,127.7793400000000 +concept_governmentorganization_sandia_national_laboratories concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_sba concept:organizationacronymhasname concept_governmentorganization_small_business_administration +concept_governmentorganization_sba concept:organizationacronymhasname concept_governmentorganization_u_s__small_business_administration +concept_governmentorganization_science_foundation concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_scottish_executive concept:atdate concept_date_n2004 +concept_governmentorganization_scottish_executive concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_sec concept:organizationacronymhasname concept_governmentorganization_securities_and_exchange_commission +concept_governmentorganization_second_world_war concept:atdate concept_dateliteral_n1945 +concept_governmentorganization_secret_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_securities_and_exchange_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_senators concept:organizationhiredperson concept_coach_bryan_murray +concept_governmentorganization_senators concept:organizationhiredperson concept_coach_craig_hartsburg +concept_governmentorganization_senators concept:proxyfor concept_coach_new +concept_governmentorganization_senators concept:agentparticipatedinevent concept_convention_games +concept_governmentorganization_senators concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_senators concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_senators concept:agentcollaborateswithagent concept_politician_obama +concept_governmentorganization_senators concept:agentparticipatedinevent concept_sportsgame_series +concept_governmentorganization_senators concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_aquarium_u__s_ +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_city_florida +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_city_texas +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_city_u__s +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_country_united_states +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_country_us +concept_governmentorganization_services concept:locationlocatedwithinlocation concept_geopoliticallocation_national +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_bureau +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_california_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_clients +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_departments +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_federal_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_federal_office +concept_governmentorganization_services concept:subpartoforganization concept_governmentorganization_government +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_maine_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_maryland_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_office +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_south_australian_department +concept_governmentorganization_services concept:organizationalsoknownas concept_governmentorganization_south_australian_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_state_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_state_division +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_u__s__department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_u_s__office +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_united_states_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_us_department +concept_governmentorganization_services concept:organizationacronymhasname concept_governmentorganization_us_office +concept_governmentorganization_situation concept:proxyfor concept_coach_new +concept_governmentorganization_situation concept:atdate concept_date_n1993 +concept_governmentorganization_situation concept:atdate concept_date_n1999 +concept_governmentorganization_situation concept:atdate concept_date_n2000 +concept_governmentorganization_situation concept:atdate concept_date_n2001 +concept_governmentorganization_situation concept:atdate concept_date_n2003 +concept_governmentorganization_situation concept:atdate concept_date_n2004 +concept_governmentorganization_situation concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_situation concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_situation concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_situation concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_situation concept:mutualproxyfor concept_person_mugabe +concept_governmentorganization_situation concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_situation concept:atdate concept_year_n1997 +concept_governmentorganization_small_business_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_small_businesses concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_smithsonian concept:agentactsinlocation concept_city_washington_d_c +concept_governmentorganization_smithsonian concept:atlocation concept_city_washington_d_c +concept_governmentorganization_smithsonian concept:organizationheadquarteredincity concept_city_washington_dc +concept_governmentorganization_smithsonian concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_smithsonian_institution concept:atlocation concept_city_washington_d_c +concept_governmentorganization_social_security_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_south_florida_water_management_district concept:latitudelongitude 27.0207666666667,-80.8611683333333 +concept_governmentorganization_south_florida_water_management_district concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_southern_michigan concept:latitudelongitude 42.4026750000000,-84.1223150000000 +concept_governmentorganization_sss concept:organizationacronymhasname concept_governmentorganization_selective_service_system +concept_governmentorganization_standards concept:atdate concept_date_n1999 +concept_governmentorganization_standards concept:atdate concept_date_n2000 +concept_governmentorganization_standards concept:atdate concept_date_n2003 +concept_governmentorganization_standards concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_standards concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_standards concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_standards concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_standards concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_governmentorganization_standards concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_state_courts concept:proxyfor concept_coach_new +concept_governmentorganization_state_courts concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_state_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_state_department concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_state_department concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_state_game_commission concept:latitudelongitude 44.6687300000000,-123.2206500000000 +concept_governmentorganization_state_house concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_state_regulators concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_state_senate concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_states_department concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_summary concept:agentcreated concept_governmentorganization_print +concept_governmentorganization_supreme_court concept:subpartoforganization concept_city_texas +concept_governmentorganization_ta concept:organizationacronymhasname concept_governmentorganization_technology_administration +concept_governmentorganization_tax_commissioner concept:latitudelongitude 34.1166000000000,-84.1628000000000 +concept_governmentorganization_tda concept:organizationacronymhasname concept_governmentorganization_u_s__trade_and_development_agency +concept_governmentorganization_teaching concept:atdate concept_date_n2009 +concept_governmentorganization_teaching concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_governmentorganization_teaching concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_techniques concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_techniques concept:subpartof concept_weatherphenomenon_air +concept_governmentorganization_techniques concept:subpartof concept_weatherphenomenon_water +concept_governmentorganization_technology concept:subpartoforganization concept_terroristorganization_state +concept_governmentorganization_template concept:agentinvolvedwithitem concept_buildingfeature_window +concept_governmentorganization_template concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_tennessee_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_tennessee_valley_authority concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_testimony concept:atdate concept_date_n2001 +concept_governmentorganization_testimony concept:atdate concept_date_n2003 +concept_governmentorganization_testimony concept:atdate concept_date_n2004 +concept_governmentorganization_testimony concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_testimony concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_testimony concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_testimony concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_texas_parks_and_wildlife concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_transportation_security_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_treasury concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_treasury concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_treasury concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_treasury concept:organizationacronymhasname concept_governmentorganization_alcohol_and_tobacco_tax_and_trade_bureau +concept_governmentorganization_treasury concept:organizationacronymhasname concept_governmentorganization_department +concept_governmentorganization_treasury concept:agentcontrols concept_mediatype_white +concept_governmentorganization_treasury concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_treasury_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_tribunal concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_tsa concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_tsa concept:organizationacronymhasname concept_governmentorganization_transportation_security_administration +concept_governmentorganization_tsca concept:organizationacronymhasname concept_governmentorganization_toxic_substances_control_act +concept_governmentorganization_tva concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_tva concept:organizationacronymhasname concept_governmentorganization_tennessee_valley_authority +concept_governmentorganization_u__s__department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u__s__department concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_u_s__agency_for_international_development concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__air_force concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__army concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__army_corps_of_engineers concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__attorney_office concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__border_patrol concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__bureau concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__bureau_of_economic_analysis concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__bureau_of_labor_statistics concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__bureau_of_land_management concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__bureau_of_reclamation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__census_bureau concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__centers_for_disease_control concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__citizenship_and_immigration_services concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__coast_guard concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__commerce_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__congress concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__congress concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_u_s__congress concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_u_s__customs_and_border_protection concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__customs_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__department concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_u_s__dept concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_u_s__environmental_protection_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__epa concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__federal_aviation_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__fish concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__fish___wildlife_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__fish_and_wildlife_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__food_and_drug_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__food_and_drug_administration concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_u_s__food_and_drug_administration concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_u_s__food_and_drug_administration concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_u_s__food_and_drug_administration concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_u_s__forest_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__general_services_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__geological_survey concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__immigration_and_customs_enforcement concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__immigration_and_naturalization_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__justice_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__marine_corps concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__marshals_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__office concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__office_of_personnel_management concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__patent concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__patent_and_trademark_office concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__postal_inspection_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__postal_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__public_health_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__secret_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__securities_and_exchange_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__senate concept:subpartoforganization concept_nongovorganization_u_s_ +concept_governmentorganization_u_s__small_business_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__state_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__supreme_court concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_u_s__trade_and_development_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s__trade_representative concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_u_s_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_uk_department concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_uk_ministry_of_defence concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_united_nations concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_united_nations concept:atdate concept_dateliteral_n1947 +concept_governmentorganization_united_nations concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_united_nations concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_united_nations concept:atdate concept_year_n1946 +concept_governmentorganization_united_nations concept:atdate concept_year_n1997 +concept_governmentorganization_united_states_agency_for_international_development concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_united_states_department concept:synonymfor concept_politicaloffice_office +concept_governmentorganization_united_states_district_court concept:proxyfor concept_coach_new +concept_governmentorganization_united_states_navy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_us_agency_for_international_development concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_air_force concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_army concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_army concept:atdate concept_date_n2003 +concept_governmentorganization_us_army concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_us_army_corps_of_engineers concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_bureau concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_bureau_of_reclamation concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_centers_for_disease_control concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_cert concept:organizationacronymhasname concept_governmentorganization_computer_emergency_readiness_team +concept_governmentorganization_us_coast_guard concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_customs_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_department concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_department concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_us_dept concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_environmental_protection_agency concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_fish_and_wildlife_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_forest_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_geological_survey concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_government concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_government concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_us_government concept:atdate concept_date_n2003 +concept_governmentorganization_us_government concept:agentcontrols concept_transportation_money +concept_governmentorganization_us_national_institutes_of_health concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_national_oceanic_and_atmospheric_administration concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_navy concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_postal_service concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_us_state_department concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_usaid concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usaid concept:organizationacronymhasname concept_governmentorganization_agency_for_international_development +concept_governmentorganization_usaid concept:organizationacronymhasname concept_governmentorganization_u_s__agency_for_international_development +concept_governmentorganization_usaid_ concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usccr concept:organizationacronymhasname concept_governmentorganization_u_s__commission_on_civil_rights +concept_governmentorganization_usda concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usda concept:organizationacronymhasname concept_governmentorganization_united_states_department_of_agriculture +concept_governmentorganization_usda_forest_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usda_natural_resources_conservation_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usfws concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usgs concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usgs concept:organizationacronymhasname concept_governmentorganization_geological_survey +concept_governmentorganization_usgs concept:organizationacronymhasname concept_governmentorganization_united_states_geological_survey +concept_governmentorganization_usgs_ concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_usia concept:organizationacronymhasname concept_governmentorganization_united_states_information_agency +concept_governmentorganization_usitc concept:organizationacronymhasname concept_governmentorganization_international_trade_commission +concept_governmentorganization_usmc concept:organizationacronymhasname concept_governmentorganization_marine_corps +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_express_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_first_class_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_global_priority +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_international_priority_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_parcel_post +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_priority_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_bank_usps_air_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_company_express +concept_governmentorganization_usps concept:agentcompeteswithagent concept_company_first_class +concept_governmentorganization_usps concept:agentcompeteswithagent concept_company_media_mail +concept_governmentorganization_usps concept:agentcompeteswithagent concept_company_priority +concept_governmentorganization_usps concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_usps concept:organizationacronymhasname concept_governmentorganization_postal_service +concept_governmentorganization_usps concept:organizationacronymhasname concept_governmentorganization_united_states_postal_service +concept_governmentorganization_ussc concept:organizationacronymhasname concept_governmentorganization_u_s__sentencing_commission +concept_governmentorganization_utah_department concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_vba concept:organizationacronymhasname concept_governmentorganization_veterans_benefits_administration +concept_governmentorganization_veteran_affairs concept:latitudelongitude 18.3905000000000,-66.0793300000000 +concept_governmentorganization_veterans_affairs concept:synonymfor concept_governmentorganization_department +concept_governmentorganization_virginia_department_of_environmental_quality concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_voice concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_washington_state_department_of_ecology concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_waste concept:proxyfor concept_coach_new +concept_governmentorganization_waste concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_ways concept:proxyfor concept_coach_new +concept_governmentorganization_ways concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_ways concept:atdate concept_dateliteral_n2008 +concept_governmentorganization_ways concept:mutualproxyfor concept_politicaloffice_new +concept_governmentorganization_ways concept:agentcreated concept_programminglanguage_contact +concept_governmentorganization_weather_service concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_webcrawler concept:agentcompeteswithagent concept_personcanada_search +concept_governmentorganization_whitehouse concept:proxyfor concept_radiostation_new_jersey +concept_governmentorganization_wisconsin_department_of_natural_resources concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_workers concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_governmentorganization_workers concept:atdate concept_date_n2004 +concept_governmentorganization_workers concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_workers concept:atdate concept_dateliteral_n2006 +concept_governmentorganization_workers concept:atdate concept_dateliteral_n2007 +concept_governmentorganization_workers concept:agentparticipatedinevent concept_eventoutcome_result +concept_governmentorganization_workers concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_governmentorganization_world_bank concept:organizationheadquarteredincity concept_city_washington_d_c +concept_governmentorganization_world_bank concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_world_bank concept:atdate concept_date_n1999 +concept_governmentorganization_world_bank concept:atdate concept_date_n2000 +concept_governmentorganization_world_bank concept:atdate concept_date_n2001 +concept_governmentorganization_world_bank concept:atdate concept_date_n2003 +concept_governmentorganization_world_bank concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_world_bank concept:atdate concept_year_n1998 +concept_governmentorganization_world_health_organization concept:organizationheadquarteredincountry concept_country_us +concept_governmentorganization_world_trade_organization concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_world_wildlife_fund concept:organizationheadquarteredincountry concept_country_u_s_ +concept_governmentorganization_wto concept:organizationheadquarteredincity concept_city_geneva +concept_governmentorganization_wto concept:atdate concept_date_n1996 +concept_governmentorganization_wto concept:atdate concept_date_n2000 +concept_governmentorganization_wto concept:atdate concept_date_n2003 +concept_governmentorganization_wto concept:atdate concept_dateliteral_n2002 +concept_governmentorganization_wto concept:atdate concept_dateliteral_n2005 +concept_governmentorganization_wto concept:organizationacronymhasname concept_governmentorganization_world_trade_organization +concept_governmentorganization_wto concept:atdate concept_year_n1995 +concept_grain_alfalfa concept:agriculturalproducttoattractinsect concept_insect_honey_bees +concept_grain_barley concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_grain_camelina concept:latitudelongitude 18.9250000000000,-100.5666700000000 +concept_grain_cereal_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_grain_cereal_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_grain_cereal_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_grain_cereal_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_grain_chicken concept:thinghascolor concept_color_brown +concept_grain_chicken concept:objectfoundinscene concept_visualizablescene_chicken_farm +concept_grain_cool_ concept:latitudelongitude 32.8341000000000,-97.9849700000000 +concept_grain_effect concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_experience concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_experience concept:objectfoundinscene concept_landscapefeatures_valley +concept_grain_experience concept:objectpartofobject concept_visualizableobject_lens +concept_grain_experience concept:objectfoundinscene concept_visualizablescene_observatory +concept_grain_flaxseed concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_food_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_grain_ingredients concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_juice concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_kingdom concept:mutualproxyfor concept_book_new +concept_grain_magnesium concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_management concept:foodcancausedisease concept_disease_malignancies +concept_grain_nassau_county concept:proxyfor concept_book_new +concept_grain_nitrogen concept:specializationof concept_visualizablething_dioxide +concept_grain_oatmeal concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_grain_oil concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_oil concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_grain_oil concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_oil concept:foodcancausedisease concept_disease_cholesterol_levels +concept_grain_oil concept:fooddecreasestheriskofdisease concept_disease_coronary_heart_disease +concept_grain_oil concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_grain_olive_oil concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_olive_oil concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_grain_olive_oil concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_olive_oil concept:fooddecreasestheriskofdisease concept_disease_coronary_heart_disease +concept_grain_olive_oil concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_grain_one_reason concept:proxyfor concept_book_new +concept_grain_party concept:mutualproxyfor concept_book_new +concept_grain_pesticides concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_popcorn concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_grain_progesterone concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_relative concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_rice_project concept:latitudelongitude 7.2744400000000,-8.8236100000000 +concept_grain_salt_diet concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_shelterbelt concept:latitudelongitude 6.5977773333333,-2.0377773333333 +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_grain_sugar concept:agriculturalproductcamefromcountry concept_country_mexico +concept_grain_sugar concept:agriculturalproductcamefromcountry concept_country_republic_of_india +concept_grain_sugar concept:agriculturalproducttoattractinsect concept_insect_ants +concept_grain_sugar concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_grain_sugar concept:agriculturalproducttoattractinsect concept_insect_flies +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_alabama +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_alberta +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_arkansas +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_colorado +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_florida +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_georgia +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_hawaii +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_louisiana +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_maharashtra +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_maui +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_michigan +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_mississippi +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_oahu +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_ontario +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_texas +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_trinidad +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_utah +concept_grain_sugar concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_west_virginia +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_grain_sugar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_grain_tea concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_tea concept:foodcancausedisease concept_disease_cholesterol_levels +concept_grain_turmeric concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_water concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_water concept:foodcancausedisease concept_disease_constipation +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_millet +concept_grain_whole_grains concept:foodcancausedisease concept_disease_blood_pressure +concept_grain_whole_grains concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_grain_whole_grains concept:fooddecreasestheriskofdisease concept_disease_diabetes +concept_grain_whole_grains concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_barley +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_brown_rice +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_buckwheat +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_oatmeal +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_grain_quinoa +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_oats +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_rice +concept_grain_whole_grains concept:agriculturalproductincludingagriculturalproduct concept_vegetable_wheat +concept_grandprix_vaduz concept:subpartof concept_personcanada_liechtenstein +concept_hallwayitem_access concept:subpartof concept_hallwayitem_air +concept_hallwayitem_access concept:mutualproxyfor concept_university_microsoft +concept_hallwayitem_access concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_area concept:subpartof concept_chemical_groundwater +concept_hallwayitem_area concept:itemfoundinroom concept_room_swimming_pool +concept_hallwayitem_area concept:subpartof concept_visualizableattribute_drinking_water +concept_hallwayitem_area concept:subpartof concept_visualizableattribute_rain_water +concept_hallwayitem_area concept:subpartof concept_visualizablething_rainwater +concept_hallwayitem_areas concept:mutualproxyfor concept_book_new +concept_hallwayitem_areas concept:mutualproxyfor concept_book_north +concept_hallwayitem_areas concept:subpartof concept_hallwayitem_air +concept_hallwayitem_areas concept:subpartof concept_visualizableattribute_drinking_water +concept_hallwayitem_areas concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_areas concept:subpartof concept_website_blood +concept_hallwayitem_areas concept:mutualproxyfor concept_website_south +concept_hallwayitem_auto concept:subpartof concept_hallwayitem_air +concept_hallwayitem_availability concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_basement concept:proxyfor concept_book_new +concept_hallwayitem_basement concept:subpartof concept_hallwayitem_air +concept_hallwayitem_basement concept:subpartof concept_landscapefeatures_hot_water +concept_hallwayitem_basement concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_big_terrace concept:itemfoundinroom concept_visualizablething_bathroom +concept_hallwayitem_boat concept:mutualproxyfor concept_book_new +concept_hallwayitem_boat concept:atdate concept_date_n2004 +concept_hallwayitem_boat concept:subpartof concept_hallwayitem_air +concept_hallwayitem_body concept:subpartof concept_agriculturalproduct_potassium +concept_hallwayitem_body concept:subpartof concept_artery_blood_supply +concept_hallwayitem_body concept:subpartof concept_artery_glucose +concept_hallwayitem_body concept:subpartof concept_bathroomitem_waste +concept_hallwayitem_body concept:subpartof concept_beverage_fluid +concept_hallwayitem_body concept:subpartof concept_beverage_salt +concept_hallwayitem_body concept:subpartof concept_bodypart_oxygen_rich_blood +concept_hallwayitem_body concept:subpartof concept_bodypart_oxygenated_blood +concept_hallwayitem_body concept:subpartof concept_bodypart_rise +concept_hallwayitem_body concept:subpartof concept_book_breath +concept_hallwayitem_body concept:subpartof concept_book_good_blood +concept_hallwayitem_body concept:subpartof concept_chemical_lungs +concept_hallwayitem_body concept:subpartof concept_drug_sodium +concept_hallwayitem_body concept:subpartof concept_emotion_love +concept_hallwayitem_body concept:subpartof concept_fungus_bloodstream +concept_hallwayitem_body concept:subpartof concept_fungus_nutrition +concept_hallwayitem_body concept:subpartof concept_hallwayitem_fuel +concept_hallwayitem_body concept:subpartof concept_hallwayitem_liquid +concept_hallwayitem_body concept:subpartof concept_landscapefeatures_relaxation +concept_hallwayitem_body concept:subpartof concept_musicinstrument_chi +concept_hallwayitem_body concept:subpartof concept_nerve_blood_flow +concept_hallwayitem_body concept:subpartof concept_nerve_lymph +concept_hallwayitem_body concept:subpartof concept_physicsterm_weight +concept_hallwayitem_body concept:subpartof concept_plant_nutrients +concept_hallwayitem_body concept:subpartof concept_politicsissue_energy +concept_hallwayitem_body concept:subpartof concept_politicsissue_more_water +concept_hallwayitem_body concept:subpartof concept_televisionshow_pure_water +concept_hallwayitem_body concept:subpartof concept_televisionshow_qi +concept_hallwayitem_body concept:subpartof concept_videogame_estrogen +concept_hallwayitem_body concept:subpartof concept_videogame_life_force +concept_hallwayitem_body concept:subpartof concept_videogame_vital_nutrients +concept_hallwayitem_body concept:subpartof concept_visualizableattribute_excess_water +concept_hallwayitem_body concept:subpartof concept_visualizablething_blood_stream +concept_hallwayitem_body concept:subpartof concept_visualizablething_fluids +concept_hallwayitem_body concept:subpartof concept_visualizablething_more_blood +concept_hallwayitem_body concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_body concept:subpartof concept_website_blood +concept_hallwayitem_body concept:subpartof concept_website_support +concept_hallwayitem_car concept:atdate concept_dateliteral_n2002 +concept_hallwayitem_car concept:atdate concept_dateliteral_n2005 +concept_hallwayitem_car concept:atdate concept_dateliteral_n2006 +concept_hallwayitem_car concept:subpartof concept_hallwayitem_air +concept_hallwayitem_car concept:subpartof concept_kitchenitem_block +concept_hallwayitem_car concept:atdate concept_month_october +concept_hallwayitem_car concept:atdate concept_month_september +concept_hallwayitem_car concept:atdate concept_year_n1994 +concept_hallwayitem_car concept:atdate concept_year_n1995 +concept_hallwayitem_car concept:atdate concept_year_n1998 +concept_hallwayitem_check concept:subpartof concept_hallwayitem_air +concept_hallwayitem_claim concept:proxyfor concept_book_new +concept_hallwayitem_claim concept:atdate concept_dateliteral_n2005 +concept_hallwayitem_claim concept:atdate concept_dateliteral_n2007 +concept_hallwayitem_condition concept:proxyfor concept_book_new +concept_hallwayitem_connection concept:proxyfor concept_book_new +concept_hallwayitem_connection concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_console concept:subpartof concept_hallwayitem_air +concept_hallwayitem_contact concept:mutualproxyfor concept_book_new +concept_hallwayitem_contact concept:subpartof concept_hallwayitem_air +concept_hallwayitem_contractor concept:latitudelongitude 40.8003800000000,-72.9162200000000 +concept_hallwayitem_contractor concept:proxyfor concept_book_new +concept_hallwayitem_controls concept:subpartof concept_hallwayitem_air +concept_hallwayitem_controls concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_court concept:mutualproxyfor concept_book_new +concept_hallwayitem_display concept:subpartof concept_hallwayitem_air +concept_hallwayitem_east_wall concept:latitudelongitude 43.5004400000000,-117.4912800000000 +concept_hallwayitem_enclosure concept:subpartof concept_hallwayitem_air +concept_hallwayitem_engine concept:subpartof concept_visualizablething_coolant +concept_hallwayitem_engine concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_equipment concept:subpartof concept_book_oil +concept_hallwayitem_equipment concept:subpartof concept_mlalgorithm_commercial_air +concept_hallwayitem_equipment concept:subpartof concept_visualizablething_wastewater +concept_hallwayitem_expenditure concept:latitudelongitude 41.8178800000000,-71.4075600000000 +concept_hallwayitem_fan concept:mutualproxyfor concept_book_new +concept_hallwayitem_headliner concept:latitudelongitude 36.8149500000000,-119.7734800000000 +concept_hallwayitem_heavenly_gate concept:latitudelongitude 37.9707600000000,-121.2732800000000 +concept_hallwayitem_improvement_project concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_interior concept:subpartof concept_hallwayitem_air +concept_hallwayitem_listing concept:atdate concept_dateliteral_n2006 +concept_hallwayitem_listing concept:atdate concept_dateliteral_n2008 +concept_hallwayitem_little_gate concept:latitudelongitude 38.1837400000000,-78.7386300000000 +concept_hallwayitem_loop concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_main_portal concept:latitudelongitude 34.5409300000000,-92.4979400000000 +concept_hallwayitem_market concept:subpartof concept_beverage_industrial_water +concept_hallwayitem_market concept:mutualproxyfor concept_book_new +concept_hallwayitem_market concept:subpartof concept_hallwayitem_air +concept_hallwayitem_market concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_n3m concept:mutualproxyfor concept_criminal_george_buckley +concept_hallwayitem_new concept:subpartof concept_room_offices +concept_hallwayitem_overhead concept:itemfoundinroom concept_visualizablething_bathroom +concept_hallwayitem_pallina concept:latitudelongitude -16.5966680000000,-68.3800000000000 +concept_hallwayitem_patient concept:proxyfor concept_book_new +concept_hallwayitem_patient concept:atdate concept_dateliteral_n2005 +concept_hallwayitem_patient concept:atdate concept_dateliteral_n2006 +concept_hallwayitem_pedestal_sink concept:itemfoundinroom concept_room_bath +concept_hallwayitem_pick concept:mutualproxyfor concept_book_new +concept_hallwayitem_pillar concept:proxyfor concept_book_new +concept_hallwayitem_plan concept:subpartof concept_beverage_overall_water +concept_hallwayitem_point concept:mutualproxyfor concept_book_new +concept_hallwayitem_point concept:subpartof concept_hallwayitem_air +concept_hallwayitem_point concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_portcullis concept:latitudelongitude 52.6750100000000,-118.4023900000000 +concept_hallwayitem_problem concept:atdate concept_date_n2001 +concept_hallwayitem_problem concept:atdate concept_date_n2003 +concept_hallwayitem_problem concept:atdate concept_date_n2004 +concept_hallwayitem_problem concept:atdate concept_dateliteral_n2002 +concept_hallwayitem_problem concept:atdate concept_dateliteral_n2005 +concept_hallwayitem_problem concept:atdate concept_dateliteral_n2006 +concept_hallwayitem_problem concept:atdate concept_dateliteral_n2007 +concept_hallwayitem_problem concept:subpartof concept_hallwayitem_air +concept_hallwayitem_problem concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_process concept:mutualproxyfor concept_book_new +concept_hallwayitem_process concept:subpartof concept_hallwayitem_air +concept_hallwayitem_process concept:subpartof concept_hallwayitem_fuel +concept_hallwayitem_process concept:subpartof concept_kitchenitem_cold_water +concept_hallwayitem_process concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_process concept:subpartof concept_website_blood +concept_hallwayitem_project concept:subpartof concept_visualizablething_water_supply +concept_hallwayitem_protection concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_provider concept:mutualproxyfor concept_book_new +concept_hallwayitem_refrigerator concept:subpartof concept_hallwayitem_air +concept_hallwayitem_refrigerator concept:itemfoundinroom concept_room_equipped_kitchen +concept_hallwayitem_refrigerator concept:itemfoundinroom concept_room_full_kitchen +concept_hallwayitem_refrigerator concept:itemfoundinroom concept_room_kitchen +concept_hallwayitem_refrigerator concept:itemfoundinroom concept_room_kitchenette +concept_hallwayitem_refrigerator concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_hallwayitem_rest concept:subpartof concept_website_blood +concept_hallwayitem_road concept:mutualproxyfor concept_book_new +concept_hallwayitem_sc concept:mutualproxyfor concept_shoppingmall_columbia +concept_hallwayitem_season concept:mutualproxyfor concept_book_new +concept_hallwayitem_service_providers concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_solution concept:subpartof concept_hallwayitem_air +concept_hallwayitem_solution concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_storage_room concept:itemfoundinroom concept_visualizablething_bathroom +concept_hallwayitem_stove concept:itemfoundinroom concept_room_equipped_kitchen +concept_hallwayitem_stove concept:itemfoundinroom concept_room_kitchen +concept_hallwayitem_stove concept:itemfoundinroom concept_room_kitchenette +concept_hallwayitem_stream concept:atdate concept_date_n2001 +concept_hallwayitem_stream concept:atdate concept_dateliteral_n2005 +concept_hallwayitem_stream concept:atdate concept_dateliteral_n2006 +concept_hallwayitem_stream concept:atdate concept_dateliteral_n2007 +concept_hallwayitem_stream concept:atdate concept_dateliteral_n2008 +concept_hallwayitem_structure concept:subpartof concept_visualizablething_indoor_air +concept_hallwayitem_subject concept:mutualproxyfor concept_book_new +concept_hallwayitem_tank concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_third_level concept:latitudelongitude 42.2089800000000,-72.5998100000000 +concept_hallwayitem_thousand concept:proxyfor concept_book_new +concept_hallwayitem_tosea concept:latitudelongitude 28.8290300000000,-17.8156200000000 +concept_hallwayitem_tower concept:subpartof concept_hallwayitem_air +concept_hallwayitem_town_gate concept:latitudelongitude 33.9389100000000,-117.2619800000000 +concept_hallwayitem_tub concept:itemfoundinroom concept_room_adjacent_bath +concept_hallwayitem_tub concept:itemfoundinroom concept_room_area +concept_hallwayitem_tub concept:itemfoundinroom concept_room_bath_area +concept_hallwayitem_tub concept:itemfoundinroom concept_room_bath_suite +concept_hallwayitem_tub concept:itemfoundinroom concept_room_bath_upstairs +concept_hallwayitem_tub concept:itemfoundinroom concept_room_baths +concept_hallwayitem_tub concept:itemfoundinroom concept_room_community +concept_hallwayitem_tub concept:itemfoundinroom concept_room_deck +concept_hallwayitem_tub concept:itemfoundinroom concept_room_double_sinks +concept_hallwayitem_tub concept:itemfoundinroom concept_room_full_ensuite +concept_hallwayitem_tub concept:itemfoundinroom concept_room_guest +concept_hallwayitem_tub concept:itemfoundinroom concept_room_hall +concept_hallwayitem_tub concept:itemfoundinroom concept_room_in_suite_bath +concept_hallwayitem_tub concept:itemfoundinroom concept_room_large_ensuite +concept_hallwayitem_tub concept:itemfoundinroom concept_room_level +concept_hallwayitem_tub concept:itemfoundinroom concept_room_main_floor +concept_hallwayitem_tub concept:itemfoundinroom concept_room_master +concept_hallwayitem_tub concept:itemfoundinroom concept_room_second_floor +concept_hallwayitem_tub concept:itemfoundinroom concept_room_second_full_bath +concept_hallwayitem_tub concept:itemfoundinroom concept_room_spacious_master +concept_hallwayitem_turn concept:mutualproxyfor concept_book_new +concept_hallwayitem_utility concept:subpartof concept_kitchenitem_public_water +concept_hallwayitem_valve concept:subpartof concept_weatherphenomenon_water +concept_hallwayitem_van concept:subpartof concept_hallwayitem_air +concept_hallwayitem_venetian concept:subpartof concept_traditionalgame_vegas +concept_hallwayitem_view concept:itemfoundinroom concept_visualizablething_bathroom +concept_hallwayitem_washer concept:itemfoundinroom concept_room_laundry_room +concept_hallwayitem_washer concept:itemfoundinroom concept_visualizablething_bathroom +concept_highway_adams_boulevard concept:latitudelongitude 36.7425900000000,-95.9383200000000 +concept_highway_california_highway concept:latitudelongitude 38.5691840000000,-121.4611220000000 +concept_highway_chapman_highway concept:latitudelongitude 35.9217500000000,-83.8810100000000 +concept_highway_cherokee concept:atlocation concept_blog_iowa +concept_highway_cherokee concept:atlocation concept_stateorprovince_north_carolina +concept_highway_chesterfield concept:proxyfor concept_company_missouri +concept_highway_columbia_river_highway concept:latitudelongitude 45.7034500000000,-121.4873000000000 +concept_highway_coronado_trail concept:latitudelongitude 33.4683900000000,-109.3636900000000 +concept_highway_delaware_river concept:proxyfor concept_book_new +concept_highway_disneyland_drive concept:latitudelongitude 33.8185666666667,-117.9228000000000 +concept_highway_edsa concept:latitudelongitude 14.5869250000000,121.0555000000000 +concept_highway_fairview concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_fayetteville_street concept:latitudelongitude 35.9643100000000,-78.9055600000000 +concept_highway_fond_du_lac concept:mutualproxyfor concept_politicaloffice_wisconsin +concept_highway_four_miles concept:proxyfor concept_book_new +concept_highway_george_washington_bridge concept:proxyfor concept_book_new +concept_highway_great_meadows concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_heckscher_drive concept:latitudelongitude 30.4130200000000,-81.5700900000000 +concept_highway_hillsborough concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_historic_columbia_river_highway concept:latitudelongitude 45.7034500000000,-121.4873000000000 +concept_highway_i_35_north concept:latitudelongitude 29.5552000000000,-98.3470000000000 +concept_highway_indus_highway concept:latitudelongitude 32.0633300000000,70.8066700000000 +concept_highway_island_highway concept:latitudelongitude 24.2343800000000,120.8358200000000 +concept_highway_jersey_turnpike concept:latitudelongitude 40.3032566666667,-74.5782133333333 +concept_highway_lake_washington_boulevard concept:latitudelongitude 47.5823200000000,-122.2859600000000 +concept_highway_lakewood concept:atlocation concept_city_washington_d_c +concept_highway_lakewood concept:mutualproxyfor concept_city_washington_d_c +concept_highway_lakewood concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_lower_east_side concept:proxyfor concept_book_new +concept_highway_m_26 concept:latitudelongitude 35.8855700000000,-108.5145200000000 +concept_highway_m_5 concept:latitudelongitude 42.7458100000000,-114.5136600000000 +concept_highway_macarthur_highway concept:latitudelongitude 25.0588900000000,121.5853300000000 +concept_highway_main_bazaar concept:latitudelongitude 1.5594400000000,110.3433300000000 +concept_highway_matawan concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_miner_street concept:latitudelongitude 41.7315300000000,-122.6361400000000 +concept_highway_morden_road concept:latitudelongitude 51.4088800000000,-0.1929200000000 +concept_highway_new_monmouth concept:proxyfor concept_stateorprovince_newjersey +concept_highway_niagara_falls concept:proxyfor concept_book_new +concept_highway_niagara_falls concept:mutualproxyfor concept_company_new_york +concept_highway_northfield concept:proxyfor concept_radiostation_new_jersey +concept_highway_port_authority_bus_terminal concept:latitudelongitude 40.7566700000000,-73.9922200000000 +concept_highway_rancho_drive concept:latitudelongitude 43.0580600000000,-74.1805600000000 +concept_highway_resource concept:istallerthan concept_publication_people_ +concept_highway_roosevelt_boulevard concept:latitudelongitude 30.2794100000000,-81.6498200000000 +concept_highway_santa_fe_drive concept:latitudelongitude 32.7398500000000,-97.7775300000000 +concept_highway_school_year concept:atdate concept_date_n2009 +concept_highway_school_year concept:atdate concept_dateliteral_n2008 +concept_highway_ship_street concept:latitudelongitude 42.4151000000000,-71.0992200000000 +concept_highway_skinker concept:latitudelongitude 38.6479333333333,-90.2995666666667 +concept_highway_south_milwaukee concept:atlocation concept_stateorprovince_wisconsin +concept_highway_spencer concept:atlocation concept_blog_iowa +concept_highway_sunset_highway concept:latitudelongitude 45.8892800000000,-123.6242900000000 +concept_highway_the_magnificent_mile concept:latitudelongitude 41.9015000000000,-87.6280000000000 +concept_highway_the_new concept:locationlocatedwithinlocation concept_attraction_art +concept_highway_the_new concept:locationlocatedwithinlocation concept_city_boston +concept_highway_the_new concept:mutualproxyfor concept_company_new_york +concept_highway_the_new concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_highway_the_new concept:locationlocatedwithinlocation concept_politicsblog_tennis_magazine +concept_highway_the_new concept:locationlocatedwithinlocation concept_river_arts +concept_highway_the_new concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_highway_trans_amazonian_highway concept:latitudelongitude -5.3333300000000,-49.1166700000000 +concept_highway_trenton concept:proxyfor concept_book_new +concept_highway_trenton concept:locationlocatedwithinlocation concept_bridge_new_jersey +concept_highway_trenton concept:locationlocatedwithinlocation concept_city_nj +concept_highway_trenton concept:proxyfor concept_city_nj +concept_highway_trenton concept:subpartof concept_city_nj +concept_highway_trenton concept:proxyfor concept_creditunion_michigan +concept_highway_trenton concept:proxyfor concept_radiostation_new_jersey +concept_highway_via_espana concept:latitudelongitude 8.9793200000000,-79.5296000000000 +concept_highway_viers_mill concept:latitudelongitude 39.0546850000000,-77.0840650000000 +concept_highway_westmont concept:mutualproxyfor concept_radiostation_new_jersey +concept_highway_world_city concept:proxyfor concept_book_new +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_angling +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_biking +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_bird_watching +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_horseback_riding +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_mountain_climbing +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_picnicking +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_river_rafting +concept_hobby_activities concept:hobbiessuchashobbies concept_hobby_wildlife_observation +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_bike_riding +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_climbing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_cycling +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_dancing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_golfing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_horse_riding +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_hunting +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_kayaking +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_mountain_biking +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_rock_climbing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_sailing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_skiing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_snorkeling +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_snowmobiling +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_sports +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_water_skiing +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_watersports +concept_hobby_activities concept:hobbiessuchashobbies concept_sport_windsurfing +concept_hobby_activities concept:hobbiessuchashobbies concept_visualartform_photography +concept_hobby_adventure_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventure_activity concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventure_sports concept:hobbiessuchashobbies concept_sport_kayaking +concept_hobby_adventure_sports concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventure_tours concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventure_trips concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventures concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_adventures concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_adventures concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventurous_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_adventurous_sports concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_architecture concept:proxyfor concept_book_new +concept_hobby_architecture concept:atdate concept_dayofweek_friday +concept_hobby_attractions concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_attractions concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_bars concept:proxyfor concept_book_new +concept_hobby_biking concept:sportfansincountry concept_country___america +concept_hobby_biking concept:sportschoolincountry concept_country___america +concept_hobby_bird_watching concept:sportfansincountry concept_country___america +concept_hobby_bird_watching concept:sportschoolincountry concept_country___america +concept_hobby_bloom concept:atdate concept_dateliteral_n2005 +concept_hobby_buildings concept:proxyfor concept_book_new +concept_hobby_buildings concept:atdate concept_dateliteral_n2005 +concept_hobby_buildings concept:atdate concept_dateliteral_n2008 +concept_hobby_bungalow concept:mutualproxyfor concept_weatherphenomenon_two +concept_hobby_business concept:proxyfor concept_book_new +concept_hobby_business concept:atdate concept_date_n2009 +concept_hobby_business concept:atdate concept_dateliteral_n2008 +concept_hobby_business concept:subpartof concept_hallwayitem_gas +concept_hobby_business concept:istallerthan concept_publication_people_ +concept_hobby_business concept:subpartof concept_weatherphenomenon_air +concept_hobby_business concept:subpartof concept_weatherphenomenon_water +concept_hobby_camps concept:proxyfor concept_book_new +concept_hobby_camps concept:atdate concept_dateliteral_n1945 +concept_hobby_canoeing concept:sportfansincountry concept_country___america +concept_hobby_canoeing concept:sportschoolincountry concept_country___america +concept_hobby_casino concept:proxyfor concept_book_new +concept_hobby_casinos concept:proxyfor concept_book_new +concept_hobby_charlottesville concept:atdate concept_dateliteral_n2007 +concept_hobby_choir concept:proxyfor concept_book_new +concept_hobby_christchurch concept:proxyfor concept_book_new +concept_hobby_christchurch concept:atdate concept_dateliteral_n2008 +concept_hobby_click concept:specializationof concept_hobby_tips +concept_hobby_clubs concept:proxyfor concept_book_new +concept_hobby_competitions concept:proxyfor concept_book_new +concept_hobby_coordinating concept:latitudelongitude 40.7647400000000,-111.8523500000000 +concept_hobby_difficult_task concept:proxyfor concept_book_new +concept_hobby_discussions concept:atdate concept_dateliteral_n2002 +concept_hobby_discussions concept:atdate concept_dateliteral_n2006 +concept_hobby_discussions concept:atdate concept_dateliteral_n2007 +concept_hobby_discussions concept:atdate concept_dateliteral_n2008 +concept_hobby_discussions concept:atdate concept_year_n1998 +concept_hobby_eagles concept:synonymfor concept_sportsteam_arizona_cardinals_27_23 +concept_hobby_ease concept:proxyfor concept_book_new +concept_hobby_electrical_engineering concept:atdate concept_dateliteral_n2006 +concept_hobby_electrical_engineering concept:atdate concept_dateliteral_n2008 +concept_hobby_estimate concept:proxyfor concept_book_new +concept_hobby_events concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_exchanges concept:proxyfor concept_book_new +concept_hobby_extreme_sports concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_families concept:atdate concept_date_n2009 +concept_hobby_family_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_fashion concept:proxyfor concept_book_new +concept_hobby_favorite_activities concept:hobbiessuchashobbies concept_hobby_music +concept_hobby_favorite_hobbies concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_favorite_hobbies concept:hobbiessuchashobbies concept_hobby_music +concept_hobby_favorite_pastimes concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_fishing concept:proxyfor concept_book_new +concept_hobby_fishing concept:sportfansincountry concept_country___america +concept_hobby_fishing concept:sportschoolincountry concept_country___america +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_apparel +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_canoes +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_companies +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_equipment +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_accessories +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_equipment +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_gear +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_lures +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_rod +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_rods +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fishing_tackle +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_fly_rods +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_gear +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_home +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_life_jackets +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_nets +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_poles +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_rods +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_souvenirs +concept_hobby_fishing concept:sportusesequipment concept_sportsequipment_supplies +concept_hobby_fishing concept:sportusesequipment concept_tool_accessories +concept_hobby_fishing concept:sportusesequipment concept_tool_equipments +concept_hobby_fun concept:proxyfor concept_book_new +concept_hobby_fun_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_game_hunting concept:latitudelongitude 33.8797400000000,-117.1528100000000 +concept_hobby_garden concept:atdate concept_date_n2003 +concept_hobby_garden concept:atdate concept_dateliteral_n2006 +concept_hobby_gear concept:atdate concept_dateliteral_n2007 +concept_hobby_group concept:atdate concept_dayofweek_sunday +concept_hobby_group concept:atdate concept_month_june +concept_hobby_guides concept:proxyfor concept_book_new +concept_hobby_guides concept:atdate concept_month_october +concept_hobby_half_marathon concept:atdate concept_dateliteral_n2007 +concept_hobby_hand concept:proxyfor concept_book_new +concept_hobby_hand concept:atdate concept_dateliteral_n2005 +concept_hobby_hand concept:mutualproxyfor concept_sportsequipment_new +concept_hobby_hard_rock concept:subpartof concept_traditionalgame_vegas +concept_hobby_hiking concept:sportfansincountry concept_country___america +concept_hobby_hiking concept:sportschoolincountry concept_country___america +concept_hobby_hiking concept:sportusesequipment concept_sportsequipment_backpacks +concept_hobby_hiking concept:sportusesequipment concept_sportsequipment_equipment +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_activities +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_antiques +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_baking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_bicycling +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_biking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_bird_watching +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_camping +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_camps +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_cardiff +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_classical_music +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_cooking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_crafts +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_discussions +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_fiji +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_gardening +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_genealogy +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_horseback_riding +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_ideas +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_inspiration +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_leicester +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_locations +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_music +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_pictures +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_places +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_polls +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_reading +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_repairs +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_science +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_service_areas +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_sewing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_shopping +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_submissions +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_talks +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_travel +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_travelling +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_trips +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_troops +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_venice +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_volunteer +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_water_pipes +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_woodworking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_hobby_writing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_basketball +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_boating +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_cycling +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_dancing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_fly_fishing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_golf +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_golfing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_hockey +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_horse_riding +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_hunting +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_ice_hockey +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_kayaking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_motorcycling +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_mountain_biking +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_paddling +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_racquetball +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_sailing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_scuba_diving +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_skiing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_snow_skiing +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_snowboarding +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_soccer +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_softball +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_sports +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_squash +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_swimming +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_table_tennis +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_tennis +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_volleyball +concept_hobby_hobbies concept:hobbiessuchashobbies concept_sport_yachting +concept_hobby_hobbies concept:hobbiessuchashobbies concept_visualartform_photography +concept_hobby_hobbies concept:hobbiessuchashobbies concept_visualizablething_painting +concept_hobby_holidays concept:istallerthan concept_publication_people_ +concept_hobby_hollywood_film concept:latitudelongitude 34.0889000000000,-118.3714700000000 +concept_hobby_honor concept:proxyfor concept_book_new +concept_hobby_hot_springs concept:proxyfor concept_book_arkansas +concept_hobby_human_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_humanities concept:atdate concept_dateliteral_n2008 +concept_hobby_integrated_design concept:latitudelongitude 38.9043600000000,-76.9370800000000 +concept_hobby_journal concept:atdate concept_date_n1996 +concept_hobby_journal concept:atdate concept_date_n1999 +concept_hobby_journal concept:atdate concept_dateliteral_n2006 +concept_hobby_journal concept:atdate concept_dateliteral_n2008 +concept_hobby_kids concept:proxyfor concept_book_new +concept_hobby_laws concept:proxyfor concept_book_new +concept_hobby_leisure_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_levels concept:proxyfor concept_book_new +concept_hobby_local_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_local_attractions concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_lodges concept:proxyfor concept_book_new +concept_hobby_makeover concept:atdate concept_dateliteral_n2006 +concept_hobby_maldives concept:atdate concept_date_n2004 +concept_hobby_marathons concept:proxyfor concept_book_new +concept_hobby_marketing concept:proxyfor concept_book_new +concept_hobby_markets concept:proxyfor concept_book_new +concept_hobby_master concept:proxyfor concept_book_new +concept_hobby_mclaren concept:mutualproxyfor concept_coach_ron_dennis +concept_hobby_meeting concept:istallerthan concept_publication_people_ +concept_hobby_members concept:atdate concept_date_n2009 +concept_hobby_mentors concept:proxyfor concept_book_new +concept_hobby_metal_arts concept:latitudelongitude 47.6598000000000,-122.2922000000000 +concept_hobby_mountaineering concept:sportfansincountry concept_country___america +concept_hobby_mountaineering concept:sportschoolincountry concept_country___america +concept_hobby_muisc concept:latitudelongitude 40.4861100000000,-74.4341700000000 +concept_hobby_music concept:proxyfor concept_book_new +concept_hobby_music concept:atdate concept_date_n2000 +concept_hobby_music concept:atdate concept_date_n2001 +concept_hobby_music concept:atdate concept_date_n2004 +concept_hobby_music concept:atdate concept_date_n2009 +concept_hobby_music concept:atdate concept_dateliteral_n2002 +concept_hobby_music concept:atdate concept_dateliteral_n2005 +concept_hobby_music concept:atdate concept_dateliteral_n2006 +concept_hobby_music concept:atdate concept_dateliteral_n2007 +concept_hobby_music concept:istallerthan concept_publication_people_ +concept_hobby_national_forests concept:latitudelongitude 42.1738900000000,-120.3463900000000 +concept_hobby_nearby_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_nearby_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_negotiations concept:atdate concept_date_n2009 +concept_hobby_negotiations concept:atdate concept_dateliteral_n2002 +concept_hobby_negotiations concept:atdate concept_dateliteral_n2005 +concept_hobby_negotiations concept:atdate concept_dateliteral_n2006 +concept_hobby_negotiations concept:atdate concept_dateliteral_n2007 +concept_hobby_negotiations concept:atdate concept_dateliteral_n2008 +concept_hobby_optional_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_optional_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_orchestra concept:atdate concept_date_n2004 +concept_hobby_other_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_other_activities concept:hobbiessuchashobbies concept_sport_mountain_biking +concept_hobby_other_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_other_interests concept:hobbiessuchashobbies concept_hobby_music +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_biking +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_camping +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_gardening +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_boating +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_climbing +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_hunting +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_mountain_biking +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_outdoor_activities concept:hobbiessuchashobbies concept_sport_rock_climbing +concept_hobby_outdoor_adventure_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_outdoor_adventures concept:latitudelongitude 44.4125600000000,-70.8036800000000 +concept_hobby_outdoor_adventures concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_outdoor_adventures concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_adventures concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_outdoor_pursuits concept:hobbiessuchashobbies concept_hobby_biking +concept_hobby_outdoor_pursuits concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_pursuits concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_outdoor_recreation concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_recreational_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_recreational_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_outdoor_sports concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_outdoor_sports concept:sportusesequipment concept_sportsequipment_football +concept_hobby_outside_interests concept:hobbiessuchashobbies concept_hobby_gardening +concept_hobby_painting_and_sculpture concept:latitudelongitude 40.7344450000000,-73.9933300000000 +concept_hobby_pastimes concept:hobbiessuchashobbies concept_hobby_camping +concept_hobby_pastimes concept:hobbiessuchashobbies concept_hobby_canoeing +concept_hobby_pastimes concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_pastimes concept:hobbiessuchashobbies concept_sport_golf +concept_hobby_pastimes concept:hobbiessuchashobbies concept_sport_skiing +concept_hobby_pastimes concept:hobbiessuchashobbies concept_sport_swimming +concept_hobby_patagonia concept:mutualproxyfor concept_coach_yvon_chouinard +concept_hobby_playground concept:proxyfor concept_book_new +concept_hobby_playground concept:mutualproxyfor concept_sportsequipment_new +concept_hobby_posts concept:atdate concept_date_n2004 +concept_hobby_prices concept:subpartof concept_weatherphenomenon_water +concept_hobby_pursuits concept:hobbiessuchashobbies concept_hobby_biking +concept_hobby_pursuits concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_pursuits concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_pursuits concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_pursuits concept:hobbiessuchashobbies concept_sport_skiing +concept_hobby_railway concept:proxyfor concept_book_new +concept_hobby_reading concept:atdate concept_date_n2001 +concept_hobby_reading concept:atdate concept_date_n2009 +concept_hobby_reading concept:atdate concept_dateliteral_n2005 +concept_hobby_reading concept:atdate concept_dateliteral_n2006 +concept_hobby_reading concept:atdate concept_dateliteral_n2007 +concept_hobby_reading concept:atdate concept_dateliteral_n2008 +concept_hobby_reading concept:atlocation concept_stateorprovince_pennsylvania +concept_hobby_reading concept:proxyfor concept_stateorprovince_pennsylvania +concept_hobby_reading concept:subpartof concept_stateorprovince_pennsylvania +concept_hobby_real_estate concept:proxyfor concept_book_new +concept_hobby_recreation concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_recreation concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_sport_boating +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_sport_golfing +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_sport_skiing +concept_hobby_recreational_activities concept:hobbiessuchashobbies concept_sport_swimming +concept_hobby_recreational_opportunities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_recreational_opportunities concept:hobbiessuchashobbies concept_hobby_hiking +concept_hobby_recreational_opportunities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_recreational_pursuits concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_recreational_uses concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_salaries concept:proxyfor concept_book_new +concept_hobby_sales concept:proxyfor concept_book_new +concept_hobby_service_areas concept:proxyfor concept_book_new +concept_hobby_service_areas concept:subpartof concept_weatherphenomenon_water +concept_hobby_show_low concept:subpartof concept_beverage_arizona +concept_hobby_social_sciences concept:atdate concept_dateliteral_n2008 +concept_hobby_sporting_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_sprint concept:subpartof concept_company_clearwire +concept_hobby_sprint concept:atdate concept_dateliteral_n2007 +concept_hobby_studio concept:proxyfor concept_book_new +concept_hobby_studio concept:atdate concept_date_n1996 +concept_hobby_studio concept:atdate concept_date_n1999 +concept_hobby_studio concept:atdate concept_date_n2000 +concept_hobby_studio concept:atdate concept_date_n2001 +concept_hobby_studio concept:atdate concept_date_n2003 +concept_hobby_studio concept:atdate concept_date_n2004 +concept_hobby_studio concept:atdate concept_date_n2009 +concept_hobby_studio concept:atdate concept_dateliteral_n2002 +concept_hobby_studio concept:atdate concept_dateliteral_n2005 +concept_hobby_studio concept:atdate concept_dateliteral_n2006 +concept_hobby_studio concept:atdate concept_dateliteral_n2007 +concept_hobby_studio concept:atdate concept_dateliteral_n2008 +concept_hobby_studio concept:atdate concept_dayofweek_monday +concept_hobby_studio concept:mutualproxyfor concept_sportsequipment_new +concept_hobby_studio concept:subpartof concept_weatherphenomenon_air +concept_hobby_studio concept:atdate concept_year_n1998 +concept_hobby_summer_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_summer_activities concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_talent concept:proxyfor concept_book_new +concept_hobby_talk concept:proxyfor concept_book_new +concept_hobby_tap concept:subpartof concept_weatherphenomenon_water +concept_hobby_theology concept:atdate concept_dateliteral_n2008 +concept_hobby_tours concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_traditional_music concept:latitudelongitude 38.1858300000000,-83.4372200000000 +concept_hobby_trips concept:proxyfor concept_book_new +concept_hobby_trips concept:atdate concept_date_n2009 +concept_hobby_trips concept:hobbiessuchashobbies concept_sport_rafting +concept_hobby_trips concept:mutualproxyfor concept_sportsequipment_new +concept_hobby_utility concept:proxyfor concept_book_new +concept_hobby_water_activities concept:hobbiessuchashobbies concept_hobby_fishing +concept_hobby_weight_lifting concept:sportusesequipment concept_sportsequipment_equipment +concept_hobby_wetlands concept:proxyfor concept_book_new +concept_hobby_work concept:istallerthan concept_publication_people_ +concept_hobby_writers concept:proxyfor concept_book_new +concept_hospital_aberdeen_hospital concept:latitudelongitude 33.8187300000000,-88.5519900000000 +concept_hospital_abington_memorial concept:latitudelongitude 40.1192800000000,-75.1212800000000 +concept_hospital_al_shifa concept:latitudelongitude 33.5591000000000,73.0935000000000 +concept_hospital_alpena concept:proxyfor concept_creditunion_michigan +concept_hospital_american_medical_center concept:latitudelongitude 39.7436000000000,-105.0674800000000 +concept_hospital_bamc concept:latitudelongitude 35.0808300000000,70.3575000000000 +concept_hospital_baptist_health_medical_center___little_rock concept:latitudelongitude 34.7446500000000,-92.3814000000000 +concept_hospital_baycrest concept:latitudelongitude 38.6979000000000,-76.5335700000000 +concept_hospital_baylor_college concept:latitudelongitude 30.3877050000000,-96.4294150000000 +concept_hospital_bellsouth concept:subpartof concept_company_cingular_wireless_llc +concept_hospital_bellsouth concept:subpartof concept_retailstore_cingular_wireless +concept_hospital_bellsouth concept:subpartof concept_winery_cingular +concept_hospital_bjh concept:latitudelongitude 34.8986200000000,42.8227900000000 +concept_hospital_boston_hospital concept:latitudelongitude 36.7048600000000,-78.8991800000000 +concept_hospital_brandeis_school_of_law concept:latitudelongitude 38.2158000000000,-85.7611000000000 +concept_hospital_callier_center concept:latitudelongitude 32.8068650000000,-96.8161100000000 +concept_hospital_camc concept:latitudelongitude 38.3453733333333,-81.6216033333333 +concept_hospital_campus_health concept:latitudelongitude 28.6017766666667,-81.1987533333333 +concept_hospital_carle_hospital concept:latitudelongitude 40.1169800000000,-88.2150500000000 +concept_hospital_cascade_hospital concept:latitudelongitude 47.2710600000000,-111.7005400000000 +concept_hospital_chicago_medical_school concept:latitudelongitude 42.0861350000000,-87.7685350000000 +concept_hospital_churchill_hospital concept:latitudelongitude 51.6576500000000,-0.7737100000000 +concept_hospital_cincinnati_law_school concept:latitudelongitude 39.1050600000000,-84.5152200000000 +concept_hospital_columbia_university_college_of_physicians concept:latitudelongitude 40.8413900000000,-73.9422200000000 +concept_hospital_control_data concept:latitudelongitude 41.8860050000000,-87.6247700000000 +concept_hospital_derriford_hospital concept:latitudelongitude 50.4167200000000,-4.1136800000000 +concept_hospital_edward_mercy concept:latitudelongitude 35.3558966666667,-94.3523800000000 +concept_hospital_emmc concept:latitudelongitude 44.8070200000000,-68.7519800000000 +concept_hospital_endoscopy_center concept:latitudelongitude 28.0647000000000,-82.4250000000000 +concept_hospital_faith_hospital concept:latitudelongitude 38.6720000000000,-90.2517800000000 +concept_hospital_first_hospital concept:proxyfor concept_book_new +concept_hospital_friarage_hospital concept:latitudelongitude 54.3428200000000,-1.4302800000000 +concept_hospital_froedtert concept:latitudelongitude 43.0411200000000,-88.0245300000000 +concept_hospital_greenville_memorial concept:latitudelongitude 34.7070600000000,-82.3937300000000 +concept_hospital_gundersen_clinic concept:latitudelongitude 43.9433000000000,-90.8148600000000 +concept_hospital_habitat_for_humanity concept:organizationhiredperson concept_person_millard_fuller +concept_hospital_habitat_for_humanity concept:organizationterminatedperson concept_person_millard_fuller +concept_hospital_habitat_for_humanity concept:subpartof concept_person_millard_fuller +concept_hospital_harbor_ucla concept:buildinglocatedincity concept_city_torrance +concept_hospital_hialeah concept:locationlocatedwithinlocation concept_city_florida +concept_hospital_hialeah concept:proxyfor concept_city_florida +concept_hospital_hialeah concept:subpartof concept_city_florida +concept_hospital_immanuel_hospital concept:latitudelongitude 44.1685800000000,-93.9955100000000 +concept_hospital_indiana_university_law_school concept:latitudelongitude 39.7744900000000,-86.1602600000000 +concept_hospital_jefferson_medical concept:latitudelongitude 29.8935350000000,-90.0955800000000 +concept_hospital_jinnah_hospital concept:latitudelongitude 24.8517000000000,67.0495000000000 +concept_hospital_john_radcliffe concept:latitudelongitude 51.7638700000000,-1.2198100000000 +concept_hospital_kansas_university_medical_school concept:latitudelongitude 37.7016000000000,-97.3156000000000 +concept_hospital_kantonsspital concept:latitudelongitude 47.5281600000000,7.5812500000000 +concept_hospital_kennedy_krieger concept:latitudelongitude 39.2928600000000,-76.5932200000000 +concept_hospital_kent_college_of_law concept:latitudelongitude 41.8786400000000,-87.6422800000000 +concept_hospital_kresge_eye_institute concept:latitudelongitude 42.3567000000000,-83.0567000000000 +concept_hospital_lancaster_general concept:latitudelongitude 40.0466250000000,-76.3052350000000 +concept_hospital_landstuhl concept:latitudelongitude 49.4139350000000,7.5626350000000 +concept_hospital_leicester_royal_infirmary concept:latitudelongitude 52.6278200000000,-1.1348000000000 +concept_hospital_louisiana_state_university_health_sciences_center concept:latitudelongitude 29.9576400000000,-90.0825300000000 +concept_hospital_louisiana_state_university_school_of_medicine concept:latitudelongitude 32.2940500000000,-93.7876800000000 +concept_hospital_m_d__anderson concept:latitudelongitude 29.7080000000000,-95.3975200000000 +concept_hospital_marquette_general concept:latitudelongitude 46.4879400000000,-87.9670833333333 +concept_hospital_martha_jefferson concept:latitudelongitude 38.0357250000000,-78.4853300000000 +concept_hospital_maryland_general concept:latitudelongitude 39.2987200000000,-76.6205200000000 +concept_hospital_mason concept:proxyfor concept_university_ohio +concept_hospital_medical concept:organizationheadquarteredincity concept_city_new_york +concept_hospital_medical_academy concept:latitudelongitude 44.9904000000000,-93.2824000000000 +concept_hospital_medical_city concept:latitudelongitude 32.9115100000000,-96.7745850000000 +concept_hospital_medical_college_of_pennsylvania concept:latitudelongitude 40.0131950000000,-75.1780650000000 +concept_hospital_memorial_auditorium concept:atlocation concept_county_sacramento +concept_hospital_metrohealth concept:buildinglocatedincity concept_city_cleveland +concept_hospital_michael_reese concept:latitudelongitude 41.7958700000000,-87.6056000000000 +concept_hospital_moses_cone concept:latitudelongitude -23.7000000000000,141.1000000000000 +concept_hospital_mpri concept:latitudelongitude 39.4672200000000,20.2780600000000 +concept_hospital_mulago concept:latitudelongitude 0.3500000000000,32.5833300000000 +concept_hospital_national_cancer_institute concept:organizationheadquarteredincountry concept_country_u_s_ +concept_hospital_new_york_university_law_school concept:agentcontrols concept_book_powers +concept_hospital_nhs_hospital concept:latitudelongitude 51.5046400000000,-0.0889900000000 +concept_hospital_ninewells_hospital concept:latitudelongitude 56.4616500000000,-2.9913600000000 +concept_hospital_norfolk_general concept:latitudelongitude 36.8619000000000,-76.3036360000000 +concept_hospital_north_shore_university concept:latitudelongitude 40.8026520000000,-73.6029120000000 +concept_hospital_north_york_general_hospital concept:latitudelongitude 43.7694700000000,-79.3627500000000 +concept_hospital_northeastern_school concept:latitudelongitude 42.6566700000000,-85.2811100000000 +concept_hospital_northwestern_memorial concept:latitudelongitude 41.8955900000000,-87.6197750000000 +concept_hospital_northwestern_university_dental_school concept:latitudelongitude 41.8950300000000,-87.6206100000000 +concept_hospital_ocac concept:latitudelongitude -11.1822300000000,-76.1882300000000 +concept_hospital_pamf concept:latitudelongitude 39.1586100000000,26.5352800000000 +concept_hospital_pgi concept:latitudelongitude 38.1366900000000,-94.1738400000000 +concept_hospital_pmh concept:latitudelongitude 35.4600000000000,69.2400000000000 +concept_hospital_private_practice concept:atdate concept_date_n2000 +concept_hospital_royal_free concept:latitudelongitude 51.5532200000000,-0.1653200000000 +concept_hospital_royal_infirmary_of_edinburgh concept:latitudelongitude 55.9203200000000,-3.1396300000000 +concept_hospital_royal_marsden concept:latitudelongitude 51.3436200000000,-0.1903900000000 +concept_hospital_salisbury_district_hospital concept:latitudelongitude 51.0439600000000,-1.7898200000000 +concept_hospital_scca concept:latitudelongitude 18.3500000000000,-96.6166700000000 +concept_hospital_scripps_clinic_and_research_foundation concept:latitudelongitude 32.8939400000000,-117.2344800000000 +concept_hospital_scripps_hospital concept:latitudelongitude 32.8111600000000,-116.9219700000000 +concept_hospital_seton_hall_university_law_school concept:latitudelongitude 40.7364900000000,-74.1659800000000 +concept_hospital_shriner_hospital concept:latitudelongitude 38.6333800000000,-90.2628900000000 +concept_hospital_southwestern_medical_school concept:latitudelongitude 32.8115300000000,-96.8399300000000 +concept_hospital_sports_medicine_institute concept:latitudelongitude 40.7980600000000,-96.6261300000000 +concept_hospital_stanford_university concept:atdate concept_date_n2009 +concept_hospital_stanford_university concept:atdate concept_dateliteral_n2007 +concept_hospital_star concept:organizationhiredperson concept_person_rodriguez +concept_hospital_star concept:atlocation concept_stateorprovince_new_york +concept_hospital_state_university_of_new_york_downstate_medical_center concept:latitudelongitude 40.6548300000000,-73.9440300000000 +concept_hospital_state_university_of_new_york_upstate_medical_university concept:latitudelongitude 43.0408300000000,-76.1391700000000 +concept_hospital_suny_health_science_center concept:latitudelongitude 43.0420100000000,-76.1399200000000 +concept_hospital_the_cleveland_clinic concept:latitudelongitude 41.5018700000000,-81.6215700000000 +concept_hospital_tulane_university_school concept:atlocation concept_city_new_orleans +concept_hospital_uhn concept:latitudelongitude 50.3666700000000,23.7500000000000 +concept_hospital_umms concept:latitudelongitude 53.8824700000000,28.0307300000000 +concept_hospital_university_clinic concept:latitudelongitude 41.5833200000000,-93.6613300000000 +concept_hospital_university_of_pennsylvania concept:organizationterminatedperson concept_person_cochran +concept_hospital_university_of_pennsylvania concept:agentcontrols concept_person_nadia_heninger +concept_hospital_university_of_pennsylvania concept:organizationterminatedperson concept_person_thomas_c___cochran +concept_hospital_washington_corrections_center concept:latitudelongitude 47.2381500000000,-123.1921000000000 +concept_hospital_weill_medical_college concept:latitudelongitude 40.7653800000000,-73.9537500000000 +concept_hospital_western_infirmary concept:latitudelongitude 55.8709500000000,-4.2959500000000 +concept_hospital_western_psychiatric_institute_and_clinic concept:latitudelongitude 40.4437000000000,-79.9598000000000 +concept_hospital_wilmot_cancer_center concept:latitudelongitude 43.1219400000000,-77.6247200000000 +concept_hospital_wmmc concept:latitudelongitude 39.3605900000000,-87.7919700000000 +concept_hospital_wphc concept:latitudelongitude 36.0825600000000,-87.8347500000000 +concept_hotel_aarons_all_suites_hotel concept:latitudelongitude -31.9567000000000,115.8657000000000 +concept_hotel_abbasi_hotel concept:latitudelongitude 32.6512300000000,51.6702600000000 +concept_hotel_acropolis_select concept:hotelincity concept_city_athens +concept_hotel_adams_mark concept:hotelincity concept_city_dallas +concept_hotel_adlon concept:hotelincity concept_city_berlin +concept_hotel_admiral_plaza concept:latitudelongitude 25.2712000000000,55.3289000000000 +concept_hotel_adrema_hotel concept:hotelincity concept_city_berlin +concept_hotel_affinia concept:hotelincity concept_city_chicago +concept_hotel_airotel_parthenon concept:hotelincity concept_city_athens +concept_hotel_al_bustan concept:hotelincity concept_city_muscat +concept_hotel_al_bustan_rotana concept:latitudelongitude 25.2500000000000,55.2666000000000 +concept_hotel_al_diar_regency concept:latitudelongitude 24.5037000000000,54.3700000000000 +concept_hotel_al_jawhara_metro concept:latitudelongitude 25.2712600000000,55.3290000000000 +concept_hotel_al_khaleej_palace concept:latitudelongitude 25.2500000000000,55.2666000000000 +concept_hotel_aleph_a concept:latitudelongitude 41.9052000000000,12.4899000000000 +concept_hotel_alexandra concept:hotelincity concept_city_london_city +concept_hotel_alexandra_hotel concept:hotelincity concept_city_toronto +concept_hotel_algonquin concept:hotelincity concept_city_new_york +concept_hotel_algonquin_hotel concept:hotelincity concept_city_new_york +concept_hotel_allamanda_laguna_phuket concept:hotelincity concept_city_phuket +concept_hotel_allegro concept:hotelincity concept_city_chicago +concept_hotel_allegro_chicago concept:latitudelongitude 41.8844000000000,-87.6330000000000 +concept_hotel_aloha_resort concept:latitudelongitude 9.4552400000000,100.0390000000000 +concept_hotel_alvear_palace concept:latitudelongitude -34.6000000000000,-58.4666000000000 +concept_hotel_alveston_manor concept:latitudelongitude 52.1905100000000,-1.6968000000000 +concept_hotel_amandari concept:hotelincity concept_city_bali +concept_hotel_amankora concept:latitudelongitude 27.4583000000000,89.5083000000000 +concept_hotel_amanpuri concept:latitudelongitude 7.8833000000000,98.4000000000000 +concept_hotel_amanpuri concept:hotelincity concept_city_phuket +concept_hotel_amanyara concept:latitudelongitude 21.8025000000000,-71.7496000000000 +concept_hotel_amarante_beau_manoir concept:hotelincity concept_city_paris +concept_hotel_amari concept:hotelincity concept_city_bangkok +concept_hotel_amarvilas concept:latitudelongitude 27.1778000000000,78.0090000000000 +concept_hotel_ambasciatori concept:hotelincity concept_city_rome +concept_hotel_ambassadors concept:hotelincity concept_city_london_city +concept_hotel_americania concept:latitudelongitude 37.7787800000000,-122.4104300000000 +concept_hotel_americas_best_value_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_amman_international concept:hotelincity concept_city_amman +concept_hotel_amstel_botel concept:latitudelongitude 52.3888850000000,4.8966450000000 +concept_hotel_amsterdam_court_hotel concept:hotelincity concept_city_new_york +concept_hotel_ana concept:hotelincity concept_city_sydney +concept_hotel_anaheim_inn concept:latitudelongitude 33.8085000000000,-117.9152000000000 +concept_hotel_angkor_century concept:hotelincity concept_city_siem_reap +concept_hotel_angkor_riverside concept:hotelincity concept_city_siem_reap +concept_hotel_animal_kingdom_lodge concept:latitudelongitude 28.3486000000000,-81.5619000000000 +concept_hotel_apex_city_quay concept:hotelincity concept_city_dundee +concept_hotel_aqua_cancun concept:latitudelongitude 21.1387600000000,-86.7490600000000 +concept_hotel_arizona_biltmore concept:hotelincity concept_city_phoenix +concept_hotel_arizona_charlie__s_boulder concept:latitudelongitude 36.1235000000000,-115.0757000000000 +concept_hotel_arizona_charlie__s_decatur concept:attractionofcity concept_city_vegas +concept_hotel_arizona_charlie__s_decatur concept:buildinglocatedincity concept_city_vegas +concept_hotel_arlington concept:hotelincity concept_city_dublin_dublin +concept_hotel_aruba_marriott concept:latitudelongitude 12.5999000000000,-70.0450000000000 +concept_hotel_ascott concept:hotelincity concept_city_kuala_lumpur +concept_hotel_ascott_metropolis concept:hotelincity concept_city_auckland +concept_hotel_ashburn_hotel concept:hotelincity concept_city_london_city +concept_hotel_asia concept:hotelincity concept_city_phnom_penh +concept_hotel_aspen_hotel_soldotna concept:latitudelongitude 60.4829000000000,-151.0715000000000 +concept_hotel_athenaeum concept:hotelincity concept_city_athens +concept_hotel_athenaeum_intercontinental_athens concept:latitudelongitude 37.9632800000000,23.7245900000000 +concept_hotel_atlanta_downtown_travelodge concept:hotelincity concept_city_atlanta +concept_hotel_atlante_star_hotel concept:hotelincity concept_city_rome +concept_hotel_atlantic concept:hotelincity concept_city_prague +concept_hotel_atlantic_inn concept:latitudelongitude 39.6306500000000,-74.5958000000000 +concept_hotel_atlantis concept:attractionofcity concept_city_bahamas +concept_hotel_atlantis concept:buildinglocatedincity concept_city_bahamas +concept_hotel_atlantis concept:hotelincity concept_island_paradise_island +concept_hotel_atrium concept:hotelincity concept_city_budapest +concept_hotel_atrium_palace concept:latitudelongitude 36.1245000000000,28.0659000000000 +concept_hotel_avenida_palace concept:hotelincity concept_city_barcelona +concept_hotel_aventura_spa_palace concept:latitudelongitude 20.5088000000000,-87.2149000000000 +concept_hotel_avenue concept:hotelincity concept_city_amsterdam +concept_hotel_baglioni concept:hotelincity concept_city_london_city +concept_hotel_baglioni_hotel_london concept:hotelincity concept_city_london_city +concept_hotel_bahama_house concept:latitudelongitude 29.2030000000000,-80.9962000000000 +concept_hotel_bahia_resort concept:hotelincity concept_city_san_diego +concept_hotel_balboa_bay_club concept:latitudelongitude 33.6160000000000,-117.9138000000000 +concept_hotel_banyan_tree concept:hotelincity concept_city_bangkok +concept_hotel_bath_priory concept:latitudelongitude 51.3923800000000,-2.3843600000000 +concept_hotel_bay_hill_club concept:latitudelongitude 26.3757000000000,-80.1776000000000 +concept_hotel_bayswater_inn concept:hotelincity concept_city_london_city +concept_hotel_beacon concept:proxyfor concept_book_new +concept_hotel_beau_rivage concept:buildinglocatedincity concept_city_biloxi +concept_hotel_beau_rivage concept:hotelincity concept_city_geneva +concept_hotel_bedford_inn concept:latitudelongitude 40.0718000000000,-78.5172000000000 +concept_hotel_beekman_tower_hotel concept:hotelincity concept_city_new_york +concept_hotel_bellagio_hotel_prague concept:latitudelongitude 50.0918400000000,14.4204400000000 +concept_hotel_bellagio_resort concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_bellagio_resort concept:hotelincity concept_city_las_vegas +concept_hotel_bellagio_resort concept:buildinglocatedincity concept_city_vegas +concept_hotel_bentley concept:hotelincity concept_city_new_york +concept_hotel_bentley_hotel concept:hotelincity concept_city_new_york +concept_hotel_berkeley_court concept:hotelincity concept_city_dublin_dublin +concept_hotel_best_western_carlyle_inn_beverly_hills_area concept:hotelincity concept_county_los_angeles_county +concept_hotel_best_western_executive_inn concept:hotelincity concept_city_toronto +concept_hotel_best_western_international concept:hotelincity concept_city_toronto +concept_hotel_best_western_royal_palace_inn___suites concept:hotelincity concept_county_los_angeles_county +concept_hotel_best_western_royal_palace_inn_and_suites concept:hotelincity concept_county_los_angeles_county +concept_hotel_best_western_suites_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_best_western_suites_hotel_lax concept:hotelincity concept_county_los_angeles_county +concept_hotel_best_western_sunset_plaza_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_beverly_hills_plaza_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_beverly_hilton concept:hotelincity concept_city_beverly_hills +concept_hotel_beverly_laurel concept:hotelincity concept_county_los_angeles_county +concept_hotel_beverly_laurel_motor_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_beverly_wilshire concept:latitudelongitude 34.0669900000000,-118.4007000000000 +concept_hotel_bilderberg_garden_hotel concept:hotelincity concept_city_amsterdam +concept_hotel_bilmar_beach_resort concept:latitudelongitude 27.7685000000000,-82.7691000000000 +concept_hotel_blue_waters_inn concept:latitudelongitude 11.2934000000000,-60.5329000000000 +concept_hotel_bodega_bay_lodge concept:latitudelongitude 38.3460000000000,-122.9730000000000 +concept_hotel_bonaventure concept:hotelincity concept_county_los_angeles_county +concept_hotel_bond_place concept:hotelincity concept_city_toronto +concept_hotel_borgo_la concept:latitudelongitude 44.3964650000000,10.4897500000000 +concept_hotel_borgo_la_bagnaia concept:latitudelongitude 43.2096000000000,11.2795000000000 +concept_hotel_boston_marriott_copley_place concept:hotelincity concept_city_boston +concept_hotel_boston_park_plaza concept:hotelincity concept_city_boston +concept_hotel_boulder_station concept:hotelincity concept_city_las_vegas +concept_hotel_breezes_puerto_plata concept:latitudelongitude 19.7519000000000,-70.4089000000000 +concept_hotel_brentwood_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_broadway_hotel_and_hostel concept:hotelincity concept_city_york +concept_hotel_broadway_manor concept:latitudelongitude 37.7956000000000,-122.4233000000000 +concept_hotel_brown_palace concept:hotelincity concept_city_denver +concept_hotel_brudenell concept:hotelincity concept_city_aldeburgh +concept_hotel_bryant_park_hotel concept:hotelincity concept_city_new_york +concept_hotel_budget concept:hotelincity concept_city_delhi +concept_hotel_budget concept:buildinglocatedincity concept_city_vegas +concept_hotel_buena_vista_suites concept:hotelincity concept_city_orlando +concept_hotel_bulgari_hotel_milan concept:latitudelongitude 45.4707000000000,9.1898000000000 +concept_hotel_caesar_park_ipanema concept:latitudelongitude -22.9861000000000,-43.2091000000000 +concept_hotel_caesars_palace concept:hotelincity concept_city_las_vegas +concept_hotel_caesars_palace concept:buildinglocatedincity concept_city_vegas +concept_hotel_caesars_palace concept:locationlocatedwithinlocation concept_city_vegas +concept_hotel_caesars_palace_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_cairns_beach_resort concept:latitudelongitude -16.8381000000000,145.7399000000000 +concept_hotel_cairns_colonial_club_resort concept:latitudelongitude -16.9118300000000,145.7475400000000 +concept_hotel_cambodiana concept:hotelincity concept_city_phnom_penh +concept_hotel_canterbury concept:hotelincity concept_city_indianapolis +concept_hotel_cape_grace concept:latitudelongitude -33.9099000000000,18.4183000000000 +concept_hotel_cape_grace concept:hotelincity concept_city_cape_town +concept_hotel_carcosa_seri_negara concept:hotelincity concept_city_kuala_lumpur +concept_hotel_cardamom_county concept:latitudelongitude 27.0858000000000,80.3140000000000 +concept_hotel_caribe_hilton concept:hotelincity concept_city_san_juan +concept_hotel_carlingview_airport_inn concept:hotelincity concept_city_toronto +concept_hotel_carlton concept:hotelincity concept_city_cannes +concept_hotel_carlton_crest concept:hotelincity concept_city_brisbane +concept_hotel_carlton_george concept:hotelincity concept_city_glasgow +concept_hotel_carlyle concept:hotelincity concept_city_new_york +concept_hotel_carlyle concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_hotel_carmana_plaza concept:latitudelongitude 49.2857000000000,-123.1244000000000 +concept_hotel_carneros_inn concept:latitudelongitude 38.2551000000000,-122.3334000000000 +concept_hotel_carolina_club concept:latitudelongitude 32.1526000000000,-80.7606000000000 +concept_hotel_carriage_ridge_resort concept:latitudelongitude 44.5525000000000,-79.6707000000000 +concept_hotel_casa_morada concept:latitudelongitude 24.9227000000000,-80.6317000000000 +concept_hotel_casa_natalia concept:latitudelongitude 23.0610000000000,-109.6945000000000 +concept_hotel_casino_las_vegas concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_casino_manila concept:latitudelongitude 14.5753000000000,120.9809000000000 +concept_hotel_casino_queen concept:latitudelongitude 38.6251000000000,-90.1756000000000 +concept_hotel_catamaran_resort concept:hotelincity concept_city_san_diego +concept_hotel_cayman_villas concept:latitudelongitude -16.4847000000000,145.4631600000000 +concept_hotel_celebrity_international_grand concept:latitudelongitude 39.9333000000000,116.4000000000000 +concept_hotel_chambers concept:hotelincity concept_city_new_york +concept_hotel_chelsea_hotel concept:hotelincity concept_city_new_york +concept_hotel_chelsea_star concept:hotelincity concept_city_new_york +concept_hotel_chesapeake_resort concept:latitudelongitude 24.9358000000000,-80.6146000000000 +concept_hotel_chicago_athletic_association concept:latitudelongitude 41.8818000000000,-87.6245350000000 +concept_hotel_chicago_west concept:mutualproxyfor concept_stateorprovince_illinois +concept_hotel_chisos_mountain_lodge concept:latitudelongitude 29.2707600000000,-103.2987900000000 +concept_hotel_circus_circus_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_city_angkor concept:hotelincity concept_city_siem_reap +concept_hotel_city_suites concept:hotelincity concept_city_chicago +concept_hotel_claridge concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_claridges concept:hotelincity concept_city_london_city +concept_hotel_clarion_hotel_downtown concept:hotelincity concept_county_los_angeles_county +concept_hotel_clarion_hotel_universal concept:hotelincity concept_city_orlando +concept_hotel_clontarf_castle concept:hotelincity concept_city_dublin_dublin +concept_hotel_club_oasis concept:latitudelongitude 31.6313000000000,-8.0124000000000 +concept_hotel_club_quarters concept:hotelincity concept_city_new_york +concept_hotel_cocoa_island concept:latitudelongitude -16.8166700000000,59.5000000000000 +concept_hotel_colorado_belle concept:hotelincity concept_city_laughlin +concept_hotel_comfort_hotel_downtown concept:hotelincity concept_city_toronto +concept_hotel_comfort_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_comfort_inn_brighton concept:latitudelongitude 39.9717000000000,-104.8285000000000 +concept_hotel_comfort_inn_la_universal concept:hotelincity concept_county_los_angeles_county +concept_hotel_comfort_inn_montgomery concept:latitudelongitude 32.3693333333333,-86.2642966666667 +concept_hotel_comfort_inn_north concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_comfort_inn_pensacola concept:latitudelongitude 30.4563666666667,-87.2251333333334 +concept_hotel_comfort_inn_west concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_comfort_inn_west_sunset_blvd concept:hotelincity concept_county_los_angeles_county +concept_hotel_concorde concept:hotelincity concept_city_kuala_lumpur +concept_hotel_condado_plaza concept:latitudelongitude 18.4604000000000,-66.0796000000000 +concept_hotel_condado_plaza concept:hotelincity concept_city_san_juan +concept_hotel_condotti concept:hotelincity concept_city_rome +concept_hotel_congress_plaza concept:hotelincity concept_city_chicago +concept_hotel_congress_plaza_hotel concept:hotelincity concept_city_chicago +concept_hotel_conrad concept:hotelincity concept_city_chicago +concept_hotel_conrad_brussels concept:latitudelongitude 50.8325000000000,4.3580000000000 +concept_hotel_conrad_cairo concept:latitudelongitude 30.0718000000000,31.2258000000000 +concept_hotel_conrad_dublin concept:latitudelongitude 53.3352000000000,-6.2578000000000 +concept_hotel_continuing_care_center concept:latitudelongitude 41.9555600000000,-86.3008300000000 +concept_hotel_copacabana_palace concept:latitudelongitude -22.9674400000000,-43.1787500000000 +concept_hotel_copacabana_palace concept:hotelincity concept_city_rio +concept_hotel_copenhagen_island concept:hotelincity concept_city_copenhagen +concept_hotel_copley_plaza concept:latitudelongitude 42.3496000000000,-71.0759000000000 +concept_hotel_coral_deira concept:latitudelongitude 25.2747000000000,55.3160300000000 +concept_hotel_coral_strand concept:latitudelongitude -4.6075000000000,55.4265000000000 +concept_hotel_corinthia_lisboa_hotel concept:latitudelongitude 38.7387800000000,-9.1654200000000 +concept_hotel_corinthia_towers concept:latitudelongitude 50.0626900000000,14.4318600000000 +concept_hotel_coronado_springs concept:latitudelongitude 28.3620000000000,-81.5701000000000 +concept_hotel_coronado_springs concept:hotelincity concept_city_orlando +concept_hotel_corus concept:hotelincity concept_city_kuala_lumpur +concept_hotel_couran_cove concept:latitudelongitude -27.8690500000000,153.3576800000000 +concept_hotel_courtesy_inn concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_courtyard concept:hotelincity concept_city_atlanta +concept_hotel_courtyard_by_marriott_lax concept:hotelincity concept_county_los_angeles_county +concept_hotel_courtyard_chi concept:latitudelongitude 41.9409000000000,-88.1150000000000 +concept_hotel_crown concept:hotelincity concept_city_amersham +concept_hotel_crown_towers concept:hotelincity concept_city_melbourne +concept_hotel_crowne_plaza_beverly_hills concept:hotelincity concept_county_los_angeles_county +concept_hotel_crowne_plaza_coogee_beach concept:hotelincity concept_city_sydney +concept_hotel_crowne_plaza_hotel_beverly_hills concept:hotelincity concept_county_los_angeles_county +concept_hotel_crowne_plaza_jerusalem concept:hotelincity concept_city_jerusalem +concept_hotel_crowne_plaza_la_concha concept:latitudelongitude 24.5565600000000,-81.8033200000000 +concept_hotel_curtain_bluff concept:latitudelongitude 17.0166700000000,-61.8333300000000 +concept_hotel_cyberview_lodge concept:latitudelongitude 3.3499000000000,101.2500000000000 +concept_hotel_days_inn concept:hotelincity concept_city_toronto +concept_hotel_days_inn_absecon concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_days_inn_airport concept:hotelincity concept_city_orlando +concept_hotel_days_inn_chicago concept:latitudelongitude 42.0119000000000,-87.7876000000000 +concept_hotel_days_inn_hollywood concept:hotelincity concept_county_los_angeles_county +concept_hotel_days_inn_hollywood_ca concept:hotelincity concept_county_los_angeles_county +concept_hotel_deerfield_inn concept:latitudelongitude 37.1581800000000,-93.2275700000000 +concept_hotel_del_coronado concept:latitudelongitude 32.6815450000000,-117.1776350000000 +concept_hotel_delano concept:hotelincity concept_city_miami_beach +concept_hotel_delmon concept:latitudelongitude 25.2500000000000,55.2666000000000 +concept_hotel_delta concept:hotelincity concept_city_ottawa +concept_hotel_delta_bow_valley concept:latitudelongitude 51.0491000000000,-114.0578000000000 +concept_hotel_delta_bow_valley concept:hotelincity concept_city_calgary +concept_hotel_delta_brunswick concept:hotelincity concept_city_saint_john +concept_hotel_delta_chelsea_downtown concept:hotelincity concept_city_toronto +concept_hotel_delta_montreal concept:hotelincity concept_city_montreal +concept_hotel_delta_prince_edward concept:hotelincity concept_city_charlottetown +concept_hotel_delta_vancouver_airport concept:hotelincity concept_city_richmond +concept_hotel_delta_winnipeg concept:latitudelongitude 49.8900000000000,-97.1436000000000 +concept_hotel_desert_inn concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_desert_inn concept:buildinglocatedincity concept_city_vegas +concept_hotel_desert_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_desert_inn concept:subpartof concept_traditionalgame_vegas +concept_hotel_dharmawangsa concept:latitudelongitude -6.1839950000000,106.8098400000000 +concept_hotel_dhow_palace concept:latitudelongitude 25.2711400000000,55.3074900000000 +concept_hotel_domus_sessoriana concept:hotelincity concept_city_rome +concept_hotel_dorsett_regency concept:hotelincity concept_city_kuala_lumpur +concept_hotel_doubletree concept:hotelincity concept_city_boston +concept_hotel_downtown_marriott_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_drake concept:hotelincity concept_city_chicago +concept_hotel_dream concept:hotelincity concept_city_new_york +concept_hotel_dream concept:buildinglocatedincity concept_city_vegas +concept_hotel_driskill concept:hotelincity concept_city_austin +concept_hotel_dromoland_castle concept:latitudelongitude 52.7643050000000,-8.8898450000000 +concept_hotel_dubai_palm concept:latitudelongitude 25.2757100000000,55.3117000000000 +concept_hotel_dusit_thani concept:hotelincity concept_city_bangkok +concept_hotel_dylan concept:hotelincity concept_city_new_york +concept_hotel_econo_lodge___suites concept:hotelincity concept_county_los_angeles_county +concept_hotel_econo_lodge_hollywood concept:hotelincity concept_county_los_angeles_county +concept_hotel_econo_lodge_rugby concept:latitudelongitude 48.3547000000000,-99.9813000000000 +concept_hotel_eden_plaza concept:hotelincity concept_city_london_city +concept_hotel_eden_roc concept:hotelincity concept_city_miami_beach +concept_hotel_edward_house concept:hotelincity concept_city_london_city +concept_hotel_el_cozumeleno_beach_resort concept:latitudelongitude 20.5568000000000,-86.9098000000000 +concept_hotel_elbow_lake_lodge concept:latitudelongitude 47.8427000000000,-92.8317000000000 +concept_hotel_elounda_bay_palace concept:latitudelongitude 35.2557000000000,25.7307600000000 +concept_hotel_elounda_beach_hotel_and_villas concept:latitudelongitude 35.2537000000000,25.7326000000000 +concept_hotel_embassy_suites concept:hotelincity concept_city_charleston +concept_hotel_embassy_suites concept:buildinglocatedincity concept_city_vegas +concept_hotel_emerald_suites concept:latitudelongitude 36.1187750000000,-115.1522500000000 +concept_hotel_empress_angkor concept:hotelincity concept_city_siem_reap +concept_hotel_equatorial concept:hotelincity concept_city_penang +concept_hotel_esa_lax_airport concept:hotelincity concept_county_los_angeles_county +concept_hotel_estrel_hotel concept:hotelincity concept_city_berlin +concept_hotel_evergreen_laurel concept:hotelincity concept_city_penang +concept_hotel_executive_west concept:latitudelongitude 38.1920000000000,-85.7418000000000 +concept_hotel_executive_west concept:hotelincity concept_city_louisville +concept_hotel_fairmont concept:hotelincity concept_city_vancouver +concept_hotel_fairmont concept:atlocation concept_stateorprovince_west_virginia +concept_hotel_fairmont_chateau_lake_louise concept:latitudelongitude 51.4170000000000,-116.2121000000000 +concept_hotel_fairmont_chateau_laurier concept:latitudelongitude 45.4249000000000,-75.6947000000000 +concept_hotel_fairmont_chateau_laurier concept:hotelincity concept_city_ottawa +concept_hotel_fairmont_chicago concept:hotelincity concept_city_chicago +concept_hotel_fairmont_empress concept:hotelincity concept_city_victoria +concept_hotel_fairmont_pierre_marques concept:latitudelongitude 16.7923000000000,-99.8218000000000 +concept_hotel_fairmont_queen_elizabeth concept:hotelincity concept_city_montreal +concept_hotel_fairmont_royal_pavilion concept:latitudelongitude 13.2303000000000,-59.6380000000000 +concept_hotel_fairmont_royal_york concept:hotelincity concept_city_toronto +concept_hotel_fairmont_san_francisco concept:hotelincity concept_city_san_francisco +concept_hotel_fairmont_scottsdale_princess concept:latitudelongitude 33.6457000000000,-111.9158000000000 +concept_hotel_fairmont_sonoma_mission_inn concept:latitudelongitude 38.3135000000000,-122.4814000000000 +concept_hotel_fairmont_waterfront concept:hotelincity concept_city_vancouver +concept_hotel_fairmont_winnipeg concept:latitudelongitude 49.8959000000000,-97.1359000000000 +concept_hotel_farmer_s_daughter concept:hotelincity concept_county_los_angeles_county +concept_hotel_fcc_angkor concept:hotelincity concept_city_siem_reap +concept_hotel_figueroa_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_filitheyo concept:latitudelongitude 3.2137500000000,73.0366200000000 +concept_hotel_first_hotel_vesterbro concept:latitudelongitude 55.6731000000000,12.5595000000000 +concept_hotel_first_tracks_lodge concept:latitudelongitude 50.0922000000000,-122.9922000000000 +concept_hotel_fitzpatrick concept:hotelincity concept_city_chicago +concept_hotel_flamingo concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_flamingo concept:hotelincity concept_city_las_vegas +concept_hotel_flamingo concept:buildinglocatedincity concept_city_vegas +concept_hotel_flamingo concept:locationlocatedwithinlocation concept_county_las_vegas +concept_hotel_flor_blanca concept:latitudelongitude 19.5333300000000,-96.6222200000000 +concept_hotel_flower_garden concept:hotelincity concept_city_rome +concept_hotel_foote_prints concept:latitudelongitude 18.2972650000000,-78.3311150000000 +concept_hotel_four_queens concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_four_queens concept:buildinglocatedincity concept_city_vegas +concept_hotel_four_seasons concept:hotelincity concept_city_bangkok +concept_hotel_four_seasons concept:buildinglocatedincity concept_city_vegas +concept_hotel_four_seasons_dublin concept:latitudelongitude 53.3446000000000,-6.2594000000000 +concept_hotel_four_seasons_milan concept:latitudelongitude 45.4697000000000,9.1955000000000 +concept_hotel_french_quarter_inn concept:latitudelongitude 32.7800000000000,-79.9294000000000 +concept_hotel_friendship_inn concept:latitudelongitude 37.3520000000000,-122.0106000000000 +concept_hotel_furama_hotel_los_angeles concept:hotelincity concept_county_los_angeles_county +concept_hotel_galleria_park concept:hotelincity concept_city_san_francisco +concept_hotel_gaylord_national concept:hotelincity concept_city_washington_d_c +concept_hotel_gaylord_palms concept:hotelincity concept_city_orlando +concept_hotel_gaylord_texan concept:latitudelongitude 32.9526000000000,-97.0685000000000 +concept_hotel_gaylord_texan concept:hotelincity concept_city_grapevine +concept_hotel_gaylord_texan_resort concept:latitudelongitude 32.9526000000000,-97.0685000000000 +concept_hotel_georgetown_suites concept:latitudelongitude 38.9034500000000,-77.0585500000000 +concept_hotel_gladstone concept:hotelincity concept_city_toronto +concept_hotel_gladstone_hotel concept:hotelincity concept_city_toronto +concept_hotel_golden_eagle_resort concept:latitudelongitude 44.4720000000000,-72.6888000000000 +concept_hotel_golden_nugget_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_golden_tulip concept:hotelincity concept_geopoliticallocation_khasab +concept_hotel_golden_tulip_suites concept:latitudelongitude 25.0570400000000,55.1258600000000 +concept_hotel_gran_hotel_domine concept:latitudelongitude 43.2674300000000,-2.9335250000000 +concept_hotel_gran_hotel_domine_bilbao concept:latitudelongitude 43.2675000000000,-2.9330000000000 +concept_hotel_gran_hotel_la_florida concept:latitudelongitude 41.4257000000000,2.1213000000000 +concept_hotel_gran_melia_cancun concept:latitudelongitude 21.1071000000000,-86.7572500000000 +concept_hotel_gran_melia_cancun concept:hotelincity concept_city_cancun +concept_hotel_grand concept:hotelincity concept_city_midtown_manhattan +concept_hotel_grand concept:buildinglocatedincity concept_city_new_york +concept_hotel_grand_america concept:hotelincity concept_county_salt_lake +concept_hotel_grand_californian concept:latitudelongitude 33.8078000000000,-117.9226900000000 +concept_hotel_grand_china_princess concept:hotelincity concept_city_bangkok +concept_hotel_grand_hotel_bristol concept:latitudelongitude 45.3782000000000,8.7639600000000 +concept_hotel_grand_hotel_la_pace concept:latitudelongitude 40.6239000000000,14.4011000000000 +concept_hotel_grand_hotel_parco_dei_principi concept:latitudelongitude 41.9467100000000,12.5497200000000 +concept_hotel_grand_hotel_plaza concept:hotelincity concept_city_rome +concept_hotel_grand_hotel_stockholm concept:latitudelongitude 59.3289000000000,18.0766000000000 +concept_hotel_grand_hotel_tiberio concept:hotelincity concept_city_rome +concept_hotel_grand_hotel_vesuvio concept:latitudelongitude 40.7263550000000,14.3055650000000 +concept_hotel_grand_hyatt_new_york concept:hotelincity concept_city_new_york +concept_hotel_grand_jomtien_palace concept:latitudelongitude 12.8857000000000,100.8790000000000 +concept_hotel_grand_lido_negril concept:latitudelongitude 18.2664000000000,-78.3267000000000 +concept_hotel_grand_palace_hotel concept:hotelincity concept_city_riga +concept_hotel_grand_seasons concept:hotelincity concept_city_kuala_lumpur +concept_hotel_grand_tropic_suites concept:hotelincity concept_city_jakarta +concept_hotel_grand_visconti_palace concept:hotelincity concept_city_milan +concept_hotel_grange_city concept:hotelincity concept_city_london_city +concept_hotel_grange_holborn concept:hotelincity concept_city_london_city +concept_hotel_grange_hotel concept:hotelincity concept_city_toronto +concept_hotel_granite_inn concept:latitudelongitude 43.4082000000000,-71.3083000000000 +concept_hotel_grant_plaza concept:hotelincity concept_city_san_francisco +concept_hotel_granville_island_hotel concept:hotelincity concept_city_vancouver +concept_hotel_gresham concept:hotelincity concept_city_dublin_dublin +concept_hotel_gresham_memphis_amsterdam concept:hotelincity concept_city_amsterdam +concept_hotel_gritti_palace concept:latitudelongitude 45.4323000000000,12.3329000000000 +concept_hotel_grosvenor_house concept:hotelincity concept_city_london_city +concept_hotel_gulf_pearl concept:latitudelongitude 25.2780000000000,55.3160000000000 +concept_hotel_gunter_hotel concept:latitudelongitude 29.4263000000000,-98.4912000000000 +concept_hotel_habana_libre concept:latitudelongitude 23.7439600000000,-81.9333200000000 +concept_hotel_hampton_inn concept:hotelincity concept_city_toronto +concept_hotel_hampton_inn concept:buildinglocatedincity concept_city_vegas +concept_hotel_hampton_inn_los_angles_ap concept:hotelincity concept_county_los_angeles_county +concept_hotel_hampton_inn_manhattan_chelsea concept:hotelincity concept_city_york +concept_hotel_hampton_inn_manhattan_soho concept:hotelincity concept_city_york +concept_hotel_hampton_inn_tropicana concept:hotelincity concept_city_las_vegas +concept_hotel_hampton_village_resort concept:latitudelongitude 42.9467000000000,-70.8331000000000 +concept_hotel_handlery_union_square concept:hotelincity concept_city_san_francisco +concept_hotel_hans_plaza concept:hotelincity concept_city_delhi +concept_hotel_harbour_plaza concept:hotelincity concept_city_hong_kong_island +concept_hotel_harbour_plaza_metropolis concept:hotelincity concept_city_hong_kong_island +concept_hotel_harbour_view_inn concept:latitudelongitude 45.8566000000000,-84.6247000000000 +concept_hotel_hard_rock concept:hotelincity concept_city_san_diego +concept_hotel_hard_rock concept:buildinglocatedincity concept_city_vegas +concept_hotel_harrahs concept:hotelincity concept_city_las_vegas +concept_hotel_harrahs concept:buildinglocatedincity concept_city_vegas +concept_hotel_hartness_house concept:latitudelongitude 43.3020200000000,-72.4775900000000 +concept_hotel_hay_adams concept:hotelincity concept_city_washington_d_c +concept_hotel_heathman concept:hotelincity concept_city_portland +concept_hotel_helmsley concept:hotelincity concept_city_new_york +concept_hotel_helvetia_and concept:latitudelongitude 43.7719000000000,11.2521000000000 +concept_hotel_helvetia_and_bristol concept:latitudelongitude 43.7719000000000,11.2521000000000 +concept_hotel_henley_park concept:hotelincity concept_city_washington_d_c +concept_hotel_heritage concept:hotelincity concept_city_jaipur +concept_hotel_highland_gardens concept:hotelincity concept_county_los_angeles_county +concept_hotel_hilgard_house_westwood_village concept:hotelincity concept_county_los_angeles_county +concept_hotel_hilton concept:hotelincity concept_city_new_york +concept_hotel_hilton_abu concept:latitudelongitude 24.4440000000000,54.4190000000000 +concept_hotel_hilton_albuquerque concept:latitudelongitude 35.1062000000000,-106.6237000000000 +concept_hotel_hilton_amsterdam concept:hotelincity concept_city_amsterdam +concept_hotel_hilton_amsterdam_airport_schiphol concept:latitudelongitude 52.3074000000000,4.7555000000000 +concept_hotel_hilton_athens concept:latitudelongitude 37.9765200000000,23.7502800000000 +concept_hotel_hilton_atlanta_airport concept:hotelincity concept_city_atlanta +concept_hotel_hilton_boston_back_bay concept:latitudelongitude 42.3463000000000,-71.0847000000000 +concept_hotel_hilton_cavalieri___rome concept:latitudelongitude 41.9171000000000,12.4457000000000 +concept_hotel_hilton_checkers concept:hotelincity concept_county_los_angeles_county +concept_hotel_hilton_chicago concept:hotelincity concept_city_chicago +concept_hotel_hilton_frankfurt concept:hotelincity concept_city_frankfurt +concept_hotel_hilton_garden_inn concept:hotelincity concept_city_toronto +concept_hotel_hilton_grand_vacation concept:hotelincity concept_city_las_vegas +concept_hotel_hilton_hawaiian_village concept:hotelincity concept_city_waikiki +concept_hotel_hilton_hotel___berlin concept:latitudelongitude 52.5123000000000,13.3932000000000 +concept_hotel_hilton_long_beach concept:latitudelongitude 33.7673000000000,-118.1993000000000 +concept_hotel_hilton_metropole concept:hotelincity concept_city_london_city +concept_hotel_hilton_miami_airport concept:hotelincity concept_city_miami +concept_hotel_hilton_paris concept:hotelincity concept_city_paris +concept_hotel_hilton_rome_airport concept:latitudelongitude 41.7919000000000,12.2537000000000 +concept_hotel_hilton_sharks_bay concept:latitudelongitude 27.9656000000000,34.4047000000000 +concept_hotel_hilton_templepatrick concept:latitudelongitude 54.7067500000000,-6.0925000000000 +concept_hotel_hilton_toronto_airport concept:latitudelongitude 43.6860000000000,-79.6068000000000 +concept_hotel_hilton_vancouver_metrotown concept:latitudelongitude 49.2288000000000,-123.0035000000000 +concept_hotel_hilton_washington concept:hotelincity concept_city_washington_d_c +concept_hotel_historic_french_market_inn concept:latitudelongitude 29.9551000000000,-90.0642000000000 +concept_hotel_holiday_inn concept:hotelincity concept_city_new_york +concept_hotel_holiday_inn_boardwalk concept:hotelincity concept_city_atlantic_city +concept_hotel_holiday_inn_darling_harbour concept:latitudelongitude -33.8773300000000,151.2033100000000 +concept_hotel_holiday_inn_express_century_city concept:hotelincity concept_county_los_angeles_county +concept_hotel_holiday_inn_fisherman concept:latitudelongitude 37.8064800000000,-122.4175200000000 +concept_hotel_holiday_inn_golden_mile concept:hotelincity concept_city_hong_kong_island +concept_hotel_holiday_inn_munich concept:latitudelongitude 48.1228080000000,11.5842460000000 +concept_hotel_hollywood_celebrity concept:hotelincity concept_county_los_angeles_county +concept_hotel_hollywood_city_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_hollywood_downtowner concept:hotelincity concept_county_los_angeles_county +concept_hotel_hollywood_heights concept:hotelincity concept_county_los_angeles_county +concept_hotel_hollywood_roosevelt concept:hotelincity concept_county_los_angeles_county +concept_hotel_hollywood_studio_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_hooters_casino concept:latitudelongitude 36.1006000000000,-115.1685000000000 +concept_hotel_hooters_casino concept:hotelincity concept_city_las_vegas +concept_hotel_hotel___casino concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_hotel_adler concept:hotelincity concept_city_madrid +concept_hotel_hotel_adlon_kempinski concept:hotelincity concept_city_berlin +concept_hotel_hotel_balzac concept:hotelincity concept_city_paris +concept_hotel_hotel_cairns concept:latitudelongitude -16.9193000000000,145.7708500000000 +concept_hotel_hotel_captain_cook concept:latitudelongitude 61.2176000000000,-149.9003000000000 +concept_hotel_hotel_claris concept:latitudelongitude 41.3942100000000,2.1652300000000 +concept_hotel_hotel_contessa concept:latitudelongitude 29.4240000000000,-98.4900000000000 +concept_hotel_hotel_d_angleterre concept:latitudelongitude 43.3497100000000,3.2072200000000 +concept_hotel_hotel_de_russie concept:latitudelongitude 41.9097500000000,12.4774400000000 +concept_hotel_hotel_galles concept:latitudelongitude 45.1253866666667,9.1141833333333 +concept_hotel_hotel_gault concept:latitudelongitude 45.5014400000000,-73.5579200000000 +concept_hotel_hotel_grand_pacific concept:latitudelongitude 48.4207000000000,-123.3709000000000 +concept_hotel_hotel_grande_bretagne concept:latitudelongitude 43.8828000000000,10.7709000000000 +concept_hotel_hotel_im_wasserturm concept:latitudelongitude 50.9310000000000,6.9511000000000 +concept_hotel_hotel_imperiale concept:hotelincity concept_city_rome +concept_hotel_hotel_italy concept:latitudelongitude 43.9786000000000,12.7018800000000 +concept_hotel_hotel_jerome concept:latitudelongitude 39.1908000000000,-106.8199000000000 +concept_hotel_hotel_lancaster concept:hotelincity concept_city_paris +concept_hotel_hotel_le_germain concept:hotelincity concept_city_toronto +concept_hotel_hotel_mirage concept:hotelincity concept_city_las_vegas +concept_hotel_hotel_mocking_bird_hill concept:latitudelongitude 18.1387000000000,-76.3444000000000 +concept_hotel_hotel_olimpico concept:latitudelongitude 40.6022000000000,14.8646000000000 +concept_hotel_hotel_palomar_dallas concept:latitudelongitude 32.8360000000000,-96.7780000000000 +concept_hotel_hotel_park_city concept:latitudelongitude 40.6826000000000,-111.5210000000000 +concept_hotel_hotel_pennsylvania concept:hotelincity concept_city_new_york +concept_hotel_hotel_principe_di_savoia concept:latitudelongitude 45.4796000000000,9.1978000000000 +concept_hotel_hotel_rey_juan_carlos_i concept:latitudelongitude 41.3841000000000,2.1116000000000 +concept_hotel_hotel_riga concept:latitudelongitude 56.9420333333333,24.1034000000000 +concept_hotel_hotel_ritz_paris concept:hotelincity concept_city_paris +concept_hotel_hotel_room concept:buildinglocatedincity concept_city_vegas +concept_hotel_hotel_rott concept:latitudelongitude 50.0866000000000,14.4195000000000 +concept_hotel_hotel_sax concept:hotelincity concept_city_chicago +concept_hotel_hotel_skt_petri concept:latitudelongitude 55.6808000000000,12.5728000000000 +concept_hotel_hotel_telluride concept:latitudelongitude 37.9360000000000,-107.8062000000000 +concept_hotel_hotel_verona concept:latitudelongitude 41.8975800000000,12.4967900000000 +concept_hotel_hotel_victoria concept:hotelincity concept_city_toronto +concept_hotel_hotel_viking concept:hotelincity concept_city_newport +concept_hotel_hotel_villa_antea concept:latitudelongitude 43.7860000000000,11.2569000000000 +concept_hotel_hotel_villa_san_michele concept:latitudelongitude 43.8035000000000,11.2961000000000 +concept_hotel_hotel_warwick concept:latitudelongitude -41.2815300000000,173.2805900000000 +concept_hotel_hotel_westminster concept:latitudelongitude 48.8693000000000,2.3312000000000 +concept_hotel_hotel_zaza concept:hotelincity concept_city_dallas +concept_hotel_howard_johnson_inn_downtown concept:latitudelongitude 47.6544000000000,-117.4111000000000 +concept_hotel_hualapai_lodge concept:latitudelongitude 35.6749000000000,-113.3257000000000 +concept_hotel_huka_lodge concept:latitudelongitude -38.6833000000000,176.0833000000000 +concept_hotel_huntley_house concept:latitudelongitude -43.5333000000000,172.6333000000000 +concept_hotel_hyatt concept:hotelincity concept_city_downtown_chicago +concept_hotel_hyatt_cancun_caribe concept:hotelincity concept_city_cancun +concept_hotel_hyatt_regency_century_plaza concept:hotelincity concept_county_los_angeles_county +concept_hotel_hyatt_regency_grand_cypress concept:hotelincity concept_city_orlando +concept_hotel_hyatt_regency_mccormick_place concept:hotelincity concept_city_chicago +concept_hotel_hyatt_vineyard_creek concept:hotelincity concept_city_santa_rosa +concept_hotel_iberostar_bavaro concept:latitudelongitude 18.7060200000000,-68.4437150000000 +concept_hotel_ilikai concept:latitudelongitude 21.2850000000000,-157.8382000000000 +concept_hotel_ilikai concept:hotelincity concept_city_waikiki +concept_hotel_indigo_pearl concept:hotelincity concept_city_phuket +concept_hotel_inntowne_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_intercityhotel_berlin concept:latitudelongitude 52.5104000000000,13.4321000000000 +concept_hotel_intercontinental concept:buildinglocatedincity concept_city_houston +concept_hotel_intercontinental concept:hotelincity concept_city_toronto +concept_hotel_intercontinental_berlin concept:latitudelongitude 52.5070000000000,13.3470000000000 +concept_hotel_intercontinental_budapest concept:latitudelongitude 47.4971200000000,19.0477300000000 +concept_hotel_intercontinental_century_city concept:hotelincity concept_county_los_angeles_county +concept_hotel_intercontinental_dubai_festival_city concept:latitudelongitude 25.2711400000000,55.3074900000000 +concept_hotel_intercontinental_los_angeles_century_city concept:hotelincity concept_county_los_angeles_county +concept_hotel_iroquois concept:proxyfor concept_book_new +concept_hotel_j_w__marriott concept:hotelincity concept_city_jakarta +concept_hotel_jai_mahal_palace concept:hotelincity concept_city_jaipur +concept_hotel_jolly_hotel_plaza concept:latitudelongitude 44.4112400000000,8.9376400000000 +concept_hotel_jumeira_rotana concept:latitudelongitude 25.2348000000000,55.2793000000000 +concept_hotel_jurys_inn_birmingham concept:latitudelongitude 52.4767000000000,-1.9115100000000 +concept_hotel_kachina_lodge concept:latitudelongitude 36.4097000000000,-105.5718000000000 +concept_hotel_kawada concept:hotelincity concept_county_los_angeles_county +concept_hotel_kempinski_hotel_bristol_berlin concept:latitudelongitude 52.5031000000000,13.3274000000000 +concept_hotel_kempinski_hotel_corvinus concept:latitudelongitude 47.4983000000000,19.0516000000000 +concept_hotel_kempinski_hotel_corvinus_budapest concept:latitudelongitude 47.4983000000000,19.0516000000000 +concept_hotel_kempinski_hotel_gravenbruch_frankfurt concept:latitudelongitude 50.0557000000000,8.7472000000000 +concept_hotel_kfar_giladi concept:latitudelongitude 33.2333000000000,35.5666000000000 +concept_hotel_khimsar_fort concept:latitudelongitude 13.2333000000000,123.9499000000000 +concept_hotel_kingsway_hall concept:hotelincity concept_city_london_city +concept_hotel_kitano_new_york concept:latitudelongitude 40.7497000000000,-73.9795000000000 +concept_hotel_kombo_beach concept:latitudelongitude 13.4639100000000,-16.7047900000000 +concept_hotel_kosa_hotel concept:latitudelongitude 16.4333000000000,102.8330000000000 +concept_hotel_la_fonda concept:hotelincity concept_city_santa_fe +concept_hotel_la_manufacture concept:latitudelongitude 48.8328900000000,2.3550400000000 +concept_hotel_la_parranda concept:hotelincity concept_city_phnom_penh +concept_hotel_la_reserve concept:hotelincity concept_city_london_city +concept_hotel_la_sammana_resort concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_la_valencia concept:hotelincity concept_city_la_jolla +concept_hotel_landmark concept:hotelincity concept_city_london_city +concept_hotel_lands_end_resort concept:latitudelongitude 59.6007000000000,-151.4126000000000 +concept_hotel_lanesborough concept:hotelincity concept_city_london_city +concept_hotel_langham concept:hotelincity concept_city_hong_kong_island +concept_hotel_lao_plaza concept:latitudelongitude 17.9665100000000,102.6086000000000 +concept_hotel_lao_plaza concept:hotelincity concept_city_vientiane +concept_hotel_lapa_palace concept:hotelincity concept_city_lisbon +concept_hotel_las_alamandas concept:latitudelongitude 19.9583500000000,-105.0458500000000 +concept_hotel_las_brisas_acapulco concept:latitudelongitude 16.8258000000000,-99.8576500000000 +concept_hotel_las_vegas_club concept:buildinglocatedincity concept_city_vegas +concept_hotel_le_blanc_spa_resort concept:latitudelongitude 21.1256000000000,-86.7511000000000 +concept_hotel_le_meridien concept:hotelincity concept_city_delhi +concept_hotel_le_meridien_abu concept:latitudelongitude 24.4767000000000,54.3708000000000 +concept_hotel_le_meridien_barcelona concept:latitudelongitude 41.3837000000000,2.1711000000000 +concept_hotel_le_meridien_budapest concept:latitudelongitude 47.4978000000000,19.0516000000000 +concept_hotel_le_meridien_dona_filipa concept:latitudelongitude 37.0522800000000,-8.0620500000000 +concept_hotel_le_meridien_fairway concept:latitudelongitude 25.3134000000000,55.3937000000000 +concept_hotel_le_meridien_penina_golf___resort concept:latitudelongitude 37.1616000000000,-8.5885000000000 +concept_hotel_le_meridien_piccadilly concept:hotelincity concept_city_london_city +concept_hotel_le_parker_meridien concept:hotelincity concept_city_new_york +concept_hotel_le_royal_meridien_abu concept:latitudelongitude 24.4767000000000,54.3708000000000 +concept_hotel_le_royal_meridien_hamburg concept:latitudelongitude 53.5586000000000,10.0078000000000 +concept_hotel_le_royal_meridien_king_edward concept:hotelincity concept_city_toronto +concept_hotel_le_royal_meridien_national concept:latitudelongitude 55.7641000000000,37.5996000000000 +concept_hotel_le_touessrok concept:latitudelongitude -20.2833000000000,57.5500000000000 +concept_hotel_le_tre_vaselle concept:latitudelongitude 43.0257600000000,12.4328600000000 +concept_hotel_leela_kempinski concept:latitudelongitude 18.9666000000000,72.8333000000000 +concept_hotel_leela_palace concept:latitudelongitude 12.9833000000000,77.5833000000000 +concept_hotel_leela_palace concept:hotelincity concept_city_bangalore +concept_hotel_lees_inn concept:latitudelongitude 40.0979000000000,-86.1473062500000 +concept_hotel_lenox_suites concept:hotelincity concept_city_chicago +concept_hotel_les_sources_de_caudalie concept:latitudelongitude 44.8804000000000,-0.5434000000000 +concept_hotel_lilianfels concept:latitudelongitude -33.7286000000000,150.3092000000000 +concept_hotel_lily_leon_hotel concept:hotelincity concept_city_miami_beach +concept_hotel_lime_tree_bay_resort concept:latitudelongitude 24.8251000000000,-80.8148000000000 +concept_hotel_loews concept:hotelincity concept_city_new_york +concept_hotel_loews_hotel_vogue concept:hotelincity concept_city_montreal +concept_hotel_loews_ventana_canyon_resort concept:hotelincity concept_city_tucson +concept_hotel_london_guards_hotel concept:hotelincity concept_city_london_city +concept_hotel_long_house_alaskan_hotel concept:latitudelongitude 61.1811000000000,-149.9427000000000 +concept_hotel_lopez_de_haro concept:latitudelongitude 43.2686000000000,-2.9461000000000 +concept_hotel_lord_charles concept:latitudelongitude -33.9247900000000,18.4299200000000 +concept_hotel_los_angeles_adventurer_all_suite_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_los_angeles_marriott_downtown concept:hotelincity concept_county_los_angeles_county +concept_hotel_louis_downtown concept:latitudelongitude 38.6187150000000,-90.1851833333333 +concept_hotel_lucayan concept:latitudelongitude 26.5500000000000,-78.5500000000000 +concept_hotel_luxe_hotel_sunset_boulevard concept:hotelincity concept_county_los_angeles_county +concept_hotel_luxor concept:hotelincity concept_city_las_vegas +concept_hotel_luxor_regente concept:latitudelongitude -22.9814000000000,-43.1898000000000 +concept_hotel_maison_dupuy concept:latitudelongitude 29.9590000000000,-90.0682000000000 +concept_hotel_maison_souvannaphoum concept:hotelincity concept_city_luang_prabang +concept_hotel_majestic_sun concept:latitudelongitude 30.3786500000000,-86.3809000000000 +concept_hotel_major_center concept:proxyfor concept_book_new +concept_hotel_makaiwa concept:latitudelongitude 21.0769844444444,-157.1976277777778 +concept_hotel_makati_shangri_la concept:latitudelongitude 14.5556000000000,121.0223000000000 +concept_hotel_mandalay_bay_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_mandarin concept:hotelincity concept_city_jakarta +concept_hotel_mandarin_oriental concept:hotelincity concept_city_washington_d_c +concept_hotel_mansion_on_turtle_creek concept:hotelincity concept_city_dallas +concept_hotel_marco_polo concept:hotelincity concept_city_hong_kong_island +concept_hotel_marco_polo concept:buildinglocatedincity concept_city_venice +concept_hotel_marien_coral concept:latitudelongitude 19.7556000000000,-70.5595000000000 +concept_hotel_marmot_lodge concept:latitudelongitude 52.8880000000000,-118.0772000000000 +concept_hotel_marriot concept:hotelincity concept_city_islamabad +concept_hotel_marriot concept:buildinglocatedincity concept_city_new_york +concept_hotel_marriott concept:hotelincity concept_city_islamabad +concept_hotel_marriott concept:buildinglocatedincity concept_city_new_york +concept_hotel_marriott_bloor_yorkville concept:hotelincity concept_city_toronto +concept_hotel_marriott_budapest concept:latitudelongitude 47.4955000000000,19.0493000000000 +concept_hotel_marriott_chateau_champlain concept:latitudelongitude 45.4977000000000,-73.5686000000000 +concept_hotel_marriott_copenhagen concept:latitudelongitude 55.6704000000000,12.5759000000000 +concept_hotel_marriott_marquis concept:hotelincity concept_city_new_york +concept_hotel_marriott_orlando_downtown concept:hotelincity concept_city_orlando +concept_hotel_marriott_residence_inn concept:hotelincity concept_city_orlando +concept_hotel_marriott_wardman_park concept:hotelincity concept_city_washington_d_c +concept_hotel_maui_banyan concept:latitudelongitude 20.7156000000000,-156.4459000000000 +concept_hotel_maui_prince concept:hotelincity concept_island_makena +concept_hotel_mauna_lani_terrace concept:latitudelongitude 19.9425000000000,-155.8656000000000 +concept_hotel_maurya_sheraton concept:hotelincity concept_city_new_delhi +concept_hotel_medina_grand_harbourside concept:latitudelongitude -33.8676000000000,151.2096000000000 +concept_hotel_meikles concept:hotelincity concept_city_harare +concept_hotel_melia concept:hotelincity concept_city_kuala_lumpur +concept_hotel_melia_poltu_quatu concept:latitudelongitude 41.1158700000000,9.4343300000000 +concept_hotel_melia_white_house concept:hotelincity concept_city_london_city +concept_hotel_mena_house concept:hotelincity concept_city_cairo +concept_hotel_mena_house_oberoi concept:hotelincity concept_city_cairo +concept_hotel_mercer concept:hotelincity concept_city_new_york +concept_hotel_mercure concept:hotelincity concept_city_sydney +concept_hotel_mercure_hotel_auckland concept:latitudelongitude -36.8445100000000,174.7663000000000 +concept_hotel_metro_plaza_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_metropark concept:hotelincity concept_city_hong_kong_island +concept_hotel_metropole concept:hotelincity concept_city_ho_chi_minh_city +concept_hotel_metropolitan concept:hotelincity concept_city_bangkok +concept_hotel_metropolitan concept:buildinglocatedincity concept_city_columbia +concept_hotel_mill_valley_inn concept:latitudelongitude 37.9054000000000,-122.5494000000000 +concept_hotel_millennium_biltmore concept:hotelincity concept_county_los_angeles_county +concept_hotel_millennium_knickerbocker concept:hotelincity concept_city_chicago +concept_hotel_millennium_resort_patong_phuket concept:latitudelongitude 7.9017300000000,98.3034000000000 +concept_hotel_millennium_un_plaza concept:latitudelongitude 40.7488000000000,-73.9699000000000 +concept_hotel_mission_point_resort concept:latitudelongitude 45.8472000000000,-84.6241000000000 +concept_hotel_miyako_inn concept:latitudelongitude 37.7865650000000,-122.4300700000000 +concept_hotel_mom_tri concept:latitudelongitude 7.8218600000000,98.2979000000000 +concept_hotel_monarch_dubai concept:latitudelongitude 25.0570400000000,55.1258600000000 +concept_hotel_monte_carlo_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_morgans concept:hotelincity concept_city_new_york +concept_hotel_morrison concept:hotelincity concept_city_dublin_dublin +concept_hotel_mount_bachelor_village_resort concept:latitudelongitude 44.0315000000000,-121.3378000000000 +concept_hotel_movenpick_bur_dubai concept:latitudelongitude 25.2061800000000,55.3108400000000 +concept_hotel_n60_thompson concept:latitudelongitude 40.7241000000000,-74.0032000000000 +concept_hotel_narain_niwas_palace concept:hotelincity concept_city_jaipur +concept_hotel_new_garden_hotel concept:latitudelongitude 31.1166000000000,121.3666000000000 +concept_hotel_new_york_marriott_downtown concept:hotelincity concept_city_new_york +concept_hotel_new_york_marriott_marquis concept:latitudelongitude 40.7581000000000,-73.9856000000000 +concept_hotel_newport_beach_marriott concept:latitudelongitude 33.6356000000000,-117.8729500000000 +concept_hotel_nh_barbizon_palace concept:latitudelongitude 52.3764000000000,4.9000000000000 +concept_hotel_nh_grand_hotel_krasnapolsky concept:latitudelongitude 52.3724000000000,4.8941500000000 +concept_hotel_nh_parque_central concept:latitudelongitude 23.1384800000000,-82.3589600000000 +concept_hotel_nikko concept:hotelincity concept_city_kuala_lumpur +concept_hotel_nikko_hanoi concept:latitudelongitude 21.0333000000000,105.8500000000000 +concept_hotel_nikko_hotel_duesseldorf concept:latitudelongitude 51.2230000000000,6.7886000000000 +concept_hotel_nile_hilton concept:latitudelongitude 30.0504000000000,31.2304000000000 +concept_hotel_nine_zero concept:latitudelongitude 42.3574000000000,-71.0609000000000 +concept_hotel_nine_zero concept:hotelincity concept_city_boston +concept_hotel_nisbet_plantation_beach_club concept:latitudelongitude 17.2061000000000,-62.5837000000000 +concept_hotel_nita_lake_lodge concept:latitudelongitude 49.2697700000000,-123.1320500000000 +concept_hotel_north concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_hotel_novotel_amsterdam concept:latitudelongitude 52.3340000000000,4.8880000000000 +concept_hotel_novotel_brighton_beach concept:latitudelongitude -33.9601000000000,151.1567000000000 +concept_hotel_novotel_ottawa concept:hotelincity concept_city_ottawa +concept_hotel_nutel_motel concept:hotelincity concept_county_los_angeles_county +concept_hotel_oakwood_toluca_hills concept:hotelincity concept_county_los_angeles_county +concept_hotel_oasis_resort concept:hotelincity concept_city_mesquite +concept_hotel_oberoi concept:hotelincity concept_city_new_delhi +concept_hotel_oberoi_amarvilas concept:latitudelongitude 27.1778000000000,78.0090000000000 +concept_hotel_oberoi_rajvilas concept:hotelincity concept_city_jaipur +concept_hotel_oberoi_vanyavilas concept:latitudelongitude 25.9932000000000,76.3728000000000 +concept_hotel_ocean_edge_resort concept:latitudelongitude 41.7721000000000,-70.0502000000000 +concept_hotel_ocean_terrace_inn concept:latitudelongitude 17.2964000000000,-62.7358000000000 +concept_hotel_old concept:locationlocatedwithinlocation concept_city_springfield +concept_hotel_old_faithful_inn concept:latitudelongitude 44.4596600000000,-110.8321600000000 +concept_hotel_omni concept:hotelincity concept_city_chicago +concept_hotel_omni_berkshire_place concept:hotelincity concept_city_new_york +concept_hotel_omni_shoreham concept:hotelincity concept_city_washington_d_c +concept_hotel_omni_william_penn concept:hotelincity concept_city_pittsburgh +concept_hotel_opera_cadet concept:latitudelongitude 48.8758000000000,2.3437400000000 +concept_hotel_orchard_garden concept:hotelincity concept_city_san_francisco +concept_hotel_orchha_resort concept:latitudelongitude 25.3499000000000,78.6499000000000 +concept_hotel_oriental concept:hotelincity concept_city_bangkok +concept_hotel_oriental_bangkok concept:hotelincity concept_city_bangkok +concept_hotel_orleans_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_outrigger concept:hotelincity concept_city_hawaii +concept_hotel_pacific_palisades concept:hotelincity concept_city_vancouver +concept_hotel_pacifica_suites concept:latitudelongitude 34.4352000000000,-119.8160000000000 +concept_hotel_paki_maui concept:latitudelongitude 20.9547000000000,-156.6858000000000 +concept_hotel_palazzo_sasso concept:latitudelongitude 40.6500000000000,14.6167000000000 +concept_hotel_palmer concept:locationlocatedwithinlocation concept_city_alaska +concept_hotel_palmer_house concept:hotelincity concept_city_chicago +concept_hotel_palms_casino_resort concept:hotelincity concept_city_las_vegas +concept_hotel_palms_casino_resort concept:attractionofcity concept_city_vegas +concept_hotel_palms_casino_resort concept:buildinglocatedincity concept_city_vegas +concept_hotel_palms_place concept:hotelincity concept_city_las_vegas +concept_hotel_pan_pacific concept:hotelincity concept_city_san_francisco +concept_hotel_panorama_bur_dubai concept:latitudelongitude 25.2571000000000,55.2959000000000 +concept_hotel_panviman_resort concept:latitudelongitude 11.3044233333333,101.5588366666667 +concept_hotel_paradise concept:hotelincity concept_city_busan +concept_hotel_paramount concept:buildinglocatedincity concept_city_denver +concept_hotel_paramount concept:hotelincity concept_city_dublin_dublin +concept_hotel_paramount_hotel concept:hotelincity concept_city_new_york +concept_hotel_paris_las_vegas concept:hotelincity concept_city_las_vegas +concept_hotel_paris_las_vegas concept:attractionofcity concept_city_vegas +concept_hotel_park_avenue concept:buildinglocatedincity concept_city_new_york +concept_hotel_park_hyatt_toronto concept:hotelincity concept_city_toronto +concept_hotel_park_plaza concept:hotelincity concept_city_boston +concept_hotel_park_plaza_lodge concept:hotelincity concept_county_los_angeles_county +concept_hotel_park_view_hotel concept:hotelincity concept_city_york +concept_hotel_park_vista concept:hotelincity concept_city_gatlinburg +concept_hotel_pasadena_inn concept:latitudelongitude 34.1424500000000,-118.1121000000000 +concept_hotel_pavillon_louvre_rivoli concept:hotelincity concept_city_paris +concept_hotel_peabody_orlando concept:hotelincity concept_city_orlando +concept_hotel_pearl_international concept:hotelincity concept_city_kuala_lumpur +concept_hotel_peerless_inn concept:latitudelongitude 23.0264000000000,87.8527500000000 +concept_hotel_pembridge_palace_hotel concept:hotelincity concept_city_london_city +concept_hotel_peninsula concept:hotelincity concept_city_beverly_hills +concept_hotel_peppers_guest_house concept:latitudelongitude -32.7718000000000,151.2815000000000 +concept_hotel_perdido_beach_resort concept:latitudelongitude 30.3015000000000,-87.5615000000000 +concept_hotel_pertiwi concept:latitudelongitude -8.5000000000000,115.2666000000000 +concept_hotel_pestana concept:hotelincity concept_city_lisbon +concept_hotel_pine_city_hotel concept:latitudelongitude 31.2045000000000,121.4420000000000 +concept_hotel_pintail_point concept:latitudelongitude 29.5966000000000,-89.6375600000000 +concept_hotel_piries concept:hotelincity concept_city_edinburgh +concept_hotel_plaza concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_plaza concept:hotelincity concept_city_new_york +concept_hotel_plaza concept:buildinglocatedincity concept_city_vegas +concept_hotel_plaza concept:subpartof concept_traditionalgame_vegas +concept_hotel_pointe_hilton_tapatio_cliffs concept:latitudelongitude 33.5947000000000,-112.0650000000000 +concept_hotel_post_ranch_inn concept:latitudelongitude 36.1354000000000,-121.6468000000000 +concept_hotel_prescott concept:hotelincity concept_city_san_francisco +concept_hotel_president_solitaire concept:latitudelongitude 13.7308000000000,100.5210000000000 +concept_hotel_prima_kings concept:hotelincity concept_city_jerusalem +concept_hotel_princess concept:hotelincity concept_city_phnom_penh +concept_hotel_pro_player_stadium concept:atlocation concept_county_miami +concept_hotel_promenade concept:hotelincity concept_city_kota_kinabalu +concept_hotel_puffin_inn concept:latitudelongitude 61.1809000000000,-149.9375000000000 +concept_hotel_pullman concept:atlocation concept_city_washington_d_c +concept_hotel_qamardeen concept:latitudelongitude 25.1641500000000,55.2274300000000 +concept_hotel_quail_lodge concept:latitudelongitude 36.5312000000000,-121.8529000000000 +concept_hotel_quality_inn_hollywood concept:hotelincity concept_county_los_angeles_county +concept_hotel_quality_suites concept:hotelincity concept_city_toronto +concept_hotel_quality_suites_windsor concept:latitudelongitude 42.3068000000000,-82.9827000000000 +concept_hotel_quartz_mountain_resort concept:latitudelongitude 34.9783000000000,-99.2399000000000 +concept_hotel_quinta_real_acapulco concept:latitudelongitude 16.7920000000000,-99.8272000000000 +concept_hotel_radisson concept:hotelincity concept_city_chicago +concept_hotel_radisson_hotel_admiral concept:hotelincity concept_city_toronto +concept_hotel_radisson_hotel_los_angeles_midtown_at_usc concept:hotelincity concept_county_los_angeles_county +concept_hotel_radisson_plaza_lord_baltimore concept:hotelincity concept_city_baltimore +concept_hotel_radisson_quad_city_plaza concept:latitudelongitude 41.5210000000000,-90.5740000000000 +concept_hotel_radisson_sas concept:hotelincity concept_city_amman +concept_hotel_radisson_sas_hotel___amsterdam concept:latitudelongitude 52.3700000000000,4.8966000000000 +concept_hotel_radisson_sas_hotel___hamburg concept:latitudelongitude 53.5611000000000,9.9868000000000 +concept_hotel_radisson_sas_hotel_rome concept:latitudelongitude 41.8961000000000,12.5065000000000 +concept_hotel_radisson_sas_scandinavia concept:hotelincity concept_city_copenhagen +concept_hotel_rainbow concept:hotelincity concept_city_seoul +concept_hotel_rainbow_towers concept:hotelincity concept_city_harare +concept_hotel_rajvilas concept:hotelincity concept_city_jaipur +concept_hotel_ramada concept:hotelincity concept_city_seoul +concept_hotel_ramada___hollywood_near_universal_studios concept:hotelincity concept_county_los_angeles_county +concept_hotel_ramada_inn_wilshire concept:hotelincity concept_county_los_angeles_county +concept_hotel_ramada_plaza concept:hotelincity concept_city_toronto +concept_hotel_ramada_wilshire_center concept:hotelincity concept_county_los_angeles_county +concept_hotel_rambagh concept:hotelincity concept_city_jaipur +concept_hotel_rambagh_palace concept:latitudelongitude 26.8921000000000,75.7966000000000 +concept_hotel_rambagh_palace concept:hotelincity concept_city_jaipur +concept_hotel_ramee_hotel_apartments_abu concept:latitudelongitude 24.4666000000000,54.3666000000000 +concept_hotel_ramee_royal concept:latitudelongitude 25.2516000000000,55.3128000000000 +concept_hotel_rasa_sayang concept:latitudelongitude 5.4399500000000,100.2914000000000 +concept_hotel_rasa_sayang concept:hotelincity concept_city_penang +concept_hotel_red_deer_lodge concept:latitudelongitude 52.2610000000000,-113.8125000000000 +concept_hotel_red_lion concept:hotelincity concept_city_seattle +concept_hotel_regal concept:hotelincity concept_city_hong_kong_island +concept_hotel_regency concept:hotelincity concept_city_new_york +concept_hotel_regent concept:hotelincity concept_city_kuala_lumpur +concept_hotel_regent_palace concept:hotelincity concept_city_london_city +concept_hotel_regina_hotel_baglioni concept:latitudelongitude 41.9071000000000,12.4899000000000 +concept_hotel_renaissance concept:hotelincity concept_city_kuala_lumpur +concept_hotel_renaissance concept:buildinglocatedincity concept_city_vegas +concept_hotel_renaissance_nashville concept:hotelincity concept_city_nashville +concept_hotel_residence_georgio concept:latitudelongitude 37.9859000000000,23.7298000000000 +concept_hotel_residence_inn concept:hotelincity concept_city_orlando +concept_hotel_residence_inn_beverly_hills concept:hotelincity concept_county_los_angeles_county +concept_hotel_residence_inn_by_marriott concept:hotelincity concept_city_toronto +concept_hotel_resort concept:attractionofcity concept_city_vegas +concept_hotel_resort concept:buildinglocatedincity concept_city_vegas +concept_hotel_resorts concept:hotelincity concept_city_atlantic_city +concept_hotel_resorts concept:buildinglocatedincity concept_city_vegas +concept_hotel_resource concept:proxyfor concept_book_new +concept_hotel_ritz concept:hotelincity concept_city_paris +concept_hotel_ritz_carlton concept:hotelincity concept_city_washington_d_c +concept_hotel_ritz_carlton_central_park concept:latitudelongitude 40.7656100000000,-73.9763900000000 +concept_hotel_riu_naiboa concept:latitudelongitude 18.7180000000000,-68.4550000000000 +concept_hotel_riviera concept:hotelincity concept_city_las_vegas +concept_hotel_riviera concept:attractionofcity concept_city_vegas +concept_hotel_riviera concept:buildinglocatedincity concept_city_vegas +concept_hotel_rocco_forte_hotel_amigo concept:latitudelongitude 50.8460000000000,4.3515000000000 +concept_hotel_rodeway_inn concept:hotelincity concept_county_los_angeles_county +concept_hotel_roode_leeuw concept:latitudelongitude 52.2517733333333,4.8317500000000 +concept_hotel_rosen_centre concept:hotelincity concept_city_orlando +concept_hotel_rosen_shingle_creek concept:hotelincity concept_city_orlando +concept_hotel_royal concept:atlocation concept_city_copenhagen +concept_hotel_royal concept:atlocation concept_city_london_city +concept_hotel_royal concept:hotelincity concept_city_seoul +concept_hotel_royal concept:buildinglocatedincity concept_city_vegas +concept_hotel_royal concept:atlocation concept_country_canada_canada +concept_hotel_royal concept:atlocation concept_country_england +concept_hotel_royal concept:atlocation concept_country_great_britain +concept_hotel_royal concept:atlocation concept_country_scotland +concept_hotel_royal_antiguan concept:latitudelongitude 17.1302900000000,-61.8810100000000 +concept_hotel_royal_cliff_beach_resort concept:atdate concept_dateliteral_n2007 +concept_hotel_royal_hawaiian concept:hotelincity concept_city_honolulu +concept_hotel_royal_lancaster concept:hotelincity concept_city_london_city +concept_hotel_royal_mirage_palace concept:latitudelongitude 25.2711400000000,55.3074800000000 +concept_hotel_royal_olympic concept:hotelincity concept_city_athens +concept_hotel_royal_orchid_sheraton concept:hotelincity concept_city_bangkok +concept_hotel_royal_pacific_resort concept:hotelincity concept_city_orlando +concept_hotel_royal_palace_westwood concept:hotelincity concept_county_los_angeles_county +concept_hotel_royal_palms_resort_and_spa concept:latitudelongitude 33.5038000000000,-111.9685000000000 +concept_hotel_royal_plaza concept:hotelincity concept_city_hong_kong_island +concept_hotel_royal_sussex concept:hotelincity concept_city_london_city +concept_hotel_royal_windsor_hotel_grand_place concept:latitudelongitude 50.8450000000000,4.3544000000000 +concept_hotel_royal_york concept:hotelincity concept_city_toronto +concept_hotel_royale_bintang concept:hotelincity concept_city_kuala_lumpur +concept_hotel_royalton concept:hotelincity concept_city_new_york +concept_hotel_rum_point_inn concept:latitudelongitude 16.5162000000000,-88.3669000000000 +concept_hotel_rydges_christchurch concept:latitudelongitude -43.5309000000000,172.6337000000000 +concept_hotel_rydges_lakeside concept:latitudelongitude -35.2836000000000,149.1267000000000 +concept_hotel_sahara_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_saharan_motor_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_salisbury concept:proxyfor concept_company_north_carolina +concept_hotel_salisbury concept:subpartof concept_company_north_carolina +concept_hotel_san_clemente_palace concept:latitudelongitude 45.4123600000000,12.3358200000000 +concept_hotel_sands concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_sands concept:hotelincity concept_city_reno +concept_hotel_sands_regency concept:buildinglocatedincity concept_city_reno +concept_hotel_santiburi_resort concept:latitudelongitude 9.4903500000000,99.9507000000000 +concept_hotel_sari_pan_pacific_hotel concept:latitudelongitude -6.1862000000000,106.8063000000000 +concept_hotel_savoy concept:hotelincity concept_city_london_city +concept_hotel_sea concept:hotelincity concept_city_new_castle +concept_hotel_sea_temple_resort concept:latitudelongitude -16.6168500000000,145.5681000000000 +concept_hotel_sebel_albert_park concept:latitudelongitude -37.8507400000000,144.9783600000000 +concept_hotel_sebel_playford_adelaide concept:latitudelongitude -34.9218000000000,138.5948000000000 +concept_hotel_sedona concept:proxyfor concept_beverage_arizona +concept_hotel_sejong_hotel concept:latitudelongitude 37.5666000000000,127.0000000000000 +concept_hotel_seneca concept:hotelincity concept_city_chicago +concept_hotel_seventh_mountain_resort concept:latitudelongitude 43.9959150000000,-121.3951200000000 +concept_hotel_shangri_la concept:hotelincity concept_city_bangkok +concept_hotel_shelbourne concept:hotelincity concept_city_dublin_dublin +concept_hotel_sheraton concept:hotelincity concept_city_new_york +concept_hotel_sheraton_abu concept:latitudelongitude 24.4602150000000,54.3947550000000 +concept_hotel_sheraton_addis concept:latitudelongitude 9.0333000000000,38.6999000000000 +concept_hotel_sheraton_addis concept:hotelincity concept_city_addis_ababa +concept_hotel_sheraton_bandara concept:hotelincity concept_city_jakarta +concept_hotel_sheraton_centre concept:hotelincity concept_city_toronto +concept_hotel_sheraton_chicago concept:hotelincity concept_city_chicago +concept_hotel_sheraton_crystal_city concept:latitudelongitude 38.8566000000000,-77.0523000000000 +concept_hotel_sheraton_fallsview concept:latitudelongitude 43.0781000000000,-79.0823500000000 +concept_hotel_sheraton_frankfurt_hotels___towers concept:latitudelongitude 50.0519000000000,8.5701000000000 +concept_hotel_sheraton_gateway_hotel_in concept:hotelincity concept_city_toronto +concept_hotel_sheraton_hanoi concept:latitudelongitude 21.0175000000000,105.8417000000000 +concept_hotel_sheraton_imperial concept:hotelincity concept_city_kuala_lumpur +concept_hotel_sheraton_jumeirah_beach_resort___towers concept:latitudelongitude 25.2590000000000,55.2960000000000 +concept_hotel_sheraton_los_angeles_downtown_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_sheraton_manhattan concept:hotelincity concept_city_new_york +concept_hotel_sheraton_new_orleans concept:hotelincity concept_city_new_orleans +concept_hotel_sheraton_new_york concept:latitudelongitude 40.7626000000000,-73.9821000000000 +concept_hotel_sheraton_park_tower concept:hotelincity concept_city_london_city +concept_hotel_sheraton_richmond_west concept:hotelincity concept_city_richmond +concept_hotel_sheraton_safari concept:hotelincity concept_city_orlando +concept_hotel_sheraton_suites_san_diego concept:latitudelongitude 32.7188000000000,-117.1582000000000 +concept_hotel_sheraton_suites_wilmington concept:latitudelongitude 39.7471000000000,-75.5507000000000 +concept_hotel_shinjuku_washington concept:hotelincity concept_city_tokyo +concept_hotel_sidney concept:atlocation concept_city_nebraska +concept_hotel_silverado_resort concept:latitudelongitude 38.3485000000000,-122.2673000000000 +concept_hotel_sir_francis_drake concept:hotelincity concept_city_san_francisco +concept_hotel_sir_stamford concept:latitudelongitude -33.8718500000000,151.2261000000000 +concept_hotel_skyline_hotel concept:hotelincity concept_city_new_york +concept_hotel_skyline_inn concept:latitudelongitude 43.0943000000000,-79.0723000000000 +concept_hotel_slieve_donard concept:hotelincity concept_city_newcastle +concept_hotel_small_luxury_hotels concept:latitudelongitude 37.0857900000000,-7.8768500000000 +concept_hotel_sofitel concept:hotelincity concept_city_york +concept_hotel_sofitel_ambassador concept:hotelincity concept_city_seoul +concept_hotel_sofitel_los_angeles concept:hotelincity concept_county_los_angeles_county +concept_hotel_sofitel_plaza concept:hotelincity concept_city_hanoi +concept_hotel_soho_metropolitan concept:hotelincity concept_city_toronto +concept_hotel_somerset concept:atlocation concept_bridge_new_jersey +concept_hotel_somerset concept:mutualproxyfor concept_radiostation_new_jersey +concept_hotel_spa concept:hotelincity concept_city_phuket +concept_hotel_spa concept:buildinglocatedincity concept_city_vegas +concept_hotel_st___regis concept:hotelincity concept_city_new_york +concept_hotel_st_martins_lane concept:hotelincity concept_city_london_city +concept_hotel_star concept:hotelincity concept_city_delhi +concept_hotel_star concept:buildinglocatedincity concept_city_vegas +concept_hotel_star_hotels concept:proxyfor concept_book_new +concept_hotel_stardust_motel concept:latitudelongitude 47.4734000000000,-115.9264000000000 +concept_hotel_station_inn concept:latitudelongitude 27.8746000000000,-97.1957000000000 +concept_hotel_stay concept:buildinglocatedincity concept_city_vegas +concept_hotel_stay concept:hotelincity concept_county_los_angeles_county +concept_hotel_steigenberger_berlin concept:latitudelongitude 52.5029000000000,13.3341000000000 +concept_hotel_strand_palace concept:hotelincity concept_city_london_city +concept_hotel_strater concept:hotelincity concept_city_durango +concept_hotel_strathcona concept:hotelincity concept_city_toronto +concept_hotel_stratosphere_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_suites_orlando concept:latitudelongitude 28.4851346153846,-81.3986523076923 +concept_hotel_summer_lodge concept:latitudelongitude 39.4786000000000,22.5915000000000 +concept_hotel_summit concept:atlocation concept_bridge_new_jersey +concept_hotel_summit concept:mutualproxyfor concept_person_mugabe +concept_hotel_sun concept:atlocation concept_stateorprovince_new_york +concept_hotel_sunset concept:hotelincity concept_city_las_vegas +concept_hotel_sunset concept:buildinglocatedincity concept_city_vegas +concept_hotel_super_8 concept:hotelincity concept_city_toronto +concept_hotel_super_8_downtown concept:hotelincity concept_city_toronto +concept_hotel_super_8_los_angeles_culver_city_area concept:hotelincity concept_county_los_angeles_county +concept_hotel_sutton_place concept:hotelincity concept_city_vancouver +concept_hotel_swiss_garden concept:hotelincity concept_city_kuala_lumpur +concept_hotel_swissotel concept:hotelincity concept_city_chicago +concept_hotel_swissotel_amsterdam concept:hotelincity concept_city_amsterdam +concept_hotel_swissotel_berlin concept:latitudelongitude 52.5030000000000,13.3318000000000 +concept_hotel_swissotel_quito concept:latitudelongitude -0.2166000000000,-78.5000000000000 +concept_hotel_taj_bengal concept:latitudelongitude 22.5742000000000,88.3586000000000 +concept_hotel_taj_coromandel concept:latitudelongitude 13.0833000000000,80.2833000000000 +concept_hotel_taj_coromandel concept:hotelincity concept_city_chennai +concept_hotel_taj_holiday_village concept:latitudelongitude 15.5034000000000,73.7616000000000 +concept_hotel_taj_mahal_palace concept:latitudelongitude 18.9216900000000,72.8331200000000 +concept_hotel_taj_mahal_palace concept:hotelincity concept_city_bombay +concept_hotel_taj_mahal_palace___tower concept:hotelincity concept_city_bombay +concept_hotel_taj_malabar concept:hotelincity concept_city_cochin +concept_hotel_taj_palace concept:hotelincity concept_city_bombay +concept_hotel_taj_president concept:hotelincity concept_city_bombay +concept_hotel_taj_samudra concept:hotelincity concept_city_colombo +concept_hotel_tanjong_jara concept:latitudelongitude 4.7833000000000,103.4333000000000 +concept_hotel_tanoa_plaza concept:latitudelongitude -18.1333000000000,178.4166000000000 +concept_hotel_tempe_mission_palms concept:hotelincity concept_city_tempe +concept_hotel_the_adolphus concept:hotelincity concept_city_dallas +concept_hotel_the_blackstone_hotel concept:hotelincity concept_city_chicago +concept_hotel_the_blakely concept:latitudelongitude 40.7634000000000,-73.9792000000000 +concept_hotel_the_breakers concept:hotelincity concept_city_palm_beach +concept_hotel_the_clarence concept:latitudelongitude 53.3454000000000,-6.2671000000000 +concept_hotel_the_davis concept:latitudelongitude -29.4500000000000,29.6333300000000 +concept_hotel_the_drake_hotel concept:hotelincity concept_city_toronto +concept_hotel_the_edgewater concept:hotelincity concept_city_seattle +concept_hotel_the_fairmont concept:hotelincity concept_city_chicago +concept_hotel_the_fairmont_royal_york concept:hotelincity concept_city_toronto +concept_hotel_the_fairmont_southampton concept:latitudelongitude 32.2564000000000,-64.8428000000000 +concept_hotel_the_fitzwilliam concept:latitudelongitude 53.3394000000000,-6.2611000000000 +concept_hotel_the_gershwin_hotel concept:hotelincity concept_city_york +concept_hotel_the_gray concept:hotelincity concept_city_milan +concept_hotel_the_hazelton_hotel concept:hotelincity concept_city_toronto +concept_hotel_the_jefferson concept:latitudelongitude 38.9813940000000,-77.1901300000000 +concept_hotel_the_mayfair_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_the_mirage concept:hotelincity concept_city_las_vegas +concept_hotel_the_mirage concept:attractionofcity concept_city_vegas +concept_hotel_the_mirage concept:buildinglocatedincity concept_city_vegas +concept_hotel_the_orlando concept:hotelincity concept_county_los_angeles_county +concept_hotel_the_palms concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_the_palms concept:buildinglocatedincity concept_city_vegas +concept_hotel_the_plaza concept:hotelincity concept_city_new_york +concept_hotel_the_ritz_carlton concept:hotelincity concept_city_toronto +concept_hotel_the_ritz_carlton_berlin concept:latitudelongitude 52.5086000000000,13.3768000000000 +concept_hotel_the_shelbourne concept:latitudelongitude 53.3364000000000,-6.2628000000000 +concept_hotel_the_st___regis concept:latitudelongitude 41.9038000000000,12.4949000000000 +concept_hotel_the_tower_beverly_hills concept:hotelincity concept_county_los_angeles_county +concept_hotel_the_westin_bonaventure_hotel_and_suites concept:hotelincity concept_county_los_angeles_county +concept_hotel_the_westin_dublin concept:latitudelongitude 53.3449000000000,-6.2591000000000 +concept_hotel_the_westin_los_angeles_airport concept:hotelincity concept_county_los_angeles_county +concept_hotel_thistle_brighton concept:latitudelongitude 50.8201500000000,-0.1407100000000 +concept_hotel_thompson concept:hotelincity concept_city_toronto +concept_hotel_tower concept:hotelincity concept_city_bombay +concept_hotel_town_inn_suites concept:hotelincity concept_city_toronto +concept_hotel_township concept:proxyfor concept_book_new +concept_hotel_traders concept:hotelincity concept_city_yangon +concept_hotel_travelodge concept:hotelincity concept_city_toronto +concept_hotel_treasure_mountain_inn concept:latitudelongitude 40.6414000000000,-111.4947000000000 +concept_hotel_trelawn_place concept:latitudelongitude -45.0335000000000,168.6614000000000 +concept_hotel_trident concept:hotelincity concept_city_jaipur +concept_hotel_trump_international concept:hotelincity concept_city_chicago +concept_hotel_trump_marina concept:latitudelongitude 39.3780000000000,-74.4301000000000 +concept_hotel_trump_marina concept:hotelincity concept_city_atlantic_city +concept_hotel_trump_taj_mahal_casino_resort concept:buildinglocatedincity concept_city_atlantic_city +concept_hotel_tryp_blanche_fontaine concept:hotelincity concept_city_paris +concept_hotel_tulip_inn_amsterdam_centre concept:hotelincity concept_city_amsterdam +concept_hotel_tuscany_suites concept:attractionofcity concept_city_vegas +concept_hotel_tuscany_suites concept:buildinglocatedincity concept_city_vegas +concept_hotel_twinpalms_phuket concept:latitudelongitude 7.9912300000000,98.2937000000000 +concept_hotel_uma_paro concept:latitudelongitude 27.4333000000000,89.4166000000000 +concept_hotel_universal_inn concept:latitudelongitude 28.4830000000000,-81.4533000000000 +concept_hotel_university_guest_house concept:latitudelongitude 40.0938900000000,-75.1641700000000 +concept_hotel_victorian_building concept:latitudelongitude 40.8155600000000,-96.6850200000000 +concept_hotel_victorian_house concept:hotelincity concept_city_glasgow +concept_hotel_villa_beaumarchais concept:hotelincity concept_city_paris +concept_hotel_villa_la_massa concept:latitudelongitude 43.7632000000000,11.3271000000000 +concept_hotel_vistana concept:hotelincity concept_city_kuala_lumpur +concept_hotel_waldorf concept:hotelincity concept_city_new_york +concept_hotel_waldorf_hilton concept:latitudelongitude 51.5127500000000,-0.1189500000000 +concept_hotel_waldorf_towers concept:hotelincity concept_city_new_york +concept_hotel_warwick concept:hotelincity concept_city_geneva +concept_hotel_wauwinet concept:latitudelongitude 41.3296450000000,-69.9964650000000 +concept_hotel_wawona_hotel concept:latitudelongitude 37.6480000000000,-119.7210000000000 +concept_hotel_wellington concept:hotelincity concept_city_new_york +concept_hotel_westbury_mayfair concept:hotelincity concept_city_london_city +concept_hotel_western_abercorn_inn concept:latitudelongitude 49.1919000000000,-123.1203000000000 +concept_hotel_western_americania concept:latitudelongitude 37.7787800000000,-122.4104300000000 +concept_hotel_western_anaheim_inn concept:latitudelongitude 33.8085000000000,-117.9152000000000 +concept_hotel_western_corona concept:hotelincity concept_city_london_city +concept_hotel_western_miyako_inn concept:latitudelongitude 37.7865650000000,-122.4300700000000 +concept_hotel_westgate concept:hotelincity concept_city_san_diego +concept_hotel_westgate_lakes_resort concept:latitudelongitude 28.4202000000000,-81.4761900000000 +concept_hotel_westin concept:hotelincity concept_city_boston +concept_hotel_westin_bonaventure concept:hotelincity concept_county_los_angeles_county +concept_hotel_westin_casuarina concept:locationlocatedwithinlocation concept_building_vegas +concept_hotel_westin_casuarina concept:hotelincity concept_city_las_vegas +concept_hotel_westin_casuarina concept:buildinglocatedincity concept_city_vegas +concept_hotel_westin_casuarina concept:subpartof concept_traditionalgame_vegas +concept_hotel_westin_chosun concept:hotelincity concept_city_seoul +concept_hotel_westin_edmonton concept:latitudelongitude 53.5422000000000,-113.4903000000000 +concept_hotel_westin_harbour_castle concept:hotelincity concept_city_toronto +concept_hotel_westin_new_york concept:latitudelongitude 40.7575000000000,-73.9885000000000 +concept_hotel_westin_nova_scotian concept:hotelincity concept_city_halifax +concept_hotel_westin_sydney concept:latitudelongitude -33.8676000000000,151.2096000000000 +concept_hotel_westminster concept:atdate concept_dateliteral_n2008 +concept_hotel_white concept:subpartof concept_governmentorganization_department +concept_hotel_white_barn_inn concept:latitudelongitude 43.4035000000000,-70.4804000000000 +concept_hotel_wickaninnish_inn concept:latitudelongitude 49.1309000000000,-125.8876000000000 +concept_hotel_willard concept:hotelincity concept_city_washington_dc +concept_hotel_willard_intercontinental concept:hotelincity concept_city_washington_d_c +concept_hotel_willows_hotel concept:hotelincity concept_city_chicago +concept_hotel_wilshire_grand concept:hotelincity concept_city_downtown_los_angeles +concept_hotel_wilshire_grand_hotel concept:hotelincity concept_county_los_angeles_county +concept_hotel_windsor_arms concept:hotelincity concept_city_toronto +concept_hotel_woodlands_hotel___resort concept:latitudelongitude 12.9521000000000,100.8880000000000 +concept_hotel_wrest_point concept:hotelincity concept_city_hobart +concept_hotel_wyland_waikiki concept:latitudelongitude 21.2808000000000,-157.8277000000000 +concept_hotel_wyndam concept:latitudelongitude 29.6549500000000,-95.4680000000000 +concept_hotel_wyndham concept:hotelincity concept_city_chicago +concept_hotel_wyndham_bristol_place concept:hotelincity concept_city_toronto +concept_hotel_wynfrey concept:latitudelongitude 33.3819000000000,-86.8091000000000 +concept_hotel_wynn_hotel concept:buildinglocatedincity concept_city_vegas +concept_hotel_xpu_ha_palace concept:latitudelongitude 20.4799000000000,-87.2512000000000 +concept_hotel_york concept:hotelincity concept_city_delhi +concept_hotel_york_house concept:attractionofcity concept_city_london_city +concept_hotel_zambezi_sun concept:latitudelongitude -17.8500000000000,25.8666000000000 +concept_hotel_zephyr_cove_resort concept:latitudelongitude 39.0032000000000,-119.9478000000000 +concept_hotel_zhongshan_hotel concept:latitudelongitude 32.8416500000000,117.8749500000000 +concept_hotel_zion_lodge concept:latitudelongitude 37.2291500000000,-112.9692450000000 +concept_hotel_zion_mountain_resort concept:latitudelongitude 37.2472000000000,-112.6636000000000 +concept_householditem_analysis concept:subpartof concept_weatherphenomenon_air +concept_householditem_analysis concept:subpartof concept_weatherphenomenon_water +concept_householditem_bedroom concept:itemfoundinroom concept_officebuildingroom_bedroom_apartments +concept_householditem_bedroom concept:itemfoundinroom concept_officebuildingroom_second_bedroom +concept_householditem_bedroom concept:itemfoundinroom concept_officebuildingroom_third_bedroom +concept_householditem_bedroom concept:itemfoundinroom concept_room_ground_floor +concept_householditem_bedroom concept:itemfoundinroom concept_room_guest +concept_householditem_bedroom concept:itemfoundinroom concept_room_level +concept_householditem_bedroom concept:itemfoundinroom concept_room_loft +concept_householditem_bedroom concept:itemfoundinroom concept_room_lower_level +concept_householditem_bedroom concept:itemfoundinroom concept_room_main_floor +concept_householditem_bedroom concept:itemfoundinroom concept_room_master +concept_householditem_bedroom concept:itemfoundinroom concept_room_second_floor +concept_householditem_bedroom concept:itemfoundinroom concept_room_unit +concept_householditem_bedroom concept:subpartof concept_transportation_room_air +concept_householditem_bedroom concept:itemfoundinroom concept_visualizableobject_apartment +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablescene_bedroom +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablescene_property +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablescene_studio +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_accommodation +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_bedrooms +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_downstairs +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_first_floor +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_guest_house +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_lower_floor +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_master_suite +concept_householditem_bedroom concept:itemfoundinroom concept_visualizablething_upper_level +concept_householditem_bedroom concept:subpartof concept_weatherphenomenon_air +concept_householditem_ceramic_hob concept:itemfoundinroom concept_room_kitchen +concept_householditem_customer concept:proxyfor concept_book_new +concept_householditem_customer concept:subpartof concept_weatherphenomenon_water +concept_householditem_english concept:proxyfor concept_book_new +concept_householditem_hobs concept:itemfoundinroom concept_room_kitchen +concept_householditem_home_office concept:subpartof concept_weatherphenomenon_air +concept_householditem_hospitality concept:proxyfor concept_book_new +concept_householditem_hot_cold_water concept:itemfoundinroom concept_visualizablething_bathroom +concept_householditem_hotplates concept:itemfoundinroom concept_room_kitchen +concept_householditem_japanese concept:atdate concept_date_n1942 +concept_householditem_pomfrey concept:latitudelongitude 46.3000800000000,-81.6164800000000 +concept_householditem_rain_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_householditem_rain_shower concept:itemfoundinroom concept_visualizablething_bathrooms +concept_householditem_rain_shower concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_householditem_range concept:proxyfor concept_book_new +concept_householditem_range concept:atdate concept_dateliteral_n2007 +concept_householditem_safety concept:subpartof concept_weatherphenomenon_air +concept_householditem_safety concept:subpartof concept_weatherphenomenon_water +concept_householditem_san_jose concept:proxyfor concept_animal_costa_rica +concept_householditem_san_jose concept:proxyfor concept_book_new +concept_householditem_san_jose concept:atdate concept_dateliteral_n2002 +concept_householditem_size_shower concept:itemfoundinroom concept_visualizablething_bathroom +concept_householditem_wardrobe concept:itemfoundinroom concept_visualizablescene_bedroom +concept_householditem_wardrobe concept:itemfoundinroom concept_visualizablething_bathroom +concept_householditem_wardrobe concept:itemfoundinroom concept_visualizablething_double_bedroom +concept_householditem_wardrobe concept:itemfoundinroom concept_visualizablething_main_bedroom +concept_householditem_wardrobe concept:itemfoundinroom concept_visualizablething_master_bedroom +concept_insect_adult_beetles concept:animaleatfood concept_vegetable_leaves +concept_insect_adult_butterflies concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_adult_insects concept:animaleatfood concept_beverage_nectar +concept_insect_adult_whiteflies concept:invertebratefeedonfood concept_nut_leaves +concept_insect_adult_whiteflies concept:animaleatfood concept_vegetable_leaves +concept_insect_advantage concept:agentparticipatedinevent concept_sportsgame_series +concept_insect_ants concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_ants concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_ants concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_ants concept:invertebratefeedonfood concept_food_garden +concept_insect_ants concept:animaleatfood concept_food_plant_species +concept_insect_ants concept:animalsuchasinsect concept_insect_insects +concept_insect_ants concept:animalthatfeedoninsect concept_insect_insects +concept_insect_ants concept:arthropodandotherarthropod concept_insect_insects +concept_insect_ants concept:animalsuchasinsect concept_insect_pests +concept_insect_ants concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_ants concept:animalthatfeedoninsect concept_insect_pests +concept_insect_ants concept:arthropodandotherarthropod concept_insect_pests +concept_insect_ants concept:animalpreyson concept_insect_small_insects +concept_insect_ants concept:animalsuchasinsect concept_insect_small_insects +concept_insect_ants concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_insect_ants concept:invertebratefeedonfood concept_nut_leaves +concept_insect_ants concept:invertebratefeedonfood concept_plant_trees +concept_insect_ants concept:animaleatfood concept_vegetable_leaves +concept_insect_aphids concept:invertebratefeedonfood concept_beverage_juices +concept_insect_aphids concept:invertebratefeedonfood concept_food_foliage +concept_insect_aphids concept:invertebratefeedonfood concept_food_leaf +concept_insect_aphids concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_aphids concept:arthropodandotherarthropod concept_insect_beetles +concept_insect_aphids concept:arthropodcalledarthropod concept_insect_beetles +concept_insect_aphids concept:animalsuchasinvertebrate concept_insect_beneficial_insects +concept_insect_aphids concept:animalsuchasinsect concept_insect_bugs +concept_insect_aphids concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_aphids concept:animalsuchasinsect concept_insect_insect_pests +concept_insect_aphids concept:animalthatfeedoninsect concept_insect_insect_pests +concept_insect_aphids concept:arthropodandotherarthropod concept_insect_insect_pests +concept_insect_aphids concept:animalsuchasinsect concept_insect_insects +concept_insect_aphids concept:animalthatfeedoninsect concept_insect_insects +concept_insect_aphids concept:arthropodandotherarthropod concept_insect_insects +concept_insect_aphids concept:animalsuchasinsect concept_insect_pests +concept_insect_aphids concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_aphids concept:animalthatfeedoninsect concept_insect_pests +concept_insect_aphids concept:arthropodandotherarthropod concept_insect_pests +concept_insect_aphids concept:arthropodcalledarthropod concept_insect_pests +concept_insect_aphids concept:invertebratefeedonfood concept_plant_plants +concept_insect_aphids concept:invertebratefeedonfood concept_plant_roses +concept_insect_aphids concept:invertebratefeedonfood concept_plant_trees +concept_insect_aphis concept:latitudelongitude 42.4484700000000,-122.2441900000000 +concept_insect_appearance concept:agentparticipatedinevent concept_sportsgame_series +concept_insect_aquatic_insects concept:animalistypeofanimal concept_animal_animals001 +concept_insect_aquatic_insects concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_aquatic_insects concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_insect_arachnids concept:arthropodcalledarthropod concept_arachnid_opiliones +concept_insect_arachnids concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_armyworms concept:invertebratefeedonfood concept_nut_leaves +concept_insect_armyworms concept:animaleatfood concept_vegetable_leaves +concept_insect_basil concept:animaleatfood concept_legume_rice +concept_insect_basil concept:animaleatvegetable concept_vegetable_rice +concept_insect_bed_bugs concept:arthropodandotherarthropod concept_insect_insects +concept_insect_bed_bugs concept:animalsuchasinsect concept_insect_pests +concept_insect_bed_bugs concept:arthropodandotherarthropod concept_insect_pests +concept_insect_beetle concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_beetle concept:invertebratefeedonfood concept_legume_bark +concept_insect_beetle_grubs concept:animaleatfood concept_food_roots +concept_insect_beetle_larvae concept:animaleatfood concept_food_roots +concept_insect_beetle_larvae concept:animalpreyson concept_insect_insects +concept_insect_beetles concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_beetles concept:animalthatfeedoninsect concept_arthropod_insect_predators +concept_insect_beetles concept:animalsuchasinsect concept_arthropod_natural_enemies +concept_insect_beetles concept:animalthatfeedoninsect concept_arthropod_natural_enemies +concept_insect_beetles concept:arthropodandotherarthropod concept_arthropod_natural_enemies +concept_insect_beetles concept:arthropodcalledarthropod concept_arthropod_natural_enemies +concept_insect_beetles concept:animaleatfood concept_beverage_nectar +concept_insect_beetles concept:invertebratefeedonfood concept_food_dead_animals +concept_insect_beetles concept:invertebratefeedonfood concept_food_dead_trees +concept_insect_beetles concept:invertebratefeedonfood concept_food_foliage +concept_insect_beetles concept:animaleatfood concept_food_inner_bark +concept_insect_beetles concept:animaleatfood concept_food_leaf_tissue +concept_insect_beetles concept:invertebratefeedonfood concept_food_roots +concept_insect_beetles concept:animalsuchasinsect concept_insect_aphids +concept_insect_beetles concept:animalthatfeedoninsect concept_insect_aphids +concept_insect_beetles concept:arthropodandotherarthropod concept_insect_aphids +concept_insect_beetles concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_insect_beetles concept:animalsuchasinsect concept_insect_insects +concept_insect_beetles concept:animalthatfeedoninsect concept_insect_insects +concept_insect_beetles concept:arthropodandotherarthropod concept_insect_insects +concept_insect_beetles concept:animalthatfeedoninsect concept_insect_mites +concept_insect_beetles concept:animalsuchasinsect concept_insect_pests +concept_insect_beetles concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_beetles concept:animalthatfeedoninsect concept_insect_pests +concept_insect_beetles concept:arthropodandotherarthropod concept_insect_pests +concept_insect_beetles concept:invertebratefeedonfood concept_nut_leaves +concept_insect_beetles concept:invertebratefeedonfood concept_nut_trunk +concept_insect_beetles concept:invertebratefeedonfood concept_plant_stems +concept_insect_beetles concept:animaleatfood concept_vegetable_leaves +concept_insect_beneficial_insects concept:animalsuchasinsect concept_arthropod_mantis +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_arthropod_mantis +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_arthropod_mantis +concept_insect_beneficial_insects concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_beneficial_insects concept:animaleatfood concept_food_good_nectar +concept_insect_beneficial_insects concept:invertebratefeedonfood concept_food_pollen +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_beetles +concept_insect_beneficial_insects concept:animalsuchasinvertebrate concept_insect_beetles +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_beetles +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_beetles +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_bugs +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_bugs +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_butterflies +concept_insect_beneficial_insects concept:animalsuchasinvertebrate concept_insect_butterflies +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_butterflies +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_butterflies +concept_insect_beneficial_insects concept:animalsuchasinvertebrate concept_insect_honeybees +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_hoverflies +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_hoverflies +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_hoverflies +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_lacewings +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_lacewings +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_lacewings +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_lacewings +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_ladybugs +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_ladybugs +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_ladybugs +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_ladybugs +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_parasitic_wasps +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_parasitic_wasps +concept_insect_beneficial_insects concept:arthropodcalledarthropod concept_insect_parasitic_wasps +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_pests +concept_insect_beneficial_insects concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_pests +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_pests +concept_insect_beneficial_insects concept:animalsuchasinsect concept_insect_wasps +concept_insect_beneficial_insects concept:animalthatfeedoninsect concept_insect_wasps +concept_insect_beneficial_insects concept:arthropodandotherarthropod concept_insect_wasps +concept_insect_beneficial_insects concept:animalpreyson concept_invertebrate_bees +concept_insect_beneficial_insects concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_insect_bite concept:animalsuchasfish concept_fish_bass +concept_insect_black_flies concept:animalsuchasinsect concept_insect_insects +concept_insect_black_flies concept:animalthatfeedoninsect concept_insect_insects +concept_insect_black_flies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_black_flies concept:animalsuchasinsect concept_insect_midges +concept_insect_blackflies concept:animalpreyson concept_insect_insects +concept_insect_blackflies concept:animalsuchasinsect concept_insect_insects +concept_insect_blackflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_borers concept:animalthatfeedoninsect concept_insect_insects +concept_insect_borers concept:animalpreyson concept_insect_pests +concept_insect_borers concept:animalsuchasinsect concept_insect_pests +concept_insect_borers concept:arthropodandotherarthropod concept_insect_pests +concept_insect_borers concept:invertebratefeedonfood concept_legume_bark +concept_insect_borers concept:invertebratefeedonfood concept_plant_trees +concept_insect_borers concept:animaleatfood concept_vegetable_corn +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_arachnid_black_widow +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_arachnid_recluse_spiders +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_arthropod_recluse +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_arthropod_spider_bite +concept_insect_brown_recluse concept:arthropodcalledarthropod concept_arthropod_spider_bite +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_brown_recluse concept:arthropodcalledarthropod concept_arthropod_spiders +concept_insect_brown_recluse concept:arthropodandotherarthropod concept_insect_recluse_spider +concept_insect_brown_recluse concept:synonymfor concept_product_spider +concept_insect_brown_recluse_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_bug concept:animalsuchasinsect concept_insect_insects +concept_insect_bug concept:animalthatfeedoninsect concept_insect_insects +concept_insect_bug concept:arthropodandotherarthropod concept_insect_insects +concept_insect_bug concept:arthropodcalledarthropod concept_insect_insects +concept_insect_bugs concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_bugs concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_bugs concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_bugs concept:animalthatfeedoninsect concept_arthropod_crickets +concept_insect_bugs concept:animalthatfeedoninsect concept_arthropod_mantis +concept_insect_bugs concept:animalpreyson concept_arthropod_spiders +concept_insect_bugs concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_insect_bugs concept:arthropodcalledarthropod concept_arthropod_spiders +concept_insect_bugs concept:invertebratefeedonfood concept_beverage_blood +concept_insect_bugs concept:invertebratefeedonfood concept_beverage_juices +concept_insect_bugs concept:animaleatfood concept_food_crop +concept_insect_bugs concept:invertebratefeedonfood concept_food_roots +concept_insect_bugs concept:invertebratefeedonfood concept_grain_feet +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_ants +concept_insect_bugs concept:arthropodcalledarthropod concept_insect_ants +concept_insect_bugs concept:animalsuchasinsect concept_insect_aphids +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_aphids +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_beetles +concept_insect_bugs concept:arthropodcalledarthropod concept_insect_beetles +concept_insect_bugs concept:animalsuchasinsect concept_insect_beneficial_insects +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_beneficial_insects +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_insect_bugs concept:animalpreyson concept_insect_bugs +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_butterflies +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_cockroaches +concept_insect_bugs concept:animalsuchasinsect concept_insect_fleas +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_fleas +concept_insect_bugs concept:animalsuchasinsect concept_insect_flies +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_flies +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_flies +concept_insect_bugs concept:animalsuchasinsect concept_insect_gnats +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_gnats +concept_insect_bugs concept:animalsuchasinsect concept_insect_grasshoppers +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_grasshoppers +concept_insect_bugs concept:animalsuchasinsect concept_insect_insect_pests +concept_insect_bugs concept:animalsuchasinvertebrate concept_insect_insect_pests +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_insect_pests +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_insect_pests +concept_insect_bugs concept:arthropodcalledarthropod concept_insect_insect_pests +concept_insect_bugs concept:animalsuchasinsect concept_insect_insects +concept_insect_bugs concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_insects +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_insects +concept_insect_bugs concept:arthropodcalledarthropod concept_insect_insects +concept_insect_bugs concept:animalsuchasinsect concept_insect_lacewings +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_lacewings +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_lady_beetles +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_lady_bugs +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_leafhoppers +concept_insect_bugs concept:animalsuchasinsect concept_insect_mites +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_mites +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_mites +concept_insect_bugs concept:animalsuchasinsect concept_insect_mosquitoes +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_insect_bugs concept:animalsuchasinsect concept_insect_mosquitos +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_mosquitos +concept_insect_bugs concept:animalsuchasinsect concept_insect_pests +concept_insect_bugs concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_pests +concept_insect_bugs concept:arthropodandotherarthropod concept_insect_pests +concept_insect_bugs concept:arthropodcalledarthropod concept_insect_pests +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_scale_insects +concept_insect_bugs concept:animalsuchasinsect concept_insect_spider_mites +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_spider_mites +concept_insect_bugs concept:animalsuchasinsect concept_insect_thrips +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_thrips +concept_insect_bugs concept:animalsuchasinsect concept_insect_ticks +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_ticks +concept_insect_bugs concept:animalsuchasinsect concept_insect_wasps +concept_insect_bugs concept:animalthatfeedoninsect concept_insect_wasps +concept_insect_bugs concept:animalpreyson concept_invertebrate_bees +concept_insect_bugs concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_insect_bugs concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_insect_bugs concept:invertebratefeedonfood concept_nut_leaves +concept_insect_bugs concept:invertebratefeedonfood concept_plant_plants +concept_insect_bugs concept:animaleatfood concept_vegetable_leaves +concept_insect_bumblebees concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_bumblebees concept:agentcompeteswithagent concept_insect_insects +concept_insect_bumblebees concept:animalsuchasinsect concept_insect_insects +concept_insect_bumblebees concept:arthropodandotherarthropod concept_insect_insects +concept_insect_bumblebees concept:arthropodcalledarthropod concept_insect_insects +concept_insect_butterflies concept:animalpreyson concept_animal_creatures +concept_insect_butterflies concept:animalsuchasinsect concept_arthropod_pollinators +concept_insect_butterflies concept:arthropodandotherarthropod concept_arthropod_pollinators +concept_insect_butterflies concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_butterflies concept:animalsuchasinsect concept_insect_insects +concept_insect_butterflies concept:animalpreyson concept_insect_large_insects +concept_insect_caiman concept:animalistypeofanimal concept_animal_animals001 +concept_insect_carbon concept:specializationof concept_invertebrate_air_pollutants +concept_insect_carpenter_ants concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_carpenter_ants concept:animalsuchasinsect concept_insect_insects +concept_insect_carpenter_ants concept:arthropodandotherarthropod concept_insect_insects +concept_insect_carpenter_ants concept:animalsuchasinsect concept_insect_pests +concept_insect_carpenter_ants concept:arthropodandotherarthropod concept_insect_pests +concept_insect_carpenter_bees concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_caterpillar concept:animaleatfood concept_beverage_tea +concept_insect_caterpillars concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_caterpillars concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_caterpillars concept:animaleatfood concept_food_flower_buds +concept_insect_caterpillars concept:invertebratefeedonfood concept_food_foliage +concept_insect_caterpillars concept:invertebratefeedonfood concept_food_leaf +concept_insect_caterpillars concept:animaleatfood concept_food_leaf_tissue +concept_insect_caterpillars concept:animalthatfeedoninsect concept_insect_moth +concept_insect_caterpillars concept:animalthatfeedoninsect concept_insect_moths +concept_insect_caterpillars concept:animalsuchasinsect concept_insect_pests +concept_insect_caterpillars concept:arthropodandotherarthropod concept_insect_pests +concept_insect_caterpillars concept:invertebratefeedonfood concept_nut_leaves +concept_insect_caterpillars concept:invertebratefeedonfood concept_plant_plants +concept_insect_caterpillars concept:invertebratefeedonfood concept_plant_trees +concept_insect_caterpillars concept:animaleatfood concept_vegetable_leaves +concept_insect_cockroaches concept:animalsuchasinsect concept_insect_bugs +concept_insect_cockroaches concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_cockroaches concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_cockroaches concept:arthropodandotherarthropod concept_insect_insects +concept_insect_cockroaches concept:animalsuchasinsect concept_insect_pests +concept_insect_cockroaches concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_cockroaches concept:arthropodandotherarthropod concept_insect_pests +concept_insect_common_pest concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_coyote concept:animalistypeofanimal concept_animal_animals001 +concept_insect_crabs concept:arthropodcalledarthropod concept_agriculturalproduct_shrimps +concept_insect_crabs concept:animalistypeofanimal concept_animal_animals001 +concept_insect_crabs concept:animalpreyson concept_animal_animals001 +concept_insect_crabs concept:specializationof concept_animal_animals001 +concept_insect_crabs concept:animalistypeofanimal concept_animal_creatures +concept_insect_crabs concept:animalpreyson concept_animal_creatures +concept_insect_crabs concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_clams +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_coconut_crabs +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_crustaceans +concept_insect_crabs concept:animalsuchasinsect concept_arthropod_invertebrates +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_mussels +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_prey +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_sand_fleas +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_seafood +concept_insect_crabs concept:arthropodcalledarthropod concept_arthropod_snails +concept_insect_crabs concept:arthropodcalledarthropod concept_crustacean_prawns +concept_insect_crabs concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_insect_crabs concept:animalistypeofanimal concept_mammal_predators +concept_insect_damselflies concept:animalsuchasinsect concept_insect_insects +concept_insect_damselflies concept:animalthatfeedoninsect concept_insect_insects +concept_insect_damselflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_days concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_deer_tick concept:proxyfor concept_book_new +concept_insect_discomfort concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_dragonflies concept:animalpreyson concept_insect_insects +concept_insect_dragonflies concept:animalsuchasinsect concept_insect_insects +concept_insect_dragonflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_dragonflies concept:arthropodcalledarthropod concept_insect_insects +concept_insect_dry_flies concept:animalsuchasfish concept_fish_trout +concept_insect_earthworms concept:animalpreyson concept_animal_animals001 +concept_insect_earthworms concept:animalsuchasinsect concept_arthropod_invertebrates +concept_insect_earthworms concept:arthropodandotherarthropod concept_arthropod_invertebrates +concept_insect_earthworms concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_earthworms concept:animalsuchasinsect concept_insect_insects +concept_insect_earthworms concept:animalistypeofanimal concept_invertebrate_annelids +concept_insect_earwigs concept:animalsuchasinsect concept_insect_pests +concept_insect_earwigs concept:specializationof concept_insect_pests +concept_insect_ectoparasites concept:animalsuchasinsect concept_insect_ticks +concept_insect_ectoparasites concept:animalthatfeedoninsect concept_insect_ticks +concept_insect_ectoparasites concept:arthropodandotherarthropod concept_insect_ticks +concept_insect_eggplant concept:animaleatfood concept_nut_eggplant +concept_insect_encyclopedia concept:agentcompeteswithagent concept_politicalparty_list +concept_insect_encyclopedia concept:agentcompeteswithagent concept_reptile_references +concept_insect_encyclopedia concept:agentcompeteswithagent concept_tradeunion_article +concept_insect_excellent_fly concept:animalsuchasfish concept_fish_trout +concept_insect_female_mosquitoes concept:invertebratefeedonfood concept_beverage_blood +concept_insect_female_mosquitoes concept:animaleatfood concept_beverage_nectar +concept_insect_female_mosquitoes concept:animaleatfood concept_beverage_sugar +concept_insect_fleas concept:animalistypeofanimal concept_animal_creatures +concept_insect_fleas concept:animalsuchasinsect concept_arthropod_arthropods +concept_insect_fleas concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_fleas concept:animalsuchasinvertebrate concept_arthropod_external_parasites +concept_insect_fleas concept:arthropodandotherarthropod concept_arthropod_external_parasites +concept_insect_fleas concept:invertebratefeedonfood concept_beverage_blood +concept_insect_fleas concept:animalsuchasinsect concept_insect_bugs +concept_insect_fleas concept:animalsuchasinsect concept_insect_flies +concept_insect_fleas concept:arthropodandotherarthropod concept_insect_flies +concept_insect_fleas concept:animalsuchasinsect concept_insect_insects +concept_insect_fleas concept:arthropodandotherarthropod concept_insect_insects +concept_insect_fleas concept:animalsuchasinsect concept_insect_pests +concept_insect_fleas concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_fleas concept:arthropodandotherarthropod concept_insect_pests +concept_insect_flies concept:animalpreyson concept_animal_animals001 +concept_insect_flies concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_flies concept:invertebratefeedonfood concept_beverage_blood +concept_insect_flies concept:animaleatfood concept_beverage_juices +concept_insect_flies concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_flies concept:animalsuchasfish concept_fish_bass +concept_insect_flies concept:animalsuchasfish concept_fish_trout +concept_insect_flies concept:animalsuchasinsect concept_insect_ants +concept_insect_flies concept:animalthatfeedoninsect concept_insect_ants +concept_insect_flies concept:animalsuchasinsect concept_insect_bugs +concept_insect_flies concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_flies concept:animalsuchasinsect concept_insect_fleas +concept_insect_flies concept:animalthatfeedoninsect concept_insect_fleas +concept_insect_flies concept:animalsuchasinsect concept_insect_gnats +concept_insect_flies concept:animalthatfeedoninsect concept_insect_gnats +concept_insect_flies concept:animalsuchasinsect concept_insect_insects +concept_insect_flies concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_flies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_flies concept:animalsuchasinsect concept_insect_midges +concept_insect_flies concept:animalthatfeedoninsect concept_insect_midges +concept_insect_flies concept:arthropodandotherarthropod concept_insect_midges +concept_insect_flies concept:animalsuchasinsect concept_insect_mosquitoes +concept_insect_flies concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_insect_flies concept:animalsuchasinsect concept_insect_mosquitos +concept_insect_flies concept:animalsuchasinsect concept_insect_pests +concept_insect_flies concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_flies concept:arthropodandotherarthropod concept_insect_pests +concept_insect_flower_flies concept:animaleatfood concept_beverage_nectar +concept_insect_fly concept:animalsuchasinsect concept_insect_mosquito +concept_insect_fly concept:animalthatfeedoninsect concept_insect_mosquito +concept_insect_fly concept:arthropodandotherarthropod concept_insect_mosquito +concept_insect_fly concept:arthropodcalledarthropod concept_insect_mosquito +concept_insect_fly concept:synonymfor concept_insect_mosquito +concept_insect_fruit_flies concept:animalsuchasinsect concept_insect_insects +concept_insect_fruit_flies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_fruit_flies concept:animalsuchasinsect concept_insect_pests +concept_insect_fruit_flies concept:arthropodandotherarthropod concept_insect_pests +concept_insect_fungus_gnats concept:animalpreyson concept_insect_insects +concept_insect_fungus_gnats concept:animalsuchasinsect concept_insect_insects +concept_insect_fungus_gnats concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_fungus_gnats concept:arthropodandotherarthropod concept_insect_insects +concept_insect_garden_pests concept:agentcompeteswithagent concept_invertebrate_slugs +concept_insect_garden_pests concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_insect_gazella concept:latitudelongitude -32.6166700000000,27.4666700000000 +concept_insect_gnats concept:animalsuchasinsect concept_insect_bugs +concept_insect_gnats concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_gnats concept:animalsuchasinsect concept_insect_insects +concept_insect_gnats concept:animalthatfeedoninsect concept_insect_insects +concept_insect_gnats concept:arthropodandotherarthropod concept_insect_insects +concept_insect_gnats concept:arthropodcalledarthropod concept_insect_insects +concept_insect_gnats concept:animalsuchasinsect concept_insect_pests +concept_insect_gnats concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_gnats concept:arthropodandotherarthropod concept_insect_pests +concept_insect_goggle concept:agentcompeteswithagent concept_personcanada_search +concept_insect_grasshoppers concept:animalsuchasinsect concept_insect_insects +concept_insect_grasshoppers concept:arthropodandotherarthropod concept_insect_insects +concept_insect_grasshoppers concept:animalsuchasinsect concept_insect_pests +concept_insect_grasshoppers concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_grasshoppers concept:arthropodandotherarthropod concept_insect_pests +concept_insect_green_lacewings concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_green_lacewings concept:animalthatfeedoninsect concept_insect_insects +concept_insect_green_lacewings concept:arthropodandotherarthropod concept_insect_insects +concept_insect_green_lacewings concept:arthropodcalledarthropod concept_insect_insects +concept_insect_ground_squirrels concept:animalistypeofanimal concept_animal_mammals001 +concept_insect_ground_squirrels concept:animalistypeofanimal concept_animal_small_mammals +concept_insect_ground_squirrels concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_insect_grubs concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_grubs concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_grubs concept:animalistypeofanimal concept_arthropod_invertebrates +concept_insect_grubs concept:animalsuchasfish concept_fish_bass +concept_insect_grubs concept:invertebratefeedonfood concept_food_roots +concept_insect_grubs concept:invertebratefeedonfood concept_food_tubers +concept_insect_grubs concept:animalthatfeedoninsect concept_insect_beetle +concept_insect_grubs concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_grubs concept:animalistypeofanimal concept_insect_insect_larvae +concept_insect_grubs concept:animalthatfeedoninsect concept_insect_insects +concept_insect_grubs concept:arthropodcalledarthropod concept_insect_insects +concept_insect_grubs concept:animalsuchasinsect concept_insect_pests +concept_insect_grubs concept:arthropodandotherarthropod concept_insect_pests +concept_insect_grubs concept:invertebratefeedonfood concept_legume_bark +concept_insect_grubs concept:invertebratefeedonfood concept_plant_lawns +concept_insect_grubs concept:invertebratefeedonfood concept_plant_plants +concept_insect_grubs concept:invertebratefeedonfood concept_plant_trees +concept_insect_harmful_insects concept:agentcompeteswithagent concept_insect_insects +concept_insect_harmful_insects concept:animalsuchasinsect concept_insect_insects +concept_insect_harmful_insects concept:arthropodandotherarthropod concept_insect_insects +concept_insect_harmful_insects concept:invertebratefeedonfood concept_plant_plants +concept_insect_honey_bees concept:animalistypeofanimal concept_animal_social_insects +concept_insect_honey_bees concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_honey_bees concept:invertebratefeedonfood concept_food_pollen +concept_insect_honey_bees concept:agentcompeteswithagent concept_insect_insects +concept_insect_honey_bees concept:animalsuchasinsect concept_insect_insects +concept_insect_honey_bees concept:arthropodandotherarthropod concept_insect_insects +concept_insect_honey_bees concept:arthropodcalledarthropod concept_insect_insects +concept_insect_honey_bees concept:animalpreyson concept_invertebrate_bees +concept_insect_honeybees concept:animalistypeofanimal concept_animal_social_insects +concept_insect_honeybees concept:arthropodandotherarthropod concept_arthropod_pollinators +concept_insect_honeybees concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_honeybees concept:invertebratefeedonfood concept_food_pollen +concept_insect_honeybees concept:agentcompeteswithagent concept_insect_insects +concept_insect_honeybees concept:animalsuchasinsect concept_insect_insects +concept_insect_honeybees concept:arthropodandotherarthropod concept_insect_insects +concept_insect_honeybees concept:arthropodcalledarthropod concept_insect_insects +concept_insect_honeybees concept:animalpreyson concept_invertebrate_bees +concept_insect_house_flies concept:animalpreyson concept_insect_insects +concept_insect_house_flies concept:animalsuchasinsect concept_insect_insects +concept_insect_house_flies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_house_flies concept:animalistypeofanimal concept_insect_pests +concept_insect_houseflies concept:specializationof concept_insect_insects +concept_insect_houseflies concept:animalpreyson concept_insect_pests +concept_insect_houseflies concept:animalsuchasinsect concept_insect_pests +concept_insect_houseflies concept:arthropodandotherarthropod concept_insect_pests +concept_insect_houseflies concept:arthropodcalledarthropod concept_insect_pests +concept_insect_housefly concept:animaleatfood concept_food_solid_food +concept_insect_hoverflies concept:animalpreyson concept_insect_insects +concept_insect_hoverflies concept:animalsuchasinsect concept_insect_insects +concept_insect_hoverflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_hoverflies concept:arthropodcalledarthropod concept_insect_insects +concept_insect_hybrids concept:animalistypeofanimal concept_animal_animals001 +concept_insect_important_pest concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_important_predators concept:animalthatfeedoninsect concept_insect_insects +concept_insect_important_predators concept:animalthatfeedoninsect concept_insect_pests +concept_insect_insect_damage concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_insect_infestation concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_insect_larvae concept:agentcompeteswithagent concept_arthropod_invertebrates +concept_insect_insect_larvae concept:animalsuchasinsect concept_arthropod_invertebrates +concept_insect_insect_larvae concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_insect_pests concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_insect_pests concept:animalsuchasinsect concept_insect_aphids +concept_insect_insect_pests concept:animalthatfeedoninsect concept_insect_aphids +concept_insect_insect_pests concept:arthropodandotherarthropod concept_insect_aphids +concept_insect_insect_pests concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_insect_pests concept:animalsuchasinsect concept_insect_bugs +concept_insect_insect_pests concept:animalsuchasinvertebrate concept_insect_bugs +concept_insect_insect_pests concept:animalthatfeedoninsect concept_insect_bugs +concept_insect_insect_pests concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_insect_pests concept:arthropodcalledarthropod concept_insect_bugs +concept_insect_insect_pests concept:animalsuchasinsect concept_insect_mites +concept_insect_insect_pests concept:animalthatfeedoninsect concept_insect_mites +concept_insect_insect_pests concept:arthropodandotherarthropod concept_insect_mites +concept_insect_insect_pests concept:invertebratefeedonfood concept_nut_leaves +concept_insect_insect_pests concept:invertebratefeedonfood concept_plant_plants +concept_insect_insect_pests concept:invertebratefeedonfood concept_plant_trees +concept_insect_insects concept:invertebratefeedonfood concept_agriculturalproduct_root +concept_insect_insects concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_insects concept:animalpreyson concept_animal_animals001 +concept_insect_insects concept:animalpreyson concept_animal_creatures +concept_insect_insects concept:animalsuchasinsect concept_animal_locusts +concept_insect_insects concept:animalthatfeedoninsect concept_animal_locusts +concept_insect_insects concept:arthropodandotherarthropod concept_animal_locusts +concept_insect_insects concept:arthropodcalledarthropod concept_animal_locusts +concept_insect_insects concept:animalsuchasinsect concept_animal_mantises +concept_insect_insects concept:animalthatfeedoninsect concept_animal_mantises +concept_insect_insects concept:arthropodandotherarthropod concept_animal_mantises +concept_insect_insects concept:animalpreyson concept_animal_mice +concept_insect_insects concept:animalpreyson concept_animal_organisms +concept_insect_insects concept:animalpreyson concept_arachnid_scorpions +concept_insect_insects concept:animalsuchasinvertebrate concept_arachnid_scorpions +concept_insect_insects concept:arthropodandotherarthropod concept_arachnid_scorpions +concept_insect_insects concept:arthropodcalledarthropod concept_arachnid_ticks +concept_insect_insects concept:animalsuchasinsect concept_arthropod_arthropods +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_centipedes +concept_insect_insects concept:animalsuchasinsect concept_arthropod_chiggers +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_chiggers +concept_insect_insects concept:animalsuchasinsect concept_arthropod_cicadas +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_cicadas +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_cicadas +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_cicadas +concept_insect_insects concept:animalsuchasinsect concept_arthropod_crickets +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_crickets +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_crickets +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_crickets +concept_insect_insects concept:animalsuchasinsect concept_arthropod_hornets +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_hornets +concept_insect_insects concept:animalpreyson concept_arthropod_invertebrates +concept_insect_insects concept:animalsuchasinsect concept_arthropod_invertebrates +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_invertebrates +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_invertebrates +concept_insect_insects concept:animalsuchasinsect concept_arthropod_lice +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_lice +concept_insect_insects concept:animalsuchasinsect concept_arthropod_mantids +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_mantids +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_mantids +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_mantids +concept_insect_insects concept:animalsuchasinsect concept_arthropod_mantis +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_mantis +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_mantis +concept_insect_insects concept:animalsuchasinsect concept_arthropod_no_see_ums +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_no_see_ums +concept_insect_insects concept:animalsuchasinsect concept_arthropod_pollinators +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_pollinators +concept_insect_insects concept:arthropodandotherarthropod concept_arthropod_pollinators +concept_insect_insects concept:animalpreyson concept_arthropod_prey +concept_insect_insects concept:animalsuchasinsect concept_arthropod_roaches +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_roaches +concept_insect_insects concept:animalsuchasinsect concept_arthropod_snails +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_snails +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_snails +concept_insect_insects concept:animalpreyson concept_arthropod_spiders +concept_insect_insects concept:arthropodcalledarthropod concept_arthropod_spiders +concept_insect_insects concept:animalsuchasinvertebrate concept_arthropod_spiders_and_scorpions +concept_insect_insects concept:animalsuchasinsect concept_arthropod_yellow_jackets +concept_insect_insects concept:animalthatfeedoninsect concept_arthropod_yellow_jackets +concept_insect_insects concept:invertebratefeedonfood concept_beverage_blood +concept_insect_insects concept:invertebratefeedonfood concept_beverage_juices +concept_insect_insects concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_insects concept:invertebratefeedonfood concept_food_foliage +concept_insect_insects concept:invertebratefeedonfood concept_food_leaf +concept_insect_insects concept:animaleatfood concept_food_plankton +concept_insect_insects concept:invertebratefeedonfood concept_food_pollen +concept_insect_insects concept:invertebratefeedonfood concept_food_roots +concept_insect_insects concept:animaleatfood concept_food_spores +concept_insect_insects concept:invertebratefeedonfood concept_food_tree_leaves +concept_insect_insects concept:animalsuchasinsect concept_insect_ants +concept_insect_insects concept:animalthatfeedoninsect concept_insect_ants +concept_insect_insects concept:arthropodandotherarthropod concept_insect_ants +concept_insect_insects concept:arthropodcalledarthropod concept_insect_ants +concept_insect_insects concept:animalsuchasinsect concept_insect_aphids +concept_insect_insects concept:animalthatfeedoninsect concept_insect_aphids +concept_insect_insects concept:arthropodandotherarthropod concept_insect_aphids +concept_insect_insects concept:arthropodcalledarthropod concept_insect_aphids +concept_insect_insects concept:animalsuchasinsect concept_insect_bed_bugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_bed_bugs +concept_insect_insects concept:animalsuchasinsect concept_insect_beetle +concept_insect_insects concept:animalthatfeedoninsect concept_insect_beetle +concept_insect_insects concept:animalsuchasinsect concept_insect_beetle_larvae +concept_insect_insects concept:animalthatfeedoninsect concept_insect_beetle_larvae +concept_insect_insects concept:animalsuchasinsect concept_insect_beetles +concept_insect_insects concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_insects concept:arthropodandotherarthropod concept_insect_beetles +concept_insect_insects concept:arthropodcalledarthropod concept_insect_beetles +concept_insect_insects concept:animalsuchasinsect concept_insect_black_flies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_black_flies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_black_flies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_black_flies +concept_insect_insects concept:animalsuchasinsect concept_insect_blackflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_blackflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_borers +concept_insect_insects concept:animalsuchasinsect concept_insect_bug +concept_insect_insects concept:animalthatfeedoninsect concept_insect_bug +concept_insect_insects concept:arthropodandotherarthropod concept_insect_bug +concept_insect_insects concept:arthropodcalledarthropod concept_insect_bug +concept_insect_insects concept:animalsuchasinsect concept_insect_bugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_bugs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_bugs +concept_insect_insects concept:animalsuchasinsect concept_insect_bumblebees +concept_insect_insects concept:animalthatfeedoninsect concept_insect_bumblebees +concept_insect_insects concept:arthropodandotherarthropod concept_insect_bumblebees +concept_insect_insects concept:arthropodcalledarthropod concept_insect_bumblebees +concept_insect_insects concept:animalsuchasinsect concept_insect_butterflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_butterflies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_butterflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_butterflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_butterfly +concept_insect_insects concept:animalsuchasinsect concept_insect_carpenter_ants +concept_insect_insects concept:animalthatfeedoninsect concept_insect_carpenter_ants +concept_insect_insects concept:arthropodandotherarthropod concept_insect_carpenter_ants +concept_insect_insects concept:animalsuchasinsect concept_insect_caterpillars +concept_insect_insects concept:animalthatfeedoninsect concept_insect_caterpillars +concept_insect_insects concept:arthropodandotherarthropod concept_insect_caterpillars +concept_insect_insects concept:arthropodcalledarthropod concept_insect_caterpillars +concept_insect_insects concept:animalsuchasinsect concept_insect_cockroaches +concept_insect_insects concept:animalthatfeedoninsect concept_insect_cockroaches +concept_insect_insects concept:arthropodandotherarthropod concept_insect_cockroaches +concept_insect_insects concept:animalthatfeedoninsect concept_insect_cutworms +concept_insect_insects concept:animalsuchasinsect concept_insect_damselflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_damselflies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_damselflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_damselflies +concept_insect_insects concept:animalsuchasinsect concept_insect_dragonflies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_dragonflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_dragonflies +concept_insect_insects concept:animalsuchasinsect concept_insect_earthworms +concept_insect_insects concept:animalthatfeedoninsect concept_insect_earthworms +concept_insect_insects concept:arthropodandotherarthropod concept_insect_earthworms +concept_insect_insects concept:arthropodcalledarthropod concept_insect_earthworms +concept_insect_insects concept:animalsuchasinsect concept_insect_earwigs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_earwigs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_earwigs +concept_insect_insects concept:animalsuchasinsect concept_insect_fleas +concept_insect_insects concept:animalthatfeedoninsect concept_insect_fleas +concept_insect_insects concept:arthropodandotherarthropod concept_insect_fleas +concept_insect_insects concept:arthropodcalledarthropod concept_insect_fleas +concept_insect_insects concept:animalsuchasinsect concept_insect_flies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_flies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_flies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_flies +concept_insect_insects concept:animalsuchasinsect concept_insect_fly +concept_insect_insects concept:animalthatfeedoninsect concept_insect_fly +concept_insect_insects concept:animalsuchasinsect concept_insect_fruit_flies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_fruit_flies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_fruit_flies +concept_insect_insects concept:animalsuchasinsect concept_insect_fungus_gnats +concept_insect_insects concept:animalthatfeedoninsect concept_insect_fungus_gnats +concept_insect_insects concept:animalsuchasinsect concept_insect_gnats +concept_insect_insects concept:animalthatfeedoninsect concept_insect_gnats +concept_insect_insects concept:arthropodandotherarthropod concept_insect_gnats +concept_insect_insects concept:arthropodcalledarthropod concept_insect_gnats +concept_insect_insects concept:animalsuchasinsect concept_insect_grasshoppers +concept_insect_insects concept:animalthatfeedoninsect concept_insect_grasshoppers +concept_insect_insects concept:arthropodandotherarthropod concept_insect_grasshoppers +concept_insect_insects concept:arthropodcalledarthropod concept_insect_grasshoppers +concept_insect_insects concept:animalsuchasinsect concept_insect_green_lacewings +concept_insect_insects concept:animalthatfeedoninsect concept_insect_green_lacewings +concept_insect_insects concept:arthropodandotherarthropod concept_insect_green_lacewings +concept_insect_insects concept:arthropodcalledarthropod concept_insect_green_lacewings +concept_insect_insects concept:animalthatfeedoninsect concept_insect_greenfly +concept_insect_insects concept:animalsuchasinvertebrate concept_insect_ground_beetles +concept_insect_insects concept:animalsuchasinsect concept_insect_grubs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_grubs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_grubs +concept_insect_insects concept:animalsuchasinsect concept_insect_honey_bees +concept_insect_insects concept:animalthatfeedoninsect concept_insect_honey_bees +concept_insect_insects concept:arthropodandotherarthropod concept_insect_honey_bees +concept_insect_insects concept:arthropodcalledarthropod concept_insect_honey_bees +concept_insect_insects concept:animalsuchasinsect concept_insect_honeybees +concept_insect_insects concept:animalthatfeedoninsect concept_insect_honeybees +concept_insect_insects concept:arthropodandotherarthropod concept_insect_honeybees +concept_insect_insects concept:arthropodcalledarthropod concept_insect_honeybees +concept_insect_insects concept:animalsuchasinsect concept_insect_house_flies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_house_flies +concept_insect_insects concept:animalpreyson concept_insect_houseflies +concept_insect_insects concept:animalsuchasinsect concept_insect_hoverflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_hoverflies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_hoverflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_hoverflies +concept_insect_insects concept:animalsuchasinsect concept_insect_insect_pests +concept_insect_insects concept:animalthatfeedoninsect concept_insect_insect_pests +concept_insect_insects concept:animalpreyson concept_insect_insects +concept_insect_insects concept:animalpreyson concept_insect_jackets +concept_insect_insects concept:animalsuchasinvertebrate concept_insect_jackets +concept_insect_insects concept:animalpreyson concept_insect_katydids +concept_insect_insects concept:animalsuchasinsect concept_insect_lacewings +concept_insect_insects concept:animalthatfeedoninsect concept_insect_lacewings +concept_insect_insects concept:arthropodandotherarthropod concept_insect_lacewings +concept_insect_insects concept:arthropodcalledarthropod concept_insect_lacewings +concept_insect_insects concept:animalsuchasinsect concept_insect_lady_beetles +concept_insect_insects concept:animalthatfeedoninsect concept_insect_lady_beetles +concept_insect_insects concept:animalsuchasinsect concept_insect_lady_bugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_lady_bugs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_lady_bugs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_lady_bugs +concept_insect_insects concept:animalsuchasinsect concept_insect_ladybirds +concept_insect_insects concept:animalthatfeedoninsect concept_insect_ladybirds +concept_insect_insects concept:arthropodandotherarthropod concept_insect_ladybirds +concept_insect_insects concept:arthropodcalledarthropod concept_insect_ladybirds +concept_insect_insects concept:animalsuchasinsect concept_insect_ladybugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_ladybugs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_ladybugs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_ladybugs +concept_insect_insects concept:animalpreyson concept_insect_larva +concept_insect_insects concept:animalsuchasinvertebrate concept_insect_larva +concept_insect_insects concept:animalsuchasinsect concept_insect_leafhoppers +concept_insect_insects concept:animalthatfeedoninsect concept_insect_leafhoppers +concept_insect_insects concept:arthropodandotherarthropod concept_insect_leafhoppers +concept_insect_insects concept:arthropodcalledarthropod concept_insect_leafhoppers +concept_insect_insects concept:animalpreyson concept_insect_mayflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_mayflies +concept_insect_insects concept:animalsuchasinsect concept_insect_mealworms +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mealworms +concept_insect_insects concept:arthropodandotherarthropod concept_insect_mealworms +concept_insect_insects concept:arthropodcalledarthropod concept_insect_mealworms +concept_insect_insects concept:animalsuchasinsect concept_insect_mealy_bugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mealy_bugs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_mealy_bugs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_mealy_bugs +concept_insect_insects concept:animalsuchasinsect concept_insect_mealybugs +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mealybugs +concept_insect_insects concept:arthropodandotherarthropod concept_insect_mealybugs +concept_insect_insects concept:arthropodcalledarthropod concept_insect_mealybugs +concept_insect_insects concept:animalsuchasinsect concept_insect_midges +concept_insect_insects concept:animalthatfeedoninsect concept_insect_midges +concept_insect_insects concept:arthropodandotherarthropod concept_insect_midges +concept_insect_insects concept:arthropodcalledarthropod concept_insect_midges +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mite +concept_insect_insects concept:animalsuchasinsect concept_insect_mites +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mites +concept_insect_insects concept:arthropodandotherarthropod concept_insect_mites +concept_insect_insects concept:arthropodcalledarthropod concept_insect_mites +concept_insect_insects concept:animalsuchasinsect concept_insect_mosquito +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mosquito +concept_insect_insects concept:animalsuchasinsect concept_insect_mosquitoes +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_insect_insects concept:animalsuchasinsect concept_insect_mosquitos +concept_insect_insects concept:animalthatfeedoninsect concept_insect_mosquitos +concept_insect_insects concept:animalsuchasinsect concept_insect_moth +concept_insect_insects concept:animalthatfeedoninsect concept_insect_moth +concept_insect_insects concept:arthropodandotherarthropod concept_insect_moth +concept_insect_insects concept:arthropodcalledarthropod concept_insect_moth +concept_insect_insects concept:animalsuchasinsect concept_insect_moths +concept_insect_insects concept:animalthatfeedoninsect concept_insect_moths +concept_insect_insects concept:arthropodandotherarthropod concept_insect_moths +concept_insect_insects concept:arthropodcalledarthropod concept_insect_moths +concept_insect_insects concept:animalthatfeedoninsect concept_insect_paper_wasps +concept_insect_insects concept:animalsuchasinsect concept_insect_parasitic_wasps +concept_insect_insects concept:animalthatfeedoninsect concept_insect_parasitic_wasps +concept_insect_insects concept:arthropodandotherarthropod concept_insect_parasitic_wasps +concept_insect_insects concept:arthropodcalledarthropod concept_insect_parasitic_wasps +concept_insect_insects concept:animalsuchasinsect concept_insect_pests +concept_insect_insects concept:animalthatfeedoninsect concept_insect_pests +concept_insect_insects concept:arthropodandotherarthropod concept_insect_pests +concept_insect_insects concept:arthropodcalledarthropod concept_insect_pests +concept_insect_insects concept:animalthatfeedoninsect concept_insect_predatory_mites +concept_insect_insects concept:animalsuchasinsect concept_insect_sand_flies +concept_insect_insects concept:animalsuchasinsect concept_insect_sandflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_sandflies +concept_insect_insects concept:animalsuchasinsect concept_insect_scale +concept_insect_insects concept:animalthatfeedoninsect concept_insect_scale +concept_insect_insects concept:arthropodandotherarthropod concept_insect_scale +concept_insect_insects concept:arthropodcalledarthropod concept_insect_scale +concept_insect_insects concept:animalsuchasinsect concept_insect_scale_insects +concept_insect_insects concept:animalthatfeedoninsect concept_insect_scale_insects +concept_insect_insects concept:arthropodandotherarthropod concept_insect_scale_insects +concept_insect_insects concept:arthropodcalledarthropod concept_insect_scale_insects +concept_insect_insects concept:animalsuchasinsect concept_insect_silverfish +concept_insect_insects concept:animalsuchasinsect concept_insect_spider_mites +concept_insect_insects concept:animalthatfeedoninsect concept_insect_spider_mites +concept_insect_insects concept:arthropodandotherarthropod concept_insect_spider_mites +concept_insect_insects concept:arthropodcalledarthropod concept_insect_spider_mites +concept_insect_insects concept:animalsuchasinsect concept_insect_termites +concept_insect_insects concept:animalthatfeedoninsect concept_insect_termites +concept_insect_insects concept:arthropodandotherarthropod concept_insect_termites +concept_insect_insects concept:arthropodcalledarthropod concept_insect_termites +concept_insect_insects concept:animalsuchasinsect concept_insect_thrips +concept_insect_insects concept:animalthatfeedoninsect concept_insect_thrips +concept_insect_insects concept:arthropodandotherarthropod concept_insect_thrips +concept_insect_insects concept:arthropodcalledarthropod concept_insect_thrips +concept_insect_insects concept:animalsuchasinsect concept_insect_ticks +concept_insect_insects concept:animalthatfeedoninsect concept_insect_ticks +concept_insect_insects concept:arthropodandotherarthropod concept_insect_ticks +concept_insect_insects concept:animalsuchasinsect concept_insect_wasps +concept_insect_insects concept:animalthatfeedoninsect concept_insect_wasps +concept_insect_insects concept:arthropodandotherarthropod concept_insect_wasps +concept_insect_insects concept:arthropodcalledarthropod concept_insect_wasps +concept_insect_insects concept:animalpreyson concept_insect_white_flies +concept_insect_insects concept:animalsuchasinvertebrate concept_insect_white_flies +concept_insect_insects concept:animalsuchasinsect concept_insect_whiteflies +concept_insect_insects concept:animalthatfeedoninsect concept_insect_whiteflies +concept_insect_insects concept:arthropodandotherarthropod concept_insect_whiteflies +concept_insect_insects concept:arthropodcalledarthropod concept_insect_whiteflies +concept_insect_insects concept:animalpreyson concept_invertebrate_bees +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_nematodes +concept_insect_insects concept:animalpreyson concept_invertebrate_nymphs +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_nymphs +concept_insect_insects concept:animalpreyson concept_invertebrate_slugs +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_soft_scales +concept_insect_insects concept:animalpreyson concept_invertebrate_worms +concept_insect_insects concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_insect_insects concept:animalpreyson concept_mammal_pets +concept_insect_insects concept:animalpreyson concept_mammal_predators +concept_insect_insects concept:animalpreyson concept_mammal_small_animals +concept_insect_insects concept:invertebratefeedonfood concept_nut_branches +concept_insect_insects concept:invertebratefeedonfood concept_nut_leaves +concept_insect_insects concept:invertebratefeedonfood concept_nut_trunk +concept_insect_insects concept:invertebratefeedonfood concept_plant_shrubs +concept_insect_insects concept:invertebratefeedonfood concept_plant_stem +concept_insect_insects concept:invertebratefeedonfood concept_plant_stems +concept_insect_insects concept:invertebratefeedonfood concept_plant_tobacco +concept_insect_insects concept:invertebratefeedonfood concept_plant_trees +concept_insect_insects concept:invertebratefeedonfood concept_vegetable_bamboo +concept_insect_insects concept:invertebratefeedonfood concept_vegetable_corn +concept_insect_insects concept:animaleatfood concept_vegetable_leaves +concept_insect_ironwood concept:proxyfor concept_creditunion_michigan +concept_insect_jackets concept:animalpreyson concept_insect_insects +concept_insect_jackets concept:animalsuchasinsect concept_insect_insects +concept_insect_laboratory concept:animalistypeofanimal concept_animal_animals001 +concept_insect_lacewings concept:animalsuchasinsect concept_insect_insects +concept_insect_lady_beetles concept:animalpreyson concept_insect_insects +concept_insect_lady_beetles concept:animalsuchasinsect concept_insect_insects +concept_insect_lady_beetles concept:arthropodandotherarthropod concept_insect_insects +concept_insect_lady_bugs concept:animalsuchasinsect concept_insect_insects +concept_insect_lady_bugs concept:animalthatfeedoninsect concept_insect_insects +concept_insect_lady_bugs concept:arthropodandotherarthropod concept_insect_insects +concept_insect_lady_bugs concept:arthropodcalledarthropod concept_insect_insects +concept_insect_ladybirds concept:animaleatfood concept_food_pests +concept_insect_ladybirds concept:animalpreyson concept_insect_insects +concept_insect_ladybirds concept:animalsuchasinsect concept_insect_insects +concept_insect_ladybirds concept:arthropodandotherarthropod concept_insect_insects +concept_insect_ladybugs concept:animalsuchasinsect concept_insect_beneficial_insects +concept_insect_ladybugs concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_insect_ladybugs concept:animalsuchasinsect concept_insect_insects +concept_insect_ladybugs concept:arthropodandotherarthropod concept_insect_insects +concept_insect_large_insects concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_large_insects concept:animalsuchasinsect concept_insect_butterflies +concept_insect_large_insects concept:animalthatfeedoninsect concept_insect_butterflies +concept_insect_large_insects concept:arthropodandotherarthropod concept_insect_butterflies +concept_insect_large_mammals concept:animalpreyson concept_animal_deer001 +concept_insect_larva concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_larva concept:animaleatfood concept_food_plant_food +concept_insect_larva concept:animaleatfood concept_food_roots +concept_insect_larva concept:animalsuchasinsect concept_insect_insects +concept_insect_larva concept:animalthatfeedoninsect concept_insect_insects +concept_insect_larva concept:animalthatfeedoninsect concept_insect_mosquito +concept_insect_larva concept:animalthatfeedoninsect concept_insect_moth +concept_insect_larva concept:animalthatfeedoninsect concept_insect_moths +concept_insect_larva concept:invertebratefeedonfood concept_nut_leaves +concept_insect_larva concept:animaleatfood concept_vegetable_leaves +concept_insect_leaf_miners concept:arthropodandotherarthropod concept_insect_pests +concept_insect_leafhoppers concept:animalsuchasinsect concept_insect_insects +concept_insect_leafhoppers concept:animalthatfeedoninsect concept_insect_insects +concept_insect_leafhoppers concept:arthropodandotherarthropod concept_insect_insects +concept_insect_leafhoppers concept:animalsuchasinsect concept_insect_pests +concept_insect_leafhoppers concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_leafhoppers concept:arthropodandotherarthropod concept_insect_pests +concept_insect_leafhoppers concept:animaleatfood concept_vegetable_leaves +concept_insect_leafminers concept:animalpreyson concept_insect_pests +concept_insect_leafminers concept:animalsuchasinsect concept_insect_pests +concept_insect_leafminers concept:arthropodandotherarthropod concept_insect_pests +concept_insect_long_tongued_bees concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_long_tongued_bees concept:animaleatfood concept_food_pollen +concept_insect_louse concept:arthropodcalledarthropod concept_arthropod_phylloxera +concept_insect_maggots concept:invertebratefeedonfood concept_food_roots +concept_insect_maggots concept:animalthatfeedoninsect concept_insect_fly +concept_insect_major_pest concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_male_mosquitoes concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_mealworms concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_mealworms concept:animalthatfeedoninsect concept_insect_insects +concept_insect_mealworms concept:arthropodcalledarthropod concept_insect_insects +concept_insect_mealy_bugs concept:animalsuchasinsect concept_insect_insects +concept_insect_mealy_bugs concept:animalthatfeedoninsect concept_insect_insects +concept_insect_mealy_bugs concept:arthropodandotherarthropod concept_insect_insects +concept_insect_mealy_bugs concept:arthropodcalledarthropod concept_insect_insects +concept_insect_mealy_bugs concept:animalsuchasinsect concept_insect_pests +concept_insect_mealy_bugs concept:animalthatfeedoninsect concept_insect_pests +concept_insect_mealy_bugs concept:arthropodandotherarthropod concept_insect_pests +concept_insect_mealybugs concept:animalthatfeedoninsect concept_insect_insects +concept_insect_mealybugs concept:animalsuchasinsect concept_insect_pests +concept_insect_mealybugs concept:animalthatfeedoninsect concept_insect_pests +concept_insect_mealybugs concept:arthropodandotherarthropod concept_insect_pests +concept_insect_mealybugs concept:invertebratefeedonfood concept_plant_plants +concept_insect_midges concept:animalsuchasinsect concept_insect_black_flies +concept_insect_midges concept:animalsuchasinsect concept_insect_flies +concept_insect_midges concept:arthropodandotherarthropod concept_insect_flies +concept_insect_midges concept:animalsuchasinsect concept_insect_insects +concept_insect_midges concept:arthropodandotherarthropod concept_insect_insects +concept_insect_midges concept:animalsuchasinsect concept_insect_pests +concept_insect_midges concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_miners concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_mite concept:animalthatfeedoninsect concept_insect_pests +concept_insect_mite_pests concept:invertebratefeedonfood concept_plant_plants +concept_insect_mites concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_mites concept:animalsuchasinsect concept_arthropod_arthropods +concept_insect_mites concept:animalsuchasinvertebrate concept_arthropod_arthropods +concept_insect_mites concept:animalthatfeedoninsect concept_arthropod_arthropods +concept_insect_mites concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_mites concept:animalsuchasinvertebrate concept_arthropod_external_parasites +concept_insect_mites concept:animalsuchasinsect concept_arthropod_secondary_pests +concept_insect_mites concept:animalthatfeedoninsect concept_arthropod_secondary_pests +concept_insect_mites concept:invertebratefeedonfood concept_food_foliage +concept_insect_mites concept:invertebratefeedonfood concept_grain_soybeans +concept_insect_mites concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_mites concept:animalsuchasinsect concept_insect_bugs +concept_insect_mites concept:animalsuchasinvertebrate concept_insect_bugs +concept_insect_mites concept:animalthatfeedoninsect concept_insect_bugs +concept_insect_mites concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_mites concept:animalsuchasinsect concept_insect_insect_pests +concept_insect_mites concept:animalsuchasinvertebrate concept_insect_insect_pests +concept_insect_mites concept:animalthatfeedoninsect concept_insect_insect_pests +concept_insect_mites concept:arthropodandotherarthropod concept_insect_insect_pests +concept_insect_mites concept:animalsuchasinsect concept_insect_insects +concept_insect_mites concept:animalthatfeedoninsect concept_insect_insects +concept_insect_mites concept:arthropodandotherarthropod concept_insect_insects +concept_insect_mites concept:animalsuchasinsect concept_insect_pests +concept_insect_mites concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_mites concept:animalthatfeedoninsect concept_insect_pests +concept_insect_mites concept:arthropodandotherarthropod concept_insect_pests +concept_insect_mites concept:invertebratefeedonfood concept_meat_dog +concept_insect_mites concept:invertebratefeedonfood concept_nut_leaves +concept_insect_mites concept:invertebratefeedonfood concept_plant_plants +concept_insect_mites concept:invertebratefeedonfood concept_vegetable_cat +concept_insect_mole_crickets concept:invertebratefeedonfood concept_food_roots +concept_insect_mosquito concept:invertebratefeedonfood concept_beverage_blood +concept_insect_mosquito concept:animalsuchasinsect concept_insect_fly +concept_insect_mosquito concept:animalthatfeedoninsect concept_insect_fly +concept_insect_mosquito concept:arthropodandotherarthropod concept_insect_fly +concept_insect_mosquito concept:arthropodcalledarthropod concept_insect_fly +concept_insect_mosquito_larvae concept:animalpreyson concept_crustacean_shrimp +concept_insect_mosquito_larvae concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_insect_mosquito_larvae concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_insect_mosquito_larvae concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_insect_mosquitoes concept:animalsuchasinsect concept_arthropod_arthropods +concept_insect_mosquitoes concept:arthropodandotherarthropod concept_arthropod_arthropods +concept_insect_mosquitoes concept:invertebratefeedonfood concept_beverage_blood +concept_insect_mosquitoes concept:animaleatfood concept_beverage_nectar +concept_insect_mosquitoes concept:animaleatfood concept_beverage_sugar +concept_insect_mosquitoes concept:animaleatfood concept_food_sugars +concept_insect_mosquitoes concept:animalsuchasinsect concept_insect_bugs +concept_insect_mosquitoes concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_mosquitoes concept:animalsuchasinsect concept_insect_flies +concept_insect_mosquitoes concept:arthropodandotherarthropod concept_insect_flies +concept_insect_mosquitoes concept:animalsuchasinsect concept_insect_insects +concept_insect_mosquitoes concept:arthropodandotherarthropod concept_insect_insects +concept_insect_mosquitoes concept:animalsuchasinsect concept_insect_pests +concept_insect_mosquitoes concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_mosquitoes concept:arthropodandotherarthropod concept_insect_pests +concept_insect_mosquitoes concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_insect_mosquitos concept:animalsuchasinsect concept_insect_bugs +concept_insect_mosquitos concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_mosquitos concept:animalsuchasinsect concept_insect_flies +concept_insect_mosquitos concept:arthropodandotherarthropod concept_insect_flies +concept_insect_mosquitos concept:animalsuchasinsect concept_insect_insects +concept_insect_mosquitos concept:arthropodandotherarthropod concept_insect_insects +concept_insect_mosquitos concept:animalsuchasinsect concept_insect_pests +concept_insect_mosquitos concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_mosquitos concept:arthropodandotherarthropod concept_insect_pests +concept_insect_moth concept:invertebratefeedonfood concept_food_roots +concept_insect_moth concept:animalsuchasinvertebrate concept_insect_caterpillars +concept_insect_moth concept:animalsuchasinsect concept_insect_insects +concept_insect_moth concept:arthropodandotherarthropod concept_insect_insects +concept_insect_moth concept:animalsuchasinsect concept_insect_pests +concept_insect_moth concept:arthropodandotherarthropod concept_insect_pests +concept_insect_moths concept:animalsuchasinsect concept_arthropod_pollinators +concept_insect_moths concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_moths concept:invertebratefeedonfood concept_food_foliage +concept_insect_moths concept:animalsuchasinsect concept_insect_insects +concept_insect_moths concept:arthropodandotherarthropod concept_insect_insects +concept_insect_moths concept:animalsuchasinsect concept_insect_pests +concept_insect_moths concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_moths concept:arthropodandotherarthropod concept_insect_pests +concept_insect_moths concept:invertebratefeedonfood concept_plant_plants +concept_insect_parasitic_wasps concept:animalpreyson concept_insect_insects +concept_insect_parasitic_wasps concept:animalsuchasinsect concept_insect_insects +concept_insect_parasitic_wasps concept:arthropodandotherarthropod concept_insect_insects +concept_insect_parasitoids concept:animalsuchasinsect concept_insect_insects +concept_insect_parasitoids concept:animalthatfeedoninsect concept_insect_insects +concept_insect_parasitoids concept:arthropodandotherarthropod concept_insect_insects +concept_insect_performance concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_pest concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_pest concept:invertebratefeedonfood concept_plant_plants +concept_insect_pest concept:invertebratefeedonfood concept_plant_trees +concept_insect_pest_insects concept:agentcompeteswithagent concept_insect_insects +concept_insect_pest_insects concept:animalsuchasinvertebrate concept_insect_insects +concept_insect_pest_insects concept:specializationof concept_insect_insects +concept_insect_pest_insects concept:invertebratefeedonfood concept_plant_plants +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_cotton +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_flowers +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_maize +concept_insect_pests concept:animaleatfood concept_agriculturalproduct_plants +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_varieties +concept_insect_pests concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_pests concept:animalpreyson concept_animal_deer001 +concept_insect_pests concept:animalpreyson concept_animal_gophers +concept_insect_pests concept:animalpreyson concept_animal_mice001 +concept_insect_pests concept:animalpreyson concept_animal_stoats +concept_insect_pests concept:arthropodcalledarthropod concept_arachnid_ticks +concept_insect_pests concept:animalsuchasinsect concept_arthropod_crickets +concept_insect_pests concept:animalthatfeedoninsect concept_arthropod_crickets +concept_insect_pests concept:arthropodandotherarthropod concept_arthropod_crickets +concept_insect_pests concept:animalsuchasinsect concept_arthropod_lice +concept_insect_pests concept:animalthatfeedoninsect concept_arthropod_lice +concept_insect_pests concept:animalpreyson concept_arthropod_raccoons +concept_insect_pests concept:animalsuchasinvertebrate concept_arthropod_raccoons +concept_insect_pests concept:animalsuchasinsect concept_arthropod_roaches +concept_insect_pests concept:animalthatfeedoninsect concept_arthropod_roaches +concept_insect_pests concept:arthropodandotherarthropod concept_arthropod_roaches +concept_insect_pests concept:arthropodcalledarthropod concept_arthropod_roaches +concept_insect_pests concept:animalsuchasinsect concept_arthropod_snails +concept_insect_pests concept:animalthatfeedoninsect concept_arthropod_snails +concept_insect_pests concept:arthropodandotherarthropod concept_arthropod_snails +concept_insect_pests concept:arthropodcalledarthropod concept_arthropod_snails +concept_insect_pests concept:animalpreyson concept_arthropod_spiders +concept_insect_pests concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_insect_pests concept:arthropodcalledarthropod concept_arthropod_spiders +concept_insect_pests concept:animalsuchasinsect concept_arthropod_yellow_jackets +concept_insect_pests concept:animalthatfeedoninsect concept_arthropod_yellow_jackets +concept_insect_pests concept:invertebratefeedonfood concept_food_foliage +concept_insect_pests concept:invertebratefeedonfood concept_food_garden +concept_insect_pests concept:invertebratefeedonfood concept_food_leaf +concept_insect_pests concept:invertebratefeedonfood concept_food_native_plants +concept_insect_pests concept:invertebratefeedonfood concept_food_roots +concept_insect_pests concept:invertebratefeedonfood concept_fruit_agricultural_crops +concept_insect_pests concept:invertebratefeedonfood concept_fruit_crop_varieties +concept_insect_pests concept:invertebratefeedonfood concept_fruit_vegetables +concept_insect_pests concept:animalsuchasinsect concept_insect_ants +concept_insect_pests concept:animalthatfeedoninsect concept_insect_ants +concept_insect_pests concept:arthropodandotherarthropod concept_insect_ants +concept_insect_pests concept:arthropodcalledarthropod concept_insect_ants +concept_insect_pests concept:animalsuchasinsect concept_insect_aphids +concept_insect_pests concept:animalthatfeedoninsect concept_insect_aphids +concept_insect_pests concept:arthropodandotherarthropod concept_insect_aphids +concept_insect_pests concept:arthropodcalledarthropod concept_insect_aphids +concept_insect_pests concept:animalthatfeedoninsect concept_insect_armyworms +concept_insect_pests concept:animalsuchasinsect concept_insect_bed_bugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_bed_bugs +concept_insect_pests concept:animalpreyson concept_insect_bedbugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_beetle +concept_insect_pests concept:animalsuchasinvertebrate concept_insect_beetles +concept_insect_pests concept:animalthatfeedoninsect concept_insect_beetles +concept_insect_pests concept:arthropodandotherarthropod concept_insect_beetles +concept_insect_pests concept:arthropodcalledarthropod concept_insect_beetles +concept_insect_pests concept:animalsuchasinsect concept_insect_beneficial_insects +concept_insect_pests concept:animalthatfeedoninsect concept_insect_beneficial_insects +concept_insect_pests concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_insect_pests concept:animalsuchasinsect concept_insect_borers +concept_insect_pests concept:animalthatfeedoninsect concept_insect_borers +concept_insect_pests concept:arthropodandotherarthropod concept_insect_borers +concept_insect_pests concept:animalsuchasinsect concept_insect_bugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_bugs +concept_insect_pests concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_pests concept:arthropodcalledarthropod concept_insect_bugs +concept_insect_pests concept:animalsuchasinsect concept_insect_carpenter_ants +concept_insect_pests concept:animalthatfeedoninsect concept_insect_carpenter_ants +concept_insect_pests concept:arthropodandotherarthropod concept_insect_carpenter_ants +concept_insect_pests concept:animalsuchasinsect concept_insect_caterpillars +concept_insect_pests concept:animalthatfeedoninsect concept_insect_caterpillars +concept_insect_pests concept:arthropodandotherarthropod concept_insect_caterpillars +concept_insect_pests concept:arthropodcalledarthropod concept_insect_caterpillars +concept_insect_pests concept:animalsuchasinsect concept_insect_cockroaches +concept_insect_pests concept:animalthatfeedoninsect concept_insect_cockroaches +concept_insect_pests concept:arthropodandotherarthropod concept_insect_cockroaches +concept_insect_pests concept:arthropodcalledarthropod concept_insect_cockroaches +concept_insect_pests concept:animalsuchasinsect concept_insect_cutworms +concept_insect_pests concept:animalthatfeedoninsect concept_insect_cutworms +concept_insect_pests concept:animalthatfeedoninsect concept_insect_earwigs +concept_insect_pests concept:animalsuchasinsect concept_insect_fleas +concept_insect_pests concept:animalthatfeedoninsect concept_insect_fleas +concept_insect_pests concept:arthropodandotherarthropod concept_insect_fleas +concept_insect_pests concept:arthropodcalledarthropod concept_insect_fleas +concept_insect_pests concept:animalsuchasinsect concept_insect_flies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_flies +concept_insect_pests concept:arthropodandotherarthropod concept_insect_flies +concept_insect_pests concept:arthropodcalledarthropod concept_insect_flies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_fly +concept_insect_pests concept:animalsuchasinsect concept_insect_fruit_flies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_fruit_flies +concept_insect_pests concept:animalsuchasinsect concept_insect_fruit_fly +concept_insect_pests concept:animalsuchasinsect concept_insect_gnats +concept_insect_pests concept:animalthatfeedoninsect concept_insect_gnats +concept_insect_pests concept:arthropodandotherarthropod concept_insect_gnats +concept_insect_pests concept:animalsuchasinsect concept_insect_grasshoppers +concept_insect_pests concept:animalthatfeedoninsect concept_insect_grasshoppers +concept_insect_pests concept:arthropodandotherarthropod concept_insect_grasshoppers +concept_insect_pests concept:arthropodcalledarthropod concept_insect_grasshoppers +concept_insect_pests concept:animalsuchasinsect concept_insect_grubs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_grubs +concept_insect_pests concept:animalsuchasinsect concept_insect_gypsy_moth +concept_insect_pests concept:animalpreyson concept_insect_house_flies +concept_insect_pests concept:animalsuchasinsect concept_insect_houseflies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_houseflies +concept_insect_pests concept:arthropodcalledarthropod concept_insect_houseflies +concept_insect_pests concept:animalsuchasinsect concept_insect_insects +concept_insect_pests concept:animalthatfeedoninsect concept_insect_insects +concept_insect_pests concept:arthropodandotherarthropod concept_insect_insects +concept_insect_pests concept:arthropodcalledarthropod concept_insect_insects +concept_insect_pests concept:animalthatfeedoninsect concept_insect_lacewings +concept_insect_pests concept:animalthatfeedoninsect concept_insect_ladybugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_leaf_miners +concept_insect_pests concept:arthropodandotherarthropod concept_insect_leaf_miners +concept_insect_pests concept:animalsuchasinsect concept_insect_leafhoppers +concept_insect_pests concept:animalthatfeedoninsect concept_insect_leafhoppers +concept_insect_pests concept:arthropodandotherarthropod concept_insect_leafhoppers +concept_insect_pests concept:arthropodcalledarthropod concept_insect_leafhoppers +concept_insect_pests concept:animalsuchasinsect concept_insect_leafminers +concept_insect_pests concept:animalthatfeedoninsect concept_insect_leafminers +concept_insect_pests concept:animalsuchasinsect concept_insect_mealy_bugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_mealy_bugs +concept_insect_pests concept:arthropodandotherarthropod concept_insect_mealy_bugs +concept_insect_pests concept:arthropodcalledarthropod concept_insect_mealy_bugs +concept_insect_pests concept:animalsuchasinsect concept_insect_mealybugs +concept_insect_pests concept:animalthatfeedoninsect concept_insect_mealybugs +concept_insect_pests concept:arthropodandotherarthropod concept_insect_mealybugs +concept_insect_pests concept:animalsuchasinsect concept_insect_midges +concept_insect_pests concept:animalthatfeedoninsect concept_insect_midges +concept_insect_pests concept:animalthatfeedoninsect concept_insect_mite +concept_insect_pests concept:arthropodandotherarthropod concept_insect_mite +concept_insect_pests concept:animalpreyson concept_insect_mites +concept_insect_pests concept:animalsuchasinsect concept_insect_mites +concept_insect_pests concept:arthropodandotherarthropod concept_insect_mites +concept_insect_pests concept:arthropodcalledarthropod concept_insect_mites +concept_insect_pests concept:animalsuchasinsect concept_insect_mosquitoes +concept_insect_pests concept:animalthatfeedoninsect concept_insect_mosquitoes +concept_insect_pests concept:arthropodandotherarthropod concept_insect_mosquitoes +concept_insect_pests concept:arthropodcalledarthropod concept_insect_mosquitoes +concept_insect_pests concept:animalsuchasinsect concept_insect_mosquitos +concept_insect_pests concept:animalthatfeedoninsect concept_insect_mosquitos +concept_insect_pests concept:animalsuchasinsect concept_insect_moth +concept_insect_pests concept:animalthatfeedoninsect concept_insect_moth +concept_insect_pests concept:arthropodandotherarthropod concept_insect_moth +concept_insect_pests concept:arthropodcalledarthropod concept_insect_moth +concept_insect_pests concept:animalsuchasinsect concept_insect_moths +concept_insect_pests concept:animalthatfeedoninsect concept_insect_moths +concept_insect_pests concept:arthropodandotherarthropod concept_insect_moths +concept_insect_pests concept:arthropodcalledarthropod concept_insect_moths +concept_insect_pests concept:animalthatfeedoninsect concept_insect_predatory_insects +concept_insect_pests concept:animalsuchasinsect concept_insect_scale +concept_insect_pests concept:animalthatfeedoninsect concept_insect_scale +concept_insect_pests concept:animalsuchasinsect concept_insect_silverfish +concept_insect_pests concept:animalthatfeedoninsect concept_insect_silverfish +concept_insect_pests concept:arthropodandotherarthropod concept_insect_silverfish +concept_insect_pests concept:arthropodcalledarthropod concept_insect_silverfish +concept_insect_pests concept:animalsuchasinsect concept_insect_spider_mites +concept_insect_pests concept:animalthatfeedoninsect concept_insect_spider_mites +concept_insect_pests concept:arthropodandotherarthropod concept_insect_spider_mites +concept_insect_pests concept:animalsuchasinsect concept_insect_termites +concept_insect_pests concept:animalthatfeedoninsect concept_insect_termites +concept_insect_pests concept:arthropodandotherarthropod concept_insect_termites +concept_insect_pests concept:arthropodcalledarthropod concept_insect_termites +concept_insect_pests concept:animalsuchasinsect concept_insect_thrips +concept_insect_pests concept:animalthatfeedoninsect concept_insect_thrips +concept_insect_pests concept:arthropodandotherarthropod concept_insect_thrips +concept_insect_pests concept:arthropodcalledarthropod concept_insect_thrips +concept_insect_pests concept:animalsuchasinsect concept_insect_ticks +concept_insect_pests concept:animalthatfeedoninsect concept_insect_ticks +concept_insect_pests concept:arthropodandotherarthropod concept_insect_ticks +concept_insect_pests concept:animalsuchasinsect concept_insect_trojans +concept_insect_pests concept:animalsuchasinsect concept_insect_wasps +concept_insect_pests concept:animalthatfeedoninsect concept_insect_wasps +concept_insect_pests concept:arthropodandotherarthropod concept_insect_wasps +concept_insect_pests concept:arthropodcalledarthropod concept_insect_wasps +concept_insect_pests concept:animalsuchasinsect concept_insect_weevils +concept_insect_pests concept:animalthatfeedoninsect concept_insect_weevils +concept_insect_pests concept:animalsuchasinsect concept_insect_white_flies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_white_flies +concept_insect_pests concept:arthropodandotherarthropod concept_insect_white_flies +concept_insect_pests concept:arthropodcalledarthropod concept_insect_white_flies +concept_insect_pests concept:animalsuchasinsect concept_insect_whiteflies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_whiteflies +concept_insect_pests concept:arthropodandotherarthropod concept_insect_whiteflies +concept_insect_pests concept:animalthatfeedoninsect concept_insect_whitefly +concept_insect_pests concept:animalpreyson concept_invertebrate_bees +concept_insect_pests concept:animalsuchasinvertebrate concept_invertebrate_bees +concept_insect_pests concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_insect_pests concept:animalsuchasinvertebrate concept_invertebrate_nematodes +concept_insect_pests concept:animalpreyson concept_invertebrate_possums +concept_insect_pests concept:animalpreyson concept_invertebrate_slugs +concept_insect_pests concept:animalsuchasinvertebrate concept_invertebrate_slugs +concept_insect_pests concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_insect_pests concept:invertebratefeedonfood concept_legume_rice +concept_insect_pests concept:invertebratefeedonfood concept_legume_vines +concept_insect_pests concept:animalistypeofanimal concept_mammal_cats +concept_insect_pests concept:animalistypeofanimal concept_mammal_foxes +concept_insect_pests concept:animalpreyson concept_mammal_foxes +concept_insect_pests concept:animalpreyson concept_mammal_rabbits +concept_insect_pests concept:animalpreyson concept_mammal_rats +concept_insect_pests concept:animalpreyson concept_mammal_rodents +concept_insect_pests concept:animalpreyson concept_mammal_squirrels +concept_insect_pests concept:invertebratefeedonfood concept_nut_leaves +concept_insect_pests concept:invertebratefeedonfood concept_plant_fruit_trees +concept_insect_pests concept:invertebratefeedonfood concept_plant_plants +concept_insect_pests concept:invertebratefeedonfood concept_plant_trees +concept_insect_pests concept:invertebratefeedonfood concept_wine_area +concept_insect_pheasant concept:animalistypeofanimal concept_animal_birds003 +concept_insect_photo concept:agentinvolvedwithitem concept_buildingfeature_home +concept_insect_photo concept:agentinvolvedwithitem concept_buildingfeature_window +concept_insect_photo concept:agentcreated concept_hobby_click +concept_insect_photo concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_insect_photo concept:agentcreated concept_website_download +concept_insect_potato concept:animaleatfood concept_legume_rice +concept_insect_questions concept:specializationof concept_insect_site +concept_insect_raccoon concept:animalistypeofanimal concept_animal_animals001 +concept_insect_raccoon concept:animalpreyson concept_animal_animals001 +concept_insect_recluse_spider concept:agentcompeteswithagent concept_insect_brown_recluse +concept_insect_recluse_spider concept:arthropodandotherarthropod concept_insect_brown_recluse +concept_insect_responses concept:specializationof concept_insect_questions +concept_insect_sac_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_sandflies concept:animalpreyson concept_insect_insects +concept_insect_sandflies concept:animalsuchasinsect concept_insect_insects +concept_insect_sandflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_scale concept:animalsuchasinsect concept_insect_insects +concept_insect_scale concept:animalthatfeedoninsect concept_insect_insects +concept_insect_scale concept:arthropodandotherarthropod concept_insect_insects +concept_insect_scale concept:arthropodcalledarthropod concept_insect_insects +concept_insect_scale concept:animalsuchasinsect concept_insect_pests +concept_insect_scale concept:arthropodandotherarthropod concept_insect_pests +concept_insect_scale_insects concept:animalsuchasinsect concept_insect_insects +concept_insect_scale_insects concept:animalthatfeedoninsect concept_insect_insects +concept_insect_scale_insects concept:arthropodandotherarthropod concept_insect_insects +concept_insect_scale_insects concept:arthropodcalledarthropod concept_insect_insects +concept_insect_scale_insects concept:invertebratefeedonfood concept_plant_plants +concept_insect_selections concept:agentinvolvedwithitem concept_buildingfeature_window +concept_insect_selections concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_insect_serious_pest concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_insect_serious_pest concept:invertebratefeedonfood concept_plant_trees +concept_insect_silverfish concept:agentcompeteswithagent concept_insect_insects +concept_insect_silverfish concept:animalsuchasinsect concept_insect_pests +concept_insect_silverfish concept:animalthatfeedoninsect concept_insect_pests +concept_insect_silverfish concept:arthropodandotherarthropod concept_insect_pests +concept_insect_silverfish concept:arthropodcalledarthropod concept_insect_pests +concept_insect_small_bees concept:invertebratefeedonfood concept_beverage_nectar +concept_insect_small_insects concept:animalsuchasinsect concept_insect_ants +concept_insect_small_insects concept:animalthatfeedoninsect concept_insect_ants +concept_insect_small_insects concept:arthropodandotherarthropod concept_insect_ants +concept_insect_small_insects concept:arthropodcalledarthropod concept_insect_ants +concept_insect_small_insects concept:animalsuchasinsect concept_insect_flies +concept_insect_small_insects concept:animalsuchasinvertebrate concept_insect_flies +concept_insect_small_insects concept:arthropodcalledarthropod concept_insect_flies +concept_insect_small_insects concept:animalsuchasinsect concept_insect_moths +concept_insect_small_insects concept:animalthatfeedoninsect concept_insect_moths +concept_insect_small_insects concept:invertebratefeedonfood concept_nut_leaves +concept_insect_small_rodents concept:animalistypeofanimal concept_animal_animals001 +concept_insect_small_rodents concept:specializationof concept_animal_animals001 +concept_insect_small_rodents concept:animalpreyson concept_animal_mice001 +concept_insect_small_rodents concept:animalistypeofanimal concept_arthropod_prey +concept_insect_small_rodents concept:animalistypeofanimal concept_mammal_rats +concept_insect_small_rodents concept:animalpreyson concept_mammal_rats +concept_insect_sparrows concept:agentcompeteswithagent concept_animal_birds003 +concept_insect_spectacle concept:proxyfor concept_book_new +concept_insect_spider_mites concept:animalsuchasinsect concept_insect_bugs +concept_insect_spider_mites concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_spider_mites concept:animalsuchasinsect concept_insect_insects +concept_insect_spider_mites concept:animalthatfeedoninsect concept_insect_insects +concept_insect_spider_mites concept:arthropodandotherarthropod concept_insect_insects +concept_insect_spider_mites concept:animalsuchasinsect concept_insect_pests +concept_insect_spider_mites concept:animalthatfeedoninsect concept_insect_pests +concept_insect_spider_mites concept:arthropodandotherarthropod concept_insect_pests +concept_insect_spider_mites concept:invertebratefeedonfood concept_nut_leaves +concept_insect_spider_mites concept:invertebratefeedonfood concept_plant_plants +concept_insect_spinach concept:animaleatvegetable concept_vegetable_corn +concept_insect_spinach concept:animaleatvegetable concept_vegetable_cranberries +concept_insect_subject concept:agentcompeteswithagent concept_personcanada_search +concept_insect_subterranean_termites concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_termites concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_insect_termites concept:animalsuchasinsect concept_insect_insects +concept_insect_termites concept:arthropodandotherarthropod concept_insect_insects +concept_insect_termites concept:animalsuchasinsect concept_insect_pests +concept_insect_termites concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_termites concept:arthropodandotherarthropod concept_insect_pests +concept_insect_texas_a_m_university concept:atdate concept_dateliteral_n2008 +concept_insect_thrips concept:animalsuchasinsect concept_insect_bugs +concept_insect_thrips concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_thrips concept:animalsuchasinsect concept_insect_insects +concept_insect_thrips concept:animalthatfeedoninsect concept_insect_insects +concept_insect_thrips concept:arthropodandotherarthropod concept_insect_insects +concept_insect_thrips concept:animalsuchasinsect concept_insect_pests +concept_insect_thrips concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_thrips concept:animalthatfeedoninsect concept_insect_pests +concept_insect_thrips concept:arthropodandotherarthropod concept_insect_pests +concept_insect_ticks concept:animalsuchasinsect concept_arthropod_arthropods +concept_insect_ticks concept:animalsuchasinvertebrate concept_arthropod_external_parasites +concept_insect_ticks concept:arthropodandotherarthropod concept_insect_arachnids +concept_insect_ticks concept:animalsuchasinsect concept_insect_bugs +concept_insect_ticks concept:animalsuchasinvertebrate concept_insect_bugs +concept_insect_ticks concept:arthropodandotherarthropod concept_insect_bugs +concept_insect_ticks concept:animalpreyson concept_insect_ectoparasites +concept_insect_ticks concept:animalsuchasinsect concept_insect_ectoparasites +concept_insect_ticks concept:arthropodandotherarthropod concept_insect_ectoparasites +concept_insect_ticks concept:animalsuchasinsect concept_insect_insects +concept_insect_ticks concept:arthropodandotherarthropod concept_insect_insects +concept_insect_ticks concept:animalsuchasinsect concept_insect_pests +concept_insect_ticks concept:arthropodandotherarthropod concept_insect_pests +concept_insect_ticks concept:invertebratefeedonfood concept_meat_dog +concept_insect_ticks concept:invertebratefeedonfood concept_vegetable_cat +concept_insect_tissue concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_tomatoes concept:animaleatvegetable concept_vegetable_greens +concept_insect_treatment concept:agentparticipatedinevent concept_eventoutcome_result +concept_insect_trojans concept:agentcontrols concept_coach_carroll +concept_insect_wasp concept:arthropodcalledarthropod concept_arthropod_yellowjacket +concept_insect_wasps concept:animalistypeofanimal concept_animal_animals001 +concept_insect_wasps concept:animalsuchasinsect concept_arthropod_pollinators +concept_insect_wasps concept:animalsuchasinsect concept_insect_beneficial_insects +concept_insect_wasps concept:arthropodandotherarthropod concept_insect_beneficial_insects +concept_insect_wasps concept:animalpreyson concept_insect_insects +concept_insect_wasps concept:animalsuchasinsect concept_insect_insects +concept_insect_wasps concept:arthropodandotherarthropod concept_insect_insects +concept_insect_wasps concept:animalsuchasinsect concept_insect_pests +concept_insect_wasps concept:animalsuchasinvertebrate concept_insect_pests +concept_insect_wasps concept:animalthatfeedoninsect concept_insect_pests +concept_insect_wasps concept:arthropodandotherarthropod concept_insect_pests +concept_insect_weevils concept:animalpreyson concept_insect_pests +concept_insect_weevils concept:animalsuchasinsect concept_insect_pests +concept_insect_weevils concept:arthropodandotherarthropod concept_insect_pests +concept_insect_white_flies concept:animalsuchasinsect concept_insect_pests +concept_insect_white_flies concept:arthropodandotherarthropod concept_insect_pests +concept_insect_white_flies concept:arthropodcalledarthropod concept_insect_pests +concept_insect_white_grubs concept:invertebratefeedonfood concept_food_roots +concept_insect_whiteflies concept:animalsuchasinsect concept_insect_insects +concept_insect_whiteflies concept:animalthatfeedoninsect concept_insect_insects +concept_insect_whiteflies concept:arthropodandotherarthropod concept_insect_insects +concept_insect_whiteflies concept:arthropodcalledarthropod concept_insect_insects +concept_insect_whiteflies concept:animalsuchasinsect concept_insect_pests +concept_insect_whiteflies concept:animalthatfeedoninsect concept_insect_pests +concept_insect_whitefly concept:animalsuchasinsect concept_insect_pests +concept_insect_whitefly concept:animalthatfeedoninsect concept_insect_pests +concept_insect_whites concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_insect_widow_spiders concept:agentcompeteswithagent concept_arthropod_spiders +concept_insect_widow_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_widow_spiders concept:arthropodcalledarthropod concept_arthropod_spiders +concept_insect_wingless_insects concept:invertebratefeedonfood concept_beverage_blood +concept_insect_wolf_spiders concept:arthropodandotherarthropod concept_arthropod_spiders +concept_insect_young_larvae concept:invertebratefeedonfood concept_legume_bark +concept_insect_young_larvae concept:invertebratefeedonfood concept_nut_leaves +concept_invertebrate_amphibians concept:animalpreyson concept_animal_animals001 +concept_invertebrate_amphibians concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_amphibians concept:animaleatfood concept_food_insects +concept_invertebrate_antagonist concept:agentparticipatedinevent concept_sportsgame_series +concept_invertebrate_bees concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_bees concept:animalistypeofanimal concept_arthropod_invertebrates +concept_invertebrate_bees concept:animalsuchasinsect concept_arthropod_pollinators +concept_invertebrate_bees concept:invertebratefeedonfood concept_beverage_nectar +concept_invertebrate_bees concept:animaleatfood concept_food_important_nectar +concept_invertebrate_bees concept:invertebratefeedonfood concept_food_pollen +concept_invertebrate_bees concept:animaleatfood concept_food_valuable_food +concept_invertebrate_bees concept:animaleatfood concept_food_valuable_nectar +concept_invertebrate_bees concept:animalsuchasinsect concept_insect_beneficial_insects +concept_invertebrate_bees concept:animalsuchasinsect concept_insect_bugs +concept_invertebrate_bees concept:agentcompeteswithagent concept_insect_insects +concept_invertebrate_bees concept:animalsuchasinsect concept_insect_insects +concept_invertebrate_bees concept:animalsuchasinsect concept_insect_pests +concept_invertebrate_bees concept:animalpreyson concept_invertebrate_bees +concept_invertebrate_bees concept:invertebratefeedonfood concept_legume_ground +concept_invertebrate_bees concept:animaleatfood concept_plant_wildflowers +concept_invertebrate_biological_control concept:animalthatfeedoninsect concept_insect_insects +concept_invertebrate_biological_control concept:animalthatfeedoninsect concept_insect_pests +concept_invertebrate_bivalves concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_bivalves concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_invertebrate_black_worms concept:animalpreyson concept_crustacean_shrimp +concept_invertebrate_black_worms concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_invertebrate_black_worms concept:arthropodandotherarthropod concept_crustacean_shrimp +concept_invertebrate_black_worms concept:arthropodcalledarthropod concept_crustacean_shrimp +concept_invertebrate_cattle concept:animalpreyson concept_agriculturalproduct_goats +concept_invertebrate_cattle concept:agentcompeteswithagent concept_agriculturalproduct_livestock +concept_invertebrate_cattle concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_cattle concept:animalpreyson concept_animal_animals001 +concept_invertebrate_cattle concept:specializationof concept_animal_animals001 +concept_invertebrate_cattle concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_cattle concept:agentcompeteswithagent concept_animal_herbivores +concept_invertebrate_cattle concept:specializationof concept_animal_herbivores +concept_invertebrate_cattle concept:animalistypeofanimal concept_animal_large_animals +concept_invertebrate_cattle concept:animalistypeofanimal concept_animal_mammals001 +concept_invertebrate_cattle concept:agentcompeteswithagent concept_comedian_domestic_animals +concept_invertebrate_cattle concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_cattle concept:animalpreyson concept_invertebrate_cattle +concept_invertebrate_cattle concept:specializationof concept_vertebrate_ruminants +concept_invertebrate_cephalopods concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_coastal_areas concept:proxyfor concept_book_new +concept_invertebrate_common_pests concept:invertebratefeedonfood concept_plant_plants +concept_invertebrate_corals concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_corals concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_corals concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_corals concept:animalistypeofanimal concept_animal_organisms +concept_invertebrate_corals concept:animalsuchasinvertebrate concept_arthropod_invertebrates +concept_invertebrate_corals concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_cranes concept:agentcompeteswithagent concept_animal_animals001 +concept_invertebrate_cranes concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_cranes concept:agentcompeteswithagent concept_animal_birds003 +concept_invertebrate_cranes concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_cranes concept:specializationof concept_animal_birds003 +concept_invertebrate_crank_baits concept:animalsuchasfish concept_fish_bass +concept_invertebrate_crankbaits concept:animalsuchasfish concept_fish_bass +concept_invertebrate_crows concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_crows concept:animalpreyson concept_animal_animals001 +concept_invertebrate_crows concept:agentcompeteswithagent concept_animal_birds003 +concept_invertebrate_crows concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_crows concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_crows concept:animalpreyson concept_mammal_predators +concept_invertebrate_crustaceans concept:animalsuchasinvertebrate concept_agriculturalproduct_shrimps +concept_invertebrate_crustaceans concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_crustaceans concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_crustaceans concept:animalistypeofanimal concept_animal_organisms +concept_invertebrate_crustaceans concept:animalsuchasinsect concept_arthropod_invertebrates +concept_invertebrate_crustaceans concept:animalsuchasinvertebrate concept_crustacean_crayfish +concept_invertebrate_crustaceans concept:animalsuchasinvertebrate concept_crustacean_lobster +concept_invertebrate_crustaceans concept:animalsuchasinvertebrate concept_crustacean_lobsters +concept_invertebrate_crustaceans concept:animalsuchasinsect concept_insect_crabs +concept_invertebrate_crustaceans concept:animalthatfeedoninsect concept_insect_crabs +concept_invertebrate_echinoderms concept:agentcompeteswithagent concept_invertebrate_starfish +concept_invertebrate_egrets concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_egrets concept:animalpreyson concept_animal_birds003 +concept_invertebrate_finches concept:agentcompeteswithagent concept_animal_birds003 +concept_invertebrate_finches concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_finches concept:specializationof concept_animal_birds003 +concept_invertebrate_footage concept:agentinvolvedwithitem concept_hallwayitem_windows +concept_invertebrate_graze concept:ismultipleof concept_mammal_antelope +concept_invertebrate_gulls concept:specializationof concept_animal_animals001 +concept_invertebrate_gulls concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_gulls concept:animalpreyson concept_animal_birds003 +concept_invertebrate_hedgehogs concept:animalpreyson concept_animal_animals001 +concept_invertebrate_hedgehogs concept:animalistypeofanimal concept_animal_mammals001 +concept_invertebrate_hedgehogs concept:animalpreyson concept_reptile_pets +concept_invertebrate_information_page concept:agentcreated concept_programminglanguage_contact +concept_invertebrate_infusoria concept:animalistypeofanimal concept_crustacean_shrimp +concept_invertebrate_infusoria concept:animalpreyson concept_crustacean_shrimp +concept_invertebrate_infusoria concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_invertebrate_insect_attack concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_instar_larvae concept:invertebratefeedonfood concept_nut_leaves +concept_invertebrate_instars concept:invertebratefeedonfood concept_nut_leaves +concept_invertebrate_inverts concept:animalsuchasinvertebrate concept_insect_crabs +concept_invertebrate_inverts concept:animalthatfeedoninsect concept_insect_crabs +concept_invertebrate_isolation concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_kittiwakes concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_larvae concept:invertebratefeedonfood concept_agriculturalproduct_tree +concept_invertebrate_larvae concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_animal_caddis +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_arthropod_flea +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_arthropod_invertebrates +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_arthropod_mayfly_nymphs +concept_invertebrate_larvae concept:invertebratefeedonfood concept_food_foliage +concept_invertebrate_larvae concept:invertebratefeedonfood concept_food_leaf +concept_invertebrate_larvae concept:invertebratefeedonfood concept_food_leaf_tissue +concept_invertebrate_larvae concept:invertebratefeedonfood concept_food_plant_roots +concept_invertebrate_larvae concept:invertebratefeedonfood concept_food_pollen +concept_invertebrate_larvae concept:invertebratefeedonfood concept_grain_corn_stalks +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_ants +concept_invertebrate_larvae concept:animalsuchasinsect concept_insect_aquatic_insects +concept_invertebrate_larvae concept:animalsuchasinvertebrate concept_insect_aquatic_insects +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_aquatic_insects +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_bee +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_beetles +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_caddisfly +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_dragonfly +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_grubs +concept_invertebrate_larvae concept:animalsuchasinsect concept_insect_insects +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_insects +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_mayflies +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_mayfly +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_midge +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_midges +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_mosquito +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_moth +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_moths +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_small_insects +concept_invertebrate_larvae concept:animalthatfeedoninsect concept_insect_stonefly +concept_invertebrate_larvae concept:invertebratefeedonfood concept_plant_stem +concept_invertebrate_larvae concept:invertebratefeedonfood concept_plant_stems +concept_invertebrate_larvae concept:invertebratefeedonfood concept_plant_trees +concept_invertebrate_leatherjackets concept:animalistypeofanimal concept_insect_grubs +concept_invertebrate_leeches concept:animaleatfood concept_beverage_blood +concept_invertebrate_leeches concept:invertebratefeedonfood concept_fungus_blood +concept_invertebrate_lice concept:specializationof concept_arthropod_external_parasites +concept_invertebrate_lice concept:animaleatfood concept_beverage_blood +concept_invertebrate_lice concept:invertebratefeedonfood concept_fungus_blood +concept_invertebrate_limpets concept:invertebratefeedonfood concept_plant_algae +concept_invertebrate_live_bait concept:animalsuchasfish concept_fish_bass +concept_invertebrate_live_bait concept:animalsuchasfish concept_fish_blue_catfish +concept_invertebrate_live_bait concept:animalsuchasfish concept_fish_catfish +concept_invertebrate_live_bait concept:animalsuchasfish concept_fish_trout +concept_invertebrate_live_shad concept:animalsuchasfish concept_fish_bass +concept_invertebrate_live_shad concept:animalsuchasfish concept_fish_striper +concept_invertebrate_major_pests concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_invertebrate_marine_mammals concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_marine_mammals concept:animalsuchasfish concept_animal_seals001 +concept_invertebrate_marine_mammals concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_marine_mammals concept:animalsuchasfish concept_fish_otters +concept_invertebrate_marine_mammals concept:animalsuchasfish concept_fish_whale +concept_invertebrate_marine_mammals concept:animalsuchasfish concept_fish_whales +concept_invertebrate_mold concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_molluscs concept:animaleatfood concept_agriculturalproduct_plants +concept_invertebrate_molluscs concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_molluscs concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_molluscs concept:animalistypeofanimal concept_animal_organisms +concept_invertebrate_molluscs concept:animalsuchasinvertebrate concept_arthropod_invertebrates +concept_invertebrate_molluscs concept:animalsuchasinvertebrate concept_arthropod_snails +concept_invertebrate_molluscs concept:animalthatfeedoninsect concept_arthropod_snails +concept_invertebrate_molluscs concept:specializationof concept_invertebrate_snails +concept_invertebrate_nematodes concept:invertebratefeedonfood concept_agriculturalproduct_crops +concept_invertebrate_nematodes concept:animalsuchasinsect concept_arthropod_invertebrates +concept_invertebrate_nymph concept:animalsuchasfish concept_fish_trout +concept_invertebrate_nymphs concept:animalthatfeedoninsect concept_animal_caddis +concept_invertebrate_nymphs concept:invertebratefeedonfood concept_beverage_juices +concept_invertebrate_nymphs concept:invertebratefeedonfood concept_food_foliage +concept_invertebrate_nymphs concept:invertebratefeedonfood concept_food_roots +concept_invertebrate_nymphs concept:animalpreyson concept_insect_insects +concept_invertebrate_nymphs concept:animalthatfeedoninsect concept_insect_mayfly +concept_invertebrate_nymphs concept:animalthatfeedoninsect concept_insect_stonefly +concept_invertebrate_nymphs concept:invertebratefeedonfood concept_nut_leaves +concept_invertebrate_octopi concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_octopuses concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_octopuses concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_olives concept:animaleatvegetable concept_vegetable_lettuce +concept_invertebrate_orders concept:agentcreated concept_programminglanguage_contact +concept_invertebrate_plastic_worms concept:animalsuchasfish concept_fish_bass +concept_invertebrate_possums concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_possums concept:animalpreyson concept_animal_animals001 +concept_invertebrate_possums concept:specializationof concept_animal_animals001 +concept_invertebrate_possums concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_invertebrate_possums concept:animalistypeofanimal concept_insect_pests +concept_invertebrate_relatives concept:animaldevelopdisease concept_disease_disabilities +concept_invertebrate_relatives concept:animaldevelopdisease concept_disease_disorders +concept_invertebrate_relatives concept:animaldevelopdisease concept_disease_problems +concept_invertebrate_relatives concept:animaldevelopdisease concept_disease_syndrome +concept_invertebrate_relatives concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_reptiles concept:animalpreyson concept_animal_animals001 +concept_invertebrate_scallops concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_invertebrate_scallops concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_invertebrate_shells concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_slugs concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_slugs concept:animalsuchasinsect concept_arthropod_invertebrates +concept_invertebrate_slugs concept:invertebratefeedonfood concept_food_garden +concept_invertebrate_slugs concept:animalsuchasinsect concept_insect_garden_pests +concept_invertebrate_slugs concept:animalsuchasinsect concept_insect_insects +concept_invertebrate_slugs concept:animalsuchasinsect concept_insect_pests +concept_invertebrate_slugs concept:animalsuchasinvertebrate concept_insect_pests +concept_invertebrate_slugs concept:animalthatfeedoninsect concept_insect_pests +concept_invertebrate_slugs concept:animalpreyson concept_mammal_animals +concept_invertebrate_slugs concept:invertebratefeedonfood concept_nut_leaves +concept_invertebrate_snails concept:animaleatfood concept_agriculturalproduct_plants +concept_invertebrate_snails concept:animalpreyson concept_animal_creatures +concept_invertebrate_snails concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_snails concept:animalistypeofanimal concept_animal_organisms +concept_invertebrate_snails concept:animalpreyson concept_animal_organisms +concept_invertebrate_snails concept:animalistypeofanimal concept_crustacean_mollusks +concept_invertebrate_snails concept:animalpreyson concept_mammal_animals +concept_invertebrate_snails concept:animaleatfood concept_plant_algae +concept_invertebrate_soldier concept:agentparticipatedinevent concept_eventoutcome_result +concept_invertebrate_spider concept:animalistypeofanimal concept_arachnid_widow_spider +concept_invertebrate_spider concept:synonymfor concept_arachnid_widow_spider +concept_invertebrate_spider concept:animalistypeofanimal concept_arthropod_recluse +concept_invertebrate_spider concept:animalistypeofanimal concept_arthropod_widow +concept_invertebrate_spider concept:animalistypeofanimal concept_bird_black_widow +concept_invertebrate_spider concept:agentcompeteswithagent concept_vertebrate_search +concept_invertebrate_spot concept:agentparticipatedinevent concept_sportsgame_series +concept_invertebrate_spot concept:agentparticipatedinevent concept_sportsgame_standings +concept_invertebrate_squids concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_stages concept:animalthatfeedoninsect concept_insect_aquatic_insects +concept_invertebrate_stages concept:animalsuchasinsect concept_insect_insects +concept_invertebrate_stages concept:animalthatfeedoninsect concept_insect_insects +concept_invertebrate_stages concept:animalthatfeedoninsect concept_insect_moth +concept_invertebrate_stages concept:animalthatfeedoninsect concept_insect_pests +concept_invertebrate_starfish concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_starfish concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_starfish concept:agentcompeteswithagent concept_invertebrate_echinoderms +concept_invertebrate_sucker_minnows concept:animalsuchasfish concept_fish_pike +concept_invertebrate_teens concept:animalistypeofanimal concept_animal_creatures +concept_invertebrate_teens concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_invertebrate_teens concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_acne +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_add +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_adhd +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_adhd_ +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_autism +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_cancer +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_depression +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_developmental_disabilities +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_diabetes +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_disabilities +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_disorder +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_disorders +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_illness +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_illnesses +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_problems +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_spectrum_disorders +concept_invertebrate_teens concept:animaldevelopdisease concept_disease_syndrome +concept_invertebrate_topwater_lures concept:animalsuchasfish concept_fish_bass +concept_invertebrate_urchins concept:invertebratefeedonfood concept_plant_algae +concept_invertebrate_version concept:agentinvolvedwithitem concept_buildingfeature_window +concept_invertebrate_version concept:agentinvolvedwithitem concept_hallwayitem_windows +concept_invertebrate_version concept:agentparticipatedinevent concept_sportsgame_series +concept_invertebrate_version concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_invertebrate_version concept:agentcreated concept_website_download +concept_invertebrate_walrus concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_walrus concept:animalistypeofanimal concept_invertebrate_marine_mammals +concept_invertebrate_wild_turkey concept:animalistypeofanimal concept_animal_birds003 +concept_invertebrate_wildebeest concept:animalistypeofanimal concept_animal_animals001 +concept_invertebrate_wildebeest concept:animalpreyson concept_animal_animals001 +concept_invertebrate_worms concept:invertebratefeedonfood concept_agriculturalproduct_wood +concept_invertebrate_worms concept:animalistypeofanimal concept_animal_invertebrates +concept_invertebrate_worms concept:animalpreyson concept_animal_organisms +concept_invertebrate_worms concept:animalsuchasinsect concept_arthropod_invertebrates +concept_invertebrate_worms concept:animalsuchasinsect concept_arthropod_small_invertebrates +concept_invertebrate_worms concept:animalsuchasinvertebrate concept_arthropod_small_invertebrates +concept_invertebrate_worms concept:animalistypeofanimal concept_crustacean_shrimp +concept_invertebrate_worms concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_invertebrate_worms concept:animalsuchasfish concept_fish_bass +concept_invertebrate_worms concept:animalsuchasfish concept_fish_bream +concept_invertebrate_worms concept:animalsuchasinsect concept_insect_bugs +concept_invertebrate_worms concept:animalsuchasinsect concept_insect_insects +concept_invertebrate_worms concept:animalthatfeedoninsect concept_insect_insects +concept_invertebrate_worms concept:animalsuchasinsect concept_insect_pests +concept_invertebrate_worms concept:animalpreyson concept_mammal_animals +concept_invertebrate_worms concept:invertebratefeedonfood concept_nut_leaves +concept_island_aig concept:mutualproxyfor concept_ceo_edward_liddy +concept_island_aig concept:synonymfor concept_company_amer_intl_group +concept_island_aig concept:synonymfor concept_male_american_international_group +concept_island_aigina concept:latitudelongitude 37.7376700000000,23.4656660000000 +concept_island_allen concept:atlocation concept_city_texas +concept_island_allen concept:proxyfor concept_city_texas +concept_island_alofi concept:locationlocatedwithinlocation concept_island_niue +concept_island_alofi concept:proxyfor concept_island_niue +concept_island_amantani concept:latitudelongitude -15.6000000000000,-69.8625025000000 +concept_island_american_samoa concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_amirantes concept:latitudelongitude -6.0000000000000,53.1666700000000 +concept_island_angra_dos_reis concept:cityalsoknownas concept_city_rio +concept_island_antilia concept:latitudelongitude 40.1623000000000,15.3654600000000 +concept_island_antipaxos concept:latitudelongitude 39.1512500000000,20.2272200000000 +concept_island_apalachicola concept:atlocation concept_city_florida +concept_island_apostle_islands concept:latitudelongitude 46.9378966666667,-90.7280533333333 +concept_island_argentina concept:proxyfor concept_book_new +concept_island_argentina concept:atdate concept_date_n2009 +concept_island_argentina concept:synonymfor concept_politicalparty_republic +concept_island_argentina concept:subpartof concept_room_mls +concept_island_ashmore_and_cartier_islands concept:latitudelongitude -12.4166700000000,123.3333300000000 +concept_island_astipalea concept:latitudelongitude 36.5808300000000,26.3755600000000 +concept_island_author concept:proxyfor concept_book_new +concept_island_author concept:atdate concept_date_n1999 +concept_island_author concept:atdate concept_date_n2001 +concept_island_author concept:atdate concept_date_n2004 +concept_island_author concept:atdate concept_dateliteral_n2005 +concept_island_author concept:atdate concept_dateliteral_n2006 +concept_island_author concept:atdate concept_dateliteral_n2007 +concept_island_babelthuap concept:latitudelongitude 7.4932666666667,134.5842966666667 +concept_island_bainbridge_island concept:citylocatedinstate concept_visualizablescene_washington +concept_island_balearic_islands concept:latitudelongitude 39.2036575000000,2.5017925000000 +concept_island_basse_terre concept:proxyfor concept_city_guadeloupe +concept_island_bastimentos concept:latitudelongitude 9.3000000000000,-82.1523800000000 +concept_island_big_pine_key concept:atlocation concept_city_florida +concept_island_blues concept:atdate concept_dateliteral_n2007 +concept_island_boaz concept:proxyfor concept_newspaper_alabama +concept_island_boca_grande concept:atlocation concept_city_florida +concept_island_bokissa concept:latitudelongitude -15.5908000000000,167.2455600000000 +concept_island_bonita_springs concept:locationlocatedwithinlocation concept_city_florida +concept_island_bonita_springs concept:proxyfor concept_city_florida +concept_island_borabora concept:latitudelongitude -16.5000000000000,-151.7500000000000 +concept_island_brecqhou concept:latitudelongitude 49.4322200000000,-2.3883300000000 +concept_island_brigantine concept:proxyfor concept_radiostation_new_jersey +concept_island_brigantine concept:proxyfor concept_stateorprovince_newjersey +concept_island_british_virgin_islands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_brooksville concept:atlocation concept_city_florida +concept_island_buena_ventura_lakes concept:latitudelongitude 28.3260100000000,-81.3625000000000 +concept_island_bullhead_city concept:mutualproxyfor concept_beverage_arizona +concept_island_bullhead_city concept:subpartof concept_beverage_arizona +concept_island_burhou concept:latitudelongitude 49.7222200000000,-2.2500000000000 +concept_island_burtonport concept:latitudelongitude 54.9855600000000,-8.4311100000000 +concept_island_cabbage_key concept:latitudelongitude 27.1653300000000,-82.4757900000000 +concept_island_campbell_soup concept:agentcollaborateswithagent concept_ceo_douglas_r__conant +concept_island_campbell_soup concept:mutualproxyfor concept_ceo_douglas_r__conant +concept_island_capability concept:subpartof concept_vehicle_air +concept_island_capability concept:subpartof concept_weatherphenomenon_water +concept_island_car_nicobar concept:latitudelongitude 9.1611133333333,92.7944433333333 +concept_island_carpathos concept:latitudelongitude 35.6661100000000,27.1450000000000 +concept_island_celebration concept:atdate concept_dateliteral_n2006 +concept_island_central_florida concept:proxyfor concept_book_new +concept_island_chagos_archipelago concept:latitudelongitude -6.0000000000000,72.0000000000000 +concept_island_charlie concept:atdate concept_dateliteral_n2007 +concept_island_chief concept:proxyfor concept_book_new +concept_island_chief concept:atdate concept_dateliteral_n2006 +concept_island_chief concept:atdate concept_dateliteral_n2007 +concept_island_chris concept:atdate concept_dateliteral_n2008 +concept_island_clewiston concept:atlocation concept_city_florida +concept_island_cocoa_beach_area concept:latitudelongitude 28.3692000000000,-80.8044000000000 +concept_island_commack concept:proxyfor concept_company_new_york +concept_island_commander_islands concept:latitudelongitude 55.0000000000000,167.0000000000000 +concept_island_constantza concept:latitudelongitude 44.1833300000000,28.6500000000000 +concept_island_cook_islands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_corbin concept:proxyfor concept_coach_kentucky +concept_island_corfu concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_darnley_island concept:citylocatedincountry concept_country_australia +concept_island_darwin_island concept:latitudelongitude -63.4333300000000,-54.7666700000000 +concept_island_david concept:atdate concept_date_n2003 +concept_island_david concept:atdate concept_date_n2004 +concept_island_david concept:atdate concept_dateliteral_n2005 +concept_island_de_funiak_springs concept:latitudelongitude 30.7212533333333,-86.1226600000000 +concept_island_denis_island concept:latitudelongitude -3.8006666666667,55.6668366666667 +concept_island_desert_hot_springs concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_island_desert_hot_springs concept:proxyfor concept_stateorprovince_california +concept_island_dolphins concept:proxyfor concept_book_new +concept_island_donousa concept:latitudelongitude 37.1047200000000,25.8125000000000 +concept_island_downsview concept:latitudelongitude 43.7369050000000,-79.5046550000000 +concept_island_dunnellon concept:latitudelongitude 29.0620307407408,-82.4412155555555 +concept_island_east_new_britain concept:latitudelongitude -6.5000000000000,152.5000000000000 +concept_island_eastern_egg_rock concept:latitudelongitude 43.8606400000000,-69.3819900000000 +concept_island_egg_harbor concept:proxyfor concept_stateorprovince_newjersey +concept_island_elafonisos concept:latitudelongitude 36.3496300000000,23.3663233333333 +concept_island_elizabeth_city concept:atlocation concept_stateorprovince_north_carolina +concept_island_falkland_islands concept:countrycurrency concept_currency_pounds +concept_island_faroe_islands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_ferrari concept:subpartof concept_automobilemaker_fiat +concept_island_ferrari concept:subpartof concept_automobilemaker_fiat_spa +concept_island_filfla concept:latitudelongitude 35.7838900000000,14.4072200000000 +concept_island_fisher_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_floral_city concept:latitudelongitude 28.7460677777778,-82.2956233333333 +concept_island_floral_city concept:atlocation concept_city_florida +concept_island_flying_fish_cove concept:proxyfor concept_airport_christmas_island +concept_island_folder concept:agentinvolvedwithitem concept_buildingfeature_window +concept_island_fort_sumter concept:atdate concept_year_n1861 +concept_island_french_polynesia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_frisian_islands concept:latitudelongitude 53.7768516666667,6.9905000000000 +concept_island_ft_lauderdale concept:proxyfor concept_book_new +concept_island_ft_lauderdale concept:subpartof concept_city_florida +concept_island_ft_pierce concept:latitudelongitude 27.4311666666667,-80.3392666666667 +concept_island_funafuti concept:locationlocatedwithinlocation concept_country_tuvalu +concept_island_funafuti concept:proxyfor concept_country_tuvalu +concept_island_galveston concept:mutualproxyfor concept_city_texas +concept_island_gasparilla concept:latitudelongitude 26.7980887500000,-82.2687075000000 +concept_island_gigha concept:latitudelongitude 55.6944433333333,-5.7166666666667 +concept_island_graemsay concept:latitudelongitude 58.9333300000000,-3.2833300000000 +concept_island_grand_island concept:cityliesonriver concept_river_niagara +concept_island_grand_island concept:locationlocatedwithinlocation concept_stateorprovince_nebraska +concept_island_grande_comore concept:latitudelongitude -11.5847200000000,43.3331950000000 +concept_island_grants concept:locationlocatedwithinlocation concept_county_new_mexico +concept_island_grants concept:atdate concept_date_n2003 +concept_island_grants concept:atdate concept_dateliteral_n2005 +concept_island_grants concept:atdate concept_dateliteral_n2006 +concept_island_grants concept:atdate concept_dateliteral_n2008 +concept_island_great_keppel concept:latitudelongitude -23.1859850000000,150.9515300000000 +concept_island_guadalcanal concept:atdate concept_dateliteral_n1943 +concept_island_guantanamo_bay concept:atdate concept_dateliteral_n2002 +concept_island_haines_city concept:atlocation concept_city_florida +concept_island_hamilton_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_haven concept:proxyfor concept_book_new +concept_island_haven concept:atlocation concept_lake_new +concept_island_hazard concept:proxyfor concept_coach_kentucky +concept_island_head concept:proxyfor concept_book_new +concept_island_head concept:atdate concept_date_n1999 +concept_island_head concept:atdate concept_date_n2000 +concept_island_head concept:atdate concept_date_n2001 +concept_island_head concept:atdate concept_date_n2003 +concept_island_head concept:atdate concept_date_n2004 +concept_island_head concept:atdate concept_dateliteral_n2002 +concept_island_head concept:atdate concept_dateliteral_n2005 +concept_island_head concept:atdate concept_dateliteral_n2006 +concept_island_head concept:atdate concept_dateliteral_n2007 +concept_island_head concept:subpartof concept_geopoliticallocation_arms +concept_island_head concept:subpartof concept_physicalaction_hands +concept_island_head concept:subpartof concept_software_adrenalin +concept_island_head concept:subpartof concept_vehicle_air +concept_island_head concept:atdate concept_year_n1984 +concept_island_head concept:atdate concept_year_n1994 +concept_island_head concept:atdate concept_year_n1995 +concept_island_head concept:atdate concept_year_n1997 +concept_island_hell concept:proxyfor concept_book_new +concept_island_hideaway_island concept:latitudelongitude -17.7000000000000,168.2500000000000 +concept_island_hilton_head_island concept:atlocation concept_stateorprovince_south_carolina +concept_island_hilton_head_island concept:proxyfor concept_stateorprovince_south_carolina +concept_island_hinako concept:latitudelongitude 0.8580400000000,97.3397800000000 +concept_island_holiday concept:atdate concept_date_n1999 +concept_island_holiday concept:atdate concept_dateliteral_n2005 +concept_island_holiday concept:atdate concept_dateliteral_n2007 +concept_island_homer concept:atlocation concept_city_alaska +concept_island_houston concept:proxyfor concept_book_new +concept_island_houston concept:proxyfor concept_musicinstrument_ut +concept_island_houston concept:subpartof concept_retailstore_ut +concept_island_hulhumale concept:latitudelongitude 4.2116900000000,73.5400800000000 +concept_island_ibiza_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_iceland concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_iceland concept:locationlocatedwithinlocation concept_country_countries +concept_island_iceland concept:countryalsoknownas concept_country_republic +concept_island_iceland concept:atdate concept_date_n2003 +concept_island_iceland concept:atdate concept_dateliteral_n2005 +concept_island_iceland concept:atdate concept_dateliteral_n2006 +concept_island_iceland concept:atdate concept_dateliteral_n2007 +concept_island_iceland concept:atdate concept_dateliteral_n2008 +concept_island_iceland concept:organizationhiredperson concept_male_malcolm_walker +concept_island_iceland concept:organizationterminatedperson concept_male_malcolm_walker +concept_island_iceland concept:countrylocatedingeopoliticallocation concept_stateorprovince_states +concept_island_inchcailloch concept:latitudelongitude 56.0833300000000,-4.5500000000000 +concept_island_inishturk concept:latitudelongitude 53.6900000000000,-9.9579633333333 +concept_island_interview concept:proxyfor concept_book_new +concept_island_interview concept:atdate concept_date_n1999 +concept_island_interview concept:atdate concept_date_n2000 +concept_island_interview concept:atdate concept_date_n2001 +concept_island_interview concept:atdate concept_date_n2003 +concept_island_interview concept:atdate concept_date_n2004 +concept_island_interview concept:atdate concept_dateliteral_n1987 +concept_island_interview concept:atdate concept_dateliteral_n2002 +concept_island_interview concept:atdate concept_dateliteral_n2005 +concept_island_interview concept:atdate concept_dateliteral_n2006 +concept_island_interview concept:atdate concept_dateliteral_n2007 +concept_island_interview concept:atdate concept_dateliteral_n2008 +concept_island_interview concept:atdate concept_year_n1989 +concept_island_interview concept:atdate concept_year_n1995 +concept_island_interview concept:atdate concept_year_n1997 +concept_island_interview concept:atdate concept_year_n1998 +concept_island_investment concept:proxyfor concept_book_new +concept_island_investment concept:atdate concept_date_n2000 +concept_island_investment concept:atdate concept_date_n2004 +concept_island_investment concept:atdate concept_dateliteral_n2005 +concept_island_investment concept:atdate concept_dateliteral_n2006 +concept_island_investment concept:atdate concept_dateliteral_n2007 +concept_island_investment concept:atdate concept_dateliteral_n2008 +concept_island_investment concept:istallerthan concept_publication_people_ +concept_island_investment concept:subpartof concept_weatherphenomenon_water +concept_island_islamorada concept:atlocation concept_city_florida +concept_island_itu_aba concept:latitudelongitude 10.3833300000000,114.3500000000000 +concept_island_jaluit_atoll concept:latitudelongitude 6.0000000000000,169.5833300000000 +concept_island_kakaban concept:latitudelongitude 2.1500000000000,118.5333300000000 +concept_island_kalimnos concept:latitudelongitude 36.9750000000000,26.9708300000000 +concept_island_kandui concept:latitudelongitude -4.9833300000000,24.8583350000000 +concept_island_kaprije concept:latitudelongitude 43.6948414285714,15.6990485714286 +concept_island_kau_sai_chau concept:latitudelongitude 22.3666700000000,114.3166700000000 +concept_island_kill_devil_hills concept:atlocation concept_stateorprovince_north_carolina +concept_island_kinmen concept:locationlocatedwithinlocation concept_city_taiwan +concept_island_kiribati concept:synonymfor concept_city_gilbert_islands +concept_island_kiribati concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_kiritimati concept:latitudelongitude 1.8666700000000,-157.4166700000000 +concept_island_ko_lipe concept:latitudelongitude 6.4986100000000,99.3083300000000 +concept_island_ko_phi_phi concept:latitudelongitude 7.7052785714286,98.7662714285714 +concept_island_ko_wai concept:latitudelongitude 12.4500000000000,102.1083350000000 +concept_island_koh_ngai concept:latitudelongitude 7.4058800000000,99.2126400000000 +concept_island_koh_rang concept:latitudelongitude 10.5666700000000,99.4000000000000 +concept_island_koh_talu concept:latitudelongitude 10.7666700000000,99.4666700000000 +concept_island_kornati concept:latitudelongitude 43.8863400000000,15.3782850000000 +concept_island_koufonisi concept:latitudelongitude 34.9333300000000,26.1666700000000 +concept_island_krapanj concept:latitudelongitude 43.6731450000000,15.9144400000000 +concept_island_la_gonave concept:latitudelongitude 18.8444450000000,-73.1305550000000 +concept_island_lanark_village concept:latitudelongitude 29.8835400000000,-84.5957400000000 +concept_island_lavallette concept:proxyfor concept_radiostation_new_jersey +concept_island_lavallette concept:proxyfor concept_stateorprovince_newjersey +concept_island_leleuvia concept:latitudelongitude -17.8000000000000,178.7333300000000 +concept_island_limerick concept:atdate concept_date_n2009 +concept_island_little_andaman concept:latitudelongitude 10.7500000000000,92.5000000000000 +concept_island_little_lorraine concept:latitudelongitude 45.9445733333333,-59.8651300000000 +concept_island_little_tybee concept:latitudelongitude 31.9711900000000,-80.8924700000000 +concept_island_longboat_key concept:atlocation concept_city_florida +concept_island_lubelskie concept:locationlocatedwithinlocation concept_country_poland +concept_island_magaruque concept:latitudelongitude -21.9726400000000,35.4248600000000 +concept_island_mal_ concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_manhattan concept:cityliesonriver concept_attraction_grand +concept_island_manhattan concept:citylocatedingeopoliticallocation concept_geopoliticallocation_national +concept_island_manhattan concept:cityliesonriver concept_river_columbia +concept_island_manhattan concept:cityliesonriver concept_river_hudson +concept_island_manhattan concept:cityliesonriver concept_river_hudson_river +concept_island_manhattan concept:citylocatedinstate concept_stateorprovince_kansas +concept_island_mantique concept:latitudelongitude 9.1763900000000,124.8255600000000 +concept_island_marathon_key concept:atlocation concept_city_florida +concept_island_margate_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_island_mark concept:proxyfor concept_book_new +concept_island_mark concept:atdate concept_date_n2004 +concept_island_mark concept:atdate concept_dateliteral_n2005 +concept_island_mark concept:atdate concept_dateliteral_n2006 +concept_island_mark concept:atdate concept_dateliteral_n2007 +concept_island_mark concept:atdate concept_dateliteral_n2008 +concept_island_marshall_islands concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_marshall_islands concept:atdate concept_date_n1944 +concept_island_meganisi concept:latitudelongitude 38.6333300000000,20.7533340000000 +concept_island_meridian concept:atlocation concept_stateorprovince_idaho +concept_island_meridian concept:atlocation concept_stateorprovince_mississippi +concept_island_metropolitan_region concept:proxyfor concept_book_new +concept_island_miniloc concept:latitudelongitude 11.1505600000000,119.3150000000000 +concept_island_mnemba_island concept:latitudelongitude -5.8166700000000,39.3833300000000 +concept_island_mogo_mogo concept:latitudelongitude 8.5700020000000,-79.0299980000000 +concept_island_montauk concept:proxyfor concept_company_new_york +concept_island_morro_bay concept:atlocation concept_stateorprovince_california +concept_island_mother concept:proxyfor concept_book_new +concept_island_mother concept:atdate concept_date_n1969 +concept_island_mother concept:atdate concept_date_n1996 +concept_island_mother concept:atdate concept_date_n1999 +concept_island_mother concept:atdate concept_date_n2000 +concept_island_mother concept:atdate concept_date_n2001 +concept_island_mother concept:atdate concept_date_n2003 +concept_island_mother concept:atdate concept_date_n2004 +concept_island_mother concept:atdate concept_dateliteral_n1909 +concept_island_mother concept:atdate concept_dateliteral_n2002 +concept_island_mother concept:atdate concept_dateliteral_n2005 +concept_island_mother concept:atdate concept_dateliteral_n2006 +concept_island_mother concept:atdate concept_dateliteral_n2007 +concept_island_mother concept:istallerthan concept_publication_people_ +concept_island_mother concept:atdate concept_year_n1865 +concept_island_mother concept:atdate concept_year_n1995 +concept_island_mother concept:atdate concept_year_n1997 +concept_island_motu_one concept:latitudelongitude -15.8000000000000,-154.5500000000000 +concept_island_mound_key concept:latitudelongitude 26.5511900000000,-81.9825933333333 +concept_island_namotu concept:latitudelongitude -17.4083350000000,177.9250000000000 +concept_island_nauru concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_nauru concept:countrylocatedingeopoliticallocation concept_island_micronesia +concept_island_nayau concept:latitudelongitude -17.9666700000000,-179.0500000000000 +concept_island_nea_kameni concept:latitudelongitude 36.4052000000000,25.3965800000000 +concept_island_neptune concept:locationlocatedwithinlocation concept_bridge_new_jersey +concept_island_nevada_test_site concept:latitudelongitude 37.0765713043478,-116.1503173913043 +concept_island_new_york_city_metropolitan_area concept:proxyfor concept_book_new +concept_island_new_york_city_metropolitan_area concept:locationlocatedwithinlocation concept_bridge_world +concept_island_new_york_city_metropolitan_area concept:proxyfor concept_company_new_york +concept_island_new_york_city_metropolitan_area concept:subpartof concept_company_new_york +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n1972 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n1993 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n1996 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n1999 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n2001 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n2003 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n2004 +concept_island_new_york_city_metropolitan_area concept:atdate concept_date_n2009 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n1936 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n1953 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n1961 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n1987 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n1990 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n2002 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n2005 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n2006 +concept_island_new_york_city_metropolitan_area concept:atdate concept_dateliteral_n2007 +concept_island_new_york_city_metropolitan_area concept:proxyfor concept_highway_the_new +concept_island_new_york_city_metropolitan_area concept:proxyfor concept_magazine_newyork +concept_island_new_york_city_metropolitan_area concept:mutualproxyfor concept_programminglanguage_the_new +concept_island_new_york_city_metropolitan_area concept:proxyfor concept_room_south +concept_island_new_york_city_metropolitan_area concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1956 +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1973 +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1982 +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1994 +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1995 +concept_island_new_york_city_metropolitan_area concept:atdate concept_year_n1998 +concept_island_nikumaroro concept:latitudelongitude -4.6666700000000,-174.5333300000000 +concept_island_niue concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_north_conway concept:atlocation concept_politicsblog_new_hampshire +concept_island_northwestern_hawaiian_islands concept:latitudelongitude 28.4166700000000,-178.3333300000000 +concept_island_okeechobee concept:proxyfor concept_city_florida +concept_island_operations concept:proxyfor concept_book_new +concept_island_operations concept:atdate concept_date_n1933 +concept_island_operations concept:atdate concept_date_n1941 +concept_island_operations concept:atdate concept_date_n1942 +concept_island_operations concept:atdate concept_date_n1944 +concept_island_operations concept:atdate concept_date_n1968 +concept_island_operations concept:atdate concept_date_n1969 +concept_island_operations concept:atdate concept_date_n1971 +concept_island_operations concept:atdate concept_date_n1977 +concept_island_operations concept:atdate concept_date_n1993 +concept_island_operations concept:atdate concept_date_n1996 +concept_island_operations concept:atdate concept_date_n1999 +concept_island_operations concept:atdate concept_date_n2000 +concept_island_operations concept:atdate concept_date_n2001 +concept_island_operations concept:atdate concept_date_n2003 +concept_island_operations concept:atdate concept_date_n2004 +concept_island_operations concept:atdate concept_date_n2009 +concept_island_operations concept:atdate concept_dateliteral_n1945 +concept_island_operations concept:atdate concept_dateliteral_n1947 +concept_island_operations concept:atdate concept_dateliteral_n1980 +concept_island_operations concept:atdate concept_dateliteral_n1987 +concept_island_operations concept:atdate concept_dateliteral_n1990 +concept_island_operations concept:atdate concept_dateliteral_n2002 +concept_island_operations concept:atdate concept_dateliteral_n2005 +concept_island_operations concept:atdate concept_dateliteral_n2006 +concept_island_operations concept:atdate concept_dateliteral_n2007 +concept_island_operations concept:atdate concept_dateliteral_n2008 +concept_island_operations concept:atdate concept_dateliteral_n2010 +concept_island_operations concept:atdate concept_year_n1948 +concept_island_operations concept:atdate concept_year_n1960 +concept_island_operations concept:atdate concept_year_n1965 +concept_island_operations concept:atdate concept_year_n1974 +concept_island_operations concept:atdate concept_year_n1975 +concept_island_operations concept:atdate concept_year_n1982 +concept_island_operations concept:atdate concept_year_n1983 +concept_island_operations concept:atdate concept_year_n1984 +concept_island_operations concept:atdate concept_year_n1985 +concept_island_operations concept:atdate concept_year_n1986 +concept_island_operations concept:atdate concept_year_n1988 +concept_island_operations concept:atdate concept_year_n1989 +concept_island_operations concept:atdate concept_year_n1991 +concept_island_operations concept:atdate concept_year_n1992 +concept_island_operations concept:atdate concept_year_n1994 +concept_island_operations concept:atdate concept_year_n1995 +concept_island_operations concept:atdate concept_year_n1997 +concept_island_operations concept:atdate concept_year_n1998 +concept_island_orange_city concept:atlocation concept_city_florida +concept_island_orange_city concept:proxyfor concept_city_florida +concept_island_orange_park concept:atlocation concept_city_florida +concept_island_oronsay concept:latitudelongitude 56.9433340000000,-6.6733340000000 +concept_island_orzola concept:latitudelongitude 29.2166700000000,-13.4500000000000 +concept_island_osterinsel concept:latitudelongitude -27.1166700000000,-109.3666700000000 +concept_island_pabbay concept:latitudelongitude 57.4933340000000,-7.3033320000000 +concept_island_palau_islands concept:latitudelongitude 7.4931950000000,134.5016650000000 +concept_island_pamilacan concept:latitudelongitude 9.5000000000000,123.9166700000000 +concept_island_papa_westray concept:latitudelongitude 59.3500000000000,-2.9000000000000 +concept_island_pastor concept:proxyfor concept_book_new +concept_island_pastor concept:atdate concept_date_n1999 +concept_island_pastor concept:atdate concept_dateliteral_n1936 +concept_island_pastor concept:atdate concept_dateliteral_n2005 +concept_island_pastor concept:atdate concept_dateliteral_n2007 +concept_island_pastor concept:atdate concept_dateliteral_n2008 +concept_island_paul concept:atdate concept_dateliteral_n2005 +concept_island_paul concept:atdate concept_dateliteral_n2006 +concept_island_paul concept:atdate concept_dateliteral_n2008 +concept_island_paul concept:proxyfor concept_personnorthamerica_minnesota +concept_island_paul concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_island_pearl_and_hermes_atoll concept:latitudelongitude 27.8333300000000,-175.8333300000000 +concept_island_perdido_key concept:atlocation concept_city_florida +concept_island_pet concept:subpartof concept_website_blood +concept_island_petite_terre concept:latitudelongitude 16.1666700000000,-61.1166700000000 +concept_island_pfaueninsel concept:latitudelongitude 52.4333300000000,13.1333300000000 +concept_island_phi_phi_don concept:latitudelongitude 7.7424300000000,98.7747133333333 +concept_island_plant_city concept:atlocation concept_city_florida +concept_island_plant_city concept:proxyfor concept_city_florida +concept_island_point_washington concept:latitudelongitude 30.3666600000000,-86.0722325000000 +concept_island_polynesia concept:proxyfor concept_lake_new +concept_island_pomona_park concept:latitudelongitude 29.4985675000000,-81.5944325000000 +concept_island_pomona_park concept:atlocation concept_city_florida +concept_island_pomorskie concept:locationlocatedwithinlocation concept_country_poland +concept_island_ponce_inlet concept:atlocation concept_city_florida +concept_island_ponte_vedra concept:atlocation concept_city_florida +concept_island_poor_knights concept:latitudelongitude -35.4790900000000,174.7400950000000 +concept_island_port_aransas concept:proxyfor concept_city_texas +concept_island_post concept:atlocation concept_city_jerusalem +concept_island_post concept:atlocation concept_city_l_a_ +concept_island_post concept:atlocation concept_city_london_city +concept_island_post concept:atlocation concept_city_washington_d_c +concept_island_post concept:atlocation concept_county_los_angeles_county +concept_island_post concept:atdate concept_date_n1951 +concept_island_post concept:atdate concept_date_n1977 +concept_island_post concept:atdate concept_date_n1993 +concept_island_post concept:atdate concept_date_n1996 +concept_island_post concept:atdate concept_date_n1999 +concept_island_post concept:atdate concept_date_n2000 +concept_island_post concept:atdate concept_date_n2001 +concept_island_post concept:atdate concept_date_n2003 +concept_island_post concept:atdate concept_date_n2004 +concept_island_post concept:atdate concept_date_n2009 +concept_island_post concept:atdate concept_dateliteral_n2002 +concept_island_post concept:atdate concept_dateliteral_n2005 +concept_island_post concept:atdate concept_dateliteral_n2006 +concept_island_post concept:atdate concept_dateliteral_n2007 +concept_island_post concept:atdate concept_dateliteral_n2008 +concept_island_post concept:atlocation concept_geopoliticallocation_the_new_york +concept_island_post concept:atlocation concept_highway_the_new +concept_island_post concept:atlocation concept_lake_new +concept_island_post concept:atdate concept_month_september +concept_island_post concept:atlocation concept_stateorprovince_new_york +concept_island_post concept:atlocation concept_stateorprovince_the_washington +concept_island_post concept:atdate concept_year_n1991 +concept_island_post concept:atdate concept_year_n1992 +concept_island_post concept:atdate concept_year_n1995 +concept_island_post concept:atdate concept_year_n1997 +concept_island_post concept:atdate concept_year_n1998 +concept_island_prince_edward_island concept:proxyfor concept_lake_new +concept_island_procedures concept:atdate concept_dateliteral_n2005 +concept_island_proposal concept:proxyfor concept_book_new +concept_island_proposal concept:atdate concept_date_n1996 +concept_island_proposal concept:atdate concept_date_n1999 +concept_island_proposal concept:atdate concept_date_n2001 +concept_island_proposal concept:atdate concept_date_n2003 +concept_island_proposal concept:atdate concept_date_n2004 +concept_island_proposal concept:atdate concept_dateliteral_n2002 +concept_island_proposal concept:atdate concept_dateliteral_n2005 +concept_island_proposal concept:atdate concept_dateliteral_n2006 +concept_island_proposal concept:atdate concept_dateliteral_n2007 +concept_island_proposal concept:atdate concept_dateliteral_n2008 +concept_island_proposal concept:subpartof concept_weatherphenomenon_water +concept_island_proposal concept:atdate concept_year_n1997 +concept_island_proposal concept:atdate concept_year_n1998 +concept_island_puerto_gallera concept:latitudelongitude 13.4333350000000,120.9270850000000 +concept_island_pulau_jerejak concept:latitudelongitude 5.3233000000000,100.3178500000000 +concept_island_pulau_langkawi concept:latitudelongitude 6.3666700000000,99.8000000000000 +concept_island_pulau_sipadan concept:latitudelongitude 4.1147200000000,118.6344400000000 +concept_island_pulau_weh concept:latitudelongitude 5.8188900000000,95.3002800000000 +concept_island_qamea concept:latitudelongitude -16.7666700000000,-179.7666700000000 +concept_island_quebec concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_question concept:atdate concept_date_n1999 +concept_island_question concept:atdate concept_date_n2004 +concept_island_question concept:atdate concept_dateliteral_n2002 +concept_island_question concept:atdate concept_dateliteral_n2005 +concept_island_question concept:atdate concept_dateliteral_n2007 +concept_island_racha_yai concept:latitudelongitude 7.6003300000000,98.3656200000000 +concept_island_rarotonga concept:proxyfor concept_beach_cook_islands +concept_island_recommendation concept:atdate concept_date_n2001 +concept_island_recommendation concept:atdate concept_date_n2003 +concept_island_recommendation concept:atdate concept_date_n2004 +concept_island_recommendation concept:atdate concept_dateliteral_n2002 +concept_island_recommendation concept:atdate concept_dateliteral_n2005 +concept_island_recommendation concept:atdate concept_dateliteral_n2006 +concept_island_recommendation concept:atdate concept_dateliteral_n2007 +concept_island_recommendation concept:atdate concept_dateliteral_n2008 +concept_island_recommendation concept:atdate concept_year_n1998 +concept_island_rodriguez concept:subpartof concept_female_yankees +concept_island_rongelap concept:latitudelongitude 11.2676370000000,166.8531940000000 +concept_island_rotonda_west concept:atlocation concept_city_florida +concept_island_rurutu concept:latitudelongitude -22.4333300000000,-151.3333300000000 +concept_island_sagar concept:proxyfor concept_stateorprovince_madhya_pradesh +concept_island_saibai concept:latitudelongitude -9.3888866666667,142.6333366666667 +concept_island_saint_christopher_and_nevis concept:latitudelongitude 17.3333300000000,-62.7500000000000 +concept_island_samothrace concept:latitudelongitude 40.4616650000000,25.5527750000000 +concept_island_san_andres_island concept:citylocatedingeopoliticallocation concept_country_colombia +concept_island_san_antonio concept:atlocation concept_city_texas +concept_island_san_antonio concept:atdate concept_date_n2000 +concept_island_san_antonio concept:locationlocatedwithinlocation concept_retailstore_ut +concept_island_san_remo concept:locationlocatedwithinlocation concept_city_vegas +concept_island_sanibel concept:latitudelongitude 26.4535052000000,-82.0638364000000 +concept_island_sanibel concept:atlocation concept_city_florida +concept_island_satawal concept:latitudelongitude 7.3580600000000,147.0355600000000 +concept_island_scott concept:proxyfor concept_athlete_wta +concept_island_scott concept:mutualproxyfor concept_book_new +concept_island_sea_bright concept:mutualproxyfor concept_radiostation_new_jersey +concept_island_sea_bright concept:proxyfor concept_stateorprovince_newjersey +concept_island_sea_girt concept:mutualproxyfor concept_radiostation_new_jersey +concept_island_second concept:atdate concept_dateliteral_n2008 +concept_island_selection concept:proxyfor concept_book_new +concept_island_selection concept:atdate concept_date_n2009 +concept_island_seminole concept:subpartof concept_city_florida +concept_island_senegal concept:atdate concept_date_n2000 +concept_island_senegal concept:atdate concept_date_n2001 +concept_island_sheppey concept:latitudelongitude 51.4000000000000,0.8333300000000 +concept_island_sherkin concept:latitudelongitude 51.4705550000000,-9.4336100000000 +concept_island_ship_bottom concept:mutualproxyfor concept_radiostation_new_jersey +concept_island_ship_bottom concept:proxyfor concept_stateorprovince_newjersey +concept_island_skills concept:istallerthan concept_publication_people_ +concept_island_skomer concept:latitudelongitude 51.7375000000000,-5.2966700000000 +concept_island_snares_islands concept:latitudelongitude -48.0366700000000,166.5500000000000 +concept_island_society concept:proxyfor concept_book_new +concept_island_society concept:atdate concept_date_n1999 +concept_island_society concept:atdate concept_date_n2000 +concept_island_society concept:atdate concept_date_n2001 +concept_island_society concept:atdate concept_dateliteral_n2005 +concept_island_society concept:atdate concept_dateliteral_n2007 +concept_island_society concept:atdate concept_dateliteral_n2008 +concept_island_society concept:mutualproxyfor concept_sportsequipment_board +concept_island_society concept:atdate concept_year_n1998 +concept_island_st_barth concept:latitudelongitude 17.9000000000000,-62.8500000000000 +concept_island_st_barts concept:latitudelongitude 17.9000000000000,-62.8333300000000 +concept_island_staff concept:synonymfor concept_boardgame_board +concept_island_staff concept:proxyfor concept_book_new +concept_island_staff concept:atdate concept_date_n1996 +concept_island_staff concept:atdate concept_date_n2000 +concept_island_staff concept:atdate concept_date_n2001 +concept_island_staff concept:atdate concept_date_n2003 +concept_island_staff concept:atdate concept_date_n2004 +concept_island_staff concept:atdate concept_date_n2009 +concept_island_staff concept:atdate concept_dateliteral_n1990 +concept_island_staff concept:atdate concept_dateliteral_n2002 +concept_island_staff concept:atdate concept_dateliteral_n2005 +concept_island_staff concept:atdate concept_dateliteral_n2006 +concept_island_staff concept:atdate concept_dateliteral_n2007 +concept_island_staff concept:atdate concept_dateliteral_n2008 +concept_island_staff concept:mutualproxyfor concept_sportsequipment_board +concept_island_staff concept:atdate concept_year_n1991 +concept_island_staff concept:atdate concept_year_n1994 +concept_island_staff concept:atdate concept_year_n1995 +concept_island_staff concept:atdate concept_year_n1997 +concept_island_staff concept:atdate concept_year_n1998 +concept_island_starke concept:atlocation concept_city_florida +concept_island_staten_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_island_steinhatchee concept:atlocation concept_city_florida +concept_island_stephen concept:proxyfor concept_biotechcompany_apple +concept_island_stephen concept:subpartof concept_company_apple001 +concept_island_stephen concept:proxyfor concept_company_apple002 +concept_island_stephen concept:subpartof concept_company_apple002 +concept_island_summerfield concept:atlocation concept_city_florida +concept_island_sunny_isles concept:atlocation concept_city_florida +concept_island_surf_city concept:proxyfor concept_radiostation_new_jersey +concept_island_syria concept:atdate concept_date_n2003 +concept_island_syria concept:atdate concept_date_n2004 +concept_island_syria concept:atdate concept_dateliteral_n2002 +concept_island_syria concept:atdate concept_dateliteral_n2005 +concept_island_syria concept:atdate concept_dateliteral_n2006 +concept_island_syria concept:atdate concept_dateliteral_n2007 +concept_island_syria concept:atdate concept_dateliteral_n2008 +concept_island_taba_heights concept:latitudelongitude 29.3828500000000,34.8021000000000 +concept_island_takapoto concept:latitudelongitude -14.6333300000000,-145.2000000000000 +concept_island_takeshima concept:latitudelongitude 7.3659750000000,151.8854150000000 +concept_island_taquile concept:latitudelongitude -15.7666700000000,-69.6833300000000 +concept_island_taransay concept:latitudelongitude 57.9125000000000,-7.0166700000000 +concept_island_tasmania concept:atdate concept_date_n2004 +concept_island_tavares concept:atlocation concept_city_florida +concept_island_telstra concept:mutualproxyfor concept_ceo_david_thodey +concept_island_telstra concept:mutualproxyfor concept_ceo_solomon_trujillo +concept_island_territory concept:proxyfor concept_book_new +concept_island_territory concept:atdate concept_date_n1999 +concept_island_territory concept:atdate concept_dateliteral_n2005 +concept_island_territory concept:atdate concept_dateliteral_n2006 +concept_island_territory concept:atdate concept_dateliteral_n2007 +concept_island_territory concept:atdate concept_dateliteral_n2008 +concept_island_territory concept:istallerthan concept_publication_people_ +concept_island_test concept:proxyfor concept_book_new +concept_island_test concept:atdate concept_date_n2000 +concept_island_test concept:atdate concept_date_n2001 +concept_island_test concept:atdate concept_date_n2003 +concept_island_test concept:atdate concept_date_n2004 +concept_island_test concept:atdate concept_date_n2009 +concept_island_test concept:atdate concept_dateliteral_n2002 +concept_island_test concept:atdate concept_dateliteral_n2005 +concept_island_test concept:atdate concept_dateliteral_n2006 +concept_island_test concept:atdate concept_dateliteral_n2007 +concept_island_test concept:atdate concept_dateliteral_n2008 +concept_island_test concept:atdate concept_year_n1992 +concept_island_test concept:atdate concept_year_n1998 +concept_island_the_bronx concept:proxyfor concept_book_new +concept_island_tierra_verde concept:atlocation concept_city_florida +concept_island_tiritiri_matangi concept:latitudelongitude -36.5981900000000,174.8901900000000 +concept_island_tonga concept:countrylocatedingeopoliticallocation concept_country_countries +concept_island_tonga concept:atdate concept_dateliteral_n2002 +concept_island_tongareva concept:latitudelongitude -9.0083300000000,-157.9583300000000 +concept_island_total concept:proxyfor concept_book_new +concept_island_treasure_island concept:attractionofcity concept_city_vegas +concept_island_tromelin_island concept:latitudelongitude -15.8717400000000,54.4654150000000 +concept_island_truk concept:atdate concept_date_n1944 +concept_island_tuamotu_archipelago concept:latitudelongitude -19.0000000000000,-142.0000000000000 +concept_island_turneffe_islands concept:latitudelongitude 17.3333300000000,-87.8666700000000 +concept_island_ukraine concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_island_unije concept:latitudelongitude 44.6440300000000,14.2465950000000 +concept_island_ushant concept:latitudelongitude 48.4587900000000,-5.0894833333333 +concept_island_uyea concept:latitudelongitude 60.5750000000000,-1.1708325000000 +concept_island_vatersay concept:latitudelongitude 56.9388900000000,-7.5444433333333 +concept_island_venezuela concept:locationlocatedwithinlocation concept_country_countries +concept_island_venezuela concept:atdate concept_date_n1999 +concept_island_venezuela concept:atdate concept_date_n2004 +concept_island_venezuela concept:atdate concept_dateliteral_n2002 +concept_island_venezuela concept:atdate concept_dateliteral_n2006 +concept_island_venezuela concept:atdate concept_dateliteral_n2007 +concept_island_ventnor_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_island_viti_levu concept:latitudelongitude -17.7166650000000,178.1250000000000 +concept_island_vivara concept:latitudelongitude 40.7333300000000,14.0000000000000 +concept_island_weirsdale concept:latitudelongitude 28.9823140000000,-81.9260840000000 +concept_island_west_caicos concept:latitudelongitude 21.6277766666667,-72.4555566666667 +concept_island_wotje concept:latitudelongitude 9.4586306666667,170.1296280000000 +concept_island_yaeyama concept:latitudelongitude 24.2814777777778,123.8314800000000 +concept_island_yakushima concept:latitudelongitude 30.3704460000000,130.4984700000000 +concept_island_young concept:agentcontrols concept_charactertrait_world +concept_item_bleach concept:chemicalistypeofchemical concept_chemical_chemicals +concept_item_dishes concept:itemfoundinroom concept_room_kitchen +concept_item_laptop concept:objectpartofobject concept_visualizableobject_processor +concept_jobposition_accounts concept:proxyfor concept_book_new +concept_jobposition_accounts concept:atdate concept_date_n2003 +concept_jobposition_accounts concept:atdate concept_dateliteral_n2006 +concept_jobposition_accounts concept:atdate concept_dateliteral_n2007 +concept_jobposition_accounts concept:subpartof concept_weatherphenomenon_water +concept_jobposition_active_member concept:proxyfor concept_book_new +concept_jobposition_active_supporter concept:proxyfor concept_book_new +concept_jobposition_adjunct_professor concept:proxyfor concept_book_new +concept_jobposition_adjunct_professor concept:synonymfor concept_university_state_university +concept_jobposition_administrative_assistant concept:atdate concept_dateliteral_n2007 +concept_jobposition_administrator concept:professionistypeofprofession concept_jobposition_member +concept_jobposition_agency concept:proxyfor concept_book_new +concept_jobposition_agency concept:atdate concept_date_n1999 +concept_jobposition_agency concept:atdate concept_date_n2000 +concept_jobposition_agency concept:atdate concept_date_n2001 +concept_jobposition_agency concept:atdate concept_date_n2003 +concept_jobposition_agency concept:atdate concept_date_n2004 +concept_jobposition_agency concept:atdate concept_dateliteral_n2002 +concept_jobposition_agency concept:atdate concept_dateliteral_n2005 +concept_jobposition_agency concept:atdate concept_dateliteral_n2006 +concept_jobposition_agency concept:atdate concept_dateliteral_n2007 +concept_jobposition_agency concept:atdate concept_dateliteral_n2008 +concept_jobposition_agency concept:mutualproxyfor concept_governmentorganization_department +concept_jobposition_agency concept:synonymfor concept_governmentorganization_u_s_department +concept_jobposition_agency concept:synonymfor concept_governmentorganization_united_states_department +concept_jobposition_agency concept:synonymfor concept_governmentorganization_us_department +concept_jobposition_agency concept:synonymfor concept_museum_u_s__department +concept_jobposition_agency concept:synonymfor concept_politicaloffice_office +concept_jobposition_agency concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_agency concept:professionistypeofprofession concept_profession_providers +concept_jobposition_agency concept:subpartof concept_river_state +concept_jobposition_agency concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_agency concept:subpartof concept_weatherphenomenon_air +concept_jobposition_agency concept:subpartof concept_weatherphenomenon_water +concept_jobposition_agency concept:atdate concept_year_n1998 +concept_jobposition_analyst concept:proxyfor concept_book_new +concept_jobposition_anesthesiologist concept:professionistypeofprofession concept_profession_anesthetists +concept_jobposition_appointments concept:professionistypeofprofession concept_jobposition_doctor +concept_jobposition_area concept:professionusestool concept_tool_tools +concept_jobposition_areas concept:proxyfor concept_book_new +concept_jobposition_areas concept:proxyfor concept_book_north +concept_jobposition_areas concept:atdate concept_date_n2001 +concept_jobposition_areas concept:atdate concept_date_n2003 +concept_jobposition_areas concept:atdate concept_date_n2004 +concept_jobposition_areas concept:atdate concept_dateliteral_n2002 +concept_jobposition_areas concept:atdate concept_dateliteral_n2005 +concept_jobposition_areas concept:atdate concept_dateliteral_n2006 +concept_jobposition_areas concept:atdate concept_dateliteral_n2008 +concept_jobposition_areas concept:professionistypeofprofession concept_jobposition_nursing +concept_jobposition_areas concept:proxyfor concept_room_south +concept_jobposition_areas concept:professionusestool concept_tool_tools +concept_jobposition_areas concept:atdate concept_year_n1998 +concept_jobposition_assistant_director concept:atdate concept_dateliteral_n2007 +concept_jobposition_associate_director concept:atdate concept_dateliteral_n2008 +concept_jobposition_associate_member concept:proxyfor concept_book_new +concept_jobposition_benefits concept:atdate concept_date_n2003 +concept_jobposition_benefits concept:atdate concept_dateliteral_n2005 +concept_jobposition_benefits concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_benefits concept:professionistypeofprofession concept_profession_providers +concept_jobposition_benefits concept:professionusestool concept_tool_tools +concept_jobposition_board_members concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_board_members concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_bouncer concept:latitudelongitude 34.5728800000000,-94.5730000000000 +concept_jobposition_brigadier_general concept:atdate concept_year_n1862 +concept_jobposition_business_administration concept:proxyfor concept_book_new +concept_jobposition_business_administration concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_candidate concept:proxyfor concept_book_new +concept_jobposition_candidate concept:atdate concept_dateliteral_n2007 +concept_jobposition_candidate concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_care_practitioner concept:professionistypeofprofession concept_jobposition_doctor +concept_jobposition_care_practitioner concept:professionistypeofprofession concept_jobposition_physician +concept_jobposition_certified_public_accountant concept:proxyfor concept_book_new +concept_jobposition_charter_member concept:proxyfor concept_book_new +concept_jobposition_chief_operating_officer concept:atdate concept_date_n2000 +concept_jobposition_chief_operating_officer concept:atdate concept_date_n2004 +concept_jobposition_chief_operating_officer concept:atdate concept_dateliteral_n2005 +concept_jobposition_chief_operating_officer concept:atdate concept_dateliteral_n2006 +concept_jobposition_chief_operating_officer concept:atdate concept_dateliteral_n2007 +concept_jobposition_chief_operating_officer concept:atdate concept_dateliteral_n2008 +concept_jobposition_chiropractor concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_co_author concept:proxyfor concept_book_new +concept_jobposition_co_editor concept:proxyfor concept_book_new +concept_jobposition_co_founder concept:proxyfor concept_book_new +concept_jobposition_commercial_operations concept:atdate concept_dateliteral_n2002 +concept_jobposition_commissioner concept:proxyfor concept_book_new +concept_jobposition_commissioner concept:atdate concept_date_n2000 +concept_jobposition_commissioner concept:atdate concept_dateliteral_n2005 +concept_jobposition_commissioner concept:atdate concept_dateliteral_n2007 +concept_jobposition_commissioner concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_communications concept:professionistypeofprofession concept_profession_providers +concept_jobposition_communications concept:professionistypeofprofession concept_profession_services +concept_jobposition_communications concept:professionistypeofprofession concept_profession_skills +concept_jobposition_communications concept:professionusestool concept_tool_tools +concept_jobposition_compiler concept:synonymfor concept_governmentorganization_gcc +concept_jobposition_composer concept:atdate concept_date_n1999 +concept_jobposition_construction_manager concept:proxyfor concept_book_new +concept_jobposition_consultant concept:atdate concept_dateliteral_n2005 +concept_jobposition_consultant concept:atdate concept_dateliteral_n2006 +concept_jobposition_consultant concept:atdate concept_dateliteral_n2007 +concept_jobposition_consultant concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_contractor concept:latitudelongitude 40.8003800000000,-72.9162200000000 +concept_jobposition_contributor concept:proxyfor concept_book_new +concept_jobposition_correspondent concept:proxyfor concept_book_new +concept_jobposition_councillors concept:latitudelongitude 38.8431700000000,-76.5380100000000 +concept_jobposition_court concept:proxyfor concept_book_new +concept_jobposition_court concept:atdate concept_date_n1977 +concept_jobposition_court concept:atdate concept_date_n1993 +concept_jobposition_court concept:atdate concept_date_n1996 +concept_jobposition_court concept:atdate concept_date_n1999 +concept_jobposition_court concept:atdate concept_date_n2000 +concept_jobposition_court concept:atdate concept_date_n2001 +concept_jobposition_court concept:atdate concept_date_n2003 +concept_jobposition_court concept:atdate concept_date_n2004 +concept_jobposition_court concept:atdate concept_date_n2009 +concept_jobposition_court concept:atdate concept_dateliteral_n2002 +concept_jobposition_court concept:atdate concept_dateliteral_n2005 +concept_jobposition_court concept:atdate concept_dateliteral_n2006 +concept_jobposition_court concept:atdate concept_dateliteral_n2007 +concept_jobposition_court concept:atdate concept_dateliteral_n2008 +concept_jobposition_court concept:atdate concept_year_n1985 +concept_jobposition_court concept:atdate concept_year_n1989 +concept_jobposition_court concept:atdate concept_year_n1992 +concept_jobposition_court concept:atdate concept_year_n1995 +concept_jobposition_court concept:atdate concept_year_n1997 +concept_jobposition_court concept:atdate concept_year_n1998 +concept_jobposition_customer_service concept:professionistypeofprofession concept_profession_experienced_staff +concept_jobposition_customer_service concept:professionistypeofprofession concept_profession_knowledgeable_staff +concept_jobposition_customer_service concept:professionistypeofprofession concept_profession_professional_staff +concept_jobposition_customer_service concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_customer_service concept:professionistypeofprofession concept_profession_staff +concept_jobposition_customer_service_representatives concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_dean concept:atdate concept_date_n2000 +concept_jobposition_dean concept:atdate concept_date_n2001 +concept_jobposition_dean concept:atdate concept_date_n2004 +concept_jobposition_dean concept:atdate concept_dateliteral_n2005 +concept_jobposition_dean concept:atdate concept_dateliteral_n2006 +concept_jobposition_dean concept:atdate concept_dateliteral_n2007 +concept_jobposition_dean concept:atdate concept_dateliteral_n2008 +concept_jobposition_decree concept:atdate concept_dateliteral_n2005 +concept_jobposition_decree concept:atdate concept_dateliteral_n2007 +concept_jobposition_defendant concept:proxyfor concept_book_new +concept_jobposition_defendant concept:atdate concept_date_n2001 +concept_jobposition_degree concept:proxyfor concept_book_new +concept_jobposition_degree concept:atdate concept_date_n2004 +concept_jobposition_degree concept:atdate concept_dateliteral_n2006 +concept_jobposition_degree concept:atdate concept_dateliteral_n2007 +concept_jobposition_degree concept:atdate concept_dateliteral_n2008 +concept_jobposition_degree concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_degree concept:atdate concept_year_n1998 +concept_jobposition_delegate concept:proxyfor concept_book_new +concept_jobposition_delegation concept:proxyfor concept_book_new +concept_jobposition_demand concept:proxyfor concept_book_new +concept_jobposition_demand concept:atdate concept_dateliteral_n2008 +concept_jobposition_demand concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_demand concept:professionusestool concept_sportsequipment_products +concept_jobposition_dentist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_dentist concept:professionistypeofprofession concept_profession_providers +concept_jobposition_deputy concept:synonymfor concept_book_education +concept_jobposition_deputy concept:proxyfor concept_book_new +concept_jobposition_deputy concept:synonymfor concept_book_services +concept_jobposition_deputy_prime_minister concept:atdate concept_date_n2003 +concept_jobposition_designer concept:professionusestool concept_tool_tools +concept_jobposition_dietitian concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_direct_sales concept:professionusestool concept_sportsequipment_products +concept_jobposition_distribution concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_distribution concept:professionistypeofprofession concept_profession_providers +concept_jobposition_distribution concept:professionusestool concept_sportsequipment_products +concept_jobposition_district_court concept:atdate concept_year_n1994 +concept_jobposition_doctor concept:atdate concept_dateliteral_n2002 +concept_jobposition_doctor concept:atdate concept_dateliteral_n2005 +concept_jobposition_doctor concept:professionistypeofprofession concept_jobposition_appointments +concept_jobposition_doctor concept:professionistypeofprofession concept_jobposition_care_practitioner +concept_jobposition_doctor concept:professionistypeofprofession concept_jobposition_midwife +concept_jobposition_doctor concept:professionistypeofprofession concept_jobposition_practioner +concept_jobposition_doctor concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_experts +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_practitioners +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_professions +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_providers +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_services +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_staff +concept_jobposition_doctor concept:professionistypeofprofession concept_profession_workers +concept_jobposition_driver concept:atdate concept_date_n2001 +concept_jobposition_driver concept:atdate concept_date_n2004 +concept_jobposition_driver concept:atdate concept_dateliteral_n2002 +concept_jobposition_driver concept:synonymfor concept_wallitem_wireless +concept_jobposition_duties concept:atdate concept_date_n1999 +concept_jobposition_duties concept:atdate concept_date_n2001 +concept_jobposition_duties concept:atdate concept_date_n2003 +concept_jobposition_duties concept:atdate concept_date_n2004 +concept_jobposition_duties concept:atdate concept_dateliteral_n2002 +concept_jobposition_duties concept:atdate concept_dateliteral_n2005 +concept_jobposition_duties concept:atdate concept_dateliteral_n2006 +concept_jobposition_duties concept:atdate concept_dateliteral_n2007 +concept_jobposition_duties concept:atdate concept_dateliteral_n2008 +concept_jobposition_duties concept:subpartof concept_weatherphenomenon_water +concept_jobposition_duty concept:proxyfor concept_book_new +concept_jobposition_duty concept:atdate concept_date_n1864 +concept_jobposition_duty concept:atdate concept_date_n1941 +concept_jobposition_duty concept:atdate concept_date_n1942 +concept_jobposition_duty concept:atdate concept_date_n1951 +concept_jobposition_duty concept:atdate concept_date_n1968 +concept_jobposition_duty concept:atdate concept_date_n1996 +concept_jobposition_duty concept:atdate concept_date_n1999 +concept_jobposition_duty concept:atdate concept_date_n2000 +concept_jobposition_duty concept:atdate concept_date_n2001 +concept_jobposition_duty concept:atdate concept_date_n2003 +concept_jobposition_duty concept:atdate concept_date_n2004 +concept_jobposition_duty concept:atdate concept_dateliteral_n1918 +concept_jobposition_duty concept:atdate concept_dateliteral_n1943 +concept_jobposition_duty concept:atdate concept_dateliteral_n1945 +concept_jobposition_duty concept:atdate concept_dateliteral_n1953 +concept_jobposition_duty concept:atdate concept_dateliteral_n2002 +concept_jobposition_duty concept:atdate concept_dateliteral_n2005 +concept_jobposition_duty concept:atdate concept_dateliteral_n2006 +concept_jobposition_duty concept:atdate concept_dateliteral_n2007 +concept_jobposition_duty concept:atdate concept_dateliteral_n2008 +concept_jobposition_duty concept:atdate concept_year_n1863 +concept_jobposition_duty concept:atdate concept_year_n1946 +concept_jobposition_duty concept:atdate concept_year_n1956 +concept_jobposition_duty concept:atdate concept_year_n1965 +concept_jobposition_duty concept:atdate concept_year_n1974 +concept_jobposition_duty concept:atdate concept_year_n1992 +concept_jobposition_economist concept:atdate concept_dateliteral_n2005 +concept_jobposition_economist concept:atdate concept_dateliteral_n2006 +concept_jobposition_employers concept:proxyfor concept_book_new +concept_jobposition_employers concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_employers concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_employers concept:professionusestool concept_tool_tools +concept_jobposition_entrepreneur concept:proxyfor concept_book_new +concept_jobposition_executive_chef concept:atdate concept_dateliteral_n2006 +concept_jobposition_executive_director concept:proxyfor concept_book_new +concept_jobposition_executive_director concept:atdate concept_date_n1996 +concept_jobposition_executive_director concept:atdate concept_date_n1999 +concept_jobposition_executive_director concept:atdate concept_date_n2000 +concept_jobposition_executive_director concept:atdate concept_date_n2001 +concept_jobposition_executive_director concept:atdate concept_date_n2003 +concept_jobposition_executive_director concept:atdate concept_date_n2004 +concept_jobposition_executive_director concept:atdate concept_dateliteral_n2002 +concept_jobposition_executive_director concept:atdate concept_dateliteral_n2005 +concept_jobposition_executive_director concept:atdate concept_dateliteral_n2006 +concept_jobposition_executive_director concept:atdate concept_dateliteral_n2007 +concept_jobposition_executive_director concept:atdate concept_dateliteral_n2008 +concept_jobposition_facility concept:proxyfor concept_book_new +concept_jobposition_facility concept:atdate concept_date_n1993 +concept_jobposition_facility concept:atdate concept_date_n1996 +concept_jobposition_facility concept:atdate concept_date_n1999 +concept_jobposition_facility concept:atdate concept_date_n2000 +concept_jobposition_facility concept:atdate concept_date_n2001 +concept_jobposition_facility concept:atdate concept_date_n2003 +concept_jobposition_facility concept:atdate concept_date_n2004 +concept_jobposition_facility concept:atdate concept_date_n2009 +concept_jobposition_facility concept:atdate concept_dateliteral_n1990 +concept_jobposition_facility concept:atdate concept_dateliteral_n2002 +concept_jobposition_facility concept:atdate concept_dateliteral_n2005 +concept_jobposition_facility concept:atdate concept_dateliteral_n2006 +concept_jobposition_facility concept:atdate concept_dateliteral_n2007 +concept_jobposition_facility concept:atdate concept_dateliteral_n2008 +concept_jobposition_facility concept:professionistypeofprofession concept_jobposition_nursing_home +concept_jobposition_facility concept:professionistypeofprofession concept_profession_providers +concept_jobposition_facility concept:subpartof concept_visualizablething_water_supply +concept_jobposition_facility concept:subpartof concept_weatherphenomenon_air +concept_jobposition_facility concept:subpartof concept_weatherphenomenon_water +concept_jobposition_facility concept:atdate concept_year_n1992 +concept_jobposition_facility concept:atdate concept_year_n1995 +concept_jobposition_facility concept:atdate concept_year_n1997 +concept_jobposition_facility concept:atdate concept_year_n1998 +concept_jobposition_factory concept:proxyfor concept_book_new +concept_jobposition_factory concept:atdate concept_dateliteral_n2005 +concept_jobposition_factory concept:atdate concept_dateliteral_n2006 +concept_jobposition_factory concept:atdate concept_dateliteral_n2007 +concept_jobposition_factory concept:atdate concept_dateliteral_n2008 +concept_jobposition_family_doctor concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_family_physician concept:professionistypeofprofession concept_profession_practitioners +concept_jobposition_family_physician concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_farmer concept:proxyfor concept_book_new +concept_jobposition_finance_director concept:atdate concept_dateliteral_n2007 +concept_jobposition_finance_director concept:atdate concept_dateliteral_n2008 +concept_jobposition_financial_officer concept:atdate concept_date_n2000 +concept_jobposition_financial_officer concept:atdate concept_date_n2004 +concept_jobposition_financial_officer concept:atdate concept_dateliteral_n2007 +concept_jobposition_form concept:proxyfor concept_book_new +concept_jobposition_form concept:professionusestool concept_tool_tools +concept_jobposition_former_associate concept:synonymfor concept_politicsissue_affairs +concept_jobposition_frequent_lecturer concept:proxyfor concept_book_new +concept_jobposition_general_counsel concept:atdate concept_date_n2000 +concept_jobposition_general_counsel concept:atdate concept_dateliteral_n2002 +concept_jobposition_general_counsel concept:atdate concept_dateliteral_n2005 +concept_jobposition_general_counsel concept:atdate concept_dateliteral_n2006 +concept_jobposition_general_counsel concept:atdate concept_dateliteral_n2007 +concept_jobposition_general_counsel concept:atdate concept_dateliteral_n2008 +concept_jobposition_general_inquiries concept:professionistypeofprofession concept_profession_services +concept_jobposition_general_manager concept:atdate concept_date_n2001 +concept_jobposition_general_manager concept:atdate concept_dateliteral_n2006 +concept_jobposition_general_manager concept:atdate concept_dateliteral_n2007 +concept_jobposition_general_manager concept:atdate concept_dateliteral_n2008 +concept_jobposition_global_marketing concept:professionusestool concept_sportsequipment_products +concept_jobposition_goals concept:subpartof concept_weatherphenomenon_water +concept_jobposition_governments concept:proxyfor concept_book_new +concept_jobposition_governments concept:professionusestool concept_tool_tools +concept_jobposition_group concept:proxyfor concept_book_new +concept_jobposition_group concept:atdate concept_date_n1966 +concept_jobposition_group concept:atdate concept_date_n1968 +concept_jobposition_group concept:atdate concept_date_n1972 +concept_jobposition_group concept:atdate concept_date_n1993 +concept_jobposition_group concept:atdate concept_date_n1996 +concept_jobposition_group concept:atdate concept_date_n1999 +concept_jobposition_group concept:atdate concept_date_n2000 +concept_jobposition_group concept:atdate concept_date_n2001 +concept_jobposition_group concept:atdate concept_date_n2003 +concept_jobposition_group concept:atdate concept_date_n2004 +concept_jobposition_group concept:atdate concept_dateliteral_n2002 +concept_jobposition_group concept:atdate concept_dateliteral_n2005 +concept_jobposition_group concept:atdate concept_dateliteral_n2006 +concept_jobposition_group concept:atdate concept_dateliteral_n2007 +concept_jobposition_group concept:atdate concept_dateliteral_n2008 +concept_jobposition_group concept:professionistypeofprofession concept_profession_attorneys +concept_jobposition_group concept:professionistypeofprofession concept_profession_experts +concept_jobposition_group concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_group concept:professionistypeofprofession concept_profession_litigators +concept_jobposition_group concept:professionistypeofprofession concept_profession_representatives +concept_jobposition_group concept:professionistypeofprofession concept_profession_teachers +concept_jobposition_group concept:professionistypeofprofession concept_profession_writers +concept_jobposition_group concept:professionusestool concept_tool_tools +concept_jobposition_group concept:atdate concept_year_n1956 +concept_jobposition_group concept:atdate concept_year_n1967 +concept_jobposition_group concept:atdate concept_year_n1970 +concept_jobposition_group concept:atdate concept_year_n1991 +concept_jobposition_group concept:atdate concept_year_n1994 +concept_jobposition_group concept:atdate concept_year_n1997 +concept_jobposition_group concept:atdate concept_year_n1998 +concept_jobposition_guest_speaker concept:proxyfor concept_book_new +concept_jobposition_hardware concept:atdate concept_dateliteral_n2007 +concept_jobposition_home_health_care concept:professionistypeofprofession concept_jobposition_nursing +concept_jobposition_host concept:professionusestool concept_tool_tools +concept_jobposition_innovation concept:professionusestool concept_sportsequipment_products +concept_jobposition_interim_president concept:atdate concept_dateliteral_n2007 +concept_jobposition_internal_medicine concept:atdate concept_dateliteral_n2006 +concept_jobposition_internal_medicine concept:atdate concept_dateliteral_n2007 +concept_jobposition_internal_medicine concept:atdate concept_dateliteral_n2008 +concept_jobposition_invasive concept:latitudelongitude 38.9244200000000,-94.7690000000000 +concept_jobposition_junkie concept:latitudelongitude 34.8483900000000,-100.0617700000000 +concept_jobposition_l_rd concept:istallerthan concept_publication_people_ +concept_jobposition_last_week concept:atdate concept_date_n1999 +concept_jobposition_last_week concept:atdate concept_dateliteral_n2005 +concept_jobposition_last_week concept:atdate concept_dateliteral_n2006 +concept_jobposition_last_week concept:atdate concept_dateliteral_n2007 +concept_jobposition_last_week concept:atdate concept_dateliteral_n2008 +concept_jobposition_leader concept:professionusestool concept_tool_tools +concept_jobposition_maid concept:proxyfor concept_book_new +concept_jobposition_marketer concept:professionusestool concept_sportsequipment_products +concept_jobposition_meeting concept:atdate concept_date_aug +concept_jobposition_meeting concept:atdate concept_date_aug_ +concept_jobposition_meeting concept:atdate concept_date_dec_ +concept_jobposition_meeting concept:atdate concept_date_fall +concept_jobposition_meeting concept:atdate concept_date_feb_ +concept_jobposition_meeting concept:atdate concept_date_jan +concept_jobposition_meeting concept:atdate concept_date_n1906 +concept_jobposition_meeting concept:atdate concept_date_n1933 +concept_jobposition_meeting concept:atdate concept_date_n1942 +concept_jobposition_meeting concept:atdate concept_date_n1951 +concept_jobposition_meeting concept:atdate concept_date_n1958 +concept_jobposition_meeting concept:atdate concept_date_n1966 +concept_jobposition_meeting concept:atdate concept_date_n1968 +concept_jobposition_meeting concept:atdate concept_date_n1969 +concept_jobposition_meeting concept:atdate concept_date_n1971 +concept_jobposition_meeting concept:atdate concept_date_n1972 +concept_jobposition_meeting concept:atdate concept_date_n1976 +concept_jobposition_meeting concept:atdate concept_date_n1977 +concept_jobposition_meeting concept:atdate concept_date_n1979 +concept_jobposition_meeting concept:atdate concept_date_n1993 +concept_jobposition_meeting concept:atdate concept_date_n1996 +concept_jobposition_meeting concept:atdate concept_date_n1999 +concept_jobposition_meeting concept:atdate concept_date_n2000 +concept_jobposition_meeting concept:atdate concept_date_n2001 +concept_jobposition_meeting concept:atdate concept_date_n2003 +concept_jobposition_meeting concept:atdate concept_date_n2004 +concept_jobposition_meeting concept:atdate concept_date_n2009 +concept_jobposition_meeting concept:atdate concept_date_nov_ +concept_jobposition_meeting concept:atdate concept_date_oct +concept_jobposition_meeting concept:atdate concept_date_oct_ +concept_jobposition_meeting concept:atdate concept_date_sept_ +concept_jobposition_meeting concept:atdate concept_date_spring +concept_jobposition_meeting concept:atdate concept_date_summer +concept_jobposition_meeting concept:atdate concept_dateliteral_n1936 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1943 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1945 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1947 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1954 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1961 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1980 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1987 +concept_jobposition_meeting concept:atdate concept_dateliteral_n1990 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2002 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2005 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2006 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2007 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2008 +concept_jobposition_meeting concept:atdate concept_dateliteral_n2010 +concept_jobposition_meeting concept:atdate concept_year_n1867 +concept_jobposition_meeting concept:atdate concept_year_n1881 +concept_jobposition_meeting concept:atdate concept_year_n1885 +concept_jobposition_meeting concept:atdate concept_year_n1887 +concept_jobposition_meeting concept:atdate concept_year_n1937 +concept_jobposition_meeting concept:atdate concept_year_n1946 +concept_jobposition_meeting concept:atdate concept_year_n1948 +concept_jobposition_meeting concept:atdate concept_year_n1952 +concept_jobposition_meeting concept:atdate concept_year_n1955 +concept_jobposition_meeting concept:atdate concept_year_n1956 +concept_jobposition_meeting concept:atdate concept_year_n1959 +concept_jobposition_meeting concept:atdate concept_year_n1963 +concept_jobposition_meeting concept:atdate concept_year_n1965 +concept_jobposition_meeting concept:atdate concept_year_n1967 +concept_jobposition_meeting concept:atdate concept_year_n1970 +concept_jobposition_meeting concept:atdate concept_year_n1973 +concept_jobposition_meeting concept:atdate concept_year_n1974 +concept_jobposition_meeting concept:atdate concept_year_n1975 +concept_jobposition_meeting concept:atdate concept_year_n1978 +concept_jobposition_meeting concept:atdate concept_year_n1981 +concept_jobposition_meeting concept:atdate concept_year_n1982 +concept_jobposition_meeting concept:atdate concept_year_n1983 +concept_jobposition_meeting concept:atdate concept_year_n1984 +concept_jobposition_meeting concept:atdate concept_year_n1985 +concept_jobposition_meeting concept:atdate concept_year_n1986 +concept_jobposition_meeting concept:atdate concept_year_n1988 +concept_jobposition_meeting concept:atdate concept_year_n1989 +concept_jobposition_meeting concept:atdate concept_year_n1991 +concept_jobposition_meeting concept:atdate concept_year_n1992 +concept_jobposition_meeting concept:atdate concept_year_n1994 +concept_jobposition_meeting concept:atdate concept_year_n1995 +concept_jobposition_meeting concept:atdate concept_year_n1997 +concept_jobposition_meeting concept:atdate concept_year_n1998 +concept_jobposition_midwife concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_midwife concept:professionistypeofprofession concept_profession_providers +concept_jobposition_moment concept:proxyfor concept_book_new +concept_jobposition_moment concept:atdate concept_date_n2001 +concept_jobposition_moment concept:atdate concept_dateliteral_n2007 +concept_jobposition_municipalities concept:proxyfor concept_book_new +concept_jobposition_municipalities concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_municipality concept:proxyfor concept_book_new +concept_jobposition_municipality concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_music_director concept:atdate concept_date_n2003 +concept_jobposition_neurologist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_non_executive_director concept:atdate concept_date_n2003 +concept_jobposition_non_executive_director concept:atdate concept_dateliteral_n2005 +concept_jobposition_non_executive_director concept:atdate concept_dateliteral_n2006 +concept_jobposition_non_executive_director concept:atdate concept_dateliteral_n2007 +concept_jobposition_non_executive_director concept:atdate concept_dateliteral_n2008 +concept_jobposition_nurse concept:professionistypeofprofession concept_jobposition_aide +concept_jobposition_nurse concept:professionistypeofprofession concept_jobposition_educator +concept_jobposition_nurse concept:professionistypeofprofession concept_jobposition_manager +concept_jobposition_nurse concept:professionistypeofprofession concept_jobposition_midwife +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_assistants +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_educators +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_jobs +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_practitioners +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_providers +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_staff +concept_jobposition_nurse concept:professionistypeofprofession concept_profession_workers +concept_jobposition_nurse_practitioner concept:professionistypeofprofession concept_jobposition_midwife +concept_jobposition_nursing concept:professionistypeofprofession concept_jobposition_areas +concept_jobposition_nursing concept:professionistypeofprofession concept_jobposition_home_health_care +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_careers +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_concerns +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_degrees +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_education +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_educators +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_jobs +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_literature +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_management +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_members +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_nurses +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_occupations +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_professions +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_providers +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_research +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_services +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_staff +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_staff_members +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_support +concept_jobposition_nursing concept:professionistypeofprofession concept_profession_workers +concept_jobposition_nursing_home concept:professionistypeofprofession concept_jobposition_facility +concept_jobposition_nutritionist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_oars concept:latitudelongitude 36.1628700000000,-83.5285100000000 +concept_jobposition_obstetrician concept:professionistypeofprofession concept_jobposition_midwife +concept_jobposition_office_manager concept:atdate concept_dateliteral_n2007 +concept_jobposition_office_manager concept:atdate concept_dateliteral_n2008 +concept_jobposition_owners concept:proxyfor concept_book_new +concept_jobposition_owners concept:atdate concept_date_n2003 +concept_jobposition_owners concept:atdate concept_dateliteral_n2005 +concept_jobposition_owners concept:atdate concept_dateliteral_n2007 +concept_jobposition_owners concept:atdate concept_dateliteral_n2008 +concept_jobposition_owners concept:professionusestool concept_sportsequipment_products +concept_jobposition_owners concept:professionusestool concept_tool_tools +concept_jobposition_owners concept:subpartof concept_weatherphenomenon_water +concept_jobposition_partner concept:proxyfor concept_book_new +concept_jobposition_partner concept:atdate concept_dateliteral_n2002 +concept_jobposition_partner concept:atdate concept_dateliteral_n2005 +concept_jobposition_partner concept:atdate concept_dateliteral_n2006 +concept_jobposition_partner concept:atdate concept_dateliteral_n2007 +concept_jobposition_partner concept:atdate concept_dateliteral_n2008 +concept_jobposition_partner concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_partner concept:professionusestool concept_tool_tools +concept_jobposition_past_president concept:proxyfor concept_book_new +concept_jobposition_patrons concept:proxyfor concept_book_new +concept_jobposition_pediatrician concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_pediatrician concept:professionistypeofprofession concept_profession_providers +concept_jobposition_pharmacist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_pharmacist concept:professionistypeofprofession concept_profession_providers +concept_jobposition_phone concept:professionistypeofprofession concept_profession_providers +concept_jobposition_physical_therapist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_physician concept:professionistypeofprofession concept_jobposition_care_practitioner +concept_jobposition_physician concept:professionistypeofprofession concept_jobposition_midwife +concept_jobposition_physician concept:professionistypeofprofession concept_jobposition_practioner +concept_jobposition_physician concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_physician concept:professionistypeofprofession concept_profession_care_professionals +concept_jobposition_physician concept:professionistypeofprofession concept_profession_experts +concept_jobposition_physician concept:professionistypeofprofession concept_profession_jobs +concept_jobposition_physician concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_physician concept:professionistypeofprofession concept_profession_members +concept_jobposition_physician concept:professionistypeofprofession concept_profession_practitioners +concept_jobposition_physician concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_physician concept:professionistypeofprofession concept_profession_professions +concept_jobposition_physician concept:professionistypeofprofession concept_profession_providers +concept_jobposition_physician concept:professionistypeofprofession concept_profession_services +concept_jobposition_physician concept:professionistypeofprofession concept_profession_specialists +concept_jobposition_physician concept:professionistypeofprofession concept_profession_staff +concept_jobposition_physician concept:professionistypeofprofession concept_profession_workers +concept_jobposition_physician concept:professionusestool concept_tool_tools +concept_jobposition_physician_assistant concept:professionistypeofprofession concept_profession_practitioners +concept_jobposition_physiotherapist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_postdoctoral_fellow concept:atdate concept_dateliteral_n2006 +concept_jobposition_practioner concept:professionistypeofprofession concept_jobposition_physician +concept_jobposition_praetor concept:latitudelongitude 38.5768233333333,-111.8185233333334 +concept_jobposition_premises concept:atdate concept_date_n1999 +concept_jobposition_premises concept:atdate concept_date_n2000 +concept_jobposition_premises concept:atdate concept_date_n2003 +concept_jobposition_premises concept:atdate concept_date_n2004 +concept_jobposition_premises concept:atdate concept_dateliteral_n2002 +concept_jobposition_premises concept:atdate concept_dateliteral_n2005 +concept_jobposition_premises concept:atdate concept_dateliteral_n2006 +concept_jobposition_premises concept:atdate concept_dateliteral_n2007 +concept_jobposition_premises concept:atdate concept_dateliteral_n2008 +concept_jobposition_presenter concept:proxyfor concept_book_new +concept_jobposition_presidency concept:proxyfor concept_book_new +concept_jobposition_presidency concept:atdate concept_date_n1993 +concept_jobposition_presidency concept:atdate concept_date_n1999 +concept_jobposition_presidency concept:atdate concept_date_n2000 +concept_jobposition_presidency concept:atdate concept_date_n2001 +concept_jobposition_presidency concept:atdate concept_date_n2003 +concept_jobposition_presidency concept:atdate concept_date_n2004 +concept_jobposition_presidency concept:atdate concept_date_n2009 +concept_jobposition_presidency concept:atdate concept_dateliteral_n2002 +concept_jobposition_presidency concept:atdate concept_dateliteral_n2005 +concept_jobposition_presidency concept:atdate concept_dateliteral_n2006 +concept_jobposition_presidency concept:atdate concept_dateliteral_n2007 +concept_jobposition_presidency concept:atdate concept_dateliteral_n2008 +concept_jobposition_presidency concept:atdate concept_year_n1991 +concept_jobposition_presidency concept:atdate concept_year_n1994 +concept_jobposition_presidency concept:atdate concept_year_n1997 +concept_jobposition_presidency concept:atdate concept_year_n1998 +concept_jobposition_primary_care_physician concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_primary_care_physician concept:professionistypeofprofession concept_profession_providers +concept_jobposition_primary_care_physician concept:professionistypeofprofession concept_profession_specialists +concept_jobposition_primary_care_provider concept:professionistypeofprofession concept_profession_providers +concept_jobposition_prime_minister concept:atdate concept_dateliteral_n2002 +concept_jobposition_prime_minister concept:atdate concept_dateliteral_n2005 +concept_jobposition_prime_minister concept:atdate concept_dateliteral_n2006 +concept_jobposition_prime_minister concept:atdate concept_dateliteral_n2007 +concept_jobposition_principal_investigator concept:proxyfor concept_book_new +concept_jobposition_producer concept:professionusestool concept_sportsequipment_products +concept_jobposition_proud_member concept:proxyfor concept_book_new +concept_jobposition_proud_member concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_provost concept:atdate concept_dateliteral_n2006 +concept_jobposition_psychiatrist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_psychiatrist concept:professionistypeofprofession concept_profession_workers +concept_jobposition_psychologist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_psychologist concept:professionistypeofprofession concept_profession_staff +concept_jobposition_rear_admiral concept:latitudelongitude 38.9054750000000,-77.0444350000000 +concept_jobposition_recent_graduate concept:proxyfor concept_book_new +concept_jobposition_recording concept:atdate concept_date_n2003 +concept_jobposition_recording concept:atdate concept_date_n2009 +concept_jobposition_recording concept:atdate concept_dateliteral_n2002 +concept_jobposition_recording concept:atdate concept_dateliteral_n2005 +concept_jobposition_recording concept:atdate concept_dateliteral_n2008 +concept_jobposition_referral concept:professionistypeofprofession concept_profession_providers +concept_jobposition_registered_professional_engineer concept:proxyfor concept_book_new +concept_jobposition_republican concept:proxyfor concept_book_new +concept_jobposition_republicans concept:proxyfor concept_book_new +concept_jobposition_researcher concept:proxyfor concept_book_new +concept_jobposition_researcher concept:atdate concept_dateliteral_n2005 +concept_jobposition_researcher concept:atdate concept_dateliteral_n2006 +concept_jobposition_same_day concept:atdate concept_date_n2003 +concept_jobposition_same_day concept:atdate concept_dateliteral_n2005 +concept_jobposition_same_day concept:atdate concept_dateliteral_n2008 +concept_jobposition_school_psychologist concept:professionistypeofprofession concept_profession_school_personnel +concept_jobposition_selection_committee concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_selection_committee concept:professionistypeofprofession concept_profession_representatives +concept_jobposition_senior_member concept:proxyfor concept_book_new +concept_jobposition_sergeant concept:atdate concept_dateliteral_n2007 +concept_jobposition_share concept:proxyfor concept_book_new +concept_jobposition_share concept:atdate concept_date_n2003 +concept_jobposition_share concept:atdate concept_dateliteral_n2007 +concept_jobposition_share concept:atdate concept_dateliteral_n2008 +concept_jobposition_share concept:mutualproxyfor concept_sportsequipment_new +concept_jobposition_share concept:professionusestool concept_sportsequipment_products +concept_jobposition_social_work concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_social_work concept:professionistypeofprofession concept_profession_professions +concept_jobposition_social_work concept:professionistypeofprofession concept_profession_services +concept_jobposition_social_work concept:professionistypeofprofession concept_profession_work +concept_jobposition_social_worker concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_social_worker concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_soldier concept:proxyfor concept_book_new +concept_jobposition_solicitor concept:atdate concept_date_n1999 +concept_jobposition_solicitor concept:atdate concept_date_n2000 +concept_jobposition_solicitor concept:atdate concept_dateliteral_n2005 +concept_jobposition_solicitor concept:atdate concept_dateliteral_n2006 +concept_jobposition_solicitor concept:atdate concept_dateliteral_n2007 +concept_jobposition_specialist concept:professionistypeofprofession concept_jobposition_doctor +concept_jobposition_specialist concept:professionistypeofprofession concept_jobposition_physician +concept_jobposition_specialist concept:professionistypeofprofession concept_jobposition_psychologist +concept_jobposition_specialist concept:professionistypeofprofession concept_jobposition_social_worker +concept_jobposition_specialist concept:professionistypeofprofession concept_profession_services +concept_jobposition_staff_member concept:atdate concept_date_n1999 +concept_jobposition_staff_member concept:atdate concept_date_n2004 +concept_jobposition_strategic_partners concept:professionistypeofprofession concept_profession_leaders +concept_jobposition_strategies concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_strategies concept:professionusestool concept_sportsequipment_products +concept_jobposition_superintendent concept:subpartof concept_weatherphenomenon_water +concept_jobposition_supervisor concept:subpartof concept_weatherphenomenon_water +concept_jobposition_surgeon concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_surgeon concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_surgeon concept:professionistypeofprofession concept_profession_staff +concept_jobposition_systems concept:proxyfor concept_book_new +concept_jobposition_systems concept:atdate concept_dateliteral_n2007 +concept_jobposition_systems concept:professionistypeofprofession concept_profession_experts +concept_jobposition_systems concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_systems concept:professionistypeofprofession concept_profession_providers +concept_jobposition_systems concept:professionusestool concept_tool_tools +concept_jobposition_task concept:proxyfor concept_book_new +concept_jobposition_task concept:atdate concept_dateliteral_n2006 +concept_jobposition_task concept:professionusestool concept_tool_tools +concept_jobposition_therapist concept:professionistypeofprofession concept_jobposition_specialist +concept_jobposition_therapist concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_therapist concept:professionistypeofprofession concept_profession_providers +concept_jobposition_therapist concept:professionistypeofprofession concept_profession_staff +concept_jobposition_third_mate concept:latitudelongitude -44.3175050000000,168.6917050000000 +concept_jobposition_trainer concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_treasurer concept:proxyfor concept_book_new +concept_jobposition_treasurer concept:atdate concept_dateliteral_n2005 +concept_jobposition_treasurer concept:atdate concept_dateliteral_n2006 +concept_jobposition_treasurer concept:atdate concept_dateliteral_n2007 +concept_jobposition_treasurer concept:atdate concept_dateliteral_n2008 +concept_jobposition_trustee concept:proxyfor concept_book_new +concept_jobposition_trustee concept:atdate concept_dateliteral_n2006 +concept_jobposition_trustee concept:atdate concept_dateliteral_n2007 +concept_jobposition_trustee concept:atdate concept_dateliteral_n2008 +concept_jobposition_veterinarian concept:professionistypeofprofession concept_profession_professionals +concept_jobposition_vice_chairman concept:proxyfor concept_book_new +concept_jobposition_villas_caribe concept:latitudelongitude 20.5062000000000,-86.9467000000000 +concept_jobposition_weston concept:subpartof concept_city_florida +concept_journalist_a_o__scott concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_aaron_brown concept:journalistwritesforpublication concept_blog_cnn_headline +concept_journalist_aaron_brown concept:journalistwritesforpublication concept_company_cnn +concept_journalist_aaron_brown concept:journalistwritesforpublication concept_company_fox +concept_journalist_adam_clymer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_adam_liptak concept:worksfor concept_musicartist_times +concept_journalist_adam_liptak concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_adam_liptak concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_adam_nagourney concept:personbelongstoorganization concept_musicartist_times +concept_journalist_adam_nagourney concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_adam_nagourney concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_adam_rubin concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_adrian_higgins concept:journalistwritesforpublication concept_company_post +concept_journalist_al_roker concept:worksfor concept_company_nbc +concept_journalist_alan_cooperman concept:journalistwritesforpublication concept_company_post +concept_journalist_alan_schwarz concept:journalistwritesforpublication concept_politicsblog_baseball_america +concept_journalist_alan_schwarz concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_alan_schwarz concept:worksfor concept_website_new_york_times +concept_journalist_alana_semuels concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_alex_berenson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_alex_berenson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_alex_berenson concept:worksfor concept_website_new_york_times +concept_journalist_alina_tugend concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_alissa_j__rubin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_alissa_rubin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_allan_kozinn concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_amir_taheri concept:journalistwritesforpublication concept_company_post +concept_journalist_amy_goldstein concept:journalistwritesforpublication concept_company_post +concept_journalist_amy_joyce concept:journalistwritesforpublication concept_company_dc +concept_journalist_amy_scattergood concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anderson_cooper concept:journalistwritesforpublication concept_company_cnn +concept_journalist_andrea_mitchell concept:journalistwritesforpublication concept_company_nbc +concept_journalist_andrea_mitchell concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_andrea_peyser concept:journalistwritesforpublication concept_company_post +concept_journalist_andrew_baggarly concept:journalistwritesforpublication concept_website_san_jose_mercury_news +concept_journalist_andrew_c__revkin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_andrew_c__revkin concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_andrew_malcolm concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_andrew_meldrum concept:journalistwritesforpublication concept_politicsblog_guardian +concept_journalist_andrew_ross_sorkin concept:worksfor concept_musicartist_times +concept_journalist_andrew_ross_sorkin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_andrew_ross_sorkin concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_andrew_ross_sorkin concept:worksfor concept_website_new_york_times +concept_journalist_andy_rooney concept:personleadsorganization concept_company_cnn__pbs +concept_journalist_andy_rooney concept:personleadsorganization concept_televisionnetwork_cbs +concept_journalist_andy_rooney concept:worksfor concept_televisionnetwork_cbs +concept_journalist_anita_campbell concept:worksfor concept_blog_small_business_trends +concept_journalist_ann_curry concept:journalistwritesforpublication concept_company_nbc +concept_journalist_ann_killion concept:journalistwritesforpublication concept_website_san_jose_mercury_news +concept_journalist_ann_powers concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anna_gorman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anne_midgette concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_journalist_annys_shin concept:journalistwritesforpublication concept_company_post +concept_journalist_anonymous concept:agentcreated concept_book_go_ask_alice +concept_journalist_anonymous concept:agentcreated concept_musicalbum_goody_two_shoes +concept_journalist_anonymous concept:agentinvolvedwithitem concept_videogame_beowulf +concept_journalist_anthony_depalma concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anthony_lewis concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_anthony_lewis concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_anthony_tommasini concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ashlee_vance concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_atul_gawande concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_aubrey_mcclendon concept:personleadsorganization concept_company_chesapeake_energy +concept_journalist_audrey_hudson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_barbara_starr concept:journalistwritesforpublication concept_company_cnn +concept_journalist_barnaby_feder concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_barry_meier concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_barry_meier concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_barry_svrluga concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_bart_hubbuch concept:journalistwritesforpublication concept_company_post +concept_journalist_barton_gellman concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_barton_gellman concept:journalistwritesforpublication concept_company_dc +concept_journalist_barton_gellman concept:journalistwritesforpublication concept_company_post +concept_journalist_barton_gellman concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_ben_brantley concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ben_brantley concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_ben_goldacre concept:agentcreated concept_book_bad_science +concept_journalist_ben_ratliff concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ben_smith concept:journalistwritesforpublication concept_newspaper_politico +concept_journalist_ben_stein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_benedict_carey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_benedict_carey concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_bernard_holland concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bernard_weinraub concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bernie_lincicome concept:journalistwritesforpublication concept_newspaper_rocky_mountain_news +concept_journalist_bernie_miklasz concept:journalistwritesforpublication concept_newspaper_st__louis_post_dispatch +concept_journalist_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_journalist_bill_carter concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bill_center concept:journalistwritesforpublication concept_website_the_san_diego_union_tribune +concept_journalist_bill_conlin concept:journalistwritesforpublication concept_website_philadelphia_daily_news +concept_journalist_bill_dwyre concept:journalistwritesforpublication concept_newspaper_la_times +concept_journalist_bill_dwyre concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_bill_hemmer concept:journalistwritesforpublication concept_company_fox +concept_journalist_bill_keller concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_bill_livingston concept:journalistwritesforpublication concept_blog_plain_dealer +concept_journalist_bill_livingston concept:journalistwritesforpublication concept_newspaper_cleveland_plain_dealer +concept_journalist_bill_madden concept:journalistwritesforpublication concept_politicsblog_daily_news +concept_journalist_bill_madden concept:journalistwritesforpublication concept_website_new_york_daily +concept_journalist_bill_o_reilly concept:journalistwritesforpublication concept_company_fox +concept_journalist_bill_o_reilly concept:journalistwritesforpublication concept_company_fox_news_channel +concept_journalist_bill_o_reilly concept:worksfor concept_governmentorganization_fox_news +concept_journalist_bill_o_reilly concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_bill_plaschke concept:personbelongstoorganization concept_magazine_los_angeles_times +concept_journalist_bill_plaschke concept:journalistwritesforpublication concept_newspaper_la_times +concept_journalist_bill_plaschke concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_bill_plaschke concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bill_reiter concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_bill_shaikin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bill_simmons concept:journalistwritesforpublication concept_publication_espn +concept_journalist_blackie_sherrod concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_journalist_bloomberg_news concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bob_drogin concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_bob_drogin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bob_dutton concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_bob_elliott concept:journalistwritesforpublication concept_newspaper_toronto_sun +concept_journalist_bob_ford concept:journalistwritesforpublication concept_newspaper_philadelphia_inquirer +concept_journalist_bob_greene concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_bob_herbert concept:personbelongstoorganization concept_musicartist_times +concept_journalist_bob_herbert concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bob_herbert concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_bob_hohler concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_bob_hunter concept:journalistwritesforpublication concept_website_columbus_dispatch +concept_journalist_bob_klapisch concept:journalistwritesforpublication concept_newspaper_bergen_record +concept_journalist_bob_kravitz concept:journalistwritesforpublication concept_newspaper_indianapolis_star +concept_journalist_bob_nightengale concept:journalistwritesforpublication concept_newspaper_usa_today +concept_journalist_bob_raissman concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_bob_raissman concept:journalistwritesforpublication concept_website_new_york_daily +concept_journalist_bob_ryan concept:personbelongstoorganization concept_company_boston_globe001 +concept_journalist_bob_ryan concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_bob_schieffer concept:personbelongstoorganization concept_governmentorganization_cbs_news +concept_journalist_bob_schieffer concept:subpartof concept_website_cbs +concept_journalist_bob_schieffer concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_bob_smizik concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_bob_tedeschi concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bob_wojnowski concept:journalistwritesforpublication concept_newspaper_detroit_news +concept_journalist_bob_woodruff concept:personbelongstoorganization concept_company_abc_news +concept_journalist_bob_woodruff concept:subpartof concept_website_abc +concept_journalist_bob_woodward concept:agentcontributedtocreativework concept_book_obama_s_wars +concept_journalist_bob_woodward concept:agentcreated concept_book_obama_s_wars +concept_journalist_bob_woodward concept:journalistwritesforpublication concept_company_dc +concept_journalist_bob_woodward concept:journalistwritesforpublication concept_company_post +concept_journalist_bob_woodward concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_borzou_daragahi concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_borzou_daragahi concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_brad_stone concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_brad_stone concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_brent_staples concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_brent_staples concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_bret_stephens concept:journalistwritesforpublication concept_politicsblog_wall_street_journal +concept_journalist_brian_williams concept:journalistwritesforpublication concept_company_nbc +concept_journalist_brian_williams concept:worksfor concept_company_nbc +concept_journalist_brian_williams concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_brian_williams concept:worksfor concept_website_nbc_news +concept_journalist_brit_hume concept:journalistwritesforpublication concept_company_fox +concept_journalist_brit_hume concept:journalistwritesforpublication concept_company_fox_news_channel +concept_journalist_brit_hume concept:personbelongstoorganization concept_governmentorganization_fox_news +concept_journalist_brit_hume concept:personbelongstoorganization concept_mountain_fox +concept_journalist_brit_hume concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_brooks_barnes concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bruce_jenkins concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_bruce_wallace concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bryan concept:personbornincity concept_city_york +concept_journalist_bryan concept:persongraduatedfromuniversity concept_university_state_university +concept_journalist_bryan concept:persongraduatedschool concept_university_state_university +concept_journalist_bryan_miller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_bryce_miller concept:journalistwritesforpublication concept_newspaper_des_moines_register +concept_journalist_bud_collins concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_bud_shaw concept:journalistwritesforpublication concept_blog_plain_dealer +concept_journalist_bud_shaw concept:journalistwritesforpublication concept_newspaper_cleveland_plain_dealer +concept_journalist_buster_olney concept:journalistwritesforpublication concept_publication_espn +concept_journalist_c_j__chivers concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_campbell_brown concept:journalistwritesforpublication concept_company_cnn +concept_journalist_campbell_brown concept:journalistwritesforpublication concept_company_nbc +concept_journalist_candy_crowley concept:journalistwritesforpublication concept_company_cnn +concept_journalist_carl_bernstein concept:journalistwritesforpublication concept_company_dc +concept_journalist_carl_bernstein concept:journalistwritesforpublication concept_company_post +concept_journalist_carl_bernstein concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_carl_hulse concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_carla_hall concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_carlotta_gall concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_carlotta_gall concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_carol_j__williams concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_caroline_glick concept:journalistwritesforpublication concept_newspaper_jerusalem_post +concept_journalist_caryle_murphy concept:journalistwritesforpublication concept_company_post +concept_journalist_charles_arthur concept:latitudelongitude 36.7961100000000,-114.0830600000000 +concept_journalist_charles_babington concept:journalistwritesforpublication concept_company_post +concept_journalist_charles_gibson concept:worksfor concept_city_abc +concept_journalist_charles_gibson concept:subpartof concept_website_abc +concept_journalist_charles_krauthammer concept:worksfor concept_city_washington_d_c +concept_journalist_charles_krauthammer concept:journalistwritesforpublication concept_company_dc +concept_journalist_charles_krauthammer concept:journalistwritesforpublication concept_company_post +concept_journalist_charles_krauthammer concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_charles_krauthammer concept:worksfor concept_website_washington_post +concept_journalist_charles_prince concept:worksfor concept_company_citigroup +concept_journalist_charles_stross concept:agentcreated concept_wallitem_wireless +concept_journalist_chase concept:persongraduatedfromuniversity concept_university_college +concept_journalist_chet_huntley concept:journalistwritesforpublication concept_company_nbc +concept_journalist_chris_anderson concept:journalistwritesforpublication concept_website_wired_magazine +concept_journalist_chris_dufresne concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_chris_foster concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_chris_hansen concept:journalistwritesforpublication concept_company_nbc +concept_journalist_chris_hedges concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_chris_hedges concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_chris_hedges concept:worksfor concept_website_new_york_times +concept_journalist_chris_kuc concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_chris_wallace concept:journalistwritesforpublication concept_company_fox +concept_journalist_chris_wallace concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_christine_brennan concept:journalistwritesforpublication concept_newspaper_usa_today +concept_journalist_christine_hauser concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_christopher_caldwell concept:journalistwritesforpublication concept_company_weekly_standard001 +concept_journalist_christopher_hawthorne concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_chuck_philips concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_chuck_todd concept:journalistwritesforpublication concept_company_nbc +concept_journalist_cindy_adams concept:journalistwritesforpublication concept_company_post +concept_journalist_claire_smith concept:journalistwritesforpublication concept_newspaper_philadelphia_inquirer +concept_journalist_claire_smith concept:journalistwritesforpublication concept_newspaper_the_philadelphia_inquirer +concept_journalist_clarence_page concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_claudia_eller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_clive_thompson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_clyde_haberman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_clyde_haberman concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_cokie_roberts concept:journalistwritesforpublication concept_company_npr +concept_journalist_columnist_david_brooks concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_constance_l__hays concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_constance_l__hays concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_d___anderson concept:latitudelongitude 29.7080000000000,-95.3975200000000 +concept_journalist_dafna_linzer concept:journalistwritesforpublication concept_company_post +concept_journalist_damien_cave concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_damien_cave concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_dan concept:persondiedatage 3 +concept_journalist_dan concept:agentcontrols concept_charactertrait_world +concept_journalist_dan concept:personbornincity concept_city_york +concept_journalist_dan concept:agentcollaborateswithagent concept_male_world +concept_journalist_dan concept:personbelongstoorganization concept_politicalparty_college +concept_journalist_dan concept:personbelongstoorganization concept_sportsteam_state_university +concept_journalist_dan concept:personmovedtostateorprovince concept_stateorprovince_california +concept_journalist_dan concept:personmovedtostateorprovince concept_stateorprovince_minnesota +concept_journalist_dan concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_journalist_dan concept:personmovedtostateorprovince concept_stateorprovince_utah +concept_journalist_dan concept:persongraduatedfromuniversity concept_university_college +concept_journalist_dan concept:persongraduatedschool concept_university_college +concept_journalist_dan concept:persongraduatedfromuniversity concept_university_michigan_state_university +concept_journalist_dan concept:persongraduatedfromuniversity concept_university_ohio_state +concept_journalist_dan concept:persongraduatedfromuniversity concept_university_state_university +concept_journalist_dan concept:persongraduatedschool concept_university_state_university +concept_journalist_dan concept:subpartof concept_website_cbs +concept_journalist_dan concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_dan_balz concept:worksfor concept_city_washington_d_c +concept_journalist_dan_balz concept:journalistwritesforpublication concept_company_dc +concept_journalist_dan_balz concept:journalistwritesforpublication concept_company_post +concept_journalist_dan_balz concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_dan_balz concept:worksfor concept_website_washington_post +concept_journalist_dan_barry concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dan_bickley concept:journalistwritesforpublication concept_website_arizona_republic +concept_journalist_dan_connolly concept:journalistwritesforpublication concept_newspaper_baltimore_sun +concept_journalist_dan_eggen concept:journalistwritesforpublication concept_company_dc +concept_journalist_dan_eggen concept:journalistwritesforpublication concept_company_post +concept_journalist_dan_harris concept:worksfor concept_city_abc +concept_journalist_dan_le_batard concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_dan_mcgrath concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_dan_morain concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dan_morgan concept:journalistwritesforpublication concept_company_post +concept_journalist_dan_neil concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dan_rather concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_dan_shaughnessy concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_dan_shaughnessy concept:journalistwritesforpublication concept_newspaper_the_globe +concept_journalist_dan_walters concept:journalistwritesforpublication concept_newspaper_sacramento_bee +concept_journalist_dana_milbank concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_dana_milbank concept:journalistwritesforpublication concept_company_dc +concept_journalist_dana_milbank concept:journalistwritesforpublication concept_company_post +concept_journalist_dana_milbank concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_dana_priest concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_dana_priest concept:journalistwritesforpublication concept_company_dc +concept_journalist_dana_priest concept:journalistwritesforpublication concept_company_post +concept_journalist_dana_priest concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_journalist_daniel_gross concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_daniel_gross concept:journalistwritesforpublication concept_politicsblog_slate +concept_journalist_daniel_gross concept:worksfor concept_politicsblog_slate +concept_journalist_danny_hakim concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_danny_hakim concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_dave_albee concept:journalistwritesforpublication concept_newspaper_marin_independent_journal +concept_journalist_dave_barry concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_dave_kindred concept:journalistwritesforpublication concept_newspaper_national_sports_daily +concept_journalist_dave_van_dyck concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_david_bloom concept:journalistwritesforpublication concept_company_nbc +concept_journalist_david_bloom concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_david_brinkley concept:worksfor concept_musicartist_television +concept_journalist_david_carr concept:journalistwritesforpublication concept_company_nyt +concept_journalist_david_carr concept:worksfor concept_company_nyt +concept_journalist_david_carr concept:worksfor concept_company_york_times +concept_journalist_david_carr concept:worksfor concept_musicartist_times +concept_journalist_david_carr concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_carr concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_david_carr concept:worksfor concept_website_new_york_times +concept_journalist_david_cay_johnston concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_cay_johnston concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_david_cay_johnston concept:worksfor concept_website_new_york_times +concept_journalist_david_chen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_climer concept:journalistwritesforpublication concept_newspaper_tennessean +concept_journalist_david_d__kirkpatrick concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_e__sanger concept:worksfor concept_musicartist_times +concept_journalist_david_e__sanger concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_e__sanger concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_david_gonzalez concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_gregory concept:journalistwritesforpublication concept_company_nbc +concept_journalist_david_gregory concept:journalistwritesforpublication concept_politicsblog_white_house +concept_journalist_david_gregory concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_david_johnston concept:worksfor concept_musicartist_times +concept_journalist_david_johnston concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_lazarus concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_m__herszenhorn concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_poole concept:journalistwritesforpublication concept_newspaper_charlotte_observer +concept_journalist_david_remnick concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_david_remnick concept:worksfor concept_website_new_york_american +concept_journalist_david_rohde concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_rohde concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_david_rohde concept:worksfor concept_website_new_york_times +concept_journalist_david_s__broder concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_david_sanger concept:worksfor concept_musicartist_times +concept_journalist_david_sanger concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_sanger concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_david_sanger concept:worksfor concept_website_new_york_times +concept_journalist_david_savage concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_shaw concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_david_shaw concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_shaw concept:agentcollaborateswithagent concept_personafrica_los_angeles_times +concept_journalist_david_shaw concept:worksfor concept_televisionstation_los_angeles_times +concept_journalist_david_shipley concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_shuster concept:worksfor concept_politicsblog_msnbc +concept_journalist_david_steele concept:journalistwritesforpublication concept_newspaper_baltimore_sun +concept_journalist_david_steele concept:personbelongstoorganization concept_televisionstation_baltimore_sun +concept_journalist_david_streitfeld concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_westin concept:topmemberoforganization concept_televisionnetwork_abc +concept_journalist_david_willman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_david_zucchino concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dean_baquet concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dean_takahashi concept:journalistwritesforpublication concept_website_san_jose_mercury_news +concept_journalist_deborah_solomon concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_declan_butler concept:journalistwritesforpublication concept_blog_nature +concept_journalist_dejan_kovacevic concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_demaria concept:latitudelongitude -65.2833300000000,-64.1000000000000 +concept_journalist_dennis_lim concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dennis_overbye concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_derrick_z__jackson concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_diana_jean_schemo concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_diane_cardwell concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_diane_pucin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dick_armey concept:personbelongstoorganization concept_governmentorganization_house +concept_journalist_dom_amore concept:journalistwritesforpublication concept_newspaper_hartford_courant +concept_journalist_don_burke concept:journalistwritesforpublication concept_newspaper_newark_star_ledger +concept_journalist_don_heckman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_donald_lambro concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_dorothy_rabinowitz concept:journalistwritesforpublication concept_politicsblog_wall_street_journal +concept_journalist_doug_krikorian concept:journalistwritesforpublication concept_newspaper_long_beach_press_telegram +concept_journalist_doug_struck concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_doug_struck concept:journalistwritesforpublication concept_company_dc +concept_journalist_doug_struck concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_douglas_farah concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_douglas_jehl concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_douglas_jehl concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_doyle_mcmanus concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_doyle_mcmanus concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_drew_sharp concept:journalistwritesforpublication concept_newspaper_the_detroit_free_press +concept_journalist_dylan_hernandez concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_e_j__dionne concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_e_j__dionne concept:journalistwritesforpublication concept_company_dc +concept_journalist_e_j__dionne concept:journalistwritesforpublication concept_company_post +concept_journalist_e_j__dionne concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_eagles concept:agentcompeteswithagent concept_animal_birds003 +concept_journalist_eagles concept:agentcompeteswithagent concept_automobilemaker_dallas_cowboys +concept_journalist_east_africa concept:atdate concept_dateliteral_n2008 +concept_journalist_ed_bouchette concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_ed_bradley concept:personleadsorganization concept_televisionnetwork_cbs +concept_journalist_ed_bradley concept:worksfor concept_televisionnetwork_cbs +concept_journalist_ed_storin concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_editorial concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edmund_andrews concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edmund_l__andrews concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edmund_sanders concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edward_rothstein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edward_rothstein concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_edward_wong concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_edward_wong concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_edwin_pope concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_elaine_sciolino concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_elaine_sciolino concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_eli_lake concept:journalistwritesforpublication concept_blog_sun +concept_journalist_eli_lake concept:journalistwritesforpublication concept_newspaper_new_york_sun +concept_journalist_elisabeth_bumiller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_elisabeth_bumiller concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_elisabeth_rosenthal concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_elizabeth concept:persondiedatage 2 +concept_journalist_elizabeth_green concept:journalistwritesforpublication concept_blog_sun +concept_journalist_elizabeth_kolbert concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_elizabeth_neuffer concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_elizabeth_taylor concept:agentcreated concept_book_angel +concept_journalist_ellen_goodman concept:worksfor concept_company_boston_globe001 +concept_journalist_ellen_goodman concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_ellen_nakashima concept:journalistwritesforpublication concept_company_post +concept_journalist_elvis_mitchell concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_elvis_mitchell concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_eric_asimov concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_eric_bailey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_eric_berger concept:journalistwritesforpublication concept_company_chronicle001 +concept_journalist_eric_berger concept:journalistwritesforpublication concept_website_the_houston_chronicle +concept_journalist_eric_dash concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_eric_deggans concept:journalistwritesforpublication concept_newspaper_st__petersburg_times +concept_journalist_eric_deggans concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_eric_lichtblau concept:worksfor concept_musicartist_times +concept_journalist_eric_lichtblau concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_eric_lichtblau concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_eric_lipton concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_espn concept:subpartof concept_company_disney_feature_animation +concept_journalist_ethan_bronner concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ethan_bronner concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_eugene_robinson concept:journalistwritesforpublication concept_company_post +concept_journalist_eugene_robinson concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_evan_grant concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_journalist_evan_halper concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_evan_thomas concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_felicia_lee concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_felicity_barringer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_felicity_barringer concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_filip_bondy concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_filip_bondy concept:journalistwritesforpublication concept_website_new_york_daily +concept_journalist_finish concept:agentparticipatedinevent concept_sportsgame_series +concept_journalist_finish concept:agentparticipatedinevent concept_sportsgame_standings +concept_journalist_floyd_norris concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_floyd_norris concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_floyd_norris concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_frank_ahrens concept:journalistwritesforpublication concept_company_dc +concept_journalist_frank_ahrens concept:journalistwritesforpublication concept_company_post +concept_journalist_frank_ahrens concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_frank_rich concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_frank_rich concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_frank_rich concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_fred_mitchell concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_fred_russell concept:journalistwritesforpublication concept_newspaper_nashville_banner +concept_journalist_fred_weber concept:latitudelongitude 38.0833800000000,-91.2168100000000 +concept_journalist_furman_bisher concept:journalistwritesforpublication concept_website_atlanta_journal +concept_journalist_gail_collins concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gail_collins concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_gardiner_harris concept:personbelongstoorganization concept_musicartist_times +concept_journalist_gardiner_harris concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gardiner_harris concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_gary_klein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gary_rosenblatt concept:journalistwritesforpublication concept_blog_jewish_week +concept_journalist_gene_collier concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_gene_weingarten concept:journalistwritesforpublication concept_company_dc +concept_journalist_gene_weingarten concept:journalistwritesforpublication concept_company_post +concept_journalist_gene_weingarten concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_geoff_baker concept:journalistwritesforpublication concept_newspaper_seattle_times +concept_journalist_geoff_boucher concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_george_f__will concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_george_johnson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_george_johnson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_george_king concept:journalistwritesforpublication concept_company_post +concept_journalist_george_king concept:journalistwritesforpublication concept_newspaper_new_york_post +concept_journalist_george_packer concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_george_packer concept:worksfor concept_website_new_york_american +concept_journalist_george_skelton concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_george_solomon concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_george_vecsey concept:worksfor concept_musicartist_times +concept_journalist_george_vecsey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_george_vecsey concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_george_vecsey concept:worksfor concept_website_new_york_times +concept_journalist_george_will concept:journalistwritesforpublication concept_company_post +concept_journalist_george_will concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_george_will concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_george_will concept:worksfor concept_website_washington_post +concept_journalist_geraldo_rivera concept:journalistwritesforpublication concept_company_fox +concept_journalist_geraldo_rivera concept:personbelongstoorganization concept_mountain_fox +concept_journalist_geraldo_rivera concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_gina_kolata concept:personbelongstoorganization concept_musicartist_times +concept_journalist_gina_kolata concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gina_kolata concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_gordon_edes concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_greg_cote concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_greg_garber concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_greg_miller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_greta_van_susteren concept:journalistwritesforpublication concept_company_fox +concept_journalist_greta_van_susteren concept:personbelongstoorganization concept_governmentorganization_fox_news +concept_journalist_greta_van_susteren concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_gretchen_morgenson concept:worksfor concept_musicartist_times +concept_journalist_gretchen_morgenson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gretchen_morgenson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_gretchen_morgenson concept:worksfor concept_website_new_york_times +concept_journalist_gullickson concept:latitudelongitude 44.2413500000000,-90.9995900000000 +concept_journalist_guy_trebay concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_gwen_ifill concept:journalistwritesforpublication concept_politicsblog_newshour +concept_journalist_gwen_knapp concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_hal_bodley concept:journalistwritesforpublication concept_newspaper_usa_today +concept_journalist_hal_mccoy concept:journalistwritesforpublication concept_newspaper_dayton_daily_news +concept_journalist_harold_meyerson concept:journalistwritesforpublication concept_company_post +concept_journalist_harold_meyerson concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_harriet_ryan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_harvey_araton concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_harvey_araton concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_helene_cooper concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_hendrik_hertzberg concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_henry_fountain concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_henry_green concept:agentcreated concept_physicalaction_back +concept_journalist_henry_schulman concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_herb_keinon concept:journalistwritesforpublication concept_newspaper_jerusalem_post +concept_journalist_howard_blume concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_howard_fineman concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_howard_rosenberg concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_howard_ulman concept:journalistwritesforpublication concept_website_associated_press +concept_journalist_hugh_owen concept:latitudelongitude 31.0424000000000,-85.8816000000000 +concept_journalist_ian_fisher concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ian_urbina concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ira_berkow concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_j_l__bourne concept:agentcreated concept_book_beyond_exile +concept_journalist_jack_anderson concept:journalistwritesforpublication concept_company_dc +concept_journalist_jack_shafer concept:journalistwritesforpublication concept_politicsblog_slate +concept_journalist_jackson_diehl concept:journalistwritesforpublication concept_company_post +concept_journalist_jacques_steinberg concept:worksfor concept_musicartist_times +concept_journalist_jacques_steinberg concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jacques_steinberg concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jad_mouawad concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james concept:persondiedatage 6 +concept_journalist_james concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_james concept:worksfor concept_website_new_york_times +concept_journalist_james_barron concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_journalist_james_dao concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_fallows concept:journalistwritesforpublication concept_magazine_atlantic_monthly +concept_journalist_james_fallows concept:journalistwritesforpublication concept_publication_atlantic +concept_journalist_james_glanz concept:worksfor concept_musicartist_times +concept_journalist_james_glanz concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_rainey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_ridgeway concept:journalistwritesforpublication concept_politicsblog_village_voice +concept_journalist_james_risen concept:worksfor concept_musicartist_times +concept_journalist_james_risen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_risen concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_james_risen_and_eric_lichtblau concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_james_surowiecki concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_james_surowiecki concept:worksfor concept_website_new_york_american +concept_journalist_jamie_mcintyre concept:journalistwritesforpublication concept_company_cnn +concept_journalist_jane concept:personbornincity concept_city_york +concept_journalist_jane concept:hashusband concept_male_michael +concept_journalist_jane concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_journalist_jane concept:persongraduatedfromuniversity concept_university_college +concept_journalist_jane_brody concept:worksfor concept_musicartist_times +concept_journalist_jane_brody concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jane_e__brody concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jane_gross concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jane_gross concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jane_mayer concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_jane_pauley concept:journalistwritesforpublication concept_company_nbc +concept_journalist_janet_hook concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jason_blair concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jason_horowitz concept:journalistwritesforpublication concept_newspaper_observer +concept_journalist_jason_whitlock concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_jason_zweig concept:journalistwritesforpublication concept_company_money +concept_journalist_jason_zweig concept:journalistwritesforpublication concept_politicsblog_wall_street_journal +concept_journalist_jay_mariotti concept:journalistwritesforpublication concept_website_chicago_sun +concept_journalist_jayson_blair concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jayson_blair concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jayson_stark concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_jayson_stark concept:journalistwritesforpublication concept_publication_espn +concept_journalist_jeff_blair concept:journalistwritesforpublication concept_newspaper_toronto_globe_and_mail +concept_journalist_jeff_greenfield concept:journalistwritesforpublication concept_company_cnn +concept_journalist_jeff_horrigan concept:journalistwritesforpublication concept_newspaper_boston_herald +concept_journalist_jeff_jacobs concept:journalistwritesforpublication concept_newspaper_hartford_courant +concept_journalist_jeff_jacoby concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_jeff_leeds concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jeff_miller concept:journalistwritesforpublication concept_website_orange_county_register +concept_journalist_jeff_peek concept:journalistwritesforpublication concept_newspaper_traverse_city_record_eagle +concept_journalist_jeff_zeleny concept:worksfor concept_musicartist_times +concept_journalist_jeff_zeleny concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jeff_zeleny concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jeff_zeleny concept:worksfor concept_website_new_york_times +concept_journalist_jeffrey_flanagan concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_jeffrey_gettleman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jeffrey_goldberg concept:journalistwritesforpublication concept_newspaper_the_new_yorker +concept_journalist_jeffrey_goldberg concept:journalistwritesforpublication concept_publication_atlantic +concept_journalist_jeffrey_goldberg concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_jeffrey_goldberg concept:worksfor concept_website_new_york_american +concept_journalist_jeffrey_toobin concept:journalistwritesforpublication concept_company_cnn +concept_journalist_jeffrey_toobin concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_jeffrey_toobin concept:worksfor concept_website_new_york_american +concept_journalist_jenni_carlson concept:journalistwritesforpublication concept_newspaper_oklahoman +concept_journalist_jennifer_steinhauer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jennifer_steinhauer concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_jenny_anderson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jere_longman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jere_longman concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jerome_holtzman concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_jerry_green concept:journalistwritesforpublication concept_newspaper_detroit_news +concept_journalist_jerry_green concept:journalistwritesforpublication concept_newspaper_the_detroit_news +concept_journalist_jerry_seper concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jill_abramson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jim_caple concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_jim_donaldson concept:journalistwritesforpublication concept_newspaper_providence_journal +concept_journalist_jim_dwyer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jim_dwyer concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_jim_hawkins concept:journalistwritesforpublication concept_newspaper_oakland_press +concept_journalist_jim_hawkins concept:journalistwritesforpublication concept_newspaper_the_oakland +concept_journalist_jim_hoagland concept:journalistwritesforpublication concept_company_post +concept_journalist_jim_hoagland concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_journalist_jim_lehrer concept:personleadsorganization concept_company_pbs +concept_journalist_jim_lehrer concept:worksfor concept_company_pbs +concept_journalist_jim_lehrer concept:subpartof concept_museum_pbs +concept_journalist_jim_miklaszewski concept:journalistwritesforpublication concept_company_nbc +concept_journalist_jim_murray concept:personbelongstoorganization concept_magazine_los_angeles_times +concept_journalist_jim_murray concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_jim_reeves concept:journalistwritesforpublication concept_website_fort_worth_star_telegram +concept_journalist_jim_salisbury concept:journalistwritesforpublication concept_newspaper_philadelphia_inquirer +concept_journalist_jim_salisbury concept:journalistwritesforpublication concept_newspaper_the_philadelphia_inquirer +concept_journalist_jim_sohan concept:journalistwritesforpublication concept_website_minneapolis_star_tribune +concept_journalist_jim_souhan concept:journalistwritesforpublication concept_website_minneapolis_star_tribune +concept_journalist_jim_taricani concept:worksfor concept_stateorprovince_rhode_island +concept_journalist_jim_vandehei concept:journalistwritesforpublication concept_company_post +concept_journalist_jodi_kantor concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joe_biddle concept:journalistwritesforpublication concept_newspaper_tennessean +concept_journalist_joe_conason concept:journalistwritesforpublication concept_newspaper_observer +concept_journalist_joe_conason concept:journalistwritesforpublication concept_politicsblog_salon +concept_journalist_joe_henderson concept:journalistwritesforpublication concept_website_tampa_tribune +concept_journalist_joe_klein concept:journalistwritesforpublication concept_blog_time_magazine +concept_journalist_joe_klein concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_joe_klein concept:worksfor concept_university_newsweek +concept_journalist_joe_mathews concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joe_mcguff concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_joe_nocera concept:journalistwritesforpublication concept_newspaper_ny_times +concept_journalist_joe_nocera concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joe_nocera concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_joe_nocera concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_joe_posnanski concept:journalistwritesforpublication concept_newspaper_kansas_city_star +concept_journalist_joe_sharkey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joe_sharkey concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_joe_stephens concept:journalistwritesforpublication concept_company_dc +concept_journalist_joe_stephens concept:journalistwritesforpublication concept_company_post +concept_journalist_joe_stephens concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_joe_strauss concept:journalistwritesforpublication concept_newspaper_st__louis_post_dispatch +concept_journalist_joel_achenbach concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_joel_achenbach concept:journalistwritesforpublication concept_company_dc +concept_journalist_joel_achenbach concept:journalistwritesforpublication concept_company_post +concept_journalist_joel_achenbach concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_joel_guzman concept:persondiedatage 3 +concept_journalist_joel_rubin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joel_sherman concept:journalistwritesforpublication concept_company_post +concept_journalist_joel_sherman concept:journalistwritesforpublication concept_newspaper_new_york_post +concept_journalist_joel_sherman concept:worksfor concept_newspaper_new_york_post +concept_journalist_joel_stein concept:worksfor concept_musicartist_times +concept_journalist_joel_stein concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_joel_stein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john concept:persondiedatage 2 +concept_journalist_john concept:journalistwritesforpublication concept_company_nyt +concept_journalist_john concept:journalistwritesforpublication concept_newspaper_ny_times +concept_journalist_john concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john concept:journalistwritesforpublication concept_website_the_washington_times +concept_journalist_john_3 concept:latitudelongitude 40.7475000000000,-73.8625000000000 +concept_journalist_john_berman concept:worksfor concept_city_abc +concept_journalist_john_burns concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_burns concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_chancellor concept:journalistwritesforpublication concept_company_nbc +concept_journalist_john_clayton concept:journalistwritesforpublication concept_publication_espn +concept_journalist_john_daniszewski concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_dooley concept:worksfor concept_company_markit +concept_journalist_john_erardi concept:journalistwritesforpublication concept_newspaper_cincinnati_enquirer +concept_journalist_john_f__burns concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_f__burns concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_feinstein concept:journalistwritesforpublication concept_company_post +concept_journalist_john_feinstein concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_john_feinstein concept:worksfor concept_website_washington_post +concept_journalist_john_harper concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_john_harwood concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_harwood concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_horgan concept:journalistwritesforpublication concept_blog_scientific_american +concept_journalist_john_kass concept:worksfor concept_website_chicago_tribune +concept_journalist_john_king concept:journalistwritesforpublication concept_company_cnn +concept_journalist_john_king concept:worksfor concept_company_cnn +concept_journalist_john_leland concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_leland concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_m__broder concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_markoff concept:worksfor concept_company_york_times +concept_journalist_john_markoff concept:worksfor concept_musicartist_times +concept_journalist_john_markoff concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_markoff concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_john_markoff concept:worksfor concept_website_new_york_times +concept_journalist_john_mcclain concept:journalistwritesforpublication concept_website_the_houston_chronicle +concept_journalist_john_mccormick concept:journalistwritesforpublication concept_politicsblog_tribune +concept_journalist_john_noble_wilford concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_roberts concept:journalistwritesforpublication concept_company_cnn +concept_journalist_john_roberts concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_john_rockwell concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_schwartz concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_schwartz concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_schwartz concept:worksfor concept_website_new_york_times +concept_journalist_john_shea concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_john_steadman concept:journalistwritesforpublication concept_newspaper_baltimore_sun +concept_journalist_john_tierney concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_john_tierney concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_john_tierney concept:worksfor concept_website_new_york_times +concept_journalist_jon_decker concept:worksfor concept_company_reuters +concept_journalist_jon_heyman concept:journalistwritesforpublication concept_blog_si_com +concept_journalist_jon_heyman concept:journalistwritesforpublication concept_blog_sports_illustrated +concept_journalist_jon_lee_anderson concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_jon_lee_anderson concept:worksfor concept_website_new_york_american +concept_journalist_jon_meacham concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_jonah_goldberg concept:journalistwritesforpublication concept_newspaper_national_review_online +concept_journalist_jonathan_alter concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_jonathan_cohn concept:journalistwritesforpublication concept_company_new_republic +concept_journalist_jonathan_glater concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jonathan_landman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jonathan_mann concept:journalistwritesforpublication concept_company_cnn +concept_journalist_jonathan_rauch concept:journalistwritesforpublication concept_newspaper_national_journal +concept_journalist_jonathan_steele concept:journalistwritesforpublication concept_politicsblog_guardian +concept_journalist_jonathan_steele concept:worksfor concept_sportsleague_guardian +concept_journalist_jonathan_weisman concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_jonathan_weisman concept:journalistwritesforpublication concept_company_dc +concept_journalist_jonathan_weisman concept:journalistwritesforpublication concept_company_post +concept_journalist_jonathan_weisman concept:journalistwritesforpublication concept_politicsblog_wall_street_journal +concept_journalist_jonathan_weisman concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_jordan_rau concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jose_de_jesus_ortiz concept:journalistwritesforpublication concept_website_the_houston_chronicle +concept_journalist_joseph_kahn concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_joseph_liao concept:journalistwritesforpublication concept_website_world_journal +concept_journalist_joseph_nocera concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_josh_gerstein concept:journalistwritesforpublication concept_blog_sun +concept_journalist_josh_getlin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_josh_meyer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_jude concept:hassibling concept_person_james001 +concept_journalist_judith_miller concept:worksfor concept_musicartist_times +concept_journalist_judith_miller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_judith_miller concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_judith_miller concept:worksfor concept_website_new_york_times +concept_journalist_judy_woodruff concept:worksfor concept_company_cnn +concept_journalist_julia_duin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_julia_preston concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_julia_preston concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_julie_bosman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_juliet_eilperin concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_juliet_eilperin concept:journalistwritesforpublication concept_company_dc +concept_journalist_juliet_eilperin concept:journalistwritesforpublication concept_company_post +concept_journalist_juliet_eilperin concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_juliet_macur concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_karen_crouse concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_kate_zernike concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kate_zernike concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_katherine_kersten concept:journalistwritesforpublication concept_newspaper_star_tribune +concept_journalist_kathleen_parker concept:journalistwritesforpublication concept_company_post +concept_journalist_kathleen_parker concept:journalistwritesforpublication concept_newspaper_orlando_sentinel +concept_journalist_kathleen_parker concept:journalistwritesforpublication concept_newspaper_washington_post_writers_group +concept_journalist_katie_couric concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_katie_hafner concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_katie_hafner concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_katrina_vanden_heuvel concept:journalistwritesforpublication concept_blog_nation +concept_journalist_katrina_vanden_heuvel concept:journalistwritesforpublication concept_website_the_nation +concept_journalist_kelly_o_donnell concept:journalistwritesforpublication concept_company_nbc +concept_journalist_ken_auletta concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_ken_auletta concept:worksfor concept_website_new_york_american +concept_journalist_ken_belson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ken_belson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_ken_davidoff concept:journalistwritesforpublication concept_newspaper_newsday +concept_journalist_ken_ringle concept:journalistwritesforpublication concept_company_post +concept_journalist_kenneth_turan concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_kenneth_turan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kerry_sanders concept:journalistwritesforpublication concept_company_nbc +concept_journalist_kevin_merida concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_kevin_merida concept:journalistwritesforpublication concept_company_dc +concept_journalist_kevin_merida concept:journalistwritesforpublication concept_company_post +concept_journalist_kevin_sack concept:worksfor concept_musicartist_times +concept_journalist_kevin_sack concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kevin_thomas concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kim_hart concept:journalistwritesforpublication concept_company_post +concept_journalist_kim_murphy concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kim_severson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kim_severson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_kirk_johnson concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_kirk_semple concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_kirstin_downey concept:journalistwritesforpublication concept_company_post +concept_journalist_kit_stier concept:journalistwritesforpublication concept_newspaper_the_journal_news +concept_journalist_kit_stier concept:journalistwritesforpublication concept_website_journal_news +concept_journalist_kurt_eichenwald concept:worksfor concept_musicartist_times +concept_journalist_kurt_eichenwald concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kurt_eichenwald concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_kurt_loder concept:journalistwritesforpublication concept_blog_mtv +concept_journalist_kurt_loder concept:agentcollaborateswithagent concept_celebrity_mtv +concept_journalist_kurt_streeter concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_kyra_phillips concept:journalistwritesforpublication concept_company_cnn +concept_journalist_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_journalist_lakers concept:atlocation concept_city_boston +concept_journalist_lakers concept:agentbelongstoorganization concept_sportsleague_nba +concept_journalist_lance_pugmire concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_larry_brooks concept:journalistwritesforpublication concept_company_post +concept_journalist_larry_flynt concept:worksfor concept_magazine_hustler +concept_journalist_larry_flynt concept:agentcontrols concept_movie_hustler +concept_journalist_larry_king concept:journalistwritesforpublication concept_company_cnn +concept_journalist_larry_milson concept:journalistwritesforpublication concept_company_globe_and_mail +concept_journalist_larry_stone concept:journalistwritesforpublication concept_newspaper_seattle_times +concept_journalist_laura_king concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_laurie_goodstein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_laurie_goodstein concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_law concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_journalist_law concept:agentbelongstoorganization concept_terroristorganization_state +concept_journalist_lawrence_kaplan concept:worksfor concept_politicsblog_republic +concept_journalist_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_journalist_leonard_pitts concept:journalistwritesforpublication concept_newspaper_miami_herald +concept_journalist_leonard_shapiro concept:journalistwritesforpublication concept_company_post +concept_journalist_leslie_wayne concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_lester_holt concept:journalistwritesforpublication concept_company_nbc +concept_journalist_lisa_belkin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_lisa_girion concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_lori_montgomery concept:journalistwritesforpublication concept_company_post +concept_journalist_louis_uchitelle concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_louis_uchitelle concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_louise_roug concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_louise_story concept:worksfor concept_musicartist_times +concept_journalist_louise_story concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_lydia_polgreen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_lyndsey_layton concept:journalistwritesforpublication concept_company_post +concept_journalist_lynn_henning concept:journalistwritesforpublication concept_newspaper_detroit_news +concept_journalist_lynn_henning concept:journalistwritesforpublication concept_newspaper_the_detroit_news +concept_journalist_lynn_zinser concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maeve_reston concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maggie_farley concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mallaby concept:journalistwritesforpublication concept_company_post +concept_journalist_manohla_dargis concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_manohla_dargis concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_marc_berman concept:journalistwritesforpublication concept_company_post +concept_journalist_marc_kaufman concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_marc_kaufman concept:journalistwritesforpublication concept_company_dc +concept_journalist_marc_kaufman concept:journalistwritesforpublication concept_company_post +concept_journalist_marc_lacey concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_marc_lifsher concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_marc_topkin concept:journalistwritesforpublication concept_newspaper_st__petersburg_times +concept_journalist_marc_topkin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_marci_alboher concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_margaret_wente concept:journalistwritesforpublication concept_company_globe_and_mail +concept_journalist_margot_roosevelt concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maria concept:persondiedatage 2 +concept_journalist_maria_bartiromo concept:personbelongstoorganization concept_company_cnbc001 +concept_journalist_maria_bartiromo concept:worksfor concept_televisionstation_cnbc +concept_journalist_maria_elena_fernandez concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maria_shriver concept:journalistwritesforpublication concept_company_nbc +concept_journalist_marian_burros concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_marian_burros concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_marjorie_miller concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mark concept:persondiedatage 10 +concept_journalist_mark concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_mark_alesia concept:journalistwritesforpublication concept_newspaper_indianapolis_star +concept_journalist_mark_bowden concept:agentcreated concept_book_black_hawk_down +concept_journalist_mark_bradley concept:journalistwritesforpublication concept_blog_ajc +concept_journalist_mark_bradley concept:journalistwritesforpublication concept_website_atlanta_journal_constitution +concept_journalist_mark_faller concept:journalistwritesforpublication concept_website_arizona_republic +concept_journalist_mark_feinsand concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_mark_gonzalez concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_mark_gonzalez concept:worksfor concept_website_chicago_tribune +concept_journalist_mark_kram concept:journalistwritesforpublication concept_website_philadelphia_daily_news +concept_journalist_mark_madden concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_mark_maske concept:journalistwritesforpublication concept_company_post +concept_journalist_mark_mazzetti concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mark_purdy concept:journalistwritesforpublication concept_website_san_jose_mercury_news +concept_journalist_mark_whicker concept:journalistwritesforpublication concept_website_orange_county_register +concept_journalist_mark_zeigler concept:journalistwritesforpublication concept_website_the_san_diego_union_tribune +concept_journalist_martin_fennelly concept:journalistwritesforpublication concept_website_tampa_tribune +concept_journalist_martin_fletcher concept:journalistwritesforpublication concept_company_nbc +concept_journalist_mary_beth_sheridan concept:journalistwritesforpublication concept_company_post +concept_journalist_mary_garber concept:journalistwritesforpublication concept_website_winston_salem_journal +concept_journalist_mary_jordan concept:journalistwritesforpublication concept_company_post +concept_journalist_mary_mcgrory concept:journalistwritesforpublication concept_company_post +concept_journalist_mary_williams_walsh concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mary_williams_walsh concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_mash concept:persondiedincountry concept_country_england +concept_journalist_mathew concept:agentparticipatedinevent concept_sportsgame_series +concept_journalist_matt_labash concept:journalistwritesforpublication concept_company_weekly_standard001 +concept_journalist_matt_richtel concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_matt_richtel concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_matt_taibbi concept:journalistwritesforpublication concept_company_press +concept_journalist_matt_taibbi concept:journalistwritesforpublication concept_politicsblog_rolling_stone +concept_journalist_matt_wald concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_matthew concept:persondiedatage 14 +concept_journalist_matthew_25 concept:latitudelongitude 42.0111100000000,-87.6891700000000 +concept_journalist_matthew_l__wald concept:worksfor concept_musicartist_times +concept_journalist_matthew_l__wald concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_matthew_wald concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maura_reynolds concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maureen_dowd concept:worksfor concept_company_york_times +concept_journalist_maureen_dowd concept:worksfor concept_musicartist_times +concept_journalist_maureen_dowd concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_maureen_dowd concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_maureen_dowd concept:worksfor concept_website_new_york_times +concept_journalist_maureen_dowd concept:worksfor concept_website_the_new_york_times +concept_journalist_maury_allen concept:journalistwritesforpublication concept_newspaper_new_york_post +concept_journalist_meg_james concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mel_antonen concept:journalistwritesforpublication concept_newspaper_usa_today +concept_journalist_mel_gussow concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_melanie_phillips concept:journalistwritesforpublication concept_blog_spectator +concept_journalist_melanie_phillips concept:journalistwritesforpublication concept_website_daily_mail +concept_journalist_melissa_clark concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_miami_herald concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_a__hiltzik concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_abramowitz concept:journalistwritesforpublication concept_company_post +concept_journalist_michael_barone concept:journalistwritesforpublication concept_newspaper_u_s__news_and_world_report +concept_journalist_michael_cieply concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_cooper concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_cooper concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_michael_d__shear concept:journalistwritesforpublication concept_company_post +concept_journalist_michael_finnegan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_freund concept:journalistwritesforpublication concept_newspaper_jerusalem_post +concept_journalist_michael_gerson concept:journalistwritesforpublication concept_company_post +concept_journalist_michael_goodwin concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_michael_hunt concept:journalistwritesforpublication concept_website_the_milwaukee_journal_sentinel +concept_journalist_michael_hunt concept:worksfor concept_website_the_milwaukee_journal_sentinel +concept_journalist_michael_isikoff concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_michael_kelly concept:journalistwritesforpublication concept_publication_atlantic +concept_journalist_michael_kelly concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_michael_pollan concept:worksfor concept_musicartist_times +concept_journalist_michael_pollan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_r__gordon concept:worksfor concept_musicartist_times +concept_journalist_michael_r__gordon concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_rosenberg concept:journalistwritesforpublication concept_newspaper_the_detroit_free_press +concept_journalist_michael_slackman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michael_valpy concept:journalistwritesforpublication concept_company_globe_and_mail +concept_journalist_michael_ware concept:journalistwritesforpublication concept_company_cnn +concept_journalist_michael_wilbon concept:worksfor concept_city_washington_d_c +concept_journalist_michael_wilbon concept:journalistwritesforpublication concept_company_dc +concept_journalist_michael_wilbon concept:journalistwritesforpublication concept_company_post +concept_journalist_michael_wilbon concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_micheline_maynard concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_micheline_maynard concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_michelle_quinn concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michiko_kakutani concept:personbelongstoorganization concept_musicartist_times +concept_journalist_michiko_kakutani concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_michiko_kakutani concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_miguel_helft concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mike_anderson concept:worksfor concept_company_missouri +concept_journalist_mike_bianchi concept:journalistwritesforpublication concept_newspaper_orlando_sentinel +concept_journalist_mike_boehm concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mike_digiovanna concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mike_downey concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_mike_duffy concept:journalistwritesforpublication concept_blog_ctv +concept_journalist_mike_klis concept:journalistwritesforpublication concept_newspaper_denver_post +concept_journalist_mike_lefkow concept:journalistwritesforpublication concept_newspaper_contra_costa_times +concept_journalist_mike_lopresti concept:journalistwritesforpublication concept_newspaper_gannett_news_service +concept_journalist_mike_lupica concept:journalistwritesforpublication concept_website_daily_news +concept_journalist_mike_lupica concept:journalistwritesforpublication concept_website_new_york_daily +concept_journalist_mike_peticca concept:journalistwritesforpublication concept_blog_plain_dealer +concept_journalist_mike_preston concept:journalistwritesforpublication concept_newspaper_baltimore_sun +concept_journalist_mike_vaccaro concept:journalistwritesforpublication concept_company_post +concept_journalist_mike_vaccaro concept:journalistwritesforpublication concept_newspaper_new_york_post +concept_journalist_mike_vaccaro concept:worksfor concept_newspaper_new_york_post +concept_journalist_mike_wise concept:journalistwritesforpublication concept_company_post +concept_journalist_mike_wise concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_journalist_molly_ivins concept:journalistwritesforpublication concept_newspaper_texas +concept_journalist_monica_hesse concept:journalistwritesforpublication concept_company_post +concept_journalist_monte_poole concept:journalistwritesforpublication concept_newspaper_oakland_tribune +concept_journalist_motoko_rich concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_mr__smith concept:personbelongstoorganization concept_sportsteam_state_university +concept_journalist_mr__smith concept:persongraduatedfromuniversity concept_university_state_university +concept_journalist_mr__smith concept:persongraduatedschool concept_university_state_university +concept_journalist_msnbc concept:journalistwritesforpublication concept_company_post +concept_journalist_msnbc concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_murray_chass concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_murray_chass concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nat_fleischer concept:agentcontrols concept_geometricshape_ring +concept_journalist_nat_hentoff concept:journalistwritesforpublication concept_politicsblog_village_voice +concept_journalist_natalie_angier concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_natalie_angier concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_natalie_angier concept:worksfor concept_website_new_york_times +concept_journalist_nate_chinen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ned_parker concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_neil_cavuto concept:journalistwritesforpublication concept_company_fox +concept_journalist_neil_macfarquhar concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_neil_macfarquhar concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nicholas_confessore concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nicholas_d__kristof concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nicholas_d__kristof concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nicholas_d__kristof concept:worksfor concept_website_new_york_times +concept_journalist_nicholas_kristof concept:personbelongstoorganization concept_company_york_times +concept_journalist_nicholas_kristof concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nicholas_kristof concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nicholas_kristoff concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nicholas_kristoff concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_nicholas_kristoff concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nicholas_wade concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nicholas_wade concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_nick_cafardo concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_nick_canepa concept:journalistwritesforpublication concept_website_the_san_diego_union_tribune +concept_journalist_nick_cohen concept:journalistwritesforpublication concept_newspaper_observer +concept_journalist_nick_fierro concept:journalistwritesforpublication concept_newspaper_express_times +concept_journalist_nicolai_ouroussoff concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nikki_finke concept:journalistwritesforpublication concept_newspaper_weekly +concept_journalist_noam_cohen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_nora_roberts concept:agentcreated concept_book_all_the_possibilities +concept_journalist_nora_roberts concept:agentcreated concept_book_best_laid_plans +concept_journalist_nora_roberts concept:agentcreated concept_book_blood_brothers +concept_journalist_nora_roberts concept:agentcreated concept_book_captivated +concept_journalist_nora_roberts concept:agentcreated concept_book_chesapeake_blue +concept_journalist_nora_roberts concept:agentcreated concept_book_convincing_alex +concept_journalist_nora_roberts concept:agentcreated concept_book_courting_catherine +concept_journalist_nora_roberts concept:agentcreated concept_book_entranced +concept_journalist_nora_roberts concept:agentcreated concept_book_irish_thoroughbred +concept_journalist_nora_roberts concept:agentcreated concept_book_key_of_valor +concept_journalist_nora_roberts concept:agentcreated concept_book_loving_jack +concept_journalist_nora_roberts concept:agentcreated concept_book_nightshade_night_smoke +concept_journalist_nora_roberts concept:agentcreated concept_book_red_lily +concept_journalist_nora_roberts concept:agentcreated concept_book_rising_tides +concept_journalist_nora_roberts concept:agentcreated concept_book_sacred_sins +concept_journalist_nora_roberts concept:agentcreated concept_book_the_pagan_stone +concept_journalist_nora_roberts concept:agentcreated concept_book_the_perfect_neighbor +concept_journalist_nora_roberts concept:agentcreated concept_book_three_fates +concept_journalist_norah_o_donnell concept:personbelongstoorganization concept_sportsleague_msnbc +concept_journalist_norah_o_donnell concept:worksfor concept_televisionstation_msnbc +concept_journalist_norimitsu_onishi concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_o__scott concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_pam_belluck concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_pamela_constable concept:journalistwritesforpublication concept_company_dc +concept_journalist_paola_boivin concept:journalistwritesforpublication concept_website_arizona_republic +concept_journalist_pat_borzi concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_pat_forde concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_patient concept:agentparticipatedinevent concept_eventoutcome_result +concept_journalist_patricia_cohen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_patricia_smith concept:journalistwritesforpublication concept_company_boston_globe001 +concept_journalist_patrick_goldstein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_patrick_healy concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_patrick_mcgreevy concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_patrick_tyler concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_paul_gigot concept:journalistwritesforpublication concept_politicsblog_wall_street_journal +concept_journalist_paul_griffiths concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_paul_hagen concept:journalistwritesforpublication concept_website_philadelphia_daily_news +concept_journalist_paul_hoynes concept:journalistwritesforpublication concept_blog_plain_dealer +concept_journalist_paul_hoynes concept:journalistwritesforpublication concept_newspaper_cleveland_plain_dealer +concept_journalist_paul_krugman concept:journalistwritesforpublication concept_newspaper_ny_times +concept_journalist_paul_krugman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_paul_krugman concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_paul_krugman concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_paul_ladewski concept:journalistwritesforpublication concept_blog_southtownstar +concept_journalist_paul_ladewski concept:journalistwritesforpublication concept_newspaper_daily_southtown +concept_journalist_paul_richter concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_paul_sheehan concept:journalistwritesforpublication concept_website_sydney_morning_herald +concept_journalist_paul_sheehan concept:worksfor concept_website_sydney_morning_herald +concept_journalist_paul_sullivan concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_paul_watson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_paula_zahn concept:journalistwritesforpublication concept_company_cnn +concept_journalist_paula_zahn concept:journalistwritesforpublication concept_company_fox +concept_journalist_paula_zahn concept:personbelongstoorganization concept_mountain_fox +concept_journalist_pedro_moreira concept:latitudelongitude -19.0166700000000,-44.7666700000000 +concept_journalist_penelope_green concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_pete_thamel concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_abraham concept:journalistwritesforpublication concept_website_journal_news +concept_journalist_peter_arnett concept:journalistwritesforpublication concept_company_cnn +concept_journalist_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_journalist_peter_finn concept:journalistwritesforpublication concept_company_post +concept_journalist_peter_gammons concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_peter_gammons concept:journalistwritesforpublication concept_publication_espn +concept_journalist_peter_goodman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_kerasotis concept:journalistwritesforpublication concept_newspaper_florida_today +concept_journalist_peter_king concept:journalistwritesforpublication concept_blog_sports_illustrated +concept_journalist_peter_nicholas concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_schmuck concept:journalistwritesforpublication concept_newspaper_baltimore_sun +concept_journalist_peter_schmuck concept:journalistwritesforpublication concept_newspaper_the_baltimore_sun +concept_journalist_peter_slevin concept:worksfor concept_city_washington_d_c +concept_journalist_peter_slevin concept:journalistwritesforpublication concept_company_dc +concept_journalist_peter_slevin concept:journalistwritesforpublication concept_company_post +concept_journalist_peter_slevin concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_peter_spiegel concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_wallsten concept:worksfor concept_musicartist_times +concept_journalist_peter_wallsten concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_watrous concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_peter_whoriskey concept:journalistwritesforpublication concept_company_post +concept_journalist_phil_arvia concept:journalistwritesforpublication concept_newspaper_daily_southtown +concept_journalist_phil_mushnick concept:journalistwritesforpublication concept_company_post +concept_journalist_phil_mushnick concept:journalistwritesforpublication concept_newspaper_new_york_post +concept_journalist_phil_rogers concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_phil_sheridan concept:journalistwritesforpublication concept_newspaper_philadelphia_inquirer +concept_journalist_polly_toynbee concept:journalistwritesforpublication concept_newspaper_guardian +concept_journalist_r__jeffrey_smith concept:journalistwritesforpublication concept_company_post +concept_journalist_ralph_blumenthal concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ralph_vacchiano concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_randall_stross concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_randy_galloway concept:journalistwritesforpublication concept_website_fort_worth_star_telegram +concept_journalist_randy_peterson concept:journalistwritesforpublication concept_newspaper_des_moines_register +concept_journalist_randy_peterson concept:personleadsorganization concept_newspaper_des_moines_register +concept_journalist_ray_anderson concept:topmemberoforganization concept_company_interface +concept_journalist_ray_ratto concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_raymond_bonner concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_raymond_bonner concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_red_smith concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_reed_abelson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_reuters concept:journalistwritesforpublication concept_company_post +concept_journalist_reuters concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ric_bucher concept:journalistwritesforpublication concept_publication_espn +concept_journalist_rich_cimini concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_richard_a__oppel_jr_ concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_richard_anderson concept:personbelongstoorganization concept_company_delta_air_lines +concept_journalist_richard_bernstein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_richard_boudreaux concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_richard_cohen concept:worksfor concept_city_washington_d_c +concept_journalist_richard_cohen concept:journalistwritesforpublication concept_company_dc +concept_journalist_richard_cohen concept:journalistwritesforpublication concept_company_post +concept_journalist_richard_cohen concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_richard_cohen concept:worksfor concept_website_washington_post +concept_journalist_richard_engel concept:journalistwritesforpublication concept_company_nbc +concept_journalist_richard_fausset concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_richard_huff concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_richard_justice concept:journalistwritesforpublication concept_website_the_houston_chronicle +concept_journalist_richard_sandler concept:journalistwritesforpublication concept_newspaper_newsday +concept_journalist_richard_sandomir concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_richard_sandomir concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_richard_sandomir concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_rick_gosselin concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_journalist_rick_hummel concept:journalistwritesforpublication concept_newspaper_st__louis_post_dispatch +concept_journalist_rick_lyman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_rick_reilly concept:journalistwritesforpublication concept_blog_sports_illustrated +concept_journalist_rick_sanchez concept:journalistwritesforpublication concept_company_cnn +concept_journalist_rick_telander concept:journalistwritesforpublication concept_website_chicago_sun +concept_journalist_rick_weiss concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_rick_weiss concept:journalistwritesforpublication concept_company_dc +concept_journalist_rick_weiss concept:journalistwritesforpublication concept_company_post +concept_journalist_rick_weiss concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_rob_neyer concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_rob_parker concept:journalistwritesforpublication concept_newspaper_detroit_news +concept_journalist_rob_pegoraro concept:journalistwritesforpublication concept_company_dc +concept_journalist_rob_pegoraro concept:journalistwritesforpublication concept_company_post +concept_journalist_rob_pegoraro concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_robert_barnes concept:journalistwritesforpublication concept_company_post +concept_journalist_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_journalist_robert_fisk concept:journalistwritesforpublication concept_newspaper_independent +concept_journalist_robert_greenberger concept:agentcontributedtocreativework concept_book_a_time_to_hate +concept_journalist_robert_greenberger concept:agentcontributedtocreativework concept_book_a_time_to_love +concept_journalist_robert_j__samuelson concept:journalistwritesforpublication concept_company_post +concept_journalist_robert_j_miller concept:latitudelongitude 39.9273400000000,-74.2918100000000 +concept_journalist_robert_kaplan concept:journalistwritesforpublication concept_magazine_atlantic_monthly +concept_journalist_robert_lipsyte concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_robert_lipsyte concept:worksfor concept_website_new_york_times +concept_journalist_robert_pear concept:personbelongstoorganization concept_musicartist_times +concept_journalist_robert_pear concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_robert_pear concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_robert_samuelson concept:journalistwritesforpublication concept_company_post +concept_journalist_robert_samuelson concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_robert_samuelson concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_robert_scheer concept:worksfor concept_magazine_los_angeles_times +concept_journalist_robert_scheer concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_robert_scheer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_robin_pogrebin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_robin_toner concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_robin_toner concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_rod_dreher concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_journalist_roger_cohen concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_roger_cohen concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_roger_rubin concept:journalistwritesforpublication concept_website_new_york_daily +concept_journalist_ron_blum concept:journalistwritesforpublication concept_website_associated_press +concept_journalist_ron_borges concept:journalistwritesforpublication concept_blog_time_magazine +concept_journalist_ron_borges concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_ron_borges concept:journalistwritesforpublication concept_newspaper_the_globe +concept_journalist_ron_cook concept:journalistwritesforpublication concept_newspaper_pittsburgh_post_gazette +concept_journalist_ron_fournier concept:journalistwritesforpublication concept_company_ap_001 +concept_journalist_ron_fournier concept:journalistwritesforpublication concept_website_associated_press +concept_journalist_ron_green_jr concept:journalistwritesforpublication concept_newspaper_charlotte_observer +concept_journalist_ron_kampeas concept:journalistwritesforpublication concept_newspaper_jta +concept_journalist_ron_suskind concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_ron_suskind concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_ronald_brownstein concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_ronald_brownstein concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_russ_parsons concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_russell_baker concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_russell_brown concept:latitudelongitude 35.0656300000000,-85.3113500000000 +concept_journalist_ruth_marcus concept:journalistwritesforpublication concept_company_dc +concept_journalist_ruth_marcus concept:journalistwritesforpublication concept_company_post +concept_journalist_ruth_marcus concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_sabrina_tavernise concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_sally_jenkins concept:journalistwritesforpublication concept_company_post +concept_journalist_sally_jenkins concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_sally_quinn concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_sally_quinn concept:journalistwritesforpublication concept_company_dc +concept_journalist_sally_quinn concept:journalistwritesforpublication concept_company_post +concept_journalist_sally_quinn concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_sam_dillon concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_sam_dillon concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_sam_donnellon concept:journalistwritesforpublication concept_website_philadelphia_daily_news +concept_journalist_sam_farmer concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_sam_farmer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_samuel_g__freedman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_san_jose_mercury_news concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_sandra_blakeslee concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_sandra_blakeslee concept:worksfor concept_website_new_york_times +concept_journalist_sarah_boxer concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_savannah_guthrie concept:journalistwritesforpublication concept_company_nbc +concept_journalist_scott_collins concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_scott_martelle concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_scott_venci concept:journalistwritesforpublication concept_newspaper_green_bay_press_gazette +concept_journalist_sean_jensen concept:journalistwritesforpublication concept_newspaper_st___paul_pioneer_press +concept_journalist_sebastian_mallaby concept:journalistwritesforpublication concept_company_post +concept_journalist_sebastian_mallaby concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_sebastian_rotella concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_seema_mehta concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_selena_roberts concept:journalistwritesforpublication concept_blog_sports_illustrated +concept_journalist_serge_schmemann concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_seth_borenstein concept:journalistwritesforpublication concept_website_associated_press +concept_journalist_seth_schiesel concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_sewell_chan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_seymour_hersh concept:journalistwritesforpublication concept_newspaper_the_new_yorker +concept_journalist_seymour_hersh concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_seymour_hersh concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_seymour_hersh concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_seymour_m__hersh concept:journalistwritesforpublication concept_website_new_york_american +concept_journalist_shaila_dewan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_shankar_vedantam concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_shankar_vedantam concept:journalistwritesforpublication concept_company_dc +concept_journalist_shankar_vedantam concept:journalistwritesforpublication concept_company_post +concept_journalist_shankar_vedantam concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_sharon_begley concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_journalist_sheldon_ocker concept:journalistwritesforpublication concept_newspaper_akron_beacon_journal +concept_journalist_shepard_smith concept:journalistwritesforpublication concept_company_fox +concept_journalist_shepard_smith concept:personbelongstoorganization concept_governmentorganization_fox_news +concept_journalist_shepard_smith concept:personbelongstoorganization concept_mountain_fox +concept_journalist_shepard_smith concept:journalistwritesforpublication concept_website_fox_news +concept_journalist_sheryl_gay_stolberg concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_sheryl_gay_stolberg concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_shirley_povich concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_shmuel_rosner concept:journalistwritesforpublication concept_politicsblog_haaretz +concept_journalist_si_burick concept:journalistwritesforpublication concept_newspaper_dayton_daily_news +concept_journalist_simon_romero concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_soledad_o_brien concept:journalistwritesforpublication concept_company_cnn +concept_journalist_somini_sengupta concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_spencer_ackerman concept:journalistwritesforpublication concept_newspaper_independent +concept_journalist_st___john concept:agentcontributedtocreativework concept_book_gospel +concept_journalist_st___john concept:agentcontributedtocreativework concept_musicalbum_revelation +concept_journalist_st___john concept:persongraduatedschool concept_university_college +concept_journalist_st___saviour concept:latitudelongitude 49.4531466666667,-2.6271300000000 +concept_journalist_st_paul concept:agentcontributedtocreativework concept_book_romans +concept_journalist_staff concept:agentcreated concept_bedroomitem_car +concept_journalist_staff concept:agentcollaborateswithagent concept_biotechcompany_white +concept_journalist_staff concept:agentcreated concept_book_contact +concept_journalist_staff concept:journalistwritesforpublication concept_company_post +concept_journalist_staff concept:agentcontrols concept_election_white +concept_journalist_staff concept:agentcreated concept_geopoliticalorganization_e_mail +concept_journalist_staff concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_staff concept:agentcreated concept_programminglanguage_email +concept_journalist_stan_grossfeld concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_stanley_kurtz concept:journalistwritesforpublication concept_newspaper_national_review +concept_journalist_stanley_kurtz concept:journalistwritesforpublication concept_newspaper_national_review_online +concept_journalist_stephanie_simon concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_stephen_glass concept:journalistwritesforpublication concept_politicsblog_new_republic +concept_journalist_stephen_kinzer concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_stephen_kinzer concept:worksfor concept_website_new_york_times +concept_journalist_steve_buckley concept:journalistwritesforpublication concept_newspaper_boston_herald +concept_journalist_steve_hummer concept:journalistwritesforpublication concept_website_atlanta_journal_constitution +concept_journalist_steve_hymon concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_steve_lopez concept:journalistwritesforpublication concept_newspaper_la_times +concept_journalist_steve_lopez concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_steve_lopez concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_steve_lopez concept:worksfor concept_televisionstation_los_angeles_times +concept_journalist_steve_pearlstein concept:journalistwritesforpublication concept_company_post +concept_journalist_steve_politi concept:journalistwritesforpublication concept_newspaper_star_ledger +concept_journalist_steve_serby concept:journalistwritesforpublication concept_company_post +concept_journalist_steven_erlanger concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_steven_greenhouse concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_steven_lee_myers concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_steven_lee_myers concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_steven_pearlstein concept:journalistwritesforpublication concept_company_dc +concept_journalist_steven_pearlstein concept:journalistwritesforpublication concept_company_post +concept_journalist_steven_pearlstein concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_stone_phillips concept:journalistwritesforpublication concept_company_nbc +concept_journalist_stuart_elliott concept:worksfor concept_company_york_times +concept_journalist_stuart_elliott concept:worksfor concept_musicartist_times +concept_journalist_stuart_elliott concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_susan_page concept:journalistwritesforpublication concept_newspaper_usa_today +concept_journalist_susan_slusser concept:journalistwritesforpublication concept_website_the_san_francisco_chronicle +concept_journalist_suzanne_daley concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_suzanne_malveaux concept:journalistwritesforpublication concept_company_cnn +concept_journalist_t_j__simers concept:journalistwritesforpublication concept_newspaper_la_times +concept_journalist_t_j__simers concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tamar_lewin concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tara_parker_pope concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tara_parker_pope concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_tara_parker_pope concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_teddy_greenstein concept:journalistwritesforpublication concept_website_chicago_tribune +concept_journalist_thom_loverro concept:journalistwritesforpublication concept_website_washington_times +concept_journalist_thom_shanker concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_thom_shanker concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_journalist_thomas_boswell concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_thomas_boswell concept:journalistwritesforpublication concept_company_dc +concept_journalist_thomas_boswell concept:journalistwritesforpublication concept_company_post +concept_journalist_thomas_boswell concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_thomas_friedman concept:journalistwritesforpublication concept_blog_nytimes +concept_journalist_thomas_friedman concept:worksfor concept_company_the_new_york_times001 +concept_journalist_thomas_friedman concept:worksfor concept_company_york_times +concept_journalist_thomas_friedman concept:worksfor concept_musicartist_times +concept_journalist_thomas_friedman concept:journalistwritesforpublication concept_newspaper_ny_times +concept_journalist_thomas_friedman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_thomas_friedman concept:worksfor concept_politicsblog_ny_times +concept_journalist_thomas_friedman concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_thomas_friedman concept:worksfor concept_website_new_york_times +concept_journalist_thomas_l__friedman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_thomas_l__friedman concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_thomas_l__friedman concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_journalist_tim_cowlishaw concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_journalist_tim_golden concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tim_golden concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_tim_kawakami concept:journalistwritesforpublication concept_website_san_jose_mercury_news +concept_journalist_tim_kurkjian concept:journalistwritesforpublication concept_company_espn_com +concept_journalist_tim_russert concept:persondiedatage 58 +concept_journalist_tim_russert concept:journalistwritesforpublication concept_company_nbc +concept_journalist_tim_russert concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_tim_rutten concept:personbelongstoorganization concept_magazine_los_angeles_times +concept_journalist_tim_rutten concept:journalistwritesforpublication concept_newspaper_la_times +concept_journalist_tim_rutten concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_journalist_tim_rutten concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tim_rutten concept:agentcollaborateswithagent concept_personafrica_los_angeles_times +concept_journalist_tim_sullivan concept:worksfor concept_televisionstation_san_diego_union_tribune +concept_journalist_tim_sullivan concept:journalistwritesforpublication concept_website_the_san_diego_union_tribune +concept_journalist_timothy_egan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_timothy_egan concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_timothy_egan concept:worksfor concept_website_new_york_times +concept_journalist_tina_susman concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_todd_purdum concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_todd_purdum concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_tom_anderson concept:topmemberoforganization concept_blog_myspace +concept_journalist_tom_anderson concept:worksfor concept_blog_myspace +concept_journalist_tom_boswell concept:journalistwritesforpublication concept_company_post +concept_journalist_tom_brokaw concept:journalistwritesforpublication concept_company_nbc +concept_journalist_tom_brokaw concept:journalistwritesforpublication concept_website_nbc_news +concept_journalist_tom_gage concept:journalistwritesforpublication concept_newspaper_detroit_news +concept_journalist_tom_gage concept:journalistwritesforpublication concept_newspaper_the_detroit_news +concept_journalist_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_journalist_tom_hamburger concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tom_haudricourt concept:journalistwritesforpublication concept_website_the_milwaukee_journal_sentinel +concept_journalist_tom_hoffarth concept:journalistwritesforpublication concept_company_daily_news001 +concept_journalist_tom_mcewen concept:journalistwritesforpublication concept_website_tampa_tribune +concept_journalist_tom_petruno concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tom_shales concept:journalistwritesforpublication concept_company_post +concept_journalist_tom_shales concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_tom_verducci concept:journalistwritesforpublication concept_blog_sports_illustrated +concept_journalist_tommy_doyle concept:personhasjobposition concept_jobposition_football_coach +concept_journalist_tony_barboza concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tony_george concept:personleadsorganization concept_sportsleague_indy_racing_league +concept_journalist_tony_george concept:worksfor concept_sportsleague_indy_racing_league +concept_journalist_tony_george concept:personleadsorganization concept_sportsleague_irl +concept_journalist_tony_george concept:worksfor concept_sportsleague_irl +concept_journalist_tony_grossi concept:journalistwritesforpublication concept_blog_plain_dealer +concept_journalist_tony_kornheiser concept:journalistwritesforpublication concept_company_dc +concept_journalist_tony_kornheiser concept:journalistwritesforpublication concept_company_post +concept_journalist_tony_kornheiser concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_tony_massarotti concept:journalistwritesforpublication concept_newspaper_boston_globe +concept_journalist_tony_massarotti concept:journalistwritesforpublication concept_newspaper_boston_herald +concept_journalist_tony_perry concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_tracy_ringolsby concept:journalistwritesforpublication concept_newspaper_rocky_mountain_news +concept_journalist_tracy_wilkinson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_trudy_rubin concept:journalistwritesforpublication concept_newspaper_philadelphia_inquirer +concept_journalist_tyler_kepner concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_tyler_kepner concept:worksfor concept_website_new_york_times +concept_journalist_valerie_strauss concept:journalistwritesforpublication concept_company_post +concept_journalist_van_mckenzie concept:journalistwritesforpublication concept_newspaper_orlando_sentinel +concept_journalist_verlyn_klinkenborg concept:journalistwritesforpublication concept_politicsblog_new_times +concept_journalist_vikas_bajaj concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_virginia_heffernan concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_virginia_heffernan concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_journalist_w_c__heinz concept:journalistwritesforpublication concept_newspaper_new_york_sun +concept_journalist_walter_cronkite concept:agentcollaborateswithagent concept_crustacean_tv +concept_journalist_walter_cronkite concept:journalistwritesforpublication concept_website_cbs_evening_news +concept_journalist_walter_pincus concept:personbelongstoorganization concept_city_washington_d_c +concept_journalist_walter_pincus concept:journalistwritesforpublication concept_company_dc +concept_journalist_walter_pincus concept:journalistwritesforpublication concept_company_post +concept_journalist_walter_pincus concept:journalistwritesforpublication concept_website_washington_post +concept_journalist_warren_st__john concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_journalist_will_grimsley concept:journalistwritesforpublication concept_website_associated_press +concept_journalist_will_shortz concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_booth concept:journalistwritesforpublication concept_company_dc +concept_journalist_william_broad concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_william_c__rhoden concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_william_c__rhoden concept:worksfor concept_website_new_york_times +concept_journalist_william_cavendish concept:personhasjobposition concept_jobposition_marquess_of_hartington +concept_journalist_william_glaberson concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_j__broad concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_j__broad concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_william_kristol concept:journalistwritesforpublication concept_company_weekly_standard001 +concept_journalist_william_kristol concept:worksfor concept_musicartist_times +concept_journalist_william_kristol concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_kristol concept:personbelongstoorganization concept_stateorprovince_times +concept_journalist_william_kristol concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_william_kristol concept:worksfor concept_website_new_york_times +concept_journalist_william_rhoden concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_safire concept:journalistwritesforpublication concept_newspaper_times +concept_journalist_william_safire concept:journalistwritesforpublication concept_website_new_york_times +concept_journalist_william_saletan concept:journalistwritesforpublication concept_politicsblog_slate +concept_journalist_wolf_blitzer concept:journalistwritesforpublication concept_company_cnn +concept_journalist_woody_paige concept:journalistwritesforpublication concept_newspaper_denver_post +concept_journalist_woody_paige concept:journalistwritesforpublication concept_newspaper_the_denver_post +concept_journalist_wyatt_andrews concept:worksfor concept_televisionnetwork_cbs +concept_journalist_youssef_ibrahim concept:journalistwritesforpublication concept_blog_sun +concept_judge_chief_justice_john_marshall concept:latitudelongitude 38.8934500000000,-77.0172000000000 +concept_judge_graham_clark concept:latitudelongitude 36.6231200000000,-93.2224000000000 +concept_judge_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_judge_john_e_ concept:latitudelongitude 42.6042900000000,-81.4497500000000 +concept_judge_mr_ concept:personbornincity concept_city_york +concept_judge_mr_ concept:topmemberoforganization concept_company_apple002 +concept_judge_mr_ concept:personleadsorganization concept_company_microsoft_corporation +concept_judge_mr_ concept:worksfor concept_company_microsoft_corporation +concept_judge_mr_ concept:personhascitizenship concept_country_france_france +concept_judge_mr_ concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_judge_mr_ concept:personbelongstoorganization concept_governmentorganization_house +concept_judge_mr_ concept:agentcollaborateswithagent concept_person_house +concept_judge_mr_ concept:subpartof concept_room_house +concept_judge_mr_ concept:personmovedtostateorprovince concept_stateorprovince_california +concept_judge_mrs_ concept:personbornincity concept_city_york +concept_judge_mrs_ concept:personbelongstoorganization concept_governmentorganization_house +concept_judge_ny concept:agentcompeteswithagent concept_company_daily_news001 +concept_judge_ny concept:agentcompeteswithagent concept_company_post +concept_judge_ny concept:agentcontrols concept_hobby_services +concept_judge_ny concept:agentcompeteswithagent concept_musicartist_journal +concept_judge_ny concept:agentcompeteswithagent concept_musicartist_times +concept_judge_ny concept:agentcompeteswithagent concept_politicsblog_tribune +concept_judge_personnel concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_judge_personnel concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_judge_personnel concept:agentparticipatedinevent concept_eventoutcome_result +concept_judge_personnel concept:agentcreated concept_programminglanguage_contact +concept_judge_personnel concept:agentbelongstoorganization concept_terroristorganization_state +concept_judge_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_judge_poughkeepsie concept:subpartof concept_company_new_york +concept_judge_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_judge_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_kitchenitem_additives concept:subpartof concept_weatherphenomenon_water +concept_kitchenitem_bath_tub concept:itemfoundinroom concept_room_bath +concept_kitchenitem_bowl concept:atdate concept_date_n1968 +concept_kitchenitem_bowl concept:atdate concept_date_n1999 +concept_kitchenitem_bowl concept:atdate concept_date_n2001 +concept_kitchenitem_bowl concept:atdate concept_dateliteral_n1961 +concept_kitchenitem_bowl concept:atdate concept_dateliteral_n2002 +concept_kitchenitem_bowl concept:atdate concept_year_n1982 +concept_kitchenitem_bowl concept:atdate concept_year_n1998 +concept_kitchenitem_brayer concept:latitudelongitude 53.0001900000000,-74.7159900000000 +concept_kitchenitem_bride concept:proxyfor concept_book_new +concept_kitchenitem_bunker concept:atdate concept_dateliteral_n1945 +concept_kitchenitem_center concept:mutualproxyfor concept_book_new +concept_kitchenitem_center concept:atlocation concept_building_vegas +concept_kitchenitem_center concept:atlocation concept_island_new_york_city_metropolitan_area +concept_kitchenitem_center concept:atlocation concept_visualizablescene_ny +concept_kitchenitem_chance concept:mutualproxyfor concept_book_new +concept_kitchenitem_clean_fork concept:latitudelongitude 38.5528600000000,-82.3104300000000 +concept_kitchenitem_companies concept:proxyfor concept_book_new +concept_kitchenitem_cook_top concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_equipped_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_equipped_kitchen_area +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_kitchenette +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_modern_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_small_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_room_well_equipped_kitchen +concept_kitchenitem_cooker concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_kitchenitem_cool_place concept:proxyfor concept_book_new +concept_kitchenitem_corner concept:itemfoundinroom concept_room_swimming_pool +concept_kitchenitem_crocks concept:latitudelongitude 45.9668100000000,-66.8155800000000 +concept_kitchenitem_dish_washer concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_equipped_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_full_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_large_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_modern_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_room_separate_kitchen +concept_kitchenitem_dishwasher concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_kitchenitem_disposal concept:subpartof concept_visualizableattribute_drinking_water +concept_kitchenitem_disposal concept:subpartof concept_visualizablething_water_supply +concept_kitchenitem_electric_cooker concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_electric_hob concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_electric_oven concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_fan_oven concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_first_bowl concept:atdate concept_date_n1999 +concept_kitchenitem_first_bowl concept:atdate concept_dateliteral_n1961 +concept_kitchenitem_first_bowl concept:atdate concept_year_n1998 +concept_kitchenitem_flickr concept:subpartof concept_product_yahoo +concept_kitchenitem_fold concept:itemfoundinroom concept_officebuildingroom_living_room +concept_kitchenitem_fold concept:itemfoundinroom concept_room_living_area +concept_kitchenitem_fold concept:itemfoundinroom concept_room_lounge +concept_kitchenitem_fridge_freezer concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_gas_cooker concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_glass concept:itemfoundinroom concept_visualizablething_bathroom +concept_kitchenitem_group concept:itemfoundinroom concept_officebuildingroom_living_room +concept_kitchenitem_health concept:mutualproxyfor concept_actor_david_zinczenko +concept_kitchenitem_hob concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_hob concept:itemfoundinroom concept_room_kitchens +concept_kitchenitem_hot_bed concept:proxyfor concept_book_new +concept_kitchenitem_kitchen_fork concept:latitudelongitude 37.3939800000000,-83.1368400000000 +concept_kitchenitem_kits concept:subpartof concept_weatherphenomenon_air +concept_kitchenitem_kits concept:subpartof concept_weatherphenomenon_water +concept_kitchenitem_matches concept:atdate concept_dateliteral_n2007 +concept_kitchenitem_microwave_oven concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_middle_shelf concept:latitudelongitude 44.7834000000000,-79.9329700000000 +concept_kitchenitem_millions concept:mutualproxyfor concept_book_new +concept_kitchenitem_must_have concept:proxyfor concept_book_new +concept_kitchenitem_oven concept:itemfoundinroom concept_officebuildingroom_rooms +concept_kitchenitem_oven concept:itemfoundinroom concept_room_area +concept_kitchenitem_oven concept:itemfoundinroom concept_room_complete_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_designer_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_eat_in_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_equipped_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_full_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_fully_equipped_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_fully_equipped_kitchenette +concept_kitchenitem_oven concept:itemfoundinroom concept_room_galley +concept_kitchenitem_oven concept:itemfoundinroom concept_room_galley_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_kitchen_corner +concept_kitchenitem_oven concept:itemfoundinroom concept_room_kitchen_facilities +concept_kitchenitem_oven concept:itemfoundinroom concept_room_kitchenette +concept_kitchenitem_oven concept:itemfoundinroom concept_room_kitchens +concept_kitchenitem_oven concept:itemfoundinroom concept_room_large_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_lounge +concept_kitchenitem_oven concept:itemfoundinroom concept_room_modern_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_open_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_open_plan_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_plan_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_separate_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_small_kitchen +concept_kitchenitem_oven concept:itemfoundinroom concept_room_small_kitchenette +concept_kitchenitem_oven concept:itemfoundinroom concept_visualizableobject_facilities +concept_kitchenitem_oven concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_kitchenitem_oven___hob concept:itemfoundinroom concept_room_kitchen +concept_kitchenitem_policy concept:mutualproxyfor concept_book_new +concept_kitchenitem_policy concept:mutualproxyfor concept_person_mugabe +concept_kitchenitem_policy concept:subpartof concept_weatherphenomenon_air +concept_kitchenitem_policy concept:subpartof concept_weatherphenomenon_water +concept_kitchenitem_portfolio concept:proxyfor concept_book_new +concept_kitchenitem_shortage concept:proxyfor concept_book_new +concept_kitchenitem_sign concept:proxyfor concept_book_new +concept_kitchenitem_sinks concept:itemfoundinroom concept_room_master +concept_kitchenitem_tender concept:atdate concept_dateliteral_n2002 +concept_kitchenitem_tender concept:atdate concept_dateliteral_n2005 +concept_kitchenitem_tender concept:atdate concept_dateliteral_n2006 +concept_kitchenitem_tissue concept:subpartof concept_website_blood +concept_lake_academy_bay concept:latitudelongitude -0.7500000000000,-90.2833300000000 +concept_lake_acarnania concept:latitudelongitude 38.5000000000000,21.5000000000000 +concept_lake_acklins concept:latitudelongitude 22.5229150000000,-74.0520850000000 +concept_lake_admiralty_island concept:lakeinstate concept_stateorprovince_alaska +concept_lake_agawa_bay concept:latitudelongitude 47.3417200000000,-84.6499100000000 +concept_lake_akdeniz concept:latitudelongitude 35.2994400000000,32.9622200000000 +concept_lake_alamoosook_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_alaska_peninsula concept:latitudelongitude 56.5836150000000,-158.2502800000000 +concept_lake_alexander_archipelago concept:lakeinstate concept_stateorprovince_alaska +concept_lake_algoa_bay concept:latitudelongitude -33.8333300000000,25.8333300000000 +concept_lake_almirante_bay concept:latitudelongitude 9.3333300000000,-82.3000000000000 +concept_lake_andamans concept:latitudelongitude 12.5000000000000,92.7916650000000 +concept_lake_androscoggin_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_angle_lake concept:lakeinstate concept_stateorprovince_nevada +concept_lake_antarctic_continent concept:latitudelongitude -90.0000000000000,0.0000000000000 +concept_lake_apra_harbor concept:latitudelongitude 13.4375550000000,144.6493650000000 +concept_lake_aquidneck concept:latitudelongitude 41.5020475000000,-71.2882100000000 +concept_lake_ashokan_reservoir concept:latitudelongitude 41.9434300000000,-74.2118150000000 +concept_lake_atlantic concept:lakeinstate concept_stateorprovince_ontario +concept_lake_atlantic_coast concept:proxyfor concept_book_new +concept_lake_atlantic_ocean concept:lakeinstate concept_stateorprovince_new_jersey +concept_lake_au_train_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_baja concept:atlocation concept_building_years +concept_lake_balboa_island concept:lakeinstate concept_stateorprovince_california +concept_lake_baldwin_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_banda_sea concept:latitudelongitude -3.4538900000000,122.7247200000000 +concept_lake_baranof_island concept:lakeinstate concept_stateorprovince_alaska +concept_lake_barefoot_bay concept:atlocation concept_city_florida +concept_lake_bass_lake concept:atlocation concept_stateorprovince_california +concept_lake_bathurst_harbour concept:latitudelongitude -43.3500000000000,146.1666700000000 +concept_lake_bay_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_bay_of_fundy concept:lakeinstate concept_stateorprovince_maine +concept_lake_bay_of_quinte concept:lakeinstate concept_stateorprovince_ontario +concept_lake_baynes_sound concept:latitudelongitude 49.4829300000000,-124.7528000000000 +concept_lake_bazaruto concept:latitudelongitude -21.6547128571429,35.4791914285714 +concept_lake_beaver_dam concept:proxyfor concept_politicaloffice_wisconsin +concept_lake_beaver_dam concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_lake_beaver_lake concept:lakeinstate concept_stateorprovince_arkansas +concept_lake_belfast_lough concept:latitudelongitude 54.6666700000000,-5.6000000000000 +concept_lake_bering_sea concept:lakeinstate concept_stateorprovince_alaska +concept_lake_bering_strait concept:lakeinstate concept_stateorprovince_alaska +concept_lake_bering_straits concept:latitudelongitude 64.8392200000000,-164.2517200000000 +concept_lake_berkeley_marina concept:latitudelongitude 37.8676400000000,-122.3142300000000 +concept_lake_big_bear_lake concept:lakeinstate concept_stateorprovince_california +concept_lake_big_spring concept:locationlocatedwithinlocation concept_city_texas +concept_lake_biwako concept:latitudelongitude 35.0166700000000,135.8666700000000 +concept_lake_black_sea concept:lakeinstate concept_stateorprovince_georgia +concept_lake_blood_island concept:latitudelongitude 40.6898100000000,-76.8669200000000 +concept_lake_blue_lake concept:lakeinstate concept_stateorprovince_south_australia +concept_lake_bonita_springs concept:lakeinstate concept_stateorprovince_florida +concept_lake_brazo_rico concept:latitudelongitude -50.5000000000000,-72.8666700000000 +concept_lake_budd_lake concept:proxyfor concept_radiostation_new_jersey +concept_lake_budd_lake concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_burrup_peninsula concept:latitudelongitude -20.5583300000000,116.8333300000000 +concept_lake_buttle_lake concept:latitudelongitude 49.6829200000000,-125.5529000000000 +concept_lake_bynoe_harbour concept:latitudelongitude -12.6833300000000,130.5833300000000 +concept_lake_calabay_parc concept:lakeinstate concept_stateorprovince_florida +concept_lake_calibogue_sound concept:latitudelongitude 32.1085400000000,-80.8331700000000 +concept_lake_carson_sink concept:latitudelongitude 39.6070000000000,-118.5545900000000 +concept_lake_castle_rock concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_cayuga_lake concept:lakeinstate concept_stateorprovince_ontario +concept_lake_celebes_sea concept:latitudelongitude 3.5000000000000,122.0000000000000 +concept_lake_charleston_harbor concept:latitudelongitude 32.7820300000000,-79.9364300000000 +concept_lake_chatham_park concept:lakeinstate concept_stateorprovince_florida +concept_lake_chena_hot_springs concept:lakeinstate concept_stateorprovince_alaska +concept_lake_chicago_botanical_gardens concept:latitudelongitude 42.1475300000000,-87.7897900000000 +concept_lake_chichagof_island concept:lakeinstate concept_stateorprovince_alaska +concept_lake_chilliwack_lake concept:latitudelongitude 49.0580400000000,-121.4275250000000 +concept_lake_cisco_lake concept:latitudelongitude 46.3386160000000,-90.8899040000000 +concept_lake_city_hall concept:atlocation concept_building_vegas +concept_lake_clarkesville concept:lakeinstate concept_stateorprovince_georgia +concept_lake_clear_lake concept:lakeinstate concept_stateorprovince_california +concept_lake_clearwater_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_coastal_city concept:proxyfor concept_book_new +concept_lake_cold_stream_pond concept:lakeinstate concept_stateorprovince_maine +concept_lake_cold_water_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_columbia_river concept:lakeinstate concept_stateorprovince_british_columbia +concept_lake_cootes_paradise concept:latitudelongitude 43.2751100000000,-79.9246400000000 +concept_lake_coromandal concept:latitudelongitude 13.4500000000000,80.3166700000000 +concept_lake_coromandel_coast concept:latitudelongitude 14.0000000000000,80.1666700000000 +concept_lake_corpus_christi_bay concept:latitudelongitude 27.7722500000000,-97.2527700000000 +concept_lake_cottonwood_lake concept:lakeinstate concept_stateorprovince_alaska +concept_lake_cranberry_isles concept:latitudelongitude 44.2458425000000,-68.2430000000000 +concept_lake_cree_lake concept:lakeinstate concept_stateorprovince_saskatchewan +concept_lake_crystal_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_crystal_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_cyprus_island concept:latitudelongitude 35.0000000000000,33.0000000000000 +concept_lake_darwin_harbour concept:latitudelongitude -51.8333300000000,-58.9500000000000 +concept_lake_dasht_e_kavir concept:latitudelongitude 34.1850016666667,55.0292116666667 +concept_lake_deep_creek_lake concept:lakeinstate concept_stateorprovince_maryland +concept_lake_del_monte_forest concept:latitudelongitude 36.5850550000000,-121.9474550000000 +concept_lake_delagoa_bay concept:latitudelongitude -25.9833300000000,32.7000000000000 +concept_lake_delmarva_peninsula concept:latitudelongitude 38.4584500000000,-75.4997800000000 +concept_lake_denison_dam concept:latitudelongitude 33.8327450000000,-96.5690200000000 +concept_lake_denmark_strait concept:latitudelongitude 65.0000000000000,-28.0000000000000 +concept_lake_detroit_river concept:lakeinstate concept_stateorprovince_michigan +concept_lake_door_county concept:lakeinstate concept_stateorprovince_michigan +concept_lake_door_peninsula concept:latitudelongitude 44.9166600000000,-87.3667700000000 +concept_lake_dry_tortugas concept:latitudelongitude 24.6426500000000,-82.8828066666667 +concept_lake_east_china_sea concept:latitudelongitude 29.0000000000000,125.0000000000000 +concept_lake_east_grand_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_eclipse_sound concept:latitudelongitude 72.6346700000000,-78.9984100000000 +concept_lake_efate_island concept:latitudelongitude -17.6666700000000,168.4166700000000 +concept_lake_egilsay concept:latitudelongitude 59.7833350000000,-2.1750000000000 +concept_lake_elizabeth_harbor concept:latitudelongitude -49.2000000000000,69.8666700000000 +concept_lake_elliott_bay concept:lakeinstate concept_visualizablescene_washington +concept_lake_emerald_coast concept:latitudelongitude 41.0470500000000,9.2058000000000 +concept_lake_emerald_lake concept:lakeinstate concept_stateorprovince_british_columbia +concept_lake_esquimalt_lagoon concept:latitudelongitude 48.4287800000000,-123.4692900000000 +concept_lake_euboea concept:latitudelongitude 38.5555566666667,23.5000000000000 +concept_lake_eyre_peninsula concept:latitudelongitude -34.3333300000000,135.7500000000000 +concept_lake_faiyum concept:latitudelongitude 29.2897237500000,30.8426037500000 +concept_lake_flaming_gorge_dam concept:latitudelongitude 40.9125500000000,-109.4223566666667 +concept_lake_florida_keys concept:proxyfor concept_book_new +concept_lake_fort_peck concept:latitudelongitude 48.1215010000000,-106.0718310000000 +concept_lake_fort_peck concept:proxyfor concept_radiostation_montana +concept_lake_fountain_hills concept:lakeinstate concept_stateorprovince_arizona +concept_lake_four concept:mutualproxyfor concept_city_cottage +concept_lake_four concept:mutualproxyfor concept_city_home +concept_lake_four concept:atlocation concept_landscapefeatures_bathroom +concept_lake_franz_josef_land concept:latitudelongitude 81.0000000000000,55.0000000000000 +concept_lake_friendship_bay concept:latitudelongitude 12.9833300000000,-61.2333300000000 +concept_lake_fukien_province concept:latitudelongitude 26.5450000000000,117.8427800000000 +concept_lake_fundy concept:lakeinstate concept_stateorprovince_maine +concept_lake_gallipoli_peninsula concept:latitudelongitude 40.3333300000000,26.5000000000000 +concept_lake_ganga_sagar concept:latitudelongitude 21.6311100000000,88.0885166666667 +concept_lake_gili_meno concept:latitudelongitude -8.3513800000000,116.0568200000000 +concept_lake_glovers_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_grand_traverse_bay concept:lakeinstate concept_stateorprovince_michigan +concept_lake_grand_turk_island concept:latitudelongitude 21.4833300000000,-71.1166700000000 +concept_lake_great_abaco concept:latitudelongitude 26.7750000000000,-77.0416650000000 +concept_lake_great_abaco_island concept:latitudelongitude 26.4666700000000,-77.0833300000000 +concept_lake_great_inagua concept:latitudelongitude 21.0833300000000,-73.3000000000000 +concept_lake_great_lakes concept:proxyfor concept_lake_new +concept_lake_great_lakes concept:lakeinstate concept_stateorprovince_ontario +concept_lake_great_moose_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_great_pacific concept:latitudelongitude 20.0000000000000,-140.0000000000000 +concept_lake_great_race concept:latitudelongitude 48.2996300000000,-123.5359000000000 +concept_lake_great_salt_lake concept:lakeinstate concept_stateorprovince_utah +concept_lake_grecian_bay concept:latitudelongitude 34.9826000000000,34.0069000000000 +concept_lake_green_pond concept:proxyfor concept_radiostation_new_jersey +concept_lake_green_pond concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_guernsey_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_gulf_of_bothnia concept:latitudelongitude 63.0000000000000,20.0000000000000 +concept_lake_gulf_of_finland concept:latitudelongitude 60.1250000000000,27.0000000000000 +concept_lake_gulf_of_guinea concept:latitudelongitude 2.0000000000000,2.5000000000000 +concept_lake_gulf_of_nicoya concept:latitudelongitude 9.7833300000000,-84.8000000000000 +concept_lake_gulf_of_saint_lawrence concept:latitudelongitude 47.0000000000000,-62.0000000000000 +concept_lake_gulf_of_thailand concept:latitudelongitude 10.0000000000000,102.0000000000000 +concept_lake_half_moon_pond concept:lakeinstate concept_stateorprovince_maine +concept_lake_hamilton_harbour concept:lakeinstate concept_stateorprovince_ontario +concept_lake_hamilton_lake concept:lakeinstate concept_stateorprovince_indiana +concept_lake_haringvliet concept:latitudelongitude 51.7913175000000,4.3030675000000 +concept_lake_hawaiian_island concept:latitudelongitude 38.2214200000000,-92.6876900000000 +concept_lake_higgins_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_highland_lake concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_holy_loch concept:latitudelongitude 55.9833300000000,-4.9166700000000 +concept_lake_horseshoe concept:attractionofcity concept_city_vegas +concept_lake_houghton_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_huahine_nui concept:latitudelongitude -16.7166700000000,-151.0000000000000 +concept_lake_hudson_bay concept:lakeinstate concept_stateorprovince_manitoba +concept_lake_inchmurrin concept:latitudelongitude 56.0500000000000,-4.6000000000000 +concept_lake_indian_river concept:lakeinstate concept_stateorprovince_michigan +concept_lake_innisfallen_island concept:latitudelongitude 45.0501000000000,-79.5663300000000 +concept_lake_inside_passage concept:lakeinstate concept_stateorprovince_alaska +concept_lake_ionian_sea concept:latitudelongitude 39.0000000000000,19.0000000000000 +concept_lake_irish_hills concept:lakeinstate concept_stateorprovince_michigan +concept_lake_irondequoit_bay concept:lakeinstate concept_stateorprovince_ontario +concept_lake_isla_bastimentos concept:latitudelongitude 9.2750000000000,-82.1333300000000 +concept_lake_islesboro concept:latitudelongitude 44.3098700000000,-68.9092000000000 +concept_lake_janes_island concept:latitudelongitude 37.9911650000000,-75.8784025000000 +concept_lake_java_sea concept:latitudelongitude -5.0000000000000,110.0000000000000 +concept_lake_jersey_coast concept:proxyfor concept_book_new +concept_lake_kahoolawe concept:latitudelongitude 20.5500000000000,-156.6000000000000 +concept_lake_kamchatka_peninsula concept:latitudelongitude 56.0000000000000,160.0000000000000 +concept_lake_kandy_lake concept:latitudelongitude 7.3000000000000,80.6333300000000 +concept_lake_kara_sea concept:latitudelongitude 76.0000000000000,80.0000000000000 +concept_lake_kauai_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_kealakekua_bay concept:latitudelongitude 19.4795150000000,-155.9277100000000 +concept_lake_kekova concept:latitudelongitude 36.1813900000000,29.8763900000000 +concept_lake_kennebunk_beach concept:latitudelongitude 43.3450900000000,-70.5022700000000 +concept_lake_kerkini concept:latitudelongitude 41.2555566666667,23.0222200000000 +concept_lake_kern_river concept:lakeinstate concept_stateorprovince_california +concept_lake_keweenaw_bay concept:latitudelongitude 46.8379650000000,-88.4807783333333 +concept_lake_killala_bay concept:latitudelongitude 54.2500000000000,-9.1333300000000 +concept_lake_king_sound concept:latitudelongitude -16.8333300000000,123.4166700000000 +concept_lake_kithnos concept:latitudelongitude 37.4208325000000,24.4000000000000 +concept_lake_kitsap_peninsula concept:latitudelongitude 47.5645400000000,-122.6693100000000 +concept_lake_koh_kood concept:latitudelongitude 11.7181000000000,102.5370000000000 +concept_lake_koh_mak concept:latitudelongitude 11.8166700000000,102.4833300000000 +concept_lake_kola_peninsula concept:latitudelongitude 67.3333300000000,37.0000000000000 +concept_lake_kootenay_lake concept:lakeinstate concept_stateorprovince_british_columbia +concept_lake_kyuquot_sound concept:latitudelongitude 50.0662800000000,-127.2197800000000 +concept_lake_lac_la_biche concept:lakeinstate concept_stateorprovince_alberta +concept_lake_lago_fagnano concept:latitudelongitude -54.6333300000000,-68.0000000000000 +concept_lake_lago_lacar concept:latitudelongitude -40.1833300000000,-71.5000000000000 +concept_lake_lago_titicaca concept:latitudelongitude -15.9873525000000,-69.4679775000000 +concept_lake_lago_viedma concept:latitudelongitude -49.6555533333333,-72.4277766666667 +concept_lake_lago_yelcho concept:latitudelongitude -43.3302800000000,-72.2427800000000 +concept_lake_laguna_torre concept:latitudelongitude -14.2416700000000,-69.6877800000000 +concept_lake_laic concept:latitudelongitude 49.4168000000000,-69.5490600000000 +concept_lake_lake_abbe concept:latitudelongitude 11.1905600000000,41.7891700000000 +concept_lake_lake_ainsworth concept:latitudelongitude -28.7833300000000,153.6000000000000 +concept_lake_lake_almanor concept:lakeinstate concept_stateorprovince_california +concept_lake_lake_arcadia concept:latitudelongitude 35.6445000000000,-97.3625400000000 +concept_lake_lake_argyle concept:latitudelongitude -15.6666700000000,128.7500000000000 +concept_lake_lake_arrowhead concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_bala concept:latitudelongitude 47.0312000000000,18.0220000000000 +concept_lake_lake_barkley concept:lakeinstate concept_stateorprovince_kentucky +concept_lake_lake_bartlett concept:lakeinstate concept_stateorprovince_arizona +concept_lake_lake_berkeley concept:lakeinstate concept_stateorprovince_florida +concept_lake_lake_blackshear concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_blue_ridge concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_burton concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_butler concept:atlocation concept_city_florida +concept_lake_lake_chapin concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_charlevoix concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_coeur_d_alene concept:lakeinstate concept_stateorprovince_idaho +concept_lake_lake_cootharaba concept:latitudelongitude -26.2666700000000,153.0333300000000 +concept_lake_lake_corangamite concept:latitudelongitude -38.1666700000000,143.3833300000000 +concept_lake_lake_cumberland concept:lakeinstate concept_stateorprovince_kentucky +concept_lake_lake_davenport concept:lakeinstate concept_stateorprovince_florida +concept_lake_lake_district concept:lakeinstate concept_stateorprovince_north_west_england +concept_lake_lake_duluti concept:latitudelongitude -3.3833300000000,36.7833300000000 +concept_lake_lake_erie concept:lakeinstate concept_stateorprovince_ontario +concept_lake_lake_eustis concept:latitudelongitude 28.8385866666667,-81.7200200000000 +concept_lake_lake_georgetown concept:latitudelongitude 30.6668600000000,-97.7239000000000 +concept_lake_lake_gogebic concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_granby concept:lakeinstate concept_stateorprovince_colorado +concept_lake_lake_harding concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_hartwell concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_hatchineha concept:lakeinstate concept_stateorprovince_florida +concept_lake_lake_henshaw concept:latitudelongitude 33.2368450000000,-116.7615500000000 +concept_lake_lake_hiawatha concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_lake_huron concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_jackson concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_kagawong concept:latitudelongitude 45.8167700000000,-82.2998300000000 +concept_lake_lake_leelanau concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_macatawa concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_manatee concept:latitudelongitude 27.4793450000000,-82.3270350000000 +concept_lake_lake_merritt concept:lakeinstate concept_stateorprovince_california +concept_lake_lake_michigan concept:lakeinstate concept_stateorprovince_indiana +concept_lake_lake_missaukee concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_nottely concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_of_menteith concept:latitudelongitude 56.1666700000000,-4.2833300000000 +concept_lake_lake_ontario concept:lakeinstate concept_stateorprovince_ontario +concept_lake_lake_ovid concept:latitudelongitude 42.9450300000000,-84.4194200000000 +concept_lake_lake_panasoffkee concept:lakeinstate concept_stateorprovince_florida +concept_lake_lake_pend_oreille concept:lakeinstate concept_stateorprovince_idaho +concept_lake_lake_poway concept:latitudelongitude 33.0076850000000,-117.0115600000000 +concept_lake_lake_ruataniwha concept:latitudelongitude -44.2783400000000,170.0600800000000 +concept_lake_lake_sammamish concept:lakeinstate concept_visualizablescene_washington +concept_lake_lake_sinclair concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_siskiyou concept:lakeinstate concept_stateorprovince_california +concept_lake_lake_sonoma concept:lakeinstate concept_stateorprovince_california +concept_lake_lake_st___clair concept:latitudelongitude 42.4667800000000,-82.6665300000000 +concept_lake_lake_st___clair concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_stamford concept:latitudelongitude 33.0623266666667,-99.5767533333333 +concept_lake_lake_superior concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_temescal concept:latitudelongitude 37.8472400000000,-122.2299700000000 +concept_lake_lake_thurmond concept:lakeinstate concept_stateorprovince_georgia +concept_lake_lake_union concept:lakeinstate concept_visualizablescene_washington +concept_lake_lake_velence concept:latitudelongitude 47.2166700000000,18.6000000000000 +concept_lake_lake_waccamaw concept:latitudelongitude 34.3019271428571,-78.5140642857143 +concept_lake_lake_wassookeag concept:lakeinstate concept_stateorprovince_maine +concept_lake_lake_winnebago concept:lakeinstate concept_stateorprovince_michigan +concept_lake_lake_winnipeg concept:lakeinstate concept_stateorprovince_manitoba +concept_lake_lake_winnisquam concept:latitudelongitude 43.4814650000000,-71.5334100000000 +concept_lake_lake_winterset concept:lakeinstate concept_stateorprovince_florida +concept_lake_lanta_yai concept:latitudelongitude 7.5668380000000,99.0818820000000 +concept_lake_lantau concept:latitudelongitude 22.2104350000000,113.8692150000000 +concept_lake_lauderdale_lakes concept:atlocation concept_city_florida +concept_lake_ligurian_sea concept:latitudelongitude 43.5000000000000,9.0000000000000 +concept_lake_little_bay_de_noc concept:lakeinstate concept_stateorprovince_michigan +concept_lake_little_traverse_bay concept:lakeinstate concept_stateorprovince_michigan +concept_lake_loch_bay concept:latitudelongitude 57.5000000000000,-6.5666700000000 +concept_lake_loch_goil concept:latitudelongitude 56.1333300000000,-4.8833300000000 +concept_lake_loch_insh concept:latitudelongitude 57.1166700000000,-3.9166700000000 +concept_lake_loch_nevis concept:latitudelongitude 57.0166700000000,-5.7166700000000 +concept_lake_lochcarron concept:latitudelongitude 57.4000000000000,-5.5000000000000 +concept_lake_lokpal concept:latitudelongitude 30.6833300000000,79.6000000000000 +concept_lake_lolland concept:latitudelongitude 54.7785733333333,11.4317466666667 +concept_lake_long_key concept:latitudelongitude 25.3496312500000,-81.4470937500000 +concept_lake_long_valley concept:proxyfor concept_stateorprovince_newjersey +concept_lake_lot concept:mutualproxyfor concept_university_state_college +concept_lake_lough_inagh concept:latitudelongitude 53.5166700000000,-9.7500000000000 +concept_lake_lough_leane concept:latitudelongitude 52.0333300000000,-9.5500000000000 +concept_lake_lough_veagh concept:latitudelongitude 55.0383300000000,-7.9716700000000 +concept_lake_lower_arrow_lake concept:latitudelongitude 49.7498700000000,-118.0855700000000 +concept_lake_lower_niagara_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_luskentyre concept:latitudelongitude 57.8888866666667,-6.9277766666667 +concept_lake_mactan concept:latitudelongitude 10.4588871428571,123.9901428571428 +concept_lake_mactan_island concept:latitudelongitude 10.2919400000000,123.9680600000000 +concept_lake_malletts_bay concept:latitudelongitude 44.5475375000000,-73.2248675000000 +concept_lake_mammoth_lakes concept:lakeinstate concept_stateorprovince_california +concept_lake_manistee_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_manresa_beach concept:lakeinstate concept_stateorprovince_california +concept_lake_mar_menor concept:latitudelongitude 37.7008050000000,-0.7980716666667 +concept_lake_mazinaw_lake concept:latitudelongitude 44.8960700000000,-77.1948950000000 +concept_lake_mcmurdo_sound concept:latitudelongitude -77.5000000000000,165.0000000000000 +concept_lake_menai_strait concept:latitudelongitude 53.2000000000000,-4.2333300000000 +concept_lake_middle_andaman concept:latitudelongitude 12.5000000000000,92.8333300000000 +concept_lake_middle_peninsula concept:latitudelongitude 37.4687700000000,-76.5809400000000 +concept_lake_miltona concept:latitudelongitude 46.0431354545455,-95.3258527272727 +concept_lake_moses_lake concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_lake_moses_lake concept:proxyfor concept_city_washington_d_c +concept_lake_mozambique_channel concept:latitudelongitude -20.0000000000000,43.0000000000000 +concept_lake_muckross_lake concept:latitudelongitude 52.0000000000000,-9.5166700000000 +concept_lake_mull_of_galloway concept:latitudelongitude 54.6333300000000,-4.8833300000000 +concept_lake_n16_mile_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_nantahala_lake concept:latitudelongitude 35.1995400000000,-83.6521100000000 +concept_lake_narrabeen_lagoon concept:latitudelongitude -33.7166700000000,151.2833300000000 +concept_lake_nenor concept:latitudelongitude 7.3850000000000,151.6055600000000 +concept_lake_neusiedler_see concept:latitudelongitude 47.8333300000000,16.7500000000000 +concept_lake_new concept:locationlocatedwithinlocation concept_agent_start +concept_lake_new concept:locationlocatedwithinlocation concept_airport_europe +concept_lake_new concept:locationlocatedwithinlocation concept_airport_north_america +concept_lake_new concept:locationlocatedwithinlocation concept_airport_south_america +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_asia_pacific_region +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_experiences +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_new_england +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_pacific_basin +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_pacific_rim +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_uk_ +concept_lake_new concept:locationlocatedwithinlocation concept_aquarium_whole_world +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_art +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_background +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_fun +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_ground_zero +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_locations +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_louisiana +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_major_tourist_attraction +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_mardi_gras +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_nyc +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_online +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_second_home +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_sounds +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_station +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_statue_of_liberty001 +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_streets +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_studios +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_tours +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_vacations +concept_lake_new concept:locationlocatedwithinlocation concept_attraction_victoria001 +concept_lake_new concept:locationlocatedwithinlocation concept_beach_hospitals +concept_lake_new concept:locationlocatedwithinlocation concept_beach_massachusetts +concept_lake_new concept:locationlocatedwithinlocation concept_beach_resort +concept_lake_new concept:locationlocatedwithinlocation concept_beach_vermont +concept_lake_new concept:locationlocatedwithinlocation concept_blog_agenda +concept_lake_new concept:locationlocatedwithinlocation concept_blog_bastion +concept_lake_new concept:locationlocatedwithinlocation concept_blog_blogosphere +concept_lake_new concept:locationlocatedwithinlocation concept_blog_film +concept_lake_new concept:locationlocatedwithinlocation concept_blog_globe +concept_lake_new concept:locationlocatedwithinlocation concept_blog_goal +concept_lake_new concept:locationlocatedwithinlocation concept_blog_google +concept_lake_new concept:locationlocatedwithinlocation concept_blog_manager +concept_lake_new concept:locationlocatedwithinlocation concept_blog_repository +concept_lake_new concept:locationlocatedwithinlocation concept_bridge_honor +concept_lake_new concept:locationlocatedwithinlocation concept_bridge_offerings +concept_lake_new concept:locationlocatedwithinlocation concept_bridge_premier_destination +concept_lake_new concept:locationlocatedwithinlocation concept_bridge_ship +concept_lake_new concept:locationlocatedwithinlocation concept_bridge_world +concept_lake_new concept:locationlocatedwithinlocation concept_building_center001 +concept_lake_new concept:locationlocatedwithinlocation concept_building_destination +concept_lake_new concept:locationlocatedwithinlocation concept_building_exhibit +concept_lake_new concept:locationlocatedwithinlocation concept_building_flight +concept_lake_new concept:locationlocatedwithinlocation concept_building_four +concept_lake_new concept:locationlocatedwithinlocation concept_building_group +concept_lake_new concept:locationlocatedwithinlocation concept_building_hollywood +concept_lake_new concept:locationlocatedwithinlocation concept_building_houses +concept_lake_new concept:locationlocatedwithinlocation concept_building_interest +concept_lake_new concept:locationlocatedwithinlocation concept_building_libraries +concept_lake_new concept:locationlocatedwithinlocation concept_building_nation +concept_lake_new concept:locationlocatedwithinlocation concept_building_new_york_area +concept_lake_new concept:locationlocatedwithinlocation concept_building_outlet +concept_lake_new concept:locationlocatedwithinlocation concept_building_photographs +concept_lake_new concept:locationlocatedwithinlocation concept_building_prices +concept_lake_new concept:locationlocatedwithinlocation concept_building_rates +concept_lake_new concept:locationlocatedwithinlocation concept_building_season +concept_lake_new concept:locationlocatedwithinlocation concept_building_spot +concept_lake_new concept:locationlocatedwithinlocation concept_building_stage +concept_lake_new concept:locationlocatedwithinlocation concept_building_stop +concept_lake_new concept:locationlocatedwithinlocation concept_building_studio +concept_lake_new concept:locationlocatedwithinlocation concept_building_town +concept_lake_new concept:locationlocatedwithinlocation concept_building_years +concept_lake_new concept:locationlocatedwithinlocation concept_city_adelaide +concept_lake_new concept:locationlocatedwithinlocation concept_city_advice +concept_lake_new concept:locationlocatedwithinlocation concept_city_albany +concept_lake_new concept:mutualproxyfor concept_city_albany +concept_lake_new concept:locationlocatedwithinlocation concept_city_american_city +concept_lake_new concept:mutualproxyfor concept_city_american_city +concept_lake_new concept:locationlocatedwithinlocation concept_city_area +concept_lake_new concept:locationlocatedwithinlocation concept_city_arena +concept_lake_new concept:locationlocatedwithinlocation concept_city_article +concept_lake_new concept:locationlocatedwithinlocation concept_city_articles +concept_lake_new concept:locationlocatedwithinlocation concept_city_attractions +concept_lake_new concept:locationlocatedwithinlocation concept_city_auckland +concept_lake_new concept:locationlocatedwithinlocation concept_city_band +concept_lake_new concept:locationlocatedwithinlocation concept_city_bar +concept_lake_new concept:locationlocatedwithinlocation concept_city_bombay +concept_lake_new concept:locationlocatedwithinlocation concept_city_boston +concept_lake_new concept:mutualproxyfor concept_city_boston +concept_lake_new concept:locationlocatedwithinlocation concept_city_brisbane +concept_lake_new concept:locationlocatedwithinlocation concept_city_budget +concept_lake_new concept:atlocation concept_city_caledonia +concept_lake_new concept:locationlocatedwithinlocation concept_city_capital +concept_lake_new concept:locationlocatedwithinlocation concept_city_carolina +concept_lake_new concept:locationlocatedwithinlocation concept_city_caroline +concept_lake_new concept:locationlocatedwithinlocation concept_city_catholic +concept_lake_new concept:locationlocatedwithinlocation concept_city_central +concept_lake_new concept:locationlocatedwithinlocation concept_city_centre +concept_lake_new concept:locationlocatedwithinlocation concept_city_challenge +concept_lake_new concept:locationlocatedwithinlocation concept_city_children +concept_lake_new concept:locationlocatedwithinlocation concept_city_choice +concept_lake_new concept:locationlocatedwithinlocation concept_city_christchurch +concept_lake_new concept:locationlocatedwithinlocation concept_city_circle +concept_lake_new concept:locationlocatedwithinlocation concept_city_cleveland +concept_lake_new concept:locationlocatedwithinlocation concept_city_click +concept_lake_new concept:locationlocatedwithinlocation concept_city_clinton +concept_lake_new concept:locationlocatedwithinlocation concept_city_club +concept_lake_new concept:locationlocatedwithinlocation concept_city_coffs_harbour +concept_lake_new concept:locationlocatedwithinlocation concept_city_communities +concept_lake_new concept:locationlocatedwithinlocation concept_city_construction +concept_lake_new concept:locationlocatedwithinlocation concept_city_contract +concept_lake_new concept:locationlocatedwithinlocation concept_city_countryside +concept_lake_new concept:locationlocatedwithinlocation concept_city_dallas +concept_lake_new concept:locationlocatedwithinlocation concept_city_deal +concept_lake_new concept:locationlocatedwithinlocation concept_city_deals +concept_lake_new concept:locationlocatedwithinlocation concept_city_delivery +concept_lake_new concept:locationlocatedwithinlocation concept_city_demonstration +concept_lake_new concept:mutualproxyfor concept_city_denver +concept_lake_new concept:locationlocatedwithinlocation concept_city_design +concept_lake_new concept:locationlocatedwithinlocation concept_city_discussion +concept_lake_new concept:locationlocatedwithinlocation concept_city_district +concept_lake_new concept:locationlocatedwithinlocation concept_city_districts +concept_lake_new concept:locationlocatedwithinlocation concept_city_division +concept_lake_new concept:locationlocatedwithinlocation concept_city_dynasty +concept_lake_new concept:locationlocatedwithinlocation concept_city_empire +concept_lake_new concept:locationlocatedwithinlocation concept_city_example +concept_lake_new concept:locationlocatedwithinlocation concept_city_experts +concept_lake_new concept:locationlocatedwithinlocation concept_city_father +concept_lake_new concept:locationlocatedwithinlocation concept_city_fit +concept_lake_new concept:locationlocatedwithinlocation concept_city_florida +concept_lake_new concept:locationlocatedwithinlocation concept_city_friend +concept_lake_new concept:locationlocatedwithinlocation concept_city_habitat +concept_lake_new concept:atlocation concept_city_hampshire +concept_lake_new concept:locationlocatedwithinlocation concept_city_hawaii +concept_lake_new concept:locationlocatedwithinlocation concept_city_help +concept_lake_new concept:locationlocatedwithinlocation concept_city_hit +concept_lake_new concept:locationlocatedwithinlocation concept_city_hobart +concept_lake_new concept:locationlocatedwithinlocation concept_city_holiday +concept_lake_new concept:locationlocatedwithinlocation concept_city_home +concept_lake_new concept:locationlocatedwithinlocation concept_city_hometown +concept_lake_new concept:locationlocatedwithinlocation concept_city_hong_kong_island +concept_lake_new concept:locationlocatedwithinlocation concept_city_hotels +concept_lake_new concept:locationlocatedwithinlocation concept_city_indianapolis +concept_lake_new concept:locationlocatedwithinlocation concept_city_last_minute +concept_lake_new concept:locationlocatedwithinlocation concept_city_lead +concept_lake_new concept:locationlocatedwithinlocation concept_city_library +concept_lake_new concept:locationlocatedwithinlocation concept_city_link +concept_lake_new concept:atlocation concept_city_london_city +concept_lake_new concept:mutualproxyfor concept_city_london_city +concept_lake_new concept:locationlocatedwithinlocation concept_city_map +concept_lake_new concept:locationlocatedwithinlocation concept_city_members +concept_lake_new concept:locationlocatedwithinlocation concept_city_name +concept_lake_new concept:locationlocatedwithinlocation concept_city_nature +concept_lake_new concept:locationlocatedwithinlocation concept_city_nebraska +concept_lake_new concept:locationlocatedwithinlocation concept_city_neighborhood +concept_lake_new concept:locationlocatedwithinlocation concept_city_neighborhoods +concept_lake_new concept:locationlocatedwithinlocation concept_city_new_orleans +concept_lake_new concept:mutualproxyfor concept_city_new_orleans +concept_lake_new concept:locationlocatedwithinlocation concept_city_newark +concept_lake_new concept:locationlocatedwithinlocation concept_city_norfolk_island +concept_lake_new concept:locationlocatedwithinlocation concept_city_number +concept_lake_new concept:locationlocatedwithinlocation concept_city_nyc_ +concept_lake_new concept:locationlocatedwithinlocation concept_city_ontario +concept_lake_new concept:locationlocatedwithinlocation concept_city_orlando +concept_lake_new concept:locationlocatedwithinlocation concept_city_pacific +concept_lake_new concept:locationlocatedwithinlocation concept_city_panama +concept_lake_new concept:locationlocatedwithinlocation concept_city_parents +concept_lake_new concept:locationlocatedwithinlocation concept_city_pioneer +concept_lake_new concept:locationlocatedwithinlocation concept_city_pittsburgh +concept_lake_new concept:locationlocatedwithinlocation concept_city_place +concept_lake_new concept:locationlocatedwithinlocation concept_city_plans +concept_lake_new concept:locationlocatedwithinlocation concept_city_police +concept_lake_new concept:locationlocatedwithinlocation concept_city_population +concept_lake_new concept:locationlocatedwithinlocation concept_city_reason +concept_lake_new concept:locationlocatedwithinlocation concept_city_republic +concept_lake_new concept:locationlocatedwithinlocation concept_city_resources +concept_lake_new concept:locationlocatedwithinlocation concept_city_rio +concept_lake_new concept:locationlocatedwithinlocation concept_city_rome +concept_lake_new concept:locationlocatedwithinlocation concept_city_samoa +concept_lake_new concept:locationlocatedwithinlocation concept_city_seat +concept_lake_new concept:locationlocatedwithinlocation concept_city_service +concept_lake_new concept:locationlocatedwithinlocation concept_city_singapore +concept_lake_new concept:locationlocatedwithinlocation concept_city_southeast +concept_lake_new concept:locationlocatedwithinlocation concept_city_stub +concept_lake_new concept:locationlocatedwithinlocation concept_city_sunset +concept_lake_new concept:locationlocatedwithinlocation concept_city_supply +concept_lake_new concept:locationlocatedwithinlocation concept_city_surprise +concept_lake_new concept:locationlocatedwithinlocation concept_city_sweden +concept_lake_new concept:locationlocatedwithinlocation concept_city_sydney +concept_lake_new concept:locationlocatedwithinlocation concept_city_taipei +concept_lake_new concept:locationlocatedwithinlocation concept_city_tampa_bay +concept_lake_new concept:locationlocatedwithinlocation concept_city_tasmania +concept_lake_new concept:locationlocatedwithinlocation concept_city_team +concept_lake_new concept:locationlocatedwithinlocation concept_city_texas +concept_lake_new concept:locationlocatedwithinlocation concept_city_towns +concept_lake_new concept:locationlocatedwithinlocation concept_city_u_s__city +concept_lake_new concept:mutualproxyfor concept_city_u_s__city +concept_lake_new concept:locationlocatedwithinlocation concept_city_uk +concept_lake_new concept:locationlocatedwithinlocation concept_city_united_kingdom +concept_lake_new concept:locationlocatedwithinlocation concept_city_us_city +concept_lake_new concept:locationlocatedwithinlocation concept_city_vancouver +concept_lake_new concept:locationlocatedwithinlocation concept_city_vegas +concept_lake_new concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_lake_new concept:locationlocatedwithinlocation concept_city_web +concept_lake_new concept:locationlocatedwithinlocation concept_company_apple002 +concept_lake_new concept:locationlocatedwithinlocation concept_company_cities +concept_lake_new concept:locationlocatedwithinlocation concept_company_edge +concept_lake_new concept:locationlocatedwithinlocation concept_company_expedia +concept_lake_new concept:locationlocatedwithinlocation concept_company_first_choice_airways +concept_lake_new concept:locationlocatedwithinlocation concept_company_look +concept_lake_new concept:locationlocatedwithinlocation concept_company_press +concept_lake_new concept:locationlocatedwithinlocation concept_company_spirit +concept_lake_new concept:locationlocatedwithinlocation concept_company_starting_point +concept_lake_new concept:locationlocatedwithinlocation concept_company_walt_disney_world +concept_lake_new concept:mutualproxyfor concept_company_walt_disney_world +concept_lake_new concept:locationlocatedwithinlocation concept_continent_africa +concept_lake_new concept:locationlocatedwithinlocation concept_continent_antarctica +concept_lake_new concept:locationlocatedwithinlocation concept_country___america +concept_lake_new concept:locationlocatedwithinlocation concept_country_arabia_saudita +concept_lake_new concept:locationlocatedwithinlocation concept_country_argentina +concept_lake_new concept:locationlocatedwithinlocation concept_country_australasia +concept_lake_new concept:locationlocatedwithinlocation concept_country_australia +concept_lake_new concept:mutualproxyfor concept_country_australia +concept_lake_new concept:locationlocatedwithinlocation concept_country_brazil +concept_lake_new concept:locationlocatedwithinlocation concept_country_britain +concept_lake_new concept:locationlocatedwithinlocation concept_country_canada_canada +concept_lake_new concept:locationlocatedwithinlocation concept_country_career +concept_lake_new concept:locationlocatedwithinlocation concept_country_chile +concept_lake_new concept:locationlocatedwithinlocation concept_country_china +concept_lake_new concept:locationlocatedwithinlocation concept_country_countries +concept_lake_new concept:locationlocatedwithinlocation concept_country_ease +concept_lake_new concept:locationlocatedwithinlocation concept_country_emergency +concept_lake_new concept:atlocation concept_country_england +concept_lake_new concept:mutualproxyfor concept_country_england +concept_lake_new concept:locationlocatedwithinlocation concept_country_fiji +concept_lake_new concept:locationlocatedwithinlocation concept_country_germany +concept_lake_new concept:locationlocatedwithinlocation concept_country_great_britain +concept_lake_new concept:locationlocatedwithinlocation concept_country_ireland +concept_lake_new concept:locationlocatedwithinlocation concept_country_israel +concept_lake_new concept:mutualproxyfor concept_country_israel +concept_lake_new concept:locationlocatedwithinlocation concept_country_italy +concept_lake_new concept:locationlocatedwithinlocation concept_country_japan +concept_lake_new concept:locationlocatedwithinlocation concept_country_king +concept_lake_new concept:locationlocatedwithinlocation concept_country_korea +concept_lake_new concept:locationlocatedwithinlocation concept_country_left_parties +concept_lake_new concept:atlocation concept_country_mexico +concept_lake_new concept:mutualproxyfor concept_country_mexico +concept_lake_new concept:locationlocatedwithinlocation concept_country_netherlands +concept_lake_new concept:locationlocatedwithinlocation concept_country_new_guinea +concept_lake_new concept:locationlocatedwithinlocation concept_country_new_south_wales +concept_lake_new concept:locationlocatedwithinlocation concept_country_new_zealand +concept_lake_new concept:locationlocatedwithinlocation concept_country_norway +concept_lake_new concept:locationlocatedwithinlocation concept_country_origin +concept_lake_new concept:locationlocatedwithinlocation concept_country_pacific_islands +concept_lake_new concept:locationlocatedwithinlocation concept_country_party +concept_lake_new concept:locationlocatedwithinlocation concept_country_poland +concept_lake_new concept:locationlocatedwithinlocation concept_country_region +concept_lake_new concept:locationlocatedwithinlocation concept_country_representative +concept_lake_new concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_lake_new concept:locationlocatedwithinlocation concept_country_return_trip +concept_lake_new concept:locationlocatedwithinlocation concept_country_russia +concept_lake_new concept:locationlocatedwithinlocation concept_country_same_time +concept_lake_new concept:locationlocatedwithinlocation concept_country_scandinavia +concept_lake_new concept:locationlocatedwithinlocation concept_country_son +concept_lake_new concept:locationlocatedwithinlocation concept_country_south_africa +concept_lake_new concept:locationlocatedwithinlocation concept_country_spain +concept_lake_new concept:locationlocatedwithinlocation concept_country_switzerland +concept_lake_new concept:locationlocatedwithinlocation concept_country_thailand +concept_lake_new concept:atlocation concept_country_u_s_ +concept_lake_new concept:locationlocatedwithinlocation concept_country_u_s_a_ +concept_lake_new concept:locationlocatedwithinlocation concept_country_united_states +concept_lake_new concept:locationlocatedwithinlocation concept_country_us +concept_lake_new concept:locationlocatedwithinlocation concept_country_usa +concept_lake_new concept:mutualproxyfor concept_country_usa +concept_lake_new concept:locationlocatedwithinlocation concept_country_vietnam +concept_lake_new concept:locationlocatedwithinlocation concept_country_wales +concept_lake_new concept:locationlocatedwithinlocation concept_country_west_indies +concept_lake_new concept:mutualproxyfor concept_country_west_indies +concept_lake_new concept:locationlocatedwithinlocation concept_county_atlanta +concept_lake_new concept:locationlocatedwithinlocation concept_county_bay_area +concept_lake_new concept:locationlocatedwithinlocation concept_county_celebration +concept_lake_new concept:locationlocatedwithinlocation concept_county_chicago +concept_lake_new concept:locationlocatedwithinlocation concept_county_columbus +concept_lake_new concept:locationlocatedwithinlocation concept_county_conditions +concept_lake_new concept:locationlocatedwithinlocation concept_county_families +concept_lake_new concept:locationlocatedwithinlocation concept_county_granite +concept_lake_new concept:locationlocatedwithinlocation concept_county_health +concept_lake_new concept:locationlocatedwithinlocation concept_county_heartland +concept_lake_new concept:locationlocatedwithinlocation concept_county_high_school +concept_lake_new concept:locationlocatedwithinlocation concept_county_las_vegas +concept_lake_new concept:locationlocatedwithinlocation concept_county_lists +concept_lake_new concept:locationlocatedwithinlocation concept_county_manchester +concept_lake_new concept:locationlocatedwithinlocation concept_county_manhattan +concept_lake_new concept:locationlocatedwithinlocation concept_county_music_college +concept_lake_new concept:locationlocatedwithinlocation concept_county_n15_years +concept_lake_new concept:locationlocatedwithinlocation concept_county_n18_years +concept_lake_new concept:locationlocatedwithinlocation concept_county_n20_years +concept_lake_new concept:locationlocatedwithinlocation concept_county_new_mexico +concept_lake_new concept:locationlocatedwithinlocation concept_county_paris +concept_lake_new concept:locationlocatedwithinlocation concept_county_records +concept_lake_new concept:locationlocatedwithinlocation concept_county_san_diego +concept_lake_new concept:locationlocatedwithinlocation concept_county_seattle +concept_lake_new concept:locationlocatedwithinlocation concept_county_student +concept_lake_new concept:locationlocatedwithinlocation concept_county_the_world +concept_lake_new concept:atlocation concept_county_york_city +concept_lake_new concept:mutualproxyfor concept_county_york_city +concept_lake_new concept:atlocation concept_county_york_county +concept_lake_new concept:mutualproxyfor concept_date_n1969 +concept_lake_new concept:mutualproxyfor concept_date_n1977 +concept_lake_new concept:mutualproxyfor concept_date_n1993 +concept_lake_new concept:mutualproxyfor concept_date_n1996 +concept_lake_new concept:mutualproxyfor concept_date_n1999 +concept_lake_new concept:mutualproxyfor concept_dateliteral_n1980 +concept_lake_new concept:mutualproxyfor concept_dateliteral_n1987 +concept_lake_new concept:mutualproxyfor concept_dateliteral_n1990 +concept_lake_new concept:mutualproxyfor concept_director_nothing +concept_lake_new concept:mutualproxyfor concept_eventoutcome_success +concept_lake_new concept:locationlocatedwithinlocation concept_everypromotedthing_westchester_division +concept_lake_new concept:locationlocatedwithinlocation concept_farm_extension +concept_lake_new concept:locationlocatedwithinlocation concept_farm_farmer +concept_lake_new concept:locationlocatedwithinlocation concept_farm_farmers +concept_lake_new concept:locationlocatedwithinlocation concept_farm_farms +concept_lake_new concept:locationlocatedwithinlocation concept_farm_foundation +concept_lake_new concept:locationlocatedwithinlocation concept_farm_growers +concept_lake_new concept:locationlocatedwithinlocation concept_farm_tradition +concept_lake_new concept:locationlocatedwithinlocation concept_geolocatablething_buildings +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_agencies +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_americas +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_asia_pacific +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_authorities +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_british_isles +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_caribbean +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_clubs +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_codes +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_consortium +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_corporation +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_dakota +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_destinations +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_directories +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_east_asia +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_eastern_europe +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_factor +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_form +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_franchise +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_gulf_coast +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_gulf_region +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_hamilton +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_holder +concept_lake_new concept:atlocation concept_geopoliticallocation_holland +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_hosting +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_latin_america +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_law_firm +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_list +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_middle_east +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_oceania +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_offer +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_option +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_parish +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_partners +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_performances +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_producers +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_reports +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_shopping +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_south_east_asia +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_south_pacific +concept_lake_new concept:atlocation concept_geopoliticallocation_south_wales +concept_lake_new concept:mutualproxyfor concept_geopoliticallocation_south_wales +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_southwest001 +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_specialty +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_u_s__state +concept_lake_new concept:mutualproxyfor concept_geopoliticallocation_us_states +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticallocation_western_europe +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_awards +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_credits +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_drama +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_grant +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_midwest +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_real_estate +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_sovereign_nation +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_sovereign_state +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_theater +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_theaters +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_us_ +concept_lake_new concept:mutualproxyfor concept_geopoliticalorganization_us_state +concept_lake_new concept:locationlocatedwithinlocation concept_geopoliticalorganization_web_site +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_administrator +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_circuit +concept_lake_new concept:mutualproxyfor concept_governmentorganization_department +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_document +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_employment +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_european_union +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_government +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_office +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_services +concept_lake_new concept:locationlocatedwithinlocation concept_governmentorganization_workers +concept_lake_new concept:locationlocatedwithinlocation concept_highway_niagara_falls +concept_lake_new concept:locationlocatedwithinlocation concept_highway_noon +concept_lake_new concept:locationlocatedwithinlocation concept_highway_right +concept_lake_new concept:locationlocatedwithinlocation concept_highway_square +concept_lake_new concept:locationlocatedwithinlocation concept_highway_talk +concept_lake_new concept:locationlocatedwithinlocation concept_highway_work +concept_lake_new concept:locationlocatedwithinlocation concept_hospital__ +concept_lake_new concept:atlocation concept_hospital_new_york_university_school +concept_lake_new concept:locationlocatedwithinlocation concept_hospital_pick +concept_lake_new concept:locationlocatedwithinlocation concept_hospital_star +concept_lake_new concept:locationlocatedwithinlocation concept_hospital_system +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_beacon +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_boutique_hotel +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_capitol +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_dates +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_directory +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_dream +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_flag +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_forms +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_job +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_landmark +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_major_center +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_metropolis +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_north +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_resource +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_standard +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_today +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_township +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_transfer +concept_lake_new concept:locationlocatedwithinlocation concept_hotel_union +concept_lake_new concept:locationlocatedwithinlocation concept_island_author +concept_lake_new concept:locationlocatedwithinlocation concept_island_banks +concept_lake_new concept:locationlocatedwithinlocation concept_island_depth +concept_lake_new concept:locationlocatedwithinlocation concept_island_easter +concept_lake_new concept:locationlocatedwithinlocation concept_island_haven +concept_lake_new concept:locationlocatedwithinlocation concept_island_head +concept_lake_new concept:locationlocatedwithinlocation concept_island_hell +concept_lake_new concept:locationlocatedwithinlocation concept_island_investment +concept_lake_new concept:locationlocatedwithinlocation concept_island_mother +concept_lake_new concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_lake_new concept:locationlocatedwithinlocation concept_island_niue +concept_lake_new concept:locationlocatedwithinlocation concept_island_operations +concept_lake_new concept:locationlocatedwithinlocation concept_island_outset +concept_lake_new concept:locationlocatedwithinlocation concept_island_polynesia +concept_lake_new concept:locationlocatedwithinlocation concept_island_post +concept_lake_new concept:locationlocatedwithinlocation concept_island_proposal +concept_lake_new concept:locationlocatedwithinlocation concept_island_quebec +concept_lake_new concept:locationlocatedwithinlocation concept_island_question +concept_lake_new concept:locationlocatedwithinlocation concept_island_selection +concept_lake_new concept:locationlocatedwithinlocation concept_island_society +concept_lake_new concept:locationlocatedwithinlocation concept_island_staff +concept_lake_new concept:locationlocatedwithinlocation concept_island_territory +concept_lake_new concept:locationlocatedwithinlocation concept_island_total +concept_lake_new concept:locationlocatedwithinlocation concept_lake_coastal_city +concept_lake_new concept:locationlocatedwithinlocation concept_lake_field +concept_lake_new concept:locationlocatedwithinlocation concept_lake_great_lakes +concept_lake_new concept:locationlocatedwithinlocation concept_lake_home_base +concept_lake_new concept:locationlocatedwithinlocation concept_lake_pacific_ocean +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_areas +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_battle +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_bay +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_beaches +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_camp +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_campus +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_coast +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_coastlines +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_end +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_estate +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_farmland +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_favorite_place +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_file +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_firm +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_full +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_guide +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_gulf +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_headquarters +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_honeymoon +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_housing +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_industries +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_islands +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_lands +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_landscape +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_landscapes +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_living +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_metropolitan_area +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_neighbors +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_no__1 +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_parks +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_part +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_peak +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_point +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_ports +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_project +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_provinces +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_rentals +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_scenery +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_sites +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_stores +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_study +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_top +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_variety +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_view +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_village +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_water +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_waters +concept_lake_new concept:locationlocatedwithinlocation concept_landscapefeatures_weekend +concept_lake_new concept:locationlocatedwithinlocation concept_location_christian +concept_lake_new concept:locationlocatedwithinlocation concept_location_complex +concept_lake_new concept:locationlocatedwithinlocation concept_magazine_discovery +concept_lake_new concept:locationlocatedwithinlocation concept_magazine_essence +concept_lake_new concept:locationlocatedwithinlocation concept_magazine_self +concept_lake_new concept:mutualproxyfor concept_month_april +concept_lake_new concept:mutualproxyfor concept_month_december +concept_lake_new concept:mutualproxyfor concept_month_february +concept_lake_new concept:mutualproxyfor concept_month_january +concept_lake_new concept:mutualproxyfor concept_month_july +concept_lake_new concept:mutualproxyfor concept_month_june +concept_lake_new concept:mutualproxyfor concept_month_march +concept_lake_new concept:mutualproxyfor concept_month_november +concept_lake_new concept:mutualproxyfor concept_month_october +concept_lake_new concept:mutualproxyfor concept_month_september +concept_lake_new concept:locationlocatedwithinlocation concept_monument_area_residents +concept_lake_new concept:locationlocatedwithinlocation concept_monument_cornerstone +concept_lake_new concept:locationlocatedwithinlocation concept_monument_d_c +concept_lake_new concept:locationlocatedwithinlocation concept_monument_dusk +concept_lake_new concept:locationlocatedwithinlocation concept_monument_height +concept_lake_new concept:locationlocatedwithinlocation concept_monument_key +concept_lake_new concept:locationlocatedwithinlocation concept_monument_museums +concept_lake_new concept:locationlocatedwithinlocation concept_monument_parade +concept_lake_new concept:locationlocatedwithinlocation concept_monument_photographer +concept_lake_new concept:locationlocatedwithinlocation concept_monument_pro +concept_lake_new concept:locationlocatedwithinlocation concept_monument_rhode_island +concept_lake_new concept:locationlocatedwithinlocation concept_monument_various_times +concept_lake_new concept:locationlocatedwithinlocation concept_mountain_bachelor +concept_lake_new concept:locationlocatedwithinlocation concept_mountain_geography +concept_lake_new concept:locationlocatedwithinlocation concept_mountain_inspiration +concept_lake_new concept:locationlocatedwithinlocation concept_mountain_long_island +concept_lake_new concept:locationlocatedwithinlocation concept_mountain_melanesia +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_alps +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_church +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_hudson_valley +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_label +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_plants +concept_lake_new concept:locationlocatedwithinlocation concept_mountainrange_rate +concept_lake_new concept:locationlocatedwithinlocation concept_museum_art_gallery +concept_lake_new concept:locationlocatedwithinlocation concept_museum_calendar +concept_lake_new concept:locationlocatedwithinlocation concept_museum_catalyst +concept_lake_new concept:locationlocatedwithinlocation concept_museum_close +concept_lake_new concept:locationlocatedwithinlocation concept_museum_community +concept_lake_new concept:locationlocatedwithinlocation concept_museum_cultural_center +concept_lake_new concept:locationlocatedwithinlocation concept_museum_exhibits +concept_lake_new concept:locationlocatedwithinlocation concept_museum_facilities +concept_lake_new concept:locationlocatedwithinlocation concept_museum_factory +concept_lake_new concept:locationlocatedwithinlocation concept_museum_first_place +concept_lake_new concept:locationlocatedwithinlocation concept_museum_galleries +concept_lake_new concept:locationlocatedwithinlocation concept_museum_gallery +concept_lake_new concept:locationlocatedwithinlocation concept_museum_highlights +concept_lake_new concept:locationlocatedwithinlocation concept_museum_home_town +concept_lake_new concept:locationlocatedwithinlocation concept_museum_http +concept_lake_new concept:locationlocatedwithinlocation concept_museum_institute +concept_lake_new concept:locationlocatedwithinlocation concept_museum_international_center +concept_lake_new concept:locationlocatedwithinlocation concept_museum_life +concept_lake_new concept:locationlocatedwithinlocation concept_museum_locus +concept_lake_new concept:locationlocatedwithinlocation concept_museum_long_way +concept_lake_new concept:locationlocatedwithinlocation concept_museum_marvel +concept_lake_new concept:locationlocatedwithinlocation concept_museum_national_capital +concept_lake_new concept:locationlocatedwithinlocation concept_museum_non_profit_organization +concept_lake_new concept:locationlocatedwithinlocation concept_museum_opportunities +concept_lake_new concept:locationlocatedwithinlocation concept_museum_original_home +concept_lake_new concept:locationlocatedwithinlocation concept_museum_paper +concept_lake_new concept:locationlocatedwithinlocation concept_museum_powerhouse +concept_lake_new concept:locationlocatedwithinlocation concept_museum_present +concept_lake_new concept:locationlocatedwithinlocation concept_museum_requirements +concept_lake_new concept:locationlocatedwithinlocation concept_museum_research +concept_lake_new concept:locationlocatedwithinlocation concept_museum_site +concept_lake_new concept:locationlocatedwithinlocation concept_museum_venue +concept_lake_new concept:locationlocatedwithinlocation concept_museum_way_home +concept_lake_new concept:locationlocatedwithinlocation concept_museum_wonders +concept_lake_new concept:locationlocatedwithinlocation concept_newspaper_advocate +concept_lake_new concept:locationlocatedwithinlocation concept_newspaper_democrat +concept_lake_new concept:locationlocatedwithinlocation concept_nonprofitorganization_stand +concept_lake_new concept:locationlocatedwithinlocation concept_officebuildingroom_courts +concept_lake_new concept:locationlocatedwithinlocation concept_organization_host +concept_lake_new concept:locationlocatedwithinlocation concept_park_arena_hotel +concept_lake_new concept:locationlocatedwithinlocation concept_park_borough +concept_lake_new concept:locationlocatedwithinlocation concept_park_fan +concept_lake_new concept:locationlocatedwithinlocation concept_park_hyatt_regency +concept_lake_new concept:locationlocatedwithinlocation concept_park_land +concept_lake_new concept:locationlocatedwithinlocation concept_park_league +concept_lake_new concept:locationlocatedwithinlocation concept_park_n1 +concept_lake_new concept:locationlocatedwithinlocation concept_park_n11 +concept_lake_new concept:locationlocatedwithinlocation concept_park_news +concept_lake_new concept:locationlocatedwithinlocation concept_park_skyline +concept_lake_new concept:locationlocatedwithinlocation concept_park_sports +concept_lake_new concept:locationlocatedwithinlocation concept_park_supreme_court +concept_lake_new concept:locationlocatedwithinlocation concept_park_tournaments +concept_lake_new concept:locationlocatedwithinlocation concept_park_various_locations +concept_lake_new concept:locationlocatedwithinlocation concept_park_wonderland +concept_lake_new concept:locationlocatedwithinlocation concept_park_word +concept_lake_new concept:locationlocatedwithinlocation concept_placeofworship_boy +concept_lake_new concept:locationlocatedwithinlocation concept_placeofworship_boys +concept_lake_new concept:locationlocatedwithinlocation concept_placeofworship_length +concept_lake_new concept:locationlocatedwithinlocation concept_planet_anomaly +concept_lake_new concept:locationlocatedwithinlocation concept_planet_answer +concept_lake_new concept:locationlocatedwithinlocation concept_planet_climate +concept_lake_new concept:locationlocatedwithinlocation concept_planet_core +concept_lake_new concept:locationlocatedwithinlocation concept_planet_course +concept_lake_new concept:locationlocatedwithinlocation concept_planet_crisis +concept_lake_new concept:locationlocatedwithinlocation concept_planet_economy +concept_lake_new concept:locationlocatedwithinlocation concept_planet_effect +concept_lake_new concept:locationlocatedwithinlocation concept_planet_face +concept_lake_new concept:locationlocatedwithinlocation concept_planet_fiction +concept_lake_new concept:locationlocatedwithinlocation concept_planet_fire +concept_lake_new concept:locationlocatedwithinlocation concept_planet_friends +concept_lake_new concept:locationlocatedwithinlocation concept_planet_heaven +concept_lake_new concept:locationlocatedwithinlocation concept_planet_journal +concept_lake_new concept:locationlocatedwithinlocation concept_planet_matter +concept_lake_new concept:locationlocatedwithinlocation concept_planet_n5_2 +concept_lake_new concept:locationlocatedwithinlocation concept_planet_night +concept_lake_new concept:locationlocatedwithinlocation concept_planet_object +concept_lake_new concept:locationlocatedwithinlocation concept_planet_order +concept_lake_new concept:locationlocatedwithinlocation concept_planet_personality +concept_lake_new concept:locationlocatedwithinlocation concept_planet_places +concept_lake_new concept:locationlocatedwithinlocation concept_planet_problem +concept_lake_new concept:locationlocatedwithinlocation concept_planet_process +concept_lake_new concept:locationlocatedwithinlocation concept_planet_reasons +concept_lake_new concept:locationlocatedwithinlocation concept_planet_regions +concept_lake_new concept:locationlocatedwithinlocation concept_planet_result +concept_lake_new concept:locationlocatedwithinlocation concept_planet_seven +concept_lake_new concept:locationlocatedwithinlocation concept_planet_size +concept_lake_new concept:locationlocatedwithinlocation concept_planet_southern_hemisphere +concept_lake_new concept:locationlocatedwithinlocation concept_planet_testament +concept_lake_new concept:locationlocatedwithinlocation concept_planet_treat +concept_lake_new concept:locationlocatedwithinlocation concept_planet_universe +concept_lake_new concept:locationlocatedwithinlocation concept_planet_wonder +concept_lake_new concept:locationlocatedwithinlocation concept_politicalparty_dawn +concept_lake_new concept:mutualproxyfor concept_politicalparty_democrats +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_citizen +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_guardian +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_image +concept_lake_new concept:proxyfor concept_politicsblog_more_times +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_new_hampshire +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_ninth_state +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_originator +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_perspective +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_portfolio +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_presence +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_radio_station +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_showcase +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_shows +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_supporter +concept_lake_new concept:locationlocatedwithinlocation concept_politicsblog_west_coast +concept_lake_new concept:locationlocatedwithinlocation concept_port_american_ports +concept_lake_new concept:locationlocatedwithinlocation concept_product_vote +concept_lake_new concept:locationlocatedwithinlocation concept_publication_people_ +concept_lake_new concept:proxyfor concept_publication_people_ +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_bed +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_cabin +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_copacabana +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_good_friend +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_mecca +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_melting_pot +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_menu +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_mix +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_myth +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_one_stop_shop +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_target +concept_lake_new concept:locationlocatedwithinlocation concept_restaurant_top_choice +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_amazon_com +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_big_apple +concept_lake_new concept:mutualproxyfor concept_retailstore_big_apple +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_border +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_christmas +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_clothing_store +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_consumers +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_contacts +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_employees +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_fields +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_giant +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_guides +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_homeland +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_jewel +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_kiwi +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_marketplace +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_northeast +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_play +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_policy +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_quality +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_questions +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_samples +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_supermarket +concept_lake_new concept:locationlocatedwithinlocation concept_retailstore_times_square +concept_lake_new concept:locationlocatedwithinlocation concept_river_adventure +concept_lake_new concept:locationlocatedwithinlocation concept_river_american +concept_lake_new concept:locationlocatedwithinlocation concept_river_architecture +concept_lake_new concept:locationlocatedwithinlocation concept_river_arts +concept_lake_new concept:locationlocatedwithinlocation concept_river_boat +concept_lake_new concept:locationlocatedwithinlocation concept_river_counties +concept_lake_new concept:locationlocatedwithinlocation concept_river_dinner +concept_lake_new concept:locationlocatedwithinlocation concept_river_finger_lakes +concept_lake_new concept:locationlocatedwithinlocation concept_river_meeting +concept_lake_new concept:locationlocatedwithinlocation concept_river_nine +concept_lake_new concept:locationlocatedwithinlocation concept_river_six +concept_lake_new concept:locationlocatedwithinlocation concept_river_state +concept_lake_new concept:locationlocatedwithinlocation concept_river_theme +concept_lake_new concept:locationlocatedwithinlocation concept_river_wedding +concept_lake_new concept:locationlocatedwithinlocation concept_room_air +concept_lake_new concept:locationlocatedwithinlocation concept_room_back +concept_lake_new concept:locationlocatedwithinlocation concept_room_breakfast +concept_lake_new concept:locationlocatedwithinlocation concept_room_business_center +concept_lake_new concept:locationlocatedwithinlocation concept_room_centerpiece +concept_lake_new concept:locationlocatedwithinlocation concept_room_chain +concept_lake_new concept:locationlocatedwithinlocation concept_room_development +concept_lake_new concept:locationlocatedwithinlocation concept_room_entertainment +concept_lake_new concept:locationlocatedwithinlocation concept_room_executive +concept_lake_new concept:locationlocatedwithinlocation concept_room_expansion +concept_lake_new concept:locationlocatedwithinlocation concept_room_exposure +concept_lake_new concept:locationlocatedwithinlocation concept_room_family +concept_lake_new concept:locationlocatedwithinlocation concept_room_hour +concept_lake_new concept:locationlocatedwithinlocation concept_room_house +concept_lake_new concept:locationlocatedwithinlocation concept_room_kids +concept_lake_new concept:locationlocatedwithinlocation concept_room_level +concept_lake_new concept:locationlocatedwithinlocation concept_room_levels +concept_lake_new concept:locationlocatedwithinlocation concept_room_lot +concept_lake_new concept:locationlocatedwithinlocation concept_room_master +concept_lake_new concept:locationlocatedwithinlocation concept_room_mission +concept_lake_new concept:locationlocatedwithinlocation concept_room_offices +concept_lake_new concept:mutualproxyfor concept_room_offices +concept_lake_new concept:locationlocatedwithinlocation concept_room_ownership +concept_lake_new concept:locationlocatedwithinlocation concept_room_properties +concept_lake_new concept:locationlocatedwithinlocation concept_room_rest +concept_lake_new concept:locationlocatedwithinlocation concept_room_schools +concept_lake_new concept:locationlocatedwithinlocation concept_room_set +concept_lake_new concept:locationlocatedwithinlocation concept_room_setting +concept_lake_new concept:locationlocatedwithinlocation concept_room_side +concept_lake_new concept:locationlocatedwithinlocation concept_room_space +concept_lake_new concept:locationlocatedwithinlocation concept_room_stay +concept_lake_new concept:locationlocatedwithinlocation concept_room_step +concept_lake_new concept:locationlocatedwithinlocation concept_room_style +concept_lake_new concept:locationlocatedwithinlocation concept_room_tops +concept_lake_new concept:locationlocatedwithinlocation concept_room_unit +concept_lake_new concept:locationlocatedwithinlocation concept_room_way +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_activities +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_address +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_affiliate +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_central_park +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_columbia +concept_lake_new concept:locationlocatedwithinlocation concept_shoppingmall_crossroads +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_benchmark +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_big_draw +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_brand +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_campground +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_case +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_combination +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_fee +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_loser +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_maine +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_premier +concept_lake_new concept:locationlocatedwithinlocation concept_skiarea_talent +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_asia +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_collection +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_financial_center +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_highlight +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_international_city +concept_lake_new concept:locationlocatedwithinlocation concept_skyscraper_n2_0 +concept_lake_new concept:proxyfor concept_sportsgame_million_years +concept_lake_new concept:mutualproxyfor concept_sportsteam_france +concept_lake_new concept:mutualproxyfor concept_sportsteam_germany +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_broadway +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_epicenter +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_giants_stadium +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_icon +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_industry +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_intersection +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_louisiana_superdome +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_madison_square_garden +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_paradise +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_second_city +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_theatre +concept_lake_new concept:locationlocatedwithinlocation concept_stadiumoreventvenue_world_trade_center +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_act +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_afternoon +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_lake_new concept:atlocation concept_stateorprovince_arizona +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_average +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_blue_state +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_british_columbia +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_lake_new concept:mutualproxyfor concept_stateorprovince_california +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_capital_city +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_connecticut +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_contact +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_contrast +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_crime +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_decision +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_delaware +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_details +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_education +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_eu +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_events +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_facility +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_great_state +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_heritage +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_international +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_investors +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_last_year +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_man +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_manufacturers +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_men +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_mississippi +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_morning +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_new_england_state +concept_lake_new concept:atlocation concept_stateorprovince_new_south_wales +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_new_york_state +concept_lake_new concept:mutualproxyfor concept_stateorprovince_new_york_state +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_northern_state +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_lake_new concept:atlocation concept_stateorprovince_pennsylvania +concept_lake_new concept:mutualproxyfor concept_stateorprovince_pennsylvania +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_points +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_products +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_puerto_rico +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_server +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_shops +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_shore +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_sides +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_southeast_asia +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_state_capital +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_store +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_stories +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_times +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_travel +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_value +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_volunteer +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_western_australia +concept_lake_new concept:locationlocatedwithinlocation concept_stateorprovince_woman +concept_lake_new concept:locationlocatedwithinlocation concept_street_access +concept_lake_new concept:locationlocatedwithinlocation concept_street_center_stage +concept_lake_new concept:locationlocatedwithinlocation concept_street_charter_school +concept_lake_new concept:locationlocatedwithinlocation concept_street_lots +concept_lake_new concept:locationlocatedwithinlocation concept_street_musicians +concept_lake_new concept:locationlocatedwithinlocation concept_street_park_plaza +concept_lake_new concept:locationlocatedwithinlocation concept_street_role +concept_lake_new concept:locationlocatedwithinlocation concept_street_share +concept_lake_new concept:locationlocatedwithinlocation concept_trail_candidate +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_agents +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_code +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_door +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_fall +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_future +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_position +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_schedules +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_sections +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_stronghold +concept_lake_new concept:locationlocatedwithinlocation concept_trainstation_suggestion +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_action +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_airports +concept_lake_new concept:mutualproxyfor concept_transportation_airports +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_attention +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_authority +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_bit +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_blessing +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_car +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_citizens +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_coalition +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_concerns +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_control +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_corridor +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_costs +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_data +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_dog +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_exchanges +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_fare +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_gp_7 +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_ground +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_hub +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_money +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_n4_4_0 +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_network +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_note +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_operation +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_options +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_residents +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_rise +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_safety +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_schedule +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_second_largest_city +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_series +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_situation +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_stadium +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_stations +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_story +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_tickets +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_tomorrow +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_tourism +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_train +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_two +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_two_cities +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_voters +concept_lake_new concept:locationlocatedwithinlocation concept_transportation_weather +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_apartment +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_corner +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_court +concept_lake_new concept:atlocation concept_visualizablescene_dehli +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_harbor +concept_lake_new concept:mutualproxyfor concept_visualizablescene_harbor +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_inn +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_lifestyle +concept_lake_new concept:mutualproxyfor concept_visualizablescene_major_city +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_ny +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_picture +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_property +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_structure +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_thing +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_vacation +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablescene_visitors +concept_lake_new concept:mutualproxyfor concept_visualizablescene_white_plains +concept_lake_new concept:mutualproxyfor concept_visualizablething_area_ +concept_lake_new concept:mutualproxyfor concept_visualizablething_big_city +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_charge +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_epicentre +concept_lake_new concept:mutualproxyfor concept_visualizablething_great_city +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_parishes +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_queensland +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_residence +concept_lake_new concept:mutualproxyfor concept_visualizablething_residence +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_stuff +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_tri_state_area +concept_lake_new concept:mutualproxyfor concept_visualizablething_tri_state_area +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_use +concept_lake_new concept:locationlocatedwithinlocation concept_visualizablething_wellington +concept_lake_new concept:locationlocatedwithinlocation concept_website_advantage +concept_lake_new concept:locationlocatedwithinlocation concept_website_african_american +concept_lake_new concept:locationlocatedwithinlocation concept_website_aim +concept_lake_new concept:locationlocatedwithinlocation concept_website_babylon +concept_lake_new concept:locationlocatedwithinlocation concept_website_beauty +concept_lake_new concept:locationlocatedwithinlocation concept_website_boom +concept_lake_new concept:locationlocatedwithinlocation concept_website_breeze +concept_lake_new concept:locationlocatedwithinlocation concept_website_bureau +concept_lake_new concept:locationlocatedwithinlocation concept_website_call +concept_lake_new concept:locationlocatedwithinlocation concept_website_campaign +concept_lake_new concept:locationlocatedwithinlocation concept_website_campaigns +concept_lake_new concept:locationlocatedwithinlocation concept_website_change +concept_lake_new concept:locationlocatedwithinlocation concept_website_cost +concept_lake_new concept:locationlocatedwithinlocation concept_website_critic +concept_lake_new concept:locationlocatedwithinlocation concept_website_developer +concept_lake_new concept:locationlocatedwithinlocation concept_website_developers +concept_lake_new concept:locationlocatedwithinlocation concept_website_experience +concept_lake_new concept:locationlocatedwithinlocation concept_website_feature +concept_lake_new concept:locationlocatedwithinlocation concept_website_forum +concept_lake_new concept:locationlocatedwithinlocation concept_website_gateway +concept_lake_new concept:locationlocatedwithinlocation concept_website_good_news +concept_lake_new concept:locationlocatedwithinlocation concept_website_growth +concept_lake_new concept:locationlocatedwithinlocation concept_website_homes +concept_lake_new concept:locationlocatedwithinlocation concept_website_ideal +concept_lake_new concept:locationlocatedwithinlocation concept_website_influence +concept_lake_new concept:locationlocatedwithinlocation concept_website_information +concept_lake_new concept:locationlocatedwithinlocation concept_website_issue +concept_lake_new concept:locationlocatedwithinlocation concept_website_jam +concept_lake_new concept:locationlocatedwithinlocation concept_website_knowledge +concept_lake_new concept:locationlocatedwithinlocation concept_website_leader +concept_lake_new concept:locationlocatedwithinlocation concept_website_license +concept_lake_new concept:locationlocatedwithinlocation concept_website_light +concept_lake_new concept:locationlocatedwithinlocation concept_website_market +concept_lake_new concept:locationlocatedwithinlocation concept_website_match +concept_lake_new concept:locationlocatedwithinlocation concept_website_move +concept_lake_new concept:locationlocatedwithinlocation concept_website_orange +concept_lake_new concept:locationlocatedwithinlocation concept_website_organisations +concept_lake_new concept:locationlocatedwithinlocation concept_website_owner +concept_lake_new concept:locationlocatedwithinlocation concept_website_partnership +concept_lake_new concept:locationlocatedwithinlocation concept_website_pilot +concept_lake_new concept:locationlocatedwithinlocation concept_website_platform +concept_lake_new concept:locationlocatedwithinlocation concept_website_plus +concept_lake_new concept:locationlocatedwithinlocation concept_website_politics +concept_lake_new concept:locationlocatedwithinlocation concept_website_price +concept_lake_new concept:locationlocatedwithinlocation concept_website_projects +concept_lake_new concept:locationlocatedwithinlocation concept_website_province +concept_lake_new concept:locationlocatedwithinlocation concept_website_reminder +concept_lake_new concept:locationlocatedwithinlocation concept_website_report +concept_lake_new concept:locationlocatedwithinlocation concept_website_request +concept_lake_new concept:locationlocatedwithinlocation concept_website_results +concept_lake_new concept:locationlocatedwithinlocation concept_website_search +concept_lake_new concept:locationlocatedwithinlocation concept_website_seven_days +concept_lake_new concept:locationlocatedwithinlocation concept_website_shop +concept_lake_new concept:locationlocatedwithinlocation concept_website_show +concept_lake_new concept:locationlocatedwithinlocation concept_website_snap +concept_lake_new concept:locationlocatedwithinlocation concept_website_south +concept_lake_new concept:locationlocatedwithinlocation concept_website_statistics +concept_lake_new concept:locationlocatedwithinlocation concept_website_stranger +concept_lake_new concept:locationlocatedwithinlocation concept_website_teaching +concept_lake_new concept:locationlocatedwithinlocation concept_website_ten +concept_lake_new concept:locationlocatedwithinlocation concept_website_tour +concept_lake_new concept:locationlocatedwithinlocation concept_website_traffic +concept_lake_new concept:locationlocatedwithinlocation concept_website_trend +concept_lake_new concept:locationlocatedwithinlocation concept_website_trends +concept_lake_new concept:locationlocatedwithinlocation concept_website_trip +concept_lake_new concept:locationlocatedwithinlocation concept_website_truth +concept_lake_new concept:locationlocatedwithinlocation concept_website_universal +concept_lake_new concept:locationlocatedwithinlocation concept_website_visit +concept_lake_new concept:locationlocatedwithinlocation concept_website_voice +concept_lake_new concept:locationlocatedwithinlocation concept_website_websites +concept_lake_new concept:mutualproxyfor concept_year_n1982 +concept_lake_new concept:mutualproxyfor concept_year_n1983 +concept_lake_new concept:mutualproxyfor concept_year_n1986 +concept_lake_new concept:mutualproxyfor concept_year_n1994 +concept_lake_new concept:mutualproxyfor concept_year_n1995 +concept_lake_new concept:mutualproxyfor concept_year_n1997 +concept_lake_new concept:mutualproxyfor concept_year_n1998 +concept_lake_new concept:locationlocatedwithinlocation concept_zoo_animals +concept_lake_new concept:locationlocatedwithinlocation concept_zoo_issues +concept_lake_new concept:locationlocatedwithinlocation concept_zoo_moment +concept_lake_new concept:locationlocatedwithinlocation concept_zoo_outdoors +concept_lake_new_providence_island concept:latitudelongitude 25.0333300000000,-77.4000000000000 +concept_lake_niagara_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_nicola_lake concept:latitudelongitude 50.1997833333333,-120.4802466666667 +concept_lake_nicoya_peninsula concept:latitudelongitude 10.0000000000000,-85.4166700000000 +concept_lake_niihau concept:latitudelongitude 21.9059750000000,-160.1766700000000 +concept_lake_north_andaman concept:latitudelongitude 13.2500000000000,92.9166700000000 +concept_lake_north_frisian_islands concept:latitudelongitude 54.6611200000000,8.4429900000000 +concept_lake_north_uist concept:latitudelongitude 57.6000000000000,-7.3000000000000 +concept_lake_northumberland_strait concept:lakeinstate concept_stateorprovince_nova_scotia +concept_lake_norwegian_sea concept:latitudelongitude 70.0000000000000,5.0000000000000 +concept_lake_notre_dame_bay concept:latitudelongitude 49.7499200000000,-54.9981500000000 +concept_lake_nusa_lembongan concept:latitudelongitude -8.6833300000000,115.4500000000000 +concept_lake_ocracoke_inlet concept:latitudelongitude 35.0640600000000,-76.0160100000000 +concept_lake_okhotsk_sea concept:latitudelongitude 53.0000000000000,148.0000000000000 +concept_lake_olkhon concept:latitudelongitude 53.1698300000000,107.3199500000000 +concept_lake_olympic_peninsula concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_omak_lake concept:latitudelongitude 48.2721000000000,-119.3939300000000 +concept_lake_onota_lake concept:latitudelongitude 42.4767500000000,-73.2662200000000 +concept_lake_onslow_bay concept:latitudelongitude 34.5848900000000,-77.2299500000000 +concept_lake_osaka_bay concept:latitudelongitude 34.5000000000000,135.3000000000000 +concept_lake_oxtongue_lake concept:latitudelongitude 45.3751100000000,-78.9246000000000 +concept_lake_pacific concept:proxyfor concept_book_new +concept_lake_pacific_ocean concept:lakeinstate concept_stateorprovince_alaska +concept_lake_paget_parish concept:latitudelongitude 32.2783300000000,-64.7816700000000 +concept_lake_pago_pago_harbor concept:latitudelongitude -14.2813900000000,-170.6741700000000 +concept_lake_pamlico_sound concept:latitudelongitude 35.3126700000000,-75.9371200000000 +concept_lake_panglao_island concept:latitudelongitude 9.5963900000000,123.8086100000000 +concept_lake_paraguana concept:latitudelongitude 11.6252680000000,-70.5103020000000 +concept_lake_peloponnesos concept:latitudelongitude 37.5554400000000,22.8247866666667 +concept_lake_penang_island concept:latitudelongitude 5.3999200000000,100.2388400000000 +concept_lake_pennington concept:proxyfor concept_radiostation_new_jersey +concept_lake_pennington concept:proxyfor concept_stateorprovince_newjersey +concept_lake_pentapolis concept:latitudelongitude 41.0500000000000,23.6833300000000 +concept_lake_peyto_lake concept:latitudelongitude 51.7167000000000,-116.5189100000000 +concept_lake_phuket_island concept:latitudelongitude 7.8330300000000,98.2957000000000 +concept_lake_pictou_harbour concept:latitudelongitude 45.6668400000000,-62.7153400000000 +concept_lake_pine_brook concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_ping_chau concept:latitudelongitude 22.4166650000000,114.2361083333333 +concept_lake_plum_cove concept:latitudelongitude 42.6329633333333,-70.7180100000000 +concept_lake_poetto concept:latitudelongitude 39.2043050000000,9.1641700000000 +concept_lake_pompton_lakes concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_lake_pond concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_pond concept:thinghascolor concept_color_green +concept_lake_pontus_euxinus concept:latitudelongitude 43.0000000000000,35.0000000000000 +concept_lake_pool_malebo concept:latitudelongitude -4.1894400000000,15.4386100000000 +concept_lake_pool_of_siloam concept:latitudelongitude 29.4077300000000,-98.4127900000000 +concept_lake_poolbeg concept:latitudelongitude 53.3398000000000,-6.1895400000000 +concept_lake_port_gravina concept:latitudelongitude 60.6930600000000,-146.2463900000000 +concept_lake_portage_bay concept:lakeinstate concept_visualizablescene_washington +concept_lake_portage_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_porthcurno concept:latitudelongitude 50.0376850000000,-5.6432400000000 +concept_lake_prince_of_wales_island concept:lakeinstate concept_stateorprovince_alaska +concept_lake_pserimos concept:latitudelongitude 36.9309914285714,27.1411514285714 +concept_lake_pulau_mabul concept:latitudelongitude 4.2480600000000,118.6377800000000 +concept_lake_pulau_perhentian concept:latitudelongitude 5.9076325000000,102.7367475000000 +concept_lake_pulau_semakau concept:latitudelongitude 1.1350933333333,103.8034266666667 +concept_lake_queen_charlotte_islands concept:lakeinstate concept_stateorprovince_british_columbia +concept_lake_quinault_lake concept:latitudelongitude 47.4706400000000,-123.9141300000000 +concept_lake_red_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_red_river_gorge concept:lakeinstate concept_stateorprovince_kentucky +concept_lake_regents_canal concept:latitudelongitude 53.0000000000000,-1.3166700000000 +concept_lake_rehoboth_bay concept:latitudelongitude 38.6615000000000,-75.0985200000000 +concept_lake_renaissance_island concept:latitudelongitude 12.5008700000000,-70.0287700000000 +concept_lake_roanoke_sound concept:latitudelongitude 35.8748033333333,-75.6188733333333 +concept_lake_robberg concept:latitudelongitude -34.1000000000000,23.4000000000000 +concept_lake_rockaway_inlet concept:latitudelongitude 40.5812150000000,-73.8291600000000 +concept_lake_rocky_mountain_trench concept:latitudelongitude 54.4999000000000,-122.5030000000000 +concept_lake_ross_ice_shelf concept:latitudelongitude -81.5000000000000,-175.0000000000000 +concept_lake_round_pond_station concept:lakeinstate concept_stateorprovince_maine +concept_lake_saanich_peninsula concept:latitudelongitude 48.5329400000000,-123.4193100000000 +concept_lake_saint_lawrence concept:lakeinstate concept_stateorprovince_ontario +concept_lake_saint_lawrence_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_salmon_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_samana_peninsula concept:latitudelongitude 19.2500000000000,-69.4166700000000 +concept_lake_san_carlos_water concept:latitudelongitude -51.5333300000000,-59.0666700000000 +concept_lake_santa_barbara_channel concept:latitudelongitude 34.2500000000000,-120.0009700000000 +concept_lake_santa_rosa_sound concept:latitudelongitude 30.3938100000000,-86.8460700000000 +concept_lake_savusavu_bay concept:latitudelongitude -16.7500000000000,179.2500000000000 +concept_lake_sawgrass_country_club concept:latitudelongitude 26.2240000000000,-80.1641000000000 +concept_lake_scarborough_bluffs concept:lakeinstate concept_stateorprovince_ontario +concept_lake_sea_of_azov concept:latitudelongitude 46.0000000000000,36.0000000000000 +concept_lake_segara_anak concept:latitudelongitude -8.4000000000000,116.4166700000000 +concept_lake_serenity_cove concept:lakeinstate concept_stateorprovince_georgia +concept_lake_seward_peninsula concept:latitudelongitude 65.3333300000000,-164.2500000000000 +concept_lake_shallow_inlet concept:latitudelongitude -38.7416700000000,146.5000000000000 +concept_lake_shaver_lake concept:lakeinstate concept_stateorprovince_california +concept_lake_sheepscot_bay concept:latitudelongitude 43.7873100000000,-69.6903200000000 +concept_lake_shell_key concept:latitudelongitude 25.9012600000000,-81.3238881818182 +concept_lake_shikanoshima concept:latitudelongitude 33.6500000000000,130.3166700000000 +concept_lake_sir_francis_drake_channel concept:latitudelongitude 18.4166700000000,-64.5000000000000 +concept_lake_skeleton_coast concept:latitudelongitude -19.5000000000000,13.0000000000000 +concept_lake_snake_river concept:lakeinstate concept_visualizablescene_washington +concept_lake_sodus_bay concept:lakeinstate concept_stateorprovince_ontario +concept_lake_solomon_sea concept:latitudelongitude -8.0000000000000,155.0000000000000 +concept_lake_south_dennis concept:mutualproxyfor concept_radiostation_new_jersey +concept_lake_south_dennis concept:proxyfor concept_stateorprovince_newjersey +concept_lake_spring_river_lake concept:lakeinstate concept_stateorprovince_maine +concept_lake_st___lawrence concept:lakeinstate concept_stateorprovince_ontario +concept_lake_st___lawrence_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_st___lawrence_seaway concept:lakeinstate concept_stateorprovince_ontario +concept_lake_st_lawrence concept:lakeinstate concept_stateorprovince_ontario +concept_lake_st_lawrence_river concept:lakeinstate concept_stateorprovince_ontario +concept_lake_start_bay concept:latitudelongitude 50.2500000000000,-3.6000000000000 +concept_lake_stellwagen_bank concept:latitudelongitude 42.3334075000000,-70.3287750000000 +concept_lake_stockton_lake concept:lakeinstate concept_stateorprovince_missouri +concept_lake_store_bay concept:latitudelongitude 11.1500000000000,-60.8333300000000 +concept_lake_storm_lake concept:atlocation concept_stateorprovince_iowa +concept_lake_strait_of_belle_isle concept:latitudelongitude 51.4750450000000,-56.6532175000000 +concept_lake_strait_of_gibraltar concept:latitudelongitude 35.9500000000000,-5.6000000000000 +concept_lake_strait_of_otranto concept:latitudelongitude 40.0000000000000,19.0000000000000 +concept_lake_straits_of_mackinac concept:lakeinstate concept_stateorprovince_michigan +concept_lake_streymoy concept:latitudelongitude 62.1333300000000,-7.0000000000000 +concept_lake_sunridge_woods concept:lakeinstate concept_stateorprovince_florida +concept_lake_suttons_bay concept:latitudelongitude 44.9765031250000,-85.6458531250000 +concept_lake_tamarack concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_lake_tanegashima concept:latitudelongitude 30.4239100000000,130.8304100000000 +concept_lake_tarim_basin concept:latitudelongitude 41.0000000000000,84.0000000000000 +concept_lake_terra_australis concept:latitudelongitude -64.9000000000000,-62.9000000000000 +concept_lake_texas_gulf_coast concept:latitudelongitude 29.3690100000000,-95.0056500000000 +concept_lake_the_canadian concept:latitudelongitude 51.6027950000000,-116.6480100000000 +concept_lake_tiburon_peninsula concept:latitudelongitude 37.8854800000000,-122.4671950000000 +concept_lake_timor_sea concept:latitudelongitude -10.5000000000000,126.0000000000000 +concept_lake_tiran_island concept:latitudelongitude 27.9402800000000,34.5611100000000 +concept_lake_torres_strait concept:latitudelongitude -10.4583350000000,142.2083350000000 +concept_lake_tributary concept:proxyfor concept_book_new +concept_lake_tugalo concept:latitudelongitude 34.5857900000000,-83.1739050000000 +concept_lake_turnagain_arm concept:latitudelongitude 60.9872200000000,-149.7947200000000 +concept_lake_tyrrhenian_sea concept:latitudelongitude 40.0000000000000,12.0000000000000 +concept_lake_unguja concept:latitudelongitude -6.1475775000000,39.3997425000000 +concept_lake_union_bay concept:lakeinstate concept_visualizablescene_washington +concept_lake_upper_great_lakes concept:lakeinstate concept_stateorprovince_ontario +concept_lake_useppa concept:latitudelongitude 26.6734066666667,-82.1948100000000 +concept_lake_vasona_lake concept:latitudelongitude 37.2399400000000,-121.9685700000000 +concept_lake_venice_lagoon concept:latitudelongitude 39.3726200000000,-74.4523700000000 +concept_lake_virginia_peninsula concept:latitudelongitude 37.0926500000000,-76.4279500000000 +concept_lake_visayan_sea concept:latitudelongitude 11.5577800000000,123.8522200000000 +concept_lake_walensee concept:latitudelongitude 47.1166700000000,9.2000000000000 +concept_lake_wales_island concept:lakeinstate concept_stateorprovince_alaska +concept_lake_waupoos_island concept:latitudelongitude 44.0501133333333,-76.9550033333333 +concept_lake_weedon_island concept:latitudelongitude 27.8453000000000,-82.6014900000000 +concept_lake_west_hawk_lake concept:latitudelongitude 49.6925460000000,-94.5751760000000 +concept_lake_west_redonda concept:latitudelongitude 50.2163500000000,-124.8861900000000 +concept_lake_whistler_village concept:latitudelongitude 50.1146000000000,-122.9571900000000 +concept_lake_white_lake concept:lakeinstate concept_stateorprovince_michigan +concept_lake_white_river concept:lakeinstate concept_stateorprovince_michigan +concept_lake_wollaston_lake concept:lakeinstate concept_stateorprovince_saskatchewan +concept_lake_woss_lake concept:latitudelongitude 50.0912950000000,-126.6155100000000 +concept_lake_xiloa concept:latitudelongitude 12.2216700000000,-86.3205600000000 +concept_lake_xolotlan concept:latitudelongitude 12.2747900000000,-86.3074266666667 +concept_lake_yalong_bay concept:latitudelongitude 18.2333000000000,109.4833000000000 +concept_lake_yankeetown concept:atlocation concept_city_florida +concept_lake_yorke_peninsula concept:latitudelongitude -35.0833300000000,137.2500000000000 +concept_landscapefeatures_adirondacks concept:proxyfor concept_book_new +concept_landscapefeatures_alpine_mountains concept:latitudelongitude 39.5527000000000,-117.9123500000000 +concept_landscapefeatures_amenities concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_assets concept:proxyfor concept_book_new +concept_landscapefeatures_assets concept:atdate concept_date_n2003 +concept_landscapefeatures_assets concept:atdate concept_dateliteral_n2007 +concept_landscapefeatures_assets concept:atdate concept_dateliteral_n2008 +concept_landscapefeatures_assets concept:subpartof concept_weatherphenomenon_air +concept_landscapefeatures_assets concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_battle concept:proxyfor concept_book_new +concept_landscapefeatures_baylands concept:latitudelongitude 37.4352175000000,-122.0576700000000 +concept_landscapefeatures_beaches concept:proxyfor concept_lake_new +concept_landscapefeatures_bights concept:latitudelongitude 44.8001500000000,-62.5319200000000 +concept_landscapefeatures_bridges concept:proxyfor concept_book_new +concept_landscapefeatures_bushveld concept:latitudelongitude -25.5000000000000,28.5000000000000 +concept_landscapefeatures_camp concept:atdate concept_date_n1942 +concept_landscapefeatures_camp concept:atdate concept_date_n1944 +concept_landscapefeatures_camp concept:atdate concept_dateliteral_n1945 +concept_landscapefeatures_camp concept:atdate concept_dateliteral_n2002 +concept_landscapefeatures_camp concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_canyon concept:atlocation concept_city_texas +concept_landscapefeatures_carbon concept:specializationof concept_visualizablething_dioxide +concept_landscapefeatures_carbon concept:specializationof concept_visualizablething_gasses +concept_landscapefeatures_chestnut_woods concept:latitudelongitude 43.0117400000000,-73.2851100000000 +concept_landscapefeatures_city_gardens concept:atdate concept_dayofweek_monday +concept_landscapefeatures_clifftops concept:latitudelongitude 35.2023966666667,-85.8631233333334 +concept_landscapefeatures_climate_change concept:atdate concept_dateliteral_n2007 +concept_landscapefeatures_coast concept:proxyfor concept_book_new +concept_landscapefeatures_coastline concept:proxyfor concept_book_new +concept_landscapefeatures_coral_reef_beach concept:latitudelongitude 27.7316000000000,-82.7445000000000 +concept_landscapefeatures_des_moines_register concept:mutualproxyfor concept_journalist_bryce_miller +concept_landscapefeatures_des_moines_register concept:mutualproxyfor concept_journalist_randy_peterson +concept_landscapefeatures_desert_wilderness concept:latitudelongitude 41.2168400000000,-118.7560000000000 +concept_landscapefeatures_detention_ponds concept:latitudelongitude 47.5464900000000,-122.1495650000000 +concept_landscapefeatures_evergreen_forest concept:latitudelongitude 47.0198200000000,-122.7593000000000 +concept_landscapefeatures_farmland concept:proxyfor concept_book_new +concept_landscapefeatures_favorite_place concept:proxyfor concept_book_new +concept_landscapefeatures_file concept:proxyfor concept_book_new +concept_landscapefeatures_file concept:atdate concept_date_n2000 +concept_landscapefeatures_file concept:atdate concept_date_n2003 +concept_landscapefeatures_file concept:synonymfor concept_visualizablething_configuration +concept_landscapefeatures_firm concept:proxyfor concept_book_new +concept_landscapefeatures_firm concept:atdate concept_date_n1996 +concept_landscapefeatures_firm concept:atdate concept_date_n1999 +concept_landscapefeatures_firm concept:atdate concept_date_n2000 +concept_landscapefeatures_firm concept:atdate concept_date_n2001 +concept_landscapefeatures_firm concept:atdate concept_date_n2003 +concept_landscapefeatures_firm concept:atdate concept_date_n2004 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n1990 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n2002 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n2005 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n2006 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n2007 +concept_landscapefeatures_firm concept:atdate concept_dateliteral_n2008 +concept_landscapefeatures_firm concept:atdate concept_year_n1985 +concept_landscapefeatures_firm concept:atdate concept_year_n1992 +concept_landscapefeatures_firm concept:atdate concept_year_n1994 +concept_landscapefeatures_firm concept:atdate concept_year_n1995 +concept_landscapefeatures_firm concept:atdate concept_year_n1997 +concept_landscapefeatures_firm concept:atdate concept_year_n1998 +concept_landscapefeatures_first_performance concept:atdate concept_date_n2001 +concept_landscapefeatures_first_performance concept:atdate concept_date_n2004 +concept_landscapefeatures_fish_hatcheries concept:latitudelongitude 37.9183700000000,-92.5301800000000 +concept_landscapefeatures_fishing_hole concept:latitudelongitude 35.7078100000000,-105.4497400000000 +concept_landscapefeatures_flower_fields concept:latitudelongitude 43.0325000000000,-78.2344400000000 +concept_landscapefeatures_forest_access concept:latitudelongitude 42.6355400000000,-92.6529700000000 +concept_landscapefeatures_forest_line concept:latitudelongitude 36.5279300000000,-76.4682800000000 +concept_landscapefeatures_forest_wilderness concept:latitudelongitude 43.2667300000000,-81.8331350000000 +concept_landscapefeatures_forests concept:proxyfor concept_lake_new +concept_landscapefeatures_golden_sand_beach concept:latitudelongitude 9.4601500000000,100.0420000000000 +concept_landscapefeatures_grassy_meadows concept:latitudelongitude 37.8269250000000,-80.7211950000000 +concept_landscapefeatures_green_fairways concept:latitudelongitude 43.6069000000000,-94.4933100000000 +concept_landscapefeatures_green_parks concept:latitudelongitude 51.3686600000000,0.0586400000000 +concept_landscapefeatures_guide concept:proxyfor concept_book_new +concept_landscapefeatures_gulf concept:proxyfor concept_book_new +concept_landscapefeatures_harbors concept:proxyfor concept_book_new +concept_landscapefeatures_hill concept:atdate concept_date_n2003 +concept_landscapefeatures_hills concept:thinghascolor concept_color_green +concept_landscapefeatures_hillsides concept:latitudelongitude 42.8357000000000,-78.0985000000000 +concept_landscapefeatures_housing concept:proxyfor concept_book_new +concept_landscapefeatures_housing concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_interior concept:thinghasshape concept_geometricshape_triangle +concept_landscapefeatures_islands concept:proxyfor concept_book_new +concept_landscapefeatures_islands concept:atdate concept_date_n2004 +concept_landscapefeatures_islands concept:mutualproxyfor concept_lake_new +concept_landscapefeatures_lacustrine concept:latitudelongitude 47.6626600000000,-80.1205200000000 +concept_landscapefeatures_lakeside_forest concept:latitudelongitude 29.7550000000000,-95.5938000000000 +concept_landscapefeatures_landscape concept:proxyfor concept_book_new +concept_landscapefeatures_leaves concept:proxyfor concept_book_new +concept_landscapefeatures_limestone_mountains concept:latitudelongitude 1.5500000000000,117.8500000000000 +concept_landscapefeatures_living concept:proxyfor concept_book_new +concept_landscapefeatures_local_forest concept:latitudelongitude -0.6000000000000,30.7500000000000 +concept_landscapefeatures_lookouts concept:latitudelongitude 47.0499000000000,-53.5273100000000 +concept_landscapefeatures_magnolia concept:proxyfor concept_radiostation_new_jersey +concept_landscapefeatures_metropolitan_area concept:proxyfor concept_book_new +concept_landscapefeatures_mornings concept:proxyfor concept_book_new +concept_landscapefeatures_moutains concept:latitudelongitude -8.5000000000000,27.3333300000000 +concept_landscapefeatures_no__1 concept:proxyfor concept_book_new +concept_landscapefeatures_northern_part concept:proxyfor concept_book_new +concept_landscapefeatures_occ concept:organizationacronymhasname concept_governmentorganization_office_of_the_comptroller_of_the_currency +concept_landscapefeatures_old concept:locationlocatedwithinlocation concept_city_place +concept_landscapefeatures_overlooks concept:latitudelongitude 37.4365200000000,-79.7417100000000 +concept_landscapefeatures_park_hiking concept:latitudelongitude 31.1927766666667,-97.0256433333333 +concept_landscapefeatures_park_program concept:latitudelongitude 39.2250300000000,-80.3867700000000 +concept_landscapefeatures_park_region concept:latitudelongitude 46.3223400000000,-96.1704350000000 +concept_landscapefeatures_park_section concept:latitudelongitude 38.8842240000000,-76.9758080000000 +concept_landscapefeatures_parks concept:proxyfor concept_lake_new +concept_landscapefeatures_point concept:subpartof concept_bridge_new_jersey +concept_landscapefeatures_ports concept:proxyfor concept_book_new +concept_landscapefeatures_promenades concept:latitudelongitude 26.9601850000000,-82.0732300000000 +concept_landscapefeatures_provinces concept:proxyfor concept_book_new +concept_landscapefeatures_range_mountains concept:latitudelongitude 49.3250000000000,-57.8033500000000 +concept_landscapefeatures_renaissance concept:locationlocatedwithinlocation concept_building_vegas +concept_landscapefeatures_rentals concept:proxyfor concept_book_new +concept_landscapefeatures_reservoirs concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_risks concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_rivers concept:proxyfor concept_lake_new +concept_landscapefeatures_road concept:proxyfor concept_book_new +concept_landscapefeatures_rock_caves concept:latitudelongitude 6.5666700000000,81.4833300000000 +concept_landscapefeatures_rock_pools concept:latitudelongitude -3.7833300000000,38.6166700000000 +concept_landscapefeatures_sand_beaches concept:latitudelongitude 29.9132600000000,-84.3657300000000 +concept_landscapefeatures_sand_bed concept:latitudelongitude 32.4557050000000,-83.6199050000000 +concept_landscapefeatures_sands concept:locationlocatedwithinlocation concept_city_vegas +concept_landscapefeatures_schemes concept:subpartof concept_visualizableattribute_drinking_water +concept_landscapefeatures_schemes concept:subpartof concept_visualizableattribute_rural_water +concept_landscapefeatures_schemes concept:subpartof concept_visualizablething_water_supply +concept_landscapefeatures_schemes concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_seascapes concept:latitudelongitude 30.3789000000000,-86.3733000000000 +concept_landscapefeatures_shore_cliffs concept:latitudelongitude 21.1458300000000,-156.8625000000000 +concept_landscapefeatures_sites concept:proxyfor concept_book_new +concept_landscapefeatures_sites concept:atdate concept_date_n2000 +concept_landscapefeatures_sites concept:atdate concept_date_n2001 +concept_landscapefeatures_sites concept:atdate concept_date_n2004 +concept_landscapefeatures_sites concept:atdate concept_dateliteral_n2002 +concept_landscapefeatures_sites concept:atdate concept_dateliteral_n2005 +concept_landscapefeatures_sites concept:atdate concept_dateliteral_n2006 +concept_landscapefeatures_sites concept:atdate concept_dateliteral_n2007 +concept_landscapefeatures_sites concept:atdate concept_dateliteral_n2008 +concept_landscapefeatures_sites concept:istallerthan concept_publication_people_ +concept_landscapefeatures_sites concept:subpartof concept_weatherphenomenon_air +concept_landscapefeatures_sites concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_slopes concept:proxyfor concept_book_new +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_airport_central_america +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_airport_europe +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_airport_north_america +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_airport_south_america +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_aquarium_east_coast +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_aquarium_new_england +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_aquarium_uk_ +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_attraction_louisiana +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_bridge_new_jersey +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_bridge_world +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_building_west +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_alaska +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_area +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_arkansas +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_bahamas +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_central +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_florida +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_hawaii +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_home +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_hong_kong_island +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_jamaica +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_kansas +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_montreal +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_ontario +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_pacific +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_saskatchewan +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_singapore +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_sweden +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_texas +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_trade +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_city_united_kingdom +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_company_cities +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_australia +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_brazil +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_china +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_germany +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_great_plains +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_ireland +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_italy +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_middle +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_poland +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_region +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_russia +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_russian_federation +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_soviet_union +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_ukraine +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_country_united_states +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_county_atlanta +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_county_health +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_county_new_mexico +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_county_utah +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_caribbean +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_central_europe +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_eastern_europe +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_gulf_coast +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_latin_america +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_midwestern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_russian +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_southern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_southwest001 +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_western_canada +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticallocation_western_europe +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticalorganization_midwest +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticalorganization_northern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_geopoliticalorganization_western +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_governmentorganization_european_union +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_hotel_north +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_island_easter +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_lake_great_lakes +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_lake_northern_pacific +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_landscapefeatures_gulf +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_mountain_rocky_mountains +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_mountainrange_present_day +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_museum_community +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_park_north_eastern +concept_landscapefeatures_states concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_planet_eastern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_planet_regions +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_planet_southeast +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_politicsblog_west_coast +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_publication_atlantic +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_retailstore_northeast +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_river_state +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_skiarea_kentucky +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_alabama +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_alberta +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_arizona +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_british_columbia +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_illinois +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_michigan +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_minnesota +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_north_carolina +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_northeastern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_pennsylvania +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_puerto_rico +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_quebec +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_tennessee +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_stateorprovince_wisconsin +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_street_southwestern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_trainstation_south_central +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_transportation_southeastern +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_visualizablescene_northwest +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_website_east +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_website_peru +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_website_province +concept_landscapefeatures_states concept:locationlocatedwithinlocation concept_website_south +concept_landscapefeatures_steps concept:proxyfor concept_book_new +concept_landscapefeatures_stores concept:proxyfor concept_book_new +concept_landscapefeatures_teak_forest concept:latitudelongitude -5.2166700000000,38.6500000000000 +concept_landscapefeatures_top concept:thinghascolor concept_color_brown +concept_landscapefeatures_trout_water concept:latitudelongitude 38.3512350000000,-109.5470600000000 +concept_landscapefeatures_village concept:proxyfor concept_book_new +concept_landscapefeatures_village concept:subpartof concept_weatherphenomenon_water +concept_landscapefeatures_villages concept:proxyfor concept_book_new +concept_landscapefeatures_walking_trails concept:latitudelongitude 46.7485400000000,-88.6459700000000 +concept_landscapefeatures_water concept:thinghascolor concept_color_blue +concept_landscapefeatures_water concept:thinghascolor concept_color_brown +concept_landscapefeatures_water concept:thinghascolor concept_color_clear_blue +concept_landscapefeatures_water concept:thinghascolor concept_color_emerald +concept_landscapefeatures_water concept:thinghascolor concept_color_green +concept_landscapefeatures_water concept:thinghascolor concept_color_grey +concept_landscapefeatures_water concept:thinghascolor concept_color_purple +concept_landscapefeatures_water concept:thinghascolor concept_color_red +concept_landscapefeatures_water concept:thinghascolor concept_color_shade +concept_landscapefeatures_water concept:thinghascolor concept_color_turquoise +concept_landscapefeatures_water concept:thinghascolor concept_color_yellow +concept_landscapefeatures_weekend concept:proxyfor concept_book_new +concept_landscapefeatures_weekend concept:atdate concept_date_n1996 +concept_landscapefeatures_weekend concept:atdate concept_date_n1999 +concept_landscapefeatures_weekend concept:atdate concept_date_n2000 +concept_landscapefeatures_weekend concept:atdate concept_date_n2001 +concept_landscapefeatures_weekend concept:atdate concept_date_n2003 +concept_landscapefeatures_weekend concept:atdate concept_date_n2004 +concept_landscapefeatures_weekend concept:atdate concept_date_n2009 +concept_landscapefeatures_weekend concept:atdate concept_dateliteral_n2002 +concept_landscapefeatures_weekend concept:atdate concept_dateliteral_n2005 +concept_landscapefeatures_weekend concept:atdate concept_dateliteral_n2006 +concept_landscapefeatures_weekend concept:atdate concept_dateliteral_n2007 +concept_landscapefeatures_weekend concept:atdate concept_dateliteral_n2008 +concept_landscapefeatures_weekend concept:atdate concept_year_n1991 +concept_landscapefeatures_weekend concept:atdate concept_year_n1992 +concept_landscapefeatures_weekend concept:atdate concept_year_n1997 +concept_landscapefeatures_weekend concept:atdate concept_year_n1998 +concept_landscapefeatures_works concept:proxyfor concept_book_new +concept_language_abkhaz concept:languageofcountry concept_geopoliticalorganization_abkhazia +concept_language_afrikaans concept:languageofcountry concept_country_south_africa +concept_language_ahtna concept:latitudelongitude 61.9757300000000,-144.4175600000000 +concept_language_akan concept:languageofcountry concept_country_ghana +concept_language_albanian concept:languageofcountry concept_country_albania +concept_language_albanian concept:languageofcountry concept_country_macedonia +concept_language_algonkin concept:latitudelongitude 39.6637300000000,-75.2426900000000 +concept_language_amharic concept:languageofcountry concept_country_ethiopia +concept_language_arabic concept:languageofcountry concept_country_algeria +concept_language_arabic concept:languageofcountry concept_country_arabia_saudita +concept_language_arabic concept:languageofcountry concept_country_bahrain +concept_language_arabic concept:languageofcountry concept_country_comoros +concept_language_arabic concept:languageofcountry concept_country_djibouti +concept_language_arabic concept:languageofcountry concept_country_egypt +concept_language_arabic concept:languageofcountry concept_country_france_france +concept_language_arabic concept:languageofcountry concept_country_iran +concept_language_arabic concept:languageofcountry concept_country_iraq +concept_language_arabic concept:languageofcountry concept_country_israel +concept_language_arabic concept:languageofcountry concept_country_jordan +concept_language_arabic concept:languageofcountry concept_country_kuwait +concept_language_arabic concept:languageofcountry concept_country_lebanon +concept_language_arabic concept:languageofcountry concept_country_libya +concept_language_arabic concept:languageofcountry concept_country_mauritania +concept_language_arabic concept:languageofcountry concept_country_morocco +concept_language_arabic concept:languageofcountry concept_country_oman +concept_language_arabic concept:languageofcountry concept_country_palestine +concept_language_arabic concept:languageofcountry concept_country_qatar +concept_language_arabic concept:languageofcountry concept_country_republic_of_chad +concept_language_arabic concept:languageofcountry concept_country_somalia +concept_language_arabic concept:languageofcountry concept_country_south_africa +concept_language_arabic concept:languageofcountry concept_country_sudan +concept_language_arabic concept:languageofcountry concept_country_syria +concept_language_arabic concept:languageofcountry concept_country_tunisia +concept_language_arabic concept:languageofcountry concept_country_u_a_e +concept_language_arabic concept:languageofcountry concept_country_uae_ +concept_language_arabic concept:languageofcountry concept_country_united_arab_emirates +concept_language_arabic concept:languageofcountry concept_country_western_sahara +concept_language_arabic concept:languageofcountry concept_country_yemen +concept_language_arabic concept:languageofuniversity concept_university_birzeit_university +concept_language_arabic concept:languageofuniversity concept_university_cairo_university +concept_language_arabic concept:languageofuniversity concept_university_hebrew_university +concept_language_arabic concept:languageofuniversity concept_university_tel_aviv_university +concept_language_asturien concept:latitudelongitude 43.3499750000000,-5.9305600000000 +concept_language_aymara concept:languageofcountry concept_country_bolivia +concept_language_azerbaijani concept:languageofcountry concept_country_iran +concept_language_babanki concept:latitudelongitude 6.0777800000000,10.2666666666667 +concept_language_badaga concept:latitudelongitude 21.2000000000000,92.4166700000000 +concept_language_bafut concept:latitudelongitude 5.9899100000000,10.1503300000000 +concept_language_bahasa concept:latitudelongitude -20.0000000000000,-175.0000000000000 +concept_language_bahasa concept:languageofcountry concept_country_malaysia +concept_language_bahasa_indonesia concept:languageofcountry concept_country_indonesia +concept_language_bahasa_malaysia concept:languageofcountry concept_country_malaysia +concept_language_bahasa_melayu concept:languageofcountry concept_country_malaysia +concept_language_balochi concept:languageofcountry concept_country_iran +concept_language_balochi concept:languageofcountry concept_country_pakistan +concept_language_bangla concept:languageofcountry concept_country_bangladesh +concept_language_bantu concept:languageofcountry concept_country_gabon +concept_language_bantu concept:languageofcountry concept_country_uganda +concept_language_belarusian concept:latitudelongitude 40.4500000000000,-74.3775000000000 +concept_language_berber concept:languageofcountry concept_country_morocco +concept_language_betawi concept:latitudelongitude 2.2333300000000,112.5500000000000 +concept_language_big_english concept:latitudelongitude 45.7168100000000,-67.7656200000000 +concept_language_bislama concept:languageofcountry concept_country_republic_of_vanuatu +concept_language_breton concept:languageofcountry concept_country_france_france +concept_language_bunun concept:latitudelongitude 11.3727000000000,9.5152200000000 +concept_language_cantonese concept:languageofcountry concept_country_hong_kong +concept_language_castilian concept:languageofcountry concept_country_spain +concept_language_castilian_spanish concept:languageofcountry concept_country_spain +concept_language_castillano concept:latitudelongitude 8.0000000000000,-64.5333300000000 +concept_language_castillian concept:languageofcountry concept_country_spain +concept_language_catalan concept:languageofcountry concept_country_andorra +concept_language_cebuano concept:latitudelongitude 6.9101866666667,124.4977766666667 +concept_language_chagatai concept:latitudelongitude 35.9566700000000,64.7472200000000 +concept_language_chichewa concept:languageofcountry concept_country_malawi +concept_language_chinese concept:languageofcountry concept_country_indonesia +concept_language_chinese concept:languageofcountry concept_country_singapore +concept_language_chinese concept:languageofuniversity concept_university_columbia_university +concept_language_chinese concept:languageofuniversity concept_university_fudan_university +concept_language_chinese concept:languageofuniversity concept_university_nanjing_university +concept_language_chinese concept:languageofuniversity concept_university_peking_university +concept_language_chinese_language concept:languageofcountry concept_country_china +concept_language_chinese_mandarin concept:latitudelongitude 32.8284500000000,-117.2123900000000 +concept_language_chinesse concept:latitudelongitude 42.6527000000000,-78.8970400000000 +concept_language_chinyanja concept:latitudelongitude -15.2400000000000,28.1899980000000 +concept_language_chitonga concept:latitudelongitude -12.2500000000000,15.4666650000000 +concept_language_creole concept:languageofcountry concept_country_haiti +concept_language_croatian concept:languageofcountry concept_country_croatia +concept_language_czech concept:languageofcountry concept_country_czech_republic +concept_language_danish concept:languageofcountry concept_country_greenland +concept_language_dari concept:languageofcountry concept_country_afghanistan +concept_language_denmark concept:subpartof concept_vehicle_countries +concept_language_dharawal concept:latitudelongitude 32.3527800000000,73.9555600000000 +concept_language_dhivehi concept:languageofcountry concept_country_maldives +concept_language_divehi concept:latitudelongitude 3.2000000000000,73.0000000000000 +concept_language_divehi concept:languageofcountry concept_country_maldives +concept_language_dravidian concept:languageofcountry concept_country_republic_of_india +concept_language_dutch concept:languageofcountry concept_country___america +concept_language_dutch concept:languageofcountry concept_country_indonesia +concept_language_dutch concept:languageofcountry concept_country_netherland_antilles +concept_language_dutch concept:languageofcountry concept_country_netherlands +concept_language_dutch concept:languageofcountry concept_country_republic_of_suriname +concept_language_dutch concept:languageofcountry concept_country_surinam +concept_language_dutch_language concept:languageofcountry concept_country_netherlands +concept_language_dzongkha concept:languageofcountry concept_country_bhutan +concept_language_east_asian_language concept:latitudelongitude 37.7868000000000,-79.4425400000000 +concept_language_egyptian_arabic concept:languageofcountry concept_country_egypt +concept_language_english concept:languageofcountry concept_country_afghanistan +concept_language_english concept:languageofcountry concept_country_albania +concept_language_english concept:languageofcountry concept_country_anguilla +concept_language_english concept:languageofcountry concept_country_arabia_saudita +concept_language_english concept:languageofcountry concept_country_argentina +concept_language_english concept:languageofcountry concept_country_armenia +concept_language_english concept:languageofcountry concept_country_australia +concept_language_english concept:languageofcountry concept_country_bahamas +concept_language_english concept:languageofcountry concept_country_bangladesh +concept_language_english concept:languageofcountry concept_country_barbados +concept_language_english concept:languageofcountry concept_country_belize +concept_language_english concept:languageofcountry concept_country_bermuda +concept_language_english concept:languageofcountry concept_country_bhutan +concept_language_english concept:languageofcountry concept_country_britain +concept_language_english concept:languageofcountry concept_country_bulgaria +concept_language_english concept:languageofcountry concept_country_cameroon +concept_language_english concept:languageofcountry concept_country_canada_canada +concept_language_english concept:languageofcountry concept_country_cayman_islands +concept_language_english concept:languageofcountry concept_country_chile +concept_language_english concept:languageofcountry concept_country_colombia +concept_language_english concept:languageofcountry concept_country_cyprus +concept_language_english concept:languageofcountry concept_country_czech_republic +concept_language_english concept:languageofcountry concept_country_dominican_republic +concept_language_english concept:languageofcountry concept_country_egypt +concept_language_english concept:languageofcountry concept_country_england +concept_language_english concept:languageofcountry concept_country_ethiopia +concept_language_english concept:languageofcountry concept_country_fiji +concept_language_english concept:languageofcountry concept_country_finland +concept_language_english concept:languageofcountry concept_country_gambia +concept_language_english concept:languageofcountry concept_country_ghana +concept_language_english concept:languageofcountry concept_country_gibraltar +concept_language_english concept:languageofcountry concept_country_great_britain +concept_language_english concept:languageofcountry concept_country_guyana +concept_language_english concept:languageofcountry concept_country_hong_kong +concept_language_english concept:languageofcountry concept_country_indonesia +concept_language_english concept:languageofcountry concept_country_ireland +concept_language_english concept:languageofcountry concept_country_israel +concept_language_english concept:languageofcountry concept_country_jamaica +concept_language_english concept:languageofcountry concept_country_kuwait +concept_language_english concept:languageofcountry concept_country_lebanon +concept_language_english concept:languageofcountry concept_country_liberia +concept_language_english concept:languageofcountry concept_country_malawi +concept_language_english concept:languageofcountry concept_country_malaysia +concept_language_english concept:languageofcountry concept_country_malta +concept_language_english concept:languageofcountry concept_country_mauritius +concept_language_english concept:languageofcountry concept_country_moldova +concept_language_english concept:languageofcountry concept_country_morocco +concept_language_english concept:languageofcountry concept_country_namibia +concept_language_english concept:languageofcountry concept_country_nepal +concept_language_english concept:languageofcountry concept_country_netherlands +concept_language_english concept:languageofcountry concept_country_new_zealand +concept_language_english concept:languageofcountry concept_country_nigeria +concept_language_english concept:languageofcountry concept_country_norway +concept_language_english concept:languageofcountry concept_country_pakistan +concept_language_english concept:languageofcountry concept_country_palestine +concept_language_english concept:languageofcountry concept_country_panama +concept_language_english concept:languageofcountry concept_country_papua_new_guinea +concept_language_english concept:languageofcountry concept_country_philippines +concept_language_english concept:languageofcountry concept_country_portugal +concept_language_english concept:languageofcountry concept_country_puerto_rico +concept_language_english concept:languageofcountry concept_country_qatar +concept_language_english concept:languageofcountry concept_country_republic_of_austria +concept_language_english concept:languageofcountry concept_country_republic_of_kenya +concept_language_english concept:languageofcountry concept_country_rwanda +concept_language_english concept:languageofcountry concept_country_scotland +concept_language_english concept:languageofcountry concept_country_sierra_leone +concept_language_english concept:languageofcountry concept_country_singapore +concept_language_english concept:languageofcountry concept_country_south_africa +concept_language_english concept:languageofcountry concept_country_sri_lanka +concept_language_english concept:languageofcountry concept_country_sudan +concept_language_english concept:languageofcountry concept_country_swaziland +concept_language_english concept:languageofcountry concept_country_switzerland +concept_language_english concept:languageofcountry concept_country_tanzania +concept_language_english concept:languageofcountry concept_country_thailand +concept_language_english concept:languageofcountry concept_country_the_united_kingdom +concept_language_english concept:languageofcountry concept_country_u_s_a_ +concept_language_english concept:languageofcountry concept_country_uae_ +concept_language_english concept:languageofcountry concept_country_uganda +concept_language_english concept:languageofcountry concept_country_uk__ireland +concept_language_english concept:languageofcountry concept_country_ukraine +concept_language_english concept:languageofcountry concept_country_united_arab_emirates +concept_language_english concept:languageofcountry concept_country_us +concept_language_english concept:languageofcountry concept_country_usa +concept_language_english concept:languageofcountry concept_country_uzbekistan +concept_language_english concept:languageofcountry concept_country_venezuela +concept_language_english concept:languageofcountry concept_country_wales +concept_language_english concept:languageofcountry concept_country_western_africa +concept_language_english concept:languageofcountry concept_country_yemen +concept_language_english concept:languageofcountry concept_country_zambia +concept_language_english concept:languageofcountry concept_island_falkland_islands +concept_language_english concept:languageofuniversity concept_organization_tufts +concept_language_english concept:languageofuniversity concept_school_columbia +concept_language_english concept:languageofuniversity concept_school_duke +concept_language_english concept:languageofuniversity concept_school_johns_hopkins +concept_language_english concept:languageofuniversity concept_school_oxford +concept_language_english concept:languageofuniversity concept_university_ain_shams_university +concept_language_english concept:languageofuniversity concept_university_american_university +concept_language_english concept:languageofuniversity concept_university_amherst_college +concept_language_english concept:languageofuniversity concept_university_aoyama_gakuin_university +concept_language_english concept:languageofuniversity concept_university_arizona_state_university +concept_language_english concept:languageofuniversity concept_university_auburn_university +concept_language_english concept:languageofuniversity concept_university_bangor_university +concept_language_english concept:languageofuniversity concept_university_beijing_foreign_studies_university +concept_language_english concept:languageofuniversity concept_university_beijing_university +concept_language_english concept:languageofuniversity concept_university_berkeley +concept_language_english concept:languageofuniversity concept_university_binghamton_university +concept_language_english concept:languageofuniversity concept_university_birmingham_university +concept_language_english concept:languageofuniversity concept_university_birzeit_university +concept_language_english concept:languageofuniversity concept_university_boston_college +concept_language_english concept:languageofuniversity concept_university_boston_university +concept_language_english concept:languageofuniversity concept_university_brandeis +concept_language_english concept:languageofuniversity concept_university_brandeis_university +concept_language_english concept:languageofuniversity concept_university_brasenose_college +concept_language_english concept:languageofuniversity concept_university_brigham_young_university +concept_language_english concept:languageofuniversity concept_university_bristol_university +concept_language_english concept:languageofuniversity concept_university_british_council +concept_language_english concept:languageofuniversity concept_university_brock_university +concept_language_english concept:languageofuniversity concept_university_brooklyn_college +concept_language_english concept:languageofuniversity concept_university_brown_university +concept_language_english concept:languageofuniversity concept_university_bryn_mawr_college +concept_language_english concept:languageofuniversity concept_university_bucknell_university +concept_language_english concept:languageofuniversity concept_university_cairo_university +concept_language_english concept:languageofuniversity concept_university_california_state_university +concept_language_english concept:languageofuniversity concept_university_cambridge_university +concept_language_english concept:languageofuniversity concept_university_carleton_college +concept_language_english concept:languageofuniversity concept_university_catholic_university +concept_language_english concept:languageofuniversity concept_university_central_michigan_university +concept_language_english concept:languageofuniversity concept_university_christ_church +concept_language_english concept:languageofuniversity concept_university_city_college +concept_language_english concept:languageofuniversity concept_university_city_university +concept_language_english concept:languageofuniversity concept_university_clare_college +concept_language_english concept:languageofuniversity concept_university_claremont_graduate_school +concept_language_english concept:languageofuniversity concept_university_clark_university +concept_language_english concept:languageofuniversity concept_university_cleveland_state_university +concept_language_english concept:languageofuniversity concept_university_colby_college +concept_language_english concept:languageofuniversity concept_university_colgate_university +concept_language_english concept:languageofuniversity concept_university_columbia_university +concept_language_english concept:languageofuniversity concept_university_concordia_university +concept_language_english concept:languageofuniversity concept_university_cornell +concept_language_english concept:languageofuniversity concept_university_cornell_university +concept_language_english concept:languageofuniversity concept_university_dartmouth +concept_language_english concept:languageofuniversity concept_university_dartmouth_college +concept_language_english concept:languageofuniversity concept_university_denison_university +concept_language_english concept:languageofuniversity concept_university_depauw_university +concept_language_english concept:languageofuniversity concept_university_drew_university +concept_language_english concept:languageofuniversity concept_university_duke_university +concept_language_english concept:languageofuniversity concept_university_durham_university +concept_language_english concept:languageofuniversity concept_university_eastern_michigan_university +concept_language_english concept:languageofuniversity concept_university_eastern_washington_university +concept_language_english concept:languageofuniversity concept_university_edinburgh_university +concept_language_english concept:languageofuniversity concept_university_emory_university +concept_language_english concept:languageofuniversity concept_university_exeter_college +concept_language_english concept:languageofuniversity concept_university_exeter_university +concept_language_english concept:languageofuniversity concept_university_fairleigh_dickinson_university +concept_language_english concept:languageofuniversity concept_university_florida_international_university +concept_language_english concept:languageofuniversity concept_university_florida_state_university +concept_language_english concept:languageofuniversity concept_university_fordham +concept_language_english concept:languageofuniversity concept_university_geography +concept_language_english concept:languageofuniversity concept_university_george_mason_university +concept_language_english concept:languageofuniversity concept_university_george_washington_university +concept_language_english concept:languageofuniversity concept_university_georgia_state +concept_language_english concept:languageofuniversity concept_university_georgia_state_university +concept_language_english concept:languageofuniversity concept_university_glasgow_university +concept_language_english concept:languageofuniversity concept_university_goldsmiths_college +concept_language_english concept:languageofuniversity concept_university_graduate_center +concept_language_english concept:languageofuniversity concept_university_graduate_school +concept_language_english concept:languageofuniversity concept_university_grinnell_college +concept_language_english concept:languageofuniversity concept_university_hacettepe_university +concept_language_english concept:languageofuniversity concept_university_hamilton_college +concept_language_english concept:languageofuniversity concept_university_harvard +concept_language_english concept:languageofuniversity concept_university_harvard_college +concept_language_english concept:languageofuniversity concept_university_harvard_university +concept_language_english concept:languageofuniversity concept_university_hebrew_university +concept_language_english concept:languageofuniversity concept_university_hollins_college +concept_language_english concept:languageofuniversity concept_university_hollins_university +concept_language_english concept:languageofuniversity concept_university_hunter_college +concept_language_english concept:languageofuniversity concept_university_illinois_state_university +concept_language_english concept:languageofuniversity concept_university_indiana_university +concept_language_english concept:languageofuniversity concept_university_international_house +concept_language_english concept:languageofuniversity concept_university_international_students +concept_language_english concept:languageofuniversity concept_university_iowa_state_university +concept_language_english concept:languageofuniversity concept_university_islamic_azad_university +concept_language_english concept:languageofuniversity concept_university_johns_hopkins_university +concept_language_english concept:languageofuniversity concept_university_kalamazoo_college +concept_language_english concept:languageofuniversity concept_university_kent_state_university +concept_language_english concept:languageofuniversity concept_university_king__s_college_london +concept_language_english concept:languageofuniversity concept_university_korea_university +concept_language_english concept:languageofuniversity concept_university_lake_forest_college +concept_language_english concept:languageofuniversity concept_university_lancaster_university +concept_language_english concept:languageofuniversity concept_university_leeds_university +concept_language_english concept:languageofuniversity concept_university_lehman_college +concept_language_english concept:languageofuniversity concept_university_leicester_university +concept_language_english concept:languageofuniversity concept_university_liverpool_university +concept_language_english concept:languageofuniversity concept_university_london_university +concept_language_english concept:languageofuniversity concept_university_long_island_university +concept_language_english concept:languageofuniversity concept_university_louisiana_state_university +concept_language_english concept:languageofuniversity concept_university_louisiana_state_university_in_baton_rouge +concept_language_english concept:languageofuniversity concept_university_loyola +concept_language_english concept:languageofuniversity concept_university_loyola_marymount_university +concept_language_english concept:languageofuniversity concept_university_loyola_university +concept_language_english concept:languageofuniversity concept_university_luther_college +concept_language_english concept:languageofuniversity concept_university_macalester_college +concept_language_english concept:languageofuniversity concept_university_macquarie_university +concept_language_english concept:languageofuniversity concept_university_manchester_metropolitan_university +concept_language_english concept:languageofuniversity concept_university_manchester_university +concept_language_english concept:languageofuniversity concept_university_mathematics +concept_language_english concept:languageofuniversity concept_university_mcgill +concept_language_english concept:languageofuniversity concept_university_mcgill_university +concept_language_english concept:languageofuniversity concept_university_mcmaster_university +concept_language_english concept:languageofuniversity concept_university_mcnally_smith_college_of_music +concept_language_english concept:languageofuniversity concept_university_melbourne_university +concept_language_english concept:languageofuniversity concept_university_memorial_university +concept_language_english concept:languageofuniversity concept_university_miami_university +concept_language_english concept:languageofuniversity concept_university_michigan_state_university +concept_language_english concept:languageofuniversity concept_university_middlebury +concept_language_english concept:languageofuniversity concept_university_middlebury_college +concept_language_english concept:languageofuniversity concept_university_mills_college +concept_language_english concept:languageofuniversity concept_university_monash_university +concept_language_english concept:languageofuniversity concept_university_mount_holyoke_college +concept_language_english concept:languageofuniversity concept_university_nanjing_university +concept_language_english concept:languageofuniversity concept_university_national_taiwan_university +concept_language_english concept:languageofuniversity concept_university_national_university +concept_language_english concept:languageofuniversity concept_university_national_university_of_singapore +concept_language_english concept:languageofuniversity concept_university_new_college +concept_language_english concept:languageofuniversity concept_university_new_york_university +concept_language_english concept:languageofuniversity concept_university_north_carolina_state_university +concept_language_english concept:languageofuniversity concept_university_northern_arizona_university +concept_language_english concept:languageofuniversity concept_university_northwestern +concept_language_english concept:languageofuniversity concept_university_northwestern_university +concept_language_english concept:languageofuniversity concept_university_nottingham_trent_university +concept_language_english concept:languageofuniversity concept_university_nottingham_university +concept_language_english concept:languageofuniversity concept_university_nus_ +concept_language_english concept:languageofuniversity concept_university_nyu +concept_language_english concept:languageofuniversity concept_university_occidental_college +concept_language_english concept:languageofuniversity concept_university_ohio_state +concept_language_english concept:languageofuniversity concept_university_ohio_university +concept_language_english concept:languageofuniversity concept_university_oklahoma_state +concept_language_english concept:languageofuniversity concept_university_old_dominion_university +concept_language_english concept:languageofuniversity concept_university_open_university +concept_language_english concept:languageofuniversity concept_university_oregon_state_university +concept_language_english concept:languageofuniversity concept_university_oxford_university +concept_language_english concept:languageofuniversity concept_university_peking_university +concept_language_english concept:languageofuniversity concept_university_penn_state_university +concept_language_english concept:languageofuniversity concept_university_portland_state_university +concept_language_english concept:languageofuniversity concept_university_princeton +concept_language_english concept:languageofuniversity concept_university_princeton_university +concept_language_english concept:languageofuniversity concept_university_program +concept_language_english concept:languageofuniversity concept_university_providence_college +concept_language_english concept:languageofuniversity concept_university_purdue_university +concept_language_english concept:languageofuniversity concept_university_queen_mary_college +concept_language_english concept:languageofuniversity concept_university_queens_college +concept_language_english concept:languageofuniversity concept_university_reed_college +concept_language_english concept:languageofuniversity concept_university_rhodes_university +concept_language_english concept:languageofuniversity concept_university_roehampton_university +concept_language_english concept:languageofuniversity concept_university_rutgers +concept_language_english concept:languageofuniversity concept_university_rutgers_university +concept_language_english concept:languageofuniversity concept_university_san_francisco_state +concept_language_english concept:languageofuniversity concept_university_san_francisco_state_university +concept_language_english concept:languageofuniversity concept_university_san_jose_state +concept_language_english concept:languageofuniversity concept_university_san_jose_state_university +concept_language_english concept:languageofuniversity concept_university_santa_barbara +concept_language_english concept:languageofuniversity concept_university_shanghai_international_studies_university +concept_language_english concept:languageofuniversity concept_university_sheffield_university +concept_language_english concept:languageofuniversity concept_university_sichuan_university +concept_language_english concept:languageofuniversity concept_university_smith_college_in_northampton +concept_language_english concept:languageofuniversity concept_university_sofia_university +concept_language_english concept:languageofuniversity concept_university_sogang_university +concept_language_english concept:languageofuniversity concept_university_somerville_college +concept_language_english concept:languageofuniversity concept_university_sonoma_state_university +concept_language_english concept:languageofuniversity concept_university_sorbonne +concept_language_english concept:languageofuniversity concept_university_st___louis_university +concept_language_english concept:languageofuniversity concept_university_stanford +concept_language_english concept:languageofuniversity concept_university_stanford_university +concept_language_english concept:languageofuniversity concept_university_suny +concept_language_english concept:languageofuniversity concept_university_suny_binghamton +concept_language_english concept:languageofuniversity concept_university_syracuse +concept_language_english concept:languageofuniversity concept_university_syracuse_university +concept_language_english concept:languageofuniversity concept_university_tel_aviv_university +concept_language_english concept:languageofuniversity concept_university_temple_university +concept_language_english concept:languageofuniversity concept_university_texas_a_m_university +concept_language_english concept:languageofuniversity concept_university_texas_tech_university +concept_language_english concept:languageofuniversity concept_university_thames_valley_university +concept_language_english concept:languageofuniversity concept_university_trent_university +concept_language_english concept:languageofuniversity concept_university_trinity_college +concept_language_english concept:languageofuniversity concept_university_trinity_university +concept_language_english concept:languageofuniversity concept_university_truman_state_university +concept_language_english concept:languageofuniversity concept_university_tufts_university +concept_language_english concept:languageofuniversity concept_university_ubc +concept_language_english concept:languageofuniversity concept_university_uc_berkeley +concept_language_english concept:languageofuniversity concept_university_uc_davis +concept_language_english concept:languageofuniversity concept_university_ucla +concept_language_english concept:languageofuniversity concept_university_universidad +concept_language_english concept:languageofuniversity concept_university_university_college +concept_language_english concept:languageofuniversity concept_university_university_college_dublin +concept_language_english concept:languageofuniversity concept_university_university_college_london +concept_language_english concept:languageofuniversity concept_university_university_of_california__berkeley +concept_language_english concept:languageofuniversity concept_university_university_of_florida +concept_language_english concept:languageofuniversity concept_university_university_of_hong_kong +concept_language_english concept:languageofuniversity concept_university_university_of_michigan +concept_language_english concept:languageofuniversity concept_university_university_of_washington +concept_language_english concept:languageofuniversity concept_university_vanderbilt_university +concept_language_english concept:languageofuniversity concept_university_vassar +concept_language_english concept:languageofuniversity concept_university_victoria_university_of_wellington +concept_language_english concept:languageofuniversity concept_university_villanova_university +concept_language_english concept:languageofuniversity concept_university_virginia_tech +concept_language_english concept:languageofuniversity concept_university_wadham_college +concept_language_english concept:languageofuniversity concept_university_warwick_university +concept_language_english concept:languageofuniversity concept_university_waseda_university +concept_language_english concept:languageofuniversity concept_university_washington_university +concept_language_english concept:languageofuniversity concept_university_wayne_state_university +concept_language_english concept:languageofuniversity concept_university_wellesley_college +concept_language_english concept:languageofuniversity concept_university_wesleyan_university +concept_language_english concept:languageofuniversity concept_university_women +concept_language_english concept:languageofuniversity concept_university_yale +concept_language_english concept:languageofuniversity concept_university_yale_university +concept_language_english concept:languageofuniversity concept_university_yarmouk_university +concept_language_english concept:languageofuniversity concept_university_yonsei_university_in_seoul +concept_language_english concept:languageofcountry concept_visualizablething_grenada +concept_language_english_as_a_second_language concept:latitudelongitude 37.5977100000000,-122.3899700000000 +concept_language_english_language concept:languageofcountry concept_country_australia +concept_language_english_language concept:languageofcountry concept_country_canada_canada +concept_language_english_language concept:languageofcountry concept_country_england +concept_language_english_language concept:languageofcountry concept_country_usa +concept_language_estonian concept:languageofuniversity concept_university_tartu_university +concept_language_farsi concept:languageofcountry concept_country_iran +concept_language_finnish concept:languageofuniversity concept_university_university_of_helsinki +concept_language_finnish concept:languageofuniversity concept_university_university_of_turku +concept_language_first_english concept:languageofcountry concept_country___america +concept_language_first_english concept:languageofcountry concept_country_england +concept_language_flemish concept:languageofcountry concept_country_belgium +concept_language_french concept:languageofcountry concept_country_algeria +concept_language_french concept:languageofcountry concept_country_belgium +concept_language_french concept:languageofcountry concept_country_britain +concept_language_french concept:languageofcountry concept_country_cameroon +concept_language_french concept:languageofcountry concept_country_canada_canada +concept_language_french concept:languageofcountry concept_country_djibouti +concept_language_french concept:languageofcountry concept_country_france_france +concept_language_french concept:languageofcountry concept_country_haiti +concept_language_french concept:languageofcountry concept_country_lebanon +concept_language_french concept:languageofcountry concept_country_mali +concept_language_french concept:languageofcountry concept_country_mexico +concept_language_french concept:languageofcountry concept_country_morocco +concept_language_french concept:languageofcountry concept_country_new_caledonia +concept_language_french concept:languageofcountry concept_country_new_zealand +concept_language_french concept:languageofcountry concept_country_republic +concept_language_french concept:languageofcountry concept_country_republic_of_vanuatu +concept_language_french concept:languageofcountry concept_country_romania +concept_language_french concept:languageofcountry concept_country_rwanda +concept_language_french concept:languageofcountry concept_country_south_africa +concept_language_french concept:languageofcountry concept_country_switzerland +concept_language_french concept:languageofcountry concept_country_tunisia +concept_language_french concept:languageofcountry concept_country_vietnam +concept_language_french concept:languageofcountry concept_country_western_africa +concept_language_french concept:languageofuniversity concept_school_columbia +concept_language_french concept:languageofuniversity concept_school_oxford +concept_language_french concept:languageofuniversity concept_university_bristol_university +concept_language_french concept:languageofuniversity concept_university_catholic_university +concept_language_french concept:languageofuniversity concept_university_duke_university +concept_language_french concept:languageofuniversity concept_university_edinburgh_university +concept_language_french concept:languageofuniversity concept_university_emory_university +concept_language_french concept:languageofuniversity concept_university_epfl +concept_language_french concept:languageofuniversity concept_university_harvard +concept_language_french concept:languageofuniversity concept_university_la_sorbonne +concept_language_french concept:languageofuniversity concept_university_mcgill +concept_language_french concept:languageofuniversity concept_university_middlebury_college +concept_language_french concept:languageofuniversity concept_university_national_university +concept_language_french concept:languageofuniversity concept_university_oberlin_college +concept_language_french concept:languageofuniversity concept_university_ohio_state +concept_language_french concept:languageofuniversity concept_university_purdue_university +concept_language_french concept:languageofuniversity concept_university_sorbonne_university +concept_language_french concept:languageofuniversity concept_university_stanford_university +concept_language_french concept:languageofuniversity concept_university_trinity_college +concept_language_french concept:languageofuniversity concept_university_tulane_university +concept_language_french concept:languageofuniversity concept_university_ucla +concept_language_french concept:languageofuniversity concept_university_university_of_geneva +concept_language_french_language concept:languageofcountry concept_country_canada_canada +concept_language_frisian concept:languageofcountry concept_country_netherlands +concept_language_fruz concept:latitudelongitude 28.2500000000000,36.1666700000000 +concept_language_gaelic concept:languageofcountry concept_country_ireland +concept_language_gaelic concept:languageofcountry concept_country_scotland +concept_language_galach concept:latitudelongitude 37.4573000000000,41.0387400000000 +concept_language_german concept:languageofcountry concept_country_belgium +concept_language_german concept:languageofcountry concept_country_germany +concept_language_german concept:languageofcountry concept_country_hungary +concept_language_german concept:languageofcountry concept_country_liechtenstein +concept_language_german concept:languageofcountry concept_country_republic_of_austria +concept_language_german concept:languageofcountry concept_country_switzerland +concept_language_german concept:languageofcountry concept_country_u_s_ +concept_language_german concept:languageofuniversity concept_university_basel_university +concept_language_german concept:languageofuniversity concept_university_cornell_university +concept_language_german concept:languageofuniversity concept_university_northwestern_university +concept_language_german concept:languageofuniversity concept_university_ohio_state +concept_language_german concept:languageofuniversity concept_university_uc_berkeley +concept_language_german concept:languageofuniversity concept_university_university_of_bern +concept_language_german concept:languageofuniversity concept_university_university_of_munich +concept_language_german concept:languageofuniversity concept_university_university_of_zurich +concept_language_german concept:languageofuniversity concept_university_yale_university +concept_language_german_language concept:languageofcountry concept_country_germany +concept_language_germanic concept:languageofuniversity concept_university_harvard +concept_language_germanic concept:languageofuniversity concept_university_yale_university +concept_language_greek concept:languageofcountry concept_country_greece +concept_language_greek concept:languageofuniversity concept_school_oxford +concept_language_greek concept:languageofuniversity concept_university_harvard +concept_language_greek concept:languageofuniversity concept_university_ohio_state +concept_language_guarani concept:languageofcountry concept_country_republic_of_paraguay +concept_language_gujrati concept:latitudelongitude 25.3844000000000,68.3852000000000 +concept_language_gullah concept:latitudelongitude 13.4000000000000,26.6166700000000 +concept_language_haitian_creole concept:languageofcountry concept_country_haiti +concept_language_hakka concept:languageofcountry concept_country_taiwan +concept_language_hausa concept:languageofcountry concept_country_niger +concept_language_hausa concept:languageofcountry concept_country_nigeria +concept_language_hebrew concept:languageofcountry concept_country_israel +concept_language_hebrew concept:languageofuniversity concept_university_bar_ilan_university +concept_language_hebrew concept:languageofuniversity concept_university_ben_gurion_university +concept_language_hebrew concept:languageofuniversity concept_university_cambridge_university +concept_language_hebrew concept:languageofuniversity concept_university_columbia_university +concept_language_hebrew concept:languageofuniversity concept_university_haifa_university +concept_language_hebrew concept:languageofuniversity concept_university_harvard +concept_language_hebrew concept:languageofuniversity concept_university_harvard_university +concept_language_hebrew concept:languageofuniversity concept_university_hebrew_union_college +concept_language_hebrew concept:languageofuniversity concept_university_hebrew_university +concept_language_hebrew concept:languageofuniversity concept_university_institute +concept_language_hebrew concept:languageofuniversity concept_university_jewish_theological_seminary +concept_language_hebrew concept:languageofuniversity concept_university_london_university +concept_language_hebrew concept:languageofuniversity concept_university_oxford_university +concept_language_hebrew concept:languageofuniversity concept_university_sorbonne +concept_language_hebrew concept:languageofuniversity concept_university_technion +concept_language_hebrew concept:languageofuniversity concept_university_tel_aviv_university +concept_language_hebrew concept:languageofuniversity concept_university_weizmann_institute +concept_language_hebrew concept:languageofuniversity concept_university_yale_university +concept_language_hebrew concept:languageofuniversity concept_university_yeshiva_university +concept_language_hebrew_language concept:languageofcountry concept_country_israel +concept_language_hindi concept:languageofcountry concept_country_nepal +concept_language_hindi concept:languageofcountry concept_country_republic_of_india +concept_language_hungarian concept:languageofcountry concept_country_hungary +concept_language_hungarian concept:languageofcountry concept_country_slovakia +concept_language_ibanag concept:latitudelongitude 17.2166700000000,121.5500000000000 +concept_language_ilocano concept:latitudelongitude 16.9166700000000,120.4666700000000 +concept_language_indo_aryan concept:languageofcountry concept_country_republic_of_india +concept_language_italian concept:languageofcountry concept_country_switzerland +concept_language_italian concept:languageofuniversity concept_university_rutgers_university +concept_language_japanese concept:languageofcountry concept_country_japan +concept_language_japanese_language concept:languageofcountry concept_country_japan +concept_language_japanse concept:latitudelongitude 36.3643500000000,137.6216100000000 +concept_language_javanese concept:languageofcountry concept_country_indonesia +concept_language_jicarilla_apache concept:latitudelongitude 36.6960720000000,-107.0676260000000 +concept_language_kannada concept:languageofcountry concept_country_republic_of_india +concept_language_karaim concept:latitudelongitude 55.6626500000000,-98.6524400000000 +concept_language_kazakh concept:languageofcountry concept_country_kazakhstan +concept_language_kazakhstan concept:synonymfor concept_language_soviet_union +concept_language_kazakhstan concept:synonymfor concept_politicalparty_republic +concept_language_keresan concept:latitudelongitude 38.0294900000000,41.5995333333333 +concept_language_khmer concept:languageofcountry concept_country_cambodia +concept_language_kirundi concept:languageofcountry concept_country_burundi +concept_language_kiswahili concept:languageofcountry concept_country_republic_of_kenya +concept_language_kiswahili concept:languageofcountry concept_country_tanzania +concept_language_klallam concept:latitudelongitude 48.0275000000000,-122.9992800000000 +concept_language_koine concept:latitudelongitude 47.3666700000000,14.3333300000000 +concept_language_korean concept:languageofuniversity concept_university_national_university +concept_language_korean concept:languageofuniversity concept_university_yonsei_university +concept_language_kpelle concept:latitudelongitude 5.1369440000000,-8.4002760000000 +concept_language_kreyol concept:languageofcountry concept_country_haiti +concept_language_krio concept:languageofcountry concept_country_sierra_leone +concept_language_kurdish concept:latitudelongitude 32.7897800000000,-116.9620100000000 +concept_language_language_arabic concept:languageofcountry concept_country_egypt +concept_language_language_development concept:latitudelongitude 32.8009600000000,-96.9258400000000 +concept_language_language_english concept:languageofcountry concept_country_australia +concept_language_language_spanish concept:languageofcountry concept_country_costa_rica +concept_language_language_spanish concept:languageofcountry concept_country_mexico +concept_language_latin concept:languageofuniversity concept_school_columbia +concept_language_latin concept:languageofuniversity concept_university_brown_university +concept_language_latin concept:languageofuniversity concept_university_california_state_university +concept_language_latin concept:languageofuniversity concept_university_cornell_university +concept_language_latin concept:languageofuniversity concept_university_duke_university +concept_language_latin concept:languageofuniversity concept_university_florida_international_university +concept_language_latin concept:languageofuniversity concept_university_harvard +concept_language_latin concept:languageofuniversity concept_university_harvard_university +concept_language_latin concept:languageofuniversity concept_university_indiana_university +concept_language_latin concept:languageofuniversity concept_university_institute +concept_language_latin concept:languageofuniversity concept_university_johns_hopkins_university +concept_language_latin concept:languageofuniversity concept_university_lehman_college +concept_language_latin concept:languageofuniversity concept_university_mcnally_smith_college_of_music +concept_language_latin concept:languageofuniversity concept_university_middlebury_college +concept_language_latin concept:languageofuniversity concept_university_new_york_university +concept_language_latin concept:languageofuniversity concept_university_northwestern_university +concept_language_latin concept:languageofuniversity concept_university_nyu +concept_language_latin concept:languageofuniversity concept_university_oxford_university +concept_language_latin concept:languageofuniversity concept_university_princeton_university +concept_language_latin concept:languageofuniversity concept_university_rutgers_university +concept_language_latin concept:languageofuniversity concept_university_stanford +concept_language_latin concept:languageofuniversity concept_university_stanford_university +concept_language_latin concept:languageofuniversity concept_university_state_university +concept_language_latin concept:languageofuniversity concept_university_tulane_university +concept_language_latin concept:languageofuniversity concept_university_uc_berkeley +concept_language_latin concept:languageofuniversity concept_university_ucla +concept_language_latin concept:languageofuniversity concept_university_university_college +concept_language_latin concept:languageofuniversity concept_university_wesleyan_university +concept_language_latin concept:languageofuniversity concept_university_yale +concept_language_latin concept:languageofuniversity concept_university_yale_university +concept_language_lenni_lenape concept:latitudelongitude 39.3991800000000,-75.1916400000000 +concept_language_lettish concept:latitudelongitude 45.2783000000000,-89.4665100000000 +concept_language_levantine concept:latitudelongitude 33.0000000000000,29.0000000000000 +concept_language_lithuanian concept:languageofcountry concept_country_republic_of_lithuania +concept_language_lithuanian concept:languageofuniversity concept_university_vilnius_university +concept_language_little_portuguese concept:latitudelongitude 38.5329600000000,-122.1413600000000 +concept_language_lusoga concept:latitudelongitude -0.3333300000000,31.0666700000000 +concept_language_luvale concept:latitudelongitude -11.8219400000000,37.4258300000000 +concept_language_luxembourgeois concept:latitudelongitude 49.9000000000000,6.2750000000000 +concept_language_macedonian concept:languageofcountry concept_country_greece +concept_language_macedonian concept:languageofcountry concept_country_republic +concept_language_madarin concept:latitudelongitude 14.2644400000000,44.1866700000000 +concept_language_malagasy concept:languageofcountry concept_country_madagascar +concept_language_malay concept:languageofcountry concept_country_indonesia +concept_language_malay concept:languageofcountry concept_country_singapore +concept_language_mandarin concept:languageofcountry concept_country_china +concept_language_mandarin concept:languageofcountry concept_country_malaysia +concept_language_mandarin concept:languageofcountry concept_country_taiwan +concept_language_mandarin_chinese concept:languageofcountry concept_country_china +concept_language_mandarin_chinese concept:languageofcountry concept_country_taiwan +concept_language_maori_language concept:languageofcountry concept_country_new_zealand +concept_language_min_dong concept:latitudelongitude 29.2598100000000,103.8996200000000 +concept_language_modern_hebrew concept:languageofcountry concept_country_israel +concept_language_nepali concept:languageofcountry concept_country_bhutan +concept_language_nepali concept:languageofcountry concept_country_nepal +concept_language_old_chinese concept:latitudelongitude 38.6032400000000,-120.5610400000000 +concept_language_pakhto concept:latitudelongitude 39.4772233333333,21.2612066666667 +concept_language_palauan concept:latitudelongitude 11.1666700000000,122.4833300000000 +concept_language_pampango concept:latitudelongitude 11.0608333333333,122.8480533333333 +concept_language_panjabi concept:latitudelongitude 25.6819450000000,68.8444475000000 +concept_language_papiamento concept:languageofcountry concept_country_aruba +concept_language_pashto concept:languageofcountry concept_country_afghanistan +concept_language_pennsylvania_dutch concept:latitudelongitude 40.5156100000000,-76.1364300000000 +concept_language_pennsylvania_german concept:latitudelongitude 40.5105600000000,-75.7908300000000 +concept_language_persian concept:languageofcountry concept_country_iran +concept_language_persian concept:languageofcountry concept_country_kosovo +concept_language_persian concept:languageofcountry concept_country_lebanon +concept_language_persian concept:languageofcountry concept_country_libya +concept_language_persian concept:languageofcountry concept_country_republic_of_india +concept_language_persian concept:languageofcountry concept_country_somalia +concept_language_persian concept:languageofcountry concept_country_south_africa +concept_language_persian concept:languageofcountry concept_country_soviet_union +concept_language_persian concept:languageofcountry concept_country_syria +concept_language_persian concept:languageofcountry concept_country_uae_ +concept_language_persian concept:languageofcountry concept_country_united_arab_emirates +concept_language_persian_language concept:languageofcountry concept_country_iran +concept_language_polish concept:languageofcountry concept_country_poland +concept_language_polish concept:languageofcountry concept_country_republic_of_lithuania +concept_language_portugese concept:languageofcountry concept_country_brazil +concept_language_portuguese concept:languageofcountry concept_country_brazil +concept_language_portuguese concept:languageofcountry concept_country_east_timor +concept_language_portuguese concept:languageofcountry concept_country_guinea_bissau +concept_language_portuguese concept:languageofcountry concept_country_mozambique +concept_language_portuguese concept:languageofcountry concept_country_portugal +concept_language_portuguese concept:languageofcountry concept_country_republic_of_angola +concept_language_portuguese_language concept:languageofcountry concept_country_brazil +concept_language_punjabi concept:languageofcountry concept_country_pakistan +concept_language_quecha concept:latitudelongitude -14.2872250000000,-71.3911150000000 +concept_language_quechua concept:latitudelongitude -9.4887400000000,-76.4826300000000 +concept_language_quechua concept:languageofcountry concept_country_bolivia +concept_language_quechua concept:languageofcountry concept_country_peru +concept_language_quechua concept:languageofcountry concept_geopoliticallocation_ecuador +concept_language_romanian concept:languageofcountry concept_country_moldova +concept_language_romanian concept:languageofcountry concept_country_romania +concept_language_romansh concept:languageofcountry concept_country_switzerland +concept_language_russian concept:languageofcountry concept_country_azerbaijan +concept_language_russian concept:languageofcountry concept_country_belarus +concept_language_russian concept:languageofcountry concept_country_bulgaria +concept_language_russian concept:languageofcountry concept_country_chechnya +concept_language_russian concept:languageofcountry concept_country_czech_republic +concept_language_russian concept:languageofcountry concept_country_former_ussr +concept_language_russian concept:languageofcountry concept_country_indonesia +concept_language_russian concept:languageofcountry concept_country_kazakhstan +concept_language_russian concept:languageofcountry concept_country_kyrgyzstan +concept_language_russian concept:languageofcountry concept_country_latvia +concept_language_russian concept:languageofcountry concept_country_macedonia +concept_language_russian concept:languageofcountry concept_country_malaysia +concept_language_russian concept:languageofcountry concept_country_moldova +concept_language_russian concept:languageofcountry concept_country_montenegro +concept_language_russian concept:languageofcountry concept_country_poland +concept_language_russian concept:languageofcountry concept_country_republic +concept_language_russian concept:languageofcountry concept_country_russia +concept_language_russian concept:languageofcountry concept_country_scandinavian_countries +concept_language_russian concept:languageofcountry concept_country_soviet_union +concept_language_russian concept:languageofcountry concept_country_tajikistan +concept_language_russian concept:languageofcountry concept_country_turkmenistan +concept_language_russian concept:languageofcountry concept_country_ukraine +concept_language_russian concept:languageofcountry concept_country_ussr_ +concept_language_russian concept:languageofcountry concept_country_uzbekistan +concept_language_russian concept:languageofcountry concept_country_venezuela +concept_language_russian concept:languageofuniversity concept_school_columbia +concept_language_russian concept:languageofuniversity concept_school_oxford +concept_language_russian concept:languageofuniversity concept_university_dartmouth_college +concept_language_russian concept:languageofuniversity concept_university_harvard +concept_language_russian concept:languageofuniversity concept_university_harvard_university +concept_language_russian concept:languageofuniversity concept_university_moscow_state_university +concept_language_russian concept:languageofuniversity concept_university_princeton +concept_language_russian concept:languageofuniversity concept_university_wesleyan_university +concept_language_ruthenian concept:latitudelongitude 41.7227750000000,-73.8415300000000 +concept_language_santhali concept:latitudelongitude 25.8522200000000,75.5361100000000 +concept_language_saraiki concept:latitudelongitude 56.7000000000000,21.0666700000000 +concept_language_scottish_gaelic concept:languageofcountry concept_country_scotland +concept_language_semitic concept:latitudelongitude 42.3784300000000,-71.1139400000000 +concept_language_semitic concept:languageofuniversity concept_university_hebrew_university +concept_language_serbian concept:languageofcountry concept_country_montenegro +concept_language_sesotho concept:languageofcountry concept_country_lesotho +concept_language_shangaan concept:latitudelongitude -24.6269633333333,31.1411200000000 +concept_language_shona concept:languageofcountry concept_country_zimbabwe +concept_language_sindhi concept:languageofcountry concept_country_pakistan +concept_language_singhalese concept:languageofcountry concept_country_sri_lanka +concept_language_sinhala concept:languageofcountry concept_country_sri_lanka +concept_language_slavic concept:languageofcountry concept_country_germany +concept_language_slavic concept:languageofcountry concept_country_macedonia +concept_language_slavic concept:languageofuniversity concept_university_berkeley +concept_language_slavic concept:languageofuniversity concept_university_brown_university +concept_language_slavic concept:languageofuniversity concept_university_columbia_university +concept_language_slavic concept:languageofuniversity concept_university_harvard +concept_language_slavic concept:languageofuniversity concept_university_harvard_university +concept_language_slavic concept:languageofuniversity concept_university_indiana_university +concept_language_slavic concept:languageofuniversity concept_university_northwestern_university +concept_language_slavic concept:languageofuniversity concept_university_ohio_state +concept_language_slavic concept:languageofuniversity concept_university_stanford +concept_language_slavic concept:languageofuniversity concept_university_stanford_university +concept_language_slavic concept:languageofuniversity concept_university_uc_berkeley +concept_language_slavic concept:languageofuniversity concept_university_ucla +concept_language_slavic concept:languageofuniversity concept_university_yale +concept_language_slavic concept:languageofuniversity concept_university_yale_university +concept_language_slovak concept:languageofcountry concept_country_slovakia +concept_language_sorani concept:languageofcountry concept_country_iraq +concept_language_spani concept:latitudelongitude 17.9833300000000,-76.9500000000000 +concept_language_spanish concept:languageofcountry concept_country_andorra +concept_language_spanish concept:languageofcountry concept_country_argentina +concept_language_spanish concept:languageofcountry concept_country_bolivia +concept_language_spanish concept:languageofcountry concept_country_chile +concept_language_spanish concept:languageofcountry concept_country_colombia +concept_language_spanish concept:languageofcountry concept_country_costa_rica +concept_language_spanish concept:languageofcountry concept_country_dominican_republic +concept_language_spanish concept:languageofcountry concept_country_el_salvador +concept_language_spanish concept:languageofcountry concept_country_equator__guinea +concept_language_spanish concept:languageofcountry concept_country_france_france +concept_language_spanish concept:languageofcountry concept_country_honduras +concept_language_spanish concept:languageofcountry concept_country_mexico +concept_language_spanish concept:languageofcountry concept_country_panama +concept_language_spanish concept:languageofcountry concept_country_peru +concept_language_spanish concept:languageofcountry concept_country_philippines +concept_language_spanish concept:languageofcountry concept_country_puerto_rico +concept_language_spanish concept:languageofcountry concept_country_republic_of_guatemala +concept_language_spanish concept:languageofcountry concept_country_republic_of_nicaragua +concept_language_spanish concept:languageofcountry concept_country_republic_of_paraguay +concept_language_spanish concept:languageofcountry concept_country_spain +concept_language_spanish concept:languageofcountry concept_country_u_s_ +concept_language_spanish concept:languageofcountry concept_country_uruguay +concept_language_spanish concept:languageofcountry concept_country_us +concept_language_spanish concept:languageofcountry concept_country_usa +concept_language_spanish concept:languageofcountry concept_country_venezuela +concept_language_spanish concept:languageofcountry concept_geopoliticallocation_ecuador +concept_language_spanish concept:languageofuniversity concept_university_brigham_young_university +concept_language_spanish concept:languageofuniversity concept_university_california_state_university +concept_language_spanish concept:languageofuniversity concept_university_columbia_university +concept_language_spanish concept:languageofuniversity concept_university_dartmouth_college +concept_language_spanish concept:languageofuniversity concept_university_indiana_university +concept_language_spanish concept:languageofuniversity concept_university_indiana_university_purdue_university_fort_wayne +concept_language_spanish concept:languageofuniversity concept_university_michigan_state_university +concept_language_spanish concept:languageofuniversity concept_university_middlebury_college +concept_language_spanish concept:languageofuniversity concept_university_new_york_university +concept_language_spanish concept:languageofuniversity concept_university_ohio_state +concept_language_spanish concept:languageofuniversity concept_university_ucla +concept_language_spanish concept:languageofuniversity concept_university_universidad +concept_language_spanish concept:languageofuniversity concept_university_universidad_complutense_de_madrid +concept_language_spanish concept:languageofuniversity concept_university_university_of_north_carolina_at_charlotte +concept_language_spanish concept:languageofuniversity concept_university_vanderbilt_university +concept_language_spanish concept:languageofuniversity concept_university_washington_university +concept_language_spanish concept:languageofuniversity concept_university_yale +concept_language_srl concept:atdate concept_dayofweek_thursday +concept_language_swahili concept:languageofcountry concept_country_republic_of_kenya +concept_language_swahili concept:languageofcountry concept_country_tanzania +concept_language_swahili concept:languageofcountry concept_country_uganda +concept_language_swedish concept:languageofcountry concept_country_finland +concept_language_swedish_language concept:languageofcountry concept_country_finland +concept_language_syriac concept:latitudelongitude 30.2705200000000,-81.4306800000000 +concept_language_tagalog concept:languageofcountry concept_country_philippines +concept_language_tajik concept:languageofcountry concept_country_tajikistan +concept_language_telugu concept:languageofcountry concept_country_republic_of_india +concept_language_thai_language concept:languageofcountry concept_country_thailand +concept_language_tigrinya concept:languageofcountry concept_country_eritrea +concept_language_tosk concept:languageofcountry concept_country_albania +concept_language_tswana concept:languageofcountry concept_country_botswana +concept_language_turkish concept:languageofcountry concept_country_republic +concept_language_turkmeni concept:latitudelongitude 40.0000000000000,60.0000000000000 +concept_language_urdu concept:languageofcountry concept_country_pakistan +concept_language_urdu concept:languageofcountry concept_country_republic_of_india +concept_language_urdu_language concept:languageofcountry concept_country_pakistan +concept_language_uzbek concept:languageofcountry concept_country_uzbekistan +concept_language_vietnames concept:latitudelongitude 29.9668900000000,-95.4657700000000 +concept_language_vlach concept:latitudelongitude 39.8250000000000,20.6386100000000 +concept_language_wagiman concept:latitudelongitude 1.7000000000000,103.3000000000000 +concept_language_welsh concept:languageofuniversity concept_university_university_college +concept_language_welsh_language concept:languageofcountry concept_country_wales +concept_language_west_frisian concept:latitudelongitude 53.3666700000000,5.3333300000000 +concept_language_windish concept:latitudelongitude 45.7622900000000,-74.4553400000000 +concept_language_wolof concept:latitudelongitude 14.8020825000000,-17.0592350000000 +concept_language_wolof concept:languageofcountry concept_country_senegal +concept_language_xhosa concept:languageofcountry concept_country_south_africa +concept_language_yiddish concept:languageofuniversity concept_university_harvard_university +concept_legume__ concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_legume__ concept:fooddecreasestheriskofdisease concept_disease_cancer_death +concept_legume_chris concept:objectpartofobject concept_nut_wheel +concept_legume_ephedra concept:foodcancausedisease concept_disease_blood_pressure +concept_legume_fat concept:foodcancausedisease concept_disease_blood_cholesterol_levels +concept_legume_fat concept:foodcancausedisease concept_disease_blood_pressure +concept_legume_fat concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_legume_fat concept:foodcancausedisease concept_disease_cholesterol_levels +concept_legume_ground concept:objectpartofobject concept_visualizableobject_lens +concept_legume_karen_s concept:latitudelongitude 46.0861100000000,-84.0677800000000 +concept_legume_lentilla concept:latitudelongitude 42.6500000000000,2.5166700000000 +concept_legume_member concept:objectfoundinscene concept_visualizablescene_observatory +concept_legume_soy concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_legume_soy concept:fooddecreasestheriskofdisease concept_disease_colon_cancer +concept_legume_soy concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_legume_soy concept:fooddecreasestheriskofdisease concept_disease_osteoporosis +concept_legume_soy concept:fooddecreasestheriskofdisease concept_disease_prostate_cancer +concept_legume_tea_consumption concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_legume_tempe concept:proxyfor concept_beverage_arizona +concept_legume_tempe concept:subpartof concept_beverage_arizona +concept_legume_washing_machine concept:objectfoundinscene concept_visualizablescene_basement +concept_legume_white_beans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_lymphnode_distributed concept:synonymfor concept_boardgame_bazaar +concept_lymphnode_lymph_nodes concept:bodypartcontainsbodypart concept_artery_vessels +concept_lymphnode_lymph_nodes concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_lymphnode_lymph_nodes concept:bodypartcontainsbodypart concept_bodypart_tissue +concept_lymphnode_lymph_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_magazine_aboriginal_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_album_charts concept:agentcontrols concept_city_number +concept_magazine_album_charts concept:organizationterminatedperson concept_personasia_number +concept_magazine_album_charts concept:organizationterminatedperson concept_scientist_no_ +concept_magazine_american_express concept:organizationheadquarteredincity concept_city_new_york +concept_magazine_american_express concept:companyalsoknownas concept_company_axp +concept_magazine_american_express concept:organizationalsoknownas concept_company_axp +concept_magazine_american_express concept:companyeconomicsector concept_economicsector_financial_services +concept_magazine_arab_people concept:latitudelongitude 25.0000000000000,17.0000000000000 +concept_magazine_area_development concept:latitudelongitude 40.3977600000000,-80.0277500000000 +concept_magazine_atlantic_monthly concept:hasofficeincity concept_city_new_york +concept_magazine_atlantic_monthly concept:competeswith concept_newspaper_journal +concept_magazine_atlantic_monthly concept:atdate concept_year_n1998 +concept_magazine_bookmarks concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_bookmarks concept:agentinvolvedwithitem concept_product_tab +concept_magazine_booz_allen_hamilton concept:companyeconomicsector concept_academicfield_consulting +concept_magazine_bottom_line concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_bungie concept:subpartoforganization concept_university_microsoft +concept_magazine_cannibale concept:latitudelongitude 47.7548500000000,-75.7739600000000 +concept_magazine_care concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_care concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_care concept:subpartoforganization concept_governmentorganization_government +concept_magazine_care concept:subpartoforganization concept_politicalparty_federal_government +concept_magazine_care concept:agentcreated concept_programminglanguage_contact +concept_magazine_care concept:subpartoforganization concept_terroristorganization_state +concept_magazine_career concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_career concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_chance concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_charlotte concept:proxyfor concept_book_new +concept_magazine_charlotte concept:proxyfor concept_company_north_carolina +concept_magazine_charlotte concept:subpartof concept_company_north_carolina +concept_magazine_charlotte concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_charlotte concept:proxyfor concept_musicfestival_ovens_auditorium +concept_magazine_cheapest concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_chinese_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_chizine concept:latitudelongitude -21.3625000000000,34.2594400000000 +concept_magazine_coastlines concept:proxyfor concept_book_new +concept_magazine_conde_nast_traveler concept:companyeconomicsector concept_academicfield_media +concept_magazine_conde_nast_traveler concept:companyeconomicsector concept_academicfield_publishing +concept_magazine_conde_nast_traveler concept:hasofficeincity concept_city_new_york +concept_magazine_conflict concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_conflict concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_content concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_content concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_magazine_content concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_content concept:agentcompeteswithagent concept_personcanada_search +concept_magazine_content concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_magazine_contingencies concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_corner concept:proxyfor concept_book_new +concept_magazine_cosmopolitan concept:competeswith concept_newspaper_journal +concept_magazine_costs concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_costs concept:agentcreated concept_programminglanguage_contact +concept_magazine_cpi concept:organizationhiredperson concept_personus_party +concept_magazine_ddj concept:latitudelongitude 11.2055600000000,42.9683300000000 +concept_magazine_discovery concept:companyeconomicsector concept_academicfield_media +concept_magazine_dusie concept:latitudelongitude 9.8394400000000,-1.9988900000000 +concept_magazine_economist concept:hasofficeincity concept_city_new_york +concept_magazine_elderly_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_endtime concept:latitudelongitude 31.8576600000000,-85.9982900000000 +concept_magazine_events concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_events concept:agentparticipatedinevent concept_crimeorcharge_number +concept_magazine_events concept:agentparticipatedinevent concept_eventoutcome_outcome +concept_magazine_events concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_events concept:agentparticipatedinevent concept_mlconference_universe +concept_magazine_family_member concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_far_eastern_economic_review concept:competeswith concept_newspaper_journal +concept_magazine_fedex concept:agentcollaborateswithagent concept_athlete_fred_smith +concept_magazine_fedex concept:organizationterminatedperson concept_ceo_frederick_smith +concept_magazine_fedex concept:competeswith concept_company_express +concept_magazine_fedex concept:competeswith concept_company_priority +concept_magazine_fedex concept:organizationheadquarteredincountry concept_country_united_states_of_america +concept_magazine_fedex concept:organizationterminatedperson concept_politicianus_fred_smith +concept_magazine_fewer_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_fifty_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_five_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_forbes concept:hasofficeincity concept_city_new_york +concept_magazine_four_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_genentech concept:companyeconomicsector concept_economicsector_biotechnology +concept_magazine_ghoti concept:latitudelongitude 19.7166700000000,73.6333300000000 +concept_magazine_globe concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_globe concept:istallerthan concept_publication_people_ +concept_magazine_good_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_gucci concept:organizationhiredperson concept_ceo_domenico_de_sole +concept_magazine_gucci concept:organizationterminatedperson concept_ceo_domenico_de_sole +concept_magazine_gucci concept:subpartof concept_ceo_domenico_de_sole +concept_magazine_harrowsmith concept:latitudelongitude 44.4167650000000,-76.2493800000000 +concept_magazine_historian concept:proxyfor concept_book_new +concept_magazine_hustler concept:organizationterminatedperson concept_person_larry_flynt +concept_magazine_idea concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_innocent_iraqis concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_international_affairs concept:atdate concept_dateliteral_n2008 +concept_magazine_intuit concept:agentcollaborateswithagent concept_journalist_stephen_bennett +concept_magazine_intuit concept:organizationterminatedperson concept_person_scott_cook +concept_magazine_intuit concept:subpartof concept_person_scott_cook +concept_magazine_iraqi_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_items concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_items concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_jane concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_magazine_kodak concept:mutualproxyfor concept_personus_george_eastman +concept_magazine_kuhn concept:companyeconomicsector concept_economicsector_investment +concept_magazine_life concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_life concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_magazine_life concept:companyeconomicsector concept_economicsector_insurance_policies +concept_magazine_life concept:companyeconomicsector concept_economicsector_life_insurance +concept_magazine_life concept:companyeconomicsector concept_politicsissue_policy +concept_magazine_local_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_los_angeles_times concept:companyeconomicsector concept_academicfield_news +concept_magazine_lot concept:hasofficeincity concept_city_warsaw +concept_magazine_lot concept:organizationheadquarteredincity concept_city_warsaw +concept_magazine_lot concept:istallerthan concept_magazine_women +concept_magazine_lot concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_lot concept:istallerthan concept_publication_people_ +concept_magazine_lucasarts concept:mutualproxyfor concept_ceo_george_lucas +concept_magazine_lucasarts concept:organizationterminatedperson concept_ceo_george_lucas +concept_magazine_lucasarts concept:subpartof concept_personus_george_lucas +concept_magazine_lucasarts concept:agentcollaborateswithagent concept_politicianus_george_lucas +concept_magazine_many_men concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_many_more_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_many_people concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_many_people concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_many_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_maverick concept:organizationterminatedperson concept_person_guy_oseary +concept_magazine_million_africans concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_million_iraqis concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_million_people concept:agentactsinlocation concept_lake_new +concept_magazine_mind concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_monsanto concept:companyeconomicsector concept_economicsector_biotechnology +concept_magazine_monsoon concept:organizationdissolvedatdate concept_month_march +concept_magazine_monsoon concept:organizationdissolvedatdate concept_month_may +concept_magazine_monsoon concept:organizationdissolvedatdate concept_month_october +concept_magazine_monsoon concept:organizationdissolvedatdate concept_month_september +concept_magazine_more_people concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_more_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_more_women concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_mouse concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_n100_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n10_000_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n1_000_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n21_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n25_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n400_000_americans concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_n50_000_americans concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_national_geographic_magazine concept:companyeconomicsector concept_academicfield_media +concept_magazine_national_geographic_magazine concept:hasofficeincity concept_city_new_york +concept_magazine_national_geographic_magazine concept:headquarteredin concept_city_washington_d_c +concept_magazine_national_geographic_magazine concept:organizationheadquarteredincity concept_city_washington_d_c +concept_magazine_national_journal concept:companyeconomicsector concept_academicfield_media +concept_magazine_netapp concept:organizationhiredperson concept_person_dan_warmenhoven +concept_magazine_netapp concept:organizationterminatedperson concept_person_dan_warmenhoven +concept_magazine_netapp concept:subpartof concept_person_dan_warmenhoven +concept_magazine_next_day concept:proxyfor concept_book_new +concept_magazine_nine_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_numerous_people concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_older_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_one_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_online concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_oprah concept:companyeconomicsector concept_academicfield_media +concept_magazine_oprah concept:companyeconomicsector concept_academicfield_news +concept_magazine_orlando concept:proxyfor concept_book_new +concept_magazine_orlando concept:atlocation concept_city_florida +concept_magazine_orlando concept:proxyfor concept_city_florida +concept_magazine_orlando concept:subpartof concept_city_florida +concept_magazine_orlando concept:organizationhiredperson concept_coach_van_gundy +concept_magazine_orlando concept:atdate concept_dateliteral_n2008 +concept_magazine_orlando concept:atdate concept_year_n1998 +concept_magazine_parents concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_pc_users concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_magazine_picture concept:agentinvolvedwithitem concept_buildingfeature_home +concept_magazine_picture concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_picture concept:agentcreated concept_city_click +concept_magazine_picture concept:agentcompeteswithagent concept_personcanada_search +concept_magazine_picture concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_picture concept:agentinvolvedwithitem concept_software_browser +concept_magazine_picture concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_magazine_picture concept:agentcreated concept_website_download +concept_magazine_plans concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_plans concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_plans concept:agentcreated concept_programminglanguage_contact +concept_magazine_plans concept:subpartoforganization concept_terroristorganization_state +concept_magazine_playboy concept:organizationterminatedperson concept_ceo_hugh_hefner +concept_magazine_playboy concept:hasofficeincity concept_city_new_york +concept_magazine_poor_people concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_poor_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_print concept:subpartoforganization concept_newspaper_packet +concept_magazine_quarterback concept:organizationhiredperson concept_coach_mike_holmgren +concept_magazine_quicken_loans concept:mutualproxyfor concept_professor_dan_gilbert +concept_magazine_quicken_loans concept:organizationterminatedperson concept_professor_dan_gilbert +concept_magazine_readers_digest concept:atdate concept_date_n2000 +concept_magazine_real_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_rooms concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_rooms concept:subpartoforganization concept_terroristorganization_state +concept_magazine_salon concept:atdate concept_dateliteral_n2008 +concept_magazine_same_day concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_second_term concept:atdate concept_date_n2000 +concept_magazine_second_term concept:atdate concept_date_n2001 +concept_magazine_second_term concept:atdate concept_date_n2004 +concept_magazine_second_term concept:atdate concept_dateliteral_n2002 +concept_magazine_second_term concept:atdate concept_dateliteral_n2006 +concept_magazine_second_term concept:atdate concept_dateliteral_n2007 +concept_magazine_several_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_shopper concept:proxyfor concept_book_new +concept_magazine_sovremennik concept:latitudelongitude 52.6500000000000,49.6500000000000 +concept_magazine_sports_illustrated concept:headquarteredin concept_city_new_york +concept_magazine_stardust concept:atlocation concept_building_vegas +concept_magazine_stardust concept:subpartof concept_traditionalgame_vegas +concept_magazine_station concept:subpartoforganization concept_bank_clear_channel_communications +concept_magazine_station concept:agentcreated concept_programminglanguage_contact +concept_magazine_station concept:subpartoforganization concept_terroristorganization_state +concept_magazine_step concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_story concept:agentcompeteswithagent concept_university_search +concept_magazine_system concept:agentinvolvedwithitem concept_beverage_win +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_full_windows +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_genuine_windows +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_ms_windows +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_original_windows +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_standard_windows +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_system concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_magazine_system concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_system concept:subpartoforganization concept_governmentorganization_government +concept_magazine_system concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_magazine_system concept:agentinvolvedwithitem concept_product_nt +concept_magazine_system concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_magazine_system concept:agentinvolvedwithitem concept_tableitem_pc +concept_magazine_system concept:subpartoforganization concept_terroristorganization_state +concept_magazine_system concept:agentinvolvedwithitem concept_videogamesystem_microsoft_s_windows +concept_magazine_ten_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_the_atlantic_monthly concept:hasofficeincity concept_city_new_york +concept_magazine_the_boston_globe concept:companyeconomicsector concept_academicfield_media +concept_magazine_the_economist concept:hasofficeincity concept_city_new_york +concept_magazine_the_wall_street_journal concept:companyeconomicsector concept_academicfield_media +concept_magazine_the_wall_street_journal concept:companyeconomicsector concept_academicfield_news +concept_magazine_three_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_tickets concept:agentparticipatedinevent concept_sportsgame_finals +concept_magazine_tickets concept:agentparticipatedinevent concept_sportsgame_playoffs +concept_magazine_tickets concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_titles concept:agentcompeteswithagent concept_personcanada_search +concept_magazine_titles concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_tree concept:agentinvolvedwithitem concept_buildingfeature_window +concept_magazine_tree concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_tree concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_magazine_two_million_children concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_two_million_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_u_s__news___world_report concept:companyeconomicsector concept_academicfield_news +concept_magazine_usaa concept:companyeconomicsector concept_economicsector_financial_services +concept_magazine_vogue concept:headquarteredin concept_city_new_york +concept_magazine_weekend concept:organizationdissolvedatdate concept_month_september +concept_magazine_weekend concept:agentparticipatedinevent concept_sportsgame_series +concept_magazine_weekend concept:agentparticipatedinevent concept_sportsgame_series_race +concept_magazine_wide_angle concept:latitudelongitude 23.0244200000000,72.5073600000000 +concept_magazine_women concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_magazine_women concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_magazine_women concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_women concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_magazine_women concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_magazine_women concept:companyeconomicsector concept_economicsector_insurance +concept_magazine_women concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_women concept:organizationterminatedperson concept_scientist_no_ +concept_magazine_year_award concept:atdate concept_dateliteral_n2005 +concept_magazine_year_award concept:atdate concept_dateliteral_n2006 +concept_magazine_young_people concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_magazine_young_people concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_magazine_young_people concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_magazine_young_people concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_magazine_young_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_young_woman concept:agentparticipatedinevent concept_eventoutcome_result +concept_magazine_zillo concept:latitudelongitude 43.1299700000000,-92.1973950000000 +concept_male_abigail concept:parentofperson concept_personeurope_john_quincy_adams +concept_male_able concept:hassibling concept_male_cain +concept_male_abraham concept:persondiedatage 175 +concept_male_abraham concept:fatherofperson concept_coach_ismail +concept_male_abraham concept:personborninlocation concept_geopoliticallocation_jersey +concept_male_abraham concept:parentofperson concept_male_abram +concept_male_abraham concept:fatherofperson concept_male_ephron +concept_male_abraham concept:fatherofperson concept_male_isaac +concept_male_abraham concept:parentofperson concept_male_isaac +concept_male_abraham concept:fatherofperson concept_male_issac +concept_male_abraham concept:parentofperson concept_male_jacob +concept_male_abraham concept:parentofperson concept_male_jesus +concept_male_abraham concept:fatherofperson concept_male_midian +concept_male_abraham concept:parentofperson concept_male_noah +concept_male_abraham concept:fatherofperson concept_monarch_isaac_ +concept_male_abraham concept:fatherofperson concept_person_father001 +concept_male_abraham concept:parentofperson concept_person_ishmael +concept_male_abraham concept:hasspouse concept_person_keturah +concept_male_abraham concept:fatherofperson concept_person_leah +concept_male_abraham concept:fatherofperson concept_personaustralia_ismael +concept_male_abraham_lincoln concept:politicianrepresentslocation concept_country_united_states +concept_male_abraham_lincoln concept:politicianrepresentslocation concept_country_us +concept_male_abraham_lincoln concept:politicianrepresentslocation concept_geopoliticallocation_union +concept_male_abraham_lincoln concept:politicianholdsoffice concept_politicaloffice_legislature +concept_male_abraham_lincoln concept:politicianholdsoffice concept_politicaloffice_office +concept_male_abraham_lincoln concept:politicianusholdsoffice concept_politicaloffice_president +concept_male_abraham_lincoln concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_male_abraham_lincoln concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_male_abraham_lincoln concept:politicianrepresentslocation concept_stateorprovince_states +concept_male_abraham_lincoln001 concept:hasspouse concept_person_jennifer +concept_male_abram concept:haswife concept_female_hagar +concept_male_abram concept:fatherofperson concept_person_isaac +concept_male_abram concept:fatherofperson concept_person_ishmael +concept_male_abram concept:parentofperson concept_person_ishmael +concept_male_adam concept:persondiedatage 3 +concept_male_adam concept:fatherofperson concept_female_genesis +concept_male_adam concept:fatherofperson concept_male_cain +concept_male_adam concept:fatherofperson concept_male_seth +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_bass +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_drums +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_piano +concept_male_adam concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_male_adam concept:fatherofperson concept_person_garden +concept_male_adam concept:fatherofperson concept_person_garden_of_eden +concept_male_adam_west concept:actorstarredinmovie concept_movie_batman +concept_male_agamemnon concept:fatherofperson concept_male_orestes +concept_male_agamemnon concept:fatherofperson concept_person_iphigenia +concept_male_agamemnon concept:hassibling concept_person_menelaus +concept_male_ahaz concept:fatherofperson concept_person_hezekiah +concept_male_albert_cohen concept:agentcreated concept_book_belle_du_seigneur +concept_male_alessandro_baricco concept:agentcreated concept_movie_silk +concept_male_alessandro_manzoni concept:agentcreated concept_book_the_betrothed +concept_male_alex concept:persondiedatage 2 +concept_male_alex_archer concept:agentcreated concept_attraction_forbidden_city +concept_male_alex_archer concept:agentcreated concept_book_destiny +concept_male_alex_archer concept:agentcreated concept_book_footprints +concept_male_alex_archer concept:agentcreated concept_book_polar_quest +concept_male_alex_archer concept:agentcreated concept_book_sacred_ground +concept_male_alex_archer concept:agentcreated concept_book_secret_of_the_slaves +concept_male_alex_archer concept:agentcreated concept_book_swordsman_s_legacy +concept_male_alex_archer concept:agentcreated concept_book_the_chosen +concept_male_alex_archer concept:agentcreated concept_book_the_golden_elephant +concept_male_alex_archer concept:agentcreated concept_book_warrior_spirit +concept_male_alex_archer concept:agentcreated concept_musicalbum_paradox +concept_male_alex_archer concept:agentcreated concept_musicsong_sacrifice +concept_male_alex_archer concept:agentcreated concept_software_god_of_thunder +concept_male_alex_archer concept:agentcreated concept_winery_provenance +concept_male_alex_band concept:personbornincity concept_county_los_angeles_county +concept_male_alex_kapranos concept:musicianinmusicartist concept_musicartist_franz_ferdinand +concept_male_alex_lifeson concept:musicianinmusicartist concept_musicartist_rush +concept_male_alex_lifeson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_alex_pham concept:journalistwritesforpublication concept_newspaper_times +concept_male_alex_rodriguez concept:athleteplayssport concept_sport_baseball +concept_male_alex_rodriguez concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_alex_rodriguez concept:athleteledsportsteam concept_sportsteam_yankees +concept_male_alex_rodriguez concept:athleteplaysforteam concept_sportsteam_yankees +concept_male_alex_rodriguez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_alex_rodriguez concept:athleteplayssportsteamposition concept_sportsteamposition_infield +concept_male_alex_rodriguez concept:athleteplayssportsteamposition concept_sportsteamposition_third_base +concept_male_alex_rodriguez concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_male_alex_skolnick concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_alex_van_halen concept:musicianinmusicartist concept_musicartist_van_halen +concept_male_alex_white concept:personbelongstoorganization concept_company_north_carolina +concept_male_alex_young concept:hasspouse concept_female_kate_walsh +concept_male_alexis concept:personbornincity concept_city_york +concept_male_alexis concept:personborninlocation concept_city_york +concept_male_ali concept:fatherofperson concept_monarch_husayn +concept_male_ali concept:fatherofperson concept_person_hassan +concept_male_allen_iverson concept:athleteplayssport concept_sport_basketball +concept_male_allen_iverson concept:athleteplaysinleague concept_sportsleague_nba +concept_male_allen_iverson concept:athleteledsportsteam concept_sportsteam_nuggets +concept_male_allen_iverson concept:athleteplaysforteam concept_sportsteam_pistons +concept_male_american_university concept:atlocation concept_city_washington_d_c +concept_male_amram concept:fatherofperson concept_person_moses +concept_male_amram concept:parentofperson concept_person_moses +concept_male_anthony concept:persondiedatage 3 +concept_male_anthony_hopkins concept:actorstarredinmovie concept_movie_hannibal +concept_male_anthony_thompson concept:latitudelongitude 41.3128700000000,-72.9656600000000 +concept_male_antipater concept:fatherofperson concept_monarch_cassander +concept_male_antonio_banderas concept:actorstarredinmovie concept_movie_mask_of_zorro +concept_male_antonio_banderas concept:actorstarredinmovie concept_movie_zorro +concept_male_apollo concept:fatherofperson concept_female_asclepius +concept_male_archie_manning concept:fatherofperson concept_athlete_eli_manning +concept_male_arnold_schwarzenegger concept:actorstarredinmovie concept_movie_pumping_iron +concept_male_arnold_schwarzenegger concept:actorstarredinmovie concept_movie_terminator +concept_male_arnold_schwarzenegger concept:actorstarredinmovie concept_movie_true_lies +concept_male_arpachshad concept:parentofperson concept_male_shelah +concept_male_arphaxad concept:fatherofperson concept_male_cainan +concept_male_arphaxad concept:parentofperson concept_male_cainan +concept_male_arphaxad concept:fatherofperson concept_male_salah +concept_male_arphaxad concept:fatherofperson concept_male_shelah +concept_male_arphaxad concept:parentofperson concept_male_shelah +concept_male_arthur_miller concept:agentcreated concept_book_death_of_a_salesman +concept_male_arthur_miller concept:agentcreated concept_book_the_crucible +concept_male_avraham concept:fatherofperson concept_male_yitzchak +concept_male_avraham concept:fatherofperson concept_male_yitzchok +concept_male_barak concept:agentcollaborateswithagent concept_company_clinton +concept_male_beckel concept:latitudelongitude 52.5083300000000,9.5000000000000 +concept_male_bela_lugosi concept:actorstarredinmovie concept_movie_dracula +concept_male_ben_mills concept:latitudelongitude 42.4051700000000,-116.6779000000000 +concept_male_bernie_mac concept:persondiedatage 50 +concept_male_bethuel concept:parentofperson concept_male_rebekah +concept_male_bilhah concept:fatherofperson concept_journalist_dan +concept_male_bill_gates concept:agentcollaborateswithagent concept_politician_clinton +concept_male_billy_ray_cyrus concept:fatherofperson concept_person_miley_cyrus +concept_male_boaz concept:hasspouse concept_person_ruth +concept_male_bobby_bowden concept:worksfor concept_sportsteam_florida_state +concept_male_bobby_bowden concept:coachesteam concept_sportsteam_seminoles +concept_male_bobby_jones concept:persondiedincountry concept_country_england +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_babel +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_curious_case +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_curious_case_of_benjamin_button +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_fight_club +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_seven +concept_male_brad_pitt concept:actorstarredinmovie concept_movie_troy +concept_male_breakthroughs concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_brian_austin_green concept:hasspouse concept_person_megan_fox +concept_male_bryan_ferry concept:musicianinmusicartist concept_musicartist_roxy_music +concept_male_cain concept:fatherofperson concept_male_enoch +concept_male_cain concept:hassibling concept_writer_abel +concept_male_cainan concept:fatherofperson concept_male_mahalaleel +concept_male_camille_doncieux concept:haswife concept_female_monet +concept_male_campione concept:latitudelongitude 45.9139500000000,9.4158337500000 +concept_male_canaan concept:agentactsinlocation concept_lake_new +concept_male_casey_affleck concept:hasspouse concept_person_summer_phoenix +concept_male_cecil_fielder concept:fatherofperson concept_person_prince_fielder +concept_male_ceremonies concept:atdate concept_date_n2001 +concept_male_charles_bronson concept:actorstarredinmovie concept_movie_death_wish +concept_male_chris_eyre concept:directordirectedmovie concept_movie_smoke_signals +concept_male_chris_martin concept:haswife concept_celebrity_gwyneth_paltrow +concept_male_chris_martin concept:personbelongstoorganization concept_musicartist_coldplay +concept_male_chris_martin concept:hasspouse concept_person_gwyneth_paltrow +concept_male_chris_pratt concept:hasspouse concept_person_anna_faris +concept_male_christ_jesus concept:personhasjobposition concept_jobposition_lord +concept_male_christian_bale concept:actorstarredinmovie concept_movie_american_psycho +concept_male_christian_bale concept:actorstarredinmovie concept_movie_batman +concept_male_christian_bale concept:actorstarredinmovie concept_movie_batman_begins +concept_male_christian_bale concept:actorstarredinmovie concept_movie_dark_knight +concept_male_christian_bale concept:actorstarredinmovie concept_movie_rescue_dawn +concept_male_christian_bale concept:actorstarredinmovie concept_movie_terminator +concept_male_christian_bale concept:actorstarredinmovie concept_movie_the_dark_knight +concept_male_christopher_lee concept:actorstarredinmovie concept_movie_dracula +concept_male_christopher_walken concept:actorstarredinmovie concept_movie_sleepy_hollow +concept_male_coldplay concept:agentcollaborateswithagent concept_male_chris_martin +concept_male_colombia concept:agentbelongstoorganization concept_sportsleague_mls +concept_male_constantine concept:personhascitizenship concept_country_armenia +concept_male_constantine concept:personhascitizenship concept_country_scotland +concept_male_constantine concept:personhasjobposition concept_jobposition_king +concept_male_constantine concept:fatherofperson concept_person_crispus +concept_male_cornell concept:agentcontrols concept_person_noah_snavely +concept_male_cornell concept:personbelongstoorganization concept_politicalparty_college +concept_male_cornell concept:persongraduatedschool concept_university_college +concept_male_cornell concept:persongraduatedschool concept_university_law_school +concept_male_cousin concept:proxyfor concept_book_new +concept_male_daniel_craig concept:actorstarredinmovie concept_movie_casino_royale +concept_male_daniel_craig concept:actorstarredinmovie concept_movie_james_bond +concept_male_daniel_craig concept:actorstarredinmovie concept_movie_quantum_of_solace +concept_male_daniel_ewing concept:persondiedincountry concept_country_england +concept_male_daniel_ewing concept:athleteplaysinleague concept_sportsleague_nba +concept_male_daniel_ewing concept:athleteplaysforteam concept_sportsteam_raptors +concept_male_daniel_ewing concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_male_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_male_daniel_fernandez001 concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_male_danny_devito concept:haswife concept_personafrica_rhea_perlman +concept_male_danny_moder concept:haswife concept_female_julia_roberts +concept_male_danny_moder concept:fatherofperson concept_person_henry_daniel_moder +concept_male_danny_moder concept:fatherofperson concept_person_phinneaus_walter_moder +concept_male_danny_moder concept:hasspouse concept_personcanada_julia_roberts +concept_male_darren_aronofsky concept:directordirectedmovie concept_movie_requiem_for_a_dream +concept_male_darryl_strawberry concept:fatherofperson concept_person_d_j__strawberry +concept_male_darryl_strawberry concept:athleteplayssport concept_sport_baseball +concept_male_darryl_strawberry concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_darryl_strawberry concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_male_darryl_strawberry concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_darryl_strawberry concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_male_dave_wannstedt concept:worksfor concept_city_pittsburgh +concept_male_dave_wannstedt concept:worksfor concept_county_miami +concept_male_dave_wannstedt concept:coachesteam concept_sportsteam_florida_international +concept_male_dave_wannstedt concept:worksfor concept_sportsteam_florida_international +concept_male_david concept:persondiedatage 10 +concept_male_david concept:journalistwritesforpublication concept_blog_nytimes +concept_male_david concept:journalistwritesforpublication concept_company_dc +concept_male_david concept:journalistwritesforpublication concept_company_nyt +concept_male_david concept:journalistwritesforpublication concept_newspaper_la_times +concept_male_david concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_male_david concept:journalistwritesforpublication concept_newspaper_ny_times +concept_male_david concept:worksfor concept_newspaper_ny_times +concept_male_david concept:journalistwritesforpublication concept_newspaper_times +concept_male_david concept:fatherofperson concept_person_nathan +concept_male_david concept:fatherofperson concept_person_solomon +concept_male_david concept:journalistwritesforpublication concept_website_new_york_times +concept_male_david concept:worksfor concept_website_new_york_times +concept_male_david concept:journalistwritesforpublication concept_website_nyt_ +concept_male_david concept:journalistwritesforpublication concept_website_the_washington_times +concept_male_david_arquette concept:haswife concept_person_courteney_cox001 +concept_male_david_arquette concept:hasspouse concept_person_courtney_cox +concept_male_david_miller concept:personleadsorganization concept_biotechcompany_toronto +concept_male_david_miller concept:atlocation concept_city_toronto +concept_male_david_steele concept:worksfor concept_newspaper_baltimore_sun +concept_male_death concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_death concept:agentcollaborateswithagent concept_musician_chuck_schuldiner +concept_male_death concept:agentparticipatedinevent concept_sportsgame_results +concept_male_denzel_washington concept:actorstarredinmovie concept_movie_american_gangster +concept_male_denzel_washington concept:actorstarredinmovie concept_movie_bone_collector +concept_male_denzel_washington concept:actorstarredinmovie concept_movie_courage_under_fire +concept_male_denzel_washington concept:actorstarredinmovie concept_movie_the_bone_collector +concept_male_denzel_washington concept:actorstarredinmovie concept_movie_training_day +concept_male_dick_dale concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_discrimination concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_don_drysdale concept:athleteplayssport concept_sport_baseball +concept_male_don_drysdale concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_don_drysdale concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_doyle concept:personleadsorganization concept_biotechcompany_eolas +concept_male_dream concept:proxyfor concept_book_new +concept_male_dream concept:atdate concept_dateliteral_n2005 +concept_male_dream concept:istallerthan concept_publication_people_ +concept_male_earnhardt concept:hasspouse concept_person_jeff001 +concept_male_east concept:agentactsinlocation concept_building_america +concept_male_east concept:agentactsinlocation concept_building_years +concept_male_east concept:agentactsinlocation concept_shoppingmall_carolina +concept_male_eber concept:fatherofperson concept_male_peleg +concept_male_edwards concept:politicianrepresentslocation concept_landscapefeatures_states +concept_male_edwards concept:agentcollaborateswithagent concept_politicianus_barack +concept_male_eleazar concept:fatherofperson concept_personeurope_phinehas +concept_male_elisabeth concept:persongraduatedfromuniversity concept_university_college +concept_male_elliott concept:personbornincity concept_city_york +concept_male_elliott concept:personborninlocation concept_city_york +concept_male_elliott concept:persongraduatedfromuniversity concept_university_college +concept_male_elon concept:agentcollaborateswithagent concept_coach_pete_lembo +concept_male_emile_lahoud concept:personbornincity concept_city_baabdat +concept_male_emile_lahoud concept:fatherofperson concept_person_emile_emile_lahoud +concept_male_eminem concept:persondiedincountry concept_country_england +concept_male_eminem concept:actorstarredinmovie concept_movie_n8_mile +concept_male_end concept:agentcollaborateswithagent concept_politician_jobs +concept_male_end concept:agentcompeteswithagent concept_tradeunion_search +concept_male_engine concept:proxyfor concept_book_new +concept_male_engines concept:agentinvolvedwithitem concept_buildingfeature_home +concept_male_engines concept:agentcompeteswithagent concept_tradeunion_search +concept_male_enoch concept:fatherofperson concept_male_irad +concept_male_enoch concept:fatherofperson concept_male_methuselah +concept_male_enosh concept:fatherofperson concept_male_kenan +concept_male_eric_bana concept:actorstarredinmovie concept_movie_hulk +concept_male_eric_burdon concept:musicianinmusicartist concept_musicartist_the_animals +concept_male_ernest_hemingway concept:agentcreated concept_book_a_farewell_to_arms +concept_male_ernest_hemingway concept:agentcreated concept_book_a_moveable_feast +concept_male_ernest_hemingway concept:agentcreated concept_book_for_whom_the_bell_tolls +concept_male_ernest_hemingway concept:agentcreated concept_book_in_our_time +concept_male_ernest_hemingway concept:agentcreated concept_book_the_old_man_and_the_sea +concept_male_ernest_hemingway concept:agentcontributedtocreativework concept_book_the_snows_of_kilimanjaro_and_other_stories +concept_male_ernest_hemingway concept:agentcreated concept_book_the_sun_also_rises +concept_male_ernest_hemingway concept:agentcreated concept_book_to_have_and_have_not +concept_male_errol_flynn concept:actorstarredinmovie concept_movie_captain_blood +concept_male_esau concept:haswife concept_female_basemath +concept_male_esau concept:fatherofperson concept_male_eliphaz +concept_male_esau concept:fatherofperson concept_male_pharaoh +concept_male_esther concept:personhascitizenship concept_country_persia +concept_male_faculty concept:atdate concept_date_n1999 +concept_male_faculty concept:atdate concept_date_n2000 +concept_male_faculty concept:atdate concept_date_n2001 +concept_male_faculty concept:atdate concept_date_n2003 +concept_male_faculty concept:atdate concept_date_n2004 +concept_male_faculty concept:atdate concept_date_n2009 +concept_male_faculty concept:atdate concept_dateliteral_n2002 +concept_male_faculty concept:atdate concept_dateliteral_n2005 +concept_male_faculty concept:atdate concept_dateliteral_n2006 +concept_male_faculty concept:atdate concept_dateliteral_n2007 +concept_male_faculty concept:atdate concept_dateliteral_n2008 +concept_male_fault concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_fines concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_flagstad concept:latitudelongitude 60.8166700000000,11.0833300000000 +concept_male_francis_bellamy concept:latitudelongitude 39.8225400000000,-86.0008200000000 +concept_male_g_d concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_male_gemini concept:fatherofperson concept_actor_moon +concept_male_george concept:persondiedatage 2 +concept_male_george_c__scott concept:actorstarredinmovie concept_movie_patton +concept_male_gerald_ford concept:persondiedatage 93 +concept_male_gerald_ford concept:politicianrepresentslocation concept_country_u_s_ +concept_male_gerald_ford concept:politicianrepresentslocation concept_country_united_states +concept_male_gerald_ford concept:politicianrepresentslocation concept_country_us +concept_male_gerald_ford concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_male_gerald_ford concept:politicianholdsoffice concept_politicaloffice_office +concept_male_gerald_ford concept:politicianusholdsoffice concept_politicaloffice_president +concept_male_gerald_ford concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_male_gerald_ford concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_male_gerald_ford concept:politicianrepresentslocation concept_stateorprovince_states +concept_male_gerald_green concept:athleteplayssport concept_sport_basketball +concept_male_gerald_green concept:athleteledsportsteam concept_sportsteam_chicago_bulls +concept_male_gerald_green concept:athleteplaysforteam concept_sportsteam_chicago_bulls +concept_male_gerald_green concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_male_goat concept:agentcompeteswithagent concept_animal_animals001 +concept_male_google_news concept:agentcompeteswithagent concept_tradeunion_search +concept_male_gov__rod_blagojevich concept:agentactsinlocation concept_geopoliticalorganization_illinois +concept_male_gov__rod_blagojevich concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_male_governor_bill_richardson concept:politicianholdsoffice concept_politicaloffice_senator +concept_male_governor_knowles concept:latitudelongitude 45.9249500000000,-92.5835300000000 +concept_male_governor_richardson concept:politicianholdsoffice concept_politicaloffice_senator +concept_male_governor_rod_blagojevich concept:agentactsinlocation concept_geopoliticalorganization_illinois +concept_male_governor_rod_blagojevich concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_male_greg_lake concept:latitudelongitude 32.5531900000000,-85.4857800000000 +concept_male_guy_ritchie concept:directordirectedmovie concept_movie_sherlock_holmes +concept_male_guy_ritchie concept:directordirectedmovie concept_movie_snatch +concept_male_gym_class_heroes concept:agentcollaborateswithagent concept_athlete_travis_mccoy +concept_male_haley_joel_osment concept:actorstarredinmovie concept_movie_the_sixth_sense +concept_male_halonen concept:latitudelongitude 66.0111100000000,26.6638883333333 +concept_male_hank_williams concept:personbornincity concept_city_mount_olive_west +concept_male_hank_williams concept:fatherofperson concept_male_hank_williams_jr_ +concept_male_hank_williams concept:agentcollaborateswithagent concept_person_john001 +concept_male_hank_williams_jr_ concept:fatherofperson concept_female_katie_williams +concept_male_haran concept:fatherofperson concept_male_lot +concept_male_haran concept:parentofperson concept_male_lot +concept_male_harivansh_rai_bachchan concept:fatherofperson concept_monarch_amitabh_bachchan +concept_male_harrison_ford concept:actorstarredinmovie concept_movie_firewall +concept_male_harrison_ford concept:actorstarredinmovie concept_movie_hollywood_homicide +concept_male_harrison_ford concept:actorstarredinmovie concept_movie_indiana_jones +concept_male_harrison_ford concept:actorstarredinmovie concept_movie_last_crusade +concept_male_harrison_ford concept:actorstarredinmovie concept_movie_star_wars +concept_male_heath_ledger concept:persondiedatage 28 +concept_male_heath_ledger concept:actorstarredinmovie concept_movie_batman +concept_male_heath_ledger concept:actorstarredinmovie concept_movie_brokeback_mountain +concept_male_heath_ledger concept:actorstarredinmovie concept_movie_dark_knight +concept_male_heath_ledger concept:actorstarredinmovie concept_movie_the_dark_knight +concept_male_history concept:agentcompeteswithagent concept_astronaut_text +concept_male_history concept:proxyfor concept_book_new +concept_male_history concept:atdate concept_date_n1999 +concept_male_history concept:atdate concept_date_n2001 +concept_male_history concept:atdate concept_date_n2003 +concept_male_history concept:atdate concept_date_n2004 +concept_male_history concept:atdate concept_dateliteral_n2002 +concept_male_history concept:atdate concept_dateliteral_n2005 +concept_male_history concept:atdate concept_dateliteral_n2006 +concept_male_history concept:atdate concept_dateliteral_n2007 +concept_male_history concept:atdate concept_dateliteral_n2008 +concept_male_history concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_history concept:istallerthan concept_publication_people_ +concept_male_history concept:agentparticipatedinevent concept_sportsgame_series +concept_male_history concept:agentcompeteswithagent concept_tradeunion_article +concept_male_history concept:agentcompeteswithagent concept_tradeunion_search +concept_male_history concept:atdate concept_year_n1997 +concept_male_ideas concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_ideas concept:agentcreated concept_movie_click +concept_male_ideas concept:agentcreated concept_movie_contact +concept_male_irad concept:fatherofperson concept_male_mehujael +concept_male_isaac concept:persondiedatage 180 +concept_male_isaac concept:athleteinjuredhisbodypart concept_bodypart_face +concept_male_isaac concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_male_isaac concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_male_isaac concept:fatherofperson concept_male_esau +concept_male_isaac concept:athleteinjuredhisbodypart concept_nerve_hand +concept_male_izhak concept:latitudelongitude 54.3500000000000,128.9000000000000 +concept_male_jack_leonard concept:journalistwritesforpublication concept_newspaper_times +concept_male_jacob concept:persondiedatage 6 +concept_male_jacob concept:personbornincity concept_city_york +concept_male_jacob concept:personborninlocation concept_county_york_city +concept_male_jacob concept:fatherofperson concept_male_david +concept_male_jacob concept:hassibling concept_male_esau +concept_male_jacob concept:fatherofperson concept_male_judah +concept_male_jacob concept:fatherofperson concept_male_laban +concept_male_jacob concept:parentofperson concept_male_laban +concept_male_jacob concept:fatherofperson concept_male_rebekah +concept_male_jacob concept:parentofperson concept_male_yahweh +concept_male_jacob concept:fatherofperson concept_person_dinah +concept_male_jacob concept:parentofperson concept_person_joseph +concept_male_jacob concept:fatherofperson concept_person_joseph001 +concept_male_jacob concept:fatherofperson concept_person_lord +concept_male_jacob concept:parentofperson concept_person_lord +concept_male_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_male_james_dean concept:actorstarredinmovie concept_movie_giant +concept_male_james_dean concept:actorstarredinmovie concept_movie_rebel_without_a_cause +concept_male_james_polk concept:politicianrepresentslocation concept_country_united_states +concept_male_jamie_foxx concept:actorstarredinmovie concept_movie_any_given_sunday +concept_male_jamie_foxx concept:actorstarredinmovie concept_movie_collateral +concept_male_jamie_foxx concept:actorstarredinmovie concept_movie_dreamgirls +concept_male_jamie_foxx concept:actorstarredinmovie concept_movie_kingdom +concept_male_japheth concept:fatherofperson concept_person_gomer +concept_male_jason_statham concept:actorstarredinmovie concept_movie_crank +concept_male_javier_bardem concept:haswife concept_actor_penelope_cruz +concept_male_javier_bardem concept:hasspouse concept_person_penelope_cruz +concept_male_jehovah_god concept:fatherofperson concept_male_jesus_christ +concept_male_jehovah_god concept:parentofperson concept_male_jesus_christ +concept_male_jennifer_granholm concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_male_jennifer_grey concept:actorstarredinmovie concept_movie_dirty_dancing +concept_male_jermaine_dye concept:athleteplayssport concept_sport_baseball +concept_male_jermaine_dye concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_jermaine_dye concept:athleteledsportsteam concept_sportsteam_white_sox +concept_male_jermaine_dye concept:athleteplaysforteam concept_sportsteam_white_sox +concept_male_jesus concept:persondiedatage 19 +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_head +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_king +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_lord +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_lord_god +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_prophet +concept_male_jesus_christ concept:personhasjobposition concept_jobposition_teacher +concept_male_jesus_christ concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_male_jesus_christ_ concept:personhasjobposition concept_jobposition_lord +concept_male_jesus_the_messiah concept:personhasjobposition concept_jobposition_lord +concept_male_jfk concept:personborninlocation concept_city_york +concept_male_jfk concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_male_jfk concept:politicianholdsoffice concept_politicaloffice_office +concept_male_jfk concept:politicianusholdsoffice concept_politicaloffice_president +concept_male_jfk concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_male_joakim_noah concept:athleteplayssport concept_sport_basketball +concept_male_joakim_noah concept:athleteplaysinleague concept_sportsleague_nba +concept_male_joakim_noah concept:athleteplaysforteam concept_sportsteam_chicago_bulls +concept_male_joakim_noah concept:athletehomestadium concept_stadiumoreventvenue_united_center +concept_male_jodie_sweetin concept:hasspouse concept_person_cody_herpin +concept_male_john_adams concept:fatherofperson concept_personeurope_john_quincy_adams +concept_male_john_cabot concept:fatherofperson concept_monarch_sebastian +concept_male_john_carradine concept:actorstarredinmovie concept_movie_dracula +concept_male_john_connally concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_male_john_f__kennedy concept:agentcontrols concept_hotel_white +concept_male_john_foster concept:athleteplayssport concept_sport_baseball +concept_male_john_henderson concept:journalistwritesforpublication concept_website_tampa_tribune +concept_male_john_hendricks concept:topmemberoforganization concept_magazine_discovery +concept_male_john_hendricks concept:worksfor concept_magazine_discovery +concept_male_john_thompson_iii concept:worksfor concept_city_georgetown +concept_male_johnny_weissmuller concept:actorstarredinmovie concept_movie_tarzan +concept_male_jon_favreau concept:actorstarredinmovie concept_movie_iron_man +concept_male_jon_miller concept:ceoof concept_company_aol +concept_male_jonathan_capehart concept:worksfor concept_website_washington_post +concept_male_jorge_luis_borges concept:agentcreated concept_book_ficciones +concept_male_jorge_luis_borges concept:agentcreated concept_book_labyrinths +concept_male_jorge_luis_borges concept:agentcontributedtocreativework concept_book_the_book_of_sand +concept_male_joshua concept:persondiedatage 110 +concept_male_joshua concept:personborninlocation concept_city_york +concept_male_joshua concept:hassibling concept_person_aaron +concept_male_joshua_jackson concept:haswife concept_celebrity_diane_kruger +concept_male_judah concept:fatherofperson concept_male_pharez +concept_male_judah concept:fatherofperson concept_writer_perez +concept_male_katherine_mansfield concept:agentcreated concept_book_the_garden_party +concept_male_kelly_preston concept:hasspouse concept_personcanada_john_travolta +concept_male_kenan concept:fatherofperson concept_male_mahalalel +concept_male_kenneth_branagh concept:directordirectedmovie concept_movie_hamlet +concept_male_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_male_kenny_chesney concept:haswife concept_female_renee_zellweger +concept_male_kenny_chesney concept:hasspouse concept_person_renee_zellweger +concept_male_kenosha concept:proxyfor concept_politicaloffice_wisconsin +concept_male_kenosha concept:subpartof concept_politicaloffice_wisconsin +concept_male_kevin_garnett concept:athleteplayssport concept_sport_basketball +concept_male_kevin_garnett concept:athleteplaysinleague concept_sportsleague_nba +concept_male_kevin_garnett concept:athleteledsportsteam concept_sportsteam_minnesota_timberwolves +concept_male_kevin_garnett concept:athleteplaysforteam concept_sportsteam_minnesota_timberwolves +concept_male_kevin_garnett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_kevin_garnett concept:athletehomestadium concept_stadiumoreventvenue_td_banknorth_garden +concept_male_king_david concept:agentcontributedtocreativework concept_book_psalm +concept_male_king_david concept:personhasjobposition concept_jobposition_king +concept_male_king_david concept:fatherofperson concept_male_king_solomon +concept_male_king_david concept:fatherofperson concept_male_solomon +concept_male_king_david concept:parentofperson concept_person_solomon +concept_male_king_solomon concept:personhascitizenship concept_country_israel +concept_male_king_solomon concept:personhasjobposition concept_jobposition_king +concept_male_kodak concept:agentcollaborateswithagent concept_personus_george_eastman +concept_male_krashen concept:latitudelongitude 40.8666700000000,43.9500000000000 +concept_male_laban concept:fatherofperson concept_male_abram +concept_male_laban concept:fatherofperson concept_male_jacob +concept_male_laban concept:parentofperson concept_male_jacob +concept_male_laban concept:fatherofperson concept_person_joseph003 +concept_male_laban concept:fatherofperson concept_person_rachel +concept_male_lamech concept:fatherofperson concept_male_noah +concept_male_lamech concept:parentofperson concept_male_noah +concept_male_last_adam concept:parentofperson concept_person_jesus +concept_male_last_day concept:proxyfor concept_book_new +concept_male_lauren_jackson concept:athleteplaysforteam concept_sportsteam_seattle_storm +concept_male_lenny_kravitz concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_leo concept:personbornincity concept_city_york +concept_male_leo concept:personborninlocation concept_city_york +concept_male_leo concept:personhascitizenship concept_country_armenia +concept_male_leo concept:fatherofperson concept_male_sun +concept_male_lorraine_hansberry concept:agentcontributedtocreativework concept_book_a_raisin_in_the_sun +concept_male_lorraine_hansberry concept:agentcreated concept_book_a_raisin_in_the_sun +concept_male_lotus concept:agentcollaborateswithagent concept_scientist_mitch_kapor +concept_male_lou_brock concept:personleadsorganization concept_sportsteam_tampa_bay_devil_rays +concept_male_lou_ferrigno concept:actorstarredinmovie concept_movie_hulk +concept_male_lowell concept:persondiedincountry concept_country_england +concept_male_mahalaleel concept:fatherofperson concept_personaustralia_jared +concept_male_mahalaleel concept:parentofperson concept_personaustralia_jared +concept_male_malcolm_walker concept:personleadsorganization concept_island_iceland +concept_male_malcolm_walker concept:worksfor concept_island_iceland +concept_male_mandate concept:atdate concept_date_n2004 +concept_male_mandate concept:atdate concept_date_n2009 +concept_male_mandate concept:atdate concept_dateliteral_n2002 +concept_male_mandate concept:atdate concept_dateliteral_n2006 +concept_male_mandate concept:atdate concept_dateliteral_n2008 +concept_male_mandate concept:atdate concept_year_n1998 +concept_male_mandela concept:personchargedwithcrime concept_crimeorcharge_treason +concept_male_marc_anthony concept:hasspouse concept_comedian_jennifer_lopez +concept_male_marc_anthony concept:haswife concept_female_j_lo +concept_male_marcel_pagnol concept:agentcreated concept_personafrica_manon_des_sources +concept_male_marcus_garvey concept:personchargedwithcrime concept_crimeorcharge_mail_fraud +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_godfather +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_on_the_waterfront +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_the_godfather +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_the_wild +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_the_wild_one +concept_male_marlon_brando concept:actorstarredinmovie concept_movie_wild_one +concept_male_martin_lawrence concept:actorstarredinmovie concept_movie_bad_boys +concept_male_matthew_knowles concept:fatherofperson concept_person_beyonce +concept_male_maximian concept:fatherofperson concept_monarch_maxentius +concept_male_mazda concept:agentcreated concept_book_tribute +concept_male_mehujael concept:fatherofperson concept_male_methushael +concept_male_mel_stottlemyre concept:fatherofperson concept_person_todd_stottlemyre +concept_male_methuselah concept:fatherofperson concept_male_lamech +concept_male_methuselah concept:parentofperson concept_male_lamech +concept_male_michael concept:persondiedatage 3 +concept_male_michael_barrett concept:athleteplayssport concept_sport_baseball +concept_male_michael_barrett concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_michael_barrett concept:athleteplaysforteam concept_sportsteam_padres +concept_male_michael_barrett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_michael_douglas concept:actorstarredinmovie concept_movie_wall_street +concept_male_michael_douglas concept:haswife concept_person_catherine001 +concept_male_michael_hutchence concept:hasspouse concept_celebrity_paula_yates +concept_male_michael_jackson concept:personchargedwithcrime concept_crimeorcharge_molestation +concept_male_michael_jackson concept:synonymfor concept_everypromotedthing__king_of_pop +concept_male_michael_jackson concept:hasspouse concept_person_debbie_rowe +concept_male_michael_jackson concept:synonymfor concept_person_king_of_pop +concept_male_michael_keaton concept:actorstarredinmovie concept_movie_batman +concept_male_mike_stanton concept:athleteplayssport concept_sport_baseball +concept_male_mike_stanton concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_mike_stanton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_misery concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_mittal concept:mutualproxyfor concept_ceo_lakshmi_mittal +concept_male_morganton concept:proxyfor concept_creditunion_north_carolina +concept_male_moses concept:persondiedatage 120 +concept_male_moses concept:agentcontributedtocreativework concept_book_law +concept_male_moses concept:fatherofperson concept_male_reuben +concept_male_motilal_nehru concept:fatherofperson concept_personus_jawaharlal_nehru +concept_male_myths concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_nahor concept:fatherofperson concept_male_bethuel +concept_male_nahor concept:fatherofperson concept_male_terah +concept_male_nat_king_cole concept:fatherofperson concept_actor_natalie_cole +concept_male_negotiations concept:atdate concept_date_n1996 +concept_male_negotiations concept:atdate concept_date_n1999 +concept_male_negotiations concept:atdate concept_date_n2000 +concept_male_negotiations concept:atdate concept_date_n2001 +concept_male_negotiations concept:atdate concept_date_n2003 +concept_male_negotiations concept:atdate concept_date_n2004 +concept_male_negotiations concept:atdate concept_year_n1997 +concept_male_nick_drake concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_male_nick_lachey concept:hasspouse concept_person_jessica_simpson +concept_male_nick_lachey concept:haswife concept_personcanada_jessica_simpson +concept_male_noah concept:persondiedatage 950 +concept_male_noah concept:personbornincity concept_city_york +concept_male_noah concept:personborninlocation concept_city_york +concept_male_noah concept:fatherofperson concept_male_japheth +concept_male_noah concept:fatherofperson concept_male_shem +concept_male_noah concept:parentofperson concept_male_shem +concept_male_noon concept:proxyfor concept_book_new +concept_male_notre_dame concept:agentactsinlocation concept_city_beirut +concept_male_notre_dame concept:agentcollaborateswithagent concept_coach_charlie_weis +concept_male_notre_dame concept:agentcontrols concept_coach_charlie_weis +concept_male_notre_dame concept:agentcontrols concept_coach_tyrone_willingham +concept_male_notre_dame concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_male_obed concept:fatherofperson concept_criminal_jesse +concept_male_obed concept:fatherofperson concept_person_jehu +concept_male_oct concept:atdate concept_date_meeting +concept_male_odysseus concept:hasspouse concept_person_circe +concept_male_offense concept:proxyfor concept_book_new +concept_male_okamoto concept:latitudelongitude 35.0416650000000,139.8333300000000 +concept_male_orson_welles concept:directordirectedmovie concept_movie_citizen_kane +concept_male_paul_newman concept:persondiedatage 83 +concept_male_paul_newman concept:actorstarredinmovie concept_movie_cool_hand_luke +concept_male_paul_newman concept:actorstarredinmovie concept_movie_hud +concept_male_peleg concept:fatherofperson concept_male_reu +concept_male_peleg concept:fatherofperson concept_male_reu_two +concept_male_peleg concept:parentofperson concept_male_reu_two +concept_male_pharez concept:fatherofperson concept_male_hezron +concept_male_philosophy concept:proxyfor concept_book_new +concept_male_philosophy concept:atdate concept_dateliteral_n2005 +concept_male_philosophy concept:istallerthan concept_publication_people_ +concept_male_picture concept:agentcreated concept_book_print +concept_male_pierce_brosnan concept:actorstarredinmovie concept_movie_goldeneye +concept_male_pierce_brosnan concept:actorstarredinmovie concept_movie_the_thomas_crown_affair +concept_male_pierce_brosnan concept:actorstarredinmovie concept_movie_thomas_crown_affair +concept_male_president_arthur concept:latitudelongitude 44.8317100000000,-72.8037400000000 +concept_male_president_jackson concept:latitudelongitude 42.5500000000000,-127.8000000000000 +concept_male_prithviraj_kapoor concept:fatherofperson concept_personnorthamerica_raj_kapoor +concept_male_rally concept:agentcontrols concept_person_mugabe +concept_male_randall_jarrell concept:agentcreated concept_book_pictures_from_an_institution +concept_male_raul concept:hassibling concept_actor_fidel_castro +concept_male_rebekah concept:hashusband concept_male_isaac +concept_male_reu concept:fatherofperson concept_male_serug +concept_male_richard_jefferson concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_male_richard_jefferson concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_male_richard_jefferson concept:persondiedincountry concept_country_england +concept_male_richard_jefferson concept:athleteplayssport concept_sport_football +concept_male_richard_jefferson concept:athleteplaysinleague concept_sportsleague_nfl +concept_male_richard_jefferson concept:athleteplaysforteam concept_sportsteam_kansas_city_chiefs +concept_male_richard_jefferson concept:coachesteam concept_sportsteam_new_jersey_nets +concept_male_richard_jefferson concept:athleteledsportsteam concept_sportsteam_rams +concept_male_richard_kelly concept:directordirectedmovie concept_movie_donnie_darko +concept_male_richard_kelly concept:directordirectedmovie concept_movie_southland_tales +concept_male_richard_massey concept:latitudelongitude 32.7301300000000,-87.6883400000000 +concept_male_robert_pattinson concept:actorstarredinmovie concept_movie_twilight +concept_male_robert_pattinson concept:hasspouse concept_personcanada_kristen_stewart +concept_male_robin_williams concept:actorstarredinmovie concept_movie_good_will_hunting +concept_male_robin_williams concept:actorstarredinmovie concept_movie_hook +concept_male_robin_williams concept:actorstarredinmovie concept_movie_patch_adams +concept_male_robin_williams concept:agentcontributedtocreativework concept_movie_the_fisher_king +concept_male_roger_moore concept:actorstarredinmovie concept_movie_james_bond +concept_male_roger_moore concept:actorstarredinmovie concept_movie_octopussy +concept_male_ronald_reagan concept:hasspouse concept_comedian_jane_wyman +concept_male_roy_scheider concept:actorstarredinmovie concept_movie_jaws +concept_male_rush_university concept:atlocation concept_county_chicago +concept_male_russia concept:proxyfor concept_book_new +concept_male_russia concept:atdate concept_date_n1993 +concept_male_russia concept:atdate concept_date_n1996 +concept_male_russia concept:atdate concept_date_n1999 +concept_male_russia concept:atdate concept_date_n2000 +concept_male_russia concept:atdate concept_date_n2001 +concept_male_russia concept:atdate concept_date_n2003 +concept_male_russia concept:atdate concept_date_n2004 +concept_male_russia concept:atdate concept_date_n2009 +concept_male_russia concept:atdate concept_dateliteral_n1812 +concept_male_russia concept:atdate concept_dateliteral_n1945 +concept_male_russia concept:atdate concept_dateliteral_n2008 +concept_male_russia concept:synonymfor concept_insect_ussr +concept_male_russia concept:synonymfor concept_politicalparty_republic +concept_male_russia concept:agentparticipatedinevent concept_sportsgame_championship +concept_male_russia concept:subpartof concept_vehicle_countries +concept_male_russia concept:synonymfor concept_weapon_soviet_union +concept_male_russia concept:atdate concept_year_n1919 +concept_male_russia concept:atdate concept_year_n1920 +concept_male_russia concept:atdate concept_year_n1991 +concept_male_russia concept:atdate concept_year_n1992 +concept_male_russia concept:atdate concept_year_n1994 +concept_male_russia concept:atdate concept_year_n1995 +concept_male_russia concept:atdate concept_year_n1997 +concept_male_russia concept:atdate concept_year_n1998 +concept_male_ruth concept:fatherofperson concept_male_obed +concept_male_ryan_gosling concept:actorstarredinmovie concept_movie_half_nelson +concept_male_ryan_gosling concept:actorstarredinmovie concept_movie_notebook +concept_male_ryan_gosling concept:actorstarredinmovie concept_movie_the_notebook +concept_male_ryan_phillippe concept:haswife concept_female_reese_witherspoon +concept_male_ryan_phillippe concept:actorstarredinmovie concept_movie_cruel_intentions +concept_male_ryan_phillippe concept:hasspouse concept_person_abbie_cornish +concept_male_sacha_baron_cohen concept:actorstarredinmovie concept_movie_borat +concept_male_salah concept:fatherofperson concept_male_eber +concept_male_salah concept:parentofperson concept_male_eber +concept_male_sam_cassell concept:persondiedincountry concept_country_england +concept_male_satan concept:fatherofperson concept_person_eden +concept_male_satan concept:hasspouse concept_personnorthamerica_eve +concept_male_saturn concept:persondiedincountry concept_country_england +concept_male_saturn concept:fatherofperson concept_male_uranus +concept_male_sean_penn concept:haswife concept_female_madona +concept_male_sean_penn concept:actorstarredinmovie concept_movie_dead_man_walking +concept_male_sean_penn concept:actorstarredinmovie concept_movie_mystic_river +concept_male_second_adam concept:parentofperson concept_person_jesus +concept_male_serug concept:fatherofperson concept_male_nahor +concept_male_serug concept:parentofperson concept_male_nahor +concept_male_seth concept:fatherofperson concept_male_enos +concept_male_seth concept:fatherofperson concept_male_enosh +concept_male_seth concept:persongraduatedfromuniversity concept_university_college +concept_male_seven concept:proxyfor concept_book_new +concept_male_seven concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_shelah concept:fatherofperson concept_male_eber_four +concept_male_shelah concept:fatherofperson concept_male_eber_four_hundred +concept_male_shem concept:fatherofperson concept_male_arpachshad +concept_male_shem concept:fatherofperson concept_male_arphaxad +concept_male_shia_labeouf concept:actorstarredinmovie concept_movie_eagle_eye +concept_male_shu concept:fatherofperson concept_person_geb +concept_male_sin concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_male_sir_walter_raleigh concept:personchargedwithcrime concept_crimeorcharge_treason +concept_male_solomon concept:agentcontributedtocreativework concept_book_psalms +concept_male_solomon concept:personhascitizenship concept_country_israel +concept_male_son concept:parentofperson concept_female_mary +concept_male_son concept:personhasjobposition concept_jobposition_lord +concept_male_son concept:parentofperson concept_male_christ_jesus +concept_male_son concept:parentofperson concept_male_jesus +concept_male_son concept:parentofperson concept_person_david003 +concept_male_son concept:parentofperson concept_person_joseph +concept_male_son_isaac concept:parentofperson concept_male_jacob +concept_male_spencer_pratt concept:hasspouse concept_person_heidi_montag +concept_male_stephen concept:worksfor concept_company_apple002 +concept_male_steve_garvey concept:athleteplayssport concept_sport_baseball +concept_male_steve_garvey concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_steve_garvey concept:athleteplaysforteam concept_sportsteam_los_angeles_dodgers +concept_male_steve_garvey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_steve_mcqueen concept:actorstarredinmovie concept_movie_bullitt +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_amistad +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_close_encounters +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_empire_of_the_sun +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_extra_terrestrial +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_hook +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_jaws +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_jurassic_park +concept_male_steven_spielberg concept:directordirectedmovie concept_movie_lost_ark +concept_male_student concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_sukarno concept:fatherofperson concept_person_megawati_sukarnoputri +concept_male_sun concept:agentcollaborateswithagent concept_actor_scott_mcnealy +concept_male_sun concept:agentcontrols concept_actor_scott_mcnealy +concept_male_sun concept:agentactsinlocation concept_city_washington_d_c +concept_male_sun concept:agentcreated concept_musicalbum_solaris +concept_male_sun concept:parentofperson concept_person_jesus +concept_male_sun concept:agentcollaborateswithagent concept_personafrica_jonathan_schwartz +concept_male_sun concept:agentcontrols concept_personafrica_jonathan_schwartz +concept_male_sun concept:agentactsinlocation concept_stateorprovince_new_york +concept_male_sun concept:agentinvolvedwithitem concept_videogame_solaris +concept_male_sun concept:agentcontrols concept_videogame_staroffice +concept_male_sunil_dutt concept:fatherofperson concept_personasia_sanjay_dutt +concept_male_ted_turner concept:hasspouse concept_actor_jane_fonda +concept_male_tent concept:subpartof concept_weatherphenomenon_air +concept_male_terah concept:parentofperson concept_male_abraham +concept_male_terah concept:parentofperson concept_male_abram +concept_male_terah concept:fatherofperson concept_male_haran +concept_male_terry_gilliam concept:directordirectedmovie concept_movie_twelve_monkeys +concept_male_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_male_thor concept:fatherofperson concept_person_thrud +concept_male_thornton_wilder concept:agentcontributedtocreativework concept_book_our_town +concept_male_thornton_wilder concept:agentcreated concept_book_our_town +concept_male_thornton_wilder concept:agentcontributedtocreativework concept_book_the_bridge_of_san_luis_rey +concept_male_thornton_wilder concept:agentcreated concept_book_the_bridge_of_san_luis_rey +concept_male_thoth concept:haswife concept_female_maat +concept_male_tim_russert concept:persondiedatage 58 +concept_male_tim_thomas concept:persondiedincountry concept_country_england +concept_male_tom_bradley concept:personleadsgeopoliticalorganization concept_county_los_angeles_county +concept_male_tony_jackson concept:journalistwritesforpublication concept_company_daily_news001 +concept_male_travis concept:persondiedatage 2 +concept_male_travis concept:personhascitizenship concept_country_england +concept_male_travis concept:personhascitizenship concept_country_ireland +concept_male_travis concept:personhascitizenship concept_country_luxembourg +concept_male_travis concept:haswife concept_female_anne_of_cleves +concept_male_uncle concept:proxyfor concept_book_new +concept_male_uranus concept:fatherofperson concept_scientist_saturn +concept_male_uranus concept:parentofperson concept_scientist_saturn +concept_male_user concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_user concept:agentcompeteswithagent concept_tradeunion_search +concept_male_values concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_volvo concept:agentcreated concept_automobilemodel_s70 +concept_male_volvo concept:agentinvolvedwithitem concept_automobilemodel_s70 +concept_male_volvo concept:agentcollaborateswithagent concept_ceo_leif_johansson +concept_male_volvo concept:mutualproxyfor concept_ceo_leif_johansson +concept_male_volvo concept:subpartof concept_nongovorganization_ford_motor_company +concept_male_wes_bentley concept:actorstarredinmovie concept_movie_american_beauty +concept_male_wilhelm concept:personhascitizenship concept_country_prussia +concept_male_will_ferrell concept:actorstarredinmovie concept_movie_anchorman +concept_male_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_male_willie_aames concept:personbornincity concept_county_los_angeles_county +concept_male_winona_ryder concept:personchargedwithcrime concept_crimeorcharge_shoplifting +concept_male_world concept:agentcontrols concept_candy_john +concept_male_world concept:agentcollaborateswithagent concept_city_number +concept_male_world concept:agentcontrols concept_city_number +concept_male_world concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_world concept:agentcollaborateswithagent concept_journalist_dan +concept_male_world concept:agentcontrols concept_museum_steve +concept_male_world concept:agentcollaborateswithagent concept_newspaper_jane +concept_male_world concept:agentcollaborateswithagent concept_person_andrew001 +concept_male_world concept:agentcollaborateswithagent concept_person_fred +concept_male_world concept:agentcollaborateswithagent concept_person_greg001 +concept_male_world concept:agentcontrols concept_person_greg001 +concept_male_world concept:agentcollaborateswithagent concept_person_john001 +concept_male_world concept:agentcontrols concept_person_kevin +concept_male_world concept:agentcollaborateswithagent concept_person_kevin001 +concept_male_world concept:agentcollaborateswithagent concept_person_man +concept_male_world concept:agentcollaborateswithagent concept_person_mark001 +concept_male_world concept:agentcollaborateswithagent concept_person_michael002 +concept_male_world concept:agentcollaborateswithagent concept_person_stephen +concept_male_world concept:agentcollaborateswithagent concept_politician_james +concept_male_world concept:agentcollaborateswithagent concept_politician_jobs +concept_male_world concept:agentcollaborateswithagent concept_politicianus_jim +concept_male_world concept:agentcollaborateswithagent concept_stateorprovince_author +concept_male_world concept:agentcontrols concept_website_bill +concept_male_xerces concept:haswife concept_female_amestris +concept_male_yahshua concept:personhasjobposition concept_jobposition_lord +concept_male_yahweh concept:persondiedatage 14 +concept_male_yahweh concept:haswife concept_female_asherah +concept_male_yahweh concept:personhasjobposition concept_jobposition_king +concept_male_yahweh concept:personhasjobposition concept_jobposition_lord +concept_male_yahweh concept:fatherofperson concept_male_yahshua +concept_male_yahweh concept:fatherofperson concept_male_yeshua +concept_male_yahweh concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_male_yahweh concept:parentofperson concept_person_jesus +concept_male_years concept:agentactsinlocation concept_airport_gold +concept_male_years concept:agentactsinlocation concept_building_west +concept_male_years concept:agentactsinlocation concept_city_central +concept_male_years concept:agentactsinlocation concept_city_e_ +concept_male_years concept:agentactsinlocation concept_city_native_south +concept_male_years concept:agentactsinlocation concept_city_pacific +concept_male_years concept:agentactsinlocation concept_city_se +concept_male_years concept:agentactsinlocation concept_city_southeast +concept_male_years concept:agentactsinlocation concept_city_tampa_bay +concept_male_years concept:agentactsinlocation concept_country_south_west +concept_male_years concept:agentactsinlocation concept_county_cape +concept_male_years concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_male_years concept:agentparticipatedinevent concept_eventoutcome_result +concept_male_years concept:agentactsinlocation concept_geopoliticallocation_holland +concept_male_years concept:agentactsinlocation concept_geopoliticallocation_miss +concept_male_years concept:agentactsinlocation concept_geopoliticallocation_north_central +concept_male_years concept:agentactsinlocation concept_geopoliticallocation_southern +concept_male_years concept:agentactsinlocation concept_geopoliticallocation_southwest001 +concept_male_years concept:agentactsinlocation concept_geopoliticalorganization_northern +concept_male_years concept:agentactsinlocation concept_geopoliticalorganization_western +concept_male_years concept:agentactsinlocation concept_highway_mainstream +concept_male_years concept:agentactsinlocation concept_hotel_great +concept_male_years concept:agentactsinlocation concept_hotel_north +concept_male_years concept:agentactsinlocation concept_lake_baja +concept_male_years concept:agentactsinlocation concept_lake_new +concept_male_years concept:agentactsinlocation concept_landscapefeatures_gulf +concept_male_years concept:agentactsinlocation concept_landscapefeatures_tropical +concept_male_years concept:agentactsinlocation concept_planet_eastern +concept_male_years concept:agentactsinlocation concept_retailstore_northeast +concept_male_years concept:agentactsinlocation concept_room_transport +concept_male_years concept:agentactsinlocation concept_skiarea_north_east +concept_male_years concept:agentactsinlocation concept_skiarea_sunshine +concept_male_years concept:agentactsinlocation concept_street_southwestern +concept_male_years concept:agentactsinlocation concept_trainstation_south_central +concept_male_years concept:agentactsinlocation concept_visualizablescene_northwest +concept_male_years concept:agentactsinlocation concept_website_corporate +concept_male_years concept:agentactsinlocation concept_website_east +concept_male_years concept:agentactsinlocation concept_website_south +concept_male_years concept:agentactsinlocation concept_website_sw +concept_male_yeshua concept:personhasjobposition concept_jobposition_king +concept_male_yeshua concept:personhasjobposition concept_jobposition_lord +concept_male_yitzchok concept:latitudelongitude 40.6825500000000,-74.0984050000000 +concept_male_yogi_berra concept:fatherofperson concept_personus_dale_berra +concept_male_yogi_berra concept:parentofperson concept_personus_dale_berra +concept_male_yogi_berra concept:athleteplayssport concept_sport_baseball +concept_male_yogi_berra concept:athleteplaysinleague concept_sportsleague_mlb +concept_male_yogi_berra concept:athleteplaysforteam concept_sportsteam_yankees +concept_male_yogi_berra concept:athleteplayssportsteamposition concept_sportsteamposition_catcher +concept_male_yogi_berra concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_male_yogi_berra concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_male_zadok concept:fatherofperson concept_architect_achim +concept_male_zechariah concept:fatherofperson concept_person_john003 +concept_male_zeus concept:fatherofperson concept_female_ares +concept_male_zeus concept:fatherofperson concept_female_athena +concept_male_zeus concept:fatherofperson concept_female_athene +concept_male_zeus concept:fatherofperson concept_female_dionysus +concept_male_zeus concept:fatherofperson concept_female_goddess_athena +concept_male_zeus concept:hassibling concept_female_hades +concept_male_zeus concept:fatherofperson concept_female_herakles +concept_male_zeus concept:fatherofperson concept_female_hermes +concept_male_zeus concept:haswife concept_female_metis +concept_male_zeus concept:hassibling concept_female_poseidon +concept_male_zeus concept:fatherofperson concept_male_apollo +concept_male_zeus concept:parentofperson concept_male_apollo +concept_male_zeus concept:fatherofperson concept_person_hercules +concept_male_zeus concept:parentofperson concept_person_rhea +concept_male_zipporah concept:latitudelongitude 76.2513000000000,-119.4233100000000 +concept_male_zulfikar_ali_bhutto concept:fatherofperson concept_politician_benazir_bhutto +concept_mammal__ concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_agoutis concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_alpacas concept:animaleatfood concept_food_hay +concept_mammal_alpacas concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_alpacas concept:animalistypeofanimal concept_mammal_animals +concept_mammal_animal_companions concept:animalistypeofanimal concept_animal_pet +concept_mammal_animal_companions concept:animalpreyson concept_animal_pet +concept_mammal_animals concept:animaleatfood concept_agriculturalproduct_berries +concept_mammal_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_animals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_animals concept:animalpreyson concept_agriculturalproduct_livestock +concept_mammal_animals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_animals concept:animalistypeofanimal concept_amphibian_frogs +concept_mammal_animals concept:animalpreyson concept_amphibian_frogs +concept_mammal_animals concept:animalpreyson concept_amphibian_toads +concept_mammal_animals concept:animalistypeofanimal concept_animal_badgers +concept_mammal_animals concept:animalpreyson concept_animal_badgers +concept_mammal_animals concept:animalpreyson concept_animal_brown_bears +concept_mammal_animals concept:animalistypeofanimal concept_animal_bulls +concept_mammal_animals concept:animalpreyson concept_animal_bulls +concept_mammal_animals concept:animalistypeofanimal concept_animal_bunnies +concept_mammal_animals concept:animalpreyson concept_animal_bunnies +concept_mammal_animals concept:animalpreyson concept_animal_burros +concept_mammal_animals concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_animals concept:animalpreyson concept_animal_carnivores +concept_mammal_animals concept:animalpreyson concept_animal_cheetahs +concept_mammal_animals concept:animalistypeofanimal concept_animal_chicks +concept_mammal_animals concept:animalpreyson concept_animal_chicks +concept_mammal_animals concept:animalistypeofanimal concept_animal_children +concept_mammal_animals concept:animalpreyson concept_animal_children +concept_mammal_animals concept:animalpreyson concept_animal_condors +concept_mammal_animals concept:animalistypeofanimal concept_animal_creatures +concept_mammal_animals concept:animalpreyson concept_animal_creatures +concept_mammal_animals concept:animalpreyson concept_animal_field_mice +concept_mammal_animals concept:animalistypeofanimal concept_animal_fowl +concept_mammal_animals concept:animalpreyson concept_animal_fowl +concept_mammal_animals concept:animalpreyson concept_animal_fowls +concept_mammal_animals concept:animalpreyson concept_animal_gophers +concept_mammal_animals concept:animalistypeofanimal concept_animal_greyhounds +concept_mammal_animals concept:animalpreyson concept_animal_greyhounds +concept_mammal_animals concept:animalpreyson concept_animal_groundhogs +concept_mammal_animals concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_animals concept:animalpreyson concept_animal_hamsters +concept_mammal_animals concept:animalpreyson concept_animal_hippopotamuses +concept_mammal_animals concept:animalistypeofanimal concept_animal_house_pets +concept_mammal_animals concept:animalpreyson concept_animal_house_pets +concept_mammal_animals concept:animalpreyson concept_animal_humans +concept_mammal_animals concept:animalpreyson concept_animal_hyenas +concept_mammal_animals concept:animalistypeofanimal concept_animal_leopards +concept_mammal_animals concept:animalpreyson concept_animal_leopards +concept_mammal_animals concept:animalpreyson concept_animal_mammoth +concept_mammal_animals concept:animalistypeofanimal concept_animal_nonhuman_primates +concept_mammal_animals concept:animalpreyson concept_animal_nonhuman_primates +concept_mammal_animals concept:animalistypeofanimal concept_animal_orangutans +concept_mammal_animals concept:animalpreyson concept_animal_orangutans +concept_mammal_animals concept:animalpreyson concept_animal_orcas +concept_mammal_animals concept:animalistypeofanimal concept_animal_peacocks +concept_mammal_animals concept:animalpreyson concept_animal_peacocks +concept_mammal_animals concept:animalistypeofanimal concept_animal_pet +concept_mammal_animals concept:animalpreyson concept_animal_pet +concept_mammal_animals concept:animalpreyson concept_animal_polar_bears +concept_mammal_animals concept:animalpreyson concept_animal_poultry +concept_mammal_animals concept:animalistypeofanimal concept_animal_roosters +concept_mammal_animals concept:animalpreyson concept_animal_roosters +concept_mammal_animals concept:animalistypeofanimal concept_animal_sugar_gliders +concept_mammal_animals concept:animalpreyson concept_animal_sugar_gliders +concept_mammal_animals concept:animalpreyson concept_animal_turkey +concept_mammal_animals concept:animalpreyson concept_animal_wild_rabbits +concept_mammal_animals concept:animalistypeofanimal concept_animal_woodchucks +concept_mammal_animals concept:animalpreyson concept_animal_woodchucks +concept_mammal_animals concept:animalistypeofanimal concept_bird_chickens +concept_mammal_animals concept:animalpreyson concept_bird_chickens +concept_mammal_animals concept:animalpreyson concept_bird_domestic_birds +concept_mammal_animals concept:animalpreyson concept_bird_ducks +concept_mammal_animals concept:animalpreyson concept_bird_eagles +concept_mammal_animals concept:animalpreyson concept_bird_emus +concept_mammal_animals concept:animalistypeofanimal concept_bird_geese +concept_mammal_animals concept:animalpreyson concept_bird_geese +concept_mammal_animals concept:animalpreyson concept_bird_herons +concept_mammal_animals concept:animalistypeofanimal concept_bird_owls +concept_mammal_animals concept:animalpreyson concept_bird_owls +concept_mammal_animals concept:animalpreyson concept_bird_penguins +concept_mammal_animals concept:animalpreyson concept_bird_pheasants +concept_mammal_animals concept:animalpreyson concept_bird_pigeons +concept_mammal_animals concept:animalistypeofanimal concept_bird_turkeys +concept_mammal_animals concept:animalpreyson concept_bird_turkeys +concept_mammal_animals concept:animalpreyson concept_bird_woodpeckers +concept_mammal_animals concept:animalpreyson concept_fish_sharks +concept_mammal_animals concept:animaleatfood concept_food_food_items +concept_mammal_animals concept:animaleatfood concept_food_mineral_salts +concept_mammal_animals concept:animalistypeofanimal concept_mammal_alpacas +concept_mammal_animals concept:animalpreyson concept_mammal_alpacas +concept_mammal_animals concept:animalpreyson concept_mammal_antelope +concept_mammal_animals concept:animalistypeofanimal concept_mammal_antelopes +concept_mammal_animals concept:animalpreyson concept_mammal_antelopes +concept_mammal_animals concept:animalistypeofanimal concept_mammal_apes +concept_mammal_animals concept:animalpreyson concept_mammal_apes +concept_mammal_animals concept:animalistypeofanimal concept_mammal_baboons +concept_mammal_animals concept:animalpreyson concept_mammal_baboons +concept_mammal_animals concept:animalpreyson concept_mammal_bats +concept_mammal_animals concept:animalpreyson concept_mammal_bear +concept_mammal_animals concept:animalpreyson concept_mammal_bears +concept_mammal_animals concept:animalistypeofanimal concept_mammal_beavers +concept_mammal_animals concept:animalpreyson concept_mammal_beavers +concept_mammal_animals concept:animalpreyson concept_mammal_big_cats +concept_mammal_animals concept:animalistypeofanimal concept_mammal_bison +concept_mammal_animals concept:animalpreyson concept_mammal_bison +concept_mammal_animals concept:animalistypeofanimal concept_mammal_boars +concept_mammal_animals concept:animalpreyson concept_mammal_boars +concept_mammal_animals concept:animalistypeofanimal concept_mammal_bobcats +concept_mammal_animals concept:animalpreyson concept_mammal_bobcats +concept_mammal_animals concept:animalistypeofanimal concept_mammal_buffaloes +concept_mammal_animals concept:animalpreyson concept_mammal_buffaloes +concept_mammal_animals concept:animalpreyson concept_mammal_buffalos +concept_mammal_animals concept:animalistypeofanimal concept_mammal_calves +concept_mammal_animals concept:animalpreyson concept_mammal_calves +concept_mammal_animals concept:animalistypeofanimal concept_mammal_camels +concept_mammal_animals concept:animalpreyson concept_mammal_camels +concept_mammal_animals concept:animalistypeofanimal concept_mammal_canines +concept_mammal_animals concept:animalpreyson concept_mammal_canines +concept_mammal_animals concept:animalpreyson concept_mammal_caribou +concept_mammal_animals concept:animalistypeofanimal concept_mammal_cats +concept_mammal_animals concept:animalpreyson concept_mammal_cats +concept_mammal_animals concept:animalistypeofanimal concept_mammal_chimpanzees +concept_mammal_animals concept:animalpreyson concept_mammal_chimpanzees +concept_mammal_animals concept:animalpreyson concept_mammal_chimps +concept_mammal_animals concept:animalistypeofanimal concept_mammal_chinchillas +concept_mammal_animals concept:animalpreyson concept_mammal_chinchillas +concept_mammal_animals concept:animalistypeofanimal concept_mammal_chipmunks +concept_mammal_animals concept:animalpreyson concept_mammal_chipmunks +concept_mammal_animals concept:animalistypeofanimal concept_mammal_cougars +concept_mammal_animals concept:animalpreyson concept_mammal_cougars +concept_mammal_animals concept:animalistypeofanimal concept_mammal_cows +concept_mammal_animals concept:animalpreyson concept_mammal_cows +concept_mammal_animals concept:animalistypeofanimal concept_mammal_coyotes +concept_mammal_animals concept:animalpreyson concept_mammal_coyotes +concept_mammal_animals concept:animalistypeofanimal concept_mammal_dairy_cows +concept_mammal_animals concept:animalpreyson concept_mammal_dairy_cows +concept_mammal_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_animals concept:animalpreyson concept_mammal_domestic_pets +concept_mammal_animals concept:animalpreyson concept_mammal_donkey +concept_mammal_animals concept:animalistypeofanimal concept_mammal_donkeys +concept_mammal_animals concept:animalpreyson concept_mammal_donkeys +concept_mammal_animals concept:animalistypeofanimal concept_mammal_elephants +concept_mammal_animals concept:animalpreyson concept_mammal_elephants +concept_mammal_animals concept:animalistypeofanimal concept_mammal_elk +concept_mammal_animals concept:animalpreyson concept_mammal_elk +concept_mammal_animals concept:animalistypeofanimal concept_mammal_equines +concept_mammal_animals concept:animalpreyson concept_mammal_equines +concept_mammal_animals concept:animalistypeofanimal concept_mammal_exotic_pets +concept_mammal_animals concept:animalpreyson concept_mammal_felines +concept_mammal_animals concept:animalistypeofanimal concept_mammal_ferrets +concept_mammal_animals concept:animalpreyson concept_mammal_ferrets +concept_mammal_animals concept:animalistypeofanimal concept_mammal_fox +concept_mammal_animals concept:animalpreyson concept_mammal_fox +concept_mammal_animals concept:animalistypeofanimal concept_mammal_foxes +concept_mammal_animals concept:animalpreyson concept_mammal_foxes +concept_mammal_animals concept:animalistypeofanimal concept_mammal_giraffes +concept_mammal_animals concept:animalpreyson concept_mammal_giraffes +concept_mammal_animals concept:animalpreyson concept_mammal_goat +concept_mammal_animals concept:animalpreyson concept_mammal_gorillas +concept_mammal_animals concept:animalpreyson concept_mammal_great_apes +concept_mammal_animals concept:animalpreyson concept_mammal_grizzly_bears +concept_mammal_animals concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_animals concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_hares +concept_mammal_animals concept:animalpreyson concept_mammal_hares +concept_mammal_animals concept:animalpreyson concept_mammal_hippos +concept_mammal_animals concept:animalistypeofanimal concept_mammal_hogs +concept_mammal_animals concept:animalpreyson concept_mammal_hogs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_horse +concept_mammal_animals concept:animalpreyson concept_mammal_horse +concept_mammal_animals concept:animalistypeofanimal concept_mammal_horses +concept_mammal_animals concept:animalpreyson concept_mammal_horses +concept_mammal_animals concept:animalistypeofanimal concept_mammal_household_pets +concept_mammal_animals concept:animalpreyson concept_mammal_household_pets +concept_mammal_animals concept:animalistypeofanimal concept_mammal_jackals +concept_mammal_animals concept:animalpreyson concept_mammal_jackals +concept_mammal_animals concept:animalpreyson concept_mammal_jaguars +concept_mammal_animals concept:animalpreyson concept_mammal_kangaroos +concept_mammal_animals concept:animalpreyson concept_mammal_killer_whales +concept_mammal_animals concept:animalistypeofanimal concept_mammal_kittens +concept_mammal_animals concept:animalpreyson concept_mammal_kittens +concept_mammal_animals concept:animalistypeofanimal concept_mammal_lambs +concept_mammal_animals concept:animalpreyson concept_mammal_lambs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_lions +concept_mammal_animals concept:animalpreyson concept_mammal_lions +concept_mammal_animals concept:animalistypeofanimal concept_mammal_llamas +concept_mammal_animals concept:animalpreyson concept_mammal_llamas +concept_mammal_animals concept:animalistypeofanimal concept_mammal_mammoths +concept_mammal_animals concept:animalpreyson concept_mammal_mammoths +concept_mammal_animals concept:animalpreyson concept_mammal_marmots +concept_mammal_animals concept:animalpreyson concept_mammal_miniature_donkeys +concept_mammal_animals concept:animalpreyson concept_mammal_mongooses +concept_mammal_animals concept:animalistypeofanimal concept_mammal_monkeys +concept_mammal_animals concept:animalpreyson concept_mammal_monkeys +concept_mammal_animals concept:animalistypeofanimal concept_mammal_mountain_lions +concept_mammal_animals concept:animalpreyson concept_mammal_mountain_lions +concept_mammal_animals concept:animalistypeofanimal concept_mammal_mules +concept_mammal_animals concept:animalpreyson concept_mammal_mules +concept_mammal_animals concept:animalpreyson concept_mammal_muskrats +concept_mammal_animals concept:animalistypeofanimal concept_mammal_oxen +concept_mammal_animals concept:animalpreyson concept_mammal_oxen +concept_mammal_animals concept:animalpreyson concept_mammal_pandas +concept_mammal_animals concept:animalistypeofanimal concept_mammal_ponies +concept_mammal_animals concept:animalpreyson concept_mammal_ponies +concept_mammal_animals concept:animalistypeofanimal concept_mammal_porcupines +concept_mammal_animals concept:animalpreyson concept_mammal_porcupines +concept_mammal_animals concept:animalistypeofanimal concept_mammal_prairie_dogs +concept_mammal_animals concept:animalpreyson concept_mammal_prairie_dogs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_predators +concept_mammal_animals concept:animalpreyson concept_mammal_predators +concept_mammal_animals concept:animalpreyson concept_mammal_primates +concept_mammal_animals concept:animalistypeofanimal concept_mammal_puppies +concept_mammal_animals concept:animalpreyson concept_mammal_puppies +concept_mammal_animals concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_animals concept:animalpreyson concept_mammal_rabbits +concept_mammal_animals concept:animalistypeofanimal concept_mammal_rats +concept_mammal_animals concept:animalpreyson concept_mammal_rats +concept_mammal_animals concept:animalistypeofanimal concept_mammal_reindeer +concept_mammal_animals concept:animalpreyson concept_mammal_reindeer +concept_mammal_animals concept:animalpreyson concept_mammal_rhinoceros +concept_mammal_animals concept:animalpreyson concept_mammal_rhinoceroses +concept_mammal_animals concept:animalistypeofanimal concept_mammal_rhinos +concept_mammal_animals concept:animalpreyson concept_mammal_rhinos +concept_mammal_animals concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_animals concept:animalpreyson concept_mammal_rodents +concept_mammal_animals concept:animalpreyson concept_mammal_sheep +concept_mammal_animals concept:specializationof concept_mammal_sheep +concept_mammal_animals concept:animalistypeofanimal concept_mammal_sheep_ +concept_mammal_animals concept:animalpreyson concept_mammal_sheep_ +concept_mammal_animals concept:animalpreyson concept_mammal_sloths +concept_mammal_animals concept:animalistypeofanimal concept_mammal_small_dogs +concept_mammal_animals concept:animalpreyson concept_mammal_small_dogs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_squirrels +concept_mammal_animals concept:animalpreyson concept_mammal_squirrels +concept_mammal_animals concept:animalpreyson concept_mammal_stray_dogs +concept_mammal_animals concept:animalpreyson concept_mammal_swine +concept_mammal_animals concept:animalpreyson concept_mammal_tapirs +concept_mammal_animals concept:animalistypeofanimal concept_mammal_tigers +concept_mammal_animals concept:animalpreyson concept_mammal_tigers +concept_mammal_animals concept:animalpreyson concept_mammal_wallabies +concept_mammal_animals concept:animalpreyson concept_mammal_water_buffalo +concept_mammal_animals concept:animalpreyson concept_mammal_whales +concept_mammal_animals concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_animals concept:animalpreyson concept_mammal_wild_animals +concept_mammal_animals concept:animalpreyson concept_mammal_wild_boars +concept_mammal_animals concept:animalistypeofanimal concept_mammal_wild_horses +concept_mammal_animals concept:animalpreyson concept_mammal_wild_horses +concept_mammal_animals concept:animalpreyson concept_mammal_wild_pigs +concept_mammal_animals concept:animalpreyson concept_mammal_wolverines +concept_mammal_animals concept:animalistypeofanimal concept_mammal_wolves +concept_mammal_animals concept:animalpreyson concept_mammal_wolves +concept_mammal_animals concept:animalpreyson concept_mammal_wombats +concept_mammal_animals concept:animalpreyson concept_mammal_yaks +concept_mammal_animals concept:animalistypeofanimal concept_mammal_zebras +concept_mammal_animals concept:animalpreyson concept_mammal_zebras +concept_mammal_animals concept:animaleatfood concept_nut_edible_nuts +concept_mammal_animals concept:agentcompeteswithagent concept_publication_people_ +concept_mammal_animals concept:animalpreyson concept_reptile_alligators +concept_mammal_animals concept:animalpreyson concept_reptile_chameleons +concept_mammal_animals concept:animalpreyson concept_reptile_crocodiles +concept_mammal_animals concept:animalistypeofanimal concept_reptile_iguanas +concept_mammal_animals concept:animalpreyson concept_reptile_iguanas +concept_mammal_animals concept:animalpreyson concept_reptile_lizards +concept_mammal_animals concept:animalpreyson concept_reptile_rattlesnakes +concept_mammal_animals concept:animalistypeofanimal concept_reptile_snakes +concept_mammal_animals concept:animalpreyson concept_reptile_snakes +concept_mammal_animals concept:animalpreyson concept_reptile_turtles +concept_mammal_animals concept:animaleatvegetable concept_vegetable_corn +concept_mammal_animals concept:animaleatvegetable concept_vegetable_cottonseed +concept_mammal_animals concept:animalpreyson concept_vertebrate_black_bears +concept_mammal_animals concept:animalpreyson concept_vertebrate_crayfish +concept_mammal_animals concept:animalpreyson concept_vertebrate_dinosaurs +concept_mammal_animals concept:animalpreyson concept_vertebrate_hens +concept_mammal_animals concept:animalpreyson concept_vertebrate_koalas +concept_mammal_animals concept:animalpreyson concept_vertebrate_ostriches +concept_mammal_animals concept:animalpreyson concept_vertebrate_panthers +concept_mammal_animals concept:animalistypeofanimal concept_vertebrate_ruminants +concept_mammal_animals concept:animalpreyson concept_vertebrate_ruminants +concept_mammal_animals concept:animalistypeofanimal concept_vertebrate_skunks +concept_mammal_animals concept:animalpreyson concept_vertebrate_skunks +concept_mammal_antelope concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_antelope concept:animalistypeofanimal concept_animal_ungulates +concept_mammal_antelope concept:animalistypeofanimal concept_mammal_animals +concept_mammal_antelope concept:animalpreyson concept_mammal_animals +concept_mammal_antelope concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_antelope concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_antelope concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_antelope concept:mammalsuchasmammal concept_mammal_mule_deer +concept_mammal_antelope concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_antelope concept:animaleatfood concept_vegetable_leaves +concept_mammal_antelopes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_antelopes concept:mammalsuchasmammal concept_mammal_eland +concept_mammal_antelopes concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_apes concept:animalistypeofanimal concept_animal_creatures +concept_mammal_apes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_apes concept:animalpreyson concept_mammal_animals +concept_mammal_apes concept:animalistypeofanimal concept_mammal_primates +concept_mammal_armadillos concept:animalistypeofanimal concept_mammal_animals +concept_mammal_armadillos concept:animalpreyson concept_mammal_animals +concept_mammal_asses concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_asses concept:animalistypeofanimal concept_mammal_animals +concept_mammal_atlantic concept:agentactsinlocation concept_building_america +concept_mammal_axis concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_baboons concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_baboons concept:animalistypeofanimal concept_mammal_animals +concept_mammal_baboons concept:animalpreyson concept_mammal_animals +concept_mammal_baboons concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_baboons concept:animalistypeofanimal concept_mammal_primates +concept_mammal_badger concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_baleen_whales concept:animaleatfood concept_food_crustaceans +concept_mammal_bandicoots concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_bandicoots concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bats concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_bats concept:animalistypeofanimal concept_animal_creatures +concept_mammal_bats concept:animalpreyson concept_animal_creatures +concept_mammal_bats concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_bats concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_bats concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_mammal_bats concept:animalsuchasinsect concept_arthropod_pollinators +concept_mammal_bats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bats concept:animalpreyson concept_mammal_animals +concept_mammal_bats concept:specializationof concept_mammal_animals +concept_mammal_bats concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_bats concept:animalpreyson concept_mammal_mammals +concept_mammal_bats concept:specializationof concept_mammal_mammals +concept_mammal_bats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_bats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_beagles concept:animalistypeofanimal concept_mammal_animals +concept_mammal_beagles concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_beagles concept:animalpreyson concept_mammal_dogs +concept_mammal_bear concept:animaleatfood concept_agriculturalproduct_berries +concept_mammal_bear concept:animalistypeofanimal concept_animal_big_game +concept_mammal_bear concept:animalistypeofanimal concept_animal_creatures +concept_mammal_bear concept:animalistypeofanimal concept_animal_endangered_species +concept_mammal_bear concept:animalpreyson concept_animal_endangered_species +concept_mammal_bear concept:mammalsuchasmammal concept_animal_grizzly +concept_mammal_bear concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_bear concept:animalpreyson concept_animal_large_predators +concept_mammal_bear concept:mammalsuchasmammal concept_animal_rhino +concept_mammal_bear concept:mammalsuchasmammal concept_animal_seal +concept_mammal_bear concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bear concept:animalpreyson concept_mammal_animals +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_antelope +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_beaver +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_bison +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_black_bear +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_bobcat +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_brown_bear +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_caribou +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_cats +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_deer_hunts +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_dog +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_dogs +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_elephant +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_fox +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_giant_panda +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_gorilla +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_gray_wolf +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_grizzly_bear +concept_mammal_bear concept:animalistypeofanimal concept_mammal_large_mammals +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_leopard +concept_mammal_bear concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_bear concept:animalpreyson concept_mammal_mammals +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_monkey +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_moose +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_mountain_lion +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_musk_ox +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_orca +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_owl +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_polar_bear +concept_mammal_bear concept:animalistypeofanimal concept_mammal_predators +concept_mammal_bear concept:animalpreyson concept_mammal_predators +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_reindeer +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_snow_leopard +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_spectacled_bear +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_sun_bear +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_tiger +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_tigers +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_walrus +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_whale +concept_mammal_bear concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_wolf +concept_mammal_bear concept:mammalsuchasmammal concept_mammal_wolves +concept_mammal_bears concept:animaleatfood concept_agriculturalproduct_berries +concept_mammal_bears concept:animaleatfood concept_agriculturalproduct_plants +concept_mammal_bears concept:animalistypeofanimal concept_animal_beasts +concept_mammal_bears concept:animalpreyson concept_animal_beasts +concept_mammal_bears concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_bears concept:animalpreyson concept_animal_carnivores +concept_mammal_bears concept:specializationof concept_animal_carnivores +concept_mammal_bears concept:animalistypeofanimal concept_animal_creatures +concept_mammal_bears concept:animalpreyson concept_animal_creatures +concept_mammal_bears concept:specializationof concept_animal_creatures +concept_mammal_bears concept:mammalsuchasmammal concept_animal_humans +concept_mammal_bears concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_bears concept:animalpreyson concept_animal_large_animals +concept_mammal_bears concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_bears concept:animalpreyson concept_animal_large_predators +concept_mammal_bears concept:animaleatfood concept_food_strawberry +concept_mammal_bears concept:animaleatfood concept_food_vegetation +concept_mammal_bears concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bears concept:animalpreyson concept_mammal_animals +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_apes +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_bison +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_black_bear +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_caribou +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_coyotes +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_deers +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_dogs +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_elephants +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_foxes +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_gorillas +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_horses +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_jaguars +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_killer_whales +concept_mammal_bears concept:animalistypeofanimal concept_mammal_large_mammals +concept_mammal_bears concept:animalpreyson concept_mammal_large_mammals +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_bears concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_bears concept:animalpreyson concept_mammal_mammals +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_monkeys +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_moose +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_mountain_lions +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_pandas +concept_mammal_bears concept:animalistypeofanimal concept_mammal_predators +concept_mammal_bears concept:animalpreyson concept_mammal_predators +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_seals +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_tigers +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_whales +concept_mammal_bears concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_bears concept:animalpreyson concept_mammal_wild_animals +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_wild_dogs +concept_mammal_bears concept:mammalsuchasmammal concept_mammal_wolves +concept_mammal_bears concept:animaleatfood concept_meat_salmon +concept_mammal_beaver concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_beaver concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_beavers concept:animalistypeofanimal concept_animal_creatures +concept_mammal_beavers concept:animalistypeofanimal concept_mammal_animals +concept_mammal_beavers concept:animalpreyson concept_mammal_animals +concept_mammal_beavers concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_big_cats concept:animalpreyson concept_animal_leopards +concept_mammal_big_cats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_big_cats concept:animalpreyson concept_mammal_animals +concept_mammal_big_cats concept:mammalsuchasmammal concept_mammal_bobcats +concept_mammal_big_cats concept:animalistypeofanimal concept_mammal_cats +concept_mammal_big_cats concept:mammalsuchasmammal concept_mammal_cougars +concept_mammal_big_cats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_big_cats concept:animalpreyson concept_mammal_pets +concept_mammal_big_cats concept:animalpreyson concept_mammal_tigers +concept_mammal_big_game_animals concept:animalpreyson concept_mammal_deer +concept_mammal_bighorn_sheep concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_bison concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_bison concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_bison concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bison concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_bison concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_bison concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_biting_animal concept:animaldevelopdisease concept_disease_rabies +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_black_bear concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_boar concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_boar concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_boar concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_boars concept:animalistypeofanimal concept_mammal_animals +concept_mammal_boars concept:animalpreyson concept_mammal_animals +concept_mammal_boars concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_boars concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_bobcat concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_bobcats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_bobcats concept:animalpreyson concept_mammal_animals +concept_mammal_bobcats concept:animalpreyson concept_mammal_deer +concept_mammal_bobcats concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_bobcats concept:specializationof concept_mammal_deer +concept_mammal_bobcats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_bobcats concept:animalpreyson concept_mammal_predators +concept_mammal_bobcats concept:animalpreyson concept_mammal_rabbits +concept_mammal_breeds concept:ismultipleof concept_agriculturalproduct_pigs +concept_mammal_breeds concept:animalpreyson concept_animal_animals002 +concept_mammal_breeds concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_breeds concept:animalpreyson concept_mammal_dogs +concept_mammal_breeds concept:ismultipleof concept_mammal_dogs +concept_mammal_breeds concept:ismultipleof concept_mammal_sheep +concept_mammal_breeds concept:animalpreyson concept_reptile_pets +concept_mammal_breeds concept:ismultipleof concept_vertebrate_purebred_dogs +concept_mammal_brown_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_brown_bear concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_buffalo concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_buffaloes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_buffaloes concept:animalpreyson concept_mammal_animals +concept_mammal_buffalos concept:animalistypeofanimal concept_mammal_animals +concept_mammal_butterfly concept:animaleatfood concept_beverage_nectar +concept_mammal_calves concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_calves concept:animalistypeofanimal concept_mammal_animals +concept_mammal_camels concept:animaleatfood concept_food_hay +concept_mammal_camels concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_camels concept:animalistypeofanimal concept_mammal_animals +concept_mammal_camels concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_camels concept:animaleatfood concept_vegetable_grass +concept_mammal_camels concept:animaleatfood concept_vegetable_leaves +concept_mammal_camels concept:animalistypeofanimal concept_vertebrate_ruminants +concept_mammal_canids concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_canids concept:animalistypeofanimal concept_mammal_animals +concept_mammal_canids concept:animalpreyson concept_mammal_coyotes +concept_mammal_canines concept:animalistypeofanimal concept_mammal_animals +concept_mammal_canines concept:animalpreyson concept_mammal_animals +concept_mammal_canines concept:animalpreyson concept_mammal_coyotes +concept_mammal_canines concept:animalistypeofanimal concept_mammal_dog +concept_mammal_canines concept:animalpreyson concept_mammal_dog +concept_mammal_canines concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_canines concept:mammalsuchasmammal concept_mammal_jackals +concept_mammal_canines concept:mammalsuchasmammal concept_mammal_wolves +concept_mammal_caribou concept:animalistypeofanimal concept_animal_ungulates +concept_mammal_caribou concept:animalistypeofanimal concept_mammal_animals +concept_mammal_caribou concept:animalpreyson concept_mammal_animals +concept_mammal_caribou concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_caribou concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_caribou concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_caribou concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_caribou concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_cat concept:animalistypeofanimal concept_animal_pet +concept_mammal_cat concept:animalpreyson concept_animal_pet +concept_mammal_cat concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_cat concept:animalistypeofanimal concept_mammal_cats +concept_mammal_cat concept:animalpreyson concept_mammal_cats +concept_mammal_cat concept:animalpreyson concept_mammal_dogs +concept_mammal_cat concept:animalpreyson concept_mammal_felines +concept_mammal_cats concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_cats concept:animalpreyson concept_animal_birds002 +concept_mammal_cats concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_cats concept:animalpreyson concept_animal_carnivores +concept_mammal_cats concept:animalpreyson concept_animal_cheetahs +concept_mammal_cats concept:animalistypeofanimal concept_animal_children +concept_mammal_cats concept:animalpreyson concept_animal_children +concept_mammal_cats concept:animalistypeofanimal concept_animal_creatures +concept_mammal_cats concept:animalpreyson concept_animal_creatures +concept_mammal_cats concept:animalistypeofanimal concept_animal_house_pets +concept_mammal_cats concept:animalpreyson concept_animal_house_pets +concept_mammal_cats concept:animalpreyson concept_animal_leopards +concept_mammal_cats concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_cats concept:animalistypeofanimal concept_animal_pet +concept_mammal_cats concept:animalpreyson concept_animal_pet +concept_mammal_cats concept:animaleatfood concept_condiment_chocolate +concept_mammal_cats concept:animaldevelopdisease concept_disease_allergy +concept_mammal_cats concept:animaldevelopdisease concept_disease_arthritis +concept_mammal_cats concept:animaldevelopdisease concept_disease_breast_cancer +concept_mammal_cats concept:animaldevelopdisease concept_disease_cancer +concept_mammal_cats concept:animaldevelopdisease concept_disease_cataracts +concept_mammal_cats concept:animaldevelopdisease concept_disease_diabetes +concept_mammal_cats concept:animaldevelopdisease concept_disease_diarrhea +concept_mammal_cats concept:animaldevelopdisease concept_disease_felv +concept_mammal_cats concept:animaldevelopdisease concept_disease_hyperthyroidism +concept_mammal_cats concept:animaldevelopdisease concept_disease_problems +concept_mammal_cats concept:animaldevelopdisease concept_disease_rabies +concept_mammal_cats concept:animaleatfood concept_food_house_plant +concept_mammal_cats concept:animalistypeofanimal concept_insect_pests +concept_mammal_cats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_cats concept:animalpreyson concept_mammal_animals +concept_mammal_cats concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_cats concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_cats concept:animalistypeofanimal concept_mammal_cat +concept_mammal_cats concept:animalpreyson concept_mammal_cat +concept_mammal_cats concept:animalpreyson concept_mammal_cats +concept_mammal_cats concept:animalistypeofanimal concept_mammal_companion_animals +concept_mammal_cats concept:animalpreyson concept_mammal_companion_animals +concept_mammal_cats concept:animalpreyson concept_mammal_cougars +concept_mammal_cats concept:animalpreyson concept_mammal_dog +concept_mammal_cats concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_cats concept:animalpreyson concept_mammal_dogs +concept_mammal_cats concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_cats concept:animalpreyson concept_mammal_domestic_animals +concept_mammal_cats concept:animalistypeofanimal concept_mammal_domestic_pets +concept_mammal_cats concept:animalpreyson concept_mammal_domestic_pets +concept_mammal_cats concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_mammal_cats concept:animalistypeofanimal concept_mammal_family_pets +concept_mammal_cats concept:animalpreyson concept_mammal_family_pets +concept_mammal_cats concept:animalistypeofanimal concept_mammal_ferrets +concept_mammal_cats concept:animalistypeofanimal concept_mammal_furry_animals +concept_mammal_cats concept:animalistypeofanimal concept_mammal_horses +concept_mammal_cats concept:animalistypeofanimal concept_mammal_household_pets +concept_mammal_cats concept:animalpreyson concept_mammal_household_pets +concept_mammal_cats concept:animalistypeofanimal concept_mammal_kids +concept_mammal_cats concept:animalpreyson concept_mammal_kids +concept_mammal_cats concept:animalpreyson concept_mammal_kittens +concept_mammal_cats concept:animalistypeofanimal concept_mammal_kitties +concept_mammal_cats concept:animalpreyson concept_mammal_kitties +concept_mammal_cats concept:animalpreyson concept_mammal_lions +concept_mammal_cats concept:agentcompeteswithagent concept_mammal_mals +concept_mammal_cats concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_cats concept:animalpreyson concept_mammal_mammals +concept_mammal_cats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_cats concept:animalpreyson concept_mammal_pets +concept_mammal_cats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_cats concept:animalpreyson concept_mammal_predators +concept_mammal_cats concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_cats concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_cats concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_cats concept:animalpreyson concept_mammal_small_animals +concept_mammal_cats concept:animalpreyson concept_mammal_small_dogs +concept_mammal_cats concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_cats concept:animalpreyson concept_mammal_small_pets +concept_mammal_cats concept:animalpreyson concept_mammal_tigers +concept_mammal_cats concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_cats concept:animaleatvegetable concept_vegetable_greens +concept_mammal_cats concept:animaleatvegetable concept_vegetable_lettuce +concept_mammal_cats concept:animalistypeofanimal concept_vertebrate_pet_animals +concept_mammal_cats concept:animalpreyson concept_vertebrate_pet_animals +concept_mammal_chamois concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chamois concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_character concept:agentparticipatedinevent concept_convention_games +concept_mammal_character concept:agentparticipatedinevent concept_convention_video_game +concept_mammal_character concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_character concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_character concept:agentparticipatedinevent concept_mlconference_universe +concept_mammal_character concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_mammal_character concept:agentparticipatedinevent concept_sportsgame_game_series +concept_mammal_character concept:agentparticipatedinevent concept_sportsgame_series +concept_mammal_character concept:agentparticipatedinevent concept_sportsgame_video_game_series +concept_mammal_cheetah concept:mammalsuchasmammal concept_mammal_leopard +concept_mammal_cheetah concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_chimpanzee concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_chimpanzee concept:animalistypeofanimal concept_mammal_apes +concept_mammal_chimpanzee concept:animalistypeofanimal concept_mammal_primates +concept_mammal_chimpanzees concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chimpanzees concept:animalpreyson concept_mammal_animals +concept_mammal_chimpanzees concept:animalistypeofanimal concept_mammal_apes +concept_mammal_chimpanzees concept:animalistypeofanimal concept_mammal_primates +concept_mammal_chimps concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chimps concept:animalpreyson concept_mammal_animals +concept_mammal_chimps concept:animalistypeofanimal concept_mammal_apes +concept_mammal_chimps concept:animalistypeofanimal concept_mammal_pets +concept_mammal_chimps concept:animalistypeofanimal concept_mammal_primates +concept_mammal_chinchilla concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chinchillas concept:specializationof concept_animal_creatures +concept_mammal_chinchillas concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_chinchillas concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chinchillas concept:animalpreyson concept_mammal_animals +concept_mammal_chinchillas concept:animalistypeofanimal concept_mammal_pets +concept_mammal_chipmunks concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_chipmunks concept:animalistypeofanimal concept_mammal_animals +concept_mammal_chipmunks concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_chipmunks concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_chipmunks concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_civets concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_civets concept:animalistypeofanimal concept_mammal_animals +concept_mammal_clients concept:animaldevelopdisease concept_disease_disabilities +concept_mammal_clients concept:animaldevelopdisease concept_disease_disorder +concept_mammal_clients concept:animaldevelopdisease concept_disease_disorders +concept_mammal_clients concept:animaldevelopdisease concept_disease_illness +concept_mammal_clients concept:animaldevelopdisease concept_disease_illnesses +concept_mammal_clients concept:animaldevelopdisease concept_disease_injuries +concept_mammal_clients concept:animaldevelopdisease concept_disease_injury +concept_mammal_clients concept:animaldevelopdisease concept_disease_problems +concept_mammal_clients concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_coatis concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_coatis concept:animalistypeofanimal concept_mammal_animals +concept_mammal_colobus_monkeys concept:animalistypeofanimal concept_mammal_primates +concept_mammal_companion_animals concept:animalistypeofanimal concept_animal_pet +concept_mammal_companion_animals concept:animalpreyson concept_animal_pet +concept_mammal_companion_animals concept:animalistypeofanimal concept_mammal_cats +concept_mammal_companion_animals concept:animalpreyson concept_mammal_cats +concept_mammal_companion_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_companion_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_cougars concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_cougars concept:animalpreyson concept_animal_carnivores +concept_mammal_cougars concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_cougars concept:animalpreyson concept_animal_large_predators +concept_mammal_cougars concept:animalistypeofanimal concept_mammal_animals +concept_mammal_cougars concept:animalpreyson concept_mammal_animals +concept_mammal_cougars concept:animalistypeofanimal concept_mammal_cats +concept_mammal_cougars concept:animalpreyson concept_mammal_cats +concept_mammal_cougars concept:animalistypeofanimal concept_mammal_predators +concept_mammal_cougars concept:animalpreyson concept_mammal_predators +concept_mammal_cows concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_cows concept:animalistypeofanimal concept_animal_creatures +concept_mammal_cows concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_cows concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_cows concept:animaldevelopdisease concept_disease_mastitis +concept_mammal_cows concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_cows concept:animaleatfood concept_food_hay +concept_mammal_cows concept:animaleatfood concept_food_termites +concept_mammal_cows concept:animalistypeofanimal concept_mammal_animals +concept_mammal_cows concept:animalpreyson concept_mammal_cows +concept_mammal_cows concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_cows concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_mammal_cows concept:agriculturalproductincludingagriculturalproduct concept_mammal_horses +concept_mammal_cows concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_cows concept:agriculturalproductincludingagriculturalproduct concept_meat_beef +concept_mammal_cows concept:animaleatvegetable concept_vegetable_corn +concept_mammal_cows concept:animaleatfood concept_vegetable_dinner +concept_mammal_cows concept:animaleatfood concept_vegetable_grass +concept_mammal_coyotes concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_coyotes concept:mammalsuchasmammal concept_animal_humans +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_coyotes concept:animalpreyson concept_mammal_animals +concept_mammal_coyotes concept:specializationof concept_mammal_animals +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_canids +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_canines +concept_mammal_coyotes concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_coyotes concept:animalpreyson concept_mammal_mammals +concept_mammal_coyotes concept:animalistypeofanimal concept_mammal_predators +concept_mammal_coyotes concept:animalpreyson concept_mammal_predators +concept_mammal_coyotes concept:agentparticipatedinevent concept_sportsgame_games +concept_mammal_dairy_cows concept:animalistypeofanimal concept_mammal_animals +concept_mammal_dairy_cows concept:animalpreyson concept_mammal_animals +concept_mammal_deer concept:animaleatfood concept_agriculturalproduct_berries +concept_mammal_deer concept:mammalsuchasmammal concept_agriculturalproduct_goats +concept_mammal_deer concept:animalistypeofanimal concept_animal_beasts +concept_mammal_deer concept:animalistypeofanimal concept_animal_big_game +concept_mammal_deer concept:animalistypeofanimal concept_animal_creatures +concept_mammal_deer concept:animalpreyson concept_animal_creatures +concept_mammal_deer concept:animalistypeofanimal concept_animal_game_species +concept_mammal_deer concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_deer concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_deer concept:animalistypeofanimal concept_animal_larger_mammals +concept_mammal_deer concept:animalistypeofanimal concept_animal_rare_animals +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_antelope +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_axis +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_beaver +concept_mammal_deer concept:animalistypeofanimal concept_mammal_big_game_animals +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_black_bear +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_boar +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_boars +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_brown_bear +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_caribou +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_cat +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_chamois +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_dog +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_dogs +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_fallow +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_fallow_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_fox +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_foxes +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_hogs +concept_mammal_deer concept:animalistypeofanimal concept_mammal_hoofed_animals +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_javelina +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mice +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_moose +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mouflon +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mountain_goats +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mountain_lion +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mule +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_mule_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_porcupine +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_pronghorn_antelope +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_rabbits +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_raccoons +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_red_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_reindeer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_sambar +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_sika +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_sika_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_squirrels +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_stag +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_tail_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_trophy_elk +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_white_tail_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_white_tailed_deer +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_whitetail +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_whitetail_deer +concept_mammal_deer concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_wild_boar +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_wild_boars +concept_mammal_deer concept:mammalsuchasmammal concept_mammal_wolf +concept_mammal_deer concept:animaleatfood concept_nut_acorns +concept_mammal_deer concept:animaleatvegetable concept_vegetable_corn +concept_mammal_deer concept:animaleatfood concept_vegetable_grass +concept_mammal_deer concept:animaleatvegetable concept_vegetable_turnips +concept_mammal_deer concept:animalistypeofanimal concept_vertebrate_ruminants +concept_mammal_deer_hunts concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_deers concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_dog concept:animalpreyson concept_animal_children +concept_mammal_dog concept:animalistypeofanimal concept_animal_dogs_protocol +concept_mammal_dog concept:animalpreyson concept_animal_dogs_protocol +concept_mammal_dog concept:animalistypeofanimal concept_animal_pet +concept_mammal_dog concept:animalpreyson concept_animal_pet +concept_mammal_dog concept:animalpreyson concept_animal_puppy +concept_mammal_dog concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_dog concept:animalistypeofanimal concept_mammal_canines +concept_mammal_dog concept:animalpreyson concept_mammal_canines +concept_mammal_dog concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_dog concept:animalpreyson concept_mammal_dog_ +concept_mammal_dog concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_dog concept:animalpreyson concept_mammal_dogs +concept_mammal_dog concept:animalpreyson concept_mammal_puppies +concept_mammal_dog_ concept:animalpreyson concept_mammal_dog +concept_mammal_dogs concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_dogs concept:animalistypeofanimal concept_animal_babies +concept_mammal_dogs concept:animalpreyson concept_animal_babies +concept_mammal_dogs concept:animalistypeofanimal concept_animal_beasts +concept_mammal_dogs concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_dogs concept:animalpreyson concept_animal_birds002 +concept_mammal_dogs concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_dogs concept:animalpreyson concept_animal_carnivores +concept_mammal_dogs concept:animalistypeofanimal concept_animal_child +concept_mammal_dogs concept:animalistypeofanimal concept_animal_children +concept_mammal_dogs concept:animalpreyson concept_animal_children +concept_mammal_dogs concept:animalistypeofanimal concept_animal_creatures +concept_mammal_dogs concept:animalpreyson concept_animal_creatures +concept_mammal_dogs concept:animalistypeofanimal concept_animal_house_pets +concept_mammal_dogs concept:animalpreyson concept_animal_house_pets +concept_mammal_dogs concept:animalistypeofanimal concept_animal_humans +concept_mammal_dogs concept:animalpreyson concept_animal_humans +concept_mammal_dogs concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_dogs concept:animalistypeofanimal concept_animal_larger_pets +concept_mammal_dogs concept:animalpreyson concept_animal_larger_pets +concept_mammal_dogs concept:specializationof concept_animal_larger_pets +concept_mammal_dogs concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_dogs concept:animalistypeofanimal concept_animal_pack_animals +concept_mammal_dogs concept:specializationof concept_animal_pack_animals +concept_mammal_dogs concept:animalistypeofanimal concept_animal_pet +concept_mammal_dogs concept:animalpreyson concept_animal_pet +concept_mammal_dogs concept:animalistypeofanimal concept_animal_puppy +concept_mammal_dogs concept:animalpreyson concept_animal_puppy +concept_mammal_dogs concept:animalistypeofanimal concept_animal_pups +concept_mammal_dogs concept:animalpreyson concept_animal_pups +concept_mammal_dogs concept:animalistypeofanimal concept_animal_scavengers +concept_mammal_dogs concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_dogs concept:proxyfor concept_book_new +concept_mammal_dogs concept:animaleatfood concept_condiment_chocolate +concept_mammal_dogs concept:atdate concept_dateliteral_n2006 +concept_mammal_dogs concept:atdate concept_dateliteral_n2007 +concept_mammal_dogs concept:animaldevelopdisease concept_disease_allergy +concept_mammal_dogs concept:animaldevelopdisease concept_disease_arthritis +concept_mammal_dogs concept:animaldevelopdisease concept_disease_bordetella +concept_mammal_dogs concept:animaldevelopdisease concept_disease_cardiomyopathy +concept_mammal_dogs concept:animaldevelopdisease concept_disease_cataract +concept_mammal_dogs concept:animaldevelopdisease concept_disease_cataracts +concept_mammal_dogs concept:animaldevelopdisease concept_disease_diabetes +concept_mammal_dogs concept:animaldevelopdisease concept_disease_diarrhea +concept_mammal_dogs concept:animaldevelopdisease concept_disease_ear_infections +concept_mammal_dogs concept:animaldevelopdisease concept_disease_infections +concept_mammal_dogs concept:animaldevelopdisease concept_disease_lyme_disease +concept_mammal_dogs concept:animaldevelopdisease concept_disease_lymphoma +concept_mammal_dogs concept:animaldevelopdisease concept_disease_parvo +concept_mammal_dogs concept:animaldevelopdisease concept_disease_parvovirus +concept_mammal_dogs concept:animaldevelopdisease concept_disease_problems +concept_mammal_dogs concept:animaldevelopdisease concept_disease_rabies +concept_mammal_dogs concept:animaleatfood concept_food_dry_food +concept_mammal_dogs concept:animaleatfood concept_food_eggs +concept_mammal_dogs concept:animaleatfood concept_food_hamsters +concept_mammal_dogs concept:animaleatfood concept_food_human_chocolate +concept_mammal_dogs concept:animaleatfood concept_food_kibble +concept_mammal_dogs concept:animaleatfood concept_food_yogurt +concept_mammal_dogs concept:animaleatfood concept_fruit_grapes +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_animals +concept_mammal_dogs concept:specializationof concept_mammal_animals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_beagles +concept_mammal_dogs concept:animalpreyson concept_mammal_beagles +concept_mammal_dogs concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_dogs concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_canines +concept_mammal_dogs concept:animalpreyson concept_mammal_canines +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_cats +concept_mammal_dogs concept:animalpreyson concept_mammal_cats +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_companion_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_companion_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_coyotes +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_dog +concept_mammal_dogs concept:animalpreyson concept_mammal_dog +concept_mammal_dogs concept:animalpreyson concept_mammal_dogs +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_domestic_animals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_domestic_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_domestic_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_domesticated_animals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_family_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_family_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_farm_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_farm_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_horses +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_household_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_household_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_indoor_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_indoor_pets +concept_mammal_dogs concept:specializationof concept_mammal_indoor_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_internet_dog +concept_mammal_dogs concept:animalpreyson concept_mammal_internet_dog +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_kids +concept_mammal_dogs concept:animalpreyson concept_mammal_kids +concept_mammal_dogs concept:agentcompeteswithagent concept_mammal_mals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_dogs concept:animalpreyson concept_mammal_mammals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_pets +concept_mammal_dogs concept:specializationof concept_mammal_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_predators +concept_mammal_dogs concept:animalpreyson concept_mammal_predators +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_puppies +concept_mammal_dogs concept:animalpreyson concept_mammal_puppies +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_dogs concept:animalpreyson concept_mammal_small_animals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_dogs concept:animalpreyson concept_mammal_small_pets +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_dogs concept:animalistypeofanimal concept_mammal_wolves +concept_mammal_dogs concept:animalpreyson concept_mammal_wolves +concept_mammal_dogs concept:animaleatfood concept_plant_peach +concept_mammal_dogs concept:animaleatvegetable concept_vegetable_carrots +concept_mammal_dogs concept:animaleatfood concept_vegetable_leaves +concept_mammal_dogs concept:animalistypeofanimal concept_vertebrate_pet_animals +concept_mammal_dogs concept:animalpreyson concept_vertebrate_pet_animals +concept_mammal_dolphins concept:animalistypeofanimal concept_animal_cetaceans +concept_mammal_dolphins concept:animalpreyson concept_animal_cetaceans +concept_mammal_dolphins concept:animalistypeofanimal concept_animal_creatures +concept_mammal_dolphins concept:animalpreyson concept_animal_creatures +concept_mammal_dolphins concept:animalistypeofanimal concept_animal_marine_animals +concept_mammal_dolphins concept:animalpreyson concept_animal_marine_animals +concept_mammal_dolphins concept:animalistypeofanimal concept_animal_marine_life +concept_mammal_dolphins concept:animalistypeofanimal concept_animal_sea_animals +concept_mammal_dolphins concept:animalpreyson concept_animal_sea_animals +concept_mammal_dolphins concept:animalistypeofanimal concept_mammal_predators +concept_mammal_dolphins concept:animalistypeofanimal concept_mammal_social_animals +concept_mammal_dolphins concept:animalistypeofanimal concept_vertebrate_sea_mammals +concept_mammal_domestic_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_domestic_animals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_domestic_animals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_domestic_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_domestic_animals concept:animalistypeofanimal concept_bird_chickens +concept_mammal_domestic_animals concept:animalpreyson concept_bird_chickens +concept_mammal_domestic_animals concept:animaldevelopdisease concept_disease_rabies +concept_mammal_domestic_animals concept:animalpreyson concept_invertebrate_cattle +concept_mammal_domestic_animals concept:animalpreyson concept_mammal_animals +concept_mammal_domestic_animals concept:animalistypeofanimal concept_mammal_cats +concept_mammal_domestic_animals concept:animalpreyson concept_mammal_cats +concept_mammal_domestic_animals concept:animalistypeofanimal concept_mammal_cows +concept_mammal_domestic_animals concept:animalpreyson concept_mammal_cows +concept_mammal_domestic_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_domestic_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_domestic_animals concept:animalistypeofanimal concept_mammal_horses +concept_mammal_domestic_animals concept:animalpreyson concept_mammal_horses +concept_mammal_domestic_animals concept:animalistypeofanimal concept_mammal_sheep +concept_mammal_domestic_cats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_domestic_cats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_domestic_cats concept:animalpreyson concept_mammal_pets +concept_mammal_domestic_pets concept:animalistypeofanimal concept_mammal_animals +concept_mammal_domestic_pets concept:animalistypeofanimal concept_mammal_cats +concept_mammal_domestic_pets concept:animalpreyson concept_mammal_cats +concept_mammal_domestic_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_domestic_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_domestic_rabbits concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_domestic_rabbits concept:animalistypeofanimal concept_mammal_animals +concept_mammal_domesticated_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_domesticated_animals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_domesticated_animals concept:animalistypeofanimal concept_mammal_cows +concept_mammal_domesticated_animals concept:animalpreyson concept_mammal_cows +concept_mammal_domesticated_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_domesticated_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_donkey concept:animalistypeofanimal concept_mammal_animals +concept_mammal_donkeys concept:animalistypeofanimal concept_mammal_animals +concept_mammal_donkeys concept:animalistypeofanimal concept_mammal_equines +concept_mammal_donkeys concept:animalistypeofanimal concept_mammal_farm_animals +concept_mammal_eland concept:animalistypeofanimal concept_mammal_antelopes +concept_mammal_eland concept:mammalsuchasmammal concept_mammal_antelopes +concept_mammal_elephant concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_elephant concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_elephants concept:animalistypeofanimal concept_animal_beasts +concept_mammal_elephants concept:animalistypeofanimal concept_animal_creatures +concept_mammal_elephants concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_elephants concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_elephants concept:animalistypeofanimal concept_mammal_animals +concept_mammal_elephants concept:animalpreyson concept_mammal_animals +concept_mammal_elephants concept:specializationof concept_mammal_animals +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_camels +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_giraffes +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_hippos +concept_mammal_elephants concept:animalistypeofanimal concept_mammal_large_mammals +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_elephants concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_elephants concept:animalpreyson concept_mammal_mammals +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_monkeys +concept_mammal_elephants concept:mammalsuchasmammal concept_mammal_tigers +concept_mammal_elephants concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_elephants concept:animalpreyson concept_mammal_wild_animals +concept_mammal_elephants concept:specializationof concept_mammal_wild_animals +concept_mammal_elephants concept:animaleatfood concept_vegetable_leaves +concept_mammal_elephants concept:animaleatfood concept_vegetable_peanuts +concept_mammal_elk concept:animalistypeofanimal concept_animal_big_game +concept_mammal_elk concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_elk concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_elk concept:animalistypeofanimal concept_animal_ungulates +concept_mammal_elk concept:animalistypeofanimal concept_mammal_animals +concept_mammal_elk concept:animalpreyson concept_mammal_animals +concept_mammal_elk concept:mammalsuchasmammal concept_mammal_antelope +concept_mammal_elk concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_elk concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_elk concept:animalistypeofanimal concept_mammal_big_game_animals +concept_mammal_elk concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_elk concept:animalistypeofanimal concept_mammal_large_herbivores +concept_mammal_elk concept:animalistypeofanimal concept_mammal_large_mammals +concept_mammal_elk concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_elk concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_elk concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_elves concept:animalistypeofanimal concept_animal_creatures +concept_mammal_email concept:agentcompeteswithagent concept_vertebrate_search +concept_mammal_equines concept:animalistypeofanimal concept_mammal_animals +concept_mammal_equines concept:animalpreyson concept_mammal_animals +concept_mammal_exotic_animals concept:animalistypeofanimal concept_mammal_animals +concept_mammal_exotic_animals concept:animalpreyson concept_mammal_monkeys +concept_mammal_exotic_animals concept:animalistypeofanimal concept_mammal_pets +concept_mammal_exotic_animals concept:animalpreyson concept_mammal_pets +concept_mammal_exotic_animals concept:animalpreyson concept_mammal_tigers +concept_mammal_exotic_pets concept:agentcompeteswithagent concept_animal_animals002 +concept_mammal_exotic_pets concept:animalpreyson concept_mammal_animals +concept_mammal_fallow concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_fallow_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_family_pets concept:animalistypeofanimal concept_mammal_cats +concept_mammal_family_pets concept:animalpreyson concept_mammal_cats +concept_mammal_family_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_family_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_farm_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_farm_animals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_farm_animals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_farm_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_farm_animals concept:animalistypeofanimal concept_bird_chickens +concept_mammal_farm_animals concept:animalpreyson concept_bird_chickens +concept_mammal_farm_animals concept:animalistypeofanimal concept_mammal_cows +concept_mammal_farm_animals concept:animalpreyson concept_mammal_cows +concept_mammal_farm_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_farm_animals concept:agentcompeteswithagent concept_mammal_horses +concept_mammal_farm_animals concept:animalistypeofanimal concept_mammal_horses +concept_mammal_farm_animals concept:animalistypeofanimal concept_mammal_sheep +concept_mammal_farm_animals concept:animalpreyson concept_mammal_sheep +concept_mammal_farm_animals concept:animalistypeofanimal concept_mammal_sheep_ +concept_mammal_farm_animals concept:animalpreyson concept_mammal_sheep_ +concept_mammal_farmers concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_felines concept:animalistypeofanimal concept_animal_creatures +concept_mammal_felines concept:animalistypeofanimal concept_mammal_animals +concept_mammal_felines concept:animalistypeofanimal concept_mammal_cat +concept_mammal_felines concept:animalpreyson concept_mammal_cat +concept_mammal_felines concept:animalistypeofanimal concept_mammal_cats +concept_mammal_feral_cats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_feral_cats concept:specializationof concept_mammal_animals +concept_mammal_feral_cats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_feral_cats concept:animalpreyson concept_mammal_predators +concept_mammal_ferrets concept:animalistypeofanimal concept_animal_creatures +concept_mammal_ferrets concept:animaldevelopdisease concept_disease_rabies +concept_mammal_ferrets concept:animalistypeofanimal concept_mammal_animals +concept_mammal_ferrets concept:animalpreyson concept_mammal_animals +concept_mammal_ferrets concept:animalpreyson concept_mammal_cats +concept_mammal_ferrets concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_ferrets concept:animalistypeofanimal concept_mammal_pets +concept_mammal_ferrets concept:animalpreyson concept_mammal_pets +concept_mammal_ferrets concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_ferrets concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_four_legged_friends concept:animalistypeofanimal concept_animal_pet +concept_mammal_four_legged_friends concept:animalpreyson concept_animal_pet +concept_mammal_four_mules concept:latitudelongitude 36.8093800000000,-118.0639800000000 +concept_mammal_fox concept:animalistypeofanimal concept_mammal_animals +concept_mammal_fox concept:animalpreyson concept_mammal_animals +concept_mammal_fox concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_fox concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_fox concept:animalistypeofanimal concept_mammal_predators +concept_mammal_fox concept:animalpreyson concept_mammal_predators +concept_mammal_fox concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_foxes concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_foxes concept:animalpreyson concept_animal_birds002 +concept_mammal_foxes concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_foxes concept:animalpreyson concept_animal_carnivores +concept_mammal_foxes concept:animalistypeofanimal concept_animal_creatures +concept_mammal_foxes concept:animalpreyson concept_animal_creatures +concept_mammal_foxes concept:specializationof concept_animal_wildlife +concept_mammal_foxes concept:specializationof concept_insect_pests +concept_mammal_foxes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_foxes concept:animalpreyson concept_mammal_animals +concept_mammal_foxes concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_foxes concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_foxes concept:animalpreyson concept_mammal_mammals +concept_mammal_foxes concept:animalistypeofanimal concept_mammal_predators +concept_mammal_foxes concept:animalpreyson concept_mammal_predators +concept_mammal_foxes concept:specializationof concept_mammal_predators +concept_mammal_foxes concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_furry_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_furry_friends concept:animalpreyson concept_animal_dog001 +concept_mammal_furry_friends concept:animalpreyson concept_animal_pet +concept_mammal_gaur concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_gaur concept:animalistypeofanimal concept_mammal_animals +concept_mammal_gazelle concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_gazelle concept:animalistypeofanimal concept_mammal_animals +concept_mammal_gazelles concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_gazelles concept:animalistypeofanimal concept_mammal_animals +concept_mammal_gazelles concept:specializationof concept_mammal_animals +concept_mammal_giant_panda concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_gibbons concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_giraffes concept:animalistypeofanimal concept_animal_creatures +concept_mammal_giraffes concept:specializationof concept_mammal_animals +concept_mammal_giraffes concept:mammalsuchasmammal concept_mammal_elephants +concept_mammal_giraffes concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_giraffes concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_goat concept:animalistypeofanimal concept_mammal_animals +concept_mammal_goat concept:animaleatvegetable concept_vegetable_rice +concept_mammal_gorilla concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_gorillas concept:animalistypeofanimal concept_animal_creatures +concept_mammal_gorillas concept:animalistypeofanimal concept_mammal_animals +concept_mammal_gorillas concept:animalistypeofanimal concept_mammal_great_apes +concept_mammal_gorillas concept:mammalsuchasmammal concept_mammal_great_apes +concept_mammal_gorillas concept:animalistypeofanimal concept_mammal_primates +concept_mammal_gray_wolf concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_great_apes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_great_apes concept:mammalsuchasmammal concept_mammal_gorillas +concept_mammal_great_apes concept:animalistypeofanimal concept_mammal_primates +concept_mammal_great_deer concept:latitudelongitude 52.5834100000000,-107.0512100000000 +concept_mammal_great_herds concept:ismultipleof concept_mammal_antelope +concept_mammal_great_herds concept:ismultipleof concept_mammal_sheep +concept_mammal_great_herds concept:ismultipleof concept_vertebrate_flocks +concept_mammal_grizzly_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_grizzly_bear concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_grizzly_bears concept:animaleatfood concept_food_vegetation +concept_mammal_grizzly_bears concept:animalistypeofanimal concept_mammal_animals +concept_mammal_grizzly_bears concept:animalpreyson concept_mammal_animals +concept_mammal_grizzly_bears concept:animaleatfood concept_meat_salmon +concept_mammal_ground_squirrels concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_animal_creatures +concept_mammal_guinea_pigs concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_mammal_pets +concept_mammal_guinea_pigs concept:animalpreyson concept_mammal_pets +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_guinea_pigs concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_hares concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_hares concept:animalistypeofanimal concept_animal_creatures +concept_mammal_hares concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_hares concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_hares concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_mammal_hares concept:animalistypeofanimal concept_mammal_animals +concept_mammal_hares concept:animalpreyson concept_mammal_animals +concept_mammal_hares concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_hares concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_health_care_personnel concept:animaldevelopdisease concept_disease_influenza +concept_mammal_hedgehogs concept:animalistypeofanimal concept_animal_creatures +concept_mammal_hedgehogs concept:animalpreyson concept_animal_creatures +concept_mammal_hippos concept:animalistypeofanimal concept_mammal_animals +concept_mammal_hippos concept:specializationof concept_mammal_animals +concept_mammal_hippos concept:mammalsuchasmammal concept_mammal_elephants +concept_mammal_hippos concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_hogs concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_hogs concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_hogs concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woods +concept_mammal_hogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_hogs concept:animalpreyson concept_mammal_animals +concept_mammal_hogs concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_hogs concept:animaleatvegetable concept_vegetable_corn +concept_mammal_hoofed_animals concept:animalistypeofanimal concept_mammal_deer +concept_mammal_hoofed_animals concept:animalpreyson concept_mammal_deer +concept_mammal_hoofed_animals concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_horn_sheep concept:latitudelongitude 37.8802700000000,-110.5184800000000 +concept_mammal_horse concept:animaldevelopdisease concept_disease_problems +concept_mammal_horse concept:animaldevelopdisease concept_disease_rabies +concept_mammal_horse concept:animaldevelopdisease concept_disease_tetanus +concept_mammal_horse concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_horse concept:animaleatfood concept_food_hay +concept_mammal_horse concept:animalistypeofanimal concept_mammal_animals +concept_mammal_horse concept:animalpreyson concept_mammal_animals +concept_mammal_horse concept:animalistypeofanimal concept_mammal_horses +concept_mammal_horse concept:animalpreyson concept_mammal_horses +concept_mammal_horses concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_horses concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_horses concept:animalistypeofanimal concept_animal_creatures +concept_mammal_horses concept:animalpreyson concept_animal_creatures +concept_mammal_horses concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_horses concept:agentcompeteswithagent concept_animal_large_animals +concept_mammal_horses concept:animalistypeofanimal concept_animal_large_animals +concept_mammal_horses concept:animaldevelopdisease concept_disease_equine_influenza +concept_mammal_horses concept:animaldevelopdisease concept_disease_flu +concept_mammal_horses concept:animaldevelopdisease concept_disease_laminitis +concept_mammal_horses concept:animaldevelopdisease concept_disease_rabies +concept_mammal_horses concept:animaldevelopdisease concept_disease_tetanus +concept_mammal_horses concept:animaldevelopdisease concept_disease_west_nile_virus +concept_mammal_horses concept:animaldevelopdisease concept_disease_wnv +concept_mammal_horses concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_horses concept:animaleatfood concept_food_hay +concept_mammal_horses concept:animaleatfood concept_food_meal +concept_mammal_horses concept:animaleatfood concept_food_warm_meal +concept_mammal_horses concept:animaleatfood concept_food_weed +concept_mammal_horses concept:animalistypeofanimal concept_mammal_animals +concept_mammal_horses concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_horses concept:animalpreyson concept_mammal_domestic_animals +concept_mammal_horses concept:agentcompeteswithagent concept_mammal_farm_animals +concept_mammal_horses concept:animalistypeofanimal concept_mammal_farm_animals +concept_mammal_horses concept:animalistypeofanimal concept_mammal_horse +concept_mammal_horses concept:animalpreyson concept_mammal_horse +concept_mammal_horses concept:animalpreyson concept_mammal_horses +concept_mammal_horses concept:agentcompeteswithagent concept_mammal_mals +concept_mammal_horses concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_horses concept:animalpreyson concept_mammal_mammals +concept_mammal_horses concept:animalistypeofanimal concept_mammal_pets +concept_mammal_horses concept:animalpreyson concept_mammal_pets +concept_mammal_horses concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_horses concept:animaleatvegetable concept_vegetable_carrots +concept_mammal_horses concept:animaleatvegetable concept_vegetable_corn +concept_mammal_horses concept:animaleatfood concept_vegetable_leaves +concept_mammal_horses concept:animaleatvegetable concept_vegetable_oats +concept_mammal_hounds concept:animalistypeofanimal concept_mammal_pets +concept_mammal_hounds concept:animalpreyson concept_mammal_pets +concept_mammal_household_pets concept:animaldevelopdisease concept_disease_rabies +concept_mammal_household_pets concept:animalistypeofanimal concept_mammal_animals +concept_mammal_household_pets concept:animalpreyson concept_mammal_animals +concept_mammal_household_pets concept:animalistypeofanimal concept_mammal_cats +concept_mammal_household_pets concept:animalpreyson concept_mammal_cats +concept_mammal_household_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_household_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_huge_herds concept:ismultipleof concept_mammal_antelope +concept_mammal_huge_herds concept:ismultipleof concept_mammal_zebras +concept_mammal_hunters concept:animalpreyson concept_bird_owls +concept_mammal_hunters concept:animalpreyson concept_mammal_cats +concept_mammal_hunters concept:animalpreyson concept_mammal_wolves +concept_mammal_ibex concept:animalistypeofanimal concept_mammal_animals +concept_mammal_impala concept:animalistypeofanimal concept_mammal_antelopes +concept_mammal_impala concept:ismultipleof concept_mammal_antelopes +concept_mammal_indoor_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_indoor_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_intelligent_mammals concept:mammalsuchasmammal concept_mammal_primates +concept_mammal_internet_dog concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_internet_dog concept:animalpreyson concept_mammal_dogs +concept_mammal_jackal concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_jackals concept:animalistypeofanimal concept_mammal_animals +concept_mammal_jackals concept:animalpreyson concept_mammal_animals +concept_mammal_jackals concept:animalistypeofanimal concept_mammal_predators +concept_mammal_jaguars concept:animalistypeofanimal concept_mammal_animals +concept_mammal_jaguars concept:animalpreyson concept_mammal_animals +concept_mammal_jaguars concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_jaguars concept:animalistypeofanimal concept_mammal_big_cats +concept_mammal_jaguars concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_jaguars concept:animalistypeofanimal concept_mammal_predators +concept_mammal_jaguars concept:animalpreyson concept_mammal_predators +concept_mammal_japanese concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_javelina concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_kangaroo concept:animalistypeofanimal concept_mammal_animals +concept_mammal_kangaroo concept:animalistypeofanimal concept_mammal_marsupials +concept_mammal_kangaroo concept:ismultipleof concept_mammal_marsupials +concept_mammal_kangaroos concept:animalistypeofanimal concept_mammal_animals +concept_mammal_kangaroos concept:animalpreyson concept_mammal_animals +concept_mammal_kangaroos concept:animalistypeofanimal concept_mammal_marsupials +concept_mammal_kangaroos concept:mammalsuchasmammal concept_mammal_marsupials +concept_mammal_kids concept:animalistypeofanimal concept_animal_creatures +concept_mammal_kids concept:animalpreyson concept_animal_creatures +concept_mammal_kids concept:animaleatfood concept_beverage_milk +concept_mammal_kids concept:animaldevelopdisease concept_disease_adhd +concept_mammal_kids concept:animaldevelopdisease concept_disease_aids +concept_mammal_kids concept:animaldevelopdisease concept_disease_allergies +concept_mammal_kids concept:animaldevelopdisease concept_disease_arthritis +concept_mammal_kids concept:animaldevelopdisease concept_disease_autism +concept_mammal_kids concept:animaldevelopdisease concept_disease_bipolar_disorder +concept_mammal_kids concept:animaldevelopdisease concept_disease_depression +concept_mammal_kids concept:animaldevelopdisease concept_disease_diabetes +concept_mammal_kids concept:animaldevelopdisease concept_disease_disabilities +concept_mammal_kids concept:animaldevelopdisease concept_disease_disability +concept_mammal_kids concept:animaldevelopdisease concept_disease_diseases +concept_mammal_kids concept:animaldevelopdisease concept_disease_disorder +concept_mammal_kids concept:animaldevelopdisease concept_disease_disorders +concept_mammal_kids concept:animaldevelopdisease concept_disease_epilepsy +concept_mammal_kids concept:animaldevelopdisease concept_disease_flu +concept_mammal_kids concept:animaldevelopdisease concept_disease_hiv_aids +concept_mammal_kids concept:animaldevelopdisease concept_disease_illness +concept_mammal_kids concept:animaldevelopdisease concept_disease_illnesses +concept_mammal_kids concept:animaldevelopdisease concept_disease_measles +concept_mammal_kids concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_mammal_kids concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_kids concept:animaldevelopdisease concept_disease_type_1_diabetes +concept_mammal_kids concept:animaleatfood concept_food_snack +concept_mammal_kids concept:animalistypeofanimal concept_mammal_cats +concept_mammal_kids concept:animalpreyson concept_mammal_cats +concept_mammal_kids concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_kids concept:animalpreyson concept_mammal_dogs +concept_mammal_kids concept:animalistypeofanimal concept_mammal_pets +concept_mammal_kids concept:animalpreyson concept_mammal_pets +concept_mammal_kids concept:animalpreyson concept_mammal_puppies +concept_mammal_killer_whales concept:animalistypeofanimal concept_animal_creatures +concept_mammal_killer_whales concept:animaleatfood concept_food_sea_otters +concept_mammal_killer_whales concept:animalistypeofanimal concept_mammal_animals +concept_mammal_killer_whales concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_killer_whales concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_mammal_kittens concept:animalistypeofanimal concept_animal_creatures +concept_mammal_kittens concept:animaldevelopdisease concept_disease_diarrhea +concept_mammal_kittens concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_kittens concept:animalistypeofanimal concept_mammal_animals +concept_mammal_kittens concept:animalpreyson concept_mammal_animals +concept_mammal_kittens concept:animalistypeofanimal concept_mammal_cat +concept_mammal_kittens concept:animalistypeofanimal concept_mammal_cats +concept_mammal_kittens concept:animalpreyson concept_mammal_cats +concept_mammal_kittens concept:animalistypeofanimal concept_mammal_pets +concept_mammal_kittens concept:animalpreyson concept_mammal_pets +concept_mammal_kitties concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_kitties concept:animalistypeofanimal concept_mammal_cats +concept_mammal_kitties concept:animalpreyson concept_mammal_cats +concept_mammal_kitties concept:animalpreyson concept_mammal_kitties +concept_mammal_koala concept:mammalsuchasmammal concept_mammal_marsupials +concept_mammal_kudu concept:animalistypeofanimal concept_mammal_antelopes +concept_mammal_kudu concept:ismultipleof concept_mammal_antelopes +concept_mammal_lab_animals concept:animalistypeofanimal concept_mammal_rats +concept_mammal_lab_animals concept:animalpreyson concept_mammal_rats +concept_mammal_laboratory_animals concept:animalistypeofanimal concept_mammal_animals +concept_mammal_laboratory_animals concept:animalistypeofanimal concept_mammal_mice +concept_mammal_laboratory_animals concept:animalpreyson concept_mammal_mice +concept_mammal_laboratory_animals concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_laboratory_animals concept:animalpreyson concept_mammal_rabbits +concept_mammal_laboratory_animals concept:animalistypeofanimal concept_mammal_rats +concept_mammal_laboratory_animals concept:animalpreyson concept_mammal_rats +concept_mammal_lambs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_lambs concept:animalpreyson concept_mammal_animals +concept_mammal_lambs concept:animaleatvegetable concept_vegetable_oats +concept_mammal_large_dogs concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_large_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_large_mammals concept:animalistypeofanimal concept_animal_humans +concept_mammal_large_mammals concept:animalpreyson concept_animal_humans +concept_mammal_large_mammals concept:animalpreyson concept_mammal_bears +concept_mammal_lemmings concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_lemurs concept:animalistypeofanimal concept_mammal_primates +concept_mammal_leopard concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_leopard concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_leopard concept:animalistypeofanimal concept_mammal_cats +concept_mammal_leopard concept:mammalsuchasmammal concept_mammal_cheetah +concept_mammal_leopard concept:animalistypeofanimal concept_mammal_predators +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_black_bear +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_bobcat +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_buffalo +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_cheetah +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_coyotes +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_fox +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_leopard +concept_mammal_lion concept:mammalsuchasmammal concept_mammal_wolf +concept_mammal_lions concept:animalistypeofanimal concept_animal_beasts +concept_mammal_lions concept:animalpreyson concept_animal_beasts +concept_mammal_lions concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_lions concept:animalpreyson concept_animal_carnivores +concept_mammal_lions concept:animalistypeofanimal concept_animal_creatures +concept_mammal_lions concept:animalpreyson concept_animal_creatures +concept_mammal_lions concept:animalistypeofanimal concept_mammal_animals +concept_mammal_lions concept:animalpreyson concept_mammal_animals +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_lions concept:animalistypeofanimal concept_mammal_big_cats +concept_mammal_lions concept:animalistypeofanimal concept_mammal_cats +concept_mammal_lions concept:animalpreyson concept_mammal_cats +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_elephant +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_elephants +concept_mammal_lions concept:animalistypeofanimal concept_mammal_exotic_animals +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_gazelles +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_giraffes +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_hippos +concept_mammal_lions concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_lions concept:animalistypeofanimal concept_mammal_predators +concept_mammal_lions concept:animalpreyson concept_mammal_predators +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_rhinos +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_lions concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_lions concept:animalpreyson concept_mammal_wild_animals +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_wolves +concept_mammal_lions concept:mammalsuchasmammal concept_mammal_zebra +concept_mammal_little_girls concept:latitudelongitude 46.6047800000000,-90.3245666666667 +concept_mammal_llamas concept:animalistypeofanimal concept_mammal_animals +concept_mammal_llamas concept:animalpreyson concept_mammal_animals +concept_mammal_llamas concept:animalistypeofanimal concept_mammal_camelids +concept_mammal_lynx concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_lynxes concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_lynxes concept:animalistypeofanimal concept_mammal_animals +concept_mammal_macaques concept:animalistypeofanimal concept_mammal_monkeys +concept_mammal_macaques concept:animalistypeofanimal concept_mammal_primates +concept_mammal_mals concept:agentcompeteswithagent concept_agriculturalproduct_pigs +concept_mammal_mals concept:specializationof concept_agriculturalproduct_pigs +concept_mammal_mals concept:agentcompeteswithagent concept_mammal_cats +concept_mammal_mals concept:agentcompeteswithagent concept_mammal_dogs +concept_mammal_mals concept:specializationof concept_mammal_dogs +concept_mammal_mals concept:agentcompeteswithagent concept_mammal_horses +concept_mammal_mammals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_mammals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_mammals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_mammals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_mammals concept:animalistypeofanimal concept_animal_badgers +concept_mammal_mammals concept:animalpreyson concept_animal_badgers +concept_mammal_mammals concept:animalistypeofanimal concept_animal_creatures +concept_mammal_mammals concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_mammals concept:animalistypeofanimal concept_animal_humans +concept_mammal_mammals concept:animalpreyson concept_animal_humans +concept_mammal_mammals concept:animalpreyson concept_animal_woodchucks +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_bats +concept_mammal_mammals concept:animalpreyson concept_mammal_bats +concept_mammal_mammals concept:animalpreyson concept_mammal_bear +concept_mammal_mammals concept:animalpreyson concept_mammal_bears +concept_mammal_mammals concept:animalpreyson concept_mammal_caribou +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_cats +concept_mammal_mammals concept:animalpreyson concept_mammal_cats +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_chipmunks +concept_mammal_mammals concept:animalpreyson concept_mammal_chipmunks +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_cows +concept_mammal_mammals concept:animalpreyson concept_mammal_cows +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_coyotes +concept_mammal_mammals concept:animalpreyson concept_mammal_coyotes +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_mammals concept:animalpreyson concept_mammal_dogs +concept_mammal_mammals concept:animalpreyson concept_mammal_elephants +concept_mammal_mammals concept:animalpreyson concept_mammal_ferrets +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_foxes +concept_mammal_mammals concept:animalpreyson concept_mammal_foxes +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_mammals concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_hares +concept_mammal_mammals concept:animalpreyson concept_mammal_hares +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_horses +concept_mammal_mammals concept:animalpreyson concept_mammal_horses +concept_mammal_mammals concept:animalpreyson concept_mammal_lions +concept_mammal_mammals concept:animalpreyson concept_mammal_marmots +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_monkeys +concept_mammal_mammals concept:animalpreyson concept_mammal_monkeys +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_predators +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_mammals concept:animalpreyson concept_mammal_rabbits +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_rats +concept_mammal_mammals concept:animalpreyson concept_mammal_rats +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_mammals concept:animalpreyson concept_mammal_rodents +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_sheep +concept_mammal_mammals concept:animalpreyson concept_mammal_sheep +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_shrews +concept_mammal_mammals concept:animalpreyson concept_mammal_shrews +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_squirrels +concept_mammal_mammals concept:animalpreyson concept_mammal_squirrels +concept_mammal_mammals concept:animalpreyson concept_mammal_tigers +concept_mammal_mammals concept:animalpreyson concept_mammal_whales +concept_mammal_mammals concept:animalistypeofanimal concept_mammal_wolves +concept_mammal_mammals concept:animalpreyson concept_mammal_wolves +concept_mammal_mammals concept:animalpreyson concept_vertebrate_skunks +concept_mammal_mammoths concept:animalistypeofanimal concept_mammal_animals +concept_mammal_mammoths concept:animalpreyson concept_mammal_animals +concept_mammal_man concept:animalpreyson concept_agriculturalproduct_livestock +concept_mammal_man concept:animalistypeofanimal concept_animal_organisms +concept_mammal_man concept:animalpreyson concept_mammal_animals +concept_mammal_man concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_man concept:animalistypeofanimal concept_mammal_primates +concept_mammal_mandrill concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_marmots concept:animalistypeofanimal concept_mammal_animals +concept_mammal_marmots concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_marsupials concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_marsupials concept:animalistypeofanimal concept_mammal_animals +concept_mammal_marsupials concept:mammalsuchasmammal concept_mammal_kangaroos +concept_mammal_marsupials concept:mammalsuchasmammal concept_mammal_koala +concept_mammal_men concept:animalistypeofanimal concept_animal_beasts +concept_mammal_men concept:animalistypeofanimal concept_animal_creatures +concept_mammal_men concept:animalpreyson concept_animal_creatures +concept_mammal_men concept:animaldevelopdisease concept_disease_diabetes +concept_mammal_men concept:animaldevelopdisease concept_disease_disabilities +concept_mammal_men concept:animaldevelopdisease concept_disease_disability +concept_mammal_men concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_mice concept:animalistypeofanimal concept_animal_creatures +concept_mammal_mice concept:animalistypeofanimal concept_animal_organisms +concept_mammal_mice concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_mice concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mice concept:animalistypeofanimal concept_mammal_laboratory_animals +concept_mammal_mice concept:animalistypeofanimal concept_mammal_predators +concept_mammal_mice concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_mice concept:animalpreyson concept_mammal_rodents +concept_mammal_mice concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_million_babies concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_miniature_donkeys concept:animalistypeofanimal concept_mammal_animals +concept_mammal_mink concept:animalpreyson concept_animal_animals002 +concept_mammal_mixed_breeds concept:ismultipleof concept_mammal_dogs +concept_mammal_mongooses concept:animalistypeofanimal concept_mammal_animals +concept_mammal_mongooses concept:animalistypeofanimal concept_mammal_predators +concept_mammal_mongooses concept:animalpreyson concept_mammal_predators +concept_mammal_monkey concept:animaleatvegetable concept_vegetable_pepper +concept_mammal_monkeys concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_monkeys concept:animalistypeofanimal concept_animal_creatures +concept_mammal_monkeys concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_animals +concept_mammal_monkeys concept:animalpreyson concept_mammal_animals +concept_mammal_monkeys concept:specializationof concept_mammal_animals +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_apes +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_exotic_animals +concept_mammal_monkeys concept:animalpreyson concept_mammal_exotic_animals +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_monkeys concept:animalpreyson concept_mammal_mammals +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_pets +concept_mammal_monkeys concept:animalpreyson concept_mammal_pets +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_primates +concept_mammal_monkeys concept:animalpreyson concept_mammal_primates +concept_mammal_monkeys concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_monkeys concept:animaleatvegetable concept_vegetable_beans +concept_mammal_moose concept:animalistypeofanimal concept_animal_big_game +concept_mammal_moose concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_moose concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mouflon concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mountain_goat concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_mountain_goats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_mountain_goats concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mountain_goats concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_mountain_lion concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_mountain_lion concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mountain_lions concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_mountain_lions concept:animalpreyson concept_animal_large_predators +concept_mammal_mountain_lions concept:animalistypeofanimal concept_mammal_animals +concept_mammal_mountain_lions concept:animalpreyson concept_mammal_animals +concept_mammal_mountain_lions concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_mountain_lions concept:animalistypeofanimal concept_mammal_predators +concept_mammal_mountain_lions concept:animalpreyson concept_mammal_predators +concept_mammal_mountain_lions concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_mule concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mule_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_mule_deer concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_mules concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_mules concept:animalistypeofanimal concept_mammal_animals +concept_mammal_musk_ox concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_muskrat concept:animalistypeofanimal concept_animal_furbearers +concept_mammal_muskrat concept:animalpreyson concept_animal_furbearers +concept_mammal_muskrats concept:animaleatfood concept_food_roots +concept_mammal_muskrats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_muskrats concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_mutts concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_nature_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_nature_dogs concept:animalpreyson concept_mammal_animals +concept_mammal_north_america concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_numerous_herds concept:ismultipleof concept_mammal_sheep +concept_mammal_ocelots concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_ocelots concept:animalistypeofanimal concept_mammal_animals +concept_mammal_opossums concept:animalistypeofanimal concept_animal_creatures +concept_mammal_orangutan concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_owl concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_oxen concept:animalistypeofanimal concept_mammal_animals +concept_mammal_pandas concept:animalistypeofanimal concept_mammal_animals +concept_mammal_pandas concept:animalpreyson concept_mammal_animals +concept_mammal_pandas concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_peregrine_falcon concept:agentcompeteswithagent concept_animal_birds002 +concept_mammal_peregrine_falcon concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_pets concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_pets concept:animalpreyson concept_agriculturalproduct_livestock +concept_mammal_pets concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_pets concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_pets concept:animalistypeofanimal concept_animal_bunnies +concept_mammal_pets concept:animalpreyson concept_animal_bunnies +concept_mammal_pets concept:animalistypeofanimal concept_animal_children +concept_mammal_pets concept:animalpreyson concept_animal_children +concept_mammal_pets concept:animalistypeofanimal concept_animal_creatures +concept_mammal_pets concept:animalpreyson concept_animal_creatures +concept_mammal_pets concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_pets concept:animalpreyson concept_animal_hamsters +concept_mammal_pets concept:animalistypeofanimal concept_animal_humans +concept_mammal_pets concept:animalpreyson concept_animal_humans +concept_mammal_pets concept:animalistypeofanimal concept_animal_pet +concept_mammal_pets concept:animalpreyson concept_animal_pet +concept_mammal_pets concept:animalpreyson concept_arthropod_spiders +concept_mammal_pets concept:animalistypeofanimal concept_bird_chickens +concept_mammal_pets concept:animalpreyson concept_bird_chickens +concept_mammal_pets concept:animalistypeofanimal concept_bird_exotic_birds +concept_mammal_pets concept:animalpreyson concept_bird_exotic_birds +concept_mammal_pets concept:animalistypeofanimal concept_fish_goldfish +concept_mammal_pets concept:animalpreyson concept_fish_goldfish +concept_mammal_pets concept:animalpreyson concept_insect_insects +concept_mammal_pets concept:animalistypeofanimal concept_mammal_big_cats +concept_mammal_pets concept:animalpreyson concept_mammal_big_cats +concept_mammal_pets concept:animalistypeofanimal concept_mammal_cats +concept_mammal_pets concept:animalpreyson concept_mammal_cats +concept_mammal_pets concept:animalistypeofanimal concept_mammal_chimps +concept_mammal_pets concept:animalistypeofanimal concept_mammal_chinchillas +concept_mammal_pets concept:animalpreyson concept_mammal_chinchillas +concept_mammal_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_pets concept:specializationof concept_mammal_dogs +concept_mammal_pets concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_pets concept:animalistypeofanimal concept_mammal_domestic_cats +concept_mammal_pets concept:animalpreyson concept_mammal_domestic_cats +concept_mammal_pets concept:animalistypeofanimal concept_mammal_domesticated_animals +concept_mammal_pets concept:animalistypeofanimal concept_mammal_exotic_animals +concept_mammal_pets concept:animalpreyson concept_mammal_exotic_animals +concept_mammal_pets concept:animalistypeofanimal concept_mammal_ferrets +concept_mammal_pets concept:animalpreyson concept_mammal_ferrets +concept_mammal_pets concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_pets concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_pets concept:animalistypeofanimal concept_mammal_horses +concept_mammal_pets concept:animalpreyson concept_mammal_horses +concept_mammal_pets concept:animalistypeofanimal concept_mammal_hounds +concept_mammal_pets concept:animalistypeofanimal concept_mammal_kids +concept_mammal_pets concept:animalpreyson concept_mammal_kids +concept_mammal_pets concept:animalistypeofanimal concept_mammal_kittens +concept_mammal_pets concept:animalpreyson concept_mammal_kittens +concept_mammal_pets concept:animalistypeofanimal concept_mammal_monkeys +concept_mammal_pets concept:animalpreyson concept_mammal_monkeys +concept_mammal_pets concept:animalistypeofanimal concept_mammal_predators +concept_mammal_pets concept:animalistypeofanimal concept_mammal_primates +concept_mammal_pets concept:animalpreyson concept_mammal_primates +concept_mammal_pets concept:animalistypeofanimal concept_mammal_puppies +concept_mammal_pets concept:animalpreyson concept_mammal_puppies +concept_mammal_pets concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_pets concept:animalpreyson concept_mammal_rabbits +concept_mammal_pets concept:animalistypeofanimal concept_mammal_rats +concept_mammal_pets concept:animalpreyson concept_mammal_rats +concept_mammal_pets concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_pets concept:animalpreyson concept_mammal_rodents +concept_mammal_pets concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_pets concept:animalpreyson concept_mammal_small_animals +concept_mammal_pets concept:animalistypeofanimal concept_mammal_small_dogs +concept_mammal_pets concept:animalpreyson concept_mammal_small_dogs +concept_mammal_pets concept:animalistypeofanimal concept_mammal_tigers +concept_mammal_pets concept:animalpreyson concept_mammal_tigers +concept_mammal_pets concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_pets concept:animalpreyson concept_mammal_wild_animals +concept_mammal_pets concept:animalistypeofanimal concept_reptile_box_turtles +concept_mammal_pets concept:animalistypeofanimal concept_reptile_iguanas +concept_mammal_pets concept:animalpreyson concept_reptile_iguanas +concept_mammal_pets concept:animalistypeofanimal concept_reptile_lizards +concept_mammal_pets concept:animalpreyson concept_reptile_lizards +concept_mammal_pets concept:animalistypeofanimal concept_reptile_snakes +concept_mammal_pets concept:animalpreyson concept_reptile_snakes +concept_mammal_pets concept:animalistypeofanimal concept_reptile_tortoises +concept_mammal_pets concept:animalpreyson concept_reptile_tortoises +concept_mammal_pets concept:animalistypeofanimal concept_reptile_turtles +concept_mammal_pets concept:animalpreyson concept_reptile_turtles +concept_mammal_pets concept:animalistypeofanimal concept_vertebrate_skunks +concept_mammal_pets concept:animalpreyson concept_vertebrate_skunks +concept_mammal_pig concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_placentals concept:mammalsuchasmammal concept_mammal_horses +concept_mammal_placentals concept:mammalsuchasmammal concept_mammal_rodents +concept_mammal_pocket_pets concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_pocket_pets concept:animalistypeofanimal concept_mammal_animals +concept_mammal_polar_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_ponies concept:animalistypeofanimal concept_mammal_animals +concept_mammal_ponies concept:animalpreyson concept_mammal_animals +concept_mammal_ponies concept:specializationof concept_mammal_animals +concept_mammal_ponies concept:animalistypeofanimal concept_mammal_pets +concept_mammal_ponies concept:animaleatvegetable concept_vegetable_carrots +concept_mammal_porcupines concept:animalistypeofanimal concept_mammal_animals +concept_mammal_porcupines concept:animalpreyson concept_mammal_animals +concept_mammal_porcupines concept:specializationof concept_mammal_animals +concept_mammal_porcupines concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_porpoises concept:animalistypeofanimal concept_animal_cetaceans +concept_mammal_porpoises concept:animalistypeofanimal concept_animal_creatures +concept_mammal_porpoises concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_porpoises concept:animalistypeofanimal concept_mammal_animals +concept_mammal_porpoises concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_porpoises concept:animalpreyson concept_mammal_mammals +concept_mammal_porpoises concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_mammal_porpoises concept:animalpreyson concept_vertebrate_marine_mammals +concept_mammal_possums concept:animalistypeofanimal concept_animal_creatures +concept_mammal_possums concept:animalistypeofanimal concept_mammal_predators +concept_mammal_prairie_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_prairie_dogs concept:animalpreyson concept_mammal_animals +concept_mammal_prairie_dogs concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_predators concept:animalpreyson concept_animal_cheetahs +concept_mammal_predators concept:animalistypeofanimal concept_animal_hawks +concept_mammal_predators concept:animalpreyson concept_animal_hawks +concept_mammal_predators concept:animalpreyson concept_animal_humans +concept_mammal_predators concept:animalpreyson concept_animal_hyenas +concept_mammal_predators concept:animalpreyson concept_animal_leopards +concept_mammal_predators concept:animalsuchasinvertebrate concept_animal_moles001 +concept_mammal_predators concept:animalpreyson concept_animal_ravens +concept_mammal_predators concept:animalistypeofanimal concept_animal_stoats +concept_mammal_predators concept:animalpreyson concept_animal_stoats +concept_mammal_predators concept:animalsuchasinsect concept_arthropod_invertebrates +concept_mammal_predators concept:animalsuchasinvertebrate concept_arthropod_raccoons +concept_mammal_predators concept:animalistypeofanimal concept_arthropod_spiders +concept_mammal_predators concept:animalpreyson concept_arthropod_spiders +concept_mammal_predators concept:animalsuchasinvertebrate concept_arthropod_spiders +concept_mammal_predators concept:animalpreyson concept_bird_crows +concept_mammal_predators concept:animalpreyson concept_bird_eagles +concept_mammal_predators concept:animalpreyson concept_bird_herons +concept_mammal_predators concept:animalistypeofanimal concept_bird_owls +concept_mammal_predators concept:animalpreyson concept_bird_owls +concept_mammal_predators concept:animalpreyson concept_bird_raptors +concept_mammal_predators concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_mammal_predators concept:animalsuchasfish concept_fish_bass +concept_mammal_predators concept:animalsuchasfish concept_fish_cod +concept_mammal_predators concept:animalsuchasfish concept_fish_groupers +concept_mammal_predators concept:animalsuchasfish concept_fish_jacks +concept_mammal_predators concept:animalsuchasfish concept_fish_lake_trout +concept_mammal_predators concept:animalsuchasfish concept_fish_large_fish +concept_mammal_predators concept:animalsuchasfish concept_fish_largemouth_bass +concept_mammal_predators concept:animalsuchasfish concept_fish_larger_fish +concept_mammal_predators concept:animalsuchasfish concept_fish_pike +concept_mammal_predators concept:animalsuchasfish concept_fish_rays +concept_mammal_predators concept:animalsuchasfish concept_fish_salmon +concept_mammal_predators concept:animalsuchasfish concept_fish_shark +concept_mammal_predators concept:animalpreyson concept_fish_sharks +concept_mammal_predators concept:animalsuchasfish concept_fish_sharks +concept_mammal_predators concept:animalsuchasfish concept_fish_steelhead +concept_mammal_predators concept:animalsuchasfish concept_fish_striped_bass +concept_mammal_predators concept:animalsuchasfish concept_fish_sunfish +concept_mammal_predators concept:animalsuchasfish concept_fish_swordfish +concept_mammal_predators concept:animalsuchasfish concept_fish_trout +concept_mammal_predators concept:animalsuchasfish concept_fish_tuna +concept_mammal_predators concept:animalsuchasfish concept_fish_walleye +concept_mammal_predators concept:animalsuchasfish concept_fish_whales +concept_mammal_predators concept:animalsuchasfish concept_fish_white_shark +concept_mammal_predators concept:animalsuchasfish concept_fish_white_sharks +concept_mammal_predators concept:animalsuchasinsect concept_insect_ants +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_ants +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_aphids +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_aquatic_insects +concept_mammal_predators concept:animalistypeofanimal concept_insect_beetles +concept_mammal_predators concept:animalsuchasinsect concept_insect_beetles +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_beetles +concept_mammal_predators concept:animalistypeofanimal concept_insect_bugs +concept_mammal_predators concept:animalsuchasinsect concept_insect_bugs +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_bugs +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_caterpillars +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_crabs +concept_mammal_predators concept:animalsuchasinsect concept_insect_flies +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_flies +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_fly_larvae +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_grasshoppers +concept_mammal_predators concept:animalsuchasinvertebrate concept_insect_ground_beetles +concept_mammal_predators concept:animalsuchasinsect concept_insect_insects +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_insects +concept_mammal_predators concept:animalistypeofanimal concept_insect_lacewings +concept_mammal_predators concept:animalsuchasinvertebrate concept_insect_lacewings +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_lacewings +concept_mammal_predators concept:animalsuchasinsect concept_insect_lady_beetles +concept_mammal_predators concept:animalsuchasinsect concept_insect_ladybirds +concept_mammal_predators concept:animalsuchasinsect concept_insect_ladybugs +concept_mammal_predators concept:animalsuchasinsect concept_insect_mites +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_mites +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_mosquito_larvae +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_moths +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_pest_insects +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_pests +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_thrips +concept_mammal_predators concept:animalistypeofanimal concept_insect_wasps +concept_mammal_predators concept:animalsuchasinsect concept_insect_wasps +concept_mammal_predators concept:animalthatfeedoninsect concept_insect_wasps +concept_mammal_predators concept:animalsuchasinvertebrate concept_invertebrate_larvae +concept_mammal_predators concept:animalistypeofanimal concept_mammal_animals +concept_mammal_predators concept:animalpreyson concept_mammal_bear +concept_mammal_predators concept:animalpreyson concept_mammal_bears +concept_mammal_predators concept:animalistypeofanimal concept_mammal_bobcats +concept_mammal_predators concept:animalpreyson concept_mammal_bobcats +concept_mammal_predators concept:animalistypeofanimal concept_mammal_cats +concept_mammal_predators concept:animalpreyson concept_mammal_cats +concept_mammal_predators concept:animalpreyson concept_mammal_cougars +concept_mammal_predators concept:animalistypeofanimal concept_mammal_coyotes +concept_mammal_predators concept:animalpreyson concept_mammal_coyotes +concept_mammal_predators concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_predators concept:animalpreyson concept_mammal_dogs +concept_mammal_predators concept:animalistypeofanimal concept_mammal_feral_cats +concept_mammal_predators concept:animalpreyson concept_mammal_feral_cats +concept_mammal_predators concept:animalpreyson concept_mammal_fox +concept_mammal_predators concept:animalistypeofanimal concept_mammal_foxes +concept_mammal_predators concept:animalpreyson concept_mammal_foxes +concept_mammal_predators concept:animalpreyson concept_mammal_lions +concept_mammal_predators concept:animalpreyson concept_mammal_mice +concept_mammal_predators concept:animalistypeofanimal concept_mammal_mongooses +concept_mammal_predators concept:animalpreyson concept_mammal_mongooses +concept_mammal_predators concept:animalistypeofanimal concept_mammal_mountain_lions +concept_mammal_predators concept:animalpreyson concept_mammal_mountain_lions +concept_mammal_predators concept:animalistypeofanimal concept_mammal_possums +concept_mammal_predators concept:animalpreyson concept_mammal_possums +concept_mammal_predators concept:animalistypeofanimal concept_mammal_raccoons +concept_mammal_predators concept:animalpreyson concept_mammal_raccoons +concept_mammal_predators concept:animalistypeofanimal concept_mammal_rats +concept_mammal_predators concept:animalpreyson concept_mammal_rats +concept_mammal_predators concept:ismultipleof concept_mammal_sheep +concept_mammal_predators concept:animalpreyson concept_mammal_tigers +concept_mammal_predators concept:animalistypeofanimal concept_mammal_weasels +concept_mammal_predators concept:animalpreyson concept_mammal_weasels +concept_mammal_predators concept:animalistypeofanimal concept_mammal_wild_dogs +concept_mammal_predators concept:animalpreyson concept_mammal_wild_dogs +concept_mammal_predators concept:animalistypeofanimal concept_mammal_wolves +concept_mammal_predators concept:animalpreyson concept_mammal_wolves +concept_mammal_predators concept:animalpreyson concept_reptile_crocodiles +concept_mammal_predators concept:animalpreyson concept_reptile_lizards +concept_mammal_predators concept:animalistypeofanimal concept_reptile_snakes +concept_mammal_predators concept:animalpreyson concept_reptile_snakes +concept_mammal_predators concept:agentparticipatedinevent concept_sportsgame_games +concept_mammal_predators concept:animalpreyson concept_vertebrate_skunks +concept_mammal_primates concept:animalistypeofanimal concept_animal_creatures +concept_mammal_primates concept:animaleatfood concept_food_termites +concept_mammal_primates concept:animalistypeofanimal concept_mammal_animals +concept_mammal_primates concept:animalpreyson concept_mammal_animals +concept_mammal_primates concept:specializationof concept_mammal_animals +concept_mammal_primates concept:mammalsuchasmammal concept_mammal_intelligent_mammals +concept_mammal_primates concept:animalpreyson concept_mammal_monkeys +concept_mammal_primates concept:animalistypeofanimal concept_mammal_pets +concept_mammal_primates concept:animalpreyson concept_mammal_pets +concept_mammal_pronghorn_antelope concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_pugs concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_pumas concept:animalistypeofanimal concept_mammal_big_cats +concept_mammal_pumas concept:animalistypeofanimal concept_mammal_cats +concept_mammal_puppies concept:animalistypeofanimal concept_animal_creatures +concept_mammal_puppies concept:animalistypeofanimal concept_animal_puppy +concept_mammal_puppies concept:animaldevelopdisease concept_disease_rabies +concept_mammal_puppies concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_puppies concept:animalistypeofanimal concept_mammal_animals +concept_mammal_puppies concept:animalpreyson concept_mammal_animals +concept_mammal_puppies concept:animalistypeofanimal concept_mammal_dog +concept_mammal_puppies concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_puppies concept:animalpreyson concept_mammal_dogs +concept_mammal_puppies concept:animalistypeofanimal concept_mammal_pets +concept_mammal_puppies concept:animalpreyson concept_mammal_pets +concept_mammal_pygmy_goats concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_pygmy_goats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_questions concept:agentcreated concept_scientificterm_information_contact +concept_mammal_rabbits concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_rabbits concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_rabbits concept:animalistypeofanimal concept_animal_creatures +concept_mammal_rabbits concept:animalpreyson concept_animal_creatures +concept_mammal_rabbits concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_rabbits concept:animalistypeofanimal concept_animal_house_pets +concept_mammal_rabbits concept:animalpreyson concept_animal_house_pets +concept_mammal_rabbits concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_rabbits concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_rabbits concept:animalpreyson concept_animal_small_mammals +concept_mammal_rabbits concept:animalsuchasinsect concept_animal_small_mammals +concept_mammal_rabbits concept:animalpreyson concept_arthropod_prey +concept_mammal_rabbits concept:animalsuchasinvertebrate concept_arthropod_prey +concept_mammal_rabbits concept:animaldevelopdisease concept_disease_cancer +concept_mammal_rabbits concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_rabbits concept:animalsuchasinsect concept_insect_pests +concept_mammal_rabbits concept:specializationof concept_insect_pests +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_animals +concept_mammal_rabbits concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_household_pets +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_laboratory_animals +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_rabbits concept:animalpreyson concept_mammal_mammals +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_pets +concept_mammal_rabbits concept:animalpreyson concept_mammal_pets +concept_mammal_rabbits concept:animalpreyson concept_mammal_rabbits +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_rabbits concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_rabbits concept:animalpreyson concept_mammal_small_animals +concept_mammal_rabbits concept:specializationof concept_mammal_small_animals +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_rabbits concept:animalpreyson concept_mammal_small_pets +concept_mammal_rabbits concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_rabbits concept:animaleatfood concept_plant_tulips +concept_mammal_rabbits concept:animaleatvegetable concept_vegetable_cabbage +concept_mammal_rabbits concept:animaleatvegetable concept_vegetable_carrots +concept_mammal_rabbits concept:animaleatvegetable concept_vegetable_lettuce +concept_mammal_rabbits concept:animalistypeofanimal concept_vertebrate_small_game +concept_mammal_raccoon concept:animalistypeofanimal concept_animal_furbearers +concept_mammal_raccoon concept:animalpreyson concept_animal_furbearers +concept_mammal_raccoons concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_raccoons concept:animalistypeofanimal concept_animal_creatures +concept_mammal_raccoons concept:animalistypeofanimal concept_animal_rabid_animals +concept_mammal_raccoons concept:animaldevelopdisease concept_disease_rabies +concept_mammal_raccoons concept:animalistypeofanimal concept_mammal_predators +concept_mammal_raccoons concept:animalpreyson concept_mammal_predators +concept_mammal_raccoons concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_raccoons concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_raccoons concept:animalpreyson concept_mammal_wild_animals +concept_mammal_raccoons concept:animaleatvegetable concept_vegetable_corn +concept_mammal_rates concept:agentcreated concept_stateorprovince_contact +concept_mammal_rats concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_rats concept:animalistypeofanimal concept_animal_creatures +concept_mammal_rats concept:animalpreyson concept_animal_creatures +concept_mammal_rats concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_rats concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_rats concept:animalpreyson concept_animal_small_mammals +concept_mammal_rats concept:animalsuchasinsect concept_animal_small_mammals +concept_mammal_rats concept:animalpreyson concept_arthropod_prey +concept_mammal_rats concept:animaldevelopdisease concept_disease_brain_tumors +concept_mammal_rats concept:animaldevelopdisease concept_disease_cancer +concept_mammal_rats concept:animaldevelopdisease concept_disease_diabetes +concept_mammal_rats concept:animaldevelopdisease concept_disease_hypertension +concept_mammal_rats concept:animaldevelopdisease concept_disease_obesity +concept_mammal_rats concept:animaldevelopdisease concept_disease_prostate_cancer +concept_mammal_rats concept:animalpreyson concept_insect_pests +concept_mammal_rats concept:animalsuchasinsect concept_insect_pests +concept_mammal_rats concept:specializationof concept_insect_pests +concept_mammal_rats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_rats concept:animalpreyson concept_mammal_animals +concept_mammal_rats concept:specializationof concept_mammal_animals +concept_mammal_rats concept:animalistypeofanimal concept_mammal_lab_animals +concept_mammal_rats concept:animalistypeofanimal concept_mammal_laboratory_animals +concept_mammal_rats concept:animalpreyson concept_mammal_laboratory_animals +concept_mammal_rats concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_rats concept:animalpreyson concept_mammal_mammals +concept_mammal_rats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_rats concept:animalpreyson concept_mammal_pets +concept_mammal_rats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_rats concept:animalpreyson concept_mammal_predators +concept_mammal_rats concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_rats concept:animalpreyson concept_mammal_rodents +concept_mammal_rats concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_rats concept:animalpreyson concept_mammal_small_animals +concept_mammal_rats concept:animalpreyson concept_mollusk_vermin +concept_mammal_rats concept:animalsuchasinvertebrate concept_mollusk_vermin +concept_mammal_recipient concept:mutualproxyfor concept_bedroomitem_new +concept_mammal_recipient concept:proxyfor concept_book_new +concept_mammal_red_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_red_tailed_hawks concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_reindeer concept:animalistypeofanimal concept_mammal_animals +concept_mammal_reindeer concept:animalpreyson concept_mammal_animals +concept_mammal_reindeer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_reindeer concept:animaleatvegetable concept_vegetable_carrots +concept_mammal_reptiles concept:animalistypeofanimal concept_animal_creatures +concept_mammal_reptiles concept:animalpreyson concept_animal_creatures +concept_mammal_reptiles concept:animalistypeofanimal concept_mammal_exotic_animals +concept_mammal_reptiles concept:animalistypeofanimal concept_mammal_exotic_pets +concept_mammal_reptiles concept:animalistypeofanimal concept_mammal_predators +concept_mammal_reptiles concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_reptiles concept:animalpreyson concept_reptile_pets +concept_mammal_rhinoceros concept:animalistypeofanimal concept_mammal_animals +concept_mammal_rhinoceros concept:animalpreyson concept_mammal_animals +concept_mammal_rhinoceroses concept:animalistypeofanimal concept_mammal_animals +concept_mammal_rhinoceroses concept:specializationof concept_mammal_animals +concept_mammal_rhinos concept:specializationof concept_mammal_animals +concept_mammal_rhinos concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_rodents concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_rodents concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_rodents concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_rodents concept:animalistypeofanimal concept_animal_creatures +concept_mammal_rodents concept:animalpreyson concept_animal_gophers +concept_mammal_rodents concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_rodents concept:animalpreyson concept_animal_hamsters +concept_mammal_rodents concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_rodents concept:animalpreyson concept_animal_moles +concept_mammal_rodents concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_rodents concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_mammal_rodents concept:animalsuchasinsect concept_insect_ground_squirrels +concept_mammal_rodents concept:animalistypeofanimal concept_insect_insects +concept_mammal_rodents concept:animalsuchasinsect concept_insect_insects +concept_mammal_rodents concept:animalistypeofanimal concept_insect_pests +concept_mammal_rodents concept:animalpreyson concept_insect_pests +concept_mammal_rodents concept:animalsuchasinsect concept_insect_pests +concept_mammal_rodents concept:animalsuchasinvertebrate concept_insect_pests +concept_mammal_rodents concept:specializationof concept_insect_pests +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_animals +concept_mammal_rodents concept:animalpreyson concept_mammal_animals +concept_mammal_rodents concept:animalpreyson concept_mammal_ground_squirrels +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_rodents concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_mice +concept_mammal_rodents concept:animalpreyson concept_mammal_mice +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_pets +concept_mammal_rodents concept:animalpreyson concept_mammal_pets +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_predators +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_rodents concept:animalpreyson concept_mammal_rabbits +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_rats +concept_mammal_rodents concept:animalpreyson concept_mammal_rats +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_rodents concept:animalpreyson concept_mammal_small_animals +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_squirrels +concept_mammal_rodents concept:animalpreyson concept_mammal_squirrels +concept_mammal_rodents concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_rodents concept:animalistypeofanimal concept_vertebrate_voles +concept_mammal_rodents concept:animalpreyson concept_vertebrate_voles +concept_mammal_sambar concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_sea_lions concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_sea_lions concept:animalpreyson concept_animal_birds002 +concept_mammal_sea_lions concept:animalistypeofanimal concept_animal_creatures +concept_mammal_sea_lions concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_sea_lions concept:animalistypeofanimal concept_mammal_animals +concept_mammal_sea_lions concept:animalpreyson concept_mammal_animals +concept_mammal_sea_lions concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_sea_lions concept:animalpreyson concept_mammal_mammals +concept_mammal_sea_lions concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_mammal_sea_lions concept:animalpreyson concept_vertebrate_marine_mammals +concept_mammal_seals concept:animalistypeofanimal concept_animal_creatures +concept_mammal_seals concept:animalpreyson concept_animal_creatures +concept_mammal_seals concept:animalistypeofanimal concept_animal_marine_animals +concept_mammal_seals concept:animalistypeofanimal concept_animal_marine_life +concept_mammal_seals concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_seals concept:animalistypeofanimal concept_mammal_predators +concept_mammal_sheep concept:agentcompeteswithagent concept_agriculturalproduct_livestock +concept_mammal_sheep concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_sheep concept:animalistypeofanimal concept_animal_herbivores +concept_mammal_sheep concept:specializationof concept_animal_herbivores +concept_mammal_sheep concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_sheep concept:animaleatfood concept_food_small_plants +concept_mammal_sheep concept:animaleatfood concept_food_vegetation +concept_mammal_sheep concept:animalistypeofanimal concept_mammal_animals +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_antelope +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_bison +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_black_bear +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_caribou +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_sheep concept:animalistypeofanimal concept_mammal_domestic_animals +concept_mammal_sheep concept:specializationof concept_mammal_domestic_animals +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_elk +concept_mammal_sheep concept:animalistypeofanimal concept_mammal_farm_animals +concept_mammal_sheep concept:animalistypeofanimal concept_mammal_grazers +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_grizzly_bear +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_horses +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_sheep concept:agentcompeteswithagent concept_mammal_mammals +concept_mammal_sheep concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_mountain_goat +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_mountain_goats +concept_mammal_sheep concept:mammalsuchasmammal concept_mammal_mountain_lions +concept_mammal_sheep concept:ismultipleof concept_mammal_oxen +concept_mammal_sheep concept:animaleatfood concept_vegetable_wheat +concept_mammal_sheep concept:agentcompeteswithagent concept_vertebrate_ruminants +concept_mammal_sheep concept:animalistypeofanimal concept_vertebrate_ruminants +concept_mammal_sheep_ concept:animalistypeofanimal concept_agriculturalproduct_livestock +concept_mammal_sheep_ concept:animalistypeofanimal concept_mammal_animals +concept_mammal_sheep_ concept:animalpreyson concept_mammal_animals +concept_mammal_sheep_ concept:animalistypeofanimal concept_mammal_farm_animals +concept_mammal_sheep_ concept:agentcompeteswithagent concept_vertebrate_ruminants +concept_mammal_sheep_ concept:animalistypeofanimal concept_vertebrate_ruminants +concept_mammal_sheep_ concept:specializationof concept_vertebrate_ruminants +concept_mammal_shrews concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_shrews concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_shrews concept:animalpreyson concept_animal_small_mammals +concept_mammal_shrews concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_mammal_shrews concept:animalistypeofanimal concept_mammal_animals +concept_mammal_shrews concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_shrews concept:animalpreyson concept_mammal_mammals +concept_mammal_sika concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_sika_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_sloths concept:animalistypeofanimal concept_mammal_animals +concept_mammal_sloths concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_slow_lorises concept:mammalsuchasmammal concept_mammal_animals +concept_mammal_small_animals concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_mammal_small_animals concept:animalpreyson concept_agriculturalproduct_goats +concept_mammal_small_animals concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_small_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_small_animals concept:animalistypeofanimal concept_animal_birds002 +concept_mammal_small_animals concept:animalpreyson concept_animal_birds002 +concept_mammal_small_animals concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_small_animals concept:animalpreyson concept_animal_hamsters +concept_mammal_small_animals concept:animalpreyson concept_bird_chickens +concept_mammal_small_animals concept:animalsuchasinsect concept_insect_insects +concept_mammal_small_animals concept:animalsuchasinvertebrate concept_invertebrate_crustaceans +concept_mammal_small_animals concept:animalsuchasinvertebrate concept_invertebrate_snails +concept_mammal_small_animals concept:animalsuchasinvertebrate concept_invertebrate_worms +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_animals +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_cats +concept_mammal_small_animals concept:animalpreyson concept_mammal_cats +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_chipmunks +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_small_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_ferrets +concept_mammal_small_animals concept:animalpreyson concept_mammal_ferrets +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_small_animals concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_mice +concept_mammal_small_animals concept:animalpreyson concept_mammal_mice +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_pets +concept_mammal_small_animals concept:animalpreyson concept_mammal_pets +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_small_animals concept:animalpreyson concept_mammal_rabbits +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_raccoons +concept_mammal_small_animals concept:animalpreyson concept_mammal_raccoons +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_rats +concept_mammal_small_animals concept:animalpreyson concept_mammal_rats +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_small_animals concept:animalpreyson concept_mammal_rodents +concept_mammal_small_animals concept:animalistypeofanimal concept_mammal_squirrels +concept_mammal_small_animals concept:animalpreyson concept_mammal_squirrels +concept_mammal_small_animals concept:animalistypeofanimal concept_reptile_lizards +concept_mammal_small_animals concept:animalpreyson concept_reptile_lizards +concept_mammal_small_animals concept:animalpreyson concept_reptile_snakes +concept_mammal_small_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_small_dogs concept:animalpreyson concept_mammal_animals +concept_mammal_small_dogs concept:animalistypeofanimal concept_mammal_cats +concept_mammal_small_dogs concept:animalpreyson concept_mammal_cats +concept_mammal_small_dogs concept:animalistypeofanimal concept_mammal_pets +concept_mammal_small_dogs concept:animalpreyson concept_mammal_pets +concept_mammal_small_dogs concept:animalistypeofanimal concept_mammal_small_pets +concept_mammal_small_dogs concept:animalpreyson concept_mammal_small_pets +concept_mammal_small_herds concept:ismultipleof concept_mammal_antelope +concept_mammal_small_herds concept:ismultipleof concept_mammal_sheep +concept_mammal_small_pets concept:animalistypeofanimal concept_agriculturalproduct_pigs +concept_mammal_small_pets concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_small_pets concept:animalistypeofanimal concept_animal_hamsters +concept_mammal_small_pets concept:animalpreyson concept_animal_hamsters +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_cats +concept_mammal_small_pets concept:animalpreyson concept_mammal_cats +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_small_pets concept:animalpreyson concept_mammal_dogs +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_ferrets +concept_mammal_small_pets concept:animalpreyson concept_mammal_ferrets +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_guinea_pigs +concept_mammal_small_pets concept:animalpreyson concept_mammal_guinea_pigs +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_rabbits +concept_mammal_small_pets concept:animalpreyson concept_mammal_rabbits +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_small_pets concept:animalpreyson concept_mammal_rodents +concept_mammal_small_pets concept:animalistypeofanimal concept_mammal_small_dogs +concept_mammal_small_pets concept:animalpreyson concept_mammal_small_dogs +concept_mammal_snow_leopard concept:animalistypeofanimal concept_mammal_animals +concept_mammal_snow_leopard concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_social_animals concept:animalpreyson concept_agriculturalproduct_pigs +concept_mammal_spectacled_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_squirrels concept:animaleatfood concept_agriculturalproduct_fruits +concept_mammal_squirrels concept:animalistypeofanimal concept_animal_creatures +concept_mammal_squirrels concept:animalpreyson concept_animal_creatures +concept_mammal_squirrels concept:animalistypeofanimal concept_animal_small_mammals +concept_mammal_squirrels concept:animalsuchasinvertebrate concept_animal_small_mammals +concept_mammal_squirrels concept:animalistypeofanimal concept_insect_pests +concept_mammal_squirrels concept:animalpreyson concept_insect_pests +concept_mammal_squirrels concept:animalsuchasinvertebrate concept_insect_pests +concept_mammal_squirrels concept:animalistypeofanimal concept_mammal_animals +concept_mammal_squirrels concept:animalpreyson concept_mammal_animals +concept_mammal_squirrels concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_squirrels concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_squirrels concept:animalpreyson concept_mammal_mammals +concept_mammal_squirrels concept:animalistypeofanimal concept_mammal_rodents +concept_mammal_squirrels concept:animalistypeofanimal concept_mammal_small_animals +concept_mammal_squirrels concept:animalpreyson concept_mammal_small_animals +concept_mammal_squirrels concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_squirrels concept:specializationof concept_mammal_wild_animals +concept_mammal_squirrels concept:animaleatfood concept_nut_acorns +concept_mammal_squirrels concept:animaleatvegetable concept_vegetable_corn +concept_mammal_squirrels concept:animaleatvegetable concept_vegetable_pumpkins +concept_mammal_squirrels concept:animalistypeofanimal concept_vertebrate_small_game +concept_mammal_stag concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_stags concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_stags concept:animalistypeofanimal concept_mammal_animals +concept_mammal_start concept:agentparticipatedinevent concept_sportsgame_series +concept_mammal_start concept:agentcompeteswithagent concept_vertebrate_search +concept_mammal_stray_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_street_dogs concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_street_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_such_animal concept:animaldevelopdisease concept_disease_rabies +concept_mammal_such_dog concept:animaldevelopdisease concept_disease_rabies +concept_mammal_sun_bear concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_swine concept:animalistypeofanimal concept_mammal_animals +concept_mammal_tail_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_tapirs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_tapirs concept:animalpreyson concept_mammal_animals +concept_mammal_tapirs concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_ten_deer concept:latitudelongitude 47.4088900000000,-106.1776700000000 +concept_mammal_terrestrial_mammals concept:mammalsuchasmammal concept_mammal_caribou +concept_mammal_three_cows concept:latitudelongitude 16.5000000000000,-61.4833300000000 +concept_mammal_tiger concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_tiger concept:animalistypeofanimal concept_mammal_cats +concept_mammal_tigers concept:animalistypeofanimal concept_animal_beasts +concept_mammal_tigers concept:animalpreyson concept_animal_beasts +concept_mammal_tigers concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_tigers concept:animalpreyson concept_animal_carnivores +concept_mammal_tigers concept:animalistypeofanimal concept_animal_creatures +concept_mammal_tigers concept:animalpreyson concept_animal_creatures +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_animals +concept_mammal_tigers concept:animalpreyson concept_mammal_animals +concept_mammal_tigers concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_tigers concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_cats +concept_mammal_tigers concept:animalpreyson concept_mammal_cats +concept_mammal_tigers concept:mammalsuchasmammal concept_mammal_elephants +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_exotic_animals +concept_mammal_tigers concept:animalpreyson concept_mammal_exotic_animals +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_felines +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_tigers concept:mammalsuchasmammal concept_mammal_monkeys +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_pets +concept_mammal_tigers concept:animalpreyson concept_mammal_pets +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_predators +concept_mammal_tigers concept:animalpreyson concept_mammal_predators +concept_mammal_tigers concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_tigers concept:animalpreyson concept_mammal_wild_animals +concept_mammal_tigers concept:specializationof concept_mammal_wild_animals +concept_mammal_tigers concept:agentparticipatedinevent concept_sportsgame_series +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_disabilities +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_disorder +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_disorders +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_problems +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_spectrum_disorder +concept_mammal_toddlers concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_trophy_elk concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_two_herds concept:ismultipleof concept_mammal_sheep +concept_mammal_wallabies concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wallabies concept:animalistypeofanimal concept_mammal_marsupials +concept_mammal_warthogs concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_warthogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_water_buffalo concept:animalistypeofanimal concept_mammal_animals +concept_mammal_weasels concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_weasels concept:animalistypeofanimal concept_mammal_animals +concept_mammal_weasels concept:animalpreyson concept_mammal_animals +concept_mammal_weasels concept:animalpreyson concept_mammal_chipmunks +concept_mammal_weasels concept:animalistypeofanimal concept_mammal_predators +concept_mammal_weasels concept:animalpreyson concept_mammal_predators +concept_mammal_whale concept:animalistypeofanimal concept_animal_creatures +concept_mammal_whale concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_whales concept:animalistypeofanimal concept_animal_creatures +concept_mammal_whales concept:animalpreyson concept_animal_creatures +concept_mammal_whales concept:specializationof concept_animal_creatures +concept_mammal_whales concept:animalsuchasinvertebrate concept_animal_mammals001 +concept_mammal_whales concept:animalpreyson concept_animal_marine_animals +concept_mammal_whales concept:animalistypeofanimal concept_animal_marine_life +concept_mammal_whales concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_whales concept:animalistypeofanimal concept_mammal_animals +concept_mammal_whales concept:animalpreyson concept_mammal_animals +concept_mammal_whales concept:specializationof concept_mammal_animals +concept_mammal_whales concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_whales concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_whales concept:animalpreyson concept_mammal_mammals +concept_mammal_whales concept:specializationof concept_mammal_mammals +concept_mammal_whales concept:animalistypeofanimal concept_mammal_predators +concept_mammal_whales concept:animalpreyson concept_mammal_predators +concept_mammal_whales concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_mammal_whales concept:animalpreyson concept_vertebrate_marine_mammals +concept_mammal_whales concept:animalistypeofanimal concept_vertebrate_sea_mammals +concept_mammal_white_tail_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_white_tailed_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_whitetail concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_whitetail_deer concept:animalistypeofanimal concept_mammal_animals +concept_mammal_whitetail_deer concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_wild_animals concept:animalpreyson concept_animal_leopards +concept_mammal_wild_animals concept:animalsuchasinvertebrate concept_arthropod_raccoons +concept_mammal_wild_animals concept:animaldevelopdisease concept_disease_rabies +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wild_animals concept:animalpreyson concept_mammal_animals +concept_mammal_wild_animals concept:animalpreyson concept_mammal_bears +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_boars +concept_mammal_wild_animals concept:animalpreyson concept_mammal_boars +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_deer +concept_mammal_wild_animals concept:animalpreyson concept_mammal_deer +concept_mammal_wild_animals concept:animalpreyson concept_mammal_dogs +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_elephants +concept_mammal_wild_animals concept:animalpreyson concept_mammal_elephants +concept_mammal_wild_animals concept:animalpreyson concept_mammal_foxes +concept_mammal_wild_animals concept:animalpreyson concept_mammal_giraffes +concept_mammal_wild_animals concept:animalpreyson concept_mammal_lions +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_pets +concept_mammal_wild_animals concept:animalpreyson concept_mammal_pets +concept_mammal_wild_animals concept:animalpreyson concept_mammal_rabbits +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_raccoons +concept_mammal_wild_animals concept:animalpreyson concept_mammal_raccoons +concept_mammal_wild_animals concept:animalpreyson concept_mammal_rodents +concept_mammal_wild_animals concept:animalpreyson concept_mammal_squirrels +concept_mammal_wild_animals concept:animalpreyson concept_mammal_tigers +concept_mammal_wild_animals concept:animalistypeofanimal concept_mammal_wolves +concept_mammal_wild_animals concept:animalpreyson concept_mammal_wolves +concept_mammal_wild_boar concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_wild_boars concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wild_boars concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_wild_boars concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_wild_cats concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_wild_cats concept:animalistypeofanimal concept_mammal_pets +concept_mammal_wild_cats concept:animalpreyson concept_mammal_pets +concept_mammal_wild_cats concept:animalistypeofanimal concept_mammal_predators +concept_mammal_wild_cats concept:mammalsuchasmammal concept_mammal_tigers +concept_mammal_wild_dogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wild_dogs concept:animalpreyson concept_mammal_animals +concept_mammal_wild_dogs concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_wild_elephants concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wild_elephants concept:animalpreyson concept_mammal_animals +concept_mammal_wild_horses concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wild_horses concept:animalpreyson concept_mammal_animals +concept_mammal_wild_horses concept:animalistypeofanimal concept_mammal_horses +concept_mammal_wild_horses concept:mammalsuchasmammal concept_mammal_sheep +concept_mammal_wild_pigs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wolf concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_wolf concept:mammalsuchasmammal concept_mammal_lion +concept_mammal_wolfdogs concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_wolfdogs concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wolverines concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wolverines concept:animalpreyson concept_mammal_animals +concept_mammal_wolves concept:animalistypeofanimal concept_animal_beasts +concept_mammal_wolves concept:animalpreyson concept_animal_beasts +concept_mammal_wolves concept:animalistypeofanimal concept_animal_carnivores +concept_mammal_wolves concept:animalpreyson concept_animal_carnivores +concept_mammal_wolves concept:animalistypeofanimal concept_animal_creatures +concept_mammal_wolves concept:animalpreyson concept_animal_creatures +concept_mammal_wolves concept:animalistypeofanimal concept_animal_large_predators +concept_mammal_wolves concept:animalpreyson concept_animal_large_predators +concept_mammal_wolves concept:agentparticipatedinevent concept_eventoutcome_result +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wolves concept:animalpreyson concept_mammal_animals +concept_mammal_wolves concept:specializationof concept_mammal_animals +concept_mammal_wolves concept:mammalsuchasmammal concept_mammal_bear +concept_mammal_wolves concept:mammalsuchasmammal concept_mammal_bears +concept_mammal_wolves concept:mammalsuchasmammal concept_mammal_deer +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_dogs +concept_mammal_wolves concept:animalpreyson concept_mammal_dogs +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_hunters +concept_mammal_wolves concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_mammals +concept_mammal_wolves concept:animalpreyson concept_mammal_mammals +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_predators +concept_mammal_wolves concept:animalpreyson concept_mammal_predators +concept_mammal_wolves concept:animalistypeofanimal concept_mammal_wild_animals +concept_mammal_wolves concept:animalpreyson concept_mammal_wild_animals +concept_mammal_wolves concept:specializationof concept_mammal_wild_animals +concept_mammal_wombats concept:animalistypeofanimal concept_mammal_animals +concept_mammal_wombats concept:animalpreyson concept_mammal_animals +concept_mammal_yaks concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_yaks concept:animalistypeofanimal concept_mammal_animals +concept_mammal_year_round concept:animalsuchasfish concept_fish_trout +concept_mammal_younger_brother concept:animaldevelopdisease concept_disease_syndrome +concept_mammal_younger_children concept:animaldevelopdisease concept_disease_disorders +concept_mammal_zebra concept:agentcompeteswithagent concept_mammal_animals +concept_mammal_zebra concept:animalistypeofanimal concept_mammal_animals +concept_mammal_zebra concept:mammalsuchasmammal concept_mammal_lions +concept_mammal_zebras concept:animalistypeofanimal concept_animal_creatures +concept_mammal_zebras concept:animalistypeofanimal concept_mammal_animals +concept_mammal_zebras concept:animalpreyson concept_mammal_animals +concept_meat_aunt concept:proxyfor concept_book_new +concept_meat_aunt concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_meat_bacon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_meat_bacon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_meat_bacon concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_meat_bacon concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_meat_bacon concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_meat_bacon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_bacon concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_cattle +concept_meat_beef concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_dairy_products +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_goats +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_bird_chickens +concept_meat_beef concept:agriculturalproductcontainchemical concept_drug_cholesterol +concept_meat_beef concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_meat_beef concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_meat_beef concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_beef concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_meat_beef concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_calves +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_cows +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_heifers +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_hogs +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_mammal_sheep_ +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_meat_beef concept:agriculturalproductcomingfromvertebrate concept_vertebrate_herds +concept_meat_beef concept:agriculturalproductcookedwithagriculturalproduct concept_wine_red_wine +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_abnormalities +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_autoimmune_disease +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer_development +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer_incidence +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer_increase +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer_research +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancer_risk_factors +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_cancers +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_carcinoma +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_complications +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_condition +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_conditions +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_disorders +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_growth +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_illness +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_illnesses +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_invasive_breast_cancer +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_malignancies +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_neoplasms +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_pain +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_problems +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_symptoms +concept_meat_breast concept:fooddecreasestheriskofdisease concept_disease_tumors +concept_meat_breast concept:fooddecreasestheriskofdisease concept_physiologicalcondition_cancer_cases +concept_meat_breast concept:fooddecreasestheriskofdisease concept_physiologicalcondition_cancer_increases +concept_meat_breast concept:fooddecreasestheriskofdisease concept_physiologicalcondition_carcinomas +concept_meat_breast concept:fooddecreasestheriskofdisease concept_physiologicalcondition_cysts +concept_meat_breast concept:fooddecreasestheriskofdisease concept_physiologicalcondition_health_issues +concept_meat_breast concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_chicken concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_meat_chicken concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_visualizableattribute_inch_cubes +concept_meat_chicken concept:agriculturalproductcutintogeometricshape concept_visualizableattribute_n1_inch_cubes +concept_meat_chicken_breast concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_meat_chicken_breast concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_meat_chicken_breast concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_chicken_breast concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_chicken_breast concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_seasonings +concept_meat_chicken_breasts concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_meat_chicken_breasts concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_chicken_breasts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_country_sausage concept:latitudelongitude 32.9867900000000,-96.6975000000000 +concept_meat_culture concept:objectfoundinscene concept_landscapefeatures_valley +concept_meat_culture concept:objectpartofobject concept_visualizableobject_lens +concept_meat_dog concept:foodcancausedisease concept_disease_blood_pressure +concept_meat_evenings concept:proxyfor concept_book_new +concept_meat_ham concept:agriculturalproductcookedwithagriculturalproduct concept_food_chinese_cabbage +concept_meat_ham concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_meat_ham concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_meat_ham concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_ham concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_meat_ham concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_more_breast concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_meat_pork concept:agriculturalproductcomingfromvertebrate concept_agriculturalproduct_pigs +concept_meat_pork concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_meat_pork concept:agriculturalproductcutintogeometricshape concept_geometricshape_cube +concept_meat_pork concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_pork concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_meat_pork concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_meat_pork concept:agriculturalproductcomingfromvertebrate concept_mammal_hogs +concept_meat_pork concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_meat_pork concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_pork_chops concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_pork_tenderloin concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_rasher concept:latitudelongitude 31.4546100000000,-88.8975500000000 +concept_meat_ribs concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_salmon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_meat_salmon concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_meat_salmon concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_meat_salmon concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_salmon concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_meat_sausage concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_meat_sausage concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_sausage concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_meat_sausage concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_silicone_breast concept:fooddecreasestheriskofdisease concept_disease_diseases +concept_meat_steak concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_meat_steak concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_meat_steak concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_tropicana concept:subpartof concept_traditionalgame_vegas +concept_meat_veal concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_meat_veal_chop concept:latitudelongitude 12.7833300000000,102.9500000000000 +concept_mediatype_books concept:atdate concept_date_n1993 +concept_mediatype_books concept:atdate concept_date_n1996 +concept_mediatype_books concept:atdate concept_date_n1999 +concept_mediatype_books concept:atdate concept_date_n2000 +concept_mediatype_books concept:atdate concept_date_n2001 +concept_mediatype_books concept:atdate concept_date_n2003 +concept_mediatype_books concept:atdate concept_date_n2004 +concept_mediatype_books concept:atdate concept_date_n2009 +concept_mediatype_books concept:atdate concept_date_n2011 +concept_mediatype_books concept:atdate concept_dateliteral_n1980 +concept_mediatype_books concept:atdate concept_dateliteral_n1987 +concept_mediatype_books concept:atdate concept_dateliteral_n1990 +concept_mediatype_books concept:atdate concept_dateliteral_n2002 +concept_mediatype_books concept:atdate concept_dateliteral_n2005 +concept_mediatype_books concept:atdate concept_dateliteral_n2006 +concept_mediatype_books concept:atdate concept_dateliteral_n2007 +concept_mediatype_books concept:atdate concept_dateliteral_n2008 +concept_mediatype_books concept:atdate concept_dateliteral_n2010 +concept_mediatype_books concept:atdate concept_year_n1982 +concept_mediatype_books concept:atdate concept_year_n1983 +concept_mediatype_books concept:atdate concept_year_n1984 +concept_mediatype_books concept:atdate concept_year_n1985 +concept_mediatype_books concept:atdate concept_year_n1986 +concept_mediatype_books concept:atdate concept_year_n1988 +concept_mediatype_books concept:atdate concept_year_n1989 +concept_mediatype_books concept:atdate concept_year_n1991 +concept_mediatype_books concept:atdate concept_year_n1992 +concept_mediatype_books concept:atdate concept_year_n1994 +concept_mediatype_books concept:atdate concept_year_n1997 +concept_mediatype_books concept:atdate concept_year_n1998 +concept_mediatype_books_children concept:latitudelongitude 43.0417300000000,-71.1880400000000 +concept_mediatype_concepts concept:subpartof concept_weatherphenomenon_air +concept_mediatype_concepts concept:subpartof concept_weatherphenomenon_water +concept_mediatype_founder concept:proxyfor concept_book_new +concept_mediatype_magazines concept:proxyfor concept_book_new +concept_mediatype_media_outlets concept:proxyfor concept_book_new +concept_mediatype_media_outlets concept:mutualproxyfor concept_lake_new +concept_mediatype_operation concept:subpartof concept_weatherphenomenon_air +concept_mediatype_operation concept:subpartof concept_weatherphenomenon_water +concept_mediatype_outdoors concept:proxyfor concept_book_new +concept_mediatype_past_year concept:proxyfor concept_book_new +concept_mediatype_portion concept:proxyfor concept_book_new +concept_mediatype_portion concept:subpartof concept_weatherphenomenon_air +concept_mediatype_report concept:subpartof concept_weatherphenomenon_air +concept_mediatype_report concept:subpartof concept_weatherphenomenon_water +concept_mediatype_restructuring concept:atdate concept_dateliteral_n2008 +concept_mediatype_singles concept:itemfoundinroom concept_visualizablescene_bedroom +concept_mediatype_special_collections concept:atdate concept_date_n2000 +concept_mediatype_submissions concept:atdate concept_dateliteral_n2006 +concept_mediatype_submissions concept:atdate concept_dateliteral_n2007 +concept_mediatype_system_requirements concept:subpartof concept_weatherphenomenon_air +concept_mediatype_white concept:subpartof concept_sportsequipment_officials +concept_medicalprocedure_aspiration concept:istallerthan concept_publication_people_ +concept_medicalprocedure_bone_marrow_transplant concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_bypass_surgery concept:atdate concept_date_n2004 +concept_medicalprocedure_cancer concept:atdate concept_date_n1993 +concept_medicalprocedure_cancer concept:atdate concept_date_n1996 +concept_medicalprocedure_cancer concept:atdate concept_date_n1999 +concept_medicalprocedure_cancer concept:atdate concept_date_n2000 +concept_medicalprocedure_cancer concept:atdate concept_date_n2001 +concept_medicalprocedure_cancer concept:atdate concept_date_n2003 +concept_medicalprocedure_cancer concept:atdate concept_date_n2004 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n1990 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n2002 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n2005 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n2006 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_cancer concept:atdate concept_dateliteral_n2008 +concept_medicalprocedure_cancer concept:atdate concept_year_n1986 +concept_medicalprocedure_cancer concept:atdate concept_year_n1988 +concept_medicalprocedure_cancer concept:atdate concept_year_n1992 +concept_medicalprocedure_cancer concept:atdate concept_year_n1994 +concept_medicalprocedure_cancer concept:atdate concept_year_n1995 +concept_medicalprocedure_cancer concept:atdate concept_year_n1997 +concept_medicalprocedure_cpr concept:mutualproxyfor concept_governmentorganization_red_cross +concept_medicalprocedure_dopping concept:latitudelongitude 42.2092600000000,-71.3981200000000 +concept_medicalprocedure_dvp concept:latitudelongitude 43.9860800000000,-95.7827900000000 +concept_medicalprocedure_exam concept:atdate concept_date_n2009 +concept_medicalprocedure_exam concept:atdate concept_dateliteral_n2005 +concept_medicalprocedure_exam concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_exam concept:atdate concept_dateliteral_n2008 +concept_medicalprocedure_excuse concept:mutualproxyfor concept_sportsequipment_new +concept_medicalprocedure_excuse concept:proxyfor concept_weatherphenomenon_new +concept_medicalprocedure_eye concept:atdate concept_dateliteral_n2005 +concept_medicalprocedure_eye concept:atdate concept_dateliteral_n2006 +concept_medicalprocedure_eye concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_full_refurbishment concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_hematology_oncology concept:latitudelongitude 42.4908300000000,-96.4028100000000 +concept_medicalprocedure_implant concept:atdate concept_dateliteral_n2002 +concept_medicalprocedure_limbs concept:subpartof concept_website_blood +concept_medicalprocedure_oct_ concept:atdate concept_date_community +concept_medicalprocedure_oct_ concept:atdate concept_date_meeting +concept_medicalprocedure_oct_ concept:proxyfor concept_weatherphenomenon_new +concept_medicalprocedure_rectum concept:subpartof concept_website_blood +concept_medicalprocedure_renovations concept:atdate concept_date_n2003 +concept_medicalprocedure_renovations concept:atdate concept_dateliteral_n2006 +concept_medicalprocedure_renovations concept:atdate concept_dateliteral_n2007 +concept_medicalprocedure_resonance_imaging concept:latitudelongitude 32.8750000000000,-117.2361000000000 +concept_medicalprocedure_spine concept:subpartof concept_website_blood +concept_medicalprocedure_start concept:atdate concept_date_n2000 +concept_medicalprocedure_start concept:atdate concept_date_n2001 +concept_medicalprocedure_start concept:atdate concept_date_n2009 +concept_medicalprocedure_stem_cell_transplant concept:atdate concept_dateliteral_n2006 +concept_medicalprocedure_tumt concept:latitudelongitude 36.3587966666667,128.1211266666667 +concept_militaryconflict_american_revolution concept:atdate concept_dateliteral_n1812 +concept_militaryconflict_cynoscephalae concept:latitudelongitude 39.4166700000000,22.5666700000000 +concept_militaryconflict_december_12 concept:proxyfor concept_book_new +concept_militaryconflict_eastern_front concept:atdate concept_dateliteral_n1943 +concept_militaryconflict_european_theater concept:atdate concept_date_n1942 +concept_militaryconflict_first_gulf_war concept:atdate concept_year_n1991 +concept_militaryconflict_great_siege concept:latitudelongitude 36.1451600000000,-5.3450100000000 +concept_militaryconflict_indian_war concept:atdate concept_dateliteral_n1812 +concept_militaryconflict_kernstown concept:latitudelongitude 39.1431633333333,-78.1902800000000 +concept_militaryconflict_medina concept:mutualproxyfor concept_university_ohio +concept_militaryconflict_mexican_war concept:latitudelongitude 40.4547900000000,-80.0111600000000 +concept_militaryconflict_modoc_war concept:latitudelongitude 41.6879400000000,-121.4011000000000 +concept_militaryconflict_napoleonic_wars concept:atdate concept_dateliteral_n1812 +concept_militaryconflict_paris_peace_conference concept:atdate concept_year_n1919 +concept_militaryconflict_plane_crash concept:atdate concept_date_n1942 +concept_militaryconflict_plane_crash concept:atdate concept_date_n2001 +concept_militaryconflict_plane_crash concept:atdate concept_dateliteral_n2007 +concept_militaryconflict_revolutionary_war concept:atdate concept_dateliteral_n1812 +concept_militaryconflict_soviet_war concept:latitudelongitude 52.5165000000000,13.3720000000000 +concept_militaryconflict_tet_offensive concept:atdate concept_date_n1968 +concept_militaryconflict_tobruk concept:atdate concept_date_n1941 +concept_militaryconflict_world_war concept:atdate concept_dateliteral_n1917 +concept_militaryconflict_world_war concept:atdate concept_dateliteral_n1945 +concept_militaryeventtype_attacks concept:atdate concept_date_n2003 +concept_militaryeventtype_attacks concept:atdate concept_dateliteral_n2005 +concept_militaryeventtype_attacks concept:atdate concept_dateliteral_n2006 +concept_militaryeventtype_attacks concept:proxyfor concept_weatherphenomenon_new +concept_militaryeventtype_clashes concept:atdate concept_dateliteral_n2008 +concept_mlalgorithm__ concept:mutualproxyfor concept_book_new +concept_mlalgorithm__ concept:atlocation concept_lake_new +concept_mlalgorithm__ concept:atlocation concept_website_south +concept_mlalgorithm_ames concept:atlocation concept_blog_iowa +concept_mlalgorithm_ames concept:proxyfor concept_musicalbum_iowa +concept_mlalgorithm_ames concept:subpartof concept_musicalbum_iowa +concept_mlalgorithm_canoco concept:latitudelongitude -13.4000000000000,12.5833300000000 +concept_mlalgorithm_challenge_program concept:latitudelongitude 36.8131000000000,-75.9841200000000 +concept_mlalgorithm_compensation_program concept:latitudelongitude 38.8965800000000,-77.0181900000000 +concept_mlalgorithm_decision_making concept:subpartof concept_weatherphenomenon_water +concept_mlalgorithm_exams concept:atdate concept_date_n2004 +concept_mlalgorithm_exams concept:atdate concept_date_n2009 +concept_mlalgorithm_exams concept:atdate concept_dateliteral_n2007 +concept_mlalgorithm_excel concept:mutualproxyfor concept_university_microsoft +concept_mlalgorithm_knn concept:latitudelongitude 32.0370000000000,51.4345000000000 +concept_mlalgorithm_little_girl concept:atdate concept_dateliteral_n2008 +concept_mlalgorithm_microsoft_word concept:mutualproxyfor concept_university_microsoft +concept_mlalgorithm_n0_39 concept:latitudelongitude 45.1233000000000,-90.1634750000000 +concept_mlalgorithm_n14_16 concept:latitudelongitude 34.2334400000000,-89.3500800000000 +concept_mlalgorithm_n4_9_percent concept:atdate concept_dateliteral_n2008 +concept_mlalgorithm_partek concept:latitudelongitude 34.1833300000000,75.9166700000000 +concept_mlalgorithm_partner_program concept:latitudelongitude 47.4232700000000,-122.4580800000000 +concept_mlalgorithm_s_ concept:atlocation concept_building_years +concept_mlalgorithm_section concept:mutualproxyfor concept_book_new +concept_mlalgorithm_solutions concept:subpartof concept_beverage_integrated_water +concept_mlalgorithm_solutions concept:proxyfor concept_book_new +concept_mlalgorithm_solutions concept:subpartof concept_politicsissue_innovative_water +concept_mlalgorithm_solutions concept:subpartof concept_visualizableattribute_drinking_water +concept_mlalgorithm_solutions concept:subpartof concept_visualizablething_water_supply +concept_mlalgorithm_solutions concept:subpartof concept_weatherphenomenon_air +concept_mlalgorithm_solutions concept:subpartof concept_weatherphenomenon_water +concept_mlalgorithm_sons concept:proxyfor concept_book_new +concept_mlalgorithm_sons concept:atdate concept_dateliteral_n2002 +concept_mlalgorithm_sons concept:atdate concept_dateliteral_n2007 +concept_mlalgorithm_sons concept:atdate concept_dateliteral_n2008 +concept_mlalgorithm_speech concept:atdate concept_date_n1996 +concept_mlalgorithm_speech concept:atdate concept_date_n1999 +concept_mlalgorithm_speech concept:atdate concept_date_n2000 +concept_mlalgorithm_speech concept:atdate concept_date_n2001 +concept_mlalgorithm_speech concept:atdate concept_date_n2003 +concept_mlalgorithm_speech concept:atdate concept_date_n2004 +concept_mlalgorithm_speech concept:atdate concept_dateliteral_n2002 +concept_mlalgorithm_speech concept:atdate concept_dateliteral_n2005 +concept_mlalgorithm_speech concept:atdate concept_dateliteral_n2006 +concept_mlalgorithm_speech concept:atdate concept_dateliteral_n2007 +concept_mlalgorithm_speech concept:atdate concept_dateliteral_n2008 +concept_mlalgorithm_speech concept:atdate concept_year_n1995 +concept_mlalgorithm_speech concept:atdate concept_year_n1997 +concept_mlalgorithm_speech concept:atdate concept_year_n1998 +concept_mlalgorithm_star_program concept:latitudelongitude 42.4575000000000,-83.1867000000000 +concept_mlalgorithm_statistica concept:latitudelongitude 47.1597200000000,27.5856500000000 +concept_mlalgorithm_sudaan concept:latitudelongitude 15.0000000000000,30.0000000000000 +concept_mlalgorithm_wilcoxon concept:latitudelongitude 35.8000200000000,-108.0625600000000 +concept_mlarea_agreement concept:subpartof concept_book_terms +concept_mlarea_analyses concept:subpartof concept_weatherphenomenon_water +concept_mlarea_applications concept:subpartof concept_mlalgorithm_commercial_air +concept_mlarea_approach concept:proxyfor concept_book_new +concept_mlarea_approach concept:atdate concept_dateliteral_n2007 +concept_mlarea_approach concept:subpartof concept_weatherphenomenon_water +concept_mlarea_assignment concept:atdate concept_date_n2001 +concept_mlarea_assignment concept:atdate concept_date_n2004 +concept_mlarea_assignment concept:atdate concept_dateliteral_n2002 +concept_mlarea_assignment concept:atdate concept_dateliteral_n2005 +concept_mlarea_assignment concept:atdate concept_dateliteral_n2006 +concept_mlarea_assignment concept:atdate concept_dateliteral_n2007 +concept_mlarea_challanges concept:latitudelongitude 47.0110000000000,4.8980000000000 +concept_mlarea_concept concept:subpartof concept_weatherphenomenon_water +concept_mlarea_feasibility concept:subpartof concept_weatherphenomenon_water +concept_mlarea_instructor concept:proxyfor concept_book_new +concept_mlarea_instructor concept:atdate concept_dateliteral_n2002 +concept_mlarea_instructor concept:atdate concept_dateliteral_n2006 +concept_mlarea_items concept:subpartof concept_weatherphenomenon_air +concept_mlarea_lack concept:proxyfor concept_book_new +concept_mlarea_lack concept:mutualproxyfor concept_emotion_new +concept_mlarea_major_challenge concept:proxyfor concept_book_new +concept_mlarea_obstacles concept:latitudelongitude 48.4834400000000,-75.0824800000000 +concept_mlarea_premises concept:subpartof concept_weatherphenomenon_air +concept_mlarea_premises concept:subpartof concept_weatherphenomenon_water +concept_mlarea_purification concept:subpartof concept_weatherphenomenon_water +concept_mlarea_reasoning concept:latitudelongitude 47.6135000000000,-122.0313200000000 +concept_mlarea_recognition concept:proxyfor concept_book_new +concept_mlarea_recognition concept:atdate concept_date_n2000 +concept_mlarea_recognition concept:atdate concept_date_n2001 +concept_mlarea_recognition concept:atdate concept_date_n2003 +concept_mlarea_recognition concept:atdate concept_date_n2004 +concept_mlarea_recognition concept:atdate concept_dateliteral_n2002 +concept_mlarea_recognition concept:atdate concept_dateliteral_n2007 +concept_mlarea_recognition concept:atdate concept_dateliteral_n2008 +concept_mlarea_recognition concept:mutualproxyfor concept_emotion_new +concept_mlarea_recognition concept:atdate concept_year_n1992 +concept_mlarea_recognition concept:atdate concept_year_n1998 +concept_mlarea_rules concept:subpartof concept_weatherphenomenon_air +concept_mlarea_rules concept:subpartof concept_weatherphenomenon_water +concept_mlarea_system concept:subpartof concept_musicinstrument_hydrogen +concept_mlarea_systems concept:subpartof concept_mlalgorithm_commercial_air +concept_mlarea_transactions concept:proxyfor concept_book_new +concept_mlarea_tumor concept:subpartof concept_website_blood +concept_mlauthor_alan_schwartz concept:topmemberoforganization concept_bank_bear_stearns +concept_mlauthor_alan_schwartz concept:worksfor concept_bank_bear_stearns +concept_mlauthor_alan_schwartz concept:personleadsorganization concept_bank_bear_stearns___co_ +concept_mlauthor_alan_schwartz concept:worksfor concept_bank_bear_stearns___co_ +concept_mlauthor_alan_schwartz concept:personleadsorganization concept_bank_bear_stearns_companies +concept_mlauthor_alan_schwartz concept:worksfor concept_bank_bear_stearns_companies +concept_mlauthor_alan_schwartz concept:proxyfor concept_retailstore_bear_stearns +concept_mlauthor_attention concept:agentparticipatedinevent concept_sportsgame_series +concept_mlauthor_chen_feng concept:latitudelongitude 29.9658500000000,110.1950700000000 +concept_mlauthor_david_mitchell concept:agentcreated concept_book_black_swan_green +concept_mlauthor_david_mitchell concept:agentcreated concept_book_cloud_atlas +concept_mlauthor_david_mitchell concept:agentcreated concept_book_number9dream +concept_mlauthor_david_stirling concept:persondiedincountry concept_country_england +concept_mlauthor_dean_williams concept:latitudelongitude 55.3582300000000,-97.4829800000000 +concept_mlauthor_doug_russell concept:latitudelongitude 31.9929000000000,-102.1329200000000 +concept_mlauthor_edward_russell concept:latitudelongitude 33.7394600000000,-117.9153400000000 +concept_mlauthor_hr concept:personbelongstoorganization concept_governmentorganization_house +concept_mlauthor_j_perez concept:latitudelongitude -19.4166700000000,-60.2500000000000 +concept_mlauthor_james_o_toole concept:personhasjobposition concept_jobposition_historian +concept_mlauthor_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_mlauthor_john_treat concept:latitudelongitude 36.2397900000000,-92.5901600000000 +concept_mlauthor_k_moore concept:latitudelongitude 36.1688900000000,-115.0825000000000 +concept_mlauthor_larry_turner concept:latitudelongitude 35.9750700000000,-84.9732900000000 +concept_mlauthor_mary_shelton concept:latitudelongitude 48.1120400000000,-122.2659800000000 +concept_mlauthor_papers concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mlauthor_phd_thesis concept:atdate concept_dateliteral_n2006 +concept_mlauthor_phd_thesis concept:atdate concept_dateliteral_n2008 +concept_mlauthor_r__ford concept:latitudelongitude 42.8825300000000,-85.5239100000000 +concept_mlauthor_research concept:agentparticipatedinevent concept_eventoutcome_result +concept_mlauthor_research concept:agentbelongstoorganization concept_governmentorganization_government +concept_mlauthor_research concept:agentcompeteswithagent concept_personcanada_search +concept_mlauthor_speech concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mlauthor_speech concept:agentparticipatedinevent concept_eventoutcome_result +concept_mlauthor_text_search concept:agentcompeteswithagent concept_university_google +concept_mlauthor_thiede concept:latitudelongitude 52.1833300000000,10.4833300000000 +concept_mlauthor_tuomas_sandholm concept:personbelongstoorganization concept_university_cmu +concept_mlauthor_tutorial concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mlauthor_tutorial concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_mlauthor_web_search concept:agentcompeteswithagent concept_company_alta_vista +concept_mlauthor_web_search concept:agentcompeteswithagent concept_company_lycos +concept_mlauthor_web_search concept:agentcompeteswithagent concept_company_msn +concept_mlauthor_web_search concept:agentcompeteswithagent concept_website_altavista_com +concept_mlauthor_web_search concept:agentcompeteswithagent concept_website_yahoo_mail +concept_mlauthor_world_wide_web concept:agentcompeteswithagent concept_personcanada_search +concept_mlconference_adm concept:synonymfor concept_bank_archer_daniels_midland +concept_mlconference_aids concept:atdate concept_dateliteral_n2006 +concept_mlconference_aids concept:atdate concept_year_n1994 +concept_mlconference_cca concept:atdate concept_dateliteral_n2007 +concept_mlconference_dept concept:synonymfor concept_politicaloffice_office +concept_mlconference_nyc concept:proxyfor concept_book_new +concept_mlconference_nyc concept:proxyfor concept_company_new_york +concept_mlconference_nyc concept:atdate concept_date_n2000 +concept_mlconference_nyc concept:atdate concept_date_n2009 +concept_mlconference_nyc concept:atdate concept_dateliteral_n2008 +concept_mlconference_nyc concept:synonymfor concept_island_new_york_city_metropolitan_area +concept_mlconference_nyc concept:proxyfor concept_programminglanguage_the_new +concept_mlconference_services_website concept:atlocation concept_city_texas +concept_mlconference_services_website concept:subpartof concept_city_texas +concept_mlconference_services_website concept:synonymfor concept_governmentorganization_department +concept_mlconference_services_website concept:synonymfor concept_university_ministry +concept_mlconference_special_issue concept:atdate concept_dateliteral_n2006 +concept_mlconference_talks concept:atdate concept_date_n1993 +concept_mlconference_talks concept:atdate concept_date_n1999 +concept_mlconference_talks concept:atdate concept_date_n2000 +concept_mlconference_talks concept:atdate concept_date_n2001 +concept_mlconference_talks concept:atdate concept_date_n2003 +concept_mlconference_talks concept:atdate concept_date_n2004 +concept_mlconference_talks concept:atdate concept_dateliteral_n2002 +concept_mlconference_talks concept:atdate concept_dateliteral_n2005 +concept_mlconference_talks concept:atdate concept_dateliteral_n2006 +concept_mlconference_talks concept:atdate concept_dateliteral_n2007 +concept_mlconference_talks concept:atdate concept_dateliteral_n2008 +concept_mldataset__ concept:proxyfor concept_book_new +concept_mldataset__ concept:atdate concept_date_n1999 +concept_mldataset__ concept:atdate concept_date_n2000 +concept_mldataset__ concept:atdate concept_date_n2001 +concept_mldataset__ concept:atdate concept_date_n2003 +concept_mldataset__ concept:atdate concept_date_n2004 +concept_mldataset__ concept:atdate concept_dateliteral_n2002 +concept_mldataset__ concept:atdate concept_dateliteral_n2005 +concept_mldataset__ concept:atdate concept_dateliteral_n2006 +concept_mldataset__ concept:atdate concept_dateliteral_n2007 +concept_mldataset__ concept:atdate concept_dateliteral_n2008 +concept_mldataset__ concept:atdate concept_year_n1991 +concept_mldataset__ concept:atdate concept_year_n1997 +concept_mldataset__ concept:atdate concept_year_n1998 +concept_mldataset__08 concept:proxyfor concept_book_new +concept_mldataset_adult concept:proxyfor concept_book_new +concept_mldataset_advanced concept:synonymfor concept_programminglanguage_unix +concept_mldataset_age concept:proxyfor concept_book_new +concept_mldataset_age concept:subpartof concept_company_new_york +concept_mldataset_aol concept:atdate concept_dateliteral_n2006 +concept_mldataset_aol concept:atdate concept_dateliteral_n2007 +concept_mldataset_association concept:proxyfor concept_book_new +concept_mldataset_bay concept:proxyfor concept_book_new +concept_mldataset_body concept:proxyfor concept_book_new +concept_mldataset_boss concept:proxyfor concept_book_new +concept_mldataset_bt concept:mutualproxyfor concept_ceo_ben_verwaayen +concept_mldataset_camping concept:proxyfor concept_book_new +concept_mldataset_christian concept:proxyfor concept_book_new +concept_mldataset_closing concept:atdate concept_dateliteral_n2005 +concept_mldataset_closing concept:atdate concept_dateliteral_n2006 +concept_mldataset_closing concept:atdate concept_dateliteral_n2008 +concept_mldataset_college concept:proxyfor concept_book_new +concept_mldataset_college concept:mutualproxyfor concept_sportsequipment_board +concept_mldataset_cradle concept:proxyfor concept_book_new +concept_mldataset_ct concept:proxyfor concept_book_new +concept_mldataset_ct concept:atdate concept_dateliteral_n2007 +concept_mldataset_ctt concept:latitudelongitude 38.8303800000000,-9.1685500000000 +concept_mldataset_data concept:proxyfor concept_book_new +concept_mldataset_data concept:subpartof concept_weatherphenomenon_water +concept_mldataset_dealers concept:proxyfor concept_book_new +concept_mldataset_dec concept:subpartof concept_company_compaq +concept_mldataset_dec concept:subpartof concept_company_compaq_presario +concept_mldataset_dec concept:mutualproxyfor concept_person_ken_olsen +concept_mldataset_deere concept:mutualproxyfor concept_athlete_sam_allen +concept_mldataset_diversity concept:proxyfor concept_book_new +concept_mldataset_east_coast concept:proxyfor concept_book_new +concept_mldataset_elite concept:proxyfor concept_book_new +concept_mldataset_elizabeth concept:proxyfor concept_book_new +concept_mldataset_elizabeth concept:atlocation concept_bridge_new_jersey +concept_mldataset_elizabeth concept:mutualproxyfor concept_bridge_new_jersey +concept_mldataset_elizabeth concept:subpartof concept_bridge_new_jersey +concept_mldataset_failed concept:synonymfor concept_transportation_ee +concept_mldataset_first_team concept:proxyfor concept_book_new +concept_mldataset_fs4 concept:latitudelongitude 34.0839600000000,-106.8994700000000 +concept_mldataset_fs9 concept:latitudelongitude 43.5024700000000,-105.0596950000000 +concept_mldataset_full concept:proxyfor concept_book_new +concept_mldataset_groups concept:atdate concept_date_n2003 +concept_mldataset_groups concept:atdate concept_dateliteral_n2006 +concept_mldataset_groups concept:atdate concept_dateliteral_n2007 +concept_mldataset_groups concept:atdate concept_dateliteral_n2008 +concept_mldataset_groups concept:subpartof concept_hallwayitem_air +concept_mldataset_groups concept:subpartof concept_weatherphenomenon_water +concept_mldataset_hall concept:proxyfor concept_book_new +concept_mldataset_hiv concept:atdate concept_date_n2004 +concept_mldataset_jan concept:atdate concept_date_community +concept_mldataset_jewel concept:proxyfor concept_book_new +concept_mldataset_matter concept:proxyfor concept_book_new +concept_mldataset_mt concept:proxyfor concept_book_new +concept_mldataset_n0_39 concept:latitudelongitude 45.1233000000000,-90.1634750000000 +concept_mldataset_n10_11 concept:latitudelongitude 33.5569700000000,-114.5519000000000 +concept_mldataset_n12 concept:proxyfor concept_book_new +concept_mldataset_n14_16 concept:latitudelongitude 34.2334400000000,-89.3500800000000 +concept_mldataset_n15 concept:proxyfor concept_book_new +concept_mldataset_n18_21 concept:latitudelongitude 48.7580900000000,-122.4718300000000 +concept_mldataset_n19 concept:proxyfor concept_book_new +concept_mldataset_n19_11 concept:latitudelongitude 35.8366370588235,-108.0535288235294 +concept_mldataset_n2 concept:proxyfor concept_book_new +concept_mldataset_n2 concept:mutualproxyfor concept_city_cottage +concept_mldataset_n2 concept:mutualproxyfor concept_director_committee +concept_mldataset_n2 concept:mutualproxyfor concept_geometricshape_property +concept_mldataset_n2 concept:mutualproxyfor concept_room_community +concept_mldataset_n2 concept:mutualproxyfor concept_room_house +concept_mldataset_n27_32 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_mldataset_n27_34 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_mldataset_n4 concept:proxyfor concept_book_new +concept_mldataset_n4 concept:mutualproxyfor concept_room_community +concept_mldataset_n4 concept:mutualproxyfor concept_room_house +concept_mldataset_n40 concept:proxyfor concept_book_new +concept_mldataset_n4_7 concept:latitudelongitude 38.6717200000000,-87.0200100000000 +concept_mldataset_n4g concept:latitudelongitude 45.1274650000000,-91.3110000000000 +concept_mldataset_n5 concept:proxyfor concept_book_new +concept_mldataset_n5 concept:mutualproxyfor concept_room_house +concept_mldataset_n50 concept:proxyfor concept_book_new +concept_mldataset_n5900 concept:latitudelongitude 29.8481000000000,-95.3927000000000 +concept_mldataset_n5_8 concept:latitudelongitude 34.8234300000000,-89.1017300000000 +concept_mldataset_n6 concept:proxyfor concept_book_new +concept_mldataset_n7 concept:proxyfor concept_book_new +concept_mldataset_nc concept:atdate concept_date_n2001 +concept_mldataset_nc concept:atdate concept_date_n2009 +concept_mldataset_nc concept:atdate concept_dateliteral_n2008 +concept_mldataset_ny concept:proxyfor concept_book_new +concept_mldataset_organ concept:subpartof concept_website_blood +concept_mldataset_pa concept:proxyfor concept_book_new +concept_mldataset_package concept:atdate concept_date_n2004 +concept_mldataset_project concept:proxyfor concept_book_new +concept_mldataset_quincy concept:atlocation concept_beach_massachusetts +concept_mldataset_quincy concept:proxyfor concept_beach_massachusetts +concept_mldataset_quincy concept:atlocation concept_city_florida +concept_mldataset_quincy concept:mutualproxyfor concept_company_missouri +concept_mldataset_rest concept:proxyfor concept_book_new +concept_mldataset_rio_hotel concept:atlocation concept_building_vegas +concept_mldataset_rio_hotel concept:atlocation concept_city_vegas_casino +concept_mldataset_rio_hotel concept:atlocation concept_county_las_vegas +concept_mldataset_rr concept:proxyfor concept_book_new +concept_mldataset_safe concept:proxyfor concept_book_new +concept_mldataset_section concept:proxyfor concept_book_new +concept_mldataset_series concept:proxyfor concept_book_new +concept_mldataset_series concept:atdate concept_dayofweek_friday +concept_mldataset_site concept:subpartof concept_book_terms +concept_mldataset_site concept:subpartof concept_hallwayitem_air +concept_mldataset_sofia concept:proxyfor concept_skiarea_bulgaria +concept_mldataset_sofia concept:subpartof concept_skiarea_bulgaria +concept_mldataset_stars concept:atdate concept_dateliteral_n2005 +concept_mldataset_state concept:proxyfor concept_book_new +concept_mldataset_state concept:mutualproxyfor concept_chemical_jaipur +concept_mldataset_system concept:subpartof concept_retailstore_salt_water +concept_mldataset_system concept:subpartof concept_university_state_of_the_art +concept_mldataset_taylor concept:mutualproxyfor concept_writer_richard_bowen +concept_mldataset_trailer concept:subpartof concept_hallwayitem_air +concept_mldataset_training concept:proxyfor concept_book_new +concept_mldataset_training concept:atdate concept_month_october +concept_mldataset_voyage concept:atdate concept_date_n2004 +concept_mldataset_voyage concept:atdate concept_date_n2009 +concept_mldataset_voyage concept:atdate concept_dateliteral_n2006 +concept_mldataset_voyage concept:atdate concept_dateliteral_n2007 +concept_mldataset_web_page concept:atdate concept_date_n2000 +concept_mldataset_web_page concept:atdate concept_date_n2009 +concept_mldataset_whitney concept:subpartof concept_city_york +concept_mldataset_women concept:proxyfor concept_book_new +concept_mldataset_women concept:mutualproxyfor concept_sportsequipment_board +concept_mlmetric_application concept:proxyfor concept_book_new +concept_mlmetric_bench concept:atdate concept_dateliteral_n2005 +concept_mlmetric_bench concept:atdate concept_dateliteral_n2006 +concept_mlmetric_chair concept:proxyfor concept_book_new +concept_mlmetric_definition concept:proxyfor concept_book_new +concept_mlmetric_existence concept:atdate concept_date_n1993 +concept_mlmetric_existence concept:atdate concept_date_n1999 +concept_mlmetric_existence concept:atdate concept_date_n2000 +concept_mlmetric_existence concept:atdate concept_date_n2001 +concept_mlmetric_existence concept:atdate concept_date_n2003 +concept_mlmetric_existence concept:atdate concept_date_n2004 +concept_mlmetric_existence concept:atdate concept_dateliteral_n2002 +concept_mlmetric_existence concept:atdate concept_dateliteral_n2005 +concept_mlmetric_existence concept:atdate concept_dateliteral_n2006 +concept_mlmetric_existence concept:atdate concept_dateliteral_n2007 +concept_mlmetric_existence concept:atdate concept_dateliteral_n2008 +concept_mlmetric_existence concept:atdate concept_year_n1965 +concept_mlmetric_existence concept:atdate concept_year_n1986 +concept_mlmetric_existence concept:atdate concept_year_n1995 +concept_mlmetric_existence concept:atdate concept_year_n1997 +concept_mlmetric_kitchen concept:subpartof concept_weatherphenomenon_air +concept_mlmetric_list concept:proxyfor concept_book_new +concept_mlmetric_magnet concept:proxyfor concept_book_new +concept_mlmetric_n0200 concept:latitudelongitude 35.4694800000000,-106.8019800000000 +concept_mlmetric_n0_39 concept:latitudelongitude 45.1233000000000,-90.1634750000000 +concept_mlmetric_n10_11 concept:latitudelongitude 33.5569700000000,-114.5519000000000 +concept_mlmetric_n13_6 concept:latitudelongitude 40.6166700000000,-96.1402900000000 +concept_mlmetric_n14_16 concept:latitudelongitude 34.2334400000000,-89.3500800000000 +concept_mlmetric_n15__ concept:proxyfor concept_book_new +concept_mlmetric_n18_21 concept:latitudelongitude 48.7580900000000,-122.4718300000000 +concept_mlmetric_n19_11 concept:latitudelongitude 35.8366370588235,-108.0535288235294 +concept_mlmetric_n27_32 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_mlmetric_n27_34 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_mlmetric_n36_11 concept:latitudelongitude 33.1351300000000,-90.1867500000000 +concept_mlmetric_n4_7 concept:latitudelongitude 38.6717200000000,-87.0200100000000 +concept_mlmetric_n5_8 concept:latitudelongitude 34.8234300000000,-89.1017300000000 +concept_mlmetric_n7_10 concept:latitudelongitude 34.6917600000000,-89.2900700000000 +concept_mlmetric_n9_11 concept:latitudelongitude 40.4016700000000,-96.6969700000000 +concept_mlmetric_no_ concept:proxyfor concept_book_new +concept_mlmetric_number_four concept:proxyfor concept_book_new +concept_mlmetric_temperature concept:subpartof concept_weatherphenomenon_air +concept_mlsoftware_carmel concept:mutualproxyfor concept_person_clint_eastwood +concept_mlsoftware_debian concept:synonymfor concept_televisionshow_birthday +concept_mlsoftware_fifo concept:latitudelongitude 16.0294500000000,-2.6922800000000 +concept_mlsoftware_ga_c concept:latitudelongitude 33.9567900000000,70.4357100000000 +concept_mlsoftware_ga_point concept:latitudelongitude 12.3000000000000,109.2500000000000 +concept_mlsoftware_itinerary concept:atdate concept_dateliteral_n2007 +concept_mlsoftware_itinerary concept:atdate concept_dateliteral_n2008 +concept_mlsoftware_morning_snow concept:latitudelongitude 39.7716500000000,-105.4419400000000 +concept_mlsoftware_p_g concept:subpartof concept_ceo_a_g__lafley +concept_mlsoftware_snow_ concept:latitudelongitude 44.4070600000000,-121.8695000000000 +concept_mlsoftware_soft_snow concept:latitudelongitude -72.6166700000000,166.5666700000000 +concept_mlsoftware_topsoil concept:latitudelongitude 34.6036100000000,-111.1894400000000 +concept_mlsoftware_wnjn concept:subpartof concept_museum_pbs +concept_model_ads concept:agentinvolvedwithitem concept_buildingfeature_window +concept_model_ads concept:agentcompeteswithagent concept_personcanada_search +concept_model_ads concept:agentcompeteswithagent concept_university_google +concept_model_alanis_morissette concept:personbornincity concept_city_ottawa +concept_model_andres_velencoso concept:hasspouse concept_person_kylie_minogue +concept_model_beyonce_knowles concept:personalsoknownas concept_person_knowles +concept_model_bill_murray concept:agentcontributedtocreativework concept_movie_groundhog_day +concept_model_camila_alves concept:hashusband concept_comedian_matthew_mcconaughey +concept_model_camila_alves concept:hasspouse concept_comedian_matthew_mcconaughey +concept_model_carrie_anne_moss concept:actorstarredinmovie concept_movie_matrix +concept_model_carrie_anne_moss concept:actorstarredinmovie concept_movie_the_matrix +concept_model_charts concept:agentcollaborateswithagent concept_scientist_no_ +concept_model_costco concept:agentcollaborateswithagent concept_ceo_jim_sinegal +concept_model_costco concept:agentcontrols concept_ceo_jim_sinegal +concept_model_costco concept:mutualproxyfor concept_ceo_jim_sinegal +concept_model_daughter concept:agentparticipatedinevent concept_eventoutcome_result +concept_model_elaine_irwin concept:hasspouse concept_comedian_john_mellencamp +concept_model_emma_heming concept:hasspouse concept_actor_bruce_willis +concept_model_gabriel_garc_a_m_rquez concept:agentcreated concept_book_autumn_of_the_patriarch +concept_model_gabriel_garc_a_m_rquez concept:agentcontributedtocreativework concept_movie_one_hundred_years_of_solitude +concept_model_gabriel_garc_a_m_rquez concept:agentcreated concept_movie_one_hundred_years_of_solitude +concept_model_iman concept:hasspouse concept_personeurope_david_bowie +concept_model_jada_pinkett_smith concept:hashusband concept_person_smith +concept_model_joanny concept:latitudelongitude 46.1486600000000,-72.3924100000000 +concept_model_joe_quesada concept:personleadsorganization concept_biotechcompany_marvel +concept_model_joe_quesada concept:worksfor concept_biotechcompany_marvel +concept_model_julia_rogers concept:latitudelongitude 39.4101100000000,-76.5946900000000 +concept_model_l_wren_scott concept:hasspouse concept_musician_mick_jagger +concept_model_leopold concept:personhascitizenship concept_country_belgium +concept_model_leopold concept:personhascitizenship concept_country_republic_of_austria +concept_model_lily_aldridge concept:hasspouse concept_actor_caleb_followill +concept_model_magnus concept:personhascitizenship concept_country_norway +concept_model_magnus concept:personhascitizenship concept_country_sweden +concept_model_maria concept:persondiedatage 2 +concept_model_mark_wahlberg concept:hasspouse concept_comedian_rhea_durham +concept_model_melania_knauss concept:hasspouse concept_comedian_donald_trump +concept_model_michelle_williams concept:hasspouse concept_person_spike_jonze +concept_model_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_model_nairobi concept:mutualproxyfor concept_website_kenya +concept_model_nairobi concept:subpartof concept_website_kenya +concept_model_nellya concept:latitudelongitude 70.7113900000000,83.4383300000000 +concept_model_nine concept:agentparticipatedinevent concept_eventoutcome_result +concept_model_olaf concept:personhascitizenship concept_country_norway +concept_model_richard_widmark concept:personhasresidenceingeopoliticallocation concept_stateorprovince_connecticut +concept_model_rita_cosby concept:worksfor concept_mountain_fox +concept_model_scott_mitchell_rosenberg concept:topmemberoforganization concept_company_platinum_studios +concept_model_shellie concept:latitudelongitude 31.8501600000000,-89.2750600000000 +concept_model_suchin_pak concept:worksfor concept_recordlabel_mtv +concept_model_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_model_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_model_veronika concept:latitudelongitude 50.7166700000000,10.9000000000000 +concept_model_youngstown concept:subpartof concept_university_ohio +concept_model_zhang concept:personbelongstoorganization concept_organization_china_hydropower_engineering_society +concept_model_zhang concept:personleadsorganization concept_organization_china_hydropower_engineering_society +concept_mollusk_addition concept:specializationof concept_animal_mammals001 +concept_mollusk_arthropods concept:animalpreyson concept_crustacean_fleas +concept_mollusk_arthropods concept:animalsuchasinvertebrate concept_crustacean_fleas +concept_mollusk_arthropods concept:animaleatfood concept_food_spore +concept_mollusk_brain concept:agentparticipatedinevent concept_eventoutcome_result +concept_mollusk_clams concept:animalistypeofanimal concept_animal_organisms +concept_mollusk_clams concept:animalsuchasfish concept_fish_bass +concept_mollusk_contact_page concept:agentcreated concept_programminglanguage_contact +concept_mollusk_crash concept:agentparticipatedinevent concept_eventoutcome_result +concept_mollusk_cucumbers concept:animaleatvegetable concept_vegetable_greens +concept_mollusk_definition concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mollusk_domesticated_animals concept:agentcompeteswithagent concept_blog_goats +concept_mollusk_image_file concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mollusk_landmarks concept:proxyfor concept_book_new +concept_mollusk_last_update concept:atdate concept_dateliteral_n2006 +concept_mollusk_last_update concept:atdate concept_dateliteral_n2007 +concept_mollusk_newfoundland concept:mutualproxyfor concept_radiostation_new_jersey +concept_mollusk_octopus concept:animalistypeofanimal concept_animal_animals001 +concept_mollusk_oysters concept:animalistypeofanimal concept_animal_animals001 +concept_mollusk_phrases concept:agentcompeteswithagent concept_personcanada_search +concept_mollusk_predation concept:ismultipleof concept_mammal_sheep +concept_mollusk_rays concept:agentparticipatedinevent concept_convention_games +concept_mollusk_sea_anemones concept:animalistypeofanimal concept_insect_cnidarians +concept_mollusk_sea_urchins concept:animalistypeofanimal concept_animal_animals001 +concept_mollusk_sea_urchins concept:animalsuchasinsect concept_arthropod_invertebrates +concept_mollusk_sea_urchins concept:animaleatvegetable concept_vegetable_kelp +concept_mollusk_serving concept:animaleatvegetable concept_vegetable_greens +concept_mollusk_serving concept:animaleatvegetable concept_vegetable_lettuce +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_agriculturalproduct_oysters +concept_mollusk_shellfish concept:animalistypeofanimal concept_animal_creatures +concept_mollusk_shellfish concept:animalistypeofanimal concept_animal_organisms +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_arthropod_clams +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_arthropod_invertebrates +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_arthropod_mussels +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_mollusk_shellfish concept:animalsuchasinsect concept_insect_crabs +concept_mollusk_shellfish concept:animalsuchasinvertebrate concept_insect_crabs +concept_mollusk_shellfish concept:animalthatfeedoninsect concept_insect_crabs +concept_mollusk_shellfish concept:animalistypeofanimal concept_mammal_animals +concept_mollusk_sizes concept:agentcreated concept_programminglanguage_contact +concept_mollusk_spirulina concept:agentcompeteswithagent concept_crustacean_shrimp +concept_mollusk_spirulina concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_mollusk_survey concept:agentinvolvedwithitem concept_buildingfeature_window +concept_mollusk_survey concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_mollusk_symptom concept:agentparticipatedinevent concept_eventoutcome_result +concept_mollusk_terns concept:animalistypeofanimal concept_animal_birds003 +concept_mollusk_vermin concept:animalistypeofanimal concept_animal_animals001 +concept_mollusk_vermin concept:animalpreyson concept_animal_mice001 +concept_mollusk_vermin concept:animalpreyson concept_mammal_rats +concept_monarch_al_askar concept:latitudelongitude 27.2000000000000,40.7833300000000 +concept_monarch_alfred_p__sloan concept:topmemberoforganization concept_automobilemaker_gm +concept_monarch_alycia_lane concept:worksfor concept_county_philadelphia +concept_monarch_amitabh_bachchan concept:parentofperson concept_male_harivansh_rai_bachchan +concept_monarch_andrei_sakharov concept:personhasjobposition concept_jobposition_physicist +concept_monarch_aragorn concept:personhasjobposition concept_jobposition_king +concept_monarch_augustus concept:personhascitizenship concept_country_poland +concept_monarch_azad_kashmir concept:latitudelongitude 34.3736100000000,73.4705600000000 +concept_monarch_cambyses concept:latitudelongitude 51.7331300000000,-121.5860100000000 +concept_monarch_caracalla concept:hassibling concept_monarch_geta +concept_monarch_cassander concept:parentofperson concept_monarch_antipater +concept_monarch_cold_winter concept:atdate concept_date_community +concept_monarch_dingane concept:latitudelongitude -23.3523600000000,33.0001400000000 +concept_monarch_eternal_father concept:parentofperson concept_male_jesus_christ +concept_monarch_father concept:persondiedatage 17 +concept_monarch_father concept:fatherofperson concept_male_abraham +concept_monarch_father concept:fatherofperson concept_male_christ_jesus +concept_monarch_father concept:fatherofperson concept_male_son +concept_monarch_father concept:fatherofperson concept_person_jesus +concept_monarch_father concept:fatherofperson concept_person_lord_jesus +concept_monarch_father concept:fatherofperson concept_person_savior001 +concept_monarch_father concept:fatherofperson concept_personeurope_saviour +concept_monarch_father_god concept:parentofperson concept_male_jesus_christ +concept_monarch_father_god concept:parentofperson concept_person_jesus +concept_monarch_father_henry concept:personhascitizenship concept_country_england +concept_monarch_father_james concept:latitudelongitude 32.8995300000000,-105.9602600000000 +concept_monarch_father_james concept:personhascitizenship concept_country_scotland +concept_monarch_father_patrick concept:latitudelongitude 38.9070600000000,-77.0724800000000 +concept_monarch_felipe_v concept:personhascitizenship concept_country_spain +concept_monarch_geta concept:hassibling concept_monarch_caracalla +concept_monarch_god_the_father concept:parentofperson concept_female_holy_spirit +concept_monarch_god_the_father concept:parentofperson concept_male_christ_jesus +concept_monarch_god_the_father concept:parentofperson concept_male_jesus_christ +concept_monarch_god_the_father concept:parentofperson concept_male_son +concept_monarch_god_the_father concept:parentofperson concept_person_jesus +concept_monarch_grandmother concept:agentparticipatedinevent concept_eventoutcome_result +concept_monarch_grannie concept:latitudelongitude 37.3311125000000,-83.9252400000000 +concept_monarch_henry_vii concept:personhascitizenship concept_country_england +concept_monarch_india concept:proxyfor concept_book_new +concept_monarch_india concept:atdate concept_date_n2009 +concept_monarch_jewish_mother concept:parentofperson concept_person_jesus +concept_monarch_levengood concept:latitudelongitude 46.1543700000000,-113.0053200000000 +concept_monarch_marcus concept:personbornincity concept_city_york +concept_monarch_mark concept:persondiedatage 10 +concept_monarch_maxentius concept:parentofperson concept_monarch_maximian +concept_monarch_mother concept:persondiedatage 5 +concept_monarch_nicholas_ii concept:personhascitizenship concept_country_russia +concept_monarch_orkhan concept:latitudelongitude 42.4333300000000,27.0333300000000 +concept_monarch_patty concept:personbelongstoorganization concept_sportsteam_state_university +concept_monarch_patty concept:persongraduatedfromuniversity concept_university_state_university +concept_monarch_patty concept:persongraduatedschool concept_university_state_university +concept_monarch_peter concept:persondiedatage 5 +concept_monarch_peter_the_great concept:personhascitizenship concept_country_russia +concept_monarch_pope_pius concept:latitudelongitude 41.3237100000000,-73.4234500000000 +concept_monarch_precepts concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_monarch_princess_louisa concept:latitudelongitude 50.1913200000000,-123.7861400000000 +concept_monarch_property concept:agentcollaborateswithagent concept_animal_federal_government +concept_monarch_property concept:agentinvolvedwithitem concept_buildingfeature_window +concept_monarch_property concept:agentparticipatedinevent concept_eventoutcome_result +concept_monarch_property concept:agentcollaborateswithagent concept_governmentorganization_agency +concept_monarch_property concept:agentcollaborateswithagent concept_governmentorganization_governments +concept_monarch_property concept:agentcollaborateswithagent concept_governmentorganization_local_governments +concept_monarch_property concept:agentcollaborateswithagent concept_person_government +concept_monarch_property concept:agentcollaborateswithagent concept_person_state +concept_monarch_property concept:agentcompeteswithagent concept_personcanada_search +concept_monarch_property concept:agentbelongstoorganization concept_terroristorganization_state +concept_monarch_saul concept:personhascitizenship concept_country_israel +concept_monarch_saul concept:parentofperson concept_person_jonathan +concept_monarch_sebastian concept:parentofperson concept_male_john_cabot +concept_monarch_st___columba concept:latitudelongitude 45.9834400000000,-60.8484900000000 +concept_monarch_st___eugene concept:latitudelongitude 49.5832200000000,-115.7520900000000 +concept_monarch_st___rita concept:latitudelongitude -64.2419400000000,-57.2722200000000 +concept_monarch_true_god concept:latitudelongitude 41.5603300000000,-85.2705300000000 +concept_monarch_true_god concept:parentofperson concept_male_jesus_christ +concept_monarch_true_god concept:parentofperson concept_person_jesus +concept_monarch_true_god concept:parentofperson concept_person_lord_jesus +concept_monarch_tsar concept:personhascitizenship concept_country_bulgaria +concept_monarch_tsar concept:personhascitizenship concept_country_russia +concept_monarch_veteran concept:agentparticipatedinevent concept_eventoutcome_result +concept_monarch_veteran concept:agentcontrols concept_olympics_walter_cronkite +concept_monarch_veteran concept:agentparticipatedinevent concept_sportsgame_series +concept_monarch_william_the_conqueror concept:personhascitizenship concept_country_england +concept_monarch_william_the_conqueror concept:personhasjobposition concept_jobposition_king +concept_monarch_world_leader concept:proxyfor concept_book_new +concept_monarch_world_leader concept:mutualproxyfor concept_sportsequipment_new +concept_monarch_zachary concept:persondiedatage 6 +concept_month_april concept:atdate concept_date_community +concept_month_april concept:atdate concept_date_meeting +concept_month_april concept:proxyfor concept_lake_new +concept_month_august concept:proxyfor concept_city_florida +concept_month_august concept:atdate concept_date_community +concept_month_august concept:atdate concept_date_meeting +concept_month_august concept:proxyfor concept_lake_new +concept_month_december concept:proxyfor concept_city_florida +concept_month_december concept:atdate concept_date_community +concept_month_december concept:atdate concept_date_meeting +concept_month_december concept:proxyfor concept_lake_new +concept_month_december concept:proxyfor concept_stateorprovince_new_york +concept_month_february concept:proxyfor concept_city_florida +concept_month_february concept:atdate concept_date_community +concept_month_february concept:atdate concept_date_meeting +concept_month_february concept:proxyfor concept_lake_new +concept_month_january concept:proxyfor concept_city_florida +concept_month_january concept:atdate concept_date_community +concept_month_january concept:atdate concept_date_meeting +concept_month_january concept:proxyfor concept_lake_new +concept_month_july concept:atdate concept_date_community +concept_month_july concept:atdate concept_date_meeting +concept_month_july concept:proxyfor concept_lake_new +concept_month_june concept:atdate concept_date_community +concept_month_june concept:atdate concept_date_meeting +concept_month_june concept:proxyfor concept_lake_new +concept_month_june concept:proxyfor concept_stateorprovince_illinois +concept_month_june concept:subpartof concept_stateorprovince_illinois +concept_month_june concept:proxyfor concept_stateorprovince_oregon +concept_month_march concept:atdate concept_date_community +concept_month_march concept:atdate concept_date_meeting +concept_month_march concept:atdate concept_dateliteral_n1945 +concept_month_march concept:proxyfor concept_lake_new +concept_month_may concept:proxyfor concept_stateorprovince_california +concept_month_november concept:atdate concept_date_community +concept_month_november concept:atdate concept_date_meeting +concept_month_november concept:proxyfor concept_lake_new +concept_month_november concept:proxyfor concept_stateorprovince_new_york +concept_month_october concept:atdate concept_date_community +concept_month_october concept:atdate concept_date_meeting +concept_month_october concept:proxyfor concept_lake_new +concept_month_september concept:atdate concept_date_community +concept_month_september concept:atdate concept_date_meeting +concept_month_september concept:proxyfor concept_lake_new +concept_monument_albania concept:synonymfor concept_politicalparty_republic +concept_monument_annapolis_area concept:latitudelongitude 38.9954000000000,-76.5321500000000 +concept_monument_area concept:buildinglocatedincity concept_city_vegas +concept_monument_area_residents concept:proxyfor concept_book_new +concept_monument_battlefords concept:latitudelongitude 53.1154600000000,-108.3763600000000 +concept_monument_bharhut concept:latitudelongitude 23.5166700000000,80.9500000000000 +concept_monument_big_south_fork_national_river_and_recreation_area concept:latitudelongitude 36.5368800000000,-84.7016100000000 +concept_monument_biological_reserve concept:latitudelongitude 12.9135500000000,-84.6798700000000 +concept_monument_canada_aviation_museum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_canal_du_midi concept:latitudelongitude 43.5243050000000,1.7048750000000 +concept_monument_cedar_city concept:locationlocatedwithinlocation concept_county_utah +concept_monument_cedar_city concept:mutualproxyfor concept_county_utah +concept_monument_certificate concept:proxyfor concept_book_new +concept_monument_certificate concept:atdate concept_date_n2003 +concept_monument_certificate concept:atdate concept_dateliteral_n2002 +concept_monument_certificate concept:atdate concept_dateliteral_n2006 +concept_monument_colosseum concept:attractionofcity concept_city_rome +concept_monument_connecticut_area concept:proxyfor concept_lake_new +concept_monument_crac_des_chevaliers concept:latitudelongitude 34.7666700000000,36.3166700000000 +concept_monument_d_c concept:locationlocatedwithinlocation concept_geopoliticallocation_national +concept_monument_des_moines_area concept:latitudelongitude 41.8357800000000,-94.0163933333333 +concept_monument_deshnok concept:latitudelongitude 27.8000000000000,73.3500000000000 +concept_monument_dowth concept:latitudelongitude 53.7066700000000,-6.4397200000000 +concept_monument_durrington_walls concept:latitudelongitude 51.1923900000000,-1.7868200000000 +concept_monument_eiffel_tower concept:attractionofcity concept_city_london_city +concept_monument_eiffel_tower concept:istallerthan concept_skyscraper_chrysler_building +concept_monument_elephanta concept:latitudelongitude 18.9654440000000,72.9338320000000 +concept_monument_empire_state_building concept:istallerthan concept_attraction_chryslerbuilding +concept_monument_empire_state_building concept:istallerthan concept_monument_eiffel_tower +concept_monument_eravikulam concept:latitudelongitude 10.2016600000000,77.0834300000000 +concept_monument_finger_lakes_area concept:latitudelongitude 42.9335000000000,-76.5734000000000 +concept_monument_florida_area concept:proxyfor concept_lake_new +concept_monument_fort_collins_area concept:latitudelongitude 40.4072000000000,-105.0534000000000 +concept_monument_georgetown concept:locationlocatedwithinlocation concept_city_guyana +concept_monument_gothic_church concept:latitudelongitude 41.0955900000000,-88.4270000000000 +concept_monument_grand_rapids_area concept:latitudelongitude 42.8846000000000,-85.6826000000000 +concept_monument_great_pyramid_of_giza concept:istallerthan concept_monument_eiffel_tower +concept_monument_great_sphinx concept:latitudelongitude 29.9752700000000,31.1376800000000 +concept_monument_gunung_kawi concept:latitudelongitude -7.9233000000000,112.4518000000000 +concept_monument_hagar_qim concept:latitudelongitude 35.8277800000000,14.4419400000000 +concept_monument_honest_abe concept:synonymfor concept_river_brad +concept_monument_howard_university concept:atlocation concept_city_washington_d_c +concept_monument_imperial_war_museum concept:attractionofcity concept_city_london_city +concept_monument_indiana_area concept:latitudelongitude 40.6331200000000,-79.1497600000000 +concept_monument_iowa_area concept:latitudelongitude 43.1583000000000,-93.1329800000000 +concept_monument_jaipur concept:proxyfor concept_eventoutcome_state +concept_monument_jaipur concept:locationlocatedwithinlocation concept_river_state +concept_monument_kansas_city_area concept:latitudelongitude 39.1525500000000,-94.6686350000000 +concept_monument_kentucky_area concept:latitudelongitude 38.0681300000000,-84.5360500000000 +concept_monument_konark concept:latitudelongitude 19.9000000000000,86.1166700000000 +concept_monument_koutoubia concept:latitudelongitude 31.6251350000000,-7.9927600000000 +concept_monument_marine_life_conservation_district concept:latitudelongitude 20.4848326666667,-156.3122226666667 +concept_monument_maritime_greenwich concept:attractionofcity concept_city_london_city +concept_monument_memorial concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_milwaukee_area concept:latitudelongitude 43.0640800000000,-87.9640100000000 +concept_monument_mnajdra concept:latitudelongitude 35.8269400000000,14.4361100000000 +concept_monument_mozambique_island concept:latitudelongitude 15.0333300000000,40.7333300000000 +concept_monument_mrea concept:latitudelongitude 16.9000000000000,-15.1666700000000 +concept_monument_mundi concept:atdate concept_dayofweek_tuesday +concept_monument_museums concept:proxyfor concept_book_new +concept_monument_national_historic_landmark concept:proxyfor concept_lake_new +concept_monument_national_historic_landmark_district concept:latitudelongitude 37.2576500000000,-76.8030200000000 +concept_monument_national_maritime_museum concept:attractionofcity concept_city_london_city +concept_monument_national_museum concept:buildinglocatedincity concept_city_new_york +concept_monument_national_seashore concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_nebraska_cornhuskers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_monument_nottingham_area concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_omorate concept:latitudelongitude 4.8333300000000,36.1000000000000 +concept_monument_orlando_area concept:latitudelongitude 28.3044000000000,-81.4225000000000 +concept_monument_oxford_area concept:latitudelongitude 39.8081366666667,-76.3328333333333 +concept_monument_park_ridge concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_pennsylvania_area concept:proxyfor concept_book_new +concept_monument_pentagon concept:atdate concept_date_n2001 +concept_monument_pentagon concept:atdate concept_date_n2003 +concept_monument_pentagon concept:atdate concept_dateliteral_n2007 +concept_monument_phanom_rung concept:latitudelongitude 14.5500000000000,102.9500000000000 +concept_monument_philadelphia_area concept:proxyfor concept_book_new +concept_monument_phoenix_metropolitan_area concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_plitvice concept:latitudelongitude 45.2665180000000,15.6891240000000 +concept_monument_porta_nigra concept:latitudelongitude 49.7599000000000,6.6442000000000 +concept_monument_property_types concept:atlocation concept_lake_new +concept_monument_reading_area concept:latitudelongitude 40.3297950000000,-75.9318050000000 +concept_monument_rhode_island concept:proxyfor concept_book_new +concept_monument_rhode_island concept:locationlocatedwithinlocation concept_country_united_states +concept_monument_rhode_island concept:atdate concept_date_n2003 +concept_monument_rhode_island concept:atdate concept_dateliteral_n2008 +concept_monument_rhode_island concept:mutualproxyfor concept_room_newport +concept_monument_rhode_island concept:mutualproxyfor concept_televisionshow_providence +concept_monument_rockford_area concept:latitudelongitude 43.1197200000000,-85.5608300000000 +concept_monument_rokuon_ji concept:latitudelongitude 35.0394700000000,135.7285200000000 +concept_monument_sacsayhuaman concept:latitudelongitude -13.4050000000000,-72.1958300000000 +concept_monument_sarnath concept:latitudelongitude 25.3833300000000,83.0166700000000 +concept_monument_savannah_area concept:latitudelongitude 32.0804900000000,-81.0901100000000 +concept_monument_science_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_monument_science_museum concept:attractionofcity concept_city_london_city +concept_monument_somnathpur concept:latitudelongitude 12.2666700000000,76.8833300000000 +concept_monument_southern_group concept:latitudelongitude -20.0000000000000,-159.0000000000000 +concept_monument_sravasti concept:latitudelongitude 27.5166700000000,82.0500000000000 +concept_monument_srirangam concept:latitudelongitude 10.8666700000000,78.6944433333333 +concept_monument_stanton_drew concept:latitudelongitude 51.3610700000000,-2.5695100000000 +concept_monument_star_spangled_banner concept:atdate concept_dateliteral_n1812 +concept_monument_sugarbush_farm concept:latitudelongitude 43.1530600000000,-75.5766700000000 +concept_monument_supreme_court concept:atdate concept_date_n1999 +concept_monument_supreme_court concept:atdate concept_date_n2000 +concept_monument_supreme_court concept:atdate concept_date_n2001 +concept_monument_supreme_court concept:atdate concept_date_n2003 +concept_monument_supreme_court concept:atdate concept_date_n2004 +concept_monument_supreme_court concept:atdate concept_dateliteral_n2002 +concept_monument_supreme_court concept:atdate concept_dateliteral_n2005 +concept_monument_supreme_court concept:atdate concept_dateliteral_n2006 +concept_monument_supreme_court concept:atdate concept_dateliteral_n2007 +concept_monument_supreme_court concept:atdate concept_year_n1986 +concept_monument_supreme_court concept:atdate concept_year_n1995 +concept_monument_supreme_court concept:atdate concept_year_n1997 +concept_monument_supreme_court concept:atdate concept_year_n1998 +concept_monument_swayambhunath concept:latitudelongitude 27.7166700000000,85.3166700000000 +concept_monument_taj_mahal concept:buildinglocatedincity concept_city_atlantic_city +concept_monument_troops concept:proxyfor concept_book_new +concept_monument_troops concept:atdate concept_date_n1941 +concept_monument_troops concept:atdate concept_date_n1942 +concept_monument_troops concept:atdate concept_date_n1944 +concept_monument_troops concept:atdate concept_date_n2003 +concept_monument_troops concept:atdate concept_dateliteral_n1918 +concept_monument_troops concept:atdate concept_dateliteral_n1943 +concept_monument_troops concept:atdate concept_dateliteral_n1945 +concept_monument_troops concept:atdate concept_dateliteral_n2002 +concept_monument_troops concept:atdate concept_dateliteral_n2005 +concept_monument_troops concept:atdate concept_dateliteral_n2006 +concept_monument_troops concept:atdate concept_dateliteral_n2007 +concept_monument_troops concept:atdate concept_dateliteral_n2008 +concept_monument_udaipur_city concept:latitudelongitude 24.5711700000000,73.6918300000000 +concept_monument_verona_area concept:latitudelongitude 42.9956950000000,-89.5363700000000 +concept_monument_victoria_memorial concept:attractionofcity concept_city_london_city +concept_monument_vietnam_war concept:atdate concept_year_n1967 +concept_monument_war_memorial_opera_house concept:atlocation concept_county_san_francisco +concept_monument_westville concept:proxyfor concept_radiostation_new_jersey +concept_monument_white_pagoda concept:latitudelongitude 39.9243500000000,116.3829200000000 +concept_monument_york_area concept:proxyfor concept_lake_new +concept_mountain_aarburg concept:latitudelongitude 47.3218400000000,7.9023566666667 +concept_mountain_acotango concept:latitudelongitude -18.3833300000000,-69.0500000000000 +concept_mountain_affric concept:latitudelongitude 57.2833333333333,-4.9499966666667 +concept_mountain_agri_dagi concept:latitudelongitude 39.7022400000000,44.2980000000000 +concept_mountain_agung concept:mountaininstate concept_stateorprovince_bali +concept_mountain_aiguille_du_midi concept:latitudelongitude 45.6260933333333,6.6482900000000 +concept_mountain_aiguille_verte concept:latitudelongitude 45.9596150000000,6.7012400000000 +concept_mountain_allegheny_mountains concept:mountaininstate concept_stateorprovince_virginia +concept_mountain_amne_machin concept:latitudelongitude 34.5000000000000,100.0000000000000 +concept_mountain_ancohuma concept:latitudelongitude -16.0313340000000,-68.7608340000000 +concept_mountain_antelao concept:latitudelongitude 46.4520900000000,12.2615800000000 +concept_mountain_aonach_beag concept:latitudelongitude 56.7997000000000,-4.9555200000000 +concept_mountain_apache_point_observatory concept:latitudelongitude 32.7787000000000,-105.8138700000000 +concept_mountain_appalachian_mountains concept:mountaininstate concept_stateorprovince_georgia +concept_mountain_appalachians concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_aucanquilcha concept:latitudelongitude -21.2125000000000,-68.4666700000000 +concept_mountain_baboquivari concept:mountaininstate concept_stateorprovince_arizona +concept_mountain_backbone_rock concept:latitudelongitude 36.7022033333333,-82.2627433333333 +concept_mountain_balfrin concept:latitudelongitude 46.1343000000000,7.8813000000000 +concept_mountain_balmhorn concept:latitudelongitude 46.4247800000000,7.6933500000000 +concept_mountain_banff concept:mountaininstate concept_stateorprovince_alberta +concept_mountain_bavarian_alps concept:latitudelongitude 47.5000000000000,11.0000000000000 +concept_mountain_baw_baw_plateau concept:latitudelongitude -37.8166700000000,146.3000000000000 +concept_mountain_beartooth_pass concept:latitudelongitude 44.9691100000000,-109.4715500000000 +concept_mountain_beautiful_appalachian_mountains concept:mountaininstate concept_stateorprovince_virginia +concept_mountain_beautiful_blue_mountains concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_beautiful_rocky_mountains concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_beautiful_smoky_mountains concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_beerenberg concept:latitudelongitude 71.0833300000000,-8.1666700000000 +concept_mountain_beinn_alligin concept:latitudelongitude 57.5500000000000,-5.5833300000000 +concept_mountain_ben_vrackie concept:latitudelongitude 57.1750000000000,-4.6500000000000 +concept_mountain_benbulben concept:latitudelongitude 54.3666700000000,-8.4744400000000 +concept_mountain_benton_mound concept:mountaininstate concept_stateorprovince_illinois +concept_mountain_bidean_nam_bian concept:latitudelongitude 56.6333300000000,-5.0333300000000 +concept_mountain_bietschhorn concept:latitudelongitude 46.3918000000000,7.8510000000000 +concept_mountain_big_bear_lake concept:atlocation concept_stateorprovince_california +concept_mountain_bishop_pass concept:latitudelongitude 37.1419750000000,-118.5557500000000 +concept_mountain_bishorn concept:latitudelongitude 46.1179300000000,7.7149300000000 +concept_mountain_bitihorn concept:latitudelongitude 61.3000000000000,8.8000000000000 +concept_mountain_black_kaweah concept:latitudelongitude 36.5452200000000,-118.5156500000000 +concept_mountain_black_mesa concept:mountaininstate concept_stateorprovince_oklahoma +concept_mountain_black_tusk concept:latitudelongitude 49.9608233333333,-123.0471800000000 +concept_mountain_blackall_range concept:latitudelongitude -26.7000000000000,152.8833300000000 +concept_mountain_blackford_hill concept:latitudelongitude 55.9237700000000,-3.1935000000000 +concept_mountain_blaven concept:latitudelongitude 57.2333300000000,-6.1166700000000 +concept_mountain_blue_ranges concept:latitudelongitude -18.3500000000000,29.9500000000000 +concept_mountain_blue_ridge concept:mountaininstate concept_stateorprovince_virginia +concept_mountain_blue_ridge_mountains concept:mountaininstate concept_stateorprovince_south_carolina +concept_mountain_bobotov_kuk concept:latitudelongitude 43.1288300000000,19.0336800000000 +concept_mountain_borah_peak concept:mountaininstate concept_stateorprovince_idaho +concept_mountain_boundary_peak concept:mountaininstate concept_stateorprovince_nevada +concept_mountain_box_elder_peak concept:mountaininstate concept_stateorprovince_utah +concept_mountain_brasstown_bald concept:mountaininstate concept_stateorprovince_georgia +concept_mountain_breckenridge concept:locationlocatedwithinlocation concept_stateorprovince_colorado +concept_mountain_breckenridge concept:proxyfor concept_stateorprovince_colorado +concept_mountain_bridger_mountains concept:mountaininstate concept_stateorprovince_montana +concept_mountain_britton_hill concept:mountaininstate concept_stateorprovince_florida +concept_mountain_brooks concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_brooks_range concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_bryce_canyon_national_park concept:mountaininstate concept_stateorprovince_utah +concept_mountain_buachaille_etive_mor concept:latitudelongitude 56.6370800000000,-4.9254200000000 +concept_mountain_bucegi concept:latitudelongitude 45.4500000000000,25.4333300000000 +concept_mountain_buni_zom concept:latitudelongitude 36.1581000000000,72.3206000000000 +concept_mountain_cameron_cone concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_campbell_hill concept:mountaininstate concept_stateorprovince_ohio +concept_mountain_canadian_rocky concept:latitudelongitude 51.4323966666667,-116.2162066666667 +concept_mountain_canadian_rocky concept:mountaininstate concept_stateorprovince_alberta +concept_mountain_canigou concept:latitudelongitude 42.5191700000000,2.4566700000000 +concept_mountain_capitoline_hill concept:latitudelongitude 41.8931400000000,12.4830000000000 +concept_mountain_carlton_peak concept:mountaininstate concept_stateorprovince_minnesota +concept_mountain_carrauntoohil concept:latitudelongitude 52.0000000000000,-9.7500000000000 +concept_mountain_central_sierra_nevada concept:mountaininstate concept_stateorprovince_california +concept_mountain_cerbat concept:mountaininstate concept_stateorprovince_arizona +concept_mountain_cerro_gaital concept:latitudelongitude 8.6166700000000,-80.1166700000000 +concept_mountain_changabang concept:latitudelongitude 30.5000000000000,79.9166700000000 +concept_mountain_chappal_waddi concept:latitudelongitude 7.0333300000000,11.7166700000000 +concept_mountain_chasseral concept:latitudelongitude 47.1423666666667,7.1113433333333 +concept_mountain_cheaha_mountain concept:mountaininstate concept_stateorprovince_alabama +concept_mountain_cheyenne_mountain concept:latitudelongitude 38.7690866666667,-104.8550200000000 +concept_mountain_chomolungma concept:latitudelongitude 27.9879100000000,86.9252900000000 +concept_mountain_churen_himal concept:latitudelongitude 28.7333300000000,83.2000000000000 +concept_mountain_churia_range concept:latitudelongitude 29.0000000000000,80.0000000000000 +concept_mountain_cima_dome concept:latitudelongitude 35.2894300000000,-115.5852700000000 +concept_mountain_coast_range concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_cofre_de_perote concept:latitudelongitude 19.4866640000000,-97.1433300000000 +concept_mountain_collarada concept:latitudelongitude 42.7254000000000,-0.4711000000000 +concept_mountain_columbia concept:synonymfor concept_city_washington_d_c +concept_mountain_columbia concept:proxyfor concept_company_missouri +concept_mountain_columbia concept:proxyfor concept_radiostation_new_jersey +concept_mountain_columbia concept:atlocation concept_stateorprovince_illinois +concept_mountain_columbia concept:atlocation concept_stateorprovince_maryland +concept_mountain_columbia concept:atlocation concept_stateorprovince_mississippi +concept_mountain_columbia concept:atlocation concept_stateorprovince_new_york +concept_mountain_congress concept:atdate concept_dateliteral_n1990 +concept_mountain_congress concept:atdate concept_dateliteral_n2002 +concept_mountain_congress concept:atdate concept_dateliteral_n2005 +concept_mountain_congress concept:atdate concept_dateliteral_n2006 +concept_mountain_congress concept:atdate concept_dateliteral_n2007 +concept_mountain_congress concept:istallerthan concept_publication_people_ +concept_mountain_congress concept:atdate concept_year_n1921 +concept_mountain_congress concept:atdate concept_year_n1973 +concept_mountain_congress concept:atdate concept_year_n1981 +concept_mountain_congress concept:atdate concept_year_n1997 +concept_mountain_cordillera_septentrional concept:latitudelongitude 19.5833300000000,-70.7500000000000 +concept_mountain_cotapaxi concept:latitudelongitude -20.2000000000000,30.7500000000000 +concept_mountain_cowrock_mountain concept:latitudelongitude 34.9284250000000,-83.4560000000000 +concept_mountain_creag_meagaidh concept:latitudelongitude 56.9333300000000,-4.6166700000000 +concept_mountain_crowsnest_mountain concept:latitudelongitude 49.7000200000000,-114.5687200000000 +concept_mountain_cumberland_plateau concept:mountaininstate concept_stateorprovince_alabama +concept_mountain_cumbre_vieja concept:latitudelongitude 28.5666700000000,-17.8166700000000 +concept_mountain_cumbres_pass concept:latitudelongitude 36.9618200000000,-106.5147550000000 +concept_mountain_cypress_hills concept:mountaininstate concept_stateorprovince_saskatchewan +concept_mountain_dammastock concept:latitudelongitude 46.6443000000000,8.4216000000000 +concept_mountain_dandenong_ranges concept:latitudelongitude -37.8333300000000,145.3500000000000 +concept_mountain_darjeeling_district concept:latitudelongitude 26.7500000000000,88.2500000000000 +concept_mountain_davis concept:mountaininstate concept_stateorprovince_texas +concept_mountain_denali concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_dominion_range concept:latitudelongitude -85.3333300000000,166.5000000000000 +concept_mountain_driskill_mountain concept:mountaininstate concept_geopoliticallocation_louisana +concept_mountain_dunedin concept:atlocation concept_city_florida +concept_mountain_eagle_mountain concept:mountaininstate concept_stateorprovince_minnesota +concept_mountain_east_summit concept:latitudelongitude 37.9773066666667,-109.0228866666667 +concept_mountain_el_hacho concept:latitudelongitude 36.7394450000000,-4.2937500000000 +concept_mountain_el_imposible_national_park concept:latitudelongitude 13.8360600000000,-89.9830800000000 +concept_mountain_el_tucuche concept:latitudelongitude 10.7333300000000,-61.4166700000000 +concept_mountain_ellingwood_ridge concept:latitudelongitude 39.0486000000000,-106.4666900000000 +concept_mountain_emei_shan concept:latitudelongitude 29.5134600000000,103.3123200000000 +concept_mountain_erciyes concept:latitudelongitude 38.5752442857143,35.4882771428571 +concept_mountain_expedition concept:atdate concept_date_n1999 +concept_mountain_expedition concept:atdate concept_dateliteral_n2005 +concept_mountain_expedition concept:atdate concept_dateliteral_n2006 +concept_mountain_expedition concept:atdate concept_dateliteral_n2007 +concept_mountain_expedition concept:atdate concept_dateliteral_n2008 +concept_mountain_fox concept:agentcollaborateswithagent concept_actor_chris_wallace +concept_mountain_fox concept:agentcollaborateswithagent concept_blog_bill_o_reilly +concept_mountain_fox concept:agentcollaborateswithagent concept_model_rita_cosby +concept_mountain_fox concept:agentcompeteswithagent concept_musicartist_journal +concept_mountain_fox concept:agentcollaborateswithagent concept_person_brit_hume +concept_mountain_fox concept:agentcollaborateswithagent concept_person_neil_cavuto +concept_mountain_fox concept:agentcollaborateswithagent concept_person_tony_snow +concept_mountain_fox concept:agentcollaborateswithagent concept_personnorthamerica_oliver_north +concept_mountain_fox concept:agentcollaborateswithagent concept_personus_john_gibson +concept_mountain_fox concept:agentcollaborateswithagent concept_politicianus_sean_hannity +concept_mountain_fox concept:agentcollaborateswithagent concept_politicsblog_geraldo_rivera +concept_mountain_fox concept:agentcontrols concept_website_kcba +concept_mountain_fox concept:agentcontrols concept_website_kdvr +concept_mountain_fox concept:agentcontrols concept_website_kmph +concept_mountain_fox concept:agentcontrols concept_website_koki_tv +concept_mountain_fox concept:agentcontrols concept_website_kriv_tv +concept_mountain_fox concept:agentcontrols concept_website_ksaz_tv +concept_mountain_fox concept:agentcontrols concept_website_kswb +concept_mountain_fox concept:agentcontrols concept_website_kttv +concept_mountain_fox concept:agentcontrols concept_website_tony_snow +concept_mountain_fox concept:agentcontrols concept_website_waga +concept_mountain_fox concept:agentcontrols concept_website_waws_tv +concept_mountain_fox concept:agentcontrols concept_website_wfld +concept_mountain_fox concept:agentcontrols concept_website_wfxt +concept_mountain_fox concept:agentcontrols concept_website_wgxa +concept_mountain_fox concept:agentcontrols concept_website_wrgt_tv +concept_mountain_fox concept:agentcontrols concept_website_wtvw +concept_mountain_fox concept:agentcontrols concept_website_wupw +concept_mountain_fox concept:agentcontrols concept_website_wupw_tv +concept_mountain_fox concept:agentcontrols concept_website_wxmi_tv +concept_mountain_freshwater_east concept:latitudelongitude 51.6497200000000,-4.8644400000000 +concept_mountain_garove concept:latitudelongitude -4.7000000000000,149.5000000000000 +concept_mountain_gila_national_forest concept:mountaininstate concept_stateorprovince_new_mexico +concept_mountain_glittertind concept:latitudelongitude 61.6521600000000,8.5509700000000 +concept_mountain_going_to_the_sun_mountain concept:latitudelongitude 48.6908100000000,-113.6365000000000 +concept_mountain_gokyo concept:latitudelongitude 27.9995000000000,86.6818000000000 +concept_mountain_gornergrat concept:latitudelongitude 46.0093066666667,7.7606466666667 +concept_mountain_gran_cratere concept:latitudelongitude 38.4041700000000,14.9657000000000 +concept_mountain_grand_atlas concept:latitudelongitude 31.4300000000000,-6.9400000000000 +concept_mountain_grand_teton concept:mountaininstate concept_stateorprovince_wyoming +concept_mountain_grandes_jorasses concept:latitudelongitude 45.8677600000000,6.9779200000000 +concept_mountain_granite_peak concept:mountaininstate concept_stateorprovince_montana +concept_mountain_great_ararat concept:latitudelongitude 39.7016700000000,44.3005600000000 +concept_mountain_great_end concept:latitudelongitude 54.4666700000000,-3.1975000000000 +concept_mountain_great_smokey_mountains concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_great_smokies concept:latitudelongitude 35.5464400000000,-82.9437700000000 +concept_mountain_great_smoky_mountains concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_green_creek concept:proxyfor concept_radiostation_new_jersey +concept_mountain_green_creek concept:proxyfor concept_stateorprovince_newjersey +concept_mountain_green_gable concept:latitudelongitude -60.7166700000000,-45.6000000000000 +concept_mountain_green_mountain concept:mountaininstate concept_stateorprovince_vermont +concept_mountain_green_mountains concept:mountaininstate concept_stateorprovince_vermont +concept_mountain_gunung_jerai concept:latitudelongitude 5.7933350000000,100.4203300000000 +concept_mountain_gunung_ledang concept:latitudelongitude 2.3666700000000,102.6166700000000 +concept_mountain_gunung_rinjani concept:latitudelongitude -8.4000000000000,116.4666700000000 +concept_mountain_haleakala concept:mountaininstate concept_stateorprovince_maui +concept_mountain_haleakala_crater concept:latitudelongitude 20.7186100000000,-156.1827800000000 +concept_mountain_haleakala_crater concept:mountaininstate concept_stateorprovince_maui +concept_mountain_halifax_citadel concept:latitudelongitude 44.6473500000000,-63.5793000000000 +concept_mountain_har_sinai concept:latitudelongitude 39.3506175000000,-76.6572975000000 +concept_mountain_hard_rock concept:locationlocatedwithinlocation concept_building_vegas +concept_mountain_harney_peak concept:mountaininstate concept_stateorprovince_south_dakota +concept_mountain_harz concept:mountaininstate concept_stateorprovince_saxony +concept_mountain_hasan_dag concept:latitudelongitude 38.1272200000000,34.1800000000000 +concept_mountain_hawkeye_point concept:mountaininstate concept_stateorprovince_iowa +concept_mountain_hawksbill_mountain concept:latitudelongitude 35.9131800000000,-81.8862200000000 +concept_mountain_helens concept:mountaininstate concept_stateorprovince_washington_state +concept_mountain_himalayan_range concept:latitudelongitude 29.0000000000000,83.0000000000000 +concept_mountain_hood concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_hoosac_range concept:latitudelongitude 42.7584150000000,-73.0203800000000 +concept_mountain_hoosier_hill concept:mountaininstate concept_stateorprovince_indiana +concept_mountain_horns_of_hattin concept:latitudelongitude 32.7972200000000,35.4597200000000 +concept_mountain_humantay concept:latitudelongitude -13.3666700000000,-72.6000000000000 +concept_mountain_humphreys_peak concept:mountaininstate concept_stateorprovince_arizona +concept_mountain_inspiration concept:mutualproxyfor concept_beverage_new +concept_mountain_inspiration concept:proxyfor concept_book_new +concept_mountain_isanotski_peaks concept:latitudelongitude 54.7666650000000,-163.4762500000000 +concept_mountain_isarog concept:latitudelongitude 13.7650000000000,123.3963900000000 +concept_mountain_ishinca concept:latitudelongitude -9.3913900000000,-77.5261100000000 +concept_mountain_jebel_hafeet concept:latitudelongitude 24.0700000000000,55.6400000000000 +concept_mountain_jimbilnan concept:latitudelongitude 36.2166700000000,-114.4666700000000 +concept_mountain_jomolhari concept:latitudelongitude 27.8240500000000,89.2691900000000 +concept_mountain_kala_pattar concept:latitudelongitude 27.9833300000000,86.8166700000000 +concept_mountain_kalupahana concept:latitudelongitude 6.6279785714286,80.3490085714286 +concept_mountain_kamakou concept:latitudelongitude 21.1105600000000,-156.8719400000000 +concept_mountain_kamikochi concept:latitudelongitude 36.2516800000000,137.6381800000000 +concept_mountain_kawah_ijen concept:latitudelongitude -8.0575000000000,114.2415000000000 +concept_mountain_kennesaw_mountain concept:latitudelongitude 33.9775560000000,-84.5926020000000 +concept_mountain_kilauea concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_kilauea_volcano concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_king_leopold_ranges concept:latitudelongitude -17.5000000000000,125.7500000000000 +concept_mountain_kings_peak concept:mountaininstate concept_stateorprovince_utah +concept_mountain_kirk_fell concept:latitudelongitude 54.4842500000000,-3.2439700000000 +concept_mountain_kitt_peak concept:mountaininstate concept_stateorprovince_arizona +concept_mountain_klein_matterhorn concept:latitudelongitude 45.9384400000000,7.7298700000000 +concept_mountain_kohala concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_kopetdag concept:latitudelongitude 37.8387033333333,57.9577766666667 +concept_mountain_kuna_yala concept:latitudelongitude 9.2961100000000,-78.3441700000000 +concept_mountain_kurikoma concept:latitudelongitude 38.9619400000000,140.7888900000000 +concept_mountain_kwangde concept:latitudelongitude 27.8000000000000,86.6500000000000 +concept_mountain_kyrenia_range concept:latitudelongitude 35.3000000000000,33.3333300000000 +concept_mountain_la_pedriza concept:latitudelongitude 40.3611100000000,-3.0722200000000 +concept_mountain_la_plata_mountains concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_ladhar_bheinn concept:latitudelongitude 57.0766700000000,-5.5925000000000 +concept_mountain_lagginhorn concept:latitudelongitude 46.1572700000000,8.0030700000000 +concept_mountain_lanin_volcano concept:latitudelongitude -39.6333300000000,-71.5000000000000 +concept_mountain_lauteraarhorn concept:latitudelongitude 46.5837500000000,8.1279200000000 +concept_mountain_lavaredo concept:latitudelongitude 46.6187514285714,12.3023957142857 +concept_mountain_lesser_caucasus concept:latitudelongitude 41.0000000000000,44.0000000000000 +concept_mountain_licancabur concept:latitudelongitude -22.8333300000000,-67.8833300000000 +concept_mountain_lick_observatory concept:latitudelongitude 37.3410500000000,-121.6427200000000 +concept_mountain_limpopo_province concept:latitudelongitude -24.0000000000000,29.5000000000000 +concept_mountain_little_falls concept:mutualproxyfor concept_radiostation_new_jersey +concept_mountain_llullaillaco concept:latitudelongitude -24.7092600000000,-68.5185177777778 +concept_mountain_lo_ihi concept:latitudelongitude 19.4333300000000,-155.3830600000000 +concept_mountain_loihi concept:latitudelongitude 19.1833300000000,-155.3248650000000 +concept_mountain_loita_hills concept:latitudelongitude -1.6666700000000,35.8333300000000 +concept_mountain_long_island concept:mutualproxyfor concept_beverage_new +concept_mountain_long_island concept:proxyfor concept_book_new +concept_mountain_long_island concept:proxyfor concept_company_new_york +concept_mountain_long_island_sound concept:proxyfor concept_book_new +concept_mountain_los concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_mountain_lyskamm concept:latitudelongitude 45.9247200000000,7.8289550000000 +concept_mountain_magaliesberg concept:latitudelongitude -25.7899975000000,27.8800700000000 +concept_mountain_manam_island concept:latitudelongitude -4.0833300000000,145.0333300000000 +concept_mountain_marmolada concept:latitudelongitude 46.4343640000000,11.8573720000000 +concept_mountain_masai_mara concept:latitudelongitude -1.4166700000000,34.9166700000000 +concept_mountain_matusadona concept:latitudelongitude -16.8033340000000,29.0399980000000 +concept_mountain_mauna_kea concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_mauna_loa concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_mauna_loa_volcano concept:mountaininstate concept_stateorprovince_hawaii +concept_mountain_mawenzi concept:latitudelongitude -3.1000000000000,37.4500000000000 +concept_mountain_mckinley concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_menengai_crater concept:latitudelongitude -0.2000000000000,36.0666700000000 +concept_mountain_mesabi_range concept:mountaininstate concept_stateorprovince_minnesota +concept_mountain_minya_konka concept:latitudelongitude 29.5960400000000,101.8790500000000 +concept_mountain_moel_siabod concept:latitudelongitude 53.0666700000000,-3.9500000000000 +concept_mountain_molokini concept:mountaininstate concept_stateorprovince_maui +concept_mountain_monmouth_mountain concept:latitudelongitude 50.9830100000000,-123.7862100000000 +concept_mountain_mont_blanc_du_tacul concept:latitudelongitude 45.8573000000000,6.8876000000000 +concept_mountain_mont_boron concept:latitudelongitude 43.7000000000000,7.3000000000000 +concept_mountain_mont_collon concept:latitudelongitude 45.9763600000000,7.5056800000000 +concept_mountain_mont_maudit concept:latitudelongitude 45.8477900000000,6.8758100000000 +concept_mountain_mont_megantic concept:latitudelongitude 45.4550900000000,-71.1584500000000 +concept_mountain_mont_pelee concept:latitudelongitude 14.8000000000000,-61.1666700000000 +concept_mountain_mont_tremblant concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountain_monte_cervino concept:latitudelongitude 45.9762100000000,7.6582400000000 +concept_mountain_monte_perdido concept:latitudelongitude 42.6666700000000,0.0833300000000 +concept_mountain_monte_pissis concept:latitudelongitude -27.7833300000000,-68.8500000000000 +concept_mountain_monte_sarmiento concept:latitudelongitude -54.4500000000000,-70.8333300000000 +concept_mountain_monviso concept:latitudelongitude 44.6676000000000,7.0905100000000 +concept_mountain_mount_agung concept:mountaininstate concept_stateorprovince_bali +concept_mountain_mount_alyeska concept:latitudelongitude 60.9597200000000,-149.0527800000000 +concept_mountain_mount_arvon concept:mountaininstate concept_stateorprovince_michigan +concept_mountain_mount_augusta concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_mount_burdell concept:latitudelongitude 38.1374200000000,-122.5969300000000 +concept_mountain_mount_carwood concept:mountaininstate concept_stateorprovince_michigan +concept_mountain_mount_cayley concept:latitudelongitude 50.1202800000000,-123.2921500000000 +concept_mountain_mount_dampier concept:latitudelongitude -43.5858200000000,170.1400500000000 +concept_mountain_mount_dora concept:locationlocatedwithinlocation concept_city_florida +concept_mountain_mount_dora concept:proxyfor concept_city_florida +concept_mountain_mount_drum concept:latitudelongitude 62.1161100000000,-144.6377800000000 +concept_mountain_mount_eddy concept:latitudelongitude 41.3198700000000,-122.4791800000000 +concept_mountain_mount_elbert concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_mount_eolus concept:latitudelongitude 37.6217800000000,-107.6226900000000 +concept_mountain_mount_ephraim concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_mountain_mount_errigal concept:latitudelongitude 54.9502050000000,-7.7127500000000 +concept_mountain_mount_giluwe concept:latitudelongitude -6.0500000000000,143.8833300000000 +concept_mountain_mount_haleakala concept:mountaininstate concept_stateorprovince_maui +concept_mountain_mount_hikurangi concept:latitudelongitude -37.4833300000000,175.9000000000000 +concept_mountain_mount_holly concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountain_mount_hood concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_mount_index concept:latitudelongitude 47.7745500000000,-121.5809400000000 +concept_mountain_mount_katahdin concept:mountaininstate concept_stateorprovince_maine +concept_mountain_mount_korab concept:latitudelongitude 41.7905600000000,20.5466700000000 +concept_mountain_mount_kosciusko concept:latitudelongitude -36.4500000000000,148.2666700000000 +concept_mountain_mount_lamborn concept:latitudelongitude 38.8030400000000,-107.5228300000000 +concept_mountain_mount_macedon concept:latitudelongitude -37.3833300000000,144.5916650000000 +concept_mountain_mount_mansfield concept:mountaininstate concept_stateorprovince_vermont +concept_mountain_mount_mckinley concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_mount_meager concept:latitudelongitude 50.6315900000000,-123.5070100000000 +concept_mountain_mount_miserable concept:mountaininstate concept_stateorprovince_ohio +concept_mountain_mount_moco concept:latitudelongitude -12.4666700000000,15.1833300000000 +concept_mountain_mount_nevis concept:latitudelongitude 17.1962000000000,-62.5947000000000 +concept_mountain_mount_ouray concept:latitudelongitude 38.4225000000000,-106.2253000000000 +concept_mountain_mount_paget concept:latitudelongitude -54.4461100000000,-36.5277800000000 +concept_mountain_mount_popa concept:latitudelongitude 20.9166700000000,95.2500000000000 +concept_mountain_mount_queen_bess concept:latitudelongitude 51.2664200000000,-124.5697000000000 +concept_mountain_mount_rainier concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountain_mount_rainier concept:mountaininstate concept_stateorprovince_washington_state +concept_mountain_mount_ratz concept:latitudelongitude 57.3996300000000,-132.3039700000000 +concept_mountain_mount_rogers concept:mountaininstate concept_stateorprovince_virginia +concept_mountain_mount_royal concept:proxyfor concept_radiostation_new_jersey +concept_mountain_mount_royal concept:proxyfor concept_stateorprovince_newjersey +concept_mountain_mount_ruwenzori concept:latitudelongitude 0.3833300000000,29.9000000000000 +concept_mountain_mount_shavano concept:latitudelongitude 38.6188900000000,-106.2394700000000 +concept_mountain_mount_sizer concept:latitudelongitude 37.2138300000000,-121.5135500000000 +concept_mountain_mount_speke concept:latitudelongitude 0.4205550000000,29.8963850000000 +concept_mountain_mount_st___elias concept:latitudelongitude 60.2992500000000,-140.9348300000000 +concept_mountain_mount_st___helens concept:mountaininstate concept_stateorprovince_washington_state +concept_mountain_mount_stromlo concept:latitudelongitude -35.3166700000000,149.0166700000000 +concept_mountain_mount_suribachi concept:latitudelongitude 24.7500000000000,141.2833300000000 +concept_mountain_mount_tabor concept:proxyfor concept_stateorprovince_new_jersey +concept_mountain_mount_tabor concept:proxyfor concept_stateorprovince_newjersey +concept_mountain_mount_tarawera concept:latitudelongitude -38.2307750000000,176.4951050000000 +concept_mountain_mount_tatlow concept:latitudelongitude 51.3830600000000,-123.8696800000000 +concept_mountain_mount_vinson concept:latitudelongitude 35.1895266666667,-88.3962466666667 +concept_mountain_mount_washington concept:mountaininstate concept_stateorprovince_new_hampshire +concept_mountain_mount_whitney concept:mountaininstate concept_stateorprovince_california +concept_mountain_mount_wilhelm concept:latitudelongitude -5.8000000000000,145.0333300000000 +concept_mountain_mount_yonah concept:latitudelongitude 34.6500750000000,-83.7268300000000 +concept_mountain_mountains concept:mountaininstate concept_stateorprovince_nc +concept_mountain_mournes concept:latitudelongitude 35.2166700000000,24.5166700000000 +concept_mountain_mt_everest concept:latitudelongitude 27.9879100000000,86.9252900000000 +concept_mountain_mweelrea concept:latitudelongitude 53.6333300000000,-9.8333300000000 +concept_mountain_mynydd_preseli concept:latitudelongitude 51.9583300000000,-4.7833300000000 +concept_mountain_nadelhorn concept:latitudelongitude 46.1091500000000,7.8639800000000 +concept_mountain_nafanua concept:latitudelongitude -14.0788250000000,-171.1645850000000 +concept_mountain_nanda_devi_east concept:latitudelongitude 30.3758400000000,79.9707700000000 +concept_mountain_narcondam concept:latitudelongitude 13.3333300000000,94.2666700000000 +concept_mountain_ndutu concept:latitudelongitude -1.5166700000000,37.6666700000000 +concept_mountain_nelion concept:latitudelongitude -0.1500000000000,37.3000000000000 +concept_mountain_nellis_wash concept:latitudelongitude 35.4033300000000,-114.6594100000000 +concept_mountain_nemrut_dagi concept:latitudelongitude 38.6233500000000,42.1887300000000 +concept_mountain_nesthorn concept:latitudelongitude 46.4050050000000,7.8831550000000 +concept_mountain_nevado_del_huila concept:latitudelongitude 3.0000000000000,-76.0000000000000 +concept_mountain_nevado_del_ruiz concept:latitudelongitude 4.9000000000000,-75.3000000000000 +concept_mountain_nevado_del_tolima concept:latitudelongitude 4.6666700000000,-75.3166700000000 +concept_mountain_north_palisade concept:mountaininstate concept_stateorprovince_california +concept_mountain_north_san_diego concept:latitudelongitude 33.0876066666667,-117.2126100000000 +concept_mountain_northern_sierra_nevada concept:mountaininstate concept_stateorprovince_california +concept_mountain_ober_gabelhorn concept:latitudelongitude 46.0388700000000,7.6678700000000 +concept_mountain_okmok_caldera concept:latitudelongitude 53.4283300000000,-168.1344400000000 +concept_mountain_oldoinyo_lengai concept:latitudelongitude -2.1666700000000,37.5666700000000 +concept_mountain_ontake concept:latitudelongitude 35.8833325000000,137.8624975000000 +concept_mountain_orohena concept:latitudelongitude -17.6166700000000,-149.4666700000000 +concept_mountain_ozark_mountains concept:mountaininstate concept_stateorprovince_missouri +concept_mountain_ozarks concept:latitudelongitude 37.4777227586207,-92.8869100000000 +concept_mountain_panorama_point concept:mountaininstate concept_stateorprovince_nebraska +concept_mountain_peak_xv concept:latitudelongitude 27.9879100000000,86.9252900000000 +concept_mountain_pen_yr concept:latitudelongitude 52.0459800000000,-4.6877900000000 +concept_mountain_pentadaktylos concept:latitudelongitude 35.2888866666667,33.4222233333333 +concept_mountain_pequeno_alpamayo concept:latitudelongitude -16.1764300000000,-68.2432100000000 +concept_mountain_phu_kradung concept:latitudelongitude 16.9222200000000,101.8222200000000 +concept_mountain_phulchoki concept:latitudelongitude 27.5833300000000,85.4000000000000 +concept_mountain_picos_de_europa concept:latitudelongitude 43.2912675000000,-4.5579700000000 +concept_mountain_pihanga concept:latitudelongitude -38.9588200000000,176.3157000000000 +concept_mountain_pioneer_mountains concept:mountaininstate concept_stateorprovince_montana +concept_mountain_piz_bernina concept:latitudelongitude 46.3813000000000,9.9067000000000 +concept_mountain_piz_corvatsch concept:latitudelongitude 46.4083000000000,9.8162800000000 +concept_mountain_piz_kesch concept:latitudelongitude 46.6166700000000,9.8666700000000 +concept_mountain_pocono_mountains concept:mountaininstate concept_stateorprovince_pennsylvania +concept_mountain_point_lenana concept:latitudelongitude -0.1500000000000,37.3166700000000 +concept_mountain_pomerape concept:latitudelongitude -18.1166700000000,-69.1166700000000 +concept_mountain_puu_kukui concept:latitudelongitude 20.8936100000000,-156.5894400000000 +concept_mountain_pyr_n_es concept:latitudelongitude 42.9166670000000,1.1250000000000 +concept_mountain_pyrenes concept:latitudelongitude 42.5000000000000,2.3333300000000 +concept_mountain_rabaul concept:atdate concept_date_n1942 +concept_mountain_red_kaweah concept:latitudelongitude 36.5396600000000,-118.5056500000000 +concept_mountain_red_mountain concept:mountaininstate concept_stateorprovince_alabama +concept_mountain_red_screes concept:latitudelongitude 54.4712500000000,-2.9337600000000 +concept_mountain_redoubt_volcano concept:latitudelongitude 60.4852800000000,-152.7430600000000 +concept_mountain_redridge concept:latitudelongitude 47.1499580000000,-88.7575180000000 +concept_mountain_rheinwaldhorn concept:latitudelongitude 46.4833300000000,9.0500000000000 +concept_mountain_ridge concept:mountaininstate concept_stateorprovince_arkansas +concept_mountain_rocky_hill concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountain_rocky_mountain concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_roden_crater concept:latitudelongitude 35.4252800000000,-111.2590400000000 +concept_mountain_roque_de_los_muchachos concept:latitudelongitude 28.7333300000000,-17.8666700000000 +concept_mountain_ruby concept:mountaininstate concept_stateorprovince_nevada +concept_mountain_ruby_mountains concept:mountaininstate concept_stateorprovince_nevada +concept_mountain_rumija concept:latitudelongitude 42.1016666666667,19.1924066666667 +concept_mountain_saint_elias concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_salcantay concept:latitudelongitude -13.3563914285714,-72.3469428571428 +concept_mountain_san_jacinto concept:mountaininstate concept_stateorprovince_california +concept_mountain_sandia_mountain concept:latitudelongitude 35.2482350000000,-106.4896050000000 +concept_mountain_sangre_de_cristo_mountains concept:mountaininstate concept_stateorprovince_new_mexico +concept_mountain_sassafras_mountain concept:mountaininstate concept_stateorprovince_south_carolina +concept_mountain_schreckhorn concept:latitudelongitude 46.5900800000000,8.1180700000000 +concept_mountain_selkirk_mountains concept:mountaininstate concept_visualizablescene_washington +concept_mountain_sgurr concept:latitudelongitude 57.2049194444444,-5.4776325000000 +concept_mountain_shephelah concept:latitudelongitude 31.6666700000000,34.9166700000000 +concept_mountain_sherpa concept:latitudelongitude 47.4737300000000,-120.8893950000000 +concept_mountain_shuksan concept:latitudelongitude 48.8396775000000,-121.7595200000000 +concept_mountain_siding_spring concept:latitudelongitude -31.2666700000000,149.0666700000000 +concept_mountain_sierra_blanca concept:mountaininstate concept_stateorprovince_new_mexico +concept_mountain_sierra_laguna concept:latitudelongitude -26.5000000000000,-67.0500000000000 +concept_mountain_sierra_madre_range concept:latitudelongitude 16.3333300000000,122.0000000000000 +concept_mountain_signal_hill concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountain_signalkuppe concept:latitudelongitude 45.9269100000000,7.8768500000000 +concept_mountain_siguniang concept:latitudelongitude 31.1002700000000,102.8997700000000 +concept_mountain_siguniang_shan concept:latitudelongitude 31.1002700000000,102.8997700000000 +concept_mountain_silverton concept:mutualproxyfor concept_radiostation_new_jersey +concept_mountain_silverton concept:subpartof concept_traditionalgame_vegas +concept_mountain_sipylos concept:latitudelongitude 38.6130600000000,27.4261100000000 +concept_mountain_siskiyou_mountains concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_siula_grande concept:latitudelongitude -10.2944400000000,-76.8911100000000 +concept_mountain_skuta concept:latitudelongitude 64.7666700000000,-14.2000000000000 +concept_mountain_smokey_mountains concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_smoky concept:mountaininstate concept_stateorprovince_western_north_carolina +concept_mountain_smoky_mountains concept:mountaininstate concept_stateorprovince_tennessee +concept_mountain_smolikas concept:latitudelongitude 40.1000000000000,20.9166700000000 +concept_mountain_sneffels concept:latitudelongitude 37.9900625000000,-107.7867950000000 +concept_mountain_south_luangwa concept:latitudelongitude -13.1666700000000,31.5000000000000 +concept_mountain_south_oklahoma concept:latitudelongitude 35.3906200000000,-97.5064300000000 +concept_mountain_south_peak concept:mountaininstate concept_stateorprovince_alaska +concept_mountain_spruce_knob concept:mountaininstate concept_stateorprovince_west_virginia +concept_mountain_sri_pada concept:latitudelongitude 6.8083300000000,80.4980600000000 +concept_mountain_stac_pollaidh concept:latitudelongitude 58.0445700000000,-5.2071000000000 +concept_mountain_stanserhorn concept:latitudelongitude 46.9333300000000,8.3333300000000 +concept_mountain_stewartsville concept:mutualproxyfor concept_radiostation_new_jersey +concept_mountain_stob_ghabhar concept:latitudelongitude 56.5666700000000,-4.8833300000000 +concept_mountain_storsylen concept:latitudelongitude 63.0166700000000,12.2000000000000 +concept_mountain_strahlhorn concept:latitudelongitude 46.3044800000000,7.9244975000000 +concept_mountain_sugarloaf_mountain concept:mountaininstate concept_stateorprovince_florida +concept_mountain_swoyambhunath concept:latitudelongitude 27.7166700000000,85.3166700000000 +concept_mountain_tabeguache concept:latitudelongitude 38.4311020000000,-108.0350740000000 +concept_mountain_tafahi concept:latitudelongitude -15.8500000000000,-173.7166700000000 +concept_mountain_taseko_mountain concept:latitudelongitude 51.2330300000000,-123.4696300000000 +concept_mountain_taum_sauk_mountain concept:mountaininstate concept_stateorprovince_missouri +concept_mountain_thamel concept:latitudelongitude 27.7151400000000,85.3102100000000 +concept_mountain_the_brocken concept:latitudelongitude 51.7997000000000,10.6144000000000 +concept_mountain_third_hill_mountain concept:latitudelongitude 39.4387100000000,-78.1944500000000 +concept_mountain_thornton_peak concept:latitudelongitude -16.1666700000000,145.3833300000000 +concept_mountain_three_sisters concept:mountaininstate concept_stateorprovince_oregon +concept_mountain_tofane concept:latitudelongitude 46.5500000000000,12.0666700000000 +concept_mountain_topa_topa concept:latitudelongitude 34.4580500000000,-119.2359400000000 +concept_mountain_tres_virgenes concept:latitudelongitude 27.4686100000000,-112.5780600000000 +concept_mountain_trou_aux_cerfs concept:latitudelongitude -20.3150000000000,57.5050000000000 +concept_mountain_tsavo_east concept:latitudelongitude -2.1833300000000,38.4166700000000 +concept_mountain_tutoko concept:latitudelongitude -44.6200075000000,167.9850300000000 +concept_mountain_twin_sisters_peaks concept:latitudelongitude 40.2888700000000,-105.5183300000000 +concept_mountain_uncompahgre_peak concept:mountaininstate concept_stateorprovince_colorado +concept_mountain_unzen concept:latitudelongitude 32.5916662500000,130.2604162500000 +concept_mountain_villa_escudero concept:latitudelongitude 13.9833300000000,121.3333300000000 +concept_mountain_volcan_baru concept:latitudelongitude 8.8000000000000,-82.5416700000000 +concept_mountain_wagagai concept:latitudelongitude 1.1055566666667,34.5333300000000 +concept_mountain_walker_spur concept:latitudelongitude -85.0166700000000,-91.2000000000000 +concept_mountain_western_maine concept:latitudelongitude 44.3366100000000,-70.2868050000000 +concept_mountain_white_butte concept:mountaininstate concept_stateorprovince_north_dakota +concept_mountain_white_mountain concept:mountaininstate concept_stateorprovince_new_hampshire +concept_mountain_white_mountains concept:mountaininstate concept_stateorprovince_california +concept_mountain_wichita_mountains concept:mountaininstate concept_stateorprovince_oklahoma +concept_mountain_wickersham_wall concept:latitudelongitude 63.1125000000000,-151.0594400000000 +concept_mountain_woodall_mountain concept:mountaininstate concept_stateorprovince_kentucky +concept_mountain_yoho_park concept:latitudelongitude 51.4500000000000,-116.3333300000000 +concept_mountainrange_aconquija concept:latitudelongitude -27.0583350000000,-65.8750000000000 +concept_mountainrange_adirondack_state_park concept:latitudelongitude 43.5782600000000,-74.3780650000000 +concept_mountainrange_affric concept:latitudelongitude 57.2833333333333,-4.9499966666667 +concept_mountainrange_aigaleo concept:latitudelongitude 37.9833300000000,23.6833300000000 +concept_mountainrange_alpi_apuane concept:latitudelongitude 44.0666700000000,10.2833300000000 +concept_mountainrange_alpine_mountains concept:latitudelongitude 39.5527000000000,-117.9123500000000 +concept_mountainrange_amarkantak concept:latitudelongitude 22.6666700000000,81.7500000000000 +concept_mountainrange_an_teallach concept:latitudelongitude 57.8000000000000,-5.2666700000000 +concept_mountainrange_ancohuma concept:latitudelongitude -16.0313340000000,-68.7608340000000 +concept_mountainrange_andalucia_spain concept:latitudelongitude 37.0180900000000,-4.5615800000000 +concept_mountainrange_anti_atlas concept:latitudelongitude 29.4733333333333,-9.1666666666667 +concept_mountainrange_apuan_alps concept:latitudelongitude 44.0666700000000,10.2833300000000 +concept_mountainrange_aragats concept:latitudelongitude 40.4435238461538,44.1414776923077 +concept_mountainrange_aravalli concept:latitudelongitude 25.0000000000000,73.5000000000000 +concept_mountainrange_aravalli_hills concept:latitudelongitude 25.0000000000000,73.5000000000000 +concept_mountainrange_assynt concept:latitudelongitude 58.1536450000000,-4.9613100000000 +concept_mountainrange_atlantic_coastal_plain concept:latitudelongitude 35.0004400000000,-79.0000300000000 +concept_mountainrange_bago_yoma concept:latitudelongitude 19.0000000000000,95.8333300000000 +concept_mountainrange_bandarpunch concept:latitudelongitude 31.0166700000000,78.5500000000000 +concept_mountainrange_bavarian_alps concept:latitudelongitude 47.5000000000000,11.0000000000000 +concept_mountainrange_bavella concept:latitudelongitude 41.7959400000000,9.2239700000000 +concept_mountainrange_beinn_a_bhuird concept:latitudelongitude 57.0833300000000,-3.5000000000000 +concept_mountainrange_beinn_alligin concept:latitudelongitude 57.5500000000000,-5.5833300000000 +concept_mountainrange_ben_alder concept:latitudelongitude 56.8000000000000,-4.4666700000000 +concept_mountainrange_benbulben concept:latitudelongitude 54.3666700000000,-8.4744400000000 +concept_mountainrange_benevenagh concept:latitudelongitude 55.1500000000000,-6.9000000000000 +concept_mountainrange_bietschhorn concept:latitudelongitude 46.3918000000000,7.8510000000000 +concept_mountainrange_big_savage_mountain concept:latitudelongitude 39.6693950000000,-78.9629400000000 +concept_mountainrange_bighorn_range concept:latitudelongitude 52.5500400000000,-116.5022500000000 +concept_mountainrange_blamont concept:latitudelongitude 47.6916666666667,6.8569441666667 +concept_mountainrange_blue_ranges concept:latitudelongitude -18.3500000000000,29.9500000000000 +concept_mountainrange_bodmin_moor concept:latitudelongitude 50.5333300000000,-4.5833300000000 +concept_mountainrange_braeriach concept:latitudelongitude 57.0666700000000,-3.7166700000000 +concept_mountainrange_bregaglia concept:latitudelongitude 46.3451050000000,9.5934800000000 +concept_mountainrange_bucegi concept:latitudelongitude 45.4500000000000,25.4333300000000 +concept_mountainrange_bugaboos concept:latitudelongitude 50.7331900000000,-116.7521900000000 +concept_mountainrange_canadian_rocky concept:latitudelongitude 51.4323966666667,-116.2162066666667 +concept_mountainrange_canigou concept:latitudelongitude 42.5191700000000,2.4566700000000 +concept_mountainrange_canning_basin concept:latitudelongitude -21.0000000000000,125.0000000000000 +concept_mountainrange_capitoline_hill concept:latitudelongitude 41.8931400000000,12.4830000000000 +concept_mountainrange_catinaccio concept:latitudelongitude 46.4351700000000,11.6427633333333 +concept_mountainrange_cayman_ridge concept:latitudelongitude 19.5000000000000,-80.5000000000000 +concept_mountainrange_central_apennines concept:latitudelongitude 42.5000000000000,13.4166700000000 +concept_mountainrange_cerro_gaital concept:latitudelongitude 8.6166700000000,-80.1166700000000 +concept_mountainrange_chisos concept:latitudelongitude 29.2683950000000,-103.3000400000000 +concept_mountainrange_churfirsten concept:latitudelongitude 47.1500000000000,9.2666700000000 +concept_mountainrange_churia_hills concept:latitudelongitude 29.0000000000000,80.0000000000000 +concept_mountainrange_churia_range concept:latitudelongitude 29.0000000000000,80.0000000000000 +concept_mountainrange_coastal_range concept:latitudelongitude 10.0000000000000,-65.0000000000000 +concept_mountainrange_cordillera_cantabrica concept:latitudelongitude 43.0000000000000,-5.0000000000000 +concept_mountainrange_cordillera_septentrional concept:latitudelongitude 19.5833300000000,-70.7500000000000 +concept_mountainrange_cordillera_vilcabamba concept:latitudelongitude -13.0000000000000,-73.0000000000000 +concept_mountainrange_cotapaxi concept:latitudelongitude -20.2000000000000,30.7500000000000 +concept_mountainrange_cul_mor concept:latitudelongitude 58.0587500000000,-5.1170800000000 +concept_mountainrange_cumbres_pass concept:latitudelongitude 36.9618200000000,-106.5147550000000 +concept_mountainrange_dandenong_ranges concept:latitudelongitude -37.8333300000000,145.3500000000000 +concept_mountainrange_deo_tibba concept:latitudelongitude 32.2000000000000,77.3833300000000 +concept_mountainrange_dhaulagiri_himal concept:latitudelongitude 28.7500000000000,83.2500000000000 +concept_mountainrange_eagle_cap_wilderness concept:latitudelongitude 45.2420900000000,-117.4427000000000 +concept_mountainrange_eastern_ghats concept:latitudelongitude 14.0000000000000,78.8333300000000 +concept_mountainrange_eastern_slopes concept:latitudelongitude 43.9906300000000,-70.9464600000000 +concept_mountainrange_ecrins concept:latitudelongitude 44.9416316666667,6.3236133333333 +concept_mountainrange_edwards_plateau concept:latitudelongitude 31.0004500000000,-101.0006600000000 +concept_mountainrange_el_challao concept:latitudelongitude -32.8500000000000,-68.9333300000000 +concept_mountainrange_el_hacho concept:latitudelongitude 36.7394450000000,-4.2937500000000 +concept_mountainrange_el_yunque_national_forest concept:latitudelongitude 18.2813400000000,-65.7996100000000 +concept_mountainrange_franconia_ridge concept:latitudelongitude 44.1461750000000,-71.6442500000000 +concept_mountainrange_frank_church_river concept:latitudelongitude 44.8797800000000,-114.6923100000000 +concept_mountainrange_fruska_gora concept:latitudelongitude 45.1569450000000,19.6829150000000 +concept_mountainrange_grand_atlas concept:latitudelongitude 31.4300000000000,-6.9400000000000 +concept_mountainrange_great_himalaya_range concept:latitudelongitude 29.0000000000000,83.0000000000000 +concept_mountainrange_great_rift_valley concept:latitudelongitude 5.0000000000000,37.0000000000000 +concept_mountainrange_great_smokies concept:latitudelongitude 35.5464400000000,-82.9437700000000 +concept_mountainrange_great_western_divide concept:latitudelongitude 36.5263300000000,-118.4781500000000 +concept_mountainrange_greater_caucasus concept:latitudelongitude 42.5000000000000,45.0000000000000 +concept_mountainrange_grey_towers concept:latitudelongitude 40.0902800000000,-75.1650000000000 +concept_mountainrange_guadalupes concept:latitudelongitude 8.7666700000000,-63.6000000000000 +concept_mountainrange_gunung_jerai concept:latitudelongitude 5.7933350000000,100.4203300000000 +concept_mountainrange_gunung_ledang concept:latitudelongitude 2.3666700000000,102.6166700000000 +concept_mountainrange_guys concept:proxyfor concept_book_new +concept_mountainrange_haemus concept:latitudelongitude 42.7000000000000,27.9000000000000 +concept_mountainrange_harney_basin concept:latitudelongitude 43.5001500000000,-119.0013200000000 +concept_mountainrange_hasan_dag concept:latitudelongitude 38.1272200000000,34.1800000000000 +concept_mountainrange_high_atlas concept:latitudelongitude 31.4300000000000,-6.9400000000000 +concept_mountainrange_high_wall concept:latitudelongitude 36.0419300000000,-112.5693500000000 +concept_mountainrange_himalayan_range concept:latitudelongitude 29.0000000000000,83.0000000000000 +concept_mountainrange_hoosac_range concept:latitudelongitude 42.7584150000000,-73.0203800000000 +concept_mountainrange_hudson_highlands concept:latitudelongitude 41.4478700000000,-73.9662500000000 +concept_mountainrange_hudson_river concept:proxyfor concept_book_new +concept_mountainrange_hudson_valley concept:proxyfor concept_book_new +concept_mountainrange_hudson_valley concept:mutualproxyfor concept_emotion_new +concept_mountainrange_humantay concept:latitudelongitude -13.3666700000000,-72.6000000000000 +concept_mountainrange_huron_mountains concept:latitudelongitude 46.8129800000000,-87.8712400000000 +concept_mountainrange_inyanga concept:latitudelongitude -18.1372547058824,32.5009794117647 +concept_mountainrange_jahorina concept:latitudelongitude 43.7952780000000,18.7140580000000 +concept_mountainrange_jebel_hafeet concept:latitudelongitude 24.0700000000000,55.6400000000000 +concept_mountainrange_jesenik concept:latitudelongitude 50.0286140000000,17.2115693333333 +concept_mountainrange_jeseniky concept:latitudelongitude 49.8333300000000,17.3333300000000 +concept_mountainrange_judean_hills concept:latitudelongitude 31.6666700000000,35.1666700000000 +concept_mountainrange_juneau_icefield concept:latitudelongitude 58.7663850000000,-134.3768450000000 +concept_mountainrange_kala_pattar concept:latitudelongitude 27.9833300000000,86.8166700000000 +concept_mountainrange_kaokoveld concept:latitudelongitude -18.0000000000000,13.0000000000000 +concept_mountainrange_khangchendzonga concept:latitudelongitude 27.7031400000000,88.1473900000000 +concept_mountainrange_knocknarea concept:latitudelongitude 54.2605600000000,-8.5769400000000 +concept_mountainrange_kolahoi concept:latitudelongitude 34.1666700000000,75.3333300000000 +concept_mountainrange_koolau_range concept:latitudelongitude 21.4500000000000,-157.9000000000000 +concept_mountainrange_kopet_dagh concept:latitudelongitude 37.8333300000000,58.0000000000000 +concept_mountainrange_kopetdag concept:latitudelongitude 37.8387033333333,57.9577766666667 +concept_mountainrange_kyrenia_range concept:latitudelongitude 35.3000000000000,33.3333300000000 +concept_mountainrange_lahaul concept:latitudelongitude 32.5416650000000,77.4166650000000 +concept_mountainrange_langkofel concept:latitudelongitude 46.5258000000000,11.7343400000000 +concept_mountainrange_lanin_volcano concept:latitudelongitude -39.6333300000000,-71.5000000000000 +concept_mountainrange_lesser_caucasus concept:latitudelongitude 41.0000000000000,44.0000000000000 +concept_mountainrange_ligurian_apennines concept:latitudelongitude 44.5000000000000,9.0000000000000 +concept_mountainrange_lingmell concept:latitudelongitude 54.4633300000000,-3.2225000000000 +concept_mountainrange_loita_hills concept:latitudelongitude -1.6666700000000,35.8333300000000 +concept_mountainrange_lomonosov_ridge concept:latitudelongitude 88.0000000000000,140.0000000000000 +concept_mountainrange_magaliesberg concept:latitudelongitude -25.7899975000000,27.8800700000000 +concept_mountainrange_malam_jabba concept:latitudelongitude 34.7991700000000,72.5719400000000 +concept_mountainrange_mariposa_grove concept:latitudelongitude 37.5152200000000,-119.6040400000000 +concept_mountainrange_markagunt_plateau concept:latitudelongitude 37.5538700000000,-112.7132700000000 +concept_mountainrange_mawenzi concept:latitudelongitude -3.1000000000000,37.4500000000000 +concept_mountainrange_mcgregor_plateau concept:latitudelongitude 54.3332000000000,-121.0029600000000 +concept_mountainrange_middle_atlas concept:latitudelongitude 33.5000000000000,-4.5000000000000 +concept_mountainrange_middle_urals concept:latitudelongitude 58.0000000000000,59.0000000000000 +concept_mountainrange_mission_range concept:latitudelongitude 47.8110500000000,-113.9251000000000 +concept_mountainrange_mongolian_altai concept:latitudelongitude 46.5000000000000,93.0000000000000 +concept_mountainrange_monitor_pass concept:latitudelongitude 38.6754600000000,-119.6204500000000 +concept_mountainrange_mont_boron concept:latitudelongitude 43.7000000000000,7.3000000000000 +concept_mountainrange_monte_cetona concept:latitudelongitude 42.9333300000000,11.8666700000000 +concept_mountainrange_monte_epomeo concept:latitudelongitude 40.7333300000000,13.9000000000000 +concept_mountainrange_monte_perdido concept:latitudelongitude 42.6666700000000,0.0833300000000 +concept_mountainrange_mount_alyeska concept:latitudelongitude 60.9597200000000,-149.0527800000000 +concept_mountainrange_mount_cardigan concept:latitudelongitude 43.6529850000000,-71.9125800000000 +concept_mountainrange_mount_drum concept:latitudelongitude 62.1161100000000,-144.6377800000000 +concept_mountainrange_mount_fitz_roy concept:latitudelongitude 76.8684300000000,-96.5851400000000 +concept_mountainrange_mount_macedon concept:latitudelongitude -37.3833300000000,144.5916650000000 +concept_mountainrange_mount_meager concept:latitudelongitude 50.6315900000000,-123.5070100000000 +concept_mountainrange_mount_nevis concept:latitudelongitude 17.1962000000000,-62.5947000000000 +concept_mountainrange_mount_nimba concept:latitudelongitude -6.4333300000000,146.9666700000000 +concept_mountainrange_mount_ruwenzori concept:latitudelongitude 0.3833300000000,29.9000000000000 +concept_mountainrange_mount_wilhelm concept:latitudelongitude -5.8000000000000,145.0333300000000 +concept_mountainrange_mountain_pine_ridge concept:latitudelongitude 17.0388900000000,-88.7333333333333 +concept_mountainrange_mournes concept:latitudelongitude 35.2166700000000,24.5166700000000 +concept_mountainrange_mulhac concept:latitudelongitude 37.0500000000000,-3.3167000000000 +concept_mountainrange_mynydd_preseli concept:latitudelongitude 51.9583300000000,-4.7833300000000 +concept_mountainrange_naches_pass concept:latitudelongitude 47.0740000000000,-121.3404633333333 +concept_mountainrange_nangpa_la concept:latitudelongitude 28.0833300000000,86.6000000000000 +concept_mountainrange_nechako_plateau concept:latitudelongitude 54.4997900000000,-126.0033400000000 +concept_mountainrange_nilgiris concept:latitudelongitude 11.4083350000000,76.6000000000000 +concept_mountainrange_nordkette concept:latitudelongitude 47.3333300000000,11.4000000000000 +concept_mountainrange_north_san_diego concept:latitudelongitude 33.0876066666667,-117.2126100000000 +concept_mountainrange_north_west_highlands concept:latitudelongitude 57.5000000000000,-5.0000000000000 +concept_mountainrange_nyika_plateau concept:latitudelongitude -10.6666700000000,33.8333300000000 +concept_mountainrange_ohulehule concept:latitudelongitude 21.5158300000000,-157.8783300000000 +concept_mountainrange_okanagan_highland concept:latitudelongitude 49.5830700000000,-119.0023500000000 +concept_mountainrange_okutama concept:latitudelongitude 35.7977766666667,139.0505566666667 +concept_mountainrange_olomana concept:latitudelongitude 21.3647250000000,-157.7526400000000 +concept_mountainrange_owen_stanley_ranges concept:latitudelongitude -9.3333300000000,148.0000000000000 +concept_mountainrange_ozark_hills concept:latitudelongitude 37.6539400000000,-89.9103850000000 +concept_mountainrange_ozarks concept:latitudelongitude 37.4777227586207,-92.8869100000000 +concept_mountainrange_pacific_cordillera concept:latitudelongitude -45.0000000000000,-115.0000000000000 +concept_mountainrange_pacific_slope concept:latitudelongitude 32.0756700000000,-104.7049500000000 +concept_mountainrange_pasayten_wilderness concept:latitudelongitude 48.8165300000000,-120.5595500000000 +concept_mountainrange_pecos_wilderness concept:latitudelongitude 35.9180800000000,-105.6519600000000 +concept_mountainrange_penang_hill concept:latitudelongitude 5.4333300000000,100.2666700000000 +concept_mountainrange_penny_ice_cap concept:latitudelongitude 67.2840900000000,-66.2138100000000 +concept_mountainrange_pentadaktylos concept:latitudelongitude 35.2888866666667,33.4222233333333 +concept_mountainrange_phoenix_mountains concept:latitudelongitude 33.5564166666667,-112.0262100000000 +concept_mountainrange_phulchoki concept:latitudelongitude 27.5833300000000,85.4000000000000 +concept_mountainrange_pir_panjal_range concept:latitudelongitude 33.6888900000000,74.8604150000000 +concept_mountainrange_pitusiray concept:latitudelongitude -13.2113900000000,-71.9877800000000 +concept_mountainrange_piz_corvatsch concept:latitudelongitude 46.4083000000000,9.8162800000000 +concept_mountainrange_port_hills concept:latitudelongitude -43.8000000000000,172.3000000000000 +concept_mountainrange_presidential_range concept:latitudelongitude 44.2135400000000,-71.3334100000000 +concept_mountainrange_psiloritis concept:latitudelongitude 35.2500000000000,24.7500000000000 +concept_mountainrange_pumasillo concept:latitudelongitude -13.1833300000000,-73.0000000000000 +concept_mountainrange_pyr_n_es concept:latitudelongitude 42.9166670000000,1.1250000000000 +concept_mountainrange_rakhine_yoma concept:latitudelongitude 19.0000000000000,94.6666700000000 +concept_mountainrange_rieserferner concept:latitudelongitude 46.9166700000000,12.1166700000000 +concept_mountainrange_rio_grande_rift concept:latitudelongitude 35.7933650000000,-106.5666950000000 +concept_mountainrange_rocky_mountain_trench concept:latitudelongitude 54.4999000000000,-122.5030000000000 +concept_mountainrange_rollins_pass concept:latitudelongitude 39.9341500000000,-105.6827800000000 +concept_mountainrange_ruahine_range concept:latitudelongitude -39.9402050000000,176.0751750000000 +concept_mountainrange_rumija concept:latitudelongitude 42.1016666666667,19.1924066666667 +concept_mountainrange_salcantay concept:latitudelongitude -13.3563914285714,-72.3469428571428 +concept_mountainrange_sandia_mountain concept:latitudelongitude 35.2482350000000,-106.4896050000000 +concept_mountainrange_satpura_range concept:latitudelongitude 21.4166700000000,76.1666700000000 +concept_mountainrange_schulman_grove concept:latitudelongitude 37.3854425000000,-118.1779875000000 +concept_mountainrange_sellrain concept:latitudelongitude 47.2048840000000,11.1724760000000 +concept_mountainrange_sequoia_national_forest concept:latitudelongitude 36.5755000000000,-118.7748200000000 +concept_mountainrange_shephelah concept:latitudelongitude 31.6666700000000,34.9166700000000 +concept_mountainrange_sibillini concept:latitudelongitude 42.9864500000000,13.2468250000000 +concept_mountainrange_sierra_crest concept:latitudelongitude 38.9543800000000,-119.7737400000000 +concept_mountainrange_sierra_laguna concept:latitudelongitude -26.5000000000000,-67.0500000000000 +concept_mountainrange_sierra_madre_range concept:latitudelongitude 16.3333300000000,122.0000000000000 +concept_mountainrange_sierra_range concept:latitudelongitude -43.6683200000000,169.9801000000000 +concept_mountainrange_sipylos concept:latitudelongitude 38.6130600000000,27.4261100000000 +concept_mountainrange_sistema_iberico concept:latitudelongitude 41.0000000000000,-2.5000000000000 +concept_mountainrange_solukhumbu concept:latitudelongitude 27.7500000000000,86.7500000000000 +concept_mountainrange_south_oklahoma concept:latitudelongitude 35.3906200000000,-97.5064300000000 +concept_mountainrange_southern_rockies concept:latitudelongitude 35.3955900000000,-105.9464100000000 +concept_mountainrange_spearhead_range concept:latitudelongitude 50.0664000000000,-122.8360100000000 +concept_mountainrange_stac_pollaidh concept:latitudelongitude 58.0445700000000,-5.2071000000000 +concept_mountainrange_stanovoy_range concept:latitudelongitude 56.3333300000000,126.0000000000000 +concept_mountainrange_stubai_alps concept:latitudelongitude 47.0833300000000,11.1666700000000 +concept_mountainrange_sudety concept:latitudelongitude 50.5000000000000,16.0000000000000 +concept_mountainrange_swoyambhunath concept:latitudelongitude 27.7166700000000,85.3166700000000 +concept_mountainrange_tarrazu concept:latitudelongitude 9.6916700000000,-84.0666675000000 +concept_mountainrange_tavan_bogd concept:latitudelongitude 49.1500000000000,87.7833350000000 +concept_mountainrange_teallach concept:latitudelongitude 57.8000000000000,-5.2666700000000 +concept_mountainrange_the_rocky_mountains concept:latitudelongitude 46.8768900000000,-111.9138800000000 +concept_mountainrange_toiyabe concept:latitudelongitude 39.0284530000000,-117.5341560000000 +concept_mountainrange_topa_topa concept:latitudelongitude 34.4580500000000,-119.2359400000000 +concept_mountainrange_torngats concept:latitudelongitude 58.8002900000000,-63.0814100000000 +concept_mountainrange_transylvanian_plateau concept:latitudelongitude 46.5000000000000,24.5000000000000 +concept_mountainrange_tre_cime concept:latitudelongitude 46.6187600000000,12.3023020000000 +concept_mountainrange_trieves concept:latitudelongitude 44.8663128571429,5.9092142857143 +concept_mountainrange_troodos_massif concept:latitudelongitude 34.9166700000000,32.8333300000000 +concept_mountainrange_twelve_bens concept:latitudelongitude 53.5000000000000,-9.8333300000000 +concept_mountainrange_uintas concept:latitudelongitude 40.7232800000000,-110.5404400000000 +concept_mountainrange_valais_alps concept:latitudelongitude 46.0813750000000,7.9608350000000 +concept_mountainrange_vancouver_island_ranges concept:latitudelongitude 49.4996100000000,-125.5028900000000 +concept_mountainrange_vindhya_range concept:latitudelongitude 24.6166700000000,82.0000000000000 +concept_mountainrange_vindhyas concept:latitudelongitude 24.6166700000000,82.0000000000000 +concept_mountainrange_volcan_baru concept:latitudelongitude 8.8000000000000,-82.5416700000000 +concept_mountainrange_volcan_poas concept:latitudelongitude 10.1833300000000,-84.2166700000000 +concept_mountainrange_wasatch_range concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_mountainrange_welsh_hills concept:latitudelongitude 40.0958300000000,-82.4797425000000 +concept_mountainrange_west_siberian_plain concept:latitudelongitude 60.0000000000000,75.0000000000000 +concept_mountainrange_western_maine concept:latitudelongitude 44.3366100000000,-70.2868050000000 +concept_mountainrange_western_mountains concept:latitudelongitude -41.7500000000000,146.5833300000000 +concept_mountainrange_white_cloud_peaks concept:latitudelongitude 44.0778250000000,-114.6152100000000 +concept_mountainrange_wrangell_st concept:latitudelongitude 60.1243250000000,-138.4788600000000 +concept_mountainrange_yosemite_valley concept:latitudelongitude 37.6671725000000,-119.6837275000000 +concept_mountainrange_zanskar_range concept:latitudelongitude 33.2500000000000,77.6666700000000 +concept_movie_apartment concept:subpartof concept_weatherphenomenon_air +concept_movie_barbershop concept:latitudelongitude 34.4943300000000,-111.1784700000000 +concept_movie_bellboy concept:latitudelongitude 33.3909000000000,-107.7467100000000 +concept_movie_broken_arrow concept:subpartof concept_musicsong_oklahoma +concept_movie_cousins concept:proxyfor concept_book_new +concept_movie_dances concept:latitudelongitude 48.5248800000000,-79.4271500000000 +concept_movie_deep_end concept:latitudelongitude 57.2002300000000,-109.2848800000000 +concept_movie_delinquent concept:latitudelongitude 40.8144400000000,-73.8902800000000 +concept_movie_drenn concept:latitudelongitude 36.6195700000000,-80.7781300000000 +concept_movie_e_t_ concept:latitudelongitude 80.6100000000000,57.8227800000000 +concept_movie_final_destination concept:proxyfor concept_book_new +concept_movie_fountainhead concept:proxyfor concept_book_new +concept_movie_homerun concept:latitudelongitude -71.6666700000000,166.5833300000000 +concept_movie_hustler concept:mutualproxyfor concept_journalist_larry_flynt +concept_movie_iron_eagle concept:latitudelongitude 41.1083300000000,-100.7323700000000 +concept_movie_johnny_belinda concept:latitudelongitude 46.3668000000000,-62.4486400000000 +concept_movie_korean_war concept:atdate concept_dateliteral_n1950 +concept_movie_lake_placid concept:atlocation concept_city_florida +concept_movie_lake_placid concept:proxyfor concept_company_new_york +concept_movie_lake_placid concept:atlocation concept_stateorprovince_new_york +concept_movie_mulawin concept:latitudelongitude 13.7222233333333,121.5000000000000 +concept_movie_national_treasure concept:proxyfor concept_book_new +concept_movie_old_men concept:latitudelongitude 36.9524500000000,-120.7051800000000 +concept_movie_oregon_state_penitentiary concept:latitudelongitude 44.9329000000000,-123.0031500000000 +concept_movie_phone_booth concept:latitudelongitude 35.0730700000000,-111.8385000000000 +concept_movie_privilege concept:proxyfor concept_book_new +concept_movie_privilege concept:istallerthan concept_publication_people_ +concept_movie_recluse concept:synonymfor concept_product_spider +concept_movie_repo concept:synonymfor concept_airport_epel +concept_movie_room_with_a_view concept:latitudelongitude 51.0348400000000,-114.1064600000000 +concept_movie_scared concept:latitudelongitude 28.9397000000000,-98.0677800000000 +concept_movie_sebastian concept:atlocation concept_city_florida +concept_movie_showboat concept:subpartof concept_traditionalgame_vegas +concept_movie_sin_city concept:synonymfor concept_county_las_vegas +concept_movie_wonderland concept:proxyfor concept_book_new +concept_muscle_cardiac_muscle concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_ciali concept:latitudelongitude 9.3166700000000,37.0833300000000 +concept_muscle_confusa concept:latitudelongitude 6.0995366666667,-74.6381500000000 +concept_muscle_decline concept:atdate concept_dateliteral_n2007 +concept_muscle_decline concept:atdate concept_dateliteral_n2008 +concept_muscle_dorsi concept:latitudelongitude 40.4563900000000,20.2380600000000 +concept_muscle_external_ear concept:bodypartcontainsbodypart concept_bodypart_auricle +concept_muscle_fatigue concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_fees concept:subpartof concept_weatherphenomenon_water +concept_muscle_fees concept:atdate concept_year_n1998 +concept_muscle_forearms concept:subpartof concept_website_blood +concept_muscle_function concept:bodypartcontainsbodypart concept_artery_brain +concept_muscle_function concept:bodypartcontainsbodypart concept_bodypart_liver +concept_muscle_function concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_function concept:bodypartcontainsbodypart concept_muscle_heart +concept_muscle_function concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_muscle_health concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_blood_flow +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_blood_supply +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_capillaries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_circulation +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_circulatory_system +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_coronary_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_coronary_artery +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_large_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_large_artery +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_large_vein +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_large_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_large_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_main_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_main_artery +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_main_blood_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_main_coronary_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_main_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_major_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_major_artery +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_major_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_major_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_pulmonary_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_pulmonary_artery +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_small_arteries +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_tissues +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_tubes +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_veins +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_ventricle +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_artery_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_atrium +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_entire_body +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_extremities +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_large_blood_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_large_blood_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_left_atrium +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_legs +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_main_blood_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_major_blood_vessel +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_major_veins +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_oxygen_rich_blood +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_oxygenated_blood +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_small_blood_vessels +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_valve +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_valves +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_vasculature +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_venous_blood +concept_muscle_heart concept:bodypartcontainsbodypart concept_bodypart_ventricles001 +concept_muscle_heart concept:bodypartcontainsbodypart concept_braintissue_parts +concept_muscle_heart concept:bodypartcontainsbodypart concept_nerve_muscles +concept_muscle_heart concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_artery_arteries +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_artery_coronary_arteries +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_artery_coronary_artery +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_artery_vessels +concept_muscle_heart_muscle concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_heart_muscle concept:subpartof concept_website_blood +concept_muscle_lymphatic_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_membrane concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_membrane concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_muscle_muscle_tension concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_muscle_tissue concept:bodypartcontainsbodypart concept_artery_vessels +concept_muscle_muscle_tissue concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_muscle_tone concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_muscular_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_neuromuscular_junction concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_parameters concept:subpartof concept_weatherphenomenon_water +concept_muscle_right_side concept:bodypartcontainsbodypart concept_artery_veins +concept_muscle_right_side concept:bodypartcontainsbodypart concept_vein_lungs +concept_muscle_skeletal_muscles concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_skeletal_system concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_muscle_smooth_muscles concept:bodypartcontainsbodypart concept_artery_vessels +concept_muscle_stomach concept:bodypartcontainsbodypart concept_artery_veins +concept_muscle_stomach concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_museum__home concept:latitudelongitude 34.3581000000000,-77.6883000000000 +concept_museum_abraham_lincoln_presidential_library concept:latitudelongitude 39.8017200000000,-89.6478800000000 +concept_museum_african_burial_ground concept:latitudelongitude 40.7145500000000,-74.0043100000000 +concept_museum_agricultural_museum concept:latitudelongitude 47.8249700000000,-110.6663300000000 +concept_museum_aim_market concept:atdate concept_dateliteral_n2005 +concept_museum_albert_museum concept:attractionofcity concept_city_london_city +concept_museum_alice_tully_hall concept:subpartof concept_company_new_york +concept_museum_alice_tully_hall concept:atlocation concept_island_new_york_city_metropolitan_area +concept_museum_allied_artists concept:latitudelongitude 34.0977900000000,-118.2845200000000 +concept_museum_american_academy concept:museumincity concept_city_york +concept_museum_american_indian concept:museumincity concept_city_york +concept_museum_american_indian_museum concept:museumincity concept_city_new_york +concept_museum_american_museum concept:museumincity concept_city_new_york +concept_museum_american_museum_of_natural_history concept:attractionofcity concept_city_new_york +concept_museum_american_museum_of_natural_history concept:museumincity concept_city_york +concept_museum_anacostia_museum concept:museumincity concept_city_washington_dc +concept_museum_architecture concept:museumincity concept_city_york +concept_museum_art_center concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_museum_art_space concept:latitudelongitude 29.4102300000000,-98.4961300000000 +concept_museum_art_students_league concept:latitudelongitude 40.7658300000000,-73.9811100000000 +concept_museum_artists_gallery concept:latitudelongitude 44.1870200000000,-69.0714300000000 +concept_museum_arts_council_gallery concept:latitudelongitude 41.5245400000000,-72.0759100000000 +concept_museum_asia_society concept:attractionofcity concept_city_york +concept_museum_asx concept:atdate concept_dateliteral_n2007 +concept_museum_ateneum concept:latitudelongitude 60.1700000000000,24.9442000000000 +concept_museum_austin_children_museum concept:museumincity concept_city_austin +concept_museum_austin_museum_of_art concept:museumincity concept_city_austin +concept_museum_australian_stock_exchange concept:atdate concept_dateliteral_n2005 +concept_museum_bargello concept:latitudelongitude 43.7701900000000,11.2617700000000 +concept_museum_bartow_pell_mansion concept:latitudelongitude 40.8716700000000,-73.8063900000000 +concept_museum_bata_shoe_museum concept:museumincity concept_city_toronto +concept_museum_benaki concept:latitudelongitude 28.7602800000000,54.4011100000000 +concept_museum_benton concept:atlocation concept_city_arkansas +concept_museum_benton concept:proxyfor concept_coach_kentucky +concept_museum_berlin_museum concept:museumincity concept_city_berlin +concept_museum_blanton_museum_of_art concept:museumincity concept_city_austin +concept_museum_bookstores concept:atdate concept_date_n2004 +concept_museum_bookstores concept:atdate concept_date_n2009 +concept_museum_bookstores concept:atdate concept_dateliteral_n2005 +concept_museum_bookstores concept:atdate concept_dateliteral_n2006 +concept_museum_bookstores concept:atdate concept_dateliteral_n2007 +concept_museum_bookstores concept:atdate concept_dateliteral_n2008 +concept_museum_borough_of_manhattan_community_college concept:atlocation concept_city_new_york +concept_museum_borough_of_manhattan_community_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_museum_boston_children_s_museum concept:museumincity concept_city_boston +concept_museum_boston_science_museum concept:museumincity concept_city_boston +concept_museum_bowers_museum concept:museumincity concept_city_santa_ana +concept_museum_bowne_house concept:latitudelongitude 40.7631600000000,-73.8248600000000 +concept_museum_british_home concept:latitudelongitude 51.4235000000000,-0.1079600000000 +concept_museum_british_library concept:attractionofcity concept_city_london_city +concept_museum_british_museum concept:museumincity concept_city_london_city +concept_museum_brooklyn_academy_of_music concept:museumincity concept_city_new_york +concept_museum_brooklyn_children_s_museum concept:museumincity concept_city_york +concept_museum_brooklyn_public_library concept:latitudelongitude 40.6467605263158,-73.9521705263158 +concept_museum_brunswick concept:proxyfor concept_book_new +concept_museum_brunswick concept:atlocation concept_lake_new +concept_museum_brunswick concept:atlocation concept_skiarea_maine +concept_museum_brunswick concept:proxyfor concept_skiarea_maine +concept_museum_butler_institute concept:latitudelongitude 41.1056100000000,-80.6461900000000 +concept_museum_california_science_center concept:museumincity concept_county_los_angeles_county +concept_museum_canada_home concept:latitudelongitude 37.4318900000000,-122.4274800000000 +concept_museum_carnegie__s_weill_recital_hall concept:atlocation concept_city_solo +concept_museum_carnegie__s_weill_recital_hall concept:subpartof concept_city_solo +concept_museum_carnegie__s_weill_recital_hall concept:museumincity concept_city_york +concept_museum_carnegie__s_weill_recital_hall concept:subpartof concept_company_new_york +concept_museum_carnegie__s_weill_recital_hall concept:atdate concept_dateliteral_n2007 +concept_museum_carnegie__s_weill_recital_hall concept:atlocation concept_island_new_york_city_metropolitan_area +concept_museum_carnegie_museum_of_art concept:museumincity concept_city_pittsburgh +concept_museum_catalyst concept:proxyfor concept_book_new +concept_museum_center concept:museumincity concept_city_new_york +concept_museum_center_for_jewish_history concept:museumincity concept_city_new_york +concept_museum_center_home concept:latitudelongitude 40.7144400000000,-73.9872200000000 +concept_museum_chelsea_harbor concept:latitudelongitude 39.3520600000000,-74.4601500000000 +concept_museum_chester_county_historical_society concept:latitudelongitude 39.9621000000000,-75.6066000000000 +concept_museum_chicago_area concept:latitudelongitude 41.7480660000000,-87.8377500000000 +concept_museum_chicago_area concept:proxyfor concept_book_new +concept_museum_chinese_culture_center concept:latitudelongitude 37.7950000000000,-122.4050000000000 +concept_museum_chinese_temple concept:latitudelongitude 39.5132200000000,-121.5619100000000 +concept_museum_cloisters concept:museumincity concept_city_york +concept_museum_columbia_university concept:museumincity concept_city_new_york +concept_museum_conference_house concept:latitudelongitude 40.4972200000000,-74.2491700000000 +concept_museum_conner_prairie concept:latitudelongitude 39.9847600000000,-86.0297100000000 +concept_museum_contemporary concept:museumincity concept_city_york +concept_museum_contemporary_art concept:museumincity concept_city_new_york +concept_museum_cooper_hewitt concept:museumincity concept_city_york +concept_museum_cooper_hewitt_national_design_museum concept:museumincity concept_city_new_york +concept_museum_cooperstown concept:proxyfor concept_company_new_york +concept_museum_cooperstown concept:atlocation concept_stateorprovince_new_york +concept_museum_correr concept:latitudelongitude 45.4351400000000,12.3412900000000 +concept_museum_courtauld_institute concept:latitudelongitude 51.5115500000000,-0.1175900000000 +concept_museum_cultural_center concept:proxyfor concept_book_new +concept_museum_cultural_centre concept:latitudelongitude 22.2938800000000,114.1703500000000 +concept_museum_curriculum concept:proxyfor concept_book_new +concept_museum_curriculum concept:atdate concept_dateliteral_n2006 +concept_museum_curriculum concept:subpartof concept_weatherphenomenon_water +concept_museum_dhaka concept:atdate concept_date_n2004 +concept_museum_dhaka concept:atdate concept_dateliteral_n2005 +concept_museum_dhaka concept:locationlocatedwithinlocation concept_website_bangladesh +concept_museum_dhaka concept:proxyfor concept_website_bangladesh +concept_museum_dixon_place concept:latitudelongitude 42.3526600000000,-119.8599500000000 +concept_museum_donnell_library concept:latitudelongitude 36.6041300000000,-121.8957900000000 +concept_museum_drawing_center concept:museumincity concept_city_york +concept_museum_drumnadrochit concept:latitudelongitude 57.4059650000000,-4.3542150000000 +concept_museum_duomo_di_milano concept:latitudelongitude 45.4642200000000,9.1905600000000 +concept_museum_eastman_house concept:latitudelongitude 43.1527300000000,-77.5802100000000 +concept_museum_ellis_island_immigration_museum concept:attractionofcity concept_city_new_york +concept_museum_entrance concept:proxyfor concept_book_new +concept_museum_evergreen_state_college concept:atlocation concept_city_washington_d_c +concept_museum_exhibition concept:buildinglocatedincity concept_city_vegas +concept_museum_exit_art concept:museumincity concept_city_york +concept_museum_facilities concept:subpartof concept_bathroomitem_water_treatment +concept_museum_facilities concept:subpartof concept_beverage_available_water +concept_museum_facilities concept:subpartof concept_beverage_improved_water +concept_museum_facilities concept:subpartof concept_beverage_industrial_water +concept_museum_facilities concept:subpartof concept_beverage_local_water +concept_museum_facilities concept:subpartof concept_beverage_municipal_water +concept_museum_facilities concept:subpartof concept_beverage_safe_water +concept_museum_facilities concept:subpartof concept_book_electricity +concept_museum_facilities concept:proxyfor concept_book_new +concept_museum_facilities concept:subpartof concept_chemical_sewage +concept_museum_facilities concept:subpartof concept_crustacean_toilet +concept_museum_facilities concept:atdate concept_date_n2003 +concept_museum_facilities concept:atdate concept_dateliteral_n2002 +concept_museum_facilities concept:atdate concept_dateliteral_n2005 +concept_museum_facilities concept:atdate concept_dateliteral_n2006 +concept_museum_facilities concept:atdate concept_dateliteral_n2007 +concept_museum_facilities concept:atdate concept_dateliteral_n2008 +concept_museum_facilities concept:subpartof concept_governmentorganization_stormwater +concept_museum_facilities concept:subpartof concept_hobby_drinking +concept_museum_facilities concept:subpartof concept_kitchenitem_public_water +concept_museum_facilities concept:subpartof concept_lake_small_water +concept_museum_facilities concept:subpartof concept_landscapefeatures_drainage +concept_museum_facilities concept:subpartof concept_musicalbum_power +concept_museum_facilities concept:subpartof concept_planet_fresh_water +concept_museum_facilities concept:subpartof concept_politicsissue_more_water +concept_museum_facilities concept:subpartof concept_profession_sewers +concept_museum_facilities concept:subpartof concept_room_sewer +concept_museum_facilities concept:subpartof concept_sport_clean_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_building_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_community_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_drinking_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_major_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_potable_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_proper_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_quality_water +concept_museum_facilities concept:subpartof concept_visualizableattribute_rural_water +concept_museum_facilities concept:subpartof concept_visualizablething_basic_water +concept_museum_facilities concept:subpartof concept_visualizablething_safe_drinking_water +concept_museum_facilities concept:subpartof concept_visualizablething_waste_water +concept_museum_facilities concept:subpartof concept_visualizablething_wastewater +concept_museum_facilities concept:subpartof concept_visualizablething_water_distribution +concept_museum_facilities concept:subpartof concept_visualizablething_water_supplies +concept_museum_facilities concept:subpartof concept_visualizablething_water_supply +concept_museum_facilities concept:subpartof concept_weatherphenomenon_air +concept_museum_facilities concept:subpartof concept_weatherphenomenon_water +concept_museum_facilities concept:atdate concept_year_n1995 +concept_museum_facilities concept:atdate concept_year_n1998 +concept_museum_first_place concept:proxyfor concept_book_new +concept_museum_forbes_galleries concept:museumincity concept_city_new_york +concept_museum_forest_history_center concept:latitudelongitude 47.2297200000000,-93.5666700000000 +concept_museum_fowler_museum concept:museumincity concept_county_los_angeles_county +concept_museum_franklin concept:atlocation concept_attraction_louisiana +concept_museum_franklin concept:proxyfor concept_coach_kentucky +concept_museum_franklin concept:proxyfor concept_company_north_carolina +concept_museum_franklin concept:proxyfor concept_musicsong_louisiana +concept_museum_franklin concept:proxyfor concept_radiostation_new_jersey +concept_museum_franklin concept:atlocation concept_skiarea_kentucky +concept_museum_franklin concept:proxyfor concept_weatherphenomenon_tennessee +concept_museum_franklin concept:subpartof concept_weatherphenomenon_tennessee +concept_museum_freer concept:atlocation concept_city_washington_d_c +concept_museum_frick concept:museumincity concept_city_york +concept_museum_frick_collection concept:attractionofcity concept_city_new_york +concept_museum_frick_collection concept:buildinglocatedincity concept_city_new_york +concept_museum_galleries concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_museum_gallery concept:museumincity concept_city_glasgow +concept_museum_gardiner_museum concept:museumincity concept_city_toronto +concept_museum_georgetown_university concept:atlocation concept_city_washington_d_c +concept_museum_german_embassy concept:latitudelongitude 35.6930300000000,51.4202200000000 +concept_museum_giappone concept:latitudelongitude 35.6853600000000,139.7530900000000 +concept_museum_gili_meno concept:latitudelongitude -8.3513800000000,116.0568200000000 +concept_museum_gotoh_museum concept:museumincity concept_city_tokyo +concept_museum_gracie_mansion concept:museumincity concept_city_new_york +concept_museum_graham_foundation concept:latitudelongitude 41.9094800000000,-87.6292200000000 +concept_museum_grammy_museum concept:museumincity concept_county_los_angeles_county +concept_museum_greenville concept:atlocation concept_city_texas +concept_museum_greenville concept:mutualproxyfor concept_emotion_mississippi +concept_museum_greenville concept:subpartof concept_emotion_mississippi +concept_museum_guatemala concept:atdate concept_date_n2001 +concept_museum_guatemala concept:atdate concept_date_n2009 +concept_museum_guatemala concept:atdate concept_dateliteral_n2008 +concept_museum_guggenheim concept:museumincity concept_city_york +concept_museum_guggenheim_museum concept:museumincity concept_city_york +concept_museum_hampton_beach_area concept:latitudelongitude 42.9528700000000,-70.8333900000000 +concept_museum_haunch concept:latitudelongitude 55.9333300000000,-3.1666700000000 +concept_museum_heard_museum concept:atlocation concept_city_phoenix +concept_museum_heritage_centre concept:latitudelongitude 53.1896750000000,-1.2841550000000 +concept_museum_heritage_square_museum concept:museumincity concept_county_los_angeles_county +concept_museum_hermitage_rooms concept:latitudelongitude 51.5108300000000,-0.1172000000000 +concept_museum_hingham_public_library concept:latitudelongitude 42.2356600000000,-70.8750400000000 +concept_museum_historial concept:latitudelongitude 32.4740400000000,-94.3360300000000 +concept_museum_historical_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_museum_hollywood_wax_museum concept:museumincity concept_county_los_angeles_county +concept_museum_home_office concept:proxyfor concept_book_new +concept_museum_home_welcome concept:latitudelongitude 32.8023900000000,-81.6298300000000 +concept_museum_hong_kong_film_archive concept:latitudelongitude 22.2850000000000,114.2220000000000 +concept_museum_honolulu_academy concept:latitudelongitude 21.3072200000000,-157.8519400000000 +concept_museum_horniman concept:latitudelongitude 18.9320100000000,72.8349200000000 +concept_museum_house_gallery concept:latitudelongitude 41.4798200000000,-71.5228400000000 +concept_museum_hp concept:synonymfor concept_biotechcompany_hewlett__packard +concept_museum_hp concept:synonymfor concept_university_hewlett_packard +concept_museum_institute concept:museumincity concept_city_new_york +concept_museum_institute concept:locationlocatedwithinlocation concept_island_new_york_city_metropolitan_area +concept_museum_international_center concept:proxyfor concept_book_new +concept_museum_international_center_for_photography concept:museumincity concept_city_new_york +concept_museum_international_center_of_photography concept:museumincity concept_city_york +concept_museum_israele concept:latitudelongitude 31.5000000000000,34.7500000000000 +concept_museum_jackson_homestead concept:latitudelongitude 42.3553700000000,-71.1939400000000 +concept_museum_john_nicholas_brown_center concept:latitudelongitude 41.8212100000000,-71.4017200000000 +concept_museum_kentuck_knob concept:latitudelongitude 39.8689600000000,-79.5194800000000 +concept_museum_king_manor concept:latitudelongitude 39.9792220000000,-75.3012300000000 +concept_museum_kqed concept:subpartof concept_museum_pbs +concept_museum_kraushaar concept:latitudelongitude 39.4087200000000,-76.5955200000000 +concept_museum_life concept:buildinglocatedincity concept_city_vegas +concept_museum_lilly_library concept:latitudelongitude 42.3352000000000,-72.6736000000000 +concept_museum_lincoln_center_for_the_performing_arts concept:museumincity concept_city_new_york +concept_museum_linda_hall_library concept:latitudelongitude 39.0342800000000,-94.5801800000000 +concept_museum_locus concept:proxyfor concept_book_new +concept_museum_london_stock_exchange concept:atdate concept_date_n1999 +concept_museum_london_stock_exchange concept:atdate concept_dateliteral_n2005 +concept_museum_london_stock_exchange concept:atdate concept_dateliteral_n2006 +concept_museum_london_stock_exchange concept:atdate concept_dateliteral_n2007 +concept_museum_louisiana concept:museumincity concept_city_orleans +concept_museum_louvre concept:buildinglocatedincity concept_city_paris +concept_museum_louvre_museum concept:museumincity concept_city_paris +concept_museum_lower_mainland concept:latitudelongitude 49.0833300000000,-122.3500000000000 +concept_museum_lund concept:locationlocatedwithinlocation concept_city_sweden +concept_museum_lyndhurst concept:proxyfor concept_radiostation_new_jersey +concept_museum_lyndhurst concept:atlocation concept_stateorprovince_ohio +concept_museum_macdowell_colony concept:latitudelongitude 42.8900800000000,-71.9539700000000 +concept_museum_manchester_central_library concept:latitudelongitude 53.4782100000000,-2.2447900000000 +concept_museum_melbourne_museum concept:museumincity concept_city_melbourne +concept_museum_melkweg concept:latitudelongitude 52.3647700000000,4.8813100000000 +concept_museum_merkin_concert_hall concept:subpartof concept_company_new_york +concept_museum_merkin_concert_hall concept:atlocation concept_island_new_york_city_metropolitan_area +concept_museum_metro_pictures concept:museumincity concept_city_york +concept_museum_metropolitan concept:museumincity concept_city_york +concept_museum_metropolitan_museum concept:attractionofcity concept_city_new_york +concept_museum_metropolitan_museum concept:buildinglocatedincity concept_city_new_york +concept_museum_metropolitan_museum concept:museumincity concept_city_york +concept_museum_metropolitan_museum_of_art concept:buildinglocatedincity concept_city_new_york +concept_museum_michigan_firehouse_museum concept:museumincity concept_city_ypsilanti +concept_museum_miller_nichols_library concept:latitudelongitude 39.0352000000000,-94.5765000000000 +concept_museum_minnesota_center concept:latitudelongitude 45.5744400000000,-93.2291700000000 +concept_museum_miro_foundation concept:latitudelongitude 41.3686000000000,2.1598500000000 +concept_museum_moad concept:latitudelongitude 53.2634200000000,-94.7873600000000 +concept_museum_modern concept:museumincity concept_city_york +concept_museum_modern_art concept:buildinglocatedincity concept_city_new_york +concept_museum_modern_art concept:museumincity concept_city_york +concept_museum_modern_art concept:locationlocatedwithinlocation concept_lake_new +concept_museum_molly_brown_house concept:latitudelongitude 39.7377800000000,-104.9811100000000 +concept_museum_moma concept:attractionofcity concept_city_york +concept_museum_mount_vernon concept:atlocation concept_city_washington_d_c +concept_museum_mount_vernon concept:subpartof concept_city_washington_d_c +concept_museum_mount_vernon concept:mutualproxyfor concept_company_new_york +concept_museum_murray_hill concept:proxyfor concept_radiostation_new_jersey +concept_museum_murray_hill concept:proxyfor concept_stateorprovince_newjersey +concept_museum_museum_f_r_naturkunde concept:museumincity concept_city_berlin +concept_museum_museum_nasional concept:latitudelongitude -6.1764200000000,106.8217700000000 +concept_museum_museum_of_jewish_heritage concept:museumincity concept_city_newyork +concept_museum_museum_of_modern_art concept:museumincity concept_city_new_york +concept_museum_museum_of_neon_art concept:museumincity concept_county_los_angeles_county +concept_museum_museum_of_sex concept:museumincity concept_city_new_york +concept_museum_n_y concept:proxyfor concept_book_new +concept_museum_napoleon concept:atdate concept_dateliteral_n1812 +concept_museum_national concept:attractionofcity concept_city_york +concept_museum_national_academy concept:museumincity concept_city_york +concept_museum_national_academy_museum concept:museumincity concept_city_new_york +concept_museum_national_academy_of_sciences concept:atdate concept_dateliteral_n2006 +concept_museum_national_academy_of_sciences concept:atdate concept_year_n1998 +concept_museum_national_botanic_gardens concept:latitudelongitude 53.3397000000000,-6.2491700000000 +concept_museum_national_capital concept:proxyfor concept_book_new +concept_museum_national_gallery concept:museumincity concept_city_delhi +concept_museum_national_gallery concept:attractionofcity concept_city_london_city +concept_museum_national_maritime_museum concept:museumincity concept_city_london_city +concept_museum_national_museum concept:museumincity concept_city_tokyo +concept_museum_national_museum_of_iran concept:museumincity concept_city_tehran +concept_museum_national_palace_museum concept:museumincity concept_city_taipei +concept_museum_national_portrait_gallery concept:attractionofcity concept_city_london_city +concept_museum_nationalgalerie concept:latitudelongitude 37.9756000000000,23.7494000000000 +concept_museum_natural_history concept:museumincity concept_city_york +concept_museum_natural_history concept:locationlocatedwithinlocation concept_lake_new +concept_museum_natural_history_museum concept:museumincity concept_city_london_city +concept_museum_new_amsterdam_theatre concept:latitudelongitude 40.7561100000000,-73.9877800000000 +concept_museum_new_mexico_museum_of_natural_history concept:latitudelongitude 35.0981000000000,-106.6661400000000 +concept_museum_new_orleans_public_library concept:latitudelongitude 29.9655972727273,-90.0671672727273 +concept_museum_new_york_academy_of_medicine concept:latitudelongitude 40.7919400000000,-73.9525000000000 +concept_museum_new_york_city_police_museum concept:museumincity concept_city_new_york +concept_museum_new_york_times concept:atdate concept_date_n1999 +concept_museum_new_york_times concept:atdate concept_date_n2000 +concept_museum_new_york_times concept:atdate concept_date_n2001 +concept_museum_new_york_times concept:atdate concept_date_n2003 +concept_museum_new_york_times concept:atdate concept_date_n2004 +concept_museum_new_york_times concept:atdate concept_dateliteral_n2002 +concept_museum_new_york_times concept:atdate concept_dateliteral_n2005 +concept_museum_new_york_times concept:atdate concept_dateliteral_n2006 +concept_museum_new_york_times concept:atdate concept_dateliteral_n2007 +concept_museum_new_york_times concept:atdate concept_dateliteral_n2008 +concept_museum_new_york_times concept:atdate concept_year_n1997 +concept_museum_nyss concept:latitudelongitude 62.6000000000000,24.1333300000000 +concept_museum_omaa concept:latitudelongitude 24.4329700000000,54.6511400000000 +concept_museum_ontario_home concept:latitudelongitude 34.0319600000000,-117.5925500000000 +concept_museum_opera_garnier concept:latitudelongitude 48.8734600000000,2.3290900000000 +concept_museum_opportunities concept:istallerthan concept_publication_people_ +concept_museum_organizations concept:proxyfor concept_book_new +concept_museum_original_home concept:proxyfor concept_book_new +concept_museum_p_s_1 concept:museumincity concept_city_york +concept_museum_palazzo concept:locationlocatedwithinlocation concept_building_vegas +concept_museum_palazzo concept:subpartof concept_traditionalgame_vegas +concept_museum_parker_library concept:latitudelongitude 39.1630000000000,-75.5272000000000 +concept_museum_pasadena_inn concept:latitudelongitude 34.1424500000000,-118.1121000000000 +concept_museum_pbs concept:atdate concept_date_n1996 +concept_museum_pbs concept:atdate concept_date_n2000 +concept_museum_pbs concept:atdate concept_date_n2001 +concept_museum_pbs concept:atdate concept_date_n2003 +concept_museum_pbs concept:atdate concept_date_n2004 +concept_museum_pbs concept:atdate concept_date_n2009 +concept_museum_pbs concept:atdate concept_dateliteral_n2002 +concept_museum_pbs concept:atdate concept_dateliteral_n2005 +concept_museum_pbs concept:atdate concept_dateliteral_n2006 +concept_museum_pbs concept:atdate concept_dateliteral_n2007 +concept_museum_pbs concept:atdate concept_dateliteral_n2008 +concept_museum_penwith concept:latitudelongitude 50.1243000000000,-5.5438900000000 +concept_museum_phoenix_museum_of_history concept:latitudelongitude 33.4497700000000,-112.0668100000000 +concept_museum_piano_nobile concept:latitudelongitude 45.4443000000000,12.3219900000000 +concept_museum_pleasanton_library concept:latitudelongitude 37.6582600000000,-121.8796800000000 +concept_museum_poble_espanyol concept:latitudelongitude 41.3687300000000,2.1483900000000 +concept_museum_powder_tower concept:latitudelongitude -22.3500000000000,16.1166700000000 +concept_museum_prospect_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_museum_public concept:museumincity concept_city_york +concept_museum_quad concept:museumincity concept_city_york +concept_museum_rare_book concept:latitudelongitude 41.3114900000000,-72.9270500000000 +concept_museum_reina_sofia concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_museum_research concept:buildinglocatedincity concept_city_vegas +concept_museum_richard_branson concept:proxyfor concept_beach_virgin +concept_museum_richard_branson concept:subpartof concept_recordlabel_virgin +concept_museum_rockland concept:atlocation concept_skiarea_maine +concept_museum_rodman_hall concept:latitudelongitude 41.4911600000000,-81.5312300000000 +concept_museum_roger_hull concept:latitudelongitude 42.8169400000000,-73.9294400000000 +concept_museum_rose_center_for_earth_and_space concept:museumincity concept_city_york +concept_museum_royal_botanic_gardens concept:locationlocatedwithinlocation concept_city_sydney +concept_museum_royal_norwegian_embassy concept:latitudelongitude 38.9242800000000,-77.0666400000000 +concept_museum_royal_ontario_museum concept:museumincity concept_city_toronto +concept_museum_sage_center concept:latitudelongitude 41.9319400000000,-84.6297200000000 +concept_museum_san_francisco_state_university concept:atlocation concept_county_san_francisco +concept_museum_san_jose_museum concept:latitudelongitude 37.3309450000000,-121.8870600000000 +concept_museum_schlesinger_library concept:latitudelongitude 42.3759300000000,-71.1231100000000 +concept_museum_science_museum concept:museumincity concept_city_london_city +concept_museum_shanghai_museum concept:museumincity concept_city_shanghai +concept_museum_sigep concept:latitudelongitude -0.9475475000000,98.8643075000000 +concept_museum_smithsonian_tropical_research_institute concept:latitudelongitude 9.1666700000000,-79.8500000000000 +concept_museum_soil concept:atdate concept_date_n2001 +concept_museum_solomon_r__guggenheim concept:museumincity concept_city_york +concept_museum_somerset_house concept:attractionofcity concept_city_london_city +concept_museum_southeast_region concept:latitudelongitude 34.7454700000000,-92.2786700000000 +concept_museum_spacex concept:mutualproxyfor concept_person_elon_musk +concept_museum_square_chapel concept:latitudelongitude 40.4448000000000,-78.2555700000000 +concept_museum_state_opera_house concept:latitudelongitude 47.4941500000000,19.0605100000000 +concept_museum_stephen_foster_memorial concept:latitudelongitude 30.6846600000000,-82.5620700000000 +concept_museum_steve concept:proxyfor concept_book_helm +concept_museum_steve concept:subpartof concept_book_helm +concept_museum_steve concept:subpartof concept_company_apple001 +concept_museum_steve concept:proxyfor concept_university_microsoft +concept_museum_steve concept:proxyfor concept_wallitem_iphone +concept_museum_students_home concept:latitudelongitude 35.1625700000000,-84.8202200000000 +concept_museum_studio_museum_harlem concept:museumincity concept_city_new_york +concept_museum_studio_museum_of_harlem concept:museumincity concept_city_york +concept_museum_surratt_house concept:latitudelongitude 38.8998300000000,-77.0202500000000 +concept_museum_tate_britain concept:attractionofcity concept_city_london_city +concept_museum_tate_modern concept:attractionofcity concept_city_london_city +concept_museum_texas_ranger_hall_of_fame concept:latitudelongitude 31.4723900000000,-97.2469500000000 +concept_museum_the_andy_warhol_museum concept:museumincity concept_city_pittsburgh +concept_museum_the_morgan_library___museum concept:museumincity concept_city_new_york +concept_museum_the_solomon_r__guggenheim_museum concept:museumincity concept_city_new_york +concept_museum_thyssen_bornemisza concept:latitudelongitude 40.4163500000000,-3.6948900000000 +concept_museum_toronto_s_historic_museums concept:museumincity concept_city_toronto +concept_museum_tv concept:museumincity concept_city_york +concept_museum_u_s__department concept:synonymfor concept_politicaloffice_office +concept_museum_u_s__house_of_representatives concept:atdate concept_dateliteral_n2005 +concept_museum_u_s__house_of_representatives concept:atdate concept_dateliteral_n2007 +concept_museum_u_s__senate concept:atdate concept_date_n2003 +concept_museum_u_s__senate concept:atdate concept_dateliteral_n2005 +concept_museum_u_s__senate concept:atdate concept_dateliteral_n2007 +concept_museum_university_of_texas concept:atlocation concept_island_san_antonio +concept_museum_vasf concept:latitudelongitude 35.2013333333333,51.3722000000000 +concept_museum_vesterheim concept:latitudelongitude 43.3044200000000,-91.7915400000000 +concept_museum_victim_services concept:latitudelongitude 38.8450100000000,-77.3118000000000 +concept_museum_victoria_and_albert_museum concept:museumincity concept_city_london_city +concept_museum_victoria_home concept:latitudelongitude 41.1644400000000,-73.8655600000000 +concept_museum_warhol_museum concept:buildinglocatedincity concept_city_pittsburgh +concept_museum_wax_museum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_museum_west_palm_beach concept:locationlocatedwithinlocation concept_city_florida +concept_museum_west_palm_beach concept:proxyfor concept_city_florida +concept_museum_west_palm_beach concept:mutualproxyfor concept_coach_manny_diaz +concept_museum_white_house concept:buildinglocatedincity concept_city_washington_d_c +concept_museum_whitney concept:museumincity concept_city_york +concept_museum_whitney_museum concept:museumincity concept_city_york +concept_museum_whitney_museum_of_american_art concept:museumincity concept_city_york +concept_museum_wichita concept:atlocation concept_city_kansas +concept_museum_wichita concept:proxyfor concept_creditunion_kansas +concept_museum_wichita concept:subpartof concept_creditunion_kansas +concept_museum_wichita_center concept:latitudelongitude 37.6952300000000,-97.2309600000000 +concept_museum_wigmore_hall concept:atdate concept_dateliteral_n2007 +concept_museum_williamsburg_art concept:latitudelongitude 40.7105600000000,-73.9636100000000 +concept_museum_williamstown concept:atlocation concept_beach_massachusetts +concept_museum_williamstown concept:mutualproxyfor concept_radiostation_new_jersey +concept_museum_wilmington concept:proxyfor concept_book_new +concept_museum_wilmington concept:subpartof concept_company_north_carolina +concept_museum_windsor_golf_club concept:latitudelongitude 38.5276900000000,-122.8130500000000 +concept_museum_wonders concept:proxyfor concept_book_new +concept_museum_young_home concept:latitudelongitude 36.6075600000000,-84.8321100000000 +concept_museum_zigong_dinosaur_museum concept:museumincity concept_city_zigong +concept_musicalbum_air concept:atdate concept_date_n1941 +concept_musicalbum_air concept:atdate concept_date_n1942 +concept_musicalbum_air concept:atdate concept_date_n1968 +concept_musicalbum_air concept:atdate concept_date_n1993 +concept_musicalbum_air concept:atdate concept_date_n1996 +concept_musicalbum_air concept:atdate concept_date_n1999 +concept_musicalbum_air concept:atdate concept_date_n2001 +concept_musicalbum_air concept:atdate concept_date_n2003 +concept_musicalbum_air concept:atdate concept_date_n2004 +concept_musicalbum_air concept:atdate concept_date_n2009 +concept_musicalbum_air concept:atdate concept_dateliteral_n1953 +concept_musicalbum_air concept:atdate concept_dateliteral_n2002 +concept_musicalbum_air concept:atdate concept_dateliteral_n2005 +concept_musicalbum_air concept:atdate concept_dateliteral_n2006 +concept_musicalbum_air concept:atdate concept_dateliteral_n2007 +concept_musicalbum_air concept:atdate concept_dateliteral_n2008 +concept_musicalbum_air concept:atdate concept_year_n1983 +concept_musicalbum_air concept:atdate concept_year_n1994 +concept_musicalbum_air concept:atdate concept_year_n1995 +concept_musicalbum_air concept:atdate concept_year_n1997 +concept_musicalbum_archetype concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_atmosphere concept:atdate concept_date_n1958 +concept_musicalbum_atmosphere concept:atdate concept_date_n2003 +concept_musicalbum_atmosphere concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_attitude concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_autumn concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_baby concept:atdate concept_date_n2001 +concept_musicalbum_baby concept:atdate concept_date_n2003 +concept_musicalbum_baby concept:atdate concept_date_n2004 +concept_musicalbum_baby concept:atdate concept_date_n2009 +concept_musicalbum_baby concept:atdate concept_dateliteral_n2002 +concept_musicalbum_baby concept:atdate concept_dateliteral_n2005 +concept_musicalbum_baby concept:atdate concept_dateliteral_n2006 +concept_musicalbum_baby concept:atdate concept_dateliteral_n2007 +concept_musicalbum_baby concept:atdate concept_dateliteral_n2008 +concept_musicalbum_baby concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_baby concept:atdate concept_year__09 +concept_musicalbum_background concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_bath concept:atdate concept_date_n2004 +concept_musicalbum_beginnings concept:atdate concept_date_n1999 +concept_musicalbum_beginnings concept:atdate concept_date_n2003 +concept_musicalbum_beginnings concept:atdate concept_dateliteral_n2005 +concept_musicalbum_beginnings concept:atdate concept_year_n1995 +concept_musicalbum_benefit concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_big_time concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_blow concept:atdate concept_dateliteral_n2006 +concept_musicalbum_blur concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_bodies concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_box concept:specializationof concept_musicalbum_details +concept_musicalbum_boy concept:atdate concept_date_n2003 +concept_musicalbum_boy concept:atdate concept_dateliteral_n2002 +concept_musicalbum_boy concept:atdate concept_dateliteral_n2005 +concept_musicalbum_boy concept:atdate concept_dateliteral_n2007 +concept_musicalbum_boy concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_carolina concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_category concept:specializationof concept_musicalbum_details +concept_musicalbum_cd concept:atdate concept_date_n1996 +concept_musicalbum_cd concept:atdate concept_date_n1999 +concept_musicalbum_cd concept:atdate concept_date_n2000 +concept_musicalbum_cd concept:atdate concept_date_n2003 +concept_musicalbum_cd concept:atdate concept_date_n2004 +concept_musicalbum_cd concept:atdate concept_date_n2009 +concept_musicalbum_cd concept:atdate concept_dateliteral_n2005 +concept_musicalbum_cd concept:atdate concept_dateliteral_n2006 +concept_musicalbum_cd concept:atdate concept_dateliteral_n2007 +concept_musicalbum_cd concept:atdate concept_dateliteral_n2008 +concept_musicalbum_cd concept:atdate concept_year_n1997 +concept_musicalbum_center concept:atdate concept_date_n1999 +concept_musicalbum_center concept:atdate concept_date_n2000 +concept_musicalbum_center concept:atdate concept_date_n2001 +concept_musicalbum_center concept:atdate concept_date_n2003 +concept_musicalbum_center concept:atdate concept_dateliteral_n2002 +concept_musicalbum_center concept:atdate concept_dateliteral_n2005 +concept_musicalbum_center concept:atdate concept_dateliteral_n2006 +concept_musicalbum_center concept:atdate concept_dateliteral_n2007 +concept_musicalbum_center concept:atdate concept_dateliteral_n2008 +concept_musicalbum_center concept:mutualproxyfor concept_sportsequipment_board +concept_musicalbum_center concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_center concept:atdate concept_year_n1995 +concept_musicalbum_centers concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_champion concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_chattanooga concept:atdate concept_dateliteral_n2007 +concept_musicalbum_chattanooga concept:proxyfor concept_weatherphenomenon_tennessee +concept_musicalbum_chattanooga concept:subpartof concept_weatherphenomenon_tennessee +concept_musicalbum_check concept:atdate concept_dateliteral_n2002 +concept_musicalbum_check concept:atdate concept_dateliteral_n2008 +concept_musicalbum_chemistry concept:atdate concept_date_n2004 +concept_musicalbum_child concept:atdate concept_date_n1996 +concept_musicalbum_child concept:atdate concept_date_n1999 +concept_musicalbum_child concept:atdate concept_date_n2000 +concept_musicalbum_child concept:atdate concept_date_n2001 +concept_musicalbum_child concept:atdate concept_date_n2003 +concept_musicalbum_child concept:atdate concept_date_n2004 +concept_musicalbum_child concept:atdate concept_date_n2009 +concept_musicalbum_child concept:atdate concept_dateliteral_n2002 +concept_musicalbum_child concept:atdate concept_dateliteral_n2005 +concept_musicalbum_child concept:atdate concept_dateliteral_n2006 +concept_musicalbum_child concept:atdate concept_dateliteral_n2007 +concept_musicalbum_child concept:atdate concept_dateliteral_n2008 +concept_musicalbum_child concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_child concept:atdate concept_year__08 +concept_musicalbum_child concept:atdate concept_year_n1995 +concept_musicalbum_climax concept:atdate concept_dateliteral_n2007 +concept_musicalbum_collections concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_cross concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_culture concept:mutualproxyfor concept_book_new +concept_musicalbum_culture concept:atdate concept_date_n2000 +concept_musicalbum_culture concept:istallerthan concept_publication_people_ +concept_musicalbum_culture concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_cycles concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_days concept:atdate concept_date_n1941 +concept_musicalbum_days concept:atdate concept_date_n1942 +concept_musicalbum_days concept:atdate concept_date_n1944 +concept_musicalbum_days concept:atdate concept_date_n1966 +concept_musicalbum_days concept:atdate concept_date_n1968 +concept_musicalbum_days concept:atdate concept_date_n1969 +concept_musicalbum_days concept:atdate concept_date_n1971 +concept_musicalbum_days concept:atdate concept_date_n1993 +concept_musicalbum_days concept:atdate concept_date_n1996 +concept_musicalbum_days concept:atdate concept_date_n1999 +concept_musicalbum_days concept:atdate concept_date_n2000 +concept_musicalbum_days concept:atdate concept_date_n2001 +concept_musicalbum_days concept:atdate concept_date_n2003 +concept_musicalbum_days concept:atdate concept_date_n2004 +concept_musicalbum_days concept:atdate concept_date_n2009 +concept_musicalbum_days concept:atdate concept_dateliteral_n1931 +concept_musicalbum_days concept:atdate concept_dateliteral_n1945 +concept_musicalbum_days concept:atdate concept_dateliteral_n1961 +concept_musicalbum_days concept:atdate concept_dateliteral_n2002 +concept_musicalbum_days concept:atdate concept_dateliteral_n2005 +concept_musicalbum_days concept:atdate concept_dateliteral_n2006 +concept_musicalbum_days concept:atdate concept_dateliteral_n2007 +concept_musicalbum_days concept:atdate concept_dateliteral_n2008 +concept_musicalbum_days concept:atdate concept_dateliteral_n2010 +concept_musicalbum_days concept:atdate concept_year_n1913 +concept_musicalbum_days concept:atdate concept_year_n1959 +concept_musicalbum_days concept:atdate concept_year_n1973 +concept_musicalbum_days concept:atdate concept_year_n1975 +concept_musicalbum_days concept:atdate concept_year_n1986 +concept_musicalbum_days concept:atdate concept_year_n1989 +concept_musicalbum_days concept:atdate concept_year_n1991 +concept_musicalbum_days concept:atdate concept_year_n1992 +concept_musicalbum_days concept:atdate concept_year_n1994 +concept_musicalbum_days concept:atdate concept_year_n1995 +concept_musicalbum_days concept:atdate concept_year_n1997 +concept_musicalbum_days concept:atdate concept_year_n1998 +concept_musicalbum_death concept:atdate concept_date_n1782 +concept_musicalbum_death concept:atdate concept_date_n1899 +concept_musicalbum_death concept:atdate concept_date_n1901 +concept_musicalbum_death concept:atdate concept_date_n1903 +concept_musicalbum_death concept:atdate concept_date_n1906 +concept_musicalbum_death concept:atdate concept_date_n1908 +concept_musicalbum_death concept:atdate concept_date_n1922 +concept_musicalbum_death concept:atdate concept_date_n1927 +concept_musicalbum_death concept:atdate concept_date_n1929 +concept_musicalbum_death concept:atdate concept_date_n1933 +concept_musicalbum_death concept:atdate concept_date_n1935 +concept_musicalbum_death concept:atdate concept_date_n1939 +concept_musicalbum_death concept:atdate concept_date_n1941 +concept_musicalbum_death concept:atdate concept_date_n1942 +concept_musicalbum_death concept:atdate concept_date_n1944 +concept_musicalbum_death concept:atdate concept_date_n1949 +concept_musicalbum_death concept:atdate concept_date_n1951 +concept_musicalbum_death concept:atdate concept_date_n1958 +concept_musicalbum_death concept:atdate concept_date_n1962 +concept_musicalbum_death concept:atdate concept_date_n1964 +concept_musicalbum_death concept:atdate concept_date_n1966 +concept_musicalbum_death concept:atdate concept_date_n1968 +concept_musicalbum_death concept:atdate concept_date_n1969 +concept_musicalbum_death concept:atdate concept_date_n1971 +concept_musicalbum_death concept:atdate concept_date_n1972 +concept_musicalbum_death concept:atdate concept_date_n1976 +concept_musicalbum_death concept:atdate concept_date_n1977 +concept_musicalbum_death concept:atdate concept_date_n1979 +concept_musicalbum_death concept:atdate concept_date_n1993 +concept_musicalbum_death concept:atdate concept_date_n1996 +concept_musicalbum_death concept:atdate concept_date_n1999 +concept_musicalbum_death concept:atdate concept_date_n2000 +concept_musicalbum_death concept:atdate concept_date_n2001 +concept_musicalbum_death concept:atdate concept_date_n2003 +concept_musicalbum_death concept:atdate concept_date_n2004 +concept_musicalbum_death concept:atdate concept_dateliteral_n1909 +concept_musicalbum_death concept:atdate concept_dateliteral_n1912 +concept_musicalbum_death concept:atdate concept_dateliteral_n1917 +concept_musicalbum_death concept:atdate concept_dateliteral_n1918 +concept_musicalbum_death concept:atdate concept_dateliteral_n1923 +concept_musicalbum_death concept:atdate concept_dateliteral_n1925 +concept_musicalbum_death concept:atdate concept_dateliteral_n1930 +concept_musicalbum_death concept:atdate concept_dateliteral_n1932 +concept_musicalbum_death concept:atdate concept_dateliteral_n1936 +concept_musicalbum_death concept:atdate concept_dateliteral_n1943 +concept_musicalbum_death concept:atdate concept_dateliteral_n1945 +concept_musicalbum_death concept:atdate concept_dateliteral_n1947 +concept_musicalbum_death concept:atdate concept_dateliteral_n1950 +concept_musicalbum_death concept:atdate concept_dateliteral_n1953 +concept_musicalbum_death concept:atdate concept_dateliteral_n1954 +concept_musicalbum_death concept:atdate concept_dateliteral_n1961 +concept_musicalbum_death concept:atdate concept_dateliteral_n1980 +concept_musicalbum_death concept:atdate concept_dateliteral_n1987 +concept_musicalbum_death concept:atdate concept_dateliteral_n1990 +concept_musicalbum_death concept:atdate concept_dateliteral_n2002 +concept_musicalbum_death concept:atdate concept_dateliteral_n2005 +concept_musicalbum_death concept:atdate concept_dateliteral_n2006 +concept_musicalbum_death concept:atdate concept_dateliteral_n2007 +concept_musicalbum_death concept:atdate concept_dateliteral_n2008 +concept_musicalbum_death concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_death concept:atdate concept_year_n1803 +concept_musicalbum_death concept:atdate concept_year_n1837 +concept_musicalbum_death concept:atdate concept_year_n1845 +concept_musicalbum_death concept:atdate concept_year_n1853 +concept_musicalbum_death concept:atdate concept_year_n1861 +concept_musicalbum_death concept:atdate concept_year_n1866 +concept_musicalbum_death concept:atdate concept_year_n1872 +concept_musicalbum_death concept:atdate concept_year_n1874 +concept_musicalbum_death concept:atdate concept_year_n1875 +concept_musicalbum_death concept:atdate concept_year_n1880 +concept_musicalbum_death concept:atdate concept_year_n1881 +concept_musicalbum_death concept:atdate concept_year_n1883 +concept_musicalbum_death concept:atdate concept_year_n1886 +concept_musicalbum_death concept:atdate concept_year_n1888 +concept_musicalbum_death concept:atdate concept_year_n1891 +concept_musicalbum_death concept:atdate concept_year_n1895 +concept_musicalbum_death concept:atdate concept_year_n1902 +concept_musicalbum_death concept:atdate concept_year_n1915 +concept_musicalbum_death concept:atdate concept_year_n1916 +concept_musicalbum_death concept:atdate concept_year_n1919 +concept_musicalbum_death concept:atdate concept_year_n1921 +concept_musicalbum_death concept:atdate concept_year_n1926 +concept_musicalbum_death concept:atdate concept_year_n1937 +concept_musicalbum_death concept:atdate concept_year_n1946 +concept_musicalbum_death concept:atdate concept_year_n1948 +concept_musicalbum_death concept:atdate concept_year_n1952 +concept_musicalbum_death concept:atdate concept_year_n1955 +concept_musicalbum_death concept:atdate concept_year_n1956 +concept_musicalbum_death concept:atdate concept_year_n1959 +concept_musicalbum_death concept:atdate concept_year_n1960 +concept_musicalbum_death concept:atdate concept_year_n1963 +concept_musicalbum_death concept:atdate concept_year_n1965 +concept_musicalbum_death concept:atdate concept_year_n1967 +concept_musicalbum_death concept:atdate concept_year_n1970 +concept_musicalbum_death concept:atdate concept_year_n1973 +concept_musicalbum_death concept:atdate concept_year_n1974 +concept_musicalbum_death concept:atdate concept_year_n1975 +concept_musicalbum_death concept:atdate concept_year_n1978 +concept_musicalbum_death concept:atdate concept_year_n1981 +concept_musicalbum_death concept:atdate concept_year_n1982 +concept_musicalbum_death concept:atdate concept_year_n1983 +concept_musicalbum_death concept:atdate concept_year_n1984 +concept_musicalbum_death concept:atdate concept_year_n1985 +concept_musicalbum_death concept:atdate concept_year_n1986 +concept_musicalbum_death concept:atdate concept_year_n1988 +concept_musicalbum_death concept:atdate concept_year_n1989 +concept_musicalbum_death concept:atdate concept_year_n1991 +concept_musicalbum_death concept:atdate concept_year_n1992 +concept_musicalbum_death concept:atdate concept_year_n1994 +concept_musicalbum_death concept:atdate concept_year_n1995 +concept_musicalbum_death concept:atdate concept_year_n1997 +concept_musicalbum_death concept:atdate concept_year_n1998 +concept_musicalbum_debut concept:atdate concept_date_n1977 +concept_musicalbum_debut concept:atdate concept_date_n1993 +concept_musicalbum_debut concept:atdate concept_date_n1996 +concept_musicalbum_debut concept:atdate concept_date_n1999 +concept_musicalbum_debut concept:atdate concept_date_n2000 +concept_musicalbum_debut concept:atdate concept_date_n2001 +concept_musicalbum_debut concept:atdate concept_date_n2003 +concept_musicalbum_debut concept:atdate concept_date_n2004 +concept_musicalbum_debut concept:atdate concept_date_n2009 +concept_musicalbum_debut concept:atdate concept_dateliteral_n1987 +concept_musicalbum_debut concept:atdate concept_dateliteral_n1990 +concept_musicalbum_debut concept:atdate concept_dateliteral_n2002 +concept_musicalbum_debut concept:atdate concept_dateliteral_n2005 +concept_musicalbum_debut concept:atdate concept_dateliteral_n2006 +concept_musicalbum_debut concept:atdate concept_dateliteral_n2007 +concept_musicalbum_debut concept:atdate concept_dateliteral_n2008 +concept_musicalbum_debut concept:atdate concept_year_n1965 +concept_musicalbum_debut concept:atdate concept_year_n1975 +concept_musicalbum_debut concept:atdate concept_year_n1985 +concept_musicalbum_debut concept:atdate concept_year_n1988 +concept_musicalbum_debut concept:atdate concept_year_n1991 +concept_musicalbum_debut concept:atdate concept_year_n1994 +concept_musicalbum_debut concept:atdate concept_year_n1995 +concept_musicalbum_debut concept:atdate concept_year_n1997 +concept_musicalbum_debut concept:atdate concept_year_n1998 +concept_musicalbum_decade concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_decades concept:mutualproxyfor concept_book_new +concept_musicalbum_decades concept:atlocation concept_building_west +concept_musicalbum_decades concept:atlocation concept_geopoliticalorganization_central +concept_musicalbum_decades concept:atlocation concept_hotel_north +concept_musicalbum_decades concept:atlocation concept_lake_new +concept_musicalbum_decades concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_decades concept:atlocation concept_website_east +concept_musicalbum_decades concept:atlocation concept_website_south +concept_musicalbum_decisions concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_destination concept:mutualproxyfor concept_book_new +concept_musicalbum_destination concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_details concept:atdate concept_dateliteral_n2006 +concept_musicalbum_discovery concept:atdate concept_date_n2000 +concept_musicalbum_discovery concept:atdate concept_date_n2001 +concept_musicalbum_discovery concept:atdate concept_date_n2003 +concept_musicalbum_discovery concept:atdate concept_date_n2004 +concept_musicalbum_discovery concept:atdate concept_dateliteral_n2002 +concept_musicalbum_discovery concept:atdate concept_dateliteral_n2005 +concept_musicalbum_discovery concept:atdate concept_dateliteral_n2006 +concept_musicalbum_discovery concept:atdate concept_dateliteral_n2008 +concept_musicalbum_document concept:atdate concept_date_n1996 +concept_musicalbum_document concept:atdate concept_date_n1999 +concept_musicalbum_document concept:atdate concept_date_n2000 +concept_musicalbum_document concept:atdate concept_date_n2001 +concept_musicalbum_document concept:atdate concept_date_n2003 +concept_musicalbum_document concept:atdate concept_date_n2004 +concept_musicalbum_document concept:atdate concept_date_n2009 +concept_musicalbum_document concept:atdate concept_dateliteral_n2002 +concept_musicalbum_document concept:atdate concept_dateliteral_n2005 +concept_musicalbum_document concept:atdate concept_dateliteral_n2006 +concept_musicalbum_document concept:atdate concept_dateliteral_n2007 +concept_musicalbum_document concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_document concept:atdate concept_year_n1995 +concept_musicalbum_document concept:atdate concept_year_n1997 +concept_musicalbum_document concept:atdate concept_year_n1998 +concept_musicalbum_drivers concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_eleven concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_embodiment concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_entertainment concept:istallerthan concept_musicalbum_family +concept_musicalbum_entertainment concept:istallerthan concept_publication_people_ +concept_musicalbum_ep concept:atdate concept_date_n2004 +concept_musicalbum_ep concept:atdate concept_dateliteral_n2005 +concept_musicalbum_essence concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_events concept:atdate concept_date_n1944 +concept_musicalbum_events concept:atdate concept_date_n2000 +concept_musicalbum_events concept:atdate concept_date_n2001 +concept_musicalbum_events concept:atdate concept_date_n2004 +concept_musicalbum_events concept:atdate concept_date_n2009 +concept_musicalbum_events concept:atdate concept_dateliteral_n2002 +concept_musicalbum_events concept:atdate concept_dateliteral_n2005 +concept_musicalbum_events concept:atdate concept_dateliteral_n2006 +concept_musicalbum_events concept:atdate concept_dateliteral_n2007 +concept_musicalbum_events concept:atdate concept_dateliteral_n2008 +concept_musicalbum_events concept:atdate concept_year_n1998 +concept_musicalbum_execution concept:atdate concept_date_n2000 +concept_musicalbum_execution concept:atdate concept_date_n2004 +concept_musicalbum_execution concept:atdate concept_dateliteral_n2002 +concept_musicalbum_execution concept:atdate concept_dateliteral_n2006 +concept_musicalbum_experience concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_fame concept:atdate concept_date_n1996 +concept_musicalbum_fame concept:atdate concept_date_n1999 +concept_musicalbum_fame concept:atdate concept_date_n2000 +concept_musicalbum_fame concept:atdate concept_date_n2001 +concept_musicalbum_fame concept:atdate concept_date_n2003 +concept_musicalbum_fame concept:atdate concept_date_n2004 +concept_musicalbum_fame concept:atdate concept_date_n2009 +concept_musicalbum_fame concept:atdate concept_dateliteral_n2002 +concept_musicalbum_fame concept:atdate concept_dateliteral_n2005 +concept_musicalbum_fame concept:atdate concept_dateliteral_n2006 +concept_musicalbum_fame concept:atdate concept_dateliteral_n2007 +concept_musicalbum_fame concept:atdate concept_dateliteral_n2008 +concept_musicalbum_fame concept:atdate concept_year_n1991 +concept_musicalbum_fame concept:atdate concept_year_n1995 +concept_musicalbum_fame concept:atdate concept_year_n1997 +concept_musicalbum_fame concept:atdate concept_year_n1998 +concept_musicalbum_family concept:atdate concept_date_n1979 +concept_musicalbum_family concept:atdate concept_date_n1996 +concept_musicalbum_family concept:atdate concept_date_n2000 +concept_musicalbum_family concept:atdate concept_date_n2001 +concept_musicalbum_family concept:atdate concept_date_n2003 +concept_musicalbum_family concept:atdate concept_date_n2004 +concept_musicalbum_family concept:atdate concept_dateliteral_n2002 +concept_musicalbum_family concept:atdate concept_dateliteral_n2005 +concept_musicalbum_family concept:atdate concept_dateliteral_n2006 +concept_musicalbum_family concept:atdate concept_dateliteral_n2007 +concept_musicalbum_family concept:atdate concept_dateliteral_n2008 +concept_musicalbum_family concept:atdate concept_dayofweek_sunday +concept_musicalbum_family concept:istallerthan concept_publication_people_ +concept_musicalbum_family concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_family concept:atdate concept_year_n1991 +concept_musicalbum_family concept:atdate concept_year_n1995 +concept_musicalbum_family concept:atdate concept_year_n1997 +concept_musicalbum_family concept:atdate concept_year_n1998 +concept_musicalbum_favorites concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_fight concept:atdate concept_date_n2004 +concept_musicalbum_fight concept:atdate concept_dateliteral_n2007 +concept_musicalbum_fight concept:atdate concept_dateliteral_n2008 +concept_musicalbum_fight concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_fire concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_flood concept:atdate concept_date_n2001 +concept_musicalbum_flood concept:atdate concept_dateliteral_n2002 +concept_musicalbum_flood concept:atdate concept_dateliteral_n2008 +concept_musicalbum_flood concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_flood concept:atdate concept_year_n1997 +concept_musicalbum_foundation concept:atdate concept_date_n1993 +concept_musicalbum_foundation concept:atdate concept_date_n1996 +concept_musicalbum_foundation concept:atdate concept_date_n1999 +concept_musicalbum_foundation concept:atdate concept_date_n2000 +concept_musicalbum_foundation concept:atdate concept_date_n2001 +concept_musicalbum_foundation concept:atdate concept_date_n2003 +concept_musicalbum_foundation concept:atdate concept_date_n2004 +concept_musicalbum_foundation concept:atdate concept_dateliteral_n2002 +concept_musicalbum_foundation concept:atdate concept_dateliteral_n2005 +concept_musicalbum_foundation concept:atdate concept_dateliteral_n2006 +concept_musicalbum_foundation concept:atdate concept_dateliteral_n2007 +concept_musicalbum_foundation concept:atdate concept_dateliteral_n2008 +concept_musicalbum_foundation concept:istallerthan concept_publication_people_ +concept_musicalbum_foundation concept:mutualproxyfor concept_sportsequipment_board +concept_musicalbum_foundation concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_foundation concept:atdate concept_year_n1998 +concept_musicalbum_four concept:atdate concept_date_n2003 +concept_musicalbum_four concept:atdate concept_date_n2009 +concept_musicalbum_four concept:atdate concept_dateliteral_n2002 +concept_musicalbum_four concept:atdate concept_dateliteral_n2005 +concept_musicalbum_four concept:atdate concept_dateliteral_n2006 +concept_musicalbum_four concept:mutualproxyfor concept_emotion_senate +concept_musicalbum_four concept:mutualproxyfor concept_room_house +concept_musicalbum_four concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_four_days concept:atdate concept_dateliteral_n2005 +concept_musicalbum_four_days concept:atdate concept_dateliteral_n2007 +concept_musicalbum_four_days concept:atdate concept_dateliteral_n2008 +concept_musicalbum_four_years concept:mutualproxyfor concept_book_new +concept_musicalbum_four_years concept:atdate concept_dateliteral_n2007 +concept_musicalbum_four_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_garbage concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_ghost_town concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_gift concept:atdate concept_dateliteral_n2007 +concept_musicalbum_gift concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_girls concept:mutualproxyfor concept_book_new +concept_musicalbum_girls concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_gp concept:atdate concept_date_n2004 +concept_musicalbum_graduation concept:atdate concept_date_n2000 +concept_musicalbum_graduation concept:atdate concept_date_n2001 +concept_musicalbum_graduation concept:atdate concept_date_n2004 +concept_musicalbum_graduation concept:atdate concept_date_n2009 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n1990 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n2002 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n2005 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n2006 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n2007 +concept_musicalbum_graduation concept:atdate concept_dateliteral_n2008 +concept_musicalbum_graduation concept:atdate concept_year_n1956 +concept_musicalbum_grand_prix concept:atdate concept_dateliteral_n2006 +concept_musicalbum_harbinger concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_harrison concept:proxyfor concept_book_arkansas +concept_musicalbum_harrison concept:mutualproxyfor concept_radiostation_new_jersey +concept_musicalbum_harvest concept:atdate concept_date_n2000 +concept_musicalbum_harvest concept:atdate concept_date_n2003 +concept_musicalbum_harvest concept:atdate concept_dateliteral_n2006 +concept_musicalbum_headlines concept:atdate concept_date_n2000 +concept_musicalbum_headlines concept:atdate concept_date_n2001 +concept_musicalbum_headlines concept:atdate concept_date_n2003 +concept_musicalbum_headlines concept:atdate concept_date_n2004 +concept_musicalbum_headlines concept:atdate concept_dateliteral_n2002 +concept_musicalbum_headlines concept:atdate concept_dateliteral_n2005 +concept_musicalbum_headlines concept:atdate concept_dateliteral_n2006 +concept_musicalbum_headlines concept:atdate concept_dateliteral_n2007 +concept_musicalbum_headlines concept:atdate concept_dateliteral_n2008 +concept_musicalbum_headquarters concept:mutualproxyfor concept_book_new +concept_musicalbum_headquarters concept:atdate concept_date_n2000 +concept_musicalbum_headquarters concept:atdate concept_date_n2001 +concept_musicalbum_headquarters concept:atdate concept_date_n2004 +concept_musicalbum_headquarters concept:atdate concept_dateliteral_n2006 +concept_musicalbum_headquarters concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_headquarters concept:atdate concept_year_n1995 +concept_musicalbum_hermann concept:proxyfor concept_company_missouri +concept_musicalbum_hiatus concept:atdate concept_date_n2003 +concept_musicalbum_hiatus concept:atdate concept_dateliteral_n2006 +concept_musicalbum_hiatus concept:atdate concept_dateliteral_n2008 +concept_musicalbum_holland concept:mutualproxyfor concept_book_new +concept_musicalbum_holland concept:proxyfor concept_creditunion_michigan +concept_musicalbum_holland concept:atdate concept_date_n2000 +concept_musicalbum_holland concept:atdate concept_date_n2003 +concept_musicalbum_holland concept:atdate concept_date_n2004 +concept_musicalbum_holland concept:atdate concept_date_n2009 +concept_musicalbum_holland concept:atdate concept_dateliteral_n1945 +concept_musicalbum_holland concept:atdate concept_dateliteral_n2005 +concept_musicalbum_holland concept:atdate concept_dateliteral_n2006 +concept_musicalbum_holland concept:atdate concept_dateliteral_n2007 +concept_musicalbum_holland concept:atdate concept_dateliteral_n2008 +concept_musicalbum_holland concept:atlocation concept_lake_new +concept_musicalbum_holland concept:synonymfor concept_politicalparty_republic +concept_musicalbum_holland concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_hospice concept:atdate concept_dayofweek_tuesday +concept_musicalbum_hundred_years concept:atlocation concept_building_west +concept_musicalbum_hundred_years concept:atlocation concept_lake_new +concept_musicalbum_icon concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_idea concept:atdate concept_date_n2001 +concept_musicalbum_idea concept:atdate concept_date_n2004 +concept_musicalbum_idea concept:atdate concept_dateliteral_n2005 +concept_musicalbum_idea concept:atdate concept_dateliteral_n2006 +concept_musicalbum_idea concept:atdate concept_dateliteral_n2007 +concept_musicalbum_idea concept:istallerthan concept_publication_people_ +concept_musicalbum_idea concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_idea concept:atdate concept_year_n1997 +concept_musicalbum_incorporated concept:atdate concept_date_n2003 +concept_musicalbum_incorporated concept:atdate concept_date_n2004 +concept_musicalbum_incorporated concept:atdate concept_dateliteral_n2007 +concept_musicalbum_incorporated concept:atdate concept_year_n1991 +concept_musicalbum_incorporated concept:atdate concept_year_n1995 +concept_musicalbum_incorporated concept:atdate concept_year_n1997 +concept_musicalbum_initiation concept:atdate concept_date_n2003 +concept_musicalbum_international concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_invasion concept:atdate concept_date_n1941 +concept_musicalbum_invasion concept:atdate concept_date_n2003 +concept_musicalbum_itunes concept:atdate concept_dateliteral_n2007 +concept_musicalbum_itunes concept:atdate concept_dateliteral_n2008 +concept_musicalbum_jackson concept:proxyfor concept_coach_kentucky +concept_musicalbum_jackson concept:proxyfor concept_emotion_mississippi +concept_musicalbum_jackson concept:subpartof concept_sportsteam_chicago_bulls +concept_musicalbum_jackson concept:proxyfor concept_weatherphenomenon_tennessee +concept_musicalbum_kick concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_kilimanjaro concept:atdate concept_date_n2009 +concept_musicalbum_king concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_kit concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_kit concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_liberation concept:atdate concept_date_n1944 +concept_musicalbum_liberation concept:atdate concept_dateliteral_n1945 +concept_musicalbum_life concept:mutualproxyfor concept_book_new +concept_musicalbum_life concept:atdate concept_date_n1944 +concept_musicalbum_life concept:atdate concept_date_n1966 +concept_musicalbum_life concept:atdate concept_date_n1993 +concept_musicalbum_life concept:atdate concept_date_n1996 +concept_musicalbum_life concept:atdate concept_date_n1999 +concept_musicalbum_life concept:atdate concept_date_n2000 +concept_musicalbum_life concept:atdate concept_date_n2001 +concept_musicalbum_life concept:atdate concept_date_n2003 +concept_musicalbum_life concept:atdate concept_date_n2004 +concept_musicalbum_life concept:atdate concept_date_n2009 +concept_musicalbum_life concept:atdate concept_dateliteral_n1945 +concept_musicalbum_life concept:atdate concept_dateliteral_n2002 +concept_musicalbum_life concept:atdate concept_dateliteral_n2005 +concept_musicalbum_life concept:atdate concept_dateliteral_n2006 +concept_musicalbum_life concept:atdate concept_dateliteral_n2007 +concept_musicalbum_life concept:atdate concept_dateliteral_n2008 +concept_musicalbum_life concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_life concept:atdate concept_year_n1970 +concept_musicalbum_life concept:atdate concept_year_n1983 +concept_musicalbum_life concept:atdate concept_year_n1991 +concept_musicalbum_life concept:atdate concept_year_n1992 +concept_musicalbum_life concept:atdate concept_year_n1994 +concept_musicalbum_life concept:atdate concept_year_n1995 +concept_musicalbum_life concept:atdate concept_year_n1997 +concept_musicalbum_life concept:atdate concept_year_n1998 +concept_musicalbum_line concept:atdate concept_date_n1996 +concept_musicalbum_line concept:atdate concept_date_n1999 +concept_musicalbum_line concept:atdate concept_date_n2001 +concept_musicalbum_line concept:atdate concept_date_n2003 +concept_musicalbum_line concept:atdate concept_date_n2004 +concept_musicalbum_line concept:atdate concept_date_n2009 +concept_musicalbum_line concept:atdate concept_dateliteral_n2002 +concept_musicalbum_line concept:atdate concept_dateliteral_n2005 +concept_musicalbum_line concept:atdate concept_dateliteral_n2007 +concept_musicalbum_line concept:atdate concept_dateliteral_n2008 +concept_musicalbum_line concept:synonymfor concept_weapon_command +concept_musicalbum_line concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_line concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_line concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_line concept:atdate concept_year_n1994 +concept_musicalbum_line concept:atdate concept_year_n1995 +concept_musicalbum_line concept:atdate concept_year_n1998 +concept_musicalbum_lines concept:atdate concept_dateliteral_n2007 +concept_musicalbum_lines concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_lions concept:atdate concept_date_n2001 +concept_musicalbum_lp concept:atdate concept_dateliteral_n2008 +concept_musicalbum_luxembourg concept:atdate concept_date_n1999 +concept_musicalbum_luxembourg concept:atdate concept_date_n2001 +concept_musicalbum_luxembourg concept:atdate concept_date_n2003 +concept_musicalbum_luxembourg concept:atdate concept_date_n2004 +concept_musicalbum_luxembourg concept:atdate concept_dateliteral_n2005 +concept_musicalbum_luxembourg concept:atdate concept_dateliteral_n2008 +concept_musicalbum_luxembourg concept:atdate concept_year_n1995 +concept_musicalbum_man concept:atdate concept_date_n2001 +concept_musicalbum_man concept:atdate concept_dateliteral_n2002 +concept_musicalbum_man concept:atdate concept_dateliteral_n2005 +concept_musicalbum_man concept:atdate concept_dateliteral_n2006 +concept_musicalbum_man concept:atdate concept_dateliteral_n2007 +concept_musicalbum_man concept:atdate concept_dateliteral_n2008 +concept_musicalbum_man concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_metro_area concept:mutualproxyfor concept_book_new +concept_musicalbum_metro_area concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_mind concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_months concept:atlocation concept_airport_gold +concept_musicalbum_months concept:mutualproxyfor concept_book_new +concept_musicalbum_months concept:atlocation concept_building_west +concept_musicalbum_months concept:atdate concept_date_n2001 +concept_musicalbum_months concept:atdate concept_date_n2003 +concept_musicalbum_months concept:atdate concept_date_n2004 +concept_musicalbum_months concept:atdate concept_dateliteral_n2002 +concept_musicalbum_months concept:atdate concept_dateliteral_n2005 +concept_musicalbum_months concept:atdate concept_dateliteral_n2006 +concept_musicalbum_months concept:atdate concept_dateliteral_n2007 +concept_musicalbum_months concept:atlocation concept_geopoliticallocation_southern +concept_musicalbum_months concept:atlocation concept_geopoliticalorganization_central +concept_musicalbum_months concept:atlocation concept_highway_southeast +concept_musicalbum_months concept:proxyfor concept_highway_the_new +concept_musicalbum_months concept:atlocation concept_hotel_north +concept_musicalbum_months concept:atlocation concept_lake_new +concept_musicalbum_months concept:atlocation concept_landscapefeatures_gulf +concept_musicalbum_months concept:atdate concept_month_december +concept_musicalbum_months concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_months concept:atlocation concept_website_east +concept_musicalbum_months concept:atlocation concept_website_south +concept_musicalbum_motivation concept:istallerthan concept_publication_people_ +concept_musicalbum_movement concept:atdate concept_dateliteral_n2006 +concept_musicalbum_movement concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_movies concept:istallerthan concept_publication_people_ +concept_musicalbum_nashville concept:proxyfor concept_weatherphenomenon_tennessee +concept_musicalbum_nashville concept:subpartof concept_weatherphenomenon_tennessee +concept_musicalbum_nebraska concept:mutualproxyfor concept_book_lincoln +concept_musicalbum_nebraska concept:mutualproxyfor concept_book_new +concept_musicalbum_nebraska concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_nightmare concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_nine concept:mutualproxyfor concept_book_home +concept_musicalbum_nine concept:mutualproxyfor concept_room_house +concept_musicalbum_nine concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_nine_hours concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_number_two concept:mutualproxyfor concept_book_new +concept_musicalbum_number_two concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_odessa concept:proxyfor concept_athlete_ukraine +concept_musicalbum_odessa concept:atlocation concept_city_texas +concept_musicalbum_odessa concept:mutualproxyfor concept_city_texas +concept_musicalbum_one_year concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_ones concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_operator concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_orange concept:mutualproxyfor concept_book_new +concept_musicalbum_orange concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_order concept:atdate concept_date_n1942 +concept_musicalbum_order concept:atdate concept_date_n1996 +concept_musicalbum_order concept:atdate concept_date_n1999 +concept_musicalbum_order concept:atdate concept_date_n2000 +concept_musicalbum_order concept:atdate concept_date_n2001 +concept_musicalbum_order concept:atdate concept_date_n2003 +concept_musicalbum_order concept:atdate concept_date_n2004 +concept_musicalbum_order concept:atdate concept_dateliteral_n2002 +concept_musicalbum_order concept:atdate concept_dateliteral_n2005 +concept_musicalbum_order concept:atdate concept_dateliteral_n2006 +concept_musicalbum_order concept:atdate concept_dateliteral_n2007 +concept_musicalbum_order concept:atdate concept_dateliteral_n2008 +concept_musicalbum_order concept:istallerthan concept_publication_people_ +concept_musicalbum_order concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_order concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_order concept:atdate concept_year_n1991 +concept_musicalbum_order concept:atdate concept_year_n1995 +concept_musicalbum_order concept:atdate concept_year_n1997 +concept_musicalbum_order concept:atdate concept_year_n1998 +concept_musicalbum_pack concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_palace concept:atlocation concept_building_vegas +concept_musicalbum_palace concept:atlocation concept_city_vegas_casino +concept_musicalbum_palace concept:atlocation concept_county_las_vegas +concept_musicalbum_palace concept:subpartof concept_traditionalgame_vegas +concept_musicalbum_paperwork concept:atdate concept_dateliteral_n2006 +concept_musicalbum_picture concept:atdate concept_date_n2001 +concept_musicalbum_picture concept:atdate concept_date_n2004 +concept_musicalbum_picture concept:atdate concept_dateliteral_n2005 +concept_musicalbum_picture concept:atdate concept_dateliteral_n2006 +concept_musicalbum_picture concept:atdate concept_dateliteral_n2007 +concept_musicalbum_picture concept:atdate concept_dateliteral_n2008 +concept_musicalbum_picture concept:specializationof concept_musicalbum_details +concept_musicalbum_picture concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_plans concept:atdate concept_date_n2003 +concept_musicalbum_plans concept:atdate concept_date_n2004 +concept_musicalbum_plans concept:atdate concept_dateliteral_n2002 +concept_musicalbum_plans concept:atdate concept_dateliteral_n2005 +concept_musicalbum_plans concept:atdate concept_dateliteral_n2006 +concept_musicalbum_plans concept:atdate concept_dateliteral_n2007 +concept_musicalbum_plans concept:atdate concept_dateliteral_n2008 +concept_musicalbum_plans concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_plans concept:atdate concept_year_n1998 +concept_musicalbum_pneumonia concept:atdate concept_date_n2004 +concept_musicalbum_pneumonia concept:atdate concept_dateliteral_n1918 +concept_musicalbum_pneumonia concept:atdate concept_dateliteral_n2006 +concept_musicalbum_point concept:atdate concept_date_n1999 +concept_musicalbum_point concept:atdate concept_date_n2000 +concept_musicalbum_point concept:atdate concept_date_n2003 +concept_musicalbum_point concept:atdate concept_date_n2004 +concept_musicalbum_point concept:atdate concept_dateliteral_n1990 +concept_musicalbum_point concept:atdate concept_dateliteral_n2002 +concept_musicalbum_point concept:atdate concept_dateliteral_n2005 +concept_musicalbum_point concept:atdate concept_dateliteral_n2006 +concept_musicalbum_point concept:atdate concept_dateliteral_n2007 +concept_musicalbum_point concept:atdate concept_dateliteral_n2008 +concept_musicalbum_point concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_point concept:atdate concept_year_n1992 +concept_musicalbum_point concept:atdate concept_year_n1998 +concept_musicalbum_poles concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_power concept:atdate concept_date_n1933 +concept_musicalbum_power concept:atdate concept_date_n1964 +concept_musicalbum_power concept:atdate concept_date_n1966 +concept_musicalbum_power concept:atdate concept_date_n1972 +concept_musicalbum_power concept:atdate concept_date_n1977 +concept_musicalbum_power concept:atdate concept_date_n1979 +concept_musicalbum_power concept:atdate concept_date_n1993 +concept_musicalbum_power concept:atdate concept_date_n1999 +concept_musicalbum_power concept:atdate concept_date_n2000 +concept_musicalbum_power concept:atdate concept_date_n2001 +concept_musicalbum_power concept:atdate concept_date_n2003 +concept_musicalbum_power concept:atdate concept_date_n2004 +concept_musicalbum_power concept:atdate concept_date_n2009 +concept_musicalbum_power concept:atdate concept_dateliteral_n1980 +concept_musicalbum_power concept:atdate concept_dateliteral_n1990 +concept_musicalbum_power concept:atdate concept_dateliteral_n2002 +concept_musicalbum_power concept:atdate concept_dateliteral_n2005 +concept_musicalbum_power concept:atdate concept_dateliteral_n2006 +concept_musicalbum_power concept:atdate concept_dateliteral_n2007 +concept_musicalbum_power concept:atdate concept_dateliteral_n2008 +concept_musicalbum_power concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_power concept:atdate concept_year_n1959 +concept_musicalbum_power concept:atdate concept_year_n1973 +concept_musicalbum_power concept:atdate concept_year_n1974 +concept_musicalbum_power concept:atdate concept_year_n1978 +concept_musicalbum_power concept:atdate concept_year_n1981 +concept_musicalbum_power concept:atdate concept_year_n1983 +concept_musicalbum_power concept:atdate concept_year_n1984 +concept_musicalbum_power concept:atdate concept_year_n1986 +concept_musicalbum_power concept:atdate concept_year_n1989 +concept_musicalbum_power concept:atdate concept_year_n1991 +concept_musicalbum_power concept:atdate concept_year_n1992 +concept_musicalbum_power concept:atdate concept_year_n1994 +concept_musicalbum_power concept:atdate concept_year_n1995 +concept_musicalbum_power concept:atdate concept_year_n1997 +concept_musicalbum_power concept:atdate concept_year_n1998 +concept_musicalbum_powerhouse concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_press concept:atdate concept_date_n1996 +concept_musicalbum_press concept:atdate concept_date_n2000 +concept_musicalbum_press concept:atdate concept_date_n2001 +concept_musicalbum_press concept:atdate concept_date_n2003 +concept_musicalbum_press concept:atdate concept_date_n2004 +concept_musicalbum_press concept:atdate concept_date_n2009 +concept_musicalbum_press concept:atdate concept_dateliteral_n2002 +concept_musicalbum_press concept:atdate concept_dateliteral_n2005 +concept_musicalbum_press concept:atdate concept_dateliteral_n2006 +concept_musicalbum_press concept:atdate concept_dateliteral_n2007 +concept_musicalbum_press concept:atdate concept_dateliteral_n2008 +concept_musicalbum_press concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_press concept:atdate concept_year_n1974 +concept_musicalbum_press concept:atdate concept_year_n1992 +concept_musicalbum_press concept:atdate concept_year_n1994 +concept_musicalbum_press concept:atdate concept_year_n1995 +concept_musicalbum_press concept:atdate concept_year_n1997 +concept_musicalbum_press concept:atdate concept_year_n1998 +concept_musicalbum_prisoner concept:atdate concept_date_n1942 +concept_musicalbum_prisoner concept:atdate concept_date_n2003 +concept_musicalbum_profile concept:atdate concept_dateliteral_n2005 +concept_musicalbum_profile concept:atdate concept_dateliteral_n2008 +concept_musicalbum_quality concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_quebec concept:mutualproxyfor concept_book_new +concept_musicalbum_quebec concept:atdate concept_dateliteral_n2006 +concept_musicalbum_quebec concept:atdate concept_dateliteral_n2007 +concept_musicalbum_quebec concept:atdate concept_dateliteral_n2008 +concept_musicalbum_quebec concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_quebec concept:atdate concept_year_n1759 +concept_musicalbum_queen concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_radio concept:atdate concept_date_n2003 +concept_musicalbum_radio concept:atdate concept_date_n2009 +concept_musicalbum_radio concept:atdate concept_dateliteral_n2005 +concept_musicalbum_radio concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_rainbow_bridge concept:atdate concept_date_n2000 +concept_musicalbum_rainbow_bridge concept:atdate concept_dateliteral_n2002 +concept_musicalbum_rainbow_bridge concept:atdate concept_dateliteral_n2005 +concept_musicalbum_rainbow_bridge concept:atdate concept_dateliteral_n2007 +concept_musicalbum_rainbow_bridge concept:atdate concept_dateliteral_n2008 +concept_musicalbum_reality concept:atdate concept_date_n1999 +concept_musicalbum_reality concept:atdate concept_date_n2000 +concept_musicalbum_reality concept:atdate concept_date_n2001 +concept_musicalbum_reality concept:atdate concept_date_n2003 +concept_musicalbum_reality concept:atdate concept_date_n2004 +concept_musicalbum_reality concept:atdate concept_dateliteral_n2002 +concept_musicalbum_reality concept:atdate concept_dateliteral_n2005 +concept_musicalbum_reality concept:atdate concept_dateliteral_n2006 +concept_musicalbum_reality concept:atdate concept_dateliteral_n2007 +concept_musicalbum_reality concept:atdate concept_dateliteral_n2008 +concept_musicalbum_reality concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_reality concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_reality concept:atdate concept_year_n1988 +concept_musicalbum_reality concept:atdate concept_year_n1997 +concept_musicalbum_relations concept:atdate concept_date_n1976 +concept_musicalbum_relations concept:atdate concept_year_n1992 +concept_musicalbum_relations concept:atdate concept_year_n1998 +concept_musicalbum_remains concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_rent concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_request concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_reservations concept:atdate concept_dateliteral_n2008 +concept_musicalbum_results concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_reuters concept:subpartof concept_company_thomson001 +concept_musicalbum_revelation concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_review concept:atdate concept_date_n1993 +concept_musicalbum_review concept:atdate concept_date_n1996 +concept_musicalbum_review concept:atdate concept_date_n1999 +concept_musicalbum_review concept:atdate concept_date_n2000 +concept_musicalbum_review concept:atdate concept_date_n2001 +concept_musicalbum_review concept:atdate concept_date_n2003 +concept_musicalbum_review concept:atdate concept_date_n2004 +concept_musicalbum_review concept:atdate concept_date_n2009 +concept_musicalbum_review concept:atdate concept_dateliteral_n2002 +concept_musicalbum_review concept:atdate concept_dateliteral_n2005 +concept_musicalbum_review concept:atdate concept_dateliteral_n2006 +concept_musicalbum_review concept:atdate concept_dateliteral_n2007 +concept_musicalbum_review concept:atdate concept_dateliteral_n2008 +concept_musicalbum_review concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_review concept:atdate concept_year_n1997 +concept_musicalbum_review concept:atdate concept_year_n1998 +concept_musicalbum_revisions concept:atdate concept_dateliteral_n2007 +concept_musicalbum_run concept:atdate concept_date_n1977 +concept_musicalbum_run concept:atdate concept_date_n1999 +concept_musicalbum_run concept:atdate concept_date_n2000 +concept_musicalbum_run concept:atdate concept_date_n2001 +concept_musicalbum_run concept:atdate concept_date_n2004 +concept_musicalbum_run concept:atdate concept_dateliteral_n2002 +concept_musicalbum_run concept:atdate concept_dateliteral_n2005 +concept_musicalbum_run concept:atdate concept_dateliteral_n2007 +concept_musicalbum_run concept:atdate concept_dateliteral_n2008 +concept_musicalbum_run concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_sanctuary concept:atdate concept_dateliteral_n2006 +concept_musicalbum_sanctuary concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_scandal concept:atdate concept_dateliteral_n2002 +concept_musicalbum_seasons concept:mutualproxyfor concept_book_new +concept_musicalbum_seasons concept:atlocation concept_lake_new +concept_musicalbum_seasons concept:subpartof concept_traditionalgame_vegas +concept_musicalbum_seasons concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_seasons concept:atlocation concept_website_south +concept_musicalbum_second_edition concept:atdate concept_dateliteral_n2006 +concept_musicalbum_security concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_seven_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_several_days concept:atdate concept_date_n1993 +concept_musicalbum_several_days concept:atdate concept_date_n1999 +concept_musicalbum_several_days concept:atdate concept_dateliteral_n2006 +concept_musicalbum_several_days concept:atdate concept_dateliteral_n2008 +concept_musicalbum_several_weeks concept:atdate concept_date_n2004 +concept_musicalbum_several_weeks concept:atdate concept_dateliteral_n2006 +concept_musicalbum_several_weeks concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_shot concept:atdate concept_dateliteral_n2006 +concept_musicalbum_showcase concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_signals concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_sister concept:atdate concept_dateliteral_n2006 +concept_musicalbum_sister concept:atdate concept_dateliteral_n2008 +concept_musicalbum_sister concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_six_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_sounds concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_split concept:atdate concept_date_n1999 +concept_musicalbum_split concept:atdate concept_date_n2004 +concept_musicalbum_split concept:atdate concept_dateliteral_n2006 +concept_musicalbum_split concept:atdate concept_dateliteral_n2007 +concept_musicalbum_split concept:atdate concept_dateliteral_n2008 +concept_musicalbum_stage concept:mutualproxyfor concept_book_new +concept_musicalbum_stage concept:atdate concept_date_n2000 +concept_musicalbum_stage concept:atdate concept_date_n2001 +concept_musicalbum_stage concept:atdate concept_date_n2003 +concept_musicalbum_stage concept:atdate concept_dateliteral_n2005 +concept_musicalbum_stage concept:atdate concept_dateliteral_n2006 +concept_musicalbum_stage concept:atdate concept_dateliteral_n2007 +concept_musicalbum_stage concept:atdate concept_dateliteral_n2008 +concept_musicalbum_stage concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_stage concept:atdate concept_year_n1992 +concept_musicalbum_stage concept:atdate concept_year_n1995 +concept_musicalbum_standards concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_station concept:atdate concept_date_n1996 +concept_musicalbum_station concept:atdate concept_date_n1999 +concept_musicalbum_station concept:atdate concept_date_n2000 +concept_musicalbum_station concept:atdate concept_date_n2001 +concept_musicalbum_station concept:atdate concept_date_n2003 +concept_musicalbum_station concept:atdate concept_date_n2004 +concept_musicalbum_station concept:atdate concept_dateliteral_n2002 +concept_musicalbum_station concept:atdate concept_dateliteral_n2005 +concept_musicalbum_station concept:atdate concept_dateliteral_n2006 +concept_musicalbum_station concept:atdate concept_dateliteral_n2007 +concept_musicalbum_station concept:atdate concept_dateliteral_n2008 +concept_musicalbum_station concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_station concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_station concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_station concept:atdate concept_year_n1995 +concept_musicalbum_story concept:atdate concept_date_n1996 +concept_musicalbum_story concept:atdate concept_date_n1999 +concept_musicalbum_story concept:atdate concept_date_n2000 +concept_musicalbum_story concept:atdate concept_date_n2001 +concept_musicalbum_story concept:atdate concept_date_n2003 +concept_musicalbum_story concept:atdate concept_date_n2004 +concept_musicalbum_story concept:atdate concept_dateliteral_n2002 +concept_musicalbum_story concept:atdate concept_dateliteral_n2005 +concept_musicalbum_story concept:atdate concept_dateliteral_n2006 +concept_musicalbum_story concept:atdate concept_dateliteral_n2007 +concept_musicalbum_story concept:atdate concept_dateliteral_n2008 +concept_musicalbum_story concept:istallerthan concept_publication_people_ +concept_musicalbum_story concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_story concept:atdate concept_year_n1994 +concept_musicalbum_story concept:atdate concept_year_n1995 +concept_musicalbum_story concept:atdate concept_year_n1997 +concept_musicalbum_story concept:atdate concept_year_n1998 +concept_musicalbum_stranger concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_strike concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_stronghold concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_subject concept:atdate concept_date_n1996 +concept_musicalbum_subject concept:atdate concept_date_n1999 +concept_musicalbum_subject concept:atdate concept_date_n2003 +concept_musicalbum_subject concept:atdate concept_dateliteral_n2002 +concept_musicalbum_subject concept:atdate concept_dateliteral_n2005 +concept_musicalbum_subject concept:atdate concept_dateliteral_n2006 +concept_musicalbum_subject concept:atdate concept_dateliteral_n2007 +concept_musicalbum_subject concept:atdate concept_dateliteral_n2008 +concept_musicalbum_subject concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_subject concept:atdate concept_year_n1997 +concept_musicalbum_suit concept:atdate concept_date_n1996 +concept_musicalbum_suit concept:atdate concept_date_n1999 +concept_musicalbum_suit concept:atdate concept_date_n2000 +concept_musicalbum_suit concept:atdate concept_date_n2001 +concept_musicalbum_suit concept:atdate concept_date_n2003 +concept_musicalbum_suit concept:atdate concept_date_n2004 +concept_musicalbum_suit concept:atdate concept_date_n2009 +concept_musicalbum_suit concept:atdate concept_dateliteral_n2002 +concept_musicalbum_suit concept:atdate concept_dateliteral_n2005 +concept_musicalbum_suit concept:atdate concept_dateliteral_n2006 +concept_musicalbum_suit concept:atdate concept_dateliteral_n2007 +concept_musicalbum_suit concept:atdate concept_dateliteral_n2008 +concept_musicalbum_suit concept:atdate concept_year_n1984 +concept_musicalbum_suit concept:atdate concept_year_n1991 +concept_musicalbum_suit concept:atdate concept_year_n1992 +concept_musicalbum_suit concept:atdate concept_year_n1994 +concept_musicalbum_suit concept:atdate concept_year_n1995 +concept_musicalbum_suit concept:atdate concept_year_n1997 +concept_musicalbum_suit concept:atdate concept_year_n1998 +concept_musicalbum_supervision concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_switch concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_system concept:synonymfor concept_boardgame_base +concept_musicalbum_system concept:atdate concept_date_n1993 +concept_musicalbum_system concept:atdate concept_date_n1999 +concept_musicalbum_system concept:atdate concept_date_n2001 +concept_musicalbum_system concept:atdate concept_date_n2003 +concept_musicalbum_system concept:atdate concept_date_n2004 +concept_musicalbum_system concept:atdate concept_date_n2009 +concept_musicalbum_system concept:atdate concept_dateliteral_n2006 +concept_musicalbum_system concept:atdate concept_dateliteral_n2007 +concept_musicalbum_system concept:atdate concept_dateliteral_n2008 +concept_musicalbum_system concept:atdate concept_dateliteral_n2010 +concept_musicalbum_system concept:subpartof concept_magazine_diesel +concept_musicalbum_system concept:istallerthan concept_publication_people_ +concept_musicalbum_system concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_system concept:atdate concept_year_n1992 +concept_musicalbum_system concept:atdate concept_year_n1994 +concept_musicalbum_system concept:atdate concept_year_n1997 +concept_musicalbum_system concept:atdate concept_year_n1998 +concept_musicalbum_table concept:atdate concept_dateliteral_n2006 +concept_musicalbum_table concept:atdate concept_dateliteral_n2008 +concept_musicalbum_tallulah concept:atlocation concept_attraction_louisiana +concept_musicalbum_teacher concept:mutualproxyfor concept_book_new +concept_musicalbum_teacher concept:atdate concept_date_n2003 +concept_musicalbum_teacher concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_technology concept:atdate concept_date_n2000 +concept_musicalbum_technology concept:atdate concept_date_n2001 +concept_musicalbum_technology concept:atdate concept_date_n2003 +concept_musicalbum_technology concept:atdate concept_date_n2004 +concept_musicalbum_technology concept:atdate concept_dateliteral_n2005 +concept_musicalbum_technology concept:atdate concept_dateliteral_n2006 +concept_musicalbum_technology concept:atdate concept_dateliteral_n2007 +concept_musicalbum_teenager concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_ten_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_tennessee concept:atdate concept_date_n1864 +concept_musicalbum_tennessee concept:atdate concept_dateliteral_n2006 +concept_musicalbum_tennessee concept:atdate concept_dateliteral_n2008 +concept_musicalbum_tennessee concept:mutualproxyfor concept_weatherphenomenon_memphis +concept_musicalbum_tennessee concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_tennessee concept:atdate concept_year_n1863 +concept_musicalbum_three concept:atdate concept_dateliteral_n2006 +concept_musicalbum_three concept:mutualproxyfor concept_sportsequipment_board +concept_musicalbum_three concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_three_years concept:mutualproxyfor concept_book_new +concept_musicalbum_three_years concept:atdate concept_dateliteral_n2006 +concept_musicalbum_three_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_today concept:mutualproxyfor concept_book_new +concept_musicalbum_today concept:atdate concept_date_community +concept_musicalbum_today concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_today concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_today concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_tomorrow concept:atdate concept_date_community +concept_musicalbum_tomorrow concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_top concept:atdate concept_dateliteral_n2006 +concept_musicalbum_top_priority concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_tourist concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_tri_state concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_trip concept:mutualproxyfor concept_book_new +concept_musicalbum_trip concept:mutualproxyfor concept_city_new_madrid +concept_musicalbum_trip concept:istallerthan concept_publication_people_ +concept_musicalbum_trip concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_trouble concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_twelve_hours concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_two_years concept:mutualproxyfor concept_book_new +concept_musicalbum_two_years concept:atdate concept_dateliteral_n2005 +concept_musicalbum_two_years concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_unrest concept:atdate concept_dateliteral_n2007 +concept_musicalbum_us concept:synonymfor concept_book_america +concept_musicalbum_us concept:mutualproxyfor concept_book_new +concept_musicalbum_us concept:atdate concept_date_n1996 +concept_musicalbum_us concept:atdate concept_date_n2000 +concept_musicalbum_us concept:atdate concept_date_n2001 +concept_musicalbum_us concept:atdate concept_date_n2003 +concept_musicalbum_us concept:atdate concept_date_n2009 +concept_musicalbum_us concept:atdate concept_dateliteral_n2002 +concept_musicalbum_us concept:atdate concept_dateliteral_n2005 +concept_musicalbum_us concept:atdate concept_dateliteral_n2006 +concept_musicalbum_us concept:atdate concept_dateliteral_n2007 +concept_musicalbum_us concept:atdate concept_dateliteral_n2008 +concept_musicalbum_us concept:synonymfor concept_politicalparty_republic +concept_musicalbum_us concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_us concept:atdate concept_year_n1978 +concept_musicalbum_us concept:atdate concept_year_n1985 +concept_musicalbum_us concept:atdate concept_year_n1994 +concept_musicalbum_us concept:atdate concept_year_n1997 +concept_musicalbum_vietnam concept:mutualproxyfor concept_book_new +concept_musicalbum_vietnam concept:atdate concept_date_n1962 +concept_musicalbum_vietnam concept:atdate concept_date_n1966 +concept_musicalbum_vietnam concept:atdate concept_date_n1968 +concept_musicalbum_vietnam concept:atdate concept_date_n1969 +concept_musicalbum_vietnam concept:atdate concept_date_n1971 +concept_musicalbum_vietnam concept:atdate concept_date_n1979 +concept_musicalbum_vietnam concept:atdate concept_date_n1996 +concept_musicalbum_vietnam concept:atdate concept_date_n1999 +concept_musicalbum_vietnam concept:atdate concept_date_n2000 +concept_musicalbum_vietnam concept:atdate concept_date_n2001 +concept_musicalbum_vietnam concept:atdate concept_date_n2003 +concept_musicalbum_vietnam concept:atdate concept_dateliteral_n2002 +concept_musicalbum_vietnam concept:atdate concept_dateliteral_n2005 +concept_musicalbum_vietnam concept:atdate concept_dateliteral_n2007 +concept_musicalbum_vietnam concept:atdate concept_dateliteral_n2008 +concept_musicalbum_vietnam concept:synonymfor concept_politicalparty_republic +concept_musicalbum_vietnam concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_vietnam concept:atdate concept_year_n1965 +concept_musicalbum_vietnam concept:atdate concept_year_n1967 +concept_musicalbum_vietnam concept:atdate concept_year_n1970 +concept_musicalbum_vietnam concept:atdate concept_year_n1975 +concept_musicalbum_vietnam concept:atdate concept_year_n1995 +concept_musicalbum_vietnam concept:atdate concept_year_n1997 +concept_musicalbum_vietnam concept:atdate concept_year_n1998 +concept_musicalbum_wake_up_call concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_watershed concept:subpartof concept_weatherphenomenon_water +concept_musicalbum_wedding concept:atdate concept_date_n1999 +concept_musicalbum_wedding concept:atdate concept_date_n2000 +concept_musicalbum_wedding concept:atdate concept_date_n2001 +concept_musicalbum_wedding concept:atdate concept_date_n2003 +concept_musicalbum_wedding concept:atdate concept_date_n2004 +concept_musicalbum_wedding concept:atdate concept_date_n2009 +concept_musicalbum_wedding concept:atdate concept_dateliteral_n2002 +concept_musicalbum_wedding concept:atdate concept_dateliteral_n2005 +concept_musicalbum_wedding concept:atdate concept_dateliteral_n2006 +concept_musicalbum_wedding concept:atdate concept_dateliteral_n2007 +concept_musicalbum_wedding concept:atdate concept_dateliteral_n2008 +concept_musicalbum_wedding concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_wilderness concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_winter concept:atdate concept_date_meeting +concept_musicalbum_winter concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_zone concept:subpartof concept_weatherphenomenon_air +concept_musicalbum_zone concept:proxyfor concept_weatherphenomenon_new +concept_musicalbum_zone concept:subpartof concept_weatherphenomenon_water +concept_musicartist_abba concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_abba concept:musicartistgenre concept_musicgenre_swedish_pop +concept_musicartist_abbas concept:agentbelongstoorganization concept_biotechcompany_pa +concept_musicartist_abbas concept:agentcontrols concept_charactertrait_authority +concept_musicartist_abbas concept:agentcontrols concept_charactertrait_leadership +concept_musicartist_abbas concept:agentcontrols concept_emotion_government +concept_musicartist_abbas concept:agentcontrols concept_geopoliticallocation_palestinian_authority +concept_musicartist_abbas concept:agentcontrols concept_geopoliticallocation_west_bank +concept_musicartist_abbas concept:agentbelongstoorganization concept_governmentorganization_authority +concept_musicartist_abbas concept:agentbelongstoorganization concept_governmentorganization_government +concept_musicartist_abbas concept:agentbelongstoorganization concept_nongovorganization_forces +concept_musicartist_abbas concept:agentcontrols concept_nongovorganization_rival_fatah +concept_musicartist_abbas concept:agentcontrols concept_olympics_palestinian_national_authority +concept_musicartist_abbas concept:agentcontrols concept_planet_forces +concept_musicartist_abbas concept:agentcontrols concept_programminglanguage_pa +concept_musicartist_abbas concept:agentcollaborateswithagent concept_terroristorganization_fatah +concept_musicartist_abbas concept:agentcontrols concept_terroristorganization_fatah +concept_musicartist_abbas concept:agentcontrols concept_terroristorganization_fatah_faction +concept_musicartist_abbas concept:agentcontrols concept_terroristorganization_fatah_movement +concept_musicartist_abbas concept:agentcontrols concept_terroristorganization_fatah_party +concept_musicartist_abbas concept:agentbelongstoorganization concept_terroristorganization_west_bank +concept_musicartist_ac_dc concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_ac_dc concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_ac_dc concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_ac_dc concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_ac_dc concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_accept concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_accuracy concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_acdc concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_adicts concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_adolescents concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_musicartist_adolescents concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_advocates concept:subpartoforganization concept_terroristorganization_state +concept_musicartist_aerosmith concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_aerosmith concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_aerosmith concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_afi concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_agent_orange concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_agnostic_front concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_album concept:organizationterminatedperson concept_actor_track +concept_musicartist_album concept:proxyfor concept_book_new +concept_musicartist_album concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_album concept:atdate concept_date_n2000 +concept_musicartist_album concept:atdate concept_date_n2001 +concept_musicartist_album concept:atdate concept_date_n2009 +concept_musicartist_album concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_musicartist_album concept:atdate concept_year_n1978 +concept_musicartist_alice_cooper concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_alice_cooper concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_alice_in_chains concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_alice_in_chains concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_alkaline_trio concept:agentcollaborateswithagent concept_musicartist_matt_skiba +concept_musicartist_alkaline_trio concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_allies concept:organizationheadquarteredincountry concept_country_u_s_ +concept_musicartist_allies concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_allies concept:organizationhiredperson concept_personus_party +concept_musicartist_allman_brothers concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_allman_brothers concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_allman_brothers concept:musicartistgenre concept_musicgenre_southern_rock +concept_musicartist_alphabeat concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_american concept:agentactsinlocation concept_agent_elizabeth +concept_musicartist_american concept:agentactsinlocation concept_airport_canton +concept_musicartist_american concept:agentactsinlocation concept_airport_juneau +concept_musicartist_american concept:agentactsinlocation concept_airport_minneapolis +concept_musicartist_american concept:agentactsinlocation concept_airport_santa_ana +concept_musicartist_american concept:agentactsinlocation concept_aquarium_louis +concept_musicartist_american concept:agentactsinlocation concept_attraction_beverly_hills +concept_musicartist_american concept:atlocation concept_attraction_beverly_hills +concept_musicartist_american concept:agentactsinlocation concept_attraction_colorado_springs +concept_musicartist_american concept:agentactsinlocation concept_attraction_lakeside +concept_musicartist_american concept:atlocation concept_attraction_lakeside +concept_musicartist_american concept:agentactsinlocation concept_beach_alpaugh +concept_musicartist_american concept:atlocation concept_beach_alpaugh +concept_musicartist_american concept:atlocation concept_beach_fort_worth +concept_musicartist_american concept:agentactsinlocation concept_beach_massachusetts +concept_musicartist_american concept:agentactsinlocation concept_blog_harrisburg +concept_musicartist_american concept:agentactsinlocation concept_blog_la_palma +concept_musicartist_american concept:proxyfor concept_book_new +concept_musicartist_american concept:agentactsinlocation concept_bridge_ford +concept_musicartist_american concept:atlocation concept_bridge_ford +concept_musicartist_american concept:agentactsinlocation concept_bridge_new_jersey +concept_musicartist_american concept:atlocation concept_bridge_new_jersey +concept_musicartist_american concept:agentactsinlocation concept_building_anaheim +concept_musicartist_american concept:atlocation concept_building_anaheim +concept_musicartist_american concept:agentactsinlocation concept_building_glendale +concept_musicartist_american concept:atlocation concept_building_glendale +concept_musicartist_american concept:atlocation concept_building_hollywood +concept_musicartist_american concept:atlocation concept_building_norwich +concept_musicartist_american concept:atlocation concept_building_santa_fe +concept_musicartist_american concept:agentactsinlocation concept_city_abington +concept_musicartist_american concept:agentactsinlocation concept_city_addison +concept_musicartist_american concept:agentactsinlocation concept_city_adelanto +concept_musicartist_american concept:agentactsinlocation concept_city_adin +concept_musicartist_american concept:agentactsinlocation concept_city_aguanga +concept_musicartist_american concept:agentactsinlocation concept_city_aiea +concept_musicartist_american concept:agentactsinlocation concept_city_airway_heights +concept_musicartist_american concept:agentactsinlocation concept_city_alamo +concept_musicartist_american concept:agentactsinlocation concept_city_albany +concept_musicartist_american concept:agentactsinlocation concept_city_albuquerque +concept_musicartist_american concept:agentactsinlocation concept_city_alderpoint +concept_musicartist_american concept:agentactsinlocation concept_city_alexis +concept_musicartist_american concept:agentactsinlocation concept_city_alhambra +concept_musicartist_american concept:agentactsinlocation concept_city_alief +concept_musicartist_american concept:agentactsinlocation concept_city_aliso_viejo +concept_musicartist_american concept:agentactsinlocation concept_city_alma +concept_musicartist_american concept:agentactsinlocation concept_city_alpharetta +concept_musicartist_american concept:agentactsinlocation concept_city_alsip +concept_musicartist_american concept:agentactsinlocation concept_city_alta +concept_musicartist_american concept:agentactsinlocation concept_city_alta_loma +concept_musicartist_american concept:agentactsinlocation concept_city_amador_city +concept_musicartist_american concept:agentactsinlocation concept_city_ambler +concept_musicartist_american concept:agentactsinlocation concept_city_amboy +concept_musicartist_american concept:agentactsinlocation concept_city_andover +concept_musicartist_american concept:agentactsinlocation concept_city_angels_camp +concept_musicartist_american concept:agentactsinlocation concept_city_angelus_oaks +concept_musicartist_american concept:agentactsinlocation concept_city_annapolis +concept_musicartist_american concept:agentactsinlocation concept_city_antelope +concept_musicartist_american concept:agentactsinlocation concept_city_antioch +concept_musicartist_american concept:agentactsinlocation concept_city_anza +concept_musicartist_american concept:agentactsinlocation concept_city_applegate +concept_musicartist_american concept:agentactsinlocation concept_city_arcadia +concept_musicartist_american concept:agentactsinlocation concept_city_arcata +concept_musicartist_american concept:agentactsinlocation concept_city_arcola +concept_musicartist_american concept:agentactsinlocation concept_city_arlington_heights +concept_musicartist_american concept:agentactsinlocation concept_city_arnold +concept_musicartist_american concept:agentactsinlocation concept_city_aromas +concept_musicartist_american concept:agentactsinlocation concept_city_artesia +concept_musicartist_american concept:agentactsinlocation concept_city_artois +concept_musicartist_american concept:agentactsinlocation concept_city_arvada +concept_musicartist_american concept:agentactsinlocation concept_city_aston +concept_musicartist_american concept:agentactsinlocation concept_city_atwater +concept_musicartist_american concept:agentactsinlocation concept_city_atwood +concept_musicartist_american concept:agentactsinlocation concept_city_auburndale +concept_musicartist_american concept:agentactsinlocation concept_city_audubon +concept_musicartist_american concept:agentactsinlocation concept_city_austell +concept_musicartist_american concept:agentactsinlocation concept_city_avenel +concept_musicartist_american concept:agentactsinlocation concept_city_avon +concept_musicartist_american concept:agentactsinlocation concept_city_avondale_estates +concept_musicartist_american concept:agentactsinlocation concept_city_babson_park +concept_musicartist_american concept:agentactsinlocation concept_city_baker +concept_musicartist_american concept:agentactsinlocation concept_city_bala_cynwyd +concept_musicartist_american concept:agentactsinlocation concept_city_baldwin_park +concept_musicartist_american concept:agentactsinlocation concept_city_ballico +concept_musicartist_american concept:agentactsinlocation concept_city_bangor +concept_musicartist_american concept:agentactsinlocation concept_city_banning +concept_musicartist_american concept:agentactsinlocation concept_city_banta +concept_musicartist_american concept:agentactsinlocation concept_city_barker +concept_musicartist_american concept:agentactsinlocation concept_city_barrington +concept_musicartist_american concept:agentactsinlocation concept_city_bayonne +concept_musicartist_american concept:agentactsinlocation concept_city_bayside +concept_musicartist_american concept:agentactsinlocation concept_city_beaumont +concept_musicartist_american concept:agentactsinlocation concept_city_bell +concept_musicartist_american concept:agentactsinlocation concept_city_bell_gardens +concept_musicartist_american concept:agentactsinlocation concept_city_bellaire +concept_musicartist_american concept:agentactsinlocation concept_city_bellflower +concept_musicartist_american concept:agentactsinlocation concept_city_bellmawr +concept_musicartist_american concept:agentactsinlocation concept_city_bellwood +concept_musicartist_american concept:agentactsinlocation concept_city_belmont +concept_musicartist_american concept:agentactsinlocation concept_city_bensalem +concept_musicartist_american concept:agentactsinlocation concept_city_bensenville +concept_musicartist_american concept:agentactsinlocation concept_city_bergenfield +concept_musicartist_american concept:agentactsinlocation concept_city_berkeley +concept_musicartist_american concept:agentactsinlocation concept_city_berlin +concept_musicartist_american concept:agentactsinlocation concept_city_berwyn +concept_musicartist_american concept:agentactsinlocation concept_city_bethesda +concept_musicartist_american concept:agentactsinlocation concept_city_beverly +concept_musicartist_american concept:agentactsinlocation concept_city_birmingham +concept_musicartist_american concept:agentactsinlocation concept_city_blackwood +concept_musicartist_american concept:agentactsinlocation concept_city_blanchard +concept_musicartist_american concept:agentactsinlocation concept_city_bloomfield +concept_musicartist_american concept:agentactsinlocation concept_city_blue_bell +concept_musicartist_american concept:agentactsinlocation concept_city_bogota +concept_musicartist_american concept:agentactsinlocation concept_city_boise +concept_musicartist_american concept:agentactsinlocation concept_city_bonita +concept_musicartist_american concept:agentactsinlocation concept_city_bosque_farms +concept_musicartist_american concept:agentactsinlocation concept_city_bossier_city +concept_musicartist_american concept:agentactsinlocation concept_city_boston +concept_musicartist_american concept:agentactsinlocation concept_city_braintree +concept_musicartist_american concept:agentactsinlocation concept_city_brighton +concept_musicartist_american concept:agentactsinlocation concept_city_broadview +concept_musicartist_american concept:agentactsinlocation concept_city_brookfield +concept_musicartist_american concept:agentactsinlocation concept_city_brookline +concept_musicartist_american concept:agentactsinlocation concept_city_broomall +concept_musicartist_american concept:agentactsinlocation concept_city_broomfield +concept_musicartist_american concept:agentactsinlocation concept_city_bryn_athyn +concept_musicartist_american concept:agentactsinlocation concept_city_bryn_mawr +concept_musicartist_american concept:agentactsinlocation concept_city_buena_park +concept_musicartist_american concept:agentactsinlocation concept_city_caldwell +concept_musicartist_american concept:agentactsinlocation concept_city_calumet_city +concept_musicartist_american concept:agentactsinlocation concept_city_cambridge +concept_musicartist_american concept:agentactsinlocation concept_city_camden +concept_musicartist_american concept:agentactsinlocation concept_city_capistrano_beach +concept_musicartist_american concept:agentactsinlocation concept_city_carle_place +concept_musicartist_american concept:agentactsinlocation concept_city_carlisle +concept_musicartist_american concept:agentactsinlocation concept_city_carlstadt +concept_musicartist_american concept:agentactsinlocation concept_city_carson +concept_musicartist_american concept:agentactsinlocation concept_city_cedar_park +concept_musicartist_american concept:agentactsinlocation concept_city_cedar_rapids +concept_musicartist_american concept:agentactsinlocation concept_city_cerritos +concept_musicartist_american concept:agentactsinlocation concept_city_chalfont +concept_musicartist_american concept:agentactsinlocation concept_city_channelview +concept_musicartist_american concept:agentactsinlocation concept_city_charlotte +concept_musicartist_american concept:agentactsinlocation concept_city_chattaroy +concept_musicartist_american concept:agentactsinlocation concept_city_cheltenham +concept_musicartist_american concept:agentactsinlocation concept_city_chester +concept_musicartist_american concept:agentactsinlocation concept_city_chester_heights +concept_musicartist_american concept:agentactsinlocation concept_city_chestnut_hill +concept_musicartist_american concept:agentactsinlocation concept_city_cheyney +concept_musicartist_american concept:agentactsinlocation concept_city_chino +concept_musicartist_american concept:agentactsinlocation concept_city_chino_hills +concept_musicartist_american concept:agentactsinlocation concept_city_chula_vista +concept_musicartist_american concept:agentactsinlocation concept_city_cicero +concept_musicartist_american concept:agentactsinlocation concept_city_cincinnati +concept_musicartist_american concept:agentactsinlocation concept_city_claremont +concept_musicartist_american concept:agentactsinlocation concept_city_clarendon_hills +concept_musicartist_american concept:agentactsinlocation concept_city_clarksboro +concept_musicartist_american concept:agentactsinlocation concept_city_clarkston +concept_musicartist_american concept:agentactsinlocation concept_city_clayton +concept_musicartist_american concept:agentactsinlocation concept_city_clementon +concept_musicartist_american concept:agentactsinlocation concept_city_cleveland +concept_musicartist_american concept:agentactsinlocation concept_city_clifton +concept_musicartist_american concept:agentactsinlocation concept_city_clifton_heights +concept_musicartist_american concept:agentactsinlocation concept_city_clinton +concept_musicartist_american concept:agentactsinlocation concept_city_cohasset +concept_musicartist_american concept:agentactsinlocation concept_city_colbert +concept_musicartist_american concept:agentactsinlocation concept_city_collegeville +concept_musicartist_american concept:agentactsinlocation concept_city_collingswood +concept_musicartist_american concept:agentactsinlocation concept_city_colmar +concept_musicartist_american concept:agentactsinlocation concept_city_compton +concept_musicartist_american concept:agentactsinlocation concept_city_comstock_park +concept_musicartist_american concept:agentactsinlocation concept_city_concordville +concept_musicartist_american concept:agentactsinlocation concept_city_conshohocken +concept_musicartist_american concept:agentactsinlocation concept_city_cornelius +concept_musicartist_american concept:agentactsinlocation concept_city_coronado +concept_musicartist_american concept:agentactsinlocation concept_city_costa_mesa +concept_musicartist_american concept:agentactsinlocation concept_city_cramerton +concept_musicartist_american concept:agentactsinlocation concept_city_cranford +concept_musicartist_american concept:agentactsinlocation concept_city_creamery +concept_musicartist_american concept:agentactsinlocation concept_city_creighton +concept_musicartist_american concept:agentactsinlocation concept_city_creola +concept_musicartist_american concept:agentactsinlocation concept_city_crum_lynne +concept_musicartist_american concept:agentactsinlocation concept_city_cypress +concept_musicartist_american concept:agentactsinlocation concept_city_dallas +concept_musicartist_american concept:agentactsinlocation concept_city_danvers +concept_musicartist_american concept:agentactsinlocation concept_city_darien +concept_musicartist_american concept:agentactsinlocation concept_city_davidson +concept_musicartist_american concept:agentactsinlocation concept_city_decatur +concept_musicartist_american concept:agentactsinlocation concept_city_dedham +concept_musicartist_american concept:agentactsinlocation concept_city_deer_park +concept_musicartist_american concept:agentactsinlocation concept_city_del_mar +concept_musicartist_american concept:agentactsinlocation concept_city_denver +concept_musicartist_american concept:agentactsinlocation concept_city_des_plaines +concept_musicartist_american concept:agentactsinlocation concept_city_diamond_bar +concept_musicartist_american concept:agentactsinlocation concept_city_dolton +concept_musicartist_american concept:agentactsinlocation concept_city_downers_grove +concept_musicartist_american concept:agentactsinlocation concept_city_downey +concept_musicartist_american concept:agentactsinlocation concept_city_dresher +concept_musicartist_american concept:agentactsinlocation concept_city_drexel_hill +concept_musicartist_american concept:agentactsinlocation concept_city_duarte +concept_musicartist_american concept:agentactsinlocation concept_city_duluth +concept_musicartist_american concept:agentactsinlocation concept_city_dumont +concept_musicartist_american concept:agentactsinlocation concept_city_eagleville +concept_musicartist_american concept:agentactsinlocation concept_city_east_irvine +concept_musicartist_american concept:agentactsinlocation concept_city_east_orange +concept_musicartist_american concept:agentactsinlocation concept_city_east_rockaway +concept_musicartist_american concept:agentactsinlocation concept_city_eastlake +concept_musicartist_american concept:agentactsinlocation concept_city_edmonds +concept_musicartist_american concept:agentactsinlocation concept_city_eight_mile +concept_musicartist_american concept:agentactsinlocation concept_city_el_cajon +concept_musicartist_american concept:agentactsinlocation concept_city_el_monte +concept_musicartist_american concept:agentactsinlocation concept_city_el_segundo +concept_musicartist_american concept:agentactsinlocation concept_city_elk_grove_village +concept_musicartist_american concept:agentactsinlocation concept_city_ellenwood +concept_musicartist_american concept:agentactsinlocation concept_city_elm_grove +concept_musicartist_american concept:agentactsinlocation concept_city_elmwood_park +concept_musicartist_american concept:agentactsinlocation concept_city_enfield_center +concept_musicartist_american concept:agentactsinlocation concept_city_englewood +concept_musicartist_american concept:agentactsinlocation concept_city_etna +concept_musicartist_american concept:agentactsinlocation concept_city_evanston +concept_musicartist_american concept:agentactsinlocation concept_city_everett +concept_musicartist_american concept:agentactsinlocation concept_city_evergreen_park +concept_musicartist_american concept:agentactsinlocation concept_city_ewa_beach +concept_musicartist_american concept:agentactsinlocation concept_city_fayetteville +concept_musicartist_american concept:agentactsinlocation concept_city_flagstaff +concept_musicartist_american concept:agentactsinlocation concept_city_florida +concept_musicartist_american concept:agentactsinlocation concept_city_foothill_ranch +concept_musicartist_american concept:agentactsinlocation concept_city_forest_park +concept_musicartist_american concept:agentactsinlocation concept_city_fort_mill +concept_musicartist_american concept:agentactsinlocation concept_city_fort_shafter +concept_musicartist_american concept:agentactsinlocation concept_city_fort_wayne +concept_musicartist_american concept:agentactsinlocation concept_city_fountain_valley +concept_musicartist_american concept:agentactsinlocation concept_city_four_lakes +concept_musicartist_american concept:agentactsinlocation concept_city_fox_valley +concept_musicartist_american concept:agentactsinlocation concept_city_framingham +concept_musicartist_american concept:agentactsinlocation concept_city_franklin_park +concept_musicartist_american concept:agentactsinlocation concept_city_friendsville +concept_musicartist_american concept:agentactsinlocation concept_city_galena_park +concept_musicartist_american concept:agentactsinlocation concept_city_garden_grove +concept_musicartist_american concept:agentactsinlocation concept_city_gastonia +concept_musicartist_american concept:agentactsinlocation concept_city_glendora +concept_musicartist_american concept:agentactsinlocation concept_city_grand_rapids_kalamazoo_battle_creek +concept_musicartist_american concept:agentactsinlocation concept_city_greenwood +concept_musicartist_american concept:agentactsinlocation concept_city_hacienda_heights +concept_musicartist_american concept:agentactsinlocation concept_city_haddonfield +concept_musicartist_american concept:agentactsinlocation concept_city_hammond +concept_musicartist_american concept:agentactsinlocation concept_city_hanover +concept_musicartist_american concept:agentactsinlocation concept_city_harbor_city +concept_musicartist_american concept:agentactsinlocation concept_city_harper_woods +concept_musicartist_american concept:agentactsinlocation concept_city_hartford +concept_musicartist_american concept:agentactsinlocation concept_city_harvey +concept_musicartist_american concept:agentactsinlocation concept_city_harwood_heights +concept_musicartist_american concept:agentactsinlocation concept_city_hathorne +concept_musicartist_american concept:agentactsinlocation concept_city_hattiesburg +concept_musicartist_american concept:agentactsinlocation concept_city_haughton +concept_musicartist_american concept:agentactsinlocation concept_city_hawaiian_gardens +concept_musicartist_american concept:agentactsinlocation concept_city_hawthorne +concept_musicartist_american concept:agentactsinlocation concept_city_hermosa_beach +concept_musicartist_american concept:agentactsinlocation concept_city_hickory_hills +concept_musicartist_american concept:agentactsinlocation concept_city_hillside +concept_musicartist_american concept:agentactsinlocation concept_city_holbrook +concept_musicartist_american concept:agentactsinlocation concept_city_honolulu +concept_musicartist_american concept:agentactsinlocation concept_city_houston +concept_musicartist_american concept:agentactsinlocation concept_city_humble +concept_musicartist_american concept:agentactsinlocation concept_city_huntersville +concept_musicartist_american concept:agentactsinlocation concept_city_huntington_beach +concept_musicartist_american concept:agentactsinlocation concept_city_huntington_park +concept_musicartist_american concept:agentactsinlocation concept_city_huntsville +concept_musicartist_american concept:agentactsinlocation concept_city_hutto +concept_musicartist_american concept:agentactsinlocation concept_city_idledale +concept_musicartist_american concept:agentactsinlocation concept_city_imperial_beach +concept_musicartist_american concept:agentactsinlocation concept_city_indianapolis +concept_musicartist_american concept:agentactsinlocation concept_city_inglewood +concept_musicartist_american concept:agentactsinlocation concept_city_irvine +concept_musicartist_american concept:agentactsinlocation concept_city_irvington +concept_musicartist_american concept:agentactsinlocation concept_city_jackson +concept_musicartist_american concept:agentactsinlocation concept_city_jacksonville +concept_musicartist_american concept:agentactsinlocation concept_city_jamul +concept_musicartist_american concept:agentactsinlocation concept_city_jessup +concept_musicartist_american concept:agentactsinlocation concept_city_kaaawa +concept_musicartist_american concept:agentactsinlocation concept_city_kailua +concept_musicartist_american concept:agentactsinlocation concept_city_kaneohe +concept_musicartist_american concept:agentactsinlocation concept_city_keithville +concept_musicartist_american concept:agentactsinlocation concept_city_kingston +concept_musicartist_american concept:agentactsinlocation concept_city_kittredge +concept_musicartist_american concept:agentactsinlocation concept_city_knoxville +concept_musicartist_american concept:agentactsinlocation concept_city_kunia +concept_musicartist_american concept:agentactsinlocation concept_city_la_canada_flintridge +concept_musicartist_american concept:agentactsinlocation concept_city_la_crescenta +concept_musicartist_american concept:agentactsinlocation concept_city_la_habra +concept_musicartist_american concept:agentactsinlocation concept_city_la_jolla +concept_musicartist_american concept:agentactsinlocation concept_city_la_mesa +concept_musicartist_american concept:agentactsinlocation concept_city_la_mirada +concept_musicartist_american concept:agentactsinlocation concept_city_la_puente +concept_musicartist_american concept:agentactsinlocation concept_city_ladera_ranch +concept_musicartist_american concept:agentactsinlocation concept_city_laguna_beach +concept_musicartist_american concept:agentactsinlocation concept_city_laguna_niguel +concept_musicartist_american concept:agentactsinlocation concept_city_laguna_woods +concept_musicartist_american concept:agentactsinlocation concept_city_lake_forest +concept_musicartist_american concept:agentactsinlocation concept_city_lakewood +concept_musicartist_american concept:agentactsinlocation concept_city_leander +concept_musicartist_american concept:agentactsinlocation concept_city_lebanon +concept_musicartist_american concept:agentactsinlocation concept_city_leesville +concept_musicartist_american concept:agentactsinlocation concept_city_lemon_grove +concept_musicartist_american concept:agentactsinlocation concept_city_lilburn +concept_musicartist_american concept:agentactsinlocation concept_city_lincoln_acres +concept_musicartist_american concept:agentactsinlocation concept_city_lithonia +concept_musicartist_american concept:agentactsinlocation concept_city_littleton +concept_musicartist_american concept:agentactsinlocation concept_city_lomita +concept_musicartist_american concept:agentactsinlocation concept_city_london_city +concept_musicartist_american concept:agentactsinlocation concept_city_long_beach +concept_musicartist_american concept:agentactsinlocation concept_city_los_alamitos +concept_musicartist_american concept:agentactsinlocation concept_city_lowell +concept_musicartist_american concept:agentactsinlocation concept_city_luttrell +concept_musicartist_american concept:agentactsinlocation concept_city_mableton +concept_musicartist_american concept:agentactsinlocation concept_city_manchaca +concept_musicartist_american concept:agentactsinlocation concept_city_mascot +concept_musicartist_american concept:agentactsinlocation concept_city_matthews +concept_musicartist_american concept:agentactsinlocation concept_city_mc_adenville +concept_musicartist_american concept:agentactsinlocation concept_city_mc_neil +concept_musicartist_american concept:agentactsinlocation concept_city_mendocino +concept_musicartist_american concept:agentactsinlocation concept_city_mica +concept_musicartist_american concept:agentactsinlocation concept_city_midland +concept_musicartist_american concept:agentactsinlocation concept_city_mililani +concept_musicartist_american concept:agentactsinlocation concept_city_milwaukee +concept_musicartist_american concept:agentactsinlocation concept_city_mission_viejo +concept_musicartist_american concept:agentactsinlocation concept_city_mobile +concept_musicartist_american concept:agentactsinlocation concept_city_montgomery +concept_musicartist_american concept:agentactsinlocation concept_city_montreal +concept_musicartist_american concept:agentactsinlocation concept_city_mooringsport +concept_musicartist_american concept:agentactsinlocation concept_city_morrison +concept_musicartist_american concept:agentactsinlocation concept_city_morrisville +concept_musicartist_american concept:agentactsinlocation concept_city_morrow +concept_musicartist_american concept:agentactsinlocation concept_city_mount_holly +concept_musicartist_american concept:agentactsinlocation concept_city_nashville +concept_musicartist_american concept:agentactsinlocation concept_city_new_bedford +concept_musicartist_american concept:agentactsinlocation concept_city_new_orleans +concept_musicartist_american concept:agentactsinlocation concept_city_newark +concept_musicartist_american concept:agentactsinlocation concept_city_newell +concept_musicartist_american concept:agentactsinlocation concept_city_newman_lake +concept_musicartist_american concept:agentactsinlocation concept_city_newport_beach +concept_musicartist_american concept:agentactsinlocation concept_city_newport_coast +concept_musicartist_american concept:agentactsinlocation concept_city_norcross +concept_musicartist_american concept:agentactsinlocation concept_city_north_houston +concept_musicartist_american concept:agentactsinlocation concept_city_north_las_vegas +concept_musicartist_american concept:agentactsinlocation concept_city_north_metro +concept_musicartist_american concept:agentactsinlocation concept_city_norwich +concept_musicartist_american concept:agentactsinlocation concept_city_nyc +concept_musicartist_american concept:agentactsinlocation concept_city_nyc_ +concept_musicartist_american concept:agentactsinlocation concept_city_obrien +concept_musicartist_american concept:agentactsinlocation concept_city_ontario +concept_musicartist_american concept:agentactsinlocation concept_city_orlando +concept_musicartist_american concept:agentactsinlocation concept_city_palm_springs +concept_musicartist_american concept:agentactsinlocation concept_city_palo_cedro +concept_musicartist_american concept:agentactsinlocation concept_city_paw_creek +concept_musicartist_american concept:agentactsinlocation concept_city_pearl_city +concept_musicartist_american concept:agentactsinlocation concept_city_pearl_harbor +concept_musicartist_american concept:agentactsinlocation concept_city_pearland +concept_musicartist_american concept:agentactsinlocation concept_city_peoria +concept_musicartist_american concept:agentactsinlocation concept_city_pflugerville +concept_musicartist_american concept:agentactsinlocation concept_city_phoenix +concept_musicartist_american concept:agentactsinlocation concept_city_pineville +concept_musicartist_american concept:agentactsinlocation concept_city_pittsburgh +concept_musicartist_american concept:agentactsinlocation concept_city_placentia +concept_musicartist_american concept:agentactsinlocation concept_city_placitas +concept_musicartist_american concept:agentactsinlocation concept_city_pocatello +concept_musicartist_american concept:agentactsinlocation concept_city_portsmouth +concept_musicartist_american concept:agentactsinlocation concept_city_poulsbo +concept_musicartist_american concept:agentactsinlocation concept_city_poway +concept_musicartist_american concept:agentactsinlocation concept_city_powell +concept_musicartist_american concept:agentactsinlocation concept_city_providence +concept_musicartist_american concept:agentactsinlocation concept_city_rancho_santa_fe +concept_musicartist_american concept:agentactsinlocation concept_city_rancho_santa_margarita +concept_musicartist_american concept:agentactsinlocation concept_city_red_oak +concept_musicartist_american concept:agentactsinlocation concept_city_redan +concept_musicartist_american concept:agentactsinlocation concept_city_redding +concept_musicartist_american concept:agentactsinlocation concept_city_rio_rancho +concept_musicartist_american concept:agentactsinlocation concept_city_riverdale +concept_musicartist_american concept:agentactsinlocation concept_city_roanoke +concept_musicartist_american concept:agentactsinlocation concept_city_rochester +concept_musicartist_american concept:agentactsinlocation concept_city_san_francisco +concept_musicartist_american concept:agentactsinlocation concept_city_san_francisco_last_month +concept_musicartist_american concept:agentactsinlocation concept_city_san_jose +concept_musicartist_american concept:agentactsinlocation concept_city_san_juan_capistrano +concept_musicartist_american concept:agentactsinlocation concept_city_san_ysidro +concept_musicartist_american concept:agentactsinlocation concept_city_santee +concept_musicartist_american concept:agentactsinlocation concept_city_scottdale +concept_musicartist_american concept:agentactsinlocation concept_city_scranton +concept_musicartist_american concept:agentactsinlocation concept_city_sherwood +concept_musicartist_american concept:agentactsinlocation concept_city_shreveport +concept_musicartist_american concept:agentactsinlocation concept_city_signal_hill +concept_musicartist_american concept:agentactsinlocation concept_city_silverado +concept_musicartist_american concept:agentactsinlocation concept_city_smyrna +concept_musicartist_american concept:agentactsinlocation concept_city_solana_beach +concept_musicartist_american concept:agentactsinlocation concept_city_south_colby +concept_musicartist_american concept:agentactsinlocation concept_city_south_houston +concept_musicartist_american concept:agentactsinlocation concept_city_spicewood +concept_musicartist_american concept:agentactsinlocation concept_city_spring_valley +concept_musicartist_american concept:agentactsinlocation concept_city_springfield +concept_musicartist_american concept:agentactsinlocation concept_city_st_louis +concept_musicartist_american concept:agentactsinlocation concept_city_stafford +concept_musicartist_american concept:agentactsinlocation concept_city_stockbridge +concept_musicartist_american concept:agentactsinlocation concept_city_stone_mountain +concept_musicartist_american concept:agentactsinlocation concept_city_stonewall +concept_musicartist_american concept:agentactsinlocation concept_city_tampa_bay +concept_musicartist_american concept:agentactsinlocation concept_city_texas +concept_musicartist_american concept:agentactsinlocation concept_city_toronto +concept_musicartist_american concept:agentactsinlocation concept_city_tripler_army_medical_center +concept_musicartist_american concept:agentactsinlocation concept_city_tucker +concept_musicartist_american concept:agentactsinlocation concept_city_tucson +concept_musicartist_american concept:agentactsinlocation concept_city_tustin +concept_musicartist_american concept:agentactsinlocation concept_city_valleyford +concept_musicartist_american concept:agentactsinlocation concept_city_van_wyck +concept_musicartist_american concept:agentactsinlocation concept_city_veradale +concept_musicartist_american concept:agentactsinlocation concept_city_villa_park +concept_musicartist_american concept:agentactsinlocation concept_city_wahiawa +concept_musicartist_american concept:agentactsinlocation concept_city_waimanalo +concept_musicartist_american concept:agentactsinlocation concept_city_washington_d_c +concept_musicartist_american concept:agentactsinlocation concept_city_washington_dc +concept_musicartist_american concept:agentactsinlocation concept_city_west_covina +concept_musicartist_american concept:agentactsinlocation concept_city_westminster +concept_musicartist_american concept:agentactsinlocation concept_city_wheeler_army_airfield +concept_musicartist_american concept:agentactsinlocation concept_city_whiskeytown +concept_musicartist_american concept:agentactsinlocation concept_city_white_river_junction +concept_musicartist_american concept:agentactsinlocation concept_city_whiting +concept_musicartist_american concept:agentactsinlocation concept_city_wilmer +concept_musicartist_american concept:agentactsinlocation concept_city_worcester +concept_musicartist_american concept:agentactsinlocation concept_company_national_city +concept_musicartist_american concept:atlocation concept_company_national_city +concept_musicartist_american concept:agentactsinlocation concept_company_stanley +concept_musicartist_american concept:agentactsinlocation concept_country_king +concept_musicartist_american concept:agentactsinlocation concept_county_atlanta +concept_musicartist_american concept:agentactsinlocation concept_county_austin +concept_musicartist_american concept:agentactsinlocation concept_county_baltimore +concept_musicartist_american concept:agentactsinlocation concept_county_baton_rouge +concept_musicartist_american concept:agentactsinlocation concept_county_bedford +concept_musicartist_american concept:agentactsinlocation concept_county_brookline_village +concept_musicartist_american concept:agentactsinlocation concept_county_chicago +concept_musicartist_american concept:agentactsinlocation concept_county_clark +concept_musicartist_american concept:agentactsinlocation concept_county_columbus +concept_musicartist_american concept:agentactsinlocation concept_county_commerce_city +concept_musicartist_american concept:agentactsinlocation concept_county_derby +concept_musicartist_american concept:agentactsinlocation concept_county_detroit +concept_musicartist_american concept:agentactsinlocation concept_county_dublin +concept_musicartist_american concept:atlocation concept_county_dublin +concept_musicartist_american concept:agentactsinlocation concept_county_florence +concept_musicartist_american concept:agentactsinlocation concept_county_kansas_city +concept_musicartist_american concept:agentactsinlocation concept_county_lafayette +concept_musicartist_american concept:agentactsinlocation concept_county_las_vegas +concept_musicartist_american concept:agentactsinlocation concept_county_los_angeles_county +concept_musicartist_american concept:agentactsinlocation concept_county_macon +concept_musicartist_american concept:agentactsinlocation concept_county_manhattan +concept_musicartist_american concept:agentactsinlocation concept_county_marion +concept_musicartist_american concept:agentactsinlocation concept_county_miami +concept_musicartist_american concept:agentactsinlocation concept_county_midway_city +concept_musicartist_american concept:agentactsinlocation concept_county_missouri_city +concept_musicartist_american concept:agentactsinlocation concept_county_new_mexico +concept_musicartist_american concept:agentactsinlocation concept_county_orange_county +concept_musicartist_american concept:agentactsinlocation concept_county_philadelphia +concept_musicartist_american concept:agentactsinlocation concept_county_sacramento +concept_musicartist_american concept:agentactsinlocation concept_county_salt_lake +concept_musicartist_american concept:agentactsinlocation concept_county_san_diego +concept_musicartist_american concept:agentactsinlocation concept_county_san_francisco +concept_musicartist_american concept:agentactsinlocation concept_county_savannah +concept_musicartist_american concept:agentactsinlocation concept_county_seattle +concept_musicartist_american concept:agentactsinlocation concept_county_trabuco_canyon +concept_musicartist_american concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_alabama +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_albion +concept_musicartist_american concept:atlocation concept_geopoliticallocation_ambler +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_anderson +concept_musicartist_american concept:atlocation concept_geopoliticallocation_anderson +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_bolton +concept_musicartist_american concept:atlocation concept_geopoliticallocation_cerritos +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_colorado +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_devon +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_el_toro +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_grand_junction +concept_musicartist_american concept:agentactsinlocation concept_geopoliticallocation_maryland +concept_musicartist_american concept:agentactsinlocation concept_geopoliticalorganization_brea +concept_musicartist_american concept:atlocation concept_geopoliticalorganization_costa_mesa +concept_musicartist_american concept:agentactsinlocation concept_geopoliticalorganization_laguna_hills +concept_musicartist_american concept:agentactsinlocation concept_geopoliticalorganization_marshall +concept_musicartist_american concept:agentactsinlocation concept_geopoliticalorganization_pasadena +concept_musicartist_american concept:atlocation concept_geopoliticalorganization_pasadena +concept_musicartist_american concept:atlocation concept_governmentorganization_rancho_santa_margarita +concept_musicartist_american concept:atlocation concept_highway_charlestown +concept_musicartist_american concept:agentactsinlocation concept_highway_gardena +concept_musicartist_american concept:atlocation concept_highway_gardena +concept_musicartist_american concept:atlocation concept_highway_lakewood +concept_musicartist_american concept:agentactsinlocation concept_highway_yorba_linda +concept_musicartist_american concept:atlocation concept_highway_yorba_linda +concept_musicartist_american concept:agentactsinlocation concept_hotel_alpine +concept_musicartist_american concept:atlocation concept_hotel_alpine +concept_musicartist_american concept:atlocation concept_hotel_aston +concept_musicartist_american concept:agentactsinlocation concept_hotel_fullerton +concept_musicartist_american concept:atlocation concept_hotel_fullerton +concept_musicartist_american concept:atlocation concept_hotel_harvey +concept_musicartist_american concept:agentactsinlocation concept_hotel_salisbury +concept_musicartist_american concept:atlocation concept_hotel_salisbury +concept_musicartist_american concept:atlocation concept_hotel_westminster +concept_musicartist_american concept:agentactsinlocation concept_island_cedars +concept_musicartist_american concept:agentactsinlocation concept_island_dover +concept_musicartist_american concept:atlocation concept_island_dover +concept_musicartist_american concept:agentactsinlocation concept_island_meridian +concept_musicartist_american concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_musicartist_american concept:atlocation concept_island_new_york_city_metropolitan_area +concept_musicartist_american concept:agentactsinlocation concept_island_san_antonio +concept_musicartist_american concept:atlocation concept_island_san_antonio +concept_musicartist_american concept:agentactsinlocation concept_island_society +concept_musicartist_american concept:agentactsinlocation concept_monument_georgetown +concept_musicartist_american concept:agentactsinlocation concept_mountain_altadena +concept_musicartist_american concept:agentactsinlocation concept_mountain_clarkdale +concept_musicartist_american concept:agentactsinlocation concept_mountain_guasti +concept_musicartist_american concept:agentactsinlocation concept_mountain_rockford +concept_musicartist_american concept:agentactsinlocation concept_mountain_shasta +concept_musicartist_american concept:agentactsinlocation concept_museum_benton +concept_musicartist_american concept:atlocation concept_museum_benton +concept_musicartist_american concept:agentactsinlocation concept_museum_cedarhurst +concept_musicartist_american concept:atlocation concept_museum_cedarhurst +concept_musicartist_american concept:agentactsinlocation concept_museum_wichita +concept_musicartist_american concept:atlocation concept_museum_wichita +concept_musicartist_american concept:agentactsinlocation concept_park_charlestown +concept_musicartist_american concept:atlocation concept_park_pearland +concept_musicartist_american concept:agentactsinlocation concept_park_roswell +concept_musicartist_american concept:agentactsinlocation concept_planet_aurora +concept_musicartist_american concept:atlocation concept_planet_aurora +concept_musicartist_american concept:agentactsinlocation concept_politicsblog_portland +concept_musicartist_american concept:agentactsinlocation concept_politicsblog_raleigh +concept_musicartist_american concept:agentactsinlocation concept_retailstore_albertson +concept_musicartist_american concept:agentactsinlocation concept_retailstore_burlington +concept_musicartist_american concept:atlocation concept_retailstore_burlington +concept_musicartist_american concept:atlocation concept_retailstore_la +concept_musicartist_american concept:agentactsinlocation concept_retailstore_rex +concept_musicartist_american concept:atlocation concept_retailstore_sherwood +concept_musicartist_american concept:agentactsinlocation concept_river_bridgeport +concept_musicartist_american concept:atlocation concept_river_eight_mile +concept_musicartist_american concept:agentactsinlocation concept_river_evansville +concept_musicartist_american concept:agentactsinlocation concept_river_midway +concept_musicartist_american concept:agentactsinlocation concept_river_montrose +concept_musicartist_american concept:agentactsinlocation concept_river_shasta_lake +concept_musicartist_american concept:atlocation concept_room_development +concept_musicartist_american concept:agentactsinlocation concept_room_fresno +concept_musicartist_american concept:atlocation concept_shoppingmall_bryn_athyn +concept_musicartist_american concept:atlocation concept_shoppingmall_chestnut_hill +concept_musicartist_american concept:agentactsinlocation concept_shoppingmall_montebello +concept_musicartist_american concept:agentactsinlocation concept_shoppingmall_schofield_barracks +concept_musicartist_american concept:agentactsinlocation concept_skiarea_french_gulch +concept_musicartist_american concept:atlocation concept_skiarea_french_gulch +concept_musicartist_american concept:agentactsinlocation concept_skiarea_lithia_springs +concept_musicartist_american concept:atlocation concept_skiarea_lithia_springs +concept_musicartist_american concept:agentactsinlocation concept_stadiumoreventvenue_lexington +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_ardmore +concept_musicartist_american concept:atlocation concept_stateorprovince_ardmore +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_auburn +concept_musicartist_american concept:atlocation concept_stateorprovince_auburn +concept_musicartist_american concept:atlocation concept_stateorprovince_california +concept_musicartist_american concept:atlocation concept_stateorprovince_cooperation +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_illinois +concept_musicartist_american concept:atlocation concept_stateorprovince_illinois +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_kapolei +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_new_york +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_oregon +concept_musicartist_american concept:atlocation concept_stateorprovince_oregon +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_pensacola +concept_musicartist_american concept:atlocation concept_stateorprovince_pensacola +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_south_carolina +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_virginia +concept_musicartist_american concept:agentactsinlocation concept_stateorprovince_waipahu +concept_musicartist_american concept:atlocation concept_stateorprovince_waipahu +concept_musicartist_american concept:agentactsinlocation concept_street_alameda +concept_musicartist_american concept:agentactsinlocation concept_street_arlington +concept_musicartist_american concept:agentactsinlocation concept_street_azusa +concept_musicartist_american concept:atlocation concept_street_hillside +concept_musicartist_american concept:agentactsinlocation concept_street_indian_trail +concept_musicartist_american concept:agentactsinlocation concept_trail_apple_valley +concept_musicartist_american concept:agentactsinlocation concept_trainstation_brookhaven +concept_musicartist_american concept:agentactsinlocation concept_trainstation_corona +concept_musicartist_american concept:atlocation concept_trainstation_corona +concept_musicartist_american concept:agentactsinlocation concept_trainstation_covina +concept_musicartist_american concept:atlocation concept_trainstation_covina +concept_musicartist_american concept:atlocation concept_trainstation_cypress +concept_musicartist_american concept:agentactsinlocation concept_trainstation_fall +concept_musicartist_american concept:agentactsinlocation concept_trainstation_glenview +concept_musicartist_american concept:atlocation concept_trainstation_glenview +concept_musicartist_american concept:agentactsinlocation concept_transportation_ada +concept_musicartist_american concept:agentactsinlocation concept_transportation_belleville +concept_musicartist_american concept:agentactsinlocation concept_transportation_santa_barbara +concept_musicartist_american concept:atlocation concept_transportation_west_covina +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_alviso +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_arverne +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_cedar_grove +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_dana_point +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_demarest +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_eldorado_springs +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_lake_elsinore +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_ny +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_pine_lake +concept_musicartist_american concept:agentactsinlocation concept_visualizablescene_union_city +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_alturas +concept_musicartist_american concept:atlocation concept_visualizablething_arcola +concept_musicartist_american concept:atlocation concept_visualizablething_berwyn +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_brockton +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_burbank +concept_musicartist_american concept:atlocation concept_visualizablething_elm_grove +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_elmhurst +concept_musicartist_american concept:atlocation concept_visualizablething_elmhurst +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_march_2006 +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_purvis +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_spokane +concept_musicartist_american concept:agentactsinlocation concept_visualizablething_sugar_land +concept_musicartist_american concept:agentactsinlocation concept_website_april_2006 +concept_musicartist_american concept:agentactsinlocation concept_website_concord +concept_musicartist_american concept:agentactsinlocation concept_website_louisville +concept_musicartist_american concept:agentactsinlocation concept_website_march_2005 +concept_musicartist_american concept:agentactsinlocation concept_website_marietta +concept_musicartist_american concept:agentactsinlocation concept_website_november_2005 +concept_musicartist_american concept:agentactsinlocation concept_website_orange +concept_musicartist_american concept:agentactsinlocation concept_website_partnership +concept_musicartist_american concept:atlocation concept_website_support +concept_musicartist_american concept:agentactsinlocation concept_zoo_theodore +concept_musicartist_anette concept:latitudelongitude 50.2166700000000,2.8000000000000 +concept_musicartist_angra concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_musicartist_answers concept:agentcreated concept_programminglanguage_contact +concept_musicartist_anti_flag concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_anvil concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_apocalyptica concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_apples_in_stereo concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_arcade_fire concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_arcade_fire concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_arch_enemy concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_arch_enemy concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_archers_of_loaf concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_archive concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_arctic_monkeys concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_arctic_monkeys concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_arrival concept:proxyfor concept_book_new +concept_musicartist_arrival concept:atdate concept_date_n1941 +concept_musicartist_arrival concept:atdate concept_date_n1944 +concept_musicartist_arrival concept:atdate concept_date_n1993 +concept_musicartist_arrival concept:atdate concept_date_n1996 +concept_musicartist_arrival concept:atdate concept_date_n1999 +concept_musicartist_arrival concept:atdate concept_date_n2000 +concept_musicartist_arrival concept:atdate concept_date_n2001 +concept_musicartist_arrival concept:atdate concept_date_n2003 +concept_musicartist_arrival concept:atdate concept_date_n2004 +concept_musicartist_arrival concept:atdate concept_dateliteral_n1943 +concept_musicartist_arrival concept:atdate concept_dateliteral_n2002 +concept_musicartist_arrival concept:atdate concept_dateliteral_n2005 +concept_musicartist_arrival concept:atdate concept_dateliteral_n2006 +concept_musicartist_arrival concept:atdate concept_dateliteral_n2007 +concept_musicartist_arrival concept:atdate concept_dateliteral_n2008 +concept_musicartist_arrival concept:atdate concept_year_n1998 +concept_musicartist_ash_ra_tempel concept:musicartistgenre concept_musicgenre_krautrock +concept_musicartist_attorney concept:atdate concept_dateliteral_n2007 +concept_musicartist_audio concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_audio concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_availability concept:atdate concept_date_n2009 +concept_musicartist_availability concept:atdate concept_dateliteral_n2002 +concept_musicartist_availability concept:atdate concept_dateliteral_n2006 +concept_musicartist_availability concept:atdate concept_dateliteral_n2007 +concept_musicartist_availability concept:atdate concept_dateliteral_n2008 +concept_musicartist_availability concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_availability concept:agentcreated concept_programminglanguage_contact +concept_musicartist_avenged_sevenfold concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_baby concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_backstreet_boys concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_bad_brains concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_bad_brains concept:musicartistgenre concept_musicgenre_hardcore_punk +concept_musicartist_bad_brains concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_bad_company concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_bad_religion concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_band concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_band concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_band concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_bands concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_basement_jaxx concept:musicartistgenre concept_musicgenre_dance +concept_musicartist_bathory concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_bathory concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_battles concept:proxyfor concept_book_new +concept_musicartist_battles concept:musicartistgenre concept_musicgenre_math_rock +concept_musicartist_beach_boys concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_beach_boys concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_beach_boys concept:musicartistgenre concept_musicgenre_surf +concept_musicartist_beastie_boys concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_beat_happening concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_british_pop +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_british_rock +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_classic_pop +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_famous_rock +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_beatles concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_bee_gees concept:musicartistgenre concept_musicgenre_disco +concept_musicartist_bee_gees concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_belle___sebastian concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_musicartist_big_deal concept:proxyfor concept_book_new +concept_musicartist_black_crowes concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_black_eyed_peas concept:musicartistgenre concept_musicgenre_hip_hop +concept_musicartist_black_eyed_peas concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_black_eyed_peas concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_black_flag concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_black_flag concept:musicartistgenre concept_musicgenre_hardcore_punk +concept_musicartist_black_flag concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_black_keys concept:agentcollaborateswithagent concept_musicartist_dan_auerbach +concept_musicartist_black_keys concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_black_sabbath concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_black_sabbath concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_black_sabbath concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_black_sabbath concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_black_sabbath concept:musicartistgenre concept_musicgenre_rock_bands +concept_musicartist_black_uhuru concept:musicartistgenre concept_musicgenre_reggae +concept_musicartist_blake_babies concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_blank concept:agentcreated concept_book_print +concept_musicartist_blind_boys_of_alabama concept:musicartistgenre concept_musicgenre_gospel +concept_musicartist_blind_guardian concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_blind_guardian concept:musicartistgenre concept_musicgenre_power_metal +concept_musicartist_blink_182 concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_blink_182 concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_bloc_party concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_bloc_party concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_blondie concept:musicartistgenre concept_musicgenre_new_wave +concept_musicartist_blondie concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_blondie concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_blondie concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_blondie concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_blue_cheer concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_blue_highway concept:agentcollaborateswithagent concept_actor_tim_stafford +concept_musicartist_blue_october concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_blur concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_bob_dylan concept:musicartistgenre concept_musicgenre_american_folk +concept_musicartist_bob_dylan concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_bob_dylan concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_bob_dylan concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_bob_marley concept:musicartistgenre concept_musicgenre_reggae +concept_musicartist_bolshoi_theatre concept:agentcollaborateswithagent concept_person_natalia_bessmertnova +concept_musicartist_bon_jovi concept:musicartistgenre concept_musicgenre_american +concept_musicartist_bon_jovi concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_bon_jovi concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_bon_jovi concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_boomtown_rats concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_boris concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_bottom concept:agentinvolvedwithitem concept_bedroomitem_frame +concept_musicartist_bottom concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_bottom concept:agentinvolvedwithitem concept_tableitem_screen +concept_musicartist_boys concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_musicartist_boys concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_boyzone concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_branches concept:proxyfor concept_book_new +concept_musicartist_bright_eyes concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_bruce_springsteen concept:musicartistgenre concept_musicgenre_recording +concept_musicartist_bruce_springsteen concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_buckcherry concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_burzum concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_burzum concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_bush concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_bush concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_buzzcocks concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_buzzcocks concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_buzzcocks concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_byrds concept:agentcollaborateswithagent concept_musicartist_gene_clark +concept_musicartist_byrds concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_byrds concept:musicartistgenre concept_musicgenre_folk_rock +concept_musicartist_byrds concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_ca concept:agentcollaborateswithagent concept_personasia_sanjay_kumar +concept_musicartist_calendar concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_calendar concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_musicartist_camel concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_camel concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_camel concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_campbell_brothers concept:latitudelongitude 31.4140600000000,-91.7654000000000 +concept_musicartist_candlemass concept:musicartistgenre concept_musicgenre_doom_metal +concept_musicartist_canned_heat concept:agentcollaborateswithagent concept_actor_larry_taylor +concept_musicartist_cannibal_corpse concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_cannibal_corpse concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_carcass concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_castiles concept:latitudelongitude 41.0000000000000,-3.5000000000000 +concept_musicartist_casualties concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_cat_power concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_catch_22 concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_celtic_frost concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_chat concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_cheap_trick concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_check concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_chief concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_circle_jerks concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_city_hall concept:atlocation concept_city_vegas_casino +concept_musicartist_city_hall concept:atlocation concept_county_las_vegas +concept_musicartist_city_hall concept:atdate concept_dateliteral_n2005 +concept_musicartist_city_hall concept:atdate concept_dateliteral_n2006 +concept_musicartist_clash concept:agentcollaborateswithagent concept_celebrity_joe_strummer +concept_musicartist_clash concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_clash concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_clash concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_cloud_cult concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_cocteau_twins concept:agentcollaborateswithagent concept_actor_elizabeth_fraser +concept_musicartist_coldplay concept:musicartistgenre concept_musicgenre_british_rock +concept_musicartist_coldplay concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_coldplay concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_coleman_hawkins concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_collective_soul concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_colleges concept:proxyfor concept_book_new +concept_musicartist_colleges concept:organizationalsoknownas concept_university_state_university +concept_musicartist_comeback_kid concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_comments concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_comments concept:agentcreated concept_city_click +concept_musicartist_comments concept:agentcreated concept_geopoliticalorganization_e_mail +concept_musicartist_comments concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_comments concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_comments concept:agentcreated concept_programminglanguage_contact +concept_musicartist_comments concept:agentcreated concept_programminglanguage_email +concept_musicartist_converge concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_corrs concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_cougar concept:agentcompeteswithagent concept_animal_animals001 +concept_musicartist_countdown concept:agentcontrols concept_city_number +concept_musicartist_countdown concept:organizationterminatedperson concept_personasia_number +concept_musicartist_cracker concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_cradle_of_filth concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_cradle_of_filth concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_cramps concept:agentcollaborateswithagent concept_actor_lux_interior +concept_musicartist_cramps concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_crass concept:musicartistgenre concept_musicgenre_anarchist_punk +concept_musicartist_crass concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_creed concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_creedence_clearwater_revival concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_criminal_justice concept:atdate concept_dateliteral_n2006 +concept_musicartist_crowded_house concept:agentcollaborateswithagent concept_celebrity_neil_finn +concept_musicartist_crowded_house concept:agentcontrols concept_celebrity_neil_finn +concept_musicartist_culture_club concept:agentcollaborateswithagent concept_celebrity_boy_george +concept_musicartist_cure concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_cure concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_cure concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_cure concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_daft_punk concept:musicartistgenre concept_musicgenre_electronica +concept_musicartist_daft_punk concept:musicartistgenre concept_musicgenre_french_house +concept_musicartist_daft_punk concept:musicartistgenre concept_musicgenre_house +concept_musicartist_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_musicartist_dark_funeral concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_dark_funeral concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_darkthrone concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_darkthrone concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_daughtry concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_dave_clark_five concept:agentcollaborateswithagent concept_politicianus_mike_smith +concept_musicartist_dave_matthews_band concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_david_bowie concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_dead_boys concept:agentcollaborateswithagent concept_musicartist_stiv_bators +concept_musicartist_dead_boys concept:agentcontrols concept_musicartist_stiv_bators +concept_musicartist_dead_boys concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_dead_kennedy concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_dead_kennedys concept:agentcollaborateswithagent concept_celebrity_jello_biafra +concept_musicartist_dead_kennedys concept:agentcontrols concept_celebrity_jello_biafra +concept_musicartist_dead_kennedys concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_dead_kennedys concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_dead_kennedys concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_dead_milkmen concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_dears concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_death concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_death concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_death concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_death concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_death_cab_for_cutie concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_death_cab_for_cutie concept:musicartistgenre concept_musicgenre_indie_rock +concept_musicartist_death_cab_for_cutie concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_decemberists concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_decemberists concept:musicartistgenre concept_musicgenre_indie_rock +concept_musicartist_decemberists concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_deep_purple concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_deep_purple concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_deep_purple concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_deep_purple concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_def_leppard concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_def_leppard concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_deftones concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_delaware concept:proxyfor concept_book_new +concept_musicartist_delaware concept:mutualproxyfor concept_chemical_wilmington +concept_musicartist_delaware concept:atdate concept_date_n1996 +concept_musicartist_delaware concept:atdate concept_date_n2000 +concept_musicartist_delaware concept:atdate concept_dateliteral_n2002 +concept_musicartist_delaware concept:mutualproxyfor concept_writer_dover +concept_musicartist_dennis_brown concept:musicartistgenre concept_musicgenre_reggae +concept_musicartist_descendents concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_descendents concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_destruction concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_destruction concept:agentactsinlocation concept_lake_new +concept_musicartist_dethklok concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_dethklok concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_dethklok concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_devo concept:musicartistgenre concept_musicgenre_new_wave +concept_musicartist_devo concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_devo concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_diamond_head concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_die_toten_hosen concept:musicartistgenre concept_musicgenre_german_punk +concept_musicartist_die_toten_hosen concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_dimmu_borgir concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_dimmu_borgir concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_discharge concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_discharge concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_discipline concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_dismember concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_dissection concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_dissection concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_disturbed concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_disturbed concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_divers concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_dokken concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_doobie_brothers concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_doro concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_prog_metal +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_progressive_metal +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_dream_theater concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_dropkick_murphys concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_duran_duran concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_duran_duran concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_e_40 concept:latitudelongitude 39.1783500000000,-93.6402200000000 +concept_musicartist_eagles_of_death_metal concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_earth_crisis concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_eddie_van_halen concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_musicartist_edgewater concept:mutualproxyfor concept_radiostation_new_jersey +concept_musicartist_elliott_smith concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_elp concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_elton_john concept:musicartistgenre concept_musicgenre_recording +concept_musicartist_elvis concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_eminem concept:musicartistgenre concept_musicgenre_hip_hop +concept_musicartist_eminem concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_eminem concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_emperor concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_emperor concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_enemy concept:proxyfor concept_book_new +concept_musicartist_enemy concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_enslaved concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_entombed concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_eric_clapton concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_evanescence concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_evergrey concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_exploited concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_explosions concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_fairport_convention concept:musicartistgenre concept_musicgenre_british_folk +concept_musicartist_fairport_convention concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_fairport_convention concept:musicartistgenre concept_musicgenre_folk_rock +concept_musicartist_fairs concept:proxyfor concept_book_new +concept_musicartist_fall_out_boy concept:musicartistgenre concept_musicgenre_emo +concept_musicartist_fall_out_boy concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_fall_out_boy concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_family concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_family concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_family concept:agentbelongstoorganization concept_politicalparty_house +concept_musicartist_fan concept:proxyfor concept_book_new +concept_musicartist_fan concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_faq concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_fates_warning concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_fax concept:subpartoforganization concept_blog_form +concept_musicartist_fear_factory concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_federation concept:organizationheadquarteredincountry concept_country_us +concept_musicartist_federation concept:mutualproxyfor concept_professionalorganization_national_board +concept_musicartist_federation concept:mutualproxyfor concept_sportsequipment_board +concept_musicartist_feedback concept:agentcreated concept_city_click +concept_musicartist_feedback concept:agentcreated concept_programminglanguage_contact +concept_musicartist_feet concept:agentactsinlocation concept_lake_new +concept_musicartist_fertile_ground concept:proxyfor concept_book_new +concept_musicartist_fiery_furnaces concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_firewind concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_five_iron_frenzy concept:musicartistgenre concept_musicgenre_christian_ska +concept_musicartist_flaming_lips concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_fleetwood_mac concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_flower_kings concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_foo_fighters concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_four_tops concept:musicartistgenre concept_musicgenre_motown +concept_musicartist_fourplay concept:musicartistgenre concept_musicgenre_contemporary_jazz +concept_musicartist_fourplay concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_fozzy concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_franz_ferdinand concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_franz_ferdinand concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_franz_ferdinand concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_fuel concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_gamma_ray concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_garbage concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_gary_moore concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_musicartist_general_public concept:atdate concept_date_n2000 +concept_musicartist_general_public concept:atdate concept_date_n2009 +concept_musicartist_general_public concept:atdate concept_dateliteral_n2005 +concept_musicartist_general_public concept:atdate concept_dateliteral_n2007 +concept_musicartist_general_public concept:atdate concept_dateliteral_n2008 +concept_musicartist_generation_x concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_genesis concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_genesis concept:musicartistgenre concept_musicgenre_prog_rock +concept_musicartist_genesis concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_genesis concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_george concept:agentactsinlocation concept_city_washington_d_c +concept_musicartist_george concept:atlocation concept_city_washington_d_c +concept_musicartist_george concept:agentactsinlocation concept_city_washington_dc +concept_musicartist_george concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_musicartist_george concept:agentbelongstoorganization concept_politicalparty_house +concept_musicartist_george concept:agentactsinlocation concept_stateorprovince_new_york +concept_musicartist_george concept:agentactsinlocation concept_visualizablescene_ny +concept_musicartist_gigs concept:proxyfor concept_book_new +concept_musicartist_gin_blossoms concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_girls concept:musicartistgenre concept_musicgenre_british_pop +concept_musicartist_girls concept:musicartistgenre concept_musicgenre_dance +concept_musicartist_girls concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_girlschool concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_gnr concept:latitudelongitude 26.8652000000000,57.4494000000000 +concept_musicartist_godsmack concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_godsmack concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_gomez concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_gonzales concept:atlocation concept_attraction_louisiana +concept_musicartist_gonzales concept:proxyfor concept_musicsong_louisiana +concept_musicartist_gonzales concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_good_charlotte concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_good_charlotte concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_grateful_dead concept:musicartistgenre concept_musicgenre_psychedelic_rock +concept_musicartist_grateful_dead concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_grateful_dead concept:musicartistgenre concept_musicgenre_west_coast +concept_musicartist_grateful_dead concept:agentcollaborateswithagent concept_scientist_jerry_garcia +concept_musicartist_green_day concept:musicartistgenre concept_musicgenre_american +concept_musicartist_green_day concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_green_day concept:musicartistgenre concept_musicgenre_pop_punk +concept_musicartist_green_day concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_green_day concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_greg_lake concept:latitudelongitude 32.5531900000000,-85.4857800000000 +concept_musicartist_guitar_wolf concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_guns_n__roses concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_guns_n__roses concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_guns_n_roses concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_guster concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_guy concept:proxyfor concept_book_new +concept_musicartist_guy concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_guy concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_guy concept:agentbelongstoorganization concept_politicalparty_house +concept_musicartist_guy concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_gwar concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_gwen_stefani concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_hardware concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_hardware concept:subpartoforganization concept_terroristorganization_state +concept_musicartist_harlem concept:proxyfor concept_book_new +concept_musicartist_hate_eternal concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_hatebreed concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_haunted concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_hawkwind concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hawkwind concept:musicartistgenre concept_musicgenre_space_rock +concept_musicartist_head_coach concept:atdate concept_date_n1996 +concept_musicartist_head_coach concept:atdate concept_date_n1999 +concept_musicartist_head_coach concept:atdate concept_date_n2000 +concept_musicartist_head_coach concept:atdate concept_date_n2004 +concept_musicartist_head_coach concept:atdate concept_dateliteral_n2005 +concept_musicartist_head_coach concept:atdate concept_dateliteral_n2007 +concept_musicartist_head_east concept:latitudelongitude 46.4668000000000,-62.5819500000000 +concept_musicartist_headline concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_health concept:agentparticipatedinevent concept_eventoutcome_basis +concept_musicartist_health concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_hefner concept:agentcontrols concept_musicsong_playboy +concept_musicartist_helloween concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_helloween concept:musicartistgenre concept_musicgenre_power_metal +concept_musicartist_hendrix concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_hendrix concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_hendrix concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hendrix concept:musicartistgenre concept_musicgenre_rock_music +concept_musicartist_henry_ford concept:agentbelongstoorganization concept_company_ford_motor +concept_musicartist_henry_ford concept:agentbelongstoorganization concept_company_ford_motor_credit +concept_musicartist_him concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_musicartist_him concept:musicartistgenre concept_musicgenre_finnish_rock +concept_musicartist_him concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hinder concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hit_parade concept:organizationterminatedperson concept_personasia_number +concept_musicartist_hives concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_hives concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hives concept:musicartistgenre concept_musicgenre_swedish +concept_musicartist_hole concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_hole concept:agentcollaborateswithagent concept_personus_courtney_love +concept_musicartist_hole concept:agentcontrols concept_personus_courtney_love +concept_musicartist_holiday concept:organizationdissolvedatdate concept_date_aug +concept_musicartist_holiday concept:organizationdissolvedatdate concept_month_april +concept_musicartist_holiday concept:organizationdissolvedatdate concept_month_march +concept_musicartist_holiday concept:organizationdissolvedatdate concept_month_october +concept_musicartist_holiday concept:organizationdissolvedatdate concept_month_september +concept_musicartist_horizon concept:agentactsinlocation concept_county_seattle +concept_musicartist_husker_du concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_husker_du concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_iced_earth concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_iced_earth concept:musicartistgenre concept_musicgenre_power_metal +concept_musicartist_il_divo concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_immortal concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_immortal concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_in_flames concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_incubus concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_incubus concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_indian concept:agentcollaborateswithagent concept_nongovorganization_v_p__singh +concept_musicartist_indigo_girls concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_insane_clown_posse concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_interpol concept:organizationheadquarteredincountry concept_country_us +concept_musicartist_inxs concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_british_metal +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_classic_heavy_metal +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_iron_maiden concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_jackson_five concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_jackson_five concept:musicartistgenre concept_musicgenre_soul +concept_musicartist_jackyl concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_musicartist_james_taylor concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_jefferson_airplane concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_jethro_tull concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_jimi_hendrix concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_jimmy_eat_world concept:musicartistgenre concept_musicgenre_emo +concept_musicartist_jimmy_eat_world concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_jimmy_page concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_musicartist_john_arbuthnot concept:agentcreated concept_book_memoirs_of_martinus_scriblerus +concept_musicartist_johnny_cash concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_joshua_bell concept:musicartistgenre concept_musicgenre_classical +concept_musicartist_journal concept:agentcontrols concept_actor_the_washington +concept_musicartist_journal concept:agentcontrols concept_blog_businessweek +concept_musicartist_journal concept:agentcontrols concept_celebrity_barron_s +concept_musicartist_journal concept:agentactsinlocation concept_city_l_a_ +concept_musicartist_journal concept:agentcontrols concept_city_l_a_ +concept_musicartist_journal concept:atlocation concept_city_l_a_ +concept_musicartist_journal concept:agentactsinlocation concept_city_la +concept_musicartist_journal concept:agentactsinlocation concept_city_washington_d_c +concept_musicartist_journal concept:agentcontrols concept_city_washington_d_c +concept_musicartist_journal concept:atlocation concept_city_washington_d_c +concept_musicartist_journal concept:agentcontrols concept_company_bloomberg001 +concept_musicartist_journal concept:agentcontrols concept_company_business_week +concept_musicartist_journal concept:agentcontrols concept_company_cnn +concept_musicartist_journal concept:agentcontrols concept_company_economist001 +concept_musicartist_journal concept:agentcontrols concept_company_los_angeles +concept_musicartist_journal concept:agentcontrols concept_company_new_republic +concept_musicartist_journal concept:agentcontrols concept_company_new_york +concept_musicartist_journal concept:agentactsinlocation concept_county_los_angeles_county +concept_musicartist_journal concept:atlocation concept_county_los_angeles_county +concept_musicartist_journal concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_musicartist_journal concept:agentcontrols concept_geopoliticallocation_the_new_york +concept_musicartist_journal concept:agentcontrols concept_hotel_fortune +concept_musicartist_journal concept:agentcontrols concept_mldataset_ny +concept_musicartist_journal concept:agentcontrols concept_mountain_fox +concept_musicartist_journal concept:agentcontrols concept_museum_new_york_times +concept_musicartist_journal concept:agentcontrols concept_personafrica_los_angeles_times +concept_musicartist_journal concept:agentcontrols concept_personcanada_usa_today +concept_musicartist_journal concept:agentcontrols concept_politicianus_forbes +concept_musicartist_journal concept:atlocation concept_retailstore_la +concept_musicartist_journal concept:agentactsinlocation concept_stateorprovince_new_york +concept_musicartist_journal concept:atlocation concept_stateorprovince_new_york +concept_musicartist_journal concept:agentactsinlocation concept_stateorprovince_the_washington +concept_musicartist_journal concept:agentcontrols concept_televisionstation_cnbc +concept_musicartist_journal concept:agentcontrols concept_university_newsweek +concept_musicartist_journal concept:agentactsinlocation concept_visualizablescene_ny +concept_musicartist_journal concept:agentactsinlocation concept_website_financial +concept_musicartist_journal concept:agentcontrols concept_website_financial +concept_musicartist_journey concept:musicartistgenre concept_musicgenre_american +concept_musicartist_journey concept:musicartistgenre concept_musicgenre_aor +concept_musicartist_journey concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_joy_division concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_joy_division concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_judas_priest concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_judas_priest concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_judas_priest concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_judy_collins concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_jungle concept:proxyfor concept_book_new +concept_musicartist_junoon concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kaiser_chiefs concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_kanye_west concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_keane concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_keane concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kiev concept:proxyfor concept_athlete_ukraine +concept_musicartist_killers concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_killers concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_killers concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_killswitch_engage concept:musicartistgenre concept_musicgenre_metalcore +concept_musicartist_king_crimson concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_king_crimson concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_king_crimson concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_king_diamond concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_kings_of_leon concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kingston_trio concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_kinks concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_kinks concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kirk_franklin concept:musicartistgenre concept_musicgenre_gospel +concept_musicartist_kiss concept:agentcollaborateswithagent concept_musicartist_paul_stanley +concept_musicartist_kiss concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_kiss concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_kiss concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kooks concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_korn concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_korn concept:musicartistgenre concept_musicgenre_nu_metal +concept_musicartist_korn concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kraftwerk concept:musicartistgenre concept_musicgenre_krautrock +concept_musicartist_kraftwerk concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_kreator concept:musicartistgenre concept_musicgenre_thrash_metal +concept_musicartist_krokus concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_kyuss concept:musicartistgenre concept_musicgenre_stoner_metal +concept_musicartist_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_musicartist_lagwagon concept:agentcollaborateswithagent concept_musician_joey_cape +concept_musicartist_lamb_of_god concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_lashes concept:latitudelongitude 41.7798600000000,-122.7767000000000 +concept_musicartist_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_musicartist_leadbelly concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_lemonheads concept:agentcollaborateswithagent concept_personeurope_evan_dando +concept_musicartist_lemonheads concept:agentcontrols concept_personeurope_evan_dando +concept_musicartist_liberty_x concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_limp_bizkit concept:agentcollaborateswithagent concept_musicartist_fred_durst +concept_musicartist_limp_bizkit concept:musicartistgenre concept_musicgenre_nu +concept_musicartist_limp_bizkit concept:musicartistgenre concept_musicgenre_nu_metal +concept_musicartist_limp_bizkit concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_linkin_park concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_linkin_park concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_liszt concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_musicartist_little_feat concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_living_end concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_load concept:subpartoforganization concept_blog_form +concept_musicartist_load concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_logos concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_logos concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_musicartist_longview concept:atlocation concept_city_texas +concept_musicartist_longview concept:atlocation concept_city_washington_d_c +concept_musicartist_lordi concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_louris concept:latitudelongitude 37.9500000000000,23.4666700000000 +concept_musicartist_low concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_low concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_ludwig_van_beethoven concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_musicartist_lynard_skynard concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_lynyrd_skynyrd concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_lynyrd_skynyrd concept:musicartistgenre concept_musicgenre_southern_rock +concept_musicartist_machinae_supremacy concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_machine_head concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_madness concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_magnetic_fields concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_mahavishnu_orchestra concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_malice_mizer concept:musicartistgenre concept_musicgenre_visual_kei +concept_musicartist_manhattan_transfer concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_mano_negra concept:latitudelongitude -45.3941600000000,-71.9388100000000 +concept_musicartist_manowar concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_manowar concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_mansun concept:latitudelongitude 22.6666700000000,98.8500000000000 +concept_musicartist_marillion concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_marilyn_manson concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_marilyn_manson concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_maroon_5 concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_mars_volta concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mastodon concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_matchbox concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mayhem concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_mayhem concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_mcfly concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_mdc concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_megadeth concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_megadeth concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_megadeth concept:musicartistgenre concept_musicgenre_thrash_metal +concept_musicartist_melvins concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_mercyful_fate concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_meshuggah concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_metal_church concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_metal_church concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_metallica concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_metallica concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_metallica concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_metallica concept:musicartistgenre concept_musicgenre_thrash_metal +concept_musicartist_metallica concept:agentcollaborateswithagent concept_musician_james_hetfield +concept_musicartist_metro_station concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_metropolitan_opera concept:atlocation concept_island_new_york_city_metropolitan_area +concept_musicartist_metropolitan_opera concept:atlocation concept_stateorprovince_new_york +concept_musicartist_mgmt concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_michael_jackson concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_michael_jackson concept:musicartistgenre concept_musicgenre_recording +concept_musicartist_midnight_oil concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_midtown concept:proxyfor concept_book_new +concept_musicartist_mike concept:agentcontrols concept_charactertrait_world +concept_musicartist_miley_cyrus concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_milli_vanilli concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_minor_threat concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_minor_threat concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_misfits concept:musicartistgenre concept_musicgenre_hardcore +concept_musicartist_misfits concept:musicartistgenre concept_musicgenre_horror_punk +concept_musicartist_misfits concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_misfits concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_mississippi_fred_mcdowell concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_mobile concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_mobile concept:agentinvolvedwithitem concept_product_windows_mobile +concept_musicartist_modest_mouse concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_modest_mouse concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mogwai concept:musicartistgenre concept_musicgenre_post_rock +concept_musicartist_mogwai concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_musicartist_molly_hatchet concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_monster_magnet concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_moody_blues concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_moody_blues concept:agentcollaborateswithagent concept_personus_justin_hayward +concept_musicartist_moody_blues concept:agentcontrols concept_personus_justin_hayward +concept_musicartist_moonspell concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_morbid_angel concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_mother concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_mother_love_bone concept:agentcollaborateswithagent concept_writer_andrew_wood +concept_musicartist_motley_crue concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_motley_crue concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_motley_crue concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_motorhead concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_motorhead concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_motorhead concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mott_the_hoople concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_mr_big concept:agentcollaborateswithagent concept_musician_paul_gilbert +concept_musicartist_mudhoney concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_mum concept:proxyfor concept_book_new +concept_musicartist_muscles concept:subpartof concept_weatherphenomenon_water +concept_musicartist_muse concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nachtmystium concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_napalm_death concept:musicartistgenre concept_musicgenre_grindcore +concept_musicartist_napalm_death concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_nasum concept:latitudelongitude 56.1666700000000,14.4833300000000 +concept_musicartist_nasum concept:musicartistgenre concept_musicgenre_grindcore +concept_musicartist_neil_diamond concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_nelly concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_new_order concept:musicartistgenre concept_musicgenre_wave +concept_musicartist_new_pornographers concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_new_york_dolls concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_news concept:agentactsinlocation concept_city_berlin +concept_musicartist_news concept:agentactsinlocation concept_city_bethlehem +concept_musicartist_news concept:agentactsinlocation concept_city_hamburg +concept_musicartist_news concept:agentactsinlocation concept_city_helsinki +concept_musicartist_news concept:agentactsinlocation concept_country_chechnya +concept_musicartist_news concept:agentactsinlocation concept_country_croatia +concept_musicartist_news concept:agentcompeteswithagent concept_personcanada_usa_today +concept_musicartist_news concept:agentcompeteswithagent concept_university_yahoo +concept_musicartist_nickelback concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nightwish concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_nightwish concept:musicartistgenre concept_musicgenre_power_metal +concept_musicartist_nightwish concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nine_days concept:proxyfor concept_book_new +concept_musicartist_nine_inch_nails concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nirvana concept:musicartistgenre concept_musicgenre_alternative_rock +concept_musicartist_nirvana concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_nirvana concept:musicartistgenre concept_musicgenre_grunge_rock +concept_musicartist_nirvana concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nirvana concept:musicartistgenre concept_musicgenre_seattle_grunge +concept_musicartist_no_doubt concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nofx concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_nrbq concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_nsync concept:agentcollaborateswithagent concept_person_justin_timberlake +concept_musicartist_nsync concept:agentcontrols concept_person_justin_timberlake +concept_musicartist_oasis concept:musicartistgenre concept_musicgenre_britpop +concept_musicartist_oasis concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_oasis concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_of_montreal concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_offensive concept:atdate concept_date_n1944 +concept_musicartist_offspring concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_offspring concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_ohio_players concept:musicartistgenre concept_musicgenre_funk +concept_musicartist_oingo_boingo concept:agentcollaborateswithagent concept_musician_danny_elfman +concept_musicartist_online concept:proxyfor concept_book_new +concept_musicartist_online concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_operation_ivy concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_operation_ivy concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_opeth concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_orange concept:organizationhiredperson concept_coach_doug_marrone +concept_musicartist_orange concept:organizationhiredperson concept_coach_greg_robinson +concept_musicartist_orange concept:agentcollaborateswithagent concept_university_france_telecom +concept_musicartist_orgy concept:latitudelongitude 47.7666700000000,3.5000000000000 +concept_musicartist_outkast concept:musicartistgenre concept_musicgenre_hip_hop +concept_musicartist_outkast concept:musicartistgenre concept_musicgenre_hiphop +concept_musicartist_outkast concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_ox concept:agentcompeteswithagent concept_animal_animals001 +concept_musicartist_oxen concept:agentcompeteswithagent concept_animal_animals001 +concept_musicartist_ozzy_osbourne concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_p_o_d_ concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_pantera concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_pantera concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_pantera concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_papa_roach concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_paradise_lost concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_paramore concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_party concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_passenger concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_pavement concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_pavement concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_pearl_jam concept:agentcollaborateswithagent concept_musicartist_eddie_vedder +concept_musicartist_pearl_jam concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_pearl_jam concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_pearl_jam concept:musicartistgenre concept_musicgenre_seattle_grunge +concept_musicartist_pedro_the_lion concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_pell_mell concept:latitudelongitude 36.0926600000000,-76.9249500000000 +concept_musicartist_penn concept:proxyfor concept_book_new +concept_musicartist_pentangle concept:musicartistgenre concept_musicgenre_british_folk +concept_musicartist_pentangle concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_pete_seeger concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_musicartist_phish concept:agentcontrols concept_musicartist_trey_anastasio +concept_musicartist_phish concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_photograph concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_photograph concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_musicartist_pinback concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_pink_floyd concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_pink_floyd concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_pink_floyd concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_pink_floyd concept:musicartistgenre concept_musicgenre_psychedelic_rock +concept_musicartist_pink_floyd concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_pixies concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_pixies concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_pixies concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_placebo concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_player concept:proxyfor concept_book_new +concept_musicartist_player concept:agentinvolvedwithitem concept_buildingfeature_download_windows +concept_musicartist_player concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_player concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_player concept:atdate concept_dateliteral_n2008 +concept_musicartist_player concept:agentparticipatedinevent concept_sportsgame_championship +concept_musicartist_pogues concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_poison concept:musicartistgenre concept_musicgenre_glam_metal +concept_musicartist_poison concept:musicartistgenre concept_musicgenre_hair +concept_musicartist_poison concept:musicartistgenre concept_musicgenre_hair_metal +concept_musicartist_poison concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_poison concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_policy concept:proxyfor concept_book_new +concept_musicartist_policy concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_policy concept:agentcontrols concept_clothing_white +concept_musicartist_policy concept:atdate concept_dateliteral_n2008 +concept_musicartist_policy concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_policy concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_policy concept:subpartoforganization concept_professionalorganization_federal +concept_musicartist_policy concept:subpartoforganization concept_terroristorganization_state +concept_musicartist_porcupine_tree concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_prince concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_prince concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_problems concept:agentinvolvedwithitem concept_beverage_win +concept_musicartist_problems concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_problems concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_problems concept:agentcreated concept_geopoliticalorganization_e_mail +concept_musicartist_problems concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_problems concept:agentcreated concept_programminglanguage_contact +concept_musicartist_propagandhi concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_public_enemy concept:musicartistgenre concept_musicgenre_hip_hop +concept_musicartist_public_enemy concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_pulp concept:agentcollaborateswithagent concept_personnorthamerica_jarvis_cocker +concept_musicartist_pussycat_dolls concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_quarrymen concept:musicartistgenre concept_musicgenre_skiffle +concept_musicartist_queen concept:agentactsinlocation concept_landscapefeatures_bathroom +concept_musicartist_queen concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_queen concept:agentactsinlocation concept_room_bath +concept_musicartist_queensryche concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_questions concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_questions concept:agentcreated concept_city_click +concept_musicartist_questions concept:agentcreated concept_company_ask +concept_musicartist_questions concept:agentcreated concept_criminal_links_contact +concept_musicartist_questions concept:agentcreated concept_drug_message +concept_musicartist_questions concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_questions concept:agentcreated concept_geopoliticalorganization_e_mail +concept_musicartist_questions concept:agentcreated concept_mldataset_im +concept_musicartist_questions concept:agentcreated concept_nonprofitorganization_home_contact +concept_musicartist_questions concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_questions concept:agentcreated concept_politicalparty_call +concept_musicartist_questions concept:agentcreated concept_programminglanguage_contact +concept_musicartist_questions concept:agentcreated concept_programminglanguage_email +concept_musicartist_questions concept:agentcreated concept_programminglanguage_mail +concept_musicartist_questions concept:agentcreated concept_stateorprovince_pm +concept_musicartist_questions concept:agentcreated concept_transportation_fax +concept_musicartist_questions concept:agentcreated concept_website_contact_contact +concept_musicartist_questions concept:agentcreated concept_website_contact_one +concept_musicartist_questions concept:agentcreated concept_website_contact_the_webmaster +concept_musicartist_questions concept:agentcreated concept_website_contactus +concept_musicartist_questions concept:agentcreated concept_website_phone +concept_musicartist_questions concept:agentcreated concept_website_telephone +concept_musicartist_questions concept:agentcreated concept_website_write +concept_musicartist_quiet_riot concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_r_e_m_ concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_r_e_m_ concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_radio_birdman concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_radiohead concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_radiohead concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_radiohead concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_radiohead concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_rage_against_the_machine concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_rammstein concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_ramones concept:musicartistgenre concept_musicgenre_american_punk +concept_musicartist_ramones concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_ramones concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_ramones concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_rancid concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_rancid concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_rasputina concept:latitudelongitude 56.2000000000000,102.2833300000000 +concept_musicartist_rate concept:proxyfor concept_book_new +concept_musicartist_rate concept:organizationheadquarteredincountry concept_country_us +concept_musicartist_rate concept:atdate concept_dateliteral_n2005 +concept_musicartist_rate concept:atdate concept_dateliteral_n2006 +concept_musicartist_rate concept:atdate concept_dateliteral_n2007 +concept_musicartist_rate concept:atdate concept_dateliteral_n2008 +concept_musicartist_rate concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_ratings concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_ratt concept:musicartistgenre concept_musicgenre_hair +concept_musicartist_rbd concept:latitudelongitude 32.6809700000000,-96.8683400000000 +concept_musicartist_real_estate concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_red_hot_chili_peppers concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_reel_big_fish concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_replacements concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_return concept:subpartoforganization concept_geopoliticallocation_form +concept_musicartist_rilo_kiley concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_rise_against concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_riviera concept:subpartof concept_traditionalgame_vegas +concept_musicartist_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_musicartist_rock_bottom_remainders concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_rogue_wave concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_rolling_stones concept:musicartistgenre concept_musicgenre_british_rock +concept_musicartist_rolling_stones concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_rolling_stones concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_roxette concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_run concept:agentparticipatedinevent concept_sportsgame_championship +concept_musicartist_run concept:agentparticipatedinevent concept_sportsgame_finals +concept_musicartist_run concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_rush concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_rush concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_rush concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_rush concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_s_club concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_sabbath concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_sabbath concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_sabbath concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_sam_cooke concept:musicartistgenre concept_musicgenre_soul +concept_musicartist_sam_phillips concept:agentbelongstoorganization concept_company_sun +concept_musicartist_santana concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_musicartist_santana concept:agentcollaborateswithagent concept_person_john003 +concept_musicartist_satyricon concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_satyricon concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_saxon concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_scandal concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_scars concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_schubert concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_musicartist_scissor_sisters concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_season concept:organizationhiredperson concept_coach_ken_whisenhunt +concept_musicartist_season concept:organizationhiredperson concept_coach_mike_holmgren +concept_musicartist_season concept:organizationhiredperson concept_coach_mike_tomlin +concept_musicartist_season concept:organizationdissolvedatdate concept_date_dec +concept_musicartist_season concept:organizationdissolvedatdate concept_date_early_september +concept_musicartist_season concept:organizationdissolvedatdate concept_date_easter +concept_musicartist_season concept:organizationdissolvedatdate concept_date_fall +concept_musicartist_season concept:organizationdissolvedatdate concept_date_feb +concept_musicartist_season concept:organizationdissolvedatdate concept_date_july_september +concept_musicartist_season concept:organizationdissolvedatdate concept_date_june_september +concept_musicartist_season concept:organizationdissolvedatdate concept_date_labor_day +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_april +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_july +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_june +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_march +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_may +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_november +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_october +concept_musicartist_season concept:organizationdissolvedatdate concept_date_mid_september +concept_musicartist_season concept:organizationdissolvedatdate concept_date_november_april +concept_musicartist_season concept:organizationdissolvedatdate concept_date_spring +concept_musicartist_season concept:organizationdissolvedatdate concept_date_summer +concept_musicartist_season concept:organizationdissolvedatdate concept_month_april +concept_musicartist_season concept:organizationdissolvedatdate concept_month_august +concept_musicartist_season concept:organizationdissolvedatdate concept_month_december +concept_musicartist_season concept:organizationdissolvedatdate concept_month_february +concept_musicartist_season concept:organizationdissolvedatdate concept_month_january +concept_musicartist_season concept:organizationdissolvedatdate concept_month_july +concept_musicartist_season concept:organizationdissolvedatdate concept_month_june +concept_musicartist_season concept:organizationdissolvedatdate concept_month_march +concept_musicartist_season concept:organizationdissolvedatdate concept_month_may +concept_musicartist_season concept:organizationdissolvedatdate concept_month_november +concept_musicartist_season concept:organizationdissolvedatdate concept_month_october +concept_musicartist_season concept:organizationdissolvedatdate concept_month_september +concept_musicartist_season concept:organizationhiredperson concept_person_jose_juan_barea +concept_musicartist_season concept:organizationhiredperson concept_personcanada_ken_whisenhunt +concept_musicartist_season concept:organizationhiredperson concept_visualartist_meyer +concept_musicartist_sebadoh concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_secret_service concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_seeds concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_send concept:subpartoforganization concept_blog_form +concept_musicartist_send concept:agentcollaborateswithagent concept_politicianus_form +concept_musicartist_sepultura concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_server concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_session concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_session concept:atdate concept_date_dece +concept_musicartist_session concept:atdate concept_date_feb_ +concept_musicartist_session concept:atdate concept_date_n1969 +concept_musicartist_session concept:atdate concept_date_n1996 +concept_musicartist_session concept:atdate concept_date_n1999 +concept_musicartist_session concept:atdate concept_date_n2000 +concept_musicartist_session concept:atdate concept_date_n2001 +concept_musicartist_session concept:atdate concept_date_n2003 +concept_musicartist_session concept:atdate concept_date_n2004 +concept_musicartist_session concept:atdate concept_date_n2009 +concept_musicartist_session concept:atdate concept_date_nov +concept_musicartist_session concept:atdate concept_date_nov1 +concept_musicartist_session concept:atdate concept_date_nov_ +concept_musicartist_session concept:atdate concept_dateliteral_n2002 +concept_musicartist_session concept:atdate concept_dateliteral_n2005 +concept_musicartist_session concept:atdate concept_dateliteral_n2006 +concept_musicartist_session concept:atdate concept_dateliteral_n2007 +concept_musicartist_session concept:atdate concept_dateliteral_n2008 +concept_musicartist_session concept:atdate concept_month_february +concept_musicartist_session concept:atdate concept_month_june +concept_musicartist_session concept:atdate concept_month_march +concept_musicartist_session concept:atdate concept_month_october +concept_musicartist_session concept:atdate concept_year_n1946 +concept_musicartist_session concept:atdate concept_year_n1955 +concept_musicartist_session concept:atdate concept_year_n1992 +concept_musicartist_session concept:atdate concept_year_n1994 +concept_musicartist_session concept:atdate concept_year_n1995 +concept_musicartist_session concept:atdate concept_year_n1997 +concept_musicartist_session concept:atdate concept_year_n1998 +concept_musicartist_sex_pistols concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_sex_pistols concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_shadows_fall concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_shangri_las concept:latitudelongitude 5.4166000000000,100.3333000000000 +concept_musicartist_share concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_shinedown concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_shins concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_shows concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_shows concept:agentactsinlocation concept_hotel_north +concept_musicartist_shows concept:agentactsinlocation concept_lake_new +concept_musicartist_sidebar concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_signature concept:atdate concept_date_n1999 +concept_musicartist_signature concept:atdate concept_date_n2000 +concept_musicartist_signature concept:atdate concept_date_n2001 +concept_musicartist_signature concept:atdate concept_dateliteral_n2002 +concept_musicartist_signature concept:atdate concept_dateliteral_n2006 +concept_musicartist_simple_minds concept:agentcollaborateswithagent concept_director_jim_kerr +concept_musicartist_simple_minds concept:agentcontrols concept_director_jim_kerr +concept_musicartist_simple_plan concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_sister_sledge concept:latitudelongitude 48.9283400000000,-110.9774600000000 +concept_musicartist_slayer concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_slayer concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_slayer concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_slayer concept:musicartistgenre concept_musicgenre_thrash_metal +concept_musicartist_slipknot concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_slipknot concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_slits concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_smash_mouth concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_smashing_pumpkins concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_smashing_pumpkins concept:musicartistgenre concept_musicgenre_alternative_rock +concept_musicartist_smashing_pumpkins concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_smiths concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_smiths concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_snap concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_snow_patrol concept:musicartistgenre concept_musicgenre_alternative +concept_musicartist_social_distortion concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_society concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_society concept:agentcontributedtocreativework concept_musicalbum_today +concept_musicartist_soft_machine concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_soft_machine concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_soldiers concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_musicartist_soldiers concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_somerset concept:atlocation concept_skiarea_kentucky +concept_musicartist_son concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_son concept:agentbelongstoorganization concept_politicalparty_house +concept_musicartist_sonic_youth concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_sonic_youth concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_soul_coughing concept:agentcollaborateswithagent concept_musicartist_mike_doughty +concept_musicartist_soundgarden concept:musicartistgenre concept_musicgenre_grunge +concept_musicartist_soundgarden concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_south concept:agentactsinlocation concept_airport_europe +concept_musicartist_south concept:agentactsinlocation concept_blog_globe +concept_musicartist_south concept:agentactsinlocation concept_bridge_world +concept_musicartist_south concept:agentactsinlocation concept_building_america +concept_musicartist_south concept:agentactsinlocation concept_city_carolina +concept_musicartist_south concept:atlocation concept_city_home +concept_musicartist_south concept:agentactsinlocation concept_continent_africa +concept_musicartist_south concept:agentactsinlocation concept_geopoliticallocation_dakota +concept_musicartist_south concept:agentactsinlocation concept_geopoliticallocation_east_asia +concept_musicartist_south concept:agentactsinlocation concept_geopoliticallocation_eastern_europe +concept_musicartist_spyro_gyra concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_squeal concept:latitudelongitude 33.5370300000000,-101.6818300000000 +concept_musicartist_squeeze concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_staind concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_standells concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_stars concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_status_quo concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_apr +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_aug +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_dec +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_feb +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_jan +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_jul +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_jun +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_mar +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_nov +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_oct +concept_musicartist_stay concept:organizationdissolvedatdate concept_date_sep +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_april +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_december +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_february +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_july +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_june +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_march +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_may +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_november +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_october +concept_musicartist_stay concept:organizationdissolvedatdate concept_month_september +concept_musicartist_steel_pulse concept:musicartistgenre concept_musicgenre_reggae +concept_musicartist_steeleye_span concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_stereolab concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_steve_earle concept:agentcollaborateswithagent concept_person_john003 +concept_musicartist_steven_curtis_chapman concept:musicartistgenre concept_musicgenre_contemporary_christian +concept_musicartist_sting concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_sting concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_album +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_blues_rock +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_british_rock +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_covers +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_invasion_bands +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_keyboardist +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_party +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_performance +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_recording +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_rock_bands +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_sixties +concept_musicartist_stones concept:musicartistgenre concept_musicgenre_soundtrack +concept_musicartist_stooges concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_stooges concept:musicartistgenre concept_musicgenre_proto_punk +concept_musicartist_stooges concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_stooges concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_stranglers concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_stratovarius concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_stray_cats concept:agentcollaborateswithagent concept_musicartist_brian_setzer +concept_musicartist_streaming concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_strokes concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_strokes concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_strokes concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_stryper concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_style_council concept:agentcollaborateswithagent concept_musician_paul_weller +concept_musicartist_styx concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_sudden_death concept:atdate concept_date_n2003 +concept_musicartist_sudden_death concept:atdate concept_dateliteral_n2002 +concept_musicartist_sudden_death concept:atdate concept_dateliteral_n2007 +concept_musicartist_suffocation concept:musicartistgenre concept_musicgenre_death_metal +concept_musicartist_sugababes concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_sugarhill_gang concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_sum_41 concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_superchunk concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_surprise concept:proxyfor concept_book_new +concept_musicartist_switchfoot concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_sword concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_symphony_x concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_t_rex concept:agentcontrols concept_musicartist_marc_bolan +concept_musicartist_takeo_fukui concept:agentcontrols concept_automobilemaker_honda +concept_musicartist_takeo_fukui concept:agentcontrols concept_automobilemaker_honda_motor_co__ltd +concept_musicartist_television concept:proxyfor concept_book_new +concept_musicartist_television concept:atdate concept_date_n1999 +concept_musicartist_television concept:atdate concept_date_n2000 +concept_musicartist_television concept:atdate concept_date_n2001 +concept_musicartist_television concept:atdate concept_date_n2003 +concept_musicartist_television concept:atdate concept_date_n2004 +concept_musicartist_television concept:atdate concept_dateliteral_n2002 +concept_musicartist_television concept:atdate concept_dateliteral_n2005 +concept_musicartist_television concept:atdate concept_dateliteral_n2006 +concept_musicartist_television concept:atdate concept_dateliteral_n2007 +concept_musicartist_television concept:atdate concept_dateliteral_n2008 +concept_musicartist_television concept:agentcollaborateswithagent concept_journalist_walter_cronkite +concept_musicartist_television concept:agentcollaborateswithagent concept_person_tom_brokaw001 +concept_musicartist_television concept:agentcompeteswithagent concept_tradeunion_article +concept_musicartist_television concept:atdate concept_year_n1989 +concept_musicartist_television concept:atdate concept_year_n1998 +concept_musicartist_temple concept:agentcollaborateswithagent concept_professor_john_chaney +concept_musicartist_temptations concept:musicartistgenre concept_musicgenre_motown +concept_musicartist_temptations concept:musicartistgenre concept_musicgenre_soul +concept_musicartist_ten concept:organizationdissolvedatdate concept_date_n1996 +concept_musicartist_ten concept:organizationdissolvedatdate concept_date_n1999 +concept_musicartist_ten concept:organizationdissolvedatdate concept_date_n2001 +concept_musicartist_ten concept:organizationdissolvedatdate concept_date_n2003 +concept_musicartist_ten concept:organizationdissolvedatdate concept_date_n2004 +concept_musicartist_ten concept:organizationdissolvedatdate concept_dateliteral_n2007 +concept_musicartist_ten concept:organizationdissolvedatdate concept_dateliteral_n2008 +concept_musicartist_ten concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_ten concept:organizationdissolvedatdate concept_year_n1991 +concept_musicartist_tenacious_d concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_testament concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_testament concept:musicartistgenre concept_musicgenre_thrash_metal +concept_musicartist_the_beach_boys concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_the_beatles concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_the_beatles concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_the_beatles concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_clash concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_clash concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_cult concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_cure concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_darkness concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_doors concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_eagles concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_the_eagles concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_exploited concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_grateful_dead concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_jam concept:agentcollaborateswithagent concept_male_bruce_foxton +concept_musicartist_the_jam concept:agentcontrols concept_male_bruce_foxton +concept_musicartist_the_jam concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_killers concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_the_killers concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_kinks concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_misfits concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_new_pornographers concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_the_police concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_ramones concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_ramones concept:musicartistgenre concept_musicgenre_punk_rock +concept_musicartist_the_ramones concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_rolling_stones concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_the_sex concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_shins concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_the_specials concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_the_stooges concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_the_strokes concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_the_temptations concept:musicartistgenre concept_musicgenre_motown +concept_musicartist_the_white_stripes concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_theme concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_thin_lizzy concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_thin_lizzy concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_things concept:agentparticipatedinevent concept_eventoutcome_outcome +concept_musicartist_things concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_things concept:agentcompeteswithagent concept_mammal_dogs +concept_musicartist_things concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_things concept:agentparticipatedinevent concept_sportsgame_results +concept_musicartist_things concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_third_day concept:musicartistgenre concept_musicgenre_christian_rock +concept_musicartist_third_day concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_third_world concept:musicartistgenre concept_musicgenre_reggae +concept_musicartist_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_musicartist_threats concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_tiamat concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_ticket concept:organizationterminatedperson concept_scientist_no_ +concept_musicartist_ticket concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_tickets concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_times concept:agentcollaborateswithagent concept_bird_frank_rich +concept_musicartist_times concept:agentactsinlocation concept_blog_huffington +concept_musicartist_times concept:agentcollaborateswithagent concept_blog_paul_krugman +concept_musicartist_times concept:agentactsinlocation concept_building_west +concept_musicartist_times concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_times concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_times concept:agentactsinlocation concept_city_baghdad +concept_musicartist_times concept:agentactsinlocation concept_city_boston +concept_musicartist_times concept:agentactsinlocation concept_city_central +concept_musicartist_times concept:agentactsinlocation concept_city_denver +concept_musicartist_times concept:agentactsinlocation concept_city_jerusalem +concept_musicartist_times concept:agentactsinlocation concept_city_l_a_ +concept_musicartist_times concept:agentactsinlocation concept_city_la +concept_musicartist_times concept:agentactsinlocation concept_city_moscow +concept_musicartist_times concept:agentactsinlocation concept_city_quito +concept_musicartist_times concept:agentactsinlocation concept_country_scandinavia +concept_musicartist_times concept:agentactsinlocation concept_county_chicago +concept_musicartist_times concept:agentactsinlocation concept_county_los_angeles_county +concept_musicartist_times concept:agentactsinlocation concept_county_oakland +concept_musicartist_times concept:agentactsinlocation concept_county_paris +concept_musicartist_times concept:agentactsinlocation concept_county_seattle +concept_musicartist_times concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_times concept:agentactsinlocation concept_geopoliticallocation_middle_east +concept_musicartist_times concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_musicartist_times concept:agentactsinlocation concept_highway_the_new +concept_musicartist_times concept:agentactsinlocation concept_hotel_north +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_bob_herbert +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_david_e__sanger +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_john_markoff +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_maureen_dowd +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_nicholas_kristof +concept_musicartist_times concept:agentcollaborateswithagent concept_journalist_thomas_friedman +concept_musicartist_times concept:agentactsinlocation concept_lake_new +concept_musicartist_times concept:agentactsinlocation concept_landscapefeatures_old +concept_musicartist_times concept:organizationdissolvedatdate concept_month_april +concept_musicartist_times concept:organizationdissolvedatdate concept_month_june +concept_musicartist_times concept:organizationdissolvedatdate concept_month_october +concept_musicartist_times concept:agentcollaborateswithagent concept_newspaper_good_times +concept_musicartist_times concept:agentcollaborateswithagent concept_person_tom_friedman +concept_musicartist_times concept:agentcollaborateswithagent concept_politician_david_brooks +concept_musicartist_times concept:agentcollaborateswithagent concept_professor_david_pogue +concept_musicartist_times concept:agentactsinlocation concept_stateorprovince_new_york +concept_musicartist_times concept:agentactsinlocation concept_stateorprovince_the_washington +concept_musicartist_times concept:agentactsinlocation concept_visualizablescene_ny +concept_musicartist_times concept:agentactsinlocation concept_website_east +concept_musicartist_times concept:agentactsinlocation concept_website_financial +concept_musicartist_times concept:agentactsinlocation concept_website_south +concept_musicartist_times concept:agentactsinlocation concept_website_the_san_diego_union_tribune +concept_musicartist_tina_turner concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_tips concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_toasters concept:musicartistgenre concept_musicgenre_ska +concept_musicartist_tokyo_police_club concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_musicartist_tomorrow concept:agentparticipatedinevent concept_sportsgame_series +concept_musicartist_town concept:proxyfor concept_book_new +concept_musicartist_town concept:agentactsinlocation concept_city_cannes +concept_musicartist_town concept:atdate concept_date_christmas +concept_musicartist_town concept:atdate concept_date_n1864 +concept_musicartist_town concept:atdate concept_date_n1999 +concept_musicartist_town concept:atdate concept_date_n2004 +concept_musicartist_town concept:atdate concept_dateliteral_n1990 +concept_musicartist_town concept:atdate concept_dateliteral_n2002 +concept_musicartist_town concept:atdate concept_dateliteral_n2005 +concept_musicartist_town concept:atdate concept_dateliteral_n2006 +concept_musicartist_town concept:atdate concept_dateliteral_n2008 +concept_musicartist_town concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_town concept:subpartof concept_weatherphenomenon_air +concept_musicartist_train concept:proxyfor concept_book_new +concept_musicartist_train concept:organizationdissolvedatdate concept_month_october +concept_musicartist_trivium concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_trouble concept:agentcreated concept_convention_contact +concept_musicartist_trouble concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_trouble concept:agentcreated concept_programminglanguage_contact +concept_musicartist_turbonegro concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_tuuli concept:latitudelongitude 67.7000000000000,26.7000000000000 +concept_musicartist_type concept:agentcompeteswithagent concept_animal_animals001 +concept_musicartist_type concept:proxyfor concept_book_new +concept_musicartist_type concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_type concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_type concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_type_o_negative concept:agentcollaborateswithagent concept_journalist_peter_steele +concept_musicartist_type_o_negative concept:agentcontrols concept_journalist_peter_steele +concept_musicartist_ufo concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_ufo concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_uk_subs concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_uncle_tupelo concept:musicartistgenre concept_musicgenre_alternative_country +concept_musicartist_undertones concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_va concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_valencia concept:proxyfor concept_stadiumoreventvenue_estadio_mestalla +concept_musicartist_vampire_weekend concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_van_halen concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_van_halen concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_van_halen concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_velvet_revolver concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_velvet_revolver concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_velvet_underground concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_ventures concept:musicartistgenre concept_musicgenre_surf +concept_musicartist_versailles concept:proxyfor concept_coach_kentucky +concept_musicartist_vivaldi concept:agentinvolvedwithitem concept_musicinstrument_cello +concept_musicartist_vivaldi concept:agentinvolvedwithitem concept_musicinstrument_violin +concept_musicartist_voivod concept:latitudelongitude 45.5833300000000,27.1500000000000 +concept_musicartist_voivod concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_warriors concept:organizationhiredperson concept_coach_don_nelson +concept_musicartist_warriors concept:agentparticipatedinevent concept_convention_games +concept_musicartist_watain concept:musicartistgenre concept_musicgenre_black_metal +concept_musicartist_watain concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_watchtower concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_weather_report concept:musicartistgenre concept_musicgenre_jazz +concept_musicartist_webcast concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_weezer concept:agentcollaborateswithagent concept_musicartist_rivers_cuomo +concept_musicartist_weezer concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_musicartist_westlife concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_wham concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_white_lion concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_white_stripes concept:agentcollaborateswithagent concept_musicartist_jack_white +concept_musicartist_white_stripes concept:musicartistgenre concept_musicgenre_garage +concept_musicartist_white_stripes concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_white_stripes concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_whitesnake concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_whitesnake concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_wilco concept:musicartistgenre concept_musicgenre_alt_country +concept_musicartist_wilco concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_wilco concept:musicartistgenre concept_musicgenre_roots +concept_musicartist_william_s__burroughs concept:agentcreated concept_movie_naked_lunch +concept_musicartist_wolf_parade concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_woody_guthrie concept:musicartistgenre concept_musicgenre_folk +concept_musicartist_words concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_words concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_work concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musicartist_work concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musicartist_work concept:agentparticipatedinevent concept_eventoutcome_end +concept_musicartist_work concept:agentparticipatedinevent concept_eventoutcome_evidence +concept_musicartist_work concept:agentparticipatedinevent concept_eventoutcome_outcome +concept_musicartist_work concept:agentparticipatedinevent concept_eventoutcome_result +concept_musicartist_work concept:agentparticipatedinevent concept_eventoutcome_value +concept_musicartist_work concept:agentcompeteswithagent concept_personcanada_search +concept_musicartist_work concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_musicartist_work concept:agentparticipatedinevent concept_weatherphenomenon_climax +concept_musicartist_wu_tang_clan concept:musicartistgenre concept_musicgenre_rap +concept_musicartist_xtc concept:musicartistgenre concept_musicgenre_pop +concept_musicartist_yeah_yeah_yeahs concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_yellowcard concept:musicartistgenre concept_musicgenre_punk +concept_musicartist_yes concept:musicartistgenre concept_musicgenre_prog +concept_musicartist_yes concept:musicartistgenre concept_musicgenre_prog_rock +concept_musicartist_yes concept:musicartistgenre concept_musicgenre_progressive_rock +concept_musicartist_yes concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_yo_la_tengo concept:musicartistgenre concept_musicgenre_indie +concept_musicartist_yo_yo_ma concept:musicartistgenre concept_musicgenre_classical +concept_musicartist_yoko_ono concept:agentinvolvedwithitem concept_agriculturalproduct_grapefruit +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_album +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_covers +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_favorite_bands +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_hard_rock +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_heavy_metal +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_metal +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_performance +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_rock_bands +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_rock_music +concept_musicartist_zeppelin concept:musicartistgenre concept_musicgenre_video +concept_musicartist_zepplin concept:musicartistgenre concept_musicgenre_classic_rock +concept_musicartist_zepplin concept:musicartistgenre concept_musicgenre_rock +concept_musicartist_zz_top concept:musicartistgenre concept_musicgenre_blues +concept_musicartist_zz_top concept:musicartistgenre concept_musicgenre_rock +concept_musicfestival_adonia concept:latitudelongitude 33.3559400000000,-95.3260600000000 +concept_musicfestival_america_day concept:latitudelongitude 25.4997200000000,-80.4072200000000 +concept_musicfestival_annual_conference concept:atdate concept_date_n1999 +concept_musicfestival_annual_conference concept:atdate concept_date_n2003 +concept_musicfestival_annual_conference concept:atdate concept_date_n2009 +concept_musicfestival_annual_conference concept:atdate concept_dateliteral_n2002 +concept_musicfestival_annual_conference concept:atdate concept_dateliteral_n2005 +concept_musicfestival_annual_conference concept:atdate concept_dateliteral_n2007 +concept_musicfestival_annual_conference concept:atdate concept_dateliteral_n2008 +concept_musicfestival_annual_conference concept:atdate concept_year_n1998 +concept_musicfestival_annual_convention concept:atdate concept_dateliteral_n2007 +concept_musicfestival_annual_convention concept:atdate concept_dateliteral_n2008 +concept_musicfestival_annual_event concept:proxyfor concept_coach_new +concept_musicfestival_annual_event concept:atdate concept_dateliteral_n2007 +concept_musicfestival_annual_meeting concept:atdate concept_date_n1999 +concept_musicfestival_annual_meeting concept:atdate concept_date_n2000 +concept_musicfestival_annual_meeting concept:atdate concept_date_n2001 +concept_musicfestival_annual_meeting concept:atdate concept_date_n2003 +concept_musicfestival_annual_meeting concept:atdate concept_date_n2004 +concept_musicfestival_annual_meeting concept:atdate concept_date_n2009 +concept_musicfestival_annual_meeting concept:atdate concept_dateliteral_n2002 +concept_musicfestival_annual_meeting concept:atdate concept_dateliteral_n2005 +concept_musicfestival_annual_meeting concept:atdate concept_dateliteral_n2006 +concept_musicfestival_annual_meeting concept:atdate concept_dateliteral_n2007 +concept_musicfestival_annual_meeting concept:atdate concept_dateliteral_n2008 +concept_musicfestival_annual_meeting concept:atdate concept_year_n1995 +concept_musicfestival_annual_meeting concept:atdate concept_year_n1997 +concept_musicfestival_annual_meeting concept:atdate concept_year_n1998 +concept_musicfestival_ashada concept:latitudelongitude 11.8727800000000,42.8519400000000 +concept_musicfestival_ashtami concept:latitudelongitude 18.4500000000000,73.1333300000000 +concept_musicfestival_aswin concept:latitudelongitude -6.2355600000000,107.7255600000000 +concept_musicfestival_award_ceremony concept:atdate concept_date_n2009 +concept_musicfestival_award_ceremony concept:atdate concept_dateliteral_n2008 +concept_musicfestival_baisakhi concept:latitudelongitude 26.2166700000000,84.3833300000000 +concept_musicfestival_caribana concept:latitudelongitude 8.9888900000000,-76.5444433333333 +concept_musicfestival_committee_meetings concept:mutualproxyfor concept_sportsequipment_board +concept_musicfestival_consultations concept:atdate concept_dateliteral_n2008 +concept_musicfestival_dances concept:latitudelongitude 48.5248800000000,-79.4271500000000 +concept_musicfestival_day concept:atdate concept_month_april +concept_musicfestival_day concept:atdate concept_month_july +concept_musicfestival_discovery_day concept:latitudelongitude 25.7411100000000,-80.3033300000000 +concept_musicfestival_evala concept:latitudelongitude 60.5833300000000,30.5166700000000 +concept_musicfestival_fair_day concept:latitudelongitude 40.1158150000000,-105.4581900000000 +concept_musicfestival_first_conference concept:atdate concept_date_n1993 +concept_musicfestival_first_conference concept:atdate concept_date_n2001 +concept_musicfestival_first_conference concept:atdate concept_date_n2003 +concept_musicfestival_first_conference concept:atdate concept_dateliteral_n2008 +concept_musicfestival_first_workshop concept:atdate concept_dateliteral_n2005 +concept_musicfestival_inaugural_meeting concept:atdate concept_date_n1999 +concept_musicfestival_inaugural_meeting concept:atdate concept_date_n2003 +concept_musicfestival_inaugural_meeting concept:atdate concept_date_n2004 +concept_musicfestival_inaugural_meeting concept:atdate concept_dateliteral_n2005 +concept_musicfestival_inaugural_meeting concept:atdate concept_dateliteral_n2006 +concept_musicfestival_inaugural_meeting concept:atdate concept_dateliteral_n2007 +concept_musicfestival_international_conference concept:atdate concept_date_n2003 +concept_musicfestival_international_conference concept:atdate concept_date_n2009 +concept_musicfestival_international_conference concept:atdate concept_dateliteral_n2005 +concept_musicfestival_international_conference concept:atdate concept_dateliteral_n2007 +concept_musicfestival_international_conference concept:atdate concept_dateliteral_n2008 +concept_musicfestival_inti_raymi concept:latitudelongitude -17.4897200000000,-65.1297200000000 +concept_musicfestival_junkanoo concept:latitudelongitude 23.7000000000000,-74.7833300000000 +concept_musicfestival_lohri concept:latitudelongitude 26.7694425000000,67.9291675000000 +concept_musicfestival_newport_music_hall concept:atlocation concept_county_columbus +concept_musicfestival_placard concept:latitudelongitude 49.4766700000000,0.0738900000000 +concept_musicfestival_sannou concept:latitudelongitude 11.4166700000000,-12.1333300000000 +concept_musicfestival_second_conference concept:atdate concept_dateliteral_n2007 +concept_musicfestival_splendour concept:latitudelongitude 51.3330000000000,-125.1698000000000 +concept_musicfestival_succos concept:latitudelongitude 43.3666700000000,-1.1000000000000 +concept_musicfestival_sukkot concept:latitudelongitude 20.7750000000000,30.3416650000000 +concept_musicfestival_tanabata concept:latitudelongitude 36.5833300000000,140.6666700000000 +concept_musicfestival_tanglewood_institute concept:latitudelongitude 42.3553600000000,-73.2912200000000 +concept_musicfestival_virginia_cavaliers concept:subpartof concept_personmexico_ncaa +concept_musicgenre_alt_country concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_alternative concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_alternative_rock concept:musicgenressuchasmusicgenres concept_musicgenre_alternative +concept_musicgenre_alternative_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_american concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_american_folk concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_american_folk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_american_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_american_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk_rock +concept_musicgenre_american_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_anarchist_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_aor concept:musicgenressuchasmusicgenres concept_musicgenre_american +concept_musicgenre_aor concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_art_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_black_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_blue_eyed_soul concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_blues concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_british_folk concept:musicgenressuchasmusicgenres concept_musicgenre_folk +concept_musicgenre_british_folk concept:musicgenressuchasmusicgenres concept_musicgenre_folk_rock +concept_musicgenre_british_metal concept:musicgenressuchasmusicgenres concept_musicgenre_classic_heavy_metal +concept_musicgenre_british_metal concept:musicgenressuchasmusicgenres concept_musicgenre_hard_rock +concept_musicgenre_british_metal concept:musicgenressuchasmusicgenres concept_musicgenre_heavy_metal +concept_musicgenre_british_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_british_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_british_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_britpop concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_britpop concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_caesars_palace concept:atlocation concept_building_vegas +concept_musicgenre_caesars_palace concept:atlocation concept_city_vegas_casino +concept_musicgenre_caesars_palace concept:atlocation concept_county_las_vegas +concept_musicgenre_canadian_rock concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_canadian_rock concept:musicgenressuchasmusicgenres concept_musicgenre_prog +concept_musicgenre_canadian_rock concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_rock +concept_musicgenre_canadian_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_christian_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_classic_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_british_metal +concept_musicgenre_classic_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_hard_rock +concept_musicgenre_classic_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_heavy_metal +concept_musicgenre_classic_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_classic_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_classic_pop concept:musicgenressuchasmusicgenres concept_musicgenre_classic_rock +concept_musicgenre_classic_pop concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_classic_pop concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_classic_rock concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_classic_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_claystone concept:latitudelongitude 32.8290300000000,-83.7763000000000 +concept_musicgenre_cola_company concept:latitudelongitude 33.7709400000000,-84.3988200000000 +concept_musicgenre_contemporary_jazz concept:musicgenressuchasmusicgenres concept_musicgenre_jazz +concept_musicgenre_corridos concept:latitudelongitude -43.6072200000000,-71.9147200000000 +concept_musicgenre_delta_blues concept:latitudelongitude 34.2048300000000,-90.5753800000000 +concept_musicgenre_disco concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_disco concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_easy_listening concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_electro_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_electronic concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_emo concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_ethno concept:latitudelongitude 18.4663300000000,-66.1198900000000 +concept_musicgenre_famous_rock concept:musicgenressuchasmusicgenres concept_musicgenre_classic_rock +concept_musicgenre_famous_rock concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_famous_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_finnish_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_first_album concept:atdate concept_date_n1971 +concept_musicgenre_first_album concept:atdate concept_date_n1993 +concept_musicgenre_first_album concept:atdate concept_date_n2004 +concept_musicgenre_first_album concept:atdate concept_dateliteral_n2006 +concept_musicgenre_folk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_folk_music concept:latitudelongitude 41.9178100000000,-87.6514400000000 +concept_musicgenre_folk_rock concept:musicgenressuchasmusicgenres concept_musicgenre_folk +concept_musicgenre_folk_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_garage concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_garage_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_garage_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_german_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_glam_metal concept:musicgenressuchasmusicgenres concept_musicgenre_hair +concept_musicgenre_glam_metal concept:musicgenressuchasmusicgenres concept_musicgenre_hair_metal +concept_musicgenre_glam_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_glam_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_gospel concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_grunge concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_grunge_rock concept:musicgenressuchasmusicgenres concept_musicgenre_grunge +concept_musicgenre_grunge_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_guidelines concept:proxyfor concept_book_new +concept_musicgenre_guidelines concept:atdate concept_date_n1999 +concept_musicgenre_guidelines concept:atdate concept_date_n2004 +concept_musicgenre_guidelines concept:atdate concept_date_n2009 +concept_musicgenre_guidelines concept:atdate concept_dateliteral_n2002 +concept_musicgenre_guidelines concept:atdate concept_dateliteral_n2005 +concept_musicgenre_guidelines concept:atdate concept_dateliteral_n2006 +concept_musicgenre_guidelines concept:atdate concept_dateliteral_n2007 +concept_musicgenre_guidelines concept:subpartof concept_weatherphenomenon_water +concept_musicgenre_guidelines concept:atdate concept_year_n1995 +concept_musicgenre_guidelines concept:atdate concept_year_n1998 +concept_musicgenre_hair_metal concept:musicgenressuchasmusicgenres concept_musicgenre_glam_metal +concept_musicgenre_hair_metal concept:musicgenressuchasmusicgenres concept_musicgenre_hair +concept_musicgenre_hair_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_hair_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_hard_rock concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_hard_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_hardcore concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_hardcore_punk concept:musicgenressuchasmusicgenres concept_musicgenre_hardcore +concept_musicgenre_hardcore_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_heavy_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_hip_hop concept:musicgenressuchasmusicgenres concept_musicgenre_rap +concept_musicgenre_hip_hop concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_hiphop concept:musicgenressuchasmusicgenres concept_musicgenre_rap +concept_musicgenre_horror_punk concept:musicgenressuchasmusicgenres concept_musicgenre_hardcore +concept_musicgenre_horror_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_horror_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk_rock +concept_musicgenre_indie concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_jazz concept:atlocation concept_beach_salt_lake_city_ogden +concept_musicgenre_jazz concept:atlocation concept_county_salt_lake +concept_musicgenre_larp concept:latitudelongitude 57.1400020000000,13.9233340000000 +concept_musicgenre_little_souls concept:latitudelongitude 33.4095500000000,-86.9791600000000 +concept_musicgenre_manic concept:proxyfor concept_book_new +concept_musicgenre_melodic_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_metal concept:musicgenressuchasmusicgenres concept_musicgenre_black_metal +concept_musicgenre_metal concept:musicgenressuchasmusicgenres concept_musicgenre_heavy_metal +concept_musicgenre_metal concept:musicgenressuchasmusicgenres concept_musicgenre_jazz +concept_musicgenre_n80s concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_new_wave concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_new_wave concept:musicgenressuchasmusicgenres concept_musicgenre_wave +concept_musicgenre_nu concept:musicgenressuchasmusicgenres concept_musicgenre_nu_metal +concept_musicgenre_nu concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_nu_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_nu_metal concept:musicgenressuchasmusicgenres concept_musicgenre_nu +concept_musicgenre_nu_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_nyc concept:mutualproxyfor concept_book_new +concept_musicgenre_pop concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_pop_punk concept:musicgenressuchasmusicgenres concept_musicgenre_american +concept_musicgenre_pop_punk concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_pop_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_pop_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_post_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_post_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_power_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_prog concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_rock +concept_musicgenre_prog concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_prog_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_prog_metal concept:musicgenressuchasmusicgenres concept_musicgenre_prog +concept_musicgenre_prog_metal concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_metal +concept_musicgenre_prog_metal concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_rock +concept_musicgenre_prog_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_prog_rock concept:musicgenressuchasmusicgenres concept_musicgenre_prog +concept_musicgenre_prog_rock concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_rock +concept_musicgenre_prog_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_progressive_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_progressive_metal concept:musicgenressuchasmusicgenres concept_musicgenre_prog +concept_musicgenre_progressive_metal concept:musicgenressuchasmusicgenres concept_musicgenre_prog_metal +concept_musicgenre_progressive_metal concept:musicgenressuchasmusicgenres concept_musicgenre_progressive_rock +concept_musicgenre_progressive_metal concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_progressive_rock concept:musicgenressuchasmusicgenres concept_musicgenre_prog +concept_musicgenre_progressive_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_proto_punk concept:musicgenressuchasmusicgenres concept_musicgenre_garage +concept_musicgenre_proto_punk concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_proto_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_psychedelic concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_psychedelic_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_punk_rock concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_punk_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_r_b concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_r_b concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_classic_rock +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_classical +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_folk +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_hard_rock +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_heavy_metal +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_indie +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_punk +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_soul +concept_musicgenre_rock concept:musicgenressuchasmusicgenres concept_musicgenre_space_rock +concept_musicgenre_rock_hotel___casino concept:latitudelongitude 27.9930000000000,-82.3731000000000 +concept_musicgenre_rock_n concept:latitudelongitude 37.8001700000000,-122.4381300000000 +concept_musicgenre_seattle_grunge concept:musicgenressuchasmusicgenres concept_musicgenre_grunge +concept_musicgenre_seattle_grunge concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_singer_songwriter concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_ska_punk concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_soft_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_soul concept:proxyfor concept_book_new +concept_musicgenre_soul concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_southern_rock concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_surf concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_surf concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_swedish_pop concept:musicgenressuchasmusicgenres concept_musicgenre_pop +concept_musicgenre_synth_pop concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musicgenre_thrash_metal concept:musicgenressuchasmusicgenres concept_musicgenre_heavy_metal +concept_musicgenre_thrash_metal concept:musicgenressuchasmusicgenres concept_musicgenre_metal +concept_musicgenre_traditional_music concept:latitudelongitude 38.1858300000000,-83.4372200000000 +concept_musicgenre_tropicalia concept:latitudelongitude -1.5486100000000,-60.2313900000000 +concept_musicgenre_vital_part concept:proxyfor concept_book_new +concept_musicgenre_wave concept:musicgenressuchasmusicgenres concept_musicgenre_rock +concept_musician_a_rod concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_aaron_copland concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_abu_farwa concept:latitudelongitude 31.7166700000000,35.2166700000000 +concept_musician_ace_frehley concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_ace_frehley concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_adam_duritz concept:musicianinmusicartist concept_musicartist_counting_crows +concept_musician_adrian_smith concept:musicianinmusicartist concept_musicartist_iron_maiden +concept_musician_adrian_smith concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_adrian_utley concept:musicianinmusicartist concept_musicartist_portishead +concept_musician_agencies concept:proxyfor concept_book_new +concept_musician_agencies concept:agentcontrols concept_election_white +concept_musician_agencies concept:agentbelongstoorganization concept_governmentorganization_department +concept_musician_agencies concept:agentbelongstoorganization concept_governmentorganization_government +concept_musician_agencies concept:agentbelongstoorganization concept_governmentorganization_u_s__department +concept_musician_agencies concept:agentbelongstoorganization concept_governmentorganization_united_states_department +concept_musician_agencies concept:agentbelongstoorganization concept_governmentorganization_us_department +concept_musician_agencies concept:subpartof concept_kitchenitem_public_water +concept_musician_agencies concept:subpartof concept_musicartist_air +concept_musician_agencies concept:agentbelongstoorganization concept_nonprofitorganization_organizations +concept_musician_agencies concept:agentcollaborateswithagent concept_person_government +concept_musician_agencies concept:agentcollaborateswithagent concept_person_state +concept_musician_agencies concept:agentbelongstoorganization concept_professionalorganization_federal +concept_musician_agencies concept:subpartof concept_programminglanguage_state +concept_musician_agencies concept:mutualproxyfor concept_sportsequipment_new +concept_musician_agencies concept:agentbelongstoorganization concept_terroristorganization_state +concept_musician_agencies concept:subpartof concept_weatherphenomenon_water +concept_musician_al_anderson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_al_di_meola concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_al_kooper concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_alban_berg concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_albert_lee concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_albert_schweitzer concept:personhasjobposition concept_jobposition_physician +concept_musician_albinoni concept:musicianplaysinstrument concept_musicinstrument_oboe +concept_musician_alex_turner concept:musicianinmusicartist concept_musicartist_arctic_monkeys +concept_musician_alexander_scriabin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_alexi_laiho concept:musicianinmusicartist concept_musicartist_bodom +concept_musician_alexi_laiho concept:musicianinmusicartist concept_musicartist_children_of_bodom +concept_musician_allan_holdsworth concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_alvin_lee concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_amos_garrett concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_amy_lee concept:musicianinmusicartist concept_musicartist_evanescence +concept_musician_andres_segovia concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_andy_bell concept:musicianinmusicartist concept_musicartist_oasis +concept_musician_andy_summers concept:musicianinmusicartist concept_musicartist_the_police +concept_musician_andy_summers concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_andy_timmons concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_angus_young concept:musicianinmusicartist concept_musicartist_ac_dc +concept_musician_angus_young concept:musicianinmusicartist concept_musicartist_acdc +concept_musician_angus_young concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_musician_annie_lennox concept:musicianinmusicartist concept_musicartist_eurythmics +concept_musician_anthony_kiedis concept:musicianinmusicartist concept_musicartist_red_hot_chili_peppers +concept_musician_anton_karas concept:musicianplaysinstrument concept_musicinstrument_zither +concept_musician_antonio_vivaldi concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_art_blakey concept:musicianplaysinstrument concept_musicinstrument_drum +concept_musician_art_tatum concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_musician_asheton concept:musicianinmusicartist concept_musicartist_stooges +concept_musician_asheton concept:musicianinmusicartist concept_musicartist_the_stooges +concept_musician_ashley_hutchings concept:musicianinmusicartist concept_musicartist_fairport_convention +concept_musician_associates concept:agentcreated concept_musicalbum_contact +concept_musician_astor_piazzolla concept:musicianplaysinstrument concept_musicinstrument_bandoneon +concept_musician_audiences concept:proxyfor concept_book_new +concept_musician_avishai_cohen concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_axl_rose concept:musicianinmusicartist concept_musicartist_guns_n__roses +concept_musician_axl_rose concept:musicianinmusicartist concept_musicartist_guns_n_roses +concept_musician_b_b__king concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_b_b__king concept:agentcollaborateswithagent concept_person_john003 +concept_musician_bach concept:musicianinmusicartist concept_musicartist_stones +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_chamber +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_harpsichord +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_oboe +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_solo_cello +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_solo_violin +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_trio +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_two_violins +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_viola +concept_musician_bach concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_baden_powell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_barbara_walters concept:worksfor concept_city_abc +concept_musician_barber concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_barber concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_barney_kessel concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_barriemore_barlow concept:musicianinmusicartist concept_musicartist_jethro_tull +concept_musician_barry_gibb concept:musicianinmusicartist concept_musicartist_bee_gees +concept_musician_bartok concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_bartok concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_bb_king concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_beck concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bee_gees concept:agentcollaborateswithagent concept_personus_barry_gibb +concept_musician_beethoven concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_beethoven concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_beethoven concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_beethoven concept:musicianplaysinstrument concept_musicinstrument_viola +concept_musician_beethoven concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_beirut concept:atdate concept_date_n2000 +concept_musician_beirut concept:proxyfor concept_terroristorganization_lebanon +concept_musician_beirut concept:subpartof concept_terroristorganization_lebanon +concept_musician_bela_bartok concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_bela_fleck concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_ben_harper concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ben_moody concept:musicianinmusicartist concept_musicartist_evanescence +concept_musician_benji concept:musicianinmusicartist concept_musicartist_good_charlotte +concept_musician_benji concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bennington concept:atlocation concept_beach_vermont +concept_musician_bennington concept:proxyfor concept_beach_vermont +concept_musician_bennington concept:persongraduatedschool concept_university_college +concept_musician_berry_oakley concept:musicianinmusicartist concept_musicartist_allman_brothers +concept_musician_bert_jansch concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_musician_big_bill_broonzy concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bill_evans concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_bill_fay concept:latitudelongitude 35.2923900000000,-77.5946900000000 +concept_musician_bill_frisell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bill_monroe concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_bill_wyman concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_bill_wyman concept:musicianinmusicartist concept_musicartist_stones +concept_musician_billie_holiday concept:agentcollaborateswithagent concept_person_john001 +concept_musician_billie_joe_armstrong concept:musicianinmusicartist concept_musicartist_green_day +concept_musician_billie_joe_armstrong concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_billy_corgan concept:musicianinmusicartist concept_musicartist_smashing_pumpkins +concept_musician_billy_corgan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_billy_gibbons concept:musicianinmusicartist concept_musicartist_zz_top +concept_musician_billy_gibbons concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_billy_powell concept:musicianinmusicartist concept_musicartist_lynyrd_skynyrd +concept_musician_blackie_lawless concept:musicianinmusicartist concept_musicartist_w_a_s_p +concept_musician_blind_faith concept:agentcollaborateswithagent concept_musician_clapton +concept_musician_blue_note concept:agentcollaborateswithagent concept_person_alfred_lion +concept_musician_blue_note concept:subpartof concept_person_alfred_lion +concept_musician_blues_traveler concept:agentcontrols concept_actor_john_popper +concept_musician_blues_traveler concept:agentcollaborateswithagent concept_musician_john_popper +concept_musician_bo_diddley concept:persondiedatage 79 +concept_musician_bo_diddley concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bob_dylan concept:musicianinmusicartist concept_musicartist_stones +concept_musician_bob_dylan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bob_dylan concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_bob_marley concept:musicianinmusicartist concept_musicartist_stones +concept_musician_bob_marley concept:musicianinmusicartist concept_musicartist_wailers +concept_musician_bob_marley concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bob_mould concept:musicianinmusicartist concept_musicartist_husker_du +concept_musician_bob_mould concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bob_weir concept:musicianinmusicartist concept_musicartist_grateful_dead +concept_musician_bob_weir concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_boccherini concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_boccherini concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_bon_scott concept:musicianinmusicartist concept_musicartist_ac_dc +concept_musician_bonnie_raitt concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bono concept:musicianinmusicartist concept_musicartist_u2 +concept_musician_bono concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_boris concept:personhascitizenship concept_country_bulgaria +concept_musician_boy_george concept:musicianinmusicartist concept_musicartist_culture_club +concept_musician_brad_delson concept:musicianinmusicartist concept_musicartist_linkin_park +concept_musician_brad_gillis concept:musicianinmusicartist concept_musicartist_night_ranger +concept_musician_brad_whitford concept:musicianinmusicartist concept_musicartist_aerosmith +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_clarinet +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_viola +concept_musician_brahms concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_brandon_boyd concept:musicianinmusicartist concept_musicartist_incubus +concept_musician_brandon_flowers concept:musicianinmusicartist concept_musicartist_killers +concept_musician_brandon_flowers concept:musicianinmusicartist concept_musicartist_the_killers +concept_musician_brent_mason concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_brett_gurewitz concept:topmemberoforganization concept_recordlabel_epitaph +concept_musician_brian_blade concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_brian_eno concept:musicianinmusicartist concept_musicartist_roxy_music +concept_musician_brian_johnson concept:musicianinmusicartist concept_musicartist_ac_dc +concept_musician_brian_jones concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_brian_jones concept:musicianinmusicartist concept_musicartist_stones +concept_musician_brian_jones concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_brian_may concept:musicianinmusicartist concept_musicartist_queen +concept_musician_brian_may concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_brian_setzer concept:musicianinmusicartist concept_musicartist_stray_cats +concept_musician_brian_setzer concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bright_eyes concept:agentcollaborateswithagent concept_comedian_conor_oberst +concept_musician_britney_spears concept:musicianinmusicartist concept_musicartist_stones +concept_musician_bruce_dickinson concept:musicianinmusicartist concept_musicartist_iron_maiden +concept_musician_bruce_dickinson concept:personbelongstoorganization concept_musicartist_iron_maiden +concept_musician_bruce_kulick concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_bruce_kulick concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bruce_springsteen concept:musicianinmusicartist concept_musicartist_e_street_band +concept_musician_bruce_springsteen concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bruch concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_buck_owens concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_buckethead concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_bucky_pizzarelli concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_buddy_guy concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_buddy_holly concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_busoni concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_cameron concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_carl_nielsen concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_carl_wilson concept:musicianinmusicartist concept_musicartist_beach_boys +concept_musician_carl_wilson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_carmine_appice concept:musicianinmusicartist concept_musicartist_vanilla_fudge +concept_musician_carnegie_hall concept:subpartof concept_company_new_york +concept_musician_carnegie_hall concept:subpartof concept_island_new_york_city_metropolitan_area +concept_musician_carnegie_hall concept:atlocation concept_stateorprovince_new_york +concept_musician_chad concept:personbornincity concept_city_york +concept_musician_chad concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_chad concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_chad concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_chad concept:persongraduatedfromuniversity concept_university_state_university +concept_musician_chad concept:persongraduatedschool concept_university_state_university +concept_musician_chad_kroeger concept:musicianinmusicartist concept_musicartist_nickelback +concept_musician_chambers concept:agentcollaborateswithagent concept_biotechcompany_cisco +concept_musician_chambers concept:atdate concept_dateliteral_n2006 +concept_musician_charles_mingus concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_charlie concept:persondiedatage 6 +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_saxophone +concept_musician_charlie concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_charlie_christian concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_charlie_lennon concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_charlie_watts concept:musicianinmusicartist concept_musicartist_stones +concept_musician_charlie_watts concept:musicianinmusicartist concept_musicartist_the_rolling_stones +concept_musician_chausson concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_chausson concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_chester_bennington concept:musicianinmusicartist concept_musicartist_linkin_park +concept_musician_chet_atkins concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_chick_corea concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_chopin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_chris_coleman concept:personbelongstoorganization concept_city_st__paul +concept_musician_chris_cornell concept:musicianinmusicartist concept_musicartist_audioslave +concept_musician_chris_cornell concept:musicianinmusicartist concept_musicartist_soundgarden +concept_musician_chris_cutler concept:musicianinmusicartist concept_musicartist_henry_cow +concept_musician_chris_robinson concept:musicianinmusicartist concept_musicartist_black_crowes +concept_musician_chris_robinson concept:musicianinmusicartist concept_musicartist_the_black_crowes +concept_musician_chris_squire concept:musicianinmusicartist concept_musicartist_yes +concept_musician_chris_squire concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_chrissie_hynde concept:musicianinmusicartist concept_musicartist_pretenders +concept_musician_chrissie_hynde concept:musicianinmusicartist concept_musicartist_the_pretenders +concept_musician_christian_mcbride concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_christie_hefner concept:agentcontrols concept_company_playboy_enterprises +concept_musician_christie_hefner concept:worksfor concept_company_playboy_enterprises +concept_musician_christmas concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_christmas concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_christmas concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_christopher_parkening concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_chuck_d concept:musicianinmusicartist concept_musicartist_public_enemy +concept_musician_chuck_leavell concept:musicianinmusicartist concept_musicartist_stones +concept_musician_chuck_schuldiner concept:musicianinmusicartist concept_musicartist_death +concept_musician_clapton concept:musicianinmusicartist concept_musicartist_blind_faith +concept_musician_clapton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_clara_schumann concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_claude concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_claude_debussy concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_clem_burke concept:musicianinmusicartist concept_musicartist_blondie +concept_musician_cliff_burton concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_cliff_gallup concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_clifford_brown concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_clive_bunker concept:musicianinmusicartist concept_musicartist_jethro_tull +concept_musician_colin_blunstone concept:musicianinmusicartist concept_musicartist_the_zombies +concept_musician_colin_blunstone concept:musicianinmusicartist concept_musicartist_zombies +concept_musician_colin_greenwood concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_colin_moulding concept:musicianinmusicartist concept_musicartist_xtc +concept_musician_complete concept:agentbelongstoorganization concept_blog_form +concept_musician_complete concept:agentcollaborateswithagent concept_politicianus_form +concept_musician_complete_beethoven concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_complete_beethoven concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_copland concept:musicianplaysinstrument concept_musicinstrument_clarinet +concept_musician_copland concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_corelli concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_corey_taylor concept:musicianinmusicartist concept_musicartist_slipknot +concept_musician_corey_taylor concept:musicianinmusicartist concept_musicartist_stone_sour +concept_musician_corporate concept:agentactsinlocation concept_building_years +concept_musician_courtney_love concept:musicianinmusicartist concept_musicartist_hole +concept_musician_damon_albarn concept:musicianinmusicartist concept_musicartist_blur +concept_musician_damon_albarn concept:musicianinmusicartist concept_musicartist_gorillaz +concept_musician_dan_auerbach concept:musicianinmusicartist concept_musicartist_black_keys +concept_musician_daniel_barenboim concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_musician_danny_elfman concept:musicianinmusicartist concept_musicartist_oingo_boingo +concept_musician_danny_goffey concept:musicianinmusicartist concept_musicartist_supergrass +concept_musician_daron_malakian concept:musicianinmusicartist concept_musicartist_system_of_a_down +concept_musician_dave_davies concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dave_eggers concept:agentcreated concept_book_homes_and_other_black_holes +concept_musician_dave_eggers concept:agentcreated concept_city_zeitoun +concept_musician_dave_gilmour concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_dave_gilmour concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dave_grohl concept:musicianinmusicartist concept_musicartist_foo_fighters +concept_musician_dave_grohl concept:musicianinmusicartist concept_musicartist_nirvana +concept_musician_dave_lombardo concept:musicianinmusicartist concept_musicartist_slayer +concept_musician_dave_meniketti concept:musicianinmusicartist concept_musicartist_y_t +concept_musician_dave_murray concept:musicianinmusicartist concept_musicartist_iron_maiden +concept_musician_dave_murray concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dave_mustaine concept:musicianinmusicartist concept_musicartist_megadeth +concept_musician_dave_mustaine concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_dave_mustaine concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dave_navarro concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dave_young concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_david concept:persondiedatage 10 +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_accordion +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_acoustic_bass +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_acoustic_guitar +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_bass_guitar +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_clarinet +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_guitars +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_lead_guitar +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_lead_vocals +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_lyre +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_percussion +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_sax +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_saxophone +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_david concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_david_bazan concept:musicianinmusicartist concept_musicartist_pedro_the_lion +concept_musician_david_berman concept:musicianinmusicartist concept_musicartist_silver_jews +concept_musician_david_bowie concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_david_bryan concept:musicianinmusicartist concept_musicartist_bon_jovi +concept_musician_david_coverdale concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_david_coverdale concept:musicianinmusicartist concept_musicartist_whitesnake +concept_musician_david_ellefson concept:musicianinmusicartist concept_musicartist_megadeth +concept_musician_david_gilmour concept:persondiedincountry concept_country_england +concept_musician_david_gilmour concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_david_gilmour concept:personbelongstoorganization concept_musicartist_pink_floyd +concept_musician_david_gilmour concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_david_lee_roth concept:musicianinmusicartist concept_musicartist_van_halen +concept_musician_david_lindley concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_david_ruffin concept:musicianinmusicartist concept_musicartist_temptations +concept_musician_deacon_john concept:latitudelongitude 41.2795400000000,-72.5995400000000 +concept_musician_dean_parks concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_debbie_harry concept:personbelongstoorganization concept_blog_blondie +concept_musician_debbie_harry concept:musicianinmusicartist concept_musicartist_blondie +concept_musician_deborah_harry concept:musicianinmusicartist concept_musicartist_blondie +concept_musician_debussy concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_dee_dee_ramone concept:musicianinmusicartist concept_musicartist_ramones +concept_musician_deen_castronovo concept:musicianinmusicartist concept_musicartist_journey +concept_musician_dennis_deyoung concept:musicianinmusicartist concept_musicartist_styx +concept_musician_derek concept:personbornincity concept_city_york +concept_musician_derek concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_derek concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_derek_trucks concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_devin_townsend concept:musicianinmusicartist concept_musicartist_strapping_young_lad +concept_musician_dickey_betts concept:musicianinmusicartist concept_musicartist_allman_brothers +concept_musician_dickey_betts concept:musicianinmusicartist concept_musicartist_allman_brothers_band +concept_musician_dickey_betts concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dimebag concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dimebag_darrell concept:musicianinmusicartist concept_musicartist_pantera +concept_musician_dimebag_darrell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dire_straits concept:agentcollaborateswithagent concept_musician_mark_knopfler +concept_musician_dire_straits concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_django_reinhardt concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_doc_watson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_dolly_parton concept:agentcollaborateswithagent concept_person_john003 +concept_musician_domenico_scarlatti concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_don_brewer concept:musicianinmusicartist concept_musicartist_grand_funk +concept_musician_don_felder concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_donald_fagen concept:musicianinmusicartist concept_musicartist_steely_dan +concept_musician_dr__dre concept:personbelongstoorganization concept_recordlabel_aftermath_entertainment +concept_musician_dr__john concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_dr__l__subramaniam concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_duane_allman concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_duane_allman_and_dickey_betts concept:musicianinmusicartist concept_musicartist_the_allman_brothers_band +concept_musician_duane_denison concept:musicianinmusicartist concept_musicartist_jesus_lizard +concept_musician_duane_eddy concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_duke_ellington concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_dvorak concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_earl_klugh concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_earl_scruggs concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_saxophone +concept_musician_eddie concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_eddie_hazel concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eddie_jackson concept:musicianinmusicartist concept_musicartist_queensryche +concept_musician_eddie_lang concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eddie_van_halen concept:musicianinmusicartist concept_musicartist_van_halen +concept_musician_eddie_van_halen concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eddie_van_halen concept:hasspouse concept_person_valerie_bertinelli +concept_musician_eddie_vedder concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_edgar_allan_poe concept:agentcreated concept_book_essential_tales_and_poems_of_edgar_allan +concept_musician_edgar_allan_poe concept:agentcontributedtocreativework concept_book_the_raven +concept_musician_edward_ka_spel concept:musicianinmusicartist concept_musicartist_legendary_pink_dots +concept_musician_edward_van_halen concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elgar concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_elgar concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_eliot_fisk concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elizabeth_fraser concept:musicianinmusicartist concept_musicartist_cocteau_twins +concept_musician_elliot_easton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elliott_smith concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elvin_bishop concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elvis concept:persondiedatage 42 +concept_musician_elvis concept:musicianinmusicartist concept_musicartist_stones +concept_musician_elvis concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elvis concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_elvis concept:agentcollaborateswithagent concept_personus_james_burton +concept_musician_elvis concept:agentcontrols concept_personus_james_burton +concept_musician_elvis_costello concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_elvis_presley concept:persondiedatage 42 +concept_musician_elvis_presley concept:musicianinmusicartist concept_musicartist_stones +concept_musician_elvis_presley concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eminem concept:agentcollaborateswithagent concept_city_john +concept_musician_enrico_caruso concept:personhasjobposition concept_jobposition_opera_singer +concept_musician_eric concept:persondiedatage 2 +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_blues +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_guitars +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_lead_guitar +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_lead_vocals +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_percussion +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_sax +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_trombone +concept_musician_eric concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_eric_carr concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_eric_johnson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_eric_singer concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_erik_rutan concept:musicianinmusicartist concept_musicartist_hate_eternal +concept_musician_erik_satie concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_ernest_bloch concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_evan_dando concept:musicianinmusicartist concept_musicartist_lemonheads +concept_musician_faure concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_faure concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_feist concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_felix_mendelssohn concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_ferdinand_ries concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_flea concept:musicianinmusicartist concept_musicartist_red_hot_chili_peppers +concept_musician_fran_healy concept:musicianinmusicartist concept_musicartist_travis +concept_musician_francis concept:personbornincity concept_city_york +concept_musician_francis concept:personhascitizenship concept_country_france_france +concept_musician_francis concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_franck concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_frank_black concept:musicianinmusicartist concept_musicartist_pixies +concept_musician_frank_zappa concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_franz_ferdinand concept:agentcollaborateswithagent concept_chef_alex_kapranos +concept_musician_franz_liszt concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_franz_schubert concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_musician_fred_durst concept:musicianinmusicartist concept_musicartist_limp_bizkit +concept_musician_fred_frith concept:musicianinmusicartist concept_musicartist_henry_cow +concept_musician_fred_frith concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_freddie_green concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_freddie_king concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_freddy_mercury concept:musicianinmusicartist concept_musicartist_queen +concept_musician_frederic_chopin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_fritz_kreisler concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_function concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musician_garcia concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_gary_brooker concept:musicianinmusicartist concept_musicartist_procol_harum +concept_musician_gary_hoey concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_gary_moore concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_gatemouth_brown concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_geddy_lee concept:musicianinmusicartist concept_musicartist_rush +concept_musician_geezer_butler concept:musicianinmusicartist concept_musicartist_black_sabbath +concept_musician_gene_clark concept:musicianinmusicartist concept_musicartist_byrds +concept_musician_gene_simmons concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_gene_simmons concept:personbelongstoorganization concept_musicartist_kiss +concept_musician_geoff_tate concept:musicianinmusicartist concept_musicartist_queensryche +concept_musician_george_benson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_george_enescu concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_george_gershwin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_george_harrison concept:musicianinmusicartist concept_musicartist_beatles +concept_musician_george_harrison concept:musicianinmusicartist concept_musicartist_the_beatles +concept_musician_george_harrison concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_george_harrison concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_george_lynch concept:musicianinmusicartist concept_musicartist_dokken +concept_musician_george_lynch concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_george_young concept:musicianinmusicartist concept_musicartist_easybeats +concept_musician_gershwin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_glen_buxton concept:musicianinmusicartist concept_musicartist_alice_cooper +concept_musician_glen_campbell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_glenn_danzig concept:musicianinmusicartist concept_musicartist_misfits +concept_musician_glenn_frey concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_glenn_hughes concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_glenn_hughes concept:musicianinmusicartist concept_musicartist_trapeze +concept_musician_glenn_tipton concept:musicianinmusicartist concept_musicartist_judas_priest +concept_musician_glenn_tipton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_godsmack concept:agentcollaborateswithagent concept_musician_shannon_larkin +concept_musician_gordon concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_gordon concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_gordon concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_gordon concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_gordon_waller concept:musicianinmusicartist concept_musicartist_peter_and_gordon +concept_musician_gospel concept:agentcontributedtocreativework concept_book_gospel +concept_musician_graham_coxon concept:musicianinmusicartist concept_musicartist_blur +concept_musician_grand_funk_railroad concept:agentcollaborateswithagent concept_musician_mark_farner +concept_musician_green_day concept:agentcollaborateswithagent concept_musician_billie_joe_armstrong +concept_musician_green_day concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_grieg concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_grieg concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_gruff_rhys concept:musicianinmusicartist concept_musicartist_super_furry_animals +concept_musician_guthrie_govan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_guy_garvey concept:musicianinmusicartist concept_musicartist_elbow +concept_musician_handel concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_handel concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_hank_jones concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_hank_marvin concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_harms concept:agentparticipatedinevent concept_eventoutcome_result +concept_musician_harold concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_harrison concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_harvey_mandel concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_haydn concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_haydn concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_haydn concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_haydn concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_henry_rollins concept:musicianinmusicartist concept_musicartist_black_flag +concept_musician_herbie_hancock concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_hilary_hahn concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_howard_levy concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_howe_gelb concept:musicianinmusicartist concept_musicartist_giant_sand +concept_musician_howlin__wolf concept:musicianinmusicartist concept_musicartist_stones +concept_musician_hubert_sumlin concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_hugh_hopper concept:musicianinmusicartist concept_musicartist_soft_machine +concept_musician_hummel concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_hummel concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_humperdinck concept:latitudelongitude 45.3290900000000,-113.4758900000000 +concept_musician_ian_anderson concept:musicianinmusicartist concept_musicartist_jethro_tull +concept_musician_ian_curtis concept:musicianinmusicartist concept_musicartist_joy_division +concept_musician_ian_gillan concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_ian_mackaye concept:musicianinmusicartist concept_musicartist_fugazi +concept_musician_ian_mackaye concept:musicianinmusicartist concept_musicartist_minor_threat +concept_musician_ian_paice concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_ibert concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_iggy_pop concept:musicianinmusicartist concept_musicartist_stooges +concept_musician_ignaz_moscheles concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_igor_cavalera concept:musicianinmusicartist concept_musicartist_sepultura +concept_musician_images concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musician_images concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_musician_isaac_stern concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_itzhak_perlman concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_izzy_stradlin concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_j_s__bach concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_j_s__bach concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_j_s__bach concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_j_s__bach concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_jack_casady concept:musicianinmusicartist concept_musicartist_jefferson_airplane +concept_musician_jack_irons concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_jack_johnson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jack_teagarden concept:musicianplaysinstrument concept_musicinstrument_trombone +concept_musician_jack_white concept:musicianinmusicartist concept_musicartist_the_white_stripes +concept_musician_jack_white concept:musicianinmusicartist concept_musicartist_white_stripes +concept_musician_jack_white concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jackson_browne concept:agentcollaborateswithagent concept_person_john003 +concept_musician_jaco_pastorius concept:musicianinmusicartist concept_musicartist_weather_report +concept_musician_jake_e__lee concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jakob_dylan concept:musicianinmusicartist concept_musicartist_wallflowers +concept_musician_james_brown concept:musicianinmusicartist concept_musicartist_stones +concept_musician_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_musician_james_cotton concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_james_dean_bradfield concept:musicianinmusicartist concept_musicartist_manic_street_preachers +concept_musician_james_dean_bradfield concept:musicianinmusicartist concept_musicartist_manics +concept_musician_james_hetfield concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_james_hetfield concept:personbelongstoorganization concept_musicartist_metallica +concept_musician_james_hetfield concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_james_iha concept:musicianinmusicartist concept_musicartist_smashing_pumpkins +concept_musician_james_taylor concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jarvis_cocker concept:musicianinmusicartist concept_musicartist_pulp +concept_musician_jason_becker concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jason_bonham concept:musicianinmusicartist concept_musicartist_zeppelin +concept_musician_jason_newsted concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_jaz_coleman concept:musicianinmusicartist concept_musicartist_killing_joke +concept_musician_jeff_ament concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_jeff_beck concept:musicianinmusicartist concept_musicartist_yardbirds +concept_musician_jeff_beck concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jeff_tweedy concept:musicianinmusicartist concept_musicartist_wilco +concept_musician_jeff_tweedy concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jefferson_airplane concept:musicianinmusicartist concept_musicartist_stones +concept_musician_jello_biafra concept:musicianinmusicartist concept_musicartist_dead_kennedys +concept_musician_jerry_cantrell concept:musicianinmusicartist concept_musicartist_alice_in_chains +concept_musician_jerry_cantrell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jerry_garcia concept:musicianinmusicartist concept_musicartist_grateful_dead +concept_musician_jerry_garcia concept:musicianinmusicartist concept_musicartist_the_grateful_dead +concept_musician_jerry_garcia concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jerry_lee_lewis concept:musicianinmusicartist concept_musicartist_stones +concept_musician_jim_hall concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jim_keltner concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_jim_morrison concept:musicianinmusicartist concept_musicartist_the_doors +concept_musician_jimi_hendrix concept:musicianinmusicartist concept_musicartist_stones +concept_musician_jimi_hendrix concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jimmy_bryant concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jimmy_chamberlin concept:musicianinmusicartist concept_musicartist_smashing_pumpkins +concept_musician_jimmy_degrasso concept:musicianinmusicartist concept_musicartist_megadeth +concept_musician_jimmy_hendrix concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jimmy_johnson concept:worksfor concept_automobilemaker_dallas_cowboys +concept_musician_jimmy_johnson concept:worksfor concept_county_miami +concept_musician_jimmy_johnson concept:worksfor concept_sportsteam_dallas_cowboys +concept_musician_jimmy_page concept:musicianinmusicartist concept_musicartist_led_zeppelin +concept_musician_jimmy_page concept:musicianinmusicartist concept_musicartist_led_zepplin +concept_musician_jimmy_page concept:musicianinmusicartist concept_musicartist_zep +concept_musician_jimmy_page concept:musicianinmusicartist concept_musicartist_zeppelin +concept_musician_jimmy_page concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jimmy_reed concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joan_jett concept:musicianinmusicartist concept_musicartist_the_runaways +concept_musician_joan_jett concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joaquin_rodrigo concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joe_bonamassa concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joe_elliott concept:musicianinmusicartist concept_musicartist_def_leppard +concept_musician_joe_lynn_turner concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_joe_pass concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joe_perry concept:musicianinmusicartist concept_musicartist_aerosmith +concept_musician_joe_perry concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joe_satriani concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joe_strummer concept:musicianinmusicartist concept_musicartist_clash +concept_musician_joe_strummer concept:musicianinmusicartist concept_musicartist_the_clash +concept_musician_joe_walsh concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_joey_cape concept:musicianinmusicartist concept_musicartist_lagwagon +concept_musician_joey_jordison concept:musicianinmusicartist concept_musicartist_slipknot +concept_musician_joey_ramone concept:musicianinmusicartist concept_musicartist_ramones +concept_musician_johannes_brahms concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_johannes_brahms concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_john concept:persondiedatage 2 +concept_musician_john concept:musicianinmusicartist concept_musicartist_billy_bob_thornton +concept_musician_john concept:musicianinmusicartist concept_musicartist_bon_jovi +concept_musician_john concept:musicianinmusicartist concept_musicartist_coldplay +concept_musician_john concept:musicianinmusicartist concept_musicartist_dave_matthews_band +concept_musician_john concept:musicianinmusicartist concept_musicartist_jack_johnson +concept_musician_john concept:musicianinmusicartist concept_musicartist_paris_hilton +concept_musician_john concept:musicianinmusicartist concept_musicartist_sheryl_crow +concept_musician_john concept:musicianinmusicartist concept_musicartist_tom_petty +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_accordion +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_acoustic_bass +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_acoustic_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_bass_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_bbc +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_button_accordion +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_clarinet +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_electric_bass +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_guitars +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_lead_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_lead_vocal +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_lead_vocals +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_path +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_percussion +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_reeds +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_sax +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_saxophone +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_score +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_second_guitar +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_songs +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_tenor +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_tenor_sax +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_tenor_saxophone +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_themes +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_trombone +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_john concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_john_blackwell concept:musicianinmusicartist concept_musicartist_prince +concept_musician_john_bonham concept:musicianinmusicartist concept_musicartist_led_zeppelin +concept_musician_john_bonham concept:musicianinmusicartist concept_musicartist_zeppelin +concept_musician_john_bonham concept:musicianinmusicartist concept_musicartist_zepplin +concept_musician_john_cipollina concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_deacon concept:musicianinmusicartist concept_musicartist_queen +concept_musician_john_denver concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_doyle concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_fogerty concept:musicianinmusicartist concept_musicartist_creedence_clearwater_revival +concept_musician_john_fogerty concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_frusciante concept:musicianinmusicartist concept_musicartist_red_hot_chili_peppers +concept_musician_john_illsley concept:musicianinmusicartist concept_musicartist_dire_straits +concept_musician_john_johnson concept:persongraduatedfromuniversity concept_university_state_university +concept_musician_john_johnson concept:persongraduatedschool concept_university_state_university +concept_musician_john_lee_hooker concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_mayer concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_patitucci concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_john_paul_jones concept:musicianinmusicartist concept_musicartist_led_zeppelin +concept_musician_john_paul_jones concept:musicianinmusicartist concept_musicartist_zeppelin +concept_musician_john_paul_jones concept:musicianinmusicartist concept_musicartist_zepplin +concept_musician_john_petrucci concept:musicianinmusicartist concept_musicartist_dream_theater +concept_musician_john_petrucci concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_popper concept:musicianinmusicartist concept_musicartist_blues_traveler +concept_musician_john_popper concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_john_sykes concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_john_taylor concept:musicianinmusicartist concept_musicartist_duran_duran +concept_musician_johnny_cash concept:musicianinmusicartist concept_musicartist_stones +concept_musician_johnny_cash concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_johnny_greenwood concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_johnny_marr concept:musicianinmusicartist concept_musicartist_smiths +concept_musician_johnny_marr concept:musicianinmusicartist concept_musicartist_the_smiths +concept_musician_johnny_ramone concept:musicianinmusicartist concept_musicartist_ramones +concept_musician_johnny_ramone concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_johnny_rotten concept:musicianinmusicartist concept_musicartist_sex_pistols +concept_musician_johnny_rotten concept:personbelongstoorganization concept_musicartist_sex_pistols +concept_musician_johnny_smith concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jon_bon_jovi concept:musicianinmusicartist concept_musicartist_bon_jovi +concept_musician_jon_fishman concept:musicianinmusicartist concept_musicartist_phish +concept_musician_jon_foreman concept:musicianinmusicartist concept_musicartist_switchfoot +concept_musician_jon_lord concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_jon_schaffer concept:musicianinmusicartist concept_musicartist_iced_earth +concept_musician_jonathan_cain concept:musicianinmusicartist concept_musicartist_journey +concept_musician_jonathan_davis concept:musicianinmusicartist concept_musicartist_korn +concept_musician_jonny_greenwood concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_jonny_greenwood concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_jorma_kaukonen concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_josef_haydn concept:personhascitizenship concept_country_republic_of_austria +concept_musician_josh concept:persondiedatage 3 +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_lead_guitar +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_percussion +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_josh concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_justin concept:persondiedatage 20 +concept_musician_justin concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_justin concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_justin concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_justin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_justin concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_justin_hayward concept:musicianinmusicartist concept_musicartist_moody_blues +concept_musician_justin_hayward concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_justin_sane concept:musicianinmusicartist concept_musicartist_anti_flag +concept_musician_justin_timberlake concept:musicianinmusicartist concept_musicartist_nsync +concept_musician_karl_goldmark concept:persondiedincountry concept_country_england +concept_musician_keith_jarrett concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_keith_moon concept:musicianinmusicartist concept_musicartist_the_who +concept_musician_keith_richards concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_keith_richards concept:musicianinmusicartist concept_musicartist_stones +concept_musician_keith_richards concept:musicianinmusicartist concept_musicartist_the_rolling_stones +concept_musician_keith_richards concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_musician_keith_richards concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ken_hensley concept:musicianinmusicartist concept_musicartist_uriah_heep +concept_musician_kenny_barron concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_kenny_wayne_shepherd concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_kerry_king concept:musicianinmusicartist concept_musicartist_slayer +concept_musician_kevin_ayers concept:musicianinmusicartist concept_musicartist_soft_machine +concept_musician_kevin_dubrow concept:musicianinmusicartist concept_musicartist_quiet_riot +concept_musician_kid_ramos concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_kim_deal concept:musicianinmusicartist concept_musicartist_pixies +concept_musician_kirk_hammet concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_kirk_hammett concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_kirk_hammett concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_kiss concept:musicianinmusicartist concept_musicartist_stones +concept_musician_kiss concept:agentcollaborateswithagent concept_musician_gene_simmons +concept_musician_knopfler concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_koechlin concept:latitudelongitude -66.7000000000000,-67.6333300000000 +concept_musician_korngold concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_kreutzer concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_krist_novoselic concept:musicianinmusicartist concept_musicartist_nirvana +concept_musician_kurt_cobain concept:musicianinmusicartist concept_musicartist_nirvana +concept_musician_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_musician_larry_carlton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_lars_ulrich concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_musician_layne_staley concept:musicianinmusicartist concept_musicartist_alice_in_chains +concept_musician_lee_gaze concept:musicianinmusicartist concept_musicartist_lost_prophets +concept_musician_lee_hooker concept:musicianplaysinstrument concept_musicinstrument_blues +concept_musician_lee_ranaldo concept:musicianinmusicartist concept_musicartist_sonic_youth +concept_musician_lee_ritenour concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_lennon concept:personbornincity concept_city_york +concept_musician_lennon concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_lenny_breau concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_leo_brouwer concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_leo_kottke concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_leon_fleisher concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_les_claypool concept:musicianinmusicartist concept_musicartist_primus +concept_musician_les_paul concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_leslie_west concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_levi_stubbs concept:musicianinmusicartist concept_musicartist_four_tops +concept_musician_levon_helm concept:musicianinmusicartist concept_musicartist_band +concept_musician_levon_helm concept:musicianinmusicartist concept_musicartist_the_band +concept_musician_liam_gallagher concept:musicianinmusicartist concept_musicartist_oasis +concept_musician_lindsey_buckingham concept:musicianinmusicartist concept_musicartist_fleetwood_mac +concept_musician_link_wray concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_liszt concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_little_richard concept:musicianinmusicartist concept_musicartist_stones +concept_musician_little_richard concept:agentcollaborateswithagent concept_person_john003 +concept_musician_lloyd concept:personbornincity concept_city_york +concept_musician_lloyd concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_locations concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musician_locations concept:agentparticipatedinevent concept_sportsgame_series +concept_musician_lou_reed concept:musicianinmusicartist concept_musicartist_velvet_underground +concept_musician_lou_reed concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_louis_armstrong concept:musicianplaysinstrument concept_musicinstrument_horn +concept_musician_louis_armstrong concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_lowell_george concept:musicianinmusicartist concept_musicartist_little_feat +concept_musician_ludwig_van_beethoven concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_lux_interior concept:musicianinmusicartist concept_musicartist_cramps +concept_musician_madonna concept:musicianinmusicartist concept_musicartist_stones +concept_musician_madonna concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_marc_bolan concept:musicianinmusicartist concept_musicartist_t__rex +concept_musician_marc_bolan concept:musicianinmusicartist concept_musicartist_t_rex +concept_musician_marc_ribot concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_marcus_miller concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_mario concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mark_dresser concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_mark_farner concept:musicianinmusicartist concept_musicartist_grand_funk_railroad +concept_musician_mark_farner concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mark_hoppus concept:musicianinmusicartist concept_musicartist_blink_182 +concept_musician_mark_knopfler concept:musicianinmusicartist concept_musicartist_dire_straits +concept_musician_mark_knopfler concept:personbelongstoorganization concept_musicartist_dire_straits +concept_musician_mark_knopfler concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mark_lanegan concept:musicianinmusicartist concept_musicartist_screaming_trees +concept_musician_mark_mothersbaugh concept:musicianinmusicartist concept_musicartist_devo +concept_musician_mark_tremonti concept:musicianinmusicartist concept_musicartist_alter_bridge +concept_musician_martin_barre concept:musicianinmusicartist concept_musicartist_jethro_tull +concept_musician_martin_barre concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_martin_gore concept:musicianinmusicartist concept_musicartist_depeche_mode +concept_musician_martin_simpson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_martin_taylor concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_martinu concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_marty_balin concept:musicianinmusicartist concept_musicartist_jefferson_airplane +concept_musician_marty_friedman concept:musicianinmusicartist concept_musicartist_megadeth +concept_musician_marty_friedman concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_material concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musician_material concept:agentparticipatedinevent concept_eventoutcome_result +concept_musician_material concept:agentcreated concept_musicalbum_contact +concept_musician_material concept:agentparticipatedinevent concept_sportsgame_reason +concept_musician_material concept:agentcompeteswithagent concept_tradeunion_search +concept_musician_matt_bellamy concept:musicianinmusicartist concept_musicartist_muse +concept_musician_matt_cameron concept:musicianinmusicartist concept_musicartist_soundgarden +concept_musician_matt_freeman concept:musicianinmusicartist concept_musicartist_rancid +concept_musician_matt_skiba concept:musicianinmusicartist concept_musicartist_alkaline_trio +concept_musician_max_weinberg concept:musicianinmusicartist concept_musicartist_e_street_band +concept_musician_mcguinn concept:latitudelongitude 42.3342600000000,-71.1697800000000 +concept_musician_meg_white concept:musicianinmusicartist concept_musicartist_the_white_stripes +concept_musician_meg_white concept:musicianinmusicartist concept_musicartist_white_stripes +concept_musician_mendelssohn concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_mendelssohn concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_merle_travis concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_merrill concept:agentcollaborateswithagent concept_comedian_john_thain +concept_musician_merrill concept:agentbelongstoorganization concept_country___america +concept_musician_messiaen concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_michael_angelo_batio concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_michael_anthony concept:musicianinmusicartist concept_musicartist_van_halen +concept_musician_michael_haydn concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_michael_hedges concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_michael_hutchence concept:musicianinmusicartist concept_musicartist_inxs +concept_musician_michael_romeo concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_michael_schenker concept:musicianinmusicartist concept_musicartist_ufo +concept_musician_michael_schenker concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_michael_stipe concept:musicianinmusicartist concept_musicartist_r_e_m_ +concept_musician_michael_stipe concept:musicianinmusicartist concept_musicartist_rem +concept_musician_michael_sweet concept:musicianinmusicartist concept_musicartist_stryper +concept_musician_mick_fleetwood concept:musicianinmusicartist concept_musicartist_fleetwood_mac +concept_musician_mick_jagger concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_mick_jagger concept:personbelongstoorganization concept_musicartist_rolling_stones +concept_musician_mick_jagger concept:musicianinmusicartist concept_musicartist_stones +concept_musician_mick_mars concept:musicianinmusicartist concept_musicartist_motley_crue +concept_musician_mick_ronson concept:musicianinmusicartist concept_musicartist_david_bowie +concept_musician_mick_ronson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mick_taylor concept:musicianinmusicartist concept_musicartist_stones +concept_musician_mick_taylor concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mick_thompson concept:musicianinmusicartist concept_musicartist_slipknot +concept_musician_mickey concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_mickey concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mickey_hart concept:musicianinmusicartist concept_musicartist_grateful_dead +concept_musician_mickey_thomas concept:musicianinmusicartist concept_musicartist_jefferson_starship +concept_musician_midge_ure concept:musicianinmusicartist concept_musicartist_ultravox +concept_musician_mike_bloomfield concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mike_doughty concept:musicianinmusicartist concept_musicartist_soul_coughing +concept_musician_mike_keneally concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mike_mccready concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_mike_mccready concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mike_patton concept:musicianinmusicartist concept_musicartist_mr__bungle +concept_musician_mike_portnoy concept:musicianinmusicartist concept_musicartist_dream_theater +concept_musician_mike_rutherford concept:musicianinmusicartist concept_musicartist_genesis +concept_musician_mike_rutherford concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_mike_smith concept:musicianinmusicartist concept_musicartist_dave_clark_five +concept_musician_mike_stern concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_milt_holland concept:musicianplaysinstrument concept_musicinstrument_congas +concept_musician_misfits concept:agentcollaborateswithagent concept_actor_glenn_danzig +concept_musician_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_musician_moniuszko concept:latitudelongitude 47.0862200000000,-75.4120600000000 +concept_musician_monkees concept:agentcollaborateswithagent concept_musicartist_peter_tork +concept_musician_morris concept:personleadsgeopoliticalorganization concept_governmentorganization_house +concept_musician_morris concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_morris concept:personleadsgeopoliticalorganization concept_stateorprovince_points +concept_musician_morrissey concept:musicianinmusicartist concept_musicartist_smiths +concept_musician_mozart concept:persondiedatage 35 +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_clarinet +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_fortepiano +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_horn +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_two_pianos +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_viola +concept_musician_mozart concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_muddy_waters concept:musicianinmusicartist concept_musicartist_stones +concept_musician_muddy_waters concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_muddy_waters concept:agentcollaborateswithagent concept_person_john001 +concept_musician_myles_kennedy concept:musicianinmusicartist concept_musicartist_alter_bridge +concept_musician_nate_mendel concept:musicianinmusicartist concept_musicartist_foo_fighters +concept_musician_neal_schon concept:musicianinmusicartist concept_musicartist_journey +concept_musician_neal_schon concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_neil_finn concept:musicianinmusicartist concept_musicartist_crowded_house +concept_musician_neil_peart concept:musicianinmusicartist concept_musicartist_rush +concept_musician_neil_young concept:musicianinmusicartist concept_musicartist_stones +concept_musician_neil_young concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_nels_cline concept:musicianinmusicartist concept_musicartist_wilco +concept_musician_nels_cline concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_new_mexico_state_university concept:agentcollaborateswithagent concept_coach_hal_mumme +concept_musician_new_mexico_state_university concept:agentcontrols concept_coach_hal_mumme +concept_musician_new_mexico_state_university concept:agentcontrols concept_coach_reggie_theus +concept_musician_niccolo_paganini concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_nick_mason concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_nick_rhodes concept:musicianinmusicartist concept_musicartist_duran_duran +concept_musician_nicko_mcbrain concept:musicianinmusicartist concept_musicartist_iron_maiden +concept_musician_nicole_scherzinger concept:musicianinmusicartist concept_musicartist_pussycat_dolls +concept_musician_nils_lofgren concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_noel_gallagher concept:musicianinmusicartist concept_musicartist_oasis +concept_musician_noel_gallagher concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_noel_redding concept:musicianinmusicartist concept_musicartist_jimi_hendrix_experience +concept_musician_nokie_edwards concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_norman concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_nuno_bettencourt concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_omar_rodriguez_lopez concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_otis_redding concept:musicianinmusicartist concept_musicartist_stones +concept_musician_ozzy_osbourne concept:musicianinmusicartist concept_musicartist_black_sabbath +concept_musician_ozzy_osbourne concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pablo_casals concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_paganini concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_pat concept:persondiedatage 2 +concept_musician_pat concept:personbornincity concept_city_york +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_bass_guitar +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_pat concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_pat concept:personbelongstoorganization concept_politicalparty_college +concept_musician_pat concept:personbelongstoorganization concept_sportsteam_state_university +concept_musician_pat concept:persongraduatedfromuniversity concept_university_college +concept_musician_pat concept:persongraduatedfromuniversity concept_university_state_university +concept_musician_pat concept:persongraduatedschool concept_university_state_university +concept_musician_pat_martino concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pat_metheny concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pat_monahan concept:musicianinmusicartist concept_musicartist_train +concept_musician_patrick_moraz concept:musicianinmusicartist concept_musicartist_yes +concept_musician_patrick_stump concept:musicianinmusicartist concept_musicartist_fall_out_boy +concept_musician_paul concept:persondiedatage 3 +concept_musician_paul concept:musicianinmusicartist concept_musicartist_beatles +concept_musician_paul concept:musicianinmusicartist concept_musicartist_billy_joel +concept_musician_paul concept:musicianinmusicartist concept_musicartist_bob_dylan +concept_musician_paul concept:musicianinmusicartist concept_musicartist_bruce_springsteen +concept_musician_paul concept:musicianinmusicartist concept_musicartist_david_bowie +concept_musician_paul concept:musicianinmusicartist concept_musicartist_elton_john +concept_musician_paul concept:musicianinmusicartist concept_musicartist_eric_clapton +concept_musician_paul concept:musicianinmusicartist concept_musicartist_james_taylor +concept_musician_paul concept:musicianinmusicartist concept_musicartist_jimi_hendrix +concept_musician_paul concept:musicianinmusicartist concept_musicartist_lou_reed +concept_musician_paul concept:musicianinmusicartist concept_musicartist_michael_jackson +concept_musician_paul concept:musicianinmusicartist concept_musicartist_oasis +concept_musician_paul concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_paul concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_paul concept:musicianinmusicartist concept_musicartist_prince +concept_musician_paul concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_paul concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_paul concept:musicianinmusicartist concept_musicartist_sting +concept_musician_paul concept:musicianinmusicartist concept_musicartist_the_beatles +concept_musician_paul concept:musicianinmusicartist concept_musicartist_the_rolling_stones +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_bass_guitar +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_double_bass +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_electric_guitar +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_fiddle +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_guitars +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_keyboards +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_lead_guitar +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_lead_vocals +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_organ +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_percussion +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_sax +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_saxophone +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_tenor_sax +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_trombone +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_paul concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_musician_paul_burlison concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_paul_gilbert concept:musicianinmusicartist concept_musicartist_mr_big +concept_musician_paul_gilbert concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_paul_kantner concept:musicianinmusicartist concept_musicartist_jefferson_airplane +concept_musician_paul_rodgers concept:musicianinmusicartist concept_musicartist_bad_company +concept_musician_paul_rodgers concept:musicianinmusicartist concept_musicartist_queen +concept_musician_paul_simon concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_paul_simonon concept:musicianinmusicartist concept_musicartist_clash +concept_musician_paul_stanley concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_paul_stanley concept:personbelongstoorganization concept_musicartist_kiss +concept_musician_paul_weller concept:musicianinmusicartist concept_musicartist_style_council +concept_musician_paul_weller concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pedro_the_lion concept:agentcollaborateswithagent concept_musician_david_bazan +concept_musician_pepe_romero concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_perfect_way concept:proxyfor concept_book_new +concept_musician_pete_seeger concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_pete_townsend concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_pete_townshend concept:musicianinmusicartist concept_musicartist_the_who +concept_musician_pete_townshend concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_peter_buck concept:musicianinmusicartist concept_musicartist_rem +concept_musician_peter_buck concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_peter_criss concept:musicianinmusicartist concept_musicartist_kiss +concept_musician_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_musician_peter_frampton concept:musicianinmusicartist concept_musicartist_humble_pie +concept_musician_peter_frampton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_peter_gabriel concept:musicianinmusicartist concept_musicartist_genesis +concept_musician_peter_green concept:musicianinmusicartist concept_musicartist_fleetwood_mac +concept_musician_peter_green concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_peter_hook concept:musicianinmusicartist concept_musicartist_joy_division +concept_musician_peter_steele concept:musicianinmusicartist concept_musicartist_type_o_negative +concept_musician_peter_tork concept:musicianinmusicartist concept_musicartist_monkees +concept_musician_phil_collins concept:musicianinmusicartist concept_musicartist_genesis +concept_musician_phil_keaggy concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_phil_lynott concept:musicianinmusicartist concept_musicartist_thin_lizzy +concept_musician_phil_manzanera concept:musicianinmusicartist concept_musicartist_roxy_music +concept_musician_phil_selway concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_phil_spector concept:musicianinmusicartist concept_musicartist_stones +concept_musician_philip concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_philip concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_philip_anselmo concept:musicianinmusicartist concept_musicartist_pantera +concept_musician_philip_glass concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_pimble concept:latitudelongitude 45.8537700000000,-116.4907000000000 +concept_musician_pinetop_perkins concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_pink_floyd concept:musicianinmusicartist concept_musicartist_stones +concept_musician_pink_floyd concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_portishead concept:agentcollaborateswithagent concept_musician_adrian_utley +concept_musician_poulenc concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_poulenc concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_prince concept:musicianinmusicartist concept_musicartist_stones +concept_musician_prince concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_prokofiev concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_prokofiev concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_queens_of_the_stone_age concept:agentcollaborateswithagent concept_actor_josh_homme +concept_musician_quest concept:agentparticipatedinevent concept_sportsgame_series +concept_musician_rachmaninoff concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_rachmaninoff concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_rachmaninov concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_rachmaninov concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_ramones concept:musicianinmusicartist concept_musicartist_stones +concept_musician_randy_rhoads concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ravel concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_ray_anderson concept:proxyfor concept_musicinstrument_interface +concept_musician_ray_benson concept:latitudelongitude 44.4054000000000,-121.8608900000000 +concept_musician_ray_benson concept:musicianinmusicartist concept_musicartist_wheel +concept_musician_ray_charles concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_ray_davies concept:musicianinmusicartist concept_musicartist_kinks +concept_musician_rbd concept:latitudelongitude 32.6809700000000,-96.8683400000000 +concept_musician_reb_beach concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_richard_thompson concept:musicianinmusicartist concept_musicartist_fairport_convention +concept_musician_richard_thompson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_richie_mccaw concept:persondiedincountry concept_country_england +concept_musician_richie_sambora concept:musicianinmusicartist concept_musicartist_bon_jovi +concept_musician_richie_sambora concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_rick_wright concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_rickey_medlocke concept:musicianinmusicartist concept_musicartist_skynyrd +concept_musician_ringo concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_ringo_starr concept:musicianinmusicartist concept_musicartist_beatles +concept_musician_ringo_starr concept:musicianinmusicartist concept_musicartist_former_beatles +concept_musician_ringo_starr concept:musicianinmusicartist concept_musicartist_the_beatles +concept_musician_ritchie_blackmore concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_ritchie_blackmore concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_rivers_cuomo concept:musicianinmusicartist concept_musicartist_weezer +concept_musician_road concept:agentparticipatedinevent concept_eventoutcome_title +concept_musician_road concept:agentparticipatedinevent concept_sportsgame_finals +concept_musician_road concept:agentparticipatedinevent concept_sportsgame_series +concept_musician_rob_halford concept:musicianinmusicartist concept_musicartist_judas_priest +concept_musician_rob_thomas concept:musicianinmusicartist concept_musicartist_matchbox +concept_musician_rob_thomas concept:musicianinmusicartist concept_musicartist_matchbox_20 +concept_musician_rob_thomas concept:musicianinmusicartist concept_musicartist_matchbox_twenty +concept_musician_rob_zombie concept:musicianinmusicartist concept_musicartist_white_zombie +concept_musician_robben_ford concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_robbie_krieger concept:musicianinmusicartist concept_musicartist_the_doors +concept_musician_robbie_robertson concept:musicianinmusicartist concept_musicartist_band +concept_musician_robbie_robertson concept:musicianinmusicartist concept_musicartist_the_band +concept_musician_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_musician_robert_fripp concept:musicianinmusicartist concept_musicartist_king_crimson +concept_musician_robert_fripp concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_robert_johnson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_robert_plant concept:musicianinmusicartist concept_musicartist_led_zeppelin +concept_musician_robert_plant concept:musicianinmusicartist concept_musicartist_led_zepplin +concept_musician_robert_plant concept:musicianinmusicartist concept_musicartist_zep +concept_musician_robert_plant concept:musicianinmusicartist concept_musicartist_zeppelin +concept_musician_robert_plant concept:musicianinmusicartist concept_musicartist_zepplin +concept_musician_robert_quine concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_robert_schumann concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_robert_smith concept:musicianinmusicartist concept_musicartist_cure +concept_musician_robert_smith concept:musicianinmusicartist concept_musicartist_the_cure +concept_musician_robert_trujillo concept:musicianinmusicartist concept_musicartist_metallica +concept_musician_robert_wyatt concept:musicianinmusicartist concept_musicartist_soft_machine +concept_musician_robin_trower concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_rodrigo concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_roger_chapman concept:musicianinmusicartist concept_musicartist_family +concept_musician_roger_daltrey concept:musicianinmusicartist concept_musicartist_the_who +concept_musician_roger_glover concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_roger_taylor concept:musicianinmusicartist concept_musicartist_queen +concept_musician_roger_waters concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_ron_asheton concept:musicianinmusicartist concept_musicartist_stooges +concept_musician_ron_asheton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ron_carter concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_ron_wood concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_ron_wood concept:musicianinmusicartist concept_musicartist_stones +concept_musician_ron_wood concept:musicianinmusicartist concept_musicartist_the_rolling_stones +concept_musician_ron_wood concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ronnie_james_dio concept:musicianinmusicartist concept_musicartist_black_sabbath +concept_musician_ronnie_montrose concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ronnie_van_zant concept:musicianinmusicartist concept_musicartist_lynyrd_skynyrd +concept_musician_ronnie_van_zant concept:musicianinmusicartist concept_musicartist_skynyrd +concept_musician_ronnie_wood concept:hasspouse concept_athlete_ekaterina_ivanova +concept_musician_ronnie_wood concept:musicianinmusicartist concept_musicartist_rolling_stones +concept_musician_ronnie_wood concept:musicianinmusicartist concept_musicartist_stones +concept_musician_ronnie_wood concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_rosanne_cash concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_rossini concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_rostropovich concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_roy_buchanan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_roy_eldridge concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_rudy_sarzo concept:musicianinmusicartist concept_musicartist_quiet_riot +concept_musician_russell concept:musicianplaysinstrument concept_musicinstrument_drums +concept_musician_russell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_ry_cooder concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_saint_saens concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_sam_bush concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_musician_sammy_hagar concept:musicianinmusicartist concept_musicartist_van_halen +concept_musician_sample concept:agentinvolvedwithitem concept_buildingfeature_window +concept_musician_sample concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_musician_samuel_barber concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_santana concept:musicianinmusicartist concept_musicartist_stones +concept_musician_santana concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_sarasate concept:latitudelongitude -4.1666700000000,-40.4166700000000 +concept_musician_satriani concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_schoenberg concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_schubert concept:musicianplaysinstrument concept_musicinstrument_arpeggione +concept_musician_schubert concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_schubert concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_schubert concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_schumann concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_schumann concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_schumann concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_scott_henderson concept:musicianinmusicartist concept_musicartist_tribal_tech +concept_musician_scott_weiland concept:musicianinmusicartist concept_musicartist_stone_temple_pilots +concept_musician_scott_weiland concept:musicianinmusicartist concept_musicartist_velvet_revolver +concept_musician_scotty_moore concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_scriabin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_sergei_rachmaninoff concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_serj_tankian concept:musicianinmusicartist concept_musicartist_system_of_a_down +concept_musician_shannon_hoon concept:musicianinmusicartist concept_musicartist_blind_melon +concept_musician_shannon_larkin concept:musicianinmusicartist concept_musicartist_godsmack +concept_musician_sharon_isbin concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_shawn_lane concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_shirley_manson concept:musicianinmusicartist concept_musicartist_garbage +concept_musician_shostakovich concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_shostakovich concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_shostakovich concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_sibelius concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_sibelius concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_silver_jews concept:agentcollaborateswithagent concept_musician_david_berman +concept_musician_simon_le_bon concept:musicianinmusicartist concept_musicartist_duran_duran +concept_musician_six concept:agentparticipatedinevent concept_eventoutcome_result +concept_musician_six concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_six concept:agentparticipatedinevent concept_sportsgame_series +concept_musician_slash concept:musicianinmusicartist concept_musicartist_gnr +concept_musician_slash concept:musicianinmusicartist concept_musicartist_guns__n__roses +concept_musician_slash concept:musicianinmusicartist concept_musicartist_guns_n__roses +concept_musician_slash concept:musicianinmusicartist concept_musicartist_guns_n_roses +concept_musician_slash concept:musicianinmusicartist concept_musicartist_velvet_revolver +concept_musician_slash concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_sonny_boy_williamson concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_sonny_landreth concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_sparks concept:subpartof concept_radiostation_nevada +concept_musician_spector concept:personchargedwithcrime concept_crimeorcharge_murder +concept_musician_spencer_dryden concept:musicianinmusicartist concept_musicartist_jefferson_airplane +concept_musician_spohr concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_srv concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_stamitz concept:musicianplaysinstrument concept_musicinstrument_viola +concept_musician_stanley_jordan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_staple concept:agentparticipatedinevent concept_sportsgame_series +concept_musician_static_x concept:agentcollaborateswithagent concept_musician_wayne_static +concept_musician_stephen_malkmus concept:musicianinmusicartist concept_musicartist_pavement +concept_musician_stephen_morris concept:musicianinmusicartist concept_musicartist_new_order +concept_musician_stephen_pearcy concept:musicianinmusicartist concept_musicartist_ratt +concept_musician_stereophonics concept:agentcollaborateswithagent concept_professor_kelly_jones +concept_musician_steve_cropper concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_digiorgio concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_steve_hackett concept:musicianinmusicartist concept_musicartist_genesis +concept_musician_steve_hackett concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_harris concept:musicianinmusicartist concept_musicartist_iron_maiden +concept_musician_steve_harris concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_howe concept:musicianinmusicartist concept_musicartist_yes +concept_musician_steve_jones concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_lukather concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_marriott concept:musicianinmusicartist concept_musicartist_humble_pie +concept_musician_steve_marriott concept:musicianinmusicartist concept_musicartist_small_faces +concept_musician_steve_morse concept:musicianinmusicartist concept_musicartist_deep_purple +concept_musician_steve_morse concept:musicianinmusicartist concept_musicartist_dixie_dregs +concept_musician_steve_morse concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_perry concept:musicianinmusicartist concept_musicartist_journey +concept_musician_steve_perry concept:personbelongstoorganization concept_musicartist_journey +concept_musician_steve_rothery concept:musicianinmusicartist concept_musicartist_marillion +concept_musician_steve_stevens concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steve_turre concept:musicianplaysinstrument concept_musicinstrument_trombone +concept_musician_steve_vai concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_steven_page concept:musicianinmusicartist concept_musicartist_barenaked_ladies +concept_musician_steven_tyler concept:musicianinmusicartist concept_musicartist_aerosmith +concept_musician_stevie_nicks concept:musicianinmusicartist concept_musicartist_fleetwood_mac +concept_musician_stevie_ray_vaughan concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_stevie_ray_vaughn concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_stevie_wonder concept:musicianinmusicartist concept_musicartist_stones +concept_musician_stevie_wonder concept:musicianplaysinstrument concept_musicinstrument_harmonica +concept_musician_stiv_bators concept:musicianinmusicartist concept_musicartist_dead_boys +concept_musician_stone_gossard concept:musicianinmusicartist concept_musicartist_pearl_jam +concept_musician_stravinsky concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_stravinsky concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_streets concept:proxyfor concept_book_new +concept_musician_streets concept:mutualproxyfor concept_sportsequipment_new +concept_musician_stuart_sutcliffe concept:musicianinmusicartist concept_musicartist_beatles +concept_musician_studio concept:agentbelongstoorganization concept_terroristorganization_state +concept_musician_styx concept:agentcontrols concept_musicartist_dennis_deyoung +concept_musician_sufjan_stevens concept:musicianplaysinstrument concept_musicinstrument_banjo +concept_musician_sufjan_stevens concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_suggs concept:musicianinmusicartist concept_musicartist_madness +concept_musician_syd_barrett concept:musicianinmusicartist concept_musicartist_pink_floyd +concept_musician_syd_barrett concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_t_bone_walker concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_taylor_hawkins concept:musicianinmusicartist concept_musicartist_foo_fighters +concept_musician_tchaikovsky concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_tchaikovsky concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_tchaikovsky concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_teddy_wilson concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_telemann concept:musicianplaysinstrument concept_musicinstrument_recorder +concept_musician_terje_rypdal concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_terry_kath concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_the_allman_brothers_band concept:agentcollaborateswithagent concept_musicartist_duane_allman_and_dickey_betts +concept_musician_the_band concept:agentcollaborateswithagent concept_person_john003 +concept_musician_the_beach_boys concept:agentcontrols concept_musicartist_steve_earle +concept_musician_the_beach_boys concept:agentcontrols concept_personcanada_brian_wilson +concept_musician_the_edge concept:musicianinmusicartist concept_musicartist_u2 +concept_musician_the_edge concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_the_police concept:agentcollaborateswithagent concept_musician_andy_summers +concept_musician_third_world concept:proxyfor concept_book_new +concept_musician_thom_yorke concept:musicianinmusicartist concept_musicartist_radiohead +concept_musician_thom_yorke concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_musician_thomas_love_peacock concept:agentcreated concept_book_headlong_hall +concept_musician_thomas_love_peacock concept:agentcreated concept_book_nightmare_abbey +concept_musician_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_musician_tico_torres concept:musicianinmusicartist concept_musicartist_bon_jovi +concept_musician_tim_bogert concept:musicianinmusicartist concept_musicartist_vanilla_fudge +concept_musician_tim_stafford concept:musicianinmusicartist concept_musicartist_blue_highway +concept_musician_tom_araya concept:musicianinmusicartist concept_musicartist_slayer +concept_musician_tom_fogerty concept:musicianinmusicartist concept_musicartist_creedence_clearwater_revival +concept_musician_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_musician_tom_morello concept:musicianinmusicartist concept_musicartist_rage_against_the_machine +concept_musician_tom_morello concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tom_petty concept:musicianinmusicartist concept_musicartist_the_heartbreakers +concept_musician_tom_scholz concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tom_verlaine concept:musicianinmusicartist concept_musicartist_television +concept_musician_tom_verlaine concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tommy_emmanuel concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tommy_lee concept:musicianinmusicartist concept_musicartist_motley_crue +concept_musician_tommy_shaw concept:musicianinmusicartist concept_musicartist_styx +concept_musician_tony_iommi concept:musicianinmusicartist concept_musicartist_black_sabbath +concept_musician_tony_iommi concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tony_levin concept:musicianinmusicartist concept_musicartist_king_crimson +concept_musician_tony_macalpine concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tony_mcmanus concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_tony_rice concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_train concept:agentcollaborateswithagent concept_musician_pat_monahan +concept_musician_travis_barker concept:musicianinmusicartist concept_musicartist_blink_182 +concept_musician_trent_reznor concept:musicianinmusicartist concept_musicartist_inch_nails +concept_musician_trent_reznor concept:musicianinmusicartist concept_musicartist_nin +concept_musician_trent_reznor concept:musicianinmusicartist concept_musicartist_nine_inch_nails +concept_musician_trey_anastasio concept:musicianinmusicartist concept_musicartist_phish +concept_musician_trey_anastasio concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_troy_davis concept:personchargedwithcrime concept_crimeorcharge_murder +concept_musician_uli_jon_roth concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_universal_music_group concept:subpartof concept_company_vivendi +concept_musician_universal_music_group concept:subpartof concept_company_vivendi_games +concept_musician_universal_music_group concept:agentcollaborateswithagent concept_personafrica_doug_morris +concept_musician_universal_music_group concept:agentcontrols concept_personafrica_doug_morris +concept_musician_universal_music_group concept:mutualproxyfor concept_personafrica_doug_morris +concept_musician_uri_caine concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_van_morrison concept:musicianinmusicartist concept_musicartist_stones +concept_musician_vernon_reid concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_vice_president concept:proxyfor concept_book_new +concept_musician_vice_president concept:personhasresidenceingeopoliticallocation concept_country_united_states +concept_musician_vice_president concept:personhasresidenceingeopoliticallocation concept_country_usa +concept_musician_vice_president concept:atdate concept_date_n1993 +concept_musician_vice_president concept:atdate concept_date_n1996 +concept_musician_vice_president concept:atdate concept_date_n1999 +concept_musician_vice_president concept:atdate concept_date_n2001 +concept_musician_vice_president concept:atdate concept_date_n2003 +concept_musician_vice_president concept:atdate concept_date_n2004 +concept_musician_vice_president concept:atdate concept_dateliteral_n2002 +concept_musician_vice_president concept:atdate concept_dateliteral_n2005 +concept_musician_vice_president concept:atdate concept_dateliteral_n2007 +concept_musician_vice_president concept:atdate concept_dateliteral_n2008 +concept_musician_vice_president concept:mutualproxyfor concept_sportsequipment_board +concept_musician_vice_president concept:mutualproxyfor concept_sportsequipment_new +concept_musician_victor_wooten concept:musicianplaysinstrument concept_musicinstrument_bass +concept_musician_villa_lobos concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_vince_neil concept:musicianinmusicartist concept_musicartist_motley_crue +concept_musician_vinnie_moore concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_vinnie_paul concept:musicianinmusicartist concept_musicartist_pantera +concept_musician_vivaldi concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_vivaldi concept:musicianplaysinstrument concept_musicinstrument_flute +concept_musician_vivaldi concept:musicianplaysinstrument concept_musicinstrument_string +concept_musician_vivaldi concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_vivaldi concept:musicianplaysinstrument concept_musicinstrument_violin +concept_musician_vivian_campbell concept:musicianinmusicartist concept_musicartist_def_leppard +concept_musician_vivian_campbell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_walt concept:personbornincity concept_city_york +concept_musician_walter_trout concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_warren_haynes concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_wayne_static concept:musicianinmusicartist concept_musicartist_static_x +concept_musician_weather_report concept:agentcollaborateswithagent concept_musician_jaco_pastorius +concept_musician_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_musician_wes_montgomery concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_willie_nelson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_wilson concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_wolfgang_amadeus_mozart concept:musicianplaysinstrument concept_musicinstrument_piano +concept_musician_wynton_marsalis concept:musicianplaysinstrument concept_musicinstrument_trumpet +concept_musician_yngwie_malmsteen concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musician_yo_yo_ma concept:musicianplaysinstrument concept_musicinstrument_cello +concept_musician_youssef_chahine concept:personhasjobposition concept_jobposition_filmmaker +concept_musician_zack_de_la_rocha concept:musicianinmusicartist concept_musicartist_rage_against_the_machine +concept_musician_zakk_wylde concept:musicianinmusicartist concept_musicartist_black_label_society +concept_musician_zakk_wylde concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_musicinstrument_aahs concept:atdate concept_date_n2001 +concept_musicinstrument_africa concept:proxyfor concept_book_new +concept_musicinstrument_africa concept:atdate concept_date_n1999 +concept_musicinstrument_africa concept:atdate concept_date_n2000 +concept_musicinstrument_africa concept:atdate concept_date_n2003 +concept_musicinstrument_africa concept:atdate concept_date_n2004 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2002 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2005 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2006 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2007 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2008 +concept_musicinstrument_africa concept:atdate concept_dateliteral_n2010 +concept_musicinstrument_armillary_sphere concept:latitudelongitude 38.9162250000000,-77.0481700000000 +concept_musicinstrument_asia concept:proxyfor concept_book_new +concept_musicinstrument_assembly concept:mutualproxyfor concept_sportsequipment_board +concept_musicinstrument_assembly concept:mutualproxyfor concept_transportation_two +concept_musicinstrument_b_flat concept:latitudelongitude 50.2998900000000,-116.7854600000000 +concept_musicinstrument_base concept:mutualproxyfor concept_book_new +concept_musicinstrument_base concept:objectfoundinscene concept_city_volcano +concept_musicinstrument_base concept:objectfoundinscene concept_landscapefeatures_valley +concept_musicinstrument_bass concept:atdate concept_dateliteral_n2002 +concept_musicinstrument_beat concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_benchmark concept:proxyfor concept_book_new +concept_musicinstrument_blocks concept:proxyfor concept_book_new +concept_musicinstrument_blocks concept:atlocation concept_lake_new +concept_musicinstrument_broadway concept:atlocation concept_building_vegas +concept_musicinstrument_buffalo concept:proxyfor concept_book_new +concept_musicinstrument_buffalo concept:mutualproxyfor concept_company_new_york +concept_musicinstrument_buffalo concept:subpartof concept_company_new_york +concept_musicinstrument_buffalo concept:proxyfor concept_professionalorganization_hsbc_arena +concept_musicinstrument_carillons concept:latitudelongitude 47.5000000000000,3.6166700000000 +concept_musicinstrument_cartridge concept:subpartof concept_weatherphenomenon_water +concept_musicinstrument_columnist concept:proxyfor concept_book_new +concept_musicinstrument_composer concept:proxyfor concept_book_new +concept_musicinstrument_computer concept:objectpartofobject concept_legume_chip +concept_musicinstrument_computer concept:objectpartofobject concept_musicinstrument_processor +concept_musicinstrument_computer concept:itemfoundinroom concept_room_office +concept_musicinstrument_computer concept:objectpartofobject concept_visualizableobject_cpu +concept_musicinstrument_contact concept:mutualproxyfor concept_ceo_jimmy_wales +concept_musicinstrument_corporate concept:atlocation concept_building_years +concept_musicinstrument_dancer concept:proxyfor concept_book_new +concept_musicinstrument_directory concept:mutualproxyfor concept_book_new +concept_musicinstrument_directory concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_drums concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_early_years concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_encore concept:subpartof concept_traditionalgame_vegas +concept_musicinstrument_endere concept:latitudelongitude 37.6000000000000,83.8333300000000 +concept_musicinstrument_ethno concept:latitudelongitude 18.4663300000000,-66.1198900000000 +concept_musicinstrument_festival concept:mutualproxyfor concept_book_new +concept_musicinstrument_field concept:thinghascolor concept_color_blue +concept_musicinstrument_flickr concept:mutualproxyfor concept_person_caterina_fake +concept_musicinstrument_ftir concept:latitudelongitude 63.8500000000000,-20.9833300000000 +concept_musicinstrument_games concept:mutualproxyfor concept_book_new +concept_musicinstrument_heels concept:subpartof concept_stadiumoreventvenue_acc +concept_musicinstrument_individual concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_instrument concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_instruments concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_keyboard concept:objectpartofobject concept_visualizableobject_desktop_computer +concept_musicinstrument_kompang concept:latitudelongitude 12.4500020000000,104.3666660000000 +concept_musicinstrument_leader concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_lines concept:mutualproxyfor concept_book_new +concept_musicinstrument_lines concept:thinghasshape concept_geometricshape_angle +concept_musicinstrument_links concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_lips concept:subpartof concept_website_blood +concept_musicinstrument_listing concept:proxyfor concept_book_new +concept_musicinstrument_load concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_load concept:objectpartofobject concept_vehicle_tires +concept_musicinstrument_loops concept:subpartof concept_weatherphenomenon_water +concept_musicinstrument_mixture concept:proxyfor concept_book_new +concept_musicinstrument_morsing concept:latitudelongitude -22.5405600000000,-43.7769400000000 +concept_musicinstrument_mortgage concept:proxyfor concept_book_new +concept_musicinstrument_news concept:mutualproxyfor concept_book_new +concept_musicinstrument_patrick_byrne concept:proxyfor concept_clothing_overstock +concept_musicinstrument_performing_arts concept:atdate concept_dateliteral_n2007 +concept_musicinstrument_performing_arts concept:atdate concept_dateliteral_n2008 +concept_musicinstrument_photo concept:objectfoundinscene concept_landscapefeatures_valley +concept_musicinstrument_photo concept:objectpartofobject concept_visualizableobject_lens +concept_musicinstrument_pickup concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_plaintiff concept:proxyfor concept_book_new +concept_musicinstrument_plaintiff concept:atdate concept_year_n1997 +concept_musicinstrument_prices concept:mutualproxyfor concept_book_new +concept_musicinstrument_printing concept:atdate concept_dateliteral_n2008 +concept_musicinstrument_programming concept:atdate concept_dateliteral_n2007 +concept_musicinstrument_ratchet concept:latitudelongitude 48.5999000000000,-53.7313900000000 +concept_musicinstrument_record concept:mutualproxyfor concept_book_new +concept_musicinstrument_renaissance concept:subpartof concept_traditionalgame_vegas +concept_musicinstrument_resource concept:mutualproxyfor concept_book_new +concept_musicinstrument_resource concept:atdate concept_dateliteral_n2007 +concept_musicinstrument_return concept:mutualproxyfor concept_book_new +concept_musicinstrument_roman_catholic concept:proxyfor concept_book_new +concept_musicinstrument_saddle concept:atdate concept_dateliteral_n2008 +concept_musicinstrument_sister concept:mutualproxyfor concept_book_new +concept_musicinstrument_slide concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_stadium concept:proxyfor concept_book_new +concept_musicinstrument_stadium concept:atdate concept_date_n2001 +concept_musicinstrument_stadium concept:atdate concept_dateliteral_n2002 +concept_musicinstrument_stadium concept:atdate concept_dateliteral_n2007 +concept_musicinstrument_station concept:mutualproxyfor concept_book_new +concept_musicinstrument_station concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_studio_album concept:atdate concept_dateliteral_n2006 +concept_musicinstrument_stuff concept:proxyfor concept_book_new +concept_musicinstrument_swaps concept:latitudelongitude 42.9365800000000,-111.8496800000000 +concept_musicinstrument_syria concept:atdate concept_date_n2000 +concept_musicinstrument_system concept:mutualproxyfor concept_book_new +concept_musicinstrument_system concept:objectpartofobject concept_sportsequipment_wheel +concept_musicinstrument_system concept:objectfoundinscene concept_visualizablescene_observatory +concept_musicinstrument_t_l concept:subpartof concept_biotechcompany_deutsche_telekom_ag +concept_musicinstrument_t_l concept:subpartof concept_company_deutsche_telekom +concept_musicinstrument_talk concept:mutualproxyfor concept_book_new +concept_musicinstrument_technician concept:subpartof concept_weatherphenomenon_air +concept_musicinstrument_technician concept:subpartof concept_weatherphenomenon_water +concept_musicinstrument_terminus concept:proxyfor concept_book_new +concept_musicinstrument_treasury_bills concept:atdate concept_dateliteral_n2006 +concept_musicinstrument_venezuela concept:mutualproxyfor concept_nut_caracas +concept_musicinstrument_visa concept:mutualproxyfor concept_person_dee_hock +concept_musicinstrument_workplace concept:subpartof concept_weatherphenomenon_air +concept_musicinstrument_zabumba concept:latitudelongitude -4.1500000000000,-38.1666700000000 +concept_musicinstrument_zurla concept:latitudelongitude 12.6666700000000,23.6500000000000 +concept_musicsong_abilene concept:atlocation concept_city_texas +concept_musicsong_abilene concept:mutualproxyfor concept_city_texas +concept_musicsong_anniversary concept:atdate concept_date_n1999 +concept_musicsong_anniversary concept:atdate concept_date_n2000 +concept_musicsong_anniversary concept:atdate concept_date_n2001 +concept_musicsong_anniversary concept:atdate concept_date_n2003 +concept_musicsong_anniversary concept:atdate concept_date_n2004 +concept_musicsong_anniversary concept:atdate concept_date_n2009 +concept_musicsong_anniversary concept:atdate concept_dateliteral_n2002 +concept_musicsong_anniversary concept:atdate concept_dateliteral_n2005 +concept_musicsong_anniversary concept:atdate concept_dateliteral_n2006 +concept_musicsong_anniversary concept:atdate concept_dateliteral_n2007 +concept_musicsong_anniversary concept:atdate concept_dateliteral_n2008 +concept_musicsong_apache concept:synonymfor concept_agent_linux +concept_musicsong_baby_boy concept:atdate concept_dateliteral_n2005 +concept_musicsong_baby_boy concept:atdate concept_dateliteral_n2006 +concept_musicsong_baby_boy concept:atdate concept_dateliteral_n2007 +concept_musicsong_barbados concept:atdate concept_date_n2001 +concept_musicsong_barbados concept:atdate concept_dateliteral_n2005 +concept_musicsong_barbados concept:atdate concept_dateliteral_n2006 +concept_musicsong_barbados concept:atdate concept_dateliteral_n2007 +concept_musicsong_barbados concept:atdate concept_dateliteral_n2008 +concept_musicsong_big_mistake concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_birthday concept:atdate concept_date_n2000 +concept_musicsong_birthday concept:atdate concept_date_n2001 +concept_musicsong_birthday concept:atdate concept_date_n2003 +concept_musicsong_birthday concept:atdate concept_date_n2004 +concept_musicsong_birthday concept:atdate concept_dateliteral_n2002 +concept_musicsong_birthday concept:atdate concept_dateliteral_n2005 +concept_musicsong_birthday concept:atdate concept_dateliteral_n2006 +concept_musicsong_birthday concept:atdate concept_dateliteral_n2007 +concept_musicsong_birthday concept:atdate concept_dateliteral_n2008 +concept_musicsong_birthday concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_birthday concept:atdate concept_year_n1997 +concept_musicsong_boys concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_brandenburg concept:proxyfor concept_coach_kentucky +concept_musicsong_canaan concept:mutualproxyfor concept_book_new +concept_musicsong_canaan concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_caroline concept:mutualproxyfor concept_book_new +concept_musicsong_caroline concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_casualty concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_celebration concept:atdate concept_date_n2009 +concept_musicsong_centerpiece concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_challanges concept:latitudelongitude 47.0110000000000,4.8980000000000 +concept_musicsong_chance concept:atdate concept_dateliteral_n2005 +concept_musicsong_chance concept:atdate concept_dateliteral_n2006 +concept_musicsong_chance concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_christmas concept:istallerthan concept_musicsong_friends +concept_musicsong_circles concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_circumstances concept:atdate concept_date_n2001 +concept_musicsong_circumstances concept:atdate concept_dateliteral_n2005 +concept_musicsong_circumstances concept:atdate concept_dateliteral_n2007 +concept_musicsong_clair_de_lune concept:latitudelongitude 43.4513600000000,-1.5448700000000 +concept_musicsong_confirmation concept:atdate concept_dateliteral_n2005 +concept_musicsong_content concept:atdate concept_date_n2004 +concept_musicsong_content concept:atdate concept_dateliteral_n2005 +concept_musicsong_content concept:atdate concept_dateliteral_n2006 +concept_musicsong_content concept:atdate concept_dateliteral_n2008 +concept_musicsong_cornerstone concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_countrywide concept:subpartof concept_jobposition_citi +concept_musicsong_crossroads concept:mutualproxyfor concept_politicianus_john_johnson +concept_musicsong_crossroads concept:mutualproxyfor concept_weatherphenomenon_johnson +concept_musicsong_crossroads concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_diary concept:atdate concept_date_n1942 +concept_musicsong_difficulties concept:ismultipleof concept_publication_people_ +concept_musicsong_downtown concept:istallerthan concept_publication_people_ +concept_musicsong_downtown concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_drop concept:atdate concept_dateliteral_n2008 +concept_musicsong_drop concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_durant concept:atlocation concept_geopoliticallocation_oklahoma +concept_musicsong_easy_way concept:istallerthan concept_publication_people_ +concept_musicsong_el_paso concept:subpartof concept_city_texas +concept_musicsong_el_paso concept:proxyfor concept_female_texas_tech_university +concept_musicsong_end concept:atdate concept_date_n1941 +concept_musicsong_end concept:atdate concept_date_n1944 +concept_musicsong_end concept:atdate concept_date_n1969 +concept_musicsong_end concept:atdate concept_date_n1993 +concept_musicsong_end concept:atdate concept_date_n1996 +concept_musicsong_end concept:atdate concept_date_n1999 +concept_musicsong_end concept:atdate concept_date_n2000 +concept_musicsong_end concept:atdate concept_date_n2001 +concept_musicsong_end concept:atdate concept_date_n2003 +concept_musicsong_end concept:atdate concept_date_n2004 +concept_musicsong_end concept:atdate concept_date_n2009 +concept_musicsong_end concept:atdate concept_dateliteral_n1945 +concept_musicsong_end concept:atdate concept_dateliteral_n2002 +concept_musicsong_end concept:atdate concept_dateliteral_n2005 +concept_musicsong_end concept:atdate concept_dateliteral_n2006 +concept_musicsong_end concept:atdate concept_dateliteral_n2007 +concept_musicsong_end concept:atdate concept_dateliteral_n2008 +concept_musicsong_end concept:atdate concept_dateliteral_n2010 +concept_musicsong_end concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_end concept:atdate concept_year_n1865 +concept_musicsong_end concept:atdate concept_year_n1967 +concept_musicsong_end concept:atdate concept_year_n1988 +concept_musicsong_end concept:atdate concept_year_n1991 +concept_musicsong_end concept:atdate concept_year_n1992 +concept_musicsong_end concept:atdate concept_year_n1994 +concept_musicsong_end concept:atdate concept_year_n1997 +concept_musicsong_eruption concept:atdate concept_year_n1998 +concept_musicsong_escape concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_estate concept:atdate concept_date_n2001 +concept_musicsong_estate concept:atdate concept_date_n2003 +concept_musicsong_estate concept:atdate concept_date_n2004 +concept_musicsong_estate concept:atdate concept_dateliteral_n2005 +concept_musicsong_estate concept:atdate concept_dateliteral_n2008 +concept_musicsong_estate concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_evidence concept:atdate concept_dateliteral_n2007 +concept_musicsong_evidence concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_factors concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_factory concept:atdate concept_date_n1999 +concept_musicsong_factory concept:atdate concept_date_n2000 +concept_musicsong_fairytales concept:latitudelongitude 25.8552800000000,-80.3086100000000 +concept_musicsong_feeling concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_feet concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_fellowship concept:atdate concept_date_n2009 +concept_musicsong_fellowship concept:atdate concept_dateliteral_n2006 +concept_musicsong_fellowship concept:atdate concept_dateliteral_n2007 +concept_musicsong_fever concept:atdate concept_year_n1824 +concept_musicsong_flamingo concept:atlocation concept_building_vegas +concept_musicsong_flamingo concept:subpartof concept_county_las_vegas +concept_musicsong_flamingo concept:subpartof concept_traditionalgame_vegas +concept_musicsong_format concept:atdate concept_dateliteral_n2002 +concept_musicsong_format concept:atdate concept_dateliteral_n2006 +concept_musicsong_format concept:atdate concept_dateliteral_n2007 +concept_musicsong_format concept:atdate concept_dateliteral_n2008 +concept_musicsong_format concept:atdate concept_year_n1994 +concept_musicsong_fuel concept:atdate concept_dateliteral_n2008 +concept_musicsong_galveston concept:atlocation concept_city_texas +concept_musicsong_galveston concept:subpartof concept_city_texas +concept_musicsong_galveston concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_girl concept:atdate concept_date_n2004 +concept_musicsong_girl concept:atdate concept_dateliteral_n2002 +concept_musicsong_girl concept:atdate concept_dateliteral_n2006 +concept_musicsong_girl concept:atdate concept_dateliteral_n2007 +concept_musicsong_girl concept:atdate concept_dateliteral_n2008 +concept_musicsong_girl concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_girl concept:atdate concept_year_n1998 +concept_musicsong_gold concept:atdate concept_date_n1993 +concept_musicsong_gold concept:atdate concept_date_n2000 +concept_musicsong_gold concept:atdate concept_dateliteral_n2006 +concept_musicsong_gold concept:atdate concept_dateliteral_n2007 +concept_musicsong_gold concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_good_friend concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_good_news concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_good_time concept:istallerthan concept_musicsong_friends +concept_musicsong_good_time concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_great_time concept:istallerthan concept_musicsong_friends +concept_musicsong_great_time concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_hatikvah concept:latitudelongitude 25.8934300000000,-80.1817100000000 +concept_musicsong_health_concerns concept:ismultipleof concept_publication_people_ +concept_musicsong_hometown concept:mutualproxyfor concept_book_new +concept_musicsong_hometown concept:atdate concept_month_june +concept_musicsong_hometown concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_http concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_hurricane concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_immigrants concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_jackson concept:mutualproxyfor concept_creditunion_michigan +concept_musicsong_jackson concept:subpartof concept_emotion_mississippi +concept_musicsong_jerusalem concept:mutualproxyfor concept_book_new +concept_musicsong_jerusalem concept:atdate concept_date_n2004 +concept_musicsong_jerusalem concept:atdate concept_dateliteral_n2008 +concept_musicsong_jerusalem concept:proxyfor concept_eventoutcome_state +concept_musicsong_jerusalem concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_jerusalem concept:atdate concept_year_n1948 +concept_musicsong_jordan concept:atdate concept_date_n1999 +concept_musicsong_jordan concept:atdate concept_date_n2003 +concept_musicsong_jordan concept:atdate concept_date_n2004 +concept_musicsong_jordan concept:atdate concept_dateliteral_n2006 +concept_musicsong_jordan concept:atdate concept_dateliteral_n2007 +concept_musicsong_kicks concept:latitudelongitude 31.9515900000000,-81.9515100000000 +concept_musicsong_last_time concept:atdate concept_date_n1999 +concept_musicsong_last_time concept:atdate concept_date_n2000 +concept_musicsong_last_time concept:atdate concept_date_n2001 +concept_musicsong_last_time concept:atdate concept_date_n2004 +concept_musicsong_last_time concept:atdate concept_dateliteral_n2005 +concept_musicsong_last_time concept:atdate concept_dateliteral_n2006 +concept_musicsong_last_time concept:atdate concept_dateliteral_n2007 +concept_musicsong_last_time concept:atdate concept_dateliteral_n2008 +concept_musicsong_last_time concept:atdate concept_year_n1965 +concept_musicsong_last_year concept:atdate concept_dateliteral_n2007 +concept_musicsong_last_year concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_legend concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_letter concept:atdate concept_date_n2000 +concept_musicsong_letter concept:atdate concept_date_n2001 +concept_musicsong_letter concept:atdate concept_date_n2004 +concept_musicsong_letter concept:atdate concept_date_n2009 +concept_musicsong_letter concept:atdate concept_dateliteral_n2005 +concept_musicsong_letter concept:atdate concept_dateliteral_n2006 +concept_musicsong_letter concept:atdate concept_dateliteral_n2007 +concept_musicsong_letter concept:atdate concept_year_n1994 +concept_musicsong_letter concept:atdate concept_year_n1995 +concept_musicsong_letter concept:atdate concept_year_n1998 +concept_musicsong_life concept:istallerthan concept_musicsong_father +concept_musicsong_life concept:istallerthan concept_musicsong_son +concept_musicsong_life concept:istallerthan concept_musicsong_things +concept_musicsong_life concept:istallerthan concept_musicsong_woman +concept_musicsong_little_bit concept:proxyfor concept_book_new +concept_musicsong_loser concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_louis concept:atdate concept_date_n2003 +concept_musicsong_louis concept:atdate concept_date_n2004 +concept_musicsong_louis concept:atdate concept_dateliteral_n2005 +concept_musicsong_louis concept:atdate concept_dateliteral_n2006 +concept_musicsong_louis concept:atdate concept_dateliteral_n2007 +concept_musicsong_louis concept:atdate concept_dateliteral_n2008 +concept_musicsong_louis concept:atdate concept_year_n1975 +concept_musicsong_louisiana concept:mutualproxyfor concept_book_alexandria +concept_musicsong_louisiana concept:mutualproxyfor concept_book_new +concept_musicsong_louisiana concept:mutualproxyfor concept_criminal_baton_rouge +concept_musicsong_louisiana concept:atdate concept_dateliteral_n2005 +concept_musicsong_louisiana concept:mutualproxyfor concept_person_monroe +concept_musicsong_louisiana concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_lover concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_ma concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_management_problems concept:subpartof concept_weatherphenomenon_water +concept_musicsong_manhattan concept:atdate concept_dateliteral_n2006 +concept_musicsong_manhattan concept:atdate concept_year_n1989 +concept_musicsong_masterpiece concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_matters concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_mediterranean concept:atdate concept_date_n1941 +concept_musicsong_mediterranean concept:atdate concept_date_n1944 +concept_musicsong_memphis concept:proxyfor concept_musicinstrument_ut +concept_musicsong_memphis concept:proxyfor concept_weatherphenomenon_memphis +concept_musicsong_memphis concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_memphis concept:proxyfor concept_weatherphenomenon_tennessee +concept_musicsong_memphis concept:subpartof concept_weatherphenomenon_tennessee +concept_musicsong_midnight concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_miracle concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_moments concept:mutualproxyfor concept_book_new +concept_musicsong_moments concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_natchez concept:proxyfor concept_emotion_mississippi +concept_musicsong_neighbors concept:mutualproxyfor concept_book_new +concept_musicsong_neighbors concept:atdate concept_dateliteral_n2008 +concept_musicsong_neighbors concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_new_york_new_york concept:subpartof concept_traditionalgame_vegas +concept_musicsong_next_year concept:atdate concept_date_n2009 +concept_musicsong_next_year concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_night concept:atdate concept_date_n1941 +concept_musicsong_night concept:atdate concept_date_n1942 +concept_musicsong_night concept:atdate concept_date_n1944 +concept_musicsong_night concept:atdate concept_date_n1957 +concept_musicsong_night concept:atdate concept_date_n1962 +concept_musicsong_night concept:atdate concept_date_n1964 +concept_musicsong_night concept:atdate concept_date_n1966 +concept_musicsong_night concept:atdate concept_date_n1968 +concept_musicsong_night concept:atdate concept_date_n1969 +concept_musicsong_night concept:atdate concept_date_n1972 +concept_musicsong_night concept:atdate concept_date_n1976 +concept_musicsong_night concept:atdate concept_date_n1977 +concept_musicsong_night concept:atdate concept_date_n1993 +concept_musicsong_night concept:atdate concept_date_n1996 +concept_musicsong_night concept:atdate concept_date_n1999 +concept_musicsong_night concept:atdate concept_date_n2000 +concept_musicsong_night concept:atdate concept_date_n2001 +concept_musicsong_night concept:atdate concept_date_n2003 +concept_musicsong_night concept:atdate concept_date_n2004 +concept_musicsong_night concept:atdate concept_dateliteral_n1912 +concept_musicsong_night concept:atdate concept_dateliteral_n1943 +concept_musicsong_night concept:atdate concept_dateliteral_n1945 +concept_musicsong_night concept:atdate concept_dateliteral_n1954 +concept_musicsong_night concept:atdate concept_dateliteral_n1980 +concept_musicsong_night concept:atdate concept_dateliteral_n1987 +concept_musicsong_night concept:atdate concept_dateliteral_n1990 +concept_musicsong_night concept:atdate concept_dateliteral_n2002 +concept_musicsong_night concept:atdate concept_dateliteral_n2005 +concept_musicsong_night concept:atdate concept_dateliteral_n2006 +concept_musicsong_night concept:atdate concept_dateliteral_n2007 +concept_musicsong_night concept:atdate concept_dateliteral_n2008 +concept_musicsong_night concept:istallerthan concept_musicsong_friends +concept_musicsong_night concept:subpartof concept_weatherphenomenon_air +concept_musicsong_night concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_night concept:atdate concept_year_n1862 +concept_musicsong_night concept:atdate concept_year_n1865 +concept_musicsong_night concept:atdate concept_year_n1959 +concept_musicsong_night concept:atdate concept_year_n1963 +concept_musicsong_night concept:atdate concept_year_n1965 +concept_musicsong_night concept:atdate concept_year_n1967 +concept_musicsong_night concept:atdate concept_year_n1973 +concept_musicsong_night concept:atdate concept_year_n1974 +concept_musicsong_night concept:atdate concept_year_n1975 +concept_musicsong_night concept:atdate concept_year_n1978 +concept_musicsong_night concept:atdate concept_year_n1981 +concept_musicsong_night concept:atdate concept_year_n1982 +concept_musicsong_night concept:atdate concept_year_n1983 +concept_musicsong_night concept:atdate concept_year_n1984 +concept_musicsong_night concept:atdate concept_year_n1985 +concept_musicsong_night concept:atdate concept_year_n1986 +concept_musicsong_night concept:atdate concept_year_n1989 +concept_musicsong_night concept:atdate concept_year_n1991 +concept_musicsong_night concept:atdate concept_year_n1992 +concept_musicsong_night concept:atdate concept_year_n1994 +concept_musicsong_night concept:atdate concept_year_n1995 +concept_musicsong_night concept:atdate concept_year_n1997 +concept_musicsong_night concept:atdate concept_year_n1998 +concept_musicsong_norman concept:proxyfor concept_musicsong_oklahoma +concept_musicsong_norman concept:subpartof concept_musicsong_oklahoma +concept_musicsong_numbers concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_obstacles concept:latitudelongitude 48.4834400000000,-75.0824800000000 +concept_musicsong_oklahoma concept:mutualproxyfor concept_book_new +concept_musicsong_oklahoma concept:mutualproxyfor concept_movie_broken_arrow +concept_musicsong_oklahoma concept:mutualproxyfor concept_musicsong_norman +concept_musicsong_oklahoma concept:istallerthan concept_publication_people_ +concept_musicsong_oklahoma concept:mutualproxyfor concept_sportsteamposition_edmond +concept_musicsong_oklahoma concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_one_hour concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_one_way concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_panama concept:atdate concept_dateliteral_n2006 +concept_musicsong_panama concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_paradise concept:mutualproxyfor concept_book_new +concept_musicsong_paradise concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_party concept:istallerthan concept_publication_people_ +concept_musicsong_party concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_passion concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_picnic concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_pieces concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_plan concept:atdate concept_date_n1996 +concept_musicsong_plan concept:atdate concept_date_n1999 +concept_musicsong_plan concept:atdate concept_date_n2000 +concept_musicsong_plan concept:atdate concept_date_n2001 +concept_musicsong_plan concept:atdate concept_date_n2003 +concept_musicsong_plan concept:atdate concept_date_n2004 +concept_musicsong_plan concept:atdate concept_dateliteral_n2002 +concept_musicsong_plan concept:atdate concept_dateliteral_n2005 +concept_musicsong_plan concept:atdate concept_dateliteral_n2006 +concept_musicsong_plan concept:atdate concept_dateliteral_n2007 +concept_musicsong_plan concept:atdate concept_dateliteral_n2008 +concept_musicsong_plan concept:istallerthan concept_publication_people_ +concept_musicsong_plan concept:atdate concept_year_n1994 +concept_musicsong_plan concept:atdate concept_year_n1997 +concept_musicsong_plan concept:atdate concept_year_n1998 +concept_musicsong_pockets concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_power concept:istallerthan concept_publication_people_ +concept_musicsong_pressure concept:atdate concept_date_n2004 +concept_musicsong_pressure concept:atdate concept_dateliteral_n2007 +concept_musicsong_prices concept:atdate concept_date_n2000 +concept_musicsong_prices concept:atdate concept_dateliteral_n2005 +concept_musicsong_prices concept:atdate concept_dateliteral_n2006 +concept_musicsong_prices concept:atdate concept_dateliteral_n2007 +concept_musicsong_prices concept:atdate concept_dateliteral_n2008 +concept_musicsong_prices concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_resignation concept:atdate concept_date_n1939 +concept_musicsong_resignation concept:atdate concept_date_n1993 +concept_musicsong_resignation concept:atdate concept_date_n2000 +concept_musicsong_resignation concept:atdate concept_date_n2001 +concept_musicsong_resignation concept:atdate concept_date_n2003 +concept_musicsong_resignation concept:atdate concept_date_n2004 +concept_musicsong_resignation concept:atdate concept_dateliteral_n2002 +concept_musicsong_resignation concept:atdate concept_dateliteral_n2005 +concept_musicsong_resignation concept:atdate concept_dateliteral_n2006 +concept_musicsong_resignation concept:atdate concept_dateliteral_n2007 +concept_musicsong_resignation concept:atdate concept_dateliteral_n2008 +concept_musicsong_resignation concept:atdate concept_year_n1956 +concept_musicsong_resignation concept:atdate concept_year_n1970 +concept_musicsong_resignation concept:atdate concept_year_n1992 +concept_musicsong_resignation concept:atdate concept_year_n1995 +concept_musicsong_resignation concept:atdate concept_year_n1997 +concept_musicsong_resignation concept:atdate concept_year_n1998 +concept_musicsong_rules concept:atdate concept_date_n1999 +concept_musicsong_rules concept:atdate concept_date_n2001 +concept_musicsong_rules concept:atdate concept_date_n2003 +concept_musicsong_rules concept:atdate concept_date_n2004 +concept_musicsong_rules concept:atdate concept_dateliteral_n2002 +concept_musicsong_rules concept:atdate concept_dateliteral_n2006 +concept_musicsong_rules concept:atdate concept_dateliteral_n2007 +concept_musicsong_rules concept:atdate concept_dateliteral_n2008 +concept_musicsong_rules concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_sale concept:atdate concept_date_n1993 +concept_musicsong_sale concept:atdate concept_date_n1996 +concept_musicsong_sale concept:atdate concept_date_n1999 +concept_musicsong_sale concept:atdate concept_date_n2000 +concept_musicsong_sale concept:atdate concept_date_n2001 +concept_musicsong_sale concept:atdate concept_date_n2003 +concept_musicsong_sale concept:atdate concept_date_n2004 +concept_musicsong_sale concept:atdate concept_date_n2009 +concept_musicsong_sale concept:atdate concept_dateliteral_n1990 +concept_musicsong_sale concept:atdate concept_dateliteral_n2002 +concept_musicsong_sale concept:atdate concept_dateliteral_n2005 +concept_musicsong_sale concept:atdate concept_dateliteral_n2006 +concept_musicsong_sale concept:atdate concept_dateliteral_n2007 +concept_musicsong_sale concept:atdate concept_dateliteral_n2008 +concept_musicsong_sale concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_sale concept:atdate concept_year_n1985 +concept_musicsong_sale concept:atdate concept_year_n1992 +concept_musicsong_sale concept:atdate concept_year_n1994 +concept_musicsong_sale concept:atdate concept_year_n1995 +concept_musicsong_sale concept:atdate concept_year_n1997 +concept_musicsong_sale concept:atdate concept_year_n1998 +concept_musicsong_salina concept:proxyfor concept_creditunion_kansas +concept_musicsong_salina concept:subpartof concept_creditunion_kansas +concept_musicsong_saturday_night concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_schools concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_seven_days concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_ships concept:atdate concept_dateliteral_n2006 +concept_musicsong_ships concept:atdate concept_dateliteral_n2008 +concept_musicsong_ships concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_situations concept:subpartof concept_weatherphenomenon_air +concept_musicsong_situations concept:subpartof concept_weatherphenomenon_water +concept_musicsong_song concept:atdate concept_dateliteral_n2006 +concept_musicsong_song concept:atdate concept_dateliteral_n2007 +concept_musicsong_song concept:atdate concept_dateliteral_n2008 +concept_musicsong_song concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_songs concept:atdate concept_date_n2004 +concept_musicsong_songs concept:atdate concept_dateliteral_n2006 +concept_musicsong_spain concept:atdate concept_date_n1999 +concept_musicsong_spain concept:atdate concept_date_n2000 +concept_musicsong_spain concept:atdate concept_date_n2001 +concept_musicsong_spain concept:atdate concept_date_n2003 +concept_musicsong_spain concept:atdate concept_date_n2004 +concept_musicsong_spain concept:atdate concept_date_n2009 +concept_musicsong_spain concept:atdate concept_dateliteral_n1936 +concept_musicsong_spain concept:atdate concept_dateliteral_n2002 +concept_musicsong_spain concept:atdate concept_dateliteral_n2005 +concept_musicsong_spain concept:atdate concept_dateliteral_n2006 +concept_musicsong_spain concept:atdate concept_dateliteral_n2007 +concept_musicsong_spain concept:atdate concept_dateliteral_n2008 +concept_musicsong_spain concept:synonymfor concept_politicalparty_republic +concept_musicsong_spain concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_spain concept:atdate concept_year_n1898 +concept_musicsong_spain concept:atdate concept_year_n1937 +concept_musicsong_spain concept:atdate concept_year_n1994 +concept_musicsong_spain concept:atdate concept_year_n1997 +concept_musicsong_suicide concept:atdate concept_date_n2000 +concept_musicsong_suicide concept:atdate concept_date_n2003 +concept_musicsong_suicide concept:atdate concept_date_n2004 +concept_musicsong_suicide concept:atdate concept_dateliteral_n1945 +concept_musicsong_suicide concept:atdate concept_dateliteral_n2005 +concept_musicsong_suicide concept:atdate concept_dateliteral_n2006 +concept_musicsong_suicide concept:atdate concept_dateliteral_n2007 +concept_musicsong_suicide concept:atdate concept_year_n1985 +concept_musicsong_suicide concept:atdate concept_year_n1991 +concept_musicsong_suicide concept:atdate concept_year_n1994 +concept_musicsong_suicide concept:atdate concept_year_n1997 +concept_musicsong_summer concept:atdate concept_date_meeting +concept_musicsong_summer concept:istallerthan concept_musicsong_friends +concept_musicsong_sun concept:atdate concept_date_n2004 +concept_musicsong_sun concept:atdate concept_dateliteral_n2006 +concept_musicsong_sun concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_sunday concept:mutualproxyfor concept_book_new +concept_musicsong_sunday concept:atdate concept_date_community +concept_musicsong_sunday concept:atdate concept_date_n1908 +concept_musicsong_sunday concept:atdate concept_date_n1941 +concept_musicsong_sunday concept:atdate concept_date_n1942 +concept_musicsong_sunday concept:atdate concept_date_n1996 +concept_musicsong_sunday concept:atdate concept_date_n1999 +concept_musicsong_sunday concept:atdate concept_date_n2000 +concept_musicsong_sunday concept:atdate concept_date_n2001 +concept_musicsong_sunday concept:atdate concept_date_n2003 +concept_musicsong_sunday concept:atdate concept_date_n2004 +concept_musicsong_sunday concept:atdate concept_date_n2009 +concept_musicsong_sunday concept:atdate concept_dateliteral_n1954 +concept_musicsong_sunday concept:atdate concept_dateliteral_n2002 +concept_musicsong_sunday concept:atdate concept_dateliteral_n2005 +concept_musicsong_sunday concept:atdate concept_dateliteral_n2006 +concept_musicsong_sunday concept:atdate concept_dateliteral_n2007 +concept_musicsong_sunday concept:atdate concept_dateliteral_n2008 +concept_musicsong_sunday concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_sunday concept:atdate concept_year_n1995 +concept_musicsong_sunday concept:atdate concept_year_n1997 +concept_musicsong_thanks concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_the_palms concept:subpartof concept_traditionalgame_vegas +concept_musicsong_thing concept:atdate concept_date_n2004 +concept_musicsong_thing concept:atdate concept_dateliteral_n2005 +concept_musicsong_thing concept:istallerthan concept_publication_people_ +concept_musicsong_thing concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_things concept:istallerthan concept_musicsong_friends +concept_musicsong_times concept:atdate concept_date_n1996 +concept_musicsong_times concept:atdate concept_date_n2000 +concept_musicsong_times concept:atdate concept_date_n2004 +concept_musicsong_times concept:atdate concept_dateliteral_n2005 +concept_musicsong_times concept:atdate concept_dateliteral_n2006 +concept_musicsong_times concept:atdate concept_dateliteral_n2007 +concept_musicsong_times concept:atdate concept_month_december +concept_musicsong_times concept:istallerthan concept_publication_people_ +concept_musicsong_times concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_times concept:atdate concept_year_n1998 +concept_musicsong_toast concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_tonight concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_tradition concept:mutualproxyfor concept_book_new +concept_musicsong_tradition concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_twenty_years concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_two_weeks concept:mutualproxyfor concept_book_new +concept_musicsong_two_weeks concept:atdate concept_date_n1999 +concept_musicsong_two_weeks concept:atdate concept_date_n2000 +concept_musicsong_two_weeks concept:atdate concept_date_n2001 +concept_musicsong_two_weeks concept:atdate concept_date_n2003 +concept_musicsong_two_weeks concept:atdate concept_date_n2004 +concept_musicsong_two_weeks concept:atdate concept_date_n2009 +concept_musicsong_two_weeks concept:atdate concept_dateliteral_n2002 +concept_musicsong_two_weeks concept:atdate concept_dateliteral_n2005 +concept_musicsong_two_weeks concept:atdate concept_dateliteral_n2006 +concept_musicsong_two_weeks concept:atdate concept_dateliteral_n2007 +concept_musicsong_two_weeks concept:atdate concept_dateliteral_n2008 +concept_musicsong_two_weeks concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_two_weeks concept:atdate concept_year_n1992 +concept_musicsong_two_weeks concept:atdate concept_year_n1994 +concept_musicsong_two_weeks concept:atdate concept_year_n1997 +concept_musicsong_two_weeks concept:atdate concept_year_n1998 +concept_musicsong_va concept:atdate concept_date_n2003 +concept_musicsong_va concept:atdate concept_dateliteral_n2005 +concept_musicsong_va concept:atdate concept_dateliteral_n2007 +concept_musicsong_va concept:atdate concept_dateliteral_n2008 +concept_musicsong_veteran concept:proxyfor concept_weatherphenomenon_new +concept_musicsong_villa concept:mutualproxyfor concept_coach_n3 +concept_musicsong_villa concept:mutualproxyfor concept_vehicle_three +concept_musicsong_villa concept:mutualproxyfor concept_weatherphenomenon_two +concept_musicsong_wishes concept:latitudelongitude 22.2000000000000,111.1166000000000 +concept_musicsong_yahweh concept:istallerthan concept_publication_people_ +concept_musicsong_zanzibar concept:proxyfor concept_ethnicgroup_tanzania +concept_nerve_autonomic_nervous_system concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_autonomic_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_autonomic_nervous_system concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_nerve_balance concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_bones concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_nerve_bones concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_brain_function concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_brainstem concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_case_study concept:proxyfor concept_book_new +concept_nerve_components concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_nerve_continuation concept:proxyfor concept_book_new +concept_nerve_cranial_nerves concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_nerve_damage concept:bodypartcontainsbodypart concept_artery_brain +concept_nerve_damage concept:bodypartcontainsbodypart concept_braintissue_head +concept_nerve_damage concept:bodypartcontainsbodypart concept_braintissue_traumatic_brain +concept_nerve_divisions concept:subpartof concept_weatherphenomenon_water +concept_nerve_fibers concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_fibers concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_nerve_hand concept:bodypartcontainsbodypart concept_artery_arteries +concept_nerve_hand concept:itemfoundinroom concept_visualizablething_bathroom +concept_nerve_human_brain concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_human_physiology concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_internal_organs concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_leg concept:mutualproxyfor concept_sportsequipment_new +concept_nerve_ligaments concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_lymph concept:bodypartcontainsbodypart concept_artery_tissues +concept_nerve_lymph concept:bodypartcontainsbodypart concept_artery_vessels +concept_nerve_lymph concept:bodypartcontainsbodypart concept_bodypart_organs +concept_nerve_lymph concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_lymph concept:bodypartcontainsbodypart concept_lymphnode_nodes +concept_nerve_muscles concept:bodypartcontainsbodypart concept_artery_arteries +concept_nerve_muscles concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_nerve_muscles concept:bodypartcontainsbodypart concept_artery_brain +concept_nerve_muscles concept:bodypartcontainsbodypart concept_artery_vessels +concept_nerve_muscles concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_nerve_muscles concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_muscles concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_nerve_muscles concept:bodypartcontainsbodypart concept_nerve_spine +concept_nerve_musculoskeletal_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_nerve_cells concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_nerve_cells concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_nerve_nerve_cells concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_nerve_center concept:proxyfor concept_book_new +concept_nerve_nerve_fibers concept:bodypartcontainsbodypart concept_artery_brain +concept_nerve_nerve_fibers concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_nerve_fibers concept:bodypartcontainsbodypart concept_artery_vessels +concept_nerve_nerve_fibers concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_nerve_nerve_fibres concept:bodypartcontainsbodypart concept_artery_brain +concept_nerve_nerve_root concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_nerve_roots concept:bodypartcontainsbodypart concept_artery_canal +concept_nerve_nerve_roots concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_nerve_roots concept:bodypartcontainsbodypart concept_nerve_spinal_cord +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_artery_brain +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_functions +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_immune_system +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_nerves001 +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_spinal_column +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_braintissue_central_nervous_system +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_braintissue_responses +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_nerve_autonomic_nervous_system +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_nerve_muscles +concept_nerve_nervous_system concept:bodypartcontainsbodypart concept_nerve_spine +concept_nerve_peripheral_nerves concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_peripheral_nerves concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_nerve_physiology concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_pituitary concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_respiration concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_retina concept:bodypartcontainsbodypart concept_artery_abnormal_blood_vessels +concept_nerve_retina concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_nerve_retina concept:bodypartcontainsbodypart concept_artery_vessel +concept_nerve_retina concept:bodypartcontainsbodypart concept_artery_vessels +concept_nerve_retina concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_ribs concept:bodypartcontainsbodypart concept_muscle_heart +concept_nerve_spinal_cord concept:bodypartcontainsbodypart concept_artery_central_nervous_system +concept_nerve_spinal_cord concept:bodypartcontainsbodypart concept_artery_vessels +concept_nerve_spinal_cord concept:subpartof concept_website_blood +concept_nerve_spinal_nerve_roots concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_spinal_nerves concept:bodypartcontainsbodypart concept_artery_canal +concept_nerve_spinal_nerves concept:bodypartcontainsbodypart concept_artery_cord +concept_nerve_spinal_nerves concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_nerve_spine concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_spine concept:bodypartcontainsbodypart concept_nerve_nervous_system +concept_nerve_surgeon concept:proxyfor concept_book_new +concept_nerve_surgeon concept:mutualproxyfor concept_sportsequipment_board +concept_nerve_tension concept:bodypartcontainsbodypart concept_bodypart_system002 +concept_nerve_tension concept:bodypartcontainsbodypart concept_braintissue_stress +concept_nerve_thigh concept:subpartof concept_videogame_blood +concept_newspaper__ concept:agentactsinlocation concept_lake_new +concept_newspaper__ concept:agentactsinlocation concept_website_south +concept_newspaper_advocate concept:proxyfor concept_book_new +concept_newspaper_advocate concept:newspaperincity concept_city_baton_rouge +concept_newspaper_agora concept:atlocation concept_city_cleveland +concept_newspaper_air_america concept:companyeconomicsector concept_academicfield_media +concept_newspaper_airtran_airways concept:organizationheadquarteredincity concept_city_atlanta +concept_newspaper_akron_beacon_journal concept:agentcollaborateswithagent concept_journalist_sheldon_ocker +concept_newspaper_alabama concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_alabama concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_newspaper_american_new concept:latitudelongitude 29.7855100000000,-95.4996600000000 +concept_newspaper_amny concept:latitudelongitude 34.5000000000000,100.0000000000000 +concept_newspaper_amsterdam_news concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_an_nahar concept:newspaperincity concept_city_beirut +concept_newspaper_angeles_times concept:latitudelongitude 33.9944566666667,-118.2449833333333 +concept_newspaper_annals_of_internal_medicine concept:atdate concept_dateliteral_n2006 +concept_newspaper_arizona_daily_star concept:newspaperincity concept_city_tucson +concept_newspaper_arkansas concept:hasofficeincountry concept_country___america +concept_newspaper_arkansas concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_baltimore_sun concept:companyeconomicsector concept_academicfield_news +concept_newspaper_baltimore_sun concept:hasofficeincity concept_city_new_york +concept_newspaper_baltimore_sun concept:newspaperincity concept_city_washington_d_c +concept_newspaper_baltimore_sun concept:competeswith concept_newspaper_journal +concept_newspaper_bbc_radio concept:companyeconomicsector concept_academicfield_media +concept_newspaper_blade concept:newspaperincity concept_city_toledo +concept_newspaper_boston_globe concept:hasofficeincity concept_city_new_york +concept_newspaper_boston_globe concept:newspaperincity concept_city_washington_d_c +concept_newspaper_boston_globe concept:subpartoforganization concept_website_new_york_times +concept_newspaper_boston_herald concept:newspaperincity concept_city_boston +concept_newspaper_boston_phoenix concept:newspaperincity concept_city_boston +concept_newspaper_business_journal concept:headquarteredin concept_city_washington_d_c +concept_newspaper_business_journal concept:organizationheadquarteredincity concept_city_washington_d_c +concept_newspaper_centralia concept:atlocation concept_city_washington_d_c +concept_newspaper_centurytel concept:agentcollaborateswithagent concept_company_embarq +concept_newspaper_channel concept:companyeconomicsector concept_academicfield_media +concept_newspaper_channel concept:companyeconomicsector concept_academicfield_news +concept_newspaper_chief_executive_officer concept:atdate concept_date_n1996 +concept_newspaper_chief_executive_officer concept:atdate concept_date_n2000 +concept_newspaper_chief_executive_officer concept:atdate concept_date_n2001 +concept_newspaper_chief_executive_officer concept:atdate concept_date_n2003 +concept_newspaper_chief_executive_officer concept:atdate concept_date_n2004 +concept_newspaper_chief_executive_officer concept:atdate concept_dateliteral_n2002 +concept_newspaper_chief_executive_officer concept:atdate concept_dateliteral_n2005 +concept_newspaper_chief_executive_officer concept:atdate concept_dateliteral_n2006 +concept_newspaper_chief_executive_officer concept:atdate concept_dateliteral_n2007 +concept_newspaper_chief_executive_officer concept:atdate concept_dateliteral_n2008 +concept_newspaper_chief_executive_officer concept:atdate concept_year_n1998 +concept_newspaper_chosun_ilbo concept:newspaperincity concept_city_seoul +concept_newspaper_chris_matthews concept:agentbelongstoorganization concept_governmentorganization_msnbc +concept_newspaper_chris_matthews concept:agentcollaborateswithagent concept_governmentorganization_msnbc +concept_newspaper_chronicle concept:headquarteredin concept_city_new_york +concept_newspaper_chronicle concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_chronicle concept:hasofficeincity concept_city_seattle +concept_newspaper_chronicle_of_higher_education concept:hasofficeincity concept_city_new_york +concept_newspaper_clarion_ledger concept:newspaperincity concept_city_jackson +concept_newspaper_cleveland_plain_dealer concept:companyeconomicsector concept_academicfield_news +concept_newspaper_cleveland_plain_dealer concept:newspaperincity concept_city_washington_d_c +concept_newspaper_cleveland_plain_dealer concept:subpartoforganization concept_organization_newhouse_newspaper_chain +concept_newspaper_cnet_ concept:companyeconomicsector concept_academicfield_media +concept_newspaper_cnet_ concept:companyeconomicsector concept_academicfield_news +concept_newspaper_colonies concept:proxyfor concept_book_new +concept_newspaper_connecticut_post concept:hasofficeincity concept_city_atlanta +concept_newspaper_connecticut_post concept:organizationheadquarteredincity concept_city_atlanta +concept_newspaper_contra_costa_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_cox_newspapers concept:newspaperincity concept_city_washington_d_c +concept_newspaper_daily concept:competeswith concept_blog_standard +concept_newspaper_daily concept:competeswith concept_blog_sun +concept_newspaper_daily concept:competeswith concept_blog_today +concept_newspaper_daily concept:competeswith concept_company_bbc +concept_newspaper_daily concept:competeswith concept_company_chronicle001 +concept_newspaper_daily concept:competeswith concept_company_daily_news001 +concept_newspaper_daily concept:competeswith concept_company_express +concept_newspaper_daily concept:competeswith concept_company_observer001 +concept_newspaper_daily concept:competeswith concept_company_post +concept_newspaper_daily concept:competeswith concept_company_telegraph001 +concept_newspaper_daily concept:competeswith concept_company_the_guardian001 +concept_newspaper_daily concept:competeswith concept_newspaper_daily_express +concept_newspaper_daily concept:competeswith concept_newspaper_daily_mirror +concept_newspaper_daily concept:competeswith concept_newspaper_daily_star +concept_newspaper_daily concept:competeswith concept_newspaper_financial_times +concept_newspaper_daily concept:competeswith concept_newspaper_herald +concept_newspaper_daily concept:competeswith concept_newspaper_independent +concept_newspaper_daily concept:competeswith concept_newspaper_journal +concept_newspaper_daily concept:competeswith concept_newspaper_london_evening_standard +concept_newspaper_daily concept:competeswith concept_newspaper_record +concept_newspaper_daily concept:competeswith concept_newspaper_sunday_telegraph +concept_newspaper_daily concept:competeswith concept_newspaper_sunday_times +concept_newspaper_daily concept:competeswith concept_newspaper_the_new_york_sun +concept_newspaper_daily concept:competeswith concept_newspaper_times +concept_newspaper_daily concept:competeswith concept_newspaper_tribune +concept_newspaper_daily concept:competeswith concept_politicsblog_guardian +concept_newspaper_daily concept:competeswith concept_politicsblog_star +concept_newspaper_daily concept:competeswith concept_website_daily_mail +concept_newspaper_daily concept:competeswith concept_website_new_york_times +concept_newspaper_daily concept:competeswith concept_website_sydney_morning_herald +concept_newspaper_daily concept:competeswith concept_website_the_express +concept_newspaper_daily concept:competeswith concept_website_the_independent +concept_newspaper_daily concept:competeswith concept_website_the_washington_times +concept_newspaper_daily concept:competeswith concept_website_times_newspapers +concept_newspaper_daily concept:competeswith concept_website_washington_times +concept_newspaper_daily_express concept:competeswith concept_newspaper_daily +concept_newspaper_daily_journal concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_daily_record concept:newspaperincity concept_city_baltimore +concept_newspaper_daily_star concept:competeswith concept_newspaper_daily +concept_newspaper_daily_telegraph concept:companyeconomicsector concept_academicfield_media +concept_newspaper_daily_telegraph concept:newspaperincity concept_city_washington_d_c +concept_newspaper_dallas_morning concept:competeswith concept_company_post +concept_newspaper_dallas_morning concept:competeswith concept_newspaper_times +concept_newspaper_december_4 concept:proxyfor concept_book_new +concept_newspaper_denver_post concept:companyeconomicsector concept_academicfield_news +concept_newspaper_denver_post concept:competeswith concept_newspaper_journal +concept_newspaper_der_bund concept:newspaperincity concept_city_bern +concept_newspaper_desert_sun concept:newspaperincity concept_city_palm_springs +concept_newspaper_destinations concept:proxyfor concept_book_new +concept_newspaper_detroit_news concept:newspaperincity concept_city_washington_d_c +concept_newspaper_economist concept:newspaperincity concept_city_new_york +concept_newspaper_editorial concept:agentbelongstoorganization concept_stateorprovince_times +concept_newspaper_el_mundo concept:newspaperincity concept_city_oakland +concept_newspaper_el_nuevo_herald concept:agentcollaborateswithagent concept_journalist_luis_e__rangel +concept_newspaper_el_observador concept:newspaperincity concept_city_san_jose +concept_newspaper_el_popular concept:newspaperincity concept_city_bakersfield +concept_newspaper_el_sol concept:newspaperincity concept_city_visalia +concept_newspaper_el_tiempo concept:newspaperincity concept_city_merced +concept_newspaper_enquirer concept:newspaperincity concept_city_cincinnati +concept_newspaper_enquirer concept:headquarteredin concept_city_new_york +concept_newspaper_evening_standard concept:newspaperincity concept_city_london_city +concept_newspaper_excelsior concept:newspaperincity concept_city_santa_ana +concept_newspaper_express_times concept:agentcollaborateswithagent concept_journalist_nick_fierro +concept_newspaper_fda concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_newspaper_financial_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_financial_times concept:headquarteredin concept_city_london_city +concept_newspaper_financial_times concept:newspaperincity concept_city_london_city +concept_newspaper_financial_times concept:organizationheadquarteredincity concept_city_london_city +concept_newspaper_financial_times concept:hasofficeincity concept_city_new_york +concept_newspaper_financial_times concept:atdate concept_dateliteral_n2007 +concept_newspaper_financial_times concept:competeswith concept_newspaper_daily +concept_newspaper_financial_times concept:competeswith concept_newspaper_journal +concept_newspaper_first_post concept:latitudelongitude 42.9083050000000,-94.1727400000000 +concept_newspaper_florida_times_union concept:newspaperincity concept_city_jacksonville +concept_newspaper_free_lance_star concept:newspaperincity concept_city_fredericksburg +concept_newspaper_gazette concept:newspaperincity concept_city_colorado_springs +concept_newspaper_giornale concept:newspaperincity concept_city_bologna +concept_newspaper_globe concept:newspaperincity concept_city_new_york +concept_newspaper_gq concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_grand_island concept:atlocation concept_city_florida +concept_newspaper_grand_island concept:atlocation concept_city_nebraska +concept_newspaper_grand_island concept:subpartof concept_musicalbum_nebraska +concept_newspaper_grand_island concept:mutualproxyfor concept_musicsong_nebraska +concept_newspaper_grand_island concept:proxyfor concept_politicsissue_nebraska +concept_newspaper_guardian concept:newspaperincity concept_city_new_york +concept_newspaper_hardball concept:companyeconomicsector concept_academicfield_news +concept_newspaper_hartford_courant concept:newspaperincity concept_city_washington_d_c +concept_newspaper_hawaii concept:hasofficeincountry concept_country___america +concept_newspaper_hawaii concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_herald concept:newspaperincity concept_city_boston +concept_newspaper_herald concept:hasofficeincity concept_city_st___petersburg +concept_newspaper_herald concept:agentactsinlocation concept_city_valencia +concept_newspaper_herald concept:hasofficeincity concept_city_washington_d_c +concept_newspaper_herald concept:headquarteredin concept_county_los_angeles_county +concept_newspaper_herald concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_newspaper_herald concept:competeswith concept_newspaper_daily +concept_newspaper_herald concept:agentcollaborateswithagent concept_scientist_andres_oppenheimer +concept_newspaper_herald concept:competeswith concept_website_chicago_tribune +concept_newspaper_idaho concept:proxyfor concept_book_new +concept_newspaper_idaho concept:organizationhiredperson concept_coach_robb_akey +concept_newspaper_idaho concept:atdate concept_dateliteral_n2007 +concept_newspaper_idaho concept:atdate concept_dateliteral_n2008 +concept_newspaper_idaho concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_idaho concept:mutualproxyfor concept_radiostation_boise +concept_newspaper_idaho concept:atdate concept_year_n1995 +concept_newspaper_ilta_sanomat concept:newspaperincity concept_city_helsinki +concept_newspaper_independent concept:companyeconomicsector concept_academicfield_media +concept_newspaper_independent concept:hasofficeincity concept_city_new_york +concept_newspaper_independent concept:newspaperincity concept_city_new_york +concept_newspaper_independent concept:competeswith concept_newspaper_daily +concept_newspaper_inquirer concept:headquarteredin concept_city_new_york +concept_newspaper_inquirer concept:hasofficeincity concept_city_washington_d_c +concept_newspaper_inter_press_service concept:newspaperincity concept_city_washington_d_c +concept_newspaper_international_herald concept:competeswith concept_newspaper_times +concept_newspaper_investor__s_business_daily concept:newspaperincity concept_city_washington_d_c +concept_newspaper_investor__s_business_daily concept:competeswith concept_newspaper_journal +concept_newspaper_itv concept:companyeconomicsector concept_academicfield_media +concept_newspaper_itv concept:atdate concept_dateliteral_n2007 +concept_newspaper_itv concept:agentcollaborateswithagent concept_personcanada_john_ray +concept_newspaper_jane concept:agentcollaborateswithagent concept_male_world +concept_newspaper_jane concept:agentcontrols concept_weatherphenomenon_world +concept_newspaper_jdw concept:latitudelongitude 35.5640550000000,43.3006800000000 +concept_newspaper_journal concept:companyeconomicsector concept_academicfield_media +concept_newspaper_journal concept:companyeconomicsector concept_academicfield_news +concept_newspaper_journal concept:competeswith concept_blog_business_week +concept_newspaper_journal concept:competeswith concept_blog_consumer_reports +concept_newspaper_journal concept:competeswith concept_blog_ft_com +concept_newspaper_journal concept:competeswith concept_blog_harvard_business_review +concept_newspaper_journal concept:competeswith concept_blog_myspace +concept_newspaper_journal concept:hasofficeincity concept_city_l_a_ +concept_newspaper_journal concept:newspaperincity concept_city_l_a_ +concept_newspaper_journal concept:hasofficeincity concept_city_la +concept_newspaper_journal concept:agentcontrols concept_city_london_city +concept_newspaper_journal concept:headquarteredin concept_city_new_york +concept_newspaper_journal concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_journal concept:hasofficeincity concept_city_seattle +concept_newspaper_journal concept:hasofficeincity concept_city_washington_d_c +concept_newspaper_journal concept:competeswith concept_company_bbc +concept_newspaper_journal concept:competeswith concept_company_cnn_ +concept_newspaper_journal concept:competeswith concept_company_fox +concept_newspaper_journal concept:competeswith concept_company_good_morning_america001 +concept_newspaper_journal concept:competeswith concept_company_institutional_investor +concept_newspaper_journal concept:competeswith concept_company_nbc +concept_newspaper_journal concept:hasofficeincity concept_county_los_angeles_county +concept_newspaper_journal concept:competeswith concept_magazine_atlantic_monthly +concept_newspaper_journal concept:competeswith concept_magazine_far_eastern_economic_review +concept_newspaper_journal concept:competeswith concept_newspaper_baltimore_sun +concept_newspaper_journal concept:competeswith concept_newspaper_denver_post +concept_newspaper_journal concept:agentcontrols concept_newspaper_financial_times +concept_newspaper_journal concept:competeswith concept_newspaper_financial_times +concept_newspaper_journal concept:agentcontrols concept_newspaper_investor__s_business_daily +concept_newspaper_journal concept:competeswith concept_newspaper_investor__s_business_daily +concept_newspaper_journal concept:competeswith concept_newspaper_la_times +concept_newspaper_journal concept:competeswith concept_newspaper_london_sunday_times +concept_newspaper_journal concept:competeswith concept_newspaper_los_angeles_times +concept_newspaper_journal concept:agentcontrols concept_newspaper_national_review +concept_newspaper_journal concept:competeswith concept_newspaper_national_review +concept_newspaper_journal concept:competeswith concept_newspaper_new_york_sun +concept_newspaper_journal concept:competeswith concept_newspaper_newsday +concept_newspaper_journal concept:competeswith concept_newspaper_ny_times +concept_newspaper_journal concept:competeswith concept_newspaper_oregonian +concept_newspaper_journal concept:competeswith concept_newspaper_philadelphia_inquirer +concept_newspaper_journal concept:competeswith concept_newspaper_the_international_herald_tribune +concept_newspaper_journal concept:competeswith concept_publication_american_lawyer +concept_newspaper_journal concept:competeswith concept_publication_businessweek +concept_newspaper_journal concept:competeswith concept_publication_dow_jones +concept_newspaper_journal concept:agentcontrols concept_publication_people_ +concept_newspaper_journal concept:competeswith concept_publication_people_ +concept_newspaper_journal concept:competeswith concept_televisionnetwork_abc +concept_newspaper_journal concept:competeswith concept_televisionnetwork_cbs +concept_newspaper_journal concept:competeswith concept_website_associated_press +concept_newspaper_journal concept:competeswith concept_website_atlanta_journal_constitution +concept_newspaper_journal concept:agentcontrols concept_website_chicago_tribune +concept_newspaper_journal concept:competeswith concept_website_chicago_tribune +concept_newspaper_journal concept:competeswith concept_website_dallas_morning_news +concept_newspaper_journal concept:competeswith concept_website_fox_news +concept_newspaper_journal concept:competeswith concept_website_nbc_news +concept_newspaper_journal concept:competeswith concept_website_new_york_american +concept_newspaper_journal concept:competeswith concept_website_new_york_daily +concept_newspaper_journal concept:competeswith concept_website_new_york_times +concept_newspaper_journal concept:competeswith concept_website_newsweek +concept_newspaper_journal concept:competeswith concept_website_san_jose_mercury_news +concept_newspaper_journal concept:competeswith concept_website_the_san_francisco_chronicle +concept_newspaper_journal concept:agentcontrols concept_website_washington_post +concept_newspaper_journal concept:competeswith concept_website_washington_post +concept_newspaper_journal concept:competeswith concept_website_washington_times +concept_newspaper_kansas_city_star concept:companyeconomicsector concept_academicfield_news +concept_newspaper_kcau concept:subpartoforganization concept_city_abc +concept_newspaper_kgw_tv concept:agentbelongstoorganization concept_company_nbc +concept_newspaper_kgw_tv concept:agentcollaborateswithagent concept_company_nbc +concept_newspaper_kgw_tv concept:subpartof concept_retailstore_nbc +concept_newspaper_kiro_tv concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_kiro_tv concept:subpartof concept_website_cbs +concept_newspaper_klas_tv concept:organizationheadquarteredincity concept_city_las_vegas +concept_newspaper_koin concept:hasofficeincity concept_city_portland +concept_newspaper_koin concept:organizationheadquarteredincity concept_city_portland +concept_newspaper_koin concept:subpartof concept_website_cbs +concept_newspaper_kommersant_daily concept:newspaperincity concept_city_moscow +concept_newspaper_kotv concept:hasofficeincity concept_city_tulsa +concept_newspaper_kotv concept:organizationheadquarteredincity concept_city_tulsa +concept_newspaper_kotv concept:subpartof concept_website_cbs +concept_newspaper_kprc concept:hasofficeincity concept_city_houston +concept_newspaper_kqed_tv concept:organizationheadquarteredincity concept_city_san_francisco +concept_newspaper_krnv_tv concept:subpartof concept_retailstore_nbc +concept_newspaper_ksat concept:organizationheadquarteredincity concept_city_san_antonio +concept_newspaper_kswo concept:organizationheadquarteredincity concept_city_lawton +concept_newspaper_kuow_fm concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_kvia concept:subpartoforganization concept_city_abc +concept_newspaper_kzok_fm concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_l__a__times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_l_unione_sarda concept:newspaperincity concept_city_cagliari +concept_newspaper_la_nation concept:latitudelongitude 45.6020500000000,-75.0173400000000 +concept_newspaper_la_opinion concept:newspaperincity concept_county_los_angeles_county +concept_newspaper_la_prensa concept:newspaperincity concept_city_san_bernardino +concept_newspaper_la_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_la_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_la_times concept:hasofficeincity concept_city_new_york +concept_newspaper_la_times concept:newspaperincity concept_county_los_angeles_county +concept_newspaper_la_times concept:competeswith concept_newspaper_journal +concept_newspaper_la_voz concept:newspaperincity concept_city_santa_barbara_de_nexe +concept_newspaper_la_voz_latina concept:newspaperincity concept_city_van_nuys +concept_newspaper_lafayette concept:mutualproxyfor concept_attraction_louisiana +concept_newspaper_lafayette concept:subpartof concept_musicsong_louisiana +concept_newspaper_lafayette concept:mutualproxyfor concept_radiostation_new_jersey +concept_newspaper_larry_king_live concept:companyeconomicsector concept_academicfield_media +concept_newspaper_larry_king_live concept:companyeconomicsector concept_academicfield_news +concept_newspaper_law_journal concept:headquarteredin concept_city_new_york +concept_newspaper_law_journal concept:newspaperincity concept_city_new_york +concept_newspaper_le_devoir concept:newspaperincity concept_city_montreal +concept_newspaper_le_monde concept:competeswith concept_newspaper_tribune +concept_newspaper_legacy concept:proxyfor concept_book_new +concept_newspaper_london_evening_standard concept:competeswith concept_newspaper_daily +concept_newspaper_london_sunday_times concept:newspaperincity concept_city_london_city +concept_newspaper_london_sunday_times concept:hasofficeincity concept_city_new_york +concept_newspaper_los_angeles_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_los_angeles_times concept:hasofficeincity concept_city_new_york +concept_newspaper_los_angeles_times concept:newspaperincity concept_city_washington_d_c +concept_newspaper_los_angeles_times concept:competeswith concept_newspaper_journal +concept_newspaper_mcclatchy_newspapers concept:newspaperincity concept_city_baghdad +concept_newspaper_miami_herald concept:hasofficeincity concept_city_new_york +concept_newspaper_miniondas concept:newspaperincity concept_city_santa_ana +concept_newspaper_minnesota concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_minnesota concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_newspaper_mint concept:locationlocatedwithinlocation concept_city_vegas +concept_newspaper_morning_call concept:newspaperincity concept_city_allentown +concept_newspaper_moskovskii_komsomolets concept:newspaperincity concept_city_moscow +concept_newspaper_msn_com concept:agentcompeteswithagent concept_personcanada_search +concept_newspaper_msnbc_com concept:companyeconomicsector concept_academicfield_media +concept_newspaper_msnbc_com concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_nation concept:newspaperincity concept_city_new_york +concept_newspaper_national_enquirer concept:headquarteredin concept_city_new_york +concept_newspaper_national_post concept:companyeconomicsector concept_academicfield_media +concept_newspaper_national_review concept:companyeconomicsector concept_academicfield_media +concept_newspaper_national_review concept:headquarteredin concept_city_new_york +concept_newspaper_national_review concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_national_review concept:competeswith concept_newspaper_journal +concept_newspaper_national_review_online concept:headquarteredin concept_city_new_york +concept_newspaper_national_review_online concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_navajo_times concept:newspaperincity concept_city_window_rock +concept_newspaper_neighbors concept:agentparticipatedinevent concept_eventoutcome_result +concept_newspaper_nettavisen concept:newspaperincity concept_city_oslo +concept_newspaper_new_hampshire concept:proxyfor concept_book_new +concept_newspaper_new_hampshire concept:mutualproxyfor concept_company_nashua +concept_newspaper_new_hampshire concept:mutualproxyfor concept_county_manchester +concept_newspaper_new_hampshire concept:atdate concept_dateliteral_n2002 +concept_newspaper_new_hampshire concept:atdate concept_dateliteral_n2007 +concept_newspaper_new_hampshire concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_new_hampshire concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_newspaper_new_hampshire concept:mutualproxyfor concept_website_concord +concept_newspaper_new_mexico concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_new_york_herald concept:competeswith concept_newspaper_times +concept_newspaper_new_york_newsday concept:companyeconomicsector concept_academicfield_news +concept_newspaper_new_york_observer concept:headquarteredin concept_city_new_york +concept_newspaper_new_york_observer concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_new_york_post concept:companyeconomicsector concept_academicfield_media +concept_newspaper_new_york_post concept:companyeconomicsector concept_academicfield_news +concept_newspaper_new_york_post concept:headquarteredin concept_city_new_york +concept_newspaper_new_york_post concept:newspaperincity concept_city_new_york +concept_newspaper_new_york_post concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_new_york_sun concept:headquarteredin concept_city_new_york +concept_newspaper_new_york_sun concept:newspaperincity concept_city_new_york +concept_newspaper_new_york_sun concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_new_york_sun concept:competeswith concept_newspaper_journal +concept_newspaper_new_york_times_company concept:companyeconomicsector concept_academicfield_media +concept_newspaper_new_york_times_company concept:organizationterminatedperson concept_ceo_janet_l__robinson +concept_newspaper_new_york_times_company concept:acquired concept_company_about_com +concept_newspaper_newark_star_ledger concept:agentcollaborateswithagent concept_athlete_don_burke +concept_newspaper_news_network concept:agentcompeteswithagent concept_company_cnn +concept_newspaper_newsday concept:companyeconomicsector concept_academicfield_media +concept_newspaper_newsday concept:companyeconomicsector concept_academicfield_news +concept_newspaper_newsday concept:hasofficeincity concept_city_new_york +concept_newspaper_newsday concept:newspaperincity concept_city_new_york +concept_newspaper_newsday concept:competeswith concept_newspaper_journal +concept_newspaper_newsweek_magazine concept:newspaperincity concept_city_washington_d_c +concept_newspaper_ny_post concept:companyeconomicsector concept_academicfield_news +concept_newspaper_ny_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_ny_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_ny_times concept:competeswith concept_newspaper_journal +concept_newspaper_observer concept:hasofficeincity concept_city_new_york +concept_newspaper_observer concept:newspaperincity concept_city_new_york +concept_newspaper_observer concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_obtain concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_oklahoman concept:newspaperincity concept_city_oklahoma_city +concept_newspaper_oregonian concept:newspaperincity concept_city_portland +concept_newspaper_oregonian concept:competeswith concept_newspaper_journal +concept_newspaper_orlando_sentinel concept:companyeconomicsector concept_academicfield_news +concept_newspaper_p_i concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_packet concept:agentcreated concept_city_click +concept_newspaper_packet concept:agentcreated concept_visualizablething_print +concept_newspaper_packet concept:agentcreated concept_website_download +concept_newspaper_packet concept:agentcreated concept_website_request +concept_newspaper_palm_beach_post concept:companyeconomicsector concept_academicfield_news +concept_newspaper_palm_beach_post concept:newspaperincity concept_city_west_palm_beach +concept_newspaper_petersburg_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_philadelphia_enquirer concept:newspaperincity concept_city_philadelphia +concept_newspaper_philadelphia_inquirer concept:companyeconomicsector concept_academicfield_media +concept_newspaper_philadelphia_inquirer concept:companyeconomicsector concept_academicfield_news +concept_newspaper_philadelphia_inquirer concept:hasofficeincity concept_city_new_york +concept_newspaper_philadelphia_inquirer concept:companyalsoknownas concept_company_phillyinquirer +concept_newspaper_philadelphia_inquirer concept:competeswith concept_newspaper_journal +concept_newspaper_philadelphia_inquirer concept:companyalsoknownas concept_newspaper_the_inquirer +concept_newspaper_philadelphia_inquirer concept:organizationterminatedperson concept_person_brian_tierney +concept_newspaper_pittsburgh_post_gazette concept:newspaperincity concept_city_pittsburgh +concept_newspaper_pittsburgh_tribune concept:newspaperincity concept_city_pittsburgh +concept_newspaper_plain_dealer concept:newspaperincity concept_city_cleveland +concept_newspaper_politico concept:agentcollaborateswithagent concept_publication_ben_smith +concept_newspaper_port_st__lucie concept:proxyfor concept_city_florida +concept_newspaper_post concept:newspaperincity concept_city_london_city +concept_newspaper_post concept:hasofficeincity concept_city_new_york +concept_newspaper_post_intelligencer concept:hasofficeincity concept_city_seattle +concept_newspaper_post_intelligencer concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_presence concept:agentparticipatedinevent concept_sportsgame_series +concept_newspaper_president_elect_barack_obama concept:agentbelongstoorganization concept_governmentorganization_house +concept_newspaper_president_elect_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_newspaper_press concept:hasofficeincity concept_city_new_york +concept_newspaper_press concept:newspaperincity concept_city_new_york +concept_newspaper_press_enterprise concept:newspaperincity concept_city_riverside +concept_newspaper_press_enterprise concept:competeswith concept_company_post +concept_newspaper_providence_journal concept:agentcollaborateswithagent concept_journalist_jim_donaldson +concept_newspaper_radikal concept:newspaperincity concept_city_istanbul +concept_newspaper_record concept:newspaperincity concept_city_hackensack +concept_newspaper_record concept:headquarteredin concept_city_new_york +concept_newspaper_record concept:competeswith concept_newspaper_daily +concept_newspaper_record concept:competeswith concept_newspaper_sun_microsystems +concept_newspaper_register_guard concept:newspaperincity concept_city_eugene +concept_newspaper_reuters_news_agency concept:agentcollaborateswithagent concept_journalist_jon_decker +concept_newspaper_rocky_mountain_news concept:companyeconomicsector concept_academicfield_media +concept_newspaper_rocky_mountain_news concept:newspaperincity concept_city_denver +concept_newspaper_sacramento_bee concept:companyeconomicsector concept_academicfield_news +concept_newspaper_sacramento_bee concept:agentcollaborateswithagent concept_athlete_dan_walters +concept_newspaper_santa_barbara_news_press concept:newspaperincity concept_city_santa_ana +concept_newspaper_school_girl concept:latitudelongitude 32.1767800000000,-105.1563500000000 +concept_newspaper_seattle_pi concept:headquarteredin concept_city_seattle +concept_newspaper_seattle_pi concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_seattle_post_intelligencer concept:headquarteredin concept_city_seattle +concept_newspaper_seattle_post_intelligencer concept:organizationheadquarteredincity concept_city_seattle +concept_newspaper_seattle_post_intelligencer concept:agentcollaborateswithagent concept_journalist_art_thiel +concept_newspaper_sierra_sun concept:newspaperincity concept_city_truckee +concept_newspaper_signal concept:agentparticipatedinevent concept_eventoutcome_result +concept_newspaper_south_carolina_state concept:agentactsinlocation concept_stateorprovince_south_carolina +concept_newspaper_south_china_morning_post concept:newspaperincity concept_city_hong_kong_island +concept_newspaper_st___paul_pioneer_press concept:agentcollaborateswithagent concept_journalist_sean_jensen +concept_newspaper_st___paul_pioneer_press concept:competeswith concept_newspaper_tribune +concept_newspaper_st__louis_post_dispatch concept:newspaperincity concept_city_washington_d_c +concept_newspaper_st__petersburg_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_st__petersburg_times concept:newspaperincity concept_city_washington_d_c +concept_newspaper_sta concept:synonymfor concept_sportsleague_wl +concept_newspaper_standard concept:organizationheadquarteredincountry concept_country_england +concept_newspaper_standard concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_star_ledger concept:hasofficeincity concept_city_new_york +concept_newspaper_star_ledger concept:newspaperincity concept_city_newark +concept_newspaper_station concept:subpartoforganization concept_company_clear_channel +concept_newspaper_sun_microsystems concept:competeswith concept_blog_google +concept_newspaper_sun_microsystems concept:hasofficeincity concept_city_new_york +concept_newspaper_sun_microsystems concept:newspaperincity concept_city_new_york +concept_newspaper_sun_sentinel concept:newspaperincity concept_city_fort_lauderdale +concept_newspaper_sun_times concept:hasofficeincity concept_city_new_york +concept_newspaper_sun_times concept:newspaperincity concept_city_new_york +concept_newspaper_sunday_telegraph concept:newspaperincity concept_city_london_city +concept_newspaper_sunday_telegraph concept:competeswith concept_newspaper_daily +concept_newspaper_sunday_times concept:hasofficeincity concept_city_london_city +concept_newspaper_sunday_times concept:hasofficeincity concept_city_new_york +concept_newspaper_sunday_times concept:newspaperincity concept_city_new_york +concept_newspaper_sunday_times concept:atdate concept_date_n2003 +concept_newspaper_sunday_times concept:competeswith concept_newspaper_daily +concept_newspaper_svd concept:latitudelongitude 13.1443100000000,-61.2108600000000 +concept_newspaper_tennessean concept:newspaperincity concept_city_nashville +concept_newspaper_tennessee concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_texas concept:companyeconomicsector concept_academicfield_real_estate +concept_newspaper_texas concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_texas concept:companyeconomicsector concept_economicsector_insurance_companies +concept_newspaper_texas concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_newspaper_texas concept:companyeconomicsector concept_economicsector_insurance_policies +concept_newspaper_texas concept:companyeconomicsector concept_economicsector_insurance_services +concept_newspaper_the_chicago_tribune concept:hasofficeincity concept_city_new_york +concept_newspaper_the_christian_science_monitor concept:newspaperincity concept_city_boston +concept_newspaper_the_christian_science_monitor concept:hasofficeincity concept_city_new_york +concept_newspaper_the_daily concept:competeswith concept_blog_sun +concept_newspaper_the_daily concept:competeswith concept_company_telegraph001 +concept_newspaper_the_daily concept:competeswith concept_newspaper_times +concept_newspaper_the_detroit_free_press concept:companyeconomicsector concept_academicfield_news +concept_newspaper_the_detroit_free_press concept:hasofficeincity concept_city_new_york +concept_newspaper_the_detroit_free_press concept:competeswith concept_newspaper_journal +concept_newspaper_the_economist concept:newspaperincity concept_city_new_york +concept_newspaper_the_globe concept:hasofficeincity concept_city_new_york +concept_newspaper_the_globe concept:newspaperincity concept_city_washington_d_c +concept_newspaper_the_globe_and_mail concept:companyeconomicsector concept_academicfield_media +concept_newspaper_the_globe_and_mail concept:newspaperincity concept_city_ottawa +concept_newspaper_the_guardian concept:headquarteredin concept_city_london_city +concept_newspaper_the_guardian concept:newspaperincity concept_city_london_city +concept_newspaper_the_guardian concept:hasofficeincity concept_city_new_york +concept_newspaper_the_hill concept:newspaperincity concept_city_washington_d_c +concept_newspaper_the_international_herald_tribune concept:hasofficeincity concept_city_new_york +concept_newspaper_the_international_herald_tribune concept:newspaperincity concept_city_paris +concept_newspaper_the_international_herald_tribune concept:competeswith concept_newspaper_journal +concept_newspaper_the_los_angeles_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_the_national concept:hasofficeincity concept_city_new_york +concept_newspaper_the_national concept:headquarteredin concept_city_washington_d_c +concept_newspaper_the_national concept:newspaperincity concept_city_washington_d_c +concept_newspaper_the_national concept:hasofficeincity concept_city_washington_dc +concept_newspaper_the_new_republic concept:hasofficeincity concept_city_new_york +concept_newspaper_the_new_york_observer concept:hasofficeincity concept_city_new_york +concept_newspaper_the_new_york_observer concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_the_new_york_sun concept:competeswith concept_newspaper_daily +concept_newspaper_the_new_yorker concept:headquarteredin concept_city_new_york +concept_newspaper_the_new_yorker concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_the_philadelphia_inquirer concept:hasofficeincity concept_city_new_york +concept_newspaper_the_press concept:newspaperincity concept_county_los_angeles_county +concept_newspaper_the_san_francisco_examiner concept:newspaperincity concept_city_washington_d_c +concept_newspaper_the_tennessean concept:newspaperincity concept_city_nashville +concept_newspaper_the_vancouver_sun concept:companyeconomicsector concept_academicfield_media +concept_newspaper_the_voice concept:headquarteredin concept_city_new_york +concept_newspaper_the_voice concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_the_wall_street concept:companyeconomicsector concept_academicfield_media +concept_newspaper_the_wall_street concept:newspaperincity concept_city_chicago +concept_newspaper_the_wall_street concept:headquarteredin concept_city_new_york +concept_newspaper_the_wall_street concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_times concept:companyeconomicsector concept_academicfield_media +concept_newspaper_times concept:companyeconomicsector concept_academicfield_news +concept_newspaper_times concept:hasofficeincity concept_city_baghdad +concept_newspaper_times concept:hasofficeincity concept_city_beijing +concept_newspaper_times concept:newspaperincity concept_city_beijing +concept_newspaper_times concept:hasofficeincity concept_city_boston +concept_newspaper_times concept:hasofficeincity concept_city_denver +concept_newspaper_times concept:hasofficeincity concept_city_jerusalem +concept_newspaper_times concept:hasofficeincity concept_city_l_a_ +concept_newspaper_times concept:organizationheadquarteredincity concept_city_l_a_ +concept_newspaper_times concept:hasofficeincity concept_city_la +concept_newspaper_times concept:hasofficeincity concept_city_moscow +concept_newspaper_times concept:hasofficeincity concept_city_paris +concept_newspaper_times concept:hasofficeincity concept_city_seattle +concept_newspaper_times concept:hasofficeincity concept_city_st___petersburg +concept_newspaper_times concept:headquarteredin concept_city_washington_d_c +concept_newspaper_times concept:competeswith concept_company_bbc +concept_newspaper_times concept:competeswith concept_company_bloomberg +concept_newspaper_times concept:competeswith concept_company_fox +concept_newspaper_times concept:hasofficeincity concept_county_los_angeles_county +concept_newspaper_times concept:competeswith concept_newspaper_daily +concept_newspaper_times concept:competeswith concept_newspaper_dallas_morning +concept_newspaper_times concept:competeswith concept_newspaper_journal +concept_newspaper_times concept:competeswith concept_newspaper_the_wall_street +concept_newspaper_times concept:competeswith concept_televisionnetwork_abc +concept_newspaper_times concept:competeswith concept_televisionnetwork_cbs +concept_newspaper_times concept:competeswith concept_website_cnn__fox +concept_newspaper_times concept:competeswith concept_website_san_jose_mercury_news +concept_newspaper_times concept:competeswith concept_website_yahoo +concept_newspaper_toronto_star concept:companyeconomicsector concept_academicfield_media +concept_newspaper_toronto_star concept:newspaperincity concept_city_toronto +concept_newspaper_toronto_sun concept:companyeconomicsector concept_academicfield_media +concept_newspaper_town_hall concept:locationlocatedwithinlocation concept_stateorprovince_new_york +concept_newspaper_tribune concept:companyeconomicsector concept_academicfield_media +concept_newspaper_tribune concept:agentcollaborateswithagent concept_ceo_sam_zell +concept_newspaper_tribune concept:agentcontrols concept_ceo_sam_zell +concept_newspaper_tribune concept:hasofficeincity concept_city_la +concept_newspaper_tribune concept:agentcontrols concept_city_london_city +concept_newspaper_tribune concept:headquarteredin concept_city_new_york +concept_newspaper_tribune concept:newspaperincity concept_city_new_york +concept_newspaper_tribune concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_tribune concept:hasofficeincity concept_city_washington_d_c +concept_newspaper_tribune concept:hasofficeincity concept_county_los_angeles_county +concept_newspaper_tribune concept:competeswith concept_newspaper_le_monde +concept_newspaper_tribune concept:competeswith concept_newspaper_macomb_daily +concept_newspaper_tribune concept:agentcontrols concept_newspaper_st___paul_pioneer_press +concept_newspaper_tribune concept:competeswith concept_newspaper_st___paul_pioneer_press +concept_newspaper_tribune concept:competeswith concept_politicsblog_guardian +concept_newspaper_tribune concept:agentactsinlocation concept_visualizablescene_ny +concept_newspaper_tribune concept:agentcompeteswithagent concept_website_new_york_times +concept_newspaper_tribune concept:agentcontrols concept_website_new_york_times_a +concept_newspaper_tribune concept:competeswith concept_website_new_york_times_a +concept_newspaper_tribune concept:competeswith concept_website_san_jose_mercury_news +concept_newspaper_tribune concept:agentcontrols concept_website_washington_post +concept_newspaper_turn concept:subpartoforganization concept_company_adobe +concept_newspaper_tv_guide concept:companyeconomicsector concept_academicfield_media +concept_newspaper_u_s__news_and_world_report concept:companyeconomicsector concept_academicfield_media +concept_newspaper_u_s__news_and_world_report concept:companyeconomicsector concept_academicfield_news +concept_newspaper_u_s__news_and_world_report concept:headquarteredin concept_city_new_york +concept_newspaper_u_s__news_and_world_report concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_union_leader concept:newspaperincity concept_city_manchester +concept_newspaper_usa_today concept:hasofficeincity concept_city_new_york +concept_newspaper_usa_today concept:newspaperincity concept_city_new_york +concept_newspaper_utah concept:hasofficeincountry concept_country___america +concept_newspaper_utah concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_ventura_county_star concept:newspaperincity concept_city_van_nuys +concept_newspaper_vida_newspaper concept:newspaperincity concept_city_oxnard +concept_newspaper_vida_newspaper concept:competeswith concept_company_post +concept_newspaper_vindicator concept:newspaperincity concept_city_youngstown +concept_newspaper_virginian_pilot concept:newspaperincity concept_city_norfolk +concept_newspaper_wabc_tv concept:hasofficeincity concept_city_new_york +concept_newspaper_wall_street_journal concept:companyeconomicsector concept_academicfield_media +concept_newspaper_wall_street_journal concept:companyeconomicsector concept_academicfield_news +concept_newspaper_wall_street_journal concept:headquarteredin concept_city_new_york +concept_newspaper_wall_street_journal concept:newspaperincity concept_city_new_york +concept_newspaper_wall_street_journal concept:organizationheadquarteredincity concept_city_new_york +concept_newspaper_wall_street_journal concept:subpartoforganization concept_company_dow_jones_indexes +concept_newspaper_wall_street_journal concept:atdate concept_date_n2004 +concept_newspaper_wall_street_journal concept:atdate concept_dateliteral_n2002 +concept_newspaper_wall_street_journal concept:atdate concept_dateliteral_n2007 +concept_newspaper_wall_street_journal concept:atdate concept_dateliteral_n2008 +concept_newspaper_wavy_tv concept:agentbelongstoorganization concept_company_nbc +concept_newspaper_wavy_tv concept:subpartof concept_retailstore_nbc +concept_newspaper_wbay_tv concept:subpartoforganization concept_city_abc +concept_newspaper_wbay_tv concept:subpartof concept_website_abc +concept_newspaper_wcbs concept:hasofficeincity concept_city_new_york +concept_newspaper_westword concept:newspaperincity concept_city_denver +concept_newspaper_whyy_tv concept:subpartof concept_museum_pbs +concept_newspaper_wics_tv concept:subpartoforganization concept_city_abc +concept_newspaper_wics_tv concept:subpartof concept_retailstore_nbc +concept_newspaper_willamette_week concept:newspaperincity concept_city_portland +concept_newspaper_winner concept:proxyfor concept_book_new +concept_newspaper_winner concept:atdate concept_dateliteral_n2005 +concept_newspaper_winner concept:atdate concept_dateliteral_n2007 +concept_newspaper_winner concept:atdate concept_dateliteral_n2008 +concept_newspaper_winner concept:agentparticipatedinevent concept_sportsgame_series +concept_newspaper_wivb concept:organizationheadquarteredincity concept_city_buffalo +concept_newspaper_wjrt_tv concept:subpartoforganization concept_city_abc +concept_newspaper_wjrt_tv concept:subpartof concept_website_abc +concept_newspaper_wkmg_tv concept:subpartof concept_website_cbs +concept_newspaper_wmtv concept:agentbelongstoorganization concept_company_nbc +concept_newspaper_wmtv concept:subpartof concept_retailstore_nbc +concept_newspaper_wowk_tv concept:subpartof concept_website_cbs +concept_newspaper_wowt concept:agentbelongstoorganization concept_company_nbc +concept_newspaper_wowt concept:subpartof concept_retailstore_nbc +concept_newspaper_wplg concept:organizationheadquarteredincity concept_city_miami +concept_newspaper_wqad concept:subpartoforganization concept_city_abc +concept_newspaper_wqad concept:competeswith concept_company_post +concept_newspaper_wreg_tv concept:subpartof concept_website_cbs +concept_newspaper_wsyr_tv concept:subpartoforganization concept_city_abc +concept_newspaper_wten concept:subpartoforganization concept_city_abc +concept_newspaper_wten concept:subpartof concept_website_abc +concept_newspaper_wtol_tv concept:subpartof concept_website_cbs +concept_newspaper_wtsp_tv concept:subpartof concept_website_cbs +concept_newspaper_wtvj concept:agentbelongstoorganization concept_company_nbc +concept_newspaper_wtvj concept:subpartof concept_retailstore_nbc +concept_newspaper_wyoming concept:companyeconomicsector concept_economicsector_insurance +concept_newspaper_wzzm_tv concept:subpartoforganization concept_city_abc +concept_newspaper_wzzm_tv concept:subpartof concept_website_abc +concept_newspaper_yomiuri_shimbun concept:newspaperincity concept_city_tokyo +concept_nondiseasecondition_ambulance_transport concept:latitudelongitude 41.2301600000000,-81.8418200000000 +concept_nondiseasecondition_ashing concept:latitudelongitude 32.9380600000000,61.5208300000000 +concept_nondiseasecondition_baby_number concept:latitudelongitude 43.3377400000000,-107.8078600000000 +concept_nondiseasecondition_birth concept:atdate concept_date_n1999 +concept_nondiseasecondition_birth concept:atdate concept_date_n2000 +concept_nondiseasecondition_birth concept:atdate concept_date_n2001 +concept_nondiseasecondition_birth concept:atdate concept_date_n2003 +concept_nondiseasecondition_birth concept:atdate concept_date_n2004 +concept_nondiseasecondition_birth concept:atdate concept_dateliteral_n2002 +concept_nondiseasecondition_birth concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_birth concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_birth concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_birth concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_birth concept:atdate concept_year_n1991 +concept_nondiseasecondition_birth concept:atdate concept_year_n1994 +concept_nondiseasecondition_body concept:istallerthan concept_publication_people_ +concept_nondiseasecondition_cell concept:subpartof concept_weatherphenomenon_water +concept_nondiseasecondition_cervix concept:subpartof concept_website_blood +concept_nondiseasecondition_column concept:atdate concept_date_n2000 +concept_nondiseasecondition_column concept:atdate concept_dateliteral_n2002 +concept_nondiseasecondition_column concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_column concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_conception concept:atdate concept_date_n2004 +concept_nondiseasecondition_conception concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_condo concept:proxyfor concept_book_new +concept_nondiseasecondition_condo concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_condo concept:subpartof concept_hallwayitem_air +concept_nondiseasecondition_controversy concept:atdate concept_date_n1999 +concept_nondiseasecondition_controversy concept:atdate concept_date_n2000 +concept_nondiseasecondition_controversy concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_controversy concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_controversy concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_controversy concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_convalescence concept:latitudelongitude -12.0977766666667,43.9520366666667 +concept_nondiseasecondition_diet concept:atdate concept_date_n2001 +concept_nondiseasecondition_diet concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_discharge concept:atdate concept_date_n2003 +concept_nondiseasecondition_discharge concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_discharge concept:atdate concept_year_n1865 +concept_nondiseasecondition_discharge concept:atdate concept_year_n1919 +concept_nondiseasecondition_discharge concept:atdate concept_year_n1946 +concept_nondiseasecondition_evaluation concept:atdate concept_date_n1999 +concept_nondiseasecondition_evaluation concept:atdate concept_date_n2000 +concept_nondiseasecondition_evaluation concept:atdate concept_date_n2001 +concept_nondiseasecondition_evaluation concept:atdate concept_date_n2004 +concept_nondiseasecondition_evaluation concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_evaluation concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_evaluation concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_evaluation concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_evaluation concept:subpartof concept_weatherphenomenon_water +concept_nondiseasecondition_evaluation concept:atdate concept_year_n1995 +concept_nondiseasecondition_evaluation concept:atdate concept_year_n1998 +concept_nondiseasecondition_five_days concept:proxyfor concept_book_new +concept_nondiseasecondition_five_days concept:atdate concept_date_n2004 +concept_nondiseasecondition_five_days concept:atdate concept_dateliteral_n2002 +concept_nondiseasecondition_infant_development concept:latitudelongitude 41.7628100000000,-87.5733800000000 +concept_nondiseasecondition_inpatient_rehabilitation concept:latitudelongitude 38.7535700000000,-82.9796300000000 +concept_nondiseasecondition_inundation concept:latitudelongitude 31.0052800000000,74.3908300000000 +concept_nondiseasecondition_issues concept:istallerthan concept_publication_people_ +concept_nondiseasecondition_lagb concept:latitudelongitude 24.5333300000000,68.1500000000000 +concept_nondiseasecondition_mahalo concept:subpartof concept_publication_jason_calacanis +concept_nondiseasecondition_mansion concept:atdate concept_date_n2003 +concept_nondiseasecondition_milestone concept:atdate concept_date_n2003 +concept_nondiseasecondition_milestone concept:atdate concept_date_n2004 +concept_nondiseasecondition_milestone concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_milestone concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_milestone concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_milestone concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_nursing concept:atdate concept_dateliteral_n2002 +concept_nondiseasecondition_nursing concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_nursing concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_opening concept:atdate concept_month_august +concept_nondiseasecondition_opening concept:atdate concept_month_may +concept_nondiseasecondition_period concept:atdate concept_date_n1979 +concept_nondiseasecondition_period concept:atdate concept_date_n1996 +concept_nondiseasecondition_period concept:atdate concept_date_n1999 +concept_nondiseasecondition_period concept:atdate concept_date_n2000 +concept_nondiseasecondition_period concept:atdate concept_date_n2003 +concept_nondiseasecondition_period concept:atdate concept_date_n2004 +concept_nondiseasecondition_period concept:atdate concept_date_n2009 +concept_nondiseasecondition_period concept:atdate concept_dateliteral_n2002 +concept_nondiseasecondition_period concept:atdate concept_dateliteral_n2005 +concept_nondiseasecondition_period concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_period concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_period concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_period concept:atdate concept_month_april +concept_nondiseasecondition_period concept:atdate concept_month_january +concept_nondiseasecondition_period concept:atdate concept_month_june +concept_nondiseasecondition_period concept:atdate concept_month_may +concept_nondiseasecondition_period concept:atdate concept_month_november +concept_nondiseasecondition_period concept:atdate concept_month_october +concept_nondiseasecondition_period concept:atdate concept_month_september +concept_nondiseasecondition_period concept:atdate concept_year_n1994 +concept_nondiseasecondition_period concept:atdate concept_year_n1995 +concept_nondiseasecondition_period concept:atdate concept_year_n1998 +concept_nondiseasecondition_pilot_phase concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_placenta concept:subpartof concept_website_blood +concept_nondiseasecondition_policy concept:atdate concept_date_n1996 +concept_nondiseasecondition_policy concept:atdate concept_date_n1999 +concept_nondiseasecondition_policy concept:atdate concept_date_n2000 +concept_nondiseasecondition_policy concept:atdate concept_date_n2001 +concept_nondiseasecondition_policy concept:atdate concept_date_n2003 +concept_nondiseasecondition_policy concept:atdate concept_date_n2004 +concept_nondiseasecondition_policy concept:atdate concept_date_n2009 +concept_nondiseasecondition_policy concept:atdate concept_year_n1994 +concept_nondiseasecondition_policy concept:atdate concept_year_n1995 +concept_nondiseasecondition_policy concept:atdate concept_year_n1998 +concept_nondiseasecondition_practice concept:istallerthan concept_publication_people_ +concept_nondiseasecondition_practice concept:subpartof concept_weatherphenomenon_water +concept_nondiseasecondition_research concept:istallerthan concept_publication_people_ +concept_nondiseasecondition_several_times concept:proxyfor concept_book_new +concept_nondiseasecondition_site concept:subpartof concept_weatherphenomenon_water +concept_nondiseasecondition_solution concept:atdate concept_dateliteral_n2006 +concept_nondiseasecondition_solution concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_solution concept:atdate concept_dateliteral_n2008 +concept_nondiseasecondition_starting concept:atdate concept_date_n2009 +concept_nondiseasecondition_starting concept:atdate concept_dateliteral_n2007 +concept_nondiseasecondition_starting concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_academyhealth concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_action_team concept:latitudelongitude 25.5763900000000,-80.3638900000000 +concept_nongovorganization_advocacy_center concept:latitudelongitude 38.7038000000000,-90.3057000000000 +concept_nongovorganization_aef concept:latitudelongitude 11.0061000000000,29.9168000000000 +concept_nongovorganization_american_academy_of_pediatrics concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_american_cancer_society concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_american_red_cross concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_anaheim concept:agentparticipatedinevent concept_sportsgame_series +concept_nongovorganization_angel_stadium concept:atlocation concept_building_anaheim +concept_nongovorganization_area_board concept:latitudelongitude 39.9918000000000,-75.7988000000000 +concept_nongovorganization_army_air_corps concept:atdate concept_date_n1942 +concept_nongovorganization_army_air_corps concept:atdate concept_dateliteral_n1943 +concept_nongovorganization_audit_committee concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_avalanche concept:agentparticipatedinevent concept_convention_games +concept_nongovorganization_big_business concept:proxyfor concept_emotion_new +concept_nongovorganization_bright_future concept:latitudelongitude 34.9292600000000,-90.4464900000000 +concept_nongovorganization_cancer_society concept:mutualproxyfor concept_cardgame_board +concept_nongovorganization_candidates concept:atdate concept_date_n2004 +concept_nongovorganization_candidates concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_candidates concept:proxyfor concept_emotion_new +concept_nongovorganization_candidates concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_christian_coalition concept:agentcollaborateswithagent concept_person_ralph_reed +concept_nongovorganization_cities concept:atdate concept_date_n2000 +concept_nongovorganization_cities concept:atdate concept_date_n2004 +concept_nongovorganization_cities concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_cities concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_cities concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_cities concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_cities concept:proxyfor concept_emotion_new +concept_nongovorganization_cities concept:mutualproxyfor concept_sportsequipment_new +concept_nongovorganization_citizen concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_cnd concept:latitudelongitude 44.3622200000000,28.4883300000000 +concept_nongovorganization_committee concept:organizationheadquarteredincountry concept_country_us +concept_nongovorganization_committees concept:latitudelongitude -33.1500000000000,26.8333300000000 +concept_nongovorganization_committees concept:synonymfor concept_boardgame_board +concept_nongovorganization_committees concept:mutualproxyfor concept_cardgame_board +concept_nongovorganization_committees concept:mutualproxyfor concept_politicianus_boards +concept_nongovorganization_committees concept:subpartoforganization concept_terroristorganization_state +concept_nongovorganization_committees concept:subpartof concept_weatherphenomenon_water +concept_nongovorganization_confederate_army concept:atdate concept_year_n1862 +concept_nongovorganization_congr concept:latitudelongitude 38.8884500000000,-77.0044200000000 +concept_nongovorganization_corporations concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_nongovorganization_council concept:synonymfor concept_boardgame_board +concept_nongovorganization_council concept:mutualproxyfor concept_book_new +concept_nongovorganization_council concept:organizationheadquarteredincountry concept_country_us +concept_nongovorganization_council concept:atdate concept_date_n1993 +concept_nongovorganization_council concept:atdate concept_date_n1996 +concept_nongovorganization_council concept:atdate concept_date_n1999 +concept_nongovorganization_council concept:atdate concept_date_n2000 +concept_nongovorganization_council concept:atdate concept_date_n2001 +concept_nongovorganization_council concept:atdate concept_date_n2003 +concept_nongovorganization_council concept:atdate concept_date_n2004 +concept_nongovorganization_council concept:atdate concept_date_n2009 +concept_nongovorganization_council concept:atdate concept_dateliteral_n1990 +concept_nongovorganization_council concept:atdate concept_dateliteral_n2002 +concept_nongovorganization_council concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_council concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_council concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_council concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_council concept:proxyfor concept_emotion_new +concept_nongovorganization_council concept:synonymfor concept_governmentorganization_department +concept_nongovorganization_council concept:synonymfor concept_politicaloffice_office +concept_nongovorganization_council concept:agentcreated concept_programminglanguage_contact +concept_nongovorganization_council concept:mutualproxyfor concept_sportsequipment_board +concept_nongovorganization_council concept:mutualproxyfor concept_weatherphenomenon_two +concept_nongovorganization_council concept:atdate concept_year_n1965 +concept_nongovorganization_council concept:atdate concept_year_n1988 +concept_nongovorganization_council concept:atdate concept_year_n1991 +concept_nongovorganization_council concept:atdate concept_year_n1992 +concept_nongovorganization_council concept:atdate concept_year_n1995 +concept_nongovorganization_council concept:atdate concept_year_n1997 +concept_nongovorganization_council concept:atdate concept_year_n1998 +concept_nongovorganization_criteria concept:subpartoforganization concept_terroristorganization_state +concept_nongovorganization_criteria concept:subpartof concept_weatherphenomenon_water +concept_nongovorganization_democrat concept:proxyfor concept_emotion_new +concept_nongovorganization_democrat concept:subpartoforganization concept_governmentorganization_house +concept_nongovorganization_democrat concept:agentcollaborateswithagent concept_personnorthamerica_joe_biden +concept_nongovorganization_democrat concept:agentcontrols concept_personnorthamerica_joe_biden +concept_nongovorganization_democrat concept:subpartof concept_room_house +concept_nongovorganization_democrat concept:mutualproxyfor concept_sportsequipment_new +concept_nongovorganization_demos concept:agentinvolvedwithitem concept_buildingfeature_window +concept_nongovorganization_efta concept:latitudelongitude 13.8333300000000,37.3166700000000 +concept_nongovorganization_email concept:subpartoforganization concept_blog_form +concept_nongovorganization_email concept:agentcreated concept_celebrity_service_contact +concept_nongovorganization_email concept:agentcreated concept_plant_data +concept_nongovorganization_email concept:agentcreated concept_scientificterm_info_ +concept_nongovorganization_email concept:agentcreated concept_scientificterm_information_contact +concept_nongovorganization_email concept:agentcreated concept_scientificterm_more_information_contact +concept_nongovorganization_email concept:agentcreated concept_vehicle_contact_information +concept_nongovorganization_email concept:agentcreated concept_website_send +concept_nongovorganization_emirate_of_abu_dhabi concept:latitudelongitude 23.6666700000000,54.0000000000000 +concept_nongovorganization_ethelred concept:latitudelongitude -70.0666700000000,-69.4833300000000 +concept_nongovorganization_federal_grand_jury concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_fee concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_fee concept:agentcreated concept_mldataset_pay +concept_nongovorganization_fee concept:agentcreated concept_weapon_charge +concept_nongovorganization_first_corps concept:latitudelongitude 42.3512100000000,-71.0817200000000 +concept_nongovorganization_forces concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_nongovorganization_forces concept:atdate concept_date_n1941 +concept_nongovorganization_forces concept:atdate concept_date_n1942 +concept_nongovorganization_forces concept:atdate concept_date_n1944 +concept_nongovorganization_forces concept:atdate concept_date_n1979 +concept_nongovorganization_forces concept:atdate concept_date_n1996 +concept_nongovorganization_forces concept:atdate concept_date_n1999 +concept_nongovorganization_forces concept:atdate concept_date_n2003 +concept_nongovorganization_forces concept:atdate concept_date_n2004 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n1943 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n1945 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n1950 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n2002 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_forces concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_forces concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_forces concept:organizationhiredperson concept_personus_party +concept_nongovorganization_forces concept:mutualproxyfor concept_sportsequipment_new +concept_nongovorganization_forces concept:atdate concept_year_n1915 +concept_nongovorganization_forces concept:atdate concept_year_n1998 +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_edge +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_escape_hybrid +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_escort +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_expedition +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_explorer +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_f_150 +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_fiesta +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_five_hundred +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_freestar +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_fusion +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_mondeo +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_mustang +concept_nongovorganization_ford_foundation concept:agentinvolvedwithitem concept_automobileengine_ford_ranger +concept_nongovorganization_friend concept:atdate concept_date_n2000 +concept_nongovorganization_friend concept:atdate concept_date_n2001 +concept_nongovorganization_friend concept:atdate concept_date_n2003 +concept_nongovorganization_friend concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_friend concept:proxyfor concept_emotion_new +concept_nongovorganization_friend concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_friend concept:mutualproxyfor concept_person_mugabe +concept_nongovorganization_friend concept:atdate concept_year_n1998 +concept_nongovorganization_general_assembly concept:organizationheadquarteredincountry concept_country_us +concept_nongovorganization_general_assembly concept:atdate concept_date_n1993 +concept_nongovorganization_general_assembly concept:atdate concept_date_n1996 +concept_nongovorganization_general_assembly concept:atdate concept_date_n1999 +concept_nongovorganization_general_assembly concept:atdate concept_date_n2000 +concept_nongovorganization_general_assembly concept:atdate concept_date_n2001 +concept_nongovorganization_general_assembly concept:atdate concept_date_n2003 +concept_nongovorganization_general_assembly concept:atdate concept_date_n2004 +concept_nongovorganization_general_assembly concept:atdate concept_date_n2009 +concept_nongovorganization_general_assembly concept:atdate concept_dateliteral_n2002 +concept_nongovorganization_general_assembly concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_general_assembly concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_general_assembly concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_general_assembly concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_general_assembly concept:atdate concept_year_n1994 +concept_nongovorganization_general_assembly concept:atdate concept_year_n1995 +concept_nongovorganization_general_assembly concept:atdate concept_year_n1997 +concept_nongovorganization_general_assembly concept:atdate concept_year_n1998 +concept_nongovorganization_gop concept:agentcollaborateswithagent concept_coach_sarah_palin +concept_nongovorganization_gop concept:agentbelongstoorganization concept_governmentorganization_house +concept_nongovorganization_gop concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_gop concept:organizationacronymhasname concept_politicalparty_grand_old_party +concept_nongovorganization_gop concept:agentcollaborateswithagent concept_politicianus_dick_cheney +concept_nongovorganization_gop concept:agentcontrols concept_politicianus_dick_cheney +concept_nongovorganization_gop concept:agentcollaborateswithagent concept_politicianus_palin +concept_nongovorganization_gop concept:agentcontrols concept_sociopolitical_palin +concept_nongovorganization_grand_jury concept:atdate concept_date_n2004 +concept_nongovorganization_grand_jury concept:atdate concept_dateliteral_n2002 +concept_nongovorganization_grand_jury concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_april +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_august +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_december +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_february +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_january +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_july +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_june +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_march +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_may +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_november +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_october +concept_nongovorganization_guide concept:organizationdissolvedatdate concept_month_september +concept_nongovorganization_headlines concept:agentactsinlocation concept_stateorprovince_kashmir +concept_nongovorganization_human_rights_council concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_human_rights_council concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_indian_affairs_committee concept:mutualproxyfor concept_person_mccain +concept_nongovorganization_information concept:agentcreated concept_academicfield_history_contact +concept_nongovorganization_information concept:agentcreated concept_aquarium_u_s__contact +concept_nongovorganization_information concept:agentcreated concept_ceo_business_contact +concept_nongovorganization_information concept:agentcreated concept_ceo_sale_contact +concept_nongovorganization_information concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_information concept:agentcreated concept_criminal_links_contact +concept_nongovorganization_information concept:agentcreated concept_eventoutcome_more_contact +concept_nongovorganization_information concept:agentbelongstoorganization concept_governmentorganization_governments +concept_nongovorganization_information concept:agentcreated concept_mlarea_call +concept_nongovorganization_information concept:agentcreated concept_musicsong_questions_contact +concept_nongovorganization_information concept:agentcollaborateswithagent concept_person_government +concept_nongovorganization_information concept:agentcreated concept_personasia_share_email +concept_nongovorganization_information concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_information concept:agentcreated concept_scientificterm_info_contact +concept_nongovorganization_information concept:agentcreated concept_scientificterm_information_click +concept_nongovorganization_information concept:agentcreated concept_scientificterm_information_contact +concept_nongovorganization_information concept:agentcreated concept_scientificterm_more_information_contact +concept_nongovorganization_information concept:agentcreated concept_stateorprovince_mailing +concept_nongovorganization_information concept:agentcollaborateswithagent concept_terroristorganization_state +concept_nongovorganization_information concept:agentcreated concept_weapon_course +concept_nongovorganization_international_criminal_court concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_nongovorganization_israeli_government concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_nongovorganization_jdl concept:latitudelongitude 36.6784800000000,42.2634200000000 +concept_nongovorganization_kennedy_center concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_kqed concept:agentactsinlocation concept_county_san_francisco +concept_nongovorganization_lawmakers concept:proxyfor concept_emotion_new +concept_nongovorganization_lawmakers concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_ldp concept:latitudelongitude 5.1065000000000,97.4886000000000 +concept_nongovorganization_legal_action concept:proxyfor concept_emotion_new +concept_nongovorganization_legal_action concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_legislative_assembly concept:latitudelongitude 40.8111500000000,-91.1023700000000 +concept_nongovorganization_legislature concept:subpartoforganization concept_organization_the_country +concept_nongovorganization_lives concept:atdate concept_date_n2003 +concept_nongovorganization_lives concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_lives concept:proxyfor concept_emotion_new +concept_nongovorganization_lives concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_los_angeles_center concept:latitudelongitude 34.0475000000000,-118.2491700000000 +concept_nongovorganization_marine_corps concept:organizationheadquarteredincountry concept_country_us +concept_nongovorganization_merchant_marines concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_mercosul concept:latitudelongitude -25.4374100000000,-49.2699900000000 +concept_nongovorganization_mpla concept:latitudelongitude 35.5166700000000,23.8166700000000 +concept_nongovorganization_mukasey concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_near_eastern concept:latitudelongitude 40.7300000000000,-73.9994400000000 +concept_nongovorganization_news concept:organizationheadquarteredincity concept_city_washington_d_c +concept_nongovorganization_news concept:mutualproxyfor concept_person_mugabe +concept_nongovorganization_nixon_center concept:organizationhiredperson concept_person_mark_hackard +concept_nongovorganization_nominating_committee concept:synonymfor concept_director_committee +concept_nongovorganization_nra concept:organizationacronymhasname concept_nongovorganization_national_rifle_association +concept_nongovorganization_nwra concept:latitudelongitude 33.4950000000000,68.7525000000000 +concept_nongovorganization_onorato concept:latitudelongitude 43.5166700000000,13.1833300000000 +concept_nongovorganization_packinghouse concept:latitudelongitude 41.0211200000000,-92.6982500000000 +concept_nongovorganization_pdp concept:latitudelongitude -34.9166700000000,-54.9166700000000 +concept_nongovorganization_phillips concept:organizationheadquarteredincity concept_city_washington_d_c +concept_nongovorganization_phillips concept:agentactsinlocation concept_stateorprovince_bartlesville +concept_nongovorganization_pitac concept:latitudelongitude 11.3566700000000,122.0955600000000 +concept_nongovorganization_planning_commission concept:latitudelongitude 44.5570200000000,-68.4328000000000 +concept_nongovorganization_planning_commission concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_plants concept:subpartof concept_bathroomitem_water_treatment +concept_nongovorganization_plants concept:subpartof concept_beverage_industrial_water +concept_nongovorganization_plants concept:subpartof concept_beverage_large_water +concept_nongovorganization_plants concept:subpartof concept_beverage_local_water +concept_nongovorganization_plants concept:subpartof concept_beverage_municipal_water +concept_nongovorganization_plants concept:subpartof concept_chemical_power_plants +concept_nongovorganization_plants concept:subpartof concept_chemical_sewage +concept_nongovorganization_plants concept:subpartof concept_chemical_systems +concept_nongovorganization_plants concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_plants concept:subpartof concept_visualizableattribute_drinking_water +concept_nongovorganization_plants concept:subpartof concept_visualizableattribute_major_water +concept_nongovorganization_plants concept:subpartof concept_visualizablething_waste_water +concept_nongovorganization_plants concept:subpartof concept_visualizablething_wastewater +concept_nongovorganization_plants concept:subpartof concept_weatherphenomenon_air +concept_nongovorganization_plants concept:subpartof concept_weatherphenomenon_water +concept_nongovorganization_prices concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_prices concept:agentcreated concept_programminglanguage_contact +concept_nongovorganization_rcaf concept:latitudelongitude 70.7536900000000,-117.7378800000000 +concept_nongovorganization_rcaf concept:organizationacronymhasname concept_nongovorganization_royal_canadian_air_force +concept_nongovorganization_related_agencies concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_relative concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_representatives concept:agentbelongstoorganization concept_terroristorganization_state +concept_nongovorganization_sacs concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_sbsc concept:latitudelongitude -22.9323500000000,-43.7190900000000 +concept_nongovorganization_sdp concept:latitudelongitude 55.3150000000000,-160.5175000000000 +concept_nongovorganization_seato concept:latitudelongitude 4.5166700000000,116.2833300000000 +concept_nongovorganization_senate_energy_and_natural_resources_committee concept:subpartoforganization concept_politicalparty_senate +concept_nongovorganization_senate_indian_affairs_committee concept:subpartoforganization concept_politicalparty_senate +concept_nongovorganization_several_other_states concept:proxyfor concept_emotion_new +concept_nongovorganization_shows concept:atdate concept_date_n2000 +concept_nongovorganization_shows concept:atdate concept_date_n2001 +concept_nongovorganization_shows concept:atdate concept_date_n2004 +concept_nongovorganization_shows concept:atdate concept_date_n2009 +concept_nongovorganization_shows concept:atdate concept_dateliteral_n2002 +concept_nongovorganization_shows concept:atdate concept_dateliteral_n2006 +concept_nongovorganization_shows concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_shows concept:atdate concept_dateliteral_n2008 +concept_nongovorganization_shriver_center concept:latitudelongitude 39.5067200000000,-84.7319000000000 +concept_nongovorganization_sldn concept:organizationacronymhasname concept_nongovorganization_servicemembers_legal_defense_network +concept_nongovorganization_sldn concept:mutualproxyfor concept_person_aubrey_sarvis +concept_nongovorganization_sldn concept:organizationhiredperson concept_person_aubrey_sarvis +concept_nongovorganization_sldn concept:subpartof concept_person_aubrey_sarvis +concept_nongovorganization_standing_committee concept:mutualproxyfor concept_person_nguyen_phu_trong +concept_nongovorganization_subcommittee concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_subcommittee concept:atdate concept_date_n2000 +concept_nongovorganization_taxpayers concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_the_board concept:latitudelongitude 25.4705600000000,-80.4661100000000 +concept_nongovorganization_the_council concept:latitudelongitude 28.3009000000000,-81.4020000000000 +concept_nongovorganization_titles concept:atdate concept_date_n2004 +concept_nongovorganization_titles concept:atdate concept_date_n2009 +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_april +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_august +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_december +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_january +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_july +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_june +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_march +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_may +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_november +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_october +concept_nongovorganization_tour concept:organizationdissolvedatdate concept_month_september +concept_nongovorganization_tour concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_tragedy concept:atdate concept_date_n2004 +concept_nongovorganization_tragedy concept:proxyfor concept_emotion_new +concept_nongovorganization_tragedy concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_u_s_ concept:synonymfor concept_book_america +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_ceo_bernard_l__madoff +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_coach_bruce_arena +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_coach_greg_ryan +concept_nongovorganization_u_s_ concept:organizationterminatedperson concept_coach_greg_ryan +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_coach_tony_dicicco +concept_nongovorganization_u_s_ concept:organizationterminatedperson concept_coach_tony_dicicco +concept_nongovorganization_u_s_ concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_nongovorganization_u_s_ concept:atdate concept_date_n1941 +concept_nongovorganization_u_s_ concept:atdate concept_date_n1951 +concept_nongovorganization_u_s_ concept:atdate concept_date_n1969 +concept_nongovorganization_u_s_ concept:atdate concept_date_n1971 +concept_nongovorganization_u_s_ concept:atdate concept_date_n2000 +concept_nongovorganization_u_s_ concept:atdate concept_date_n2001 +concept_nongovorganization_u_s_ concept:atdate concept_date_n2003 +concept_nongovorganization_u_s_ concept:atdate concept_date_n2004 +concept_nongovorganization_u_s_ concept:atdate concept_date_n2009 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n1943 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n1980 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n1990 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n2005 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n2007 +concept_nongovorganization_u_s_ concept:atdate concept_dateliteral_n2010 +concept_nongovorganization_u_s_ concept:proxyfor concept_emotion_new +concept_nongovorganization_u_s_ concept:agentparticipatedinevent concept_eventoutcome_result +concept_nongovorganization_u_s_ concept:atdate concept_month_december +concept_nongovorganization_u_s_ concept:atdate concept_month_march +concept_nongovorganization_u_s_ concept:atdate concept_month_november +concept_nongovorganization_u_s_ concept:atdate concept_month_october +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_personus_warren_buffet +concept_nongovorganization_u_s_ concept:synonymfor concept_politicalparty_republic +concept_nongovorganization_u_s_ concept:agentcollaborateswithagent concept_politicianus_palin +concept_nongovorganization_u_s_ concept:organizationterminatedperson concept_scientist_no_ +concept_nongovorganization_u_s_ concept:mutualproxyfor concept_sportsequipment_new +concept_nongovorganization_u_s_ concept:atdate concept_year_n1988 +concept_nongovorganization_u_s_ concept:atdate concept_year_n1992 +concept_nongovorganization_u_s__navy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_u_s__navy concept:atdate concept_date_n1941 +concept_nongovorganization_u_s__navy concept:atdate concept_date_n1942 +concept_nongovorganization_ukip concept:latitudelongitude 5.2982000000000,8.0057000000000 +concept_nongovorganization_upu concept:organizationacronymhasname concept_politicalparty_universal_postal_union +concept_nongovorganization_us_led_forces concept:atdate concept_date_n2003 +concept_nongovorganization_v_p__singh concept:agentbelongstoorganization concept_musicartist_indian +concept_nongovorganization_veterans_administration concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nongovorganization_vfw_post concept:latitudelongitude 40.3033366666667,-75.9927866666667 +concept_nongovorganization_washington_office concept:latitudelongitude 40.1357000000000,-75.1868000000000 +concept_nongovorganization_wsma concept:latitudelongitude 42.7283700000000,-82.5207400000000 +concept_nongovorganization_zanu_pf concept:agentcollaborateswithagent concept_person_mugabe +concept_nonneginteger_n1 concept:thinghasshape concept_geometricshape_shape +concept_nonneginteger_n10 concept:mutualproxyfor concept_city_home +concept_nonneginteger_n10 concept:proxyfor concept_coach_new +concept_nonneginteger_n17 concept:proxyfor concept_coach_new +concept_nonneginteger_n18 concept:proxyfor concept_book_new +concept_nonneginteger_n18 concept:mutualproxyfor concept_room_community +concept_nonneginteger_n47 concept:proxyfor concept_coach_new +concept_nonneginteger_one concept:proxyfor concept_book_new +concept_nonneginteger_one concept:proxyfor concept_book_north +concept_nonneginteger_one concept:mutualproxyfor concept_city_cottage +concept_nonneginteger_one concept:atdate concept_date_community +concept_nonneginteger_one concept:atdate concept_date_n1958 +concept_nonneginteger_one concept:atdate concept_date_n1999 +concept_nonneginteger_one concept:atdate concept_date_n2004 +concept_nonneginteger_one concept:atdate concept_date_n2009 +concept_nonneginteger_one concept:atdate concept_dateliteral_n2002 +concept_nonneginteger_one concept:atdate concept_dateliteral_n2005 +concept_nonneginteger_one concept:atdate concept_dateliteral_n2006 +concept_nonneginteger_one concept:atdate concept_dateliteral_n2008 +concept_nonneginteger_one concept:atdate concept_dateliteral_n2010 +concept_nonneginteger_one concept:proxyfor concept_geopoliticallocation_southern +concept_nonneginteger_one concept:proxyfor concept_hotel_today +concept_nonneginteger_one concept:proxyfor concept_politicaloffice_central +concept_nonneginteger_one concept:istallerthan concept_publication_people_ +concept_nonneginteger_one concept:proxyfor concept_room_south +concept_nonneginteger_one concept:proxyfor concept_street_north_west +concept_nonneginteger_one concept:atdate concept_year_n1985 +concept_nonneginteger_one concept:atdate concept_year_n1991 +concept_nonneginteger_one concept:atdate concept_year_n1992 +concept_nonneginteger_one concept:atdate concept_year_n1995 +concept_nonneginteger_one concept:atdate concept_year_n1998 +concept_nonprofitorganization_accounts concept:subpartoforganization concept_terroristorganization_state +concept_nonprofitorganization_agc concept:latitudelongitude 40.3547900000000,-79.9297700000000 +concept_nonprofitorganization_amnesty concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nonprofitorganization_canadian_department concept:organizationheadquarteredincountry concept_country_us +concept_nonprofitorganization_carnegie_hall concept:atdate concept_date_n2000 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_date_n2001 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_date_n2003 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_dateliteral_n2002 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_dateliteral_n2006 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_dateliteral_n2007 +concept_nonprofitorganization_carnegie_hall concept:atdate concept_dateliteral_n2008 +concept_nonprofitorganization_christ_child_society concept:latitudelongitude 38.8926100000000,-76.9980300000000 +concept_nonprofitorganization_colonial_dames concept:latitudelongitude 39.9476100000000,-75.1687900000000 +concept_nonprofitorganization_convenience concept:agentinvolvedwithitem concept_buildingfeature_window +concept_nonprofitorganization_data concept:agentparticipatedinevent concept_eventoutcome_basis +concept_nonprofitorganization_data concept:agentparticipatedinevent concept_eventoutcome_result +concept_nonprofitorganization_data concept:agentcreated concept_geopoliticalorganization_e_mail +concept_nonprofitorganization_data concept:subpartoforganization concept_governmentorganization_government +concept_nonprofitorganization_data concept:agentcompeteswithagent concept_personcanada_search +concept_nonprofitorganization_data concept:agentcreated concept_product_ip +concept_nonprofitorganization_data concept:agentcreated concept_programminglanguage_contact +concept_nonprofitorganization_data concept:agentcreated concept_programminglanguage_email +concept_nonprofitorganization_data concept:subpartoforganization concept_terroristorganization_state +concept_nonprofitorganization_daughters_of_american_revolution concept:latitudelongitude 38.8948300000000,-77.0402500000000 +concept_nonprofitorganization_ducks_unlimited concept:organizationheadquarteredincountry concept_country_u_s_ +concept_nonprofitorganization_eeri concept:latitudelongitude 1.4833300000000,44.0666700000000 +concept_nonprofitorganization_etfo concept:latitudelongitude 17.0833300000000,38.1666700000000 +concept_nonprofitorganization_flash_player concept:agentinvolvedwithitem concept_buildingfeature_window +concept_nonprofitorganization_force concept:proxyfor concept_book_new +concept_nonprofitorganization_free_software_foundation concept:mutualproxyfor concept_professor_richard_stallman +concept_nonprofitorganization_free_software_foundation concept:organizationterminatedperson concept_professor_richard_stallman +concept_nonprofitorganization_free_software_foundation concept:subpartof concept_professor_richard_stallman +concept_nonprofitorganization_global_warming concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nonprofitorganization_glsen concept:subpartof concept_person_aline_isaacson +concept_nonprofitorganization_glsen concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_nonprofitorganization_guadalupe_center concept:latitudelongitude 34.1118900000000,-117.3179600000000 +concept_nonprofitorganization_haven concept:agentactsinlocation concept_lake_new +concept_nonprofitorganization_hebrew_association concept:latitudelongitude 40.9879700000000,-74.3547950000000 +concept_nonprofitorganization_home_contact concept:agentcreated concept_website_information +concept_nonprofitorganization_home_team concept:proxyfor concept_book_new +concept_nonprofitorganization_home_team concept:agentparticipatedinevent concept_sportsgame_series +concept_nonprofitorganization_humane_society concept:subpartof concept_writer_wayne_pacelle +concept_nonprofitorganization_icann concept:organizationacronymhasname concept_nonprofitorganization_internet_corporation_for_assigned_names +concept_nonprofitorganization_ifaw concept:latitudelongitude 6.8166700000000,3.2000000000000 +concept_nonprofitorganization_install concept:agentinvolvedwithitem concept_hallwayitem_windows +concept_nonprofitorganization_investigations concept:atdate concept_date_n2004 +concept_nonprofitorganization_investigations concept:agentparticipatedinevent concept_eventoutcome_result +concept_nonprofitorganization_investigations concept:subpartoforganization concept_terroristorganization_state +concept_nonprofitorganization_islamic_relief concept:latitudelongitude 33.6737000000000,73.0654000000000 +concept_nonprofitorganization_jabber concept:subpartoforganization concept_biotechcompany_cisco +concept_nonprofitorganization_kosciuszko_foundation concept:latitudelongitude 40.7675000000000,-73.9688900000000 +concept_nonprofitorganization_lucene concept:agentcompeteswithagent concept_personcanada_search +concept_nonprofitorganization_maps concept:agentinvolvedwithitem concept_buildingfeature_window +concept_nonprofitorganization_maps concept:agentinvolvedwithitem concept_hallwayitem_windows +concept_nonprofitorganization_maps concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_nonprofitorganization_media_center concept:agentinvolvedwithitem concept_hallwayitem_windows +concept_nonprofitorganization_mimi_bay concept:latitudelongitude 18.2166700000000,-62.9833300000000 +concept_nonprofitorganization_naafa concept:latitudelongitude -8.5336100000000,126.7102800000000 +concept_nonprofitorganization_nation_s concept:proxyfor concept_book_new +concept_nonprofitorganization_national_action_network concept:subpartof concept_person_charlie_king +concept_nonprofitorganization_national_action_network concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_nonprofitorganization_national_society concept:latitudelongitude 38.9027500000000,-77.0474750000000 +concept_nonprofitorganization_nawbo concept:latitudelongitude 19.3458300000000,97.7311100000000 +concept_nonprofitorganization_operations concept:agentparticipatedinevent concept_eventoutcome_result +concept_nonprofitorganization_operations concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nonprofitorganization_operations concept:subpartoforganization concept_terroristorganization_state +concept_nonprofitorganization_organizations concept:agentparticipatedinevent concept_eventoutcome_result +concept_nonprofitorganization_organizations concept:agentcompeteswithagent concept_personcanada_search +concept_nonprofitorganization_organizations concept:organizationhiredperson concept_personus_party +concept_nonprofitorganization_organizations concept:subpartoforganization concept_terroristorganization_state +concept_nonprofitorganization_plan concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_nonprofitorganization_prsa concept:latitudelongitude 48.3000000000000,19.8000000000000 +concept_nonprofitorganization_regional concept:organizationterminatedperson concept_scientist_no_ +concept_nonprofitorganization_sons concept:agentparticipatedinevent concept_eventoutcome_result +concept_nonprofitorganization_weekend_academy concept:latitudelongitude 32.2175200000000,-110.9562100000000 +concept_nonprofitorganization_women_for_women_international concept:organizationhiredperson concept_writer_zainab_salbi +concept_nonprofitorganization_women_for_women_international concept:organizationterminatedperson concept_writer_zainab_salbi +concept_nonprofitorganization_women_for_women_international concept:subpartof concept_writer_zainab_salbi +concept_nonprofitorganization_wwf concept:organizationterminatedperson concept_politicianus_linda_mcmahon +concept_nut_almonds concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_nut_almonds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_nut_black_walnut concept:plantincludeplant concept_plant_trees +concept_nut_butternut concept:plantincludeplant concept_plant_trees +concept_nut_caracas concept:proxyfor concept_musicinstrument_venezuela +concept_nut_caracas concept:subpartof concept_musicinstrument_venezuela +concept_nut_case concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_chocolates concept:foodcancausedisease concept_disease_acne +concept_nut_cow concept:objectfoundinscene concept_visualizablescene_pasture +concept_nut_cypress concept:subpartof concept_ceo_tj_rodgers +concept_nut_dish concept:objectfoundinscene concept_visualizablescene_observatory +concept_nut_effort concept:objectpartofobject concept_sportsequipment_wheel +concept_nut_effort concept:objectfoundinscene concept_visualizablescene_observatory +concept_nut_fact concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_fatty_acid concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_gaboon concept:latitudelongitude -1.0000000000000,11.7500000000000 +concept_nut_hazelnuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_nut_heaven concept:thinghascolor concept_color_blue +concept_nut_hypertension concept:foodcancausedisease concept_disease_blood_pressure +concept_nut_hypertension concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_hypertension concept:foodcancausedisease concept_disease_diabetes +concept_nut_hypertension concept:foodcancausedisease concept_disease_gestational_diabetes +concept_nut_hypertension concept:foodcancausedisease concept_disease_high_blood_pressure +concept_nut_hypertension concept:foodcancausedisease concept_disease_hypertension +concept_nut_hypertension concept:foodcancausedisease concept_disease_pulmonary_hypertension +concept_nut_mushroom concept:fooddecreasestheriskofdisease concept_disease_breast_cancer +concept_nut_note concept:objectpartofobject concept_sportsequipment_wheel +concept_nut_onions concept:foodcancausedisease concept_disease_blood_pressure +concept_nut_onions concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_pecan concept:plantincludeplant concept_plant_trees +concept_nut_raising concept:ismultipleof concept_nut_horses +concept_nut_server concept:objectpartofobject concept_musicinstrument_processor +concept_nut_sesame_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_nut_sesame_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_nut_sesame_seeds concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_nut_situation concept:objectpartofobject concept_visualizableobject_lens +concept_nut_sweet_chestnut concept:plantincludeplant concept_plant_trees +concept_nut_term concept:foodcancausedisease concept_disease_blood_pressure +concept_nut_term concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_nut_term concept:foodcancausedisease concept_disease_high_blood_pressure +concept_nut_term concept:foodcancausedisease concept_disease_hypertension +concept_nut_wall concept:objectfoundinscene concept_landscapefeatures_valley +concept_officebuildingroom_basic_amenities concept:subpartof concept_weatherphenomenon_water +concept_officebuildingroom_living_room concept:subpartof concept_weatherphenomenon_water +concept_officebuildingroom_n7500 concept:latitudelongitude 4.9500000000000,-53.1833300000000 +concept_officeitem_calling_cards concept:latitudelongitude 32.6997600000000,73.9552900000000 +concept_officeitem_capacities concept:subpartof concept_weatherphenomenon_air +concept_officeitem_capacities concept:subpartof concept_weatherphenomenon_water +concept_officeitem_ecard concept:latitudelongitude 38.8517500000000,-82.0382000000000 +concept_officeitem_lables concept:latitudelongitude 31.0241700000000,64.1008300000000 +concept_officeitem_typewriters concept:latitudelongitude 37.7979800000000,-122.4302500000000 +concept_olympics_atlantic_canada concept:proxyfor concept_book_new +concept_olympics_developed_country concept:proxyfor concept_book_new +concept_olympics_implementation concept:atdate concept_date_n1996 +concept_olympics_implementation concept:atdate concept_date_n1999 +concept_olympics_implementation concept:atdate concept_date_n2000 +concept_olympics_implementation concept:atdate concept_date_n2001 +concept_olympics_implementation concept:atdate concept_date_n2003 +concept_olympics_implementation concept:atdate concept_date_n2004 +concept_olympics_implementation concept:atdate concept_date_n2009 +concept_olympics_implementation concept:atdate concept_dateliteral_n2002 +concept_olympics_implementation concept:atdate concept_dateliteral_n2005 +concept_olympics_implementation concept:atdate concept_dateliteral_n2006 +concept_olympics_implementation concept:atdate concept_dateliteral_n2007 +concept_olympics_implementation concept:atdate concept_dateliteral_n2008 +concept_olympics_implementation concept:subpartof concept_weatherphenomenon_water +concept_olympics_implementation concept:atdate concept_year_n1997 +concept_olympics_implementation concept:atdate concept_year_n1998 +concept_olympics_jury concept:atdate concept_date_n1996 +concept_olympics_jury concept:atdate concept_date_n2000 +concept_olympics_jury concept:atdate concept_date_n2003 +concept_olympics_jury concept:atdate concept_date_n2004 +concept_olympics_jury concept:atdate concept_dateliteral_n2002 +concept_olympics_jury concept:atdate concept_dateliteral_n2005 +concept_olympics_jury concept:atdate concept_dateliteral_n2006 +concept_olympics_jury concept:atdate concept_dateliteral_n2007 +concept_olympics_jury concept:atdate concept_dateliteral_n2008 +concept_olympics_mayor concept:proxyfor concept_book_new +concept_olympics_mayor concept:atdate concept_date_n2000 +concept_olympics_mayor concept:atdate concept_date_n2001 +concept_olympics_mayor concept:atdate concept_date_n2003 +concept_olympics_mayor concept:atdate concept_date_n2004 +concept_olympics_three_games concept:proxyfor concept_book_new +concept_olympics_walter_cronkite concept:subpartof concept_website_cbs +concept_olympics_waterfront concept:proxyfor concept_book_new +concept_organization_aashto concept:organizationheadquarteredincountry concept_country_u_s_ +concept_organization_afp concept:companyeconomicsector concept_academicfield_media +concept_organization_afp concept:hasofficeincity concept_city_canberra_canberra +concept_organization_agr concept:mutualproxyfor concept_wine_kanaan +concept_organization_air_force concept:organizationheadquarteredincountry concept_country_u_s_ +concept_organization_al_eastern_division concept:subpartoforganization concept_geopoliticallocation_al +concept_organization_almond_casuarina_beach_resort concept:subpartoforganization concept_organization_almond_resorts +concept_organization_american_unitarian_association concept:organizationdissolvedatdate concept_dateliteral_n1961 +concept_organization_army concept:organizationheadquarteredincountry concept_country_u_s_ +concept_organization_asian_cuban_restaurant concept:subpartoforganization concept_organization_bacolet_beach_club +concept_organization_baa concept:organizationdissolvedatdate concept_date_n1949 +concept_organization_board_of_trustees concept:subpartoforganization concept_organization_the_march_of_dimes +concept_organization_carl_gustaf_lounge concept:subpartoforganization concept_organization_the_hotel +concept_organization_carnival_cruise_lines concept:mutualproxyfor concept_ceo_micky_arison +concept_organization_carnival_cruise_lines concept:organizationterminatedperson concept_ceo_micky_arison +concept_organization_carnival_cruise_lines concept:headquarteredin concept_city_miami +concept_organization_carnival_cruise_lines concept:organizationheadquarteredincity concept_city_miami +concept_organization_center_for_the_study_of_drug_development concept:subpartoforganization concept_organization_tufts +concept_organization_china_hydropower_engineering_society concept:agentcontrols concept_island_zhang +concept_organization_china_hydropower_engineering_society concept:mutualproxyfor concept_island_zhang +concept_organization_chinese_shooting_squad concept:subpartof concept_person_xiao_haopeng +concept_organization_church concept:mutualproxyfor concept_book_new +concept_organization_church concept:organizationheadquarteredincity concept_city_richmond +concept_organization_church concept:agentparticipatedinevent concept_eventoutcome_result +concept_organization_civil_affairs_and_psychological_operations_command concept:subpartoforganization concept_city_army +concept_organization_cjc concept:organizationacronymhasname concept_company_canadian_jewish_congress +concept_organization_colombia concept:proxyfor concept_book_new +concept_organization_colombia concept:hasofficeincountry concept_country___america +concept_organization_commission_for_mass_mobilization concept:subpartoforganization concept_organization_cpvcc +concept_organization_coqui_water_park concept:subpartoforganization concept_organization_el_conquistador_resort_and_golden_door_spa +concept_organization_crdf concept:organizationacronymhasname concept_company_century_regional_detention_center +concept_organization_creative_coalition concept:organizationheadquarteredincity concept_city_new_york +concept_organization_creative_coalition concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_organization_department_of_economic_development concept:subpartoforganization concept_stateorprovince_texas +concept_organization_department_of_housing_and_community_affairs concept:subpartoforganization concept_stateorprovince_texas +concept_organization_document_department concept:subpartoforganization concept_organization_communist_magazine +concept_organization_dreyfus concept:organizationterminatedperson concept_person_michael_schonberg +concept_organization_dreyfus concept:subpartof concept_person_michael_schonberg +concept_organization_ducca concept:subpartoforganization concept_organization_puccini_group +concept_organization_economics_affairs_and_budget_commission concept:subpartoforganization concept_stateorprovince_na +concept_organization_economy concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_organization_editing_board concept:subpartoforganization concept_newspaper_the_magazine +concept_organization_epiphone concept:agentcollaborateswithagent concept_personcanada_les_paul +concept_organization_epiphone concept:subpartof concept_programminglanguage_gibson +concept_organization_epiphone concept:subpartoforganization concept_recordlabel_gibson_guitar_corporation +concept_organization_faculty_of_law concept:subpartoforganization concept_sportsteam_bar_ilan_university +concept_organization_focus_on_the_family concept:organizationheadquarteredinstateorprovince concept_stateorprovince_colorado +concept_organization_free_thinking_film_society concept:organizationheadquarteredincountry concept_country_canada_canada +concept_organization_general_armament_department concept:subpartoforganization concept_terroristorganization_people_s_liberation_army +concept_organization_george_bush_school_of_government_and_public_service concept:subpartoforganization concept_sportsteam_texas_a_m +concept_organization_grand_palladium_jamaica_resort_and_spa concept:subpartoforganization concept_organization_grand_palladium +concept_organization_grand_palladium_lady_hamilton_resort_and_spa concept:subpartoforganization concept_organization_grand_palladium +concept_organization_harkat_ul_mujahadeen concept:organizationheadquarteredincity concept_city_islamabad +concept_organization_heilongjiang concept:agentcontrols concept_airport_harbin +concept_organization_hiscock___barclay concept:organizationterminatedperson concept_person_albert_hessberg_ii +concept_organization_hiscock___barclay concept:organizationterminatedperson concept_person_partner +concept_organization_history_channel concept:companyeconomicsector concept_academicfield_news +concept_organization_host concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_organization_host concept:organizationheadquarteredincountry concept_country_u_s_ +concept_organization_host concept:agentparticipatedinevent concept_sportsgame_series +concept_organization_hydron_technologies concept:organizationterminatedperson concept_person_harvey_tauman +concept_organization_international_hydropower_association concept:agentcollaborateswithagent concept_personaustralia_richard_taylor +concept_organization_international_hydropower_association concept:mutualproxyfor concept_personus_richard_taylor +concept_organization_irgc_qf concept:organizationheadquarteredincountry concept_country_iran +concept_organization_israeli_army concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_organization_israeli_army concept:organizationterminatedperson concept_person_moshe_ben_zikri +concept_organization_kadima concept:agentcontrols concept_nongovorganization_dichter +concept_organization_kapalua_bay_hotel concept:subpartoforganization concept_organization_maui_land_and_pineapple +concept_organization_kennedy_space_center concept:organizationheadquarteredinstateorprovince concept_stateorprovince_florida +concept_organization_khmer_rouge_government concept:organizationdissolvedatdate concept_date_n1979 +concept_organization_kifi_tv concept:subpartoforganization concept_city_abc +concept_organization_kifi_tv concept:subpartof concept_website_abc +concept_organization_kremlin concept:organizationterminatedperson concept_person_alexander_korzhakov +concept_organization_le_journal_du_dimanche concept:organizationheadquarteredincountry concept_country_france_france +concept_organization_league_of_nations concept:organizationheadquarteredincountry concept_country_switzerland +concept_organization_league_of_nations concept:organizationdissolvedatdate concept_year_n1946 +concept_organization_lehman concept:subpartoforganization concept_bank_barclays +concept_organization_lehman concept:subpartoforganization concept_bank_barclays_global_investors +concept_organization_lehman concept:organizationacronymhasname concept_bank_lehman_brothers +concept_organization_lehman concept:companyeconomicsector concept_economicsector_investment +concept_organization_lehman_brothers_holdings_inc__ concept:subpartoforganization concept_bank_barclays +concept_organization_lehman_brothers_holdings_inc__ concept:subpartoforganization concept_bank_barclays_global_investors +concept_organization_literature_faculty concept:subpartoforganization concept_organization_hanoi_general_university +concept_organization_lotus_development_corp__ concept:organizationterminatedperson concept_person_edwin_gillis +concept_organization_macroeconomy_department concept:subpartoforganization concept_organization_development_research_center_of_the_state_council +concept_organization_mamora_bay_divers concept:subpartoforganization concept_organization_st__james__club_and_villas +concept_organization_maui_land_and_pineapple concept:mutualproxyfor concept_person_cole +concept_organization_maui_land_and_pineapple concept:mutualproxyfor concept_professor_david_cole +concept_organization_meco concept:organizationheadquarteredincountry concept_country_taiwan +concept_organization_medina_hospital concept:organizationheadquarteredincountry concept_country_somalia +concept_organization_miami_dade_county_public_schools concept:subpartoforganization concept_governmentorganization_miami_dade_county +concept_organization_mtctechnologies concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ohio +concept_organization_n320th_psychological_operations_company concept:subpartoforganization concept_organization_army_reserve +concept_organization_n366th_civil_engineer_squadron concept:subpartoforganization concept_city_fairchild_air_force_base +concept_organization_n49ers concept:organizationterminatedperson concept_coach_george_seifert +concept_organization_national_assembly concept:subpartoforganization concept_country_armenia +concept_organization_national_assembly concept:atdate concept_date_n2001 +concept_organization_national_assembly concept:atdate concept_date_n2004 +concept_organization_national_assembly concept:atdate concept_dateliteral_n2002 +concept_organization_national_assembly concept:atdate concept_dateliteral_n2005 +concept_organization_national_assembly concept:atdate concept_dateliteral_n2007 +concept_organization_national_assembly concept:subpartof concept_ethnicgroup_armenia +concept_organization_national_assembly concept:atdate concept_year_n1997 +concept_organization_national_assembly concept:atdate concept_year_n1998 +concept_organization_nbs concept:agentcollaborateswithagent concept_personasia_xie_fuzhan +concept_organization_new_york_city_council concept:subpartoforganization concept_organization_the_city +concept_organization_new_york_immigration_coalition concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_organization_no__8_aviation_college concept:subpartoforganization concept_organization_pla_air_force +concept_organization_office_of_state_federal_relations concept:agentcollaborateswithagent concept_city_texas +concept_organization_office_of_state_federal_relations concept:subpartoforganization concept_stateorprovince_texas +concept_organization_oriental_studies_department concept:subpartoforganization concept_university_yerevan_state_university +concept_organization_orinats_yerkir__rule_of_law__party concept:subpartoforganization concept_country_armenia +concept_organization_orinats_yerkir__rule_of_law__party concept:subpartof concept_ethnicgroup_armenia +concept_organization_party_construction_department concept:subpartoforganization concept_newspaper_the_magazine +concept_organization_penske_racing concept:agentparticipatedinevent concept_sportsgame_series +concept_organization_philological_department concept:subpartoforganization concept_university_yerevan_state_university +concept_organization_pla concept:subpartoforganization concept_organization_pla_air_force +concept_organization_pla_air_force concept:subpartoforganization concept_organization_pla +concept_organization_political_bureau concept:subpartoforganization concept_organization_cpvcc +concept_organization_reef_atlantis concept:subpartoforganization concept_organization_atlantis +concept_organization_research_institute_of_economic_operation_and_development concept:subpartoforganization concept_organization_national_development_and_reform_commission +concept_organization_restaurant_and_bar concept:subpartoforganization concept_organization_settlers__beach_hotel +concept_organization_rose_hall concept:subpartoforganization concept_organization_iberostar_hotels_and_resorts +concept_organization_rusport_team concept:agentcollaborateswithagent concept_athlete_justin_wilson +concept_organization_russia_s_olympic_team concept:agentcontrols concept_island_tishchenko +concept_organization_russian_defense_ministry concept:organizationterminatedperson concept_person_semyonov +concept_organization_russian_defense_ministry concept:organizationterminatedperson concept_person_vladimir_semyonov +concept_organization_sac concept:organizationheadquarteredinstateorprovince concept_stateorprovince_liaoning_province +concept_organization_safe_passage concept:organizationalsoknownas concept_organization_camino_seguro +concept_organization_smith_barney_inc__ concept:organizationterminatedperson concept_person_robert_b___maloney +concept_organization_sort concept:agentparticipatedinevent concept_eventoutcome_result +concept_organization_sort concept:agentcompeteswithagent concept_tradeunion_search +concept_organization_soviet concept:mutualproxyfor concept_scientist_mikhail_gorbachev +concept_organization_sports_service concept:subpartoforganization concept_terroristorganization_afp +concept_organization_tacc concept:organizationacronymhasname concept_organization_technical_assistance_and_cooperation_committee +concept_organization_tampa_division concept:subpartoforganization concept_organization_florida_middle_district_bankruptcy_court +concept_organization_the_bond_and_taxation_committee concept:subpartoforganization concept_organization_the_state_chamber_of_commerce +concept_organization_the_bond_and_taxation_committee_of_the_state_chamber_of_commerce concept:subpartof concept_person_g_g__ware +concept_organization_the_boston_public_school_system concept:organizationterminatedperson concept_person_i +concept_organization_the_brooklyn_dodgers concept:agentcontrols concept_coach_jackie_robinson +concept_organization_the_brooklyn_dodgers concept:agentcontrols concept_personus_brooks_conrad +concept_organization_the_brooklyn_dodgers concept:agentcontrols concept_personus_robinson_cano +concept_organization_the_country concept:agentcollaborateswithagent concept_nongovorganization_legislature +concept_organization_the_march_of_dimes concept:agentcontrols concept_sport_board_of_trustees +concept_organization_the_original_toronto_production_of___godspell____ concept:agentcontrols concept_personnorthamerica_martin_short +concept_organization_the_state_chamber_of_commerce concept:subpartof concept_musicalbum_the_state +concept_organization_the_state_chamber_of_commerce concept:subpartoforganization concept_newspaper_the_state +concept_organization_the_tax_policy_center concept:organizationheadquarteredinstateorprovince concept_stateorprovince_washington__d_c_ +concept_organization_the_tigers concept:agentparticipatedinevent concept_traditionalgame_series_last_year +concept_organization_tianjin_lions concept:organizationheadquarteredinstateorprovince concept_stateorprovince_tianjin +concept_organization_tiara concept:subpartoforganization concept_organization_club_med_punta_cana +concept_organization_tigers concept:agentcontrols concept_color_brown +concept_organization_tigers concept:agentcollaborateswithagent concept_personmexico_carlos_guillen +concept_organization_tigers concept:agentcollaborateswithagent concept_personus_curtis_granderson +concept_organization_tigers concept:agentparticipatedinevent concept_traditionalgame_series_last_year +concept_organization_us_district_court_for_the_southern_district_of_new_york concept:subpartoforganization concept_country_us +concept_organization_us_district_court_for_the_southern_district_of_new_york concept:subpartoforganization concept_geopoliticalorganization_us_ +concept_organization_viceroy concept:subpartoforganization concept_organization_kor_group +concept_organization_west_germany concept:mutualproxyfor concept_person_derwall +concept_organization_world_cup_side concept:agentcollaborateswithagent concept_person_alan_ball +concept_park_abbey_court_hotel concept:parkincity concept_city_london_city +concept_park_abu_dis concept:parkincity concept_city_jerusalem +concept_park_abu_tor concept:parkincity concept_city_jerusalem +concept_park_acton concept:parkincity concept_city_london_city +concept_park_addington_raceway concept:latitudelongitude -43.5383300000000,172.5901300000000 +concept_park_aladdin_hotel concept:attractionofcity concept_city_vegas +concept_park_alamo_square concept:parkincity concept_city_san_francisco +concept_park_alexis_park_resort concept:attractionofcity concept_city_vegas +concept_park_algiers_point concept:parkincity concept_city_new_orleans +concept_park_allston concept:parkincity concept_city_boston +concept_park_ambassadors_hotel concept:parkincity concept_city_london_city +concept_park_amsterdam_hotel concept:parkincity concept_city_london_city +concept_park_apollo_hotel concept:parkincity concept_city_london_city +concept_park_appleby_castle concept:latitudelongitude 54.5736100000000,-2.4886300000000 +concept_park_aruba_marriott concept:latitudelongitude 12.5999000000000,-70.0450000000000 +concept_park_ashburn_hotel concept:parkincity concept_city_london_city +concept_park_atlanta_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_atlanta_state_park concept:latitudelongitude 33.2326250000000,-94.2513050000000 +concept_park_avenue_hotel concept:hotelincity concept_city_amsterdam +concept_park_back_bay concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_back_bay concept:parkincity concept_city_boston +concept_park_bakaa concept:latitudelongitude 5.6333300000000,14.9666700000000 +concept_park_ballymaloe_house concept:latitudelongitude 51.8899650000000,-8.1220500000000 +concept_park_balmain concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_ban_chiang_hotel concept:latitudelongitude 17.4080000000000,102.7840000000000 +concept_park_bangkok_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_barcroft_park concept:latitudelongitude 38.8467800000000,-77.1022000000000 +concept_park_barkston_gardens_hotel concept:parkincity concept_city_london_city +concept_park_barnet concept:attractionofcity concept_city_london_city +concept_park_barons_court concept:parkincity concept_city_london_city +concept_park_battersea concept:parkincity concept_city_london_city +concept_park_battersea_park concept:parkincity concept_city_london_city +concept_park_bay_ridge concept:parkincity concept_city_brooklyn +concept_park_bayit_vegan concept:parkincity concept_city_jerusalem +concept_park_bayswater concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_bayswater concept:parkincity concept_city_london_city +concept_park_bayview concept:parkincity concept_city_san_francisco +concept_park_bed_stuy concept:parkincity concept_city_brooklyn +concept_park_bedford_stuyvesant concept:latitudelongitude 40.6817200000000,-73.9438200000000 +concept_park_bedford_stuyvesant concept:parkincity concept_city_brooklyn +concept_park_beit_yisrael concept:parkincity concept_city_jerusalem +concept_park_bellagio_hotel concept:attractionofcity concept_city_vegas +concept_park_belsize_park concept:parkincity concept_city_london_city +concept_park_bensonhurst concept:parkincity concept_city_brooklyn +concept_park_berjaya_eden_park_hotel concept:parkincity concept_city_london_city +concept_park_bermondsey concept:parkincity concept_city_london_city +concept_park_bernal_heights concept:parkincity concept_city_san_francisco +concept_park_bexley concept:attractionofcity concept_city_london_city +concept_park_blackburn_with_darwen concept:latitudelongitude 53.6666700000000,-2.4666700000000 +concept_park_blackpool_tower concept:latitudelongitude 53.8158700000000,-3.0551800000000 +concept_park_bon_ton_resort concept:latitudelongitude 6.3040500000000,99.7236700000000 +concept_park_boonsiri_place concept:latitudelongitude 13.9234000000000,101.9531300000000 +concept_park_borough concept:parkincity concept_city_london_city +concept_park_borough concept:proxyfor concept_lake_new +concept_park_botanic_gardens concept:attractionofcity concept_city_sydney +concept_park_boutique_hotel concept:proxyfor concept_book_new +concept_park_brent concept:attractionofcity concept_city_london_city +concept_park_brent_cross concept:parkincity concept_city_london_city +concept_park_brighton concept:parkincity concept_city_boston +concept_park_bristol_downs concept:latitudelongitude 33.9139900000000,-84.0196300000000 +concept_park_brockwell_park concept:parkincity concept_city_london_city +concept_park_bromley concept:attractionofcity concept_city_london_city +concept_park_bromley_by_bow concept:latitudelongitude 51.5246800000000,-0.0118000000000 +concept_park_bromley_by_bow concept:parkincity concept_city_london_city +concept_park_buckingham_palace concept:attractionofcity concept_city_london_city +concept_park_buena_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_bunratty_castle_hotel concept:latitudelongitude 52.6954000000000,-8.8127000000000 +concept_park_caesars_palace_hotel concept:attractionofcity concept_city_vegas +concept_park_camden concept:attractionofcity concept_city_london_city +concept_park_canada_water concept:parkincity concept_city_london_city +concept_park_canarsie concept:parkincity concept_city_brooklyn +concept_park_canon_court_apartments concept:latitudelongitude 55.9627300000000,-3.1986700000000 +concept_park_cape_town_hollow concept:latitudelongitude -33.9260000000000,18.4170000000000 +concept_park_carroll_gardens concept:latitudelongitude 40.6800000000000,-73.9936100000000 +concept_park_carroll_gardens concept:parkincity concept_city_brooklyn +concept_park_casino_hotel concept:locationlocatedwithinlocation concept_city_vegas +concept_park_castro concept:parkincity concept_city_san_francisco +concept_park_century_golden_resources concept:latitudelongitude 39.9513000000000,116.2810000000000 +concept_park_chalk_farm concept:parkincity concept_city_london_city +concept_park_chandni_chowk concept:parkincity concept_city_delhi +concept_park_charing_cross concept:attractionofcity concept_city_london_city +concept_park_charlesbank_park concept:parkincity concept_city_boston +concept_park_chippewa_national_forest concept:latitudelongitude 47.5832800000000,-93.9002100000000 +concept_park_chiswick concept:parkincity concept_city_london_city +concept_park_christie_pits_park concept:parkincity concept_city_toronto +concept_park_circular_quay concept:parkincity concept_city_harbour +concept_park_circular_quay concept:attractionofcity concept_city_sydney +concept_park_city_hotel concept:parkincity concept_city_london_city +concept_park_clapham_common concept:parkincity concept_city_london_city +concept_park_clapham_north concept:parkincity concept_city_london_city +concept_park_claremont_hotel concept:parkincity concept_city_london_city +concept_park_clarendon_hotel concept:parkincity concept_city_london_city +concept_park_clerkenwell concept:latitudelongitude 51.5228400000000,-0.1058100000000 +concept_park_clerkenwell concept:parkincity concept_city_london_city +concept_park_cobble_hill concept:parkincity concept_city_brooklyn +concept_park_columbia_hotel concept:parkincity concept_city_london_city +concept_park_comfort_hotel concept:parkincity concept_city_london_city +concept_park_comfort_hotel_nagoya_chiyoda concept:latitudelongitude 35.1628000000000,136.9180000000000 +concept_park_comfort_inn_wentworth_plaza concept:latitudelongitude -31.9333000000000,115.8333000000000 +concept_park_congr concept:latitudelongitude 38.8884500000000,-77.0044200000000 +concept_park_connaught_hotel concept:parkincity concept_city_london_city +concept_park_conrad_dublin concept:latitudelongitude 53.3352000000000,-6.2578000000000 +concept_park_conrad_jupiters_casino concept:latitudelongitude -28.0029000000000,153.4286000000000 +concept_park_corinthia_lisboa_hotel concept:latitudelongitude 38.7387800000000,-9.1654200000000 +concept_park_crown_heights concept:parkincity concept_city_new_york +concept_park_crown_moran_hotel concept:parkincity concept_city_london_city +concept_park_croydon concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_croydon concept:attractionofcity concept_city_london_city +concept_park_cumberland_hotel concept:parkincity concept_city_london_city +concept_park_denmark_hill concept:parkincity concept_city_london_city +concept_park_deptford_bridge concept:latitudelongitude 51.4744100000000,-0.0225400000000 +concept_park_discovery_suites concept:latitudelongitude 14.5871000000000,121.0594000000000 +concept_park_disney_concert_hall concept:latitudelongitude 34.0533500000000,-118.2528500000000 +concept_park_dollis_hill concept:latitudelongitude 51.5510000000000,-0.2361450000000 +concept_park_dome_of_the_rock concept:latitudelongitude 31.7774600000000,35.2352500000000 +concept_park_downtown concept:parkincity concept_city_milwaukee +concept_park_drayton_park concept:parkincity concept_city_london_city +concept_park_dulwich concept:parkincity concept_city_london_city +concept_park_dumbo concept:parkincity concept_city_brooklyn +concept_park_dunn__s_river_falls concept:latitudelongitude 18.4158300000000,-77.1380600000000 +concept_park_ealing concept:attractionofcity concept_city_london_city +concept_park_ealing_broadway concept:parkincity concept_city_london_city +concept_park_ealing_common concept:latitudelongitude 51.5099800000000,-0.2882100000000 +concept_park_east_acton concept:parkincity concept_city_london_city +concept_park_east_new_york concept:parkincity concept_city_brooklyn +concept_park_east_putney concept:parkincity concept_city_london_city +concept_park_east_village concept:parkincity concept_island_manhattan +concept_park_echo_park concept:parkincity concept_county_los_angeles_county +concept_park_ellis_library concept:latitudelongitude 35.8409100000000,-90.6787200000000 +concept_park_emerson_park concept:parkincity concept_city_east_st___louis +concept_park_enfield concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_enfield concept:attractionofcity concept_city_london_city +concept_park_englischer_garten concept:parkincity concept_city_munich +concept_park_euston concept:parkincity concept_city_london_city +concept_park_fairmont_scottsdale concept:latitudelongitude 33.6457000000000,-111.9158000000000 +concept_park_fairmont_washington_dc concept:latitudelongitude 38.9052600000000,-77.0515200000000 +concept_park_falconwood concept:latitudelongitude 51.4592800000000,0.0797700000000 +concept_park_fan concept:parkincity concept_city_richmond +concept_park_farringdon concept:parkincity concept_city_london_city +concept_park_faubourg_marigny concept:parkincity concept_city_new_orleans +concept_park_finsbury_park concept:parkincity concept_city_london_city +concept_park_first_friday concept:atdate concept_date_meeting +concept_park_first_issue concept:atdate concept_date_n1996 +concept_park_first_issue concept:atdate concept_date_n2000 +concept_park_first_issue concept:atdate concept_date_n2001 +concept_park_first_issue concept:atdate concept_date_n2003 +concept_park_first_issue concept:atdate concept_date_n2004 +concept_park_first_issue concept:atdate concept_dateliteral_n2005 +concept_park_first_issue concept:atdate concept_dateliteral_n2006 +concept_park_first_issue concept:atdate concept_dateliteral_n2008 +concept_park_first_issue concept:atdate concept_year_n1986 +concept_park_first_issue concept:atdate concept_year_n1995 +concept_park_first_issue concept:atdate concept_year_n1998 +concept_park_fitchburg concept:atlocation concept_beach_massachusetts +concept_park_fitzrovia concept:parkincity concept_city_london_city +concept_park_forbes_state_forest concept:latitudelongitude 39.9061866666667,-79.3339266666667 +concept_park_forest_hill concept:parkincity concept_city_london_city +concept_park_forest_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_fort_aguada_beach_resort concept:latitudelongitude 15.4982000000000,73.7598000000000 +concept_park_four_queens_hotel concept:attractionofcity concept_city_vegas +concept_park_four_seasons_hotel concept:parkincity concept_city_london_city +concept_park_franconia_notch_state_park concept:latitudelongitude 44.1495100000000,-71.6867500000000 +concept_park_frankfurt_hotels concept:latitudelongitude 50.0519000000000,8.5701000000000 +concept_park_franklin_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_french_hill concept:parkincity concept_city_jerusalem +concept_park_frick_park concept:parkincity concept_city_pittsburgh +concept_park_fun_city concept:proxyfor concept_book_new +concept_park_gainsborough_hotel concept:parkincity concept_city_london_city +concept_park_galleria_hotel concept:latitudelongitude 32.9559000000000,-96.8298000000000 +concept_park_gilo concept:parkincity concept_city_jerusalem +concept_park_gion concept:parkincity concept_city_kyoto +concept_park_givat_shaul concept:parkincity concept_city_jerusalem +concept_park_glebe concept:parkincity concept_city_sydney +concept_park_glen_park concept:parkincity concept_city_san_francisco +concept_park_glenapp_castle concept:latitudelongitude 55.2924350000000,-4.6750650000000 +concept_park_goldhawk_road concept:parkincity concept_city_london_city +concept_park_goodge_street concept:parkincity concept_city_london_city +concept_park_gran_melia_cancun concept:latitudelongitude 21.1071000000000,-86.7572500000000 +concept_park_grand_hotel_adriatico concept:latitudelongitude 43.7737000000000,11.2448000000000 +concept_park_grand_hotel_bohemia concept:latitudelongitude 50.0877000000000,14.4264000000000 +concept_park_grand_hotel_emerald concept:latitudelongitude 59.9430000000000,30.3780000000000 +concept_park_grant_park concept:parkincity concept_city_chicago +concept_park_grants_tomb concept:latitudelongitude 40.8131600000000,-73.9629200000000 +concept_park_green_park concept:parkincity concept_city_london_city +concept_park_greenwich concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_greenwich concept:parkincity concept_city_london_city +concept_park_greenwich_park concept:parkincity concept_city_london_city +concept_park_gresham_hotel concept:parkincity concept_city_london_city +concept_park_griya_santrian concept:latitudelongitude -8.6833000000000,115.2500000000000 +concept_park_gullfoss concept:latitudelongitude 65.0233320000000,-21.2399980000000 +concept_park_gunnersbury concept:parkincity concept_city_london_city +concept_park_habtoor_grand_resort concept:latitudelongitude 25.1522500000000,55.2019000000000 +concept_park_hackney concept:attractionofcity concept_city_london_city +concept_park_hackney_downs concept:parkincity concept_city_london_city +concept_park_haight_ashbury concept:parkincity concept_city_san_francisco +concept_park_hammersmith concept:attractionofcity concept_city_london_city +concept_park_hammersmith_and_fulham concept:attractionofcity concept_city_london_city +concept_park_hancock_park concept:parkincity concept_county_los_angeles_county +concept_park_hanover_hotel concept:parkincity concept_city_london_city +concept_park_har_homa concept:parkincity concept_city_jerusalem +concept_park_har_nof concept:parkincity concept_city_jerusalem +concept_park_harbour_bridge concept:attractionofcity concept_city_sydney +concept_park_haringey concept:parkincity concept_city_london_city +concept_park_harlem concept:parkincity concept_city_new_york +concept_park_harrow concept:parkincity concept_city_london_city +concept_park_havering concept:attractionofcity concept_city_london_city +concept_park_hayes_valley concept:parkincity concept_city_san_francisco +concept_park_high_park concept:parkincity concept_city_toronto +concept_park_high_street_kensington concept:latitudelongitude 51.5004200000000,-0.1922400000000 +concept_park_high_street_kensington concept:parkincity concept_city_london_city +concept_park_highland_park concept:parkincity concept_county_los_angeles_county +concept_park_hillingdon concept:parkincity concept_city_london_city +concept_park_hilton_brighton_metropole concept:latitudelongitude 50.8220000000000,-0.1490000000000 +concept_park_hippo_hollow concept:latitudelongitude -25.0308900000000,31.1233600000000 +concept_park_holland_park concept:parkincity concept_city_london_city +concept_park_hong_kong_disneyland concept:mutualproxyfor concept_personeurope_andrew_kam +concept_park_hong_kong_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_honolulu_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_hospes_palacio concept:latitudelongitude 37.5318000000000,-4.1903500000000 +concept_park_hotel_amigo concept:latitudelongitude 50.8460000000000,4.3515000000000 +concept_park_hotel_angeleno concept:latitudelongitude 34.0747000000000,-118.4689000000000 +concept_park_hotel_captain_cook concept:latitudelongitude 61.2176000000000,-149.9003000000000 +concept_park_hotel_dynasty concept:latitudelongitude 31.5000000000000,117.9666000000000 +concept_park_hotel_giulio_cesare concept:latitudelongitude 41.9113000000000,12.4696000000000 +concept_park_hotel_green_park concept:latitudelongitude 37.5180000000000,127.0170000000000 +concept_park_hotel_kong_arthur concept:latitudelongitude 55.6790000000000,12.5661000000000 +concept_park_hotel_kyjev concept:latitudelongitude 48.1460000000000,17.1160000000000 +concept_park_hotel_les_nations concept:latitudelongitude 46.2157000000000,6.1315000000000 +concept_park_hotel_park_city concept:latitudelongitude 40.6826000000000,-111.5210000000000 +concept_park_hotel_princesa concept:latitudelongitude 42.5740000000000,1.4824000000000 +concept_park_hotel_tanne concept:latitudelongitude 50.0544000000000,8.5348000000000 +concept_park_hounslow concept:parkincity concept_city_london_city +concept_park_huka_falls concept:latitudelongitude -38.6500000000000,176.1000000000000 +concept_park_humboldt_park concept:parkincity concept_city_chicago +concept_park_hunters_point concept:parkincity concept_city_san_francisco +concept_park_hyde_park concept:parkincity concept_city_london_city +concept_park_imi_residence concept:latitudelongitude 53.2790000000000,-6.2310000000000 +concept_park_imperial_hotel concept:parkincity concept_city_london_city +concept_park_inman_park concept:parkincity concept_city_atlanta +concept_park_inner_sunset concept:parkincity concept_city_san_francisco +concept_park_insider concept:proxyfor concept_book_new +concept_park_island_gardens concept:parkincity concept_city_london_city +concept_park_jabel_mukaber concept:parkincity concept_city_jerusalem +concept_park_jackson_heights concept:parkincity concept_city_queens +concept_park_jackson_hole concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_jamaica_plain concept:parkincity concept_city_boston +concept_park_japantown concept:latitudelongitude 37.7845000000000,-122.4310000000000 +concept_park_jardins concept:parkincity concept_city_sao_paulo +concept_park_jasper_park_lodge concept:latitudelongitude 52.8946300000000,-118.0573750000000 +concept_park_jefferson_park concept:parkincity concept_city_chicago +concept_park_jianguo_garden_hotel concept:latitudelongitude 39.9032000000000,116.4046000000000 +concept_park_kennington concept:parkincity concept_city_london_city +concept_park_kensington concept:parkincity concept_county_central_london +concept_park_kentish_town concept:latitudelongitude 51.5496525000000,-0.1418300000000 +concept_park_kentish_town concept:parkincity concept_city_london_city +concept_park_kenwood concept:parkincity concept_city_chicago +concept_park_kenwood_house concept:parkincity concept_city_london_city +concept_park_kew_gardens concept:attractionofcity concept_city_london_city +concept_park_king_dynasty_hotel concept:latitudelongitude 34.2703000000000,108.9220000000000 +concept_park_kiryat_moshe concept:parkincity concept_city_jerusalem +concept_park_kiryat_yovel concept:parkincity concept_city_jerusalem +concept_park_kumarakom_lake_resort concept:latitudelongitude 9.5894500000000,76.5285900000000 +concept_park_kurpark concept:latitudelongitude 50.2251900000000,8.6231900000000 +concept_park_la_palmeraie concept:latitudelongitude 43.3289000000000,-0.3527000000000 +concept_park_la_playa_beach concept:latitudelongitude 26.2607000000000,-81.8242000000000 +concept_park_lambeth concept:attractionofcity concept_city_london_city +concept_park_lancaster_gate concept:parkincity concept_city_london_city +concept_park_lancaster_hotel concept:parkincity concept_city_london_city +concept_park_las_vegas_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_league concept:proxyfor concept_book_new +concept_park_league concept:mutualproxyfor concept_sportsequipment_board +concept_park_leonard_hotel concept:parkincity concept_city_london_city +concept_park_lewisham concept:attractionofcity concept_city_london_city +concept_park_little_five_points concept:latitudelongitude 33.7657550000000,-84.3489950000000 +concept_park_little_italy concept:parkincity concept_city_cleveland +concept_park_little_village concept:parkincity concept_city_chicago +concept_park_liverpool_street concept:parkincity concept_city_london_city +concept_park_london_heathrow_airport concept:parkincity concept_city_london_city +concept_park_london_paddington_station concept:parkincity concept_city_heathrow +concept_park_london_town_hotel concept:parkincity concept_city_london_city +concept_park_los_angeles_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_louis_downtown concept:latitudelongitude 38.6187150000000,-90.1851833333333 +concept_park_lower_haight concept:parkincity concept_city_san_francisco +concept_park_ludlow concept:atlocation concept_beach_vermont +concept_park_luxembourg_gardens concept:parkincity concept_city_paris +concept_park_luxor_hotel concept:attractionofcity concept_city_vegas +concept_park_madison_square concept:parkincity concept_city_new_york +concept_park_madison_square_park_conservancy concept:parkincity concept_city_new_york +concept_park_marble_arch concept:parkincity concept_city_london_city +concept_park_marble_rocks concept:latitudelongitude 11.1666700000000,98.6166700000000 +concept_park_marina_district concept:latitudelongitude 37.8029800000000,-122.4374700000000 +concept_park_marriott_hotel concept:parkincity concept_city_london_city +concept_park_marriott_suites_clearwater_beach concept:latitudelongitude 27.9520000000000,-82.8303000000000 +concept_park_marylebone concept:parkincity concept_city_london_city +concept_park_mayflower_hotel concept:parkincity concept_city_london_city +concept_park_mea_shearim concept:parkincity concept_city_jerusalem +concept_park_meat_packing_district concept:latitudelongitude 40.7397100000000,-74.0063800000000 +concept_park_melia_cohiba concept:latitudelongitude 23.1397000000000,-82.4026500000000 +concept_park_menlo_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_mercure_hotel_sydney_airport concept:latitudelongitude -33.9344200000000,151.1560700000000 +concept_park_merton concept:attractionofcity concept_city_london_city +concept_park_metropolitan_hotel concept:parkincity concept_city_london_city +concept_park_miami_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_midtown concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_mikumi concept:latitudelongitude -7.3000000000000,37.0499966666667 +concept_park_millenium_park concept:parkincity concept_city_chicago +concept_park_millennium_park concept:attractionofcity concept_city_chicago +concept_park_mirage_hotel concept:attractionofcity concept_city_vegas +concept_park_mission concept:parkincity concept_city_san_francisco +concept_park_monteverde_cloud_forest_reserve concept:latitudelongitude 9.9666700000000,-84.3333300000000 +concept_park_mostyn_hotel concept:parkincity concept_city_london_city +concept_park_murray_hill concept:parkincity concept_island_manhattan +concept_park_musrara concept:parkincity concept_city_jerusalem +concept_park_myrtle_edwards_park concept:latitudelongitude 47.6214900000000,-122.3637400000000 +concept_park_n1 concept:proxyfor concept_book_new +concept_park_n1 concept:atdate concept_date_community +concept_park_n1 concept:istallerthan concept_publication_people_ +concept_park_n1 concept:mutualproxyfor concept_room_house +concept_park_n11 concept:proxyfor concept_book_new +concept_park_n6_flags concept:latitudelongitude 43.0061000000000,-78.1919000000000 +concept_park_national_volcanic_monument concept:latitudelongitude 44.9298400000000,-121.7706875000000 +concept_park_new_linden_hotel concept:parkincity concept_city_london_city +concept_park_new_york_hotel concept:attractionofcity concept_city_vegas +concept_park_new_york_hotel concept:buildinglocatedincity concept_city_vegas +concept_park_newham concept:attractionofcity concept_city_london_city +concept_park_noe_valley concept:latitudelongitude 37.7508000000000,-122.4345700000000 +concept_park_noe_valley concept:parkincity concept_city_san_francisco +concept_park_norfolk_towers_hotel concept:parkincity concept_city_london_city +concept_park_north_broward concept:latitudelongitude 26.2671720000000,-80.1311460000000 +concept_park_north_dulwich concept:parkincity concept_city_london_city +concept_park_north_greenwich concept:parkincity concept_city_london_city +concept_park_north_hadley concept:latitudelongitude 42.3884233333333,-72.5810166666667 +concept_park_north_lawndale concept:parkincity concept_city_chicago +concept_park_north_naples concept:latitudelongitude 26.2414480000000,-81.7831600000000 +concept_park_north_tampa concept:atlocation concept_city_florida +concept_park_norwood_park concept:parkincity concept_city_chicago +concept_park_notting_hill concept:parkincity concept_city_london_city +concept_park_notting_hill_gate concept:parkincity concept_city_london_city +concept_park_novotel concept:parkincity concept_city_london_city +concept_park_novotel_canberra concept:latitudelongitude -35.2776000000000,149.1292000000000 +concept_park_nyika_plateau concept:latitudelongitude -10.6666700000000,33.8333300000000 +concept_park_oak_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_oak_park concept:parkincity concept_city_chicago +concept_park_oakwood concept:parkincity concept_city_raleigh +concept_park_okura_hotel_amsterdam concept:latitudelongitude 52.3489000000000,4.8934000000000 +concept_park_old_town concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_old_town concept:parkincity concept_city_chicago +concept_park_opera_house concept:parkincity concept_city_harbour +concept_park_orlando_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_outrigger_beach_resort concept:latitudelongitude 26.4237000000000,-81.9054000000000 +concept_park_oxford_circus concept:parkincity concept_city_london_city +concept_park_pacific_heights concept:parkincity concept_city_san_francisco +concept_park_paddington concept:parkincity concept_city_london_city +concept_park_paddington_station concept:parkincity concept_city_heathrow +concept_park_paddington_station concept:attractionofcity concept_city_london_city +concept_park_paddington_train_station concept:parkincity concept_city_heathrow +concept_park_palace_hotel concept:attractionofcity concept_city_vegas +concept_park_panviman_resort concept:latitudelongitude 11.3044233333333,101.5588366666667 +concept_park_paradisus_varadero concept:latitudelongitude 23.2001700000000,-81.1563000000000 +concept_park_paris_hotel concept:attractionofcity concept_city_vegas +concept_park_park_royal concept:parkincity concept_city_london_city +concept_park_park_slope concept:parkincity concept_city_brooklyn +concept_park_parkside concept:parkincity concept_city_san_francisco +concept_park_parliament_house concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_parrot_jungle concept:latitudelongitude 25.7278850000000,-80.2315700000000 +concept_park_parsons_green concept:parkincity concept_city_london_city +concept_park_paultons concept:latitudelongitude 50.9449100000000,-1.5519000000000 +concept_park_pelham_hotel concept:parkincity concept_city_london_city +concept_park_perth_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_petco_park concept:attractionofcity concept_city_san_diego +concept_park_peters_park concept:parkincity concept_city_boston +concept_park_phuket_hotel concept:latitudelongitude 7.9171000000000,98.3282500000000 +concept_park_piers_park_sailing_center concept:parkincity concept_city_boston +concept_park_pimlico concept:parkincity concept_city_london_city +concept_park_pine_city_hotel concept:latitudelongitude 31.2045000000000,121.4420000000000 +concept_park_pinellas_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_plaza_hotel concept:attractionofcity concept_city_vegas +concept_park_plymouth concept:parkincity concept_city_london_city +concept_park_portman_square concept:latitudelongitude 46.8296600000000,-92.0301900000000 +concept_park_potrero_hill concept:parkincity concept_city_san_francisco +concept_park_presidio_heights concept:parkincity concept_city_san_francisco +concept_park_protea_hotel_president concept:latitudelongitude -33.9235000000000,18.3793000000000 +concept_park_putney_bridge concept:parkincity concept_city_london_city +concept_park_quality_hotel concept:parkincity concept_city_london_city +concept_park_quality_inn_international concept:latitudelongitude -37.8333000000000,140.7666000000000 +concept_park_quality_inn_mount_vernon concept:latitudelongitude 38.3148000000000,-88.9565000000000 +concept_park_queen_s_park concept:parkincity concept_city_london_city +concept_park_queens_hotel concept:parkincity concept_city_london_city +concept_park_queens_hotel concept:attractionofcity concept_city_vegas +concept_park_queens_park concept:parkincity concept_city_london_city +concept_park_radisson_edwardian_may_fair_hotel concept:parkincity concept_city_london_city +concept_park_radisson_edwardian_vanderbilt_hotel concept:parkincity concept_city_london_city +concept_park_railway_hotel concept:parkincity concept_city_london_city +concept_park_rainbow_springs_state_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_raj_palace concept:latitudelongitude 26.8474000000000,75.7930000000000 +concept_park_rama_hotel concept:parkincity concept_city_london_city +concept_park_ramot concept:parkincity concept_city_jerusalem +concept_park_regent_hotel concept:parkincity concept_city_london_city +concept_park_regent_s_park concept:parkincity concept_city_london_city +concept_park_regents_park concept:parkincity concept_city_london_city +concept_park_rehavia concept:parkincity concept_city_jerusalem +concept_park_renaissance_yangtze concept:latitudelongitude 31.1166000000000,121.3666000000000 +concept_park_republic_square concept:latitudelongitude 35.1317100000000,-106.5783600000000 +concept_park_richmond_park concept:parkincity concept_city_london_city +concept_park_ritz_hotel concept:parkincity concept_city_london_city +concept_park_riviera_hotel concept:attractionofcity concept_city_vegas +concept_park_roebling concept:proxyfor concept_radiostation_new_jersey +concept_park_rome_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_roswell concept:atlocation concept_county_new_mexico +concept_park_roswell concept:proxyfor concept_reptile_new_mexico +concept_park_rotherhithe concept:parkincity concept_city_london_city +concept_park_royal_botanic_gardens concept:attractionofcity concept_city_sydney +concept_park_royal_park_hotel concept:parkincity concept_city_london_city +concept_park_saint_james_s_park concept:parkincity concept_city_london_city +concept_park_san_diego_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_santa_cruz concept:parkincity concept_city_seville +concept_park_santa_maria concept:subpartof concept_stateorprovince_california +concept_park_savoy_hotel concept:parkincity concept_city_london_city +concept_park_schenley_park concept:parkincity concept_city_pittsburgh +concept_park_schiller_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_seneca_lake_state_park concept:latitudelongitude 42.8725700000000,-76.9455200000000 +concept_park_sheikh_jarrah concept:parkincity concept_city_jerusalem +concept_park_shepherds_bush concept:parkincity concept_city_london_city +concept_park_sheraton_hotel concept:parkincity concept_city_london_city +concept_park_sheraton_soma_bay concept:latitudelongitude 26.8455000000000,33.9967000000000 +concept_park_sheraton_suites_orlando_airport concept:latitudelongitude 28.4568000000000,-81.3074000000000 +concept_park_sheraton_yankee_clipper concept:latitudelongitude 26.1085000000000,-80.1069000000000 +concept_park_sherlock_holmes_hotel concept:parkincity concept_city_london_city +concept_park_shoreditch concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_shoreditch concept:parkincity concept_city_london_city +concept_park_shrewsbury concept:mutualproxyfor concept_radiostation_new_jersey +concept_park_silwan concept:parkincity concept_city_jerusalem +concept_park_skyline concept:proxyfor concept_book_new +concept_park_sloane_square concept:parkincity concept_city_london_city +concept_park_sofitel_centara_grand_bangkok concept:latitudelongitude 13.7358000000000,100.5210000000000 +concept_park_soho concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_soho concept:attractionofcity concept_city_london_city +concept_park_soho concept:parkincity concept_city_new_york +concept_park_sonoma_coast_state_beach concept:latitudelongitude 38.3865800000000,-123.0844500000000 +concept_park_south_wimbledon concept:latitudelongitude 51.4162800000000,-0.1918300000000 +concept_park_southall concept:parkincity concept_city_london_city +concept_park_southwark concept:attractionofcity concept_city_london_city +concept_park_sports___recreation concept:latitudelongitude 39.4091700000000,-76.5902800000000 +concept_park_st__james_park concept:parkincity concept_city_london_city +concept_park_st_james_s_park concept:latitudelongitude 51.4995600000000,-0.1340500000000 +concept_park_stardust_motel concept:latitudelongitude 47.4734000000000,-115.9264000000000 +concept_park_stepney_green concept:parkincity concept_city_london_city +concept_park_stonefield_estate_villa_resort concept:latitudelongitude 13.8500000000000,-61.0500000000000 +concept_park_stratosphere_tower concept:attractionofcity concept_city_vegas +concept_park_studio_city concept:parkincity concept_county_los_angeles_county +concept_park_sunset_park concept:parkincity concept_city_brooklyn +concept_park_supreme_court concept:proxyfor concept_book_new +concept_park_supreme_court concept:subpartof concept_city_texas +concept_park_supreme_court concept:atdate concept_dateliteral_n2008 +concept_park_sutton concept:parkincity concept_city_london_city +concept_park_sydney_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_taj_green_cove_resort concept:latitudelongitude 8.3917000000000,76.9716000000000 +concept_park_talpiot concept:parkincity concept_city_jerusalem +concept_park_talpiyot concept:parkincity concept_city_jerusalem +concept_park_temescal concept:parkincity concept_city_oakland +concept_park_tenderloin concept:parkincity concept_city_san_francisco +concept_park_the_castro concept:parkincity concept_city_san_francisco +concept_park_the_fairmont_chateau_lake_louise concept:latitudelongitude 51.4170000000000,-116.2121000000000 +concept_park_the_fairmont_jasper_park_lodge concept:latitudelongitude 52.9035000000000,-118.0576000000000 +concept_park_the_fairmont_scottsdale concept:latitudelongitude 33.6457000000000,-111.9158000000000 +concept_park_the_presidio concept:latitudelongitude 37.7984000000000,-122.4454000000000 +concept_park_the_ritz_hotel concept:attractionofcity concept_city_london_city +concept_park_theme_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_thistle_tower concept:latitudelongitude 51.5055300000000,-0.0702800000000 +concept_park_thon_hotel_opera concept:latitudelongitude 59.9102000000000,10.7516000000000 +concept_park_tiergarten concept:parkincity concept_city_berlin +concept_park_tivoli concept:parkincity concept_city_copenhagen +concept_park_tottenham_hale_station concept:latitudelongitude 51.5883300000000,-0.0597200000000 +concept_park_tradewinds_island_grand_resort concept:latitudelongitude 27.7293500000000,-82.7432200000000 +concept_park_trafalgar_square concept:attractionofcity concept_city_london_city +concept_park_trafalgar_square concept:parkincity concept_county_central_london +concept_park_treasury_gardens concept:latitudelongitude -37.8166700000000,144.9833300000000 +concept_park_treme concept:parkincity concept_city_new_orleans +concept_park_tremont_plaza concept:latitudelongitude 39.2910000000000,-76.6138000000000 +concept_park_treptower_park concept:parkincity concept_city_berlin +concept_park_tribeca concept:parkincity concept_city_new_york +concept_park_tropicana_hotel concept:attractionofcity concept_city_vegas +concept_park_tufnell_park concept:parkincity concept_city_london_city +concept_park_tuktut_nogait concept:latitudelongitude 69.2281566666667,-122.1196133333333 +concept_park_universal_studios concept:attractionofcity concept_city_orlando +concept_park_upper_east_side concept:parkincity concept_island_manhattan +concept_park_upper_west_side concept:parkincity concept_island_manhattan +concept_park_upton_park concept:parkincity concept_city_london_city +concept_park_uxbridge concept:parkincity concept_city_london_city +concept_park_vauxhall_park concept:parkincity concept_city_london_city +concept_park_venetian_hotel concept:attractionofcity concept_city_vegas +concept_park_victoria concept:parkincity concept_city_london_city +concept_park_victoria_park_plaza concept:parkincity concept_city_london_city +concept_park_victoria_station concept:parkincity concept_city_london_city +concept_park_victoria_tower_gardens concept:attractionofcity concept_city_london_city +concept_park_villa_borghese concept:parkincity concept_city_rome +concept_park_virginia_highlands concept:parkincity concept_city_atlanta +concept_park_wadi_joz concept:parkincity concept_city_jerusalem +concept_park_waldwick concept:proxyfor concept_radiostation_new_jersey +concept_park_wandsworth concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_wandsworth concept:parkincity concept_city_london_city +concept_park_warwick_fiji_resort___spa concept:latitudelongitude -18.2039000000000,177.7349000000000 +concept_park_washington_dc_hotels concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_washington_heights concept:parkincity concept_city_milwaukee +concept_park_washington_square_park concept:parkincity concept_city_newyork +concept_park_water_world concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_park_west_portal concept:parkincity concept_city_san_francisco +concept_park_west_village concept:parkincity concept_island_manhattan +concept_park_western_addition concept:parkincity concept_city_san_francisco +concept_park_western_wall concept:latitudelongitude 31.7766700000000,35.2341700000000 +concept_park_westminster_hotel concept:parkincity concept_city_london_city +concept_park_white_city concept:parkincity concept_city_london_city +concept_park_woodlands_hotel___resort concept:latitudelongitude 12.9521000000000,100.8880000000000 +concept_park_woodley_park concept:parkincity concept_city_washington_d_c +concept_park_world_trade_center concept:parkincity concept_city_brooklyn +concept_park_xintiandi concept:latitudelongitude -35.2887000000000,-71.2319000000000 +concept_park_york_hotel concept:parkincity concept_city_london_city +concept_park_zamani_zanzibar_kempinski concept:latitudelongitude -6.1660000000000,39.2030000000000 +concept_park_zhongshan_hotel concept:latitudelongitude 32.8416500000000,117.8749500000000 +concept_parlourgame_digg concept:mutualproxyfor concept_ceo_jay_adelson +concept_parlourgame_five_hours concept:proxyfor concept_book_new +concept_parlourgame_five_minutes concept:proxyfor concept_book_new +concept_parlourgame_five_sections concept:latitudelongitude 31.7484600000000,-102.8096000000000 +concept_parlourgame_four_hours concept:proxyfor concept_book_new +concept_parlourgame_n0_39 concept:latitudelongitude 45.1233000000000,-90.1634750000000 +concept_parlourgame_n10_minutes concept:thinghascolor concept_color_brown +concept_parlourgame_n12_hours concept:proxyfor concept_book_new +concept_parlourgame_n14_16 concept:latitudelongitude 34.2334400000000,-89.3500800000000 +concept_parlourgame_n18_21 concept:latitudelongitude 48.7580900000000,-122.4718300000000 +concept_parlourgame_n19_11 concept:latitudelongitude 35.8366370588235,-108.0535288235294 +concept_parlourgame_n1_2_years concept:proxyfor concept_book_new +concept_parlourgame_n1_5_miles concept:proxyfor concept_book_new +concept_parlourgame_n1_hour concept:proxyfor concept_book_new +concept_parlourgame_n2_3_minutes concept:thinghascolor concept_color_brown +concept_parlourgame_n2_hours concept:proxyfor concept_book_new +concept_parlourgame_n2_weeks concept:proxyfor concept_book_new +concept_parlourgame_n3_miles concept:proxyfor concept_book_new +concept_parlourgame_n40_minutes concept:proxyfor concept_book_new +concept_parlourgame_n4_7 concept:latitudelongitude 38.6717200000000,-87.0200100000000 +concept_parlourgame_n4_hours concept:proxyfor concept_book_new +concept_parlourgame_n5_8 concept:latitudelongitude 34.8234300000000,-89.1017300000000 +concept_parlourgame_n60_miles concept:proxyfor concept_book_new +concept_parlourgame_n6_hours concept:proxyfor concept_book_new +concept_parlourgame_plymouth concept:proxyfor concept_book_new +concept_parlourgame_plymouth concept:proxyfor concept_politicaloffice_wisconsin +concept_parlourgame_seven_hours concept:proxyfor concept_book_new +concept_parlourgame_short_distance concept:proxyfor concept_book_new +concept_parlourgame_short_drive concept:proxyfor concept_book_new +concept_parlourgame_short_journey concept:latitudelongitude 35.5343300000000,-78.4222300000000 +concept_parlourgame_six_hours concept:proxyfor concept_book_new +concept_parlourgame_syracuse concept:proxyfor concept_book_new +concept_parlourgame_syracuse concept:proxyfor concept_year_ny +concept_parlourgame_targets concept:proxyfor concept_book_new +concept_parlourgame_thirty_minutes concept:latitudelongitude 16.3000000000000,120.6000000000000 +concept_parlourgame_three_miles concept:proxyfor concept_book_new +concept_parlourgame_three_quarters concept:latitudelongitude 39.9627600000000,-105.5100000000000 +concept_parlourgame_twelve_days concept:latitudelongitude -15.1333300000000,23.0333300000000 +concept_parlourgame_twentynine_palms concept:atlocation concept_stateorprovince_california +concept_parlourgame_two_angles concept:latitudelongitude 29.7833300000000,31.2000000000000 +concept_parlourgame_two_games concept:proxyfor concept_book_new +concept_parlourgame_two_hours concept:proxyfor concept_book_new +concept_parlourgame_two_week_period concept:atdate concept_date_n2004 +concept_parlourgame_water concept:proxyfor concept_book_new +concept_parlourgame_writing concept:proxyfor concept_book_new +concept_perceptionaction_academic_skills concept:latitudelongitude 36.8869400000000,-76.3105600000000 +concept_perceptionaction_annual_general_meeting concept:atdate concept_date_n2000 +concept_perceptionaction_annual_general_meeting concept:atdate concept_date_n2003 +concept_perceptionaction_annual_general_meeting concept:atdate concept_date_n2004 +concept_perceptionaction_annual_general_meeting concept:atdate concept_date_n2009 +concept_perceptionaction_annual_general_meeting concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_annual_general_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_annual_general_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_annual_general_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_areva concept:mutualproxyfor concept_female_anne_lauvergeon +concept_perceptionaction_areva concept:subpartof concept_female_anne_lauvergeon +concept_perceptionaction_business_meeting concept:atdate concept_date_n2000 +concept_perceptionaction_cedar_falls concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_cedar_falls concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_cedar_rapids concept:atlocation concept_blog_iowa +concept_perceptionaction_cedar_rapids concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_cedar_rapids concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_comment_period concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_committee_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_committee_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_council_bluffs concept:atlocation concept_blog_iowa +concept_perceptionaction_council_bluffs concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_counsel concept:proxyfor concept_book_new +concept_perceptionaction_counsel concept:atdate concept_date_n2003 +concept_perceptionaction_counsel concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_davenport concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_davenport concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_des_moines concept:atlocation concept_blog_iowa +concept_perceptionaction_des_moines concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_dubuque concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_dubuque concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_engineering_projects concept:subpartof concept_weatherphenomenon_water +concept_perceptionaction_established concept:atdate concept_date_n2000 +concept_perceptionaction_established concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_established concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_final_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_first_meeting concept:atdate concept_date_n1993 +concept_perceptionaction_first_meeting concept:atdate concept_date_n1996 +concept_perceptionaction_first_meeting concept:atdate concept_date_n1999 +concept_perceptionaction_first_meeting concept:atdate concept_date_n2000 +concept_perceptionaction_first_meeting concept:atdate concept_date_n2001 +concept_perceptionaction_first_meeting concept:atdate concept_date_n2003 +concept_perceptionaction_first_meeting concept:atdate concept_date_n2004 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n1990 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_first_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1985 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1988 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1989 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1992 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1994 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1995 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1997 +concept_perceptionaction_first_meeting concept:atdate concept_year_n1998 +concept_perceptionaction_first_session concept:atdate concept_date_n2003 +concept_perceptionaction_first_session concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_hearing concept:atdate concept_date_n1993 +concept_perceptionaction_hearing concept:atdate concept_date_n1996 +concept_perceptionaction_hearing concept:atdate concept_date_n1999 +concept_perceptionaction_hearing concept:atdate concept_date_n2000 +concept_perceptionaction_hearing concept:atdate concept_date_n2001 +concept_perceptionaction_hearing concept:atdate concept_date_n2003 +concept_perceptionaction_hearing concept:atdate concept_date_n2004 +concept_perceptionaction_hearing concept:atdate concept_date_n2009 +concept_perceptionaction_hearing concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_hearing concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_hearing concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_hearing concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_hearing concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_hearing concept:atdate concept_month_july +concept_perceptionaction_hearing concept:atdate concept_month_june +concept_perceptionaction_hearing concept:atdate concept_month_march +concept_perceptionaction_hearing concept:atdate concept_month_november +concept_perceptionaction_hearing concept:atdate concept_year_n1994 +concept_perceptionaction_hearing concept:atdate concept_year_n1995 +concept_perceptionaction_hearing concept:atdate concept_year_n1997 +concept_perceptionaction_hearing concept:atdate concept_year_n1998 +concept_perceptionaction_hearings concept:atdate concept_date_n1996 +concept_perceptionaction_hearings concept:atdate concept_date_n1999 +concept_perceptionaction_hearings concept:atdate concept_date_n2000 +concept_perceptionaction_hearings concept:atdate concept_date_n2001 +concept_perceptionaction_hearings concept:atdate concept_date_n2003 +concept_perceptionaction_hearings concept:atdate concept_date_n2004 +concept_perceptionaction_hearings concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_hearings concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_hearings concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_hearings concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_hearings concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_hearings concept:atdate concept_year_n1997 +concept_perceptionaction_initial_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_initial_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_initial_meeting concept:atdate concept_year_n1998 +concept_perceptionaction_inspiring concept:proxyfor concept_book_new +concept_perceptionaction_iowa_city concept:proxyfor concept_governmentorganization_iowa +concept_perceptionaction_iowa_city concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_kitchen concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_last_meeting concept:atdate concept_date_n2000 +concept_perceptionaction_last_meeting concept:atdate concept_date_n2001 +concept_perceptionaction_last_meeting concept:atdate concept_date_n2003 +concept_perceptionaction_last_meeting concept:atdate concept_date_n2004 +concept_perceptionaction_last_meeting concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_last_meeting concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_last_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_last_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_material concept:atdate concept_date_n1996 +concept_perceptionaction_material concept:atdate concept_date_n2001 +concept_perceptionaction_material concept:atdate concept_date_n2003 +concept_perceptionaction_material concept:atdate concept_date_n2004 +concept_perceptionaction_material concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_material concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_material concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_material concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_memorial_concert concept:latitudelongitude 41.9355800000000,-88.7606400000000 +concept_perceptionaction_mom concept:proxyfor concept_book_new +concept_perceptionaction_mom concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_mom concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_news_conference concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_news_conference concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_next_meeting concept:atdate concept_date_n1999 +concept_perceptionaction_next_meeting concept:atdate concept_date_n2000 +concept_perceptionaction_next_meeting concept:atdate concept_date_n2001 +concept_perceptionaction_next_meeting concept:atdate concept_date_n2003 +concept_perceptionaction_next_meeting concept:atdate concept_date_n2004 +concept_perceptionaction_next_meeting concept:atdate concept_date_n2009 +concept_perceptionaction_next_meeting concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_next_meeting concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_next_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_next_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_next_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_next_meeting concept:atdate concept_year_n1997 +concept_perceptionaction_next_meeting concept:atdate concept_year_n1998 +concept_perceptionaction_next_scheduled_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_oracle_corporation concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_phones concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_phones concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_planning_meeting concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_premiere concept:atdate concept_date_n2001 +concept_perceptionaction_premiere concept:atdate concept_date_n2003 +concept_perceptionaction_premiere concept:atdate concept_date_n2004 +concept_perceptionaction_premiere concept:atdate concept_date_n2009 +concept_perceptionaction_premiere concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_premiere concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_premiere concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_premiere concept:atdate concept_year_n1991 +concept_perceptionaction_press_conference concept:atdate concept_date_n1993 +concept_perceptionaction_press_conference concept:atdate concept_date_n1999 +concept_perceptionaction_press_conference concept:atdate concept_date_n2001 +concept_perceptionaction_press_conference concept:atdate concept_date_n2004 +concept_perceptionaction_press_conference concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_press_conference concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_press_conference concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_press_conference concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_press_conference concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_press_conference concept:atdate concept_year_n1998 +concept_perceptionaction_program_manager concept:atdate concept_date_n2003 +concept_perceptionaction_quarterly_meeting concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_reading concept:atdate concept_date_n2003 +concept_perceptionaction_reading concept:atdate concept_date_n2004 +concept_perceptionaction_retirement concept:atdate concept_date_n1966 +concept_perceptionaction_retirement concept:atdate concept_date_n1971 +concept_perceptionaction_retirement concept:atdate concept_date_n1972 +concept_perceptionaction_retirement concept:atdate concept_date_n1977 +concept_perceptionaction_retirement concept:atdate concept_date_n1979 +concept_perceptionaction_retirement concept:atdate concept_date_n1993 +concept_perceptionaction_retirement concept:atdate concept_date_n1996 +concept_perceptionaction_retirement concept:atdate concept_date_n1999 +concept_perceptionaction_retirement concept:atdate concept_date_n2000 +concept_perceptionaction_retirement concept:atdate concept_date_n2001 +concept_perceptionaction_retirement concept:atdate concept_date_n2003 +concept_perceptionaction_retirement concept:atdate concept_date_n2004 +concept_perceptionaction_retirement concept:atdate concept_date_n2009 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n1954 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n1980 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2002 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_retirement concept:atdate concept_dateliteral_n2010 +concept_perceptionaction_retirement concept:atdate concept_year_n1960 +concept_perceptionaction_retirement concept:atdate concept_year_n1974 +concept_perceptionaction_retirement concept:atdate concept_year_n1975 +concept_perceptionaction_retirement concept:atdate concept_year_n1978 +concept_perceptionaction_retirement concept:atdate concept_year_n1984 +concept_perceptionaction_retirement concept:atdate concept_year_n1985 +concept_perceptionaction_retirement concept:atdate concept_year_n1986 +concept_perceptionaction_retirement concept:atdate concept_year_n1989 +concept_perceptionaction_retirement concept:atdate concept_year_n1991 +concept_perceptionaction_retirement concept:atdate concept_year_n1992 +concept_perceptionaction_retirement concept:atdate concept_year_n1994 +concept_perceptionaction_retirement concept:atdate concept_year_n1995 +concept_perceptionaction_retirement concept:atdate concept_year_n1997 +concept_perceptionaction_retirement concept:atdate concept_year_n1998 +concept_perceptionaction_roundtable concept:latitudelongitude 48.2167200000000,-90.1668900000000 +concept_perceptionaction_scheduled_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_second_look concept:latitudelongitude -43.6000000000000,146.9333300000000 +concept_perceptionaction_second_meeting concept:atdate concept_date_n1999 +concept_perceptionaction_second_meeting concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_shareholders_meeting concept:atdate concept_month_may +concept_perceptionaction_special_session concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_teleconference concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_transaction concept:atdate concept_date_n2004 +concept_perceptionaction_transaction concept:atdate concept_dateliteral_n2005 +concept_perceptionaction_transaction concept:atdate concept_dateliteral_n2006 +concept_perceptionaction_transaction concept:atdate concept_dateliteral_n2007 +concept_perceptionaction_transaction concept:atdate concept_dateliteral_n2008 +concept_perceptionaction_waterloo concept:atlocation concept_blog_iowa +concept_perceptionaction_waterloo concept:mutualproxyfor concept_governmentorganization_iowa +concept_perceptionaction_waterloo concept:subpartof concept_musicalbum_iowa +concept_perceptionaction_world concept:atdate concept_month_july +concept_perceptionaction_world concept:atdate concept_month_november +concept_perceptionaction_young_vision concept:latitudelongitude 29.4046900000000,-98.4645700000000 +concept_perceptionevent_brain_tissue concept:subpartof concept_website_blood +concept_perceptionevent_flash concept:synonymfor concept_company_macromedia +concept_perceptionevent_flash concept:synonymfor concept_website_adobe +concept_perceptionevent_flash_point concept:latitudelongitude 30.2946500000000,-87.7472100000000 +concept_perceptionevent_free_electron_laser concept:latitudelongitude 36.1442000000000,-86.8033000000000 +concept_perceptionevent_great_spirit concept:latitudelongitude 39.4983400000000,-98.3789500000000 +concept_perceptionevent_i__r concept:latitudelongitude 31.5188000000000,74.3312000000000 +concept_perceptionevent_improvements concept:subpartof concept_kitchenitem_public_water +concept_perceptionevent_improvements concept:subpartof concept_weatherphenomenon_water +concept_perceptionevent_light concept:thinghascolor concept_color_blue +concept_perceptionevent_light concept:thinghascolor concept_color_green +concept_perceptionevent_light concept:thinghascolor concept_color_orange +concept_perceptionevent_light concept:thinghascolor concept_color_purple +concept_perceptionevent_sound concept:proxyfor concept_lake_new +concept_perceptionevent_sun_shine concept:latitudelongitude 38.0500000000000,114.4833000000000 +concept_perceptionevent_universal_light concept:latitudelongitude 41.9255600000000,-84.6244400000000 +concept_perceptionevent_work_area concept:subpartof concept_weatherphenomenon_air +concept_perceptionevent_zener concept:latitudelongitude 39.8819800000000,-87.3911300000000 +concept_person_aaron concept:personbornincity concept_city_york +concept_person_aaron concept:fatherofperson concept_male_eleazar +concept_person_aaron concept:hassibling concept_person_miriam +concept_person_aaron concept:hassibling concept_person_moses +concept_person_aaron concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_aaron concept:persongraduatedfromuniversity concept_university_college +concept_person_aaron concept:persongraduatedschool concept_university_college +concept_person_aaron concept:persongraduatedfromuniversity concept_university_state_university +concept_person_aaron concept:persongraduatedschool concept_university_state_university +concept_person_aaron_brooks concept:persondiedatage 4 +concept_person_aaron_brooks concept:personbornincity concept_city_york +concept_person_aaron_brooks concept:personborninlocation concept_city_york +concept_person_aaron_brooks concept:personhasjobposition concept_jobposition_king +concept_person_aaron_brooks concept:personbelongstoorganization concept_politicalparty_college +concept_person_aaron_brooks concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_aaron_brooks concept:persongraduatedfromuniversity concept_university_college +concept_person_aaron_brooks concept:persongraduatedschool concept_university_college +concept_person_aaron_brooks concept:persongraduatedfromuniversity concept_university_high_school +concept_person_aaron_brooks concept:persongraduatedschool concept_university_high_school +concept_person_aaron_brooks concept:persongraduatedfromuniversity concept_university_state_university +concept_person_aaron_brooks concept:persongraduatedschool concept_university_state_university +concept_person_aaron_burr concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_aaron_zeitlin concept:persondiedincountry concept_country_england +concept_person_abbas concept:agentcontrols concept_agent_security_forces +concept_person_abbas concept:personleadsorganization concept_automobilemaker_request +concept_person_abbas concept:personleadsorganization concept_bank_administration +concept_person_abbas concept:personleadsorganization concept_biotechcompany_control +concept_person_abbas concept:personleadsorganization concept_biotechcompany_pa +concept_person_abbas concept:personleadsorganization concept_city_home +concept_person_abbas concept:personleadsorganization concept_city_members +concept_person_abbas concept:personleadsorganization concept_city_status +concept_person_abbas concept:personbornincity concept_city_york +concept_person_abbas concept:personborninlocation concept_city_york +concept_person_abbas concept:personleadsorganization concept_company_credibility +concept_person_abbas concept:personleadsorganization concept_company_power +concept_person_abbas concept:personleadsorganization concept_country_party +concept_person_abbas concept:personleadsorganization concept_governmentorganization_authority +concept_person_abbas concept:personleadsorganization concept_governmentorganization_government +concept_person_abbas concept:personleadsorganization concept_governmentorganization_office +concept_person_abbas concept:personleadsorganization concept_governmentorganization_rule +concept_person_abbas concept:personleadsorganization concept_nongovorganization_forces +concept_person_abbas concept:personleadsorganization concept_nongovorganization_representatives +concept_person_abbas concept:personleadsorganization concept_nongovorganization_rival_fatah +concept_person_abbas concept:personleadsorganization concept_politicalparty_moderates +concept_person_abbas concept:personleadsorganization concept_politicalparty_movement +concept_person_abbas concept:personleadsorganization concept_politicalparty_palestine_authority +concept_person_abbas concept:personleadsorganization concept_politicalparty_palestinian_national_authority +concept_person_abbas concept:personleadsorganization concept_politicsblog_presence +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah_faction +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah_forces +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah_movement +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah_party +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fatah_security_forces +concept_person_abbas concept:personleadsorganization concept_terroristorganization_fateh +concept_person_abbas concept:personleadsorganization concept_terroristorganization_moderate_fatah_party +concept_person_abbas concept:personleadsorganization concept_terroristorganization_palestinian_authority +concept_person_abbas concept:personleadsorganization concept_terroristorganization_palestinian_government +concept_person_abbas concept:personleadsorganization concept_terroristorganization_palestinian_leadership +concept_person_abbas concept:personleadsorganization concept_terroristorganization_plo +concept_person_abbas concept:personleadsorganization concept_terroristorganization_rival_fatah_faction +concept_person_abbas concept:personleadsorganization concept_terroristorganization_rival_fatah_movement +concept_person_abbas concept:personleadsorganization concept_terroristorganization_rival_fatah_party +concept_person_abbas concept:personleadsorganization concept_terroristorganization_secular_fatah_faction +concept_person_abbas concept:personleadsorganization concept_terroristorganization_west_bank +concept_person_abbas concept:personleadsorganization concept_terroristorganization_wing +concept_person_abbas concept:personleadsorganization concept_tradeunion_security +concept_person_abbie_cornish concept:hasspouse concept_male_ryan_phillippe +concept_person_abdul_aziz_al_hakin concept:topmemberoforganization concept_company_badr_organization +concept_person_abdul_karim_al_khawinay concept:personchargedwithcrime concept_crimeorcharge_defaming_the_president +concept_person_abdul_rahim_noor concept:personchargedwithcrime concept_crimeorcharge_assault +concept_person_abdul_rahim_noor concept:personalsoknownas concept_person_abdul_rahim +concept_person_abdullah_ii concept:personhasjobposition concept_jobposition_king +concept_person_abdullah_ocalan concept:personhasjobposition concept_jobposition_leader +concept_person_abdurrahman_wahid concept:personchargedwithcrime concept_crimeorcharge_corruption +concept_person_abdurrahman_wahid concept:personalsoknownas concept_person_gus_dur +concept_person_abhishek_bachchan concept:hasspouse concept_person_aishwarya_rai +concept_person_abolitionist_john_brown concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_abraham_lincoln concept:hasspouse concept_celebrity_jennifer_aniston +concept_person_abraham_lincoln concept:personbornincity concept_city_york +concept_person_abraham_lincoln concept:personborninlocation concept_city_york +concept_person_abraham_lincoln concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_abraham_lincoln concept:personbelongstoorganization concept_politicalparty_college +concept_person_abraham_lincoln concept:persongraduatedfromuniversity concept_university_state_university +concept_person_abraham_lincoln concept:persongraduatedschool concept_university_state_university +concept_person_abrams concept:persongraduatedfromuniversity concept_university_college +concept_person_absalom concept:personhasjobposition concept_jobposition_king +concept_person_absalom concept:hassibling concept_person_david002 +concept_person_abu_izzadeen concept:personhasjobposition concept_jobposition_cleric +concept_person_abu_zubaydah concept:personchargedwithcrime concept_crimeorcharge_conspiracy_to_carry_out_terror_attacks +concept_person_abu_zubaydah concept:personalsoknownas concept_person_abu_zubeidah +concept_person_abubakar_abdurajak_janjalani concept:persondiedincountry concept_country_england +concept_person_ac_dc concept:agentcollaborateswithagent concept_person_angus_young +concept_person_adam concept:persondiedatage 3 +concept_person_adam001 concept:persondiedatage 3 +concept_person_adam001 concept:agentcontrols concept_charactertrait_world +concept_person_adam001 concept:personbornincity concept_city_york +concept_person_adam001 concept:personborninlocation concept_county_york_city +concept_person_adam001 concept:parentofperson concept_female_genesis +concept_person_adam001 concept:parentofperson concept_male_cain +concept_person_adam001 concept:parentofperson concept_male_seth +concept_person_adam001 concept:parentofperson concept_person_eden +concept_person_adam001 concept:parentofperson concept_person_garden +concept_person_adam001 concept:parentofperson concept_person_garden_of_eden +concept_person_adam001 concept:haswife concept_person_lilith +concept_person_adam001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_adam001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_adam001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_adam001 concept:persongraduatedfromuniversity concept_university_college +concept_person_adam001 concept:persongraduatedschool concept_university_college +concept_person_adam001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_adam001 concept:persongraduatedschool concept_university_state_university +concept_person_adam002 concept:persondiedatage 3 +concept_person_adam002 concept:hasspouse concept_person_lilith +concept_person_adam_r_gwizdala concept:persondiedincountry concept_country_england +concept_person_adams concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_adams concept:personbelongstoorganization concept_politicalparty_house +concept_person_adams concept:persongraduatedfromuniversity concept_university_college +concept_person_adams concept:persongraduatedfromuniversity concept_university_state_university +concept_person_adams concept:persongraduatedschool concept_university_state_university +concept_person_adams001 concept:personbornincity concept_city_york +concept_person_adams001 concept:personborninlocation concept_city_york +concept_person_adele concept:personbornincity concept_city_york +concept_person_aditya_parameswaran concept:personbelongstoorganization concept_county_uiuc +concept_person_adnan_ghalib concept:hasspouse concept_person_britney_spears +concept_person_adolf_hitler concept:politicianholdsoffice concept_politicaloffice_president +concept_person_adrian_burgos concept:personhasjobposition concept_jobposition_dr +concept_person_adrian_fern__ndez concept:persondiedincountry concept_country_england +concept_person_adriana_lima concept:hasspouse concept_person_marko_jaric001 +concept_person_adrianne_shapira concept:personhasjobposition concept_jobposition_analyst +concept_person_adrienne concept:personbornincity concept_city_york +concept_person_adrienne concept:personborninlocation concept_city_york +concept_person_agnes concept:personbornincity concept_city_york +concept_person_agnes concept:personborninlocation concept_city_york +concept_person_ahmad_abdullah_al_sabah concept:personhasjobposition concept_jobposition_health_minister +concept_person_ahmad_abdullah_al_sabah concept:personhasjobposition concept_jobposition_sheikh +concept_person_ahmadinejad concept:personleadsorganization concept_bank_administration +concept_person_ahmadinejad concept:personleadsgeopoliticalorganization concept_city_tehran +concept_person_ahmadinejad concept:personleadsorganization concept_city_tehran +concept_person_ahmadinejad concept:personbornincity concept_city_york +concept_person_ahmadinejad concept:personleadsorganization concept_company_iran +concept_person_ahmadinejad concept:personleadsorganization concept_geopoliticalorganization_policies +concept_person_ahmadinejad concept:personleadsorganization concept_governmentorganization_government +concept_person_ahmadinejad concept:personleadsorganization concept_musicartist_allies +concept_person_ahmadinejad concept:agentcontrols concept_person_iran +concept_person_ahmadinejad concept:personleadsorganization concept_terroristorganization_iranian_government +concept_person_ahmadinejad concept:personleadsorganization concept_terroristorganization_n2005_election +concept_person_ahmed_foruzandeh concept:topmemberoforganization concept_company_quds_force +concept_person_ahmed_said_khadr concept:persondiedincountry concept_country_pakistan +concept_person_ahmose concept:parentofperson concept_female_hapshetsut +concept_person_ahura_mazda concept:persondiedincountry concept_country_england +concept_person_aiden concept:persondiedatage 4 +concept_person_aishwarya concept:hashusband concept_personasia_abhishek_bachchan +concept_person_aishwarya concept:hasspouse concept_personasia_abhishek_bachchan +concept_person_aishwarya_rai concept:hasspouse concept_person_abhishek_bachchan +concept_person_ajay_devgan concept:haswife concept_personasia_kajol +concept_person_akio_morita concept:topmemberoforganization concept_company_sony +concept_person_akishino concept:persongraduatedschool concept_university_gakushuin_university +concept_person_al concept:personborninlocation concept_airport_jersey +concept_person_al001 concept:personborninlocation concept_county_york_city +concept_person_al001 concept:agentcollaborateswithagent concept_organization_al_eastern_division +concept_person_al001 concept:agentcontrols concept_organization_al_eastern_division +concept_person_al_avila concept:personhasjobposition concept_jobposition_assistant_general_manager +concept_person_al_avila concept:personbelongstoorganization concept_organization_tigers +concept_person_al_avila concept:personleadsorganization concept_organization_tigers +concept_person_al_capone concept:personchargedwithcrime concept_crimeorcharge_tax_evasion +concept_person_al_gonzales concept:persondiedincountry concept_country_england +concept_person_al_hubbard concept:personalsoknownas concept_person_allan_hubbard +concept_person_al_lavan concept:worksfor concept_university_delaware_state +concept_person_al_reynolds concept:haswife concept_model_star_jones +concept_person_al_reynolds concept:hasspouse concept_person_star_jones +concept_person_al_skinner concept:worksfor concept_sportsteam_boston_college +concept_person_alan concept:personborninlocation concept_county_york_city +concept_person_alan concept:personhasjobposition concept_jobposition_king +concept_person_alan concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_alan concept:persongraduatedfromuniversity concept_university_college +concept_person_alan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_alan concept:persongraduatedschool concept_university_state_university +concept_person_alan_ball concept:personhasjobposition concept_jobposition_captain +concept_person_alan_ball concept:personbelongstoorganization concept_organization_world_cup_side +concept_person_alan_colmes concept:worksfor concept_company_fox +concept_person_alan_colmes concept:personbelongstoorganization concept_mountain_fox +concept_person_alan_horn concept:topmemberoforganization concept_company_warner_bros_ +concept_person_alan_rich concept:personhasjobposition concept_jobposition_critic +concept_person_alasdair_h__neilson concept:persondiedincountry concept_country_england +concept_person_albert001 concept:personbornincity concept_city_london_city +concept_person_albert001 concept:haswife concept_female_queen_victoria +concept_person_albert002 concept:personbornincity concept_city_york +concept_person_albert002 concept:hasspouse concept_personus_queen_victoria +concept_person_albert_augier concept:persondiedincountry concept_country_england +concept_person_albert_belle concept:personalsoknownas concept_person_albert_pujols +concept_person_albert_chapman concept:persondiedincountry concept_country_england +concept_person_albert_pujols concept:personalsoknownas concept_person_albert_belle +concept_person_alberto_ascari concept:persondiedincountry concept_country_england +concept_person_alec_guinness concept:persondiedincountry concept_country_england +concept_person_aleksey_abr_kosov concept:persondiedincountry concept_country_england +concept_person_alex concept:persondiedatage 2 +concept_person_alex001 concept:persondiedatage 2 +concept_person_alex001 concept:personborninlocation concept_airport_jersey +concept_person_alex001 concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_alex001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_alex001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_alex001 concept:persongraduatedschool concept_university_state_university +concept_person_alex_figge concept:persondiedincountry concept_country_england +concept_person_alex_rodriguez concept:subpartof concept_beverage_new +concept_person_alex_rodriguez concept:personbelongstoorganization concept_company_new_york +concept_person_alex_rodriguez concept:subpartof concept_company_new_york +concept_person_alex_rodriguez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_alex_rodriguez concept:personbelongstoorganization concept_sportsleague_new +concept_person_alexa_devalos concept:persondiedincountry concept_country_england +concept_person_alexander concept:personbornincity concept_city_orleans +concept_person_alexander concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_alexander concept:personhasjobposition concept_jobposition_king +concept_person_alexander001 concept:personborninlocation concept_city_york +concept_person_alexander001 concept:personhascitizenship concept_country_greece +concept_person_alexander001 concept:personhascitizenship concept_country_macedonia +concept_person_alexander001 concept:personhascitizenship concept_country_persia +concept_person_alexander001 concept:personhascitizenship concept_country_poland +concept_person_alexander001 concept:personhascitizenship concept_country_russia +concept_person_alexander001 concept:personhascitizenship concept_country_scotland +concept_person_alexander001 concept:personhasjobposition concept_jobposition_tsar +concept_person_alexander001 concept:persongraduatedfromuniversity concept_university_college +concept_person_alexander001 concept:persongraduatedschool concept_university_college +concept_person_alexander_khateeb concept:persondiedincountry concept_country_england +concept_person_alexander_r__holladay concept:persondiedincountry concept_country_england +concept_person_alexander_the_great concept:personhascitizenship concept_country_macedonia +concept_person_alexander_the_great concept:personhasjobposition concept_jobposition_king +concept_person_alexandra_dahlstrom concept:persondiedincountry concept_country_england +concept_person_alexis_denisof concept:hasspouse concept_person_alyson_hannigan +concept_person_alexis_denisof concept:haswife concept_person_alyson_hannigan001 +concept_person_alexy_ii concept:personhasjobposition concept_jobposition_patriarch +concept_person_alexy_ii concept:personleadsorganization concept_organization_russian_orthodox_church +concept_person_alexy_ii concept:worksfor concept_organization_russian_orthodox_church +concept_person_alfonso concept:personhascitizenship concept_country_portugal +concept_person_alfonso concept:personhascitizenship concept_country_spain +concept_person_alfonso concept:personhasjobposition concept_jobposition_king +concept_person_alfonso_soriano concept:persondiedincountry concept_country_england +concept_person_alfonso_soriano concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_person_alfred concept:personbornincity concept_city_york +concept_person_alfred concept:persongraduatedfromuniversity concept_university_college +concept_person_alfred_lion concept:topmemberoforganization concept_recordlabel_blue_note +concept_person_ali_hewson concept:hashusband concept_musician_bono +concept_person_alice001 concept:personbornincity concept_city_york +concept_person_alice001 concept:personborninlocation concept_city_york +concept_person_alice_a_bailey concept:persondiedincountry concept_country_england +concept_person_alice_scott concept:topmemberoforganization concept_company_century_regional_detention_center +concept_person_alicia concept:persongraduatedfromuniversity concept_university_state_university +concept_person_alicia concept:persongraduatedschool concept_university_state_university +concept_person_alicia_waddell concept:personhasjobposition concept_jobposition_hairdresser +concept_person_aline_isaacson concept:topmemberoforganization concept_company_glsen +concept_person_alison concept:personbornincity concept_city_york +concept_person_alison concept:personborninlocation concept_county_york_city +concept_person_alison concept:persongraduatedfromuniversity concept_university_college +concept_person_alix_goldsmith concept:personhasresidenceingeopoliticallocation concept_city_jalisco +concept_person_alix_goldsmith concept:personhasresidenceingeopoliticallocation concept_country_mexico +concept_person_alix_goldsmith concept:hasspouse concept_person_goffredo_marcaccini +concept_person_allan_rivlin concept:topmemberoforganization concept_company_peter_d__hart_research_associates +concept_person_allan_rivlin concept:worksfor concept_company_peter_d__hart_research_associates +concept_person_allen concept:personbornincity concept_city_orleans +concept_person_allen concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_allen concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_allen concept:persongraduatedfromuniversity concept_university_college +concept_person_allen concept:persongraduatedfromuniversity concept_university_state_university +concept_person_allen concept:persongraduatedschool concept_university_state_university +concept_person_allen_ginsberg concept:agentcontributedtocreativework concept_book_howl +concept_person_allison concept:personbornincity concept_city_york +concept_person_allison concept:personborninlocation concept_city_york +concept_person_allison concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_allison_moorer concept:persondiedincountry concept_country_england +concept_person_alonzo_mourning concept:persondiedincountry concept_country_england +concept_person_alyson_hannigan concept:hasspouse concept_person_alexis_denisof +concept_person_alyson_hannigan001 concept:hashusband concept_male_alexis_denisof +concept_person_amanda concept:persondiedatage 2 +concept_person_amanda concept:personbornincity concept_city_york +concept_person_amanda concept:personborninlocation concept_city_york +concept_person_amanda concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_amanda concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_amanda concept:persongraduatedfromuniversity concept_university_college +concept_person_amanda concept:persongraduatedfromuniversity concept_university_high_school +concept_person_amanda concept:persongraduatedfromuniversity concept_university_state_university +concept_person_amanda concept:persongraduatedschool concept_university_state_university +concept_person_amanda001 concept:persondiedatage 2 +concept_person_amber concept:personbornincity concept_city_york +concept_person_amber concept:personborninlocation concept_city_york +concept_person_amber_rose concept:hasspouse concept_actor_kanye_west +concept_person_american_children concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_amina_lawal concept:personchargedwithcrime concept_crimeorcharge_adultery +concept_person_amy concept:hasspouse concept_celebrity_blake_fielder_civil +concept_person_amy concept:personbornincity concept_city_york +concept_person_amy concept:personbelongstoorganization concept_politicalparty_college +concept_person_amy concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_amy concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_amy concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_amy concept:persongraduatedfromuniversity concept_university_college +concept_person_amy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_amy concept:persongraduatedschool concept_university_state_university +concept_person_amy_poehler concept:hasspouse concept_comedian_will_arnett +concept_person_anderson concept:personbornincity concept_city_orleans +concept_person_anderson concept:personborninlocation concept_county_york_city +concept_person_anderson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_anderson concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_anderson concept:persongraduatedfromuniversity concept_university_college +concept_person_anderson concept:persongraduatedschool concept_university_college +concept_person_anderson concept:persongraduatedfromuniversity concept_university_high_school +concept_person_anderson concept:persongraduatedschool concept_university_high_school +concept_person_anderson concept:persongraduatedfromuniversity concept_university_state_university +concept_person_anderson concept:persongraduatedschool concept_university_state_university +concept_person_anderson_varejao concept:persondiedincountry concept_country_england +concept_person_andr__previn concept:hasspouse concept_person_mia_farrow +concept_person_andre_agassi concept:hasspouse concept_female_steffi_graf +concept_person_andre_agassi001 concept:haswife concept_female_steffi_graf +concept_person_andrea001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_andrea001 concept:persongraduatedfromuniversity concept_university_college +concept_person_andrea001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_andrea001 concept:persongraduatedschool concept_university_state_university +concept_person_andrei_kovski concept:persondiedincountry concept_country_england +concept_person_andrew concept:persondiedatage 5 +concept_person_andrew concept:personbornincity concept_city_hampshire +concept_person_andrew concept:personborninlocation concept_county_york_city +concept_person_andrew concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_andrew concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_andrew001 concept:persondiedatage 5 +concept_person_andrew001 concept:agentcontrols concept_charactertrait_world +concept_person_andrew001 concept:personbornincity concept_city_york +concept_person_andrew001 concept:personborninlocation concept_city_york +concept_person_andrew001 concept:personhascitizenship concept_country_hungary +concept_person_andrew001 concept:personhasjobposition concept_jobposition_king +concept_person_andrew001 concept:agentcollaborateswithagent concept_male_world +concept_person_andrew001 concept:hassibling concept_person_patrice_bergeron +concept_person_andrew001 concept:hassibling concept_person_simon +concept_person_andrew001 concept:persongraduatedfromuniversity concept_university_college +concept_person_andrew001 concept:persongraduatedschool concept_university_college +concept_person_andrew001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_andrew001 concept:persongraduatedschool concept_university_state_university +concept_person_andrew_marra concept:personhasjobposition concept_jobposition_special_correspondent +concept_person_andrew_prendeville concept:persondiedincountry concept_country_england +concept_person_andrews concept:personhasresidenceingeopoliticallocation concept_city_solon +concept_person_andrews concept:personhasresidenceingeopoliticallocation concept_stateorprovince_maine +concept_person_andrews concept:personmovedtostateorprovince concept_stateorprovince_maryland +concept_person_andrews concept:persongraduatedfromuniversity concept_university_college +concept_person_andris_piebalgs concept:personhasjobposition concept_jobposition_energy_commissioner +concept_person_andromache concept:hashusband concept_person_hector +concept_person_andrzej_w__schally concept:persondiedincountry concept_country_england +concept_person_andy concept:agentcontrols concept_charactertrait_world +concept_person_andy concept:personbornincity concept_county_jersey_city +concept_person_andy concept:personborninlocation concept_county_jersey_city +concept_person_andy concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_andy concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_andy concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_andy concept:persongraduatedfromuniversity concept_university_college +concept_person_andy concept:persongraduatedschool concept_university_college +concept_person_andy concept:persongraduatedfromuniversity concept_university_jamestown_college +concept_person_andy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_andy concept:persongraduatedschool concept_university_state_university +concept_person_andy_boss concept:persondiedincountry concept_country_england +concept_person_andy_reid concept:worksfor concept_county_philadelphia +concept_person_andy_reid concept:worksfor concept_sportsteam_eagles +concept_person_andy_reid concept:worksfor concept_sportsteam_philadelphia_eagles +concept_person_andy_sonnanstine concept:personbelongstoorganization concept_city_tampa_bay +concept_person_angel concept:personbornincity concept_city_york +concept_person_angel concept:haswife concept_female_buffy +concept_person_angela concept:personbornincity concept_city_york +concept_person_angela concept:persongraduatedfromuniversity concept_university_college +concept_person_angelina concept:hasspouse concept_person_brad_pitt +concept_person_angie concept:hashusband concept_athlete_scott +concept_person_angus_young concept:personbelongstoorganization concept_musicartist_ac_dc +concept_person_aniston concept:hasspouse concept_person_brad_pitt +concept_person_aniston001 concept:hasspouse concept_personus_john_mayer +concept_person_anita_loos concept:agentcreated concept_book_gentlemen_prefer_blondes +concept_person_anita_ward concept:persondiedincountry concept_country_england +concept_person_ann concept:personbornincity concept_city_york +concept_person_ann concept:personborninlocation concept_county_york_city +concept_person_ann concept:persongraduatedfromuniversity concept_university_college +concept_person_ann concept:persongraduatedschool concept_university_college +concept_person_ann concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ann concept:persongraduatedschool concept_university_state_university +concept_person_ann_ward_radcliffe concept:agentcreated concept_book_the_mysteries_of_udolpho +concept_person_anna concept:personborninlocation concept_county_york_city +concept_person_anna concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_anna001 concept:personbornincity concept_city_york +concept_person_anna001 concept:personborninlocation concept_city_york +concept_person_anna_faris concept:hasspouse concept_male_chris_pratt +concept_person_anna_kournikova concept:hasspouse concept_person_enrique_iglesias +concept_person_anne concept:personbornincity concept_city_york +concept_person_anne concept:personborninlocation concept_city_york +concept_person_anne concept:personchargedwithcrime concept_crimeorcharge_adultery +concept_person_anne concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_anne concept:politicianholdsoffice concept_politicaloffice_president +concept_person_anne concept:personbelongstoorganization concept_politicalparty_college +concept_person_anne concept:persongraduatedfromuniversity concept_university_college +concept_person_anne concept:persongraduatedfromuniversity concept_university_state_university +concept_person_anne concept:persongraduatedschool concept_university_state_university +concept_person_anne001 concept:personhascitizenship concept_country_england +concept_person_anne001 concept:personhasjobposition concept_jobposition_queen +concept_person_anne001 concept:hasspouse concept_person_charles001 +concept_person_anne_boleyn concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_anne_boleyn concept:hasspouse concept_politicianus_henry +concept_person_anne_heche concept:hasspouse concept_personaustralia_james_tupper +concept_person_anne_of_cleves concept:hasspouse concept_politicianus_henry +concept_person_anne_pressly concept:worksfor concept_televisionstation_katv +concept_person_annie concept:personbornincity concept_city_york +concept_person_annie concept:personborninlocation concept_county_york_city +concept_person_annie concept:persongraduatedfromuniversity concept_university_college +concept_person_annie concept:persongraduatedschool concept_university_college +concept_person_annie concept:persongraduatedfromuniversity concept_university_state_university +concept_person_annie concept:persongraduatedschool concept_university_state_university +concept_person_annise_parker concept:personbornincity concept_city_houston +concept_person_anthony concept:persondiedatage 3 +concept_person_antoinette_batumubwira concept:personleadsorganization concept_country_burundi +concept_person_antoinette_batumubwira concept:worksfor concept_country_burundi +concept_person_antoinette_batumubwira concept:personhasjobposition concept_jobposition_minister_of_foreign_affairs +concept_person_antonio_banderas concept:hasspouse concept_celebrity_melanie_griffith +concept_person_antonio_banderas001 concept:agentcontributedtocreativework concept_book_zorro +concept_person_antonio_banderas001 concept:haswife concept_female_melanie_griffith +concept_person_anwar concept:personchargedwithcrime concept_crimeorcharge_corruption +concept_person_anwar concept:personchargedwithcrime concept_crimeorcharge_sodomy +concept_person_anwar_bunni concept:personhasjobposition concept_jobposition_activist +concept_person_anwar_bunni concept:personhasjobposition concept_jobposition_lawyer +concept_person_apollo concept:hassibling concept_personafrica_python +concept_person_apostle_paul concept:agentcontributedtocreativework concept_book_romans +concept_person_apostle_paul concept:parentofperson concept_person_jesus +concept_person_argentine concept:personbelongstoorganization concept_city_team +concept_person_argentine concept:personhasjobposition concept_jobposition_right_winger +concept_person_arjuna concept:parentofperson concept_female_kunti +concept_person_arnaldo_otegi concept:personhasjobposition concept_jobposition_leader +concept_person_arnold001 concept:personbornincity concept_city_york +concept_person_arpad_busson concept:hasspouse concept_celebrity_elle_macpherson +concept_person_arsene_wenger concept:personbornincity concept_city_strasbourg +concept_person_arsene_wenger concept:personchargedwithcrime concept_crimeorcharge_bringing_the_game_into_disrepute +concept_person_arsene_wenger concept:personchargedwithcrime concept_crimeorcharge_improper_conduct +concept_person_arthur concept:personhascitizenship concept_country_britain +concept_person_arthur concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_arthur concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_shaker_heights +concept_person_arthur concept:personhasjobposition concept_jobposition_king +concept_person_arthur concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_arthur concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ohio +concept_person_arthur concept:persongraduatedfromuniversity concept_university_college +concept_person_arthur concept:persongraduatedschool concept_university_college +concept_person_arthur001 concept:personbornincity concept_city_york +concept_person_arthur001 concept:personborninlocation concept_city_york +concept_person_arthur_garson concept:topmemberoforganization concept_company_university_of_virginia_engineering_school +concept_person_arthur_mutambara concept:personbelongstoorganization concept_nongovorganization_mdc +concept_person_arthur_mutambara concept:personleadsorganization concept_nongovorganization_mdc +concept_person_arthur_mutambara concept:personleadsorganization concept_nongovorganization_opposition +concept_person_arthur_mutambara concept:personleadsorganization concept_politicalparty_movement_for_democratic_change +concept_person_ashlee concept:hashusband concept_actor_pete_wentz +concept_person_ashlee concept:hasspouse concept_person_pete_wentz +concept_person_ashley concept:persondiedatage 5 +concept_person_ashley concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_ashley concept:persongraduatedfromuniversity concept_university_college +concept_person_ashley concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ashley concept:persongraduatedschool concept_university_state_university +concept_person_ashton_kutcher concept:haswife concept_celebrity_demi_moore +concept_person_ashton_kutcher concept:hasspouse concept_personafrica_demi_moore +concept_person_askold_melnyczuk concept:personhasjobposition concept_jobposition_teacher +concept_person_assam_chief_minister_tarun_gogoi concept:persondiedincountry concept_country_england +concept_person_aubrey_sarvis concept:topmemberoforganization concept_company_sldn +concept_person_aubrey_sarvis concept:personleadsorganization concept_nongovorganization_sldn +concept_person_aubrey_sarvis concept:worksfor concept_nongovorganization_sldn +concept_person_auden concept:personbornincity concept_city_york +concept_person_auden concept:personborninlocation concept_city_york +concept_person_austin concept:personbornincity concept_city_orleans +concept_person_austin concept:personborninlocation concept_country_orleans +concept_person_austin_croshere concept:persondiedincountry concept_country_england +concept_person_avi_arad concept:topmemberoforganization concept_biotechcompany_marvel +concept_person_avi_arad concept:agentcontrols concept_videogame_marvel +concept_person_avi_dichter concept:personbelongstoorganization concept_country_party +concept_person_baby concept:persondiedincountry concept_country_england +concept_person_background concept:persondiedincountry concept_country_england +concept_person_baghdasaryan concept:persondiedincountry concept_country_england +concept_person_baghdasaryan concept:personbelongstoorganization concept_organization_national_assembly +concept_person_baghdasaryan concept:personbelongstoorganization concept_organization_orinats_yerkir__rule_of_law__party +concept_person_bahrain_gp concept:persondiedincountry concept_country_england +concept_person_baker concept:personbornincity concept_city_york +concept_person_baker concept:personborninlocation concept_city_york +concept_person_balarama concept:hassibling concept_person_krishna +concept_person_bar_refaeli concept:hasspouse concept_person_leonardo_dicaprio +concept_person_barbara001 concept:personbornincity concept_city_orleans +concept_person_barbara001 concept:personborninlocation concept_country_mexico +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_ca +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_ohio +concept_person_barbara001 concept:personmovedtostateorprovince concept_stateorprovince_san_diego +concept_person_barbara001 concept:persongraduatedfromuniversity concept_university_college +concept_person_barbara001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_barbara001 concept:persongraduatedschool concept_university_state_university +concept_person_barbara_bach concept:hasspouse concept_comedian_ringo_starr +concept_person_barbara_ehrenreich concept:agentcontributedtocreativework concept_book_nickel_and_dimed +concept_person_barbara_ehrenreich concept:agentcreated concept_book_nickel_and_dimed +concept_person_bard concept:personborninlocation concept_city_york +concept_person_bard concept:persongraduatedfromuniversity concept_university_college +concept_person_bardem concept:personbelongstoorganization concept_organization_spanish_rugby_team +concept_person_barney concept:personbornincity concept_city_york +concept_person_barney concept:personborninlocation concept_city_york +concept_person_barrett concept:personborninlocation concept_county_york_city +concept_person_barrichello concept:personbelongstoorganization concept_winery_ferrari +concept_person_barry concept:atlocation concept_city_orlando +concept_person_barry concept:personbornincity concept_city_york +concept_person_barry concept:personborninlocation concept_city_york +concept_person_barry concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_barry concept:persongraduatedfromuniversity concept_university_college +concept_person_barry concept:persongraduatedfromuniversity concept_university_state_university +concept_person_barry concept:persongraduatedschool concept_university_state_university +concept_person_barry_bonds concept:personalsoknownas concept_coach_josh_hamilton +concept_person_barry_bonds001 concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_person_barry_bonds001 concept:personbelongstoorganization concept_sportsteam_former_san_francisco_giants +concept_person_barry_george concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_bart_freundlich concept:haswife concept_female_julianne_moore +concept_person_barton concept:personbornincity concept_city_york +concept_person_barton concept:personborninlocation concept_city_york +concept_person_batsman concept:persondiedincountry concept_country_england +concept_person_batsman concept:personleadsorganization concept_country_south_africa +concept_person_beatrice concept:persondiedincountry concept_country_england +concept_person_beaverbrook concept:personhasjobposition concept_jobposition_lord +concept_person_beck concept:personborninlocation concept_county_york_city +concept_person_becky concept:hashusband concept_person_brian +concept_person_becky concept:persongraduatedfromuniversity concept_university_state_university +concept_person_becky concept:persongraduatedschool concept_university_state_university +concept_person_begg concept:personhasjobposition concept_jobposition_sous_chef +concept_person_belichick concept:personbelongstoorganization concept_geopoliticalorganization_new_england +concept_person_belichick concept:personbelongstoorganization concept_governmentorganization_patriot +concept_person_belichick concept:personbelongstoorganization concept_sportsteam_cleveland_browns +concept_person_belichick concept:personbelongstoorganization concept_sportsteam_new_england_patriots +concept_person_belichick concept:personbelongstoorganization concept_sportsteam_pats +concept_person_bell concept:personbornincity concept_city_york +concept_person_bell concept:personchargedwithcrime concept_crimeorcharge_battery +concept_person_bell concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_bell concept:persongraduatedfromuniversity concept_university_college +concept_person_bell concept:persongraduatedschool concept_university_college +concept_person_ben concept:persondiedatage 3 +concept_person_ben concept:personbornincity concept_city_york +concept_person_ben concept:personborninlocation concept_county_york_city +concept_person_ben concept:haswife concept_female_jennifer_garner +concept_person_ben concept:personbelongstoorganization concept_politicalparty_college +concept_person_ben concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_ben concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_ben concept:persongraduatedfromuniversity concept_university_college +concept_person_ben001 concept:persondiedatage 3 +concept_person_ben_gibbard concept:hasspouse concept_person_zooey_deschanel +concept_person_ben_hanley concept:persondiedincountry concept_country_england +concept_person_ben_silverman concept:topmemberoforganization concept_company_nbc +concept_person_ben_silverman concept:agentcontrols concept_retailstore_nbc +concept_person_benjamin concept:persondiedatage 2 +concept_person_benjamin concept:personborninlocation concept_country_orleans +concept_person_benjamin_bratt concept:hasspouse concept_person_talisa_soto +concept_person_benjamin_law concept:persondiedincountry concept_country_australia +concept_person_benji_madden concept:haswife concept_female_paris_hilton +concept_person_benji_madden concept:personbelongstoorganization concept_musicartist_good_charlotte +concept_person_benji_madden concept:hasspouse concept_person_paris_hilton +concept_person_beno_udrih concept:persondiedincountry concept_country_england +concept_person_bentley_boys concept:persondiedincountry concept_country_england +concept_person_berman concept:personbornincity concept_city_york +concept_person_berman concept:personborninlocation concept_city_york +concept_person_bernard concept:personbornincity concept_city_york +concept_person_bernard concept:personborninlocation concept_city_york +concept_person_bernard concept:persongraduatedfromuniversity concept_university_college +concept_person_bernard_arnault concept:topmemberoforganization concept_company_lvmh +concept_person_bernard_b__kerik concept:personhasjobposition concept_jobposition_police_commissioner +concept_person_bernard_shaw concept:worksfor concept_company_cnn +concept_person_bernhard_schlink concept:agentcreated concept_book_the_reader +concept_person_bernhard_schlink concept:personhasjobposition concept_jobposition_author +concept_person_bernie concept:personbornincity concept_city_york +concept_person_bernie_ebbers concept:topmemberoforganization concept_company_worldcom +concept_person_bernie_mac concept:persondiedatage 50 +concept_person_bernie_mac001 concept:persondiedatage 50 +concept_person_bernie_mac002 concept:persondiedatage 50 +concept_person_bernie_mac003 concept:persondiedatage 50 +concept_person_bernie_mac004 concept:persondiedatage 50 +concept_person_bernie_mccabe concept:personhasjobposition concept_jobposition_state_attorney +concept_person_bernoldi concept:personbelongstoorganization concept_automobilemaker_arrows +concept_person_berry_gordy concept:topmemberoforganization concept_recordlabel_motown +concept_person_beth concept:agentactsinlocation concept_city_boston +concept_person_beth concept:personbornincity concept_city_new_york +concept_person_beth concept:personborninlocation concept_city_york +concept_person_beth concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_person_beth concept:personbelongstoorganization concept_politicalparty_college +concept_person_beth concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_beth concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_beth concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_person_beth concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_beth concept:persongraduatedfromuniversity concept_university_college +concept_person_beth concept:persongraduatedschool concept_university_college +concept_person_beth concept:persongraduatedfromuniversity concept_university_state_university +concept_person_beth concept:persongraduatedschool concept_university_state_university +concept_person_beth_riesgraf concept:hasspouse concept_person_jason_lee +concept_person_bethany_mclean concept:worksfor concept_company_fortune001 +concept_person_betsy concept:personborninlocation concept_city_new_orleans +concept_person_betsy concept:persongraduatedfromuniversity concept_university_college +concept_person_betsy concept:persongraduatedschool concept_university_college +concept_person_betsy_jeffries concept:personhasresidenceingeopoliticallocation concept_city_beaverton +concept_person_betsy_jeffries concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_ore_ +concept_person_betty concept:personbornincity concept_city_york +concept_person_betty concept:personborninlocation concept_city_york +concept_person_beverly_andringa concept:persondiedincountry concept_country_england +concept_person_beverly_andringa concept:personhasjobposition concept_jobposition_prosecutor +concept_person_beverly_andringa concept:personhasjobposition concept_politicaloffice_assistant +concept_person_beyonce concept:hashusband concept_model_jay_z +concept_person_beyonce concept:hasspouse concept_person_jay_z001 +concept_person_beyonce concept:personalsoknownas concept_person_knowles +concept_person_big concept:personbornincity concept_city_hawaii +concept_person_big concept:personborninlocation concept_city_hawaii +concept_person_bijou_phillips concept:hasspouse concept_person_danny_masterson +concept_person_bill concept:persondiedatage 3 +concept_person_bill concept:topmemberoforganization concept_biotechcompany_microsoft_corp +concept_person_bill concept:personbornincity concept_city_york +concept_person_bill concept:agentcollaborateswithagent concept_company_clinton +concept_person_bill concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_bill concept:agentcollaborateswithagent concept_geopoliticallocation_kerry +concept_person_bill concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_bill concept:personbelongstoorganization concept_governmentorganization_house +concept_person_bill concept:personbelongstoorganization concept_governmentorganization_representatives +concept_person_bill concept:haswife concept_journalist_jane +concept_person_bill concept:agentcollaborateswithagent concept_person_edwards +concept_person_bill concept:agentcollaborateswithagent concept_person_mccain +concept_person_bill concept:personbelongstoorganization concept_politicalparty_college +concept_person_bill concept:agentbelongstoorganization concept_politicalparty_house +concept_person_bill concept:personbelongstoorganization concept_politicalparty_senate +concept_person_bill concept:agentcollaborateswithagent concept_politicianus_rodham_clinton +concept_person_bill concept:personbelongstoorganization concept_sportsteam_harvard_divinity_school +concept_person_bill concept:personleadsorganization concept_sportsteam_harvard_divinity_school +concept_person_bill concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_bill concept:personmovedtostateorprovince concept_stateorprovince_tennessee +concept_person_bill concept:persongraduatedfromuniversity concept_university_college +concept_person_bill concept:persongraduatedschool concept_university_college +concept_person_bill concept:persongraduatedfromuniversity concept_university_harvard +concept_person_bill concept:persongraduatedfromuniversity concept_university_harvard_university +concept_person_bill concept:persongraduatedfromuniversity concept_university_high_school +concept_person_bill concept:persongraduatedschool concept_university_high_school +concept_person_bill concept:personleadsorganization concept_university_microsoft +concept_person_bill concept:worksfor concept_university_microsoft +concept_person_bill concept:persongraduatedfromuniversity concept_university_mit +concept_person_bill concept:persongraduatedfromuniversity concept_university_ohio_state +concept_person_bill concept:persongraduatedschool concept_university_rutgers +concept_person_bill concept:persongraduatedschool concept_university_stanford +concept_person_bill concept:persongraduatedfromuniversity concept_university_state_university +concept_person_bill concept:persongraduatedschool concept_university_state_university +concept_person_bill concept:persongraduatedfromuniversity concept_university_temple_university +concept_person_bill_dreher concept:personhasjobposition concept_jobposition_analyst +concept_person_bill_larson concept:persondiedincountry concept_country_england +concept_person_bill_mcallister concept:personalsoknownas concept_person_william_mcallister +concept_person_billie_jean_jones concept:hashusband concept_male_hank_williams +concept_person_billie_jean_jones concept:parentofperson concept_male_hank_williams_jr_ +concept_person_billy concept:personbornincity concept_city_york +concept_person_billy concept:personborninlocation concept_city_york +concept_person_billy concept:personhasjobposition concept_jobposition_general_manager +concept_person_billy_bob_thornton concept:hasspouse concept_personmexico_angelina_jolie +concept_person_billy_cavendish concept:hasspouse concept_person_kick +concept_person_binyavanga_wainaina concept:personhasjobposition concept_jobposition_magazine_editor +concept_person_bjork concept:hasspouse concept_person_thor_eldon +concept_person_bl__innocent_xi concept:persondiedincountry concept_country_england +concept_person_bl__urban_ii concept:persondiedincountry concept_country_england +concept_person_black_label_society concept:agentcollaborateswithagent concept_musician_zakk_wylde +concept_person_blair concept:personbornincity concept_city_york +concept_person_blair concept:personborninlocation concept_county_york_city +concept_person_blair concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_blair concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_blair concept:personbelongstoorganization concept_governmentorganization_house +concept_person_blair concept:persongraduatedfromuniversity concept_university_college +concept_person_blake_edwards concept:haswife concept_personcanada_julie_andrews +concept_person_blake_lively concept:hasspouse concept_person_penn_badgley +concept_person_blake_shelton concept:hasspouse concept_comedian_miranda_lambert +concept_person_blanche concept:personbornincity concept_city_orleans +concept_person_blanche concept:personborninlocation concept_country_orleans +concept_person_blank concept:persondiedincountry concept_country_england +concept_person_blue_velvet concept:persondiedincountry concept_country_england +concept_person_bmw_sauber_f1 concept:persondiedincountry concept_country_england +concept_person_bob concept:persondiedatage 5 +concept_person_bob concept:personbornincity concept_city_york +concept_person_bob concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_bob concept:personmovedtostateorprovince concept_stateorprovince_florida +concept_person_bob concept:personmovedtostateorprovince concept_stateorprovince_michigan +concept_person_bob concept:persongraduatedfromuniversity concept_university_college +concept_person_bob concept:persongraduatedfromuniversity concept_university_high_school +concept_person_bob_arum concept:topmemberoforganization concept_recordlabel_top_rank +concept_person_bob_geldof001 concept:hasspouse concept_celebrity_paula_yates +concept_person_bob_guccione concept:topmemberoforganization concept_website_penthouse +concept_person_bob_guccione concept:worksfor concept_website_penthouse +concept_person_bob_simon concept:personbelongstoorganization concept_website_cbs_evening_news +concept_person_bob_wright concept:topmemberoforganization concept_company_nbc_universal001 +concept_person_bob_wright concept:agentcontrols concept_retailstore_nbc +concept_person_bob_wright001 concept:worksfor concept_company_nbc +concept_person_bob_wright001 concept:personbelongstoorganization concept_company_nbc_universal001 +concept_person_bob_wright001 concept:proxyfor concept_retailstore_nbc +concept_person_bob_wright001 concept:subpartof concept_retailstore_nbc +concept_person_bobby001 concept:personbornincity concept_city_york +concept_person_bobby001 concept:personborninlocation concept_city_york +concept_person_bobby001 concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_bobby_fischer concept:persondiedatage 64 +concept_person_bobby_fischer concept:personhasresidenceingeopoliticallocation concept_island_iceland +concept_person_bonimo_s_son concept:hasspouse concept_person_gordon +concept_person_books_children concept:latitudelongitude 43.0417300000000,-71.1880400000000 +concept_person_boris_diaw concept:persondiedincountry concept_country_england +concept_person_brad_pitt concept:agentcontributedtocreativework concept_movie_curious_case +concept_person_brad_pitt concept:haswife concept_personnorthamerica_angelina_jolie +concept_person_brad_pitt concept:hasspouse concept_personus_angelina_jolie +concept_person_brad_silverberg concept:personhasjobposition concept_jobposition_venture_capitalist +concept_person_bradford_l__smith concept:personhasjobposition concept_jobposition_general_counsel +concept_person_brando concept:personbornincity concept_city_york +concept_person_brandon_jacobs concept:personbelongstoorganization concept_sportsteam_new_york_giants +concept_person_brandon_tartikoff concept:topmemberoforganization concept_company_nbc +concept_person_brandon_webb concept:personbelongstoorganization concept_sportsteam_arizona_diamond_backs +concept_person_brant_imperatore concept:personhasjobposition concept_jobposition_lobbyist +concept_person_brenda concept:personbornincity concept_city_york +concept_person_brent concept:personbornincity concept_city_york +concept_person_brett concept:personbornincity concept_city_york +concept_person_brett concept:personborninlocation concept_city_york +concept_person_brett concept:personbelongstoorganization concept_company_new_york +concept_person_brett concept:agentbelongstoorganization concept_sportsteam_new_york_jets +concept_person_brett concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_brett concept:persongraduatedfromuniversity concept_university_college +concept_person_brett concept:persongraduatedschool concept_university_college +concept_person_brett_favre concept:personbelongstoorganization concept_city_green_bay +concept_person_brett_favre concept:personbelongstoorganization concept_sportsteam_new_york_jets +concept_person_brevin_knight concept:persondiedincountry concept_country_england +concept_person_brian concept:persondiedatage 12 +concept_person_brian concept:personbelongstoorganization concept_city_college +concept_person_brian concept:personbornincity concept_city_york +concept_person_brian concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_brian concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_brian concept:persongraduatedfromuniversity concept_university_college +concept_person_brian concept:persongraduatedfromuniversity concept_university_high_school +concept_person_brian concept:persongraduatedfromuniversity concept_university_state_university +concept_person_brian concept:persongraduatedschool concept_university_state_university +concept_person_brian_france concept:agentcontrols concept_sport_nascar +concept_person_brian_france concept:personleadsorganization concept_sportsleague_nascar +concept_person_brian_france concept:proxyfor concept_sportsleague_nascar +concept_person_brian_france concept:worksfor concept_sportsleague_nascar +concept_person_brian_lamb concept:personbelongstoorganization concept_governmentorganization_c_span +concept_person_brian_lamb concept:personleadsorganization concept_nongovorganization_c_span +concept_person_brian_lamb concept:proxyfor concept_nongovorganization_c_span +concept_person_brian_lamb concept:agentcollaborateswithagent concept_personnorthamerica_c_span +concept_person_brian_lamb concept:agentcontrols concept_personnorthamerica_c_span +concept_person_brian_lamb concept:topmemberoforganization concept_publication_c_span +concept_person_brian_montgomery concept:personhasjobposition concept_jobposition_advance_man +concept_person_brian_montgomery concept:personhasjobposition concept_jobposition_assistant_secretary_for_housing +concept_person_brian_montgomery concept:personhasjobposition concept_jobposition_federal_housing_commissioner +concept_person_brian_montgomery concept:personbelongstoorganization concept_organization_gubernatorial_campaign +concept_person_brian_reed concept:personhasjobposition concept_politicaloffice_vp +concept_person_brian_tierney concept:topmemberoforganization concept_newspaper_philadelphia_inquirer +concept_person_bridget concept:personbornincity concept_city_york +concept_person_bridget concept:personborninlocation concept_city_york +concept_person_briefly concept:persondiedincountry concept_country_england +concept_person_briefly concept:atdate concept_date_n2004 +concept_person_briefly concept:atdate concept_dateliteral_n2006 +concept_person_briefly concept:atdate concept_dateliteral_n2007 +concept_person_briscoe concept:personbelongstoorganization concept_organization_penske_racing +concept_person_bristol_palin concept:hasspouse concept_person_levi_johnston +concept_person_britney concept:personbornincity concept_city_york +concept_person_britney concept:hasspouse concept_person_kevin_federline +concept_person_britney_spears concept:persondiedincountry concept_country_england +concept_person_britney_spears concept:hashusband concept_person_kevin_federline +concept_person_britney_spears concept:hasspouse concept_person_kevin_federline +concept_person_brooke concept:personborninlocation concept_county_york_city +concept_person_brooke_shields concept:hashusband concept_celebrity_chris_henchy +concept_person_brooke_shields concept:hasspouse concept_celebrity_chris_henchy +concept_person_bruce concept:worksfor concept_city_side +concept_person_bruce concept:personbelongstoorganization concept_city_wigan +concept_person_bruce concept:personleadsgeopoliticalorganization concept_country_scotland +concept_person_bruce concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_bruce concept:persongraduatedfromuniversity concept_university_college +concept_person_bruce concept:persongraduatedschool concept_university_college +concept_person_bruce concept:persongraduatedschool concept_university_southern_university +concept_person_bruce concept:persongraduatedfromuniversity concept_university_state_university +concept_person_bruce concept:persongraduatedschool concept_university_state_university +concept_person_bruce001 concept:worksfor concept_city_wigan +concept_person_bruce001 concept:personborninlocation concept_city_york +concept_person_bruce001 concept:worksfor concept_company_scotland +concept_person_bruce_boxleitner concept:haswife concept_celebrity_melissa_gilbert +concept_person_bruce_greenwald concept:personhasjobposition concept_jobposition_professor_of_finance_and_economics +concept_person_bruce_h__mann concept:persondiedincountry concept_country_england +concept_person_bruce_halford concept:persondiedincountry concept_country_england +concept_person_bruce_hay concept:personbelongstoorganization concept_company_scotland +concept_person_bruce_iglauer concept:personleadsorganization concept_blog_alligator +concept_person_bruce_iglauer concept:worksfor concept_blog_alligator +concept_person_bruce_iglauer concept:topmemberoforganization concept_recordlabel_alligator +concept_person_bruce_iglauer concept:personleadsorganization concept_recordlabel_alligator_records +concept_person_bruno_junqueira concept:personbelongstoorganization concept_organization_newman_haas_racing +concept_person_bruno_junqueira concept:personbelongstoorganization concept_organization_target_chip_ganassi_racing +concept_person_bryan_a__brewster concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_calif_ +concept_person_bryan_a__brewster concept:personhasjobposition concept_jobposition_sgt_ +concept_person_bryan_a__brewster concept:personhasresidenceingeopoliticallocation concept_stateorprovince_fontana +concept_person_bryan_adams concept:personhascitizenship concept_country_canada_canada +concept_person_buck concept:personbornincity concept_city_york +concept_person_bud concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_bud concept:persongraduatedfromuniversity concept_university_state_university +concept_person_bud concept:persongraduatedschool concept_university_state_university +concept_person_buddha concept:persondiedatage 80 +concept_person_buddha001 concept:persondiedatage 80 +concept_person_buddha001 concept:parentofperson concept_person_jesus +concept_person_buddy concept:personbornincity concept_city_york +concept_person_buddy concept:personborninlocation concept_city_york +concept_person_buffalo_bill concept:personalsoknownas concept_person_william_cody +concept_person_burdette concept:personhasjobposition concept_jobposition_pitcher +concept_person_burdette concept:personbelongstoorganization concept_sportsteam_milwaukee_braves +concept_person_burns concept:personbornincity concept_city_york +concept_person_burns concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_burt_flickinger concept:personhasjobposition concept_jobposition_retail_consultant +concept_person_butler001 concept:personbornincity concept_city_york +concept_person_butler001 concept:personborninlocation concept_city_york +concept_person_butler001 concept:agentcollaborateswithagent concept_personus_thomas_steen +concept_person_butler001 concept:agentcontrols concept_personus_thomas_steen +concept_person_butler001 concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_person_butler001 concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_person_butler001 concept:persongraduatedfromuniversity concept_university_college +concept_person_butler001 concept:persongraduatedschool concept_university_college +concept_person_butler001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_butler001 concept:persongraduatedschool concept_university_state_university +concept_person_button concept:personbelongstoorganization concept_automobilemaker_honda +concept_person_button concept:agentcreated concept_blog_time_click +concept_person_button concept:agentcreated concept_book_print +concept_person_button concept:agentcreated concept_book_push +concept_person_button concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_button concept:agentcreated concept_ceo_page_click +concept_person_button concept:agentcreated concept_city_click +concept_person_button concept:agentcreated concept_city_map +concept_person_button concept:agentcreated concept_company_double_click +concept_person_button concept:agentcreated concept_creditunion_credit_card_click +concept_person_button concept:agentcreated concept_creditunion_paypal_click +concept_person_button concept:agentcreated concept_crimeorcharge_right_click +concept_person_button concept:agentcreated concept_emotion_depress +concept_person_button concept:agentcreated concept_geopoliticalorganization_e_mail +concept_person_button concept:agentcreated concept_hobby_tap +concept_person_button concept:agentcreated concept_mediatype_clicks +concept_person_button concept:agentcreated concept_musicalbum_press +concept_person_button concept:agentcompeteswithagent concept_personcanada_search +concept_person_button concept:agentcreated concept_physicalaction_hit +concept_person_button concept:agentinvolvedwithitem concept_product_tab +concept_person_button concept:agentcreated concept_programminglanguage_email +concept_person_button concept:agentcreated concept_scientificterm_details_click +concept_person_button concept:agentcreated concept_scientificterm_information_click +concept_person_button concept:agentcreated concept_software_message_click +concept_person_button concept:agentcreated concept_tableitem_clicking +concept_person_button concept:agentcreated concept_visualizablething_access +concept_person_button concept:agentcreated concept_visualizablething_use +concept_person_button concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_person_button concept:agentcreated concept_wallitem_window_click +concept_person_button concept:agentcreated concept_weapon_presses +concept_person_button concept:agentcreated concept_website_download +concept_person_byron_pitts concept:worksfor concept_televisionnetwork_cbs +concept_person_c concept:persondiedatage 2 +concept_person_caesarion concept:personhascitizenship concept_country_egypt +concept_person_caesarion concept:parentofperson concept_personafrica_cleopatra +concept_person_cal_ripken concept:personbelongstoorganization concept_sportsteam_orioles +concept_person_calder concept:personbornincity concept_city_york +concept_person_caldwell concept:worksfor concept_sportsteam_colts +concept_person_calista_flockhart concept:hasspouse concept_person_harrison_ford +concept_person_cameron_diaz concept:hasspouse concept_person_justin_timberlake +concept_person_camilla concept:hashusband concept_person_charles002 +concept_person_camilla concept:hasspouse concept_person_prince_charles001 +concept_person_camilla_belle concept:hasspouse concept_personnorthamerica_joe_jonas +concept_person_camilla_parker_bowles concept:hasspouse concept_person_prince_charles001 +concept_person_campbell concept:agentcollaborateswithagent concept_ceo_douglas_r__conant +concept_person_campbell concept:mutualproxyfor concept_ceo_douglas_r__conant +concept_person_campbell concept:personbornincity concept_city_york +concept_person_campbell concept:personborninlocation concept_city_york +concept_person_campbell_brown001 concept:worksfor concept_company_cnn +concept_person_campbell_brown001 concept:worksfor concept_company_nbc +concept_person_carey concept:hasspouse concept_person_nick_cannon +concept_person_carey_hart concept:hasspouse concept_person_pink +concept_person_carl concept:personhascitizenship concept_country_sweden +concept_person_carl001 concept:personbornincity concept_city_york +concept_person_carl_bernstein concept:worksfor concept_city_washington_d_c +concept_person_carl_craig concept:topmemberoforganization concept_recordlabel_planet_e +concept_person_carl_crawford concept:personbelongstoorganization concept_city_tampa_bay +concept_person_carl_laemmle concept:topmemberoforganization concept_recordlabel_universal +concept_person_carl_larson concept:persondiedincountry concept_country_england +concept_person_carla concept:personborninlocation concept_county_york_city +concept_person_carla concept:persongraduatedfromuniversity concept_university_state_university +concept_person_carla concept:persongraduatedschool concept_university_state_university +concept_person_carla_del_ponte concept:personhascitizenship concept_country_switzerland +concept_person_carla_overbeck concept:persondiedincountry concept_country_england +concept_person_carlos concept:personbornincity concept_city_york +concept_person_carlos concept:personhascitizenship concept_country_spain +concept_person_carlos_arroyo concept:persondiedincountry concept_country_england +concept_person_carlos_leon concept:hasspouse concept_person_madonna001 +concept_person_carlos_ruiz concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_carlos_slim_helu001 concept:personleadsorganization concept_company_telmex +concept_person_carlos_slim_helu001 concept:worksfor concept_company_telmex +concept_person_carlos_villanueva concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_carly_fiorina concept:worksfor concept_company_hp +concept_person_carly_fiorina concept:agentcontrols concept_hotel_hewlett_packard +concept_person_carly_fiorina concept:subpartof concept_retailstore_hewlett_packard_co +concept_person_carly_fiorina concept:personbelongstoorganization concept_university_hewlett_packard +concept_person_carly_fiorina001 concept:agentcontrols concept_museum_hp +concept_person_carly_fiorina001 concept:proxyfor concept_museum_hp +concept_person_carly_fiorina001 concept:proxyfor concept_university_hewlett_packard +concept_person_carly_fiorina001 concept:worksfor concept_university_hewlett_packard +concept_person_carmen concept:personborninlocation concept_airport_jersey +concept_person_carmen_electra concept:hasspouse concept_actor_rob_patterson +concept_person_carmen_electra concept:hashusband concept_musician_dave_navarro +concept_person_carnegie concept:agentactsinlocation concept_city_washington_d_c +concept_person_carnegie concept:atlocation concept_city_washington_d_c +concept_person_carnegie concept:personborninlocation concept_island_new_york_city_metropolitan_area +concept_person_carol concept:hashusband concept_personaustralia_ron +concept_person_carol001 concept:personbornincity concept_city_york +concept_person_carol001 concept:personborninlocation concept_city_york +concept_person_carol001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_carol001 concept:persongraduatedfromuniversity concept_university_college +concept_person_carol001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_carol001 concept:persongraduatedschool concept_university_state_university +concept_person_carol_bartz concept:topmemberoforganization concept_biotechcompany_autodesk_inc_ +concept_person_carol_bartz concept:worksfor concept_biotechcompany_autodesk_inc_ +concept_person_carol_bartz concept:personleadsorganization concept_company_yahoo001 +concept_person_carol_bartz concept:personleadsorganization concept_company_yahoo_web_hosting +concept_person_carol_bartz concept:worksfor concept_university_yahoo +concept_person_carol_levenson concept:personhasjobposition concept_jobposition_credit_analyst +concept_person_carole concept:personborninlocation concept_city_york +concept_person_carole concept:hashusband concept_person_bill +concept_person_carolina concept:personborninlocation concept_country_orleans +concept_person_carolina concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_person_caroline concept:personborninlocation concept_county_york_city +concept_person_caroline002 concept:personbornincity concept_city_york +concept_person_carolyn concept:personbornincity concept_city_york +concept_person_carolyn concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_carolyn concept:persongraduatedfromuniversity concept_university_college +concept_person_carolyn concept:persongraduatedfromuniversity concept_university_state_university +concept_person_carolyn concept:persongraduatedschool concept_university_state_university +concept_person_carolyn_edds concept:personhasjobposition concept_jobposition_researcher +concept_person_carrie concept:personbornincity concept_city_york +concept_person_carrie concept:personborninlocation concept_city_york +concept_person_carrie concept:persongraduatedfromuniversity concept_university_college +concept_person_carter concept:personbornincity concept_city_york +concept_person_carter concept:personborninlocation concept_city_york +concept_person_carter concept:personbelongstoorganization concept_governmentorganization_house +concept_person_carter concept:haswife concept_personnorthamerica_rosalynn_carter +concept_person_carter concept:personbelongstoorganization concept_politicalparty_college +concept_person_carter concept:agentbelongstoorganization concept_politicalparty_house +concept_person_carter concept:persongraduatedfromuniversity concept_university_college +concept_person_carter concept:persongraduatedschool concept_university_college +concept_person_carter concept:persongraduatedschool concept_university_naval_academy +concept_person_carter concept:persongraduatedfromuniversity concept_university_state_university +concept_person_carter concept:persongraduatedschool concept_university_state_university +concept_person_carter_cast concept:topmemberoforganization concept_company_walmart +concept_person_caruso concept:personbornincity concept_city_york +concept_person_case_western_reserve concept:persongraduatedschool concept_university_college +concept_person_casey concept:hasspouse concept_person_jean_kasem +concept_person_casey001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_casey001 concept:persongraduatedschool concept_university_state_university +concept_person_casey_aldridge concept:hasspouse concept_person_jamie_lynn_spears +concept_person_casimir concept:personhascitizenship concept_country_poland +concept_person_castello concept:personleadsorganization concept_biotechcompany_xoma +concept_person_castello concept:worksfor concept_biotechcompany_xoma +concept_person_caterina_fake concept:topmemberoforganization concept_company_flickr001 +concept_person_catherine concept:personbornincity concept_city_york +concept_person_catherine concept:personborninlocation concept_city_york +concept_person_catherine concept:personhascitizenship concept_country_france_france +concept_person_catherine concept:personhascitizenship concept_country_russia +concept_person_catherine concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_catherine concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_catherine001 concept:hasspouse concept_comedian_michael_douglas +concept_person_catherine_zeta_jones concept:hasspouse concept_comedian_michael_douglas +concept_person_catherine_zeta_jones concept:hashusband concept_male_michael_douglas +concept_person_cathy concept:hashusband concept_athlete_jim +concept_person_cathy concept:personbornincity concept_city_york +concept_person_cathy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_cathy concept:persongraduatedschool concept_university_state_university +concept_person_cathy_wos concept:personhasjobposition concept_jobposition_researcher +concept_person_cecil_fielder concept:parentofperson concept_person_prince_fielder +concept_person_cedric_simmons concept:persondiedincountry concept_country_england +concept_person_celeste concept:personbornincity concept_city_york +concept_person_celeste concept:personborninlocation concept_city_york +concept_person_celine_dion concept:personhascitizenship concept_country_canada_canada +concept_person_central concept:personbornincity concept_city_cambridge +concept_person_cepheus concept:haswife concept_female_cassiopeia +concept_person_certificate concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_certificate concept:persondiedincountry concept_country_england +concept_person_certificate concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_person_ceylon concept:synonymfor concept_person_sri_lanka +concept_person_chad_lowe concept:haswife concept_female_hilary_swank +concept_person_chandler concept:hasspouse concept_personcanada_monica +concept_person_chapman concept:personbornincity concept_city_york +concept_person_chapman concept:personborninlocation concept_city_york +concept_person_chapman concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_charlene_barshefsky concept:personhasjobposition concept_jobposition_acting_us_trade_representative +concept_person_charles001 concept:personbornincity concept_city_york +concept_person_charles001 concept:personborninlocation concept_city_york +concept_person_charles001 concept:personhascitizenship concept_country_france_france +concept_person_charles001 concept:personhascitizenship concept_country_germany +concept_person_charles001 concept:personhascitizenship concept_country_hungary +concept_person_charles001 concept:personhascitizenship concept_country_norway +concept_person_charles001 concept:personhascitizenship concept_country_republic_of_austria +concept_person_charles001 concept:personhascitizenship concept_country_scotland +concept_person_charles001 concept:personhascitizenship concept_country_sicily +concept_person_charles001 concept:personhascitizenship concept_country_spain +concept_person_charles001 concept:personhascitizenship concept_country_sweden +concept_person_charles001 concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_charles001 concept:agentcontrols concept_election_world +concept_person_charles001 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_charles001 concept:personhasjobposition concept_jobposition_king +concept_person_charles001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_charles001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_charles001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_charles001 concept:personmovedtostateorprovince concept_stateorprovince_new_jersey +concept_person_charles001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_charles001 concept:persongraduatedfromuniversity concept_university_college +concept_person_charles001 concept:persongraduatedschool concept_university_college +concept_person_charles001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_charles001 concept:persongraduatedschool concept_university_state_university +concept_person_charles002 concept:persondiedincountry concept_country_england +concept_person_charles_anderwald concept:persongraduatedschool concept_school_st___gerard_high_school +concept_person_charles_irwin_schottland concept:personhasjobposition concept_politicaloffice_chairman +concept_person_charles_kuralt concept:personbelongstoorganization concept_televisionnetwork_cbs +concept_person_charles_kuralt concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_charles_o__finley concept:personhasjobposition concept_jobposition_owner +concept_person_charles_prince concept:personbelongstoorganization concept_company_citigroup +concept_person_charlie concept:persondiedatage 6 +concept_person_charlie001 concept:persondiedatage 6 +concept_person_charlie001 concept:personbornincity concept_city_york +concept_person_charlie001 concept:politicianholdsoffice concept_politicaloffice_president +concept_person_charlie001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_charlie001 concept:persongraduatedfromuniversity concept_university_college +concept_person_charlie002 concept:persondiedatage 6 +concept_person_charlie_butler_henderson concept:persondiedincountry concept_country_england +concept_person_charlie_hustle concept:personalsoknownas concept_athlete_pete_rose +concept_person_charlie_hustle concept:synonymfor concept_personcanada_pete_rose +concept_person_charlie_king concept:topmemberoforganization concept_company_national_action_network +concept_person_charlie_king concept:personbelongstoorganization concept_nonprofitorganization_national_action_network +concept_person_charlie_king concept:personleadsorganization concept_nonprofitorganization_national_action_network +concept_person_charlize_theron concept:hashusband concept_actor_stuart_townsend +concept_person_charlize_theron concept:hasspouse concept_person_stuart_townsend +concept_person_chelsea concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_chelsea concept:atdate concept_dateliteral_n2007 +concept_person_chelsea concept:atdate concept_dateliteral_n2008 +concept_person_chelsea concept:atlocation concept_stateorprovince_massachusetts +concept_person_chelsy_davy001 concept:hasspouse concept_person_prince_harry +concept_person_chen concept:personleadsorganization concept_website_youtube +concept_person_chen concept:worksfor concept_website_youtube +concept_person_chen concept:topmemberoforganization concept_website_youtube_last_year +concept_person_chen concept:worksfor concept_website_youtube_last_year +concept_person_chen_deming concept:personhasjobposition concept_jobposition_economic_planner +concept_person_cheney concept:personleadsorganization concept_biotechcompany_halliburton +concept_person_cheney concept:worksfor concept_biotechcompany_halliburton +concept_person_cheney concept:personchargedwithcrime concept_crimeorcharge_high_crimes +concept_person_cheney concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_cheney concept:personhasjobposition concept_politicaloffice_vice_president +concept_person_cheney concept:personleadsorganization concept_retailstore_halliburton +concept_person_cheney concept:worksfor concept_retailstore_halliburton +concept_person_cher concept:hasspouse concept_comedian_sonny_bono +concept_person_cheryl concept:personhasresidenceingeopoliticallocation concept_city_cheboygan +concept_person_cheryl concept:personbornincity concept_city_york +concept_person_cheryl concept:personborninlocation concept_city_york +concept_person_cheryl concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mich_ +concept_person_cheryl concept:persongraduatedfromuniversity concept_university_state_university +concept_person_cheryl concept:persongraduatedschool concept_university_state_university +concept_person_cheryl_sarkisian_lapiere concept:persondiedincountry concept_country_england +concept_person_cheryl_tweedy concept:hasspouse concept_personeurope_ashley_cole +concept_person_child concept:parentofperson concept_person_jesus +concept_person_chris concept:persondiedatage 3 +concept_person_chris concept:agentcontrols concept_charactertrait_world +concept_person_chris concept:personbornincity concept_city_york +concept_person_chris concept:personborninlocation concept_county_york_city +concept_person_chris concept:haswife concept_female_katie +concept_person_chris concept:personhasjobposition concept_jobposition_king +concept_person_chris concept:personbelongstoorganization concept_politicalparty_college +concept_person_chris concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_chris concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_chris concept:personmovedtostateorprovince concept_stateorprovince_georgia +concept_person_chris concept:personmovedtostateorprovince concept_stateorprovince_maine +concept_person_chris concept:personmovedtostateorprovince concept_stateorprovince_michigan +concept_person_chris concept:persongraduatedfromuniversity concept_university_college +concept_person_chris concept:persongraduatedfromuniversity concept_university_stanford_university +concept_person_chris concept:persongraduatedschool concept_university_stanford_university +concept_person_chris concept:persongraduatedfromuniversity concept_university_state_university +concept_person_chris concept:persongraduatedschool concept_university_state_university +concept_person_chris_kronner concept:personhasjobposition concept_jobposition_executive_chef +concept_person_chris_severson_baker concept:topmemberoforganization concept_company_pembina_institute +concept_person_chris_tisch concept:personhasjobposition concept_jobposition_staff_writer +concept_person_chris_welberry concept:personhasjobposition concept_jobposition_spokesman +concept_person_christian concept:personbornincity concept_city_york +concept_person_christian concept:personborninlocation concept_city_york +concept_person_christian concept:personhascitizenship concept_country_denmark +concept_person_christian concept:personhasjobposition concept_jobposition_king +concept_person_christian concept:personhasjobposition concept_jobposition_lord +concept_person_christian concept:hassibling concept_male_constantine +concept_person_christiane_amanpour001 concept:worksfor concept_company_cnn +concept_person_christie concept:personbornincity concept_city_york +concept_person_christie concept:personborninlocation concept_city_york +concept_person_christina concept:personbornincity concept_city_york +concept_person_christina concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_christine001 concept:personborninlocation concept_county_york_city +concept_person_christine001 concept:persongraduatedfromuniversity concept_university_college +concept_person_christine_moellering concept:personhasresidenceingeopoliticallocation concept_city_ypsilanti +concept_person_christine_moellering concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mich_ +concept_person_christine_moellering concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_ypslanti +concept_person_christodoulos concept:personhasjobposition concept_jobposition_archbishop +concept_person_christophe_midler concept:persondiedincountry concept_country_england +concept_person_christopher001 concept:personborninlocation concept_county_york_city +concept_person_christopher001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_christopher001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_christopher001 concept:persongraduatedfromuniversity concept_university_college +concept_person_christopher001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_christopher001 concept:persongraduatedschool concept_university_state_university +concept_person_christopher002 concept:personbornincity concept_city_york +concept_person_christopher_bentley concept:personalsoknownas concept_person_christ_bentley +concept_person_christopher_guest concept:haswife concept_female_jamie_lee_curtis +concept_person_christopher_guest concept:hasspouse concept_personcanada_jamie_lee_curtis +concept_person_christopher_hitchens concept:agentcreated concept_book_god_is_not_great +concept_person_christopher_hitchens001 concept:worksfor concept_blog_vanity_fair +concept_person_christopher_hitchens001 concept:agentcreated concept_book_god_is_not_great_how_religion_poisons_e +concept_person_christy concept:personbornincity concept_city_york +concept_person_christy concept:personborninlocation concept_city_york +concept_person_chuck concept:personbornincity concept_city_york +concept_person_chuck concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_chuck concept:persongraduatedfromuniversity concept_university_college +concept_person_chuck concept:persongraduatedfromuniversity concept_university_state_university +concept_person_chuck concept:persongraduatedschool concept_university_state_university +concept_person_chuck_finley concept:hasspouse concept_celebrity_tawny_kitaen +concept_person_chuck_wicks concept:hasspouse concept_celebrity_julianne_hough +concept_person_cindy concept:personbornincity concept_city_york +concept_person_cindy concept:hasspouse concept_person_mccain +concept_person_cindy concept:hashusband concept_personnorthamerica_john_mccain +concept_person_cindy concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_cindy concept:persongraduatedfromuniversity concept_university_college +concept_person_cindy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_cindy concept:persongraduatedschool concept_university_state_university +concept_person_circe concept:hasspouse concept_male_odysseus +concept_person_civilians concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_claire concept:personbornincity concept_city_york +concept_person_claire concept:persongraduatedfromuniversity concept_university_college +concept_person_claire_danes concept:hasspouse concept_person_hugh_dancy +concept_person_clark concept:personbornincity concept_city_orleans +concept_person_clark concept:personborninlocation concept_country_orleans +concept_person_clark concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_clark concept:persongraduatedfromuniversity concept_university_high_school +concept_person_clark concept:persongraduatedfromuniversity concept_university_state_university +concept_person_clark concept:persongraduatedschool concept_university_state_university +concept_person_clark_gable concept:haswife concept_female_carole_lombard +concept_person_clarke concept:personbornincity concept_city_york +concept_person_clarke concept:personborninlocation concept_city_york +concept_person_claude_bourbonnais concept:persondiedincountry concept_country_england +concept_person_claudia concept:personbornincity concept_city_york +concept_person_claudius concept:haswife concept_female_agrippina +concept_person_clay_brown concept:persondiedincountry concept_country_england +concept_person_clint_eastwood concept:agentcontributedtocreativework concept_movie_gran_torino +concept_person_clint_eastwood concept:agentcontributedtocreativework concept_movie_million_dollar_baby +concept_person_clint_eastwood concept:agentcontributedtocreativework concept_movie_mystic_river +concept_person_clint_eastwood concept:hasspouse concept_person_frances_fisher +concept_person_clive_davis concept:personbornincity concept_city_brooklyn +concept_person_clive_davis concept:personleadsorganization concept_company_arista +concept_person_clive_davis concept:worksfor concept_company_arista +concept_person_clive_davis concept:personchargedwithcrime concept_crimeorcharge_used_company_funds_to_pay_for_his_son_sbar_mitzvah +concept_person_clive_davis concept:personleadsorganization concept_recordlabel_arista_records +concept_person_clive_davis concept:personleadsorganization concept_recordlabel_bmg_ +concept_person_clive_davis concept:worksfor concept_recordlabel_bmg_ +concept_person_clive_davis concept:personleadsorganization concept_recordlabel_columbia +concept_person_clive_davis concept:personleadsorganization concept_recordlabel_j_records +concept_person_clive_davis concept:worksfor concept_recordlabel_j_records +concept_person_clive_davis concept:topmemberoforganization concept_recordlabel_rca +concept_person_clive_davis concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_clive_davis concept:agentbelongstoorganization concept_winery_arista +concept_person_close concept:personbornincity concept_city_york +concept_person_close concept:personborninlocation concept_city_york +concept_person_coco concept:hashusband concept_model_ice_t +concept_person_coco concept:hasspouse concept_person_ice_t +concept_person_cody concept:personbornincity concept_city_york +concept_person_cody concept:atlocation concept_stateorprovince_wyoming +concept_person_cody_herpin concept:haswife concept_celebrity_jodie_sweetin +concept_person_cody_herpin concept:hasspouse concept_male_jodie_sweetin +concept_person_cohen concept:personbornincity concept_city_york +concept_person_cohen concept:personborninlocation concept_county_york_city +concept_person_cohen concept:persongraduatedfromuniversity concept_university_college +concept_person_cokie_roberts concept:worksfor concept_city_abc +concept_person_cokie_roberts concept:worksfor concept_company_abc_news +concept_person_cokie_roberts concept:worksfor concept_company_npr +concept_person_cokie_roberts concept:personbelongstoorganization concept_governmentorganization_abc_news +concept_person_cokie_roberts concept:personbelongstoorganization concept_musicartist_npr +concept_person_cokie_roberts concept:worksfor concept_nongovorganization_national_public_radio +concept_person_cole concept:personbornincity concept_city_york +concept_person_cole concept:personleadsorganization concept_organization_maui_land_and_pineapple +concept_person_cole concept:worksfor concept_organization_maui_land_and_pineapple +concept_person_colin concept:persondiedatage 3 +concept_person_colin concept:personbornincity concept_city_york +concept_person_colin concept:persongraduatedfromuniversity concept_university_college +concept_person_colleen concept:personbornincity concept_city_york +concept_person_colleen concept:personborninlocation concept_city_york +concept_person_collins concept:persondiedatage 30 +concept_person_collins001 concept:persondiedatage 30 +concept_person_collins001 concept:personbornincity concept_city_york +concept_person_collins001 concept:personborninlocation concept_city_york +concept_person_collins001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_connie concept:persongraduatedfromuniversity concept_university_state_university +concept_person_connie concept:persongraduatedschool concept_university_state_university +concept_person_connie_chung concept:personleadsorganization concept_company_cnn__pbs +concept_person_connie_chung concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_connor concept:personbornincity concept_city_york +concept_person_cooper concept:personbornincity concept_city_york +concept_person_cooper concept:personborninlocation concept_county_york_city +concept_person_corbo concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_outer_richmond +concept_person_core concept:proxyfor concept_book_new +concept_person_corey_bohan concept:personbornincity concept_city_brisbane +concept_person_cory_witherill concept:persondiedincountry concept_country_england +concept_person_coulthard concept:personbelongstoorganization concept_automobilemaker_mclaren +concept_person_coulthard concept:personhasjobposition concept_jobposition_test_driver +concept_person_coulthard concept:personbelongstoorganization concept_magazine_williams +concept_person_coulthard concept:personbelongstoorganization concept_organization_red_bull +concept_person_counting_crows concept:agentcollaborateswithagent concept_celebrity_adam_duritz +concept_person_courteney_cox concept:hasspouse concept_male_david_arquette +concept_person_courteney_cox_arquette concept:hasspouse concept_male_david_arquette +concept_person_courtney concept:personbornincity concept_city_york +concept_person_courtney concept:persongraduatedfromuniversity concept_university_college +concept_person_courtney concept:persongraduatedschool concept_university_college +concept_person_courtney_cox concept:hashusband concept_male_david_arquette +concept_person_courtney_cox concept:hasspouse concept_male_david_arquette +concept_person_cox concept:personbornincity concept_city_york +concept_person_cox concept:persongraduatedfromuniversity concept_university_college +concept_person_cox concept:persongraduatedfromuniversity concept_university_state_university +concept_person_cox concept:persongraduatedschool concept_university_state_university +concept_person_craig concept:personbornincity concept_city_york +concept_person_craig concept:personborninlocation concept_city_york +concept_person_craig concept:personbelongstoorganization concept_politicalparty_college +concept_person_craig concept:persongraduatedfromuniversity concept_university_college +concept_person_craig concept:persongraduatedfromuniversity concept_university_state_university +concept_person_craig concept:persongraduatedschool concept_university_state_university +concept_person_craig_conway concept:topmemberoforganization concept_company_peoplesoft +concept_person_craig_mundie concept:personhasjobposition concept_jobposition_chief_research_and_strategy_officer +concept_person_craig_schmidt concept:personhasjobposition concept_jobposition_analyst +concept_person_crane concept:personbornincity concept_city_york +concept_person_crane concept:personborninlocation concept_city_york +concept_person_creation concept:hasspouse concept_personcanada_eve +concept_person_creation concept:agentparticipatedinevent concept_sportsgame_series +concept_person_creator concept:parentofperson concept_male_jesus_christ +concept_person_creator concept:parentofperson concept_male_son +concept_person_creator concept:parentofperson concept_person_lord_jesus +concept_person_crew concept:atdate concept_date_n2003 +concept_person_crew concept:atdate concept_dateliteral_n2008 +concept_person_crew concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_crew concept:personhasjobposition concept_jobposition_superintendent +concept_person_crew concept:agentcreated concept_movie_contact +concept_person_crispin_glover concept:persondiedincountry concept_country_england +concept_person_crispus concept:parentofperson concept_male_constantine +concept_person_crowley concept:personbornincity concept_city_york +concept_person_crowley concept:persongraduatedfromuniversity concept_university_college +concept_person_cruise concept:hasspouse concept_celebrity_katie_holmes +concept_person_cruise concept:haswife concept_female_katie_holmes +concept_person_cruz concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_cruz concept:personmovedtostateorprovince concept_stateorprovince_ca +concept_person_cruz concept:personborninlocation concept_stateorprovince_california +concept_person_cruz concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_crystal concept:personbornincity concept_city_york +concept_person_cy_waits concept:hasspouse concept_person_paris_hilton +concept_person_cynthia concept:personbornincity concept_city_york +concept_person_cynthia concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_cynthia concept:persongraduatedfromuniversity concept_university_state_university +concept_person_cynthia concept:persongraduatedschool concept_university_state_university +concept_person_czeslaw_milosz concept:personhasjobposition concept_jobposition_poet +concept_person_d concept:persondiedatage 2 +concept_person_d concept:proxyfor concept_book_new +concept_person_d_ concept:personhascitizenship concept_country_portugal +concept_person_dad concept:persondiedatage 4 +concept_person_dad concept:proxyfor concept_book_new +concept_person_dad concept:personbornincity concept_city_york +concept_person_dad concept:personborninlocation concept_city_york +concept_person_dad concept:atdate concept_date_n2000 +concept_person_dad concept:atdate concept_date_n2004 +concept_person_dad concept:atdate concept_dateliteral_n2005 +concept_person_dad concept:atdate concept_dateliteral_n2007 +concept_person_dad concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_dad concept:persongraduatedfromuniversity concept_university_college +concept_person_dagoberto_gilb concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_daimalu concept:persondiedincountry concept_country_england +concept_person_daisy concept:personbornincity concept_city_york +concept_person_daisy concept:personborninlocation concept_city_york +concept_person_dale concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dale concept:persongraduatedschool concept_university_state_university +concept_person_dale_earnhardt concept:hasspouse concept_person_jeff +concept_person_damon_buford concept:parentofperson concept_person_don_buford +concept_person_damon_elliot concept:parentofperson concept_musician_dionne_warwick +concept_person_damon_stoudamire concept:persondiedincountry concept_country_england +concept_person_dan concept:persondiedatage 3 +concept_person_dan concept:haswife concept_female_barbara +concept_person_dan_becker concept:personhasjobposition concept_jobposition_lobbyist +concept_person_dan_eggen concept:worksfor concept_city_washington_d_c +concept_person_dan_gillmor concept:worksfor concept_website_san_jose_mercury_news +concept_person_dan_warmenhoven concept:topmemberoforganization concept_magazine_netapp +concept_person_dana concept:personborninlocation concept_county_york_city +concept_person_dana concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_dana concept:persongraduatedfromuniversity concept_university_college +concept_person_dana concept:persongraduatedschool concept_university_college +concept_person_dana concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dana concept:persongraduatedschool concept_university_state_university +concept_person_dana_bash concept:worksfor concept_company_cnn +concept_person_daniel concept:persondiedatage 4 +concept_person_daniel concept:personbelongstoorganization concept_politicalparty_college +concept_person_daniel concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_daniel001 concept:persondiedatage 3 +concept_person_daniel001 concept:personborninlocation concept_county_york_city +concept_person_daniel001 concept:personhasjobposition concept_jobposition_king +concept_person_daniel001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_daniel001 concept:persongraduatedfromuniversity concept_university_college +concept_person_daniel001 concept:persongraduatedfromuniversity concept_university_cornell_university +concept_person_daniel001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_daniel001 concept:persongraduatedschool concept_university_state_university +concept_person_daniel002 concept:persondiedatage 4 +concept_person_daniel003 concept:persondiedatage 4 +concept_person_daniel003 concept:personborninlocation concept_country_orleans +concept_person_danielle concept:personborninlocation concept_county_york_city +concept_person_daniels concept:persongraduatedfromuniversity concept_university_state_university +concept_person_daniels concept:persongraduatedschool concept_university_state_university +concept_person_danny concept:personbornincity concept_city_york +concept_person_danny concept:persongraduatedfromuniversity concept_university_college +concept_person_danny concept:persongraduatedschool concept_university_college +concept_person_danny concept:persongraduatedfromuniversity concept_university_state_university +concept_person_danny concept:persongraduatedschool concept_university_state_university +concept_person_danny_masterson concept:hasspouse concept_person_bijou_phillips +concept_person_dardanus concept:parentofperson concept_female_electra +concept_person_darius_songaila concept:persondiedincountry concept_country_england +concept_person_darko_milicic concept:persondiedincountry concept_country_england +concept_person_darlene_bohorquez concept:persondiedincountry concept_country_england +concept_person_data concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_data concept:persondiedincountry concept_country_england +concept_person_data concept:agentbelongstoorganization concept_governmentorganization_government +concept_person_data concept:agentcollaborateswithagent concept_person_government +concept_person_datuk_lim_ah_lek concept:personhasjobposition concept_jobposition_human_resources_minister +concept_person_dave concept:persondiedatage 3 +concept_person_dave concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_dave concept:personmovedtostateorprovince concept_stateorprovince_wisconsin +concept_person_dave001 concept:persondiedatage 3 +concept_person_dave002 concept:persondiedatage 3 +concept_person_dave002 concept:personbornincity concept_city_york +concept_person_dave002 concept:personborninlocation concept_city_york +concept_person_dave002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_dave002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_dave002 concept:persongraduatedfromuniversity concept_university_college +concept_person_dave002 concept:persongraduatedschool concept_university_college +concept_person_dave002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dave002 concept:persongraduatedschool concept_university_state_university +concept_person_dave_dombrowski concept:personbelongstoorganization concept_organization_tigers +concept_person_dave_dombrowski concept:personhasjobposition concept_politicaloffice_president +concept_person_dave_eggers concept:agentcontributedtocreativework concept_book_a_heartbreaking_work_of_staggering_genius +concept_person_dave_eggers concept:agentcreated concept_book_a_heartbreaking_work_of_staggering_genius +concept_person_dave_eggers concept:agentcreated concept_book_the_wild_things +concept_person_dave_eggers concept:agentcreated concept_book_what_is_the_what +concept_person_dave_morgan concept:topmemberoforganization concept_website_tacoda +concept_person_david concept:persondiedatage 10 +concept_person_david concept:personbornincity concept_city_orleans +concept_person_david concept:personhascitizenship concept_country_israel +concept_person_david concept:personhascitizenship concept_country_scotland +concept_person_david concept:personborninlocation concept_county_york_city +concept_person_david concept:personhasjobposition concept_jobposition_king +concept_person_david concept:hassibling concept_person_lord +concept_person_david concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_david concept:personmovedtostateorprovince concept_stateorprovince_minnesota +concept_person_david concept:personmovedtostateorprovince concept_stateorprovince_nebraska +concept_person_david concept:personmovedtostateorprovince concept_stateorprovince_utah +concept_person_david concept:personmovedtostateorprovince concept_stateorprovince_wisconsin +concept_person_david concept:persongraduatedfromuniversity concept_university_brown_university +concept_person_david concept:persongraduatedschool concept_university_brown_university +concept_person_david concept:persongraduatedfromuniversity concept_university_college +concept_person_david concept:persongraduatedschool concept_university_cornell_university +concept_person_david concept:persongraduatedfromuniversity concept_university_harvard +concept_person_david concept:persongraduatedfromuniversity concept_university_harvard_university +concept_person_david concept:persongraduatedfromuniversity concept_university_high_school +concept_person_david concept:persongraduatedschool concept_university_high_school +concept_person_david concept:persongraduatedfromuniversity concept_university_law_school +concept_person_david concept:persongraduatedfromuniversity concept_university_mit +concept_person_david concept:persongraduatedfromuniversity concept_university_ohio_state +concept_person_david concept:persongraduatedfromuniversity concept_university_yale_university +concept_person_david concept:persongraduatedschool concept_university_yale_university +concept_person_david001 concept:persondiedatage 10 +concept_person_david002 concept:persondiedatage 10 +concept_person_david002 concept:personborninlocation concept_airport_jersey +concept_person_david002 concept:personbornincity concept_city_york +concept_person_david002 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_david002 concept:hassibling concept_person_lord_ +concept_person_david002 concept:parentofperson concept_person_solomon +concept_person_david002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_david002 concept:hassibling concept_scientist_saul +concept_person_david002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_david002 concept:persongraduatedschool concept_university_commonwealth_university +concept_person_david002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_david002 concept:persongraduatedschool concept_university_state_university +concept_person_david003 concept:persondiedatage 10 +concept_person_david003 concept:haswife concept_celebrity_victoria_beckham +concept_person_david003 concept:hasspouse concept_female_bathsheba +concept_person_david004 concept:persondiedatage 10 +concept_person_david004 concept:agentcontributedtocreativework concept_book_psalm +concept_person_david004 concept:worksfor concept_company_nytimes001 +concept_person_david004 concept:worksfor concept_company_the_new_york_times001 +concept_person_david004 concept:worksfor concept_musicartist_times +concept_person_david004 concept:hasspouse concept_person_victoria +concept_person_david_aguilo concept:persondiedincountry concept_country_england +concept_person_david_atia concept:persondiedincountry concept_country_england +concept_person_david_atsu concept:persondiedincountry concept_country_england +concept_person_david_babnigg concept:persondiedincountry concept_country_england +concept_person_david_beckham concept:haswife concept_person_victoria001 +concept_person_david_beckham concept:hasspouse concept_person_victoria_beckham +concept_person_david_boreanaz concept:hasspouse concept_personus_jaime_bergman +concept_person_david_christie_murray concept:persondiedincountry concept_country_england +concept_person_david_coleman_headley concept:personchargedwithcrime concept_crimeorcharge_n12_terrorism_related_charges +concept_person_david_coleman_headley concept:personalsoknownas concept_person_daood_gilani +concept_person_david_coleman_headley concept:personalsoknownas concept_person_dawood_jilani +concept_person_david_cranford concept:persondiedincountry concept_country_england +concept_person_david_dubinsky concept:latitudelongitude 40.7480600000000,-73.9961100000000 +concept_person_david_etherington concept:persondiedincountry concept_country_england +concept_person_david_fitz concept:persondiedincountry concept_country_england +concept_person_david_fracalosy concept:persondiedincountry concept_country_england +concept_person_david_gahagan concept:persondiedincountry concept_country_england +concept_person_david_gilyeat concept:persondiedincountry concept_country_england +concept_person_david_honny concept:persondiedincountry concept_country_england +concept_person_david_hosen concept:persondiedincountry concept_country_england +concept_person_david_jarman concept:persondiedincountry concept_country_england +concept_person_david_keegan concept:persondiedincountry concept_country_england +concept_person_david_kilgannon concept:persondiedincountry concept_country_england +concept_person_david_levering_lewis concept:personhasjobposition concept_jobposition_historian +concept_person_david_luffman concept:persondiedincountry concept_country_england +concept_person_david_m__toczek concept:persondiedincountry concept_country_england +concept_person_david_mziwandile concept:persondiedincountry concept_country_england +concept_person_david_n__dinkins concept:personleadsorganization concept_organization_manhattan_borough +concept_person_david_n__dinkins concept:worksfor concept_organization_manhattan_borough +concept_person_david_n__dinkins concept:personhasjobposition concept_politicaloffice_president +concept_person_david_natoli concept:persondiedincountry concept_country_england +concept_person_david_nielander concept:persondiedincountry concept_country_england +concept_person_david_nieuwendijk concept:persondiedincountry concept_country_england +concept_person_david_ogunmola concept:persondiedincountry concept_country_england +concept_person_david_ormsby_gore concept:personhasjobposition concept_jobposition_lord_harlech +concept_person_david_otunga concept:hasspouse concept_person_jennifer_hudson +concept_person_david_owiti concept:persondiedincountry concept_country_england +concept_person_david_priddle concept:persondiedincountry concept_country_england +concept_person_david_s___sutherland concept:topmemberoforganization concept_company_ipsco +concept_person_david_s__garland concept:persondiedincountry concept_country_england +concept_person_david_sablan concept:persondiedincountry concept_country_england +concept_person_david_sables concept:persondiedincountry concept_country_england +concept_person_david_scarth concept:persondiedincountry concept_country_england +concept_person_david_shrapton concept:persondiedincountry concept_country_england +concept_person_david_sickey concept:personhasjobposition concept_jobposition_vice_chairman +concept_person_david_souche concept:persondiedincountry concept_country_england +concept_person_david_soucie concept:persondiedincountry concept_country_england +concept_person_david_tibbs concept:persondiedincountry concept_country_england +concept_person_david_tofton concept:persondiedincountry concept_country_england +concept_person_david_toseland concept:persondiedincountry concept_country_england +concept_person_david_trencher concept:persondiedincountry concept_country_england +concept_person_david_turcot concept:persondiedincountry concept_country_england +concept_person_david_v__barrett concept:persondiedincountry concept_country_england +concept_person_david_varszegi concept:persondiedincountry concept_country_england +concept_person_david_wapalila concept:persondiedincountry concept_country_england +concept_person_david_wuchter concept:persondiedincountry concept_country_england +concept_person_davis concept:personbornincity concept_city_york +concept_person_davis concept:personborninlocation concept_city_york +concept_person_davis concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_davis concept:persongraduatedfromuniversity concept_university_college +concept_person_davis concept:persongraduatedschool concept_university_college +concept_person_davis concept:persongraduatedfromuniversity concept_university_state_university +concept_person_davis concept:persongraduatedschool concept_university_state_university +concept_person_davis concept:worksfor concept_university_uab +concept_person_dax_shepard concept:hasspouse concept_celebrity_kristen_bell +concept_person_dc concept:persongraduatedschool concept_university_college +concept_person_dean concept:personbornincity concept_city_jamaica +concept_person_dean concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_dean concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_dean_martin_music concept:persondiedincountry concept_country_england +concept_person_dean_mcdermott concept:hasspouse concept_person_tori_spelling +concept_person_dean_mcdermott concept:haswife concept_person_tori_spelling001 +concept_person_deanie_hickox_fox concept:hasspouse concept_person_jeremy_fox +concept_person_deb concept:persongraduatedfromuniversity concept_university_college +concept_person_debbie concept:personbornincity concept_city_york +concept_person_debbie concept:personborninlocation concept_city_york +concept_person_debbie concept:persongraduatedfromuniversity concept_university_college +concept_person_debbie concept:persongraduatedschool concept_university_college +concept_person_debbie001 concept:hashusband concept_professor_service +concept_person_debbie_rowe concept:hasspouse concept_male_michael_jackson +concept_person_debbon_ayer concept:hasspouse concept_comedian_rob_morrow +concept_person_deborah concept:personbornincity concept_city_york +concept_person_deborah concept:personborninlocation concept_city_york +concept_person_deborah concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_deborah concept:persongraduatedfromuniversity concept_university_college +concept_person_dee_hock concept:personleadsorganization concept_stateorprovince_visa +concept_person_dee_hock concept:worksfor concept_stateorprovince_visa +concept_person_dee_w_hock concept:persondiedincountry concept_country_england +concept_person_demi_moore concept:hasspouse concept_person_ashton_kutcher +concept_person_denis_mukwege concept:personhasjobposition concept_jobposition_physician +concept_person_denise concept:hashusband concept_personmexico_aaron_brooks +concept_person_denise concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dennis concept:personborninlocation concept_county_york_city +concept_person_dennis concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_dennis concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_dennis concept:persongraduatedfromuniversity concept_university_college +concept_person_dennis concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dennis concept:persongraduatedschool concept_university_state_university +concept_person_dennis_firestone concept:persondiedincountry concept_country_england +concept_person_depp concept:haswife concept_female_vanessa_paradis +concept_person_derrick_may concept:parentofperson concept_personus_dave_may +concept_person_derwall concept:personleadsorganization concept_organization_west_germany +concept_person_derwall concept:worksfor concept_organization_west_germany +concept_person_details concept:agentcreated concept_book_print +concept_person_dev_patel concept:hasspouse concept_personus_freida_pinto +concept_person_devil concept:hasspouse concept_personcanada_eve +concept_person_dexy_s_midnight_runners concept:persondiedincountry concept_country_england +concept_person_dhruva concept:parentofperson concept_female_suniti +concept_person_diana concept:personbornincity concept_city_york +concept_person_diana concept:personborninlocation concept_county_york_city +concept_person_diana concept:personhasjobposition concept_jobposition_princess +concept_person_diana concept:hassibling concept_person_apollo +concept_person_diana concept:personbelongstoorganization concept_politicalparty_college +concept_person_diana concept:persongraduatedfromuniversity concept_university_college +concept_person_diana concept:persongraduatedschool concept_university_college +concept_person_diana_greenough concept:personhasresidenceingeopoliticallocation concept_city_lancaster +concept_person_diana_greenough concept:persondiedincountry concept_country_england +concept_person_diana_greenough concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mass_ +concept_person_diane001 concept:personbornincity concept_city_york +concept_person_diane001 concept:personborninlocation concept_county_york_city +concept_person_diane001 concept:hashusband concept_person_mark +concept_person_diane001 concept:hasspouse concept_person_mark001 +concept_person_diane001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_diane001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_diane001 concept:persongraduatedfromuniversity concept_university_college +concept_person_diane001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_diane001 concept:persongraduatedschool concept_university_state_university +concept_person_diane_olson concept:hashusband concept_male_robin_tyler +concept_person_diane_price_baker concept:persongraduatedschool concept_university_barnard_college +concept_person_dichter concept:personbelongstoorganization concept_organization_kadima +concept_person_dichter concept:personbelongstoorganization concept_organization_knesset +concept_person_dick concept:personbornincity concept_city_york +concept_person_dick concept:personborninlocation concept_city_york +concept_person_dick concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_dick concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_dick concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_dick concept:persongraduatedfromuniversity concept_university_college +concept_person_dick concept:persongraduatedfromuniversity concept_university_state_university +concept_person_dick concept:persongraduatedschool concept_university_state_university +concept_person_dick_ebersol concept:topmemberoforganization concept_company_nbc +concept_person_dickinson concept:personborninlocation concept_county_chicago +concept_person_diego concept:personbornincity concept_city_york +concept_person_diego concept:persongraduatedschool concept_university_state_university +concept_person_dieter_schiessl concept:topmemberoforganization concept_company_world_meteorological_organization +concept_person_dirk_nowitzki concept:persondiedincountry concept_country_england +concept_person_dirk_nowitzki concept:personbelongstoorganization concept_sportsleague_nba +concept_person_disney concept:agentcontrols concept_ceo_michael_eisner +concept_person_disney concept:agentcollaborateswithagent concept_ceo_robert_iger +concept_person_disney concept:agentcontrols concept_ceo_robert_iger +concept_person_disney concept:agentcollaborateswithagent concept_comedian_michael_eisner +concept_person_disney concept:topmemberoforganization concept_company_disney +concept_person_disney concept:personleadsorganization concept_musicartist_toy +concept_person_disney concept:worksfor concept_musicartist_toy +concept_person_dita_von_teese concept:hasspouse concept_comedian_marilyn_manson +concept_person_dizzy_trout concept:parentofperson concept_coach_steve_trout +concept_person_doctor_death concept:personalsoknownas concept_criminal_jack_kevorkian +concept_person_doctor_death concept:synonymfor concept_scientist_jack_kevorkian +concept_person_domenico_scarlatti concept:agentinvolvedwithitem concept_tableitem_keyboard +concept_person_don concept:personbornincity concept_city_york +concept_person_don concept:personborninlocation concept_city_york +concept_person_don concept:personhascitizenship concept_country_republic_of_austria +concept_person_don concept:personhascitizenship concept_country_spain +concept_person_don concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_don concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_don concept:persongraduatedfromuniversity concept_university_state_university +concept_person_don concept:persongraduatedschool concept_university_state_university +concept_person_don_buford concept:parentofperson concept_person_damon_buford +concept_person_don_l__blankenship concept:topmemberoforganization concept_company_massey_energy +concept_person_don_lafontaine concept:persondiedatage 68 +concept_person_don_lafontaine001 concept:persondiedatage 68 +concept_person_don_lafontaine002 concept:persondiedatage 68 +concept_person_don_lafontaine003 concept:persondiedatage 68 +concept_person_don_manson concept:persondiedincountry concept_country_england +concept_person_don_mattingly concept:personbelongstoorganization concept_sportsteam_yankees +concept_person_don_miguel_ruiz concept:agentcontributedtocreativework concept_book_the_four_agreements +concept_person_don_shula concept:worksfor concept_sportsteam_miami_dolphins +concept_person_don_wildmon concept:personleadsorganization concept_sportsleague_afa +concept_person_don_wildmon concept:topmemberoforganization concept_trainstation_afa +concept_person_donald_s__olson concept:persondiedincountry concept_country_england +concept_person_donna concept:personbornincity concept_city_york +concept_person_donna concept:personborninlocation concept_county_york_city +concept_person_donna concept:hashusband concept_person_dave +concept_person_donna concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_donna concept:persongraduatedfromuniversity concept_university_state_university +concept_person_donna concept:persongraduatedschool concept_university_state_university +concept_person_dorothy concept:personbornincity concept_city_york +concept_person_dorothy concept:personborninlocation concept_county_york_city +concept_person_dorothy concept:persongraduatedfromuniversity concept_university_college +concept_person_dorothy_levitt concept:persondiedincountry concept_country_england +concept_person_doug concept:personbornincity concept_city_york +concept_person_doug concept:personborninlocation concept_county_york_city +concept_person_doug concept:personbelongstoorganization concept_politicalparty_college +concept_person_doug concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_doug concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_doug concept:persongraduatedfromuniversity concept_university_college +concept_person_doug concept:persongraduatedfromuniversity concept_university_state_university +concept_person_doug concept:persongraduatedschool concept_university_state_university +concept_person_doug_hannaway concept:personhasjobposition concept_jobposition_police_superintendent +concept_person_doug_reinhardt concept:hasspouse concept_person_paris_hilton +concept_person_dougan concept:personbelongstoorganization concept_organization_the_midlands_club +concept_person_douglas concept:personbornincity concept_city_york +concept_person_douglas concept:persongraduatedfromuniversity concept_university_college +concept_person_douglas concept:persongraduatedschool concept_university_college +concept_person_dr__dre concept:personleadsorganization concept_recordlabel_aftermath_entertainment +concept_person_dr__dre concept:proxyfor concept_recordlabel_aftermath_entertainment +concept_person_dr__dre concept:worksfor concept_recordlabel_aftermath_entertainment +concept_person_driver concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_driver concept:agentparticipatedinevent concept_sportsgame_championship +concept_person_driver concept:agentparticipatedinevent concept_sportsgame_series +concept_person_dubai_bus_crash_kills_15_asian_workers concept:persondiedincountry concept_country_england +concept_person_duchamp concept:personbornincity concept_city_york +concept_person_duchamp concept:personborninlocation concept_city_york +concept_person_duchovny concept:haswife concept_celebrity_tea_leoni +concept_person_duke concept:agentcollaborateswithagent concept_coach_david_cutcliffe +concept_person_duke concept:agentcontrols concept_coach_david_cutcliffe +concept_person_duke concept:agentcontrols concept_coach_ted_roof +concept_person_duke concept:personhascitizenship concept_country_republic_of_austria +concept_person_duke concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_duke concept:personhascitizenship concept_geopoliticalorganization_wurttemberg +concept_person_duke concept:personhasjobposition concept_jobposition_king +concept_person_duke concept:agentcontrols concept_personaustralia_mike_krzyzewski +concept_person_duke concept:agentcollaborateswithagent concept_politicianus_mike_krzyzewski +concept_person_duke concept:agentcollaborateswithagent concept_sportsteam_ncaa_youth_kids +concept_person_duke concept:persongraduatedschool concept_university_college +concept_person_dunleavy concept:latitudelongitude 43.1380600000000,-79.0366700000000 +concept_person_dunleavy concept:personalsoknownas concept_person_mike_dunleavy +concept_person_duno concept:personhasjobposition concept_jobposition_naval_engineer +concept_person_durvasa concept:persondiedincountry concept_country_england +concept_person_duryodhana concept:persondiedincountry concept_country_england +concept_person_dylan concept:persondiedatage 2 +concept_person_e concept:persondiedatage 4 +concept_person_e concept:subpartof concept_weatherphenomenon_water +concept_person_earl concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_earl concept:persongraduatedschool concept_university_state_university +concept_person_earl_presley_sr_ concept:personhasjobposition concept_jobposition_juvenile_detention_officer +concept_person_earl_presley_sr__ concept:hasspouse concept_person_gordon +concept_person_earle_combs concept:persondiedincountry concept_country_england +concept_person_eason_jordan concept:worksfor concept_company_cnn +concept_person_eason_jordan concept:topmemberoforganization concept_company_cnn001 +concept_person_eason_jordan concept:personbelongstoorganization concept_sportsleague_cnn +concept_person_ebay concept:persondiedincountry concept_country_england +concept_person_ed001 concept:personbornincity concept_city_york +concept_person_ed001 concept:personborninlocation concept_city_york +concept_person_ed001 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_ed001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_ed001 concept:personmovedtostateorprovince concept_stateorprovince_alaska +concept_person_ed001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_ed001 concept:persongraduatedfromuniversity concept_university_college +concept_person_ed001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ed001 concept:persongraduatedschool concept_university_state_university +concept_person_ed_bradley concept:personleadsorganization concept_company_cnn__pbs +concept_person_ed_crosby concept:parentofperson concept_athlete_bobby_crosby +concept_person_ed_koch001 concept:personleadsgeopoliticalorganization concept_city_york +concept_person_ed_whitacre concept:personleadsorganization concept_company_american_management_systems +concept_person_ed_whitacre concept:worksfor concept_company_american_management_systems +concept_person_ed_whitacre concept:topmemberoforganization concept_company_at_t +concept_person_ed_whitacre concept:worksfor concept_company_at_t +concept_person_eddie concept:personbornincity concept_city_york +concept_person_eddie concept:personborninlocation concept_city_york +concept_person_eddy_hartenstein concept:topmemberoforganization concept_company_directv001 +concept_person_eden concept:hasspouse concept_personcanada_eve +concept_person_edgar_vincent concept:personhasjobposition concept_jobposition_personal_manager +concept_person_edith concept:personbornincity concept_city_york +concept_person_edith concept:personborninlocation concept_city_york +concept_person_edith_wharton concept:agentcontributedtocreativework concept_book_ethan_frome +concept_person_edith_wharton concept:agentcontributedtocreativework concept_book_the_age_of_innocence +concept_person_edith_wharton concept:agentcontributedtocreativework concept_book_the_house_of_mirth +concept_person_edmund concept:personbornincity concept_city_york +concept_person_edmund concept:personborninlocation concept_city_york +concept_person_eduardo_duhalde concept:personhasjobposition concept_politicaloffice_governor +concept_person_edvard_grieg concept:persondiedincountry concept_country_england +concept_person_edward concept:persondiedatage 16 +concept_person_edward001 concept:persondiedatage 16 +concept_person_edward001 concept:personhascitizenship concept_country_england +concept_person_edward001 concept:personhascitizenship concept_country_france_france +concept_person_edward001 concept:personhascitizenship concept_country_scotland +concept_person_edward001 concept:personhascitizenship concept_country_the_united_kingdom +concept_person_edward001 concept:personhasjobposition concept_jobposition_king +concept_person_edward001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_edward001 concept:persongraduatedfromuniversity concept_university_college +concept_person_edward_b__jackson concept:persondiedincountry concept_country_england +concept_person_edward_bruce concept:personhascitizenship concept_country_ireland +concept_person_edward_iii concept:personhascitizenship concept_country_england +concept_person_edward_iii concept:personhascitizenship concept_country_france_france +concept_person_edward_kuss concept:personhasjobposition concept_jobposition_math_teacher +concept_person_edward_r__murrow concept:personleadsorganization concept_company_cnn__pbs +concept_person_edward_r__murrow concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_edward_r__murrow concept:worksfor concept_televisionnetwork_cbs +concept_person_edwards concept:personborninlocation concept_city_hampshire +concept_person_edwards concept:personbornincity concept_city_orleans +concept_person_edwards concept:agentcollaborateswithagent concept_female_hillary +concept_person_edwards concept:agentcollaborateswithagent concept_person_bill +concept_person_edwards concept:personbelongstoorganization concept_sportsteam_kansas_city_chiefs +concept_person_edwards concept:worksfor concept_sportsteam_new_york_jets +concept_person_edwards concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_edwin concept:personborninlocation concept_city_york +concept_person_eiar_vaage concept:persondiedincountry concept_country_norway +concept_person_elaine concept:personborninlocation concept_city_york +concept_person_eli concept:persondiedatage 2 +concept_person_elisabetta_canalis concept:hasspouse concept_celebrity_george_clooney +concept_person_elizabeth concept:persondiedatage 2 +concept_person_elizabeth001 concept:persondiedatage 2 +concept_person_elizabeth001 concept:personhascitizenship concept_country_britain +concept_person_elizabeth001 concept:personhascitizenship concept_country_canada_canada +concept_person_elizabeth001 concept:personhascitizenship concept_country_england +concept_person_elizabeth001 concept:personborninlocation concept_county_york_city +concept_person_elizabeth001 concept:personhasjobposition concept_jobposition_queen +concept_person_elizabeth001 concept:hashusband concept_personeurope_paul +concept_person_elizabeth001 concept:hasspouse concept_politicianus_henry +concept_person_elizabeth001 concept:proxyfor concept_radiostation_new_jersey +concept_person_elizabeth001 concept:atlocation concept_stateorprovince_colorado +concept_person_elizabeth001 concept:proxyfor concept_stateorprovince_newjersey +concept_person_elizabeth001 concept:persongraduatedfromuniversity concept_university_college +concept_person_elizabeth001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_elizabeth001 concept:persongraduatedschool concept_university_state_university +concept_person_elizabeth_chavez concept:persondiedincountry concept_country_england +concept_person_elizabeth_peters concept:agentcontributedtocreativework concept_book_a_river_in_the_sky +concept_person_elizabeth_peters concept:agentcreated concept_book_crocodile_on_the_sandbank +concept_person_elizabeth_peters concept:agentcreated concept_book_seeing_a_large_cat +concept_person_elizabeth_peters concept:agentcreated concept_book_the_hippopotamus_pool +concept_person_ellen concept:personbornincity concept_city_york +concept_person_ellen concept:persongraduatedfromuniversity concept_university_college +concept_person_ellen_degeneres concept:hasspouse concept_person_portia_de_rossi +concept_person_elliot concept:personborninlocation concept_city_york +concept_person_elon_musk concept:topmemberoforganization concept_automobilemaker_tesla +concept_person_elon_musk concept:personleadsorganization concept_automobilemaker_tesla_motors +concept_person_elon_musk concept:personleadsorganization concept_company_spacex +concept_person_elon_musk concept:worksfor concept_company_spacex +concept_person_elon_musk concept:personleadsorganization concept_stateorprovince_paypal +concept_person_elton_brand concept:persondiedincountry concept_country_england +concept_person_elvis_presley concept:persondiedatage 42 +concept_person_emile_emile_lahoud concept:persondiedincountry concept_country_england +concept_person_emile_emile_lahoud concept:parentofperson concept_male_emile_lahoud +concept_person_emily concept:persongraduatedfromuniversity concept_university_college +concept_person_emily concept:persongraduatedschool concept_university_college +concept_person_emma concept:persondiedatage 3 +concept_person_emma concept:personbornincity concept_city_york +concept_person_emma concept:persongraduatedfromuniversity concept_university_college +concept_person_emmanuel_hernandez concept:personhasresidenceingeopoliticallocation concept_city_yauco +concept_person_emmanuel_hernandez concept:personhasjobposition concept_jobposition_pfc_ +concept_person_emmanuelle_seigner001 concept:hasspouse concept_personafrica_roman_polanski +concept_person_emperor concept:personhascitizenship concept_country_france_france +concept_person_emperor concept:personhascitizenship concept_country_hungary +concept_person_emperor concept:personhascitizenship concept_country_luxembourg +concept_person_emperor concept:personhascitizenship concept_country_prussia +concept_person_emperor concept:personhascitizenship concept_country_republic_of_austria +concept_person_emperor concept:personhascitizenship concept_country_russia +concept_person_engagement concept:persondiedincountry concept_country_england +concept_person_engagement concept:atdate concept_date_n2004 +concept_person_engagement concept:atdate concept_dateliteral_n2006 +concept_person_engagement concept:atdate concept_dateliteral_n2007 +concept_person_engagement concept:atdate concept_dateliteral_n2008 +concept_person_engineer concept:proxyfor concept_book_new +concept_person_engineer concept:agentcreated concept_movie_contact +concept_person_enrique_bernoldi concept:personbelongstoorganization concept_organization_conquest_racing +concept_person_enrique_iglesias concept:personbornincity concept_city_madrid +concept_person_enrique_iglesias concept:hasspouse concept_person_anna_kournikova +concept_person_enrique_ter_horst concept:personhasjobposition concept_jobposition_special_representative_for_haiti +concept_person_epstein concept:personbornincity concept_city_york +concept_person_epstein concept:personborninlocation concept_city_york +concept_person_eric concept:persondiedatage 2 +concept_person_eric concept:personhascitizenship concept_country_denmark +concept_person_eric concept:personhascitizenship concept_country_norway +concept_person_eric concept:personhascitizenship concept_country_sweden +concept_person_eric concept:personborninlocation concept_county_york_city +concept_person_eric concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_eric001 concept:persondiedatage 2 +concept_person_eric001 concept:personbornincity concept_city_york +concept_person_eric001 concept:personborninlocation concept_city_york +concept_person_eric001 concept:personhasjobposition concept_jobposition_king +concept_person_eric001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_eric001 concept:persongraduatedfromuniversity concept_university_college +concept_person_eric001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_eric001 concept:persongraduatedschool concept_university_state_university +concept_person_eric_dane concept:haswife concept_actor_rebecca_gayheart +concept_person_eric_gagne concept:persondiedincountry concept_country_england +concept_person_eric_ridenour concept:personhasjobposition concept_jobposition_chief_operating_officer +concept_person_eric_roberts concept:hassibling concept_personus_julia_roberts +concept_person_eric_sevareid concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_eric_sevareid concept:worksfor concept_televisionnetwork_cbs +concept_person_eric_williams concept:personalsoknownas concept_athlete_donell_taylor +concept_person_eric_williams concept:personalsoknownas concept_person_marquis_daniels +concept_person_eric_williams concept:personalsoknownas concept_personmexico_eric_snow +concept_person_eric_williams concept:personalsoknownas concept_personus_brent_barry +concept_person_erica_lewis concept:persondiedincountry concept_country_england +concept_person_erick_snyder concept:persondiedincountry concept_country_england +concept_person_erin concept:personbornincity concept_city_york +concept_person_erin concept:personborninlocation concept_city_york +concept_person_erin concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_erin concept:persongraduatedfromuniversity concept_university_college +concept_person_erin concept:persongraduatedschool concept_university_college +concept_person_erin concept:persongraduatedfromuniversity concept_university_state_university +concept_person_erin concept:persongraduatedschool concept_university_state_university +concept_person_ernesto_jose_viso concept:personbelongstoorganization concept_organization_hvm_racing +concept_person_ernst concept:personbornincity concept_city_york +concept_person_eryka_badu concept:hasspouse concept_celebrity_andre_benjamin +concept_person_erykah_badu concept:hasspouse concept_celebrity_andre_benjamin +concept_person_essie_garrett concept:persondiedincountry concept_country_england +concept_person_ethan_hawke concept:hasspouse concept_person_uma_thurman +concept_person_eugene concept:personbornincity concept_city_york +concept_person_eugene concept:personborninlocation concept_city_york +concept_person_eugene concept:agentcollaborateswithagent concept_politician_kitty_piercy +concept_person_eugene concept:agentcontrols concept_politician_kitty_piercy +concept_person_european_gp concept:persondiedincountry concept_country_england +concept_person_eva concept:hasspouse concept_personmexico_anthony_carter +concept_person_eva001 concept:personbornincity concept_city_york +concept_person_eva_braun concept:hashusband concept_criminal_adolf_hitler +concept_person_eva_braun concept:hasspouse concept_person_hitler +concept_person_eva_longoria concept:hasspouse concept_personmexico_anthony_carter +concept_person_eva_longoria_parker concept:hasspouse concept_personmexico_anthony_carter +concept_person_evan_rachel_wood concept:hasspouse concept_comedian_marilyn_manson +concept_person_evans concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_evans001 concept:personbornincity concept_city_york +concept_person_evans001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_evans001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_evans001 concept:persongraduatedfromuniversity concept_university_college +concept_person_evelyn concept:personbornincity concept_city_york +concept_person_evelyn concept:personborninlocation concept_city_york +concept_person_fabrice_tourre concept:personleadsorganization concept_company_goldman_sachs001 +concept_person_fabrice_tourre concept:worksfor concept_company_goldman_sachs001 +concept_person_faith concept:parentofperson concept_person_jesus +concept_person_faith_hill concept:hashusband concept_actor_tim_mcgraw +concept_person_faith_hill concept:hasspouse concept_actor_tim_mcgraw +concept_person_family_home concept:mutualproxyfor concept_cardgame_three +concept_person_fan_xiao concept:personhasjobposition concept_jobposition_geologist +concept_person_fanny concept:personbornincity concept_city_york +concept_person_farrell concept:personbornincity concept_city_york +concept_person_farrell concept:personborninlocation concept_city_york +concept_person_father concept:persondiedatage 17 +concept_person_father concept:personbornincity concept_city_york +concept_person_father concept:personborninlocation concept_city_york +concept_person_father concept:parentofperson concept_person_lord +concept_person_father concept:parentofperson concept_person_savior001 +concept_person_father concept:parentofperson concept_person_saviour +concept_person_father001 concept:persondiedatage 17 +concept_person_father001 concept:parentofperson concept_male_abraham +concept_person_father001 concept:parentofperson concept_male_jesus_christ +concept_person_father001 concept:parentofperson concept_male_son +concept_person_father001 concept:parentofperson concept_male_yahshua +concept_person_father001 concept:parentofperson concept_male_yeshua +concept_person_father001 concept:parentofperson concept_person_jesus +concept_person_father001 concept:parentofperson concept_person_lord_jesus +concept_person_faulkner concept:personbornincity concept_city_orleans +concept_person_fausta concept:hashusband concept_male_constantine +concept_person_fausta concept:hasspouse concept_male_constantine +concept_person_fausta concept:parentofperson concept_person_crispus +concept_person_felicity concept:personbornincity concept_city_york +concept_person_felicity_huffman concept:hasspouse concept_person_william_h__macy +concept_person_felipe_alou concept:parentofperson concept_person_moises_alou +concept_person_felix_pie concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_person_ferdinand concept:personhascitizenship concept_country_hungary +concept_person_ferdinand concept:personhascitizenship concept_country_sicily +concept_person_ferdinand concept:personhascitizenship concept_country_spain +concept_person_ferdinand concept:personhasjobposition concept_jobposition_king +concept_person_fergie concept:hashusband concept_male_josh_duhamel +concept_person_fergie001 concept:hasspouse concept_comedian_josh_duhamel +concept_person_fernandez_racing concept:persondiedincountry concept_country_england +concept_person_fidel concept:personhasresidenceingeopoliticallocation concept_city_havana +concept_person_fidel concept:personhasresidenceingeopoliticallocation concept_country_cuba +concept_person_fidel concept:personleadsorganization concept_country_cuba +concept_person_fidel concept:persondiedincountry concept_country_england +concept_person_fidel concept:personleadsorganization concept_governmentorganization_government +concept_person_fidel concept:personleadsorganization concept_publication_people_ +concept_person_fidel concept:personleadsorganization concept_sportsteam_revolution +concept_person_fidel_castro concept:hassibling concept_person_ra +concept_person_finn concept:personbornincity concept_city_york +concept_person_finn concept:personborninlocation concept_city_york +concept_person_fiona concept:personborninlocation concept_city_york +concept_person_fiorello_laguardia concept:personleadsgeopoliticalorganization concept_stateorprovince_new_york +concept_person_fischer concept:personbornincity concept_city_york +concept_person_fischer concept:personborninlocation concept_city_york +concept_person_fisichella concept:personbelongstoorganization concept_automobilemaker_renault +concept_person_five_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_flaubert concept:agentcreated concept_book_madame_bovary +concept_person_florence_nash concept:persondiedincountry concept_country_england +concept_person_floyd concept:personborninlocation concept_stateorprovince_north_carolina +concept_person_foreign_aid_to_vietnam concept:persondiedincountry concept_country_england +concept_person_forest_mcdonald concept:persondiedincountry concept_country_england +concept_person_formula_one concept:agentcollaborateswithagent concept_ceo_bernie_ecclestone +concept_person_formula_one concept:agentcontrols concept_ceo_bernie_ecclestone +concept_person_foster concept:personborninlocation concept_county_york_city +concept_person_four_children concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_four_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_frances concept:personborninlocation concept_city_florida +concept_person_frances_fisher concept:hasspouse concept_person_clint_eastwood +concept_person_frances_tomelty concept:hasspouse concept_person_sting +concept_person_francis_spellman concept:personhasjobposition concept_jobposition_archbishop +concept_person_franco_abbiati concept:personhasjobposition concept_jobposition_critic +concept_person_francois_henri_pinault concept:hasspouse concept_person_salma_hayek +concept_person_frank concept:persondiedatage 4 +concept_person_frank001 concept:persondiedatage 4 +concept_person_frank_bruni concept:worksfor concept_stateorprovince_times +concept_person_frank_bruni concept:worksfor concept_website_new_york_times +concept_person_frank_perera concept:personbelongstoorganization concept_organization_conquest_racing +concept_person_frank_rockwell concept:persondiedincountry concept_country_england +concept_person_frankie concept:personbornincity concept_city_york +concept_person_frankie concept:personborninlocation concept_city_york +concept_person_franklin_d__roosevelt concept:atdate concept_dateliteral_n1945 +concept_person_franklin_d__roosevelt concept:personbelongstoorganization concept_governmentorganization_house +concept_person_franklin_d__roosevelt concept:agentcontrols concept_hotel_white +concept_person_franklin_ducheneaux concept:personhasjobposition concept_jobposition_aide +concept_person_franklin_raines concept:topmemberoforganization concept_bank_fannie_mae +concept_person_franklin_raines concept:worksfor concept_bank_fannie_mae +concept_person_franklin_raines concept:worksfor concept_bank_fannie_mae_and_freddy_mac +concept_person_franklin_raines concept:agentcontrols concept_website_fannie_mae +concept_person_franklin_raines concept:proxyfor concept_website_fannie_mae +concept_person_franklin_roosevelt concept:personborninlocation concept_city_york +concept_person_franklin_roosevelt concept:personbelongstoorganization concept_governmentorganization_house +concept_person_fred concept:agentcontrols concept_charactertrait_world +concept_person_fred concept:personbornincity concept_city_york +concept_person_fred concept:personborninlocation concept_county_york_city +concept_person_fred concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_fred concept:agentcollaborateswithagent concept_male_world +concept_person_fred concept:persongraduatedfromuniversity concept_university_state_university +concept_person_fred concept:persongraduatedschool concept_university_state_university +concept_person_fred_kaplan concept:personbelongstoorganization concept_magazine_slate +concept_person_fred_kaplan concept:personleadsorganization concept_magazine_slate +concept_person_fred_kaplan concept:worksfor concept_politicsblog_slate +concept_person_fred_kendall concept:parentofperson concept_athlete_jason_kendall +concept_person_fred_siegel concept:personhasjobposition concept_jobposition_campaign_adviser +concept_person_freddie001 concept:personbornincity concept_city_york +concept_person_freddie001 concept:personborninlocation concept_city_york +concept_person_frederick concept:personbornincity concept_city_york +concept_person_frederick concept:personborninlocation concept_city_york +concept_person_frederick concept:personhascitizenship concept_country_denmark +concept_person_frederick concept:personhascitizenship concept_country_germany +concept_person_frederick concept:personhascitizenship concept_country_prussia +concept_person_frederick concept:personhascitizenship concept_country_sicily +concept_person_frederick concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_person_frederick_ii concept:personhasjobposition concept_jobposition_king +concept_person_friedman concept:personbelongstoorganization concept_newspaper_ny_times +concept_person_friedrich concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_person_friend concept:atdate concept_dateliteral_n2006 +concept_person_friend concept:atdate concept_dateliteral_n2007 +concept_person_friend concept:parentofperson concept_person_jesus +concept_person_frost concept:personleadsgeopoliticalorganization concept_city_home +concept_person_g_g__ware concept:personleadsorganization concept_organization_the_bond_and_taxation_committee_of_the_state_chamber_of_commerce +concept_person_g_g__ware concept:worksfor concept_organization_the_bond_and_taxation_committee_of_the_state_chamber_of_commerce +concept_person_gabriel concept:personbornincity concept_city_york +concept_person_gabriel_aubry concept:hasspouse concept_person_halle_berry +concept_person_gadi concept:personhascitizenship concept_country_israel +concept_person_gail_berman concept:topmemberoforganization concept_company_fox +concept_person_gail_berman concept:worksfor concept_company_fox +concept_person_gail_collins concept:worksfor concept_musicartist_times +concept_person_gail_collins concept:worksfor concept_website_new_york_times +concept_person_ganesha concept:parentofperson concept_female_pavarti +concept_person_garcia concept:personbornincity concept_city_york +concept_person_garcia concept:personborninlocation concept_city_york +concept_person_garden concept:hasspouse concept_personcanada_eve +concept_person_garden_of_eden concept:hasspouse concept_personcanada_eve +concept_person_gardner concept:persondiedatage 2 +concept_person_garet_garrett concept:persondiedincountry concept_country_england +concept_person_garner concept:hashusband concept_personafrica_ben_affleck +concept_person_garner concept:hasspouse concept_personafrica_ben_affleck +concept_person_garold_arthur concept:persondiedincountry concept_country_england +concept_person_gary_flake concept:personhasjobposition concept_jobposition_head_of_research +concept_person_gary_hirshberg concept:topmemberoforganization concept_company_stonyfield_farm +concept_person_gary_patterson concept:worksfor concept_tradeunion_tcu +concept_person_gasper_grima concept:persondiedincountry concept_country_malta +concept_person_gavin concept:personborninlocation concept_county_york_city +concept_person_geb concept:parentofperson concept_male_shu +concept_person_gene concept:personbornincity concept_city_york +concept_person_gene concept:personborninlocation concept_county_york_city +concept_person_gene concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_gene concept:persongraduatedfromuniversity concept_university_state_university +concept_person_gene concept:persongraduatedschool concept_university_state_university +concept_person_generation concept:agentinvolvedwithitem concept_bedroomitem_touch +concept_person_generation concept:persondiedincountry concept_country_england +concept_person_geometry concept:persondiedincountry concept_country_england +concept_person_georg_buschner concept:personhasjobposition concept_jobposition_defender +concept_person_george concept:persondiedatage 2 +concept_person_george concept:personbornincity concept_city_orleans +concept_person_george concept:personborninlocation concept_city_washington_dc +concept_person_george concept:personhascitizenship concept_country_britain +concept_person_george concept:personhascitizenship concept_country_england +concept_person_george concept:personhascitizenship concept_country_great_britain +concept_person_george concept:personhascitizenship concept_country_greece +concept_person_george concept:personhascitizenship concept_country_the_united_kingdom +concept_person_george concept:haswife concept_female_lydia +concept_person_george concept:personbelongstoorganization concept_governmentorganization_house +concept_person_george concept:personhasjobposition concept_jobposition_king +concept_person_george concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_george concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_george concept:personmovedtostateorprovince concept_stateorprovince_new_jersey +concept_person_george concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_george concept:personmovedtostateorprovince concept_stateorprovince_ny +concept_person_george concept:persongraduatedfromuniversity concept_university_college +concept_person_george concept:persongraduatedschool concept_university_college +concept_person_george concept:persongraduatedfromuniversity concept_university_harvard +concept_person_george concept:persongraduatedschool concept_university_harvard +concept_person_george concept:persongraduatedfromuniversity concept_university_harvard_university +concept_person_george concept:persongraduatedfromuniversity concept_university_state_university +concept_person_george concept:persongraduatedschool concept_university_state_university +concept_person_george concept:persongraduatedfromuniversity concept_university_yale +concept_person_george concept:persongraduatedschool concept_university_yale +concept_person_george001 concept:persondiedatage 2 +concept_person_george001 concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_george001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_george001 concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_george002 concept:persondiedatage 2 +concept_person_george_e__bowden concept:persondiedincountry concept_country_england +concept_person_george_f__colony concept:personleadsorganization concept_company_forrester_research +concept_person_george_f__colony concept:worksfor concept_company_forrester_research +concept_person_george_f__colony concept:personhasjobposition concept_jobposition_chief_executive +concept_person_george_habash concept:personbelongstoorganization concept_terroristorganization_popular_front_for_the_liberation_of_palestine +concept_person_george_iii concept:personhascitizenship concept_country_england +concept_person_george_iii concept:personhascitizenship concept_country_great_britain +concept_person_george_jacob concept:persondiedincountry concept_country_england +concept_person_george_p__schultz concept:personhasjobposition concept_politicaloffice_secretary_of_state +concept_person_george_tilley concept:personhasjobposition concept_jobposition_sheriff +concept_person_george_w__bush concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_george_w__bush concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_george_w__bush concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_george_w__bush concept:persongraduatedfromuniversity concept_university_yale +concept_person_george_w__lewis concept:persondiedincountry concept_country_england +concept_person_george_washington concept:persongraduatedschool concept_university_college +concept_person_georges concept:personhascitizenship concept_country_france_france +concept_person_georges001 concept:personborninlocation concept_stateorprovince_puerto_rico +concept_person_gerald001 concept:personbornincity concept_city_york +concept_person_gerald001 concept:personborninlocation concept_city_york +concept_person_gerald_ford concept:persondiedatage 93 +concept_person_gerald_ford concept:agentcontrols concept_election_white +concept_person_gerald_ford concept:personbelongstoorganization concept_politicalparty_house +concept_person_gerald_ford001 concept:persondiedatage 93 +concept_person_gerald_levin concept:topmemberoforganization concept_company_time_warner +concept_person_gerald_meyers concept:personleadsorganization concept_organization_american_motors_corp_ +concept_person_gerald_meyers concept:worksfor concept_organization_american_motors_corp_ +concept_person_gerald_meyers concept:personhasjobposition concept_politicaloffice_chairman +concept_person_germaine_tillion concept:personhasjobposition concept_jobposition_anthropologist +concept_person_gerry concept:haswife concept_person_kate +concept_person_gerry concept:persongraduatedfromuniversity concept_university_college +concept_person_gibson concept:personbornincity concept_city_york +concept_person_gibson concept:agentcontrols concept_organization_epiphone +concept_person_gideon_yago concept:worksfor concept_blog_mtv +concept_person_gil concept:personbornincity concept_city_york +concept_person_gilbert concept:personbornincity concept_city_jamaica +concept_person_gilbert concept:personborninlocation concept_city_jamaica +concept_person_gillian concept:personbornincity concept_city_york +concept_person_gillian concept:personborninlocation concept_city_york +concept_person_gingrich concept:personbelongstoorganization concept_politicalparty_republican_party +concept_person_glantz concept:latitudelongitude 43.8463250000000,-70.3961650000000 +concept_person_gleason concept:personbornincity concept_city_york +concept_person_glen001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_glen001 concept:persongraduatedschool concept_university_state_university +concept_person_glenn001 concept:personbornincity concept_city_york +concept_person_glenn001 concept:personborninlocation concept_city_york +concept_person_glenn_gould concept:personbornincity concept_city_ottawa +concept_person_gloria concept:personbornincity concept_city_york +concept_person_gloria concept:personborninlocation concept_county_york_city +concept_person_glossary concept:persondiedincountry concept_country_england +concept_person_goffredo_marcaccini concept:personhasresidenceingeopoliticallocation concept_city_jalisco +concept_person_goffredo_marcaccini concept:personhasresidenceingeopoliticallocation concept_country_mexico +concept_person_goldman concept:personbornincity concept_city_york +concept_person_goldman concept:personborninlocation concept_city_york +concept_person_goldman concept:agentcontrols concept_person_lloyd_blankfein +concept_person_goldman concept:mutualproxyfor concept_person_lloyd_blankfein +concept_person_gonzales concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_gonzales concept:personhasjobposition concept_jobposition_white_house_counsel +concept_person_gonzales concept:personhasjobposition concept_politicaloffice_attorney_general +concept_person_gonzalez concept:personbornincity concept_city_york +concept_person_gonzalez concept:personborninlocation concept_city_york +concept_person_goodman concept:personbornincity concept_city_york +concept_person_goodman concept:personborninlocation concept_county_york_city +concept_person_gordon concept:personhasresidenceingeopoliticallocation concept_city_st__petersburg +concept_person_gordon concept:personbornincity concept_city_york +concept_person_gordon concept:personborninlocation concept_city_york +concept_person_gordon_bottomley concept:persondiedincountry concept_country_england +concept_person_gordon_e__moore concept:topmemberoforganization concept_company_intel +concept_person_gordon_johndroe concept:personhasjobposition concept_jobposition_special_assistant_to_the_president +concept_person_gordon_johndroe concept:personhasjobposition concept_politicaloffice_press_secretary +concept_person_gordon_moore concept:topmemberoforganization concept_company_intel +concept_person_gore concept:personborninlocation concept_city_hampshire +concept_person_gore concept:agentcollaborateswithagent concept_politician_w__bush +concept_person_government concept:agentbelongstoorganization concept_company_money +concept_person_government concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_government concept:personchargedwithcrime concept_crimeorcharge_genocide +concept_person_government concept:agentcollaborateswithagent concept_monarch_property +concept_person_government concept:agentcollaborateswithagent concept_nongovorganization_information +concept_person_government concept:agentcollaborateswithagent concept_person_data +concept_person_governor concept:proxyfor concept_book_new +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_city_florida +concept_person_governor concept:personbornincity concept_city_hampshire +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_governor concept:atdate concept_date_n2001 +concept_person_governor concept:atdate concept_date_n2003 +concept_person_governor concept:atdate concept_date_n2004 +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_alaska +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arkansas +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_colorado +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_connecticut +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_louisiana +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_nebraska +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ohio +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_pennsylvania +concept_person_governor concept:personhasresidenceingeopoliticallocation concept_stateorprovince_vermont +concept_person_governors concept:personborninlocation concept_city_york +concept_person_grand_funk concept:agentcollaborateswithagent concept_comedian_don_brewer +concept_person_grant concept:persondiedatage 2 +concept_person_grant001 concept:persondiedatage 2 +concept_person_grant001 concept:proxyfor concept_book_new +concept_person_grant001 concept:personborninlocation concept_county_york_city +concept_person_grant001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_grant001 concept:atdate concept_date_n2000 +concept_person_grant001 concept:atdate concept_date_n2001 +concept_person_grant001 concept:atdate concept_date_n2003 +concept_person_grant001 concept:atdate concept_dateliteral_n2005 +concept_person_grant001 concept:atdate concept_dateliteral_n2007 +concept_person_grant001 concept:atdate concept_dateliteral_n2008 +concept_person_grant001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_grant001 concept:persongraduatedschool concept_university_college +concept_person_grant001 concept:persongraduatedfromuniversity concept_university_west_point +concept_person_grant001 concept:subpartof concept_weatherphenomenon_water +concept_person_grant001 concept:atdate concept_year_n1997 +concept_person_grant001 concept:atdate concept_year_n1998 +concept_person_grant002 concept:persondiedatage 2 +concept_person_gray concept:personbornincity concept_city_york +concept_person_gray concept:personborninlocation concept_city_york +concept_person_gray concept:persongraduatedfromuniversity concept_university_state_university +concept_person_gray concept:persongraduatedschool concept_university_state_university +concept_person_great concept:parentofperson concept_person_jesus +concept_person_greenough concept:personhasjobposition concept_jobposition_associate_editor +concept_person_greg concept:persondiedatage 3 +concept_person_greg001 concept:persondiedatage 3 +concept_person_greg001 concept:agentcontrols concept_charactertrait_world +concept_person_greg001 concept:personbornincity concept_city_york +concept_person_greg001 concept:personborninlocation concept_city_york +concept_person_greg001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_greg001 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_greg001 concept:agentcollaborateswithagent concept_male_world +concept_person_greg001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_greg001 concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_greg001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_greg001 concept:personmovedtostateorprovince concept_stateorprovince_alaska +concept_person_greg001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_greg001 concept:personmovedtostateorprovince concept_stateorprovince_michigan +concept_person_greg001 concept:persongraduatedfromuniversity concept_university_california_state_university +concept_person_greg001 concept:persongraduatedfromuniversity concept_university_college +concept_person_greg001 concept:persongraduatedschool concept_university_college +concept_person_greg001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_greg001 concept:persongraduatedschool concept_university_state_university +concept_person_greg_bear concept:agentcreated concept_book_anvil_of_stars +concept_person_greg_bear concept:agentcreated concept_book_the_forge_of_god +concept_person_greg_brown concept:topmemberoforganization concept_company_motorola001 +concept_person_greg_brown concept:worksfor concept_university_motorola +concept_person_greg_buchanan concept:hasspouse concept_person_gordon +concept_person_greg_schmidt concept:personhasjobposition concept_jobposition_dr_ +concept_person_greg_schmidt concept:personhasjobposition concept_jobposition_physician +concept_person_greg_wise concept:hasspouse concept_actor_emma_thompson +concept_person_gregory concept:personbelongstoorganization concept_country_great_britain +concept_person_gregory concept:personbelongstoorganization concept_stateorprovince_warrington +concept_person_gregory concept:persongraduatedschool concept_university_state_university +concept_person_gregory__elich concept:personhasjobposition concept_jobposition_analyst +concept_person_gregory_buchanan concept:hasspouse concept_person_gordon +concept_person_guillaume_canet concept:hasspouse concept_model_marion_cotillard +concept_person_gundy concept:worksfor concept_county_oklahoma_state_university +concept_person_gundy concept:coachesteam concept_sportsteam_oklahoma_state_university +concept_person_guo concept:personbelongstoorganization concept_automobilemaker_china +concept_person_guo concept:personhasjobposition concept_jobposition_diver +concept_person_guo_jingjing concept:personhasresidenceingeopoliticallocation concept_city_beijing +concept_person_guo_jingjing concept:personhasresidenceingeopoliticallocation concept_country_china +concept_person_guo_jingjing concept:personhasjobposition concept_jobposition_diver +concept_person_guo_jingjing concept:personbelongstoorganization concept_organization_chinese_national_team +concept_person_gustaf concept:personhascitizenship concept_country_sweden +concept_person_guy concept:personbornincity concept_city_york +concept_person_guy concept:hasspouse concept_person_madonna +concept_person_guy_oseary concept:personleadsorganization concept_magazine_maverick +concept_person_guy_oseary concept:worksfor concept_magazine_maverick +concept_person_guy_oseary concept:topmemberoforganization concept_recordlabel_maverick +concept_person_gwyneth_paltrow concept:hashusband concept_male_chris_martin +concept_person_gwyneth_paltrow concept:hasspouse concept_male_chris_martin +concept_person_gwyneth_paltrow concept:parentofperson concept_personus_blythe_danner +concept_person_haeckel concept:personchargedwithcrime concept_crimeorcharge_fraud +concept_person_hafford concept:persondiedincountry concept_country_england +concept_person_haim_ramon concept:personhasjobposition concept_jobposition_justice_minister +concept_person_hall concept:personborninlocation concept_county_york_city +concept_person_halle_berry concept:hashusband concept_celebrity_gabriel_aubry +concept_person_halle_berry concept:hasspouse concept_person_gabriel_aubry +concept_person_hancock concept:personbornincity concept_city_york +concept_person_hancock concept:personborninlocation concept_city_york +concept_person_hank concept:personbornincity concept_city_orleans +concept_person_hank_baskett concept:hasspouse concept_personcanada_kendra_wilkinson +concept_person_hanna_gronkiewicz_waltz concept:personhasjobposition concept_politicaloffice_mayor +concept_person_hanna_gronkiewicz_waltz concept:personleadsorganization concept_visualizablething_warsaw +concept_person_hanna_gronkiewicz_waltz concept:worksfor concept_visualizablething_warsaw +concept_person_hannah concept:persondiedatage 6 +concept_person_hannah concept:parentofperson concept_person_samuel001 +concept_person_harold_lowe concept:persondiedincountry concept_country_wales +concept_person_harper concept:personbornincity concept_city_york +concept_person_harper concept:personborninlocation concept_city_york +concept_person_harriet concept:personbornincity concept_city_york +concept_person_harriet concept:personborninlocation concept_city_york +concept_person_harrison concept:personborninlocation concept_county_york_city +concept_person_harrison concept:personbelongstoorganization concept_governmentorganization_house +concept_person_harrison concept:personbelongstoorganization concept_sportsteam_colts +concept_person_harrison concept:persongraduatedfromuniversity concept_university_college +concept_person_harrison concept:persongraduatedschool concept_university_college +concept_person_harrison_ford concept:hasspouse concept_person_calista_flockhart +concept_person_harry concept:persondiedatage 2 +concept_person_harry concept:personbornincity concept_city_york +concept_person_harry concept:persongraduatedfromuniversity concept_university_college +concept_person_harry concept:persongraduatedfromuniversity concept_university_state_university +concept_person_harry concept:persongraduatedschool concept_university_state_university +concept_person_harry_hamlin concept:haswife concept_female_lisa_rinna +concept_person_harry_hamlin concept:hasspouse concept_person_lisa_rinna +concept_person_harry_whittington concept:personhasjobposition concept_jobposition_lawyer +concept_person_hart concept:personbornincity concept_city_york +concept_person_hart concept:personborninlocation concept_county_york_city +concept_person_hart concept:persongraduatedfromuniversity concept_university_college +concept_person_hart concept:persongraduatedschool concept_university_college +concept_person_harvey concept:personbornincity concept_city_york +concept_person_harvey_tauman concept:persondiedincountry concept_country_england +concept_person_hawkins concept:personbornincity concept_city_york +concept_person_hawthorne concept:mutualproxyfor concept_radiostation_new_jersey +concept_person_hayes concept:personbornincity concept_city_york +concept_person_hayward concept:personhasjobposition concept_jobposition_vice_admiral +concept_person_he concept:personhasjobposition concept_jobposition_deputy_superintendent_of_insurance +concept_person_he concept:personbelongstoorganization concept_politicalparty_southern_african_development_community +concept_person_he concept:persongraduatedschool concept_school_johns_hopkins +concept_person_he concept:persongraduatedschool concept_university_auburn_university +concept_person_he concept:persongraduatedschool concept_university_brooklyn_college +concept_person_he concept:persongraduatedschool concept_university_brown_university +concept_person_he concept:persongraduatedschool concept_university_harvard +concept_person_he concept:persongraduatedschool concept_university_university_of_michigan +concept_person_he concept:persongraduatedschool concept_university_university_of_toronto +concept_person_heath concept:personborninlocation concept_city_york +concept_person_heath_ledger concept:persondiedatage 28 +concept_person_heath_ledger concept:agentcontributedtocreativework concept_movie_dark_knight +concept_person_heath_ledger001 concept:persondiedatage 28 +concept_person_heath_ledger001 concept:agentcontributedtocreativework concept_book_the_dark_knight +concept_person_heath_ledger001 concept:hasspouse concept_personafrica_michelle_williams +concept_person_heather concept:personbornincity concept_city_york +concept_person_heather concept:personbelongstoorganization concept_politicalparty_college +concept_person_heather concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_heather concept:persongraduatedfromuniversity concept_university_college +concept_person_heather concept:persongraduatedfromuniversity concept_university_state_university +concept_person_heather concept:persongraduatedschool concept_university_state_university +concept_person_heidfeld concept:personbelongstoorganization concept_organization_prost +concept_person_heidfeld concept:personbelongstoorganization concept_organization_sauber +concept_person_heidi concept:hashusband concept_male_spencer_pratt +concept_person_heidi concept:hasspouse concept_male_spencer_pratt +concept_person_heidi001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_heidi001 concept:persongraduatedschool concept_university_state_university +concept_person_heidi_klum concept:hashusband concept_person_seal +concept_person_heidi_klum001 concept:hasspouse concept_person_seal +concept_person_heidi_montag concept:hasspouse concept_male_spencer_pratt +concept_person_heikki_kovalainen concept:personbelongstoorganization concept_automobilemaker_mclaren +concept_person_heikki_kovalainen concept:personbelongstoorganization concept_automobilemaker_renault +concept_person_helen concept:personborninlocation concept_county_york_city +concept_person_helen concept:hashusband concept_politician_john +concept_person_helen concept:persongraduatedfromuniversity concept_university_college +concept_person_helena_bonham_carter concept:hashusband concept_personafrica_tim_burton +concept_person_helene_cooper concept:personbelongstoorganization concept_musicartist_times +concept_person_helio_castroneves concept:personhasjobposition concept_jobposition_driver +concept_person_helio_castroneves concept:personbelongstoorganization concept_organization_penske_racing +concept_person_hendrix concept:personbornincity concept_city_york +concept_person_hendrix concept:personborninlocation concept_city_york +concept_person_henrik_lundqvist concept:personbelongstoorganization concept_sportsteam_rangers +concept_person_henry concept:persondiedatage 2 +concept_person_henry001 concept:persondiedatage 2 +concept_person_henry_daniel_moder concept:hassibling concept_person_phinneaus_walter_moder +concept_person_henry_ford concept:personleadsorganization concept_company_ford_motor +concept_person_henry_ford concept:worksfor concept_company_ford_motor +concept_person_henry_ford concept:worksfor concept_company_ford_motor_credit +concept_person_henry_s_hoskins concept:persondiedincountry concept_country_england +concept_person_henry_viii concept:personhascitizenship concept_country_england +concept_person_henry_viii concept:personhascitizenship concept_country_ireland +concept_person_henry_viii concept:hasspouse concept_female_catherine_of_aragon +concept_person_henry_viii concept:haswife concept_female_jane_seymour +concept_person_henry_viii concept:personhasjobposition concept_jobposition_king +concept_person_hephaestus concept:hasspouse concept_female_aphrodite +concept_person_her concept:personhasresidenceingeopoliticallocation concept_county_manhattan +concept_person_herb_alpert concept:topmemberoforganization concept_automobilemaker_a_m +concept_person_herb_alpert concept:worksfor concept_automobilemaker_a_m +concept_person_hercules concept:parentofperson concept_female_alcmene +concept_person_herman_hesse concept:agentcreated concept_book_rosshalde +concept_person_hezekiah concept:personhasjobposition concept_jobposition_king +concept_person_hezekiah concept:parentofperson concept_male_ahaz +concept_person_hezekiah concept:parentofperson concept_male_manasseh +concept_person_hi concept:persondiedatage 2 +concept_person_hideki_mutoh concept:personbelongstoorganization concept_organization_andretti_green_racing +concept_person_hilary_duff concept:hasspouse concept_person_joel_madden +concept_person_hill concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_hill concept:worksfor concept_sportsteam_orlando_magic +concept_person_hill concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_hill concept:persongraduatedfromuniversity concept_university_college +concept_person_hiram_monserrate concept:personchargedwithcrime concept_crimeorcharge_domestic_abuse +concept_person_hiram_monserrate concept:personchargedwithcrime concept_crimeorcharge_second_degree_assault +concept_person_hiram_monserrate concept:personalsoknownas concept_person_hiram_slasher_monserrate +concept_person_hirohito concept:personhascitizenship concept_country_japan +concept_person_hitler concept:agentcontributedtocreativework concept_book_mein_kampf +concept_person_hitler concept:agentcreated concept_book_mein_kampf +concept_person_hitler concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_hitler concept:personchargedwithcrime concept_crimeorcharge_high_treason +concept_person_hitler concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_hitler concept:hasspouse concept_criminal_eva_braun +concept_person_hitler concept:atdate concept_date_n1941 +concept_person_hitler concept:atdate concept_dateliteral_n1938 +concept_person_holly concept:personbornincity concept_city_york +concept_person_holly concept:personborninlocation concept_city_york +concept_person_holly concept:persongraduatedfromuniversity concept_university_college +concept_person_holly concept:persongraduatedfromuniversity concept_university_state_university +concept_person_holly concept:persongraduatedschool concept_university_state_university +concept_person_holly001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_holly_fletcher concept:persondiedincountry concept_country_england +concept_person_holly_fletcher concept:personhasjobposition concept_jobposition_correspondent +concept_person_holman_jenkins concept:worksfor concept_politicsblog_wall_street_journal +concept_person_home concept:persondiedatage 3 +concept_person_home001 concept:persondiedatage 3 +concept_person_home001 concept:agentcollaborateswithagent concept_musicartist_times +concept_person_home001 concept:politicianholdsoffice concept_politicaloffice_president +concept_person_home001 concept:agentbelongstoorganization concept_politicalparty_college +concept_person_home001 concept:agentcollaborateswithagent concept_stateorprovince_contact +concept_person_home001 concept:persongraduatedfromuniversity concept_university_college +concept_person_home001 concept:personleadsorganization concept_university_google +concept_person_home001 concept:worksfor concept_university_google +concept_person_home002 concept:persondiedatage 3 +concept_person_home003 concept:persondiedatage 3 +concept_person_home004 concept:persondiedatage 3 +concept_person_home005 concept:persondiedatage 3 +concept_person_homer concept:agentcontributedtocreativework concept_book_iliad +concept_person_homer concept:agentcontributedtocreativework concept_book_odyssey +concept_person_homer concept:agentcontributedtocreativework concept_book_the_iliad +concept_person_homer concept:agentcreated concept_book_the_iliad +concept_person_homer concept:agentcontributedtocreativework concept_book_the_odyssey +concept_person_homer concept:agentcreated concept_musicalbum_the_odyssey +concept_person_hominy concept:persondiedincountry concept_country_england +concept_person_honest_abe concept:personalsoknownas concept_male_abraham_lincoln +concept_person_hope concept:persongraduatedfromuniversity concept_university_college +concept_person_hopkins concept:personborninlocation concept_city_york +concept_person_horace concept:personbornincity concept_city_new_york +concept_person_horus concept:parentofperson concept_female_isis +concept_person_house concept:personhasjobposition concept_jobposition_king +concept_person_howard001 concept:personbornincity concept_city_york +concept_person_howard001 concept:personborninlocation concept_city_york +concept_person_howard001 concept:personhasjobposition concept_jobposition_king +concept_person_howard001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_howard001 concept:persongraduatedfromuniversity concept_university_college +concept_person_howard001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_howard001 concept:persongraduatedschool concept_university_state_university +concept_person_howard_davidowitz concept:personhasjobposition concept_jobposition_retail_consultant +concept_person_howard_french concept:worksfor concept_website_new_york_times +concept_person_howard_safir concept:personhasjobposition concept_jobposition_police_commissioner +concept_person_howard_stern concept:hasspouse concept_director_beth_ostrosky +concept_person_howard_stringer concept:topmemberoforganization concept_company_sony +concept_person_howard_stringer concept:agentcontrols concept_retailstore_sony +concept_person_howard_stringer concept:proxyfor concept_retailstore_sony +concept_person_howard_stringer concept:subpartof concept_retailstore_sony +concept_person_hu_jintao001 concept:personbelongstoorganization concept_biotechcompany_china +concept_person_hu_jintao001 concept:personleadsorganization concept_biotechcompany_china +concept_person_hu_jintao002 concept:personhasjobposition concept_politicaloffice_president +concept_person_hu_sheng concept:personalsoknownas concept_person_hu_sheng_cheng +concept_person_hua_guofeng concept:personhasresidenceingeopoliticallocation concept_organization_chinese +concept_person_hua_guofeng concept:personleadsorganization concept_organization_chinese +concept_person_hua_guofeng concept:worksfor concept_organization_chinese +concept_person_hubs concept:proxyfor concept_book_new +concept_person_hubs concept:persondiedincountry concept_country_england +concept_person_hugh001 concept:personborninlocation concept_city_york +concept_person_hugh001 concept:personhascitizenship concept_country_cyprus +concept_person_hugh_dancy concept:hasspouse concept_person_claire_danes +concept_person_hugh_grant concept:personleadsorganization concept_governmentorganization_monsanto +concept_person_hugh_grant concept:worksfor concept_governmentorganization_monsanto +concept_person_hugh_grant concept:hasspouse concept_person_jemima_khan +concept_person_hugh_grant concept:topmemberoforganization concept_winery_monsanto +concept_person_hughes concept:personbornincity concept_city_york +concept_person_hughes concept:personborninlocation concept_city_york +concept_person_hughes concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_hugo concept:personbornincity concept_city_charleston +concept_person_hugo concept:personborninlocation concept_stateorprovince_south_carolina +concept_person_hume_cronyn concept:haswife concept_personcanada_jessica_tandy +concept_person_humphrey_bogart concept:haswife concept_actor_lauren_bacall +concept_person_hunter concept:personbornincity concept_city_york +concept_person_hunter concept:personborninlocation concept_city_york +concept_person_hunter concept:persongraduatedschool concept_university_college +concept_person_hurston concept:personbornincity concept_city_york +concept_person_hurston concept:personborninlocation concept_county_york_city +concept_person_hussein_kamel concept:persondiedincountry concept_country_iraq +concept_person_hussein_kamel concept:personalsoknownas concept_person_hussein_kamel_hassan +concept_person_i concept:proxyfor concept_book_new +concept_person_iain_m_banks concept:agentcreated concept_book_consider_phlebas +concept_person_ian concept:persondiedatage 3 +concept_person_ian concept:agentcontrols concept_charactertrait_world +concept_person_ian concept:personbornincity concept_city_york +concept_person_ian concept:persongraduatedfromuniversity concept_university_college +concept_person_ian_cantwell concept:persondiedincountry concept_country_england +concept_person_ian_khan concept:persondiedincountry concept_country_england +concept_person_ian_porterfield concept:personbelongstoorganization concept_city_sunderland +concept_person_ian_somerhalder concept:hasspouse concept_professor_nina_dobrev +concept_person_ice_t concept:haswife concept_person_coco +concept_person_ichiro_suzuki concept:personbelongstoorganization concept_county_seattle +concept_person_ichiro_suzuki concept:personalsoknownas concept_personus_ichiro +concept_person_ichiro_suzuki concept:personbelongstoorganization concept_sportsteam_seattle_mariners +concept_person_idol concept:personbornincity concept_city_york +concept_person_idol concept:personborninlocation concept_city_york +concept_person_ikshvaku concept:persondiedincountry concept_country_england +concept_person_illah_nourbakhsh concept:personbelongstoorganization concept_university_cmu +concept_person_indra_nooyi concept:topmemberoforganization concept_bank_pepsico +concept_person_indra_nooyi concept:personleadsorganization concept_biotechcompany_pepsico +concept_person_indrajit concept:persondiedincountry concept_country_england +concept_person_infante concept:personhascitizenship concept_country_portugal +concept_person_infante concept:personhascitizenship concept_country_spain +concept_person_inger_gleerup concept:persondiedincountry concept_country_bulgaria +concept_person_ingmar_bergman concept:persondiedatage 89 +concept_person_innocently concept:persondiedincountry concept_country_england +concept_person_instructor concept:persondiedincountry concept_country_england +concept_person_interior_ministry_chief_rehman_malik concept:persondiedincountry concept_country_england +concept_person_iowa concept:persondiedincountry concept_country_england +concept_person_ira_erwin concept:persondiedincountry concept_country_england +concept_person_iran concept:personleadsgeopoliticalorganization concept_city_trade +concept_person_iran concept:personleadsgeopoliticalorganization concept_country_u_n__security_council +concept_person_iran concept:personleadsorganization concept_country_u_n__security_council +concept_person_iran concept:atdate concept_date_n1979 +concept_person_iran concept:atdate concept_date_n2001 +concept_person_iran concept:atdate concept_date_n2003 +concept_person_iran concept:atdate concept_date_n2004 +concept_person_iran concept:atdate concept_dateliteral_n1980 +concept_person_iran concept:atdate concept_dateliteral_n2005 +concept_person_iran concept:atdate concept_dateliteral_n2006 +concept_person_iran concept:atdate concept_dateliteral_n2007 +concept_person_iran concept:atdate concept_dateliteral_n2008 +concept_person_iran concept:personleadsgeopoliticalorganization concept_governmentorganization_united_nations +concept_person_iran concept:personleadsgeopoliticalorganization concept_nongovorganization_council +concept_person_iran concept:personleadsgeopoliticalorganization concept_nongovorganization_security_council +concept_person_iran concept:personleadsgeopoliticalorganization concept_nongovorganization_u_s_ +concept_person_iran concept:personleadsgeopoliticalorganization concept_nongovorganization_unsc +concept_person_iran concept:synonymfor concept_politicalparty_republic +concept_person_iran concept:personleadsorganization concept_politicalparty_u_n_ +concept_person_iran concept:personleadsgeopoliticalorganization concept_stateorprovince_rights +concept_person_iran concept:personleadsgeopoliticalorganization concept_stateorprovince_un +concept_person_iran concept:personleadsorganization concept_stateorprovince_un +concept_person_iran concept:personleadsgeopoliticalorganization concept_terroristorganization_un_security_council +concept_person_iran concept:atdate concept_year_n1998 +concept_person_irving concept:personbornincity concept_city_york +concept_person_irving concept:personborninlocation concept_city_york +concept_person_isaac concept:persondiedatage 180 +concept_person_isaac concept:personbornincity concept_city_york +concept_person_isaac concept:personborninlocation concept_city_york +concept_person_isaac concept:parentofperson concept_male_esau +concept_person_isaac concept:hasspouse concept_person_sarah001 +concept_person_isaac_barnett concept:persondiedincountry concept_country_england +concept_person_isaac_barnett concept:personhasjobposition concept_jobposition_businessman +concept_person_isaac_hayes concept:persondiedatage 65 +concept_person_isaac_hayes001 concept:persondiedatage 65 +concept_person_isaac_hayes002 concept:persondiedatage 65 +concept_person_isabella_rossellini concept:hasspouse concept_director_jonathan_wiedemann +concept_person_ishmael concept:hassibling concept_person_isaac +concept_person_isla_fisher concept:hasspouse concept_person_sacha_baron_cohen +concept_person_israel_hernandez concept:personbelongstoorganization concept_governmentorganization_u_s__and_foreign_commercial_service +concept_person_israel_hernandez concept:personleadsorganization concept_governmentorganization_u_s__and_foreign_commercial_service +concept_person_israel_hernandez concept:personhasjobposition concept_jobposition_assistant_secretary_for_trade_promotion +concept_person_israel_hernandez concept:personhasjobposition concept_jobposition_director_general +concept_person_israel_hernandez concept:personbelongstoorganization concept_organization_campaign_staff +concept_person_ivan_turgenev concept:agentcontributedtocreativework concept_book_fathers_and_sons +concept_person_ivan_turgenev concept:agentcreated concept_book_fathers_and_sons +concept_person_ivan_turgenev concept:agentcreated concept_book_first_love +concept_person_ivan_turgenev concept:agentcontributedtocreativework concept_book_spring_torrents +concept_person_ivan_turgenev concept:agentcreated concept_book_spring_torrents +concept_person_j__terrence_lanni concept:personhasjobposition concept_jobposition_executive +concept_person_j_r__smith concept:personalsoknownas concept_person_j_r__towles +concept_person_j_r__smith concept:personalsoknownas concept_person_j_r_smith +concept_person_j_r__smith concept:personalsoknownas concept_person_linas_kleiza +concept_person_j_r__towles concept:personalsoknownas concept_person_j_r__smith +concept_person_j_r__towles concept:personalsoknownas concept_person_j_r_smith +concept_person_j_r__towles concept:personalsoknownas concept_person_linas_kleiza +concept_person_j_r_smith concept:personalsoknownas concept_person_j_r__smith +concept_person_j_r_smith concept:personalsoknownas concept_person_j_r__towles +concept_person_j_r_smith concept:personalsoknownas concept_person_linas_kleiza001 +concept_person_jaap_de_hoop_scheffer concept:personhasjobposition concept_politicaloffice_secretary_general +concept_person_jack concept:persondiedatage 2 +concept_person_jack concept:personbornincity concept_city_york +concept_person_jack concept:personborninlocation concept_city_york +concept_person_jack concept:personhasjobposition concept_jobposition_king +concept_person_jack concept:hasspouse concept_person_jackie001 +concept_person_jack concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_jack concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jack concept:persongraduatedfromuniversity concept_university_college +concept_person_jack concept:persongraduatedschool concept_university_college +concept_person_jack concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jack concept:persongraduatedschool concept_university_state_university +concept_person_jack001 concept:persondiedatage 2 +concept_person_jack002 concept:persondiedatage 2 +concept_person_jack002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jack_atterberry concept:persondiedincountry concept_country_england +concept_person_jack_atterberry concept:personhasjobposition concept_jobposition_director_of_campaign_reporting +concept_person_jack_cafferty concept:worksfor concept_company_cnn +concept_person_jack_newton concept:personhasjobposition concept_jobposition_golfer +concept_person_jack_welch concept:topmemberoforganization concept_bank_ge +concept_person_jack_welch concept:worksfor concept_bank_ge +concept_person_jack_welch concept:worksfor concept_bank_general_electric +concept_person_jack_welch concept:agentcontrols concept_retailstore_general_electric +concept_person_jack_welch concept:proxyfor concept_retailstore_general_electric +concept_person_jack_welch concept:subpartof concept_retailstore_general_electric +concept_person_jackie001 concept:personbornincity concept_city_york +concept_person_jackie001 concept:personborninlocation concept_city_york +concept_person_jackie001 concept:personbelongstoorganization concept_governmentorganization_house +concept_person_jackie_lee___his_orchestra concept:persondiedincountry concept_country_england +concept_person_jackson001 concept:personbornincity concept_city_orleans +concept_person_jackson001 concept:personborninlocation concept_city_york +concept_person_jackson001 concept:agentcollaborateswithagent concept_comedian_frank_melton +concept_person_jackson001 concept:personchargedwithcrime concept_crimeorcharge_child_molestation +concept_person_jackson001 concept:personchargedwithcrime concept_crimeorcharge_molestation +concept_person_jackson001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_jackson001 concept:personbelongstoorganization concept_governmentorganization_house +concept_person_jackson001 concept:worksfor concept_sportsteam_chicago_bulls +concept_person_jackson001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jackson001 concept:persongraduatedschool concept_university_state_university +concept_person_jacobs concept:personbornincity concept_city_york +concept_person_jacoby_ellsbury concept:personbelongstoorganization concept_university_boston_red_sox +concept_person_jacqueline concept:personborninlocation concept_county_york_city +concept_person_jacqueline_witte concept:personhasjobposition concept_jobposition_actress +concept_person_jacques_piccard concept:personhasjobposition concept_jobposition_explorer +concept_person_jada_pinkett_smith concept:hasspouse concept_comedian_will_smith +concept_person_jada_pinkett_smith concept:hashusband concept_personus_will_smith +concept_person_jade concept:persondiedincountry concept_country_england +concept_person_jake concept:persondiedatage 6 +concept_person_jake concept:personbornincity concept_city_york +concept_person_jake_gyllenhaal concept:hasspouse concept_person_reese_witherspoon +concept_person_jake_tapper concept:worksfor concept_city_abc +concept_person_jake_tapper concept:worksfor concept_company_abc_news +concept_person_jake_tapper concept:personbelongstoorganization concept_governmentorganization_abc_news +concept_person_jamaal_magloire concept:personalsoknownas concept_actor_bobby_jackson +concept_person_jamaal_magloire concept:personalsoknownas concept_athlete_granger +concept_person_jamaal_magloire concept:personalsoknownas concept_athlete_wayne_simien +concept_person_jamaal_magloire concept:personalsoknownas concept_person_jamaal_tinsley +concept_person_jamaal_magloire001 concept:persondiedincountry concept_country_england +concept_person_jamaal_tinsley concept:personalsoknownas concept_actor_bobby_jackson +concept_person_jamaal_tinsley concept:personalsoknownas concept_person_jamaal_magloire +concept_person_james concept:persondiedatage 6 +concept_person_james001 concept:persondiedatage 6 +concept_person_james001 concept:agentcontrols concept_charactertrait_world +concept_person_james001 concept:personbornincity concept_city_york +concept_person_james001 concept:worksfor concept_company_the_new_york_times001 +concept_person_james001 concept:personhascitizenship concept_country_britain +concept_person_james001 concept:personhascitizenship concept_country_england +concept_person_james001 concept:personhascitizenship concept_country_france_france +concept_person_james001 concept:personhascitizenship concept_country_ireland +concept_person_james001 concept:personhascitizenship concept_country_scotland +concept_person_james001 concept:personborninlocation concept_county_york_city +concept_person_james001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_james001 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_james001 concept:personhasjobposition concept_jobposition_king +concept_person_james001 concept:hassibling concept_journalist_jude +concept_person_james001 concept:personbelongstoorganization concept_musicartist_times +concept_person_james001 concept:hassibling concept_person_john003 +concept_person_james001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_james001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_james001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_james001 concept:worksfor concept_stateorprovince_times +concept_person_james001 concept:persongraduatedfromuniversity concept_university_college +concept_person_james001 concept:persongraduatedschool concept_university_college +concept_person_james001 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_james001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_james001 concept:persongraduatedschool concept_university_state_university +concept_person_james__buster__douglas concept:persondiedincountry concept_country_england +concept_person_james_a__holt concept:persondiedincountry concept_country_england +concept_person_james_b___stewart concept:personalsoknownas concept_athlete_james_stewart +concept_person_james_d__oughton concept:persondiedincountry concept_country_england +concept_person_james_devin concept:persondiedincountry concept_country_england +concept_person_james_ernest concept:persondiedincountry concept_country_england +concept_person_james_g__edinger concept:persondiedincountry concept_country_england +concept_person_james_h__gholson concept:persondiedincountry concept_country_england +concept_person_james_kustrin concept:persondiedincountry concept_country_england +concept_person_james_mackoy concept:persondiedincountry concept_country_england +concept_person_james_ockimey concept:persondiedincountry concept_country_england +concept_person_james_shreeve concept:persondiedincountry concept_country_england +concept_person_james_syhabout concept:persondiedincountry concept_country_england +concept_person_james_t___tierney concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_james_t___tierney concept:persongraduatedschool concept_university_brown_university +concept_person_jamie concept:personbornincity concept_city_york +concept_person_jamie concept:personborninlocation concept_city_york +concept_person_jamie concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jamie concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jamie concept:persongraduatedschool concept_university_state_university +concept_person_jamie_cullum concept:hasspouse concept_model_sophie_dahl +concept_person_jamie_jo_mitchell concept:persondiedincountry concept_country_england +concept_person_jamie_lynn_spears concept:hasspouse concept_person_casey_aldridge +concept_person_jamie_mcintyre concept:worksfor concept_company_cnn +concept_person_jan001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jan001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jan001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jan001 concept:persongraduatedschool concept_university_state_university +concept_person_janaka concept:persondiedincountry concept_country_england +concept_person_jane_farris concept:persondiedincountry concept_country_england +concept_person_jane_friedman concept:topmemberoforganization concept_company_harpercollins +concept_person_jane_garvey concept:topmemberoforganization concept_company_federal_aviation_administration +concept_person_janet concept:personbornincity concept_city_york +concept_person_janet concept:persongraduatedfromuniversity concept_university_college +concept_person_janis_miller concept:persondiedincountry concept_country_england +concept_person_jared_cotter concept:personbornincity concept_city_kew_gardens +concept_person_jarrett concept:personborninlocation concept_county_york_city +concept_person_jason concept:persondiedatage 3 +concept_person_jason concept:personbornincity concept_city_york +concept_person_jason concept:haswife concept_person_stephanie +concept_person_jason concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jason concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_jason concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_person_jason concept:persongraduatedfromuniversity concept_university_college +concept_person_jason concept:persongraduatedschool concept_university_college +concept_person_jason concept:persongraduatedfromuniversity concept_university_new_york_university +concept_person_jason concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jason concept:persongraduatedschool concept_university_state_university +concept_person_jason001 concept:persondiedatage 3 +concept_person_jason002 concept:persondiedatage 3 +concept_person_jason002 concept:personhasjobposition concept_jobposition_king +concept_person_jason002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_jason002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jason_cottrell concept:persondiedincountry concept_country_england +concept_person_jason_lee concept:hasspouse concept_person_beth_riesgraf +concept_person_jason_sehorn concept:haswife concept_actor_angie_harmon +concept_person_jatin_das concept:personhasjobposition concept_jobposition_painter +concept_person_jay001 concept:persondiedatage 3 +concept_person_jay001 concept:personbornincity concept_city_york +concept_person_jay001 concept:persondiedincountry concept_country_england +concept_person_jay001 concept:personborninlocation concept_county_york_city +concept_person_jay001 concept:personbelongstoorganization concept_sportsteam_broncos +concept_person_jay001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jay001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_jay001 concept:persongraduatedfromuniversity concept_university_college +concept_person_jay001 concept:persongraduatedschool concept_university_college +concept_person_jay001 concept:persongraduatedfromuniversity concept_university_stanford +concept_person_jay001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jay001 concept:persongraduatedschool concept_university_state_university +concept_person_jay_b__stewart concept:personhasjobposition concept_jobposition_managing_partner +concept_person_jay_cutler concept:hasspouse concept_actor_kristin_cavallari +concept_person_jay_cutler concept:haswife concept_female_kristin_cavallari +concept_person_jay_howard concept:personbelongstoorganization concept_organization_roth_racing +concept_person_jay_mathews concept:worksfor concept_city_washington_d_c +concept_person_jay_mathews concept:worksfor concept_company_post +concept_person_jay_mathews concept:worksfor concept_website_washington_post +concept_person_jay_mohr concept:haswife concept_director_nikki_cox +concept_person_jay_z concept:haswife concept_female_beyonce +concept_person_jay_z concept:hasspouse concept_person_knowles +concept_person_jay_z concept:topmemberoforganization concept_recordlabel_def_jam_records +concept_person_jay_z001 concept:agentcreated concept_book_decoded +concept_person_jay_z001 concept:hasspouse concept_person_beyonce +concept_person_jay_z001 concept:agentcontrols concept_personcanada_rocawear +concept_person_jean001 concept:personbornincity concept_city_york +concept_person_jean001 concept:personborninlocation concept_city_york +concept_person_jean_kasem concept:hasspouse concept_person_casey +concept_person_jean_shinoda concept:persondiedincountry concept_country_england +concept_person_jean_todt concept:topmemberoforganization concept_automobilemaker_ferrari +concept_person_jeanette concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jeanette concept:persongraduatedschool concept_university_state_university +concept_person_jeanne_campbell concept:personhasjobposition concept_jobposition_lady +concept_person_jeff concept:agentcontrols concept_charactertrait_world +concept_person_jeff concept:personbornincity concept_city_york +concept_person_jeff concept:personborninlocation concept_city_york +concept_person_jeff concept:agentcollaborateswithagent concept_coach_jersey +concept_person_jeff concept:personbelongstoorganization concept_geopoliticallocation_jersey +concept_person_jeff concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_jeff concept:personhasjobposition concept_jobposition_king +concept_person_jeff concept:agentcollaborateswithagent concept_male_world +concept_person_jeff concept:politicianholdsoffice concept_politicaloffice_president +concept_person_jeff concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jeff concept:personmovedtostateorprovince concept_stateorprovince_illinois +concept_person_jeff concept:persongraduatedfromuniversity concept_university_college +concept_person_jeff concept:persongraduatedschool concept_university_college +concept_person_jeff concept:persongraduatedfromuniversity concept_university_institute +concept_person_jeff concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jeff concept:persongraduatedschool concept_university_state_university +concept_person_jeff001 concept:personborninlocation concept_county_york_city +concept_person_jeff001 concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_person_jeff_capel concept:worksfor concept_stateorprovince_oklahoma +concept_person_jeff_jarvis concept:personbelongstoorganization concept_university_media +concept_person_jeff_samardzija concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_person_jeff_sanderson concept:personhasjobposition concept_jobposition_publicist +concept_person_jeff_tedford concept:worksfor concept_professionalorganization_cal +concept_person_jeff_van_gundy concept:worksfor concept_sportsteam_knicks +concept_person_jeff_zucker concept:topmemberoforganization concept_company_nbc_universal001 +concept_person_jeff_zucker concept:agentcontrols concept_retailstore_nbc +concept_person_jeff_zucker concept:proxyfor concept_retailstore_nbc +concept_person_jeffrey concept:personborninlocation concept_city_york +concept_person_jeffrey concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jeffrey concept:persongraduatedfromuniversity concept_university_college +concept_person_jeffrey concept:persongraduatedschool concept_university_college +concept_person_jeffrey concept:persongraduatedfromuniversity concept_university_yale_university +concept_person_jeffrey concept:persongraduatedschool concept_university_yale_university +concept_person_jeffrey_d__kettle concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_jeffrey_d__kettle concept:persondiedincountry concept_country_england +concept_person_jeffrey_d__kettle concept:personhasresidenceingeopoliticallocation concept_island_texas_city +concept_person_jeffrey_d__kettle concept:personhasjobposition concept_jobposition_sgt__1st_class +concept_person_jeffrey_d__kettle concept:personbelongstoorganization concept_organization_n2nd_battalion__7th_special_forces_group +concept_person_jeffrey_skilling concept:personleadsorganization concept_company_enron +concept_person_jeffrey_skilling concept:worksfor concept_company_enron +concept_person_jeffrey_skilling concept:personleadsorganization concept_company_enron_and_worldcom +concept_person_jeffrey_skilling concept:worksfor concept_company_enron_and_worldcom +concept_person_jeffrey_skilling concept:agentcollaborateswithagent concept_personasia_enron +concept_person_jehu concept:personhascitizenship concept_country_israel +concept_person_jemima_khan concept:hasspouse concept_person_hugh_grant +concept_person_jen concept:personbornincity concept_city_york +concept_person_jen concept:personborninlocation concept_city_york +concept_person_jen concept:hasspouse concept_personus_john_mayer +concept_person_jen concept:personbelongstoorganization concept_politicalparty_college +concept_person_jen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jen concept:persongraduatedfromuniversity concept_university_college +concept_person_jen concept:persongraduatedschool concept_university_college +concept_person_jen concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jen concept:persongraduatedschool concept_university_state_university +concept_person_jennifer concept:hasspouse concept_male_abraham_lincoln001 +concept_person_jennifer concept:personbelongstoorganization concept_politicalparty_college +concept_person_jennifer concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jennifer concept:persongraduatedfromuniversity concept_university_college +concept_person_jennifer concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jennifer concept:persongraduatedschool concept_university_state_university +concept_person_jennifer001 concept:personbornincity concept_city_new_york +concept_person_jennifer001 concept:personmovedtostateorprovince concept_visualizablescene_washington +concept_person_jennifer_burris concept:persondiedincountry concept_country_england +concept_person_jennifer_connelly concept:hasspouse concept_comedian_paul_bettany +concept_person_jennifer_connelly concept:hashusband concept_male_paul_bettany +concept_person_jennifer_flavin concept:hasspouse concept_actor_sylvester_stallone +concept_person_jennifer_hudson concept:hasspouse concept_person_david_otunga +concept_person_jennifer_love_hewitt concept:hashusband concept_comedian_ross_mccall +concept_person_jennifer_love_hewitt concept:hasspouse concept_person_ross_mccall +concept_person_jennifer_rios concept:persondiedincountry concept_country_england +concept_person_jenny_klimenko concept:persondiedincountry concept_country_england +concept_person_jeremiah_blocki concept:personbelongstoorganization concept_university_cmu +concept_person_jeremy concept:persondiedatage 5 +concept_person_jeremy concept:personbornincity concept_city_york +concept_person_jeremy concept:personborninlocation concept_city_york +concept_person_jeremy concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jeremy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jeremy concept:persongraduatedschool concept_university_state_university +concept_person_jeremy001 concept:persondiedatage 5 +concept_person_jeremy_baldwin concept:persondiedincountry concept_country_england +concept_person_jermaine_dupri concept:hasspouse concept_celebrity_janet_jackson +concept_person_jeroen_van_der_veer concept:personhasjobposition concept_jobposition_chief_executive +concept_person_jerome concept:personbornincity concept_city_york +concept_person_jerome concept:personborninlocation concept_city_york +concept_person_jerry concept:personbornincity concept_city_orleans +concept_person_jerry concept:hasspouse concept_person_hughes +concept_person_jerry concept:politicianholdsoffice concept_politicaloffice_president +concept_person_jerry concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jerry concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jerry concept:persongraduatedfromuniversity concept_university_college +concept_person_jerry concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jerry concept:persongraduatedschool concept_university_state_university +concept_person_jerry_hall concept:hasspouse concept_actor_mick_jagger +concept_person_jessica concept:persondiedatage 3 +concept_person_jessica concept:persongraduatedfromuniversity concept_university_college +concept_person_jessica concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jessica001 concept:persondiedatage 3 +concept_person_jessica001 concept:hasspouse concept_actor_cash_warren +concept_person_jessica001 concept:personbornincity concept_city_york +concept_person_jessica001 concept:hashusband concept_male_nick_lachey +concept_person_jessica001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_jessica001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jessica001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jessica001 concept:persongraduatedschool concept_university_college +concept_person_jessica001 concept:persongraduatedschool concept_university_state_university +concept_person_jessica_alba concept:hasspouse concept_actor_cash_warren +concept_person_jessica_alba concept:hashusband concept_ceo_cash_warren +concept_person_jessica_cantlon concept:personbelongstoorganization concept_county_university_of_rochester +concept_person_jessica_simpson concept:hashusband concept_musician_john_mayer +concept_person_jessica_simpson concept:hasspouse concept_person_tony_romo +concept_person_jesus concept:persondiedatage 19 +concept_person_jesus concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_jesus concept:personhasjobposition concept_jobposition_anchor +concept_person_jesus concept:personhasjobposition concept_jobposition_founder +concept_person_jesus concept:personhasjobposition concept_jobposition_head +concept_person_jesus concept:personhasjobposition concept_jobposition_king +concept_person_jesus concept:personhasjobposition concept_jobposition_lawyer +concept_person_jesus concept:personhasjobposition concept_jobposition_leader +concept_person_jesus concept:personhasjobposition concept_jobposition_lord +concept_person_jesus concept:personhasjobposition concept_jobposition_lord_ +concept_person_jesus concept:personhasjobposition concept_jobposition_lord_god +concept_person_jesus concept:personhasjobposition concept_jobposition_master_teacher +concept_person_jesus concept:personhasjobposition concept_jobposition_member +concept_person_jesus concept:personhasjobposition concept_jobposition_partner +concept_person_jesus concept:personhasjobposition concept_jobposition_philosopher +concept_person_jesus concept:personhasjobposition concept_jobposition_physician +concept_person_jesus concept:personhasjobposition concept_jobposition_prophet +concept_person_jesus concept:personhasjobposition concept_jobposition_teacher +concept_person_jesus concept:personhasjobposition concept_jobposition_true_lord +concept_person_jesus concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_person_jew concept:parentofperson concept_person_jesus +concept_person_jewel concept:hasspouse concept_person_ty_murray +concept_person_jill concept:personbornincity concept_city_york +concept_person_jill concept:personborninlocation concept_city_york +concept_person_jim concept:persondiedatage 2 +concept_person_jim concept:agentcontrols concept_charactertrait_world +concept_person_jim concept:personbornincity concept_city_york +concept_person_jim concept:personborninlocation concept_county_york_city +concept_person_jim concept:haswife concept_person_patricia +concept_person_jim concept:personbelongstoorganization concept_politicalparty_college +concept_person_jim concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_jim concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jim concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jim concept:personmovedtostateorprovince concept_stateorprovince_colorado +concept_person_jim concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_jim concept:persongraduatedfromuniversity concept_university_college +concept_person_jim concept:persongraduatedschool concept_university_college +concept_person_jim concept:persongraduatedfromuniversity concept_university_cornell_university +concept_person_jim concept:persongraduatedfromuniversity concept_university_high_school +concept_person_jim concept:persongraduatedfromuniversity concept_university_law_school +concept_person_jim concept:persongraduatedfromuniversity concept_university_ohio_state +concept_person_jim concept:persongraduatedfromuniversity concept_university_princeton_university +concept_person_jim concept:persongraduatedschool concept_university_princeton_university +concept_person_jim concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jim concept:persongraduatedschool concept_university_state_university +concept_person_jim concept:persongraduatedfromuniversity concept_university_ucla +concept_person_jim concept:personmovedtostateorprovince concept_visualizablescene_washington +concept_person_jim_clark concept:worksfor concept_website_netscape +concept_person_jim_flavin concept:topmemberoforganization concept_company_fyffes_plc +concept_person_jim_godfrey concept:persondiedincountry concept_country_england +concept_person_jim_langer concept:persondiedincountry concept_country_england +concept_person_jim_owens concept:topmemberoforganization concept_automobilemaker_caterpillar +concept_person_jim_owens concept:proxyfor concept_clothing_caterpillar +concept_person_jim_owens concept:subpartof concept_clothing_caterpillar +concept_person_jim_owens concept:agentcollaborateswithagent concept_personafrica_caterpillar +concept_person_jim_owens concept:agentcontrols concept_personafrica_caterpillar +concept_person_jimmy concept:personbornincity concept_city_york +concept_person_jimmy_carabello concept:personhasjobposition concept_jobposition_command_sgt__maj_ +concept_person_jimmy_carabello concept:personbelongstoorganization concept_organization_n10th_mountain_division +concept_person_jimmy_iovine concept:topmemberoforganization concept_recordlabel_interscope +concept_person_jiri_dienstbier_jr_ concept:persondiedincountry concept_country_england +concept_person_jo concept:personbornincity concept_city_york +concept_person_jo concept:personhascitizenship concept_country_portugal +concept_person_joan001 concept:persongraduatedfromuniversity concept_university_college +concept_person_joan_webb concept:persondiedincountry concept_country_england +concept_person_joanne concept:personbornincity concept_city_york +concept_person_jobs concept:persondiedatage 0 +concept_person_joe concept:persondiedatage 10 +concept_person_joe001 concept:persondiedatage 10 +concept_person_joe002 concept:persondiedatage 10 +concept_person_joe002 concept:agentcontrols concept_charactertrait_world +concept_person_joe002 concept:personbornincity concept_city_york +concept_person_joe002 concept:personborninlocation concept_country_orleans +concept_person_joe002 concept:haswife concept_female_mary +concept_person_joe002 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_joe002 concept:personhasjobposition concept_jobposition_ambassador_to_britain +concept_person_joe002 concept:personhasjobposition concept_jobposition_king +concept_person_joe002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_joe002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_joe002 concept:personmovedtostateorprovince concept_stateorprovince_illinois +concept_person_joe002 concept:persongraduatedfromuniversity concept_university_college +concept_person_joe002 concept:persongraduatedschool concept_university_college +concept_person_joe002 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_joe002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_joe002 concept:persongraduatedschool concept_university_state_university +concept_person_joe_bissett concept:persondiedincountry concept_country_england +concept_person_joe_brixey concept:persondiedincountry concept_country_england +concept_person_joel concept:personbornincity concept_city_york +concept_person_joel concept:personborninlocation concept_county_york_city +concept_person_joel_garreau concept:worksfor concept_city_washington_d_c +concept_person_joel_garreau concept:worksfor concept_website_washington_post +concept_person_joel_gertner concept:persondiedincountry concept_country_england +concept_person_joel_madden concept:hasspouse concept_comedian_nicole_richie +concept_person_joel_madden concept:haswife concept_female_nicole_richie +concept_person_joel_skinner concept:parentofperson concept_personmexico_bob_skinner +concept_person_joel_spencer concept:personbelongstoorganization concept_university_nyu +concept_person_joelle_simpson concept:persondiedincountry concept_country_england +concept_person_joerg_haider concept:persondiedincountry concept_country_england +concept_person_joey concept:persondiedatage 2 +concept_person_joey001 concept:persondiedatage 2 +concept_person_joey002 concept:persondiedatage 2 +concept_person_joey002 concept:personbornincity concept_city_york +concept_person_johan_santana001 concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_john concept:persondiedatage 2 +concept_person_john concept:personbornincity concept_city_bedford +concept_person_john concept:haswife concept_person_janet +concept_person_john concept:hasspouse concept_person_michelle_phillips +concept_person_john001 concept:persondiedatage 2 +concept_person_john001 concept:personbornincity concept_city_hampshire +concept_person_john001 concept:personhascitizenship concept_country_france_france +concept_person_john001 concept:personhascitizenship concept_country_sweden +concept_person_john001 concept:personborninlocation concept_county_york_city +concept_person_john001 concept:agentcontributedtocreativework concept_musicalbum_revelation +concept_person_john001 concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arizona +concept_person_john002 concept:persondiedatage 2 +concept_person_john003 concept:persondiedatage 2 +concept_person_john003 concept:personborninlocation concept_airport_jersey +concept_person_john003 concept:agentcontrols concept_charactertrait_world +concept_person_john003 concept:parentofperson concept_coach_peter_moylan +concept_person_john003 concept:worksfor concept_company_nyt +concept_person_john003 concept:worksfor concept_company_the_new_york_times001 +concept_person_john003 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_john003 concept:personhasjobposition concept_jobposition_king +concept_person_john003 concept:personhasjobposition concept_jobposition_prophet +concept_person_john003 concept:hassibling concept_person_james001 +concept_person_john003 concept:haswife concept_person_ruth +concept_person_john003 concept:personbelongstoorganization concept_politicalparty_college +concept_person_john003 concept:hassibling concept_politicianus_bob +concept_person_john003 concept:persongraduatedfromuniversity concept_school_oxford +concept_person_john003 concept:persongraduatedschool concept_school_oxford +concept_person_john003 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_john003 concept:personmovedtostateorprovince concept_stateorprovince_arkansas +concept_person_john003 concept:personmovedtostateorprovince concept_stateorprovince_kentucky +concept_person_john003 concept:personmovedtostateorprovince concept_stateorprovince_tennessee +concept_person_john003 concept:worksfor concept_stateorprovince_times +concept_person_john003 concept:persongraduatedfromuniversity concept_university_boston_college +concept_person_john003 concept:persongraduatedschool concept_university_boston_college +concept_person_john003 concept:persongraduatedfromuniversity concept_university_college +concept_person_john003 concept:persongraduatedschool concept_university_college +concept_person_john003 concept:persongraduatedfromuniversity concept_university_dartmouth_college +concept_person_john003 concept:persongraduatedschool concept_university_dartmouth_college +concept_person_john003 concept:persongraduatedfromuniversity concept_university_harvard_law_school +concept_person_john003 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_john003 concept:persongraduatedschool concept_university_high_school +concept_person_john003 concept:persongraduatedfromuniversity concept_university_indiana_university +concept_person_john003 concept:persongraduatedfromuniversity concept_university_institute +concept_person_john003 concept:persongraduatedschool concept_university_institute +concept_person_john003 concept:persongraduatedfromuniversity concept_university_massachusetts_institute_of_technology +concept_person_john003 concept:persongraduatedfromuniversity concept_university_mit +concept_person_john003 concept:persongraduatedschool concept_university_mit +concept_person_john003 concept:persongraduatedfromuniversity concept_university_mit_ +concept_person_john003 concept:persongraduatedfromuniversity concept_university_stanford +concept_person_john003 concept:persongraduatedschool concept_university_stanford +concept_person_john003 concept:persongraduatedfromuniversity concept_university_stanford_university +concept_person_john003 concept:persongraduatedschool concept_university_stanford_university +concept_person_john003 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_john003 concept:persongraduatedschool concept_university_state_university +concept_person_john003 concept:persongraduatedfromuniversity concept_university_yale_university +concept_person_john003 concept:worksfor concept_website_new_york_times +concept_person_john_6_jesus concept:persondiedincountry concept_country_england +concept_person_john__hman concept:persondiedincountry concept_country_england +concept_person_john__honey_fitz__fitzgerald concept:atlocation concept_city_boston +concept_person_john_campbell_jones concept:persondiedincountry concept_country_england +concept_person_john_casesa concept:personhasjobposition concept_jobposition_financial_analyst +concept_person_john_clopton concept:persondiedincountry concept_country_england +concept_person_john_coville concept:persondiedincountry concept_country_england +concept_person_john_david_irwin concept:persondiedincountry concept_country_england +concept_person_john_eleen concept:persondiedincountry concept_country_england +concept_person_john_f__rixey concept:persondiedincountry concept_country_england +concept_person_john_fedoruk concept:persondiedincountry concept_country_england +concept_person_john_g__harding concept:persondiedincountry concept_country_england +concept_person_john_g__jackson concept:persondiedincountry concept_country_england +concept_person_john_gerring_jr concept:persondiedincountry concept_country_england +concept_person_john_gilderbloom concept:personhasresidenceingeopoliticallocation concept_city_louisville +concept_person_john_gilderbloom concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_ky_ +concept_person_john_henrik_clarke concept:persondiedincountry concept_country_england +concept_person_john_j__hutt concept:persondiedincountry concept_country_england +concept_person_john_jachna concept:persondiedincountry concept_country_england +concept_person_john_keiley concept:persondiedincountry concept_country_england +concept_person_john_kruithoff concept:persondiedincountry concept_country_england +concept_person_john_l__baird concept:persondiedincountry concept_country_england +concept_person_john_l__castello concept:personleadsorganization concept_biotechcompany_xoma +concept_person_john_l__castello concept:worksfor concept_biotechcompany_xoma +concept_person_john_l__castello concept:personhasjobposition concept_jobposition_chief_executive +concept_person_john_l__luke concept:persondiedincountry concept_country_england +concept_person_john_lamberson concept:persondiedincountry concept_country_england +concept_person_john_leahy concept:persondiedincountry concept_country_england +concept_person_john_loehrlein concept:persondiedincountry concept_country_england +concept_person_john_maine concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_john_millson concept:persondiedincountry concept_country_england +concept_person_john_mistler concept:persondiedincountry concept_country_england +concept_person_john_monastero concept:persondiedincountry concept_country_england +concept_person_john_o_leary concept:topmemberoforganization concept_company_ryanair001 +concept_person_john_s__barry concept:persondiedincountry concept_country_england +concept_person_john_scharmen concept:persondiedincountry concept_country_england +concept_person_johndroe concept:personhasjobposition concept_jobposition_associate_political_director +concept_person_johndroe concept:personhasjobposition concept_politicaloffice_press_secretary +concept_person_johnny concept:personbornincity concept_city_york +concept_person_johnny_cash concept:hasspouse concept_person_june_carter_cash +concept_person_johnny_cash001 concept:haswife concept_person_june_carter_cash +concept_person_jolie concept:hashusband concept_male_brad_pitt +concept_person_jolie concept:hasspouse concept_person_brad_pitt +concept_person_jon concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arizona +concept_person_jon001 concept:personbornincity concept_city_york +concept_person_jon001 concept:personborninlocation concept_city_york +concept_person_jon001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_jon001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jon001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_jon001 concept:personmovedtostateorprovince concept_stateorprovince_michigan +concept_person_jon001 concept:persongraduatedfromuniversity concept_university_college +concept_person_jon001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jon001 concept:persongraduatedschool concept_university_state_university +concept_person_jon_voight concept:parentofperson concept_personmexico_angelina_jolie +concept_person_jonas concept:personbornincity concept_city_york +concept_person_jonas concept:personborninlocation concept_city_york +concept_person_jonathan concept:personbornincity concept_city_york +concept_person_jonathan concept:personborninlocation concept_city_york +concept_person_jonathan concept:hassibling concept_person_simon +concept_person_jonathan concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_jonathan concept:persongraduatedfromuniversity concept_university_college +concept_person_jonathan concept:persongraduatedschool concept_university_college +concept_person_jonathan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jonathan concept:persongraduatedschool concept_university_state_university +concept_person_jonathan concept:persongraduatedfromuniversity concept_university_trinity_college +concept_person_jonathan__coe concept:persondiedincountry concept_country_england +concept_person_jonnatan_leiva concept:persondiedincountry concept_country_england +concept_person_jonnatan_leiva concept:personhasjobposition concept_jobposition_executive_chef +concept_person_jordan concept:personbornincity concept_city_orleans +concept_person_jordan concept:personborninlocation concept_country_orleans +concept_person_jordan concept:personbelongstoorganization concept_politicalparty_college +concept_person_jordan concept:persongraduatedfromuniversity concept_university_college +concept_person_jordan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_jordan concept:persongraduatedschool concept_university_state_university +concept_person_jordan001 concept:hasspouse concept_person_christina +concept_person_jose_bove concept:personhasjobposition concept_jobposition_activist +concept_person_jose_juan_barea concept:worksfor concept_sportsteam_bucks +concept_person_jose_juan_barea concept:worksfor concept_sportsteam_chicago_bulls +concept_person_jose_peralta concept:parentofperson concept_female_rosa_hernandez +concept_person_jose_reyes concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_joseph concept:persondiedatage 110 +concept_person_joseph concept:haswife concept_female_asenath +concept_person_joseph001 concept:persondiedatage 110 +concept_person_joseph001 concept:personhascitizenship concept_country_spain +concept_person_joseph001 concept:personborninlocation concept_county_york_city +concept_person_joseph001 concept:personhasjobposition concept_jobposition_king +concept_person_joseph002 concept:persondiedatage 110 +concept_person_joseph003 concept:persondiedatage 110 +concept_person_joseph003 concept:personbornincity concept_city_york +concept_person_joseph003 concept:personborninlocation concept_city_york +concept_person_joseph003 concept:persongraduatedfromuniversity concept_university_college +concept_person_joseph003 concept:persongraduatedschool concept_university_college +concept_person_joseph003 concept:persongraduatedschool concept_university_community_college +concept_person_joseph_a__jeffries concept:personhasjobposition concept_jobposition_spc_ +concept_person_joseph_a__jeffries concept:personbelongstoorganization concept_organization_n320th_psychological_operations_company +concept_person_joseph_b__casagrande concept:persondiedincountry concept_country_england +concept_person_joseph_bonaparte concept:personhascitizenship concept_country_spain +concept_person_joseph_cain concept:persondiedincountry concept_country_england +concept_person_joseph_eggleston concept:persondiedincountry concept_country_england +concept_person_joseph_f___unanue concept:persongraduatedschool concept_university_duke_university +concept_person_joseph_f___unanue concept:persongraduatedschool concept_university_university_of_north_carolina +concept_person_joseph_lhota concept:personhasjobposition concept_jobposition_investment_banker +concept_person_joseph_m__babson concept:persondiedincountry concept_country_england +concept_person_joseph_m__tucci concept:personhasjobposition concept_jobposition_chief_executive +concept_person_joseph_neville concept:persondiedincountry concept_country_england +concept_person_joseph_rosenstock concept:personhasjobposition concept_jobposition_conductor +concept_person_joseph_rosenstock concept:personhasjobposition concept_jobposition_general_director +concept_person_joseph_t__deal concept:persondiedincountry concept_country_england +concept_person_joseph_the_carpenter concept:hasspouse concept_female_mary +concept_person_joseph_wallingford concept:persondiedincountry concept_country_england +concept_person_josh concept:persondiedatage 3 +concept_person_josh001 concept:persondiedatage 3 +concept_person_josh001 concept:personbornincity concept_city_york +concept_person_josh001 concept:personborninlocation concept_county_york_city +concept_person_josh001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_josh001 concept:persongraduatedschool concept_university_state_university +concept_person_josh_bolton concept:personhasjobposition concept_politicaloffice_chief_of_staff +concept_person_josh_bolton concept:personbelongstoorganization concept_politicsblog_white_house +concept_person_josianne_balasko concept:persondiedincountry concept_country_england +concept_person_jossey_bass concept:atdate concept_dateliteral_n2007 +concept_person_juan_carlos_osorio concept:topmemberoforganization concept_company_millonarios +concept_person_judah concept:haswife concept_female_tamar +concept_person_judah concept:personhasjobposition concept_jobposition_king +concept_person_judah concept:hasspouse concept_person_tamar +concept_person_judah concept:parentofperson concept_writer_perez +concept_person_jude_law concept:hasspouse concept_person_sadie_frost +concept_person_judge_campbell concept:persondiedincountry concept_country_england +concept_person_judge_david_hale concept:persondiedincountry concept_country_england +concept_person_judge_fawcus concept:persondiedincountry concept_country_england +concept_person_judge_rant_qc concept:persondiedincountry concept_country_england +concept_person_judith concept:personbornincity concept_city_york +concept_person_judith concept:personborninlocation concept_city_york +concept_person_judith_nathan concept:personhasjobposition concept_jobposition_pharmaceutical_sales_manager +concept_person_judy concept:personbornincity concept_city_york +concept_person_judy concept:personborninlocation concept_city_york +concept_person_judy concept:hashusband concept_male_george +concept_person_judy concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_judy concept:persongraduatedfromuniversity concept_university_college +concept_person_judy concept:persongraduatedschool concept_university_college +concept_person_judy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_judy concept:persongraduatedschool concept_university_state_university +concept_person_judy_mcgrath concept:worksfor concept_politicsblog_mtv_networks +concept_person_judy_mcgrath concept:topmemberoforganization concept_radiostation_mtv_networks +concept_person_julia concept:personbornincity concept_city_york +concept_person_julia concept:personborninlocation concept_city_york +concept_person_julia_connell concept:persondiedincountry concept_country_england +concept_person_julian concept:persondiedatage 2 +concept_person_julian concept:personbornincity concept_city_york +concept_person_julie concept:personbornincity concept_city_york +concept_person_julie concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_julie concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_julie concept:persongraduatedfromuniversity concept_university_college +concept_person_julie concept:persongraduatedfromuniversity concept_university_state_university +concept_person_julie concept:persongraduatedschool concept_university_state_university +concept_person_julie_gerberding concept:topmemberoforganization concept_company_united_states_centers_for_disease_prevention_and_control +concept_person_julius_nyerere concept:personhasresidenceingeopoliticallocation concept_country_tanzania +concept_person_julius_nyerere concept:personleadsorganization concept_country_tanzania +concept_person_julius_nyerere concept:worksfor concept_country_tanzania +concept_person_june_carter concept:hasspouse concept_person_johnny_cash +concept_person_june_carter_cash concept:hashusband concept_person_johnny_cash001 +concept_person_justin concept:persondiedatage 20 +concept_person_justin concept:personbornincity concept_city_york +concept_person_justin concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_justin concept:persongraduatedfromuniversity concept_university_state_university +concept_person_justin concept:persongraduatedschool concept_university_state_university +concept_person_justin_guarini concept:persondiedincountry concept_country_england +concept_person_justin_timberlake concept:hasspouse concept_celebrity_jessica_biel +concept_person_justin_timberlake concept:haswife concept_personcanada_jessica_biel +concept_person_justin_verlander concept:personbelongstoorganization concept_organization_tigers +concept_person_k_fed concept:haswife concept_person_britney +concept_person_kajol concept:hasspouse concept_person_ajay_devgan +concept_person_kanaan concept:personhasjobposition concept_jobposition_team_leader +concept_person_kanaan concept:personleadsorganization concept_organization_agr +concept_person_kanaan concept:worksfor concept_organization_agr +concept_person_karen concept:agentcontrols concept_charactertrait_world +concept_person_karen concept:personbornincity concept_city_york +concept_person_karen concept:personborninlocation concept_city_york +concept_person_karen concept:hashusband concept_coach_peter_moylan +concept_person_karen concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_karen concept:personbelongstoorganization concept_politicalparty_college +concept_person_karen concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_karen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_karen concept:personmovedtostateorprovince concept_stateorprovince_colorado +concept_person_karen concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_karen concept:persongraduatedfromuniversity concept_university_college +concept_person_karen concept:persongraduatedfromuniversity concept_university_state_university +concept_person_karen concept:persongraduatedschool concept_university_state_university +concept_person_karina concept:personborninlocation concept_city_york +concept_person_karl concept:personbornincity concept_city_york +concept_person_karl concept:personborninlocation concept_city_york +concept_person_karl concept:personhascitizenship concept_country_sweden +concept_person_karzai concept:personleadsgeopoliticalorganization concept_agent_family +concept_person_karzai concept:personleadsorganization concept_bank_administration +concept_person_karzai concept:personleadsgeopoliticalorganization concept_city_kabul +concept_person_karzai concept:personleadsorganization concept_company_pakistan +concept_person_karzai concept:personleadsorganization concept_company_power +concept_person_karzai concept:personleadsgeopoliticalorganization concept_country_afghanistan +concept_person_karzai concept:personleadsorganization concept_country_afghanistan +concept_person_karzai concept:personleadsgeopoliticalorganization concept_country_pakistan +concept_person_karzai concept:personleadsgeopoliticalorganization concept_country_us +concept_person_karzai concept:agentcontrols concept_emotion_government +concept_person_karzai concept:agentcontrols concept_emotion_regime +concept_person_karzai concept:personleadsgeopoliticalorganization concept_governmentorganization_authority +concept_person_karzai concept:personleadsorganization concept_governmentorganization_authority +concept_person_karzai concept:personleadsgeopoliticalorganization concept_governmentorganization_government +concept_person_karzai concept:personleadsgeopoliticalorganization concept_nongovorganization_forces +concept_person_karzai concept:personleadsorganization concept_nongovorganization_forces +concept_person_karzai concept:personleadsgeopoliticalorganization concept_politicalparty_afghan_government +concept_person_karzai concept:personleadsgeopoliticalorganization concept_politicalparty_central_government +concept_person_karzai concept:personleadsorganization concept_politicalparty_central_government +concept_person_karzai concept:personleadsgeopoliticalorganization concept_politicalparty_coalition +concept_person_karzai concept:personleadsgeopoliticalorganization concept_politicalparty_transitional_government +concept_person_kasey_kahne concept:hasspouse concept_person_jeff +concept_person_kate concept:persondiedatage 2 +concept_person_kate concept:personbornincity concept_city_york +concept_person_kate concept:hashusband concept_personeurope_william +concept_person_kate concept:personbelongstoorganization concept_politicalparty_college +concept_person_kate concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kate concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_kate concept:persongraduatedfromuniversity concept_university_college +concept_person_kate_beckinsale concept:hasspouse concept_person_len_wiseman +concept_person_kate_bosworth concept:hasspouse concept_person_orlando_bloom001 +concept_person_kate_brauer_bell concept:persondiedincountry concept_country_england +concept_person_kate_bronfenbrenner concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_kate_capshaw concept:hasspouse concept_director_stephen_spielberg +concept_person_kate_choi concept:persondiedincountry concept_country_england +concept_person_kate_hudson concept:agentcontributedtocreativework concept_book_bride_wars +concept_person_kate_hudson concept:hashusband concept_person_lance_armstrong +concept_person_kate_hudson concept:hasspouse concept_person_lance_armstrong +concept_person_kate_middleton concept:hashusband concept_actor_prince_william +concept_person_kate_middleton concept:hasspouse concept_actor_prince_william +concept_person_kate_moss concept:hashusband concept_personcanada_pete_doherty +concept_person_kate_moss concept:hasspouse concept_personcanada_pete_doherty +concept_person_kate_winslet concept:agentcontributedtocreativework concept_book_revolutionary_road +concept_person_kate_winslet concept:agentcreated concept_book_revolutionary_road +concept_person_kate_winslet concept:hashusband concept_personafrica_sam_mendes +concept_person_kate_winslet concept:hasspouse concept_personus_sam_mendes +concept_person_katherine concept:personborninlocation concept_city_york +concept_person_katherine concept:hasspouse concept_politicianus_henry +concept_person_katherine concept:persongraduatedfromuniversity concept_university_college +concept_person_katherine_borowitz concept:hasspouse concept_celebrity_john_turturro +concept_person_katherine_najor concept:persondiedincountry concept_country_england +concept_person_katherine_rowe concept:persondiedincountry concept_country_england +concept_person_kathleen concept:personbornincity concept_city_york +concept_person_kathleen concept:personborninlocation concept_city_york +concept_person_kathleen concept:personhasresidenceingeopoliticallocation concept_country_france_france +concept_person_kathleen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kathleen concept:persongraduatedfromuniversity concept_university_college +concept_person_kathy concept:personbornincity concept_city_york +concept_person_kathy concept:personborninlocation concept_city_york +concept_person_kathy concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_kathy concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kathy concept:persongraduatedfromuniversity concept_university_college +concept_person_kathy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kathy concept:persongraduatedschool concept_university_state_university +concept_person_kathy concept:hashusband concept_visualizablething_gary +concept_person_katie concept:persondiedatage 5 +concept_person_katie concept:personborninlocation concept_county_york_city +concept_person_katie001 concept:persondiedatage 5 +concept_person_katie001 concept:hasspouse concept_person_tom_cruise +concept_person_katie001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_katie001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_katie001 concept:persongraduatedfromuniversity concept_university_college +concept_person_katie001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_katie001 concept:persongraduatedschool concept_university_state_university +concept_person_katie_price concept:hasspouse concept_actor_peter_andre +concept_person_katrina concept:personbornincity concept_city_new_york +concept_person_katrina concept:personborninlocation concept_hospital_system +concept_person_katrina001 concept:agentactsinlocation concept_lake_new +concept_person_katrina001 concept:atlocation concept_lake_new +concept_person_katrina001 concept:personborninlocation concept_zoo_animals +concept_person_katrina_kaif concept:hashusband concept_personasia_salman_khan +concept_person_katrina_kaif concept:hasspouse concept_personasia_salman_khan +concept_person_katsuaki_watanabe concept:personleadsorganization concept_automobilemaker_toyota +concept_person_katsuaki_watanabe concept:personleadsorganization concept_automobilemaker_toyota_motor +concept_person_katsuaki_watanabe concept:personleadsorganization concept_automobilemaker_toyota_motor_corporation +concept_person_katsuaki_watanabe concept:worksfor concept_automobilemaker_toyota_motor_corporation +concept_person_katz concept:personbornincity concept_city_york +concept_person_katz concept:personborninlocation concept_city_york +concept_person_katz concept:persongraduatedfromuniversity concept_university_college +concept_person_kay_sanderson concept:persondiedincountry concept_country_england +concept_person_keane concept:personbornincity concept_city_york +concept_person_keane concept:personborninlocation concept_city_york +concept_person_keith concept:personbornincity concept_city_york +concept_person_keith concept:personborninlocation concept_county_york_city +concept_person_keith concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_keith concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_keith concept:persongraduatedfromuniversity concept_university_college +concept_person_keith concept:persongraduatedfromuniversity concept_university_state_university +concept_person_keith concept:persongraduatedschool concept_university_state_university +concept_person_kelly concept:personbornincity concept_city_york +concept_person_kelly concept:personborninlocation concept_city_york +concept_person_kelly concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_kelly concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_kelly concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kelly concept:persongraduatedfromuniversity concept_university_college +concept_person_kelly concept:persongraduatedschool concept_university_college +concept_person_kelly concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kelly concept:persongraduatedschool concept_university_state_university +concept_person_ken concept:persondiedatage 2 +concept_person_ken concept:agentcontrols concept_charactertrait_world +concept_person_ken concept:agentcollaborateswithagent concept_male_world +concept_person_ken concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_ken concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_ken concept:persongraduatedfromuniversity concept_university_college +concept_person_ken concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ken concept:persongraduatedschool concept_university_state_university +concept_person_ken_breen concept:personhasjobposition concept_jobposition_lawyer +concept_person_ken_griffey_jr concept:persondiedincountry concept_country_england +concept_person_ken_kutaragi concept:topmemberoforganization concept_company_sony_computer +concept_person_ken_lay concept:topmemberoforganization concept_company_enron +concept_person_ken_lay concept:worksfor concept_company_enron +concept_person_ken_lay concept:personleadsorganization concept_company_enron_and_worldcom +concept_person_ken_lay concept:agentcollaborateswithagent concept_personasia_enron +concept_person_ken_lay concept:agentcontrols concept_personasia_enron +concept_person_ken_lay concept:proxyfor concept_personasia_enron +concept_person_ken_lay concept:subpartof concept_personasia_enron +concept_person_ken_olsen concept:topmemberoforganization concept_company_dec +concept_person_kendrick_perkins concept:persondiedincountry concept_country_england +concept_person_kennedy concept:persondiedincountry concept_country_england +concept_person_kennekuk concept:persondiedincountry concept_country_england +concept_person_kenneth_kaunda concept:personhasresidenceingeopoliticallocation concept_country_zambia +concept_person_kenneth_kaunda concept:personleadsgeopoliticalorganization concept_country_zambia +concept_person_kenneth_kaunda concept:worksfor concept_country_zambia +concept_person_kenneth_lay concept:ceoof concept_company_enron +concept_person_kenneth_lay concept:topmemberoforganization concept_company_enron +concept_person_kenneth_lay concept:worksfor concept_company_enron +concept_person_kenneth_lay concept:personleadsorganization concept_company_enron_and_worldcom +concept_person_kenneth_lay concept:worksfor concept_company_enron_and_worldcom +concept_person_kenneth_lay concept:subpartof concept_personasia_enron +concept_person_kent concept:proxyfor concept_city_washington_d_c +concept_person_kent concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kent concept:persongraduatedschool concept_university_state_university +concept_person_kent_hance concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_kent_hance concept:personhasjobposition concept_jobposition_lawyer +concept_person_kent_hance concept:personhasjobposition concept_politicaloffice_congressman +concept_person_kerik concept:personhasjobposition concept_jobposition_bodyguard +concept_person_kerik concept:personhasjobposition concept_jobposition_campaign_driver +concept_person_kerik concept:personhasjobposition concept_jobposition_detective +concept_person_kerik concept:personhasjobposition concept_jobposition_head_of_its_security_arm +concept_person_kerouac concept:personbornincity concept_city_york +concept_person_kettle concept:personhasjobposition concept_jobposition_construction_and_demolition_engineer +concept_person_keturah concept:latitudelongitude 17.7047000000000,-64.7137600000000 +concept_person_keturah concept:hasspouse concept_male_abraham +concept_person_kevin concept:persondiedatage 2 +concept_person_kevin concept:agentcontrols concept_charactertrait_world +concept_person_kevin concept:personbornincity concept_city_york +concept_person_kevin concept:personborninlocation concept_city_york +concept_person_kevin concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_kevin concept:agentcollaborateswithagent concept_male_world +concept_person_kevin concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_kevin concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kevin concept:persongraduatedfromuniversity concept_university_college +concept_person_kevin concept:persongraduatedschool concept_university_college +concept_person_kevin concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kevin concept:persongraduatedschool concept_university_state_university +concept_person_kevin001 concept:persondiedatage 2 +concept_person_kevin001 concept:hasspouse concept_person_britney +concept_person_kevin_bacon concept:hasspouse concept_celebrity_kyra_sedgwick +concept_person_kevin_bacon001 concept:haswife concept_person_kyra_sedgwick +concept_person_kevin_federline concept:hasspouse concept_person_britney +concept_person_kevin_federline concept:haswife concept_person_spears +concept_person_kevorkian concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_kevorkian concept:personchargedwithcrime concept_crimeorcharge_second_degree_murder +concept_person_khidr concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_khloe_kardashian concept:hasspouse concept_person_lamar_odom +concept_person_kibamba_kasereka concept:topmemberoforganization concept_company_mai_mai_militia +concept_person_kibamba_kasereka concept:personleadsorganization concept_terroristorganization_mai_mai_militia +concept_person_kibamba_kasereka concept:worksfor concept_terroristorganization_mai_mai_militia +concept_person_kick concept:personhasresidenceingeopoliticallocation concept_country_england +concept_person_kick concept:personhasresidenceingeopoliticallocation concept_country_soviet_union +concept_person_kick concept:personhasresidenceingeopoliticallocation concept_country_united_states +concept_person_kim concept:personbornincity concept_city_york +concept_person_kim concept:personborninlocation concept_county_york_city +concept_person_kim concept:personbelongstoorganization concept_politicalparty_college +concept_person_kim concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_kim concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kim concept:persongraduatedfromuniversity concept_university_college +concept_person_kim concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kim concept:persongraduatedschool concept_university_state_university +concept_person_kim_b___clark concept:persongraduatedschool concept_university_harvard +concept_person_kim_basinger concept:hasspouse concept_actor_alec_baldwin +concept_person_kim_kardashian concept:hasspouse concept_athlete_kris_humphries +concept_person_kimora_lee_simmons concept:hashusband concept_male_russell_simmons +concept_person_kimora_lee_simmons concept:personalsoknownas concept_person_kimora_lee_perkins +concept_person_king concept:personhascitizenship concept_country_belgium +concept_person_king concept:personhascitizenship concept_country_bulgaria +concept_person_king concept:personhascitizenship concept_country_democratic_republic_of_congo +concept_person_king concept:personhascitizenship concept_country_denmark +concept_person_king concept:personhascitizenship concept_country_egypt +concept_person_king concept:persondiedincountry concept_country_england +concept_person_king concept:personhascitizenship concept_country_former_soviet_union +concept_person_king concept:personhascitizenship concept_country_luxembourg +concept_person_king concept:personhascitizenship concept_country_macedonia +concept_person_king concept:personhascitizenship concept_country_poland +concept_person_king concept:personhascitizenship concept_country_portugal +concept_person_king concept:personhascitizenship concept_country_republic_of_austria +concept_person_king concept:personhascitizenship concept_country_romania +concept_person_king concept:personhascitizenship concept_country_rumania +concept_person_king concept:personhascitizenship concept_country_sicily +concept_person_king concept:personhascitizenship concept_country_spain +concept_person_king concept:personhascitizenship concept_country_sweden +concept_person_king concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_king concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_king concept:personhasjobposition concept_jobposition_lord +concept_person_king concept:persongraduatedschool concept_university_college +concept_person_king concept:persongraduatedfromuniversity concept_university_state_university +concept_person_king concept:persongraduatedschool concept_university_state_university +concept_person_king_george concept:personhascitizenship concept_country_britain +concept_person_king_george concept:personhascitizenship concept_country_england +concept_person_king_george concept:personhascitizenship concept_country_great_britain +concept_person_king_george concept:personhascitizenship concept_country_the_united_kingdom +concept_person_king_george concept:personhasjobposition concept_jobposition_king +concept_person_king_of_pop concept:personalsoknownas concept_male_michael_jackson +concept_person_king_of_pop concept:mutualproxyfor concept_personaustralia_michael_jackson +concept_person_kings concept:personhascitizenship concept_country_england +concept_person_kings concept:personhascitizenship concept_country_france_france +concept_person_kings concept:personhascitizenship concept_country_great_britain +concept_person_kings concept:personhascitizenship concept_country_spain +concept_person_kings concept:personhasjobposition concept_jobposition_king +concept_person_kings concept:personhasjobposition concept_jobposition_lord +concept_person_kiran_desai concept:agentcreated concept_book_the_inheritance_of_loss +concept_person_kirk concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_kirk concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kirk concept:persongraduatedschool concept_university_state_university +concept_person_kitty concept:personbornincity concept_city_york +concept_person_kitty concept:personborninlocation concept_city_york +concept_person_klein concept:personbornincity concept_city_york +concept_person_klein concept:personborninlocation concept_city_york +concept_person_knight concept:personbornincity concept_city_york +concept_person_knight concept:personborninlocation concept_city_york +concept_person_knight concept:personbelongstoorganization concept_politicalparty_college +concept_person_knight concept:personbelongstoorganization concept_university_indiana_university +concept_person_knowles concept:hasspouse concept_person_jay_z +concept_person_konno concept:personhasjobposition concept_jobposition_prop_forward +concept_person_kostow concept:personhasresidenceingeopoliticallocation concept_county_chicago +concept_person_kovalainen concept:personbelongstoorganization concept_organization_the_french_team +concept_person_kramer concept:personborninlocation concept_city_york +concept_person_kramer concept:persongraduatedfromuniversity concept_university_college +concept_person_kramer concept:persongraduatedschool concept_university_college +concept_person_krishna concept:hassibling concept_person_balarama +concept_person_krishna concept:hasspouse concept_person_radha +concept_person_kristen concept:personbornincity concept_city_york +concept_person_kristen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_kristen_munro concept:persondiedincountry concept_country_england +concept_person_kristin_euchler concept:persondiedincountry concept_country_england +concept_person_kritavarma concept:persondiedincountry concept_country_england +concept_person_kurt_cobain concept:haswife concept_actor_courtney_love +concept_person_kurt_cobain concept:personbelongstoorganization concept_musicartist_nirvana +concept_person_kwame_nkrumah concept:personhasresidenceingeopoliticallocation concept_organization_ghanian +concept_person_kyle concept:personbornincity concept_city_york +concept_person_kyle concept:personborninlocation concept_city_york +concept_person_kyle concept:haswife concept_person_amanda001 +concept_person_kyle concept:persongraduatedfromuniversity concept_university_college +concept_person_kyle concept:persongraduatedfromuniversity concept_university_state_university +concept_person_kyle concept:persongraduatedschool concept_university_state_university +concept_person_kyle_boller concept:personbelongstoorganization concept_sportsteam_ravens +concept_person_kyle_kendrick concept:personbelongstoorganization concept_sportsteam_arizona_cardinals_27_23 +concept_person_kyle_korver concept:persondiedincountry concept_country_england +concept_person_kyle_orton concept:personbelongstoorganization concept_sportsteam_bears_29_17 +concept_person_kyle_owen concept:persondiedincountry concept_country_england +concept_person_kylie_minogue concept:hasspouse concept_model_andres_velencoso +concept_person_kyra_sedgwick concept:hashusband concept_visualizablething_kevin_bacon +concept_person_labine concept:personbelongstoorganization concept_sportsteam_los_angeles_dodgers +concept_person_lakshmana concept:persondiedincountry concept_country_england +concept_person_lamar_odom concept:hasspouse concept_person_khloe_kardashian +concept_person_lance_armstrong concept:hasspouse concept_person_kate_hudson +concept_person_lance_armstrong concept:haswife concept_professor_kate_hudson +concept_person_lance_niekro concept:parentofperson concept_athlete_joe_niekro +concept_person_lane_kiffin concept:worksfor concept_newspaper_tennessee +concept_person_lane_kiffin concept:personbelongstoorganization concept_sportsleague_new +concept_person_lane_kiffin concept:personbelongstoorganization concept_sportsteam_vols +concept_person_lang_cheng concept:personleadsorganization concept_organization_immigration_bureau +concept_person_lang_cheng concept:worksfor concept_organization_immigration_bureau +concept_person_lanni concept:personleadsorganization concept_biotechcompany_mgm_mirage +concept_person_lanni concept:worksfor concept_biotechcompany_mgm_mirage +concept_person_laozi concept:agentcontributedtocreativework concept_book_tao_te_ching +concept_person_laozi concept:agentcreated concept_book_tao_te_ching +concept_person_lara concept:personbornincity concept_city_york +concept_person_lara concept:personborninlocation concept_city_york +concept_person_larry concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_larry concept:personmovedtostateorprovince concept_stateorprovince_utah +concept_person_larry001 concept:personbornincity concept_city_york +concept_person_larry001 concept:personborninlocation concept_city_york +concept_person_larry001 concept:haswife concept_person_cheryl +concept_person_larry001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_larry001 concept:persongraduatedfromuniversity concept_university_college +concept_person_larry001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_larry001 concept:persongraduatedschool concept_university_state_university +concept_person_larry_ellison concept:personleadsorganization concept_bank_oracle_corporation +concept_person_larry_ellison concept:proxyfor concept_bank_oracle_corporation +concept_person_larry_ellison concept:worksfor concept_bank_oracle_corporation +concept_person_larry_ellison concept:topmemberoforganization concept_company_oracle +concept_person_larry_ellison concept:personleadsorganization concept_company_oracle001 +concept_person_larry_ellison concept:agentcontrols concept_museum_steve +concept_person_larry_ellison concept:agentcontrols concept_perceptionaction_oracle_corporation +concept_person_larry_ellison concept:agentcontrols concept_retailstore_oracle +concept_person_larry_ellison concept:proxyfor concept_retailstore_oracle +concept_person_larry_ellison concept:subpartof concept_retailstore_oracle +concept_person_larry_flynt concept:topmemberoforganization concept_magazine_hustler +concept_person_larry_goldstein concept:personhasjobposition concept_jobposition_energy_analyst +concept_person_larry_i__rougle concept:personhasresidenceingeopoliticallocation concept_city_west_jordan +concept_person_larry_i__rougle concept:personhasresidenceingeopoliticallocation concept_county_utah +concept_person_larry_i__rougle concept:personhasjobposition concept_jobposition_staff_sgt_ +concept_person_larry_king concept:hasspouse concept_person_shawn_southwick +concept_person_larry_page concept:agentcontrols concept_university_google +concept_person_larry_page concept:proxyfor concept_university_google +concept_person_larry_page concept:worksfor concept_university_google +concept_person_larsen concept:personbornincity concept_city_york +concept_person_larsen concept:personborninlocation concept_city_york +concept_person_lastings_milledge concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_lauren concept:personbornincity concept_city_york +concept_person_lauren concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_lauren concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lauren concept:persongraduatedschool concept_university_state_university +concept_person_lauren_maltby concept:persondiedincountry concept_country_england +concept_person_laurent_beaudoin concept:topmemberoforganization concept_company_bombardier +concept_person_lawrence001 concept:mutualproxyfor concept_beach_massachusetts +concept_person_lawrence001 concept:subpartof concept_beach_massachusetts +concept_person_lawrence001 concept:personborninlocation concept_county_york_city +concept_person_lawrence001 concept:proxyfor concept_creditunion_kansas +concept_person_lawrence001 concept:subpartof concept_creditunion_kansas +concept_person_lawrence001 concept:persongraduatedschool concept_university_college +concept_person_lawrence_frank concept:worksfor concept_sportsteam_new_jersey_nets +concept_person_leah concept:personbornincity concept_city_york +concept_person_leah concept:personborninlocation concept_city_york +concept_person_leah concept:hassibling concept_person_rachel +concept_person_leah concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_leah concept:persongraduatedfromuniversity concept_university_college +concept_person_leah concept:persongraduatedfromuniversity concept_university_state_university +concept_person_leah concept:persongraduatedschool concept_university_state_university +concept_person_leda concept:parentofperson concept_personasia_helen +concept_person_lee concept:persondiedatage 2 +concept_person_lee concept:personbornincity concept_city_new_york +concept_person_lee concept:personborninlocation concept_city_new_york +concept_person_lee001 concept:persondiedatage 2 +concept_person_lee001 concept:personbornincity concept_city_york +concept_person_lee001 concept:agentactsinlocation concept_island_new_york_city_metropolitan_area +concept_person_lee001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_lee001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_lee001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lee001 concept:persongraduatedschool concept_university_state_university +concept_person_lee_iacocca concept:topmemberoforganization concept_company_chrysler +concept_person_lee_iacocca concept:personbelongstoorganization concept_county_chrysler +concept_person_lee_r__raymond concept:personhasjobposition concept_jobposition_chief_executive +concept_person_lee_r__raymond concept:personbelongstoorganization concept_petroleumrefiningcompany_exxon_mobil_corp_ +concept_person_lehman concept:subpartof concept_bank_barclays +concept_person_lehman concept:subpartof concept_bank_barclays_global_investors +concept_person_lehman concept:personbornincity concept_city_york +concept_person_lehman concept:personborninlocation concept_city_york +concept_person_lehman concept:agentcollaborateswithagent concept_person_philippe_burke +concept_person_lehman concept:agentcontrols concept_person_philippe_burke +concept_person_lehman concept:persongraduatedschool concept_university_college +concept_person_leiva concept:personhasjobposition concept_jobposition_consultant +concept_person_len concept:persongraduatedfromuniversity concept_university_state_university +concept_person_len concept:persongraduatedschool concept_university_state_university +concept_person_len_wiseman concept:haswife concept_female_kate_beckinsale +concept_person_len_wiseman concept:hasspouse concept_person_kate_beckinsale +concept_person_leo_maguire concept:persondiedincountry concept_country_great_britain +concept_person_leo_maia concept:persondiedincountry concept_country_england +concept_person_leonard concept:personbornincity concept_city_york +concept_person_leonard concept:personborninlocation concept_city_york +concept_person_leonardo_boff001 concept:personhascitizenship concept_country_brazil +concept_person_leonardo_dicaprio concept:hasspouse concept_director_bar_refaeli +concept_person_leopoldo_fernandez concept:persondiedincountry concept_country_england +concept_person_les_moonves concept:personleadsorganization concept_company_cnn__pbs +concept_person_les_moonves concept:topmemberoforganization concept_televisionnetwork_cbs +concept_person_les_moonves concept:agentcontrols concept_website_cbs +concept_person_lesley_manville001 concept:hasspouse concept_actor_gary_oldman +concept_person_leslie concept:personbornincity concept_city_york +concept_person_leslie concept:persongraduatedfromuniversity concept_university_college +concept_person_levi_johnston concept:parentofperson concept_female_sherry_johnston +concept_person_levi_johnston concept:hasspouse concept_person_bristol_palin +concept_person_levin concept:personbornincity concept_city_york +concept_person_levin concept:personborninlocation concept_city_york +concept_person_levine concept:personbornincity concept_city_york +concept_person_levine concept:persongraduatedfromuniversity concept_university_college +concept_person_levon_ter__petrosyan concept:personleadsorganization concept_country_armenia +concept_person_levon_ter_petrosyan concept:personleadsorganization concept_country_armenia +concept_person_levon_ter_petrosyan concept:worksfor concept_country_armenia +concept_person_levy_mwanawasa concept:personhasresidenceingeopoliticallocation concept_organization_zambian +concept_person_levy_mwanawasa concept:personleadsorganization concept_organization_zambian +concept_person_levy_mwanawasa concept:personhasjobposition concept_politicaloffice_president +concept_person_lewis concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_lewis concept:persongraduatedfromuniversity concept_university_college +concept_person_lewis concept:persongraduatedschool concept_university_college +concept_person_lewis concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lewis concept:persongraduatedschool concept_university_state_university +concept_person_lewis001 concept:personbornincity concept_city_orleans +concept_person_liebling concept:personhasjobposition concept_jobposition_teacher +concept_person_liev_schreiber concept:hasspouse concept_person_naomi +concept_person_liev_schreiber concept:haswife concept_person_naomi001 +concept_person_life concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_life concept:parentofperson concept_male_jesus_christ +concept_person_life concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_person_life concept:parentofperson concept_person_jesus +concept_person_life concept:parentofperson concept_person_lord_jesus +concept_person_life concept:hasspouse concept_personcanada_eve +concept_person_life concept:agentparticipatedinevent concept_sportsgame_series +concept_person_lilith concept:hasspouse concept_person_adam002 +concept_person_lillian_gordon concept:personhasresidenceingeopoliticallocation concept_city_pembroke_pines +concept_person_lily concept:personbornincity concept_city_york +concept_person_linas_kleiza concept:personalsoknownas concept_person_j_r__towles +concept_person_linas_kleiza001 concept:personalsoknownas concept_person_j_r__smith +concept_person_linas_kleiza001 concept:personalsoknownas concept_person_j_r_smith +concept_person_lincoln concept:agentcreated concept_automobilemodel_navigator_l +concept_person_lincoln concept:agentcreated concept_automobilemodel_town_car +concept_person_lincoln concept:personbornincity concept_city_salem +concept_person_lincoln concept:personborninlocation concept_city_washington_d_c +concept_person_lincoln concept:agentcontrols concept_clothing_white +concept_person_lincoln concept:agentcreated concept_company_mks +concept_person_lincoln concept:agentcreated concept_conference_mkx +concept_person_lincoln concept:agentcreated concept_retailstore_mkt +concept_person_lincoln concept:subpartof concept_university_nebraska +concept_person_linda concept:hashusband concept_person_tony +concept_person_linda concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_linda001 concept:personbornincity concept_city_york +concept_person_linda001 concept:personborninlocation concept_city_york +concept_person_linda001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_linda001 concept:persongraduatedfromuniversity concept_university_college +concept_person_linda001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_linda001 concept:persongraduatedschool concept_university_state_university +concept_person_lindley_thomasett concept:personhasresidenceingeopoliticallocation concept_county_bedford +concept_person_lindley_thomasett concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_n_y_ +concept_person_linkin_park concept:persondiedincountry concept_country_england +concept_person_lionel_trilling concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_lisa concept:persondiedatage 5 +concept_person_lisa concept:personbornincity concept_city_york +concept_person_lisa concept:personborninlocation concept_city_york +concept_person_lisa concept:personbelongstoorganization concept_politicalparty_college +concept_person_lisa concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_lisa concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_lisa concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_lisa concept:persongraduatedfromuniversity concept_university_college +concept_person_lisa concept:persongraduatedschool concept_university_college +concept_person_lisa concept:persongraduatedfromuniversity concept_university_indiana_university +concept_person_lisa concept:persongraduatedfromuniversity concept_university_ohio_university +concept_person_lisa concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lisa concept:persongraduatedschool concept_university_state_university +concept_person_lisa001 concept:persondiedatage 5 +concept_person_lisa001 concept:personbornincity concept_city_new_york +concept_person_lisa001 concept:personmovedtostateorprovince concept_stateorprovince_virginia +concept_person_lisa_rinna concept:hashusband concept_actor_harry_hamlin +concept_person_lisa_rinna concept:hasspouse concept_person_harry_hamlin +concept_person_liu concept:personbornincity concept_city_york +concept_person_liu concept:personborninlocation concept_city_york +concept_person_liz concept:personbornincity concept_city_york +concept_person_liz concept:personborninlocation concept_county_york_city +concept_person_liz concept:personbelongstoorganization concept_politicalparty_college +concept_person_liz concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_liz concept:persongraduatedfromuniversity concept_university_college +concept_person_liz concept:persongraduatedfromuniversity concept_university_state_university +concept_person_liz concept:persongraduatedschool concept_university_state_university +concept_person_lizzie concept:personchargedwithcrime concept_crimeorcharge_murders +concept_person_lloyd_blankfein concept:topmemberoforganization concept_company_goldman_sachs001 +concept_person_lloyd_blankfein concept:proxyfor concept_female_goldman_sachs +concept_person_lloyd_f__macmahon concept:persondiedincountry concept_country_england +concept_person_lloyd_f__macmahon concept:personbelongstoorganization concept_organization_us_district_court_for_the_southern_district_of_new_york +concept_person_logan concept:personborninlocation concept_county_chicago +concept_person_loic concept:latitudelongitude 46.4501100000000,-75.8160300000000 +concept_person_lola_chevrolet concept:persondiedincountry concept_country_england +concept_person_long concept:personbornincity concept_city_new_york +concept_person_long concept:personborninlocation concept_island_new_york_city_metropolitan_area +concept_person_look concept:persondiedincountry concept_country_england +concept_person_lopez concept:hasspouse concept_male_marc_anthony +concept_person_lord concept:persondiedatage 14 +concept_person_lord concept:atdate concept_dateliteral_n2006 +concept_person_lord concept:atdate concept_dateliteral_n2007 +concept_person_lord concept:parentofperson concept_female_mary +concept_person_lord concept:personhasjobposition concept_jobposition_king +concept_person_lord concept:personhasjobposition concept_jobposition_lord +concept_person_lord concept:personhasjobposition concept_jobposition_lord_ +concept_person_lord concept:parentofperson concept_male_christ_jesus +concept_person_lord concept:parentofperson concept_male_jesus_the_messiah +concept_person_lord concept:parentofperson concept_male_yeshua +concept_person_lord concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_person_lord concept:hassibling concept_person_david +concept_person_lord concept:parentofperson concept_person_eden +concept_person_lord concept:parentofperson concept_person_jesus +concept_person_lord concept:istallerthan concept_publication_people_ +concept_person_lord concept:agentparticipatedinevent concept_sportsgame_first_test +concept_person_lord_ concept:personhasjobposition concept_jobposition_lord +concept_person_lord_ concept:parentofperson concept_person_jesus +concept_person_lord_jesus concept:personhasjobposition concept_jobposition_head +concept_person_lord_jesus concept:personhasjobposition concept_jobposition_king +concept_person_lord_jesus concept:personhasjobposition concept_jobposition_lord +concept_person_lord_jesus concept:personhasjobposition concept_jobposition_teacher +concept_person_lord_wolfson concept:persondiedincountry concept_country_england +concept_person_lorenzo_martone concept:hasspouse concept_person_marc_jacobs +concept_person_lori concept:personbornincity concept_city_york +concept_person_lori concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lori concept:persongraduatedschool concept_university_state_university +concept_person_lou_dobbs concept:worksfor concept_company_cnn +concept_person_lou_dobbs concept:personbelongstoorganization concept_sportsleague_cnn +concept_person_loughlin concept:personhasjobposition concept_jobposition_bishop +concept_person_louis_armstrong concept:personborninlocation concept_country_orleans +concept_person_louis_b__mayer concept:topmemberoforganization concept_company_mgm +concept_person_louis_xv concept:personhascitizenship concept_country_france_france +concept_person_louis_xvi concept:personhascitizenship concept_country_france_france +concept_person_louis_xvi concept:haswife concept_female_marie_antoinette +concept_person_louise concept:personbornincity concept_city_york +concept_person_louise concept:personhascitizenship concept_country_france_france +concept_person_louise concept:personborninlocation concept_county_york_city +concept_person_lu_youbing concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_jianmin_village +concept_person_lucas concept:personbornincity concept_city_york +concept_person_lucas concept:personborninlocation concept_city_york +concept_person_lucy concept:personbornincity concept_city_york +concept_person_lucy concept:personborninlocation concept_city_york +concept_person_luiz_furlan concept:topmemberoforganization concept_company_sadia +concept_person_luke concept:persondiedatage 5 +concept_person_luke concept:persongraduatedfromuniversity concept_university_college +concept_person_luke concept:persongraduatedschool concept_university_college +concept_person_luke_skywalker concept:hassibling concept_female_princess_leia +concept_person_luol_deng concept:persondiedincountry concept_country_england +concept_person_luther_head concept:persondiedincountry concept_country_england +concept_person_lynch concept:personbornincity concept_city_york +concept_person_lynch concept:persongraduatedfromuniversity concept_university_college +concept_person_lynn concept:atlocation concept_beach_massachusetts +concept_person_lynn concept:proxyfor concept_beach_massachusetts +concept_person_lynn concept:subpartof concept_beach_massachusetts +concept_person_lynn concept:personborninlocation concept_city_york +concept_person_lynn concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_lynn concept:persongraduatedfromuniversity concept_university_college +concept_person_lynn concept:persongraduatedfromuniversity concept_university_state_university +concept_person_lynn concept:persongraduatedschool concept_university_state_university +concept_person_lyor_cohen concept:personleadsorganization concept_biotechcompany_sony_corp +concept_person_lyor_cohen concept:personleadsorganization concept_company_sony +concept_person_lyor_cohen concept:topmemberoforganization concept_recordlabel_warner_music +concept_person_ma_jun concept:personhasjobposition concept_jobposition_author +concept_person_ma_jun concept:personhasjobposition concept_jobposition_environmentalist +concept_person_macaulay_culkin concept:hasspouse concept_person_mila_kunis +concept_person_macintosh concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_person_macintosh concept:agentcollaborateswithagent concept_politician_jobs +concept_person_macintosh concept:atdate concept_year_n1984 +concept_person_madonna concept:parentofperson concept_person_child +concept_person_madonna concept:hasspouse concept_person_guy +concept_person_madonna001 concept:personbornincity concept_city_york +concept_person_madonna001 concept:personborninlocation concept_city_york +concept_person_madonna001 concept:hasspouse concept_person_carlos_leon +concept_person_mahatma_gandhi001 concept:persondiedincountry concept_country_england +concept_person_mahavidya concept:persondiedincountry concept_country_england +concept_person_mahmud_issa concept:personhasjobposition concept_jobposition_activist +concept_person_mailer concept:personborninlocation concept_city_york +concept_person_main concept:personborninlocation concept_landscapefeatures_bathroom +concept_person_makarios concept:personhasjobposition concept_jobposition_archbishop +concept_person_makoni concept:personbelongstoorganization concept_organization_zanu_pf_politburo +concept_person_malcolm concept:personhascitizenship concept_country_scotland +concept_person_malcolm concept:personhasjobposition concept_jobposition_king +concept_person_malcolm_gladwell concept:agentcreated concept_boardgame_blink +concept_person_malcolm_gladwell concept:agentcontributedtocreativework concept_book_blink +concept_person_malcolm_gladwell concept:agentcreated concept_book_blink__the_power_of_thinking_without_thinking +concept_person_malcolm_gladwell concept:agentcontributedtocreativework concept_book_outliers +concept_person_malcolm_gladwell concept:agentcontributedtocreativework concept_book_the_tipping_point +concept_person_malcolm_gladwell concept:agentcontributedtocreativework concept_book_tipping_point +concept_person_malcolm_gladwell concept:agentcreated concept_musicalbum_the_tipping_point +concept_person_malcolm_gladwell concept:worksfor concept_website_new_york_american +concept_person_malone concept:personbornincity concept_city_orleans +concept_person_man concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_man concept:parentofperson concept_male_jesus_christ +concept_person_man concept:parentofperson concept_person_eden +concept_person_man concept:parentofperson concept_person_jesus +concept_person_man concept:parentofperson concept_person_lord_jesus +concept_person_man concept:hasspouse concept_personcanada_eve +concept_person_man concept:agentbelongstoorganization concept_politicalparty_house +concept_person_man concept:agentparticipatedinevent concept_sportsgame_charges +concept_person_man_ray concept:personbornincity concept_city_york +concept_person_manchester concept:persondiedincountry concept_country_england +concept_person_mandy001 concept:personbornincity concept_city_york +concept_person_mandy001 concept:personborninlocation concept_city_york +concept_person_mandy_moore concept:hasspouse concept_person_ryan_adams +concept_person_manning concept:personbornincity concept_city_york +concept_person_manning concept:personborninlocation concept_city_york +concept_person_manny_ramirez concept:personbelongstoorganization concept_university_boston_red_sox +concept_person_manu_boyer concept:haswife concept_comedian_kim_raver +concept_person_manu_ginobili concept:persondiedincountry concept_country_england +concept_person_manuel_galrinho_bento concept:personbelongstoorganization concept_biotechcompany_portugal +concept_person_manuel_galrinho_bento concept:personhasjobposition concept_jobposition_goalkeeper +concept_person_manuel_marulanda_velez concept:personbelongstoorganization concept_terroristorganization_farc +concept_person_marc_jacobs concept:hasspouse concept_person_lorenzo_martone +concept_person_marcel_duchamp concept:personbornincity concept_city_york +concept_person_marcel_duchamp concept:personborninlocation concept_city_york +concept_person_marcia_cross concept:hasspouse concept_person_tom_mahoney +concept_person_marco concept:personbornincity concept_city_naples +concept_person_marco concept:personborninlocation concept_city_york +concept_person_marcus_camby concept:persondiedincountry concept_country_england +concept_person_margaret concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_margaret_carriere concept:topmemberoforganization concept_retailstore_halliburton +concept_person_margaret_spellings concept:personhasjobposition concept_jobposition_legislative_aide +concept_person_margaret_spellings concept:personhasjobposition concept_jobposition_secretary_of_education +concept_person_margaret_spellings concept:personhasjobposition concept_jobposition_senior_adviser +concept_person_margin_johnston concept:persondiedincountry concept_country_australia +concept_person_maria concept:persondiedatage 2 +concept_person_maria concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_maria001 concept:persondiedatage 2 +concept_person_maria001 concept:personbornincity concept_city_york +concept_person_maria001 concept:personhascitizenship concept_country_hungary +concept_person_maria001 concept:personhascitizenship concept_country_portugal +concept_person_maria001 concept:personhascitizenship concept_country_republic_of_austria +concept_person_maria001 concept:personhascitizenship concept_country_spain +concept_person_maria001 concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_person_maria001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_maria001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_maria001 concept:persongraduatedschool concept_university_state_university +concept_person_mariah concept:personbornincity concept_city_york +concept_person_mariah concept:hasspouse concept_person_nick_cannon +concept_person_marie concept:personhascitizenship concept_country_france_france +concept_person_marie concept:personhascitizenship concept_country_republic_of_austria +concept_person_marilyn concept:personbornincity concept_city_york +concept_person_marilyn concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_marilyn concept:persongraduatedfromuniversity concept_university_state_university +concept_person_marilyn concept:persongraduatedschool concept_university_state_university +concept_person_mario concept:personbornincity concept_city_york +concept_person_mario concept:personborninlocation concept_city_york +concept_person_mario_puzo concept:agentcontributedtocreativework concept_movie_the_godfather +concept_person_marion_barry concept:personleadsgeopoliticalorganization concept_city_washington_d_c +concept_person_marjane_satrapi concept:agentcontributedtocreativework concept_book_persepolis +concept_person_marjane_satrapi concept:agentcreated concept_book_persepolis +concept_person_marjane_satrapi concept:agentcreated concept_book_persepolis__the_story_of_a_childhood +concept_person_mark concept:persondiedatage 10 +concept_person_mark001 concept:persondiedatage 10 +concept_person_mark001 concept:agentcontrols concept_charactertrait_world +concept_person_mark001 concept:personbornincity concept_city_hampshire +concept_person_mark001 concept:personhasjobposition concept_jobposition_king +concept_person_mark001 concept:agentcollaborateswithagent concept_male_world +concept_person_mark001 concept:agentcontributedtocreativework concept_musicsong_gospel +concept_person_mark001 concept:hasspouse concept_person_diane001 +concept_person_mark001 concept:haswife concept_person_louise +concept_person_mark001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_mark001 concept:agentparticipatedinevent concept_sportsgame_series +concept_person_mark001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_mark001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_mark001 concept:personmovedtostateorprovince concept_stateorprovince_georgia +concept_person_mark001 concept:personmovedtostateorprovince concept_stateorprovince_illinois +concept_person_mark001 concept:personmovedtostateorprovince concept_stateorprovince_maine +concept_person_mark001 concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_person_mark001 concept:agentcontributedtocreativework concept_televisionshow_passion +concept_person_mark001 concept:persongraduatedfromuniversity concept_university_college +concept_person_mark001 concept:persongraduatedschool concept_university_college +concept_person_mark001 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_mark001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_mark001 concept:persongraduatedschool concept_university_state_university +concept_person_mark001 concept:persongraduatedfromuniversity concept_university_syracuse_university +concept_person_mark_consuelos concept:hasspouse concept_celebrity_kelly_ripa +concept_person_mark_consuelos concept:haswife concept_female_kelly_ripa +concept_person_mark_feng concept:personhasresidenceingeopoliticallocation concept_city_taiwan +concept_person_mark_hackard concept:topmemberoforganization concept_company_nixon_center +concept_person_mark_moellering concept:personhasresidenceingeopoliticallocation concept_city_ypsilanti +concept_person_mark_moellering concept:persondiedincountry concept_country_england +concept_person_mark_moellering concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mich_ +concept_person_mark_moellering concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_ypslanti +concept_person_mark_moellering concept:hasspouse concept_person_christine_moellering +concept_person_marko_jaric001 concept:hasspouse concept_person_adriana_lima +concept_person_marquis_daniels concept:personalsoknownas concept_person_eric_williams +concept_person_marquis_daniels concept:personalsoknownas concept_personmexico_eric_snow +concept_person_marquis_daniels concept:personalsoknownas concept_personus_brent_barry +concept_person_marquis_daniels concept:personalsoknownas concept_personus_donell_taylor +concept_person_marsans concept:persondiedincountry concept_country_england +concept_person_marsans concept:personbelongstoorganization concept_sportsteam_yankees +concept_person_martha concept:personbornincity concept_city_york +concept_person_martha concept:personborninlocation concept_city_york +concept_person_martha concept:hassibling concept_female_mary +concept_person_martha_maxwell concept:persondiedincountry concept_country_england +concept_person_martha_miller concept:persondiedincountry concept_country_england +concept_person_martin concept:persondiedatage 2 +concept_person_martin concept:personbornincity concept_city_york +concept_person_martin concept:personborninlocation concept_city_york +concept_person_martin concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_martin concept:persongraduatedfromuniversity concept_university_state_university +concept_person_martin concept:persongraduatedschool concept_university_state_university +concept_person_martin001 concept:persondiedatage 2 +concept_person_martin002 concept:persondiedatage 2 +concept_person_martin002 concept:personbornincity concept_city_orleans +concept_person_martin002 concept:personborninlocation concept_county_york_city +concept_person_martin002 concept:personhasjobposition concept_jobposition_king +concept_person_martin_william_richard concept:persondiedincountry concept_country_england +concept_person_martin_wolf concept:worksfor concept_company_ft +concept_person_martin_wolf concept:worksfor concept_newspaper_financial_times +concept_person_marty_roth concept:personbelongstoorganization concept_organization_roth_racing +concept_person_mary_bono001 concept:hasspouse concept_person_sonny +concept_person_mary_haak_frendscho concept:personhasjobposition concept_jobposition_vice_president_for_preclinical_research +concept_person_mason concept:personbornincity concept_city_springfield +concept_person_mason concept:personborninlocation concept_county_york_city +concept_person_massa concept:personhasjobposition concept_jobposition_tester +concept_person_massa concept:personbelongstoorganization concept_organization_sauber +concept_person_massa concept:personbelongstoorganization concept_winery_ferrari +concept_person_master001 concept:personborninlocation concept_landscapefeatures_bathroom +concept_person_master001 concept:parentofperson concept_person_jesus +concept_person_master_p concept:personbornincity concept_city_orleans +concept_person_master_teacher concept:parentofperson concept_person_jesus +concept_person_mastro concept:personhasjobposition concept_politicaloffice_chief_of_staff +concept_person_matt concept:persondiedatage 2 +concept_person_matt001 concept:persondiedatage 2 +concept_person_matt001 concept:atdate concept_dateliteral_n2007 +concept_person_matt002 concept:persondiedatage 2 +concept_person_matt002 concept:personbornincity concept_city_york +concept_person_matt002 concept:personborninlocation concept_county_york_city +concept_person_matt002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_matt002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_matt002 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_matt002 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_matt002 concept:persongraduatedfromuniversity concept_university_college +concept_person_matt002 concept:persongraduatedfromuniversity concept_university_dartmouth_college +concept_person_matt002 concept:persongraduatedfromuniversity concept_university_harvard_university +concept_person_matt002 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_matt002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_matt002 concept:persongraduatedschool concept_university_state_university +concept_person_matt_kenseth concept:hasspouse concept_person_jeff +concept_person_matt_kenseth concept:agentbelongstoorganization concept_sportsleague_nascar +concept_person_matta concept:personbornincity concept_city_york +concept_person_matta concept:personborninlocation concept_city_york +concept_person_matthew concept:persondiedatage 14 +concept_person_matthew concept:agentcontributedtocreativework concept_book_gospel +concept_person_matthew concept:agentcontributedtocreativework concept_book_passion +concept_person_matthew concept:personbornincity concept_city_york +concept_person_matthew concept:personborninlocation concept_county_york_city +concept_person_matthew concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_matthew concept:persongraduatedfromuniversity concept_university_state_university +concept_person_matthew concept:persongraduatedschool concept_university_state_university +concept_person_matthew_bellamy concept:hasspouse concept_person_kate_hudson +concept_person_matthew_d__blaskowski concept:persondiedincountry concept_country_england +concept_person_matthew_d__blaskowski concept:personhasjobposition concept_jobposition_staff_sgt_ +concept_person_max concept:persondiedatage 2 +concept_person_max001 concept:persondiedatage 2 +concept_person_max001 concept:personbornincity concept_city_york +concept_person_max002 concept:persondiedatage 2 +concept_person_mayer concept:personbornincity concept_city_york +concept_person_mayer concept:personborninlocation concept_city_york +concept_person_maykel_galindo concept:persondiedincountry concept_country_england +concept_person_mccain concept:proxyfor concept_book_new +concept_person_mccain concept:personbornincity concept_city_hampshire +concept_person_mccain concept:personborninlocation concept_city_hampshire +concept_person_mccain concept:agentcollaborateswithagent concept_coach_sarah_palin +concept_person_mccain concept:agentcollaborateswithagent concept_female_hilary +concept_person_mccain concept:agentcollaborateswithagent concept_female_hillary +concept_person_mccain concept:personbelongstoorganization concept_governmentorganization_house +concept_person_mccain concept:agentcollaborateswithagent concept_male_barak +concept_person_mccain concept:agentcollaborateswithagent concept_newspaper_president_elect_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_person_bill +concept_person_mccain concept:agentcollaborateswithagent concept_personafrica_george_bush +concept_person_mccain concept:agentbelongstoorganization concept_politicalparty_house +concept_person_mccain concept:agentcollaborateswithagent concept_politician_w__bush +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_barack +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_barrack +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_candidate_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_democratic_candidate_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_democratic_nominee_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_democratic_presidential_candidate_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_gov__sarah_palin +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_governor_sarah_palin +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_hillary_clinton +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_mitt_romney +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_mr__obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_nominee_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_palin +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_president_bush +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_presidential_candidate_barack_obama +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_rudy_giuliani +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_senator_clinton +concept_person_mccain concept:agentcollaborateswithagent concept_politicianus_senator_obama +concept_person_mccain concept:persongraduatedschool concept_university_naval_academy +concept_person_mccain concept:agentcollaborateswithagent concept_writer_barak_obama +concept_person_mccarthy concept:worksfor concept_sportsteam_packers +concept_person_mcdaniels concept:worksfor concept_sportsteam_broncos +concept_person_mckay concept:personbornincity concept_city_york +concept_person_mcpherson concept:personleadsorganization concept_city_abc +concept_person_mcpherson concept:topmemberoforganization concept_televisionnetwork_abc +concept_person_mcpherson concept:agentcontrols concept_website_abc +concept_person_medea_benjamin concept:topmemberoforganization concept_company_code_pink +concept_person_meg concept:personbornincity concept_city_york +concept_person_meg concept:personborninlocation concept_county_york_city +concept_person_meg_whitman concept:personleadsorganization concept_company_ebay001 +concept_person_meg_whitman concept:worksfor concept_company_ebay001 +concept_person_meg_whitman concept:topmemberoforganization concept_company_ebay003 +concept_person_meg_whitman concept:agentcontrols concept_museum_steve +concept_person_megan concept:personborninlocation concept_city_york +concept_person_megan concept:personbelongstoorganization concept_politicalparty_college +concept_person_megan001 concept:hashusband concept_male_david +concept_person_megan001 concept:persongraduatedfromuniversity concept_university_college +concept_person_megan_fox concept:hasspouse concept_male_brian_austin_green +concept_person_megawati_sukarnoputri concept:parentofperson concept_male_sukarno +concept_person_mehmet_okur concept:persondiedincountry concept_country_england +concept_person_meir_sheetrit concept:personbelongstoorganization concept_country_party +concept_person_mel concept:personbornincity concept_city_york +concept_person_mel concept:personborninlocation concept_city_york +concept_person_mel_brooks001 concept:haswife concept_actor_anne_bancroft +concept_person_mel_gibson concept:agentcontributedtocreativework concept_book_braveheart +concept_person_mel_gibson concept:agentcontributedtocreativework concept_book_lethal_weapon +concept_person_mel_gibson concept:agentcontributedtocreativework concept_book_the_patriot +concept_person_mel_gibson concept:hasspouse concept_female_oksana_grigorieva +concept_person_mel_gibson concept:agentcontributedtocreativework concept_movie_patriot +concept_person_melanie concept:personborninlocation concept_city_york +concept_person_melanie concept:persongraduatedfromuniversity concept_university_college +concept_person_melanie concept:persongraduatedschool concept_university_college +concept_person_melissa concept:personbornincity concept_city_york +concept_person_melissa concept:personborninlocation concept_city_york +concept_person_melissa concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_melissa concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_melissa concept:persongraduatedfromuniversity concept_university_college +concept_person_melissa concept:persongraduatedfromuniversity concept_university_state_university +concept_person_melissa concept:persongraduatedschool concept_university_state_university +concept_person_melissa_etheridge concept:hasspouse concept_director_julie_cypher +concept_person_menelaus concept:hasspouse concept_person_helen +concept_person_meteorologist_toseef_ahmed concept:persondiedincountry concept_country_england +concept_person_meyer concept:agentcollaborateswithagent concept_animal_head +concept_person_meyer concept:worksfor concept_sportsteam_florida_gators +concept_person_meyer concept:persongraduatedfromuniversity concept_university_college +concept_person_mezhgan_hussainy concept:hasspouse concept_actor_simon_cowell +concept_person_mia concept:personbornincity concept_city_york +concept_person_mia concept:personborninlocation concept_city_york +concept_person_mia_farrow concept:hasspouse concept_actor_woody_allen +concept_person_michael concept:persondiedatage 3 +concept_person_michael001 concept:persondiedatage 3 +concept_person_michael002 concept:persondiedatage 3 +concept_person_michael002 concept:agentcontrols concept_charactertrait_world +concept_person_michael002 concept:personbornincity concept_city_york +concept_person_michael002 concept:personborninlocation concept_city_york +concept_person_michael002 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_michael002 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_michael002 concept:personhasjobposition concept_jobposition_king +concept_person_michael002 concept:agentcollaborateswithagent concept_male_world +concept_person_michael002 concept:worksfor concept_musicartist_times +concept_person_michael002 concept:parentofperson concept_person_jesus +concept_person_michael002 concept:haswife concept_person_karen001 +concept_person_michael002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_michael002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_michael002 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_michael002 concept:personmovedtostateorprovince concept_stateorprovince_virginia +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_california_state_university +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_college +concept_person_michael002 concept:persongraduatedschool concept_university_college +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_cornell_university +concept_person_michael002 concept:persongraduatedschool concept_university_cornell_university +concept_person_michael002 concept:persongraduatedschool concept_university_harvard_university +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_law_school +concept_person_michael002 concept:persongraduatedschool concept_university_law_school +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_stanford_university +concept_person_michael002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_michael002 concept:persongraduatedschool concept_university_state_university +concept_person_michael_boldin concept:persondiedincountry concept_country_england +concept_person_michael_cowles concept:persondiedincountry concept_country_england +concept_person_michael_e__cryor concept:topmemberoforganization concept_company_maryland_democratic_party +concept_person_michael_ellenberg concept:persondiedincountry concept_country_england +concept_person_michael_finley concept:persondiedincountry concept_country_england +concept_person_michael_g__king_jr_ concept:personhasjobposition concept_jobposition_analyst +concept_person_michael_gidwitz concept:persondiedincountry concept_country_england +concept_person_michael_j__kelley concept:personhasresidenceingeopoliticallocation concept_county_scituate +concept_person_michael_j__kelley concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mass_ +concept_person_michael_j__kelley concept:personhasjobposition concept_jobposition_sgt_ +concept_person_michael_krogman concept:persondiedincountry concept_country_england +concept_person_michael_ridley concept:persondiedincountry concept_country_england +concept_person_michael_salyer concept:persondiedincountry concept_country_england +concept_person_michael_schonberg concept:personleadsorganization concept_organization_dreyfus +concept_person_michael_ware concept:worksfor concept_company_cnn +concept_person_michael_william concept:persondiedincountry concept_country_england +concept_person_michel_josien concept:persondiedincountry concept_country_england +concept_person_michel_kilo concept:personhasjobposition concept_jobposition_analyst +concept_person_michel_sidibe concept:topmemberoforganization concept_company_unaids +concept_person_michel_sidibe concept:persondiedincountry concept_country_england +concept_person_michel_sidibe concept:personleadsorganization concept_politicalparty_unaids +concept_person_michele concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_michelle001 concept:personbornincity concept_city_york +concept_person_michelle001 concept:personborninlocation concept_county_york_city +concept_person_michelle001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_michelle001 concept:persongraduatedfromuniversity concept_university_college +concept_person_michelle001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_michelle001 concept:persongraduatedschool concept_university_state_university +concept_person_michelle_phillips concept:hasspouse concept_person_john +concept_person_mickey concept:personbornincity concept_city_york +concept_person_mike concept:persondiedatage 3 +concept_person_mike concept:personborninlocation concept_airport_jersey +concept_person_mike concept:personbornincity concept_city_york +concept_person_mike concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_mike concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_mike concept:personbelongstoorganization concept_politicalparty_college +concept_person_mike concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_mike concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_mike concept:personmovedtostateorprovince concept_stateorprovince_colorado +concept_person_mike concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_mike concept:persongraduatedfromuniversity concept_university_california_state_university +concept_person_mike concept:persongraduatedfromuniversity concept_university_college +concept_person_mike concept:persongraduatedschool concept_university_college +concept_person_mike concept:persongraduatedfromuniversity concept_university_cornell_university +concept_person_mike concept:persongraduatedfromuniversity concept_university_law_school +concept_person_mike concept:persongraduatedfromuniversity concept_university_michigan_state_university +concept_person_mike concept:persongraduatedfromuniversity concept_university_ohio_state +concept_person_mike concept:persongraduatedschool concept_university_ohio_state +concept_person_mike concept:persongraduatedfromuniversity concept_university_rutgers_university +concept_person_mike concept:persongraduatedfromuniversity concept_university_state_university +concept_person_mike concept:persongraduatedschool concept_university_state_university +concept_person_mike_chilton concept:persondiedincountry concept_country_england +concept_person_mike_comrie concept:hasspouse concept_celebrity_hilary_duff +concept_person_mike_darwin concept:persondiedincountry concept_country_england +concept_person_mike_donohoe concept:persondiedincountry concept_country_england +concept_person_mike_dunleavy concept:personalsoknownas concept_person_dunleavy +concept_person_mike_dunleavy concept:worksfor concept_sportsteam_la_clippers +concept_person_mike_james concept:persondiedincountry concept_country_england +concept_person_mike_lynch concept:topmemberoforganization concept_company_autonomy +concept_person_mike_lynch concept:personleadsorganization concept_terroristorganization_autonomy +concept_person_mike_lynch concept:worksfor concept_terroristorganization_autonomy +concept_person_mike_nichols concept:haswife concept_personcanada_diane_sawyer +concept_person_mike_widomski concept:topmemberoforganization concept_company_fema +concept_person_mikhail_khodorkovsky concept:topmemberoforganization concept_petroleumrefiningcompany_yukos +concept_person_mila_kunis concept:hasspouse concept_person_macaulay_culkin +concept_person_mildred_jeter_loving concept:persondiedincountry concept_country_england +concept_person_mildred_jeter_loving concept:personhasresidenceingeopoliticallocation concept_stateorprovince_virginia +concept_person_miley_cyrus concept:hasspouse concept_celebrity_justin_gaston +concept_person_miley_cyrus concept:agentcollaborateswithagent concept_politician_obama +concept_person_millard_fuller concept:topmemberoforganization concept_hospital_habitat_for_humanity +concept_person_millard_s__drexler concept:personleadsorganization concept_city_gap +concept_person_millard_s__drexler concept:worksfor concept_city_gap +concept_person_millard_s__drexler concept:personhasjobposition concept_jobposition_chief_executive +concept_person_miller concept:personborninlocation concept_city_york +concept_person_mimi concept:personborninlocation concept_county_york_city +concept_person_miriam concept:hassibling concept_person_moses +concept_person_miriam_makeba concept:personhasjobposition concept_jobposition_singer +concept_person_miriam_morgan concept:personhasjobposition concept_jobposition_editor +concept_person_mirza concept:personhasjobposition concept_jobposition_tennis_player +concept_person_mississippi_state concept:agentactsinlocation concept_city_starkville +concept_person_mississippi_state concept:agentcontrols concept_coach_sylvester_croom +concept_person_mississippi_state concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_person_mississippi_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_person_mississippi_state concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_person_mississippi_state concept:agentactsinlocation concept_stateorprovince_mississippi +concept_person_mitch_hecht concept:topmemberoforganization concept_company_international_steel_group +concept_person_mitchell concept:persongraduatedfromuniversity concept_university_college +concept_person_mitchell concept:persongraduatedschool concept_university_college +concept_person_mitchell001 concept:personbornincity concept_city_york +concept_person_mithila concept:persondiedincountry concept_country_england +concept_person_mohamed_elmasry concept:topmemberoforganization concept_company_canadian_islamic_congress +concept_person_mohamed_elmasry concept:persondiedincountry concept_country_england +concept_person_mohammed concept:personhascitizenship concept_country_morocco +concept_person_mohammed concept:personhasjobposition concept_jobposition_king +concept_person_mohammed concept:personhasjobposition concept_jobposition_prophet +concept_person_mohammed_bin_rashid_al_maktoum concept:personleadsgeopoliticalorganization concept_building_dubai +concept_person_mohammed_bin_rashid_al_maktoum concept:worksfor concept_building_dubai +concept_person_mohammed_bin_rashid_al_maktoum concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_dubai +concept_person_mohammed_bin_rashid_al_maktoum concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_united_arab_emirates +concept_person_mohammed_bin_rashid_al_maktoum concept:personhasjobposition concept_jobposition_sheik +concept_person_mohammed_khan concept:persondiedincountry concept_country_pakistan +concept_person_moises_alou concept:parentofperson concept_person_felipe_alou +concept_person_molly concept:personbornincity concept_city_york +concept_person_molly concept:personborninlocation concept_city_york +concept_person_molly concept:persongraduatedfromuniversity concept_university_college +concept_person_molly_moore concept:worksfor concept_city_washington_d_c +concept_person_molly_o_neill concept:worksfor concept_website_new_york_times +concept_person_mom concept:persondiedatage 4 +concept_person_mom concept:personbornincity concept_city_orleans +concept_person_mom concept:personborninlocation concept_city_york +concept_person_mom concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_monaco concept:haswife concept_personaustralia_grace_kelly +concept_person_monroe concept:atlocation concept_attraction_louisiana +concept_person_monroe concept:atlocation concept_blog_iowa +concept_person_monroe concept:atlocation concept_cave_arkansas +concept_person_monroe concept:subpartof concept_company_north_carolina +concept_person_monroe concept:personborninlocation concept_county_york_city +concept_person_monroe concept:subpartof concept_creditunion_michigan +concept_person_monroe concept:subpartof concept_creditunion_wisconsin +concept_person_monroe concept:proxyfor concept_musicsong_louisiana +concept_person_monroe concept:subpartof concept_musicsong_louisiana +concept_person_montag concept:hasspouse concept_male_spencer_pratt +concept_person_montague concept:mutualproxyfor concept_radiostation_new_jersey +concept_person_monte concept:persongraduatedfromuniversity concept_university_state_university +concept_person_monte concept:persongraduatedschool concept_university_state_university +concept_person_montgomery concept:persondiedincountry concept_country_england +concept_person_montgomery concept:personhasjobposition concept_jobposition_deputy_assistant_to_the_president +concept_person_montgomery concept:personhasjobposition concept_jobposition_director_of_advance +concept_person_montgomery concept:personhasjobposition concept_jobposition_director_of_special_events_and_operations +concept_person_montgomery concept:personbelongstoorganization concept_organization_presidential_inaugural_committee +concept_person_moon_unit_zappa concept:hasspouse concept_person_paul_doucette +concept_person_moore concept:personbornincity concept_city_york +concept_person_moore concept:personborninlocation concept_county_york_city +concept_person_moore concept:hasspouse concept_person_ashton_kutcher +concept_person_morgan concept:personbornincity concept_city_york +concept_person_morgan concept:personborninlocation concept_county_york_city +concept_person_morgan concept:persongraduatedfromuniversity concept_university_college +concept_person_morgan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_morgan concept:persongraduatedschool concept_university_state_university +concept_person_morrison concept:persongraduatedfromuniversity concept_university_state_university +concept_person_morrison concept:persongraduatedschool concept_university_state_university +concept_person_morse concept:personbornincity concept_city_york +concept_person_morse concept:personborninlocation concept_city_york +concept_person_moses concept:persondiedatage 120 +concept_person_moses concept:personhasjobposition concept_jobposition_king +concept_person_moses concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_person_moses concept:hassibling concept_person_aaron +concept_person_moses concept:hassibling concept_person_miriam +concept_person_moses concept:persongraduatedschool concept_university_college +concept_person_moses001 concept:persondiedatage 120 +concept_person_moses002 concept:persondiedatage 120 +concept_person_mother concept:persondiedatage 5 +concept_person_mother concept:parentofperson concept_female_child_jesus +concept_person_mother concept:parentofperson concept_female_christ_child +concept_person_mother concept:parentofperson concept_female_mary +concept_person_mother concept:parentofperson concept_person_child +concept_person_mother concept:parentofperson concept_person_jesus +concept_person_mother concept:parentofperson concept_person_joseph003 +concept_person_mother concept:parentofperson concept_person_lord +concept_person_mother concept:parentofperson concept_person_master001 +concept_person_mother concept:parentofperson concept_personsouthamerica_baby_jesus +concept_person_mother001 concept:persondiedatage 5 +concept_person_mother001 concept:parentofperson concept_male_son +concept_person_mother_teresa001 concept:personhasjobposition concept_jobposition_nun +concept_person_mozart concept:persondiedatage 35 +concept_person_mozart concept:agentinvolvedwithitem concept_musicinstrument_bassoon +concept_person_mozart concept:agentinvolvedwithitem concept_musicinstrument_clarinet +concept_person_mozart concept:agentinvolvedwithitem concept_musicinstrument_string +concept_person_mozart concept:agentinvolvedwithitem concept_musicinstrument_viola +concept_person_mozart concept:agentcollaborateswithagent concept_person_john001 +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_challenge +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_deal +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_harare +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_members +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_official +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_plans +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_protest +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_summit +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_city_unity +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_britain +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_land +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_party +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_south_africa +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_southern_africa +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_country_united_states +concept_person_mugabe concept:personhasresidenceingeopoliticallocation concept_country_zimbabwe +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_geopoliticallocation_community +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_geopoliticallocation_world +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_geopoliticalorganization_african_country +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_geopoliticalorganization_policies +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_action +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_administration +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_cabinet +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_european_union +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_governments +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_governmentorganization_rule +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_landscapefeatures_end +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_nongovorganization_mdc +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_nongovorganization_opposition +concept_person_mugabe concept:personbelongstoorganization concept_nongovorganization_zanu_pf +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_nongovorganization_zanu_pf +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_organization_economy +concept_person_mugabe concept:personbelongstoorganization concept_organization_zanu +concept_person_mugabe concept:agentcontrols concept_personus_party +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_movement_for_democratic_change +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_national_unity +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_opposition_party +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_parliament +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_rally +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_ruling_zanu_pf +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_ruling_zanu_pf_party +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_way +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_western_governments +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_politicalparty_zanu_pf_party +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_retailstore_policy +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_stateorprovince_eu +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_stateorprovince_line +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_stateorprovince_ministers +concept_person_mugabe concept:personleadsgeopoliticalorganization concept_stateorprovince_travel +concept_person_mugabe concept:personbelongstoorganization concept_terroristorganization_national_democratic_party +concept_person_mukesh_ambani concept:personleadsorganization concept_bank_reliance_industries_limited +concept_person_mukwege concept:personhasresidenceingeopoliticallocation concept_city_bukavu +concept_person_mukwege concept:personhasresidenceingeopoliticallocation concept_country_democratic_republic_of_congo +concept_person_mukwege concept:persondiedincountry concept_country_england +concept_person_mukwege concept:personhasjobposition concept_jobposition_doctor +concept_person_mulligan concept:personbornincity concept_city_york +concept_person_mulligan concept:personborninlocation concept_city_york +concept_person_murray concept:personbornincity concept_city_york +concept_person_murray concept:proxyfor concept_coach_kentucky +concept_person_murray concept:personborninlocation concept_county_york_city +concept_person_murray concept:persongraduatedfromuniversity concept_university_college +concept_person_murray concept:persongraduatedfromuniversity concept_university_state_university +concept_person_murray concept:persongraduatedschool concept_university_state_university +concept_person_murray_chass concept:worksfor concept_website_new_york_times +concept_person_myers concept:persondiedatage 30 +concept_person_myers001 concept:persondiedatage 30 +concept_person_myers001 concept:personbornincity concept_city_york +concept_person_myers001 concept:personborninlocation concept_city_york +concept_person_n100_protesters concept:persondiedincountry concept_country_england +concept_person_n12_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n13_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n14_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n15_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n17_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n20_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n22_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_n54_people concept:persondiedincountry concept_country_england +concept_person_nadia_heninger concept:personbelongstoorganization concept_university_indiana_university_of_pennsylvania +concept_person_nan_wang concept:personhasresidenceingeopoliticallocation concept_city_hong_kong_island +concept_person_nan_wang concept:personhasresidenceingeopoliticallocation concept_country_china +concept_person_nan_wang concept:personhasresidenceingeopoliticallocation concept_country_wales +concept_person_nan_wang concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_south_wales +concept_person_nancy concept:personbornincity concept_city_york +concept_person_nancy concept:personborninlocation concept_city_york +concept_person_nancy concept:persongraduatedfromuniversity concept_university_college +concept_person_nancy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_nancy concept:persongraduatedschool concept_university_state_university +concept_person_nancy concept:personmovedtostateorprovince concept_visualizablescene_washington +concept_person_nancy_bliss concept:personhasresidenceingeopoliticallocation concept_city_woodstock +concept_person_nancy_bliss concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_n_y_ +concept_person_naomi concept:personbornincity concept_city_york +concept_person_naomi concept:personborninlocation concept_city_york +concept_person_naomi concept:hasspouse concept_person_liev_schreiber +concept_person_naomi001 concept:hashusband concept_actor_liev_schreiber +concept_person_naomi_watts concept:hasspouse concept_actor_liev_schreiber +concept_person_natalia_bessmertnova concept:personhasjobposition concept_jobposition_ballerina +concept_person_natalia_bessmertnova concept:personhasjobposition concept_jobposition_prima_ballerina +concept_person_natalia_bessmertnova concept:personbelongstoorganization concept_musicartist_bolshoi_theatre +concept_person_natalie concept:personbornincity concept_city_york +concept_person_natalie concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_nate concept:persongraduatedfromuniversity concept_university_state_university +concept_person_nate concept:persongraduatedschool concept_university_state_university +concept_person_nate_mclouth concept:personbelongstoorganization concept_city_pittsburgh +concept_person_nate_mclouth concept:personbelongstoorganization concept_sportsteam_pirates +concept_person_nathan concept:persondiedatage 3 +concept_person_nathan concept:personbornincity concept_city_york +concept_person_nathan concept:personborninlocation concept_city_york +concept_person_nathan concept:hassibling concept_person_solomon +concept_person_nathan concept:persongraduatedfromuniversity concept_university_college +concept_person_nathan concept:persongraduatedschool concept_university_college +concept_person_nathan001 concept:persondiedatage 3 +concept_person_nathan_bouscher concept:topmemberoforganization concept_company_cidi +concept_person_nathan_bouscher concept:persondiedincountry concept_country_england +concept_person_nathan_bouscher concept:personleadsorganization concept_politicalparty_cidi +concept_person_nathan_phillips concept:personbornincity concept_city_toronto +concept_person_nazi_germany concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_ned concept:persongraduatedfromuniversity concept_university_college +concept_person_neil001 concept:personbornincity concept_city_york +concept_person_neil001 concept:personborninlocation concept_city_york +concept_person_neil001 concept:persongraduatedschool concept_university_southern_college +concept_person_neil_cavuto concept:agentbelongstoorganization concept_company_fox +concept_person_neil_cavuto concept:personbelongstoorganization concept_mountain_fox +concept_person_nelson concept:personbornincity concept_city_york +concept_person_nelson_mandela concept:personhascitizenship concept_country_south_africa +concept_person_nelson_mandela concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_nelson_mandela concept:atdate concept_year_n1994 +concept_person_nelson_rockefeller concept:personborninlocation concept_city_york +concept_person_ness_wadia concept:hasspouse concept_personcanada_preity_zinta +concept_person_nestor_kirchner concept:personhasjobposition concept_politicaloffice_president +concept_person_new_england_patriots_defensive_end concept:personbelongstoorganization concept_sportsteam_new_england_patriots +concept_person_newman concept:hasspouse concept_actor_joanne_woodward +concept_person_newman concept:personbornincity concept_city_york +concept_person_newman concept:personhasresidenceingeopoliticallocation concept_county_westport +concept_person_newman concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_conn_ +concept_person_newman concept:personhasjobposition concept_jobposition_delegate +concept_person_newman concept:personbelongstoorganization concept_organization_car_racing_team +concept_person_newman concept:persongraduatedfromuniversity concept_university_college +concept_person_newman concept:personhasresidenceingeopoliticallocation concept_visualizablescene_hollywood +concept_person_ngozi_okonjo_iweala concept:personhasjobposition concept_jobposition_managing_director +concept_person_nguyen_duc_kien concept:personleadsorganization concept_organization_economics_affairs_and_budget_commission +concept_person_nguyen_duc_kien concept:worksfor concept_organization_economics_affairs_and_budget_commission +concept_person_nguyen_phu_trong concept:persondiedincountry concept_country_england +concept_person_nguyen_phu_trong concept:personbelongstoorganization concept_nongovorganization_standing_committee +concept_person_nguyen_phu_trong concept:personbelongstoorganization concept_organization_national_assembly__na__of_vietnam +concept_person_nguyen_van_an concept:persondiedincountry concept_country_england +concept_person_nguyen_van_an concept:personleadsorganization concept_stateorprovince_na +concept_person_nguyen_van_an concept:worksfor concept_stateorprovince_na +concept_person_nhat_hanh concept:personhasjobposition concept_jobposition_zen_master +concept_person_nic_grindrod concept:persondiedincountry concept_country_england +concept_person_nichols concept:personborninlocation concept_city_york +concept_person_nick concept:persondiedatage 3 +concept_person_nick concept:agentcontrols concept_charactertrait_world +concept_person_nick concept:personbornincity concept_city_york +concept_person_nick concept:personborninlocation concept_city_york +concept_person_nick concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_nick concept:haswife concept_person_jessica001 +concept_person_nick concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_nick concept:persongraduatedfromuniversity concept_university_state_university +concept_person_nick concept:persongraduatedschool concept_university_state_university +concept_person_nick001 concept:persondiedatage 3 +concept_person_nick_berg concept:persondiedincountry concept_country_iraq +concept_person_nick_cannon concept:hasspouse concept_actor_mariah_carey +concept_person_nick_cannon concept:haswife concept_female_mariah_carey +concept_person_nick_wadhams concept:personhasjobposition concept_jobposition_special_correspondent +concept_person_nicole_scherzinger concept:hasspouse concept_celebrity_lewis_hamilton +concept_person_nikki concept:persondiedatage 2 +concept_person_nikki concept:persongraduatedfromuniversity concept_university_college +concept_person_niklas_zennstr_m concept:topmemberoforganization concept_company_skype_com +concept_person_nikolai_khromov concept:personhasjobposition concept_jobposition_manager +concept_person_nina_tassler concept:personbelongstoorganization concept_company_cnn__pbs +concept_person_nina_tassler concept:personleadsorganization concept_company_cnn__pbs +concept_person_nina_tassler concept:topmemberoforganization concept_televisionnetwork_cbs +concept_person_nina_zagat concept:persondiedincountry concept_country_england +concept_person_noah_snavely concept:personbelongstoorganization concept_university_cornell +concept_person_noguchi concept:personhasresidenceingeopoliticallocation concept_city_mie +concept_person_noguchi concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_ise +concept_person_norman001 concept:personbornincity concept_city_york +concept_person_norman_treigle concept:personhasjobposition concept_jobposition_bass_baritone +concept_person_norwich concept:persongraduatedschool concept_university_college +concept_person_o_keeffe concept:latitudelongitude 35.1492100000000,-106.5094700000000 +concept_person_o_keeffe concept:personbornincity concept_city_york +concept_person_o_keeffe concept:personborninlocation concept_country_mexico +concept_person_o_neill concept:personbornincity concept_city_york +concept_person_o_neill concept:personborninlocation concept_city_york +concept_person_o_reilly concept:personhasjobposition concept_jobposition_chief_executive +concept_person_odile_roujol concept:topmemberoforganization concept_company_lancome +concept_person_oerter concept:personhasjobposition concept_jobposition_track_and_field_athlete +concept_person_oh concept:persondiedatage 2 +concept_person_oh001 concept:persondiedatage 2 +concept_person_oh002 concept:persondiedatage 2 +concept_person_oklahoma_state concept:agentcollaborateswithagent concept_coach_mike_gundy +concept_person_oklahoma_state concept:agentcontrols concept_coach_mike_gundy +concept_person_oklahoma_state concept:agentactsinlocation concept_geopoliticallocation_oklahoma +concept_person_oklahoma_state concept:agentcontrols concept_personmexico_eddie_sutton +concept_person_oklahoma_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_person_okonjo_iweala concept:persondiedincountry concept_country_england +concept_person_okonjo_iweala concept:personhasjobposition concept_jobposition_fellow +concept_person_okonjo_iweala concept:personhasjobposition concept_jobposition_finance_and_foreign_minister +concept_person_okonjo_iweala concept:personhasjobposition concept_jobposition_managing_director +concept_person_olga_dovgun concept:personhasresidenceingeopoliticallocation concept_country_kazakhstan +concept_person_olive concept:persondiedincountry concept_country_england +concept_person_oliver concept:personbornincity concept_city_york +concept_person_oliver concept:personborninlocation concept_city_york +concept_person_oliver_meade concept:personhasresidenceingeopoliticallocation concept_city_college_park +concept_person_oliver_meade concept:persondiedincountry concept_country_england +concept_person_oliver_meade concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_md_ +concept_person_olivia_friedman concept:persondiedincountry concept_country_england +concept_person_olson concept:personbornincity concept_city_york +concept_person_olson concept:personborninlocation concept_city_york +concept_person_one_person concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_one_person concept:parentofperson concept_person_jesus +concept_person_onemi_emergency_office concept:persondiedincountry concept_country_england +concept_person_oprah concept:personalsoknownas concept_personus_oprah_winfrey +concept_person_orchestra concept:personborninlocation concept_county_chicago +concept_person_oriol_servia concept:personbelongstoorganization concept_organization_kv_racing_technology +concept_person_orlando_bloom001 concept:hasspouse concept_actor_miranda_kerr +concept_person_orly_taitz concept:personchargedwithcrime concept_crimeorcharge_abuse_of_privilege_to_practice_law +concept_person_orly_taitz concept:personchargedwithcrime concept_crimeorcharge_fivolous_lawsuit +concept_person_orpheus concept:haswife concept_female_eurydice +concept_person_oscar_arias concept:personhasjobposition concept_politicaloffice_president +concept_person_oscar_wyatt concept:personbelongstoorganization concept_city_texas +concept_person_oscar_wyatt concept:personleadsorganization concept_city_texas +concept_person_oswald concept:personbornincity concept_city_orleans +concept_person_otylia_jedrzejczak concept:persondiedincountry concept_country_england +concept_person_otylia_jedrzejczak concept:personhasjobposition concept_jobposition_swimmer +concept_person_owen_benjamin concept:hasspouse concept_actor_christina_ricci +concept_person_owens concept:persongraduatedfromuniversity concept_university_state_university +concept_person_owens concept:persongraduatedschool concept_university_state_university +concept_person_ozzie_guillen concept:persondiedincountry concept_country_england +concept_person_ozzie_virgil concept:personbelongstoorganization concept_organization_the_tigers +concept_person_ozzie_virgil concept:personbelongstoorganization concept_organization_tigers +concept_person_p_j__brown concept:personalsoknownas concept_coach_p_j__carlesimo +concept_person_p_j__brown concept:personalsoknownas concept_person_pj_hill +concept_person_p_j__brown concept:personalsoknownas concept_personus_j_p__howell +concept_person_paavo_nurmi concept:personalsoknownas concept_person_flying_finn +concept_person_pablo concept:personbornincity concept_city_york +concept_person_pablo concept:personborninlocation concept_city_york +concept_person_page concept:persondiedatage 3 +concept_person_paik concept:personbornincity concept_city_york +concept_person_paik concept:personborninlocation concept_city_york +concept_person_pamela concept:personbornincity concept_city_york +concept_person_pamela concept:personborninlocation concept_city_york +concept_person_pamela concept:persongraduatedfromuniversity concept_university_college +concept_person_pandu concept:hasspouse concept_female_kunti +concept_person_pandu concept:parentofperson concept_person_arjuna +concept_person_paris_hilton concept:hasspouse concept_person_benji_madden +concept_person_paris_latsis concept:hasspouse concept_person_paris_hilton +concept_person_parker concept:personbornincity concept_city_york +concept_person_parker concept:personborninlocation concept_city_york +concept_person_parker concept:hasspouse concept_personcanada_matthew_broderick +concept_person_parker concept:persongraduatedfromuniversity concept_university_college +concept_person_partner concept:agentcreated concept_book_contact +concept_person_partner concept:atdate concept_date_n1999 +concept_person_partner concept:atdate concept_date_n2000 +concept_person_partner concept:atdate concept_date_n2001 +concept_person_partner concept:atdate concept_date_n2003 +concept_person_partner concept:atdate concept_date_n2004 +concept_person_partner concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_partner concept:atdate concept_year_n1997 +concept_person_pat_knight concept:worksfor concept_automobilemaker_tech +concept_person_pat_riley concept:worksfor concept_sportsteam_los_angeles_lakers +concept_person_patrice_bergeron concept:persondiedatage 5 +concept_person_patrice_bergeron concept:personbornincity concept_city_york +concept_person_patrice_bergeron concept:personborninlocation concept_city_york +concept_person_patrice_bergeron concept:personhascitizenship concept_country_cyprus +concept_person_patrice_bergeron concept:personhascitizenship concept_country_montenegro +concept_person_patrice_bergeron concept:personhascitizenship concept_country_portugal +concept_person_patrice_bergeron concept:personhascitizenship concept_country_russia +concept_person_patrice_bergeron concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_patrice_bergeron concept:haswife concept_female_elizabeth +concept_person_patrice_bergeron concept:personhasjobposition concept_jobposition_king +concept_person_patrice_bergeron concept:personhasjobposition concept_jobposition_tsar +concept_person_patrice_bergeron concept:hassibling concept_person_andrew001 +concept_person_patrice_bergeron concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_patrice_bergeron concept:persongraduatedfromuniversity concept_university_college +concept_person_patrice_bergeron concept:persongraduatedschool concept_university_college +concept_person_patrice_bergeron concept:persongraduatedfromuniversity concept_university_state_university +concept_person_patrice_bergeron concept:persongraduatedschool concept_university_state_university +concept_person_patrice_bergeron concept:personmovedtostateorprovince concept_visualizablescene_washington +concept_person_patricia concept:personbornincity concept_city_york +concept_person_patricia concept:personborninlocation concept_county_york_city +concept_person_patricia concept:persongraduatedfromuniversity concept_university_college +concept_person_patricia concept:persongraduatedfromuniversity concept_university_state_university +concept_person_patricia concept:persongraduatedschool concept_university_state_university +concept_person_patricia_dunn concept:topmemberoforganization concept_company_hp001 +concept_person_patricia_dunn concept:personleadsorganization concept_university_hewlett_packard +concept_person_patricia_lapre concept:persongraduatedschool concept_university_bristol_community_college +concept_person_patrick concept:personborninlocation concept_county_york_city +concept_person_patrick concept:persongraduatedfromuniversity concept_university_college +concept_person_patrick concept:persongraduatedschool concept_university_college +concept_person_patrick concept:persongraduatedfromuniversity concept_university_state_university +concept_person_patrick concept:persongraduatedschool concept_university_state_university +concept_person_patrick_j__scannon concept:personhasjobposition concept_jobposition_dr_ +concept_person_patsy_kensit concept:hasspouse concept_director_liam_gallagher +concept_person_paul concept:persondiedatage 3 +concept_person_paul concept:haswife concept_person_jean +concept_person_paul concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_person_paul001 concept:persondiedatage 3 +concept_person_paul001 concept:agentcontributedtocreativework concept_book_acts +concept_person_paul001 concept:agentcontributedtocreativework concept_book_cathedral +concept_person_paul001 concept:agentcontributedtocreativework concept_book_feast +concept_person_paul001 concept:agentcontributedtocreativework concept_book_romans +concept_person_paul001 concept:personbornincity concept_city_york +concept_person_paul001 concept:personborninlocation concept_city_york +concept_person_paul001 concept:personhasjobposition concept_jobposition_king +concept_person_paul001 concept:agentcontributedtocreativework concept_musicalbum_fortress +concept_person_paul001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_paul001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_paul001 concept:persongraduatedfromuniversity concept_university_institute +concept_person_paul001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_paul001 concept:persongraduatedschool concept_university_state_university +concept_person_paul001 concept:agentcontributedtocreativework concept_visualartform_church +concept_person_paul_bledsoe concept:personhasjobposition concept_jobposition_strategy_director +concept_person_paul_doucette concept:hasspouse concept_person_moon_unit_zappa +concept_person_paul_morley concept:persondiedincountry concept_country_england +concept_person_paul_newman concept:persondiedatage 83 +concept_person_paul_newman concept:hasspouse concept_actor_joanne_woodward +concept_person_paul_newman concept:personhasresidenceingeopoliticallocation concept_county_westport +concept_person_paul_newman concept:haswife concept_female_joanne_woodward +concept_person_paul_newman concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_conn +concept_person_paul_newman concept:personhasjobposition concept_jobposition_film_star +concept_person_paula concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_paula_dodson concept:persondiedincountry concept_country_england +concept_person_paulus_powell concept:persondiedincountry concept_country_england +concept_person_pearson concept:personbornincity concept_city_york +concept_person_pedro concept:personhascitizenship concept_country_brazil +concept_person_pedro concept:personhascitizenship concept_country_portugal +concept_person_pedro_martinez concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_peggy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_peggy concept:persongraduatedschool concept_university_state_university +concept_person_peggy_noonan concept:worksfor concept_newspaper_wall_street_journal +concept_person_peja_stojakovic concept:persondiedincountry concept_country_england +concept_person_penelope concept:hashusband concept_male_odysseus +concept_person_penelope_cruz concept:hasspouse concept_male_javier_bardem +concept_person_penn_badgley concept:hasspouse concept_person_blake_lively +concept_person_penny_lancaster concept:hasspouse concept_person_rod_stewart +concept_person_penny_russell concept:persondiedincountry concept_country_england +concept_person_perenchio concept:worksfor concept_city_univision +concept_person_perera concept:personhasjobposition concept_jobposition_test_driver +concept_person_perera concept:personbelongstoorganization concept_organization_japanese_company +concept_person_perry concept:personbornincity concept_city_york +concept_person_pete concept:personbornincity concept_city_york +concept_person_pete concept:hasspouse concept_person_ashlee +concept_person_pete concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_pete concept:persongraduatedfromuniversity concept_university_college +concept_person_pete concept:persongraduatedfromuniversity concept_university_state_university +concept_person_pete concept:persongraduatedschool concept_university_state_university +concept_person_pete_wentz concept:hasspouse concept_celebrity_ashlee_simpson +concept_person_pete_wentz concept:personbelongstoorganization concept_musicartist_fall_out_boy +concept_person_pete_wentz concept:haswife concept_person_ashlee +concept_person_peter concept:persondiedatage 5 +concept_person_peter_edward_baumann concept:persondiedincountry concept_country_england +concept_person_peter_f__vallone_sr_ concept:personbelongstoorganization concept_nongovorganization_democrat +concept_person_peter_facinelli concept:haswife concept_actor_jennie_garth +concept_person_peter_facinelli concept:hasspouse concept_personcanada_jennie_garth +concept_person_peter_finch concept:agentcontributedtocreativework concept_book_network +concept_person_peter_fitzwilliam concept:personbelongstoorganization concept_organization_house_of_lords +concept_person_peter_jennings concept:agentcollaborateswithagent concept_city_abc +concept_person_peter_jennings concept:subpartof concept_website_abc +concept_person_peter_kropotkin concept:agentcreated concept_sociopolitical_memoirs_of_a_revolutionist +concept_person_peter_lynch concept:personleadsorganization concept_company_winn_dixie +concept_person_peter_lynch concept:worksfor concept_company_winn_dixie +concept_person_peter_max concept:persondiedincountry concept_country_england +concept_person_peter_munk concept:personleadsorganization concept_biotechcompany_barrick_gold_corporation +concept_person_peter_munk concept:topmemberoforganization concept_company_barrick_gold +concept_person_peter_sands concept:topmemberoforganization concept_bank_standard_chartered +concept_person_peterson_goodwyn concept:persondiedincountry concept_country_england +concept_person_peyton_manning concept:personbelongstoorganization concept_sportsteam_colts +concept_person_phil concept:personbornincity concept_city_york +concept_person_phil concept:personborninlocation concept_city_york +concept_person_phil concept:personbelongstoorganization concept_politicalparty_college +concept_person_phil concept:persongraduatedfromuniversity concept_university_college +concept_person_phil concept:persongraduatedfromuniversity concept_university_state_university +concept_person_phil concept:persongraduatedschool concept_university_state_university +concept_person_phil_jackson concept:worksfor concept_sportsteam_chicago_bulls +concept_person_phil_knight concept:agentcontrols concept_clothing_nike +concept_person_phil_knight concept:topmemberoforganization concept_company_nike +concept_person_phil_waugh concept:topmemberoforganization concept_company_new_south_wales_waratahs +concept_person_philip concept:personbornincity concept_city_york +concept_person_philip concept:personborninlocation concept_city_york +concept_person_philip concept:personhascitizenship concept_country_france_france +concept_person_philip concept:personhascitizenship concept_country_macedonia +concept_person_philip concept:personhascitizenship concept_country_portugal +concept_person_philip concept:personhascitizenship concept_country_spain +concept_person_philip concept:personhasjobposition concept_jobposition_king +concept_person_philip concept:persongraduatedfromuniversity concept_university_college +concept_person_philip concept:persongraduatedschool concept_university_college +concept_person_philip_benson concept:persondiedincountry concept_country_england +concept_person_philip_trewhitt concept:persondiedincountry concept_country_england +concept_person_philippe_burke concept:persondiedincountry concept_country_england +concept_person_philippe_val concept:personhasjobposition concept_jobposition_director_of_publications +concept_person_phillip concept:personbornincity concept_city_york +concept_person_phillip concept:personborninlocation concept_city_york +concept_person_phillip concept:personhascitizenship concept_country_france_france +concept_person_phillip concept:personhascitizenship concept_country_spain +concept_person_phillip concept:personhasjobposition concept_jobposition_king +concept_person_phillips concept:agentactsinlocation concept_city_washington_d_c +concept_person_phillips concept:personbornincity concept_city_york +concept_person_phillips concept:personborninlocation concept_city_york +concept_person_phillips concept:agentcollaborateswithagent concept_petroleumrefiningcompany_conoco +concept_person_phillips concept:agentcontrols concept_petroleumrefiningcompany_conoco +concept_person_phillips concept:agentcontrols concept_retailstore_conoco +concept_person_phinneaus_walter_moder concept:hassibling concept_person_henry_daniel_moder +concept_person_phoebe concept:personbornincity concept_city_york +concept_person_phoebe concept:personborninlocation concept_city_york +concept_person_phoebe_cates concept:hashusband concept_actor_kevin_kline +concept_person_phone concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_person_phone concept:agentcreated concept_movie_contact +concept_person_phone concept:agentcreated concept_musicalbum_details +concept_person_phone concept:agentcreated concept_musicalbum_information +concept_person_phone concept:agentcreated concept_retailstore_contacts +concept_person_phone concept:agentcreated concept_scientificterm_information_contact +concept_person_phone concept:agentcreated concept_scientificterm_more_information_contact +concept_person_phyllis_curtin concept:personhasjobposition concept_jobposition_soprano +concept_person_phyllis_curtin concept:personbelongstoorganization concept_organization_city_opera +concept_person_pierce_brosnan concept:haswife concept_personcanada_keely_shaye_smith +concept_person_pierre concept:personbornincity concept_city_orleans +concept_person_pincus concept:topmemberoforganization concept_company_zynga +concept_person_pink concept:hashusband concept_model_carey_hart +concept_person_pink concept:hasspouse concept_person_carey_hart +concept_person_piquet concept:personbelongstoorganization concept_automobilemaker_renault +concept_person_pitt concept:hasspouse concept_celebrity_jennifer_aniston +concept_person_pj_hill concept:personalsoknownas concept_athlete_j_p__arencibia +concept_person_pj_hill concept:personalsoknownas concept_athlete_j_p__losman +concept_person_pj_hill concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_person_pj_hill concept:personalsoknownas concept_athlete_p_j__walters +concept_person_pj_hill concept:personalsoknownas concept_coach_p_j__carlesimo +concept_person_pj_hill concept:personalsoknownas concept_coach_p_j__hill +concept_person_pj_hill concept:personalsoknownas concept_person_p_j__brown +concept_person_pj_hill concept:personalsoknownas concept_personus_j_p__howell +concept_person_pl_cido_domingo concept:personbornincity concept_city_madrid +concept_person_placa concept:personhasjobposition concept_jobposition_priesthood +concept_person_placa concept:personhasjobposition concept_jobposition_the_priesthood +concept_person_plaxico_burress concept:personbelongstoorganization concept_sportsteam_new_york_giants +concept_person_poe001 concept:personbornincity concept_city_york +concept_person_poe001 concept:personborninlocation concept_county_york_city +concept_person_pontius_pilate concept:hassibling concept_male_jesus_christ +concept_person_pontius_pilate concept:hassibling concept_person_jesus +concept_person_pope concept:personbornincity concept_city_york +concept_person_pope_john_paul_ii001 concept:persondiedatage 84 +concept_person_pope_john_paul_ii001 concept:atdate concept_dateliteral_n2005 +concept_person_pope_john_paul_ii002 concept:persondiedatage 84 +concept_person_portia_de_rossi concept:hasspouse concept_person_ellen_degeneres +concept_person_potter concept:personbornincity concept_city_york +concept_person_powers concept:personhasjobposition concept_jobposition_top_deputy_mayor +concept_person_practice concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_prapawadee_charoenrattanatharakul concept:personhasjobposition concept_jobposition_lifter +concept_person_president concept:hasspouse concept_celebrity_laura_bush +concept_person_president concept:agentcollaborateswithagent concept_city_bush +concept_person_president concept:personbornincity concept_city_orleans +concept_person_president concept:personhascitizenship concept_country_france_france +concept_person_president concept:personhascitizenship concept_country_french_republic +concept_person_president concept:personhasresidenceingeopoliticallocation concept_country_philippines +concept_person_president concept:personhasresidenceingeopoliticallocation concept_country_the_united_states +concept_person_president concept:personhasresidenceingeopoliticallocation concept_country_u_s_a_ +concept_person_president concept:personhasresidenceingeopoliticallocation concept_country_united_states +concept_person_president concept:personhasresidenceingeopoliticallocation concept_country_usa +concept_person_president concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_president concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_president concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_president concept:atdate concept_date_n1964 +concept_person_president concept:atdate concept_date_n1968 +concept_person_president concept:atdate concept_date_n1972 +concept_person_president concept:atdate concept_date_n1976 +concept_person_president concept:atdate concept_date_n1979 +concept_person_president concept:atdate concept_date_n1993 +concept_person_president concept:atdate concept_date_n1996 +concept_person_president concept:atdate concept_date_n1999 +concept_person_president concept:atdate concept_date_n2000 +concept_person_president concept:atdate concept_date_n2001 +concept_person_president concept:atdate concept_date_n2003 +concept_person_president concept:atdate concept_date_n2004 +concept_person_president concept:atdate concept_date_n2009 +concept_person_president concept:atdate concept_dateliteral_n1945 +concept_person_president concept:atdate concept_dateliteral_n1980 +concept_person_president concept:atdate concept_dateliteral_n1987 +concept_person_president concept:atdate concept_dateliteral_n1990 +concept_person_president concept:atdate concept_dateliteral_n2002 +concept_person_president concept:atdate concept_dateliteral_n2005 +concept_person_president concept:atdate concept_dateliteral_n2006 +concept_person_president concept:atdate concept_dateliteral_n2007 +concept_person_president concept:atdate concept_dateliteral_n2008 +concept_person_president concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_navy +concept_person_president concept:personbelongstoorganization concept_governmentorganization_house +concept_person_president concept:agentcollaborateswithagent concept_person_house +concept_person_president concept:agentcollaborateswithagent concept_person_mccain +concept_person_president concept:personhasresidenceingeopoliticallocation concept_politicalparty_confederate_states +concept_person_president concept:agentcollaborateswithagent concept_politician_clinton +concept_person_president concept:agentcollaborateswithagent concept_politicianus_rodham_clinton +concept_person_president concept:istallerthan concept_publication_people_ +concept_person_president concept:persongraduatedfromuniversity concept_university_yale +concept_person_president concept:atdate concept_year_n1948 +concept_person_president concept:atdate concept_year_n1960 +concept_person_president concept:atdate concept_year_n1978 +concept_person_president concept:atdate concept_year_n1984 +concept_person_president concept:atdate concept_year_n1988 +concept_person_president concept:atdate concept_year_n1989 +concept_person_president concept:atdate concept_year_n1991 +concept_person_president concept:atdate concept_year_n1992 +concept_person_president concept:atdate concept_year_n1994 +concept_person_president concept:atdate concept_year_n1995 +concept_person_president concept:atdate concept_year_n1997 +concept_person_president concept:atdate concept_year_n1998 +concept_person_president_barack_obama concept:hasspouse concept_female_michelle_obama +concept_person_president_barack_obama concept:agentbelongstoorganization concept_governmentorganization_house +concept_person_president_barack_obama concept:agentcollaborateswithagent concept_governmentorganization_house +concept_person_president_bill_clinton concept:agentcollaborateswithagent concept_city_bush +concept_person_president_bill_clinton concept:agentcollaborateswithagent concept_company_clinton +concept_person_president_bill_clinton concept:atdate concept_date_n1993 +concept_person_president_bill_clinton concept:personbelongstoorganization concept_governmentorganization_house +concept_person_prime_minister concept:personbornincity concept_city_york +concept_person_prime_minister concept:personborninlocation concept_city_york +concept_person_prime_minister concept:atdate concept_date_n1964 +concept_person_prime_minister concept:atdate concept_date_n1996 +concept_person_prime_minister concept:atdate concept_date_n1999 +concept_person_prime_minister concept:atdate concept_date_n2000 +concept_person_prime_minister concept:atdate concept_date_n2001 +concept_person_prime_minister concept:atdate concept_date_n2003 +concept_person_prime_minister concept:atdate concept_date_n2004 +concept_person_prime_minister concept:atdate concept_dateliteral_n2008 +concept_person_prime_minister concept:atdate concept_year_n1988 +concept_person_prime_minister concept:atdate concept_year_n1992 +concept_person_prime_minister concept:atdate concept_year_n1997 +concept_person_prime_minister concept:atdate concept_year_n1998 +concept_person_prince concept:agentcollaborateswithagent concept_city_john +concept_person_prince concept:personhascitizenship concept_country_brazil +concept_person_prince concept:personhascitizenship concept_country_britain +concept_person_prince concept:personhascitizenship concept_country_bulgaria +concept_person_prince concept:personhascitizenship concept_country_france_france +concept_person_prince concept:personhascitizenship concept_country_germany +concept_person_prince concept:personhascitizenship concept_country_hungary +concept_person_prince concept:personhascitizenship concept_country_luxembourg +concept_person_prince concept:personhascitizenship concept_country_monaco +concept_person_prince concept:personhascitizenship concept_country_montenegro +concept_person_prince concept:personhascitizenship concept_country_netherlands +concept_person_prince concept:personhascitizenship concept_country_norway +concept_person_prince concept:personhascitizenship concept_country_orleans +concept_person_prince concept:personhascitizenship concept_country_portugal +concept_person_prince concept:personhascitizenship concept_country_prussia +concept_person_prince concept:personhascitizenship concept_country_republic_of_austria +concept_person_prince concept:personhascitizenship concept_country_romania +concept_person_prince concept:personhascitizenship concept_country_sicily +concept_person_prince concept:personhascitizenship concept_country_spain +concept_person_prince concept:personhascitizenship concept_country_sweden +concept_person_prince concept:personhascitizenship concept_country_the_united_kingdom +concept_person_prince concept:personhascitizenship concept_country_uk +concept_person_prince concept:personhascitizenship concept_country_wales +concept_person_prince concept:personhasjobposition concept_jobposition_king +concept_person_prince concept:personhasjobposition concept_jobposition_lord +concept_person_prince concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_person_prince_charles001 concept:haswife concept_celebrity_princess_diana +concept_person_prince_charles001 concept:hasspouse concept_person_camilla +concept_person_prince_fielder concept:parentofperson concept_person_cecil_fielder +concept_person_prince_harry concept:haswife concept_person_chelsy_davy001 +concept_person_princess concept:personhascitizenship concept_country_belgium +concept_person_princess concept:personhascitizenship concept_country_brazil +concept_person_princess concept:personhascitizenship concept_country_britain +concept_person_princess concept:personhascitizenship concept_country_denmark +concept_person_princess concept:personhascitizenship concept_country_england +concept_person_princess concept:personhascitizenship concept_country_former_soviet_union +concept_person_princess concept:personhascitizenship concept_country_france_france +concept_person_princess concept:personhascitizenship concept_country_great_britain +concept_person_princess concept:personhascitizenship concept_country_greece +concept_person_princess concept:personhascitizenship concept_country_hungary +concept_person_princess concept:personhascitizenship concept_country_liechtenstein +concept_person_princess concept:personhascitizenship concept_country_luxembourg +concept_person_princess concept:personhascitizenship concept_country_luxemburg +concept_person_princess concept:personhascitizenship concept_country_mecklenburg +concept_person_princess concept:personhascitizenship concept_country_monaco +concept_person_princess concept:personhascitizenship concept_country_montenegro +concept_person_princess concept:personhascitizenship concept_country_netherlands +concept_person_princess concept:personhascitizenship concept_country_norway +concept_person_princess concept:personhascitizenship concept_country_orleans +concept_person_princess concept:personhascitizenship concept_country_portugal +concept_person_princess concept:personhascitizenship concept_country_prussia +concept_person_princess concept:personhascitizenship concept_country_republic_of_austria +concept_person_princess concept:personhascitizenship concept_country_romania +concept_person_princess concept:personhascitizenship concept_country_russia +concept_person_princess concept:personhascitizenship concept_country_scotland +concept_person_princess concept:personhascitizenship concept_country_spain +concept_person_princess concept:personhascitizenship concept_country_sweden +concept_person_princess concept:personhascitizenship concept_country_the_united_kingdom +concept_person_princess concept:personhascitizenship concept_country_wales +concept_person_princess concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_person_princess concept:personhascitizenship concept_geopoliticalorganization_wurttemberg +concept_person_prison concept:persondiedincountry concept_country_england +concept_person_ptah concept:haswife concept_female_sekhmet +concept_person_queen concept:personhascitizenship concept_country_australia +concept_person_queen concept:personhascitizenship concept_country_belgium +concept_person_queen concept:personhascitizenship concept_country_britain +concept_person_queen concept:personhascitizenship concept_country_denmark +concept_person_queen concept:personhascitizenship concept_country_england +concept_person_queen concept:personhascitizenship concept_country_former_soviet_union +concept_person_queen concept:personhascitizenship concept_country_france_france +concept_person_queen concept:personhascitizenship concept_country_great_britain +concept_person_queen concept:personhascitizenship concept_country_greece +concept_person_queen concept:personhascitizenship concept_country_hungary +concept_person_queen concept:personhascitizenship concept_country_netherlands +concept_person_queen concept:personhascitizenship concept_country_new_zealand +concept_person_queen concept:personhascitizenship concept_country_norway +concept_person_queen concept:personhascitizenship concept_country_portugal +concept_person_queen concept:personhascitizenship concept_country_prussia +concept_person_queen concept:personhascitizenship concept_country_republic_of_austria +concept_person_queen concept:personhascitizenship concept_country_romania +concept_person_queen concept:personhascitizenship concept_country_rumania +concept_person_queen concept:personhascitizenship concept_country_scotland +concept_person_queen concept:personhascitizenship concept_country_sicily +concept_person_queen concept:personhascitizenship concept_country_spain +concept_person_queen concept:personhascitizenship concept_country_sweden +concept_person_queen concept:personhascitizenship concept_country_the_united_kingdom +concept_person_queen concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_person_queen concept:personborninlocation concept_landscapefeatures_bathroom +concept_person_queen_isabella concept:personhascitizenship concept_country_spain +concept_person_query concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_query concept:agentcreated concept_movie_contact +concept_person_query concept:agentcompeteswithagent concept_tradeunion_search +concept_person_quincy_jones concept:hasspouse concept_celebrity_natassja_kinski +concept_person_qusai_khidr concept:personhasresidenceingeopoliticallocation concept_country_arabia_saudita +concept_person_qusai_khidr concept:personhasjobposition concept_jobposition_host +concept_person_racer concept:personbelongstoorganization concept_organization_sauber +concept_person_rachel concept:personbornincity concept_city_york +concept_person_rachel concept:personborninlocation concept_city_york +concept_person_rachel concept:parentofperson concept_person_joseph003 +concept_person_rachel concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_rachel concept:persongraduatedfromuniversity concept_university_college +concept_person_rachel concept:persongraduatedfromuniversity concept_university_state_university +concept_person_rachel concept:persongraduatedschool concept_university_state_university +concept_person_rachel_griffiths concept:hasspouse concept_actor_patrick_taylor +concept_person_rachel_weisz concept:hasspouse concept_personcanada_darren_aronofsky +concept_person_radha concept:hasspouse concept_person_krishna +concept_person_rafael_almeida concept:personbelongstoorganization concept_city_cincinnati +concept_person_rafael_almeida concept:personhasjobposition concept_jobposition_infielder +concept_person_rafer_alston concept:persondiedincountry concept_country_england +concept_person_raikkonen concept:personbelongstoorganization concept_organization_sauber +concept_person_raikkonen concept:personbelongstoorganization concept_winery_ferrari +concept_person_rainer_maria_rilke concept:agentcontributedtocreativework concept_book_letters_to_a_young_poet +concept_person_rainer_maria_rilke concept:agentcreated concept_book_letters_to_a_young_poet +concept_person_rajendra_pachauri concept:personhasresidenceingeopoliticallocation concept_city_new_delhi +concept_person_rajendra_pachauri concept:personhasresidenceingeopoliticallocation concept_country_republic_of_india +concept_person_rajiv_chandrasekaran concept:worksfor concept_city_washington_d_c +concept_person_rajiv_chandrasekaran concept:worksfor concept_website_washington_post +concept_person_rajon_rondo concept:persondiedincountry concept_country_england +concept_person_raleigh concept:proxyfor concept_beverage_nc +concept_person_raleigh concept:subpartof concept_beverage_nc +concept_person_raleigh concept:proxyfor concept_book_new +concept_person_raleigh concept:mutualproxyfor concept_company_north_carolina +concept_person_raleigh concept:subpartof concept_company_north_carolina +concept_person_raleigh concept:proxyfor concept_creditunion_north_carolina +concept_person_raleigh concept:personchargedwithcrime concept_crimeorcharge_treason +concept_person_raleigh concept:proxyfor concept_eventoutcome_state +concept_person_ralph001 concept:personbornincity concept_city_york +concept_person_ralph001 concept:personborninlocation concept_city_york +concept_person_ralph001 concept:persongraduatedfromuniversity concept_university_college +concept_person_ralph001 concept:persongraduatedschool concept_university_college +concept_person_ralph001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ralph001 concept:persongraduatedschool concept_university_state_university +concept_person_ralph_ellison concept:agentcontributedtocreativework concept_book_invisible_man +concept_person_ralph_ellison concept:agentcreated concept_book_invisible_man +concept_person_ralph_ellison concept:agentcreated concept_televisionshow_the_invisible_man +concept_person_ralph_gilles concept:personhasjobposition concept_jobposition_vice_president_of_design +concept_person_rama concept:personhascitizenship concept_country_thailand +concept_person_rama concept:personhasjobposition concept_jobposition_king +concept_person_ramon_cortines concept:personhasjobposition concept_jobposition_schools_chancellor +concept_person_ramses_ii concept:personhascitizenship concept_country_egypt +concept_person_ramush_haradinaj concept:personleadsorganization concept_country_kosovo +concept_person_ramush_haradinaj concept:worksfor concept_country_kosovo +concept_person_ramush_haradinaj concept:personhasjobposition concept_jobposition_prime_minister +concept_person_randolph_smoak_jr__ concept:personhasjobposition concept_jobposition_secretary_treasurer +concept_person_randy001 concept:personbornincity concept_city_york +concept_person_randy001 concept:personborninlocation concept_city_york +concept_person_randy001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_randy001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_randy001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_randy001 concept:persongraduatedschool concept_university_state_university +concept_person_randy_hundley concept:parentofperson concept_person_todd_hundley +concept_person_randy_levine concept:personhasjobposition concept_jobposition_aide +concept_person_randy_levine concept:personhasjobposition concept_jobposition_labor_commissioner +concept_person_randy_pausch concept:agentcreated concept_book_the_last_lecture +concept_person_rankin concept:personbornincity concept_city_york +concept_person_rankin concept:personborninlocation concept_city_york +concept_person_rashad_mccants concept:persondiedincountry concept_country_england +concept_person_rasho_nesterovic concept:persondiedincountry concept_country_england +concept_person_ray_gravell concept:personbelongstoorganization concept_country_wales +concept_person_ray_gravell concept:personbelongstoorganization concept_organization_irish_lions +concept_person_ray_perkins concept:personbelongstoorganization concept_sportsteam_new_york_giants +concept_person_ray_williams concept:topmemberoforganization concept_company_hih +concept_person_raymond concept:personbornincity concept_city_york +concept_person_raymond concept:personborninlocation concept_city_york +concept_person_raymond_gilmartin concept:topmemberoforganization concept_biotechcompany_merck +concept_person_raymond_gilmartin concept:agentcontrols concept_website_merck +concept_person_raymond_gilmartin concept:proxyfor concept_website_merck +concept_person_rebecca concept:persondiedatage 5 +concept_person_rebecca concept:personbornincity concept_city_york +concept_person_rebecca concept:persongraduatedfromuniversity concept_university_college +concept_person_rebecca concept:persongraduatedschool concept_university_college +concept_person_rebecca concept:persongraduatedfromuniversity concept_university_state_university +concept_person_rebecca concept:persongraduatedschool concept_university_state_university +concept_person_rebecca_gayheart concept:hashusband concept_male_eric_dane +concept_person_rebecca_romijn concept:hasspouse concept_personcanada_jerry_o_connell +concept_person_rebecca_romijn concept:hashusband concept_personnorthamerica_jerry_o_connell +concept_person_red_auerbach concept:worksfor concept_sportsteam_boston_celtics +concept_person_redford concept:personleadsgeopoliticalorganization concept_city_place +concept_person_reese concept:hasspouse concept_person_jake_gyllenhaal +concept_person_reese_witherspoon concept:hasspouse concept_person_jake_gyllenhaal +concept_person_regina concept:personhasjobposition concept_jobposition_social_work +concept_person_reid concept:personbornincity concept_city_york +concept_person_reilly concept:personbornincity concept_city_york +concept_person_reilly concept:personborninlocation concept_city_york +concept_person_remy_ma concept:personchargedwithcrime concept_crimeorcharge_assault +concept_person_remy_ma concept:personalsoknownas concept_person_remy_martin +concept_person_rendell concept:personleadsgeopoliticalorganization concept_county_philadelphia +concept_person_rendell concept:personleadsorganization concept_county_philadelphia +concept_person_renee_zellweger concept:hashusband concept_male_kenny_chesney +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_alaska +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_arkansas +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_dallas +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_florida +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_kansas +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_louisiana +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_minneapolis +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_minneapolis_st +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_nebraska +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_st_louis +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_state +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_city_twin_cities +concept_person_republican concept:agentcollaborateswithagent concept_coach_sarah_palin +concept_person_republican concept:agentcontrols concept_coach_sarah_palin +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_country_southern_africa +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_chicago +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_detroit +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_kansas_city +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_new_mexico +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_philadelphia +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_san_diego +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_town +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_county_utah +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_district +concept_person_republican concept:personbelongstoorganization concept_governmentorganization_house +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_island_houston +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_island_new_york_city_metropolitan_area +concept_person_republican concept:agentcollaborateswithagent concept_politicianus_dick_cheney +concept_person_republican concept:agentcollaborateswithagent concept_politicianus_gov__sarah_palin +concept_person_republican concept:agentcontrols concept_politicianus_gov__sarah_palin +concept_person_republican concept:agentcollaborateswithagent concept_politicianus_governor_sarah_palin +concept_person_republican concept:agentcontrols concept_politicianus_governor_sarah_palin +concept_person_republican concept:agentcollaborateswithagent concept_politicianus_palin +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_alabama +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arizona +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_california +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_colorado +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_connecticut +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_delaware +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_georgia +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_idaho +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_indiana +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_iowa +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_kentucky +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_maine +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_maryland +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_massachusetts +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_minnesota +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_mississippi +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_missouri +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_montana +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_nevada +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_hampshire +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_jersey +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_york +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_north_carolina +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_north_dakota +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ohio +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_oklahoma +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_oregon +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_pennsylvania +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_puerto_rico +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_rhode_island +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_south_carolina +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_south_dakota +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_tennessee +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_vermont +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_west_virginia +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_wisconsin +concept_person_republican concept:personhasresidenceingeopoliticallocation concept_stateorprovince_wyoming +concept_person_republican_sen_ concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_republican_sen_ concept:personhasresidenceingeopoliticallocation concept_stateorprovince_oklahoma +concept_person_reygadas concept:personhasjobposition concept_jobposition_film_maker +concept_person_reygadas concept:personhasjobposition concept_jobposition_lawyer +concept_person_rezazadeh concept:personhasjobposition concept_jobposition_lifter +concept_person_rhea concept:parentofperson concept_male_zeus +concept_person_rhea_durham concept:hashusband concept_model_mark_wahlberg +concept_person_rhea_durham concept:hasspouse concept_model_mark_wahlberg +concept_person_rhoda concept:personbornincity concept_city_york +concept_person_rhoda concept:personborninlocation concept_city_york +concept_person_rhonda_schroeder concept:persondiedincountry concept_country_england +concept_person_rhonda_schroeder concept:personhasjobposition concept_jobposition_chiropractor +concept_person_rhonda_schroeder concept:personhasjobposition concept_jobposition_dr_ +concept_person_rice concept:personbornincity concept_city_orleans +concept_person_rice concept:agentcontrols concept_coach_david_bailiff +concept_person_rice concept:personbelongstoorganization concept_organization_rahal_letterman_racing +concept_person_rich concept:personbornincity concept_city_york +concept_person_rich concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_rich concept:persongraduatedfromuniversity concept_university_college +concept_person_rich concept:persongraduatedschool concept_university_college +concept_person_richard concept:persondiedatage 2 +concept_person_richard concept:personhascitizenship concept_country_england +concept_person_richard concept:personborninlocation concept_county_york_city +concept_person_richard concept:personhasjobposition concept_jobposition_king +concept_person_richard concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_person_richard001 concept:persondiedatage 2 +concept_person_richard001 concept:agentcontrols concept_charactertrait_world +concept_person_richard001 concept:topmemberoforganization concept_company_virgin_atlantic_airways +concept_person_richard001 concept:worksfor concept_recordlabel_virgin_records +concept_person_richard002 concept:persondiedatage 2 +concept_person_richard002 concept:personbornincity concept_city_york +concept_person_richard002 concept:agentcollaborateswithagent concept_male_world +concept_person_richard002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_richard002 concept:persongraduatedfromuniversity concept_university_college +concept_person_richard002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_richard002 concept:persongraduatedschool concept_university_state_university +concept_person_richard003 concept:persondiedatage 2 +concept_person_richard004 concept:persondiedatage 2 +concept_person_richard004 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_richard004 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_richard_antrim concept:persondiedincountry concept_country_england +concept_person_richard_attwood concept:persondiedincountry concept_country_england +concept_person_richard_bond concept:topmemberoforganization concept_company_tyson_foods +concept_person_richard_cushing concept:persondiedincountry concept_country_england +concept_person_richard_cushing concept:personhasjobposition concept_jobposition_cardinal +concept_person_richard_decampa concept:persondiedincountry concept_country_england +concept_person_richard_f__velky concept:personhasjobposition concept_jobposition_chief +concept_person_richard_fain concept:topmemberoforganization concept_company_rccl +concept_person_richard_fain concept:personleadsorganization concept_company_royal_caribbean_cruises +concept_person_richard_fain concept:worksfor concept_company_royal_caribbean_cruises +concept_person_richard_g__sherlund concept:personhasjobposition concept_jobposition_analyst +concept_person_richard_hocker concept:persondiedincountry concept_country_england +concept_person_richard_jenner concept:persondiedincountry concept_country_england +concept_person_richard_parsons concept:topmemberoforganization concept_company_time_warner +concept_person_richard_parsons concept:personleadsorganization concept_televisionstation_time_warner_cable +concept_person_richard_pryor concept:persondiedatage 65 +concept_person_richard_quest concept:worksfor concept_company_cnn +concept_person_richardson concept:personborninlocation concept_country_mexico +concept_person_richardson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_rick concept:personbornincity concept_city_york +concept_person_rick concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_rick concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_rick concept:persongraduatedfromuniversity concept_university_college +concept_person_rick concept:persongraduatedfromuniversity concept_university_state_university +concept_person_rick concept:persongraduatedschool concept_university_state_university +concept_person_rick_davis concept:personhasjobposition concept_jobposition_campaign_manager +concept_person_rick_majerus concept:worksfor concept_televisionstation_saint_louis +concept_person_rick_salomon concept:haswife concept_personcanada_pamela_anderson +concept_person_ricky_gervais concept:persondiedincountry concept_country_england +concept_person_riley001 concept:personbornincity concept_city_york +concept_person_riley001 concept:personborninlocation concept_city_york +concept_person_riley001 concept:worksfor concept_sportsteam_oregon_state_beavers +concept_person_riley001 concept:worksfor concept_sportsteam_sd_chargers +concept_person_ritchie concept:hasspouse concept_person_madonna001 +concept_person_rob concept:persondiedatage 3 +concept_person_rob concept:personbornincity concept_city_york +concept_person_rob concept:personborninlocation concept_county_york_city +concept_person_rob concept:personbelongstoorganization concept_politicalparty_college +concept_person_rob concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_rob concept:persongraduatedfromuniversity concept_university_college +concept_person_rob concept:persongraduatedschool concept_university_college +concept_person_rob concept:persongraduatedfromuniversity concept_university_state_university +concept_person_rob concept:persongraduatedschool concept_university_state_university +concept_person_rob_huff concept:persondiedincountry concept_country_england +concept_person_rob_stein concept:worksfor concept_city_washington_d_c +concept_person_robbie_bach concept:personleadsorganization concept_university_microsoft +concept_person_robbie_bach concept:worksfor concept_university_microsoft +concept_person_robert001 concept:persondiedatage 2 +concept_person_robert002 concept:persondiedatage 2 +concept_person_robert003 concept:persondiedatage 2 +concept_person_robert003 concept:personbornincity concept_city_york +concept_person_robert003 concept:personborninlocation concept_city_york +concept_person_robert003 concept:personhascitizenship concept_country_france_france +concept_person_robert003 concept:personhascitizenship concept_country_scotland +concept_person_robert003 concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_person_robert003 concept:personhasjobposition concept_jobposition_king +concept_person_robert003 concept:haswife concept_person_kim +concept_person_robert003 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_robert003 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_college +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_harvard +concept_person_robert003 concept:persongraduatedschool concept_university_harvard +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_harvard_university +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_massachusetts_institute_of_technology +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_mit +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_stanford_university +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_robert003 concept:persongraduatedschool concept_university_state_university +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_yale +concept_person_robert003 concept:persongraduatedfromuniversity concept_university_yale_university +concept_person_robert003 concept:persongraduatedschool concept_university_yale_university +concept_person_robert_e_meldman concept:persondiedincountry concept_country_england +concept_person_robert_f___wagner concept:personhasjobposition concept_politicaloffice_mayor +concept_person_robert_j__bach concept:personhasjobposition concept_jobposition_executive +concept_person_robert_louis concept:persondiedincountry concept_country_england +concept_person_robert_masiello concept:persondiedincountry concept_country_england +concept_person_robert_menand concept:persondiedincountry concept_country_england +concept_person_robert_rutherford concept:persondiedincountry concept_country_england +concept_person_robert_sobel concept:persondiedincountry concept_country_england +concept_person_robert_w__ingram concept:persondiedincountry concept_country_england +concept_person_roberts concept:personmovedtostateorprovince concept_stateorprovince_newyork +concept_person_roberts001 concept:personbornincity concept_city_york +concept_person_roberts001 concept:personborninlocation concept_city_york +concept_person_roberts001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_roberts001 concept:persongraduatedfromuniversity concept_university_college +concept_person_roberts001 concept:persongraduatedschool concept_university_college +concept_person_roberts001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_roberts001 concept:persongraduatedschool concept_university_state_university +concept_person_robin concept:persondiedincountry concept_country_england +concept_person_robin concept:personbelongstoorganization concept_politicalparty_college +concept_person_robin concept:persongraduatedfromuniversity concept_university_college +concept_person_robin concept:persongraduatedfromuniversity concept_university_state_university +concept_person_robin concept:persongraduatedschool concept_university_state_university +concept_person_robin_bronk concept:topmemberoforganization concept_company_creative_coalitiion +concept_person_robin_wright concept:worksfor concept_city_washington_d_c +concept_person_robin_wright concept:hasspouse concept_person_sean_penn +concept_person_robin_wright_penn concept:hashusband concept_male_sean_penn +concept_person_robinson_cano concept:personalsoknownas concept_athlete_hank_aaron +concept_person_robinson_cano001 concept:personalsoknownas concept_coach_jackie_robinson +concept_person_rocco_baldelli concept:personbelongstoorganization concept_city_tampa_bay +concept_person_rod_stewart concept:hasspouse concept_person_penny_lancaster +concept_person_rodgers concept:personborninlocation concept_city_york +concept_person_rodney concept:personbornincity concept_city_wilmington +concept_person_rodney concept:persongraduatedschool concept_university_state_university +concept_person_rodriguez concept:personbornincity concept_city_york +concept_person_rodriguez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_rodriguez concept:agentcollaborateswithagent concept_female_yankees +concept_person_rodriguez concept:personbelongstoorganization concept_sportsteam_yankees +concept_person_roger concept:personbornincity concept_city_york +concept_person_roger concept:hasspouse concept_person_barbara001 +concept_person_roger concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_roger concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_roger concept:persongraduatedfromuniversity concept_university_college +concept_person_roger concept:persongraduatedfromuniversity concept_university_state_university +concept_person_roger concept:persongraduatedschool concept_university_state_university +concept_person_roger_meeker concept:persondiedincountry concept_country_england +concept_person_roger_mudd concept:personleadsorganization concept_company_cnn__pbs +concept_person_roger_mudd concept:personbelongstoorganization concept_televisionnetwork_cbs +concept_person_roger_mudd concept:personleadsorganization concept_televisionnetwork_cbs +concept_person_roger_steiner concept:persondiedincountry concept_country_england +concept_person_roger_waters concept:personbelongstoorganization concept_musicartist_pink_floyd +concept_person_rogers concept:personbornincity concept_city_york +concept_person_rogers concept:personborninlocation concept_city_york +concept_person_rogers concept:persongraduatedfromuniversity concept_university_college +concept_person_roland_martin concept:worksfor concept_company_cnn +concept_person_roman concept:hassibling concept_architect_domitian +concept_person_roman concept:hassibling concept_female_hadrian +concept_person_roman concept:hassibling concept_female_mary +concept_person_roman concept:hassibling concept_male_jesus_christ +concept_person_roman concept:hassibling concept_male_justinian +concept_person_roman concept:hassibling concept_male_scipio_africanus +concept_person_roman concept:hassibling concept_male_tiberius +concept_person_roman concept:hassibling concept_monarch_augustus_caesar +concept_person_roman concept:hassibling concept_monarch_caracalla +concept_person_roman concept:hassibling concept_monarch_constantine_the_great +concept_person_roman concept:hassibling concept_monarch_diocletian +concept_person_roman concept:hassibling concept_monarch_emperor_constantine +concept_person_roman concept:hassibling concept_monarch_marcus_aurelius +concept_person_roman concept:hassibling concept_monarch_nero +concept_person_roman concept:hassibling concept_monarch_octavian +concept_person_roman concept:hassibling concept_monarch_septimius_severus +concept_person_roman concept:hassibling concept_monarch_titus +concept_person_roman concept:hassibling concept_monarch_trajan +concept_person_roman concept:hassibling concept_monarch_vespasian +concept_person_roman concept:hassibling concept_person_claudius +concept_person_roman concept:hassibling concept_person_jesus +concept_person_roman concept:hassibling concept_person_patrice_bergeron +concept_person_roman concept:hassibling concept_writer_julius_caesar +concept_person_roman_polanski concept:agentcontributedtocreativework concept_book_pianist +concept_person_roman_polanski concept:hasspouse concept_person_emmanuelle_seigner001 +concept_person_ron concept:personbornincity concept_city_york +concept_person_ron concept:personborninlocation concept_county_york_city +concept_person_ron concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_ron concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ron concept:persongraduatedschool concept_university_state_university +concept_person_ron_fournier concept:worksfor concept_city_ap +concept_person_ron_fournier concept:worksfor concept_televisionstation_associated_press +concept_person_ron_kutz concept:personhasjobposition concept_jobposition_dealer +concept_person_ron_kutz concept:personhasjobposition concept_jobposition_general_manager +concept_person_ron_kutz concept:personleadsorganization concept_organization_dallas_dodge_chrysler_jeep +concept_person_ron_kutz concept:worksfor concept_organization_dallas_dodge_chrysler_jeep +concept_person_ron_meyer concept:topmemberoforganization concept_company_universal_studios +concept_person_ron_meyer concept:agentcollaborateswithagent concept_female_universal_studios +concept_person_ron_meyer concept:personleadsorganization concept_recordlabel_universal +concept_person_ronald concept:persongraduatedschool concept_university_community_college +concept_person_ronald_kolka concept:personbelongstoorganization concept_county_chrysler +concept_person_ronald_kolka concept:personhasjobposition concept_jobposition_chief_financial_officer +concept_person_ronaldo concept:worksfor concept_biotechcompany_portugal +concept_person_ronaldo concept:agentcollaborateswithagent concept_bird_star +concept_person_ronaldo concept:worksfor concept_politicsblog_star +concept_person_ronaldo concept:worksfor concept_sportsteam_man_utd +concept_person_ronnie_johncox concept:persondiedincountry concept_country_england +concept_person_ronnie_peterson concept:persondiedincountry concept_country_england +concept_person_ronny_turiaf concept:persondiedincountry concept_country_england +concept_person_roone_arledge concept:personleadsorganization concept_city_abc +concept_person_roone_arledge concept:worksfor concept_city_abc +concept_person_roone_arledge concept:topmemberoforganization concept_televisionnetwork_abc +concept_person_rosamund_c__battye concept:persondiedincountry concept_country_england +concept_person_rosberg concept:personbelongstoorganization concept_city_team +concept_person_rosberg concept:personhasjobposition concept_jobposition_tester +concept_person_rose concept:personhasresidenceingeopoliticallocation concept_city_concord +concept_person_rose concept:personhasresidenceingeopoliticallocation concept_city_dorchester +concept_person_rosemary concept:personbornincity concept_city_york +concept_person_rosemary_m__lehman concept:persondiedincountry concept_country_england +concept_person_rosenberg concept:atlocation concept_city_texas +concept_person_ross concept:personborninlocation concept_county_york_city +concept_person_ross_mayfield concept:topmemberoforganization concept_company_socialtext +concept_person_ross_mccall concept:haswife concept_female_jennifer_love_hewitt +concept_person_ross_mccall concept:hasspouse concept_person_jennifer_love_hewitt +concept_person_roy_fletcher concept:personhasjobposition concept_jobposition_consultant +concept_person_royals concept:agentactsinlocation concept_city_kansas +concept_person_royals concept:agentparticipatedinevent concept_sportsgame_series +concept_person_royston_langdon concept:haswife concept_actor_liv_tyler +concept_person_rpk concept:latitudelongitude 26.2752000000000,59.3940000000000 +concept_person_ruby concept:personbornincity concept_city_orleans +concept_person_ruby_dee concept:hashusband concept_person_davis +concept_person_rudd concept:personhasjobposition concept_jobposition_prime_minister +concept_person_rudolf_wanderone concept:personalsoknownas concept_person_minnesota_fats +concept_person_russell concept:personbornincity concept_city_york +concept_person_russell concept:personborninlocation concept_city_york +concept_person_russell concept:proxyfor concept_coach_kentucky +concept_person_russell concept:persongraduatedfromuniversity concept_university_college +concept_person_russell_brand concept:hasspouse concept_personnorthamerica_katy_perry +concept_person_russell_simmons concept:topmemberoforganization concept_recordlabel_def_jam_records +concept_person_russo concept:personborninlocation concept_city_york +concept_person_ruth concept:personbornincity concept_city_york +concept_person_ruth concept:personborninlocation concept_county_york_city +concept_person_ruth concept:hasspouse concept_male_boaz +concept_person_ruth concept:parentofperson concept_male_obed +concept_person_ruth concept:persongraduatedfromuniversity concept_university_college +concept_person_ruth concept:persongraduatedfromuniversity concept_university_high_school +concept_person_ruth_harley concept:topmemberoforganization concept_company_screen_australia +concept_person_ruth_rickover concept:hashusband concept_male_hyman_rickover +concept_person_ryan_adams concept:hasspouse concept_person_mandy_moore +concept_person_ryan_briscoe concept:persondiedincountry concept_country_england +concept_person_ryan_church concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_ryan_reynolds concept:hasspouse concept_comedian_scarlett_johansson +concept_person_sacha_baron_cohen concept:agentcontributedtocreativework concept_movie_borat +concept_person_sacha_baron_cohen concept:hasspouse concept_person_isla_fisher +concept_person_saddam concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_saddam concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_saddam concept:personleadsgeopoliticalorganization concept_politicalparty_u_n_ +concept_person_sadie_frost concept:hasspouse concept_person_jude_law +concept_person_saint concept:personhascitizenship concept_country_canada_canada +concept_person_saint concept:personhascitizenship concept_country_egypt +concept_person_saint concept:personhascitizenship concept_country_france_france +concept_person_saint concept:personhascitizenship concept_country_portugal +concept_person_saitiev concept:personbelongstoorganization concept_organization_russia_s_national_squad +concept_person_sales_tax concept:proxyfor concept_book_new +concept_person_sales_tax concept:persondiedincountry concept_country_england +concept_person_salma_hayek concept:hasspouse concept_person_francois_henri_pinault +concept_person_salman_rushdie concept:agentcreated concept_book_grimus +concept_person_salman_rushdie concept:agentcontributedtocreativework concept_book_midnight_s_children +concept_person_salman_rushdie concept:agentcreated concept_book_midnight_s_children +concept_person_salman_rushdie concept:agentcreated concept_book_the_ground_beneath_her_feet +concept_person_salman_rushdie concept:agentcreated concept_book_the_moor_s_last_sigh +concept_person_salman_rushdie concept:agentcreated concept_book_the_satanic_verses +concept_person_salman_rushdie concept:agentcontributedtocreativework concept_movie_satanic_verses +concept_person_salman_rushdie concept:agentcreated concept_movie_satanic_verses +concept_person_salman_rushdie concept:agentcreated concept_musicalbum_shame +concept_person_sam concept:persondiedatage 6 +concept_person_sam concept:personbornincity concept_city_york +concept_person_sam concept:personborninlocation concept_city_york +concept_person_sam concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_sam concept:persongraduatedfromuniversity concept_university_high_school +concept_person_sam concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sam concept:persongraduatedschool concept_university_state_university +concept_person_sam_stein concept:worksfor concept_blog_huffington +concept_person_sam_stein concept:worksfor concept_politicsblog_huffington_post +concept_person_sammy_sosa concept:personalsoknownas concept_athlete_shortstops_juan_uribe +concept_person_sammy_sosa concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_person_samuel concept:personhasjobposition concept_jobposition_king +concept_person_samuel concept:personbelongstoorganization concept_organization_the_phillies +concept_person_samuel concept:personbelongstoorganization concept_organization_tigers +concept_person_samuel001 concept:personbornincity concept_city_york +concept_person_samuel001 concept:personborninlocation concept_city_york +concept_person_samuel001 concept:hassibling concept_person_eli +concept_person_samuel001 concept:hassibling concept_person_john003 +concept_person_samuel001 concept:hassibling concept_scientist_saul +concept_person_samuel_d__isaly concept:personhasjobposition concept_jobposition_managing_partner +concept_person_samuel_henshaw concept:persondiedincountry concept_country_england +concept_person_sanders concept:personbornincity concept_city_york +concept_person_sanders concept:personborninlocation concept_city_york +concept_person_sandra concept:personbornincity concept_city_york +concept_person_sandra_bullock concept:hasspouse concept_actor_jesse_james +concept_person_sandra_bullock concept:agentcontributedtocreativework concept_movie_miss_congeniality +concept_person_sandy concept:personbornincity concept_city_york +concept_person_sandy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sandy concept:persongraduatedschool concept_university_state_university +concept_person_sanford concept:atlocation concept_city_florida +concept_person_sanford concept:mutualproxyfor concept_city_florida +concept_person_sanford concept:personbornincity concept_city_york +concept_person_sanford concept:personborninlocation concept_city_york +concept_person_sanjay_gupta concept:worksfor concept_company_cnn +concept_person_santa concept:atlocation concept_county_new_mexico +concept_person_santos concept:personbornincity concept_city_york +concept_person_santos concept:personborninlocation concept_city_york +concept_person_sara concept:personborninlocation concept_county_york_city +concept_person_sara001 concept:personbornincity concept_city_york +concept_person_sara001 concept:personborninlocation concept_city_york +concept_person_sarah concept:persondiedatage 2 +concept_person_sarah001 concept:persondiedatage 2 +concept_person_sarah001 concept:personhasresidenceingeopoliticallocation concept_city_alaska +concept_person_sarah001 concept:personleadsorganization concept_city_wasilla +concept_person_sarah001 concept:personbornincity concept_city_york +concept_person_sarah001 concept:personborninlocation concept_county_york_city +concept_person_sarah001 concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_sarah001 concept:hashusband concept_personeurope_andrew +concept_person_sarah001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_sarah001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_sarah001 concept:persongraduatedfromuniversity concept_university_college +concept_person_sarah001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sarah001 concept:persongraduatedschool concept_university_state_university +concept_person_sardesai concept:personbelongstoorganization concept_country_republic_of_india +concept_person_sardesai concept:personhasjobposition concept_jobposition_batsman +concept_person_sarko concept:persondiedincountry concept_country_england +concept_person_sarko concept:personalsoknownas concept_politician_nicolas_sarkozy +concept_person_sarkozy concept:personleadsorganization concept_city_neuilly +concept_person_sarkozy concept:worksfor concept_city_neuilly +concept_person_sarkozy concept:personhasjobposition concept_politicaloffice_mayor +concept_person_sasha concept:personbornincity concept_city_york +concept_person_satoru_iwata concept:topmemberoforganization concept_company_nintendo +concept_person_savior001 concept:personhasjobposition concept_jobposition_king +concept_person_savior001 concept:personhasjobposition concept_jobposition_lord +concept_person_savior001 concept:parentofperson concept_male_christ_jesus +concept_person_savior001 concept:parentofperson concept_male_yeshua +concept_person_savior001 concept:parentofperson concept_person_jesus +concept_person_savior001 concept:parentofperson concept_person_lord_jesus +concept_person_savior001 concept:parentofperson concept_personsouthamerica_son_jesus +concept_person_saviour concept:personhasjobposition concept_jobposition_lord +concept_person_saviour concept:parentofperson concept_person_jesus +concept_person_schneider concept:personborninlocation concept_county_york_city +concept_person_schneider concept:agentcontrols concept_nonprofitorganization_apc +concept_person_schottland concept:personhasjobposition concept_politicaloffice_chairman +concept_person_schrempp concept:personhasjobposition concept_jobposition_executive +concept_person_scooter_libby concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_person_scott concept:persondiedatage 8 +concept_person_scott concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_scott001 concept:persondiedatage 8 +concept_person_scott001 concept:personbornincity concept_city_york +concept_person_scott001 concept:personborninlocation concept_county_york_city +concept_person_scott001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_scott001 concept:haswife concept_female_rachel +concept_person_scott001 concept:personmovedtostateorprovince concept_stateorprovince_missouri +concept_person_scott001 concept:personmovedtostateorprovince concept_stateorprovince_new_jersey +concept_person_scott001 concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_scott001 concept:personmovedtostateorprovince concept_stateorprovince_wisconsin +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_american_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_brigham_young_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_california_state_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_college +concept_person_scott001 concept:persongraduatedschool concept_university_college +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_indiana_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_law_school +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_scott001 concept:persongraduatedschool concept_university_state_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_texas_a_m_university +concept_person_scott001 concept:persongraduatedfromuniversity concept_university_west_point +concept_person_scott_blanton concept:persondiedincountry concept_country_england +concept_person_scott_cook concept:topmemberoforganization concept_company_intuit +concept_person_scott_cook concept:personleadsorganization concept_magazine_intuit +concept_person_scott_crowell concept:personhasjobposition concept_jobposition_lawyer +concept_person_scott_disick concept:hasspouse concept_personcanada_kourtney_kardashian +concept_person_scott_dixon concept:personbelongstoorganization concept_organization_target_chip_ganassi_racing +concept_person_scott_ford concept:topmemberoforganization concept_biotechcompany_alltel +concept_person_scottie_pippen concept:persondiedincountry concept_country_england +concept_person_seal concept:haswife concept_model_heidi_klum +concept_person_seal concept:hasspouse concept_person_heidi_klum001 +concept_person_sean concept:persondiedatage 3 +concept_person_sean concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_sean001 concept:persondiedatage 3 +concept_person_sean002 concept:persondiedatage 3 +concept_person_sean002 concept:personbornincity concept_city_york +concept_person_sean002 concept:personborninlocation concept_county_york_city +concept_person_sean002 concept:personbelongstoorganization concept_politicalparty_college +concept_person_sean002 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_sean002 concept:persongraduatedfromuniversity concept_university_college +concept_person_sean002 concept:persongraduatedschool concept_university_college +concept_person_sean002 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sean002 concept:persongraduatedschool concept_university_state_university +concept_person_sean_mcmanus concept:personbelongstoorganization concept_company_cnn__pbs +concept_person_sean_mcmanus concept:personleadsorganization concept_company_cnn__pbs +concept_person_sean_mcmanus concept:topmemberoforganization concept_televisionnetwork_cbs +concept_person_sean_penn concept:hasspouse concept_female_madonna +concept_person_search_engine_optimization concept:agentcompeteswithagent concept_university_google +concept_person_sebastian_stan concept:hasspouse concept_comedian_leighton_meester +concept_person_sebastien_bourdais concept:personbelongstoorganization concept_organization_newman_haas_lanigan_racing +concept_person_senator concept:proxyfor concept_book_new +concept_person_senator concept:personbornincity concept_city_hampshire +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_city_texas +concept_person_senator concept:personbelongstoorganization concept_governmentorganization_house +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arizona +concept_person_senator concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_georgia +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_missouri +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ohio +concept_person_senator concept:personhasresidenceingeopoliticallocation concept_stateorprovince_oklahoma +concept_person_serapis concept:haswife concept_female_isis +concept_person_serapis concept:parentofperson concept_person_horus +concept_person_sergey_brin concept:worksfor concept_university_google +concept_person_sergey_brin001 concept:personleadsorganization concept_university_google +concept_person_service concept:persondiedatage 3 +concept_person_service concept:agentcontrols concept_publication_people_ +concept_person_set concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_seymour concept:personborninlocation concept_city_york +concept_person_shah concept:personbornincity concept_city_york +concept_person_shane concept:persongraduatedfromuniversity concept_university_state_university +concept_person_shane concept:persongraduatedschool concept_university_state_university +concept_person_shanmugam concept:latitudelongitude 2.3833300000000,102.5000000000000 +concept_person_shannon concept:personborninlocation concept_county_york_city +concept_person_shannon concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_shannon concept:persongraduatedfromuniversity concept_university_state_university +concept_person_shannon concept:persongraduatedschool concept_university_state_university +concept_person_sharon concept:personbornincity concept_city_york +concept_person_sharon concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_sharon concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_sharon concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sharon concept:persongraduatedschool concept_university_state_university +concept_person_sharon_mohar concept:persondiedincountry concept_country_england +concept_person_shaun_livingston concept:persondiedincountry concept_country_england +concept_person_shaw concept:personbornincity concept_city_york +concept_person_shaw concept:personborninlocation concept_city_york +concept_person_shaw concept:persongraduatedfromuniversity concept_university_college +concept_person_shawn concept:personborninlocation concept_county_york_city +concept_person_shawn_green concept:persondiedincountry concept_country_england +concept_person_shawn_southwick concept:hasspouse concept_person_larry_king +concept_person_she concept:persongraduatedschool concept_university_barnard_college +concept_person_she concept:persongraduatedschool concept_university_bristol_community_college +concept_person_sheetrit concept:personhasresidenceingeopoliticallocation concept_country_israel +concept_person_sheetrit concept:personbelongstoorganization concept_organization_knesset +concept_person_sheetrit concept:personbelongstoorganization concept_organization_newly_formed_party +concept_person_sheetrit concept:personbelongstoorganization concept_politicalparty_likud +concept_person_shepard concept:personbornincity concept_city_york +concept_person_sherman concept:worksfor concept_automobilemaker_a_m +concept_person_sherman concept:personborninlocation concept_county_york_city +concept_person_sherman concept:worksfor concept_sportsteam_packers +concept_person_sherman concept:worksfor concept_sportsteam_texas_a_m +concept_person_sherman concept:persongraduatedfromuniversity concept_university_college +concept_person_sheryl_cooper concept:hasspouse concept_person_alice001 +concept_person_shirin_ebadi concept:personhasjobposition concept_jobposition_lawyer +concept_person_shirley concept:personbornincity concept_city_york +concept_person_shirley_gordon concept:personhasresidenceingeopoliticallocation concept_county_tallahassee +concept_person_shiva concept:hasspouse concept_actor_shakti +concept_person_shivji_panikker concept:personhasjobposition concept_jobposition_dean +concept_person_shooter_jennings concept:haswife concept_female_drea_de_matteo +concept_person_siegel concept:personhasjobposition concept_jobposition_history_professor +concept_person_sienna concept:personborninlocation concept_city_york +concept_person_sig_rogich concept:personhasjobposition concept_jobposition_fundraiser +concept_person_sig_rogich concept:personbelongstoorganization concept_organization_republican +concept_person_sig_rogich concept:personhasresidenceingeopoliticallocation concept_stateorprovince_nevada +concept_person_sills concept:personbornincity concept_city_cleveland +concept_person_sills concept:personhasresidenceingeopoliticallocation concept_city_cleveland +concept_person_sills concept:personhasjobposition concept_jobposition_opera_star +concept_person_sills concept:personleadsorganization concept_organization_city_opera +concept_person_sills concept:worksfor concept_organization_city_opera +concept_person_sills concept:personbelongstoorganization concept_organization_new_york_city_opera +concept_person_simon concept:personbornincity concept_city_york +concept_person_simon concept:personborninlocation concept_county_york_city +concept_person_simon concept:personhasjobposition concept_jobposition_king +concept_person_simon concept:hassibling concept_person_andrew001 +concept_person_simon concept:hassibling concept_person_james001 +concept_person_simon concept:persongraduatedfromuniversity concept_university_college +concept_person_simon concept:persongraduatedschool concept_university_college +concept_person_simon_lebon concept:hasspouse concept_person_yasmine +concept_person_sims concept:personbornincity concept_city_york +concept_person_singh concept:personbornincity concept_city_york +concept_person_sir_stafford_cripps concept:personhasjobposition concept_jobposition_chancellor_of_the_exchequer +concept_person_sir_stanley_matthews concept:personbelongstoorganization concept_organization_stoke_side +concept_person_sister_emmanuelle concept:personhasjobposition concept_jobposition_charity_worker +concept_person_sister_emmanuelle concept:personhasjobposition concept_jobposition_nun +concept_person_six_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_skidmore concept:personborninlocation concept_city_york +concept_person_sloan concept:personborninlocation concept_county_york_city +concept_person_slobodan_milosevic concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_slobodan_milosevic concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_slobodan_milosevic concept:personhasjobposition concept_politicaloffice_president +concept_person_smith concept:persondiedatage 40 +concept_person_smith concept:personbornincity concept_city_york +concept_person_smith001 concept:persondiedatage 40 +concept_person_smith001 concept:agentcontributedtocreativework concept_book_hancock +concept_person_smith001 concept:personbornincity concept_city_orleans +concept_person_smith001 concept:hasspouse concept_comedian_jada_pinkett_smith +concept_person_smith001 concept:haswife concept_model_jada_pinkett_smith +concept_person_smith001 concept:agentcontributedtocreativework concept_movie_seven_pounds +concept_person_smith001 concept:persongraduatedschool concept_university_college +concept_person_smith001 concept:persongraduatedschool concept_university_law_school +concept_person_snyder concept:persongraduatedfromuniversity concept_university_college +concept_person_snyder concept:persongraduatedschool concept_university_college +concept_person_snyder concept:personbelongstoorganization concept_university_k_state +concept_person_snyder concept:personbelongstoorganization concept_university_kansas_state +concept_person_socrates concept:personchargedwithcrime concept_crimeorcharge_charges +concept_person_socrates concept:personchargedwithcrime concept_crimeorcharge_impiety +concept_person_sol_hoffman concept:persongraduatedschool concept_university_brooklyn_college +concept_person_sol_hoffman concept:persongraduatedschool concept_university_university_of_michigan +concept_person_soleil_moon_frye concept:hasspouse concept_celebrity_jason_goldberg +concept_person_solomon concept:agentcontributedtocreativework concept_book_ecclesiastes +concept_person_solomon concept:personbornincity concept_city_york +concept_person_solomon concept:personborninlocation concept_city_york +concept_person_solomon concept:personhasjobposition concept_jobposition_king +concept_person_solomon concept:agentcontributedtocreativework concept_musicsong_songs +concept_person_solomon concept:hassibling concept_person_nathan +concept_person_solomon_d___erulkar concept:persongraduatedschool concept_school_johns_hopkins +concept_person_solomon_d___erulkar concept:persongraduatedschool concept_university_university_of_toronto +concept_person_sonny concept:hasspouse concept_person_mary_bono001 +concept_person_sophia_loren concept:hasspouse concept_criminal_carlo_ponti +concept_person_sophie concept:personbornincity concept_city_york +concept_person_sophie concept:personborninlocation concept_city_york +concept_person_sophie_dahl concept:hasspouse concept_person_jamie_cullum +concept_person_spears concept:hasspouse concept_person_kevin_federline +concept_person_spencer concept:personbornincity concept_city_york +concept_person_spencer concept:personborninlocation concept_city_york +concept_person_spencer_barrett concept:persondiedincountry concept_country_england +concept_person_spike_jonze concept:hasspouse concept_model_michelle_williams +concept_person_spike_lee concept:hasspouse concept_person_tonya_lewis_lee +concept_person_sports concept:persondiedincountry concept_country_england +concept_person_spurrier concept:worksfor concept_city_florida +concept_person_spurrier concept:worksfor concept_sportsteam_redskins +concept_person_spurrier concept:worksfor concept_stateorprovince_south_carolina +concept_person_spurrier concept:worksfor concept_university_usc +concept_person_sri_lanka concept:atdate concept_date_n2000 +concept_person_sri_lanka concept:atdate concept_date_n2001 +concept_person_sri_lanka concept:atdate concept_date_n2004 +concept_person_sri_lanka concept:atdate concept_dateliteral_n2002 +concept_person_sri_lanka concept:atdate concept_dateliteral_n2005 +concept_person_sri_lanka concept:atdate concept_dateliteral_n2006 +concept_person_sri_lanka concept:atdate concept_dateliteral_n2007 +concept_person_sri_lanka concept:atdate concept_dateliteral_n2008 +concept_person_sri_lanka concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_sri_lanka concept:agentcollaborateswithagent concept_person_arjuna_ranatunga +concept_person_sri_lanka concept:agentcontrols concept_person_arjuna_ranatunga +concept_person_sri_lanka concept:synonymfor concept_person_ceylon +concept_person_sri_lanka concept:atdate concept_year_n1983 +concept_person_sri_lanka concept:atdate concept_year_n1997 +concept_person_st concept:personhascitizenship concept_country_france_france +concept_person_st___eugene concept:latitudelongitude 49.5832200000000,-115.7520900000000 +concept_person_stacey concept:personbornincity concept_city_york +concept_person_stan concept:personborninlocation concept_city_york +concept_person_stan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_stan concept:persongraduatedschool concept_university_state_university +concept_person_stan_sigman concept:topmemberoforganization concept_company_cingular_wireless_llc +concept_person_stanley_friedman concept:personleadsorganization concept_organization_bronx_democratic +concept_person_stanley_friedman concept:worksfor concept_organization_bronx_democratic +concept_person_star_jones concept:hasspouse concept_person_al_reynolds +concept_person_state concept:agentcollaborateswithagent concept_company_services +concept_person_state concept:personleadsgeopoliticalorganization concept_country_left_parties +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_charge +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_charges +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_law +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_laws +concept_person_state concept:personchargedwithcrime concept_crimeorcharge_offenses +concept_person_state concept:personbelongstoorganization concept_governmentorganization_house +concept_person_state concept:agentcontrols concept_governmentorganization_regulatory_agencies +concept_person_state concept:agentcollaborateswithagent concept_monarch_property +concept_person_state concept:agentcontrols concept_profession_managers +concept_person_state concept:agentcontrols concept_room_offices +concept_person_state concept:agentcontrols concept_visualizablething_measures +concept_person_state_department concept:agentcontrols concept_election_white +concept_person_stephanie001 concept:personbornincity concept_city_york +concept_person_stephanie001 concept:personborninlocation concept_county_york_city +concept_person_stephanie001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_stephanie001 concept:persongraduatedfromuniversity concept_university_college +concept_person_stephanie001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_stephanie001 concept:persongraduatedschool concept_university_state_university +concept_person_stephanie_birkitt concept:persondiedincountry concept_country_england +concept_person_stephen concept:personleadsorganization concept_biotechcompany_apple +concept_person_stephen concept:agentcontrols concept_charactertrait_world +concept_person_stephen concept:personbornincity concept_city_york +concept_person_stephen concept:agentbelongstoorganization concept_company_apple001 +concept_person_stephen concept:topmemberoforganization concept_company_apple002 +concept_person_stephen concept:personhascitizenship concept_country_hungary +concept_person_stephen concept:personhascitizenship concept_country_moldavia +concept_person_stephen concept:personborninlocation concept_country_orleans +concept_person_stephen concept:personhasjobposition concept_jobposition_king +concept_person_stephen concept:agentcollaborateswithagent concept_male_world +concept_person_stephen concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_stephen concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_stephen concept:persongraduatedfromuniversity concept_university_state_university +concept_person_stephen concept:persongraduatedschool concept_university_state_university +concept_person_stephen_belafonte concept:haswife concept_celebrity_mel_b +concept_person_stephen_haggard concept:persondiedincountry concept_country_england +concept_person_stephen_haley concept:persondiedincountry concept_country_england +concept_person_stephen_p_a__brown concept:personhasjobposition concept_jobposition_director_of_energy_economics_and_microeconomic_policy_analysis +concept_person_steve_capus concept:topmemberoforganization concept_company_nbc +concept_person_steve_fenwick concept:personbelongstoorganization concept_city_cardiff +concept_person_steve_mcpherson concept:personleadsorganization concept_city_abc +concept_person_steve_mcpherson concept:worksfor concept_city_abc +concept_person_steve_mcpherson concept:topmemberoforganization concept_televisionnetwork_abc +concept_person_steve_schalchlin concept:personalsoknownas concept_person_steve_schlachlin +concept_person_steve_schalchlin concept:personalsoknownas concept_person_steve_shalchlin +concept_person_steve_schlachlin concept:persondiedincountry concept_country_england +concept_person_steven concept:persondiedatage 3 +concept_person_steven concept:topmemberoforganization concept_biotechcompany_apple +concept_person_steven concept:personborninlocation concept_city_york +concept_person_steven concept:personleadsorganization concept_company_apple002 +concept_person_steven concept:worksfor concept_company_apple002 +concept_person_steven concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_steven concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_steven concept:persongraduatedfromuniversity concept_university_college +concept_person_steven concept:persongraduatedschool concept_university_haverford_college +concept_person_steven concept:persongraduatedschool concept_university_jamestown_college +concept_person_steven concept:persongraduatedfromuniversity concept_university_state_university +concept_person_steven concept:persongraduatedschool concept_university_state_university +concept_person_steven001 concept:persondiedatage 3 +concept_person_steven_spielberg concept:haswife concept_female_kate_capshaw +concept_person_steven_spielberg concept:agentcontributedtocreativework concept_movie_jaws +concept_person_steven_spielberg concept:topmemberoforganization concept_recordlabel_dreamworks_skg +concept_person_steven_spielberg concept:worksfor concept_recordlabel_dreamworks_skg +concept_person_stevens001 concept:personborninlocation concept_county_york_city +concept_person_stevens001 concept:personchargedwithcrime concept_crimeorcharge_corruption +concept_person_stevens001 concept:worksfor concept_sportsteam_flyers_playoff_tickets +concept_person_stevens001 concept:persongraduatedfromuniversity concept_university_college +concept_person_stevenson concept:proxyfor concept_city_washington_d_c +concept_person_stewart concept:personbornincity concept_city_york +concept_person_stewart concept:personborninlocation concept_city_york +concept_person_stewart concept:persongraduatedfromuniversity concept_university_college +concept_person_sting concept:hasspouse concept_person_frances_tomelty +concept_person_stoddard concept:persondiedincountry concept_country_england +concept_person_story concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_story concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_person_streisand concept:hasspouse concept_celebrity_james_brolin +concept_person_stromile_swift concept:persondiedincountry concept_country_england +concept_person_stryper concept:agentcollaborateswithagent concept_musician_michael_sweet +concept_person_stuart concept:personhascitizenship concept_country_england +concept_person_stuart_lewis_evans concept:persondiedincountry concept_country_england +concept_person_stuart_townsend concept:hasspouse concept_person_charlize_theron +concept_person_students concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_person_studs_terkel concept:persondiedatage 96 +concept_person_studs_terkel001 concept:persondiedatage 96 +concept_person_subhadra concept:persondiedincountry concept_country_england +concept_person_suge_knight concept:topmemberoforganization concept_recordlabel_death_row +concept_person_sugriva concept:hassibling concept_person_vali +concept_person_suharto concept:mutualproxyfor concept_academicfield_indonesian +concept_person_suharto concept:personhasjobposition concept_jobposition_dictator +concept_person_suharto concept:personhasresidenceingeopoliticallocation concept_organization_indonesian +concept_person_suharto concept:personleadsorganization concept_organization_indonesian +concept_person_suharto concept:worksfor concept_organization_indonesian +concept_person_sullivan001 concept:personborninlocation concept_county_york_city +concept_person_sullivan001 concept:persongraduatedfromuniversity concept_university_college +concept_person_sullivan001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_sullivan001 concept:persongraduatedschool concept_university_state_university +concept_person_summer_phoenix concept:hasspouse concept_male_casey_affleck +concept_person_sundance concept:personbornincity concept_city_fort_worth +concept_person_sunil_mittal concept:topmemberoforganization concept_company_bharti_telecom +concept_person_susan concept:hashusband concept_celebrity_richard +concept_person_susan concept:agentcontrols concept_charactertrait_world +concept_person_susan concept:personbornincity concept_city_york +concept_person_susan concept:persondiedincountry concept_country_england +concept_person_susan concept:personhasjobposition concept_jobposition_scuba_diving_instructor +concept_person_susan concept:personbelongstoorganization concept_politicalparty_college +concept_person_susan concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_susan concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_susan concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_person_susan concept:persongraduatedfromuniversity concept_university_college +concept_person_susan concept:persongraduatedfromuniversity concept_university_state_university +concept_person_susan concept:persongraduatedschool concept_university_state_university +concept_person_susan_bridgeman concept:persondiedincountry concept_country_england +concept_person_susan_m__cischke concept:personhasjobposition concept_jobposition_group_vice_president_for_sustainability__environment_and_safety_engineering +concept_person_sutil concept:personbelongstoorganization concept_city_midland +concept_person_sutil concept:personhasjobposition concept_jobposition_pianist +concept_person_suzanne concept:personbornincity concept_city_york +concept_person_suzanne concept:personborninlocation concept_city_york +concept_person_suzanne concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_suzanne concept:persongraduatedfromuniversity concept_university_college +concept_person_suzanne concept:persongraduatedschool concept_university_college +concept_person_suzanne_malveaux concept:worksfor concept_company_cnn +concept_person_sweet concept:personbornincity concept_city_york +concept_person_sylvain_abitbol concept:topmemberoforganization concept_company_canadian_jewish_congress +concept_person_sylvia_plath concept:agentcontributedtocreativework concept_book_the_bell_jar +concept_person_sylvia_plath concept:agentcreated concept_book_the_bell_jar +concept_person_synge concept:latitudelongitude 51.8083500000000,-116.6605800000000 +concept_person_syracuse concept:persongraduatedschool concept_university_college +concept_person_talisa_soto concept:hasspouse concept_person_benjamin_bratt +concept_person_tamar concept:hashusband concept_male_judah +concept_person_tamar concept:hasspouse concept_person_judah +concept_person_tamar concept:parentofperson concept_writer_perez +concept_person_tameka_foster concept:hasspouse concept_person_usher +concept_person_tara concept:personborninlocation concept_county_york_city +concept_person_tara concept:persongraduatedfromuniversity concept_university_state_university +concept_person_taylor concept:agentcontrols concept_ceo_richard_bowen +concept_person_taylor concept:personbornincity concept_city_york +concept_person_taylor concept:personborninlocation concept_county_york_city +concept_person_taylor concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_taylor concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_person_taylor concept:personbelongstoorganization concept_politicalparty_college +concept_person_taylor concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_taylor concept:persongraduatedfromuniversity concept_university_college +concept_person_taylor concept:persongraduatedfromuniversity concept_university_state_university +concept_person_taylor concept:persongraduatedschool concept_university_state_university +concept_person_tea_leoni concept:hasspouse concept_comedian_david_duchovny +concept_person_team_australia_racing concept:persondiedincountry concept_country_england +concept_person_tebow concept:latitudelongitude 30.9629700000000,-92.1745700000000 +concept_person_tebow concept:personalsoknownas concept_athlete_tim_tebow +concept_person_tebow concept:athleteledsportsteam concept_sportsteam_florida_gators +concept_person_tebow concept:athleteplaysforteam concept_sportsteam_florida_gators +concept_person_tebow concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_person_tebow concept:athleteplayssportsteamposition concept_sportsteamposition_quarterback +concept_person_technology concept:persondiedincountry concept_country_england +concept_person_technology concept:agentbelongstoorganization concept_terroristorganization_state +concept_person_ted concept:personbornincity concept_city_york +concept_person_ted concept:personborninlocation concept_city_york +concept_person_ted concept:personbelongstoorganization concept_politicalparty_college +concept_person_ted concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_ted concept:persongraduatedfromuniversity concept_university_college +concept_person_ted concept:persongraduatedschool concept_university_college +concept_person_ted concept:persongraduatedfromuniversity concept_university_state_university +concept_person_ted concept:persongraduatedschool concept_university_state_university +concept_person_ted_landsmark concept:personhasjobposition concept_jobposition_lawyer +concept_person_ted_leonsis concept:personleadsorganization concept_company_aol +concept_person_ted_leonsis concept:worksfor concept_company_aol +concept_person_template_talk_mah__bh__rata concept:persondiedincountry concept_country_england +concept_person_temple concept:subpartof concept_city_texas +concept_person_temple concept:persongraduatedschool concept_university_college +concept_person_ter_petrosyan concept:worksfor concept_country_republic_of_armenia +concept_person_teri_hatcher concept:hasspouse concept_actor_jon_tenney +concept_person_terry concept:personbornincity concept_city_york +concept_person_terry concept:personborninlocation concept_county_york_city +concept_person_terry concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_terry concept:persongraduatedfromuniversity concept_university_college +concept_person_terry concept:persongraduatedfromuniversity concept_university_state_university +concept_person_terry concept:persongraduatedschool concept_university_state_university +concept_person_terry_blaskowski concept:personhasresidenceingeopoliticallocation concept_city_cheboygan +concept_person_terry_blaskowski concept:persondiedincountry concept_country_england +concept_person_terry_blaskowski concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mich_ +concept_person_terry_bowden concept:worksfor concept_stateorprovince_auburn +concept_person_the_brothers_johnson concept:persondiedincountry concept_country_england +concept_person_the_donald concept:personalsoknownas concept_personeurope_donald_trump +concept_person_the_groom concept:hasspouse concept_person_the_bride +concept_person_theodor_kollek concept:personalsoknownas concept_person_teddy_kollek +concept_person_theodore concept:personbornincity concept_city_york +concept_person_theodore concept:personborninlocation concept_city_york +concept_person_thich_nhat_hanh concept:personhasjobposition concept_jobposition_leader +concept_person_thomas concept:persondiedatage 5 +concept_person_thomas001 concept:persondiedatage 5 +concept_person_thomas001 concept:personbornincity concept_city_york +concept_person_thomas001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_thomas001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_thomas001 concept:persongraduatedfromuniversity concept_university_college +concept_person_thomas001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_thomas001 concept:persongraduatedschool concept_university_state_university +concept_person_thomas002 concept:persondiedatage 5 +concept_person_thomas003 concept:persondiedatage 5 +concept_person_thomas004 concept:persondiedatage 5 +concept_person_thomas_emswiler concept:persondiedincountry concept_country_england +concept_person_thomas_jefferson concept:personbelongstoorganization concept_governmentorganization_house +concept_person_thomas_m__menino concept:atlocation concept_city_boston +concept_person_thomas_m__menino concept:personleadsgeopoliticalorganization concept_city_boston +concept_person_thomas_meskill concept:personalsoknownas concept_person_tough_tommy +concept_person_thomas_phillips concept:latitudelongitude 54.2771100000000,-94.3976300000000 +concept_person_thomas_schwertley concept:persondiedincountry concept_country_england +concept_person_thomas_seymour concept:haswife concept_female_katherine_parr +concept_person_thomas_watson concept:topmemberoforganization concept_company_ibm +concept_person_thompson concept:personbornincity concept_city_orleans +concept_person_thompson001 concept:personbornincity concept_city_york +concept_person_thompson001 concept:personborninlocation concept_city_york +concept_person_thompson001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_thompson001 concept:persongraduatedschool concept_university_state_university +concept_person_thor_eldon concept:hasspouse concept_person_bjork +concept_person_thoraya_obaid concept:personhasjobposition concept_jobposition_executive_director +concept_person_three_children concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_three_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_three_women concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_thrud concept:parentofperson concept_personcanada_thor +concept_person_tibetan_doctrine concept:persondiedincountry concept_country_england +concept_person_tim concept:persondiedatage 3 +concept_person_tim concept:personbornincity concept_city_york +concept_person_tim concept:hasspouse concept_person_disney +concept_person_tim concept:personbelongstoorganization concept_politicalparty_college +concept_person_tim concept:personbelongstoorganization concept_sportsteam_haverford_college +concept_person_tim concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_tim concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_tim concept:persongraduatedfromuniversity concept_university_college +concept_person_tim concept:persongraduatedfromuniversity concept_university_haverford_college +concept_person_tim concept:persongraduatedfromuniversity concept_university_institute +concept_person_tim concept:persongraduatedschool concept_university_institute +concept_person_tim concept:persongraduatedfromuniversity concept_university_state_university +concept_person_tim concept:persongraduatedschool concept_university_state_university +concept_person_tim_russert concept:persondiedatage 58 +concept_person_tim_russert concept:worksfor concept_company_nbc +concept_person_tim_zagat concept:topmemberoforganization concept_company_zagat +concept_person_timothy_harris001 concept:personhasjobposition concept_jobposition_managing_director +concept_person_timothy_harris001 concept:personhasjobposition concept_politicaloffice_vice_president +concept_person_tina_beller concept:personhasjobposition concept_jobposition_spokeswoman +concept_person_tishchenko concept:personhasjobposition concept_jobposition_boxer +concept_person_tishchenko concept:personbelongstoorganization concept_organization_russia_s_olympic_team +concept_person_tito_capobianco concept:personhasjobposition concept_jobposition_stage_director +concept_person_titus concept:personbornincity concept_city_york +concept_person_tobey_maguire concept:hasspouse concept_personmexico_jennifer_meyer +concept_person_todd_beyer concept:personhasjobposition concept_jobposition_volunteer +concept_person_todd_beyer concept:personbelongstoorganization concept_organization_gubernatorial_inaugural_committee +concept_person_todd_hundley concept:parentofperson concept_person_randy_hundley +concept_person_todd_jones concept:personhasjobposition concept_jobposition_reliever +concept_person_todd_jones concept:personbelongstoorganization concept_organization_tigers +concept_person_todd_stottlemyre concept:parentofperson concept_personus_mel_ott +concept_person_todor_jivkov concept:personhasjobposition concept_jobposition_dictator +concept_person_tom concept:persondiedatage 16 +concept_person_tom concept:personborninlocation concept_county_york_city +concept_person_tom concept:haswife concept_female_kathy +concept_person_tom concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_tom concept:personmovedtostateorprovince concept_stateorprovince_tennessee +concept_person_tom001 concept:persondiedatage 16 +concept_person_tom001 concept:agentcontrols concept_charactertrait_world +concept_person_tom001 concept:personbornincity concept_city_york +concept_person_tom001 concept:personborninlocation concept_city_york +concept_person_tom001 concept:personhasjobposition concept_jobposition_king +concept_person_tom001 concept:hasspouse concept_personcanada_nicole +concept_person_tom001 concept:personbelongstoorganization concept_politicalparty_college +concept_person_tom001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_tom001 concept:persongraduatedfromuniversity concept_university_college +concept_person_tom001 concept:persongraduatedschool concept_university_college +concept_person_tom001 concept:persongraduatedfromuniversity concept_university_high_school +concept_person_tom001 concept:persongraduatedfromuniversity concept_university_princeton_university +concept_person_tom001 concept:persongraduatedschool concept_university_princeton_university +concept_person_tom001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_tom001 concept:persongraduatedschool concept_university_state_university +concept_person_tom002 concept:persondiedatage 16 +concept_person_tom_brady concept:hasspouse concept_athlete_gisele_bundchen +concept_person_tom_brokaw001 concept:agentcontributedtocreativework concept_book_the_greatest_generation +concept_person_tom_brokaw001 concept:personbelongstoorganization concept_musicartist_television +concept_person_tom_cruise concept:hasspouse concept_celebrity_katie_holmes +concept_person_tom_friedman concept:worksfor concept_musicartist_times +concept_person_tom_friedman concept:agentbelongstoorganization concept_stateorprovince_times +concept_person_tom_friedman concept:worksfor concept_website_new_york_times +concept_person_tom_glavine concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_person_tom_hanks concept:agentcontributedtocreativework concept_book_big +concept_person_tom_hanks concept:parentofperson concept_director_colin_hanks +concept_person_tom_hanks concept:haswife concept_female_rita_wilson +concept_person_tom_hanks concept:agentcontributedtocreativework concept_movie_forrest_gump +concept_person_tom_mahoney concept:haswife concept_female_marcia_cross +concept_person_tom_mahoney concept:hasspouse concept_person_marcia_cross +concept_person_tom_rogers concept:topmemberoforganization concept_company_tivo +concept_person_tommy concept:personbornincity concept_city_york +concept_person_tong_thi_phong concept:personleadsorganization concept_organization_commission_for_mass_mobilization +concept_person_tong_thi_phong concept:worksfor concept_organization_commission_for_mass_mobilization +concept_person_tony concept:persondiedatage 2 +concept_person_tony concept:personbelongstoorganization concept_city_college +concept_person_tony concept:personbornincity concept_city_orleans +concept_person_tony concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_tony concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_tony concept:persongraduatedfromuniversity concept_university_college +concept_person_tony concept:persongraduatedfromuniversity concept_university_state_university +concept_person_tony concept:persongraduatedschool concept_university_state_university +concept_person_tony_blair001 concept:personhascitizenship concept_country_britain +concept_person_tony_blair001 concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_person_tony_blankley concept:personleadsorganization concept_website_washington_times +concept_person_tony_blankley concept:worksfor concept_website_washington_times +concept_person_tony_estanguet concept:personhasjobposition concept_jobposition_kayakar +concept_person_tony_kornheiser concept:worksfor concept_city_washington_d_c +concept_person_tony_romo concept:hasspouse concept_personafrica_jessica_simpson +concept_person_tony_snow concept:persondiedincountry concept_country_england +concept_person_tony_snow concept:worksfor concept_governmentorganization_fox_news +concept_person_tony_snow concept:worksfor concept_mountain_fox +concept_person_tony_stewart concept:hasspouse concept_person_jeff +concept_person_tonya_lewis_lee concept:hasspouse concept_person_spike_lee +concept_person_toomas_hendrik_ilves concept:personhasjobposition concept_politicaloffice_president +concept_person_tori_spelling concept:hasspouse concept_person_dean_mcdermott +concept_person_tori_spelling001 concept:hashusband concept_celebrity_dean_mcdermott +concept_person_torre concept:personborninlocation concept_city_york +concept_person_torres concept:personborninlocation concept_county_york_city +concept_person_torrio concept:personbornincity concept_city_york +concept_person_torrio concept:personborninlocation concept_city_york +concept_person_tracy concept:personbornincity concept_city_orleans +concept_person_tracy concept:personborninlocation concept_country_orleans +concept_person_tracy concept:persongraduatedfromuniversity concept_university_state_university +concept_person_tracy concept:persongraduatedschool concept_university_state_university +concept_person_travis concept:persondiedatage 2 +concept_person_travis concept:persongraduatedfromuniversity concept_university_state_university +concept_person_travis concept:persongraduatedschool concept_university_state_university +concept_person_trevor_potter concept:topmemberoforganization concept_company_federal_election_commission +concept_person_tricky_dick concept:synonymfor concept_election_richard_nixon +concept_person_tricky_dick concept:personalsoknownas concept_personus_thomas_jefferson +concept_person_trong concept:personbelongstoorganization concept_organization_central_theoretical_council +concept_person_trong concept:personbelongstoorganization concept_organization_cpvcc +concept_person_trong concept:personbelongstoorganization concept_organization_editing_board +concept_person_trong concept:personbelongstoorganization concept_organization_hanoi_party_committee +concept_person_trong concept:personbelongstoorganization concept_organization_political_bureau +concept_person_trong concept:personbelongstoorganization concept_stateorprovince_na +concept_person_troops concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_person_troops concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_troy_hitchcox concept:personhasjobposition concept_jobposition_detective +concept_person_trulli concept:personbelongstoorganization concept_automobilemaker_renault +concept_person_truman concept:agentcontrols concept_election_white +concept_person_truman concept:personbelongstoorganization concept_governmentorganization_house +concept_person_tucker_carlson001 concept:worksfor concept_company_cnn +concept_person_tucker_carlson001 concept:worksfor concept_sportsleague_msnbc +concept_person_turner concept:personbornincity concept_city_york +concept_person_turner concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_turner concept:persongraduatedfromuniversity concept_university_college +concept_person_twins concept:personborninlocation concept_city_york +concept_person_twins concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_twins concept:agentparticipatedinevent concept_sportsgame_series +concept_person_two_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_ty_murray concept:hasspouse concept_person_jewel +concept_person_tyler concept:persondiedatage 5 +concept_person_tyler001 concept:persondiedatage 5 +concept_person_tyler001 concept:personborninlocation concept_county_york_city +concept_person_tyler001 concept:personbelongstoorganization concept_governmentorganization_house +concept_person_udonis_haslem concept:persondiedincountry concept_country_england +concept_person_uma_thurman concept:hasspouse concept_person_ethan_hawke +concept_person_uma_thurman concept:agentcontributedtocreativework concept_televisionshow_pulp_fiction +concept_person_unanue concept:persongraduatedschool concept_university_duke_university +concept_person_unanue concept:persongraduatedschool concept_university_university_of_north_carolina +concept_person_upton_sinclair concept:agentcontributedtocreativework concept_book_jungle +concept_person_upton_sinclair concept:agentcontributedtocreativework concept_book_the_jungle +concept_person_uri_kelman concept:personchargedwithcrime concept_crimeorcharge_trying_to_fraudulently_obtain_new_zealand_passports +concept_person_uriah concept:haswife concept_female_bathsheba +concept_person_usher concept:haswife concept_female_tameka +concept_person_usher concept:hasspouse concept_person_tameka_foster +concept_person_utada concept:personbornincity concept_city_york +concept_person_utada concept:personborninlocation concept_city_york +concept_person_v_p__singh concept:personhasjobposition concept_jobposition_prime_minister +concept_person_v_p__singh concept:personhasresidenceingeopoliticallocation concept_organization_indian +concept_person_val_christensen concept:topmemberoforganization concept_company_energysolutions +concept_person_valencia_vilchis concept:personhasjobposition concept_jobposition_biologist +concept_person_valerie concept:persongraduatedfromuniversity concept_university_college +concept_person_valerie_bertinelli concept:hasspouse concept_musician_eddie_van_halen +concept_person_vandenberg concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_vanessa_hudgens concept:hasspouse concept_person_zac_efron +concept_person_vanessa_hudgens concept:hashusband concept_personcanada_zac_efron +concept_person_vanessa_minnillo concept:hasspouse concept_actor_nick_lachey +concept_person_vanessa_paradis001 concept:hashusband concept_male_johnny_depp +concept_person_vanessa_paradis001 concept:hasspouse concept_personcanada_johnny_depp +concept_person_vassar concept:persongraduatedfromuniversity concept_university_college +concept_person_vengaboys concept:persondiedincountry concept_country_england +concept_person_vernon_bellecourt concept:personalsoknownas concept_person_daybreak +concept_person_victoria concept:personbornincity concept_city_york +concept_person_victoria concept:personborninlocation concept_city_york +concept_person_victoria concept:personhascitizenship concept_country_britain +concept_person_victoria concept:personhasjobposition concept_jobposition_queen +concept_person_victoria concept:proxyfor concept_male_seychelles +concept_person_victoria concept:hasspouse concept_person_david004 +concept_person_victoria_beckham concept:hasspouse concept_person_david_beckham +concept_person_vietnamese concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_views concept:agentinvolvedwithitem concept_buildingfeature_window +concept_person_views concept:agentcreated concept_city_click +concept_person_views concept:persondiedincountry concept_country_england +concept_person_views concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_views concept:agentcreated concept_programminglanguage_contact +concept_person_vipsania concept:hashusband concept_male_tiberius +concept_person_viso concept:personbelongstoorganization concept_automobilemaker_minardi +concept_person_viso concept:personhasjobposition concept_jobposition_driver +concept_person_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_person_vitor_meira concept:persondiedincountry concept_country_england +concept_person_vivian_yu concept:personhasresidenceingeopoliticallocation concept_county_los_angeles_county +concept_person_vladimir_radmanovic concept:persondiedincountry concept_country_england +concept_person_voltaire concept:agentcontributedtocreativework concept_book_candide +concept_person_voltaire concept:agentcreated concept_book_candide +concept_person_wainaina concept:personhasjobposition concept_jobposition_editor +concept_person_wales concept:proxyfor concept_book_new +concept_person_wales concept:atdate concept_date_n2000 +concept_person_wales concept:atdate concept_dateliteral_n2008 +concept_person_wales concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_wales concept:hasspouse concept_person_diana +concept_person_wales concept:haswife concept_person_diana001 +concept_person_wales concept:agentcontrols concept_person_ray_gravell +concept_person_wales concept:agentbelongstoorganization concept_sportsleague_mls +concept_person_wales concept:atdate concept_year_n1978 +concept_person_walker001 concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_walker001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_walker001 concept:persongraduatedfromuniversity concept_university_college +concept_person_walker001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_walker001 concept:persongraduatedschool concept_university_state_university +concept_person_wallace concept:persongraduatedfromuniversity concept_university_state_university +concept_person_wallace concept:persongraduatedschool concept_university_state_university +concept_person_walsh concept:personbornincity concept_city_york +concept_person_walter concept:personbornincity concept_city_york +concept_person_walter concept:personborninlocation concept_city_york +concept_person_walter concept:persongraduatedfromuniversity concept_university_college +concept_person_walter concept:persongraduatedschool concept_university_college +concept_person_walter concept:persongraduatedschool concept_university_community_college +concept_person_walter_sheldon_rodman concept:topmemberoforganization concept_company_university_of_virginia_engineering_school +concept_person_wang_xiaofeng concept:personbelongstoorganization concept_organization_china_s_state_council +concept_person_warren_g__harding concept:personbelongstoorganization concept_governmentorganization_house +concept_person_washington_irving001 concept:agentcontributedtocreativework concept_book_the_legend_of_sleepy_hollow +concept_person_washington_irving001 concept:agentcreated concept_book_the_legend_of_sleepy_hollow +concept_person_watson concept:personbornincity concept_city_york +concept_person_watson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_watson concept:persongraduatedfromuniversity concept_university_college +concept_person_watson concept:persongraduatedschool concept_university_college +concept_person_wayne concept:persondiedatage 20 +concept_person_wayne concept:persongraduatedfromuniversity concept_university_college +concept_person_wayne001 concept:persondiedatage 20 +concept_person_wayne_gretzky concept:hasspouse concept_comedian_janet_jones +concept_person_wayne_gretzky concept:haswife concept_female_janet_jones +concept_person_webber concept:personbelongstoorganization concept_automobilemaker_minardi +concept_person_webster concept:personbornincity concept_city_york +concept_person_webster concept:personborninlocation concept_city_york +concept_person_weill concept:personborninlocation concept_island_new_york_city_metropolitan_area +concept_person_welch concept:topmemberoforganization concept_bank_ge +concept_person_welch concept:worksfor concept_bank_ge +concept_person_welch concept:personleadsorganization concept_bank_general_electric +concept_person_welch concept:worksfor concept_bank_general_electric +concept_person_welch concept:personleadsorganization concept_company_ge +concept_person_welch concept:politicianrepresentslocation concept_landscapefeatures_states +concept_person_welch concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_person_wells concept:personbornincity concept_city_york +concept_person_wells concept:personborninlocation concept_city_york +concept_person_welsch concept:latitudelongitude 50.0666700000000,8.5333300000000 +concept_person_wen_jiabao concept:personbelongstoorganization concept_automobilemaker_china +concept_person_wen_jiabao concept:personleadsorganization concept_biotechcompany_china +concept_person_wen_jiabao concept:personhasjobposition concept_jobposition_premier +concept_person_wen_jiabao concept:personhasjobposition concept_jobposition_prime_minister +concept_person_wendi_deng concept:hasspouse concept_personaustralia_rupert_murdoch +concept_person_wendy concept:persondiedatage 3 +concept_person_wendy001 concept:persondiedatage 3 +concept_person_wendy001 concept:personbornincity concept_city_york +concept_person_wendy001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_wendy001 concept:persongraduatedschool concept_university_state_university +concept_person_wes_gullett concept:personhasresidenceingeopoliticallocation concept_city_phoenix +concept_person_wes_gullett concept:personhasjobposition concept_jobposition_lobbyist +concept_person_west concept:personbornincity concept_city_montreal +concept_person_west concept:personborninlocation concept_city_montreal +concept_person_wheeler concept:personbornincity concept_city_york +concept_person_wheeler concept:personborninlocation concept_city_york +concept_person_wheeler concept:persongraduatedfromuniversity concept_university_college +concept_person_whitman concept:agentcontributedtocreativework concept_book_leaves_of_grass +concept_person_whitman concept:personbornincity concept_city_york +concept_person_whitman concept:personborninlocation concept_city_york +concept_person_whitney_houston concept:hashusband concept_athlete_bob_brown +concept_person_wife001 concept:mutualproxyfor concept_book_new +concept_person_wife001 concept:personhasresidenceingeopoliticallocation concept_county_seattle +concept_person_wife001 concept:agentparticipatedinevent concept_eventoutcome_result +concept_person_wife001 concept:agentbelongstoorganization concept_recordlabel_friends +concept_person_willam_anderson concept:persondiedincountry concept_country_england +concept_person_willem concept:personhascitizenship concept_country_netherlands +concept_person_william concept:persondiedatage 10 +concept_person_william concept:personborninlocation concept_county_york_city +concept_person_william001 concept:persondiedatage 10 +concept_person_william001 concept:personbornincity concept_city_york +concept_person_william001 concept:personborninlocation concept_city_york +concept_person_william001 concept:personhascitizenship concept_country_england +concept_person_william001 concept:personhascitizenship concept_country_netherlands +concept_person_william001 concept:personhascitizenship concept_country_prussia +concept_person_william001 concept:personhascitizenship concept_country_scotland +concept_person_william001 concept:personhascitizenship concept_country_sicily +concept_person_william001 concept:personhasjobposition concept_jobposition_king +concept_person_william001 concept:personbelongstoorganization concept_sportsteam_state_university +concept_person_william001 concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_william001 concept:personmovedtostateorprovince concept_stateorprovince_illinois +concept_person_william001 concept:personmovedtostateorprovince concept_stateorprovince_indiana +concept_person_william001 concept:personmovedtostateorprovince concept_stateorprovince_kentucky +concept_person_william001 concept:personmovedtostateorprovince concept_stateorprovince_missouri +concept_person_william001 concept:persongraduatedfromuniversity concept_university_college +concept_person_william001 concept:persongraduatedschool concept_university_college +concept_person_william001 concept:persongraduatedfromuniversity concept_university_harvard +concept_person_william001 concept:persongraduatedschool concept_university_harvard +concept_person_william001 concept:persongraduatedfromuniversity concept_university_state_university +concept_person_william001 concept:persongraduatedschool concept_university_state_university +concept_person_william001 concept:personmovedtostateorprovince concept_visualizablescene_washington +concept_person_william_a__pepper concept:persondiedincountry concept_country_england +concept_person_william_albin_young concept:persondiedincountry concept_country_england +concept_person_william_booth concept:worksfor concept_city_washington_d_c +concept_person_william_christy concept:persondiedincountry concept_country_england +concept_person_william_cody concept:personalsoknownas concept_person_buffalo_bill +concept_person_william_duff concept:persondiedincountry concept_country_england +concept_person_william_h__brown_iii concept:personhasjobposition concept_jobposition_energy_analyst +concept_person_william_h__macy concept:haswife concept_person_felicity_huffman +concept_person_william_haley concept:persondiedincountry concept_country_england +concept_person_william_holton concept:persondiedincountry concept_country_england +concept_person_william_j__astore concept:persondiedincountry concept_country_england +concept_person_william_jarvis concept:persondiedincountry concept_country_england +concept_person_william_p__bundy concept:persondiedincountry concept_country_england +concept_person_william_s__archer concept:persondiedincountry concept_country_england +concept_person_william_verity concept:personalsoknownas concept_person_calvin_verity_jr__ +concept_person_william_w___tucker concept:persondiedincountry concept_country_england +concept_person_williams concept:personbornincity concept_city_york +concept_person_williams concept:personborninlocation concept_city_york +concept_person_williams concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_williams concept:personbelongstoorganization concept_politicalparty_college +concept_person_williams concept:personmovedtostateorprovince concept_stateorprovince_california +concept_person_williams concept:worksfor concept_university_carolina +concept_person_williams concept:persongraduatedfromuniversity concept_university_college +concept_person_williams concept:persongraduatedschool concept_university_law_school +concept_person_williams concept:persongraduatedfromuniversity concept_university_state_university +concept_person_williams concept:persongraduatedschool concept_university_state_university +concept_person_willie_brown concept:personleadsgeopoliticalorganization concept_county_san_francisco +concept_person_wilma concept:personbornincity concept_city_cancun +concept_person_wilma concept:personborninlocation concept_city_cancun +concept_person_wilson concept:personborninlocation concept_county_york_city +concept_person_wilson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_wilson concept:agentcontrols concept_election_white +concept_person_wilson concept:personhasjobposition concept_jobposition_driver +concept_person_wilson concept:personbelongstoorganization concept_politicalparty_college +concept_person_wilson concept:persongraduatedfromuniversity concept_university_college +concept_person_winter concept:persondiedatage 5 +concept_person_winter001 concept:persondiedatage 5 +concept_person_winter002 concept:persondiedatage 5 +concept_person_winters concept:persondiedincountry concept_country_england +concept_person_winthrop_sergeant concept:personhasjobposition concept_jobposition_critic +concept_person_wladimir_klitschko concept:hasspouse concept_celebrity_hayden_panettiere +concept_person_wolf_blitzer concept:worksfor concept_company_cnn +concept_person_wolfe concept:personbornincity concept_city_york +concept_person_wood concept:personbornincity concept_city_york +concept_person_wood concept:personborninlocation concept_city_york +concept_person_wood concept:agentcollaborateswithagent concept_company_nbc +concept_person_wood concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_wood concept:persongraduatedfromuniversity concept_university_college +concept_person_wood concept:persongraduatedschool concept_university_college +concept_person_woodruff concept:personbelongstoorganization concept_company_us_army +concept_person_woodruff concept:persondiedincountry concept_country_england +concept_person_woodruff concept:personhasjobposition concept_jobposition_lieutenant_colonel +concept_person_woodruff concept:personhasjobposition concept_jobposition_officer +concept_person_woody concept:personbornincity concept_city_york +concept_person_woody concept:personborninlocation concept_county_york_city +concept_person_worth concept:persondiedatage 30 +concept_person_wozniak concept:personleadsorganization concept_biotechcompany_apple +concept_person_wozniak concept:topmemberoforganization concept_company_apple002 +concept_person_wozniak concept:worksfor concept_company_apple002 +concept_person_wozniak concept:personchargedwithcrime concept_crimeorcharge_murder +concept_person_wright concept:personbornincity concept_city_york +concept_person_wright concept:personborninlocation concept_city_york +concept_person_wright concept:topmemberoforganization concept_company_nbc +concept_person_wright concept:persongraduatedfromuniversity concept_university_college +concept_person_wright concept:persongraduatedschool concept_university_college +concept_person_wynn concept:topmemberoforganization concept_winery_mirage +concept_person_xu_haifeng concept:personleadsorganization concept_organization_chinese_national_shooting_team +concept_person_xu_haifeng concept:worksfor concept_organization_chinese_national_shooting_team +concept_person_xu_yuming concept:persondiedincountry concept_country_england +concept_person_xu_yuming concept:personhasjobposition concept_jobposition_researcher +concept_person_yakhouba_diawara concept:persondiedincountry concept_country_england +concept_person_yan_guangxin concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_panshi_city +concept_person_yang concept:personleadsorganization concept_company_yahoo001 +concept_person_yang concept:personbelongstoorganization concept_terroristorganization_people_s_liberation_army +concept_person_yang concept:worksfor concept_university_yahoo +concept_person_yang concept:personleadsorganization concept_website_yahoo_mail +concept_person_yang concept:worksfor concept_website_yahoo_mail +concept_person_yasmin_le_bon concept:hasspouse concept_person_simon +concept_person_yasmine concept:hasspouse concept_person_simon_lebon +concept_person_yoko_ono concept:agentcreated concept_agriculturalproduct_grapefruit +concept_person_yoko_ono concept:personbornincity concept_city_york +concept_person_yoko_ono concept:personborninlocation concept_city_york +concept_person_yoko_ono concept:hasspouse concept_personcanada_john_lennon +concept_person_yoko_ono concept:hashusband concept_professor_john_lennon +concept_person_yolanda_king concept:personalsoknownas concept_person_yoki +concept_person_york concept:persondiedatage 3 +concept_person_york concept:subpartof concept_nongovorganization_u_s_ +concept_person_york_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_person_york_college concept:atlocation concept_stateorprovince_new_york +concept_person_yoshiaki_ando concept:topmemberoforganization concept_company_konica_minolta +concept_person_young concept:persongraduatedfromuniversity concept_university_state_university +concept_person_yunlin_wang concept:persondiedincountry concept_country_england +concept_person_yves_saint_laurent concept:persondiedatage 71 +concept_person_yves_saint_laurent concept:personhasjobposition concept_jobposition_fashion_designer +concept_person_yves_saint_laurent001 concept:persondiedatage 71 +concept_person_yvon_chouinard concept:topmemberoforganization concept_company_patagonia +concept_person_zac_efron concept:haswife concept_celebrity_vanessa_hudgens +concept_person_zac_efron concept:hasspouse concept_person_vanessa_hudgens +concept_person_zacarias_moussaoui concept:personhascitizenship concept_country_france_france +concept_person_zach concept:persongraduatedfromuniversity concept_university_state_university +concept_person_zach concept:persongraduatedschool concept_university_state_university +concept_person_zachary concept:persondiedatage 6 +concept_person_zachary concept:personborninlocation concept_county_york_city +concept_person_zaddick_elimelech_weissblum concept:personhasjobposition concept_jobposition_leader +concept_person_zilpah concept:hasspouse concept_male_jacob +concept_person_zola001 concept:personchargedwithcrime concept_crimeorcharge_libel +concept_person_zooey_deschanel concept:hasspouse concept_person_ben_gibbard +concept_person_zoran_djindjic concept:personhasjobposition concept_jobposition_prime_minister +concept_person_zydrunas_ilgauskas concept:persondiedincountry concept_country_england +concept_personafrica_abdul_ahad concept:latitudelongitude 35.0855600000000,63.1744400000000 +concept_personafrica_adam_cohen concept:worksfor concept_musicartist_times +concept_personafrica_adam_cohen concept:worksfor concept_website_new_york_times +concept_personafrica_adam_west concept:agentcontributedtocreativework concept_book_batman +concept_personafrica_al_bashir concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_personafrica_alan_dershowitz concept:persondiedincountry concept_country_england +concept_personafrica_alexander_mccall_smith concept:agentcreated concept_book_corduroy_mansions +concept_personafrica_alexander_mccall_smith concept:agentcreated concept_book_morality_for_beautiful_girls +concept_personafrica_alexander_mccall_smith concept:agentcreated concept_book_tears_of_the_giraffe +concept_personafrica_alpha_and_omega concept:parentofperson concept_person_jesus +concept_personafrica_andrew_stanton concept:directordirectedmovie concept_movie_finding_nemo +concept_personafrica_andrew_stanton concept:directordirectedmovie concept_movie_wall_e +concept_personafrica_andy_kennedy concept:personbelongstoorganization concept_stateorprovince_ole_miss +concept_personafrica_anna_politkovskaya concept:worksfor concept_newspaper_novaya_gazeta +concept_personafrica_anne_tyler concept:agentcreated concept_actor_breathing_lessons +concept_personafrica_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personafrica_article concept:personhascitizenship concept_country_abm_treaty +concept_personafrica_article concept:personhascitizenship concept_country_declaration +concept_personafrica_arts concept:subpartof concept_beverage_new +concept_personafrica_arts concept:subpartof concept_city_york +concept_personafrica_arts concept:subpartof concept_county_york_city +concept_personafrica_arts concept:subpartof concept_programminglanguage_the_new +concept_personafrica_banana_yoshimoto concept:agentcreated concept_mlmetric_kitchen +concept_personafrica_belgium concept:proxyfor concept_book_new +concept_personafrica_belgium concept:atdate concept_date_n2000 +concept_personafrica_belgium concept:atdate concept_date_n2009 +concept_personafrica_belgium concept:mutualproxyfor concept_sportsequipment_new +concept_personafrica_belgium concept:atdate concept_year_n1998 +concept_personafrica_ben_affleck concept:actorstarredinmovie concept_movie_pearl_harbor +concept_personafrica_ben_affleck concept:hasspouse concept_person_garner +concept_personafrica_ben_kingsley concept:agentcontributedtocreativework concept_movie_bugsy +concept_personafrica_benny_goodman concept:persondiedincountry concept_country_england +concept_personafrica_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personafrica_bill_thompson concept:worksfor concept_company_bbc +concept_personafrica_bill_thompson concept:personbelongstoorganization concept_governmentorganization_bbc +concept_personafrica_bob_barber concept:latitudelongitude 35.5695200000000,-87.6686300000000 +concept_personafrica_brad_bird concept:directordirectedmovie concept_movie_incredibles +concept_personafrica_brad_bird concept:directordirectedmovie concept_movie_iron_giant +concept_personafrica_brad_bird concept:directordirectedmovie concept_movie_the_incredibles +concept_personafrica_brad_bird concept:directordirectedmovie concept_visualizablething_ratatouille +concept_personafrica_bret_michaels concept:personbelongstoorganization concept_musicartist_poison +concept_personafrica_brian_mccann concept:athleteplayssport concept_sport_baseball +concept_personafrica_brian_mccann concept:athleteplaysinleague concept_sportsleague_mlb +concept_personafrica_brian_mccann concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_personafrica_brian_mccann concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personafrica_brian_mccann concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_personafrica_business concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personafrica_business concept:agentparticipatedinevent concept_eventoutcome_result +concept_personafrica_cardinal_mindszenty concept:latitudelongitude 42.4766700000000,-79.3338900000000 +concept_personafrica_caterpillar concept:agentcollaborateswithagent concept_person_jim_owens +concept_personafrica_caterpillar concept:agentcontrols concept_person_jim_owens +concept_personafrica_cecily_von_ziegesar concept:agentcontributedtocreativework concept_book_gossip_girl +concept_personafrica_cecily_von_ziegesar concept:agentcreated concept_book_gossip_girl +concept_personafrica_cesare_pavese concept:agentcreated concept_visualartist_the_moon_and_the_bonfires +concept_personafrica_chan_wook_park concept:directordirectedmovie concept_movie_oldboy +concept_personafrica_charlton_heston concept:personhasjobposition concept_jobposition_film_star +concept_personafrica_charlton_heston concept:actorstarredinmovie concept_movie_ben_hur +concept_personafrica_charlton_heston concept:actorstarredinmovie concept_movie_the_ten_commandments +concept_personafrica_christopher_nolan concept:agentcontributedtocreativework concept_movie_dark_knight +concept_personafrica_christopher_nolan concept:agentcontributedtocreativework concept_televisionshow_batman +concept_personafrica_christopher_nolan concept:agentcontributedtocreativework concept_televisionshow_batman_begins +concept_personafrica_circumstance concept:agentparticipatedinevent concept_eventoutcome_result +concept_personafrica_cleopatra concept:personhascitizenship concept_country_egypt +concept_personafrica_cleopatra concept:personhasjobposition concept_jobposition_queen +concept_personafrica_cleopatra concept:motherofperson concept_person_caesarion +concept_personafrica_clinton concept:personbelongstoorganization concept_governmentorganization_house +concept_personafrica_damage concept:agentparticipatedinevent concept_eventoutcome_result +concept_personafrica_damage concept:agentparticipatedinevent concept_sportsgame_results +concept_personafrica_danakil concept:latitudelongitude 13.3030516666667,40.8633483333333 +concept_personafrica_dave_anderson concept:journalistwritesforpublication concept_newspaper_times +concept_personafrica_dave_anderson concept:journalistwritesforpublication concept_website_new_york_times +concept_personafrica_dave_anderson concept:worksfor concept_website_new_york_times +concept_personafrica_delay concept:agentparticipatedinevent concept_eventoutcome_result +concept_personafrica_disc concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personafrica_dodie_smith concept:agentcontributedtocreativework concept_book_i_capture_the_castle +concept_personafrica_dorothy_l_sayers concept:agentcreated concept_book_murder_must_advertise +concept_personafrica_dorothy_l_sayers concept:agentcreated concept_book_whose_body +concept_personafrica_doug_morris concept:agentcollaborateswithagent concept_musician_universal_music_group +concept_personafrica_doug_morris concept:agentcontrols concept_musician_universal_music_group +concept_personafrica_doug_morris concept:proxyfor concept_musician_universal_music_group +concept_personafrica_doug_morris concept:subpartof concept_musician_universal_music_group +concept_personafrica_doug_morris concept:personleadsorganization concept_recordlabel_universal +concept_personafrica_doug_morris concept:topmemberoforganization concept_recordlabel_universal_music +concept_personafrica_drive concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personafrica_drive concept:agentparticipatedinevent concept_sportsgame_series +concept_personafrica_dustin_hoffman concept:actorstarredinmovie concept_movie_midnight_cowboy +concept_personafrica_dustin_hoffman concept:actorstarredinmovie concept_movie_rain_man +concept_personafrica_edward_norton concept:actorstarredinmovie concept_movie_american_history_x +concept_personafrica_edward_norton concept:actorstarredinmovie concept_movie_hulk +concept_personafrica_edward_norton concept:actorstarredinmovie concept_movie_incredible_hulk +concept_personafrica_edward_norton concept:actorstarredinmovie concept_movie_primal_fear +concept_personafrica_enid_blyton concept:agentcontributedtocreativework concept_book_the_magic_faraway_tree +concept_personafrica_enid_blyton concept:agentcreated concept_book_the_magic_faraway_tree +concept_personafrica_enid_blyton concept:agentcontributedtocreativework concept_televisionshow_noddy +concept_personafrica_eric_clapton concept:musicianinmusicartist concept_musicartist_stones +concept_personafrica_eric_clapton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personafrica_frank_capra concept:directordirectedmovie concept_movie_life +concept_personafrica_full_picture concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personafrica_garden_city concept:proxyfor concept_creditunion_kansas +concept_personafrica_george_bush concept:agentcollaborateswithagent concept_company_clinton +concept_personafrica_george_bush concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_personafrica_george_bush concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_personafrica_george_bush concept:agentcontrols concept_election_white +concept_personafrica_george_bush concept:agentcollaborateswithagent concept_geopoliticallocation_kerry +concept_personafrica_george_bush concept:personbelongstoorganization concept_governmentorganization_house +concept_personafrica_george_bush concept:agentcollaborateswithagent concept_person_mccain +concept_personafrica_george_h_w__bush concept:agentcontrols concept_election_white +concept_personafrica_george_h_w__bush concept:personbelongstoorganization concept_governmentorganization_house +concept_personafrica_george_h_w__bush concept:personhasjobposition concept_jobposition_pilot +concept_personafrica_george_h_w__bush concept:personhasjobposition concept_politicaloffice_president +concept_personafrica_george_meredith concept:agentcreated concept_book_the_egoist +concept_personafrica_greg_mortenson concept:agentcreated concept_book_three_cups_of_tea +concept_personafrica_gregg concept:persongraduatedfromuniversity concept_university_college +concept_personafrica_guillermo_del_toro concept:directordirectedmovie concept_movie_hellboy +concept_personafrica_harpercollins concept:atdate concept_date_n2001 +concept_personafrica_harpercollins concept:atdate concept_dateliteral_n2008 +concept_personafrica_harpercollins concept:agentcollaborateswithagent concept_person_jane_friedman +concept_personafrica_harpercollins concept:mutualproxyfor concept_person_jane_friedman +concept_personafrica_harpercollins concept:subpartof concept_person_jane_friedman +concept_personafrica_hrithik_roshan concept:parentofperson concept_actor_rakesh_roshan +concept_personafrica_hugh_hill concept:latitudelongitude 56.5216300000000,-97.1730000000000 +concept_personafrica_ingmar_bergman concept:persondiedatage 89 +concept_personafrica_jacques_chirac concept:personhasjobposition concept_politicaloffice_president +concept_personafrica_jake_grove concept:latitudelongitude 39.7642000000000,-92.7026900000000 +concept_personafrica_james_cameron concept:agentcontributedtocreativework concept_movie_terminator +concept_personafrica_james_light concept:latitudelongitude 45.7425000000000,-85.5089800000000 +concept_personafrica_jarecki concept:latitudelongitude 42.9597200000000,-85.6244400000000 +concept_personafrica_jay_dee concept:latitudelongitude -24.2333300000000,31.3333300000000 +concept_personafrica_jean_jacques_rousseau concept:agentcreated concept_book_confessions +concept_personafrica_jean_jacques_rousseau concept:agentcreated concept_book_emile +concept_personafrica_jean_jacques_rousseau concept:agentcreated concept_book_reveries_of_a_solitary_walker +concept_personafrica_jeje_odongo concept:personhascitizenship concept_country_uganda +concept_personafrica_jodie_foster concept:actorstarredinmovie concept_movie_contact +concept_personafrica_jodie_foster concept:actorstarredinmovie concept_movie_panic_room +concept_personafrica_jodie_foster concept:actorstarredinmovie concept_movie_silence_of_the_lambs +concept_personafrica_jodie_foster concept:actorstarredinmovie concept_movie_the_accused +concept_personafrica_jodie_foster concept:actorstarredinmovie concept_movie_the_silence_of_the_lambs +concept_personafrica_joe_tucci concept:topmemberoforganization concept_company_emc001 +concept_personafrica_joe_tucci concept:personleadsorganization concept_musicartist_emc +concept_personafrica_john_crowley concept:agentcreated concept_book_engine_summer +concept_personafrica_john_gunther concept:agentcontributedtocreativework concept_book_death_be_not_proud +concept_personafrica_john_gunther concept:agentcreated concept_book_death_be_not_proud +concept_personafrica_john_kennedy_toole concept:agentcontributedtocreativework concept_book_a_confederacy_of_dunces +concept_personafrica_john_kennedy_toole concept:agentcreated concept_writer_a_confederacy_of_dunces +concept_personafrica_john_lasseter concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personafrica_john_martyn concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personafrica_jonathan_littell concept:agentcreated concept_book_the_kindly_ones +concept_personafrica_jonathan_schwartz concept:topmemberoforganization concept_company_sun +concept_personafrica_jonathan_schwartz concept:worksfor concept_company_sun +concept_personafrica_jonathan_schwartz concept:personleadsorganization concept_company_sun_microsystems001 +concept_personafrica_jonathan_schwartz concept:agentcollaborateswithagent concept_male_sun +concept_personafrica_joshua_marston concept:directordirectedmovie concept_movie_maria_full_of_grace +concept_personafrica_joy_division concept:agentcontrols concept_celebrity_ian_curtis +concept_personafrica_judy_blume concept:agentcontributedtocreativework concept_book_summer_sisters +concept_personafrica_judy_blume concept:agentcreated concept_book_summer_sisters +concept_personafrica_julie_orringer concept:agentcreated concept_book_the_invisible_bridge +concept_personafrica_karen_joy_fowler concept:agentcreated concept_actor_the_jane_austen_book_club +concept_personafrica_keith_richards concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_personafrica_kevin_costner concept:actorstarredinmovie concept_movie_bull_durham +concept_personafrica_kevin_costner concept:actorstarredinmovie concept_movie_dances_with_wolves +concept_personafrica_kevin_sullivan concept:journalistwritesforpublication concept_company_post +concept_personafrica_knopf concept:atdate concept_dateliteral_n2007 +concept_personafrica_knopf concept:atdate concept_dateliteral_n2008 +concept_personafrica_knut_hamsun concept:agentcreated concept_book_growth_of_the_soil +concept_personafrica_knut_hamsun concept:agentcontributedtocreativework concept_book_hunger +concept_personafrica_knut_hamsun concept:agentcreated concept_book_hunger +concept_personafrica_larry_niven concept:agentcontributedtocreativework concept_book_a_gift_from_earth +concept_personafrica_larry_niven concept:agentcontributedtocreativework concept_book_a_world_out_of_time +concept_personafrica_larry_niven concept:agentcontributedtocreativework concept_book_ringworld +concept_personafrica_las_palmas concept:proxyfor concept_beverage_gran_canaria +concept_personafrica_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personafrica_lexus concept:agentinvolvedwithitem concept_drug_rx +concept_personafrica_los_angeles_times concept:atdate concept_dateliteral_n2002 +concept_personafrica_lou_holtz concept:worksfor concept_newspaper_arkansas +concept_personafrica_madeleine_albright concept:personhasjobposition concept_politicaloffice_secretary_of_state +concept_personafrica_margaret_mahy concept:agentcreated concept_book_the_changeover +concept_personafrica_margaret_wise_brown concept:agentcontributedtocreativework concept_book_goodnight_moon +concept_personafrica_margaret_wise_brown concept:agentcreated concept_book_goodnight_moon +concept_personafrica_mark_benjamin concept:worksfor concept_politicsblog_salon +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_cape_fear +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_casino +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_departed +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_goodfellas +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_kundun +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_raging_bull +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_taxi_driver +concept_personafrica_martin_scorsese concept:directordirectedmovie concept_movie_the_departed +concept_personafrica_marvel concept:agentcollaborateswithagent concept_personus_avi_arad +concept_personafrica_mary_tudor concept:personhascitizenship concept_country_england +concept_personafrica_matthew_vaughn concept:hasspouse concept_celebrity_claudia_schiffer +concept_personafrica_mike_davis concept:personbelongstoorganization concept_university_iu +concept_personafrica_mike_joyce concept:musicianinmusicartist concept_musicartist_smiths +concept_personafrica_mpaa concept:agentcollaborateswithagent concept_politicianus_dan_glickman +concept_personafrica_mpaa concept:agentcontrols concept_politicianus_dan_glickman +concept_personafrica_muriel_spark concept:agentcreated concept_book_a_far_cry_from_kensington +concept_personafrica_muriel_spark concept:agentcreated concept_book_loitering_with_intent +concept_personafrica_muriel_spark concept:agentcreated concept_book_memento_mori +concept_personafrica_musawi concept:latitudelongitude 33.4252800000000,44.5300000000000 +concept_personafrica_musharif concept:latitudelongitude 36.5385300000000,41.5311300000000 +concept_personafrica_nashville concept:agentcontrols concept_politician_bill_purcell +concept_personafrica_neil_marshall concept:directordirectedmovie concept_movie_the_descent +concept_personafrica_nicole_krauss concept:agentcontributedtocreativework concept_book_the_history_of_love +concept_personafrica_nikolai_gogol concept:agentcontributedtocreativework concept_book_dead_souls +concept_personafrica_nikolai_gogol concept:agentcreated concept_book_the_overcoat +concept_personafrica_paul_krugman concept:personhasjobposition concept_jobposition_columnist +concept_personafrica_paul_krugman concept:personhasjobposition concept_jobposition_economist +concept_personafrica_paul_mccartney concept:haswife concept_celebrity_heather_mills +concept_personafrica_paul_mccartney concept:persondiedincountry concept_country_england +concept_personafrica_paul_mccartney concept:musicianinmusicartist concept_musicartist_beatles +concept_personafrica_paul_mccartney concept:musicianinmusicartist concept_musicartist_former_beatles +concept_personafrica_paul_mccartney concept:musicianinmusicartist concept_musicartist_stones +concept_personafrica_paul_mccartney concept:musicianinmusicartist concept_musicartist_the_beatles +concept_personafrica_paul_mccartney concept:musicianplaysinstrument concept_musicinstrument_bass +concept_personafrica_paul_mccartney concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personafrica_paul_mccartney concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_personafrica_paul_thomas_anderson concept:directordirectedmovie concept_movie_boogie_nights +concept_personafrica_paul_thomas_anderson concept:directordirectedmovie concept_movie_there_will_be_blood +concept_personafrica_paul_volcker concept:ceoof concept_bank_fed +concept_personafrica_paul_volcker concept:personleadsorganization concept_bank_federal_reserve +concept_personafrica_paul_volcker concept:topmemberoforganization concept_bank_former_federal_reserve +concept_personafrica_peter_jackson concept:actorstarredinmovie concept_movie_king_kong +concept_personafrica_philani concept:latitudelongitude 34.9916700000000,33.2125000000000 +concept_personafrica_plato concept:agentcontributedtocreativework concept_book_the_apology +concept_personafrica_plato concept:agentcreated concept_book_the_apology +concept_personafrica_plato concept:agentcreated concept_scientist_euthydemus +concept_personafrica_plato concept:agentcreated concept_scientist_menexenus +concept_personafrica_plato concept:agentcreated concept_scientist_theaetetus +concept_personafrica_ren__goscinny concept:agentcreated concept_book_asterix_the_gaul +concept_personafrica_ridley_scott concept:agentcontributedtocreativework concept_book_black_hawk_down +concept_personafrica_rob_zombie concept:directordirectedmovie concept_movie_halloween +concept_personafrica_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personafrica_robert_rodriguez concept:agentcontributedtocreativework concept_movie_sin_city +concept_personafrica_rochester concept:proxyfor concept_magazine_newyork +concept_personafrica_royal concept:agentactsinlocation concept_aquarium_uk_ +concept_personafrica_royal concept:agentactsinlocation concept_attraction_south_kensington +concept_personafrica_royal concept:agentactsinlocation concept_island_ireland +concept_personafrica_royal concept:atlocation concept_island_ireland +concept_personafrica_russell_hoban concept:agentcreated concept_book_riddley_walker +concept_personafrica_sam_mendes concept:directordirectedmovie concept_movie_jarhead +concept_personafrica_sam_raimi concept:directordirectedmovie concept_movie_evil_dead +concept_personafrica_sam_raimi concept:directordirectedmovie concept_movie_spider_man +concept_personafrica_sam_raimi concept:directordirectedmovie concept_movie_spider_man_3 +concept_personafrica_sarah_dunant concept:agentcreated concept_book_the_birth_of_venus +concept_personafrica_score concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personafrica_scott_peterson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personafrica_sebastian_faulks concept:agentcontributedtocreativework concept_book_a_week_in_december +concept_personafrica_sebastian_faulks concept:agentcreated concept_book_a_week_in_december +concept_personafrica_sebastian_faulks concept:agentcontributedtocreativework concept_book_birdsong +concept_personafrica_sebastian_faulks concept:agentcreated concept_book_birdsong +concept_personafrica_sebastian_faulks concept:agentcontributedtocreativework concept_book_devil_may_care +concept_personafrica_sebastian_faulks concept:agentcreated concept_book_devil_may_care +concept_personafrica_sebastian_faulks concept:agentcontributedtocreativework concept_book_human_traces +concept_personafrica_sebastian_faulks concept:agentcreated concept_book_human_traces +concept_personafrica_sebastian_faulks concept:agentcontributedtocreativework concept_movie_charlotte_gray +concept_personafrica_sebastian_faulks concept:agentcreated concept_movie_charlotte_gray +concept_personafrica_sofia_coppola concept:directordirectedmovie concept_movie_lost_in_translation +concept_personafrica_sofia_coppola concept:directordirectedmovie concept_movie_virgin_suicides +concept_personafrica_stephen_frears concept:actorstarredinmovie concept_movie_the_queen +concept_personafrica_steven_soderbergh concept:directordirectedmovie concept_movie_traffic +concept_personafrica_susan_sarandon concept:actorstarredinmovie concept_movie_dead_man_walking +concept_personafrica_susan_sarandon concept:actorstarredinmovie concept_movie_stepmom +concept_personafrica_susan_sarandon concept:actorstarredinmovie concept_movie_witches_of_eastwick +concept_personafrica_terry_george concept:directordirectedmovie concept_movie_hotel_rwanda +concept_personafrica_the_doors concept:agentcontrols concept_musician_robbie_krieger +concept_personafrica_the_doors concept:agentcontrols concept_personeurope_jim_morrison +concept_personafrica_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_personafrica_tim_o_brien concept:agentcontributedtocreativework concept_book_the_things_they_carried +concept_personafrica_tim_o_brien concept:agentcreated concept_book_the_things_they_carried +concept_personafrica_tobe_hooper concept:agentcontributedtocreativework concept_movie_the_texas_chainsaw_massacre +concept_personafrica_tom_brokaw concept:subpartof concept_retailstore_nbc +concept_personafrica_un_security_council concept:atdate concept_date_n2001 +concept_personafrica_un_security_council concept:atdate concept_date_n2003 +concept_personafrica_un_security_council concept:atdate concept_dateliteral_n2006 +concept_personafrica_un_security_council concept:agentcontrols concept_person_iran +concept_personafrica_un_security_council concept:mutualproxyfor concept_person_iran +concept_personafrica_united_nations_general_assembly concept:atdate concept_dateliteral_n2002 +concept_personafrica_warner_music concept:agentcollaborateswithagent concept_ceo_edgar_bronfman +concept_personafrica_warner_music concept:agentcontrols concept_ceo_edgar_bronfman +concept_personafrica_warner_music concept:mutualproxyfor concept_ceo_edgar_bronfman +concept_personafrica_wes_anderson concept:actorstarredinmovie concept_movie_darjeeling_limited +concept_personafrica_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_personafrica_world_meteorological_organization concept:agentcollaborateswithagent concept_person_dieter_schiessl +concept_personafrica_world_meteorological_organization concept:agentcontrols concept_person_dieter_schiessl +concept_personafrica_world_meteorological_organization concept:mutualproxyfor concept_person_dieter_schiessl +concept_personafrica_world_meteorological_organization concept:subpartof concept_person_dieter_schiessl +concept_personalcareitem_associations concept:subpartof concept_weatherphenomenon_water +concept_personalcareitem_brush concept:proxyfor concept_geopoliticallocation_colorado +concept_personalcareitem_butter concept:thinghascolor concept_color_brown +concept_personalcareitem_butter concept:thinghascolor concept_color_yellow +concept_personalcareitem_children concept:objectfoundinscene concept_landscapefeatures_valley +concept_personalcareitem_development concept:objectfoundinscene concept_landscapefeatures_valley +concept_personalcareitem_development concept:objectpartofobject concept_visualizableobject_lens +concept_personalcareitem_development concept:objectfoundinscene concept_visualizablescene_observatory +concept_personalcareitem_employee concept:objectpartofobject concept_nut_wheel +concept_personalcareitem_employee concept:objectfoundinscene concept_visualizablescene_observatory +concept_personalcareitem_flour concept:thinghascolor concept_color_brown +concept_personalcareitem_great_place concept:mutualproxyfor concept_book_new +concept_personalcareitem_great_place concept:istallerthan concept_publication_people_ +concept_personalcareitem_great_place concept:proxyfor concept_weatherphenomenon_new +concept_personalcareitem_great_place concept:proxyfor concept_weatherphenomenon_north +concept_personalcareitem_hair concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_personalcareitem_hair concept:itemfoundinroom concept_officebuildingroom_rooms +concept_personalcareitem_hair concept:itemfoundinroom concept_visualizablething_bathroom +concept_personalcareitem_hair concept:itemfoundinroom concept_visualizablething_bathrooms +concept_personalcareitem_maps concept:objectfoundinscene concept_landscapefeatures_valley +concept_personalcareitem_mirrors concept:objectfoundinscene concept_visualizablescene_observatory +concept_personalcareitem_natural_hair concept:thinghascolor concept_color_blonde +concept_personalcareitem_nature concept:objectfoundinscene concept_landscapefeatures_valley +concept_personalcareitem_nature concept:objectpartofobject concept_visualizableobject_lens +concept_personalcareitem_oil concept:thinghascolor concept_color_brown +concept_personalcareitem_oil concept:thinghascolor concept_color_yellow +concept_personalcareitem_pillow concept:itemfoundinroom concept_room_master +concept_personalcareitem_pot_pourri concept:latitudelongitude 49.0122700000000,-71.6462100000000 +concept_personalcareitem_science concept:objectfoundinscene concept_visualizablescene_observatory +concept_personalcareitem_skin concept:thinghascolor concept_color_blue +concept_personalcareitem_skin concept:thinghascolor concept_color_bronze +concept_personalcareitem_skin concept:thinghascolor concept_color_brown +concept_personalcareitem_skin concept:thinghascolor concept_color_green +concept_personalcareitem_skin concept:thinghascolor concept_color_grey +concept_personalcareitem_skin concept:thinghascolor concept_color_orange +concept_personalcareitem_skin concept:thinghascolor concept_color_purple +concept_personalcareitem_skin concept:thinghascolor concept_color_red +concept_personalcareitem_skin concept:thinghascolor concept_color_shade +concept_personalcareitem_skin concept:thinghascolor concept_color_yellow +concept_personalcareitem_sun_care concept:latitudelongitude 41.0933600000000,-91.2582100000000 +concept_personalcareitem_tent concept:thinghasshape concept_geometricshape_cone +concept_personalcareitem_tent concept:thinghasshape concept_geometricshape_dome +concept_personalcareitem_toothpaste concept:itemfoundinroom concept_visualizablething_bathroom +concept_personalcareitem_wash concept:subpartof concept_weatherphenomenon_water +concept_personalcareitem_white_hair concept:latitudelongitude 36.3800000000000,-109.8830400000000 +concept_personasia_aamir_khan concept:actorstarredinmovie concept_movie_ghajini +concept_personasia_abhishek_bachchan concept:actorstarredinmovie concept_movie_drona +concept_personasia_abhishek_bachchan concept:hasspouse concept_person_aishwarya +concept_personasia_adoor concept:latitudelongitude 28.7143000000000,56.7701000000000 +concept_personasia_akira_kurosawa concept:directordirectedmovie concept_movie_rashomon +concept_personasia_akira_kurosawa concept:directordirectedmovie concept_movie_seven_samurai +concept_personasia_al_thornton concept:personbelongstoorganization concept_sportsteam_heat +concept_personasia_amachi concept:latitudelongitude 5.9347740000000,8.1154180000000 +concept_personasia_andre_miller concept:athleteledsportsteam concept_sportsteam_cavaliers +concept_personasia_andre_miller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personasia_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personasia_anthony concept:persondiedatage 3 +concept_personasia_anthony concept:personbornincity concept_city_york +concept_personasia_anthony concept:persongraduatedfromuniversity concept_university_college +concept_personasia_anthony concept:persongraduatedschool concept_university_college +concept_personasia_anthony001 concept:persondiedatage 3 +concept_personasia_anthony_grundy concept:athleteinjuredhisbodypart concept_bone_ankle +concept_personasia_anthony_grundy concept:athleteplaysinleague concept_sportsleague_nba +concept_personasia_anthony_grundy concept:athleteledsportsteam concept_sportsteam_san_antonio +concept_personasia_anthony_grundy concept:athleteplaysforteam concept_sportsteam_san_antonio +concept_personasia_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personasia_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personasia_bo_liu concept:latitudelongitude 6.0000000000000,134.0000000000000 +concept_personasia_boney_kapoor concept:haswife concept_celebrity_sridevi +concept_personasia_brandon_lee concept:actorstarredinmovie concept_movie_crow +concept_personasia_bruce_lee concept:actorstarredinmovie concept_movie_enter_the_dragon +concept_personasia_c_roy concept:latitudelongitude 39.8179600000000,-120.4771600000000 +concept_personasia_carlos_reygadas concept:personhasresidenceingeopoliticallocation concept_city_mexico_city +concept_personasia_category concept:agentcompeteswithagent concept_personcanada_search +concept_personasia_champions concept:agentparticipatedinevent concept_sportsgame_series +concept_personasia_chew_choon_seng concept:personleadsorganization concept_company_singapore_airline +concept_personasia_chew_choon_seng concept:worksfor concept_company_singapore_airline +concept_personasia_chief concept:agentcollaborateswithagent concept_biotechcompany_white +concept_personasia_chief concept:agentcontrols concept_election_white +concept_personasia_chien_ming_wang concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personasia_coup concept:atdate concept_date_n1999 +concept_personasia_coup concept:atdate concept_date_n2000 +concept_personasia_coup concept:atdate concept_dateliteral_n1980 +concept_personasia_coup concept:atdate concept_dateliteral_n2002 +concept_personasia_coup concept:atdate concept_dateliteral_n2006 +concept_personasia_coup concept:atdate concept_dateliteral_n2007 +concept_personasia_coup concept:atdate concept_year_n1965 +concept_personasia_coup concept:atdate concept_year_n1989 +concept_personasia_coup concept:atdate concept_year_n1991 +concept_personasia_d_azzo concept:latitudelongitude 42.5000000000000,8.7333300000000 +concept_personasia_d_gray concept:latitudelongitude 44.0975800000000,-69.3753200000000 +concept_personasia_d_rose concept:latitudelongitude 35.1184000000000,-89.9366000000000 +concept_personasia_daisetz_teitaro_suzuki concept:agentcreated concept_book_manual_of_zen_buddhism +concept_personasia_daniel_alfredsson concept:athleteplaysforteam concept_sportsteam_ottawa_senators +concept_personasia_doug_parker concept:agentcontrols concept_geopoliticallocation_us_airways +concept_personasia_doug_parker concept:proxyfor concept_geopoliticallocation_us_airways +concept_personasia_doug_parker concept:subpartof concept_geopoliticallocation_us_airways +concept_personasia_enron concept:subpartof concept_bank_ge +concept_personasia_enron concept:agentcollaborateswithagent concept_person_ken_lay +concept_personasia_enron concept:agentcontrols concept_person_ken_lay +concept_personasia_enron concept:agentcollaborateswithagent concept_person_kenneth_lay +concept_personasia_evv concept:latitudelongitude 38.0378200000000,-87.5305700000000 +concept_personasia_family_members concept:proxyfor concept_book_new +concept_personasia_family_members concept:agentparticipatedinevent concept_eventoutcome_result +concept_personasia_features concept:agentparticipatedinevent concept_eventoutcome_result +concept_personasia_features concept:agentcreated concept_programminglanguage_contact +concept_personasia_fred_lynn concept:personalsoknownas concept_personus_lance_berkman +concept_personasia_free concept:agentcreated concept_website_download +concept_personasia_g_fisher concept:latitudelongitude 39.7844900000000,-86.2469300000000 +concept_personasia_ghost concept:parentofperson concept_male_son +concept_personasia_ghost concept:parentofperson concept_person_jesus +concept_personasia_guillermo concept:agentcontributedtocreativework concept_movie_hellboy +concept_personasia_hamid_karzai concept:personhascitizenship concept_country_afghanistan +concept_personasia_hamid_karzai concept:personleadsorganization concept_organization_transitional_administration +concept_personasia_hamid_karzai concept:worksfor concept_organization_transitional_administration +concept_personasia_hamid_karzai concept:politicianholdsoffice concept_politicaloffice_president +concept_personasia_hanft concept:latitudelongitude 38.2986600000000,-89.8795500000000 +concept_personasia_harron concept:latitudelongitude 45.0539000000000,-93.2937000000000 +concept_personasia_helen concept:parentofperson concept_person_leda +concept_personasia_hirani concept:latitudelongitude 39.7333300000000,40.0583350000000 +concept_personasia_hyderabad concept:atdate concept_date_n2001 +concept_personasia_imran_khan concept:actorstarredinmovie concept_movie_kidnap +concept_personasia_isuma concept:latitudelongitude 34.8666700000000,132.0166700000000 +concept_personasia_j_perez concept:latitudelongitude -19.4166700000000,-60.2500000000000 +concept_personasia_j_ross concept:latitudelongitude 37.6013200000000,-120.8593700000000 +concept_personasia_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_personasia_james_toback concept:agentcontributedtocreativework concept_movie_bugsy +concept_personasia_jim_kelly concept:agentcreated concept_book_the_moon_tunnel +concept_personasia_joe_torre concept:agentcreated concept_book_the_yankee_years +concept_personasia_joel_pineiro concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personasia_john_chen concept:topmemberoforganization concept_company_sybase +concept_personasia_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_personasia_jon_garland concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personasia_josh_hamilton concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_personasia_julius_rudel concept:personhasjobposition concept_jobposition_conductor +concept_personasia_k_moore concept:latitudelongitude 36.1688900000000,-115.0825000000000 +concept_personasia_kareem_abdul_jabbar concept:athleteplayssport concept_sport_basketball +concept_personasia_kareena_kapoor concept:personhascitizenship concept_country_republic_of_india +concept_personasia_kenneth_lay concept:agentcontrols concept_personasia_enron +concept_personasia_khun_lo concept:personhascitizenship concept_country_laos +concept_personasia_kim_hill concept:latitudelongitude 38.5666700000000,-103.3302100000000 +concept_personasia_kinugasa concept:latitudelongitude 35.0316800000000,135.7239000000000 +concept_personasia_koti concept:agentbelongstoorganization concept_company_nbc +concept_personasia_koti concept:agentcollaborateswithagent concept_company_nbc +concept_personasia_koti concept:subpartof concept_retailstore_nbc +concept_personasia_kublai_khan concept:personhascitizenship concept_country_mongolia +concept_personasia_l_li concept:latitudelongitude 30.1833300000000,35.3000000000000 +concept_personasia_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personasia_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personasia_m_gray concept:latitudelongitude 32.7459700000000,-90.0089700000000 +concept_personasia_m_hansen concept:latitudelongitude 42.1833000000000,-71.1288000000000 +concept_personasia_m_walker concept:latitudelongitude 29.6066700000000,-81.9780600000000 +concept_personasia_madhesh concept:latitudelongitude 41.6572200000000,19.8588900000000 +concept_personasia_mani_sir concept:latitudelongitude 34.8833300000000,72.6333300000000 +concept_personasia_mary_shelton concept:latitudelongitude 48.1120400000000,-122.2659800000000 +concept_personasia_mataji concept:latitudelongitude 25.7750000000000,75.5180600000000 +concept_personasia_member concept:agentparticipatedinevent concept_eventoutcome_result +concept_personasia_member concept:agentparticipatedinevent concept_sportsgame_series +concept_personasia_michael_bay concept:agentcontributedtocreativework concept_book_transformers +concept_personasia_michelle_magorian concept:agentcreated concept_scientist_goodnight_mister_tom +concept_personasia_mickey_rourke concept:agentcontributedtocreativework concept_book_the_wrestler +concept_personasia_mickey_rourke concept:agentcontributedtocreativework concept_book_wrestler +concept_personasia_miguel_tejada concept:personhasjobposition concept_jobposition_shoe_shine_boy +concept_personasia_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_personasia_news_corporation concept:agentcontrols concept_city_murdoch +concept_personasia_news_corporation concept:mutualproxyfor concept_city_murdoch +concept_personasia_news_corporation concept:mutualproxyfor concept_personaustralia_james_murdoch +concept_personasia_number concept:agentcreated concept_book_reference +concept_personasia_p_lewis concept:latitudelongitude 43.1983300000000,-88.7256600000000 +concept_personasia_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_personasia_pudovkin concept:latitudelongitude 52.7608000000000,41.1987800000000 +concept_personasia_r_brooks concept:latitudelongitude 36.4897200000000,-85.9383300000000 +concept_personasia_r_evans concept:latitudelongitude 46.0162600000000,-117.5318500000000 +concept_personasia_rakesh_roshan concept:fatherofperson concept_personafrica_hrithik_roshan +concept_personasia_ravi_shankar concept:musicianplaysinstrument concept_musicinstrument_sitar +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_bass +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_drums +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_keyboard +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_lead_vocals +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_piano +concept_personasia_ray concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_personasia_request concept:agentcompeteswithagent concept_personcanada_search +concept_personasia_reza_pahlavi concept:personhascitizenship concept_country_iran +concept_personasia_richard_massey concept:latitudelongitude 32.7301300000000,-87.6883400000000 +concept_personasia_rick_ankiel concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_personasia_rick_ankiel concept:athleteplaysforteam concept_sportsteam_louisville_cardinals +concept_personasia_rick_ankiel concept:personbelongstoorganization concept_sportsteam_louisville_cardinals +concept_personasia_rick_ankiel concept:athleteledsportsteam concept_sportsteam_st___louis_cardinals +concept_personasia_rick_ankiel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personasia_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personasia_s_davies concept:latitudelongitude 42.9818200000000,-118.9943700000000 +concept_personasia_sai_baba concept:latitudelongitude 40.4219700000000,-79.7258400000000 +concept_personasia_salman_khan concept:hasspouse concept_person_katrina_kaif +concept_personasia_salman_khan concept:haswife concept_personasia_katrina_kaif +concept_personasia_sanjay_dutt concept:fatherofperson concept_director_sunil_dutt +concept_personasia_sanjay_dutt concept:parentofperson concept_director_sunil_dutt +concept_personasia_sanjay_gupta concept:personbelongstoorganization concept_sportsleague_cnn +concept_personasia_sanjay_kumar concept:ceoof concept_biotechcompany_ca +concept_personasia_sanjay_kumar concept:topmemberoforganization concept_biotechcompany_ca +concept_personasia_sanjay_kumar concept:proxyfor concept_chemical_ca +concept_personasia_sanjay_kumar concept:worksfor concept_publication_ca +concept_personasia_sanjay_leela_bhansali concept:directordirectedmovie concept_movie_devdas +concept_personasia_share_email concept:agentcreated concept_website_information +concept_personasia_sister concept:agentparticipatedinevent concept_eventoutcome_result +concept_personasia_site concept:agentcompeteswithagent concept_amphibian_custom_search +concept_personasia_site concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personasia_site concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personasia_site concept:agentcreated concept_city_click +concept_personasia_site concept:agentparticipatedinevent concept_eventoutcome_basis +concept_personasia_site concept:agentparticipatedinevent concept_eventoutcome_course +concept_personasia_site concept:agentparticipatedinevent concept_eventoutcome_result +concept_personasia_site concept:agentcompeteswithagent concept_personcanada_search +concept_personasia_site concept:agentcompeteswithagent concept_politicianus_free_search +concept_personasia_site concept:agentparticipatedinevent concept_sportsgame_series +concept_personasia_site concept:agentparticipatedinevent concept_sportsgame_terms +concept_personasia_site concept:agentbelongstoorganization concept_terroristorganization_state +concept_personasia_site concept:agentparticipatedinevent concept_weatherphenomenon_deal +concept_personasia_site concept:agentparticipatedinevent concept_weatherphenomenon_term +concept_personasia_site concept:agentcompeteswithagent concept_website_google_search +concept_personasia_songs concept:agentcontributedtocreativework concept_book_ecclesiastes +concept_personasia_songs concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personasia_stream concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personasia_the_animals concept:agentcollaborateswithagent concept_musicartist_eric_burdon +concept_personasia_the_animals concept:agentcontrols concept_musicartist_eric_burdon +concept_personasia_thiede concept:latitudelongitude 52.1833300000000,10.4833300000000 +concept_personasia_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_personasia_todd_browning concept:latitudelongitude 33.9867200000000,-108.8367400000000 +concept_personasia_tojo_hideki concept:personhascitizenship concept_country_japan +concept_personasia_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_personasia_variety concept:agentcollaborateswithagent concept_writer_peter_bart +concept_personasia_vasanth concept:latitudelongitude 12.9918200000000,77.5944400000000 +concept_personasia_vasishta concept:latitudelongitude 16.3333300000000,81.7166700000000 +concept_personasia_view concept:agentbelongstoorganization concept_company_adobe +concept_personasia_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personasia_xie_fuzhan concept:personleadsorganization concept_organization_nbs +concept_personasia_xie_fuzhan concept:worksfor concept_organization_nbs +concept_personasia_xin_xu concept:latitudelongitude 23.7041700000000,120.2427800000000 +concept_personasia_y_t concept:agentcollaborateswithagent concept_musician_dave_meniketti +concept_personasia_yu_ye concept:latitudelongitude 28.3600300000000,120.4661750000000 +concept_personaustralia_actors concept:proxyfor concept_book_new +concept_personaustralia_actress concept:proxyfor concept_book_new +concept_personaustralia_ana concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personaustralia_andrew_upton concept:haswife concept_female_cate_blanchett +concept_personaustralia_anita_brookner concept:agentcreated concept_book_look_at_me +concept_personaustralia_ann_brashares concept:agentcreated concept_book_the_second_summer_of_the_sisterhood +concept_personaustralia_ann_brashares concept:agentcontributedtocreativework concept_book_the_sisterhood_of_the_traveling_pants +concept_personaustralia_ann_brashares concept:agentcreated concept_book_the_sisterhood_of_the_traveling_pants +concept_personaustralia_anne_michaels concept:agentcreated concept_book_fugitive_pieces +concept_personaustralia_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personaustralia_anne_tyler concept:agentcreated concept_book_noah_s_compass +concept_personaustralia_anne_tyler concept:agentcontributedtocreativework concept_book_the_accidental_tourist +concept_personaustralia_anne_tyler concept:agentcreated concept_book_the_accidental_tourist +concept_personaustralia_anthony_thompson concept:latitudelongitude 41.3128700000000,-72.9656600000000 +concept_personaustralia_arjen_robben concept:athleteplaysforteam concept_sportsteam_real_madrid +concept_personaustralia_arjen_robben concept:athletehomestadium concept_stadiumoreventvenue_santiago_bernab +concept_personaustralia_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personaustralia_arturo_perez_reverte concept:agentcreated concept_celebrity_the_ninth_gate +concept_personaustralia_avery_johnson concept:worksfor concept_city_dallas +concept_personaustralia_avery_johnson concept:coachesteam concept_sportsteam_dallas_mavericks +concept_personaustralia_ben_elton concept:agentcreated concept_televisionshow_dead_famous +concept_personaustralia_betty_smith concept:agentcontributedtocreativework concept_movie_a_tree_grows_in_brooklyn +concept_personaustralia_betty_smith concept:agentcreated concept_movie_a_tree_grows_in_brooklyn +concept_personaustralia_bill_allen concept:topmemberoforganization concept_biotechcompany_veco +concept_personaustralia_bill_wilson concept:personleadsorganization concept_company_aa +concept_personaustralia_bill_wilson concept:personbelongstoorganization concept_sportsleague_aa +concept_personaustralia_bill_wilson concept:worksfor concept_stateorprovince_aa +concept_personaustralia_bob_johnson concept:personbelongstoorganization concept_radiostation_bet +concept_personaustralia_bob_lane concept:latitudelongitude 33.4079000000000,-94.2257500000000 +concept_personaustralia_brian_jacques concept:agentcreated concept_televisionshow_redwall +concept_personaustralia_brian_mcbride concept:athleteplaysforteam concept_sportsteam_chicago_fire +concept_personaustralia_brian_mcbride concept:athletehomestadium concept_stadiumoreventvenue_toyota_park +concept_personaustralia_bruce_willis concept:hasspouse concept_personafrica_demi_moore +concept_personaustralia_c_roy concept:latitudelongitude 39.8179600000000,-120.4771600000000 +concept_personaustralia_carlos_slim_helu concept:personleadsorganization concept_company_telmex +concept_personaustralia_carlos_slim_helu concept:worksfor concept_company_telmex +concept_personaustralia_carmelo_anthony concept:personbelongstoorganization concept_sportsteam_state_university +concept_personaustralia_carmelo_anthony concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personaustralia_charles_de_lint concept:agentcreated concept_book_mulengro +concept_personaustralia_charles_de_lint concept:agentcreated concept_book_someplace_to_be_flying +concept_personaustralia_charles_de_lint concept:agentcreated concept_book_trader +concept_personaustralia_charles_dickens concept:agentcreated concept_actor_the_life_and_adventures_of_nicholas_nickleby +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_a_tale_of_two_cities +concept_personaustralia_charles_dickens concept:agentcreated concept_book_a_tale_of_two_cities +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_bleak_house +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_christmas_carol +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_david_copperfield +concept_personaustralia_charles_dickens concept:agentcreated concept_book_david_copperfield +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_dombey_and_son +concept_personaustralia_charles_dickens concept:agentcreated concept_book_dombey_and_son +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_hard_times +concept_personaustralia_charles_dickens concept:agentcreated concept_book_holiday_romance +concept_personaustralia_charles_dickens concept:agentcreated concept_book_hunted_down +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_little_dorrit +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_martin_chuzzlewit +concept_personaustralia_charles_dickens concept:agentcreated concept_book_martin_chuzzlewit +concept_personaustralia_charles_dickens concept:agentcreated concept_book_old_curiosity_shop +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_oliver_twist +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_our_mutual_friend +concept_personaustralia_charles_dickens concept:agentcreated concept_book_pickwick_papers +concept_personaustralia_charles_dickens concept:agentcreated concept_book_pictures_from_italy +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_tale_of_two_cities +concept_personaustralia_charles_dickens concept:agentcreated concept_book_the_mystery_of_edwin_drood +concept_personaustralia_charles_dickens concept:agentcreated concept_book_the_old_curiosity_shop +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_book_the_pickwick_papers +concept_personaustralia_charles_dickens concept:agentcreated concept_book_the_pickwick_papers +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_movie_a_christmas_carol +concept_personaustralia_charles_dickens concept:agentcreated concept_movie_a_christmas_carol +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_movie_great_expectations +concept_personaustralia_charles_dickens concept:agentcreated concept_movie_great_expectations +concept_personaustralia_charles_dickens concept:agentcontributedtocreativework concept_movie_nicholas_nickleby +concept_personaustralia_charles_dickens concept:agentcreated concept_movie_nicholas_nickleby +concept_personaustralia_charles_dickens concept:agentcreated concept_musicsong_hard_times +concept_personaustralia_charles_dickens concept:agentcreated concept_personafrica_little_dorrit +concept_personaustralia_charles_dickens concept:agentcreated concept_personus_tale_of_two_cities +concept_personaustralia_charles_dickens concept:agentcreated concept_televisionshow_bleak_house +concept_personaustralia_charles_dickens concept:agentcreated concept_televisionshow_oliver_twist +concept_personaustralia_charles_dickens concept:agentcreated concept_writer_our_mutual_friend +concept_personaustralia_charles_dickens concept:agentcreated concept_writer_the_lamplighter +concept_personaustralia_charles_kingsley concept:agentcontributedtocreativework concept_book_the_water_babies +concept_personaustralia_charles_kingsley concept:agentcreated concept_book_the_water_babies +concept_personaustralia_charles_sturt concept:latitudelongitude -35.1166000000000,147.3666000000000 +concept_personaustralia_charlie_may concept:latitudelongitude 49.2288800000000,-84.7450000000000 +concept_personaustralia_christopher_brookmyre concept:agentcreated concept_book_pandaemonium +concept_personaustralia_christopher_paolini concept:agentcreated concept_book_brisingr +concept_personaustralia_christopher_paolini concept:agentcreated concept_book_eldest +concept_personaustralia_christopher_paolini concept:agentcontributedtocreativework concept_book_eragon +concept_personaustralia_christopher_paolini concept:agentcreated concept_book_eragon +concept_personaustralia_christopher_paolini concept:agentcontributedtocreativework concept_book_inheritance +concept_personaustralia_chuck_james concept:agentcollaborateswithagent concept_mollusk_rays +concept_personaustralia_clay_johnson concept:personhasjobposition concept_jobposition_appointments_director +concept_personaustralia_clay_johnson concept:personhasjobposition concept_jobposition_assistant_to_the_president_for_presidential_personnel +concept_personaustralia_clay_johnson concept:personhasjobposition concept_jobposition_deputy_director_of_management +concept_personaustralia_clay_johnson concept:personhasjobposition concept_jobposition_executive_director +concept_personaustralia_clay_johnson concept:personbelongstoorganization concept_organization_transition_team +concept_personaustralia_clay_johnson concept:personleadsorganization concept_organization_transition_team +concept_personaustralia_clay_johnson concept:personhasjobposition concept_politicaloffice_chief_of_staff +concept_personaustralia_clerk concept:proxyfor concept_book_new +concept_personaustralia_clerk concept:agentcreated concept_movie_contact +concept_personaustralia_clyde_johnston concept:athleteplayssport concept_sport_golf +concept_personaustralia_countries concept:agentparticipatedinevent concept_eventoutcome_result +concept_personaustralia_d_azzo concept:latitudelongitude 42.5000000000000,8.7333300000000 +concept_personaustralia_d_gray concept:latitudelongitude 44.0975800000000,-69.3753200000000 +concept_personaustralia_d_rose concept:latitudelongitude 35.1184000000000,-89.9366000000000 +concept_personaustralia_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personaustralia_david_brown concept:personleadsorganization concept_company_owens_corning +concept_personaustralia_david_brown concept:worksfor concept_company_owens_corning +concept_personaustralia_david_cicilline concept:worksfor concept_publication_providence +concept_personaustralia_david_geffen concept:worksfor concept_recordlabel_dreamworks_skg +concept_personaustralia_david_mclay_kidd concept:athleteplayssport concept_sport_golf +concept_personaustralia_david_nagel concept:worksfor concept_company_palmsource +concept_personaustralia_david_pauley concept:athleteplayssport concept_sport_baseball +concept_personaustralia_david_pauley concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_david_pauley concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_david_raven concept:persondiedincountry concept_country_england +concept_personaustralia_david_roberts concept:worksfor concept_blog_grist +concept_personaustralia_david_robertson concept:athleteplayssport concept_sport_baseball +concept_personaustralia_david_shaw concept:personalsoknownas concept_athlete_david_carr +concept_personaustralia_david_shaw concept:personalsoknownas concept_athlete_george_johnson +concept_personaustralia_david_shaw concept:worksfor concept_stateorprovince_times +concept_personaustralia_david_shaw concept:personbelongstoorganization concept_televisionstation_los_angeles_times +concept_personaustralia_david_smith concept:topmemberoforganization concept_company_sinclair_oil +concept_personaustralia_david_yepsen concept:worksfor concept_newspaper_des_moines_register +concept_personaustralia_dexter_gordon concept:persondiedincountry concept_country_england +concept_personaustralia_diana_wynne_jones concept:agentcreated concept_movie_howl_s_moving_castle +concept_personaustralia_dick_king_smith concept:agentcontributedtocreativework concept_book_babe +concept_personaustralia_donna_tartt concept:agentcontributedtocreativework concept_book_the_secret_history +concept_personaustralia_donna_tartt concept:agentcreated concept_book_the_secret_history +concept_personaustralia_edmund_l__andrews concept:worksfor concept_musicartist_times +concept_personaustralia_elano concept:athleteplaysforteam concept_sportsteam_brazil +concept_personaustralia_elizabeth_ii concept:personhascitizenship concept_country_england +concept_personaustralia_elizabeth_ii concept:personhascitizenship concept_country_great_britain +concept_personaustralia_elizabeth_ii concept:personhasjobposition concept_jobposition_queen +concept_personaustralia_elizabeth_kostova concept:agentcreated concept_book_the_historian +concept_personaustralia_federal concept:agentcontrols concept_musician_agencies +concept_personaustralia_fee concept:proxyfor concept_book_new +concept_personaustralia_ford_madox_ford concept:agentcreated concept_book_parade_s_end +concept_personaustralia_ford_madox_ford concept:agentcreated concept_book_the_good_soldier +concept_personaustralia_francisco_valdes concept:latitudelongitude 18.2916200000000,-66.0504400000000 +concept_personaustralia_fred concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personaustralia_g_fisher concept:latitudelongitude 39.7844900000000,-86.2469300000000 +concept_personaustralia_garth_nix concept:agentcreated concept_book_abhorsen +concept_personaustralia_garth_nix concept:agentcreated concept_book_lirael +concept_personaustralia_garth_nix concept:agentcreated concept_book_sabriel +concept_personaustralia_gary_paulsen concept:agentcreated concept_book_brian_s_hunt +concept_personaustralia_gary_paulsen concept:agentcreated concept_book_brian_s_winter +concept_personaustralia_gary_paulsen concept:agentcreated concept_book_hatchet +concept_personaustralia_gary_paulsen concept:agentcreated concept_musicalbum_the_river +concept_personaustralia_george_bernard_shaw concept:agentcontributedtocreativework concept_book_pygmalion +concept_personaustralia_george_bernard_shaw concept:agentcreated concept_book_pygmalion +concept_personaustralia_george_bernard_shaw concept:agentcontributedtocreativework concept_book_saint_joan +concept_personaustralia_george_cobb concept:athleteplayssport concept_sport_golf +concept_personaustralia_graham_clark concept:latitudelongitude 36.6231200000000,-93.2224000000000 +concept_personaustralia_greg_nash concept:athleteplayssport concept_sport_golf +concept_personaustralia_gregg_olsen concept:agentcreated concept_book_victim_six +concept_personaustralia_guardian concept:proxyfor concept_book_new +concept_personaustralia_guardian concept:atdate concept_date_n2001 +concept_personaustralia_guardian concept:atdate concept_date_n2003 +concept_personaustralia_guardian concept:atdate concept_date_n2004 +concept_personaustralia_guardian concept:atdate concept_dateliteral_n2005 +concept_personaustralia_guardian concept:atdate concept_dateliteral_n2006 +concept_personaustralia_guardian concept:atdate concept_dateliteral_n2007 +concept_personaustralia_guardian concept:atdate concept_dateliteral_n2008 +concept_personaustralia_h__rider_haggard concept:agentcontributedtocreativework concept_book_king_solomon_s_mines +concept_personaustralia_h__rider_haggard concept:agentcreated concept_book_king_solomon_s_mines +concept_personaustralia_harper_lee concept:agentcontributedtocreativework concept_movie_to_kill_a_mockingbird +concept_personaustralia_harper_lee concept:agentcreated concept_movie_to_kill_a_mockingbird +concept_personaustralia_harper_lee concept:agentcontributedtocreativework concept_musicalbum_mockingbird +concept_personaustralia_harris concept:persongraduatedfromuniversity concept_university_college +concept_personaustralia_harry_smith concept:worksfor concept_televisionnetwork_cbs +concept_personaustralia_henning_mankell concept:agentcreated concept_book_chronicler_of_the_winds +concept_personaustralia_henning_mankell concept:agentcreated concept_book_faceless_killers +concept_personaustralia_henning_mankell concept:agentcreated concept_book_sidetracked +concept_personaustralia_henning_mankell concept:agentcontributedtocreativework concept_book_the_white_lioness +concept_personaustralia_herb_caen concept:worksfor concept_county_san_francisco +concept_personaustralia_hugh_white concept:latitudelongitude 33.8001200000000,-89.7334200000000 +concept_personaustralia_hyypia concept:latitudelongitude 62.4333300000000,30.3000000000000 +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_fantastic_voyage +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_forward_the_foundation +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_foundation_and_earth +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_foundation_and_empire +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_foundation_s_edge +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_pebble_in_the_sky +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_prelude_to_foundation +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_second_foundation +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_the_caves_of_steel +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_the_currents_of_space +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_the_martian_way_and_other_stories +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_the_naked_sun +concept_personaustralia_isaac_asimov concept:agentcreated concept_book_the_robots_of_dawn +concept_personaustralia_isaac_asimov concept:agentcreated concept_male_azazel +concept_personaustralia_isaac_asimov concept:agentcreated concept_mldataset_earth_is_room_enough +concept_personaustralia_isaac_asimov concept:agentcontributedtocreativework concept_musicalbum_foundation +concept_personaustralia_isaac_asimov concept:agentcreated concept_musicalbum_foundation +concept_personaustralia_isaac_asimov concept:agentcreated concept_musicalbum_inferno +concept_personaustralia_isaac_asimov concept:agentcreated concept_musicartist_utopia +concept_personaustralia_isaac_asimov concept:agentcreated concept_televisionshow_the_foundation +concept_personaustralia_j_ross concept:latitudelongitude 37.6013200000000,-120.8593700000000 +concept_personaustralia_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_personaustralia_jack_johnson concept:athleteplaysinleague concept_sportsleague_nba +concept_personaustralia_jack_johnson concept:athleteplaysforteam concept_sportsteam_l_a__kings +concept_personaustralia_jack_johnson concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_personaustralia_jaime_lopez concept:latitudelongitude 22.8019450000000,-81.2980550000000 +concept_personaustralia_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_personaustralia_james_gleick concept:agentcreated concept_musicalbum_chaos +concept_personaustralia_james_j__greco concept:agentcontrols concept_retailstore_bruegger_s +concept_personaustralia_james_murdoch concept:personleadsorganization concept_biotechcompany_newscorp +concept_personaustralia_james_murdoch concept:personleadsorganization concept_company_british_sky_broadcasting +concept_personaustralia_james_murdoch concept:personleadsorganization concept_company_fox +concept_personaustralia_james_murdoch concept:personleadsorganization concept_company_news_corp001 +concept_personaustralia_james_murdoch concept:worksfor concept_company_news_corp001 +concept_personaustralia_james_murdoch concept:ceoof concept_company_news_corp_ +concept_personaustralia_james_murdoch concept:topmemberoforganization concept_company_news_corp_ +concept_personaustralia_james_murdoch concept:personleadsorganization concept_musicartist_news +concept_personaustralia_james_murdoch concept:personleadsorganization concept_winery_sky +concept_personaustralia_janet_frame concept:agentcreated concept_book_faces_in_the_water +concept_personaustralia_jared concept:parentofperson concept_male_enoch +concept_personaustralia_jared_diamond concept:agentcontributedtocreativework concept_book_collapse +concept_personaustralia_jared_diamond concept:agentcreated concept_book_collapse +concept_personaustralia_jasper_fforde concept:agentcreated concept_book_something_rotten +concept_personaustralia_jay_dee concept:latitudelongitude -24.2333300000000,31.3333300000000 +concept_personaustralia_jean_racine concept:agentcontributedtocreativework concept_book_phaedre +concept_personaustralia_jean_racine concept:agentcreated concept_book_phaedre +concept_personaustralia_jim_calhoun concept:personbelongstoorganization concept_university_connecticut +concept_personaustralia_jim_calhoun concept:personbelongstoorganization concept_university_uconn +concept_personaustralia_jim_miller concept:athleteplayssport concept_sport_baseball +concept_personaustralia_jim_miller concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_jim_miller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_jim_miller concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_personaustralia_jim_thompson concept:agentcreated concept_book_a_swell_looking_babe +concept_personaustralia_jim_thompson concept:agentcreated concept_book_cropper_s_cabin +concept_personaustralia_jim_thompson concept:agentcreated concept_book_king_blood +concept_personaustralia_jim_thompson concept:agentcreated concept_book_now_and_on_earth +concept_personaustralia_jim_thompson concept:agentcreated concept_book_roughneck +concept_personaustralia_jim_thompson concept:agentcreated concept_book_savage_night +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_criminal +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_getaway +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_golden_gizmo +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_grifters +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_killer_inside_me +concept_personaustralia_jim_thompson concept:agentcreated concept_book_the_nothing_man +concept_personaustralia_joanny concept:latitudelongitude 46.1486600000000,-72.3924100000000 +concept_personaustralia_jobs concept:persondiedatage 0 +concept_personaustralia_jobs concept:worksfor concept_company_disney +concept_personaustralia_jobs concept:worksfor concept_company_pixar +concept_personaustralia_jobs concept:worksfor concept_publication_people_ +concept_personaustralia_jobs concept:personmovedtostateorprovince concept_stateorprovince_massachusetts +concept_personaustralia_jobs concept:personmovedtostateorprovince concept_stateorprovince_tennessee +concept_personaustralia_jobs concept:personmovedtostateorprovince concept_stateorprovince_wisconsin +concept_personaustralia_joe_johnson concept:athleteledsportsteam concept_sportsteam_hawks +concept_personaustralia_john_danks concept:athleteplayssport concept_sport_baseball +concept_personaustralia_john_danks concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_john_danks concept:athleteplaysforteam concept_sportsteam_white_sox +concept_personaustralia_john_danks concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_john_kelly concept:journalistwritesforpublication concept_company_post +concept_personaustralia_john_kilduff concept:topmemberoforganization concept_bank_mf_global +concept_personaustralia_john_mack concept:worksfor concept_biotechcompany_morgan_stanley +concept_personaustralia_john_mack concept:agentcontrols concept_retailstore_morgan_stanley +concept_personaustralia_john_mcenroe concept:athletebeatathlete concept_athlete_ivan_lendl +concept_personaustralia_john_mcenroe concept:athletebeatathlete concept_athlete_jimmy_connors +concept_personaustralia_john_mcenroe concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_personaustralia_john_mcenroe concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_personaustralia_jon_mcgregor concept:agentcontributedtocreativework concept_book_if_nobody_speaks_of_remarkable_things +concept_personaustralia_jorge_e concept:latitudelongitude 5.9402800000000,-71.9133300000000 +concept_personaustralia_joseph_cooper concept:latitudelongitude 38.9005000000000,-77.0461000000000 +concept_personaustralia_joseph_stiglitz concept:personhasjobposition concept_jobposition_economist +concept_personaustralia_josh_johnson concept:athleteplayssport concept_sport_baseball +concept_personaustralia_josh_johnson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_josh_johnson concept:athleteplaysforteam concept_sportsteam_marlins +concept_personaustralia_josh_johnson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_josh_johnson concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_personaustralia_julia_rogers concept:latitudelongitude 39.4101100000000,-76.5946900000000 +concept_personaustralia_kathy_acker concept:agentcreated concept_book_blood_and_guts_in_high_school +concept_personaustralia_ken_follett concept:agentcreated concept_book_a_dangerous_fortune +concept_personaustralia_ken_follett concept:agentcreated concept_book_code_to_zero +concept_personaustralia_ken_follett concept:agentcontributedtocreativework concept_book_eye_of_the_needle +concept_personaustralia_ken_follett concept:agentcreated concept_book_jackdaws +concept_personaustralia_ken_follett concept:agentcreated concept_book_lie_down_with_lions +concept_personaustralia_ken_follett concept:agentcreated concept_book_paper_money +concept_personaustralia_ken_follett concept:agentcreated concept_book_storm_island +concept_personaustralia_ken_follett concept:agentcreated concept_book_the_key_to_rebecca +concept_personaustralia_ken_follett concept:agentcreated concept_book_the_man_from_st__petersburg +concept_personaustralia_ken_follett concept:agentcontributedtocreativework concept_book_the_pillars_of_the_earth +concept_personaustralia_ken_follett concept:agentcreated concept_book_the_pillars_of_the_earth +concept_personaustralia_ken_follett concept:agentcreated concept_book_the_third_twin +concept_personaustralia_ken_follett concept:agentcreated concept_book_whiteout +concept_personaustralia_ken_follett concept:agentcreated concept_book_world_without_end +concept_personaustralia_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_personaustralia_kevin_johnson concept:personleadsgeopoliticalorganization concept_county_sacramento +concept_personaustralia_kevin_rose concept:personleadsorganization concept_website_digg +concept_personaustralia_kevin_rudd concept:personhasjobposition concept_jobposition_prime_minister +concept_personaustralia_kim_edwards concept:agentcreated concept_book_the_memory_keeper_s_daughter +concept_personaustralia_kim_hill concept:latitudelongitude 38.5666700000000,-103.3302100000000 +concept_personaustralia_kris_boyd concept:athleteplaysforteam concept_sportsteam_rangers +concept_personaustralia_kris_boyd concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personaustralia_l_li concept:latitudelongitude 30.1833300000000,35.3000000000000 +concept_personaustralia_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personaustralia_laurie_r__king concept:agentcontributedtocreativework concept_book_a_letter_of_mary +concept_personaustralia_laurie_r__king concept:agentcontributedtocreativework concept_book_a_monstrous_regiment_of_women +concept_personaustralia_laurie_r__king concept:agentcreated concept_book_the_beekeeper_s_apprentice +concept_personaustralia_ledley concept:latitudelongitude 46.1168000000000,-75.2826000000000 +concept_personaustralia_leon concept:personhascitizenship concept_country_armenia +concept_personaustralia_m_gray concept:latitudelongitude 32.7459700000000,-90.0089700000000 +concept_personaustralia_m_hansen concept:latitudelongitude 42.1833000000000,-71.1288000000000 +concept_personaustralia_m_j__hyland concept:agentcreated concept_book_carry_me_down +concept_personaustralia_m_l concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_personaustralia_m_walker concept:latitudelongitude 29.6066700000000,-81.9780600000000 +concept_personaustralia_manny_ramirez concept:personbelongstoorganization concept_sportsteam_dodgers +concept_personaustralia_matt_keough concept:parentofperson concept_athlete_marty_keough +concept_personaustralia_matthew_cooper concept:worksfor concept_blog_time_magazine +concept_personaustralia_meg_rosoff concept:agentcontributedtocreativework concept_book_how_i_live_now +concept_personaustralia_meg_rosoff concept:personhasresidenceingeopoliticallocation concept_city_london_city +concept_personaustralia_michael concept:persondiedatage 3 +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_bone_arms +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_bone_fingers +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_bone_knee +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_personaustralia_michael concept:athleteinjuredhisbodypart concept_nerve_hand +concept_personaustralia_michael concept:athleteplayssport concept_sport_baseball +concept_personaustralia_michael concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_michael concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_michael concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personaustralia_michael_geoghegan concept:worksfor concept_company_hsbc +concept_personaustralia_michelle_magorian concept:agentcontributedtocreativework concept_book_goodnight_mister_tom +concept_personaustralia_mickey_mantle concept:personbelongstoorganization concept_sportsleague_hall_of_fame +concept_personaustralia_mike_jackson concept:personleadsorganization concept_biotechcompany_autonation +concept_personaustralia_mike_jackson concept:worksfor concept_biotechcompany_autonation +concept_personaustralia_mike_marshall concept:musicianplaysinstrument concept_musicinstrument_mandolin +concept_personaustralia_more_information concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personaustralia_more_information concept:agentcreated concept_movie_click +concept_personaustralia_more_information concept:agentcreated concept_movie_contact +concept_personaustralia_more_information concept:agentcompeteswithagent concept_personcanada_search +concept_personaustralia_nadine_gordimer concept:agentcreated concept_book_burger_s_daughter +concept_personaustralia_nadine_gordimer concept:agentcreated concept_book_july_s_people +concept_personaustralia_natalie_cole concept:parentofperson concept_personus_nat_king_cole +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_anathem +concept_personaustralia_neal_stephenson concept:agentcontributedtocreativework concept_book_cryptonomicon +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_cryptonomicon +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_quicksilver +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_reamde +concept_personaustralia_neal_stephenson concept:agentcontributedtocreativework concept_book_snow_crash +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_snow_crash +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_the_confusion +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_the_diamond_age +concept_personaustralia_neal_stephenson concept:agentcreated concept_book_the_system_of_the_world +concept_personaustralia_nick_hornby concept:agentcontributedtocreativework concept_book_a_long_way_down +concept_personaustralia_nick_hornby concept:agentcreated concept_book_a_long_way_down +concept_personaustralia_nick_hornby concept:agentcontributedtocreativework concept_book_about_a_boy +concept_personaustralia_nick_hornby concept:agentcreated concept_book_about_a_boy +concept_personaustralia_nick_hornby concept:agentcontributedtocreativework concept_book_high_fidelity +concept_personaustralia_nick_hornby concept:agentcreated concept_book_how_to_be_good +concept_personaustralia_nick_hornby concept:agentcontributedtocreativework concept_book_the_polysyllabic_spree +concept_personaustralia_nick_hornby concept:agentcreated concept_movie_fever_pitch +concept_personaustralia_nikos_kazantzakis concept:agentcreated concept_movie_zorba_the_greek +concept_personaustralia_oasis concept:agentcollaborateswithagent concept_personnorthamerica_noel_gallagher +concept_personaustralia_okocha concept:latitudelongitude 48.9500000000000,140.2888866666667 +concept_personaustralia_old_trafford concept:agentcontrols concept_personmexico_alex_ferguson +concept_personaustralia_oscar concept:persongraduatedfromuniversity concept_university_college +concept_personaustralia_p_lewis concept:latitudelongitude 43.1983300000000,-88.7256600000000 +concept_personaustralia_pacific_islands concept:proxyfor concept_book_new +concept_personaustralia_paolo_bacigalupi concept:agentcreated concept_book_the_gambler +concept_personaustralia_paul_allen concept:agentcontrols concept_coach_vulcan_inc +concept_personaustralia_paul_allen concept:topmemberoforganization concept_company_microsoft +concept_personaustralia_paul_allen concept:personleadsorganization concept_university_microsoft +concept_personaustralia_paul_allen concept:worksfor concept_university_microsoft +concept_personaustralia_paul_farhi concept:journalistwritesforpublication concept_company_dc +concept_personaustralia_paul_farhi concept:worksfor concept_company_dc +concept_personaustralia_paul_farhi concept:journalistwritesforpublication concept_company_post +concept_personaustralia_paul_farhi concept:journalistwritesforpublication concept_website_washington_post +concept_personaustralia_paul_hewitt concept:personbelongstoorganization concept_sportsteam_georgia_tech +concept_personaustralia_paul_newman concept:persondiedatage 83 +concept_personaustralia_pet concept:agentcompeteswithagent concept_animal_animals001 +concept_personaustralia_pet concept:agentcompeteswithagent concept_animal_dog001 +concept_personaustralia_pet concept:agentparticipatedinevent concept_eventoutcome_result +concept_personaustralia_pet concept:agentcompeteswithagent concept_reptile_pets +concept_personaustralia_phil_jones concept:personleadsorganization concept_company_cnn__pbs +concept_personaustralia_phil_jones concept:personleadsorganization concept_televisionnetwork_cbs +concept_personaustralia_phil_jones concept:worksfor concept_televisionnetwork_cbs +concept_personaustralia_philip_k__dick concept:agentcontributedtocreativework concept_book_a_maze_of_death +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_a_maze_of_death +concept_personaustralia_philip_k__dick concept:agentcontributedtocreativework concept_book_a_scanner_darkly +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_do_androids_dream_of_electric_sheep +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_second_variety +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_solar_lottery +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_the_man_in_the_high_castle +concept_personaustralia_philip_k__dick concept:agentcontributedtocreativework concept_book_ubik +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_ubik +concept_personaustralia_philip_k__dick concept:agentcreated concept_book_we_can_build_you +concept_personaustralia_philip_k__dick concept:agentcreated concept_musicartist_valis +concept_personaustralia_philip_k__dick concept:agentcreated concept_personus_the_minority_report +concept_personaustralia_philip_k__dick concept:agentcreated concept_writer_a_scanner_darkly +concept_personaustralia_philip_roth concept:agentcontributedtocreativework concept_book_american_pastoral +concept_personaustralia_philip_roth concept:agentcreated concept_book_american_pastoral +concept_personaustralia_philip_roth concept:agentcontributedtocreativework concept_book_my_life_as_a_man +concept_personaustralia_philip_roth concept:agentcreated concept_book_my_life_as_a_man +concept_personaustralia_philip_roth concept:agentcreated concept_book_operation_shylock +concept_personaustralia_philip_roth concept:agentcontributedtocreativework concept_book_portnoy_s_complaint +concept_personaustralia_philip_roth concept:agentcreated concept_book_portnoy_s_complaint +concept_personaustralia_philip_roth concept:agentcreated concept_book_sabbath_s_theater +concept_personaustralia_philip_roth concept:agentcreated concept_book_the_human_stain +concept_personaustralia_philip_roth concept:agentcreated concept_book_the_plot_against_america +concept_personaustralia_philip_roth concept:agentcreated concept_disease_the_breast +concept_personaustralia_plymouth concept:subpartof concept_beach_massachusetts +concept_personaustralia_plymouth concept:proxyfor concept_personnorthamerica_minnesota +concept_personaustralia_press_release concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personaustralia_r_brooks concept:latitudelongitude 36.4897200000000,-85.9383300000000 +concept_personaustralia_r_evans concept:latitudelongitude 46.0162600000000,-117.5318500000000 +concept_personaustralia_raymond_briggs concept:agentcreated concept_book_when_the_wind_blows +concept_personaustralia_reebok concept:agentcollaborateswithagent concept_ceo_paul_fireman +concept_personaustralia_reebok concept:agentcontrols concept_ceo_paul_fireman +concept_personaustralia_richard_davis concept:worksfor concept_bank_us_bank +concept_personaustralia_richard_pearse concept:latitudelongitude -44.2983500000000,171.2201000000000 +concept_personaustralia_richard_taylor concept:worksfor concept_organization_international_hydropower_association +concept_personaustralia_rick_smith concept:personleadsgeopoliticalorganization concept_city_new_brighton +concept_personaustralia_rick_smith concept:worksfor concept_city_new_brighton +concept_personaustralia_robert_cupp concept:athleteplayssport concept_sport_golf +concept_personaustralia_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personaustralia_robert_j_miller concept:latitudelongitude 39.9273400000000,-74.2918100000000 +concept_personaustralia_robert_johnson concept:personleadsorganization concept_radiostation_bet +concept_personaustralia_robert_johnson concept:worksfor concept_radiostation_bet +concept_personaustralia_robert_johnson concept:topmemberoforganization concept_televisionstation_black_entertainment_television +concept_personaustralia_robert_van_hagge concept:athleteplayssport concept_sport_golf +concept_personaustralia_roberto_ayala concept:latitudelongitude 17.6958300000000,-93.5375000000000 +concept_personaustralia_roger_smith concept:worksfor concept_company_general_motors001 +concept_personaustralia_rosamunde_pilcher concept:agentcontributedtocreativework concept_book_the_shell_seekers +concept_personaustralia_rosamunde_pilcher concept:agentcreated concept_book_the_shell_seekers +concept_personaustralia_rupert_murdoch concept:worksfor concept_biotechcompany_newscorp +concept_personaustralia_rupert_murdoch concept:worksfor concept_company_fox +concept_personaustralia_rupert_murdoch concept:worksfor concept_company_news_corp_ +concept_personaustralia_rupert_murdoch concept:personhascitizenship concept_country_australia +concept_personaustralia_rupert_murdoch concept:topmemberoforganization concept_politicsblog_news_corporation +concept_personaustralia_russell_brown concept:latitudelongitude 35.0656300000000,-85.3113500000000 +concept_personaustralia_ruth_rendell concept:agentcreated concept_celebrity_live_flesh +concept_personaustralia_ruud_van_nistelrooy concept:athleteplaysforteam concept_sportsteam_real_madrid +concept_personaustralia_ruud_van_nistelrooy concept:athletehomestadium concept_stadiumoreventvenue_santiago_bernab +concept_personaustralia_s_davies concept:latitudelongitude 42.9818200000000,-118.9943700000000 +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_endgame +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_malone_dies +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_mercier_et_camier +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_molloy +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_the_unnamable +concept_personaustralia_samuel_beckett concept:agentcontributedtocreativework concept_book_waiting_for_godot +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_waiting_for_godot +concept_personaustralia_samuel_beckett concept:agentcontributedtocreativework concept_book_watt +concept_personaustralia_samuel_beckett concept:agentcreated concept_book_watt +concept_personaustralia_samuel_beckett concept:agentcreated concept_buildingmaterial_murphy +concept_personaustralia_samuel_beckett concept:agentcreated concept_musicgenre_how_it_is +concept_personaustralia_sheldon_adelson concept:worksfor concept_biotechcompany_las_vegas_sands_corp_ +concept_personaustralia_sidney_crosby concept:worksfor concept_city_pittsburgh +concept_personaustralia_sir_walter_scott concept:agentcontributedtocreativework concept_book_ivanhoe +concept_personaustralia_sir_walter_scott concept:agentcreated concept_city_kenilworth +concept_personaustralia_sir_walter_scott concept:agentcontributedtocreativework concept_movie_rob_roy +concept_personaustralia_sir_walter_scott concept:agentcreated concept_movie_rob_roy +concept_personaustralia_sir_walter_scott concept:agentcreated concept_televisionshow_ivanhoe +concept_personaustralia_smith concept:persondiedatage 40 +concept_personaustralia_smith concept:agentcollaborateswithagent concept_animal_head +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_artery_arm +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_bone_ankle +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_bone_knee +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_personaustralia_smith concept:athleteinjuredhisbodypart concept_nerve_hand +concept_personaustralia_smith concept:coachesinleague concept_sportsleague_nfl +concept_personaustralia_smith concept:personbelongstoorganization concept_sportsteam_bears_29_17 +concept_personaustralia_smith concept:personbelongstoorganization concept_sportsteam_state_university +concept_personaustralia_smith concept:athleteplayssportsteamposition concept_sportsteamposition_left_center +concept_personaustralia_smith concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_personaustralia_smith concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personaustralia_smith concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_personaustralia_smith concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_personaustralia_smith concept:persongraduatedfromuniversity concept_university_college +concept_personaustralia_smith concept:persongraduatedfromuniversity concept_university_harvard_college +concept_personaustralia_smith concept:persongraduatedfromuniversity concept_university_state_university +concept_personaustralia_smith concept:persongraduatedschool concept_university_state_university +concept_personaustralia_smith_group concept:latitudelongitude -20.6666700000000,149.1333300000000 +concept_personaustralia_sophocles concept:agentcontributedtocreativework concept_book_antigone +concept_personaustralia_sophocles concept:agentcontributedtocreativework concept_book_oedipus +concept_personaustralia_sophocles concept:agentcontributedtocreativework concept_book_oedipus_at_colonus +concept_personaustralia_sophocles concept:agentcreated concept_book_oedipus_at_colonus +concept_personaustralia_sophocles concept:agentcontributedtocreativework concept_book_oedipus_rex +concept_personaustralia_sophocles concept:agentcreated concept_book_oedipus_rex +concept_personaustralia_sports concept:agentcollaborateswithagent concept_personcanada_howard_cosell +concept_personaustralia_sports concept:agentcontrols concept_personcanada_howard_cosell +concept_personaustralia_stephen_stills concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personaustralia_steps concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personaustralia_steve_hart concept:personhasjobposition concept_jobposition_lawyer +concept_personaustralia_steve_irwin concept:personhascitizenship concept_country_australia +concept_personaustralia_steven_king concept:agentcreated concept_book_duma_key +concept_personaustralia_t__coraghessan_boyle concept:agentcreated concept_book_world_s_end +concept_personaustralia_t__coraghessan_boyle concept:agentcreated concept_visualartmovement_drop_city +concept_personaustralia_tab concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personaustralia_tab concept:agentcreated concept_movie_click +concept_personaustralia_tab concept:agentcreated concept_movie_contact +concept_personaustralia_tab concept:agentcreated concept_software_access +concept_personaustralia_taiwo concept:latitudelongitude 7.6545850000000,3.8039333333333 +concept_personaustralia_terry_deary concept:agentcontributedtocreativework concept_televisionshow_horrible_histories +concept_personaustralia_theodore_taylor concept:agentcontributedtocreativework concept_book_the_cay +concept_personaustralia_theodore_taylor concept:agentcreated concept_book_the_cay +concept_personaustralia_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_personaustralia_thomas_paine concept:agentinvolvedwithitem concept_bedroomitem_common_sense +concept_personaustralia_thomas_phillips concept:latitudelongitude 54.2771100000000,-94.3976300000000 +concept_personaustralia_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_personaustralia_tom_rob_smith concept:agentcreated concept_book_child_44 +concept_personaustralia_trevor_crowe concept:athleteplayssport concept_sport_baseball +concept_personaustralia_trevor_crowe concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_trevor_crowe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personaustralia_tubby_smith concept:personbelongstoorganization concept_sportsteam_uk +concept_personaustralia_tubby_smith concept:personbelongstoorganization concept_stateorprovince_minnesota +concept_personaustralia_tubby_smith concept:worksfor concept_university_kentucky +concept_personaustralia_tyson_chandler concept:personalsoknownas concept_personmexico_nenad_krstic +concept_personaustralia_v__s__naipaul concept:agentcontributedtocreativework concept_book_a_bend_in_the_river +concept_personaustralia_v__s__naipaul concept:agentcreated concept_book_a_house_for_mr__biswas +concept_personaustralia_vieri concept:latitudelongitude 9.9333300000000,-2.6000000000000 +concept_personaustralia_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_personaustralia_vyse concept:latitudelongitude 47.8666500000000,-55.7816200000000 +concept_personaustralia_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personaustralia_western_australia concept:atdate concept_date_n2003 +concept_personaustralia_western_australia concept:atdate concept_date_n2004 +concept_personaustralia_wilkie_collins concept:agentcontributedtocreativework concept_book_moonstone +concept_personaustralia_wilkie_collins concept:agentcreated concept_book_the_law_and_the_lady +concept_personaustralia_wilkie_collins concept:agentcontributedtocreativework concept_book_the_moonstone +concept_personaustralia_wilkie_collins concept:agentcreated concept_book_the_moonstone +concept_personaustralia_wilkie_collins concept:agentcontributedtocreativework concept_book_the_woman_in_white +concept_personaustralia_wilkie_collins concept:agentcreated concept_book_the_woman_in_white +concept_personaustralia_will_self concept:agentcreated concept_book_great_apes +concept_personaustralia_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_personaustralia_william_iv concept:personhasjobposition concept_jobposition_king +concept_personaustralia_william_makepeace_thackeray concept:agentcreated concept_model_vanity_fair +concept_personaustralia_william_moore concept:agentcollaborateswithagent concept_company_nbc +concept_personaustralia_willie_moore concept:latitudelongitude 35.0459100000000,-85.1213400000000 +concept_personaustralia_xin_xu concept:latitudelongitude 23.7041700000000,120.2427800000000 +concept_personaustralia_yasser_arafat concept:personleadsorganization concept_terroristorganization_palestinian_authority +concept_personaustralia_yu_ye concept:latitudelongitude 28.3600300000000,120.4661750000000 +concept_personcanada_adam_sandler concept:actorstarredinmovie concept_movie_anger_management +concept_personcanada_adam_sandler concept:actorstarredinmovie concept_movie_bedtime_stories +concept_personcanada_adam_sandler concept:actorstarredinmovie concept_movie_longest_yard +concept_personcanada_adam_sandler concept:actorstarredinmovie concept_movie_the_longest_yard +concept_personcanada_adam_sandler concept:actorstarredinmovie concept_movie_waterboy +concept_personcanada_adrian_belew concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_aeschylus concept:agentcreated concept_male_agamemnon +concept_personcanada_al_franken concept:agentcontributedtocreativework concept_book_lies_and_the_lying_liars_who_tell_them +concept_personcanada_alan_hollinghurst concept:agentcreated concept_book_the_folding_star +concept_personcanada_alan_hollinghurst concept:agentcreated concept_book_the_line_of_beauty +concept_personcanada_alan_hollinghurst concept:agentcontributedtocreativework concept_book_the_swimming_pool_library +concept_personcanada_alan_hollinghurst concept:agentcreated concept_book_the_swimming_pool_library +concept_personcanada_alessandra_stanley concept:worksfor concept_musicartist_times +concept_personcanada_alessandra_stanley concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_alessandra_stanley concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_alessandra_stanley concept:worksfor concept_website_new_york_times +concept_personcanada_alice_munro concept:agentcontributedtocreativework concept_televisionshow_carried_away +concept_personcanada_amy_adams concept:actorstarredinmovie concept_movie_enchanted +concept_personcanada_andrew_jackson concept:personbelongstoorganization concept_governmentorganization_house +concept_personcanada_anne_enright concept:agentcreated concept_musicalbum_the_gathering +concept_personcanada_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personcanada_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personcanada_ashley_tisdale concept:agentcontributedtocreativework concept_book_high_school_musical +concept_personcanada_avril_lavigne concept:hashusband concept_celebrity_deryck_whibley +concept_personcanada_avril_lavigne concept:hasspouse concept_celebrity_deryck_whibley +concept_personcanada_barenaked_ladies concept:agentcollaborateswithagent concept_musician_steven_page +concept_personcanada_beastie_boys concept:agentcollaborateswithagent concept_musician_adam_yauch +concept_personcanada_beethoven concept:agentinvolvedwithitem concept_musicinstrument_cello +concept_personcanada_beethoven concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_personcanada_beethoven concept:agentinvolvedwithitem concept_musicinstrument_violin +concept_personcanada_beethoven concept:agentinvolvedwithitem concept_vehicle_three +concept_personcanada_belzec concept:atdate concept_date_n1942 +concept_personcanada_beth_ostrosky concept:hasspouse concept_person_howard_stern +concept_personcanada_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personcanada_big_news concept:proxyfor concept_book_new +concept_personcanada_billy_gilman concept:persondiedincountry concept_country_england +concept_personcanada_bob_lane concept:latitudelongitude 33.4079000000000,-94.2257500000000 +concept_personcanada_bookings concept:atdate concept_dateliteral_n2007 +concept_personcanada_bookings concept:atdate concept_dateliteral_n2008 +concept_personcanada_brenden_morrow concept:athleteplaysforteam concept_sportsteam_dallas_stars +concept_personcanada_brian_wilson concept:musicianinmusicartist concept_musicartist_the_beach_boys +concept_personcanada_brian_wilson concept:agentcollaborateswithagent concept_person_john003 +concept_personcanada_brooke_mueller concept:hasspouse concept_celebrity_charlie_sheen +concept_personcanada_camille_guaty concept:persondiedincountry concept_country_england +concept_personcanada_carolyn_jessop concept:agentcreated concept_musicsong_escape +concept_personcanada_carrie_anne_moss concept:agentcontributedtocreativework concept_movie_matrix +concept_personcanada_cbc concept:atdate concept_dateliteral_n2006 +concept_personcanada_cbc concept:agentcontrols concept_personcanada_peter_mansbridge +concept_personcanada_charles_de_lint concept:agentcreated concept_plant_yarrow +concept_personcanada_charles_duhigg concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_charlie_hunter concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_chris_columbus concept:agentcontributedtocreativework concept_movie_home_alone +concept_personcanada_clive_cussler concept:agentcreated concept_book_black_wind +concept_personcanada_clive_cussler concept:agentcreated concept_book_blue_gold +concept_personcanada_clive_cussler concept:agentcreated concept_book_cyclops +concept_personcanada_clive_cussler concept:agentcreated concept_book_deep_six +concept_personcanada_clive_cussler concept:agentcreated concept_book_iceberg +concept_personcanada_clive_cussler concept:agentcreated concept_book_lost_city +concept_personcanada_clive_cussler concept:agentcreated concept_book_medusa +concept_personcanada_clive_cussler concept:agentcreated concept_book_pacific_vortex +concept_personcanada_clive_cussler concept:agentcreated concept_book_polar_shift +concept_personcanada_clive_cussler concept:agentcreated concept_book_raise_the_titanic +concept_personcanada_clive_cussler concept:agentcreated concept_book_sahara_trade_paper +concept_personcanada_clive_cussler concept:agentcreated concept_book_the_mediterranean_caper +concept_personcanada_clive_cussler concept:agentcreated concept_book_treasure +concept_personcanada_clive_cussler concept:agentcreated concept_book_trojan_odyssey +concept_personcanada_clive_cussler concept:agentcreated concept_book_valhalla_rising +concept_personcanada_clive_cussler concept:agentcreated concept_book_vixen +concept_personcanada_clive_cussler concept:agentcreated concept_book_white_death +concept_personcanada_clive_cussler concept:agentcreated concept_weapon_dragon +concept_personcanada_colleen_mccullough concept:agentcontributedtocreativework concept_movie_the_thorn_birds +concept_personcanada_colleen_mccullough concept:agentcreated concept_movie_the_thorn_birds +concept_personcanada_colm_toibin concept:agentcreated concept_book_the_blackwater_lightship +concept_personcanada_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personcanada_darren_aronofsky concept:hasspouse concept_person_rachel_weisz +concept_personcanada_dave_navarro concept:hasspouse concept_person_carmen_electra +concept_personcanada_david_benioff concept:haswife concept_female_amanda_peet +concept_personcanada_david_burtka concept:hasspouse concept_comedian_neil_patrick_harris +concept_personcanada_david_e__kelley concept:hasspouse concept_comedian_michelle_pfeiffer +concept_personcanada_david_lee_roth concept:personbelongstoorganization concept_musicartist_van_halen +concept_personcanada_david_nicholls concept:agentcreated concept_book_one_day +concept_personcanada_dean_cain concept:actorstarredinmovie concept_movie_superman +concept_personcanada_dean_murphy concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_deborra_lee_furness concept:hashusband concept_actor_hugh_jackman +concept_personcanada_deborra_lee_furness concept:hasspouse concept_personcanada_hugh_jackman +concept_personcanada_denise_grady concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_dido concept:hassibling concept_person_anna001 +concept_personcanada_diesel concept:agentcompeteswithagent concept_company_power +concept_personcanada_distribution concept:agentparticipatedinevent concept_eventoutcome_result +concept_personcanada_dmx concept:personleadsorganization concept_recordlabel_bloodline_records +concept_personcanada_dmx concept:worksfor concept_recordlabel_bloodline_records +concept_personcanada_duff_mckagan concept:musicianinmusicartist concept_musicartist_velvet_revolver +concept_personcanada_e_l__doctorow concept:agentcreated concept_book_billy_bathgate +concept_personcanada_e_l__doctorow concept:agentcreated concept_book_city_of_god +concept_personcanada_e_l__doctorow concept:agentcontributedtocreativework concept_musicsong_ragtime +concept_personcanada_e_l__doctorow concept:agentcreated concept_musicsong_ragtime +concept_personcanada_edward_fitzgerald concept:agentcreated concept_musicsong_the_rubaiyat_of_omar_khayyam +concept_personcanada_edward_wong concept:worksfor concept_musicartist_times +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_a_world_of_love +concept_personcanada_elizabeth_bowen concept:agentcontributedtocreativework concept_book_the_death_of_the_heart +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_the_death_of_the_heart +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_the_heat_of_the_day +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_the_house_in_paris +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_the_last_september +concept_personcanada_elizabeth_bowen concept:agentcreated concept_book_to_the_north +concept_personcanada_elizabeth_vargas concept:personbelongstoorganization concept_city_abc +concept_personcanada_elroy_hirsch concept:synonymfor concept_politicianus_crazy_legs +concept_personcanada_elvis_presley concept:persondiedatage 42 +concept_personcanada_eve concept:parentofperson concept_female_genesis +concept_personcanada_eve concept:parentofperson concept_person_eden +concept_personcanada_eve concept:parentofperson concept_person_garden +concept_personcanada_eve concept:parentofperson concept_person_man +concept_personcanada_first_home concept:persondiedatage 3 +concept_personcanada_frank_sinatra concept:musicianinmusicartist concept_musicartist_stones +concept_personcanada_gallery concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_gallery concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_george_king concept:worksfor concept_company_post +concept_personcanada_gillian_anderson concept:hasspouse concept_comedian_clyde_klotz +concept_personcanada_gillian_anderson concept:actorstarredinmovie concept_movie_x_files +concept_personcanada_glenn_gould concept:musicianplaysinstrument concept_musicinstrument_piano +concept_personcanada_gwen_stefani concept:musicianinmusicartist concept_musicartist_no_doubt +concept_personcanada_harold_johns concept:latitudelongitude 42.4476900000000,-112.4241400000000 +concept_personcanada_harvey_korman concept:persondiedatage 81 +concept_personcanada_howard_cosell concept:worksfor concept_magazine_sports +concept_personcanada_hugh_jackman concept:hasspouse concept_personcanada_deborra_lee_furness +concept_personcanada_ian_caldwell concept:agentcreated concept_book_the_rule_of_four +concept_personcanada_ian_davis concept:personleadsorganization concept_company_mckinsey +concept_personcanada_icons concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_incubus concept:agentcollaborateswithagent concept_musician_brandon_boyd +concept_personcanada_injuries concept:atdate concept_date_n2000 +concept_personcanada_injuries concept:agentparticipatedinevent concept_eventoutcome_result +concept_personcanada_isaac_hayes concept:persondiedatage 65 +concept_personcanada_isuma concept:latitudelongitude 34.8666700000000,132.0166700000000 +concept_personcanada_j__r__r__tolkien concept:agentcreated concept_boardgame_the_hobbit +concept_personcanada_j_k_rowling concept:agentcontributedtocreativework concept_movie_harry_potter +concept_personcanada_j_k_rowling concept:agentcreated concept_movie_harry_potter +concept_personcanada_jack_curry concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_jack_curry concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_james_burton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_james_carville concept:worksfor concept_company_cnn +concept_personcanada_james_fenimore_cooper concept:agentcreated concept_book_the_deerslayer +concept_personcanada_james_fenimore_cooper concept:agentcreated concept_book_the_pathfinder +concept_personcanada_james_madison concept:personbelongstoorganization concept_governmentorganization_house +concept_personcanada_james_mullen concept:personleadsorganization concept_professionalorganization_biogen_idec +concept_personcanada_james_mullen concept:worksfor concept_professionalorganization_biogen_idec +concept_personcanada_james_stewart concept:actorstarredinmovie concept_movie_harvey +concept_personcanada_james_stewart concept:actorstarredinmovie concept_movie_vertigo +concept_personcanada_jamie_lee_curtis concept:hasspouse concept_person_christopher_guest +concept_personcanada_jamie_lee_curtis concept:hashusband concept_personafrica_christopher_guest +concept_personcanada_jane_urquhart concept:agentcontributedtocreativework concept_book_a_map_of_glass +concept_personcanada_jane_urquhart concept:agentcreated concept_book_a_map_of_glass +concept_personcanada_jeff_gordon concept:persondiedincountry concept_country_england +concept_personcanada_jeff_gordon concept:hasspouse concept_person_jeff001 +concept_personcanada_jeff_gordon concept:agentparticipatedinevent concept_sportsgame_series +concept_personcanada_jenna_jameson concept:hasspouse concept_personmexico_tito_ortiz +concept_personcanada_jennie_garth concept:hasspouse concept_person_peter_facinelli +concept_personcanada_jennifer_aniston concept:hasspouse concept_personus_john_mayer +concept_personcanada_jerry_colangelo concept:agentcontrols concept_website_suns +concept_personcanada_jerry_o_connell concept:haswife concept_celebrity_rebecca_romijn +concept_personcanada_jerry_o_connell concept:hasspouse concept_person_rebecca_romijn +concept_personcanada_jesse_mckinley concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_jill_carroll concept:worksfor concept_company_christian_science_monitor +concept_personcanada_jilly_cooper concept:agentcreated concept_book_the_man_who_made_husbands_jealous +concept_personcanada_jilly_cooper concept:agentcreated concept_musicsong_emily +concept_personcanada_jim_carr concept:latitudelongitude 35.6581500000000,-83.5198900000000 +concept_personcanada_jim_carrey concept:hasspouse concept_comedian_jenny_mccarthy +concept_personcanada_jim_carrey concept:haswife concept_female_jenny_mccarthy +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_cable_guy +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_dumb_and_dumber +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_grinch +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_liar_liar +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_mask +concept_personcanada_jim_carrey concept:actorstarredinmovie concept_movie_yes_man +concept_personcanada_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_personcanada_jim_rutenberg concept:worksfor concept_musicartist_times +concept_personcanada_jim_rutenberg concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_jim_rutenberg concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_joan_greenwood concept:persondiedincountry concept_country_england +concept_personcanada_jodi_wilgoren concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_john_case concept:worksfor concept_blog_america_online +concept_personcanada_john_case concept:worksfor concept_company_aol +concept_personcanada_john_lennon concept:hasspouse concept_person_yoko_ono +concept_personcanada_john_ray concept:worksfor concept_newspaper_itv +concept_personcanada_john_travolta concept:hasspouse concept_male_kelly_preston +concept_personcanada_john_ward concept:personborninlocation concept_county_york_city +concept_personcanada_john_ward concept:persongraduatedschool concept_university_college +concept_personcanada_john_williams001 concept:agentcontributedtocreativework concept_movie_star_wars +concept_personcanada_johnny_carson concept:persondiedatage 79 +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_alice_in_wonderland +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_blow +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_ed_wood +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_edward_scissorhands +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_pirates_of_the_carribean +concept_personcanada_johnny_depp concept:actorstarredinmovie concept_movie_sweeney_todd +concept_personcanada_johnny_depp concept:hasspouse concept_person_vanessa_paradis001 +concept_personcanada_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_personcanada_johnny_knoxville concept:personchargedwithcrime concept_crimeorcharge_fraud +concept_personcanada_johnny_messner concept:haswife concept_female_kathryn_morris +concept_personcanada_joni_mitchell concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_kay_thompson concept:agentcontributedtocreativework concept_book_eloise +concept_personcanada_keanu_reeves concept:actorstarredinmovie concept_movie_matrix +concept_personcanada_keanu_reeves concept:actorstarredinmovie concept_movie_point_break +concept_personcanada_keanu_reeves concept:actorstarredinmovie concept_movie_the_matrix +concept_personcanada_kendra_wilkinson concept:hasspouse concept_person_hank_baskett +concept_personcanada_kenneth_oppel concept:agentcontributedtocreativework concept_televisionshow_silverwing +concept_personcanada_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_personcanada_kevin_costner concept:hasspouse concept_female_christine_baumgartner +concept_personcanada_korn concept:agentcollaborateswithagent concept_musician_jonathan_davis +concept_personcanada_kristen_stewart concept:hasspouse concept_male_robert_pattinson +concept_personcanada_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personcanada_lacey concept:atlocation concept_city_washington_d_c +concept_personcanada_lacey concept:proxyfor concept_city_washington_d_c +concept_personcanada_lancome concept:agentcollaborateswithagent concept_person_odile_roujol +concept_personcanada_larry_rohter concept:worksfor concept_musicartist_times +concept_personcanada_larry_rohter concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_lawrence_ellison concept:ceoof concept_company_oracle +concept_personcanada_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personcanada_ledger concept:personbornincity concept_city_york +concept_personcanada_ledger concept:haswife concept_model_michelle_williams +concept_personcanada_lemony_snicket concept:agentcreated concept_writer_a_series_of_unfortunate_events +concept_personcanada_leonardo_sciascia concept:agentcreated concept_musician_to_each_his_own +concept_personcanada_les_paul concept:worksfor concept_organization_epiphone +concept_personcanada_lester_pearson concept:latitudelongitude 52.7833000000000,-119.5525900000000 +concept_personcanada_links concept:agentcreated concept_book_print +concept_personcanada_links concept:agentinvolvedwithitem concept_software_browser +concept_personcanada_lisa_marie concept:hasspouse concept_celebrity_michael_lockwood +concept_personcanada_lisa_marie_presley concept:hasspouse concept_celebrity_michael_lockwood +concept_personcanada_lloyd_robertson concept:worksfor concept_blog_ctv +concept_personcanada_louis_riel concept:personchargedwithcrime concept_crimeorcharge_treason +concept_personcanada_marc_santora concept:worksfor concept_musicartist_times +concept_personcanada_marc_santora concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_marguerite_duras concept:agentcreated concept_city_stein +concept_personcanada_mario_vargas_llosa concept:agentcreated concept_book_the_cubs_and_other_stories +concept_personcanada_mario_vargas_llosa concept:agentcreated concept_book_the_war_of_the_end_of_the_world +concept_personcanada_mark_mothersbaugh concept:personbelongstoorganization concept_musicartist_devo +concept_personcanada_marriage concept:proxyfor concept_book_new +concept_personcanada_matthew_bellamy concept:musicianinmusicartist concept_musicartist_muse +concept_personcanada_matthew_broderick concept:hasspouse concept_personcanada_sarah_jessica_parker +concept_personcanada_mauboussin concept:latitudelongitude 43.2500000000000,0.8333300000000 +concept_personcanada_michael_gordon concept:worksfor concept_website_new_york_times +concept_personcanada_mika_brzezinski concept:worksfor concept_governmentorganization_msnbc +concept_personcanada_mike_lupica concept:worksfor concept_televisionstation_new_york_daily_news +concept_personcanada_monica concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personcanada_n90_minutes concept:proxyfor concept_book_new +concept_personcanada_nato concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_personcanada_next_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_nick_hornby concept:agentcreated concept_actor_high_fidelity +concept_personcanada_nick_hornby concept:agentcontributedtocreativework concept_musicsong_songbook +concept_personcanada_nicole concept:personbornincity concept_city_york +concept_personcanada_nicole concept:hasspouse concept_person_joel_madden +concept_personcanada_nicole concept:personbelongstoorganization concept_sportsteam_state_university +concept_personcanada_nicole concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personcanada_nicole concept:persongraduatedfromuniversity concept_university_state_university +concept_personcanada_nicole concept:persongraduatedschool concept_university_state_university +concept_personcanada_norfolk_tides concept:agentcollaborateswithagent concept_athlete_mike_mckenna +concept_personcanada_norfolk_tides concept:agentcontrols concept_athlete_mike_mckenna +concept_personcanada_olivier_gruner concept:persondiedincountry concept_country_england +concept_personcanada_omissions concept:agentparticipatedinevent concept_eventoutcome_result +concept_personcanada_online concept:agentcreated concept_movie_contact +concept_personcanada_orhan_pamuk concept:agentcreated concept_mlsoftware_snow +concept_personcanada_pamela_anderson concept:hashusband concept_male_rick_salomon +concept_personcanada_pamela_anderson concept:hasspouse concept_person_rick_salomon +concept_personcanada_passengers concept:agentparticipatedinevent concept_eventoutcome_result +concept_personcanada_paul_berry concept:latitudelongitude 43.5183300000000,-101.1770900000000 +concept_personcanada_pete_doherty concept:hasspouse concept_person_kate_moss +concept_personcanada_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_personcanada_peter_hermann concept:haswife concept_personnorthamerica_mariska_hargitay +concept_personcanada_peter_jennings concept:worksfor concept_blog_abc_news +concept_personcanada_peter_jennings concept:worksfor concept_city_abc +concept_personcanada_peter_jennings concept:personbelongstoorganization concept_company_abc_news +concept_personcanada_peter_lougheed concept:latitudelongitude 50.7000500000000,-115.1687100000000 +concept_personcanada_peter_mansbridge concept:personbelongstoorganization concept_sportsleague_cbc +concept_personcanada_pope_benedict_xvi concept:atdate concept_dateliteral_n2005 +concept_personcanada_pope_benedict_xvi concept:atdate concept_dateliteral_n2007 +concept_personcanada_post concept:agentcompeteswithagent concept_politician_wall_street +concept_personcanada_preity_zinta concept:hasspouse concept_person_ness_wadia +concept_personcanada_products concept:agentcreated concept_movie_contact +concept_personcanada_products concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_rancid concept:agentcollaborateswithagent concept_musician_matt_freeman +concept_personcanada_randy_bachman concept:musicianinmusicartist concept_musicartist_bachman_turner_overdrive +concept_personcanada_ray_bradbury concept:agentcreated concept_televisionshow_now_and_forever +concept_personcanada_richard_pryor concept:persondiedatage 65 +concept_personcanada_robby_krieger concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_robert_de_niro concept:agentcontributedtocreativework concept_movie_cape_fear +concept_personcanada_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personcanada_robert_lang concept:athleteplaysforteam concept_sportsteam_montreal_canadiens +concept_personcanada_robert_musil concept:agentcreated concept_book_the_man_without_qualities +concept_personcanada_roberta_smith concept:worksfor concept_musicartist_times +concept_personcanada_roberta_smith concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_roberta_smith concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_robin_wright concept:journalistwritesforpublication concept_company_dc +concept_personcanada_robin_wright concept:journalistwritesforpublication concept_company_post +concept_personcanada_robin_wright concept:journalistwritesforpublication concept_website_washington_post +concept_personcanada_rocawear concept:agentcontrols concept_person_jay_z001 +concept_personcanada_rod_stewart concept:musicianinmusicartist concept_musicartist_stones +concept_personcanada_roger_jones concept:latitudelongitude 34.2327800000000,-119.1715000000000 +concept_personcanada_ron_howard concept:agentcontributedtocreativework concept_book_cinderella_man +concept_personcanada_rupert_friend concept:hasspouse concept_celebrity_keira_knightley +concept_personcanada_rupert_friend concept:haswife concept_female_keira_knightley +concept_personcanada_russell_crowe concept:agentcontributedtocreativework concept_book_gladiator +concept_personcanada_ryan_seacrest concept:worksfor concept_city_e_ +concept_personcanada_saki concept:agentcreated concept_book_the_unbearable_bassington +concept_personcanada_samantha_ronson concept:hasspouse concept_personus_lindsay_lohan +concept_personcanada_san_juan concept:proxyfor concept_book_new +concept_personcanada_san_juan concept:proxyfor concept_stateorprovince_puerto_rico +concept_personcanada_san_juan concept:subpartof concept_stateorprovince_puerto_rico +concept_personcanada_sarah_jessica_parker concept:hasspouse concept_personcanada_matthew_broderick +concept_personcanada_saul_hansell concept:worksfor concept_company_york_times +concept_personcanada_saul_hansell concept:worksfor concept_musicartist_times +concept_personcanada_saul_hansell concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_saul_hansell concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_scott_shane concept:worksfor concept_musicartist_times +concept_personcanada_scott_shane concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_scott_shane concept:journalistwritesforpublication concept_website_new_york_times +concept_personcanada_scott_turow concept:agentcontributedtocreativework concept_book_presumed_innocent +concept_personcanada_scott_turow concept:agentcreated concept_book_presumed_innocent +concept_personcanada_search concept:agentcompeteswithagent concept_actor_description +concept_personcanada_search concept:agentcompeteswithagent concept_actor_posts +concept_personcanada_search concept:agentcompeteswithagent concept_actor_today +concept_personcanada_search concept:agentcompeteswithagent concept_agent_project +concept_personcanada_search concept:agentcompeteswithagent concept_agent_world +concept_personcanada_search concept:agentcompeteswithagent concept_amphibian_forum +concept_personcanada_search concept:agentcompeteswithagent concept_amphibian_graphics +concept_personcanada_search concept:agentcompeteswithagent concept_amphibian_references +concept_personcanada_search concept:agentcompeteswithagent concept_athlete_search_com +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_catalog +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_concept +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_contact +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_fast +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_firefox +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_information +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_listing +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_shopping_cart +concept_personcanada_search concept:agentcompeteswithagent concept_automobilemaker_tips +concept_personcanada_search concept:agentcompeteswithagent concept_bird_profile +concept_personcanada_search concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_search concept:agentcompeteswithagent concept_celebrity_feed +concept_personcanada_search concept:agentcompeteswithagent concept_celebrity_screen +concept_personcanada_search concept:agentcompeteswithagent concept_ceo_blogs +concept_personcanada_search concept:agentcompeteswithagent concept_ceo_index_this_page +concept_personcanada_search concept:agentcompeteswithagent concept_ceo_site_usage +concept_personcanada_search concept:agentcompeteswithagent concept_ceo_webpage +concept_personcanada_search concept:agentcompeteswithagent concept_city_article +concept_personcanada_search concept:agentcompeteswithagent concept_city_articles +concept_personcanada_search concept:agentcompeteswithagent concept_city_categories +concept_personcanada_search concept:agentcompeteswithagent concept_city_contents +concept_personcanada_search concept:agentcompeteswithagent concept_city_design +concept_personcanada_search concept:agentcompeteswithagent concept_city_download +concept_personcanada_search concept:agentcompeteswithagent concept_city_experts +concept_personcanada_search concept:agentcompeteswithagent concept_city_forums +concept_personcanada_search concept:agentcompeteswithagent concept_city_home +concept_personcanada_search concept:agentcompeteswithagent concept_city_info +concept_personcanada_search concept:agentcompeteswithagent concept_city_internet +concept_personcanada_search concept:agentcompeteswithagent concept_city_link +concept_personcanada_search concept:agentcompeteswithagent concept_city_listings +concept_personcanada_search concept:agentcompeteswithagent concept_city_main_page +concept_personcanada_search concept:agentcompeteswithagent concept_city_map +concept_personcanada_search concept:agentcompeteswithagent concept_city_navigation +concept_personcanada_search concept:agentcompeteswithagent concept_city_photos +concept_personcanada_search concept:agentcompeteswithagent concept_city_pictures +concept_personcanada_search concept:agentcompeteswithagent concept_city_place +concept_personcanada_search concept:agentcompeteswithagent concept_city_resources +concept_personcanada_search concept:agentcompeteswithagent concept_city_service +concept_personcanada_search concept:agentcompeteswithagent concept_city_tags +concept_personcanada_search concept:agentcompeteswithagent concept_city_videos +concept_personcanada_search concept:agentcompeteswithagent concept_city_web +concept_personcanada_search concept:agentcompeteswithagent concept_coach_document +concept_personcanada_search concept:agentcompeteswithagent concept_coach_hits +concept_personcanada_search concept:agentcompeteswithagent concept_coach_urls +concept_personcanada_search concept:agentcompeteswithagent concept_comedian_day +concept_personcanada_search concept:agentcompeteswithagent concept_comedian_image +concept_personcanada_search concept:agentcompeteswithagent concept_comedian_live +concept_personcanada_search concept:agentcompeteswithagent concept_company_yahoo001 +concept_personcanada_search concept:agentcompeteswithagent concept_criminal_searches +concept_personcanada_search concept:agentcompeteswithagent concept_criminal_web_pages +concept_personcanada_search concept:agentcompeteswithagent concept_criminal_web_sites +concept_personcanada_search concept:agentcompeteswithagent concept_crustacean_comb +concept_personcanada_search concept:agentcompeteswithagent concept_crustacean_e_g +concept_personcanada_search concept:agentcompeteswithagent concept_crustacean_topic +concept_personcanada_search concept:agentcompeteswithagent concept_female_lot +concept_personcanada_search concept:agentcompeteswithagent concept_geometricshape_right +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_copy +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_directory +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_excite +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_hotbot +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_metacrawler +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_payment +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_program +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_pubmed +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_reference +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_results +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_template +concept_personcanada_search concept:agentcompeteswithagent concept_governmentorganization_webcrawler +concept_personcanada_search concept:agentcompeteswithagent concept_insect_goggle +concept_personcanada_search concept:agentcompeteswithagent concept_insect_subject +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_content +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_items +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_picture +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_story +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_stuff +concept_personcanada_search concept:agentcompeteswithagent concept_magazine_titles +concept_personcanada_search concept:agentcompeteswithagent concept_mlauthor_research +concept_personcanada_search concept:agentcompeteswithagent concept_mlauthor_world_wide_web +concept_personcanada_search concept:agentcompeteswithagent concept_model_ads +concept_personcanada_search concept:agentcompeteswithagent concept_mollusk_phrases +concept_personcanada_search concept:agentcompeteswithagent concept_monarch_property +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_availability +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_check +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_rate +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_real_estate +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_type +concept_personcanada_search concept:agentcompeteswithagent concept_musicartist_words +concept_personcanada_search concept:agentcompeteswithagent concept_newspaper_msn_com +concept_personcanada_search concept:agentcompeteswithagent concept_nongovorganization_guide +concept_personcanada_search concept:agentcompeteswithagent concept_nonprofitorganization_data +concept_personcanada_search concept:agentcompeteswithagent concept_organization_sort +concept_personcanada_search concept:agentcompeteswithagent concept_person_button +concept_personcanada_search concept:agentcompeteswithagent concept_person_partner +concept_personcanada_search concept:agentcompeteswithagent concept_person_query +concept_personcanada_search concept:agentcompeteswithagent concept_personafrica_business +concept_personcanada_search concept:agentcompeteswithagent concept_personafrica_keyword +concept_personcanada_search concept:agentcompeteswithagent concept_personasia_category +concept_personcanada_search concept:agentcompeteswithagent concept_personasia_features +concept_personcanada_search concept:agentcompeteswithagent concept_personasia_request +concept_personcanada_search concept:agentcompeteswithagent concept_personasia_site +concept_personcanada_search concept:agentcompeteswithagent concept_personaustralia_more_information +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_gallery +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_products +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_shop +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_style +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_video +concept_personcanada_search concept:agentcompeteswithagent concept_personcanada_work +concept_personcanada_search concept:agentcompeteswithagent concept_personmexico_kayak +concept_personcanada_search concept:agentcompeteswithagent concept_personus_advertisement +concept_personcanada_search concept:agentcompeteswithagent concept_personus_pay +concept_personcanada_search concept:agentcompeteswithagent concept_politicalparty_list +concept_personcanada_search concept:agentcompeteswithagent concept_politicalparty_process +concept_personcanada_search concept:agentcompeteswithagent concept_politicalparty_types +concept_personcanada_search concept:agentcompeteswithagent concept_politicalparty_way +concept_personcanada_search concept:agentcompeteswithagent concept_professor_paper +concept_personcanada_search concept:agentcompeteswithagent concept_sportsleague_rss +concept_personcanada_search concept:agentcompeteswithagent concept_sportsleague_terms +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_ad +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_course +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_details +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_function +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_plenty +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_store +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_topics +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_value +concept_personcanada_search concept:agentcompeteswithagent concept_stateorprovince_web_search +concept_personcanada_search concept:agentcompeteswithagent concept_terroristorganization_point +concept_personcanada_search concept:agentcompeteswithagent concept_tradeunion_comments +concept_personcanada_search concept:agentcompeteswithagent concept_tradeunion_disk +concept_personcanada_search concept:agentcompeteswithagent concept_tradeunion_web_site +concept_personcanada_search concept:agentcompeteswithagent concept_university_ask_jeeves +concept_personcanada_search concept:agentcompeteswithagent concept_university_by_name +concept_personcanada_search concept:agentcompeteswithagent concept_university_google +concept_personcanada_search concept:agentcompeteswithagent concept_university_images +concept_personcanada_search concept:agentcompeteswithagent concept_university_index +concept_personcanada_search concept:agentcompeteswithagent concept_university_message +concept_personcanada_search concept:agentcompeteswithagent concept_university_microsoft +concept_personcanada_search concept:agentcompeteswithagent concept_visualartist_award +concept_personcanada_search concept:agentcompeteswithagent concept_visualizablething_use +concept_personcanada_search concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_personcanada_search concept:agentcompeteswithagent concept_website_google_search_engine +concept_personcanada_search concept:agentcontrols concept_website_iphone +concept_personcanada_search concept:agentcompeteswithagent concept_website_youtube +concept_personcanada_search_form concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_self concept:personbelongstoorganization concept_university_ku +concept_personcanada_sheryl_gay_stolberg concept:worksfor concept_musicartist_times +concept_personcanada_shop concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_shop concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_sienna_miller concept:hasspouse concept_actor_rhys_ifans +concept_personcanada_sigrid_undset concept:agentcreated concept_musicartist_kristin_lavransdatter +concept_personcanada_silvio_berlusconi concept:personleadsorganization concept_automobilemaker_italian +concept_personcanada_silvio_berlusconi concept:worksfor concept_automobilemaker_italian +concept_personcanada_slideshow concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personcanada_sophia_bush concept:hasspouse concept_comedian_chad_michael_murray +concept_personcanada_sophocles concept:agentcreated concept_female_antigone +concept_personcanada_spice_girls concept:persondiedincountry concept_country_england +concept_personcanada_standings concept:agentparticipatedinevent concept_sportsgame_series +concept_personcanada_steely_dan concept:agentcollaborateswithagent concept_musician_donald_fagen +concept_personcanada_stephanie_saul concept:journalistwritesforpublication concept_newspaper_times +concept_personcanada_steve concept:persondiedatage 0 +concept_personcanada_steve concept:haswife concept_personcanada_nicole +concept_personcanada_steve_miller concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personcanada_steven_wright concept:agentcreated concept_book_pure_drivel +concept_personcanada_style concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personcanada_style concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_tahmima_anam concept:personhasjobposition concept_jobposition_novelist +concept_personcanada_ted_kennedy concept:personhasjobposition concept_jobposition_sen_ +concept_personcanada_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_personcanada_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_personcanada_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_personcanada_thomas_tryon concept:agentcreated concept_book_harvest_home +concept_personcanada_tim_robbins concept:hasspouse concept_female_susan_sarandon +concept_personcanada_tom_clancy concept:agentcontributedtocreativework concept_book_executive_orders +concept_personcanada_tom_clancy concept:agentcreated concept_musicartist_patriot_games +concept_personcanada_tom_clancy concept:agentcreated concept_videogame_the_sum_of_all_fears +concept_personcanada_tom_clancy concept:agentcreated concept_videogamesystem_rainbow_six +concept_personcanada_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_personcanada_tom_seay concept:latitudelongitude 33.8054300000000,-80.6581400000000 +concept_personcanada_tommy_lee concept:personbelongstoorganization concept_musicartist_motley_crue +concept_personcanada_tony_hayward concept:ceoof concept_company_bp001 +concept_personcanada_top_ten concept:agentcontrols concept_city_number +concept_personcanada_topshop concept:agentcontrols concept_grandprix_philip_green +concept_personcanada_tracey_edmonds concept:hasspouse concept_comedian_eddie_murphy +concept_personcanada_utah_utes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_personcanada_utah_utes concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_personcanada_utv concept:agentcollaborateswithagent concept_director_ronnie_screwvala +concept_personcanada_utv concept:agentcontrols concept_director_ronnie_screwvala +concept_personcanada_utv concept:mutualproxyfor concept_director_ronnie_screwvala +concept_personcanada_vaughan concept:proxyfor concept_publication_ontario +concept_personcanada_video concept:agentcompeteswithagent concept_personcanada_search +concept_personcanada_warren concept:persongraduatedfromuniversity concept_university_college +concept_personcanada_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personcanada_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_personcanada_william_goldman concept:agentcontributedtocreativework concept_movie_marathon_man +concept_personcanada_william_shatner concept:actorstarredinmovie concept_movie_star_trek +concept_personcanada_wilt_chamberlain concept:istallerthan concept_athlete_shaq +concept_personcanada_winxp concept:agentinvolvedwithitem concept_clothing_mac +concept_personcanada_woodrow_wilson concept:agentcontrols concept_election_white +concept_personcanada_woodrow_wilson concept:personbelongstoorganization concept_governmentorganization_house +concept_personcanada_work concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_personcanada_world_cup concept:atdate concept_date_n2003 +concept_personcanada_world_cup concept:atdate concept_date_n2004 +concept_personcanada_world_cup concept:atdate concept_date_n2009 +concept_personcanada_world_cup concept:atdate concept_dateliteral_n2002 +concept_personcanada_world_cup concept:atdate concept_dateliteral_n2007 +concept_personcanada_world_cup concept:atdate concept_dateliteral_n2008 +concept_personcanada_yves_saint_laurent concept:persondiedatage 71 +concept_personcanada_zac_efron concept:actorstarredinmovie concept_movie_high_school_musical +concept_personeurope_a_a__milne concept:agentcreated concept_book_winnie_the_pooh +concept_personeurope_a_milne concept:latitudelongitude 29.6605100000000,-95.5138300000000 +concept_personeurope_abigail_adams concept:parentofperson concept_personeurope_john_quincy_adams +concept_personeurope_alan_lightman concept:agentcreated concept_book_einstein_s_dreams +concept_personeurope_alan_moore concept:agentcontributedtocreativework concept_book_v_for_vendetta +concept_personeurope_alan_moore concept:agentcontributedtocreativework concept_movie_watchmen +concept_personeurope_alan_moore concept:agentcreated concept_movie_watchmen +concept_personeurope_alan_moore concept:agentcreated concept_software_v_for_vendetta +concept_personeurope_aldo_leopold concept:personhasjobposition concept_jobposition_ecologist +concept_personeurope_alice_munro concept:agentcreated concept_televisionshow_who_do_you_think_you_are +concept_personeurope_alice_sebold concept:agentcreated concept_book_lucky__a_memoir +concept_personeurope_alice_sebold concept:agentcontributedtocreativework concept_book_the_lovely_bones +concept_personeurope_alice_sebold concept:agentcreated concept_writer_the_lovely_bones +concept_personeurope_allan_moss concept:personleadsorganization concept_bank_macquarie_bank +concept_personeurope_am_lie_nothomb concept:agentcreated concept_book_fear_and_trembling +concept_personeurope_amalia concept:atdate concept_dayofweek_thursday +concept_personeurope_ana_ivanovic concept:athletebeatathlete concept_athlete_maria_sharapova +concept_personeurope_ana_ivanovic concept:athletebeatathlete concept_athlete_williams +concept_personeurope_ana_ivanovic concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_personeurope_andrew concept:persondiedatage 5 +concept_personeurope_andrew concept:personbornincity concept_city_miami +concept_personeurope_andrew_kam concept:worksfor concept_company_hong_kong_disneyland +concept_personeurope_andrew_marr concept:worksfor concept_governmentorganization_bbc +concept_personeurope_angela_carter concept:agentcreated concept_book_nights_at_the_circus +concept_personeurope_angela_carter concept:agentcreated concept_book_the_passion_of_new_eve +concept_personeurope_angela_carter concept:agentcreated concept_book_wise_children +concept_personeurope_anita_desai concept:agentcreated concept_book_clear_light_of_day +concept_personeurope_anita_shreve concept:agentcontributedtocreativework concept_book_a_change_in_altitude +concept_personeurope_anita_shreve concept:agentcreated concept_book_a_change_in_altitude +concept_personeurope_anne_frank concept:agentcreated concept_book_the_diary_of_a_young_girl +concept_personeurope_anne_mccaffrey concept:agentcontributedtocreativework concept_book_crystal_singer +concept_personeurope_anne_mccaffrey concept:agentcreated concept_book_crystal_singer +concept_personeurope_anne_mccaffrey concept:agentcreated concept_book_dragonflight +concept_personeurope_anne_mccaffrey concept:agentcontributedtocreativework concept_book_dragonriders_of_pern +concept_personeurope_anne_mccaffrey concept:agentcreated concept_book_dragonriders_of_pern +concept_personeurope_anne_mccaffrey concept:agentcontributedtocreativework concept_book_dragonsong +concept_personeurope_anne_mccaffrey concept:agentcreated concept_book_dragonsong +concept_personeurope_anne_mccaffrey concept:agentcreated concept_book_the_white_dragon +concept_personeurope_anonymous concept:agentcontributedtocreativework concept_book_beowulf +concept_personeurope_anonymous concept:agentcreated concept_book_beowulf +concept_personeurope_anonymous concept:agentcreated concept_book_the_arabian_nights +concept_personeurope_anonymous concept:agentcreated concept_book_the_epic_of_gilgamesh +concept_personeurope_anonymous concept:agentcreated concept_book_the_thousand_and_one_nights +concept_personeurope_anthony_horowitz concept:agentcontributedtocreativework concept_book_point_blanc +concept_personeurope_anthony_horowitz concept:agentcreated concept_book_point_blanc +concept_personeurope_anthony_horowitz concept:agentcontributedtocreativework concept_book_skeleton_key +concept_personeurope_anthony_horowitz concept:agentcreated concept_book_skeleton_key +concept_personeurope_anthony_horowitz concept:agentcontributedtocreativework concept_book_stormbreaker +concept_personeurope_anthony_horowitz concept:agentcreated concept_book_stormbreaker +concept_personeurope_anthony_lewis concept:personhasjobposition concept_jobposition_columnist +concept_personeurope_anthony_lewis concept:worksfor concept_musicartist_times +concept_personeurope_anthony_lewis concept:worksfor concept_website_new_york_times +concept_personeurope_apostle_john concept:agentcontributedtocreativework concept_musicalbum_revelation +concept_personeurope_aristophanes concept:agentcreated concept_book_lysistrata +concept_personeurope_arnauld concept:latitudelongitude 18.9166700000000,-72.3000000000000 +concept_personeurope_arnold_lobel concept:agentcreated concept_amphibian_frog_and_toad +concept_personeurope_arthur_c__clarke concept:persondiedatage 90 +concept_personeurope_arthur_c__clarke concept:agentcontributedtocreativework concept_book_a_fall_of_moondust +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_childhood_s_end +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n2001__a_space_odyssey +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n2001_a_space_odyssey +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n2010__odyssey_two +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n2010_odyssey_two +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n2061_odyssey_three +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_n3001_the_final_odyssey +concept_personeurope_arthur_c__clarke concept:agentcreated concept_book_rendezvous_with_rama +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_a_study_in_scarlet +concept_personeurope_arthur_conan_doyle concept:agentcreated concept_book_disappearance_of_lady_frances_carfax +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_sherlock_holmes +concept_personeurope_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_black_peter +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_adventures_of_sherlock_holmes +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_hound_of_the_baskervilles +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_lost_world +concept_personeurope_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_return_of_sherlock_holmes +concept_personeurope_arthur_conan_doyle concept:agentcreated concept_book_the_stark_munro_letters +concept_personeurope_arthur_conan_doyle concept:agentcreated concept_book_the_white_company +concept_personeurope_arthur_conan_doyle concept:agentcreated concept_parlourgame_the_man_with_the_twisted_lip +concept_personeurope_assistance concept:agentcreated concept_geopoliticalorganization_e_mail +concept_personeurope_assistance concept:agentcreated concept_movie_contact +concept_personeurope_assistance concept:agentcreated concept_programminglanguage_email +concept_personeurope_astrid_lindgren concept:agentcreated concept_book_pippi_longstocking +concept_personeurope_audrey_niffenegger concept:agentcontributedtocreativework concept_book_the_time_traveler_s_wife +concept_personeurope_audrey_niffenegger concept:agentcreated concept_book_the_time_traveler_s_wife +concept_personeurope_avery concept:agentcollaborateswithagent concept_personnorthamerica_dean_scarborough +concept_personeurope_azim_premji concept:personleadsorganization concept_biotechcompany_wipro +concept_personeurope_azim_premji concept:worksfor concept_biotechcompany_wipro +concept_personeurope_beatrix_potter concept:agentcreated concept_book_the_tale_of_peter_rabbit +concept_personeurope_benjamin concept:persondiedatage 2 +concept_personeurope_beryl_bainbridge concept:agentcreated concept_book_master_georgie +concept_personeurope_beverly_cleary concept:agentcreated concept_book_ramona +concept_personeurope_billie_letts concept:agentcontributedtocreativework concept_movie_where_the_heart_is +concept_personeurope_billie_letts concept:agentcreated concept_movie_where_the_heart_is +concept_personeurope_blackstone concept:agentcollaborateswithagent concept_ceo_stephen_a__schwarzman +concept_personeurope_blackstone concept:agentcontrols concept_ceo_stephen_a__schwarzman +concept_personeurope_blymire concept:latitudelongitude 39.8876000000000,-76.6480200000000 +concept_personeurope_bob_johnson concept:personleadsorganization concept_radiostation_bet +concept_personeurope_bob_lane concept:latitudelongitude 33.4079000000000,-94.2257500000000 +concept_personeurope_bolton_wanderers concept:agentcompeteswithagent concept_personeurope_bolton_wanderers +concept_personeurope_boucicault concept:latitudelongitude 48.6663300000000,-123.7026500000000 +concept_personeurope_brandon_mull concept:agentcontributedtocreativework concept_book_a_world_without_heroes +concept_personeurope_brandon_mull concept:agentcontributedtocreativework concept_book_fablehaven +concept_personeurope_brandon_mull concept:agentcreated concept_book_fablehaven +concept_personeurope_brandon_routh concept:hasspouse concept_female_courtney_ford +concept_personeurope_brandon_routh concept:actorstarredinmovie concept_movie_superman +concept_personeurope_brandon_routh concept:actorstarredinmovie concept_movie_superman_returns +concept_personeurope_bryan_singer concept:agentcontributedtocreativework concept_movie_superman_returns +concept_personeurope_captain concept:atdate concept_date_n1942 +concept_personeurope_captain concept:atdate concept_dateliteral_n1943 +concept_personeurope_captain concept:atdate concept_dateliteral_n2002 +concept_personeurope_captain concept:atdate concept_dateliteral_n2005 +concept_personeurope_captain concept:atdate concept_dateliteral_n2007 +concept_personeurope_captain concept:atdate concept_year_n1862 +concept_personeurope_carl_hiaasen concept:agentcontributedtocreativework concept_book_sick_puppy +concept_personeurope_carl_hiaasen concept:agentcreated concept_book_tourist_season +concept_personeurope_carl_hiaasen concept:worksfor concept_company_miami_herald001 +concept_personeurope_carmelo_anthony concept:persondiedatage 3 +concept_personeurope_carmelo_anthony concept:personbornincity concept_city_new_york +concept_personeurope_castor concept:parentofperson concept_person_leda +concept_personeurope_castor_and_polydeuces concept:parentofperson concept_person_leda +concept_personeurope_charles_v concept:personhascitizenship concept_country_spain +concept_personeurope_charlotte_lennox concept:agentcreated concept_book_the_female_quixote +concept_personeurope_cheek concept:subpartof concept_website_blood +concept_personeurope_chinua_achebe concept:agentcreated concept_book_anthills_of_the_savannah +concept_personeurope_chinua_achebe concept:agentcreated concept_book_arrow_of_god +concept_personeurope_chinua_achebe concept:agentcontributedtocreativework concept_book_things_fall_apart +concept_personeurope_chinua_achebe concept:agentcreated concept_musicalbum_things_fall_apart +concept_personeurope_chitra_banerjee_divakaruni concept:personhasjobposition concept_jobposition_novelist +concept_personeurope_chris_crutcher concept:agentcreated concept_book_athletic_shorts +concept_personeurope_chris_crutcher concept:agentcreated concept_book_staying_fat_for_sarah_byrnes +concept_personeurope_chris_van_allsburg concept:agentcontributedtocreativework concept_book_the_polar_express +concept_personeurope_christopher_moore concept:agentcontributedtocreativework concept_book_a_dirty_job +concept_personeurope_christopher_moore concept:agentcreated concept_book_a_dirty_job +concept_personeurope_christopher_moore concept:agentcreated concept_book_bite_me_a_love_story +concept_personeurope_christopher_moore concept:agentcreated concept_book_bloodsucking_fiends__a_love_story +concept_personeurope_christopher_moore concept:agentcreated concept_book_coyote_blue +concept_personeurope_christopher_moore concept:agentcreated concept_book_fool +concept_personeurope_christopher_moore concept:agentcreated concept_book_island_of_the_sequined_love_nun +concept_personeurope_christopher_moore concept:agentcontributedtocreativework concept_book_lamb +concept_personeurope_christopher_moore concept:agentcreated concept_book_the_lust_lizard_of_melancholy_cove +concept_personeurope_christopher_moore concept:agentcreated concept_book_you_suck_a_love_story +concept_personeurope_christopher_moore concept:agentcreated concept_musicalbum_lamb +concept_personeurope_clint_eastwood concept:personleadsorganization concept_city_carmel_by_the_sea +concept_personeurope_clint_eastwood concept:worksfor concept_city_carmel_by_the_sea +concept_personeurope_clive_barker concept:agentcontributedtocreativework concept_book_abarat +concept_personeurope_clive_barker concept:agentcreated concept_book_abarat +concept_personeurope_clive_barker concept:agentcreated concept_book_weaveworld +concept_personeurope_clive_barker concept:agentcreated concept_musicartist_the_hellbound_heart +concept_personeurope_conn_iggulden concept:agentcreated concept_book_emperor_the_death_of_kings +concept_personeurope_conn_iggulden concept:agentcreated concept_book_emperor_the_gates_of_rome +concept_personeurope_connie_willis concept:agentcreated concept_book_blackout +concept_personeurope_connie_willis concept:agentcreated concept_book_doomsday_book +concept_personeurope_connie_willis concept:agentcontributedtocreativework concept_book_passage +concept_personeurope_connie_willis concept:agentcreated concept_book_passage +concept_personeurope_connie_willis concept:agentcreated concept_book_to_say_nothing_of_the_dog +concept_personeurope_connie_willis concept:agentinvolvedwithitem concept_buildingfeature_passage +concept_personeurope_conrad concept:personhascitizenship concept_country_germany +concept_personeurope_d_h__lawrence concept:agentcreated concept_book_aaron_s_rod +concept_personeurope_d_h__lawrence concept:agentcreated concept_musicsong_the_fox +concept_personeurope_dan_lyons concept:worksfor concept_company_forbes001 +concept_personeurope_dan_lyons concept:worksfor concept_university_newsweek +concept_personeurope_dan_simmons concept:agentcontributedtocreativework concept_book_a_winter_haunting +concept_personeurope_dan_simmons concept:agentcreated concept_book_a_winter_haunting +concept_personeurope_dan_simmons concept:agentcreated concept_book_carrion_comfort +concept_personeurope_dan_simmons concept:agentcontributedtocreativework concept_book_hyperion +concept_personeurope_dan_simmons concept:agentcreated concept_book_summer_of_night +concept_personeurope_dan_simmons concept:agentcreated concept_recordlabel_hyperion +concept_personeurope_daniel_defoe concept:agentcreated concept_book_a_journal_of_the_plague_year +concept_personeurope_daniel_defoe concept:agentcontributedtocreativework concept_book_moll_flanders +concept_personeurope_daniel_defoe concept:agentcreated concept_book_moll_flanders +concept_personeurope_daniel_defoe concept:agentcontributedtocreativework concept_book_robinson_crusoe +concept_personeurope_daniel_defoe concept:agentcreated concept_book_robinson_crusoe +concept_personeurope_daniel_defoe concept:agentcreated concept_book_roxana +concept_personeurope_daniel_miller concept:topmemberoforganization concept_recordlabel_mute +concept_personeurope_daniel_radcliffe concept:actorstarredinmovie concept_movie_harry_potter +concept_personeurope_dante concept:agentcreated concept_book_the_inferno +concept_personeurope_darren_aronofsky concept:agentcontributedtocreativework concept_book_wrestler +concept_personeurope_dav_pilkey concept:agentcontributedtocreativework concept_movie_captain_underpants +concept_personeurope_dave_pelzer concept:agentcontributedtocreativework concept_book_a_child_called_it +concept_personeurope_david_b concept:agentcreated concept_book_epileptic +concept_personeurope_david_beckham concept:athleteplayssportsteamposition concept_sportsteamposition_midfield +concept_personeurope_david_bowie concept:haswife concept_model_iman +concept_personeurope_david_eddings concept:agentcreated concept_book_castle_of_wizardry +concept_personeurope_david_eddings concept:agentcreated concept_book_demon_lord_of_karanda +concept_personeurope_david_eddings concept:agentcreated concept_book_enchanter_s_end_game +concept_personeurope_david_eddings concept:agentcreated concept_book_guardians_of_the_west +concept_personeurope_david_eddings concept:agentcreated concept_book_king_of_the_murgos +concept_personeurope_david_eddings concept:agentcreated concept_book_magician_s_gambit +concept_personeurope_david_eddings concept:agentcreated concept_book_pawn_of_prophecy +concept_personeurope_david_eddings concept:agentcreated concept_book_queen_of_sorcery +concept_personeurope_david_eddings concept:agentcreated concept_book_sorceress_of_darshiva +concept_personeurope_david_eddings concept:agentcreated concept_book_the_seeress_of_kell +concept_personeurope_david_gemmell concept:agentcreated concept_book_legend +concept_personeurope_david_gemmell concept:agentcreated concept_book_lord_of_the_silver_bow +concept_personeurope_david_miller concept:worksfor concept_biotechcompany_toronto +concept_personeurope_david_miller concept:athletehomestadium concept_stadiumoreventvenue_air_canada_center +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_bury_the_lead +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_dead_center +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_first_degree +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_new_tricks +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_open_and_shut +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_play_dead +concept_personeurope_david_rosenfelt concept:agentcreated concept_book_sudden_death +concept_personeurope_david_smith concept:worksfor concept_city_sinclair +concept_personeurope_david_storey concept:agentcreated concept_book_this_sporting_life +concept_personeurope_derek_jeter concept:agentcollaborateswithagent concept_female_yankees +concept_personeurope_dictionary concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personeurope_disney concept:personleadsorganization concept_city_lego +concept_personeurope_disney concept:worksfor concept_city_lego +concept_personeurope_disney concept:personleadsorganization concept_recordlabel_walt_disney +concept_personeurope_disney concept:agentcontrols concept_website_abc +concept_personeurope_donna_leon concept:agentcontributedtocreativework concept_book_a_noble_radiance +concept_personeurope_donna_leon concept:agentcontributedtocreativework concept_book_a_question_of_belief +concept_personeurope_donna_leon concept:agentcontributedtocreativework concept_book_a_sea_of_troubles +concept_personeurope_donna_leon concept:agentcreated concept_book_doctored_evidence +concept_personeurope_donna_leon concept:agentcreated concept_book_friends_in_high_places +concept_personeurope_donna_leon concept:agentcreated concept_professor_suffer_the_little_children +concept_personeurope_dr__seuss concept:agentcreated concept_book_green_eggs_and_ham +concept_personeurope_dr__seuss concept:agentcontributedtocreativework concept_book_how_the_grinch_stole_christmas +concept_personeurope_dr__seuss concept:agentcreated concept_book_one_fish_two_fish_red_fish_blue_fish +concept_personeurope_dr__seuss concept:agentcreated concept_book_the_cat_in_the_hat +concept_personeurope_drew_barrymore concept:personbornincity concept_county_los_angeles_county +concept_personeurope_duncan concept:personbornincity concept_city_york +concept_personeurope_duncan concept:personhascitizenship concept_country_scotland +concept_personeurope_duncan_graham concept:latitudelongitude 38.0582500000000,-122.1444100000000 +concept_personeurope_e__l__doctorow concept:agentcontributedtocreativework concept_book_ragtime +concept_personeurope_e__nesbit concept:agentcreated concept_book_the_story_of_the_amulet +concept_personeurope_e_l__konigsburg concept:agentcontributedtocreativework concept_book_the_view_from_saturday +concept_personeurope_eddie_perez concept:worksfor concept_winery_hartford +concept_personeurope_edmond_rostand concept:agentcreated concept_book_cyrano_de_bergerac +concept_personeurope_edmund_white concept:agentcreated concept_book_a_boy_s_own_story +concept_personeurope_edmund_white concept:agentcreated concept_book_the_beautiful_room_is_empty +concept_personeurope_edward_elgar concept:musicianplaysinstrument concept_musicinstrument_cello +concept_personeurope_elizabeth_george_speare concept:agentcreated concept_book_the_witch_of_blackbird_pond +concept_personeurope_ellen_raskin concept:agentcontributedtocreativework concept_book_the_westing_game +concept_personeurope_ellen_raskin concept:agentcreated concept_book_the_westing_game +concept_personeurope_emerson concept:persongraduatedschool concept_university_divinity_school +concept_personeurope_eric_carle concept:agentcontributedtocreativework concept_book_the_very_hungry_caterpillar +concept_personeurope_eric_carle concept:agentcreated concept_book_the_very_hungry_caterpillar +concept_personeurope_erica_jong concept:agentcreated concept_book_fear_of_flying +concept_personeurope_erich_segal concept:agentcreated concept_televisionshow_love_story +concept_personeurope_esther_hautzig concept:agentcreated concept_musicartist_the_endless_steppe +concept_personeurope_eunice concept:atlocation concept_attraction_louisiana +concept_personeurope_european_parliament concept:atdate concept_date_n1999 +concept_personeurope_european_parliament concept:atdate concept_date_n2000 +concept_personeurope_european_parliament concept:atdate concept_date_n2003 +concept_personeurope_european_parliament concept:atdate concept_date_n2004 +concept_personeurope_european_parliament concept:atdate concept_dateliteral_n2005 +concept_personeurope_european_parliament concept:atdate concept_dateliteral_n2006 +concept_personeurope_european_parliament concept:atdate concept_dateliteral_n2007 +concept_personeurope_european_parliament concept:atdate concept_dateliteral_n2008 +concept_personeurope_fanny_burney concept:agentcreated concept_mldataset_cecilia +concept_personeurope_fanny_burney concept:agentcreated concept_movie_camilla +concept_personeurope_fanny_burney concept:agentcreated concept_musicsong_evelina +concept_personeurope_federer concept:athletebeatathlete concept_athlete_andre_agassi_and_steffi_graf +concept_personeurope_federer concept:athletebeatathlete concept_athlete_andy_roddick +concept_personeurope_federer concept:athletebeatathlete concept_athlete_lleyton_hewitt +concept_personeurope_federer concept:athletebeatathlete concept_athlete_marat_safin +concept_personeurope_federer concept:athletebeatathlete concept_athlete_marcos_baghdatis +concept_personeurope_federer concept:athletebeatathlete concept_athlete_maria_sharapova +concept_personeurope_federer concept:athletebeatathlete concept_athlete_rafael_nadal +concept_personeurope_federer concept:athletebeatathlete concept_athlete_williams +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_grand_slam +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_roland_garros +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_u_s__open +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_us_open +concept_personeurope_federer concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_personeurope_federer concept:athleteplayssport concept_sport_tennis +concept_personeurope_fernando_torres concept:athleteplaysforteam concept_sportsteam_liverpool +concept_personeurope_fernando_torres concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_personeurope_flann_o_brien concept:agentcreated concept_book_at_swim_two_birds +concept_personeurope_flann_o_brien concept:agentcreated concept_book_the_poor_mouth +concept_personeurope_flann_o_brien concept:agentcreated concept_book_the_third_policeman +concept_personeurope_ford_madox_ford concept:agentcontributedtocreativework concept_book_parade_s_end +concept_personeurope_frank concept:persondiedatage 4 +concept_personeurope_freddie_mercury concept:musicianinmusicartist concept_musicartist_queen +concept_personeurope_frederick_the_great concept:personhascitizenship concept_country_prussia +concept_personeurope_fulton concept:proxyfor concept_company_missouri +concept_personeurope_fulton concept:proxyfor concept_emotion_mississippi +concept_personeurope_funeral concept:atdate concept_dateliteral_n2006 +concept_personeurope_funeral concept:atdate concept_year_n1989 +concept_personeurope_g__k__chesterton concept:agentcreated concept_book_the_man_who_was_thursday +concept_personeurope_g__k__chesterton concept:agentcreated concept_book_the_wisdom_of_father_brown +concept_personeurope_g__k__chesterton concept:agentcreated concept_movie_the_man_who_knew_too_much +concept_personeurope_gabriel_garcia_marquez concept:agentcontributedtocreativework concept_book_love_in_the_time_of_cholera +concept_personeurope_gabriel_garcia_marquez concept:agentcreated concept_book_love_in_the_time_of_cholera +concept_personeurope_gabriel_garcia_marquez concept:agentcontributedtocreativework concept_book_one_hundred_years_of_solitude +concept_personeurope_gabriel_garcia_marquez concept:agentcreated concept_book_one_hundred_years_of_solitude +concept_personeurope_gaston_leroux concept:agentcreated concept_book_the_phantom_of_the_opera +concept_personeurope_gennifer_choldenko concept:agentcreated concept_book_al_capone_shines_my_shoes +concept_personeurope_geoffrey_chaucer concept:agentcreated concept_book_canterbury_tales +concept_personeurope_geoffrey_chaucer concept:agentcreated concept_book_the_canterbury_tales +concept_personeurope_george___weedon_grossmith concept:agentcreated concept_book_diary_of_a_nobody +concept_personeurope_george_and_weedon_grossmith concept:agentcreated concept_book_the_diary_of_a_nobody +concept_personeurope_george_lewis concept:worksfor concept_company_nbc +concept_personeurope_george_miller concept:personhasjobposition concept_jobposition_rep_ +concept_personeurope_giuseppe_tomasi_di_lampedusa concept:agentcreated concept_book_the_leopard +concept_personeurope_gordon_brown concept:atdate concept_dateliteral_n2007 +concept_personeurope_gordon_brown concept:politicianholdsoffice concept_politicaloffice_president +concept_personeurope_gregory_maguire concept:agentcreated concept_book_confessions_of_an_ugly_stepsister +concept_personeurope_gregory_maguire concept:agentcreated concept_book_matchless_a_christmas_story +concept_personeurope_gregory_maguire concept:agentcreated concept_book_mirror_mirror +concept_personeurope_gregory_maguire concept:agentcontributedtocreativework concept_book_wicked +concept_personeurope_gregory_maguire concept:agentcreated concept_musicsong_wicked +concept_personeurope_gregory_peck concept:agentcontributedtocreativework concept_book_roman_holiday +concept_personeurope_hardback concept:atdate concept_dateliteral_n2005 +concept_personeurope_hardback concept:atdate concept_dateliteral_n2008 +concept_personeurope_harvington concept:latitudelongitude 52.1360350000000,-1.9220550000000 +concept_personeurope_henry_david_thoreau concept:agentcreated concept_book_walden +concept_personeurope_henry_david_thoreau concept:agentcreated concept_book_walden_or_life_in_the_woods +concept_personeurope_henry_lawson concept:agentcreated concept_book_over_the_sliprails +concept_personeurope_hg_wells concept:agentcreated concept_book_the_island_of_dr_moreau +concept_personeurope_hg_wells concept:agentcreated concept_book_the_time_machine +concept_personeurope_hg_wells concept:agentcreated concept_book_the_war_of_the_worlds +concept_personeurope_hg_wells concept:agentcreated concept_book_tono_bungay +concept_personeurope_hildebrand concept:agentcreated concept_visualartmovement_camera_obscura +concept_personeurope_hobbs concept:proxyfor concept_reptile_new_mexico +concept_personeurope_honor__de_balzac concept:agentcreated concept_book_le_p_re_goriot +concept_personeurope_honor__de_balzac concept:agentcreated concept_book_lost_illusions +concept_personeurope_horace_walpole concept:agentcontributedtocreativework concept_book_the_castle_of_otranto +concept_personeurope_horace_walpole concept:agentcreated concept_book_the_castle_of_otranto +concept_personeurope_howard_k__smith concept:worksfor concept_city_abc +concept_personeurope_howard_pyle concept:agentcreated concept_book_the_adventures_of_robin_hood +concept_personeurope_howard_pyle concept:agentcreated concept_book_the_merry_adventures_of_robin_hood +concept_personeurope_hugh_lofting concept:agentcreated concept_book_the_story_of_doctor_dolittle +concept_personeurope_hugh_lofting concept:agentcreated concept_book_the_voyages_of_doctor_dolittle +concept_personeurope_hyppolite concept:latitudelongitude 48.9997800000000,-118.7023000000000 +concept_personeurope_iain_banks concept:agentcontributedtocreativework concept_book_a_song_of_stone +concept_personeurope_iain_banks concept:agentcreated concept_book_a_song_of_stone +concept_personeurope_iain_banks concept:agentcreated concept_book_complicity +concept_personeurope_iain_banks concept:agentcontributedtocreativework concept_book_the_bridge +concept_personeurope_iain_banks concept:agentcreated concept_book_the_crow_road +concept_personeurope_iain_banks concept:agentcreated concept_book_the_player_of_games +concept_personeurope_iain_banks concept:agentcontributedtocreativework concept_book_the_wasp_factory +concept_personeurope_iain_banks concept:agentcreated concept_book_the_wasp_factory +concept_personeurope_ian_mcewan concept:agentcreated concept_book_amsterdam +concept_personeurope_ian_mcewan concept:agentcontributedtocreativework concept_book_atonement +concept_personeurope_ian_mcewan concept:agentcreated concept_book_atonement +concept_personeurope_ian_mcewan concept:agentcreated concept_book_black_dogs +concept_personeurope_ian_mcewan concept:agentcontributedtocreativework concept_book_enduring_love +concept_personeurope_ian_mcewan concept:agentcreated concept_book_enduring_love +concept_personeurope_ian_mcewan concept:agentcreated concept_book_on_chesil_beach +concept_personeurope_ian_mcewan concept:agentcreated concept_book_the_cement_garden +concept_personeurope_ian_mcewan concept:agentcreated concept_book_the_child_in_time +concept_personeurope_ian_mcewan concept:agentcreated concept_male_solar +concept_personeurope_ian_mcewan concept:agentcreated concept_televisionshow_saturday +concept_personeurope_ian_rankin concept:agentcreated concept_book_black_and_blue +concept_personeurope_ian_rankin concept:agentcreated concept_book_exit_music +concept_personeurope_indigenous_peoples concept:agentparticipatedinevent concept_eventoutcome_result +concept_personeurope_individual concept:proxyfor concept_book_new +concept_personeurope_individual concept:agentparticipatedinevent concept_eventoutcome_result +concept_personeurope_infant concept:agentparticipatedinevent concept_eventoutcome_result +concept_personeurope_ingvar_kamprad concept:ceoof concept_company_ikea +concept_personeurope_institute concept:synonymfor concept_boardgame_board +concept_personeurope_institute concept:proxyfor concept_book_new +concept_personeurope_institute concept:atdate concept_date_n1999 +concept_personeurope_institute concept:atdate concept_date_n2000 +concept_personeurope_institute concept:atdate concept_date_n2001 +concept_personeurope_institute concept:atdate concept_dateliteral_n2005 +concept_personeurope_institute concept:atdate concept_dateliteral_n2006 +concept_personeurope_institute concept:atdate concept_dateliteral_n2007 +concept_personeurope_institute concept:atdate concept_dateliteral_n2008 +concept_personeurope_institute concept:mutualproxyfor concept_sportsequipment_board +concept_personeurope_institute concept:atdate concept_year_n1998 +concept_personeurope_inventor concept:proxyfor concept_book_new +concept_personeurope_irvine_welsh concept:agentcontributedtocreativework concept_movie_trainspotting +concept_personeurope_irvine_welsh concept:agentcreated concept_movie_trainspotting +concept_personeurope_isaac_asimov_ concept:agentcontributedtocreativework concept_musicalbum_foundation +concept_personeurope_isaac_asimov_ concept:agentcreated concept_musicalbum_foundation +concept_personeurope_isabella concept:personhascitizenship concept_country_spain +concept_personeurope_isabella concept:personhasjobposition concept_jobposition_queen +concept_personeurope_j_m_barrie concept:agentcreated concept_book_peter_pan +concept_personeurope_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_personeurope_jack_higgins concept:agentcreated concept_book_the_judas_gate +concept_personeurope_jack_l__chalker concept:agentcontributedtocreativework concept_book_spirits_of_flux_and_anchor +concept_personeurope_jack_l__chalker concept:agentcreated concept_book_spirits_of_flux_and_anchor +concept_personeurope_jack_london concept:agentcreated concept_book_call_of_the_wild +concept_personeurope_jack_london concept:agentcreated concept_book_martin_eden +concept_personeurope_jack_london concept:agentcreated concept_book_the_call_of_the_wild +concept_personeurope_jack_london concept:agentcreated concept_book_the_call_of_the_wild_and_white_fang +concept_personeurope_jack_london concept:agentcreated concept_book_the_human_drift +concept_personeurope_jack_london concept:agentcreated concept_book_the_iron_heel +concept_personeurope_jack_london concept:agentcreated concept_book_the_sea_wolf +concept_personeurope_jack_london concept:agentcreated concept_book_white_fang +concept_personeurope_jack_london concept:personbornincity concept_city_oakland +concept_personeurope_jack_london concept:agentcreated concept_movie_the_game +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_bad_girls +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_bad_girls +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_double_act +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_double_act +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_dustbin_baby +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_dustbin_baby +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_girls_in_love +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_girls_in_love +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_girls_in_tears +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_girls_in_tears +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_girls_out_late +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_girls_out_late +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_lola_rose +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_lola_rose +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_secrets +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_secrets +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_sleepovers +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_sleepovers +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_the_dare_game +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_the_dare_game +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_the_illustrated_mum +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_the_illustrated_mum +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_the_story_of_tracy_beaker +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_the_story_of_tracy_beaker +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_the_suitcase_kid +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_the_suitcase_kid +concept_personeurope_jacqueline_wilson concept:agentcontributedtocreativework concept_book_vicky_angel +concept_personeurope_jacqueline_wilson concept:agentcreated concept_book_vicky_angel +concept_personeurope_jacqueline_wilson concept:agentinvolvedwithitem concept_food_secrets +concept_personeurope_jamaica_kincaid concept:agentcreated concept_book_annie_john +concept_personeurope_james concept:persondiedatage 6 +concept_personeurope_james_agee concept:agentcontributedtocreativework concept_book_a_death_in_the_family +concept_personeurope_james_agee concept:agentcreated concept_book_a_death_in_the_family +concept_personeurope_james_baldwin concept:agentcreated concept_book_giovanni_s_room +concept_personeurope_james_baldwin concept:agentcreated concept_book_go_tell_it_on_the_mountain +concept_personeurope_james_blish concept:agentcreated concept_book_a_case_of_conscience +concept_personeurope_james_blish concept:agentcreated concept_book_a_work_of_art +concept_personeurope_james_blish concept:agentcreated concept_musicartist_king_of_the_hill +concept_personeurope_james_clavell concept:agentcontributedtocreativework concept_book_shogun +concept_personeurope_james_clavell concept:agentcreated concept_book_shogun +concept_personeurope_james_cobb concept:agentcreated concept_book_the_arctic_event +concept_personeurope_james_dickey concept:agentcontributedtocreativework concept_book_deliverance +concept_personeurope_james_dickey concept:agentcreated concept_book_deliverance +concept_personeurope_james_fenimore_cooper concept:agentcreated concept_book_last_of_the_mohicans +concept_personeurope_james_fenimore_cooper concept:agentcreated concept_book_the_last_of_the_mohicans +concept_personeurope_james_goldsmith concept:personhasresidenceingeopoliticallocation concept_city_jalisco +concept_personeurope_james_goldsmith concept:personhasresidenceingeopoliticallocation concept_country_mexico +concept_personeurope_james_goldsmith concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_cuixmala +concept_personeurope_james_goldsmith concept:personhasjobposition concept_jobposition_environmentalist +concept_personeurope_james_hadley_chase concept:agentcontributedtocreativework concept_book_no_orchids_for_miss_blandish +concept_personeurope_james_hadley_chase concept:agentcreated concept_book_no_orchids_for_miss_blandish +concept_personeurope_james_herriot concept:agentcreated concept_book_all_creatures_great_and_small +concept_personeurope_james_hilton concept:agentcreated concept_book_lost_horizon +concept_personeurope_james_hilton concept:agentcreated concept_book_so_well_remembered +concept_personeurope_james_ii concept:personhascitizenship concept_country_england +concept_personeurope_james_jones concept:agentcontributedtocreativework concept_book_from_here_to_eternity +concept_personeurope_james_jones concept:agentcreated concept_book_from_here_to_eternity +concept_personeurope_james_stephens concept:agentcreated concept_book_the_charwoman_s_daughter +concept_personeurope_james_taylor concept:agentcollaborateswithagent concept_person_john003 +concept_personeurope_james_thurber concept:agentcreated concept_book_the_13_clocks +concept_personeurope_james_wood concept:personhasjobposition concept_jobposition_critic +concept_personeurope_jan_hudson concept:agentcreated concept_book_the_maverick +concept_personeurope_jason_hightman concept:agentcreated concept_book_the_saint_of_dragons +concept_personeurope_jeffrey_eugenides concept:agentcontributedtocreativework concept_book_middlesex +concept_personeurope_jeffrey_eugenides concept:agentcreated concept_book_middlesex +concept_personeurope_jeffrey_eugenides concept:agentcontributedtocreativework concept_book_the_virgin_suicides +concept_personeurope_jeffrey_eugenides concept:agentcreated concept_book_the_virgin_suicides +concept_personeurope_jeremy_clarkson concept:agentcreated concept_book_and_another_thing_the_world_according_t +concept_personeurope_jeremy_clarkson concept:agentcreated concept_book_clarkson_on_cars +concept_personeurope_jeremy_clarkson concept:agentcreated concept_book_don_t_stop_me_now +concept_personeurope_jeremy_clarkson concept:agentcreated concept_book_for_crying_out_loud__the_world_accordin +concept_personeurope_jerry_colangelo concept:personleadsorganization concept_sportsteam_suns +concept_personeurope_jerry_colangelo concept:worksfor concept_sportsteam_suns +concept_personeurope_jerry_colangelo concept:proxyfor concept_website_suns +concept_personeurope_jim_butcher concept:agentcreated concept_book_academ_s_fury +concept_personeurope_jim_butcher concept:agentcreated concept_book_blood_rites +concept_personeurope_jim_butcher concept:agentcreated concept_book_captain_s_fury +concept_personeurope_jim_butcher concept:agentcreated concept_book_changes +concept_personeurope_jim_butcher concept:agentcreated concept_book_cursor_s_fury +concept_personeurope_jim_butcher concept:agentcreated concept_book_dead_beat +concept_personeurope_jim_butcher concept:agentcreated concept_book_death_masks +concept_personeurope_jim_butcher concept:agentcreated concept_book_first_lord_s_fury +concept_personeurope_jim_butcher concept:agentcreated concept_book_fool_moon +concept_personeurope_jim_butcher concept:agentcreated concept_book_furies_of_calderon +concept_personeurope_jim_butcher concept:agentcreated concept_book_grave_peril +concept_personeurope_jim_butcher concept:agentcreated concept_book_princeps__fury +concept_personeurope_jim_butcher concept:agentcreated concept_book_proven_guilty +concept_personeurope_jim_butcher concept:agentcreated concept_book_side_jobs +concept_personeurope_jim_butcher concept:agentcreated concept_book_small_favor +concept_personeurope_jim_butcher concept:agentcreated concept_book_storm_front +concept_personeurope_jim_butcher concept:agentcreated concept_book_summer_knight +concept_personeurope_jim_butcher concept:agentcreated concept_book_turn_coat +concept_personeurope_jim_butcher concept:agentcreated concept_book_white_night +concept_personeurope_jim_carr concept:latitudelongitude 35.6581500000000,-83.5198900000000 +concept_personeurope_joan_didion concept:agentcontributedtocreativework concept_book_play_it_as_it_lays +concept_personeurope_joan_didion concept:agentcontributedtocreativework concept_book_the_year_of_magical_thinking +concept_personeurope_joan_didion concept:agentcreated concept_book_the_year_of_magical_thinking +concept_personeurope_joan_didion concept:agentcreated concept_sociopolitical_democracy +concept_personeurope_joan_didion concept:agentcreated concept_writer_play_it_as_it_lays +concept_personeurope_jodi_picoult concept:agentcreated concept_book_house_rules +concept_personeurope_jodi_picoult concept:agentcontributedtocreativework concept_book_my_sister_s_keeper +concept_personeurope_jodi_picoult concept:agentcreated concept_book_my_sister_s_keeper +concept_personeurope_jodi_picoult concept:agentcreated concept_book_nineteen_minutes +concept_personeurope_jodi_picoult concept:agentcreated concept_book_perfect_match +concept_personeurope_jodi_picoult concept:agentcreated concept_book_plain_truth +concept_personeurope_jodi_picoult concept:agentcreated concept_book_salem_falls +concept_personeurope_jodi_picoult concept:agentcreated concept_book_the_pact +concept_personeurope_jodi_picoult concept:agentcreated concept_book_the_tenth_circle +concept_personeurope_jodi_picoult concept:agentcreated concept_book_the_tenth_circle_a_novel +concept_personeurope_jodi_picoult concept:agentcreated concept_book_vanishing_acts +concept_personeurope_joe_montana concept:personhasjobposition concept_jobposition_quarterback +concept_personeurope_john_anderson concept:worksfor concept_sportsleague_new +concept_personeurope_john_ashcroft concept:personhasjobposition concept_politicaloffice_attorney_general +concept_personeurope_john_balliol concept:personhascitizenship concept_country_scotland +concept_personeurope_john_banville concept:agentcreated concept_book_shroud +concept_personeurope_john_banville concept:agentcreated concept_book_the_book_of_evidence +concept_personeurope_john_banville concept:agentcontributedtocreativework concept_book_the_sea +concept_personeurope_john_banville concept:agentcreated concept_book_the_sea +concept_personeurope_john_barth concept:agentcreated concept_book_giles_goat_boy +concept_personeurope_john_barth concept:agentcontributedtocreativework concept_book_the_sot_weed_factor +concept_personeurope_john_barth concept:agentcreated concept_book_the_sot_weed_factor +concept_personeurope_john_boehner concept:personbelongstoorganization concept_governmentorganization_house +concept_personeurope_john_brock concept:worksfor concept_biotechcompany_coca_cola_enterprises +concept_personeurope_john_buchan concept:agentcontributedtocreativework concept_book_the_thirty_nine_steps +concept_personeurope_john_buchan concept:agentcreated concept_book_the_thirty_nine_steps +concept_personeurope_john_dooley concept:topmemberoforganization concept_company_markit +concept_personeurope_john_dos_passos concept:agentcreated concept_book_manhattan_transfer +concept_personeurope_john_dos_passos concept:agentcreated concept_book_u_s_a +concept_personeurope_john_fisher concept:worksfor concept_sportsteam_titans +concept_personeurope_john_fisher concept:persongraduatedfromuniversity concept_university_college +concept_personeurope_john_fisher concept:persongraduatedschool concept_university_college +concept_personeurope_john_greenleaf_whittier concept:agentcreated concept_book_the_boy_captives +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_a_painted_house +concept_personeurope_john_grisham concept:agentcreated concept_book_a_painted_house +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_a_time_to_kill +concept_personeurope_john_grisham concept:agentcreated concept_book_a_time_to_kill +concept_personeurope_john_grisham concept:agentcreated concept_book_bleachers +concept_personeurope_john_grisham concept:agentcreated concept_book_ford_county_stories +concept_personeurope_john_grisham concept:agentcreated concept_book_playing_for_pizza +concept_personeurope_john_grisham concept:agentcreated concept_book_skipping_christmas +concept_personeurope_john_grisham concept:agentcreated concept_book_the_appeal +concept_personeurope_john_grisham concept:agentcreated concept_book_the_associate +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_brethren +concept_personeurope_john_grisham concept:agentcreated concept_book_the_brethren +concept_personeurope_john_grisham concept:agentcreated concept_book_the_broker +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_chamber +concept_personeurope_john_grisham concept:agentcreated concept_book_the_chamber +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_client +concept_personeurope_john_grisham concept:agentcreated concept_book_the_client +concept_personeurope_john_grisham concept:agentcreated concept_book_the_firm +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_king_of_torts +concept_personeurope_john_grisham concept:agentcreated concept_book_the_king_of_torts +concept_personeurope_john_grisham concept:agentcreated concept_book_the_last_juror +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_partner +concept_personeurope_john_grisham concept:agentcreated concept_book_the_partner +concept_personeurope_john_grisham concept:agentcreated concept_book_the_pelican_brief +concept_personeurope_john_grisham concept:agentcreated concept_book_the_rainmaker +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_runaway_jury +concept_personeurope_john_grisham concept:agentcreated concept_book_the_runaway_jury +concept_personeurope_john_grisham concept:agentcreated concept_book_the_street_lawyer +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_summons +concept_personeurope_john_grisham concept:agentcreated concept_book_the_summons +concept_personeurope_john_grisham concept:agentcontributedtocreativework concept_book_the_testament +concept_personeurope_john_grisham concept:agentcreated concept_book_the_testament +concept_personeurope_john_hersey concept:agentcreated concept_book_hiroshima +concept_personeurope_john_johnson concept:worksfor concept_bank_fannie_mae_and_freddy_mac +concept_personeurope_john_johnson001 concept:personleadsorganization concept_bank_fannie_mae +concept_personeurope_john_johnson001 concept:personbelongstoorganization concept_governmentorganization_house +concept_personeurope_john_johnson001 concept:ceoof concept_radiostation_fidelity +concept_personeurope_john_lennon concept:musicianinmusicartist concept_musicartist_beatles +concept_personeurope_john_lennon concept:musicianinmusicartist concept_musicartist_the_beatles +concept_personeurope_john_lennon concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personeurope_john_lennon concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_personeurope_john_quincy_adams concept:parentofperson concept_personus_john_adams +concept_personeurope_john_quincy_adams concept:hassibling concept_politicianus_john_quincy_adams +concept_personeurope_john_updike concept:persondiedatage 76 +concept_personeurope_john_updike concept:agentcreated concept_book_couples +concept_personeurope_john_updike concept:agentcontributedtocreativework concept_book_rabbit_at_rest +concept_personeurope_john_updike concept:agentcreated concept_book_rabbit_at_rest +concept_personeurope_john_updike concept:agentcontributedtocreativework concept_book_rabbit_is_rich +concept_personeurope_john_updike concept:agentcreated concept_book_rabbit_is_rich +concept_personeurope_john_updike concept:agentcreated concept_book_rabbit_redux +concept_personeurope_john_updike concept:agentcontributedtocreativework concept_book_run +concept_personeurope_john_updike concept:agentcreated concept_book_run +concept_personeurope_john_updike concept:agentcreated concept_book_terrorist +concept_personeurope_john_updike concept:agentcreated concept_book_the_centaur +concept_personeurope_john_updike concept:agentcreated concept_book_the_coup +concept_personeurope_john_updike concept:agentcreated concept_book_the_witches_of_eastwick +concept_personeurope_john_webster concept:agentcreated concept_book_the_duchess_of_malfi +concept_personeurope_john_wesley concept:hassibling concept_person_charles001 +concept_personeurope_john_wyndham concept:agentcontributedtocreativework concept_book_the_day_of_the_triffids +concept_personeurope_john_wyndham concept:agentcreated concept_book_the_day_of_the_triffids +concept_personeurope_john_wyndham concept:agentcreated concept_book_the_midwich_cuckoos +concept_personeurope_john_wyndham concept:agentcreated concept_televisionshow_chocky +concept_personeurope_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_personeurope_jon_krakauer concept:agentcontributedtocreativework concept_book_into_the_wild +concept_personeurope_jon_krakauer concept:agentcreated concept_book_into_the_wild +concept_personeurope_jon_krakauer concept:agentcontributedtocreativework concept_book_into_thin_air +concept_personeurope_jonathan_miller concept:proxyfor concept_mldataset_aol +concept_personeurope_joseph_campbell concept:agentcreated concept_book_myths_to_live_by +concept_personeurope_joseph_campbell concept:agentcreated concept_book_the_hero_with_a_thousand_faces +concept_personeurope_joseph_campbell concept:agentcreated concept_televisionshow_the_power_of_myth +concept_personeurope_joseph_conrad concept:agentcreated concept_book_chance +concept_personeurope_joseph_conrad concept:agentcontributedtocreativework concept_book_heart_of_darkness +concept_personeurope_joseph_conrad concept:agentcreated concept_book_heart_of_darkness +concept_personeurope_joseph_conrad concept:agentcontributedtocreativework concept_book_lord_jim +concept_personeurope_joseph_conrad concept:agentcreated concept_book_lord_jim +concept_personeurope_joseph_conrad concept:agentcontributedtocreativework concept_book_nostromo +concept_personeurope_joseph_conrad concept:agentcreated concept_book_nostromo +concept_personeurope_joseph_conrad concept:agentcontributedtocreativework concept_book_the_secret_agent +concept_personeurope_joseph_conrad concept:agentcreated concept_book_the_secret_agent +concept_personeurope_joseph_conrad concept:agentcreated concept_book_the_secret_sharer +concept_personeurope_joseph_conrad concept:agentcreated concept_book_under_western_eyes +concept_personeurope_joseph_conrad concept:agentcreated concept_book_victory__an_island_tale +concept_personeurope_joseph_conrad concept:agentcreated concept_televisionshow_the_shadow_line +concept_personeurope_joseph_haydn concept:musicianplaysinstrument concept_musicinstrument_piano +concept_personeurope_joseph_haydn concept:musicianplaysinstrument concept_musicinstrument_string +concept_personeurope_joseph_murphy concept:personhasjobposition concept_jobposition_deputy_superintendent_of_insurance +concept_personeurope_judith_st__george concept:agentcontributedtocreativework concept_book_haunted +concept_personeurope_judith_st__george concept:agentcreated concept_book_haunted +concept_personeurope_julia_gillard concept:personhascitizenship concept_country_australia +concept_personeurope_julia_roberts concept:hassibling concept_person_eric_roberts +concept_personeurope_julie_aigner_clark concept:personleadsorganization concept_company_baby_einstein +concept_personeurope_julie_aigner_clark concept:worksfor concept_company_baby_einstein +concept_personeurope_kahlil_gibran concept:agentcreated concept_book_the_prophet +concept_personeurope_kate_atkinson concept:agentcontributedtocreativework concept_book_behind_the_scenes_at_the_museum +concept_personeurope_kate_atkinson concept:agentcreated concept_book_behind_the_scenes_at_the_museum +concept_personeurope_kate_atkinson concept:agentcreated concept_book_case_histories +concept_personeurope_kate_douglas_wiggin concept:agentcontributedtocreativework concept_book_rebecca_of_sunnybrook_farm +concept_personeurope_kaye_gibbons concept:agentcreated concept_movie_ellen_foster +concept_personeurope_kealoha concept:latitudelongitude 19.7372200000000,-155.0330600000000 +concept_personeurope_ken_kesey concept:agentcontributedtocreativework concept_book_one_flew_over_the_cuckoo_s_nest +concept_personeurope_ken_kesey concept:agentcreated concept_movie_sometimes_a_great_notion +concept_personeurope_ken_kesey concept:agentcreated concept_personafrica_one_flew_over_the_cuckoo_s_nest +concept_personeurope_kenneth concept:personhascitizenship concept_country_scotland +concept_personeurope_kenneth concept:personhasjobposition concept_jobposition_king +concept_personeurope_kenneth concept:persongraduatedschool concept_university_junior_college +concept_personeurope_kennilworthy_whisp concept:agentcreated concept_book_quidditch_through_the_ages +concept_personeurope_kim_stanley_robinson concept:agentcreated concept_book_red_mars +concept_personeurope_kim_stanley_robinson concept:agentcreated concept_book_the_years_of_rice_and_salt +concept_personeurope_king_arthur concept:haswife concept_female_guinevere +concept_personeurope_kurt_warner concept:personbelongstoorganization concept_sportsteam_arizona_cardinals_27_23 +concept_personeurope_l__ron_hubbard concept:agentcreated concept_emotion_fear +concept_personeurope_l__ron_hubbard concept:agentcreated concept_movie_battlefield_earth +concept_personeurope_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personeurope_larry_mcmurtry concept:agentcontributedtocreativework concept_movie_lonesome_dove +concept_personeurope_larry_mcmurtry concept:agentcreated concept_movie_lonesome_dove +concept_personeurope_laura_esquivel concept:agentcontributedtocreativework concept_book_like_water_for_chocolate +concept_personeurope_laura_esquivel concept:agentcreated concept_book_like_water_for_chocolate +concept_personeurope_laura_ingalls_wilder concept:agentcreated concept_book_little_house +concept_personeurope_laura_ingalls_wilder concept:agentcreated concept_book_little_house_in_the_big_woods +concept_personeurope_laura_ingalls_wilder concept:agentcreated concept_book_little_house_on_the_prairie +concept_personeurope_laura_s concept:persongraduatedschool concept_university_college +concept_personeurope_lee_child concept:agentcreated concept_book_die_trying +concept_personeurope_lee_child concept:agentcreated concept_book_echo_burning +concept_personeurope_lee_child concept:agentcreated concept_book_gone_tomorrow +concept_personeurope_lee_child concept:agentcontributedtocreativework concept_book_jack_reacher +concept_personeurope_lee_child concept:agentcreated concept_book_n61_hours +concept_personeurope_lee_child concept:agentcreated concept_book_nothing_to_lose +concept_personeurope_lee_child concept:agentcreated concept_book_running_blind +concept_personeurope_lee_child concept:agentcreated concept_book_tripwire +concept_personeurope_lee_child concept:agentcreated concept_book_without_fail +concept_personeurope_lee_child concept:agentcreated concept_musicalbum_killing_floor +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_austere_academy +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_carnivorous_carnival +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_ersatz_elevator +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_hostile_hospital +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_miserable_mill +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_reptile_room +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_slippery_slope +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_vile_village +concept_personeurope_lemony_snicket concept:agentcreated concept_book_the_wide_window +concept_personeurope_leon_uris concept:agentcontributedtocreativework concept_book_exodus +concept_personeurope_leon_uris concept:agentcreated concept_musicsong_exodus +concept_personeurope_level concept:agentcompeteswithagent concept_personcanada_search +concept_personeurope_level concept:agentparticipatedinevent concept_sportsgame_series +concept_personeurope_lew_wallace concept:agentcreated concept_book_ben_hur +concept_personeurope_lionel_messi concept:personhasresidenceingeopoliticallocation concept_country_spain +concept_personeurope_lionel_messi concept:personhasjobposition concept_jobposition_soccer_player +concept_personeurope_liquidation concept:atdate concept_date_n2001 +concept_personeurope_liquidation concept:atdate concept_date_n2003 +concept_personeurope_liquidation concept:atdate concept_dateliteral_n2002 +concept_personeurope_liquidation concept:atdate concept_dateliteral_n2005 +concept_personeurope_liquidation concept:atdate concept_dateliteral_n2006 +concept_personeurope_liquidation concept:atdate concept_dateliteral_n2007 +concept_personeurope_liquidation concept:atdate concept_year_n1998 +concept_personeurope_living concept:agentbelongstoorganization concept_newspaper_freelance +concept_personeurope_lois_duncan concept:agentcreated concept_book_i_know_what_you_did_last_summer +concept_personeurope_lorena_ochoa concept:personhasresidenceingeopoliticallocation concept_country_mexico +concept_personeurope_lorena_ochoa concept:personhasjobposition concept_jobposition_golfer +concept_personeurope_maddie concept:latitudelongitude 37.7241300000000,-84.0566600000000 +concept_personeurope_maddie concept:atdate concept_date_n2001 +concept_personeurope_malcolm_lowry concept:agentcontributedtocreativework concept_book_under_the_volcano +concept_personeurope_malcolm_lowry concept:agentcreated concept_recordlabel_under_the_volcano +concept_personeurope_management concept:agentcreated concept_movie_contact +concept_personeurope_management concept:agentbelongstoorganization concept_terroristorganization_state +concept_personeurope_margaret_atwood concept:agentcreated concept_book_alias_grace +concept_personeurope_margaret_atwood concept:agentcreated concept_book_cat_s_eye +concept_personeurope_margaret_atwood concept:agentcontributedtocreativework concept_book_oryx_and_crake +concept_personeurope_margaret_atwood concept:agentcontributedtocreativework concept_book_the_blind_assassin +concept_personeurope_margaret_atwood concept:agentcreated concept_book_the_blind_assassin +concept_personeurope_margaret_atwood concept:agentcontributedtocreativework concept_book_the_handmaid_s_tale +concept_personeurope_margaret_atwood concept:agentcreated concept_book_the_handmaid_s_tale +concept_personeurope_margaret_atwood concept:agentcreated concept_book_the_robber_bride +concept_personeurope_margaret_atwood concept:agentcreated concept_musicartist_oryx_and_crake +concept_personeurope_margaret_atwood concept:agentcreated concept_musicsong_surfacing +concept_personeurope_margaret_mitchell concept:agentcontributedtocreativework concept_book_gone_with_the_wind +concept_personeurope_margaret_mitchell concept:agentcreated concept_book_gone_with_the_wind +concept_personeurope_margaret_thatcher concept:politicianholdsoffice concept_politicaloffice_president +concept_personeurope_margery_williams concept:agentcreated concept_book_the_velveteen_rabbit +concept_personeurope_mark_dunn concept:agentcontributedtocreativework concept_book_ella_minnow_pea +concept_personeurope_mark_dunn concept:agentcreated concept_book_ella_minnow_pea +concept_personeurope_mark_haddon concept:agentcontributedtocreativework concept_book_a_spot_of_bother +concept_personeurope_mark_haddon concept:agentcreated concept_book_a_spot_of_bother +concept_personeurope_marlon_brando concept:agentcontributedtocreativework concept_movie_wild_one +concept_personeurope_martin_amis concept:agentcontributedtocreativework concept_televisionshow_money +concept_personeurope_mary_roach concept:agentcontributedtocreativework concept_book_stiff__the_curious_lives_of_human_cadavers +concept_personeurope_mary_roach concept:agentcreated concept_book_stiff__the_curious_lives_of_human_cadavers +concept_personeurope_mary_rodgers concept:agentcontributedtocreativework concept_book_freaky_friday +concept_personeurope_maud_hart_lovelace concept:agentcreated concept_book_betsy_tacy +concept_personeurope_maurice_sendak concept:agentcreated concept_book_where_the_wild_things_are +concept_personeurope_menes concept:personhascitizenship concept_country_egypt +concept_personeurope_michael_bond concept:agentcontributedtocreativework concept_televisionshow_paddington_bear +concept_personeurope_michael_chabon concept:agentcontributedtocreativework concept_book_summerland +concept_personeurope_michael_chabon concept:agentcreated concept_book_summerland +concept_personeurope_michael_chabon concept:agentcontributedtocreativework concept_book_the_amazing_adventures_of_kavalier_and_clay +concept_personeurope_michael_chabon concept:agentcreated concept_book_the_amazing_adventures_of_kavalier_and_clay +concept_personeurope_michael_chabon concept:agentcontributedtocreativework concept_book_wonder_boys +concept_personeurope_michael_chabon concept:agentcreated concept_book_wonder_boys +concept_personeurope_michael_crichton concept:persondiedatage 66 +concept_personeurope_michael_crichton concept:agentcontributedtocreativework concept_book_a_case_of_need +concept_personeurope_michael_crichton concept:agentcontributedtocreativework concept_book_jurassic_park +concept_personeurope_michael_crichton concept:agentcontributedtocreativework concept_book_prey +concept_personeurope_michael_crichton concept:agentcontributedtocreativework concept_book_the_lost_world +concept_personeurope_michael_dibdin concept:agentcreated concept_recordlabel_vendetta +concept_personeurope_michael_moorcock concept:agentcreated concept_book_elric_of_melnibone +concept_personeurope_michael_moorcock concept:agentcreated concept_musicalbum_stormbringer +concept_personeurope_michael_ondaatje concept:agentcontributedtocreativework concept_book_the_english_patient +concept_personeurope_michael_ondaatje concept:agentcreated concept_book_the_english_patient +concept_personeurope_michael_shaara concept:agentcreated concept_book_the_killer_angels +concept_personeurope_miguel_de_cervantes_saavedra concept:agentcontributedtocreativework concept_book_don_quixote +concept_personeurope_miguel_de_cervantes_saavedra concept:agentcreated concept_scientist_don_quixote +concept_personeurope_mikhail_bulgakov concept:agentcontributedtocreativework concept_book_the_master_and_margarita +concept_personeurope_mikhail_bulgakov concept:agentcreated concept_book_the_master_and_margarita +concept_personeurope_misunderstanding concept:agentparticipatedinevent concept_eventoutcome_result +concept_personeurope_mordecai_richler concept:agentcreated concept_book_solomon_gursky_was_here +concept_personeurope_myla_goldberg concept:agentcontributedtocreativework concept_movie_bee_season +concept_personeurope_napoleon concept:personhascitizenship concept_country_france_france +concept_personeurope_napoleon concept:personhasjobposition concept_jobposition_king +concept_personeurope_natalie_babbitt concept:agentcontributedtocreativework concept_book_tuck_everlasting +concept_personeurope_natalie_babbitt concept:agentcreated concept_book_tuck_everlasting +concept_personeurope_nathaniel_hawthorne concept:agentcontributedtocreativework concept_book_scarlet_letter +concept_personeurope_nathaniel_hawthorne concept:agentcreated concept_book_the_blithedale_romance +concept_personeurope_nathaniel_hawthorne concept:agentcontributedtocreativework concept_book_the_house_of_the_seven_gables +concept_personeurope_nathaniel_hawthorne concept:agentcreated concept_book_the_house_of_the_seven_gables +concept_personeurope_nathaniel_hawthorne concept:agentcontributedtocreativework concept_book_the_marble_faun +concept_personeurope_nathaniel_hawthorne concept:agentcreated concept_book_the_marble_faun +concept_personeurope_nathaniel_hawthorne concept:agentcontributedtocreativework concept_book_the_scarlet_letter +concept_personeurope_nathaniel_hawthorne concept:agentcreated concept_book_the_scarlet_letter +concept_personeurope_newcastle_united concept:latitudelongitude 38.8747200000000,-121.1361100000000 +concept_personeurope_niccolo_machiavelli concept:agentcontributedtocreativework concept_book_the_prince +concept_personeurope_niccolo_machiavelli concept:agentcreated concept_book_the_prince +concept_personeurope_nicholas concept:personbornincity concept_city_york +concept_personeurope_nicholas concept:personhascitizenship concept_country_russia +concept_personeurope_nicholas concept:personhasjobposition concept_jobposition_tsar +concept_personeurope_nicholas concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personeurope_nicholas_sparks concept:agentcreated concept_book_at_first_sight +concept_personeurope_nicholas_sparks concept:agentcreated concept_book_the_notebook +concept_personeurope_nicholas_sparks concept:agentcreated concept_celebrity_dear_john +concept_personeurope_nicholas_sparks concept:agentcreated concept_director_nights_in_rodanthe +concept_personeurope_nicholas_sparks concept:agentcontributedtocreativework concept_movie_a_walk_to_remember +concept_personeurope_nicholas_sparks concept:agentcreated concept_movie_a_walk_to_remember +concept_personeurope_nicholas_sparks concept:agentcontributedtocreativework concept_movie_message_in_a_bottle +concept_personeurope_nicholas_sparks concept:agentcreated concept_movie_message_in_a_bottle +concept_personeurope_nicholas_sparks concept:agentcreated concept_televisionshow_true_believer +concept_personeurope_nicole_krauss concept:agentcreated concept_book_the_history_of_love +concept_personeurope_nina_bawden concept:agentcreated concept_book_carrie_s_war +concept_personeurope_norman_douglas concept:agentcreated concept_weatherphenomenon_south_wind +concept_personeurope_o_neill concept:persongraduatedfromuniversity concept_university_college +concept_personeurope_order concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personeurope_order concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personeurope_order concept:agentparticipatedinevent concept_eventoutcome_result +concept_personeurope_owen_hargreaves concept:athleteplaysforteam concept_sportsteam_man_utd +concept_personeurope_owen_hargreaves concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_personeurope_patricia_wrede concept:agentcontributedtocreativework concept_book_dealing_with_dragons +concept_personeurope_patrick_white concept:agentcreated concept_skiarea_voss +concept_personeurope_paul concept:persondiedatage 3 +concept_personeurope_paul_auster concept:agentcreated concept_book_in_the_country_of_last_things +concept_personeurope_paul_auster concept:agentcreated concept_book_the_book_of_illusions +concept_personeurope_paul_auster concept:agentcontributedtocreativework concept_book_the_new_york_trilogy +concept_personeurope_paul_auster concept:agentcreated concept_book_the_new_york_trilogy +concept_personeurope_paul_auster concept:agentcreated concept_book_timbuktu +concept_personeurope_paul_auster concept:agentcreated concept_movie_vertigo +concept_personeurope_paul_auster concept:agentcreated concept_personafrica_the_music_of_chance +concept_personeurope_paul_auster concept:agentcreated concept_skiarea_moon_palace +concept_personeurope_paul_fleischman concept:agentcreated concept_book_whirligig +concept_personeurope_pearl_s__buck concept:agentcreated concept_book_the_good_earth +concept_personeurope_peeble concept:latitudelongitude 38.2689100000000,-83.7568600000000 +concept_personeurope_peter_shaffer concept:agentcontributedtocreativework concept_televisionshow_equus +concept_personeurope_peter_shaffer concept:agentcreated concept_televisionshow_equus +concept_personeurope_peter_straub concept:agentcreated concept_musicalbum_shadowland +concept_personeurope_philip_ii concept:personhascitizenship concept_country_france_france +concept_personeurope_philip_ii concept:personhascitizenship concept_country_portugal +concept_personeurope_photography concept:proxyfor concept_book_new +concept_personeurope_photography concept:atdate concept_date_n2004 +concept_personeurope_photography concept:atdate concept_dateliteral_n2005 +concept_personeurope_photography concept:atdate concept_dateliteral_n2008 +concept_personeurope_plato concept:agentcreated concept_book_the_republic +concept_personeurope_primo_levi concept:agentcreated concept_book_if_this_is_a_man +concept_personeurope_ramsey_campbell concept:agentcreated concept_televisionshow_the_influence +concept_personeurope_random_house concept:atdate concept_date_n2000 +concept_personeurope_random_house concept:atdate concept_date_n2009 +concept_personeurope_random_house concept:atdate concept_dateliteral_n2008 +concept_personeurope_raymond_e__feist concept:agentcontributedtocreativework concept_book_a_darkness_at_sethanon +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_a_darkness_at_sethanon +concept_personeurope_raymond_e__feist concept:agentcontributedtocreativework concept_book_a_kingdom_besieged +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_a_kingdom_besieged +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_flight_of_the_nighthawks +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_into_a_dark_realm +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_king_of_foxes +concept_personeurope_raymond_e__feist concept:agentcontributedtocreativework concept_book_magician +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_mistress_of_the_empire +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_rage_of_a_demon_king +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_shadow_of_a_dark_queen +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_silverthorn +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_talon_of_the_silver_hawk +concept_personeurope_raymond_e__feist concept:agentcreated concept_book_wrath_of_a_mad_god +concept_personeurope_raymond_e__feist concept:agentcreated concept_videogame_magician +concept_personeurope_readers concept:proxyfor concept_book_new +concept_personeurope_readers concept:atdate concept_date_n2003 +concept_personeurope_readers concept:atdate concept_dateliteral_n2006 +concept_personeurope_richard_adams concept:agentcontributedtocreativework concept_book_watership_down +concept_personeurope_richard_adams concept:agentcreated concept_book_watership_down +concept_personeurope_richard_branson concept:persondiedatage 2 +concept_personeurope_richard_family concept:latitudelongitude 29.9125000000000,-82.4755600000000 +concept_personeurope_richard_m__nixon concept:agentcontrols concept_election_white +concept_personeurope_richard_m__nixon concept:personbelongstoorganization concept_governmentorganization_house +concept_personeurope_richard_pearse concept:latitudelongitude -44.2983500000000,171.2201000000000 +concept_personeurope_richard_price concept:agentcreated concept_book_lush_life +concept_personeurope_richard_wright concept:agentcreated concept_book_black_boy +concept_personeurope_richard_wright concept:agentcreated concept_book_native_son +concept_personeurope_robbie_fowler concept:athleteplaysforteam concept_sportsteam_liverpool +concept_personeurope_robbie_fowler concept:athletehomestadium concept_stadiumoreventvenue_anfield +concept_personeurope_robert concept:persondiedatage 2 +concept_personeurope_robert_alexander concept:agentcontributedtocreativework concept_book_the_kitchen_boy +concept_personeurope_robert_cormier concept:agentcreated concept_book_i_am_the_cheese +concept_personeurope_robert_cormier concept:agentcreated concept_book_the_chocolate_war +concept_personeurope_robert_e__howard concept:agentcreated concept_book_the_iron_man +concept_personeurope_robert_e__howard concept:agentcreated concept_televisionshow_conan +concept_personeurope_robert_harris concept:agentcreated concept_book_enigma +concept_personeurope_robert_harris concept:agentcreated concept_book_fatherland +concept_personeurope_robert_jordan concept:agentcreated concept_book_a_crown_of_swords +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_crossroads_of_twilight +concept_personeurope_robert_jordan concept:agentcreated concept_book_crossroads_of_twilight +concept_personeurope_robert_jordan concept:agentcreated concept_book_knife_of_dreams +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_lord_of_chaos +concept_personeurope_robert_jordan concept:agentcreated concept_book_lord_of_chaos +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_the_dragon_reborn +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_dragon_reborn +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_the_eye_of_the_world +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_eye_of_the_world +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_fires_of_heaven +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_the_gathering_storm +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_gathering_storm +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_the_great_hunt +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_great_hunt +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_path_of_daggers +concept_personeurope_robert_jordan concept:agentcreated concept_book_the_shadow_rising +concept_personeurope_robert_jordan concept:agentcreated concept_book_winter_s_heart +concept_personeurope_robert_jordan concept:agentcontributedtocreativework concept_book_winters_heart +concept_personeurope_robert_jordan concept:agentcreated concept_musicsong_fantasy +concept_personeurope_robert_lee_moore concept:latitudelongitude 30.2890000000000,-97.7364000000000 +concept_personeurope_robert_lipsyte concept:agentcreated concept_book_the_contender +concept_personeurope_robert_novak concept:worksfor concept_city_washington_d_c +concept_personeurope_robert_novak concept:journalistwritesforpublication concept_company_dc +concept_personeurope_robert_novak concept:journalistwritesforpublication concept_company_post +concept_personeurope_robert_pirsig concept:agentcreated concept_book_zen_and_the_art_of_motorcycle_maintenance +concept_personeurope_robert_the_bruce concept:personhascitizenship concept_country_scotland +concept_personeurope_robert_the_bruce concept:personhasjobposition concept_jobposition_king +concept_personeurope_robert_tressell concept:agentcreated concept_book_the_ragged_trousered_philanthropists +concept_personeurope_robert_tressell concept:agentcreated concept_book_the_ragged_trousered_philantrhopists +concept_personeurope_roger_moore concept:agentcontributedtocreativework concept_book_james_bond +concept_personeurope_rohinton_mistry concept:agentcontributedtocreativework concept_book_a_fine_balance +concept_personeurope_rohinton_mistry concept:agentcreated concept_book_a_fine_balance +concept_personeurope_rohinton_mistry concept:agentcreated concept_televisionshow_family_matters +concept_personeurope_rumbold concept:latitudelongitude 38.6531100000000,-90.2265000000000 +concept_personeurope_russell_banks concept:agentcreated concept_book_cloudsplitter +concept_personeurope_s__e__hinton concept:agentcontributedtocreativework concept_book_the_outsiders +concept_personeurope_s__e__hinton concept:agentcreated concept_book_the_outsiders +concept_personeurope_s_e__hinton concept:agentcreated concept_book_the_outsiders +concept_personeurope_saint_augustine concept:agentcreated concept_book_confessions +concept_personeurope_saint_joseph concept:hasspouse concept_female_mary +concept_personeurope_sam_walton concept:personleadsorganization concept_company_wal_mart +concept_personeurope_sam_walton concept:worksfor concept_company_wal_mart +concept_personeurope_samuel_johnson concept:agentcreated concept_book_rasselas +concept_personeurope_sandra_cisneros concept:agentcontributedtocreativework concept_book_the_house_on_mango_street +concept_personeurope_sandra_cisneros concept:agentcreated concept_writer_the_house_on_mango_street +concept_personeurope_sarah_waters concept:agentcreated concept_book_fingersmith +concept_personeurope_sarah_waters concept:agentcontributedtocreativework concept_book_the_night_watch +concept_personeurope_sarah_waters concept:agentcreated concept_book_the_night_watch +concept_personeurope_sarah_waters concept:agentcontributedtocreativework concept_book_tipping_the_velvet +concept_personeurope_sarah_waters concept:agentcreated concept_book_tipping_the_velvet +concept_personeurope_sarah_waters concept:agentcontributedtocreativework concept_musicsong_affinity +concept_personeurope_sarah_waters concept:agentcreated concept_musicsong_affinity +concept_personeurope_scott_carson concept:personleadsorganization concept_bank_boeing +concept_personeurope_scott_carson concept:worksfor concept_biotechcompany_boeing +concept_personeurope_scott_carson concept:personleadsorganization concept_biotechcompany_boeing_co +concept_personeurope_scott_carson concept:worksfor concept_biotechcompany_boeing_co +concept_personeurope_scott_carson concept:topmemberoforganization concept_biotechcompany_boeing_commercial_airplanes +concept_personeurope_sebastian_barry concept:agentcontributedtocreativework concept_book_a_long_long_way +concept_personeurope_sebastian_barry concept:agentcreated concept_book_a_long_long_way +concept_personeurope_seurat concept:visualartistartform concept_visualartform_paintings +concept_personeurope_seurat concept:visualartistartform concept_visualizablething_painting +concept_personeurope_sharon_stone concept:personhasjobposition concept_jobposition_actress +concept_personeurope_shawn_fanning concept:personleadsorganization concept_biotechcompany_napster +concept_personeurope_shawn_fanning concept:worksfor concept_biotechcompany_napster +concept_personeurope_sherman_alexie concept:agentcreated concept_book_the_absolutely_true_diary_of_a_part_time_indian +concept_personeurope_shirley_jackson concept:agentcreated concept_book_the_haunting_of_hill_house +concept_personeurope_shirley_jackson concept:agentcontributedtocreativework concept_book_we_have_always_lived_in_the_castle +concept_personeurope_shirley_jackson concept:agentcreated concept_book_we_have_always_lived_in_the_castle +concept_personeurope_sir_herbert_samuel concept:latitudelongitude 32.7833300000000,34.9833300000000 +concept_personeurope_sir_peter concept:latitudelongitude -38.9782400000000,174.4102000000000 +concept_personeurope_st___agatha concept:latitudelongitude 43.4333900000000,-80.5997000000000 +concept_personeurope_st___anna concept:latitudelongitude 47.8716466666667,9.5036433333333 +concept_personeurope_st___anthony concept:parentofperson concept_person_jesus +concept_personeurope_st___columba concept:latitudelongitude 45.9834400000000,-60.8484900000000 +concept_personeurope_st___eugene concept:latitudelongitude 49.5832200000000,-115.7520900000000 +concept_personeurope_st___joachim concept:latitudelongitude 42.2750800000000,-82.6331200000000 +concept_personeurope_st___paul concept:proxyfor concept_book_new +concept_personeurope_st___paul concept:agentcontributedtocreativework concept_book_romans +concept_personeurope_st___paul concept:atdate concept_dateliteral_n2006 +concept_personeurope_st___paul concept:proxyfor concept_personnorthamerica_minnesota +concept_personeurope_st___paul concept:subpartof concept_personnorthamerica_minnesota +concept_personeurope_st___paul concept:atlocation concept_stateorprovince_minnesota +concept_personeurope_st___paul concept:agentcontributedtocreativework concept_visualartform_church +concept_personeurope_st___philip_neri concept:latitudelongitude 29.5808300000000,-82.0869400000000 +concept_personeurope_st___rita concept:latitudelongitude -64.2419400000000,-57.2722200000000 +concept_personeurope_st___victor concept:latitudelongitude 49.4333600000000,-105.8678400000000 +concept_personeurope_st_bonaventure concept:latitudelongitude 42.0805900000000,-78.4749600000000 +concept_personeurope_st_theresa concept:latitudelongitude 53.8264866666667,-94.8717600000000 +concept_personeurope_stanislaw_lem concept:agentcreated concept_musicalbum_solaris +concept_personeurope_stephanie_kwolek concept:worksfor concept_county_dupont +concept_personeurope_stephen_hawking concept:agentcontributedtocreativework concept_book_a_brief_history_of_time +concept_personeurope_stephen_hawking concept:agentcreated concept_book_a_brief_history_of_time +concept_personeurope_stephen_hawking concept:agentcontributedtocreativework concept_book_a_briefer_history_of_time +concept_personeurope_steve_ballmer concept:agentcontrols concept_museum_steve +concept_personeurope_steven_greenhouse concept:worksfor concept_musicartist_times +concept_personeurope_stewart_edward_white concept:agentcreated concept_televisionshow_the_mountains +concept_personeurope_sue_grafton concept:agentcontributedtocreativework concept_book_a_is_for_alibi +concept_personeurope_sue_grafton concept:agentcreated concept_book_q_is_for_quarry +concept_personeurope_sue_grafton concept:agentcontributedtocreativework concept_book_r_is_for_ricochet +concept_personeurope_sue_grafton concept:agentcreated concept_book_r_is_for_ricochet +concept_personeurope_sue_grafton concept:agentcontributedtocreativework concept_book_s_is_for_silence +concept_personeurope_sue_grafton concept:agentcreated concept_book_s_is_for_silence +concept_personeurope_symeon concept:latitudelongitude 35.3083366666667,33.6305533333333 +concept_personeurope_terry_tempest_williams concept:personhasjobposition concept_jobposition_author +concept_personeurope_theo_van_gogh concept:personhasjobposition concept_jobposition_columnist +concept_personeurope_theo_van_gogh concept:personhasjobposition concept_jobposition_filmmaker +concept_personeurope_theodore_roosevelt concept:agentcontrols concept_election_white +concept_personeurope_theodore_roosevelt concept:personbelongstoorganization concept_politicalparty_house +concept_personeurope_thomas concept:persondiedatage 5 +concept_personeurope_thomas_bernhard concept:agentcreated concept_book_wittgenstein_s_nephew +concept_personeurope_thomas_bernhard concept:agentcreated concept_buildingmaterial_concrete +concept_personeurope_thomas_bernhard concept:agentcreated concept_fish_correction +concept_personeurope_thomas_bernhard concept:agentcreated concept_landscapefeatures_extinction +concept_personeurope_thomas_bernhard concept:agentcreated concept_musicalbum_yes +concept_personeurope_thomas_elliot concept:latitudelongitude 40.0178500000000,-80.6139650000000 +concept_personeurope_thomas_keneally concept:agentcreated concept_criminal_confederates +concept_personeurope_thomas_keneally concept:agentcreated concept_writer_schindler_s_ark +concept_personeurope_thomas_more concept:agentcreated concept_book_utopia +concept_personeurope_timothy_martin concept:personleadsgeopoliticalorganization concept_city_freeland +concept_personeurope_timothy_martin concept:worksfor concept_city_freeland +concept_personeurope_timothy_noah concept:worksfor concept_magazine_slate +concept_personeurope_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_personeurope_tony_blair concept:politicianrepresentslocation concept_continent_europe +concept_personeurope_tony_blair concept:politicianholdsoffice concept_politicaloffice_president +concept_personeurope_tony_blair concept:politicianholdsoffice concept_politicaloffice_us_president +concept_personeurope_tracy_chevalier concept:agentcontributedtocreativework concept_movie_girl_with_a_pearl_earring +concept_personeurope_tracy_chevalier concept:agentcreated concept_movie_girl_with_a_pearl_earring +concept_personeurope_traherne concept:latitudelongitude -36.8682000000000,174.6801900000000 +concept_personeurope_v_s__naipaul concept:agentcontributedtocreativework concept_book_a_bend_in_the_river +concept_personeurope_v_s__naipaul concept:agentcreated concept_book_a_bend_in_the_river +concept_personeurope_v_s__naipaul concept:agentcontributedtocreativework concept_book_a_house_for_mr__biswas +concept_personeurope_v_s__naipaul concept:agentcreated concept_book_a_house_for_mr__biswas +concept_personeurope_v_s__naipaul concept:agentcontributedtocreativework concept_book_a_house_for_mr_biswas +concept_personeurope_v_s__naipaul concept:agentcreated concept_book_a_house_for_mr_biswas +concept_personeurope_v_s__naipaul concept:agentcreated concept_book_in_a_free_state +concept_personeurope_v_s__naipaul concept:agentcreated concept_olympics_enigma_of_arrival +concept_personeurope_vince_flynn concept:agentcreated concept_book_consent_to_kill_a_thriller +concept_personeurope_vince_flynn concept:agentcreated concept_book_transfer_of_power +concept_personeurope_virgil concept:agentcreated concept_book_aeneid +concept_personeurope_virgil concept:agentcreated concept_book_the_aeneid +concept_personeurope_virgin_mother concept:parentofperson concept_person_jesus +concept_personeurope_walter_farley concept:agentcontributedtocreativework concept_televisionshow_black_stallion +concept_personeurope_warren_buffet concept:agentcontrols concept_museum_steve +concept_personeurope_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personeurope_werner_reinhart concept:personhascitizenship concept_country_switzerland +concept_personeurope_west_bromwich_albion concept:latitudelongitude 52.5099400000000,-1.9643000000000 +concept_personeurope_whitney concept:subpartof concept_county_york_city +concept_personeurope_william concept:persondiedatage 10 +concept_personeurope_william concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_personeurope_william_beckford concept:agentcreated concept_book_vathek +concept_personeurope_william_byrne concept:latitudelongitude 44.7939000000000,-93.2361200000000 +concept_personeurope_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_personeurope_william_h concept:persongraduatedschool concept_university_commonwealth_university +concept_personeurope_william_howard_taft concept:politicianrepresentslocation concept_country_u_s_ +concept_personeurope_william_howard_taft concept:politicianrepresentslocation concept_country_united_states +concept_personeurope_william_howard_taft concept:politicianrepresentslocation concept_country_us +concept_personeurope_william_howard_taft concept:politicianrepresentslocation concept_landscapefeatures_states +concept_personeurope_william_ii concept:personhascitizenship concept_country_england +concept_personeurope_william_maxwell concept:agentcreated concept_beverage_chateau +concept_personeurope_william_maxwell concept:agentcreated concept_food_the_chateau +concept_personeurope_william_p__young concept:agentcreated concept_book_the_shack +concept_personeurope_william_paley concept:personbelongstoorganization concept_company_cnn__pbs +concept_personeurope_william_paley concept:topmemberoforganization concept_televisionnetwork_cbs +concept_personeurope_william_shakespeare concept:agentcontributedtocreativework concept_book_a_midsummer_night_s_dream +concept_personeurope_william_shakespeare concept:agentcreated concept_book_a_midsummer_night_s_dream +concept_personeurope_william_shakespeare concept:agentcreated concept_book_all_s_well_that_ends_well +concept_personeurope_william_shakespeare concept:agentcreated concept_book_antony_and_cleopatra +concept_personeurope_william_shakespeare concept:agentcreated concept_book_as_you_like_it +concept_personeurope_william_shakespeare concept:agentcreated concept_book_coriolanus +concept_personeurope_william_shakespeare concept:agentcreated concept_book_cymbeline +concept_personeurope_william_shakespeare concept:agentcreated concept_book_hamlet +concept_personeurope_william_shakespeare concept:agentcreated concept_book_julius_caesar +concept_personeurope_william_shakespeare concept:agentcreated concept_book_king_john +concept_personeurope_william_shakespeare concept:agentcreated concept_book_king_lear +concept_personeurope_william_shakespeare concept:agentcreated concept_book_macbeth +concept_personeurope_william_shakespeare concept:agentcreated concept_book_measure_for_measure +concept_personeurope_william_shakespeare concept:agentcreated concept_book_much_ado_about_nothing +concept_personeurope_william_shakespeare concept:agentcreated concept_book_othello +concept_personeurope_william_shakespeare concept:agentcreated concept_book_richard_ii +concept_personeurope_william_shakespeare concept:agentcreated concept_book_romeo_and_juliet +concept_personeurope_william_shakespeare concept:agentcreated concept_book_the_merchant_of_venice +concept_personeurope_william_shakespeare concept:agentcontributedtocreativework concept_book_the_merry_wives_of_windsor +concept_personeurope_william_shakespeare concept:agentcontributedtocreativework concept_book_the_sonnets +concept_personeurope_william_shakespeare concept:agentcreated concept_book_the_sonnets +concept_personeurope_william_shakespeare concept:agentcreated concept_book_the_taming_of_the_shrew +concept_personeurope_william_shakespeare concept:agentcreated concept_book_the_tempest +concept_personeurope_william_shakespeare concept:agentcreated concept_book_titus_andronicus +concept_personeurope_william_shakespeare concept:agentcreated concept_book_troilus_and_cressida +concept_personeurope_william_shakespeare concept:agentcreated concept_book_twelfth_night +concept_personeurope_william_sleator concept:agentcreated concept_book_house_of_stairs +concept_personeurope_william_sleator concept:agentcontributedtocreativework concept_book_singularity +concept_personeurope_william_sleator concept:agentcreated concept_book_singularity +concept_personeurope_william_sleator concept:agentinvolvedwithitem concept_software_singularity +concept_personeurope_william_styron concept:agentcreated concept_book_sophie_s_choice +concept_personeurope_william_styron concept:agentcreated concept_book_the_confessions_of_nat_turner +concept_personeurope_william_thomas_beckford concept:agentcontributedtocreativework concept_book_vathek +concept_personeurope_william_thomas_beckford concept:agentcreated concept_book_vathek +concept_personeurope_william_trevor concept:agentcontributedtocreativework concept_book_fools_of_fortune +concept_personeurope_william_wilberforce concept:personhasjobposition concept_jobposition_activist +concept_personeurope_wilson_rawls concept:agentcontributedtocreativework concept_book_where_the_red_fern_grows +concept_personeurope_wilson_rawls concept:agentcreated concept_book_where_the_red_fern_grows +concept_personeurope_words concept:agentcontributedtocreativework concept_book_romans +concept_personeurope_yann_martel concept:agentcontributedtocreativework concept_book_life_of_pi +concept_personeurope_yann_martel concept:agentcreated concept_personcanada_life_of_pi +concept_personeurope_young_henry concept:personhascitizenship concept_country_england +concept_personeurope_youth concept:agentparticipatedinevent concept_eventoutcome_result +concept_personmexico_a_j__murray concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_a_j__murray concept:athleteplayssport concept_sport_baseball +concept_personmexico_a_j__murray concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_a_j__murray concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_aaron_brooks concept:persondiedatage 4 +concept_personmexico_aaron_cook concept:personbelongstoorganization concept_sportsleague_mlb +concept_personmexico_aaron_cook concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_personmexico_aaron_cook concept:personbelongstoorganization concept_sportsteam_reds +concept_personmexico_aaron_mckie concept:personalsoknownas concept_athlete_desmond_mason +concept_personmexico_aaron_williams concept:personalsoknownas concept_athlete_desmond_mason +concept_personmexico_aaron_williams concept:persondiedincountry concept_country_england +concept_personmexico_aaron_williams concept:personalsoknownas concept_personmexico_andre_miller +concept_personmexico_aaron_williams concept:personalsoknownas concept_personmexico_andrew_alberts +concept_personmexico_aaron_williams concept:personalsoknownas concept_personus_aaron_mckie +concept_personmexico_aaron_williams concept:personalsoknownas concept_personus_adam_morrison +concept_personmexico_aaron_williams concept:personalsoknownas concept_personus_miller +concept_personmexico_adam_clayton concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personmexico_adam_dunn concept:athleteplayssport concept_sport_baseball +concept_personmexico_adam_dunn concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_adam_dunn concept:athleteledsportsteam concept_sportsteam_arizona_diamond_backs +concept_personmexico_adam_dunn concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_personmexico_adam_dunn concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_adam_everett concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_adam_everett concept:athleteplayssport concept_sport_baseball +concept_personmexico_adam_everett concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_adam_everett concept:athleteplaysforteam concept_sportsteam_twins +concept_personmexico_adam_everett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_adam_morrison concept:personalsoknownas concept_athlete_desmond_mason +concept_personmexico_adrian_gonzalez concept:personbelongstoorganization concept_company_new_york +concept_personmexico_adrian_gonzalez concept:subpartof concept_company_new_york +concept_personmexico_adrian_gonzalez concept:athleteplayssport concept_sport_baseball +concept_personmexico_adrian_gonzalez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_adrian_gonzalez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_adult concept:agentparticipatedinevent concept_eventoutcome_result +concept_personmexico_affiliate_marketing concept:agentcompeteswithagent concept_university_google +concept_personmexico_age concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_personmexico_al_jefferson concept:personbelongstoorganization concept_sportsteam_washington_wizards +concept_personmexico_al_jefferson concept:subpartof concept_sportsteam_washington_wizards +concept_personmexico_alberto_castillo concept:athleteplayssport concept_sport_baseball +concept_personmexico_alberto_gonzales concept:personchargedwithcrime concept_crimeorcharge_misleading_congress +concept_personmexico_alberto_gonzales concept:personalsoknownas concept_person_al_gonzales +concept_personmexico_alberto_gonzales concept:personhasjobposition concept_politicaloffice_attorney_general +concept_personmexico_alex_rodriguez concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_alex_s__gonzalez concept:persondiedincountry concept_country_england +concept_personmexico_alex_s__gonzalez concept:athleteplayssport concept_sport_baseball +concept_personmexico_alex_s__gonzalez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_alex_s__gonzalez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_alexi_casilla concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_alexi_casilla concept:athleteplayssport concept_sport_baseball +concept_personmexico_alexi_casilla concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_alexi_casilla concept:athleteplaysforteam concept_sportsteam_twins +concept_personmexico_alexi_casilla concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_alfonso_soriano concept:athleteplayssport concept_sport_baseball +concept_personmexico_alfonso_soriano concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_alfonso_soriano concept:athleteledsportsteam concept_sportsteam_chicago_cubs +concept_personmexico_alfonso_soriano concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_personmexico_alfonso_soriano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_alfonso_soriano concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_alfredo_amezaga concept:athleteplayssport concept_sport_baseball +concept_personmexico_alfredo_amezaga concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_alfredo_amezaga concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_amarillo concept:subpartof concept_city_texas +concept_personmexico_amarillo concept:proxyfor concept_female_texas_tech_university +concept_personmexico_anchondo concept:latitudelongitude 30.2583350000000,-107.9500000000000 +concept_personmexico_andre_miller concept:personalsoknownas concept_athlete_desmond_mason +concept_personmexico_andre_miller concept:personalsoknownas concept_personmexico_aaron_williams +concept_personmexico_andre_miller concept:personalsoknownas concept_personmexico_andrew_alberts +concept_personmexico_andre_miller concept:personalsoknownas concept_personus_aaron_mckie +concept_personmexico_andre_miller concept:personalsoknownas concept_personus_adam_morrison +concept_personmexico_andre_miller concept:personalsoknownas concept_personus_miller +concept_personmexico_andrew_alberts concept:personalsoknownas concept_actor_raymond_felton +concept_personmexico_andrew_alberts concept:personalsoknownas concept_personmexico_aaron_williams +concept_personmexico_andrew_alberts concept:personalsoknownas concept_personmexico_andre_miller +concept_personmexico_andrew_alberts concept:personalsoknownas concept_personus_aaron_mckie +concept_personmexico_andrew_alberts concept:personalsoknownas concept_personus_adam_morrison +concept_personmexico_andrew_alberts concept:personalsoknownas concept_politicianus_miller +concept_personmexico_andrew_brown concept:personbornincity concept_city_york +concept_personmexico_andrew_brown concept:persongraduatedschool concept_university_international_university +concept_personmexico_andrew_lorraine concept:athleteplayssport concept_sport_baseball +concept_personmexico_andy_cavazos concept:athleteplayssport concept_sport_baseball +concept_personmexico_andy_ritchie001 concept:persondiedincountry concept_country_england +concept_personmexico_angel_guzman concept:athleteplayssport concept_sport_baseball +concept_personmexico_angelina_jolie concept:parentofperson concept_person_jon_voight +concept_personmexico_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personmexico_anthony_carter concept:haswife concept_actor_eva_longoria +concept_personmexico_anthony_carter concept:hasspouse concept_person_eva +concept_personmexico_anthony_reyes001 concept:athleteplayssport concept_sport_baseball +concept_personmexico_anthony_reyes001 concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_anthony_reyes001 concept:athleteplaysforteam concept_sportsteam_bengals +concept_personmexico_anthony_reyes001 concept:athletehomestadium concept_stadiumoreventvenue_paul_brown_stadium +concept_personmexico_antonio_alfonseca concept:athleteplayssport concept_sport_baseball +concept_personmexico_antonio_villaraigosa concept:personleadsorganization concept_company_los_angeles +concept_personmexico_antonio_villaraigosa concept:worksfor concept_company_los_angeles +concept_personmexico_antonio_villaraigosa concept:atlocation concept_county_los_angeles_county +concept_personmexico_arizona_diamond_backs concept:atlocation concept_city_phoenix +concept_personmexico_arizona_diamond_backs concept:agentparticipatedinevent concept_convention_games +concept_personmexico_arizona_diamond_backs concept:agentcompeteswithagent concept_female_yankees +concept_personmexico_arizona_diamond_backs concept:agentcollaborateswithagent concept_person_brandon_webb +concept_personmexico_arizona_diamond_backs concept:agentcollaborateswithagent concept_personus_luis_gonzalez +concept_personmexico_arizona_diamond_backs concept:agentparticipatedinevent concept_sportsgame_n2001_world_series +concept_personmexico_arizona_diamond_backs concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_arizona_diamond_backs concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personmexico_austin_jackson concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_baltimore_orioles concept:agentcompeteswithagent concept_female_yankees +concept_personmexico_baltimore_orioles concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_baltimore_orioles concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_berkman concept:latitudelongitude 30.5104800000000,-97.6827900000000 +concept_personmexico_bernard_robinson concept:persondiedincountry concept_country_england +concept_personmexico_bernard_robinson concept:worksfor concept_county_detroit +concept_personmexico_bernard_robinson concept:worksfor concept_sportsteam_knicks +concept_personmexico_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personmexico_bielecki concept:latitudelongitude -64.7666700000000,-64.4833300000000 +concept_personmexico_billy_gillispie concept:personbelongstoorganization concept_sportsteam_uk +concept_personmexico_billy_martin concept:musicianinmusicartist concept_musicartist_good_charlotte +concept_personmexico_bob_barber concept:latitudelongitude 35.5695200000000,-87.6686300000000 +concept_personmexico_bob_skinner concept:parentofperson concept_personmexico_joel_skinner +concept_personmexico_bobby_murcer concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_boise_state concept:agentcollaborateswithagent concept_coach_chris_petersen +concept_personmexico_boof_bonser concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_boone concept:atlocation concept_blog_iowa +concept_personmexico_boone concept:proxyfor concept_governmentorganization_iowa +concept_personmexico_boone concept:atlocation concept_stateorprovince_north_carolina +concept_personmexico_brandon_backe concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_brandon_jacobs concept:athleteplayssport concept_sport_football +concept_personmexico_brandon_jacobs concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_brandon_jacobs concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_personmexico_brandon_jacobs concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_brendan_harris concept:athleteplayssport concept_sport_baseball +concept_personmexico_brendan_harris concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_brendan_harris concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_brendan_harris concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_brian_brohm concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_brian_leetch concept:athleteplaysforteam concept_sportsteam_rangers +concept_personmexico_brian_leetch concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_brian_mcrae concept:parentofperson concept_personmexico_hal_mcrae +concept_personmexico_brooklyn_dodgers concept:agentcompeteswithagent concept_female_yankees +concept_personmexico_brooklyn_dodgers concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_calvin_johnson concept:worksfor concept_terroristorganization_k +concept_personmexico_carlos_fisher concept:personbelongstoorganization concept_sportsteam_chicago_cubs +concept_personmexico_carlos_g_mez concept:athleteplayssport concept_sport_baseball +concept_personmexico_carlos_g_mez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_carlos_g_mez concept:athleteledsportsteam concept_sportsteam_twins +concept_personmexico_carlos_g_mez concept:athleteplaysforteam concept_sportsteam_twins +concept_personmexico_carlos_g_mez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_carlos_guillen concept:persondiedincountry concept_country_england +concept_personmexico_carlos_guillen concept:personbelongstoorganization concept_organization_tigers +concept_personmexico_carlos_guillen concept:personbelongstoorganization concept_sportsleague_mlb +concept_personmexico_carlos_lee concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personmexico_carlos_santana concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personmexico_carlos_santana001 concept:athleteplayssport concept_sport_baseball +concept_personmexico_carlos_santana001 concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_carlos_santana001 concept:athleteledsportsteam concept_sportsteam_yankees +concept_personmexico_carlos_santana001 concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_carlos_santana001 concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_carlos_santana001 concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personmexico_carmen_laforet concept:agentcreated concept_island_andrea +concept_personmexico_cesar_carrillo concept:athleteplayssport concept_sport_baseball +concept_personmexico_chris_chambliss concept:athleteplayssport concept_sport_baseball +concept_personmexico_chris_chambliss concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_chris_chambliss concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_chris_duncan concept:athleteplayssport concept_sport_hockey +concept_personmexico_chris_duncan concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_chris_iannetta concept:athleteplayssport concept_sport_baseball +concept_personmexico_chris_iannetta concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_chris_iannetta concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_chris_martin concept:musicianinmusicartist concept_musicartist_coldplay +concept_personmexico_chris_martin concept:musicianplaysinstrument concept_musicinstrument_piano +concept_personmexico_chris_michalak concept:athleteplayssport concept_sport_baseball +concept_personmexico_chris_moneymaker concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_chris_neil concept:athleteplaysforteam concept_sportsteam_ottawa_senators +concept_personmexico_chris_perez concept:athleteplayssport concept_sport_baseball +concept_personmexico_chris_perez concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_chris_perez concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_chris_quinn concept:persondiedincountry concept_country_england +concept_personmexico_chris_seddon concept:athleteplayssport concept_sport_baseball +concept_personmexico_christy_mathewson concept:athleteplayssport concept_sport_football +concept_personmexico_christy_mathewson concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_cody_ross concept:athleteplayssport concept_sport_baseball +concept_personmexico_cody_ross concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_cody_ross concept:athleteplaysforteam concept_sportsteam_marlins +concept_personmexico_cody_ross concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_colorado_rockies concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_colorado_rockies concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_colorado_rockies concept:subpartof concept_sportsleague_mlb +concept_personmexico_colorado_rockies concept:agentcompeteswithagent concept_sportsteam_red_sox_this_season +concept_personmexico_comiskey_park concept:atlocation concept_county_chicago +concept_personmexico_corey_patterson concept:athleteplayssport concept_sport_baseball +concept_personmexico_corey_patterson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_corey_patterson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_corrections concept:agentcreated concept_programminglanguage_contact +concept_personmexico_costilla concept:atlocation concept_stateorprovince_colorado +concept_personmexico_counsell concept:latitudelongitude 56.6646200000000,-100.9525850000000 +concept_personmexico_craig_counsell concept:athletewinsawardtrophytournament concept_awardtrophytournament_world_series +concept_personmexico_craig_counsell concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_craig_counsell concept:athleteplayssport concept_sport_baseball +concept_personmexico_craig_counsell concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_craig_counsell concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_craig_counsell concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_personmexico_craig_smith concept:persondiedincountry concept_country_england +concept_personmexico_craig_smith concept:athleteledsportsteam concept_sportsteam_timberwolves +concept_personmexico_craig_smith concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_craig_thompson concept:agentcreated concept_book_blankets +concept_personmexico_d_backs concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_daisuke_matsuzaka concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_dale_earnhardt_jr concept:athleteledsportsteam concept_sportsteam_brad_keselowkski +concept_personmexico_dan_wheeler concept:athleteplayssport concept_sport_baseball +concept_personmexico_dan_wheeler concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personmexico_daniel_carcillo concept:athleteplaysforteam concept_sportsteam_chicago_cubs +concept_personmexico_daniel_carcillo concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personmexico_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personmexico_daniel_fernandez001 concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personmexico_daniel_moskos concept:athleteplayssport concept_sport_baseball +concept_personmexico_dario_veras concept:athleteplayssport concept_sport_baseball +concept_personmexico_darrell_green concept:personbelongstoorganization concept_sportsleague_nfl +concept_personmexico_dave_roberts concept:athleteplayssport concept_sport_baseball +concept_personmexico_dave_roberts concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_dave_roberts concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_david_aardsma concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_cone concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_cone concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_david_cone concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_david_dejesus concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_dejesus concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_david_dejesus concept:athleteplaysforteam concept_sportsteam_royals +concept_personmexico_david_dejesus concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_david_garrard concept:persondiedincountry concept_country_england +concept_personmexico_david_howard concept:parentofperson concept_athlete_bruce_howard +concept_personmexico_david_martin concept:personleadsorganization concept_televisionnetwork_cbs +concept_personmexico_david_martin concept:worksfor concept_televisionnetwork_cbs +concept_personmexico_david_tyree concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_personmexico_david_tyree concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_david_west concept:persondiedincountry concept_country_england +concept_personmexico_david_wright concept:athleteplayssport concept_sport_baseball +concept_personmexico_david_wright concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_david_wright concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_personmexico_david_wright concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_david_wright concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_personmexico_david_wright concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_david_wright concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personmexico_derek_jeter concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_dick_nen concept:parentofperson concept_personus_robb_nen +concept_personmexico_dick_tracewski concept:personbelongstoorganization concept_organization_tigers +concept_personmexico_diego_rivera concept:personhascitizenship concept_country_mexico +concept_personmexico_diego_rivera concept:visualartistartform concept_visualartform_art +concept_personmexico_diego_rivera concept:visualartistartform concept_visualartform_paintings +concept_personmexico_diego_rivera concept:haswife concept_visualartist_frida_kahlo +concept_personmexico_donyell_marshall concept:persondiedincountry concept_country_england +concept_personmexico_doug_camilli concept:parentofperson concept_personus_dolph_camilli +concept_personmexico_doug_russell concept:latitudelongitude 31.9929000000000,-102.1329200000000 +concept_personmexico_earnhardt_jr_ concept:hasspouse concept_person_jeff001 +concept_personmexico_eddie_guardado concept:athleteplayssport concept_sport_baseball +concept_personmexico_eddie_sutton concept:personbelongstoorganization concept_county_oklahoma_state_university +concept_personmexico_edgar_martinez concept:athleteplayssport concept_sport_baseball +concept_personmexico_edgar_martinez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_edgar_martinez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_edinson_volquez concept:athleteplayssport concept_sport_baseball +concept_personmexico_edinson_volquez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_edinson_volquez concept:athleteplaysforteam concept_sportsteam_reds +concept_personmexico_edinson_volquez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_edward_mujica concept:athleteplayssport concept_sport_baseball +concept_personmexico_edward_russell concept:latitudelongitude 33.7394600000000,-117.9153400000000 +concept_personmexico_eli_marrero concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_emmanuel concept:parentofperson concept_person_jesus +concept_personmexico_era concept:agentcontrols concept_election_white +concept_personmexico_era concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_eric_snow concept:personalsoknownas concept_person_eric_williams +concept_personmexico_eric_snow concept:personalsoknownas concept_person_marquis_daniels +concept_personmexico_eric_snow concept:personalsoknownas concept_personus_brent_barry +concept_personmexico_esteban_german concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_fabio_castro concept:athleteplayssport concept_sport_baseball +concept_personmexico_fabricio_oberto concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_fabricio_oberto concept:athleteledsportsteam concept_sportsteam_san_antonio +concept_personmexico_fabricio_oberto concept:athleteplaysforteam concept_sportsteam_san_antonio +concept_personmexico_felipe concept:personhascitizenship concept_country_spain +concept_personmexico_fergie_jenkins concept:athleteplayssport concept_sport_baseball +concept_personmexico_fernando_cabrera concept:athleteplayssport concept_sport_baseball +concept_personmexico_fernando_rodney concept:athleteplayssport concept_sport_baseball +concept_personmexico_fernando_vallejo concept:agentcreated concept_movie_our_lady_of_the_assassins +concept_personmexico_form concept:agentcreated concept_nonprofitorganization_convenience +concept_personmexico_form concept:agentcreated concept_nonprofitorganization_home_contact +concept_personmexico_francisco_cruceta concept:athleteplayssport concept_sport_baseball +concept_personmexico_francisco_garcia concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personmexico_francisco_liriano concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_francisco_rodr_guez concept:athleteplayssport concept_sport_baseball +concept_personmexico_francisco_rodr_guez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_francisco_rodr_guez concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_francisco_rodr_guez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_frank_francisco concept:athleteplayssport concept_sport_baseball +concept_personmexico_frank_francisco concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_frank_francisco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_frank_francisco concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_frank_robinson concept:worksfor concept_newspaper_wyoming +concept_personmexico_frank_robinson concept:personbelongstoorganization concept_stateorprovince_wyoming +concept_personmexico_gary_ward concept:parentofperson concept_personnorthamerica_daryle_ward +concept_personmexico_gil_mcdougald concept:athleteplayssport concept_sport_baseball +concept_personmexico_gil_mcdougald concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_gil_mcdougald concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_gilbert_arenas concept:persondiedincountry concept_country_england +concept_personmexico_glime concept:latitudelongitude 6.2416650000000,0.5583350000000 +concept_personmexico_grandal concept:latitudelongitude 43.4833300000000,-7.8583350000000 +concept_personmexico_greg_aquino concept:athleteplayssport concept_sport_baseball +concept_personmexico_gregg_zaun concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_grover_cleveland concept:personbelongstoorganization concept_governmentorganization_house +concept_personmexico_hakim_warrick concept:persondiedincountry concept_country_england +concept_personmexico_hal_lanier concept:parentofperson concept_personmexico_max_lanier +concept_personmexico_hal_mcrae concept:parentofperson concept_personmexico_brian_mcrae +concept_personmexico_hannahan concept:latitudelongitude 39.7783100000000,-108.0259100000000 +concept_personmexico_heatley concept:latitudelongitude 31.3915500000000,-98.1886400000000 +concept_personmexico_herculez_gomez concept:persondiedincountry concept_country_england +concept_personmexico_herschel_walker concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_personmexico_hideki_matsui concept:athleteledsportsteam concept_sportsteam_yankees +concept_personmexico_hideki_matsui concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_homer concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_hong_chih_kuo concept:athleteplayssport concept_sport_baseball +concept_personmexico_hong_chih_kuo concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_hong_chih_kuo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_hugh_hill concept:latitudelongitude 56.5216300000000,-97.1730000000000 +concept_personmexico_hugh_white concept:latitudelongitude 33.8001200000000,-89.7334200000000 +concept_personmexico_ian_kennedy concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_ike_davis concept:personbelongstoorganization concept_stateorprovince_indiana +concept_personmexico_immanuel concept:parentofperson concept_person_jesus +concept_personmexico_isaiah_thomas concept:worksfor concept_sportsteam_knicks +concept_personmexico_isidro_marquez concept:athleteplayssport concept_sport_baseball +concept_personmexico_ivan_rodriguez concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_personmexico_jack_cust concept:athleteplayssport concept_sport_baseball +concept_personmexico_jack_morris concept:athleteplayssport concept_sport_baseball +concept_personmexico_jack_morris concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jack_shafer concept:worksfor concept_magazine_slate +concept_personmexico_jack_taschner concept:athleteplayssport concept_sport_football +concept_personmexico_jack_taschner concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_jack_wilson concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_jack_wilson concept:athleteplayssport concept_sport_baseball +concept_personmexico_jack_wilson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jack_wilson concept:athleteledsportsteam concept_sportsteam_pirates +concept_personmexico_jack_wilson concept:athleteplaysforteam concept_sportsteam_pirates +concept_personmexico_jack_wilson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jaime_lopez concept:latitudelongitude 22.8019450000000,-81.2980550000000 +concept_personmexico_jake_grove concept:latitudelongitude 39.7642000000000,-92.7026900000000 +concept_personmexico_jamaal_anderson001 concept:athleteplaysforteam concept_sportsteam_falcons +concept_personmexico_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_personmexico_jamie_langenbrunner concept:athleteplayssport concept_sport_hockey +concept_personmexico_jamie_langenbrunner concept:athleteplaysinleague concept_sportsleague_nhl +concept_personmexico_jamie_langenbrunner concept:athleteplaysforteam concept_sportsteam_devils +concept_personmexico_jamie_langenbrunner concept:athletehomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_personmexico_jason_bartlett concept:athleteplayssport concept_sport_baseball +concept_personmexico_jason_bartlett concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jason_bartlett concept:athleteledsportsteam concept_sportsteam_tampa_bay_devil_rays +concept_personmexico_jason_bartlett concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_personmexico_jason_bartlett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jason_bay concept:personbelongstoorganization concept_sportsteam_pirates +concept_personmexico_jason_campbell concept:personbelongstoorganization concept_sportsteam_redskins +concept_personmexico_jason_epstein concept:personhasjobposition concept_jobposition_editor +concept_personmexico_jason_giambi concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_jason_giambi concept:athleteplayssport concept_sport_baseball +concept_personmexico_jason_giambi concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jason_giambi concept:athleteledsportsteam concept_sportsteam_yankees +concept_personmexico_jason_giambi concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_jason_giambi concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jason_gildon concept:persondiedincountry concept_country_england +concept_personmexico_jason_kubel concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_jason_kubel concept:athleteplayssport concept_sport_baseball +concept_personmexico_jason_kubel concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jason_kubel concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jason_spezza concept:athleteplaysforteam concept_sportsteam_ottawa_senators +concept_personmexico_jason_taylor concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_jason_taylor concept:athleteledsportsteam concept_sportsteam_redskins +concept_personmexico_jason_taylor concept:athleteplaysforteam concept_sportsteam_redskins +concept_personmexico_jason_taylor concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personmexico_jason_windsor concept:athleteplayssport concept_sport_baseball +concept_personmexico_jeff_burroughs concept:parentofperson concept_athlete_sean_burroughs +concept_personmexico_jeff_gordon concept:athletebeatathlete concept_athlete_carl_edwards +concept_personmexico_jeff_gordon concept:athletebeatathlete concept_athlete_mark_martin +concept_personmexico_jeff_mathis concept:athleteplayssport concept_sport_baseball +concept_personmexico_jeff_mathis concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jeff_mathis concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jerry_colangelo concept:personbelongstoorganization concept_sportsteam_suns +concept_personmexico_jerry_davanon concept:parentofperson concept_athlete_jeff_davanon +concept_personmexico_jesse_orosco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_personmexico_jim_o_brien concept:personbelongstoorganization concept_sportsteam_ohio_state_university +concept_personmexico_joakim_noah concept:persondiedincountry concept_country_england +concept_personmexico_joakim_soria concept:athleteplayssport concept_sport_baseball +concept_personmexico_joakim_soria concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_joakim_soria concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_joe_inglett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_joe_martinez001 concept:athleteplayssport concept_sport_baseball +concept_personmexico_joe_montana concept:personbelongstoorganization concept_sportsleague_nfl +concept_personmexico_joe_montana concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personmexico_joe_smith concept:persondiedincountry concept_country_england +concept_personmexico_joel_zumaya concept:athleteplayssport concept_sport_baseball +concept_personmexico_joel_zumaya concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_joel_zumaya concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_joey_devine concept:athleteplayssport concept_sport_baseball +concept_personmexico_joey_devine concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_joey_devine concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_john_elway concept:personbelongstoorganization concept_sportsleague_nfl +concept_personmexico_john_patterson concept:athleteplayssport concept_sport_baseball +concept_personmexico_john_riggins concept:athleteplayssportsteamposition concept_sportsteamposition_running_back +concept_personmexico_john_thomas concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_personmexico_jon_rauch concept:athleteplayssport concept_sport_baseball +concept_personmexico_jon_rauch concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jon_rauch concept:athleteplaysforteam concept_sportsteam_white_sox +concept_personmexico_jon_rauch concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jonathan_van_every concept:athleteinjuredhisbodypart concept_bodypart_eyes +concept_personmexico_jonathan_van_every concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_personmexico_jonathan_van_every concept:athleteinjuredhisbodypart concept_nerve_hand +concept_personmexico_jonathan_van_every concept:athleteplayssport concept_sport_baseball +concept_personmexico_jonathan_van_every concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jonathan_van_every concept:athleteplaysforteam concept_sportsteam_red_sox +concept_personmexico_jonathan_van_every concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jonathan_van_every concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personmexico_jonathan_van_every concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_personmexico_jonathan_vilma concept:athleteledsportsteam concept_sportsteam_saints +concept_personmexico_jorge_posada concept:athleteplayssport concept_sport_baseball +concept_personmexico_jorge_posada concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jorge_posada concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_jorge_posada concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jorge_posada concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_personmexico_jose_castillo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jose_contreras concept:athleteplayssport concept_sport_baseball +concept_personmexico_jose_contreras concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jose_lima concept:athleteplayssport concept_sport_baseball +concept_personmexico_jose_lopez concept:athleteplayssport concept_sport_baseball +concept_personmexico_jose_lopez concept:athleteplaysinleague concept_sportsleague_major_league_baseball +concept_personmexico_jose_lopez concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_personmexico_jose_mercedes concept:athleteplayssport concept_sport_baseball +concept_personmexico_jose_molina concept:athleteplayssport concept_sport_baseball +concept_personmexico_jose_molina concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_jose_molina concept:athleteplaysforteam concept_sportsteam_yankees +concept_personmexico_jose_molina concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_jose_molina concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_personmexico_joselo_diaz concept:athleteplayssport concept_sport_baseball +concept_personmexico_josh_anderson001 concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_josh_anderson001 concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_josh_barfield concept:athleteplayssport concept_sport_baseball +concept_personmexico_josh_beckett concept:athleteplayssport concept_sport_baseball +concept_personmexico_josh_beckett concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_josh_beckett concept:athleteplaysforteam concept_sportsteam_red_sox +concept_personmexico_josh_beckett concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_josh_beckett concept:athletehomestadium concept_stadiumoreventvenue_fenway_park +concept_personmexico_josh_willingham concept:athleteplayssport concept_sport_baseball +concept_personmexico_josh_willingham concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_josh_willingham concept:athleteledsportsteam concept_sportsteam_marlins +concept_personmexico_josh_willingham concept:athleteplaysforteam concept_sportsteam_marlins +concept_personmexico_josh_willingham concept:personbelongstoorganization concept_sportsteam_marlins +concept_personmexico_josh_willingham concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_juan_miranda concept:athleteplayssport concept_sport_baseball +concept_personmexico_juan_pie concept:athleteplayssport concept_sport_baseball +concept_personmexico_juan_pie concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_juan_pie concept:athleteplaysforteam concept_sportsteam_marlins +concept_personmexico_juan_pie concept:athleteledsportsteam concept_sportsteam_white_sox +concept_personmexico_juan_pie concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_juan_pie concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_personmexico_juan_rincon concept:athleteplayssport concept_sport_baseball +concept_personmexico_juan_salas concept:athleteplayssport concept_sport_baseball +concept_personmexico_julian_javier concept:parentofperson concept_personus_stan_javier +concept_personmexico_julio_franco concept:athleteplayssport concept_sport_baseball +concept_personmexico_julio_franco concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_julio_franco concept:athleteplaysforteam concept_sportsteam_red_sox +concept_personmexico_julio_franco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_julio_franco concept:athletehomestadium concept_stadiumoreventvenue_fenway +concept_personmexico_kasey_kahne concept:personbelongstoorganization concept_sportsleague_nascar +concept_personmexico_kayak concept:agentcompeteswithagent concept_university_search +concept_personmexico_kearse concept:latitudelongitude 33.1121025000000,-81.1107975000000 +concept_personmexico_kelvim_escobar concept:athleteplayssport concept_sport_baseball +concept_personmexico_kevin_barker concept:athleteplayssport concept_sport_baseball +concept_personmexico_kevin_brown concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_kevin_slowey concept:personbelongstoorganization concept_sportsteam_twins +concept_personmexico_kiko_calero concept:athleteplayssport concept_sport_baseball +concept_personmexico_kwame_brown concept:persondiedincountry concept_country_england +concept_personmexico_kyle_busch concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_la_paz concept:proxyfor concept_geometricshape_bolivia +concept_personmexico_la_paz concept:subpartof concept_geometricshape_bolivia +concept_personmexico_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personmexico_last_place concept:proxyfor concept_book_new +concept_personmexico_lastings_milledge concept:athleteplayssport concept_sport_baseball +concept_personmexico_lastings_milledge concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_lastings_milledge concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_personmexico_lastings_milledge concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_lastings_milledge concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_latroy_hawkins concept:athleteplayssport concept_sport_baseball +concept_personmexico_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personmexico_league concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_lisenbee concept:latitudelongitude 35.9064950000000,-82.6554200000000 +concept_personmexico_locales concept:proxyfor concept_book_new +concept_personmexico_lorenzo_barcelo concept:athleteplayssport concept_sport_baseball +concept_personmexico_los_angeles_dodgers concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_los_angeles_dodgers concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_los_angeles_dodgers concept:agentcompeteswithagent concept_sportsteam_new_york_mets +concept_personmexico_luis_gonzalez concept:athleteledsportsteam concept_sportsteam_arizona_diamond_backs +concept_personmexico_luis_gonzalez concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_personmexico_luiz_felipe_scolari concept:worksfor concept_sportsteam_chelsea +concept_personmexico_luke_walton concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_personmexico_luke_walton concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_lyle_overbay concept:athleteplayssport concept_sport_baseball +concept_personmexico_lyle_overbay concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_lyle_overbay concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_m_s concept:agentcollaborateswithagent concept_director_stuart_rose +concept_personmexico_m_s concept:agentcontrols concept_director_stuart_rose +concept_personmexico_macay_mcbride concept:athleteplayssport concept_sport_baseball +concept_personmexico_mack_brown concept:worksfor concept_city_texas +concept_personmexico_magglio_ordonez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_manny_ramirez concept:athleteplayssport concept_sport_baseball +concept_personmexico_manny_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_manny_ramirez concept:athleteledsportsteam concept_sportsteam_dodgers +concept_personmexico_manny_ramirez concept:athleteplaysforteam concept_sportsteam_dodgers +concept_personmexico_manny_ramirez concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_mariano_rivera concept:athleteplayssport concept_sport_baseball +concept_personmexico_mariano_rivera concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_mariano_rivera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_mark_buehrle concept:athleteplayssport concept_sport_baseball +concept_personmexico_mark_buehrle concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_mark_buehrle concept:athleteplaysforteam concept_sportsteam_red_sox_this_season +concept_personmexico_mark_buehrle concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_mark_carreon concept:parentofperson concept_coach_cam_carreon +concept_personmexico_mark_loretta concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_mark_teahen concept:athleteplayssport concept_sport_baseball +concept_personmexico_mark_teahen concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_mark_teahen concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_martinez concept:personbornincity concept_city_york +concept_personmexico_martinez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personmexico_martinez concept:personhasjobposition concept_jobposition_baseball_player +concept_personmexico_martinez concept:personhasjobposition concept_jobposition_pitcher +concept_personmexico_martinez concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_personmexico_marvin_lewis concept:worksfor concept_radiostation_cincinnati +concept_personmexico_marvin_lewis concept:worksfor concept_sportsteam_bengals +concept_personmexico_marvin_williams concept:persondiedincountry concept_country_england +concept_personmexico_matt_capps concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_matt_carroll concept:persondiedincountry concept_country_england +concept_personmexico_matt_diaz concept:athleteplayssport concept_sport_baseball +concept_personmexico_matt_diaz concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_matt_diaz concept:athleteledsportsteam concept_sportsteam_chowan_braves +concept_personmexico_matt_diaz concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_personmexico_matt_diaz concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_matt_flynn001 concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_matt_harpring concept:persondiedincountry concept_country_england +concept_personmexico_matt_kemp concept:athleteplayssport concept_sport_baseball +concept_personmexico_matt_kemp concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_matt_kemp concept:athleteledsportsteam concept_sportsteam_dodgers +concept_personmexico_matt_kemp concept:athleteplaysforteam concept_sportsteam_dodgers +concept_personmexico_matt_kemp concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_matt_painter concept:personbelongstoorganization concept_university_purdue +concept_personmexico_max_lanier concept:parentofperson concept_personmexico_hal_lanier +concept_personmexico_melky_cabrera concept:athleteplayssport concept_sport_baseball +concept_personmexico_melky_cabrera concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_melky_cabrera concept:athleteledsportsteam concept_sportsteam_yankees +concept_personmexico_melky_cabrera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_melvin_mora concept:athleteplayssport concept_sport_baseball +concept_personmexico_melvin_mora concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_melvin_mora concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_michael concept:persondiedatage 3 +concept_personmexico_michael_cuddyer concept:athleteplayssport concept_sport_baseball +concept_personmexico_michael_cuddyer concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_michael_cuddyer concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_michael_hancock concept:personleadsgeopoliticalorganization concept_city_denver +concept_personmexico_miguel_batista concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_miguel_cabrera concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_cabrera concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_miguel_cabrera concept:athleteplaysforteam concept_sportsteam_marlins +concept_personmexico_miguel_cabrera concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_miguel_cabrera concept:athletehomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_personmexico_miguel_cairo concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_montero concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_ojeda concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_olivo concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_tejada concept:athleteplayssport concept_sport_baseball +concept_personmexico_miguel_tejada concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_miguel_tejada concept:athleteledsportsteam concept_sportsteam_astros +concept_personmexico_miguel_tejada concept:athleteplaysforteam concept_sportsteam_astros +concept_personmexico_miguel_tejada concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_mike_bibby concept:persondiedincountry concept_country_england +concept_personmexico_mike_cameron concept:personbelongstoorganization concept_sportsteam_brewers +concept_personmexico_mike_davis concept:worksfor concept_county_indiana_university +concept_personmexico_mike_james concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_mike_napoli concept:athleteplayssport concept_sport_baseball +concept_personmexico_mike_pelfrey concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_personmexico_mike_tice concept:personbelongstoorganization concept_sportsteam_minnesota_vikings +concept_personmexico_mikki_moore concept:persondiedincountry concept_country_england +concept_personmexico_miley_cyrus concept:parentofperson concept_personus_billy_ray_cyrus +concept_personmexico_milka_duno concept:personbelongstoorganization concept_organization_samax_motorsports +concept_personmexico_minnesota_wild concept:agentbelongstoorganization concept_sportsleague_nhl +concept_personmexico_mitch_mitchell concept:musicianinmusicartist concept_musicartist_jimi_hendrix_experience +concept_personmexico_mitch_williams concept:personbelongstoorganization concept_sportsteam_raptors +concept_personmexico_mitch_williams concept:subpartof concept_sportsteam_raptors +concept_personmexico_moehler concept:latitudelongitude 47.6260600000000,-112.0644500000000 +concept_personmexico_mookie_wilson concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_mookie_wilson concept:personbelongstoorganization concept_sportsteam_new_york_mets +concept_personmexico_mookie_wilson concept:athletehomestadium concept_stadiumoreventvenue_shea_stadium +concept_personmexico_morgan_ensberg concept:athleteplayssport concept_sport_baseball +concept_personmexico_morgan_ensberg concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_morgan_ensberg concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_musial concept:latitudelongitude 32.4333300000000,74.8833300000000 +concept_personmexico_ncaa concept:agentcompeteswithagent concept_bank_iowa_state +concept_personmexico_ncaa concept:agentcompeteswithagent concept_company_arizona +concept_personmexico_ncaa concept:agentcompeteswithagent concept_company_west_virginia +concept_personmexico_ncaa concept:agentcompeteswithagent concept_creditunion_kansas +concept_personmexico_ncaa concept:agentcompeteswithagent concept_creditunion_michigan +concept_personmexico_ncaa concept:agentcompeteswithagent concept_creditunion_wisconsin +concept_personmexico_ncaa concept:agentcontrols concept_geopoliticallocation_usc_trojans +concept_personmexico_ncaa concept:agentcompeteswithagent concept_male_notre_dame +concept_personmexico_ncaa concept:agentactsinlocation concept_skyscraper_autzen_stadium +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_akron_zips +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_alabama_a_m_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_alabama_birmingham_blazers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_alabama_state_hornets +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_alaska_anchorage_seawolves +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_alaska_fairbanks_nanooks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_albany_great_danes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_appalachian_state_mo +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_arizona_state_sun_devils +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_arizona_wildcats +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_arkansas_pine_bluff_golden_lions +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_arkansas_state_red_wolves +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_army_black_knights +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_auburn_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_augustana_vikings +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_austin_peay_governors +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_ball_state_cardinals +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_baylor_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_boise_state_broncos +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_boston_college +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_boston_terriers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_bowling_green_falcons +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_bradley_braves +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_brigham_young_cougars +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_brown_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_bucknell_bison +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_buffalo_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_butler_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_cal_state_fullerton_titans +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_cal_state_northridge_matadors +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_california_golden_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_cameron_aggies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_central_florida_knights +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_central_michigan_chippewas +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_charleston_cougars +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_charlotte_49ers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_citadel_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_cleveland_state_vikings +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_coastal_carolina_chanticleers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_colorado_buffaloes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_colorado_college +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_colorado_state_rams +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_columbia_lions +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_connecticut_huskies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_creighton_bluejays +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_dayton_flyers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_delaware_blue_hens +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_delaware_state_hornets +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_east_carolina_pirates +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_east_tennessee_state_buccaneers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_eastern_illinois_panthers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_eastern_kentucky_colonels +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_eastern_michigan_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_elon_phoenix +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_emory_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_florida_atlantic_owls +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_florida_gators +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_florida_gulf_coast_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_florida_international_golden_panthers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_florida_state_seminoles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_fresno_state_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_george_mason_patriots +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_george_washington_colonials +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_georgetown_hoyas +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_georgia_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_georgia_southern_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_georgia_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_gonzaga_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_grambling_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_grand_valley_state_lakers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_greensboro +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_houston_cougars +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_idaho_state_bengals +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_idaho_vandals +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_illinois_fighting_illini +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_indiana_hoosiers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_indiana_state_sycamores +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_iowa_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_iupui_jaguars +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_jacksonville_state_gamecocks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_james_madison_dukes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_johns_hopkins_blue_jays +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_kansas_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_kennesaw_state_owls +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_kent_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_la_salle_explorers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_lehigh_mountain_hawks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_liberty_flames +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_long_island_blackbirds +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_longwood_lancers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_louisiana_lafayette_ragin_cajuns +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_louisiana_tech_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_louisville_cardinals +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_loyola_marymount_lions +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_lsu_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_maine_black_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_marquette_golden_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_marshall_thundering_herd +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_memphis_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_miami_hurricanes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_middle_tennessee_state_blue_raiders +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_minnesota_duluth_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_minnesota_state_mavericks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_mississippi_rebels +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_mississippi_valley_state_delta_devils +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_missouri_state_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_missouri_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_missouri_western_state_griffons +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_montana_grizzlies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_morehead_state_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_morehouse_maroon_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_navy_midshipmen +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_nc_state +concept_personmexico_ncaa concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_personmexico_ncaa concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_nevada_wolfpack +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_new_mexico_lobos +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_new_mexico_state_aggies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_niagara_purple_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_north_dakota_fighting_sioux +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_north_texas_mean_green +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northeastern_huskies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northern_arizona_lumberjacks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northern_colorado_bears +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northern_illinois_huskies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northern_iowa_panthers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_northwestern_state_demons +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_notre_dame +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_ohio_bobcats +concept_personmexico_ncaa concept:agentcollaborateswithagent concept_sportsteam_ohio_state_buckeyes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_ohio_state_buckeyes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_oklahoma_state_cowboys +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_old_dominion_monarchs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_oral_roberts_golden_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_oregon_ducks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_oregon_state_beavers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_penn_state_nittany_lions +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_pennsylvania_quakers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_pepperdine_waves +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_pittsburg_state_gorillas +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_pittsburgh_panthers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_portland_state_vikings +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_rhode_island_rams +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_rice_owls +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_richmond_spiders +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_rochester_yellow_jackets +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_rutgers_scarlet_knights +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_sacramento_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_sacred_heart_pioneers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_saint_louis_billikens +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_sam_houston_state_bearkats +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_samford_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_san_jose_state_spartans +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_santa_clara_broncos +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_savannah_state_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_siena_saints +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_smu_mustangs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_south_dakota_coyotes +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_south_dakota_st_jackrabbits +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_south_florida_bulls +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_southeast_missouri_state_redhawks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_southern_methodist_mustangs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_southern_mississippi_golden_eagles +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_st_bonaventure_bonnies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_stephen_f_austin_lumberjacks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_syracuse_orangemen +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_tennessee_chattanooga_mocs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_tennessee_state_tigers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_tennessee_volunteers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_texas_a_m_aggies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_texas_christian +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_texas_state_bobcats +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_toledo_rockets +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_troy_university_trojans +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_tulane_green_wave +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_uc_davis_aggies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_uc_irvine_anteaters +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_uc_santa_barbara_gauchos +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_ucla +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_unc_asheville_bulldogs +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_unc_wilmington_seahawks +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_unlv_runnin_rebels +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_utah_state +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_utep_miners +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_valparaiso_crusaders +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_vanderbilt_commodores +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_vcu_rams +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_vermont_catamounts +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_villanova_wildcats +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_virginia_tech_hokies +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wake_forest_demon_deacons +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wayne_state_warriors +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_weber_state_wildcats +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_western_carolina_catamounts +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_western_illinois +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_western_kentucky_hilltoppers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_western_michigan_broncos +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wichita_state_shockers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_winston_salem_state_rams +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wisconsin_badgers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wisconsin_green_bay_phoenix +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wisconsin_milwaukee_panthers +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_wright_state_raiders +concept_personmexico_ncaa concept:agentcontrols concept_sportsteam_xavier_musketeers +concept_personmexico_ncaa concept:agentcontrols concept_stateorprovince_iowa_hawkeyes +concept_personmexico_ncaa concept:agentcontrols concept_stateorprovince_wyoming_cowboys +concept_personmexico_ncaa concept:agentcontrols concept_university_arkansas_little_rock_trojans +concept_personmexico_ncaa concept:agentcompeteswithagent concept_visualartist_johns_hopkins +concept_personmexico_ncaa concept:agentactsinlocation concept_zoo_tiger_stadium +concept_personmexico_nenad_krstic concept:personalsoknownas concept_personaustralia_tyson_chandler +concept_personmexico_nezahualcoyotl concept:persondiedincountry concept_country_england +concept_personmexico_o_j__simpson concept:personchargedwithcrime concept_crimeorcharge_double_murder +concept_personmexico_o_j__simpson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personmexico_o_j__simpson concept:personchargedwithcrime concept_crimeorcharge_murders +concept_personmexico_o_j__simpson concept:personchargedwithcrime concept_crimeorcharge_robbery +concept_personmexico_olerud concept:latitudelongitude 59.8166700000000,12.0166700000000 +concept_personmexico_patrick_o_sullivan concept:athleteplaysforteam concept_sportsteam_kings_college +concept_personmexico_patrick_roy concept:athleteplaysforteam concept_sportsteam_colorado_avalanche +concept_personmexico_patrick_roy concept:athletehomestadium concept_stadiumoreventvenue_pepsi_center +concept_personmexico_paul_pierce concept:persondiedincountry concept_country_england +concept_personmexico_penalty concept:agentparticipatedinevent concept_eventoutcome_result +concept_personmexico_pestano concept:latitudelongitude 41.0867033333333,-4.3965966666667 +concept_personmexico_peter concept:persondiedatage 5 +concept_personmexico_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_personmexico_pita_amor concept:personhascitizenship concept_country_mexico +concept_personmexico_quote concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personmexico_quote concept:agentcreated concept_programminglanguage_contact +concept_personmexico_ralph_sampson concept:latitudelongitude 38.4542900000000,-78.8555800000000 +concept_personmexico_ramirez concept:worksfor concept_sportsteam_red_sox +concept_personmexico_ramirez concept:worksfor concept_university_boston_red_sox +concept_personmexico_ramon_vazquez concept:athleteplayssport concept_sport_baseball +concept_personmexico_randy_winn concept:athleteplayssport concept_sport_football +concept_personmexico_randy_winn concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_ray_grimes concept:parentofperson concept_personus_oscar_grimes +concept_personmexico_renyel_pinto concept:athleteplayssport concept_sport_baseball +concept_personmexico_return concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_ricardo_rincon concept:athleteplayssport concept_sport_baseball +concept_personmexico_richard_brautigan concept:agentcreated concept_book_trout_fishing_in_america +concept_personmexico_richard_jefferson concept:persondiedincountry concept_country_england +concept_personmexico_richard_jefferson concept:personbelongstoorganization concept_sportsteam_kansas_city_chiefs +concept_personmexico_richard_massey concept:latitudelongitude 32.7301300000000,-87.6883400000000 +concept_personmexico_rick_ankiel concept:personbelongstoorganization concept_sportsteam_st___louis_cardinals +concept_personmexico_ricky_nolasco concept:athleteplayssport concept_sport_baseball +concept_personmexico_ricky_nolasco concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_ricky_nolasco concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_rob_mackowiak concept:athleteplayssport concept_sport_baseball +concept_personmexico_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personmexico_roger_mason concept:athleteplayssport concept_sport_basketball +concept_personmexico_roger_mason concept:athleteplaysinleague concept_sportsleague_nba +concept_personmexico_ronny_paulino concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_ronny_paulino concept:athleteplayssport concept_sport_baseball +concept_personmexico_ronny_paulino concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_ronny_paulino concept:athleteplaysforteam concept_sportsteam_pirates +concept_personmexico_ronny_paulino concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_roy concept:personbornincity concept_city_york +concept_personmexico_roy concept:personbelongstoorganization concept_sportsteam_state_university +concept_personmexico_roy concept:persongraduatedfromuniversity concept_university_state_university +concept_personmexico_roy concept:persongraduatedschool concept_university_state_university +concept_personmexico_ruben_mateo concept:athleteplayssport concept_sport_hockey +concept_personmexico_ruben_mateo concept:athleteplaysinleague concept_sportsleague_nhl +concept_personmexico_ruben_patterson concept:persondiedincountry concept_country_england +concept_personmexico_rusty_wallace concept:agentbelongstoorganization concept_sportsleague_nascar +concept_personmexico_ryan_church concept:athleteplayssport concept_sport_baseball +concept_personmexico_ryan_church concept:athleteledsportsteam concept_sportsteam_new_york_mets +concept_personmexico_ryan_church concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_ryan_church concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_ryan_whitney concept:personleadsorganization concept_bank_banks +concept_personmexico_ryan_whitney concept:personleadsorganization concept_bank_citizens +concept_personmexico_ryan_whitney concept:worksfor concept_biotechcompany_china +concept_personmexico_ryan_whitney concept:worksfor concept_blog_agenda +concept_personmexico_ryan_whitney concept:worksfor concept_city_announcements +concept_personmexico_ryan_whitney concept:worksfor concept_city_capital +concept_personmexico_ryan_whitney concept:worksfor concept_city_experts +concept_personmexico_ryan_whitney concept:worksfor concept_city_members +concept_personmexico_ryan_whitney concept:worksfor concept_city_official +concept_personmexico_ryan_whitney concept:worksfor concept_city_team +concept_personmexico_ryan_whitney concept:personleadsorganization concept_company_change__org +concept_personmexico_ryan_whitney concept:worksfor concept_company_focus +concept_personmexico_ryan_whitney concept:personleadsorganization concept_company_iran +concept_personmexico_ryan_whitney concept:worksfor concept_company_nasa +concept_personmexico_ryan_whitney concept:worksfor concept_company_post +concept_personmexico_ryan_whitney concept:worksfor concept_company_press +concept_personmexico_ryan_whitney concept:personleadsorganization concept_country_countries +concept_personmexico_ryan_whitney concept:worksfor concept_country_left_parties +concept_personmexico_ryan_whitney concept:worksfor concept_country_party +concept_personmexico_ryan_whitney concept:personleadsorganization concept_country_vatican +concept_personmexico_ryan_whitney concept:worksfor concept_county_records +concept_personmexico_ryan_whitney concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personmexico_ryan_whitney concept:personleadsorganization concept_geopoliticallocation_agencies +concept_personmexico_ryan_whitney concept:worksfor concept_geopoliticallocation_agencies +concept_personmexico_ryan_whitney concept:personleadsorganization concept_geopoliticallocation_bolton +concept_personmexico_ryan_whitney concept:personleadsorganization concept_geopoliticallocation_iraq +concept_personmexico_ryan_whitney concept:worksfor concept_geopoliticallocation_iraq +concept_personmexico_ryan_whitney concept:worksfor concept_geopoliticallocation_world +concept_personmexico_ryan_whitney concept:worksfor concept_geopoliticalorganization_policies +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_agency +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_agency_officials +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_commission +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_commission +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_court +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_courts +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_defense_department +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_department +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_departments +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_doj +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_energy_department +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_environmental_protection_agency +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_epa +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_epa +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_fbi +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_fbi +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_federal_agencies +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_fema +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_government +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_government_agencies +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_homeland_security +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_house +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_intelligence_community +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_justice_department +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_justice_department +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_national_security_council +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_office +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_representatives +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_republican_national_committee +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_senators +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_state_department +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_state_department +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_supreme_court +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_treasury +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_u_s__congress +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_u_s__congress +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_u_s__department +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_united_states_congress +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_us_congress +concept_personmexico_ryan_whitney concept:worksfor concept_magazine_plans +concept_personmexico_ryan_whitney concept:worksfor concept_musicartist_allies +concept_personmexico_ryan_whitney concept:worksfor concept_musicartist_chief +concept_personmexico_ryan_whitney concept:worksfor concept_musicartist_policy +concept_personmexico_ryan_whitney concept:worksfor concept_musicartist_secret_service +concept_personmexico_ryan_whitney concept:personleadsorganization concept_musicartist_thursday +concept_personmexico_ryan_whitney concept:personleadsorganization concept_nongovorganization_committee +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_committee +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_gop +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_lawmakers +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_opposition +concept_personmexico_ryan_whitney concept:personleadsorganization concept_nongovorganization_republican_senators +concept_personmexico_ryan_whitney concept:personleadsorganization concept_nongovorganization_senate_judiciary_committee +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_senate_republicans +concept_personmexico_ryan_whitney concept:worksfor concept_nonprofitorganization_operations +concept_personmexico_ryan_whitney concept:worksfor concept_nonprofitorganization_plan +concept_personmexico_ryan_whitney concept:worksfor concept_organization_kremlin +concept_personmexico_ryan_whitney concept:worksfor concept_organization_republican +concept_personmexico_ryan_whitney concept:worksfor concept_organization_republicans +concept_personmexico_ryan_whitney concept:personleadsorganization concept_politicalparty_congressional_republicans +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_congressional_republicans +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_democrats +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_dems +concept_personmexico_ryan_whitney concept:personleadsorganization concept_politicalparty_movement +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_republican_party +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_senate +concept_personmexico_ryan_whitney concept:personleadsorganization concept_politicalparty_senate_democrats +concept_personmexico_ryan_whitney concept:personleadsorganization concept_politicalparty_treasury_department +concept_personmexico_ryan_whitney concept:worksfor concept_politicalparty_treasury_department +concept_personmexico_ryan_whitney concept:worksfor concept_politicsblog_white_house +concept_personmexico_ryan_whitney concept:personleadsorganization concept_professionalorganization_cia +concept_personmexico_ryan_whitney concept:worksfor concept_professionalorganization_cia +concept_personmexico_ryan_whitney concept:worksfor concept_stateorprovince_line +concept_personmexico_ryan_whitney concept:worksfor concept_stateorprovince_public +concept_personmexico_ryan_whitney concept:worksfor concept_terroristorganization_group +concept_personmexico_ryan_whitney concept:personleadsorganization concept_terroristorganization_hamas +concept_personmexico_ryan_whitney concept:worksfor concept_terroristorganization_operation +concept_personmexico_ryan_whitney concept:worksfor concept_tradeunion_congress +concept_personmexico_ryan_whitney concept:worksfor concept_university_administration +concept_personmexico_ryan_whitney concept:worksfor concept_university_central_intelligence_agency +concept_personmexico_ryan_whitney concept:persongraduatedfromuniversity concept_university_college +concept_personmexico_ryan_whitney concept:persongraduatedschool concept_university_college +concept_personmexico_ryan_whitney concept:worksfor concept_university_control +concept_personmexico_ryan_whitney concept:worksfor concept_university_media +concept_personmexico_ryan_woods concept:latitudelongitude 41.7357300000000,-87.6779650000000 +concept_personmexico_sancho concept:personhasjobposition concept_jobposition_king +concept_personmexico_saul_rivera concept:athleteplayssport concept_sport_baseball +concept_personmexico_scott_gordon concept:personbelongstoorganization concept_sportsleague_new +concept_personmexico_scott_kazmir concept:personbelongstoorganization concept_city_tampa_bay +concept_personmexico_scott_thorman concept:athleteledsportsteam concept_sportsteam_chowan_braves +concept_personmexico_scott_thorman concept:athleteplaysforteam concept_sportsteam_chowan_braves +concept_personmexico_scott_thorman concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_scott_thorman concept:athletehomestadium concept_stadiumoreventvenue_turner_field +concept_personmexico_sean_marshall concept:athleteplayssport concept_sport_baseball +concept_personmexico_sean_marshall concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_sean_marshall concept:athleteledsportsteam concept_sportsteam_orioles +concept_personmexico_sean_marshall concept:athleteplaysforteam concept_sportsteam_orioles +concept_personmexico_sean_marshall concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_sean_marshall concept:athletehomestadium concept_stadiumoreventvenue_camden_yards +concept_personmexico_seattle_mariners concept:agentcollaborateswithagent concept_person_ichiro_suzuki +concept_personmexico_seattle_mariners concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_seattle_mariners concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_seattle_mariners concept:agentcompeteswithagent concept_sportsteam_red_sox_this_season +concept_personmexico_second concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_selena_gomez concept:persondiedincountry concept_country_england +concept_personmexico_sf_giants concept:atlocation concept_county_san_francisco +concept_personmexico_shaun_marcum concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_shaun_marcum concept:persondiedincountry concept_country_england +concept_personmexico_shaun_marcum concept:athleteplayssport concept_sport_baseball +concept_personmexico_shaun_marcum concept:athleteledsportsteam concept_sportsteam_los_angeles_clippers +concept_personmexico_shaun_marcum concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_shaun_marcum concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_personmexico_shot concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_sigi_schmid concept:personbelongstoorganization concept_sportsteam_sounders_fc +concept_personmexico_simon_gregson concept:persondiedincountry concept_country_england +concept_personmexico_smith_group concept:latitudelongitude -20.6666700000000,149.1333300000000 +concept_personmexico_st__louis_cardinals concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_stars concept:agentparticipatedinevent concept_convention_games +concept_personmexico_stars concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_steenhuis concept:latitudelongitude 50.9333300000000,4.9333300000000 +concept_personmexico_steve_francis concept:persondiedincountry concept_country_england +concept_personmexico_steve_nash concept:personbelongstoorganization concept_sportsleague_nba +concept_personmexico_steve_young concept:athleteplayssport concept_sport_football +concept_personmexico_steve_young concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_stewart concept:personbelongstoorganization concept_company_west_virginia +concept_personmexico_stewart concept:personbelongstoorganization concept_university_wvu +concept_personmexico_t_j__ford concept:personalsoknownas concept_athlete_t__j__ford +concept_personmexico_t_j__ford concept:personalsoknownas concept_coach_ray_allen +concept_personmexico_tamila concept:latitudelongitude 6.6899000000000,121.5841000000000 +concept_personmexico_tampa_bay_rays concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_tarvaris_jackson concept:personbelongstoorganization concept_sportsteam_minnesota_vikings +concept_personmexico_terry_francona concept:parentofperson concept_personus_tito_francona +concept_personmexico_terry_kennedy concept:parentofperson concept_athlete_bob_kennedy +concept_personmexico_texas_rangers concept:agentparticipatedinevent concept_sportsgame_series +concept_personmexico_texas_rangers concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personmexico_texas_rangers concept:agentcompeteswithagent concept_sportsteam_red_sox_this_season +concept_personmexico_theriot concept:latitudelongitude 29.6200762500000,-90.6974175000000 +concept_personmexico_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_personmexico_thomas_wriothesley002 concept:persondiedincountry concept_country_england +concept_personmexico_tito_ortiz concept:haswife concept_model_jenna_jameson +concept_personmexico_tito_ortiz concept:hasspouse concept_personcanada_jenna_jameson +concept_personmexico_todd_coffey concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_todd_coffey concept:athleteplayssport concept_sport_baseball +concept_personmexico_todd_coffey concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_todd_coffey concept:athleteplaysforteam concept_sportsteam_colorado_rockies +concept_personmexico_todd_coffey concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_tom_bradley concept:hasspouse concept_celebrity_gisele +concept_personmexico_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_personmexico_tom_lasorda concept:topmemberoforganization concept_company_chrysler +concept_personmexico_tom_lasorda concept:proxyfor concept_county_chrysler +concept_personmexico_tom_lasorda concept:worksfor concept_county_chrysler +concept_personmexico_tom_martin concept:athleteplayssport concept_sport_baseball +concept_personmexico_tommie_agee concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_tommie_agee concept:athleteplaysforteam concept_sportsteam_new_york_mets +concept_personmexico_trevor_ariza concept:persondiedincountry concept_country_england +concept_personmexico_troy_aikman concept:personbelongstoorganization concept_sportsleague_nfl +concept_personmexico_ty_cobb concept:athleteplayssport concept_sport_baseball +concept_personmexico_ty_cobb concept:athleteplaysinleague concept_sportsleague_mlb +concept_personmexico_ty_cobb concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_varnado concept:latitudelongitude 30.9602256250000,-90.1213356250000 +concept_personmexico_vincent_lecavalier concept:personbelongstoorganization concept_city_tampa_bay +concept_personmexico_virgil_vasquez concept:athleteplayssport concept_sport_baseball +concept_personmexico_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_personmexico_vladimir_guerrero concept:athleteledsportsteam concept_sportsteam_anaheim_angels +concept_personmexico_votto concept:latitudelongitude 62.9833300000000,32.4000000000000 +concept_personmexico_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personmexico_wes_littleton concept:athleteplayssport concept_sport_baseball +concept_personmexico_wes_littleton concept:athleteplaysinleague concept_sportsleague_nhl +concept_personmexico_willie_bloomquist concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_willie_mccovey concept:athleteplayssport concept_sport_baseball +concept_personmexico_willie_mccovey concept:athleteplaysinleague concept_sportsleague_nfl +concept_personmexico_willie_moore concept:latitudelongitude 35.0459100000000,-85.1213400000000 +concept_personmexico_woody_hayes concept:subpartof concept_building_ohio_state +concept_personmexico_woody_hayes concept:agentcollaborateswithagent concept_sportsteam_ohio_state_university +concept_personmexico_xavier_nady concept:personbelongstoorganization concept_sportsteam_yankees +concept_personmexico_yovani_gallardo concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_zach_duke concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personmexico_zach_duke concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personmexico_zhanna concept:latitudelongitude 54.0500000000000,121.4000000000000 +concept_personnorthamerica_abdul_ahad concept:latitudelongitude 35.0855600000000,63.1744400000000 +concept_personnorthamerica_alan_boeckmann concept:personleadsorganization concept_biotechcompany_fluor +concept_personnorthamerica_alan_boeckmann concept:worksfor concept_biotechcompany_fluor +concept_personnorthamerica_angelina_jolie concept:hasspouse concept_male_abraham_lincoln001 +concept_personnorthamerica_angelina_jolie concept:actorstarredinmovie concept_movie_beowulf +concept_personnorthamerica_angelina_jolie concept:actorstarredinmovie concept_movie_tomb_raider +concept_personnorthamerica_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personnorthamerica_aphra_behn concept:agentcreated concept_book_oroonoko +concept_personnorthamerica_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personnorthamerica_bills concept:agentactsinlocation concept_airport_buffalo +concept_personnorthamerica_bills concept:agentparticipatedinevent concept_eventoutcome_result +concept_personnorthamerica_bills concept:personbelongstoorganization concept_politicalparty_house +concept_personnorthamerica_bills concept:agentparticipatedinevent concept_sportsgame_games +concept_personnorthamerica_bills concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_personnorthamerica_blake_dewitt concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personnorthamerica_blake_dewitt concept:persongraduatedfromuniversity concept_university_college +concept_personnorthamerica_blake_dewitt concept:persongraduatedschool concept_university_college +concept_personnorthamerica_bob_stevens concept:personleadsorganization concept_university_lockheed_martin +concept_personnorthamerica_bob_stevens concept:worksfor concept_university_lockheed_martin +concept_personnorthamerica_bret_baier concept:worksfor concept_mountain_fox +concept_personnorthamerica_brian_may concept:agentinvolvedwithitem concept_musicinstrument_guitar +concept_personnorthamerica_buttons concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personnorthamerica_buttons concept:agentcreated concept_movie_click +concept_personnorthamerica_buttons concept:agentcreated concept_tableitem_clicking +concept_personnorthamerica_buttons concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_personnorthamerica_c_span concept:agentcollaborateswithagent concept_person_brian_lamb +concept_personnorthamerica_c_span concept:agentcontrols concept_person_brian_lamb +concept_personnorthamerica_charles_de_gaulle concept:subpartof concept_county_paris +concept_personnorthamerica_charlie_chaplin concept:directordirectedmovie concept_movie_modern_times +concept_personnorthamerica_chat concept:agentcreated concept_movie_contact +concept_personnorthamerica_chuck_berry concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_personnorthamerica_cyd_charisse concept:personhasjobposition concept_jobposition_actress +concept_personnorthamerica_cyd_charisse concept:personhasjobposition concept_jobposition_dancer +concept_personnorthamerica_dai_sijie concept:agentcontributedtocreativework concept_book_balzac_and_the_little_chinese_seamstress +concept_personnorthamerica_dai_sijie concept:agentcreated concept_book_balzac_and_the_little_chinese_seamstress +concept_personnorthamerica_dan_abrams concept:worksfor concept_politicsblog_msnbc +concept_personnorthamerica_dan_abrams concept:personbelongstoorganization concept_sportsleague_msnbc +concept_personnorthamerica_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personnorthamerica_daniel_fernandez001 concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_personnorthamerica_daryle_ward concept:parentofperson concept_personmexico_gary_ward +concept_personnorthamerica_dean_scarborough concept:personleadsorganization concept_company_avery_dennison +concept_personnorthamerica_dean_scarborough concept:worksfor concept_county_avery +concept_personnorthamerica_delaware concept:mutualproxyfor concept_governmentorganization_newark +concept_personnorthamerica_delaware concept:proxyfor concept_radiostation_new_jersey +concept_personnorthamerica_delaware concept:proxyfor concept_university_ohio +concept_personnorthamerica_delaware concept:subpartof concept_university_ohio +concept_personnorthamerica_dorothy_l__sayers concept:agentcreated concept_book_murder_must_advertise +concept_personnorthamerica_dorothy_l__sayers concept:agentcreated concept_book_the_nine_tailors +concept_personnorthamerica_e__annie_proulx concept:agentcontributedtocreativework concept_book_the_shipping_news +concept_personnorthamerica_ed_levine concept:personleadsorganization concept_blog_serious_eats +concept_personnorthamerica_ed_levine concept:worksfor concept_blog_serious_eats +concept_personnorthamerica_edgar_rice_burroughs concept:agentcontributedtocreativework concept_movie_tarzan +concept_personnorthamerica_edgar_wallace concept:agentcreated concept_televisionshow_the_four_just_men +concept_personnorthamerica_eve concept:parentofperson concept_male_cain +concept_personnorthamerica_eve concept:parentofperson concept_person_creation +concept_personnorthamerica_eve concept:parentofperson concept_person_garden_of_eden +concept_personnorthamerica_everett concept:atlocation concept_city_washington_d_c +concept_personnorthamerica_everett concept:mutualproxyfor concept_city_washington_d_c +concept_personnorthamerica_everett concept:subpartof concept_city_washington_d_c +concept_personnorthamerica_famous_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_personnorthamerica_fax concept:agentbelongstoorganization concept_blog_form +concept_personnorthamerica_fax concept:agentcreated concept_movie_contact +concept_personnorthamerica_fax concept:agentcreated concept_musicalbum_details +concept_personnorthamerica_fax concept:agentcollaborateswithagent concept_politicianus_form +concept_personnorthamerica_fidel_castro concept:personhasresidenceingeopoliticallocation concept_country_cuba +concept_personnorthamerica_fidel_castro concept:politicianholdsoffice concept_politicaloffice_president +concept_personnorthamerica_franchise concept:agentparticipatedinevent concept_sportsgame_finals +concept_personnorthamerica_franchise concept:agentparticipatedinevent concept_sportsgame_series +concept_personnorthamerica_frank_leahy concept:coachesteam concept_sportsteam_notre_dame +concept_personnorthamerica_george_grossmith concept:agentcreated concept_book_diary_of_a_nobody +concept_personnorthamerica_george_steinbrenner concept:personhasjobposition concept_jobposition_owner +concept_personnorthamerica_graham_swift concept:agentcreated concept_book_waterland +concept_personnorthamerica_gregg_allman concept:hasspouse concept_person_cher +concept_personnorthamerica_helen_hunt_jackson concept:agentcreated concept_musicsong_ramona +concept_personnorthamerica_hilda_doolittle concept:agentcreated concept_recordlabel_asphodel +concept_personnorthamerica_hillary_rodham concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_hillary_rodham concept:agentbelongstoorganization concept_politicalparty_house +concept_personnorthamerica_hillary_rodham concept:agentcollaborateswithagent concept_politician_obama +concept_personnorthamerica_inquiry concept:agentcreated concept_movie_contact +concept_personnorthamerica_jake_grove concept:latitudelongitude 39.7642000000000,-92.7026900000000 +concept_personnorthamerica_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_personnorthamerica_james_montgomery concept:latitudelongitude 40.5182100000000,-122.4761200000000 +concept_personnorthamerica_jason_trawick concept:hasspouse concept_person_britney_spears +concept_personnorthamerica_jeffrey_kindler concept:topmemberoforganization concept_biotechcompany_pfizer +concept_personnorthamerica_jeffrey_kindler concept:agentcontrols concept_retailstore_pfizer +concept_personnorthamerica_jeffrey_kindler concept:proxyfor concept_retailstore_pfizer +concept_personnorthamerica_jeffrey_kindler concept:subpartof concept_retailstore_pfizer +concept_personnorthamerica_jeffrey_r__immelt concept:personhasjobposition concept_jobposition_brand_manager +concept_personnorthamerica_jeremy_schaap concept:journalistwritesforpublication concept_publication_espn +concept_personnorthamerica_jeremy_schaap concept:worksfor concept_sportsleague_espn +concept_personnorthamerica_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_personnorthamerica_joe_jonas concept:hasspouse concept_person_camilla_belle +concept_personnorthamerica_joel_coen concept:actorstarredinmovie concept_movie_fargo +concept_personnorthamerica_john_cale concept:musicianinmusicartist concept_musicartist_velvet_underground +concept_personnorthamerica_john_kerry concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_john_kerry concept:personalsoknownas concept_person_john_f___kerry +concept_personnorthamerica_john_mccain concept:agentcollaborateswithagent concept_city_bush +concept_personnorthamerica_john_mccain concept:personbornincity concept_city_hampshire +concept_personnorthamerica_john_mccain concept:personborninlocation concept_city_hampshire +concept_personnorthamerica_john_mccain concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_john_mccain concept:personhasjobposition concept_jobposition_sen +concept_personnorthamerica_john_mccain concept:agentcollaborateswithagent concept_politician_clinton +concept_personnorthamerica_john_mccain concept:agentcollaborateswithagent concept_politician_obama +concept_personnorthamerica_john_mccain concept:agentcollaborateswithagent concept_politician_w__bush +concept_personnorthamerica_john_mccain concept:haswife concept_politicianus_cindy_mccain +concept_personnorthamerica_john_mccain concept:agentcollaborateswithagent concept_politicianus_palin +concept_personnorthamerica_johnny_carson concept:persondiedatage 79 +concept_personnorthamerica_johnson concept:personbelongstoorganization concept_sportsteam_state_university +concept_personnorthamerica_kaiser_wilhelm concept:personhascitizenship concept_country_germany +concept_personnorthamerica_katy_perry concept:hasspouse concept_person_russell_brand +concept_personnorthamerica_kenneth_d__lewis concept:worksfor concept_country___america +concept_personnorthamerica_kevin_reilly concept:topmemberoforganization concept_company_fox +concept_personnorthamerica_kevin_reilly concept:personleadsorganization concept_company_nbc +concept_personnorthamerica_kevin_reilly concept:worksfor concept_company_nbc +concept_personnorthamerica_kevin_reilly concept:personleadsorganization concept_mountain_fox +concept_personnorthamerica_kevin_reilly concept:worksfor concept_mountain_fox +concept_personnorthamerica_kimo concept:agentcollaborateswithagent concept_city_abc +concept_personnorthamerica_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personnorthamerica_libertarian concept:personhasresidenceingeopoliticallocation concept_city_denver +concept_personnorthamerica_libertarian concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_north_carolina +concept_personnorthamerica_maria_edgeworth concept:agentcreated concept_book_ennui +concept_personnorthamerica_maria_edgeworth concept:agentcreated concept_island_ormond +concept_personnorthamerica_maria_shriver concept:worksfor concept_musicartist_television +concept_personnorthamerica_mary_roberts_rinehart concept:agentcreated concept_musicalbum_the_breaking_point +concept_personnorthamerica_mary_roberts_rinehart concept:agentcreated concept_writer_the_circular_staircase +concept_personnorthamerica_matt_treanor concept:athleteplayssport concept_sport_baseball +concept_personnorthamerica_matt_treanor concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personnorthamerica_michael_o_connor concept:athleteplayssport concept_sport_baseball +concept_personnorthamerica_michael_peterson concept:personchargedwithcrime concept_crimeorcharge_first_degree_murder +concept_personnorthamerica_michael_turner concept:athletehomestadium concept_stadiumoreventvenue_georgia_dome +concept_personnorthamerica_michelle_malkin concept:worksfor concept_company_fox +concept_personnorthamerica_michelle_malkin concept:personbelongstoorganization concept_mountain_fox +concept_personnorthamerica_mike_gregory concept:personbelongstoorganization concept_organization_great_britain_rugby +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_airport_minneapolis +concept_personnorthamerica_minnesota concept:proxyfor concept_book_new +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_city_bemidji +concept_personnorthamerica_minnesota concept:agentcontrols concept_coach_dennis_green +concept_personnorthamerica_minnesota concept:agentcontrols concept_coach_glen_mason +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_company_rochester +concept_personnorthamerica_minnesota concept:personchargedwithcrime concept_crimeorcharge_law +concept_personnorthamerica_minnesota concept:personchargedwithcrime concept_crimeorcharge_laws +concept_personnorthamerica_minnesota concept:atdate concept_dateliteral_n2008 +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_female_saint_paul +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_personeurope_st___paul +concept_personnorthamerica_minnesota concept:agentparticipatedinevent concept_sportsgame_series +concept_personnorthamerica_minnesota concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_personnorthamerica_minnesota concept:mutualproxyfor concept_university_mankato +concept_personnorthamerica_muriel_rukeyser concept:personhasjobposition concept_jobposition_poet +concept_personnorthamerica_naguib_mahfouz concept:agentcreated concept_book_midaq_alley +concept_personnorthamerica_naguib_mahfouz concept:agentcreated concept_book_miramar +concept_personnorthamerica_naguib_mahfouz concept:agentcreated concept_book_palace_walk +concept_personnorthamerica_nancy_mitford concept:agentcreated concept_book_love_in_a_cold_climate +concept_personnorthamerica_nathanael_west concept:agentcreated concept_book_miss_lonelyhearts +concept_personnorthamerica_neil_bogart concept:personhasresidenceingeopoliticallocation concept_city_casablanca +concept_personnorthamerica_neil_bogart concept:worksfor concept_city_casablanca +concept_personnorthamerica_new_york concept:persondiedatage 3 +concept_personnorthamerica_new_york concept:agentcollaborateswithagent concept_celebrity_reggie_jackson +concept_personnorthamerica_new_york concept:agentcollaborateswithagent concept_politician_obama +concept_personnorthamerica_no_doubt concept:agentcontrols concept_personeurope_adrian_young +concept_personnorthamerica_no_doubt concept:agentcontrols concept_personus_gwen_stefani +concept_personnorthamerica_noel_gallagher concept:personbelongstoorganization concept_professionalorganization_oasis +concept_personnorthamerica_oil concept:agentcollaborateswithagent concept_person_t__boone_pickens +concept_personnorthamerica_oliver_north concept:worksfor concept_company_fox +concept_personnorthamerica_oliver_north concept:personbelongstoorganization concept_mountain_fox +concept_personnorthamerica_park_city concept:atlocation concept_county_utah +concept_personnorthamerica_park_city concept:proxyfor concept_county_utah +concept_personnorthamerica_patricia_russo concept:agentcollaborateswithagent concept_biotechcompany_lucent +concept_personnorthamerica_patricia_russo concept:agentcontrols concept_retailstore_lucent_technologies +concept_personnorthamerica_patricia_russo concept:proxyfor concept_retailstore_lucent_technologies +concept_personnorthamerica_patricia_russo concept:personleadsorganization concept_university_lucent_technologies +concept_personnorthamerica_persian_gulf concept:atdate concept_year_n1991 +concept_personnorthamerica_president_reagan concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_president_reagan concept:atdate concept_year_n1986 +concept_personnorthamerica_puerto_rico concept:agentbelongstoorganization concept_sportsleague_mls +concept_personnorthamerica_racine concept:subpartof concept_politicaloffice_wisconsin +concept_personnorthamerica_raj_kapoor concept:parentofperson concept_person_prithviraj_kapoor +concept_personnorthamerica_reed concept:persongraduatedfromuniversity concept_university_state_university +concept_personnorthamerica_richard_gilman concept:personhasjobposition concept_jobposition_critic +concept_personnorthamerica_richard_massey concept:latitudelongitude 32.7301300000000,-87.6883400000000 +concept_personnorthamerica_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personnorthamerica_ron_paul concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_rose_tremain concept:agentcreated concept_book_music_and_silence +concept_personnorthamerica_rose_tremain concept:agentcreated concept_musicartist_the_colour +concept_personnorthamerica_rove concept:agentcontrols concept_biotechcompany_white +concept_personnorthamerica_rove concept:personbelongstoorganization concept_governmentorganization_house +concept_personnorthamerica_seller concept:agentparticipatedinevent concept_eventoutcome_result +concept_personnorthamerica_service_medicare concept:persondiedincountry concept_country_england +concept_personnorthamerica_silvio_berlusconi concept:personhasjobposition concept_jobposition_prime_minister +concept_personnorthamerica_silvio_berlusconi concept:personhasresidenceingeopoliticallocation concept_organization_italian +concept_personnorthamerica_special_election concept:atdate concept_date_n2003 +concept_personnorthamerica_special_election concept:atdate concept_dateliteral_n2002 +concept_personnorthamerica_special_election concept:atdate concept_dateliteral_n2007 +concept_personnorthamerica_stavros_niarchos concept:hasspouse concept_person_paris_hilton +concept_personnorthamerica_tabs concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personnorthamerica_tbs concept:agentcollaborateswithagent concept_ceo_ted_turner +concept_personnorthamerica_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_personnorthamerica_tiffany concept:persongraduatedfromuniversity concept_university_college +concept_personnorthamerica_tom_jones concept:musicianinmusicartist concept_musicartist_stones +concept_personnorthamerica_vanessa concept:personbornincity concept_city_york +concept_personnorthamerica_venezuela concept:agentbelongstoorganization concept_sportsleague_mls +concept_personnorthamerica_vogue concept:agentcollaborateswithagent concept_celebrity_anna_wintour +concept_personnorthamerica_vogue concept:mutualproxyfor concept_celebrity_anna_wintour +concept_personnorthamerica_west concept:proxyfor concept_book_new +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_a_lost_lady +concept_personnorthamerica_willa_cather concept:agentcontributedtocreativework concept_book_death_comes_for_the_archbishop +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_death_comes_for_the_archbishop +concept_personnorthamerica_willa_cather concept:agentcontributedtocreativework concept_book_death_comes_to_the_archbishop +concept_personnorthamerica_willa_cather concept:agentcontributedtocreativework concept_book_my_antonia +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_my_antonia +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_o_pioneers +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_one_of_ours +concept_personnorthamerica_willa_cather concept:agentcreated concept_book_the_professor_s_house +concept_personnorthamerica_wits concept:subpartof concept_website_blood +concept_personsouthamerica_albert_camus concept:agentcreated concept_musicalbum_the_outsider +concept_personsouthamerica_albert_camus concept:agentcreated concept_musicsong_the_fall +concept_personsouthamerica_andres_escobar concept:personhascitizenship concept_country_colombia +concept_personsouthamerica_arthur_golden concept:agentcreated concept_movie_memoirs_of_a_geisha +concept_personsouthamerica_attis concept:latitudelongitude 18.3166700000000,-73.4166700000000 +concept_personsouthamerica_ayn_rand concept:agentcreated concept_movie_fountainhead +concept_personsouthamerica_cabo_san_lucas concept:persondiedincountry concept_country_england +concept_personsouthamerica_cagwait concept:latitudelongitude 8.9093050000000,126.2672200000000 +concept_personsouthamerica_charles_maturin concept:agentcreated concept_book_melmoth_the_wanderer +concept_personsouthamerica_corpus_christi concept:persondiedincountry concept_country_england +concept_personsouthamerica_gas concept:agentcompeteswithagent concept_company_power +concept_personsouthamerica_guayaquil concept:mutualproxyfor concept_website_ecuador +concept_personsouthamerica_hermann_hesse concept:agentcreated concept_musicalbum_steppenwolf +concept_personsouthamerica_hyles concept:latitudelongitude 41.4675400000000,-87.4044800000000 +concept_personsouthamerica_james_joyce concept:agentcreated concept_musicartist_dubliners +concept_personsouthamerica_james_joyce concept:agentcreated concept_personeurope_a_portrait_of_the_artist_as_a_young_man +concept_personsouthamerica_jean_paul_sartre concept:agentcreated concept_book_nausea +concept_personsouthamerica_jean_paul_sartre concept:agentcreated concept_book_no_exit +concept_personsouthamerica_john_galsworthy concept:agentcontributedtocreativework concept_book_the_forsyte_saga +concept_personsouthamerica_john_galsworthy concept:agentcreated concept_book_the_forsyte_saga +concept_personsouthamerica_john_galsworthy concept:agentcreated concept_book_the_man_of_property +concept_personsouthamerica_juan_valera concept:agentcreated concept_personsouthamerica_pepita_jimenez +concept_personsouthamerica_lao_she concept:agentcreated concept_book_richshaw_boy +concept_personsouthamerica_latin concept:agentactsinlocation concept_airport_europe +concept_personsouthamerica_latin concept:agentactsinlocation concept_blog_globe +concept_personsouthamerica_latin concept:agentactsinlocation concept_bridge_world +concept_personsouthamerica_latin concept:agentactsinlocation concept_building_america +concept_personsouthamerica_latin concept:agentactsinlocation concept_building_years +concept_personsouthamerica_latin concept:agentactsinlocation concept_city_florida +concept_personsouthamerica_latin concept:agentactsinlocation concept_continent_africa +concept_personsouthamerica_latin concept:agentactsinlocation concept_country_countries +concept_personsouthamerica_latin concept:agentactsinlocation concept_geopoliticallocation_caribbean +concept_personsouthamerica_latin concept:agentactsinlocation concept_geopoliticallocation_east_asia +concept_personsouthamerica_latin concept:agentactsinlocation concept_geopoliticallocation_eastern_europe +concept_personsouthamerica_latin concept:agentactsinlocation concept_river_american +concept_personsouthamerica_latin concept:agentactsinlocation concept_skyscraper_asia +concept_personsouthamerica_lazarus concept:hassibling concept_person_martha +concept_personsouthamerica_manila concept:atdate concept_date_n2009 +concept_personsouthamerica_manila concept:mutualproxyfor concept_publication_philippines +concept_personsouthamerica_manila concept:subpartof concept_publication_philippines +concept_personsouthamerica_martin_amis concept:agentcreated concept_book_london_fields +concept_personsouthamerica_martin_amis concept:agentcreated concept_book_money__a_suicide_note +concept_personsouthamerica_martin_amis concept:agentcreated concept_book_time_s_arrow +concept_personsouthamerica_martin_amis concept:agentcreated concept_musicalbum_the_information +concept_personsouthamerica_martin_amis concept:agentcreated concept_musicsong_dead_babies +concept_personsouthamerica_martin_amis concept:agentcreated concept_transportation_money +concept_personsouthamerica_matthew_lewis concept:agentcreated concept_book_the_monk +concept_personsouthamerica_menno_simons concept:latitudelongitude 53.1073200000000,5.4601600000000 +concept_personsouthamerica_mindaugas concept:personhascitizenship concept_country_republic_of_lithuania +concept_personsouthamerica_mindaugas concept:personhasjobposition concept_jobposition_king +concept_personsouthamerica_mississippi concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_personsouthamerica_national_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_personsouthamerica_patroklos concept:latitudelongitude 37.6500000000000,23.9500000000000 +concept_personsouthamerica_princess_isabel concept:personhascitizenship concept_country_brazil +concept_personsouthamerica_quito concept:proxyfor concept_website_ecuador +concept_personsouthamerica_ramesses concept:personhascitizenship concept_country_egypt +concept_personsouthamerica_reinaldo_arenas concept:agentcreated concept_book_before_night_falls +concept_personsouthamerica_ronaldinho concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personsouthamerica_san_jos_eacute concept:persondiedincountry concept_country_england +concept_personsouthamerica_santa_elena concept:persondiedincountry concept_country_england +concept_personsouthamerica_son_jesus concept:personhasjobposition concept_jobposition_lord +concept_personsouthamerica_spain concept:agentparticipatedinevent concept_sportsgame_championships +concept_personsouthamerica_thomas_mann concept:agentcreated concept_book_joseph_and_his_brothers +concept_personsouthamerica_william_trevor concept:agentcreated concept_book_felicia_s_journey +concept_personsouthamerica_william_trevor concept:agentcreated concept_book_fools_of_fortune +concept_personus_aaron_mckie concept:personalsoknownas concept_personmexico_aaron_williams +concept_personus_aaron_mckie concept:personalsoknownas concept_personmexico_andre_miller +concept_personus_aaron_mckie concept:personalsoknownas concept_personmexico_andrew_alberts +concept_personus_aaron_mckie concept:personalsoknownas concept_personus_adam_morrison +concept_personus_aaron_mckie concept:personalsoknownas concept_politicianus_miller +concept_personus_access concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_access concept:agentbelongstoorganization concept_company_adobe +concept_personus_access concept:agentcollaborateswithagent concept_company_adobe +concept_personus_access concept:subpartof concept_company_palmsource +concept_personus_access concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_access concept:agentparticipatedinevent concept_sportsgame_terms +concept_personus_adam_morrison concept:persondiedincountry concept_country_england +concept_personus_adam_morrison concept:personalsoknownas concept_personmexico_aaron_williams +concept_personus_adam_morrison concept:personalsoknownas concept_personmexico_andre_miller +concept_personus_adam_morrison concept:personalsoknownas concept_personmexico_andrew_alberts +concept_personus_adam_morrison concept:personalsoknownas concept_personus_aaron_mckie +concept_personus_adam_morrison concept:personalsoknownas concept_politicianus_miller +concept_personus_administrator concept:proxyfor concept_book_new +concept_personus_administrator concept:atdate concept_dateliteral_n2002 +concept_personus_administrator concept:atdate concept_dateliteral_n2005 +concept_personus_administrator concept:atdate concept_dateliteral_n2007 +concept_personus_administrator concept:agentcreated concept_movie_contact +concept_personus_adolf_hitler concept:agentcreated concept_book_mein_kampf +concept_personus_adrian_griffin concept:persondiedincountry concept_country_england +concept_personus_advertisement concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_advertisement concept:agentcompeteswithagent concept_tradeunion_search +concept_personus_agatha_christie concept:agentcreated concept_book_at_bertram_s_hotel +concept_personus_agatha_christie concept:agentcreated concept_book_black_coffee +concept_personus_agatha_christie concept:agentcreated concept_book_cat_among_the_pigeons +concept_personus_agatha_christie concept:agentcreated concept_book_crooked_house +concept_personus_agatha_christie concept:agentcreated concept_book_elephants_can_remember +concept_personus_agatha_christie concept:agentcreated concept_book_endless_night +concept_personus_agatha_christie concept:agentcreated concept_book_hallowe_en_party +concept_personus_agatha_christie concept:agentcreated concept_book_hercule_poirot_s_casebook +concept_personus_agatha_christie concept:agentcreated concept_book_hercule_poirot_s_early_cases +concept_personus_agatha_christie concept:agentcreated concept_book_lord_edgware_dies +concept_personus_agatha_christie concept:agentcreated concept_book_n4_50_from_paddington +concept_personus_agatha_christie concept:agentcreated concept_book_nemesis +concept_personus_agatha_christie concept:agentcreated concept_book_ordeal_by_innocence +concept_personus_agatha_christie concept:agentcreated concept_book_parker_pyne_investigates +concept_personus_agatha_christie concept:agentcreated concept_book_partners_in_crime +concept_personus_agatha_christie concept:agentcreated concept_book_poirot_investigates +concept_personus_agatha_christie concept:agentcreated concept_book_sad_cypress +concept_personus_agatha_christie concept:agentcreated concept_book_sparkling_cyanide +concept_personus_agatha_christie concept:agentcreated concept_book_spider_s_web +concept_personus_agatha_christie concept:agentcreated concept_book_the_clocks +concept_personus_agatha_christie concept:agentcreated concept_book_the_listerdale_mystery +concept_personus_agatha_christie concept:agentcreated concept_book_the_sittaford_mystery +concept_personus_agatha_christie concept:agentcreated concept_book_third_girl +concept_personus_agatha_christie concept:agentcreated concept_book_three_act_tragedy +concept_personus_agatha_christie concept:agentcreated concept_book_why_didn_t_they_ask_evans +concept_personus_agatha_christie concept:agentcreated concept_musicsong_three_blind_mice +concept_personus_agatha_christie concept:agentcontributedtocreativework concept_televisionshow_death +concept_personus_agreements_contact concept:persondiedincountry concept_country_england +concept_personus_akinori_iwamura concept:personbelongstoorganization concept_sportsteam_tampa_bay_devil_rays +concept_personus_al_pacino concept:agentcontributedtocreativework concept_movie_righteous_kill +concept_personus_al_unser concept:parentofperson concept_athlete_del_unser +concept_personus_alan_paton concept:agentcontributedtocreativework concept_book_cry_the_beloved_country +concept_personus_alex_haley concept:agentcreated concept_musicalbum_roots +concept_personus_alex_haley concept:agentcontributedtocreativework concept_televisionshow_roots +concept_personus_alexander_dumas concept:agentcontributedtocreativework concept_movie_the_count_of_monte_cristo +concept_personus_alexander_solzhenitsyn concept:agentcontributedtocreativework concept_book_one_day_in_the_life_of_ivan_denisovich +concept_personus_alexander_solzhenitsyn concept:agentcreated concept_book_one_day_in_the_life_of_ivan_denisovich +concept_personus_alexandre_dumas concept:agentcreated concept_book_la_reine_margot +concept_personus_alexandre_dumas concept:agentcreated concept_book_louise_de_la_valliere +concept_personus_alexandre_dumas concept:agentcontributedtocreativework concept_book_the_man_in_the_iron_mask +concept_personus_alexandre_dumas concept:agentcreated concept_book_the_man_in_the_iron_mask +concept_personus_alexandre_dumas concept:agentcontributedtocreativework concept_book_the_three_musketeers +concept_personus_alexandre_dumas concept:agentcreated concept_book_the_three_musketeers +concept_personus_alexandre_dumas concept:agentcontributedtocreativework concept_movie_count_of_monte_cristo +concept_personus_alexandre_dumas concept:agentcontributedtocreativework concept_movie_the_count_of_monte_cristo +concept_personus_alexandre_dumas concept:agentcreated concept_movie_the_count_of_monte_cristo +concept_personus_alexandre_dumas concept:agentcreated concept_parlourgame_twenty_years_after +concept_personus_alexandre_dumas concept:agentcreated concept_televisionshow_the_black_tulip +concept_personus_alexis_de_tocqueville concept:agentcontributedtocreativework concept_book_democracy_in_america +concept_personus_alice_walker concept:agentcreated concept_book_possessing_the_secret_of_joy +concept_personus_alice_walker concept:agentcreated concept_book_the_color_purple +concept_personus_alice_walker concept:agentcreated concept_book_the_temple_of_my_familiar +concept_personus_alison_lurie concept:agentcreated concept_book_foreign_affairs +concept_personus_allen_iverson concept:personbelongstoorganization concept_sportsteam_denver_nuggets +concept_personus_amendments concept:atdate concept_dateliteral_n2007 +concept_personus_anais_nin concept:agentcreated concept_book_delta_of_venus +concept_personus_anatole_france concept:agentcreated concept_ethnicgroup_thais +concept_personus_andre_brown concept:persondiedincountry concept_country_england +concept_personus_andre_gide concept:agentcreated concept_book_the_counterfeiters +concept_personus_andre_gide concept:agentcreated concept_writer_the_immoralist +concept_personus_andrew_bogut concept:persondiedincountry concept_country_england +concept_personus_andruw_jones concept:personbelongstoorganization concept_sportsteam_chowan_braves +concept_personus_andruw_jones concept:personbelongstoorganization concept_sportsteam_dodgers +concept_personus_angelina_jolie concept:agentcontributedtocreativework concept_movie_tomb_raider +concept_personus_angelina_jolie concept:hasspouse concept_person_brad_pitt +concept_personus_anna_nicole_smith concept:persondiedatage 39 +concept_personus_anne_bronte concept:agentcontributedtocreativework concept_book_agnes_grey +concept_personus_anne_bronte concept:agentcreated concept_book_agnes_grey +concept_personus_anne_bronte concept:agentcontributedtocreativework concept_book_the_tenant_of_wildfell_hall +concept_personus_anne_bronte concept:agentcreated concept_book_the_tenant_of_wildfell_hall +concept_personus_anne_mccaffrey concept:agentcontributedtocreativework concept_book_pern +concept_personus_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_personus_annie_proulx concept:agentcontributedtocreativework concept_book_the_shipping_news +concept_personus_annie_proulx concept:agentcreated concept_book_the_shipping_news +concept_personus_anthony_burgess concept:agentcontributedtocreativework concept_book_a_clockwork_orange +concept_personus_anthony_burgess concept:agentcreated concept_book_earthly_powers +concept_personus_anthony_burgess concept:agentcreated concept_city_enderby +concept_personus_anthony_burgess concept:agentcontributedtocreativework concept_movie_clockwork_orange +concept_personus_anthony_burgess concept:agentcreated concept_software_a_clockwork_orange +concept_personus_anthony_carter concept:persondiedincountry concept_country_england +concept_personus_anthony_thompson concept:latitudelongitude 41.3128700000000,-72.9656600000000 +concept_personus_anton_chekhov concept:agentcreated concept_book_ivanoff +concept_personus_anton_chekhov concept:agentcontributedtocreativework concept_book_the_cherry_orchard +concept_personus_anton_chekhov concept:agentcreated concept_book_the_cherry_orchard +concept_personus_aristotle concept:agentcontributedtocreativework concept_book_ethics +concept_personus_armando_galarraga concept:personhasjobposition concept_jobposition_pitcher +concept_personus_armando_galarraga concept:personbelongstoorganization concept_organization_tigers +concept_personus_arthur_c__clarke concept:persondiedatage 90 +concept_personus_arthur_c__clarke concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_sri_lanka +concept_personus_arthur_miller concept:agentcontributedtocreativework concept_movie_the_crucible +concept_personus_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_personus_attorney concept:proxyfor concept_book_new +concept_personus_avi_arad concept:personleadsorganization concept_biotechcompany_marvel +concept_personus_avi_arad concept:agentcollaborateswithagent concept_personafrica_marvel +concept_personus_ayn_rand concept:agentcontributedtocreativework concept_movie_fountainhead +concept_personus_ayn_rand concept:agentcreated concept_parlourgame_the_man_with_the_twisted_lip +concept_personus_b_j__upton concept:personbelongstoorganization concept_city_tampa_bay +concept_personus_bar_association concept:mutualproxyfor concept_sportsequipment_board +concept_personus_barak_obama concept:politicianrepresentslocation concept_country_united_states +concept_personus_barak_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_personus_barak_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_personus_barak_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_personus_barak_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_personus_barbara_kingsolver concept:agentcontributedtocreativework concept_movie_the_bean_trees +concept_personus_baron_davis concept:persondiedincountry concept_country_england +concept_personus_barrak_obama concept:politicianrepresentslocation concept_country_united_states +concept_personus_barry_hines concept:agentcreated concept_book_a_kestrel_for_a_knave +concept_personus_ben_bova concept:agentcreated concept_musicalbum_the_aftermath +concept_personus_ben_gordon concept:persondiedincountry concept_country_england +concept_personus_ben_grieve concept:parentofperson concept_personus_tom_grieve +concept_personus_bernard_malamud concept:agentcontributedtocreativework concept_book_the_assistant +concept_personus_bernard_malamud concept:agentcreated concept_book_the_assistant +concept_personus_bernard_malamud concept:agentcreated concept_book_the_natural +concept_personus_bernard_malamud concept:agentcreated concept_musicalbum_the_fixer +concept_personus_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_personus_billy_beane concept:personhasjobposition concept_jobposition_general_manager +concept_personus_billy_ray_cyrus concept:parentofperson concept_personmexico_miley_cyrus +concept_personus_blythe_danner concept:parentofperson concept_person_gwyneth_paltrow +concept_personus_bob_boone concept:parentofperson concept_personus_ray_boone +concept_personus_bob_dylan concept:personbornincity concept_city_york +concept_personus_bob_dylan concept:personborninlocation concept_city_york +concept_personus_bob_lane concept:latitudelongitude 33.4079000000000,-94.2257500000000 +concept_personus_bono concept:agentcollaborateswithagent concept_city_john +concept_personus_bono concept:personbelongstoorganization concept_musicartist_u2 +concept_personus_bonzi_wells concept:persondiedincountry concept_country_england +concept_personus_boris_pasternak concept:agentcontributedtocreativework concept_book_doctor_zhivago +concept_personus_boris_pasternak concept:agentcreated concept_book_doctor_zhivago +concept_personus_boris_pasternak concept:agentcreated concept_book_dr__zhivago +concept_personus_bosnia_and_herzegovina concept:synonymfor concept_politicalparty_republic +concept_personus_boz_burrell concept:musicianinmusicartist concept_musicartist_king_crimson +concept_personus_bracey_wright concept:persondiedincountry concept_country_england +concept_personus_brad_garrett concept:persondiedincountry concept_country_england +concept_personus_brad_penny concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personus_bram_stoker concept:agentcontributedtocreativework concept_movie_dracula +concept_personus_bram_stoker concept:agentcreated concept_movie_dracula +concept_personus_bram_stoker concept:agentcreated concept_movie_the_man +concept_personus_brandon_roy concept:personbelongstoorganization concept_sportsteam_cleveland_browns +concept_personus_brendan_behan concept:agentcreated concept_televisionshow_borstal_boy +concept_personus_brent_barry concept:persondiedincountry concept_country_england +concept_personus_brent_barry concept:personalsoknownas concept_person_eric_williams +concept_personus_brent_barry concept:personalsoknownas concept_person_marquis_daniels +concept_personus_brent_barry concept:personalsoknownas concept_personmexico_eric_snow +concept_personus_brent_barry concept:personalsoknownas concept_personus_donell_taylor +concept_personus_bret_easton_ellis concept:agentcontributedtocreativework concept_book_american_psycho +concept_personus_bret_easton_ellis concept:agentcreated concept_book_glamorama +concept_personus_bret_easton_ellis concept:agentcreated concept_book_imperial_bedrooms +concept_personus_bret_easton_ellis concept:agentcontributedtocreativework concept_movie_less_than_zero +concept_personus_bret_easton_ellis concept:agentcreated concept_movie_less_than_zero +concept_personus_bret_easton_ellis concept:agentcreated concept_musicalbum_american_psycho +concept_personus_brett_myers concept:personbelongstoorganization concept_sportsteam_phillies +concept_personus_brian_cook concept:persondiedincountry concept_country_england +concept_personus_brian_giles concept:persondiedincountry concept_country_england +concept_personus_buddy_bell concept:parentofperson concept_personus_gus_bell +concept_personus_bump_wills concept:parentofperson concept_politicianus_maury_wills +concept_personus_c__j__cherryh concept:agentcontributedtocreativework concept_book_cyteen +concept_personus_c__j__cherryh concept:agentcreated concept_writer_cyteen +concept_personus_c__robert_henrikson concept:agentcontrols concept_company_metlife +concept_personus_c__robert_henrikson concept:personbelongstoorganization concept_company_metlife +concept_personus_candidates_john_mccain concept:agentcollaborateswithagent concept_politician_obama +concept_personus_card concept:agentcreated concept_musicsong_download +concept_personus_carlos_fuentes concept:agentcreated concept_book_the_death_of_artemio_cruz +concept_personus_carlos_gomez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personus_carlos_lee concept:persondiedincountry concept_country_england +concept_personus_carlos_pena concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personus_carlos_zambrano concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personus_carmelo_anthony concept:personbornincity concept_city_york +concept_personus_carmelo_anthony concept:personhasjobposition concept_jobposition_counselor +concept_personus_carmelo_anthony concept:persongraduatedschool concept_university_state_university +concept_personus_carolyn_keene concept:agentcreated concept_televisionshow_nancy_drew +concept_personus_charles_bukowski concept:agentcreated concept_website_post_office +concept_personus_chien_ming_wang concept:personbelongstoorganization concept_sportsteam_yankees +concept_personus_chris_paul concept:personhasjobposition concept_jobposition_guard +concept_personus_chris_paul concept:personbelongstoorganization concept_sportsteam_new_orleans_hornets +concept_personus_chris_webber concept:persondiedincountry concept_country_england +concept_personus_christian_bale concept:agentcontributedtocreativework concept_book_batman +concept_personus_christians concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_christine_michael concept:persondiedincountry concept_country_england +concept_personus_christopher_isherwood concept:agentcreated concept_book_goodbye_to_berlin +concept_personus_christopher_isherwood concept:agentcontributedtocreativework concept_book_the_berlin_stories +concept_personus_christopher_isherwood concept:agentcreated concept_book_the_berlin_stories +concept_personus_christopher_isherwood concept:agentcreated concept_politicianus_norris +concept_personus_christy_brinkley concept:hasspouse concept_comedian_peter_cook +concept_personus_citizens concept:agentactsinlocation concept_city_singapore +concept_personus_citizens concept:agentactsinlocation concept_country_australia +concept_personus_citizens concept:agentactsinlocation concept_country_united_states +concept_personus_citizens concept:agentactsinlocation concept_country_us +concept_personus_citizens concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_personus_citizens concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_personus_citizens concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_citizens concept:agentactsinlocation concept_geopoliticalorganization_us_ +concept_personus_claire_shipman concept:worksfor concept_city_abc +concept_personus_clarke concept:politicianrepresentslocation concept_stateorprovince_states +concept_personus_clayton_kershaw concept:personbelongstoorganization concept_sportsteam_dodgers +concept_personus_clint_eastwood concept:actorstarredinmovie concept_movie_gran_torino +concept_personus_clint_eastwood concept:directordirectedmovie concept_movie_gran_torino +concept_personus_clint_eastwood concept:actorstarredinmovie concept_movie_letters_from_iwo_jima +concept_personus_clint_eastwood concept:actorstarredinmovie concept_movie_million_dollar_baby +concept_personus_clint_eastwood concept:directordirectedmovie concept_movie_million_dollar_baby +concept_personus_clint_eastwood concept:directordirectedmovie concept_movie_mystic_river +concept_personus_clint_eastwood concept:directordirectedmovie concept_movie_the_bridges_of_madison_county +concept_personus_clint_eastwood concept:actorstarredinmovie concept_movie_unforgiven +concept_personus_clinton_administration concept:atdate concept_date_n2000 +concept_personus_clyde_wright concept:parentofperson concept_celebrity_jaret_wright +concept_personus_complaints concept:atdate concept_date_n2003 +concept_personus_complaints concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_complaints concept:agentcreated concept_movie_contact +concept_personus_connections concept:proxyfor concept_book_new +concept_personus_connections concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_connections concept:subpartof concept_weatherphenomenon_water +concept_personus_conservation concept:subpartof concept_weatherphenomenon_water +concept_personus_cornelia_funke concept:agentcreated concept_book_inkspell +concept_personus_cornelia_funke concept:agentcreated concept_book_the_thief_lord +concept_personus_cornelia_funke concept:agentcontributedtocreativework concept_movie_inkheart +concept_personus_cornelia_funke concept:agentcreated concept_movie_inkheart +concept_personus_cs_lewis concept:agentcontributedtocreativework concept_movie_chronicles_of_narnia +concept_personus_cs_lewis concept:agentcreated concept_musicartist_the_chronicles_of_narnia +concept_personus_curtis_granderson concept:personbelongstoorganization concept_organization_tigers +concept_personus_d__h__lawrence concept:agentcreated concept_book_lady_chatterley_s_lover +concept_personus_d__h__lawrence concept:agentcontributedtocreativework concept_book_sons_and_lovers +concept_personus_d__h__lawrence concept:agentcreated concept_book_sons_and_lovers +concept_personus_d__h__lawrence concept:agentcontributedtocreativework concept_book_the_rainbow +concept_personus_d__h__lawrence concept:agentcreated concept_book_the_rainbow +concept_personus_d__h__lawrence concept:agentcontributedtocreativework concept_book_women_in_love +concept_personus_d__h__lawrence concept:agentcreated concept_writer_women_in_love +concept_personus_daimlerchrysler concept:agentcontrols concept_ceo_dieter_zetsche +concept_personus_dalai_lama concept:politicianholdsoffice concept_politicaloffice_president +concept_personus_dale_carnegie concept:agentcreated concept_book_how_to_win_friends_and_influence_people +concept_personus_dan_boren concept:persondiedincountry concept_country_england +concept_personus_dan_marino concept:personbelongstoorganization concept_sportsleague_nfl +concept_personus_danny_glover concept:personchargedwithcrime concept_crimeorcharge_trespassing +concept_personus_danny_thompson concept:musicianplaysinstrument concept_musicinstrument_bass +concept_personus_daphne_du_maurier concept:agentcreated concept_book_my_cousin_rachel +concept_personus_daphne_du_maurier concept:agentcreated concept_book_the_parasites +concept_personus_daphne_du_maurier concept:agentcontributedtocreativework concept_movie_rebecca +concept_personus_daphne_du_maurier concept:agentcreated concept_movie_rebecca +concept_personus_dario_argento concept:agentcontributedtocreativework concept_movie_suspiria +concept_personus_dave_barry concept:agentcreated concept_book_big_trouble +concept_personus_dave_barry concept:agentcreated concept_book_homes_and_other_black_holes +concept_personus_dave_may concept:parentofperson concept_person_derrick_may +concept_personus_dave_stewart concept:musicianinmusicartist concept_musicartist_eurythmics +concept_personus_david_cross concept:agentcreated concept_book_i_drink_for_a_reason +concept_personus_david_foster_wallace concept:agentcreated concept_book_consider_the_lobster_and_other_essays +concept_personus_david_foster_wallace concept:agentcontributedtocreativework concept_book_infinite_jest +concept_personus_david_foster_wallace concept:agentcreated concept_book_infinite_jest +concept_personus_david_foster_wallace concept:agentcreated concept_book_the_broom_of_the_system +concept_personus_david_geffen concept:personbelongstoorganization concept_company_asylum +concept_personus_david_geffen concept:personleadsorganization concept_company_asylum +concept_personus_david_geffen concept:topmemberoforganization concept_recordlabel_dreamworks_skg +concept_personus_david_lee concept:persondiedincountry concept_country_england +concept_personus_david_lodge concept:agentcreated concept_book_deaf_sentence +concept_personus_david_sedaris concept:agentcreated concept_book_barrel_fever +concept_personus_david_sedaris concept:agentcreated concept_book_barrel_fever__stories_and_essays +concept_personus_david_sedaris concept:agentcreated concept_book_dress_your_family_in_corduroy_and_denim +concept_personus_david_sedaris concept:agentcontributedtocreativework concept_book_holidays_on_ice +concept_personus_david_sedaris concept:agentcreated concept_book_holidays_on_ice +concept_personus_david_sedaris concept:agentcontributedtocreativework concept_book_me_talk_pretty_one_day +concept_personus_david_sedaris concept:agentcreated concept_book_me_talk_pretty_one_day +concept_personus_david_sedaris concept:agentcreated concept_book_naked +concept_personus_david_sedaris concept:agentcreated concept_book_santaland_diaries +concept_personus_david_sedaris concept:agentcreated concept_book_squirrel_seeks_chipmunk_a_modest_bestia +concept_personus_david_sedaris concept:agentcreated concept_book_when_you_are_engulfed_in_flames +concept_personus_dean_koontz concept:agentcontributedtocreativework concept_book_a_darkness_in_my_soul +concept_personus_dean_koontz concept:agentcreated concept_book_anti_man +concept_personus_dean_koontz concept:agentcreated concept_book_breathless +concept_personus_dean_koontz concept:agentcreated concept_book_brother_odd +concept_personus_dean_koontz concept:agentcreated concept_book_by_the_light_of_the_moon +concept_personus_dean_koontz concept:agentcreated concept_book_dead_and_alive +concept_personus_dean_koontz concept:agentcreated concept_book_demon_seed +concept_personus_dean_koontz concept:agentcreated concept_book_dragon_tears +concept_personus_dean_koontz concept:agentcreated concept_book_false_memory +concept_personus_dean_koontz concept:agentcreated concept_book_fear_nothing +concept_personus_dean_koontz concept:agentcreated concept_book_forever_odd +concept_personus_dean_koontz concept:agentcreated concept_book_from_the_corner_of_his_eye +concept_personus_dean_koontz concept:agentcreated concept_book_odd_hours +concept_personus_dean_koontz concept:agentcontributedtocreativework concept_book_odd_thomas +concept_personus_dean_koontz concept:agentcreated concept_book_odd_thomas +concept_personus_dean_koontz concept:agentcreated concept_book_one_door_away_from_heaven +concept_personus_dean_koontz concept:agentcreated concept_book_santa_s_twin +concept_personus_dean_koontz concept:agentcreated concept_book_seize_the_night +concept_personus_dean_koontz concept:agentcreated concept_book_sole_survivor +concept_personus_dean_koontz concept:agentcreated concept_book_strangers +concept_personus_dean_koontz concept:agentcreated concept_book_the_darkest_evening_of_the_year +concept_personus_dean_koontz concept:agentcreated concept_book_the_face +concept_personus_dean_koontz concept:agentcreated concept_book_the_husband +concept_personus_dean_koontz concept:agentcreated concept_book_the_taking +concept_personus_dean_koontz concept:agentcreated concept_book_tick_tock +concept_personus_dean_koontz concept:agentcreated concept_book_twilight_eyes +concept_personus_dean_koontz concept:agentcreated concept_book_your_heart_belongs_to_me +concept_personus_dean_koontz concept:agentcreated concept_movie_phantoms +concept_personus_dean_koontz concept:agentcreated concept_musicalbum_relentless +concept_personus_dean_koontz concept:agentcreated concept_musicsong_prodigal_son +concept_personus_dean_koontz concept:agentcreated concept_musicsong_winter_moon +concept_personus_dean_koontz concept:agentcreated concept_perceptionevent_lightning +concept_personus_dean_koontz concept:agentcreated concept_physicalcharacteristic_intensity +concept_personus_dean_koontz concept:agentcreated concept_televisionshow_shattered +concept_personus_dean_koontz concept:agentcreated concept_televisionshow_watchers +concept_personus_dean_koontz concept:agentcreated concept_televisionstation_velocity +concept_personus_dean_koontz concept:agentcreated concept_writer_city_of_night +concept_personus_dean_r__koontz concept:agentcontributedtocreativework concept_book_a_darkness_in_my_soul +concept_personus_dean_r__koontz concept:agentcreated concept_movie_phantoms +concept_personus_dee_brown concept:agentcreated concept_actor_bury_my_heart_at_wounded_knee +concept_personus_democratic concept:personhasresidenceingeopoliticallocation concept_county_chicago +concept_personus_democratic concept:personhasresidenceingeopoliticallocation concept_stateorprovince_california +concept_personus_democratic concept:personhasresidenceingeopoliticallocation concept_stateorprovince_colorado +concept_personus_democratic concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_york +concept_personus_dennis_kozlowski concept:topmemberoforganization concept_company_tyco_healthcare +concept_personus_dennis_kozlowski concept:ceoof concept_company_tyco_international +concept_personus_denzel_washington concept:agentcollaborateswithagent concept_politician_obama +concept_personus_denzel_washington concept:agentcontributedtocreativework concept_televisionshow_training_day +concept_personus_deron_williams concept:persondiedincountry concept_country_england +concept_personus_dh_lawrence concept:agentcreated concept_writer_women_in_love +concept_personus_dick_morris concept:worksfor concept_company_fox +concept_personus_dick_morris concept:personbelongstoorganization concept_mountain_fox +concept_personus_dolph_camilli concept:parentofperson concept_personmexico_doug_camilli +concept_personus_donell_taylor concept:persondiedincountry concept_country_england +concept_personus_donell_taylor concept:personalsoknownas concept_person_marquis_daniels +concept_personus_donell_taylor concept:personalsoknownas concept_personus_brent_barry +concept_personus_douglas_coupland concept:agentcontributedtocreativework concept_book_girlfriend_in_a_coma +concept_personus_douglas_coupland concept:agentcreated concept_book_girlfriend_in_a_coma +concept_personus_douglas_coupland concept:agentcontributedtocreativework concept_book_microserfs +concept_personus_douglas_coupland concept:agentcreated concept_book_microserfs +concept_personus_dozens concept:proxyfor concept_book_new +concept_personus_dozens concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_dwight_gooden concept:persondiedincountry concept_country_england +concept_personus_e__l__doctorow concept:agentcreated concept_shoppingmall_the_waterworks +concept_personus_e__m__forster concept:agentcontributedtocreativework concept_book_a_passage_to_india +concept_personus_e__m__forster concept:agentcreated concept_book_a_passage_to_india +concept_personus_e__m__forster concept:agentcontributedtocreativework concept_book_a_room_with_a_view +concept_personus_e__m__forster concept:agentcreated concept_book_a_room_with_a_view +concept_personus_e__m__forster concept:agentcontributedtocreativework concept_movie_howards_end +concept_personus_e__m__forster concept:agentcreated concept_movie_howards_end +concept_personus_e_b__white concept:agentcreated concept_movie_charlotte_s_web +concept_personus_e_e__cummings concept:agentcreated concept_book_the_enormous_room +concept_personus_e_m__forster concept:agentcontributedtocreativework concept_book_a_passage_to_india +concept_personus_e_m__forster concept:agentcreated concept_book_a_passage_to_india +concept_personus_e_m__forster concept:agentcontributedtocreativework concept_book_a_room_with_a_view +concept_personus_e_m__forster concept:agentcreated concept_book_a_room_with_a_view +concept_personus_e_m__forster concept:agentcreated concept_book_where_angels_fear_to_tread +concept_personus_e_m__forster concept:agentcontributedtocreativework concept_movie_howards_end +concept_personus_e_m__forster concept:agentcreated concept_movie_howards_end +concept_personus_earl_barron concept:persondiedincountry concept_country_england +concept_personus_earnest concept:atdate concept_date_n1996 +concept_personus_earnest concept:atdate concept_date_n1999 +concept_personus_earnest concept:atdate concept_date_n2000 +concept_personus_earnest concept:atdate concept_date_n2001 +concept_personus_earnest concept:atdate concept_date_n2003 +concept_personus_earnest concept:atdate concept_date_n2004 +concept_personus_earnest concept:atdate concept_date_n2009 +concept_personus_earnest concept:atdate concept_dateliteral_n1943 +concept_personus_earnest concept:atdate concept_dateliteral_n2002 +concept_personus_earnest concept:atdate concept_dateliteral_n2005 +concept_personus_earnest concept:atdate concept_dateliteral_n2006 +concept_personus_earnest concept:atdate concept_dateliteral_n2007 +concept_personus_earnest concept:atdate concept_dateliteral_n2008 +concept_personus_earnest concept:atdate concept_year_n1998 +concept_personus_economy concept:proxyfor concept_book_new +concept_personus_economy concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_economy concept:agentcontrols concept_person_mugabe +concept_personus_edward concept:persondiedatage 16 +concept_personus_elfriede_jelinek concept:agentcreated concept_book_the_piano_teacher +concept_personus_eli_roth concept:agentcontributedtocreativework concept_televisionshow_hostel +concept_personus_elie_wiesel concept:agentcontributedtocreativework concept_book_night +concept_personus_elie_wiesel concept:personhasjobposition concept_jobposition_author +concept_personus_elie_wiesel concept:agentcreated concept_musicsong_night +concept_personus_elmore_leonard concept:agentcreated concept_book_be_cool +concept_personus_elmore_leonard concept:agentcreated concept_book_city_primeval +concept_personus_elmore_leonard concept:agentcreated concept_book_la_brava +concept_personus_elmore_leonard concept:agentcreated concept_book_mr__majestyk +concept_personus_elmore_leonard concept:agentcreated concept_book_mr__paradise +concept_personus_elmore_leonard concept:agentcreated concept_book_three_ten_to_yuma_and_other_stories +concept_personus_elmore_leonard concept:agentcreated concept_movie_get_shorty +concept_personus_elvis_presley concept:persondiedatage 42 +concept_personus_emile_zola concept:agentcontributedtocreativework concept_book_germinal +concept_personus_emile_zola concept:agentcreated concept_book_therese_raquin +concept_personus_emile_zola concept:agentcreated concept_personafrica_germinal +concept_personus_emile_zola concept:agentcreated concept_videogame_nana +concept_personus_emily_bront_euml concept:agentcreated concept_movie_wuthering_heights +concept_personus_emily_bronte concept:agentcontributedtocreativework concept_movie_wuthering_heights +concept_personus_emily_bronte concept:agentcreated concept_movie_wuthering_heights +concept_personus_employee concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_employment concept:proxyfor concept_book_new +concept_personus_employment concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_eoin_colfer concept:agentcreated concept_book_airman +concept_personus_eoin_colfer concept:agentcontributedtocreativework concept_book_artemis_fowl +concept_personus_eoin_colfer concept:agentcreated concept_book_artemis_fowl +concept_personus_eoin_colfer concept:agentcreated concept_book_artemis_fowl_and_the_atlantis_complex +concept_personus_eoin_colfer concept:agentcreated concept_book_artemis_fowl_the_eternity_code +concept_personus_eoin_colfer concept:agentcreated concept_book_artemis_fowl_the_opal_deception +concept_personus_eoin_colfer concept:agentcreated concept_book_artemis_fowl_the_time_paradox +concept_personus_eoin_colfer concept:agentcreated concept_book_the_arctic_incident +concept_personus_eoin_colfer concept:agentcreated concept_book_the_eternity_code +concept_personus_erik_bedard concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personus_erle_stanley_gardner concept:agentcontributedtocreativework concept_televisionshow_perry_mason +concept_personus_ernest_j__gaines concept:agentcreated concept_book_the_autobiography_of_miss_jane_pittman +concept_personus_eudora_welty concept:agentcontributedtocreativework concept_book_the_collected_short_stories +concept_personus_eudora_welty concept:agentcontributedtocreativework concept_book_the_optimist_s_daughter +concept_personus_eudora_welty concept:agentcreated concept_book_the_optimist_s_daughter +concept_personus_euripides concept:agentcontributedtocreativework concept_book_medea +concept_personus_euripides concept:agentcreated concept_female_medea +concept_personus_evelyn_waugh concept:agentcontributedtocreativework concept_book_a_handful_of_dust +concept_personus_evelyn_waugh concept:agentcreated concept_book_a_handful_of_dust +concept_personus_evelyn_waugh concept:agentcreated concept_book_black_mischief +concept_personus_evelyn_waugh concept:agentcontributedtocreativework concept_book_brideshead_revisited +concept_personus_evelyn_waugh concept:agentcreated concept_book_brideshead_revisited +concept_personus_evelyn_waugh concept:agentcreated concept_book_decline_and_fall +concept_personus_evelyn_waugh concept:agentcreated concept_book_men_at_arms +concept_personus_evelyn_waugh concept:agentcreated concept_book_put_out_more_flags +concept_personus_evelyn_waugh concept:agentcontributedtocreativework concept_book_the_complete_short_stories +concept_personus_evelyn_waugh concept:agentcreated concept_book_vile_bodies +concept_personus_evelyn_waugh concept:agentcontributedtocreativework concept_movie_scoop +concept_personus_evelyn_waugh concept:agentcreated concept_movie_scoop +concept_personus_evelyn_waugh concept:agentcreated concept_movie_the_loved_one +concept_personus_extremists concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_personus_fannie_flagg concept:agentcontributedtocreativework concept_book_fried_green_tomatoes_at_the_whistle_stop_cafe +concept_personus_fannie_flagg concept:agentcreated concept_book_fried_green_tomatoes_at_the_whistle_stop_cafe +concept_personus_fema concept:atdate concept_date_n1999 +concept_personus_fema concept:agentcollaborateswithagent concept_person_mike_widomski +concept_personus_fema concept:agentcontrols concept_person_mike_widomski +concept_personus_fema concept:mutualproxyfor concept_person_mike_widomski +concept_personus_fema concept:subpartof concept_person_mike_widomski +concept_personus_films concept:proxyfor concept_book_new +concept_personus_forrest_carter concept:agentcreated concept_book_the_education_of_little_tree +concept_personus_frank_capra concept:agentcontributedtocreativework concept_movie_life +concept_personus_frank_marshall concept:persondiedincountry concept_country_scotland +concept_personus_franz_humer concept:personleadsorganization concept_winery_roche +concept_personus_franz_humer concept:worksfor concept_winery_roche +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_book_collected_stories +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_book_metamorphosis +concept_personus_franz_kafka concept:agentcreated concept_book_the_metamorphosis_and_other_stories +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_book_trial +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_movie_the_castle +concept_personus_franz_kafka concept:agentcreated concept_movie_the_castle +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_movie_the_trial +concept_personus_franz_kafka concept:agentcreated concept_movie_the_trial +concept_personus_franz_kafka concept:agentcreated concept_musicalbum_metamorphosis +concept_personus_franz_kafka concept:agentcreated concept_personus_amerika +concept_personus_franz_kafka concept:agentcontributedtocreativework concept_televisionshow_the_metamorphosis +concept_personus_franz_kafka concept:agentcreated concept_televisionshow_the_metamorphosis +concept_personus_frederick_douglass concept:agentcreated concept_book_my_bondage_and_my_freedom +concept_personus_frederick_forsyth concept:agentcontributedtocreativework concept_book_the_day_of_the_jackal +concept_personus_frederick_forsyth concept:agentcreated concept_comedian_the_day_of_the_jackal +concept_personus_friedrich_nietzsche concept:agentcontributedtocreativework concept_book_beyond_good_and_evil +concept_personus_friedrich_nietzsche concept:agentcreated concept_book_thus_spoke_zarathustra +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_book_crime_and_punishment +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_book_notes_from_the_underground +concept_personus_fyodor_dostoevsky concept:agentcreated concept_book_notes_from_the_underground +concept_personus_fyodor_dostoevsky concept:agentcreated concept_book_notes_from_underground +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_book_the_brothers_karamazov +concept_personus_fyodor_dostoevsky concept:agentcreated concept_book_the_brothers_karamazov +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_book_the_devils +concept_personus_fyodor_dostoevsky concept:agentcreated concept_book_the_devils +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_book_the_idiot +concept_personus_fyodor_dostoevsky concept:agentcreated concept_book_the_idiot +concept_personus_fyodor_dostoevsky concept:agentcontributedtocreativework concept_musicalbum_demons +concept_personus_fyodor_dostoevsky concept:agentcreated concept_personafrica_crime_and_punishment +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_book_brothers_karamazov +concept_personus_fyodor_dostoyevsky concept:agentcontributedtocreativework concept_book_crime_and_punishment +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_book_the_brothers_karamazov +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_book_the_idiot +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_book_the_karamazov_brothers +concept_personus_fyodor_dostoyevsky concept:agentcontributedtocreativework concept_musicalbum_demons +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_musicalbum_demons +concept_personus_fyodor_dostoyevsky concept:agentcreated concept_personafrica_crime_and_punishment +concept_personus_g_k__chesterton concept:agentcontributedtocreativework concept_movie_the_man_who_knew_too_much +concept_personus_gail_carson_levine concept:agentcontributedtocreativework concept_book_ella_enchanted +concept_personus_gail_carson_levine concept:agentcreated concept_book_ella_enchanted +concept_personus_gary_shapiro concept:agentcollaborateswithagent concept_professionalorganization_consumer_electronics_association +concept_personus_gene_wolfe concept:agentcreated concept_book_shadow_and_claw +concept_personus_gene_wolfe concept:agentcreated concept_book_sword_and_citadel +concept_personus_gene_wolfe concept:agentcreated concept_book_the_book_of_the_new_sun +concept_personus_george_burns concept:persondiedincountry concept_country_england +concept_personus_george_eastman concept:personleadsorganization concept_magazine_kodak +concept_personus_george_eastman concept:worksfor concept_magazine_kodak +concept_personus_geraldine_brooks concept:agentcreated concept_book_people_of_the_book +concept_personus_geraldine_brooks concept:agentcreated concept_month_march +concept_personus_glen_cook concept:agentcreated concept_book_bleak_seasons +concept_personus_glen_cook concept:agentcreated concept_book_shadows_linger +concept_personus_glen_cook concept:agentcreated concept_book_soldiers_live +concept_personus_glen_cook concept:agentcreated concept_book_the_black_company +concept_personus_glen_cook concept:agentcreated concept_book_the_silver_spike +concept_personus_glen_cook concept:agentcreated concept_book_the_swordbearer +concept_personus_glen_cook concept:agentcontributedtocreativework concept_musicsong_a_matter_of_time +concept_personus_glen_cook concept:agentcreated concept_writer_ceremony +concept_personus_gore_vidal concept:agentcreated concept_book_myra_breckinridge +concept_personus_governor_arnold_schwarzenegger concept:haswife concept_personafrica_maria_shriver +concept_personus_graham_greene concept:agentcreated concept_book_a_gun_for_sale +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_brighton_rock +concept_personus_graham_greene concept:agentcreated concept_book_brighton_rock +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_the_end_of_the_affair +concept_personus_graham_greene concept:agentcreated concept_book_the_end_of_the_affair +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_the_heart_of_the_matter +concept_personus_graham_greene concept:agentcreated concept_book_the_heart_of_the_matter +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_the_human_factor +concept_personus_graham_greene concept:agentcreated concept_book_the_ministry_of_fear +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_the_power_and_the_glory +concept_personus_graham_greene concept:agentcreated concept_book_the_power_and_the_glory +concept_personus_graham_greene concept:agentcontributedtocreativework concept_book_the_quiet_american +concept_personus_graham_greene concept:agentcreated concept_book_the_quiet_american +concept_personus_graham_greene concept:agentcreated concept_book_the_third_man +concept_personus_graham_greene concept:agentcreated concept_book_travels_with_my_aunt +concept_personus_greg_buckner concept:persondiedincountry concept_country_england +concept_personus_guillermo_del_toro concept:agentcreated concept_book_the_strain +concept_personus_guillermo_mota concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personus_gus_bell concept:parentofperson concept_personus_buddy_bell +concept_personus_gustave_flaubert concept:agentcreated concept_book_bouvard_et_p_cuchet +concept_personus_gustave_flaubert concept:agentcontributedtocreativework concept_book_madame_bovary +concept_personus_gustave_flaubert concept:agentcreated concept_book_madame_bovary +concept_personus_gustave_flaubert concept:agentcreated concept_musicalbum_sentimental_education +concept_personus_guy_de_maupassant concept:agentcreated concept_book_bel_ami +concept_personus_guy_de_maupassant concept:agentcreated concept_book_pierre_and_jean +concept_personus_h__g__wells concept:agentcontributedtocreativework concept_book_a_short_history_of_the_world +concept_personus_h__g__wells concept:agentcontributedtocreativework concept_book_the_island_of_doctor_moreau +concept_personus_h__g__wells concept:agentcreated concept_book_the_island_of_doctor_moreau +concept_personus_h__g__wells concept:agentcreated concept_book_the_new_machiavelli +concept_personus_h__g__wells concept:agentcontributedtocreativework concept_book_the_time_machine +concept_personus_h__g__wells concept:agentcreated concept_book_the_time_machine +concept_personus_h__g__wells concept:agentcontributedtocreativework concept_book_the_war_of_the_worlds +concept_personus_h__g__wells concept:agentcreated concept_book_the_war_of_the_worlds +concept_personus_h__g__wells concept:agentcreated concept_book_tono_bungay +concept_personus_h__g__wells concept:agentcontributedtocreativework concept_movie_time_machine +concept_personus_h__g__wells concept:agentcreated concept_televisionshow_the_invisible_man +concept_personus_h_g__wells concept:agentcontributedtocreativework concept_book_invisible_man +concept_personus_h_g__wells concept:agentcreated concept_book_the_island_of_dr__moreau +concept_personus_h_g__wells concept:agentcontributedtocreativework concept_book_the_time_machine +concept_personus_h_g__wells concept:agentcreated concept_book_the_time_machine +concept_personus_h_g__wells concept:agentcreated concept_book_the_war_of_the_worlds +concept_personus_h_g__wells concept:agentcreated concept_book_tono_bungay +concept_personus_h_g__wells concept:agentcontributedtocreativework concept_book_war_of_the_worlds +concept_personus_h_g__wells concept:agentcreated concept_televisionshow_the_invisible_man +concept_personus_hanif_kureishi concept:agentcontributedtocreativework concept_book_the_buddha_of_suburbia +concept_personus_hanif_kureishi concept:agentcreated concept_book_the_buddha_of_suburbia +concept_personus_hanif_kureishi concept:agentcreated concept_emotion_intimacy +concept_personus_hans_christian_andersen concept:agentcontributedtocreativework concept_book_andersen_s_fairy_tales +concept_personus_harry_cohn concept:worksfor concept_city_columbia +concept_personus_harry_cohn concept:topmemberoforganization concept_recordlabel_columbia +concept_personus_harry_s__truman concept:agentcontrols concept_election_white +concept_personus_harry_s__truman concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_haruki_murakami concept:agentcreated concept_book_a_wild_sheep_chase +concept_personus_haruki_murakami concept:agentcreated concept_book_after_the_quake +concept_personus_haruki_murakami concept:agentcreated concept_book_hard_boiled_wonderland_and_the_end_of_the_world +concept_personus_haruki_murakami concept:agentcontributedtocreativework concept_book_kafka_on_the_shore +concept_personus_haruki_murakami concept:agentcreated concept_book_kafka_on_the_shore +concept_personus_haruki_murakami concept:agentcreated concept_book_norwegian_wood +concept_personus_haruki_murakami concept:agentcreated concept_book_sputnik_sweetheart +concept_personus_haruki_murakami concept:agentcontributedtocreativework concept_book_the_wind_up_bird_chronicle +concept_personus_haruki_murakami concept:agentcreated concept_book_the_wind_up_bird_chronicle +concept_personus_haywood_sullivan concept:parentofperson concept_personus_marc_sullivan +concept_personus_healer concept:parentofperson concept_person_lord_jesus +concept_personus_heath_ledger concept:persondiedatage 28 +concept_personus_help_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_henrik_ibsen concept:agentcreated concept_book_a_doll_s_house +concept_personus_henrik_ibsen concept:agentcreated concept_book_an_enemy_of_the_people +concept_personus_henrik_ibsen concept:agentcontributedtocreativework concept_book_hedda_gabler +concept_personus_henrik_ibsen concept:agentcreated concept_book_hedda_gabler +concept_personus_henrik_ibsen concept:agentcontributedtocreativework concept_book_peer_gynt +concept_personus_henrik_ibsen concept:agentcreated concept_book_peer_gynt +concept_personus_henrik_ibsen concept:agentcreated concept_televisionshow_ghosts +concept_personus_henry concept:persondiedatage 2 +concept_personus_henry concept:hasspouse concept_female_catherine_of_aragon +concept_personus_henry_fielding concept:agentcreated concept_book_joseph_andrews +concept_personus_henry_fielding concept:agentcontributedtocreativework concept_book_tom_jones +concept_personus_henry_fielding concept:agentcreated concept_book_tom_jones +concept_personus_henry_fielding concept:agentcreated concept_mldataset_amelia +concept_personus_herbert_frank concept:agentcreated concept_book_dune +concept_personus_hideki_matsui concept:personbelongstoorganization concept_sportsteam_yankees +concept_personus_hilary_rodham_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_personus_hillary_rodham_clinton concept:agentcontributedtocreativework concept_book_living_history +concept_personus_hillary_rodham_clinton concept:agentcollaborateswithagent concept_personus_hussein_obama +concept_personus_hiroki_kuroda concept:personbelongstoorganization concept_sportsteam_dodgers +concept_personus_house_committee_on_appropriations concept:agentcontrols concept_personcanada_david_obey +concept_personus_house_committee_on_appropriations concept:agentcollaborateswithagent concept_politicianus_david_obey +concept_personus_howard_fineman concept:personbelongstoorganization concept_university_newsweek +concept_personus_howard_zinn concept:agentcontributedtocreativework concept_book_a_people_s_history_of_the_united_states +concept_personus_hunter_s__thompson concept:agentcontributedtocreativework concept_book_fear_and_loathing_in_las_vegas +concept_personus_hunter_s__thompson concept:agentcreated concept_book_fear_and_loathing_in_las_vegas +concept_personus_hussein_obama concept:agentcollaborateswithagent concept_female_hillary +concept_personus_hussein_obama concept:agentcollaborateswithagent concept_personus_hillary_rodham_clinton +concept_personus_hussein_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_personus_ian_fleming concept:agentcreated concept_book_diamonds_are_forever +concept_personus_ian_fleming concept:agentcreated concept_book_doctor_no +concept_personus_ian_fleming concept:agentcreated concept_book_dr__no +concept_personus_ian_fleming concept:agentcreated concept_book_moonraker +concept_personus_ian_fleming concept:agentcreated concept_book_thunderball +concept_personus_ian_kinsler concept:athleteplayssport concept_sport_hockey +concept_personus_ian_kinsler concept:athleteplaysinleague concept_sportsleague_nhl +concept_personus_ian_kinsler concept:athleteplaysforteam concept_sportsteam_rangers +concept_personus_ian_kinsler concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personus_ichiro concept:personalsoknownas concept_person_ichiro_suzuki +concept_personus_impact concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_ira_levin concept:agentcreated concept_book_the_stepford_wives +concept_personus_irwin_shaw concept:agentcreated concept_book_the_young_lions +concept_personus_isaac_larian concept:worksfor concept_company_mga_entertainment +concept_personus_isabel_allende concept:agentcontributedtocreativework concept_book_daughter_of_fortune +concept_personus_isabel_allende concept:agentcreated concept_book_daughter_of_fortune +concept_personus_isabel_allende concept:agentcreated concept_book_island_beneath_the_sea +concept_personus_isabel_allende concept:agentcreated concept_book_the_house_of_spirits +concept_personus_isabel_allende concept:agentcontributedtocreativework concept_book_the_house_of_the_spirits +concept_personus_isabel_allende concept:agentcreated concept_book_the_house_of_the_spirits +concept_personus_isabel_allende concept:agentcontributedtocreativework concept_musicalbum_eva_luna +concept_personus_isak_dinesen concept:agentcontributedtocreativework concept_movie_out_of_africa +concept_personus_isak_dinesen concept:agentcreated concept_movie_out_of_africa +concept_personus_italians concept:atdate concept_dateliteral_n1943 +concept_personus_italo_calvino concept:agentcreated concept_book_invisible_cities +concept_personus_italo_calvino concept:agentcreated concept_book_the_castle_of_crossed_destinies +concept_personus_italo_calvino concept:agentcreated concept_book_the_path_to_the_nest_of_spiders +concept_personus_italo_calvino concept:agentcreated concept_visualartist_the_baron_in_the_trees +concept_personus_j__d__salinger concept:agentcontributedtocreativework concept_book_franny_and_zooey +concept_personus_j__d__salinger concept:agentcreated concept_book_franny_and_zooey +concept_personus_j__d__salinger concept:agentcreated concept_book_nine_stories +concept_personus_j__d__salinger concept:agentcontributedtocreativework concept_book_the_catcher_in_the_rye +concept_personus_j__d__salinger concept:agentcreated concept_book_the_catcher_in_the_rye +concept_personus_j__k__rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_goblet_of_fire +concept_personus_j__k__rowling concept:agentcreated concept_book_harry_potter_and_the_goblet_of_fire +concept_personus_j__k__rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_philosopher_s_stone +concept_personus_j__k__rowling concept:agentcreated concept_book_the_tales_of_beedle_the_bard +concept_personus_j__k__rowling concept:agentcreated concept_celebrity_harry_potter_and_the_half_blood_prince +concept_personus_j__k__rowling concept:agentcontributedtocreativework concept_movie_harry_potter +concept_personus_j__k__rowling concept:agentcreated concept_movie_harry_potter +concept_personus_j__k__rowling concept:agentcontributedtocreativework concept_movie_harry_potter_and_the_chamber_of_secrets +concept_personus_j__k__rowling concept:agentcreated concept_movie_harry_potter_and_the_chamber_of_secrets +concept_personus_j__k__rowling concept:agentcreated concept_movie_harry_potter_and_the_order_of_the_phoenix +concept_personus_j__k__rowling concept:agentcontributedtocreativework concept_movie_harry_potter_and_the_prisoner_of_azkaban +concept_personus_j__k__rowling concept:agentcreated concept_movie_harry_potter_and_the_prisoner_of_azkaban +concept_personus_j__k__rowling concept:agentcreated concept_movie_harry_potter_and_the_sorcerer_s_stone +concept_personus_j__k__rowling concept:agentcreated concept_musicalbum_harry_potter_and_the_deathly_hallows +concept_personus_j__k__rowling concept:agentcreated concept_musicalbum_harry_potter_and_the_philosopher_s_stone +concept_personus_j__k__rowling concept:agentcreated concept_videogame_harry_potter_and_the_order_of_the_phoeni +concept_personus_j__r__r__tolkien concept:agentcreated concept_book_the_children_of_hurin +concept_personus_j__r__r__tolkien concept:agentcreated concept_book_the_fellowship_of_the_ring +concept_personus_j__r__r__tolkien concept:agentcontributedtocreativework concept_book_the_hobbit +concept_personus_j__r__r__tolkien concept:agentcontributedtocreativework concept_book_the_lord_of_the_rings +concept_personus_j__r__r__tolkien concept:agentcreated concept_book_the_lord_of_the_rings +concept_personus_j__r__r__tolkien concept:agentcreated concept_book_the_return_of_the_king +concept_personus_j__r__r__tolkien concept:agentcreated concept_book_the_silmarillion +concept_personus_j__r__r__tolkien concept:agentcreated concept_movie_the_two_towers +concept_personus_j_d__drew concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personus_j_d__drew concept:personbelongstoorganization concept_sportsteam_rockies +concept_personus_j_d__salinger concept:agentcontributedtocreativework concept_book_franny_and_zooey +concept_personus_j_d__salinger concept:agentcreated concept_book_franny_and_zooey +concept_personus_j_d__salinger concept:agentcontributedtocreativework concept_book_nine_stories +concept_personus_j_d__salinger concept:agentcreated concept_book_nine_stories +concept_personus_j_d__salinger concept:agentcontributedtocreativework concept_book_the_catcher_in_the_rye +concept_personus_j_d__salinger concept:agentcreated concept_book_the_catcher_in_the_rye +concept_personus_j_p__howell concept:personalsoknownas concept_athlete_j_p__ricciardi +concept_personus_j_p__howell concept:personalsoknownas concept_coach_p_j__carlesimo +concept_personus_j_p__howell concept:personalsoknownas concept_person_p_j__brown +concept_personus_j_p__howell concept:personalsoknownas concept_person_pj_hill +concept_personus_j_r_r__tolkien concept:agentcreated concept_boardgame_the_hobbit +concept_personus_j_r_r__tolkien concept:agentcontributedtocreativework concept_book_the_fellowship_of_the_ring +concept_personus_j_r_r__tolkien concept:agentcontributedtocreativework concept_book_the_hobbit +concept_personus_j_r_r__tolkien concept:agentcontributedtocreativework concept_book_the_lord_of_the_rings +concept_personus_j_r_r__tolkien concept:agentcreated concept_book_the_lord_of_the_rings +concept_personus_j_r_r__tolkien concept:agentcontributedtocreativework concept_book_the_silmarillion +concept_personus_j_r_r__tolkien concept:agentcreated concept_book_the_silmarillion +concept_personus_jack_greenberg concept:personbelongstoorganization concept_company_mcdonalds +concept_personus_jack_kerouac concept:agentcontributedtocreativework concept_book_on_the_road +concept_personus_jack_kerouac concept:agentcreated concept_book_on_the_road +concept_personus_jack_kerouac concept:agentcreated concept_book_the_dharma_bums +concept_personus_jack_kerouac concept:agentcreated concept_musicartist_dharma_bums +concept_personus_jackie_gleason concept:persondiedincountry concept_country_england +concept_personus_jackie_robinson concept:personbelongstoorganization concept_organization_the_brooklyn_dodgers +concept_personus_jackie_robinson concept:athleteplayssport concept_sport_baseball +concept_personus_jackie_robinson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_jackie_robinson concept:athleteledsportsteam concept_sportsteam_brooklyn_dodgers +concept_personus_jackie_robinson concept:athleteplaysforteam concept_sportsteam_brooklyn_dodgers +concept_personus_jackie_robinson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_jamal_crawford concept:persondiedincountry concept_country_england +concept_personus_james_blish concept:agentcreated concept_mlsoftware_beep +concept_personus_james_dimon concept:personleadsorganization concept_bank_jpmorgan +concept_personus_james_ellroy concept:agentcreated concept_book_hollywood_nocturnes +concept_personus_james_ellroy concept:agentcreated concept_book_l_a__confidential +concept_personus_james_ellroy concept:agentcreated concept_book_the_big_nowhere +concept_personus_james_ellroy concept:agentcreated concept_book_the_black_dahlia +concept_personus_james_ellroy concept:agentcreated concept_celebrity_crime_wave +concept_personus_james_ellroy concept:agentcreated concept_movie_la_confidential +concept_personus_jamestown concept:proxyfor concept_company_new_york +concept_personus_jamestown concept:subpartof concept_company_new_york +concept_personus_jane_green concept:agentcreated concept_street_dune_road +concept_personus_jann_wenner concept:topmemberoforganization concept_politicsblog_rolling_stone +concept_personus_jann_wenner concept:personleadsorganization concept_website_rolling_stone_magazine +concept_personus_jann_wenner concept:worksfor concept_website_rolling_stone_magazine +concept_personus_jason_giambi concept:agentcollaborateswithagent concept_coach_new +concept_personus_jason_giambi concept:personbelongstoorganization concept_company_new_york +concept_personus_jason_giambi concept:subpartof concept_company_new_york +concept_personus_jason_giambi concept:personbelongstoorganization concept_sportsleague_new +concept_personus_jason_giambi concept:subpartof concept_sportsleague_new +concept_personus_jason_giambi concept:personbelongstoorganization concept_sportsteam_yankees +concept_personus_jason_kidd concept:persondiedincountry concept_country_england +concept_personus_jason_maxiell concept:persondiedincountry concept_country_england +concept_personus_javier_bardem concept:personhasresidenceingeopoliticallocation concept_country_spain +concept_personus_jawaharlal_nehru concept:parentofperson concept_male_motilal_nehru +concept_personus_jay_gibbons concept:personbelongstoorganization concept_sportsteam_orioles +concept_personus_jean_m__auel concept:agentcontributedtocreativework concept_book_the_clan_of_the_cave_bear +concept_personus_jean_m__auel concept:agentcreated concept_book_the_clan_of_the_cave_bear +concept_personus_jean_m__auel concept:agentcreated concept_book_the_mammoth_hunters +concept_personus_jean_m__auel concept:agentcreated concept_book_the_plains_of_passage +concept_personus_jean_m__auel concept:agentcreated concept_mldataset_the_valley_of_horses +concept_personus_jean_toomer concept:agentcreated concept_plant_cane +concept_personus_jeanne_duprau concept:agentcreated concept_book_the_city_of_ember +concept_personus_jeff_bezos concept:topmemberoforganization concept_company_amazon_com_inc +concept_personus_jeff_bezos concept:personleadsorganization concept_governmentorganization_amazon_com +concept_personus_jeff_bezos concept:worksfor concept_governmentorganization_amazon_com +concept_personus_jennifer_hudson concept:actorstarredinmovie concept_movie_dreamgirls +concept_personus_jenny_nimmo concept:agentcreated concept_book_charlie_bone_and_the_hidden_king +concept_personus_jeremiah_wright concept:agentcollaborateswithagent concept_politician_obama +concept_personus_jeremy_shockey concept:persondiedatage 5 +concept_personus_jeremy_shockey concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_personus_jeremy_shockey concept:athleteinjuredhisbodypart concept_nerve_hand +concept_personus_jeremy_shockey concept:athleteplayssport concept_sport_football +concept_personus_jeremy_shockey concept:athleteplaysinleague concept_sportsleague_nfl +concept_personus_jeremy_shockey concept:athleteledsportsteam concept_sportsteam_new_york_giants +concept_personus_jeremy_shockey concept:athleteplaysforteam concept_sportsteam_new_york_giants +concept_personus_jeremy_shockey concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personus_jeremy_shockey concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_personus_jerusalem concept:agentcompeteswithagent concept_company_post +concept_personus_jerusalem concept:personhasjobposition concept_jobposition_king +concept_personus_jerusalem concept:proxyfor concept_terroristorganization_palestine +concept_personus_jhumpa_lahiri concept:agentcreated concept_book_interpreter_of_maladies +concept_personus_jhumpa_lahiri concept:agentcontributedtocreativework concept_book_the_namesake +concept_personus_jhumpa_lahiri concept:agentcreated concept_book_the_namesake +concept_personus_jim_johnson concept:personleadsorganization concept_bank_fannie_mae +concept_personus_jim_johnson concept:worksfor concept_bank_fannie_mae +concept_personus_jim_johnson concept:worksfor concept_bank_fannie_mae_and_freddy_mac +concept_personus_jim_thorpe concept:persondiedincountry concept_country_england +concept_personus_jobs concept:persondiedatage 0 +concept_personus_jobs concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personus_jobs concept:personbelongstoorganization concept_politicalparty_college +concept_personus_jobs concept:personmovedtostateorprovince concept_stateorprovince_maryland +concept_personus_jobs concept:persongraduatedfromuniversity concept_university_college +concept_personus_jobs concept:persongraduatedschool concept_university_college +concept_personus_jobs concept:worksfor concept_website_technology +concept_personus_joe_dimaggio concept:agentcollaborateswithagent concept_coach_new +concept_personus_joe_dimaggio concept:personbelongstoorganization concept_company_new_york +concept_personus_joe_dimaggio concept:subpartof concept_company_new_york +concept_personus_joe_dimaggio concept:personbelongstoorganization concept_sportsleague_new +concept_personus_joe_dimaggio concept:subpartof concept_sportsleague_new +concept_personus_joe_johnson concept:persondiedincountry concept_country_england +concept_personus_joe_maddon concept:personleadsorganization concept_sportsteam_tampa_bay_rays +concept_personus_john_adams concept:haswife concept_female_abigail_adams +concept_personus_john_adams concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_john_adams concept:hasspouse concept_personeurope_abigail_adams +concept_personus_john_adams concept:parentofperson concept_personeurope_john_quincy_adams +concept_personus_john_brewster concept:persondiedincountry concept_country_england +concept_personus_john_dos_passos concept:agentcreated concept_country_usa +concept_personus_john_edwards concept:agentcollaborateswithagent concept_company_clinton +concept_personus_john_edwards concept:agentcollaborateswithagent concept_geopoliticallocation_kerry +concept_personus_john_fleming concept:worksfor concept_continent_europe +concept_personus_john_gibson concept:worksfor concept_governmentorganization_fox_news +concept_personus_john_gibson concept:worksfor concept_mountain_fox +concept_personus_john_horn concept:journalistwritesforpublication concept_newspaper_times +concept_personus_john_knowles concept:agentcontributedtocreativework concept_book_a_separate_peace +concept_personus_john_mayer concept:hasspouse concept_personcanada_jennifer_aniston +concept_personus_john_nichols concept:journalistwritesforpublication concept_blog_nation +concept_personus_john_nichols concept:personbelongstoorganization concept_governmentorganization_nation +concept_personus_john_nichols concept:journalistwritesforpublication concept_website_nation_magazine +concept_personus_john_nichols concept:journalistwritesforpublication concept_website_the_nation +concept_personus_john_pipkin concept:agentcreated concept_book_woodsburner +concept_personus_john_vornholt concept:agentcontributedtocreativework concept_book_a_time_to_be_born +concept_personus_john_vornholt concept:agentcontributedtocreativework concept_book_a_time_to_die +concept_personus_john_w__thompson concept:ceoof concept_company_symantec001 +concept_personus_john_w__thompson concept:topmemberoforganization concept_company_symantec001 +concept_personus_johnny_carson concept:persondiedatage 79 +concept_personus_johnny_damon concept:personbelongstoorganization concept_sportsteam_yankees +concept_personus_johnny_depp concept:agentcontributedtocreativework concept_book_public_enemies +concept_personus_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_personus_jon_cohen concept:worksfor concept_blog_science +concept_personus_jon_favreau concept:agentcontributedtocreativework concept_televisionshow_iron_man +concept_personus_jon_garland concept:persondiedincountry concept_country_england +concept_personus_jon_voight concept:actorstarredinmovie concept_movie_midnight_cowboy +concept_personus_jon_voight concept:fatherofperson concept_personus_angelina_jolie +concept_personus_jose_guillen concept:persondiedincountry concept_country_england +concept_personus_jose_juan_barea concept:persondiedincountry concept_country_england +concept_personus_joshua_bell concept:musicianplaysinstrument concept_musicinstrument_violin +concept_personus_joyce_carol_oates concept:agentcontributedtocreativework concept_book_a_garden_of_earthly_delights +concept_personus_joyce_carol_oates concept:agentcreated concept_book_a_garden_of_earthly_delights +concept_personus_joyce_carol_oates concept:agentcreated concept_recordlabel_black_water +concept_personus_joyce_carol_oates concept:agentcreated concept_televisionshow_blonde +concept_personus_jrr_tolkien concept:agentcreated concept_boardgame_the_hobbit +concept_personus_jrr_tolkien concept:agentcontributedtocreativework concept_book_the_hobbit +concept_personus_jrr_tolkien concept:agentcontributedtocreativework concept_book_the_lord_of_the_rings +concept_personus_jrr_tolkien concept:agentcreated concept_book_the_lord_of_the_rings +concept_personus_juan_gonzalez concept:worksfor concept_company_daily_news001 +concept_personus_juan_gonzalez concept:worksfor concept_website_new_york_daily +concept_personus_judith_guest concept:agentcreated concept_book_ordinary_people +concept_personus_jules_verne concept:agentcontributedtocreativework concept_book_a_journey_to_the_center_of_the_earth +concept_personus_jules_verne concept:agentcreated concept_book_a_journey_to_the_centre_of_the_earth +concept_personus_jules_verne concept:agentcontributedtocreativework concept_book_around_the_world_in_80_days +concept_personus_jules_verne concept:agentcontributedtocreativework concept_book_around_the_world_in_eighty_days +concept_personus_jules_verne concept:agentcreated concept_book_around_the_world_in_eighty_days +concept_personus_jules_verne concept:agentcontributedtocreativework concept_book_journey +concept_personus_jules_verne concept:agentcreated concept_book_mysterious_island +concept_personus_jules_verne concept:agentcreated concept_book_the_mysterious_island +concept_personus_jules_verne concept:agentcreated concept_book_the_underground_city +concept_personus_jules_verne concept:agentcreated concept_movie_journey_to_the_center_of_the_earth +concept_personus_jules_verne concept:agentcontributedtocreativework concept_movie_twenty_thousand_leagues_under_the_sea +concept_personus_jules_verne concept:agentcreated concept_movie_twenty_thousand_leagues_under_the_sea +concept_personus_jules_verne concept:agentcreated concept_personasia_around_the_world_in_80_days +concept_personus_jules_verne concept:agentcreated concept_software_journey_to_the_centre_of_the_earth +concept_personus_julian_barnes concept:agentcreated concept_book_flaubert_s_parrot +concept_personus_justin_speier concept:parentofperson concept_athlete_chris_speier +concept_personus_karl_marx concept:agentcreated concept_book_the_communist_manifesto +concept_personus_kate_zernike concept:worksfor concept_musicartist_times +concept_personus_kate_zernike concept:personbelongstoorganization concept_stateorprovince_times +concept_personus_katherine_paterson concept:agentcreated concept_movie_bridge_to_terabithia +concept_personus_katherine_paterson concept:agentcontributedtocreativework concept_televisionshow_the_great_gilly_hopkins +concept_personus_katherine_paterson concept:agentcreated concept_televisionshow_the_great_gilly_hopkins +concept_personus_katie_couric concept:subpartof concept_website_cbs +concept_personus_kazuo_ishiguro concept:agentcreated concept_book_a_pale_view_of_hills +concept_personus_kazuo_ishiguro concept:agentcontributedtocreativework concept_book_an_artist_of_the_floating_world +concept_personus_kazuo_ishiguro concept:agentcreated concept_book_an_artist_of_the_floating_world +concept_personus_kazuo_ishiguro concept:agentcontributedtocreativework concept_book_never_let_me_go +concept_personus_kazuo_ishiguro concept:agentcreated concept_book_remains_of_the_day +concept_personus_kazuo_ishiguro concept:agentcontributedtocreativework concept_book_the_remains_of_the_day +concept_personus_kazuo_ishiguro concept:agentcreated concept_book_the_remains_of_the_day +concept_personus_kazuo_ishiguro concept:agentcreated concept_book_the_unconsoled +concept_personus_kazuo_ishiguro concept:agentcreated concept_comedian_never_let_me_go +concept_personus_keith_richards concept:personbelongstoorganization concept_musicartist_the_rolling_stones +concept_personus_ken_lewis concept:agentcontrols concept_book_america +concept_personus_ken_lewis concept:proxyfor concept_book_america +concept_personus_ken_lewis concept:subpartof concept_book_america +concept_personus_ken_lewis concept:topmemberoforganization concept_company_bofa +concept_personus_ken_lewis concept:personleadsorganization concept_country___america +concept_personus_ken_lewis concept:worksfor concept_country___america +concept_personus_kenneth_grahame concept:agentcontributedtocreativework concept_book_the_wind_in_the_willows +concept_personus_kenneth_grahame concept:agentcreated concept_book_the_wind_in_the_willows +concept_personus_kevin_garnett concept:persondiedincountry concept_country_england +concept_personus_kevin_j__anderson concept:agentcreated concept_celltype_antibodies +concept_personus_khaled_hosseini concept:agentcontributedtocreativework concept_book_a_thousand_splendid_suns +concept_personus_khaled_hosseini concept:agentcreated concept_book_a_thousand_splendid_suns +concept_personus_khaled_hosseini concept:agentcontributedtocreativework concept_book_the_kite_runner +concept_personus_khaled_hosseini concept:agentcreated concept_writer_the_kite_runner +concept_personus_kingsley_amis concept:agentcontributedtocreativework concept_book_lucky_jim +concept_personus_kingsley_amis concept:agentcreated concept_book_the_green_man +concept_personus_kingsley_amis concept:agentcreated concept_book_the_old_devils +concept_personus_kingsley_amis concept:agentcreated concept_musicartist_lucky_jim +concept_personus_kobe_bryant concept:athletewinsawardtrophytournament concept_awardtrophytournament_nba_championship +concept_personus_kobe_bryant concept:athleteinjuredhisbodypart concept_bone_ankle +concept_personus_kobe_bryant concept:athleteledsportsteam concept_sportsteam_los_angeles_lakers +concept_personus_kobe_bryant concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_kobe_bryant concept:athleteplayssportsteamposition concept_sportsteamposition_guard +concept_personus_kobe_bryant concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_a_man_without_a_country +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_breakfast_of_champions +concept_personus_kurt_vonnegut concept:agentcreated concept_book_breakfast_of_champions +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_cat_s_cradle +concept_personus_kurt_vonnegut concept:agentcreated concept_book_cat_s_cradle +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_galapagos +concept_personus_kurt_vonnegut concept:agentcreated concept_book_galapagos +concept_personus_kurt_vonnegut concept:agentcreated concept_book_hocus_pocus +concept_personus_kurt_vonnegut concept:agentcreated concept_book_jailbird +concept_personus_kurt_vonnegut concept:agentcreated concept_book_mother_night +concept_personus_kurt_vonnegut concept:agentcreated concept_book_player_piano +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_slaughter_house_five +concept_personus_kurt_vonnegut concept:agentcreated concept_book_slaughter_house_five +concept_personus_kurt_vonnegut concept:agentcontributedtocreativework concept_book_slaughterhouse_five +concept_personus_kurt_vonnegut concept:agentcreated concept_book_slaughterhouse_five +concept_personus_kurt_vonnegut concept:agentcreated concept_book_the_sirens_of_titan +concept_personus_kurt_vonnegut concept:agentcreated concept_musicalbum_sirens_of_titan +concept_personus_kurt_vonnegut concept:agentcreated concept_musicartist_welcome_to_the_monkey_house +concept_personus_kurt_vonnegut concept:agentcreated concept_visualizableobject_rosewater +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_dorothy_and_the_wizard_in_oz +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_oz +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_the_lost_princess_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_book_the_lost_princess_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_book_the_magic_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_book_the_patchwork_girl_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_book_the_road_to_oz +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_the_scarecrow_of_oz +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_the_wonderful_wizard_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_book_the_wonderful_wizard_of_oz +concept_personus_l__frank_baum concept:agentcontributedtocreativework concept_book_wizard_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_musicalbum_wizard_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_musicsong_the_wizard_of_oz +concept_personus_l__frank_baum concept:agentcreated concept_personmexico_oz +concept_personus_l_m__montgomery concept:agentcontributedtocreativework concept_book_anne_of_green_gables +concept_personus_l_m__montgomery concept:agentcreated concept_book_anne_of_green_gables +concept_personus_l_m__montgomery concept:agentcreated concept_book_emily_of_new_moon +concept_personus_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_personus_lance_berkman concept:coachwontrophy concept_awardtrophytournament_world_series +concept_personus_lance_berkman concept:personalsoknownas concept_personasia_fred_lynn +concept_personus_lance_berkman concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_lance_berkman concept:athleteplaysforteam concept_sportsteam_astros +concept_personus_lance_berkman concept:athleteledsportsteam concept_sportsteam_houston_astros +concept_personus_lao_tzu concept:agentcreated concept_religion_tao_te_ching +concept_personus_larry_mcmurty concept:agentcontributedtocreativework concept_book_lonesome_dove +concept_personus_larry_mcmurty concept:agentcreated concept_book_lonesome_dove +concept_personus_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_personus_layout concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_leigh_brackett concept:agentcreated concept_book_shadows +concept_personus_leo_tolstoy concept:agentcontributedtocreativework concept_book_anna_karenina +concept_personus_leo_tolstoy concept:agentcontributedtocreativework concept_book_the_kreutzer_sonata +concept_personus_leo_tolstoy concept:agentcreated concept_book_the_kreutzer_sonata +concept_personus_leo_tolstoy concept:agentcontributedtocreativework concept_book_war_and_peace +concept_personus_leo_tolstoy concept:agentcreated concept_personeurope_anna_karenina +concept_personus_leo_tolstoy concept:agentcreated concept_videogame_war_and_peace +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_ate_danish_modern +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_came_to_breakfast +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_lived_high +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_played_brahms +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_played_post_office +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_saw_red +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_talked_turkey +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_turned_on_and_off +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_wasn_t_there +concept_personus_lilian_jackson_braun concept:agentcontributedtocreativework concept_book_the_cat_who_went_into_the_closet +concept_personus_lindsay_lohan concept:hasspouse concept_personcanada_samantha_ronson +concept_personus_lois_mcmaster_bujold concept:agentcontributedtocreativework concept_book_a_civil_campaign +concept_personus_lois_mcmaster_bujold concept:agentcreated concept_book_a_civil_campaign +concept_personus_lois_mcmaster_bujold concept:agentcreated concept_book_barrayar +concept_personus_lois_mcmaster_bujold concept:agentcontributedtocreativework concept_book_the_curse_of_chalion +concept_personus_lois_mcmaster_bujold concept:agentcreated concept_book_the_curse_of_chalion +concept_personus_long_island concept:persongraduatedschool concept_university_college +concept_personus_long_way concept:proxyfor concept_book_new +concept_personus_louis_sachar concept:agentcreated concept_musicalbum_holes +concept_personus_louis_sachar concept:agentinvolvedwithitem concept_sportsequipment_holes +concept_personus_louis_sachar concept:agentcontributedtocreativework concept_televisionshow_holes +concept_personus_lucy_maud_montgomery concept:agentcreated concept_book_anne_of_avonlea +concept_personus_lucy_maud_montgomery concept:agentcontributedtocreativework concept_book_anne_of_green_gables +concept_personus_lucy_maud_montgomery concept:agentcreated concept_book_anne_of_green_gables +concept_personus_lucy_maud_montgomery concept:agentcreated concept_book_anne_of_the_island +concept_personus_mackinlay_kantor concept:agentcontributedtocreativework concept_book_andersonville +concept_personus_mackinlay_kantor concept:agentcreated concept_book_andersonville +concept_personus_madeleine_l_engle concept:agentcontributedtocreativework concept_book_a_wind_in_the_door +concept_personus_madeleine_l_engle concept:agentcontributedtocreativework concept_book_a_wrinkle_in_time +concept_personus_madeleine_l_engle concept:agentcreated concept_book_a_wrinkle_in_time +concept_personus_marcel_proust concept:agentcreated concept_book_in_search_of_lost_time +concept_personus_marcel_proust concept:agentcontributedtocreativework concept_book_swann_s_way +concept_personus_marcel_proust concept:agentcreated concept_personeurope_remembrance_of_things_past +concept_personus_margaret concept:personhascitizenship concept_country_denmark +concept_personus_margaret concept:personhasjobposition concept_jobposition_queen +concept_personus_margaret concept:persongraduatedfromuniversity concept_university_college +concept_personus_margaret_weis concept:agentcreated concept_book_war_of_the_twins +concept_personus_marion_dane_bauer concept:agentcreated concept_book_on_my_honor +concept_personus_mark_anthony concept:haswife concept_female_jennifer_lopez +concept_personus_mark_lester concept:actorstarredinmovie concept_movie_oliver +concept_personus_mark_shapiro concept:personleadsorganization concept_sportsteam_flags +concept_personus_mark_shapiro concept:worksfor concept_sportsteam_flags +concept_personus_markus_zusak concept:agentcreated concept_book_the_book_thief +concept_personus_mary_higgins_clark concept:agentcreated concept_book_before_i_say_goodbye +concept_personus_mary_wollstonecraft_shelley concept:agentcontributedtocreativework concept_book_frankenstein +concept_personus_mary_wollstonecraft_shelley concept:agentcreated concept_book_frankenstein +concept_personus_matt_garza concept:personbelongstoorganization concept_city_tampa_bay +concept_personus_matt_garza concept:persondiedincountry concept_country_england +concept_personus_matt_holiday concept:personbelongstoorganization concept_sportsteam_colorado_rockies +concept_personus_matt_holiday concept:personbelongstoorganization concept_sportsteam_rockies +concept_personus_matt_leinart concept:personbelongstoorganization concept_sportsteam_arizona_cardinals_27_23 +concept_personus_maxine_hong_kingston concept:agentcreated concept_book_the_woman_warrior +concept_personus_media concept:agentcontrols concept_biotechcompany_white +concept_personus_media concept:proxyfor concept_book_new +concept_personus_media concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_media concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personus_media concept:agentcreated concept_movie_contact +concept_personus_media concept:agentcontrols concept_person_jeff_jarvis +concept_personus_mel_ott concept:parentofperson concept_person_todd_stottlemyre +concept_personus_melky_cabrera concept:personbelongstoorganization concept_sportsteam_yankees +concept_personus_meryl_streep concept:actorstarredinmovie concept_movie_devil_wears_prada +concept_personus_meryl_streep concept:actorstarredinmovie concept_movie_mamma_mia +concept_personus_meryl_streep concept:actorstarredinmovie concept_movie_sophie_s_choice +concept_personus_meryl_streep concept:actorstarredinmovie concept_movie_the_devil_wears_prada +concept_personus_michael_arrington concept:topmemberoforganization concept_blog_techcrunch +concept_personus_michael_jackson concept:musicianinmusicartist concept_musicartist_jackson_five +concept_personus_michael_keaton concept:agentcontributedtocreativework concept_book_batman +concept_personus_michael_moore concept:directordirectedmovie concept_movie_fahrenheit_9_11 +concept_personus_michael_moore concept:directordirectedmovie concept_movie_sicko +concept_personus_mike_lynch concept:ceoof concept_company_autonomy +concept_personus_mike_macdougal concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_personus_mike_williams concept:athleteplayssport concept_sport_football +concept_personus_mike_williams concept:athleteplaysinleague concept_sportsleague_nfl +concept_personus_milan_kundera concept:agentcreated concept_book_ignorance +concept_personus_milan_kundera concept:agentcreated concept_book_the_book_of_laughter_and_forgetting +concept_personus_milan_kundera concept:agentcontributedtocreativework concept_movie_the_unbearable_lightness_of_being +concept_personus_milan_kundera concept:agentcreated concept_movie_the_unbearable_lightness_of_being +concept_personus_milan_kundera concept:agentcreated concept_televisionshow_the_joke +concept_personus_miller concept:personalsoknownas concept_athlete_desmond_mason +concept_personus_miller concept:athleteinjuredhisbodypart concept_bodypart_hands +concept_personus_miller concept:athleteinjuredhisbodypart concept_bone_shoulder +concept_personus_miller concept:athleteinjuredhisbodypart concept_braintissue_eyes +concept_personus_miller concept:persondiedincountry concept_country_england +concept_personus_miller concept:personalsoknownas concept_personmexico_andre_miller +concept_personus_miller concept:athleteplaysinleague concept_sportsleague_nba +concept_personus_miller concept:athleteplaysforteam concept_sportsteam_buffalo_sabres +concept_personus_miller concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_miller concept:athleteplayssportsteamposition concept_sportsteamposition_left_field +concept_personus_miller concept:athleteplayssportsteamposition concept_sportsteamposition_player +concept_personus_miller concept:athleteplayssportsteamposition concept_sportsteamposition_right_center +concept_personus_miller concept:athleteplayssportsteamposition concept_sportsteamposition_right_field +concept_personus_milt_may concept:parentofperson concept_personus_pinky_may +concept_personus_milwaukee_brewers concept:agentparticipatedinevent concept_sportsgame_series +concept_personus_milwaukee_brewers concept:agentbelongstoorganization concept_sportsleague_mlb +concept_personus_mitch_albom concept:agentcontributedtocreativework concept_book_the_five_people_you_meet_in_heaven +concept_personus_mitch_albom concept:agentcreated concept_book_the_five_people_you_meet_in_heaven +concept_personus_mitch_albom concept:agentcontributedtocreativework concept_movie_tuesdays_with_morrie +concept_personus_mitch_albom concept:worksfor concept_newspaper_the_detroit_free_press +concept_personus_musicians concept:proxyfor concept_book_new +concept_personus_n__scott_momaday concept:agentcreated concept_writer_house_made_of_dawn +concept_personus_naomi_novik concept:agentcontributedtocreativework concept_book_temeraire +concept_personus_naomi_novik concept:agentcreated concept_book_temeraire +concept_personus_nathan_cummings concept:latitudelongitude 40.7637100000000,-73.9570800000000 +concept_personus_neil_gaiman concept:agentcontributedtocreativework concept_book_american_gods +concept_personus_neil_gaiman concept:agentcreated concept_book_american_gods +concept_personus_neil_gaiman concept:agentcontributedtocreativework concept_book_anansi_boys +concept_personus_neil_gaiman concept:agentcreated concept_book_anansi_boys +concept_personus_neil_gaiman concept:agentcontributedtocreativework concept_book_coraline +concept_personus_neil_gaiman concept:agentcreated concept_book_coraline +concept_personus_neil_gaiman concept:agentcreated concept_book_fragile_things +concept_personus_neil_gaiman concept:agentcreated concept_book_good_omens +concept_personus_neil_gaiman concept:agentcreated concept_book_neverwhere +concept_personus_neil_gaiman concept:agentcreated concept_book_neverwhere_a_novel +concept_personus_neil_gaiman concept:agentcreated concept_book_odd_and_the_frost_giants +concept_personus_neil_gaiman concept:agentcontributedtocreativework concept_book_sandman +concept_personus_neil_gaiman concept:agentcreated concept_book_smoke_and_mirrors +concept_personus_neil_gaiman concept:agentcreated concept_book_smoke_and_mirrors_short_fictions_and_il +concept_personus_neil_gaiman concept:agentcontributedtocreativework concept_book_stardust +concept_personus_neil_gaiman concept:agentcreated concept_book_the_graveyard_book +concept_personus_neil_gaiman concept:agentcreated concept_book_the_sandman__a_game_of_you +concept_personus_neil_gaiman concept:agentcreated concept_book_the_sandman__dream_country +concept_personus_neil_gaiman concept:agentcreated concept_book_the_sandman__season_of_mists +concept_personus_neil_gaiman concept:agentcreated concept_magazine_stardust +concept_personus_nicholas_evans concept:agentcontributedtocreativework concept_book_the_horse_whisperer +concept_personus_nicholas_evans concept:agentcreated concept_book_the_horse_whisperer +concept_personus_nicolas_cage concept:actorstarredinmovie concept_movie_adaptation +concept_personus_nicolas_cage concept:actorstarredinmovie concept_movie_con_air +concept_personus_nicolas_cage concept:actorstarredinmovie concept_movie_ghost_rider +concept_personus_nicolas_cage concept:actorstarredinmovie concept_movie_national_treasure +concept_personus_nicole_mitchell concept:hasspouse concept_comedian_eddie_murphy +concept_personus_nina_simone concept:agentcollaborateswithagent concept_person_john001 +concept_personus_noah_samara concept:proxyfor concept_bedroomitem_worldspace +concept_personus_noel_streatfield concept:agentcreated concept_clothing_ballet_shoes +concept_personus_octavia_butler concept:agentcreated concept_book_kindred +concept_personus_officials concept:agentcollaborateswithagent concept_biotechcompany_white +concept_personus_officials concept:agentcontrols concept_biotechcompany_white +concept_personus_officials concept:proxyfor concept_book_new +concept_personus_officials concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_personus_officials concept:atdate concept_date_n1996 +concept_personus_officials concept:atdate concept_date_n1999 +concept_personus_officials concept:atdate concept_date_n2003 +concept_personus_officials concept:atdate concept_date_n2004 +concept_personus_officials concept:atdate concept_dateliteral_n2002 +concept_personus_officials concept:atdate concept_dateliteral_n2005 +concept_personus_officials concept:atdate concept_dateliteral_n2007 +concept_personus_officials concept:agentcreated concept_movie_contact +concept_personus_officials concept:agentcollaborateswithagent concept_person_state +concept_personus_officials concept:agentbelongstoorganization concept_terroristorganization_state +concept_personus_olive_ann_burns concept:agentcontributedtocreativework concept_book_cold_sassy_tree +concept_personus_operation concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_operation concept:atdate concept_date_n1964 +concept_personus_operation concept:atdate concept_date_n2000 +concept_personus_operation concept:atdate concept_date_n2001 +concept_personus_operation concept:atdate concept_date_n2009 +concept_personus_operation concept:atdate concept_dateliteral_n1987 +concept_personus_operation concept:atdate concept_year_n1967 +concept_personus_operation concept:atdate concept_year_n1978 +concept_personus_operation concept:atdate concept_year_n1982 +concept_personus_operation concept:atdate concept_year_n1984 +concept_personus_operation concept:atdate concept_year_n1988 +concept_personus_operation concept:atdate concept_year_n1991 +concept_personus_operation concept:atdate concept_year_n1992 +concept_personus_operation concept:atdate concept_year_n1994 +concept_personus_operation concept:atdate concept_year_n1995 +concept_personus_operation concept:atdate concept_year_n1998 +concept_personus_oprah_winfrey concept:personalsoknownas concept_person_oprah +concept_personus_orlando_hudson concept:athleteplayssport concept_sport_baseball +concept_personus_orlando_hudson concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_orlando_hudson concept:athleteledsportsteam concept_sportsteam_arizona_diamond_backs +concept_personus_orlando_hudson concept:athleteplaysforteam concept_sportsteam_arizona_diamond_backs +concept_personus_orlando_hudson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_oscar_grimes concept:parentofperson concept_personmexico_ray_grimes +concept_personus_oscar_hijuelos concept:agentcreated concept_book_the_mambo_kings_play_songs_of_love +concept_personus_outstanding concept:latitudelongitude 37.8011540000000,-111.0343800000000 +concept_personus_owner concept:agentparticipatedinevent concept_sportsgame_series +concept_personus_p__c__cast concept:agentcreated concept_book_marked +concept_personus_p_l__travers concept:agentcreated concept_movie_mary_poppins +concept_personus_paramount_pictures concept:agentcollaborateswithagent concept_director_brad_grey +concept_personus_paramount_pictures concept:agentcontrols concept_director_brad_grey +concept_personus_paramount_pictures concept:mutualproxyfor concept_director_brad_grey +concept_personus_part concept:proxyfor concept_book_new +concept_personus_part concept:proxyfor concept_book_north +concept_personus_part concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_personus_part concept:agentparticipatedinevent concept_eventoutcome_course +concept_personus_part concept:agentparticipatedinevent concept_eventoutcome_introduction +concept_personus_part concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_part concept:proxyfor concept_geopoliticallocation_friendship +concept_personus_part concept:agentparticipatedinevent concept_mlconference_interview +concept_personus_part concept:agentparticipatedinevent concept_mlconference_universe +concept_personus_part concept:agentparticipatedinevent concept_mlconference_workshop +concept_personus_part concept:proxyfor concept_protein_cats +concept_personus_part concept:proxyfor concept_reptile_pets +concept_personus_part concept:proxyfor concept_reptile_reptiles +concept_personus_part concept:proxyfor concept_room_sale +concept_personus_part concept:proxyfor concept_room_south +concept_personus_part concept:proxyfor concept_sportsequipment_pet_supplies +concept_personus_part concept:agentparticipatedinevent concept_sportsgame_series +concept_personus_part concept:agentcompeteswithagent concept_tradeunion_search +concept_personus_party concept:agentcollaborateswithagent concept_company_clinton +concept_personus_party concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_personus_party concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_party concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_party concept:agentbelongstoorganization concept_politicalparty_house +concept_personus_party concept:agentcollaborateswithagent concept_politician_obama +concept_personus_party concept:agentcollaborateswithagent concept_politicianus_palin +concept_personus_pat_mitchell concept:topmemberoforganization concept_company_pbs +concept_personus_patricia_highsmith concept:agentcreated concept_city_ripley +concept_personus_patricia_highsmith concept:agentcreated concept_movie_strangers_on_a_train +concept_personus_patricia_highsmith concept:agentcreated concept_movie_the_talented_mr__ripley +concept_personus_patricia_highsmith concept:agentcreated concept_movie_the_talented_mr_ripley +concept_personus_patrick_byrne concept:topmemberoforganization concept_website_overstock +concept_personus_pau_gasol concept:personbelongstoorganization concept_sportsteam_los_angeles_lakers +concept_personus_paul_allen concept:agentcollaborateswithagent concept_biotechcompany_microsoft_corp +concept_personus_paul_allen concept:topmemberoforganization concept_company_microsoft_corporation001 +concept_personus_paul_allen concept:personhasjobposition concept_politicaloffice_chairman +concept_personus_paul_allen concept:mutualproxyfor concept_retailstore_microsoft +concept_personus_paul_allen concept:persongraduatedfromuniversity concept_university_harvard +concept_personus_paul_allen concept:persongraduatedschool concept_university_harvard +concept_personus_paul_allen concept:subpartof concept_university_microsoft +concept_personus_paul_newman concept:persondiedatage 83 +concept_personus_paul_zindel concept:agentcreated concept_writer_the_pigman +concept_personus_paulo_coelho concept:agentcontributedtocreativework concept_book_the_alchemist +concept_personus_paulo_coelho concept:agentcreated concept_book_the_devil_and_miss_prym +concept_personus_paulo_coelho concept:agentcreated concept_book_the_fifth_mountain +concept_personus_paulo_coelho concept:agentcreated concept_book_the_witch_of_portobello +concept_personus_paulo_coelho concept:agentcreated concept_book_veronika_decides_to_die +concept_personus_paulo_coelho concept:agentcreated concept_musicalbum_the_alchemist +concept_personus_paulo_coelho concept:agentcreated concept_musicartist_maktub +concept_personus_pay concept:atdate concept_dateliteral_n2006 +concept_personus_pay concept:agentcompeteswithagent concept_tradeunion_search +concept_personus_pay concept:agentcompeteswithagent concept_university_google +concept_personus_pelosi concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_pelosi concept:personbelongstoorganization concept_nongovorganization_u_s__house +concept_personus_pelosi concept:agentbelongstoorganization concept_politicalparty_house +concept_personus_peter_burnett concept:latitudelongitude 37.9371950000000,-121.6683600000000 +concept_personus_peter_david concept:agentcontributedtocreativework concept_book_a_rock_and_a_hard_place +concept_personus_philadelphia_phillies concept:agentparticipatedinevent concept_sportsgame_series +concept_personus_philip_pullman concept:agentcontributedtocreativework concept_visualartform_materials +concept_personus_pierre_omidyar concept:worksfor concept_company_ebay001 +concept_personus_pierre_omidyar concept:personleadsorganization concept_company_ebay002 +concept_personus_pierre_omidyar concept:proxyfor concept_retailstore_ebay +concept_personus_piers_anthony concept:agentcontributedtocreativework concept_book_a_spell_for_chameleon +concept_personus_piers_anthony concept:agentcreated concept_book_a_spell_for_chameleon +concept_personus_piers_anthony concept:agentcreated concept_book_castle_roogna +concept_personus_piers_anthony concept:agentcreated concept_book_centaur_aisle +concept_personus_piers_anthony concept:agentcreated concept_book_cube_route +concept_personus_piers_anthony concept:agentcreated concept_book_demons_don_t_dream +concept_personus_piers_anthony concept:agentcreated concept_book_geis_of_the_gargoyle +concept_personus_piers_anthony concept:agentcreated concept_book_golem_in_the_gears +concept_personus_piers_anthony concept:agentcreated concept_book_harpy_thyme +concept_personus_piers_anthony concept:agentcreated concept_book_heaven_cent +concept_personus_piers_anthony concept:agentcreated concept_book_isle_of_view +concept_personus_piers_anthony concept:agentcreated concept_book_man_from_mundania +concept_personus_piers_anthony concept:agentcreated concept_book_night_mare +concept_personus_piers_anthony concept:agentcreated concept_book_question_quest +concept_personus_piers_anthony concept:agentcreated concept_book_roc_and_a_hard_place +concept_personus_piers_anthony concept:agentcreated concept_book_stork_naked +concept_personus_piers_anthony concept:agentcreated concept_book_swell_foop +concept_personus_piers_anthony concept:agentcreated concept_book_the_color_of_her_panties +concept_personus_piers_anthony concept:agentcreated concept_book_the_dastard +concept_personus_piers_anthony concept:agentcreated concept_book_up_in_a_heaval +concept_personus_piers_anthony concept:agentcreated concept_book_vale_of_the_vole +concept_personus_piers_anthony concept:agentcreated concept_mldataset_dragon_on_a_pedestal +concept_personus_piers_anthony concept:agentcreated concept_mldataset_for_love_of_evil +concept_personus_piers_anthony concept:agentcreated concept_mldataset_the_source_of_magic +concept_personus_piers_anthony concept:agentcreated concept_planet_xanth +concept_personus_piers_paul_read concept:agentcreated concept_book_a_married_man +concept_personus_piers_paul_read concept:agentcontributedtocreativework concept_musicalbum_alive +concept_personus_piers_paul_read concept:agentcreated concept_musicalbum_alive +concept_personus_piers_paul_read concept:agentinvolvedwithitem concept_videogame_alive +concept_personus_pinky_may concept:parentofperson concept_personus_milt_may +concept_personus_plutarch concept:agentcontributedtocreativework concept_book_parallel_lives +concept_personus_political_party concept:agentcollaborateswithagent concept_governmentorganization_house +concept_personus_political_party concept:agentbelongstoorganization concept_politicalparty_house +concept_personus_pope_benedict_xvi concept:politicianholdsoffice concept_politicaloffice_president +concept_personus_portland concept:agentcontrols concept_beverage_sam_adams +concept_personus_portland concept:proxyfor concept_book_new +concept_personus_portland concept:atdate concept_date_n1996 +concept_personus_portland concept:atdate concept_date_n2000 +concept_personus_portland concept:atdate concept_date_n2009 +concept_personus_portland concept:atdate concept_dateliteral_n2008 +concept_personus_portland concept:proxyfor concept_politicsissue_oregon +concept_personus_portland concept:proxyfor concept_skiarea_maine +concept_personus_portland concept:subpartof concept_skiarea_maine +concept_personus_poul_anderson concept:agentcreated concept_book_after_doomsday +concept_personus_president_elect concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_president_elect concept:agentbelongstoorganization concept_politicalparty_house +concept_personus_queen_victoria concept:personhasjobposition concept_jobposition_king +concept_personus_question concept:proxyfor concept_book_new +concept_personus_question concept:agentinvolvedwithitem concept_buildingfeature_window +concept_personus_question concept:agentcreated concept_geopoliticalorganization_e_mail +concept_personus_question concept:agentcreated concept_movie_contact +concept_personus_question concept:agentcreated concept_programminglanguage_email +concept_personus_r_l__stine concept:agentcontributedtocreativework concept_televisionshow_goosebumps +concept_personus_r_l__stine concept:agentcreated concept_televisionshow_goosebumps +concept_personus_rabindranath_tagore concept:agentcreated concept_book_the_home_and_the_world +concept_personus_rabindranath_tagore concept:personhasjobposition concept_jobposition_poet +concept_personus_rachel_maddow concept:worksfor concept_governmentorganization_msnbc +concept_personus_rachel_maddow concept:personbelongstoorganization concept_sportsleague_msnbc +concept_personus_ramon_santiago concept:personhasjobposition concept_jobposition_infielder +concept_personus_ray_boone concept:parentofperson concept_personus_bob_boone +concept_personus_rbd concept:latitudelongitude 32.6809700000000,-96.8683400000000 +concept_personus_rebecca_wells concept:agentcontributedtocreativework concept_book_divine_secrets_of_the_ya_ya_sisterhood +concept_personus_rebecca_wells concept:agentcreated concept_book_divine_secrets_of_the_ya_ya_sisterhood +concept_personus_rebecca_wells concept:agentcontributedtocreativework concept_book_the_divine_secrets_of_the_ya_ya_sisterhood +concept_personus_rebecca_west concept:agentcreated concept_book_the_fountain_overflows +concept_personus_rebecca_west concept:agentcreated concept_book_the_return_of_the_soldier +concept_personus_reggie_bush concept:hasspouse concept_celebrity_kim_kardashian +concept_personus_rex_stout concept:agentcreated concept_book_the_league_of_frightened_men +concept_personus_rex_tillerson concept:personleadsorganization concept_biotechcompany_exxon_mobil +concept_personus_rex_tillerson concept:worksfor concept_biotechcompany_exxon_mobil +concept_personus_rex_tillerson concept:agentcontrols concept_retailstore_exxon_mobil +concept_personus_rex_tillerson concept:proxyfor concept_retailstore_exxon_mobil +concept_personus_rex_tillerson concept:agentcontrols concept_retailstore_exxonmobil +concept_personus_rex_tillerson concept:proxyfor concept_retailstore_exxonmobil +concept_personus_richard_bach concept:agentcontributedtocreativework concept_book_illusions +concept_personus_richard_bach concept:agentcontributedtocreativework concept_book_jonathan_livingston_seagull +concept_personus_richard_bach concept:agentcreated concept_book_jonathan_livingston_seagull +concept_personus_richard_bach concept:agentcontributedtocreativework concept_book_jonathan_livingstone_seagull +concept_personus_richard_bach concept:agentcreated concept_book_jonathan_livingstone_seagull +concept_personus_richard_bach concept:agentcreated concept_musicalbum_illusions +concept_personus_richard_clark concept:topmemberoforganization concept_biotechcompany_merck +concept_personus_richard_clark concept:personleadsorganization concept_biotechcompany_merck___co +concept_personus_richard_clark concept:worksfor concept_biotechcompany_merck___co +concept_personus_richard_donner concept:agentcontributedtocreativework concept_movie_timeline +concept_personus_richard_egan concept:personleadsorganization concept_company_emc001 +concept_personus_richard_egan concept:worksfor concept_musicartist_emc +concept_personus_richard_taylor concept:personhasjobposition concept_jobposition_executive_director +concept_personus_richard_taylor concept:personleadsorganization concept_organization_international_hydropower_association +concept_personus_rita_mae_brown concept:agentcontributedtocreativework concept_book_a_nose_for_justice +concept_personus_roald_dahl concept:agentcreated concept_book_charlie_and_the_great_glass_elevator +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_collected_stories +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_danny_the_champion_of_the_world +concept_personus_roald_dahl concept:agentcreated concept_book_danny_the_champion_of_the_world +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_fantastic_mr_fox +concept_personus_roald_dahl concept:agentcreated concept_book_fantastic_mr_fox +concept_personus_roald_dahl concept:agentcreated concept_book_george_s_marvellous_medicine +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_matilda +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_the_bfg +concept_personus_roald_dahl concept:agentcreated concept_book_the_bfg +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_the_twits +concept_personus_roald_dahl concept:agentcreated concept_book_the_twits +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_the_witches +concept_personus_roald_dahl concept:agentcreated concept_book_the_witches +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_book_the_wonderful_story_of_henry_sugar_and_six_more +concept_personus_roald_dahl concept:agentcreated concept_book_the_wonderful_story_of_henry_sugar_and_six_more +concept_personus_roald_dahl concept:agentcreated concept_mldataset_matilda +concept_personus_roald_dahl concept:agentcreated concept_mountain_fox +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_movie_charlie_and_the_chocolate_factory +concept_personus_roald_dahl concept:agentcreated concept_movie_charlie_and_the_chocolate_factory +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_movie_fantastic_mr__fox +concept_personus_roald_dahl concept:agentcontributedtocreativework concept_movie_james_and_the_giant_peach +concept_personus_roald_dahl concept:agentcreated concept_movie_james_and_the_giant_peach +concept_personus_roald_dahl concept:agentinvolvedwithitem concept_videogame_charlie_and_the_chocolate_factory +concept_personus_robb_nen concept:parentofperson concept_personmexico_dick_nen +concept_personus_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_personus_robert_f concept:persongraduatedschool concept_university_college +concept_personus_robert_johnson concept:personbelongstoorganization concept_radiostation_bet +concept_personus_robin_hobb concept:agentcreated concept_book_assassin_s_apprentice +concept_personus_robin_hobb concept:agentcreated concept_book_golden_fool +concept_personus_robin_hobb concept:agentcreated concept_book_mad_ship +concept_personus_robin_hobb concept:agentcreated concept_book_royal_assassin +concept_personus_robin_hobb concept:agentcreated concept_book_ship_of_destiny +concept_personus_robin_hobb concept:agentcreated concept_book_ship_of_magic +concept_personus_rockefeller concept:personleadsorganization concept_company_standard_oil +concept_personus_roger_smith concept:topmemberoforganization concept_company_general_motors +concept_personus_roger_smith concept:personbelongstoorganization concept_company_general_motors001 +concept_personus_roger_smith concept:personleadsorganization concept_company_general_motors001 +concept_personus_roger_smith concept:personbelongstoorganization concept_stateorprovince_general_motors +concept_personus_roger_staubach concept:personbelongstoorganization concept_city_dallas +concept_personus_roger_zelazny concept:agentcontributedtocreativework concept_book_lord_of_light +concept_personus_roger_zelazny concept:agentcreated concept_book_lord_of_light +concept_personus_roosevelt concept:agentcontrols concept_election_white +concept_personus_roosevelt concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_roxanne_roberts concept:worksfor concept_company_post +concept_personus_roy_oswalt concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_rudyard_kipling concept:agentcreated concept_book_just_so_stories +concept_personus_rudyard_kipling concept:agentcontributedtocreativework concept_book_kim +concept_personus_rudyard_kipling concept:agentcontributedtocreativework concept_book_the_jungle_book +concept_personus_rudyard_kipling concept:agentcreated concept_book_the_jungle_book +concept_personus_rudyard_kipling concept:agentcreated concept_mlsoftware_kim +concept_personus_rudyard_kipling concept:agentinvolvedwithitem concept_mlsoftware_kim +concept_personus_rudyard_kipling concept:agentcontributedtocreativework concept_movie_captains_courageous +concept_personus_rudyard_kipling concept:agentcreated concept_movie_captains_courageous +concept_personus_russell_crowe concept:actorstarredinmovie concept_movie_beautiful_mind +concept_personus_russell_crowe concept:actorstarredinmovie concept_movie_gladiator +concept_personus_russell_crowe concept:actorstarredinmovie concept_movie_the_insider +concept_personus_ryan_braun concept:personbelongstoorganization concept_sportsteam_brewers +concept_personus_ryan_freel concept:personbelongstoorganization concept_sportsteam_reds +concept_personus_saint_john concept:persondiedincountry concept_country_england +concept_personus_samuel_taylor_coleridge concept:agentcreated concept_book_the_rime_of_the_ancient_mariner +concept_personus_sanchez concept:persondiedincountry concept_country_england +concept_personus_sara_gruen concept:agentcontributedtocreativework concept_book_water_for_elephants +concept_personus_sara_gruen concept:agentcreated concept_book_water_for_elephants +concept_personus_sarah_orne_jewett concept:agentcreated concept_book_the_country_of_the_pointed_firs +concept_personus_scott_northey concept:parentofperson concept_athlete_ron_northey +concept_personus_scott_pelley concept:personleadsorganization concept_company_cnn__pbs +concept_personus_scott_pelley concept:worksfor concept_televisionnetwork_cbs +concept_personus_scott_reed concept:personhasjobposition concept_jobposition_lobbyist +concept_personus_seamus_heaney concept:agentcontributedtocreativework concept_book_beowulf__a_new_verse_translation +concept_personus_seamus_heaney concept:personhasjobposition concept_jobposition_poet +concept_personus_sections concept:proxyfor concept_book_new +concept_personus_senator_domenici concept:politicianholdsoffice concept_politicaloffice_senator +concept_personus_serena_williams concept:athletebeatathlete concept_athlete_venus_williams +concept_personus_serena_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_australian_open +concept_personus_serena_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_french_open +concept_personus_serena_williams concept:athletewinsawardtrophytournament concept_awardtrophytournament_wimbledon +concept_personus_service_advertising_contact concept:persondiedincountry concept_country_england +concept_personus_service_alliance concept:persondiedincountry concept_country_england +concept_personus_service_building concept:persondiedincountry concept_country_england +concept_personus_service_during concept:persondiedincountry concept_country_england +concept_personus_service_free_url concept:persondiedincountry concept_country_england +concept_personus_service_help concept:persondiedincountry concept_country_england +concept_personus_service_hosted concept:persondiedincountry concept_country_england +concept_personus_service_learn concept:persondiedincountry concept_country_england +concept_personus_service_make concept:persondiedincountry concept_country_england +concept_personus_service_our_commitment concept:persondiedincountry concept_country_england +concept_personus_service_provision concept:subpartof concept_weatherphenomenon_water +concept_personus_service_read concept:persondiedincountry concept_country_england +concept_personus_service_spam_policy_forgot_password concept:persondiedincountry concept_country_england +concept_personus_service_types concept:persondiedincountry concept_country_england +concept_personus_service_where concept:persondiedincountry concept_country_england +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_coriolanus +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_cymbeline +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_hamlet +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_henry_v +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_henry_viii +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_king_john +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_king_lear +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_merry_wives_of_windsor +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_othello +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_richard_ii +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_richard_iii +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_romeo_and_juliet +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_tempest +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_the_merchant_of_venice +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_titus_andronicus +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_troilus_and_cressida +concept_personus_shakespeare concept:agentcontributedtocreativework concept_book_twelfth_night +concept_personus_shakespeare concept:agentcontributedtocreativework concept_movie_antony_and_cleopatra +concept_personus_shakespeare concept:agentcontributedtocreativework concept_movie_cleopatra +concept_personus_shakespeare concept:agentcontributedtocreativework concept_movie_much_ado_about_nothing +concept_personus_shakespeare concept:agentcontributedtocreativework concept_movie_two_gentlemen_of_verona +concept_personus_shakespeare concept:agentcontributedtocreativework concept_musicsong_verona +concept_personus_shakespeare concept:agentcontributedtocreativework concept_televisionshow_julius_caesar +concept_personus_shakespeare concept:agentcontributedtocreativework concept_televisionshow_macbeth +concept_personus_shane_victorino concept:personbelongstoorganization concept_sportsteam_philadelphia_phillies +concept_personus_shane_victorino concept:personbelongstoorganization concept_sportsteam_phillies +concept_personus_shel_silverstein concept:agentcreated concept_book_a_light_in_the_attic +concept_personus_shel_silverstein concept:agentcreated concept_book_the_giving_tree +concept_personus_shel_silverstein concept:agentcreated concept_parlourgame_where_the_sidewalk_ends +concept_personus_sigmund_freud concept:agentcontributedtocreativework concept_book_the_interpretation_of_dreams +concept_personus_sigmund_freud concept:agentcreated concept_book_the_interpretation_of_dreams +concept_personus_simon_taylor concept:persondiedincountry concept_country_england +concept_personus_sinkford concept:latitudelongitude 37.2073400000000,-81.4437200000000 +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_his_last_bow +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_memoirs_of_sherlock_holmes +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_adventures_of_sherlock_holmes +concept_personus_sir_arthur_conan_doyle concept:agentcreated concept_book_the_adventures_of_sherlock_holmes +concept_personus_sir_arthur_conan_doyle concept:agentcreated concept_book_the_complete_sherlock_holmes +concept_personus_sir_arthur_conan_doyle concept:agentcreated concept_book_the_hound_of_the_baskervilles +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_lost_world +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_book_the_return_of_sherlock_holmes +concept_personus_sir_arthur_conan_doyle concept:agentcreated concept_musicsong_the_lost_world +concept_personus_sir_arthur_conan_doyle concept:agentcontributedtocreativework concept_televisionshow_adventures_of_sherlock_holmes +concept_personus_sirius_satellite_radio concept:agentcollaborateswithagent concept_ceo_mel_karmazin +concept_personus_speaker concept:proxyfor concept_book_new +concept_personus_speaker concept:atdate concept_date_n2000 +concept_personus_speaker concept:atdate concept_dateliteral_n2006 +concept_personus_speaker concept:atdate concept_dateliteral_n2007 +concept_personus_speaker concept:atdate concept_dateliteral_n2008 +concept_personus_stan_javier concept:parentofperson concept_personmexico_julian_javier +concept_personus_stan_lee concept:personbelongstoorganization concept_biotechcompany_marvel +concept_personus_stanley_kubrick concept:agentcontributedtocreativework concept_book_the_shining +concept_personus_state_legislatures concept:proxyfor concept_book_new +concept_personus_stephen_colbert concept:politicianrepresentslocation concept_country_united_states +concept_personus_stephen_colbert concept:politicianholdsoffice concept_politicaloffice_president +concept_personus_steve_ballmer concept:topmemberoforganization concept_company_microsoft +concept_personus_steve_ballmer concept:agentcontrols concept_retailstore_microsoft +concept_personus_steve_ballmer concept:proxyfor concept_retailstore_microsoft +concept_personus_steve_ballmer concept:subpartof concept_retailstore_microsoft +concept_personus_steve_ballmer concept:personleadsorganization concept_university_microsoft +concept_personus_steven_wilson concept:musicianinmusicartist concept_musicartist_porcupine_tree +concept_personus_sue concept:hasspouse concept_person_brian +concept_personus_sue concept:personbelongstoorganization concept_sportsteam_state_university +concept_personus_sue concept:personmovedtostateorprovince concept_stateorprovince_california +concept_personus_sue concept:persongraduatedfromuniversity concept_university_college +concept_personus_sue concept:persongraduatedfromuniversity concept_university_state_university +concept_personus_sue concept:persongraduatedschool concept_university_state_university +concept_personus_sumner concept:persondiedincountry concept_country_england +concept_personus_susan_cooper concept:agentcreated concept_book_the_dark_is_rising +concept_personus_susan_glaspell concept:agentcontributedtocreativework concept_book_trifles +concept_personus_susan_glaspell concept:agentcreated concept_book_trifles +concept_personus_sydney_pollack concept:personhasjobposition concept_jobposition_film_director +concept_personus_t__h__white concept:agentcontributedtocreativework concept_book_the_once_and_future_king +concept_personus_t__h__white concept:agentcreated concept_book_the_once_and_future_king +concept_personus_t__s__eliot concept:agentcontributedtocreativework concept_book_prufrock_and_other_observations +concept_personus_t__s__eliot concept:agentcreated concept_book_waste_land_and_other_poems +concept_personus_task_force concept:atdate concept_date_n2003 +concept_personus_task_force concept:atdate concept_dateliteral_n2002 +concept_personus_task_force concept:atdate concept_dateliteral_n2005 +concept_personus_task_force concept:atdate concept_dateliteral_n2006 +concept_personus_task_force concept:atdate concept_dateliteral_n2007 +concept_personus_task_force concept:atdate concept_dateliteral_n2008 +concept_personus_ted_williams concept:personhasjobposition concept_jobposition_hitter +concept_personus_tennessee_williams concept:agentcreated concept_celebrity_the_glass_menagerie +concept_personus_tennessee_williams concept:agentcontributedtocreativework concept_movie_a_streetcar_named_desire +concept_personus_tennessee_williams concept:agentcreated concept_movie_a_streetcar_named_desire +concept_personus_terry_brooks concept:agentcontributedtocreativework concept_book_a_knight_of_the_word +concept_personus_terry_brooks concept:agentcreated concept_book_armageddon_s_children +concept_personus_terry_brooks concept:agentcreated concept_book_running_with_the_demon +concept_personus_terry_brooks concept:agentcreated concept_book_the_first_king_of_shannara +concept_personus_terry_brooks concept:agentcreated concept_book_the_sword_of_shannara +concept_personus_terry_mcmillan concept:agentcontributedtocreativework concept_televisionshow_how_stella_got_her_groove_back +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_a_hat_full_of_sky +concept_personus_terry_pratchett concept:agentcreated concept_book_a_hat_full_of_sky +concept_personus_terry_pratchett concept:agentcreated concept_book_carpe_jugulum +concept_personus_terry_pratchett concept:agentcreated concept_book_equal_rites +concept_personus_terry_pratchett concept:agentcreated concept_book_eric +concept_personus_terry_pratchett concept:agentcreated concept_book_feet_of_clay +concept_personus_terry_pratchett concept:agentcreated concept_book_going_postal +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_guards__guards +concept_personus_terry_pratchett concept:agentcreated concept_book_guards__guards +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_hogfather +concept_personus_terry_pratchett concept:agentcreated concept_book_hogfather +concept_personus_terry_pratchett concept:agentcreated concept_book_i_shall_wear_midnight +concept_personus_terry_pratchett concept:agentcreated concept_book_interesting_times +concept_personus_terry_pratchett concept:agentcreated concept_book_jingo +concept_personus_terry_pratchett concept:agentcreated concept_book_lords_and_ladies +concept_personus_terry_pratchett concept:agentcreated concept_book_maskerade +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_men_at_arms +concept_personus_terry_pratchett concept:agentcreated concept_book_men_at_arms +concept_personus_terry_pratchett concept:agentcreated concept_book_monstrous_regiment +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_mort +concept_personus_terry_pratchett concept:agentcreated concept_book_mort +concept_personus_terry_pratchett concept:agentcreated concept_book_moving_pictures +concept_personus_terry_pratchett concept:agentcreated concept_book_pyramids +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_reaper_man +concept_personus_terry_pratchett concept:agentcreated concept_book_reaper_man +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_small_gods +concept_personus_terry_pratchett concept:agentcreated concept_book_small_gods +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_soul_music +concept_personus_terry_pratchett concept:agentcreated concept_book_sourcery +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_the_colour_of_magic +concept_personus_terry_pratchett concept:agentcreated concept_book_the_colour_of_magic +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_the_fifth_elephant +concept_personus_terry_pratchett concept:agentcreated concept_book_the_fifth_elephant +concept_personus_terry_pratchett concept:agentcreated concept_book_the_last_continent +concept_personus_terry_pratchett concept:agentcreated concept_book_the_light_fantastic +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_the_truth +concept_personus_terry_pratchett concept:agentcreated concept_book_the_wee_free_men +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_thief_of_time +concept_personus_terry_pratchett concept:agentcreated concept_book_thief_of_time +concept_personus_terry_pratchett concept:agentcreated concept_book_thud +concept_personus_terry_pratchett concept:agentcreated concept_book_unseen_academicals +concept_personus_terry_pratchett concept:agentcreated concept_book_wintersmith +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_witches_abroad +concept_personus_terry_pratchett concept:agentcreated concept_book_witches_abroad +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_book_wyrd_sisters +concept_personus_terry_pratchett concept:agentcreated concept_book_wyrd_sisters +concept_personus_terry_pratchett concept:agentcontributedtocreativework concept_movie_night_watch +concept_personus_terry_pratchett concept:agentcreated concept_movie_night_watch +concept_personus_terry_pratchett concept:agentcreated concept_musicalbum_the_truth +concept_personus_terry_pratchett concept:agentcreated concept_musicsong_soul_music +concept_personus_terry_pratchett concept:agentcreated concept_planet_discworld +concept_personus_terry_pratchett concept:agentinvolvedwithitem concept_videogame_night_watch +concept_personus_terry_pratchett concept:agentcreated concept_website_making_money +concept_personus_theo_epstein concept:worksfor concept_sportsteam_red_sox +concept_personus_thomas_jefferson concept:agentcollaborateswithagent concept_city_bush +concept_personus_thomas_jefferson concept:personhasjobposition concept_politicaloffice_president +concept_personus_thomas_steen concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_personus_thomas_steen concept:worksfor concept_university_butler +concept_personus_thorton_wilder concept:agentcontributedtocreativework concept_book_our_town +concept_personus_thorton_wilder concept:agentcreated concept_book_our_town +concept_personus_tiger_woods concept:agentcollaborateswithagent concept_politician_obama +concept_personus_tim_duncan concept:persondiedincountry concept_country_england +concept_personus_tito_francona concept:parentofperson concept_personmexico_terry_francona +concept_personus_tobey_maguire concept:actorstarredinmovie concept_movie_seabiscuit +concept_personus_tobey_maguire concept:actorstarredinmovie concept_movie_spider_man +concept_personus_tobias_george_smollett concept:agentcreated concept_book_peregrine_pickle +concept_personus_tobias_george_smollett concept:agentcreated concept_book_roderick_random +concept_personus_tobias_wolff concept:agentcontributedtocreativework concept_book_old_school +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_eyes_wide_shut +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_few_good_men +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_jerry_maguire +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_last_samurai +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_minority_report +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_rain_man +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_risky_business +concept_personus_tom_cruise concept:actorstarredinmovie concept_movie_top_gun +concept_personus_tom_grieve concept:parentofperson concept_personus_ben_grieve +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_big +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_cast_away +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_castaway +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_da_vinci_code +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_forrest_gump +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_saving_private_ryan +concept_personus_tom_hanks concept:actorstarredinmovie concept_movie_the_da_vinci_code +concept_personus_tom_lasorda concept:topmemberoforganization concept_automobilemaker_chrysler_group +concept_personus_tom_lasorda concept:personhasjobposition concept_politicaloffice_president +concept_personus_tommy_hanson concept:athleteflyouttosportsteamposition concept_sportsteamposition_center +concept_personus_toni_morrison concept:personhasjobposition concept_jobposition_novelist +concept_personus_toni_morrison concept:agentcontributedtocreativework concept_movie_beloved +concept_personus_transfer concept:proxyfor concept_book_new +concept_personus_transfer concept:atdate concept_date_n1996 +concept_personus_transfer concept:atdate concept_date_n2000 +concept_personus_transfer concept:atdate concept_date_n2003 +concept_personus_transfer concept:atdate concept_date_n2004 +concept_personus_transfer concept:atdate concept_dateliteral_n2002 +concept_personus_transfer concept:atdate concept_dateliteral_n2006 +concept_personus_transfer concept:atdate concept_dateliteral_n2007 +concept_personus_travis_barker concept:hasspouse concept_female_shanna_moakler +concept_personus_truman_capote concept:agentcreated concept_movie_breakfast_at_tiffany_s +concept_personus_truman_capote concept:agentcontributedtocreativework concept_televisionshow_in_cold_blood +concept_personus_truman_capote concept:agentcreated concept_televisionshow_in_cold_blood +concept_personus_u_s__president concept:personbelongstoorganization concept_governmentorganization_house +concept_personus_u_s__president concept:agentbelongstoorganization concept_politicalparty_house +concept_personus_ubuntu concept:agentinvolvedwithitem concept_videogame_mac +concept_personus_umberto_eco concept:agentcreated concept_book_baudolino +concept_personus_umberto_eco concept:agentcreated concept_book_foucault_s_pendulum +concept_personus_umberto_eco concept:agentcreated concept_book_the_island_of_the_day_before +concept_personus_umberto_eco concept:agentcontributedtocreativework concept_book_the_name_of_the_rose +concept_personus_umberto_eco concept:agentcreated concept_book_the_name_of_the_rose +concept_personus_ursula_k__le_guin concept:agentcreated concept_book_a_wizard_of_earthsea +concept_personus_ursula_k__le_guin concept:agentcontributedtocreativework concept_book_the_dispossessed +concept_personus_ursula_k__le_guin concept:agentcreated concept_book_the_dispossessed +concept_personus_ursula_k__le_guin concept:agentcreated concept_book_the_farthest_shore +concept_personus_ursula_k__le_guin concept:agentcreated concept_book_the_tombs_of_atuan +concept_personus_ursula_k__le_guin concept:agentcreated concept_movie_the_left_hand_of_darkness +concept_personus_ursula_le_guin concept:agentcreated concept_musicartist_the_telling +concept_personus_ursula_leguin concept:agentcreated concept_movie_left_hand_of_darkness +concept_personus_us_senate concept:atdate concept_date_n1999 +concept_personus_use___copyright concept:persondiedincountry concept_country_england +concept_personus_use___privacy_policy concept:persondiedincountry concept_country_england +concept_personus_use_acknowledgements concept:persondiedincountry concept_country_england +concept_personus_use_adobe concept:agentcreated concept_book_print +concept_personus_use_adobe concept:agentinvolvedwithitem concept_nerve_reader +concept_personus_use_adobe concept:agentcreated concept_website_reader +concept_personus_use_back concept:persondiedincountry concept_country_england +concept_personus_use_contact_us_raintoday__com concept:persondiedincountry concept_country_england +concept_personus_use_enter concept:persondiedincountry concept_country_england +concept_personus_use_forum concept:persondiedincountry concept_country_england +concept_personus_use_franchise_opportunities_apply_employment_products___services_start_pages_profiles_listings_banners_features_coupons_business_membership_business_member_sign_in_suggest concept:persondiedincountry concept_country_england +concept_personus_use_glossary concept:persondiedincountry concept_country_england +concept_personus_use_list concept:persondiedincountry concept_country_england +concept_personus_use_new_sites_uncovered concept:persondiedincountry concept_country_england +concept_personus_use_paul concept:persondiedincountry concept_country_england +concept_personus_use_publications concept:persondiedincountry concept_country_england +concept_personus_use_resources_copyright___pakdirectory__net concept:persondiedincountry concept_country_england +concept_personus_use_returns concept:persondiedincountry concept_country_england +concept_personus_use_science concept:persondiedincountry concept_country_england +concept_personus_use_shopping concept:persondiedincountry concept_country_england +concept_personus_use_sitemap_better_natural_remedies_com concept:persondiedincountry concept_country_england +concept_personus_use_trademark concept:persondiedincountry concept_country_england +concept_personus_use_types concept:persondiedincountry concept_country_england +concept_personus_useterms concept:persondiedincountry concept_country_england +concept_personus_vhs concept:atdate concept_year_n1995 +concept_personus_vikram_seth concept:agentcontributedtocreativework concept_book_a_suitable_boy +concept_personus_vikram_seth concept:agentcreated concept_book_a_suitable_boy +concept_personus_vince_mcmahon concept:worksfor concept_nonprofitorganization_wwf +concept_personus_vince_mcmahon concept:worksfor concept_sportsleague_wwe +concept_personus_vladimir_nabokov concept:agentcreated concept_book_ada +concept_personus_vladimir_nabokov concept:agentcontributedtocreativework concept_book_lolita +concept_personus_vladimir_nabokov concept:agentcontributedtocreativework concept_book_pale_fire +concept_personus_vladimir_nabokov concept:agentcreated concept_book_pale_fire +concept_personus_vladimir_nabokov concept:agentcreated concept_musicartist_lolita +concept_personus_volunteers concept:proxyfor concept_book_new +concept_personus_volunteers concept:atdate concept_dateliteral_n2006 +concept_personus_volunteers concept:atdate concept_dateliteral_n2007 +concept_personus_volunteers concept:agentparticipatedinevent concept_eventoutcome_result +concept_personus_w__somerset_maugham concept:agentcontributedtocreativework concept_book_cakes_and_ale +concept_personus_w__somerset_maugham concept:agentcreated concept_book_cakes_and_ale +concept_personus_walter_dean_myers concept:agentcontributedtocreativework concept_book_hoops +concept_personus_walter_dean_myers concept:agentcreated concept_book_hoops +concept_personus_warren_buffet concept:personleadsorganization concept_country_us +concept_personus_warren_buffet concept:personleadsorganization concept_nongovorganization_u_s_ +concept_personus_warren_buffet concept:agentcollaborateswithagent concept_politician_jobs +concept_personus_warren_buffet concept:agentcontrols concept_retailstore_berkshire_hathaway +concept_personus_warren_buffet concept:proxyfor concept_retailstore_berkshire_hathaway +concept_personus_warren_buffet concept:subpartof concept_retailstore_berkshire_hathaway +concept_personus_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_personus_will_smith concept:actorstarredinmovie concept_movie_ali +concept_personus_will_smith concept:actorstarredinmovie concept_movie_hancock +concept_personus_will_smith concept:actorstarredinmovie concept_movie_pursuit_of_happyness +concept_personus_will_smith concept:actorstarredinmovie concept_movie_the_pursuit_of_happyness +concept_personus_william_friedkin concept:agentcontributedtocreativework concept_book_the_exorcist +concept_personus_william_golding concept:agentcontributedtocreativework concept_book_lord_of_the_flies +concept_personus_william_golding concept:agentcontributedtocreativework concept_book_the_lord_of_the_flies +concept_personus_william_golding concept:agentcreated concept_book_the_lord_of_the_flies +concept_personus_william_golding concept:agentcreated concept_monarch_lord_of_the_flies +concept_personus_william_golding concept:agentcreated concept_musicalbum_rites_of_passage +concept_personus_william_green concept:worksfor concept_biotechcompany_accenture +concept_personus_william_green concept:persondiedincountry concept_country_england +concept_personus_william_h concept:personchargedwithcrime concept_crimeorcharge_murder +concept_personus_william_inge concept:personhasjobposition concept_jobposition_playwright +concept_personus_william_raspberry concept:journalistwritesforpublication concept_company_post +concept_personus_william_raspberry concept:journalistwritesforpublication concept_website_washington_post +concept_personus_william_s__cohen concept:personhasjobposition concept_jobposition_defense_secretary +concept_personus_willie_mays concept:personbelongstoorganization concept_sportsleague_hall_of_fame +concept_personus_women concept:agentbelongstoorganization concept_politicalparty_college +concept_personus_women concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_personus_yugoslav concept:agentcollaborateswithagent concept_person_slobodan_milosevic +concept_personus_yugoslav concept:agentcontrols concept_person_slobodan_milosevic +concept_personus_yugoslav concept:mutualproxyfor concept_person_slobodan_milosevic +concept_petroleumrefiningcompany_bmy concept:companyalsoknownas concept_biotechcompany_micron_technology_inc +concept_petroleumrefiningcompany_cepsa concept:latitudelongitude 57.8361600000000,25.6757400000000 +concept_petroleumrefiningcompany_exxon concept:organizationterminatedperson concept_ceo_lee_raymond +concept_petroleumrefiningcompany_exxon concept:agentcontrols concept_company_lee_raymond +concept_petroleumrefiningcompany_exxon concept:acquired concept_company_mobil +concept_petroleumrefiningcompany_exxon concept:companyeconomicsector concept_politicsissue_energy +concept_petroleumrefiningcompany_exxonmobil concept:agentcollaborateswithagent concept_ceo_lee_raymond +concept_petroleumrefiningcompany_exxonmobil concept:organizationterminatedperson concept_ceo_rex_tillerson +concept_petroleumrefiningcompany_exxonmobil concept:agentcontrols concept_company_lee_raymond +concept_petroleumrefiningcompany_exxonmobil concept:companyalsoknownas concept_company_xom +concept_petroleumrefiningcompany_exxonmobil concept:organizationalsoknownas concept_company_xom +concept_petroleumrefiningcompany_exxonmobil concept:agentcollaborateswithagent concept_personus_rex_tillerson +concept_petroleumrefiningcompany_exxonmobil concept:companyeconomicsector concept_politicsissue_energy +concept_petroleumrefiningcompany_hpq concept:companyalsoknownas concept_biotechcompany_wal_mart_stores_inc +concept_petroleumrefiningcompany_naguib_sawiris concept:agentcontrols concept_ceo_orascom_telecom_holding +concept_petroleumrefiningcompany_phillips_66 concept:latitudelongitude 38.0530500000000,-108.6962100000000 +concept_petroleumrefiningcompany_shell_oil concept:companyalsoknownas concept_biotechcompany_shell_oil +concept_petroleumrefiningcompany_shell_oil concept:hasofficeincity concept_city_amsterdam +concept_petroleumrefiningcompany_valero_energy concept:mutualproxyfor concept_ceo_william_r__klesse +concept_petroleumrefiningcompany_valero_energy concept:organizationterminatedperson concept_ceo_william_r__klesse +concept_petroleumrefiningcompany_valero_energy concept:subpartof concept_ceo_william_r__klesse +concept_petroleumrefiningcompany_xp concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_petroleumrefiningcompany_xp concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_petroleumrefiningcompany_xp_ concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_petroleumrefiningcompany_yukos concept:mutualproxyfor concept_person_mikhail_khodorkovsky +concept_petroleumrefiningcompany_yukos concept:organizationterminatedperson concept_person_mikhail_khodorkovsky +concept_physicalaction_abdomen concept:subpartof concept_website_blood +concept_physicalaction_absence concept:proxyfor concept_book_new +concept_physicalaction_absence concept:atdate concept_date_n2004 +concept_physicalaction_acceptance concept:atdate concept_date_n2009 +concept_physicalaction_address concept:atdate concept_date_n2001 +concept_physicalaction_address concept:atdate concept_date_n2003 +concept_physicalaction_address concept:atdate concept_dateliteral_n2005 +concept_physicalaction_address concept:atdate concept_dateliteral_n2006 +concept_physicalaction_agents concept:proxyfor concept_book_new +concept_physicalaction_agents concept:atdate concept_date_n2001 +concept_physicalaction_agents concept:atdate concept_date_n2004 +concept_physicalaction_agents concept:atdate concept_dateliteral_n2007 +concept_physicalaction_agents concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_assault concept:atdate concept_date_n2004 +concept_physicalaction_assault concept:atdate concept_dateliteral_n2005 +concept_physicalaction_assault concept:atdate concept_dateliteral_n2006 +concept_physicalaction_assault concept:atdate concept_dateliteral_n2007 +concept_physicalaction_assault concept:atdate concept_year_n1997 +concept_physicalaction_assembly concept:atdate concept_date_n1999 +concept_physicalaction_assembly concept:atdate concept_date_n2000 +concept_physicalaction_assembly concept:atdate concept_date_n2001 +concept_physicalaction_assembly concept:atdate concept_date_n2003 +concept_physicalaction_assembly concept:atdate concept_date_n2004 +concept_physicalaction_assembly concept:atdate concept_date_n2009 +concept_physicalaction_assembly concept:atdate concept_dateliteral_n2002 +concept_physicalaction_assembly concept:atdate concept_dateliteral_n2005 +concept_physicalaction_assembly concept:atdate concept_dateliteral_n2007 +concept_physicalaction_assembly concept:atdate concept_dateliteral_n2008 +concept_physicalaction_assembly concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_assembly concept:atdate concept_year_n1994 +concept_physicalaction_assembly concept:atdate concept_year_n1998 +concept_physicalaction_back concept:atdate concept_date_n2000 +concept_physicalaction_back concept:atdate concept_date_n2003 +concept_physicalaction_back concept:atdate concept_date_n2004 +concept_physicalaction_back concept:atdate concept_dateliteral_n2002 +concept_physicalaction_back concept:atdate concept_dateliteral_n2005 +concept_physicalaction_back concept:atdate concept_dateliteral_n2006 +concept_physicalaction_back concept:atdate concept_dateliteral_n2007 +concept_physicalaction_back concept:atdate concept_dateliteral_n2008 +concept_physicalaction_back concept:atdate concept_year_n1997 +concept_physicalaction_bathroom concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_bathroom concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_beaverton concept:mutualproxyfor concept_physicalaction_oregon +concept_physicalaction_beaverton concept:proxyfor concept_politicsissue_oregon +concept_physicalaction_beaverton concept:subpartof concept_politicsissue_oregon +concept_physicalaction_bonds concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_box concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_breast concept:subpartof concept_website_blood +concept_physicalaction_brooch concept:latitudelongitude 50.7083150000000,-67.8739750000000 +concept_physicalaction_bunch concept:proxyfor concept_book_new +concept_physicalaction_cap concept:atdate concept_dateliteral_n2006 +concept_physicalaction_cap concept:atdate concept_dateliteral_n2007 +concept_physicalaction_card concept:atdate concept_dateliteral_n2006 +concept_physicalaction_card concept:atdate concept_dateliteral_n2008 +concept_physicalaction_cause concept:proxyfor concept_book_new +concept_physicalaction_ceremony concept:atdate concept_date_n1996 +concept_physicalaction_ceremony concept:atdate concept_date_n2000 +concept_physicalaction_ceremony concept:atdate concept_date_n2001 +concept_physicalaction_ceremony concept:atdate concept_date_n2003 +concept_physicalaction_ceremony concept:atdate concept_date_n2004 +concept_physicalaction_ceremony concept:atdate concept_date_n2009 +concept_physicalaction_ceremony concept:atdate concept_dateliteral_n2002 +concept_physicalaction_ceremony concept:atdate concept_dateliteral_n2005 +concept_physicalaction_ceremony concept:atdate concept_dateliteral_n2006 +concept_physicalaction_ceremony concept:atdate concept_dateliteral_n2007 +concept_physicalaction_ceremony concept:atdate concept_dateliteral_n2008 +concept_physicalaction_ceremony concept:atdate concept_year_n1997 +concept_physicalaction_chain concept:proxyfor concept_book_new +concept_physicalaction_charges concept:proxyfor concept_book_new +concept_physicalaction_charges concept:atdate concept_date_n1996 +concept_physicalaction_charges concept:atdate concept_date_n1999 +concept_physicalaction_charges concept:atdate concept_date_n2000 +concept_physicalaction_charges concept:atdate concept_date_n2001 +concept_physicalaction_charges concept:atdate concept_date_n2003 +concept_physicalaction_charges concept:atdate concept_date_n2004 +concept_physicalaction_charges concept:atdate concept_dateliteral_n2002 +concept_physicalaction_charges concept:atdate concept_dateliteral_n2005 +concept_physicalaction_charges concept:atdate concept_dateliteral_n2006 +concept_physicalaction_charges concept:atdate concept_dateliteral_n2007 +concept_physicalaction_charges concept:atdate concept_dateliteral_n2008 +concept_physicalaction_charges concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_clarksville concept:proxyfor concept_weatherphenomenon_tennessee +concept_physicalaction_clarksville concept:subpartof concept_weatherphenomenon_tennessee +concept_physicalaction_class concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_cnn concept:atdate concept_dateliteral_n2005 +concept_physicalaction_cnn concept:atdate concept_dateliteral_n2006 +concept_physicalaction_cnn concept:atdate concept_dateliteral_n2007 +concept_physicalaction_coax concept:latitudelongitude 32.2305650000000,-91.7227650000000 +concept_physicalaction_colliding concept:latitudelongitude 43.2976200000000,-123.1014500000000 +concept_physicalaction_commerce concept:proxyfor concept_book_new +concept_physicalaction_commerce concept:atdate concept_date_n2003 +concept_physicalaction_commerce concept:atdate concept_dateliteral_n2002 +concept_physicalaction_commerce concept:atdate concept_dateliteral_n2005 +concept_physicalaction_commerce concept:atdate concept_dateliteral_n2006 +concept_physicalaction_commerce concept:atdate concept_dateliteral_n2007 +concept_physicalaction_commerce concept:atdate concept_year_n1998 +concept_physicalaction_controller concept:atdate concept_dateliteral_n2005 +concept_physicalaction_controller concept:atdate concept_dateliteral_n2006 +concept_physicalaction_controller concept:atdate concept_dateliteral_n2007 +concept_physicalaction_coordinating concept:latitudelongitude 40.7647400000000,-111.8523500000000 +concept_physicalaction_couple concept:proxyfor concept_book_new +concept_physicalaction_couple concept:atdate concept_dateliteral_n2005 +concept_physicalaction_couple concept:atdate concept_dateliteral_n2006 +concept_physicalaction_couple concept:atdate concept_dateliteral_n2007 +concept_physicalaction_development concept:proxyfor concept_book_new +concept_physicalaction_development concept:atdate concept_date_n1999 +concept_physicalaction_development concept:atdate concept_date_n2000 +concept_physicalaction_development concept:atdate concept_date_n2001 +concept_physicalaction_development concept:atdate concept_date_n2003 +concept_physicalaction_development concept:atdate concept_date_n2004 +concept_physicalaction_development concept:atdate concept_dateliteral_n2002 +concept_physicalaction_development concept:atdate concept_dateliteral_n2005 +concept_physicalaction_development concept:atdate concept_dateliteral_n2006 +concept_physicalaction_development concept:atdate concept_dateliteral_n2007 +concept_physicalaction_development concept:atdate concept_dateliteral_n2008 +concept_physicalaction_development concept:atdate concept_year_n1992 +concept_physicalaction_development concept:atdate concept_year_n1994 +concept_physicalaction_development concept:atdate concept_year_n1997 +concept_physicalaction_development concept:atdate concept_year_n1998 +concept_physicalaction_dog concept:proxyfor concept_book_new +concept_physicalaction_dog concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_drugs concept:atdate concept_dateliteral_n2006 +concept_physicalaction_drugs concept:atdate concept_dateliteral_n2008 +concept_physicalaction_edition concept:atdate concept_dateliteral_n2002 +concept_physicalaction_edition concept:atdate concept_dateliteral_n2005 +concept_physicalaction_edition concept:atdate concept_dateliteral_n2006 +concept_physicalaction_edition concept:atdate concept_dateliteral_n2007 +concept_physicalaction_edition concept:atdate concept_dateliteral_n2008 +concept_physicalaction_efforts concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_efforts concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_email concept:atdate concept_date_n1996 +concept_physicalaction_email concept:atdate concept_date_n1999 +concept_physicalaction_email concept:atdate concept_date_n2000 +concept_physicalaction_email concept:atdate concept_date_n2001 +concept_physicalaction_email concept:atdate concept_date_n2003 +concept_physicalaction_email concept:atdate concept_date_n2004 +concept_physicalaction_email concept:atdate concept_date_n2009 +concept_physicalaction_email concept:atdate concept_dateliteral_n2002 +concept_physicalaction_email concept:atdate concept_dateliteral_n2005 +concept_physicalaction_email concept:atdate concept_dateliteral_n2006 +concept_physicalaction_email concept:atdate concept_dateliteral_n2007 +concept_physicalaction_email concept:atdate concept_dateliteral_n2008 +concept_physicalaction_entry concept:atdate concept_date_n2009 +concept_physicalaction_entry concept:atdate concept_dateliteral_n2008 +concept_physicalaction_essay concept:atdate concept_date_n2003 +concept_physicalaction_essay concept:atdate concept_dateliteral_n2005 +concept_physicalaction_estimates concept:atdate concept_date_n2003 +concept_physicalaction_eugene concept:mutualproxyfor concept_physicalaction_oregon +concept_physicalaction_eugene concept:subpartof concept_politicsissue_oregon +concept_physicalaction_exceptions concept:proxyfor concept_book_new +concept_physicalaction_features concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_features concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_flight concept:atdate concept_dateliteral_n1936 +concept_physicalaction_flight concept:atdate concept_dateliteral_n1943 +concept_physicalaction_flight concept:atdate concept_dateliteral_n2002 +concept_physicalaction_flight concept:atdate concept_dateliteral_n2005 +concept_physicalaction_flight concept:atdate concept_dateliteral_n2006 +concept_physicalaction_flight concept:atdate concept_dateliteral_n2007 +concept_physicalaction_flight concept:atdate concept_dateliteral_n2008 +concept_physicalaction_flight concept:atdate concept_year_n1995 +concept_physicalaction_flight concept:atdate concept_year_n1998 +concept_physicalaction_formation concept:atdate concept_date_n1999 +concept_physicalaction_formation concept:atdate concept_date_n2000 +concept_physicalaction_formation concept:atdate concept_date_n2001 +concept_physicalaction_formation concept:atdate concept_date_n2003 +concept_physicalaction_formation concept:atdate concept_date_n2004 +concept_physicalaction_formation concept:atdate concept_dateliteral_n2002 +concept_physicalaction_formation concept:atdate concept_dateliteral_n2005 +concept_physicalaction_formation concept:atdate concept_dateliteral_n2006 +concept_physicalaction_formation concept:atdate concept_dateliteral_n2007 +concept_physicalaction_formation concept:atdate concept_year_n1994 +concept_physicalaction_formation concept:atdate concept_year_n1995 +concept_physicalaction_formation concept:atdate concept_year_n1997 +concept_physicalaction_formation concept:atdate concept_year_n1998 +concept_physicalaction_gaming concept:subpartof concept_traditionalgame_vegas +concept_physicalaction_hands concept:subpartof concept_beverage_warm_water +concept_physicalaction_hands concept:proxyfor concept_book_new +concept_physicalaction_hands concept:atdate concept_date_n2001 +concept_physicalaction_hands concept:atdate concept_dateliteral_n2006 +concept_physicalaction_hands concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_hands concept:subpartof concept_website_blood +concept_physicalaction_heating_system concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_hit concept:atdate concept_date_n2004 +concept_physicalaction_hit concept:atdate concept_dateliteral_n2005 +concept_physicalaction_hit concept:atdate concept_dateliteral_n2007 +concept_physicalaction_hold concept:atdate concept_dateliteral_n2005 +concept_physicalaction_hold concept:atdate concept_dateliteral_n2006 +concept_physicalaction_hold concept:atdate concept_dateliteral_n2007 +concept_physicalaction_image concept:proxyfor concept_book_new +concept_physicalaction_image concept:atdate concept_date_n2004 +concept_physicalaction_incidents concept:atdate concept_date_n2000 +concept_physicalaction_incidents concept:atdate concept_dateliteral_n2007 +concept_physicalaction_indicators concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_industry concept:subpartof concept_beverage_municipal_water +concept_physicalaction_industry concept:subpartof concept_visualizableattribute_drinking_water +concept_physicalaction_injury concept:atdate concept_date_n1999 +concept_physicalaction_injury concept:atdate concept_date_n2000 +concept_physicalaction_injury concept:atdate concept_date_n2003 +concept_physicalaction_injury concept:atdate concept_date_n2004 +concept_physicalaction_injury concept:atdate concept_dateliteral_n2002 +concept_physicalaction_injury concept:atdate concept_dateliteral_n2007 +concept_physicalaction_injury concept:atdate concept_year_n1997 +concept_physicalaction_injury concept:atdate concept_year_n1998 +concept_physicalaction_inspecting concept:latitudelongitude 38.8626100000000,-76.5405100000000 +concept_physicalaction_label concept:atdate concept_date_n2001 +concept_physicalaction_label concept:atdate concept_date_n2004 +concept_physicalaction_label concept:atdate concept_dateliteral_n2005 +concept_physicalaction_label concept:atdate concept_dateliteral_n2006 +concept_physicalaction_label concept:atdate concept_dateliteral_n2007 +concept_physicalaction_label concept:atdate concept_dateliteral_n2008 +concept_physicalaction_leave concept:atdate concept_date_n2003 +concept_physicalaction_leave concept:atdate concept_date_n2004 +concept_physicalaction_leave concept:atdate concept_dateliteral_n1945 +concept_physicalaction_leave concept:atdate concept_dateliteral_n2002 +concept_physicalaction_leave concept:atdate concept_dateliteral_n2005 +concept_physicalaction_leave concept:atdate concept_dateliteral_n2007 +concept_physicalaction_leave concept:atdate concept_dateliteral_n2008 +concept_physicalaction_legs concept:subpartof concept_website_blood +concept_physicalaction_lieutenant concept:atdate concept_date_n1999 +concept_physicalaction_lieutenant concept:atdate concept_date_n2004 +concept_physicalaction_lieutenant concept:atdate concept_dateliteral_n1917 +concept_physicalaction_livings concept:latitudelongitude 30.5507500000000,-88.6766900000000 +concept_physicalaction_look_up concept:latitudelongitude -43.7833300000000,170.9333300000000 +concept_physicalaction_lot concept:atdate concept_dateliteral_n2006 +concept_physicalaction_manufacturer concept:proxyfor concept_book_new +concept_physicalaction_marketing concept:atdate concept_date_n2000 +concept_physicalaction_marketing concept:atdate concept_date_n2001 +concept_physicalaction_marketing concept:atdate concept_date_n2004 +concept_physicalaction_marketing concept:atdate concept_dateliteral_n2005 +concept_physicalaction_marketing concept:atdate concept_dateliteral_n2006 +concept_physicalaction_marketing concept:atdate concept_dateliteral_n2007 +concept_physicalaction_marketing concept:atdate concept_dateliteral_n2008 +concept_physicalaction_markets concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_markets concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_mask concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_materials concept:atdate concept_date_n2001 +concept_physicalaction_materials concept:atdate concept_dateliteral_n2006 +concept_physicalaction_materials concept:atdate concept_dateliteral_n2008 +concept_physicalaction_materials concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_materials concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_naming concept:latitudelongitude 5.9930533333333,125.4031500000000 +concept_physicalaction_news concept:atdate concept_dateliteral_n2002 +concept_physicalaction_news concept:atdate concept_dateliteral_n2005 +concept_physicalaction_news concept:atdate concept_dateliteral_n2006 +concept_physicalaction_news concept:atdate concept_dateliteral_n2007 +concept_physicalaction_news concept:atdate concept_dateliteral_n2008 +concept_physicalaction_news concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_news concept:atdate concept_year_n1998 +concept_physicalaction_nice concept:atdate concept_date_n2001 +concept_physicalaction_omaha concept:atdate concept_dateliteral_n2007 +concept_physicalaction_omaha concept:subpartof concept_politicsissue_nebraska +concept_physicalaction_online concept:atdate concept_date_n2000 +concept_physicalaction_online concept:atdate concept_date_n2001 +concept_physicalaction_online concept:atdate concept_date_n2003 +concept_physicalaction_online concept:atdate concept_date_n2004 +concept_physicalaction_online concept:atdate concept_date_n2009 +concept_physicalaction_online concept:atdate concept_dateliteral_n2008 +concept_physicalaction_online concept:atdate concept_year_n1995 +concept_physicalaction_opened concept:atdate concept_date_n1999 +concept_physicalaction_opened concept:atdate concept_date_n2000 +concept_physicalaction_opened concept:atdate concept_date_n2003 +concept_physicalaction_opened concept:atdate concept_date_n2004 +concept_physicalaction_opened concept:atdate concept_dateliteral_n2002 +concept_physicalaction_opened concept:atdate concept_dateliteral_n2005 +concept_physicalaction_opened concept:atdate concept_dateliteral_n2006 +concept_physicalaction_opened concept:atdate concept_dateliteral_n2007 +concept_physicalaction_opened concept:atdate concept_dateliteral_n2008 +concept_physicalaction_oregon concept:mutualproxyfor concept_county_salem +concept_physicalaction_oregon concept:mutualproxyfor concept_physicalaction_beaverton +concept_physicalaction_oregon concept:mutualproxyfor concept_physicalaction_eugene +concept_physicalaction_oregon concept:mutualproxyfor concept_radiostation_ashland +concept_physicalaction_oregon concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_physicalaction_oregon concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_physicalaction_organs concept:subpartof concept_website_blood +concept_physicalaction_orgy concept:latitudelongitude 47.7666700000000,3.5000000000000 +concept_physicalaction_outlets concept:proxyfor concept_book_new +concept_physicalaction_outlets concept:atdate concept_date_n2004 +concept_physicalaction_outlets concept:atdate concept_dateliteral_n2008 +concept_physicalaction_paper concept:atdate concept_date_n1996 +concept_physicalaction_paper concept:atdate concept_date_n1999 +concept_physicalaction_paper concept:atdate concept_date_n2000 +concept_physicalaction_paper concept:atdate concept_date_n2001 +concept_physicalaction_paper concept:atdate concept_date_n2003 +concept_physicalaction_paper concept:atdate concept_date_n2004 +concept_physicalaction_paper concept:atdate concept_dateliteral_n2002 +concept_physicalaction_paper concept:atdate concept_dateliteral_n2005 +concept_physicalaction_paper concept:atdate concept_dateliteral_n2006 +concept_physicalaction_paper concept:atdate concept_dateliteral_n2007 +concept_physicalaction_paper concept:atdate concept_dateliteral_n2008 +concept_physicalaction_paper concept:atdate concept_year_n1992 +concept_physicalaction_paper concept:atdate concept_year_n1995 +concept_physicalaction_paper concept:atdate concept_year_n1998 +concept_physicalaction_photo concept:atdate concept_dateliteral_n2002 +concept_physicalaction_photo concept:atdate concept_dateliteral_n2005 +concept_physicalaction_photo concept:atdate concept_dateliteral_n2006 +concept_physicalaction_photo concept:atdate concept_dateliteral_n2007 +concept_physicalaction_photo concept:atdate concept_dateliteral_n2008 +concept_physicalaction_plans concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_plans concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_platform concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_position concept:proxyfor concept_book_new +concept_physicalaction_position concept:atdate concept_date_n1939 +concept_physicalaction_position concept:atdate concept_date_n1993 +concept_physicalaction_position concept:atdate concept_date_n1996 +concept_physicalaction_position concept:atdate concept_date_n1999 +concept_physicalaction_position concept:atdate concept_date_n2000 +concept_physicalaction_position concept:atdate concept_date_n2001 +concept_physicalaction_position concept:atdate concept_date_n2003 +concept_physicalaction_position concept:atdate concept_date_n2004 +concept_physicalaction_position concept:atdate concept_date_n2009 +concept_physicalaction_position concept:atdate concept_dateliteral_n1987 +concept_physicalaction_position concept:atdate concept_dateliteral_n1990 +concept_physicalaction_position concept:atdate concept_dateliteral_n2002 +concept_physicalaction_position concept:atdate concept_dateliteral_n2005 +concept_physicalaction_position concept:atdate concept_dateliteral_n2006 +concept_physicalaction_position concept:atdate concept_dateliteral_n2007 +concept_physicalaction_position concept:atdate concept_dateliteral_n2008 +concept_physicalaction_position concept:atdate concept_month_july +concept_physicalaction_position concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_position concept:atdate concept_year_n1965 +concept_physicalaction_position concept:atdate concept_year_n1981 +concept_physicalaction_position concept:atdate concept_year_n1983 +concept_physicalaction_position concept:atdate concept_year_n1984 +concept_physicalaction_position concept:atdate concept_year_n1985 +concept_physicalaction_position concept:atdate concept_year_n1986 +concept_physicalaction_position concept:atdate concept_year_n1988 +concept_physicalaction_position concept:atdate concept_year_n1989 +concept_physicalaction_position concept:atdate concept_year_n1991 +concept_physicalaction_position concept:atdate concept_year_n1992 +concept_physicalaction_position concept:atdate concept_year_n1994 +concept_physicalaction_position concept:atdate concept_year_n1995 +concept_physicalaction_position concept:atdate concept_year_n1997 +concept_physicalaction_position concept:atdate concept_year_n1998 +concept_physicalaction_potential concept:istallerthan concept_publication_people_ +concept_physicalaction_pregnancy concept:atdate concept_dateliteral_n2006 +concept_physicalaction_process concept:atdate concept_date_n1999 +concept_physicalaction_process concept:atdate concept_date_n2000 +concept_physicalaction_process concept:atdate concept_date_n2001 +concept_physicalaction_process concept:atdate concept_date_n2003 +concept_physicalaction_process concept:atdate concept_date_n2004 +concept_physicalaction_process concept:atdate concept_date_n2009 +concept_physicalaction_process concept:atdate concept_dateliteral_n2005 +concept_physicalaction_process concept:atdate concept_dateliteral_n2006 +concept_physicalaction_process concept:atdate concept_dateliteral_n2007 +concept_physicalaction_process concept:atdate concept_year_n1995 +concept_physicalaction_process concept:atdate concept_year_n1997 +concept_physicalaction_process concept:atdate concept_year_n1998 +concept_physicalaction_production concept:atdate concept_date_n1942 +concept_physicalaction_production concept:atdate concept_date_n1944 +concept_physicalaction_production concept:atdate concept_date_n1962 +concept_physicalaction_production concept:atdate concept_date_n1969 +concept_physicalaction_production concept:atdate concept_date_n1976 +concept_physicalaction_production concept:atdate concept_date_n1993 +concept_physicalaction_production concept:atdate concept_date_n1996 +concept_physicalaction_production concept:atdate concept_date_n1999 +concept_physicalaction_production concept:atdate concept_date_n2000 +concept_physicalaction_production concept:atdate concept_date_n2001 +concept_physicalaction_production concept:atdate concept_date_n2003 +concept_physicalaction_production concept:atdate concept_date_n2004 +concept_physicalaction_production concept:atdate concept_date_n2009 +concept_physicalaction_production concept:atdate concept_dateliteral_n1943 +concept_physicalaction_production concept:atdate concept_dateliteral_n2002 +concept_physicalaction_production concept:atdate concept_dateliteral_n2005 +concept_physicalaction_production concept:atdate concept_dateliteral_n2006 +concept_physicalaction_production concept:atdate concept_dateliteral_n2007 +concept_physicalaction_production concept:atdate concept_dateliteral_n2008 +concept_physicalaction_production concept:atdate concept_year_n1982 +concept_physicalaction_production concept:atdate concept_year_n1984 +concept_physicalaction_production concept:atdate concept_year_n1989 +concept_physicalaction_production concept:atdate concept_year_n1992 +concept_physicalaction_production concept:atdate concept_year_n1994 +concept_physicalaction_production concept:atdate concept_year_n1995 +concept_physicalaction_production concept:atdate concept_year_n1997 +concept_physicalaction_production concept:atdate concept_year_n1998 +concept_physicalaction_programme concept:atdate concept_date_n1999 +concept_physicalaction_programme concept:atdate concept_date_n2000 +concept_physicalaction_programme concept:atdate concept_date_n2001 +concept_physicalaction_programme concept:atdate concept_date_n2003 +concept_physicalaction_programme concept:atdate concept_date_n2004 +concept_physicalaction_programme concept:atdate concept_date_n2009 +concept_physicalaction_programme concept:atdate concept_dateliteral_n2002 +concept_physicalaction_programme concept:atdate concept_dateliteral_n2005 +concept_physicalaction_programme concept:atdate concept_dateliteral_n2006 +concept_physicalaction_programme concept:atdate concept_dateliteral_n2007 +concept_physicalaction_programme concept:atdate concept_dateliteral_n2008 +concept_physicalaction_programme concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_programme concept:atdate concept_year_n1997 +concept_physicalaction_projects concept:subpartof concept_beverage_complete_water +concept_physicalaction_projects concept:subpartof concept_beverage_large_water +concept_physicalaction_projects concept:subpartof concept_beverage_local_water +concept_physicalaction_projects concept:subpartof concept_beverage_mineral +concept_physicalaction_projects concept:subpartof concept_beverage_municipal_water +concept_physicalaction_projects concept:subpartof concept_hallwayitem_road +concept_physicalaction_projects concept:subpartof concept_kitchenitem_public_water +concept_physicalaction_projects concept:subpartof concept_lake_small_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_building_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_community_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_drinking_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_major_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_potable_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_rural_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_scale_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_two_water +concept_physicalaction_projects concept:subpartof concept_visualizableattribute_various_water +concept_physicalaction_projects concept:subpartof concept_visualizablething_several_water +concept_physicalaction_projects concept:subpartof concept_visualizablething_water_supply +concept_physicalaction_projects concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_properties concept:atdate concept_dateliteral_n2005 +concept_physicalaction_properties concept:atdate concept_dateliteral_n2007 +concept_physicalaction_properties concept:atdate concept_dateliteral_n2008 +concept_physicalaction_quality concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_questions concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_questions concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_rear concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_removal concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_result concept:proxyfor concept_book_new +concept_physicalaction_result concept:atdate concept_dateliteral_n2006 +concept_physicalaction_root concept:proxyfor concept_book_new +concept_physicalaction_settings concept:proxyfor concept_book_new +concept_physicalaction_shoulder concept:atdate concept_dateliteral_n2007 +concept_physicalaction_shoulder concept:atdate concept_dateliteral_n2008 +concept_physicalaction_stand concept:proxyfor concept_book_new +concept_physicalaction_staple concept:proxyfor concept_book_new +concept_physicalaction_states concept:subpartof concept_agriculturalproduct_northern +concept_physicalaction_states concept:atdate concept_date_n2000 +concept_physicalaction_states concept:atdate concept_date_n2001 +concept_physicalaction_states concept:atdate concept_date_n2003 +concept_physicalaction_states concept:atdate concept_date_n2004 +concept_physicalaction_states concept:atdate concept_date_n2009 +concept_physicalaction_states concept:atdate concept_dateliteral_n2005 +concept_physicalaction_states concept:atdate concept_dateliteral_n2006 +concept_physicalaction_states concept:atdate concept_dateliteral_n2007 +concept_physicalaction_states concept:atdate concept_dateliteral_n2008 +concept_physicalaction_states concept:subpartof concept_weatherphenomenon_european_union +concept_physicalaction_states concept:subpartof concept_weatherphenomenon_north +concept_physicalaction_states concept:subpartof concept_weatherphenomenon_pacific +concept_physicalaction_storage concept:atdate concept_dateliteral_n2007 +concept_physicalaction_store concept:atdate concept_date_n1999 +concept_physicalaction_store concept:atdate concept_date_n2000 +concept_physicalaction_store concept:atdate concept_date_n2001 +concept_physicalaction_store concept:atdate concept_date_n2003 +concept_physicalaction_store concept:atdate concept_date_n2004 +concept_physicalaction_store concept:atdate concept_date_n2009 +concept_physicalaction_store concept:atdate concept_dateliteral_n2002 +concept_physicalaction_store concept:atdate concept_dateliteral_n2005 +concept_physicalaction_store concept:atdate concept_dateliteral_n2006 +concept_physicalaction_store concept:atdate concept_dateliteral_n2007 +concept_physicalaction_store concept:atdate concept_dateliteral_n2008 +concept_physicalaction_store concept:atdate concept_month_december +concept_physicalaction_store concept:atdate concept_year_n1998 +concept_physicalaction_students concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_study concept:proxyfor concept_book_new +concept_physicalaction_study concept:atdate concept_date_n1996 +concept_physicalaction_study concept:atdate concept_date_n1999 +concept_physicalaction_study concept:atdate concept_date_n2000 +concept_physicalaction_study concept:atdate concept_date_n2001 +concept_physicalaction_study concept:atdate concept_date_n2003 +concept_physicalaction_study concept:atdate concept_date_n2004 +concept_physicalaction_study concept:atdate concept_date_n2009 +concept_physicalaction_study concept:atdate concept_dateliteral_n2002 +concept_physicalaction_study concept:atdate concept_dateliteral_n2005 +concept_physicalaction_study concept:atdate concept_dateliteral_n2006 +concept_physicalaction_study concept:atdate concept_dateliteral_n2007 +concept_physicalaction_study concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_study concept:atdate concept_year_n1994 +concept_physicalaction_study concept:atdate concept_year_n1995 +concept_physicalaction_study concept:atdate concept_year_n1997 +concept_physicalaction_study concept:atdate concept_year_n1998 +concept_physicalaction_supplies concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_supplies concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_support concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_support concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_target concept:atdate concept_dateliteral_n2005 +concept_physicalaction_target concept:atdate concept_dateliteral_n2006 +concept_physicalaction_target concept:atdate concept_dateliteral_n2008 +concept_physicalaction_target concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_terms concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_terms concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_tips concept:subpartof concept_weatherphenomenon_air +concept_physicalaction_tips concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_to_hit concept:latitudelongitude 6.7833300000000,99.8166700000000 +concept_physicalaction_tongue concept:subpartof concept_website_blood +concept_physicalaction_topic concept:proxyfor concept_book_new +concept_physicalaction_topic concept:atdate concept_date_n1999 +concept_physicalaction_topic concept:atdate concept_date_n2004 +concept_physicalaction_topic concept:atdate concept_dateliteral_n2002 +concept_physicalaction_topic concept:atdate concept_dateliteral_n2005 +concept_physicalaction_topic concept:atdate concept_dateliteral_n2006 +concept_physicalaction_topic concept:atdate concept_dateliteral_n2007 +concept_physicalaction_topic concept:atdate concept_dateliteral_n2008 +concept_physicalaction_topic concept:atdate concept_year_n1998 +concept_physicalaction_trap concept:proxyfor concept_book_new +concept_physicalaction_treatments concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_trunk concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_turn concept:proxyfor concept_book_new +concept_physicalaction_turn concept:atdate concept_dateliteral_n2006 +concept_physicalaction_turn concept:atdate concept_dateliteral_n2007 +concept_physicalaction_users concept:atdate concept_date_n2000 +concept_physicalaction_users concept:atdate concept_date_n2003 +concept_physicalaction_users concept:atdate concept_dateliteral_n2006 +concept_physicalaction_users concept:atdate concept_dateliteral_n2007 +concept_physicalaction_users concept:atdate concept_dateliteral_n2008 +concept_physicalaction_washing concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_waters concept:proxyfor concept_book_new +concept_physicalaction_waters concept:atdate concept_date_n1942 +concept_physicalaction_way concept:proxyfor concept_book_new +concept_physicalaction_way concept:atdate concept_date_n2001 +concept_physicalaction_way concept:atdate concept_date_n2003 +concept_physicalaction_way concept:atdate concept_date_n2004 +concept_physicalaction_way concept:atdate concept_date_n2009 +concept_physicalaction_way concept:atdate concept_dateliteral_n2002 +concept_physicalaction_way concept:atdate concept_dateliteral_n2005 +concept_physicalaction_way concept:atdate concept_dateliteral_n2006 +concept_physicalaction_way concept:atdate concept_dateliteral_n2007 +concept_physicalaction_way concept:atdate concept_year_n1991 +concept_physicalaction_way concept:atdate concept_year_n1995 +concept_physicalaction_way concept:atdate concept_year_n1998 +concept_physicalaction_ways concept:istallerthan concept_publication_people_ +concept_physicalaction_window concept:proxyfor concept_book_new +concept_physicalaction_women concept:atdate concept_date_n1999 +concept_physicalaction_women concept:atdate concept_date_n2001 +concept_physicalaction_women concept:atdate concept_date_n2003 +concept_physicalaction_women concept:atdate concept_date_n2004 +concept_physicalaction_women concept:atdate concept_dateliteral_n2005 +concept_physicalaction_women concept:atdate concept_dateliteral_n2007 +concept_physicalaction_women concept:atdate concept_dateliteral_n2008 +concept_physicalaction_words concept:atdate concept_dateliteral_n2008 +concept_physicalaction_work concept:atdate concept_date_n1993 +concept_physicalaction_work concept:atdate concept_date_n1996 +concept_physicalaction_work concept:atdate concept_date_n1999 +concept_physicalaction_work concept:atdate concept_date_n2000 +concept_physicalaction_work concept:atdate concept_date_n2001 +concept_physicalaction_work concept:atdate concept_date_n2003 +concept_physicalaction_work concept:atdate concept_date_n2004 +concept_physicalaction_work concept:atdate concept_date_n2009 +concept_physicalaction_work concept:atdate concept_dateliteral_n1987 +concept_physicalaction_work concept:atdate concept_dateliteral_n2002 +concept_physicalaction_work concept:atdate concept_dateliteral_n2005 +concept_physicalaction_work concept:atdate concept_dateliteral_n2006 +concept_physicalaction_work concept:atdate concept_dateliteral_n2007 +concept_physicalaction_work concept:atdate concept_dateliteral_n2008 +concept_physicalaction_work concept:subpartof concept_weatherphenomenon_water +concept_physicalaction_work concept:atdate concept_year_n1913 +concept_physicalaction_work concept:atdate concept_year_n1986 +concept_physicalaction_work concept:atdate concept_year_n1991 +concept_physicalaction_work concept:atdate concept_year_n1992 +concept_physicalaction_work concept:atdate concept_year_n1994 +concept_physicalaction_work concept:atdate concept_year_n1995 +concept_physicalaction_work concept:atdate concept_year_n1997 +concept_physicalaction_work concept:atdate concept_year_n1998 +concept_physicalaction_wwf concept:atdate concept_date_n1993 +concept_physicalcharacteristic_complexion concept:thinghascolor concept_color_shade +concept_physicalcharacteristic_corporate_business concept:latitudelongitude 36.5875500000000,-87.2680600000000 +concept_physicalcharacteristic_corss concept:latitudelongitude 41.4200400000000,-89.5584300000000 +concept_physicalcharacteristic_finalist concept:proxyfor concept_book_new +concept_physicalcharacteristic_green_business concept:latitudelongitude 34.0156000000000,-84.1670000000000 +concept_physicalcharacteristic_group_fellowship concept:latitudelongitude 42.2708100000000,-94.5524800000000 +concept_physicalcharacteristic_hurst concept:proxyfor concept_city_texas +concept_physicalcharacteristic_mess concept:proxyfor concept_book_new +concept_physicalcharacteristic_national_business concept:latitudelongitude 38.5300133333333,-77.5957300000000 +concept_physicalcharacteristic_perspective concept:subpartof concept_weatherphenomenon_water +concept_physicalcharacteristic_possibility concept:proxyfor concept_book_new +concept_physicalcharacteristic_possibility concept:istallerthan concept_publication_people_ +concept_physicalcharacteristic_serious_business concept:proxyfor concept_book_new +concept_physicalcharacteristic_statutes concept:proxyfor concept_book_new +concept_physicalcharacteristic_stretch concept:atdate concept_dateliteral_n2005 +concept_physicalcharacteristic_struggle concept:proxyfor concept_book_new +concept_physicalcharacteristic_studies concept:subpartof concept_weatherphenomenon_air +concept_physicalcharacteristic_studies concept:subpartof concept_weatherphenomenon_water +concept_physicalcharacteristic_treatment_service concept:subpartof concept_weatherphenomenon_water +concept_physicalcharacteristic_world_premiere concept:atdate concept_date_n2001 +concept_physicalcharacteristic_world_premiere concept:atdate concept_date_n2009 +concept_physicalcharacteristic_world_premiere concept:atdate concept_dateliteral_n2005 +concept_physicalcharacteristic_world_premiere concept:atdate concept_dateliteral_n2007 +concept_physicalcharacteristic_world_premiere concept:atdate concept_dateliteral_n2008 +concept_physicsterm_amount concept:proxyfor concept_book_new +concept_physicsterm_back concept:proxyfor concept_book_new +concept_physicsterm_current_position concept:atdate concept_date_n1996 +concept_physicsterm_current_position concept:atdate concept_date_n1999 +concept_physicsterm_current_position concept:atdate concept_date_n2000 +concept_physicsterm_current_position concept:atdate concept_date_n2001 +concept_physicsterm_current_position concept:atdate concept_date_n2003 +concept_physicsterm_current_position concept:atdate concept_date_n2004 +concept_physicsterm_current_position concept:atdate concept_dateliteral_n2002 +concept_physicsterm_current_position concept:atdate concept_dateliteral_n2005 +concept_physicsterm_current_position concept:atdate concept_dateliteral_n2006 +concept_physicsterm_current_position concept:atdate concept_dateliteral_n2007 +concept_physicsterm_current_position concept:atdate concept_dateliteral_n2008 +concept_physicsterm_current_position concept:atdate concept_year_n1998 +concept_physicsterm_effect concept:proxyfor concept_book_new +concept_physicsterm_example concept:proxyfor concept_book_new +concept_physicsterm_forces concept:proxyfor concept_book_new +concept_physicsterm_hit concept:proxyfor concept_book_new +concept_physicsterm_large_number concept:proxyfor concept_book_new +concept_physicsterm_mix concept:proxyfor concept_book_new +concept_physicsterm_momentum concept:atdate concept_date_n2003 +concept_physicsterm_momentum concept:atdate concept_dateliteral_n2002 +concept_physicsterm_momentum concept:atdate concept_dateliteral_n2006 +concept_physicsterm_motion concept:atdate concept_date_n2001 +concept_physicsterm_motion concept:atdate concept_date_n2004 +concept_physicsterm_motion concept:atdate concept_dateliteral_n2005 +concept_physicsterm_motion concept:atdate concept_dateliteral_n2007 +concept_physicsterm_motion concept:atdate concept_dateliteral_n2008 +concept_physicsterm_motion concept:atdate concept_year_n1991 +concept_physicsterm_n0_39 concept:latitudelongitude 45.1233000000000,-90.1634750000000 +concept_physicsterm_n0_4__ concept:atdate concept_dateliteral_n2008 +concept_physicsterm_n10_11 concept:latitudelongitude 33.5569700000000,-114.5519000000000 +concept_physicsterm_n13_6 concept:latitudelongitude 40.6166700000000,-96.1402900000000 +concept_physicsterm_n14_16 concept:latitudelongitude 34.2334400000000,-89.3500800000000 +concept_physicsterm_n18_21 concept:latitudelongitude 48.7580900000000,-122.4718300000000 +concept_physicsterm_n19_11 concept:latitudelongitude 35.8366370588235,-108.0535288235294 +concept_physicsterm_n1_8_percent concept:atdate concept_dateliteral_n2008 +concept_physicsterm_n27_32 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_physicsterm_n27_34 concept:latitudelongitude 32.9772900000000,-107.3958600000000 +concept_physicsterm_n2_000 concept:atdate concept_dateliteral_n2007 +concept_physicsterm_n2_3 concept:proxyfor concept_book_new +concept_physicsterm_n2_6__ concept:atdate concept_dateliteral_n2008 +concept_physicsterm_n4_3__ concept:atdate concept_dateliteral_n2008 +concept_physicsterm_n4_5_percent concept:atdate concept_dateliteral_n2007 +concept_physicsterm_n4_7 concept:latitudelongitude 38.6717200000000,-87.0200100000000 +concept_physicsterm_n5_8 concept:latitudelongitude 34.8234300000000,-89.1017300000000 +concept_physicsterm_n5_points concept:latitudelongitude 30.3155200000000,-81.6901000000000 +concept_physicsterm_n7_10 concept:latitudelongitude 34.6917600000000,-89.2900700000000 +concept_physicsterm_n7_2__ concept:atdate concept_dateliteral_n2007 +concept_physicsterm_n7_5__ concept:atdate concept_dateliteral_n2008 +concept_physicsterm_n9_11 concept:latitudelongitude 40.4016700000000,-96.6969700000000 +concept_physicsterm_object concept:proxyfor concept_book_new +concept_physicsterm_papers concept:proxyfor concept_book_new +concept_physicsterm_papers concept:atdate concept_date_n2000 +concept_physicsterm_papers concept:atdate concept_date_n2004 +concept_physicsterm_papers concept:atdate concept_dateliteral_n2006 +concept_physicsterm_papers concept:atdate concept_dateliteral_n2008 +concept_physicsterm_papers concept:atdate concept_year_n1995 +concept_physicsterm_process concept:proxyfor concept_book_new +concept_physicsterm_properties concept:proxyfor concept_book_new +concept_physicsterm_rates concept:proxyfor concept_book_new +concept_physicsterm_scholarship concept:atdate concept_dateliteral_n2006 +concept_physicsterm_scholarship concept:atdate concept_dateliteral_n2007 +concept_physicsterm_scholarship concept:atdate concept_dateliteral_n2008 +concept_physicsterm_solution concept:proxyfor concept_book_new +concept_physicsterm_speed concept:proxyfor concept_book_new +concept_physicsterm_types concept:proxyfor concept_book_new +concept_physiologicalcondition_cauti concept:latitudelongitude -1.0000000000000,37.5500000000000 +concept_physiologicalcondition_circulation concept:atdate concept_dateliteral_n2005 +concept_physiologicalcondition_circulation concept:atdate concept_dateliteral_n2006 +concept_physiologicalcondition_crv concept:atdate concept_dateliteral_n2008 +concept_physiologicalcondition_emboli concept:latitudelongitude -0.1505600000000,15.5119400000000 +concept_physiologicalcondition_handicaps concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_hardin_library_for_the_health_sciences concept:latitudelongitude 41.6625200000000,-91.5473900000000 +concept_physiologicalcondition_health_difficulties concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_health_issues concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_health_needs concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_health_problems concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_homeland_security concept:atdate concept_date_n2003 +concept_physiologicalcondition_homeland_security concept:atdate concept_date_n2004 +concept_physiologicalcondition_homeland_security concept:atdate concept_dateliteral_n2005 +concept_physiologicalcondition_hysterectomy concept:atdate concept_date_n2003 +concept_physiologicalcondition_ill_health concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_illness_face concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_impairment concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_impairments concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_invasive concept:latitudelongitude 38.9244200000000,-94.7690000000000 +concept_physiologicalcondition_kidney_transplant concept:atdate concept_date_n2000 +concept_physiologicalcondition_massive_stroke concept:atdate concept_dateliteral_n2006 +concept_physiologicalcondition_medical_conditions concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_pathogens concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_retardation concept:ismultipleof concept_publication_people_ +concept_physiologicalcondition_submitted concept:atdate concept_dateliteral_n2008 +concept_placeofworship_abroath concept:latitudelongitude -18.0166700000000,30.8500000000000 +concept_placeofworship_albert_memorial concept:attractionofcity concept_city_london_city +concept_placeofworship_baltinglass concept:latitudelongitude 52.9372200000000,-6.7091700000000 +concept_placeofworship_baranagore concept:latitudelongitude 22.6433300000000,88.3652800000000 +concept_placeofworship_barlow_hall concept:latitudelongitude 37.3004300000000,-78.3952700000000 +concept_placeofworship_bath_national_cemetery concept:latitudelongitude 42.3486800000000,-77.3508100000000 +concept_placeofworship_beng_mealea concept:latitudelongitude 13.6666700000000,104.2500000000000 +concept_placeofworship_bodhnath concept:latitudelongitude 27.7166700000000,85.3666700000000 +concept_placeofworship_buddhist_monastery concept:latitudelongitude 37.9763100000000,-121.3380000000000 +concept_placeofworship_burma concept:synonymfor concept_currency_myanmar +concept_placeofworship_bursfelde concept:latitudelongitude 51.5333300000000,9.6333300000000 +concept_placeofworship_cadouin concept:latitudelongitude 44.8404675000000,0.8735100000000 +concept_placeofworship_caldey concept:latitudelongitude 51.6419450000000,-4.7002750000000 +concept_placeofworship_carrickfergus_castle concept:latitudelongitude 54.7000000000000,-5.8000000000000 +concept_placeofworship_casamari concept:latitudelongitude 41.6666700000000,13.4833300000000 +concept_placeofworship_castle concept:buildinglocatedincity concept_city_atlantic_city +concept_placeofworship_cathedral_church_of_saint_peter concept:latitudelongitude 27.6392000000000,-82.6373200000000 +concept_placeofworship_cedar_ridge_cemetery concept:latitudelongitude 40.9862100000000,-74.9807300000000 +concept_placeofworship_cimitero_monumentale concept:latitudelongitude 45.2824550000000,8.4412100000000 +concept_placeofworship_coupar concept:latitudelongitude 56.5500000000000,-3.2666700000000 +concept_placeofworship_crossraguel concept:latitudelongitude 55.3333300000000,-4.7166700000000 +concept_placeofworship_dharmasala concept:latitudelongitude 32.2166700000000,76.3166700000000 +concept_placeofworship_diveyevo concept:latitudelongitude 55.0413900000000,43.2480600000000 +concept_placeofworship_fontevrault concept:latitudelongitude 47.1828866666667,0.0500766666667 +concept_placeofworship_fontgombault concept:latitudelongitude 46.6833300000000,0.9833300000000 +concept_placeofworship_formby_point concept:latitudelongitude 53.5666700000000,-3.1000000000000 +concept_placeofworship_fort_logan_national_cemetery concept:latitudelongitude 39.6465150000000,-105.0481800000000 +concept_placeofworship_gandan_monastery concept:latitudelongitude 47.9218100000000,106.8948300000000 +concept_placeofworship_gandersheim concept:latitudelongitude 51.8625100000000,10.0333225000000 +concept_placeofworship_ganga_talao concept:latitudelongitude -20.4180600000000,57.4919400000000 +concept_placeofworship_gigny concept:latitudelongitude 47.4492791666667,4.8388616666667 +concept_placeofworship_glendochart concept:latitudelongitude -42.8983100000000,172.5401400000000 +concept_placeofworship_gordon_castle concept:latitudelongitude 57.6166700000000,-3.0833300000000 +concept_placeofworship_gothenburg concept:locationlocatedwithinlocation concept_city_sweden +concept_placeofworship_gothenburg concept:proxyfor concept_city_sweden +concept_placeofworship_gothic_church concept:latitudelongitude 41.0955900000000,-88.4270000000000 +concept_placeofworship_green_wood_cemetery concept:latitudelongitude 40.6523300000000,-73.9906900000000 +concept_placeofworship_grimsby concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_placeofworship_gunung_kawi concept:latitudelongitude -7.9233000000000,112.4518000000000 +concept_placeofworship_helfta concept:latitudelongitude 51.5030566666667,11.5641633333333 +concept_placeofworship_hersfeld concept:latitudelongitude 50.8796637500000,9.7210275000000 +concept_placeofworship_highland_lawn_cemetery concept:latitudelongitude 39.4764300000000,-87.3478000000000 +concept_placeofworship_holy_rosary_cathedral concept:latitudelongitude 41.6725500000000,-83.5560500000000 +concept_placeofworship_holy_spirit_monastery concept:latitudelongitude 40.3772900000000,-80.6178500000000 +concept_placeofworship_jervaulx concept:latitudelongitude 54.2666700000000,-1.7333300000000 +concept_placeofworship_jesuit_church concept:latitudelongitude 42.3263000000000,-83.0508000000000 +concept_placeofworship_kensal_green concept:latitudelongitude 51.5300950000000,-0.2334650000000 +concept_placeofworship_kensico_cemetery concept:latitudelongitude 41.0778700000000,-73.7865200000000 +concept_placeofworship_keur_moussa concept:latitudelongitude 14.3070472727273,-16.5015918181818 +concept_placeofworship_kildrummy concept:latitudelongitude 57.2373650000000,-2.8920600000000 +concept_placeofworship_koningshoeven concept:latitudelongitude 51.5468600000000,5.1207650000000 +concept_placeofworship_le_barroux concept:latitudelongitude 44.1333300000000,5.1000000000000 +concept_placeofworship_lerins concept:latitudelongitude 43.5166700000000,7.0500000000000 +concept_placeofworship_lewes concept:atlocation concept_stateorprovince_delaware +concept_placeofworship_leyre concept:latitudelongitude 44.5271957142857,-0.4254142857143 +concept_placeofworship_liebfrauenkirche concept:latitudelongitude 50.8786000000000,4.3552800000000 +concept_placeofworship_liguge concept:latitudelongitude 46.5166700000000,0.3333300000000 +concept_placeofworship_mannington concept:proxyfor concept_stateorprovince_newjersey +concept_placeofworship_mariannhill concept:latitudelongitude -29.8611133333333,30.8388866666667 +concept_placeofworship_marmoutier concept:latitudelongitude 48.6921100000000,7.3931757142857 +concept_placeofworship_mellifont concept:latitudelongitude 53.7447200000000,-6.4597200000000 +concept_placeofworship_mortehoe concept:latitudelongitude 51.1788550000000,-4.1964350000000 +concept_placeofworship_mount_popa concept:latitudelongitude 20.9166700000000,95.2500000000000 +concept_placeofworship_murlough concept:latitudelongitude 55.2000000000000,-6.1166700000000 +concept_placeofworship_newbattle concept:latitudelongitude 55.8666700000000,-3.0666700000000 +concept_placeofworship_novalesa concept:latitudelongitude 45.1918400000000,7.0145000000000 +concept_placeofworship_ottobeuren concept:latitudelongitude 47.9333150000000,10.3000000000000 +concept_placeofworship_p_re_lachaise concept:latitudelongitude 48.8606500000000,2.3948500000000 +concept_placeofworship_pelba concept:latitudelongitude 30.3439450000000,-91.7337250000000 +concept_placeofworship_preston_manor concept:latitudelongitude 29.6740000000000,-95.1746000000000 +concept_placeofworship_rievaulx concept:latitudelongitude 54.2678700000000,-1.1105100000000 +concept_placeofworship_saint_germain_des_pres concept:latitudelongitude 48.8540866666667,2.3354700000000 +concept_placeofworship_saint_meinrad concept:latitudelongitude 38.1677433333333,-86.8217500000000 +concept_placeofworship_san_galgano concept:latitudelongitude 43.1501900000000,11.1547300000000 +concept_placeofworship_scheyern concept:latitudelongitude 48.4916650000000,11.4458425000000 +concept_placeofworship_scourmont concept:latitudelongitude 49.9833300000000,4.3500000000000 +concept_placeofworship_selworthy concept:latitudelongitude 51.2094600000000,-3.5509550000000 +concept_placeofworship_shugborough concept:latitudelongitude 52.8000000000000,-2.0166700000000 +concept_placeofworship_sideling_hill_tunnel concept:latitudelongitude 40.0484200000000,-78.1291700000000 +concept_placeofworship_southwark_cathedral concept:attractionofcity concept_city_london_city +concept_placeofworship_sponheim concept:latitudelongitude 49.8500000000000,7.7333300000000 +concept_placeofworship_st___james_church concept:latitudelongitude 52.0162700000000,-0.6090000000000 +concept_placeofworship_st__paul_cathedral concept:attractionofcity concept_city_london_city +concept_placeofworship_st_pauls_cathedral concept:attractionofcity concept_city_london_city +concept_placeofworship_stanbrook concept:latitudelongitude 39.2615000000000,-76.5052400000000 +concept_placeofworship_stanlow concept:latitudelongitude 53.1648866666667,-2.7636683333333 +concept_placeofworship_stockholm concept:subpartof concept_city_sweden +concept_placeofworship_sutton_at_hone concept:latitudelongitude 51.4131600000000,0.2231500000000 +concept_placeofworship_tamie concept:latitudelongitude 45.7000000000000,6.3000000000000 +concept_placeofworship_tashi_lhunpo concept:latitudelongitude 29.2681300000000,88.8700400000000 +concept_placeofworship_temple_sowerby concept:latitudelongitude 54.6322233333333,-2.5998633333333 +concept_placeofworship_timoleague concept:latitudelongitude 51.6422200000000,-8.7730600000000 +concept_placeofworship_tre_fontane concept:latitudelongitude 37.5666700000000,12.7166700000000 +concept_placeofworship_veruela concept:latitudelongitude 8.0612500000000,125.8106950000000 +concept_placeofworship_wallington concept:proxyfor concept_stateorprovince_new_jersey +concept_placeofworship_wallington concept:proxyfor concept_stateorprovince_newjersey +concept_placeofworship_westmalle concept:latitudelongitude 51.3000000000000,4.6833300000000 +concept_placeofworship_westminister_abbey concept:latitudelongitude 7.0500000000000,81.5083300000000 +concept_placeofworship_westminster_abbey concept:attractionofcity concept_city_london_city +concept_placeofworship_westvleteren concept:latitudelongitude 50.9333300000000,2.7166700000000 +concept_placeofworship_westwood_memorial_park concept:latitudelongitude 34.0583400000000,-118.4406400000000 +concept_placeofworship_willamette_national_cemetery concept:latitudelongitude 45.4620600000000,-122.5423100000000 +concept_placeofworship_wimpole concept:latitudelongitude 52.1422250000000,-0.0520250000000 +concept_placeofworship_windsor_castle concept:attractionofcity concept_city_london_city +concept_placeofworship_y_gaer concept:latitudelongitude 51.5796700000000,-3.0587950000000 +concept_placeofworship_yarpole concept:latitudelongitude 52.2848650000000,-2.7836050000000 +concept_planet_american_frontier concept:latitudelongitude 38.1256900000000,-79.0489200000000 +concept_planet_comets concept:latitudelongitude -36.3581900000000,174.8201900000000 +concept_planet_crisis concept:subpartof concept_weatherphenomenon_water +concept_planet_enceladus concept:latitudelongitude -71.7166700000000,-69.4500000000000 +concept_planet_flamenco_island concept:latitudelongitude 8.9000000000000,-79.5166700000000 +concept_planet_fleet concept:atdate concept_date_n2001 +concept_planet_fleet concept:atdate concept_dateliteral_n2002 +concept_planet_fleet concept:atdate concept_dateliteral_n2005 +concept_planet_fleet concept:atdate concept_dateliteral_n2008 +concept_planet_fresh_water concept:subpartof concept_musicalbum_system +concept_planet_frisco_bay concept:latitudelongitude 39.5813800000000,-106.0864100000000 +concept_planet_gaspra concept:latitudelongitude 44.4333300000000,34.1000000000000 +concept_planet_great_day concept:proxyfor concept_book_new +concept_planet_hirath concept:latitudelongitude 32.3249200000000,44.4986800000000 +concept_planet_hooters concept:locationlocatedwithinlocation concept_building_vegas +concept_planet_jupiter_ concept:latitudelongitude 49.5620375000000,-63.4845900000000 +concept_planet_makemake concept:latitudelongitude -4.0802800000000,14.6305600000000 +concept_planet_murder concept:atdate concept_date_n1993 +concept_planet_murder concept:atdate concept_date_n1996 +concept_planet_murder concept:atdate concept_date_n1999 +concept_planet_murder concept:atdate concept_date_n2000 +concept_planet_murder concept:atdate concept_date_n2001 +concept_planet_murder concept:atdate concept_date_n2003 +concept_planet_murder concept:atdate concept_date_n2004 +concept_planet_murder concept:atdate concept_dateliteral_n2002 +concept_planet_murder concept:atdate concept_dateliteral_n2005 +concept_planet_murder concept:atdate concept_dateliteral_n2007 +concept_planet_murder concept:atdate concept_dateliteral_n2008 +concept_planet_murder concept:atdate concept_year_n1992 +concept_planet_murder concept:atdate concept_year_n1994 +concept_planet_murder concept:atdate concept_year_n1998 +concept_planet_n5_2 concept:proxyfor concept_book_new +concept_planet_observer concept:atlocation concept_lake_new +concept_planet_observer concept:atlocation concept_stateorprovince_new_york +concept_planet_order concept:locationlocatedwithinlocation concept_bridge_world +concept_planet_outer_rim concept:latitudelongitude 28.4618100000000,-96.9524900000000 +concept_planet_phaethon concept:latitudelongitude 34.7397500000000,32.4380500000000 +concept_planet_places concept:atdate concept_date_n2000 +concept_planet_places concept:atdate concept_date_n2009 +concept_planet_potpourri concept:latitudelongitude 42.3317600000000,-72.6364800000000 +concept_planet_puppies concept:atdate concept_dateliteral_n2008 +concept_planet_science concept:locationlocatedwithinlocation concept_lake_new +concept_planet_seasons concept:locationlocatedwithinlocation concept_building_vegas +concept_planet_third_rock concept:latitudelongitude -27.2333300000000,15.2666700000000 +concept_planet_universe concept:proxyfor concept_book_new +concept_planet_urantia concept:latitudelongitude 41.9322500000000,-87.6428300000000 +concept_plant_acacia concept:plantincludeplant concept_plant_trees +concept_plant_acacia concept:plantincludeplant concept_visualizablething_tree +concept_plant_acacias concept:plantincludeplant concept_plant_trees +concept_plant_acer concept:subpartof concept_biotechcompany_gateway_2000 +concept_plant_acer concept:subpartof concept_book_gateway +concept_plant_achillea concept:latitudelongitude 45.4166700000000,29.2833300000000 +concept_plant_alder concept:plantincludeplant concept_plant_saplings +concept_plant_alder concept:plantincludeplant concept_plant_shrubs +concept_plant_alder concept:plantincludeplant concept_plant_trees +concept_plant_alder concept:plantincludeplant concept_visualizablething_tree +concept_plant_alder_trees concept:plantincludeplant concept_plant_trees +concept_plant_alders concept:plantincludeplant concept_plant_trees +concept_plant_allium concept:plantincludeplant concept_visualizablething_tree +concept_plant_almond concept:plantincludeplant concept_plant_trees +concept_plant_almonds concept:plantrepresentemotion concept_emotion_fertility +concept_plant_almonds concept:plantincludeplant concept_plant_trees +concept_plant_androsace concept:latitudelongitude 49.2834100000000,-86.6499400000000 +concept_plant_annuals concept:plantincludeplant concept_plant_bushes +concept_plant_annuals concept:plantincludeplant concept_plant_marigolds +concept_plant_annuals concept:plantincludeplant concept_plant_nasturtium +concept_plant_annuals concept:plantincludeplant concept_plant_petunias +concept_plant_annuals concept:plantincludeplant concept_plant_salvia +concept_plant_annuals concept:plantincludeplant concept_plant_snapdragons +concept_plant_annuals concept:plantincludeplant concept_plant_zinnias +concept_plant_anther concept:latitudelongitude 39.3472200000000,21.4583300000000 +concept_plant_apple concept:specializationof concept_plant_systems +concept_plant_apple_trees concept:plantincludeplant concept_plant_trees +concept_plant_apricot concept:plantincludeplant concept_plant_trees +concept_plant_aquatic_plants concept:plantincludeplant concept_plant_waterlilies +concept_plant_aquatic_weeds concept:plantincludeplant concept_plant_water_hyacinth +concept_plant_arbutus concept:plantincludeplant concept_plant_trees +concept_plant_ash concept:plantincludeplant concept_plant_hardwoods +concept_plant_ash concept:plantincludeplant concept_plant_seedlings +concept_plant_ash concept:plantincludeplant concept_plant_tree_species +concept_plant_ash concept:plantincludeplant concept_plant_trees +concept_plant_ash concept:plantincludeplant concept_plant_woodland +concept_plant_ash concept:plantincludeplant concept_visualizablething_tree +concept_plant_ash_trees concept:plantincludeplant concept_plant_trees +concept_plant_aspen concept:plantincludeplant concept_plant_hardwoods +concept_plant_aspen concept:plantincludeplant concept_plant_trees +concept_plant_aspen concept:plantincludeplant concept_visualizablething_tree +concept_plant_aspens concept:plantincludeplant concept_plant_trees +concept_plant_avocado concept:plantincludeplant concept_plant_trees +concept_plant_azaleas concept:plantincludeplant concept_plant_trees +concept_plant_baby_girl concept:atdate concept_date_n2009 +concept_plant_baby_girl concept:atdate concept_dateliteral_n2006 +concept_plant_baby_girl concept:atdate concept_dateliteral_n2007 +concept_plant_baby_girl concept:atdate concept_dateliteral_n2008 +concept_plant_bald_cypress concept:plantincludeplant concept_plant_moss +concept_plant_bald_cypress concept:plantincludeplant concept_plant_trees +concept_plant_bald_cypress_trees concept:plantincludeplant concept_plant_moss +concept_plant_balsam concept:plantincludeplant concept_plant_trees +concept_plant_balsam_fir concept:plantincludeplant concept_plant_trees +concept_plant_bamboo concept:plantincludeplant concept_plant_trees +concept_plant_bamboos concept:plantincludeplant concept_plant_trees +concept_plant_banana concept:plantincludeplant concept_plant_trees +concept_plant_banana_palms concept:plantincludeplant concept_plant_trees +concept_plant_banana_trees concept:plantincludeplant concept_plant_trees +concept_plant_banyan concept:plantincludeplant concept_plant_trees +concept_plant_baobab concept:plantincludeplant concept_plant_trees +concept_plant_bar concept:specializationof concept_plant_information +concept_plant_basswood concept:plantincludeplant concept_plant_trees +concept_plant_bay concept:plantincludeplant concept_plant_trees +concept_plant_beachgrass concept:latitudelongitude 44.9334500000000,-62.0318800000000 +concept_plant_bean concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_beautiful_flowers concept:plantincludeplant concept_plant_camellias +concept_plant_beautiful_flowers concept:plantincludeplant concept_plant_tulips +concept_plant_beautiful_moss concept:plantincludeplant concept_plant_trees +concept_plant_beautiful_palm concept:plantincludeplant concept_plant_trees +concept_plant_beech concept:plantincludeplant concept_plant_seedlings +concept_plant_beech concept:plantincludeplant concept_plant_trees +concept_plant_beech concept:plantincludeplant concept_plant_woodland +concept_plant_beech concept:plantincludeplant concept_visualizablething_tree +concept_plant_beech_trees concept:plantincludeplant concept_plant_trees +concept_plant_beeches concept:plantincludeplant concept_plant_trees +concept_plant_birch concept:plantincludeplant concept_plant_deciduous_trees +concept_plant_birch concept:plantincludeplant concept_plant_hardwoods +concept_plant_birch concept:plantincludeplant concept_plant_saplings +concept_plant_birch concept:plantincludeplant concept_plant_seedlings +concept_plant_birch concept:plantincludeplant concept_plant_seeds +concept_plant_birch concept:plantincludeplant concept_plant_trees +concept_plant_birch concept:plantincludeplant concept_plant_woodland +concept_plant_birch concept:plantincludeplant concept_visualizablething_tree +concept_plant_birch_trees concept:plantincludeplant concept_plant_trees +concept_plant_birches concept:plantincludeplant concept_plant_trees +concept_plant_bitterbrush concept:latitudelongitude 42.2443400000000,-115.9184300000000 +concept_plant_black_cherry concept:plantincludeplant concept_plant_trees +concept_plant_black_gum concept:plantincludeplant concept_plant_trees +concept_plant_black_locust concept:plantincludeplant concept_plant_trees +concept_plant_black_oak concept:plantincludeplant concept_plant_trees +concept_plant_black_pine concept:plantincludeplant concept_plant_trees +concept_plant_black_spruce concept:plantincludeplant concept_plant_trees +concept_plant_blackjack_oak concept:plantincludeplant concept_plant_trees +concept_plant_blackjack_oak concept:specializationof concept_plant_trees +concept_plant_bloomers concept:plantincludeplant concept_plant_daffodils +concept_plant_bloomers concept:plantincludeplant concept_plant_forsythia +concept_plant_blooms concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_blossom concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_blossoms concept:plantrepresentemotion concept_emotion_beauty +concept_plant_blossoms concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_blue_spruce concept:plantincludeplant concept_plant_trees +concept_plant_bougainvillea concept:plantincludeplant concept_plant_trees +concept_plant_box concept:plantincludeplant concept_plant_hedges +concept_plant_box concept:plantincludeplant concept_plant_trees +concept_plant_box_elder concept:plantincludeplant concept_plant_trees +concept_plant_boxelder concept:plantincludeplant concept_plant_trees +concept_plant_boxwood concept:plantincludeplant concept_plant_trees +concept_plant_bridal_wreath concept:latitudelongitude 42.7526800000000,-114.8489400000000 +concept_plant_bromeliads concept:plantgrowinginplant concept_plant_trees +concept_plant_brush concept:plantincludeplant concept_plant_oak +concept_plant_brush concept:plantincludeplant concept_plant_trees +concept_plant_brush concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_bryophytes concept:plantincludeplant concept_plant_mosses +concept_plant_bulbs concept:plantincludeplant concept_plant_amaryllis +concept_plant_bulbs concept:plantincludeplant concept_plant_crocus +concept_plant_bulbs concept:plantincludeplant concept_plant_daffodil +concept_plant_bulbs concept:plantincludeplant concept_plant_daffodils +concept_plant_bulbs concept:plantincludeplant concept_plant_hyacinth +concept_plant_bulbs concept:plantincludeplant concept_plant_hyacinths +concept_plant_bulbs concept:plantincludeplant concept_plant_lilies +concept_plant_bulbs concept:plantincludeplant concept_plant_narcissus +concept_plant_bulbs concept:plantincludeplant concept_plant_snowdrops +concept_plant_bulbs concept:plantincludeplant concept_plant_tulip +concept_plant_bulbs concept:plantincludeplant concept_plant_tulips +concept_plant_bushes concept:plantincludeplant concept_plant_lilac_bushes +concept_plant_bushes concept:plantincludeplant concept_plant_oak +concept_plant_bushes concept:plantincludeplant concept_plant_palms +concept_plant_bushes concept:plantincludeplant concept_plant_pine_trees +concept_plant_bushes concept:plantincludeplant concept_plant_pines +concept_plant_bushes concept:plantincludeplant concept_plant_saplings +concept_plant_bushes concept:plantincludeplant concept_plant_willows +concept_plant_bushes concept:plantgrowinginplant concept_vegetable_grass +concept_plant_bushes concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_buttons concept:specializationof concept_plant_information +concept_plant_buttonwood concept:plantincludeplant concept_plant_trees +concept_plant_buxus concept:latitudelongitude 49.4001300000000,-86.5666600000000 +concept_plant_cacti concept:plantincludeplant concept_plant_trees +concept_plant_cactus concept:plantincludeplant concept_plant_trees +concept_plant_cactuses concept:plantincludeplant concept_plant_trees +concept_plant_calamint concept:latitudelongitude 42.4398100000000,-71.9014600000000 +concept_plant_camellias concept:plantincludeplant concept_plant_trees +concept_plant_carob concept:plantincludeplant concept_plant_trees +concept_plant_casuarina concept:plantincludeplant concept_plant_trees +concept_plant_catalpa concept:plantincludeplant concept_plant_trees +concept_plant_catkins concept:plantgrowinginplant concept_plant_trees +concept_plant_catkins concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_cedar concept:plantincludeplant concept_plant_conifers +concept_plant_cedar concept:plantincludeplant concept_plant_moss +concept_plant_cedar concept:plantincludeplant concept_plant_products +concept_plant_cedar concept:plantincludeplant concept_plant_roots +concept_plant_cedar concept:plantincludeplant concept_plant_seedlings +concept_plant_cedar concept:plantincludeplant concept_visualizablething_tree +concept_plant_cedar_of_lebanon concept:plantincludeplant concept_visualizablething_tree +concept_plant_cedar_trees concept:plantincludeplant concept_plant_trees +concept_plant_cedars concept:plantincludeplant concept_plant_trees +concept_plant_cherries concept:plantincludeplant concept_plant_trees +concept_plant_cherry concept:plantincludeplant concept_plant_hardwoods +concept_plant_cherry concept:plantincludeplant concept_plant_trees +concept_plant_cherry concept:plantincludeplant concept_visualizablething_tree +concept_plant_cherry_blossom concept:plantincludeplant concept_plant_trees +concept_plant_cherry_blossom concept:specializationof concept_plant_trees +concept_plant_cherry_blossoms concept:plantincludeplant concept_plant_trees +concept_plant_cherry_trees concept:plantincludeplant concept_plant_trees +concept_plant_chestnut concept:plantincludeplant concept_plant_trees +concept_plant_chestnut_trees concept:plantincludeplant concept_plant_trees +concept_plant_chestnuts concept:plantincludeplant concept_plant_trees +concept_plant_chinquapin concept:plantincludeplant concept_plant_trees +concept_plant_chokecherry concept:plantincludeplant concept_plant_trees +concept_plant_clematis concept:plantgrowinginplant concept_plant_trees +concept_plant_coast_live_oak concept:plantincludeplant concept_plant_trees +concept_plant_coast_live_oak concept:specializationof concept_plant_trees +concept_plant_coconut_palm concept:plantincludeplant concept_plant_trees +concept_plant_coconut_trees concept:plantincludeplant concept_plant_trees +concept_plant_column concept:specializationof concept_plant_information +concept_plant_conifer concept:plantincludeplant concept_plant_tree_species +concept_plant_conifer concept:plantincludeplant concept_plant_trees +concept_plant_conifer concept:plantincludeplant concept_plant_woodland +concept_plant_coniferous_trees concept:plantincludeplant concept_plant_trees +concept_plant_coniferous_trees concept:specializationof concept_plant_trees +concept_plant_conifers concept:plantincludeplant concept_plant_fir +concept_plant_conifers concept:plantincludeplant concept_plant_pine +concept_plant_conifers concept:plantincludeplant concept_plant_pines +concept_plant_conifers concept:plantincludeplant concept_plant_spruce +concept_plant_conifers concept:plantincludeplant concept_plant_trees +concept_plant_cork_oak concept:plantincludeplant concept_plant_trees +concept_plant_cork_oaks concept:plantincludeplant concept_plant_trees +concept_plant_cotton concept:plantincludeplant concept_plant_trees +concept_plant_cottonwood concept:plantincludeplant concept_plant_trees +concept_plant_cottonwoods concept:plantincludeplant concept_plant_trees +concept_plant_crab_apple concept:plantincludeplant concept_plant_trees +concept_plant_crabapple concept:plantincludeplant concept_plant_trees +concept_plant_crabapples concept:plantincludeplant concept_plant_trees +concept_plant_crepe_myrtle concept:plantincludeplant concept_plant_trees +concept_plant_crepe_myrtles concept:plantincludeplant concept_plant_trees +concept_plant_crops concept:plantincludeplant concept_plant_potatoes +concept_plant_crops concept:plantincludeplant concept_plant_soybean +concept_plant_crops concept:plantincludeplant concept_plant_strawberries +concept_plant_crops concept:plantincludeplant concept_plant_tobacco +concept_plant_cypress concept:plantincludeplant concept_plant_moss +concept_plant_cypress concept:plantincludeplant concept_plant_trees +concept_plant_cypress_trees concept:plantincludeplant concept_plant_moss +concept_plant_cypress_trees concept:plantincludeplant concept_plant_trees +concept_plant_cypresses concept:plantincludeplant concept_plant_moss +concept_plant_cypresses concept:plantincludeplant concept_plant_trees +concept_plant_daffodils concept:plantrepresentemotion concept_emotion_hope +concept_plant_daffodils concept:plantgrowinginplant concept_vegetable_grass +concept_plant_daisies concept:plantgrowinginplant concept_vegetable_grass +concept_plant_dandelions concept:plantgrowinginplant concept_vegetable_grass +concept_plant_date_palms concept:plantincludeplant concept_plant_trees +concept_plant_deciduous_trees concept:plantincludeplant concept_plant_birch +concept_plant_deciduous_trees concept:plantincludeplant concept_plant_elms +concept_plant_deciduous_trees concept:plantincludeplant concept_plant_maple +concept_plant_deodar concept:plantincludeplant concept_plant_trees +concept_plant_deutzia concept:plantincludeplant concept_visualizablething_tree +concept_plant_dogwood concept:plantincludeplant concept_plant_blossoms +concept_plant_dogwood concept:plantincludeplant concept_plant_trees +concept_plant_dogwood concept:plantincludeplant concept_visualizablething_tree +concept_plant_dogwoods concept:plantincludeplant concept_plant_trees +concept_plant_douglas_fir concept:plantincludeplant concept_plant_trees +concept_plant_eastern_hemlock concept:plantincludeplant concept_plant_trees +concept_plant_elm concept:plantincludeplant concept_plant_hardwoods +concept_plant_elm concept:plantincludeplant concept_plant_trees +concept_plant_elm concept:plantincludeplant concept_visualizablething_tree +concept_plant_elm_trees concept:plantincludeplant concept_plant_trees +concept_plant_elm_trees concept:specializationof concept_plant_trees +concept_plant_eucalyptus concept:plantincludeplant concept_plant_trees +concept_plant_evergreen concept:plantincludeplant concept_plant_plants +concept_plant_evergreen concept:plantincludeplant concept_plant_trees +concept_plant_evergreen_oaks concept:plantincludeplant concept_plant_trees +concept_plant_evergreen_oaks concept:specializationof concept_plant_trees +concept_plant_evergreen_trees concept:plantincludeplant concept_plant_trees +concept_plant_evergreens concept:plantincludeplant concept_plant_pine +concept_plant_evergreens concept:plantincludeplant concept_plant_plants +concept_plant_evergreens concept:plantincludeplant concept_plant_shrubs +concept_plant_evergreens concept:plantincludeplant concept_plant_trees +concept_plant_evergreens concept:plantincludeplant concept_plant_yews +concept_plant_fan_palm concept:latitudelongitude 25.1854000000000,-80.6084000000000 +concept_plant_fan_palms concept:plantincludeplant concept_plant_trees +concept_plant_farmers concept:proxyfor concept_book_new +concept_plant_farmers concept:mutualproxyfor concept_weatherphenomenon_new +concept_plant_fern concept:plantincludeplant concept_plant_trees +concept_plant_ferns concept:plantgrowinginplant concept_plant_trees +concept_plant_ficus concept:plantincludeplant concept_plant_trees +concept_plant_fig concept:plantincludeplant concept_plant_trees +concept_plant_fig_trees concept:plantincludeplant concept_plant_trees +concept_plant_fir concept:plantincludeplant concept_plant_conifer +concept_plant_fir concept:plantincludeplant concept_plant_coniferous_trees +concept_plant_fir concept:plantincludeplant concept_plant_conifers +concept_plant_fir concept:plantincludeplant concept_plant_evergreens +concept_plant_fir concept:plantincludeplant concept_plant_seedlings +concept_plant_fir concept:plantincludeplant concept_plant_tree_species +concept_plant_fir concept:plantincludeplant concept_plant_trees +concept_plant_fir concept:plantincludeplant concept_visualizablething_tree +concept_plant_fir_trees concept:plantincludeplant concept_plant_trees +concept_plant_firethorn concept:latitudelongitude 40.7727800000000,-96.5919600000000 +concept_plant_firs concept:plantincludeplant concept_plant_trees +concept_plant_flag concept:plantrepresentemotion concept_emotion_appreciation +concept_plant_floribunda concept:latitudelongitude 40.6621700000000,-111.8107700000000 +concept_plant_flower concept:plantrepresentemotion concept_emotion_love +concept_plant_flower concept:plantincludeplant concept_plant_lily +concept_plant_flower concept:plantgrowinginplant concept_plant_shrubs +concept_plant_flower concept:plantgrowinginplant concept_plant_trees +concept_plant_flower concept:plantgrowinginplant concept_vegetable_grass +concept_plant_flowers concept:plantrepresentemotion concept_emotion_admiration +concept_plant_flowers concept:plantrepresentemotion concept_emotion_affection +concept_plant_flowers concept:plantrepresentemotion concept_emotion_anticipation +concept_plant_flowers concept:plantrepresentemotion concept_emotion_appreciation +concept_plant_flowers concept:plantrepresentemotion concept_emotion_beauty +concept_plant_flowers concept:plantrepresentemotion concept_emotion_care +concept_plant_flowers concept:plantrepresentemotion concept_emotion_desire +concept_plant_flowers concept:plantrepresentemotion concept_emotion_emotions +concept_plant_flowers concept:plantrepresentemotion concept_emotion_feeling +concept_plant_flowers concept:plantrepresentemotion concept_emotion_feelings +concept_plant_flowers concept:plantrepresentemotion concept_emotion_fertility +concept_plant_flowers concept:plantrepresentemotion concept_emotion_freshness +concept_plant_flowers concept:plantrepresentemotion concept_emotion_gentleness +concept_plant_flowers concept:plantrepresentemotion concept_emotion_gratitude +concept_plant_flowers concept:plantrepresentemotion concept_emotion_happiness +concept_plant_flowers concept:plantrepresentemotion concept_emotion_hope +concept_plant_flowers concept:plantrepresentemotion concept_emotion_joy +concept_plant_flowers concept:plantrepresentemotion concept_emotion_love +concept_plant_flowers concept:plantrepresentemotion concept_emotion_love_one +concept_plant_flowers concept:plantrepresentemotion concept_emotion_marriage +concept_plant_flowers concept:plantrepresentemotion concept_emotion_meaning +concept_plant_flowers concept:plantrepresentemotion concept_emotion_open_heart +concept_plant_flowers concept:plantrepresentemotion concept_emotion_optimism +concept_plant_flowers concept:plantrepresentemotion concept_emotion_passion +concept_plant_flowers concept:plantrepresentemotion concept_emotion_peace +concept_plant_flowers concept:plantrepresentemotion concept_emotion_pride +concept_plant_flowers concept:plantrepresentemotion concept_emotion_purity +concept_plant_flowers concept:plantrepresentemotion concept_emotion_relationship +concept_plant_flowers concept:plantrepresentemotion concept_emotion_remembrance +concept_plant_flowers concept:plantrepresentemotion concept_emotion_respect +concept_plant_flowers concept:plantrepresentemotion concept_emotion_reverence +concept_plant_flowers concept:plantrepresentemotion concept_emotion_strength +concept_plant_flowers concept:plantrepresentemotion concept_emotion_support +concept_plant_flowers concept:plantrepresentemotion concept_emotion_sympathies +concept_plant_flowers concept:plantrepresentemotion concept_emotion_sympathy +concept_plant_flowers concept:plantrepresentemotion concept_emotion_true_love +concept_plant_flowers concept:plantincludeplant concept_plant_asters +concept_plant_flowers concept:plantincludeplant concept_plant_azaleas +concept_plant_flowers concept:plantincludeplant concept_plant_bouquets +concept_plant_flowers concept:plantincludeplant concept_plant_calla_lilies +concept_plant_flowers concept:plantincludeplant concept_plant_chrysanthemums +concept_plant_flowers concept:plantincludeplant concept_plant_daffodils +concept_plant_flowers concept:plantincludeplant concept_plant_dahlias +concept_plant_flowers concept:plantincludeplant concept_plant_daisies +concept_plant_flowers concept:plantincludeplant concept_plant_dogbane +concept_plant_flowers concept:plantgrowinginplant concept_plant_evergreen_shrub +concept_plant_flowers concept:plantincludeplant concept_plant_hibiscus +concept_plant_flowers concept:plantincludeplant concept_plant_hydrangeas +concept_plant_flowers concept:plantincludeplant concept_plant_jasmine +concept_plant_flowers concept:plantincludeplant concept_plant_lilacs +concept_plant_flowers concept:plantincludeplant concept_plant_lilies +concept_plant_flowers concept:plantincludeplant concept_plant_orchids +concept_plant_flowers concept:plantincludeplant concept_plant_pansies +concept_plant_flowers concept:plantincludeplant concept_plant_peonies +concept_plant_flowers concept:plantincludeplant concept_plant_poppies +concept_plant_flowers concept:plantincludeplant concept_plant_primroses +concept_plant_flowers concept:plantincludeplant concept_plant_roses +concept_plant_flowers concept:plantgrowinginplant concept_plant_shrub +concept_plant_flowers concept:plantgrowinginplant concept_plant_small_tree +concept_plant_flowers concept:plantincludeplant concept_plant_sunflowers +concept_plant_flowers concept:plantgrowinginplant concept_plant_trees +concept_plant_flowers concept:plantincludeplant concept_plant_tulips +concept_plant_flowers concept:plantgrowinginplant concept_plant_vine +concept_plant_flowers concept:plantgrowinginplant concept_plant_vines +concept_plant_flowers concept:plantincludeplant concept_plant_violets +concept_plant_flowers concept:plantincludeplant concept_plant_zinnias +concept_plant_flowers concept:plantgrowinginplant concept_vegetable_grass +concept_plant_flowers concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_forest_trees concept:plantincludeplant concept_plant_pine +concept_plant_fruit_trees concept:plantincludeplant concept_plant_trees +concept_plant_gardens concept:plantrepresentemotion concept_emotion_peace +concept_plant_gardens concept:plantgrowinginplant concept_plant_bushes +concept_plant_gardens concept:plantgrowinginplant concept_plant_flowers +concept_plant_gardens concept:plantgrowinginplant concept_plant_fruit_trees +concept_plant_gardens concept:plantgrowinginplant concept_plant_shrubs +concept_plant_gardens concept:plantgrowinginplant concept_plant_trees +concept_plant_gardens concept:plantgrowinginplant concept_plant_water_features +concept_plant_gingko concept:plantincludeplant concept_plant_trees +concept_plant_ginkgo concept:plantincludeplant concept_plant_trees +concept_plant_gold concept:plantrepresentemotion concept_emotion_love +concept_plant_grape_vines concept:plantincludeplant concept_plant_trees +concept_plant_grapevines concept:plantincludeplant concept_plant_trees +concept_plant_grasses concept:plantgrowinginplant concept_visualizablescene_pasture +concept_plant_green_ash concept:plantincludeplant concept_plant_trees +concept_plant_green_pines concept:plantincludeplant concept_plant_trees +concept_plant_greenhouse concept:plantgrowinginplant concept_plant_plants +concept_plant_group concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_plant_group concept:objectfoundinscene concept_visualizablescene_observatory +concept_plant_growth concept:plantincludeplant concept_plant_moss +concept_plant_growth concept:plantincludeplant concept_plant_oak +concept_plant_growth concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_guarantee concept:proxyfor concept_book_new +concept_plant_guava concept:plantincludeplant concept_plant_trees +concept_plant_hackberry concept:plantincludeplant concept_plant_trees +concept_plant_hardwood_trees concept:plantincludeplant concept_plant_maple +concept_plant_hardwood_trees concept:plantincludeplant concept_plant_oaks +concept_plant_hardwoods concept:plantincludeplant concept_plant_ash +concept_plant_hardwoods concept:plantincludeplant concept_plant_aspen +concept_plant_hardwoods concept:plantincludeplant concept_plant_beech +concept_plant_hardwoods concept:plantincludeplant concept_plant_birch +concept_plant_hardwoods concept:plantincludeplant concept_plant_cherry +concept_plant_hardwoods concept:plantincludeplant concept_plant_hickory +concept_plant_hardwoods concept:plantincludeplant concept_plant_mahogany +concept_plant_hardwoods concept:plantincludeplant concept_plant_maple +concept_plant_hardwoods concept:plantincludeplant concept_plant_oak +concept_plant_hardwoods concept:plantincludeplant concept_plant_oaks +concept_plant_hardwoods concept:plantincludeplant concept_plant_pine +concept_plant_hardwoods concept:plantincludeplant concept_plant_poplar +concept_plant_hardwoods concept:plantincludeplant concept_plant_walnut +concept_plant_hawthorn concept:plantincludeplant concept_plant_trees +concept_plant_hazel concept:plantincludeplant concept_plant_trees +concept_plant_hazel concept:plantincludeplant concept_plant_woodland +concept_plant_hazel concept:plantincludeplant concept_visualizablething_tree +concept_plant_hazelnut concept:plantincludeplant concept_plant_trees +concept_plant_heather concept:plantincludeplant concept_plant_trees +concept_plant_hedges concept:plantincludeplant concept_plant_box +concept_plant_hedges concept:plantincludeplant concept_plant_privet +concept_plant_hedges concept:plantincludeplant concept_plant_yew +concept_plant_hemlock concept:plantincludeplant concept_plant_seedlings +concept_plant_hemlock concept:plantincludeplant concept_plant_trees +concept_plant_hemlock concept:plantincludeplant concept_visualizablething_tree +concept_plant_hemlocks concept:plantincludeplant concept_plant_trees +concept_plant_hickories concept:plantincludeplant concept_plant_trees +concept_plant_hickory concept:plantincludeplant concept_plant_hardwoods +concept_plant_hickory concept:plantincludeplant concept_plant_trees +concept_plant_highbush concept:latitudelongitude 56.3294450000000,-132.0870850000000 +concept_plant_hollies concept:plantincludeplant concept_plant_trees +concept_plant_hollies concept:specializationof concept_plant_trees +concept_plant_holly concept:plantincludeplant concept_plant_trees +concept_plant_holm_oak concept:plantincludeplant concept_plant_trees +concept_plant_holm_oaks concept:plantincludeplant concept_plant_trees +concept_plant_honey_locust concept:plantincludeplant concept_plant_trees +concept_plant_honeysuckle concept:plantincludeplant concept_plant_trees +concept_plant_hornbeam concept:plantincludeplant concept_plant_trees +concept_plant_hornbeams concept:plantincludeplant concept_plant_trees +concept_plant_impression concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_ironwood concept:plantincludeplant concept_plant_trees +concept_plant_ivy concept:plantincludeplant concept_plant_trees +concept_plant_jacaranda concept:plantincludeplant concept_plant_trees +concept_plant_jack_pine concept:plantincludeplant concept_plant_trees +concept_plant_juniper concept:plantincludeplant concept_plant_plants +concept_plant_juniper concept:plantincludeplant concept_plant_trees +concept_plant_juniper_trees concept:plantincludeplant concept_plant_trees +concept_plant_junipers concept:plantincludeplant concept_plant_evergreens +concept_plant_junipers concept:plantincludeplant concept_plant_trees +concept_plant_kapok concept:plantincludeplant concept_plant_trees +concept_plant_landscaping concept:plantgrowinginplant concept_plant_trees +concept_plant_larch concept:plantincludeplant concept_plant_trees +concept_plant_larch concept:plantincludeplant concept_visualizablething_tree +concept_plant_large_cottonwood concept:plantincludeplant concept_plant_trees +concept_plant_large_oak_trees concept:plantincludeplant concept_plant_moss +concept_plant_laurel concept:plantincludeplant concept_plant_trees +concept_plant_lavender concept:plantincludeplant concept_plant_trees +concept_plant_lawns concept:plantgrowinginplant concept_plant_flowers +concept_plant_lawns concept:plantgrowinginplant concept_plant_shrubs +concept_plant_lemon concept:plantincludeplant concept_plant_trees +concept_plant_lichens concept:plantincludeplant concept_plant_trees +concept_plant_lilac concept:plantincludeplant concept_plant_trees +concept_plant_lilies concept:plantrepresentemotion concept_emotion_beauty +concept_plant_lilies concept:plantrepresentemotion concept_emotion_devotion +concept_plant_lilies concept:plantrepresentemotion concept_emotion_purity +concept_plant_lily concept:plantincludeplant concept_plant_flower +concept_plant_lime concept:plantincludeplant concept_plant_trees +concept_plant_lime_trees concept:plantincludeplant concept_plant_trees +concept_plant_linden concept:plantincludeplant concept_plant_trees +concept_plant_lindens concept:plantincludeplant concept_plant_trees +concept_plant_live_oak concept:plantincludeplant concept_plant_moss +concept_plant_live_oak concept:plantincludeplant concept_plant_trees +concept_plant_live_oak_tree concept:plantincludeplant concept_plant_moss +concept_plant_live_oak_trees concept:plantincludeplant concept_plant_moss +concept_plant_live_oaks concept:plantincludeplant concept_plant_moss +concept_plant_live_oaks concept:plantincludeplant concept_plant_trees +concept_plant_loblolly_pine concept:plantincludeplant concept_plant_trees +concept_plant_lodgepole concept:plantincludeplant concept_plant_trees +concept_plant_lodgepole_pine concept:plantincludeplant concept_plant_trees +concept_plant_lodgepole_pines concept:plantincludeplant concept_plant_trees +concept_plant_magnolia concept:plantincludeplant concept_plant_trees +concept_plant_magnolias concept:plantincludeplant concept_plant_trees +concept_plant_mahogany concept:plantincludeplant concept_plant_hardwoods +concept_plant_mahogany concept:plantincludeplant concept_plant_trees +concept_plant_male_flowers concept:plantgrowinginplant concept_plant_plants +concept_plant_mango_trees concept:plantincludeplant concept_plant_trees +concept_plant_mangrove concept:plantincludeplant concept_plant_trees +concept_plant_manzanita concept:plantincludeplant concept_plant_trees +concept_plant_maple concept:plantincludeplant concept_plant_deciduous_trees +concept_plant_maple concept:plantincludeplant concept_plant_hardwood_trees +concept_plant_maple concept:plantincludeplant concept_plant_hardwoods +concept_plant_maple concept:plantincludeplant concept_plant_saplings +concept_plant_maple concept:plantincludeplant concept_plant_seedlings +concept_plant_maple concept:plantincludeplant concept_plant_seeds +concept_plant_maple concept:plantincludeplant concept_plant_trees +concept_plant_maple concept:plantincludeplant concept_visualizablething_tree +concept_plant_maple_trees concept:plantincludeplant concept_plant_trees +concept_plant_maples concept:plantincludeplant concept_plant_trees +concept_plant_marula concept:plantincludeplant concept_plant_trees +concept_plant_mature_oak concept:plantincludeplant concept_plant_trees +concept_plant_mature_pines concept:plantincludeplant concept_plant_trees +concept_plant_mesquite concept:plantincludeplant concept_plant_trees +concept_plant_metasequoia concept:latitudelongitude 45.6206700000000,-121.9886900000000 +concept_plant_milk_vetch concept:latitudelongitude 45.9001200000000,-78.0828300000000 +concept_plant_mimosa concept:plantincludeplant concept_plant_trees +concept_plant_mistletoe concept:plantgrowinginplant concept_plant_trees +concept_plant_monocultures concept:plantincludeplant concept_plant_pine +concept_plant_mosses concept:plantincludeplant concept_plant_bryophytes +concept_plant_mountain_ash concept:plantincludeplant concept_plant_trees +concept_plant_mountainash concept:plantincludeplant concept_plant_trees +concept_plant_mulberry concept:plantincludeplant concept_plant_trees +concept_plant_mums concept:plantrepresentemotion concept_emotion_hope +concept_plant_myrtle concept:plantincludeplant concept_plant_trees +concept_plant_myrtles concept:plantincludeplant concept_plant_trees +concept_plant_native_grasses concept:plantincludeplant concept_plant_trees +concept_plant_native_oaks concept:plantincludeplant concept_plant_trees +concept_plant_nutrients concept:foodcancausedisease concept_disease_blood_pressure +concept_plant_nutrients concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_plant_nutrients concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_plant_oak concept:plantincludeplant concept_plant_bushes +concept_plant_oak concept:plantincludeplant concept_plant_growth +concept_plant_oak concept:plantincludeplant concept_plant_hardwoods +concept_plant_oak concept:plantincludeplant concept_plant_moss +concept_plant_oak concept:plantincludeplant concept_plant_saplings +concept_plant_oak concept:plantincludeplant concept_plant_seedlings +concept_plant_oak concept:plantincludeplant concept_plant_tree_species +concept_plant_oak concept:plantincludeplant concept_plant_trees +concept_plant_oak concept:plantincludeplant concept_plant_tress +concept_plant_oak concept:plantincludeplant concept_plant_woodland +concept_plant_oak concept:plantincludeplant concept_visualizablething_tree +concept_plant_oak_tree concept:istallerthan concept_plant_maple_tree +concept_plant_oak_tree concept:plantincludeplant concept_plant_moss +concept_plant_oak_trees concept:plantincludeplant concept_plant_bushes +concept_plant_oak_trees concept:plantincludeplant concept_plant_moss +concept_plant_oak_trees concept:plantincludeplant concept_plant_trees +concept_plant_oaks concept:plantincludeplant concept_plant_moss +concept_plant_oaks concept:plantincludeplant concept_plant_trees +concept_plant_oleander concept:plantincludeplant concept_plant_trees +concept_plant_oleanders concept:plantincludeplant concept_plant_trees +concept_plant_olive_branches concept:plantrepresentemotion concept_emotion_peace +concept_plant_olive_trees concept:plantrepresentemotion concept_emotion_peace +concept_plant_olive_trees concept:plantincludeplant concept_plant_trees +concept_plant_olives concept:plantincludeplant concept_plant_trees +concept_plant_orchids concept:plantrepresentemotion concept_emotion_love +concept_plant_orchids concept:plantrepresentemotion concept_emotion_passion +concept_plant_orchids concept:plantrepresentemotion concept_emotion_strength +concept_plant_orchids concept:plantgrowinginplant concept_plant_mangroves +concept_plant_orchids concept:plantgrowinginplant concept_plant_trees +concept_plant_ornamentals concept:plantincludeplant concept_plant_roses +concept_plant_ox_eye concept:latitudelongitude 43.4001600000000,-65.6488200000000 +concept_plant_palm concept:subpartof concept_ceo_ed_colligan +concept_plant_palm concept:subpartof concept_traditionalgame_vegas +concept_plant_palmettos concept:plantincludeplant concept_plant_trees +concept_plant_palms concept:plantincludeplant concept_plant_coconut +concept_plant_pandanus concept:plantincludeplant concept_plant_trees +concept_plant_pansies concept:plantrepresentemotion concept_emotion_love +concept_plant_papaya concept:plantincludeplant concept_plant_trees +concept_plant_parmentier concept:latitudelongitude 35.1050000000000,-0.8325000000000 +concept_plant_peach concept:plantincludeplant concept_plant_trees +concept_plant_pear_cacti concept:plantincludeplant concept_plant_trees +concept_plant_pear_cactus concept:plantincludeplant concept_plant_trees +concept_plant_pears concept:plantincludeplant concept_plant_trees +concept_plant_peonies concept:plantincludeplant concept_plant_trees +concept_plant_pepper concept:plantincludeplant concept_plant_trees +concept_plant_perennial_garden concept:latitudelongitude 41.7869800000000,-87.5858800000000 +concept_plant_perennials concept:plantincludeplant concept_plant_artemesia +concept_plant_perennials concept:plantincludeplant concept_plant_daylilies +concept_plant_perennials concept:plantincludeplant concept_plant_dianthus +concept_plant_perennials concept:plantincludeplant concept_plant_moneywort +concept_plant_perennials concept:plantincludeplant concept_plant_peonies +concept_plant_perennials concept:plantincludeplant concept_plant_phlox +concept_plant_perennials concept:plantincludeplant concept_plant_yarrow +concept_plant_petals concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_pin_oak concept:plantincludeplant concept_plant_trees +concept_plant_pine concept:plantincludeplant concept_food_foliage +concept_plant_pine concept:plantincludeplant concept_food_vegetation +concept_plant_pine concept:plantincludeplant concept_plant_conifers +concept_plant_pine concept:plantincludeplant concept_plant_evergreens +concept_plant_pine concept:plantincludeplant concept_plant_forest_trees +concept_plant_pine concept:plantincludeplant concept_plant_monocultures +concept_plant_pine concept:plantincludeplant concept_plant_pine_trees +concept_plant_pine concept:plantincludeplant concept_plant_pines +concept_plant_pine concept:plantincludeplant concept_plant_roots +concept_plant_pine concept:plantincludeplant concept_plant_saplings +concept_plant_pine concept:plantincludeplant concept_plant_seed +concept_plant_pine concept:plantincludeplant concept_plant_seedlings +concept_plant_pine concept:plantincludeplant concept_plant_seeds +concept_plant_pine concept:plantincludeplant concept_plant_tree_species +concept_plant_pine concept:plantincludeplant concept_plant_trees +concept_plant_pine concept:plantincludeplant concept_plant_tress +concept_plant_pine concept:plantincludeplant concept_plant_woodland +concept_plant_pine concept:plantincludeplant concept_plant_wreath +concept_plant_pine concept:plantincludeplant concept_plant_wreaths +concept_plant_pine concept:plantincludeplant concept_visualizablething_tree +concept_plant_pine_trees concept:plantincludeplant concept_plant_bushes +concept_plant_pine_trees concept:plantincludeplant concept_plant_trees +concept_plant_pine_trees concept:plantincludeplant concept_visualizablething_tree +concept_plant_pineapple concept:plantincludeplant concept_plant_trees +concept_plant_pines concept:plantincludeplant concept_plant_bushes +concept_plant_pines concept:plantincludeplant concept_plant_pine +concept_plant_pines concept:plantincludeplant concept_plant_trees +concept_plant_pink_flowers concept:plantgrowinginplant concept_plant_shrub +concept_plant_pink_roses concept:plantrepresentemotion concept_emotion_admiration +concept_plant_pink_roses concept:plantrepresentemotion concept_emotion_gratitude +concept_plant_pink_roses concept:plantrepresentemotion concept_emotion_happiness +concept_plant_pink_roses concept:plantrepresentemotion concept_emotion_joy +concept_plant_pink_roses concept:plantrepresentemotion concept_emotion_thankfulness +concept_plant_plane concept:plantincludeplant concept_plant_trees +concept_plant_plane_trees concept:plantincludeplant concept_plant_trees +concept_plant_plantings concept:plantincludeplant concept_plant_spruce +concept_plant_plantings concept:plantgrowinginplant concept_plant_trees +concept_plant_plants concept:plantrepresentemotion concept_emotion_beauty +concept_plant_plants concept:plantincludeplant concept_plant_azaleas +concept_plant_plants concept:plantincludeplant concept_plant_bamboo +concept_plant_plants concept:plantincludeplant concept_plant_blueberries +concept_plant_plants concept:plantincludeplant concept_plant_bougainvillea +concept_plant_plants concept:plantincludeplant concept_plant_bromeliads +concept_plant_plants concept:plantincludeplant concept_plant_bulbs +concept_plant_plants concept:plantincludeplant concept_plant_camellias +concept_plant_plants concept:plantincludeplant concept_plant_cedars +concept_plant_plants concept:plantincludeplant concept_plant_chrysanthemums +concept_plant_plants concept:plantincludeplant concept_plant_daffodils +concept_plant_plants concept:plantincludeplant concept_plant_daisies +concept_plant_plants concept:plantincludeplant concept_plant_evergreen +concept_plant_plants concept:plantincludeplant concept_plant_evergreens +concept_plant_plants concept:plantincludeplant concept_plant_geraniums +concept_plant_plants concept:plantincludeplant concept_plant_hibiscus +concept_plant_plants concept:plantincludeplant concept_plant_hollies +concept_plant_plants concept:plantincludeplant concept_plant_hyacinths +concept_plant_plants concept:plantincludeplant concept_plant_hydrangeas +concept_plant_plants concept:plantincludeplant concept_plant_juniper +concept_plant_plants concept:plantincludeplant concept_plant_palms +concept_plant_plants concept:plantincludeplant concept_plant_rhododendrons +concept_plant_plants concept:plantincludeplant concept_plant_spruce +concept_plant_plants concept:plantincludeplant concept_plant_tulips +concept_plant_plants concept:plantincludeplant concept_plant_water_lilies +concept_plant_plants concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_plum concept:plantincludeplant concept_plant_trees +concept_plant_plums concept:plantincludeplant concept_plant_trees +concept_plant_pomegranates concept:plantrepresentemotion concept_emotion_fertility +concept_plant_ponderosa_pine concept:plantincludeplant concept_plant_trees +concept_plant_ponderosa_pines concept:plantincludeplant concept_plant_trees +concept_plant_poplar concept:plantincludeplant concept_plant_hardwoods +concept_plant_poplar concept:plantincludeplant concept_plant_tree_species +concept_plant_poplar concept:plantincludeplant concept_plant_trees +concept_plant_poplar concept:plantincludeplant concept_visualizablething_tree +concept_plant_poplars concept:plantincludeplant concept_plant_trees +concept_plant_post_oak concept:plantincludeplant concept_plant_trees +concept_plant_potatoes concept:plantincludeplant concept_plant_crops +concept_plant_pots concept:plantgrowinginplant concept_plant_flowers +concept_plant_press concept:specializationof concept_plant_information +concept_plant_privet concept:plantincludeplant concept_plant_hedges +concept_plant_products concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_pruning concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_purple_roses concept:plantrepresentemotion concept_emotion_love +concept_plant_ragweed concept:plantincludeplant concept_plant_trees +concept_plant_red_cedar concept:plantincludeplant concept_plant_trees +concept_plant_red_maple concept:plantincludeplant concept_plant_trees +concept_plant_red_maples concept:plantincludeplant concept_plant_trees +concept_plant_red_oak concept:plantincludeplant concept_plant_seedlings +concept_plant_red_oak concept:plantincludeplant concept_plant_trees +concept_plant_red_pine concept:plantincludeplant concept_plant_trees +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_beauty +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_desire +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_happiness +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_love +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_passion +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_romance +concept_plant_red_roses concept:plantrepresentemotion concept_emotion_romantic_love +concept_plant_red_spruce concept:plantincludeplant concept_plant_trees +concept_plant_redbuds concept:plantincludeplant concept_plant_trees +concept_plant_redwood concept:plantincludeplant concept_plant_trees +concept_plant_redwoods concept:plantincludeplant concept_plant_trees +concept_plant_reeds concept:plantincludeplant concept_plant_bushes +concept_plant_reeds concept:plantincludeplant concept_plant_trees +concept_plant_rhododendron concept:plantincludeplant concept_plant_trees +concept_plant_rhododendrons concept:plantincludeplant concept_plant_trees +concept_plant_river_birch concept:plantincludeplant concept_plant_trees +concept_plant_roots concept:plantgrowinginplant concept_plant_bush +concept_plant_roots concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_rosebushes concept:plantincludeplant concept_plant_trees +concept_plant_roses concept:plantrepresentemotion concept_emotion_admiration +concept_plant_roses concept:plantrepresentemotion concept_emotion_affection +concept_plant_roses concept:plantrepresentemotion concept_emotion_appreciation +concept_plant_roses concept:plantrepresentemotion concept_emotion_beauty +concept_plant_roses concept:plantrepresentemotion concept_emotion_deep_love +concept_plant_roses concept:plantrepresentemotion concept_emotion_desire +concept_plant_roses concept:plantrepresentemotion concept_emotion_devotion +concept_plant_roses concept:plantrepresentemotion concept_emotion_friendship +concept_plant_roses concept:plantrepresentemotion concept_emotion_gratitude +concept_plant_roses concept:plantrepresentemotion concept_emotion_happiness +concept_plant_roses concept:plantrepresentemotion concept_emotion_hope +concept_plant_roses concept:plantrepresentemotion concept_emotion_jealousy +concept_plant_roses concept:plantrepresentemotion concept_emotion_joy +concept_plant_roses concept:plantrepresentemotion concept_emotion_love +concept_plant_roses concept:plantrepresentemotion concept_emotion_marriage +concept_plant_roses concept:plantrepresentemotion concept_emotion_meaning +concept_plant_roses concept:plantrepresentemotion concept_emotion_passion +concept_plant_roses concept:plantrepresentemotion concept_emotion_peace +concept_plant_roses concept:plantrepresentemotion concept_emotion_purity +concept_plant_roses concept:plantrepresentemotion concept_emotion_relationship +concept_plant_roses concept:plantrepresentemotion concept_emotion_reverence +concept_plant_roses concept:plantrepresentemotion concept_emotion_romance +concept_plant_roses concept:plantrepresentemotion concept_emotion_romantic_love +concept_plant_roses concept:plantrepresentemotion concept_emotion_sympathy +concept_plant_roses concept:plantrepresentemotion concept_emotion_thankfulness +concept_plant_roses concept:plantrepresentemotion concept_emotion_thanks +concept_plant_roses concept:plantrepresentemotion concept_emotion_true_love +concept_plant_roses concept:plantrepresentemotion concept_emotion_unity +concept_plant_rowan concept:plantincludeplant concept_plant_trees +concept_plant_sage concept:plantincludeplant concept_plant_trees +concept_plant_sagebrush concept:plantincludeplant concept_plant_trees +concept_plant_saguaro concept:plantincludeplant concept_plant_trees +concept_plant_salt_cedar concept:plantincludeplant concept_plant_trees +concept_plant_saplings concept:plantincludeplant concept_plant_birch +concept_plant_saplings concept:plantincludeplant concept_plant_maple +concept_plant_saplings concept:plantincludeplant concept_plant_oak +concept_plant_saplings concept:plantincludeplant concept_plant_pine +concept_plant_saplings concept:plantincludeplant concept_plant_spruce +concept_plant_saplings concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_sassafras concept:plantincludeplant concept_plant_trees +concept_plant_scram concept:latitudelongitude 43.1644700000000,-85.4111400000000 +concept_plant_scrub_oak concept:plantincludeplant concept_plant_trees +concept_plant_scrub_oaks concept:plantincludeplant concept_plant_trees +concept_plant_scrub_oaks concept:specializationof concept_plant_trees +concept_plant_seed concept:plantincludeplant concept_plant_pine +concept_plant_seed concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_seed_cones concept:plantgrowinginplant concept_plant_plants +concept_plant_seedlings concept:plantincludeplant concept_plant_ash +concept_plant_seedlings concept:plantincludeplant concept_plant_birch +concept_plant_seedlings concept:plantincludeplant concept_plant_cedar +concept_plant_seedlings concept:plantincludeplant concept_plant_fir +concept_plant_seedlings concept:plantincludeplant concept_plant_hemlock +concept_plant_seedlings concept:plantincludeplant concept_plant_maple +concept_plant_seedlings concept:plantincludeplant concept_plant_oak +concept_plant_seedlings concept:plantincludeplant concept_plant_red_oak +concept_plant_seedlings concept:plantincludeplant concept_plant_spruce +concept_plant_seedlings concept:plantincludeplant concept_plant_sugar_maple +concept_plant_seedlings concept:plantincludeplant concept_plant_walnut +concept_plant_seedlings concept:plantincludeplant concept_plant_white_pine +concept_plant_seedlings concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_seedpods concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_seeds concept:plantrepresentemotion concept_emotion_fertility +concept_plant_seeds concept:plantincludeplant concept_plant_birch +concept_plant_seeds concept:plantincludeplant concept_plant_maple +concept_plant_seeds concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_sequoia concept:plantincludeplant concept_plant_trees +concept_plant_shoots concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_shrub concept:plantincludeplant concept_plant_trees +concept_plant_shrubs concept:plantincludeplant concept_plant_alder +concept_plant_shrubs concept:plantincludeplant concept_plant_azaleas +concept_plant_shrubs concept:plantincludeplant concept_plant_birch +concept_plant_shrubs concept:plantincludeplant concept_plant_camellias +concept_plant_shrubs concept:plantincludeplant concept_plant_cedar +concept_plant_shrubs concept:plantincludeplant concept_plant_conifers +concept_plant_shrubs concept:plantincludeplant concept_plant_dogwood +concept_plant_shrubs concept:plantincludeplant concept_plant_evergreen +concept_plant_shrubs concept:plantincludeplant concept_plant_evergreens +concept_plant_shrubs concept:plantincludeplant concept_plant_fruit_trees +concept_plant_shrubs concept:plantincludeplant concept_plant_hibiscus +concept_plant_shrubs concept:plantincludeplant concept_plant_juniper +concept_plant_shrubs concept:plantincludeplant concept_plant_lavender +concept_plant_shrubs concept:plantincludeplant concept_plant_lilacs +concept_plant_shrubs concept:plantincludeplant concept_plant_palms +concept_plant_shrubs concept:plantincludeplant concept_plant_perennials +concept_plant_shrubs concept:plantincludeplant concept_plant_rhododendrons +concept_plant_shrubs concept:plantincludeplant concept_plant_roses +concept_plant_shrubs concept:plantincludeplant concept_plant_trees +concept_plant_shrubs concept:plantincludeplant concept_plant_willow +concept_plant_shrubs concept:plantincludeplant concept_plant_willows +concept_plant_shrubs concept:plantgrowinginplant concept_vegetable_grass +concept_plant_shrubs concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_silver_birch concept:plantincludeplant concept_plant_trees +concept_plant_silver_maple concept:plantincludeplant concept_plant_trees +concept_plant_silver_maples concept:latitudelongitude 41.3019400000000,-74.1477800000000 +concept_plant_silver_maples concept:plantincludeplant concept_plant_trees +concept_plant_small_trees concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_snowdrops concept:plantrepresentemotion concept_emotion_hope +concept_plant_soybean concept:plantincludeplant concept_plant_crops +concept_plant_spice_bush concept:latitudelongitude 41.7578800000000,-72.7678700000000 +concept_plant_spot concept:plantgrowinginplant concept_plant_trees +concept_plant_spring_bulbs concept:plantincludeplant concept_plant_daffodils +concept_plant_spring_bulbs concept:plantincludeplant concept_plant_tulips +concept_plant_spruce concept:plantincludeplant concept_food_foliage +concept_plant_spruce concept:plantincludeplant concept_plant_conifers +concept_plant_spruce concept:plantincludeplant concept_plant_evergreens +concept_plant_spruce concept:plantincludeplant concept_plant_plantings +concept_plant_spruce concept:plantincludeplant concept_plant_plants +concept_plant_spruce concept:plantincludeplant concept_plant_saplings +concept_plant_spruce concept:plantincludeplant concept_plant_seedlings +concept_plant_spruce concept:plantincludeplant concept_plant_trees +concept_plant_spruce concept:plantincludeplant concept_visualizablething_tree +concept_plant_spruces concept:plantincludeplant concept_plant_trees +concept_plant_starwort concept:latitudelongitude 49.3668300000000,-86.3332400000000 +concept_plant_stately_oaks concept:latitudelongitude 41.6247200000000,-88.0005600000000 +concept_plant_statue concept:proxyfor concept_book_new +concept_plant_statue concept:mutualproxyfor concept_weatherphenomenon_new +concept_plant_stem concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_stems concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_stick concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_strawberries concept:plantincludeplant concept_plant_crops +concept_plant_succulents concept:plantincludeplant concept_plant_cacti +concept_plant_sugar_maple concept:plantincludeplant concept_plant_seedlings +concept_plant_sugar_maple concept:plantincludeplant concept_plant_trees +concept_plant_sumac concept:plantincludeplant concept_plant_trees +concept_plant_summer concept:plantgrowinginplant concept_plant_deciduous_trees +concept_plant_summer concept:plantgrowinginplant concept_plant_trees +concept_plant_summer concept:objectfoundinscene concept_visualizablescene_observatory +concept_plant_summer concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_sweet_gum concept:plantincludeplant concept_plant_trees +concept_plant_sweetgum concept:plantincludeplant concept_plant_trees +concept_plant_switchgrass concept:plantincludeplant concept_plant_trees +concept_plant_sycamore concept:plantincludeplant concept_plant_trees +concept_plant_sycamore concept:plantincludeplant concept_visualizablething_tree +concept_plant_sycamores concept:plantincludeplant concept_plant_trees +concept_plant_tall_palms concept:plantincludeplant concept_plant_trees +concept_plant_tamarack concept:plantincludeplant concept_plant_trees +concept_plant_tamarisk concept:plantincludeplant concept_plant_trees +concept_plant_tobacco concept:plantincludeplant concept_plant_crops +concept_plant_top_branches concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_tree_ferns concept:plantincludeplant concept_plant_trees +concept_plant_tree_roots concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_tree_species concept:plantincludeplant concept_plant_fir +concept_plant_tree_species concept:plantincludeplant concept_plant_oak +concept_plant_tree_species concept:plantincludeplant concept_plant_pine +concept_plant_tree_species concept:plantincludeplant concept_plant_poplar +concept_plant_trees concept:thinghascolor concept_color_colors +concept_plant_trees concept:thinghascolor concept_color_colours +concept_plant_trees concept:thinghascolor concept_color_green +concept_plant_trees concept:thinghascolor concept_color_yellow +concept_plant_trees concept:thinghascolor concept_color_yellows +concept_plant_trees concept:plantrepresentemotion concept_emotion_peace +concept_plant_trees concept:plantrepresentemotion concept_emotion_rootedness +concept_plant_trees concept:plantincludeplant concept_food_rose +concept_plant_trees concept:plantincludeplant concept_fruit_apples +concept_plant_trees concept:plantincludeplant concept_fruit_citrus +concept_plant_trees concept:plantincludeplant concept_nut_black_walnut +concept_plant_trees concept:plantincludeplant concept_nut_butternut +concept_plant_trees concept:plantincludeplant concept_nut_horse_chestnut +concept_plant_trees concept:plantincludeplant concept_nut_pecan +concept_plant_trees concept:plantincludeplant concept_plant_acacia +concept_plant_trees concept:plantincludeplant concept_plant_acacias +concept_plant_trees concept:plantincludeplant concept_plant_alder +concept_plant_trees concept:plantincludeplant concept_plant_alder_trees +concept_plant_trees concept:plantincludeplant concept_plant_alders +concept_plant_trees concept:plantincludeplant concept_plant_almond +concept_plant_trees concept:plantincludeplant concept_plant_almonds +concept_plant_trees concept:plantincludeplant concept_plant_apple_trees +concept_plant_trees concept:plantincludeplant concept_plant_apricot +concept_plant_trees concept:plantincludeplant concept_plant_arbutus +concept_plant_trees concept:plantincludeplant concept_plant_ash +concept_plant_trees concept:plantincludeplant concept_plant_ash_trees +concept_plant_trees concept:plantincludeplant concept_plant_aspen +concept_plant_trees concept:plantincludeplant concept_plant_aspens +concept_plant_trees concept:plantincludeplant concept_plant_avocado +concept_plant_trees concept:plantincludeplant concept_plant_azaleas +concept_plant_trees concept:plantincludeplant concept_plant_bald_cypress +concept_plant_trees concept:plantincludeplant concept_plant_balsam +concept_plant_trees concept:plantincludeplant concept_plant_balsam_fir +concept_plant_trees concept:plantincludeplant concept_plant_bamboo +concept_plant_trees concept:plantincludeplant concept_plant_bamboos +concept_plant_trees concept:plantincludeplant concept_plant_banana +concept_plant_trees concept:plantincludeplant concept_plant_banana_palms +concept_plant_trees concept:plantincludeplant concept_plant_banana_trees +concept_plant_trees concept:plantincludeplant concept_plant_banyan +concept_plant_trees concept:plantincludeplant concept_plant_baobab +concept_plant_trees concept:plantincludeplant concept_plant_basswood +concept_plant_trees concept:plantincludeplant concept_plant_bay +concept_plant_trees concept:plantincludeplant concept_plant_beautiful_moss +concept_plant_trees concept:plantincludeplant concept_plant_beautiful_palm +concept_plant_trees concept:plantincludeplant concept_plant_beech +concept_plant_trees concept:plantincludeplant concept_plant_beech_trees +concept_plant_trees concept:plantincludeplant concept_plant_beeches +concept_plant_trees concept:plantincludeplant concept_plant_birch +concept_plant_trees concept:plantincludeplant concept_plant_birch_trees +concept_plant_trees concept:plantincludeplant concept_plant_birches +concept_plant_trees concept:plantincludeplant concept_plant_black_cherry +concept_plant_trees concept:plantincludeplant concept_plant_black_gum +concept_plant_trees concept:plantincludeplant concept_plant_black_oak +concept_plant_trees concept:plantincludeplant concept_plant_black_pine +concept_plant_trees concept:plantincludeplant concept_plant_black_spruce +concept_plant_trees concept:plantincludeplant concept_plant_blue_spruce +concept_plant_trees concept:plantincludeplant concept_plant_bougainvillea +concept_plant_trees concept:plantincludeplant concept_plant_box_elder +concept_plant_trees concept:plantincludeplant concept_plant_boxelder +concept_plant_trees concept:plantincludeplant concept_plant_boxwood +concept_plant_trees concept:plantincludeplant concept_plant_brush +concept_plant_trees concept:plantincludeplant concept_plant_buckeye +concept_plant_trees concept:plantincludeplant concept_plant_bushes +concept_plant_trees concept:plantincludeplant concept_plant_buttonwood +concept_plant_trees concept:plantincludeplant concept_plant_cacti +concept_plant_trees concept:plantincludeplant concept_plant_cactus +concept_plant_trees concept:plantincludeplant concept_plant_cactuses +concept_plant_trees concept:plantincludeplant concept_plant_camellias +concept_plant_trees concept:plantincludeplant concept_plant_carob +concept_plant_trees concept:plantincludeplant concept_plant_casuarina +concept_plant_trees concept:plantincludeplant concept_plant_catalpa +concept_plant_trees concept:plantincludeplant concept_plant_cedar +concept_plant_trees concept:plantincludeplant concept_plant_cedar_trees +concept_plant_trees concept:plantincludeplant concept_plant_cedars +concept_plant_trees concept:plantincludeplant concept_plant_cherries +concept_plant_trees concept:plantincludeplant concept_plant_cherry +concept_plant_trees concept:plantincludeplant concept_plant_cherry_blossom +concept_plant_trees concept:plantincludeplant concept_plant_cherry_trees +concept_plant_trees concept:plantincludeplant concept_plant_chestnut +concept_plant_trees concept:plantincludeplant concept_plant_chestnut_trees +concept_plant_trees concept:plantincludeplant concept_plant_chestnuts +concept_plant_trees concept:plantincludeplant concept_plant_chokecherry +concept_plant_trees concept:plantincludeplant concept_plant_coconut +concept_plant_trees concept:plantincludeplant concept_plant_coconut_palm +concept_plant_trees concept:plantincludeplant concept_plant_coconut_palms +concept_plant_trees concept:plantincludeplant concept_plant_coconut_trees +concept_plant_trees concept:plantincludeplant concept_plant_conifer +concept_plant_trees concept:plantincludeplant concept_plant_conifers +concept_plant_trees concept:plantincludeplant concept_plant_cork_oak +concept_plant_trees concept:plantincludeplant concept_plant_cork_oaks +concept_plant_trees concept:plantincludeplant concept_plant_cotton +concept_plant_trees concept:plantincludeplant concept_plant_cottonwood +concept_plant_trees concept:plantincludeplant concept_plant_cottonwoods +concept_plant_trees concept:plantincludeplant concept_plant_crab_apple +concept_plant_trees concept:plantincludeplant concept_plant_crabapple +concept_plant_trees concept:plantincludeplant concept_plant_crabapples +concept_plant_trees concept:plantincludeplant concept_plant_crepe_myrtle +concept_plant_trees concept:plantincludeplant concept_plant_crepe_myrtles +concept_plant_trees concept:plantincludeplant concept_plant_cypress +concept_plant_trees concept:plantincludeplant concept_plant_cypress_trees +concept_plant_trees concept:plantincludeplant concept_plant_cypresses +concept_plant_trees concept:plantincludeplant concept_plant_date_palms +concept_plant_trees concept:plantincludeplant concept_plant_deodar +concept_plant_trees concept:plantincludeplant concept_plant_dogwood +concept_plant_trees concept:plantincludeplant concept_plant_dogwoods +concept_plant_trees concept:plantincludeplant concept_plant_douglas_fir +concept_plant_trees concept:plantincludeplant concept_plant_eastern_hemlock +concept_plant_trees concept:plantincludeplant concept_plant_elm +concept_plant_trees concept:plantincludeplant concept_plant_elms +concept_plant_trees concept:plantincludeplant concept_plant_eucalyptus +concept_plant_trees concept:plantincludeplant concept_plant_evergreen +concept_plant_trees concept:plantincludeplant concept_plant_evergreen_trees +concept_plant_trees concept:plantincludeplant concept_plant_evergreens +concept_plant_trees concept:plantincludeplant concept_plant_fern +concept_plant_trees concept:plantincludeplant concept_plant_ficus +concept_plant_trees concept:plantincludeplant concept_plant_fig +concept_plant_trees concept:plantincludeplant concept_plant_fig_trees +concept_plant_trees concept:plantincludeplant concept_plant_fir +concept_plant_trees concept:plantincludeplant concept_plant_fir_trees +concept_plant_trees concept:plantincludeplant concept_plant_firs +concept_plant_trees concept:plantincludeplant concept_plant_fruit_trees +concept_plant_trees concept:plantincludeplant concept_plant_gingko +concept_plant_trees concept:plantincludeplant concept_plant_ginkgo +concept_plant_trees concept:plantincludeplant concept_plant_grape_vines +concept_plant_trees concept:plantincludeplant concept_plant_grapevines +concept_plant_trees concept:plantincludeplant concept_plant_grasses +concept_plant_trees concept:plantincludeplant concept_plant_green_ash +concept_plant_trees concept:plantincludeplant concept_plant_green_pines +concept_plant_trees concept:plantincludeplant concept_plant_guava +concept_plant_trees concept:plantincludeplant concept_plant_hackberry +concept_plant_trees concept:plantincludeplant concept_plant_hardwoods +concept_plant_trees concept:plantincludeplant concept_plant_hawthorn +concept_plant_trees concept:plantincludeplant concept_plant_hazel +concept_plant_trees concept:plantincludeplant concept_plant_hazelnut +concept_plant_trees concept:plantincludeplant concept_plant_heather +concept_plant_trees concept:plantincludeplant concept_plant_hedges +concept_plant_trees concept:plantincludeplant concept_plant_hemlock +concept_plant_trees concept:plantincludeplant concept_plant_hemlocks +concept_plant_trees concept:plantincludeplant concept_plant_hibiscus +concept_plant_trees concept:plantincludeplant concept_plant_hickories +concept_plant_trees concept:plantincludeplant concept_plant_hickory +concept_plant_trees concept:plantincludeplant concept_plant_holly +concept_plant_trees concept:plantincludeplant concept_plant_holm_oak +concept_plant_trees concept:plantincludeplant concept_plant_holm_oaks +concept_plant_trees concept:plantincludeplant concept_plant_honey_locust +concept_plant_trees concept:plantincludeplant concept_plant_honeysuckle +concept_plant_trees concept:plantincludeplant concept_plant_hornbeam +concept_plant_trees concept:plantincludeplant concept_plant_ironwood +concept_plant_trees concept:plantincludeplant concept_plant_jacaranda +concept_plant_trees concept:plantincludeplant concept_plant_jack_pine +concept_plant_trees concept:plantincludeplant concept_plant_juniper +concept_plant_trees concept:plantincludeplant concept_plant_juniper_trees +concept_plant_trees concept:plantincludeplant concept_plant_junipers +concept_plant_trees concept:plantincludeplant concept_plant_kapok +concept_plant_trees concept:plantincludeplant concept_plant_larch +concept_plant_trees concept:plantincludeplant concept_plant_large_cottonwood +concept_plant_trees concept:plantincludeplant concept_plant_laurel +concept_plant_trees concept:plantincludeplant concept_plant_lavender +concept_plant_trees concept:plantincludeplant concept_plant_lemon +concept_plant_trees concept:plantincludeplant concept_plant_lichens +concept_plant_trees concept:plantincludeplant concept_plant_lilac +concept_plant_trees concept:plantincludeplant concept_plant_lilacs +concept_plant_trees concept:plantincludeplant concept_plant_lilies +concept_plant_trees concept:plantincludeplant concept_plant_lime +concept_plant_trees concept:plantincludeplant concept_plant_lime_trees +concept_plant_trees concept:plantincludeplant concept_plant_linden +concept_plant_trees concept:plantincludeplant concept_plant_lindens +concept_plant_trees concept:plantincludeplant concept_plant_live_oak +concept_plant_trees concept:plantincludeplant concept_plant_live_oaks +concept_plant_trees concept:plantincludeplant concept_plant_lodgepole_pine +concept_plant_trees concept:plantincludeplant concept_plant_lodgepole_pines +concept_plant_trees concept:plantincludeplant concept_plant_magnolia +concept_plant_trees concept:plantincludeplant concept_plant_magnolias +concept_plant_trees concept:plantincludeplant concept_plant_mahogany +concept_plant_trees concept:plantincludeplant concept_plant_mango_trees +concept_plant_trees concept:plantincludeplant concept_plant_mangrove +concept_plant_trees concept:plantincludeplant concept_plant_manzanita +concept_plant_trees concept:plantincludeplant concept_plant_maple +concept_plant_trees concept:plantincludeplant concept_plant_maple_trees +concept_plant_trees concept:plantincludeplant concept_plant_maples +concept_plant_trees concept:plantincludeplant concept_plant_marula +concept_plant_trees concept:plantincludeplant concept_plant_mature_oak +concept_plant_trees concept:plantincludeplant concept_plant_mature_pines +concept_plant_trees concept:plantincludeplant concept_plant_mesquite +concept_plant_trees concept:plantincludeplant concept_plant_mimosa +concept_plant_trees concept:plantincludeplant concept_plant_moss +concept_plant_trees concept:plantincludeplant concept_plant_mountain_ash +concept_plant_trees concept:plantincludeplant concept_plant_mountainash +concept_plant_trees concept:plantincludeplant concept_plant_mulberry +concept_plant_trees concept:plantincludeplant concept_plant_myrtle +concept_plant_trees concept:plantincludeplant concept_plant_myrtles +concept_plant_trees concept:plantincludeplant concept_plant_native_grasses +concept_plant_trees concept:plantincludeplant concept_plant_native_oaks +concept_plant_trees concept:plantincludeplant concept_plant_oak +concept_plant_trees concept:plantincludeplant concept_plant_oak_trees +concept_plant_trees concept:plantincludeplant concept_plant_oaks +concept_plant_trees concept:plantincludeplant concept_plant_oleander +concept_plant_trees concept:plantincludeplant concept_plant_oleanders +concept_plant_trees concept:plantincludeplant concept_plant_olive_trees +concept_plant_trees concept:plantincludeplant concept_plant_olives +concept_plant_trees concept:plantincludeplant concept_plant_palm +concept_plant_trees concept:plantincludeplant concept_plant_palm_trees +concept_plant_trees concept:plantincludeplant concept_plant_palmettos +concept_plant_trees concept:plantincludeplant concept_plant_palms +concept_plant_trees concept:plantincludeplant concept_plant_pandanus +concept_plant_trees concept:plantincludeplant concept_plant_papaya +concept_plant_trees concept:plantincludeplant concept_plant_peach +concept_plant_trees concept:plantincludeplant concept_plant_pear_cacti +concept_plant_trees concept:plantincludeplant concept_plant_pear_cactus +concept_plant_trees concept:plantincludeplant concept_plant_pears +concept_plant_trees concept:plantincludeplant concept_plant_peonies +concept_plant_trees concept:plantincludeplant concept_plant_pepper +concept_plant_trees concept:plantincludeplant concept_plant_pin_oak +concept_plant_trees concept:plantincludeplant concept_plant_pine +concept_plant_trees concept:plantincludeplant concept_plant_pine_forest +concept_plant_trees concept:plantincludeplant concept_plant_pine_trees +concept_plant_trees concept:plantincludeplant concept_plant_pineapple +concept_plant_trees concept:plantincludeplant concept_plant_pines +concept_plant_trees concept:plantincludeplant concept_plant_plane +concept_plant_trees concept:plantincludeplant concept_plant_plane_trees +concept_plant_trees concept:plantincludeplant concept_plant_plum +concept_plant_trees concept:plantincludeplant concept_plant_plums +concept_plant_trees concept:plantincludeplant concept_plant_ponderosa_pine +concept_plant_trees concept:plantincludeplant concept_plant_ponderosa_pines +concept_plant_trees concept:plantincludeplant concept_plant_poplar +concept_plant_trees concept:plantincludeplant concept_plant_poplars +concept_plant_trees concept:plantincludeplant concept_plant_post_oak +concept_plant_trees concept:plantincludeplant concept_plant_ragweed +concept_plant_trees concept:plantincludeplant concept_plant_red_cedar +concept_plant_trees concept:plantincludeplant concept_plant_red_maple +concept_plant_trees concept:plantincludeplant concept_plant_red_maples +concept_plant_trees concept:plantincludeplant concept_plant_red_oak +concept_plant_trees concept:plantincludeplant concept_plant_red_pine +concept_plant_trees concept:plantincludeplant concept_plant_red_spruce +concept_plant_trees concept:plantincludeplant concept_plant_redbuds +concept_plant_trees concept:plantincludeplant concept_plant_redwood +concept_plant_trees concept:plantincludeplant concept_plant_redwoods +concept_plant_trees concept:plantincludeplant concept_plant_reeds +concept_plant_trees concept:plantincludeplant concept_plant_rhododendron +concept_plant_trees concept:plantincludeplant concept_plant_rhododendrons +concept_plant_trees concept:plantincludeplant concept_plant_river_birch +concept_plant_trees concept:plantincludeplant concept_plant_rosebushes +concept_plant_trees concept:plantincludeplant concept_plant_rowan +concept_plant_trees concept:plantincludeplant concept_plant_sage +concept_plant_trees concept:plantincludeplant concept_plant_sagebrush +concept_plant_trees concept:plantincludeplant concept_plant_saguaro +concept_plant_trees concept:plantincludeplant concept_plant_salt_cedar +concept_plant_trees concept:plantincludeplant concept_plant_sassafras +concept_plant_trees concept:plantincludeplant concept_plant_scrub_oak +concept_plant_trees concept:plantincludeplant concept_plant_sequoia +concept_plant_trees concept:plantincludeplant concept_plant_shrub +concept_plant_trees concept:plantgrowinginplant concept_plant_shrubs +concept_plant_trees concept:plantincludeplant concept_plant_silver_birch +concept_plant_trees concept:plantincludeplant concept_plant_silver_maple +concept_plant_trees concept:plantincludeplant concept_plant_silver_maples +concept_plant_trees concept:plantincludeplant concept_plant_spruce +concept_plant_trees concept:plantincludeplant concept_plant_spruces +concept_plant_trees concept:plantincludeplant concept_plant_sugar_maple +concept_plant_trees concept:plantincludeplant concept_plant_sumac +concept_plant_trees concept:plantincludeplant concept_plant_sweet_gum +concept_plant_trees concept:plantincludeplant concept_plant_sweetgum +concept_plant_trees concept:plantincludeplant concept_plant_switchgrass +concept_plant_trees concept:plantincludeplant concept_plant_sycamore +concept_plant_trees concept:plantincludeplant concept_plant_sycamores +concept_plant_trees concept:plantincludeplant concept_plant_tall_palms +concept_plant_trees concept:plantincludeplant concept_plant_tamarack +concept_plant_trees concept:plantincludeplant concept_plant_tamarisk +concept_plant_trees concept:plantincludeplant concept_plant_tree_ferns +concept_plant_trees concept:plantincludeplant concept_plant_tulip +concept_plant_trees concept:plantincludeplant concept_plant_tulip_poplar +concept_plant_trees concept:plantincludeplant concept_plant_tulips +concept_plant_trees concept:plantincludeplant concept_plant_tupelo +concept_plant_trees concept:plantincludeplant concept_plant_vine +concept_plant_trees concept:plantincludeplant concept_plant_walnut +concept_plant_trees concept:plantincludeplant concept_plant_walnut_trees +concept_plant_trees concept:plantincludeplant concept_plant_walnuts +concept_plant_trees concept:plantincludeplant concept_plant_water_oaks +concept_plant_trees concept:plantincludeplant concept_plant_wattle +concept_plant_trees concept:plantincludeplant concept_plant_western_hemlock +concept_plant_trees concept:plantincludeplant concept_plant_western_red_cedar +concept_plant_trees concept:plantincludeplant concept_plant_white_ash +concept_plant_trees concept:plantincludeplant concept_plant_white_birch +concept_plant_trees concept:plantincludeplant concept_plant_white_cedar +concept_plant_trees concept:plantincludeplant concept_plant_white_fir +concept_plant_trees concept:plantincludeplant concept_plant_white_oak +concept_plant_trees concept:plantincludeplant concept_plant_white_oaks +concept_plant_trees concept:plantincludeplant concept_plant_white_pine +concept_plant_trees concept:plantincludeplant concept_plant_white_pines +concept_plant_trees concept:plantincludeplant concept_plant_white_spruce +concept_plant_trees concept:plantincludeplant concept_plant_wild_cherry +concept_plant_trees concept:plantincludeplant concept_plant_wild_fig +concept_plant_trees concept:plantincludeplant concept_plant_wild_flowers +concept_plant_trees concept:plantincludeplant concept_plant_wild_plum +concept_plant_trees concept:plantincludeplant concept_plant_wildflowers +concept_plant_trees concept:plantincludeplant concept_plant_willow +concept_plant_trees concept:plantincludeplant concept_plant_willow_trees +concept_plant_trees concept:plantincludeplant concept_plant_willows +concept_plant_trees concept:plantincludeplant concept_plant_wisteria +concept_plant_trees concept:plantincludeplant concept_plant_yellow_birch +concept_plant_trees concept:plantincludeplant concept_plant_yellowwood +concept_plant_trees concept:plantincludeplant concept_plant_yew +concept_plant_trees concept:plantincludeplant concept_plant_yews +concept_plant_trees concept:plantgrowinginplant concept_vegetable_grass +concept_plant_trees concept:plantgrowinginplant concept_visualizablescene_pasture +concept_plant_tress concept:plantincludeplant concept_plant_oak +concept_plant_tress concept:plantincludeplant concept_plant_pine +concept_plant_tropical_flowers concept:plantgrowinginplant concept_plant_trees +concept_plant_tulip concept:plantincludeplant concept_plant_trees +concept_plant_tulip_poplar concept:plantincludeplant concept_plant_trees +concept_plant_tulip_poplars concept:plantincludeplant concept_plant_trees +concept_plant_tulip_poplars concept:specializationof concept_plant_trees +concept_plant_tulips concept:plantrepresentemotion concept_emotion_love +concept_plant_tupelo concept:plantincludeplant concept_plant_trees +concept_plant_upper_branches concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_vine concept:plantincludeplant concept_plant_trees +concept_plant_vines concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_violets concept:plantrepresentemotion concept_emotion_faithfulness +concept_plant_vote concept:proxyfor concept_book_new +concept_plant_vote concept:atdate concept_date_n1999 +concept_plant_vote concept:atdate concept_date_n2000 +concept_plant_vote concept:atdate concept_date_n2003 +concept_plant_vote concept:atdate concept_date_n2004 +concept_plant_vote concept:atdate concept_date_n2009 +concept_plant_vote concept:atdate concept_dateliteral_n2002 +concept_plant_vote concept:atdate concept_dateliteral_n2005 +concept_plant_vote concept:atdate concept_dateliteral_n2006 +concept_plant_vote concept:atdate concept_dateliteral_n2008 +concept_plant_vote concept:atdate concept_year_n1989 +concept_plant_vote concept:atdate concept_year_n1991 +concept_plant_vote concept:atdate concept_year_n1995 +concept_plant_vote concept:atdate concept_year_n1998 +concept_plant_walnut concept:plantincludeplant concept_plant_hardwoods +concept_plant_walnut concept:plantincludeplant concept_plant_seedlings +concept_plant_walnut concept:plantincludeplant concept_plant_trees +concept_plant_walnut_trees concept:plantincludeplant concept_plant_trees +concept_plant_walnuts concept:plantincludeplant concept_plant_trees +concept_plant_water_hyacinth concept:plantincludeplant concept_plant_aquatic_weeds +concept_plant_water_oaks concept:plantincludeplant concept_plant_trees +concept_plant_waterlilies concept:plantincludeplant concept_plant_aquatic_plants +concept_plant_wattle concept:plantincludeplant concept_plant_trees +concept_plant_welwitschia concept:latitudelongitude -21.5166700000000,14.9916700000000 +concept_plant_western_hemlock concept:plantincludeplant concept_plant_trees +concept_plant_western_red_cedar concept:plantincludeplant concept_plant_trees +concept_plant_white_ash concept:plantincludeplant concept_plant_trees +concept_plant_white_birch concept:plantincludeplant concept_plant_trees +concept_plant_white_blossoms concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_white_cedar concept:plantincludeplant concept_plant_trees +concept_plant_white_fir concept:plantincludeplant concept_plant_trees +concept_plant_white_flowers concept:plantrepresentemotion concept_emotion_purity +concept_plant_white_flowers concept:plantgrowinginplant concept_plant_shrub +concept_plant_white_flowers concept:plantgrowinginplant concept_plant_small_tree +concept_plant_white_flowers concept:plantgrowinginplant concept_plant_trees +concept_plant_white_flowers concept:plantgrowinginplant concept_visualizablething_tree +concept_plant_white_oak concept:plantincludeplant concept_plant_trees +concept_plant_white_oaks concept:plantincludeplant concept_plant_trees +concept_plant_white_pine concept:plantincludeplant concept_plant_seedlings +concept_plant_white_pine concept:plantincludeplant concept_plant_trees +concept_plant_white_pines concept:plantincludeplant concept_plant_trees +concept_plant_white_roses concept:plantrepresentemotion concept_emotion_love +concept_plant_white_roses concept:plantrepresentemotion concept_emotion_purity +concept_plant_white_roses concept:plantrepresentemotion concept_emotion_unity +concept_plant_white_spruce concept:plantincludeplant concept_plant_trees +concept_plant_wild_cherry concept:plantincludeplant concept_plant_trees +concept_plant_wild_fig concept:plantincludeplant concept_plant_trees +concept_plant_wild_flowers concept:plantincludeplant concept_plant_trees +concept_plant_wild_plum concept:plantincludeplant concept_plant_trees +concept_plant_wildflowers concept:plantrepresentemotion concept_emotion_beauty +concept_plant_wildflowers concept:plantincludeplant concept_plant_orchids +concept_plant_wildflowers concept:plantincludeplant concept_plant_trees +concept_plant_wildflowers concept:plantgrowinginplant concept_vegetable_grass +concept_plant_willow concept:plantincludeplant concept_plant_trees +concept_plant_willow_trees concept:plantincludeplant concept_plant_trees +concept_plant_willows concept:plantincludeplant concept_plant_bushes +concept_plant_willows concept:plantincludeplant concept_plant_trees +concept_plant_wisteria concept:plantgrowinginplant concept_plant_trees +concept_plant_wisteria concept:plantincludeplant concept_plant_trees +concept_plant_woodland concept:plantincludeplant concept_plant_acacia +concept_plant_woodland concept:plantincludeplant concept_plant_ash +concept_plant_woodland concept:plantincludeplant concept_plant_beech +concept_plant_woodland concept:plantincludeplant concept_plant_birch +concept_plant_woodland concept:plantincludeplant concept_plant_conifer +concept_plant_woodland concept:plantincludeplant concept_plant_hazel +concept_plant_woodland concept:plantincludeplant concept_plant_oak +concept_plant_woodland concept:plantincludeplant concept_plant_pine +concept_plant_wreath concept:plantincludeplant concept_plant_pine +concept_plant_wreaths concept:plantincludeplant concept_plant_pine +concept_plant_yellow_birch concept:plantincludeplant concept_plant_trees +concept_plant_yellow_roses concept:plantrepresentemotion concept_emotion_friendship +concept_plant_yellow_roses concept:plantrepresentemotion concept_emotion_joy +concept_plant_yellowwood concept:plantincludeplant concept_plant_trees +concept_plant_yew concept:plantincludeplant concept_plant_hedges +concept_plant_yew concept:plantincludeplant concept_plant_trees +concept_plant_yews concept:plantincludeplant concept_plant_trees +concept_politicaloffice_agm concept:atdate concept_date_n1999 +concept_politicaloffice_agm concept:atdate concept_date_n2000 +concept_politicaloffice_agm concept:atdate concept_date_n2003 +concept_politicaloffice_agm concept:atdate concept_date_n2004 +concept_politicaloffice_agm concept:atdate concept_dateliteral_n2002 +concept_politicaloffice_agm concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_agm concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_agm concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_agm concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_assistant concept:synonymfor concept_academicfield_advising +concept_politicaloffice_assistant concept:synonymfor concept_academicfield_medical_education +concept_politicaloffice_assistant concept:synonymfor concept_book_education +concept_politicaloffice_assistant concept:proxyfor concept_book_new +concept_politicaloffice_assistant concept:synonymfor concept_celltype_recruitment +concept_politicaloffice_assistant concept:synonymfor concept_charactertrait_planning +concept_politicaloffice_assistant concept:synonymfor concept_cognitiveactions_studies +concept_politicaloffice_assistant concept:atdate concept_date_n2001 +concept_politicaloffice_assistant concept:atdate concept_dateliteral_n2002 +concept_politicaloffice_assistant concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_assistant concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_assistant concept:synonymfor concept_hobby_services +concept_politicaloffice_assistant concept:synonymfor concept_island_operations +concept_politicaloffice_assistant concept:professionistypeofprofession concept_jobposition_nurse +concept_politicaloffice_assistant concept:synonymfor concept_politicsissue_affairs +concept_politicaloffice_assistant concept:synonymfor concept_politicsissue_programs +concept_politicaloffice_assistant concept:synonymfor concept_politicsissue_resources +concept_politicaloffice_assistant concept:synonymfor concept_politicsissue_students +concept_politicaloffice_assistant concept:synonymfor concept_room_technology +concept_politicaloffice_assistant concept:synonymfor concept_scientificterm_student_services +concept_politicaloffice_assistant concept:synonymfor concept_software_support_services +concept_politicaloffice_assistant concept:synonymfor concept_university_administration +concept_politicaloffice_assistant concept:synonymfor concept_university_admissions +concept_politicaloffice_assistant concept:synonymfor concept_vehicle_research +concept_politicaloffice_assistant concept:synonymfor concept_website_support +concept_politicaloffice_assistant concept:synonymfor concept_year_student_affairs +concept_politicaloffice_association concept:mutualproxyfor concept_book_new +concept_politicaloffice_association concept:mutualproxyfor concept_professionalorganization_national_board +concept_politicaloffice_association concept:mutualproxyfor concept_website_boards +concept_politicaloffice_attorney_general concept:proxyfor concept_book_new +concept_politicaloffice_attorney_general concept:atdate concept_date_n2001 +concept_politicaloffice_attorney_general concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_billing concept:subpartof concept_landscapefeatures_water +concept_politicaloffice_boat concept:proxyfor concept_book_new +concept_politicaloffice_carolina concept:mutualproxyfor concept_book_new +concept_politicaloffice_central concept:atlocation concept_airport_europe +concept_politicaloffice_central concept:atlocation concept_bridge_new_jersey +concept_politicaloffice_central concept:atlocation concept_bridge_world +concept_politicaloffice_central concept:atlocation concept_building_america +concept_politicaloffice_central concept:atlocation concept_building_years +concept_politicaloffice_central concept:mutualproxyfor concept_emotion_mississippi +concept_politicaloffice_central concept:mutualproxyfor concept_politicsissue_oregon +concept_politicaloffice_central concept:atlocation concept_skyscraper_asia +concept_politicaloffice_city_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_politicaloffice_city_college concept:atlocation concept_stateorprovince_new_york +concept_politicaloffice_co_chair concept:proxyfor concept_book_new +concept_politicaloffice_designation concept:atdate concept_date_n2000 +concept_politicaloffice_designation concept:atdate concept_date_n2004 +concept_politicaloffice_designation concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_designation concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_executive_committee concept:atdate concept_date_n2004 +concept_politicaloffice_executive_committee concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_executive_committee concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_executive_committee concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_executive_committee concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_faculty_member concept:proxyfor concept_book_new +concept_politicaloffice_fire_commissioner concept:latitudelongitude 40.4394500000000,-74.2271700000000 +concept_politicaloffice_former_assistant concept:synonymfor concept_politicsissue_affairs +concept_politicaloffice_former_assistant concept:synonymfor concept_politicsissue_programs +concept_politicaloffice_global_leader concept:proxyfor concept_book_new +concept_politicaloffice_governor concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_governor concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_governor concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_governor concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_governors concept:mutualproxyfor concept_book_new +concept_politicaloffice_grand concept:subpartof concept_traditionalgame_vegas +concept_politicaloffice_keynote_speaker concept:proxyfor concept_book_new +concept_politicaloffice_legislature concept:atdate concept_date_n1993 +concept_politicaloffice_legislature concept:atdate concept_date_n1999 +concept_politicaloffice_legislature concept:atdate concept_date_n2000 +concept_politicaloffice_legislature concept:atdate concept_date_n2001 +concept_politicaloffice_legislature concept:atdate concept_date_n2003 +concept_politicaloffice_legislature concept:atdate concept_date_n2004 +concept_politicaloffice_legislature concept:atdate concept_date_n2009 +concept_politicaloffice_legislature concept:atdate concept_dateliteral_n2002 +concept_politicaloffice_legislature concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_legislature concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_legislature concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_legislature concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_legislature concept:atdate concept_year_n1997 +concept_politicaloffice_mayor concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_mayor concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_new concept:mutualproxyfor concept_bodypart_affected_areas +concept_politicaloffice_new concept:mutualproxyfor concept_governmentorganization_state_courts +concept_politicaloffice_new concept:mutualproxyfor concept_governmentorganization_states_department +concept_politicaloffice_new concept:mutualproxyfor concept_governmentorganization_ways +concept_politicaloffice_new concept:mutualproxyfor concept_politicsbill_state_law +concept_politicaloffice_new concept:mutualproxyfor concept_skyscraper_financial_center +concept_politicaloffice_next_election concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_office concept:proxyfor concept_book_new +concept_politicaloffice_office concept:synonymfor concept_city_washington_d_c +concept_politicaloffice_office concept:atdate concept_date_n1929 +concept_politicaloffice_office concept:atdate concept_date_n1939 +concept_politicaloffice_office concept:atdate concept_date_n1941 +concept_politicaloffice_office concept:atdate concept_date_n1944 +concept_politicaloffice_office concept:atdate concept_date_n1962 +concept_politicaloffice_office concept:atdate concept_date_n1969 +concept_politicaloffice_office concept:atdate concept_date_n1971 +concept_politicaloffice_office concept:atdate concept_date_n1977 +concept_politicaloffice_office concept:atdate concept_date_n1979 +concept_politicaloffice_office concept:atdate concept_date_n1993 +concept_politicaloffice_office concept:atdate concept_date_n1996 +concept_politicaloffice_office concept:atdate concept_date_n1999 +concept_politicaloffice_office concept:atdate concept_date_n2000 +concept_politicaloffice_office concept:atdate concept_date_n2001 +concept_politicaloffice_office concept:atdate concept_date_n2003 +concept_politicaloffice_office concept:atdate concept_date_n2004 +concept_politicaloffice_office concept:atdate concept_date_n2009 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1909 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1911 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1931 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1932 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1947 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1953 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1961 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1980 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1987 +concept_politicaloffice_office concept:atdate concept_dateliteral_n1990 +concept_politicaloffice_office concept:atdate concept_dateliteral_n2002 +concept_politicaloffice_office concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_office concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_office concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_office concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_office concept:atdate concept_dayofweek_saturday +concept_politicaloffice_office concept:atdate concept_dayofweek_thursday +concept_politicaloffice_office concept:atdate concept_dayofweek_wednesday +concept_politicaloffice_office concept:synonymfor concept_election_justice_department +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_department +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_dhhs +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_doj +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_environmental_protection_agency +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_federal_department +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_hhs +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_hhs_ +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_national_institute +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_u__s__department +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_u_s__dept +concept_politicaloffice_office concept:synonymfor concept_governmentorganization_united_states_department +concept_politicaloffice_office concept:synonymfor concept_jobposition_agency +concept_politicaloffice_office concept:subpartof concept_landscapefeatures_water +concept_politicaloffice_office concept:synonymfor concept_mlconference_dept +concept_politicaloffice_office concept:atdate concept_month_december +concept_politicaloffice_office concept:atdate concept_month_may +concept_politicaloffice_office concept:synonymfor concept_museum_u_s__department +concept_politicaloffice_office concept:subpartof concept_musicalbum_air +concept_politicaloffice_office concept:synonymfor concept_profession_division +concept_politicaloffice_office concept:synonymfor concept_sociopolitical_secretary +concept_politicaloffice_office concept:mutualproxyfor concept_sportsequipment_board +concept_politicaloffice_office concept:synonymfor concept_televisionshow_equal_employment_opportunity_commission +concept_politicaloffice_office concept:synonymfor concept_university_national_science_foundation +concept_politicaloffice_office concept:synonymfor concept_university_social_security_administration +concept_politicaloffice_office concept:atdate concept_year_n1952 +concept_politicaloffice_office concept:atdate concept_year_n1955 +concept_politicaloffice_office concept:atdate concept_year_n1959 +concept_politicaloffice_office concept:atdate concept_year_n1960 +concept_politicaloffice_office concept:atdate concept_year_n1963 +concept_politicaloffice_office concept:atdate concept_year_n1967 +concept_politicaloffice_office concept:atdate concept_year_n1970 +concept_politicaloffice_office concept:atdate concept_year_n1973 +concept_politicaloffice_office concept:atdate concept_year_n1974 +concept_politicaloffice_office concept:atdate concept_year_n1975 +concept_politicaloffice_office concept:atdate concept_year_n1981 +concept_politicaloffice_office concept:atdate concept_year_n1983 +concept_politicaloffice_office concept:atdate concept_year_n1984 +concept_politicaloffice_office concept:atdate concept_year_n1985 +concept_politicaloffice_office concept:atdate concept_year_n1986 +concept_politicaloffice_office concept:atdate concept_year_n1988 +concept_politicaloffice_office concept:atdate concept_year_n1989 +concept_politicaloffice_office concept:atdate concept_year_n1991 +concept_politicaloffice_office concept:atdate concept_year_n1992 +concept_politicaloffice_office concept:atdate concept_year_n1994 +concept_politicaloffice_office concept:atdate concept_year_n1995 +concept_politicaloffice_office concept:atdate concept_year_n1997 +concept_politicaloffice_office concept:atdate concept_year_n1998 +concept_politicaloffice_potus concept:latitudelongitude 34.2750000000000,74.3138900000000 +concept_politicaloffice_president concept:proxyfor concept_book_new +concept_politicaloffice_president concept:subpartof concept_room_house +concept_politicaloffice_secretary_general concept:atdate concept_date_n2004 +concept_politicaloffice_secretary_general concept:atdate concept_dateliteral_n2006 +concept_politicaloffice_st__john concept:mutualproxyfor concept_currency_virgin_islands +concept_politicaloffice_state_legislature concept:atdate concept_dateliteral_n2005 +concept_politicaloffice_state_legislature concept:atdate concept_dateliteral_n2008 +concept_politicaloffice_strong_advocate concept:proxyfor concept_book_new +concept_politicaloffice_strong_supporter concept:proxyfor concept_book_new +concept_politicaloffice_tax_commissioner concept:latitudelongitude 34.1166000000000,-84.1628000000000 +concept_politicaloffice_top_job concept:atdate concept_dateliteral_n2007 +concept_politicaloffice_white concept:subpartof concept_politicaloffice_office +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_beverage_madison +concept_politicaloffice_wisconsin concept:proxyfor concept_book_new +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_city_janesville +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_city_sheboygan +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_geopoliticallocation_oshkosh +concept_politicaloffice_wisconsin concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_politicaloffice_wisconsin concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_stateorprovince_racine +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_visualizablescene_la_crosse +concept_politicaloffice_wisconsin concept:mutualproxyfor concept_wine_green_bay +concept_politicalparty_acsad concept:latitudelongitude 47.3083350000000,16.7416650000000 +concept_politicalparty_alliance concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_alternative concept:proxyfor concept_emotion_new +concept_politicalparty_american_state concept:proxyfor concept_emotion_new +concept_politicalparty_australian_government concept:atdate concept_date_n2001 +concept_politicalparty_australian_government concept:atdate concept_dateliteral_n2005 +concept_politicalparty_bankers concept:proxyfor concept_emotion_new +concept_politicalparty_british_government concept:organizationheadquarteredincountry concept_country_us +concept_politicalparty_call concept:agentcreated concept_programminglanguage_contact +concept_politicalparty_call concept:agentcreated concept_scientificterm_info +concept_politicalparty_call concept:agentcreated concept_weapon_details +concept_politicalparty_call concept:agentcreated concept_website_information +concept_politicalparty_canadian_government concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_central_government concept:atdate concept_dateliteral_n2006 +concept_politicalparty_cidi concept:organizationheadquarteredincountry concept_country_netherlands +concept_politicalparty_cidi concept:mutualproxyfor concept_person_nathan_bouscher +concept_politicalparty_cidi concept:organizationhiredperson concept_person_nathan_bouscher +concept_politicalparty_cidi concept:subpartof concept_person_nathan_bouscher +concept_politicalparty_clinton_library concept:latitudelongitude 42.0750000000000,-83.9763900000000 +concept_politicalparty_coalition concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_coalition_government concept:atdate concept_dateliteral_n2006 +concept_politicalparty_coalition_government concept:mutualproxyfor concept_person_mugabe +concept_politicalparty_coalition_provisional_authority concept:atdate concept_date_n2003 +concept_politicalparty_college concept:synonymfor concept_boardgame_board +concept_politicalparty_college concept:organizationhiredperson concept_coach_bear_bryant +concept_politicalparty_college concept:synonymfor concept_programminglanguage_state +concept_politicalparty_college concept:agentactsinlocation concept_stadiumoreventvenue_assembly_hall_in +concept_politicalparty_college concept:agentactsinlocation concept_stadiumoreventvenue_bank_united_center +concept_politicalparty_college concept:organizationalsoknownas concept_university_state_university +concept_politicalparty_college concept:synonymfor concept_university_state_university +concept_politicalparty_college concept:organizationhiredperson concept_writer_knight +concept_politicalparty_comaco concept:latitudelongitude -15.0472200000000,36.7316700000000 +concept_politicalparty_continental_congress concept:proxyfor concept_emotion_new +concept_politicalparty_democratic_party concept:agentcollaborateswithagent concept_governmentorganization_house +concept_politicalparty_democratic_party concept:agentcollaborateswithagent concept_politician_obama +concept_politicalparty_democrats concept:proxyfor concept_emotion_new +concept_politicalparty_democrats concept:mutualproxyfor concept_lake_new +concept_politicalparty_democrats concept:agentcollaborateswithagent concept_politician_clinton +concept_politicalparty_democrats concept:agentcollaborateswithagent concept_politician_obama +concept_politicalparty_dems concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_economic_and_social_council concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_economic_development_council concept:mutualproxyfor concept_cardgame_board +concept_politicalparty_eec concept:organizationacronymhasname concept_politicalparty_european_economic_community +concept_politicalparty_escap concept:latitudelongitude 45.9333300000000,-0.4833300000000 +concept_politicalparty_european_commission concept:atdate concept_date_n1996 +concept_politicalparty_european_commission concept:atdate concept_date_n1999 +concept_politicalparty_european_commission concept:atdate concept_date_n2000 +concept_politicalparty_european_commission concept:atdate concept_date_n2001 +concept_politicalparty_european_commission concept:atdate concept_date_n2003 +concept_politicalparty_european_commission concept:atdate concept_date_n2004 +concept_politicalparty_european_commission concept:atdate concept_dateliteral_n2002 +concept_politicalparty_european_commission concept:atdate concept_dateliteral_n2005 +concept_politicalparty_european_commission concept:atdate concept_dateliteral_n2006 +concept_politicalparty_european_commission concept:atdate concept_dateliteral_n2007 +concept_politicalparty_european_commission concept:atdate concept_dateliteral_n2008 +concept_politicalparty_european_community concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_federation concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_first_page concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicalparty_five_states concept:proxyfor concept_emotion_new +concept_politicalparty_george_orwell concept:agentcreated concept_book_keep_the_aspidistra_flying +concept_politicalparty_george_orwell concept:agentcreated concept_movie_animal_farm +concept_politicalparty_george_orwell concept:agentcreated concept_year_nineteen_eighty_four +concept_politicalparty_glasgow_celtic concept:latitudelongitude 55.8492000000000,-4.2052000000000 +concept_politicalparty_grey_nuns concept:latitudelongitude 40.2465000000000,-74.8893300000000 +concept_politicalparty_house concept:organizationhiredperson concept_person_republican +concept_politicalparty_house concept:organizationhiredperson concept_personus_democratic +concept_politicalparty_international_atomic_energy_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_iraqi_leaders concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_politicalparty_jaffna_peninsula concept:latitudelongitude 9.7500000000000,80.1666700000000 +concept_politicalparty_labour_association concept:latitudelongitude -24.4500000000000,31.9833300000000 +concept_politicalparty_law_enforcement_agencies concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_lcy concept:latitudelongitude 51.5052800000000,0.0552800000000 +concept_politicalparty_league concept:atdate concept_date_n2001 +concept_politicalparty_league concept:atdate concept_date_n2004 +concept_politicalparty_league concept:atdate concept_date_oct_ +concept_politicalparty_league concept:atdate concept_dateliteral_n2005 +concept_politicalparty_league concept:atdate concept_dateliteral_n2006 +concept_politicalparty_league concept:atdate concept_dateliteral_n2007 +concept_politicalparty_league concept:organizationdissolvedatdate concept_month_april +concept_politicalparty_league concept:organizationdissolvedatdate concept_month_august +concept_politicalparty_league concept:organizationdissolvedatdate concept_month_march +concept_politicalparty_league concept:organizationterminatedperson concept_scientist_no_ +concept_politicalparty_league concept:atdate concept_year_n1997 +concept_politicalparty_legislatures concept:proxyfor concept_emotion_new +concept_politicalparty_letters concept:atdate concept_dateliteral_n2002 +concept_politicalparty_list concept:agentcompeteswithagent concept_insect_encyclopedia +concept_politicalparty_national_people_s_congress concept:subpartoforganization concept_biotechcompany_china +concept_politicalparty_national_treasury concept:latitudelongitude 39.6191500000000,-105.7958400000000 +concept_politicalparty_navigation_search concept:agentcompeteswithagent concept_website_article +concept_politicalparty_ndm concept:latitudelongitude 62.3333300000000,6.6666700000000 +concept_politicalparty_ohio_national_guard concept:latitudelongitude 38.9709400000000,-77.0266400000000 +concept_politicalparty_oic concept:latitudelongitude 42.2761300000000,-89.0903800000000 +concept_politicalparty_opposition_party concept:mutualproxyfor concept_person_mugabe +concept_politicalparty_organisations concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicalparty_organisations concept:organizationhiredperson concept_personus_party +concept_politicalparty_organisations concept:subpartoforganization concept_terroristorganization_state +concept_politicalparty_organization_of_american_states concept:latitudelongitude 38.8926100000000,-77.0413650000000 +concept_politicalparty_parliament concept:atdate concept_date_n1993 +concept_politicalparty_parliament concept:atdate concept_date_n1996 +concept_politicalparty_parliament concept:atdate concept_date_n1999 +concept_politicalparty_parliament concept:atdate concept_date_n2000 +concept_politicalparty_parliament concept:atdate concept_date_n2001 +concept_politicalparty_parliament concept:atdate concept_date_n2003 +concept_politicalparty_parliament concept:atdate concept_date_n2004 +concept_politicalparty_parliament concept:atdate concept_date_n2009 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n1987 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n1990 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n2002 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n2005 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n2006 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n2007 +concept_politicalparty_parliament concept:atdate concept_dateliteral_n2008 +concept_politicalparty_parliament concept:istallerthan concept_publication_people_ +concept_politicalparty_parliament concept:atdate concept_year_n1974 +concept_politicalparty_parliament concept:atdate concept_year_n1991 +concept_politicalparty_parliament concept:atdate concept_year_n1992 +concept_politicalparty_parliament concept:atdate concept_year_n1994 +concept_politicalparty_parliament concept:atdate concept_year_n1995 +concept_politicalparty_parliament concept:atdate concept_year_n1997 +concept_politicalparty_parliament concept:atdate concept_year_n1998 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n1993 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n1999 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n2000 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n2001 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n2003 +concept_politicalparty_parliamentary_elections concept:atdate concept_date_n2004 +concept_politicalparty_parliamentary_elections concept:atdate concept_dateliteral_n2002 +concept_politicalparty_parliamentary_elections concept:atdate concept_dateliteral_n2005 +concept_politicalparty_parliamentary_elections concept:atdate concept_dateliteral_n2006 +concept_politicalparty_parliamentary_elections concept:atdate concept_dateliteral_n2007 +concept_politicalparty_parliamentary_elections concept:atdate concept_dateliteral_n2008 +concept_politicalparty_parliamentary_elections concept:atdate concept_year_n1992 +concept_politicalparty_parliamentary_elections concept:atdate concept_year_n1994 +concept_politicalparty_parliamentary_elections concept:atdate concept_year_n1995 +concept_politicalparty_patriotic_front concept:subpartoforganization concept_politicalparty_zimbabwe_african_national_union +concept_politicalparty_platforms concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politicalparty_politics concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicalparty_process concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politicalparty_process concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicalparty_process concept:agentcompeteswithagent concept_personcanada_search +concept_politicalparty_process concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_process concept:agentcreated concept_programminglanguage_outlines +concept_politicalparty_process concept:agentcreated concept_scientificterm_complete +concept_politicalparty_process concept:subpartoforganization concept_terroristorganization_state +concept_politicalparty_queensland concept:atdate concept_date_n2001 +concept_politicalparty_queensland concept:proxyfor concept_emotion_new +concept_politicalparty_queensland concept:proxyfor concept_weatherphenomenon_cape +concept_politicalparty_red_army concept:atdate concept_dateliteral_n1945 +concept_politicalparty_reforms concept:atdate concept_date_n2004 +concept_politicalparty_reforms concept:atdate concept_dateliteral_n2002 +concept_politicalparty_reforms concept:proxyfor concept_emotion_new +concept_politicalparty_republic concept:synonymfor concept_academicfield_pakistan +concept_politicalparty_republic concept:synonymfor concept_airport_europe +concept_politicalparty_republic concept:synonymfor concept_awardtrophytournament_hungary +concept_politicalparty_republic concept:synonymfor concept_awardtrophytournament_ukraine +concept_politicalparty_republic concept:synonymfor concept_book_america +concept_politicalparty_republic concept:synonymfor concept_book_ireland +concept_politicalparty_republic concept:mutualproxyfor concept_book_new +concept_politicalparty_republic concept:synonymfor concept_book_romania +concept_politicalparty_republic concept:synonymfor concept_chemical_slovenia +concept_politicalparty_republic concept:synonymfor concept_city_herzegovina +concept_politicalparty_republic concept:synonymfor concept_city_montenegro +concept_politicalparty_republic concept:synonymfor concept_city_sweden +concept_politicalparty_republic concept:synonymfor concept_comedian_estonia +concept_politicalparty_republic concept:synonymfor concept_country_brazil +concept_politicalparty_republic concept:synonymfor concept_country_france_france +concept_politicalparty_republic concept:synonymfor concept_country_germany +concept_politicalparty_republic concept:synonymfor concept_country_italy +concept_politicalparty_republic concept:synonymfor concept_country_rwanda +concept_politicalparty_republic concept:synonymfor concept_country_united_states +concept_politicalparty_republic concept:synonymfor concept_currency_scotland +concept_politicalparty_republic concept:synonymfor concept_currency_sierra_leone +concept_politicalparty_republic concept:proxyfor concept_emotion_new +concept_politicalparty_republic concept:synonymfor concept_ethnicgroup_kosovo +concept_politicalparty_republic concept:synonymfor concept_ethnicgroup_united_arab_emirates +concept_politicalparty_republic concept:synonymfor concept_filmfestival_croatia +concept_politicalparty_republic concept:synonymfor concept_geometricshape_bolivia +concept_politicalparty_republic concept:synonymfor concept_geopoliticalorganization_yugoslavia +concept_politicalparty_republic concept:synonymfor concept_island_argentina +concept_politicalparty_republic concept:synonymfor concept_language_bulgaria +concept_politicalparty_republic concept:synonymfor concept_language_kazakhstan +concept_politicalparty_republic concept:synonymfor concept_language_serbia +concept_politicalparty_republic concept:synonymfor concept_male_russia +concept_politicalparty_republic concept:synonymfor concept_monument_albania +concept_politicalparty_republic concept:synonymfor concept_musicalbum_holland +concept_politicalparty_republic concept:synonymfor concept_musicalbum_us +concept_politicalparty_republic concept:synonymfor concept_musicalbum_vietnam +concept_politicalparty_republic concept:synonymfor concept_musicsong_spain +concept_politicalparty_republic concept:synonymfor concept_nongovorganization_u_s_ +concept_politicalparty_republic concept:synonymfor concept_person_iran +concept_politicalparty_republic concept:synonymfor concept_personus_bosnia_and_herzegovina +concept_politicalparty_republic concept:synonymfor concept_publication_philippines +concept_politicalparty_republic concept:synonymfor concept_university_serbia_and_montenegro +concept_politicalparty_republic concept:atdate concept_year_n1946 +concept_politicalparty_republican_leaders concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_routledge concept:atdate concept_dateliteral_n2006 +concept_politicalparty_routledge concept:atdate concept_dateliteral_n2007 +concept_politicalparty_routledge concept:atdate concept_dateliteral_n2008 +concept_politicalparty_scottish_parliament concept:atdate concept_date_n2001 +concept_politicalparty_scottish_parliament concept:atdate concept_dateliteral_n2005 +concept_politicalparty_secretariat concept:atdate concept_date_n2004 +concept_politicalparty_secretariat concept:atdate concept_dateliteral_n2005 +concept_politicalparty_secretariat concept:atdate concept_dateliteral_n2007 +concept_politicalparty_sejm concept:latitudelongitude 35.5166700000000,36.5833300000000 +concept_politicalparty_senate concept:agentcollaborateswithagent concept_biotechcompany_white +concept_politicalparty_senate concept:agentcollaborateswithagent concept_company_clinton +concept_politicalparty_senate concept:agentcontrols concept_mediatype_white +concept_politicalparty_senate concept:organizationhiredperson concept_person_republican +concept_politicalparty_senate concept:organizationhiredperson concept_person_state +concept_politicalparty_senate concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_senate concept:organizationhiredperson concept_personus_democratic +concept_politicalparty_senate concept:organizationhiredperson concept_personus_party +concept_politicalparty_several_states concept:proxyfor concept_emotion_new +concept_politicalparty_six_states concept:proxyfor concept_emotion_new +concept_politicalparty_southern_states concept:mutualproxyfor concept_book_new +concept_politicalparty_southern_states concept:proxyfor concept_emotion_new +concept_politicalparty_spellings concept:latitudelongitude 35.9792300000000,-88.2953200000000 +concept_politicalparty_territorial_government concept:latitudelongitude 35.1003000000000,-109.4965000000000 +concept_politicalparty_three_states concept:proxyfor concept_emotion_new +concept_politicalparty_treasury_department concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_two_states concept:proxyfor concept_emotion_new +concept_politicalparty_types concept:agentcompeteswithagent concept_personcanada_search +concept_politicalparty_u__s__government concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_u_n_ concept:organizationheadquarteredincity concept_city_new_york +concept_politicalparty_u_n_ concept:mutualproxyfor concept_person_iran +concept_politicalparty_u_n_ concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_u_s__government concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_u_s__government concept:atdate concept_date_n2003 +concept_politicalparty_un_general_assembly concept:atdate concept_year_n1998 +concept_politicalparty_unaids concept:organizationheadquarteredincountry concept_country_switzerland +concept_politicalparty_unaids concept:mutualproxyfor concept_person_michel_sidibe +concept_politicalparty_unaids concept:subpartof concept_person_michel_sidibe +concept_politicalparty_unesco concept:atdate concept_date_n1996 +concept_politicalparty_unesco concept:atdate concept_dateliteral_n2002 +concept_politicalparty_unesco concept:atdate concept_dateliteral_n2007 +concept_politicalparty_united_states concept:agentcollaborateswithagent concept_politician_obama +concept_politicalparty_united_states_government concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_us_public concept:latitudelongitude 41.5389200000000,-90.5551400000000 +concept_politicalparty_vanhanen concept:latitudelongitude 65.3500000000000,28.4000000000000 +concept_politicalparty_various_states concept:organizationheadquarteredincountry concept_country_u_s_ +concept_politicalparty_vatican_city_state concept:latitudelongitude 41.9022500000000,12.4533000000000 +concept_politicalparty_village concept:atdate concept_dateliteral_n2002 +concept_politicalparty_village concept:atdate concept_dateliteral_n2005 +concept_politicalparty_village concept:atdate concept_dateliteral_n2006 +concept_politicalparty_village concept:atdate concept_dateliteral_n2007 +concept_politicalparty_village concept:atdate concept_year_n1998 +concept_politicalparty_way concept:agentinvolvedwithitem concept_buildingfeature_home +concept_politicalparty_way concept:agentinvolvedwithitem concept_buildingfeature_service +concept_politicalparty_way concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politicalparty_way concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicalparty_way concept:agentparticipatedinevent concept_eventoutcome_title +concept_politicalparty_way concept:organizationdissolvedatdate concept_month_september +concept_politicalparty_way concept:agentcompeteswithagent concept_personcanada_search +concept_politicalparty_way concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicalparty_way concept:agentparticipatedinevent concept_sportsgame_championship +concept_politicalparty_way concept:agentparticipatedinevent concept_sportsgame_final +concept_politicalparty_way concept:agentparticipatedinevent concept_sportsgame_finals +concept_politicalparty_way concept:agentparticipatedinevent concept_sportsgame_series +concept_politicalparty_wdcs concept:latitudelongitude 43.5900800000000,-70.3717200000000 +concept_politicalparty_william_morris concept:agentcreated concept_book_news_from_nowhere +concept_politicalparty_wmo concept:organizationacronymhasname concept_politicalparty_world_meteorological_organization +concept_politicalparty_zimbabwe_african_peoples_union concept:agentcollaborateswithagent concept_politicalparty_joshua_nkomo +concept_politicalparty_zimbabwe_african_peoples_union concept:agentcontrols concept_politicalparty_joshua_nkomo +concept_politicalparty_zimbabwe_african_peoples_union concept:mutualproxyfor concept_politicalparty_joshua_nkomo +concept_politicalparty_zimbabwe_african_peoples_union concept:subpartof concept_politicalparty_joshua_nkomo +concept_politicalparty_zimbabwe_government concept:mutualproxyfor concept_person_mugabe +concept_politicalparty_zimbabwean_government concept:mutualproxyfor concept_person_mugabe +concept_politician_abdullah_gul concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_abe_lincoln concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_accomplishments concept:agentparticipatedinevent concept_sportsgame_series +concept_politician_african_american_president concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_alan_keyes concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_alex_sink concept:personhasresidenceingeopoliticallocation concept_city_florida +concept_politician_ali_kordan concept:latitudelongitude 34.4547000000000,47.6071000000000 +concept_politician_alvaro_uribe concept:politicianrepresentslocation concept_country_colombia +concept_politician_alvaro_uribe concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_antonio_villaraigosa concept:personhasresidenceingeopoliticallocation concept_county_los_angeles_county +concept_politician_antonio_villaraigosa concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politician_arthur_meighen concept:latitudelongitude 52.8000000000000,-119.5358900000000 +concept_politician_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_politician_ashley_swearengin concept:personhasresidenceingeopoliticallocation concept_city_fresno +concept_politician_ayalon concept:latitudelongitude 31.9468533333333,34.8944466666667 +concept_politician_barack_hussein_obama concept:politicianrepresentslocation concept_country_united_states +concept_politician_barack_hussein_obama concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_barack_hussein_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_barack_hussein_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_barack_hussein_obama concept:agentcollaborateswithagent concept_politician_clinton +concept_politician_barack_hussein_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_barack_hussein_obama_ii concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_barak_hussein_obama concept:politicianrepresentslocation concept_country_united_states +concept_politician_barrack_hussein_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_bartlet concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_benazir_bhutto concept:parentofperson concept_male_zulfikar_ali_bhutto +concept_politician_bill_ayers concept:agentcollaborateswithagent concept_politician_obama +concept_politician_bill_purcell concept:personhasresidenceingeopoliticallocation concept_city_nashville +concept_politician_bill_purcell concept:personleadsgeopoliticalorganization concept_city_nashville +concept_politician_bill_purcell concept:personhasresidenceingeopoliticallocation concept_country_tn +concept_politician_bingaman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_birch_bayh concept:politicianrepresentslocation concept_stateorprovince_indiana +concept_politician_black concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_black_president concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_boris_johnson concept:personhasresidenceingeopoliticallocation concept_city_london_city +concept_politician_boris_johnson concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politician_boris_yeltsin concept:politicianrepresentslocation concept_country_russia +concept_politician_boris_yeltsin concept:politicianrepresentslocation concept_country_russian_federation +concept_politician_boris_yeltsin concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_bret_schundler concept:personleadsgeopoliticalorganization concept_county_jersey_city +concept_politician_bush_senior concept:latitudelongitude 41.6025000000000,-74.3075000000000 +concept_politician_c_a concept:agentcontrols concept_athlete_brian_roberts +concept_politician_capitol_hill concept:atdate concept_dateliteral_n2002 +concept_politician_capitol_hill concept:atdate concept_dateliteral_n2005 +concept_politician_capitol_hill concept:atdate concept_dateliteral_n2007 +concept_politician_carolyn_goodman concept:personleadsgeopoliticalorganization concept_county_las_vegas +concept_politician_chen_shui_bian concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_chester_a__arthur concept:politicianrepresentslocation concept_country_united_states +concept_politician_chester_arthur concept:politicianrepresentslocation concept_country_united_states +concept_politician_chris_coleman concept:worksfor concept_city_st__paul +concept_politician_clinton concept:personbornincity concept_city_syracuse +concept_politician_clinton concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politician_clinton concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_female_elizabeth_dole +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_male_abraham_lincoln +concept_politician_clinton concept:agentcollaborateswithagent concept_male_bill_gates +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_male_jfk +concept_politician_clinton concept:agentcollaborateswithagent concept_personnorthamerica_john_mccain +concept_politician_clinton concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politician_clinton concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politician_clinton concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politician_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_clinton concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politician_clinton concept:agentcollaborateswithagent concept_politicalparty_democratic_party +concept_politician_clinton concept:agentcollaborateswithagent concept_politician_barack_hussein_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politician_george_soros +concept_politician_clinton concept:agentcollaborateswithagent concept_politician_geraldine_ferraro +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_ann_coulter +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_arnold_schwarzenegger +concept_politician_clinton concept:agentcollaborateswithagent concept_politicianus_barack +concept_politician_clinton concept:agentcollaborateswithagent concept_politicianus_barack_hussein +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barbara_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barrack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_richardson +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bob_dole +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bobby_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_candidate_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_candidates_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_caroline_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_charles_schumer +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_chelsea_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_chuck_schumer +concept_politician_clinton concept:agentcollaborateswithagent concept_politicianus_cindy_mccain +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_condoleezza_rice +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_dan_quayle +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_democratic_presidential_candidate_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_donna_shalala +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_eliot_spitzer +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_evan_bayh +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_fdr +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_first_president_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_former_first_lady +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_former_president_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_franklin_d__roosevelt +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_fred_thompson +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_h__w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_w_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_washington +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gloria_steinem +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_governor_romney +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_h_w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_harry_reid +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_harry_truman +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_howard_dean +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_james_carville +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_janet_reno +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_jesse_jackson +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_jimmy_carter +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_joe_biden +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_f__kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_podesta +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_karl_rove +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_laura_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_lyndon_johnson +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_madeleine_albright +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mark_penn +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_michael_moore +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_michelle_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mike_huckabee +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mikhail_gorbachev +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mitt_romney +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mr__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mr__obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mr_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mrs__clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_nancy_pelosi +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_nancy_reagan +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_newt_gingrich +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_nixon +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_oprah_winfrey +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_elect_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_elect_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_h__w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_h_w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_jimmy_carter +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_reagan +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_candidate_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rahm_emanuel +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_ron_paul +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_ronald_reagan +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rudolph_giuliani +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rudy_giuliani +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_sen__barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_sen__hillary_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_sen__hillary_rodham_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_biden +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_hillary_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_john_kerry +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_john_mccain +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_kerry +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_mccain +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senators_barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_sens__barack_obama +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_ted_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_teddy_kennedy +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_tipper_gore +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_u_s__president_bill_clinton +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_vice_president_al_gore +concept_politician_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_vice_president_gore +concept_politician_clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_cohen concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_coleman_young concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politician_congress concept:agentcollaborateswithagent concept_city_bush +concept_politician_congress concept:agentcollaborateswithagent concept_company_clinton +concept_politician_congress concept:agentcollaborateswithagent concept_politician_obama +concept_politician_congressman_barney_frank concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_congresswoman_nancy_pelosi concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_cornyn concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_cory_booker concept:personleadsgeopoliticalorganization concept_governmentorganization_newark +concept_politician_corzine concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_daniel_ortega concept:politicianrepresentslocation concept_country_republic_of_nicaragua +concept_politician_daniel_ortega concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_dave_bing concept:personhasresidenceingeopoliticallocation concept_county_detroit +concept_politician_dave_bing concept:personleadsgeopoliticalorganization concept_county_detroit +concept_politician_david_brooks concept:agentcollaborateswithagent concept_musicartist_times +concept_politician_day_president_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_december_8 concept:proxyfor concept_book_new +concept_politician_defense_secretary_donald_rumsfeld concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_defense_secretary_donald_rumsfeld concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_democrat_woodrow_wilson concept:personbelongstoorganization concept_politicalparty_house +concept_politician_democratic_candidate concept:politicianrepresentslocation concept_country_united_states +concept_politician_democratic_candidate concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_democratic_candidate concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_democratic_candidate concept:personbelongstoorganization concept_politicalparty_house +concept_politician_development concept:agentparticipatedinevent concept_eventoutcome_result +concept_politician_development concept:agentparticipatedinevent concept_sportsgame_series +concept_politician_development concept:agentcompeteswithagent concept_tradeunion_search +concept_politician_dewine concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_dino_rossi concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_dmitri_medvedev concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_dnc concept:agentcollaborateswithagent concept_politicianus_howard_dean +concept_politician_dodd concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_dodd concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_dodd concept:persongraduatedfromuniversity concept_university_college +concept_politician_douglas_wilder concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_dr__ron_paul concept:politicianrepresentslocation concept_country_united_states +concept_politician_dr__ron_paul concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_dubya concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_dubya concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_dubya concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_eisenhower concept:politicianrepresentslocation concept_building_columbia_university001 +concept_politician_eisenhower concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_eisenhower concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politician_eisenhower concept:agentcontrols concept_hotel_white +concept_politician_eisenhower concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_eisenhower concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_eisenhower concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_eisenhower concept:personbelongstoorganization concept_politicalparty_house +concept_politician_elections concept:atdate concept_date_n2000 +concept_politician_elections concept:atdate concept_date_n2001 +concept_politician_elections concept:atdate concept_date_n2009 +concept_politician_elections concept:atdate concept_year_n1988 +concept_politician_elections concept:atdate concept_year_n1991 +concept_politician_elections concept:atdate concept_year_n1992 +concept_politician_ellen_johnson_sirleaf concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_feinstein concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_felipe_calderon concept:politicianrepresentslocation concept_country_mexico +concept_politician_felipe_calderon concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_fernando_ferrer concept:atlocation concept_stateorprovince_new_york +concept_politician_florida_gov__jeb_bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_fox_news concept:agentcollaborateswithagent concept_blog_roger_ailes +concept_politician_francesconi concept:latitudelongitude 44.0833300000000,12.2833300000000 +concept_politician_francis_slay concept:personleadsgeopoliticalorganization concept_city_st__louis +concept_politician_francois_mitterrand concept:politicianrepresentslocation concept_country_france_france +concept_politician_frank_walter_steinmeier concept:personhasjobposition concept_jobposition_foreign_minister +concept_politician_franklin_pierce concept:politicianrepresentslocation concept_country_united_states +concept_politician_franklin_pierce concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_franklin_pierce concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_franklin_pierce concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_funding concept:proxyfor concept_book_new +concept_politician_funding concept:atdate concept_date_n1996 +concept_politician_funding concept:atdate concept_date_n2001 +concept_politician_funding concept:atdate concept_date_n2004 +concept_politician_funding concept:atdate concept_date_n2009 +concept_politician_funding concept:atdate concept_dateliteral_n2002 +concept_politician_funding concept:atdate concept_dateliteral_n2005 +concept_politician_funding concept:atdate concept_dateliteral_n2006 +concept_politician_funding concept:atdate concept_dateliteral_n2007 +concept_politician_funding concept:atdate concept_dateliteral_n2008 +concept_politician_funding concept:agentbelongstoorganization concept_governmentorganization_government +concept_politician_funding concept:agentbelongstoorganization concept_terroristorganization_state +concept_politician_funding concept:subpartof concept_weatherphenomenon_water +concept_politician_funding concept:atdate concept_year_n1997 +concept_politician_funding concept:atdate concept_year_n1998 +concept_politician_garamendi concept:latitudelongitude 41.1768600000000,-115.7128500000000 +concept_politician_gavin_newsom concept:personleadsorganization concept_county_san_francisco +concept_politician_george_bush concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_george_bush concept:politicianrepresentslocation concept_lake_new +concept_politician_george_bush concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_george_bush concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_george_bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_george_bush concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_george_bush concept:agentcollaborateswithagent concept_politician_obama +concept_politician_george_herbert_walker concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_george_mason concept:persongraduatedschool concept_university_college +concept_politician_gerald_r__ford concept:politicianrepresentslocation concept_country_united_states +concept_politician_geraldine_ferraro concept:agentcollaborateswithagent concept_politician_clinton +concept_politician_goings concept:latitudelongitude -42.3882900000000,172.4101500000000 +concept_politician_gov__george_w__bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_governor_mitt_romney concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_graham_clark concept:latitudelongitude 36.6231200000000,-93.2224000000000 +concept_politician_graphics concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politician_graphics concept:agentcompeteswithagent concept_tradeunion_search +concept_politician_greenberg concept:persongraduatedfromuniversity concept_university_college +concept_politician_greg_nickels concept:personleadsgeopoliticalorganization concept_county_seattle +concept_politician_gregoire concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_gregoire concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_gregor_robertson concept:worksfor concept_city_vancouver +concept_politician_guiliani concept:politicianrepresentslocation concept_lake_new +concept_politician_guiliani concept:atlocation concept_stateorprovince_new_york +concept_politician_gwb concept:personbelongstoorganization concept_politicalparty_house +concept_politician_hagel concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_han_zheng concept:personhasresidenceingeopoliticallocation concept_city_shanghai +concept_politician_helmut_kohl concept:politicianrepresentslocation concept_country_germany +concept_politician_howard concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_hu_jintao concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_hugo_ch_vez concept:politicianrepresentslocation concept_country_venezuela +concept_politician_hugo_chavez concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_human_rights_violations concept:agentparticipatedinevent concept_eventoutcome_result +concept_politician_isaac_reed concept:latitudelongitude 35.2670200000000,-88.1761500000000 +concept_politician_jacques_chirac concept:politicianrepresentslocation concept_country_france_france +concept_politician_jacques_chirac concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_james concept:persondiedatage 6 +concept_politician_james concept:agentcollaborateswithagent concept_male_world +concept_politician_james concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_politician_james_knox_polk concept:politicianrepresentslocation concept_country_united_states +concept_politician_james_monroe concept:politicianrepresentslocation concept_country_united_states +concept_politician_james_monroe concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_jeb concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_jeb concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_jindal concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_jobs concept:persondiedatage 4 +concept_politician_jobs concept:agentcollaborateswithagent concept_actor_today +concept_politician_jobs concept:agentcontrols concept_actor_today +concept_politician_jobs concept:agentcollaborateswithagent concept_athlete_mac +concept_politician_jobs concept:agentbelongstoorganization concept_automobilemaker_announcement +concept_politician_jobs concept:agentcontrols concept_automobilemaker_jeff_bezos +concept_politician_jobs concept:worksfor concept_automobilemaker_jeff_bezos +concept_politician_jobs concept:topmemberoforganization concept_biotechcompany_apple +concept_politician_jobs concept:agentcontrols concept_book_friends +concept_politician_jobs concept:agentcontrols concept_book_helm +concept_politician_jobs concept:agentcollaborateswithagent concept_celebrity_safari +concept_politician_jobs concept:agentcollaborateswithagent concept_ceo_eric_schmidt +concept_politician_jobs concept:agentcontrols concept_ceo_eric_schmidt +concept_politician_jobs concept:agentcollaborateswithagent concept_ceo_iphone +concept_politician_jobs concept:agentcontrols concept_ceo_michael_dell +concept_politician_jobs concept:agentcollaborateswithagent concept_ceo_richard +concept_politician_jobs concept:agentcontrols concept_ceo_richard +concept_politician_jobs concept:agentcollaborateswithagent concept_ceo_woz +concept_politician_jobs concept:agentcontrols concept_ceo_woz +concept_politician_jobs concept:agentcontrols concept_charactertrait_life +concept_politician_jobs concept:agentcontrols concept_charactertrait_world +concept_politician_jobs concept:worksfor concept_city_design +concept_politician_jobs concept:agentcontrols concept_city_number +concept_politician_jobs concept:agentcollaborateswithagent concept_city_team +concept_politician_jobs concept:agentcontrols concept_city_team +concept_politician_jobs concept:personbornincity concept_city_york +concept_politician_jobs concept:personborninlocation concept_city_york +concept_politician_jobs concept:agentcollaborateswithagent concept_comedian_richard +concept_politician_jobs concept:mutualproxyfor concept_company_apple +concept_politician_jobs concept:subpartof concept_company_apple +concept_politician_jobs concept:agentcollaborateswithagent concept_company_apple_iphone +concept_politician_jobs concept:agentcontrols concept_company_apple_iphone +concept_politician_jobs concept:worksfor concept_company_case +concept_politician_jobs concept:agentcontrols concept_company_imac +concept_politician_jobs concept:worksfor concept_company_imac +concept_politician_jobs concept:agentcollaborateswithagent concept_company_innovation +concept_politician_jobs concept:agentcontrols concept_company_innovation +concept_politician_jobs concept:agentcontrols concept_company_microsoft +concept_politician_jobs concept:personleadsorganization concept_company_next_computer +concept_politician_jobs concept:worksfor concept_company_next_computer +concept_politician_jobs concept:worksfor concept_company_oracle +concept_politician_jobs concept:agentcontrols concept_company_pixar +concept_politician_jobs concept:proxyfor concept_company_pixar +concept_politician_jobs concept:agentcontrols concept_county_newton +concept_politician_jobs concept:worksfor concept_county_newton +concept_politician_jobs concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politician_jobs concept:agentparticipatedinevent concept_eventoutcome_result +concept_politician_jobs concept:agentcollaborateswithagent concept_female_macbook_air +concept_politician_jobs concept:agentcontrols concept_female_macbook_air +concept_politician_jobs concept:worksfor concept_geopoliticallocation_world +concept_politician_jobs concept:politicianrepresentslocation concept_lake_new +concept_politician_jobs concept:agentcontrols concept_male_end +concept_politician_jobs concept:agentcollaborateswithagent concept_male_world +concept_politician_jobs concept:agentcontrols concept_museum_macworld +concept_politician_jobs concept:agentcontrols concept_musicalbum_point +concept_politician_jobs concept:agentcontrols concept_musicalbum_safari +concept_politician_jobs concept:agentcontrols concept_musicalbum_stage +concept_politician_jobs concept:agentcontrols concept_musicalbum_story +concept_politician_jobs concept:agentcontrols concept_musicsong_itunes +concept_politician_jobs concept:agentcontrols concept_musicsong_last_year +concept_politician_jobs concept:agentcontrols concept_nonneginteger_one +concept_politician_jobs concept:agentcollaborateswithagent concept_person_crew +concept_politician_jobs concept:agentcontrols concept_person_larry_ellison +concept_politician_jobs concept:agentcollaborateswithagent concept_person_macintosh +concept_politician_jobs concept:agentcontrols concept_person_macintosh +concept_politician_jobs concept:agentcollaborateswithagent concept_person_meg_whitman +concept_politician_jobs concept:agentcontrols concept_person_meg_whitman +concept_politician_jobs concept:agentcollaborateswithagent concept_personus_jobs +concept_politician_jobs concept:agentcontrols concept_personus_jobs +concept_politician_jobs concept:agentcontrols concept_personus_steve_ballmer +concept_politician_jobs concept:agentcollaborateswithagent concept_personus_warren_buffet +concept_politician_jobs concept:agentcontrols concept_personus_warren_buffet +concept_politician_jobs concept:agentcontrols concept_physicalaction_lot +concept_politician_jobs concept:agentcontrols concept_politicsissue_creation +concept_politician_jobs concept:agentcontrols concept_politicsissue_god +concept_politician_jobs concept:agentcontrols concept_product_apple_tv +concept_politician_jobs concept:agentcontrols concept_product_appletv +concept_politician_jobs concept:agentcontrols concept_product_yahoo +concept_politician_jobs concept:proxyfor concept_professionalorganization_apple_inc +concept_politician_jobs concept:subpartof concept_professionalorganization_apple_inc +concept_politician_jobs concept:agentcontrols concept_programminglanguage_future +concept_politician_jobs concept:personleadsorganization concept_recordlabel_walt_disney +concept_politician_jobs concept:worksfor concept_recordlabel_walt_disney +concept_politician_jobs concept:agentcontrols concept_retailstore_apple_computer_inc_ +concept_politician_jobs concept:proxyfor concept_retailstore_apple_computer_inc_ +concept_politician_jobs concept:subpartof concept_retailstore_apple_computer_inc_ +concept_politician_jobs concept:agentcontrols concept_retailstore_apple_computers +concept_politician_jobs concept:proxyfor concept_retailstore_apple_computers +concept_politician_jobs concept:subpartof concept_retailstore_apple_computers +concept_politician_jobs concept:agentcontrols concept_retailstore_itunes_store +concept_politician_jobs concept:personleadsorganization concept_sportsteam_end +concept_politician_jobs concept:personbelongstoorganization concept_sportsteam_state_university +concept_politician_jobs concept:personmovedtostateorprovince concept_stateorprovince_illinois +concept_politician_jobs concept:worksfor concept_stateorprovince_last_year +concept_politician_jobs concept:personmovedtostateorprovince concept_stateorprovince_maryland +concept_politician_jobs concept:personmovedtostateorprovince concept_stateorprovince_oklahoma +concept_politician_jobs concept:agentcontrols concept_televisionshow_job +concept_politician_jobs concept:worksfor concept_terroristorganization_point +concept_politician_jobs concept:agentcontrols concept_transportation_two +concept_politician_jobs concept:persongraduatedfromuniversity concept_university_college +concept_politician_jobs concept:persongraduatedschool concept_university_college +concept_politician_jobs concept:worksfor concept_university_google +concept_politician_jobs concept:persongraduatedschool concept_university_high_school +concept_politician_jobs concept:personleadsorganization concept_university_microsoft +concept_politician_jobs concept:worksfor concept_university_microsoft +concept_politician_jobs concept:personbelongstoorganization concept_university_oracle +concept_politician_jobs concept:persongraduatedfromuniversity concept_university_reed_college +concept_politician_jobs concept:persongraduatedfromuniversity concept_university_state_university +concept_politician_jobs concept:persongraduatedschool concept_university_state_university +concept_politician_jobs concept:worksfor concept_university_yahoo +concept_politician_jobs concept:agentcontrols concept_videogamesystem_apple_macintosh +concept_politician_jobs concept:agentcontrols concept_videogamesystem_ipod +concept_politician_jobs concept:agentcontrols concept_wallitem_beginning +concept_politician_jobs concept:agentcontrols concept_website_amazon +concept_politician_jobs concept:agentcontrols concept_website_announcement +concept_politician_jobs concept:agentcontrols concept_website_iphone +concept_politician_jobs concept:agentcontrols concept_website_jobs +concept_politician_jobs concept:agentcontrols concept_website_mac +concept_politician_jobs concept:agentcontrols concept_website_phone +concept_politician_jobs concept:worksfor concept_website_technology +concept_politician_john concept:persondiedatage 2 +concept_politician_john concept:fatherofperson concept_person_andrew001 +concept_politician_john concept:fatherofperson concept_person_patrice_bergeron +concept_politician_john_howard concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_john_mccain concept:politicianholdsoffice concept_jobposition_president_elect +concept_politician_john_mccain concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_john_mccain concept:politicianholdsoffice concept_politicaloffice_commander +concept_politician_john_mccain concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_john_mccain concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_john_mccain concept:politicianholdsoffice concept_profession_u_s__senators +concept_politician_john_mccain concept:politicianrepresentslocation concept_river_state +concept_politician_john_mccain concept:politicianrepresentslocation concept_stateorprovince_arizona +concept_politician_johnny_ford concept:latitudelongitude 33.8328900000000,-87.3855600000000 +concept_politician_joseph concept:persondiedatage 110 +concept_politician_joseph concept:fatherofperson concept_male_manasseh +concept_politician_joseph concept:politicianrepresentslocation concept_mountainrange_church +concept_politician_joseph concept:fatherofperson concept_person_aaron +concept_politician_joseph concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_junichiro_koizumi concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_kaine concept:worksfor concept_publication_richmond +concept_politician_kingston concept:proxyfor concept_book_new +concept_politician_kingston concept:proxyfor concept_company_new_york +concept_politician_kingston concept:mutualproxyfor concept_radiostation_new_jersey +concept_politician_kitty_piercy concept:personleadsgeopoliticalorganization concept_city_eugene +concept_politician_kofi_annan concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_kyl concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_politician_lbj concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_lee_myung_bak concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_lee_teng_hui concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_levin concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_lincoln concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_lincoln concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_lincoln concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_linda_lingle concept:politicianrepresentslocation concept_stateorprovince_hawaii +concept_politician_ma_ying_jeou concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mahmoud_abbas concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mahmoud_ahmadinejad concept:politicianrepresentslocation concept_geopoliticalorganization_islamic_republic +concept_politician_mahmoud_ahmadinejad concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_marc concept:personleadsgeopoliticalorganization concept_city_new_orleans +concept_politician_marc concept:personbornincity concept_city_york +concept_politician_marc concept:persongraduatedfromuniversity concept_university_state_university +concept_politician_marc concept:persongraduatedschool concept_university_state_university +concept_politician_mark_l__mallory concept:atlocation concept_city_cincinnati +concept_politician_mary_mcaleese concept:politicianrepresentslocation concept_country_ireland +concept_politician_mary_shelton concept:latitudelongitude 48.1120400000000,-122.2659800000000 +concept_politician_maryland_lt___gov__michael_steele concept:politicianholdsoffice concept_politicaloffice_chairman +concept_politician_mccain_palin concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_mcconnell concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_md concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mexican_president_vicente_fox concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_michael_nutter concept:personhasresidenceingeopoliticallocation concept_county_philadelphia +concept_politician_michael_nutter concept:worksfor concept_county_philadelphia +concept_politician_michael_nutter concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politician_michael_r__bloomberg concept:atlocation concept_island_new_york_city_metropolitan_area +concept_politician_mikhail_saakashvili concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mitt concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_mitt concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mitt concept:personhasresidenceingeopoliticallocation concept_stateorprovince_massachusetts +concept_politician_mohammad_khatami concept:personhasjobposition concept_politicaloffice_president +concept_politician_mohammad_khatami concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_politician_moore concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_mufi_hannemann concept:personhasresidenceingeopoliticallocation concept_city_honolulu +concept_politician_n1789_george_washington concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_nelson_mandela concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_nicolas_sarkozy concept:hasspouse concept_celebrity_carla_bruni +concept_politician_nicolas_sarkozy concept:personhasjobposition concept_politicaloffice_president +concept_politician_nicolas_sarkozy concept:personleadsorganization concept_sportsteam_france +concept_politician_nicolas_sarkozy concept:worksfor concept_sportsteam_france +concept_politician_norwood concept:atlocation concept_beach_massachusetts +concept_politician_norwood concept:subpartof concept_beach_massachusetts +concept_politician_obama concept:politicianrepresentslocation concept_country_region +concept_politician_obama concept:politicianrepresentslocation concept_country_u_s_a_ +concept_politician_obama concept:atdate concept_dateliteral_n2007 +concept_politician_obama concept:agentcollaborateswithagent concept_female_hilary +concept_politician_obama concept:agentcollaborateswithagent concept_female_hillary +concept_politician_obama concept:politicianrepresentslocation concept_geopoliticalorganization_us_ +concept_politician_obama concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_obama concept:agentcontrols concept_hotel_white +concept_politician_obama concept:politicianholdsoffice concept_jobposition_commander_in_chief +concept_politician_obama concept:politicianholdsoffice concept_jobposition_first_black_president +concept_politician_obama concept:personhasjobposition concept_jobposition_lord +concept_politician_obama concept:politicianholdsoffice concept_jobposition_member +concept_politician_obama concept:politicianholdsoffice concept_jobposition_president_ +concept_politician_obama concept:politicianholdsoffice concept_jobposition_president_elect +concept_politician_obama concept:politicianrepresentslocation concept_lake_new +concept_politician_obama concept:proxyfor concept_lake_new +concept_politician_obama concept:agentcollaborateswithagent concept_person_bill +concept_politician_obama concept:agentcollaborateswithagent concept_person_house +concept_politician_obama concept:agentcollaborateswithagent concept_person_miley_cyrus +concept_politician_obama concept:agentcollaborateswithagent concept_personnorthamerica_hillary_rodham +concept_politician_obama concept:agentcollaborateswithagent concept_personnorthamerica_john_mccain +concept_politician_obama concept:agentcollaborateswithagent concept_personus_candidates_john_mccain +concept_politician_obama concept:agentcollaborateswithagent concept_personus_denzel_washington +concept_politician_obama concept:agentcollaborateswithagent concept_personus_hilary_rodham_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_personus_jeremiah_wright +concept_politician_obama concept:agentcollaborateswithagent concept_personus_tiger_woods +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_black_president +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_commander +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_illinois_senate +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_illinois_senate_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_potus +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_potus_ +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_prez +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_senate_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_state_senate +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_state_senator +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_u_s__president +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_u_s__senate_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_u_s__senator +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_united_states_senate_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_us_president +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_us_senate_seat +concept_politician_obama concept:politicianholdsoffice concept_politicaloffice_us_senator +concept_politician_obama concept:agentcollaborateswithagent concept_politician_congress +concept_politician_obama concept:agentcollaborateswithagent concept_politician_george_bush +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_al_gore +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_biden +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_bill_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_chris_dodd +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_george_w__bush +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_harry_reid +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_hilary_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_hillary_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_hillary_rodham_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_joe_biden +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_john_edwards +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_john_f__kennedy +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_john_kerry +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_martin_luther_king +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_mike_huckabee +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_nancy_pelosi +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_president_bush +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_rodham_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_ron_paul +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_ronald_reagan +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_senators_john_mccain +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_sens__hillary_clinton +concept_politician_obama concept:agentcollaborateswithagent concept_politicianus_sens__john_mccain +concept_politician_obama concept:persongraduatedfromuniversity concept_school_columbia +concept_politician_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_obama concept:persongraduatedfromuniversity concept_university_columbia_university +concept_politician_obama concept:persongraduatedfromuniversity concept_university_harvard +concept_politician_obama concept:persongraduatedfromuniversity concept_university_harvard_law +concept_politician_obama concept:persongraduatedfromuniversity concept_university_harvard_law_school +concept_politician_obama concept:persongraduatedfromuniversity concept_university_harvard_university +concept_politician_obama concept:persongraduatedfromuniversity concept_university_law_school +concept_politician_omisore concept:latitudelongitude 7.0666700000000,4.6166700000000 +concept_politician_paterson concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_per_n concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_perot concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_politician_phil_bryant concept:personhasresidenceingeopoliticallocation concept_stateorprovince_mississippi +concept_politician_president_barak_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_president_carter concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_president_carter concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_president_carter concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_president_carter concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_dwight_d__eisenhower concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_eisenhower concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_president_eisenhower concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_president_eisenhower concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_franklin_d__roosevelt concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_president_franklin_d__roosevelt concept:politicianholdsoffice concept_politicaloffice_assistant_secretary +concept_politician_president_franklin_d__roosevelt concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_franklin_roosevelt concept:haswife concept_female_eleanor_roosevelt +concept_politician_president_george_w_ concept:hasspouse concept_celebrity_laura_bush +concept_politician_president_george_w_ concept:agentcollaborateswithagent concept_city_bush +concept_politician_president_george_w_ concept:personhasresidenceingeopoliticallocation concept_country_united_states +concept_politician_president_george_w_ concept:personhasresidenceingeopoliticallocation concept_country_us +concept_politician_president_george_w_ concept:atdate concept_date_n2001 +concept_politician_president_george_w_ concept:atdate concept_date_n2003 +concept_politician_president_george_w_ concept:atdate concept_date_n2004 +concept_politician_president_george_w_ concept:atdate concept_dateliteral_n2002 +concept_politician_president_george_w_ concept:atdate concept_dateliteral_n2005 +concept_politician_president_george_w_ concept:atdate concept_dateliteral_n2006 +concept_politician_president_george_w_ concept:atdate concept_dateliteral_n2007 +concept_politician_president_george_w_ concept:atdate concept_dateliteral_n2008 +concept_politician_president_george_w_ concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_president_george_w_ concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_president_george_w_ concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_president_george_w_ concept:personbelongstoorganization concept_politicalparty_house +concept_politician_president_george_w_ concept:personhasresidenceingeopoliticallocation concept_stateorprovince_texas +concept_politician_president_george_washington concept:politicianrepresentslocation concept_country_united_states +concept_politician_president_george_washington concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_president_george_washington concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_gerald_ford concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_grant concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_grover_cleveland concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_president_grover_cleveland concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_harrison concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_harry_s__truman concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_john_tyler concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_johnson concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_roosevelt concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_president_william_mckinley concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_previous_entries concept:agentparticipatedinevent concept_sportsgame_series +concept_politician_prime_minister_tony_blair concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_prime_minister_tony_blair concept:politicianholdsoffice concept_politicaloffice_u_s__president +concept_politician_prime_minister_tony_blair concept:politicianholdsoffice concept_politicaloffice_us_president +concept_politician_print concept:agentcollaborateswithagent concept_blog_site +concept_politician_print concept:agentcollaborateswithagent concept_company_adobe +concept_politician_print concept:agentcollaborateswithagent concept_person_home001 +concept_politician_print concept:agentcollaborateswithagent concept_politicianus_form +concept_politician_print concept:agentcollaborateswithagent concept_tradeunion_web_site +concept_politician_rafsanjani concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_ralph concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_raul_castro concept:politicianrepresentslocation concept_country_cuba +concept_politician_ray_nagin concept:worksfor concept_city_new_orleans +concept_politician_reagan concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_reagan concept:politicianrepresentslocation concept_country_us +concept_politician_reagan concept:politicianrepresentslocation concept_country_usa +concept_politician_reagan concept:agentcontrols concept_election_white +concept_politician_reagan concept:haswife concept_female_nancy_davis +concept_politician_reagan concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_assistant_secretary +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_deputy_secretary +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_reagan concept:politicianholdsoffice concept_politicaloffice_u_s__secretary +concept_politician_reagan concept:personbelongstoorganization concept_politicalparty_house +concept_politician_reagan concept:agentcollaborateswithagent concept_politician_congress +concept_politician_reform concept:atdate concept_date_n2001 +concept_politician_reform concept:atdate concept_dateliteral_n2007 +concept_politician_reid concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_rep concept:proxyfor concept_book_new +concept_politician_rep concept:agentcreated concept_movie_contact +concept_politician_representative_barney_frank concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_representative_george_miller concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_reynolds concept:politicianrepresentslocation concept_bridge_royal_academy +concept_politician_richard_j__daley concept:personleadsorganization concept_biotechcompany_chicago +concept_politician_rob_ford concept:personhasresidenceingeopoliticallocation concept_city_toronto +concept_politician_robert concept:persondiedatage 2 +concept_politician_robert_mugabe concept:personhasresidenceingeopoliticallocation concept_country_southern_african_country +concept_politician_robert_mugabe concept:personhasjobposition concept_politicaloffice_president +concept_politician_robert_mugabe concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_ronald_reagan concept:agentcontrols concept_election_white +concept_politician_ronald_reagan concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_roosevelt concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_roosevelt concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_roosevelt concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_roosevelt concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_roosevelt concept:politicianholdsoffice concept_politicaloffice_u_s__president +concept_politician_ryan concept:persondiedatage 3 +concept_politician_ryan concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_ryan concept:personbelongstoorganization concept_politicalparty_college +concept_politician_saddam_hussein001 concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politician_saddam_hussein001 concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_politician_saddam_hussein001 concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_santorum concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senate concept:politicianholdsoffice concept_jobposition_president_elect +concept_politician_senate concept:politicianholdsoffice concept_politicaloffice_governor +concept_politician_senate concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_senate concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_politician_senator_arlen_specter concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_barak_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_bennett concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_dewine concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_dianne_feinstein concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_dodd concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_edward_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_joe_lieberman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_john_edwards concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_john_warner concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_jon_kyl concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_lieberman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_lindsey_graham concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_lott concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_santorum concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_schumer concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_smith concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_ted_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_senator_warner concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_sheila_dixon concept:personhasresidenceingeopoliticallocation concept_city_baltimore +concept_politician_shirley_franklin concept:personleadsgeopoliticalorganization concept_county_atlanta +concept_politician_simmons concept:persongraduatedfromuniversity concept_university_college +concept_politician_simpson concept:personbornincity concept_city_york +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_double_murder +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_murder_charges +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_murders +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_robbery +concept_politician_simpson concept:personchargedwithcrime concept_crimeorcharge_slayings +concept_politician_simpson concept:personchargedwithcrime concept_militaryeventtype_killings +concept_politician_simpson concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_sites concept:agentinvolvedwithitem concept_buildingfeature_browser_windows +concept_politician_sites concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politician_sites concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politician_sites concept:agentparticipatedinevent concept_eventoutcome_result +concept_politician_sites concept:agentinvolvedwithitem concept_software_browser +concept_politician_sites concept:agentparticipatedinevent concept_sportsgame_terms +concept_politician_sites concept:agentbelongstoorganization concept_terroristorganization_state +concept_politician_sites concept:agentcompeteswithagent concept_tradeunion_search +concept_politician_sites concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_politician_specter concept:politicianholdsoffice concept_politicaloffice_senator +concept_politician_stephanie_rawlings_blake concept:personleadsgeopoliticalorganization concept_county_baltimore +concept_politician_stephen_harper concept:personhascitizenship concept_country_canada_canada +concept_politician_stephen_mandel concept:personhasresidenceingeopoliticallocation concept_city_edmonton +concept_politician_tarja_halonen concept:politicianrepresentslocation concept_country_finland +concept_politician_team_leader concept:agentcreated concept_movie_contact +concept_politician_teddy_roosevelt concept:politicianrepresentslocation concept_country_united_states +concept_politician_teddy_roosevelt concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_teddy_roosevelt concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_teddy_roosevelt concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_thabo_mbeki concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_theodore_roosevelt concept:politicianrepresentslocation concept_country_u_s_ +concept_politician_theodore_roosevelt concept:politicianrepresentslocation concept_country_united_states +concept_politician_theodore_roosevelt concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_theodore_roosevelt concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_theodore_roosevelt concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_theodore_roosevelt concept:politicianrepresentslocation concept_stateorprovince_states +concept_politician_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_politician_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_politician_time_barack concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_time_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_politician_u_s__congress concept:agentcollaborateswithagent concept_city_bush +concept_politician_u_s__congress concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_u_s__president_george_w__bush concept:personbelongstoorganization concept_governmentorganization_house +concept_politician_u_s__president_george_w__bush concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_united_states_congress concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_urho_kekkonen concept:latitudelongitude 68.1666700000000,28.2500000000000 +concept_politician_us_president_george_w__bush concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_us_president_george_w__bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_ut concept:agentcollaborateswithagent concept_coach_philip_fulmer +concept_politician_ut concept:agentcontrols concept_coach_philip_fulmer +concept_politician_vaiko concept:latitudelongitude 10.5000000000000,106.5500000000000 +concept_politician_vanessa_redgrave concept:personhasjobposition concept_jobposition_actress +concept_politician_vice_president_biden concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_vice_president_dick_cheney concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_vice_president_dick_cheney concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_vice_president_elect_joe_biden concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_vice_president_joe_biden concept:politicianholdsoffice concept_politicaloffice_office +concept_politician_viktor_yushchenko concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_vincente_fox concept:politicianrepresentslocation concept_country_mexico +concept_politician_vincente_fox concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_politician_vladimir_putin concept:politicianrepresentslocation concept_country_russian_federation +concept_politician_vladimir_putin concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_w__bush concept:politicianrepresentslocation concept_country_us +concept_politician_w__bush concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politician_w__bush concept:agentcollaborateswithagent concept_person_gore +concept_politician_w__bush concept:agentcollaborateswithagent concept_person_mccain +concept_politician_w__bush concept:agentcollaborateswithagent concept_personnorthamerica_john_mccain +concept_politician_w__bush concept:personhasjobposition concept_politicaloffice_president +concept_politician_w__bush concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_w__bush concept:agentcollaborateswithagent concept_politicianus_al_gore +concept_politician_w__bush concept:agentcollaborateswithagent concept_politicianus_john_kerry +concept_politician_w__bush concept:politicianrepresentslocation concept_river_american +concept_politician_w_bush concept:politicianrepresentslocation concept_country_us +concept_politician_waddoups concept:latitudelongitude 43.7379600000000,-113.5518733333333 +concept_politician_walter_veltroni concept:personhasresidenceingeopoliticallocation concept_city_rome +concept_politician_walter_veltroni concept:personleadsgeopoliticalorganization concept_city_rome +concept_politician_walter_veltroni concept:personleadsorganization concept_city_rome +concept_politician_warren_harding concept:politicianrepresentslocation concept_country_united_states +concept_politician_warren_harding concept:politicianholdsoffice concept_politicaloffice_president +concept_politician_warren_harding concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politician_wellington concept:proxyfor concept_book_new +concept_politician_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_politician_whalen concept:persongraduatedfromuniversity concept_university_college +concept_politician_william_fulbright concept:latitudelongitude 38.8997200000000,-77.0500000000000 +concept_politician_william_l concept:persongraduatedschool concept_university_state_university +concept_politician_willy_brandt concept:worksfor concept_city_west_berlin +concept_politician_willy_brandt concept:personhasjobposition concept_jobposition_chancellor +concept_politician_win concept:agentinvolvedwithitem concept_clothing_mac +concept_politician_wladislaw concept:latitudelongitude 43.1833300000000,26.0000000000000 +concept_politician_wladislaw concept:personhascitizenship concept_country_poland +concept_politicianus_adam_putnam concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_adam_smith concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_adrian_gonzalez concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_adrian_gonzalez concept:agentcollaborateswithagent concept_personnorthamerica_new_york +concept_politicianus_al_franken concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_al_franken concept:politicianusholdsoffice concept_politicaloffice_senator +concept_politicianus_al_franken concept:politicianusendorsedbypoliticianus concept_politicianus_incumbent_republican_norm_coleman +concept_politicianus_al_franken concept:politicianusendorsedbypoliticianus concept_politicianus_republican_norm_coleman +concept_politicianus_al_franken concept:politicianusendorsedbypoliticianus concept_politicianus_republican_sen__norm_coleman +concept_politicianus_al_franken concept:politicianusendorsedbypoliticianus concept_politicianus_sen__norm_coleman +concept_politicianus_al_gore concept:personleadsorganization concept_country_us +concept_politicianus_al_gore concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_al_gore concept:personhasjobposition concept_jobposition_former_us_vice_president +concept_politicianus_al_gore concept:personhasjobposition concept_jobposition_former_vice_president +concept_politicianus_al_gore concept:personhasjobposition concept_jobposition_u_s__vice_president +concept_politicianus_al_gore concept:personhasjobposition concept_jobposition_us_vice_president +concept_politicianus_al_gore concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_al_gore concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_al_gore concept:personhasjobposition concept_politicaloffice_vice_president +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_al_gore concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_al_gore concept:agentcollaborateswithagent concept_politician_w__bush +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bradley +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_al_gore concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_al_sharpton concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_al_smith concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_alaska_governor concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_alaska_governor_sarah_palin concept:personbelongstoorganization concept_organization_republican +concept_politicianus_albert_gore concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_alberto_gonzales concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_alcee_hastings concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_amy_klobuchar concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_anderson_cooper concept:agentcollaborateswithagent concept_company_cnn +concept_politicianus_andrew_jackson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_andrew_jackson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_andrew_jackson concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_andrew_johnson concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_andrew_johnson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_andrew_johnson concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_ann_coulter concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_anne_northup concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_antonin_scalia concept:politicianusmemberofpoliticalgroup concept_governmentorganization_supreme_court +concept_politicianus_ariel_sharon concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_ariel_sharon concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_arizona_senator concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_arlen_specter concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_arlen_specter concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_arlen_specter concept:politicianholdsoffice concept_profession_u_s__senators +concept_politicianus_arlen_specter concept:politicianrepresentslocation concept_stateorprovince_pennsylvania +concept_politicianus_arlen_spector concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_armitage concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politicianus_arne_duncan concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_arnold_schwarzenegger concept:politicianusholdsoffice concept_politicaloffice_california_governor +concept_politicianus_arnold_schwarzenegger concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_arnold_schwarzenegger concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_arnold_schwarzenegger concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_arnold_schwarzenegger concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_arnold_schwarzenegger concept:personhasresidenceingeopoliticallocation concept_stateorprovince_california +concept_politicianus_at_t concept:subpartof concept_product_sprint +concept_politicianus_at_t concept:subpartof concept_retailstore_sprint_nextel +concept_politicianus_b__hussein concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_baldwin concept:personhasjobposition concept_jobposition_king +concept_politicianus_baldwin concept:persongraduatedfromuniversity concept_university_college +concept_politicianus_barack concept:personbornincity concept_city_york +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_adviser +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_commander_in_chief +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_first_black_president +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_first_democratic_presidential_candidate +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_first_politician +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_forty_fourth_president +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_great_president +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_member +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_president_elect +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_president_jan +concept_politicianus_barack concept:politicianusholdsoffice concept_jobposition_u__s__president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_american_presidency +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_black_president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_chairman +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_commander +concept_politicianus_barack concept:politicianholdsoffice concept_politicaloffice_first_president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_illinois_senate +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_potus +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_potus_ +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_seat +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_senate +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_senate_seat +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_senator +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_u_s__presidency +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_u_s__senator +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_united_states_presidency +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_united_states_president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_united_states_senator +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_us_presidency +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_us_president +concept_politicianus_barack concept:politicianusholdsoffice concept_politicaloffice_us_senator +concept_politicianus_barack concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_politicianus_barack concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barack concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_barack concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_barack concept:politicianusholdsoffice concept_profession_next_leader +concept_politicianus_barack concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_barack_h__obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_barack_h__obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barack_hussein concept:politicianusholdsoffice concept_jobposition_president_elect +concept_politicianus_barack_hussein concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_barack_hussein concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barack_hussein concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barack_obama concept:agentcreated concept_book_the_audacity_of_hope +concept_politicianus_barack_obama concept:personborninlocation concept_city_hampshire +concept_politicianus_barack_obama concept:politicianrepresentslocation concept_country_the_united_states +concept_politicianus_barack_obama concept:personhasresidenceingeopoliticallocation concept_country_u_s_ +concept_politicianus_barack_obama concept:politicianrepresentslocation concept_country_u_s_a_ +concept_politicianus_barack_obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_barack_obama concept:personhasresidenceingeopoliticallocation concept_country_us +concept_politicianus_barack_obama concept:haswife concept_female_michelle_obama +concept_politicianus_barack_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_barack_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_the_white_house +concept_politicianus_barack_obama concept:agentcontrols concept_hotel_white +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_jobposition_first_black_president +concept_politicianus_barack_obama concept:personhasjobposition concept_jobposition_president_elect +concept_politicianus_barack_obama concept:personhasjobposition concept_jobposition_sen +concept_politicianus_barack_obama concept:politicianusmemberofpoliticalgroup concept_nongovorganization_barack_obama__s_presidential_campaign +concept_politicianus_barack_obama concept:personbelongstoorganization concept_organization_democratic +concept_politicianus_barack_obama concept:agentcollaborateswithagent concept_person_house +concept_politicianus_barack_obama concept:fatherofperson concept_person_malia +concept_politicianus_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_black_president +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_commander +concept_politicianus_barack_obama concept:politicianholdsoffice concept_politicaloffice_illinois_senate +concept_politicianus_barack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_potus +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_barack_obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_barack_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_barack_obama concept:politicianholdsoffice concept_politicaloffice_state_senate +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_united_states_president +concept_politicianus_barack_obama concept:politicianusholdsoffice concept_politicaloffice_us_president +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_caroline_kennedy +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_chris_dodd +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_joe_biden +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_candidate_john_mccain +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_senator_john_mccain +concept_politicianus_barack_obama concept:politicianholdsoffice concept_profession_u_s__senators +concept_politicianus_barack_obama concept:politicianrepresentslocation concept_river_state +concept_politicianus_barack_obama concept:personhasresidenceingeopoliticallocation concept_stateorprovince_illinois +concept_politicianus_barack_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_barack_obama concept:persongraduatedfromuniversity concept_university_harvard +concept_politicianus_barack_obama concept:persongraduatedfromuniversity concept_university_harvard_law +concept_politicianus_barack_obama concept:persongraduatedfromuniversity concept_university_harvard_law_school +concept_politicianus_barack_obama concept:persongraduatedfromuniversity concept_university_law_school +concept_politicianus_barbara_boxer concept:personbornincity concept_city_newyork +concept_politicianus_barbara_boxer concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__senate +concept_politicianus_barbara_boxer concept:politicianusmemberofpoliticalgroup concept_politicalparty_democratic_party +concept_politicianus_barbara_boxer concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barbara_boxer concept:politicianrepresentslocation concept_stateorprovince_california +concept_politicianus_barbara_bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_barbara_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barbara_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_barbara_lee concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_barbara_mikulski concept:politicianrepresentslocation concept_stateorprovince_maryland +concept_politicianus_barney_frank concept:politicianrepresentslocation concept_county_wellesley +concept_politicianus_barney_frank concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__house_of_representatives +concept_politicianus_barney_frank concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_barrack concept:politicianusholdsoffice concept_jobposition_first_black_president +concept_politicianus_barrack concept:politicianusholdsoffice concept_politicaloffice_black_president +concept_politicianus_barrack concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_barrack concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barrack concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barrack concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_barrack_obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_barrack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_barrack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_barrack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_barrack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_barrack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_barry_goldwater concept:personalsoknownas concept_person_mr___conservative +concept_politicianus_barry_goldwater concept:personalsoknownas concept_person_uncle_barry +concept_politicianus_barry_goldwater concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_bart_stupak concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bayh concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_ben_bernanke concept:personleadsorganization concept_bank_federal_reserve +concept_politicianus_ben_bernanke concept:worksfor concept_bank_federal_reserve +concept_politicianus_ben_bernanke concept:topmemberoforganization concept_bank_u_s__federal_reserve +concept_politicianus_ben_bernanke concept:personleadsorganization concept_governmentorganization_fed +concept_politicianus_ben_cardin concept:politicianrepresentslocation concept_stateorprovince_maryland +concept_politicianus_ben_nelson concept:politicianrepresentslocation concept_stateorprovince_nebraska +concept_politicianus_benjamin_cardin concept:politicianrepresentslocation concept_stateorprovince_maryland +concept_politicianus_benjamin_harrison concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_benjamin_harrison concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_benjamin_harrison concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_benjamin_l__cardin concept:politicianrepresentslocation concept_stateorprovince_maryland +concept_politicianus_bennett concept:personbornincity concept_city_york +concept_politicianus_bennett concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_bennie_thompson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bernie_sanders concept:worksfor concept_city_burlington +concept_politicianus_betty_mccollum concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bho concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_biden concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_biden concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_biden concept:politicianusholdsoffice concept_politicaloffice_vice_president +concept_politicianus_biden concept:politicianusholdsoffice concept_politicaloffice_vice_presidential +concept_politicianus_biden concept:politicianusholdsoffice concept_politicaloffice_vp +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_biden concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_barack +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_barrack +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_bill_richardson +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_candidate_barack_obama +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_biden concept:politicianusendorsedbypoliticianus concept_politicianus_senator_obama +concept_politicianus_biden concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_bill concept:persondiedatage 3 +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_governmentorganization_representatives +concept_politicianus_bill concept:politicianusholdsoffice concept_jobposition_member +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_nongovorganization_legislature +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_attorney_general +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_envoy +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_secretary_general +concept_politicianus_bill concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_us_president +concept_politicianus_bill concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_politicianus_bill concept:politicianusholdsoffice concept_politicaloffice_vp +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_politicalparty_assembly +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_politicalparty_parliament +concept_politicianus_bill concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_bill concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_bill concept:politicianrepresentslocation concept_transportation_citizens +concept_politicianus_bill_bradley concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_bill_bradley concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_bill_bradley concept:politicianusendorsedbypoliticianus concept_politicianus_vice_president_al_gore +concept_politicianus_bill_clinton concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_bill_clinton concept:politicianrepresentslocation concept_country_usa +concept_politicianus_bill_clinton concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_bill_clinton concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_politicianus_bill_clinton concept:atdate concept_date_n1993 +concept_politicianus_bill_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bill_clinton concept:agentcontrols concept_hotel_white +concept_politicianus_bill_clinton concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politicianus_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_bill_clinton concept:politicianholdsoffice concept_politicaloffice_first_president +concept_politicianus_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_bill_clinton concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_bill_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_bill_clinton concept:politicianholdsoffice concept_politicaloffice_united_states_secretary +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_bill_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_h_w__bush +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_jimmy_carter +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_bush +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_bill_conner concept:topmemberoforganization concept_company_entrust +concept_politicianus_bill_frist concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_bill_frist concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_bill_frist concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_bill_frist concept:politicianrepresentslocation concept_stateorprovince_tennessee +concept_politicianus_bill_kristol concept:worksfor concept_company_fox +concept_politicianus_bill_kristol concept:personbelongstoorganization concept_mountain_fox +concept_politicianus_bill_luther concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bill_nelson concept:politicianrepresentslocation concept_city_florida +concept_politicianus_bill_pascrell concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bill_richardson concept:personhasjobposition concept_jobposition_energy_secretary +concept_politicianus_bill_richardson concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_bill_richardson concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_bill_richardson concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_bill_white concept:personleadsgeopoliticalorganization concept_city_houston +concept_politicianus_bill_wilson concept:topmemberoforganization concept_company_aa +concept_politicianus_bill_wilson concept:personleadsorganization concept_stateorprovince_aa +concept_politicianus_bills concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bills concept:politicianusmemberofpoliticalgroup concept_governmentorganization_representatives +concept_politicianus_bills concept:politicianusmemberofpoliticalgroup concept_politicalparty_assembly +concept_politicianus_bills concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_billy_tauzin concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_blagojevic concept:latitudelongitude 42.5719400000000,18.6336100000000 +concept_politicianus_blagojevich concept:personhasresidenceingeopoliticallocation concept_city_state +concept_politicianus_blagojevich concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_blagojevich concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_blagojevich concept:politicianusendorsedbypoliticianus concept_politicianus_burris +concept_politicianus_blagojevich concept:politicianusendorsedbypoliticianus concept_politicianus_roland_burris +concept_politicianus_blanche_lincoln concept:politicianrepresentslocation concept_stateorprovince_arkansas +concept_politicianus_boards concept:mutualproxyfor concept_nongovorganization_committees +concept_politicianus_bob concept:persondiedatage 5 +concept_politicianus_bob concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_bob concept:personbelongstoorganization concept_politicalparty_college +concept_politicianus_bob concept:personbelongstoorganization concept_sportsteam_state_university +concept_politicianus_bob concept:persongraduatedfromuniversity concept_university_state_university +concept_politicianus_bob concept:persongraduatedschool concept_university_state_university +concept_politicianus_bob_casey concept:politicianrepresentslocation concept_stateorprovince_pennsylvania +concept_politicianus_bob_corker concept:politicianrepresentslocation concept_stateorprovince_tennessee +concept_politicianus_bob_dole concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_bob_dole concept:personhasjobposition concept_jobposition_sen +concept_politicianus_bob_dole concept:personbelongstoorganization concept_organization_republican +concept_politicianus_bob_dole concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_bob_dole concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_bob_dole concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_bob_dole concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_bob_dole concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_bob_etheridge concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_franks concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_goodlatte concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_menendez concept:politicianrepresentslocation concept_stateorprovince_new_jersey +concept_politicianus_bob_ney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_riley concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_wise concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bob_woodward concept:personbelongstoorganization concept_city_washington_d_c +concept_politicianus_bobby_jindal concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_bobby_jindal concept:politicianrepresentslocation concept_stateorprovince_louisiana +concept_politicianus_bobby_kennedy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_bobby_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_bobby_rush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_booth concept:hassibling concept_person_lincoln +concept_politicianus_bradley concept:personbornincity concept_city_york +concept_politicianus_bradley concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_bradley concept:persongraduatedfromuniversity concept_university_state_university +concept_politicianus_bradley concept:persongraduatedschool concept_university_state_university +concept_politicianus_breaux concept:politicianusendorsedbypoliticianus concept_politicianus_john_breaux +concept_politicianus_brian_roberts concept:personbelongstoorganization concept_biotechcompany_comcast +concept_politicianus_brian_roberts concept:agentcollaborateswithagent concept_company_comcast +concept_politicianus_brian_sandoval concept:personhasresidenceingeopoliticallocation concept_stateorprovince_nevada +concept_politicianus_bruce_vento concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bud_cramer concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_burris concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_burris concept:politicianusendorsedbypoliticianus concept_politicianus_blagojevich +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_celebrity_colin_powell +concept_politicianus_bush concept:politicianrepresentslocation concept_city_districts +concept_politicianus_bush concept:personbornincity concept_city_orleans +concept_politicianus_bush concept:politicianrepresentslocation concept_country_us +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_crime +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_high_crimes +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_impeachable_offenses +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_torture +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_treason +concept_politicianus_bush concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_politicianus_bush concept:politicianrepresentslocation concept_geopoliticallocation_district +concept_politicianus_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_bush concept:personhasjobposition concept_jobposition_former_president +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_male_gerald_ford +concept_politicianus_bush concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_bush concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_bush concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_bush concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_bush concept:personhasjobposition concept_politicaloffice_president +concept_politicianus_bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_bush concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_bush concept:politicianholdsoffice concept_politicaloffice_texas_governor +concept_politicianus_bush concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bob_dole +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_condoleezza_rice +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_dan_quayle +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_donald_rumsfeld +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_former_president_bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_former_president_clinton +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_gordon_smith +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_henry_kissinger +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_james_baker +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_jimmy_carter +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_ashcroft +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_f__kerry +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_karl_rove +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_katherine_harris +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_mitt_romney +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_nancy_pelosi +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_newt_gingrich +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_nixon +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_h_w__bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_obama +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_reagan +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_ronald_reagan +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_presidents_reagan +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_richard_nixon +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_ron_paul +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_ronald_reagan +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_ross_perot +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_senator_kerry +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_senator_mccain +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_tom_delay +concept_politicianus_bush concept:politicianusendorsedbypoliticianus concept_politicianus_vice_president_cheney +concept_politicianus_bush concept:politicianrepresentslocation concept_river_american +concept_politicianus_bush concept:persongraduatedschool concept_school_business_school +concept_politicianus_bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_bush concept:persongraduatedfromuniversity concept_university_yale +concept_politicianus_bush concept:persongraduatedfromuniversity concept_university_yale_university +concept_politicianus_bush_cheney concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_bush_four_years concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_byrd concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_byron_dorgan concept:politicianrepresentslocation concept_stateorprovince_north_dakota +concept_politicianus_calvin_coolidge concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_calvin_coolidge concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_calvin_coolidge concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_calvin_coolidge concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_calvin_coolidge concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_candidate_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_candidate_barack_obama concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_candidate_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sen__barack_obama +concept_politicianus_candidates_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_carl_b__stokes concept:atlocation concept_city_cleveland +concept_politicianus_carl_b__stokes concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politicianus_carl_levin concept:personbelongstoorganization concept_politicalparty_democrats +concept_politicianus_carl_levin concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_politicianus_carl_levin concept:politicianrepresentslocation concept_stateorprovince_michigan +concept_politicianus_carl_stokes concept:personleadsgeopoliticalorganization concept_city_cleveland +concept_politicianus_carl_stokes concept:politicianusholdsoffice concept_politicaloffice_mayor +concept_politicianus_carlos_guillen concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_carlos_guillen concept:personhasjobposition concept_jobposition_third_baseman +concept_politicianus_carlos_gutierrez concept:personhasjobposition concept_jobposition_commerce_secretary +concept_politicianus_carol_shields concept:agentcreated concept_book_the_box_garden +concept_politicianus_caroline_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_caroline_kennedy concept:politicianholdsoffice concept_politicaloffice_u_s__senator +concept_politicianus_caroline_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_carolyn_maloney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_carrie_p__meek concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_carter_administration concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_cary concept:proxyfor concept_creditunion_north_carolina +concept_politicianus_charles_e__schumer concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_n_y_ +concept_politicianus_charles_e__schumer concept:personhasjobposition concept_jobposition_sens +concept_politicianus_charles_e__schumer concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_charles_e__schumer concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_charles_h__taylor concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_charles_schumer concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_charles_schumer concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_charles_schumer concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_charles_taylor concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_charles_taylor concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_politicianus_charlie_crist concept:personhasresidenceingeopoliticallocation concept_city_florida +concept_politicianus_charlie_crist concept:personleadsorganization concept_city_florida +concept_politicianus_charlie_crist concept:politicianrepresentslocation concept_stateorprovince_florida +concept_politicianus_chelsea_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_cherokee_tribe concept:latitudelongitude 34.6589400000000,-85.6167400000000 +concept_politicianus_chris_dodd concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_christian concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_christian concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_christine_gregoire concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_christine_todd_whitman concept:politicianrepresentslocation concept_stateorprovince_new_jersey +concept_politicianus_christopher_cox concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_christopher_dodd concept:politicianrepresentslocation concept_stateorprovince_connecticut +concept_politicianus_christopher_john concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_christopher_shays concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_chuck_grassley concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_chuck_grassley concept:politicianrepresentslocation concept_stateorprovince_iowa +concept_politicianus_chuck_hagel concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_chuck_hagel concept:politicianrepresentslocation concept_stateorprovince_nebraska +concept_politicianus_chuck_schumer concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_cindy_mccain concept:agentcollaborateswithagent concept_politician_clinton +concept_politicianus_claire_mccaskill concept:politicianrepresentslocation concept_stateorprovince_missouri +concept_politicianus_clarence_thomas concept:politicianholdsoffice concept_politicaloffice_supreme_court_justice +concept_politicianus_clarence_thomas concept:politicianusholdsoffice concept_politicaloffice_u_s__supreme_court_justice +concept_politicianus_clay concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_clifford_robinson concept:worksfor concept_magazine_charlotte +concept_politicianus_code concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicianus_code concept:agentcompeteswithagent concept_personcanada_search +concept_politicianus_condoleezza_rice concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politician_defense_secretary_donald_rumsfeld +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_condoleezza_rice concept:politicianusendorsedbypoliticianus concept_politicianus_vice_president_cheney +concept_politicianus_condoleezza_rice concept:politicianrepresentslocation concept_stateorprovince_california +concept_politicianus_condoleezza_rice concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_conrad_burns concept:politicianrepresentslocation concept_stateorprovince_montana +concept_politicianus_constance_a__morella concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_contender_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_cook concept:persongraduatedfromuniversity concept_university_college +concept_politicianus_curt_weldon concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_cynthia_mckinney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_cynthia_mckinney concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_dale_e__kildee concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dan_glickman concept:agentcollaborateswithagent concept_personafrica_mpaa +concept_politicianus_dan_glickman concept:agentcontrols concept_personafrica_mpaa +concept_politicianus_dan_glickman concept:proxyfor concept_personafrica_mpaa +concept_politicianus_dan_glickman concept:subpartof concept_personafrica_mpaa +concept_politicianus_dan_quayle concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_dan_quayle concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_dan_quayle concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_dana_rohrabacher concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_daniel_akaka concept:politicianrepresentslocation concept_stateorprovince_hawaii +concept_politicianus_daniel_inouye concept:politicianrepresentslocation concept_geopoliticallocation_hawai_i +concept_politicianus_daniel_inouye concept:politicianrepresentslocation concept_stateorprovince_hawaii +concept_politicianus_darrell_issa concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_daschle concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_daschle concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_david concept:persondiedatage 10 +concept_politicianus_david concept:agentcollaborateswithagent concept_male_world +concept_politicianus_david concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_david_cicilline concept:personleadsgeopoliticalorganization concept_city_providence +concept_politicianus_david_cicilline concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ri +concept_politicianus_david_clark concept:atdate concept_date_n1996 +concept_politicianus_david_clark concept:atdate concept_date_n2000 +concept_politicianus_david_e__bonior concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_david_hoffman concept:personbelongstoorganization concept_city_washington_d_c +concept_politicianus_david_mcintosh concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_david_miller concept:personhasresidenceingeopoliticallocation concept_city_toronto +concept_politicianus_david_minge concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_david_obey concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house_committee_on_appropriations +concept_politicianus_david_petraeus concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_david_petraeus concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_david_price concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_david_sarnoff concept:personchargedwithcrime concept_crimeorcharge_used_company_funds_to_pay_for_his_son_sbar_mitzvah +concept_politicianus_david_smith concept:personbelongstoorganization concept_city_sinclair +concept_politicianus_david_smith concept:personleadsorganization concept_city_sinclair +concept_politicianus_david_yepsen concept:personleadsorganization concept_newspaper_des_moines_register +concept_politicianus_davis concept:politicianrepresentslocation concept_politicalparty_confederate_states +concept_politicianus_davis concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_debbie_stabenow concept:politicianrepresentslocation concept_stateorprovince_michigan +concept_politicianus_deborah_pryce concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_democrat_barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_democrat_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_democrat_bill_clinton concept:personbelongstoorganization concept_governmentorganization_house +concept_politicianus_democratic_candidate_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_democratic_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_democratic_nominee_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_democratic_nominee_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_democratic_presidential_candidate_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_democratic_presidential_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_democratic_presidential_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_dennis_hastert concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dennis_kucinich concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_dennis_kucinich concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dennis_ross concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_deval_patrick concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_dianne_feinstein concept:politicianrepresentslocation concept_stateorprovince_california +concept_politicianus_dick_armey concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dick_cheney concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_dick_cheney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dick_cheney concept:agentcollaborateswithagent concept_nongovorganization_gop +concept_politicianus_dick_cheney concept:agentcollaborateswithagent concept_person_republican +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_mr__bush +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_dick_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_dick_cheney concept:personleadsorganization concept_retailstore_halliburton +concept_politicianus_dick_cheney concept:worksfor concept_retailstore_halliburton +concept_politicianus_dick_durbin concept:politicianrepresentslocation concept_stateorprovince_illinois +concept_politicianus_dick_gephardt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dmitry_medvedev concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_domenici concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_mexico +concept_politicianus_donald_rumsfeld concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_donald_rumsfeld concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_donald_rumsfeld concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_donna_shalala concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_doolittle concept:politicianusendorsedbypoliticianus concept_politicianus_john_doolittle +concept_politicianus_doug_ose concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dukakis concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_duncan_hunter concept:politicianrepresentslocation concept_stateorprovince_california +concept_politicianus_dwight_d__eisenhower concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_dwight_d__eisenhower concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_dwight_d__eisenhower concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_dwight_eisenhower concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_dwight_eisenhower concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_dwight_eisenhower concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_dwight_eisenhower concept:agentcontrols concept_hotel_white +concept_politicianus_dwight_eisenhower concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_dwight_eisenhower concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_earl_ray_tomblin concept:personhasresidenceingeopoliticallocation concept_stateorprovince_west_virginia +concept_politicianus_ed concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_ed_pease concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_ed_whitfield concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_eddie_bernice_johnson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_edward_j__markey concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_mass +concept_politicianus_edward_j__markey concept:personhasjobposition concept_jobposition_rep +concept_politicianus_edward_kennedy concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_edward_l__schrock concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_edward_m__kennedy concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_elder_bush concept:personbelongstoorganization concept_governmentorganization_house +concept_politicianus_elijah_e__cummings concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_eliot_spitzer concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_ellison concept:worksfor concept_company_oracle +concept_politicianus_ellison concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_ellison concept:proxyfor concept_retailstore_oracle +concept_politicianus_ellison concept:personbelongstoorganization concept_university_oracle +concept_politicianus_ensign concept:politicianusendorsedbypoliticianus concept_politicianus_john_ensign +concept_politicianus_eric_cantor concept:politicianrepresentslocation concept_stateorprovince_virginia +concept_politicianus_eric_holder concept:politicianusholdsoffice concept_politicaloffice_attorney_general +concept_politicianus_eric_i__cantor concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_eric_sevareid concept:personleadsorganization concept_company_cnn__pbs +concept_politicianus_eva_clayton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_evan_bayh concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_evan_bayh concept:politicianrepresentslocation concept_stateorprovince_indiana +concept_politicianus_evo_morales concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_fdr concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_fdr concept:politicianrepresentslocation concept_country_us +concept_politicianus_fdr concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_fdr concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_fdr concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_fdr concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_fdr concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_federal_election_commission concept:agentcollaborateswithagent concept_person_trevor_potter +concept_politicianus_federal_election_commission concept:agentcontrols concept_person_trevor_potter +concept_politicianus_federal_election_commission concept:mutualproxyfor concept_person_trevor_potter +concept_politicianus_federal_election_commission concept:subpartof concept_person_trevor_potter +concept_politicianus_feingold concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_fernando_lugo concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_fimian concept:latitudelongitude 44.3438500000000,-91.8776600000000 +concept_politicianus_first_president_bush concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_first_president_bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_first_president_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_forbes concept:agentcontrols concept_politicianus_steve_forbes +concept_politicianus_form concept:agentcreated concept_book_home +concept_politicianus_form concept:agentcreated concept_book_print +concept_politicianus_form concept:agentcreated concept_book_reference +concept_politicianus_form concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_form concept:agentcreated concept_movie_return +concept_politicianus_former_first_lady concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_former_president_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_former_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_former_president_clinton concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_former_president_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_former_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_former_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_former_president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_former_president_george_h__w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_former_president_george_h_w__bush concept:hasspouse concept_person_barbara_bush +concept_politicianus_former_president_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_former_president_george_w__bush concept:hasspouse concept_celebrity_laura_bush +concept_politicianus_former_senator_john_edwards concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_francoise_sagan concept:agentcreated concept_book_bonjour_tristesse +concept_politicianus_frank_chance concept:persondiedatage 4 +concept_politicianus_frank_h__murkowski concept:personhasjobposition concept_jobposition_sens +concept_politicianus_frank_h__murkowski concept:personhasresidenceingeopoliticallocation concept_stateorprovince_alaska +concept_politicianus_frank_lautenberg concept:politicianrepresentslocation concept_stateorprovince_new_jersey +concept_politicianus_frank_lobiondo concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_frank_lucas concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_frank_murkowski concept:personhasresidenceingeopoliticallocation concept_stateorprovince_alaska +concept_politicianus_frank_pallone concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_franken concept:politicianusholdsoffice concept_politicaloffice_senator +concept_politicianus_franken concept:politicianusendorsedbypoliticianus concept_politicianus_norm_coleman +concept_politicianus_franken concept:politicianusendorsedbypoliticianus concept_politicianus_republican_norm_coleman +concept_politicianus_franken concept:politicianusendorsedbypoliticianus concept_politicianus_sen__norm_coleman +concept_politicianus_franklin_d__roosevelt concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_franklin_d__roosevelt concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_franklin_d__roosevelt concept:politicianrepresentslocation concept_country_us +concept_politicianus_franklin_d__roosevelt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_franklin_d__roosevelt concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_franklin_d__roosevelt concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_franklin_d__roosevelt concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_franklin_d__roosevelt concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_franklin_d__roosevelt concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_franklin_delano_roosevelt concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_franklin_delano_roosevelt concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_franklin_delano_roosevelt concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_franklin_delano_roosevelt concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_franklin_delano_roosevelt concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_franklin_delano_roosevelt concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_franklin_roosevelt concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_franklin_roosevelt concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_franklin_roosevelt concept:politicianrepresentslocation concept_country_us +concept_politicianus_franklin_roosevelt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_franklin_roosevelt concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_franklin_roosevelt concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_franklin_roosevelt concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_franklin_roosevelt concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_franklin_roosevelt concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_fred_smith concept:topmemberoforganization concept_magazine_fedex +concept_politicianus_fred_thompson concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_fred_thompson concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_fred_thompson concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_fred_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_fred_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_fred_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politicianus_fred_thompson concept:politicianrepresentslocation concept_stateorprovince_tennessee +concept_politicianus_free_search concept:agentcompeteswithagent concept_governmentorganization_directory +concept_politicianus_free_search concept:agentcompeteswithagent concept_personasia_site +concept_politicianus_free_search concept:agentcompeteswithagent concept_university_google +concept_politicianus_frist concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_frist concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_fund concept:proxyfor concept_book_new +concept_politicianus_fund concept:agentbelongstoorganization concept_governmentorganization_government +concept_politicianus_fund concept:agentcollaborateswithagent concept_person_state +concept_politicianus_fund concept:agentbelongstoorganization concept_terroristorganization_state +concept_politicianus_g_w__bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_gary_g__miller concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_gene_green concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_allen concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_bush_senior concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_clinton concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_york +concept_politicianus_george_gekas concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_h__w__bush concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_george_h__w__bush concept:personbelongstoorganization concept_governmentorganization_house +concept_politicianus_george_h__w__bush concept:agentcontrols concept_hotel_white +concept_politicianus_george_h__w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_h__w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_george_h_w__bush concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_george_h_w__bush concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_george_h_w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_h_w__bush concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_george_lucas concept:personleadsorganization concept_magazine_lucasarts +concept_politicianus_george_miller concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_nethercutt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_pataki concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_george_voinovich concept:politicianrepresentslocation concept_stateorprovince_ohio +concept_politicianus_george_w concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_w concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_george_w concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_george_w concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_w concept:personhasresidenceingeopoliticallocation concept_stateorprovince_texas +concept_politicianus_george_w_ concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_george_w_ concept:atdate concept_date_n2001 +concept_politicianus_george_w_ concept:atdate concept_date_n2003 +concept_politicianus_george_w_ concept:atdate concept_date_n2004 +concept_politicianus_george_w_ concept:atdate concept_dateliteral_n2002 +concept_politicianus_george_w_ concept:atdate concept_dateliteral_n2005 +concept_politicianus_george_w_ concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_w_ concept:agentcontrols concept_hotel_white +concept_politicianus_george_w_ concept:agentcollaborateswithagent concept_person_house +concept_politicianus_george_w_ concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_george_w_ concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_george_w_ concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_george_w_ concept:politicianholdsoffice concept_politicaloffice_texas_governor +concept_politicianus_george_w_ concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_george_w_ concept:politicianholdsoffice concept_politicaloffice_us_president +concept_politicianus_george_w_ concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_w_ concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_george_w_ concept:personhasresidenceingeopoliticallocation concept_stateorprovince_texas +concept_politicianus_george_w___bush concept:politicianusholdsoffice concept_politicaloffice_united_states_president +concept_politicianus_george_w__bush concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_george_w__bush concept:politicianrepresentslocation concept_country_usa +concept_politicianus_george_w__bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_george_w__bush concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_w__bush concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_george_w__bush concept:politicianholdsoffice concept_politicaloffice_texas_governor +concept_politicianus_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_george_w__bush concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_h_w__bush +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_george_w__bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_george_w_bush concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_george_w_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_george_w_bush concept:agentcontrols concept_hotel_white +concept_politicianus_george_w_bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_george_w_bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_w_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_george_w_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_george_w_bush concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_george_w_bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_george_walker_bush concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_george_washington concept:politicianusholdsoffice concept_politicaloffice_first_president +concept_politicianus_george_washington concept:politicianusholdsoffice concept_politicaloffice_first_secretary +concept_politicianus_george_washington concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_george_washington concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_george_washington concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_george_washington concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_george_washington concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_gephardt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_gertrude_stein concept:agentcreated concept_book_three_lives +concept_politicianus_gertrude_stein concept:agentcreated concept_personasia_toklas +concept_politicianus_giuliani concept:personleadsgeopoliticalorganization concept_city_new_york +concept_politicianus_giuliani concept:personleadsorganization concept_city_new_york +concept_politicianus_giuliani concept:personleadsorganization concept_city_nyc +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_giuliani concept:politicianrepresentslocation concept_lake_new +concept_politicianus_giuliani concept:politicianusholdsoffice concept_politicaloffice_mayor +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_fred_thompson +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_george_pataki +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_huckabee +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politicianus_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_thompson +concept_politicianus_glenn concept:politicianusendorsedbypoliticianus concept_politicianus_john_glenn +concept_politicianus_gloria_steinem concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_gordon_smith concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_gordon_smith concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_celebrity_colin_powell +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_gore concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bill_bradley +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_former_president_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_george_w_bush +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_joe_lieberman +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_joseph_lieberman +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_michael_moore +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_mrs__clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_president_jimmy_carter +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_ralph_nader +concept_politicianus_gore concept:politicianusendorsedbypoliticianus concept_politicianus_sen__john_kerry +concept_politicianus_gore concept:politicianrepresentslocation concept_river_counties +concept_politicianus_gore concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_gov__bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_gov__palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_gov__sarah_palin concept:personbelongstoorganization concept_nongovorganization_gop +concept_politicianus_gov__sarah_palin concept:personbelongstoorganization concept_organization_republican +concept_politicianus_gov__sarah_palin concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_gov__sarah_palin concept:agentcollaborateswithagent concept_person_republican +concept_politicianus_gov__sarah_palin concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_gov__sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_gov__sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_gov__sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_nominee_john_mccain +concept_politicianus_gov__sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_sen__john_mccain +concept_politicianus_governor_bill_clinton concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_governor_mike_huckabee concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_governor_palin concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_governor_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_governor_romney concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_governor_sarah_palin concept:personbelongstoorganization concept_organization_republican +concept_politicianus_governor_sarah_palin concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_governor_sarah_palin concept:agentcollaborateswithagent concept_person_republican +concept_politicianus_governor_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_governor_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_governor_schwarzenegger concept:atdate concept_dateliteral_n2007 +concept_politicianus_governor_schwarzenegger concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_grace concept:parentofperson concept_male_jesus +concept_politicianus_grace concept:parentofperson concept_male_jesus_christ +concept_politicianus_grace_napolitano concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_grassley concept:politicianholdsoffice concept_politicaloffice_chairman +concept_politicianus_grassley concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_greg_ganske concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_gregory_meeks concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_groups concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_politicianus_groups concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_politicianus_groups concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_grover_cleveland concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_grover_cleveland concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_grover_cleveland concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_grover_cleveland concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_grover_cleveland concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_guliani concept:latitudelongitude 42.0168050000000,41.9231950000000 +concept_politicianus_h_w__bush concept:latitudelongitude 38.9522200000000,-77.1444400000000 +concept_politicianus_h_w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_ronald_reagan +concept_politicianus_haley_barbour concept:politicianrepresentslocation concept_stateorprovince_mississippi +concept_politicianus_hall concept:politicianusendorsedbypoliticianus concept_politicianus_john_hall +concept_politicianus_harold_ford concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_harry_reid concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__senate +concept_politicianus_harry_reid concept:politicianusholdsoffice concept_politicaloffice_u_s__senate_majority_leader +concept_politicianus_harry_reid concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_harry_reid concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_harry_reid concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_harry_reid concept:politicianrepresentslocation concept_stateorprovince_nevada +concept_politicianus_harry_s__truman concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_harry_s__truman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_harry_s__truman concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_harry_s__truman concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_harry_s__truman concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_harry_s_truman concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_harry_truman concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_harry_truman concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_harry_truman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_harry_truman concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_harry_truman concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_harry_truman concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_harry_truman concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_harry_truman concept:politicianrepresentslocation concept_river_american +concept_politicianus_harry_truman concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_hatch concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_hayes concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_heather_wilson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_henry concept:persondiedatage 2 +concept_politicianus_henry concept:personhascitizenship concept_country_france_france +concept_politicianus_henry concept:personhascitizenship concept_country_germany +concept_politicianus_henry concept:personhascitizenship concept_geopoliticalorganization_saxony +concept_politicianus_henry concept:personhasjobposition concept_jobposition_holy_roman_emperor +concept_politicianus_henry concept:personhasjobposition concept_jobposition_king +concept_politicianus_henry concept:personhasjobposition concept_jobposition_leader +concept_politicianus_henry concept:hasspouse concept_person_anne_boleyn +concept_politicianus_henry concept:personmovedtostateorprovince concept_stateorprovince_california +concept_politicianus_henry_clay concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_henry_kissinger concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_henry_kissinger concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_henry_kissinger concept:politicianusendorsedbypoliticianus concept_politicianus_nixon +concept_politicianus_henry_kissinger concept:politicianusendorsedbypoliticianus concept_politicianus_president_nixon +concept_politicianus_henry_kissinger concept:politicianusendorsedbypoliticianus concept_politicianus_president_richard_nixon +concept_politicianus_henry_kissinger concept:politicianusendorsedbypoliticianus concept_politicianus_richard_nixon +concept_politicianus_henry_paulson concept:topmemberoforganization concept_company_goldman_sachs001 +concept_politicianus_henry_paulson concept:agentcollaborateswithagent concept_female_goldman_sachs +concept_politicianus_henry_paulson concept:proxyfor concept_female_goldman_sachs +concept_politicianus_henry_waxman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_herb_kohl concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_politicianus_herbert_kohl concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_politicianus_hilary_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_hilary_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_hilary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_hillary__clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_hillary__clinton concept:politicianusendorsedbypoliticianus concept_politicianus_luke_ravenstahl +concept_politicianus_hillary_clinton concept:agentcontributedtocreativework concept_book_it_takes_a_village +concept_politicianus_hillary_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_hillary_clinton concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_new_york_senate +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_hillary_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_hillary_clinton concept:politicianusholdsoffice concept_politicaloffice_state_secretary +concept_politicianus_hillary_clinton concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_hillary_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_richardson +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_john_glenn +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_obama +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_wesley_clark +concept_politicianus_hillary_clinton concept:politicianholdsoffice concept_profession_u_s__senators +concept_politicianus_hillary_clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_hillary_rodham_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_hillary_rodham_clinton concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_hillary_rodham_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_hillary_rodham_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_hillary_rodham_clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_holder concept:politicianusholdsoffice concept_politicaloffice_attorney_general +concept_politicianus_homeland_security concept:agentcontrols concept_musician_agencies +concept_politicianus_hopeful_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_houston_astros concept:agentparticipatedinevent concept_convention_games +concept_politicianus_houston_astros concept:agentparticipatedinevent concept_sportsgame_series +concept_politicianus_howard_coble concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_howard_coble concept:politicianusendorsedbypoliticianus concept_politicianus_john_howard_coble +concept_politicianus_howard_dean concept:personbelongstoorganization concept_governmentorganization_dnc +concept_politicianus_howard_dean concept:personleadsorganization concept_nongovorganization_dnc +concept_politicianus_howard_dean concept:worksfor concept_nongovorganization_dnc +concept_politicianus_howard_dean concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_howard_dean concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_howard_dean concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_huckabee concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_huckabee concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arkansas +concept_politicianus_hyde concept:personbornincity concept_city_jamaica_plain +concept_politicianus_ike_skelton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_illinois_senator_barack_obama concept:politicianholdsoffice concept_politicaloffice_new_york_senator +concept_politicianus_incumbent_republican_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_incumbent_republican_sen__norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_inouye concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_institutions concept:proxyfor concept_book_new +concept_politicianus_institutions concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_institutions concept:agentbelongstoorganization concept_terroristorganization_state +concept_politicianus_international_space_station concept:atdate concept_date_n2001 +concept_politicianus_international_space_station concept:atdate concept_date_n2003 +concept_politicianus_international_space_station concept:atdate concept_dateliteral_n2007 +concept_politicianus_international_space_station concept:atdate concept_dateliteral_n2008 +concept_politicianus_introduced concept:atdate concept_date_n1999 +concept_politicianus_introduced concept:atdate concept_date_n2000 +concept_politicianus_introduced concept:atdate concept_date_n2001 +concept_politicianus_introduced concept:atdate concept_date_n2003 +concept_politicianus_introduced concept:atdate concept_date_n2004 +concept_politicianus_introduced concept:atdate concept_dateliteral_n2002 +concept_politicianus_introduced concept:atdate concept_dateliteral_n2005 +concept_politicianus_introduced concept:atdate concept_dateliteral_n2006 +concept_politicianus_introduced concept:atdate concept_dateliteral_n2007 +concept_politicianus_introduced concept:atdate concept_dateliteral_n2008 +concept_politicianus_introduced concept:atdate concept_year_n1986 +concept_politicianus_introduced concept:atdate concept_year_n1995 +concept_politicianus_introduced concept:atdate concept_year_n1997 +concept_politicianus_introduced concept:atdate concept_year_n1998 +concept_politicianus_isaac_bashevis_singer concept:agentcreated concept_book_the_family_moskat +concept_politicianus_isaac_bashevis_singer concept:agentcreated concept_wine_the_manor +concept_politicianus_isaac_reed concept:latitudelongitude 35.2670200000000,-88.1761500000000 +concept_politicianus_j__c__watts concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_j__edgar_hoover concept:personleadsorganization concept_governmentorganization_fbi +concept_politicianus_j_williams concept:latitudelongitude 35.1051200000000,-82.4465100000000 +concept_politicianus_jack_abramoff concept:personhasjobposition concept_jobposition_lobbyist +concept_politicianus_jack_dalrymple concept:personhasresidenceingeopoliticallocation concept_stateorprovince_north_dakota +concept_politicianus_jack_kingston concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jack_metcalf concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jack_reed concept:politicianrepresentslocation concept_stateorprovince_rhode_island +concept_politicianus_jack_ryan concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_jagmohan concept:latitudelongitude 27.8205000000000,79.0985000000000 +concept_politicianus_james_baker concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_james_buchanan concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_james_buchanan concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_james_buchanan concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_james_carville concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_james_demint concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_james_e__clyburn concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_james_garfield concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_james_garfield concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_james_inhofe concept:politicianrepresentslocation concept_stateorprovince_oklahoma +concept_politicianus_james_k__polk concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_james_k__polk concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_james_leach concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_james_madison concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_james_madison concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_james_monroe concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_james_sensenbrenner concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_james_talent concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_james_traficant concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jane_harman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_janet_reno concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_jay concept:persondiedatage 5 +concept_politicianus_jay_inslee concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jay_nixon concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_jay_rockefeller concept:politicianrepresentslocation concept_stateorprovince_west_virginia +concept_politicianus_jeanne_shaheen concept:politicianrepresentslocation concept_stateorprovince_new_hampshire +concept_politicianus_jeb_bush concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_jeb_bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_jeb_bush concept:politicianrepresentslocation concept_stateorprovince_florida +concept_politicianus_jeff_bingaman concept:politicianrepresentslocation concept_stateorprovince_new_mexico +concept_politicianus_jeff_merkley concept:politicianrepresentslocation concept_stateorprovince_oregon +concept_politicianus_jefferson_davis concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_jefferson_davis concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_jefferson_davis concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_jefferson_davis concept:politicianrepresentslocation concept_politicalparty_confederate_states +concept_politicianus_jennifer_dunn concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jennifer_m__granholm concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_politicianus_jerrold_nadler concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jerry_brown concept:personleadsgeopoliticalorganization concept_city_oakland +concept_politicianus_jerry_brown concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_jerry_lewis concept:personhasjobposition concept_jobposition_rep_ +concept_politicianus_jesse_helms concept:personhasresidenceingeopoliticallocation concept_country_us +concept_politicianus_jesse_helms concept:personbelongstoorganization concept_organization_republicans +concept_politicianus_jesse_helms concept:personhasjobposition concept_politicaloffice_senator +concept_politicianus_jesse_helms concept:personhasresidenceingeopoliticallocation concept_stateorprovince_north_carolina +concept_politicianus_jesse_helms concept:politicianrepresentslocation concept_stateorprovince_north_carolina +concept_politicianus_jesse_jackson concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_jesse_jackson concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_jim concept:persondiedatage 2 +concept_politicianus_jim concept:agentcollaborateswithagent concept_male_world +concept_politicianus_jim concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_jim_bunning concept:politicianrepresentslocation concept_stateorprovince_kentucky +concept_politicianus_jim_demint concept:politicianrepresentslocation concept_stateorprovince_south_carolina +concept_politicianus_jim_edgar concept:agentcreated concept_book_bad_cat +concept_politicianus_jim_gibbons concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_inhofe concept:politicianrepresentslocation concept_stateorprovince_oklahoma +concept_politicianus_jim_mccrery concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_nussle concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_ramstad concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_rogers concept:topmemberoforganization concept_biotechcompany_duke_energy_corporation +concept_politicianus_jim_turner concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_walsh concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jim_webb concept:politicianrepresentslocation concept_stateorprovince_virginia +concept_politicianus_jim_wright concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jimmy_carter concept:agentcollaborateswithagent concept_city_bush +concept_politicianus_jimmy_carter concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_jimmy_carter concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_jimmy_carter concept:politicianrepresentslocation concept_country_us +concept_politicianus_jimmy_carter concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jimmy_carter concept:agentcontrols concept_hotel_white +concept_politicianus_jimmy_carter concept:personhasjobposition concept_jobposition_former_president +concept_politicianus_jimmy_carter concept:politicianrepresentslocation concept_landscapefeatures_states +concept_politicianus_jimmy_carter concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_jimmy_carter concept:personhasjobposition concept_politicaloffice_president +concept_politicianus_jimmy_carter concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_jimmy_carter concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_jimmy_carter concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_jimmy_carter concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_joan_ryan concept:worksfor concept_website_the_san_francisco_chronicle +concept_politicianus_joann_davis concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_joe_barton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_joe_biden concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_joe_biden concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_joe_biden concept:politicianusholdsoffice concept_politicaloffice_vice_president +concept_politicianus_joe_biden concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_joe_biden concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_joe_biden concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_joe_biden concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_joe_biden concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_joe_biden concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_joe_biden concept:politicianrepresentslocation concept_stateorprovince_delaware +concept_politicianus_joe_crowley concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_joe_knollenberg concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_joe_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_joe_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_joe_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_joe_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_joe_lieberman concept:politicianrepresentslocation concept_stateorprovince_connecticut +concept_politicianus_john concept:persondiedatage 2 +concept_politicianus_john concept:politicianusholdsoffice concept_jobposition_commander_in_chief +concept_politicianus_john concept:politicianusholdsoffice concept_jobposition_great_president +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_chairman +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_commander +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_first_vice_president +concept_politicianus_john concept:politicianholdsoffice concept_politicaloffice_keynote_speaker +concept_politicianus_john concept:politicianholdsoffice concept_politicaloffice_potus_ +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_john concept:politicianholdsoffice concept_politicaloffice_prez +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_senator +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_united_states_senator +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_us_president +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_vice_president +concept_politicianus_john concept:politicianusholdsoffice concept_politicaloffice_vp +concept_politicianus_john concept:politicianusendorsedbypoliticianus concept_politicianus_wilson +concept_politicianus_john_a__barrasso concept:politicianrepresentslocation concept_stateorprovince_wyoming +concept_politicianus_john_a__boehner concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_a__culberson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_adams concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_john_adams concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_adams concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_adams concept:politicianusholdsoffice concept_jobposition_second_president +concept_politicianus_john_adams concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_john_adams concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_john_adams concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_allison concept:topmemberoforganization concept_bank_bb_t +concept_politicianus_john_ashcroft concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_john_baldacci concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_barrasso concept:politicianrepresentslocation concept_stateorprovince_wyoming +concept_politicianus_john_boehner concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_boehner concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__house +concept_politicianus_john_boehner concept:politicianrepresentslocation concept_stateorprovince_ohio +concept_politicianus_john_bogle concept:topmemberoforganization concept_bank_vanguard +concept_politicianus_john_bogle concept:personbelongstoorganization concept_university_vanguard +concept_politicianus_john_brock concept:personleadsorganization concept_biotechcompany_coca_cola_enterprises +concept_politicianus_john_conyers concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_cornyn concept:politicianrepresentslocation concept_stateorprovince_texas +concept_politicianus_john_d__dingell concept:personhasresidenceingeopoliticallocation concept_city_detroit +concept_politicianus_john_d__dingell concept:personhasjobposition concept_jobposition_rep +concept_politicianus_john_d__rockefeller concept:worksfor concept_company_standard_oil +concept_politicianus_john_d__rockefeller concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_john_d__rockefeller concept:persongraduatedschool concept_university_college +concept_politicianus_john_dingell concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_dingell concept:politicianrepresentslocation concept_stateorprovince_michigan +concept_politicianus_john_e__sununu concept:politicianrepresentslocation concept_stateorprovince_new_hampshire +concept_politicianus_john_edwards concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_edwards concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_john_edwards concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_john_edwards concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_john_edwards concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_edwards concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_john_edwards concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_john_edwards concept:politicianrepresentslocation concept_stateorprovince_north_carolina +concept_politicianus_john_edwards concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_engler concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_john_engler concept:personhasjobposition concept_jobposition_gov +concept_politicianus_john_engler concept:personhasresidenceingeopoliticallocation concept_stateorprovince_michigan +concept_politicianus_john_engler concept:personleadsorganization concept_stateorprovince_michigan +concept_politicianus_john_ensign concept:politicianrepresentslocation concept_stateorprovince_nevada +concept_politicianus_john_f__kennedy concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_john_f__kennedy concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_f__kennedy concept:atdate concept_dateliteral_n1961 +concept_politicianus_john_f__kennedy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_f__kennedy concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_john_f__kennedy concept:personhasjobposition concept_politicaloffice_president +concept_politicianus_john_f__kennedy concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_john_f__kennedy concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_john_f__kennedy concept:politicianholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_john_f__kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_f__kennedy concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_john_f__kennedy concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_f__kennedy concept:persongraduatedfromuniversity concept_university_harvard +concept_politicianus_john_f__kennedy concept:persongraduatedfromuniversity concept_university_harvard_university +concept_politicianus_john_f__kerry concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_john_f__kerry concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_john_fitzgerald_kennedy concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_fitzgerald_kennedy concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_fleming concept:personleadsorganization concept_continent_europe +concept_politicianus_john_g___roberts concept:politicianusmemberofpoliticalgroup concept_governmentorganization_supreme_court +concept_politicianus_john_g___roberts concept:politicianusholdsoffice concept_politicaloffice_supreme_court_chief_justice +concept_politicianus_john_hartigan concept:topmemberoforganization concept_company_news_ltd +concept_politicianus_john_hendricks concept:topmemberoforganization concept_company_dsc_communications +concept_politicianus_john_hiatt concept:agentcollaborateswithagent concept_person_john001 +concept_politicianus_john_hill concept:topmemberoforganization concept_company_fmcsa +concept_politicianus_john_hostettler concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_johnson concept:personbornincity concept_city_york +concept_politicianus_john_kasich concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_kennedy concept:agentcontrols concept_conference_ifpi +concept_politicianus_john_kennedy concept:proxyfor concept_conference_ifpi +concept_politicianus_john_kennedy concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_kennedy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_kennedy concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_kerry concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_kerry concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_john_kerry concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_kerry concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_john_kerry concept:agentcollaborateswithagent concept_politician_w__bush +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_bush +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w_bush +concept_politicianus_john_kerry concept:politicianholdsoffice concept_profession_u_s__senators +concept_politicianus_john_kerry concept:politicianrepresentslocation concept_river_state +concept_politicianus_john_kerry concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_john_kerry concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_lewis concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_linder concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_major concept:politicianrepresentslocation concept_city_uk +concept_politicianus_john_major concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_john_mccain concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_mccain concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__senate +concept_politicianus_john_mccain concept:politicianusholdsoffice concept_politicaloffice_united_states_senator +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_fred_thompson +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_george_w___bush +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gov__sarah_palin +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_governor_sarah_palin +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_rudy_giuliani +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_obama +concept_politicianus_john_mica concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_murtha concept:politicianrepresentslocation concept_city_johnstown +concept_politicianus_john_murtha concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_murtha concept:politicianholdsoffice concept_politicaloffice_congressman +concept_politicianus_john_podesta concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_john_quincy_adams concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_quincy_adams concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_john_quincy_adams concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_john_rowe concept:worksfor concept_biotechcompany_exelon_corporation +concept_politicianus_john_sculley concept:personbelongstoorganization concept_company_apple002 +concept_politicianus_john_shadegg concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_smith concept:persondiedatage 40 +concept_politicianus_john_smith concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_smith concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_smith concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_john_smith concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_john_smith concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_sununu concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_t__doolittle concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_john_the_baptist concept:personhasjobposition concept_jobposition_king +concept_politicianus_john_the_baptist concept:parentofperson concept_male_jesus +concept_politicianus_john_the_baptist concept:parentofperson concept_male_jesus_christ +concept_politicianus_john_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_john_thune concept:politicianrepresentslocation concept_stateorprovince_south_dakota +concept_politicianus_john_tyler concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_john_tyler concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_john_tyler concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_john_tyler concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_john_updike concept:persondiedatage 76 +concept_politicianus_john_weaver concept:personhasjobposition concept_jobposition_chief_political_strategist +concept_politicianus_johnny_isakson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_jon_corzine concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_jon_corzine concept:politicianrepresentslocation concept_stateorprovince_new_jersey +concept_politicianus_jon_kyl concept:politicianrepresentslocation concept_stateorprovince_arizona +concept_politicianus_jon_tester concept:politicianrepresentslocation concept_stateorprovince_montana +concept_politicianus_jonathan_miller concept:topmemberoforganization concept_company_aol +concept_politicianus_jose_serrano concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_joseph_i__lieberman concept:personhasjobposition concept_jobposition_sen +concept_politicianus_joseph_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_joseph_lieberman concept:politicianholdsoffice concept_profession_u_s__senators +concept_politicianus_joseph_lieberman concept:politicianrepresentslocation concept_stateorprovince_connecticut +concept_politicianus_joseph_mccarthy concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_politicianus_joseph_pitts concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_josh_penry concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_journalists concept:atdate concept_date_n2004 +concept_politicianus_journalists concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_judd_gregg concept:politicianrepresentslocation concept_stateorprovince_new_hampshire +concept_politicianus_karen_thurman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_karl_rove concept:worksfor concept_company_fox +concept_politicianus_karl_rove concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_karl_rove concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_katherine_harris concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_kay_bailey_hutchison concept:politicianrepresentslocation concept_stateorprovince_texas +concept_politicianus_kay_granger concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_kay_hagan concept:politicianrepresentslocation concept_stateorprovince_north_carolina +concept_politicianus_ken_livingstone concept:personhasresidenceingeopoliticallocation concept_city_london_city +concept_politicianus_ken_salazar concept:politicianrepresentslocation concept_stateorprovince_colorado +concept_politicianus_kennedy concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_kennedy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_kennedy concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_kennedy concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_lyndon_johnson +concept_politicianus_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_kennedy concept:politicianrepresentslocation concept_river_american +concept_politicianus_kennedy concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_kenneth_lucas concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_kenny_hulshof concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_kent_conrad concept:politicianrepresentslocation concept_stateorprovince_north_dakota +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_kerry concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_kerry concept:politicianrepresentslocation concept_lake_new +concept_politicianus_kerry concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_barack +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bill +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_dick_gephardt +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_dukakis +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_george_w_bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_gephardt +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_howard_dean +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_mr__bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_mr_bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_ted_kennedy +concept_politicianus_kerry concept:politicianrepresentslocation concept_river_counties +concept_politicianus_kerry concept:politicianrepresentslocation concept_river_state +concept_politicianus_kerry concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_kevin_rudd concept:personleadsorganization concept_country_australia +concept_politicianus_kirsten_gillibrand concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_kline concept:politicianusendorsedbypoliticianus concept_politicianus_john_kline +concept_politicianus_kucinich concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lamar_alexander concept:politicianrepresentslocation concept_stateorprovince_tennessee +concept_politicianus_lane_evans concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_larry_craig concept:politicianrepresentslocation concept_stateorprovince_idaho +concept_politicianus_last_night concept:proxyfor concept_book_new +concept_politicianus_laura_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_laura_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_leahy concept:politicianholdsoffice concept_politicaloffice_chairman +concept_politicianus_leahy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_leahy concept:politicianrepresentslocation concept_stateorprovince_vermont +concept_politicianus_leaks concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_lee concept:persondiedatage 2 +concept_politicianus_lee concept:politicianrepresentslocation concept_county_washington_college +concept_politicianus_lee concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_lee concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_governmentorganization_representatives +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_nongovorganization_legislature +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_politicalparty_assembly +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_politicalparty_congress +concept_politicianus_legislation concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_leon_panetta concept:politicianholdsoffice concept_jobposition_cia_director +concept_politicianus_leyla_zana concept:personhasjobposition concept_jobposition_members_of_parliament +concept_politicianus_lieberman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_lieberman concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_lincoln_chafee concept:politicianrepresentslocation concept_stateorprovince_rhode_island +concept_politicianus_linda_mcmahon concept:personleadsorganization concept_company_wwe +concept_politicianus_lindsey_graham concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_lindsey_graham concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_lindsey_graham concept:politicianrepresentslocation concept_stateorprovince_south_carolina +concept_politicianus_lloyd_doggett concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_loretta_sanchez concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lou_gehrig concept:personbelongstoorganization concept_company_new_york +concept_politicianus_louis_slaughter concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lugar concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_lyndon_b__johnson concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_lyndon_b__johnson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_lyndon_b__johnson concept:agentcontrols concept_hotel_white +concept_politicianus_lyndon_b__johnson concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_lyndon_b__johnson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_lyndon_b__johnson concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_lyndon_b__johnson concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_lyndon_johnson concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_lyndon_johnson concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_lyndon_johnson concept:politicianrepresentslocation concept_country_us +concept_politicianus_lyndon_johnson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lyndon_johnson concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_lyndon_johnson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_lyndon_johnson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_lyndon_johnson concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_lyndon_johnson concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politicianus_lyndon_johnson concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_lynn_c__woolsey concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lynn_rivers concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_lynn_swann concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_m__jodi_rell concept:politicianrepresentslocation concept_stateorprovince_connecticut +concept_politicianus_ma concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_mac_collins concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_machines concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politicianus_madeleine_albright concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_madeleine_albright concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_major_r__owens concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_marcy_kaptur concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_marge_roukema concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_marion_barry concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politicianus_mark_begich concept:politicianrepresentslocation concept_stateorprovince_alaska +concept_politicianus_mark_dayton concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_mark_foley concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mark_green concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mark_green concept:personbelongstoorganization concept_nongovorganization_democrat +concept_politicianus_mark_kennedy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mark_penn concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mark_pryor concept:politicianrepresentslocation concept_stateorprovince_arkansas +concept_politicianus_mark_sanford concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mark_sanford concept:politicianrepresentslocation concept_stateorprovince_south_carolina +concept_politicianus_mark_souder concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mark_udall concept:politicianrepresentslocation concept_stateorprovince_colorado +concept_politicianus_mark_warner concept:politicianrepresentslocation concept_stateorprovince_virginia +concept_politicianus_marquis_de_sade concept:agentcreated concept_book_justine +concept_politicianus_marsha_blackburn concept:politicianrepresentslocation concept_stateorprovince_tennessee +concept_politicianus_marshall concept:personbornincity concept_city_york +concept_politicianus_marshall concept:persongraduatedfromuniversity concept_university_college +concept_politicianus_martin_frost concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_martin_luther_king concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_martin_meehan concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_martin_sabo concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_martin_van_buren concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_martin_van_buren concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_martin_van_buren concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_mary_landrieu concept:politicianrepresentslocation concept_stateorprovince_louisiana +concept_politicianus_matt_blunt concept:politicianrepresentslocation concept_stateorprovince_missouri +concept_politicianus_matt_mead concept:personhasresidenceingeopoliticallocation concept_stateorprovince_wyoming +concept_politicianus_matthew_salmon concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_maury_wills concept:parentofperson concept_personus_bump_wills +concept_politicianus_max_baucus concept:politicianrepresentslocation concept_stateorprovince_montana +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_celebrity_colin_powell +concept_politicianus_mccain concept:politicianrepresentslocation concept_city_area +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_female_alaska_gov__sarah_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_female_russ_feingold +concept_politicianus_mccain concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mccain concept:politicianrepresentslocation concept_lake_new +concept_politicianus_mccain concept:personleadsorganization concept_nongovorganization_indian_affairs_committee +concept_politicianus_mccain concept:personbelongstoorganization concept_nongovorganization_senate_indian_affairs_committee +concept_politicianus_mccain concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_mccain concept:politicianholdsoffice concept_politicaloffice_potus +concept_politicianus_mccain concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_alaska_governor +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_alaska_governor_sarah_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_arnold_schwarzenegger +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_hussein +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barrack +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barrack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bill +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bob_barr +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_california_governor_arnold_schwarzenegger +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_candidate_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_condoleezza_rice +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_contender_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_democrat_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_democratic_candidate_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_democratic_nominee_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_democratic_presidential_candidate_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_democratic_presidential_nominee_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_fred_thompson +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_george_w_bush +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gov__palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gov__sarah_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_governor_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_governor_sarah_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_hilary_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_rodham_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_joe_biden +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_joe_lieberman +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_jon_kyl +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_joseph_lieberman +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_karl_rove +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_kennedy +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_lindsey_graham +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_massachusetts_governor_mitt_romney +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_mike_huckabee +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_mitt_romney +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_mr__obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_nominee_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_bush +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_elect_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_elect_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_george_w__bush +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_president_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_candidate_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_nominee_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_rival_hillary_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_rudolph_w__giuliani +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_rudy +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_rudy_giuliani +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sen__barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_barack_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_biden +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_hillary_clinton +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_kennedy +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_senator_obama +concept_politicianus_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_thompson +concept_politicianus_mccain concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_meg_whitman concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_mel_martinez concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_mel_martinez concept:politicianrepresentslocation concept_stateorprovince_florida +concept_politicianus_mel_watt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_melissa_hart concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_michael_bennet concept:politicianrepresentslocation concept_stateorprovince_colorado +concept_politicianus_michael_bloomberg concept:politicianrepresentslocation concept_city_new_york +concept_politicianus_michael_bloomberg concept:politicianusholdsoffice concept_politicaloffice_mayor +concept_politicianus_michael_bloomberg concept:politicianusholdsoffice concept_politicaloffice_new_york_city_mayor +concept_politicianus_michael_bloomberg concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_michael_crichton concept:persondiedatage 66 +concept_politicianus_michael_enzi concept:politicianrepresentslocation concept_stateorprovince_wyoming +concept_politicianus_michael_forbes concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_michael_isikoff concept:worksfor concept_university_newsweek +concept_politicianus_michael_mcnulty concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_michael_moore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_michael_moore concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_michael_oxley concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_michael_r__bloomberg concept:atlocation concept_stateorprovince_new_york +concept_politicianus_michael_steele concept:politicianusholdsoffice concept_politicaloffice_chairman +concept_politicianus_michelle_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_michelle_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mike_bloomberg concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politicianus_mike_castle concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_del +concept_politicianus_mike_castle concept:personhasjobposition concept_jobposition_rep +concept_politicianus_mike_doyle concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_enzi concept:politicianrepresentslocation concept_stateorprovince_wyoming +concept_politicianus_mike_fisher concept:hasspouse concept_actor_carrie_underwood +concept_politicianus_mike_gravel concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_mike_honda concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_huckabee concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_mike_huckabee concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mike_huckabee concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_mike_huckabee concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_mike_huckabee concept:politicianrepresentslocation concept_stateorprovince_arkansas +concept_politicianus_mike_jackson concept:personhasjobposition concept_jobposition_chief_executive +concept_politicianus_mike_johanns concept:politicianrepresentslocation concept_stateorprovince_nebraska +concept_politicianus_mike_krzyzewski concept:subpartof concept_geopoliticallocation_duke +concept_politicianus_mike_krzyzewski concept:agentcollaborateswithagent concept_person_duke +concept_politicianus_mike_mcintyre concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_pence concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_simpson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_thompson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mike_tyson concept:personchargedwithcrime concept_crimeorcharge_rape +concept_politicianus_mikhail_gorbachev concept:personbelongstoorganization concept_organization_soviet +concept_politicianus_mikhail_gorbachev concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_military_personnel concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_politicianus_military_personnel concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_politicianus_military_personnel concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_millard_fillmore concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_millard_fillmore concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_millard_fillmore concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_millard_fillmore concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_miller concept:personleadsorganization concept_bank_delphi +concept_politicianus_miller concept:worksfor concept_bank_delphi +concept_politicianus_miller concept:personbornincity concept_city_orleans +concept_politicianus_miller concept:personchargedwithcrime concept_crimeorcharge_contempt +concept_politicianus_miller concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_miller concept:personalsoknownas concept_personmexico_aaron_williams +concept_politicianus_miller concept:personalsoknownas concept_personmexico_andrew_alberts +concept_politicianus_miller concept:personalsoknownas concept_personus_aaron_mckie +concept_politicianus_miller concept:personalsoknownas concept_personus_adam_morrison +concept_politicianus_miller concept:personbelongstoorganization concept_sportsteam_state_university +concept_politicianus_miller concept:worksfor concept_stateorprovince_times +concept_politicianus_miller concept:persongraduatedfromuniversity concept_university_high_school +concept_politicianus_miller concept:persongraduatedfromuniversity concept_university_state_university +concept_politicianus_miller concept:persongraduatedschool concept_university_state_university +concept_politicianus_miller concept:worksfor concept_website_new_york_times +concept_politicianus_milton_friedman concept:personhasjobposition concept_jobposition_economist +concept_politicianus_mitch_mcconnell concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_mitch_mcconnell concept:politicianrepresentslocation concept_stateorprovince_kentucky +concept_politicianus_mitt_romney concept:personborninlocation concept_city_hampshire +concept_politicianus_mitt_romney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mitt_romney concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_mitt_romney concept:agentcollaborateswithagent concept_politician_clinton +concept_politicianus_mitt_romney concept:politicianusendorsedbypoliticianus concept_politician_guiliani +concept_politicianus_mitt_romney concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_mitt_romney concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_mitt_romney concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_mitt_romney concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_moment_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_morris_k__udall concept:personhasjobposition concept_jobposition_rep +concept_politicianus_morris_k__udall concept:personbelongstoorganization concept_nongovorganization_democrat +concept_politicianus_morris_k__udall concept:personhasresidenceingeopoliticallocation concept_stateorprovince_arizona +concept_politicianus_mouth concept:proxyfor concept_book_new +concept_politicianus_mouth concept:subpartof concept_website_blood +concept_politicianus_mr__bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mr__bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_mr__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mr__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_mr__bush concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_mr__bush concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_mr__bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_mr__clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mr__clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_mr__kerry concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_mr__mccain concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_mr__mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_mr__obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mr__obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_mr__obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_mr__obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_mr__obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_mr__obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_mr__obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mr__obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_mr__obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_mr_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mr_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_mr_obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_mr_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_mr_obama concept:agentcollaborateswithagent concept_person_house +concept_politicianus_mr_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_mr_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_mr_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mr_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_mrs__clinton concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_mrs__clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_mrs__clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_mrs__clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_ms__palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_mysql concept:synonymfor concept_everypromotedthing_nginx +concept_politicianus_nader concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_nader concept:persongraduatedschool concept_university_law_school +concept_politicianus_nancy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_nancy concept:personbelongstoorganization concept_politicalparty_college +concept_politicianus_nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_governmentorganization_representatives +concept_politicianus_nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__house +concept_politicianus_nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_governmentorganization_u_s__house_of_representatives +concept_politicianus_nancy_pelosi concept:politicianholdsoffice concept_politicaloffice_congresswoman +concept_politicianus_nancy_pelosi concept:politicianusholdsoffice concept_politicaloffice_house_speaker +concept_politicianus_nancy_pelosi concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_nancy_pelosi concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_nancy_pelosi concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_nancy_reagan concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_nancy_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_native_americans concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_nd concept:agentcontrols concept_coach_charlie_weis +concept_politicianus_newt_gingrich concept:worksfor concept_company_fox +concept_politicianus_newt_gingrich concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_newt_gingrich concept:personhasjobposition concept_jobposition_republican_leader +concept_politicianus_newt_gingrich concept:personhasjobposition concept_jobposition_speaker +concept_politicianus_newt_gingrich concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_newt_gingrich concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_nick_smith concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_nita_lowey concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_nixon concept:politicianusendorsedbypoliticianus concept_astronaut_george_mcgovern +concept_politicianus_nixon concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_nixon concept:politicianrepresentslocation concept_country_us +concept_politicianus_nixon concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_nixon concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_nixon concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_nixon concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_nixon concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_nixon concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_nixon concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_nixon concept:politicianrepresentslocation concept_river_american +concept_politicianus_nixon concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_nominee_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_nominee_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gov__sarah_palin +concept_politicianus_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_norm_coleman concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_franken +concept_politicianus_norm_coleman concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_obama_administration concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_obama_administration concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_obama_administration concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_oj concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_oklahoma concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_olympia_snowe concept:politicianrepresentslocation concept_stateorprovince_maine +concept_politicianus_oprah_winfrey concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_orrin_g__hatch concept:politicianrepresentslocation concept_stateorprovince_utah +concept_politicianus_orrin_hatch concept:politicianrepresentslocation concept_stateorprovince_utah +concept_politicianus_orson_scott_card concept:agentcreated concept_book_alvin_journeyman +concept_politicianus_orson_scott_card concept:agentcreated concept_book_ender_in_exile +concept_politicianus_orson_scott_card concept:agentcreated concept_book_prentice_alvin +concept_politicianus_orson_scott_card concept:agentcreated concept_book_red_prophet +concept_politicianus_orson_scott_card concept:agentcreated concept_book_seventh_son +concept_politicianus_orson_scott_card concept:agentcreated concept_book_shadow_puppets +concept_politicianus_osama_bin_laden concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_palin concept:personleadsgeopoliticalorganization concept_county_town +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_palin concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_palin concept:personleadsorganization concept_musicartist_town +concept_politicianus_palin concept:agentcollaborateswithagent concept_nongovorganization_gop +concept_politicianus_palin concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_palin concept:agentcollaborateswithagent concept_personnorthamerica_john_mccain +concept_politicianus_palin concept:agentcollaborateswithagent concept_personus_party +concept_politicianus_palin concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_palin concept:politicianholdsoffice concept_politicaloffice_mayor +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_candidate_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mr_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_nominee_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_president_obama +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_candidate_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_presidential_nominee_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_republican_nominee_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_republican_presidential_candidate_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_republican_presidential_nominee_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_sen__john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_sen__mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_sen_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_senator_john_mccain +concept_politicianus_palin concept:politicianusendorsedbypoliticianus concept_politicianus_senator_mccain +concept_politicianus_palin concept:personmovedtostateorprovince concept_stateorprovince_idaho +concept_politicianus_pat_buchanan concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_pat_leahy concept:politicianrepresentslocation concept_beach_vermont +concept_politicianus_pat_roberts concept:politicianrepresentslocation concept_stateorprovince_kansas +concept_politicianus_patrick_leahy concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_patrick_leahy concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_patrick_leahy concept:politicianrepresentslocation concept_stateorprovince_vermont +concept_politicianus_patrick_toomey concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_paul concept:persondiedatage 3 +concept_politicianus_paul concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_shaker_heights +concept_politicianus_paul concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_paul concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_paul concept:personhasresidenceingeopoliticallocation concept_stateorprovince_ohio +concept_politicianus_paul_brown concept:worksfor concept_sportsteam_cleveland_browns +concept_politicianus_paul_johnson concept:personbelongstoorganization concept_governmentorganization_navy +concept_politicianus_paul_kanjorski concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_paul_wellstone concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_paul_wolfowitz concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_paul_wolfowitz concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_pawlenty concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_pawlenty concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politicianus_pelini concept:latitudelongitude -15.3666700000000,-68.5166700000000 +concept_politicianus_pete_domenici concept:politicianrepresentslocation concept_stateorprovince_new_mexico +concept_politicianus_pete_sessions concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_pete_v__domenici concept:personbelongstoorganization concept_nongovorganization_senate_energy_and_natural_resources_committee +concept_politicianus_pete_v__domenici concept:personbelongstoorganization concept_organization_republican +concept_politicianus_pete_v__domenici concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_peter_deutsch concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_peter_hoekstra concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_peter_king concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_peterson concept:personbornincity concept_city_york +concept_politicianus_peterson concept:personchargedwithcrime concept_crimeorcharge_murder +concept_politicianus_peterson concept:persongraduatedfromuniversity concept_university_college +concept_politicianus_peterson concept:persongraduatedfromuniversity concept_university_state_university +concept_politicianus_peterson concept:persongraduatedschool concept_university_state_university +concept_politicianus_phil_gramm concept:politicianrepresentslocation concept_stateorprovince_texas +concept_politicianus_porter_goss concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_abraham_lincoln concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_barack concept:politicianusholdsoffice concept_jobposition_first_black_president +concept_politicianus_president_barack concept:politicianusholdsoffice concept_politicaloffice_black_president +concept_politicianus_president_barack concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_president_barack concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_barack concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_barack concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_barack concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_president_barack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_barack_obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_president_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_barack_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_bill_clinton concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_president_bill_clinton concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_president_bill_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_president_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_president_bill_clinton concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_bill_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_president_bill_clinton concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_rodham_clinton +concept_politicianus_president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_celebrity_colin_powell +concept_politicianus_president_bush concept:personbornincity concept_city_orleans +concept_politicianus_president_bush concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_president_bush concept:personchargedwithcrime concept_crimeorcharge_high_crimes +concept_politicianus_president_bush concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_politicianus_president_bush concept:atdate concept_date_n2001 +concept_politicianus_president_bush concept:atdate concept_date_n2003 +concept_politicianus_president_bush concept:atdate concept_date_n2004 +concept_politicianus_president_bush concept:atdate concept_dateliteral_n2002 +concept_politicianus_president_bush concept:atdate concept_dateliteral_n2005 +concept_politicianus_president_bush concept:atdate concept_dateliteral_n2006 +concept_politicianus_president_bush concept:atdate concept_dateliteral_n2007 +concept_politicianus_president_bush concept:atdate concept_dateliteral_n2008 +concept_politicianus_president_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_bush concept:politicianrepresentslocation concept_island_duck +concept_politicianus_president_bush concept:politicianholdsoffice concept_jobposition_president_elect +concept_politicianus_president_bush concept:politicianrepresentslocation concept_lake_new +concept_politicianus_president_bush concept:hasspouse concept_person_barbara_bush +concept_politicianus_president_bush concept:agentcollaborateswithagent concept_person_house +concept_politicianus_president_bush concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_president_bush concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_bush concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_bush concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_condoleezza_rice +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_jimmy_carter +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_f__kerry +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_president_bush concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_president_bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_bush concept:atdate concept_year_n1989 +concept_politicianus_president_bush concept:atdate concept_year_n1991 +concept_politicianus_president_cleveland concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_clinton concept:politicianrepresentslocation concept_country_us +concept_politicianus_president_clinton concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_politicianus_president_clinton concept:atdate concept_date_n1993 +concept_politicianus_president_clinton concept:atdate concept_date_n1996 +concept_politicianus_president_clinton concept:atdate concept_date_n2000 +concept_politicianus_president_clinton concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_clinton concept:politicianholdsoffice concept_jobposition_president_elect +concept_politicianus_president_clinton concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_president_clinton concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_president_clinton concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_clinton concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_president_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_rodham_clinton +concept_politicianus_president_clinton concept:atdate concept_year_n1994 +concept_politicianus_president_clinton concept:atdate concept_year_n1997 +concept_politicianus_president_clinton concept:atdate concept_year_n1998 +concept_politicianus_president_elect_barack concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_president_elect_barack concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_elect_barack concept:politicianusholdsoffice concept_politicaloffice_senate +concept_politicianus_president_elect_barack concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_elect_barack_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_elect_barack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_elect_barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_elect_barack_obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_president_elect_barack_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_president_elect_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_elect_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_elect_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_president_elect_barack_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_elect_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_elect_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_elect_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_elect_obama concept:politicianholdsoffice concept_politicaloffice_senate +concept_politicianus_president_elect_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_president_elect_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_elect_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_president_elect_obama concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_elect_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_president_ford concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_ford concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_franklin_delano_roosevelt concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_george_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_george_bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_george_bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_george_bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_president_george_bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_george_h__w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_george_h__w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_george_h__w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_george_h_w__bush concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_president_george_h_w__bush concept:hasspouse concept_person_barbara_bush +concept_politicianus_president_george_h_w__bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_george_h_w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_george_h_w__bush concept:haswife concept_politicianus_barbara_bush +concept_politicianus_president_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_president_george_h_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_george_w__bush concept:hasspouse concept_celebrity_laura_bush +concept_politicianus_president_george_w__bush concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_president_george_w__bush concept:atdate concept_date_n2001 +concept_politicianus_president_george_w__bush concept:atdate concept_date_n2003 +concept_politicianus_president_george_w__bush concept:atdate concept_date_n2004 +concept_politicianus_president_george_w__bush concept:atdate concept_dateliteral_n2002 +concept_politicianus_president_george_w__bush concept:atdate concept_dateliteral_n2005 +concept_politicianus_president_george_w__bush concept:atdate concept_dateliteral_n2006 +concept_politicianus_president_george_w__bush concept:atdate concept_dateliteral_n2007 +concept_politicianus_president_george_w__bush concept:personbelongstoorganization concept_governmentorganization_house +concept_politicianus_president_george_w__bush concept:agentcollaborateswithagent concept_person_house +concept_politicianus_president_george_w__bush concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_george_w__bush concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_condoleezza_rice +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_dick_cheney +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_kerry +concept_politicianus_president_george_w__bush concept:haswife concept_politicianus_laura_bush +concept_politicianus_president_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_president_george_w__bush concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_george_w_bush concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_george_w_bush concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_president_harding concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_james_buchanan concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_jimmy_carter concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_president_jimmy_carter concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_jimmy_carter concept:politicianusholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_president_jimmy_carter concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_jimmy_carter concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_president_jimmy_carter concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_john_f__kennedy concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_john_f__kennedy concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_kennedy concept:personbelongstoorganization concept_governmentorganization_house +concept_politicianus_president_kennedy concept:politicianusendorsedbypoliticianus concept_male_john_connally +concept_politicianus_president_kennedy concept:haswife concept_person_jackie +concept_politicianus_president_kennedy concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_kennedy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_president_kennedy concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_kennedy concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_lincoln concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_lincoln concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_lyndon_johnson concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_president_lyndon_johnson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_mckinley concept:latitudelongitude 47.8093600000000,-92.2759900000000 +concept_politicianus_president_nixon concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_president_nixon concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_nixon concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_nixon concept:politicianusendorsedbypoliticianus concept_politicianus_henry_kissinger +concept_politicianus_president_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_obama concept:haswife concept_person_michelle +concept_politicianus_president_obama concept:hasspouse concept_person_michelle001 +concept_politicianus_president_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_president_obama concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_president_obama concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_president_reagan concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_president_reagan concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_president_reagan concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_president_reagan concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_president_reagan concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_president_reagan concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_president_reagan concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_president_reagan concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_president_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politicianus_president_reagan concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_president_richard_nixon concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_richard_nixon concept:politicianusendorsedbypoliticianus concept_politicianus_spiro_agnew +concept_politicianus_president_ronald_reagan concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_president_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_president_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_president_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_president_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_george_h__w__bush +concept_politicianus_president_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_george_h_w__bush +concept_politicianus_president_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_president_theodore_roosevelt concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_presidential_candidate_barack_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_presidential_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_presidential_candidate_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_presidential_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_presidential_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_presidential_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_presidential_candidate_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sen__barack_obama +concept_politicianus_presidential_election concept:atdate concept_date_n1996 +concept_politicianus_presidential_election concept:atdate concept_date_n1999 +concept_politicianus_presidential_election concept:atdate concept_date_n2000 +concept_politicianus_presidential_election concept:atdate concept_date_n2009 +concept_politicianus_presidential_election concept:atdate concept_dateliteral_n2005 +concept_politicianus_presidential_election concept:atdate concept_dateliteral_n2006 +concept_politicianus_presidential_election concept:atdate concept_dateliteral_n2007 +concept_politicianus_presidential_election concept:atdate concept_dateliteral_n2008 +concept_politicianus_presidential_elections concept:atdate concept_date_n1999 +concept_politicianus_presidential_elections concept:atdate concept_date_n2000 +concept_politicianus_presidential_elections concept:atdate concept_date_n2003 +concept_politicianus_presidential_elections concept:atdate concept_date_n2004 +concept_politicianus_presidential_elections concept:atdate concept_date_n2009 +concept_politicianus_presidential_elections concept:atdate concept_dateliteral_n2002 +concept_politicianus_presidential_elections concept:atdate concept_dateliteral_n2005 +concept_politicianus_presidential_elections concept:atdate concept_dateliteral_n2006 +concept_politicianus_presidential_elections concept:atdate concept_dateliteral_n2007 +concept_politicianus_presidential_elections concept:atdate concept_dateliteral_n2008 +concept_politicianus_presidential_elections concept:atdate concept_year_n1992 +concept_politicianus_presidential_nominee_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_presidential_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_presidential_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_presidents_kennedy_and_johnson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_presidents_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_preview concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicianus_preview concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_politicianus_prime_minister_ariel_sharon concept:personchargedwithcrime concept_crimeorcharge_war_crimes +concept_politicianus_problem concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_politicianus_problem concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_problem concept:agentcreated concept_programminglanguage_contact +concept_politicianus_projects concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicianus_projects concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_projects concept:agentcompeteswithagent concept_personcanada_search +concept_politicianus_protestant concept:personhascitizenship concept_country_england +concept_politicianus_protestant concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_rage_against_the_machine concept:agentcontrols concept_musician_tom_morello +concept_politicianus_rage_against_the_machine concept:agentcontrols concept_musician_zack_de_la_rocha +concept_politicianus_ralph_m__hall concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_ralph_nader concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_ralph_nader concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_ralph_nader concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_ralph_nader concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_randy_smith concept:personhasjobposition concept_jobposition_general_manager +concept_politicianus_rep__nancy_pelosi concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_republican_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_republican_george_w__bush concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_republican_george_w__bush concept:politicianusendorsedbypoliticianus concept_politicianus_al_gore +concept_politicianus_republican_incumbent_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_republican_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_republican_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_republican_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_republican_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_republican_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_republican_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_franken +concept_politicianus_republican_presidential_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_republican_presidential_candidate_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_republican_presidential_candidate_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sen__barack_obama +concept_politicianus_republican_presidential_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_republican_presidential_nominee_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_republican_sen__norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_republican_senator_norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_rich_rodriguez concept:worksfor concept_company_west_virginia +concept_politicianus_rich_rodriguez concept:worksfor concept_creditunion_michigan +concept_politicianus_richard concept:persondiedatage 2 +concept_politicianus_richard_burr concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_richard_burr concept:politicianrepresentslocation concept_stateorprovince_north_carolina +concept_politicianus_richard_durbin concept:politicianrepresentslocation concept_stateorprovince_illinois +concept_politicianus_richard_gephardt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_richard_h__bryan concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_nev +concept_politicianus_richard_h__bryan concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_richard_j__durbin concept:politicianrepresentslocation concept_stateorprovince_illinois +concept_politicianus_richard_larsen concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_richard_m__daley concept:atlocation concept_city_chicago +concept_politicianus_richard_m__daley concept:personbelongstoorganization concept_county_chicago +concept_politicianus_richard_m__daley concept:personhasresidenceingeopoliticallocation concept_county_chicago +concept_politicianus_richard_m__daley concept:personleadsgeopoliticalorganization concept_county_chicago +concept_politicianus_richard_m__nixon concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_richard_m__nixon concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_richard_m__nixon concept:personhasjobposition concept_politicaloffice_president +concept_politicianus_richard_m__nixon concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_richard_nixon concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_richard_nixon concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_richard_nixon concept:politicianrepresentslocation concept_country_us +concept_politicianus_richard_nixon concept:politicianrepresentslocation concept_country_usa +concept_politicianus_richard_nixon concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_richard_nixon concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_richard_nixon concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_richard_nixon concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_richard_nixon concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_richard_pombo concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_richard_riordan concept:worksfor concept_company_los_angeles +concept_politicianus_richard_riordan concept:personhasresidenceingeopoliticallocation concept_county_los_angeles_county +concept_politicianus_richard_shelby concept:politicianrepresentslocation concept_stateorprovince_alabama +concept_politicianus_rick_boucher concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_rick_santorum concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_rick_santorum concept:politicianrepresentslocation concept_stateorprovince_pennsylvania +concept_politicianus_rob_portman concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_robert concept:persondiedatage 2 +concept_politicianus_robert concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_robert_a__brady concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_robert_byrd concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_robert_byrd concept:politicianrepresentslocation concept_stateorprovince_west_virginia +concept_politicianus_robert_dole concept:politicianusmemberofpoliticalgroup concept_politicalparty_senate +concept_politicianus_robert_f__kennedy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_robert_gates concept:politicianusholdsoffice concept_politicaloffice_defence_secretary +concept_politicianus_robert_kennedy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_robert_lee_moore concept:latitudelongitude 30.2890000000000,-97.7364000000000 +concept_politicianus_robert_menendez concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_robert_menendez concept:politicianrepresentslocation concept_stateorprovince_new_jersey +concept_politicianus_robert_novak concept:personbelongstoorganization concept_city_washington_d_c +concept_politicianus_robert_parkinson concept:personleadsorganization concept_musicartist_baxter +concept_politicianus_robert_weygand concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_rocky_anderson concept:worksfor concept_county_salt_lake +concept_politicianus_rodham_clinton concept:agentcollaborateswithagent concept_person_bill +concept_politicianus_rodham_clinton concept:agentcollaborateswithagent concept_person_president +concept_politicianus_rodham_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_rodham_clinton concept:agentcollaborateswithagent concept_politicianus_barack +concept_politicianus_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill +concept_politicianus_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bill_clinton +concept_politicianus_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_bill_clinton +concept_politicianus_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_president_clinton +concept_politicianus_rodney_frelinghuysen concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_roger_wicker concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_roger_williams concept:persongraduatedschool concept_university_college +concept_politicianus_roh_moo_hyun concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_roland_burris concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_roland_w__burris concept:politicianrepresentslocation concept_stateorprovince_illinois +concept_politicianus_romney concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_female_hillary +concept_politicianus_romney concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_romney concept:politicianrepresentslocation concept_lake_new +concept_politicianus_romney concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_fred_thompson +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_mike_huckabee +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_pawlenty +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_rudy +concept_politicianus_romney concept:politicianusendorsedbypoliticianus concept_politicianus_rudy_giuliani +concept_politicianus_romney concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_ron_kind concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_ron_paul concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_ron_paul concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_ron_paul concept:politicianholdsoffice concept_politicaloffice_republican_nomination +concept_politicianus_ron_paul concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_ron_paul concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_ron_paul concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_ron_paul concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_ron_wyden concept:politicianrepresentslocation concept_stateorprovince_oregon +concept_politicianus_ronald_reagan concept:agentcollaborateswithagent concept_city_bush +concept_politicianus_ronald_reagan concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_ronald_reagan concept:politicianrepresentslocation concept_country_us +concept_politicianus_ronald_reagan concept:politicianrepresentslocation concept_country_usa +concept_politicianus_ronald_reagan concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_deputy_secretary +concept_politicianus_ronald_reagan concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_ronald_reagan concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_ronald_reagan concept:politicianholdsoffice concept_politicaloffice_u_s__secretary +concept_politicianus_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_ronald_reagan concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_ronald_reagan concept:politicianusendorsedbypoliticianus concept_politicianus_h_w__bush +concept_politicianus_ronald_reagan concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_ronald_reagan concept:atdate concept_year_n1981 +concept_politicianus_roy_blunt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_roy_blunt concept:politicianrepresentslocation concept_stateorprovince_missouri +concept_politicianus_ruben_hinojosa concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_rudolph_giuliani concept:personleadsorganization concept_city_new_york +concept_politicianus_rudolph_giuliani concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_rudy concept:personbornincity concept_city_york +concept_politicianus_rudy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_rudy concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_rudy concept:politicianusendorsedbypoliticianus concept_politicianus_romney +concept_politicianus_rudy_giuliani concept:politicianrepresentslocation concept_city_new_york +concept_politicianus_rudy_giuliani concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_rudy_giuliani concept:politicianrepresentslocation concept_lake_new +concept_politicianus_rudy_giuliani concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_rudy_giuliani concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_rudy_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_rudy_giuliani concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_rudy_giuliani concept:politicianrepresentslocation concept_stateorprovince_new_york +concept_politicianus_rudy_guiliani concept:atlocation concept_stateorprovince_new_york +concept_politicianus_rush_holt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_russell_d__feingold concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_politicianus_rutherford_b__hayes concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_rutherford_b__hayes concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_rutherford_b__hayes concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_rutherford_b__hayes concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_salazar concept:politicianusendorsedbypoliticianus concept_politicianus_john_salazar +concept_politicianus_sam_brownback concept:politicianrepresentslocation concept_stateorprovince_kansas +concept_politicianus_sam_farr concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sam_houston concept:politicianrepresentslocation concept_country_republic +concept_politicianus_sam_houston concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_sander_m__levin concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sandy_berger concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sanford_bishop concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sarah_palin concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sarah_palin concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_sarah_palin concept:politicianusendorsedbypoliticianus concept_politicianus_senator_mccain +concept_politicianus_sarah_palin concept:politicianrepresentslocation concept_stateorprovince_alaska +concept_politicianus_sarah_palin concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_saxby_chambliss concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_saxby_chambliss concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_saxby_chambliss concept:politicianrepresentslocation concept_stateorprovince_georgia +concept_politicianus_schools concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_sean_hannity concept:worksfor concept_governmentorganization_fox_news +concept_politicianus_sean_hannity concept:worksfor concept_mountain_fox +concept_politicianus_second_person concept:parentofperson concept_person_jesus +concept_politicianus_seminole_tribe concept:latitudelongitude 26.7367300000000,-80.9435700000000 +concept_politicianus_sen__barack concept:politicianusholdsoffice concept_jobposition_president_elect +concept_politicianus_sen__barack concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_sen__barack concept:politicianusholdsoffice concept_politicaloffice_u_s__president +concept_politicianus_sen__barack concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sen__barack_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sen__barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_sen__barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sen__barack_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_sen__clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sen__hillary_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_sen__hillary_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sen__hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_sen__hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sen__joe_biden concept:politicianusholdsoffice concept_politicaloffice_vice_president +concept_politicianus_sen__john_kerry concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sen__john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_sen__john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_gore +concept_politicianus_sen__john_mccain concept:politicianholdsoffice concept_jobposition_president_elect +concept_politicianus_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_gov__sarah_palin +concept_politicianus_sen__john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_sen__john_mccain concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_sen__mccain concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_sen__mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_sen__norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_al_franken +concept_politicianus_sen__norm_coleman concept:politicianusendorsedbypoliticianus concept_politicianus_franken +concept_politicianus_sen__norm_coleman concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_sen__obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_sen__obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sen__obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_sen__obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_sen__obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_sen_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_senator_alexander concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_barack_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_senator_barack_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_clinton +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_hillary_rodham_clinton +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_joe_biden +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_john_edwards +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_john_mccain +concept_politicianus_senator_barack_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_senator_barack_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_senator_baucus concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_biden concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_biden concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_biden concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_senator_biden concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_senator_bingaman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_bond concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_boxer concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_brownback concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_bunning concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_byrd concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_chris_dodd concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_chuck_hagel concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_clinton concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_senator_clinton concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_senator_clinton concept:politicianholdsoffice concept_politicaloffice_secretary +concept_politicianus_senator_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_senator_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_senator_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_senator_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_senator_coburn concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_collins concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_craig concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_evan_bayh concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_graham concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_hagel concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_harkin concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_hatch concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_hillary_clinton concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_senator_hillary_clinton concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_senator_hillary_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_hillary_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_senator_hillary_rodham_clinton concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_hillary_rodham_clinton concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_senator_hutchison concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_joe_biden concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_john_cornyn concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_john_kerry concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_senator_john_kerry concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_john_kerry concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_john_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_senator_john_mccain concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_john_mccain concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_barack_obama +concept_politicianus_senator_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_senator_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_senator_john_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_senator_john_mccain concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_senator_joseph_biden concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_joseph_lieberman concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_kennedy concept:politicianholdsoffice concept_politicaloffice_chairman +concept_politicianus_senator_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_kerry concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_senator_kerry concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_kerry concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_kerry concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_senator_kerry concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_senator_kohl concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_kyl concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_levin concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_lugar concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_mccain concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_mccain concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_senator_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_senator_mccain concept:politicianusendorsedbypoliticianus concept_politicianus_sarah_palin +concept_politicianus_senator_mcconnell concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_murkowski concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_obama concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_senator_obama concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_senator_obama concept:agentcollaborateswithagent concept_person_mccain +concept_politicianus_senator_obama concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_senator_obama concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senator_obama concept:politicianusendorsedbypoliticianus concept_politicianus_biden +concept_politicianus_senator_obama concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_senator_obama concept:politicianusendorsedbypoliticianus concept_politicianus_palin +concept_politicianus_senator_obama concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_senator_patrick_leahy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_richard_lugar concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_sessions concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_shelby concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_snowe concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senator_susan_collins concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_senators_barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_senators_john_mccain concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_sens__barack_obama concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_sens__hillary_clinton concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_sens__john_mccain concept:agentcollaborateswithagent concept_politician_obama +concept_politicianus_shadegg concept:politicianusendorsedbypoliticianus concept_politicianus_john_shadegg +concept_politicianus_shelby concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_sheldon_whitehouse concept:politicianrepresentslocation concept_stateorprovince_rhode_island +concept_politicianus_sherrod_brown concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sherrod_brown concept:politicianrepresentslocation concept_stateorprovince_ohio +concept_politicianus_shimkus concept:politicianusendorsedbypoliticianus concept_politicianus_john_shimkus +concept_politicianus_small_town concept:proxyfor concept_book_new +concept_politicianus_snowe concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_sonny_callahan concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_steny_hoyer concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_stephanie_tubbs_jones concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_stephen_goldsmith concept:atlocation concept_city_indianapolis +concept_politicianus_stephen_goldsmith concept:worksfor concept_televisionstation_indianapolis +concept_politicianus_stephen_horn concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_steve_forbes concept:worksfor concept_company_forbes001 +concept_politicianus_steve_forbes concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_steven_c__latourette concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_strom_thurmond concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_sue_kelly concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sue_myrick concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_sununu concept:politicianusendorsedbypoliticianus concept_politicianus_john_sununu +concept_politicianus_susan_collins concept:politicianrepresentslocation concept_stateorprovince_maine +concept_politicianus_susan_davis concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tanc concept:latitudelongitude 19.3666633333333,-102.2666700000000 +concept_politicianus_ted_kaufman concept:politicianrepresentslocation concept_stateorprovince_delaware +concept_politicianus_ted_kennedy concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_ted_kennedy concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_ted_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_ted_kennedy concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_ted_kennedy concept:politicianrepresentslocation concept_stateorprovince_massachusetts +concept_politicianus_ted_koppel concept:worksfor concept_city_abc +concept_politicianus_ted_stevens concept:politicianrepresentslocation concept_stateorprovince_alaska +concept_politicianus_ted_strickland concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_teddy_kennedy concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_terri_schiavo concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicianus_terry_everett concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tessa_de_loo concept:agentcreated concept_musician_the_twins +concept_politicianus_thad_cochran concept:politicianrepresentslocation concept_stateorprovince_mississippi +concept_politicianus_thomas concept:persondiedatage 5 +concept_politicianus_thomas_barrett concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_thomas_brown concept:personleadsgeopoliticalorganization concept_city_bentleyville +concept_politicianus_thomas_brown concept:worksfor concept_city_bentleyville +concept_politicianus_thomas_carper concept:politicianrepresentslocation concept_stateorprovince_delaware +concept_politicianus_thomas_menino concept:atlocation concept_city_boston +concept_politicianus_thomas_smith concept:personbelongstoorganization concept_governmentorganization_blawnox +concept_politicianus_thomas_smith concept:personleadsgeopoliticalorganization concept_governmentorganization_blawnox +concept_politicianus_thomas_tancredo concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_thompson concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_giuliani +concept_politicianus_thompson concept:politicianusendorsedbypoliticianus concept_politicianus_mccain +concept_politicianus_tim_geithner concept:politicianusholdsoffice concept_politicaloffice_treasury_secretary +concept_politicianus_tim_johnson concept:politicianrepresentslocation concept_stateorprovince_south_dakota +concept_politicianus_tim_pawlenty concept:politicianrepresentslocation concept_stateorprovince_minnesota +concept_politicianus_tim_roemer concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_timothy_geithner concept:politicianusholdsoffice concept_politicaloffice_treasury_secretary +concept_politicianus_tipper_gore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_todd_tiahrt concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tom concept:persondiedatage 16 +concept_politicianus_tom concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_tom_barrett concept:personhasresidenceingeopoliticallocation concept_city_milwaukee +concept_politicianus_tom_carper concept:politicianrepresentslocation concept_stateorprovince_delaware +concept_politicianus_tom_coburn concept:politicianrepresentslocation concept_stateorprovince_oklahoma +concept_politicianus_tom_daschle concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_tom_daschle concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_tom_davis concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tom_delay concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tom_delay concept:personhasjobposition concept_jobposition_majority_leader +concept_politicianus_tom_delay concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_tom_delay concept:personhasresidenceingeopoliticallocation concept_stateorprovince_texas +concept_politicianus_tom_harkin concept:politicianrepresentslocation concept_stateorprovince_iowa +concept_politicianus_tom_latham concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_tom_ridge concept:politicianusendorsedbypoliticianus concept_politicianus_lieberman +concept_politicianus_tom_ridge concept:politicianrepresentslocation concept_stateorprovince_pennsylvania +concept_politicianus_tom_udall concept:politicianrepresentslocation concept_stateorprovince_new_mexico +concept_politicianus_tom_vilsack concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_tom_vilsack concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_tommy_thompson concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_tommy_thompson concept:politicianrepresentslocation concept_stateorprovince_wisconsin +concept_politicianus_tony_fernandez concept:personhasjobposition concept_jobposition_shortstop +concept_politicianus_trent_lott concept:politicianusmemberofpoliticalgroup concept_governmentorganization_senate +concept_politicianus_trent_lott concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_trent_lott concept:personbelongstoorganization concept_politicalparty_senate +concept_politicianus_u_s__president_barack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_u_s__president_bill_clinton concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_u_s__president_elect_barack_obama concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_u_s__president_george_bush concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_ulysses_s__grant concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_ulysses_s__grant concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_ulysses_s__grant concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_ulysses_s__grant concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_ulysses_s__grant concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_unborn_victims_of_violence_act concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_us_senator concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_van_buren concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_van_buren concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_vernon_ehlers concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_vice_president_al_gore concept:politicianholdsoffice concept_politicaloffice_governor +concept_politicianus_vice_president_al_gore concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_vice_president_al_gore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_vice_president_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_bill_bradley +concept_politicianus_vice_president_al_gore concept:politicianusendorsedbypoliticianus concept_politicianus_george_w__bush +concept_politicianus_vice_president_cheney concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_politicianus_vice_president_cheney concept:politicianusendorsedbypoliticianus concept_politicianus_bush +concept_politicianus_vice_president_gore concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_vice_president_gore concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_virgil_goode concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_vito_fossella concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_w_ concept:persondiedincountry concept_country_england +concept_politicianus_w_ concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_w_ concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_w_ concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_politicianus_w_ concept:politicianusendorsedbypoliticianus concept_politicianus_john_kerry +concept_politicianus_walter_b__jones concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_warner concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_warner concept:politicianusendorsedbypoliticianus concept_politicianus_john_warner +concept_politicianus_warner concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_warren_g__harding concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_warren_g__harding concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_wayne_allard concept:politicianrepresentslocation concept_stateorprovince_colorado +concept_politicianus_webb concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_webb concept:politicianholdsoffice concept_politicaloffice_senator +concept_politicianus_wes_watkins concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_william concept:persondiedatage 10 +concept_politicianus_william concept:politicianusholdsoffice concept_politicaloffice_first_president +concept_politicianus_william concept:politicianusholdsoffice concept_politicaloffice_governor +concept_politicianus_william concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_william concept:politicianusendorsedbypoliticianus concept_politicianus_john_smith +concept_politicianus_william_clay concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_william_henry_harrison concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_william_henry_harrison concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_william_henry_harrison concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_william_jefferson concept:politicianusholdsoffice concept_politicaloffice_office +concept_politicianus_william_jefferson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_william_jefferson_clinton concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_william_jefferson_clinton concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_william_mccollum concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_william_mckinley concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_william_mckinley concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_william_mckinley concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_william_safire concept:agentcollaborateswithagent concept_musicartist_times +concept_politicianus_wilson concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_wilson concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_wilson concept:politicianholdsoffice concept_politicaloffice_office +concept_politicianus_wilson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_wilson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_wolf concept:persongraduatedfromuniversity concept_university_college +concept_politicianus_woodrow_wilson concept:politicianrepresentslocation concept_country_u_s_ +concept_politicianus_woodrow_wilson concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_woodrow_wilson concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicianus_woodrow_wilson concept:politicianusholdsoffice concept_politicaloffice_assistant_secretary +concept_politicianus_woodrow_wilson concept:politicianusholdsoffice concept_politicaloffice_president +concept_politicianus_woodrow_wilson concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_woodrow_wilson concept:personhasresidenceingeopoliticallocation concept_stateorprovince_new_jersey +concept_politicianus_woodrow_wilson concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_zachary_taylor concept:politicianrepresentslocation concept_country_united_states +concept_politicianus_zachary_taylor concept:politicianholdsoffice concept_politicaloffice_president +concept_politicianus_zachary_taylor concept:politicianusholdsoffice concept_politicaloffice_secretary +concept_politicianus_zachary_taylor concept:politicianrepresentslocation concept_stateorprovince_states +concept_politicianus_zoe_lofgren concept:politicianusmemberofpoliticalgroup concept_governmentorganization_house +concept_politicsbill_agreements concept:subpartof concept_weatherphenomenon_water +concept_politicsbill_amendment concept:latitudelongitude 33.0711200000000,-117.0659000000000 +concept_politicsbill_amendment concept:atdate concept_date_n2003 +concept_politicsbill_amendment concept:atdate concept_dateliteral_n2002 +concept_politicsbill_amendment concept:atdate concept_dateliteral_n2005 +concept_politicsbill_amendment concept:atdate concept_dateliteral_n2006 +concept_politicsbill_amendment concept:atdate concept_dateliteral_n2007 +concept_politicsbill_columbia_law concept:latitudelongitude 38.8956700000000,-77.0191400000000 +concept_politicsbill_complaint concept:atdate concept_date_n1996 +concept_politicsbill_complaint concept:atdate concept_date_n2000 +concept_politicsbill_complaint concept:atdate concept_date_n2001 +concept_politicsbill_complaint concept:atdate concept_date_n2003 +concept_politicsbill_complaint concept:atdate concept_date_n2004 +concept_politicsbill_complaint concept:atdate concept_dateliteral_n2002 +concept_politicsbill_complaint concept:atdate concept_dateliteral_n2005 +concept_politicsbill_complaint concept:atdate concept_dateliteral_n2006 +concept_politicsbill_complaint concept:atdate concept_dateliteral_n2007 +concept_politicsbill_complaint concept:atdate concept_dateliteral_n2008 +concept_politicsbill_complaint concept:atdate concept_year_n1992 +concept_politicsbill_complaint concept:atdate concept_year_n1994 +concept_politicsbill_complaint concept:atdate concept_year_n1995 +concept_politicsbill_complaint concept:atdate concept_year_n1997 +concept_politicsbill_complaint concept:atdate concept_year_n1998 +concept_politicsbill_connecticut_law concept:latitudelongitude 41.5339900000000,-72.7506500000000 +concept_politicsbill_district_law concept:latitudelongitude 35.1472600000000,-107.8514500000000 +concept_politicsbill_enactment concept:atdate concept_dateliteral_n2005 +concept_politicsbill_fisma concept:latitudelongitude 61.3833300000000,5.1000000000000 +concept_politicsbill_framework_convention concept:atdate concept_dateliteral_n2006 +concept_politicsbill_g_l_ concept:latitudelongitude 18.1266850000000,-66.1033350000000 +concept_politicsbill_general_release concept:atdate concept_dateliteral_n2007 +concept_politicsbill_general_release concept:atdate concept_dateliteral_n2008 +concept_politicsbill_homeland_security concept:synonymfor concept_museum_u_s__department +concept_politicsbill_hswa concept:latitudelongitude 21.1500000000000,97.3500000000000 +concept_politicsbill_information_act concept:atdate concept_dateliteral_n2005 +concept_politicsbill_joint_statement concept:atdate concept_dateliteral_n2002 +concept_politicsbill_montana_law concept:latitudelongitude 46.3924300000000,-112.7361500000000 +concept_politicsbill_mou_ concept:atdate concept_date_n2004 +concept_politicsbill_ordinance concept:atdate concept_date_n2003 +concept_politicsbill_ordinance concept:atdate concept_date_n2004 +concept_politicsbill_ordinance concept:atdate concept_dateliteral_n2007 +concept_politicsbill_pooling_agreement concept:latitudelongitude 44.1924650000000,-92.2326700000000 +concept_politicsbill_prohibition concept:atdate concept_date_n1933 +concept_politicsbill_provisions concept:subpartof concept_weatherphenomenon_water +concept_politicsbill_section_a concept:latitudelongitude 26.8553200000000,-99.2533700000000 +concept_politicsbill_sox concept:atlocation concept_building_anaheim +concept_politicsbill_state_law concept:proxyfor concept_book_new +concept_politicsbill_state_law concept:mutualproxyfor concept_politicaloffice_new +concept_politicsbill_udhr concept:latitudelongitude 16.5500000000000,44.0166700000000 +concept_politicsbill_washington_convention concept:latitudelongitude 38.9022200000000,-77.0243750000000 +concept_politicsbill_york_times concept:atlocation concept_city_washington_d_c +concept_politicsbill_york_times concept:atlocation concept_stateorprovince_the_washington +concept_politicsblog_amazon_com concept:competeswith concept_blog_google +concept_politicsblog_amazon_com concept:headquarteredin concept_city_seattle +concept_politicsblog_amazon_com concept:organizationheadquarteredincity concept_city_seattle +concept_politicsblog_amazon_com concept:acquired concept_company_alexa +concept_politicsblog_amazon_com concept:acquired concept_company_booksurge +concept_politicsblog_amazon_com concept:acquired concept_company_junglee +concept_politicsblog_amazon_com concept:companyeconomicsector concept_economicsector_internet +concept_politicsblog_amazon_com concept:competeswith concept_website_yahoo +concept_politicsblog_analysis concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicsblog_aspen_institute concept:mutualproxyfor concept_writer_walter_isaacson +concept_politicsblog_az concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_business_daily concept:competeswith concept_politicsblog_journal +concept_politicsblog_chart concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicsblog_chart concept:agentcollaborateswithagent concept_city_number +concept_politicsblog_chart concept:agentcontrols concept_city_number +concept_politicsblog_chart concept:organizationterminatedperson concept_personasia_number +concept_politicsblog_chart concept:organizationterminatedperson concept_scientist_no_ +concept_politicsblog_cnn concept:hasofficeincity concept_city_new_york +concept_politicsblog_cnn concept:agentcollaborateswithagent concept_person_lou_dobbs +concept_politicsblog_commerce concept:synonymfor concept_governmentorganization_department +concept_politicsblog_contents concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_deaths concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicsblog_dick_morris concept:agentbelongstoorganization concept_mountain_fox +concept_politicsblog_divisions concept:proxyfor concept_book_new +concept_politicsblog_divisions concept:subpartoforganization concept_terroristorganization_state +concept_politicsblog_forbes_com concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_freddie_mac concept:companyeconomicsector concept_economicsector_mortgage +concept_politicsblog_fundraiser concept:atdate concept_dateliteral_n2008 +concept_politicsblog_geraldo_rivera concept:agentbelongstoorganization concept_mountain_fox +concept_politicsblog_geraldo_rivera concept:agentcollaborateswithagent concept_mountain_fox +concept_politicsblog_guardian concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_guardian concept:companyeconomicsector concept_academicfield_news +concept_politicsblog_guardian concept:hasofficeincity concept_city_new_york +concept_politicsblog_guardian concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_guardian concept:competeswith concept_newspaper_daily +concept_politicsblog_guardian concept:competeswith concept_newspaper_tribune +concept_politicsblog_guardian concept:competeswith concept_newspaper_weekly +concept_politicsblog_header concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicsblog_horizon concept:organizationheadquarteredincity concept_city_seattle +concept_politicsblog_huffington_post concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_huffington_post concept:headquarteredin concept_city_new_york +concept_politicsblog_huffington_post concept:organizationheadquarteredincity concept_city_new_york +concept_politicsblog_image concept:competeswith concept_company_flickr001 +concept_politicsblog_ipo concept:atdate concept_date_n1999 +concept_politicsblog_ipo concept:atdate concept_date_n2000 +concept_politicsblog_ipo concept:atdate concept_date_n2004 +concept_politicsblog_ipo concept:atdate concept_dateliteral_n2005 +concept_politicsblog_ipo concept:atdate concept_dateliteral_n2006 +concept_politicsblog_ipo concept:atdate concept_dateliteral_n2007 +concept_politicsblog_ipo concept:atdate concept_dateliteral_n2008 +concept_politicsblog_jdw concept:latitudelongitude 35.5640550000000,43.3006800000000 +concept_politicsblog_journal concept:competeswith concept_blog_recorder +concept_politicsblog_journal concept:competeswith concept_blog_time_magazine +concept_politicsblog_journal concept:headquarteredin concept_city_washington_d_c +concept_politicsblog_journal concept:organizationheadquarteredincity concept_city_washington_d_c +concept_politicsblog_journal concept:competeswith concept_company_ap_001 +concept_politicsblog_journal concept:competeswith concept_company_barron_s001 +concept_politicsblog_journal concept:competeswith concept_company_bloomberg001 +concept_politicsblog_journal concept:competeswith concept_company_boston_globe001 +concept_politicsblog_journal concept:competeswith concept_company_christian_science_monitor +concept_politicsblog_journal concept:competeswith concept_company_cnbc001 +concept_politicsblog_journal concept:competeswith concept_company_cnn +concept_politicsblog_journal concept:competeswith concept_company_commentary001 +concept_politicsblog_journal concept:competeswith concept_company_eastern_economic_review +concept_politicsblog_journal concept:competeswith concept_company_economist001 +concept_politicsblog_journal concept:competeswith concept_company_entrepreneur +concept_politicsblog_journal concept:competeswith concept_company_forbes001 +concept_politicsblog_journal concept:competeswith concept_company_fortune001 +concept_politicsblog_journal concept:competeswith concept_company_new_republic +concept_politicsblog_journal concept:competeswith concept_company_nyt +concept_politicsblog_journal concept:competeswith concept_company_nytimes001 +concept_politicsblog_journal concept:competeswith concept_company_reuters +concept_politicsblog_journal concept:competeswith concept_company_sunset +concept_politicsblog_journal concept:competeswith concept_company_usa_today001 +concept_politicsblog_journal concept:competeswith concept_company_vogue001 +concept_politicsblog_journal concept:competeswith concept_company_weekly_standard001 +concept_politicsblog_journal concept:competeswith concept_politicsblog_business_daily +concept_politicsblog_journal concept:competeswith concept_politicsblog_wall_street_journal +concept_politicsblog_kare_tv concept:agentbelongstoorganization concept_company_nbc +concept_politicsblog_kare_tv concept:subpartof concept_retailstore_nbc +concept_politicsblog_kcci_tv concept:subpartof concept_website_cbs +concept_politicsblog_kpnx concept:organizationheadquarteredincity concept_city_phoenix +concept_politicsblog_kpnx_tv concept:agentcollaborateswithagent concept_company_nbc +concept_politicsblog_kpnx_tv concept:subpartof concept_retailstore_nbc +concept_politicsblog_ksdk concept:organizationheadquarteredincity concept_city_st_louis +concept_politicsblog_ksdk concept:subpartof concept_retailstore_nbc +concept_politicsblog_kthv concept:organizationheadquarteredincity concept_city_little_rock +concept_politicsblog_kusa concept:hasofficeincity concept_city_denver +concept_politicsblog_kvew concept:subpartoforganization concept_city_abc +concept_politicsblog_kvew concept:subpartof concept_website_abc +concept_politicsblog_kxtv_tv concept:subpartoforganization concept_city_abc +concept_politicsblog_more_times concept:proxyfor concept_book_new +concept_politicsblog_more_times concept:agentactsinlocation concept_lake_new +concept_politicsblog_more_times concept:atlocation concept_lake_new +concept_politicsblog_network concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicsblog_network concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicsblog_network concept:agentcompeteswithagent concept_university_search +concept_politicsblog_new_hampshire concept:locationlocatedwithinlocation concept_country_united_states +concept_politicsblog_news_corporation concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_news_corporation concept:acquired concept_company_dow_jones +concept_politicsblog_news_corporation concept:organizationterminatedperson concept_personaustralia_rupert_murdoch +concept_politicsblog_news_international concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_ninth_state concept:proxyfor concept_book_new +concept_politicsblog_oh concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_opinion concept:agentparticipatedinevent concept_eventoutcome_result +concept_politicsblog_originator concept:proxyfor concept_book_new +concept_politicsblog_outline concept:agentinvolvedwithitem concept_buildingfeature_window +concept_politicsblog_pacific_views concept:latitudelongitude -27.9817400000000,153.4290500000000 +concept_politicsblog_people_magazine concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_perspective concept:proxyfor concept_book_new +concept_politicsblog_pitch concept:agentparticipatedinevent concept_sportsgame_series +concept_politicsblog_poll concept:organizationterminatedperson concept_scientist_no_ +concept_politicsblog_presence concept:subpartoforganization concept_terroristorganization_state +concept_politicsblog_presence concept:agentcompeteswithagent concept_university_search +concept_politicsblog_press_release concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicsblog_radio_station concept:proxyfor concept_book_new +concept_politicsblog_raleigh concept:locationlocatedwithinlocation concept_river_state +concept_politicsblog_real_estate concept:competeswith concept_blog_realtor_com +concept_politicsblog_real_estate concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_realplayer concept:agentcreated concept_website_download +concept_politicsblog_republic concept:synonymfor concept_biotechcompany_china +concept_politicsblog_republic concept:synonymfor concept_biotechcompany_namibia +concept_politicsblog_republic concept:synonymfor concept_biotechcompany_portugal +concept_politicsblog_republic concept:atlocation concept_city_washington_d_c +concept_politicsblog_republic concept:synonymfor concept_company_canada +concept_politicsblog_republic concept:synonymfor concept_company_japan +concept_politicsblog_reuters_news_agency concept:hasofficeincity concept_city_new_york +concept_politicsblog_right_thing concept:proxyfor concept_book_new +concept_politicsblog_rights concept:organizationheadquarteredincity concept_city_new_york +concept_politicsblog_rights concept:subpartoforganization concept_company_disney +concept_politicsblog_rolling_stone concept:atdate concept_dateliteral_n2008 +concept_politicsblog_rolling_stone concept:mutualproxyfor concept_personus_jann_wenner +concept_politicsblog_rolling_stone concept:organizationterminatedperson concept_personus_jann_wenner +concept_politicsblog_rules concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicsblog_seattle_pi concept:agentcollaborateswithagent concept_journalist_art_thiel +concept_politicsblog_seventeen concept:agentparticipatedinevent concept_sportsgame_series +concept_politicsblog_star concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_star concept:competeswith concept_blog_sun +concept_politicsblog_star concept:competeswith concept_company_prothom_alo +concept_politicsblog_star concept:competeswith concept_newspaper_daily +concept_politicsblog_state_record concept:latitudelongitude 43.0731300000000,-71.6437800000000 +concept_politicsblog_television_stations concept:proxyfor concept_book_new +concept_politicsblog_the_american concept:headquarteredin concept_city_new_york +concept_politicsblog_the_american concept:agentactsinlocation concept_city_washington_d_c +concept_politicsblog_the_american concept:locationlocatedwithinlocation concept_city_york +concept_politicsblog_the_american concept:atlocation concept_county_los_angeles_county +concept_politicsblog_the_american concept:agentactsinlocation concept_county_san_francisco +concept_politicsblog_the_american concept:agentactsinlocation concept_island_society +concept_politicsblog_the_economist concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_tribune concept:agentcontrols concept_blog_time_magazine +concept_politicsblog_tribune concept:agentcontrols concept_building_times +concept_politicsblog_tribune concept:headquarteredin concept_city_washington_d_c +concept_politicsblog_tribune concept:organizationheadquarteredincity concept_city_washington_d_c +concept_politicsblog_tribune concept:agentcontrols concept_company_boston_globe001 +concept_politicsblog_tribune concept:agentcontrols concept_company_christian_science_monitor +concept_politicsblog_tribune concept:agentcontrols concept_company_economist001 +concept_politicsblog_tribune concept:competeswith concept_company_economist001 +concept_politicsblog_tribune concept:agentcontrols concept_company_usa_today001 +concept_politicsblog_tribune concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_politicsblog_tribune concept:agentactsinlocation concept_highway_the_new +concept_politicsblog_tribune concept:agentactsinlocation concept_lake_new +concept_politicsblog_tribune concept:agentcontrols concept_museum_new_york_times +concept_politicsblog_tribune concept:agentcontrols concept_personaustralia_guardian +concept_politicsblog_tribune concept:agentcontrols concept_politicsblog_wall_street_journal +concept_politicsblog_tribune concept:agentcontrols concept_televisionstation_los_angeles_times +concept_politicsblog_tribune concept:agentcontrols concept_terroristorganization_le_monde +concept_politicsblog_tribune concept:agentcontrols concept_university_newsweek +concept_politicsblog_tribune concept:agentactsinlocation concept_website_financial +concept_politicsblog_tribune_com concept:agentactsinlocation concept_city_london_city +concept_politicsblog_tribune_com concept:atlocation concept_city_london_city +concept_politicsblog_tribune_com concept:agentactsinlocation concept_highway_the_new +concept_politicsblog_tribune_com concept:agentcontrols concept_newspaper_ny_times +concept_politicsblog_tribune_com concept:agentcollaborateswithagent concept_publication_times_mirror +concept_politicsblog_tribune_company concept:companyeconomicsector concept_academicfield_media +concept_politicsblog_turner_sports concept:mutualproxyfor concept_personeurope_david_levy +concept_politicsblog_tx concept:companyeconomicsector concept_economicsector_insurance +concept_politicsblog_wall_street_journal concept:headquarteredin concept_city_washington_d_c +concept_politicsblog_wall_street_journal concept:subpartoforganization concept_company_dow_jones +concept_politicsblog_wall_street_journal concept:atdate concept_date_n2000 +concept_politicsblog_wbal_tv concept:agentbelongstoorganization concept_company_nbc +concept_politicsblog_wbal_tv concept:subpartof concept_retailstore_nbc +concept_politicsblog_wcsh concept:agentcollaborateswithagent concept_company_nbc +concept_politicsblog_weekly_standard concept:hasofficeincity concept_city_new_york +concept_politicsblog_wfmy concept:organizationheadquarteredincity concept_city_greensboro +concept_politicsblog_wfmy_tv concept:subpartof concept_website_cbs +concept_politicsblog_wgal concept:organizationheadquarteredincity concept_city_lancaster +concept_politicsblog_wgal concept:agentcollaborateswithagent concept_company_nbc +concept_politicsblog_wgrz concept:organizationheadquarteredincity concept_city_buffalo +concept_politicsblog_wgrz concept:agentbelongstoorganization concept_company_nbc +concept_politicsblog_wgrz concept:subpartof concept_retailstore_nbc +concept_politicsblog_white_house concept:proxyfor concept_book_new +concept_politicsblog_white_house concept:hasofficeincountry concept_country_korea +concept_politicsblog_white_house concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_politicsblog_white_house concept:atdate concept_date_n1993 +concept_politicsblog_white_house concept:atdate concept_date_n1996 +concept_politicsblog_white_house concept:atdate concept_date_n2001 +concept_politicsblog_white_house concept:atdate concept_date_n2003 +concept_politicsblog_white_house concept:atdate concept_date_n2004 +concept_politicsblog_white_house concept:atdate concept_date_n2009 +concept_politicsblog_white_house concept:atdate concept_dateliteral_n1961 +concept_politicsblog_white_house concept:atdate concept_dateliteral_n2002 +concept_politicsblog_white_house concept:atdate concept_dateliteral_n2006 +concept_politicsblog_white_house concept:atdate concept_dateliteral_n2008 +concept_politicsblog_white_house concept:organizationhiredperson concept_person_republican +concept_politicsblog_white_house concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicsblog_white_house concept:atdate concept_year_n1973 +concept_politicsblog_white_house concept:atdate concept_year_n1985 +concept_politicsblog_white_house concept:atdate concept_year_n1994 +concept_politicsblog_white_house concept:atdate concept_year_n1995 +concept_politicsblog_white_house concept:atdate concept_year_n1998 +concept_politicsblog_wis concept:agentcollaborateswithagent concept_company_nbc +concept_politicsblog_wis concept:subpartof concept_retailstore_nbc +concept_politicsblog_wjxx concept:subpartoforganization concept_city_abc +concept_politicsblog_wlbz concept:agentcollaborateswithagent concept_company_nbc +concept_politicsblog_wlbz concept:subpartof concept_retailstore_nbc +concept_politicsblog_wltx concept:subpartof concept_website_cbs +concept_politicsblog_wmaz_tv concept:organizationheadquarteredincity concept_city_macon +concept_politicsblog_wmaz_tv concept:subpartof concept_website_cbs +concept_politicsblog_wmur_tv concept:subpartoforganization concept_city_abc +concept_politicsblog_world_report concept:companyeconomicsector concept_academicfield_news +concept_politicsblog_wtlv concept:agentbelongstoorganization concept_company_nbc +concept_politicsblog_wtlv concept:subpartof concept_retailstore_nbc +concept_politicsblog_wusa_tv concept:subpartof concept_website_cbs +concept_politicsblog_wwl_am concept:organizationheadquarteredincity concept_city_new_orleans +concept_politicsblog_yahoo_com concept:agentcompeteswithagent concept_university_search +concept_politicsblog_yankee concept:agentcontrols concept_island_rodriguez +concept_politicsblog_yankee concept:organizationhiredperson concept_person_rodriguez +concept_politicsgroup_right concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_politicsissue_activity concept:atdate concept_date_n1996 +concept_politicsissue_activity concept:atdate concept_date_n1999 +concept_politicsissue_activity concept:atdate concept_date_n2001 +concept_politicsissue_activity concept:atdate concept_date_n2003 +concept_politicsissue_activity concept:atdate concept_date_n2004 +concept_politicsissue_activity concept:atdate concept_dateliteral_n2002 +concept_politicsissue_activity concept:atdate concept_dateliteral_n2005 +concept_politicsissue_activity concept:atdate concept_dateliteral_n2006 +concept_politicsissue_activity concept:atdate concept_dateliteral_n2007 +concept_politicsissue_activity concept:atdate concept_dateliteral_n2008 +concept_politicsissue_activity concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_activity concept:atdate concept_year_n1998 +concept_politicsissue_affairs concept:synonymfor concept_academicfield_ministries +concept_politicsissue_affairs concept:synonymfor concept_agent_secretary +concept_politicsissue_affairs concept:atdate concept_dateliteral_n2005 +concept_politicsissue_affairs concept:synonymfor concept_jobposition_deputy_minister +concept_politicsissue_affairs concept:synonymfor concept_product_minister +concept_politicsissue_affairs concept:synonymfor concept_university_ministry +concept_politicsissue_affirmative_action concept:proxyfor concept_book_new +concept_politicsissue_age concept:atdate concept_date_community +concept_politicsissue_animals concept:atdate concept_dateliteral_n2007 +concept_politicsissue_announced concept:atdate concept_dateliteral_n2005 +concept_politicsissue_announced concept:atdate concept_dateliteral_n2006 +concept_politicsissue_announced concept:atdate concept_dateliteral_n2007 +concept_politicsissue_assessments concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_assignments concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_bags concept:atdate concept_dateliteral_n2007 +concept_politicsissue_basics concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_bc concept:atdate concept_date_n2003 +concept_politicsissue_bc concept:atdate concept_dateliteral_n2005 +concept_politicsissue_bc concept:atdate concept_dateliteral_n2007 +concept_politicsissue_boys concept:atdate concept_dateliteral_n2006 +concept_politicsissue_business_administration_degree concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_politicsissue_business_administration_degree concept:academicprogramatuniversity concept_university_college +concept_politicsissue_business_administration_degree concept:academicprogramatuniversity concept_university_graduate_school +concept_politicsissue_business_administration_degree concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_career concept:proxyfor concept_book_new +concept_politicsissue_career concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_charlotte_s_web concept:bookwriter concept_writer_e__b__white +concept_politicsissue_citizens concept:atlocation concept_country_united_states +concept_politicsissue_citizens concept:atdate concept_dateliteral_n2005 +concept_politicsissue_citizens concept:atdate concept_dateliteral_n2007 +concept_politicsissue_citizenship concept:atdate concept_dateliteral_n2006 +concept_politicsissue_citizenship concept:atdate concept_dateliteral_n2007 +concept_politicsissue_commissioners concept:atdate concept_dateliteral_n2005 +concept_politicsissue_commissioners concept:atdate concept_dateliteral_n2007 +concept_politicsissue_commons concept:atdate concept_date_n2001 +concept_politicsissue_commons concept:atdate concept_date_n2003 +concept_politicsissue_commons concept:atdate concept_date_n2004 +concept_politicsissue_commons concept:atdate concept_dateliteral_n2002 +concept_politicsissue_commons concept:atdate concept_dateliteral_n2006 +concept_politicsissue_commons concept:atdate concept_dateliteral_n2007 +concept_politicsissue_commons concept:atdate concept_dateliteral_n2008 +concept_politicsissue_commons concept:atdate concept_year_n1995 +concept_politicsissue_commons concept:atdate concept_year_n1997 +concept_politicsissue_competition concept:atdate concept_date_n1999 +concept_politicsissue_competition concept:atdate concept_date_n2001 +concept_politicsissue_competition concept:atdate concept_date_n2003 +concept_politicsissue_competition concept:atdate concept_date_n2004 +concept_politicsissue_competition concept:atdate concept_date_n2009 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2002 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2005 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2006 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2007 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2008 +concept_politicsissue_competition concept:atdate concept_dateliteral_n2010 +concept_politicsissue_competition concept:atdate concept_month_february +concept_politicsissue_competition concept:atdate concept_year_n1997 +concept_politicsissue_computer_science_education concept:latitudelongitude 40.4784800000000,-79.9318400000000 +concept_politicsissue_concern concept:proxyfor concept_book_new +concept_politicsissue_concern concept:atdate concept_date_n2004 +concept_politicsissue_concern concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_contracts concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_courses concept:proxyfor concept_book_new +concept_politicsissue_courses concept:atdate concept_date_n2003 +concept_politicsissue_courses concept:atdate concept_date_n2009 +concept_politicsissue_courses concept:atdate concept_dateliteral_n2002 +concept_politicsissue_courses concept:atdate concept_dateliteral_n2005 +concept_politicsissue_courses concept:atdate concept_dateliteral_n2006 +concept_politicsissue_courses concept:atdate concept_dateliteral_n2007 +concept_politicsissue_courses concept:atdate concept_dateliteral_n2008 +concept_politicsissue_courses concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_courts concept:proxyfor concept_book_new +concept_politicsissue_courts concept:atdate concept_dateliteral_n2007 +concept_politicsissue_courts concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_creation concept:proxyfor concept_book_new +concept_politicsissue_creation concept:atdate concept_date_n1996 +concept_politicsissue_creation concept:atdate concept_date_n1999 +concept_politicsissue_creation concept:atdate concept_date_n2000 +concept_politicsissue_creation concept:atdate concept_date_n2001 +concept_politicsissue_creation concept:atdate concept_date_n2003 +concept_politicsissue_creation concept:atdate concept_date_n2004 +concept_politicsissue_creation concept:atdate concept_dateliteral_n2002 +concept_politicsissue_creation concept:atdate concept_dateliteral_n2005 +concept_politicsissue_creation concept:atdate concept_dateliteral_n2006 +concept_politicsissue_creation concept:atdate concept_dateliteral_n2007 +concept_politicsissue_creation concept:atdate concept_year_n1995 +concept_politicsissue_creation concept:atdate concept_year_n1997 +concept_politicsissue_creation concept:atdate concept_year_n1998 +concept_politicsissue_decisions concept:atdate concept_date_n2009 +concept_politicsissue_defense concept:atdate concept_date_n2000 +concept_politicsissue_defense concept:atdate concept_date_n2004 +concept_politicsissue_defense concept:atdate concept_dateliteral_n2007 +concept_politicsissue_defense concept:synonymfor concept_governmentorganization_department +concept_politicsissue_defense concept:synonymfor concept_governmentorganization_departments +concept_politicsissue_defense concept:synonymfor concept_museum_u_s__department +concept_politicsissue_defense concept:atdate concept_year_n1992 +concept_politicsissue_development_studies concept:academicprogramatuniversity concept_university_college +concept_politicsissue_dignity concept:istallerthan concept_publication_people_ +concept_politicsissue_diplomatic_relations concept:atdate concept_date_n1976 +concept_politicsissue_disorders concept:ismultipleof concept_politicsissue_students +concept_politicsissue_domain_name concept:atdate concept_date_n2000 +concept_politicsissue_domain_name concept:atdate concept_date_n2001 +concept_politicsissue_domain_name concept:atdate concept_dateliteral_n2002 +concept_politicsissue_domain_name concept:atdate concept_dateliteral_n2005 +concept_politicsissue_easyjet concept:atlocation concept_visualizablescene_manchester_airports +concept_politicsissue_education concept:academicfieldsuchasacademicfield concept_academicfield_arts +concept_politicsissue_education concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_politicsissue_education concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_politicsissue_education concept:academicfieldsuchasacademicfield concept_academicfield_technology +concept_politicsissue_education concept:academicfieldconcernssubject concept_economicsector_computer +concept_politicsissue_education concept:academicprogramatuniversity concept_university_columbia_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_george_washington_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_graduate_school +concept_politicsissue_education concept:academicprogramatuniversity concept_university_harvard +concept_politicsissue_education concept:academicprogramatuniversity concept_university_harvard_graduate_school +concept_politicsissue_education concept:academicprogramatuniversity concept_university_harvard_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_education concept:academicprogramatuniversity concept_university_memorial_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_nipissing_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_northern_arizona_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_ohio_state +concept_politicsissue_education concept:academicprogramatuniversity concept_university_rutgers +concept_politicsissue_education concept:academicprogramatuniversity concept_university_seminary +concept_politicsissue_education concept:academicprogramatuniversity concept_university_state_college +concept_politicsissue_education concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_teachers_college +concept_politicsissue_education concept:academicprogramatuniversity concept_university_theological_seminary +concept_politicsissue_education concept:academicprogramatuniversity concept_university_ubc +concept_politicsissue_education concept:academicprogramatuniversity concept_university_vanderbilt_university +concept_politicsissue_education concept:academicprogramatuniversity concept_university_washington_university +concept_politicsissue_efforts concept:proxyfor concept_book_new +concept_politicsissue_efforts concept:atdate concept_date_n2003 +concept_politicsissue_efforts concept:atdate concept_dateliteral_n2005 +concept_politicsissue_efforts concept:atdate concept_dateliteral_n2007 +concept_politicsissue_efforts concept:atdate concept_dateliteral_n2008 +concept_politicsissue_efforts concept:istallerthan concept_publication_people_ +concept_politicsissue_efforts concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_elections concept:atdate concept_date_n1972 +concept_politicsissue_elections concept:atdate concept_date_n1993 +concept_politicsissue_elections concept:atdate concept_date_n1996 +concept_politicsissue_elections concept:atdate concept_date_n1999 +concept_politicsissue_elections concept:atdate concept_date_n2003 +concept_politicsissue_elections concept:atdate concept_date_n2004 +concept_politicsissue_elections concept:atdate concept_dateliteral_n1980 +concept_politicsissue_elections concept:atdate concept_dateliteral_n1987 +concept_politicsissue_elections concept:atdate concept_dateliteral_n1990 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2002 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2005 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2006 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2007 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2008 +concept_politicsissue_elections concept:atdate concept_dateliteral_n2010 +concept_politicsissue_elections concept:atdate concept_month_april +concept_politicsissue_elections concept:atdate concept_month_august +concept_politicsissue_elections concept:atdate concept_month_december +concept_politicsissue_elections concept:atdate concept_month_february +concept_politicsissue_elections concept:atdate concept_month_january +concept_politicsissue_elections concept:atdate concept_month_june +concept_politicsissue_elections concept:atdate concept_month_march +concept_politicsissue_elections concept:atdate concept_month_may +concept_politicsissue_elections concept:atdate concept_month_november +concept_politicsissue_elections concept:atdate concept_month_september +concept_politicsissue_elections concept:atdate concept_year_n1989 +concept_politicsissue_elections concept:atdate concept_year_n1994 +concept_politicsissue_elections concept:atdate concept_year_n1995 +concept_politicsissue_elections concept:atdate concept_year_n1997 +concept_politicsissue_elections concept:atdate concept_year_n1998 +concept_politicsissue_employee concept:atdate concept_dateliteral_n2007 +concept_politicsissue_employee concept:atdate concept_dateliteral_n2008 +concept_politicsissue_employee concept:atdate concept_year_n1998 +concept_politicsissue_employees concept:atdate concept_date_n2000 +concept_politicsissue_employees concept:atdate concept_date_n2001 +concept_politicsissue_employees concept:atdate concept_date_n2003 +concept_politicsissue_employees concept:atdate concept_date_n2004 +concept_politicsissue_employees concept:atdate concept_dateliteral_n2002 +concept_politicsissue_employees concept:atdate concept_dateliteral_n2005 +concept_politicsissue_employees concept:atdate concept_dateliteral_n2006 +concept_politicsissue_employees concept:atdate concept_dateliteral_n2007 +concept_politicsissue_employees concept:atdate concept_dateliteral_n2008 +concept_politicsissue_energy concept:proxyfor concept_book_new +concept_politicsissue_energy concept:atdate concept_date_n2004 +concept_politicsissue_energy concept:atdate concept_dateliteral_n2006 +concept_politicsissue_energy concept:atdate concept_dateliteral_n2008 +concept_politicsissue_energy concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_energy concept:atdate concept_year_n1994 +concept_politicsissue_environment concept:academicprogramatuniversity concept_university_college +concept_politicsissue_environmental_protection concept:atdate concept_dateliteral_n2008 +concept_politicsissue_experience concept:atdate concept_date_n2001 +concept_politicsissue_experience concept:atdate concept_date_n2003 +concept_politicsissue_experience concept:atdate concept_date_n2004 +concept_politicsissue_experience concept:atdate concept_dateliteral_n2005 +concept_politicsissue_experience concept:atdate concept_dateliteral_n2007 +concept_politicsissue_experience concept:atdate concept_dateliteral_n2008 +concept_politicsissue_experience concept:istallerthan concept_publication_people_ +concept_politicsissue_experience concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_experience concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_experience concept:atdate concept_year_n1991 +concept_politicsissue_field concept:proxyfor concept_book_new +concept_politicsissue_field concept:atdate concept_date_n1996 +concept_politicsissue_field concept:atdate concept_date_n1999 +concept_politicsissue_field concept:atdate concept_date_n2000 +concept_politicsissue_field concept:atdate concept_date_n2001 +concept_politicsissue_field concept:atdate concept_date_n2003 +concept_politicsissue_field concept:atdate concept_dateliteral_n2005 +concept_politicsissue_field concept:atdate concept_dateliteral_n2006 +concept_politicsissue_field concept:atdate concept_dateliteral_n2007 +concept_politicsissue_field concept:mutualproxyfor concept_researchproject_engineering +concept_politicsissue_field concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_field concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_field concept:atdate concept_year_n1997 +concept_politicsissue_forms concept:proxyfor concept_book_new +concept_politicsissue_forms concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_free_trade concept:latitudelongitude 32.6938900000000,-89.4124300000000 +concept_politicsissue_gambia concept:atdate concept_dateliteral_n2005 +concept_politicsissue_gambia concept:atdate concept_dateliteral_n2006 +concept_politicsissue_gambia concept:atdate concept_dateliteral_n2008 +concept_politicsissue_genocide concept:atdate concept_year_n1994 +concept_politicsissue_girls concept:atdate concept_dateliteral_n2007 +concept_politicsissue_girls concept:specializationof concept_politicsissue_animals +concept_politicsissue_god concept:atdate concept_date_n2004 +concept_politicsissue_god concept:istallerthan concept_publication_people_ +concept_politicsissue_graduate concept:proxyfor concept_book_new +concept_politicsissue_graduate concept:atdate concept_date_n1999 +concept_politicsissue_graduate concept:atdate concept_date_n2000 +concept_politicsissue_graduate concept:atdate concept_date_n2001 +concept_politicsissue_graduate concept:atdate concept_date_n2003 +concept_politicsissue_graduate concept:atdate concept_date_n2004 +concept_politicsissue_graduate concept:atdate concept_date_n2009 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2002 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2005 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2006 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2007 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2008 +concept_politicsissue_graduate concept:atdate concept_dateliteral_n2010 +concept_politicsissue_graduate concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_health_care concept:academicprogramatuniversity concept_university_college +concept_politicsissue_health_care concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_health_care concept:academicprogramatuniversity concept_university_washington_university +concept_politicsissue_health_education concept:academicprogramatuniversity concept_university_college +concept_politicsissue_health_policy concept:academicprogramatuniversity concept_university_college +concept_politicsissue_health_protection concept:latitudelongitude 41.6583500000000,-91.5437800000000 +concept_politicsissue_health_services concept:academicprogramatuniversity concept_university_college +concept_politicsissue_health_services concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_health_services concept:academicprogramatuniversity concept_university_washington_university +concept_politicsissue_health_services_administration concept:academicprogramatuniversity concept_university_college +concept_politicsissue_higher_education concept:academicprogramatuniversity concept_university_college +concept_politicsissue_higher_education concept:academicprogramatuniversity concept_university_george_washington_university +concept_politicsissue_higher_education concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_higher_education_program concept:latitudelongitude 40.1943900000000,-74.7273400000000 +concept_politicsissue_human_needs concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_human_rights concept:atdate concept_date_n1993 +concept_politicsissue_human_rights concept:atdate concept_date_n1996 +concept_politicsissue_human_rights concept:atdate concept_date_n1999 +concept_politicsissue_human_rights concept:atdate concept_date_n2000 +concept_politicsissue_human_rights concept:atdate concept_date_n2003 +concept_politicsissue_human_rights concept:atdate concept_date_n2004 +concept_politicsissue_human_rights concept:atdate concept_dateliteral_n2002 +concept_politicsissue_human_rights concept:atdate concept_dateliteral_n2006 +concept_politicsissue_human_rights concept:atdate concept_dateliteral_n2008 +concept_politicsissue_human_rights concept:academicprogramatuniversity concept_university_college +concept_politicsissue_human_rights concept:atdate concept_year_n1997 +concept_politicsissue_human_rights concept:atdate concept_year_n1998 +concept_politicsissue_human_services concept:atdate concept_date_n2003 +concept_politicsissue_lake_county concept:atlocation concept_city_florida +concept_politicsissue_latin_america concept:atdate concept_date_n1999 +concept_politicsissue_laws concept:atdate concept_date_n2001 +concept_politicsissue_laws concept:atdate concept_date_n2003 +concept_politicsissue_laws concept:atdate concept_date_n2004 +concept_politicsissue_laws concept:atdate concept_dateliteral_n2006 +concept_politicsissue_laws concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_laws concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_markets concept:atdate concept_date_n2009 +concept_politicsissue_markets concept:atdate concept_dateliteral_n2002 +concept_politicsissue_markets concept:atdate concept_dateliteral_n2005 +concept_politicsissue_markets concept:atdate concept_dateliteral_n2006 +concept_politicsissue_markets concept:atdate concept_dateliteral_n2008 +concept_politicsissue_markets concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_master_s_degree concept:academicprogramatuniversity concept_university_college +concept_politicsissue_master_s_degree concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_meetings concept:atdate concept_date_fall +concept_politicsissue_meetings concept:atdate concept_date_n1996 +concept_politicsissue_meetings concept:atdate concept_date_n1999 +concept_politicsissue_meetings concept:atdate concept_date_n2000 +concept_politicsissue_meetings concept:atdate concept_date_n2001 +concept_politicsissue_meetings concept:atdate concept_date_n2003 +concept_politicsissue_meetings concept:atdate concept_date_n2004 +concept_politicsissue_meetings concept:atdate concept_date_n2009 +concept_politicsissue_meetings concept:atdate concept_dateliteral_n2002 +concept_politicsissue_meetings concept:atdate concept_dateliteral_n2005 +concept_politicsissue_meetings concept:atdate concept_dateliteral_n2006 +concept_politicsissue_meetings concept:atdate concept_dateliteral_n2007 +concept_politicsissue_meetings concept:atdate concept_dateliteral_n2008 +concept_politicsissue_meetings concept:atlocation concept_lake_new +concept_politicsissue_meetings concept:atdate concept_month_august +concept_politicsissue_meetings concept:atdate concept_month_february +concept_politicsissue_meetings concept:atdate concept_month_january +concept_politicsissue_meetings concept:atdate concept_month_june +concept_politicsissue_meetings concept:atdate concept_month_september +concept_politicsissue_meetings concept:atdate concept_year_n1992 +concept_politicsissue_meetings concept:atdate concept_year_n1994 +concept_politicsissue_meetings concept:atdate concept_year_n1995 +concept_politicsissue_meetings concept:atdate concept_year_n1998 +concept_politicsissue_mental_health_care concept:latitudelongitude 52.6171900000000,1.2986400000000 +concept_politicsissue_nebraska concept:atdate concept_date_n2009 +concept_politicsissue_nepal concept:atdate concept_date_n1999 +concept_politicsissue_nepal concept:atdate concept_date_n2001 +concept_politicsissue_nepal concept:atdate concept_date_n2003 +concept_politicsissue_nepal concept:atdate concept_date_n2004 +concept_politicsissue_nepal concept:atdate concept_dateliteral_n2002 +concept_politicsissue_nepal concept:atdate concept_dateliteral_n2005 +concept_politicsissue_nepal concept:atdate concept_dateliteral_n2006 +concept_politicsissue_nepal concept:atdate concept_dateliteral_n2007 +concept_politicsissue_nepal concept:atdate concept_dateliteral_n2008 +concept_politicsissue_nepal concept:atdate concept_year_n1998 +concept_politicsissue_objectives concept:istallerthan concept_politicsissue_students +concept_politicsissue_objectives concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_officers concept:atdate concept_date_n2001 +concept_politicsissue_officers concept:atdate concept_dateliteral_n2002 +concept_politicsissue_ohio_state_university_extension concept:latitudelongitude 41.6575500000000,-82.8224100000000 +concept_politicsissue_one_thing concept:proxyfor concept_book_new +concept_politicsissue_opportunity concept:proxyfor concept_book_new +concept_politicsissue_opportunity concept:atdate concept_date_n2004 +concept_politicsissue_opportunity concept:atdate concept_dateliteral_n2006 +concept_politicsissue_opportunity concept:istallerthan concept_politicsissue_students +concept_politicsissue_opportunity concept:istallerthan concept_publication_people_ +concept_politicsissue_opportunity concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_oregon concept:proxyfor concept_book_new +concept_politicsissue_oregon concept:mutualproxyfor concept_buildingmaterial_bend +concept_politicsissue_oregon concept:istallerthan concept_publication_people_ +concept_politicsissue_oregon concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_oregon concept:proxyfor concept_university_ohio +concept_politicsissue_oregon concept:mutualproxyfor concept_university_portland +concept_politicsissue_oregon concept:mutualproxyfor concept_winery_gresham +concept_politicsissue_park_commissioners concept:latitudelongitude 40.9527800000000,-73.9200000000000 +concept_politicsissue_photovoltaic concept:latitudelongitude 37.6074900000000,-109.9773500000000 +concept_politicsissue_physicians concept:proxyfor concept_book_new +concept_politicsissue_physicians concept:atdate concept_dateliteral_n2008 +concept_politicsissue_pick concept:proxyfor concept_book_new +concept_politicsissue_policy concept:academicprogramatuniversity concept_university_college +concept_politicsissue_policy concept:academicprogramatuniversity concept_university_harvard +concept_politicsissue_policy concept:academicprogramatuniversity concept_university_harvard_university +concept_politicsissue_policy concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_politics concept:academicprogramatuniversity concept_university_college +concept_politicsissue_poverty concept:proxyfor concept_book_new +concept_politicsissue_primary concept:atdate concept_dateliteral_n2008 +concept_politicsissue_privatization concept:atdate concept_date_n2003 +concept_politicsissue_processes concept:synonymfor concept_profession_hide +concept_politicsissue_processes concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_processes concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_programs concept:subpartof concept_beverage_integrated_water +concept_politicsissue_programs concept:subpartof concept_beverage_local_water +concept_politicsissue_programs concept:proxyfor concept_book_new +concept_politicsissue_programs concept:atdate concept_date_n1999 +concept_politicsissue_programs concept:atdate concept_date_n2001 +concept_politicsissue_programs concept:atdate concept_date_n2003 +concept_politicsissue_programs concept:atdate concept_date_n2009 +concept_politicsissue_programs concept:atdate concept_dateliteral_n2005 +concept_politicsissue_programs concept:atdate concept_dateliteral_n2006 +concept_politicsissue_programs concept:atdate concept_dateliteral_n2007 +concept_politicsissue_programs concept:atdate concept_dateliteral_n2008 +concept_politicsissue_programs concept:subpartof concept_publication_ground_water +concept_politicsissue_programs concept:istallerthan concept_publication_people_ +concept_politicsissue_programs concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_programs concept:subpartof concept_visualizableattribute_community_water +concept_politicsissue_programs concept:subpartof concept_visualizableattribute_drinking_water +concept_politicsissue_programs concept:subpartof concept_visualizableattribute_various_water +concept_politicsissue_programs concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_programs concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_public concept:atdate concept_date_n1964 +concept_politicsissue_public concept:atdate concept_date_n1966 +concept_politicsissue_public concept:atdate concept_date_n1969 +concept_politicsissue_public concept:atdate concept_date_n1972 +concept_politicsissue_public concept:atdate concept_date_n1976 +concept_politicsissue_public concept:atdate concept_date_n1993 +concept_politicsissue_public concept:atdate concept_date_n1996 +concept_politicsissue_public concept:atdate concept_date_n1999 +concept_politicsissue_public concept:atdate concept_date_n2000 +concept_politicsissue_public concept:atdate concept_date_n2001 +concept_politicsissue_public concept:atdate concept_date_n2003 +concept_politicsissue_public concept:atdate concept_date_n2004 +concept_politicsissue_public concept:atdate concept_date_n2009 +concept_politicsissue_public concept:atdate concept_dateliteral_n1980 +concept_politicsissue_public concept:atdate concept_dateliteral_n1987 +concept_politicsissue_public concept:atdate concept_dateliteral_n1990 +concept_politicsissue_public concept:atdate concept_dateliteral_n2002 +concept_politicsissue_public concept:atdate concept_dateliteral_n2005 +concept_politicsissue_public concept:atdate concept_dateliteral_n2006 +concept_politicsissue_public concept:atdate concept_dateliteral_n2007 +concept_politicsissue_public concept:atdate concept_dateliteral_n2008 +concept_politicsissue_public concept:atdate concept_dateliteral_n2010 +concept_politicsissue_public concept:atdate concept_year_n1959 +concept_politicsissue_public concept:atdate concept_year_n1965 +concept_politicsissue_public concept:atdate concept_year_n1970 +concept_politicsissue_public concept:atdate concept_year_n1975 +concept_politicsissue_public concept:atdate concept_year_n1978 +concept_politicsissue_public concept:atdate concept_year_n1981 +concept_politicsissue_public concept:atdate concept_year_n1982 +concept_politicsissue_public concept:atdate concept_year_n1984 +concept_politicsissue_public concept:atdate concept_year_n1986 +concept_politicsissue_public concept:atdate concept_year_n1988 +concept_politicsissue_public concept:atdate concept_year_n1989 +concept_politicsissue_public concept:atdate concept_year_n1991 +concept_politicsissue_public concept:atdate concept_year_n1992 +concept_politicsissue_public concept:atdate concept_year_n1994 +concept_politicsissue_public concept:atdate concept_year_n1995 +concept_politicsissue_public concept:atdate concept_year_n1997 +concept_politicsissue_public concept:atdate concept_year_n1998 +concept_politicsissue_public_hearing concept:atdate concept_date_n2004 +concept_politicsissue_public_hearing concept:atdate concept_dateliteral_n2002 +concept_politicsissue_public_hearing concept:atdate concept_dateliteral_n2005 +concept_politicsissue_public_hearing concept:atdate concept_dateliteral_n2006 +concept_politicsissue_public_hearing concept:atdate concept_dateliteral_n2007 +concept_politicsissue_public_hearing concept:atdate concept_dateliteral_n2008 +concept_politicsissue_public_instruction concept:latitudelongitude 46.5893800000000,-112.0188900000000 +concept_politicsissue_public_policy concept:academicfieldsuchasacademicfield concept_academicfield_business +concept_politicsissue_public_policy concept:academicprogramatuniversity concept_university_college +concept_politicsissue_public_policy concept:academicprogramatuniversity concept_university_harvard +concept_politicsissue_public_policy concept:academicprogramatuniversity concept_university_harvard_university +concept_politicsissue_public_policy concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_public_policy concept:academicprogramatuniversity concept_university_john_f__kennedy_school +concept_politicsissue_public_utility concept:latitudelongitude 38.3210300000000,-120.6677100000000 +concept_politicsissue_regents concept:atdate concept_date_n2000 +concept_politicsissue_regents concept:atdate concept_date_n2004 +concept_politicsissue_regents concept:atdate concept_dateliteral_n2002 +concept_politicsissue_regents concept:atdate concept_dateliteral_n2005 +concept_politicsissue_regents concept:atdate concept_dateliteral_n2006 +concept_politicsissue_regents concept:atdate concept_dateliteral_n2007 +concept_politicsissue_regents concept:atdate concept_dateliteral_n2008 +concept_politicsissue_regents concept:atdate concept_year_n1994 +concept_politicsissue_regents concept:atdate concept_year_n1995 +concept_politicsissue_regents concept:atdate concept_year_n1998 +concept_politicsissue_regulation concept:atdate concept_dateliteral_n2005 +concept_politicsissue_regulation concept:atdate concept_dateliteral_n2006 +concept_politicsissue_regulation concept:atdate concept_dateliteral_n2007 +concept_politicsissue_regulation concept:atdate concept_dateliteral_n2008 +concept_politicsissue_regulation concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_regulation concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_renewal concept:atdate concept_date_n2000 +concept_politicsissue_renewal concept:atdate concept_date_n2003 +concept_politicsissue_renewal concept:atdate concept_date_n2004 +concept_politicsissue_renewal concept:atdate concept_date_n2009 +concept_politicsissue_renewal concept:atdate concept_dateliteral_n2002 +concept_politicsissue_renewal concept:atdate concept_dateliteral_n2005 +concept_politicsissue_renewal concept:atdate concept_dateliteral_n2006 +concept_politicsissue_renewal concept:atdate concept_dateliteral_n2007 +concept_politicsissue_renewal concept:atdate concept_dateliteral_n2008 +concept_politicsissue_requirements concept:proxyfor concept_book_new +concept_politicsissue_requirements concept:atdate concept_dateliteral_n2005 +concept_politicsissue_requirements concept:atdate concept_dateliteral_n2007 +concept_politicsissue_requirements concept:atdate concept_dateliteral_n2008 +concept_politicsissue_requirements concept:subpartof concept_visualizableattribute_drinking_water +concept_politicsissue_requirements concept:subpartof concept_weatherphenomenon_air +concept_politicsissue_requirements concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_residents concept:proxyfor concept_book_new +concept_politicsissue_residents concept:atdate concept_date_n2000 +concept_politicsissue_residents concept:atdate concept_date_n2001 +concept_politicsissue_residents concept:atdate concept_date_n2003 +concept_politicsissue_residents concept:atdate concept_date_n2004 +concept_politicsissue_residents concept:atdate concept_dateliteral_n2002 +concept_politicsissue_residents concept:atdate concept_dateliteral_n2005 +concept_politicsissue_residents concept:atdate concept_dateliteral_n2006 +concept_politicsissue_residents concept:atdate concept_dateliteral_n2007 +concept_politicsissue_residents concept:atdate concept_dateliteral_n2008 +concept_politicsissue_residents concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_resource_technology concept:latitudelongitude 37.3674000000000,-76.5336000000000 +concept_politicsissue_resources_development concept:latitudelongitude -15.3833300000000,28.3666700000000 +concept_politicsissue_responsibility concept:proxyfor concept_book_new +concept_politicsissue_responsibility concept:atdate concept_dateliteral_n2007 +concept_politicsissue_responsibility concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_rights concept:academicprogramatuniversity concept_university_college +concept_politicsissue_sanctions concept:atdate concept_date_n2000 +concept_politicsissue_schools concept:atdate concept_date_n1999 +concept_politicsissue_schools concept:atdate concept_date_n2000 +concept_politicsissue_schools concept:atdate concept_date_n2001 +concept_politicsissue_schools concept:atdate concept_date_n2003 +concept_politicsissue_schools concept:atdate concept_date_n2009 +concept_politicsissue_schools concept:atdate concept_dateliteral_n2002 +concept_politicsissue_schools concept:atdate concept_dateliteral_n2005 +concept_politicsissue_schools concept:atdate concept_dateliteral_n2006 +concept_politicsissue_schools concept:atdate concept_dateliteral_n2007 +concept_politicsissue_schools concept:atdate concept_dateliteral_n2008 +concept_politicsissue_schools concept:atdate concept_month_may +concept_politicsissue_schools concept:atdate concept_year_n1998 +concept_politicsissue_secondary_education concept:academicprogramatuniversity concept_university_college +concept_politicsissue_secondary_education concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_slavery concept:proxyfor concept_book_new +concept_politicsissue_social_policy concept:academicprogramatuniversity concept_university_college +concept_politicsissue_state_colin_powell concept:atdate concept_dateliteral_n2002 +concept_politicsissue_step concept:atdate concept_date_n2000 +concept_politicsissue_step concept:atdate concept_dateliteral_n2005 +concept_politicsissue_step concept:atdate concept_dateliteral_n2007 +concept_politicsissue_strike concept:atdate concept_date_n2000 +concept_politicsissue_strike concept:atdate concept_date_n2001 +concept_politicsissue_strike concept:atdate concept_dateliteral_n1936 +concept_politicsissue_strike concept:atdate concept_dateliteral_n2002 +concept_politicsissue_strike concept:atdate concept_dateliteral_n2005 +concept_politicsissue_strike concept:atdate concept_dateliteral_n2006 +concept_politicsissue_strike concept:atdate concept_dateliteral_n2007 +concept_politicsissue_strike concept:atdate concept_year_n1946 +concept_politicsissue_strike concept:atdate concept_year_n1967 +concept_politicsissue_strike concept:atdate concept_year_n1997 +concept_politicsissue_student concept:atdate concept_date_n1999 +concept_politicsissue_student concept:atdate concept_date_n2004 +concept_politicsissue_student concept:atdate concept_dateliteral_n2005 +concept_politicsissue_student concept:atdate concept_dateliteral_n2006 +concept_politicsissue_student concept:atdate concept_dateliteral_n2007 +concept_politicsissue_student concept:atdate concept_year_n1997 +concept_politicsissue_students concept:proxyfor concept_book_new +concept_politicsissue_students concept:atdate concept_date_n1996 +concept_politicsissue_students concept:atdate concept_date_n1999 +concept_politicsissue_students concept:atdate concept_date_n2001 +concept_politicsissue_students concept:atdate concept_date_n2003 +concept_politicsissue_students concept:atdate concept_date_n2004 +concept_politicsissue_students concept:atdate concept_date_n2009 +concept_politicsissue_students concept:atdate concept_dateliteral_n2002 +concept_politicsissue_students concept:atdate concept_dateliteral_n2005 +concept_politicsissue_students concept:atdate concept_dateliteral_n2006 +concept_politicsissue_students concept:atdate concept_dateliteral_n2007 +concept_politicsissue_students concept:atdate concept_dateliteral_n2008 +concept_politicsissue_students concept:atdate concept_dateliteral_n2010 +concept_politicsissue_students concept:mutualproxyfor concept_sportsequipment_new +concept_politicsissue_students concept:atdate concept_year_n1965 +concept_politicsissue_students concept:atdate concept_year_n1992 +concept_politicsissue_students concept:atdate concept_year_n1994 +concept_politicsissue_students concept:atdate concept_year_n1995 +concept_politicsissue_students concept:atdate concept_year_n1997 +concept_politicsissue_students concept:atdate concept_year_n1998 +concept_politicsissue_supervisors concept:atdate concept_date_n2004 +concept_politicsissue_supervisors concept:atdate concept_dateliteral_n2002 +concept_politicsissue_supervisors concept:atdate concept_dateliteral_n2006 +concept_politicsissue_supervisors concept:atdate concept_dateliteral_n2007 +concept_politicsissue_sustainability concept:atdate concept_dateliteral_n2007 +concept_politicsissue_sustainable_development concept:atdate concept_dateliteral_n2002 +concept_politicsissue_talk concept:atdate concept_dateliteral_n2008 +concept_politicsissue_taxation concept:academicprogramatuniversity concept_university_college +concept_politicsissue_teaching concept:academicfieldsuchasacademicfield concept_academicfield_science +concept_politicsissue_teaching concept:academicprogramatuniversity concept_university_college +concept_politicsissue_teaching concept:academicprogramatuniversity concept_university_institute +concept_politicsissue_teaching concept:academicprogramatuniversity concept_university_normal_school +concept_politicsissue_teaching concept:academicprogramatuniversity concept_university_seattle_university +concept_politicsissue_teaching concept:academicprogramatuniversity concept_university_state_university +concept_politicsissue_topics concept:istallerthan concept_publication_people_ +concept_politicsissue_trafficking concept:atdate concept_date_n2004 +concept_politicsissue_trustees concept:atdate concept_date_n1999 +concept_politicsissue_trustees concept:atdate concept_date_n2000 +concept_politicsissue_trustees concept:atdate concept_date_n2001 +concept_politicsissue_trustees concept:atdate concept_date_n2003 +concept_politicsissue_trustees concept:atdate concept_date_n2004 +concept_politicsissue_trustees concept:atdate concept_date_n2009 +concept_politicsissue_trustees concept:atdate concept_dateliteral_n2002 +concept_politicsissue_trustees concept:atdate concept_dateliteral_n2005 +concept_politicsissue_trustees concept:atdate concept_dateliteral_n2006 +concept_politicsissue_trustees concept:atdate concept_dateliteral_n2007 +concept_politicsissue_trustees concept:atdate concept_dateliteral_n2008 +concept_politicsissue_trustees concept:synonymfor concept_director_committee +concept_politicsissue_trustees concept:atdate concept_year_n1998 +concept_politicsissue_universities concept:proxyfor concept_book_new +concept_politicsissue_universities concept:atdate concept_dateliteral_n2007 +concept_politicsissue_values concept:atdate concept_dateliteral_n2007 +concept_politicsissue_values concept:subpartof concept_weatherphenomenon_water +concept_politicsissue_violence concept:atdate concept_date_n1996 +concept_politicsissue_violence concept:atdate concept_date_n1999 +concept_politicsissue_violence concept:atdate concept_date_n2000 +concept_politicsissue_violence concept:atdate concept_date_n2001 +concept_politicsissue_violence concept:atdate concept_date_n2003 +concept_politicsissue_violence concept:atdate concept_date_n2004 +concept_politicsissue_violence concept:atdate concept_dateliteral_n2006 +concept_politicsissue_violence concept:atdate concept_dateliteral_n2007 +concept_politicsissue_violence concept:atdate concept_year_n1992 +concept_politicsissue_workers concept:proxyfor concept_book_new +concept_port_american_ports concept:proxyfor concept_book_new +concept_port_american_ports concept:mutualproxyfor concept_coach_new +concept_port_amsterdam_airport concept:airportincity concept_city_amsterdam +concept_port_amsterdam_airport concept:buildinglocatedincity concept_city_amsterdam +concept_port_athens_airport concept:airportincity concept_city_athens +concept_port_bandaranaike_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_berrylands concept:latitudelongitude 51.3988000000000,-0.2803000000000 +concept_port_bhadrapur concept:latitudelongitude 26.5333300000000,88.0833300000000 +concept_port_bilbao concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_bilbao_airport concept:airportincity concept_city_bilbao +concept_port_bournemouth_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_bournemouth_airport concept:airportincity concept_city_bournemouth +concept_port_brisbane_airport concept:airportincity concept_city_brisbane +concept_port_cagliari_airport concept:airportincity concept_city_cagliari +concept_port_cardiff concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_chhatrapati_shivaji_international_airport concept:airportincity concept_city_bombay +concept_port_colorado_springs_airport concept:airportincity concept_city_colorado_springs +concept_port_cork_airport concept:airportincity concept_city_cork +concept_port_denver_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_des_moines_international_airport concept:buildinglocatedincity concept_city_des_moines +concept_port_domestic_terminal concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_faslane concept:latitudelongitude 56.0555566666667,-4.8111133333333 +concept_port_fort_wolters concept:latitudelongitude 32.8524800000000,-98.0309800000000 +concept_port_frankfurt_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_fuerteventura_airport concept:airportincity concept_city_fuerteventura +concept_port_gerona_airport concept:airportincity concept_city_gerona +concept_port_gerona_airport concept:buildinglocatedincity concept_city_gerona +concept_port_granada_airport concept:airportincity concept_city_granada +concept_port_grantley_adams_airport concept:airportincity concept_city_bridgetown +concept_port_iberia concept:proxyfor concept_book_new +concept_port_iberia concept:atlocation concept_lake_new +concept_port_istanbul_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_istanbul_ataturk_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_kalmar concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_kci_airport concept:latitudelongitude 39.3025250000000,-94.6975500000000 +concept_port_kessingland concept:latitudelongitude 52.4170150000000,1.7142450000000 +concept_port_kuala_lumpur_international_airport__klia concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_kuala_lumpur_international_airport__klia concept:airportincity concept_city_kuala_lumpur +concept_port_la_palma_airport concept:airportincity concept_city_la_palma +concept_port_lamezia_terme_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_lamezia_terme_airport concept:airportincity concept_geopoliticallocation_lamezia_terme +concept_port_lamezia_terme_airport concept:buildinglocatedincity concept_geopoliticallocation_lamezia_terme +concept_port_las_americas_international_airport concept:airportincity concept_city_santo_domingo +concept_port_leenane concept:latitudelongitude 53.6000000000000,-9.6833300000000 +concept_port_liscannor concept:latitudelongitude 52.9338133333333,-9.4026933333333 +concept_port_london__s_heathrow_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_madeira_airport concept:airportincity concept_city_santa_cruz_das_flores +concept_port_madrid_airport concept:airportincity concept_city_madrid +concept_port_norwich_airport concept:airportincity concept_city_norwich +concept_port_oakland_international concept:buildinglocatedincity concept_city_oakland +concept_port_oakland_international concept:airportincity concept_city_san_francisco +concept_port_olbia_airport concept:airportincity concept_city_olbia +concept_port_palermo_airport concept:airportincity concept_city_palermo +concept_port_philadelphia_international concept:buildinglocatedincity concept_city_philadelphia +concept_port_philadelphia_international concept:airportincity concept_visualizablescene_downtown_philadelphia +concept_port_place_d_italie concept:latitudelongitude 48.8317000000000,2.3575000000000 +concept_port_plockton concept:latitudelongitude 57.3336650000000,-5.6580000000000 +concept_port_port_angeles concept:atlocation concept_city_washington_d_c +concept_port_port_au_prince concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_augusta concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_canaveral concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_charlotte concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_chester concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_columbus concept:airportincity concept_city_columbus +concept_port_port_columbus concept:buildinglocatedincity concept_city_columbus +concept_port_port_dickson concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_douglas concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_dover concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_elizabeth concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_everglades concept:airportincity concept_city_miami +concept_port_port_hueneme concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_louis concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_macquarie concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_moody concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_moresby concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_of_spain concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_republic concept:mutualproxyfor concept_radiostation_new_jersey +concept_port_port_saint_lucie concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_st__joe concept:atlocation concept_city_florida +concept_port_port_st_joe concept:atlocation concept_city_florida +concept_port_port_st_lucie concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_port_vila concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_portela_airport concept:airportincity concept_city_lisbon +concept_port_prestwick_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_pulau_tenggol concept:latitudelongitude 4.8000000000000,103.6833300000000 +concept_port_quinhagak concept:latitudelongitude 59.7524366666667,-161.8990500000000 +concept_port_reykjavik_city concept:latitudelongitude 64.1461000000000,-21.9422900000000 +concept_port_risdon_cove concept:latitudelongitude -42.8166700000000,147.3166700000000 +concept_port_ross_castle concept:latitudelongitude 52.0413900000000,-9.5277800000000 +concept_port_san_francisco_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_sevilla_airport concept:airportincity concept_city_sevilla +concept_port_southampton concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_southampton_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_southampton_airport concept:airportincity concept_city_southampton +concept_port_takapoto concept:latitudelongitude -14.6333300000000,-145.2000000000000 +concept_port_tampa_international_airport concept:airportincity concept_city_tampa_bay +concept_port_tampa_international_airport concept:buildinglocatedincity concept_city_tampa_bay +concept_port_taren_point concept:latitudelongitude -34.0083350000000,151.1166700000000 +concept_port_terminals_1 concept:latitudelongitude 51.4711200000000,-0.4525600000000 +concept_port_torino_airport concept:airportincity concept_city_turin +concept_port_toronto_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_uk_airports concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_us_ports concept:proxyfor concept_lake_new +concept_port_valencia_airport concept:airportincity concept_city_valencia +concept_port_venice_marco_polo_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_wilson_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_port_windhoek_country_club concept:latitudelongitude -22.5748000000000,17.0805000000000 +concept_product_activist concept:proxyfor concept_book_new +concept_product_adobe_acrobat concept:synonymfor concept_retailstore_adobe_systems +concept_product_automobile_accident concept:atdate concept_date_n2000 +concept_product_automobile_accident concept:atdate concept_date_n2004 +concept_product_automobile_accident concept:atdate concept_dateliteral_n2002 +concept_product_automobile_accident concept:atdate concept_dateliteral_n2007 +concept_product_blog_post concept:atdate concept_dateliteral_n2006 +concept_product_car_accident concept:atdate concept_date_n1996 +concept_product_car_accident concept:atdate concept_date_n1999 +concept_product_car_accident concept:atdate concept_date_n2000 +concept_product_car_accident concept:atdate concept_date_n2001 +concept_product_car_accident concept:atdate concept_date_n2003 +concept_product_car_accident concept:atdate concept_date_n2004 +concept_product_car_accident concept:atdate concept_dateliteral_n2002 +concept_product_car_accident concept:atdate concept_dateliteral_n2005 +concept_product_car_accident concept:atdate concept_dateliteral_n2006 +concept_product_car_accident concept:atdate concept_dateliteral_n2007 +concept_product_car_accident concept:atdate concept_dateliteral_n2008 +concept_product_car_accident concept:atdate concept_year_n1992 +concept_product_car_accident concept:atdate concept_year_n1994 +concept_product_car_accident concept:atdate concept_year_n1997 +concept_product_car_crash concept:atdate concept_date_n2001 +concept_product_car_crash concept:atdate concept_date_n2003 +concept_product_car_crash concept:atdate concept_dateliteral_n2005 +concept_product_car_crash concept:atdate concept_dateliteral_n2006 +concept_product_conditions concept:objectfoundinscene concept_visualizablescene_observatory +concept_product_dvd concept:atdate concept_date_n2001 +concept_product_dvd concept:atdate concept_date_n2009 +concept_product_fit concept:objectpartofobject concept_sportsequipment_wheel +concept_product_google concept:synonymfor concept_company_google_inc +concept_product_illustrator concept:synonymfor concept_website_adobe +concept_product_malibu concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_product_minister concept:proxyfor concept_book_new +concept_product_minister concept:atdate concept_date_n1964 +concept_product_minister concept:atdate concept_date_n1993 +concept_product_minister concept:atdate concept_date_n1996 +concept_product_minister concept:atdate concept_date_n1999 +concept_product_minister concept:atdate concept_date_n2000 +concept_product_minister concept:atdate concept_date_n2001 +concept_product_minister concept:atdate concept_date_n2003 +concept_product_minister concept:atdate concept_date_n2004 +concept_product_minister concept:atdate concept_dateliteral_n2002 +concept_product_minister concept:atdate concept_dateliteral_n2005 +concept_product_minister concept:atdate concept_dateliteral_n2006 +concept_product_minister concept:atdate concept_dateliteral_n2007 +concept_product_minister concept:atdate concept_dateliteral_n2008 +concept_product_minister concept:atdate concept_year_n1983 +concept_product_minister concept:atdate concept_year_n1988 +concept_product_minister concept:atdate concept_year_n1992 +concept_product_minister concept:atdate concept_year_n1994 +concept_product_minister concept:atdate concept_year_n1995 +concept_product_minister concept:atdate concept_year_n1997 +concept_product_minister concept:atdate concept_year_n1998 +concept_product_minute_maid concept:atlocation concept_island_houston +concept_product_ngage concept:latitudelongitude -3.2413900000000,30.6602800000000 +concept_product_nintendo_ds concept:atdate concept_date_n2009 +concept_product_playstation concept:synonymfor concept_recordlabel_sony_computer_entertainment_inc_ +concept_product_powerpoint concept:mutualproxyfor concept_retailstore_microsoft +concept_product_shoes concept:itemfoundinroom concept_room_closet +concept_product_spider concept:synonymfor concept_bird_widow +concept_product_spider concept:synonymfor concept_insect_brown_recluse +concept_product_spider concept:synonymfor concept_movie_recluse +concept_product_spider concept:synonymfor concept_terroristorganization_black_widow +concept_product_surge concept:atdate concept_dateliteral_n2007 +concept_product_virgin_mobile concept:subpartof concept_company_ntl_or_telewest +concept_product_wii concept:atdate concept_dateliteral_n2007 +concept_product_wii concept:atdate concept_dateliteral_n2008 +concept_product_word_documents concept:mutualproxyfor concept_university_microsoft +concept_profession_academics concept:professionistypeofprofession concept_profession_experts +concept_profession_academics concept:professionistypeofprofession concept_profession_leaders +concept_profession_academies concept:proxyfor concept_book_new +concept_profession_account_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_accountants concept:professionistypeofprofession concept_profession_advisers +concept_profession_accountants concept:professionistypeofprofession concept_profession_advisors +concept_profession_accountants concept:professionistypeofprofession concept_profession_consultants +concept_profession_accountants concept:professionistypeofprofession concept_profession_experts +concept_profession_accountants concept:professionistypeofprofession concept_profession_partners +concept_profession_accountants concept:professionistypeofprofession concept_profession_professional_advisors +concept_profession_accountants concept:professionistypeofprofession concept_profession_professionals +concept_profession_accountants concept:professionistypeofprofession concept_profession_professions +concept_profession_accountants concept:professionistypeofprofession concept_profession_specialists +concept_profession_accountants concept:professionistypeofprofession concept_profession_staff +concept_profession_activists concept:professionusestool concept_tool_tools +concept_profession_actors concept:professionistypeofprofession concept_profession_professionals +concept_profession_acupuncturists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_acupuncturists concept:professionistypeofprofession concept_profession_professionals +concept_profession_acupuncturists concept:professionistypeofprofession concept_profession_providers +concept_profession_acupuncturists concept:professionusestool concept_tool_tools +concept_profession_adjunct_faculty concept:professionistypeofprofession concept_profession_professionals +concept_profession_administration concept:professionistypeofprofession concept_profession_members +concept_profession_administration concept:professionusestool concept_tool_tools +concept_profession_administrative_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_administrative_staff concept:professionistypeofprofession concept_profession_workers +concept_profession_administrators concept:professionistypeofprofession concept_profession_leaders +concept_profession_administrators concept:professionistypeofprofession concept_profession_members +concept_profession_administrators concept:professionistypeofprofession concept_profession_professionals +concept_profession_administrators concept:professionistypeofprofession concept_profession_providers +concept_profession_administrators concept:professionistypeofprofession concept_profession_specialists +concept_profession_administrators concept:professionistypeofprofession concept_profession_workers +concept_profession_administrators concept:professionusestool concept_sportsequipment_products +concept_profession_administrators concept:professionusestool concept_tool_tools +concept_profession_advisers concept:professionistypeofprofession concept_profession_experts +concept_profession_advisers concept:professionistypeofprofession concept_profession_lawyers +concept_profession_advisers concept:professionistypeofprofession concept_profession_members +concept_profession_advisers concept:professionistypeofprofession concept_profession_professionals +concept_profession_advisors concept:professionistypeofprofession concept_profession_accountants +concept_profession_advisors concept:professionistypeofprofession concept_profession_experts +concept_profession_advisors concept:professionistypeofprofession concept_profession_leaders +concept_profession_advisors concept:professionistypeofprofession concept_profession_members +concept_profession_advisors concept:professionistypeofprofession concept_profession_professionals +concept_profession_advisors concept:professionistypeofprofession concept_profession_staff +concept_profession_advisors concept:professionusestool concept_tool_tools +concept_profession_advocates concept:professionistypeofprofession concept_profession_lawyers +concept_profession_advocates concept:professionistypeofprofession concept_profession_nurses +concept_profession_advocates concept:professionistypeofprofession concept_profession_professionals +concept_profession_advocates concept:professionusestool concept_tool_tools +concept_profession_aestheticians concept:professionistypeofprofession concept_profession_professionals +concept_profession_agenda concept:atdate concept_date_feb_ +concept_profession_agenda concept:atdate concept_dateliteral_n2005 +concept_profession_agenda concept:atdate concept_dateliteral_n2006 +concept_profession_agenda concept:atdate concept_dateliteral_n2008 +concept_profession_agriculture concept:proxyfor concept_book_new +concept_profession_agriculture concept:mutualproxyfor concept_sportsequipment_new +concept_profession_aides concept:professionistypeofprofession concept_profession_members +concept_profession_aides concept:professionistypeofprofession concept_profession_nurses +concept_profession_aides concept:professionistypeofprofession concept_profession_professionals +concept_profession_aides concept:professionistypeofprofession concept_profession_providers +concept_profession_aides concept:professionistypeofprofession concept_profession_workers +concept_profession_analysts concept:professionistypeofprofession concept_profession_experts +concept_profession_analysts concept:professionistypeofprofession concept_profession_professionals +concept_profession_analysts concept:professionusestool concept_tool_tools +concept_profession_anesthesiologists concept:professionistypeofprofession concept_profession_anesthetists +concept_profession_anesthesiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_anesthesiologists concept:professionistypeofprofession concept_profession_providers +concept_profession_anesthesiologists concept:professionistypeofprofession concept_profession_staff +concept_profession_anesthetists concept:professionistypeofprofession concept_jobposition_anesthesiologist +concept_profession_anesthetists concept:professionistypeofprofession concept_profession_anesthesiologists +concept_profession_anesthetists concept:professionistypeofprofession concept_profession_midwives +concept_profession_anesthetists concept:professionistypeofprofession concept_profession_nurse_midwives +concept_profession_anesthetists concept:professionistypeofprofession concept_profession_nurse_practitioners +concept_profession_anesthetists concept:professionistypeofprofession concept_profession_professionals +concept_profession_announcements concept:professionistypeofprofession concept_profession_services +concept_profession_applications concept:professionistypeofprofession concept_profession_professionals +concept_profession_applications concept:professionusestool concept_tool_tools +concept_profession_appraisers concept:proxyfor concept_book_new +concept_profession_appraisers concept:professionistypeofprofession concept_profession_professionals +concept_profession_architects concept:professionistypeofprofession concept_profession_experts +concept_profession_architects concept:professionistypeofprofession concept_profession_professionals +concept_profession_architects concept:professionistypeofprofession concept_profession_professions +concept_profession_architects concept:professionistypeofprofession concept_profession_staff +concept_profession_architects concept:professionusestool concept_tool_tools +concept_profession_archivists concept:professionistypeofprofession concept_profession_conservators +concept_profession_artisans concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_artisans concept:professionistypeofprofession concept_profession_craftspeople +concept_profession_artisans concept:professionistypeofprofession concept_profession_laborers +concept_profession_artisans concept:professionistypeofprofession concept_profession_labourers +concept_profession_artisans concept:professionistypeofprofession concept_profession_workers +concept_profession_artists concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_artists concept:professionistypeofprofession concept_profession_instructors +concept_profession_artists concept:professionistypeofprofession concept_profession_leaders +concept_profession_artists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_artists concept:professionistypeofprofession concept_profession_professionals +concept_profession_artists concept:professionistypeofprofession concept_profession_teachers +concept_profession_artists concept:professionistypeofprofession concept_profession_workers +concept_profession_artists concept:professionusestool concept_tool_tools +concept_profession_assessors concept:professionistypeofprofession concept_profession_professionals +concept_profession_assistants concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_assistants concept:professionistypeofprofession concept_profession_doctors +concept_profession_assistants concept:professionistypeofprofession concept_profession_individuals +concept_profession_assistants concept:professionistypeofprofession concept_profession_nurses +concept_profession_assistants concept:professionistypeofprofession concept_profession_practitioners +concept_profession_assistants concept:professionistypeofprofession concept_profession_professionals +concept_profession_assistants concept:professionistypeofprofession concept_profession_providers +concept_profession_assistants concept:professionistypeofprofession concept_profession_registered_nurses +concept_profession_assistants concept:professionistypeofprofession concept_profession_staff +concept_profession_assistants concept:professionistypeofprofession concept_profession_teachers +concept_profession_assistants concept:professionistypeofprofession concept_profession_workers +concept_profession_associate concept:synonymfor concept_academicfield_advising +concept_profession_associate concept:synonymfor concept_academicfield_medical_education +concept_profession_associate concept:synonymfor concept_boardgame_development +concept_profession_associate concept:synonymfor concept_book_education +concept_profession_associate concept:synonymfor concept_charactertrait_planning +concept_profession_associate concept:synonymfor concept_cognitiveactions_life +concept_profession_associate concept:synonymfor concept_cognitiveactions_studies +concept_profession_associate concept:atdate concept_date_n2000 +concept_profession_associate concept:atdate concept_dateliteral_n2002 +concept_profession_associate concept:atdate concept_dateliteral_n2005 +concept_profession_associate concept:atdate concept_dateliteral_n2006 +concept_profession_associate concept:atdate concept_dateliteral_n2007 +concept_profession_associate concept:atdate concept_dateliteral_n2008 +concept_profession_associate concept:synonymfor concept_eventoutcome_practice +concept_profession_associate concept:synonymfor concept_governmentorganization_program +concept_profession_associate concept:synonymfor concept_kitchenitem_policy +concept_profession_associate concept:synonymfor concept_museum_admissions +concept_profession_associate concept:synonymfor concept_politicsissue_advancement +concept_profession_associate concept:synonymfor concept_politicsissue_affairs +concept_profession_associate concept:synonymfor concept_politicsissue_education_programs +concept_profession_associate concept:synonymfor concept_politicsissue_programs +concept_profession_associate concept:synonymfor concept_politicsissue_resources +concept_profession_associate concept:synonymfor concept_product_programming +concept_profession_associate concept:synonymfor concept_room_technology +concept_profession_associate concept:synonymfor concept_vehicle_research +concept_profession_associate concept:synonymfor concept_website_support +concept_profession_associate concept:synonymfor concept_year_student_affairs +concept_profession_associates concept:professionistypeofprofession concept_profession_experts +concept_profession_associates concept:professionistypeofprofession concept_profession_individuals +concept_profession_associates concept:professionistypeofprofession concept_profession_leaders +concept_profession_associates concept:professionistypeofprofession concept_profession_practitioners +concept_profession_associates concept:professionistypeofprofession concept_profession_professionals +concept_profession_associates concept:professionusestool concept_tool_tools +concept_profession_associations concept:professionistypeofprofession concept_profession_providers +concept_profession_athletes concept:professionusestool concept_tool_tools +concept_profession_athletic_trainers concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_athletic_trainers concept:professionistypeofprofession concept_profession_professionals +concept_profession_atlantic concept:proxyfor concept_book_new +concept_profession_atlantic concept:atdate concept_date_n1939 +concept_profession_atlantic concept:atdate concept_date_n1941 +concept_profession_attendants concept:professionistypeofprofession concept_profession_nurses +concept_profession_attorneys concept:professionistypeofprofession concept_profession_advisors +concept_profession_attorneys concept:professionistypeofprofession concept_profession_advocates +concept_profession_attorneys concept:professionistypeofprofession concept_profession_experts +concept_profession_attorneys concept:professionistypeofprofession concept_profession_lawyers +concept_profession_attorneys concept:professionistypeofprofession concept_profession_leaders +concept_profession_attorneys concept:professionistypeofprofession concept_profession_litigators +concept_profession_attorneys concept:professionistypeofprofession concept_profession_mediators +concept_profession_attorneys concept:professionistypeofprofession concept_profession_members +concept_profession_attorneys concept:professionistypeofprofession concept_profession_negotiators +concept_profession_attorneys concept:professionistypeofprofession concept_profession_partners +concept_profession_attorneys concept:professionistypeofprofession concept_profession_professionals +concept_profession_attorneys concept:professionistypeofprofession concept_profession_specialists +concept_profession_attorneys concept:professionistypeofprofession concept_profession_staff +concept_profession_attorneys concept:professionistypeofprofession concept_profession_trial_lawyers +concept_profession_audiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_audiologists concept:professionistypeofprofession concept_profession_staff +concept_profession_auditors concept:professionistypeofprofession concept_profession_professionals +concept_profession_authors concept:professionistypeofprofession concept_profession_clinicians +concept_profession_authors concept:professionistypeofprofession concept_profession_experts +concept_profession_authors concept:professionistypeofprofession concept_profession_leaders +concept_profession_authors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_authors concept:professionistypeofprofession concept_profession_professionals +concept_profession_authors concept:professionistypeofprofession concept_profession_specialists +concept_profession_authors concept:professionistypeofprofession concept_profession_teachers +concept_profession_authors concept:professionusestool concept_tool_tools +concept_profession_bankers concept:professionistypeofprofession concept_profession_professionals +concept_profession_bariatric_surgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_barristers concept:professionistypeofprofession concept_profession_solicitors +concept_profession_bartenders concept:professionistypeofprofession concept_profession_professionals +concept_profession_biologists concept:professionusestool concept_tool_tools +concept_profession_board_certified_physicians concept:professionistypeofprofession concept_profession_experts +concept_profession_brokers concept:proxyfor concept_book_new +concept_profession_builders concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_builders concept:professionistypeofprofession concept_profession_professionals +concept_profession_builders concept:professionusestool concept_sportsequipment_products +concept_profession_builders concept:professionusestool concept_tool_tools +concept_profession_burlington concept:subpartof concept_beach_vermont +concept_profession_burlington concept:proxyfor concept_book_new +concept_profession_burlington concept:subpartof concept_bridge_new_jersey +concept_profession_burlington concept:proxyfor concept_governmentorganization_iowa +concept_profession_burlington concept:proxyfor concept_politicaloffice_wisconsin +concept_profession_burlington concept:proxyfor concept_radiostation_new_jersey +concept_profession_burlington concept:mutualproxyfor concept_university_vermont +concept_profession_business_owners concept:professionusestool concept_tool_tools +concept_profession_business_professionals concept:professionusestool concept_tool_tools +concept_profession_buyers concept:professionistypeofprofession concept_profession_professionals +concept_profession_buyers concept:professionusestool concept_sportsequipment_products +concept_profession_buyers concept:professionusestool concept_tool_tools +concept_profession_cabinetmakers concept:professionistypeofprofession concept_profession_artisans +concept_profession_cabinetmakers concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_calendar concept:specializationof concept_profession_information +concept_profession_camden concept:atlocation concept_bridge_new_jersey +concept_profession_camden concept:subpartof concept_bridge_new_jersey +concept_profession_camden concept:proxyfor concept_radiostation_new_jersey +concept_profession_cape_may concept:proxyfor concept_book_new +concept_profession_cape_may concept:atlocation concept_bridge_new_jersey +concept_profession_cape_may concept:proxyfor concept_radiostation_new_jersey +concept_profession_cape_may concept:mutualproxyfor concept_sportsequipment_new +concept_profession_cardiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_care_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_care_personnel concept:professionistypeofprofession concept_profession_nurses +concept_profession_care_personnel concept:professionistypeofprofession concept_profession_physicians +concept_profession_care_practitioners concept:professionistypeofprofession concept_profession_doctors +concept_profession_care_practitioners concept:professionistypeofprofession concept_profession_physicians +concept_profession_care_practitioners concept:professionistypeofprofession concept_profession_specialists +concept_profession_care_professionals concept:professionistypeofprofession concept_jobposition_physician +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_athletic_trainers +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_chiropractors +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_dentists +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_members +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_pediatricians +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_physicians +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_practitioners +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_social_workers +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_specialists +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_surgeons +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_therapists +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_trainers +concept_profession_care_professionals concept:professionistypeofprofession concept_profession_workers +concept_profession_careers concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_careers concept:professionistypeofprofession concept_profession_health +concept_profession_careers concept:professionistypeofprofession concept_profession_medicine +concept_profession_carpenters concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_case_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_case_managers concept:professionistypeofprofession concept_profession_providers +concept_profession_case_managers concept:professionistypeofprofession concept_profession_workers +concept_profession_cators concept:latitudelongitude 38.4967900000000,-76.3127200000000 +concept_profession_certificate concept:professionistypeofprofession concept_profession_professionals +concept_profession_certified_nurse_midwives concept:professionistypeofprofession concept_profession_practitioners +concept_profession_certified_teachers concept:professionistypeofprofession concept_profession_professionals +concept_profession_cfo concept:atdate concept_date_n2000 +concept_profession_cfo concept:atdate concept_date_n2001 +concept_profession_cfo concept:atdate concept_date_n2004 +concept_profession_cfo concept:atdate concept_dateliteral_n2006 +concept_profession_cfo concept:atdate concept_dateliteral_n2007 +concept_profession_cfo concept:atdate concept_dateliteral_n2008 +concept_profession_chaplains concept:professionistypeofprofession concept_profession_professionals +concept_profession_chaplains concept:professionistypeofprofession concept_profession_workers +concept_profession_chauffeurs concept:professionistypeofprofession concept_profession_drivers +concept_profession_chauffeurs concept:professionistypeofprofession concept_profession_professionals +concept_profession_chefs concept:professionistypeofprofession concept_profession_professionals +concept_profession_chefs concept:professionistypeofprofession concept_profession_staff +concept_profession_child_psychologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_chiropractors concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_chiropractors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_chiropractors concept:professionistypeofprofession concept_profession_professionals +concept_profession_chiropractors concept:professionistypeofprofession concept_profession_providers +concept_profession_civil_servants concept:professionistypeofprofession concept_profession_government_employees +concept_profession_civil_servants concept:professionistypeofprofession concept_profession_professionals +concept_profession_classroom_teachers concept:professionistypeofprofession concept_profession_arts_specialists +concept_profession_classroom_teachers concept:professionistypeofprofession concept_profession_professionals +concept_profession_classroom_teachers concept:professionistypeofprofession concept_profession_staff +concept_profession_classroom_teachers concept:professionistypeofprofession concept_profession_teaching_artists +concept_profession_clean_water concept:latitudelongitude 34.4134300000000,-92.1284800000000 +concept_profession_clergy concept:professionistypeofprofession concept_profession_professionals +concept_profession_clergy concept:professionistypeofprofession concept_profession_providers +concept_profession_clients concept:professionistypeofprofession concept_profession_investors +concept_profession_clients concept:professionistypeofprofession concept_profession_leaders +concept_profession_clients concept:professionistypeofprofession concept_profession_members +concept_profession_clients concept:professionistypeofprofession concept_profession_physicians +concept_profession_clients concept:professionistypeofprofession concept_profession_practitioners +concept_profession_clients concept:professionistypeofprofession concept_profession_professionals +concept_profession_clients concept:professionistypeofprofession concept_profession_providers +concept_profession_clients concept:professionusestool concept_sportsequipment_products +concept_profession_clients concept:professionusestool concept_tool_tools +concept_profession_clinical_nurse_specialists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_clinical_psychologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_clinical_psychologists concept:professionistypeofprofession concept_profession_workers +concept_profession_clinical_social_workers concept:professionistypeofprofession concept_profession_professionals +concept_profession_clinical_staff concept:professionistypeofprofession concept_profession_nurses +concept_profession_clinical_staff concept:professionistypeofprofession concept_profession_physicians +concept_profession_clinicians concept:professionistypeofprofession concept_profession_doctors +concept_profession_clinicians concept:professionistypeofprofession concept_profession_experts +concept_profession_clinicians concept:professionistypeofprofession concept_profession_leaders +concept_profession_clinicians concept:professionistypeofprofession concept_profession_nurses +concept_profession_clinicians concept:professionistypeofprofession concept_profession_physicians +concept_profession_clinicians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_clinicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_clinicians concept:professionistypeofprofession concept_profession_providers +concept_profession_clinicians concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_clinicians concept:professionistypeofprofession concept_profession_psychologists +concept_profession_clinicians concept:professionistypeofprofession concept_profession_specialists +concept_profession_clinicians concept:professionistypeofprofession concept_profession_staff +concept_profession_clinicians concept:professionistypeofprofession concept_profession_workers +concept_profession_clinicians concept:professionusestool concept_tool_tools +concept_profession_coaches concept:professionistypeofprofession concept_profession_athletes +concept_profession_coaches concept:professionistypeofprofession concept_profession_experts +concept_profession_coaches concept:professionistypeofprofession concept_profession_instructors +concept_profession_coaches concept:professionistypeofprofession concept_profession_members +concept_profession_coaches concept:professionistypeofprofession concept_profession_practitioners +concept_profession_coaches concept:professionistypeofprofession concept_profession_professionals +concept_profession_coaches concept:professionistypeofprofession concept_profession_staff +concept_profession_coaches concept:professionistypeofprofession concept_profession_teachers +concept_profession_coaches concept:professionusestool concept_tool_tools +concept_profession_coders concept:professionistypeofprofession concept_profession_professionals +concept_profession_comments concept:professionistypeofprofession concept_profession_jobs +concept_profession_comments concept:professionistypeofprofession concept_profession_products +concept_profession_comments concept:professionistypeofprofession concept_profession_services +concept_profession_commitment concept:proxyfor concept_book_new +concept_profession_commitment concept:atdate concept_date_n2001 +concept_profession_commitment concept:atdate concept_dateliteral_n2007 +concept_profession_communication concept:professionistypeofprofession concept_profession_providers +concept_profession_communication concept:professionistypeofprofession concept_profession_skills +concept_profession_communication concept:professionusestool concept_tool_tools +concept_profession_communities concept:professionistypeofprofession concept_profession_providers +concept_profession_communities concept:professionusestool concept_tool_tools +concept_profession_community_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_community_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_community_physicians concept:professionistypeofprofession concept_profession_staff +concept_profession_concerns concept:professionistypeofprofession concept_profession_jobs +concept_profession_concerns concept:professionistypeofprofession concept_profession_services +concept_profession_concerns concept:professionusestool concept_tool_tools +concept_profession_concordia_university concept:atdate concept_dateliteral_n2007 +concept_profession_conference_interpreters concept:professionistypeofprofession concept_profession_professionals +concept_profession_conservators concept:professionistypeofprofession concept_profession_archivists +concept_profession_conservators concept:specializationof concept_profession_archivists +concept_profession_construction concept:professionusestool concept_tool_tools +concept_profession_consultants concept:professionistypeofprofession concept_profession_accountants +concept_profession_consultants concept:professionistypeofprofession concept_profession_attorneys +concept_profession_consultants concept:professionistypeofprofession concept_profession_educators +concept_profession_consultants concept:professionistypeofprofession concept_profession_engineers +concept_profession_consultants concept:professionistypeofprofession concept_profession_executives +concept_profession_consultants concept:professionistypeofprofession concept_profession_experts +concept_profession_consultants concept:professionistypeofprofession concept_profession_facilitators +concept_profession_consultants concept:professionistypeofprofession concept_profession_individuals +concept_profession_consultants concept:professionistypeofprofession concept_profession_industry_experts +concept_profession_consultants concept:professionistypeofprofession concept_profession_leaders +concept_profession_consultants concept:professionistypeofprofession concept_profession_managers +concept_profession_consultants concept:professionistypeofprofession concept_profession_members +concept_profession_consultants concept:professionistypeofprofession concept_profession_nurses +concept_profession_consultants concept:professionistypeofprofession concept_profession_physicians +concept_profession_consultants concept:professionistypeofprofession concept_profession_practitioners +concept_profession_consultants concept:professionistypeofprofession concept_profession_professionals +concept_profession_consultants concept:professionistypeofprofession concept_profession_project_managers +concept_profession_consultants concept:professionistypeofprofession concept_profession_providers +concept_profession_consultants concept:professionistypeofprofession concept_profession_recruitment_professionals +concept_profession_consultants concept:professionistypeofprofession concept_profession_scientists +concept_profession_consultants concept:professionistypeofprofession concept_profession_specialists +concept_profession_consultants concept:professionistypeofprofession concept_profession_teachers +concept_profession_consultants concept:professionistypeofprofession concept_profession_trainers +concept_profession_consultants concept:professionistypeofprofession concept_profession_writers +concept_profession_consultants concept:professionusestool concept_tool_tools +concept_profession_consumers concept:professionistypeofprofession concept_profession_members +concept_profession_consumers concept:professionistypeofprofession concept_profession_professionals +concept_profession_consumers concept:professionistypeofprofession concept_profession_providers +concept_profession_consumers concept:professionusestool concept_tool_tools +concept_profession_contractors concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_contractors concept:professionistypeofprofession concept_profession_professionals +concept_profession_contractors concept:professionusestool concept_tool_tools +concept_profession_contributions concept:proxyfor concept_book_new +concept_profession_contributors concept:professionistypeofprofession concept_profession_experts +concept_profession_contributors concept:professionistypeofprofession concept_profession_leaders +concept_profession_contributors concept:professionistypeofprofession concept_profession_teachers +concept_profession_coordinators concept:professionistypeofprofession concept_profession_professionals +concept_profession_copywriters concept:professionistypeofprofession concept_profession_creative_professionals +concept_profession_copywriters concept:professionistypeofprofession concept_profession_professionals +concept_profession_copywriters concept:professionusestool concept_tool_tools +concept_profession_counsellors concept:professionistypeofprofession concept_profession_professionals +concept_profession_counsellors concept:professionistypeofprofession concept_profession_providers +concept_profession_counsellors concept:professionistypeofprofession concept_profession_psychologists +concept_profession_counsellors concept:professionistypeofprofession concept_profession_social_workers +concept_profession_counsellors concept:professionistypeofprofession concept_profession_specialists +concept_profession_counselors concept:professionistypeofprofession concept_profession_members +concept_profession_counselors concept:professionistypeofprofession concept_profession_mental_health_professionals +concept_profession_counselors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_counselors concept:professionistypeofprofession concept_profession_professionals +concept_profession_counselors concept:professionistypeofprofession concept_profession_providers +concept_profession_counselors concept:professionistypeofprofession concept_profession_psychologists +concept_profession_counselors concept:professionistypeofprofession concept_profession_social_workers +concept_profession_counselors concept:professionistypeofprofession concept_profession_specialists +concept_profession_counselors concept:professionistypeofprofession concept_profession_staff +concept_profession_counselors concept:professionistypeofprofession concept_profession_therapists +concept_profession_counselors concept:professionistypeofprofession concept_profession_workers +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_artisans +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_builders +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_contractors +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_professionals +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_staff +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_subcontractors +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_technicians +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_tradesmen +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_woodworkers +concept_profession_craftsmen concept:professionistypeofprofession concept_profession_workers +concept_profession_craftsmen concept:professionusestool concept_tool_tools +concept_profession_craftspeople concept:professionistypeofprofession concept_profession_artisans +concept_profession_critics concept:proxyfor concept_book_new +concept_profession_curriculum concept:professionistypeofprofession concept_profession_professionals +concept_profession_customer_service_team concept:professionistypeofprofession concept_profession_professionals +concept_profession_dancers concept:professionistypeofprofession concept_profession_performers +concept_profession_dancers concept:professionusestool concept_tool_tools +concept_profession_daunting_task concept:proxyfor concept_book_new +concept_profession_dealers concept:professionistypeofprofession concept_profession_professionals +concept_profession_dealers concept:professionusestool concept_sportsequipment_products +concept_profession_deaths concept:proxyfor concept_book_new +concept_profession_deaths concept:atdate concept_date_n2003 +concept_profession_deaths concept:atdate concept_dateliteral_n2005 +concept_profession_deaths concept:atdate concept_dateliteral_n2006 +concept_profession_deaths concept:atdate concept_dateliteral_n2008 +concept_profession_decorators concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_dental_assistants concept:professionistypeofprofession concept_profession_professionals +concept_profession_dental_hygienists concept:professionistypeofprofession concept_profession_professionals +concept_profession_dental_hygienists concept:professionistypeofprofession concept_profession_providers +concept_profession_dentists concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_dentists concept:professionistypeofprofession concept_profession_experts +concept_profession_dentists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_dentists concept:professionistypeofprofession concept_profession_professionals +concept_profession_dentists concept:professionistypeofprofession concept_profession_professions +concept_profession_dentists concept:professionistypeofprofession concept_profession_providers +concept_profession_dentists concept:professionistypeofprofession concept_profession_services +concept_profession_dentists concept:professionistypeofprofession concept_profession_specialists +concept_profession_dentists concept:professionistypeofprofession concept_profession_staff +concept_profession_dentists concept:professionistypeofprofession concept_profession_workers +concept_profession_deployment concept:professionusestool concept_tool_tools +concept_profession_dermatologists concept:professionistypeofprofession concept_profession_experts +concept_profession_dermatologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_description concept:professionusestool concept_tool_tools +concept_profession_design_team concept:professionistypeofprofession concept_profession_experts +concept_profession_design_team concept:professionistypeofprofession concept_profession_professionals +concept_profession_designers concept:professionistypeofprofession concept_profession_artists +concept_profession_designers concept:professionistypeofprofession concept_profession_engineers +concept_profession_designers concept:professionistypeofprofession concept_profession_experts +concept_profession_designers concept:professionistypeofprofession concept_profession_illustrators +concept_profession_designers concept:professionistypeofprofession concept_profession_individuals +concept_profession_designers concept:professionistypeofprofession concept_profession_professionals +concept_profession_designers concept:professionistypeofprofession concept_profession_specialists +concept_profession_designers concept:professionistypeofprofession concept_profession_workers +concept_profession_designers concept:professionusestool concept_tool_tools +concept_profession_designs concept:subpartof concept_weatherphenomenon_air +concept_profession_designs concept:subpartof concept_weatherphenomenon_water +concept_profession_developer concept:professionusestool concept_sportsequipment_products +concept_profession_developer concept:professionusestool concept_tool_tools +concept_profession_development concept:professionusestool concept_archaea_probes +concept_profession_development concept:professionistypeofprofession concept_profession_professionals +concept_profession_development concept:professionistypeofprofession concept_profession_providers +concept_profession_development concept:professionusestool concept_sportsequipment_equipment +concept_profession_development concept:professionusestool concept_sportsequipment_products +concept_profession_development concept:professionusestool concept_tool_components +concept_profession_development concept:professionusestool concept_tool_hardware +concept_profession_development concept:professionusestool concept_tool_tools +concept_profession_diabetes_educators concept:professionistypeofprofession concept_profession_professionals +concept_profession_diagnosis concept:professionusestool concept_tool_tools +concept_profession_dieticians concept:professionistypeofprofession concept_profession_professionals +concept_profession_dieticians concept:professionistypeofprofession concept_profession_specialists +concept_profession_dieticians concept:professionistypeofprofession concept_profession_workers +concept_profession_dietitians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_dietitians concept:professionistypeofprofession concept_profession_professionals +concept_profession_dietitians concept:professionistypeofprofession concept_profession_providers +concept_profession_dietitians concept:professionistypeofprofession concept_profession_staff +concept_profession_dietitians concept:professionistypeofprofession concept_profession_workers +concept_profession_directors concept:professionistypeofprofession concept_profession_executives +concept_profession_directors concept:professionistypeofprofession concept_profession_experts +concept_profession_directors concept:professionistypeofprofession concept_profession_individuals +concept_profession_directors concept:professionistypeofprofession concept_profession_leaders +concept_profession_directors concept:professionistypeofprofession concept_profession_professionals +concept_profession_directors concept:professionistypeofprofession concept_profession_staff +concept_profession_directory concept:proxyfor concept_book_new +concept_profession_disc_jockeys concept:professionistypeofprofession concept_profession_professionals +concept_profession_dispatchers concept:professionistypeofprofession concept_profession_support_personnel +concept_profession_district_administrators concept:professionistypeofprofession concept_profession_school_personnel +concept_profession_district_administrators concept:professionistypeofprofession concept_profession_school_principals +concept_profession_district_administrators concept:specializationof concept_profession_school_principals +concept_profession_division concept:proxyfor concept_book_new +concept_profession_division concept:atdate concept_date_n1999 +concept_profession_division concept:atdate concept_date_n2000 +concept_profession_division concept:atdate concept_date_n2001 +concept_profession_division concept:atdate concept_date_n2003 +concept_profession_division concept:atdate concept_date_n2004 +concept_profession_division concept:atdate concept_dateliteral_n2002 +concept_profession_division concept:atdate concept_dateliteral_n2005 +concept_profession_division concept:atdate concept_dateliteral_n2006 +concept_profession_division concept:atdate concept_dateliteral_n2007 +concept_profession_division concept:atdate concept_dateliteral_n2008 +concept_profession_division concept:synonymfor concept_governmentorganization_department +concept_profession_division concept:synonymfor concept_governmentorganization_united_states_department +concept_profession_division concept:synonymfor concept_governmentorganization_us_department +concept_profession_division concept:synonymfor concept_museum_u_s__department +concept_profession_division concept:synonymfor concept_politicaloffice_office +concept_profession_division concept:subpartof concept_weatherphenomenon_air +concept_profession_division concept:subpartof concept_weatherphenomenon_water +concept_profession_division concept:atdate concept_year_n1989 +concept_profession_division concept:atdate concept_year_n1995 +concept_profession_doctors concept:proxyfor concept_book_new +concept_profession_doctors concept:atdate concept_dateliteral_n2008 +concept_profession_doctors concept:professionistypeofprofession concept_profession_assistants +concept_profession_doctors concept:professionistypeofprofession concept_profession_care_practitioners +concept_profession_doctors concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_clinicians +concept_profession_doctors concept:professionistypeofprofession concept_profession_experts +concept_profession_doctors concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_healthcare_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_leaders +concept_profession_doctors concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_doctors concept:professionistypeofprofession concept_profession_medical_personnel +concept_profession_doctors concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_members +concept_profession_doctors concept:professionistypeofprofession concept_profession_midwives +concept_profession_doctors concept:professionistypeofprofession concept_profession_officials +concept_profession_doctors concept:professionistypeofprofession concept_profession_physicians +concept_profession_doctors concept:professionistypeofprofession concept_profession_practicioners +concept_profession_doctors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_doctors concept:professionistypeofprofession concept_profession_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_professions +concept_profession_doctors concept:professionistypeofprofession concept_profession_providers +concept_profession_doctors concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_doctors concept:professionistypeofprofession concept_profession_service_professionals +concept_profession_doctors concept:professionistypeofprofession concept_profession_services +concept_profession_doctors concept:professionistypeofprofession concept_profession_specialists +concept_profession_doctors concept:professionistypeofprofession concept_profession_staff +concept_profession_doctors concept:professionistypeofprofession concept_profession_technicians +concept_profession_doctors concept:professionistypeofprofession concept_profession_workers +concept_profession_doctors concept:professionusestool concept_tool_tools +concept_profession_drivers concept:professionistypeofprofession concept_profession_chauffeurs +concept_profession_drivers concept:professionistypeofprofession concept_profession_individuals +concept_profession_drivers concept:professionistypeofprofession concept_profession_professionals +concept_profession_drivers concept:professionistypeofprofession concept_profession_staff +concept_profession_drivers concept:professionistypeofprofession concept_profession_tour_guides +concept_profession_editors concept:professionistypeofprofession concept_profession_experts +concept_profession_editors concept:professionistypeofprofession concept_profession_professionals +concept_profession_education concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_education concept:professionistypeofprofession concept_profession_care_practitioners +concept_profession_education concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_education concept:professionistypeofprofession concept_profession_practitioners +concept_profession_education concept:professionistypeofprofession concept_profession_professionals +concept_profession_education concept:professionistypeofprofession concept_profession_professions +concept_profession_education concept:professionistypeofprofession concept_profession_providers +concept_profession_education concept:professionistypeofprofession concept_profession_specialists +concept_profession_education concept:professionistypeofprofession concept_profession_staff +concept_profession_education concept:professionistypeofprofession concept_profession_workers +concept_profession_educators concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_educators concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_educators concept:professionistypeofprofession concept_profession_artists +concept_profession_educators concept:professionistypeofprofession concept_profession_faculty +concept_profession_educators concept:professionistypeofprofession concept_profession_instructors +concept_profession_educators concept:professionistypeofprofession concept_profession_leaders +concept_profession_educators concept:professionistypeofprofession concept_profession_members +concept_profession_educators concept:professionistypeofprofession concept_profession_nurses +concept_profession_educators concept:professionistypeofprofession concept_profession_physicians +concept_profession_educators concept:professionistypeofprofession concept_profession_practitioners +concept_profession_educators concept:professionistypeofprofession concept_profession_professionals +concept_profession_educators concept:professionistypeofprofession concept_profession_providers +concept_profession_educators concept:professionistypeofprofession concept_profession_specialists +concept_profession_educators concept:professionistypeofprofession concept_profession_staff +concept_profession_educators concept:professionistypeofprofession concept_profession_teachers +concept_profession_educators concept:professionistypeofprofession concept_profession_tutors +concept_profession_educators concept:professionistypeofprofession concept_profession_workers +concept_profession_educators concept:professionusestool concept_tool_tools +concept_profession_efforts concept:professionistypeofprofession concept_profession_professionals +concept_profession_efforts concept:professionusestool concept_tool_tools +concept_profession_electrophysiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_emergency_medical_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_employees concept:proxyfor concept_book_new +concept_profession_employees concept:mutualproxyfor concept_sportsequipment_new +concept_profession_employees concept:subpartof concept_weatherphenomenon_water +concept_profession_employment concept:professionusestool concept_tool_tools +concept_profession_endocrinologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_engineering_staff concept:professionistypeofprofession concept_profession_professional_engineers +concept_profession_engineers concept:professionistypeofprofession concept_profession_consultants +concept_profession_engineers concept:professionistypeofprofession concept_profession_executives +concept_profession_engineers concept:professionistypeofprofession concept_profession_experienced_staff +concept_profession_engineers concept:professionistypeofprofession concept_profession_experts +concept_profession_engineers concept:professionistypeofprofession concept_profession_individuals +concept_profession_engineers concept:professionistypeofprofession concept_profession_laborers +concept_profession_engineers concept:professionistypeofprofession concept_profession_leaders +concept_profession_engineers concept:professionistypeofprofession concept_profession_members +concept_profession_engineers concept:professionistypeofprofession concept_profession_network +concept_profession_engineers concept:professionistypeofprofession concept_profession_number +concept_profession_engineers concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_engineers concept:professionistypeofprofession concept_profession_professionals +concept_profession_engineers concept:professionistypeofprofession concept_profession_professions +concept_profession_engineers concept:professionistypeofprofession concept_profession_specialists +concept_profession_engineers concept:professionistypeofprofession concept_profession_staff +concept_profession_engineers concept:professionistypeofprofession concept_profession_technical_personnel +concept_profession_engineers concept:professionistypeofprofession concept_profession_technicians +concept_profession_engineers concept:professionistypeofprofession concept_profession_workers +concept_profession_engineers concept:professionusestool concept_sportsequipment_products +concept_profession_engineers concept:professionusestool concept_tool_tools +concept_profession_entertainers concept:professionistypeofprofession concept_profession_professionals +concept_profession_entrepreneurs concept:professionusestool concept_tool_tools +concept_profession_epidemiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_equipment concept:proxyfor concept_book_new +concept_profession_equipment concept:atdate concept_dateliteral_n2006 +concept_profession_equipment concept:atdate concept_dateliteral_n2007 +concept_profession_equipment concept:atdate concept_dateliteral_n2008 +concept_profession_essex concept:atdate concept_dateliteral_n2006 +concept_profession_estate concept:professionusestool concept_tool_tools +concept_profession_estate_agents concept:professionistypeofprofession concept_profession_professionals +concept_profession_estate_professionals concept:professionusestool concept_tool_tools +concept_profession_estheticians concept:professionistypeofprofession concept_profession_professionals +concept_profession_evaluators concept:professionistypeofprofession concept_profession_experts +concept_profession_events concept:subpartof concept_weatherphenomenon_air +concept_profession_events concept:subpartof concept_weatherphenomenon_water +concept_profession_examiners concept:professionistypeofprofession concept_profession_professionals +concept_profession_execution concept:professionusestool concept_tool_tools +concept_profession_executives concept:proxyfor concept_book_new +concept_profession_executives concept:professionistypeofprofession concept_profession_engineers +concept_profession_executives concept:professionistypeofprofession concept_profession_experts +concept_profession_executives concept:professionistypeofprofession concept_profession_leaders +concept_profession_executives concept:professionistypeofprofession concept_profession_professionals +concept_profession_executives concept:professionistypeofprofession concept_profession_staff +concept_profession_executives concept:professionusestool concept_tool_tools +concept_profession_exercise_physiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_exercise_specialists concept:professionistypeofprofession concept_profession_professionals +concept_profession_experience concept:professionistypeofprofession concept_profession_engineers +concept_profession_experience concept:professionistypeofprofession concept_profession_experts +concept_profession_experience concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_experience concept:professionistypeofprofession concept_profession_professionals +concept_profession_experience concept:professionistypeofprofession concept_profession_staff +concept_profession_experience concept:professionusestool concept_tool_tools +concept_profession_experienced_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_experts concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_experts concept:professionistypeofprofession concept_jobposition_physician +concept_profession_experts concept:professionistypeofprofession concept_profession_academics +concept_profession_experts concept:professionistypeofprofession concept_profession_advisors +concept_profession_experts concept:professionistypeofprofession concept_profession_authors +concept_profession_experts concept:professionistypeofprofession concept_profession_clinicians +concept_profession_experts concept:professionistypeofprofession concept_profession_dermatologists +concept_profession_experts concept:professionistypeofprofession concept_profession_designers +concept_profession_experts concept:professionistypeofprofession concept_profession_doctors +concept_profession_experts concept:professionistypeofprofession concept_profession_engineers +concept_profession_experts concept:professionistypeofprofession concept_profession_faculty +concept_profession_experts concept:professionistypeofprofession concept_profession_faculty_members +concept_profession_experts concept:professionistypeofprofession concept_profession_guides +concept_profession_experts concept:professionistypeofprofession concept_profession_individuals +concept_profession_experts concept:professionistypeofprofession concept_profession_instructors +concept_profession_experts concept:professionistypeofprofession concept_profession_lawyers +concept_profession_experts concept:professionistypeofprofession concept_profession_leaders +concept_profession_experts concept:professionistypeofprofession concept_profession_nurses +concept_profession_experts concept:professionistypeofprofession concept_profession_nutritionists +concept_profession_experts concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_experts concept:professionistypeofprofession concept_profession_physicians +concept_profession_experts concept:professionistypeofprofession concept_profession_practitioners +concept_profession_experts concept:professionistypeofprofession concept_profession_professionals +concept_profession_experts concept:professionistypeofprofession concept_profession_professors +concept_profession_experts concept:professionistypeofprofession concept_profession_project_managers +concept_profession_experts concept:professionistypeofprofession concept_profession_providers +concept_profession_experts concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_experts concept:professionistypeofprofession concept_profession_psychologists +concept_profession_experts concept:professionistypeofprofession concept_profession_researchers +concept_profession_experts concept:professionistypeofprofession concept_profession_scientists +concept_profession_experts concept:professionistypeofprofession concept_profession_specialists +concept_profession_experts concept:professionistypeofprofession concept_profession_staff +concept_profession_experts concept:professionistypeofprofession concept_profession_staff_members +concept_profession_experts concept:professionistypeofprofession concept_profession_support_staff +concept_profession_experts concept:professionistypeofprofession concept_profession_surgeons +concept_profession_experts concept:professionistypeofprofession concept_profession_teachers +concept_profession_experts concept:professionistypeofprofession concept_profession_technicians +concept_profession_experts concept:professionistypeofprofession concept_profession_trainers +concept_profession_experts concept:professionistypeofprofession concept_profession_translators +concept_profession_experts concept:professionistypeofprofession concept_profession_workers +concept_profession_experts concept:professionusestool concept_tool_tools +concept_profession_extent concept:proxyfor concept_book_new +concept_profession_fabricators concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_facilitators concept:professionistypeofprofession concept_profession_consultants +concept_profession_facilitators concept:professionistypeofprofession concept_profession_experts +concept_profession_facilitators concept:professionistypeofprofession concept_profession_professionals +concept_profession_facilitators concept:professionistypeofprofession concept_profession_specialists +concept_profession_facilitators concept:professionistypeofprofession concept_profession_staff +concept_profession_facilitators concept:professionistypeofprofession concept_profession_teachers +concept_profession_faculty concept:professionistypeofprofession concept_jobposition_adviser +concept_profession_faculty concept:professionistypeofprofession concept_jobposition_advisor +concept_profession_faculty concept:professionistypeofprofession concept_jobposition_member +concept_profession_faculty concept:professionistypeofprofession concept_jobposition_staff_member +concept_profession_faculty concept:professionistypeofprofession concept_profession_administrators +concept_profession_faculty concept:professionistypeofprofession concept_profession_advisers +concept_profession_faculty concept:professionistypeofprofession concept_profession_advisors +concept_profession_faculty concept:professionistypeofprofession concept_profession_architects +concept_profession_faculty concept:professionistypeofprofession concept_profession_artists +concept_profession_faculty concept:professionistypeofprofession concept_profession_attorneys +concept_profession_faculty concept:professionistypeofprofession concept_profession_clinicians +concept_profession_faculty concept:professionistypeofprofession concept_profession_consultants +concept_profession_faculty concept:professionistypeofprofession concept_profession_counselors +concept_profession_faculty concept:professionistypeofprofession concept_profession_designers +concept_profession_faculty concept:professionistypeofprofession concept_profession_educators +concept_profession_faculty concept:professionistypeofprofession concept_profession_executives +concept_profession_faculty concept:professionistypeofprofession concept_profession_experts +concept_profession_faculty concept:professionistypeofprofession concept_profession_faculty_members +concept_profession_faculty concept:professionistypeofprofession concept_profession_individuals +concept_profession_faculty concept:professionistypeofprofession concept_profession_instructors +concept_profession_faculty concept:professionistypeofprofession concept_profession_investigators +concept_profession_faculty concept:professionistypeofprofession concept_profession_leaders +concept_profession_faculty concept:professionistypeofprofession concept_profession_lecturers +concept_profession_faculty concept:professionistypeofprofession concept_profession_members +concept_profession_faculty concept:professionistypeofprofession concept_profession_nurse_practitioners +concept_profession_faculty concept:professionistypeofprofession concept_profession_officers +concept_profession_faculty concept:professionistypeofprofession concept_profession_officials +concept_profession_faculty concept:professionistypeofprofession concept_profession_partners +concept_profession_faculty concept:professionistypeofprofession concept_profession_performers +concept_profession_faculty concept:professionistypeofprofession concept_profession_physicians +concept_profession_faculty concept:professionistypeofprofession concept_profession_practitioners +concept_profession_faculty concept:professionistypeofprofession concept_profession_professionals +concept_profession_faculty concept:professionistypeofprofession concept_profession_professors +concept_profession_faculty concept:professionistypeofprofession concept_profession_providers +concept_profession_faculty concept:professionistypeofprofession concept_profession_representatives +concept_profession_faculty concept:professionistypeofprofession concept_profession_research_scientists +concept_profession_faculty concept:professionistypeofprofession concept_profession_researchers +concept_profession_faculty concept:professionistypeofprofession concept_profession_scientists +concept_profession_faculty concept:professionistypeofprofession concept_profession_specialists +concept_profession_faculty concept:professionistypeofprofession concept_profession_staff +concept_profession_faculty concept:professionistypeofprofession concept_profession_staff_members +concept_profession_faculty concept:professionistypeofprofession concept_profession_supervisors +concept_profession_faculty concept:professionistypeofprofession concept_profession_teachers +concept_profession_faculty concept:professionistypeofprofession concept_profession_workers +concept_profession_faculty concept:professionistypeofprofession concept_profession_writers +concept_profession_faculty concept:professionusestool concept_tool_tools +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_artists +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_educators +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_experts +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_instructors +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_leaders +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_members +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_practitioners +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_professionals +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_researchers +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_staff +concept_profession_faculty_members concept:professionistypeofprofession concept_profession_teachers +concept_profession_family_doctors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_family_doctors concept:professionistypeofprofession concept_profession_professionals +concept_profession_family_doctors concept:professionistypeofprofession concept_profession_providers +concept_profession_family_doctors concept:professionistypeofprofession concept_profession_workers +concept_profession_family_physicians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_family_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_family_physicians concept:professionistypeofprofession concept_profession_providers +concept_profession_family_physicians concept:professionistypeofprofession concept_profession_workers +concept_profession_family_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_faqs concept:specializationof concept_profession_information +concept_profession_farmers concept:professionusestool concept_tool_tools +concept_profession_fashion_designers concept:professionistypeofprofession concept_profession_stylists +concept_profession_financial_advisors concept:professionistypeofprofession concept_profession_professionals +concept_profession_financial_planners concept:professionistypeofprofession concept_profession_professionals +concept_profession_firefighters concept:professionistypeofprofession concept_profession_professionals +concept_profession_first_responders concept:professionistypeofprofession concept_profession_professionals +concept_profession_first_responders concept:professionusestool concept_tool_tools +concept_profession_fitness_instructors concept:professionistypeofprofession concept_profession_professionals +concept_profession_fitters concept:professionistypeofprofession concept_profession_professionals +concept_profession_fitters concept:professionusestool concept_tool_tools +concept_profession_full_time_faculty concept:professionistypeofprofession concept_profession_members +concept_profession_full_time_faculty concept:professionistypeofprofession concept_profession_professionals +concept_profession_full_time_faculty concept:professionistypeofprofession concept_profession_staff +concept_profession_functions concept:istallerthan concept_publication_people_ +concept_profession_functions concept:subpartof concept_weatherphenomenon_air +concept_profession_gas concept:atdate concept_dateliteral_n2005 +concept_profession_gas concept:atdate concept_dateliteral_n2007 +concept_profession_gastroenterologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_practitioners +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_professionals +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_providers +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_staff +concept_profession_general_practitioners concept:professionistypeofprofession concept_profession_workers +concept_profession_genetic_counselors concept:professionistypeofprofession concept_profession_professionals +concept_profession_geneticists concept:professionistypeofprofession concept_profession_professionals +concept_profession_geriatricians concept:professionistypeofprofession concept_profession_professionals +concept_profession_geriatricians concept:professionistypeofprofession concept_profession_providers +concept_profession_glassblowers concept:professionistypeofprofession concept_profession_artisans +concept_profession_glazers concept:latitudelongitude 46.0537200000000,-123.6609700000000 +concept_profession_gloucester concept:subpartof concept_beach_massachusetts +concept_profession_gloucester concept:proxyfor concept_book_new +concept_profession_gloucester concept:proxyfor concept_radiostation_new_jersey +concept_profession_goldsmiths concept:professionistypeofprofession concept_profession_artisans +concept_profession_goldsmiths concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_government_employees concept:professionistypeofprofession concept_profession_civil_servants +concept_profession_graduate_students concept:professionistypeofprofession concept_profession_members +concept_profession_graduate_students concept:professionistypeofprofession concept_profession_professionals +concept_profession_graduate_students concept:professionistypeofprofession concept_profession_researchers +concept_profession_great concept:istallerthan concept_publication_people_ +concept_profession_guides concept:professionistypeofprofession concept_profession_experts +concept_profession_guides concept:professionistypeofprofession concept_profession_hunters +concept_profession_guides concept:professionistypeofprofession concept_profession_instructors +concept_profession_guides concept:professionistypeofprofession concept_profession_mountaineers +concept_profession_guides concept:professionistypeofprofession concept_profession_naturalists +concept_profession_guides concept:professionistypeofprofession concept_profession_professionals +concept_profession_guides concept:professionistypeofprofession concept_profession_teachers +concept_profession_health concept:professionistypeofprofession concept_jobposition_area +concept_profession_health concept:professionistypeofprofession concept_jobposition_areas +concept_profession_health concept:professionistypeofprofession concept_jobposition_employers +concept_profession_health concept:professionistypeofprofession concept_profession_administrators +concept_profession_health concept:professionistypeofprofession concept_profession_advocates +concept_profession_health concept:professionistypeofprofession concept_profession_careers +concept_profession_health concept:professionistypeofprofession concept_profession_clinicians +concept_profession_health concept:professionistypeofprofession concept_profession_communities +concept_profession_health concept:professionistypeofprofession concept_profession_consumers +concept_profession_health concept:professionistypeofprofession concept_profession_faculty +concept_profession_health concept:professionistypeofprofession concept_profession_officials +concept_profession_health concept:professionistypeofprofession concept_profession_practitioners +concept_profession_health concept:professionistypeofprofession concept_profession_professionals +concept_profession_health concept:professionistypeofprofession concept_profession_professions +concept_profession_health concept:professionistypeofprofession concept_profession_providers +concept_profession_health concept:professionistypeofprofession concept_profession_residents +concept_profession_health concept:professionistypeofprofession concept_profession_specialists +concept_profession_health concept:professionistypeofprofession concept_profession_staff +concept_profession_health concept:professionistypeofprofession concept_profession_teachers +concept_profession_health concept:professionistypeofprofession concept_profession_workers +concept_profession_health_care_practitioners concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_physicians +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_providers +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_therapists +concept_profession_health_care_professionals concept:professionistypeofprofession concept_profession_workers +concept_profession_health_care_professionals concept:professionusestool concept_tool_tools +concept_profession_health_care_workers concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_care_workers concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_counselors concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_counselors concept:professionistypeofprofession concept_profession_workers +concept_profession_health_educators concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_personnel concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_experts +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_physicians +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_practitioners +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_providers +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_psychologists +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_therapists +concept_profession_health_professionals concept:professionistypeofprofession concept_profession_workers +concept_profession_health_professionals concept:professionusestool concept_tool_tools +concept_profession_health_workers concept:professionistypeofprofession concept_profession_nurses +concept_profession_health_workers concept:professionistypeofprofession concept_profession_professionals +concept_profession_health_workers concept:professionistypeofprofession concept_profession_providers +concept_profession_health_workers concept:professionistypeofprofession concept_profession_staff +concept_profession_healthcare concept:professionistypeofprofession concept_profession_professionals +concept_profession_healthcare concept:professionistypeofprofession concept_profession_workers +concept_profession_healthcare_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_healthcare_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_healthcare_professionals concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_healthcare_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_healthcare_professionals concept:professionusestool concept_tool_tools +concept_profession_height concept:proxyfor concept_book_new +concept_profession_herbalists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_herbalists concept:professionistypeofprofession concept_profession_professionals +concept_profession_home_buyers concept:professionusestool concept_tool_calculator +concept_profession_hospital_administrators concept:professionistypeofprofession concept_profession_professionals +concept_profession_hours concept:proxyfor concept_book_new +concept_profession_hours concept:atdate concept_date_n2000 +concept_profession_hours concept:atdate concept_date_n2003 +concept_profession_hours concept:atdate concept_dateliteral_n2006 +concept_profession_hours concept:mutualproxyfor concept_sportsequipment_new +concept_profession_hudson concept:proxyfor concept_book_new +concept_profession_hudson concept:atdate concept_dateliteral_n2006 +concept_profession_hygienists concept:professionistypeofprofession concept_profession_professionals +concept_profession_hygienists concept:professionistypeofprofession concept_profession_providers +concept_profession_illustrators concept:professionistypeofprofession concept_profession_creative_professionals +concept_profession_illustrators concept:professionistypeofprofession concept_profession_graphic_artists +concept_profession_illustrators concept:professionistypeofprofession concept_profession_professionals +concept_profession_importers concept:professionusestool concept_sportsequipment_products +concept_profession_individuals concept:professionistypeofprofession concept_profession_consultants +concept_profession_individuals concept:professionistypeofprofession concept_profession_engineers +concept_profession_individuals concept:professionistypeofprofession concept_profession_entrepreneurs +concept_profession_individuals concept:professionistypeofprofession concept_profession_experts +concept_profession_individuals concept:professionistypeofprofession concept_profession_faculty +concept_profession_individuals concept:professionistypeofprofession concept_profession_instructors +concept_profession_individuals concept:professionistypeofprofession concept_profession_lawyers +concept_profession_individuals concept:professionistypeofprofession concept_profession_leaders +concept_profession_individuals concept:professionistypeofprofession concept_profession_nurses +concept_profession_individuals concept:professionistypeofprofession concept_profession_physicians +concept_profession_individuals concept:professionistypeofprofession concept_profession_practitioners +concept_profession_individuals concept:professionistypeofprofession concept_profession_professionals +concept_profession_individuals concept:professionistypeofprofession concept_profession_specialists +concept_profession_individuals concept:professionistypeofprofession concept_profession_staff +concept_profession_individuals concept:professionistypeofprofession concept_profession_teachers +concept_profession_individuals concept:professionistypeofprofession concept_profession_technicians +concept_profession_individuals concept:professionistypeofprofession concept_profession_trainers +concept_profession_individuals concept:professionusestool concept_sportsequipment_equipment +concept_profession_individuals concept:professionusestool concept_sportsequipment_products +concept_profession_individuals concept:professionusestool concept_tool_tools +concept_profession_industry_experts concept:professionistypeofprofession concept_profession_insurance_professionals +concept_profession_information concept:proxyfor concept_book_new +concept_profession_inspectors concept:professionistypeofprofession concept_profession_professionals +concept_profession_installation_crews concept:professionistypeofprofession concept_profession_professionals +concept_profession_installation_teams concept:professionistypeofprofession concept_profession_professionals +concept_profession_installers concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_installers concept:professionistypeofprofession concept_profession_professionals +concept_profession_installers concept:subpartof concept_weatherphenomenon_water +concept_profession_instruction concept:professionistypeofprofession concept_profession_staff +concept_profession_instructional_staff concept:professionistypeofprofession concept_profession_teachers +concept_profession_instructors concept:professionistypeofprofession concept_profession_artists +concept_profession_instructors concept:professionistypeofprofession concept_profession_black_belts +concept_profession_instructors concept:professionistypeofprofession concept_profession_chefs +concept_profession_instructors concept:professionistypeofprofession concept_profession_coaches +concept_profession_instructors concept:professionistypeofprofession concept_profession_consultants +concept_profession_instructors concept:professionistypeofprofession concept_profession_dancers +concept_profession_instructors concept:professionistypeofprofession concept_profession_educators +concept_profession_instructors concept:professionistypeofprofession concept_profession_experts +concept_profession_instructors concept:professionistypeofprofession concept_profession_faculty +concept_profession_instructors concept:professionistypeofprofession concept_profession_individuals +concept_profession_instructors concept:professionistypeofprofession concept_profession_industry_experts +concept_profession_instructors concept:professionistypeofprofession concept_profession_industry_professionals +concept_profession_instructors concept:professionistypeofprofession concept_profession_leaders +concept_profession_instructors concept:professionistypeofprofession concept_profession_lifeguards +concept_profession_instructors concept:professionistypeofprofession concept_profession_members +concept_profession_instructors concept:professionistypeofprofession concept_profession_nurses +concept_profession_instructors concept:professionistypeofprofession concept_profession_performers +concept_profession_instructors concept:professionistypeofprofession concept_profession_pilots +concept_profession_instructors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_instructors concept:professionistypeofprofession concept_profession_professionals +concept_profession_instructors concept:professionistypeofprofession concept_profession_sailors +concept_profession_instructors concept:professionistypeofprofession concept_profession_specialists +concept_profession_instructors concept:professionistypeofprofession concept_profession_staff +concept_profession_instructors concept:professionistypeofprofession concept_profession_teachers +concept_profession_instructors concept:professionistypeofprofession concept_profession_trainers +concept_profession_instructors concept:professionusestool concept_tool_discussion_board +concept_profession_instructors concept:professionusestool concept_tool_discussion_boards +concept_profession_instructors concept:professionusestool concept_tool_rubrics +concept_profession_instructors concept:professionusestool concept_tool_tools +concept_profession_insurance_professionals concept:professionistypeofprofession concept_profession_industry_experts +concept_profession_insurers concept:atdate concept_dateliteral_n2007 +concept_profession_insurers concept:professionistypeofprofession concept_profession_professionals +concept_profession_insurers concept:professionistypeofprofession concept_profession_providers +concept_profession_interior_designers concept:professionistypeofprofession concept_profession_professionals +concept_profession_internists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_interpreters concept:professionistypeofprofession concept_profession_linguists +concept_profession_interpreters concept:professionistypeofprofession concept_profession_professionals +concept_profession_investigators concept:atdate concept_dateliteral_n2006 +concept_profession_investigators concept:professionistypeofprofession concept_profession_experts +concept_profession_investigators concept:professionistypeofprofession concept_profession_leaders +concept_profession_investigators concept:professionistypeofprofession concept_profession_professionals +concept_profession_investigators concept:professionistypeofprofession concept_profession_staff +concept_profession_investigators concept:professionusestool concept_tool_tools +concept_profession_investment_professionals concept:professionistypeofprofession concept_profession_portfolio_managers +concept_profession_investment_professionals concept:specializationof concept_profession_portfolio_managers +concept_profession_investors concept:professionusestool concept_sportsequipment_products +concept_profession_investors concept:professionusestool concept_tool_tools +concept_profession_issues concept:professionistypeofprofession concept_profession_professionals +concept_profession_issues concept:professionistypeofprofession concept_profession_providers +concept_profession_issues concept:professionusestool concept_tool_tools +concept_profession_jewelry_designers concept:professionistypeofprofession concept_profession_artisans +concept_profession_jobs concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_jobs concept:professionistypeofprofession concept_profession_associates +concept_profession_jobs concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_jobs concept:professionistypeofprofession concept_profession_consultants +concept_profession_jobs concept:professionistypeofprofession concept_profession_doctors +concept_profession_jobs concept:professionistypeofprofession concept_profession_drivers +concept_profession_jobs concept:professionistypeofprofession concept_profession_employee +concept_profession_jobs concept:professionistypeofprofession concept_profession_experienced_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_experts +concept_profession_jobs concept:professionistypeofprofession concept_profession_knowledgeable_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_managers +concept_profession_jobs concept:professionistypeofprofession concept_profession_nurses +concept_profession_jobs concept:professionistypeofprofession concept_profession_physicians +concept_profession_jobs concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_professionals +concept_profession_jobs concept:professionistypeofprofession concept_profession_providers +concept_profession_jobs concept:professionistypeofprofession concept_profession_representatives +concept_profession_jobs concept:professionistypeofprofession concept_profession_sales_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_staff_members +concept_profession_jobs concept:professionistypeofprofession concept_profession_support_staff +concept_profession_jobs concept:professionistypeofprofession concept_profession_technicians +concept_profession_journalists concept:atdate concept_dateliteral_n2007 +concept_profession_journalists concept:professionistypeofprofession concept_profession_writers +concept_profession_judges concept:professionistypeofprofession concept_profession_experts +concept_profession_judges concept:professionistypeofprofession concept_profession_leaders +concept_profession_judges concept:professionistypeofprofession concept_profession_professionals +concept_profession_laboratory_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_laborers concept:professionistypeofprofession concept_profession_engineers +concept_profession_laborers concept:professionistypeofprofession concept_profession_tradesmen +concept_profession_laborers concept:professionistypeofprofession concept_profession_workers +concept_profession_labourers concept:professionistypeofprofession concept_profession_workers +concept_profession_lactation_consultants concept:professionistypeofprofession concept_profession_professionals +concept_profession_law concept:proxyfor concept_book_new +concept_profession_law concept:istallerthan concept_publication_people_ +concept_profession_law concept:mutualproxyfor concept_sportsequipment_new +concept_profession_law concept:subpartof concept_weatherphenomenon_water +concept_profession_law_firms concept:proxyfor concept_book_new +concept_profession_law_firms concept:mutualproxyfor concept_sportsequipment_new +concept_profession_lawyers concept:proxyfor concept_book_new +concept_profession_lawyers concept:atdate concept_dateliteral_n2007 +concept_profession_lawyers concept:professionistypeofprofession concept_profession_advocates +concept_profession_lawyers concept:professionistypeofprofession concept_profession_attorneys +concept_profession_lawyers concept:professionistypeofprofession concept_profession_criminal_defense_attorneys +concept_profession_lawyers concept:professionistypeofprofession concept_profession_experts +concept_profession_lawyers concept:professionistypeofprofession concept_profession_individuals +concept_profession_lawyers concept:professionistypeofprofession concept_profession_leaders +concept_profession_lawyers concept:professionistypeofprofession concept_profession_litigators +concept_profession_lawyers concept:professionistypeofprofession concept_profession_mediators +concept_profession_lawyers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_lawyers concept:professionistypeofprofession concept_profession_professionals +concept_profession_lawyers concept:professionistypeofprofession concept_profession_professions +concept_profession_lawyers concept:professionistypeofprofession concept_profession_specialists +concept_profession_lawyers concept:professionistypeofprofession concept_profession_staff +concept_profession_lawyers concept:professionistypeofprofession concept_profession_trial_attorneys +concept_profession_lawyers concept:professionistypeofprofession concept_profession_trial_lawyers +concept_profession_lawyers concept:mutualproxyfor concept_sportsequipment_new +concept_profession_leaders concept:professionistypeofprofession concept_jobposition_physician +concept_profession_leaders concept:professionistypeofprofession concept_profession_administrators +concept_profession_leaders concept:professionistypeofprofession concept_profession_clinicians +concept_profession_leaders concept:professionistypeofprofession concept_profession_educators +concept_profession_leaders concept:professionistypeofprofession concept_profession_experts +concept_profession_leaders concept:professionistypeofprofession concept_profession_nurses +concept_profession_leaders concept:professionistypeofprofession concept_profession_officers +concept_profession_leaders concept:professionistypeofprofession concept_profession_physicians +concept_profession_leaders concept:professionistypeofprofession concept_profession_practitioners +concept_profession_leaders concept:professionistypeofprofession concept_profession_professionals +concept_profession_leaders concept:professionistypeofprofession concept_profession_staff +concept_profession_leaders concept:professionistypeofprofession concept_profession_teachers +concept_profession_leaders concept:professionusestool concept_tool_tools +concept_profession_leadership concept:professionistypeofprofession concept_profession_professionals +concept_profession_lecturers concept:professionistypeofprofession concept_profession_experts +concept_profession_lecturers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_lecturers concept:professionistypeofprofession concept_profession_professionals +concept_profession_lecturers concept:professionistypeofprofession concept_profession_specialists +concept_profession_lecturers concept:professionistypeofprofession concept_profession_staff +concept_profession_lectures concept:proxyfor concept_book_new +concept_profession_legislators concept:proxyfor concept_book_new +concept_profession_level concept:professionistypeofprofession concept_profession_professionals +concept_profession_level concept:professionusestool concept_tool_tools +concept_profession_librarians concept:professionistypeofprofession concept_profession_professionals +concept_profession_librarians concept:professionistypeofprofession concept_profession_staff +concept_profession_linguists concept:professionistypeofprofession concept_profession_interpreters +concept_profession_linguists concept:professionistypeofprofession concept_profession_translators +concept_profession_links concept:professionistypeofprofession concept_profession_professionals +concept_profession_links concept:professionistypeofprofession concept_profession_providers +concept_profession_literature concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_literature concept:professionistypeofprofession concept_profession_professionals +concept_profession_literature concept:professionistypeofprofession concept_profession_services +concept_profession_litigators concept:professionistypeofprofession concept_profession_attorneys +concept_profession_litigators concept:professionistypeofprofession concept_profession_lawyers +concept_profession_loan_officers concept:professionistypeofprofession concept_profession_professionals +concept_profession_local_doctors concept:professionistypeofprofession concept_profession_professionals +concept_profession_magistrates concept:latitudelongitude 40.4357900000000,-79.9957300000000 +concept_profession_maintenance concept:professionusestool concept_sportsequipment_products +concept_profession_maintenance concept:professionusestool concept_tool_tools +concept_profession_makeup_artists concept:professionistypeofprofession concept_profession_professionals +concept_profession_makeup_artists concept:professionistypeofprofession concept_profession_stylists +concept_profession_management concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_management concept:professionistypeofprofession concept_profession_experts +concept_profession_management concept:professionistypeofprofession concept_profession_jobs +concept_profession_management concept:professionistypeofprofession concept_profession_leadership +concept_profession_management concept:professionistypeofprofession concept_profession_professionals +concept_profession_management concept:professionistypeofprofession concept_profession_professions +concept_profession_management concept:professionistypeofprofession concept_profession_specialists +concept_profession_management concept:professionistypeofprofession concept_profession_staff +concept_profession_management concept:professionusestool concept_tool_tools +concept_profession_management_consultants concept:professionistypeofprofession concept_profession_professionals +concept_profession_management_facilities concept:subpartof concept_weatherphenomenon_water +concept_profession_management_system concept:latitudelongitude 43.2486300000000,-86.0286600000000 +concept_profession_management_system concept:subpartof concept_weatherphenomenon_water +concept_profession_management_systems concept:subpartof concept_weatherphenomenon_water +concept_profession_managers concept:proxyfor concept_book_new +concept_profession_managers concept:professionistypeofprofession concept_profession_experts +concept_profession_managers concept:professionistypeofprofession concept_profession_leaders +concept_profession_managers concept:professionistypeofprofession concept_profession_physicians +concept_profession_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_managers concept:professionistypeofprofession concept_profession_specialists +concept_profession_managers concept:professionusestool concept_sportsequipment_products +concept_profession_managers concept:professionusestool concept_tool_tools +concept_profession_managers concept:subpartof concept_weatherphenomenon_water +concept_profession_manufacturing concept:professionusestool concept_sportsequipment_equipment +concept_profession_manufacturing concept:professionusestool concept_sportsequipment_products +concept_profession_marketers concept:professionusestool concept_tool_tools +concept_profession_marketing concept:professionistypeofprofession concept_profession_professionals +concept_profession_marketing concept:professionusestool concept_sportsequipment_equipment +concept_profession_marketing concept:professionusestool concept_sportsequipment_products +concept_profession_marketing concept:professionusestool concept_tool_tools +concept_profession_massage_therapists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_massage_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_massage_therapists concept:professionistypeofprofession concept_profession_providers +concept_profession_massage_therapists concept:professionistypeofprofession concept_profession_staff +concept_profession_massage_therapists concept:professionistypeofprofession concept_profession_workers +concept_profession_mechanics concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_mechanics concept:professionistypeofprofession concept_profession_professionals +concept_profession_mediators concept:professionistypeofprofession concept_profession_attorneys +concept_profession_mediators concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_assistants concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_coders concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_experts +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_specialists +concept_profession_medical_doctors concept:professionistypeofprofession concept_profession_workers +concept_profession_medical_oncologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_personnel concept:professionistypeofprofession concept_profession_doctors +concept_profession_medical_personnel concept:professionistypeofprofession concept_profession_nurses +concept_profession_medical_personnel concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_practitioners concept:professionistypeofprofession concept_profession_nurses +concept_profession_medical_practitioners concept:professionistypeofprofession concept_profession_practitioners +concept_profession_medical_practitioners concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_practitioners concept:professionistypeofprofession concept_profession_providers +concept_profession_medical_practitioners concept:professionistypeofprofession concept_profession_workers +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_physicians +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_providers +concept_profession_medical_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_medical_specialists concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_specialists concept:professionistypeofprofession concept_profession_providers +concept_profession_medical_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_medical_technologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_medicine concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_medicine concept:professionistypeofprofession concept_profession_careers +concept_profession_medicine concept:professionistypeofprofession concept_profession_practitioners +concept_profession_medicine concept:professionistypeofprofession concept_profession_products +concept_profession_medicine concept:professionistypeofprofession concept_profession_professionals +concept_profession_medicine concept:professionistypeofprofession concept_profession_professions +concept_profession_medicine concept:professionistypeofprofession concept_profession_providers +concept_profession_medicine concept:professionistypeofprofession concept_profession_services +concept_profession_medicine_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_medics concept:professionistypeofprofession concept_profession_professionals +concept_profession_meetings concept:proxyfor concept_book_new +concept_profession_meetings concept:mutualproxyfor concept_sportsequipment_new +concept_profession_members concept:professionistypeofprofession concept_jobposition_physician +concept_profession_members concept:professionistypeofprofession concept_profession_attorneys +concept_profession_members concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_members concept:professionistypeofprofession concept_profession_coaches +concept_profession_members concept:professionistypeofprofession concept_profession_consultants +concept_profession_members concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_members concept:professionistypeofprofession concept_profession_doctors +concept_profession_members concept:professionistypeofprofession concept_profession_educators +concept_profession_members concept:professionistypeofprofession concept_profession_engineers +concept_profession_members concept:professionistypeofprofession concept_profession_entrepreneurs +concept_profession_members concept:professionistypeofprofession concept_profession_experts +concept_profession_members concept:professionistypeofprofession concept_profession_instructors +concept_profession_members concept:professionistypeofprofession concept_profession_investors +concept_profession_members concept:professionistypeofprofession concept_profession_leaders +concept_profession_members concept:professionistypeofprofession concept_profession_nurses +concept_profession_members concept:professionistypeofprofession concept_profession_performers +concept_profession_members concept:professionistypeofprofession concept_profession_physicians +concept_profession_members concept:professionistypeofprofession concept_profession_professionals +concept_profession_members concept:professionistypeofprofession concept_profession_providers +concept_profession_members concept:professionistypeofprofession concept_profession_researchers +concept_profession_members concept:professionistypeofprofession concept_profession_specialists +concept_profession_members concept:professionistypeofprofession concept_profession_therapists +concept_profession_members concept:professionusestool concept_sportsequipment_products +concept_profession_members concept:professionusestool concept_tool_tools +concept_profession_mental_health_counselors concept:professionistypeofprofession concept_profession_professionals +concept_profession_mental_health_counselors concept:professionistypeofprofession concept_profession_workers +concept_profession_mental_health_nurses concept:latitudelongitude 53.7303600000000,-2.6620300000000 +concept_profession_mental_health_professionals concept:professionistypeofprofession concept_profession_counselors +concept_profession_mental_health_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_mental_health_professionals concept:professionistypeofprofession concept_profession_providers +concept_profession_mental_health_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_mental_health_professionals concept:professionistypeofprofession concept_profession_workers +concept_profession_mental_health_workers concept:professionistypeofprofession concept_profession_providers +concept_profession_middlesex concept:subpartof concept_bridge_new_jersey +concept_profession_middlesex concept:proxyfor concept_radiostation_new_jersey +concept_profession_midwives concept:professionistypeofprofession concept_profession_doctors +concept_profession_midwives concept:professionistypeofprofession concept_profession_practitioners +concept_profession_midwives concept:professionistypeofprofession concept_profession_professionals +concept_profession_midwives concept:professionistypeofprofession concept_profession_professions +concept_profession_midwives concept:professionistypeofprofession concept_profession_providers +concept_profession_midwives concept:professionistypeofprofession concept_profession_staff +concept_profession_midwives concept:professionistypeofprofession concept_profession_workers +concept_profession_miners concept:professionusestool concept_tool_tools +concept_profession_models concept:professionusestool concept_tool_tools +concept_profession_monitoring concept:professionusestool concept_tool_tools +concept_profession_mountaineers concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_profession_mountaineers concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_profession_movers concept:proxyfor concept_book_new +concept_profession_movers concept:professionistypeofprofession concept_profession_professionals +concept_profession_movers concept:mutualproxyfor concept_sportsequipment_new +concept_profession_music_professionals concept:professionistypeofprofession concept_profession_music_teachers +concept_profession_music_teachers concept:professionistypeofprofession concept_profession_classroom_teachers +concept_profession_music_teachers concept:professionistypeofprofession concept_profession_music_professionals +concept_profession_music_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_name concept:specializationof concept_profession_information +concept_profession_nannies concept:professionistypeofprofession concept_profession_professionals +concept_profession_nation concept:proxyfor concept_book_new +concept_profession_naturopaths concept:professionistypeofprofession concept_profession_practitioners +concept_profession_naturopaths concept:professionistypeofprofession concept_profession_professionals +concept_profession_naturopaths concept:professionistypeofprofession concept_profession_providers +concept_profession_network concept:professionistypeofprofession concept_profession_consultants +concept_profession_network concept:professionistypeofprofession concept_profession_engineers +concept_profession_network concept:professionistypeofprofession concept_profession_leaders +concept_profession_network concept:professionistypeofprofession concept_profession_professionals +concept_profession_network concept:professionistypeofprofession concept_profession_providers +concept_profession_network concept:professionusestool concept_sportsequipment_products +concept_profession_network concept:professionusestool concept_tool_tools +concept_profession_neurologists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_neurologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_neurologists concept:professionistypeofprofession concept_profession_specialists +concept_profession_neurosurgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_newark concept:proxyfor concept_book_new +concept_profession_newark concept:atlocation concept_bridge_new_jersey +concept_profession_newark concept:subpartof concept_bridge_new_jersey +concept_profession_newark concept:proxyfor concept_building_prudential_center +concept_profession_newark concept:mutualproxyfor concept_sportsequipment_new +concept_profession_newsletters concept:professionistypeofprofession concept_profession_services +concept_profession_northeast concept:proxyfor concept_book_new +concept_profession_number concept:professionistypeofprofession concept_profession_professionals +concept_profession_number concept:professionistypeofprofession concept_profession_workers +concept_profession_number concept:professionusestool concept_sportsequipment_equipment +concept_profession_number concept:professionusestool concept_sportsequipment_products +concept_profession_number concept:professionusestool concept_tool_tools +concept_profession_nurse_midwives concept:professionistypeofprofession concept_profession_anesthetists +concept_profession_nurse_midwives concept:professionistypeofprofession concept_profession_practitioners +concept_profession_nurse_midwives concept:professionistypeofprofession concept_profession_professionals +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_anesthetists +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_members +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_midwives +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_practitioners +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_professionals +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_providers +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_specialists +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_staff +concept_profession_nurse_practitioners concept:professionistypeofprofession concept_profession_workers +concept_profession_nurse_specialists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_nurse_specialists concept:professionistypeofprofession concept_profession_workers +concept_profession_nurses concept:professionistypeofprofession concept_profession_advocates +concept_profession_nurses concept:professionistypeofprofession concept_profession_aides +concept_profession_nurses concept:professionistypeofprofession concept_profession_assistants +concept_profession_nurses concept:professionistypeofprofession concept_profession_attendants +concept_profession_nurses concept:professionistypeofprofession concept_profession_care_personnel +concept_profession_nurses concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_nurses concept:professionistypeofprofession concept_profession_clinical_staff +concept_profession_nurses concept:professionistypeofprofession concept_profession_clinicians +concept_profession_nurses concept:professionistypeofprofession concept_profession_educators +concept_profession_nurses concept:professionistypeofprofession concept_profession_experts +concept_profession_nurses concept:professionistypeofprofession concept_profession_health_care_practitioners +concept_profession_nurses concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_nurses concept:professionistypeofprofession concept_profession_health_personnel +concept_profession_nurses concept:professionistypeofprofession concept_profession_health_workers +concept_profession_nurses concept:professionistypeofprofession concept_profession_healthcare_professionals +concept_profession_nurses concept:professionistypeofprofession concept_profession_individuals +concept_profession_nurses concept:professionistypeofprofession concept_profession_instructors +concept_profession_nurses concept:professionistypeofprofession concept_profession_jobs +concept_profession_nurses concept:professionistypeofprofession concept_profession_leaders +concept_profession_nurses concept:professionistypeofprofession concept_profession_medical_personnel +concept_profession_nurses concept:professionistypeofprofession concept_profession_medical_practitioners +concept_profession_nurses concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_nurses concept:professionistypeofprofession concept_profession_members +concept_profession_nurses concept:professionistypeofprofession concept_profession_nursing_staff +concept_profession_nurses concept:professionistypeofprofession concept_profession_occupations +concept_profession_nurses concept:professionistypeofprofession concept_profession_practitioners +concept_profession_nurses concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_nurses concept:professionistypeofprofession concept_profession_professions +concept_profession_nurses concept:professionistypeofprofession concept_profession_providers +concept_profession_nurses concept:professionistypeofprofession concept_profession_services +concept_profession_nurses concept:professionistypeofprofession concept_profession_specialists +concept_profession_nurses concept:professionistypeofprofession concept_profession_staff +concept_profession_nurses concept:professionistypeofprofession concept_profession_staff_members +concept_profession_nurses concept:professionistypeofprofession concept_profession_staff_work +concept_profession_nurses concept:professionistypeofprofession concept_profession_support_staff +concept_profession_nurses concept:professionistypeofprofession concept_profession_technicians +concept_profession_nurses concept:professionistypeofprofession concept_profession_therapists +concept_profession_nurses concept:professionistypeofprofession concept_profession_workers +concept_profession_nurses concept:professionusestool concept_tool_tools +concept_profession_nursing_assistants concept:professionistypeofprofession concept_profession_professionals +concept_profession_nursing_care concept:professionistypeofprofession concept_profession_services +concept_profession_nursing_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_nursing_staff concept:professionistypeofprofession concept_profession_nurses +concept_profession_nursing_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_nursing_staff concept:professionistypeofprofession concept_profession_staff +concept_profession_nutritionists concept:professionistypeofprofession concept_profession_experts +concept_profession_nutritionists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_nutritionists concept:professionistypeofprofession concept_profession_professionals +concept_profession_nutritionists concept:professionistypeofprofession concept_profession_providers +concept_profession_obstetricians concept:professionistypeofprofession concept_profession_providers +concept_profession_obstetricians concept:professionistypeofprofession concept_profession_staff +concept_profession_occupational_health concept:professionistypeofprofession concept_profession_workers +concept_profession_occupational_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_occupational_therapists concept:professionistypeofprofession concept_profession_providers +concept_profession_occupational_therapists concept:professionistypeofprofession concept_profession_staff +concept_profession_occupational_therapists concept:professionistypeofprofession concept_profession_workers +concept_profession_occupations concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_occupations concept:professionistypeofprofession concept_profession_nurses +concept_profession_ocean concept:proxyfor concept_book_new +concept_profession_officers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_officers concept:professionistypeofprofession concept_profession_professionals +concept_profession_officials concept:professionistypeofprofession concept_profession_doctors +concept_profession_officials concept:professionusestool concept_tool_tools +concept_profession_oncologists concept:professionistypeofprofession concept_profession_cancer_specialists +concept_profession_oncologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_oncologists concept:professionistypeofprofession concept_profession_providers +concept_profession_oncologists concept:professionistypeofprofession concept_profession_specialists +concept_profession_operators concept:professionistypeofprofession concept_profession_professionals +concept_profession_operators concept:professionusestool concept_tool_tools +concept_profession_ophthalmologists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_ophthalmologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_ophthalmologists concept:professionistypeofprofession concept_profession_providers +concept_profession_opinions concept:professionistypeofprofession concept_profession_services +concept_profession_opticians concept:professionistypeofprofession concept_profession_professionals +concept_profession_optometrists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_optometrists concept:professionistypeofprofession concept_profession_professionals +concept_profession_optometrists concept:professionistypeofprofession concept_profession_providers +concept_profession_orthopaedic_surgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_orthopedic_surgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_orthotists concept:professionistypeofprofession concept_profession_professionals +concept_profession_osteopaths concept:professionistypeofprofession concept_profession_practitioners +concept_profession_osteopaths concept:professionistypeofprofession concept_profession_professionals +concept_profession_overview concept:professionusestool concept_tool_tools +concept_profession_paediatricians concept:professionistypeofprofession concept_profession_professionals +concept_profession_paediatricians concept:professionistypeofprofession concept_profession_specialists +concept_profession_paediatricians concept:professionistypeofprofession concept_profession_workers +concept_profession_painters concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_painters concept:professionistypeofprofession concept_profession_professionals +concept_profession_paralegals concept:professionistypeofprofession concept_profession_staff +concept_profession_paramedics concept:professionistypeofprofession concept_profession_professionals +concept_profession_paramedics concept:professionistypeofprofession concept_profession_providers +concept_profession_paramedics concept:professionistypeofprofession concept_profession_workers +concept_profession_paraprofessionals concept:professionistypeofprofession concept_profession_special_educators +concept_profession_parents concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_parents concept:professionistypeofprofession concept_profession_educators +concept_profession_parents concept:professionistypeofprofession concept_profession_professionals +concept_profession_parents concept:professionistypeofprofession concept_profession_providers +concept_profession_parents concept:professionistypeofprofession concept_profession_staff +concept_profession_parents concept:professionusestool concept_tool_tools +concept_profession_participants concept:atdate concept_date_n1996 +concept_profession_participants concept:atdate concept_date_n1999 +concept_profession_participants concept:atdate concept_date_n2003 +concept_profession_participants concept:atdate concept_dateliteral_n2006 +concept_profession_participants concept:atdate concept_dateliteral_n2007 +concept_profession_participants concept:atdate concept_dateliteral_n2008 +concept_profession_participants concept:professionistypeofprofession concept_profession_athletes +concept_profession_participants concept:professionistypeofprofession concept_profession_leaders +concept_profession_participants concept:professionistypeofprofession concept_profession_practitioners +concept_profession_participants concept:professionistypeofprofession concept_profession_professionals +concept_profession_participants concept:professionusestool concept_tool_tools +concept_profession_partners concept:professionistypeofprofession concept_profession_accountants +concept_profession_partners concept:professionistypeofprofession concept_profession_attorneys +concept_profession_partners concept:professionistypeofprofession concept_profession_experts +concept_profession_partners concept:professionistypeofprofession concept_profession_individuals +concept_profession_partners concept:professionistypeofprofession concept_profession_lawyers +concept_profession_partners concept:professionistypeofprofession concept_profession_leaders +concept_profession_partners concept:professionistypeofprofession concept_profession_professionals +concept_profession_partners concept:professionistypeofprofession concept_profession_specialists +concept_profession_partners concept:professionusestool concept_sportsequipment_products +concept_profession_partners concept:professionusestool concept_tool_tools +concept_profession_partnership concept:professionistypeofprofession concept_profession_leaders +concept_profession_parts concept:proxyfor concept_book_new +concept_profession_parts concept:atdate concept_dateliteral_n2008 +concept_profession_passaic concept:atlocation concept_bridge_new_jersey +concept_profession_passaic concept:subpartof concept_bridge_new_jersey +concept_profession_passaic concept:proxyfor concept_radiostation_new_jersey +concept_profession_pathologists concept:professionistypeofprofession concept_profession_experts +concept_profession_pathologists concept:professionistypeofprofession concept_profession_laboratory_professionals +concept_profession_pathologists concept:professionistypeofprofession concept_profession_medical_experts +concept_profession_pathologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_pbl concept:latitudelongitude 10.4805000000000,-68.0730200000000 +concept_profession_pediatricians concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_pediatricians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_pediatricians concept:professionistypeofprofession concept_profession_professionals +concept_profession_pediatricians concept:professionistypeofprofession concept_profession_providers +concept_profession_pediatricians concept:professionistypeofprofession concept_profession_staff +concept_profession_performers concept:professionistypeofprofession concept_profession_actors +concept_profession_performers concept:professionistypeofprofession concept_profession_experts +concept_profession_performers concept:professionistypeofprofession concept_profession_professionals +concept_profession_performers concept:professionistypeofprofession concept_profession_teachers +concept_profession_personnel concept:proxyfor concept_book_new +concept_profession_personnel concept:subpartof concept_weatherphenomenon_air +concept_profession_personnel concept:subpartof concept_weatherphenomenon_water +concept_profession_personnel concept:atdate concept_year_n1998 +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_experts +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_healthcare_professionals +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_professionals +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_professions +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_providers +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_specialists +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_staff +concept_profession_pharmacists concept:professionistypeofprofession concept_profession_workers +concept_profession_pharmacologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_pharmacy_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_phlebotomists concept:professionistypeofprofession concept_profession_professionals +concept_profession_photographers concept:professionistypeofprofession concept_profession_professionals +concept_profession_photographers concept:professionistypeofprofession concept_profession_staff +concept_profession_physiatrists concept:professionistypeofprofession concept_profession_professionals +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_providers +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_specialists +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_staff +concept_profession_physical_therapists concept:professionistypeofprofession concept_profession_workers +concept_profession_physician_assistants concept:professionistypeofprofession concept_profession_midwives +concept_profession_physician_assistants concept:professionistypeofprofession concept_profession_practitioners +concept_profession_physician_assistants concept:professionistypeofprofession concept_profession_professionals +concept_profession_physician_assistants concept:professionistypeofprofession concept_profession_providers +concept_profession_physician_assistants concept:professionistypeofprofession concept_profession_staff +concept_profession_physician_specialists concept:professionistypeofprofession concept_profession_professionals +concept_profession_physicians concept:professionistypeofprofession concept_profession_care_personnel +concept_profession_physicians concept:professionistypeofprofession concept_profession_care_practitioners +concept_profession_physicians concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_physicians concept:professionistypeofprofession concept_profession_clients +concept_profession_physicians concept:professionistypeofprofession concept_profession_clinicians +concept_profession_physicians concept:professionistypeofprofession concept_profession_consultants +concept_profession_physicians concept:professionistypeofprofession concept_profession_educators +concept_profession_physicians concept:professionistypeofprofession concept_profession_experts +concept_profession_physicians concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_physicians concept:professionistypeofprofession concept_profession_individuals +concept_profession_physicians concept:professionistypeofprofession concept_profession_issues +concept_profession_physicians concept:professionistypeofprofession concept_profession_leaders +concept_profession_physicians concept:professionistypeofprofession concept_profession_managers +concept_profession_physicians concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_physicians concept:professionistypeofprofession concept_profession_members +concept_profession_physicians concept:professionistypeofprofession concept_profession_midwives +concept_profession_physicians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_physicians concept:professionistypeofprofession concept_profession_professions +concept_profession_physicians concept:professionistypeofprofession concept_profession_providers +concept_profession_physicians concept:professionistypeofprofession concept_profession_researchers +concept_profession_physicians concept:professionistypeofprofession concept_profession_specialists +concept_profession_physicians concept:professionistypeofprofession concept_profession_staff +concept_profession_physicians concept:professionistypeofprofession concept_profession_workers +concept_profession_physicians concept:professionusestool concept_tool_tools +concept_profession_physicists concept:professionistypeofprofession concept_profession_professionals +concept_profession_physiotherapists concept:professionistypeofprofession concept_profession_health_professionals +concept_profession_physiotherapists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_physiotherapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_physiotherapists concept:professionistypeofprofession concept_profession_providers +concept_profession_physiotherapists concept:professionistypeofprofession concept_profession_specialists +concept_profession_pilots concept:professionistypeofprofession concept_profession_professionals +concept_profession_pilots concept:professionistypeofprofession concept_profession_staff +concept_profession_planners concept:professionistypeofprofession concept_profession_experts +concept_profession_planners concept:professionistypeofprofession concept_profession_professionals +concept_profession_planners concept:professionusestool concept_tool_tools +concept_profession_plastic_surgeons concept:professionistypeofprofession concept_profession_experts +concept_profession_plastic_surgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_plumbers concept:professionistypeofprofession concept_profession_professionals +concept_profession_podiatrists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_podiatrists concept:professionistypeofprofession concept_profession_professionals +concept_profession_police concept:professionistypeofprofession concept_profession_professionals +concept_profession_police_officers concept:professionistypeofprofession concept_profession_professionals +concept_profession_policymakers concept:professionusestool concept_tool_tools +concept_profession_portfolio_managers concept:professionistypeofprofession concept_profession_investment_professionals +concept_profession_potential concept:professionusestool concept_sportsequipment_products +concept_profession_potential concept:professionusestool concept_tool_tools +concept_profession_practice_nurses concept:professionistypeofprofession concept_profession_practitioners +concept_profession_practice_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_practice_nurses concept:professionistypeofprofession concept_profession_providers +concept_profession_practicioners concept:professionistypeofprofession concept_profession_doctors +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_family_physician +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_physician +concept_profession_practitioners concept:professionistypeofprofession concept_jobposition_physician_assistant +concept_profession_practitioners concept:professionistypeofprofession concept_profession_acupuncturists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_assistants +concept_profession_practitioners concept:professionistypeofprofession concept_profession_attorneys +concept_profession_practitioners concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_practitioners concept:professionistypeofprofession concept_profession_certified_nurse_midwives +concept_profession_practitioners concept:professionistypeofprofession concept_profession_chiropractors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_clients +concept_profession_practitioners concept:professionistypeofprofession concept_profession_clinical_nurse_specialists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_clinicians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_coaches +concept_profession_practitioners concept:professionistypeofprofession concept_profession_consultants +concept_profession_practitioners concept:professionistypeofprofession concept_profession_counselors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_dentists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_dietitians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_doctors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_educators +concept_profession_practitioners concept:professionistypeofprofession concept_profession_experts +concept_profession_practitioners concept:professionistypeofprofession concept_profession_faculty +concept_profession_practitioners concept:professionistypeofprofession concept_profession_family_doctors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_family_physicians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_general_practitioners +concept_profession_practitioners concept:professionistypeofprofession concept_profession_health +concept_profession_practitioners concept:professionistypeofprofession concept_profession_herbalists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_individuals +concept_profession_practitioners concept:professionistypeofprofession concept_profession_instructors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_internists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_lawyers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_leaders +concept_profession_practitioners concept:professionistypeofprofession concept_profession_massage_therapists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_practitioners concept:professionistypeofprofession concept_profession_medical_practitioners +concept_profession_practitioners concept:professionistypeofprofession concept_profession_midwives +concept_profession_practitioners concept:professionistypeofprofession concept_profession_nurse_midwives +concept_profession_practitioners concept:professionistypeofprofession concept_profession_nurse_specialists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_nurses +concept_profession_practitioners concept:professionistypeofprofession concept_profession_nutritionists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_officers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_ophthalmologists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_optometrists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_pediatricians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_physician_assistants +concept_profession_practitioners concept:professionistypeofprofession concept_profession_physicians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_physiotherapists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_podiatrists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_practice_nurses +concept_profession_practitioners concept:professionistypeofprofession concept_profession_primary_care_physicians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_professionals +concept_profession_practitioners concept:professionistypeofprofession concept_profession_providers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_psychologists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_psychotherapists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_registered_nurses +concept_profession_practitioners concept:professionistypeofprofession concept_profession_researchers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_residents +concept_profession_practitioners concept:professionistypeofprofession concept_profession_services +concept_profession_practitioners concept:professionistypeofprofession concept_profession_social_workers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_specialists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_staff +concept_profession_practitioners concept:professionistypeofprofession concept_profession_surgeons +concept_profession_practitioners concept:professionistypeofprofession concept_profession_teachers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_technicians +concept_profession_practitioners concept:professionistypeofprofession concept_profession_therapists +concept_profession_practitioners concept:professionistypeofprofession concept_profession_trainers +concept_profession_practitioners concept:professionistypeofprofession concept_profession_workers +concept_profession_practitioners concept:professionusestool concept_tool_tools +concept_profession_presenters concept:professionistypeofprofession concept_profession_experts +concept_profession_presenters concept:professionistypeofprofession concept_profession_leaders +concept_profession_presenters concept:professionistypeofprofession concept_profession_professionals +concept_profession_presenters concept:professionistypeofprofession concept_profession_teachers +concept_profession_prices concept:professionusestool concept_sportsequipment_equipment +concept_profession_prices concept:professionusestool concept_sportsequipment_products +concept_profession_prices concept:professionusestool concept_sportsequipment_suppliers +concept_profession_prices concept:professionusestool concept_tool_accessories +concept_profession_prices concept:professionusestool concept_tool_components +concept_profession_prices concept:professionusestool concept_tool_gifts +concept_profession_prices concept:professionusestool concept_tool_machines +concept_profession_prices concept:professionusestool concept_tool_sets +concept_profession_prices concept:professionusestool concept_tool_supplements +concept_profession_prices concept:professionusestool concept_tool_tools +concept_profession_prices concept:professionusestool concept_visualizablething_toys +concept_profession_primary_care_physicians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_primary_care_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_primary_care_physicians concept:professionistypeofprofession concept_profession_providers +concept_profession_principals concept:proxyfor concept_book_new +concept_profession_principals concept:professionistypeofprofession concept_profession_experts +concept_profession_principals concept:professionistypeofprofession concept_profession_leaders +concept_profession_principals concept:professionistypeofprofession concept_profession_professionals +concept_profession_principals concept:professionistypeofprofession concept_profession_staff +concept_profession_private_investigators concept:professionistypeofprofession concept_profession_professionals +concept_profession_private_physicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_private_physicians concept:professionistypeofprofession concept_profession_providers +concept_profession_producers concept:professionistypeofprofession concept_profession_professionals +concept_profession_producers concept:professionusestool concept_tool_tools +concept_profession_production concept:professionusestool concept_sportsequipment_products +concept_profession_production concept:professionusestool concept_tool_tools +concept_profession_production_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_products concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_products concept:professionistypeofprofession concept_profession_professionals +concept_profession_products concept:professionistypeofprofession concept_profession_providers +concept_profession_products concept:professionistypeofprofession concept_profession_staff +concept_profession_professional concept:synonymfor concept_website_adobe +concept_profession_professional_advisors concept:professionistypeofprofession concept_profession_accountants +concept_profession_professional_counselors concept:professionistypeofprofession concept_profession_staff +concept_profession_professional_counselors concept:professionistypeofprofession concept_profession_workers +concept_profession_professional_engineers concept:professionistypeofprofession concept_profession_staff +concept_profession_professional_staff concept:professionistypeofprofession concept_profession_engineers +concept_profession_professional_staff concept:professionistypeofprofession concept_profession_experts +concept_profession_professional_staff concept:professionistypeofprofession concept_profession_members +concept_profession_professional_staff concept:professionistypeofprofession concept_profession_nurses +concept_profession_professionals concept:proxyfor concept_book_new +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_customer_service_representatives +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_dentist +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_family_doctor +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_neurologist +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_nutritionist +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_physician +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_physiotherapist +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_primary_care_physician +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_psychologist +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_surgeon +concept_profession_professionals concept:professionistypeofprofession concept_jobposition_therapist +concept_profession_professionals concept:professionistypeofprofession concept_profession_academics +concept_profession_professionals concept:professionistypeofprofession concept_profession_accountants +concept_profession_professionals concept:professionistypeofprofession concept_profession_administrative_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_administrators +concept_profession_professionals concept:professionistypeofprofession concept_profession_advisers +concept_profession_professionals concept:professionistypeofprofession concept_profession_advisors +concept_profession_professionals concept:professionistypeofprofession concept_profession_aestheticians +concept_profession_professionals concept:professionistypeofprofession concept_profession_aides +concept_profession_professionals concept:professionistypeofprofession concept_profession_anesthesiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_anesthetists +concept_profession_professionals concept:professionistypeofprofession concept_profession_appraisers +concept_profession_professionals concept:professionistypeofprofession concept_profession_architects +concept_profession_professionals concept:professionistypeofprofession concept_profession_artists +concept_profession_professionals concept:professionistypeofprofession concept_profession_assessors +concept_profession_professionals concept:professionistypeofprofession concept_profession_assistants +concept_profession_professionals concept:professionistypeofprofession concept_profession_associates +concept_profession_professionals concept:professionistypeofprofession concept_profession_athletic_trainers +concept_profession_professionals concept:professionistypeofprofession concept_profession_attorneys +concept_profession_professionals concept:professionistypeofprofession concept_profession_audiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_authors +concept_profession_professionals concept:professionistypeofprofession concept_profession_bariatric_surgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_builders +concept_profession_professionals concept:professionistypeofprofession concept_profession_cardiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_case_managers +concept_profession_professionals concept:professionistypeofprofession concept_profession_chaplains +concept_profession_professionals concept:professionistypeofprofession concept_profession_chauffeurs +concept_profession_professionals concept:professionistypeofprofession concept_profession_child_psychologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_chiropractors +concept_profession_professionals concept:professionistypeofprofession concept_profession_civil_servants +concept_profession_professionals concept:professionistypeofprofession concept_profession_clergy +concept_profession_professionals concept:professionistypeofprofession concept_profession_clients +concept_profession_professionals concept:professionistypeofprofession concept_profession_clinical_psychologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_clinical_social_workers +concept_profession_professionals concept:professionistypeofprofession concept_profession_clinicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_coaches +concept_profession_professionals concept:professionistypeofprofession concept_profession_coders +concept_profession_professionals concept:professionistypeofprofession concept_profession_community_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_community_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_consultants +concept_profession_professionals concept:professionistypeofprofession concept_profession_consumers +concept_profession_professionals concept:professionistypeofprofession concept_profession_counsellors +concept_profession_professionals concept:professionistypeofprofession concept_profession_counselors +concept_profession_professionals concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_professionals concept:professionistypeofprofession concept_profession_dental_assistants +concept_profession_professionals concept:professionistypeofprofession concept_profession_dental_hygienists +concept_profession_professionals concept:professionistypeofprofession concept_profession_dentists +concept_profession_professionals concept:professionistypeofprofession concept_profession_dermatologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_design_team +concept_profession_professionals concept:professionistypeofprofession concept_profession_designers +concept_profession_professionals concept:professionistypeofprofession concept_profession_diabetes_educators +concept_profession_professionals concept:professionistypeofprofession concept_profession_dieticians +concept_profession_professionals concept:professionistypeofprofession concept_profession_dietitians +concept_profession_professionals concept:professionistypeofprofession concept_profession_directors +concept_profession_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_professionals concept:professionistypeofprofession concept_profession_drivers +concept_profession_professionals concept:professionistypeofprofession concept_profession_editors +concept_profession_professionals concept:professionistypeofprofession concept_profession_educators +concept_profession_professionals concept:professionistypeofprofession concept_profession_electrophysiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_emergency_medical_technicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_endocrinologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_engineers +concept_profession_professionals concept:professionistypeofprofession concept_profession_epidemiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_estate_agents +concept_profession_professionals concept:professionistypeofprofession concept_profession_estheticians +concept_profession_professionals concept:professionistypeofprofession concept_profession_executives +concept_profession_professionals concept:professionistypeofprofession concept_profession_exercise_physiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_exercise_specialists +concept_profession_professionals concept:professionistypeofprofession concept_profession_experienced_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_experts +concept_profession_professionals concept:professionistypeofprofession concept_profession_facilitators +concept_profession_professionals concept:professionistypeofprofession concept_profession_faculty +concept_profession_professionals concept:professionistypeofprofession concept_profession_faculty_members +concept_profession_professionals concept:professionistypeofprofession concept_profession_family_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_family_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_financial_planners +concept_profession_professionals concept:professionistypeofprofession concept_profession_firefighters +concept_profession_professionals concept:professionistypeofprofession concept_profession_first_responders +concept_profession_professionals concept:professionistypeofprofession concept_profession_fitness_instructors +concept_profession_professionals concept:professionistypeofprofession concept_profession_gastroenterologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_general_practitioners +concept_profession_professionals concept:professionistypeofprofession concept_profession_genetic_counselors +concept_profession_professionals concept:professionistypeofprofession concept_profession_geneticists +concept_profession_professionals concept:professionistypeofprofession concept_profession_geriatricians +concept_profession_professionals concept:professionistypeofprofession concept_profession_graduate_students +concept_profession_professionals concept:professionistypeofprofession concept_profession_guides +concept_profession_professionals concept:professionistypeofprofession concept_profession_health +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_care_workers +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_counselors +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_educators +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_health_workers +concept_profession_professionals concept:professionistypeofprofession concept_profession_healthcare_professionals +concept_profession_professionals concept:professionistypeofprofession concept_profession_hospital_administrators +concept_profession_professionals concept:professionistypeofprofession concept_profession_hygienists +concept_profession_professionals concept:professionistypeofprofession concept_profession_illustrators +concept_profession_professionals concept:professionistypeofprofession concept_profession_individuals +concept_profession_professionals concept:professionistypeofprofession concept_profession_industry_experts +concept_profession_professionals concept:professionistypeofprofession concept_profession_inspectors +concept_profession_professionals concept:professionistypeofprofession concept_profession_installers +concept_profession_professionals concept:professionistypeofprofession concept_profession_instructors +concept_profession_professionals concept:professionistypeofprofession concept_profession_insurers +concept_profession_professionals concept:professionistypeofprofession concept_profession_interpreters +concept_profession_professionals concept:professionistypeofprofession concept_profession_investigators +concept_profession_professionals concept:professionistypeofprofession concept_profession_journalists +concept_profession_professionals concept:professionistypeofprofession concept_profession_laboratory_technicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_lactation_consultants +concept_profession_professionals concept:professionistypeofprofession concept_profession_lawyers +concept_profession_professionals concept:professionistypeofprofession concept_profession_leaders +concept_profession_professionals concept:professionistypeofprofession concept_profession_lecturers +concept_profession_professionals concept:professionistypeofprofession concept_profession_librarians +concept_profession_professionals concept:professionistypeofprofession concept_profession_local_doctors +concept_profession_professionals concept:professionistypeofprofession concept_profession_managers +concept_profession_professionals concept:professionistypeofprofession concept_profession_massage_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_mechanics +concept_profession_professionals concept:professionistypeofprofession concept_profession_mediators +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_assistants +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_coders +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_oncologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_personnel +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_practitioners +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_specialists +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_technicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_medical_technologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_medicine +concept_profession_professionals concept:professionistypeofprofession concept_profession_medicine_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_medics +concept_profession_professionals concept:professionistypeofprofession concept_profession_members +concept_profession_professionals concept:professionistypeofprofession concept_profession_mental_health_counselors +concept_profession_professionals concept:professionistypeofprofession concept_profession_mental_health_professionals +concept_profession_professionals concept:professionistypeofprofession concept_profession_midwives +concept_profession_professionals concept:professionistypeofprofession concept_profession_movers +concept_profession_professionals concept:professionistypeofprofession concept_profession_naturopaths +concept_profession_professionals concept:professionistypeofprofession concept_profession_network +concept_profession_professionals concept:professionistypeofprofession concept_profession_neurologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_neurosurgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_nurse_midwives +concept_profession_professionals concept:professionistypeofprofession concept_profession_nurse_practitioners +concept_profession_professionals concept:professionistypeofprofession concept_profession_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_nursing_assistants +concept_profession_professionals concept:professionistypeofprofession concept_profession_nursing_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_nutritionists +concept_profession_professionals concept:professionistypeofprofession concept_profession_occupational_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_officers +concept_profession_professionals concept:professionistypeofprofession concept_profession_oncologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_operators +concept_profession_professionals concept:professionistypeofprofession concept_profession_ophthalmologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_optometrists +concept_profession_professionals concept:professionistypeofprofession concept_profession_orthopaedic_surgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_orthopedic_surgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_orthotists +concept_profession_professionals concept:professionistypeofprofession concept_profession_osteopaths +concept_profession_professionals concept:professionistypeofprofession concept_profession_paediatricians +concept_profession_professionals concept:professionistypeofprofession concept_profession_paramedics +concept_profession_professionals concept:professionistypeofprofession concept_profession_parents +concept_profession_professionals concept:professionistypeofprofession concept_profession_participants +concept_profession_professionals concept:professionistypeofprofession concept_profession_partners +concept_profession_professionals concept:professionistypeofprofession concept_profession_pathologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_pediatricians +concept_profession_professionals concept:professionistypeofprofession concept_profession_performers +concept_profession_professionals concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_professionals concept:professionistypeofprofession concept_profession_pharmacologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_pharmacy_technicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_phlebotomists +concept_profession_professionals concept:professionistypeofprofession concept_profession_photographers +concept_profession_professionals concept:professionistypeofprofession concept_profession_physiatrists +concept_profession_professionals concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_physician_assistants +concept_profession_professionals concept:professionistypeofprofession concept_profession_physician_specialists +concept_profession_professionals concept:professionistypeofprofession concept_profession_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_physicists +concept_profession_professionals concept:professionistypeofprofession concept_profession_physiotherapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_pilots +concept_profession_professionals concept:professionistypeofprofession concept_profession_planners +concept_profession_professionals concept:professionistypeofprofession concept_profession_plastic_surgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_plumbers +concept_profession_professionals concept:professionistypeofprofession concept_profession_podiatrists +concept_profession_professionals concept:professionistypeofprofession concept_profession_police +concept_profession_professionals concept:professionistypeofprofession concept_profession_police_officers +concept_profession_professionals concept:professionistypeofprofession concept_profession_practice_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_practitioners +concept_profession_professionals concept:professionistypeofprofession concept_profession_presenters +concept_profession_professionals concept:professionistypeofprofession concept_profession_primary_care_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_principals +concept_profession_professionals concept:professionistypeofprofession concept_profession_private_investigators +concept_profession_professionals concept:professionistypeofprofession concept_profession_private_physicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_professors +concept_profession_professionals concept:professionistypeofprofession concept_profession_programmers +concept_profession_professionals concept:professionistypeofprofession concept_profession_providers +concept_profession_professionals concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_professionals concept:professionistypeofprofession concept_profession_psychologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_psychotherapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_public_health_professionals +concept_profession_professionals concept:professionistypeofprofession concept_profession_radiographers +concept_profession_professionals concept:professionistypeofprofession concept_profession_radiologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_readers +concept_profession_professionals concept:professionistypeofprofession concept_profession_real_estate_agents +concept_profession_professionals concept:professionistypeofprofession concept_profession_recruiters +concept_profession_professionals concept:professionistypeofprofession concept_profession_registered_dietitians +concept_profession_professionals concept:professionistypeofprofession concept_profession_registered_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_representatives +concept_profession_professionals concept:professionistypeofprofession concept_profession_researchers +concept_profession_professionals concept:professionistypeofprofession concept_profession_residents +concept_profession_professionals concept:professionistypeofprofession concept_profession_respiratory_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_rheumatologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_sales_representatives +concept_profession_professionals concept:professionistypeofprofession concept_profession_sales_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_school_counselors +concept_profession_professionals concept:professionistypeofprofession concept_profession_school_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_scientists +concept_profession_professionals concept:professionistypeofprofession concept_profession_social_workers +concept_profession_professionals concept:professionistypeofprofession concept_profession_solicitors +concept_profession_professionals concept:professionistypeofprofession concept_profession_sonographers +concept_profession_professionals concept:professionistypeofprofession concept_profession_specialist_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_specialists +concept_profession_professionals concept:professionistypeofprofession concept_profession_speech_language_pathologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_speech_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_staff_members +concept_profession_professionals concept:professionistypeofprofession concept_profession_support_personnel +concept_profession_professionals concept:professionistypeofprofession concept_profession_support_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_surgeons +concept_profession_professionals concept:professionistypeofprofession concept_profession_surveyors +concept_profession_professionals concept:professionistypeofprofession concept_profession_teachers +concept_profession_professionals concept:professionistypeofprofession concept_profession_teaching_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_technical_experts +concept_profession_professionals concept:professionistypeofprofession concept_profession_technical_staff +concept_profession_professionals concept:professionistypeofprofession concept_profession_technicians +concept_profession_professionals concept:professionistypeofprofession concept_profession_technologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_techs +concept_profession_professionals concept:professionistypeofprofession concept_profession_therapists +concept_profession_professionals concept:professionistypeofprofession concept_profession_trainers +concept_profession_professionals concept:professionistypeofprofession concept_profession_transcriptionists +concept_profession_professionals concept:professionistypeofprofession concept_profession_translators +concept_profession_professionals concept:professionistypeofprofession concept_profession_travel_nurses +concept_profession_professionals concept:professionistypeofprofession concept_profession_tutors +concept_profession_professionals concept:professionistypeofprofession concept_profession_university_professors +concept_profession_professionals concept:professionistypeofprofession concept_profession_urologists +concept_profession_professionals concept:professionistypeofprofession concept_profession_work +concept_profession_professionals concept:professionistypeofprofession concept_profession_workers +concept_profession_professionals concept:professionistypeofprofession concept_profession_writers +concept_profession_professionals concept:mutualproxyfor concept_sportsequipment_new +concept_profession_professionals concept:professionusestool concept_sportsequipment_products +concept_profession_professionals concept:professionusestool concept_tool_tools +concept_profession_professionals concept:subpartof concept_weatherphenomenon_air +concept_profession_professionals concept:subpartof concept_weatherphenomenon_water +concept_profession_professions concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_professions concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_professions concept:professionistypeofprofession concept_jobposition_physician +concept_profession_professions concept:professionistypeofprofession concept_profession_dentists +concept_profession_professions concept:professionistypeofprofession concept_profession_doctors +concept_profession_professions concept:professionistypeofprofession concept_profession_education +concept_profession_professions concept:professionistypeofprofession concept_profession_engineers +concept_profession_professions concept:professionistypeofprofession concept_profession_health +concept_profession_professions concept:professionistypeofprofession concept_profession_lawyers +concept_profession_professions concept:professionistypeofprofession concept_profession_medicine +concept_profession_professions concept:professionistypeofprofession concept_profession_nurses +concept_profession_professions concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_professions concept:professionistypeofprofession concept_profession_physicians +concept_profession_professions concept:professionistypeofprofession concept_profession_psychologists +concept_profession_professions concept:professionistypeofprofession concept_profession_services +concept_profession_professions concept:professionistypeofprofession concept_profession_teachers +concept_profession_professors concept:professionistypeofprofession concept_profession_artists +concept_profession_professors concept:professionistypeofprofession concept_profession_experts +concept_profession_professors concept:professionistypeofprofession concept_profession_leaders +concept_profession_professors concept:professionistypeofprofession concept_profession_members +concept_profession_professors concept:professionistypeofprofession concept_profession_professionals +concept_profession_professors concept:professionistypeofprofession concept_profession_teachers +concept_profession_program concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_program concept:professionistypeofprofession concept_profession_leaders +concept_profession_program concept:professionistypeofprofession concept_profession_nurses +concept_profession_program concept:professionistypeofprofession concept_profession_professionals +concept_profession_program concept:professionistypeofprofession concept_profession_providers +concept_profession_program concept:professionusestool concept_tool_tools +concept_profession_programme concept:professionistypeofprofession concept_profession_professionals +concept_profession_programmers concept:professionistypeofprofession concept_profession_experts +concept_profession_programmers concept:professionistypeofprofession concept_profession_professionals +concept_profession_programmers concept:professionistypeofprofession concept_profession_workers +concept_profession_programmers concept:professionusestool concept_tool_tools +concept_profession_project_managers concept:professionistypeofprofession concept_profession_experts +concept_profession_project_managers concept:professionistypeofprofession concept_profession_linguists +concept_profession_project_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_project_managers concept:professionistypeofprofession concept_profession_specialists +concept_profession_project_managers concept:professionusestool concept_tool_project_management_software +concept_profession_project_managers concept:professionusestool concept_tool_tools +concept_profession_projects concept:professionusestool concept_tool_tools +concept_profession_promotion concept:proxyfor concept_book_new +concept_profession_promotion concept:atdate concept_dateliteral_n2002 +concept_profession_promotion concept:atdate concept_dateliteral_n2005 +concept_profession_promotion concept:atdate concept_dateliteral_n2006 +concept_profession_promotion concept:atdate concept_dateliteral_n2007 +concept_profession_promotion concept:atdate concept_dateliteral_n2008 +concept_profession_promotion concept:professionistypeofprofession concept_profession_staff +concept_profession_promotion concept:professionusestool concept_sportsequipment_products +concept_profession_proofreaders concept:professionistypeofprofession concept_profession_professionals +concept_profession_property_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_property_managers concept:professionistypeofprofession concept_profession_staff +concept_profession_prosecution concept:proxyfor concept_book_new +concept_profession_providers concept:professionistypeofprofession concept_jobposition_dentist +concept_profession_providers concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_providers concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_providers concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_providers concept:professionistypeofprofession concept_jobposition_pediatrician +concept_profession_providers concept:professionistypeofprofession concept_jobposition_physician +concept_profession_providers concept:professionistypeofprofession concept_jobposition_primary_care_physician +concept_profession_providers concept:professionistypeofprofession concept_jobposition_therapist +concept_profession_providers concept:professionistypeofprofession concept_profession_acupuncturists +concept_profession_providers concept:professionistypeofprofession concept_profession_anesthesiologists +concept_profession_providers concept:professionistypeofprofession concept_profession_chiropractors +concept_profession_providers concept:professionistypeofprofession concept_profession_clergy +concept_profession_providers concept:professionistypeofprofession concept_profession_clients +concept_profession_providers concept:professionistypeofprofession concept_profession_clinicians +concept_profession_providers concept:professionistypeofprofession concept_profession_consumers +concept_profession_providers concept:professionistypeofprofession concept_profession_counselors +concept_profession_providers concept:professionistypeofprofession concept_profession_dentists +concept_profession_providers concept:professionistypeofprofession concept_profession_dietitians +concept_profession_providers concept:professionistypeofprofession concept_profession_doctors +concept_profession_providers concept:professionistypeofprofession concept_profession_educators +concept_profession_providers concept:professionistypeofprofession concept_profession_experts +concept_profession_providers concept:professionistypeofprofession concept_profession_family_doctors +concept_profession_providers concept:professionistypeofprofession concept_profession_family_physicians +concept_profession_providers concept:professionistypeofprofession concept_profession_general_practitioners +concept_profession_providers concept:professionistypeofprofession concept_profession_health +concept_profession_providers concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_providers concept:professionistypeofprofession concept_profession_health_professionals +concept_profession_providers concept:professionistypeofprofession concept_profession_hygienists +concept_profession_providers concept:professionistypeofprofession concept_profession_individuals +concept_profession_providers concept:professionistypeofprofession concept_profession_leaders +concept_profession_providers concept:professionistypeofprofession concept_profession_massage_therapists +concept_profession_providers concept:professionistypeofprofession concept_profession_medical_practitioners +concept_profession_providers concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_providers concept:professionistypeofprofession concept_profession_medical_specialists +concept_profession_providers concept:professionistypeofprofession concept_profession_mental_health_professionals +concept_profession_providers concept:professionistypeofprofession concept_profession_mental_health_providers +concept_profession_providers concept:professionistypeofprofession concept_profession_midwives +concept_profession_providers concept:professionistypeofprofession concept_profession_nurse_practitioners +concept_profession_providers concept:professionistypeofprofession concept_profession_nurses +concept_profession_providers concept:professionistypeofprofession concept_profession_nutritionists +concept_profession_providers concept:professionistypeofprofession concept_profession_obstetricians +concept_profession_providers concept:professionistypeofprofession concept_profession_oncologists +concept_profession_providers concept:professionistypeofprofession concept_profession_optometrists +concept_profession_providers concept:professionistypeofprofession concept_profession_paramedics +concept_profession_providers concept:professionistypeofprofession concept_profession_pediatricians +concept_profession_providers concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_providers concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_providers concept:professionistypeofprofession concept_profession_physician_assistants +concept_profession_providers concept:professionistypeofprofession concept_profession_physicians +concept_profession_providers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_providers concept:professionistypeofprofession concept_profession_primary_care_physicians +concept_profession_providers concept:professionistypeofprofession concept_profession_professionals +concept_profession_providers concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_providers concept:professionistypeofprofession concept_profession_psychologists +concept_profession_providers concept:professionistypeofprofession concept_profession_radiologists +concept_profession_providers concept:professionistypeofprofession concept_profession_registered_nurses +concept_profession_providers concept:professionistypeofprofession concept_profession_researchers +concept_profession_providers concept:professionistypeofprofession concept_profession_residents +concept_profession_providers concept:professionistypeofprofession concept_profession_scientists +concept_profession_providers concept:professionistypeofprofession concept_profession_service_agencies +concept_profession_providers concept:professionistypeofprofession concept_profession_social_workers +concept_profession_providers concept:professionistypeofprofession concept_profession_specialists +concept_profession_providers concept:professionistypeofprofession concept_profession_staff +concept_profession_providers concept:professionistypeofprofession concept_profession_surgeons +concept_profession_providers concept:professionistypeofprofession concept_profession_teachers +concept_profession_providers concept:professionistypeofprofession concept_profession_technicians +concept_profession_providers concept:professionistypeofprofession concept_profession_therapists +concept_profession_providers concept:professionistypeofprofession concept_profession_veterinarians +concept_profession_providers concept:professionistypeofprofession concept_profession_workers +concept_profession_providers concept:professionusestool concept_tool_tools +concept_profession_provosts concept:latitudelongitude 42.4062100000000,-71.1206100000000 +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_clinicians +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_doctors +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_experts +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_professionals +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_providers +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_specialists +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_staff +concept_profession_psychiatrists concept:professionistypeofprofession concept_profession_workers +concept_profession_psychologists concept:professionistypeofprofession concept_profession_clinicians +concept_profession_psychologists concept:professionistypeofprofession concept_profession_counselors +concept_profession_psychologists concept:professionistypeofprofession concept_profession_experts +concept_profession_psychologists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_psychologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_psychologists concept:professionistypeofprofession concept_profession_professions +concept_profession_psychologists concept:professionistypeofprofession concept_profession_providers +concept_profession_psychologists concept:professionistypeofprofession concept_profession_specialists +concept_profession_psychologists concept:professionistypeofprofession concept_profession_staff +concept_profession_psychologists concept:professionistypeofprofession concept_profession_therapists +concept_profession_psychologists concept:professionistypeofprofession concept_profession_workers +concept_profession_psychotherapists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_psychotherapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_psychotherapists concept:professionistypeofprofession concept_profession_workers +concept_profession_public_health_professionals concept:professionistypeofprofession concept_profession_professionals +concept_profession_publishers concept:professionusestool concept_tool_tools +concept_profession_questions concept:professionistypeofprofession concept_jobposition_benefits +concept_profession_questions concept:professionistypeofprofession concept_jobposition_systems +concept_profession_questions concept:professionistypeofprofession concept_profession_issues +concept_profession_questions concept:professionistypeofprofession concept_profession_jobs +concept_profession_questions concept:professionistypeofprofession concept_profession_products +concept_profession_questions concept:professionistypeofprofession concept_profession_program +concept_profession_questions concept:professionistypeofprofession concept_profession_services +concept_profession_radiographers concept:professionistypeofprofession concept_profession_professionals +concept_profession_radiologists concept:professionistypeofprofession concept_profession_experts +concept_profession_radiologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_radiologists concept:professionistypeofprofession concept_profession_providers +concept_profession_radiologists concept:professionistypeofprofession concept_profession_specialists +concept_profession_radiologists concept:professionistypeofprofession concept_profession_staff +concept_profession_radiologists concept:professionistypeofprofession concept_profession_workers +concept_profession_readers concept:professionistypeofprofession concept_profession_professionals +concept_profession_readers concept:professionusestool concept_tool_tools +concept_profession_real_estate concept:professionusestool concept_tool_tools +concept_profession_real_estate_agents concept:professionistypeofprofession concept_profession_professionals +concept_profession_real_estate_professionals concept:professionusestool concept_tool_tools +concept_profession_realtors concept:professionistypeofprofession concept_profession_professionals +concept_profession_recruiters concept:professionistypeofprofession concept_profession_experts +concept_profession_recruiters concept:professionistypeofprofession concept_profession_professionals +concept_profession_recruiters concept:professionusestool concept_tool_tools +concept_profession_recruitment concept:professionistypeofprofession concept_profession_practitioners +concept_profession_recruitment concept:professionistypeofprofession concept_profession_professionals +concept_profession_recruitment concept:professionistypeofprofession concept_profession_providers +concept_profession_recruitment concept:professionistypeofprofession concept_profession_staff +concept_profession_recruitment concept:professionistypeofprofession concept_profession_workers +concept_profession_redesign concept:atdate concept_date_n2004 +concept_profession_redesign concept:atdate concept_dateliteral_n2007 +concept_profession_redesign concept:atdate concept_dateliteral_n2008 +concept_profession_referrals concept:professionistypeofprofession concept_profession_professionals +concept_profession_referrals concept:professionistypeofprofession concept_profession_services +concept_profession_registered_dietitians concept:professionistypeofprofession concept_profession_professionals +concept_profession_registered_nurses concept:professionistypeofprofession concept_profession_assistants +concept_profession_registered_nurses concept:professionistypeofprofession concept_profession_practitioners +concept_profession_registered_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_registered_nurses concept:professionistypeofprofession concept_profession_providers +concept_profession_registered_nurses concept:professionistypeofprofession concept_profession_workers +concept_profession_registrar concept:synonymfor concept_politicaloffice_office +concept_profession_repair concept:subpartof concept_weatherphenomenon_air +concept_profession_repair concept:subpartof concept_weatherphenomenon_water +concept_profession_reporter concept:atdate concept_dateliteral_n2007 +concept_profession_representatives concept:professionistypeofprofession concept_profession_experts +concept_profession_representatives concept:professionistypeofprofession concept_profession_professionals +concept_profession_representatives concept:professionistypeofprofession concept_profession_staff +concept_profession_research concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_research concept:professionistypeofprofession concept_profession_practitioners +concept_profession_research concept:professionistypeofprofession concept_profession_professionals +concept_profession_research concept:professionistypeofprofession concept_profession_providers +concept_profession_research concept:professionistypeofprofession concept_profession_services +concept_profession_research concept:professionusestool concept_tool_tools +concept_profession_researchers concept:professionistypeofprofession concept_profession_experts +concept_profession_researchers concept:professionistypeofprofession concept_profession_leaders +concept_profession_researchers concept:professionistypeofprofession concept_profession_physicians +concept_profession_researchers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_researchers concept:professionistypeofprofession concept_profession_professionals +concept_profession_researchers concept:professionistypeofprofession concept_profession_providers +concept_profession_researchers concept:professionistypeofprofession concept_profession_specialists +concept_profession_researchers concept:professionistypeofprofession concept_profession_workers +concept_profession_researchers concept:professionusestool concept_tool_tools +concept_profession_resellers concept:professionusestool concept_tool_tools +concept_profession_reserve concept:subpartof concept_weatherphenomenon_water +concept_profession_residents concept:professionistypeofprofession concept_profession_practitioners +concept_profession_residents concept:professionistypeofprofession concept_profession_professionals +concept_profession_residents concept:professionistypeofprofession concept_profession_providers +concept_profession_respiratory_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_respiratory_therapists concept:professionistypeofprofession concept_profession_specialists +concept_profession_respiratory_therapists concept:professionistypeofprofession concept_profession_staff +concept_profession_retailers concept:professionusestool concept_sportsequipment_products +concept_profession_rheumatologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_right concept:proxyfor concept_book_new +concept_profession_safety concept:professionistypeofprofession concept_profession_providers +concept_profession_sales concept:professionistypeofprofession concept_profession_staff +concept_profession_sales concept:professionusestool concept_sportsequipment_companies +concept_profession_sales concept:professionusestool concept_sportsequipment_products +concept_profession_sales concept:professionusestool concept_tool_tools +concept_profession_sales_associates concept:professionistypeofprofession concept_profession_experts +concept_profession_sales_associates concept:professionistypeofprofession concept_profession_professionals +concept_profession_sales_consultants concept:professionistypeofprofession concept_profession_professionals +concept_profession_sales_managers concept:professionistypeofprofession concept_profession_sales_professionals +concept_profession_sales_professionals concept:professionistypeofprofession concept_profession_sales_managers +concept_profession_sales_representatives concept:professionistypeofprofession concept_profession_professionals +concept_profession_sales_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_school_counselors concept:professionistypeofprofession concept_profession_professionals +concept_profession_school_leaders concept:professionistypeofprofession concept_profession_superintendents +concept_profession_school_librarians concept:professionistypeofprofession concept_profession_professionals +concept_profession_school_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_school_principals concept:professionistypeofprofession concept_profession_district_administrators +concept_profession_school_psychologists concept:professionistypeofprofession concept_profession_school_personnel +concept_profession_school_teachers concept:professionistypeofprofession concept_profession_professionals +concept_profession_scientists concept:professionistypeofprofession concept_profession_consultants +concept_profession_scientists concept:professionistypeofprofession concept_profession_doctors +concept_profession_scientists concept:professionistypeofprofession concept_profession_experts +concept_profession_scientists concept:professionistypeofprofession concept_profession_leaders +concept_profession_scientists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_scientists concept:professionistypeofprofession concept_profession_professionals +concept_profession_scientists concept:professionistypeofprofession concept_profession_providers +concept_profession_scientists concept:professionistypeofprofession concept_profession_specialists +concept_profession_scientists concept:professionistypeofprofession concept_profession_staff +concept_profession_scientists concept:professionistypeofprofession concept_profession_workers +concept_profession_scientists concept:professionusestool concept_tool_tools +concept_profession_scores concept:proxyfor concept_book_new +concept_profession_security concept:professionusestool concept_tool_tools +concept_profession_senior_consultants concept:professionistypeofprofession concept_profession_experts +concept_profession_senior_executives concept:professionistypeofprofession concept_profession_experts +concept_profession_senior_managers concept:professionistypeofprofession concept_profession_professionals +concept_profession_senior_staff concept:professionistypeofprofession concept_profession_members +concept_profession_service_agencies concept:professionistypeofprofession concept_profession_providers +concept_profession_service_engineers concept:professionistypeofprofession concept_profession_experts +concept_profession_service_professionals concept:professionistypeofprofession concept_profession_doctors +concept_profession_service_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_service_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_service_technicians concept:professionistypeofprofession concept_profession_staff +concept_profession_services concept:professionistypeofprofession concept_jobposition_center +concept_profession_services concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_services concept:professionistypeofprofession concept_jobposition_facility +concept_profession_services concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_services concept:professionistypeofprofession concept_jobposition_physician +concept_profession_services concept:professionistypeofprofession concept_jobposition_social_work +concept_profession_services concept:professionistypeofprofession concept_profession_accountants +concept_profession_services concept:professionistypeofprofession concept_profession_attorneys +concept_profession_services concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_services concept:professionistypeofprofession concept_profession_clinicians +concept_profession_services concept:professionistypeofprofession concept_profession_consultants +concept_profession_services concept:professionistypeofprofession concept_profession_counselors +concept_profession_services concept:professionistypeofprofession concept_profession_dentists +concept_profession_services concept:professionistypeofprofession concept_profession_doctors +concept_profession_services concept:professionistypeofprofession concept_profession_engineers +concept_profession_services concept:professionistypeofprofession concept_profession_experts +concept_profession_services concept:professionistypeofprofession concept_profession_health_professionals +concept_profession_services concept:professionistypeofprofession concept_profession_lawyers +concept_profession_services concept:professionistypeofprofession concept_profession_leaders +concept_profession_services concept:professionistypeofprofession concept_profession_nurses +concept_profession_services concept:professionistypeofprofession concept_profession_nursing_care +concept_profession_services concept:professionistypeofprofession concept_profession_physicians +concept_profession_services concept:professionistypeofprofession concept_profession_practitioners +concept_profession_services concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_services concept:professionistypeofprofession concept_profession_professionals +concept_profession_services concept:professionistypeofprofession concept_profession_professions +concept_profession_services concept:professionistypeofprofession concept_profession_program +concept_profession_services concept:professionistypeofprofession concept_profession_research +concept_profession_services concept:professionistypeofprofession concept_profession_social_workers +concept_profession_services concept:professionistypeofprofession concept_profession_specialists +concept_profession_services concept:professionistypeofprofession concept_profession_staff +concept_profession_services concept:professionistypeofprofession concept_profession_staff_members +concept_profession_services concept:professionistypeofprofession concept_profession_teachers +concept_profession_services concept:professionistypeofprofession concept_profession_technicians +concept_profession_services concept:professionistypeofprofession concept_profession_vision +concept_profession_services concept:professionistypeofprofession concept_profession_workers +concept_profession_services_department concept:synonymfor concept_governmentorganization_department +concept_profession_services_employees concept:synonymfor concept_governmentorganization_department +concept_profession_sessions concept:atdate concept_date_n2004 +concept_profession_sessions concept:atdate concept_dateliteral_n2005 +concept_profession_shoemakers concept:professionistypeofprofession concept_profession_artisans +concept_profession_shoemakers concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_shop concept:proxyfor concept_book_new +concept_profession_silversmiths concept:professionistypeofprofession concept_profession_artisans +concept_profession_silversmiths concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_simulators concept:subpartof concept_weatherphenomenon_air +concept_profession_size concept:proxyfor concept_book_new +concept_profession_size concept:atdate concept_dateliteral_n2007 +concept_profession_skill concept:professionusestool concept_tool_tools +concept_profession_skilled_professionals concept:professionusestool concept_tool_tools +concept_profession_skills concept:professionistypeofprofession concept_jobposition_communications +concept_profession_skills concept:professionistypeofprofession concept_profession_communication +concept_profession_skills concept:professionistypeofprofession concept_profession_professionals +concept_profession_skills concept:professionusestool concept_tool_tools +concept_profession_social_workers concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_social_workers concept:professionistypeofprofession concept_profession_experts +concept_profession_social_workers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_social_workers concept:professionistypeofprofession concept_profession_professionals +concept_profession_social_workers concept:professionistypeofprofession concept_profession_providers +concept_profession_social_workers concept:professionistypeofprofession concept_profession_specialists +concept_profession_social_workers concept:professionistypeofprofession concept_profession_staff +concept_profession_social_workers concept:professionistypeofprofession concept_profession_therapists +concept_profession_social_workers concept:professionistypeofprofession concept_profession_workers +concept_profession_software_developers concept:professionusestool concept_tool_tools +concept_profession_software_engineers concept:professionusestool concept_tool_tools +concept_profession_soldiers concept:atdate concept_date_n1944 +concept_profession_soldiers concept:atdate concept_date_n2003 +concept_profession_soldiers concept:atdate concept_dateliteral_n1945 +concept_profession_soldiers concept:atdate concept_dateliteral_n2007 +concept_profession_solicitors concept:professionistypeofprofession concept_profession_professionals +concept_profession_solicitors concept:professionistypeofprofession concept_profession_specialists +concept_profession_somerset concept:proxyfor concept_coach_kentucky +concept_profession_somerset concept:atdate concept_dateliteral_n2005 +concept_profession_sonographers concept:professionistypeofprofession concept_profession_professionals +concept_profession_sort concept:professionusestool concept_tool_tools +concept_profession_special_education_teachers concept:professionistypeofprofession concept_profession_school_personnel +concept_profession_special_educators concept:professionistypeofprofession concept_profession_paraprofessionals +concept_profession_specialist_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_specialists concept:professionistypeofprofession concept_jobposition_physician +concept_profession_specialists concept:professionistypeofprofession concept_profession_accountants +concept_profession_specialists concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_specialists concept:professionistypeofprofession concept_profession_clinicians +concept_profession_specialists concept:professionistypeofprofession concept_profession_consultants +concept_profession_specialists concept:professionistypeofprofession concept_profession_counsellors +concept_profession_specialists concept:professionistypeofprofession concept_profession_counselors +concept_profession_specialists concept:professionistypeofprofession concept_profession_dentists +concept_profession_specialists concept:professionistypeofprofession concept_profession_designers +concept_profession_specialists concept:professionistypeofprofession concept_profession_doctors +concept_profession_specialists concept:professionistypeofprofession concept_profession_experts +concept_profession_specialists concept:professionistypeofprofession concept_profession_individuals +concept_profession_specialists concept:professionistypeofprofession concept_profession_instructors +concept_profession_specialists concept:professionistypeofprofession concept_profession_lawyers +concept_profession_specialists concept:professionistypeofprofession concept_profession_leaders +concept_profession_specialists concept:professionistypeofprofession concept_profession_managers +concept_profession_specialists concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_specialists concept:professionistypeofprofession concept_profession_nurses +concept_profession_specialists concept:professionistypeofprofession concept_profession_nutritionists +concept_profession_specialists concept:professionistypeofprofession concept_profession_paediatricians +concept_profession_specialists concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_specialists concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_specialists concept:professionistypeofprofession concept_profession_physicians +concept_profession_specialists concept:professionistypeofprofession concept_profession_physiotherapists +concept_profession_specialists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_specialists concept:professionistypeofprofession concept_profession_professionals +concept_profession_specialists concept:professionistypeofprofession concept_profession_project_managers +concept_profession_specialists concept:professionistypeofprofession concept_profession_providers +concept_profession_specialists concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_specialists concept:professionistypeofprofession concept_profession_researchers +concept_profession_specialists concept:professionistypeofprofession concept_profession_scientists +concept_profession_specialists concept:professionistypeofprofession concept_profession_services +concept_profession_specialists concept:professionistypeofprofession concept_profession_social_workers +concept_profession_specialists concept:professionistypeofprofession concept_profession_staff +concept_profession_specialists concept:professionistypeofprofession concept_profession_surgeons +concept_profession_specialists concept:professionistypeofprofession concept_profession_technicians +concept_profession_specialists concept:professionistypeofprofession concept_profession_therapists +concept_profession_specialists concept:professionistypeofprofession concept_profession_trainers +concept_profession_specialists concept:professionistypeofprofession concept_profession_workers +concept_profession_speech_language_pathologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_speech_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_spokane concept:proxyfor concept_city_washington_d_c +concept_profession_spokane concept:subpartof concept_city_washington_d_c +concept_profession_staff concept:professionistypeofprofession concept_jobposition_attorney +concept_profession_staff concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_staff concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_staff concept:professionistypeofprofession concept_jobposition_officer +concept_profession_staff concept:professionistypeofprofession concept_jobposition_physician +concept_profession_staff concept:professionistypeofprofession concept_profession_accountants +concept_profession_staff concept:professionistypeofprofession concept_profession_administrators +concept_profession_staff concept:professionistypeofprofession concept_profession_advisors +concept_profession_staff concept:professionistypeofprofession concept_profession_advocates +concept_profession_staff concept:professionistypeofprofession concept_profession_analysts +concept_profession_staff concept:professionistypeofprofession concept_profession_anesthesiologists +concept_profession_staff concept:professionistypeofprofession concept_profession_appraisers +concept_profession_staff concept:professionistypeofprofession concept_profession_architects +concept_profession_staff concept:professionistypeofprofession concept_profession_artists +concept_profession_staff concept:professionistypeofprofession concept_profession_assistants +concept_profession_staff concept:professionistypeofprofession concept_profession_associates +concept_profession_staff concept:professionistypeofprofession concept_profession_athletes +concept_profession_staff concept:professionistypeofprofession concept_profession_attorneys +concept_profession_staff concept:professionistypeofprofession concept_profession_audiologists +concept_profession_staff concept:professionistypeofprofession concept_profession_bankers +concept_profession_staff concept:professionistypeofprofession concept_profession_business_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_certified_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_chefs +concept_profession_staff concept:professionistypeofprofession concept_profession_classroom_teachers +concept_profession_staff concept:professionistypeofprofession concept_profession_clients +concept_profession_staff concept:professionistypeofprofession concept_profession_clinicians +concept_profession_staff concept:professionistypeofprofession concept_profession_coaches +concept_profession_staff concept:professionistypeofprofession concept_profession_community_physicians +concept_profession_staff concept:professionistypeofprofession concept_profession_consultants +concept_profession_staff concept:professionistypeofprofession concept_profession_contributors +concept_profession_staff concept:professionistypeofprofession concept_profession_counselors +concept_profession_staff concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_staff concept:professionistypeofprofession concept_profession_dancers +concept_profession_staff concept:professionistypeofprofession concept_profession_dentists +concept_profession_staff concept:professionistypeofprofession concept_profession_designers +concept_profession_staff concept:professionistypeofprofession concept_profession_dietitians +concept_profession_staff concept:professionistypeofprofession concept_profession_divers +concept_profession_staff concept:professionistypeofprofession concept_profession_doctors +concept_profession_staff concept:professionistypeofprofession concept_profession_drivers +concept_profession_staff concept:professionistypeofprofession concept_profession_editors +concept_profession_staff concept:professionistypeofprofession concept_profession_educators +concept_profession_staff concept:professionistypeofprofession concept_profession_electricians +concept_profession_staff concept:professionistypeofprofession concept_profession_engineers +concept_profession_staff concept:professionistypeofprofession concept_profession_examiners +concept_profession_staff concept:professionistypeofprofession concept_profession_executives +concept_profession_staff concept:professionistypeofprofession concept_profession_experts +concept_profession_staff concept:professionistypeofprofession concept_profession_facilitators +concept_profession_staff concept:professionistypeofprofession concept_profession_faculty +concept_profession_staff concept:professionistypeofprofession concept_profession_fire_protection_engineers +concept_profession_staff concept:professionistypeofprofession concept_profession_fitters +concept_profession_staff concept:professionistypeofprofession concept_profession_florists +concept_profession_staff concept:professionistypeofprofession concept_profession_general_practitioners +concept_profession_staff concept:professionistypeofprofession concept_profession_graphic_designers +concept_profession_staff concept:professionistypeofprofession concept_profession_guides +concept_profession_staff concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_health_workers +concept_profession_staff concept:professionistypeofprofession concept_profession_hunters +concept_profession_staff concept:professionistypeofprofession concept_profession_individuals +concept_profession_staff concept:professionistypeofprofession concept_profession_industry_experts +concept_profession_staff concept:professionistypeofprofession concept_profession_industry_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_inspectors +concept_profession_staff concept:professionistypeofprofession concept_profession_instructors +concept_profession_staff concept:professionistypeofprofession concept_profession_insurance_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_interpreters +concept_profession_staff concept:professionistypeofprofession concept_profession_investigators +concept_profession_staff concept:professionistypeofprofession concept_profession_journalists +concept_profession_staff concept:professionistypeofprofession concept_profession_lawyers +concept_profession_staff concept:professionistypeofprofession concept_profession_leaders +concept_profession_staff concept:professionistypeofprofession concept_profession_leadership +concept_profession_staff concept:professionistypeofprofession concept_profession_lecturers +concept_profession_staff concept:professionistypeofprofession concept_profession_librarians +concept_profession_staff concept:professionistypeofprofession concept_profession_massage_therapists +concept_profession_staff concept:professionistypeofprofession concept_profession_mechanics +concept_profession_staff concept:professionistypeofprofession concept_profession_medical_assistants +concept_profession_staff concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_members +concept_profession_staff concept:professionistypeofprofession concept_profession_mental_health_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_midwives +concept_profession_staff concept:professionistypeofprofession concept_profession_nurse_practitioners +concept_profession_staff concept:professionistypeofprofession concept_profession_nurses +concept_profession_staff concept:professionistypeofprofession concept_profession_occupational_therapists +concept_profession_staff concept:professionistypeofprofession concept_profession_officers +concept_profession_staff concept:professionistypeofprofession concept_profession_oncologists +concept_profession_staff concept:professionistypeofprofession concept_profession_operators +concept_profession_staff concept:professionistypeofprofession concept_profession_opticians +concept_profession_staff concept:professionistypeofprofession concept_profession_paralegals +concept_profession_staff concept:professionistypeofprofession concept_profession_paramedics +concept_profession_staff concept:professionistypeofprofession concept_profession_parents +concept_profession_staff concept:professionistypeofprofession concept_profession_pediatricians +concept_profession_staff concept:professionistypeofprofession concept_profession_performers +concept_profession_staff concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_staff concept:professionistypeofprofession concept_profession_photographers +concept_profession_staff concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_staff concept:professionistypeofprofession concept_profession_physician_assistants +concept_profession_staff concept:professionistypeofprofession concept_profession_physicians +concept_profession_staff concept:professionistypeofprofession concept_profession_physiotherapists +concept_profession_staff concept:professionistypeofprofession concept_profession_pilots +concept_profession_staff concept:professionistypeofprofession concept_profession_planners +concept_profession_staff concept:professionistypeofprofession concept_profession_practitioners +concept_profession_staff concept:professionistypeofprofession concept_profession_professional_educators +concept_profession_staff concept:professionistypeofprofession concept_profession_professional_engineers +concept_profession_staff concept:professionistypeofprofession concept_profession_professional_staff +concept_profession_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_professors +concept_profession_staff concept:professionistypeofprofession concept_profession_programmers +concept_profession_staff concept:professionistypeofprofession concept_profession_project_managers +concept_profession_staff concept:professionistypeofprofession concept_profession_property_managers +concept_profession_staff concept:professionistypeofprofession concept_profession_providers +concept_profession_staff concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_staff concept:professionistypeofprofession concept_profession_psychologists +concept_profession_staff concept:professionistypeofprofession concept_profession_quilters +concept_profession_staff concept:professionistypeofprofession concept_profession_radiologists +concept_profession_staff concept:professionistypeofprofession concept_profession_real_estate_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_recruiters +concept_profession_staff concept:professionistypeofprofession concept_profession_representatives +concept_profession_staff concept:professionistypeofprofession concept_profession_researchers +concept_profession_staff concept:professionistypeofprofession concept_profession_scientists +concept_profession_staff concept:professionistypeofprofession concept_profession_service_technicians +concept_profession_staff concept:professionistypeofprofession concept_profession_social_workers +concept_profession_staff concept:professionistypeofprofession concept_profession_software_developers +concept_profession_staff concept:professionistypeofprofession concept_profession_special_education_teachers +concept_profession_staff concept:professionistypeofprofession concept_profession_specialists +concept_profession_staff concept:professionistypeofprofession concept_profession_staff_members +concept_profession_staff concept:professionistypeofprofession concept_profession_surgeons +concept_profession_staff concept:professionistypeofprofession concept_profession_surveyors +concept_profession_staff concept:professionistypeofprofession concept_profession_teachers +concept_profession_staff concept:professionistypeofprofession concept_profession_technical_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_technicians +concept_profession_staff concept:professionistypeofprofession concept_profession_technologists +concept_profession_staff concept:professionistypeofprofession concept_profession_therapists +concept_profession_staff concept:professionistypeofprofession concept_profession_tradesmen +concept_profession_staff concept:professionistypeofprofession concept_profession_trainers +concept_profession_staff concept:professionistypeofprofession concept_profession_travel_agents +concept_profession_staff concept:professionistypeofprofession concept_profession_travel_professionals +concept_profession_staff concept:professionistypeofprofession concept_profession_veterinarians +concept_profession_staff concept:professionistypeofprofession concept_profession_workers +concept_profession_staff concept:professionistypeofprofession concept_profession_writers +concept_profession_staff concept:professionusestool concept_tool_tools +concept_profession_staff_members concept:professionistypeofprofession concept_profession_educators +concept_profession_staff_members concept:professionistypeofprofession concept_profession_experts +concept_profession_staff_members concept:professionistypeofprofession concept_profession_faculty +concept_profession_staff_members concept:professionistypeofprofession concept_profession_individuals +concept_profession_staff_members concept:professionistypeofprofession concept_profession_leaders +concept_profession_staff_members concept:professionistypeofprofession concept_profession_members +concept_profession_staff_members concept:professionistypeofprofession concept_profession_nurses +concept_profession_staff_members concept:professionistypeofprofession concept_profession_professionals +concept_profession_staff_members concept:professionistypeofprofession concept_profession_teachers +concept_profession_staff_members concept:professionistypeofprofession concept_profession_technicians +concept_profession_state_employees concept:professionistypeofprofession concept_profession_government_employees +concept_profession_step concept:proxyfor concept_book_new +concept_profession_structure concept:atdate concept_date_n2001 +concept_profession_structure concept:atdate concept_date_n2004 +concept_profession_structure concept:atdate concept_dateliteral_n2005 +concept_profession_structure concept:atdate concept_dateliteral_n2006 +concept_profession_structure concept:atdate concept_dateliteral_n2008 +concept_profession_student concept:professionistypeofprofession concept_profession_members +concept_profession_student concept:professionusestool concept_tool_tools +concept_profession_stylists concept:professionistypeofprofession concept_profession_professionals +concept_profession_substitute concept:professionusestool concept_sportsequipment_products +concept_profession_superintendents concept:professionistypeofprofession concept_profession_leaders +concept_profession_superintendents concept:professionistypeofprofession concept_profession_school_leaders +concept_profession_supervision concept:professionistypeofprofession concept_profession_professionals +concept_profession_supervision concept:professionistypeofprofession concept_profession_staff +concept_profession_supervision concept:professionusestool concept_sportsequipment_products +concept_profession_supervisors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_supervisors concept:professionistypeofprofession concept_profession_professionals +concept_profession_supervisors concept:professionistypeofprofession concept_profession_staff +concept_profession_supervisors concept:professionusestool concept_tool_tools +concept_profession_support concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_support concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_support concept:professionistypeofprofession concept_profession_experts +concept_profession_support concept:professionistypeofprofession concept_profession_professionals +concept_profession_support concept:professionistypeofprofession concept_profession_providers +concept_profession_support concept:professionistypeofprofession concept_profession_technicians +concept_profession_support concept:professionistypeofprofession concept_profession_workers +concept_profession_support concept:professionusestool concept_tool_tools +concept_profession_support_personnel concept:professionistypeofprofession concept_profession_professionals +concept_profession_support_staff concept:professionistypeofprofession concept_profession_assistants +concept_profession_support_staff concept:professionistypeofprofession concept_profession_experts +concept_profession_support_staff concept:professionistypeofprofession concept_profession_nurses +concept_profession_support_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_support_staff concept:professionistypeofprofession concept_profession_workers +concept_profession_surgeons concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_surgeons concept:professionistypeofprofession concept_profession_doctors +concept_profession_surgeons concept:professionistypeofprofession concept_profession_experts +concept_profession_surgeons concept:professionistypeofprofession concept_profession_leaders +concept_profession_surgeons concept:professionistypeofprofession concept_profession_medical_professionals +concept_profession_surgeons concept:professionistypeofprofession concept_profession_physicians +concept_profession_surgeons concept:professionistypeofprofession concept_profession_practitioners +concept_profession_surgeons concept:professionistypeofprofession concept_profession_professionals +concept_profession_surgeons concept:professionistypeofprofession concept_profession_providers +concept_profession_surgeons concept:professionistypeofprofession concept_profession_specialists +concept_profession_surgeons concept:professionistypeofprofession concept_profession_staff +concept_profession_surgeons concept:professionistypeofprofession concept_profession_workers +concept_profession_surgeons concept:professionusestool concept_tool_scalpels +concept_profession_surveyors concept:professionistypeofprofession concept_profession_professionals +concept_profession_teachers concept:proxyfor concept_book_new +concept_profession_teachers concept:atdate concept_dateliteral_n2007 +concept_profession_teachers concept:atdate concept_dateliteral_n2008 +concept_profession_teachers concept:professionistypeofprofession concept_profession_artists +concept_profession_teachers concept:professionistypeofprofession concept_profession_dancers +concept_profession_teachers concept:professionistypeofprofession concept_profession_educators +concept_profession_teachers concept:professionistypeofprofession concept_profession_experts +concept_profession_teachers concept:professionistypeofprofession concept_profession_facilitators +concept_profession_teachers concept:professionistypeofprofession concept_profession_faculty +concept_profession_teachers concept:professionistypeofprofession concept_profession_instructors +concept_profession_teachers concept:professionistypeofprofession concept_profession_leaders +concept_profession_teachers concept:professionistypeofprofession concept_profession_members +concept_profession_teachers concept:professionistypeofprofession concept_profession_performers +concept_profession_teachers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_teachers concept:professionistypeofprofession concept_profession_professionals +concept_profession_teachers concept:professionistypeofprofession concept_profession_professions +concept_profession_teachers concept:professionistypeofprofession concept_profession_providers +concept_profession_teachers concept:professionistypeofprofession concept_profession_specialists +concept_profession_teachers concept:professionistypeofprofession concept_profession_staff +concept_profession_teachers concept:professionistypeofprofession concept_profession_staff_members +concept_profession_teachers concept:professionistypeofprofession concept_profession_teaching_staff +concept_profession_teachers concept:professionistypeofprofession concept_profession_therapists +concept_profession_teachers concept:professionistypeofprofession concept_profession_tutors +concept_profession_teachers concept:professionistypeofprofession concept_profession_workers +concept_profession_teachers concept:mutualproxyfor concept_sportsequipment_new +concept_profession_teachers concept:professionusestool concept_sportsequipment_products +concept_profession_teachers concept:professionusestool concept_tool_tools +concept_profession_teaching_staff concept:professionistypeofprofession concept_profession_experts +concept_profession_teaching_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_teaching_staff concept:professionistypeofprofession concept_profession_teachers +concept_profession_technical_experts concept:professionistypeofprofession concept_profession_professionals +concept_profession_technical_experts concept:specializationof concept_profession_professionals +concept_profession_technical_personnel concept:professionistypeofprofession concept_profession_engineers +concept_profession_technical_staff concept:professionistypeofprofession concept_profession_engineers +concept_profession_technical_staff concept:professionistypeofprofession concept_profession_experts +concept_profession_technical_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_technicians concept:professionistypeofprofession concept_profession_applicators +concept_profession_technicians concept:professionistypeofprofession concept_profession_artists +concept_profession_technicians concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_technicians concept:professionistypeofprofession concept_profession_engineers +concept_profession_technicians concept:professionistypeofprofession concept_profession_experts +concept_profession_technicians concept:professionistypeofprofession concept_profession_individuals +concept_profession_technicians concept:professionistypeofprofession concept_profession_installers +concept_profession_technicians concept:professionistypeofprofession concept_profession_mechanics +concept_profession_technicians concept:professionistypeofprofession concept_profession_plumbers +concept_profession_technicians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_technicians concept:professionistypeofprofession concept_profession_professionals +concept_profession_technicians concept:professionistypeofprofession concept_profession_providers +concept_profession_technicians concept:professionistypeofprofession concept_profession_specialists +concept_profession_technicians concept:professionistypeofprofession concept_profession_staff +concept_profession_technicians concept:professionistypeofprofession concept_profession_workers +concept_profession_technologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_technologists concept:professionistypeofprofession concept_profession_staff +concept_profession_techs concept:professionistypeofprofession concept_profession_professionals +concept_profession_telecommunications concept:proxyfor concept_book_new +concept_profession_telecommunications concept:professionistypeofprofession concept_profession_providers +concept_profession_telecommunications concept:mutualproxyfor concept_sportsequipment_new +concept_profession_testimonials concept:professionistypeofprofession concept_profession_services +concept_profession_therapists concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_therapists concept:professionistypeofprofession concept_profession_clinicians +concept_profession_therapists concept:professionistypeofprofession concept_profession_experts +concept_profession_therapists concept:professionistypeofprofession concept_profession_health_care_professionals +concept_profession_therapists concept:professionistypeofprofession concept_profession_members +concept_profession_therapists concept:professionistypeofprofession concept_profession_practitioners +concept_profession_therapists concept:professionistypeofprofession concept_profession_professionals +concept_profession_therapists concept:professionistypeofprofession concept_profession_professions +concept_profession_therapists concept:professionistypeofprofession concept_profession_providers +concept_profession_therapists concept:professionistypeofprofession concept_profession_psychologists +concept_profession_therapists concept:professionistypeofprofession concept_profession_services +concept_profession_therapists concept:professionistypeofprofession concept_profession_social_workers +concept_profession_therapists concept:professionistypeofprofession concept_profession_specialists +concept_profession_therapists concept:professionistypeofprofession concept_profession_staff +concept_profession_therapists concept:professionistypeofprofession concept_profession_workers +concept_profession_therapists concept:professionusestool concept_tool_checklists +concept_profession_traders concept:professionusestool concept_sportsequipment_products +concept_profession_traders concept:professionusestool concept_tool_tools +concept_profession_traders concept:professionusestool concept_tool_trading_tools +concept_profession_tradesmen concept:professionistypeofprofession concept_profession_laborers +concept_profession_tradesmen concept:professionistypeofprofession concept_profession_professionals +concept_profession_tradesmen concept:professionistypeofprofession concept_profession_workers +concept_profession_trained_staff concept:professionistypeofprofession concept_profession_professionals +concept_profession_trainers concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_trainers concept:professionistypeofprofession concept_profession_coaches +concept_profession_trainers concept:professionistypeofprofession concept_profession_consultants +concept_profession_trainers concept:professionistypeofprofession concept_profession_experts +concept_profession_trainers concept:professionistypeofprofession concept_profession_fitness_professionals +concept_profession_trainers concept:professionistypeofprofession concept_profession_individuals +concept_profession_trainers concept:professionistypeofprofession concept_profession_industry_professionals +concept_profession_trainers concept:professionistypeofprofession concept_profession_instructors +concept_profession_trainers concept:professionistypeofprofession concept_profession_leaders +concept_profession_trainers concept:professionistypeofprofession concept_profession_nurses +concept_profession_trainers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_trainers concept:professionistypeofprofession concept_profession_professionals +concept_profession_trainers concept:professionistypeofprofession concept_profession_providers +concept_profession_trainers concept:professionistypeofprofession concept_profession_specialists +concept_profession_trainers concept:professionistypeofprofession concept_profession_teachers +concept_profession_trainers concept:professionistypeofprofession concept_profession_workers +concept_profession_trainers concept:professionusestool concept_tool_tools +concept_profession_transcriptionists concept:professionistypeofprofession concept_profession_professionals +concept_profession_translators concept:professionistypeofprofession concept_profession_experts +concept_profession_translators concept:professionistypeofprofession concept_profession_linguists +concept_profession_translators concept:professionistypeofprofession concept_profession_professionals +concept_profession_translators concept:professionistypeofprofession concept_profession_specialists +concept_profession_travel_nurses concept:professionistypeofprofession concept_profession_professionals +concept_profession_trial_lawyers concept:professionistypeofprofession concept_profession_advocates +concept_profession_trial_lawyers concept:professionistypeofprofession concept_profession_attorneys +concept_profession_truck_drivers concept:professionistypeofprofession concept_profession_professionals +concept_profession_tutors concept:professionistypeofprofession concept_profession_artists +concept_profession_tutors concept:professionistypeofprofession concept_profession_educators +concept_profession_tutors concept:professionistypeofprofession concept_profession_experts +concept_profession_tutors concept:professionistypeofprofession concept_profession_industry_professionals +concept_profession_tutors concept:professionistypeofprofession concept_profession_practitioners +concept_profession_tutors concept:professionistypeofprofession concept_profession_professionals +concept_profession_tutors concept:professionistypeofprofession concept_profession_teachers +concept_profession_two concept:professionistypeofprofession concept_profession_professionals +concept_profession_two concept:professionusestool concept_tool_tools +concept_profession_underwriters concept:professionistypeofprofession concept_profession_professionals +concept_profession_union concept:proxyfor concept_book_new +concept_profession_union concept:atdate concept_date_n1999 +concept_profession_union concept:atdate concept_dateliteral_n2002 +concept_profession_union concept:atdate concept_dateliteral_n2005 +concept_profession_union concept:atdate concept_dateliteral_n2006 +concept_profession_union concept:atdate concept_year_n1861 +concept_profession_unions concept:proxyfor concept_book_new +concept_profession_unions concept:mutualproxyfor concept_sportsequipment_new +concept_profession_university_professors concept:professionistypeofprofession concept_profession_experts +concept_profession_university_professors concept:professionistypeofprofession concept_profession_professionals +concept_profession_urologists concept:professionistypeofprofession concept_profession_professionals +concept_profession_veterinarians concept:professionistypeofprofession concept_profession_practitioners +concept_profession_veterinarians concept:professionistypeofprofession concept_profession_providers +concept_profession_victims concept:proxyfor concept_book_new +concept_profession_videographers concept:professionistypeofprofession concept_profession_professionals +concept_profession_vision concept:professionistypeofprofession concept_profession_services +concept_profession_vocational_nurses concept:professionistypeofprofession concept_profession_assistants +concept_profession_watchmakers concept:professionistypeofprofession concept_profession_artisans +concept_profession_watchmakers concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_way concept:professionistypeofprofession concept_profession_professionals +concept_profession_way concept:professionistypeofprofession concept_profession_providers +concept_profession_web_designers concept:professionusestool concept_tool_tools +concept_profession_web_developers concept:professionistypeofprofession concept_profession_website_designers +concept_profession_webmasters concept:professionusestool concept_tool_tools +concept_profession_website_designers concept:professionistypeofprofession concept_profession_web_developers +concept_profession_work concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_work concept:professionistypeofprofession concept_profession_professionals +concept_profession_work concept:professionistypeofprofession concept_profession_professions +concept_profession_work concept:professionistypeofprofession concept_profession_providers +concept_profession_work concept:professionusestool concept_tool_tools +concept_profession_workers concept:professionistypeofprofession concept_jobposition_doctor +concept_profession_workers concept:professionistypeofprofession concept_jobposition_nurse +concept_profession_workers concept:professionistypeofprofession concept_jobposition_nursing +concept_profession_workers concept:professionistypeofprofession concept_jobposition_physician +concept_profession_workers concept:professionistypeofprofession concept_jobposition_psychiatrist +concept_profession_workers concept:professionistypeofprofession concept_profession_aides +concept_profession_workers concept:professionistypeofprofession concept_profession_artisans +concept_profession_workers concept:professionistypeofprofession concept_profession_assistants +concept_profession_workers concept:professionistypeofprofession concept_profession_care_managers +concept_profession_workers concept:professionistypeofprofession concept_profession_care_professionals +concept_profession_workers concept:professionistypeofprofession concept_profession_case_managers +concept_profession_workers concept:professionistypeofprofession concept_profession_chaplains +concept_profession_workers concept:professionistypeofprofession concept_profession_clients +concept_profession_workers concept:professionistypeofprofession concept_profession_clinical_psychologists +concept_profession_workers concept:professionistypeofprofession concept_profession_clinicians +concept_profession_workers concept:professionistypeofprofession concept_profession_counsellors +concept_profession_workers concept:professionistypeofprofession concept_profession_counselors +concept_profession_workers concept:professionistypeofprofession concept_profession_craftsmen +concept_profession_workers concept:professionistypeofprofession concept_profession_dentists +concept_profession_workers concept:professionistypeofprofession concept_profession_designers +concept_profession_workers concept:professionistypeofprofession concept_profession_dieticians +concept_profession_workers concept:professionistypeofprofession concept_profession_dietitians +concept_profession_workers concept:professionistypeofprofession concept_profession_doctors +concept_profession_workers concept:professionistypeofprofession concept_profession_educators +concept_profession_workers concept:professionistypeofprofession concept_profession_engineers +concept_profession_workers concept:professionistypeofprofession concept_profession_experts +concept_profession_workers concept:professionistypeofprofession concept_profession_family_doctors +concept_profession_workers concept:professionistypeofprofession concept_profession_general_practitioners +concept_profession_workers concept:professionistypeofprofession concept_profession_jobs +concept_profession_workers concept:professionistypeofprofession concept_profession_laborers +concept_profession_workers concept:professionistypeofprofession concept_profession_labourers +concept_profession_workers concept:professionistypeofprofession concept_profession_lawyers +concept_profession_workers concept:professionistypeofprofession concept_profession_managers +concept_profession_workers concept:professionistypeofprofession concept_profession_massage_therapists +concept_profession_workers concept:professionistypeofprofession concept_profession_medical_doctors +concept_profession_workers concept:professionistypeofprofession concept_profession_medical_practitioners +concept_profession_workers concept:professionistypeofprofession concept_profession_members +concept_profession_workers concept:professionistypeofprofession concept_profession_mental_health_professionals +concept_profession_workers concept:professionistypeofprofession concept_profession_midwives +concept_profession_workers concept:professionistypeofprofession concept_profession_nurse_specialists +concept_profession_workers concept:professionistypeofprofession concept_profession_nurses +concept_profession_workers concept:professionistypeofprofession concept_profession_occupational_therapists +concept_profession_workers concept:professionistypeofprofession concept_profession_paramedics +concept_profession_workers concept:professionistypeofprofession concept_profession_pharmacists +concept_profession_workers concept:professionistypeofprofession concept_profession_physical_therapists +concept_profession_workers concept:professionistypeofprofession concept_profession_physicians +concept_profession_workers concept:professionistypeofprofession concept_profession_practitioners +concept_profession_workers concept:professionistypeofprofession concept_profession_professional_counselors +concept_profession_workers concept:professionistypeofprofession concept_profession_professionals +concept_profession_workers concept:professionistypeofprofession concept_profession_programmers +concept_profession_workers concept:professionistypeofprofession concept_profession_providers +concept_profession_workers concept:professionistypeofprofession concept_profession_psychiatrists +concept_profession_workers concept:professionistypeofprofession concept_profession_psychologists +concept_profession_workers concept:professionistypeofprofession concept_profession_psychotherapists +concept_profession_workers concept:professionistypeofprofession concept_profession_radiologists +concept_profession_workers concept:professionistypeofprofession concept_profession_registered_nurses +concept_profession_workers concept:professionistypeofprofession concept_profession_researchers +concept_profession_workers concept:professionistypeofprofession concept_profession_scientists +concept_profession_workers concept:professionistypeofprofession concept_profession_social_workers +concept_profession_workers concept:professionistypeofprofession concept_profession_specialists +concept_profession_workers concept:professionistypeofprofession concept_profession_staff +concept_profession_workers concept:professionistypeofprofession concept_profession_surgeons +concept_profession_workers concept:professionistypeofprofession concept_profession_teachers +concept_profession_workers concept:professionistypeofprofession concept_profession_technicians +concept_profession_workers concept:professionistypeofprofession concept_profession_therapists +concept_profession_workers concept:professionistypeofprofession concept_profession_tradesmen +concept_profession_workers concept:professionusestool concept_tool_tools +concept_profession_workshop_leaders concept:professionistypeofprofession concept_profession_professionals +concept_profession_writers concept:professionistypeofprofession concept_profession_copywriters +concept_profession_writers concept:professionistypeofprofession concept_profession_editors +concept_profession_writers concept:professionistypeofprofession concept_profession_experts +concept_profession_writers concept:professionistypeofprofession concept_profession_journalists +concept_profession_writers concept:professionistypeofprofession concept_profession_professionals +concept_profession_writers concept:professionistypeofprofession concept_profession_staff +concept_profession_writers concept:professionusestool concept_tool_tools +concept_professionalorganization_aafs concept:latitudelongitude 34.3064666666667,35.9443822222222 +concept_professionalorganization_aaja concept:latitudelongitude 34.2880600000000,35.8947200000000 +concept_professionalorganization_aba concept:organizationacronymhasname concept_professionalorganization_american_booksellers_association +concept_professionalorganization_agc concept:latitudelongitude 40.3547900000000,-79.9297700000000 +concept_professionalorganization_aims concept:istallerthan concept_publication_people_ +concept_professionalorganization_amcham concept:latitudelongitude 40.0980533333333,126.2987966666667 +concept_professionalorganization_american concept:organizationheadquarteredincity concept_city_miami +concept_professionalorganization_american_child concept:latitudelongitude 32.4848000000000,-93.7253200000000 +concept_professionalorganization_american_institute concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_american_journal_of_clinical_nutrition concept:atdate concept_dateliteral_n2005 +concept_professionalorganization_american_soldiers concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_professionalorganization_american_soldiers concept:agentparticipatedinevent concept_eventoutcome_result +concept_professionalorganization_aoa concept:organizationacronymhasname concept_professionalorganization_administration_on_aging +concept_professionalorganization_asa concept:organizationacronymhasname concept_professionalorganization_american_standards_association +concept_professionalorganization_asce concept:organizationacronymhasname concept_professionalorganization_american_society_of_civil_engineers +concept_professionalorganization_ashp concept:latitudelongitude 35.1142900000000,70.4283775000000 +concept_professionalorganization_astm concept:organizationacronymhasname concept_professionalorganization_american_society +concept_professionalorganization_awea concept:organizationacronymhasname concept_professionalorganization_american_wind_energy_association +concept_professionalorganization_biogen_idec concept:agentcollaborateswithagent concept_personcanada_james_mullen +concept_professionalorganization_biogen_idec concept:mutualproxyfor concept_personcanada_james_mullen +concept_professionalorganization_bma concept:organizationacronymhasname concept_professionalorganization_bank_marketing_association +concept_professionalorganization_cal concept:organizationhiredperson concept_coach_mike_montgomery +concept_professionalorganization_cal concept:organizationhiredperson concept_coach_tedford +concept_professionalorganization_cal concept:organizationhiredperson concept_person_holmoe +concept_professionalorganization_cal concept:organizationhiredperson concept_person_montgomery +concept_professionalorganization_cal concept:organizationhiredperson concept_person_tom_holmoe +concept_professionalorganization_christ_child_society concept:latitudelongitude 38.8926100000000,-76.9980300000000 +concept_professionalorganization_christian_coalition concept:subpartof concept_person_ralph_reed +concept_professionalorganization_cia concept:agentcontrols concept_clothing_white +concept_professionalorganization_cia concept:atdate concept_date_n2001 +concept_professionalorganization_cia concept:atdate concept_date_n2003 +concept_professionalorganization_cia concept:synonymfor concept_musicalbum_america +concept_professionalorganization_cia concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_professionalorganization_cnas concept:latitudelongitude 23.0000000000000,-82.7666700000000 +concept_professionalorganization_colonial_dames concept:latitudelongitude 39.9476100000000,-75.1687900000000 +concept_professionalorganization_committee concept:agentactsinlocation concept_country_u_s_ +concept_professionalorganization_committee concept:agentactsinlocation concept_country_us +concept_professionalorganization_consumer_electronics_association concept:agentcollaborateswithagent concept_personus_gary_shapiro +concept_professionalorganization_coren concept:latitudelongitude 45.0666633333333,3.9111100000000 +concept_professionalorganization_csab concept:organizationacronymhasname concept_professionalorganization_computing_sciences_accreditation_board +concept_professionalorganization_d_c concept:mutualproxyfor concept_sportsequipment_new +concept_professionalorganization_daughters_of_american_revolution concept:latitudelongitude 38.8948300000000,-77.0402500000000 +concept_professionalorganization_dell_inc concept:agentcontrols concept_company_dell001 +concept_professionalorganization_devastation concept:agentparticipatedinevent concept_eventoutcome_result +concept_professionalorganization_devastation concept:agentactsinlocation concept_lake_new +concept_professionalorganization_eeri concept:latitudelongitude 1.4833300000000,44.0666700000000 +concept_professionalorganization_elks concept:agentcompeteswithagent concept_animal_animals002 +concept_professionalorganization_ewb concept:latitudelongitude 41.6762100000000,-70.9561500000000 +concept_professionalorganization_federal concept:agentactsinlocation concept_county_kansas_city +concept_professionalorganization_federal_bureau_of_investigation concept:organizationheadquarteredincountry concept_country_us +concept_professionalorganization_firm concept:subpartoforganization concept_country___america +concept_professionalorganization_fund concept:mutualproxyfor concept_sportsequipment_new +concept_professionalorganization_heart_association concept:mutualproxyfor concept_sportsequipment_board +concept_professionalorganization_hebrew_association concept:latitudelongitude 40.9879700000000,-74.3547950000000 +concept_professionalorganization_hsbc_arena concept:atlocation concept_airport_buffalo +concept_professionalorganization_human_rights_watch concept:atdate concept_dateliteral_n2008 +concept_professionalorganization_ietf concept:organizationacronymhasname concept_professionalorganization_internet_engineering_task_force +concept_professionalorganization_iida concept:latitudelongitude 36.3039310000000,137.9041470000000 +concept_professionalorganization_iie concept:latitudelongitude 48.8655000000000,2.3426000000000 +concept_professionalorganization_integrity concept:synonymfor concept_chemical_verify +concept_professionalorganization_irda concept:organizationacronymhasname concept_professionalorganization_infrared_data_association +concept_professionalorganization_iso concept:organizationacronymhasname concept_professionalorganization_international_standards_organization +concept_professionalorganization_kappa_alpha_fraternity concept:latitudelongitude 38.9847200000000,-76.9363900000000 +concept_professionalorganization_kosciuszko_foundation concept:latitudelongitude 40.7675000000000,-73.9688900000000 +concept_professionalorganization_lions concept:agentcompeteswithagent concept_animal_animals002 +concept_professionalorganization_lions concept:organizationhiredperson concept_coach_jim_schwartz +concept_professionalorganization_lions concept:organizationhiredperson concept_coach_marinelli +concept_professionalorganization_lions concept:organizationhiredperson concept_coach_mariucci +concept_professionalorganization_lions concept:organizationhiredperson concept_coach_rod_marinelli +concept_professionalorganization_lions concept:organizationhiredperson concept_coach_steve_mariucci +concept_professionalorganization_lions concept:agentparticipatedinevent concept_convention_games +concept_professionalorganization_lions concept:organizationhiredperson concept_politician_schwartz +concept_professionalorganization_lockheed_martin_corporation concept:mutualproxyfor concept_ceo_robert_stevens +concept_professionalorganization_lockheed_martin_corporation concept:agentcollaborateswithagent concept_comedian_robert_stevens +concept_professionalorganization_military_officers concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_professionalorganization_naafa concept:latitudelongitude -8.5336100000000,126.7102800000000 +concept_professionalorganization_nacta concept:latitudelongitude 12.6333300000000,42.9166700000000 +concept_professionalorganization_najit concept:latitudelongitude 32.5052000000000,44.2654500000000 +concept_professionalorganization_nanc concept:latitudelongitude 46.4197850000000,5.3547000000000 +concept_professionalorganization_napeo concept:latitudelongitude 2.9500000000000,27.4500000000000 +concept_professionalorganization_napus concept:latitudelongitude 3.0583350000000,34.6083350000000 +concept_professionalorganization_nas concept:organizationacronymhasname concept_professionalorganization_national_academy_of_sciences +concept_professionalorganization_national_association concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_national_board concept:mutualproxyfor concept_musicartist_federation +concept_professionalorganization_national_board concept:mutualproxyfor concept_politicaloffice_association +concept_professionalorganization_national_conference concept:atdate concept_date_n2003 +concept_professionalorganization_national_conference concept:atdate concept_dateliteral_n2005 +concept_professionalorganization_national_conference concept:atdate concept_dateliteral_n2006 +concept_professionalorganization_national_conference concept:atdate concept_dateliteral_n2007 +concept_professionalorganization_national_council concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_national_society concept:latitudelongitude 38.9027500000000,-77.0474750000000 +concept_professionalorganization_nature_conservancy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_nawbo concept:latitudelongitude 19.3458300000000,97.7311100000000 +concept_professionalorganization_nbadl concept:atdate concept_dateliteral_n2008 +concept_professionalorganization_nifs concept:latitudelongitude 63.2166700000000,14.6833300000000 +concept_professionalorganization_nirsa concept:latitudelongitude 23.7833300000000,86.7166700000000 +concept_professionalorganization_ohio_union concept:latitudelongitude 39.9810350000000,-82.9885200000000 +concept_professionalorganization_oklahoma_state_university concept:organizationhiredperson concept_coach_mike_gundy +concept_professionalorganization_pointer_club concept:latitudelongitude 42.9106400000000,-71.4597900000000 +concept_professionalorganization_praeger concept:latitudelongitude 28.4019400000000,-97.7491600000000 +concept_professionalorganization_prize concept:proxyfor concept_book_new +concept_professionalorganization_prize concept:atdate concept_dateliteral_n2006 +concept_professionalorganization_prize concept:atdate concept_dateliteral_n2007 +concept_professionalorganization_proceedings concept:atdate concept_dateliteral_n2006 +concept_professionalorganization_proceedings concept:atdate concept_dateliteral_n2008 +concept_professionalorganization_proceedings concept:agentparticipatedinevent concept_eventoutcome_result +concept_professionalorganization_proceedings concept:subpartoforganization concept_terroristorganization_state +concept_professionalorganization_prsa concept:latitudelongitude 48.3000000000000,19.8000000000000 +concept_professionalorganization_rics concept:latitudelongitude 46.9166700000000,19.1500000000000 +concept_professionalorganization_school_board concept:atdate concept_dateliteral_n2007 +concept_professionalorganization_sigep concept:latitudelongitude -0.9475475000000,98.8643075000000 +concept_professionalorganization_society concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_summit concept:agentcontrols concept_person_mugabe +concept_professionalorganization_the_nature concept:latitudelongitude 28.5413900000000,-81.3164600000000 +concept_professionalorganization_u_s concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_u_s__chamber_of_commerce concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_u_s__embassy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_professionalorganization_ul concept:organizationacronymhasname concept_professionalorganization_underwriters_laboratories +concept_professionalorganization_us_embassy concept:organizationheadquarteredincountry concept_country_us +concept_professionalorganization_weekend_academy concept:latitudelongitude 32.2175200000000,-110.9562100000000 +concept_professionalorganization_widlife concept:latitudelongitude 39.6347200000000,-95.1758000000000 +concept_professionalorganization_wound concept:subpartof concept_website_blood +concept_professor_aart_j__de_geus concept:personleadsorganization concept_company_synopsys +concept_professor_aart_j__de_geus concept:worksfor concept_company_synopsys +concept_professor_adsense concept:agentcompeteswithagent concept_university_google +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_a_caribbean_mystery +concept_professor_agatha_christie concept:agentcreated concept_book_a_caribbean_mystery +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_a_murder_is_announced +concept_professor_agatha_christie concept:agentcreated concept_book_a_murder_is_announced +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_a_pocket_full_of_rye +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_a_pocketful_of_rye +concept_professor_agatha_christie concept:agentcreated concept_book_and_then_there_were_none +concept_professor_agatha_christie concept:agentcreated concept_book_by_the_pricking_of_my_thumbs +concept_professor_agatha_christie concept:agentcreated concept_book_cards_on_the_table +concept_professor_agatha_christie concept:agentcreated concept_book_death_comes_as_the_end +concept_professor_agatha_christie concept:agentcreated concept_book_evil_under_the_sun +concept_professor_agatha_christie concept:agentcreated concept_book_mrs__mcginty_s_dead +concept_professor_agatha_christie concept:agentcreated concept_book_murder_in_mesopotamia +concept_professor_agatha_christie concept:agentcreated concept_book_murder_in_the_mews +concept_professor_agatha_christie concept:agentcreated concept_book_murder_is_easy +concept_professor_agatha_christie concept:agentcreated concept_book_murder_on_the_links +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_murder_on_the_orient_express +concept_professor_agatha_christie concept:agentcreated concept_book_murder_on_the_orient_express +concept_professor_agatha_christie concept:agentcreated concept_book_passenger_to_frankfurt +concept_professor_agatha_christie concept:agentcreated concept_book_peril_at_end_house +concept_professor_agatha_christie concept:agentcreated concept_book_sleeping_murder +concept_professor_agatha_christie concept:agentcreated concept_book_taken_at_the_flood +concept_professor_agatha_christie concept:agentcreated concept_book_the_body_in_the_library +concept_professor_agatha_christie concept:agentcreated concept_book_the_hound_of_death +concept_professor_agatha_christie concept:agentcreated concept_book_the_man_in_the_brown_suit +concept_professor_agatha_christie concept:agentcreated concept_book_the_moving_finger +concept_professor_agatha_christie concept:agentcreated concept_book_the_murder_at_the_vicarage +concept_professor_agatha_christie concept:agentcreated concept_book_the_murder_of_roger_ackroyd +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_the_mysterious_affair_at_styles +concept_professor_agatha_christie concept:agentcreated concept_book_the_mysterious_affair_at_styles +concept_professor_agatha_christie concept:agentcreated concept_book_the_mystery_of_the_blue_train +concept_professor_agatha_christie concept:agentcreated concept_book_the_pale_horse +concept_professor_agatha_christie concept:agentcontributedtocreativework concept_book_the_secret_adversary +concept_professor_agatha_christie concept:agentcreated concept_book_the_secret_adversary +concept_professor_agatha_christie concept:agentcreated concept_book_the_secret_of_chimneys +concept_professor_agatha_christie concept:agentcreated concept_book_the_seven_dials_mystery +concept_professor_agatha_christie concept:agentcreated concept_book_the_unexpected_guest +concept_professor_agatha_christie concept:agentcreated concept_book_they_came_to_baghdad +concept_professor_agatha_christie concept:agentcreated concept_book_they_do_it_with_mirrors +concept_professor_agatha_christie concept:agentcreated concept_book_towards_zero +concept_professor_ali_smith concept:agentcreated concept_musicartist_the_accidental +concept_professor_alicia_silverstone concept:personhasjobposition concept_jobposition_actress +concept_professor_andrew_kam concept:topmemberoforganization concept_company_hong_kong_disneyland +concept_professor_andrew_revkin concept:worksfor concept_musicartist_times +concept_professor_andrew_revkin concept:journalistwritesforpublication concept_newspaper_ny_times +concept_professor_andrew_revkin concept:journalistwritesforpublication concept_newspaper_times +concept_professor_andrew_revkin concept:worksfor concept_politicsblog_ny_times +concept_professor_andrew_revkin concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_andrew_revkin concept:worksfor concept_website_new_york_times +concept_professor_andrew_wood concept:musicianinmusicartist concept_musicartist_mother_love_bone +concept_professor_anita concept:personmovedtostateorprovince concept_stateorprovince_california +concept_professor_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_professor_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_professor_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_professor_body concept:agentparticipatedinevent concept_eventoutcome_result +concept_professor_body concept:subpartof concept_sportsteam_heat +concept_professor_body concept:agentinvolvedwithitem concept_videogame_insulin +concept_professor_charlie_may concept:latitudelongitude 49.2288800000000,-84.7450000000000 +concept_professor_chevy_chase concept:agentcontributedtocreativework concept_book_vacation +concept_professor_chris_kuzneski concept:agentcreated concept_book_sword_of_god +concept_professor_chris_kuzneski concept:agentcreated concept_book_the_lost_throne +concept_professor_chris_lee concept:journalistwritesforpublication concept_newspaper_times +concept_professor_christopher_marlowe concept:agentcreated concept_book_doctor_faustus +concept_professor_christopher_reeve concept:agentcontributedtocreativework concept_book_superman +concept_professor_dan_gilbert concept:topmemberoforganization concept_bank_quicken_loans +concept_professor_dan_gilbert concept:personleadsorganization concept_magazine_quicken_loans +concept_professor_dan_gilbert concept:worksfor concept_magazine_quicken_loans +concept_professor_dave_smith concept:journalistwritesforpublication concept_website_dallas_morning_news +concept_professor_david_allen concept:agentcreated concept_book_getting_things_done +concept_professor_david_barboza concept:journalistwritesforpublication concept_newspaper_times +concept_professor_david_barboza concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_david_brandon concept:agentcontrols concept_food_domino_s_pizza +concept_professor_david_brandon concept:mutualproxyfor concept_food_domino_s_pizza +concept_professor_david_brin concept:agentcreated concept_book_the_postman +concept_professor_david_brin concept:agentcreated concept_emotion_otherness +concept_professor_david_brody concept:worksfor concept_blog_cbn_news +concept_professor_david_brody concept:worksfor concept_politicsblog_cbn +concept_professor_david_brooks concept:journalistwritesforpublication concept_company_nyt +concept_professor_david_brooks concept:worksfor concept_company_york_times +concept_professor_david_brooks concept:worksfor concept_musicartist_times +concept_professor_david_brooks concept:journalistwritesforpublication concept_newspaper_ny_times +concept_professor_david_brooks concept:journalistwritesforpublication concept_newspaper_times +concept_professor_david_brooks concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_david_brooks concept:worksfor concept_website_new_york_times +concept_professor_david_byrne concept:agentcreated concept_book_bicycle_diaries +concept_professor_david_byrne concept:personbelongstoorganization concept_city_heads +concept_professor_david_byrne concept:musicianinmusicartist concept_musicartist_talking_heads +concept_professor_david_cho concept:journalistwritesforpublication concept_company_dc +concept_professor_david_cole concept:personleadsorganization concept_organization_maui_land_and_pineapple +concept_professor_david_cole concept:worksfor concept_organization_maui_land_and_pineapple +concept_professor_david_corn concept:journalistwritesforpublication concept_politicsblog_mother_jones +concept_professor_david_farland concept:agentcreated concept_book_brotherhood_of_the_wolf +concept_professor_david_farland concept:agentcreated concept_book_the_lair_of_bones +concept_professor_david_farland concept:agentcreated concept_book_the_wyrmling_horde +concept_professor_david_farland concept:agentcreated concept_book_worldbinder +concept_professor_david_gunn concept:topmemberoforganization concept_company_amtrak +concept_professor_david_hoffman concept:worksfor concept_city_washington_d_c +concept_professor_david_hoffman concept:journalistwritesforpublication concept_company_dc +concept_professor_david_hoffman concept:journalistwritesforpublication concept_website_washington_post +concept_professor_david_jacobs concept:agentcreated concept_musicartist_death_angel +concept_professor_david_kelly concept:journalistwritesforpublication concept_newspaper_times +concept_professor_david_kirkpatrick concept:journalistwritesforpublication concept_company_fortune001 +concept_professor_david_kirkpatrick concept:journalistwritesforpublication concept_newspaper_times +concept_professor_david_leonhardt concept:worksfor concept_musicartist_times +concept_professor_david_leonhardt concept:worksfor concept_website_new_york_times +concept_professor_david_levy concept:personleadsorganization concept_politicsblog_turner_sports +concept_professor_david_mccullough concept:agentcreated concept_book_john_adams +concept_professor_david_plouffe concept:agentcreated concept_book_the_audacity_to_win_the_inside_story_an +concept_professor_david_pogue concept:worksfor concept_company_nyt +concept_professor_david_pogue concept:worksfor concept_musicartist_times +concept_professor_david_pogue concept:worksfor concept_newspaper_ny_times +concept_professor_david_pogue concept:personbelongstoorganization concept_politicsblog_ny_times +concept_professor_david_pogue concept:worksfor concept_website_new_york_times +concept_professor_david_pogue concept:worksfor concept_website_technology +concept_professor_david_ramsey concept:journalistwritesforpublication concept_newspaper_colorado_springs_gazette +concept_professor_david_segal concept:journalistwritesforpublication concept_website_washington_post +concept_professor_david_stout concept:journalistwritesforpublication concept_newspaper_times +concept_professor_david_suzuki concept:personhasjobposition concept_jobposition_geneticist +concept_professor_david_webber concept:personhasjobposition concept_jobposition_analyst +concept_professor_duncan_graham concept:latitudelongitude 38.0582500000000,-122.1444100000000 +concept_professor_edward_wyatt concept:journalistwritesforpublication concept_newspaper_times +concept_professor_eric_schmitt concept:journalistwritesforpublication concept_newspaper_times +concept_professor_eric_schmitt concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_esquire concept:agentcollaborateswithagent concept_chef_john_mariani +concept_professor_g_h_ concept:latitudelongitude -26.5398300000000,18.1114500000000 +concept_professor_hugh_white concept:latitudelongitude 33.8001200000000,-89.7334200000000 +concept_professor_jack_payne concept:latitudelongitude 44.3399800000000,-106.4008700000000 +concept_professor_jack_schaefer concept:agentcreated concept_book_shane +concept_professor_james_reston concept:worksfor concept_musicartist_times +concept_professor_james_reston concept:worksfor concept_website_new_york_times +concept_professor_jay concept:persondiedatage 3 +concept_professor_jerry_kathman concept:personleadsorganization concept_nongovorganization_lpk +concept_professor_jerry_kathman concept:worksfor concept_nongovorganization_lpk +concept_professor_jim_crace concept:agentcreated concept_book_arcadia +concept_professor_jim_crace concept:agentcreated concept_book_quarantine +concept_professor_jim_john concept:latitudelongitude 30.9690600000000,-98.4536400000000 +concept_professor_john_chaney concept:worksfor concept_musicartist_temple +concept_professor_john_chaney concept:personbelongstoorganization concept_sportsteam_temple_university +concept_professor_john_chaney concept:personbelongstoorganization concept_university_temple +concept_professor_john_cheever concept:agentcontributedtocreativework concept_book_falconer +concept_professor_john_cheever concept:agentcreated concept_book_falconer +concept_professor_john_cheever concept:agentcontributedtocreativework concept_book_the_swimmer +concept_professor_john_cheever concept:agentcreated concept_book_the_swimmer +concept_professor_john_cheever concept:agentcontributedtocreativework concept_book_the_wapshot_chronicle +concept_professor_john_cheever concept:agentcreated concept_book_the_wapshot_chronicle +concept_professor_john_cheever concept:agentcontributedtocreativework concept_book_the_wapshot_chronicles +concept_professor_john_cheever concept:agentcreated concept_book_the_wapshot_chronicles +concept_professor_john_hill concept:personleadsorganization concept_governmentorganization_fmcsa +concept_professor_john_hill concept:worksfor concept_governmentorganization_fmcsa +concept_professor_john_howard concept:personleadsorganization concept_country_australia +concept_professor_john_howard concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_professor_john_howard concept:personhasjobposition concept_jobposition_prime_minister +concept_professor_john_johnson concept:personbornincity concept_city_orleans +concept_professor_john_johnson concept:politicianrepresentslocation concept_landscapefeatures_states +concept_professor_john_johnson concept:politicianholdsoffice concept_politicaloffice_mayor +concept_professor_john_johnson concept:politicianholdsoffice concept_politicaloffice_office +concept_professor_john_johnson concept:politicianholdsoffice concept_politicaloffice_president +concept_professor_john_johnson concept:politicianholdsoffice concept_politicaloffice_secretary +concept_professor_john_johnson concept:politicianholdsoffice concept_politicaloffice_vice_president +concept_professor_john_johnson concept:persongraduatedfromuniversity concept_university_college +concept_professor_john_johnson concept:persongraduatedschool concept_university_college +concept_professor_john_knowles concept:agentcreated concept_book_a_separate_peace +concept_professor_john_l__smith concept:coachesteam concept_sportsteam_michigan_state +concept_professor_john_l__smith concept:worksfor concept_sportsteam_michigan_state +concept_professor_john_milton concept:agentcreated concept_book_paradise_lost +concept_professor_john_o_hara concept:agentcontributedtocreativework concept_book_appointment_in_samarra +concept_professor_john_okada concept:agentcreated concept_book_no_no_boy +concept_professor_john_rowe concept:ceoof concept_biotechcompany_exelon_corporation +concept_professor_john_rowe concept:topmemberoforganization concept_biotechcompany_exelon_corporation +concept_professor_john_ward concept:personleadsorganization concept_biotechcompany_csx_corporation +concept_professor_john_ward concept:worksfor concept_biotechcompany_csx_corporation +concept_professor_jonathan_lethem concept:agentcreated concept_book_motherless_brooklyn +concept_professor_jonathan_lethem concept:agentcontributedtocreativework concept_book_the_fortress_of_solitude +concept_professor_jonathan_safran_foer concept:agentcontributedtocreativework concept_book_everything_is_illuminated +concept_professor_jonathan_safran_foer concept:agentcreated concept_book_everything_is_illuminated +concept_professor_jonathan_safran_foer concept:agentcreated concept_book_extremely_loud_and_incredibly_close +concept_professor_jorma_ollila concept:proxyfor concept_city_nokia +concept_professor_jorma_ollila concept:worksfor concept_city_nokia +concept_professor_joseph_kerr concept:latitudelongitude 38.4099100000000,-121.3724500000000 +concept_professor_joseph_roth concept:agentcontributedtocreativework concept_book_the_radetzky_march +concept_professor_joseph_roth concept:agentcreated concept_book_the_radetzky_march +concept_professor_kaufman concept:atlocation concept_city_texas +concept_professor_keith_waterhouse concept:agentcreated concept_movie_billy_liar +concept_professor_kenneth_chang concept:worksfor concept_musicartist_times +concept_professor_kevin_mckenna concept:journalistwritesforpublication concept_newspaper_times +concept_professor_kuleshov concept:latitudelongitude 50.5388900000000,38.9597200000000 +concept_professor_leonora_carrington concept:agentcreated concept_book_the_hearing_trumpet +concept_professor_list concept:agentcreated concept_book_contact +concept_professor_mark_bittman concept:personbelongstoorganization concept_musicartist_times +concept_professor_mark_leibovich concept:journalistwritesforpublication concept_newspaper_times +concept_professor_mark_martin concept:hasspouse concept_person_jeff001 +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_a_connecticut_yankee_in_king_arthur_s_co +concept_professor_mark_twain concept:agentcreated concept_book_a_connecticut_yankee_in_king_arthur_s_co +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_a_connecticut_yankee_in_king_arthur_s_court +concept_professor_mark_twain concept:agentcreated concept_book_a_connecticut_yankee_in_king_arthur_s_court +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_adventures_of_huckleberry_finn +concept_professor_mark_twain concept:agentcreated concept_book_adventures_of_huckleberry_finn +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_adventures_of_tom_sawyer +concept_professor_mark_twain concept:agentcreated concept_book_adventures_of_tom_sawyer +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_huckleberry_finn +concept_professor_mark_twain concept:agentcreated concept_book_life_on_the_mississippi +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_the_adventures_of_huckleberry_finn +concept_professor_mark_twain concept:agentcreated concept_book_the_adventures_of_huckleberry_finn +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_the_adventures_of_tom_sawyer +concept_professor_mark_twain concept:agentcreated concept_book_the_adventures_of_tom_sawyer +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_the_prince_and_the_pauper +concept_professor_mark_twain concept:agentcreated concept_book_the_prince_and_the_pauper +concept_professor_mark_twain concept:agentcontributedtocreativework concept_book_tom_sawyer +concept_professor_martha_jones concept:latitudelongitude 42.2001000000000,-71.2347900000000 +concept_professor_memory concept:agentparticipatedinevent concept_eventoutcome_result +concept_professor_michael_bauer concept:personhasjobposition concept_jobposition_executive_food_and_wine_editor +concept_professor_michael_cunningham concept:agentcreated concept_book_a_home_at_the_end_of_the_world +concept_professor_michael_cunningham concept:agentcreated concept_book_the_hours +concept_professor_michael_kimmelman concept:journalistwritesforpublication concept_newspaper_times +concept_professor_michael_kimmelman concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_michael_wines concept:journalistwritesforpublication concept_newspaper_times +concept_professor_michael_wolff concept:worksfor concept_blog_vanity_fair +concept_professor_michael_wolff concept:agentcollaborateswithagent concept_model_vanity_fair +concept_professor_mike_eskew concept:personleadsorganization concept_biotechcompany_united_parcel_service +concept_professor_mike_resnick concept:agentcontributedtocreativework concept_book_a_better_mousetrap +concept_professor_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_professor_monica_lewinsky concept:politicianusendorsedbypoliticianus concept_politician_clinton +concept_professor_n_ concept:agentactsinlocation concept_building_years +concept_professor_nova_spivack concept:personleadsorganization concept_company_radar_networks +concept_professor_nova_spivack concept:worksfor concept_company_radar_networks +concept_professor_oliver_stone concept:agentcontributedtocreativework concept_book_jfk +concept_professor_osmund concept:latitudelongitude -42.8666700000000,145.5333300000000 +concept_professor_owen_wister concept:agentcreated concept_book_the_virginian +concept_professor_paper concept:agentparticipatedinevent concept_eventoutcome_result +concept_professor_paper concept:agentcompeteswithagent concept_personcanada_search +concept_professor_paul_bowles concept:agentcreated concept_book_the_sheltering_sky +concept_professor_peter_ackroyd concept:agentcreated concept_book_hawksmoor +concept_professor_peter_ackroyd concept:agentcreated concept_book_the_house_of_doctor_dee +concept_professor_peter_moore concept:personleadsorganization concept_company_ea +concept_professor_peter_moore concept:worksfor concept_company_ea +concept_professor_peter_moore concept:personleadsorganization concept_company_ea_ +concept_professor_peter_moore concept:worksfor concept_company_ea_ +concept_professor_randy_smith concept:personleadsorganization concept_organization_tigers +concept_professor_richard_stallman concept:personleadsorganization concept_nonprofitorganization_free_software_foundation +concept_professor_robert_bolt concept:agentcreated concept_book_a_man_for_all_seasons +concept_professor_robert_ludlum concept:agentcreated concept_book_the_altman_code +concept_professor_robert_ludlum concept:agentcreated concept_book_the_ambler_warning +concept_professor_robert_ludlum concept:agentcreated concept_book_the_apocalypse_watch +concept_professor_robert_ludlum concept:agentcreated concept_book_the_bourne_deception +concept_professor_robert_ludlum concept:agentcreated concept_book_the_bourne_identity +concept_professor_robert_ludlum concept:agentcreated concept_book_the_bourne_sanction +concept_professor_robert_ludlum concept:agentcreated concept_book_the_bourne_supremacy +concept_professor_robert_ludlum concept:agentcreated concept_book_the_bourne_ultimatum +concept_professor_robert_ludlum concept:agentcreated concept_book_the_cry_of_the_halidon +concept_professor_robert_ludlum concept:agentcreated concept_book_the_icarus_agenda +concept_professor_robert_ludlum concept:agentcreated concept_book_the_matarese_circle +concept_professor_robert_ludlum concept:agentcreated concept_book_the_matarese_countdown +concept_professor_robert_ludlum concept:agentcreated concept_book_the_tristan_betrayal +concept_professor_robert_stone concept:agentcreated concept_book_a_flag_for_sunrise +concept_professor_robert_stone concept:agentcontributedtocreativework concept_book_dog_soldiers +concept_professor_robert_stone concept:agentcreated concept_book_dog_soldiers +concept_professor_rounds concept:agentparticipatedinevent concept_sportsgame_series +concept_professor_series concept:agentinvolvedwithitem concept_buildingfeature_window +concept_professor_service concept:persondiedatage 0 +concept_professor_service concept:personleadsorganization concept_company_pixar +concept_professor_service concept:persondiedincountry concept_country_england +concept_professor_service concept:ceoof concept_publication_macworld +concept_professor_service concept:topmemberoforganization concept_publication_macworld +concept_professor_service concept:personleadsorganization concept_radiostation_wwdc +concept_professor_shock concept:agentparticipatedinevent concept_eventoutcome_result +concept_professor_sir_herbert_samuel concept:latitudelongitude 32.7833300000000,34.9833300000000 +concept_professor_smith_group concept:latitudelongitude -20.6666700000000,149.1333300000000 +concept_professor_spedding concept:latitudelongitude 42.0297100000000,-93.6482700000000 +concept_professor_stephanie_strom concept:journalistwritesforpublication concept_newspaper_times +concept_professor_stephen_chbosky concept:agentcontributedtocreativework concept_book_the_perks_of_being_a_wallflower +concept_professor_stephen_chbosky concept:agentcreated concept_book_the_perks_of_being_a_wallflower +concept_professor_stephen_fry concept:agentcreated concept_book_moab_is_my_washpot +concept_professor_stephen_labaton concept:journalistwritesforpublication concept_newspaper_times +concept_professor_steve_alten concept:agentcreated concept_lake_the_loch +concept_professor_steve_doocy concept:personbelongstoorganization concept_mountain_fox +concept_professor_steve_lohr concept:journalistwritesforpublication concept_newspaper_times +concept_professor_steve_lohr concept:journalistwritesforpublication concept_website_new_york_times +concept_professor_steven_gould concept:agentcreated concept_personcanada_reflex +concept_professor_steven_gould concept:agentcreated concept_videogame_jumper_griffin_s_story +concept_professor_supporters concept:proxyfor concept_book_new +concept_professor_t_r__reid concept:worksfor concept_website_washington_post +concept_professor_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_professor_thomas_wade concept:agentcreated concept_book_poems +concept_professor_tim_alexander concept:musicianinmusicartist concept_musicartist_primus +concept_professor_tom_cruise concept:agentcontributedtocreativework concept_movie_jerry_maguire +concept_professor_tom_cruise concept:agentcontributedtocreativework concept_movie_minority_report +concept_professor_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_professor_toni_morrison concept:agentcreated concept_sportsteam_utah_jazz +concept_professor_tuckwell concept:latitudelongitude -18.7333300000000,124.9000000000000 +concept_professor_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_professor_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_professor_william_goldman concept:agentcreated concept_book_adventures_in_the_screen_trade +concept_professor_william_goldman concept:agentcreated concept_book_the_princess_bride +concept_professor_william_thackeray concept:agentcontributedtocreativework concept_book_vanity_fair +concept_professor_yma_sumac concept:personhasjobposition concept_jobposition_soprano +concept_professor_zora_neale_hurston concept:agentcontributedtocreativework concept_book_their_eyes_were_watching_god +concept_professor_zora_neale_hurston concept:agentcreated concept_book_their_eyes_were_watching_god +concept_programminglanguage__or concept:latitudelongitude 56.0833300000000,54.7166700000000 +concept_programminglanguage_answer concept:proxyfor concept_book_new +concept_programminglanguage_application concept:atdate concept_date_n2000 +concept_programminglanguage_application concept:atdate concept_date_n2001 +concept_programminglanguage_application concept:atdate concept_date_n2003 +concept_programminglanguage_application concept:atdate concept_date_n2004 +concept_programminglanguage_application concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_application concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_application concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_application concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_application concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_application concept:atdate concept_year_n1995 +concept_programminglanguage_application concept:atdate concept_year_n1997 +concept_programminglanguage_application concept:atdate concept_year_n1998 +concept_programminglanguage_applications concept:subpartof concept_beverage_industrial_air +concept_programminglanguage_applications concept:subpartof concept_beverage_industrial_water +concept_programminglanguage_applications concept:subpartof concept_hallwayitem_gas +concept_programminglanguage_applications concept:subpartof concept_visualizableattribute_drinking_water +concept_programminglanguage_applications concept:subpartof concept_visualizablething_wastewater +concept_programminglanguage_applications concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_applications concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_ban concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_ban concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_ban concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_ban concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_belly concept:subpartof concept_website_blood +concept_programminglanguage_beta concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_beta concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_beta concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_beta concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_body concept:atdate concept_date_n2001 +concept_programminglanguage_body concept:atdate concept_date_n2003 +concept_programminglanguage_body concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_body concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_body concept:subpartof concept_terroristorganization_force +concept_programminglanguage_body concept:atdate concept_year_n1997 +concept_programminglanguage_c__ concept:synonymfor concept_university_microsoft +concept_programminglanguage_ca concept:atdate concept_date_n2000 +concept_programminglanguage_ca concept:atdate concept_date_n2009 +concept_programminglanguage_ca concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_ca concept:atdate concept_year_n1998 +concept_programminglanguage_calls concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_chinesse concept:latitudelongitude 42.6527000000000,-78.8970400000000 +concept_programminglanguage_classes concept:proxyfor concept_book_new +concept_programminglanguage_classes concept:atdate concept_date_n2000 +concept_programminglanguage_classes concept:atdate concept_date_n2001 +concept_programminglanguage_classes concept:atdate concept_date_n2004 +concept_programminglanguage_classes concept:atdate concept_date_n2009 +concept_programminglanguage_classes concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_classes concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_classes concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_classes concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_classes concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_classes concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_classes concept:atdate concept_year_n1997 +concept_programminglanguage_code concept:proxyfor concept_book_new +concept_programminglanguage_code concept:atdate concept_date_n2001 +concept_programminglanguage_code concept:atdate concept_date_n2004 +concept_programminglanguage_code concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_code concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_code concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_code concept:synonymfor concept_programminglanguage_cplusplus +concept_programminglanguage_code concept:subpartof concept_website_memory +concept_programminglanguage_collection concept:proxyfor concept_book_new +concept_programminglanguage_collection concept:atdate concept_date_n1976 +concept_programminglanguage_collection concept:atdate concept_date_n1977 +concept_programminglanguage_collection concept:atdate concept_date_n1979 +concept_programminglanguage_collection concept:atdate concept_date_n2000 +concept_programminglanguage_collection concept:atdate concept_date_n2003 +concept_programminglanguage_collection concept:atdate concept_date_n2004 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n1990 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_collection concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_collection concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_collection concept:atdate concept_year_n1973 +concept_programminglanguage_collection concept:atdate concept_year_n1974 +concept_programminglanguage_collection concept:atdate concept_year_n1988 +concept_programminglanguage_collection concept:atdate concept_year_n1991 +concept_programminglanguage_collection concept:atdate concept_year_n1994 +concept_programminglanguage_collection concept:atdate concept_year_n1995 +concept_programminglanguage_command concept:atdate concept_date_n1941 +concept_programminglanguage_command concept:atdate concept_date_n1944 +concept_programminglanguage_command concept:atdate concept_date_n2004 +concept_programminglanguage_command concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_command concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_command concept:synonymfor concept_programminglanguage_unix +concept_programminglanguage_command concept:synonymfor concept_website_networking +concept_programminglanguage_component concept:proxyfor concept_book_new +concept_programminglanguage_component concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_component concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_computer concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_create concept:synonymfor concept_agent_linux +concept_programminglanguage_credits concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_cup concept:atdate concept_date_n2000 +concept_programminglanguage_database concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_db concept:subpartof concept_ceo_hartmut_mehdorn +concept_programminglanguage_defence concept:atdate concept_date_n2004 +concept_programminglanguage_designer concept:proxyfor concept_book_new +concept_programminglanguage_economy concept:atdate concept_date_n2001 +concept_programminglanguage_economy concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_economy concept:istallerthan concept_publication_people_ +concept_programminglanguage_editor concept:proxyfor concept_book_new +concept_programminglanguage_editor concept:atdate concept_date_n2000 +concept_programminglanguage_editor concept:atdate concept_date_n2001 +concept_programminglanguage_editor concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_editor concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_editor concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_editor concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_editor concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_end concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_engine concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_equivalent concept:proxyfor concept_book_new +concept_programminglanguage_examples concept:proxyfor concept_book_new +concept_programminglanguage_examples concept:synonymfor concept_programminglanguage_command +concept_programminglanguage_extension concept:proxyfor concept_book_new +concept_programminglanguage_extension concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_extension concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_extension concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_framework concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_future concept:proxyfor concept_book_new +concept_programminglanguage_gas concept:specializationof concept_programminglanguage_water +concept_programminglanguage_group concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_host concept:proxyfor concept_book_new +concept_programminglanguage_htc concept:subpartof concept_ceo_peter_chou +concept_programminglanguage_ifc concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_interests concept:proxyfor concept_book_new +concept_programminglanguage_interests concept:istallerthan concept_publication_people_ +concept_programminglanguage_issues concept:subpartof concept_beverage_local_water +concept_programminglanguage_issues concept:proxyfor concept_book_new +concept_programminglanguage_issues concept:subpartof concept_chemical_groundwater +concept_programminglanguage_issues concept:atdate concept_date_n2000 +concept_programminglanguage_issues concept:atdate concept_date_n2003 +concept_programminglanguage_issues concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_issues concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_issues concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_issues concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_issues concept:subpartof concept_hobby_wildlife +concept_programminglanguage_issues concept:subpartof concept_visualizableattribute_current_water +concept_programminglanguage_issues concept:subpartof concept_visualizableattribute_drinking_water +concept_programminglanguage_issues concept:subpartof concept_visualizablething_water_supply +concept_programminglanguage_issues concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_jni concept:latitudelongitude -34.5458900000000,-60.9305600000000 +concept_programminglanguage_levels concept:atdate concept_date_n2004 +concept_programminglanguage_levels concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_lines concept:subpartof concept_buildingmaterial_drainage +concept_programminglanguage_lines concept:subpartof concept_buildingmaterial_plumbing +concept_programminglanguage_lines concept:subpartof concept_hallwayitem_gas +concept_programminglanguage_lines concept:subpartof concept_visualizablething_water_supply +concept_programminglanguage_lines concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_link concept:specializationof concept_programminglanguage_web_sites +concept_programminglanguage_loads concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_mail concept:atdate concept_date_n2000 +concept_programminglanguage_mail concept:atdate concept_date_n2003 +concept_programminglanguage_mail concept:atdate concept_date_n2004 +concept_programminglanguage_mail concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_mail concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_mailing_list concept:atdate concept_date_n2004 +concept_programminglanguage_main concept:atdate concept_date_community +concept_programminglanguage_member concept:atdate concept_date_n1999 +concept_programminglanguage_member concept:atdate concept_date_n2001 +concept_programminglanguage_member concept:atdate concept_date_n2003 +concept_programminglanguage_member concept:atdate concept_date_n2004 +concept_programminglanguage_member concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_member concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_member concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_member concept:atdate concept_year_n1992 +concept_programminglanguage_member concept:atdate concept_year_n1997 +concept_programminglanguage_member concept:atdate concept_year_n1998 +concept_programminglanguage_menu concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_method concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_method concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_mind concept:subpartof concept_website_blood +concept_programminglanguage_mobile concept:subpartof concept_newspaper_alabama +concept_programminglanguage_modules concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_mozilla concept:mutualproxyfor concept_blog_john_lilly +concept_programminglanguage_n1_2 concept:mutualproxyfor concept_room_house +concept_programminglanguage_names concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_nt concept:specializationof concept_programminglanguage_system +concept_programminglanguage_pa concept:atdate concept_date_n2000 +concept_programminglanguage_pa concept:atdate concept_date_n2003 +concept_programminglanguage_pa concept:atdate concept_date_n2004 +concept_programminglanguage_pa concept:atdate concept_date_n2009 +concept_programminglanguage_pa concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_pa concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_pa concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_pa concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_packages concept:proxyfor concept_book_new +concept_programminglanguage_permission concept:atdate concept_date_n2000 +concept_programminglanguage_permission concept:atdate concept_date_n2003 +concept_programminglanguage_permission concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_permission concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_pilot concept:proxyfor concept_book_new +concept_programminglanguage_pilot concept:atdate concept_date_n1999 +concept_programminglanguage_pilot concept:atdate concept_date_n2000 +concept_programminglanguage_pilot concept:atdate concept_date_n2001 +concept_programminglanguage_pilot concept:atdate concept_date_n2003 +concept_programminglanguage_pilot concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_pilot concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_pilot concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_pilot concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_presentation concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_presentation concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_presentation concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_presentation concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_presentation concept:atdate concept_year_n1998 +concept_programminglanguage_principal concept:proxyfor concept_book_new +concept_programminglanguage_procedures concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_procedures concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_project concept:atdate concept_date_n1993 +concept_programminglanguage_project concept:atdate concept_date_n1996 +concept_programminglanguage_project concept:atdate concept_date_n1999 +concept_programminglanguage_project concept:atdate concept_date_n2000 +concept_programminglanguage_project concept:atdate concept_date_n2001 +concept_programminglanguage_project concept:atdate concept_date_n2003 +concept_programminglanguage_project concept:atdate concept_date_n2004 +concept_programminglanguage_project concept:atdate concept_date_n2009 +concept_programminglanguage_project concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_project concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_project concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_project concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_project concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_project concept:atdate concept_year_n1983 +concept_programminglanguage_project concept:atdate concept_year_n1991 +concept_programminglanguage_project concept:atdate concept_year_n1992 +concept_programminglanguage_project concept:atdate concept_year_n1994 +concept_programminglanguage_project concept:atdate concept_year_n1995 +concept_programminglanguage_project concept:atdate concept_year_n1997 +concept_programminglanguage_project concept:atdate concept_year_n1998 +concept_programminglanguage_project_manager concept:atdate concept_date_n2001 +concept_programminglanguage_project_manager concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_protocol concept:atdate concept_date_n1999 +concept_programminglanguage_protocol concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_protocol concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_questions concept:specializationof concept_programminglanguage_page +concept_programminglanguage_rally concept:atdate concept_date_n2004 +concept_programminglanguage_rally concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_rally concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_rally concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_rally concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_record concept:atdate concept_date_n1999 +concept_programminglanguage_record concept:atdate concept_date_n2000 +concept_programminglanguage_record concept:atdate concept_date_n2001 +concept_programminglanguage_record concept:atdate concept_date_n2003 +concept_programminglanguage_record concept:atdate concept_date_n2004 +concept_programminglanguage_record concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_record concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_record concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_record concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_record concept:atdate concept_year_n1995 +concept_programminglanguage_record concept:atdate concept_year_n1997 +concept_programminglanguage_record concept:atdate concept_year_n1998 +concept_programminglanguage_sail concept:atdate concept_date_n2009 +concept_programminglanguage_sail concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_samples concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_scheme concept:atdate concept_date_n1999 +concept_programminglanguage_scheme concept:atdate concept_date_n2000 +concept_programminglanguage_scheme concept:atdate concept_date_n2001 +concept_programminglanguage_scheme concept:atdate concept_date_n2003 +concept_programminglanguage_scheme concept:atdate concept_date_n2004 +concept_programminglanguage_scheme concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_scheme concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_scheme concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_scheme concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_scheme concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_scheme concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_searches concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_services concept:subpartof concept_academicfield_natural_gas +concept_programminglanguage_services concept:subpartof concept_beverage_efficient_water +concept_programminglanguage_services concept:subpartof concept_beverage_high_quality_water +concept_programminglanguage_services concept:subpartof concept_beverage_improved_water +concept_programminglanguage_services concept:subpartof concept_beverage_industrial_water +concept_programminglanguage_services concept:subpartof concept_beverage_local_water +concept_programminglanguage_services concept:subpartof concept_beverage_municipal_water +concept_programminglanguage_services concept:subpartof concept_beverage_professional_water +concept_programminglanguage_services concept:subpartof concept_beverage_safe_water +concept_programminglanguage_services concept:subpartof concept_buildingmaterial_drainage +concept_programminglanguage_services concept:subpartof concept_chemical_sewage +concept_programminglanguage_services concept:atlocation concept_city_texas +concept_programminglanguage_services concept:subpartof concept_kitchenitem_public_water +concept_programminglanguage_services concept:specializationof concept_programminglanguage_center +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_community_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_drinking_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_piped_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_potable_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_quality_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_reliable_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_residential_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_rural_water +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_sanitation +concept_programminglanguage_services concept:subpartof concept_visualizableattribute_storm_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_basic_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_commercial_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_domestic_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_effective_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_safe_drinking_water +concept_programminglanguage_services concept:subpartof concept_visualizablething_wastewater +concept_programminglanguage_services concept:subpartof concept_visualizablething_water_delivery +concept_programminglanguage_services concept:subpartof concept_visualizablething_water_services +concept_programminglanguage_services concept:subpartof concept_visualizablething_water_supplies +concept_programminglanguage_services concept:subpartof concept_visualizablething_water_supply +concept_programminglanguage_sets concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_sets concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_sort concept:proxyfor concept_book_new +concept_programminglanguage_state concept:subpartof concept_bodypart_law +concept_programminglanguage_state concept:atdate concept_date_n1964 +concept_programminglanguage_state concept:atdate concept_date_n1979 +concept_programminglanguage_state concept:atdate concept_date_n1993 +concept_programminglanguage_state concept:atdate concept_date_n1996 +concept_programminglanguage_state concept:atdate concept_date_n1999 +concept_programminglanguage_state concept:atdate concept_date_n2001 +concept_programminglanguage_state concept:atdate concept_date_n2003 +concept_programminglanguage_state concept:atdate concept_date_n2004 +concept_programminglanguage_state concept:atdate concept_date_n2009 +concept_programminglanguage_state concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_state concept:synonymfor concept_politicalparty_college +concept_programminglanguage_state concept:subpartof concept_room_house +concept_programminglanguage_state concept:synonymfor concept_university_ohio +concept_programminglanguage_state concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_state concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_state concept:atdate concept_year_n1984 +concept_programminglanguage_state concept:atdate concept_year_n1985 +concept_programminglanguage_state concept:atdate concept_year_n1991 +concept_programminglanguage_state concept:atdate concept_year_n1992 +concept_programminglanguage_stores concept:atdate concept_date_n1999 +concept_programminglanguage_stores concept:atdate concept_date_n2001 +concept_programminglanguage_stores concept:atdate concept_date_n2003 +concept_programminglanguage_stores concept:atdate concept_date_n2004 +concept_programminglanguage_stores concept:atdate concept_date_n2009 +concept_programminglanguage_stores concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_stores concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_stores concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_stores concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_stores concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_stores concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_stroke concept:atdate concept_date_n1996 +concept_programminglanguage_stroke concept:atdate concept_date_n1999 +concept_programminglanguage_stroke concept:atdate concept_date_n2000 +concept_programminglanguage_stroke concept:atdate concept_date_n2001 +concept_programminglanguage_stroke concept:atdate concept_date_n2003 +concept_programminglanguage_stroke concept:atdate concept_date_n2004 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n1990 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n2002 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_stroke concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_stroke concept:atdate concept_year_n1991 +concept_programminglanguage_stroke concept:atdate concept_year_n1994 +concept_programminglanguage_stroke concept:atdate concept_year_n1995 +concept_programminglanguage_stroke concept:atdate concept_year_n1997 +concept_programminglanguage_stroke concept:atdate concept_year_n1998 +concept_programminglanguage_success_story concept:proxyfor concept_book_new +concept_programminglanguage_system concept:subpartof concept_academicfield_natural_gas +concept_programminglanguage_system concept:subpartof concept_bathroomitem_pump +concept_programminglanguage_system concept:subpartof concept_bathroomitem_water_system +concept_programminglanguage_system concept:subpartof concept_beverage_advanced_air +concept_programminglanguage_system concept:subpartof concept_beverage_advanced_water +concept_programminglanguage_system concept:subpartof concept_beverage_amazing_water +concept_programminglanguage_system concept:subpartof concept_beverage_central_water +concept_programminglanguage_system concept:subpartof concept_beverage_complete_water +concept_programminglanguage_system concept:subpartof concept_beverage_efficient_water +concept_programminglanguage_system concept:subpartof concept_beverage_electronic_air +concept_programminglanguage_system concept:subpartof concept_beverage_energy_efficient_water +concept_programminglanguage_system concept:subpartof concept_beverage_excellent_water +concept_programminglanguage_system concept:subpartof concept_beverage_expensive_water +concept_programminglanguage_system concept:subpartof concept_beverage_forced_air +concept_programminglanguage_system concept:subpartof concept_beverage_friendly_water +concept_programminglanguage_system concept:subpartof concept_beverage_good_water +concept_programminglanguage_system concept:subpartof concept_beverage_high_efficiency_air +concept_programminglanguage_system concept:subpartof concept_beverage_home_water +concept_programminglanguage_system concept:subpartof concept_beverage_improved_water +concept_programminglanguage_system concept:subpartof concept_beverage_industrial_air +concept_programminglanguage_system concept:subpartof concept_beverage_integrated_water +concept_programminglanguage_system concept:subpartof concept_beverage_internal_water +concept_programminglanguage_system concept:subpartof concept_beverage_large_water +concept_programminglanguage_system concept:subpartof concept_beverage_larger_water +concept_programminglanguage_system concept:subpartof concept_beverage_local_water +concept_programminglanguage_system concept:subpartof concept_beverage_modern_water +concept_programminglanguage_system concept:subpartof concept_beverage_much_water +concept_programminglanguage_system concept:subpartof concept_beverage_municipal_water +concept_programminglanguage_system concept:subpartof concept_beverage_overall_water +concept_programminglanguage_system concept:subpartof concept_beverage_reverse_osmosis +concept_programminglanguage_system concept:subpartof concept_beverage_reverse_osmosis_water +concept_programminglanguage_system concept:subpartof concept_beverage_safe_water +concept_programminglanguage_system concept:subpartof concept_beverage_single_air +concept_programminglanguage_system concept:subpartof concept_beverage_standard_air +concept_programminglanguage_system concept:subpartof concept_beverage_tap_water +concept_programminglanguage_system concept:subpartof concept_beverage_unique_air +concept_programminglanguage_system concept:subpartof concept_beverage_whole_house_water +concept_programminglanguage_system concept:subpartof concept_beverage_whole_water +concept_programminglanguage_system concept:subpartof concept_bodypart_ground +concept_programminglanguage_system concept:subpartof concept_book_edge +concept_programminglanguage_system concept:subpartof concept_book_oil +concept_programminglanguage_system concept:subpartof concept_buildingfeature_storm +concept_programminglanguage_system concept:subpartof concept_buildingmaterial_aircraft +concept_programminglanguage_system concept:subpartof concept_buildingmaterial_discharge +concept_programminglanguage_system concept:subpartof concept_buildingmaterial_drainage +concept_programminglanguage_system concept:subpartof concept_buildingmaterial_marine +concept_programminglanguage_system concept:subpartof concept_buildingmaterial_plumbing +concept_programminglanguage_system concept:subpartof concept_chemical_boiler +concept_programminglanguage_system concept:subpartof concept_chemical_filtration +concept_programminglanguage_system concept:subpartof concept_chemical_flue_gas +concept_programminglanguage_system concept:subpartof concept_chemical_furnace +concept_programminglanguage_system concept:subpartof concept_chemical_groundwater +concept_programminglanguage_system concept:subpartof concept_chemical_sewage +concept_programminglanguage_system concept:subpartof concept_governmentorganization_stormwater +concept_programminglanguage_system concept:subpartof concept_hallwayitem_forest +concept_programminglanguage_system concept:subpartof concept_hallwayitem_fuel +concept_programminglanguage_system concept:subpartof concept_hallwayitem_gas +concept_programminglanguage_system concept:subpartof concept_hallwayitem_liquid +concept_programminglanguage_system concept:subpartof concept_hallwayitem_loop +concept_programminglanguage_system concept:subpartof concept_hallwayitem_pool +concept_programminglanguage_system concept:subpartof concept_hallwayitem_vacuum +concept_programminglanguage_system concept:subpartof concept_hallwayitem_water_heater +concept_programminglanguage_system concept:subpartof concept_lake_great_water +concept_programminglanguage_system concept:subpartof concept_landscapefeatures_hot_water +concept_programminglanguage_system concept:subpartof concept_landscapefeatures_soil +concept_programminglanguage_system concept:subpartof concept_mediatype_irrigation +concept_programminglanguage_system concept:subpartof concept_musician_sample +concept_programminglanguage_system concept:subpartof concept_musicsong_downtown +concept_programminglanguage_system concept:subpartof concept_physicalaction_membrane +concept_programminglanguage_system concept:subpartof concept_physicsterm_gravity +concept_programminglanguage_system concept:subpartof concept_planet_fresh_water +concept_programminglanguage_system concept:subpartof concept_politicsissue_innovative_water +concept_programminglanguage_system concept:subpartof concept_politicsissue_more_water +concept_programminglanguage_system concept:subpartof concept_politicsissue_such_water +concept_programminglanguage_system concept:subpartof concept_publication_ground_water +concept_programminglanguage_system concept:subpartof concept_river_greywater +concept_programminglanguage_system concept:subpartof concept_river_sediment +concept_programminglanguage_system concept:subpartof concept_room_house +concept_programminglanguage_system concept:subpartof concept_room_sewer +concept_programminglanguage_system concept:subpartof concept_room_space +concept_programminglanguage_system concept:subpartof concept_sport_clean_water +concept_programminglanguage_system concept:subpartof concept_sport_pond +concept_programminglanguage_system concept:subpartof concept_televisionshow_pure_water +concept_programminglanguage_system concept:subpartof concept_transportation_room_air +concept_programminglanguage_system concept:subpartof concept_vehicle_car_air +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_community_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_current_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_drinking_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_elaborate_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_grey_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_kinetico_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_on_site_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_piped_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_portable_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_potable_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_pressure_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_proper_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_quality_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_rain_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_reliable_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_right_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_state_of_the_art_water +concept_programminglanguage_system concept:subpartof concept_visualizableattribute_storm_water +concept_programminglanguage_system concept:subpartof concept_visualizableobject_home +concept_programminglanguage_system concept:subpartof concept_visualizablething_ambient_air +concept_programminglanguage_system concept:subpartof concept_visualizablething_art_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_commercial_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_coolant +concept_programminglanguage_system concept:subpartof concept_visualizablething_domestic_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_drinking_water_supply +concept_programminglanguage_system concept:subpartof concept_visualizablething_fresh_air +concept_programminglanguage_system concept:subpartof concept_visualizablething_home_air +concept_programminglanguage_system concept:subpartof concept_visualizablething_household_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_indoor_air +concept_programminglanguage_system concept:subpartof concept_visualizablething_natural_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_pool_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_rainwater +concept_programminglanguage_system concept:subpartof concept_visualizablething_same_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_simple_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_special_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_unique_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_waste_water +concept_programminglanguage_system concept:subpartof concept_visualizablething_wastewater +concept_programminglanguage_system concept:subpartof concept_visualizablething_water_supply +concept_programminglanguage_system concept:subpartof concept_visualizablething_water_supply_system +concept_programminglanguage_system concept:subpartof concept_weatherphenomenon_air +concept_programminglanguage_system concept:subpartof concept_weatherphenomenon_dust +concept_programminglanguage_system concept:subpartof concept_weatherphenomenon_land +concept_programminglanguage_system concept:subpartof concept_weatherphenomenon_water +concept_programminglanguage_system concept:subpartof concept_website_steam +concept_programminglanguage_technology concept:subpartof concept_visualizablething_water_supply +concept_programminglanguage_the_new concept:atlocation concept_attraction_art +concept_programminglanguage_the_new concept:subpartof concept_bodypart_art +concept_programminglanguage_the_new concept:proxyfor concept_book_years +concept_programminglanguage_the_new concept:atlocation concept_city_boston +concept_programminglanguage_the_new concept:mutualproxyfor concept_city_boston +concept_programminglanguage_the_new concept:atlocation concept_island_new_york_city_metropolitan_area +concept_programminglanguage_the_new concept:mutualproxyfor concept_island_new_york_city_metropolitan_area +concept_programminglanguage_the_new concept:proxyfor concept_musicalbum_months +concept_programminglanguage_the_new concept:atlocation concept_river_arts +concept_programminglanguage_the_new concept:subpartof concept_river_arts +concept_programminglanguage_the_new concept:proxyfor concept_weapon_weeks +concept_programminglanguage_the_new concept:proxyfor concept_weatherphenomenon_days +concept_programminglanguage_un concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_un concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_unix concept:synonymfor concept_agent_linux +concept_programminglanguage_unix concept:synonymfor concept_everypromotedthing_tru64 +concept_programminglanguage_unix concept:specializationof concept_programminglanguage_system +concept_programminglanguage_video concept:atdate concept_date_n1999 +concept_programminglanguage_video concept:atdate concept_date_n2001 +concept_programminglanguage_video concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_water concept:atdate concept_date_n1999 +concept_programminglanguage_water concept:atdate concept_dateliteral_n2005 +concept_programminglanguage_water concept:atdate concept_dateliteral_n2006 +concept_programminglanguage_water concept:atdate concept_dateliteral_n2007 +concept_programminglanguage_water concept:atdate concept_dateliteral_n2008 +concept_programminglanguage_webserver concept:synonymfor concept_everypromotedthing_nginx +concept_programminglanguage_window concept:specializationof concept_programminglanguage_system +concept_protein_achr concept:latitudelongitude 33.9793166666667,71.0401966666667 +concept_protein_acl concept:atdate concept_dateliteral_n2007 +concept_protein_arix concept:latitudelongitude 36.7441700000000,81.6230600000000 +concept_protein_arnt concept:latitudelongitude 45.3499800000000,-102.3204400000000 +concept_protein_bche concept:latitudelongitude 36.8833300000000,40.5166700000000 +concept_protein_braf concept:latitudelongitude 37.0771000000000,42.5408100000000 +concept_protein_c_wells concept:latitudelongitude 37.3362700000000,-77.4397900000000 +concept_protein_camp_cascade concept:latitudelongitude 44.8262300000000,-122.3817500000000 +concept_protein_cats concept:proxyfor concept_book_new +concept_protein_centrin concept:latitudelongitude 7.0000000000000,21.0000000000000 +concept_protein_clai concept:latitudelongitude 44.3000000000000,6.9416650000000 +concept_protein_cyt concept:latitudelongitude 60.0819400000000,-142.4933300000000 +concept_protein_dicer concept:latitudelongitude 44.3820800000000,-119.8933200000000 +concept_protein_digest concept:atdate concept_date_n2000 +concept_protein_dlp concept:synonymfor concept_biotechcompany_texas_instrument +concept_protein_ecm concept:mutualproxyfor concept_actor_manfred_eicher +concept_protein_erbeta concept:latitudelongitude 9.5500000000000,38.7833300000000 +concept_protein_fkn concept:latitudelongitude 36.6984800000000,-76.9030200000000 +concept_protein_flim concept:latitudelongitude 46.5408350000000,10.8124900000000 +concept_protein_frq concept:latitudelongitude 28.4913000000000,58.1542000000000 +concept_protein_ftsa concept:latitudelongitude 41.1370540000000,23.1559420000000 +concept_protein_galpha concept:latitudelongitude 10.0666700000000,-61.8333300000000 +concept_protein_gck concept:latitudelongitude 37.9355800000000,-100.7412700000000 +concept_protein_ggt concept:latitudelongitude 23.5628900000000,-75.8784500000000 +concept_protein_gm concept:synonymfor concept_bank_general_motors_acceptance_corp_ +concept_protein_gm concept:synonymfor concept_biotechcompany_general_motors_corp +concept_protein_gm concept:atdate concept_dateliteral_n2008 +concept_protein_gm concept:synonymfor concept_election_general_motors_corporation +concept_protein_gm concept:synonymfor concept_stateorprovince_general_motors +concept_protein_harpin concept:latitudelongitude 47.9501600000000,-76.0993000000000 +concept_protein_hsfs concept:latitudelongitude 13.6148900000000,25.3246500000000 +concept_protein_hud concept:atdate concept_date_n2001 +concept_protein_ikap concept:latitudelongitude 4.0166700000000,114.0166700000000 +concept_protein_ikaros concept:latitudelongitude 37.6260000000000,26.1014000000000 +concept_protein_irss concept:latitudelongitude 33.0913900000000,35.1963900000000 +concept_protein_iso concept:proxyfor concept_book_new +concept_protein_laboratories concept:subpartof concept_weatherphenomenon_air +concept_protein_laboratories concept:subpartof concept_weatherphenomenon_water +concept_protein_lasr concept:latitudelongitude 28.3367500000000,55.3701500000000 +concept_protein_lexa concept:latitudelongitude 34.6017360000000,-90.7558680000000 +concept_protein_lpl concept:latitudelongitude 53.3333300000000,-2.8500000000000 +concept_protein_marcks concept:latitudelongitude 44.5258000000000,-92.1435100000000 +concept_protein_medicine concept:atdate concept_date_n1996 +concept_protein_medicine concept:atdate concept_date_n1999 +concept_protein_medicine concept:atdate concept_date_n2000 +concept_protein_medicine concept:atdate concept_date_n2001 +concept_protein_medicine concept:atdate concept_date_n2003 +concept_protein_medicine concept:atdate concept_date_n2004 +concept_protein_medicine concept:atdate concept_dateliteral_n2002 +concept_protein_medicine concept:atdate concept_dateliteral_n2005 +concept_protein_medicine concept:atdate concept_dateliteral_n2006 +concept_protein_medicine concept:atdate concept_dateliteral_n2007 +concept_protein_medicine concept:atdate concept_dateliteral_n2008 +concept_protein_medicine concept:atdate concept_year_n1997 +concept_protein_medicine concept:atdate concept_year_n1998 +concept_protein_membranes concept:subpartof concept_weatherphenomenon_water +concept_protein_membranes concept:subpartof concept_website_blood +concept_protein_mical concept:latitudelongitude 17.8166700000000,-91.1000000000000 +concept_protein_minc concept:latitudelongitude 25.0700000000000,55.1400000000000 +concept_protein_mnl concept:latitudelongitude 14.5049900000000,121.0044500000000 +concept_protein_mtor concept:latitudelongitude 12.8500000000000,108.7500000000000 +concept_protein_myb concept:latitudelongitude -3.4166700000000,10.6500000000000 +concept_protein_n_ras concept:latitudelongitude 17.1333300000000,2.3166700000000 +concept_protein_nrl concept:atdate concept_date_n2001 +concept_protein_ompr concept:latitudelongitude 39.3302800000000,20.2841700000000 +concept_protein_pbl concept:latitudelongitude 10.4805000000000,-68.0730200000000 +concept_protein_pdx concept:latitudelongitude 45.5584150000000,-122.7152650000000 +concept_protein_pgk concept:latitudelongitude -2.1666700000000,106.1333300000000 +concept_protein_piwi concept:latitudelongitude -7.3500000000000,146.0500000000000 +concept_protein_pnt concept:latitudelongitude 44.5374000000000,-89.5748000000000 +concept_protein_probe concept:atdate concept_date_n2003 +concept_protein_prx concept:latitudelongitude 33.6365000000000,-95.4507900000000 +concept_protein_pvr concept:latitudelongitude 20.6800800000000,-105.2541700000000 +concept_protein_pyrr concept:latitudelongitude 64.0500000000000,25.7166700000000 +concept_protein_raf concept:atdate concept_date_n1941 +concept_protein_recq concept:latitudelongitude 50.6805250000000,3.7631150000000 +concept_protein_researchers concept:proxyfor concept_book_new +concept_protein_researchers concept:atdate concept_dateliteral_n2002 +concept_protein_researchers concept:atdate concept_dateliteral_n2008 +concept_protein_rigin concept:latitudelongitude 12.1864100000000,7.6387300000000 +concept_protein_screening concept:atdate concept_date_n2004 +concept_protein_seqa concept:latitudelongitude 36.1745000000000,44.3236800000000 +concept_protein_slbo concept:latitudelongitude 62.9166700000000,8.8333300000000 +concept_protein_snares concept:latitudelongitude -48.0366700000000,166.5500000000000 +concept_protein_snon concept:latitudelongitude 11.5700000000000,102.9572200000000 +concept_protein_sxl concept:latitudelongitude 6.2405200000000,102.0399100000000 +concept_protein_toll concept:proxyfor concept_book_new +concept_protein_treatment concept:subpartof concept_beverage_municipal_water +concept_protein_treatment concept:subpartof concept_kitchenitem_public_water +concept_protein_treatment concept:subpartof concept_sportsteam_heat +concept_protein_treatment concept:subpartof concept_visualizablething_wastewater +concept_protein_vasp concept:latitudelongitude 33.1562500000000,64.1951350000000 +concept_protein_vegt concept:latitudelongitude 26.1060900000000,91.5859400000000 +concept_protein_worldwide_release concept:atdate concept_dateliteral_n2007 +concept_protein_worldwide_release concept:atdate concept_dateliteral_n2008 +concept_protein_wspr concept:latitudelongitude 42.0900900000000,-72.6025900000000 +concept_protein_zeste concept:latitudelongitude 47.1918400000000,-76.3577000000000 +concept_publication_american_airlines concept:hasofficeincity concept_county_los_angeles_county +concept_publication_american_health concept:latitudelongitude 38.8962200000000,-77.0497000000000 +concept_publication_animal_planet concept:companyeconomicsector concept_academicfield_media +concept_publication_annual_report concept:atdate concept_dateliteral_n2006 +concept_publication_artforum concept:headquarteredin concept_city_new_york +concept_publication_atlantic concept:agentactsinlocation concept_city_carolina +concept_publication_atlantic concept:hasofficeincountry concept_country___america +concept_publication_businessweek concept:companyeconomicsector concept_academicfield_media +concept_publication_businessweek concept:competeswith concept_newspaper_journal +concept_publication_c_span concept:companyeconomicsector concept_academicfield_news +concept_publication_channel_4 concept:companyeconomicsector concept_academicfield_media +concept_publication_channel_4 concept:agentcollaborateswithagent concept_actor_jon_snow +concept_publication_chizine concept:latitudelongitude -21.3625000000000,34.2594400000000 +concept_publication_cio concept:atdate concept_dateliteral_n2007 +concept_publication_city_law concept:latitudelongitude 37.2566700000000,-76.7444400000000 +concept_publication_cnn_headline_news concept:companyeconomicsector concept_academicfield_media +concept_publication_creem concept:organizationterminatedperson concept_writer_lester_bangs +concept_publication_creem concept:subpartof concept_writer_lester_bangs +concept_publication_dairy_field concept:latitudelongitude 37.1091100000000,-120.6088933333333 +concept_publication_daytona concept:agentparticipatedinevent concept_sportsgame_series +concept_publication_dow_jones concept:organizationheadquarteredincity concept_city_new_york +concept_publication_eighteen_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_el_al concept:hasofficeincity concept_city_amsterdam +concept_publication_el_al concept:hasofficeincity concept_city_new_york +concept_publication_el_al concept:hasofficeincity concept_city_tel_aviv +concept_publication_el_al concept:hasofficeincity concept_city_tel_aviv_yafo +concept_publication_enroute concept:proxyfor concept_lake_new +concept_publication_espn concept:companyeconomicsector concept_academicfield_media +concept_publication_espn concept:companyeconomicsector concept_academicfield_news +concept_publication_espn concept:companyeconomicsector concept_academicfield_sports +concept_publication_espn concept:headquarteredin concept_city_new_york +concept_publication_facts concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_facts concept:agentcreated concept_programminglanguage_contact +concept_publication_graphis concept:latitudelongitude 41.0706500000000,-73.4979000000000 +concept_publication_house_and_garden concept:latitudelongitude 43.0739800000000,-70.7578300000000 +concept_publication_j_14 concept:latitudelongitude 42.4664300000000,-113.6553500000000 +concept_publication_job_opportunities concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_jordan_business concept:latitudelongitude 32.1855000000000,-82.5856000000000 +concept_publication_journal_nature concept:atdate concept_date_n1999 +concept_publication_journal_nature concept:atdate concept_date_n2001 +concept_publication_journal_nature concept:atdate concept_dateliteral_n2005 +concept_publication_journal_science concept:atdate concept_date_n2004 +concept_publication_journal_science concept:atdate concept_dateliteral_n2007 +concept_publication_knxt_tv concept:agentcollaborateswithagent concept_celebrity_educational +concept_publication_knxt_tv concept:subpartof concept_hobby_educational +concept_publication_komo concept:organizationheadquarteredincity concept_city_seattle +concept_publication_lancet concept:atdate concept_dateliteral_n2007 +concept_publication_le_point concept:organizationheadquarteredincountry concept_country_france_france +concept_publication_london_review_of_books concept:hasofficeincity concept_city_new_york +concept_publication_macmillan concept:companyeconomicsector concept_academicfield_publishing +concept_publication_macworld concept:agentcontrols concept_personus_jobs +concept_publication_mci concept:companyeconomicsector concept_economicsector_telecommunications +concept_publication_meridian concept:proxyfor concept_emotion_mississippi +concept_publication_more_iraqis concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_n1_5_million_iraqis concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_national_press concept:headquarteredin concept_city_washington_d_c +concept_publication_new_york_lawyer concept:headquarteredin concept_city_new_york +concept_publication_new_york_university concept:agentcollaborateswithagent concept_criminal_law_school +concept_publication_news_corp concept:companyeconomicsector concept_academicfield_media +concept_publication_newspapers concept:companyeconomicsector concept_academicfield_media +concept_publication_newtopia concept:latitudelongitude 40.6182800000000,-111.8188200000000 +concept_publication_nyrb concept:latitudelongitude 67.1333300000000,53.3000000000000 +concept_publication_ontario concept:proxyfor concept_book_new +concept_publication_ontario concept:hasofficeincountry concept_country___america +concept_publication_ontario concept:atdate concept_date_n2001 +concept_publication_ontario concept:atdate concept_date_n2003 +concept_publication_ontario concept:atdate concept_date_n2004 +concept_publication_ontario concept:companyeconomicsector concept_economicsector_insurance +concept_publication_ontario concept:atdate concept_year_n1983 +concept_publication_ontario concept:atdate concept_year_n1992 +concept_publication_paste concept:agentinvolvedwithitem concept_buildingfeature_window +concept_publication_people_ concept:companyeconomicsector concept_academicfield_media +concept_publication_people_ concept:hasofficeincountry concept_country_china +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_atrocities +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_criminal_acts +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_criminal_charges +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_criminal_offences +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_criminal_offenses +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_drug_charges +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_drug_crimes +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_drug_offences +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_drug_offenses +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_felonies +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_felony +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_felony_crimes +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_heinous_crimes +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_infractions +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_misdemeanor +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_misdemeanors +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_murders +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_offence +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_possession +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_sex_crimes +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_sexual_offenses +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_sins +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_traffic_offenses +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_traffic_violations +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_trafficking +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_violations +concept_publication_people_ concept:agentparticipatedinevent concept_crimeorcharge_violent_crimes +concept_publication_people_ concept:atdate concept_date_n1999 +concept_publication_people_ concept:atdate concept_date_n2000 +concept_publication_people_ concept:atdate concept_date_n2003 +concept_publication_people_ concept:atdate concept_date_n2004 +concept_publication_people_ concept:atdate concept_dateliteral_n1945 +concept_publication_people_ concept:atdate concept_dateliteral_n1990 +concept_publication_people_ concept:atdate concept_dateliteral_n2005 +concept_publication_people_ concept:atdate concept_dateliteral_n2006 +concept_publication_people_ concept:atdate concept_dateliteral_n2007 +concept_publication_people_ concept:atdate concept_dateliteral_n2008 +concept_publication_people_ concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_people_ concept:agentcontrols concept_hotel_white +concept_publication_people_ concept:proxyfor concept_lake_new +concept_publication_people_ concept:agentcompeteswithagent concept_mammal_animals +concept_publication_people_ concept:agentcontributedtocreativework concept_musicalbum_commandments +concept_publication_people_ concept:competeswith concept_newspaper_journal +concept_publication_people_ concept:agentcollaborateswithagent concept_personaustralia_jobs +concept_publication_people_ concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_publication_people_ concept:agentcreated concept_programminglanguage_contact +concept_publication_people_ concept:agentparticipatedinevent concept_sportsgame_charges +concept_publication_people_ concept:agentcompeteswithagent concept_vertebrate_search +concept_publication_people_ concept:subpartof concept_weatherphenomenon_air +concept_publication_people_ concept:agentparticipatedinevent concept_weatherphenomenon_storm +concept_publication_people_ concept:atdate concept_year_n1981 +concept_publication_people_ concept:atdate concept_year_n1991 +concept_publication_people_ concept:atdate concept_year_n1995 +concept_publication_people_ concept:atdate concept_year_n1997 +concept_publication_people_ concept:atdate concept_year_n1998 +concept_publication_philippines concept:proxyfor concept_book_new +concept_publication_philippines concept:hasofficeincountry concept_country___america +concept_publication_philippines concept:atdate concept_date_n1941 +concept_publication_philippines concept:atdate concept_date_n1942 +concept_publication_philippines concept:atdate concept_date_n2000 +concept_publication_philippines concept:atdate concept_date_n2001 +concept_publication_philippines concept:synonymfor concept_politicalparty_republic +concept_publication_poynter_institute concept:latitudelongitude 27.7621000000000,-82.6374000000000 +concept_publication_prentice_hall concept:companyeconomicsector concept_academicfield_publishing +concept_publication_prentice_hall concept:atdate concept_dateliteral_n2005 +concept_publication_protests concept:atdate concept_date_n2000 +concept_publication_protests concept:atdate concept_date_n2001 +concept_publication_protests concept:atdate concept_date_n2004 +concept_publication_protests concept:atdate concept_dateliteral_n2005 +concept_publication_protests concept:atdate concept_dateliteral_n2006 +concept_publication_protests concept:atdate concept_dateliteral_n2007 +concept_publication_richmond concept:atlocation concept_city_texas +concept_publication_richmond concept:atdate concept_year_n1862 +concept_publication_robert_fisk concept:agentbelongstoorganization concept_stateorprovince_independent +concept_publication_rove concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_publication_rush_limbaugh concept:companyeconomicsector concept_academicfield_news +concept_publication_scientific_american concept:hasofficeincity concept_city_new_york +concept_publication_sky_news concept:companyeconomicsector concept_academicfield_media +concept_publication_slate concept:headquarteredin concept_city_new_york +concept_publication_sony concept:competeswith concept_biotechcompany_medtronic +concept_publication_sony concept:agentinvolvedwithitem concept_product_playstation_3 +concept_publication_sony concept:agentinvolvedwithitem concept_videogamesystem_psp_ +concept_publication_syracuse_university concept:organizationhiredperson concept_coach_ben_schwartzwalder +concept_publication_syracuse_university concept:organizationhiredperson concept_coach_jim_boeheim +concept_publication_technique concept:subpartoforganization concept_terroristorganization_state +concept_publication_telegraph concept:headquarteredin concept_city_san_francisco +concept_publication_telephony concept:latitudelongitude 31.4534900000000,-100.4306500000000 +concept_publication_the_freeman concept:latitudelongitude 37.0652800000000,-76.4925000000000 +concept_publication_the_harrow concept:latitudelongitude 52.6554150000000,-6.6873600000000 +concept_publication_the_new_york_review_of_books concept:headquarteredin concept_city_new_york +concept_publication_the_washington concept:competeswith concept_company_post +concept_publication_the_washington concept:competeswith concept_newspaper_journal +concept_publication_the_washington concept:competeswith concept_newspaper_wall_street_journal +concept_publication_times_book_review concept:headquarteredin concept_city_new_york +concept_publication_times_book_review concept:agentactsinlocation concept_lake_new +concept_publication_times_book_review concept:atlocation concept_lake_new +concept_publication_times_literary_supplement concept:headquarteredin concept_city_new_york +concept_publication_traditional_homes concept:latitudelongitude 35.2666000000000,25.7166000000000 +concept_publication_tribune_co concept:agentcontrols concept_newspaper_ny_times +concept_publication_tribune_co concept:agentcollaborateswithagent concept_publication_times_mirror +concept_publication_two_men concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_publication_two_men concept:agentparticipatedinevent concept_eventoutcome_result +concept_publication_united_kingdom concept:hasofficeincountry concept_country___america +concept_publication_united_kingdom concept:companyeconomicsector concept_economicsector_insurance +concept_publication_utv concept:organizationterminatedperson concept_director_ronnie_screwvala +concept_publication_vanity_fair concept:headquarteredin concept_city_new_york +concept_publication_variety concept:headquarteredin concept_city_new_york +concept_publication_vista concept:agentinvolvedwithitem concept_buildingfeature_window +concept_publication_vista concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_publication_vista concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_publication_vista concept:agentinvolvedwithitem concept_videogame_mac +concept_publication_wnep_tv concept:subpartoforganization concept_city_abc +concept_publication_wnep_tv concept:subpartof concept_website_abc +concept_publication_wsaz_tv concept:subpartof concept_retailstore_nbc +concept_race_astana concept:subpartof concept_language_kazakhstan +concept_race_consultant concept:atdate concept_date_n2001 +concept_race_consultant concept:atdate concept_date_n2003 +concept_race_consultant concept:atdate concept_dateliteral_n2008 +concept_race_consultant concept:proxyfor concept_politicaloffice_new +concept_race_day_trip concept:proxyfor concept_politicaloffice_new +concept_race_dividend concept:atdate concept_dateliteral_n2007 +concept_race_half_day concept:latitudelongitude 42.2059533333333,-87.9311866666667 +concept_race_hoboken concept:proxyfor concept_politicaloffice_new +concept_race_malaysia concept:atdate concept_date_n2009 +concept_race_memorial concept:proxyfor concept_politicaloffice_new +concept_race_national_championships concept:atdate concept_dateliteral_n2008 +concept_race_new_south_wales concept:mutualproxyfor concept_biotechcompany_sydney +concept_race_new_south_wales concept:atdate concept_dateliteral_n2008 +concept_race_new_south_wales concept:proxyfor concept_politicaloffice_new +concept_race_taxes concept:proxyfor concept_politicaloffice_new +concept_race_taxes concept:mutualproxyfor concept_sportsequipment_new +concept_race_three_times concept:proxyfor concept_politicaloffice_new +concept_race_ubit concept:latitudelongitude 4.9015000000000,97.0418000000000 +concept_race_ups_shipping concept:latitudelongitude 36.0603900000000,-115.1572500000000 +concept_race_worlds concept:proxyfor concept_politicaloffice_new +concept_radiostation_ashland concept:proxyfor concept_coach_kentucky +concept_radiostation_ashland concept:proxyfor concept_politicsissue_oregon +concept_radiostation_ashland concept:atlocation concept_skiarea_kentucky +concept_radiostation_ashtabula concept:proxyfor concept_university_ohio +concept_radiostation_atlanta concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_ball_state_university concept:agentactsinlocation concept_city_muncie +concept_radiostation_basic concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_beaumont concept:mutualproxyfor concept_city_texas +concept_radiostation_beaumont concept:subpartof concept_city_texas +concept_radiostation_bet concept:companyeconomicsector concept_academicfield_media +concept_radiostation_boise concept:proxyfor concept_newspaper_idaho +concept_radiostation_boise concept:subpartof concept_newspaper_idaho +concept_radiostation_bowling_green concept:organizationhiredperson concept_coach_gregg_brandon +concept_radiostation_bowling_green concept:proxyfor concept_coach_kentucky +concept_radiostation_bowling_green concept:atlocation concept_skiarea_kentucky +concept_radiostation_bowling_green concept:subpartof concept_university_kentucky +concept_radiostation_bristol_myers_squibb concept:companyalsoknownas concept_petroleumrefiningcompany_bmy +concept_radiostation_caldwell concept:proxyfor concept_newspaper_idaho +concept_radiostation_caldwell concept:subpartof concept_newspaper_idaho +concept_radiostation_caldwell concept:proxyfor concept_radiostation_new_jersey +concept_radiostation_canton concept:proxyfor concept_automobilemaker_china +concept_radiostation_canton concept:subpartof concept_creditunion_michigan +concept_radiostation_canton concept:mutualproxyfor concept_university_ohio +concept_radiostation_canton concept:subpartof concept_university_ohio +concept_radiostation_channel_5 concept:latitudelongitude 40.7710600000000,-111.9002100000000 +concept_radiostation_chillicothe concept:mutualproxyfor concept_university_ohio +concept_radiostation_chillicothe concept:subpartof concept_university_ohio +concept_radiostation_chum concept:radiostationincity concept_city_toronto +concept_radiostation_cincinnati concept:organizationhiredperson concept_coach_bob_huggins +concept_radiostation_cincinnati concept:organizationhiredperson concept_coach_butch_jones +concept_radiostation_cincinnati concept:organizationhiredperson concept_coach_huggins +concept_radiostation_cincinnati concept:organizationhiredperson concept_personmexico_marvin_lewis +concept_radiostation_cincinnati concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_radiostation_cincinnati concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_radiostation_cincinnati concept:proxyfor concept_university_ohio +concept_radiostation_cincinnati_enquirer concept:agentcollaborateswithagent concept_journalist_john_erardi +concept_radiostation_ciut concept:radiostationincity concept_city_toronto +concept_radiostation_cklw concept:organizationheadquarteredincity concept_city_windsor +concept_radiostation_cklw concept:radiostationincity concept_city_windsor +concept_radiostation_ckut concept:organizationheadquarteredincity concept_city_montreal +concept_radiostation_ckut concept:radiostationincity concept_city_montreal +concept_radiostation_cleveland concept:organizationhiredperson concept_athlete_butch_davis +concept_radiostation_cleveland concept:mutualproxyfor concept_beverage_new +concept_radiostation_cleveland concept:atlocation concept_city_texas +concept_radiostation_cleveland concept:organizationhiredperson concept_coach_bill_belichick +concept_radiostation_cleveland concept:organizationhiredperson concept_coach_eric_mangini +concept_radiostation_cleveland concept:organizationterminatedperson concept_coach_eric_mangini +concept_radiostation_cleveland concept:organizationhiredperson concept_coach_mangini +concept_radiostation_cleveland concept:proxyfor concept_coach_new +concept_radiostation_cleveland concept:organizationhiredperson concept_coach_romeo_crennel +concept_radiostation_cleveland concept:organizationhiredperson concept_person_belichick +concept_radiostation_cleveland concept:mutualproxyfor concept_politicianus_carl_b__stokes +concept_radiostation_cleveland concept:organizationhiredperson concept_politicianus_carl_b__stokes +concept_radiostation_cleveland concept:agentparticipatedinevent concept_sportsgame_series +concept_radiostation_cleveland concept:proxyfor concept_university_ohio +concept_radiostation_cleveland concept:subpartof concept_university_ohio +concept_radiostation_cleveland concept:proxyfor concept_weatherphenomenon_tennessee +concept_radiostation_columbus concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_country_station concept:latitudelongitude 40.8955000000000,-111.8866000000000 +concept_radiostation_dothan concept:proxyfor concept_newspaper_alabama +concept_radiostation_dothan concept:mutualproxyfor concept_university_alabama +concept_radiostation_dothan concept:subpartof concept_university_alabama +concept_radiostation_eau_claire concept:subpartof concept_creditunion_wisconsin +concept_radiostation_eau_claire concept:proxyfor concept_politicaloffice_wisconsin +concept_radiostation_fidelity concept:organizationterminatedperson concept_politicianus_john_johnson +concept_radiostation_flash_jack concept:latitudelongitude -31.6666700000000,149.6500000000000 +concept_radiostation_flint concept:proxyfor concept_creditunion_michigan +concept_radiostation_flint concept:subpartof concept_creditunion_michigan +concept_radiostation_fostoria concept:proxyfor concept_university_ohio +concept_radiostation_fox_station concept:latitudelongitude 48.8366700000000,-95.8986100000000 +concept_radiostation_gallipolis concept:proxyfor concept_university_ohio +concept_radiostation_grand_rapids concept:proxyfor concept_actor_van_andel_arena +concept_radiostation_grand_rapids concept:proxyfor concept_creditunion_michigan +concept_radiostation_grand_rapids concept:subpartof concept_creditunion_michigan +concept_radiostation_hillsboro concept:mutualproxyfor concept_politicsissue_oregon +concept_radiostation_hillsboro concept:proxyfor concept_radiostation_new_jersey +concept_radiostation_huntsville concept:proxyfor concept_newspaper_alabama +concept_radiostation_huntsville concept:proxyfor concept_stadiumoreventvenue_von_braun_center +concept_radiostation_huntsville concept:mutualproxyfor concept_university_alabama +concept_radiostation_job concept:agentbelongstoorganization concept_company_apple001 +concept_radiostation_job concept:agentparticipatedinevent concept_eventoutcome_result +concept_radiostation_job concept:agentcontrols concept_plant_apple +concept_radiostation_job concept:agentparticipatedinevent concept_sportsgame_series +concept_radiostation_job concept:agentcontrols concept_website_jobs +concept_radiostation_kaat concept:organizationheadquarteredincity concept_city_oakhurst +concept_radiostation_kaat concept:radiostationincity concept_city_oakhurst +concept_radiostation_kabc concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kaef concept:hasofficeincity concept_city_eureka +concept_radiostation_kail concept:subpartoforganization concept_televisionnetwork_upn +concept_radiostation_kalw concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_kalw concept:radiostationincity concept_city_san_francisco +concept_radiostation_kalx concept:radiostationincity concept_city_berkeley +concept_radiostation_kasu concept:radiostationincity concept_city_jonesboro +concept_radiostation_kaxe concept:organizationheadquarteredincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_radiostation_kaxe concept:radiostationincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_radiostation_kbco concept:radiostationincity concept_city_boulder +concept_radiostation_kbia concept:radiostationincity concept_city_columbia +concept_radiostation_kblr concept:subpartoforganization concept_company_telemundo +concept_radiostation_kboo concept:organizationheadquarteredincity concept_city_portland +concept_radiostation_kboo concept:radiostationincity concept_city_portland +concept_radiostation_kbsg_fm concept:organizationheadquarteredincity concept_city_tacoma +concept_radiostation_kbsg_fm concept:radiostationincity concept_city_tacoma +concept_radiostation_kbsu concept:radiostationincity concept_city_boise +concept_radiostation_kcbs concept:radiostationincity concept_city_san_francisco +concept_radiostation_kcbx concept:radiostationincity concept_city_san_luis_obispo +concept_radiostation_kcdr concept:latitudelongitude 42.8374700000000,-103.0957400000000 +concept_radiostation_kcms_fm concept:organizationheadquarteredincity concept_city_edmonds +concept_radiostation_kcms_fm concept:radiostationincity concept_city_edmonds +concept_radiostation_kcmu concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kcmu concept:radiostationincity concept_city_seattle +concept_radiostation_kcpq_tv concept:radiostationincity concept_city_tacoma +concept_radiostation_kcrw concept:radiostationincity concept_city_santa_monica +concept_radiostation_kcsb concept:radiostationincity concept_city_santa_barbara_de_nexe +concept_radiostation_kcsm concept:radiostationincity concept_city_san_mateo +concept_radiostation_kcsn concept:organizationheadquarteredincity concept_city_northridge +concept_radiostation_kcsn concept:radiostationincity concept_city_northridge +concept_radiostation_kcty concept:radiostationincity concept_city_salinas +concept_radiostation_kdhx concept:radiostationincity concept_city_st__louis +concept_radiostation_kdhx concept:organizationheadquarteredincity concept_city_st_louis +concept_radiostation_kdka concept:organizationheadquarteredincity concept_city_pittsburgh +concept_radiostation_kdka concept:radiostationincity concept_city_pittsburgh +concept_radiostation_kdnk concept:organizationheadquarteredincity concept_city_carbondale +concept_radiostation_kdnk concept:radiostationincity concept_city_carbondale +concept_radiostation_kdoc concept:hasofficeincity concept_city_lemoore +concept_radiostation_kdur concept:organizationheadquarteredincity concept_city_durango +concept_radiostation_kdur concept:radiostationincity concept_city_durango +concept_radiostation_kero_tv concept:hasofficeincity concept_city_bakersfield +concept_radiostation_kero_tv concept:organizationheadquarteredincity concept_city_bakersfield +concept_radiostation_ketr concept:radiostationincity concept_city_commerce +concept_radiostation_kex concept:organizationheadquarteredincity concept_city_portland +concept_radiostation_kex concept:radiostationincity concept_city_portland +concept_radiostation_kexp concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kexp concept:radiostationincity concept_city_seattle +concept_radiostation_kfai concept:radiostationincity concept_city_minneapolis +concept_radiostation_kfbk concept:organizationheadquarteredincity concept_city_sacramento +concept_radiostation_kfbk concept:radiostationincity concept_city_sacramento +concept_radiostation_kfi concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kfi concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kfjc concept:organizationheadquarteredincity concept_city_los_altos +concept_radiostation_kfog concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_kfog concept:radiostationincity concept_city_san_francisco +concept_radiostation_kfsk concept:organizationheadquarteredincity concept_city_petersburg +concept_radiostation_kfsk concept:radiostationincity concept_city_petersburg +concept_radiostation_kftl concept:hasofficeincity concept_city_san_francisco +concept_radiostation_kftl concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_kfwb concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kgmi concept:radiostationincity concept_city_bellingham +concept_radiostation_kgnu concept:radiostationincity concept_city_boulder +concept_radiostation_kgo concept:hasofficeincity concept_city_san_francisco +concept_radiostation_kgo concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_kgrg_fm concept:organizationheadquarteredincity concept_city_auburn +concept_radiostation_kgrg_fm concept:radiostationincity concept_city_auburn +concept_radiostation_kgrg_fm concept:competeswith concept_company_post +concept_radiostation_khas concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_radiostation_khnl concept:subpartoforganization concept_company_nbc +concept_radiostation_khou concept:hasofficeincity concept_city_houston +concept_radiostation_khow concept:radiostationincity concept_city_denver +concept_radiostation_khsu concept:radiostationincity concept_city_arcata +concept_radiostation_kiis concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kiis concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kimn concept:radiostationincity concept_city_denver +concept_radiostation_king_fm concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_king_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kios concept:organizationheadquarteredincity concept_city_omaha +concept_radiostation_kios concept:radiostationincity concept_city_omaha +concept_radiostation_kiro_am concept:radiostationincity concept_city_seattle +concept_radiostation_kisw concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kisw concept:radiostationincity concept_city_seattle +concept_radiostation_kisw_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kixi_am concept:organizationheadquarteredincity concept_city_mercer_island +concept_radiostation_kixi_am concept:radiostationincity concept_city_mercer_island +concept_radiostation_kjla concept:hasofficeincity concept_county_los_angeles_county +concept_radiostation_kjla concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kjr concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kjr concept:radiostationincity concept_city_seattle +concept_radiostation_kjr_am concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kjr_am concept:radiostationincity concept_city_seattle +concept_radiostation_kjrh concept:hasofficeincity concept_city_tulsa +concept_radiostation_kkbt concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kkbt concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kkjz concept:radiostationincity concept_city_long_beach +concept_radiostation_klcc concept:organizationheadquarteredincity concept_city_eugene +concept_radiostation_klcc concept:radiostationincity concept_city_eugene +concept_radiostation_klcs concept:hasofficeincity concept_county_los_angeles_county +concept_radiostation_klcs concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_klos concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_klos concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_klsx concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_klsx concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_klsy_fm concept:radiostationincity concept_city_bellevue +concept_radiostation_kmbc concept:organizationheadquarteredincity concept_county_kansas_city +concept_radiostation_kmos concept:latitudelongitude 38.7464000000000,-93.2752100000000 +concept_radiostation_kmox concept:radiostationincity concept_city_st_louis +concept_radiostation_kmph concept:agentcollaborateswithagent concept_mountain_fox +concept_radiostation_kmps_fm concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kmps_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kmtv concept:organizationheadquarteredincity concept_city_omaha +concept_radiostation_kmtx concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_radiostation_kmud concept:organizationheadquarteredincity concept_city_garberville +concept_radiostation_kmud concept:radiostationincity concept_city_garberville +concept_radiostation_kmuw concept:organizationheadquarteredincity concept_city_wichita +concept_radiostation_kmuw concept:radiostationincity concept_city_wichita +concept_radiostation_kmxt concept:subpartoforganization concept_televisionnetwork_pbs +concept_radiostation_knba concept:organizationheadquarteredincity concept_city_anchorage +concept_radiostation_knba concept:radiostationincity concept_city_anchorage +concept_radiostation_knbr concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_knbr concept:radiostationincity concept_city_san_francisco +concept_radiostation_knhm concept:radiostationincity concept_city_bayside +concept_radiostation_knhm concept:competeswith concept_company_post +concept_radiostation_knon concept:radiostationincity concept_city_dallas +concept_radiostation_knpr concept:radiostationincity concept_city_las_vegas +concept_radiostation_knpr concept:organizationheadquarteredincity concept_city_vegas +concept_radiostation_knsd concept:hasofficeincity concept_city_san_diego +concept_radiostation_knsd concept:organizationheadquarteredincity concept_city_san_diego +concept_radiostation_knx concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_knx concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kob concept:organizationheadquarteredincity concept_city_albuquerque +concept_radiostation_kob concept:subpartoforganization concept_company_nbc +concept_radiostation_kogo concept:radiostationincity concept_city_san_diego +concept_radiostation_kola concept:radiostationincity concept_city_redlands +concept_radiostation_komo_tv concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_komo_tv concept:radiostationincity concept_city_seattle +concept_radiostation_kong_tv concept:radiostationincity concept_city_everett +concept_radiostation_koop concept:organizationheadquarteredincity concept_city_austin +concept_radiostation_koop concept:radiostationincity concept_city_austin +concept_radiostation_kopn concept:organizationheadquarteredincity concept_city_columbia +concept_radiostation_kopn concept:radiostationincity concept_city_columbia +concept_radiostation_kosu concept:radiostationincity concept_city_stillwater +concept_radiostation_koto concept:organizationheadquarteredincity concept_city_telluride +concept_radiostation_koto concept:radiostationincity concept_city_telluride +concept_radiostation_kpal concept:hasofficeincity concept_city_lancaster +concept_radiostation_kpal concept:organizationheadquarteredincity concept_city_lancaster +concept_radiostation_kpbs concept:radiostationincity concept_city_san_diego +concept_radiostation_kpbx concept:organizationheadquarteredincity concept_city_spokane +concept_radiostation_kpbx concept:radiostationincity concept_city_spokane +concept_radiostation_kpcc concept:radiostationincity concept_city_pasadena +concept_radiostation_kpfa concept:radiostationincity concept_city_berkeley +concept_radiostation_kpfk concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kpfk concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kpft concept:radiostationincity concept_city_houston +concept_radiostation_kplu_fm concept:organizationheadquarteredincity concept_city_tacoma +concept_radiostation_kplu_fm concept:radiostationincity concept_city_tacoma +concept_radiostation_kplz_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kpoo concept:radiostationincity concept_city_san_francisco +concept_radiostation_kppc concept:latitudelongitude 34.1466700000000,-118.1392400000000 +concept_radiostation_kprl concept:radiostationincity concept_city_paso_robles +concept_radiostation_kpsp concept:hasofficeincity concept_city_palm_springs +concept_radiostation_kqed concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_kqed concept:radiostationincity concept_city_san_francisco +concept_radiostation_kqv concept:organizationheadquarteredincity concept_city_pittsburgh +concept_radiostation_kqv concept:radiostationincity concept_city_pittsburgh +concept_radiostation_krbd concept:organizationheadquarteredincity concept_city_ketchikan +concept_radiostation_krbd concept:radiostationincity concept_city_ketchikan +concept_radiostation_krca concept:hasofficeincity concept_county_los_angeles_county +concept_radiostation_krca concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_krcb concept:radiostationincity concept_city_rohnert_park +concept_radiostation_krcc concept:radiostationincity concept_city_colorado_springs +concept_radiostation_krcl concept:organizationheadquarteredincity concept_county_salt_lake +concept_radiostation_krcl concept:radiostationincity concept_county_salt_lake +concept_radiostation_krla concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_krla concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_krmg concept:radiostationincity concept_city_tulsa +concept_radiostation_krnv concept:hasofficeincity concept_city_reno +concept_radiostation_krnv concept:organizationheadquarteredincity concept_city_reno +concept_radiostation_krnv concept:competeswith concept_newspaper_post +concept_radiostation_kroq concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kroq concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_krty concept:organizationheadquarteredincity concept_city_san_jose +concept_radiostation_krty concept:radiostationincity concept_city_san_jose +concept_radiostation_krvm concept:organizationheadquarteredincity concept_city_eugene +concept_radiostation_krvm concept:radiostationincity concept_city_eugene +concept_radiostation_krvs concept:organizationheadquarteredincity concept_city_lafayette +concept_radiostation_krvs concept:radiostationincity concept_city_lafayette +concept_radiostation_krza concept:organizationheadquarteredincity concept_city_alamosa +concept_radiostation_krza concept:radiostationincity concept_city_alamosa +concept_radiostation_ksan concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_ksan concept:radiostationincity concept_city_san_francisco +concept_radiostation_ksbj concept:radiostationincity concept_city_houston +concept_radiostation_ksds concept:organizationheadquarteredincity concept_city_san_diego +concept_radiostation_ksds concept:radiostationincity concept_city_san_diego +concept_radiostation_kser concept:organizationheadquarteredincity concept_city_everett +concept_radiostation_kser concept:radiostationincity concept_city_everett +concept_radiostation_ksfo concept:organizationheadquarteredincity concept_city_san_francisco +concept_radiostation_ksfo concept:radiostationincity concept_city_san_francisco +concept_radiostation_kska concept:radiostationincity concept_city_anchorage +concept_radiostation_ksl_tv concept:subpartoforganization concept_company_nbc +concept_radiostation_ksl_tv concept:subpartof concept_retailstore_nbc +concept_radiostation_ksms concept:hasofficeincity concept_city_monterey +concept_radiostation_kstk concept:radiostationincity concept_city_wrangell +concept_radiostation_kswb concept:organizationheadquarteredincity concept_city_diego +concept_radiostation_kswb concept:hasofficeincity concept_city_san_diego +concept_radiostation_ktao concept:organizationheadquarteredincity concept_city_taos +concept_radiostation_ktao concept:radiostationincity concept_city_taos +concept_radiostation_ktar concept:radiostationincity concept_city_phoenix +concept_radiostation_ktep concept:radiostationincity concept_city_el_paso +concept_radiostation_ktna concept:organizationheadquarteredincity concept_city_talkeetna +concept_radiostation_ktna concept:radiostationincity concept_city_talkeetna +concept_radiostation_ktoo concept:radiostationincity concept_city_juneau +concept_radiostation_ktoo concept:competeswith concept_company_post +concept_radiostation_ktrh concept:radiostationincity concept_city_houston +concept_radiostation_ktrk concept:hasofficeincity concept_city_houston +concept_radiostation_ktvy concept:latitudelongitude 35.5261700000000,-97.4894800000000 +concept_radiostation_ktwv concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_ktwv concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kuaf concept:radiostationincity concept_city_fayetteville +concept_radiostation_kube_fm concept:organizationheadquarteredincity concept_city_seattle +concept_radiostation_kube_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kuci concept:radiostationincity concept_city_irvine +concept_radiostation_kuhf concept:radiostationincity concept_city_houston +concept_radiostation_kumr concept:radiostationincity concept_city_rolla +concept_radiostation_kunc concept:radiostationincity concept_city_greeley +concept_radiostation_kunm concept:radiostationincity concept_city_albuquerque +concept_radiostation_kuop concept:radiostationincity concept_city_sacramento +concept_radiostation_kuow concept:radiostationincity concept_city_seattle +concept_radiostation_kuow_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kusc concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kusc concept:radiostationincity concept_county_los_angeles_county +concept_radiostation_kusi concept:hasofficeincity concept_city_san_diego +concept_radiostation_kusp concept:organizationheadquarteredincity concept_city_santa_cruz_das_flores +concept_radiostation_kusp concept:radiostationincity concept_city_santa_cruz_das_flores +concept_radiostation_kut concept:radiostationincity concept_city_austin +concept_radiostation_kuvo concept:radiostationincity concept_city_denver +concept_radiostation_kver concept:hasofficeincity concept_city_palm_desert +concept_radiostation_kver concept:organizationheadquarteredincity concept_city_palm_desert +concept_radiostation_kvmr concept:radiostationincity concept_county_nevada_city +concept_radiostation_kvoa_tv concept:hasofficeincity concept_city_tucson +concept_radiostation_kvpr concept:organizationheadquarteredincity concept_city_fresno +concept_radiostation_kvpr concept:radiostationincity concept_city_fresno +concept_radiostation_kvpt concept:hasofficeincity concept_city_fresno +concept_radiostation_kvpt concept:organizationheadquarteredincity concept_city_fresno +concept_radiostation_kwgs concept:organizationheadquarteredincity concept_city_tulsa +concept_radiostation_kwgs concept:radiostationincity concept_city_tulsa +concept_radiostation_kwit concept:radiostationincity concept_city_sioux_city +concept_radiostation_kwit concept:competeswith concept_company_post +concept_radiostation_kwmu concept:organizationheadquarteredincity concept_city_st_louis +concept_radiostation_kxci concept:organizationheadquarteredincity concept_city_tucson +concept_radiostation_kxci concept:radiostationincity concept_city_tucson +concept_radiostation_kxcv concept:radiostationincity concept_city_maryville +concept_radiostation_kxjz concept:organizationheadquarteredincity concept_city_sacramento +concept_radiostation_kxjz concept:radiostationincity concept_city_sacramento +concept_radiostation_kxl concept:organizationheadquarteredincity concept_city_portland +concept_radiostation_kxl concept:radiostationincity concept_city_portland +concept_radiostation_kxla concept:hasofficeincity concept_county_los_angeles_county +concept_radiostation_kxla concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_radiostation_kxpr concept:organizationheadquarteredincity concept_city_sacramento +concept_radiostation_kxpr concept:radiostationincity concept_city_sacramento +concept_radiostation_kyw_tv concept:subpartof concept_website_cbs +concept_radiostation_kzaz concept:radiostationincity concept_city_bellingham +concept_radiostation_kzdf concept:hasofficeincity concept_city_san_diego +concept_radiostation_kzok_fm concept:radiostationincity concept_city_seattle +concept_radiostation_kzum concept:radiostationincity concept_city_lincoln +concept_radiostation_kzum concept:competeswith concept_newspaper_post +concept_radiostation_lake_charles concept:mutualproxyfor concept_attraction_louisiana +concept_radiostation_lancaster concept:proxyfor concept_coach_kentucky +concept_radiostation_laredo concept:mutualproxyfor concept_city_texas +concept_radiostation_lima concept:proxyfor concept_university_ohio +concept_radiostation_lima concept:subpartof concept_university_ohio +concept_radiostation_lima concept:proxyfor concept_vertebrate_peru +concept_radiostation_lima concept:atlocation concept_website_peru +concept_radiostation_lima concept:subpartof concept_website_peru +concept_radiostation_logan concept:atlocation concept_county_utah +concept_radiostation_logan concept:proxyfor concept_county_utah +concept_radiostation_logan concept:subpartof concept_county_utah +concept_radiostation_los_angeles_mission concept:latitudelongitude 34.3150600000000,-118.4194800000000 +concept_radiostation_memo concept:atdate concept_dateliteral_n2008 +concept_radiostation_memo concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_radiostation_midwest concept:proxyfor concept_coach_new +concept_radiostation_mobile concept:competeswith concept_blog_google +concept_radiostation_mobile concept:producesproduct concept_product_iphone +concept_radiostation_montana concept:mutualproxyfor concept_building_billings +concept_radiostation_montana concept:organizationhiredperson concept_coach_bobby_hauck +concept_radiostation_montana concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_montpelier concept:atlocation concept_beach_vermont +concept_radiostation_montpelier concept:proxyfor concept_university_vermont +concept_radiostation_montpelier concept:subpartof concept_university_vermont +concept_radiostation_morristown concept:proxyfor concept_radiostation_new_jersey +concept_radiostation_morristown concept:proxyfor concept_weatherphenomenon_tennessee +concept_radiostation_mtv_networks concept:mutualproxyfor concept_person_judy_mcgrath +concept_radiostation_mtv_networks concept:organizationterminatedperson concept_person_judy_mcgrath +concept_radiostation_n106_9_the_point concept:radiostationincity concept_city_houston +concept_radiostation_n93_9_lite_fm concept:radiostationincity concept_city_chicago +concept_radiostation_nevada concept:mutualproxyfor concept_bank_henderson +concept_radiostation_nevada concept:mutualproxyfor concept_beverage_new +concept_radiostation_nevada concept:mutualproxyfor concept_boardgame_carson_city +concept_radiostation_nevada concept:proxyfor concept_coach_new +concept_radiostation_nevada concept:proxyfor concept_company_missouri +concept_radiostation_nevada concept:mutualproxyfor concept_county_las_vegas +concept_radiostation_nevada concept:atdate concept_date_n1999 +concept_radiostation_nevada concept:atdate concept_date_n2009 +concept_radiostation_nevada concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_nevada concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_radiostation_nevada concept:mutualproxyfor concept_female_reno +concept_radiostation_nevada concept:organizationhiredperson concept_personus_chris_ault +concept_radiostation_nevada concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_radiostation_nevada concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_radiostation_new_haven concept:proxyfor concept_coach_new +concept_radiostation_new_jersey concept:mutualproxyfor concept_beach_beach_haven +concept_radiostation_new_jersey concept:mutualproxyfor concept_beverage_new +concept_radiostation_new_jersey concept:mutualproxyfor concept_building_atlantic_city +concept_radiostation_new_jersey concept:proxyfor concept_coach_new +concept_radiostation_new_jersey concept:mutualproxyfor concept_county_edison +concept_radiostation_new_jersey concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_new_jersey concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_radiostation_new_jersey concept:mutualproxyfor concept_highway_trenton +concept_radiostation_new_jersey concept:mutualproxyfor concept_hotel_somerset +concept_radiostation_new_jersey concept:mutualproxyfor concept_person_elizabeth001 +concept_radiostation_new_jersey concept:mutualproxyfor concept_profession_camden +concept_radiostation_new_jersey concept:mutualproxyfor concept_profession_cape_may +concept_radiostation_new_jersey concept:mutualproxyfor concept_radiostation_morristown +concept_radiostation_new_jersey concept:mutualproxyfor concept_radiostation_newark +concept_radiostation_new_jersey concept:mutualproxyfor concept_retailstore_burlington +concept_radiostation_new_jersey concept:organizationterminatedperson concept_scientist_no_ +concept_radiostation_new_jersey concept:mutualproxyfor concept_televisionstation_jersey_city +concept_radiostation_new_jersey concept:mutualproxyfor concept_writer_cherry_hill +concept_radiostation_newark concept:mutualproxyfor concept_radiostation_new_jersey +concept_radiostation_newark concept:mutualproxyfor concept_university_ohio +concept_radiostation_newark concept:subpartof concept_university_ohio +concept_radiostation_philadelphia concept:companyeconomicsector concept_economicsector_insurance +concept_radiostation_puerto_rico concept:hasofficeincountry concept_country___america +concept_radiostation_raleigh_durham concept:mutualproxyfor concept_company_north_carolina +concept_radiostation_raleigh_durham concept:proxyfor concept_creditunion_north_carolina +concept_radiostation_raleigh_durham concept:subpartof concept_creditunion_north_carolina +concept_radiostation_reno concept:mutualproxyfor concept_radiostation_nevada +concept_radiostation_richmond concept:organizationhiredperson concept_coach_dave_clawson +concept_radiostation_richmond concept:proxyfor concept_coach_kentucky +concept_radiostation_richmond concept:proxyfor concept_coach_new +concept_radiostation_richmond concept:mutualproxyfor concept_politician_kaine +concept_radiostation_richmond concept:atlocation concept_skiarea_kentucky +concept_radiostation_richmond concept:mutualproxyfor concept_university_kentucky +concept_radiostation_richmond concept:subpartof concept_university_kentucky +concept_radiostation_san_angelo concept:mutualproxyfor concept_city_texas +concept_radiostation_san_antonio concept:atlocation concept_city_florida +concept_radiostation_san_antonio concept:mutualproxyfor concept_city_texas +concept_radiostation_san_antonio concept:subpartof concept_city_texas +concept_radiostation_san_antonio concept:proxyfor concept_coach_new +concept_radiostation_san_antonio concept:atdate concept_date_n2009 +concept_radiostation_san_antonio concept:proxyfor concept_musicinstrument_ut +concept_radiostation_san_antonio concept:subpartof concept_retailstore_ut +concept_radiostation_san_antonio concept:proxyfor concept_stadiumoreventvenue_at_t_center +concept_radiostation_sioux_city concept:proxyfor concept_governmentorganization_iowa +concept_radiostation_st_cloud concept:proxyfor concept_personnorthamerica_minnesota +concept_radiostation_syracuse concept:proxyfor concept_company_new_york +concept_radiostation_syracuse concept:proxyfor concept_hospital_suny +concept_radiostation_syracuse concept:subpartof concept_hospital_suny +concept_radiostation_syracuse concept:proxyfor concept_magazine_newyork +concept_radiostation_toledo concept:organizationhiredperson concept_athlete_gordon_beckham +concept_radiostation_toledo concept:proxyfor concept_county_huntington_center +concept_radiostation_toledo concept:proxyfor concept_stadiumoreventvenue_stranahan_theatre +concept_radiostation_toledo concept:proxyfor concept_university_ohio +concept_radiostation_toledo concept:subpartof concept_university_ohio +concept_radiostation_topeka concept:proxyfor concept_creditunion_kansas +concept_radiostation_topeka concept:subpartof concept_creditunion_kansas +concept_radiostation_tucson concept:proxyfor concept_beverage_arizona +concept_radiostation_tucson concept:subpartof concept_beverage_arizona +concept_radiostation_tucson concept:proxyfor concept_book_description +concept_radiostation_tucson concept:proxyfor concept_coach_new +concept_radiostation_tuscaloosa concept:proxyfor concept_newspaper_alabama +concept_radiostation_tuscaloosa concept:mutualproxyfor concept_university_alabama +concept_radiostation_union_city concept:mutualproxyfor concept_radiostation_new_jersey +concept_radiostation_wabc concept:radiostationincity concept_city_new_york +concept_radiostation_wabe concept:radiostationincity concept_city_atlanta +concept_radiostation_wamc concept:organizationheadquarteredincity concept_city_albany +concept_radiostation_wamc concept:radiostationincity concept_city_albany +concept_radiostation_washington_court_house concept:proxyfor concept_university_ohio +concept_radiostation_watd concept:organizationheadquarteredincity concept_city_marshfield +concept_radiostation_watd concept:radiostationincity concept_city_marshfield +concept_radiostation_wbai concept:radiostationincity concept_city_new_york +concept_radiostation_wbai_fm concept:radiostationincity concept_city_new_york +concept_radiostation_wbal concept:radiostationincity concept_city_baltimore +concept_radiostation_wbcb concept:latitudelongitude 40.1690000000000,-74.8351600000000 +concept_radiostation_wben concept:radiostationincity concept_city_buffalo +concept_radiostation_wbez concept:radiostationincity concept_city_chicago +concept_radiostation_wbke_fm concept:latitudelongitude 41.0111600000000,-85.7624900000000 +concept_radiostation_wbns_tv concept:organizationheadquarteredincity concept_city_columbus +concept_radiostation_wboc concept:competeswith concept_newspaper_post +concept_radiostation_wbt concept:organizationheadquarteredincity concept_city_charlotte +concept_radiostation_wbt concept:radiostationincity concept_city_charlotte +concept_radiostation_wbur concept:radiostationincity concept_city_boston +concept_radiostation_wbz_tv concept:subpartof concept_website_cbs +concept_radiostation_wcbs_tv concept:radiostationincity concept_city_new_york +concept_radiostation_wcfe_tv concept:subpartof concept_museum_pbs +concept_radiostation_wciv concept:subpartoforganization concept_televisionnetwork_abc +concept_radiostation_wckg concept:radiostationincity concept_city_chicago +concept_radiostation_wclv concept:radiostationincity concept_city_cleveland +concept_radiostation_wcsx concept:radiostationincity concept_city_detroit +concept_radiostation_wday concept:organizationheadquarteredincity concept_city_fargo +concept_radiostation_wdcq concept:latitudelongitude 26.7147900000000,-82.0459200000000 +concept_radiostation_wdiv concept:hasofficeincity concept_city_detroit +concept_radiostation_wdiv concept:organizationheadquarteredincity concept_city_detroit +concept_radiostation_wdve concept:organizationheadquarteredincity concept_city_pittsburgh +concept_radiostation_wdve concept:radiostationincity concept_city_pittsburgh +concept_radiostation_weei concept:radiostationincity concept_city_boston +concept_radiostation_week_tv concept:subpartoforganization concept_company_nbc +concept_radiostation_week_tv concept:subpartof concept_retailstore_nbc +concept_radiostation_wepr concept:radiostationincity concept_city_greenville +concept_radiostation_wevl concept:organizationheadquarteredincity concept_city_memphis +concept_radiostation_wevl concept:radiostationincity concept_city_memphis +concept_radiostation_wews concept:subpartoforganization concept_city_abc +concept_radiostation_wfaa concept:subpartoforganization concept_city_abc +concept_radiostation_wfaa concept:hasofficeincity concept_city_dallas +concept_radiostation_wfan concept:radiostationincity concept_city_new_york +concept_radiostation_wfhb concept:radiostationincity concept_city_bloomington +concept_radiostation_wfiu concept:radiostationincity concept_city_bloomington +concept_radiostation_wfmt concept:radiostationincity concept_city_chicago +concept_radiostation_wfp concept:hasofficeincity concept_city_rome +concept_radiostation_wfyi concept:organizationheadquarteredincity concept_city_indianapolis +concept_radiostation_wfyi concept:radiostationincity concept_city_indianapolis +concept_radiostation_wfyi concept:agentcollaborateswithagent concept_televisionnetwork_pbs +concept_radiostation_wfyi concept:subpartof concept_televisionnetwork_pbs +concept_radiostation_wgbh concept:radiostationincity concept_city_boston +concept_radiostation_wggl concept:latitudelongitude 47.0354800000000,-88.6954100000000 +concept_radiostation_wgn concept:radiostationincity concept_city_chicago +concept_radiostation_wgst concept:organizationheadquarteredincity concept_city_atlanta +concept_radiostation_wgst concept:radiostationincity concept_city_atlanta +concept_radiostation_wguc concept:radiostationincity concept_city_cincinnati +concept_radiostation_wgus concept:latitudelongitude 33.4881900000000,-81.9459500000000 +concept_radiostation_whdh concept:hasofficeincity concept_city_boston +concept_radiostation_whdh concept:organizationheadquarteredincity concept_city_boston +concept_radiostation_who_tv concept:subpartoforganization concept_company_nbc +concept_radiostation_whtc concept:latitudelongitude 42.7947500000000,-86.1061500000000 +concept_radiostation_whyy concept:radiostationincity concept_city_philadelphia +concept_radiostation_wibc concept:organizationheadquarteredincity concept_city_indianapolis +concept_radiostation_wibc concept:radiostationincity concept_city_indianapolis +concept_radiostation_wilkes_barre_scranton concept:mutualproxyfor concept_scientist_tom_leighton +concept_radiostation_wilmington concept:proxyfor concept_company_delaware +concept_radiostation_wilmington concept:mutualproxyfor concept_company_north_carolina +concept_radiostation_wilmington concept:proxyfor concept_creditunion_north_carolina +concept_radiostation_wis_tv concept:subpartoforganization concept_company_nbc +concept_radiostation_wish_tv concept:organizationheadquarteredincity concept_city_indianapolis +concept_radiostation_wisn_tv concept:subpartoforganization concept_city_abc +concept_radiostation_wisn_tv concept:subpartof concept_website_abc +concept_radiostation_wjff concept:organizationheadquarteredincity concept_city_jeffersonville +concept_radiostation_wjff concept:radiostationincity concept_city_jeffersonville +concept_radiostation_wjhu concept:organizationheadquarteredincity concept_city_baltimore +concept_radiostation_wjhu concept:radiostationincity concept_city_baltimore +concept_radiostation_wjpr concept:subpartoforganization concept_televisionnetwork_fox +concept_radiostation_wjr concept:organizationheadquarteredincity concept_city_detroit +concept_radiostation_wjr concept:radiostationincity concept_city_detroit +concept_radiostation_wjwn concept:agentcollaborateswithagent concept_athlete_ind +concept_radiostation_wjwn concept:subpartof concept_food_ind +concept_radiostation_wjz concept:radiostationincity concept_city_new_york +concept_radiostation_wkar concept:organizationheadquarteredincity concept_city_east_lansing +concept_radiostation_wkar concept:radiostationincity concept_city_east_lansing +concept_radiostation_wkar concept:subpartoforganization concept_televisionnetwork_pbs +concept_radiostation_wkbn_tv concept:organizationheadquarteredincity concept_city_youngstown +concept_radiostation_wkbn_tv concept:radiostationincity concept_city_youngstown +concept_radiostation_wkdu concept:radiostationincity concept_city_philadelphia +concept_radiostation_wklo concept:latitudelongitude 37.6675800000000,-84.7080000000000 +concept_radiostation_wknh concept:radiostationincity concept_city_keene +concept_radiostation_wknh concept:competeswith concept_company_post +concept_radiostation_wlae concept:latitudelongitude 29.9827000000000,-89.9525700000000 +concept_radiostation_wlex concept:subpartoforganization concept_company_nbc +concept_radiostation_wllh concept:latitudelongitude 42.6828700000000,-71.2404750000000 +concept_radiostation_wlw concept:radiostationincity concept_city_cincinnati +concept_radiostation_wmal concept:radiostationincity concept_city_washington_d_c +concept_radiostation_wmaq_am concept:latitudelongitude 41.9336400000000,-88.0731200000000 +concept_radiostation_wmms concept:radiostationincity concept_city_cleveland +concept_radiostation_wmnf concept:organizationheadquarteredincity concept_city_tampa_bay +concept_radiostation_wmnf concept:radiostationincity concept_city_tampa_bay +concept_radiostation_wnec concept:organizationheadquarteredincity concept_city_henniker +concept_radiostation_wnec concept:radiostationincity concept_city_henniker +concept_radiostation_wnin concept:radiostationincity concept_city_evansville +concept_radiostation_wntr concept:organizationheadquarteredincity concept_city_silver_springs +concept_radiostation_wntr concept:radiostationincity concept_city_silver_springs +concept_radiostation_woai concept:radiostationincity concept_city_san_antonio +concept_radiostation_woes concept:agentparticipatedinevent concept_eventoutcome_result +concept_radiostation_woi_tv concept:subpartoforganization concept_city_abc +concept_radiostation_woi_tv concept:subpartof concept_website_abc +concept_radiostation_womr concept:radiostationincity concept_city_provincetown +concept_radiostation_wooster concept:atlocation concept_stateorprovince_ohio +concept_radiostation_wooster concept:proxyfor concept_university_ohio +concept_radiostation_wor concept:radiostationincity concept_city_new_york +concept_radiostation_word_fm concept:radiostationincity concept_city_pittsburgh +concept_radiostation_wort concept:radiostationincity concept_city_madison +concept_radiostation_wpga concept:subpartoforganization concept_televisionnetwork_abc +concept_radiostation_wpht concept:radiostationincity concept_city_philadelphia +concept_radiostation_wpkn concept:organizationheadquarteredincity concept_city_bridgeport +concept_radiostation_wpkn concept:radiostationincity concept_city_bridgeport +concept_radiostation_wpkn concept:competeswith concept_company_post +concept_radiostation_wqed concept:subpartof concept_museum_pbs +concept_radiostation_wqed concept:subpartoforganization concept_televisionnetwork_pbs +concept_radiostation_wqxr concept:radiostationincity concept_city_new_york +concept_radiostation_wray concept:agentcollaborateswithagent concept_athlete_ind +concept_radiostation_wray concept:subpartof concept_food_ind +concept_radiostation_wrc_tv concept:subpartoforganization concept_company_nbc +concept_radiostation_wrc_tv concept:subpartof concept_retailstore_nbc +concept_radiostation_wrfg concept:radiostationincity concept_city_atlanta +concept_radiostation_wrhi concept:latitudelongitude 34.9143100000000,-81.0114700000000 +concept_radiostation_wrif concept:organizationheadquarteredincity concept_city_detroit +concept_radiostation_wrif concept:radiostationincity concept_city_detroit +concept_radiostation_wrr concept:radiostationincity concept_city_dallas +concept_radiostation_wruw concept:radiostationincity concept_city_cleveland +concept_radiostation_wrva concept:organizationheadquarteredincity concept_city_richmond +concept_radiostation_wrva concept:radiostationincity concept_city_richmond +concept_radiostation_wsba concept:latitudelongitude 39.9982225000000,-76.6610075000000 +concept_radiostation_wscr concept:radiostationincity concept_city_chicago +concept_radiostation_wskg concept:subpartoforganization concept_televisionnetwork_pbs +concept_radiostation_wsm concept:organizationheadquarteredincity concept_city_nashville +concept_radiostation_wsm concept:radiostationincity concept_city_nashville +concept_radiostation_wsoc_fm concept:latitudelongitude 35.2615300000000,-80.7270100000000 +concept_radiostation_wtaj concept:subpartof concept_website_cbs +concept_radiostation_wtam concept:radiostationincity concept_city_cleveland +concept_radiostation_wtip concept:organizationheadquarteredincity concept_island_grand_marais +concept_radiostation_wtip concept:radiostationincity concept_island_grand_marais +concept_radiostation_wtmd concept:radiostationincity concept_county_towson +concept_radiostation_wtop concept:radiostationincity concept_city_washington_d_c +concept_radiostation_wumb concept:radiostationincity concept_city_boston +concept_radiostation_wusm concept:radiostationincity concept_city_hattiesburg +concept_radiostation_wvny concept:subpartoforganization concept_city_abc +concept_radiostation_wvxu concept:radiostationincity concept_city_cincinnati +concept_radiostation_wwj concept:radiostationincity concept_city_detroit +concept_radiostation_wwl_tv concept:subpartof concept_website_cbs +concept_radiostation_wwnz concept:latitudelongitude 28.5150050000000,-81.5442400000000 +concept_radiostation_wwoz concept:organizationheadquarteredincity concept_city_new_orleans +concept_radiostation_wwoz concept:radiostationincity concept_city_new_orleans +concept_radiostation_wxrt concept:radiostationincity concept_city_chicago +concept_radiostation_wzzn concept:radiostationincity concept_city_chicago +concept_radiostation_xetv concept:hasofficeincity concept_city_san_diego +concept_radiostation_xetv concept:organizationheadquarteredincity concept_city_san_diego +concept_radiostation_xfm concept:radiostationincity concept_city_london_city +concept_recipe_basic concept:synonymfor concept_university_microsoft +concept_recipe_cheesecake concept:latitudelongitude 38.0767850000000,-76.8327650000000 +concept_recipe_kraft_foods concept:subpartof concept_retailstore_altria_group +concept_recipe_republic concept:synonymfor concept_bird_afghanistan +concept_recordlabel_advance concept:agentparticipatedinevent concept_sportsgame_finals +concept_recordlabel_aftermath_entertainment concept:agentcollaborateswithagent concept_musician_dr__dre +concept_recordlabel_aftermath_entertainment concept:mutualproxyfor concept_musician_dr__dre +concept_recordlabel_alias concept:subpartoforganization concept_biotechcompany_autodesk_inc_ +concept_recordlabel_alligator concept:organizationterminatedperson concept_person_bruce_iglauer +concept_recordlabel_alligator_records concept:organizationterminatedperson concept_person_bruce_iglauer +concept_recordlabel_amiga concept:companyeconomicsector concept_economicsector_computer +concept_recordlabel_billboard_charts concept:organizationterminatedperson concept_scientist_no_ +concept_recordlabel_blackend concept:latitudelongitude -79.9000000000000,155.0000000000000 +concept_recordlabel_bloodline_records concept:mutualproxyfor concept_personcanada_dmx +concept_recordlabel_bloodline_records concept:organizationterminatedperson concept_personcanada_dmx +concept_recordlabel_bloodline_records concept:subpartof concept_personcanada_dmx +concept_recordlabel_blue_note concept:organizationhiredperson concept_person_alfred_lion +concept_recordlabel_blue_note concept:organizationterminatedperson concept_person_alfred_lion +concept_recordlabel_bmg_ concept:organizationterminatedperson concept_ceo_strauss_zelnick +concept_recordlabel_bodog concept:organizationhiredperson concept_ceo_calvin_ayre +concept_recordlabel_bodog concept:organizationterminatedperson concept_ceo_calvin_ayre +concept_recordlabel_bodog concept:subpartof concept_ceo_calvin_ayre +concept_recordlabel_boeing concept:organizationalsoknownas concept_university_ba +concept_recordlabel_boot concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_recordlabel_city_of_angels concept:synonymfor concept_company_los_angeles +concept_recordlabel_columbia concept:subpartoforganization concept_company_sony +concept_recordlabel_columbia concept:companyeconomicsector concept_economicsector_insurance +concept_recordlabel_columbia concept:organizationterminatedperson concept_personus_harry_cohn +concept_recordlabel_crossroads_music concept:latitudelongitude 35.2651300000000,-81.4284200000000 +concept_recordlabel_death_row concept:organizationterminatedperson concept_person_suge_knight +concept_recordlabel_def_jam_records concept:organizationterminatedperson concept_ceo_jay_z +concept_recordlabel_delta concept:hasofficeincity concept_city_tampa_bay +concept_recordlabel_delta concept:acquired concept_company_comair +concept_recordlabel_delta concept:agentactsinlocation concept_county_atlanta +concept_recordlabel_desert_storm concept:atdate concept_year_n1991 +concept_recordlabel_direction concept:atdate concept_dateliteral_n2007 +concept_recordlabel_direction concept:atdate concept_dateliteral_n2008 +concept_recordlabel_direction concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_dreamworks_skg concept:organizationterminatedperson concept_ceo_jeffrey_katzenberg +concept_recordlabel_dreamworks_skg concept:organizationterminatedperson concept_personus_david_geffen +concept_recordlabel_dreamworks_skg concept:organizationterminatedperson concept_personus_steven_spielberg +concept_recordlabel_dreamworks_skg concept:companyeconomicsector concept_politicsissue_entertainment +concept_recordlabel_dvd concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_recordlabel_dvd concept:agentinvolvedwithitem concept_videogame_mac +concept_recordlabel_ecm concept:agentcollaborateswithagent concept_actor_manfred_eicher +concept_recordlabel_effects concept:agentparticipatedinevent concept_eventoutcome_result +concept_recordlabel_elektra concept:organizationterminatedperson concept_celebrity_jac_holzman +concept_recordlabel_elektra concept:mutualproxyfor concept_recordlabel_jac_holzman +concept_recordlabel_elektra concept:subpartof concept_recordlabel_jac_holzman +concept_recordlabel_embassy concept:organizationheadquarteredincountry concept_country_u_s_ +concept_recordlabel_embassy concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_emi concept:companyeconomicsector concept_politicsissue_entertainment +concept_recordlabel_emi concept:acquired concept_recordlabel_eric_nicoli +concept_recordlabel_emi concept:companyalsoknownas concept_recordlabel_warner_music +concept_recordlabel_epitaph concept:organizationterminatedperson concept_musician_brett_gurewitz +concept_recordlabel_epitaph concept:subpartof concept_musician_brett_gurewitz +concept_recordlabel_evidence concept:agentparticipatedinevent concept_eventoutcome_result +concept_recordlabel_evidence concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_friends concept:organizationheadquarteredincountry concept_country_u_s_ +concept_recordlabel_friends concept:companyeconomicsector concept_economicsector_insurance +concept_recordlabel_friends concept:companyeconomicsector concept_economicsector_insurance_coverage +concept_recordlabel_friends concept:agentparticipatedinevent concept_eventoutcome_result +concept_recordlabel_friends concept:agentcontrols concept_museum_steve +concept_recordlabel_friends concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_gennett concept:latitudelongitude 36.2342500000000,-84.2913200000000 +concept_recordlabel_geomagnetic concept:latitudelongitude 38.2034600000000,-77.3727600000000 +concept_recordlabel_giant_step concept:proxyfor concept_book_new +concept_recordlabel_guild concept:mutualproxyfor concept_sportsequipment_board +concept_recordlabel_hungary concept:hasofficeincountry concept_country___america +concept_recordlabel_hungary concept:atdate concept_date_n2000 +concept_recordlabel_hungary concept:subpartof concept_vehicle_countries +concept_recordlabel_hyperion concept:subpartoforganization concept_university_oracle +concept_recordlabel_image concept:agentinvolvedwithitem concept_software_browser +concept_recordlabel_interference concept:subpartoforganization concept_terroristorganization_state +concept_recordlabel_interscope concept:organizationterminatedperson concept_person_jimmy_iovine +concept_recordlabel_interscope concept:subpartof concept_person_jimmy_iovine +concept_recordlabel_jvc concept:companyeconomicsector concept_economicsector_electronics +concept_recordlabel_logistic concept:latitudelongitude 45.4660400000000,25.1320200000000 +concept_recordlabel_master_plan concept:subpartof concept_weatherphenomenon_water +concept_recordlabel_motown concept:organizationhiredperson concept_person_berry_gordy +concept_recordlabel_motown concept:organizationterminatedperson concept_person_berry_gordy +concept_recordlabel_move concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_mtv concept:subpartof concept_attraction_viacom +concept_recordlabel_music concept:competeswith concept_biotechcompany_napster +concept_recordlabel_music concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_recordlabel_music concept:competeswith concept_company_rhapsody +concept_recordlabel_music concept:agentcompeteswithagent concept_tradeunion_search +concept_recordlabel_mute concept:organizationhiredperson concept_personeurope_daniel_miller +concept_recordlabel_mute concept:organizationterminatedperson concept_personeurope_daniel_miller +concept_recordlabel_nashboro concept:latitudelongitude 36.0942500000000,-86.6475100000000 +concept_recordlabel_nero concept:agentinvolvedwithitem concept_consumerelectronicitem_audio +concept_recordlabel_paramount_pictures concept:organizationterminatedperson concept_director_brad_grey +concept_recordlabel_paul_simon concept:agentcollaborateswithagent concept_person_john003 +concept_recordlabel_pavement concept:agentcollaborateswithagent concept_musicartist_stephen_malkmus +concept_recordlabel_pi concept:hasofficeincity concept_city_seattle +concept_recordlabel_pi concept:organizationheadquarteredincity concept_city_seattle +concept_recordlabel_planet_e concept:mutualproxyfor concept_person_carl_craig +concept_recordlabel_planet_e concept:organizationhiredperson concept_person_carl_craig +concept_recordlabel_planet_e concept:organizationterminatedperson concept_person_carl_craig +concept_recordlabel_planet_e concept:subpartof concept_person_carl_craig +concept_recordlabel_podcast concept:agentinvolvedwithitem concept_buildingfeature_window +concept_recordlabel_pussycat_dolls concept:agentcollaborateswithagent concept_musicartist_nicole_scherzinger +concept_recordlabel_pussycat_dolls concept:agentcontrols concept_musicartist_nicole_scherzinger +concept_recordlabel_r_c_a_ concept:proxyfor concept_book_new +concept_recordlabel_rca concept:organizationterminatedperson concept_ceo_david_sarnoff +concept_recordlabel_rca concept:hasofficeincity concept_city_princeton +concept_recordlabel_rca concept:organizationterminatedperson concept_person_clive_davis +concept_recordlabel_rca_victor concept:organizationterminatedperson concept_ceo_david_sarnoff +concept_recordlabel_rca_victor concept:organizationterminatedperson concept_person_clive_davis +concept_recordlabel_recall concept:atdate concept_dateliteral_n2006 +concept_recordlabel_release concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_release concept:agentparticipatedinevent concept_sportsgame_series +concept_recordlabel_release concept:agentcompeteswithagent concept_tradeunion_search +concept_recordlabel_roc_a_fella concept:mutualproxyfor concept_ceo_damon_dash +concept_recordlabel_roc_a_fella concept:organizationterminatedperson concept_ceo_damon_dash +concept_recordlabel_roc_a_fella concept:subpartof concept_ceo_damon_dash +concept_recordlabel_roc_a_fella_records concept:mutualproxyfor concept_ceo_damon_dash +concept_recordlabel_roc_a_fella_records concept:organizationterminatedperson concept_ceo_damon_dash +concept_recordlabel_roc_a_fella_records concept:subpartof concept_ceo_damon_dash +concept_recordlabel_rosebud_agency concept:latitudelongitude 43.2366700000000,-100.8173700000000 +concept_recordlabel_royal concept:agentactsinlocation concept_city_london_last_year +concept_recordlabel_royal concept:agentactsinlocation concept_city_the_hague +concept_recordlabel_royal concept:agentactsinlocation concept_city_uk +concept_recordlabel_royal concept:atlocation concept_city_uk +concept_recordlabel_royal concept:agentactsinlocation concept_city_united_kingdom +concept_recordlabel_royal concept:atlocation concept_city_united_kingdom +concept_recordlabel_royal concept:hasofficeincountry concept_country_brunei +concept_recordlabel_sebring concept:atlocation concept_city_florida +concept_recordlabel_sebring concept:proxyfor concept_city_florida +concept_recordlabel_serbia concept:atdate concept_date_n2000 +concept_recordlabel_serbia concept:atdate concept_dateliteral_n2008 +concept_recordlabel_serbia concept:synonymfor concept_politicalparty_republic +concept_recordlabel_serbia concept:atdate concept_year_n1998 +concept_recordlabel_sessions concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_recordlabel_size concept:agentinvolvedwithitem concept_buildingfeature_window +concept_recordlabel_sony_bmg concept:companyeconomicsector concept_academicfield_media +concept_recordlabel_sony_computer_entertainment_inc_ concept:mutualproxyfor concept_ceo_kazuo_hirai +concept_recordlabel_sony_computer_entertainment_inc_ concept:organizationterminatedperson concept_ceo_kazuo_hirai +concept_recordlabel_sony_computer_entertainment_inc_ concept:subpartof concept_ceo_kazuo_hirai +concept_recordlabel_syd_nathan concept:agentbelongstoorganization concept_biotechcompany_king +concept_recordlabel_talent concept:agentparticipatedinevent concept_sportsgame_series +concept_recordlabel_tel concept:agentcreated concept_programminglanguage_contact +concept_recordlabel_top_rank concept:organizationhiredperson concept_person_bob_arum +concept_recordlabel_top_rank concept:organizationterminatedperson concept_person_bob_arum +concept_recordlabel_top_rank concept:subpartof concept_person_bob_arum +concept_recordlabel_trojan concept:organizationhiredperson concept_coach_carroll +concept_recordlabel_tupelo concept:proxyfor concept_emotion_mississippi +concept_recordlabel_tupelo concept:subpartof concept_emotion_mississippi +concept_recordlabel_ufo concept:agentcollaborateswithagent concept_musicartist_michael_schenker +concept_recordlabel_universal concept:companyeconomicsector concept_academicfield_media +concept_recordlabel_universal concept:subpartoforganization concept_company_vivendi_games +concept_recordlabel_universal concept:companyeconomicsector concept_economicsector_insurance +concept_recordlabel_universal concept:organizationterminatedperson concept_person_ron_meyer +concept_recordlabel_universal concept:companyeconomicsector concept_politicsissue_entertainment +concept_recordlabel_universal_music concept:organizationalsoknownas concept_biotechcompany_sony_corp +concept_recordlabel_universal_music concept:subpartoforganization concept_company_vivendi +concept_recordlabel_universal_music concept:subpartoforganization concept_company_vivendi_games +concept_recordlabel_universal_music concept:organizationterminatedperson concept_personafrica_doug_morris +concept_recordlabel_vagrant concept:latitudelongitude -66.4666700000000,-66.4500000000000 +concept_recordlabel_virgin concept:organizationterminatedperson concept_person_richard002 +concept_recordlabel_virgin_records concept:organizationterminatedperson concept_person_richard001 +concept_recordlabel_walt_disney concept:organizationterminatedperson concept_personeurope_disney +concept_recordlabel_warner_brothers concept:headquarteredin concept_city_burbank +concept_recordlabel_warner_brothers concept:companyeconomicsector concept_politicsissue_entertainment +concept_recordlabel_warner_music concept:companyeconomicsector concept_academicfield_media +concept_recordlabel_warner_music concept:organizationalsoknownas concept_biotechcompany_sony_corp +concept_recordlabel_warner_music concept:organizationterminatedperson concept_ceo_edgar_bronfman +concept_recordlabel_warner_music concept:organizationterminatedperson concept_person_lyor_cohen +concept_recordlabel_wizard concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_religion_abrahamic concept:latitudelongitude 41.1517050000000,-90.0842850000000 +concept_religion_american concept:atlocation concept_blog_cedar_rapids +concept_religion_american concept:atlocation concept_blog_harrisburg +concept_religion_american concept:atlocation concept_blog_la_palma +concept_religion_american concept:atlocation concept_mountain_altadena +concept_religion_american concept:atlocation concept_mountain_clarkdale +concept_religion_american concept:atlocation concept_mountain_guasti +concept_religion_american concept:atlocation concept_mountain_rockford +concept_religion_american concept:atlocation concept_mountain_shasta +concept_religion_american concept:atlocation concept_stadiumoreventvenue_lexington +concept_religion_american concept:atlocation concept_trail_apple_valley +concept_religion_american concept:atlocation concept_transportation_belleville +concept_religion_american concept:atlocation concept_transportation_santa_barbara +concept_religion_bible_student concept:latitudelongitude 41.8400300000000,-87.7720000000000 +concept_religion_bolsheviks concept:atdate concept_year_n1920 +concept_religion_chasidim concept:latitudelongitude 40.6325000000000,-73.9877800000000 +concept_religion_christian_catholic concept:latitudelongitude 42.4444700000000,-87.8220200000000 +concept_religion_christian_catholic_apostolic_church concept:latitudelongitude 42.4444700000000,-87.8220200000000 +concept_religion_clinton concept:proxyfor concept_book_new +concept_religion_congregation concept:atdate concept_date_n2003 +concept_religion_congregation concept:atdate concept_dateliteral_n2002 +concept_religion_congregation concept:atdate concept_dateliteral_n2007 +concept_religion_congregation_shearith_israel concept:latitudelongitude 40.7750000000000,-73.9777800000000 +concept_religion_dafa concept:atdate concept_date_n2000 +concept_religion_developments concept:proxyfor concept_book_new +concept_religion_developments concept:subpartof concept_weatherphenomenon_water +concept_religion_east_asia concept:proxyfor concept_book_new +concept_religion_east_asia concept:mutualproxyfor concept_weatherphenomenon_new +concept_religion_environment concept:proxyfor concept_book_new +concept_religion_faith_christ concept:latitudelongitude 35.1306000000000,-106.5872500000000 +concept_religion_falun_dafa concept:atdate concept_date_n1999 +concept_religion_falun_dafa concept:atdate concept_date_n2000 +concept_religion_falun_gong concept:atdate concept_date_n1996 +concept_religion_falun_gong concept:atdate concept_date_n1999 +concept_religion_falun_gong concept:atdate concept_date_n2000 +concept_religion_falun_gong concept:atdate concept_year_n1997 +concept_religion_falun_gong concept:atdate concept_year_n1998 +concept_religion_good_one concept:proxyfor concept_book_new +concept_religion_hejira concept:latitudelongitude 35.8600000000000,-5.5000000000000 +concept_religion_islams concept:latitudelongitude 32.0000000000000,53.0000000000000 +concept_religion_long_time concept:proxyfor concept_book_new +concept_religion_missouri_synod_lutheran concept:latitudelongitude 48.5333300000000,-108.7840500000000 +concept_religion_muslem concept:latitudelongitude 33.5754633333333,68.3258333333333 +concept_religion_nazis concept:atdate concept_date_n1941 +concept_religion_nazis concept:atdate concept_date_n1944 +concept_religion_nazis concept:atdate concept_dateliteral_n1943 +concept_religion_nembutsu concept:latitudelongitude 35.4833300000000,135.3833300000000 +concept_religion_neveh_shalom concept:latitudelongitude 45.4834700000000,-122.7061100000000 +concept_religion_palestine concept:atlocation concept_city_texas +concept_religion_park_avenue_synagogue concept:latitudelongitude 40.7811100000000,-73.9580600000000 +concept_religion_park_east_synagogue concept:latitudelongitude 40.7669400000000,-73.9636100000000 +concept_religion_precursor concept:proxyfor concept_book_new +concept_religion_protestant_evangelical concept:latitudelongitude 40.4878300000000,-84.3163400000000 +concept_religion_providence concept:atlocation concept_monument_rhode_island +concept_religion_rinzai_zen concept:latitudelongitude 20.9169400000000,-156.3938900000000 +concept_religion_shahada concept:latitudelongitude 21.5083350000000,74.3833350000000 +concept_religion_shirdi_sai_baba concept:latitudelongitude 40.4219700000000,-79.7258400000000 +concept_religion_submission concept:atdate concept_date_n2004 +concept_religion_submission concept:atdate concept_dateliteral_n2002 +concept_religion_submission concept:atdate concept_dateliteral_n2005 +concept_religion_submission concept:atdate concept_dateliteral_n2006 +concept_religion_submission concept:atdate concept_dateliteral_n2007 +concept_religion_taoist concept:latitudelongitude 37.7941000000000,-122.4096900000000 +concept_religion_temple_beth_or concept:latitudelongitude 40.0798400000000,-74.1170800000000 +concept_religion_tibetan_buddhist concept:latitudelongitude 44.9236000000000,-93.3359000000000 +concept_religion_true_christian concept:latitudelongitude 39.7483900000000,-84.2343900000000 +concept_religion_union_park concept:atlocation concept_building_vegas +concept_religion_union_park concept:atlocation concept_city_vegas_casino +concept_religion_union_park concept:atlocation concept_county_las_vegas +concept_religion_world_christianity concept:latitudelongitude 36.8885400000000,-76.2367400000000 +concept_religion_world_war_ii concept:atdate concept_date_n1941 +concept_religion_world_war_ii concept:atdate concept_date_n1942 +concept_religion_world_war_ii concept:atdate concept_dateliteral_n1945 +concept_religion_yoga_yoga concept:latitudelongitude -5.7333300000000,146.4000000000000 +concept_reptile_afternoon concept:animalsuchasfish concept_fish_trout +concept_reptile_alligators concept:animalistypeofanimal concept_animal_creatures +concept_reptile_alligators concept:animalpreyson concept_animal_creatures +concept_reptile_alligators concept:animalistypeofanimal concept_mammal_animals +concept_reptile_alligators concept:animalpreyson concept_mammal_animals +concept_reptile_alligators concept:animalistypeofanimal concept_mammal_pets +concept_reptile_alligators concept:animalpreyson concept_mammal_reptiles +concept_reptile_amphibians concept:animalpreyson concept_animal_creatures +concept_reptile_amphibians concept:animalistypeofanimal concept_reptile_pets +concept_reptile_amphibians concept:animalpreyson concept_reptile_pets +concept_reptile_backgrounds concept:animaldevelopdisease concept_disease_disabilities +concept_reptile_bald_eagle concept:animalpreyson concept_arthropod_prey +concept_reptile_bluegill concept:agentcompeteswithagent concept_bird_sunfish +concept_reptile_bluegill concept:animalistypeofanimal concept_reptile_sunfish +concept_reptile_boar concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_boar concept:animalpreyson concept_animal_animals002 +concept_reptile_boar concept:specializationof concept_animal_animals002 +concept_reptile_boar concept:animalistypeofanimal concept_animal_big_game +concept_reptile_bobcat concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_bobcat concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_box_turtles concept:animalistypeofanimal concept_mammal_pets +concept_reptile_box_turtles concept:animalpreyson concept_mammal_pets +concept_reptile_cat concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_cat concept:animalpreyson concept_animal_animals002 +concept_reptile_cat concept:specializationof concept_animal_animals002 +concept_reptile_cat concept:animaldevelopdisease concept_disease_feline_leukemia +concept_reptile_cat concept:animaldevelopdisease concept_disease_felv +concept_reptile_cat concept:animaldevelopdisease concept_disease_problems +concept_reptile_cat concept:animaldevelopdisease concept_disease_rabies +concept_reptile_cat concept:animalpreyson concept_reptile_cat +concept_reptile_cat concept:animalpreyson concept_reptile_kitty +concept_reptile_cat concept:animalistypeofanimal concept_reptile_pets +concept_reptile_cat concept:animalpreyson concept_reptile_pets +concept_reptile_cat concept:animalpreyson concept_vertebrate_feline_friends +concept_reptile_chameleons concept:animalistypeofanimal concept_mammal_animals +concept_reptile_chelonia concept:latitudelongitude 46.4066100000000,-91.2782500000000 +concept_reptile_crocodiles concept:animalistypeofanimal concept_animal_beasts +concept_reptile_crocodiles concept:animalistypeofanimal concept_mammal_animals +concept_reptile_crocodiles concept:animalpreyson concept_mammal_animals +concept_reptile_crocodiles concept:animalistypeofanimal concept_mammal_predators +concept_reptile_crocodiles concept:animalpreyson concept_mammal_predators +concept_reptile_deer concept:specializationof concept_animal_large_animals +concept_reptile_deer concept:specializationof concept_animal_wildlife +concept_reptile_diamondbacks concept:atlocation concept_city_phoenix +concept_reptile_excellence concept:atdate concept_dateliteral_n2002 +concept_reptile_excellence concept:atdate concept_dateliteral_n2006 +concept_reptile_excellence concept:atdate concept_dateliteral_n2008 +concept_reptile_feeders concept:animalpreyson concept_amphibian_larvae +concept_reptile_feeders concept:animalsuchasinvertebrate concept_crustacean_larvae +concept_reptile_feeders concept:agentcompeteswithagent concept_crustacean_shrimp +concept_reptile_feeders concept:animalsuchasinvertebrate concept_crustacean_shrimp +concept_reptile_females concept:animaldevelopdisease concept_disease_disabilities +concept_reptile_females concept:animaldevelopdisease concept_disease_disorders +concept_reptile_females concept:animaldevelopdisease concept_disease_syndrome +concept_reptile_females concept:animalistypeofanimal concept_reptile_pets +concept_reptile_fishes concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_fishes concept:animalpreyson concept_animal_animals002 +concept_reptile_fishes concept:animalistypeofanimal concept_animal_creatures +concept_reptile_fishes concept:animalistypeofanimal concept_animal_organisms +concept_reptile_fishes concept:animaleatfood concept_plant_algae +concept_reptile_flatback concept:latitudelongitude 61.2833300000000,12.8833300000000 +concept_reptile_galleries concept:mutualproxyfor concept_book_new +concept_reptile_geckos concept:animalistypeofanimal concept_mammal_pets +concept_reptile_geckos concept:animalpreyson concept_mammal_pets +concept_reptile_giraffe concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_giraffe concept:animalpreyson concept_animal_animals002 +concept_reptile_hamster concept:animalistypeofanimal concept_animal_pet +concept_reptile_hamster concept:animalpreyson concept_animal_pet +concept_reptile_hermit_crabs concept:animalpreyson concept_reptile_pets +concept_reptile_heron concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_heron concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_hippo concept:specializationof concept_animal_animals002 +concept_reptile_iguanas concept:animalistypeofanimal concept_animal_creatures +concept_reptile_iguanas concept:animaleatfood concept_food_pastures +concept_reptile_iguanas concept:animalistypeofanimal concept_mammal_animals +concept_reptile_iguanas concept:animalpreyson concept_mammal_animals +concept_reptile_iguanas concept:animalistypeofanimal concept_mammal_pets +concept_reptile_iguanas concept:animalpreyson concept_mammal_pets +concept_reptile_iguanas concept:animalpreyson concept_mammal_reptiles +concept_reptile_indian concept:mutualproxyfor concept_nongovorganization_v_p__singh +concept_reptile_invertebrates concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_invertebrates concept:animalpreyson concept_animal_animals002 +concept_reptile_invertebrates concept:animalistypeofanimal concept_animal_organisms +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_arachnid_butterflies +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_arthropod_sponges +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_crustacean_bivalves +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_crustacean_larvae +concept_reptile_invertebrates concept:animalsuchasfish concept_fish_shellfish +concept_reptile_invertebrates concept:animalthatfeedoninsect concept_insect_crabs +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_mollusk_clams +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_mollusk_jellyfish +concept_reptile_invertebrates concept:animalsuchasinvertebrate concept_mollusk_oysters +concept_reptile_kestrel concept:agentcompeteswithagent concept_animal_birds002 +concept_reptile_kingfisher concept:agentcontrols concept_ceo_vijay_mallya +concept_reptile_leopard concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_leopard concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_lion concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_lion concept:animalpreyson concept_animal_animals002 +concept_reptile_lizards concept:animalistypeofanimal concept_animal_creatures +concept_reptile_lizards concept:animalpreyson concept_animal_creatures +concept_reptile_lizards concept:animalistypeofanimal concept_animal_vertebrates +concept_reptile_lizards concept:animalpreyson concept_animal_vertebrates +concept_reptile_lizards concept:animaleatfood concept_food_pigeons +concept_reptile_lizards concept:animalistypeofanimal concept_mammal_animals +concept_reptile_lizards concept:animalpreyson concept_mammal_animals +concept_reptile_lizards concept:animalistypeofanimal concept_mammal_exotic_animals +concept_reptile_lizards concept:animalistypeofanimal concept_mammal_pets +concept_reptile_lizards concept:animalpreyson concept_mammal_pets +concept_reptile_lizards concept:animalistypeofanimal concept_mammal_predators +concept_reptile_lizards concept:animalpreyson concept_mammal_predators +concept_reptile_lizards concept:animalpreyson concept_mammal_reptiles +concept_reptile_lizards concept:animalistypeofanimal concept_mammal_small_animals +concept_reptile_lizards concept:animalpreyson concept_mammal_small_animals +concept_reptile_moose concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_mule_deer concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_mule_deer concept:animalpreyson concept_animal_animals002 +concept_reptile_mule_deer concept:specializationof concept_animal_animals002 +concept_reptile_muskrat concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_muskrat concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_muskrat concept:agentcompeteswithagent concept_animal_furbearers +concept_reptile_new_mexico concept:mutualproxyfor concept_park_roswell +concept_reptile_newts concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_newts concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_osprey concept:agentcompeteswithagent concept_animal_birds002 +concept_reptile_pets concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_pets concept:animalpreyson concept_animal_animals002 +concept_reptile_pets concept:specializationof concept_animal_animals002 +concept_reptile_pets concept:animalpreyson concept_animal_birds002 +concept_reptile_pets concept:animalpreyson concept_animal_dog001 +concept_reptile_pets concept:animalistypeofanimal concept_animal_mice001 +concept_reptile_pets concept:animalpreyson concept_animal_mice001 +concept_reptile_pets concept:animalpreyson concept_arthropod_raccoons +concept_reptile_pets concept:animalpreyson concept_bird_mammals +concept_reptile_pets concept:agentcompeteswithagent concept_city_children +concept_reptile_pets concept:animaldevelopdisease concept_disease_arthritis +concept_reptile_pets concept:animaldevelopdisease concept_disease_cancer +concept_reptile_pets concept:animaldevelopdisease concept_disease_gingivitis +concept_reptile_pets concept:animaldevelopdisease concept_disease_problems +concept_reptile_pets concept:animaldevelopdisease concept_disease_rabies +concept_reptile_pets concept:agentparticipatedinevent concept_eventoutcome_result +concept_reptile_pets concept:animalpreyson concept_fish_parrots +concept_reptile_pets concept:animalpreyson concept_insect_crabs +concept_reptile_pets concept:animalpreyson concept_invertebrate_hedgehogs +concept_reptile_pets concept:animalsuchasinvertebrate concept_invertebrate_reptiles +concept_reptile_pets concept:animalpreyson concept_mammal_reptiles +concept_reptile_pets concept:agentcompeteswithagent concept_personaustralia_pet +concept_reptile_pets concept:animalistypeofanimal concept_reptile_amphibians +concept_reptile_pets concept:animalpreyson concept_reptile_amphibians +concept_reptile_pets concept:animalistypeofanimal concept_reptile_cat +concept_reptile_pets concept:animalpreyson concept_reptile_cat +concept_reptile_pets concept:animalpreyson concept_reptile_pets +concept_reptile_pets concept:animalistypeofanimal concept_vertebrate_rabbit +concept_reptile_pets concept:animalpreyson concept_vertebrate_rabbit +concept_reptile_pythons concept:animalpreyson concept_mammal_rodents +concept_reptile_raccoon concept:agentcompeteswithagent concept_animal_furbearers +concept_reptile_rattlesnakes concept:animalistypeofanimal concept_animal_creatures +concept_reptile_rattlesnakes concept:animalistypeofanimal concept_mammal_animals +concept_reptile_references concept:agentcompeteswithagent concept_astronaut_text +concept_reptile_references concept:agentcompeteswithagent concept_city_article +concept_reptile_references concept:agentcompeteswithagent concept_insect_encyclopedia +concept_reptile_relatives concept:mutualproxyfor concept_book_new +concept_reptile_reptiles concept:atlocation concept_landscapefeatures_part +concept_reptile_sea_turtles concept:animalistypeofanimal concept_animal_creatures +concept_reptile_sea_turtles concept:animalistypeofanimal concept_mammal_animals +concept_reptile_small_birds concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_small_birds concept:animalpreyson concept_animal_animals002 +concept_reptile_snakes concept:animalpreyson concept_animal_creatures +concept_reptile_snakes concept:specializationof concept_animal_creatures +concept_reptile_snakes concept:animalistypeofanimal concept_animal_vertebrates +concept_reptile_snakes concept:animalpreyson concept_insect_insects +concept_reptile_snakes concept:animalpreyson concept_mammal_animals +concept_reptile_snakes concept:specializationof concept_mammal_animals +concept_reptile_snakes concept:animalistypeofanimal concept_mammal_pets +concept_reptile_snakes concept:animalpreyson concept_mammal_pets +concept_reptile_snakes concept:animalistypeofanimal concept_mammal_predators +concept_reptile_snakes concept:animalpreyson concept_mammal_predators +concept_reptile_snakes concept:animalpreyson concept_mammal_reptiles +concept_reptile_snakes concept:animalistypeofanimal concept_mammal_small_animals +concept_reptile_snakes concept:animalpreyson concept_reptile_snakes +concept_reptile_stock concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_reptile_stock concept:animalpreyson concept_agriculturalproduct_goats +concept_reptile_stock concept:animalsuchasfish concept_fish_trout +concept_reptile_tortoises concept:animaleatfood concept_food_treat +concept_reptile_tortoises concept:animalistypeofanimal concept_mammal_animals +concept_reptile_tortoises concept:animalpreyson concept_mammal_animals +concept_reptile_tortoises concept:animalistypeofanimal concept_mammal_pets +concept_reptile_tortoises concept:animalpreyson concept_mammal_pets +concept_reptile_tortoises concept:animalpreyson concept_mammal_reptiles +concept_reptile_tortoises concept:animaleatvegetable concept_vegetable_weeds +concept_reptile_turtles concept:animalistypeofanimal concept_animal_creatures +concept_reptile_turtles concept:animalpreyson concept_animal_creatures +concept_reptile_turtles concept:animalistypeofanimal concept_mammal_animals +concept_reptile_turtles concept:animalpreyson concept_mammal_animals +concept_reptile_turtles concept:animalistypeofanimal concept_mammal_pets +concept_reptile_turtles concept:animalpreyson concept_mammal_pets +concept_reptile_turtles concept:animalpreyson concept_mammal_reptiles +concept_reptile_waterfowl concept:agentcompeteswithagent concept_animal_animals002 +concept_reptile_waterfowl concept:animalistypeofanimal concept_animal_animals002 +concept_reptile_waterfowl concept:agentcompeteswithagent concept_animal_birds002 +concept_researchproject_commissioning concept:atdate concept_date_n2009 +concept_researchproject_consultant concept:subpartof concept_landscapefeatures_water +concept_researchproject_consultants concept:subpartof concept_landscapefeatures_water +concept_researchproject_consulting_firm concept:subpartof concept_landscapefeatures_water +concept_researchproject_costs concept:mutualproxyfor concept_book_new +concept_researchproject_engineering concept:proxyfor concept_book_new +concept_researchproject_engineering concept:atdate concept_date_n2000 +concept_researchproject_engineering concept:atdate concept_date_n2001 +concept_researchproject_engineering concept:atdate concept_date_n2003 +concept_researchproject_engineering concept:atdate concept_dateliteral_n2008 +concept_researchproject_engineering concept:subpartof concept_landscapefeatures_water +concept_researchproject_feasibility_study concept:atdate concept_date_n2003 +concept_researchproject_feasibility_study concept:atdate concept_dateliteral_n2005 +concept_researchproject_fort_worth concept:atlocation concept_city_texas +concept_researchproject_housing concept:mutualproxyfor concept_book_new +concept_researchproject_hydrology concept:subpartof concept_landscapefeatures_water +concept_researchproject_information_technology concept:atdate concept_dateliteral_n2008 +concept_researchproject_more_business concept:latitudelongitude 39.0233300000000,-84.5622200000000 +concept_researchproject_pilot_project concept:atdate concept_date_n2000 +concept_researchproject_pilot_project concept:atdate concept_date_n2003 +concept_researchproject_pilot_project concept:atdate concept_dateliteral_n2005 +concept_researchproject_planning_grant concept:atdate concept_dateliteral_n2007 +concept_researchproject_public_consultation concept:atdate concept_dateliteral_n2002 +concept_researchproject_public_consultation concept:atdate concept_dateliteral_n2005 +concept_researchproject_public_consultation concept:atdate concept_dateliteral_n2006 +concept_researchproject_public_consultation concept:atdate concept_dateliteral_n2007 +concept_researchproject_public_consultation concept:atdate concept_dateliteral_n2008 +concept_researchproject_search_day concept:latitudelongitude 40.2437300000000,-74.0241500000000 +concept_researchproject_study concept:mutualproxyfor concept_book_new +concept_researchproject_technologies concept:subpartof concept_governmentorganization_stormwater +concept_researchproject_thesis concept:atdate concept_date_n2000 +concept_researchproject_thesis concept:atdate concept_date_n2003 +concept_researchproject_thesis concept:atdate concept_date_n2004 +concept_researchproject_thesis concept:atdate concept_dateliteral_n2002 +concept_researchproject_thesis concept:atdate concept_dateliteral_n2005 +concept_researchproject_thesis concept:atdate concept_dateliteral_n2006 +concept_researchproject_thesis concept:atdate concept_dateliteral_n2007 +concept_researchproject_thesis concept:atdate concept_dateliteral_n2008 +concept_restaurant_aarons_all_suites_hotel concept:latitudelongitude -31.9567000000000,115.8657000000000 +concept_restaurant_abbasi_hotel concept:latitudelongitude 32.6512300000000,51.6702600000000 +concept_restaurant_bed concept:proxyfor concept_book_new +concept_restaurant_burger_king concept:organizationhiredperson concept_ceo_john_chidsey +concept_restaurant_burger_king concept:organizationterminatedperson concept_ceo_john_chidsey +concept_restaurant_burger_king concept:headquarteredin concept_city_miami +concept_restaurant_burger_king concept:organizationheadquarteredincity concept_city_miami +concept_restaurant_comme_chez_soi concept:latitudelongitude 45.4289600000000,-73.8258900000000 +concept_restaurant_copacabana concept:proxyfor concept_book_new +concept_restaurant_hotel_park_city concept:latitudelongitude 40.6826000000000,-111.5210000000000 +concept_restaurant_intercontinental_dubai_festival_city concept:latitudelongitude 25.2711400000000,55.3074900000000 +concept_restaurant_italian_bistro concept:latitudelongitude 25.9261300000000,-80.1577100000000 +concept_restaurant_jianguo_garden_hotel concept:latitudelongitude 39.9032000000000,116.4046000000000 +concept_restaurant_le_meridien_fairway concept:latitudelongitude 25.3134000000000,55.3937000000000 +concept_restaurant_luxor concept:subpartof concept_traditionalgame_vegas +concept_restaurant_mecca concept:proxyfor concept_book_new +concept_restaurant_mecca concept:proxyfor concept_celebrity_saudi_arabia +concept_restaurant_mecca concept:proxyfor concept_country_arabia_saudita +concept_restaurant_mecca concept:mutualproxyfor concept_weatherphenomenon_new +concept_restaurant_melting_pot concept:proxyfor concept_book_new +concept_restaurant_melting_pot concept:mutualproxyfor concept_weatherphenomenon_new +concept_restaurant_mirage concept:locationlocatedwithinlocation concept_building_vegas +concept_restaurant_myth concept:proxyfor concept_book_new +concept_restaurant_neyla concept:latitudelongitude 5.5666700000000,48.6666700000000 +concept_restaurant_oxo_tower concept:attractionofcity concept_city_london_city +concept_restaurant_planet_hollywood concept:locationlocatedwithinlocation concept_building_vegas +concept_restaurant_town concept:locationlocatedwithinlocation concept_building_vegas +concept_restaurant_village_houses concept:latitudelongitude 40.7336100000000,-74.0091700000000 +concept_restaurant_wal_mart concept:synonymfor concept_restaurant_walmart +concept_restaurant_wal_mart concept:synonymfor concept_retailstore_wmt +concept_restaurant_woodlands_hotel___resort concept:latitudelongitude 12.9521000000000,100.8880000000000 +concept_restaurant_zhongshan_hotel concept:latitudelongitude 32.8416500000000,117.8749500000000 +concept_retailstore_accents concept:proxyfor concept_book_new +concept_retailstore_allstate_insurance concept:companyeconomicsector concept_economicsector_insurance +concept_retailstore_anzen concept:latitudelongitude 57.8255600000000,26.5405600000000 +concept_retailstore_apple_computers concept:mutualproxyfor concept_politician_jobs +concept_retailstore_archer_daniels_midland concept:mutualproxyfor concept_ceo_patricia_woertz +concept_retailstore_auchan concept:latitudelongitude 11.4080650000000,8.0136500000000 +concept_retailstore_bank_of_new_york_mellon concept:organizationterminatedperson concept_person_svetlana_kudryavtsev +concept_retailstore_bb_and_t concept:mutualproxyfor concept_politicianus_john_allison +concept_retailstore_bear_stearns concept:subpartof concept_comedian_j_p__morgan +concept_retailstore_big_apple concept:synonymfor concept_city_new_york +concept_retailstore_big_apple concept:proxyfor concept_lake_new +concept_retailstore_bloomingdale concept:mutualproxyfor concept_radiostation_new_jersey +concept_retailstore_boeing concept:atdate concept_dateliteral_n2007 +concept_retailstore_boeing concept:mutualproxyfor concept_personeurope_scott_carson +concept_retailstore_boeing concept:subpartof concept_personeurope_scott_carson +concept_retailstore_boeing concept:synonymfor concept_university_ba +concept_retailstore_border concept:proxyfor concept_book_new +concept_retailstore_bradco concept:latitudelongitude 42.9148000000000,-72.2967500000000 +concept_retailstore_bradlees concept:latitudelongitude 41.8720400000000,-72.6305533333333 +concept_retailstore_brownells concept:latitudelongitude 43.4260700000000,-95.1744400000000 +concept_retailstore_burger_king concept:mutualproxyfor concept_ceo_john_chidsey +concept_retailstore_burlington concept:atlocation concept_beach_massachusetts +concept_retailstore_burlington concept:locationlocatedwithinlocation concept_beach_vermont +concept_retailstore_burlington concept:proxyfor concept_beach_vermont +concept_retailstore_burlington concept:atlocation concept_blog_iowa +concept_retailstore_burlington concept:atlocation concept_bridge_new_jersey +concept_retailstore_burlington concept:mutualproxyfor concept_company_north_carolina +concept_retailstore_burlington concept:mutualproxyfor concept_radiostation_new_jersey +concept_retailstore_cafe_coffee_day concept:latitudelongitude 18.5077900000000,73.7827400000000 +concept_retailstore_canon concept:mutualproxyfor concept_ceo_fujio_mitarai +concept_retailstore_cantire concept:latitudelongitude 12.6333300000000,-13.8500000000000 +concept_retailstore_capital_one_financial concept:mutualproxyfor concept_ceo_richard_fairbank +concept_retailstore_casino concept:atlocation concept_city_vegas_casino +concept_retailstore_casino concept:atlocation concept_county_las_vegas +concept_retailstore_casino concept:atlocation concept_island_vega +concept_retailstore_cex concept:latitudelongitude 49.7500000000000,15.0000000000000 +concept_retailstore_charivari concept:latitudelongitude 33.2784500000000,-92.2248600000000 +concept_retailstore_charter concept:atdate concept_dateliteral_n2002 +concept_retailstore_charter concept:atdate concept_dateliteral_n2007 +concept_retailstore_chelsea_market concept:latitudelongitude 40.7419400000000,-74.0055600000000 +concept_retailstore_chevron concept:mutualproxyfor concept_person_o_reilly +concept_retailstore_cingular_wireless concept:subpartof concept_musicinstrument_t_l +concept_retailstore_cingular_wireless concept:synonymfor concept_organization_at_t_mobility_llc +concept_retailstore_cingular_wireless concept:subpartof concept_tableitem_t_mobile_usa +concept_retailstore_cingular_wireless concept:subpartof concept_website_t_mobile +concept_retailstore_circuit_city concept:organizationheadquarteredincity concept_city_richmond +concept_retailstore_circut_city concept:latitudelongitude 21.2993400000000,-157.8620800000000 +concept_retailstore_citibank concept:subpartof concept_book_chase +concept_retailstore_citibank concept:subpartof concept_building_chase_manhattan_bank +concept_retailstore_city_star concept:latitudelongitude 37.7694500000000,-106.9742100000000 +concept_retailstore_clinic concept:atdate concept_date_n2000 +concept_retailstore_clinic concept:atdate concept_date_n2003 +concept_retailstore_clinic concept:atdate concept_date_n2004 +concept_retailstore_clinic concept:atdate concept_dateliteral_n2002 +concept_retailstore_clinic concept:atdate concept_dateliteral_n2005 +concept_retailstore_clinic concept:atdate concept_dateliteral_n2006 +concept_retailstore_clinic concept:atdate concept_dateliteral_n2007 +concept_retailstore_clinic concept:atdate concept_dateliteral_n2008 +concept_retailstore_clinic concept:atdate concept_dayofweek_thursday +concept_retailstore_clinic concept:atdate concept_year_n1997 +concept_retailstore_comcast concept:proxyfor concept_book_new +concept_retailstore_comercial_mexicana concept:latitudelongitude 19.3994200000000,-99.2766100000000 +concept_retailstore_computer_city concept:latitudelongitude 44.9724000000000,-93.4488000000000 +concept_retailstore_consumers concept:proxyfor concept_book_new +concept_retailstore_consumers concept:atdate concept_date_n2003 +concept_retailstore_consumers concept:atdate concept_dateliteral_n2005 +concept_retailstore_consumers concept:atdate concept_dateliteral_n2007 +concept_retailstore_consumers concept:atdate concept_dateliteral_n2008 +concept_retailstore_consumers concept:subpartof concept_weatherphenomenon_air +concept_retailstore_countrywide_home_loans concept:mutualproxyfor concept_ceo_angelo_r__mozilo +concept_retailstore_countrywide_home_loans concept:subpartof concept_jobposition_citi +concept_retailstore_daiso concept:latitudelongitude 23.6263450000000,119.5677500000000 +concept_retailstore_dell concept:atdate concept_dateliteral_n2006 +concept_retailstore_dell concept:atdate concept_dateliteral_n2007 +concept_retailstore_dell_inc concept:mutualproxyfor concept_ceo_michael_dell +concept_retailstore_delta concept:atlocation concept_county_atlanta +concept_retailstore_dillon concept:atlocation concept_beach_montana +concept_retailstore_dobbies concept:latitudelongitude -35.7081800000000,174.3301800000000 +concept_retailstore_dominion concept:proxyfor concept_book_new +concept_retailstore_dow_chemical concept:mutualproxyfor concept_ceo_andrew_liveris +concept_retailstore_duke_energy concept:mutualproxyfor concept_politicianus_jim_rogers +concept_retailstore_dunlaps concept:latitudelongitude 32.8990100000000,-86.1669100000000 +concept_retailstore_ebay concept:synonymfor concept_retailstore_ebay_inc_ +concept_retailstore_eli_lilly_and concept:organizationheadquarteredincity concept_city_indianapolis +concept_retailstore_eli_lilly_and concept:organizationheadquarteredinstateorprovince concept_stateorprovince_indiana +concept_retailstore_exelon concept:subpartof concept_professor_john_rowe +concept_retailstore_exxon_mobil concept:mutualproxyfor concept_person_lee_r__raymond +concept_retailstore_fedco concept:latitudelongitude 35.8217300000000,-86.8977800000000 +concept_retailstore_first_bank concept:proxyfor concept_book_new +concept_retailstore_fluor concept:mutualproxyfor concept_personnorthamerica_alan_boeckmann +concept_retailstore_ford concept:agentcreated concept_airport_crestline +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_edge +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_escape_hybrid +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_escort +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_expedition +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_explorer +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_f_150 +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_fiesta +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_five_hundred +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_freestar +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_fusion +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_mondeo +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_mustang +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobileengine_ford_ranger +concept_retailstore_ford concept:agentcreated concept_automobilemaker_c_max +concept_retailstore_ford concept:agentcreated concept_automobilemaker_mustang +concept_retailstore_ford concept:agentcreated concept_automobilemaker_van +concept_retailstore_ford concept:agentcreated concept_automobilemodel_aerostar +concept_retailstore_ford concept:agentcreated concept_automobilemodel_anglia +concept_retailstore_ford concept:agentcreated concept_automobilemodel_club +concept_retailstore_ford concept:agentcreated concept_automobilemodel_club_wagon +concept_retailstore_ford concept:agentcreated concept_automobilemodel_consul +concept_retailstore_ford concept:agentcreated concept_automobilemodel_contour_svt +concept_retailstore_ford concept:agentcreated concept_automobilemodel_cortina +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_cougar +concept_retailstore_ford concept:agentcreated concept_automobilemodel_country_sedan +concept_retailstore_ford concept:agentcreated concept_automobilemodel_country_squire +concept_retailstore_ford concept:agentcreated concept_automobilemodel_courier +concept_retailstore_ford concept:agentcreated concept_automobilemodel_courier_sedan_delivery +concept_retailstore_ford concept:agentcreated concept_automobilemodel_custom_300 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_custom_500 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_del_rio_wagon +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e100 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e150 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_100_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_150 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_150_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_200_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_250 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_250_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_300_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_350 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_350_econoline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_e_350_super_duty +concept_retailstore_ford concept:agentcreated concept_automobilemodel_econoline_cargo +concept_retailstore_ford concept:agentcreated concept_automobilemodel_econoline_cargo_van +concept_retailstore_ford concept:agentcreated concept_automobilemodel_econoline_super_duty +concept_retailstore_ford concept:agentcreated concept_automobilemodel_econoline_wagon +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_edsel +concept_retailstore_ford concept:agentcreated concept_automobilemodel_elite +concept_retailstore_ford concept:agentcreated concept_automobilemodel_excursion +concept_retailstore_ford concept:agentcreated concept_automobilemodel_exp +concept_retailstore_ford concept:agentcreated concept_automobilemodel_expedition_el +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f350 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f450 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f53 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f550 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f59 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_100 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_100_pickup +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_250_pickup +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_350 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_350_pickup +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_450 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_450_super_duty +concept_retailstore_ford concept:agentcreated concept_automobilemodel_f_550_super_duty +concept_retailstore_ford concept:agentcreated concept_automobilemodel_fairlane +concept_retailstore_ford concept:agentcreated concept_automobilemodel_falcon_sedan_delivery +concept_retailstore_ford concept:agentcreated concept_automobilemodel_five_hundred +concept_retailstore_ford concept:agentcreated concept_automobilemodel_fusion_hybrid +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_futura +concept_retailstore_ford concept:agentcreated concept_automobilemodel_galaxie_500 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_gran_torino +concept_retailstore_ford concept:agentcreated concept_automobilemodel_granada +concept_retailstore_ford concept:agentcreated concept_automobilemodel_gt40 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_ltd_crown_victoria +concept_retailstore_ford concept:agentcreated concept_automobilemodel_ltd_ii +concept_retailstore_ford concept:agentcreated concept_automobilemodel_m_400 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_m_450 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_mainline +concept_retailstore_ford concept:agentcreated concept_automobilemodel_maverick +concept_retailstore_ford concept:agentcreated concept_automobilemodel_mustang_ii +concept_retailstore_ford concept:agentcreated concept_automobilemodel_p_100 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_p_350 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_pinto +concept_retailstore_ford concept:agentcreated concept_automobilemodel_ranch_wagon +concept_retailstore_ford concept:agentcreated concept_automobilemodel_ranchero +concept_retailstore_ford concept:agentcreated concept_automobilemodel_ranger +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_ranger +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_s_max +concept_retailstore_ford concept:agentcreated concept_automobilemodel_shelby_gt500 +concept_retailstore_ford concept:agentcreated concept_automobilemodel_sierra +concept_retailstore_ford concept:agentcreated concept_automobilemodel_starliner +concept_retailstore_ford concept:agentcreated concept_automobilemodel_sunliner +concept_retailstore_ford concept:agentcreated concept_automobilemodel_super_duty_f_450_drw +concept_retailstore_ford concept:agentcreated concept_automobilemodel_taunus +concept_retailstore_ford concept:agentcreated concept_automobilemodel_torino +concept_retailstore_ford concept:agentcreated concept_automobilemodel_transit_connect_wagon +concept_retailstore_ford concept:agentcreated concept_automobilemodel_victoria +concept_retailstore_ford concept:agentinvolvedwithitem concept_automobilemodel_windstar_wagon +concept_retailstore_ford concept:agentcreated concept_automobilemodel_zephyr +concept_retailstore_ford concept:agentcreated concept_automobilemodel_zx2 +concept_retailstore_ford concept:agentinvolvedwithitem concept_bedroomitem_gt +concept_retailstore_ford concept:agentcreated concept_book_edge +concept_retailstore_ford concept:agentcreated concept_book_gt +concept_retailstore_ford concept:agentcreated concept_book_squire +concept_retailstore_ford concept:agentcreated concept_book_zodiac +concept_retailstore_ford concept:agentcreated concept_buildingfeature_customline +concept_retailstore_ford concept:agentinvolvedwithitem concept_buildingfeature_edge +concept_retailstore_ford concept:agentcreated concept_buildingfeature_escape +concept_retailstore_ford concept:agentinvolvedwithitem concept_buildingfeature_escape +concept_retailstore_ford concept:agentcreated concept_buildingfeature_truck +concept_retailstore_ford concept:agentcollaborateswithagent concept_ceo_alan_mulally +concept_retailstore_ford concept:agentcreated concept_clothing_capri +concept_retailstore_ford concept:agentcontrols concept_clothing_white +concept_retailstore_ford concept:agentcreated concept_color_bronco +concept_retailstore_ford concept:agentcreated concept_company_aspire +concept_retailstore_ford concept:agentcreated concept_company_focus +concept_retailstore_ford concept:agentinvolvedwithitem concept_consumerelectronicitem_tempo +concept_retailstore_ford concept:organizationheadquarteredincountry concept_country_u_s_ +concept_retailstore_ford concept:agentcreated concept_food_fusion +concept_retailstore_ford concept:agentinvolvedwithitem concept_food_fusion +concept_retailstore_ford concept:agentcreated concept_geometricshape_contour +concept_retailstore_ford concept:agentcreated concept_hallwayitem_car +concept_retailstore_ford concept:agentcreated concept_hallwayitem_suv +concept_retailstore_ford concept:agentcreated concept_hobby_freestyle +concept_retailstore_ford concept:agentcreated concept_mldataset_ka +concept_retailstore_ford concept:agentinvolvedwithitem concept_mlsoftware_flex +concept_retailstore_ford concept:agentcreated concept_mountain_expedition +concept_retailstore_ford concept:agentcreated concept_movie_ln +concept_retailstore_ford concept:agentcreated concept_musicalbum_deluxe +concept_retailstore_ford concept:agentcreated concept_musicalbum_skyliner +concept_retailstore_ford concept:agentinvolvedwithitem concept_musicinstrument_aspire +concept_retailstore_ford concept:agentcreated concept_musicinstrument_pickup +concept_retailstore_ford concept:agentcreated concept_musicsong_taurus +concept_retailstore_ford concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_retailstore_ford concept:agentcreated concept_product_sprint +concept_retailstore_ford concept:agentcreated concept_programminglanguage_flex +concept_retailstore_ford concept:agentcreated concept_protein_probe +concept_retailstore_ford concept:agentcreated concept_publication_explorer +concept_retailstore_ford concept:agentcreated concept_software_falcon +concept_retailstore_ford concept:agentinvolvedwithitem concept_software_falcon +concept_retailstore_ford concept:agentcreated concept_software_thunderbird +concept_retailstore_ford concept:agentinvolvedwithitem concept_software_thunderbird +concept_retailstore_ford concept:agentparticipatedinevent concept_sportsgame_series +concept_retailstore_ford concept:agentcreated concept_tableitem_fiesta +concept_retailstore_ford concept:agentinvolvedwithitem concept_tableitem_fiesta +concept_retailstore_ford concept:agentcreated concept_transportation_transit_connect +concept_retailstore_ford concept:agentcreated concept_vehicle_custom +concept_retailstore_ford concept:agentcreated concept_vehicle_mondeo +concept_retailstore_ford concept:agentcreated concept_website_tempo +concept_retailstore_foschini concept:latitudelongitude 44.3166700000000,12.0333300000000 +concept_retailstore_frills concept:latitudelongitude 41.3770100000000,-79.3649050000000 +concept_retailstore_gemm concept:latitudelongitude 32.5333300000000,12.8500000000000 +concept_retailstore_general_dynamics concept:mutualproxyfor concept_ceo_nicholas_chabraja +concept_retailstore_glaxosmithkline concept:mutualproxyfor concept_ceo_andrew_witty +concept_retailstore_gloria_jeans concept:latitudelongitude 40.7180900000000,-89.5781500000000 +concept_retailstore_gristede concept:latitudelongitude 53.2166700000000,8.0500000000000 +concept_retailstore_halliburton concept:companyeconomicsector concept_academicfield_construction +concept_retailstore_halliburton concept:agentcollaborateswithagent concept_comedian_vice_president_dick_cheney +concept_retailstore_halliburton concept:companyeconomicsector concept_politicsissue_energy +concept_retailstore_harrods concept:attractionofcity concept_city_london_city +concept_retailstore_hays concept:locationlocatedwithinlocation concept_stateorprovince_kansas +concept_retailstore_hays concept:proxyfor concept_stateorprovince_kansas +concept_retailstore_hays concept:subpartof concept_stateorprovince_kansas +concept_retailstore_hecht_company concept:latitudelongitude 38.9148300000000,-76.9844200000000 +concept_retailstore_hervis concept:latitudelongitude 44.4861600000000,26.1259000000000 +concept_retailstore_hollywood_entertainment concept:latitudelongitude 34.1019400000000,-118.3425000000000 +concept_retailstore_honda_motor concept:mutualproxyfor concept_musicartist_takeo_fukui +concept_retailstore_honeywell concept:mutualproxyfor concept_writer_david_m__cote +concept_retailstore_ibm concept:synonymfor concept_biotechcompany_international_business_machines_corp +concept_retailstore_ibm concept:subpartof concept_company_lenovo_group +concept_retailstore_ibm concept:atdate concept_date_n1996 +concept_retailstore_ibm concept:atdate concept_date_n2000 +concept_retailstore_ibm concept:atdate concept_date_n2004 +concept_retailstore_ibm concept:atdate concept_dateliteral_n2006 +concept_retailstore_ibm concept:atdate concept_dateliteral_n2007 +concept_retailstore_ibm concept:atdate concept_dateliteral_n2008 +concept_retailstore_illum concept:latitudelongitude 55.1333300000000,10.1166700000000 +concept_retailstore_ing concept:mutualproxyfor concept_professor_michel_tilmant +concept_retailstore_italian concept:mutualproxyfor concept_personcanada_silvio_berlusconi +concept_retailstore_jack_spade concept:latitudelongitude 41.9321200000000,-118.4371100000000 +concept_retailstore_jarrolds concept:latitudelongitude 37.8967750000000,-81.5224700000000 +concept_retailstore_jc_ concept:latitudelongitude 51.4525400000000,-2.5999600000000 +concept_retailstore_johnson_and_johnson concept:companyeconomicsector concept_economicsector_healthcare +concept_retailstore_juki concept:latitudelongitude 36.3000000000000,139.8833300000000 +concept_retailstore_karstadt concept:latitudelongitude 53.2333333333333,11.5777766666667 +concept_retailstore_kaufmanns concept:latitudelongitude 47.7000000000000,10.5833300000000 +concept_retailstore_kay_bee concept:latitudelongitude 31.1185100000000,-97.8314100000000 +concept_retailstore_l_l_bean concept:mutualproxyfor concept_ceo_christopher_mccormick +concept_retailstore_l_l_bean concept:subpartof concept_ceo_christopher_mccormick +concept_retailstore_lai_lai concept:latitudelongitude 25.0040900000000,121.9973833333334 +concept_retailstore_lake_havasu_city concept:mutualproxyfor concept_beverage_arizona +concept_retailstore_lake_havasu_city concept:subpartof concept_beverage_arizona +concept_retailstore_le_printemps concept:latitudelongitude 48.8736000000000,2.3284000000000 +concept_retailstore_lee_scott concept:proxyfor concept_shoppingmall_wal_mart +concept_retailstore_lqs concept:latitudelongitude 47.3341500000000,-116.6034600000000 +concept_retailstore_lucent_technologies concept:mutualproxyfor concept_personnorthamerica_patricia_russo +concept_retailstore_mcgraw_hill concept:atdate concept_dateliteral_n2007 +concept_retailstore_mcguckin concept:latitudelongitude 52.0498300000000,-121.9360800000000 +concept_retailstore_media_play concept:latitudelongitude 42.4641500000000,-83.1198000000000 +concept_retailstore_mediamarkt concept:latitudelongitude 38.3697900000000,-0.4681200000000 +concept_retailstore_meineke concept:latitudelongitude 52.5005000000000,13.3288000000000 +concept_retailstore_merrill concept:subpartoforganization concept_company_bofa +concept_retailstore_mgm_mirage concept:mutualproxyfor concept_ceo_b_m +concept_retailstore_mgm_mirage concept:mutualproxyfor concept_city_lanni +concept_retailstore_mgm_mirage concept:mutualproxyfor concept_criminal_louis_b__mayer +concept_retailstore_mgm_mirage concept:subpartof concept_retailstore_sony +concept_retailstore_microsoft concept:atdate concept_date_n1999 +concept_retailstore_microsoft concept:atdate concept_date_n2001 +concept_retailstore_microsoft concept:atdate concept_date_n2004 +concept_retailstore_microsoft concept:atdate concept_dateliteral_n2005 +concept_retailstore_microsoft concept:atdate concept_dateliteral_n2007 +concept_retailstore_microsoft concept:atdate concept_dateliteral_n2008 +concept_retailstore_microsoft concept:synonymfor concept_product_powerpoint +concept_retailstore_microsoft concept:synonymfor concept_software_office_2003 +concept_retailstore_microsoft concept:atdate concept_year_n1997 +concept_retailstore_milano concept:locationlocatedwithinlocation concept_country_italy +concept_retailstore_milano concept:proxyfor concept_country_italy +concept_retailstore_miles concept:atlocation concept_stateorprovince_california +concept_retailstore_minotti concept:latitudelongitude 44.3776200000000,-123.7726100000000 +concept_retailstore_mobs concept:proxyfor concept_book_new +concept_retailstore_morgan_stanley concept:mutualproxyfor concept_ceo_james_p__gorman +concept_retailstore_morgan_stanley concept:atdate concept_dateliteral_n2007 +concept_retailstore_nbc concept:atdate concept_dateliteral_n2005 +concept_retailstore_nbc concept:atdate concept_dateliteral_n2007 +concept_retailstore_nbc concept:atdate concept_dateliteral_n2008 +concept_retailstore_nbc concept:synonymfor concept_organization_national_broadcasting_corporation +concept_retailstore_nbc concept:atdate concept_year_n1998 +concept_retailstore_ne concept:proxyfor concept_book_new +concept_retailstore_nightowl concept:latitudelongitude 54.4145700000000,-96.8852100000000 +concept_retailstore_nordstrum concept:latitudelongitude 49.8583400000000,-114.8798300000000 +concept_retailstore_ny concept:agentactsinlocation concept_lake_new +concept_retailstore_odakyu concept:latitudelongitude 35.5699000000000,139.7294000000000 +concept_retailstore_oracle concept:synonymfor concept_bank_oracle_corporation +concept_retailstore_oracle concept:atdate concept_dateliteral_n2005 +concept_retailstore_oracle concept:atdate concept_dateliteral_n2007 +concept_retailstore_pergament concept:latitudelongitude 40.9031050000000,-73.6178300000000 +concept_retailstore_pfizer concept:atdate concept_dateliteral_n2005 +concept_retailstore_pfizer concept:atdate concept_dateliteral_n2007 +concept_retailstore_pg_e concept:mutualproxyfor concept_ceo_a_g__lafley +concept_retailstore_pg_e concept:subpartof concept_ceo_a_g__lafley +concept_retailstore_phillips_place concept:latitudelongitude 37.5323600000000,-75.7979900000000 +concept_retailstore_quality_farm concept:latitudelongitude 43.1885900000000,-96.0053000000000 +concept_retailstore_rebates concept:subpartof concept_weatherphenomenon_air +concept_retailstore_registers concept:subpartof concept_weatherphenomenon_air +concept_retailstore_reliance_fresh concept:latitudelongitude 18.5085300000000,73.7916400000000 +concept_retailstore_richway concept:latitudelongitude 33.6556600000000,-84.3660400000000 +concept_retailstore_river_market concept:latitudelongitude 34.7476700000000,-92.2665700000000 +concept_retailstore_roche concept:mutualproxyfor concept_personus_franz_humer +concept_retailstore_roots_store concept:latitudelongitude 35.2756700000000,-81.9501100000000 +concept_retailstore_safe_way concept:latitudelongitude 32.6401300000000,-96.9083400000000 +concept_retailstore_sainsbury concept:latitudelongitude 55.6670400000000,-79.2163800000000 +concept_retailstore_sc concept:atdate concept_dateliteral_n2008 +concept_retailstore_schering_plough concept:mutualproxyfor concept_ceo_fred_hassan +concept_retailstore_seibu concept:latitudelongitude 35.7684200000000,139.4206700000000 +concept_retailstore_setup concept:atdate concept_date_n2003 +concept_retailstore_setup concept:atdate concept_date_n2004 +concept_retailstore_setup concept:atdate concept_dateliteral_n2006 +concept_retailstore_setup concept:atdate concept_dateliteral_n2008 +concept_retailstore_setup concept:subpartof concept_weatherphenomenon_air +concept_retailstore_sherwood concept:proxyfor concept_book_arkansas +concept_retailstore_sherwood concept:atlocation concept_city_arkansas +concept_retailstore_sprint_nextel concept:subpartof concept_company_clearwire +concept_retailstore_star_india_bazaar concept:latitudelongitude 23.0265600000000,72.5240500000000 +concept_retailstore_stores concept:buildinglocatedincity concept_city_vegas +concept_retailstore_strouss concept:latitudelongitude 41.4833000000000,-106.0508400000000 +concept_retailstore_talbot_s concept:latitudelongitude 52.3183300000000,-9.3825000000000 +concept_retailstore_telephone_booth concept:latitudelongitude 46.9521300000000,-116.1454300000000 +concept_retailstore_times_square concept:proxyfor concept_book_new +concept_retailstore_times_square concept:mutualproxyfor concept_coach_new +concept_retailstore_tjx_companies concept:mutualproxyfor concept_ceo_carol_meyrowitz +concept_retailstore_tjx_companies concept:subpartof concept_ceo_carol_meyrowitz +concept_retailstore_tn concept:atlocation concept_city_nashville +concept_retailstore_toyota concept:mutualproxyfor concept_person_katsuaki_watanabe +concept_retailstore_united_states_steel concept:mutualproxyfor concept_comedian_john_surma +concept_retailstore_united_technologies concept:mutualproxyfor concept_ceo_david_gergen +concept_retailstore_united_technologies concept:acquired concept_company_mostek +concept_retailstore_us_bank concept:subpartof concept_comedian_richard_davis +concept_retailstore_us_bank concept:mutualproxyfor concept_personaustralia_richard_davis +concept_retailstore_verizon_wireless concept:subpartof concept_product_sprint +concept_retailstore_verizon_wireless concept:subpartof concept_retailstore_sprint_nextel +concept_retailstore_virgin_records concept:mutualproxyfor concept_mlalgorithm_richard +concept_retailstore_virgin_records concept:mutualproxyfor concept_museum_richard_branson +concept_retailstore_volkswagen concept:mutualproxyfor concept_ceo_martin_winterkorn +concept_retailstore_wachovia concept:subpartof concept_bank_wells_fargo___co_ +concept_retailstore_wanamakers concept:latitudelongitude 40.6609300000000,-75.8457500000000 +concept_retailstore_washington_mutual concept:subpartof concept_book_chase +concept_retailstore_washington_mutual concept:subpartof concept_building_chase_manhattan_bank +concept_retailstore_wells_fargo concept:mutualproxyfor concept_ceo_john_stumpf +concept_retailstore_wherehouse concept:latitudelongitude 37.6771500000000,-121.7844000000000 +concept_retailstore_woolco concept:latitudelongitude 35.1065000000000,-90.0590000000000 +concept_river_achelous concept:latitudelongitude 38.3336100000000,21.1019400000000 +concept_river_afon_mawddach concept:latitudelongitude 52.7166700000000,-4.0500000000000 +concept_river_alfeios concept:latitudelongitude 37.6166700000000,21.4500000000000 +concept_river_alsek concept:latitudelongitude 59.3921815000000,-138.3799075000000 +concept_river_amaravathi concept:latitudelongitude 10.4333350000000,78.4833300000000 +concept_river_american concept:atlocation concept_city_albany +concept_river_american concept:atlocation concept_city_boise +concept_river_american concept:atlocation concept_city_boston +concept_river_american concept:atlocation concept_city_charlotte +concept_river_american concept:atlocation concept_city_denver +concept_river_american concept:atlocation concept_city_huntsville +concept_river_american concept:atlocation concept_city_montgomery +concept_river_american concept:atlocation concept_city_san_francisco +concept_river_american concept:locationlocatedwithinlocation concept_city_york +concept_river_american concept:locationlocatedwithinlocation concept_county_york_city +concept_river_american concept:atlocation concept_geopoliticalorganization_marshall +concept_river_american concept:riveremptiesintoriver concept_river_sacramento_river +concept_river_american concept:atlocation concept_stateorprovince_virginia +concept_river_american concept:atlocation concept_visualizablescene_dana_point +concept_river_american_river concept:riveremptiesintoriver concept_river_sacramento_river +concept_river_anacostia_river concept:riveremptiesintoriver concept_river_potomac +concept_river_anacostia_river concept:riveremptiesintoriver concept_river_potomac_river +concept_river_androscoggin concept:latitudelongitude 44.2759133333333,-70.4284548888889 +concept_river_androscoggin concept:riveremptiesintoriver concept_river_merrymeeting_bay +concept_river_appomattox_river concept:riveremptiesintoriver concept_river_james_river +concept_river_argens concept:latitudelongitude 43.5209311111111,6.0150955555556 +concept_river_arkansas_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_arnon concept:riveremptiesintoriver concept_river_jabbok_river +concept_river_arts concept:proxyfor concept_book_new +concept_river_arts concept:locationlocatedwithinlocation concept_city_york +concept_river_arts concept:locationlocatedwithinlocation concept_county_york_city +concept_river_arts concept:atdate concept_date_n2001 +concept_river_arts concept:atdate concept_date_n2003 +concept_river_arts concept:atdate concept_date_n2004 +concept_river_arts concept:atdate concept_dateliteral_n2005 +concept_river_arts concept:atdate concept_dateliteral_n2006 +concept_river_arts concept:atdate concept_dateliteral_n2008 +concept_river_arts concept:locationlocatedwithinlocation concept_highway_the_new +concept_river_arts concept:proxyfor concept_highway_the_new +concept_river_arts concept:locationlocatedwithinlocation concept_lake_new +concept_river_arts concept:mutualproxyfor concept_programminglanguage_the_new +concept_river_assiniboine concept:riveremptiesintoriver concept_river_red_river +concept_river_atchafalaya concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_aucilla concept:latitudelongitude 30.4809923076923,-83.8512953846154 +concept_river_avon_gorge concept:latitudelongitude 51.4534000000000,-2.6253000000000 +concept_river_awash concept:proxyfor concept_book_new +concept_river_bacchiglione concept:latitudelongitude 45.1891700000000,12.2211100000000 +concept_river_baltoro_glacier concept:latitudelongitude 35.7000000000000,76.1666700000000 +concept_river_basento concept:latitudelongitude 40.3333300000000,16.8166700000000 +concept_river_bayou_de_view concept:latitudelongitude 35.2312900000000,-91.1231800000000 +concept_river_bayou_des_arc concept:latitudelongitude 35.0110600000000,-91.4983250000000 +concept_river_bayou_dorcheat concept:latitudelongitude 32.5084900000000,-93.3501700000000 +concept_river_bear_island_river concept:atlocation concept_river_elbow_river +concept_river_bhairab concept:latitudelongitude 23.3395850000000,89.8708350000000 +concept_river_big_sandy_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_bighorn_river concept:riveremptiesintoriver concept_river_yellowstone_river +concept_river_bloodvein concept:latitudelongitude 51.7152866666667,-96.4613516666667 +concept_river_blue_earth_river concept:riveremptiesintoriver concept_river_minnesota_river +concept_river_blue_nile concept:riveremptiesintoriver concept_river_white_nile +concept_river_boise_river concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_bow concept:riveremptiesintoriver concept_river_elbow_river +concept_river_bradano concept:latitudelongitude 40.5444433333333,16.4333333333333 +concept_river_bronx concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_bronx concept:riveremptiesintoriver concept_river_east_river +concept_river_brookside concept:proxyfor concept_radiostation_new_jersey +concept_river_budhi_gandaki concept:latitudelongitude 27.8000000000000,84.7500000000000 +concept_river_bujagali concept:latitudelongitude 0.4833300000000,33.1500000000000 +concept_river_burin_peninsula concept:latitudelongitude 46.9999400000000,-55.6650300000000 +concept_river_canal_du_midi concept:latitudelongitude 43.5243050000000,1.7048750000000 +concept_river_cartecay concept:latitudelongitude 34.6516892307692,-84.3434038461538 +concept_river_cedar_brook concept:mutualproxyfor concept_radiostation_new_jersey +concept_river_cedar_brook concept:proxyfor concept_stateorprovince_newjersey +concept_river_chadlington concept:latitudelongitude 51.9003900000000,-1.5309950000000 +concept_river_chagres concept:riveremptiesintoriver concept_river_canal +concept_river_chagres concept:riveremptiesintoriver concept_river_panama_canal +concept_river_chaliyar concept:latitudelongitude 11.2000000000000,75.8750000000000 +concept_river_chassezac concept:latitudelongitude 44.4333300000000,4.3166700000000 +concept_river_chattahoochee concept:riveremptiesintoriver concept_river_peachtree_creek +concept_river_chehalis_river concept:riveremptiesintoriver concept_river_skookumchuck +concept_river_chena concept:riveremptiesintoriver concept_river_tanana_river +concept_river_cherry_creek concept:riveremptiesintoriver concept_river_south_platte +concept_river_cherry_creek concept:riveremptiesintoriver concept_river_south_platte_river +concept_river_chicago_river concept:riveremptiesintoriver concept_river_lake_michigan +concept_river_chilko concept:latitudelongitude 51.3622475000000,-123.9196775000000 +concept_river_chimehuin concept:latitudelongitude -40.1000000000000,-70.8875000000000 +concept_river_cispus concept:latitudelongitude 46.4558550000000,-121.8074016666667 +concept_river_clackamas_river concept:riveremptiesintoriver concept_river_willamette_river +concept_river_claerwen concept:latitudelongitude 52.2611100000000,-3.6277766666667 +concept_river_clearwater_river concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_cleddau concept:riveremptiesintoriver concept_river_milford_sound +concept_river_clinch concept:riveremptiesintoriver concept_river_tennessee_river +concept_river_clinch_river concept:riveremptiesintoriver concept_river_tennessee_river +concept_river_coghinas concept:latitudelongitude 40.8726471428572,8.8886528571429 +concept_river_colorado_river concept:riveremptiesintoriver concept_river_gila_river +concept_river_colorado_river concept:riveremptiesintoriver concept_river_green_river +concept_river_colorado_river concept:riveremptiesintoriver concept_river_san_juan +concept_river_columbia concept:riveremptiesintoriver concept_geopoliticalorganization_province +concept_river_columbia concept:riveremptiesintoriver concept_river_arrow_lakes +concept_river_columbia concept:riveremptiesintoriver concept_river_columbia_river +concept_river_columbia concept:riveremptiesintoriver concept_river_columbia_river_gorge +concept_river_columbia concept:riveremptiesintoriver concept_river_cowichan +concept_river_columbia concept:riveremptiesintoriver concept_river_cowlitz_river +concept_river_columbia concept:riveremptiesintoriver concept_river_dawson_creek +concept_river_columbia concept:riveremptiesintoriver concept_river_deschutes +concept_river_columbia concept:riveremptiesintoriver concept_river_fraser_river +concept_river_columbia concept:riveremptiesintoriver concept_river_gorge +concept_river_columbia concept:riveremptiesintoriver concept_river_hood_river +concept_river_columbia concept:riveremptiesintoriver concept_river_kootenay +concept_river_columbia concept:riveremptiesintoriver concept_river_lower_fraser +concept_river_columbia concept:riveremptiesintoriver concept_river_lower_fraser_valley +concept_river_columbia concept:riveremptiesintoriver concept_river_montana +concept_river_columbia concept:riveremptiesintoriver concept_river_mount_hood +concept_river_columbia concept:riveremptiesintoriver concept_river_nass +concept_river_columbia concept:riveremptiesintoriver concept_river_nass_river +concept_river_columbia concept:riveremptiesintoriver concept_river_okanogan_river +concept_river_columbia concept:riveremptiesintoriver concept_river_pacific_coast +concept_river_columbia concept:riveremptiesintoriver concept_river_peace_river +concept_river_columbia concept:riveremptiesintoriver concept_river_puget_sound +concept_river_columbia concept:riveremptiesintoriver concept_river_rockies +concept_river_columbia concept:riveremptiesintoriver concept_river_rocky_mountain_trench +concept_river_columbia concept:riveremptiesintoriver concept_river_similkameen +concept_river_columbia concept:riveremptiesintoriver concept_river_skeena +concept_river_columbia concept:riveremptiesintoriver concept_river_skeena_river +concept_river_columbia concept:riveremptiesintoriver concept_river_stikine +concept_river_columbia concept:riveremptiesintoriver concept_river_west_coast +concept_river_columbia concept:riveremptiesintoriver concept_river_willamette_river +concept_river_columbia concept:riveremptiesintoriver concept_river_yukon +concept_river_columbia concept:riveremptiesintoriver concept_skiarea_columbia_basin +concept_river_columbia concept:riveremptiesintoriver concept_skiarea_columbia_river_basin +concept_river_columbia concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_columbia concept:riveremptiesintoriver concept_visualizablescene_dalles +concept_river_columbia_river concept:riveremptiesintoriver concept_river_hood_river +concept_river_columbia_river concept:riveremptiesintoriver concept_river_willamette_river +concept_river_concord_river concept:riveremptiesintoriver concept_river_merrimack_river +concept_river_conewago concept:latitudelongitude 40.1009520833333,-76.7280137500000 +concept_river_congo_basin concept:latitudelongitude 0.0000000000000,20.0000000000000 +concept_river_congo_river concept:riveremptiesintoriver concept_river_congo +concept_river_coosa concept:riveremptiesintoriver concept_river_alabama_river +concept_river_cornie_bayou concept:latitudelongitude 32.9681925000000,-92.7014725000000 +concept_river_corve concept:latitudelongitude 52.3666700000000,-2.7166700000000 +concept_river_cothi concept:latitudelongitude 51.8605600000000,-4.1775000000000 +concept_river_counties concept:proxyfor concept_book_new +concept_river_counties concept:atdate concept_date_n2004 +concept_river_cumberland_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_danube concept:riveremptiesintoriver concept_river_rhine +concept_river_delaware_river concept:riveremptiesintoriver concept_river_lehigh_river +concept_river_delaware_river concept:riveremptiesintoriver concept_river_schuylkill_river +concept_river_des_plaines concept:riveremptiesintoriver concept_river_chicago_river +concept_river_des_plaines concept:riveremptiesintoriver concept_river_illinois_river +concept_river_deschutes concept:riveremptiesintoriver concept_river_columbia +concept_river_deschutes concept:riveremptiesintoriver concept_river_columbia_river +concept_river_dhansiri concept:latitudelongitude 26.3875000000000,93.0250025000000 +concept_river_digul concept:latitudelongitude -5.7020825000000,139.9562512500000 +concept_river_dinner concept:atdate concept_date_n2003 +concept_river_dinner concept:atdate concept_date_nov_ +concept_river_dinner concept:atdate concept_dateliteral_n2005 +concept_river_dinner concept:atdate concept_month_may +concept_river_dnieper concept:riveremptiesintoriver concept_island_ukraine +concept_river_door_peninsula concept:latitudelongitude 44.9166600000000,-87.3667700000000 +concept_river_dovey concept:latitudelongitude 52.5593333333333,-3.9382233333333 +concept_river_dragon_run concept:latitudelongitude 38.9754933333333,-76.0440133333333 +concept_river_dronne concept:latitudelongitude 45.2437487500000,0.2520850000000 +concept_river_dunn concept:atlocation concept_stateorprovince_north_carolina +concept_river_dwarka concept:proxyfor concept_visualizablething_gujarat +concept_river_econfina concept:latitudelongitude 30.2236157142857,-84.5885114285714 +concept_river_erdre concept:latitudelongitude 47.3876566666667,-1.4765727777778 +concept_river_euphrates concept:riveremptiesintoriver concept_island_syria +concept_river_euphrates concept:riveremptiesintoriver concept_river_tigris_river +concept_river_everton concept:atdate concept_dateliteral_n2006 +concept_river_exeter_canal concept:latitudelongitude 50.7166700000000,-3.5166700000000 +concept_river_exploits concept:latitudelongitude 49.4192816666667,-55.1273416666667 +concept_river_fall_river concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_faywood_hot_springs concept:latitudelongitude 32.5542500000000,-107.9942000000000 +concept_river_feather_river concept:riveremptiesintoriver concept_river_sacramento_river +concept_river_flatbrook concept:latitudelongitude 41.7843950000000,-74.1351400000000 +concept_river_flooding concept:atdate concept_date_n2004 +concept_river_flooding concept:atdate concept_dateliteral_n2005 +concept_river_flooding concept:atdate concept_dateliteral_n2006 +concept_river_flooding concept:atdate concept_dateliteral_n2007 +concept_river_flooding concept:atdate concept_dateliteral_n2008 +concept_river_following_year concept:proxyfor concept_book_new +concept_river_forked_river concept:mutualproxyfor concept_radiostation_new_jersey +concept_river_forked_river concept:proxyfor concept_stateorprovince_newjersey +concept_river_french_broad concept:riveremptiesintoriver concept_river_tennessee_river +concept_river_ganges concept:riveremptiesintoriver concept_river_bay_of_bengal +concept_river_ganges_delta concept:latitudelongitude 23.0000000000000,89.0000000000000 +concept_river_gila concept:riveremptiesintoriver concept_river_colorado_river +concept_river_gila concept:riveremptiesintoriver concept_river_salt_river +concept_river_gila_river concept:riveremptiesintoriver concept_river_colorado_river +concept_river_grande_ronde concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_greasy_grass concept:latitudelongitude 45.5588600000000,-107.4234200000000 +concept_river_great_miami concept:riveremptiesintoriver concept_river_ohio_river +concept_river_green_brook concept:mutualproxyfor concept_radiostation_new_jersey +concept_river_green_brook concept:proxyfor concept_stateorprovince_newjersey +concept_river_green_river concept:riveremptiesintoriver concept_river_colorado_river +concept_river_guadalfeo concept:latitudelongitude 36.7166700000000,-3.5833300000000 +concept_river_guadalmedina concept:latitudelongitude 36.6295066666667,-4.7394966666667 +concept_river_gunnison_gorge concept:latitudelongitude 38.6713700000000,-107.8325600000000 +concept_river_hetch_hetchy_valley concept:latitudelongitude 37.9388100000000,-119.7360050000000 +concept_river_hinterrhein concept:latitudelongitude 46.5925233333333,9.3284166666667 +concept_river_hiwassee concept:riveremptiesintoriver concept_river_tennessee_river +concept_river_holston concept:riveremptiesintoriver concept_river_french_broad_river +concept_river_homosassa_river concept:latitudelongitude 28.7824850000000,-82.6780200000000 +concept_river_huai concept:riveremptiesintoriver concept_river_yangtze_river +concept_river_hudson concept:riveremptiesintoriver concept_river_delaware_river +concept_river_hudson concept:riveremptiesintoriver concept_river_east_river +concept_river_hudson concept:riveremptiesintoriver concept_river_mohawk_river +concept_river_hudson concept:riveremptiesintoriver concept_skiarea_erie_canal +concept_river_huzzah concept:latitudelongitude 37.4881725000000,-91.3744800000000 +concept_river_illinois_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_inn concept:riveremptiesintoriver concept_river_danube +concept_river_james_river concept:riveremptiesintoriver concept_river_appomattox_river +concept_river_johor_strait concept:latitudelongitude 1.4666700000000,103.8000000000000 +concept_river_juniata_river concept:riveremptiesintoriver concept_river_susquehanna_river +concept_river_kafue_flats concept:latitudelongitude -15.6666700000000,27.0000000000000 +concept_river_kallang_basin concept:latitudelongitude 1.3145366666667,103.8691700000000 +concept_river_kanawha concept:riveremptiesintoriver concept_river_ohio_river +concept_river_kansas_river concept:riveremptiesintoriver concept_river_big_blue_river +concept_river_kansas_river concept:riveremptiesintoriver concept_river_missouri_river +concept_river_kennebec concept:riveremptiesintoriver concept_river_dead_river +concept_river_kennebec concept:riveremptiesintoriver concept_river_merrymeeting_bay +concept_river_kentucky_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_kerulen concept:latitudelongitude 48.2791675000000,115.4666675000000 +concept_river_kinzig concept:latitudelongitude 49.7939136363636,8.9555045454545 +concept_river_klamath concept:subpartof concept_politicsissue_oregon +concept_river_klamath concept:riveremptiesintoriver concept_river_trinity_river +concept_river_klamath concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_river_klamath concept:proxyfor concept_stateorprovince_oregon +concept_river_klamath_river concept:riveremptiesintoriver concept_river_trinity_river +concept_river_klickitat concept:riveremptiesintoriver concept_river_columbia_river +concept_river_kollidam concept:latitudelongitude 11.3833300000000,79.7666700000000 +concept_river_la_grue_bayou concept:latitudelongitude 34.0948300000000,-91.1676100000000 +concept_river_lake_champlain concept:proxyfor concept_book_new +concept_river_lake_geneva concept:riveremptiesintoriver concept_river_rhone_river +concept_river_lake_geneva concept:atlocation concept_stateorprovince_wisconsin +concept_river_lehigh_river concept:riveremptiesintoriver concept_river_delaware_river +concept_river_licking concept:riveremptiesintoriver concept_river_muskingum_river +concept_river_lielupe concept:latitudelongitude 57.0385755555556,24.1535744444444 +concept_river_lieutenant_river concept:latitudelongitude 41.3089900000000,-72.3448100000000 +concept_river_limpopo concept:riveremptiesintoriver concept_river_indian_ocean +concept_river_little_colorado concept:riveremptiesintoriver concept_river_colorado_river +concept_river_little_colorado concept:riveremptiesintoriver concept_river_grand_canyon +concept_river_little_colorado_river concept:riveremptiesintoriver concept_river_colorado_river +concept_river_little_colorado_river_gorge concept:latitudelongitude 36.1924900000000,-111.7984900000000 +concept_river_little_kanawha_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_little_manatee concept:latitudelongitude 27.6789800000000,-82.3805960000000 +concept_river_livenza concept:latitudelongitude 45.7522182352941,12.6682005882353 +concept_river_llugwy concept:latitudelongitude 53.0833300000000,-3.8000000000000 +concept_river_lochay concept:latitudelongitude 56.4750000000000,-4.3666650000000 +concept_river_loire concept:riveremptiesintoriver concept_river_dordogne +concept_river_long_valley concept:proxyfor concept_radiostation_new_jersey +concept_river_loup concept:riveremptiesintoriver concept_river_platte_river +concept_river_lower_alabama concept:latitudelongitude 41.6629700000000,-114.7247600000000 +concept_river_lyell_fork concept:latitudelongitude 37.7879800000000,-119.3497350000000 +concept_river_macoupin concept:latitudelongitude 39.2404400000000,-90.0837633333334 +concept_river_mae_kok concept:latitudelongitude 19.4214285714286,99.4119057142857 +concept_river_mahakam concept:latitudelongitude -0.5833300000000,117.2833300000000 +concept_river_mahalo concept:mutualproxyfor concept_publication_jason_calacanis +concept_river_main concept:riveremptiesintoriver concept_river_danube +concept_river_mangatainoka concept:latitudelongitude -39.9699330000000,175.9701680000000 +concept_river_manimala concept:latitudelongitude 9.3944433333333,76.6166666666667 +concept_river_mascarene_plateau concept:latitudelongitude -10.0000000000000,60.0000000000000 +concept_river_mascoma concept:latitudelongitude 43.6430975000000,-72.2283425000000 +concept_river_matanuska concept:riveremptiesintoriver concept_river_knik_arm +concept_river_mattawamkeag concept:latitudelongitude 45.7450840000000,-68.2356620000000 +concept_river_mekong concept:riveremptiesintoriver concept_river_tonle_sap_river +concept_river_menomonee concept:riveremptiesintoriver concept_river_lake_michigan +concept_river_merrimack_river concept:riveremptiesintoriver concept_river_concord_river +concept_river_metauro concept:latitudelongitude 43.7273400000000,12.7432537500000 +concept_river_minnesota_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_minnesota_river_valley concept:latitudelongitude 44.6136350000000,-94.5469300000000 +concept_river_mississippi_river concept:riveremptiesintoriver concept_river_arkansas_river +concept_river_mississippi_river concept:riveremptiesintoriver concept_river_missouri_river +concept_river_mississippi_river concept:riveremptiesintoriver concept_river_red_river +concept_river_mississippi_river concept:riveremptiesintoriver concept_river_st___croix_river +concept_river_mississippi_river concept:riveremptiesintoriver concept_river_wisconsin_river +concept_river_missouri_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_missouri_river concept:riveremptiesintoriver concept_river_niobrara_river +concept_river_missouri_river concept:riveremptiesintoriver concept_river_yellowstone_river +concept_river_mo_chhu concept:latitudelongitude 26.3833300000000,89.8000000000000 +concept_river_mohaka concept:latitudelongitude -39.1025784210526,176.9304273684210 +concept_river_mohawk concept:atlocation concept_mountainrange_hudson_river +concept_river_mohawk concept:riveremptiesintoriver concept_river_hudson_river +concept_river_mohawk concept:riveremptiesintoriver concept_skiarea_wood_creek +concept_river_mohawk_river concept:riveremptiesintoriver concept_river_hudson_river +concept_river_monongahela concept:riveremptiesintoriver concept_river_ohio_river +concept_river_montana concept:riveremptiesintoriver concept_river_state +concept_river_monterey_canyon concept:latitudelongitude 36.7249800000000,-121.9588650000000 +concept_river_mosel concept:riveremptiesintoriver concept_river_rhine +concept_river_motoyasu concept:latitudelongitude 34.1222233333333,132.7666666666666 +concept_river_mount_pleasant concept:atlocation concept_blog_iowa +concept_river_mount_pleasant concept:atlocation concept_city_texas +concept_river_mount_pleasant concept:mutualproxyfor concept_creditunion_michigan +concept_river_mullica concept:latitudelongitude 39.6470588888889,-74.8906233333333 +concept_river_muskingum concept:riveremptiesintoriver concept_river_ohio_river +concept_river_nahe concept:riveremptiesintoriver concept_river_rhine +concept_river_napo concept:riveremptiesintoriver concept_river_amazon_river +concept_river_naro_moru concept:latitudelongitude -0.1523814285714,37.1095242857143 +concept_river_nauvoo concept:atdate concept_year_n1841 +concept_river_nauvoo concept:atdate concept_year_n1842 +concept_river_necanicum concept:latitudelongitude 45.9239300000000,-123.8404850000000 +concept_river_neckar concept:riveremptiesintoriver concept_river_rhine +concept_river_niagara concept:riveremptiesintoriver concept_river_welland_river +concept_river_niagara concept:riveremptiesintoriver concept_visualizablescene_falls +concept_river_niagara_falls concept:riveremptiesintoriver concept_visualizablescene_falls +concept_river_nile concept:riveremptiesintoriver concept_geopoliticallocation_delta +concept_river_nile concept:riveremptiesintoriver concept_river_euphrates +concept_river_nile concept:riveremptiesintoriver concept_river_euphrates_river +concept_river_nile concept:riveremptiesintoriver concept_river_lake_nasser +concept_river_nile concept:riveremptiesintoriver concept_river_suez_canal +concept_river_nile concept:riveremptiesintoriver concept_river_valley +concept_river_nile_river concept:riveremptiesintoriver concept_geopoliticallocation_delta +concept_river_niobrara concept:riveremptiesintoriver concept_river_missouri_river +concept_river_noguera_pallaresa concept:latitudelongitude 42.2500000000000,0.9000000000000 +concept_river_nookachamps concept:latitudelongitude 48.4599700000000,-122.2871000000000 +concept_river_north_branch concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_nushagak concept:latitudelongitude 59.0300000000000,-158.4301585714286 +concept_river_nzoia concept:latitudelongitude 0.4590457142857,34.5887300000000 +concept_river_ob concept:riveremptiesintoriver concept_river_irtysh +concept_river_ocheyedan concept:latitudelongitude 43.3745205263158,-95.5002473684211 +concept_river_ocklawaha concept:latitudelongitude 29.4260570000000,-82.4457950000000 +concept_river_ocmulgee concept:riveremptiesintoriver concept_river_altamaha_river +concept_river_ohio_river concept:riveremptiesintoriver concept_river_licking +concept_river_ohio_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_oka concept:riveremptiesintoriver concept_river_volga +concept_river_okeechobee_waterway concept:latitudelongitude 26.8061700000000,-81.1128500000000 +concept_river_old_brahmaputra concept:latitudelongitude 24.0333300000000,90.9833300000000 +concept_river_onkaparinga concept:latitudelongitude -35.1694466666667,138.4944466666667 +concept_river_oostanaula concept:latitudelongitude 34.6004255555556,-84.9974766666667 +concept_river_oostanaula concept:riveremptiesintoriver concept_river_coosa_river +concept_river_orantes concept:latitudelongitude 14.4416700000000,-90.5333300000000 +concept_river_orinoco concept:riveremptiesintoriver concept_river_amazon_river +concept_river_otonabee concept:latitudelongitude 44.3713740000000,-78.5809080000000 +concept_river_ottawa_river concept:riveremptiesintoriver concept_river_rideau_river +concept_river_ottawa_river concept:riveremptiesintoriver concept_river_st___lawrence_river +concept_river_paktia_province concept:latitudelongitude 33.6666700000000,69.4666700000000 +concept_river_parambikulam concept:latitudelongitude 10.3833300000000,76.8166700000000 +concept_river_peace concept:riveremptiesintoriver concept_river_slave_river +concept_river_pennypack concept:latitudelongitude 40.0746742857143,-75.0437414285714 +concept_river_pirates_cove concept:locationlocatedwithinlocation concept_city_cleveland +concept_river_platte concept:riveremptiesintoriver concept_river_missouri_river +concept_river_port_hercule concept:latitudelongitude 43.7361100000000,7.4250000000000 +concept_river_portneuf concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_portneuf_river concept:riveremptiesintoriver concept_skiarea_snake_river +concept_river_potomac concept:riveremptiesintoriver concept_river_c_o_canal +concept_river_potomac concept:riveremptiesintoriver concept_river_ohio_river +concept_river_potomac concept:riveremptiesintoriver concept_river_potomac_river +concept_river_potomac concept:riveremptiesintoriver concept_river_rappahannock_river +concept_river_potomac concept:riveremptiesintoriver concept_river_shenandoah_river +concept_river_potomac concept:riveremptiesintoriver concept_river_wills_creek +concept_river_potomac concept:riveremptiesintoriver concept_skiarea_rock_creek +concept_river_potomac concept:atdate concept_year_n1862 +concept_river_potomac concept:atdate concept_year_n1863 +concept_river_powder_river concept:riveremptiesintoriver concept_river_yellowstone +concept_river_powder_river concept:riveremptiesintoriver concept_river_yellowstone_river +concept_river_prairie_dog_town_fork concept:latitudelongitude 34.8175600000000,-100.8522250000000 +concept_river_presque_isle concept:atlocation concept_stateorprovince_maine +concept_river_presque_isle concept:proxyfor concept_stateorprovince_maine +concept_river_priest_river concept:atlocation concept_stateorprovince_idaho +concept_river_prims concept:latitudelongitude 49.3333300000000,6.7333300000000 +concept_river_quebec_city concept:atdate concept_date_n2001 +concept_river_quijos concept:latitudelongitude -0.3133320000000,-77.7066660000000 +concept_river_rangitaiki concept:latitudelongitude -38.4502406666667,176.4652933333333 +concept_river_rangitata concept:latitudelongitude -43.6409658333334,171.5646737500000 +concept_river_rea_brook concept:latitudelongitude 44.7453200000000,-73.4529100000000 +concept_river_red_river concept:riveremptiesintoriver concept_river_assiniboine +concept_river_red_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_reward concept:proxyfor concept_book_new +concept_river_rhine concept:riveremptiesintoriver concept_river_mosel +concept_river_rhine concept:riveremptiesintoriver concept_river_mosel_river +concept_river_rhine concept:riveremptiesintoriver concept_river_moselle +concept_river_rhine concept:riveremptiesintoriver concept_river_nahe +concept_river_rhone concept:riveremptiesintoriver concept_river_lake_geneva +concept_river_rhone_river concept:riveremptiesintoriver concept_river_lake_geneva +concept_river_rideau concept:riveremptiesintoriver concept_river_canal +concept_river_rideau concept:riveremptiesintoriver concept_river_ottawa_river +concept_river_rideau_river concept:riveremptiesintoriver concept_river_ottawa_river +concept_river_rio_negro concept:riveremptiesintoriver concept_river_amazon_river +concept_river_rivanna concept:latitudelongitude 38.0324591666667,-78.3936941666667 +concept_river_river_annan concept:latitudelongitude 54.9666700000000,-3.2666700000000 +concept_river_river_bourne concept:latitudelongitude 51.0500000000000,-1.7666700000000 +concept_river_river_brue concept:latitudelongitude 51.2230600000000,-2.9905600000000 +concept_river_river_churnet concept:latitudelongitude 52.9333300000000,-1.8500000000000 +concept_river_river_cole concept:latitudelongitude 52.5166700000000,-1.8166700000000 +concept_river_river_dane concept:latitudelongitude 53.2500000000000,-2.5166700000000 +concept_river_river_findhorn concept:latitudelongitude 57.6333300000000,-3.6333300000000 +concept_river_river_fleet concept:latitudelongitude 57.9500000000000,-4.0833300000000 +concept_river_river_goyt concept:latitudelongitude 53.4166700000000,-2.1500000000000 +concept_river_river_ouzel concept:latitudelongitude 52.0666700000000,-0.7166700000000 +concept_river_river_rea concept:latitudelongitude 52.5000000000000,-1.8166700000000 +concept_river_river_south_esk concept:latitudelongitude 56.3083350000000,-2.7916650000000 +concept_river_river_stort concept:latitudelongitude 51.7666700000000,0.0333300000000 +concept_river_river_thames concept:attractionofcity concept_city_london_city +concept_river_river_till concept:latitudelongitude 55.6833300000000,-2.2000000000000 +concept_river_river_tyne concept:riveremptiesintoriver concept_river_tyne +concept_river_river_warren concept:latitudelongitude 45.4810750000000,-96.6703450000000 +concept_river_river_yeo concept:latitudelongitude 51.0657416666667,-3.6082416666667 +concept_river_rocky_mountain_trench concept:latitudelongitude 54.4999000000000,-122.5030000000000 +concept_river_roskilde_fjord concept:latitudelongitude 55.9333300000000,12.0000000000000 +concept_river_rospuda concept:latitudelongitude 54.1055566666667,22.7222233333333 +concept_river_ruakituri concept:latitudelongitude -38.8364011111111,177.3546155555555 +concept_river_rupsha concept:latitudelongitude 24.6333300000000,91.2333300000000 +concept_river_russian_river concept:riveremptiesintoriver concept_river_dry_creek +concept_river_sacramento_river concept:riveremptiesintoriver concept_river_american +concept_river_sacramento_river concept:riveremptiesintoriver concept_river_american_river +concept_river_sacramento_river concept:riveremptiesintoriver concept_river_feather_river +concept_river_saint_george concept:locationlocatedwithinlocation concept_county_utah +concept_river_salt_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_san_joaquin concept:riveremptiesintoriver concept_geopoliticallocation_delta +concept_river_san_juan concept:riveremptiesintoriver concept_river_colorado_river +concept_river_sarasvati concept:latitudelongitude 23.5666700000000,71.5500000000000 +concept_river_satilla concept:latitudelongitude 31.3433590000000,-82.1780233333333 +concept_river_sava concept:riveremptiesintoriver concept_river_danube +concept_river_save_river concept:latitudelongitude 25.2444400000000,62.8383300000000 +concept_river_schuylkill concept:riveremptiesintoriver concept_river_delaware_river +concept_river_schuylkill concept:riveremptiesintoriver concept_river_wissahickon_creek +concept_river_schuylkill_river concept:riveremptiesintoriver concept_river_delaware_river +concept_river_scioto concept:riveremptiesintoriver concept_river_ohio_river +concept_river_scioto concept:riveremptiesintoriver concept_skiarea_little_miami_river +concept_river_scioto concept:proxyfor concept_university_ohio +concept_river_scioto_river concept:riveremptiesintoriver concept_river_ohio_river +concept_river_senegal_river_valley concept:latitudelongitude 16.1666700000000,-14.0000000000000 +concept_river_serchio concept:latitudelongitude 44.0508100000000,10.2868166666667 +concept_river_sereth concept:latitudelongitude 45.4000000000000,28.0166700000000 +concept_river_severn concept:riveremptiesintoriver concept_river_bristol_channel +concept_river_sheepscot concept:latitudelongitude 44.0624233333333,-69.6071733333333 +concept_river_shenandoah concept:riveremptiesintoriver concept_river_valley +concept_river_shenandoah_river concept:riveremptiesintoriver concept_river_potomac_river +concept_river_shepherdsville concept:proxyfor concept_coach_kentucky +concept_river_sheyenne concept:riveremptiesintoriver concept_river_red_river +concept_river_siletz concept:riveremptiesintoriver concept_skiarea_siletz_bay +concept_river_silverburn concept:latitudelongitude 55.8222500000000,-4.3394300000000 +concept_river_similkameen concept:latitudelongitude 49.1485957142857,-119.7683171428572 +concept_river_sittang concept:latitudelongitude 17.3625025000000,96.8041675000000 +concept_river_skagit concept:riveremptiesintoriver concept_river_ruby_creek +concept_river_skookumchuck concept:riveremptiesintoriver concept_river_chehalis_river +concept_river_skykomish concept:latitudelongitude 47.7769643750000,-121.4757775000000 +concept_river_smithville concept:proxyfor concept_radiostation_new_jersey +concept_river_snake concept:riveremptiesintoriver concept_river_clearwater_river +concept_river_snake concept:riveremptiesintoriver concept_river_columbia +concept_river_snake concept:riveremptiesintoriver concept_river_columbia_river +concept_river_snake concept:riveremptiesintoriver concept_river_hells_canyon +concept_river_snake concept:riveremptiesintoriver concept_river_portneuf +concept_river_snake concept:riveremptiesintoriver concept_river_salmon_river +concept_river_snake concept:riveremptiesintoriver concept_skiarea_palisades_reservoir +concept_river_sol_duc concept:latitudelongitude 47.9722588888889,-124.0038466666667 +concept_river_south_platte concept:riveremptiesintoriver concept_river_cherry_creek +concept_river_south_platte_river concept:riveremptiesintoriver concept_river_cherry_creek +concept_river_st___croix_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_st__croix_river concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_strait_of_messina concept:latitudelongitude 38.2500000000000,15.5833300000000 +concept_river_strymon concept:latitudelongitude 40.7833300000000,23.8500000000000 +concept_river_sturgeon_bay concept:atlocation concept_stateorprovince_wisconsin +concept_river_sugarland_run concept:latitudelongitude 39.0341650000000,-77.3673950000000 +concept_river_susquehanna concept:riveremptiesintoriver concept_river_chemung_river +concept_river_susquehanna concept:riveremptiesintoriver concept_river_columbia +concept_river_susquehanna concept:riveremptiesintoriver concept_river_delaware_river +concept_river_susquehanna concept:riveremptiesintoriver concept_river_juniata_river +concept_river_susquehanna_river concept:riveremptiesintoriver concept_river_juniata_river +concept_river_swinomish_channel concept:latitudelongitude 48.4120500000000,-122.4976600000000 +concept_river_tanana concept:riveremptiesintoriver concept_river_delta_river +concept_river_tanana concept:riveremptiesintoriver concept_river_yukon_river +concept_river_tanana_river concept:riveremptiesintoriver concept_river_yukon_river +concept_river_teifi concept:latitudelongitude 52.0649460000000,-4.5345020000000 +concept_river_tenasserim concept:latitudelongitude 12.5549990000000,98.6883350000000 +concept_river_tennessee_river concept:riveremptiesintoriver concept_river_clinch +concept_river_thames concept:riveremptiesintoriver concept_river_bow_creek +concept_river_thunga concept:latitudelongitude -15.9833300000000,35.0833300000000 +concept_river_tigris concept:riveremptiesintoriver concept_river_euphrates +concept_river_tigris concept:riveremptiesintoriver concept_river_euphrates_river +concept_river_tippecanoe concept:riveremptiesintoriver concept_river_wabash_river +concept_river_tonle_sap concept:riveremptiesintoriver concept_river_mekong_river +concept_river_totopotomoy concept:latitudelongitude 37.6893100000000,-77.3159500000000 +concept_river_toutle concept:riveremptiesintoriver concept_river_cowlitz_river +concept_river_treaty concept:atdate concept_dateliteral_n2007 +concept_river_treaty concept:atdate concept_dateliteral_n2008 +concept_river_trebbia concept:latitudelongitude 45.0277800000000,9.6499966666667 +concept_river_trent concept:riveremptiesintoriver concept_river_neuse_river +concept_river_trinity_river concept:riveremptiesintoriver concept_river_klamath +concept_river_trinity_river concept:riveremptiesintoriver concept_river_klamath_river +concept_river_turgwe concept:latitudelongitude -20.4000000000000,32.1166650000000 +concept_river_turkey_brook concept:latitudelongitude 41.8529200000000,-72.8653316666666 +concept_river_tusket concept:latitudelongitude 43.7674336842105,-66.0033257894737 +concept_river_tywi concept:latitudelongitude 51.7769450000000,-4.3606950000000 +concept_river_ussuri concept:riveremptiesintoriver concept_river_amur_river +concept_river_vaitarna concept:latitudelongitude 19.5000000000000,72.7500000000000 +concept_river_vamsadhara concept:latitudelongitude 18.3500000000000,84.1333300000000 +concept_river_velika_morava concept:latitudelongitude 44.7138900000000,21.0369400000000 +concept_river_verde concept:riveremptiesintoriver concept_river_salt_river +concept_river_verdigris concept:riveremptiesintoriver concept_river_arkansas_river +concept_river_verlorenvlei concept:latitudelongitude -32.8333300000000,19.1750000000000 +concept_river_vorderrhein concept:latitudelongitude 46.8333300000000,9.4000000000000 +concept_river_vorotan concept:latitudelongitude 39.4849440000000,46.1585000000000 +concept_river_wabash concept:riveremptiesintoriver concept_river_lake_michigan +concept_river_wabash concept:riveremptiesintoriver concept_river_ohio_river +concept_river_wabash concept:riveremptiesintoriver concept_skiarea_white_river +concept_river_wainganga concept:latitudelongitude 19.6000000000000,79.8000000000000 +concept_river_washita concept:riveremptiesintoriver concept_river_red_river +concept_river_west_creek concept:proxyfor concept_stateorprovince_new_jersey +concept_river_west_creek concept:proxyfor concept_stateorprovince_newjersey +concept_river_western_texas concept:latitudelongitude 29.7554000000000,-98.7051000000000 +concept_river_wild_rogue concept:latitudelongitude 42.6040000000000,-124.0428700000000 +concept_river_willamette concept:riveremptiesintoriver concept_river_clackamas_river +concept_river_willamette concept:riveremptiesintoriver concept_river_columbia +concept_river_willamette concept:riveremptiesintoriver concept_river_columbia_river +concept_river_willamette_river concept:riveremptiesintoriver concept_river_columbia_river +concept_river_windy_city concept:synonymfor concept_county_chicago +concept_river_winisk concept:latitudelongitude 54.1584883333333,-86.5942516666667 +concept_river_wintersburg_channel concept:latitudelongitude 33.7278000000000,-117.9778400000000 +concept_river_wisconsin_river concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_wisconsin_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_wolf_river concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_river_wupper concept:latitudelongitude 51.0999966666667,7.0888900000000 +concept_river_wutach concept:latitudelongitude 47.7250000000000,8.3416650000000 +concept_river_yakima_river concept:riveremptiesintoriver concept_river_columbia_river +concept_river_yangtze concept:riveremptiesintoriver concept_river_three_gorges_dam +concept_river_yangtze concept:riveremptiesintoriver concept_river_yellow_river +concept_river_yarmouk concept:latitudelongitude 33.0333300000000,36.0138916666667 +concept_river_yarra concept:riveremptiesintoriver concept_river_merri_creek +concept_river_yazoo_river concept:riveremptiesintoriver concept_river_mississippi_river +concept_river_yellow concept:riveremptiesintoriver concept_river_yangtze +concept_river_yellow concept:riveremptiesintoriver concept_river_yangtze_river +concept_river_yellow concept:proxyfor concept_weatherphenomenon_days +concept_river_yellowstone concept:riveremptiesintoriver concept_river_bighorn_river +concept_river_yellowstone concept:riveremptiesintoriver concept_river_missouri_river +concept_river_yellowstone concept:riveremptiesintoriver concept_river_powder_river +concept_river_yellowstone_river concept:riveremptiesintoriver concept_river_missouri_river +concept_river_yenisey concept:riveremptiesintoriver concept_river_lena_river +concept_river_youghiogheny concept:riveremptiesintoriver concept_river_monongahela_river +concept_river_yuba concept:riveremptiesintoriver concept_river_feather_river +concept_river_yukon concept:riveremptiesintoriver concept_attraction_miles_canyon +concept_river_yukon concept:riveremptiesintoriver concept_river_pelly_river +concept_river_yukon_river concept:riveremptiesintoriver concept_river_tanana +concept_river_yukon_river concept:riveremptiesintoriver concept_river_tanana_river +concept_river_zambezi concept:riveremptiesintoriver concept_river_indian_ocean +concept_river_zambezi concept:riveremptiesintoriver concept_visualizablescene_falls +concept_river_zambezi_river concept:riveremptiesintoriver concept_visualizablescene_falls +concept_river_zambezi_valley concept:latitudelongitude -18.8333300000000,36.2833300000000 +concept_river_zekiah_swamp concept:latitudelongitude 38.4543833333333,-76.9444166666667 +concept_river_zwickauer_mulde concept:latitudelongitude 51.1666700000000,12.8000000000000 +concept_roadaccidentevent_campus_police_department concept:latitudelongitude 28.5924100000000,-81.1967100000000 +concept_roadaccidentevent_constables concept:latitudelongitude -34.0666700000000,151.1333300000000 +concept_roadaccidentevent_national_police concept:latitudelongitude 33.6484000000000,73.0038000000000 +concept_roadaccidentevent_new_orleans_police concept:latitudelongitude 29.9668895652174,-90.0609830434783 +concept_roadaccidentevent_p_m__saturday concept:atdate concept_date_community +concept_roadaccidentevent_p_m__sunday concept:atdate concept_date_community +concept_roadaccidentevent_police_reports concept:latitudelongitude 29.9174400000000,-90.0668300000000 +concept_room_apartament concept:latitudelongitude 36.4881000000000,-4.9518000000000 +concept_room_area concept:subpartof concept_politicsissue_energy +concept_room_area concept:subpartof concept_weatherphenomenon_rain +concept_room_attic concept:subpartof concept_weatherphenomenon_air +concept_room_attic concept:subpartof concept_weatherphenomenon_water +concept_room_back concept:subpartof concept_academicfield_one_hand +concept_room_back concept:mutualproxyfor concept_book_new +concept_room_back concept:subpartof concept_geopoliticallocation_arms +concept_room_back concept:subpartof concept_physicalaction_hands +concept_room_back concept:subpartof concept_website_blood +concept_room_basin concept:subpartof concept_weatherphenomenon_water +concept_room_benefits concept:subpartof concept_weatherphenomenon_air +concept_room_benefits concept:subpartof concept_weatherphenomenon_water +concept_room_business_center concept:proxyfor concept_book_new +concept_room_cable_tv concept:latitudelongitude 41.4922900000000,-78.2547300000000 +concept_room_cary concept:mutualproxyfor concept_company_north_carolina +concept_room_cary concept:subpartof concept_company_north_carolina +concept_room_chandeliers concept:latitudelongitude 48.1333300000000,3.4666700000000 +concept_room_child concept:subpartof concept_weatherphenomenon_air +concept_room_child concept:subpartof concept_website_blood +concept_room_coast concept:mutualproxyfor concept_book_new +concept_room_coast concept:atdate concept_date_n1942 +concept_room_coast concept:atdate concept_date_n1999 +concept_room_coast concept:atdate concept_date_n2001 +concept_room_coast concept:atdate concept_date_n2003 +concept_room_coast concept:atdate concept_dateliteral_n1945 +concept_room_coast concept:atdate concept_dateliteral_n2005 +concept_room_coast concept:atdate concept_dateliteral_n2006 +concept_room_coast concept:atdate concept_dateliteral_n2008 +concept_room_community concept:subpartof concept_academicfield_natural_gas +concept_room_community concept:subpartof concept_hallwayitem_fuel +concept_room_community concept:subpartof concept_hallwayitem_gas +concept_room_community concept:subpartof concept_hallwayitem_radiant_floor +concept_room_community concept:subpartof concept_kitchenitem_cold_water +concept_room_community concept:subpartof concept_politicsissue_energy +concept_room_community concept:subpartof concept_room_plumbing +concept_room_community concept:subpartof concept_room_space +concept_room_community concept:mutualproxyfor concept_sportsteamposition_five +concept_room_community concept:subpartof concept_transportation_room_air +concept_room_community concept:subpartof concept_vehicle_kerosene +concept_room_community concept:subpartof concept_weapon_propane +concept_room_condos concept:proxyfor concept_book_new +concept_room_contemporary concept:locationlocatedwithinlocation concept_city_york +concept_room_contemporary concept:subpartof concept_city_york +concept_room_contemporary concept:locationlocatedwithinlocation concept_county_york_city +concept_room_conveniences concept:subpartof concept_weatherphenomenon_water +concept_room_cooling concept:subpartof concept_weatherphenomenon_air +concept_room_dates concept:mutualproxyfor concept_book_new +concept_room_dates concept:atdate concept_date_n2003 +concept_room_dates concept:atdate concept_date_n2004 +concept_room_dates concept:atdate concept_date_n2009 +concept_room_dates concept:atdate concept_dateliteral_n2005 +concept_room_dates concept:atdate concept_dateliteral_n2006 +concept_room_dates concept:atdate concept_dateliteral_n2007 +concept_room_dates concept:atdate concept_dateliteral_n2008 +concept_room_dates concept:subpartof concept_weatherphenomenon_water +concept_room_development concept:mutualproxyfor concept_book_new +concept_room_development concept:synonymfor concept_jobposition_compiler +concept_room_development concept:subpartof concept_politicsissue_energy +concept_room_development concept:subpartof concept_weatherphenomenon_air +concept_room_development concept:subpartof concept_weatherphenomenon_water +concept_room_dryer concept:subpartof concept_weatherphenomenon_air +concept_room_east concept:mutualproxyfor concept_book_new +concept_room_east concept:mutualproxyfor concept_book_years +concept_room_east concept:atlocation concept_building_america +concept_room_east concept:atlocation concept_building_years +concept_room_east concept:atlocation concept_continent_africa +concept_room_east concept:atlocation concept_skyscraper_asia +concept_room_equipment concept:mutualproxyfor concept_book_new +concept_room_equipment concept:subpartof concept_hallwayitem_fuel +concept_room_equipment concept:subpartof concept_hallwayitem_gas +concept_room_equipment concept:subpartof concept_hallwayitem_pool +concept_room_equipment concept:subpartof concept_hallwayitem_process +concept_room_equipment concept:subpartof concept_musicalbum_power +concept_room_equipment concept:subpartof concept_port_portable_air +concept_room_equipment concept:subpartof concept_visualizablething_art_water +concept_room_executive concept:proxyfor concept_book_new +concept_room_executive concept:atdate concept_date_n2004 +concept_room_executive concept:atdate concept_dateliteral_n2002 +concept_room_executive concept:atdate concept_dateliteral_n2005 +concept_room_executive concept:atdate concept_dateliteral_n2007 +concept_room_executive concept:synonymfor concept_politicsissue_affairs +concept_room_expansion concept:subpartof concept_weatherphenomenon_water +concept_room_family concept:mutualproxyfor concept_book_new +concept_room_family concept:subpartof concept_weatherphenomenon_air +concept_room_family_hall concept:latitudelongitude 38.9542800000000,-95.2523900000000 +concept_room_financing concept:subpartof concept_weatherphenomenon_water +concept_room_freezer concept:subpartof concept_weatherphenomenon_air +concept_room_garage concept:subpartof concept_weatherphenomenon_water +concept_room_ground concept:mutualproxyfor concept_book_new +concept_room_guest concept:proxyfor concept_book_new +concept_room_guide concept:mutualproxyfor concept_book_new +concept_room_guide concept:atdate concept_month_april +concept_room_guide concept:atdate concept_month_august +concept_room_guide concept:atdate concept_month_december +concept_room_guide concept:atdate concept_month_february +concept_room_guide concept:atdate concept_month_january +concept_room_guide concept:atdate concept_month_july +concept_room_guide concept:atdate concept_month_june +concept_room_guide concept:atdate concept_month_march +concept_room_guide concept:atdate concept_month_may +concept_room_guide concept:atdate concept_month_november +concept_room_guide concept:atdate concept_month_october +concept_room_guide concept:atdate concept_month_september +concept_room_hardware concept:subpartof concept_weatherphenomenon_air +concept_room_hillsdale concept:mutualproxyfor concept_radiostation_new_jersey +concept_room_homes concept:mutualproxyfor concept_transportation_two +concept_room_homes concept:subpartof concept_weatherphenomenon_air +concept_room_homes concept:subpartof concept_weatherphenomenon_water +concept_room_hour concept:proxyfor concept_book_new +concept_room_house concept:subpartof concept_academicfield_natural_gas +concept_room_house concept:subpartof concept_beverage_solar_water +concept_room_house concept:subpartof concept_beverage_tankless_water +concept_room_house concept:mutualproxyfor concept_book_new +concept_room_house concept:mutualproxyfor concept_book_six +concept_room_house concept:mutualproxyfor concept_filmfestival_eight +concept_room_house concept:subpartof concept_hallwayitem_gas +concept_room_house concept:subpartof concept_hallwayitem_phone +concept_room_house concept:subpartof concept_kitchenitem_cold_water +concept_room_house concept:locationlocatedwithinlocation concept_lake_new +concept_room_house concept:subpartof concept_landscapefeatures_hot_water +concept_room_house concept:mutualproxyfor concept_mldataset_n2 +concept_room_house concept:mutualproxyfor concept_mldataset_n4 +concept_room_house concept:mutualproxyfor concept_musicalbum_four +concept_room_house concept:mutualproxyfor concept_musicalbum_nine +concept_room_house concept:mutualproxyfor concept_musicalbum_three +concept_room_house concept:mutualproxyfor concept_nonneginteger_n10 +concept_room_house concept:mutualproxyfor concept_programminglanguage_n1_2 +concept_room_house concept:subpartof concept_room_telephone +concept_room_house concept:mutualproxyfor concept_sportsgame_half +concept_room_house concept:subpartof concept_sportsteam_heat +concept_room_house concept:mutualproxyfor concept_sportsteamposition_five +concept_room_house concept:mutualproxyfor concept_transportation_two +concept_room_house concept:mutualproxyfor concept_vehicle_ten +concept_room_house concept:subpartof concept_visualizablething_indoor_air +concept_room_house concept:subpartof concept_weatherphenomenon_air +concept_room_house concept:subpartof concept_weatherphenomenon_cold_air +concept_room_house_and_garden concept:latitudelongitude 43.0739800000000,-70.7578300000000 +concept_room_importance concept:proxyfor concept_book_new +concept_room_importance concept:subpartof concept_weatherphenomenon_water +concept_room_kent concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_room_kent concept:mutualproxyfor concept_city_washington_d_c +concept_room_kent concept:atdate concept_dateliteral_n2006 +concept_room_kent concept:atdate concept_dateliteral_n2008 +concept_room_lab concept:atdate concept_date_n1999 +concept_room_lab concept:atdate concept_date_n2001 +concept_room_lab concept:atdate concept_date_n2003 +concept_room_lab concept:atdate concept_date_n2004 +concept_room_lab concept:atdate concept_dateliteral_n2002 +concept_room_lab concept:atdate concept_dateliteral_n2005 +concept_room_lab concept:atdate concept_dateliteral_n2006 +concept_room_lab concept:atdate concept_dateliteral_n2007 +concept_room_lab concept:atdate concept_dateliteral_n2008 +concept_room_lab concept:subpartof concept_weatherphenomenon_air +concept_room_level concept:atdate concept_date_n1999 +concept_room_level concept:atdate concept_date_n2000 +concept_room_level concept:atdate concept_date_n2001 +concept_room_level concept:atdate concept_date_n2003 +concept_room_level concept:atdate concept_date_n2004 +concept_room_level concept:atdate concept_dateliteral_n2002 +concept_room_level concept:atdate concept_dateliteral_n2005 +concept_room_level concept:atdate concept_dateliteral_n2006 +concept_room_level concept:atdate concept_dateliteral_n2007 +concept_room_level concept:atdate concept_dateliteral_n2008 +concept_room_level concept:subpartof concept_weatherphenomenon_air +concept_room_level concept:atdate concept_year_n1989 +concept_room_level concept:atdate concept_year_n1995 +concept_room_level concept:atdate concept_year_n1998 +concept_room_levels concept:subpartof concept_weatherphenomenon_air +concept_room_living_space concept:subpartof concept_weatherphenomenon_air +concept_room_lot concept:mutualproxyfor concept_book_new +concept_room_lot concept:mutualproxyfor concept_city_new_orleans +concept_room_malta concept:atdate concept_date_n2003 +concept_room_malta concept:atdate concept_dateliteral_n2008 +concept_room_mission concept:mutualproxyfor concept_book_new +concept_room_mission concept:locationlocatedwithinlocation concept_city_texas +concept_room_mission concept:subpartof concept_weatherphenomenon_water +concept_room_modern concept:locationlocatedwithinlocation concept_city_york +concept_room_modern concept:subpartof concept_city_york +concept_room_money concept:subpartof concept_programminglanguage_state +concept_room_newport concept:proxyfor concept_book_new +concept_room_newport concept:atlocation concept_cave_arkansas +concept_room_newport concept:proxyfor concept_coach_kentucky +concept_room_newport concept:locationlocatedwithinlocation concept_monument_rhode_island +concept_room_newport concept:proxyfor concept_monument_rhode_island +concept_room_newport concept:proxyfor concept_politicsissue_oregon +concept_room_newport concept:atlocation concept_skiarea_kentucky +concept_room_occupancy concept:atdate concept_date_n1999 +concept_room_occupancy concept:atdate concept_date_n2001 +concept_room_occupancy concept:atdate concept_date_n2003 +concept_room_occupancy concept:atdate concept_date_n2004 +concept_room_occupancy concept:atdate concept_date_n2009 +concept_room_occupancy concept:atdate concept_dateliteral_n2005 +concept_room_occupancy concept:atdate concept_dateliteral_n2006 +concept_room_occupancy concept:atdate concept_dateliteral_n2007 +concept_room_occupancy concept:atdate concept_dateliteral_n2008 +concept_room_occupancy concept:atdate concept_dateliteral_n2010 +concept_room_offfice concept:latitudelongitude 40.4919800000000,-90.1954000000000 +concept_room_offices concept:atdate concept_date_n2001 +concept_room_offices concept:atdate concept_date_n2003 +concept_room_offices concept:atdate concept_date_n2004 +concept_room_offices concept:atdate concept_dateliteral_n2002 +concept_room_offices concept:atdate concept_dateliteral_n2005 +concept_room_offices concept:atdate concept_dateliteral_n2006 +concept_room_offices concept:atdate concept_dateliteral_n2007 +concept_room_offices concept:atdate concept_dateliteral_n2008 +concept_room_offices concept:proxyfor concept_lake_new +concept_room_offices concept:subpartof concept_programminglanguage_state +concept_room_offices concept:subpartof concept_weatherphenomenon_air +concept_room_offices concept:subpartof concept_weatherphenomenon_water +concept_room_offices concept:atdate concept_year_n1997 +concept_room_offices concept:atdate concept_year_n1998 +concept_room_ownership concept:proxyfor concept_book_new +concept_room_ownership concept:atdate concept_date_n2000 +concept_room_ownership concept:atdate concept_date_n2003 +concept_room_ownership concept:atdate concept_date_n2004 +concept_room_ownership concept:atdate concept_dateliteral_n2002 +concept_room_ownership concept:atdate concept_dateliteral_n2005 +concept_room_ownership concept:atdate concept_dateliteral_n2006 +concept_room_ownership concept:atdate concept_dateliteral_n2007 +concept_room_ownership concept:atdate concept_dateliteral_n2008 +concept_room_pemberton concept:proxyfor concept_radiostation_new_jersey +concept_room_penthouse concept:mutualproxyfor concept_person_bob_guccione +concept_room_penthouse concept:subpartof concept_person_bob_guccione +concept_room_plan concept:subpartof concept_weatherphenomenon_air +concept_room_plan concept:subpartof concept_weatherphenomenon_water +concept_room_principles concept:subpartof concept_weatherphenomenon_air +concept_room_principles concept:subpartof concept_weatherphenomenon_water +concept_room_properties concept:mutualproxyfor concept_book_new +concept_room_properties concept:subpartof concept_weatherphenomenon_air +concept_room_real_estate concept:mutualproxyfor concept_book_new +concept_room_reins concept:atdate concept_date_n2001 +concept_room_reins concept:atdate concept_date_n2003 +concept_room_reins concept:atdate concept_dateliteral_n2005 +concept_room_reins concept:atdate concept_dateliteral_n2007 +concept_room_rest concept:mutualproxyfor concept_book_new +concept_room_sale concept:mutualproxyfor concept_book_new +concept_room_schools concept:mutualproxyfor concept_book_new +concept_room_schools concept:subpartof concept_weatherphenomenon_air +concept_room_setting concept:proxyfor concept_book_new +concept_room_shop concept:mutualproxyfor concept_book_new +concept_room_showroom concept:atdate concept_dateliteral_n2005 +concept_room_south concept:atlocation concept_bridge_world +concept_room_south concept:atlocation concept_building_america +concept_room_south concept:atlocation concept_building_years +concept_room_south concept:mutualproxyfor concept_city_area +concept_room_south concept:atlocation concept_continent_africa +concept_room_south concept:atlocation concept_country_korea +concept_room_south concept:atlocation concept_country_republic_of_india +concept_room_south concept:mutualproxyfor concept_county_philadelphia +concept_room_south concept:atlocation concept_geopoliticallocation_dakota +concept_room_south concept:mutualproxyfor concept_person_mugabe +concept_room_south concept:atlocation concept_shoppingmall_carolina +concept_room_south concept:atlocation concept_skyscraper_asia +concept_room_step concept:mutualproxyfor concept_book_new +concept_room_systems concept:subpartof concept_bathroomitem_waste +concept_room_systems concept:subpartof concept_bathroomitem_water_treatment +concept_room_systems concept:mutualproxyfor concept_book_new +concept_room_systems concept:subpartof concept_buildingfeature_storm +concept_room_systems concept:subpartof concept_buildingfeature_storm_drainage +concept_room_systems concept:subpartof concept_crustacean_toilet +concept_room_systems concept:subpartof concept_governmentorganization_stormwater +concept_room_systems concept:subpartof concept_hallwayitem_area +concept_room_systems concept:subpartof concept_hallwayitem_auto +concept_room_systems concept:subpartof concept_hallwayitem_forest +concept_room_systems concept:subpartof concept_hallwayitem_fuel +concept_room_systems concept:subpartof concept_hallwayitem_gas +concept_room_systems concept:subpartof concept_hallwayitem_point +concept_room_systems concept:subpartof concept_hallwayitem_pool +concept_room_systems concept:subpartof concept_hallwayitem_process +concept_room_systems concept:subpartof concept_hallwayitem_road +concept_room_systems concept:subpartof concept_hallwayitem_steam +concept_room_systems concept:subpartof concept_hallwayitem_tower +concept_room_systems concept:subpartof concept_hallwayitem_utility +concept_room_systems concept:subpartof concept_kitchenitem_cold_water +concept_room_systems concept:subpartof concept_kitchenitem_public_water +concept_room_systems concept:subpartof concept_lake_great_water +concept_room_systems concept:subpartof concept_lake_small_water +concept_room_systems concept:subpartof concept_landscapefeatures_hot_water +concept_room_systems concept:subpartof concept_landscapefeatures_soil +concept_room_systems concept:subpartof concept_magazine_diesel +concept_room_systems concept:subpartof concept_mediatype_irrigation +concept_room_systems concept:subpartof concept_musicalbum_power +concept_room_systems concept:subpartof concept_musicalbum_three +concept_room_systems concept:subpartof concept_musicartist_acid +concept_room_systems concept:subpartof concept_physicalaction_membrane +concept_room_systems concept:subpartof concept_physicalaction_toilets +concept_room_systems concept:subpartof concept_planet_fresh_water +concept_room_systems concept:subpartof concept_politicsissue_innovative_water +concept_room_systems concept:subpartof concept_politicsissue_more_water +concept_room_systems concept:subpartof concept_politicsissue_such_water +concept_room_systems concept:subpartof concept_port_portable_air +concept_room_systems concept:subpartof concept_profession_household +concept_room_systems concept:subpartof concept_profession_sewers +concept_room_systems concept:subpartof concept_publication_ground_water +concept_room_systems concept:subpartof concept_room_community +concept_room_systems concept:subpartof concept_room_house +concept_room_systems concept:subpartof concept_room_plumbing +concept_room_systems concept:subpartof concept_room_sewer +concept_room_systems concept:subpartof concept_room_space +concept_room_systems concept:subpartof concept_room_utilities +concept_room_systems concept:subpartof concept_sport_clean_water +concept_room_systems concept:subpartof concept_televisionshow_pure_water +concept_room_systems concept:subpartof concept_transportation_central_air +concept_room_systems concept:subpartof concept_transportation_modern_air +concept_room_systems concept:subpartof concept_transportation_room_air +concept_room_systems concept:subpartof concept_transportation_separate_air +concept_room_systems concept:subpartof concept_transportation_several_air +concept_room_systems concept:subpartof concept_university_state_of_the_art +concept_room_systems concept:subpartof concept_vehicle_tanks +concept_room_systems concept:subpartof concept_visualizableattribute_installing_water +concept_room_systems concept:subpartof concept_visualizableattribute_major_water +concept_room_systems concept:subpartof concept_visualizablescene_pools +concept_room_systems concept:subpartof concept_visualizablething_electric_power +concept_room_systems concept:subpartof concept_visualizablething_simple_water +concept_room_systems concept:subpartof concept_visualizablething_ventilation +concept_room_systems concept:subpartof concept_visualizablething_water_distribution +concept_room_systems concept:subpartof concept_weapon_powerful_air +concept_room_technology concept:subpartof concept_beverage_advanced_air +concept_room_technology concept:subpartof concept_beverage_advanced_water +concept_room_technology concept:subpartof concept_transportation_modern_air +concept_room_technology concept:subpartof concept_university_state_of_the_art +concept_room_technology concept:subpartof concept_weatherphenomenon_air +concept_room_technology concept:subpartof concept_weatherphenomenon_water +concept_room_theme concept:proxyfor concept_book_new +concept_room_third_level concept:latitudelongitude 42.2089800000000,-72.5998100000000 +concept_room_times concept:atlocation concept_blog_huffington +concept_room_times concept:mutualproxyfor concept_book_new +concept_room_times concept:atlocation concept_building_west +concept_room_times concept:atlocation concept_highway_the_new +concept_room_times concept:atlocation concept_hotel_north +concept_room_times concept:subpartof concept_weatherphenomenon_air +concept_room_times concept:subpartof concept_weatherphenomenon_times +concept_room_tribune_co concept:atlocation concept_highway_the_new +concept_room_tv concept:subpartof concept_weatherphenomenon_air +concept_room_unit concept:atdate concept_date_n1942 +concept_room_unit concept:atdate concept_date_n2000 +concept_room_unit concept:atdate concept_date_n2001 +concept_room_unit concept:atdate concept_date_n2003 +concept_room_unit concept:atdate concept_date_n2004 +concept_room_unit concept:atdate concept_dateliteral_n2002 +concept_room_unit concept:atdate concept_dateliteral_n2005 +concept_room_unit concept:atdate concept_dateliteral_n2006 +concept_room_unit concept:atdate concept_dateliteral_n2007 +concept_room_unit concept:atdate concept_dateliteral_n2008 +concept_room_unit concept:atdate concept_month_october +concept_room_utilities concept:subpartof concept_hallwayitem_gas +concept_room_utility_area concept:latitudelongitude 35.6370400000000,-83.5207200000000 +concept_room_way concept:mutualproxyfor concept_book_new +concept_room_whole_house concept:subpartof concept_weatherphenomenon_air +concept_room_workshop concept:subpartof concept_weatherphenomenon_air +concept_room_workshop concept:subpartof concept_weatherphenomenon_water +concept_room_yard concept:atdate concept_dateliteral_n2007 +concept_room_young_man concept:proxyfor concept_book_new +concept_school_duke concept:subpartoforganization concept_sportsteam_ncaa_midwest_regionals +concept_school_duke concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_school_johns_hopkins concept:organizationalsoknownas concept_university_state_university +concept_school_junipero_serra_high_school concept:subpartoforganization concept_sportsleague_nfl +concept_school_punahou_school concept:latitudelongitude 21.3028300000000,-157.8292900000000 +concept_school_racing_school concept:agentcollaborateswithagent concept_musicartist_newman +concept_school_school_of_journalism concept:subpartoforganization concept_recordlabel_columbia +concept_school_school_of_journalism concept:subpartof concept_visualizablething_columbia +concept_school_shichahai_school concept:agentcontrols concept_island_zhang +concept_school_shichahai_school concept:mutualproxyfor concept_island_zhang +concept_school_wasilla_high_school concept:agentcollaborateswithagent concept_person_levi_johnston +concept_scientificterm_adaboost concept:conceptprerequisiteof concept_scientificterm_boosting_as_optimization +concept_scientificterm_backpropagation concept:conceptprerequisiteof concept_scientificterm_early_stopping +concept_scientificterm_backpropagation concept:conceptprerequisiteof concept_scientificterm_learning_invariances_in_neural_nets +concept_scientificterm_bases concept:conceptprerequisiteof concept_scientificterm_change_of_basis +concept_scientificterm_bases concept:conceptprerequisiteof concept_scientificterm_diagonalization +concept_scientificterm_bases concept:conceptprerequisiteof concept_scientificterm_four_fundamental_subspaces +concept_scientificterm_basis_function_expansions concept:conceptprerequisiteof concept_scientificterm_boosting_as_optimization +concept_scientificterm_basis_function_expansions concept:conceptprerequisiteof concept_scientificterm_feed_forward_neural_nets +concept_scientificterm_bayes__rule concept:conceptprerequisiteof concept_scientificterm_bayesian_networks +concept_scientificterm_bayes__rule concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation +concept_scientificterm_bayes_net_parameter_learning concept:conceptprerequisiteof concept_scientificterm_learning_bayes_net_parameters_with_missing_data +concept_scientificterm_bayesian_linear_regression concept:conceptprerequisiteof concept_scientificterm_bayesian_pca +concept_scientificterm_bayesian_linear_regression concept:conceptprerequisiteof concept_scientificterm_gaussian_process_regression +concept_scientificterm_bayesian_logistic_regression concept:conceptprerequisiteof concept_scientificterm_gaussian_process_classification +concept_scientificterm_bayesian_logistic_regression concept:conceptprerequisiteof concept_scientificterm_variational_logistic_regression +concept_scientificterm_bayesian_model_comparison concept:conceptprerequisiteof concept_scientificterm_bayesian_model_averaging +concept_scientificterm_bayesian_model_comparison concept:conceptprerequisiteof concept_scientificterm_the_evidence_approximation +concept_scientificterm_bayesian_model_comparison concept:conceptprerequisiteof concept_scientificterm_variational_bayes +concept_scientificterm_bayesian_networks concept:conceptprerequisiteof concept_scientificterm_bayes_net_parameter_learning +concept_scientificterm_bayesian_networks concept:conceptprerequisiteof concept_scientificterm_converting_between_graphical_models +concept_scientificterm_bayesian_networks concept:conceptprerequisiteof concept_scientificterm_d_separation +concept_scientificterm_bayesian_networks concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_bayesian_networks concept:conceptprerequisiteof concept_scientificterm_linear_gaussian_models +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_bayesian_decision_theory +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_bayesian_linear_regression +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation__multinomial_distribution +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_crp_clustering +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_probabilistic_matrix_factorization +concept_scientificterm_bayesian_parameter_estimation concept:conceptprerequisiteof concept_scientificterm_variational_bayes +concept_scientificterm_bayesian_parameter_estimation__multinomial_distribution concept:conceptprerequisiteof concept_scientificterm_bayesian_naive_bayes +concept_scientificterm_bayesian_parameter_estimation__multinomial_distribution concept:conceptprerequisiteof concept_scientificterm_latent_dirichlet_allocation +concept_scientificterm_bayesian_parameter_estimation__multinomial_distribution concept:conceptprerequisiteof concept_scientificterm_variational_mixture_of_gaussians +concept_scientificterm_bayesian_parameter_estimation__multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_bayesian_linear_regression +concept_scientificterm_bayesian_parameter_estimation__multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_bayesian_pca +concept_scientificterm_bayesian_parameter_estimation__multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_variational_mixture_of_gaussians +concept_scientificterm_bellman_equations concept:conceptprerequisiteof concept_scientificterm_policy_iteration +concept_scientificterm_beta_distribution concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation +concept_scientificterm_binary_linear_classifiers concept:conceptprerequisiteof concept_scientificterm_naive_bayes +concept_scientificterm_binary_linear_classifiers concept:conceptprerequisiteof concept_scientificterm_vc_dimension +concept_scientificterm_campus_information concept:latitudelongitude 28.0560000000000,-82.4129000000000 +concept_scientificterm_center_information concept:latitudelongitude 44.8075500000000,-73.0718000000000 +concept_scientificterm_chain_rule concept:conceptprerequisiteof concept_scientificterm_pullback +concept_scientificterm_change_of_basis concept:conceptprerequisiteof concept_scientificterm_spectral_decomposition +concept_scientificterm_chernoff_bounds concept:conceptprerequisiteof concept_scientificterm_pac_learning +concept_scientificterm_chinese_restaurant_process concept:conceptprerequisiteof concept_scientificterm_crp_clustering +concept_scientificterm_cholesky_decomposition concept:conceptprerequisiteof concept_scientificterm_gaussian_variable_elimination_as_gaussian_elimination +concept_scientificterm_collapsed_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_crp_clustering +concept_scientificterm_collapsed_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_ibp_linear_gaussian_model +concept_scientificterm_column_space_and_nullspace concept:conceptprerequisiteof concept_scientificterm_computing_the_nullspace +concept_scientificterm_column_space_and_nullspace concept:conceptprerequisiteof concept_scientificterm_four_fundamental_subspaces +concept_scientificterm_complex_numbers concept:conceptprerequisiteof concept_scientificterm_roots_of_polynomials +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_bayesian_linear_regression +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_gaussian_bp_on_trees +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_kalman_filter +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_kalman_filter_derivation +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_probabilistic_matrix_factorization +concept_scientificterm_computations_on_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_probabilistic_pca +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_computations_on_multivariate_gaussians +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_conditional_expectation +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_entropy +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_importance_sampling +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_kalman_filter +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_mutual_information +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_particle_filter +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_rejection_sampling +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_sufficient_statistics +concept_scientificterm_conditional_distributions concept:conceptprerequisiteof concept_scientificterm_von_mises_distribution +concept_scientificterm_conditional_independence concept:conceptprerequisiteof concept_scientificterm_bayesian_networks +concept_scientificterm_conditional_independence concept:conceptprerequisiteof concept_scientificterm_d_separation +concept_scientificterm_conditional_independence concept:conceptprerequisiteof concept_scientificterm_forward_backward_algorithm +concept_scientificterm_conditional_independence concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_conditional_probability concept:conceptprerequisiteof concept_scientificterm_bayes__rule +concept_scientificterm_conditional_probability concept:conceptprerequisiteof concept_scientificterm_conditional_distributions +concept_scientificterm_conditional_probability concept:conceptprerequisiteof concept_scientificterm_independent_events +concept_scientificterm_constructing_kernels concept:conceptprerequisiteof concept_scientificterm_fisher_kernel +concept_scientificterm_convex_functions concept:conceptprerequisiteof concept_scientificterm_convex_optimization +concept_scientificterm_convex_sets concept:conceptprerequisiteof concept_scientificterm_convex_optimization +concept_scientificterm_core_information concept:proxyfor concept_book_new +concept_scientificterm_covariance concept:conceptprerequisiteof concept_scientificterm_cramer_rao_bound +concept_scientificterm_covariance concept:conceptprerequisiteof concept_scientificterm_mcmc_convergence +concept_scientificterm_covariance concept:conceptprerequisiteof concept_scientificterm_multivariate_gaussian_distribution +concept_scientificterm_covariance_matrices concept:conceptprerequisiteof concept_scientificterm_computations_on_multivariate_gaussians +concept_scientificterm_covariance_matrices concept:conceptprerequisiteof concept_scientificterm_fisher_s_linear_discriminant +concept_scientificterm_covariance_matrices concept:conceptprerequisiteof concept_scientificterm_multivariate_gaussian_distribution +concept_scientificterm_cross_product concept:conceptprerequisiteof concept_scientificterm_parameterizing_lines_and_planes +concept_scientificterm_crp_clustering concept:conceptprerequisiteof concept_scientificterm_ibp_linear_gaussian_model +concept_scientificterm_cumulative_distribution_function concept:conceptprerequisiteof concept_scientificterm_multivariate_cdf +concept_scientificterm_d_separation concept:conceptprerequisiteof concept_scientificterm_bayes_ball +concept_scientificterm_d_separation concept:conceptprerequisiteof concept_scientificterm_converting_between_graphical_models +concept_scientificterm_decision_trees concept:conceptprerequisiteof concept_scientificterm_bagging +concept_scientificterm_determinant concept:conceptprerequisiteof concept_scientificterm_evaluating_multiple_integrals__change_of_variables +concept_scientificterm_determinant concept:conceptprerequisiteof concept_scientificterm_multivariate_gaussian_distribution +concept_scientificterm_determinant concept:conceptprerequisiteof concept_scientificterm_pdfs_of_functions_of_random_variables +concept_scientificterm_differential_forms concept:conceptprerequisiteof concept_scientificterm_exterior_derivative +concept_scientificterm_differential_forms concept:conceptprerequisiteof concept_scientificterm_pullback +concept_scientificterm_dirichlet_distribution concept:conceptprerequisiteof concept_scientificterm_chinese_restaurant_process +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_convex_sets +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_gradient +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_inner_product +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_linear_approximation +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_matrix_multiplication +concept_scientificterm_dot_product concept:conceptprerequisiteof concept_scientificterm_parameterizing_lines_and_planes +concept_scientificterm_eigenvalues_and_eigenvectors concept:conceptprerequisiteof concept_scientificterm_diagonalization +concept_scientificterm_eigenvalues_and_eigenvectors concept:conceptprerequisiteof concept_scientificterm_fisher_s_linear_discriminant +concept_scientificterm_eigenvalues_and_eigenvectors concept:conceptprerequisiteof concept_scientificterm_multiplicity_of_eigenvalues +concept_scientificterm_eigenvalues_and_eigenvectors concept:conceptprerequisiteof concept_scientificterm_spectral_decomposition +concept_scientificterm_eigenvalues_and_eigenvectors concept:conceptprerequisiteof concept_scientificterm_variational_characterization_of_eigenvalues +concept_scientificterm_entropy concept:conceptprerequisiteof concept_scientificterm_differential_entropy +concept_scientificterm_entropy concept:conceptprerequisiteof concept_scientificterm_mutual_information +concept_scientificterm_evaluating_multiple_integrals__change_of_variables concept:conceptprerequisiteof concept_scientificterm_pullback +concept_scientificterm_evaluating_multiple_integrals__polar_coordinates concept:conceptprerequisiteof concept_scientificterm_evaluating_multiple_integrals__change_of_variables +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_bayesian_decision_theory +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_beta_distribution +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_binomial_distribution +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_central_limit_theorem +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_comparing_normal_populations +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_conditional_expectation +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_covariance +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_differential_entropy +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_entropy +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_expectimax_search +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_gaussian_distribution +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_heavy_tailed_distributions +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_strong_law_of_large_numbers +concept_scientificterm_expectation_and_variance concept:conceptprerequisiteof concept_scientificterm_the_bootstrap +concept_scientificterm_expectation_maximization_algorithm concept:conceptprerequisiteof concept_scientificterm_baum_welch_algorithm +concept_scientificterm_expectation_maximization_algorithm concept:conceptprerequisiteof concept_scientificterm_comparing_gaussian_mixtures_and_k_means +concept_scientificterm_expectation_maximization_algorithm concept:conceptprerequisiteof concept_scientificterm_learning_bayes_net_parameters_with_missing_data +concept_scientificterm_expectation_maximization_algorithm concept:conceptprerequisiteof concept_scientificterm_variational_bayes_em +concept_scientificterm_expectation_maximization_algorithm concept:conceptprerequisiteof concept_scientificterm_variational_interpretation_of_em +concept_scientificterm_exponential_families concept:conceptprerequisiteof concept_scientificterm_generalized_linear_models +concept_scientificterm_exponential_families concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood_in_exponential_families +concept_scientificterm_exponential_families concept:conceptprerequisiteof concept_scientificterm_variational_inference_and_exponential_families +concept_scientificterm_exterior_derivative concept:conceptprerequisiteof concept_scientificterm_pullback +concept_scientificterm_factor_analysis concept:conceptprerequisiteof concept_scientificterm_ibp_linear_gaussian_model +concept_scientificterm_final_decisions concept:atdate concept_date_n2009 +concept_scientificterm_fisher_information concept:conceptprerequisiteof concept_scientificterm_cramer_rao_bound +concept_scientificterm_fisher_information_matrix concept:conceptprerequisiteof concept_scientificterm_fisher_kernel +concept_scientificterm_forward_backward_algorithm concept:conceptprerequisiteof concept_scientificterm_baum_welch_algorithm +concept_scientificterm_forward_backward_algorithm concept:conceptprerequisiteof concept_scientificterm_kalman_smoothing_as_forward_backward +concept_scientificterm_four_fundamental_subspaces concept:conceptprerequisiteof concept_scientificterm_linear_least_squares +concept_scientificterm_four_fundamental_subspaces concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_functions_of_several_variables concept:conceptprerequisiteof concept_scientificterm_gradient +concept_scientificterm_functions_of_several_variables concept:conceptprerequisiteof concept_scientificterm_vector_fields +concept_scientificterm_gamma_function concept:conceptprerequisiteof concept_scientificterm_beta_distribution +concept_scientificterm_gamma_function concept:conceptprerequisiteof concept_scientificterm_chinese_restaurant_process +concept_scientificterm_gaussian_discriminant_analysis concept:conceptprerequisiteof concept_scientificterm_fisher_s_linear_discriminant +concept_scientificterm_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_central_limit_theorem +concept_scientificterm_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_comparing_normal_populations +concept_scientificterm_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_differential_entropy +concept_scientificterm_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_heavy_tailed_distributions +concept_scientificterm_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_multivariate_gaussian_distribution +concept_scientificterm_gaussian_elimination concept:conceptprerequisiteof concept_scientificterm_computing_matrix_inverses +concept_scientificterm_gaussian_elimination concept:conceptprerequisiteof concept_scientificterm_computing_the_nullspace +concept_scientificterm_gaussian_elimination concept:conceptprerequisiteof concept_scientificterm_four_fundamental_subspaces +concept_scientificterm_gaussian_elimination concept:conceptprerequisiteof concept_scientificterm_gaussian_variable_elimination_as_gaussian_elimination +concept_scientificterm_gaussian_mrfs concept:conceptprerequisiteof concept_scientificterm_gaussian_bp_on_trees +concept_scientificterm_gaussian_process_regression concept:conceptprerequisiteof concept_scientificterm_gaussian_process_classification +concept_scientificterm_gaussian_processes concept:conceptprerequisiteof concept_scientificterm_gaussian_process_regression +concept_scientificterm_gaussian_variable_elimination concept:conceptprerequisiteof concept_scientificterm_gaussian_variable_elimination_as_gaussian_elimination +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_akaike_information_criterion +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_bagging +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_bias_variance_decomposition +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_early_stopping +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_learning_invariances_in_neural_nets +concept_scientificterm_generalization concept:conceptprerequisiteof concept_scientificterm_pac_learning +concept_scientificterm_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_boltzmann_machines +concept_scientificterm_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_collapsed_gibbs_sampling +concept_scientificterm_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_gibbs_sampling_as_a_special_case_of_metropolis_hastings +concept_scientificterm_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_probabilistic_matrix_factorization +concept_scientificterm_gibbs_sampling concept:conceptprerequisiteof concept_scientificterm_slice_sampling +concept_scientificterm_gradient concept:conceptprerequisiteof concept_scientificterm_boltzmann_machines +concept_scientificterm_gradient concept:conceptprerequisiteof concept_scientificterm_convex_optimization +concept_scientificterm_gradient concept:conceptprerequisiteof concept_scientificterm_lagrange_multipliers +concept_scientificterm_gradient_descent concept:conceptprerequisiteof concept_scientificterm_generalized_linear_models +concept_scientificterm_gradient_descent concept:conceptprerequisiteof concept_scientificterm_hamiltonian_monte_carlo +concept_scientificterm_heavy_tailed_distributions concept:conceptprerequisiteof concept_scientificterm_sparse_coding +concept_scientificterm_hidden_markov_models concept:conceptprerequisiteof concept_scientificterm_baum_welch_algorithm +concept_scientificterm_hidden_markov_models concept:conceptprerequisiteof concept_scientificterm_forward_backward_algorithm +concept_scientificterm_hidden_markov_models concept:conceptprerequisiteof concept_scientificterm_particle_filter +concept_scientificterm_higher_order_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_multivariate_cdf +concept_scientificterm_higher_order_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_taylor_approximations +concept_scientificterm_hopfield_networks concept:conceptprerequisiteof concept_scientificterm_boltzmann_machines +concept_scientificterm_hotelling concept:latitudelongitude 41.2213366666667,-123.2814366666667 +concept_scientificterm_importance_sampling concept:conceptprerequisiteof concept_scientificterm_particle_filter +concept_scientificterm_independent_events concept:conceptprerequisiteof concept_scientificterm_binomial_distribution +concept_scientificterm_independent_events concept:conceptprerequisiteof concept_scientificterm_pac_learning +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_central_limit_theorem +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_chernoff_bounds +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_covariance +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_entropy +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_mutual_information +concept_scientificterm_independent_random_variables concept:conceptprerequisiteof concept_scientificterm_strong_law_of_large_numbers +concept_scientificterm_indian_buffet_process concept:conceptprerequisiteof concept_scientificterm_ibp_linear_gaussian_model +concept_scientificterm_inference_in_mrfs concept:conceptprerequisiteof concept_scientificterm_learning_bayes_net_parameters_with_missing_data +concept_scientificterm_inference_in_mrfs concept:conceptprerequisiteof concept_scientificterm_structured_mean_field +concept_scientificterm_information_form_for_multivariate_gaussians concept:conceptprerequisiteof concept_scientificterm_gaussian_mrfs +concept_scientificterm_jensen_s_inequality concept:conceptprerequisiteof concept_scientificterm_variational_interpretation_of_em +concept_scientificterm_k_means concept:conceptprerequisiteof concept_scientificterm_comparing_gaussian_mixtures_and_k_means +concept_scientificterm_k_nearest_neighbors concept:conceptprerequisiteof concept_scientificterm_the_curse_of_dimensionality +concept_scientificterm_kalman_filter concept:conceptprerequisiteof concept_scientificterm_kalman_filter_derivation +concept_scientificterm_kalman_smoother concept:conceptprerequisiteof concept_scientificterm_kalman_smoothing_as_forward_backward +concept_scientificterm_kets concept:subpartof concept_museum_pbs +concept_scientificterm_kkt_conditions concept:conceptprerequisiteof concept_scientificterm_svm_optimality_conditions +concept_scientificterm_kl_divergence concept:conceptprerequisiteof concept_scientificterm_akaike_information_criterion +concept_scientificterm_kl_divergence concept:conceptprerequisiteof concept_scientificterm_differential_entropy +concept_scientificterm_kl_divergence concept:conceptprerequisiteof concept_scientificterm_variational_interpretation_of_em +concept_scientificterm_lagrange_multipliers concept:conceptprerequisiteof concept_scientificterm_loopy_bp_as_variational_inference +concept_scientificterm_lagrange_multipliers concept:conceptprerequisiteof concept_scientificterm_variational_characterization_of_eigenvalues +concept_scientificterm_langrange_duality concept:conceptprerequisiteof concept_scientificterm_svm_optimality_conditions +concept_scientificterm_latent_semantic_analysis concept:conceptprerequisiteof concept_scientificterm_probabilistic_latent_semantic_analysis +concept_scientificterm_learning_invariances_in_neural_nets concept:conceptprerequisiteof concept_scientificterm_tikhonov_regularization +concept_scientificterm_library_information concept:latitudelongitude 29.9866200000000,31.4386700000000 +concept_scientificterm_limits_and_continuity_in_r_n concept:conceptprerequisiteof concept_scientificterm_linear_approximation +concept_scientificterm_linear_approximation concept:conceptprerequisiteof concept_scientificterm_chain_rule +concept_scientificterm_linear_approximation concept:conceptprerequisiteof concept_scientificterm_evaluating_multiple_integrals__change_of_variables +concept_scientificterm_linear_approximation concept:conceptprerequisiteof concept_scientificterm_gradient +concept_scientificterm_linear_approximation concept:conceptprerequisiteof concept_scientificterm_higher_order_partial_derivatives +concept_scientificterm_linear_approximation concept:conceptprerequisiteof concept_scientificterm_pdfs_of_functions_of_random_variables +concept_scientificterm_linear_dynamical_systems concept:conceptprerequisiteof concept_scientificterm_kalman_filter +concept_scientificterm_linear_least_squares concept:conceptprerequisiteof concept_scientificterm_linear_regression__closed_form_solution +concept_scientificterm_linear_regression concept:conceptprerequisiteof concept_scientificterm_bias_variance_decomposition +concept_scientificterm_linear_regression concept:conceptprerequisiteof concept_scientificterm_binary_linear_classifiers +concept_scientificterm_linear_regression concept:conceptprerequisiteof concept_scientificterm_lasso +concept_scientificterm_linear_regression concept:conceptprerequisiteof concept_scientificterm_linear_regression__closed_form_solution +concept_scientificterm_linear_regression concept:conceptprerequisiteof concept_scientificterm_support_vector_regression +concept_scientificterm_linear_regression__closed_form_solution concept:conceptprerequisiteof concept_scientificterm_bias_variance_decomposition +concept_scientificterm_linear_regression_as_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_bayesian_linear_regression +concept_scientificterm_linear_regression_as_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_generalized_linear_models +concept_scientificterm_linear_systems_as_matrices concept:conceptprerequisiteof concept_scientificterm_column_space_and_nullspace +concept_scientificterm_linear_systems_as_matrices concept:conceptprerequisiteof concept_scientificterm_linear_least_squares +concept_scientificterm_linear_systems_as_matrices concept:conceptprerequisiteof concept_scientificterm_parameterizing_lines_and_planes +concept_scientificterm_linear_transformations_as_matrices concept:conceptprerequisiteof concept_scientificterm_change_of_basis +concept_scientificterm_loopy_belief_propagation concept:conceptprerequisiteof concept_scientificterm_loopy_bp_as_variational_inference +concept_scientificterm_loss_function concept:conceptprerequisiteof concept_scientificterm_bayesian_decision_theory +concept_scientificterm_lu_factorization concept:conceptprerequisiteof concept_scientificterm_cholesky_decomposition +concept_scientificterm_markov_and_chebyshev_inequalities concept:conceptprerequisiteof concept_scientificterm_chernoff_bounds +concept_scientificterm_markov_chain_monte_carlo concept:conceptprerequisiteof concept_scientificterm_mcmc_convergence +concept_scientificterm_markov_chains concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_markov_random_fields concept:conceptprerequisiteof concept_scientificterm_conditional_random_fields +concept_scientificterm_markov_random_fields concept:conceptprerequisiteof concept_scientificterm_converting_between_graphical_models +concept_scientificterm_markov_random_fields concept:conceptprerequisiteof concept_scientificterm_factor_graphs +concept_scientificterm_markov_random_fields concept:conceptprerequisiteof concept_scientificterm_gaussian_mrfs +concept_scientificterm_markov_random_fields concept:conceptprerequisiteof concept_scientificterm_inference_in_mrfs +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_change_of_basis +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_computations_on_multivariate_gaussians +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_computing_matrix_inverses +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_diagonalization +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_multivariate_gaussian_distribution +concept_scientificterm_matrix_inverse concept:conceptprerequisiteof concept_scientificterm_spectral_decomposition +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_chain_rule +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_change_of_basis +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_diagonalization +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_matrix_multiplication concept:conceptprerequisiteof concept_scientificterm_sparse_coding +concept_scientificterm_matrix_transpose concept:conceptprerequisiteof concept_scientificterm_four_fundamental_subspaces +concept_scientificterm_matrix_transpose concept:conceptprerequisiteof concept_scientificterm_linear_least_squares +concept_scientificterm_matrix_transpose concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_matrix_transpose concept:conceptprerequisiteof concept_scientificterm_spectral_decomposition +concept_scientificterm_matrix_transpose concept:conceptprerequisiteof concept_scientificterm_taylor_approximations +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_akaike_information_criterion +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_bayes_net_parameter_learning +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_boltzmann_machines +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_generalized_linear_models +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_learning_bayes_net_parameters_with_missing_data +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood__multivariate_gaussians +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood_in_exponential_families +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_naive_bayes +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_probabilistic_latent_semantic_analysis +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_probabilistic_pca +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_sparse_coding +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_variational_interpretation_of_em +concept_scientificterm_maximum_likelihood concept:conceptprerequisiteof concept_scientificterm_von_mises_distribution +concept_scientificterm_mcmc_convergence concept:conceptprerequisiteof concept_scientificterm_collapsed_gibbs_sampling +concept_scientificterm_mean_field_approximation concept:conceptprerequisiteof concept_scientificterm_structured_mean_field +concept_scientificterm_mean_field_approximation concept:conceptprerequisiteof concept_scientificterm_variational_bayes +concept_scientificterm_mean_field_approximation concept:conceptprerequisiteof concept_scientificterm_variational_inference_and_exponential_families +concept_scientificterm_medical_information concept:latitudelongitude 33.7633500000000,-116.4055700000000 +concept_scientificterm_metropolis_hastings_algorithm concept:conceptprerequisiteof concept_scientificterm_gibbs_sampling_as_a_special_case_of_metropolis_hastings +concept_scientificterm_metropolis_hastings_algorithm concept:conceptprerequisiteof concept_scientificterm_hamiltonian_monte_carlo +concept_scientificterm_metropolis_hastings_algorithm concept:conceptprerequisiteof concept_scientificterm_slice_sampling +concept_scientificterm_mixture_of_gaussians_models concept:conceptprerequisiteof concept_scientificterm_comparing_gaussian_mixtures_and_k_means +concept_scientificterm_mixture_of_gaussians_models concept:conceptprerequisiteof concept_scientificterm_crp_clustering +concept_scientificterm_mixture_of_gaussians_models concept:conceptprerequisiteof concept_scientificterm_soft_weight_sharing_in_neural_nets +concept_scientificterm_mixture_of_gaussians_models concept:conceptprerequisiteof concept_scientificterm_variational_mixture_of_gaussians +concept_scientificterm_moment_generating_functions concept:conceptprerequisiteof concept_scientificterm_central_limit_theorem +concept_scientificterm_moment_generating_functions concept:conceptprerequisiteof concept_scientificterm_chernoff_bounds +concept_scientificterm_monte_carlo_estimation concept:conceptprerequisiteof concept_scientificterm_importance_sampling +concept_scientificterm_monte_carlo_estimation concept:conceptprerequisiteof concept_scientificterm_particle_filter +concept_scientificterm_monte_carlo_estimation concept:conceptprerequisiteof concept_scientificterm_rejection_sampling +concept_scientificterm_monte_carlo_estimation concept:conceptprerequisiteof concept_scientificterm_the_bootstrap +concept_scientificterm_multidimensional_scaling concept:conceptprerequisiteof concept_scientificterm_isomap +concept_scientificterm_multinomial_distribution concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation__multinomial_distribution +concept_scientificterm_multinomial_distribution concept:conceptprerequisiteof concept_scientificterm_chinese_restaurant_process +concept_scientificterm_multiple_integrals concept:conceptprerequisiteof concept_scientificterm_divergence_theorem +concept_scientificterm_multiple_integrals concept:conceptprerequisiteof concept_scientificterm_multivariate_cdf +concept_scientificterm_multiple_integrals concept:conceptprerequisiteof concept_scientificterm_multivariate_distributions +concept_scientificterm_multiple_integrals concept:conceptprerequisiteof concept_scientificterm_riemann_integral +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_bayesian_parameter_estimation +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_collapsed_gibbs_sampling +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_computations_on_multivariate_gaussians +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_conditional_distributions +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_covariance +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_forward_backward_algorithm +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_kalman_filter +concept_scientificterm_multivariate_distributions concept:conceptprerequisiteof concept_scientificterm_pdfs_of_functions_of_random_variables +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_computations_on_multivariate_gaussians +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_gaussian_processes +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_information_form_for_multivariate_gaussians +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_linear_gaussian_models +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood__multivariate_gaussians +concept_scientificterm_multivariate_gaussian_distribution concept:conceptprerequisiteof concept_scientificterm_von_mises_distribution +concept_scientificterm_mutual_information concept:conceptprerequisiteof concept_scientificterm_differential_entropy +concept_scientificterm_naive_bayes concept:conceptprerequisiteof concept_scientificterm_bayesian_naive_bayes +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_bayes_net_parameter_learning +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_boosting_as_optimization +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_convex_optimization +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_entropy +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_fisher_s_linear_discriminant +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_generalized_linear_models +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_lagrange_multipliers +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_lasso +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood__multivariate_gaussians +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_maximum_likelihood_in_exponential_families +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_multidimensional_scaling +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_naive_bayes +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_probabilistic_latent_semantic_analysis +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_probabilistic_pca +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_sparse_coding +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_the_evidence_approximation +concept_scientificterm_optimization_problems concept:conceptprerequisiteof concept_scientificterm_variational_interpretation_of_em +concept_scientificterm_orthonormal_bases concept:conceptprerequisiteof concept_scientificterm_qr_decomposition +concept_scientificterm_orthonormal_bases concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_orthonormal_bases concept:conceptprerequisiteof concept_scientificterm_spectral_decomposition +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_chain_rule +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_cramer_rao_bound +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_divergence_theorem +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_exterior_derivative +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_gradient +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_higher_order_partial_derivatives +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_lagrange_multipliers +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_linear_approximation +concept_scientificterm_partial_derivatives concept:conceptprerequisiteof concept_scientificterm_linear_least_squares +concept_scientificterm_point_information concept:latitudelongitude 41.8595000000000,-78.9633700000000 +concept_scientificterm_positive_definite_matrices concept:conceptprerequisiteof concept_scientificterm_cholesky_decomposition +concept_scientificterm_positive_definite_matrices concept:conceptprerequisiteof concept_scientificterm_schur_product_theorem +concept_scientificterm_positive_definite_matrices concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_precision_and_recall concept:conceptprerequisiteof concept_scientificterm_f_measure +concept_scientificterm_principal_component_analysis concept:conceptprerequisiteof concept_scientificterm_principal_component_analysis__proof_ +concept_scientificterm_principal_component_analysis concept:conceptprerequisiteof concept_scientificterm_probabilistic_pca +concept_scientificterm_principal_component_analysis__proof concept:conceptprerequisiteof concept_scientificterm_probabilistic_pca_ +concept_scientificterm_probabilistic_latent_semantic_analysis concept:conceptprerequisiteof concept_scientificterm_latent_dirichlet_allocation +concept_scientificterm_probabilistic_pca concept:conceptprerequisiteof concept_scientificterm_bayesian_pca +concept_scientificterm_probabilistic_pca concept:conceptprerequisiteof concept_scientificterm_probabilistic_matrix_factorization +concept_scientificterm_projection_onto_a_subspace concept:conceptprerequisiteof concept_scientificterm_fisher_s_linear_discriminant +concept_scientificterm_projection_onto_a_subspace concept:conceptprerequisiteof concept_scientificterm_linear_least_squares +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_bayesian_networks +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_beta_distribution +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_binomial_distribution +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_conditional_distributions +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_gaussian_distribution +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_hidden_markov_models +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_multivariate_cdf +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_multivariate_distributions +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_pdfs_of_functions_of_random_variables +concept_scientificterm_random_variables concept:conceptprerequisiteof concept_scientificterm_sufficient_statistics +concept_scientificterm_ridge_regression concept:conceptprerequisiteof concept_scientificterm_kernel_ridge_regression +concept_scientificterm_ridge_regression concept:conceptprerequisiteof concept_scientificterm_lasso +concept_scientificterm_ridge_regression concept:conceptprerequisiteof concept_scientificterm_ridge_regression_as_svd +concept_scientificterm_roots_of_polynomials concept:conceptprerequisiteof concept_scientificterm_multiplicity_of_eigenvalues +concept_scientificterm_singular_value_decomposition concept:conceptprerequisiteof concept_scientificterm_ridge_regression_as_svd +concept_scientificterm_spectral_decomposition concept:conceptprerequisiteof concept_scientificterm_singular_value_decomposition +concept_scientificterm_spectral_decomposition concept:conceptprerequisiteof concept_scientificterm_variational_characterization_of_eigenvalues +concept_scientificterm_statistical_hypothesis_testing concept:conceptprerequisiteof concept_scientificterm_comparing_normal_populations +concept_scientificterm_student_t_distribution concept:conceptprerequisiteof concept_scientificterm_comparing_normal_populations +concept_scientificterm_student_t_distribution concept:conceptprerequisiteof concept_scientificterm_heavy_tailed_distributions +concept_scientificterm_subspaces concept:conceptprerequisiteof concept_scientificterm_column_space_and_nullspace +concept_scientificterm_subspaces concept:conceptprerequisiteof concept_scientificterm_four_fundamental_subspaces +concept_scientificterm_sum_product_on_trees concept:conceptprerequisiteof concept_scientificterm_gaussian_bp_on_trees +concept_scientificterm_sum_product_on_trees concept:conceptprerequisiteof concept_scientificterm_structured_mean_field +concept_scientificterm_surface_integrals concept:conceptprerequisiteof concept_scientificterm_divergence_theorem +concept_scientificterm_svm_optimality_conditions concept:conceptprerequisiteof concept_scientificterm_sequential_minimal_optimization +concept_scientificterm_svm_optimality_conditions concept:conceptprerequisiteof concept_scientificterm_support_vector_regression +concept_scientificterm_the_evidence_approximation concept:conceptprerequisiteof concept_scientificterm_bayesian_pca +concept_scientificterm_the_kernel_trick concept:conceptprerequisiteof concept_scientificterm_constructing_kernels +concept_scientificterm_the_kernel_trick concept:conceptprerequisiteof concept_scientificterm_gaussian_processes +concept_scientificterm_the_kernel_trick concept:conceptprerequisiteof concept_scientificterm_kernel_ridge_regression +concept_scientificterm_the_laplace_approximation concept:conceptprerequisiteof concept_scientificterm_bayesian_pca +concept_scientificterm_the_support_vector_machine concept:conceptprerequisiteof concept_scientificterm_support_vector_regression +concept_scientificterm_the_support_vector_machine concept:conceptprerequisiteof concept_scientificterm_svm_optimality_conditions +concept_scientificterm_unions_of_events concept:conceptprerequisiteof concept_scientificterm_pac_learning +concept_scientificterm_value_iteration concept:conceptprerequisiteof concept_scientificterm_policy_iteration +concept_scientificterm_variational_bayes concept:conceptprerequisiteof concept_scientificterm_variational_bayes_em +concept_scientificterm_variational_bayes concept:conceptprerequisiteof concept_scientificterm_variational_logistic_regression +concept_scientificterm_variational_bayes concept:conceptprerequisiteof concept_scientificterm_variational_mixture_of_gaussians +concept_scientificterm_variational_characterization_of_eigenvalues concept:conceptprerequisiteof concept_scientificterm_principal_component_analysis__proof_ +concept_scientificterm_variational_inference concept:conceptprerequisiteof concept_scientificterm_loopy_bp_as_variational_inference +concept_scientificterm_variational_interpretation_of_em concept:conceptprerequisiteof concept_scientificterm_variational_bayes_em +concept_scientificterm_vc_dimension concept:conceptprerequisiteof concept_scientificterm_structural_risk_minimization +concept_scientificterm_vector_spaces concept:conceptprerequisiteof concept_scientificterm_change_of_basis +concept_scientificterm_vector_spaces concept:conceptprerequisiteof concept_scientificterm_inner_product +concept_scientificterm_vectors concept:conceptprerequisiteof concept_scientificterm_convex_sets +concept_scientificterm_vectors concept:conceptprerequisiteof concept_scientificterm_parametric_curves +concept_scientificterm_vectors concept:conceptprerequisiteof concept_scientificterm_subspaces +concept_scientificterm_vectors concept:conceptprerequisiteof concept_scientificterm_topology_of_r_n +concept_scientificterm_vectors concept:conceptprerequisiteof concept_scientificterm_vector_fields +concept_scientificterm_weak_law_of_large_numbers concept:conceptprerequisiteof concept_scientificterm_strong_law_of_large_numbers +concept_scientificterm_weak_law_of_large_numbers concept:conceptprerequisiteof concept_scientificterm_the_curse_of_dimensionality +concept_scientificterm_weight_decay_in_neural_networks concept:conceptprerequisiteof concept_scientificterm_soft_weight_sharing_in_neural_nets +concept_scientist_accept concept:personhasjobposition concept_jobposition_lord +concept_scientist_albert_camus concept:agentcreated concept_book_the_plague +concept_scientist_albert_camus concept:agentcontributedtocreativework concept_book_the_stranger +concept_scientist_albert_camus concept:agentcreated concept_book_the_stranger +concept_scientist_albert_hofmann concept:personhasjobposition concept_jobposition_chemist +concept_scientist_albert_hofmann concept:worksfor concept_magazine_sandoz +concept_scientist_alexander_cockburn concept:personbelongstoorganization concept_governmentorganization_nation +concept_scientist_alfred_bester concept:agentcreated concept_book_demolished_man +concept_scientist_alfred_bester concept:agentcreated concept_book_the_demolished_man +concept_scientist_alfred_bester concept:agentcreated concept_book_the_stars_my_destination +concept_scientist_alfred_bester concept:agentcreated concept_book_tiger__tiger +concept_scientist_alfred_hitchcock concept:agentcontributedtocreativework concept_book_psycho +concept_scientist_alfred_hitchcock concept:agentcreated concept_book_psycho +concept_scientist_anna_seghers concept:agentcreated concept_book_transit +concept_scientist_antoine_de_saint_exup_ry concept:agentcreated concept_book_the_little_prince +concept_scientist_arthur_holly_compton concept:personhasjobposition concept_jobposition_physicist +concept_scientist_arthur_koestler concept:agentcreated concept_book_darkness_at_noon +concept_scientist_arthur_kornberg concept:personhasjobposition concept_jobposition_dr_ +concept_scientist_arthur_kornberg concept:personhasjobposition concept_jobposition_emeritus_professor +concept_scientist_assessment concept:agentinvolvedwithitem concept_buildingfeature_window +concept_scientist_assistant_professor concept:proxyfor concept_book_new +concept_scientist_assistant_professor concept:atdate concept_date_n2003 +concept_scientist_assistant_professor concept:atdate concept_dateliteral_n2007 +concept_scientist_assistant_professor concept:atdate concept_dateliteral_n2008 +concept_scientist_assistant_professor concept:mutualproxyfor concept_researchproject_engineering +concept_scientist_associate_professor concept:proxyfor concept_book_new +concept_scientist_associate_professor concept:mutualproxyfor concept_researchproject_engineering +concept_scientist_associate_professor concept:mutualproxyfor concept_university_state_university +concept_scientist_badiou concept:latitudelongitude 12.7500000000000,-13.8500000000000 +concept_scientist_balmer concept:topmemberoforganization concept_company_microsoft +concept_scientist_bill_frist concept:personbelongstoorganization concept_politicalparty_senate +concept_scientist_blanche_wiesen_cook concept:agentcontributedtocreativework concept_book_eleanor_roosevelt +concept_scientist_boris_leonidovich_pasternak concept:agentcreated concept_book_doctor_zhivago +concept_scientist_boutros_boutros_ghali concept:personhascitizenship concept_country_egypt +concept_scientist_broglie concept:latitudelongitude 49.0080100000000,0.5411650000000 +concept_scientist_c__s__lewis concept:agentcreated concept_book_a_grief_observed +concept_scientist_c__s__lewis concept:agentcreated concept_book_chronicles_of_narnia +concept_scientist_c__s__lewis concept:agentcreated concept_book_hard_news +concept_scientist_c__s__lewis concept:agentcreated concept_book_last_battle +concept_scientist_c__s__lewis concept:agentcreated concept_book_mere_christianity +concept_scientist_c__s__lewis concept:agentcreated concept_book_out_of_the_silent_planet +concept_scientist_c__s__lewis concept:agentcreated concept_book_prince_caspian +concept_scientist_c__s__lewis concept:agentcreated concept_book_that_hideous_strength +concept_scientist_c__s__lewis concept:agentcontributedtocreativework concept_book_the_chronicles_of_narnia +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_chronicles_of_narnia +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_great_divorce +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_horse_and_his_boy +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_last_battle +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_magician_s_nephew +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_screwtape_letters +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_silver_chair +concept_scientist_c__s__lewis concept:agentcreated concept_book_the_voyage_of_the_dawn_treader +concept_scientist_c__s__lewis concept:agentcreated concept_book_till_we_have_faces +concept_scientist_carl_sagan concept:agentcreated concept_book_contact +concept_scientist_carl_sagan concept:agentcreated concept_book_cosmos +concept_scientist_chang_heng concept:latitudelongitude 28.7287600000000,121.5700800000000 +concept_scientist_charles_bukowski concept:agentcreated concept_book_ham_on_rye +concept_scientist_charles_bukowski concept:agentcontributedtocreativework concept_book_notes_of_a_dirty_old_man +concept_scientist_charles_darwin concept:agentcreated concept_book_on_the_origin_of_species +concept_scientist_charles_ii concept:personhascitizenship concept_country_england +concept_scientist_charles_ii concept:personhasjobposition concept_jobposition_king +concept_scientist_chu_hsi concept:latitudelongitude 23.3168500000000,120.9199533333333 +concept_scientist_clive_cussler concept:agentcreated concept_book_atlantis_found +concept_scientist_clive_cussler concept:agentcreated concept_book_flood_tide +concept_scientist_clive_cussler concept:agentcreated concept_book_inca_gold +concept_scientist_clive_cussler concept:agentcreated concept_book_night_probe +concept_scientist_clive_cussler concept:agentcreated concept_book_shock_wave +concept_scientist_collision concept:agentparticipatedinevent concept_eventoutcome_result +concept_scientist_competition concept:agentparticipatedinevent concept_sportsgame_series +concept_scientist_design_review concept:atdate concept_date_n2004 +concept_scientist_dilthey concept:latitudelongitude 38.8583500000000,-93.0552000000000 +concept_scientist_edmond concept:proxyfor concept_musicsong_oklahoma +concept_scientist_edward_vii concept:personhascitizenship concept_country_england +concept_scientist_elias_canetti concept:agentcreated concept_book_auto_da_fe +concept_scientist_email concept:agentbelongstoorganization concept_blog_form +concept_scientist_email concept:agentcreated concept_book_home +concept_scientist_email concept:agentcreated concept_movie_contact +concept_scientist_email concept:agentcreated concept_movie_first_contact +concept_scientist_email concept:agentcreated concept_musicalbum_details +concept_scientist_email concept:agentcreated concept_musicalbum_help +concept_scientist_email concept:agentcreated concept_musicalbum_information +concept_scientist_email concept:agentcreated concept_musicartist_info +concept_scientist_email concept:agentcreated concept_musicsong_questions_contact +concept_scientist_email concept:agentcreated concept_personeurope_assistance +concept_scientist_ethiopia concept:synonymfor concept_country_abyssinia +concept_scientist_ethiopia concept:atdate concept_date_n2000 +concept_scientist_ethiopia concept:atdate concept_year_n1998 +concept_scientist_first_time concept:agentparticipatedinevent concept_sportsgame_series +concept_scientist_fleming concept:persongraduatedfromuniversity concept_university_college +concept_scientist_friedrich_h_lderlin concept:agentcontributedtocreativework concept_book_hyperion +concept_scientist_friedrich_h_lderlin concept:agentcreated concept_book_hyperion +concept_scientist_friedrich_wilhelm_nietzsche concept:agentcontributedtocreativework concept_book_beyond_good_and_evil +concept_scientist_gellner concept:latitudelongitude 52.9166700000000,14.5000000000000 +concept_scientist_george_borrow concept:agentcreated concept_musicartist_the_romany_rye +concept_scientist_george_carlin concept:persondiedatage 71 +concept_scientist_george_carlin concept:personbornincity concept_city_new_york +concept_scientist_george_gissing concept:agentcontributedtocreativework concept_book_new_grub_street +concept_scientist_george_gissing concept:agentcreated concept_book_new_grub_street +concept_scientist_george_gissing concept:agentcreated concept_book_the_odd_women +concept_scientist_george_tiller concept:personchargedwithcrime concept_crimeorcharge_n30_misdemeanor_counts +concept_scientist_george_tiller concept:personchargedwithcrime concept_crimeorcharge_performing_illegal_late_term_abortions +concept_scientist_georges_bataille concept:agentcreated concept_actor_the_abbot_c +concept_scientist_georges_bataille concept:agentcreated concept_book_blue_noon +concept_scientist_georges_bataille concept:agentcreated concept_book_story_of_the_eye +concept_scientist_georges_perec concept:agentcreated concept_book_a_void +concept_scientist_georges_perec concept:agentcreated concept_book_things +concept_scientist_harold concept:personhascitizenship concept_country_england +concept_scientist_harold concept:personhasjobposition concept_jobposition_king +concept_scientist_hasbro concept:agentcollaborateswithagent concept_mollusk_coast +concept_scientist_heinrich_b_ll concept:agentcreated concept_book_billiards_at_half_past_nine +concept_scientist_heinrich_b_ll concept:agentcreated concept_book_group_portrait_with_lady +concept_scientist_heinrich_b_ll concept:agentcreated concept_book_the_lost_honor_of_katharina_blum +concept_scientist_help concept:agentcreated concept_movie_click +concept_scientist_help concept:agentcreated concept_movie_contact +concept_scientist_henri_barbusse concept:agentcreated concept_book_the_inferno +concept_scientist_henri_barbusse concept:agentcreated concept_book_under_fire +concept_scientist_henry_miller concept:agentcontributedtocreativework concept_book_sexus +concept_scientist_henry_miller concept:agentcreated concept_book_tropic_of_cancer +concept_scientist_henry_miller concept:agentcreated concept_book_tropic_of_capricorn +concept_scientist_henryk_sienkiewicz concept:agentcreated concept_book_quo_vadis +concept_scientist_herman_hesse concept:agentcreated concept_book_siddhartha +concept_scientist_herman_hesse concept:agentcreated concept_book_steppenwolf +concept_scientist_herman_hesse concept:agentcreated concept_book_the_glass_bead_game +concept_scientist_hermann_hesse concept:agentcreated concept_book_demian +concept_scientist_hermann_hesse concept:agentcreated concept_book_siddhartha +concept_scientist_hermann_hesse concept:agentcreated concept_book_the_glass_bead_game +concept_scientist_honderich concept:latitudelongitude 51.1167700000000,-91.1002200000000 +concept_scientist_howard_kurtz concept:agentcollaborateswithagent concept_personcanada_post +concept_scientist_ian_macpherson concept:agentcreated concept_book_wild_harbour +concept_scientist_ingvar_kamprad concept:worksfor concept_company_ikea +concept_scientist_ivo_andric concept:agentcreated concept_book_the_bridge_on_the_drina +concept_scientist_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_scientist_jane_goodall concept:agentcreated concept_book_hope_for_animals_and_their_world_how_en +concept_scientist_jean_cocteau concept:agentcreated concept_book_les_enfants_terribles +concept_scientist_jerry_garcia concept:personbelongstoorganization concept_musicartist_grateful_dead +concept_scientist_jerry_garcia concept:agentcollaborateswithagent concept_person_john003 +concept_scientist_johann_wolfgang_goethe concept:agentcreated concept_book_the_sorrows_of_young_werther +concept_scientist_johann_wolfgang_von_goethe concept:agentcreated concept_book_elective_affinities +concept_scientist_johann_wolfgang_von_goethe concept:agentcreated concept_book_faust +concept_scientist_johann_wolfgang_von_goethe concept:agentcreated concept_book_the_sorrows_of_young_werther +concept_scientist_johann_wolfgang_von_goethe concept:agentcreated concept_book_wilhelm_meister_s_apprenticeship +concept_scientist_john concept:persondiedatage 2 +concept_scientist_john_joseph_adams concept:agentcreated concept_book_the_living_dead_2 +concept_scientist_john_le_carre concept:agentcreated concept_book_the_constant_gardener +concept_scientist_john_le_carre concept:agentcreated concept_book_the_spy_who_came_in_from_the_cold +concept_scientist_john_le_carre concept:agentcreated concept_book_tinker_tailor_soldier_spy +concept_scientist_joris_karl_huysmans concept:agentcreated concept_book_against_the_grain +concept_scientist_joris_karl_huysmans concept:agentcreated concept_writer_down_there +concept_scientist_joseph_heller concept:agentcontributedtocreativework concept_book_catch_22 +concept_scientist_joseph_heller concept:agentcreated concept_book_catch_22 +concept_scientist_joseph_saxton concept:personleadsgeopoliticalorganization concept_city_bristol +concept_scientist_juan concept:personhascitizenship concept_country_spain +concept_scientist_kate_chopin concept:agentcontributedtocreativework concept_book_awakening +concept_scientist_kate_chopin concept:agentcontributedtocreativework concept_book_the_awakening +concept_scientist_kate_chopin concept:agentcreated concept_book_the_awakening +concept_scientist_ken_thompson concept:worksfor concept_bank_wachovia +concept_scientist_ken_thompson concept:proxyfor concept_retailstore_wachovia +concept_scientist_lacan concept:latitudelongitude 44.8833300000000,1.8000000000000 +concept_scientist_lauren_weisberger concept:agentcreated concept_movie_the_devil_wears_prada +concept_scientist_le_chatelier concept:latitudelongitude 48.6236100000000,4.6291100000000 +concept_scientist_leslie_groves concept:latitudelongitude 46.3004100000000,-119.2661300000000 +concept_scientist_lois_lowry concept:agentcontributedtocreativework concept_book_number_the_stars +concept_scientist_lois_lowry concept:agentcreated concept_book_number_the_stars +concept_scientist_lois_lowry concept:agentcontributedtocreativework concept_book_the_giver +concept_scientist_lois_lowry concept:agentcreated concept_book_the_giver +concept_scientist_los_alamos concept:atlocation concept_county_new_mexico +concept_scientist_los_alamos concept:proxyfor concept_reptile_new_mexico +concept_scientist_louis concept:personhascitizenship concept_country_france_france +concept_scientist_louis concept:personhascitizenship concept_country_hungary +concept_scientist_louis concept:personhasjobposition concept_jobposition_king +concept_scientist_louis_ferdinand_c_line concept:agentcontributedtocreativework concept_book_journey_to_the_end_of_the_night +concept_scientist_louis_ferdinand_c_line concept:agentcreated concept_book_journey_to_the_end_of_the_night +concept_scientist_louis_ferdinand_celine concept:agentcreated concept_book_journey_to_the_end_of_the_night +concept_scientist_louise_erdrich concept:agentcreated concept_book_love_medicine +concept_scientist_m_g__lewis concept:agentcreated concept_book_the_monk +concept_scientist_malthus concept:latitudelongitude -43.4308200000000,170.5817150000000 +concept_scientist_marc_andreessen concept:topmemberoforganization concept_website_netscape +concept_scientist_marcus_aurelius concept:agentcontributedtocreativework concept_book_meditations +concept_scientist_marcus_aurelius concept:agentcreated concept_book_meditations +concept_scientist_mary_mccarthy concept:agentcontributedtocreativework concept_book_the_group +concept_scientist_mary_mccarthy concept:agentcreated concept_book_the_group +concept_scientist_max_frisch concept:agentcreated concept_movie_homo_faber +concept_scientist_means concept:agentparticipatedinevent concept_eventoutcome_result +concept_scientist_meeting concept:agentinvolvedwithitem concept_buildingfeature_window +concept_scientist_men concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_scientist_messages concept:agentinvolvedwithitem concept_buildingfeature_window +concept_scientist_messages concept:agentparticipatedinevent concept_eventoutcome_result +concept_scientist_michel_faber concept:agentcontributedtocreativework concept_book_the_crimson_petal_and_the_white +concept_scientist_michel_faber concept:agentcreated concept_book_the_crimson_petal_and_the_white +concept_scientist_michel_faber concept:agentcreated concept_musicalbum_under_the_skin +concept_scientist_mikhail_gorbachev concept:personhasjobposition concept_jobposition_leader +concept_scientist_mikhail_gorbachev concept:worksfor concept_organization_soviet +concept_scientist_mitch_kapor concept:personleadsorganization concept_city_lotus +concept_scientist_moses_taylor concept:latitudelongitude 41.4073000000000,-75.6440800000000 +concept_scientist_new_delhi concept:proxyfor concept_book_new +concept_scientist_new_delhi concept:atdate concept_date_n2000 +concept_scientist_new_delhi concept:atdate concept_date_n2001 +concept_scientist_new_delhi concept:subpartof concept_monarch_india +concept_scientist_new_delhi concept:atdate concept_year_n1995 +concept_scientist_nicolo_machiavelli concept:agentcontributedtocreativework concept_book_the_prince +concept_scientist_norman_mailer concept:agentcreated concept_book_the_naked_and_the_dead +concept_scientist_nuclear_weapons concept:atdate concept_date_n2003 +concept_scientist_orson_welles concept:agentcontributedtocreativework concept_movie_citizen_kane +concept_scientist_otto concept:personhascitizenship concept_country_germany +concept_scientist_otto concept:personhasjobposition concept_jobposition_holy_roman_emperor +concept_scientist_otto concept:personhasjobposition concept_jobposition_king +concept_scientist_palmer concept:persongraduatedfromuniversity concept_university_college +concept_scientist_patent concept:atdate concept_date_n1999 +concept_scientist_patent concept:atdate concept_date_n2000 +concept_scientist_patent concept:atdate concept_date_n2003 +concept_scientist_patent concept:atdate concept_date_n2004 +concept_scientist_patent concept:atdate concept_dateliteral_n2002 +concept_scientist_patent concept:atdate concept_dateliteral_n2005 +concept_scientist_patent concept:atdate concept_dateliteral_n2006 +concept_scientist_patent concept:atdate concept_dateliteral_n2007 +concept_scientist_paul_gallico concept:agentcreated concept_musicalbum_the_snow_goose +concept_scientist_paypal concept:agentcollaborateswithagent concept_ceo_peter_thiel +concept_scientist_paypal concept:agentcontrols concept_ceo_peter_thiel +concept_scientist_piaget concept:latitudelongitude 40.0602000000000,-75.3389000000000 +concept_scientist_pierre_choderlos_de_laclos concept:agentcreated concept_movie_dangerous_liaisons +concept_scientist_pope_john_paul_ii concept:persondiedatage 84 +concept_scientist_position concept:agentbelongstoorganization concept_city_part_time +concept_scientist_position concept:agentparticipatedinevent concept_eventoutcome_result +concept_scientist_position concept:agentcompeteswithagent concept_personcanada_search +concept_scientist_position concept:agentparticipatedinevent concept_sportsgame_series +concept_scientist_position concept:agentparticipatedinevent concept_sportsgame_standings +concept_scientist_president_bashir concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_scientist_proton concept:agentcontrols concept_male_lotus +concept_scientist_ptolemy concept:personhascitizenship concept_country_egypt +concept_scientist_richard_feynman concept:personhasjobposition concept_jobposition_physicist +concept_scientist_richard_pryor concept:persondiedatage 65 +concept_scientist_robert_james_waller concept:agentcontributedtocreativework concept_book_the_bridges_of_madison_county +concept_scientist_robert_james_waller concept:agentcreated concept_book_the_bridges_of_madison_county +concept_scientist_rumphius concept:latitudelongitude -4.3833300000000,138.8666700000000 +concept_scientist_salvador concept:mutualproxyfor concept_wine_bahia +concept_scientist_samuel_butler concept:agentcreated concept_book_erewhon +concept_scientist_samuel_butler concept:agentcreated concept_book_the_way_of_all_flesh +concept_scientist_samuel_richardson concept:agentcontributedtocreativework concept_book_clarissa +concept_scientist_samuel_richardson concept:agentcreated concept_book_clarissa +concept_scientist_samuel_richardson concept:agentcreated concept_book_pamela +concept_scientist_saturn concept:parentofperson concept_male_uranus +concept_scientist_saul concept:personhasjobposition concept_jobposition_king +concept_scientist_saul concept:hassibling concept_person_samuel001 +concept_scientist_saul_bellow concept:agentcreated concept_book_henderson_the_rain_king +concept_scientist_saul_bellow concept:agentcreated concept_book_herzog +concept_scientist_saul_bellow concept:agentcreated concept_book_humboldt_s_gift +concept_scientist_saul_bellow concept:agentcreated concept_book_more_die_of_heartbreak +concept_scientist_saul_bellow concept:agentcreated concept_book_seize_the_day +concept_scientist_saul_bellow concept:agentcreated concept_book_the_adventures_of_augie_march +concept_scientist_saul_bellow concept:agentcreated concept_book_the_victim +concept_scientist_sayce concept:latitudelongitude -65.0500000000000,-62.9166700000000 +concept_scientist_scheiner concept:latitudelongitude 48.5740400000000,-119.8736800000000 +concept_scientist_scholars concept:atdate concept_dateliteral_n2008 +concept_scientist_seaborg concept:latitudelongitude 56.8891700000000,-153.9855600000000 +concept_scientist_sheffield concept:atdate concept_dateliteral_n2008 +concept_scientist_sidney concept:subpartof concept_politicsissue_nebraska +concept_scientist_simone_de_beauvoir concept:agentcontributedtocreativework concept_book_memoirs_of_a_dutiful_daughter +concept_scientist_simone_de_beauvoir concept:agentcontributedtocreativework concept_book_the_second_sex +concept_scientist_slade_gorton concept:personhasresidenceingeopoliticallocation concept_geopoliticallocation_wash +concept_scientist_slade_gorton concept:personbelongstoorganization concept_politicalparty_senate +concept_scientist_st__paul concept:mutualproxyfor concept_personnorthamerica_minnesota +concept_scientist_st__paul concept:agentcollaborateswithagent concept_politician_chris_coleman +concept_scientist_st__paul concept:agentcontrols concept_politician_chris_coleman +concept_scientist_st__paul concept:mutualproxyfor concept_politician_chris_coleman +concept_scientist_stalin concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_scientist_stefan_zweig concept:agentcreated concept_musicalbum_amok +concept_scientist_thomas_becket concept:latitudelongitude 44.0419400000000,-123.3433300000000 +concept_scientist_thomas_bulfinch concept:agentcreated concept_book_empty_chair +concept_scientist_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_scientist_thomas_s__kuhn concept:agentcontributedtocreativework concept_book_the_structure_of_scientific_revolutions +concept_scientist_thomas_s__kuhn concept:agentcreated concept_book_the_structure_of_scientific_revolutions +concept_scientist_timeline concept:agentinvolvedwithitem concept_buildingfeature_window +concept_scientist_today concept:agentcreated concept_movie_contact +concept_scientist_today concept:agentcreated concept_musicartist_fax +concept_scientist_tom_leighton concept:personleadsgeopoliticalorganization concept_city_scranton_wilkes_barre +concept_scientist_tom_leighton concept:worksfor concept_city_scranton_wilkes_barre +concept_scientist_tom_leighton concept:worksfor concept_radiostation_wilkes_barre_scranton +concept_scientist_walt_whitman concept:agentcontributedtocreativework concept_book_leaves_of_grass +concept_scientist_walt_whitman concept:agentcreated concept_book_leaves_of_grass +concept_scientist_walter_m__miller concept:agentcreated concept_book_a_canticle_for_leibowitz +concept_scientist_walter_reed concept:atdate concept_dateliteral_n2005 +concept_scientist_werner_heisenberg concept:personhasjobposition concept_jobposition_physicist +concept_scientist_william_field concept:latitudelongitude 35.6869800000000,-105.9378000000000 +concept_scientist_william_godwin concept:agentcreated concept_book_the_adventures_of_caleb_williams +concept_scientist_william_morris concept:agentcontributedtocreativework concept_book_news_from_nowhere +concept_scientist_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_scientist_william_symington concept:latitudelongitude 47.5981500000000,-122.8262600000000 +concept_scientist_wright_brothers concept:personbornincity concept_island_kill_devil_hills +concept_scientist_yasser_arafat concept:personhasjobposition concept_jobposition_leader +concept_shoppingmall__home concept:latitudelongitude 34.3581000000000,-77.6883000000000 +concept_shoppingmall_a_city concept:latitudelongitude -34.5715950000000,-58.4149950000000 +concept_shoppingmall_aberdeen_centre concept:latitudelongitude 49.1837200000000,-123.1332000000000 +concept_shoppingmall_allegheny_center concept:latitudelongitude 40.4521500000000,-80.0053350000000 +concept_shoppingmall_alto_palermo concept:latitudelongitude 1.6556800000000,-74.7570700000000 +concept_shoppingmall_asheville concept:proxyfor concept_book_description +concept_shoppingmall_asheville concept:mutualproxyfor concept_company_north_carolina +concept_shoppingmall_asheville concept:proxyfor concept_creditunion_north_carolina +concept_shoppingmall_asheville concept:subpartof concept_creditunion_north_carolina +concept_shoppingmall_asheville concept:proxyfor concept_musicfestival_the_orange_peel +concept_shoppingmall_asheville concept:locationlocatedwithinlocation concept_website_description +concept_shoppingmall_avenue_k concept:latitudelongitude 33.4215000000000,-86.9238800000000 +concept_shoppingmall_birmingham_city_centre concept:latitudelongitude 52.4758000000000,-1.9022500000000 +concept_shoppingmall_boynton_beach concept:atlocation concept_city_florida +concept_shoppingmall_boynton_beach concept:mutualproxyfor concept_city_florida +concept_shoppingmall_boynton_beach concept:subpartof concept_city_florida +concept_shoppingmall_central_park concept:proxyfor concept_lake_new +concept_shoppingmall_centre concept:buildinglocatedincity concept_city_new_york +concept_shoppingmall_columbia concept:proxyfor concept_bedroomitem_sc +concept_shoppingmall_columbia concept:proxyfor concept_book_new +concept_shoppingmall_columbia concept:atlocation concept_city_washington_d_c +concept_shoppingmall_columbia concept:proxyfor concept_coach_kentucky +concept_shoppingmall_columbia concept:mutualproxyfor concept_company_missouri +concept_shoppingmall_columbia concept:subpartof concept_company_missouri +concept_shoppingmall_columbia concept:atlocation concept_country_united_states +concept_shoppingmall_columbia concept:subpartof concept_hallwayitem_sc +concept_shoppingmall_columbia concept:locationlocatedwithinlocation concept_retailstore_sc +concept_shoppingmall_columbia concept:locationlocatedwithinlocation concept_stateorprovince_maryland +concept_shoppingmall_columbia concept:locationlocatedwithinlocation concept_stateorprovince_states +concept_shoppingmall_delray_beach concept:atlocation concept_city_florida +concept_shoppingmall_delray_beach concept:mutualproxyfor concept_city_florida +concept_shoppingmall_delray_beach concept:subpartof concept_city_florida +concept_shoppingmall_elizabethtown concept:proxyfor concept_coach_kentucky +concept_shoppingmall_elizabethtown concept:subpartof concept_wine_kentucky +concept_shoppingmall_expenses concept:proxyfor concept_book_new +concept_shoppingmall_expenses concept:subpartof concept_weatherphenomenon_water +concept_shoppingmall_fashion_center concept:proxyfor concept_lake_new +concept_shoppingmall_fashion_show_mall concept:buildinglocatedincity concept_city_vegas +concept_shoppingmall_fearrington concept:latitudelongitude 35.7828275000000,-79.0933450000000 +concept_shoppingmall_fort_dix concept:proxyfor concept_radiostation_new_jersey +concept_shoppingmall_fort_meade concept:atlocation concept_city_florida +concept_shoppingmall_jensen_beach concept:atlocation concept_city_florida +concept_shoppingmall_lake_charles concept:subpartof concept_musicsong_louisiana +concept_shoppingmall_las_americas concept:buildinglocatedincity concept_city_santo_domingo +concept_shoppingmall_lifestyle_center concept:latitudelongitude 40.7755600000000,-96.6502900000000 +concept_shoppingmall_madison_square concept:attractionofcity concept_city_new_york +concept_shoppingmall_maremagnum concept:latitudelongitude 41.3751700000000,2.1827600000000 +concept_shoppingmall_market_place concept:proxyfor concept_book_new +concept_shoppingmall_memphis concept:locationlocatedwithinlocation concept_retailstore_ut +concept_shoppingmall_miami_gardens concept:atlocation concept_city_florida +concept_shoppingmall_moore concept:atlocation concept_stateorprovince_oklahoma +concept_shoppingmall_moorestown concept:mutualproxyfor concept_radiostation_new_jersey +concept_shoppingmall_niagara_square concept:latitudelongitude 42.8864500000000,-78.8780900000000 +concept_shoppingmall_northeast_region concept:proxyfor concept_book_new +concept_shoppingmall_palm_beach_gardens concept:atlocation concept_city_florida +concept_shoppingmall_palm_beach_gardens concept:mutualproxyfor concept_city_florida +concept_shoppingmall_palm_beach_gardens concept:subpartof concept_city_florida +concept_shoppingmall_patriot_place concept:latitudelongitude 40.2897000000000,-75.2112000000000 +concept_shoppingmall_phillips_place concept:latitudelongitude 37.5323600000000,-75.7979900000000 +concept_shoppingmall_pine_island concept:atlocation concept_city_florida +concept_shoppingmall_plaza_del_norte concept:latitudelongitude 29.5232900000000,-98.4991800000000 +concept_shoppingmall_plymouth_meeting concept:proxyfor concept_stateorprovince_pennsylvania +concept_shoppingmall_pompano_beach concept:atlocation concept_city_florida +concept_shoppingmall_pompano_beach concept:mutualproxyfor concept_city_florida +concept_shoppingmall_pompano_beach concept:subpartof concept_city_florida +concept_shoppingmall_rialto concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_shoppingmall_rialto concept:proxyfor concept_stateorprovince_california +concept_shoppingmall_river_falls concept:atlocation concept_stateorprovince_wisconsin +concept_shoppingmall_san_jacinto concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_shoppingmall_san_jacinto concept:proxyfor concept_stateorprovince_california +concept_shoppingmall_south_beach concept:atlocation concept_city_florida +concept_shoppingmall_spring_hill concept:atlocation concept_city_florida +concept_shoppingmall_spring_hill concept:mutualproxyfor concept_city_florida +concept_shoppingmall_spring_hill concept:subpartof concept_city_florida +concept_shoppingmall_springdale concept:proxyfor concept_book_arkansas +concept_shoppingmall_springdale concept:subpartof concept_book_arkansas +concept_shoppingmall_springdale concept:atlocation concept_county_utah +concept_shoppingmall_three_rivers concept:atlocation concept_stateorprovince_michigan +concept_shoppingmall_union_plaza concept:buildinglocatedincity concept_city_vegas +concept_shoppingmall_village_houses concept:latitudelongitude 40.7336100000000,-74.0091700000000 +concept_shoppingmall_wal_mart concept:atdate concept_dateliteral_n2006 +concept_shoppingmall_wal_mart concept:atdate concept_dateliteral_n2008 +concept_shoppingmall_wal_mart concept:mutualproxyfor concept_retailstore_sam_walton +concept_shoppingmall_wflx concept:subpartof concept_mountain_fox +concept_shoppingmall_young_home concept:latitudelongitude 36.6075600000000,-84.8321100000000 +concept_skiarea_achenkirch concept:latitudelongitude 47.5534350000000,11.6739050000000 +concept_skiarea_alameda_point concept:latitudelongitude 37.7729800000000,-122.2996900000000 +concept_skiarea_alberschwende concept:latitudelongitude 47.4500000000000,9.8166700000000 +concept_skiarea_allatoona concept:latitudelongitude 34.0924120000000,-84.7008440000000 +concept_skiarea_allegheny concept:atlocation concept_county_philadelphia +concept_skiarea_alta concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_anaehoomalu_bay concept:latitudelongitude 19.9191700000000,-155.8936100000000 +concept_skiarea_aonach_mor concept:latitudelongitude 56.8112200000000,-4.9908000000000 +concept_skiarea_aqua_marina concept:latitudelongitude 21.2861000000000,-157.8391000000000 +concept_skiarea_arabian_court concept:latitudelongitude 25.1816750000000,55.2193950000000 +concept_skiarea_arolla concept:latitudelongitude 46.0082900000000,7.4691600000000 +concept_skiarea_asticou concept:latitudelongitude 44.3047911111111,-68.2781833333333 +concept_skiarea_auffach concept:latitudelongitude 47.4000000000000,12.0333300000000 +concept_skiarea_bad_gastein concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_bayerisch_eisenstein concept:latitudelongitude 49.1182533333333,13.2033333333333 +concept_skiarea_beaches_negril concept:latitudelongitude 18.2821000000000,-78.3540000000000 +concept_skiarea_bessans concept:latitudelongitude 45.3166700000000,7.0000000000000 +concept_skiarea_bhimtal concept:latitudelongitude -29.3666700000000,25.3500000000000 +concept_skiarea_big_draw concept:proxyfor concept_book_new +concept_skiarea_bog_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_bohinj concept:latitudelongitude 46.3026660000000,13.9557780000000 +concept_skiarea_bonascre concept:latitudelongitude 42.6995900000000,1.8139400000000 +concept_skiarea_branch_brook_campground concept:latitudelongitude 41.6520400000000,-73.0951100000000 +concept_skiarea_bulgaria concept:mutualproxyfor concept_mldataset_sofia +concept_skiarea_bulgaria concept:synonymfor concept_politicalparty_republic +concept_skiarea_bulgaria concept:subpartof concept_vehicle_countries +concept_skiarea_bulgaria concept:atdate concept_year_n1998 +concept_skiarea_bull_shoals_dam concept:latitudelongitude 36.3653500000000,-92.5748900000000 +concept_skiarea_camp_richardson concept:latitudelongitude 38.9320575000000,-120.0401125000000 +concept_skiarea_carter_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_casa_morada concept:latitudelongitude 24.9227000000000,-80.6317000000000 +concept_skiarea_cascade_mountain concept:mountaininstate concept_stateorprovince_oregon +concept_skiarea_cedar_breaks_lodge concept:latitudelongitude 37.6458766666667,-112.8340833333333 +concept_skiarea_chanler_at_cliff_walk concept:latitudelongitude 41.4850000000000,-71.2980000000000 +concept_skiarea_chatter_creek concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_chesapeake_resort concept:latitudelongitude 24.9358000000000,-80.6146000000000 +concept_skiarea_chicopee concept:subpartof concept_beach_massachusetts +concept_skiarea_chula_vista_resort concept:latitudelongitude 43.6704000000000,-89.7866000000000 +concept_skiarea_city_creek_canyon concept:latitudelongitude 40.7763300000000,-111.8846600000000 +concept_skiarea_civetta concept:latitudelongitude 46.3805975000000,12.0531775000000 +concept_skiarea_club_nokia concept:atlocation concept_county_los_angeles_county +concept_skiarea_combination concept:proxyfor concept_book_new +concept_skiarea_comfort_inn_montgomery concept:latitudelongitude 32.3693333333333,-86.2642966666667 +concept_skiarea_comfort_inn_north_shore concept:latitudelongitude 42.5709000000000,-70.9750000000000 +concept_skiarea_country_club concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_creek concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_crest_voland concept:latitudelongitude 45.8000000000000,6.5000000000000 +concept_skiarea_crewe_hall concept:latitudelongitude 53.0825650000000,-2.4002500000000 +concept_skiarea_croatan_national_forest concept:latitudelongitude 34.8334900000000,-76.9496700000000 +concept_skiarea_desert_oasis concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_dienten concept:latitudelongitude 47.3729075000000,13.0025450000000 +concept_skiarea_donnersbach concept:latitudelongitude 47.4723625000000,14.1148600000000 +concept_skiarea_dorfgastein concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_dunnet_bay concept:latitudelongitude 58.6166700000000,-3.4000000000000 +concept_skiarea_eagles_nest_wilderness concept:latitudelongitude 39.7113700000000,-106.2503000000000 +concept_skiarea_eischoll concept:latitudelongitude 46.2877375000000,7.7844625000000 +concept_skiarea_elbow_lake_lodge concept:latitudelongitude 47.8427000000000,-92.8317000000000 +concept_skiarea_es_trenc concept:latitudelongitude 39.3586800000000,3.0193000000000 +concept_skiarea_fai_della_paganella concept:latitudelongitude 46.1746100000000,11.0690800000000 +concept_skiarea_fairbanks_princess_riverside concept:latitudelongitude 64.8348000000000,-147.8504000000000 +concept_skiarea_farmington concept:locationlocatedwithinlocation concept_county_new_mexico +concept_skiarea_farmington concept:subpartof concept_county_new_mexico +concept_skiarea_farmington concept:proxyfor concept_reptile_new_mexico +concept_skiarea_fateh_sagar concept:latitudelongitude 24.5800000000000,73.6160000000000 +concept_skiarea_filzmoos concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_florida_parishes concept:latitudelongitude 30.5024600000000,-90.2448600000000 +concept_skiarea_floridays concept:latitudelongitude 28.3873400000000,-81.4781700000000 +concept_skiarea_fort_wilkins_state_park concept:latitudelongitude 47.4669000000000,-87.8640800000000 +concept_skiarea_fortescue concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_four_lakes concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_french_quarter_inn concept:latitudelongitude 32.7800000000000,-79.9294000000000 +concept_skiarea_friendship_inn concept:latitudelongitude 37.3520000000000,-122.0106000000000 +concept_skiarea_gargellen concept:latitudelongitude 46.9666700000000,9.9000000000000 +concept_skiarea_gautefall concept:latitudelongitude 59.0666700000000,8.7500000000000 +concept_skiarea_gerlos concept:latitudelongitude 47.2833328571429,11.9547614285714 +concept_skiarea_glenapp_castle concept:latitudelongitude 55.2924350000000,-4.6750650000000 +concept_skiarea_goldegg concept:latitudelongitude 47.4371733333333,14.0254833333333 +concept_skiarea_golf_resort concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_grand_hotel_bohemia concept:latitudelongitude 50.0877000000000,14.4264000000000 +concept_skiarea_grossarl concept:latitudelongitude 47.2333300000000,13.2000000000000 +concept_skiarea_harbour_view_inn concept:latitudelongitude 45.8566000000000,-84.6247000000000 +concept_skiarea_hautacam concept:latitudelongitude 42.9740400000000,-0.0090600000000 +concept_skiarea_hawks_cay concept:latitudelongitude 24.7756000000000,-80.9121000000000 +concept_skiarea_helena concept:proxyfor concept_radiostation_montana +concept_skiarea_highland_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_hilton_birmingham_perimeter concept:latitudelongitude 33.4355000000000,-86.7240000000000 +concept_skiarea_hinterstoder concept:latitudelongitude 47.6995700000000,14.1546800000000 +concept_skiarea_hintertux concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_holiday_inn_express concept:hotelincity concept_city_orlando +concept_skiarea_holiday_inn_milan concept:latitudelongitude 45.4617300000000,9.1805520000000 +concept_skiarea_hood_river concept:locationlocatedwithinlocation concept_stateorprovince_oregon +concept_skiarea_hood_river concept:proxyfor concept_stateorprovince_oregon +concept_skiarea_hopatcong concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_hotel_ansgar concept:latitudelongitude 55.4009000000000,10.3853000000000 +concept_skiarea_hotel_jerome concept:latitudelongitude 39.1908000000000,-106.8199000000000 +concept_skiarea_hotel_telluride concept:latitudelongitude 37.9360000000000,-107.8062000000000 +concept_skiarea_hubbard_brook concept:latitudelongitude 43.0416080000000,-72.0715300000000 +concept_skiarea_hurricane_ridge_ski_lodge concept:latitudelongitude 47.9748100000000,-123.5179600000000 +concept_skiarea_inawashiro concept:latitudelongitude 37.5291650000000,140.1208350000000 +concept_skiarea_jasper concept:atlocation concept_stateorprovince_alabama +concept_skiarea_jasper concept:atlocation concept_stateorprovince_indiana +concept_skiarea_jordanelle concept:latitudelongitude 40.6167600000000,-111.4378300000000 +concept_skiarea_kaprun concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_katschberg concept:latitudelongitude 47.0466400000000,13.6157850000000 +concept_skiarea_kempinski_hotel_gravenbruch_frankfurt concept:latitudelongitude 50.0557000000000,8.7472000000000 +concept_skiarea_kentucky concept:locationlocatedwithinlocation concept_country_united_states +concept_skiarea_la_toussuire concept:latitudelongitude 45.2509033333333,6.2864800000000 +concept_skiarea_lachine_canal concept:latitudelongitude 45.4583800000000,-73.6108800000000 +concept_skiarea_lake_accotink concept:latitudelongitude 38.7949750000000,-77.2229000000000 +concept_skiarea_lake_danao concept:latitudelongitude 10.9235450000000,124.1153475000000 +concept_skiarea_lake_of_two_mountains concept:latitudelongitude 49.7167000000000,-94.9171700000000 +concept_skiarea_lake_st___francis concept:latitudelongitude 45.1333900000000,-74.4159500000000 +concept_skiarea_lake_tahoe concept:lakeinstate concept_stateorprovince_california +concept_skiarea_lambertville_house concept:latitudelongitude 40.3654000000000,-74.9463000000000 +concept_skiarea_lands_end_resort concept:latitudelongitude 59.6007000000000,-151.4126000000000 +concept_skiarea_lans_en_vercors concept:latitudelongitude 45.1222350000000,5.5861150000000 +concept_skiarea_laqlouq concept:latitudelongitude 34.1428900000000,35.8675000000000 +concept_skiarea_laurel_lake concept:proxyfor concept_stateorprovince_newjersey +concept_skiarea_leogang concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_les_crosets concept:latitudelongitude 46.1850600000000,6.8347000000000 +concept_skiarea_les_karellis concept:latitudelongitude 45.2333300000000,6.4000000000000 +concept_skiarea_les_rousses concept:latitudelongitude 45.8494300000000,6.0656725000000 +concept_skiarea_liberty concept:buildinglocatedincity concept_city_newark +concept_skiarea_limestone_cove_campground concept:latitudelongitude 36.1773300000000,-82.2959700000000 +concept_skiarea_limone_piemonte concept:latitudelongitude 44.2027300000000,7.5763400000000 +concept_skiarea_loveland concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_lytle_creek concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_maine concept:proxyfor concept_book_new +concept_skiarea_maine concept:mutualproxyfor concept_university_portland +concept_skiarea_marquette concept:atlocation concept_stateorprovince_michigan +concept_skiarea_marriott_boulder concept:latitudelongitude 40.0174200000000,-105.1825000000000 +concept_skiarea_mauna_lani concept:latitudelongitude 19.9419640000000,-155.8643100000000 +concept_skiarea_mauterndorf concept:latitudelongitude 47.1788350000000,14.1882525000000 +concept_skiarea_medicine_bow_national_forest concept:latitudelongitude 41.2502500000000,-106.2508500000000 +concept_skiarea_meg_ve concept:latitudelongitude 45.8666700000000,6.6166700000000 +concept_skiarea_mellau concept:latitudelongitude 47.3500000000000,9.8833300000000 +concept_skiarea_mentor concept:mutualproxyfor concept_university_ohio +concept_skiarea_moana_surfrider concept:latitudelongitude 21.2775000000000,-157.8270000000000 +concept_skiarea_molly_gibson_lodge concept:latitudelongitude 39.1590000000000,-106.8433000000000 +concept_skiarea_mont_garceau concept:latitudelongitude 46.3394800000000,-74.1995100000000 +concept_skiarea_montchavin concept:latitudelongitude 45.5593800000000,6.7326500000000 +concept_skiarea_morzine concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_mount_bachelor_village_resort concept:latitudelongitude 44.0315000000000,-121.3378000000000 +concept_skiarea_mt__washington concept:latitudelongitude 44.0484000000000,-71.1246000000000 +concept_skiarea_nantahala_national_forest concept:latitudelongitude 35.2000900000000,-83.5332200000000 +concept_skiarea_nendaz concept:latitudelongitude 46.1813157142857,7.2991628571429 +concept_skiarea_nesselwang concept:latitudelongitude 47.6188350000000,10.5019500000000 +concept_skiarea_nestor_falls concept:latitudelongitude 49.2249850000000,-94.0086800000000 +concept_skiarea_ngaruroro concept:latitudelongitude -39.4410830000000,176.4635220000000 +concept_skiarea_nicolet_national_forest concept:latitudelongitude 45.5499600000000,-88.6667800000000 +concept_skiarea_norefjell concept:latitudelongitude 60.9249100000000,10.2056766666667 +concept_skiarea_north_river_campground concept:latitudelongitude 38.3395700000000,-79.2072600000000 +concept_skiarea_ordesa concept:latitudelongitude 42.6555566666667,0.0027766666667 +concept_skiarea_paradise_valley concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_peisey_nancroix concept:latitudelongitude 45.5500000000000,6.7500000000000 +concept_skiarea_pelvoux concept:latitudelongitude 44.8906650000000,6.4177200000000 +concept_skiarea_pentewan concept:latitudelongitude 50.2916500000000,-4.7864700000000 +concept_skiarea_picos_de_europa concept:latitudelongitude 43.2912675000000,-4.5579700000000 +concept_skiarea_pine_brook concept:proxyfor concept_stateorprovince_newjersey +concept_skiarea_plains concept:proxyfor concept_book_new +concept_skiarea_pomahaka concept:latitudelongitude -45.7757743750000,169.2227793750000 +concept_skiarea_port_orchard concept:atlocation concept_city_washington_d_c +concept_skiarea_premier concept:proxyfor concept_book_new +concept_skiarea_quartz_mountain_resort concept:latitudelongitude 34.9783000000000,-99.2399000000000 +concept_skiarea_quinta_real_acapulco concept:latitudelongitude 16.7920000000000,-99.8272000000000 +concept_skiarea_rancocas concept:proxyfor concept_stateorprovince_new_jersey +concept_skiarea_reallon concept:latitudelongitude 44.5785566666667,6.3761800000000 +concept_skiarea_renaissance_tianjin_hotel concept:latitudelongitude 39.1454000000000,117.2004000000000 +concept_skiarea_reservoir concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_ridgewood concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_riederalp concept:latitudelongitude 46.3776000000000,8.0300133333333 +concept_skiarea_ringwood concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_river_ridge concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_roccaraso concept:latitudelongitude 41.8501300000000,14.0784100000000 +concept_skiarea_rock_creek concept:riveremptiesintoriver concept_river_potomac_river +concept_skiarea_rush_lake concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_saalbach_hinterglemm concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_saariselk_ concept:latitudelongitude 68.2666700000000,28.3000000000000 +concept_skiarea_san_juan_national_forest concept:latitudelongitude 37.6916600000000,-107.8089500000000 +concept_skiarea_sands_ocean_club_resort concept:latitudelongitude 33.7601600000000,-78.7897700000000 +concept_skiarea_sansicario concept:latitudelongitude 44.9575000000000,6.8042500000000 +concept_skiarea_savage concept:proxyfor concept_personnorthamerica_minnesota +concept_skiarea_seneca_lake_state_park concept:latitudelongitude 42.8725700000000,-76.9455200000000 +concept_skiarea_shiga_kogen concept:latitudelongitude 36.7000000000000,138.5000000000000 +concept_skiarea_shizukuishi concept:latitudelongitude 39.6833300000000,141.0944433333333 +concept_skiarea_shoshone_national_forest concept:latitudelongitude 44.0002300000000,-109.5009900000000 +concept_skiarea_sillian concept:latitudelongitude 46.7504200000000,12.4202750000000 +concept_skiarea_skateboard_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_ski_resort concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_snake_river concept:riveremptiesintoriver concept_river_clearwater_river +concept_skiarea_snake_river concept:riveremptiesintoriver concept_river_columbia_river +concept_skiarea_snow_king_resort_hotel concept:latitudelongitude 43.4733000000000,-110.7576000000000 +concept_skiarea_somers concept:atlocation concept_stateorprovince_connecticut +concept_skiarea_south_river concept:mutualproxyfor concept_radiostation_new_jersey +concept_skiarea_south_river concept:proxyfor concept_stateorprovince_newjersey +concept_skiarea_southeastern concept:mutualproxyfor concept_company_missouri +concept_skiarea_stoos concept:latitudelongitude 46.9767400000000,8.6632300000000 +concept_skiarea_sugarbush concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_superbagneres concept:latitudelongitude 42.7666700000000,0.5833300000000 +concept_skiarea_surf_side_beach_club concept:latitudelongitude 32.2702000000000,-64.8017000000000 +concept_skiarea_swartswood concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_swartswood concept:proxyfor concept_stateorprovince_newjersey +concept_skiarea_tauplitz concept:latitudelongitude 47.5600500000000,14.0129300000000 +concept_skiarea_telfes concept:latitudelongitude 47.1666700000000,11.3666700000000 +concept_skiarea_termignon concept:latitudelongitude 45.2833300000000,6.8166700000000 +concept_skiarea_terminillo concept:latitudelongitude 42.4699850000000,12.9902650000000 +concept_skiarea_the_fairmont_southampton concept:latitudelongitude 32.2564000000000,-64.8428000000000 +concept_skiarea_three_bridges concept:mutualproxyfor concept_radiostation_new_jersey +concept_skiarea_three_lakes concept:atlocation concept_city_florida +concept_skiarea_tourotel_breinossl concept:latitudelongitude 47.2662600000000,11.3938100000000 +concept_skiarea_trinity_inlet concept:latitudelongitude -16.9500000000000,145.8000000000000 +concept_skiarea_troy concept:proxyfor concept_company_new_york +concept_skiarea_troy concept:subpartof concept_creditunion_michigan +concept_skiarea_twin_rivers concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_upper_animas concept:latitudelongitude 31.3333300000000,-108.8333300000000 +concept_skiarea_uwharrie_national_forest concept:latitudelongitude 35.3811150000000,-79.9043500000000 +concept_skiarea_valdidentro concept:latitudelongitude 46.4861700000000,10.2886900000000 +concept_skiarea_vallandry concept:latitudelongitude 45.5552700000000,6.7615100000000 +concept_skiarea_vernon_valley concept:mutualproxyfor concept_radiostation_new_jersey +concept_skiarea_voorhees concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_wagrain concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_wengen concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_white_river concept:riveremptiesintoriver concept_river_missouri_river +concept_skiarea_white_river concept:riveremptiesintoriver concept_river_wabash +concept_skiarea_white_river concept:riveremptiesintoriver concept_river_wabash_river +concept_skiarea_whitefish concept:atlocation concept_stateorprovince_montana +concept_skiarea_whitewater_river concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_winter_park concept:locationlocatedwithinlocation concept_city_florida +concept_skiarea_woodbury concept:proxyfor concept_personnorthamerica_minnesota +concept_skiarea_woodbury concept:proxyfor concept_radiostation_new_jersey +concept_skiarea_zell_am_see concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_skiarea_zephyr_cove_resort concept:latitudelongitude 39.0032000000000,-119.9478000000000 +concept_skyscraper_building_7 concept:latitudelongitude 42.3370400000000,-71.0933800000000 +concept_skyscraper_chrysler_building concept:buildinglocatedincity concept_city_new_york +concept_skyscraper_citigroup_center concept:buildinglocatedincity concept_city_new_york +concept_skyscraper_cn_tower concept:buildinglocatedincity concept_city_toronto +concept_skyscraper_disney_concert_hall concept:latitudelongitude 34.0533500000000,-118.2528500000000 +concept_skyscraper_empire_state_building concept:attractionofcity concept_city_new_york +concept_skyscraper_empire_state_building concept:buildinglocatedincity concept_city_new_york +concept_skyscraper_empire_state_building concept:istallerthan concept_skyscraper_chrysler_building +concept_skyscraper_financial_center concept:proxyfor concept_book_new +concept_skyscraper_firehole_falls concept:latitudelongitude 44.6307700000000,-110.8643800000000 +concept_skyscraper_freedom_tower concept:istallerthan concept_skyscraper_empire_state_building +concept_skyscraper_gothic_church concept:latitudelongitude 41.0955900000000,-88.4270000000000 +concept_skyscraper_hounslow_central concept:latitudelongitude 51.4713100000000,-0.3658300000000 +concept_skyscraper_intercontinental_dubai_festival_city concept:latitudelongitude 25.2711400000000,55.3074900000000 +concept_skyscraper_international_city concept:proxyfor concept_lake_new +concept_skyscraper_labour_camp concept:atdate concept_date_n2003 +concept_skyscraper_las_vegas_hilton concept:locationlocatedwithinlocation concept_building_vegas +concept_skyscraper_las_vegas_hilton concept:atlocation concept_city_vegas_casino +concept_skyscraper_las_vegas_hilton concept:atlocation concept_county_las_vegas +concept_skyscraper_le_meridien_fairway concept:latitudelongitude 25.3134000000000,55.3937000000000 +concept_skyscraper_paris_las_vegas concept:locationlocatedwithinlocation concept_building_vegas +concept_skyscraper_paris_las_vegas concept:subpartof concept_traditionalgame_vegas +concept_skyscraper_ppg_place concept:buildinglocatedincity concept_city_pittsburgh +concept_skyscraper_saint_germain_des_pres concept:latitudelongitude 48.8540866666667,2.3354700000000 +concept_skyscraper_sears_tower concept:buildinglocatedincity concept_city_chicago +concept_skyscraper_sears_tower concept:istallerthan concept_skyscraper_empire_state_building +concept_skyscraper_silver_star concept:buildinglocatedincity concept_city_philadelphia +concept_skyscraper_sky_tower concept:attractionofcity concept_city_auckland +concept_skyscraper_sky_tower concept:buildinglocatedincity concept_city_auckland +concept_skyscraper_stratosphere_tower concept:buildinglocatedincity concept_city_vegas +concept_skyscraper_television_centre concept:latitudelongitude 33.9887000000000,71.5290900000000 +concept_skyscraper_texas_medical_center concept:locationlocatedwithinlocation concept_city_texas +concept_skyscraper_the_gherkin concept:attractionofcity concept_city_london_city +concept_skyscraper_wftv concept:subpartof concept_city_abc +concept_sociopolitical_basic_necessities concept:subpartof concept_weatherphenomenon_water +concept_sociopolitical_candidacy concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_candidacy concept:atdate concept_dateliteral_n2007 +concept_sociopolitical_candidacy concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_cease_fire concept:atdate concept_date_n2000 +concept_sociopolitical_cease_fire concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_ceasefire concept:atdate concept_date_n2004 +concept_sociopolitical_ceasefire concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_ceasefire concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_democracy concept:proxyfor concept_lake_new +concept_sociopolitical_democracy concept:istallerthan concept_publication_people_ +concept_sociopolitical_easy_task concept:proxyfor concept_book_new +concept_sociopolitical_economic_development concept:proxyfor concept_book_new +concept_sociopolitical_freedom concept:atdate concept_date_n2004 +concept_sociopolitical_good_idea concept:proxyfor concept_book_new +concept_sociopolitical_hirabah concept:latitudelongitude 26.9687500000000,45.8847225000000 +concept_sociopolitical_important_step concept:proxyfor concept_book_new +concept_sociopolitical_independence concept:proxyfor concept_company_missouri +concept_sociopolitical_independence concept:subpartof concept_company_missouri +concept_sociopolitical_independence concept:proxyfor concept_creditunion_kansas +concept_sociopolitical_independence concept:atdate concept_dateliteral_n1812 +concept_sociopolitical_independence concept:atdate concept_dateliteral_n1961 +concept_sociopolitical_independence concept:atlocation concept_stateorprovince_missouri +concept_sociopolitical_independence concept:atdate concept_year_n1948 +concept_sociopolitical_independence concept:atdate concept_year_n1960 +concept_sociopolitical_independence concept:atdate concept_year_n1991 +concept_sociopolitical_independence concept:atdate concept_year_n1992 +concept_sociopolitical_independent_state concept:proxyfor concept_book_new +concept_sociopolitical_justi concept:latitudelongitude 56.6333300000000,26.7500000000000 +concept_sociopolitical_justice concept:atdate concept_date_n1999 +concept_sociopolitical_justice concept:atdate concept_date_n2000 +concept_sociopolitical_justice concept:atdate concept_date_n2003 +concept_sociopolitical_justice concept:atdate concept_dateliteral_n2002 +concept_sociopolitical_justice concept:atdate concept_dateliteral_n2005 +concept_sociopolitical_justice concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_justice concept:atdate concept_dateliteral_n2007 +concept_sociopolitical_justice concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_justice concept:istallerthan concept_publication_people_ +concept_sociopolitical_justice concept:subpartof concept_room_house +concept_sociopolitical_justice concept:atdate concept_year_n1994 +concept_sociopolitical_justice concept:atdate concept_year_n1995 +concept_sociopolitical_justice concept:atdate concept_year_n1998 +concept_sociopolitical_majority concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_necessity concept:proxyfor concept_book_new +concept_sociopolitical_north_korea concept:atdate concept_date_n2000 +concept_sociopolitical_north_korea concept:atdate concept_date_n2001 +concept_sociopolitical_output concept:synonymfor concept_eventoutcome_error +concept_sociopolitical_providers concept:proxyfor concept_book_new +concept_sociopolitical_providers concept:atdate concept_date_n2004 +concept_sociopolitical_providers concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_providers concept:mutualproxyfor concept_politicaloffice_new +concept_sociopolitical_providers concept:subpartof concept_weatherphenomenon_air +concept_sociopolitical_providers concept:subpartof concept_weatherphenomenon_water +concept_sociopolitical_reform concept:subpartof concept_weatherphenomenon_water +concept_sociopolitical_ruling concept:atdate concept_date_n1999 +concept_sociopolitical_ruling concept:atdate concept_date_n2000 +concept_sociopolitical_ruling concept:atdate concept_date_n2001 +concept_sociopolitical_ruling concept:atdate concept_date_n2003 +concept_sociopolitical_ruling concept:atdate concept_date_n2004 +concept_sociopolitical_ruling concept:atdate concept_dateliteral_n2002 +concept_sociopolitical_ruling concept:atdate concept_dateliteral_n2005 +concept_sociopolitical_ruling concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_ruling concept:atdate concept_dateliteral_n2007 +concept_sociopolitical_ruling concept:atdate concept_dateliteral_n2008 +concept_sociopolitical_ruling concept:atdate concept_year_n1997 +concept_sociopolitical_terrorism concept:atdate concept_dateliteral_n2002 +concept_sociopolitical_war concept:proxyfor concept_book_new +concept_sociopolitical_war concept:atdate concept_date_n1793 +concept_sociopolitical_war concept:atdate concept_date_n1914 +concept_sociopolitical_war concept:atdate concept_date_n1939 +concept_sociopolitical_war concept:atdate concept_date_n1941 +concept_sociopolitical_war concept:atdate concept_date_n1962 +concept_sociopolitical_war concept:atdate concept_date_n1969 +concept_sociopolitical_war concept:atdate concept_date_n1996 +concept_sociopolitical_war concept:atdate concept_date_n1999 +concept_sociopolitical_war concept:atdate concept_date_n2000 +concept_sociopolitical_war concept:atdate concept_date_n2001 +concept_sociopolitical_war concept:atdate concept_date_n2003 +concept_sociopolitical_war concept:atdate concept_date_n2004 +concept_sociopolitical_war concept:atdate concept_dateliteral_n1812 +concept_sociopolitical_war concept:atdate concept_dateliteral_n1917 +concept_sociopolitical_war concept:atdate concept_dateliteral_n1918 +concept_sociopolitical_war concept:atdate concept_dateliteral_n1945 +concept_sociopolitical_war concept:atdate concept_dateliteral_n1990 +concept_sociopolitical_war concept:atdate concept_dateliteral_n2002 +concept_sociopolitical_war concept:atdate concept_dateliteral_n2005 +concept_sociopolitical_war concept:atdate concept_dateliteral_n2006 +concept_sociopolitical_war concept:istallerthan concept_publication_people_ +concept_sociopolitical_war concept:atdate concept_year_n1861 +concept_sociopolitical_war concept:atdate concept_year_n1865 +concept_sociopolitical_war concept:atdate concept_year_n1915 +concept_sociopolitical_war concept:atdate concept_year_n1919 +concept_sociopolitical_war concept:atdate concept_year_n1946 +concept_sociopolitical_war concept:atdate concept_year_n1970 +concept_sociopolitical_war concept:atdate concept_year_n1973 +concept_sociopolitical_war concept:atdate concept_year_n1975 +concept_sociopolitical_war concept:atdate concept_year_n1991 +concept_sociopolitical_war concept:atdate concept_year_n1992 +concept_sociopolitical_war concept:atdate concept_year_n1994 +concept_sociopolitical_war concept:atdate concept_year_n1995 +concept_sociopolitical_war concept:atdate concept_year_n1998 +concept_software_caribbean concept:proxyfor concept_book_new +concept_software_caribbean concept:atdate concept_date_n2004 +concept_software_caribbean concept:atdate concept_dateliteral_n2006 +concept_software_caribbean concept:atdate concept_dateliteral_n2007 +concept_software_caribbean concept:atdate concept_dateliteral_n2008 +concept_software_carrier concept:subpartof concept_weatherphenomenon_air +concept_software_deployment concept:atdate concept_date_n2001 +concept_software_deployment concept:atdate concept_date_n2004 +concept_software_deployment concept:atdate concept_dateliteral_n1990 +concept_software_deployment concept:atdate concept_dateliteral_n2002 +concept_software_deployment concept:atdate concept_dateliteral_n2005 +concept_software_deployment concept:atdate concept_dateliteral_n2006 +concept_software_deployment concept:atdate concept_dateliteral_n2007 +concept_software_deployment concept:atdate concept_dateliteral_n2008 +concept_software_deployment concept:atdate concept_year_n1995 +concept_software_golden_gate concept:subpartof concept_traditionalgame_vegas +concept_software_masters concept:proxyfor concept_book_new +concept_software_masters concept:atdate concept_date_n2009 +concept_software_microsoft_excel concept:mutualproxyfor concept_retailstore_microsoft +concept_software_mufe concept:latitudelongitude 12.1000000000000,14.1666700000000 +concept_software_perfect_fit concept:proxyfor concept_book_new +concept_software_quicken concept:mutualproxyfor concept_professor_dan_gilbert +concept_software_round concept:proxyfor concept_book_new +concept_software_round concept:atdate concept_date_n1999 +concept_software_round concept:atdate concept_date_n2000 +concept_software_round concept:atdate concept_date_n2001 +concept_software_round concept:atdate concept_date_n2003 +concept_software_round concept:atdate concept_date_n2004 +concept_software_round concept:atdate concept_dateliteral_n2002 +concept_software_round concept:atdate concept_dateliteral_n2005 +concept_software_round concept:atdate concept_dateliteral_n2006 +concept_software_round concept:atdate concept_dateliteral_n2008 +concept_software_system_design concept:subpartof concept_hallwayitem_air +concept_software_system_design concept:subpartof concept_weatherphenomenon_water +concept_software_system_works concept:subpartof concept_hallwayitem_air +concept_software_vmware concept:subpartof concept_musicartist_emc +concept_sport_aikido concept:sportfansincountry concept_country_japan +concept_sport_aikido concept:sportschoolincountry concept_country_japan +concept_sport_aikido concept:sportschoolincountry concept_country_south_korea +concept_sport_american_football concept:sportschoolincountry concept_country_germany +concept_sport_american_football concept:sportschoolincountry concept_country_republic_of_austria +concept_sport_american_football concept:sportschoolincountry concept_country_u_s_ +concept_sport_american_football concept:sportusesequipment concept_sportsequipment_football +concept_sport_american_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_archery concept:sportschoolincountry concept_country_canada_canada +concept_sport_athletics concept:sportfansincountry concept_country_south_africa +concept_sport_athletics concept:sportschoolincountry concept_country_south_africa +concept_sport_athletics concept:sportfansincountry concept_country_southern_african_country +concept_sport_athletics concept:sportusesequipment concept_sportsequipment_football +concept_sport_australian_rules_football concept:sportfansincountry concept_country_australia +concept_sport_australian_rules_football concept:sportschoolincountry concept_country_australia +concept_sport_badminton concept:sportschoolincountry concept_country_england +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_ball +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_club +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_net +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_products +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_racket +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_rackets +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_racquet +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_racquets +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_shuttlecock +concept_sport_badminton concept:sportusesequipment concept_sportsequipment_string +concept_sport_baseball concept:sportfansincountry concept_country___america +concept_sport_baseball concept:sportschoolincountry concept_country___america +concept_sport_baseball concept:sportfansincountry concept_country_canada_canada +concept_sport_baseball concept:sportfansincountry concept_country_china +concept_sport_baseball concept:sportfansincountry concept_country_cuba +concept_sport_baseball concept:sportfansincountry concept_country_germany +concept_sport_baseball concept:sportfansincountry concept_country_japan +concept_sport_baseball concept:sportfansincountry concept_country_korea +concept_sport_baseball concept:sportfansincountry concept_country_mexico +concept_sport_baseball concept:sportfansincountry concept_country_netherlands +concept_sport_baseball concept:sportschoolincountry concept_country_republic_of_india +concept_sport_baseball concept:sportfansincountry concept_country_taiwan +concept_sport_baseball concept:sportfansincountry concept_country_uk +concept_sport_baseball concept:sportfansincountry concept_country_usa +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_accessorie +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_balls +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_baseball_bat +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_baseball_bats +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_baseball_gloves +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_baseballs +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_bat +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_bats +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_cap +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_collectibles +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_gear +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_glove +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_golf_club +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_helmet +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_mitt +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_mitts +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_soccer_ball +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_training_aids +concept_sport_baseball concept:sportusesequipment concept_sportsequipment_uniform +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_baseman +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_catcher +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_catchers +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_first_base +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_first_baseman +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_great_pitchers +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_hitter +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_hitters +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_infield +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_infielder +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_left_handed_pitcher +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_outfield +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_outfielder +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_outfielders +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_pitcher +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_position +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_rankings +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_records +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_relief_pitcher +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_relief_pitchers +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_right_fielder +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_right_handed_pitcher +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_rules +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_second_baseman +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_second_basemen +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_shortstop +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_shortstops +concept_sport_baseball concept:sporthassportsteamposition concept_sportsteamposition_third_baseman +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_alliance_bank_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_american_league_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_ameriquest_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_angel_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_angel_stadium_of_anaheim +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_arlington_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_astrodome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_at_t_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_atlanta_fulton_county_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_att_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_autozone_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_ballpark_in_arlington +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_ballpark_news +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_braves_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_busch_memorial_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_camden_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_camden_yards +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_candlestick_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_chase_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_cisco_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_citi_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_citibank_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_citizen_bank_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_city_of_palms_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_colt_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_comerica +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_coors_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_county_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_cracker_jack_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_crosley_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dell_diamond +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_disch_falk_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dodger_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dodgers_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dolphin_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dolphins_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dunn_tire_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_dutchess_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_ebbets_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_edison_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_exposition_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_fenway_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_forbes_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_frontier_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_gordon_field_house +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_great_american_ball_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_hhh_metrodome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_hi_corbett_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_hilltop_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_hiram_bithorn_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_hubert_h__humphrey_metrodome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_interior_savings_centre +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_jacobs_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_jarry_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_kansas_city_municipal_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_kauffman_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_keyspan_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_lake_olmstead_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_league_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_legends_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_louisiana_superdome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_mcafee_coliseum +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_memorial_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_metrodome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_metropolitan_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_mile_high_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_miller_motorsports_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_minute_maid_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_n3com_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_nationals_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_network_associates_coliseum +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_new_yankee_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_oakland_alameda_county_coliseum +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_old_kent_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_olympic_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_pacific_bell_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_petco_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_phoenix_municipal_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_pnc_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_polo_grounds +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_progress_energy_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_progressive_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_qualcomm_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_rangers_ballpark +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_rfk_memorial_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_richmond_county_bank_ballpark +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_rogers_centre +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_rosenblatt_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_russ_chandler_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_safeco_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_scottsdale_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_seals_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_shea_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_sicks__stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_skydome +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_sun_life_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_surprise_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_target_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_tempe_diablo_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_three_rivers_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_tiger_stadium +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_tropicana_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_tucson_electric_park +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_turner_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_u_s__cellular_arena +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_us_cellular_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_wrigley_field +concept_sport_baseball concept:sportusesstadium concept_stadiumoreventvenue_yankee_stadium +concept_sport_baseball concept:sportusesequipment concept_tool_accessories +concept_sport_basket_ball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_basketball concept:sportfansincountry concept_country___america +concept_sport_basketball concept:sportschoolincountry concept_country___america +concept_sport_basketball concept:sportfansincountry concept_country_australia +concept_sport_basketball concept:sportschoolincountry concept_country_australia +concept_sport_basketball concept:sportfansincountry concept_country_china +concept_sport_basketball concept:sportfansincountry concept_country_spain +concept_sport_basketball concept:sportschoolincountry concept_country_spain +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_area +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_backboard +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_balls +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_basket +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_basketball_equipment +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_basketballs +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_gear +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_goals +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_jerseys +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_net +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_nets +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_rim +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_scoreboard +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_stand +concept_sport_basketball concept:sportusesequipment concept_sportsequipment_uniforms +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_coaches +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_forward +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_guard +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_point_guard +concept_sport_basketball concept:sporthassportsteamposition concept_sportsteamposition_scorer +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_air_canada_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_american_airlines_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_american_airlines_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_amway_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_amway_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_arco_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_at_t_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_bradley_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_conseco_fieldhouse +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_energysolutions_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_fedexforum +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_ford_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_izod_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_madison_square_garden +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_new_orleans_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_oracle_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_pepsi_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_philips_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_quicken_loans_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_rose_garden +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_staples_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_target_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_td_banknorth_garden +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_td_garden +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_time_warner_cable_arena +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_toyota_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_united_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_us_airways_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_verizon_center +concept_sport_basketball concept:sportusesstadium concept_stadiumoreventvenue_wachovia_center +concept_sport_basketball concept:sportusesequipment concept_tool_accessories +concept_sport_basketball concept:sportusesequipment concept_tool_lights +concept_sport_bass_fishing concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_beach_volleyball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_billiard concept:sportusesequipment concept_sportsequipment_balls +concept_sport_billiard concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_billiard concept:sportusesequipment concept_tool_accessories +concept_sport_billiards concept:sportusesequipment concept_sportsequipment_ball +concept_sport_billiards concept:sportusesequipment concept_sportsequipment_cue +concept_sport_billiards concept:sportusesequipment concept_tool_accessories +concept_sport_bjj concept:sportfansincountry concept_country_brazil +concept_sport_bjj concept:sportschoolincountry concept_country_brazil +concept_sport_board_member concept:proxyfor concept_book_new +concept_sport_board_member concept:atdate concept_dateliteral_n2008 +concept_sport_boat concept:sportusesequipment concept_sportsequipment_gear +concept_sport_boat concept:sportusesequipment concept_sportsequipment_products +concept_sport_boat concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_boat concept:sportusesequipment concept_tool_accessories +concept_sport_boating concept:sportfansincountry concept_country___america +concept_sport_boating concept:sportschoolincountry concept_country___america +concept_sport_boating concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_boating concept:sportusesequipment concept_sportsequipment_gear +concept_sport_boating concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_bodybuilding concept:sportusesequipment concept_sportsequipment_products +concept_sport_bodybuilding concept:sportusesequipment concept_tool_supplements +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_bag +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_bags +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_ball +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_balls +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_bowling_shoes +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_pin +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_pins +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_set +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_string +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_tennis_ball +concept_sport_bowling concept:sportusesequipment concept_sportsequipment_top +concept_sport_bowling concept:sportusesequipment concept_tool_accessories +concept_sport_boxing concept:sportusesequipment concept_sportsequipment_boxing_gloves +concept_sport_boxing concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_boxing concept:sportusesequipment concept_sportsequipment_football +concept_sport_canoe concept:sportfansincountry concept_country___america +concept_sport_canoe concept:sportschoolincountry concept_country___america +concept_sport_championship_golf concept:sportschoolincountry concept_country___america +concept_sport_championship_golf concept:sportusesequipment concept_sportsequipment_club +concept_sport_clean_water concept:latitudelongitude 34.4134300000000,-92.1284800000000 +concept_sport_climbing concept:sportfansincountry concept_country___america +concept_sport_climbing concept:sportschoolincountry concept_country___america +concept_sport_club concept:sportfansincountry concept_country___america +concept_sport_club concept:sportschoolincountry concept_country___america +concept_sport_club concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_college_football concept:sportfansincountry concept_country_usa +concept_sport_college_football concept:sportusesequipment concept_sportsequipment_football +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_lineman +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_offensive_lineman +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_college_football concept:sporthassportsteamposition concept_sportsteamposition_quarterback +concept_sport_college_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_contact_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_court_martial concept:latitudelongitude 30.4204700000000,-85.7477100000000 +concept_sport_cricket concept:sportfansincountry concept_country_australia +concept_sport_cricket concept:sportschoolincountry concept_country_australia +concept_sport_cricket concept:sportfansincountry concept_country_bangladesh +concept_sport_cricket concept:sportschoolincountry concept_country_bangladesh +concept_sport_cricket concept:sportfansincountry concept_country_bermuda +concept_sport_cricket concept:sportfansincountry concept_country_canada_canada +concept_sport_cricket concept:sportfansincountry concept_country_denmark +concept_sport_cricket concept:sportfansincountry concept_country_england +concept_sport_cricket concept:sportschoolincountry concept_country_england +concept_sport_cricket concept:sportfansincountry concept_country_ireland +concept_sport_cricket concept:sportfansincountry concept_country_malaysia +concept_sport_cricket concept:sportfansincountry concept_country_namibia +concept_sport_cricket concept:sportfansincountry concept_country_netherland +concept_sport_cricket concept:sportfansincountry concept_country_netherlands +concept_sport_cricket concept:sportfansincountry concept_country_new_zealand +concept_sport_cricket concept:sportschoolincountry concept_country_new_zealand +concept_sport_cricket concept:sportfansincountry concept_country_newzealand +concept_sport_cricket concept:sportfansincountry concept_country_pakistan +concept_sport_cricket concept:sportschoolincountry concept_country_pakistan +concept_sport_cricket concept:sportfansincountry concept_country_republic_of_india +concept_sport_cricket concept:sportschoolincountry concept_country_republic_of_india +concept_sport_cricket concept:sportfansincountry concept_country_republic_of_kenya +concept_sport_cricket concept:sportfansincountry concept_country_scotland +concept_sport_cricket concept:sportfansincountry concept_country_south_africa +concept_sport_cricket concept:sportschoolincountry concept_country_south_africa +concept_sport_cricket concept:sportfansincountry concept_country_sri_lanka +concept_sport_cricket concept:sportschoolincountry concept_country_sri_lanka +concept_sport_cricket concept:sportfansincountry concept_country_srilanka +concept_sport_cricket concept:sportfansincountry concept_country_uk +concept_sport_cricket concept:sportfansincountry concept_country_usa +concept_sport_cricket concept:sportfansincountry concept_country_wales +concept_sport_cricket concept:sportfansincountry concept_country_west_indies +concept_sport_cricket concept:sportschoolincountry concept_country_west_indies +concept_sport_cricket concept:sportfansincountry concept_country_zimbabwe +concept_sport_cricket concept:sportschoolincountry concept_country_zimbabwe +concept_sport_cricket concept:sportfansincountry concept_geopoliticallocation_southafrica +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_ball +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_balls +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_bat +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_bats +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_cricket concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_cricket concept:sportusesequipment concept_tool_accessories +concept_sport_croquet concept:sportusesequipment concept_sportsequipment_ball +concept_sport_croquet concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_cross_country concept:sportschoolincountry concept_country___america +concept_sport_cross_country_ski concept:sportfansincountry concept_country___america +concept_sport_cross_country_ski concept:sportschoolincountry concept_country___america +concept_sport_cycling concept:sportfansincountry concept_country___america +concept_sport_cycling concept:sportschoolincountry concept_country___america +concept_sport_cycling concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_cycling concept:sportusesequipment concept_tool_accessories +concept_sport_dance concept:sportschoolincountry concept_country_uk +concept_sport_dive_school concept:latitudelongitude 38.8892200000000,-86.4938800000000 +concept_sport_diving concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_fantasy_sports concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_field_hockey concept:sportusesequipment concept_sportsequipment_ball +concept_sport_first_golf concept:sportfansincountry concept_country___america +concept_sport_first_golf concept:sportschoolincountry concept_country___america +concept_sport_fitness concept:sportfansincountry concept_country___america +concept_sport_fitness concept:sportschoolincountry concept_country___america +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_bikes +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_cardio_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_cardiovascular_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_club +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_dumbbells +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_elliptical_trainers +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_exercise_bikes +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_exercise_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_exercise_machines +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_fitness_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_gear +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_products +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_training_equipment +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_training_machines +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_treadmills +concept_sport_fitness concept:sportusesequipment concept_sportsequipment_workout_equipment +concept_sport_fitness concept:sportusesequipment concept_tool_accessories +concept_sport_fitness concept:sportusesequipment concept_tool_equipments +concept_sport_fitness concept:sportusesequipment concept_tool_supplements +concept_sport_floor_hockey concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_fly_fishing concept:sportfansincountry concept_country___america +concept_sport_fly_fishing concept:sportschoolincountry concept_country___america +concept_sport_fly_fishing concept:sportusesequipment concept_sportsequipment_fly_rods +concept_sport_fly_fishing concept:sportusesequipment concept_sportsequipment_rods +concept_sport_fly_fishing concept:sportusesequipment concept_tool_accessories +concept_sport_football concept:sportfansincountry concept_country___america +concept_sport_football concept:sportschoolincountry concept_country___america +concept_sport_football concept:sportfansincountry concept_country_argentina +concept_sport_football concept:sportfansincountry concept_country_belgium +concept_sport_football concept:sportfansincountry concept_country_brazil +concept_sport_football concept:sportfansincountry concept_country_britain +concept_sport_football concept:sportschoolincountry concept_country_britain +concept_sport_football concept:sportfansincountry concept_country_china +concept_sport_football concept:sportfansincountry concept_country_colombia +concept_sport_football concept:sportfansincountry concept_country_croatia +concept_sport_football concept:sportfansincountry concept_country_cyprus +concept_sport_football concept:sportfansincountry concept_country_denmark +concept_sport_football concept:sportfansincountry concept_country_england +concept_sport_football concept:sportfansincountry concept_country_france_france +concept_sport_football concept:sportfansincountry concept_country_germany +concept_sport_football concept:sportschoolincountry concept_country_germany +concept_sport_football concept:sportfansincountry concept_country_ghana +concept_sport_football concept:sportfansincountry concept_country_greece +concept_sport_football concept:sportschoolincountry concept_country_greece +concept_sport_football concept:sportfansincountry concept_country_honduras +concept_sport_football concept:sportfansincountry concept_country_hong_kong +concept_sport_football concept:sportfansincountry concept_country_hungary +concept_sport_football concept:sportfansincountry concept_country_iran +concept_sport_football concept:sportfansincountry concept_country_ireland +concept_sport_football concept:sportschoolincountry concept_country_ireland +concept_sport_football concept:sportfansincountry concept_country_israel +concept_sport_football concept:sportschoolincountry concept_country_israel +concept_sport_football concept:sportfansincountry concept_country_japan +concept_sport_football concept:sportfansincountry concept_country_korea +concept_sport_football concept:sportschoolincountry concept_country_korea +concept_sport_football concept:sportfansincountry concept_country_mexico +concept_sport_football concept:sportfansincountry concept_country_montenegro +concept_sport_football concept:sportfansincountry concept_country_netherlands +concept_sport_football concept:sportfansincountry concept_country_norway +concept_sport_football concept:sportschoolincountry concept_country_peru +concept_sport_football concept:sportfansincountry concept_country_poland +concept_sport_football concept:sportfansincountry concept_country_portugal +concept_sport_football concept:sportfansincountry concept_country_republic_of_austria +concept_sport_football concept:sportfansincountry concept_country_republic_of_india +concept_sport_football concept:sportfansincountry concept_country_russia +concept_sport_football concept:sportschoolincountry concept_country_russia +concept_sport_football concept:sportfansincountry concept_country_scotland +concept_sport_football concept:sportschoolincountry concept_country_scotland +concept_sport_football concept:sportfansincountry concept_country_singapore +concept_sport_football concept:sportfansincountry concept_country_slovenia +concept_sport_football concept:sportfansincountry concept_country_south_africa +concept_sport_football concept:sportfansincountry concept_country_spain +concept_sport_football concept:sportfansincountry concept_country_sweden +concept_sport_football concept:sportfansincountry concept_country_switzerland +concept_sport_football concept:sportfansincountry concept_country_the_united_kingdom +concept_sport_football concept:sportfansincountry concept_country_turkey +concept_sport_football concept:sportfansincountry concept_country_uk +concept_sport_football concept:sportschoolincountry concept_country_uk +concept_sport_football concept:sportfansincountry concept_country_usa +concept_sport_football concept:sportfansincountry concept_country_wales +concept_sport_football concept:sportschoolincountry concept_country_wales +concept_sport_football concept:sportfansincountry concept_geopoliticallocation_ecuador +concept_sport_football concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_football concept:sportusesequipment concept_sportsequipment_ball +concept_sport_football concept:sportusesequipment concept_sportsequipment_cleats +concept_sport_football concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_football concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_football concept:sportusesequipment concept_sportsequipment_football +concept_sport_football concept:sportusesequipment concept_sportsequipment_helmet +concept_sport_football concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_football concept:sportusesequipment concept_sportsequipment_pads +concept_sport_football concept:sportusesequipment concept_sportsequipment_shoulder_pads +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_center +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_coaches +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_coordinator +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defender +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defense +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defenses +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defensive_back +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defensive_end +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defensive_lineman +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defensive_player +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_defensive_tackle +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_freshman +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_guard +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_halfback +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_kicker +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_linebacker +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_linebackers +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_lineman +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_middle_linebacker +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_nose_guard +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_offense +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_offensive_line +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_offensive_lineman +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_offensive_tackle +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_plays +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_punter +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_qb +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_quarterback +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_quarterbacks +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_receiver +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_running_back +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_running_backs +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_sophomore +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_tackle +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_tight_end +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_times +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_wide_receiver +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_wide_receivers +concept_sport_football concept:sporthassportsteamposition concept_sportsteamposition_wr +concept_sport_football concept:sportusesstadium concept_stadiumoreventvenue_giant_stadium +concept_sport_football concept:sportusesstadium concept_stadiumoreventvenue_heinz_field +concept_sport_football concept:sportusesstadium concept_stadiumoreventvenue_soldier_field +concept_sport_football concept:sportusesequipment concept_tool_accessories +concept_sport_football_history concept:sporthassportsteamposition concept_sportsteamposition_coaches +concept_sport_football_history concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_formel_1 concept:latitudelongitude 41.5686000000000,2.2595800000000 +concept_sport_formula_one concept:sportfansincountry concept_country_japan +concept_sport_formula_one concept:sportfansincountry concept_country_republic_of_india +concept_sport_formula_one concept:sportfansincountry concept_country_us +concept_sport_free_ concept:proxyfor concept_book_new +concept_sport_futbol concept:sportfansincountry concept_country_mexico +concept_sport_futsal concept:sportfansincountry concept_country_brazil +concept_sport_futsal concept:sportfansincountry concept_country_new_zealand +concept_sport_futsal concept:sportfansincountry concept_geopoliticallocation_new_zeland +concept_sport_gaelic_football concept:sportfansincountry concept_country_ireland +concept_sport_gaelic_games concept:sportusesequipment concept_sportsequipment_football +concept_sport_golf concept:sportusesequipment concept_bacteria_cage +concept_sport_golf concept:proxyfor concept_book_new +concept_sport_golf concept:sportfansincountry concept_country___america +concept_sport_golf concept:sportschoolincountry concept_country___america +concept_sport_golf concept:sportschoolincountry concept_country_australia +concept_sport_golf concept:sportschoolincountry concept_country_britain +concept_sport_golf concept:sportschoolincountry concept_country_bulgaria +concept_sport_golf concept:sportschoolincountry concept_country_canada_canada +concept_sport_golf concept:sportschoolincountry concept_country_china +concept_sport_golf concept:sportfansincountry concept_country_cyprus +concept_sport_golf concept:sportschoolincountry concept_country_cyprus +concept_sport_golf concept:sportschoolincountry concept_country_czech_republic +concept_sport_golf concept:sportschoolincountry concept_country_england +concept_sport_golf concept:sportfansincountry concept_country_france_france +concept_sport_golf concept:sportschoolincountry concept_country_france_france +concept_sport_golf concept:sportfansincountry concept_country_germany +concept_sport_golf concept:sportschoolincountry concept_country_germany +concept_sport_golf concept:sportschoolincountry concept_country_great_britain +concept_sport_golf concept:sportfansincountry concept_country_ireland +concept_sport_golf concept:sportschoolincountry concept_country_ireland +concept_sport_golf concept:sportfansincountry concept_country_japan +concept_sport_golf concept:sportschoolincountry concept_country_japan +concept_sport_golf concept:sportfansincountry concept_country_korea +concept_sport_golf concept:sportschoolincountry concept_country_korea +concept_sport_golf concept:sportschoolincountry concept_country_malaysia +concept_sport_golf concept:sportschoolincountry concept_country_mexico +concept_sport_golf concept:sportschoolincountry concept_country_morocco +concept_sport_golf concept:sportfansincountry concept_country_new_zealand +concept_sport_golf concept:sportschoolincountry concept_country_new_zealand +concept_sport_golf concept:sportschoolincountry concept_country_portugal +concept_sport_golf concept:sportschoolincountry concept_country_republic_of_india +concept_sport_golf concept:sportschoolincountry concept_country_republic_of_kenya +concept_sport_golf concept:sportschoolincountry concept_country_republic_of_seychelles +concept_sport_golf concept:sportschoolincountry concept_country_scotland +concept_sport_golf concept:sportfansincountry concept_country_spain +concept_sport_golf concept:sportschoolincountry concept_country_spain +concept_sport_golf concept:sportschoolincountry concept_country_switzerland +concept_sport_golf concept:sportschoolincountry concept_country_taiwan +concept_sport_golf concept:sportfansincountry concept_country_thailand +concept_sport_golf concept:sportschoolincountry concept_country_thailand +concept_sport_golf concept:sportfansincountry concept_country_the_united_kingdom +concept_sport_golf concept:sportschoolincountry concept_country_the_united_kingdom +concept_sport_golf concept:sportfansincountry concept_country_u_s_ +concept_sport_golf concept:sportschoolincountry concept_country_u_s_ +concept_sport_golf concept:sportschoolincountry concept_country_u_s_a_ +concept_sport_golf concept:sportschoolincountry concept_country_uk +concept_sport_golf concept:sportfansincountry concept_country_us +concept_sport_golf concept:sportschoolincountry concept_country_us +concept_sport_golf concept:sportfansincountry concept_country_usa +concept_sport_golf concept:sportschoolincountry concept_country_usa +concept_sport_golf concept:sportfansincountry concept_country_vietnam +concept_sport_golf concept:sportschoolincountry concept_country_vietnam +concept_sport_golf concept:sportfansincountry concept_country_wales +concept_sport_golf concept:sportschoolincountry concept_country_wales +concept_sport_golf concept:sportusesequipment concept_everypromotedthing_golf_club_bag +concept_sport_golf concept:sportusesequipment concept_everypromotedthing_pre_owned_golf_club +concept_sport_golf concept:sportusesequipment concept_software_system +concept_sport_golf concept:sportusesequipment concept_software_training +concept_sport_golf concept:sportusesequipment concept_sportsequipment_accessorie +concept_sport_golf concept:sportusesequipment concept_sportsequipment_activity +concept_sport_golf concept:sportusesequipment concept_sportsequipment_aid +concept_sport_golf concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_golf concept:sportusesequipment concept_sportsequipment_article +concept_sport_golf concept:sportusesequipment concept_sportsequipment_bag +concept_sport_golf concept:sportusesequipment concept_sportsequipment_bags +concept_sport_golf concept:sportusesequipment concept_sportsequipment_ball +concept_sport_golf concept:sportusesequipment concept_sportsequipment_balls +concept_sport_golf concept:sportusesequipment concept_sportsequipment_base +concept_sport_golf concept:sportusesequipment concept_sportsequipment_baskets +concept_sport_golf concept:sportusesequipment concept_sportsequipment_bat +concept_sport_golf concept:sportusesequipment concept_sportsequipment_bicycle +concept_sport_golf concept:sportusesequipment concept_sportsequipment_bikes +concept_sport_golf concept:sportusesequipment concept_sportsequipment_cart +concept_sport_golf concept:sportusesequipment concept_sportsequipment_club +concept_sport_golf concept:sportusesequipment concept_sportsequipment_club_face +concept_sport_golf concept:sportusesequipment concept_sportsequipment_club_head +concept_sport_golf concept:sportusesequipment concept_sportsequipment_clubface +concept_sport_golf concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_golf concept:sportusesequipment concept_sportsequipment_collectibles +concept_sport_golf concept:sportusesequipment concept_sportsequipment_companies +concept_sport_golf concept:sportusesequipment concept_sportsequipment_discount_golf_clubs +concept_sport_golf concept:sportusesequipment concept_sportsequipment_driver +concept_sport_golf concept:sportusesequipment concept_sportsequipment_drivers +concept_sport_golf concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_golf concept:sportusesequipment concept_sportsequipment_equipment_rentals +concept_sport_golf concept:sportusesequipment concept_sportsequipment_fairway_woods +concept_sport_golf concept:sportusesequipment concept_sportsequipment_feet +concept_sport_golf concept:sportusesequipment concept_sportsequipment_fishing_poles +concept_sport_golf concept:sportusesequipment concept_sportsequipment_football +concept_sport_golf concept:sportusesequipment concept_sportsequipment_footwear +concept_sport_golf concept:sportusesequipment concept_sportsequipment_frame +concept_sport_golf concept:sportusesequipment concept_sportsequipment_gear +concept_sport_golf concept:sportusesequipment concept_sportsequipment_gift_certificates +concept_sport_golf concept:sportusesequipment concept_sportsequipment_glove +concept_sport_golf concept:sportusesequipment concept_sportsequipment_goals +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_accessories +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_apparel +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_bag +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_bags +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_ball +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_balls +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_car +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_cart +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_carts +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_club +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_clubs +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_drivers +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_equipment +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_gifts +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_glove +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_gloves +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_irons +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_sets +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_shoe +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_shoes +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_tees +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_training_aid +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golf_training_aids +concept_sport_golf concept:sportusesequipment concept_sportsequipment_golfing_equipment +concept_sport_golf concept:sportusesequipment concept_sportsequipment_head_covers +concept_sport_golf concept:sportusesequipment concept_sportsequipment_images +concept_sport_golf concept:sportusesequipment concept_sportsequipment_instructions +concept_sport_golf concept:sportusesequipment concept_sportsequipment_mat +concept_sport_golf concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_golf concept:sportusesequipment concept_sportsequipment_net +concept_sport_golf concept:sportusesequipment concept_sportsequipment_nets +concept_sport_golf concept:sportusesequipment concept_sportsequipment_packages +concept_sport_golf concept:sportusesequipment concept_sportsequipment_part +concept_sport_golf concept:sportusesequipment concept_sportsequipment_photo +concept_sport_golf concept:sportusesequipment concept_sportsequipment_pin +concept_sport_golf concept:sportusesequipment concept_sportsequipment_ping_pong_ball +concept_sport_golf concept:sportusesequipment concept_sportsequipment_practice_balls +concept_sport_golf concept:sportusesequipment concept_sportsequipment_products +concept_sport_golf concept:sportusesequipment concept_sportsequipment_putter +concept_sport_golf concept:sportusesequipment concept_sportsequipment_putters +concept_sport_golf concept:sportusesequipment concept_sportsequipment_range_balls +concept_sport_golf concept:sportusesequipment concept_sportsequipment_rentals +concept_sport_golf concept:sportusesequipment concept_sportsequipment_review +concept_sport_golf concept:sportusesequipment concept_sportsequipment_rods +concept_sport_golf concept:sportusesequipment concept_sportsequipment_set +concept_sport_golf concept:sportusesequipment concept_sportsequipment_shafts +concept_sport_golf concept:sportusesequipment concept_sportsequipment_sports_equipment +concept_sport_golf concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_golf concept:sportusesequipment concept_sportsequipment_stuff +concept_sport_golf concept:sportusesequipment concept_sportsequipment_sunglasse +concept_sport_golf concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tee +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tees +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tennis_balls +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tennis_racket +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tennis_rackets +concept_sport_golf concept:sportusesequipment concept_sportsequipment_top +concept_sport_golf concept:sportusesequipment concept_sportsequipment_tours +concept_sport_golf concept:sportusesequipment concept_sportsequipment_trainers +concept_sport_golf concept:sportusesequipment concept_sportsequipment_training_aids +concept_sport_golf concept:sportusesequipment concept_sportsequipment_truck +concept_sport_golf concept:sportusesequipment concept_tool_accessories +concept_sport_golf concept:sportusesequipment concept_tool_drills +concept_sport_golf concept:sportusesequipment concept_tool_equipments +concept_sport_golf concept:sportusesequipment concept_tool_grips +concept_sport_golf concept:sportusesequipment concept_visualizableobject_grip +concept_sport_golf concept:sportusesequipment concept_visualizableobject_operator +concept_sport_golf concept:sportusesequipment concept_visualizableobject_stick +concept_sport_golfing concept:sportfansincountry concept_country___america +concept_sport_golfing concept:sportschoolincountry concept_country___america +concept_sport_golfing concept:sportschoolincountry concept_country_france_france +concept_sport_golfing concept:sportschoolincountry concept_country_wales +concept_sport_golfing concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_golfing concept:sportusesequipment concept_sportsequipment_balls +concept_sport_golfing concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_golfing concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_golfing concept:sportusesequipment concept_tool_accessories +concept_sport_great_golf concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_great_golf concept:sportusesequipment concept_tool_accessories +concept_sport_gymnastics concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_handball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_hapkido concept:sportschoolincountry concept_country_korea +concept_sport_hapkido concept:sportschoolincountry concept_country_south_korea +concept_sport_high_quality_sports concept:sportusesequipment concept_tool_supplements +concept_sport_hockey concept:sportfansincountry concept_country___america +concept_sport_hockey concept:sportschoolincountry concept_country___america +concept_sport_hockey concept:sportfansincountry concept_country_canada_canada +concept_sport_hockey concept:sportschoolincountry concept_country_canada_canada +concept_sport_hockey concept:sportfansincountry concept_country_germany +concept_sport_hockey concept:sportfansincountry concept_country_pakistan +concept_sport_hockey concept:sportfansincountry concept_country_republic_of_india +concept_sport_hockey concept:sportschoolincountry concept_country_republic_of_india +concept_sport_hockey concept:sportusesequipment concept_software_skate +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_ball +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_helmet +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_helmets +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_hockey_equipment +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_hockey_sticks +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_puck +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_skates +concept_sport_hockey concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_defencemen +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_defenseman +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_forward +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_goalie +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_goalies +concept_sport_hockey concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_air_canada_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_american_airlines_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_bank_atlantic_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_bankatlantic_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_bridgestone_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_consol_energy_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_first_niagara_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_honda_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_hp_pavilion +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_hsbc_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_izod_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_joe_louis_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_madison_square_garden +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_mellon_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_mts_centre_manitoba +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_nassau_coliseum +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_nationwide_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_pengrowth_saddledome +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_pepsi_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_pete_times_forum +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_philips_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_prudential_center_2 +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_rbc_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_rexall_place +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_rogers_arena +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_scotiabank_place +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_scotiabank_saddledome +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_scottrade_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_sommet_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_staples_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_td_banknorth_garden +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_td_garden +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_united_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_verizon_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_wachovia_center +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_wells_fargo_center_for_the_arts +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_wells_fargo_center_pa +concept_sport_hockey concept:sportusesstadium concept_stadiumoreventvenue_xcel_energy_center +concept_sport_hockey concept:sportusesequipment concept_tool_accessories +concept_sport_hockey concept:sportusesequipment concept_visualizableobject_stick +concept_sport_horse_racing concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_hunting concept:sportfansincountry concept_country___america +concept_sport_hunting concept:sportschoolincountry concept_country___america +concept_sport_hunting concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_hunting concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_hunting concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_hunting concept:sportusesequipment concept_tool_accessories +concept_sport_ice_hockey concept:sportfansincountry concept_country___america +concept_sport_ice_hockey concept:sportschoolincountry concept_country___america +concept_sport_ice_hockey concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_ice_hockey concept:sportusesequipment concept_sportsequipment_skates +concept_sport_initiatives concept:atdate concept_date_n2004 +concept_sport_initiatives concept:subpartof concept_weatherphenomenon_air +concept_sport_initiatives concept:subpartof concept_weatherphenomenon_water +concept_sport_inline concept:sportusesequipment concept_sportsequipment_skates +concept_sport_international_cricket concept:sportfansincountry concept_country_pakistan +concept_sport_international_football concept:sportfansincountry concept_country_england +concept_sport_intramural_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_ju_jitsu concept:sportfansincountry concept_country_japan +concept_sport_ju_jitsu concept:sportschoolincountry concept_country_japan +concept_sport_judo concept:sportfansincountry concept_country_japan +concept_sport_judo concept:sportschoolincountry concept_country_japan +concept_sport_judo concept:sportschoolincountry concept_country_korea +concept_sport_judo concept:sportschoolincountry concept_country_u_s_ +concept_sport_judo concept:sportschoolincountry concept_country_uk +concept_sport_judo concept:sportschoolincountry concept_country_usa +concept_sport_jujitsu concept:sportfansincountry concept_country_japan +concept_sport_jujitsu concept:sportschoolincountry concept_country_japan +concept_sport_karate concept:sportfansincountry concept_country_japan +concept_sport_karate concept:sportschoolincountry concept_country_japan +concept_sport_karting concept:sportfansincountry concept_country___america +concept_sport_karting concept:sportschoolincountry concept_country___america +concept_sport_kayak concept:sportfansincountry concept_country___america +concept_sport_kayak concept:sportschoolincountry concept_country___america +concept_sport_kayak concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_kayaking concept:sportfansincountry concept_country___america +concept_sport_kayaking concept:sportschoolincountry concept_country___america +concept_sport_kicks concept:latitudelongitude 31.9515900000000,-81.9515100000000 +concept_sport_lacrosse concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_lacrosse concept:sportusesequipment concept_sportsequipment_football +concept_sport_lacrosse concept:sportusesequipment concept_sportsequipment_gear +concept_sport_lacrosse concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_lacrosse concept:sportusesequipment concept_visualizableobject_stick +concept_sport_ladies_golf concept:sportusesequipment concept_tool_accessories +concept_sport_league_sports concept:sportfansincountry concept_country___america +concept_sport_league_sports concept:sportschoolincountry concept_country___america +concept_sport_league_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_major_sports concept:sportfansincountry concept_country___america +concept_sport_major_sports concept:sportschoolincountry concept_country___america +concept_sport_major_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_management_services concept:subpartof concept_weatherphenomenon_water +concept_sport_martial_arts concept:sportfansincountry concept_country___america +concept_sport_martial_arts concept:sportschoolincountry concept_country___america +concept_sport_men concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_mma concept:sportfansincountry concept_country_philippines +concept_sport_mma concept:sportfansincountry concept_country_u_s_ +concept_sport_mma concept:sportfansincountry concept_country_uk +concept_sport_money concept:sportusesequipment concept_sportsequipment_football +concept_sport_motor_sports concept:sportfansincountry concept_country___america +concept_sport_motor_sports concept:sportschoolincountry concept_country___america +concept_sport_motorsport concept:sportfansincountry concept_country_new_zealand +concept_sport_motorsport concept:sportfansincountry concept_country_uk +concept_sport_mountain_biking concept:sportfansincountry concept_country___america +concept_sport_mountain_biking concept:sportschoolincountry concept_country___america +concept_sport_muay_thai concept:sportfansincountry concept_country_thailand +concept_sport_ncaa_basketball concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_ncaa_football concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_nfl_football concept:sportusesequipment concept_sportsequipment_football +concept_sport_nfl_football concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_nfl_football concept:sporthassportsteamposition concept_sportsteamposition_line +concept_sport_one_day_cricket concept:sportfansincountry concept_country_pakistan +concept_sport_outdoor concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_outdoor_skating concept:latitudelongitude 42.3123200000000,-71.1350500000000 +concept_sport_paddling concept:sportschoolincountry concept_country___america +concept_sport_paddling concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_paintball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_paintball concept:sportusesequipment concept_sportsequipment_gear +concept_sport_paintball concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_paintball concept:sportusesequipment concept_tool_accessories +concept_sport_peoria concept:proxyfor concept_beverage_arizona +concept_sport_peoria concept:subpartof concept_beverage_arizona +concept_sport_petanque concept:sportfansincountry concept_country_soviet_union +concept_sport_ping_pong concept:sportusesequipment concept_sportsequipment_ball +concept_sport_ping_pong concept:sportusesequipment concept_sportsequipment_balls +concept_sport_ping_pong concept:sportusesequipment concept_sportsequipment_top +concept_sport_polo concept:sportfansincountry concept_country___america +concept_sport_polo concept:sportschoolincountry concept_country___america +concept_sport_polo concept:sportfansincountry concept_country_uk +concept_sport_polo concept:sportusesequipment concept_sportsequipment_ball +concept_sport_pond concept:subpartof concept_weatherphenomenon_water +concept_sport_pool concept:sportusesequipment concept_sportsequipment_ball +concept_sport_pool concept:sportusesequipment concept_sportsequipment_balls +concept_sport_pool concept:sportusesequipment concept_sportsequipment_cue_ball +concept_sport_pool concept:sportusesequipment concept_sportsequipment_cue_sticks +concept_sport_pool concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_pool concept:sportusesequipment concept_sportsequipment_pool_tables +concept_sport_pool concept:sportusesequipment concept_sportsequipment_products +concept_sport_pool concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_pool concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_pool concept:sportusesequipment concept_tool_accessories +concept_sport_pool concept:sportusesequipment concept_visualizablething_toys +concept_sport_private_golf concept:sportschoolincountry concept_country___america +concept_sport_private_golf concept:sportusesequipment concept_sportsequipment_club +concept_sport_professional_hockey concept:sportfansincountry concept_country___america +concept_sport_professional_hockey concept:sportschoolincountry concept_country___america +concept_sport_professional_soccer concept:sportfansincountry concept_country___america +concept_sport_professional_soccer concept:sportschoolincountry concept_country___america +concept_sport_professional_sports concept:sportfansincountry concept_country___america +concept_sport_professional_sports concept:sportschoolincountry concept_country___america +concept_sport_professional_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_public_university concept:proxyfor concept_book_new +concept_sport_racing concept:sportfansincountry concept_country___america +concept_sport_racing concept:sportschoolincountry concept_country___america +concept_sport_racing concept:sportfansincountry concept_country_japan +concept_sport_racing concept:sportfansincountry concept_country_new_zealand +concept_sport_racing concept:sportschoolincountry concept_country_philippines +concept_sport_racing concept:sportschoolincountry concept_country_usa +concept_sport_racquetball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_racquetball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_racquetball concept:sportusesequipment concept_sportsequipment_racquets +concept_sport_rafting concept:sportfansincountry concept_country___america +concept_sport_rafting concept:sportschoolincountry concept_country___america +concept_sport_riding concept:sportfansincountry concept_country___america +concept_sport_riding concept:sportschoolincountry concept_country___america +concept_sport_riding concept:sportusesequipment concept_sportsequipment_helmet +concept_sport_riding concept:sportusesequipment concept_sportsequipment_helmets +concept_sport_rifle concept:atlocation concept_geopoliticallocation_colorado +concept_sport_rock_climbing concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_rounders concept:sportusesequipment concept_sportsequipment_ball +concept_sport_rowing concept:sportschoolincountry concept_country___america +concept_sport_rugby concept:sportfansincountry concept_country___america +concept_sport_rugby concept:sportschoolincountry concept_country___america +concept_sport_rugby concept:sportfansincountry concept_country_australia +concept_sport_rugby concept:sportschoolincountry concept_country_australia +concept_sport_rugby concept:sportfansincountry concept_country_britain +concept_sport_rugby concept:sportfansincountry concept_country_england +concept_sport_rugby concept:sportschoolincountry concept_country_england +concept_sport_rugby concept:sportfansincountry concept_country_fiji +concept_sport_rugby concept:sportfansincountry concept_country_france_france +concept_sport_rugby concept:sportschoolincountry concept_country_france_france +concept_sport_rugby concept:sportfansincountry concept_country_ireland +concept_sport_rugby concept:sportschoolincountry concept_country_ireland +concept_sport_rugby concept:sportfansincountry concept_country_new_zealand +concept_sport_rugby concept:sportschoolincountry concept_country_new_zealand +concept_sport_rugby concept:sportfansincountry concept_country_scotland +concept_sport_rugby concept:sportfansincountry concept_country_south_africa +concept_sport_rugby concept:sportschoolincountry concept_country_south_africa +concept_sport_rugby concept:sportfansincountry concept_country_usa +concept_sport_rugby concept:sportfansincountry concept_country_wales +concept_sport_rugby concept:sportschoolincountry concept_country_wales +concept_sport_rugby concept:sportusesequipment concept_sportsequipment_ball +concept_sport_rugby concept:sportusesequipment concept_sportsequipment_balls +concept_sport_rugby concept:sportusesequipment concept_sportsequipment_glove +concept_sport_rugby concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_rugby_league concept:sportfansincountry concept_country_australia +concept_sport_rugby_league concept:sportfansincountry concept_country_england +concept_sport_rugby_league concept:sportschoolincountry concept_country_england +concept_sport_rugby_league concept:sportfansincountry concept_country_new_zealand +concept_sport_rules_football concept:sportfansincountry concept_country_australia +concept_sport_rules_football concept:sportschoolincountry concept_country_australia +concept_sport_sailing concept:sportfansincountry concept_country___america +concept_sport_sailing concept:sportschoolincountry concept_country___america +concept_sport_scout concept:sportschoolincountry concept_country_u_s_ +concept_sport_scuba concept:sportusesequipment concept_software_training +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_cruises +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_gear +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_mask +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_masks +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_packages +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_products +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_scuba_diving_equipment +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_tours +concept_sport_scuba concept:sportusesequipment concept_sportsequipment_wet_suits +concept_sport_scuba_diving concept:sportschoolincountry concept_country___america +concept_sport_scuba_diving concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_shooting concept:sportusesequipment concept_tool_accessories +concept_sport_ski concept:sportfansincountry concept_country___america +concept_sport_ski concept:sportschoolincountry concept_country___america +concept_sport_ski concept:sportfansincountry concept_country_andorra +concept_sport_ski concept:sportschoolincountry concept_country_andorra +concept_sport_ski concept:sportschoolincountry concept_country_argentina +concept_sport_ski concept:sportfansincountry concept_country_australia +concept_sport_ski concept:sportschoolincountry concept_country_australia +concept_sport_ski concept:sportschoolincountry concept_country_britain +concept_sport_ski concept:sportfansincountry concept_country_bulgaria +concept_sport_ski concept:sportschoolincountry concept_country_bulgaria +concept_sport_ski concept:sportfansincountry concept_country_canada_canada +concept_sport_ski concept:sportschoolincountry concept_country_canada_canada +concept_sport_ski concept:sportschoolincountry concept_country_chile +concept_sport_ski concept:sportschoolincountry concept_country_china +concept_sport_ski concept:sportschoolincountry concept_country_czech_republic +concept_sport_ski concept:sportschoolincountry concept_country_england +concept_sport_ski concept:sportschoolincountry concept_country_finland +concept_sport_ski concept:sportfansincountry concept_country_france_france +concept_sport_ski concept:sportschoolincountry concept_country_france_france +concept_sport_ski concept:sportschoolincountry concept_country_germany +concept_sport_ski concept:sportschoolincountry concept_country_greece +concept_sport_ski concept:sportschoolincountry concept_country_iran +concept_sport_ski concept:sportfansincountry concept_country_japan +concept_sport_ski concept:sportschoolincountry concept_country_japan +concept_sport_ski concept:sportschoolincountry concept_country_korea +concept_sport_ski concept:sportschoolincountry concept_country_lesotho +concept_sport_ski concept:sportschoolincountry concept_country_liechtenstein +concept_sport_ski concept:sportschoolincountry concept_country_macedonia +concept_sport_ski concept:sportschoolincountry concept_country_montenegro +concept_sport_ski concept:sportfansincountry concept_country_new_zealand +concept_sport_ski concept:sportschoolincountry concept_country_new_zealand +concept_sport_ski concept:sportschoolincountry concept_country_norway +concept_sport_ski concept:sportschoolincountry concept_country_poland +concept_sport_ski concept:sportfansincountry concept_country_pyrenees +concept_sport_ski concept:sportschoolincountry concept_country_pyrenees +concept_sport_ski concept:sportfansincountry concept_country_republic_of_austria +concept_sport_ski concept:sportschoolincountry concept_country_republic_of_austria +concept_sport_ski concept:sportschoolincountry concept_country_republic_of_india +concept_sport_ski concept:sportschoolincountry concept_country_romania +concept_sport_ski concept:sportschoolincountry concept_country_scotland +concept_sport_ski concept:sportschoolincountry concept_country_slovakia +concept_sport_ski concept:sportschoolincountry concept_country_slovenia +concept_sport_ski concept:sportfansincountry concept_country_spain +concept_sport_ski concept:sportschoolincountry concept_country_spain +concept_sport_ski concept:sportschoolincountry concept_country_sweden +concept_sport_ski concept:sportfansincountry concept_country_switzerland +concept_sport_ski concept:sportschoolincountry concept_country_switzerland +concept_sport_ski concept:sportschoolincountry concept_country_the_united_kingdom +concept_sport_ski concept:sportschoolincountry concept_country_turkey +concept_sport_ski concept:sportfansincountry concept_country_u_s_ +concept_sport_ski concept:sportschoolincountry concept_country_u_s_ +concept_sport_ski concept:sportschoolincountry concept_country_uk +concept_sport_ski concept:sportfansincountry concept_country_us +concept_sport_ski concept:sportschoolincountry concept_country_us +concept_sport_ski concept:sportfansincountry concept_country_usa +concept_sport_ski concept:sportschoolincountry concept_country_usa +concept_sport_ski concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_ski concept:sportusesequipment concept_sportsequipment_club +concept_sport_ski concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_ski concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_ski concept:sportusesequipment concept_sportsequipment_gear +concept_sport_ski concept:sportusesequipment concept_sportsequipment_packages +concept_sport_ski concept:sportusesequipment concept_sportsequipment_rentals +concept_sport_ski concept:sportusesequipment concept_sportsequipment_skis +concept_sport_ski concept:sportusesequipment concept_tool_accessories +concept_sport_skiing concept:proxyfor concept_book_new +concept_sport_skiing concept:sportfansincountry concept_country___america +concept_sport_skiing concept:sportschoolincountry concept_country___america +concept_sport_skiing concept:sportschoolincountry concept_country_argentina +concept_sport_skiing concept:sportschoolincountry concept_country_australia +concept_sport_skiing concept:sportschoolincountry concept_country_bulgaria +concept_sport_skiing concept:sportfansincountry concept_country_canada_canada +concept_sport_skiing concept:sportschoolincountry concept_country_canada_canada +concept_sport_skiing concept:sportschoolincountry concept_country_chile +concept_sport_skiing concept:sportschoolincountry concept_country_china +concept_sport_skiing concept:sportschoolincountry concept_country_czech_republic +concept_sport_skiing concept:sportschoolincountry concept_country_finland +concept_sport_skiing concept:sportschoolincountry concept_country_france_france +concept_sport_skiing concept:sportschoolincountry concept_country_germany +concept_sport_skiing concept:sportschoolincountry concept_country_greece +concept_sport_skiing concept:sportschoolincountry concept_country_japan +concept_sport_skiing concept:sportschoolincountry concept_country_new_zealand +concept_sport_skiing concept:sportschoolincountry concept_country_norway +concept_sport_skiing concept:sportschoolincountry concept_country_pyrenees +concept_sport_skiing concept:sportfansincountry concept_country_republic_of_austria +concept_sport_skiing concept:sportschoolincountry concept_country_republic_of_austria +concept_sport_skiing concept:sportschoolincountry concept_country_republic_of_india +concept_sport_skiing concept:sportschoolincountry concept_country_scotland +concept_sport_skiing concept:sportschoolincountry concept_country_slovakia +concept_sport_skiing concept:sportschoolincountry concept_country_spain +concept_sport_skiing concept:sportschoolincountry concept_country_sweden +concept_sport_skiing concept:sportfansincountry concept_country_switzerland +concept_sport_skiing concept:sportschoolincountry concept_country_switzerland +concept_sport_skiing concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_skiing concept:sportusesequipment concept_sportsequipment_skis +concept_sport_snooker concept:sportusesequipment concept_sportsequipment_ball +concept_sport_snooker concept:sportusesequipment concept_tool_accessories +concept_sport_snorkeling concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_snowboard concept:sportfansincountry concept_country___america +concept_sport_snowboard concept:sportschoolincountry concept_country___america +concept_sport_snowboard concept:sportschoolincountry concept_country_canada_canada +concept_sport_snowboard concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_snowboarding concept:sportfansincountry concept_country___america +concept_sport_snowboarding concept:sportschoolincountry concept_country___america +concept_sport_snowboarding concept:sportusesequipment concept_sportsequipment_gear +concept_sport_snowmobiling concept:sportfansincountry concept_country___america +concept_sport_snowmobiling concept:sportschoolincountry concept_country___america +concept_sport_soccer concept:sportfansincountry concept_country___america +concept_sport_soccer concept:sportschoolincountry concept_country___america +concept_sport_soccer concept:sportfansincountry concept_country_australia +concept_sport_soccer concept:sportfansincountry concept_country_brazil +concept_sport_soccer concept:sportfansincountry concept_country_canada_canada +concept_sport_soccer concept:sportfansincountry concept_country_china +concept_sport_soccer concept:sportfansincountry concept_country_france_france +concept_sport_soccer concept:sportfansincountry concept_country_germany +concept_sport_soccer concept:sportschoolincountry concept_country_germany +concept_sport_soccer concept:sportfansincountry concept_country_ghana +concept_sport_soccer concept:sportfansincountry concept_country_ireland +concept_sport_soccer concept:sportfansincountry concept_country_japan +concept_sport_soccer concept:sportfansincountry concept_country_mexico +concept_sport_soccer concept:sportfansincountry concept_country_netherlands +concept_sport_soccer concept:sportfansincountry concept_country_south_africa +concept_sport_soccer concept:sportschoolincountry concept_country_south_africa +concept_sport_soccer concept:sportfansincountry concept_country_spain +concept_sport_soccer concept:sportfansincountry concept_country_switzerland +concept_sport_soccer concept:sportfansincountry concept_country_the_united_kingdom +concept_sport_soccer concept:sportfansincountry concept_country_us +concept_sport_soccer concept:sportfansincountry concept_country_usa +concept_sport_soccer concept:sportfansincountry concept_country_wales +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_bag +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_ball +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_balls +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_cleats +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_cones +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_football +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_footwear +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_gear +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_goal +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_goals +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_jersey +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_jerseys +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_net +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_nets +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_shin_guards +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_shinguards +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_accessories +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_ball +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_balls +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_cleats +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_equipment +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_soccer_shoes +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_softball +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_tennis_balls +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_top +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_uniforms +concept_sport_soccer concept:sportusesequipment concept_sportsequipment_volley_ball +concept_sport_soccer concept:sporthassportsteamposition concept_sportsteamposition_goalie +concept_sport_soccer concept:sporthassportsteamposition concept_sportsteamposition_midfield +concept_sport_soccer concept:sportusesstadium concept_stadiumoreventvenue_wembley_stadium +concept_sport_soccer concept:sportusesequipment concept_tool_accessories +concept_sport_soccer concept:sportusesequipment concept_visualizablething_toys +concept_sport_softball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_softball concept:sportusesequipment concept_sportsequipment_balls +concept_sport_softball concept:sportusesequipment concept_sportsequipment_bat +concept_sport_softball concept:sportusesequipment concept_sportsequipment_bats +concept_sport_softball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_softball concept:sportusesequipment concept_sportsequipment_glove +concept_sport_softball concept:sportusesequipment concept_sportsequipment_mitt +concept_sport_softball concept:sporthassportsteamposition concept_sportsteamposition_coaches +concept_sport_softball concept:sporthassportsteamposition concept_sportsteamposition_infield +concept_sport_softball concept:sporthassportsteamposition concept_sportsteamposition_pitcher +concept_sport_softball concept:sportusesequipment concept_tool_accessories +concept_sport_sovereign_state concept:proxyfor concept_book_new +concept_sport_sport_fishing concept:sportfansincountry concept_country___america +concept_sport_sport_fishing concept:sportschoolincountry concept_country___america +concept_sport_sporting_events concept:sportusesequipment concept_sportsequipment_football +concept_sport_sports concept:sportfansincountry concept_country___america +concept_sport_sports concept:sportschoolincountry concept_country___america +concept_sport_sports concept:sportfansincountry concept_country_australia +concept_sport_sports concept:sportschoolincountry concept_country_australia +concept_sport_sports concept:sportfansincountry concept_country_ireland +concept_sport_sports concept:sportschoolincountry concept_country_us +concept_sport_sports concept:hobbiessuchashobbies concept_hobby_hiking +concept_sport_sports concept:hobbiessuchashobbies concept_sport_kayaking +concept_sport_sports concept:hobbiessuchashobbies concept_sport_rafting +concept_sport_sports concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_sports concept:sportusesequipment concept_sportsequipment_bags +concept_sport_sports concept:sportusesequipment concept_sportsequipment_ball +concept_sport_sports concept:sportusesequipment concept_sportsequipment_balls +concept_sport_sports concept:sportusesequipment concept_sportsequipment_baseball_bats +concept_sport_sports concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_sports concept:sportusesequipment concept_sportsequipment_collectibles +concept_sport_sports concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_sports concept:sportusesequipment concept_sportsequipment_fitness_equipment +concept_sport_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_sports concept:sportusesequipment concept_sportsequipment_footwear +concept_sport_sports concept:sportusesequipment concept_sportsequipment_gear +concept_sport_sports concept:sportusesequipment concept_sportsequipment_helmets +concept_sport_sports concept:sportusesequipment concept_sportsequipment_jerseys +concept_sport_sports concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_sports concept:sportusesequipment concept_sportsequipment_products +concept_sport_sports concept:sportusesequipment concept_sportsequipment_rackets +concept_sport_sports concept:sportusesequipment concept_sportsequipment_sports_collectibles +concept_sport_sports concept:sportusesequipment concept_sportsequipment_sports_equipment +concept_sport_sports concept:sportusesequipment concept_sportsequipment_sports_memorabilia +concept_sport_sports concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_sports concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_sports concept:sportusesequipment concept_tool_accessories +concept_sport_sports concept:sportusesequipment concept_tool_equipments +concept_sport_sports concept:sportusesequipment concept_tool_supplements +concept_sport_sports concept:sportusesequipment concept_visualizablething_toys +concept_sport_squash concept:sportfansincountry concept_country_new_zealand +concept_sport_squash concept:sportfansincountry concept_country_newzealand +concept_sport_squash concept:sportusesequipment concept_sportsequipment_ball +concept_sport_squash concept:sportusesequipment concept_sportsequipment_balls +concept_sport_squash concept:sportusesequipment concept_sportsequipment_club +concept_sport_squash concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_squash concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_squash concept:sportusesequipment concept_sportsequipment_racket +concept_sport_squash concept:sportusesequipment concept_sportsequipment_rackets +concept_sport_squash concept:sportusesequipment concept_sportsequipment_racquet +concept_sport_squash concept:sportusesequipment concept_sportsequipment_racquets +concept_sport_squash concept:sportusesequipment concept_tool_accessories +concept_sport_successful_sports concept:sportfansincountry concept_country___america +concept_sport_successful_sports concept:sportschoolincountry concept_country___america +concept_sport_sumo concept:sportfansincountry concept_country_japan +concept_sport_surf concept:sportschoolincountry concept_country___america +concept_sport_surf concept:sportschoolincountry concept_country_australia +concept_sport_surf concept:sportschoolincountry concept_country_mexico +concept_sport_surf concept:sportschoolincountry concept_country_new_zealand +concept_sport_surf concept:sportschoolincountry concept_country_south_africa +concept_sport_surf concept:sportschoolincountry concept_country_uk +concept_sport_surf concept:sportschoolincountry concept_country_wales +concept_sport_surf concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_surf concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_surfing concept:sportschoolincountry concept_country___america +concept_sport_surfing concept:sportusesequipment concept_tool_accessories +concept_sport_swim concept:sportschoolincountry concept_country_mexico +concept_sport_swim concept:sportschoolincountry concept_country_new_zealand +concept_sport_swim concept:sportschoolincountry concept_country_united_states_of_america +concept_sport_swim concept:sportschoolincountry concept_country_usa +concept_sport_table_tennis concept:sportusesequipment concept_sportsequipment_ball +concept_sport_table_tennis concept:sportusesequipment concept_sportsequipment_balls +concept_sport_table_tennis concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_table_tennis concept:sportusesequipment concept_sportsequipment_rackets +concept_sport_tabletennis concept:sportusesequipment concept_sportsequipment_balls +concept_sport_team concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_team concept:sportusesequipment concept_sportsequipment_gear +concept_sport_team concept:sportusesequipment concept_sportsequipment_memorabilia +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_back +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_center +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_centre +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_coordinator +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_cornerback +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defender +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defenseman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defensive_back +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defensive_end +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defensive_lineman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defensive_player +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_defensive_tackle +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_first_base +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_first_baseman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_four_year_starter +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_free_kick +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_free_safety +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_freshman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_goalie +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_goalkeeper +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_goaltender +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_guard +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_halfback +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_hitter +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_kick +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_kicker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_linebacker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_lineman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_middle_linebacker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_midfielder +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_offensive_guard +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_offensive_line +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_offensive_lineman +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_offensive_tackle +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_one_player +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_outfielder +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_outside_linebacker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_pass +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_place_kicker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_placekicker +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_player +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_plays +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_punter +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_quarterback +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_receiver +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_right_guard +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_right_tackle +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_safety +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_scorer +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_shortstop +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_sophomore +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_star_quarterback +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_tackle +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_tailback +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_throw +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_tight_end +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_walk_on +concept_sport_team concept:sporthassportsteamposition concept_sportsteamposition_wide_receiver +concept_sport_team concept:sportusesequipment concept_tool_accessories +concept_sport_team_sports concept:sportfansincountry concept_country___america +concept_sport_team_sports concept:sportschoolincountry concept_country___america +concept_sport_team_sports concept:sportusesequipment concept_sportsequipment_football +concept_sport_tennis concept:sportfansincountry concept_country___america +concept_sport_tennis concept:sportschoolincountry concept_country___america +concept_sport_tennis concept:sportusesequipment concept_software_system +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_apparel +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_area +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_bag +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_bags +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_ball +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_balls +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_baseball_bat +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_baseball_bats +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_baseballs +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_basket +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_bat +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_club +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_clubs +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_footballs +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_gear +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_golf_ball +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_golf_balls +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_golf_club +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_hockey_sticks +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_net +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_nets +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_part +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_products +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_racket +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_rackets +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_racquet +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_racquets +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_rope +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_set +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_skis +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_sock +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_softball +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_sports_equipment +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_sticks +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_string +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_strings +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_stuff +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_supplies +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tape +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_ball +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_balls +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_equipment +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_racket +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_rackets +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_racquet +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_racquets +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_tennis_shoes +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_top +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_uniforms +concept_sport_tennis concept:sportusesequipment concept_sportsequipment_wire +concept_sport_tennis concept:sportusesstadium concept_stadiumoreventvenue_arthur_ashe_stadium +concept_sport_tennis concept:sportusesstadium concept_stadiumoreventvenue_centre_court +concept_sport_tennis concept:sportusesequipment concept_tool_accessories +concept_sport_tennis concept:sportusesequipment concept_tool_equipments +concept_sport_tennis concept:sportusesequipment concept_tool_grips +concept_sport_tennis concept:sportusesequipment concept_tool_lights +concept_sport_tennis concept:sportusesequipment concept_visualizableobject_grip +concept_sport_tennis concept:sportusesequipment concept_visualizableobject_stick +concept_sport_tennis concept:sportusesequipment concept_visualizablething_toys +concept_sport_tennis_court concept:sportusesequipment concept_sportsequipment_area +concept_sport_tennis_courts concept:sportusesequipment concept_sportsequipment_ball +concept_sport_track concept:sportschoolincountry concept_country___america +concept_sport_track concept:sportfansincountry concept_country_u_s_ +concept_sport_track concept:sportfansincountry concept_country_uk +concept_sport_track concept:sportfansincountry concept_country_united_states_of_america +concept_sport_track concept:sportfansincountry concept_country_usa +concept_sport_track concept:sportusesequipment concept_sportsequipment_football +concept_sport_trekking concept:sportschoolincountry concept_country___america +concept_sport_trekking concept:sportusesequipment concept_sportsequipment_tents +concept_sport_triathlon concept:sportfansincountry concept_country___america +concept_sport_triathlon concept:sportschoolincountry concept_country___america +concept_sport_ufc concept:atdate concept_dateliteral_n2007 +concept_sport_unique_golf concept:sportusesequipment concept_tool_accessories +concept_sport_volley_ball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_volleyball concept:sportfansincountry concept_country_japan +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_area +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_ball +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_balls +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_net +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_nets +concept_sport_volleyball concept:sportusesequipment concept_sportsequipment_poles +concept_sport_volleyball concept:sporthassportsteamposition concept_sportsteamposition_outside_hitter +concept_sport_volleyball concept:sportusesequipment concept_tool_accessories +concept_sport_wakeboard concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_water_polo concept:sportusesequipment concept_sportsequipment_ball +concept_sport_water_ski concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_water_sports concept:hobbiessuchashobbies concept_hobby_fishing +concept_sport_water_sports concept:hobbiessuchashobbies concept_sport_rafting +concept_sport_water_sports concept:hobbiessuchashobbies concept_sport_sailing +concept_sport_water_sports concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_water_sports concept:sportusesequipment concept_sportsequipment_gear +concept_sport_water_sports concept:sportusesequipment concept_sportsequipment_kayaks +concept_sport_watersports concept:sportusesequipment concept_sportsequipment_kayaks +concept_sport_welfare concept:proxyfor concept_book_new +concept_sport_wiffle concept:sportusesequipment concept_sportsequipment_balls +concept_sport_windsurfing concept:sportfansincountry concept_country___america +concept_sport_windsurfing concept:sportschoolincountry concept_country___america +concept_sport_winter_sports concept:sportusesequipment concept_sportsequipment_equipment +concept_sport_wrestling concept:sportfansincountry concept_country___america +concept_sport_yoga concept:sportschoolincountry concept_country___america +concept_sport_yoga concept:sportusesequipment concept_sportsequipment_mats +concept_sport_yoga concept:sportusesequipment concept_tool_accessories +concept_sport_youth_hockey concept:sportfansincountry concept_country___america +concept_sport_youth_hockey concept:sportschoolincountry concept_country___america +concept_sport_youth_soccer concept:sportfansincountry concept_country___america +concept_sport_youth_soccer concept:sportschoolincountry concept_country___america +concept_sportsequipment_activity concept:objectfoundinscene concept_city_volcano +concept_sportsequipment_activity concept:objectfoundinscene concept_visualizablescene_observatory +concept_sportsequipment_balls concept:thinghasshape concept_ceo_online_application_form +concept_sportsequipment_balls concept:thinghasshape concept_geometricshape_shape +concept_sportsequipment_balls concept:synonymfor concept_visualizablething_tar +concept_sportsequipment_board concept:mutualproxyfor concept_academicfield_association +concept_sportsequipment_board concept:mutualproxyfor concept_academicfield_directors +concept_sportsequipment_board concept:mutualproxyfor concept_attraction_academy +concept_sportsequipment_board concept:mutualproxyfor concept_book_alliance +concept_sportsequipment_board concept:mutualproxyfor concept_book_forum +concept_sportsequipment_board concept:mutualproxyfor concept_book_network +concept_sportsequipment_board concept:mutualproxyfor concept_book_new +concept_sportsequipment_board concept:mutualproxyfor concept_city_team +concept_sportsequipment_board concept:mutualproxyfor concept_county_chamber +concept_sportsequipment_board concept:mutualproxyfor concept_director_committee +concept_sportsequipment_board concept:mutualproxyfor concept_emotion_college +concept_sportsequipment_board concept:mutualproxyfor concept_emotion_officer +concept_sportsequipment_board concept:mutualproxyfor concept_geopoliticallocation_consortium +concept_sportsequipment_board concept:mutualproxyfor concept_geopoliticallocation_institutes +concept_sportsequipment_board concept:mutualproxyfor concept_governmentorganization_commission +concept_sportsequipment_board concept:synonymfor concept_governmentorganization_management +concept_sportsequipment_board concept:mutualproxyfor concept_governmentorganization_red_cross +concept_sportsequipment_board concept:mutualproxyfor concept_island_society +concept_sportsequipment_board concept:mutualproxyfor concept_island_staff +concept_sportsequipment_board concept:mutualproxyfor concept_jobposition_center +concept_sportsequipment_board concept:mutualproxyfor concept_musicalbum_foundation +concept_sportsequipment_board concept:mutualproxyfor concept_musicalbum_three +concept_sportsequipment_board concept:mutualproxyfor concept_musicartist_federation +concept_sportsequipment_board concept:mutualproxyfor concept_musicfestival_committee_meetings +concept_sportsequipment_board concept:mutualproxyfor concept_musician_vice_president +concept_sportsequipment_board concept:mutualproxyfor concept_nerve_surgeon +concept_sportsequipment_board concept:mutualproxyfor concept_nongovorganization_cancer_society +concept_sportsequipment_board concept:mutualproxyfor concept_nongovorganization_committees +concept_sportsequipment_board concept:mutualproxyfor concept_nongovorganization_council +concept_sportsequipment_board concept:mutualproxyfor concept_personus_bar_association +concept_sportsequipment_board concept:mutualproxyfor concept_physicalaction_assembly +concept_sportsequipment_board concept:mutualproxyfor concept_physicalaction_women +concept_sportsequipment_board concept:mutualproxyfor concept_politicaloffice_office +concept_sportsequipment_board concept:mutualproxyfor concept_politicalparty_economic_development_council +concept_sportsequipment_board concept:mutualproxyfor concept_politicsissue_officers +concept_sportsequipment_board concept:mutualproxyfor concept_profession_meetings +concept_sportsequipment_board concept:mutualproxyfor concept_professionalorganization_heart_association +concept_sportsequipment_board concept:mutualproxyfor concept_recordlabel_guild +concept_sportsequipment_board concept:mutualproxyfor concept_researchproject_institute +concept_sportsequipment_board concept:mutualproxyfor concept_room_executive +concept_sportsequipment_board concept:mutualproxyfor concept_sportsgame_league +concept_sportsequipment_board concept:mutualproxyfor concept_sportsteamposition_centre +concept_sportsequipment_board concept:mutualproxyfor concept_stateorprovince_management_team +concept_sportsequipment_board concept:mutualproxyfor concept_tableitem_registry +concept_sportsequipment_board concept:mutualproxyfor concept_transportation_coalition +concept_sportsequipment_board concept:mutualproxyfor concept_transportation_two +concept_sportsequipment_board concept:objectfoundinscene concept_visualizablescene_observatory +concept_sportsequipment_board concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_board concept:mutualproxyfor concept_website_boards +concept_sportsequipment_board concept:mutualproxyfor concept_website_bureau +concept_sportsequipment_bus_driver concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_cameras concept:objectpartofobject concept_visualizableobject_lens +concept_sportsequipment_chairmans concept:latitudelongitude -43.1333000000000,170.9951200000000 +concept_sportsequipment_cone concept:objectfoundinscene concept_city_volcano +concept_sportsequipment_cone concept:thinghasshape concept_geometricshape_shape +concept_sportsequipment_contractor concept:latitudelongitude 40.8003800000000,-72.9162200000000 +concept_sportsequipment_cue_ball concept:latitudelongitude 45.2807600000000,-111.4066300000000 +concept_sportsequipment_departments concept:mutualproxyfor concept_book_new +concept_sportsequipment_driv concept:latitudelongitude 63.4333300000000,19.3500000000000 +concept_sportsequipment_driver concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_driver concept:objectpartofobject concept_visualizableobject_steering_wheel +concept_sportsequipment_drivers concept:mutualproxyfor concept_book_new +concept_sportsequipment_drivers concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_equipment_manufacturer concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_equipment_manufacturers concept:subpartof concept_hallwayitem_air +concept_sportsequipment_equipment_manufacturers concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_feet concept:mutualproxyfor concept_book_new +concept_sportsequipment_feet concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_frame concept:objectpartofobject concept_visualizableobject_lens +concept_sportsequipment_goal concept:mutualproxyfor concept_athlete_john_o_shea +concept_sportsequipment_goal concept:proxyfor concept_book_new +concept_sportsequipment_goal concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_hobart concept:mutualproxyfor concept_race_tasmania +concept_sportsequipment_images concept:objectpartofobject concept_visualizableobject_lens +concept_sportsequipment_images concept:objectfoundinscene concept_visualizablescene_observatory +concept_sportsequipment_inch_balls concept:thinghasshape concept_geometricshape_shape +concept_sportsequipment_jersey concept:subpartof concept_musicalbum_us +concept_sportsequipment_jersey concept:subpartof concept_programminglanguage_state +concept_sportsequipment_jersey concept:atlocation concept_river_state +concept_sportsequipment_n4_medium concept:latitudelongitude 35.1392100000000,-106.6441900000000 +concept_sportsequipment_new concept:mutualproxyfor concept_academicfield_businesses +concept_sportsequipment_new concept:mutualproxyfor concept_academicfield_certification +concept_sportsequipment_new concept:mutualproxyfor concept_academicfield_delhi +concept_sportsequipment_new concept:mutualproxyfor concept_bank_lawyer +concept_sportsequipment_new concept:mutualproxyfor concept_charactertrait_attempt +concept_sportsequipment_new concept:mutualproxyfor concept_charactertrait_institutions +concept_sportsequipment_new concept:mutualproxyfor concept_disease_suburb +concept_sportsequipment_new concept:mutualproxyfor concept_economicsector_whole_life +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_agency +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_candidate +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_center +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_governments +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_headquarters +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_meeting +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_municipalities +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_municipality +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_partner +concept_sportsequipment_new concept:mutualproxyfor concept_jobposition_proud_member +concept_sportsequipment_new concept:subpartof concept_medicalprocedure_d_c +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_american +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_branches +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_delaware +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_gigs +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_harlem +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_surprise +concept_sportsequipment_new concept:mutualproxyfor concept_musicartist_town +concept_sportsequipment_new concept:mutualproxyfor concept_musician_streets +concept_sportsequipment_new concept:mutualproxyfor concept_musician_vice_president +concept_sportsequipment_new concept:mutualproxyfor concept_nongovorganization_cities +concept_sportsequipment_new concept:mutualproxyfor concept_nongovorganization_democrat +concept_sportsequipment_new concept:mutualproxyfor concept_nongovorganization_friend +concept_sportsequipment_new concept:mutualproxyfor concept_nongovorganization_u_s_ +concept_sportsequipment_new concept:mutualproxyfor concept_personalcareitem_great_place +concept_sportsequipment_new concept:mutualproxyfor concept_politicsblog_more_times +concept_sportsequipment_new concept:mutualproxyfor concept_politicsblog_radio_station +concept_sportsequipment_new concept:mutualproxyfor concept_profession_division +concept_sportsequipment_new concept:mutualproxyfor concept_profession_employees +concept_sportsequipment_new concept:mutualproxyfor concept_profession_hours +concept_sportsequipment_new concept:mutualproxyfor concept_profession_information +concept_sportsequipment_new concept:mutualproxyfor concept_profession_law +concept_sportsequipment_new concept:mutualproxyfor concept_profession_law_firms +concept_sportsequipment_new concept:mutualproxyfor concept_profession_lawyers +concept_sportsequipment_new concept:mutualproxyfor concept_profession_meetings +concept_sportsequipment_new concept:mutualproxyfor concept_profession_movers +concept_sportsequipment_new concept:mutualproxyfor concept_profession_newark +concept_sportsequipment_new concept:mutualproxyfor concept_profession_parts +concept_sportsequipment_new concept:mutualproxyfor concept_profession_right +concept_sportsequipment_new concept:mutualproxyfor concept_profession_size +concept_sportsequipment_new concept:mutualproxyfor concept_profession_step +concept_sportsequipment_new concept:mutualproxyfor concept_protein_no_ +concept_sportsequipment_new concept:mutualproxyfor concept_race_taxes +concept_sportsequipment_new concept:mutualproxyfor concept_sportsgame_yrs +concept_sportsequipment_northwest concept:mutualproxyfor concept_book_new +concept_sportsequipment_northwest concept:objectfoundinscene concept_landscapefeatures_valley +concept_sportsequipment_northwest concept:mutualproxyfor concept_university_ohio +concept_sportsequipment_officials concept:mutualproxyfor concept_book_new +concept_sportsequipment_officials concept:subpartof concept_hallwayitem_air +concept_sportsequipment_officials concept:subpartof concept_programminglanguage_state +concept_sportsequipment_officials concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_packages concept:mutualproxyfor concept_book_new +concept_sportsequipment_paddles concept:objectpartofobject concept_beverage_column +concept_sportsequipment_paddles concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_pakodi concept:latitudelongitude -3.7426600000000,119.8568300000000 +concept_sportsequipment_pet_supplies concept:atlocation concept_landscapefeatures_part +concept_sportsequipment_rbk concept:latitudelongitude 13.1583350000000,32.7000000000000 +concept_sportsequipment_review concept:mutualproxyfor concept_book_new +concept_sportsequipment_rim concept:mutualproxyfor concept_ceo_jim_balsillie +concept_sportsequipment_rim concept:objectfoundinscene concept_city_volcano +concept_sportsequipment_rim concept:objectfoundinscene concept_landscapefeatures_valley +concept_sportsequipment_road concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_road concept:objectpartofobject concept_visualizableobject_steering_wheel +concept_sportsequipment_shot concept:objectpartofobject concept_visualizableobject_lens +concept_sportsequipment_sink concept:subpartof concept_weatherphenomenon_water +concept_sportsequipment_small_balls concept:thinghasshape concept_ceo_online_application_form +concept_sportsequipment_smooth_ball concept:thinghasshape concept_geometricshape_shape +concept_sportsequipment_stop concept:mutualproxyfor concept_book_new +concept_sportsequipment_supporter concept:proxyfor concept_book_new +concept_sportsequipment_supporter concept:mutualproxyfor concept_person_mugabe +concept_sportsequipment_sveits concept:latitudelongitude 47.0001600000000,8.0142700000000 +concept_sportsequipment_telescopes concept:objectfoundinscene concept_visualizablescene_observatory +concept_sportsequipment_terms concept:thinghasshape concept_geometricshape_triangle +concept_sportsequipment_third_mate concept:latitudelongitude -44.3175050000000,168.6917050000000 +concept_sportsequipment_top concept:objectfoundinscene concept_city_volcano +concept_sportsequipment_tours concept:proxyfor concept_book_new +concept_sportsequipment_tours concept:atdate concept_date_n2009 +concept_sportsequipment_tours concept:atdate concept_dateliteral_n2007 +concept_sportsequipment_tours concept:objectfoundinscene concept_visualizablescene_observatory +concept_sportsequipment_trade_association concept:proxyfor concept_book_new +concept_sportsequipment_travels concept:proxyfor concept_book_new +concept_sportsequipment_truck concept:objectpartofobject concept_sportsequipment_wheel +concept_sportsequipment_violation concept:proxyfor concept_book_new +concept_sportsequipment_west concept:mutualproxyfor concept_book_new +concept_sportsequipment_west concept:atlocation concept_building_america +concept_sportsequipment_west concept:atlocation concept_building_years +concept_sportsequipment_west concept:objectfoundinscene concept_landscapefeatures_valley +concept_sportsequipment_west concept:atlocation concept_skyscraper_asia +concept_sportsequipment_wheel concept:objectpartofobject concept_beverage_column +concept_sportsequipment_wheel concept:thinghasshape concept_geometricshape_round +concept_sportsequipment_wicker_basket concept:latitudelongitude 47.4424800000000,-109.3932350000000 +concept_sportsequipment_wire concept:objectpartofobject concept_beverage_column +concept_sportsevent_hundred_years concept:proxyfor concept_book_new +concept_sportsevent_hundred_years concept:atlocation concept_highway_north +concept_sportsevent_hundred_years concept:atlocation concept_highway_south +concept_sportsgame_alcs concept:sportsgamesport concept_sport_baseball +concept_sportsgame_alcs concept:sportsgameteam concept_sportsteam_cleveland_indians_organization +concept_sportsgame_alcs concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_alcs concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_alcs concept:sportsgameteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsgame_alcs concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_alds concept:sportsgamesport concept_sport_baseball +concept_sportsgame_alds concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_alds concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_alds concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_american_league_championship_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_american_league_championship_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_american_league_championship_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_american_league_division_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_babe_ruth concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_ball concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_bcs_championship concept:sportsgamewinner concept_sportsteam_florida_gators +concept_sportsgame_bcs_national_championship_game concept:sportsgamewinner concept_sportsteam_florida_gators +concept_sportsgame_brewers concept:atlocation concept_city_milwaukee +concept_sportsgame_cancellation concept:atdate concept_dateliteral_n2005 +concept_sportsgame_centuries concept:proxyfor concept_book_new +concept_sportsgame_centuries concept:atlocation concept_building_west +concept_sportsgame_centuries concept:atlocation concept_highway_north +concept_sportsgame_centuries concept:atlocation concept_lake_new +concept_sportsgame_centuries concept:atlocation concept_room_east +concept_sportsgame_centuries concept:atlocation concept_room_south +concept_sportsgame_challenge concept:sportsgamewinner concept_sportsteam_devils +concept_sportsgame_champions concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_champions concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_championship concept:atdate concept_date_n2003 +concept_sportsgame_championship concept:atdate concept_date_n2004 +concept_sportsgame_championship concept:atdate concept_date_n2009 +concept_sportsgame_championship concept:atdate concept_dateliteral_n1987 +concept_sportsgame_championship concept:atdate concept_dateliteral_n1990 +concept_sportsgame_championship concept:atdate concept_dateliteral_n2002 +concept_sportsgame_championship concept:atdate concept_dateliteral_n2005 +concept_sportsgame_championship concept:atdate concept_dateliteral_n2007 +concept_sportsgame_championship concept:atdate concept_dateliteral_n2008 +concept_sportsgame_championship concept:atdate concept_dayofweek_friday +concept_sportsgame_championship concept:atdate concept_dayofweek_saturday +concept_sportsgame_championship concept:atdate concept_dayofweek_sunday +concept_sportsgame_championship concept:atdate concept_dayofweek_tuesday +concept_sportsgame_championship concept:atdate concept_month_january +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_anaheim_ducks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_arizona_diamond_backs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_bears_29_17 +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_bengals +concept_sportsgame_championship concept:sportsgamewinner concept_sportsteam_boston_celtics +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_broncos +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_bruins +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_bucks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_bulldogs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_chicago_cubs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_cleveland_browns +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_cleveland_indians +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_cleveland_indians_organization +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_dallas_mavericks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_devils +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_florida_gators +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_florida_marlins +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_germany +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_hawks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_huskies +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_italy +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_kansas_city_chiefs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_kansas_city_royals +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_kings_college +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_liverpool +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_longhorns +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_louisville_cardinals +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_magic +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_maple_leafs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_marlins +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_mavericks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_milwaukee_bucks +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_montreal_canadiens +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_new_york_jets +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_new_york_mets +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_notre_dame +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_oakland_raiders +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_orioles +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_packers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_philadelphia_phillies +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_pirates +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_pittsburgh_penguins +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_rams +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_ravens +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_red_wings +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_reds +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_royals +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_saints +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_sd_chargers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_sonics +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_st___louis_cardinals +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_titans +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_trail_blazers +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_twins +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_utah_jazz +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_white_sox +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_championship concept:sportsgameteam concept_sportsteam_yanks +concept_sportsgame_championship concept:atdate concept_year_n1992 +concept_sportsgame_championship_game concept:atdate concept_date_n2000 +concept_sportsgame_championship_game concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_championship_game concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_championship_game concept:sportsgameteam concept_sportsteam_oakland_raiders +concept_sportsgame_championship_game concept:sportsgamewinner concept_sportsteam_ravens +concept_sportsgame_championship_game concept:sportsgameteam concept_sportsteam_sd_chargers +concept_sportsgame_championship_game concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_championship_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_championship_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_championships concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_twins +concept_sportsgame_championships concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_chance concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_clubs concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_competition concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_conference_finals concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_consecutive_months concept:proxyfor concept_book_new +concept_sportsgame_consecutive_months concept:atlocation concept_lake_new +concept_sportsgame_consecutive_years concept:proxyfor concept_book_new +concept_sportsgame_consecutive_years concept:atlocation concept_highway_north +concept_sportsgame_consecutive_years concept:atlocation concept_lake_new +concept_sportsgame_consecutive_years concept:atlocation concept_room_south +concept_sportsgame_days concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_days_last_week concept:proxyfor concept_book_new +concept_sportsgame_days_last_week concept:atlocation concept_lake_new +concept_sportsgame_division_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_division_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_draft concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_draft concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_draft concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_draft concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_draft concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_draft concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_eastern_conference concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_eastern_conference concept:sportsgamewinner concept_sportsteam_rangers +concept_sportsgame_eight_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_end concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_euro_2000 concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_euro_2000 concept:sportsgameteam concept_sportsteam_italy +concept_sportsgame_european_championship concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_european_championship concept:sportsgamewinner concept_sportsteam_germany +concept_sportsgame_extra_days concept:proxyfor concept_book_new +concept_sportsgame_face concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_final_game concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_finals concept:atdate concept_date_n2001 +concept_sportsgame_finals concept:atdate concept_dateliteral_n2002 +concept_sportsgame_finals concept:atdate concept_dateliteral_n2005 +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_anaheim_ducks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_blackhawks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_bruins +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_bucks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_buffalo_sabres +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_canucks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_capitals +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_carolina +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_carolina_hurricanes +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_cavs +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_chicago_blackhawks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_dallas_mavericks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_devils +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_edmonton_oilers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_flyers_playoff_tickets +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_hawks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_indiana_pacers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_kings_college +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_leafs +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_lee_flames +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_magic +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_maple_leafs +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_mavericks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_mavs +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_montreal_canadiens +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_new_jersey_nets +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_new_york_islanders +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_oilers +concept_sportsgame_finals concept:sportsgamewinner concept_sportsteam_orlando_magic +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_ottawa_senators +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_pacers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_philadelphia_flyers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_pittsburgh_penguins +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_portland_trailblazers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_red_wings +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_seattle_supersonics +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_seattle_supersonics_and_thunders +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_sonics +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_st___louis_blues +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_suns +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_trail_blazers +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_utah_jazz +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_vancouver_canucks +concept_sportsgame_finals concept:sportsgameteam concept_sportsteam_washington_bullets +concept_sportsgame_first_game concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_first_playoff concept:atdate concept_date_n1993 +concept_sportsgame_first_playoff concept:atdate concept_date_n1996 +concept_sportsgame_first_playoff concept:atdate concept_date_n1999 +concept_sportsgame_first_playoff concept:atdate concept_date_n2000 +concept_sportsgame_first_playoff concept:atdate concept_date_n2001 +concept_sportsgame_first_playoff concept:atdate concept_date_n2003 +concept_sportsgame_first_playoff concept:atdate concept_date_n2004 +concept_sportsgame_first_playoff concept:atdate concept_dateliteral_n2005 +concept_sportsgame_first_playoff concept:atdate concept_year_n1982 +concept_sportsgame_first_playoff concept:atdate concept_year_n1994 +concept_sportsgame_first_playoff concept:atdate concept_year_n1995 +concept_sportsgame_first_playoff concept:atdate concept_year_n1997 +concept_sportsgame_first_playoff concept:atdate concept_year_n1998 +concept_sportsgame_first_time concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_first_time concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_first_week concept:atdate concept_date_n1944 +concept_sportsgame_first_week concept:atdate concept_date_n1999 +concept_sportsgame_first_week concept:atdate concept_date_n2000 +concept_sportsgame_first_week concept:atdate concept_date_n2001 +concept_sportsgame_first_week concept:atdate concept_date_n2003 +concept_sportsgame_first_week concept:atdate concept_date_n2004 +concept_sportsgame_first_week concept:atdate concept_date_n2009 +concept_sportsgame_first_week concept:atdate concept_dateliteral_n2002 +concept_sportsgame_first_week concept:atdate concept_dateliteral_n2005 +concept_sportsgame_first_week concept:atdate concept_dateliteral_n2006 +concept_sportsgame_first_week concept:atdate concept_dateliteral_n2007 +concept_sportsgame_first_week concept:atdate concept_dateliteral_n2008 +concept_sportsgame_first_week concept:atdate concept_year_n1992 +concept_sportsgame_first_week concept:atdate concept_year_n1997 +concept_sportsgame_first_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_first_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_first_world_series concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_five_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_food_and_drug_administration concept:atdate concept_date_n2001 +concept_sportsgame_food_and_drug_administration concept:atdate concept_date_n2003 +concept_sportsgame_food_and_drug_administration concept:atdate concept_date_n2004 +concept_sportsgame_food_and_drug_administration concept:atdate concept_dateliteral_n2005 +concept_sportsgame_food_and_drug_administration concept:atdate concept_dateliteral_n2006 +concept_sportsgame_food_and_drug_administration concept:atdate concept_dateliteral_n2007 +concept_sportsgame_food_and_drug_administration concept:atdate concept_year_n1998 +concept_sportsgame_four_days concept:atdate concept_date_n2000 +concept_sportsgame_four_days concept:atdate concept_year_n1998 +concept_sportsgame_four_game_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_four_weeks concept:atdate concept_dateliteral_n2005 +concept_sportsgame_four_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_gallery concept:atdate concept_dateliteral_n2008 +concept_sportsgame_game_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_a_s +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_aggies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_anaheim_angels +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_anaheim_ducks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_arizona_diamond_backs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_army_black_knights +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_astros +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_atlanta_braves +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_atlanta_thrashers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_avs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_barcelona +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bearcats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bears_29_17 +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bengals +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bills +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_blackhawks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_blue_jackets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_blue_jays +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bobcats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_boilermakers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_boston_bruins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_brewers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_broncos +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_broncs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bruins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_buccaneers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_buckeyes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bucks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bucs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_buffalo_bills +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_buffalo_sabres +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_bulldogs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_calgary_flames +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_canucks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_capitals +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_carolina_hurricanes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_carolina_panthers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cavs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_charlotte_bobcats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chelsea +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chicago_blackhawks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chicago_cubs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chicago_white_sox +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cleveland_browns +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cleveland_indians +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cleveland_indians_organization +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_cobbers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_colonels +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_colorado_avalanche +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_colorado_rockies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_columbus_blue_jackets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_crew +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_dallas_cowboys +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_dallas_mavericks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_dallas_stars +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_demon_deacons +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_denver_nuggets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_detroit_lions +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_detroit_tigers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_devils +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_duke_blue_devils +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_edmonton_oilers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_esu_hornets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_expos +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_fighting_irish +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_florida_gators +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_florida_marlins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_florida_panthers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_flyers_playoff_tickets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_former_san_francisco_giants +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_gamecocks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_georgetown_university +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_golden_bears +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_golden_state_warriors +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_habs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_hawkeyes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_hawks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_hokies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_horned_frogs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_houston_astros +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_houston_texans +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_huskers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_huskies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_illini +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_indiana_pacers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_iowa_hawkeyes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_jacksonville_jaguars +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_jaguars +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_kansas_city_chiefs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_kansas_city_royals +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_kings_college +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_l_a__kings +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_la_clippers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_lancers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_leafs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_lee_flames +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_liverpool +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_longhorns +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_los_angeles_clippers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_los_angeles_dodgers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_lsu +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_man_utd +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_maple_leafs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_mariners +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_marlins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_mavericks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_mavs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_memphis_grizzlies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_miami_dolphins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_mighty_ducks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_milwaukee_brewers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_milwaukee_bucks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_minnesota_timberwolves +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_minnesota_twins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_minnesota_vikings +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_minnesota_wilds +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_montreal_canadiens +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_nashville_predators +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_nats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_nebraska_cornhuskers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_nevada_wolfpack +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_jersey_devils +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_jersey_nets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_orleans_hornets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_orleans_saints +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_york_islanders +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_york_jets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_new_york_mets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_notre_dame +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_nuggets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_oakland_athletics +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_oakland_raiders +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_oilers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_oklahoma_city_thunder +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_ole_miss +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_orioles +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_orlando_magic +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_ottawa_senators +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pacers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_packers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_padres +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_philadelphia_eagles +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_philadelphia_flyers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_philadelphia_phillies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_phoenix_coyotes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pirates +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pittsburgh_penguins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_pittsburgh_pirates +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_portland_trailblazers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_rams +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_raptors +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_ravens +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_razorbacks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_red_raiders +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_games concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_red_wings +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_reds +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_redskins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_rockies +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_royals +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_sacramento_kings +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_saints +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_san_diego_padres +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_san_jose_sharks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_scarlet_knights +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_sd_chargers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_seahawks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_seattle_mariners +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_seminoles +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_skyhawks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_sonics +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_spartans +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_sun_devils +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_suns +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_tampa_bay_rays +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_tar_heels +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_team_usa +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_terps +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_texans +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_texas_rangers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_timberwolves +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_titans +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_toronto_blue_jays +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_trail_blazers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_twins +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_ucla +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_utah_jazz +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_utes +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_vancouver_canucks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_vols +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_washington_nationals +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_washington_wizards +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_west_virginia_mountaineers +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_white_sox +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_wildcats +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_yanks +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_yellow_jackets +concept_sportsgame_games concept:sportsgameteam concept_sportsteam_zags +concept_sportsgame_group concept:sportsgamewinner concept_sportsteam_brazil +concept_sportsgame_half concept:proxyfor concept_book_new +concept_sportsgame_half concept:thinghascolor concept_color_orange +concept_sportsgame_half concept:atdate concept_dateliteral_n2008 +concept_sportsgame_half concept:thinghasshape concept_geometricshape_triangle +concept_sportsgame_half concept:mutualproxyfor concept_room_house +concept_sportsgame_half concept:sportsgamewinner concept_sportsteam_devils +concept_sportsgame_last_home_game concept:sportsgamewinner concept_sportsteam_redskins +concept_sportsgame_lead concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_leaders concept:proxyfor concept_book_new +concept_sportsgame_leaders concept:atdate concept_date_n1999 +concept_sportsgame_leaders concept:atdate concept_date_n2003 +concept_sportsgame_leaders concept:atdate concept_date_n2004 +concept_sportsgame_leaders concept:atdate concept_dateliteral_n2005 +concept_sportsgame_leaders concept:atdate concept_dateliteral_n2006 +concept_sportsgame_leaders concept:atdate concept_year_n1998 +concept_sportsgame_leafs concept:atlocation concept_city_montreal +concept_sportsgame_league concept:atdate concept_dayofweek_friday +concept_sportsgame_league concept:atdate concept_dayofweek_saturday +concept_sportsgame_league concept:atdate concept_month_april +concept_sportsgame_league concept:atdate concept_month_august +concept_sportsgame_league concept:atdate concept_month_september +concept_sportsgame_league_title concept:sportsgamewinner concept_sportsteam_liverpool +concept_sportsgame_leagues concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_list concept:mutualproxyfor concept_book_new +concept_sportsgame_list concept:atdate concept_date_n1996 +concept_sportsgame_list concept:atdate concept_date_n1999 +concept_sportsgame_list concept:atdate concept_date_n2000 +concept_sportsgame_list concept:atdate concept_date_n2001 +concept_sportsgame_list concept:atdate concept_date_n2003 +concept_sportsgame_list concept:atdate concept_date_n2009 +concept_sportsgame_list concept:atdate concept_dateliteral_n2008 +concept_sportsgame_list concept:atdate concept_year_n1998 +concept_sportsgame_major_league_baseball concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_barcelona +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_bolton_wanderers +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_brazil +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_chelsea +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_derby_county +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_devils +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_match concept:sportsgamewinner concept_sportsteam_germany +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_italy +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_liverpool +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_man_utd +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_match concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_army_black_knights +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_bulldogs +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_chelsea +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_huskies +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_man_utd +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_rams +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_red_raiders +concept_sportsgame_matches concept:sportsgameteam concept_sportsteam_reds +concept_sportsgame_meeting concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_merger concept:atdate concept_date_n1999 +concept_sportsgame_merger concept:atdate concept_date_n2000 +concept_sportsgame_merger concept:atdate concept_date_n2001 +concept_sportsgame_merger concept:atdate concept_date_n2003 +concept_sportsgame_merger concept:atdate concept_date_n2004 +concept_sportsgame_merger concept:atdate concept_dateliteral_n2002 +concept_sportsgame_merger concept:atdate concept_dateliteral_n2005 +concept_sportsgame_merger concept:atdate concept_dateliteral_n2006 +concept_sportsgame_merger concept:atdate concept_dateliteral_n2007 +concept_sportsgame_merger concept:atdate concept_dateliteral_n2008 +concept_sportsgame_merger concept:atdate concept_year_n1998 +concept_sportsgame_million_years concept:proxyfor concept_book_new +concept_sportsgame_million_years concept:atlocation concept_hotel_north +concept_sportsgame_million_years concept:atlocation concept_website_east +concept_sportsgame_million_years concept:atlocation concept_website_south +concept_sportsgame_months concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_more_days concept:proxyfor concept_book_new +concept_sportsgame_more_days concept:atlocation concept_lake_new +concept_sportsgame_more_months concept:proxyfor concept_book_new +concept_sportsgame_more_months concept:atlocation concept_lake_new +concept_sportsgame_more_seasons concept:proxyfor concept_book_new +concept_sportsgame_more_weeks concept:proxyfor concept_book_new +concept_sportsgame_more_weeks concept:atlocation concept_lake_new +concept_sportsgame_more_years concept:proxyfor concept_book_new +concept_sportsgame_more_years concept:atlocation concept_lake_new +concept_sportsgame_more_years concept:atlocation concept_room_south +concept_sportsgame_n1905_world_series concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_n1907_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1907_world_series concept:sportsgamewinner concept_sportsteam_chicago_cubs +concept_sportsgame_n1908_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1908_world_series concept:sportsgamewinner concept_sportsteam_chicago_cubs +concept_sportsgame_n1909_world_series concept:sportsgamewinner concept_sportsteam_pittsburgh_pirates +concept_sportsgame_n1911_world_series concept:sportsgamewinner concept_sportsteam_philadelphia_athletics +concept_sportsgame_n1912_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1912_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_n1913_world_series concept:sportsgamewinner concept_sportsteam_philadelphia_athletics +concept_sportsgame_n1914_world_series concept:sportsgamewinner concept_sportsteam_boston_braves +concept_sportsgame_n1915_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1915_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_n1916_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1916_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_n1917_world_series concept:sportsgamewinner concept_sportsteam_chicago_white_sox +concept_sportsgame_n1918_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1918_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_n1919_world_series concept:sportsgamewinner concept_sportsteam_bengals +concept_sportsgame_n1919_world_series concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_n1920_world_series concept:sportsgamewinner concept_sportsteam_cleveland_indians +concept_sportsgame_n1921_world_series concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_n1922_world_series concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_n1923_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1923_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1924_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1924_world_series concept:sportsgamewinner concept_sportsteam_washington_senators +concept_sportsgame_n1925_world_series concept:sportsgamewinner concept_sportsteam_pittsburgh_pirates +concept_sportsgame_n1926_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1926_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1926_world_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_n1927_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1927_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1928_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1928_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1929_world_series concept:sportsgamewinner concept_sportsteam_philadelphia_athletics +concept_sportsgame_n1931_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1931_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1932_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1932_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1933_world_series concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_n1934_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1934_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1935_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1935_world_series concept:sportsgamewinner concept_sportsteam_detroit_tigers +concept_sportsgame_n1936_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1936_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1937_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1937_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1938_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1938_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1939_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1939_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1940_world_series concept:sportsgamewinner concept_sportsteam_bengals +concept_sportsgame_n1941_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1941_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1942_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1942_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1943_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1943_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1944_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1944_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1945_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1945_world_series concept:sportsgameteam concept_sportsteam_chicago_cubs +concept_sportsgame_n1945_world_series concept:sportsgamewinner concept_sportsteam_detroit_tigers +concept_sportsgame_n1946_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1946_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1947_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1947_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1948_world_series concept:sportsgamewinner concept_sportsteam_cleveland_indians +concept_sportsgame_n1949_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1949_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1950_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1950_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1951_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1951_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1952_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1952_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1953_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1953_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1954_world_series concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_n1955_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1955_world_series concept:sportsgamewinner concept_sportsteam_brooklyn_dodgers +concept_sportsgame_n1955_world_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_n1956_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1956_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1957_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1957_world_series concept:sportsgamewinner concept_sportsteam_milwaukee_braves +concept_sportsgame_n1958_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1958_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1959_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1959_world_series concept:sportsgamewinner concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1960_world_series concept:sportsgamewinner concept_sportsteam_pittsburgh_pirates +concept_sportsgame_n1961_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1961_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1962_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1962_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1963_world_series concept:sportsgamewinner concept_sportsteam_la_dodgers +concept_sportsgame_n1963_world_series concept:sportsgameteam concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1964_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1964_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1964_world_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_n1965_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1965_world_series concept:sportsgamewinner concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1966_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1966_world_series concept:sportsgamewinner concept_sportsteam_orioles +concept_sportsgame_n1967_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1967_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1968_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1968_world_series concept:sportsgamewinner concept_sportsteam_detroit_tigers +concept_sportsgame_n1969_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1969_world_series concept:sportsgamewinner concept_sportsteam_new_york_mets +concept_sportsgame_n1970_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1970_world_series concept:sportsgamewinner concept_sportsteam_orioles +concept_sportsgame_n1971_world_series concept:sportsgamewinner concept_sportsteam_pittsburgh_pirates +concept_sportsgame_n1972_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1972_world_series concept:sportsgamewinner concept_sportsteam_oakland_athletics +concept_sportsgame_n1973_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1973_world_series concept:sportsgameteam concept_sportsteam_new_york_mets +concept_sportsgame_n1973_world_series concept:sportsgamewinner concept_sportsteam_oakland_athletics +concept_sportsgame_n1974_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1974_world_series concept:sportsgamewinner concept_sportsteam_oakland_athletics +concept_sportsgame_n1975_world_series concept:sportsgamewinner concept_sportsteam_bengals +concept_sportsgame_n1975_world_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_n1976_world_series concept:sportsgamewinner concept_sportsteam_bengals +concept_sportsgame_n1976_world_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_n1977_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1977_world_series concept:sportsgameteam concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1977_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1978_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1978_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1979_world_series concept:sportsgamewinner concept_sportsteam_pittsburgh_pirates +concept_sportsgame_n1980_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1980_world_series concept:sportsgameteam concept_sportsteam_kansas_city_royals +concept_sportsgame_n1980_world_series concept:sportsgamewinner concept_sportsteam_philadelphia_phillies +concept_sportsgame_n1981_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1981_world_series concept:sportsgamewinner concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1982_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1982_world_series concept:sportsgameteam concept_sportsteam_milwaukee_brewers +concept_sportsgame_n1982_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1983_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1983_world_series concept:sportsgamewinner concept_sportsteam_orioles +concept_sportsgame_n1983_world_series concept:sportsgameteam concept_sportsteam_philadelphia_phillies +concept_sportsgame_n1984_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1984_world_series concept:sportsgamewinner concept_sportsteam_detroit_tigers +concept_sportsgame_n1985_world_series concept:sportsgamewinner concept_sportsteam_kansas_city_royals +concept_sportsgame_n1985_world_series concept:sportsgameteam concept_sportsteam_st__louis_cardinals +concept_sportsgame_n1986_nlcs concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1986_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1986_world_series concept:sportsgamewinner concept_sportsteam_new_york_mets +concept_sportsgame_n1986_world_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_n1987_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1987_world_series concept:sportsgamewinner concept_sportsteam_minnesota_twins +concept_sportsgame_n1988_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1988_world_series concept:sportsgamewinner concept_sportsteam_los_angeles_dodgers +concept_sportsgame_n1989_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1989_world_series concept:sportsgamewinner concept_sportsteam_oakland_athletics +concept_sportsgame_n1990_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1990_world_series concept:sportsgameteam concept_sportsteam_bengals +concept_sportsgame_n1990_world_series concept:sportsgamewinner concept_sportsteam_oakland_athletics +concept_sportsgame_n1991_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1991_world_series concept:sportsgameteam concept_sportsteam_atlanta_braves +concept_sportsgame_n1991_world_series concept:sportsgamewinner concept_sportsteam_minnesota_twins +concept_sportsgame_n1992_world_series concept:sportsgamewinner concept_sportsteam_toronto_blue_jays +concept_sportsgame_n1993_world_series concept:sportsgamewinner concept_sportsteam_toronto_blue_jays +concept_sportsgame_n1995_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1995_world_series concept:sportsgamewinner concept_sportsteam_atlanta_braves +concept_sportsgame_n1996_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1996_world_series concept:sportsgamewinner concept_sportsteam_atlanta_braves +concept_sportsgame_n1997_world_series concept:sportsgamewinner concept_sportsteam_florida_marlins +concept_sportsgame_n1998_wimbledon_championship concept:sportsgamesport concept_sport_tennis +concept_sportsgame_n1998_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1998_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n1999_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n1999_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n2000_euro_cup concept:sportsgamesport concept_sport_soccer +concept_sportsgame_n2000_european_cup concept:sportsgamewinner concept_sportsteam_france +concept_sportsgame_n2000_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2000_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n2001_super_bowl concept:sportsgamesport concept_sport_football +concept_sportsgame_n2001_super_bowl concept:sportsgamewinner concept_sportsteam_ravens +concept_sportsgame_n2001_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2001_world_series concept:sportsgamewinner concept_sportsteam_arizona_diamond_backs +concept_sportsgame_n2002_stanley_cup concept:sportsgamesport concept_sport_hockey +concept_sportsgame_n2002_stanley_cup concept:sportsgamewinner concept_sportsteam_red_wings +concept_sportsgame_n2002_world_cup concept:sportsgamesport concept_sport_soccer +concept_sportsgame_n2002_world_cup concept:sportsgamewinner concept_sportsteam_brazil +concept_sportsgame_n2002_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2002_world_series concept:sportsgameteam concept_sportsteam_anaheim_angels +concept_sportsgame_n2002_world_series concept:sportsgamewinner concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsgame_n2003_alcs concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2003_alcs concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n2003_british_open concept:sportsgamesport concept_sport_golf +concept_sportsgame_n2003_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2003_world_series concept:sportsgamewinner concept_sportsteam_florida_marlins +concept_sportsgame_n2004_alcs concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_n2004_pga_tour concept:sportsgamesport concept_sport_golf +concept_sportsgame_n2004_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2004_world_series concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_n2004_world_series concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_n2005_u_s__open concept:sportsgamesport concept_sport_tennis +concept_sportsgame_n2005_world_series concept:sportsgamewinner concept_sportsteam_chicago_white_sox +concept_sportsgame_n2006__basketball_championship concept:sportsgamesport concept_sport_basketball +concept_sportsgame_n2006_ncaa_basketball_championship concept:sportsgamewinner concept_sportsteam_florida_gators +concept_sportsgame_n2006_orange_bowl concept:sportsgamewinner concept_sportsteam_penn_state +concept_sportsgame_n2006_stanley_cup concept:sportsgamewinner concept_sportsteam_carolina_hurricanes +concept_sportsgame_n2006_sugar_bowl concept:sportsgamesport concept_sport_football +concept_sportsgame_n2006_world_cup concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_n2006_world_cup concept:sportsgamewinner concept_sportsteam_italy +concept_sportsgame_n2006_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2006_world_series concept:sportsgameteam concept_sportsteam_detroit_tigers +concept_sportsgame_n2006_world_series concept:sportsgamewinner concept_sportsteam_st__louis_cardinals +concept_sportsgame_n2007_stanley_cup concept:sportsgamewinner concept_sportsteam_anaheim_ducks +concept_sportsgame_n2007_world_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_n2007_world_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_n2008_nba_finals concept:sportsgamesport concept_sport_basketball +concept_sportsgame_n2008_nba_finals concept:sportsgamewinner concept_sportsteam_boston_celtics +concept_sportsgame_n2008_stanley_cup concept:sportsgameteam concept_sportsteam_detroit_redwings +concept_sportsgame_n2008_stanley_cup concept:sportsgamewinner concept_sportsteam_red_wings +concept_sportsgame_n2008_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2008_world_series concept:sportsgamewinner concept_sportsteam_philadelphia_phillies +concept_sportsgame_n2008_world_series concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_n2009_stanley_cup concept:sportsgamewinner concept_sportsteam_pittsburgh_penguins +concept_sportsgame_n2009_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2009_world_series concept:sportsgamewinner concept_sportsteam_yankees +concept_sportsgame_n2010_world_series concept:sportsgamesport concept_sport_baseball +concept_sportsgame_n2010_world_series concept:sportsgamewinner concept_sportsteam_former_san_francisco_giants +concept_sportsgame_n30_minutes concept:proxyfor concept_book_new +concept_sportsgame_national_championship concept:sportsgamewinner concept_sportsteam_florida_gators +concept_sportsgame_national_league_championship_series concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_national_league_championship_series concept:sportsgameteam concept_sportsteam_l_a__dodgers +concept_sportsgame_national_league_championship_series concept:sportsgameteam concept_sportsteam_la_dodgers +concept_sportsgame_national_league_championship_series concept:sportsgameteam concept_sportsteam_los_angeles_dodgers +concept_sportsgame_national_league_championship_series concept:sportsgamewinner concept_sportsteam_phillies +concept_sportsgame_national_league_championship_series concept:sportsgameteam concept_sportsteam_reading_phillies +concept_sportsgame_national_title concept:sportsgamewinner concept_sportsteam_florida_gators +concept_sportsgame_news concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_nfc_championship_game concept:sportsgamewinner concept_sportsteam_eagles +concept_sportsgame_nlcs concept:sportsgamesport concept_sport_baseball +concept_sportsgame_nlcs concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_nlcs concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_nlcs concept:sportsgamewinner concept_sportsteam_new_york_mets +concept_sportsgame_nlcs concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_nlds concept:sportsgamesport concept_sport_baseball +concept_sportsgame_oakland_athletics concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_offseason concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_pennsville concept:mutualproxyfor concept_radiostation_new_jersey +concept_sportsgame_play concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_playoff concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_ravens +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_playoff concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_broncos +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_cavs +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_cleveland_browns +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_dallas_cowboys +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_dallas_mavericks +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_denver_nuggets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_habs +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_hawks +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_indiana_pacers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_minnesota_vikings +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_new_jersey_nets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_new_orleans_hornets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_playoffs concept:sportsgamewinner concept_sportsteam_new_york_jets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_nuggets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_philadelphia_eagles +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_ravens +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_sd_chargers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_suns +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_titans +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_utah_jazz +concept_sportsgame_playoffs concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_polls concept:proxyfor concept_book_new +concept_sportsgame_polls concept:atdate concept_date_n1999 +concept_sportsgame_polls concept:atdate concept_date_n2004 +concept_sportsgame_polls concept:atdate concept_date_n2009 +concept_sportsgame_polls concept:atdate concept_dateliteral_n2005 +concept_sportsgame_polls concept:atdate concept_dateliteral_n2006 +concept_sportsgame_polls concept:atdate concept_dateliteral_n2007 +concept_sportsgame_polls concept:atdate concept_month_march +concept_sportsgame_postseason concept:atdate concept_date_n1993 +concept_sportsgame_postseason concept:atdate concept_date_n1996 +concept_sportsgame_postseason concept:atdate concept_date_n1999 +concept_sportsgame_postseason concept:atdate concept_date_n2000 +concept_sportsgame_postseason concept:atdate concept_date_n2001 +concept_sportsgame_postseason concept:atdate concept_date_n2003 +concept_sportsgame_postseason concept:atdate concept_date_n2004 +concept_sportsgame_postseason concept:atdate concept_dateliteral_n2002 +concept_sportsgame_postseason concept:atdate concept_dateliteral_n2005 +concept_sportsgame_postseason concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_postseason concept:atdate concept_year_n1982 +concept_sportsgame_postseason concept:atdate concept_year_n1988 +concept_sportsgame_postseason concept:atdate concept_year_n1994 +concept_sportsgame_postseason concept:atdate concept_year_n1998 +concept_sportsgame_preview concept:atdate concept_dateliteral_n2007 +concept_sportsgame_preview concept:atdate concept_dateliteral_n2008 +concept_sportsgame_pro concept:atdate concept_dayofweek_saturday +concept_sportsgame_reason concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_records concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_regular_season concept:atdate concept_dayofweek_saturday +concept_sportsgame_regular_season concept:atdate concept_dayofweek_sunday +concept_sportsgame_regular_season concept:atdate concept_dayofweek_thursday +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_bears_29_17 +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_dallas_cowboys +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_minnesota_vikings +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_oakland_raiders +concept_sportsgame_regular_season concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_redskins +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_sd_chargers +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_seahawks +concept_sportsgame_regular_season concept:sportsgameteam concept_sportsteam_titans +concept_sportsgame_results concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_san_francisco_giants concept:atlocation concept_county_san_francisco +concept_sportsgame_schedules concept:proxyfor concept_book_new +concept_sportsgame_score concept:sportsgamewinner concept_sportsteam_devils +concept_sportsgame_season_opener concept:atdate concept_date_sept_ +concept_sportsgame_season_opener concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_seasons concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_second_half concept:sportsgamewinner concept_sportsteam_devils +concept_sportsgame_semi concept:sportsgameteam concept_sportsteam_brazil +concept_sportsgame_semi concept:sportsgamewinner concept_sportsteam_germany +concept_sportsgame_semi concept:sportsgameteam concept_sportsteam_italy +concept_sportsgame_semifinals concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_a_s +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_anaheim_angels +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_anaheim_ducks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_arizona_diamond_backs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_astros +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_atlanta_braves +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_avs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bears_29_17 +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_beloved_cubs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_beloved_phillies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_beloved_red_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bengals +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_blue_jays +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bobcats +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bosox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_boston_celtics +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_brewers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bronx_bombers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_brooklyn_dodgers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bruins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bucks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_buffalo_sabres +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_bulldogs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_california_angels +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_canucks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_cavs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_chicago_cubs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_chicago_white_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_cleveland_indians +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_cleveland_indians_organization +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_colorado_rockies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_cubbies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_d_backs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_detroit_tigers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_devils +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_esu_hornets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_expos +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_florida_marlins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_flyers_playoff_tickets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_former_san_francisco_giants +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_habs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_hawks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_houston_astros +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_huskies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_kansas_city_royals +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_kings_college +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_last_time_the_cubs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_last_time_the_phillies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_leafs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_lee_flames +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_los_angeles_dodgers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_louisville_cardinals +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_magic +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_mariners +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_marlins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_mavericks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_mavs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_milwaukee_braves +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_milwaukee_brewers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_minnesota_twins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_miracle_mets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_montreal_canadiens +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_n2004_red_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_national_league_team +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_nats +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_new_jersey_nets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_new_york_islanders +concept_sportsgame_series concept:sportsgamewinner concept_sportsteam_new_york_mets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_night_the_red_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_nuggets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_ny_yankees +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_oakland_athletics +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_oilers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_orioles +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_padres +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_philadelphia_athletics +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_philadelphia_flyers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_philadelphia_phillies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_philies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_phils +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_pirates +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_pittsburgh_penguins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_pittsburgh_pirates +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_raptors +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_red_wings +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_redbirds +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_reds +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_rockies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_royals +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_saints +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_san_diego_padres +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_seattle_mariners +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_st___louis_cardinals +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_suns +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_tampa +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_tampa_bay_rays +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_tampa_rays +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_texas_rangers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_time_the_cubs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_time_the_phillies +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_time_the_yankees +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_titans +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_toronto_blue_jays +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_trail_blazers +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_twins +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_utah_jazz +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_washington_senators +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_washington_wizards +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_wayne_state +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_white_sox +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_wild_card_teams +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_yanks +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_year_the_cubs +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_year_the_mets +concept_sportsgame_series concept:sportsgameteam concept_sportsteam_year_the_red_sox +concept_sportsgame_seven_games concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_seven_games concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_several_years concept:proxyfor concept_book_new +concept_sportsgame_short_years concept:proxyfor concept_book_new +concept_sportsgame_short_years concept:atlocation concept_lake_new +concept_sportsgame_six_months concept:proxyfor concept_book_new +concept_sportsgame_standings concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_start concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_state_championship concept:sportsgamewinner concept_sportsteam_minnesota_vikings +concept_sportsgame_super_bowl_xl concept:sportsgamewinner concept_sportsteam_steelers +concept_sportsgame_super_bowl_xlii concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_super_bowl_xliii concept:sportsgamewinner concept_sportsteam_steelers +concept_sportsgame_super_bowl_xxi concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_super_bowl_xxxiv concept:sportsgamewinner concept_sportsteam_rams +concept_sportsgame_super_bowl_xxxix concept:sportsgamewinner concept_sportsteam_eagles +concept_sportsgame_super_bowl_xxxv concept:sportsgamewinner concept_sportsteam_new_york_giants +concept_sportsgame_teams concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_ten_days concept:atdate concept_dateliteral_n2005 +concept_sportsgame_thing concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_third_place concept:proxyfor concept_book_new +concept_sportsgame_three_game_series concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_three_game_series concept:sportsgameteam concept_sportsteam_pirates +concept_sportsgame_three_game_series concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_three_months concept:proxyfor concept_book_new +concept_sportsgame_three_weeks concept:atdate concept_date_n2000 +concept_sportsgame_three_weeks concept:atdate concept_date_n2003 +concept_sportsgame_three_weeks concept:atdate concept_date_n2004 +concept_sportsgame_three_weeks concept:atdate concept_dateliteral_n2002 +concept_sportsgame_three_weeks concept:atdate concept_dateliteral_n2005 +concept_sportsgame_three_weeks concept:atdate concept_dateliteral_n2006 +concept_sportsgame_three_weeks concept:atdate concept_dateliteral_n2007 +concept_sportsgame_three_weeks concept:atdate concept_dateliteral_n2008 +concept_sportsgame_three_years concept:atdate concept_date_n2003 +concept_sportsgame_three_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_ticket concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_benfica +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_blue_jays +concept_sportsgame_title concept:sportsgamewinner concept_sportsteam_boston_celtics +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_brazil +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_broncos +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_bruins +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_buckeyes +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_bucs +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_bulldogs +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_cavaliers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_chicago_cubs +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_chicago_white_sox +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_chowan_braves +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_colts +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_dodgers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_duke_blue_devils +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_eagles +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_falcons +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_florida_gators +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_florida_international +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_heat +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_knicks +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_liverpool +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_longhorns +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_lsu +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_magic +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_mariners +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_marlins +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_milwaukee_bucks +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_minnesota_vikings +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_new_york_jets +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_new_york_mets +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_orioles +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_packers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_padres +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_philadelphia_phillies +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_phillies +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_pirates +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_pistons +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_pittsburgh_penguins +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_rams +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_raptors +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_ravens +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_red_sox +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_redskins +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_rockets +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_saints +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_san_antonio +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_sixers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_spurs +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_steelers +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_suns +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_tampa +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_twins +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_washington_wizards +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_white_sox +concept_sportsgame_title concept:sportsgameteam concept_sportsteam_yankees +concept_sportsgame_title_game concept:sportsgameteam concept_sportsteam_oakland_raiders +concept_sportsgame_title_game concept:sportsgamewinner concept_sportsteam_ravens +concept_sportsgame_today concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_tournament concept:atdate concept_date_n1999 +concept_sportsgame_tournament concept:atdate concept_date_n2001 +concept_sportsgame_tournament concept:atdate concept_date_n2003 +concept_sportsgame_tournament concept:atdate concept_date_n2004 +concept_sportsgame_tournament concept:atdate concept_date_n2009 +concept_sportsgame_tournament concept:atdate concept_dateliteral_n1987 +concept_sportsgame_tournament concept:atdate concept_dateliteral_n1990 +concept_sportsgame_tournament concept:atdate concept_dateliteral_n2006 +concept_sportsgame_tournament concept:atdate concept_dateliteral_n2007 +concept_sportsgame_tournament concept:atdate concept_dateliteral_n2008 +concept_sportsgame_tournament concept:atdate concept_month_july +concept_sportsgame_tournament concept:atdate concept_month_march +concept_sportsgame_tournament concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_tournament concept:sportsgamewinner concept_sportsteam_germany +concept_sportsgame_tournament concept:atdate concept_year_n1986 +concept_sportsgame_tournament concept:atdate concept_year_n1989 +concept_sportsgame_tournament concept:atdate concept_year_n1994 +concept_sportsgame_tournament concept:atdate concept_year_n1995 +concept_sportsgame_tournament concept:atdate concept_year_n1997 +concept_sportsgame_tournament concept:atdate concept_year_n1998 +concept_sportsgame_tv concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_two_days concept:atdate concept_dateliteral_n2002 +concept_sportsgame_two_days concept:atdate concept_dateliteral_n2005 +concept_sportsgame_two_days concept:atdate concept_dateliteral_n2006 +concept_sportsgame_two_days concept:atdate concept_dateliteral_n2007 +concept_sportsgame_two_months concept:proxyfor concept_book_new +concept_sportsgame_two_seasons concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_two_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_uefa_champions_league concept:sportsgameteam concept_sportsteam_a_c__milan +concept_sportsgame_uefa_champions_league concept:sportsgameteam concept_sportsteam_barcelona +concept_sportsgame_uefa_champions_league concept:sportsgameteam concept_sportsteam_chelsea +concept_sportsgame_uefa_champions_league concept:sportsgamewinner concept_sportsteam_man_utd +concept_sportsgame_uefa_cup concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_value concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_venues concept:proxyfor concept_book_new +concept_sportsgame_weeks concept:sportsgameteam concept_sportsteam_new_york_jets +concept_sportsgame_weeks concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_western_conference concept:sportsgamesport concept_sport_basketball +concept_sportsgame_western_conference concept:sportsgamewinner concept_sportsteam_los_angeles_lakers +concept_sportsgame_win concept:sportsgameteam concept_sportsteam_chicago_bulls +concept_sportsgame_win concept:sportsgameteam concept_sportsteam_new_york_giants +concept_sportsgame_win concept:sportsgameteam concept_sportsteam_new_york_jets +concept_sportsgame_win concept:sportsgameteam concept_sportsteam_rangers +concept_sportsgame_win concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_winner concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_winners concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_world_championship concept:sportsgamesport concept_sport_baseball +concept_sportsgame_world_championship concept:sportsgamewinner concept_sportsteam_red_sox +concept_sportsgame_world_championship concept:sportsgameteam concept_sportsteam_red_sox_this_season +concept_sportsgame_world_cup concept:sportsgamewinner concept_sportsteam_brazil +concept_sportsgame_world_cup concept:sportsgameteam concept_sportsteam_france +concept_sportsgame_world_cup concept:sportsgameteam concept_sportsteam_germany +concept_sportsgame_world_cup concept:sportsgameteam concept_sportsteam_italy +concept_sportsgame_yars concept:latitudelongitude 12.6673133333333,-1.0631466666667 +concept_sportsgame_years concept:sportsgamewinner concept_sportsteam_red_sox_this_season +concept_sportsgame_yrs concept:proxyfor concept_book_new +concept_sportsgame_yrs concept:atlocation concept_highway_south +concept_sportsgame_yrs concept:atlocation concept_lake_new +concept_sportsleague_aa concept:organizationacronymhasname concept_sportsleague_eastern_league +concept_sportsleague_aa concept:organizationacronymhasname concept_sportsleague_southern_league +concept_sportsleague_aaaint concept:organizationacronymhasname concept_sportsleague_aaa_international_league_baseball +concept_sportsleague_aafl concept:organizationacronymhasname concept_sportsleague_all_american_football_league +concept_sportsleague_acc concept:organizationacronymhasname concept_sportsleague_atlantic_coast_conference +concept_sportsleague_afa concept:organizationterminatedperson concept_person_don_wildmon +concept_sportsleague_afc concept:organizationacronymhasname concept_sportsleague_american_football_conference +concept_sportsleague_afl concept:organizationacronymhasname concept_sportsleague_arena_football_league +concept_sportsleague_afl concept:organizationacronymhasname concept_sportsleague_australian_football_league +concept_sportsleague_ahl concept:organizationacronymhasname concept_sportsleague_american_hockey_league +concept_sportsleague_aifa concept:organizationacronymhasname concept_sportsleague_american_indoor_football_association +concept_sportsleague_american_basketball_association concept:organizationdissolvedatdate concept_date_n1976 +concept_sportsleague_american_football_league concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsleague_apfl concept:organizationacronymhasname concept_sportsleague_american_professional_football_league +concept_sportsleague_arca concept:leaguestadiums concept_stadiumoreventvenue_daytona_international_speedway +concept_sportsleague_arca concept:leaguestadiums concept_stadiumoreventvenue_nashville_arena +concept_sportsleague_arca concept:leaguestadiums concept_stadiumoreventvenue_nashville_superspeedway +concept_sportsleague_arena concept:organizationacronymhasname concept_sportsleague_arena_football_league +concept_sportsleague_bafl concept:latitudelongitude 7.6333300000000,-7.7333300000000 +concept_sportsleague_bcs concept:latitudelongitude 25.8333300000000,-111.8333300000000 +concept_sportsleague_big_10 concept:latitudelongitude 38.4424300000000,-116.9781300000000 +concept_sportsleague_big_10 concept:organizationacronymhasname concept_sportsleague_big_ten_conference +concept_sportsleague_boston_red concept:subpartoforganization concept_sportsleague_mlb +concept_sportsleague_boston_red concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsleague_brewers_last_season concept:atlocation concept_city_milwaukee +concept_sportsleague_busch_series concept:leaguestadiums concept_stadiumoreventvenue_international_raceway +concept_sportsleague_busch_series concept:leaguestadiums concept_stadiumoreventvenue_international_speedway +concept_sportsleague_busch_series concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_busch_series concept:leaguestadiums concept_stadiumoreventvenue_raceway +concept_sportsleague_call concept:agentcontrols concept_person_mugabe +concept_sportsleague_cba concept:organizationacronymhasname concept_sportsleague_continental_basketball_association +concept_sportsleague_cfl concept:organizationacronymhasname concept_sportsleague_canadian_football_league +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_canad_inns_stadium +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_commonwealth_stadium +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_ivor_wynne_stadium +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_mcmahon_stadium +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_mosaic_stadium_at_taylor_field +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_percival_molson_stadium +concept_sportsleague_cfl concept:leaguestadiums concept_stadiumoreventvenue_rogers_centre +concept_sportsleague_chl concept:organizationacronymhasname concept_sportsleague_central_hockey_league +concept_sportsleague_cifl concept:organizationacronymhasname concept_sportsleague_continental_indoor_football_league +concept_sportsleague_college concept:agentactsinlocation concept_stadiumoreventvenue_assembly_hall +concept_sportsleague_college concept:agentactsinlocation concept_stadiumoreventvenue_united_center +concept_sportsleague_college concept:agentactsinlocation concept_stadiumoreventvenue_university_arena +concept_sportsleague_craftsman_truck_series concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_crl concept:latitudelongitude 50.4592000000000,4.4538200000000 +concept_sportsleague_cwpa concept:latitudelongitude 53.7833300000000,-118.4333300000000 +concept_sportsleague_draft concept:organizationterminatedperson concept_scientist_no_ +concept_sportsleague_echl concept:organizationacronymhasname concept_sportsleague_east_coast_hockey_league +concept_sportsleague_espn concept:organizationterminatedperson concept_ceo_george_bodenheimer +concept_sportsleague_espn concept:subpartoforganization concept_company_disney_feature_animation +concept_sportsleague_european_tour concept:atdate concept_dateliteral_n2006 +concept_sportsleague_european_tour concept:atdate concept_dateliteral_n2008 +concept_sportsleague_fiba concept:latitudelongitude 7.3412000000000,17.4848000000000 +concept_sportsleague_field concept:agentinvolvedwithitem concept_buildingfeature_window +concept_sportsleague_field concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_first_team concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_fl concept:organizationacronymhasname concept_sportsleague_frontier_league +concept_sportsleague_giants concept:mutualproxyfor concept_book_new +concept_sportsleague_hall_of_fame concept:organizationhiredperson concept_person_walsh +concept_sportsleague_hall_of_fame concept:organizationhiredperson concept_personaustralia_jim_calhoun +concept_sportsleague_ibl concept:organizationacronymhasname concept_sportsleague_international_basketball_league +concept_sportsleague_indy_racing_league concept:mutualproxyfor concept_criminal_tony_george +concept_sportsleague_indy_racing_league concept:organizationterminatedperson concept_criminal_tony_george +concept_sportsleague_indy_racing_league concept:agentcontrols concept_personmexico_tony_george +concept_sportsleague_indycar concept:leaguestadiums concept_stadiumoreventvenue_watkins_glen_international +concept_sportsleague_irl concept:mutualproxyfor concept_criminal_tony_george +concept_sportsleague_irl concept:organizationterminatedperson concept_criminal_tony_george +concept_sportsleague_irl concept:agentcontrols concept_personmexico_tony_george +concept_sportsleague_iwfl concept:organizationacronymhasname concept_sportsleague_independent_women_s_football_league +concept_sportsleague_joe_gibbs_racing concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_lineup concept:atdate concept_dateliteral_n2005 +concept_sportsleague_maac concept:latitudelongitude 9.7536100000000,124.9063850000000 +concept_sportsleague_major_league_baseball concept:organizationacronymhasname concept_sportsleague_cfl +concept_sportsleague_marshall concept:atlocation concept_city_texas +concept_sportsleague_marshall concept:organizationhiredperson concept_coach_billy_donovan +concept_sportsleague_marshall concept:organizationhiredperson concept_coach_bob_pruett +concept_sportsleague_marshall concept:organizationhiredperson concept_coach_mark_snyder +concept_sportsleague_marshall concept:organizationhiredperson concept_coach_pruett +concept_sportsleague_meac concept:latitudelongitude 43.3166700000000,-2.7500000000000 +concept_sportsleague_milb concept:organizationacronymhasname concept_sportsleague_minor_league_baseball +concept_sportsleague_mils concept:organizationacronymhasname concept_sportsleague_major_indoor_soccer_league +concept_sportsleague_minors concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_sportsleague_minors concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_sportsleague_misl concept:organizationacronymhasname concept_sportsleague_major_indoor_soccer_league +concept_sportsleague_ml concept:organizationacronymhasname concept_sportsleague_midwest_league +concept_sportsleague_mlb concept:agentcontrols concept_athlete_boston_red_sox +concept_sportsleague_mlb concept:agentcontrols concept_athlete_rockies +concept_sportsleague_mlb concept:agentcontrols concept_female_angels +concept_sportsleague_mlb concept:agentcontrols concept_personmexico_scott_kazmir +concept_sportsleague_mlb concept:agentcontrols concept_personmexico_tampa_bay_rays +concept_sportsleague_mlb concept:agentcontrols concept_personus_evan_longoria +concept_sportsleague_mlb concept:agentcontrols concept_sport_nationals +concept_sportsleague_mlb concept:organizationacronymhasname concept_sportsleague_major_league_baseball +concept_sportsleague_mlb concept:agentcontrols concept_sportsteam_arizona_cardinals_27_23 +concept_sportsleague_mlb concept:agentcontrols concept_sportsteam_carlos_pena +concept_sportsleague_mlb concept:agentcontrols concept_sportsteam_new_york_giants +concept_sportsleague_mlb concept:agentcontrols concept_sportsteam_rangers +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_ameriquest_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_angel_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_at_t_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_att_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_busch_memorial_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_camden_yards +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_chase_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_cinergy_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_citi_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_citizen_bank_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_comerica +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_comiskey +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_coors_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_county_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_dodger_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_fenway_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_george_m__steinbrenner_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_great_american_ball_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_hubert_h__humphrey_metrodome +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_humphrey_metrodome +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_jacobs_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_kauffman_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_mcafee_coliseum +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_metrodome +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_miller_motorsports_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_minute_maid_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_network_associates_coliseum +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_new_yankee_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_petco_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_pnc_park +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_progressive_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_rangers_ballpark +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_rfk_memorial_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_rogers_centre +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_safeco_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_sbc_bricktown_ballpark +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_shea_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_target_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_three_rivers_stadium +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_toronto_skydome +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_tropicana_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_turner_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_wrigley_field +concept_sportsleague_mlb concept:leaguestadiums concept_stadiumoreventvenue_yankee_stadium +concept_sportsleague_mlb concept:agentcontrols concept_website_athletics +concept_sportsleague_mll concept:organizationacronymhasname concept_sportsleague_major_league_lacrosse +concept_sportsleague_mls concept:organizationacronymhasname concept_sportsleague_major_league_soccer +concept_sportsleague_nahl concept:organizationacronymhasname concept_sportsleague_north_american_hockey_league +concept_sportsleague_naia concept:organizationterminatedperson concept_scientist_no_ +concept_sportsleague_nascar concept:agentcollaborateswithagent concept_person_brian_france +concept_sportsleague_nascar concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_nascar concept:organizationacronymhasname concept_sportsleague_national_association_for_stock_car_auto_racing +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_atlanta_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_auto_club_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_autodromo_hermanos_rodriguez +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_bowman_gray_stadium +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_bristol_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_california_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_charlotte_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_chicagoland_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_circuit_gilles_villeneuve +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_columbus_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_darlington_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_daytona_international_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_dover_international_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_gateway_international_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_homestead_miami_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_indianapolis_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_indianapolis_raceway_park +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_infineon_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_international_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_international_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_iowa_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_kansas_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_kentucky_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_las_vegas_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_lowe__s_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_lucas_oil_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_martinsville +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_martinsville_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_memphis_motorsport_park +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_michigan_international_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_nashville_superspeedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_new_hampshire_international_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_o_reilly_raceway_park +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_phoenix_international_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_pir +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_pocono_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_richmond_international_raceway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_road_america +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_talladega_super_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_texas_motor_speedway +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_the_milwaukee_mile +concept_sportsleague_nascar concept:leaguestadiums concept_stadiumoreventvenue_watkins_glen_international +concept_sportsleague_nascar_busch_series concept:leaguestadiums concept_stadiumoreventvenue_international_raceway +concept_sportsleague_nascar_busch_series concept:leaguestadiums concept_stadiumoreventvenue_international_speedway +concept_sportsleague_nascar_busch_series concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_nascar_busch_series concept:leaguestadiums concept_stadiumoreventvenue_raceway +concept_sportsleague_nascar_craftsman_truck_series concept:leaguestadiums concept_stadiumoreventvenue_international_speedway +concept_sportsleague_nascar_craftsman_truck_series concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_nascar_craftsman_truck_series concept:leaguestadiums concept_stadiumoreventvenue_raceway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_kansas_speedway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_martinsville_speedway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_motor_speedway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_pocono_raceway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_raceway +concept_sportsleague_nascar_sprint_cup concept:leaguestadiums concept_stadiumoreventvenue_watkins_glen_international +concept_sportsleague_national_football_league concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsleague_national_hockey_league concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_national_hockey_league concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsleague_nba concept:agentcontrols concept_coach_new_jersey_nets +concept_sportsleague_nba concept:agentcontrols concept_coach_new_orleans_hornets +concept_sportsleague_nba concept:agentcontrols concept_coach_san_antonio_spurs +concept_sportsleague_nba concept:organizationacronymhasname concept_sportsleague_national_basketball_association +concept_sportsleague_nba concept:agentcompeteswithagent concept_sportsleague_nba +concept_sportsleague_nba concept:subpartoforganization concept_sportsteam_los_angeles_lakers +concept_sportsleague_nba concept:subpartoforganization concept_sportsteam_san_antonio +concept_sportsleague_nba concept:subpartoforganization concept_sportsteam_suns +concept_sportsleague_nba concept:subpartoforganization concept_sportsteam_washington_wizards +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_air_canada_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_american_airlines_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_american_airlines_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_amway_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_arco_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_bradley_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_compaq_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_conseco_fieldhouse +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_delta_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_energysolutions_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_fedex_forum +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_ford_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_key_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_madison_square_garden +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_mci_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_new_orleans_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_oakland_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_oracle_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_palace_of_auburn_hills +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_pepsi_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_philips_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_quicken_loans_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_rose_garden +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_sbc_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_staples_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_target_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_td_banknorth_garden +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_td_garden +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_td_waterhouse_centre +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_the_arena_in_oakland +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_time_warner_cable_arena +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_toyota_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_united_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_us_airways_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_verizon_center +concept_sportsleague_nba concept:leaguestadiums concept_stadiumoreventvenue_wachovia_center +concept_sportsleague_nbdl concept:atdate concept_date_n2004 +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_aggie_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_aloha_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_alumni_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_amon_carter_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_arizona_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_autzen_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_beaver_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_ben_hill_griffin_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bill_snyder_family_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bobby_dodd_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_boone_pickens_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bright_house_networks_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bronco_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_brown_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bryant_denny +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_bulldog_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_byrd_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_cajun_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_camp_randall +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_carrier_dome +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_carter_finley_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_davis_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_dix_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_doak_campbell_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_donald_w_reynolds_razorback_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_dowdy_ficklen_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_falcon_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_faurot_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_fiu_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_floyd_casey_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_folsom_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_fouts_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_franklin_covey_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_glass_bowl +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_harvard_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_hughes_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_huskie_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_husky_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_indian_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_infocision_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_jack_trice_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_joan_c_edwards_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_joe_aillet_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_johnny_red_floyd_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_jordan_hare_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_kellyshorts_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_kenan_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_kibbie_dome +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_kinnick_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_kyle_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_lane_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_lavell_edwards_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_legion_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_liberty_bowl_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_lockhart_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_los_angeles_coliseum +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_mackay_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_malone_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_martin_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_memorial_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_michigan_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_mountaineer_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_movie_gallery_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_navy_marine_corps_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_neyland_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_nippert_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_notre_dame_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_ohio_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_papa_john_s_cardinal_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_princeton_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_rentschler_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_reser_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_rice_eccles_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_robertson_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_romney_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_ross_ade_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_rutgers_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_ryan_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_rynearson_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_sam_boyd_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_sanford_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_scheumann_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_schoellkopf_field +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_scott_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_spartan_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_stanford_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_sun_bowl_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_sun_devil_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_tiger_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_university_at_buffalo +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_university_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_vanderbilt_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_vaught_hemingway_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_waldo_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_wallace_wade_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_war_memorial_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_williams_brice_stadium +concept_sportsleague_ncaa concept:leaguestadiums concept_stadiumoreventvenue_yale_bowl +concept_sportsleague_ncac concept:latitudelongitude 1.8833300000000,10.6333300000000 +concept_sportsleague_new concept:agentactsinlocation concept_city_caledonia +concept_sportsleague_new concept:agentactsinlocation concept_city_delhi +concept_sportsleague_new concept:agentactsinlocation concept_city_hope +concept_sportsleague_new concept:agentactsinlocation concept_city_rochelle +concept_sportsleague_new concept:agentactsinlocation concept_city_york +concept_sportsleague_new concept:organizationhiredperson concept_coach_bill_parcells +concept_sportsleague_new concept:organizationhiredperson concept_coach_cam_cameron +concept_sportsleague_new concept:organizationhiredperson concept_coach_eric_mangini +concept_sportsleague_new concept:organizationhiredperson concept_coach_gene_chizik +concept_sportsleague_new concept:organizationhiredperson concept_coach_jim_haslett +concept_sportsleague_new concept:organizationhiredperson concept_coach_jim_schwartz +concept_sportsleague_new concept:organizationhiredperson concept_coach_josh_mcdaniels +concept_sportsleague_new concept:organizationhiredperson concept_coach_mangini +concept_sportsleague_new concept:organizationhiredperson concept_coach_mike_d_antoni +concept_sportsleague_new concept:organizationhiredperson concept_coach_mike_tomlin +concept_sportsleague_new concept:organizationhiredperson concept_coach_scott_linehan +concept_sportsleague_new concept:organizationhiredperson concept_coach_steve_spagnuolo +concept_sportsleague_new concept:agentactsinlocation concept_country_orleans +concept_sportsleague_new concept:agentactsinlocation concept_county_bedford +concept_sportsleague_new concept:agentactsinlocation concept_island_haven +concept_sportsleague_new concept:organizationhiredperson concept_person_anderson +concept_sportsleague_new concept:organizationhiredperson concept_person_lane_kiffin +concept_sportsleague_new concept:organizationhiredperson concept_person_rodriguez +concept_sportsleague_new concept:organizationhiredperson concept_politician_schwartz +concept_sportsleague_new concept:agentactsinlocation concept_port_iberia +concept_sportsleague_new concept:organizationheadquarteredinstateorprovince concept_stateorprovince_pa +concept_sportsleague_nfl concept:proxyfor concept_book_new +concept_sportsleague_nfl concept:agentcontrols concept_coach_baltimore_colts +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_baltimore_ravens +concept_sportsleague_nfl concept:agentcontrols concept_coach_baltimore_ravens +concept_sportsleague_nfl concept:agentcontrols concept_coach_carolina_panthers +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_cincinnati_bengals +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_cleveland_browns +concept_sportsleague_nfl concept:agentcontrols concept_coach_cleveland_browns +concept_sportsleague_nfl concept:agentcontrols concept_coach_green_bay_packers +concept_sportsleague_nfl concept:agentcontrols concept_coach_houston_oilers +concept_sportsleague_nfl concept:agentcontrols concept_coach_indianapolis_colts +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_kansas_city_chiefs +concept_sportsleague_nfl concept:agentcontrols concept_coach_kansas_city_chiefs +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_miami_dolphins +concept_sportsleague_nfl concept:agentcontrols concept_coach_miami_dolphins +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_new_england_patriots +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_new_orleans_saints +concept_sportsleague_nfl concept:agentcontrols concept_coach_new_orleans_saints +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_new_york_giants +concept_sportsleague_nfl concept:agentcontrols concept_coach_new_york_giants +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_new_york_jets +concept_sportsleague_nfl concept:agentcontrols concept_coach_new_york_jets +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_philadelphia_eagles +concept_sportsleague_nfl concept:agentcontrols concept_coach_philadelphia_eagles +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_san_diego_chargers +concept_sportsleague_nfl concept:agentcontrols concept_coach_san_diego_chargers +concept_sportsleague_nfl concept:agentcontrols concept_coach_san_francisco_49ers +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_coach_washington_redskins +concept_sportsleague_nfl concept:organizationterminatedperson concept_scientist_no_ +concept_sportsleague_nfl concept:organizationacronymhasname concept_sportsleague_national_football_league +concept_sportsleague_nfl concept:agentcompeteswithagent concept_sportsleague_nfl +concept_sportsleague_nfl concept:organizationacronymhasname concept_sportsleague_the_national_football_league +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_sportsteam_arizona_cardinals_27_23 +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_sportsteam_buffalo_bills +concept_sportsleague_nfl concept:agentcontrols concept_sportsteam_florida_international +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_sportsteam_seahawks +concept_sportsleague_nfl concept:agentcollaborateswithagent concept_sportsteam_titans +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_alltel_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_arrowhead_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_bank_of_america_arena +concept_sportsleague_nfl concept:agentactsinlocation concept_stadiumoreventvenue_browns_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_candlestick_park +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_cleveland_browns_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_cowboys_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_dolphin_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_edward_jones_dome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_fedex_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_ford_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_foxboro_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_georgia_dome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_giants_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_gillette_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_heinz_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_hubert_h__humphrey_metrodome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_invesco_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_jacksonville_municipal_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_lambeau_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_lincoln_financial_field +concept_sportsleague_nfl concept:agentactsinlocation concept_stadiumoreventvenue_louisiana_superdome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_louisiana_superdome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_lp_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_lucas_oil_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_m_t_bank_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_mcafee_coliseum +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_metrodome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_mile_high_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_monster_park +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_mt_bank_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_network_associates_coliseum +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_paul_brown_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_pontiac_silverdome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_pro_player_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_psinet_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_qualcomm_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_qwest_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_ralph_wilson_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_raymond_james_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_rca_dome +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_reliant_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_soldier_field +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_sports_authority_field_at_mile_high +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_sun_devil_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_texas_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_three_rivers_stadium +concept_sportsleague_nfl concept:leaguestadiums concept_stadiumoreventvenue_university_of_phoenix_stadium +concept_sportsleague_nfle concept:organizationacronymhasname concept_sportsleague_nfl_europe +concept_sportsleague_nhl concept:agentcontrols concept_city_st_louis +concept_sportsleague_nhl concept:agentcontrols concept_coach_new_jersey_devils +concept_sportsleague_nhl concept:organizationacronymhasname concept_sportsleague_national_hockey_league +concept_sportsleague_nhl concept:agentcompeteswithagent concept_sportsleague_nhl +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_air_canada_center +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_bankatlantic_center +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_corel_centre +concept_sportsleague_nhl concept:agentactsinlocation concept_stadiumoreventvenue_giants_stadium +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_ice_palace +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_kiel_center +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_madison_square_garden +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_mellon_arena +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_molson_centre +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_rbc_center +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_skyreach_centre +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_the_rose_garden +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_united_center +concept_sportsleague_nhl concept:leaguestadiums concept_stadiumoreventvenue_verizon_center +concept_sportsleague_nhl_ concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsleague_nifl concept:organizationacronymhasname concept_sportsleague_national_indoor_football_league +concept_sportsleague_nll concept:organizationacronymhasname concept_sportsleague_national_lacrosse_league +concept_sportsleague_notices concept:atdate concept_dateliteral_n2008 +concept_sportsleague_npf concept:organizationacronymhasname concept_sportsleague_national_pro_fastpitch +concept_sportsleague_nwhl concept:organizationacronymhasname concept_sportsleague_national_women_s_hockey_league +concept_sportsleague_nwl concept:organizationacronymhasname concept_sportsleague_northwoods_league +concept_sportsleague_ohl concept:organizationacronymhasname concept_sportsleague_ontario_hockey_league +concept_sportsleague_pac_10 concept:agentcompeteswithagent concept_sportsleague_pac_10 +concept_sportsleague_pac_10 concept:organizationacronymhasname concept_sportsleague_pacific_10_conference +concept_sportsleague_pasl_pro concept:organizationacronymhasname concept_sportsleague_professional_arena_soccer_league +concept_sportsleague_pbl concept:latitudelongitude 10.4805000000000,-68.0730200000000 +concept_sportsleague_pdl concept:organizationacronymhasname concept_sportsleague_usl_premier_development_league +concept_sportsleague_peach_belt concept:latitudelongitude 42.5928000000000,-86.1608700000000 +concept_sportsleague_post concept:agentcollaborateswithagent concept_personmexico_form +concept_sportsleague_post concept:atlocation concept_retailstore_la +concept_sportsleague_post concept:atlocation concept_visualizablescene_ny +concept_sportsleague_post concept:agentactsinlocation concept_visualizablething_queensland +concept_sportsleague_post concept:atlocation concept_website_financial +concept_sportsleague_premier concept:organizationacronymhasname concept_sportsleague_english_premier_league +concept_sportsleague_rogers concept:mutualproxyfor concept_book_arkansas +concept_sportsleague_roush_fenway_racing concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_rss concept:agentcompeteswithagent concept_company_twitter +concept_sportsleague_rss concept:agentcompeteswithagent concept_university_search +concept_sportsleague_sec concept:organizationacronymhasname concept_sportsleague_southeastern_conference +concept_sportsleague_south concept:agentcontrols concept_person_mugabe +concept_sportsleague_southeastern_conference concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsleague_sphl concept:organizationacronymhasname concept_sportsleague_southern_professional_hockey_league +concept_sportsleague_summer_league concept:organizationdissolvedatdate concept_month_august +concept_sportsleague_syracuse concept:organizationhiredperson concept_coach_ben_schwartzwalder +concept_sportsleague_syracuse concept:organizationhiredperson concept_coach_boeheim +concept_sportsleague_syracuse concept:organizationhiredperson concept_coach_doug_marrone +concept_sportsleague_syracuse concept:organizationhiredperson concept_coach_greg_robinson +concept_sportsleague_syracuse concept:organizationhiredperson concept_coach_jim_boeheim +concept_sportsleague_syracuse concept:mutualproxyfor concept_hospital_suny +concept_sportsleague_syracuse concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsleague_syracuse concept:organizationalsoknownas concept_university_state_university +concept_sportsleague_teams concept:mutualproxyfor concept_book_new +concept_sportsleague_teams concept:agentparticipatedinevent concept_eventoutcome_result +concept_sportsleague_teams concept:agentcreated concept_programminglanguage_contact +concept_sportsleague_teams concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsleague_teams concept:mutualproxyfor concept_website_boards +concept_sportsleague_terms concept:agentparticipatedinevent concept_eventoutcome_result +concept_sportsleague_terms concept:agentactsinlocation concept_lake_new +concept_sportsleague_terms concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsleague_terms concept:agentcreated concept_programminglanguage_contact +concept_sportsleague_terms concept:organizationterminatedperson concept_scientist_no_ +concept_sportsleague_terms concept:agentparticipatedinevent concept_sportsgame_terms +concept_sportsleague_terms concept:agentcompeteswithagent concept_university_search +concept_sportsleague_theater concept:mutualproxyfor concept_book_new +concept_sportsleague_top concept:agentcontrols concept_personasia_number +concept_sportsleague_uhl concept:organizationacronymhasname concept_sportsleague_united_hockey_league +concept_sportsleague_uif concept:organizationacronymhasname concept_sportsleague_united_indoor_football +concept_sportsleague_usbl concept:organizationacronymhasname concept_sportsleague_united_states_basketball_league +concept_sportsleague_wchl concept:organizationacronymhasname concept_sportsleague_west_coast_hockey_league +concept_sportsleague_western_conference concept:agentcontrols concept_attraction_dallas_mavericks +concept_sportsleague_western_conference concept:agentcontrols concept_awardtrophytournament_los_angeles_lakers +concept_sportsleague_western_conference concept:agentcontrols concept_coach_phoenix_suns +concept_sportsleague_western_conference concept:agentcollaborateswithagent concept_coach_san_antonio_spurs +concept_sportsleague_western_conference concept:agentcollaborateswithagent concept_journalist_lakers +concept_sportsleague_western_conference concept:agentcontrols concept_journalist_lakers +concept_sportsleague_western_conference concept:agentcollaborateswithagent concept_radiostation_san_antonio +concept_sportsleague_western_conference concept:agentcontrols concept_radiostation_san_antonio +concept_sportsleague_western_conference concept:agentcontrols concept_sportsteam_la_clippers +concept_sportsleague_western_conference concept:agentcontrols concept_sportsteam_los_angeles_lakers +concept_sportsleague_western_conference concept:agentcontrols concept_sportsteam_red_wings +concept_sportsleague_western_conference concept:agentcollaborateswithagent concept_sportsteam_suns +concept_sportsleague_whl concept:organizationacronymhasname concept_sportsleague_western_hockey_league +concept_sportsleague_wissota concept:latitudelongitude 44.9383357142857,-91.3133957142857 +concept_sportsleague_wl concept:synonymfor concept_company_broadcom +concept_sportsleague_wnba concept:organizationacronymhasname concept_sportsleague_women_s_national_basketball_association +concept_sportsleague_wnba concept:agentcontrols concept_sportsteam_central_connecticut_state_university +concept_sportsleague_women concept:mutualproxyfor concept_book_new +concept_sportsleague_wps concept:organizationacronymhasname concept_sportsleague_women_s_professional_soccer +concept_sportsteam_a_c__milan concept:teamplaysinleague concept_sportsleague_uefa +concept_sportsteam_a_c__milan concept:teamalsoknownas concept_sportsteam_benfica +concept_sportsteam_a_c__milan concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_a_c__milan concept:teamplaysagainstteam concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_a_c__milan concept:teamplaysagainstteam concept_sportsteam_liverpool_university +concept_sportsteam_a_s concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_a_tribute concept:latitudelongitude 45.4340600000000,12.3457200000000 +concept_sportsteam_aalborg_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_abilene_christian_university_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_acc_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_adelaide_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_adelphi_college concept:latitudelongitude 40.7377800000000,-73.0863900000000 +concept_sportsteam_adelphi_university_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_adelphi_university_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_fresno_state_bulldogs +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_mary_hardin_baylor_crusaders +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_aggies concept:teamplaysagainstteam concept_sportsteam_oklahoma_state_university +concept_sportsteam_air_force_academy_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_air_force_falcons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_air_force_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_air_force_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_akron_pros concept:organizationhiredperson concept_coach_j_d__brookhart +concept_sportsteam_akron_pros concept:teamplayssport concept_sport_basketball +concept_sportsteam_akron_pros concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_akron_zips concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_akron_zips concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_a_and_m_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_a_and_m_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_a_m_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_birmingham_blazers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_birmingham_blazers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_crimson_tide concept:organizationhiredperson concept_coach_nick_saban +concept_sportsteam_alabama_crimson_tide concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_alabama_crimson_tide concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_crimson_tide concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_alabama_crimson_tide concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_huntsville_chargers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_huntsville_uah_chargers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_huntsville_uah_chargers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alabama_state_hornets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_alabama_state_hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alabama_state_hornets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alaska_anchorage_seawolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alaska_fairbanks_nanooks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_alaska_fairbanks_nanooks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alaska_fairbanks_nanooks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alaska_seawolves concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_alaska_seawolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alaska_seawolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_albany_great_danes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_albany_great_danes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_albany_great_danes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_albany_state_golden_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_albany_state_golden_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_albany_state_golden_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_alcorn_state concept:latitudelongitude 31.8729350000000,-91.1380250000000 +concept_sportsteam_alcorn_state concept:teamplaysincity concept_city_lorman +concept_sportsteam_alcorn_state concept:agentactsinlocation concept_geopoliticallocation_alcorn +concept_sportsteam_alcorn_state_braves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_alcorn_state_braves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_allegheny_gators concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_allegheny_gators concept:atlocation concept_county_philadelphia +concept_sportsteam_alliant_international_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_american_academy_of_dramatic_arts concept:teamplaysincity concept_city_new_york +concept_sportsteam_american_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_american_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_american_musical_and_dramatic_academy concept:teamplaysincity concept_city_new_york +concept_sportsteam_american_u__eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_american_university concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_american_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_american_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_american_university_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_american_university_school_of_international_service concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_anaheim_angels concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_anaheim_angels concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_anaheim_angels concept:teamplayssport concept_sport_baseball +concept_sportsteam_anaheim_angels concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_anaheim_angels concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_anaheim_angels concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_anaheim_angels concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_anaheim_angels concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_anaheim_angels concept:teamhomestadium concept_stadiumoreventvenue_edison_field +concept_sportsteam_anaheim_ducks concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_anaheim_ducks concept:teamplaysincity concept_city_anaheim +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_boise_state_broncos +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_l_a__kings +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_anaheim_ducks concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_anaheim_ducks concept:teamhomestadium concept_stadiumoreventvenue_honda_center +concept_sportsteam_anaheim_ducks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_anderson_ravens concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_anderson_ravens concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_angelo_state_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_angelo_state_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_angelo_state_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_angelo_state_university_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_appalachian_state_mo concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_appalachian_state_mo concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_appalachian_state_mo concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arizona_cardinals_27_23 concept:organizationhiredperson concept_coach_dennis_green +concept_sportsteam_arizona_cardinals_27_23 concept:organizationhiredperson concept_coach_ken_whisenhunt +concept_sportsteam_arizona_cardinals_27_23 concept:agentcompeteswithagent concept_coach_philadelphia_eagles +concept_sportsteam_arizona_cardinals_27_23 concept:organizationhiredperson concept_coach_russ_grimm +concept_sportsteam_arizona_cardinals_27_23 concept:organizationhiredperson concept_coach_todd_haley +concept_sportsteam_arizona_cardinals_27_23 concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_arizona_cardinals_27_23 concept:organizationhiredperson concept_personcanada_ken_whisenhunt +concept_sportsteam_arizona_cardinals_27_23 concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_arizona_cardinals_27_23 concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_arizona_cardinals_27_23 concept:agentcompeteswithagent concept_sportsteam_eagles +concept_sportsteam_arizona_cardinals_27_23 concept:organizationalsoknownas concept_sportsteam_eagles +concept_sportsteam_arizona_cardinals_27_23 concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_sportsteam_arizona_cardinals_27_23 concept:agentcompeteswithagent concept_sportsteam_steelers +concept_sportsteam_arizona_cardinals_27_23 concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_arizona_cardinals_27_23 concept:agentparticipatedinevent concept_traditionalgame_series_last_year +concept_sportsteam_arizona_diamond_backs concept:teamwontrophy concept_awardtrophytournament_nl_west +concept_sportsteam_arizona_diamond_backs concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_arizona_diamond_backs concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_arizona_diamond_backs concept:teamplaysincity concept_city_phoenix +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_arizona_diamond_backs concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_arizona_diamond_backs concept:teamhomestadium concept_stadiumoreventvenue_chase_field +concept_sportsteam_arizona_st__sun_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arizona_state_sun_devils concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_arizona_state_sun_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arizona_state_sun_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arizona_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_arizona_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arizona_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arkansas_fort_smith_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_arkansas_fort_smith_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_fort_smith_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arkansas_little_rock_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_pine_bluff_golden_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_arkansas_pine_bluff_golden_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arkansas_razorbacks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arkansas_st__red_wolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_state_red_wolves concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_arkansas_state_red_wolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_state_red_wolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_arkansas_state_university concept:agentactsinlocation concept_city_arkansas +concept_sportsteam_arkansas_state_university concept:teamplaysincity concept_city_jonesboro +concept_sportsteam_arkansas_tech_wonder_boys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_arkansas_tech_wonder_boys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_armstrong_atlantic_pirates concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_army_black_knights concept:agentcollaborateswithagent concept_person_john_o_leary +concept_sportsteam_army_black_knights concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_army_black_knights concept:agentcollaborateswithagent concept_personus_george_o_leary +concept_sportsteam_army_black_knights concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_army_black_knights concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_army_black_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_art_center_college_of_design concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_ashland_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ashland_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_astros concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_astros concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_astros concept:teamplaysincity concept_city_houston +concept_sportsteam_astros concept:teamplayssport concept_sport_baseball +concept_sportsteam_astros concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_astros concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_atlanta_braves concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_atlanta_braves concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_atlanta_braves concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_atlanta_braves concept:atlocation concept_county_philadelphia +concept_sportsteam_atlanta_braves concept:teamplayssport concept_sport_baseball +concept_sportsteam_atlanta_braves concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_atlanta_braves concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_atlanta_braves concept:teamhomestadium concept_stadiumoreventvenue_turner_field +concept_sportsteam_atlanta_braves concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_atlanta_flames concept:teamplayssport concept_sport_hockey +concept_sportsteam_atlanta_thrashers concept:teamhomestadium concept_stadiumoreventvenue_philips_arena +concept_sportsteam_atlanta_thrashers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_atlantic_10_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_auburn_montgomery_senators concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_auburn_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_auburn_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_auburn_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_auburn_tigers concept:teamhomestadium concept_stadiumoreventvenue_jordan_hare_stadium +concept_sportsteam_auburn_university concept:teamplaysincity concept_city_auburn +concept_sportsteam_augustana_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_augustana_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_austin_peay_governors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_austin_peay_governors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_austin_peay_state_governors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_austin_peay_state_governors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_aut concept:teamplaysincity concept_city_auckland +concept_sportsteam_ave_maria_gyrenes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ave_maria_gyrenes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_avs concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_baker_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_baker_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ball_st__cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ball_state_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ball_state_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ball_state_university concept:teamplaysincity concept_city_muncie +concept_sportsteam_ball_state_university concept:organizationhiredperson concept_coach_brady_hoke +concept_sportsteam_ball_state_university concept:agentcollaborateswithagent concept_coach_stan_parrish +concept_sportsteam_ball_state_university concept:teamplayssport concept_sport_football +concept_sportsteam_ball_state_university concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_baltimore_bullets concept:teamplayssport concept_sport_basketball +concept_sportsteam_baltimore_bullets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_baltimore_colts concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_baltimore_colts concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_baltimore_colts concept:teamplaysincity concept_city_indianapolis +concept_sportsteam_baltimore_colts concept:agentcompeteswithagent concept_sportsteam_baltimore_colts +concept_sportsteam_baltimore_colts concept:teamplaysagainstteam concept_sportsteam_bolts +concept_sportsteam_baltimore_colts concept:agentcompeteswithagent concept_sportsteam_colts +concept_sportsteam_baltimore_colts concept:teamalsoknownas concept_sportsteam_colts +concept_sportsteam_baltimore_colts concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_baltimore_colts concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_baltimore_colts concept:agentcompeteswithagent concept_sportsteam_ravens +concept_sportsteam_baltimore_colts concept:teamalsoknownas concept_sportsteam_ravens +concept_sportsteam_baltimore_colts concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_barcelona concept:teamplaysinleague concept_sportsleague_uefa +concept_sportsteam_barcelona concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_barcelona concept:teamplaysagainstteam concept_sportsteam_real_madrid +concept_sportsteam_barcelona concept:teamhomestadium concept_stadiumoreventvenue_camp_nou +concept_sportsteam_barcelona_dragons concept:teamplaysagainstteam concept_sportsteam_real_madrid +concept_sportsteam_barcelona_dragons concept:agentactsinlocation concept_stadiumoreventvenue_camp_nou +concept_sportsteam_barrington_college concept:latitudelongitude 41.7617700000000,-71.3336600000000 +concept_sportsteam_barry_university concept:teamplaysincity concept_city_orlando +concept_sportsteam_barry_university concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_barry_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_barry_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_baruch_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_baruch_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_baruch_college_bearcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_baruch_college_bearcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_baseball_teams concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_baylor_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_baylor_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_baylor_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_baylor_bears concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_baylor_bears_basketball concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_baylor_university concept:teamplaysincity concept_city_houston +concept_sportsteam_bc_lions concept:teamplaysinleague concept_sportsleague_cfl +concept_sportsteam_bc_lions concept:teamalsoknownas concept_sportsteam_edmonton_eskimos +concept_sportsteam_bears_29_17 concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_bears_29_17 concept:teamwontrophy concept_awardtrophytournament_nfl_championship +concept_sportsteam_bears_29_17 concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_bears_29_17 concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_bears_29_17 concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_bears_29_17 concept:teamplaysincity concept_city_chicago +concept_sportsteam_bears_29_17 concept:organizationhiredperson concept_coach_jauron +concept_sportsteam_bears_29_17 concept:organizationhiredperson concept_coach_lovie_smith +concept_sportsteam_bears_29_17 concept:organizationhiredperson concept_coach_mike_ditka +concept_sportsteam_bears_29_17 concept:organizationhiredperson concept_coach_tedford +concept_sportsteam_bears_29_17 concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_bears_29_17 concept:teamplayssport concept_sport_football +concept_sportsteam_bears_29_17 concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_bears_29_17 concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_bears_29_17 concept:teamalsoknownas concept_sportsteam_seahawks +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_bears_29_17 concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_bears_29_17 concept:teamhomestadium concept_stadiumoreventvenue_soldier_field +concept_sportsteam_bears_29_17 concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_bellarmine_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bellevue_college_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bellevue_college_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_belmont_bruins concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_belmont_bruins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_belmont_bruins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bemidji_state concept:teamplaysincity concept_city_bemidji +concept_sportsteam_bemidji_state_beavers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bemidji_state_beavers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bemidji_state_beavers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_benfica concept:teamalsoknownas concept_sportsteam_a_c__milan +concept_sportsteam_benfica concept:agentcompeteswithagent concept_sportsteam_benfica +concept_sportsteam_bengals concept:agentcollaborateswithagent concept_athlete_lorenzen_wright +concept_sportsteam_bengals concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_bengals concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_bengals concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_bengals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_bengals concept:teamplaysincity concept_city_cincinnati +concept_sportsteam_bengals concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_bengals concept:organizationhiredperson concept_personmexico_marvin_lewis +concept_sportsteam_bengals concept:teamplayssport concept_sport_baseball +concept_sportsteam_bengals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_bengals concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_bengals concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_bengals concept:teamhomestadium concept_stadiumoreventvenue_great_american_ball_park +concept_sportsteam_bengals concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_bentley_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_berklee_college_of_music concept:teamplaysincity concept_city_boston +concept_sportsteam_bethune_cookman_university_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bethune_cookman_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bethune_cookman_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_big_12_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_12_gear concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_big_12_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_12_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_big_east_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_east_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_east_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_big_sky_conference_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_big_sky_conference_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_big_ten_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bills concept:organizationhiredperson concept_athlete_williams +concept_sportsteam_bills concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_bills concept:teamplaysincity concept_city_buffalo +concept_sportsteam_bills concept:organizationhiredperson concept_coach_dick_jauron +concept_sportsteam_bills concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_bills concept:teamplayssport concept_sport_hockey +concept_sportsteam_bills concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_bills concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_binghamton_bearcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_binghamton_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_birmingham_southern concept:latitudelongitude 33.5134400000000,-86.8508200000000 +concept_sportsteam_birmingham_southern_college_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_biscayne_college concept:latitudelongitude 25.9231500000000,-80.2533800000000 +concept_sportsteam_black_hills_state concept:teamplaysincity concept_city_spearfish +concept_sportsteam_blackhawks concept:teamplaysincity concept_city_chicago +concept_sportsteam_blackhawks concept:organizationhiredperson concept_coach_denis_savard +concept_sportsteam_blackhawks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_blackhawks concept:atlocation concept_county_chicago +concept_sportsteam_blackhawks concept:teamplayssport concept_sport_hockey +concept_sportsteam_blackhawks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_calgary_flames +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_minnesota_wilds +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_st___louis_blues +concept_sportsteam_blackhawks concept:teamplaysagainstteam concept_sportsteam_vancouver_canucks +concept_sportsteam_blackhawks concept:teamhomestadium concept_stadiumoreventvenue_wrigley_field +concept_sportsteam_bloomsburg_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bloomsburg_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bloomsburg_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_blue_jackets concept:teamplaysincity concept_city_columbus +concept_sportsteam_blue_jackets concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_blue_jackets concept:atlocation concept_county_columbus +concept_sportsteam_blue_jackets concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_blue_jays concept:agentcontrols concept_athlete_frank_thomas +concept_sportsteam_blue_jays concept:agentcollaborateswithagent concept_athlete_vernon_wells +concept_sportsteam_blue_jays concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_blue_jays concept:agentcontrols concept_coach_jimmy_key +concept_sportsteam_blue_jays concept:agentcollaborateswithagent concept_coach_tony_fernandez +concept_sportsteam_blue_jays concept:agentcontrols concept_personcanada_david_wells +concept_sportsteam_blue_jays concept:agentcontrols concept_personcanada_roy_halladay +concept_sportsteam_blue_jays concept:agentcontrols concept_personmexico_craig_counsell +concept_sportsteam_blue_jays concept:agentcontrols concept_personmexico_roberto_alomar +concept_sportsteam_blue_jays concept:agentcontrols concept_personus_fred_mcgriff +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_blue_jays concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_blue_jays concept:teamhomestadium concept_stadiumoreventvenue_rogers_centre +concept_sportsteam_blue_waves concept:latitudelongitude 45.1167400000000,14.5096800000000 +concept_sportsteam_bobcats concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_bobcats concept:teamplayssport concept_sport_basketball +concept_sportsteam_bobcats concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_bobcats concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_boise_st__broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boise_state_broncos concept:teamplaysincity concept_city_boise +concept_sportsteam_boise_state_broncos concept:organizationhiredperson concept_coach_chris_petersen +concept_sportsteam_boise_state_broncos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_boise_state_broncos concept:teamplayssport concept_sport_basketball +concept_sportsteam_boise_state_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boise_state_broncos concept:teamplaysagainstteam concept_sportsteam_east_carolina +concept_sportsteam_boise_state_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_boise_state_broncos concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_boise_state_broncos concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_boise_state_broncos concept:teamplaysagainstteam concept_sportsteam_texas_christian_university +concept_sportsteam_bolton_wanderers concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_bolton_wanderers concept:teamalsoknownas concept_sportsteam_dundee_united +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_new_york_giants_in_super_bowl_xlii +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_new_york_red_bulls +concept_sportsteam_bolton_wanderers concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_bolts concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_borders concept:organizationhiredperson concept_comedian_george_jones +concept_sportsteam_borders concept:organizationterminatedperson concept_comedian_george_jones +concept_sportsteam_borough_of_manhattan_community_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_boston_americans concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_boston_americans concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_boston_braves concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_boston_braves concept:teamplayssport concept_sport_football +concept_sportsteam_boston_braves concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_boston_braves concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_boston_bruins concept:teamplaysincity concept_city_boston +concept_sportsteam_boston_bruins concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_boston_bruins concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_boston_bruins concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_boston_bruins concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_boston_bruins concept:teamhomestadium concept_stadiumoreventvenue_td_garden +concept_sportsteam_boston_celtics concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_boston_celtics concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_boston_celtics concept:teamwontrophy concept_awardtrophytournament_nba_title +concept_sportsteam_boston_celtics concept:teamplaysincity concept_city_boston +concept_sportsteam_boston_celtics concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_boston_celtics concept:agentparticipatedinevent concept_eventoutcome_title +concept_sportsteam_boston_celtics concept:teamplayssport concept_sport_basketball +concept_sportsteam_boston_celtics concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_charlotte_bobcats +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_milwaukee_bucks +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_portland_trailblazers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_boston_celtics concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_boston_celtics concept:teamhomestadium concept_stadiumoreventvenue_td_garden +concept_sportsteam_boston_college concept:teamplaysincity concept_city_boston +concept_sportsteam_boston_college concept:organizationhiredperson concept_coach_jagodzinski +concept_sportsteam_boston_college concept:organizationhiredperson concept_coach_jeff_jagodzinski +concept_sportsteam_boston_college concept:organizationhiredperson concept_coach_tom_o_brien +concept_sportsteam_boston_college concept:organizationhiredperson concept_person_al_skinner +concept_sportsteam_boston_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_boston_college concept:teamplayssport concept_sport_basketball +concept_sportsteam_boston_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_florida_state +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_harvard_divinity_school +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_maryland +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_boston_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_boston_college concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_boston_college concept:teamplaysagainstteam concept_sportsteam_virginia_tech +concept_sportsteam_boston_patriots concept:teamplaysincity concept_city_anaheim +concept_sportsteam_boston_pilgrims concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_boston_terriers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_boston_terriers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boston_terriers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_boston_university concept:teamplaysincity concept_city_boston +concept_sportsteam_boston_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_boston_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_boston_university_terriers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_boston_university_terriers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bowdoin concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bowdoin concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bowling_green_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bowling_green_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bowling_green_st__falcons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bowling_green_st__falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bowling_green_st__falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bowling_green_st_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bowling_green_state concept:teamplaysincity concept_geopoliticallocation_bowling_green +concept_sportsteam_brad_keselowkski concept:teamplaysinleague concept_sportsleague_nascar +concept_sportsteam_brad_keselowkski concept:teamalsoknownas concept_sportsteam_trevor_bayne +concept_sportsteam_brad_keselowkski concept:teamplaysagainstteam concept_sportsteam_trevor_bayne +concept_sportsteam_bradley_braves concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bradley_braves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bradley_braves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bradley_university_braves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_brandeis_university concept:teamplaysincity concept_city_boston +concept_sportsteam_brandeis_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_brazil concept:organizationhiredperson concept_coach_dunga +concept_sportsteam_brazil concept:proxyfor concept_lake_new +concept_sportsteam_brazil concept:teamplayssport concept_sport_golf +concept_sportsteam_brazil concept:teamplaysagainstteam concept_sportsteam_france +concept_sportsteam_brazil concept:teamalsoknownas concept_sportsteam_germany +concept_sportsteam_brazil concept:teamplaysagainstteam concept_sportsteam_germany +concept_sportsteam_brazil concept:teamplaysagainstteam concept_sportsteam_italy +concept_sportsteam_brazil concept:atlocation concept_stateorprovince_indiana +concept_sportsteam_brazil concept:proxyfor concept_stateorprovince_indiana +concept_sportsteam_brewers concept:teamwontrophy concept_awardtrophytournament_nl_central +concept_sportsteam_brewers concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_brewers concept:teamwontrophy concept_awardtrophytournament_wild_card +concept_sportsteam_brewers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_brewers concept:teamplaysincity concept_city_milwaukee +concept_sportsteam_brewers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_brewers concept:teamplayssport concept_sport_baseball +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_brewers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_bridgewater_state_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bridgewater_state_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_brigham_young_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_brigham_young_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_brigham_young_university concept:teamplaysincity concept_city_provo +concept_sportsteam_brockport_golden_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_brockport_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_broncos concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_broncos concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_broncos concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_broncos concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_broncos concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_broncos concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_broncos concept:teamplayssport concept_sport_hockey +concept_sportsteam_broncos concept:agentcontrols concept_sportsleague_nfl +concept_sportsteam_broncos concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_broncos concept:teamalsoknownas concept_sportsteam_falcons +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_broncos concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_broncos concept:teamhomestadium concept_stadiumoreventvenue_invesco_field +concept_sportsteam_broncos concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_brooklyn_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_brooklyn_college_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_brooklyn_college_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_brooklyn_college_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_brooklyn_dodgers concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_brooklyn_dodgers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_brooklyn_dodgers concept:teamplayssport concept_sport_baseball +concept_sportsteam_brooklyn_dodgers concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_brooklyn_dodgers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_brooklyn_dodgers concept:teamhomestadium concept_stadiumoreventvenue_ebbets_field +concept_sportsteam_brooklyn_dodgers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_brown_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_brown_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_brown_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_brown_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_brown_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_bruins concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_bruins concept:teamplaysincity concept_city_boston +concept_sportsteam_bruins concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_habs +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_san_jose_sharks +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_sun_devils +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_suny_fredonia_blue_devils +concept_sportsteam_bruins concept:teamalsoknownas concept_sportsteam_ucla +concept_sportsteam_bruins concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_bryant_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_bryant_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bryant_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_buccaneers concept:teamwontrophy concept_awardtrophytournament_n2004_stanley_cup +concept_sportsteam_buccaneers concept:teamwontrophy concept_awardtrophytournament_n2008_world_series +concept_sportsteam_buccaneers concept:teamwontrophy concept_awardtrophytournament_nfc_championship +concept_sportsteam_buccaneers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_buccaneers concept:teamwontrophy concept_awardtrophytournament_super_bowl_xxxvii +concept_sportsteam_buccaneers concept:teamplaysincity concept_city_tampa_bay +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_coach_jon_gruden +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_dungy +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_gruden +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_jon_gruden +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_raheem_morris +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_tony_dungy +concept_sportsteam_buccaneers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_buccaneers concept:teamplayssport concept_sport_football +concept_sportsteam_buccaneers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_buccaneers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_storm +concept_sportsteam_buccaneers concept:teamhomestadium concept_stadiumoreventvenue_raymond_james_stadium +concept_sportsteam_buckeyes concept:organizationhiredperson concept_coach_tressel +concept_sportsteam_buckeyes concept:teamplayssport concept_sport_golf +concept_sportsteam_buckeyes concept:teamplaysinleague concept_sportsleague_bcs +concept_sportsteam_buckeyes concept:agentcompeteswithagent concept_sportsteam_buckeyes +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_illini +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_buckeyes concept:teamalsoknownas concept_sportsteam_spartans +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_buckeyes concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_bucknell_bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_bucknell_bison concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_bucks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_bucks concept:teamplayssport concept_sport_basketball +concept_sportsteam_bucks concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_bucks concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_bucs concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_bucs concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_buffalo_bills concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_buffalo_bills concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_buffalo_bills concept:organizationhiredperson concept_coach_mike_mularkey +concept_sportsteam_buffalo_bills concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_buffalo_bills concept:teamplayssport concept_sport_football +concept_sportsteam_buffalo_bills concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_buffalo_bills concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_buffalo_bills concept:teamhomestadium concept_stadiumoreventvenue_ralph_wilson_stadium +concept_sportsteam_buffalo_bills concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_buffalo_braves concept:teamplayssport concept_sport_basketball +concept_sportsteam_buffalo_braves concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_buffalo_bulls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_buffalo_bulls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_buffalo_sabres concept:teamplaysincity concept_city_buffalo +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_dallas_stars +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_buffalo_sabres concept:organizationalsoknownas concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_new_jersey_devils +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_philadelphia_flyers +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_buffalo_sabres concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_buffalo_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_buffalo_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_buffs concept:teamplaysagainstteam concept_sportsteam_huskers +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_aggies +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_army_black_knights +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_duke_blue_devils +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_bulldogs concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_butler_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_butler_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_butler_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_byu concept:teamplaysincity concept_city_provo +concept_sportsteam_byu concept:organizationhiredperson concept_coach_bronco_mendenhall +concept_sportsteam_byu concept:teamplayssport concept_sport_hockey +concept_sportsteam_byu concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_byu concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_byu concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_byu concept:teamplaysagainstteam concept_sportsteam_texas_christian_university +concept_sportsteam_byu concept:teamplaysagainstteam concept_sportsteam_ucla +concept_sportsteam_byu_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_byu_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_byu_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_byu_hawaii concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_byu_idaho_vikings concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_byu_idaho_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_byu_idaho_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_golden_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_golden_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_golden_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_poly concept:teamplaysincity concept_city_san_luis_obispo +concept_sportsteam_cal_poly concept:teamplayssport concept_sport_hockey +concept_sportsteam_cal_poly_mustangs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_poly_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_poly_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_bakersfield_roadrunners concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_state_bakersfield_roadrunners concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_bakersfield_roadrunners concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_channel_island_dolphins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_channel_island_dolphins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_chico_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_state_chico_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_chico_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_dominguez_hills_toros concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_dominguez_hills_toros concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_east_bay_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_east_bay_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_fullerton_titans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_state_fullerton_titans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_fullerton_titans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_los_angeles_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_los_angeles_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_monterey_bay_otters concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_state_monterey_bay_otters concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_monterey_bay_otters concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_northridge_matadors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_san_bernardino_coyotes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_san_marcos_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cal_state_san_marcos_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_san_marcos_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cal_state_stanislaus_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cal_state_stanislaus_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_caldwell_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_caldwell_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_calgary_flames concept:teamplayssport concept_sport_hockey +concept_sportsteam_calgary_flames concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_calgary_flames concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_calgary_flames concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_calgary_flames concept:teamhomestadium concept_stadiumoreventvenue_scotiabank_saddledome +concept_sportsteam_calgary_stampeders concept:agentbelongstoorganization concept_sportsleague_cfl +concept_sportsteam_california_angels concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_california_angels concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_california_angels concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_california_angels concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_california_golden_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_california_polytechnic concept:latitudelongitude 35.3008200000000,-120.6603600000000 +concept_sportsteam_california_polytechnic concept:teamplaysincity concept_city_san_luis_obispo +concept_sportsteam_california_riverside_highlanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_california_state_university_channel_islands concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_california_state_university_channel_islands concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_california_university_of_pennsylvania_vulcans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_california_university_of_pennsylvania_vulcans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_caltech concept:teamplaysincity concept_city_pasadena +concept_sportsteam_caltech concept:atdate concept_date_n2000 +concept_sportsteam_cambridge_university_press concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_cameron_aggies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cameron_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cameron_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_campbell_fighting_camels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_campbell_fighting_camels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_campbell_fighting_camels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_campbell_university_fighting_camels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_canes concept:teamplayssport concept_sport_hockey +concept_sportsteam_canisius_college_golden_griffins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_canisius_golden_griffins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_canisius_golden_griffins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_canucks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_canucks concept:teamplayssport concept_sport_hockey +concept_sportsteam_canucks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_canucks concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_canucks concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_canucks concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_canucks concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_capital_university concept:teamplaysincity concept_city_columbus +concept_sportsteam_capitals concept:proxyfor concept_book_new +concept_sportsteam_capitals concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_capitals concept:organizationhiredperson concept_coach_glen_hanlon +concept_sportsteam_capitals concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_capitals concept:teamplayssport concept_sport_hockey +concept_sportsteam_capitals concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_boston_bruins +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_florida_panthers +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_new_jersey_devils +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_capitals concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_capitals concept:teamhomestadium concept_stadiumoreventvenue_verizon_center +concept_sportsteam_capitals concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_cardinals_27_23 concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_carleton_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_carleton_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_carnegie_mellon_tartans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_carnegie_mellon_university concept:teamplaysincity concept_city_pittsburgh +concept_sportsteam_carnegie_mellon_university concept:agentcollaborateswithagent concept_politicianus_john_lafferty +concept_sportsteam_carolina concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_carolina concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_carolina concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_carolina concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_carolina concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_carolina concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_carolina concept:organizationheadquarteredinstateorprovince concept_stateorprovince_florida +concept_sportsteam_carolina_hurricanes concept:teamplayssport concept_sport_hockey +concept_sportsteam_carolina_hurricanes concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_carolina_hurricanes concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_carolina_hurricanes concept:teamhomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_sportsteam_carolina_panthers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_carolina_panthers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_carolina_panthers concept:teamplayssport concept_sport_football +concept_sportsteam_carolina_panthers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_carolina_panthers concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_carolina_panthers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_carroll_college_fighting_saints concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_carroll_college_fighting_saints concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_carson_newman concept:latitudelongitude 36.1214800000000,-83.4899000000000 +concept_sportsteam_case_western_reserve_university concept:teamplaysincity concept_city_cleveland +concept_sportsteam_catholic_university concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_catholic_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_cavaliers concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_cavaliers concept:teamplaysincity concept_city_cleveland +concept_sportsteam_cavaliers concept:agentparticipatedinevent concept_eventoutcome_title +concept_sportsteam_cavaliers concept:teamplayssport concept_sport_basketball +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_charlotte_bobcats +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_indiana_pacers +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_cavaliers concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_cavaliers concept:teamhomestadium concept_stadiumoreventvenue_quicken_loans_arena +concept_sportsteam_cavaliers concept:organizationhiredperson concept_writer_brown +concept_sportsteam_cavs concept:teamplayssport concept_sport_basketball +concept_sportsteam_cavs concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_cavs concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_cent__connecticut_st__blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cent__michigan_chippewas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cent__michigan_chippewas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_centenary_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_centenary_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_centenary_gentlemen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_arkansas_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_central_arkansas_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_arkansas_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_connecticut_state_blue_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_florida_golden_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_florida_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_florida_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_michigan_chippewas concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_central_michigan_chippewas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_missouri_mules concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_central_missouri_mules concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_missouri_mules concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_missouri_state_jennies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysincity concept_city_lansing +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_boise_state_broncos +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_central_oklahoma_bronchos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_central_oklahoma_bronchos concept:teamplaysagainstteam concept_sportsteam_red_raiders +concept_sportsteam_central_oklahoma_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_oklahoma_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_state_marauders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_central_state_marauders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_central_state_marauders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_central_washington_university concept:teamplaysincity concept_city_ellensburg +concept_sportsteam_central_washington_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_central_washington_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_chapman_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_chapman_university concept:teamplaysincity concept_city_orange +concept_sportsteam_charleston_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_charleston_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_charleston_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_charleston_southern_buccaneers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_charleston_southern_buccaneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_charleston_southern_buccaneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_charlotte_49ers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_charlotte_bobcats concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_charlotte_bobcats concept:teamplayssport concept_sport_basketball +concept_sportsteam_charlotte_bobcats concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_charlotte_bobcats concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_charlotte_bobcats concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_charlotte_bobcats concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_charlotte_bobcats concept:teamhomestadium concept_stadiumoreventvenue_time_warner_cable_arena +concept_sportsteam_charlotte_hornets concept:teamplayssport concept_sport_basketball +concept_sportsteam_charlotte_hornets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_chattanooga_mocs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chelsea concept:teamwontrophy concept_awardtrophytournament_league_title +concept_sportsteam_chelsea concept:teamwontrophy concept_awardtrophytournament_trophy +concept_sportsteam_chelsea concept:proxyfor concept_beach_massachusetts +concept_sportsteam_chelsea concept:organizationhiredperson concept_personaustralia_avram_grant +concept_sportsteam_chelsea concept:organizationhiredperson concept_personmexico_luiz_felipe_scolari +concept_sportsteam_chelsea concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_chelsea concept:teamalsoknownas concept_sportsteam_liverpool +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_chelsea concept:teamalsoknownas concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_chelsea concept:teamalsoknownas concept_sportsteam_liverpool_university +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_liverpool_university +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_chelsea concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_chelsea_football_club concept:teamwontrophy concept_awardtrophytournament_league_title +concept_sportsteam_chelsea_football_club concept:teamwontrophy concept_awardtrophytournament_trophy +concept_sportsteam_chelsea_football_club concept:subpartoforganization concept_sportsleague_fa +concept_sportsteam_chelsea_football_club concept:teamalsoknownas concept_sportsteam_liverpool +concept_sportsteam_chelsea_football_club concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_chelsea_football_club concept:teamalsoknownas concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_chelsea_football_club concept:teamplaysagainstteam concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_chelsea_football_club concept:teamalsoknownas concept_sportsteam_liverpool_university +concept_sportsteam_chelsea_football_club concept:teamplaysagainstteam concept_sportsteam_liverpool_university +concept_sportsteam_chelsea_football_club concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_chelsea_football_club concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_chicago_black_hawks concept:teamplayssport concept_sport_hockey +concept_sportsteam_chicago_blackhawks concept:teamplayssport concept_sport_hockey +concept_sportsteam_chicago_blackhawks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_chicago_blackhawks concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_chicago_blackhawks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_chicago_bulls concept:agentcompeteswithagent concept_animal_animals001 +concept_sportsteam_chicago_bulls concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_chicago_bulls concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_chicago_bulls concept:teamwontrophy concept_awardtrophytournament_nba_title +concept_sportsteam_chicago_bulls concept:teamplaysincity concept_city_chicago +concept_sportsteam_chicago_bulls concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_chicago_bulls concept:agentcompeteswithagent concept_radiostation_ball_state_university +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_akron_pros +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_akron_zips +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_ball_state_university +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_crew +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_indiana_pacers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_milwaukee_bucks +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_minnesota_timberwolves +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_rutgers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_sacramento_kings +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_seattle_supersonics +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_sonics +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_chicago_bulls concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_chicago_bulls concept:teamhomestadium concept_stadiumoreventvenue_united_center +concept_sportsteam_chicago_cardinals concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_nl_central +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_chicago_cubs concept:teamwontrophy concept_awardtrophytournament_world_series_title +concept_sportsteam_chicago_cubs concept:teamplaysincity concept_city_chicago +concept_sportsteam_chicago_cubs concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_chicago_cubs concept:agentcollaborateswithagent concept_personmexico_carlos_fisher +concept_sportsteam_chicago_cubs concept:teamplayssport concept_sport_baseball +concept_sportsteam_chicago_cubs concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_chicago_cubs concept:teamalsoknownas concept_sportsteam_chowan_braves +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_chicago_cubs concept:teamalsoknownas concept_sportsteam_cubbies +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_expos +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_montreal_expos +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_phils +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_chicago_cubs concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_chicago_cubs concept:teamhomestadium concept_stadiumoreventvenue_wrigley_field +concept_sportsteam_chicago_cubs concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_chicago_fire concept:agentcollaborateswithagent concept_male_brian_mcbride +concept_sportsteam_chicago_fire concept:teamplayssport concept_sport_soccer +concept_sportsteam_chicago_fire concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_colorado_rapids +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_d_c__united +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_new_england_revolution +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_san_jose_earthquakes +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_sporting_kansas_city +concept_sportsteam_chicago_fire concept:teamplaysagainstteam concept_sportsteam_toronto_fc +concept_sportsteam_chicago_fire concept:teamhomestadium concept_stadiumoreventvenue_toyota_park +concept_sportsteam_chicago_maroons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chicago_maroons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_chicago_st__cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chicago_state_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_chicago_state_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_chicago_white_sox concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_chicago_white_sox concept:teamplaysincity concept_city_boston +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_chicago_white_sox concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_chicago_white_sox concept:teamhomestadium concept_stadiumoreventvenue_comiskey +concept_sportsteam_chicago_white_sox concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_chippewas concept:latitudelongitude 43.8723366666667,-80.0302266666667 +concept_sportsteam_chivas concept:organizationhiredperson concept_coach_preki +concept_sportsteam_chivas concept:subpartof concept_room_mls +concept_sportsteam_chivas concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_chivas_usa concept:agentcollaborateswithagent concept_person_maykel_galindo +concept_sportsteam_chivas_usa concept:subpartof concept_room_mls +concept_sportsteam_chivas_usa concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_chivas_usa concept:teamplaysagainstteam concept_sportsteam_real_salt_lake +concept_sportsteam_chivas_usa concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_chowan_braves concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_chowan_braves concept:teamwontrophy concept_awardtrophytournament_nl_east +concept_sportsteam_chowan_braves concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_chowan_braves concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_chowan_braves concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_chowan_braves concept:agentcollaborateswithagent concept_personus_andruw_jones +concept_sportsteam_chowan_braves concept:teamplayssport concept_sport_baseball +concept_sportsteam_chowan_braves concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_brooklyn_dodgers +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_chowan_braves concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_chowan_braves concept:teamhomestadium concept_stadiumoreventvenue_turner_field +concept_sportsteam_christian_brothers_buccaneers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_christian_brothers_buccaneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_christopher_newport_captains concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cincinnati_bearcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_citadel_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_citadel_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_city_college_of_san_francisco concept:teamplaysincity concept_city_new_york +concept_sportsteam_city_tech_yellow_jackets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_city_tech_yellow_jackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_city_tech_yellow_jackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_city_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_clarion_golden_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_clarion_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clarion_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clark_atlanta_panthers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_clark_atlanta_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clark_atlanta_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clark_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clarke_college_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clarkson_golden_knights concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_clarkson_golden_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_clarkson_golden_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clayton_state concept:teamplaysincity concept_city_morrow +concept_sportsteam_clemson_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_clemson_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_clemson_university concept:teamplayssport concept_sport_football +concept_sportsteam_clemson_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_cleveland_browns concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_cleveland_browns concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_cleveland_browns concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_cleveland_browns concept:teamplaysincity concept_city_cleveland +concept_sportsteam_cleveland_browns concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_cleveland_browns concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_cleveland_browns concept:teamhomestadium concept_stadiumoreventvenue_cleveland_browns_stadium +concept_sportsteam_cleveland_indians concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_cleveland_indians concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_cleveland_indians concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_cleveland_indians concept:teamhomestadium concept_stadiumoreventvenue_jacobs_field +concept_sportsteam_cleveland_indians_organization concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_cleveland_indians_organization concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_cleveland_indians_organization concept:proxyfor concept_book_new +concept_sportsteam_cleveland_indians_organization concept:teamplaysincity concept_city_cleveland +concept_sportsteam_cleveland_indians_organization concept:agentparticipatedinevent concept_eventoutcome_result +concept_sportsteam_cleveland_indians_organization concept:organizationhiredperson concept_personmexico_eric_wedge +concept_sportsteam_cleveland_indians_organization concept:teamplayssport concept_sport_baseball +concept_sportsteam_cleveland_indians_organization concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_boston_braves +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_brooklyn_dodgers +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_cleveland_indians_organization concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_cleveland_st__vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cleveland_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_cleveland_state_vikings concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cleveland_state_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cleveland_state_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_coast_guard_academy_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_coast_guard_academy_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_coast_guard_academy_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_coastal_carolina_chanticleers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_coastal_carolina_chanticleers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colby_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_colchester_united concept:latitudelongitude 40.4267100000000,-90.7959700000000 +concept_sportsteam_colgate_raiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_colgate_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colgate_red_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_college concept:teamplaysincity concept_city_williamsburg +concept_sportsteam_college concept:teamplayssport concept_sport_basketball +concept_sportsteam_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_college_of_charleston concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_college_of_new_jersey_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_college_of_new_jersey_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_college_of_staten_island_dolphins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colonial_athletic_association concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_avalanche concept:organizationhiredperson concept_coach_joel_quenneville +concept_sportsteam_colorado_avalanche concept:teamplayssport concept_sport_hockey +concept_sportsteam_colorado_avalanche concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_colorado_avalanche concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_colorado_avalanche concept:teamhomestadium concept_stadiumoreventvenue_pepsi_center +concept_sportsteam_colorado_buffaloes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_colorado_buffaloes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_buffaloes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colorado_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_colorado_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_golden_buffaloes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_mines concept:latitudelongitude 39.7958200000000,-105.7644500000000 +concept_sportsteam_colorado_rapids concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_colorado_rockies concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_colorado_rockies concept:teamplayssport concept_sport_baseball +concept_sportsteam_colorado_rockies concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_colorado_rockies concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_colorado_rockies concept:teamhomestadium concept_stadiumoreventvenue_coors_field +concept_sportsteam_colorado_rockies concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_colorado_school_of_mines_orediggers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_school_of_mines_orediggers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colorado_st__rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_state concept:agentactsinlocation concept_city_fort_collins_loveland +concept_sportsteam_colorado_state concept:teamplaysincity concept_city_pueblo +concept_sportsteam_colorado_state concept:organizationhiredperson concept_coach_sonny_lubick +concept_sportsteam_colorado_state concept:organizationhiredperson concept_coach_steve_fairchild +concept_sportsteam_colorado_state concept:teamplayssport concept_sport_basketball +concept_sportsteam_colorado_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_state concept:teamplaysagainstteam concept_sportsteam_fresno_state_bulldogs +concept_sportsteam_colorado_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_colorado_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colorado_state concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_colorado_state concept:agentactsinlocation concept_stateorprovince_colorado +concept_sportsteam_colorado_state_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_colorado_state_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_colorado_state_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_colorado_state_university concept:teamplaysincity concept_city_fort_collins +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_afc_championship +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_colts concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_colts concept:proxyfor concept_book_new +concept_sportsteam_colts concept:agentcontrols concept_charactertrait_dungy +concept_sportsteam_colts concept:teamplaysincity concept_city_indianapolis +concept_sportsteam_colts concept:organizationhiredperson concept_coach_dungy +concept_sportsteam_colts concept:organizationhiredperson concept_coach_jim_caldwell +concept_sportsteam_colts concept:organizationhiredperson concept_coach_tony_dungy +concept_sportsteam_colts concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_colts concept:organizationhiredperson concept_person_caldwell +concept_sportsteam_colts concept:teamplayssport concept_sport_football +concept_sportsteam_colts concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_colts concept:agentcompeteswithagent concept_sportsteam_baltimore_colts +concept_sportsteam_colts concept:teamalsoknownas concept_sportsteam_baltimore_colts +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_bolts +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_colts concept:agentcompeteswithagent concept_sportsteam_colts +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_jags +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_colts concept:teamalsoknownas concept_sportsteam_ravens +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_colts concept:agentcompeteswithagent concept_sportsteam_tampa +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_colts concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_colts concept:teamhomestadium concept_stadiumoreventvenue_lucas_oil_stadium +concept_sportsteam_colts concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_columbia_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_columbia_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_columbia_university concept:teamplaysincity concept_city_york +concept_sportsteam_columbia_university_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_columbia_university_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_columbia_university_school concept:teamplaysincity concept_city_york +concept_sportsteam_columbia_university_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_columbus_blue_jackets concept:teamplayssport concept_sport_hockey +concept_sportsteam_columbus_blue_jackets concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_columbus_blue_jackets concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_columbus_crew concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_chicago_fire +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_houston_dynamo +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_new_england_revolution +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_red_bulls +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_toronto_fc +concept_sportsteam_columbus_crew concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_columbus_state_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_computer_engineering concept:atdate concept_dateliteral_n2007 +concept_sportsteam_concordia_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_concordia_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_concordia_irvine_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_concordia_irvine_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_concordia_texas_tornadoes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_concordia_texas_tornadoes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_concordia_texas_tornadoes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_concordia_university_wisconsin_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_conference_usa concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_conference_usa_gear concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_conference_usa_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_conference_usa_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_connecticut_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_connecticut_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_copenhagen_business_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_coppin_state_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_coppin_state_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_coppin_state_lady_eagles concept:latitudelongitude 39.3103800000000,-76.6583000000000 +concept_sportsteam_coppin_state_lady_eagles concept:teamplaysincity concept_city_baltimore +concept_sportsteam_cornell_big_red concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cornell_big_red concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cornell_big_red concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_cornell_university concept:teamplaysincity concept_city_york +concept_sportsteam_corrections concept:proxyfor concept_book_new +concept_sportsteam_creighton_blue_jays concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_creighton_blue_jays concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_creighton_bluejays concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_creighton_bluejays concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_creighton_university concept:teamplaysincity concept_city_omaha +concept_sportsteam_crew concept:organizationhiredperson concept_personmexico_sigi_schmid +concept_sportsteam_crew concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_crew concept:teamplaysagainstteam concept_sportsteam_red_bulls +concept_sportsteam_crew concept:teamplaysagainstteam concept_sportsteam_revolution +concept_sportsteam_cska_moscow concept:teamplaysinleague concept_sportsleague_uefa +concept_sportsteam_csu_buccaneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cumberland_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_cumberland_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cumberland_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_d_backs concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_d_c__united concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_dakota_state_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dakota_state_trojans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dallas_baptist_patriots concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_dallas_baptist_patriots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dallas_baptist_patriots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dallas_cowboys concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_dallas_cowboys concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_dallas_cowboys concept:teamwontrophy concept_awardtrophytournament_super_bowl_title +concept_sportsteam_dallas_cowboys concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_dallas_cowboys concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_dallas_cowboys concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_dallas_cowboys concept:teamalsoknownas concept_sportsteam_bills +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_dallas_cowboys concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_l_a__rams +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_los_angeles_rams +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_new_york_football_giants +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_dallas_cowboys concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_dallas_cowboys concept:teamhomestadium concept_stadiumoreventvenue_texas_stadium +concept_sportsteam_dallas_cowboys concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_dallas_mavericks concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_dallas_mavericks concept:teamplaysincity concept_city_dallas +concept_sportsteam_dallas_mavericks concept:agentcollaborateswithagent concept_sportsleague_western_conference +concept_sportsteam_dallas_mavericks concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_dallas_mavericks concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_dallas_mavericks concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_dallas_mavericks concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_dallas_mavericks concept:teamhomestadium concept_stadiumoreventvenue_american_airlines_center +concept_sportsteam_dallas_stars concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_dallas_stars concept:teamplaysincity concept_city_dallas +concept_sportsteam_dallas_stars concept:teamplayssport concept_sport_hockey +concept_sportsteam_dallas_stars concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_dallas_stars concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_dallas_stars concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_dallas_stars concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_dartmouth_big_green concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_dartmouth_big_green concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dartmouth_big_green concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_davenport_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_davenport_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_davidson_college_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_davidson_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dayton_flyers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_dayton_flyers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dc_united concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_dc_united concept:teamplaysagainstteam concept_sportsteam_revolution +concept_sportsteam_de_la_salle_college concept:latitudelongitude 38.9498300000000,-76.9794200000000 +concept_sportsteam_deakin_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_delaware_blue_hens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_delaware_blue_hens concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_delaware_fightin__blue_hens concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_delaware_fightin__blue_hens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_delaware_fightin__blue_hens concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_delaware_fightin_blue_hens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_delaware_fightin_blue_hens concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_delaware_state_hornets concept:teamplaysincity concept_city_dover +concept_sportsteam_delaware_state_hornets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_delaware_state_hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_delaware_state_hornets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_delta_state_fighting_okra concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_delta_state_fighting_okra concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_denver_nuggets concept:mutualproxyfor concept_company_los_angeles +concept_sportsteam_denver_nuggets concept:atdate concept_dateliteral_n2007 +concept_sportsteam_denver_nuggets concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_denver_nuggets concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_denver_nuggets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_denver_nuggets concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_denver_nuggets concept:teamhomestadium concept_stadiumoreventvenue_pepsi_center +concept_sportsteam_denver_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_denver_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_depaul_blue_demons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_depaul_blue_demons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_depauw_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_depauw_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_depauw_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_depth_chart concept:organizationterminatedperson concept_scientist_no_ +concept_sportsteam_derby_county concept:teamplayssport concept_sport_basketball +concept_sportsteam_derby_county concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_derby_county concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_derby_county concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_detroit_lions concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_detroit_lions concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_detroit_lions concept:teamplayssport concept_sport_football +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_detroit_lions concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_detroit_mercy_titans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_detroit_mercy_titans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_detroit_mercy_titans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_detroit_redwings concept:teamplayssport concept_sport_hockey +concept_sportsteam_detroit_shock concept:teamwontrophy concept_awardtrophytournament_wnba_championship +concept_sportsteam_detroit_shock concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_detroit_tigers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_detroit_tigers concept:teamplayssport concept_sport_baseball +concept_sportsteam_detroit_tigers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_detroit_tigers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_detroit_tigers concept:teamhomestadium concept_stadiumoreventvenue_comerica +concept_sportsteam_detroit_tigers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_detroit_titans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_detroit_titans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_devils concept:organizationhiredperson concept_athlete_larry_robinson +concept_sportsteam_devils concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_devils concept:teamplaysincity concept_city_east_rutherford +concept_sportsteam_devils concept:teamplayssport concept_sport_hockey +concept_sportsteam_devils concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_devils concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_devils concept:teamhomestadium concept_stadiumoreventvenue_prudential_center_2 +concept_sportsteam_dickinson_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_disclosure concept:atdate concept_date_n2000 +concept_sportsteam_district_of_columbia_firebirds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_district_of_columbia_firebirds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_division concept:organizationalsoknownas concept_governmentorganization_department +concept_sportsteam_division concept:organizationalsoknownas concept_governmentorganization_united_states_department +concept_sportsteam_division concept:teamplayssport concept_sport_basketball +concept_sportsteam_dixie_state_rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dixie_state_red_storm concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_dixie_state_red_storm concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_national_league_pennant +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_nl_west +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_dodgers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_dodgers concept:teamplayssport concept_sport_baseball +concept_sportsteam_dodgers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_expos +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_phils +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_dodgers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_dodgers concept:teamhomestadium concept_stadiumoreventvenue_dodger_stadium +concept_sportsteam_dominican_stars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_dominican_stars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_dowling_college_golden_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_drake concept:teamplaysincity concept_city_des_moines +concept_sportsteam_drake_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_drake_university concept:teamplaysincity concept_city_des_moines +concept_sportsteam_drake_university_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_drexel_dragons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_drexel_dragons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_drexel_dragons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_drexel_university concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_drexel_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_duke_blue_devils concept:teamwontrophy concept_awardtrophytournament_national_title +concept_sportsteam_duke_blue_devils concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_duke_blue_devils concept:teamplayssport concept_sport_basketball +concept_sportsteam_duke_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_duke_blue_devils concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_duke_blue_devils concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_duke_blue_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_duke_blue_devils concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_duke_blue_devils concept:teamplaysagainstteam concept_sportsteam_wake_forest +concept_sportsteam_duke_blue_devils concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_duke_university concept:teamplaysincity concept_city_durham +concept_sportsteam_duke_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_dundee_united concept:teamplaysinleague concept_sportsleague_league +concept_sportsteam_dundee_united concept:agentcompeteswithagent concept_sportsteam_bolton_wanderers +concept_sportsteam_dundee_united concept:teamalsoknownas concept_sportsteam_bolton_wanderers +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_new_york_giants_in_super_bowl_xlii +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_new_york_red_bulls +concept_sportsteam_dundee_united concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_duquesne_dukes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_duquesne_dukes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_duquesne_dukes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_duquesne_lady_dukes concept:teamplaysincity concept_city_pittsburgh +concept_sportsteam_duquesne_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_eagles concept:organizationhiredperson concept_athlete_paul_brown +concept_sportsteam_eagles concept:teamwontrophy concept_awardtrophytournament_nfc_championship_game +concept_sportsteam_eagles concept:teamwontrophy concept_awardtrophytournament_nfl_championship +concept_sportsteam_eagles concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_eagles concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_eagles concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_eagles concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_eagles concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_eagles concept:organizationhiredperson concept_person_andy_reid +concept_sportsteam_eagles concept:teamplayssport concept_sport_baseball +concept_sportsteam_eagles concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_eagles concept:agentcompeteswithagent concept_sportsteam_arizona_cardinals_27_23 +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_army_black_knights +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_chicago_cardinals +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_new_york_football_giants +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_wake_forest +concept_sportsteam_eagles concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_eagles concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_east_carolina concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_east_carolina concept:agentactsinlocation concept_beach_greenville +concept_sportsteam_east_carolina concept:teamplaysincity concept_city_greenville +concept_sportsteam_east_carolina concept:organizationhiredperson concept_coach_bill_herrion +concept_sportsteam_east_carolina concept:organizationhiredperson concept_coach_skip_holtz +concept_sportsteam_east_carolina concept:agentcompeteswithagent concept_invertebrate_loggers +concept_sportsteam_east_carolina concept:teamplayssport concept_sport_basketball +concept_sportsteam_east_carolina concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_boise_state_broncos +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_boston_americans +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_boston_pilgrims +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_nc_state_wolfpack_basketball +concept_sportsteam_east_carolina concept:teamplaysagainstteam concept_sportsteam_nevada_wolfpack +concept_sportsteam_east_carolina concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_east_carolina_lady_pirates concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_east_carolina_lady_pirates concept:agentactsinlocation concept_beach_greenville +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysincity concept_city_greenville +concept_sportsteam_east_carolina_lady_pirates concept:agentcompeteswithagent concept_invertebrate_loggers +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysagainstteam concept_sportsteam_boston_americans +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysagainstteam concept_sportsteam_boston_pilgrims +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysagainstteam concept_sportsteam_nc_state_wolfpack_basketball +concept_sportsteam_east_carolina_lady_pirates concept:teamplaysagainstteam concept_sportsteam_nevada_wolfpack +concept_sportsteam_east_carolina_pirates concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_east_carolina_pirates concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_east_carolina_pirates concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_east_carolina_university concept:teamplaysincity concept_city_greenville +concept_sportsteam_east_stroudsburg_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_east_tennessee_state_buccaneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_east_tennessee_state_buccaneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_east_tennessee_state_lady_buccaneers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_east_tennessee_state_lady_buccaneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_connecticut_state concept:latitudelongitude 41.7234300000000,-72.2198000000000 +concept_sportsteam_eastern_illinois_panthers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_eastern_illinois_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_eastern_illinois_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_kentucky_colonels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_eastern_kentucky_colonels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_michigan_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_eastern_michigan_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_michigan_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_eastern_oregon_state concept:latitudelongitude 45.6712400000000,-118.8166500000000 +concept_sportsteam_eastern_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_eastern_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_washington_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_eastern_washington_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_eastern_wyoming_college_lancers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ecsu_vikings concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ecsu_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ecsu_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_edmonton_eskimos concept:teamplaysinleague concept_sportsleague_cfl +concept_sportsteam_edmonton_eskimos concept:teamalsoknownas concept_sportsteam_bc_lions +concept_sportsteam_edmonton_oilers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_edmonton_oilers concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_edmonton_oilers concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_edward_waters_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_edward_waters_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_edward_waters_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_elliott_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_elmhurst_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_elmhurst_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_elmhurst_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_elmira_college_soaring_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_elmira_college_soaring_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_elmira_college_soaring_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_elon_phoenix concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_elon_phoenix concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_elon_phoenix concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_embry_riddle_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_emory_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_emory_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_emory_university concept:teamplaysincity concept_city_atlanta +concept_sportsteam_emory_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_emporia_state_hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_emporia_state_hornets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_end concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_esu_hornets concept:teamplaysincity concept_city_charlotte +concept_sportsteam_esu_hornets concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_esu_hornets concept:teamplayssport concept_sport_basketball +concept_sportsteam_esu_hornets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_esu_hornets concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_evansville_aces concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_evansville_purple_aces concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_evansville_purple_aces concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_evansville_purple_aces concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_exhibition_game concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_expos concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_expos concept:teamplayssport concept_sport_baseball +concept_sportsteam_expos concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_expos concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_expos concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_expos concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_fairfield_stags concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fairfield_stags concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fairfield_stags concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fairfield_university_stags concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fairleigh_dickinson_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fairleigh_dickinson_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fairmont_state_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_falcons concept:agentcollaborateswithagent concept_athlete_matt_ryan +concept_sportsteam_falcons concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_falcons concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_falcons concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_falcons concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_falcons concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_vikes +concept_sportsteam_falcons concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_falcons concept:teamhomestadium concept_stadiumoreventvenue_georgia_dome +concept_sportsteam_faulkner_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_faulkner_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_faulkner_state_sun_chiefs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_faulkner_state_sun_chiefs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_faulkner_state_sun_chiefs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fayetteville_state_broncos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fayetteville_state_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fayetteville_state_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fc_basel concept:latitudelongitude 47.5416000000000,7.6201000000000 +concept_sportsteam_fenerbahce concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_ferris_state_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ferris_state_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ferris_state_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fiesta_bowl_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fighting_illini concept:teamhomestadium concept_stadiumoreventvenue_memorial_stadium +concept_sportsteam_fiu_golden_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fla__international_golden_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_flagler_college_saints concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_flags concept:mutualproxyfor concept_personus_mark_shapiro +concept_sportsteam_florida_a_and_m_rattlers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_a_m_rattlers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_a_m_rattlers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_atlantic_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_atlantic_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_atlantic_university concept:teamplaysincity concept_city_boca_raton +concept_sportsteam_florida_atlantic_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_florida_atlantic_university_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_everblades concept:teamhomestadium concept_stadiumoreventvenue_germain_arena +concept_sportsteam_florida_gators concept:teamwontrophy concept_awardtrophytournament_bcs_national_championship +concept_sportsteam_florida_gators concept:teamwontrophy concept_awardtrophytournament_national_title +concept_sportsteam_florida_gators concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_florida_gators concept:teamplayssport concept_sport_basketball +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_alabama_crimson_tide +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_central_oklahoma_bronchos +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_florida_state +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_florida_gators concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_ole_miss +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_seminoles +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_vols +concept_sportsteam_florida_gators concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_florida_gators_basketball concept:teamwontrophy concept_awardtrophytournament_bcs_national_championship +concept_sportsteam_florida_gators_basketball concept:teamplaysagainstteam concept_sportsteam_alabama_crimson_tide +concept_sportsteam_florida_gators_basketball concept:teamplaysagainstteam concept_sportsteam_seminoles +concept_sportsteam_florida_gulf_coast_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_florida_gulf_coast_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_international concept:agentcompeteswithagent concept_animal_animals001 +concept_sportsteam_florida_international concept:teamplaysincity concept_city_miami +concept_sportsteam_florida_international concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_florida_international concept:teamplayssport concept_sport_football +concept_sportsteam_florida_international concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_florida_international concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_florida_international_golden_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_international_golden_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_international_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_florida_intl_golden_panthers concept:teamplayssport concept_sport_hockey +concept_sportsteam_florida_intl_golden_panthers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_florida_intl_golden_panthers concept:teamhomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_sportsteam_florida_marlins concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_florida_marlins concept:teamplaysincity concept_city_miami +concept_sportsteam_florida_marlins concept:atlocation concept_county_miami +concept_sportsteam_florida_marlins concept:agentcompeteswithagent concept_female_yankees +concept_sportsteam_florida_marlins concept:teamplayssport concept_sport_baseball +concept_sportsteam_florida_marlins concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_florida_marlins concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_florida_marlins concept:teamhomestadium concept_stadiumoreventvenue_pro_player_stadium +concept_sportsteam_florida_marlins concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_florida_panthers concept:teamplayssport concept_sport_hockey +concept_sportsteam_florida_panthers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_florida_panthers concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_florida_panthers concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_florida_panthers concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_florida_panthers concept:teamhomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_sportsteam_florida_southern_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_southern_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_st_seminoles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_state concept:agentactsinlocation concept_city_florida +concept_sportsteam_florida_state concept:teamplaysincity concept_city_tallahassee +concept_sportsteam_florida_state concept:organizationhiredperson concept_male_bobby_bowden +concept_sportsteam_florida_state concept:teamplayssport concept_sport_basketball +concept_sportsteam_florida_state concept:teamplaysinleague concept_sportsleague_acc +concept_sportsteam_florida_state concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_florida_state concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_florida_state concept:teamplaysagainstteam concept_sportsteam_maryland +concept_sportsteam_florida_state concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_florida_state concept:synonymfor concept_sportsteam_state_university +concept_sportsteam_florida_state concept:teamplaysagainstteam concept_sportsteam_virginia_tech +concept_sportsteam_florida_state_seminoles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_florida_state_seminoles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_florida_state_seminoles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_florida_state_university concept:teamplayssport concept_sport_football +concept_sportsteam_florida_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_flyers_playoff_tickets concept:teamwontrophy concept_awardtrophytournament_nfc_championship_game +concept_sportsteam_flyers_playoff_tickets concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_flyers_playoff_tickets concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_flyers_playoff_tickets concept:agentcompeteswithagent concept_city_sabres +concept_sportsteam_flyers_playoff_tickets concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_flyers_playoff_tickets concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_habs +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_flyers_playoff_tickets concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_fordham_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fordham_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fordham_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fordham_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_fordham_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_former_san_francisco_giants concept:agentcollaborateswithagent concept_athlete_bonds +concept_sportsteam_former_san_francisco_giants concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_former_san_francisco_giants concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_former_san_francisco_giants concept:teamplaysincity concept_city_san_francisco +concept_sportsteam_former_san_francisco_giants concept:atlocation concept_county_san_francisco +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_former_san_francisco_giants concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_former_san_francisco_giants concept:teamhomestadium concept_stadiumoreventvenue_candlestick_park +concept_sportsteam_former_san_francisco_giants concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_fort_hays_state_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fort_hays_state_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fort_hays_state_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fort_lewis_college_skyhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fort_lewis_college_skyhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fort_valley_state_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fort_valley_state_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fort_valley_state_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_forty_niners concept:latitudelongitude 34.9920000000000,-105.2933400000000 +concept_sportsteam_france concept:organizationterminatedperson concept_athlete_raymond_domenech +concept_sportsteam_france concept:teamwontrophy concept_awardtrophytournament_grand_slam +concept_sportsteam_france concept:agentactsinlocation concept_lake_new +concept_sportsteam_france concept:teamplaysagainstteam concept_sportsteam_brazil +concept_sportsteam_franklin_and_marshall_diplomats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fredonia_state_blue_devils concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fredonia_state_blue_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_free_university_of_berlin concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_fresno_city_college_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fresno_city_college_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fresno_st__bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_fresno_state_bulldogs concept:teamplaysincity concept_city_fresno +concept_sportsteam_fresno_state_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_fresno_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_aggies +concept_sportsteam_fresno_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_colorado_state +concept_sportsteam_fresno_state_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_fresno_state_bulldogs concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_fudan_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_furman_paladins concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_furman_paladins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_furman_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_ga_tech_yellow_jackets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ga_tech_yellow_jackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_gardner_webb concept:teamplaysincity concept_city_boiling_springs +concept_sportsteam_gardner_webb_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_gardner_webb_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_george_mason_patriots concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_george_mason_patriots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_george_mason_patriots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_george_mason_university concept:teamplaysincity concept_city_arlington +concept_sportsteam_george_mason_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_george_mason_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_george_peabody_college concept:latitudelongitude 36.1397800000000,-86.7994400000000 +concept_sportsteam_george_washington_colonials concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_george_washington_university concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_george_washington_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_george_washington_university_school concept:subpartoforganization concept_stateorprovince_public +concept_sportsteam_georgetown_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgetown_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgetown_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgetown_hoyas concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgetown_hoyas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgetown_university concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_georgetown_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_georgetown_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_georgetown_university_law_center concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_georgia_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgia_bulldogs concept:teamplayssport concept_sport_basketball +concept_sportsteam_georgia_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgia_southern_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgia_southern_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_southern_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgia_southwestern_hurricanes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgia_southwestern_hurricanes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_southwestern_hurricanes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgia_state concept:teamplaysincity concept_city_atlanta +concept_sportsteam_georgia_state concept:organizationhiredperson concept_personeurope_curry +concept_sportsteam_georgia_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgia_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_georgia_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgia_state concept:agentactsinlocation concept_stateorprovince_georgia +concept_sportsteam_georgia_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_georgia_tech concept:teamplaysincity concept_city_atlanta +concept_sportsteam_georgia_tech concept:organizationhiredperson concept_coach_bobby_dodd +concept_sportsteam_georgia_tech concept:organizationhiredperson concept_coach_chan_gailey +concept_sportsteam_georgia_tech concept:organizationhiredperson concept_personaustralia_paul_hewitt +concept_sportsteam_georgia_tech concept:organizationhiredperson concept_personaustralia_paul_johnson +concept_sportsteam_georgia_tech concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_georgia_tech concept:organizationhiredperson concept_politician_dodd +concept_sportsteam_georgia_tech concept:teamplayssport concept_sport_basketball +concept_sportsteam_georgia_tech concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_georgia_tech concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_georgia_tech concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_georgia_tech concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_georgia_tech concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_georgia_tech concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_germany concept:mutualproxyfor concept_city_freiburg +concept_sportsteam_germany concept:organizationhiredperson concept_coach_joachim_loew +concept_sportsteam_germany concept:mutualproxyfor concept_person_ski_jump_guru +concept_sportsteam_germany concept:teamplayssport concept_sport_golf +concept_sportsteam_germany concept:teamplaysagainstteam concept_sportsteam_brazil +concept_sportsteam_germany concept:teamplaysagainstteam concept_sportsteam_italy +concept_sportsteam_golden_bears concept:teamplayssport concept_sport_basketball +concept_sportsteam_golden_gate_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_golden_hurricane concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_golden_state_warriors concept:organizationhiredperson concept_coach_don_nelson +concept_sportsteam_golden_state_warriors concept:organizationhiredperson concept_coach_mike_montgomery +concept_sportsteam_golden_state_warriors concept:mutualproxyfor concept_company_los_angeles +concept_sportsteam_golden_state_warriors concept:teamplayssport concept_sport_basketball +concept_sportsteam_golden_state_warriors concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_charlotte_bobcats +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_golden_state_warriors concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_golden_state_warriors concept:teamhomestadium concept_stadiumoreventvenue_oracle_arena +concept_sportsteam_goldsmiths_college concept:teamplaysincity concept_city_london_city +concept_sportsteam_gonzaga_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_gonzaga_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_gonzaga_university concept:teamplaysincity concept_city_spokane +concept_sportsteam_governors_state_university concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_governors_state_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_governors_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_grace_lancers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_graceland_yellowjackets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_graceland_yellowjackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_graceland_yellowjackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_graduate_institute_of_international_studies concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_grambling_st__tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_grambling_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_grambling_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_grambling_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_grand_canyon_antelopes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_grand_canyon_antelopes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_grand_valley_state concept:teamplaysincity concept_city_allendale +concept_sportsteam_grand_valley_state_lakers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_grand_valley_state_lakers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_grand_valley_state_university concept:teamplaysincity concept_city_allendale +concept_sportsteam_great_lakes_valley_conference_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_green_bay_phoenix concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_greensboro concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_griz concept:latitudelongitude 50.3831800000000,-116.9354900000000 +concept_sportsteam_gw_colonials concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_gw_colonials concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_habs concept:agentcollaborateswithagent concept_athlete_andrei_markov +concept_sportsteam_habs concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_habs concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_habs concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_habs concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_hacettepe_university concept:teamplaysincity concept_city_ankara +concept_sportsteam_hamline_pipers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_hamline_pipers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hamline_pipers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hampden_sydney_college_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hampden_sydney_college_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hampshire concept:proxyfor concept_book_new +concept_sportsteam_hampshire concept:agentactsinlocation concept_lake_new +concept_sportsteam_hampshire concept:atlocation concept_lake_new +concept_sportsteam_hampshire concept:subpartof concept_nongovorganization_u_s_ +concept_sportsteam_hampshire concept:subpartof concept_programminglanguage_state +concept_sportsteam_hampshire concept:atlocation concept_river_state +concept_sportsteam_hampton_pirates concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_hampton_pirates concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hardin_simmons_university_cowboys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hardin_simmons_university_cowboys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_harper_college_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_harper_college_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hartford_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_hartford_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hartford_whalers concept:teamplayssport concept_sport_hockey +concept_sportsteam_hartford_whalers concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_harvard_crimson concept:teamplayssport concept_sport_hockey +concept_sportsteam_harvard_crimson concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_harvard_divinity_school concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_harvard_divinity_school concept:organizationhiredperson concept_coach_tim_murphy +concept_sportsteam_harvard_divinity_school concept:teamplayssport concept_sport_football +concept_sportsteam_harvard_divinity_school concept:teamplaysagainstteam concept_sportsteam_boston_college +concept_sportsteam_harvard_divinity_school concept:teamplaysagainstteam concept_sportsteam_princeton_theological_seminary +concept_sportsteam_harvard_divinity_school concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_harvard_university concept:teamplaysincity concept_city_boston +concept_sportsteam_harvard_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_harvard_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_hawaii_pacific_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_hawaii_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hawaii_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hawkeyes concept:teamplayssport concept_sport_basketball +concept_sportsteam_hawkeyes concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_hawks concept:teamplaysincity concept_city_atlanta +concept_sportsteam_hawks concept:organizationhiredperson concept_coach_mike_woodson +concept_sportsteam_hawks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_hawks concept:teamplayssport concept_sport_basketball +concept_sportsteam_hawks concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_milwaukee_bucks +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_hawks concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_hawks concept:teamhomestadium concept_stadiumoreventvenue_philips_arena +concept_sportsteam_heat concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_heat concept:teamplaysincity concept_city_miami +concept_sportsteam_heat concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_heat concept:atlocation concept_county_miami +concept_sportsteam_heat concept:agentparticipatedinevent concept_eventoutcome_title +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_heat concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_heat concept:teamhomestadium concept_stadiumoreventvenue_american_airlines_arena +concept_sportsteam_hebrew_university concept:teamplaysincity concept_city_jerusalem +concept_sportsteam_henderson_state_university_reddies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_high_point_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_high_point_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_high_point_university_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hofstra_pride concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hofstra_pride concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hofstra_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_hofstra_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hokies concept:organizationhiredperson concept_coach_frank_beamer +concept_sportsteam_hokies concept:teamplayssport concept_sport_basketball +concept_sportsteam_hokies concept:teamplaysagainstteam concept_sportsteam_boston_college +concept_sportsteam_hokies concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_hokies concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_hokies concept:teamplaysagainstteam concept_sportsteam_florida_state +concept_sportsteam_hokies concept:teamplaysagainstteam concept_sportsteam_terps +concept_sportsteam_holy_cross_crusaders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_holy_cross_crusaders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_holy_cross_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_horizon_league concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_houston_astros concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_houston_astros concept:teamplaysincity concept_city_houston +concept_sportsteam_houston_astros concept:teamplayssport concept_sport_baseball +concept_sportsteam_houston_astros concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_houston_astros concept:teamalsoknownas concept_sportsteam_chowan_braves +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_houston_astros concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_houston_astros concept:teamhomestadium concept_stadiumoreventvenue_minute_maid_park +concept_sportsteam_houston_baptist_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_houston_baptist_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_houston_baptist_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_houston_comets concept:agentcollaborateswithagent concept_athlete_sheryl_swoopes +concept_sportsteam_houston_comets concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_houston_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_houston_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_houston_dynamo concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_houston_dynamo concept:teamplaysagainstteam concept_sportsteam_revolution +concept_sportsteam_houston_texans concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_houston_texans concept:organizationhiredperson concept_coach_dom_capers +concept_sportsteam_houston_texans concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_houston_texans concept:teamplayssport concept_sport_football +concept_sportsteam_houston_texans concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_houston_texans concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_houston_texans concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_houston_texans concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_houston_texans concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_houston_texans concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_howard_bison concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_howard_bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_howard_bison concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_howard_payne concept:latitudelongitude 31.7157100000000,-98.9869900000000 +concept_sportsteam_howard_payne concept:teamplaysincity concept_city_brownwood +concept_sportsteam_howard_university concept:teamplaysincity concept_city_washington_d_c +concept_sportsteam_hull_fc concept:latitudelongitude 53.7462600000000,-0.3676800000000 +concept_sportsteam_humber_college concept:teamplaysincity concept_city_toronto +concept_sportsteam_humboldt_state concept:teamplaysincity concept_city_arcata +concept_sportsteam_humboldt_state_jacks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_hunter_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_hunter_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_hunter_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hunter_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_huntington_foresters concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_huntington_foresters concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_huntington_foresters concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_huskers concept:teamplayssport concept_sport_football +concept_sportsteam_huskers concept:teamplaysagainstteam concept_sportsteam_buffs +concept_sportsteam_huskers concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_washington_state +concept_sportsteam_huskies concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_huston_tillotson_university_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_huston_tillotson_university_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_idaho_st__bengals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_idaho_state_bengals concept:teamplaysincity concept_city_pocatello +concept_sportsteam_idaho_state_bengals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_idaho_state_bengals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_idaho_state_bengals concept:agentactsinlocation concept_stateorprovince_idaho +concept_sportsteam_idaho_state_university concept:teamplaysincity concept_city_pocatello +concept_sportsteam_idaho_vandals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_idaho_vandals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_idaho_vandals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_illini concept:organizationhiredperson concept_coach_bruce_weber +concept_sportsteam_illini concept:organizationhiredperson concept_coach_ron_zook +concept_sportsteam_illini concept:teamplayssport concept_sport_basketball +concept_sportsteam_illini concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_illinois_chicago_flames concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_illinois_fighting_illini concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_illinois_fighting_illini concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_illinois_fighting_illini concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_illinois_institute_of_technology concept:teamplaysincity concept_city_chicago +concept_sportsteam_illinois_state concept:teamplaysincity concept_city_bloomington +concept_sportsteam_illinois_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_illinois_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_illinois_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_illinois_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_illinois_wesleyan concept:teamplaysincity concept_city_bloomington +concept_sportsteam_immaculata concept:teamplaysincity concept_city_immaculata +concept_sportsteam_imperial_college concept:teamplaysincity concept_city_london_city +concept_sportsteam_indiana_fever concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_indiana_hoosiers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_indiana_hoosiers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_indiana_pacers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_indiana_pacers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_indiana_pacers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_indiana_pacers concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_indiana_pacers concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_indiana_pacers concept:teamhomestadium concept_stadiumoreventvenue_conseco_fieldhouse +concept_sportsteam_indiana_purdue_fort_wayne_mastodons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_indiana_state_sycamores concept:teamplaysincity concept_city_terre_haute +concept_sportsteam_indiana_state_sycamores concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_indiana_state_sycamores concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_indiana_state_sycamores concept:agentactsinlocation concept_stateorprovince_indiana +concept_sportsteam_indiana_university concept:teamplaysincity concept_city_indianapolis +concept_sportsteam_indiana_university concept:teamplayssport concept_sport_football +concept_sportsteam_indiana_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_indiana_university_of_pennsylvania concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_indiana_wesleyan concept:teamplaysincity concept_city_marion +concept_sportsteam_indiana_wesleyan_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_indiana_wesleyan_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_indianapolis_greyhounds concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_indianapolis_greyhounds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_indianapolis_greyhounds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_institut_d_etudes_politiques concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_inter_american_development_bank concept:organizationheadquarteredincountry concept_country_u_s_ +concept_sportsteam_iona_college_gaels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_iona_college_gaels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iona_college_gaels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_iona_gaels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iona_gaels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_iowa_hawkeyes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iowa_hawkeyes concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_iowa_st__cyclones concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iowa_state concept:teamplaysincity concept_city_ames +concept_sportsteam_iowa_state concept:organizationhiredperson concept_coach_bill_fennelly +concept_sportsteam_iowa_state concept:organizationhiredperson concept_coach_larry_eustachy +concept_sportsteam_iowa_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_iowa_state concept:teamplayssport concept_sport_football +concept_sportsteam_iowa_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iowa_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_iowa_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_iowa_state concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_iowa_state concept:teamhomestadium concept_stadiumoreventvenue_jack_trice_stadium +concept_sportsteam_ipfw_mastodons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ipfw_mastodons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ipfw_mastodons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_italy concept:agentcontrols concept_personeurope_alessandro_del_piero +concept_sportsteam_italy concept:agentcontrols concept_personmexico_alberto_gilardino +concept_sportsteam_italy concept:teamplayssport concept_sport_golf +concept_sportsteam_italy concept:teamplaysagainstteam concept_sportsteam_brazil +concept_sportsteam_italy concept:teamplaysagainstteam concept_sportsteam_germany +concept_sportsteam_ithaca_college_bombers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ithaca_college_bombers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_iupui concept:teamplayssport concept_sport_basketball +concept_sportsteam_iupui_jaguars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_iupui_jaguars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_iupui_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ivy_tech_community_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_jackson_state concept:teamplaysincity concept_city_jackson +concept_sportsteam_jackson_state_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_jackson_state_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_jacksonville_dolphins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_jacksonville_jaguars concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_jacksonville_jaguars concept:organizationhiredperson concept_coach_jack_del_rio +concept_sportsteam_jacksonville_jaguars concept:teamplayssport concept_sport_football +concept_sportsteam_jacksonville_jaguars concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_jacksonville_jaguars concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_jacksonville_jaguars concept:teamalsoknownas concept_sportsteam_jags +concept_sportsteam_jacksonville_jaguars concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_jacksonville_jaguars concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_jacksonville_jaguars concept:organizationheadquarteredinstateorprovince concept_stateorprovince_florida +concept_sportsteam_jacksonville_st__gamecocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_jacksonville_state concept:latitudelongitude 33.8223200000000,-85.7666300000000 +concept_sportsteam_jacksonville_state concept:teamplaysincity concept_city_jacksonville +concept_sportsteam_jacksonville_state_gamecocks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_jacksonville_state_gamecocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_jacksonville_state_gamecocks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_jags concept:teamplayssport concept_sport_football +concept_sportsteam_jags concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_jags concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_jags concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_jags concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_jaguars concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_jaguars concept:organizationhiredperson concept_coach_tom_coughlin +concept_sportsteam_jaguars concept:teamplayssport concept_sport_hockey +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_jaguars concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_james_madison concept:teamplaysincity concept_city_harrisonburg +concept_sportsteam_james_madison_dukes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_james_madison_dukes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_james_madison_dukes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_jawaharlal_nehru_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_john_carroll_blue_streaks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_john_carroll_blue_streaks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_john_carroll_blue_streaks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_john_hopkins_university concept:teamplaysincity concept_city_baltimore +concept_sportsteam_john_jay_bloodhounds concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_john_jay_bloodhounds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_john_jay_bloodhounds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_johns_hopkins_blue_jays concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_johns_hopkins_blue_jays concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_johns_hopkins_university concept:teamplaysincity concept_city_baltimore +concept_sportsteam_johns_hopkins_university_s_school concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_johnson_and_wales_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_johnson_and_wales_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ju_dolphins concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ju_dolphins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ju_dolphins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_juilliard_school concept:teamplaysincity concept_city_york +concept_sportsteam_kane_county_cougars concept:teamplayssport concept_sport_hockey +concept_sportsteam_kansas_city_chiefs concept:organizationhiredperson concept_athlete_herman_edwards +concept_sportsteam_kansas_city_chiefs concept:organizationhiredperson concept_athlete_paul_brown +concept_sportsteam_kansas_city_chiefs concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_kansas_city_chiefs concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_kansas_city_chiefs concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_kansas_city_chiefs concept:teamplaysincity concept_city_kansas +concept_sportsteam_kansas_city_chiefs concept:organizationhiredperson concept_coach_herm_edwards +concept_sportsteam_kansas_city_chiefs concept:organizationhiredperson concept_coach_todd_haley +concept_sportsteam_kansas_city_chiefs concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_kansas_city_chiefs concept:organizationhiredperson concept_politicianus_haley +concept_sportsteam_kansas_city_chiefs concept:teamplayssport concept_sport_football +concept_sportsteam_kansas_city_chiefs concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_kansas_city_chiefs concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_kansas_city_chiefs concept:teamhomestadium concept_stadiumoreventvenue_arrowhead_stadium +concept_sportsteam_kansas_city_chiefs concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_kansas_city_royals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_kansas_city_royals concept:teamplaysincity concept_city_boston +concept_sportsteam_kansas_city_royals concept:teamplayssport concept_sport_baseball +concept_sportsteam_kansas_city_royals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_kansas_city_royals concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_kansas_city_royals concept:teamhomestadium concept_stadiumoreventvenue_kauffman_stadium +concept_sportsteam_kansas_city_royals concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_kansas_jayhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kansas_royals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_kansas_st_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kansas_state concept:teamplaysincity concept_island_manhattan +concept_sportsteam_kansas_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kansas_state concept:teamplaysagainstteam concept_sportsteam_huskers +concept_sportsteam_kansas_state concept:teamplaysagainstteam concept_sportsteam_iowa_state +concept_sportsteam_kansas_state concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kansas_state concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_kansas_state concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_kansas_state_university concept:teamplaysincity concept_island_manhattan +concept_sportsteam_kc_chiefs concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_kc_chiefs concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_kc_chiefs concept:teamplaysincity concept_city_kansas +concept_sportsteam_kc_chiefs concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_kean_cougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kean_cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kean_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_keio_university concept:teamplaysincity concept_city_tokyo +concept_sportsteam_keio_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_kennesaw_state_owls concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kennesaw_state_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kennesaw_state_university concept:teamplaysincity concept_city_atlanta +concept_sportsteam_kent_st__golden_flashes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kent_state concept:teamplaysincity concept_city_akron +concept_sportsteam_kent_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kent_state concept:teamplayssport concept_sport_football +concept_sportsteam_kent_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kentucky_state_thorobreds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kentucky_state_thorobreds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kentucky_wildcats concept:teamplayssport concept_sport_golf +concept_sportsteam_kentucky_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kentucky_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kentucky_wildcats concept:teamhomestadium concept_stadiumoreventvenue_commonwealth_stadium +concept_sportsteam_kenyon_lords concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kenyon_lords concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_king_s_college concept:teamplaysincity concept_city_london_city +concept_sportsteam_kings_college concept:teamplaysincity concept_city_london_city +concept_sportsteam_kings_college concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_blue_jackets +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_st___louis_blues +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_kings_college concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_kishwaukee_college_kougars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kishwaukee_college_kougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kishwaukee_college_kougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_knicks concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_knicks concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_knicks concept:teamplaysincity concept_city_chicago +concept_sportsteam_knicks concept:organizationhiredperson concept_coach_d_antoni +concept_sportsteam_knicks concept:organizationhiredperson concept_coach_mike_d_antoni +concept_sportsteam_knicks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_knicks concept:atdate concept_dateliteral_n2006 +concept_sportsteam_knicks concept:organizationhiredperson concept_person_jeff_van_gundy +concept_sportsteam_knicks concept:organizationhiredperson concept_person_pat_riley +concept_sportsteam_knicks concept:organizationhiredperson concept_personmexico_bernard_robinson +concept_sportsteam_knicks concept:agentcompeteswithagent concept_radiostation_ball_state_university +concept_sportsteam_knicks concept:teamplayssport concept_sport_basketball +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_akron_pros +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_akron_zips +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_ball_state_university +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_portland_trailblazers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_rutgers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_seattle_supersonics +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_knicks concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_knicks concept:teamhomestadium concept_stadiumoreventvenue_madison_square_garden +concept_sportsteam_knicks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_knox_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_knox_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_kobe_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_korea_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_kutztown_golden_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_kutztown_golden_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_kutztown_golden_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_l_a__dodgers concept:teamplayssport concept_sport_baseball +concept_sportsteam_l_a__kings concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_l_a__kings concept:subpartoforganization concept_sportsleague_nba +concept_sportsteam_l_a__kings concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_l_a__kings concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_l_a__kings concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_l_a__kings concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_la_clippers concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_la_clippers concept:organizationhiredperson concept_person_mike_dunleavy +concept_sportsteam_la_clippers concept:teamplayssport concept_sport_basketball +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_la_clippers concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_la_clippers concept:teamhomestadium concept_stadiumoreventvenue_staples_center +concept_sportsteam_la_salle_explorers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_la_salle_explorers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_la_salle_explorers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lafayette_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lafayette_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lafayette_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lafayette_leopards concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lafayette_leopards concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lake_superior_state_lakers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lake_superior_state_lakers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lamar_cardinals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lamar_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lamar_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lamar_university_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lambuth_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lambuth_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lancaster_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_langston concept:teamplaysincity concept_city_langston +concept_sportsteam_laurentian_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_laurentian_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_laval_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_le_moyne_college_dolphins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_le_moyne_college_dolphins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_leafs concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_leafs concept:teamplaysincity concept_city_montreal +concept_sportsteam_leafs concept:organizationhiredperson concept_coach_al_arbour +concept_sportsteam_leafs concept:organizationhiredperson concept_coach_paul_maurice +concept_sportsteam_leafs concept:teamplayssport concept_sport_hockey +concept_sportsteam_leafs concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_boston_bruins +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_canucks +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_carolina_hurricanes +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_florida_panthers +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_habs +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_nashville_predators +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_philadelphia_flyers +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_leafs concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_leafs concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_lee_flames concept:teamplaysincity concept_city_calgary +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_canucks +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_lee_flames concept:teamplaysagainstteam concept_sportsteam_san_jose_sharks +concept_sportsteam_lee_flames concept:teamhomestadium concept_stadiumoreventvenue_pengrowth_saddledome +concept_sportsteam_leeds_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_lees concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lees concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lees concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lehigh_mountain_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lehigh_mountain_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lehigh_mountain_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lehman_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_leiden_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_lenoir_rhyne_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lenoir_rhyne_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lenoir_rhyne_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_letourneau concept:teamplaysincity concept_city_longview +concept_sportsteam_lewis_flyers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lewis_flyers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_liberty_flames concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_liberty_flames concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_liberty_flames concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_liberty_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_life_chiropractic_college concept:latitudelongitude 37.6381300000000,-122.1175400000000 +concept_sportsteam_lincoln_blue_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lincoln_blue_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lincoln_blue_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lincoln_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lincoln_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_linfield_college_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_linfield_college_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lipscomb_bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lipscomb_bisons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lipscomb_bisons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lipscomb_bisons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lipscomb_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_liverpool concept:teamwontrophy concept_awardtrophytournament_european_cup +concept_sportsteam_liverpool concept:teamwontrophy concept_awardtrophytournament_fa_cup_final +concept_sportsteam_liverpool concept:teamwontrophy concept_awardtrophytournament_league_title +concept_sportsteam_liverpool concept:teamplayssport concept_sport_football +concept_sportsteam_liverpool concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_a_c__milan +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_barcelona_dragons +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_chelsea_football_club +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_liverpool concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_liverpool concept:teamhomestadium concept_stadiumoreventvenue_anfield +concept_sportsteam_liverpool_john_moores_university concept:teamwontrophy concept_awardtrophytournament_european_cup +concept_sportsteam_liverpool_john_moores_university concept:teamwontrophy concept_awardtrophytournament_fa_cup_final +concept_sportsteam_liverpool_john_moores_university concept:teamwontrophy concept_awardtrophytournament_league_title +concept_sportsteam_liverpool_john_moores_university concept:subpartoforganization concept_sportsleague_fa +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_a_c__milan +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_barcelona_dragons +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_chelsea_football_club +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_liverpool_john_moores_university concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_liverpool_john_moores_university concept:teamhomestadium concept_stadiumoreventvenue_anfield +concept_sportsteam_liverpool_university concept:teamwontrophy concept_awardtrophytournament_european_cup +concept_sportsteam_liverpool_university concept:teamwontrophy concept_awardtrophytournament_fa_cup_final +concept_sportsteam_liverpool_university concept:teamwontrophy concept_awardtrophytournament_league_title +concept_sportsteam_liverpool_university concept:subpartof concept_geopoliticallocation_fa +concept_sportsteam_liverpool_university concept:subpartoforganization concept_sportsleague_fa +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_a_c__milan +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_barcelona_dragons +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_chelsea_football_club +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_liverpool_university concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_liverpool_university concept:teamhomestadium concept_stadiumoreventvenue_anfield +concept_sportsteam_liverpool_university concept:agentcompeteswithagent concept_university_a_m_ +concept_sportsteam_loma_linda_university concept:teamplaysincity concept_city_loma_linda +concept_sportsteam_long_beach_state concept:agentactsinlocation concept_city_long_beach +concept_sportsteam_long_beach_state_49ers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_long_beach_state_49ers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_long_beach_state_49ers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_long_island_blackbirds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_long_island_blackbirds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_long_island_u__blackbirds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_longhorns concept:teamplaysincity concept_city_lansing +concept_sportsteam_longhorns concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_longhorns concept:teamplayssport concept_sport_golf +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_aggies +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_longhorns concept:teamplaysagainstteam concept_sportsteam_red_raiders +concept_sportsteam_longwood_lancers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplayssport concept_sport_baseball +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_los_angeles_angels_of_anaheim concept:teamhomestadium concept_stadiumoreventvenue_edison_field +concept_sportsteam_los_angeles_angels_of_anaheim concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_los_angeles_clippers concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_los_angeles_clippers concept:teamplayssport concept_sport_basketball +concept_sportsteam_los_angeles_clippers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_los_angeles_clippers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_los_angeles_clippers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_los_angeles_clippers concept:teamhomestadium concept_stadiumoreventvenue_staples_center +concept_sportsteam_los_angeles_dodgers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_los_angeles_dodgers concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_los_angeles_dodgers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_los_angeles_dodgers concept:teamhomestadium concept_stadiumoreventvenue_dodger_stadium +concept_sportsteam_los_angeles_dodgers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_los_angeles_galaxy concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_los_angeles_galaxy concept:teamplaysagainstteam concept_sportsteam_revolution +concept_sportsteam_los_angeles_galaxy concept:teamhomestadium concept_stadiumoreventvenue_home_depot_center +concept_sportsteam_los_angeles_lakers concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_los_angeles_lakers concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_los_angeles_lakers concept:teamwontrophy concept_awardtrophytournament_nba_title +concept_sportsteam_los_angeles_lakers concept:teamplaysincity concept_city_boston +concept_sportsteam_los_angeles_lakers concept:organizationhiredperson concept_coach_chris_quinn +concept_sportsteam_los_angeles_lakers concept:organizationhiredperson concept_coach_phil_jackson +concept_sportsteam_los_angeles_lakers concept:organizationhiredperson concept_person_jackson001 +concept_sportsteam_los_angeles_lakers concept:organizationhiredperson concept_person_riley001 +concept_sportsteam_los_angeles_lakers concept:teamplayssport concept_sport_basketball +concept_sportsteam_los_angeles_lakers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_indiana_pacers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_los_angeles_clippers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_portland_trailblazers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_sacramento_kings +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_sonics +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_los_angeles_lakers concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_los_angeles_lakers concept:teamhomestadium concept_stadiumoreventvenue_staples_center +concept_sportsteam_los_angeles_raiders concept:teamplayssport concept_sport_football +concept_sportsteam_los_angeles_raiders concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_los_angeles_raiders concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_louis_browns concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_louisiana_college_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_college_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisiana_lafayette_ragin_cajuns concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_louisiana_lafayette_ragin_cajuns concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_lafayette_ragin_cajuns concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisiana_monroe_indians concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_monroe_warhawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_louisiana_monroe_warhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_monroe_warhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisiana_state_shreveport_pilots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_state_shreveport_pilots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisiana_state_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_louisiana_state_university concept:teamplaysincity concept_city_baton_rouge +concept_sportsteam_louisiana_state_university concept:teamplayssport concept_sport_football +concept_sportsteam_louisiana_tech_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_louisiana_tech_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisiana_technical_college_sabine_valley_campus concept:teamplaysincity concept_city_ruston +concept_sportsteam_louisville_cardinals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_louisville_cardinals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_louisville_cardinals concept:teamplayssport concept_sport_baseball +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_louisville_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_louisville_cardinals concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_loyola_chicago_ramblers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_loyola_chicago_ramblers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_loyola_chicago_ramblers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_loyola_greyhounds concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_loyola_greyhounds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_loyola_marymount concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_loyola_marymount_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_loyola_marymount_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_loyola_new_orleans_wolfpack concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_loyola_new_orleans_wolfpack concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_loyola_new_orleans_wolfpack concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_loyola_ramblers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_loyola_university_chicago concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_loyola_university_new_orleans concept:teamplaysincity concept_city_new_orleans +concept_sportsteam_lsu concept:organizationhiredperson concept_athlete_john_brady +concept_sportsteam_lsu concept:teamplaysincity concept_city_new_orleans +concept_sportsteam_lsu concept:organizationhiredperson concept_coach_dale_brown +concept_sportsteam_lsu concept:agentcompeteswithagent concept_coach_kentucky_wildcats +concept_sportsteam_lsu concept:organizationhiredperson concept_coach_les_miles +concept_sportsteam_lsu concept:organizationhiredperson concept_coach_nick_saban +concept_sportsteam_lsu concept:agentcontrols concept_coach_saban +concept_sportsteam_lsu concept:organizationhiredperson concept_personmexico_trent_johnson +concept_sportsteam_lsu concept:teamplayssport concept_sport_golf +concept_sportsteam_lsu concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_georgia_tech +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_kentucky_wildcats +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_kentucky_wildcats_basketball +concept_sportsteam_lsu concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_vols +concept_sportsteam_lsu concept:teamplaysagainstteam concept_sportsteam_western_kentucky_hilltoppers +concept_sportsteam_lsu concept:teamhomestadium concept_stadiumoreventvenue_tiger_stadium +concept_sportsteam_lsu_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_lsu_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_lsu_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_luis_ayala concept:agentcollaborateswithagent concept_sportsleague_mlb +concept_sportsteam_mac_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_macalester_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_macquarie_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_magic concept:teamwontrophy concept_awardtrophytournament_playoff_series +concept_sportsteam_magic concept:teamplaysincity concept_city_orlando +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_indiana_pacers +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_magic concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_maine_black_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_maine_black_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_maine_black_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_man_united concept:teamplaysagainstteam concept_geopoliticallocation_manchester_city +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_barcelona_dragons +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_bolton_wanderers +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_chelsea_football_club +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_derby_county +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_liverpool_university +concept_sportsteam_man_united concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_man_united concept:agentactsinlocation concept_stadiumoreventvenue_old_trafford +concept_sportsteam_man_utd concept:atdate concept_dateliteral_n2006 +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_geopoliticallocation_manchester_city +concept_sportsteam_man_utd concept:agentcollaborateswithagent concept_person_ronaldo +concept_sportsteam_man_utd concept:teamplayssport concept_sport_basketball +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_barcelona_dragons +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_bolton_wanderers +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_chelsea_football_club +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_derby_county +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_liverpool_john_moores_university +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_liverpool_university +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_man_utd concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_man_utd concept:teamhomestadium concept_stadiumoreventvenue_old_trafford +concept_sportsteam_man_utd concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_manhattan_jaspers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_manhattan_jaspers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_manhattanville_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_maple_leafs concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_maple_leafs concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_maple_leafs concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_maple_leafs concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_maple_leafs concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_maple_leafs concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_mariners concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_mariners concept:teamplayssport concept_sport_baseball +concept_sportsteam_mariners concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_mariners concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_mariners concept:teamhomestadium concept_stadiumoreventvenue_safeco_field +concept_sportsteam_marist_red_foxes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_marist_red_foxes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_marist_red_foxes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_marlins concept:teamwontrophy concept_awardtrophytournament_n2003_world_series +concept_sportsteam_marlins concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_nats +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_marlins concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_marlins concept:teamhomestadium concept_stadiumoreventvenue_dolphin_stadium +concept_sportsteam_marquette_golden_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_marquette_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_marquette_university concept:teamplaysincity concept_city_milwaukee +concept_sportsteam_marshall_thundering_herd concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_marshall_thundering_herd concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_marshall_thundering_herd concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_marshall_university concept:teamplaysincity concept_city_huntington +concept_sportsteam_mary_hardin_baylor concept:latitudelongitude 31.0652100000000,-97.4632800000000 +concept_sportsteam_mary_hardin_baylor_crusaders concept:teamplaysincity concept_city_waco +concept_sportsteam_mary_hardin_baylor_crusaders concept:teamplaysagainstteam concept_sportsteam_aggies +concept_sportsteam_mary_hardin_baylor_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mary_hardin_baylor_crusaders concept:teamplaysagainstteam concept_sportsteam_oklahoma_state_university +concept_sportsteam_mary_hardin_baylor_crusaders concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_maryland concept:teamplaysincity concept_city_college_park +concept_sportsteam_maryland concept:organizationhiredperson concept_coach_ralph_friedgen +concept_sportsteam_maryland concept:atdate concept_date_n2009 +concept_sportsteam_maryland concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_maryland concept:teamplayssport concept_sport_football +concept_sportsteam_maryland concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_maryland concept:teamplaysagainstteam concept_sportsteam_boston_college +concept_sportsteam_maryland concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_maryland concept:teamplaysagainstteam concept_sportsteam_florida_state +concept_sportsteam_maryland concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_maryland concept:teamplaysagainstteam concept_sportsteam_seminoles +concept_sportsteam_maryland concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_maryland_terrapins concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_maryland_terrapins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_marymount_manhattan_college concept:teamplaysincity concept_city_arlington +concept_sportsteam_marywood concept:teamplaysincity concept_city_scranton +concept_sportsteam_massachusetts_institute_of_technology concept:teamplaysincity concept_city_cambridge +concept_sportsteam_massachusetts_institute_of_technology concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_massachusetts_maritime_academy_buccaneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_massachusetts_minutemen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_massachusetts_minutemen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_massuchussets_lowell_river_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mavericks concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_mavericks concept:teamplaysincity concept_city_dallas +concept_sportsteam_mavericks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_minnesota_timberwolves +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_mavericks concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_mavs concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_mayo_clinic concept:teamplaysincity concept_city_rochester +concept_sportsteam_mcgill_university concept:teamplaysincity concept_city_montreal +concept_sportsteam_mcgill_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mcmaster_university concept:teamplaysincity concept_city_hamilton +concept_sportsteam_mcmaster_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mcneese_state concept:teamplaysincity concept_city_lake_charles +concept_sportsteam_mcneese_state concept:agentactsinlocation concept_geopoliticallocation_mcneese +concept_sportsteam_mcneese_state_cowboys concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mcneese_state_cowboys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_md__eastern_shore_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_memphis_grizzlies concept:teamplaysincity concept_city_memphis +concept_sportsteam_memphis_grizzlies concept:atdate concept_dateliteral_n2008 +concept_sportsteam_memphis_grizzlies concept:agentactsinlocation concept_hospital_memphis +concept_sportsteam_memphis_grizzlies concept:atlocation concept_hospital_memphis +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_memphis_grizzlies concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_memphis_grizzlies concept:teamhomestadium concept_stadiumoreventvenue_fedex_forum +concept_sportsteam_memphis_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_memphis_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_merced_blue_devils concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_merced_blue_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mercer_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mercer_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mercer_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mercer_university concept:teamplaysincity concept_city_macon +concept_sportsteam_merrimack_college_warriors concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_merrimack_college_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_merrimack_college_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_metro_state_roadrunners concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_metro_state_roadrunners concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_metro_state_roadrunners concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_metrostars concept:organizationhiredperson concept_coach_bob_bradley +concept_sportsteam_miaa concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_miami_dolphins concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_miami_dolphins concept:teamplaysincity concept_city_miami +concept_sportsteam_miami_dolphins concept:organizationhiredperson concept_coach_cam_cameron +concept_sportsteam_miami_dolphins concept:organizationhiredperson concept_coach_sparano +concept_sportsteam_miami_dolphins concept:organizationhiredperson concept_coach_todd_bowles +concept_sportsteam_miami_dolphins concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_miami_dolphins concept:atlocation concept_county_miami +concept_sportsteam_miami_dolphins concept:atdate concept_dateliteral_n2007 +concept_sportsteam_miami_dolphins concept:organizationhiredperson concept_person_don_shula +concept_sportsteam_miami_dolphins concept:teamplayssport concept_sport_football +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_miami_dolphins concept:agentcompeteswithagent concept_sportsteam_new_england_patriots +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_miami_dolphins concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_miami_dolphins concept:teamhomestadium concept_stadiumoreventvenue_dolphins_stadium +concept_sportsteam_miami_dolphins concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_miami_hurricanes concept:teamplaysincity concept_city_miami +concept_sportsteam_miami_hurricanes concept:atlocation concept_county_miami +concept_sportsteam_miami_hurricanes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_miami_hurricanes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_miami_marlins concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_miami_ohio_redhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_miami_university concept:teamplaysincity concept_city_oxford +concept_sportsteam_miami_university concept:teamplayssport concept_sport_football +concept_sportsteam_miami_university_redhawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_miami_university_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_miami_university_redhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_michigan_st__spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_michigan_st_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_michigan_state concept:teamplaysincity concept_city_east_lansing +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_michigan_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_michigan_state concept:teamplaysagainstteam concept_sportsteam_red_raiders +concept_sportsteam_michigan_state concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_michigan_state concept:teamhomestadium concept_stadiumoreventvenue_spartan_stadium +concept_sportsteam_michigan_state concept:agentactsinlocation concept_stateorprovince_michigan +concept_sportsteam_michigan_state concept:organizationalsoknownas concept_terroristorganization_state +concept_sportsteam_michigan_state concept:synonymfor concept_university_state_university +concept_sportsteam_michigan_state_university concept:teamplaysincity concept_city_east_lansing +concept_sportsteam_michigan_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_michigan_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_michigan_tech_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_michigan_tech_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_michigan_tech_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_michigan_technological_university concept:teamplaysincity concept_city_houghton +concept_sportsteam_michigan_wolverines concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_michigan_wolverines concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mid__tenn__st__blue_raiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mid__tenn__st__blue_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mid__tenn__st__blue_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_middle_tennessee_state concept:teamplaysincity concept_city_murfreesboro +concept_sportsteam_middle_tennessee_state concept:teamplayssport concept_sport_basketball +concept_sportsteam_middle_tennessee_state_blue_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_middle_tennessee_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_middlebury_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_midwestern_state_mustangs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_midwestern_state_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_midwestern_state_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mighty_ducks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_millikin_big_blue concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_millikin_big_blue concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_millikin_big_blue concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_milwaukee_braves concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_milwaukee_braves concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_milwaukee_braves concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_milwaukee_brewers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_milwaukee_brewers concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_milwaukee_brewers concept:teamhomestadium concept_stadiumoreventvenue_miller_motorsports_park +concept_sportsteam_milwaukee_bucks concept:teamplayssport concept_sport_basketball +concept_sportsteam_milwaukee_bucks concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_milwaukee_bucks concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_milwaukee_bucks concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_milwaukee_bucks concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_milwaukee_bucks concept:teamhomestadium concept_stadiumoreventvenue_bradley_center +concept_sportsteam_minnesota_duluth_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_minnesota_duluth_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_minnesota_duluth_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_minnesota_golden_gophers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_minnesota_lynx concept:teamhomestadium concept_stadiumoreventvenue_target_center +concept_sportsteam_minnesota_north_stars concept:teamplayssport concept_sport_hockey +concept_sportsteam_minnesota_north_stars concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_minnesota_state_mavericks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_minnesota_state_mavericks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_minnesota_state_mavericks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_minnesota_state_moorhead_dragons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_minnesota_state_moorhead_dragons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_minnesota_timberwolves concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_minnesota_timberwolves concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_minnesota_timberwolves concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_minnesota_timberwolves concept:teamhomestadium concept_stadiumoreventvenue_target_center +concept_sportsteam_minnesota_twins concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_minnesota_twins concept:teamplaysincity concept_city_boston +concept_sportsteam_minnesota_twins concept:agentcollaborateswithagent concept_personus_torii_hunter +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_minnesota_twins concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_minnesota_twins concept:teamhomestadium concept_stadiumoreventvenue_metrodome +concept_sportsteam_minnesota_vikings concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_minnesota_vikings concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_minnesota_vikings concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_minnesota_vikings concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_minnesota_vikings concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_minnesota_vikings concept:organizationhiredperson concept_coach_brad_childress +concept_sportsteam_minnesota_vikings concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_minnesota_vikings concept:organizationhiredperson concept_personmexico_mike_tice +concept_sportsteam_minnesota_vikings concept:teamplayssport concept_sport_football +concept_sportsteam_minnesota_vikings concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_minnesota_vikings concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_minnesota_vikings concept:teamalsoknownas concept_sportsteam_falcons +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_minnesota_vikings concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_minnesota_vikings concept:teamhomestadium concept_stadiumoreventvenue_metrodome +concept_sportsteam_minnesota_wilds concept:agentcollaborateswithagent concept_athlete_niklas_backstrom +concept_sportsteam_minnesota_wilds concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_minnesota_wilds concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_minnesota_wilds concept:teamhomestadium concept_stadiumoreventvenue_xcel_energy_center +concept_sportsteam_minnesota_wilds concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_minoso concept:latitudelongitude 34.9506500000000,-90.3123200000000 +concept_sportsteam_minot_state concept:teamplaysincity concept_visualizablescene_minot +concept_sportsteam_mississippi_rebels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mississippi_rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mississippi_rebels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mississippi_st__bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysincity concept_city_lansing +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mississippi_state_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_mississippi_state_bulldogs concept:teamplaysagainstteam concept_sportsteam_red_raiders +concept_sportsteam_mississippi_state_college concept:latitudelongitude 33.4617900000000,-88.7883900000000 +concept_sportsteam_mississippi_state_university concept:teamplaysincity concept_city_starkville +concept_sportsteam_mississippi_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_mississippi_state_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mississippi_state_university concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_mississippi_state_university concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_mississippi_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mississippi_state_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_mississippi_valley_state_delta_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mississippi_valley_state_delta_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_kansas_city_kangaroos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_missouri_kansas_city_kangaroos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_kansas_city_kangaroos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_southern_state_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_missouri_southern_state_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_southern_state_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_state_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_state_university concept:teamplaysincity concept_city_springfield +concept_sportsteam_missouri_state_west_plains_grizzlies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_missouri_state_west_plains_grizzlies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_missouri_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_missouri_western_state concept:latitudelongitude 39.7592100000000,-94.7863100000000 +concept_sportsteam_missouri_western_state_griffons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mistakes concept:agentparticipatedinevent concept_eventoutcome_outcome +concept_sportsteam_mistakes concept:agentparticipatedinevent concept_eventoutcome_result +concept_sportsteam_mit concept:teamplaysincity concept_city_cambridge +concept_sportsteam_mit concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mit_engineers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mit_engineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mitchell_college_pequots concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mitchell_college_pequots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mobile_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mobile_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_monash_university concept:teamplaysincity concept_city_melbourne +concept_sportsteam_monmouth_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_monmouth_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_monmouth_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_monmouth_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_monmouth_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montana_grizzlies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_montana_grizzlies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montana_st__bobcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montana_state concept:teamplaysincity concept_city_bozeman +concept_sportsteam_montana_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montana_state concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_montana_state_billings_yellowjackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montana_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_montana_tech_orediggers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montana_tech_orediggers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montana_western_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_montana_western_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montana_western_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montclair_state concept:teamplaysincity concept_city_upper_montclair +concept_sportsteam_montclair_state_red_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_montclair_state_red_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_monterey_institute_of_international_studies concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_montevallo_falcons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_montevallo_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montevallo_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_montreal_alouettes concept:agentbelongstoorganization concept_sportsleague_cfl +concept_sportsteam_montreal_canadians concept:teamplayssport concept_sport_hockey +concept_sportsteam_montreal_canadiens concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_montreal_canadiens concept:teamplaysincity concept_city_montreal +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_boston_bruins +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_calgary_flames +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_edmonton_oilers +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_florida_panthers +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_maple_leafs +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_new_jersey_devils +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_philadelphia_flyers +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_montreal_canadiens concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_montreal_canadiens concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_montreal_expos concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_montreal_expos concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_montreal_expos concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_montreal_expos concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_montreal_expos concept:teamhomestadium concept_stadiumoreventvenue_olympic_stadium +concept_sportsteam_montreal_expos concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_montreal_impact concept:teamplaysagainstteam concept_sportsteam_toronto_fc +concept_sportsteam_moravian_greyhounds concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_moravian_greyhounds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_morehead_state_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_morehead_state_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_morehouse_maroon_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_morehouse_maroon_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_morgan_st_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_morgan_state concept:teamplaysincity concept_city_baltimore +concept_sportsteam_morgan_state_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_morgan_state_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_morgan_state_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mount_allison_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_mount_olive concept:mutualproxyfor concept_radiostation_new_jersey +concept_sportsteam_mount_st__mary concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mount_st__mary_s_mountaineers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mount_st__mary_s_mountaineers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mount_st__mary_s_mountaineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mount_st_marys_mountaineers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mount_st_marys_mountaineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mount_union_purple_raiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_mount_union_purple_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_mount_union_purple_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_muhlenberg_college_mules concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_muhlenberg_college_mules concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_murray_st__racers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_murray_st__racers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_murray_st_racers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_murray_state concept:teamplaysincity concept_city_murray +concept_sportsteam_murray_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_murray_state_racers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mvc_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_mwc_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_n2009_pro_bowl concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_n2011_pro_bowl concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_n2012_all_star concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_n2012_super_bowl concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_n__dakota_fighting_sioux concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nagoya_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_nanjing_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_nanyang_technological_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_nashville_predators concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_nashville_predators concept:teamplayssport concept_sport_hockey +concept_sportsteam_nashville_predators concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_nashville_predators concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_nashville_predators concept:teamhomestadium concept_stadiumoreventvenue_bridgestone_arena +concept_sportsteam_national_defense_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_national_louis concept:teamplaysincity concept_city_chicago +concept_sportsteam_national_team concept:organizationhiredperson concept_coach_hiddink +concept_sportsteam_national_team concept:atdate concept_date_n2003 +concept_sportsteam_national_team concept:atdate concept_date_n2004 +concept_sportsteam_national_team concept:atdate concept_dateliteral_n2005 +concept_sportsteam_national_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_national_university_of_singapore concept:atdate concept_dateliteral_n2006 +concept_sportsteam_nats concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_nats concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_nats concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_navy_midshipmen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_navy_midshipmen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nazareth_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_nba_shorts concept:subpartoforganization concept_sportsleague_nba +concept_sportsteam_nc_asheville_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nc_central_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nc_central_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nc_central_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nc_state concept:teamplaysincity concept_city_raleigh +concept_sportsteam_nc_state concept:teamplayssport concept_sport_football +concept_sportsteam_nc_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nc_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ncaa_mens_midwest_regionals concept:agentactsinlocation concept_city_ames +concept_sportsteam_ncaa_mens_midwest_regionals concept:agentcompeteswithagent concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_ncaa_mens_midwest_regionals concept:agentcompeteswithagent concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ncaa_mens_midwest_regionals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ncaa_mens_midwest_regionals concept:teamalsoknownas concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ncaa_mens_midwest_regionals concept:agentactsinlocation concept_stadiumoreventvenue_jack_trice_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_airport_memorial_field +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_athlete_florida_a_m_rattlers +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_bird_northwestern +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_blog_franklin_field +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_davidson_wildcats +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_depaul_blue_demons +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_harvard_crimson +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_northwestern_wildcats +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_providence_friars +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_san_diego_state_aztecs +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_seton_hall_pirates +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_southern_illinois_salukis +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_washington_state_cougars +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_celebrity_yale_bulldogs +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_city_ames +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_boston +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_florida +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_gonzaga +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_city_los_angeles_memorial_coliseum +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_pittsburgh +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_princeton +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_texas +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_washington_d_c +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_city_xavier +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_alabama_crimson_tide +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_arkansas_razorbacks +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_cincinnati +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_cincinnati_bearcats +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_clemson +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_georgetown +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_kansas_jayhawks +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_kansas_state +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_kentucky +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_kentucky_wildcats +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_louisville +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_michigan_state_spartans +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_michigan_wolverines +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_minnesota_golden_gophers +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_mississippi_state_bulldogs +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_oklahoma_sooners +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_purdue_boilermakers +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_south_carolina_gamecocks +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_stanford_cardinal +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_texas_longhorns +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_texas_tech +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_texas_tech_red_raiders +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_coach_virginia_tech +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_coach_washington_huskies +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_comedian_oklahoma +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_company_missouri +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_company_north_carolina +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_county_miami +concept_sportsteam_ncaa_youth_kids concept:atdate concept_date_n1996 +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_governmentorganization_iowa +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_hospital_stanford_stadium +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_insect_arkansas +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_monument_nebraska_cornhuskers +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_musicfestival_virginia_cavaliers +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_newspaper_tennessee +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_person_butler001 +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_person_duke +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_person_george_washington +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_person_oklahoma_state +concept_sportsteam_ncaa_youth_kids concept:agentcontrols concept_personcanada_utah_utes +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_radiostation_nevada +concept_sportsteam_ncaa_youth_kids concept:teamplayssport concept_sport_basketball +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsleague_syracuse +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_boston_college +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_florida_state +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_georgia_tech +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_lsu +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_mary_hardin_baylor_crusaders +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_maryland +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_michigan_state +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_nc_state +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_ncaa_youth_kids concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_ncaa_youth_kids concept:teamalsoknownas concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_ohio_state_university +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_st__johns_red_storm +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_stanford +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_texas_a_m +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_ucla +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_umass_lowell_river_hawks +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_wake_forest +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_washington_state +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_sportsteam_wichita_state +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_aggie_memorial_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_aloha_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_alumni_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_amon_carter_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_arizona_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_ben_hill_griffin_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bill_snyder_family_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bobby_dodd_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_boone_pickens_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bright_house_networks_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bronco_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_brown_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bryant_denny +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_bulldog_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_byrd_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_cajun_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_camp_randall +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_carrier_dome +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_carter_finley_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_davis_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_dix_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_doak_campbell_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_donald_w_reynolds_razorback_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_dowdy_ficklen_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_falcon_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_faurot_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_fiu_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_floyd_casey_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_folsom_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_fouts_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_glass_bowl +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_harvard_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_hughes_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_huskie_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_indian_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_infocision_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_jack_trice_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_joan_c_edwards_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_joe_aillet_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_johnny_red_floyd_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_jordan_hare_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_kellyshorts_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_kenan_memorial_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_kibbie_dome +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_kinnick_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_kyle_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_lane_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_lavell_edwards_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_legion_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_liberty_bowl_memorial_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_lockhart_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_mackay_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_malone_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_martin_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_michigan_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_mountaineer_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_movie_gallery_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_navy_marine_corps_memorial_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_neyland_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_nippert_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_notre_dame_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_ohio_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_papa_john_s_cardinal_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_princeton_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_rentschler_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_reser_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_rice_eccles_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_robertson_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_romney_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_ross_ade_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_rutgers_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_ryan_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_rynearson_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_sam_boyd_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_sanford_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_scheumann_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_schoellkopf_field +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_scott_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_spartan_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_sun_bowl_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_university_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_vanderbilt_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_vaught_hemingway_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_waldo_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_wallace_wade_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_war_memorial_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_williams_brice_stadium +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_stadiumoreventvenue_yale_bowl +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_california +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_colorado +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_connecticut +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_georgia +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_illinois +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_indiana +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_oregon +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_south_carolina +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_stateorprovince_virginia +concept_sportsteam_ncaa_youth_kids concept:agentactsinlocation concept_trainstation_university_at_buffalo_stadium +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_alabama +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_auburn +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_depaul +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_memphis +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_nebraska +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_purdue +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_seton_hall +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_usc +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_university_villanova +concept_sportsteam_ncaa_youth_kids concept:agentcompeteswithagent concept_writer_george_mason +concept_sportsteam_nebraska_cornhuskers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nebraska_cornhuskers concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_nebraska_cornhuskers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nebraska_kearney_lopers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nebraska_kearney_lopers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nebraska_kearney_lopers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nebraska_omaha_mavericks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nebraska_omaha_mavericks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nebraska_omaha_mavericks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nebraska_wesleyan concept:teamplaysincity concept_city_lincoln +concept_sportsteam_nec_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nec_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nevada_wolfpack concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nevada_wolfpack concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nevada_wolfpack concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_new_england_patriots concept:proxyfor concept_book_new +concept_sportsteam_new_england_patriots concept:organizationhiredperson concept_coach_bill_belichick +concept_sportsteam_new_england_patriots concept:organizationhiredperson concept_coach_bill_parcells +concept_sportsteam_new_england_patriots concept:organizationhiredperson concept_coach_carroll +concept_sportsteam_new_england_patriots concept:organizationhiredperson concept_person_belichick +concept_sportsteam_new_england_patriots concept:agentcollaborateswithagent concept_personcanada_robert_kraft +concept_sportsteam_new_england_patriots concept:agentcontrols concept_personcanada_robert_kraft +concept_sportsteam_new_england_patriots concept:organizationalsoknownas concept_sportsteam_eagles +concept_sportsteam_new_england_patriots concept:agentcompeteswithagent concept_sportsteam_new_york_giants +concept_sportsteam_new_england_patriots concept:agentcompeteswithagent concept_sportsteam_tampa +concept_sportsteam_new_england_patriots concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_england_patriots_and_new_york_giants concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_new_england_patriots_and_new_york_giants concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_new_england_patriots_and_new_york_giants concept:teamplaysincity concept_city_boston +concept_sportsteam_new_england_patriots_and_new_york_giants concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_new_england_revolution concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_new_england_revolution concept:teamplaysagainstteam concept_sportsteam_chicago_fire +concept_sportsteam_new_hampshire_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_new_hampshire_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_hampshire_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_jersey_devils concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_new_jersey_devils concept:teamplaysincity concept_city_newark +concept_sportsteam_new_jersey_devils concept:teamplayssport concept_sport_hockey +concept_sportsteam_new_jersey_devils concept:subpartoforganization concept_sportsleague_nba +concept_sportsteam_new_jersey_devils concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_new_jersey_devils concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_new_jersey_devils concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_new_jersey_devils concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_new_jersey_devils concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_new_jersey_devils concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_new_jersey_devils concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_jersey_institute_of_technology_highlanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_jersey_institute_of_technology_highlanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_jersey_nets concept:teamplaysincity concept_city_newark +concept_sportsteam_new_jersey_nets concept:atdate concept_date_n2004 +concept_sportsteam_new_jersey_nets concept:atdate concept_dateliteral_n2007 +concept_sportsteam_new_jersey_nets concept:teamplayssport concept_sport_basketball +concept_sportsteam_new_jersey_nets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_new_jersey_nets concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_new_jersey_nets concept:teamhomestadium concept_stadiumoreventvenue_izod_center +concept_sportsteam_new_jersey_nets concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_mexico_lobos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_new_mexico_lobos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_mexico_lobos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_mexico_st__aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_mexico_state_aggies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_new_mexico_state_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_mexico_state_university concept:teamplaysincity concept_city_las_cruces +concept_sportsteam_new_mexico_state_university concept:organizationhiredperson concept_coach_hal_mumme +concept_sportsteam_new_mexico_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_new_mexico_state_university concept:subpartoforganization concept_sportsleague_nba +concept_sportsteam_new_orleans_hornets concept:teamplaysincity concept_city_new_orleans +concept_sportsteam_new_orleans_hornets concept:organizationhiredperson concept_coach_byron_scott +concept_sportsteam_new_orleans_hornets concept:teamplayssport concept_sport_basketball +concept_sportsteam_new_orleans_hornets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_new_orleans_hornets concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_new_orleans_hornets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_new_orleans_hornets concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_new_orleans_hornets concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_new_orleans_hornets concept:teamhomestadium concept_stadiumoreventvenue_new_orleans_arena +concept_sportsteam_new_orleans_jazz concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_new_orleans_privateers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_new_orleans_privateers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_new_orleans_privateers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_orleans_saints concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_new_orleans_saints concept:teamplaysincity concept_city_new_orleans +concept_sportsteam_new_orleans_saints concept:organizationhiredperson concept_coach_byron_scott +concept_sportsteam_new_orleans_saints concept:organizationhiredperson concept_coach_mike_ditka +concept_sportsteam_new_orleans_saints concept:teamplayssport concept_sport_football +concept_sportsteam_new_orleans_saints concept:subpartoforganization concept_sportsleague_nba +concept_sportsteam_new_orleans_saints concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_new_orleans_saints concept:teamalsoknownas concept_sportsteam_falcons +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_new_orleans_saints concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_new_paltz_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_new_paltz_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_new_school_for_social_research concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_new_school_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_new_york_football_giants concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_new_york_football_giants concept:atlocation concept_county_philadelphia +concept_sportsteam_new_york_football_giants concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_new_york_football_giants concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ny +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_automobilemaker_dallas_cowboys +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_nfl_championship +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_nfl_championship_game +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_new_york_giants concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_new_york_giants concept:proxyfor concept_book_new +concept_sportsteam_new_york_giants concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_coach_new_england_patriots +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_coach_philadelphia_eagles +concept_sportsteam_new_york_giants concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_female_yankees +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_personnorthamerica_bills +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_anaheim_angels +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_baltimore_colts +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_new_york_giants concept:teamalsoknownas concept_sportsteam_bills +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_dundee_united +concept_sportsteam_new_york_giants concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_new_york_giants concept:agentcompeteswithagent concept_sportsteam_new_england_patriots +concept_sportsteam_new_york_giants concept:synonymfor concept_sportsteam_new_england_patriots +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_philadelphia_athletics +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_undefeated_new_england_patriots +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_new_york_giants concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_new_york_giants concept:teamhomestadium concept_stadiumoreventvenue_giants_stadium +concept_sportsteam_new_york_giants concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamwontrophy concept_awardtrophytournament_nfl_championship_game +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysincity concept_city_east_rutherford +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_dundee_united +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_philadelphia_athletics +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_undefeated_new_england_patriots +concept_sportsteam_new_york_giants_in_super_bowl_xlii concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_new_york_islanders concept:proxyfor concept_book_new +concept_sportsteam_new_york_islanders concept:agentcollaborateswithagent concept_coach_mike_comrie +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_new_york_islanders concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_new_york_islanders concept:teamhomestadium concept_stadiumoreventvenue_nassau_coliseum +concept_sportsteam_new_york_islanders concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_york_jets concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_new_york_jets concept:teamwontrophy concept_awardtrophytournament_nfl_championship_game +concept_sportsteam_new_york_jets concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_new_york_jets concept:teamplaysincity concept_city_east_rutherford +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_coach_bill_parcells +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_coach_eric_mangini +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_coach_mangini +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_coach_rex_ryan +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_person_edwards +concept_sportsteam_new_york_jets concept:organizationhiredperson concept_person_eric001 +concept_sportsteam_new_york_jets concept:agentcompeteswithagent concept_personnorthamerica_bills +concept_sportsteam_new_york_jets concept:teamplayssport concept_sport_football +concept_sportsteam_new_york_jets concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_baltimore_colts +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_dundee_united +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_philadelphia_athletics +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_undefeated_new_england_patriots +concept_sportsteam_new_york_jets concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_new_york_jets concept:teamhomestadium concept_stadiumoreventvenue_giants_stadium +concept_sportsteam_new_york_jets concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_york_liberty concept:teamhomestadium concept_stadiumoreventvenue_madison_square_garden +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_athlete_carlos_beltran +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_n1986_world_series +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_national_league_east +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_nl_east +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_wild_card +concept_sportsteam_new_york_mets concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_new_york_mets concept:proxyfor concept_book_new +concept_sportsteam_new_york_mets concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_new_york_mets concept:organizationalsoknownas concept_organization_amazin__mets +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_person_jose_reyes +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_person_ryan_church +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_personmexico_carlos_santana001 +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_personus_david_wright +concept_sportsteam_new_york_mets concept:organizationhiredperson concept_personus_willie_randolph +concept_sportsteam_new_york_mets concept:agentcollaborateswithagent concept_politicianus_francisco_rodriguez +concept_sportsteam_new_york_mets concept:teamplayssport concept_sport_baseball +concept_sportsteam_new_york_mets concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_expos +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_nats +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_phils +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_new_york_mets concept:teamplaysagainstteam concept_sportsteam_yanks +concept_sportsteam_new_york_mets concept:teamhomestadium concept_stadiumoreventvenue_shea_stadium +concept_sportsteam_new_york_mets concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_new_york_red_bulls concept:teamwontrophy concept_awardtrophytournament_nfl_championship_game +concept_sportsteam_new_york_red_bulls concept:teamplaysincity concept_city_east_rutherford +concept_sportsteam_new_york_red_bulls concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_dundee_united +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_philadelphia_athletics +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_undefeated_new_england_patriots +concept_sportsteam_new_york_red_bulls concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_new_york_titans concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_new_york_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_new_york_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_newcomb_college concept:latitudelongitude 29.9345100000000,-90.1028550000000 +concept_sportsteam_newman_jets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_newman_jets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_newman_jets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_newschool concept:latitudelongitude 32.7133700000000,-117.1533900000000 +concept_sportsteam_newsletters concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_sportsteam_niagara_purple_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_niagara_purple_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_niagara_purple_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nicholls_state_colonels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nicholls_state_colonels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nicholls_state_colonels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nicholls_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_niners concept:latitudelongitude 34.9920000000000,-105.2933400000000 +concept_sportsteam_niners concept:teamplayssport concept_sport_hockey +concept_sportsteam_niners concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_nittany_lions concept:teamplayssport concept_sport_football +concept_sportsteam_nittany_lions concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_nittany_lions concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_nittany_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nittany_lions concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_nittany_lions concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_njit_highlanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nordiques concept:latitudelongitude 50.5000500000000,-67.5988600000000 +concept_sportsteam_nordiques concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_norfolk_st__spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_norfolk_st_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_norfolk_state_spartans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_norfolk_state_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_norfolk_state_spartans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_norman_paterson_school_of_international_affairs concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_north_alabama_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_north_alabama_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_alabama_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_attleboro_high_school concept:latitudelongitude 41.9801000000000,-71.3342200000000 +concept_sportsteam_north_carolina_a_and_t_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_a_and_t_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_carolina_a_t_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_a_t_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_carolina_aandt_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_asheville_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_central_university_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_carolina_greensboro_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_tar_heels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_carolina_tar_heels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_carolina_wilmington_seahawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_central_cardinals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_north_central_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_central_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_dakota_fighting_sioux concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_dakota_fighting_sioux concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_dakota_st__bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_dakota_state concept:teamplaysincity concept_city_fargo +concept_sportsteam_north_dakota_state_bison concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_florida_ospreys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_florida_ospreys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_park_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_north_texas_mean_green concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_north_texas_mean_green concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_north_texas_mean_green concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northeast_wisconsin_technical_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northeast_wisconsin_technical_headwear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeast_wisconsin_technical_tops concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeastern_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northeastern_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeastern_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northeastern_illinois_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northeastern_illinois_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northeastern_state concept:teamplaysincity concept_city_tahlequah +concept_sportsteam_northeastern_state_riverhawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northeastern_state_riverhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northeastern_university concept:teamplaysincity concept_city_boston +concept_sportsteam_northern_arizona concept:teamplaysincity concept_city_flagstaff +concept_sportsteam_northern_arizona concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_northern_arizona concept:synonymfor concept_sportsteam_state_university +concept_sportsteam_northern_arizona_lumberjacks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northern_arizona_lumberjacks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_arizona_lumberjacks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_colorado_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northern_colorado_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_colorado_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_illinois concept:teamplaysincity concept_city_dekalb +concept_sportsteam_northern_illinois_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northern_illinois_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_iowa_panthers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northern_iowa_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_iowa_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_kentucky_norse concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_kentucky_university_norse concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_kentucky_university_norse concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_michigan_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_michigan_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northern_state_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northern_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northwest_missouri_state_bearcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northwest_missouri_state_bearcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northwestern concept:teamplaysincity concept_city_evanston +concept_sportsteam_northwestern concept:organizationhiredperson concept_coach_bill_carmody +concept_sportsteam_northwestern concept:organizationhiredperson concept_coach_randy_walker +concept_sportsteam_northwestern concept:teamplayssport concept_sport_football +concept_sportsteam_northwestern concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northwestern concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_northwestern concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_northwestern concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_northwestern concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_northwestern_st_demons concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_northwestern_state_demons concept:teamplaysincity concept_city_natchitoches +concept_sportsteam_northwestern_state_demons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_northwestern_state_demons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_northwestern_state_demons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northwestern_state_lady_demons concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_northwestern_university concept:teamplaysincity concept_city_chicago +concept_sportsteam_northwestern_university concept:teamplayssport concept_sport_football +concept_sportsteam_northwestern_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_northwestern_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_northwestern_university_s concept:teamplaysincity concept_city_chicago +concept_sportsteam_northwestern_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_northwood_timberwolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_notre_dame concept:teamplaysincity concept_city_beirut +concept_sportsteam_notre_dame concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_boston_college +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_georgia_tech +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_notre_dame concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_notre_dame concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_notre_dame concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_nova_southeastern_sharks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nova_southeastern_sharks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_nova_southeastern_university concept:teamplaysincity concept_city_fort_lauderdale +concept_sportsteam_nova_southeastern_university concept:teamhomestadium concept_stadiumoreventvenue_bank_atlantic_center +concept_sportsteam_nuggets concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_indiana_pacers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_los_angeles_clippers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_milwaukee_bucks +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_sacramento_kings +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_nuggets concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_ny_jets concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ny +concept_sportsteam_ny_knicks concept:teamplayssport concept_sport_basketball +concept_sportsteam_ny_mets concept:teamwontrophy concept_awardtrophytournament_n1986_world_series +concept_sportsteam_ny_mets concept:teamwontrophy concept_awardtrophytournament_national_league_east +concept_sportsteam_ny_mets concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_ny_mets concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_ny_mets concept:subpartoforganization concept_sportsleague_mlb +concept_sportsteam_ny_rangers concept:teamplayssport concept_sport_hockey +concept_sportsteam_ny_rangers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ny +concept_sportsteam_ny_yankees concept:teamplaysincity concept_city_la +concept_sportsteam_ny_yankees concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ny +concept_sportsteam_nyu concept:teamplaysincity concept_city_new_york +concept_sportsteam_nyu concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_nyu_bobcats concept:teamplayssport concept_sport_basketball +concept_sportsteam_nyu_bobcats concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_nyu_violets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_nyu_violets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_nyu_violets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_o_s concept:organizationhiredperson concept_coach_doc_holliday +concept_sportsteam_o_s concept:organizationalsoknownas concept_sportsteam_oakland_athletics +concept_sportsteam_oakland_athletics concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_oakland_athletics concept:teamplaysincity concept_city_boston +concept_sportsteam_oakland_athletics concept:teamplayssport concept_sport_baseball +concept_sportsteam_oakland_athletics concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_oakland_athletics concept:organizationacronymhasname concept_sportsteam_o_s +concept_sportsteam_oakland_athletics concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_oakland_athletics concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_oakland_athletics concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_oakland_athletics concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_oakland_athletics concept:teamhomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_sportsteam_oakland_athletics concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_oakland_golden_grizzlies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_oakland_golden_grizzlies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oakland_golden_grizzlies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_actor_callahan +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_athlete_john_madden +concept_sportsteam_oakland_raiders concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_oakland_raiders concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_oakland_raiders concept:teamplaysincity concept_city_oakland +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_coach_bill_callahan +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_coach_kiffin +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_coach_tom_cable +concept_sportsteam_oakland_raiders concept:organizationhiredperson concept_person_lane_kiffin +concept_sportsteam_oakland_raiders concept:teamplayssport concept_sport_football +concept_sportsteam_oakland_raiders concept:teamplaysinleague concept_sportsleague_afc +concept_sportsteam_oakland_raiders concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_aggies +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_oakland_raiders concept:agentcompeteswithagent concept_sportsteam_oakland_raiders +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_oakland_raiders concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_oakland_raiders concept:teamhomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_sportsteam_oakland_raiders concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_oakland_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oconee_county_high_school concept:latitudelongitude 33.8612300000000,-83.4563800000000 +concept_sportsteam_ohio_bobcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ohio_bobcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_bobcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ohio_dominican_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_dominican_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ohio_northern_polar_bears concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ohio_northern_polar_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_northern_polar_bears concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ohio_state_buckeyes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ohio_state_buckeyes concept:teamplayssport concept_sport_football +concept_sportsteam_ohio_state_buckeyes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_state_buckeyes concept:teamplaysagainstteam concept_sportsteam_iowa_hawkeyes +concept_sportsteam_ohio_state_buckeyes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ohio_state_university concept:teamplaysincity concept_city_columbus +concept_sportsteam_ohio_state_university concept:organizationhiredperson concept_coach_jim_o_brien +concept_sportsteam_ohio_state_university concept:organizationhiredperson concept_coach_john_cooper +concept_sportsteam_ohio_state_university concept:organizationhiredperson concept_coach_thad_matta +concept_sportsteam_ohio_state_university concept:organizationhiredperson concept_coach_tressel +concept_sportsteam_ohio_state_university concept:agentcollaborateswithagent concept_personmexico_woody_hayes +concept_sportsteam_ohio_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_ohio_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_ohio_state_university concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_ohio_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_ohio_state_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_ohio_state_university concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_ohio_university concept:teamplaysincity concept_city_athens +concept_sportsteam_ohio_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_ohio_valley_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ohio_wesleyan_battling_bishops concept:teamplaysincity concept_city_middletown +concept_sportsteam_oilers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_oilers concept:teamplaysincity concept_city_edmonton +concept_sportsteam_oilers concept:teamplayssport concept_sport_hockey +concept_sportsteam_oilers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_oilers concept:subpartoforganization concept_sportsleague_nhl +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_carolina_hurricanes +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_oilers concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_okc_thunder concept:teamplayssport concept_sport_basketball +concept_sportsteam_okc_thunder concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_oklahoma_baptist_bison concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oklahoma_baptist_bison concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oklahoma_christian_university concept:latitudelongitude 35.6379700000000,-97.4730950000000 +concept_sportsteam_oklahoma_christian_university concept:teamplaysincity concept_city_oklahoma_city +concept_sportsteam_oklahoma_city_thunder concept:teamhomestadium concept_stadiumoreventvenue_chesapeake_energy_arena +concept_sportsteam_oklahoma_city_university_stars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oklahoma_city_university_stars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oklahoma_sooners_basketball concept:teamplayssport concept_sport_basketball +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_boise_state_broncos +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_oklahoma_sooners_basketball concept:teamplaysagainstteam concept_sportsteam_oklahoma_state_university +concept_sportsteam_oklahoma_state_cowboys concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_oklahoma_state_cowboys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oklahoma_state_cowboys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oklahoma_state_university concept:teamplaysincity concept_city_stillwater +concept_sportsteam_oklahoma_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_oklahoma_state_university concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oklahoma_state_university concept:teamplaysagainstteam concept_sportsteam_huskers +concept_sportsteam_oklahoma_state_university concept:teamplaysagainstteam concept_sportsteam_iowa_state +concept_sportsteam_oklahoma_state_university concept:teamplaysagainstteam concept_sportsteam_oklahoma_sooners_basketball +concept_sportsteam_oklahoma_state_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_old_dominion_monarchs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_old_dominion_monarchs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_old_dominion_monarchs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_old_dominion_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_ole_miss concept:teamplaysincity concept_city_oxford +concept_sportsteam_ole_miss concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ole_miss concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_ole_miss concept:teamplaysagainstteam concept_sportsteam_mississippi_state_university +concept_sportsteam_ole_miss concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_ole_miss concept:teamplaysagainstteam concept_sportsteam_uk +concept_sportsteam_ole_miss_rebels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ole_miss_rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ole_miss_rebels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_olivet_college_comets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_olivet_college_comets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_olivet_college_comets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_olympic_college_rangers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_olympic_college_rangers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oral_roberts_golden_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_oral_roberts_golden_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oral_roberts_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oregon_ducks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_oregon_ducks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oregon_ducks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oregon_ducks concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_oregon_health___science_university concept:teamplaysincity concept_city_portland +concept_sportsteam_oregon_health_sciences_university concept:teamplaysincity concept_city_portland +concept_sportsteam_oregon_st__beavers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oregon_state_beavers concept:organizationhiredperson concept_athlete_craig_robinson +concept_sportsteam_oregon_state_beavers concept:teamplaysincity concept_city_corvallis +concept_sportsteam_oregon_state_beavers concept:organizationhiredperson concept_coach_mike_riley +concept_sportsteam_oregon_state_beavers concept:organizationhiredperson concept_person_riley001 +concept_sportsteam_oregon_state_beavers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_oregon_state_beavers concept:teamplayssport concept_sport_football +concept_sportsteam_oregon_state_beavers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_oregon_state_beavers concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_oregon_state_beavers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_oregon_state_beavers concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_oregon_state_beavers concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_oregon_state_beavers concept:agentactsinlocation concept_stateorprovince_oregon +concept_sportsteam_oregon_state_university concept:teamplaysincity concept_city_corvallis +concept_sportsteam_orioles concept:teamwontrophy concept_awardtrophytournament_al_east +concept_sportsteam_orioles concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_orioles concept:teamplaysincity concept_city_boston +concept_sportsteam_orioles concept:agentcollaborateswithagent concept_coach_cal_ripken +concept_sportsteam_orioles concept:teamplayssport concept_sport_baseball +concept_sportsteam_orioles concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_orioles concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_orioles concept:teamhomestadium concept_stadiumoreventvenue_camden_yards +concept_sportsteam_orioles concept:organizationheadquarteredinstateorprovince concept_stateorprovince_texas +concept_sportsteam_orlando_magic concept:organizationhiredperson concept_chef_brian_hill +concept_sportsteam_orlando_magic concept:organizationhiredperson concept_coach_van_gundy +concept_sportsteam_orlando_magic concept:teamplayssport concept_sport_basketball +concept_sportsteam_orlando_magic concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_orlando_magic concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_orlando_magic concept:teamhomestadium concept_stadiumoreventvenue_amway_arena +concept_sportsteam_osaka_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_oswego_state_lakers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_oswego_state_lakers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ottawa_senators concept:teamplaysincity concept_city_montreal +concept_sportsteam_ottawa_senators concept:organizationhiredperson concept_coach_craig_hartsburg +concept_sportsteam_ottawa_senators concept:teamplayssport concept_sport_hockey +concept_sportsteam_ottawa_senators concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_ottawa_senators concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_ottawa_senators concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_oxford_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_pac_10_gear concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pac_10_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pac_12_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pace_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_pace_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_pace_university_setters concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pace_university_setters concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pacers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_pacers concept:teamplayssport concept_sport_basketball +concept_sportsteam_pacers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_pacers concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_pacers concept:teamhomestadium concept_stadiumoreventvenue_conseco_fieldhouse +concept_sportsteam_pacific_boxers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pacific_boxers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pacific_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pacific_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pacific_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_packers concept:organizationhiredperson concept_athlete_mike_mccarthy +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_n2004_stanley_cup +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_n2008_world_series +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_nfc_championship +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_packers concept:teamwontrophy concept_awardtrophytournament_super_bowl_xxxvii +concept_sportsteam_packers concept:organizationhiredperson concept_coach_mike_holmgren +concept_sportsteam_packers concept:organizationhiredperson concept_coach_mike_sherman +concept_sportsteam_packers concept:organizationhiredperson concept_coach_vince_lombardi +concept_sportsteam_packers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_packers concept:organizationhiredperson concept_person_mccarthy +concept_sportsteam_packers concept:organizationhiredperson concept_person_sherman +concept_sportsteam_packers concept:teamplayssport concept_sport_football +concept_sportsteam_packers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_packers concept:teamalsoknownas concept_sportsteam_detroit_lions +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_packers concept:teamalsoknownas concept_sportsteam_falcons +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_packers concept:agentcompeteswithagent concept_sportsteam_new_england_patriots +concept_sportsteam_packers concept:teamalsoknownas concept_sportsteam_new_orleans_saints +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_packers concept:teamalsoknownas concept_sportsteam_new_york_giants +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_packers concept:teamalsoknownas concept_sportsteam_seahawks +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_storm +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_packers concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_packers concept:teamhomestadium concept_stadiumoreventvenue_pete_times_forum +concept_sportsteam_packers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_padres concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_padres concept:teamwontrophy concept_awardtrophytournament_nl_west +concept_sportsteam_padres concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_padres concept:teamplaysincity concept_city_san_diego +concept_sportsteam_padres concept:teamplayssport concept_sport_baseball +concept_sportsteam_padres concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_padres concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_parsons_school_of_design concept:teamplaysincity concept_city_new_york +concept_sportsteam_parsons_school_of_design concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_parsons_school_of_design concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pasadena_city_college_lancers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pasadena_city_college_lancers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pasadena_city_college_lancers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pats concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_pats concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_pats concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_pats concept:organizationhiredperson concept_person_belichick +concept_sportsteam_pats concept:teamplayssport concept_sport_football +concept_sportsteam_pats concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_pats concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_peking_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_pellissippi_state_purple_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pellissippi_state_purple_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_peninsula_college_pirates concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_peninsula_college_pirates concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_penn_st__nittany_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_penn_state concept:teamplaysincity concept_city_university_park +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_penn_state concept:teamalsoknownas concept_sportsteam_college +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_hawkeyes +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_michigan_state +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_oregon_state_beavers +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_penn_state concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_penn_state concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_penn_state_football_team concept:teamplaysagainstteam concept_sportsteam_hawkeyes +concept_sportsteam_penn_state_football_team concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_penn_state_nittany_lions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_penn_state_nittany_lions concept:teamplaysagainstteam concept_sportsteam_hawkeyes +concept_sportsteam_penn_state_nittany_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_penn_state_nittany_lions concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_penn_state_nittany_lions concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_penn_state_nittany_lions concept:teamhomestadium concept_stadiumoreventvenue_beaver_stadium +concept_sportsteam_penn_state_nittany_lions_basketball concept:teamplaysagainstteam concept_sportsteam_hawkeyes +concept_sportsteam_penn_state_nittany_lions_basketball concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_pennsylvania_quakers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pennsylvania_quakers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pennsylvania_quakers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pennsylvania_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_pennsylvania_state_university concept:teamalsoknownas concept_sportsteam_college +concept_sportsteam_pennsylvania_state_university___hazleton concept:teamplaysincity concept_city_university_park +concept_sportsteam_pepperdine_university concept:teamplaysincity concept_city_malibu +concept_sportsteam_pepperdine_waves concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pepperdine_waves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pfeiffer_falcons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pfeiffer_falcons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pfeiffer_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_philadelphia_76ers concept:teamplayssport concept_sport_basketball +concept_sportsteam_philadelphia_76ers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_philadelphia_76ers concept:teamhomestadium concept_stadiumoreventvenue_wachovia_center +concept_sportsteam_philadelphia_athletics concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_philadelphia_athletics concept:teamplayssport concept_sport_baseball +concept_sportsteam_philadelphia_athletics concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_philadelphia_athletics concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_philadelphia_athletics concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_philadelphia_eagles concept:organizationhiredperson concept_athlete_paul_brown +concept_sportsteam_philadelphia_eagles concept:teamwontrophy concept_awardtrophytournament_nfc_championship_game +concept_sportsteam_philadelphia_eagles concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_philadelphia_eagles concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_philadelphia_eagles concept:organizationhiredperson concept_person_andy_reid +concept_sportsteam_philadelphia_eagles concept:teamplayssport concept_sport_football +concept_sportsteam_philadelphia_eagles concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_philadelphia_eagles concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_philadelphia_flyers concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_philadelphia_flyers concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_philadelphia_flyers concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_philadelphia_flyers concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_philadelphia_flyers concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_philadelphia_flyers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_philadelphia_phillies concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_philadelphia_phillies concept:teamwontrophy concept_awardtrophytournament_world_series_title +concept_sportsteam_philadelphia_phillies concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_philadelphia_phillies concept:teamplayssport concept_sport_baseball +concept_sportsteam_philadelphia_phillies concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_philadelphia_phillies concept:teamalsoknownas concept_sportsteam_chowan_braves +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_philadelphia_phillies concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_philadelphia_phillies concept:teamhomestadium concept_stadiumoreventvenue_citizen_bank_park +concept_sportsteam_philadelphia_phillies concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_philadelphia_union concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_philadelphia_warriors concept:teamplayssport concept_sport_basketball +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_nl_east +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_world_series_championship +concept_sportsteam_phillies concept:teamwontrophy concept_awardtrophytournament_world_series_title +concept_sportsteam_phillies concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_phillies concept:agentcollaborateswithagent concept_personus_shane_victorino +concept_sportsteam_phillies concept:teamplayssport concept_sport_baseball +concept_sportsteam_phillies concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_phillies concept:teamalsoknownas concept_sportsteam_chowan_braves +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_expos +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_nats +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_phillies concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_phillies concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_phils concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_phils concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_phils concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_phils concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_phils concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_phoenix_coyotes concept:teamplaysincity concept_city_phoenix +concept_sportsteam_phoenix_coyotes concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_pierce_college_raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pierce_college_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pinstripe_bowl_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pinstripe_bowl_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pirates concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_pirates concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_pirates concept:teamplaysincity concept_city_greenville +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_boston_americans +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_boston_pilgrims +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_pirates concept:teamalsoknownas concept_sportsteam_chicago_cubs +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_nc_state_wolfpack_basketball +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_nevada_wolfpack +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_phils +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_san_diego_padres +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_pirates concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_pistons concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_pistons concept:teamplaysincity concept_city_detroit +concept_sportsteam_pistons concept:organizationhiredperson concept_coach_richard_hamilton +concept_sportsteam_pistons concept:teamplayssport concept_sport_basketball +concept_sportsteam_pistons concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_sixers +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_pistons concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_pistons concept:teamhomestadium concept_stadiumoreventvenue_palace_of_auburn_hills +concept_sportsteam_pittsburg_state_gorillas concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pittsburg_state_gorillas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pittsburg_state_gorillas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pittsburg_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_pittsburgh_panthers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_pittsburgh_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_pittsburgh_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_pittsburgh_penguins concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_pittsburgh_penguins concept:teamwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_sportsteam_pittsburgh_penguins concept:teamplaysincity concept_city_pittsburgh +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_atlanta_thrashers +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_boston_bruins +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_pittsburgh_penguins concept:teamalsoknownas concept_sportsteam_buffalo_sabres +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_carolina_hurricanes +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_chicago_blackhawks +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_pittsburgh_penguins concept:teamalsoknownas concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_pittsburgh_penguins concept:teamalsoknownas concept_sportsteam_ottawa_senators +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_ottawa_senators +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_philadelphia_flyers +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_pittsburgh_penguins concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_pittsburgh_penguins concept:teamhomestadium concept_stadiumoreventvenue_mellon_arena +concept_sportsteam_pittsburgh_penguins concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_pittsburgh_pirates concept:agentcollaborateswithagent concept_athlete_ramirez +concept_sportsteam_pittsburgh_pirates concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_pittsburgh_pirates concept:teamplaysincity concept_city_boston +concept_sportsteam_pittsburgh_pirates concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_pittsburgh_pirates concept:teamplayssport concept_sport_baseball +concept_sportsteam_pittsburgh_pirates concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_boston_americans +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_pittsburgh_pirates concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_pittsburgh_pirates concept:teamhomestadium concept_stadiumoreventvenue_pnc_park +concept_sportsteam_pittsburgh_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_plattsburgh_state_cardinals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_plattsburgh_state_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_plattsburgh_state_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_plymouth_argyle concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_plymouth_argyle concept:teamplaysagainstteam concept_sportsteam_man_united +concept_sportsteam_plymouth_argyle concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_plymouth_state concept:teamplaysincity concept_city_plymouth +concept_sportsteam_point_loma_nazarene concept:teamplaysincity concept_city_san_diego +concept_sportsteam_point_park concept:teamplaysincity concept_city_pittsburgh +concept_sportsteam_portland_pilots concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_portland_pilots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_portland_st__vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_portland_state_university concept:agentcontrols concept_female_holly_madison +concept_sportsteam_portland_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_portland_state_vikings concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_portland_state_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_portland_timbers concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_portland_trailblazers concept:teamplayssport concept_sport_basketball +concept_sportsteam_portland_trailblazers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_portland_trailblazers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_portland_trailblazers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_portland_trailblazers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_portland_trailblazers concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_portland_trailblazers concept:teamhomestadium concept_stadiumoreventvenue_rose_garden +concept_sportsteam_prairie_view_a_and_m_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_presbyterian_blue_hose concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_presbyterian_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_presbyterian_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_presbyterian_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_preseason concept:organizationterminatedperson concept_scientist_no_ +concept_sportsteam_princeton_theological_seminary concept:teamplaysincity concept_city_princeton +concept_sportsteam_princeton_theological_seminary concept:teamplayssport concept_sport_football +concept_sportsteam_princeton_theological_seminary concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_princeton_theological_seminary concept:teamplaysagainstteam concept_sportsteam_harvard_divinity_school +concept_sportsteam_princeton_theological_seminary concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_princeton_theological_seminary concept:teamplaysagainstteam concept_sportsteam_rutgers +concept_sportsteam_princeton_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_procter___gamble concept:agentcontrols concept_person_fernandez +concept_sportsteam_procter___gamble concept:agentcontrols concept_person_leopoldo_fernandez +concept_sportsteam_providence_friars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_puget_sound_loggers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_puget_sound_loggers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_puget_sound_loggers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_purdue_boilermakers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_purdue_boilermakers concept:teamhomestadium concept_stadiumoreventvenue_ross_ade_stadium +concept_sportsteam_purdue_university concept:teamplaysincity concept_city_west_lafayette +concept_sportsteam_purdue_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_quebec_nordiques concept:teamplayssport concept_sport_hockey +concept_sportsteam_queen_s concept:teamplaysincity concept_city_kingston +concept_sportsteam_queen_s_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_queens_college concept:teamplaysincity concept_city_new_york +concept_sportsteam_queens_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_queens_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_queens_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_quinnipiac_bobcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_quinnipiac_bobcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_quinnipiac_bobcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_radford_highlanders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_radford_highlanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_radford_highlanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rams concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_rams concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_rams concept:organizationterminatedperson concept_coach_rich_brooks +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_rams concept:teamalsoknownas concept_sportsteam_titans +concept_sportsteam_rams concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_rams concept:teamhomestadium concept_stadiumoreventvenue_dome +concept_sportsteam_rams concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_rangers concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_rangers concept:teamwontrophy concept_awardtrophytournament_nfl_championship_game +concept_sportsteam_rangers concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_rangers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_rangers concept:proxyfor concept_book_new +concept_sportsteam_rangers concept:teamplaysincity concept_city_east_rutherford +concept_sportsteam_rangers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_rangers concept:teamplayssport concept_sport_hockey +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam__skins +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_canucks +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_d_backs +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_dundee_united +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_maple_leafs +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_new_jersey_devils +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_new_york_islanders +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_niners +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_philadelphia_athletics +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_philadelphia_flyers +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_red_wings +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_skins +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_undefeated_new_england_patriots +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_rangers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_rangers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_raptors concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_raptors concept:organizationhiredperson concept_coach_jay_triano +concept_sportsteam_raptors concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_raptors concept:teamplayssport concept_sport_basketball +concept_sportsteam_raptors concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_raptors concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_raptors concept:teamhomestadium concept_stadiumoreventvenue_air_canada_center +concept_sportsteam_ravens concept:agentcollaborateswithagent concept_athlete_joe_flacco +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_afc_championship +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_afc_championship_game +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_super_bowl_title +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_ravens concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_ravens concept:teamplaysincity concept_city_indianapolis +concept_sportsteam_ravens concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_ravens concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_ravens concept:agentcompeteswithagent concept_sportsteam_baltimore_colts +concept_sportsteam_ravens concept:teamalsoknownas concept_sportsteam_baltimore_colts +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_bolts +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_ravens concept:teamalsoknownas concept_sportsteam_colts +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_ravens concept:agentcompeteswithagent concept_sportsteam_ravens +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_ravens concept:organizationalsoknownas concept_sportsteam_titans +concept_sportsteam_ravens concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_ravens concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_ravens_23_14 concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_ravens_23_14 concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_ravens_23_14 concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_ravens_23_14 concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_razorbacks concept:organizationhiredperson concept_coach_bobby_petrino +concept_sportsteam_razorbacks concept:teamplayssport concept_sport_golf +concept_sportsteam_razorbacks concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_real_madrid concept:teamwontrophy concept_awardtrophytournament_european_cup +concept_sportsteam_real_madrid concept:teamplaysagainstteam concept_sportsteam_barcelona +concept_sportsteam_real_madrid concept:teamhomestadium concept_stadiumoreventvenue_santiago_bernab +concept_sportsteam_real_salt_lake concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_real_salt_lake concept:teamplaysagainstteam concept_sportsteam_red_bulls +concept_sportsteam_real_salt_lake concept:teamhomestadium concept_stadiumoreventvenue_rio_tinto_stadium +concept_sportsteam_red_bull_new_york concept:agentbelongstoorganization concept_sportsleague_mls +concept_sportsteam_red_bulls concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_red_bulls concept:teamplaysagainstteam concept_sportsteam_crew +concept_sportsteam_red_bulls concept:teamplaysagainstteam concept_sportsteam_real_salt_lake +concept_sportsteam_red_raiders concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_al_east +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_alcs +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_american_league_championship_series +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_american_league_east +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_american_league_pennant +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_first_world_series +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_n2004_world_series +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_n2007_world_series +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_world_championship +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_world_series_championship +concept_sportsteam_red_sox concept:teamwontrophy concept_awardtrophytournament_world_series_title +concept_sportsteam_red_sox concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_red_sox concept:organizationhiredperson concept_personus_theo_epstein +concept_sportsteam_red_sox concept:organizationterminatedperson concept_personus_theo_epstein +concept_sportsteam_red_sox concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_anaheim_angels +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_oakland_a +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_oakland_athletics +concept_sportsteam_red_sox concept:teamalsoknownas concept_sportsteam_olde_towne_team +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_red_sox concept:teamplaysagainstteam concept_sportsteam_yanks +concept_sportsteam_red_sox concept:teamhomestadium concept_stadiumoreventvenue_fenway +concept_sportsteam_red_sox_this_season concept:teamwontrophy concept_awardtrophytournament_al_east +concept_sportsteam_red_sox_this_season concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_red_sox_this_season concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_red_sox_this_season concept:teamwontrophy concept_awardtrophytournament_wild_card +concept_sportsteam_red_sox_this_season concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_red_sox_this_season concept:teamplaysincity concept_city_anaheim +concept_sportsteam_red_sox_this_season concept:agentcompeteswithagent concept_coach_toronto_blue_jays +concept_sportsteam_red_sox_this_season concept:agentcompeteswithagent concept_personmexico_colorado_rockies +concept_sportsteam_red_sox_this_season concept:agentcompeteswithagent concept_personmexico_seattle_mariners +concept_sportsteam_red_sox_this_season concept:agentcompeteswithagent concept_personmexico_texas_rangers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_a_s +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_anaheim_angels +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_boston_braves +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_california_angels +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_colorado_rockies +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_louis_browns +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_montreal_expos +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_oakland_athletics +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_rockies +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_st___louis_browns +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_washington_nationals +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_yankess +concept_sportsteam_red_sox_this_season concept:teamplaysagainstteam concept_sportsteam_yanks +concept_sportsteam_red_wings concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_red_wings concept:teamwontrophy concept_awardtrophytournament_stanley_cup_championship +concept_sportsteam_red_wings concept:teamwontrophy concept_awardtrophytournament_stanley_cup_finals +concept_sportsteam_red_wings concept:teamplaysincity concept_city_detroit +concept_sportsteam_red_wings concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_red_wings concept:agentcompeteswithagent concept_professionalorganization_avs +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_avs +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_blue_jackets +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_buffalo_sabres +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_chicago_blackhawks +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_colorado_avalanche +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_columbus_blue_jackets +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_dallas_stars +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_devils +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_edmonton_oilers +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_l_a__kings +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_montreal_canadiens +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_pittsburgh_penguins +concept_sportsteam_red_wings concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_red_wings concept:teamhomestadium concept_stadiumoreventvenue_joe_louis_arena +concept_sportsteam_red_wings concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_reds concept:agentcollaborateswithagent concept_athlete_lorenzen_wright +concept_sportsteam_reds concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_reds concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_reds concept:agentcontrols concept_person_ken_griffey_jr +concept_sportsteam_reds concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_reds concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_reds concept:teamhomestadium concept_stadiumoreventvenue_great_american_ball_park +concept_sportsteam_redskins concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_redskins concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_redskins concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_redskins concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_redskins concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_los_angeles_raiders +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_redskins concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_redskins concept:teamhomestadium concept_stadiumoreventvenue_fedex_field +concept_sportsteam_reedley_college_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_reedley_college_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_reedley_college_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_regent_university concept:teamplaysincity concept_city_virginia_beach +concept_sportsteam_regis_rangers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_regis_rangers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_regis_rangers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rensselaer_polytechnic_institute_engineers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rensselaer_polytechnic_institute_engineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_research_fellow concept:atdate concept_date_n2004 +concept_sportsteam_research_fellow concept:atdate concept_dateliteral_n2006 +concept_sportsteam_research_fellow concept:atdate concept_dateliteral_n2008 +concept_sportsteam_revolution concept:atdate concept_dateliteral_n1812 +concept_sportsteam_revolution concept:atdate concept_dateliteral_n1917 +concept_sportsteam_revolution concept:teamplaysagainstteam concept_sportsteam_houston_dynamo +concept_sportsteam_revolution concept:teamplaysagainstteam concept_sportsteam_los_angeles_galaxy +concept_sportsteam_rhode_island_anchormen concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rhode_island_anchormen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rhode_island_anchormen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rhode_island_rams concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rhode_island_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rice_owls concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rice_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_richmond_spiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_richmond_spiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_richmond_spiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rider_broncs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rider_broncs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rider_broncs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rmit_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_robert_morris_colonials concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_robert_morris_colonials concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_robert_morris_eagles concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_robert_morris_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_robert_morris_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rochester_college concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rochester_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rochester_college concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rochester_institute_of_technology_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rochester_institute_of_technology_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rochester_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rochester_yellow_jackets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rochester_yellow_jackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rockets concept:teamwontrophy concept_awardtrophytournament_playoff_series +concept_sportsteam_rockets concept:mutualproxyfor concept_company_los_angeles +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_los_angeles_clippers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_portland_trailblazers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_sacramento_kings +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_rockets concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_rockets concept:teamhomestadium concept_stadiumoreventvenue_toyota_center +concept_sportsteam_rockies concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_rockies concept:teamplayssport concept_sport_baseball +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_rockies concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_rollins_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_rose_bowl_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rose_bowl_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rosemont concept:mutualproxyfor concept_radiostation_new_jersey +concept_sportsteam_rowan_owls concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rowan_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rowan_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_royals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_royals concept:teamplaysincity concept_city_kansas +concept_sportsteam_royals concept:teamplayssport concept_sport_hockey +concept_sportsteam_royals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_royals concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_rpi_engineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rush_university concept:teamplaysincity concept_city_chicago +concept_sportsteam_rutgers concept:teamplaysincity concept_city_new_brunswick +concept_sportsteam_rutgers concept:organizationhiredperson concept_coach_greg_schiano +concept_sportsteam_rutgers concept:teamplayssport concept_sport_basketball +concept_sportsteam_rutgers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rutgers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_rutgers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rutgers concept:teamplaysagainstteam concept_sportsteam_princeton_theological_seminary +concept_sportsteam_rutgers_scarlet_knights concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_rutgers_scarlet_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rutgers_scarlet_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_rutgers_university concept:teamplaysincity concept_city_newark +concept_sportsteam_sacramento_kings concept:organizationhiredperson concept_coach_reggie_theus +concept_sportsteam_sacramento_kings concept:teamplayssport concept_sport_basketball +concept_sportsteam_sacramento_kings concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_sacramento_kings concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_sacramento_kings concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_sacramento_kings concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_sacramento_kings concept:teamhomestadium concept_stadiumoreventvenue_arco_arena +concept_sportsteam_sacramento_monarchs concept:teamplaysincity concept_city_sacramento +concept_sportsteam_sacramento_monarchs concept:atlocation concept_county_sacramento +concept_sportsteam_sacramento_monarchs concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_sacramento_river_cats concept:teamhomestadium concept_stadiumoreventvenue_raley_field +concept_sportsteam_sacramento_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_sacramento_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sacred_heart_pioneers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_sacred_heart_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sacred_heart_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saginaw_valley_state_cardinals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saginaw_valley_state_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saginaw_valley_state_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saginaw_valley_state_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_francis_red_flash concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saint_francis_red_flash concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_francis_red_flash concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_joseph_s_college_pumas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_joseph_s_college_pumas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_joseph_s_hawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saint_joseph_s_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_josephs_college_pumas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_josephs_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_louis_billikens concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saint_louis_billikens concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_louis_university concept:teamplaysincity concept_city_st_louis +concept_sportsteam_saint_mary concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_saint_mary_s_gaels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saint_mary_s_gaels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_mary_s_gaels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_marys_gaels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_marys_gaels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_peter_s_peacocks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_saint_peter_s_peacocks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saint_peters_peacocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_saint_peters_peacocks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_saints concept:teamwontrophy concept_awardtrophytournament_playoff_game +concept_sportsteam_saints concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_saints concept:organizationhiredperson concept_coach_sean_payton +concept_sportsteam_saints concept:teamplayssport concept_sport_football +concept_sportsteam_saints concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_saints concept:teamalsoknownas concept_sportsteam_bears_29_17 +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_detroit_lions +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_saints concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_sam_houston_state_bearkats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_sam_houston_state_bearkats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_samford_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_samford_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_samuel_merrit_university concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_samuel_merrit_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_san_antonio concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_san_antonio concept:teamwontrophy concept_awardtrophytournament_nba_title +concept_sportsteam_san_antonio concept:teamplaysincity concept_city_houston +concept_sportsteam_san_antonio concept:organizationhiredperson concept_coach_gregg_popovich +concept_sportsteam_san_antonio concept:teamplayssport concept_sport_basketball +concept_sportsteam_san_antonio concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_los_angeles_clippers +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_sacramento_kings +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_san_antonio concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_san_diego_padres concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_san_diego_padres concept:teamplaysincity concept_city_san_diego +concept_sportsteam_san_diego_padres concept:organizationhiredperson concept_coach_brady_hoke +concept_sportsteam_san_diego_padres concept:organizationhiredperson concept_coach_chuck_long +concept_sportsteam_san_diego_padres concept:teamplayssport concept_sport_baseball +concept_sportsteam_san_diego_padres concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_san_diego_padres concept:subpartoforganization concept_sportsleague_nfl +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_san_diego_padres concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_san_diego_padres concept:teamhomestadium concept_stadiumoreventvenue_qualcomm_stadium +concept_sportsteam_san_diego_padres concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_san_diego_st__aztecs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_san_diego_state_aztecs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_san_diego_state_aztecs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_san_diego_toreros concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_san_diego_toreros concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_san_diego_toreros concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_san_francisco_49ers concept:teamplayssport concept_sport_football +concept_sportsteam_san_francisco_49ers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_san_francisco_49ers concept:teamhomestadium concept_stadiumoreventvenue_candlestick_park +concept_sportsteam_san_francisco_dons concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_san_francisco_dons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_san_francisco_state_gators concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_san_francisco_state_gators concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_san_francisco_state_gators concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_san_francisco_state_university concept:teamplaysincity concept_city_san_francisco +concept_sportsteam_san_francisco_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_san_francisco_warriors concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_san_jose_earthquakes concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_san_jose_sharks concept:organizationhiredperson concept_coach_al_arbour +concept_sportsteam_san_jose_sharks concept:teamplayssport concept_sport_hockey +concept_sportsteam_san_jose_sharks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_san_jose_sharks concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_san_jose_sharks concept:teamplaysagainstteam concept_sportsteam_calgary_flames +concept_sportsteam_san_jose_sharks concept:teamplaysagainstteam concept_sportsteam_lee_flames +concept_sportsteam_san_jose_sharks concept:teamhomestadium concept_stadiumoreventvenue_hp_pavilion +concept_sportsteam_san_jose_sharks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_san_jose_st__spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_san_jose_state_spartans concept:teamplaysincity concept_city_san_jose +concept_sportsteam_san_jose_state_spartans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_san_jose_state_spartans concept:teamplayssport concept_sport_basketball +concept_sportsteam_santa_clara_broncos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_santa_clara_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_santa_clara_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_santa_clara_university concept:teamplayssport concept_sport_baseball +concept_sportsteam_saskatchewan_roughriders concept:teamwontrophy concept_awardtrophytournament_grey_cup +concept_sportsteam_savannah_st__tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_savannah_state_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_savannah_state_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_scarlets concept:organizationhiredperson concept_politicianus_nigel_davies +concept_sportsteam_scranton_royals concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_scranton_royals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sd_chargers concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_sd_chargers concept:teamplaysincity concept_city_san_diego +concept_sportsteam_sd_chargers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_sd_chargers concept:agentcompeteswithagent concept_sportsteam_new_england_patriots +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_sd_chargers concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_sd_chargers concept:teamhomestadium concept_stadiumoreventvenue_qualcomm_stadium +concept_sportsteam_se_missouri_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_se_missouri_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_se_missouri_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_se_missouri_state_indians concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_seahawks concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_seahawks concept:teamwontrophy concept_awardtrophytournament_super_bowl_xl +concept_sportsteam_seahawks concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_seahawks concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_seahawks concept:organizationhiredperson concept_coach_jim_mora +concept_sportsteam_seahawks concept:organizationhiredperson concept_coach_mike_holmgren +concept_sportsteam_seahawks concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_seahawks concept:teamplayssport concept_sport_football +concept_sportsteam_seahawks concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_seahawks concept:teamalsoknownas concept_sportsteam_bears_29_17 +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_seahawks concept:teamalsoknownas concept_sportsteam_packers +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_seahawks concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_seahawks concept:teamhomestadium concept_stadiumoreventvenue_husky_stadium +concept_sportsteam_seahawks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_seattle_mariners concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_seattle_mariners concept:teamhomestadium concept_stadiumoreventvenue_safeco_field +concept_sportsteam_seattle_pilots concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_seattle_redhawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_seattle_redhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_seattle_redhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_seattle_sonics concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_seattle_sounders_fc concept:teamplaysinleague concept_sportsleague_mls +concept_sportsteam_seattle_storm concept:agentcollaborateswithagent concept_male_lauren_jackson +concept_sportsteam_seattle_storm concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_seattle_supersonics concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_seattle_supersonics_and_thunders concept:teamplayssport concept_sport_basketball +concept_sportsteam_seattle_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_sec_gear concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_sec_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sec_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_seminoles concept:teamplaysagainstteam concept_sportsteam_maryland +concept_sportsteam_seminoles concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_servite concept:organizationhiredperson concept_personaustralia_troy_thomas +concept_sportsteam_seton_hall_pirates concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_seton_hall_pirates concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_seton_hill_griffins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_seton_hill_griffins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_several_teams concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_sewanee_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sewanee_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_shakhtar_donetsk concept:teamplaysinleague concept_sportsleague_uefa +concept_sportsteam_shenandoah_hornets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_shippensburg_raiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_shippensburg_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_siena_saints concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_siena_saints concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_simmons_college concept:teamplaysincity concept_city_boston +concept_sportsteam_simon_fraser_university concept:teamplaysincity concept_city_burnaby +concept_sportsteam_simon_fraser_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_siu_edwardsville_cougars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sixers concept:agentparticipatedinevent concept_eventoutcome_title +concept_sportsteam_sixers concept:teamplayssport concept_sport_basketball +concept_sportsteam_sixers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_sixers concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_sj_sharks concept:teamplayssport concept_sport_hockey +concept_sportsteam_sj_sharks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_sj_sharks concept:teamhomestadium concept_stadiumoreventvenue_hp_pavilion +concept_sportsteam_skins concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_skins concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_slippery_rock_pride concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_slippery_rock_pride concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_smu_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_smu_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sofia_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_sonics concept:teamplayssport concept_sport_basketball +concept_sportsteam_sonics concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_sonics concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_sonics concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_sonics concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_sonics concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_sonics concept:teamhomestadium concept_stadiumoreventvenue_key_arena +concept_sportsteam_sonoma_state_seawolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sophie_newcomb_college concept:latitudelongitude 29.9271500000000,-90.0834100000000 +concept_sportsteam_sounders_fc concept:organizationhiredperson concept_personmexico_sigi_schmid +concept_sportsteam_south_alabama_jaguars concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_south_alabama_jaguars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_alabama_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_carolina_gamecocks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_carolina_state_bulldogs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_south_carolina_state_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_carolina_upstate_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_dakota_coyotes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_south_dakota_coyotes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_dakota_coyotes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_dakota_st__jackrabbits concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_dakota_st_jackrabbits concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_dakota_st_jackrabbits concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_dakota_state concept:teamplaysincity concept_city_brookings +concept_sportsteam_south_dakota_state concept:agentactsinlocation concept_stateorprovince_south_dakota +concept_sportsteam_south_dakota_state_jackrabbits concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_south_dakota_state_jackrabbits concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_florida_bulls concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_south_florida_bulls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_south_florida_bulls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_south_western concept:teamplaysincity concept_city_dallas +concept_sportsteam_south_western concept:agentactsinlocation concept_continent_africa +concept_sportsteam_southeast_missouri_state concept:teamplaysincity concept_city_cape_girardeau +concept_sportsteam_southeast_missouri_state_indians concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southeast_missouri_state_redhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southeastern_fire concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southeastern_louisiana_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_arkansas_muleriders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_california_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_california_university_of_health_sciences concept:latitudelongitude 33.9236800000000,-117.9825900000000 +concept_sportsteam_southern_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_conference_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_connecticut_state_o concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_connecticut_state_o concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_illinois concept:teamplaysincity concept_city_carbondale +concept_sportsteam_southern_illinois concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_illinois concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_southern_illinois_salukis concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_illinois_salukis concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_indiana_screaming_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_indiana_screaming_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_jaguars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_methodist_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_methodist_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_miss_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_mississippi_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_mississippi_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_new_hampshire_penmen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_new_hampshire_penmen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_polytechnic_state concept:teamplaysincity concept_city_marietta +concept_sportsteam_southern_university_at_new_orleans_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_university_at_new_orleans_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_university_jaguars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southern_university_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_utah_thunderbirds concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_southern_utah_thunderbirds concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southern_utah_thunderbirds concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_southern_virginia_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southland_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southwestern_oklahoma_state_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_southwestern_oklahoma_state_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_southwestern_oklahoma_state_university concept:teamplaysincity concept_city_weatherford +concept_sportsteam_southwestern_university concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_spartans concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_spartans concept:teamplayssport concept_sport_golf +concept_sportsteam_spartans concept:teamplaysinleague concept_sportsleague_bcs +concept_sportsteam_spartans concept:teamalsoknownas concept_sportsteam_buckeyes +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_northwestern +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_spartans concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_spelman_college_jaguars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_spelman_college_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sporting_kansas_city concept:teamplaysagainstteam concept_sportsteam_chicago_fire +concept_sportsteam_sporting_kansas_city concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_springfield_college_pride concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_springfield_college_pride concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_spurs concept:teamwontrophy concept_awardtrophytournament_nba_championship +concept_sportsteam_spurs concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_spurs concept:teamplayssport concept_sport_basketball +concept_sportsteam_spurs concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_chelsea +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_liverpool +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_magic +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_man_utd +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_new_orleans_hornets +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_sonics +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_spurs concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_st___louis_blues concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_st___louis_blues concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_st___louis_browns concept:teamplayssport concept_sport_baseball +concept_sportsteam_st___louis_browns concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_st___louis_browns concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_st___louis_cardinals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_st___louis_cardinals concept:teamplaysincity concept_city_boston +concept_sportsteam_st___louis_cardinals concept:teamplayssport concept_sport_baseball +concept_sportsteam_st___louis_cardinals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_st___louis_cardinals concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_st___louis_cardinals concept:teamhomestadium concept_stadiumoreventvenue_busch_memorial_stadium +concept_sportsteam_st___louis_cardinals concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_st___louis_hawks concept:teamplayssport concept_sport_basketball +concept_sportsteam_st__bonaventure_bonnies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_st__bonaventure_bonnies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st__cloud_state_huskies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_st__cloud_state_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__cloud_state_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st__francis_college_terriers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__francis_college_terriers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st__johns_red_storm concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__johns_red_storm concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st__louis_billikens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__louis_blues concept:teamplayssport concept_sport_hockey +concept_sportsteam_st__louis_blues concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_st__louis_cardinals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_st__louis_cardinals concept:teamplaysincity concept_city_phoenix +concept_sportsteam_st__louis_cardinals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_st__louis_cardinals concept:teamhomestadium concept_stadiumoreventvenue_busch_memorial_stadium +concept_sportsteam_st__norbert_green_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__norbert_green_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st__peter_s_peacocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st__peters_peacocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_bonaventure_bonnies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_cloud_state_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_cloud_state_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st_francis_college_terriers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_francis_college_terriers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st_johns_red_storm concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_johns_red_storm concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st_louis_billikens concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_louis_rams concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_st_louis_rams concept:teamplayssport concept_sport_football +concept_sportsteam_st_louis_rams concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_st_norbert_green_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_st_norbert_green_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_st_peters_peacocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_stanford concept:teamplaysincity concept_city_new_york +concept_sportsteam_stanford concept:organizationhiredperson concept_coach_buddy_teevens +concept_sportsteam_stanford concept:organizationhiredperson concept_coach_harbaugh +concept_sportsteam_stanford concept:organizationhiredperson concept_coach_jim_harbaugh +concept_sportsteam_stanford concept:organizationhiredperson concept_coach_johnny_dawkins +concept_sportsteam_stanford concept:organizationhiredperson concept_coach_mike_montgomery +concept_sportsteam_stanford concept:organizationhiredperson concept_person_montgomery +concept_sportsteam_stanford concept:teamplayssport concept_sport_football +concept_sportsteam_stanford concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_stanford concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_harvard_divinity_school +concept_sportsteam_stanford concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_stanford concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_ucla +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_uconn +concept_sportsteam_stanford concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_stanford_university concept:teamplaysincity concept_city_palo_alto +concept_sportsteam_stanford_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_stanford_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_state_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_akron_pros +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_arizona_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_boston_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_bowling_green_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_central_michigan_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_college +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_colorado_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_columbia_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_community +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_cuyahoga_community_college +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_davenport_university +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_drake +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_duquesne_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_eastern_kentucky_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_eastern_michigan_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_emory_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_ferris_state_university +concept_sportsteam_state_university concept:organizationalsoknownas concept_sportsteam_florida_state +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_florida_state +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_florida_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_hope_college +concept_sportsteam_state_university concept:organizationalsoknownas concept_sportsteam_idaho_state_bengals +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_illinois_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_indiana_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_indiana_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_jackson_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_kansas_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_kansas_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_kent_state +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_kent_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_louisiana_state_university +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_mary_hardin_baylor_crusaders +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_maryland +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_miami_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_michigan_state +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_michigan_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_michigan_technological_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_mississippi_state_university +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_montana_state +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_montana_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_new_york_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_north_carolina_state_university +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_northern_arizona +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_northern_arizona_university +concept_sportsteam_state_university concept:organizationalsoknownas concept_sportsteam_northern_illinois +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_northern_illinois +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_northern_illinois_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_northern_michigan_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_northwestern_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_notre_dame +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_oakland_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_oberlin_college +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_ohio_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_ohio_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_oklahoma_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_oregon_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_penn_state +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_pennsylvania_state_university +concept_sportsteam_state_university concept:synonymfor concept_sportsteam_san_diego_padres +concept_sportsteam_state_university concept:organizationalsoknownas concept_sportsteam_southern_illinois +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_southern_utah_thunderbirds +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_southwest_texas_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_syracuse_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_texas_a_m +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_texas_a_m_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_texas_tech_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_ucla +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_urbana_champaign +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_utah_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_virginia_commonwealth_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_washington_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_wesleyan_university +concept_sportsteam_state_university concept:organizationalsoknownas concept_sportsteam_western_kentucky +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_western_kentucky_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_western_michigan_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_wichita_state_university +concept_sportsteam_state_university concept:teamalsoknownas concept_sportsteam_youngstown_state_university +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_afc_championship +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_afc_championship_game +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_afc_north +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_sixth_super_bowl +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl_title +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl_xl +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowl_xliii +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_super_bowls +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_superbowl +concept_sportsteam_steelers concept:teamwontrophy concept_awardtrophytournament_superbowl_xliii +concept_sportsteam_steelers concept:teamplaysincity concept_city_pittsburgh +concept_sportsteam_steelers concept:organizationhiredperson concept_coach_chuck_noll +concept_sportsteam_steelers concept:organizationhiredperson concept_coach_cowher +concept_sportsteam_steelers concept:organizationhiredperson concept_coach_ken_whisenhunt +concept_sportsteam_steelers concept:organizationhiredperson concept_coach_mike_tomlin +concept_sportsteam_steelers concept:organizationhiredperson concept_coach_tomlin +concept_sportsteam_steelers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_steelers concept:teamplayssport concept_sport_football +concept_sportsteam_steelers concept:agentcompeteswithagent concept_sportsteam_arizona_cardinals_27_23 +concept_sportsteam_steelers concept:synonymfor concept_sportsteam_arizona_cardinals_27_23 +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_buffalo_bills +concept_sportsteam_steelers concept:synonymfor concept_sportsteam_cardinals_27_23 +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_cardinals_27_23 +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_steelers concept:teamalsoknownas concept_sportsteam_eagles +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_jags +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_l_a__rams +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_los_angeles_rams +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_miami_dolphins +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_pats +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_ravens_23_14 +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_steelers concept:teamalsoknownas concept_sportsteam_sd_chargers +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_steelers concept:teamalsoknownas concept_sportsteam_seahawks +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_steelers concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_steelers concept:teamhomestadium concept_stadiumoreventvenue_heinz_field +concept_sportsteam_steelers concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_stephen_f_austin_lumberjacks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_stephen_f_austin_lumberjacks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_stetson_hatters concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_stetson_hatters concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_stillers concept:latitudelongitude 49.6833300000000,7.4666700000000 +concept_sportsteam_stillman_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_stillman_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_stockholm_school_of_economics concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_stockholm_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_stony_brook concept:teamplaysincity concept_county_long_island +concept_sportsteam_stony_brook_seawolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_stony_brook_seawolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_stros concept:latitudelongitude 40.8750000000000,24.8000000000000 +concept_sportsteam_suffolk_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_suitland_high_school concept:latitudelongitude 38.8540000000000,-76.9169200000000 +concept_sportsteam_sun_belt_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_sun_belt_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sun_devils concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_sun_devils concept:teamalsoknownas concept_sportsteam_ucla +concept_sportsteam_suns concept:teamwontrophy concept_awardtrophytournament_nba_finals +concept_sportsteam_suns concept:teamplaysincity concept_city_phoenix +concept_sportsteam_suns concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_suns concept:agentcollaborateswithagent concept_personmexico_jerry_colangelo +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_dallas_mavericks +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_denver_nuggets +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_mavs +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_minnesota_timberwolves +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_pacers +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_suns concept:teamplaysagainstteam concept_sportsteam_washington_wizards +concept_sportsteam_suns concept:teamhomestadium concept_stadiumoreventvenue_us_airways_center +concept_sportsteam_suny_cortland_red_dragons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_suny_fredonia_blue_devils concept:teamalsoknownas concept_sportsteam_ucla +concept_sportsteam_susquehanna_crusaders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_susquehanna_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_sw_missouri_state_bears concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_syracuse_orangemen concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_syracuse_orangemen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_syracuse_orangemen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_talladega_college_tornadoes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_al_east +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_alcs +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_american_league_east +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_division_title +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_n2004_stanley_cup +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_n2008_world_series +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_nfc_championship +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_super_bowl_xxxvii +concept_sportsteam_tampa concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_carolina +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_carolina_panthers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_milwaukee_brewers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_new_orleans_saints +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_orlando_magic +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_philadelphia_eagles +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_seahawks +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_tampa_bay_lightning +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_tampa_bay_storm +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_tampa concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_tampa concept:teamhomestadium concept_stadiumoreventvenue_pete_times_forum +concept_sportsteam_tampa_bay_devil_rays concept:agentcollaborateswithagent concept_athlete_carl_crawford +concept_sportsteam_tampa_bay_devil_rays concept:teamwontrophy concept_awardtrophytournament_al_east +concept_sportsteam_tampa_bay_devil_rays concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_tampa_bay_devil_rays concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_tampa_bay_devil_rays concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysincity concept_city_tampa_bay +concept_sportsteam_tampa_bay_devil_rays concept:agentcontrols concept_person_carl_crawford +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_phils +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_tampa_bay_devil_rays concept:teamplaysagainstteam concept_sportsteam_yanks +concept_sportsteam_tampa_bay_devil_rays concept:teamhomestadium concept_stadiumoreventvenue_tropicana_field +concept_sportsteam_tampa_bay_devil_rays concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_tampa_bay_lightning concept:teamwontrophy concept_awardtrophytournament_n2004_stanley_cup +concept_sportsteam_tampa_bay_lightning concept:teamwontrophy concept_awardtrophytournament_n2008_world_series +concept_sportsteam_tampa_bay_lightning concept:teamwontrophy concept_awardtrophytournament_nfc_championship +concept_sportsteam_tampa_bay_lightning concept:teamwontrophy concept_awardtrophytournament_stanley_cup +concept_sportsteam_tampa_bay_lightning concept:teamwontrophy concept_awardtrophytournament_super_bowl_xxxvii +concept_sportsteam_tampa_bay_lightning concept:teamplaysincity concept_city_tampa_bay +concept_sportsteam_tampa_bay_lightning concept:organizationhiredperson concept_coach_barry_melrose +concept_sportsteam_tampa_bay_lightning concept:teamplayssport concept_sport_hockey +concept_sportsteam_tampa_bay_lightning concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_tampa_bay_lightning concept:teamplaysagainstteam concept_sportsteam_capitals +concept_sportsteam_tampa_bay_lightning concept:teamplaysagainstteam concept_sportsteam_flyers_playoff_tickets +concept_sportsteam_tampa_bay_lightning concept:teamplaysagainstteam concept_sportsteam_leafs +concept_sportsteam_tampa_bay_lightning concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_tampa_bay_lightning concept:teamplaysagainstteam concept_sportsteam_tampa_bay_storm +concept_sportsteam_tampa_bay_lightning concept:teamhomestadium concept_stadiumoreventvenue_pete_times_forum +concept_sportsteam_tampa_bay_lightning concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_tampa_bay_rays concept:teamwontrophy concept_awardtrophytournament_n2004_stanley_cup +concept_sportsteam_tampa_bay_rays concept:teamwontrophy concept_awardtrophytournament_n2008_world_series +concept_sportsteam_tampa_bay_rays concept:teamwontrophy concept_awardtrophytournament_nfc_championship +concept_sportsteam_tampa_bay_rays concept:teamwontrophy concept_awardtrophytournament_super_bowl_xxxvii +concept_sportsteam_tampa_bay_rays concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_tampa_bay_rays concept:teamplaysincity concept_city_boston +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_tampa_bay_storm +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_tampa_bay_rays concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_tampa_bay_rays concept:teamhomestadium concept_stadiumoreventvenue_pete_times_forum +concept_sportsteam_tampa_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tampa_spartans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tar_heels concept:organizationhiredperson concept_athlete_roy_williams +concept_sportsteam_tar_heels concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_tar_heels concept:teamplayssport concept_sport_basketball +concept_sportsteam_tar_heels concept:teamplaysinleague concept_sportsleague_acc +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_duke_blue_devils +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_georgia_tech +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_maryland +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_nc_state_wolfpack_basketball +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_nevada_wolfpack +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_terps +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_wake_forest +concept_sportsteam_tar_heels concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_tarheels concept:teamalsoknownas concept_sportsteam_unc_tarheels +concept_sportsteam_tarleton_state_texans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_tarleton_state_texans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tarleton_state_texans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tarleton_state_university concept:teamplaysincity concept_city_stephenville +concept_sportsteam_tatnall_school concept:latitudelongitude 39.7681700000000,-75.6157600000000 +concept_sportsteam_tcu_horned_frogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_temple_owls concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_temple_owls concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_temple_owls concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_temple_university concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_temple_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_tennesse_titans concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_tennesse_titans concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_tennesse_titans concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_tennessee_chattanooga_mocs concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_tennessee_chattanooga_mocs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tennessee_chattanooga_mocs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tennessee_martin_skyhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tennessee_oilers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_tennessee_state_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_tennessee_state_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tennessee_state_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tennessee_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_tennessee_tech_golden_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tennessee_volunteers concept:teamplaysincity concept_city_knoxville +concept_sportsteam_tennessee_volunteers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_tennessee_volunteers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tennessee_volunteers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tennessee_volunteers concept:teamhomestadium concept_stadiumoreventvenue_neyland_stadium +concept_sportsteam_tennessee_wesleyan_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_terps concept:organizationhiredperson concept_celebrity_gary_williams +concept_sportsteam_terps concept:teamplaysagainstteam concept_sportsteam_hokies +concept_sportsteam_terps concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_texans concept:latitudelongitude 32.6769000000000,-96.7564000000000 +concept_sportsteam_texans concept:teamplaysincity concept_city_houston +concept_sportsteam_texans concept:organizationhiredperson concept_coach_gary_kubiak +concept_sportsteam_texans concept:agentparticipatedinevent concept_eventoutcome_result +concept_sportsteam_texans concept:teamplayssport concept_sport_hockey +concept_sportsteam_texans concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_buccaneers +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_bucs +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_jacksonville_jaguars +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_oilers +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_texans concept:teamplaysagainstteam concept_sportsteam_titans +concept_sportsteam_texas_a_and_m_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_and_m_commerce_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_and_m_commerce_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_and_m_corpus_christi_islanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_and_m_kingsville_javelinas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_and_m_kingsville_javelinas concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_m concept:teamplaysincity concept_city_college_station +concept_sportsteam_texas_a_m concept:organizationhiredperson concept_coach_dennis_franchione +concept_sportsteam_texas_a_m concept:organizationhiredperson concept_coach_mike_sherman +concept_sportsteam_texas_a_m concept:organizationhiredperson concept_person_sherman +concept_sportsteam_texas_a_m concept:organizationhiredperson concept_personmexico_billy_gillispie +concept_sportsteam_texas_a_m concept:teamplayssport concept_sport_football +concept_sportsteam_texas_a_m concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_m concept:agentbelongstoorganization concept_sportsteam_ncaa_midwest_regionals +concept_sportsteam_texas_a_m concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_m concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_texas_a_m_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_m_corpus_christi_islanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_a_m_corpus_christi_islanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_a_m_international concept:teamplaysincity concept_city_laredo +concept_sportsteam_texas_a_m_university concept:teamplaysincity concept_city_college_station +concept_sportsteam_texas_a_m_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_texas_aandm_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_aandm_corpus_christi_islanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_aandm_kingsville_javelinas concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_am_aggies concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_brownsville_scorpions concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_brownsville_scorpions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_brownsville_scorpions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_christian concept:teamplaysincity concept_city_fort_worth +concept_sportsteam_texas_christian concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_christian_university concept:teamplaysagainstteam concept_sportsteam_boise_state_broncos +concept_sportsteam_texas_christian_university concept:teamplaysagainstteam concept_sportsteam_byu +concept_sportsteam_texas_christian_university concept:teamplaysagainstteam concept_sportsteam_byu_hawaii +concept_sportsteam_texas_christian_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_texas_college_steers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_college_steers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_longhorns concept:teamplaysincity concept_city_lansing +concept_sportsteam_texas_longhorns concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_longhorns concept:teamplayssport concept_sport_football +concept_sportsteam_texas_longhorns concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_longhorns concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_longhorns concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_texas_longhorns concept:teamplaysagainstteam concept_sportsteam_ohio_state_buckeyes +concept_sportsteam_texas_longhorns concept:teamplaysagainstteam concept_sportsteam_razorbacks +concept_sportsteam_texas_longhorns concept:teamplaysagainstteam concept_sportsteam_red_raiders +concept_sportsteam_texas_longhorns concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_texas_lutheran concept:latitudelongitude 29.5738400000000,-97.9841700000000 +concept_sportsteam_texas_lutheran concept:teamplaysincity concept_visualizablescene_seguin +concept_sportsteam_texas_pan_american_broncos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_pan_american_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_pan_american_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_rangers concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_texas_rangers concept:teamplayssport concept_sport_baseball +concept_sportsteam_texas_rangers concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_texas_rangers concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_texas_rangers concept:teamhomestadium concept_stadiumoreventvenue_ameriquest_field +concept_sportsteam_texas_san_antonio_roadrunners concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_san_antonio_roadrunners concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_san_antonio_roadrunners concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_southern concept:teamplaysincity concept_city_houston +concept_sportsteam_texas_southern_tigers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_southern_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_state concept:teamplaysincity concept_city_san_marcos +concept_sportsteam_texas_state_bobcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_texas_state_bobcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_tech_red_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_tech_university concept:teamplaysincity concept_city_lubbock +concept_sportsteam_texas_tech_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_texas_tyler_patriots concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_texas_tyler_patriots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_texas_western concept:organizationhiredperson concept_coach_don_haskins +concept_sportsteam_the_citadel_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_the_city_university_of_new_york concept:latitudelongitude 40.7008300000000,-73.7988900000000 +concept_sportsteam_the_master_s_college_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_the_masters_college_mustangs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_thomas_night_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_thomas_night_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tigard_high_school concept:latitudelongitude 45.4034500000000,-122.7689900000000 +concept_sportsteam_timberwolves concept:organizationhiredperson concept_coach_randy_wittman +concept_sportsteam_timberwolves concept:teamplayssport concept_sport_basketball +concept_sportsteam_timberwolves concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_bucks +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_timberwolves concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_time_the_red_sox concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_titans concept:latitudelongitude 42.2917600000000,-72.5981400000000 +concept_sportsteam_titans concept:teamwontrophy concept_awardtrophytournament_super_bowl +concept_sportsteam_titans concept:teamwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_sportsteam_titans concept:proxyfor concept_book_new +concept_sportsteam_titans concept:organizationhiredperson concept_coach_jeff_fisher +concept_sportsteam_titans concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_titans concept:organizationhiredperson concept_personeurope_john_fisher +concept_sportsteam_titans concept:teamplayssport concept_sport_hockey +concept_sportsteam_titans concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_bills +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_broncos +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_colts +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_dallas_cowboys +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_houston_texans +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_jags +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_jaguars +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_kansas_city_chiefs +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_minnesota_vikings +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_new_york_jets +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_oakland_raiders +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_packers +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_rams +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_ravens +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_redskins +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_saints +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_sd_chargers +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_steelers +concept_sportsteam_titans concept:teamplaysagainstteam concept_sportsteam_texans +concept_sportsteam_titans concept:teamhomestadium concept_stadiumoreventvenue_lp_field +concept_sportsteam_titans concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_tokyo_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_toledo_rockets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_toledo_rockets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_toledo_rockets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_toronto_argonauts concept:agentbelongstoorganization concept_sportsleague_cfl +concept_sportsteam_toronto_blue_jays concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_toronto_blue_jays concept:teamplayssport concept_sport_baseball +concept_sportsteam_toronto_blue_jays concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_toronto_blue_jays concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_toronto_blue_jays concept:teamhomestadium concept_stadiumoreventvenue_rogers_centre +concept_sportsteam_toronto_blue_jays concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_toronto_fc concept:teamplaysagainstteam concept_sportsteam_chicago_fire +concept_sportsteam_towson_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_towson_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_towson_university concept:teamplaysincity concept_county_towson +concept_sportsteam_towson_university concept:teamplayssport concept_sport_football +concept_sportsteam_trail_blazers concept:agentactsinlocation concept_city_rose_garden +concept_sportsteam_trail_blazers concept:organizationhiredperson concept_coach_nate_mcmillan +concept_sportsteam_trail_blazers concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_trail_blazers concept:teamplayssport concept_sport_basketball +concept_sportsteam_trail_blazers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_bobcats +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_trail_blazers concept:teamplaysagainstteam concept_sportsteam_utah_jazz +concept_sportsteam_trail_blazers concept:teamhomestadium concept_stadiumoreventvenue_rose_garden +concept_sportsteam_transylvania concept:teamplaysincity concept_county_lexington +concept_sportsteam_transylvania concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_transylvania concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_trent_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_trevor_bayne concept:teamplaysinleague concept_sportsleague_nascar +concept_sportsteam_trevor_bayne concept:teamalsoknownas concept_sportsteam_brad_keselowkski +concept_sportsteam_trevor_bayne concept:teamplaysagainstteam concept_sportsteam_brad_keselowkski +concept_sportsteam_trinity_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_trinity_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_trinity_western concept:teamplaysincity concept_city_langley +concept_sportsteam_troy_state concept:latitudelongitude 44.1058000000000,-96.3397600000000 +concept_sportsteam_troy_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_troy_trojans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_troy_university_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_troy_university_trojans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tsinghua_university concept:teamplaysincity concept_city_beijing +concept_sportsteam_tufts_jumbos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tufts_university concept:teamplaysincity concept_city_medford +concept_sportsteam_tulane_green_wave concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_tulane_green_wave concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tulane_university concept:teamplaysincity concept_city_new_orleans +concept_sportsteam_tulane_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_tulsa_golden_hurricane concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_tuskegee_golden_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_tuskegee_golden_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_twins concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_twins concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_twins concept:teamplayssport concept_sport_baseball +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_oakland_athletics +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_twins concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_uab_blazers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uab_blazers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_berkeley concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_uc_davis concept:teamplaysincity concept_city_davis +concept_sportsteam_uc_davis concept:atlocation concept_city_sacramento +concept_sportsteam_uc_davis concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_uc_davis_aggies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_irvine concept:teamplayssport concept_sport_basketball +concept_sportsteam_uc_irvine_anteaters concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_riverside_highlanders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_san_diego concept:teamplaysincity concept_city_san_diego +concept_sportsteam_uc_san_diego concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_uc_san_diego_tritons concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uc_san_diego_tritons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_santa_barbara_gauchos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uc_santa_barbara_gauchos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uc_santa_cruz_slugs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uc_santa_cruz_slugs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ucf_golden_knights concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ucf_knights concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ucla concept:teamplaysincity concept_city_westwood +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_ben_howland +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_john_wooden +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_karl_dorrell +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_neuheisel +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_red_sanders +concept_sportsteam_ucla concept:organizationhiredperson concept_coach_rick_neuheisel +concept_sportsteam_ucla concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_ucla concept:teamplayssport concept_sport_softball +concept_sportsteam_ucla concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_byu +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_byu_hawaii +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_longhorns +concept_sportsteam_ucla concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_usc +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_vols +concept_sportsteam_ucla concept:teamplaysagainstteam concept_sportsteam_washington_state +concept_sportsteam_uconn concept:teamplaysincity concept_city_hartford +concept_sportsteam_uconn concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_ucsf concept:teamplaysincity concept_city_san_francisco +concept_sportsteam_uic_flames concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uk concept:teamplaysincity concept_county_lexington +concept_sportsteam_uk concept:organizationhiredperson concept_personmexico_billy_gillispie +concept_sportsteam_uk concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_uk concept:teamplaysagainstteam concept_sportsteam_ole_miss +concept_sportsteam_umass_dartmouth_corsairs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_umass_lowell_river_hawks concept:teamplaysincity concept_city_worcester +concept_sportsteam_umass_lowell_river_hawks concept:organizationhiredperson concept_coach_john_calipari +concept_sportsteam_umass_lowell_river_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_umass_lowell_river_hawks concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_umass_lowell_river_hawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_umass_minutemen concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_umass_minutemen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_umbc_retrievers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_umbc_retrievers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_umkc_kangaroos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_umkc_kangaroos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_unc_asheville_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_unc_charlotte_49ers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unc_wilmington_seahawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_unc_wilmington_seahawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unc_wilmington_seahawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uncg_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_uncg_spartans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_undefeated_new_england_patriots concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_undefeated_new_england_patriots concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_undefeated_patriots concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_unf_ospreys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_uniformed_services_university concept:teamplaysincity concept_city_bethesda +concept_sportsteam_united_states_international_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_united_states_military_academy concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_universidad_iberoamericana concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_universities concept:organizationheadquarteredincountry concept_country_u_s_ +concept_sportsteam_universities concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_university_college_london concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_university_of_illinois concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_university_of_north_alabama_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_university_of_redlands_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_university_of_redlands_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_university_of_south_alabama_jaguars concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_university_of_southern_california concept:agentcollaborateswithagent concept_personmexico_bill_bordley +concept_sportsteam_university_of_southern_california concept:agentcontrols concept_personmexico_bill_bordley +concept_sportsteam_university_of_tennessee concept:teamplayssport concept_sport_basketball +concept_sportsteam_university_of_texas concept:teamplaysincity concept_city_san_antonio +concept_sportsteam_university_of_the_south_tigers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unlv_rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unlv_runnin__rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_unlv_runnin_rebels concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_unlv_runnin_rebels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_urban_area concept:proxyfor concept_book_new +concept_sportsteam_us_marine_corps concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_usc concept:teamplaysincity concept_city_columbia +concept_sportsteam_usc concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_anaheim_ducks +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_bruins +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_buckeyes +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_kansas_state +concept_sportsteam_usc concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_usc concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_nittany_lions +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_notre_dame +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_ohio_state_university +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_oregon_ducks +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_oregon_state_beavers +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_penn_state +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_stanford +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_texas_longhorns +concept_sportsteam_usc concept:teamplaysagainstteam concept_sportsteam_wildcats +concept_sportsteam_usc_upstate_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_usc_upstate_spartans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_ut_arlington_mavericks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_ut_arlington_mavericks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utah_jazz concept:organizationhiredperson concept_coach_jerry_sloan +concept_sportsteam_utah_jazz concept:teamplaysincity concept_county_salt_lake +concept_sportsteam_utah_jazz concept:proxyfor concept_lake_new +concept_sportsteam_utah_jazz concept:teamplayssport concept_sport_basketball +concept_sportsteam_utah_jazz concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_golden_state_warriors +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_hawks +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_la_clippers +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_mavericks +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_memphis_grizzlies +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_nuggets +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_portland_trailblazers +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_rockets +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_san_antonio +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_spurs +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_timberwolves +concept_sportsteam_utah_jazz concept:teamplaysagainstteam concept_sportsteam_trail_blazers +concept_sportsteam_utah_jazz concept:teamhomestadium concept_stadiumoreventvenue_energysolutions_arena +concept_sportsteam_utah_state concept:teamplaysincity concept_city_logan +concept_sportsteam_utah_state concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_utah_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_utah_state_university concept:teamplaysincity concept_city_logan +concept_sportsteam_utah_state_university concept:teamalsoknownas concept_sportsteam_state_university +concept_sportsteam_utah_utes concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_utah_utes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utah_valley_university_wolverines concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_utah_valley_university_wolverines concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utah_valley_wolverines concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utd_comets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utep_miners concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_utep_miners concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_utsa_roadrunners concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_valdosta_state_blazers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_valdosta_state_blazers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_valdosta_state_blazers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_valdosta_state_college concept:latitudelongitude 30.8502000000000,-83.2901500000000 +concept_sportsteam_valparaiso_crusaders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_valparaiso_crusaders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_valparaiso_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_valparaiso_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_vancouver_canucks concept:teamplayssport concept_sport_hockey +concept_sportsteam_vancouver_canucks concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_vancouver_canucks concept:teamplaysagainstteam concept_sportsteam_blackhawks +concept_sportsteam_vancouver_canucks concept:teamhomestadium concept_stadiumoreventvenue_rogers_arena +concept_sportsteam_vancouver_canucks concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_vancouver_whitecaps concept:subpartoforganization concept_sportsleague_mls +concept_sportsteam_vanderbilt_commodores concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_vanderbilt_commodores concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_vanderbilt_commodores concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_vanderbilt_university concept:teamplaysincity concept_city_nashville +concept_sportsteam_vanderbilt_university concept:teamplayssport concept_sport_football +concept_sportsteam_vanderbilt_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_vanguard_lions concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_vassar_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_vcu_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_vermont_catamounts concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_vermont_catamounts concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_vikes concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_villanova_university concept:teamplaysincity concept_city_philadelphia +concept_sportsteam_villanova_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_villanova_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_villanova_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_villanova_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_virginia_cavaliers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_virginia_cavaliers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_virginia_cavaliers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_virginia_military_institute_keydets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_virginia_state_trojans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_virginia_state_trojans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_virginia_state_trojans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_virginia_tech concept:teamplayssport concept_sport_football +concept_sportsteam_virginia_tech concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_virginia_tech concept:teamplaysagainstteam concept_sportsteam_boston_college +concept_sportsteam_virginia_tech concept:teamplaysagainstteam concept_sportsteam_east_carolina +concept_sportsteam_virginia_tech concept:teamplaysagainstteam concept_sportsteam_florida_state +concept_sportsteam_virginia_tech concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_virginia_tech concept:teamplaysagainstteam concept_sportsteam_wake_forest +concept_sportsteam_virginia_tech concept:teamplaysincity concept_visualizablescene_blacksburg +concept_sportsteam_virginia_tech_hokies concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_virginia_tech_hokies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_virginia_tech_hokies concept:teamhomestadium concept_stadiumoreventvenue_lane_stadium +concept_sportsteam_virginia_union concept:teamplaysincity concept_city_richmond +concept_sportsteam_vmi_keydets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_vmi_keydets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_vols concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_vols concept:teamplaysagainstteam concept_sportsteam_lsu +concept_sportsteam_vols concept:teamplaysagainstteam concept_sportsteam_ucla +concept_sportsteam_wac_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wac_gear concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wagner_college_seahawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wagner_college_seahawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wagner_seahawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wagner_seahawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wake_forest concept:teamplaysincity concept_city_winston_salem +concept_sportsteam_wake_forest concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_wake_forest concept:teamplaysagainstteam concept_sportsteam_georgia_tech +concept_sportsteam_wake_forest concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wake_forest concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_wake_forest concept:teamplaysagainstteam concept_sportsteam_virginia_tech +concept_sportsteam_wake_forest concept:subpartof concept_stadiumoreventvenue_acc +concept_sportsteam_wake_forest_demon_deacons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wake_forest_university concept:teamplaysincity concept_city_winston_salem +concept_sportsteam_wake_forest_university concept:teamplayssport concept_sport_football +concept_sportsteam_wake_forest_university concept:subpartoforganization concept_sportsleague_acc +concept_sportsteam_warsaw_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_washburn_ichabods concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_washburn_ichabods concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washburn_ichabods concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washburn_university concept:teamplaysincity concept_city_topeka +concept_sportsteam_washington_and_lee_generals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washington_and_lee_generals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washington_bullets concept:teamplayssport concept_sport_basketball +concept_sportsteam_washington_bullets concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_washington_college concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_washington_huskies concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washington_mystics concept:teamplaysinleague concept_sportsleague_wnba +concept_sportsteam_washington_nationals concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_washington_nationals concept:teamplayssport concept_sport_baseball +concept_sportsteam_washington_nationals concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_philadelphia_phillies +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_washington_nationals concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_washington_nationals concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteam_washington_senators concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_washington_senators concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_washington_senators concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_washington_st__cougars concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washington_st__louis concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washington_st__louis concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washington_st_louis concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_washington_st_louis concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washington_state concept:proxyfor concept_book_new +concept_sportsteam_washington_state concept:teamplaysincity concept_city_pullman +concept_sportsteam_washington_state concept:organizationhiredperson concept_coach_paul_wulff +concept_sportsteam_washington_state concept:organizationhiredperson concept_personaustralia_tony_bennett +concept_sportsteam_washington_state concept:teamplayssport concept_sport_basketball +concept_sportsteam_washington_state concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_washington_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_washington_state concept:teamplaysagainstteam concept_sportsteam_ucla +concept_sportsteam_washington_state_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_washington_university_in_st__louis concept:teamplaysincity concept_city_st_louis +concept_sportsteam_washington_university_in_st__louis concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_washington_university_in_st__louis concept:subpartoforganization concept_stateorprovince_public +concept_sportsteam_washington_wizards concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_boston_celtics +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_cavaliers +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_cavs +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_chivas_usa +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_columbus_crew +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_esu_hornets +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_heat +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_kings_college +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_knicks +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_los_angeles_lakers +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_new_jersey_nets +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_pistons +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_raptors +concept_sportsteam_washington_wizards concept:teamplaysagainstteam concept_sportsteam_suns +concept_sportsteam_washington_wizards concept:teamhomestadium concept_stadiumoreventvenue_verizon_center +concept_sportsteam_wayland_baptist_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wayland_baptist_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wayne_state concept:teamplaysincity concept_city_detroit +concept_sportsteam_wayne_state_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_weber_state_wildcats concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_weber_state_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_weber_state_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_webster_gorlocks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_webster_gorlocks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wesleyan_cardinals concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wesleyan_cardinals concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wesleyan_college_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wesleyan_college_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wesleyan_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_west_chester_golden_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_coast_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_florida_argonauts concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_florida_argonauts concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_georgia_wolves concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_west_georgia_wolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_georgia_wolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_ham_united concept:teamplaysinleague concept_sportsleague_fa +concept_sportsteam_west_la_college_wildcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_la_college_wildcats concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_texas_a_and_m_buffalo concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_texas_a_and_m_buffalo concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_texas_a_m_buffalo concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_texas_aandm_buffalo concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_virginia_mountaineers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_west_virginia_mountaineers concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_sportsteam_west_virginia_mountaineers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_west_virginia_state_yellow_jackets concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_west_virginia_state_yellow_jackets concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_carolina_catamounts concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_connecticut_colonials concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_connecticut_colonials concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_connecticut_state concept:latitudelongitude 41.4056500000000,-73.4672050000000 +concept_sportsteam_western_connecticut_state concept:teamplaysincity concept_city_danbury +concept_sportsteam_western_force concept:organizationhiredperson concept_personus_john_mitchell +concept_sportsteam_western_illinois concept:teamplaysincity concept_city_macomb +concept_sportsteam_western_illinois concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_western_illinois concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_illinois concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_illinois_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_western_kentucky concept:teamplaysincity concept_geopoliticallocation_bowling_green +concept_sportsteam_western_kentucky concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_kentucky concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_western_kentucky_hilltoppers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_western_kentucky_hilltoppers concept:teamplayssport concept_sport_golf +concept_sportsteam_western_kentucky_hilltoppers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_kentucky_hilltoppers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_michigan_broncos concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_western_michigan_broncos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_michigan_broncos concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_oregon_wolves concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_oregon_wolves concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_western_washington_university concept:teamplaysincity concept_city_bellingham +concept_sportsteam_western_washington_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_western_washington_vikings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_westhampton_college concept:latitudelongitude 37.5738900000000,-77.5411100000000 +concept_sportsteam_westminster_griffins concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_westminster_griffins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_westmont_college_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wheaton_college concept:teamplaysincity concept_city_wheaton +concept_sportsteam_white_sox concept:teamwontrophy concept_awardtrophytournament_american_league_pennant +concept_sportsteam_white_sox concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_white_sox concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_white_sox concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_white_sox concept:agentparticipatedinevent concept_convention_games +concept_sportsteam_white_sox concept:teamplayssport concept_sport_baseball +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_blue_jays +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_white_sox concept:teamalsoknownas concept_sportsteam_pittsburgh_pirates +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_yankees +concept_sportsteam_white_sox concept:teamplaysagainstteam concept_sportsteam_yanks +concept_sportsteam_white_sox concept:teamhomestadium concept_stadiumoreventvenue_us_cellular_field +concept_sportsteam_wichita_st_shockers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wichita_state concept:teamplaysincity concept_city_wichita +concept_sportsteam_wichita_state concept:teamplayssport concept_sport_baseball +concept_sportsteam_wichita_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wichita_state concept:organizationalsoknownas concept_sportsteam_state_university +concept_sportsteam_wichita_state_shockers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wichita_state_shockers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wichita_state_shockers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_widener_pride concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_widener_pride concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wildcats concept:teamplayssport concept_sport_basketball +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_bears_29_17 +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_bulldogs +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_duke_blue_devils +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_eagles +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_falcons +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_florida_gators +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_florida_international +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_huskies +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_spartans +concept_sportsteam_wildcats concept:teamplaysagainstteam concept_sportsteam_tar_heels +concept_sportsteam_wilkes_colonels concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_william_and_mary_tribe concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_william_and_mary_tribe concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_william_carey_crusaders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_william_paterson_pioneers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_william_paterson_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_william_penn_statesmen concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_win concept:atdate concept_dayofweek_saturday +concept_sportsteam_win concept:atdate concept_dayofweek_sunday +concept_sportsteam_win concept:atdate concept_dayofweek_wednesday +concept_sportsteam_win concept:agentparticipatedinevent concept_sportsgame_series +concept_sportsteam_win concept:agentparticipatedinevent concept_sportsgame_series_race +concept_sportsteam_winnipeg_blue_bombers concept:agentbelongstoorganization concept_sportsleague_cfl +concept_sportsteam_winnipeg_jets concept:teamplayssport concept_sport_hockey +concept_sportsteam_winnipeg_jets concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_winston_salem_state_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_winston_salem_state_rams concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_winthrop_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_winthrop_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wipro_technologies concept:agentcollaborateswithagent concept_ceo_girish_paranjpe +concept_sportsteam_wisconsin_badgers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wisconsin_badgers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_badgers concept:teamhomestadium concept_stadiumoreventvenue_camp_randall +concept_sportsteam_wisconsin_eau_claire_blugold concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_green_bay_phoenix concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_green_bay_phoenix concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_la_crosse_eagles concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_lutheran_college_warriors concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_lutheran_college_warriors concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_milwaukee_panthers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_milwaukee_panthers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_oshkosh_titans concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_oshkosh_titans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_parkside_rangers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_parkside_rangers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_platteville_pioneers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_river_falls_falcons concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_stevens_point_pointers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wisconsin_stevens_point_pointers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_stevens_point_pointers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_stout_blue_devils concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_stout_blue_devils concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wisconsin_whitewater_warhawks concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wisconsin_whitewater_warhawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wisconsin_whitewater_warhawks concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wittenberg_tigers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wofford_terriers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wofford_terriers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wofford_terriers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_woodrow_wilson_school_at_princeton_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wooster_fighting_scots concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wright_st__raiders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_wright_state_raiders concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_wright_state_raiders concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_wright_state_university concept:teamplaysincity concept_city_dayton +concept_sportsteam_wuhan_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_wyoming_cowboys concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_xavier_musketeers concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_xavier_musketeers concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_xavier_musketeers concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_xavier_university concept:teamplayssport concept_sport_basketball +concept_sportsteam_xavier_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_xiamen_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_yale_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_yale_bulldogs concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_al_pennant +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_alcs +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_american_league_east +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_division +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_division_series +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_four_world_series +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_pennant +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_world_championship +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_yankees concept:teamwontrophy concept_awardtrophytournament_world_series_championship +concept_sportsteam_yankees concept:teamplaysincity concept_county_los_angeles_county +concept_sportsteam_yankees concept:organizationhiredperson concept_person_rodriguez +concept_sportsteam_yankees concept:teamplayssport concept_sport_baseball +concept_sportsteam_yankees concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_anaheim_angels +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_arizona_diamond_backs +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_astros +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_atlanta_braves +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_bengals +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_brewers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_brooklyn_dodgers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_california_angels +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_chicago_bulls +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_chicago_cubs +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_chicago_white_sox +concept_sportsteam_yankees concept:teamalsoknownas concept_sportsteam_chowan_braves +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_chowan_braves +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_cleveland_browns +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_cleveland_indians +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_cleveland_indians_organization +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_detroit_tigers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_dodgers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_florida_marlins +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_former_san_francisco_giants +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_houston_astros +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_kansas_city_royals +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_los_angeles_angels_of_anaheim +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_los_angeles_dodgers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_louisville_cardinals +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_mariners +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_marlins +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_milwaukee_braves +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_minnesota_twins +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_new_york_giants +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_oakland_athletics +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_orioles +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_padres +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_phillies +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_pirates +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_pittsburgh_pirates +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_rangers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_reds +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_royals +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_seattle_mariners +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_st___louis_browns +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_st___louis_cardinals +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_tampa +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_tampa_bay_rays +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_texas_rangers +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_toronto_blue_jays +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_washington_senators +concept_sportsteam_yankees concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_yankees concept:teamhomestadium concept_stadiumoreventvenue_yankee_stadium +concept_sportsteam_yankees concept:organizationheadquarteredinstateorprovince concept_stateorprovince_ny +concept_sportsteam_yankess concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_yanks concept:teamwontrophy concept_awardtrophytournament_world_series +concept_sportsteam_yanks concept:teamplayssport concept_sport_baseball +concept_sportsteam_yanks concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_new_york_mets +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_red_sox +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_red_sox_this_season +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_tampa_bay_devil_rays +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_twins +concept_sportsteam_yanks concept:teamplaysagainstteam concept_sportsteam_white_sox +concept_sportsteam_yankton_college concept:latitudelongitude 42.8802800000000,-97.3903400000000 +concept_sportsteam_yellow_jackets concept:teamplayssport concept_sport_basketball +concept_sportsteam_yeshiva_college concept:latitudelongitude 39.0421200000000,-77.0301800000000 +concept_sportsteam_yeshiva_university concept:teamplaysincity concept_city_new_york +concept_sportsteam_yonsei_university concept:teamplaysincity concept_city_seoul +concept_sportsteam_york_university concept:teamplaysincity concept_city_toronto +concept_sportsteam_youngstown_state_penguins concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_sportsteam_youngstown_state_penguins concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_sportsteam_youth_jerseys concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_youth_jerseys concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_sportsteamposition_application concept:atdate concept_date_n2009 +concept_sportsteamposition_application concept:subpartof concept_weatherphenomenon_air +concept_sportsteamposition_application concept:subpartof concept_weatherphenomenon_water +concept_sportsteamposition_application concept:subpartof concept_website_memory +concept_sportsteamposition_bryan concept:proxyfor concept_university_ohio +concept_sportsteamposition_cemetery concept:atdate concept_date_n2003 +concept_sportsteamposition_cemetery concept:atdate concept_date_n2004 +concept_sportsteamposition_cemetery concept:atdate concept_dateliteral_n2005 +concept_sportsteamposition_cemetery concept:atdate concept_dateliteral_n2007 +concept_sportsteamposition_cemetery concept:atdate concept_dateliteral_n2008 +concept_sportsteamposition_center_bayside concept:latitudelongitude 37.1296500000000,-76.4033500000000 +concept_sportsteamposition_center_bookstore concept:latitudelongitude 41.6194300000000,-93.6024400000000 +concept_sportsteamposition_center_chicago concept:latitudelongitude 42.0552000000000,-87.7466000000000 +concept_sportsteamposition_center_columbia concept:latitudelongitude 34.0065400000000,-81.0331500000000 +concept_sportsteamposition_center_doctors concept:latitudelongitude 40.7983700000000,-81.4751600000000 +concept_sportsteamposition_center_form concept:latitudelongitude 40.4457400000000,-79.9425700000000 +concept_sportsteamposition_center_fresno concept:latitudelongitude 36.7315000000000,-119.7833000000000 +concept_sportsteamposition_center_house concept:latitudelongitude 43.7905400000000,-88.9556700000000 +concept_sportsteamposition_center_houston concept:latitudelongitude 29.5485600000000,-95.0988200000000 +concept_sportsteamposition_center_los concept:latitudelongitude 41.6532800000000,-0.8845100000000 +concept_sportsteamposition_center_michael concept:latitudelongitude 25.9507800000000,-80.1518200000000 +concept_sportsteamposition_center_mn concept:latitudelongitude 45.0730000000000,-93.3000000000000 +concept_sportsteamposition_center_nature concept:latitudelongitude 40.8372200000000,-73.5519400000000 +concept_sportsteamposition_center_one concept:latitudelongitude 41.7255600000000,-97.0075400000000 +concept_sportsteamposition_center_parking_lot concept:latitudelongitude 39.7341500000000,-105.2066500000000 +concept_sportsteamposition_center_philadelphia concept:latitudelongitude 40.0409100000000,-75.0951700000000 +concept_sportsteamposition_center_pioneer concept:latitudelongitude 42.8525000000000,-78.0069400000000 +concept_sportsteamposition_center_redmond concept:latitudelongitude 44.2880600000000,-121.1697200000000 +concept_sportsteamposition_center_san_antonio concept:latitudelongitude 29.5181000000000,-98.5715000000000 +concept_sportsteamposition_center_student concept:latitudelongitude 28.0638000000000,-82.4134000000000 +concept_sportsteamposition_center_surgery concept:latitudelongitude 47.6485000000000,-122.3054000000000 +concept_sportsteamposition_center_the concept:latitudelongitude 39.8674000000000,-75.7540000000000 +concept_sportsteamposition_center_two concept:latitudelongitude 41.7216700000000,-97.0025400000000 +concept_sportsteamposition_center_villa concept:latitudelongitude 38.9121100000000,-94.6443000000000 +concept_sportsteamposition_centera concept:latitudelongitude 12.9393000000000,100.8860000000000 +concept_sportsteamposition_centre concept:proxyfor concept_book_new +concept_sportsteamposition_centre concept:mutualproxyfor concept_cardgame_board +concept_sportsteamposition_centre concept:atdate concept_date_n2000 +concept_sportsteamposition_centre concept:atdate concept_date_n2004 +concept_sportsteamposition_centre concept:subpartof concept_weatherphenomenon_water +concept_sportsteamposition_centrefield concept:latitudelongitude 45.5168000000000,-75.0492900000000 +concept_sportsteamposition_coordinator concept:subpartof concept_weatherphenomenon_water +concept_sportsteamposition_delete concept:synonymfor concept_programminglanguage_bash +concept_sportsteamposition_delete concept:synonymfor concept_website_add +concept_sportsteamposition_executive_officer concept:atdate concept_date_n2004 +concept_sportsteamposition_executive_officer concept:atdate concept_dateliteral_n2002 +concept_sportsteamposition_executive_officer concept:atdate concept_dateliteral_n2005 +concept_sportsteamposition_executive_officer concept:atdate concept_dateliteral_n2008 +concept_sportsteamposition_executive_officer concept:atdate concept_year_n1998 +concept_sportsteamposition_five concept:proxyfor concept_book_new +concept_sportsteamposition_five concept:atdate concept_dateliteral_n2007 +concept_sportsteamposition_five concept:atdate concept_dateliteral_n2008 +concept_sportsteamposition_five concept:mutualproxyfor concept_room_community +concept_sportsteamposition_five concept:mutualproxyfor concept_room_house +concept_sportsteamposition_majority concept:proxyfor concept_book_new +concept_sportsteamposition_route concept:proxyfor concept_book_new +concept_sportsteamposition_route concept:atdate concept_date_n2001 +concept_sportsteamposition_route concept:atdate concept_dateliteral_n2005 +concept_sportsteamposition_route concept:atdate concept_dateliteral_n2007 +concept_sportsteamposition_route concept:atdate concept_dateliteral_n2008 +concept_sportsteamposition_services_system concept:synonymfor concept_governmentorganization_department +concept_sportsteamposition_tcp concept:latitudelongitude -34.9083200000000,-56.2166700000000 +concept_stadiumoreventvenue__home concept:latitudelongitude 34.3581000000000,-77.6883000000000 +concept_stadiumoreventvenue_agganis_arena concept:atlocation concept_city_boston +concept_stadiumoreventvenue_agora_theatre concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_air_canada_center concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_air_canada_center concept:attractionofcity concept_city_toronto +concept_stadiumoreventvenue_air_canada_center concept:buildinglocatedincity concept_city_toronto +concept_stadiumoreventvenue_air_canada_center concept:atlocation concept_county_philadelphia +concept_stadiumoreventvenue_aladdin_theatre concept:stadiumlocatedincity concept_city_portland +concept_stadiumoreventvenue_alamodome concept:stadiumlocatedincity concept_city_san_antonio +concept_stadiumoreventvenue_alice_tully_hall concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_allen_county_memorial_coliseum concept:stadiumlocatedincity concept_city_fort_wayne +concept_stadiumoreventvenue_alliant_energy_center concept:attractionofcity concept_city_madison +concept_stadiumoreventvenue_allstate_arena concept:stadiumlocatedincity concept_city_rosemont +concept_stadiumoreventvenue_aloha_stadium concept:stadiumlocatedincity concept_city_honolulu +concept_stadiumoreventvenue_alrosa_villa concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_alrosa_villa concept:atlocation concept_county_columbus +concept_stadiumoreventvenue_amarillo_civic_center concept:stadiumlocatedincity concept_city_amarillo +concept_stadiumoreventvenue_ambassador_hotel concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_america_west_arena concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_american_airlines_center concept:stadiumlocatedincity concept_city_dallas +concept_stadiumoreventvenue_amway_arena concept:atlocation concept_city_orlando +concept_stadiumoreventvenue_anderson_arena concept:stadiumlocatedincity concept_geopoliticallocation_bowling_green +concept_stadiumoreventvenue_angel_stadium concept:stadiumlocatedincity concept_city_anaheim +concept_stadiumoreventvenue_apollo_victoria_theatre concept:latitudelongitude 51.4956900000000,-0.1429000000000 +concept_stadiumoreventvenue_arco_arena concept:stadiumlocatedincity concept_city_sacramento +concept_stadiumoreventvenue_arena concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_arizona_diamondbacks concept:atlocation concept_city_phoenix +concept_stadiumoreventvenue_arlington_park concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_aronoff_center concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_arrowhead_stadium concept:stadiumlocatedincity concept_county_kansas_city +concept_stadiumoreventvenue_at_t_center concept:stadiumlocatedincity concept_city_san_antonio +concept_stadiumoreventvenue_at_t_park concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_at_t_park concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_augusta_richmond_county concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_stadiumoreventvenue_augusta_richmond_county concept:proxyfor concept_stateorprovince_georgia +concept_stadiumoreventvenue_autozone_park concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_b_c__place concept:stadiumlocatedincity concept_city_vancouver +concept_stadiumoreventvenue_baltimore_convention_center concept:stadiumlocatedincity concept_city_baltimore +concept_stadiumoreventvenue_baltimore_convention_center concept:atlocation concept_county_baltimore +concept_stadiumoreventvenue_baltimore_orioles concept:atlocation concept_city_boston +concept_stadiumoreventvenue_bank_atlantic_center concept:stadiumlocatedincity concept_city_fort_lauderdale +concept_stadiumoreventvenue_bank_of_oklahoma_center concept:stadiumlocatedincity concept_city_tulsa +concept_stadiumoreventvenue_bank_one_ballpark concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_barbican_hall concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_barcroft_park concept:latitudelongitude 38.8467800000000,-77.1022000000000 +concept_stadiumoreventvenue_bay_meadows concept:stadiumlocatedincity concept_city_san_mateo +concept_stadiumoreventvenue_beacon_theatre concept:atlocation concept_island_new_york_city_metropolitan_area +concept_stadiumoreventvenue_beacon_theatre concept:atlocation concept_stateorprovince_new_york +concept_stadiumoreventvenue_beijing_national_aquatics_center concept:latitudelongitude 39.9916200000000,116.3838600000000 +concept_stadiumoreventvenue_belmont_park concept:stadiumlocatedincity concept_city_elmont +concept_stadiumoreventvenue_benaroya_hall concept:atlocation concept_county_seattle +concept_stadiumoreventvenue_bill_graham_civic_auditorium concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_bjcc_arena concept:stadiumlocatedincity concept_city_birmingham +concept_stadiumoreventvenue_black_orchid concept:latitudelongitude 43.1755600000000,-73.6194400000000 +concept_stadiumoreventvenue_blaisdell_center concept:latitudelongitude 21.3027800000000,-157.8538900000000 +concept_stadiumoreventvenue_blue_cross_arena concept:stadiumlocatedincity concept_city_rochester +concept_stadiumoreventvenue_blue_note concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_bmo_field concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_boardwalk_hall concept:stadiumlocatedincity concept_city_atlantic_city +concept_stadiumoreventvenue_bob_carr_performing_arts_centre concept:atlocation concept_city_orlando +concept_stadiumoreventvenue_bogarts concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_bolshoi_theatre concept:buildinglocatedincity concept_city_moscow +concept_stadiumoreventvenue_boston_symphony_hall concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_bradley_center concept:stadiumlocatedincity concept_city_milwaukee +concept_stadiumoreventvenue_braves_field concept:buildinglocatedincity concept_city_boston +concept_stadiumoreventvenue_briar_street_theater concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_briar_street_theater concept:atlocation concept_county_chicago +concept_stadiumoreventvenue_brick concept:proxyfor concept_radiostation_new_jersey +concept_stadiumoreventvenue_bridgestone_arena concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_broadway concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_brooklyn_children_s_museum concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_browns_stadium concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_bryce_jordan_center concept:attractionofcity concept_city_university_park +concept_stadiumoreventvenue_busch_memorial_stadium concept:stadiumlocatedincity concept_city_st_louis +concept_stadiumoreventvenue_cadillac_palace concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_cajun_field concept:latitudelongitude 30.2160300000000,-92.0417900000000 +concept_stadiumoreventvenue_cajundome concept:stadiumlocatedincity concept_city_lafayette +concept_stadiumoreventvenue_california_mid_state_fair concept:stadiumlocatedincity concept_city_paso_robles +concept_stadiumoreventvenue_camden_yards concept:stadiumlocatedincity concept_city_baltimore +concept_stadiumoreventvenue_camelback_ranch concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_camp_nou concept:stadiumlocatedincity concept_city_barcelona +concept_stadiumoreventvenue_camp_randall concept:stadiumlocatedincity concept_city_madison +concept_stadiumoreventvenue_canby_high_school concept:latitudelongitude 45.2569400000000,-122.6986100000000 +concept_stadiumoreventvenue_candlestick_park concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_candlestick_park concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_candlestick_park concept:subpartof concept_county_san_francisco +concept_stadiumoreventvenue_canterbury_park concept:stadiumlocatedincity concept_city_shakopee +concept_stadiumoreventvenue_cardinals_stadium concept:stadiumlocatedincity concept_city_glendale +concept_stadiumoreventvenue_cardos concept:stadiumlocatedincity concept_city_chillicothe +concept_stadiumoreventvenue_carl_perkins_civic_center concept:stadiumlocatedincity concept_city_jackson +concept_stadiumoreventvenue_carnegie__s_weill_recital_hall concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_carnegie__s_weill_recital_hall concept:attractionofcity concept_city_nyc +concept_stadiumoreventvenue_carnegie__s_weill_recital_hall concept:locationlocatedwithinlocation concept_city_solo +concept_stadiumoreventvenue_cashman_field concept:atlocation concept_city_las_vegas +concept_stadiumoreventvenue_cashman_field concept:atlocation concept_city_vegas +concept_stadiumoreventvenue_cashman_field concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_casino_games concept:buildinglocatedincity concept_city_vegas +concept_stadiumoreventvenue_celeste_center concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_centennial_gardens concept:attractionofcity concept_city_bakersfield +concept_stadiumoreventvenue_center concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_center concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_centurion_park concept:latitudelongitude 35.3837500000000,-80.1858900000000 +concept_stadiumoreventvenue_cessange concept:latitudelongitude 49.5894400000000,6.1069400000000 +concept_stadiumoreventvenue_cfsb_center concept:stadiumlocatedincity concept_city_murray +concept_stadiumoreventvenue_charlotte_bobcats_arena concept:atlocation concept_county_los_angeles_county +concept_stadiumoreventvenue_chase_field concept:locationlocatedwithinlocation concept_city_phoenix +concept_stadiumoreventvenue_chastain_park_amphitheatre concept:stadiumlocatedincity concept_city_atlanta +concept_stadiumoreventvenue_chastain_park_amphitheatre concept:atlocation concept_county_atlanta +concept_stadiumoreventvenue_cheap concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_chevrolet_centre concept:stadiumlocatedincity concept_city_youngstown +concept_stadiumoreventvenue_christie_park concept:latitudelongitude 51.0376100000000,-114.1769900000000 +concept_stadiumoreventvenue_chukchansi_park concept:stadiumlocatedincity concept_city_fresno +concept_stadiumoreventvenue_churchill_downs concept:stadiumlocatedincity concept_city_louisville +concept_stadiumoreventvenue_cintas_center concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_citizen_bank_park concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_citrus_bowl concept:stadiumlocatedincity concept_city_orlando +concept_stadiumoreventvenue_civic_center concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_classic_center concept:stadiumlocatedincity concept_city_athens +concept_stadiumoreventvenue_clipper_magazine_stadium concept:stadiumlocatedincity concept_city_lancaster +concept_stadiumoreventvenue_clowes_memorial_hall concept:locationlocatedwithinlocation concept_city_indianapolis +concept_stadiumoreventvenue_cobb_energy_performing_arts_centre concept:atlocation concept_city_atlanta +concept_stadiumoreventvenue_coliseum concept:stadiumlocatedincity concept_city_oakland +concept_stadiumoreventvenue_colonial_center concept:stadiumlocatedincity concept_city_columbia +concept_stadiumoreventvenue_comerica concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_comiskey concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_conseco_fieldhouse concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_consol_energy_center concept:stadiumlocatedincity concept_city_pittsburgh +concept_stadiumoreventvenue_constellation_brands_pac concept:stadiumlocatedincity concept_visualizablescene_canandaigua +concept_stadiumoreventvenue_continental_airlines_arena concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_cook_convention_center concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_coors_field concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_copley_symphony_hall concept:stadiumlocatedincity concept_city_san_diego +concept_stadiumoreventvenue_copper_mountain concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_copps_coliseum concept:stadiumlocatedincity concept_city_hamilton +concept_stadiumoreventvenue_corradino concept:latitudelongitude 35.8812966666667,14.5087966666667 +concept_stadiumoreventvenue_cotton_bowl concept:stadiumlocatedincity concept_city_dallas +concept_stadiumoreventvenue_count_basie_theatre concept:stadiumlocatedincity concept_visualizablescene_red_bank +concept_stadiumoreventvenue_county_stadium concept:stadiumlocatedincity concept_city_milwaukee +concept_stadiumoreventvenue_cox_arena concept:stadiumlocatedincity concept_city_san_diego +concept_stadiumoreventvenue_cricket_arena concept:stadiumlocatedincity concept_city_charlotte +concept_stadiumoreventvenue_cricket_wireless_pavilion concept:attractionofcity concept_city_phoenix +concept_stadiumoreventvenue_crocker_field concept:latitudelongitude 42.5862000000000,-71.8084100000000 +concept_stadiumoreventvenue_croke_park concept:stadiumlocatedincity concept_city_dublin_dublin +concept_stadiumoreventvenue_cumberland_county_civic_center concept:attractionofcity concept_city_portland +concept_stadiumoreventvenue_cynthia_woods_mitchell_pavilion concept:stadiumlocatedincity concept_city_spring +concept_stadiumoreventvenue_daley_center concept:latitudelongitude 41.8842000000000,-87.6303300000000 +concept_stadiumoreventvenue_dana_center concept:latitudelongitude 42.4223100000000,-72.2245300000000 +concept_stadiumoreventvenue_dcu_center concept:stadiumlocatedincity concept_city_worcester +concept_stadiumoreventvenue_decc_arena concept:stadiumlocatedincity concept_city_duluth +concept_stadiumoreventvenue_deltaplex concept:stadiumlocatedincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_stadiumoreventvenue_detroit_opera_house concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_deutschlandhalle concept:stadiumlocatedincity concept_city_berlin +concept_stadiumoreventvenue_disney_world concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_dodge_theatre concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_dodger_stadium concept:attractionofcity concept_county_los_angeles_county +concept_stadiumoreventvenue_dolphin_stadium concept:stadiumlocatedincity concept_city_miami +concept_stadiumoreventvenue_dome concept:atdate concept_date_n2000 +concept_stadiumoreventvenue_dow_event_center concept:stadiumlocatedincity concept_city_saginaw +concept_stadiumoreventvenue_dragao_stadium concept:latitudelongitude 41.1618000000000,-8.5838000000000 +concept_stadiumoreventvenue_dte_energy_music_theatre concept:attractionofcity concept_city_clarkston +concept_stadiumoreventvenue_ed_smith_stadium concept:stadiumlocatedincity concept_city_sarasota +concept_stadiumoreventvenue_edison_field concept:stadiumlocatedincity concept_city_anaheim +concept_stadiumoreventvenue_edward_jones_dome concept:stadiumlocatedincity concept_city_saint_louis +concept_stadiumoreventvenue_ej_thomas_hall concept:stadiumlocatedincity concept_city_akron +concept_stadiumoreventvenue_elbufer concept:latitudelongitude 53.1666700000000,11.0000000000000 +concept_stadiumoreventvenue_electric_factory concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_elida_high_school concept:stadiumlocatedincity concept_city_lima +concept_stadiumoreventvenue_elland_road concept:stadiumlocatedincity concept_city_leeds +concept_stadiumoreventvenue_emerald_downs concept:stadiumlocatedincity concept_city_auburn +concept_stadiumoreventvenue_emerald_queen_casino concept:stadiumlocatedincity concept_city_tacoma +concept_stadiumoreventvenue_emu_convocation_center concept:attractionofcity concept_city_ypsilanti +concept_stadiumoreventvenue_energysolutions_arena concept:stadiumlocatedincity concept_county_salt_lake +concept_stadiumoreventvenue_enron_field concept:stadiumlocatedincity concept_city_houston +concept_stadiumoreventvenue_epicenter concept:proxyfor concept_book_new +concept_stadiumoreventvenue_esquire_theatre concept:latitudelongitude 41.9008700000000,-87.6264400000000 +concept_stadiumoreventvenue_estadio_la_rosaleda concept:stadiumlocatedincity concept_city_malaga +concept_stadiumoreventvenue_exposition_park concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_fabulous_fox_theatre concept:stadiumlocatedincity concept_city_atlanta +concept_stadiumoreventvenue_fedex_forum concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_fenway_park concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_fenway_park concept:subpartof concept_city_boston +concept_stadiumoreventvenue_field concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_fifth_third_arena concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_fillmore_auditorium concept:locationlocatedwithinlocation concept_city_denver +concept_stadiumoreventvenue_fillmore_ca concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_fillmore_ca concept:attractionofcity concept_city_san_francisco +concept_stadiumoreventvenue_firestone_country_club concept:stadiumlocatedincity concept_city_akron +concept_stadiumoreventvenue_first_home concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_fitzgeralds_casino_hotel_tunica concept:atlocation concept_building_vegas +concept_stadiumoreventvenue_fitzgeralds_casino_hotel_tunica concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_fitzgeralds_casino_hotel_tunica concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_fitzgeralds_casino_hotel_tunica concept:atlocation concept_county_las_vegas +concept_stadiumoreventvenue_fleet_center concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_fleetcenter concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_flint_center concept:stadiumlocatedincity concept_city_cupertino +concept_stadiumoreventvenue_ford_center concept:stadiumlocatedincity concept_city_oklahoma_city +concept_stadiumoreventvenue_ford_field concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_forum concept:attractionofcity concept_city_inglewood +concept_stadiumoreventvenue_forum concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_fountain_casino concept:stadiumlocatedincity concept_city_aberdeen +concept_stadiumoreventvenue_four_seasons_centre concept:attractionofcity concept_city_toronto +concept_stadiumoreventvenue_four_seasons_centre concept:locationlocatedwithinlocation concept_city_toronto +concept_stadiumoreventvenue_four_seasons_centre_for_the_performing_arts concept:attractionofcity concept_city_toronto +concept_stadiumoreventvenue_fox_cities_performing_arts_center concept:stadiumlocatedincity concept_city_appleton +concept_stadiumoreventvenue_fox_theatre concept:atlocation concept_city_detroit +concept_stadiumoreventvenue_foxwoods_resort_casino concept:latitudelongitude 41.4745400000000,-71.9598000000000 +concept_stadiumoreventvenue_foxwoods_resort_casino concept:stadiumlocatedincity concept_visualizablething_mashantucket +concept_stadiumoreventvenue_gaylord_entertainment_center concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_gelredome concept:stadiumlocatedincity concept_city_arnhem +concept_stadiumoreventvenue_general_motors_centre concept:stadiumlocatedincity concept_city_oshawa +concept_stadiumoreventvenue_genesee_theatre concept:stadiumlocatedincity concept_city_waukegan +concept_stadiumoreventvenue_georgia_dome concept:atlocation concept_city_atlanta +concept_stadiumoreventvenue_giants_stadium concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_giants_stadium concept:proxyfor concept_lake_new +concept_stadiumoreventvenue_gnoll concept:latitudelongitude 11.6833300000000,107.1000000000000 +concept_stadiumoreventvenue_golden_gate_fields concept:stadiumlocatedincity concept_city_albany +concept_stadiumoreventvenue_gonzaga_university concept:atlocation concept_visualizablething_spokane +concept_stadiumoreventvenue_goodman_theatre concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_goodman_theatre concept:atlocation concept_county_chicago +concept_stadiumoreventvenue_graceland concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_great_american_ball_park concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_grog_shop concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_hammerstein_ballroom concept:atlocation concept_city_new_york +concept_stadiumoreventvenue_hatch_shell concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_hawkins_field concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_heard_museum concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_heineken_music_hall concept:stadiumlocatedincity concept_city_amsterdam +concept_stadiumoreventvenue_heinz_field concept:atlocation concept_city_pittsburgh +concept_stadiumoreventvenue_her_majesty_s_theatre concept:latitudelongitude 51.5082500000000,-0.1317300000000 +concept_stadiumoreventvenue_herbst_theatre concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_herbst_theatre concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_hershey_centre concept:stadiumlocatedincity concept_city_mississauga +concept_stadiumoreventvenue_hollywood_palladium concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_honda_center concept:stadiumlocatedincity concept_city_anaheim +concept_stadiumoreventvenue_horseshoe_casino concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_hotels concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_hp_pavilion concept:stadiumlocatedincity concept_city_san_jose +concept_stadiumoreventvenue_hsbc_arena concept:stadiumlocatedincity concept_city_buffalo +concept_stadiumoreventvenue_hult_center concept:stadiumlocatedincity concept_city_eugene +concept_stadiumoreventvenue_hummingbird concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_humphrey_s_concerts_by_the_bay concept:atlocation concept_city_san_diego +concept_stadiumoreventvenue_huntington_park concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_ice_palace concept:stadiumlocatedincity concept_city_tampa_bay +concept_stadiumoreventvenue_idaho_center concept:stadiumlocatedincity concept_city_nampa +concept_stadiumoreventvenue_illinois_state_fairgrounds concept:stadiumlocatedincity concept_city_springfield +concept_stadiumoreventvenue_inb_performing_arts_center concept:stadiumlocatedincity concept_city_spokane +concept_stadiumoreventvenue_indiana_convention_center concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_indianapolis_downtown concept:locationlocatedwithinlocation concept_stateorprovince_indiana +concept_stadiumoreventvenue_indianapolis_downtown concept:proxyfor concept_stateorprovince_indiana +concept_stadiumoreventvenue_indianapolis_downtown concept:subpartof concept_stateorprovince_indiana +concept_stadiumoreventvenue_interlagos concept:latitudelongitude -23.3263700000000,-46.5705200000000 +concept_stadiumoreventvenue_invesco_field concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_irving_plaza concept:atlocation concept_city_new_york +concept_stadiumoreventvenue_irwindale_speedway concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_jackie_gleason_theater concept:stadiumlocatedincity concept_city_miami_beach +concept_stadiumoreventvenue_jacobs_field concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_joe_louis_arena concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_john_labatt_centre concept:stadiumlocatedincity concept_city_london_city +concept_stadiumoreventvenue_juniper_valley_park concept:latitudelongitude 40.7203800000000,-73.8806900000000 +concept_stadiumoreventvenue_kauffman_stadium concept:stadiumlocatedincity concept_county_kansas_city +concept_stadiumoreventvenue_kennedy_center concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_kennedy_center concept:buildinglocatedincity concept_city_new_york +concept_stadiumoreventvenue_kennedy_center concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_kentucky_center concept:stadiumlocatedincity concept_city_louisville +concept_stadiumoreventvenue_key_arena concept:stadiumlocatedincity concept_city_seattle +concept_stadiumoreventvenue_keyarena concept:stadiumlocatedincity concept_city_seattle +concept_stadiumoreventvenue_kfc_yum__center concept:stadiumlocatedincity concept_city_louisville +concept_stadiumoreventvenue_kimmel_center concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_kimmel_center concept:atlocation concept_county_philadelphia +concept_stadiumoreventvenue_king_manor concept:latitudelongitude 39.9792220000000,-75.3012300000000 +concept_stadiumoreventvenue_kingdome concept:buildinglocatedincity concept_city_seattle +concept_stadiumoreventvenue_la_coliseum concept:latitudelongitude 34.0137000000000,-118.2830000000000 +concept_stadiumoreventvenue_lambeau_field concept:stadiumlocatedincity concept_city_green_bay +concept_stadiumoreventvenue_landmark_theater concept:stadiumlocatedincity concept_city_richmond +concept_stadiumoreventvenue_las_vegas_hilton concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_letzigrund concept:latitudelongitude 47.3827300000000,8.5037700000000 +concept_stadiumoreventvenue_lexington concept:proxyfor concept_beach_massachusetts +concept_stadiumoreventvenue_lexington concept:atlocation concept_city_nebraska +concept_stadiumoreventvenue_lexington concept:proxyfor concept_coach_kentucky +concept_stadiumoreventvenue_lexington concept:proxyfor concept_company_nebraska +concept_stadiumoreventvenue_lexington concept:proxyfor concept_company_north_carolina +concept_stadiumoreventvenue_lexington concept:locationlocatedwithinlocation concept_skiarea_kentucky +concept_stadiumoreventvenue_lexington concept:subpartof concept_wine_kentucky +concept_stadiumoreventvenue_lg_arena concept:stadiumlocatedincity concept_city_birmingham +concept_stadiumoreventvenue_liberty_bowl_memorial_stadium concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_libreville concept:mutualproxyfor concept_nut_gabon +concept_stadiumoreventvenue_libreville concept:subpartof concept_nut_gabon +concept_stadiumoreventvenue_lifestyles_communities_pavilion concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_lifestyles_communities_pavilion concept:atlocation concept_county_columbus +concept_stadiumoreventvenue_lincoln_financial_field concept:attractionofcity concept_city_philadelphia +concept_stadiumoreventvenue_linn_county_fairgrounds concept:latitudelongitude 38.1444700000000,-94.8280200000000 +concept_stadiumoreventvenue_logan_square_auditorium concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_los_angeles_angels_of_anaheim concept:atlocation concept_county_los_angeles_county +concept_stadiumoreventvenue_los_angeles_convention_center concept:stadiumlocatedincity concept_city_la +concept_stadiumoreventvenue_los_angeles_dodgers concept:atlocation concept_county_philadelphia +concept_stadiumoreventvenue_louis_armstrong_house concept:latitudelongitude 40.7544400000000,-73.8616700000000 +concept_stadiumoreventvenue_louisiana_superdome concept:stadiumlocatedincity concept_city_new_orleans +concept_stadiumoreventvenue_louisiana_superdome concept:proxyfor concept_lake_new +concept_stadiumoreventvenue_lp_field concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_ludwig_field concept:latitudelongitude 38.9880600000000,-76.9508300000000 +concept_stadiumoreventvenue_madison_square_garden concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_madison_square_garden concept:atdate concept_dateliteral_n2007 +concept_stadiumoreventvenue_madison_square_garden concept:proxyfor concept_lake_new +concept_stadiumoreventvenue_malone_stadium concept:latitudelongitude 32.5326400000000,-92.0656900000000 +concept_stadiumoreventvenue_manchester_city concept:subpartof concept_geopoliticallocation_fa +concept_stadiumoreventvenue_mandalay_bay_theatre concept:atlocation concept_city_las_vegas +concept_stadiumoreventvenue_mandalay_bay_theatre concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_mandalay_bay_theatre concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_mann_center_for_the_performing_arts concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_mann_center_for_the_performing_arts concept:atlocation concept_county_philadelphia +concept_stadiumoreventvenue_maple_leaf_gardens concept:locationlocatedwithinlocation concept_city_toronto +concept_stadiumoreventvenue_marcus_amphitheatre concept:latitudelongitude 43.0430700000000,-87.9112000000000 +concept_stadiumoreventvenue_marcus_amphitheatre concept:stadiumlocatedincity concept_city_milwaukee +concept_stadiumoreventvenue_marin_veterans_memorial_auditorium concept:stadiumlocatedincity concept_city_san_rafael +concept_stadiumoreventvenue_mark_taper_forum concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_market_square_arena concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_marriott_center concept:stadiumlocatedincity concept_city_san_antonio +concept_stadiumoreventvenue_martinsville concept:mutualproxyfor concept_radiostation_new_jersey +concept_stadiumoreventvenue_masonic_temple concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_masonic_temple concept:locationlocatedwithinlocation concept_county_detroit +concept_stadiumoreventvenue_masquerade concept:stadiumlocatedincity concept_city_atlanta +concept_stadiumoreventvenue_mcafee_coliseum concept:stadiumlocatedincity concept_city_oakland +concept_stadiumoreventvenue_mci_center concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_mcmenamins_crystal_ballroom concept:locationlocatedwithinlocation concept_city_portland +concept_stadiumoreventvenue_meadowbrook_u_s__cellular_pavilion concept:stadiumlocatedincity concept_city_gilford +concept_stadiumoreventvenue_meadowlands_stadium concept:stadiumlocatedincity concept_city_east_rutherford +concept_stadiumoreventvenue_mellon_arena concept:stadiumlocatedincity concept_city_pittsburgh +concept_stadiumoreventvenue_memorial_auditorium concept:stadiumlocatedincity concept_city_sacramento +concept_stadiumoreventvenue_merkin_concert_hall concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_merrill_auditorium concept:stadiumlocatedincity concept_city_portland +concept_stadiumoreventvenue_metro concept:buildinglocatedincity concept_city_detroit +concept_stadiumoreventvenue_metrodome concept:stadiumlocatedincity concept_city_minneapolis +concept_stadiumoreventvenue_metropolitan_opera_house concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_meyerson_symphony_center concept:stadiumlocatedincity concept_city_dallas +concept_stadiumoreventvenue_mgm_grand_garden_arena concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_michigan_international concept:latitudelongitude 42.0666700000000,-84.2438900000000 +concept_stadiumoreventvenue_mid_america_center concept:stadiumlocatedincity concept_city_council_bluffs +concept_stadiumoreventvenue_mid_ohio concept:latitudelongitude 40.1210511111111,-82.4227211111111 +concept_stadiumoreventvenue_milan_puskar_stadium concept:latitudelongitude 39.6520300000000,-79.9547800000000 +concept_stadiumoreventvenue_mile_high_stadium concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_millennium_dome concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_miller_motorsports_park concept:stadiumlocatedincity concept_city_milwaukee +concept_stadiumoreventvenue_minnesota_twins concept:atlocation concept_city_boston +concept_stadiumoreventvenue_minute_maid_park concept:stadiumlocatedincity concept_city_houston +concept_stadiumoreventvenue_mirage_hotel_and_casino concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_mississippi_coast_coliseum concept:stadiumlocatedincity concept_city_biloxi +concept_stadiumoreventvenue_mississippi_coliseum concept:stadiumlocatedincity concept_city_jackson +concept_stadiumoreventvenue_mohegan_sun_arena concept:stadiumlocatedincity concept_city_uncasville +concept_stadiumoreventvenue_mohegan_sun_arena_at_casey_plaza concept:stadiumlocatedincity concept_city_scranton_wilkes_barre +concept_stadiumoreventvenue_molson_amphitheatre concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_molson_centre concept:stadiumlocatedincity concept_city_montreal +concept_stadiumoreventvenue_moscone_center concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_moscone_center concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_mts_centre_manitoba concept:stadiumlocatedincity concept_city_winnipeg +concept_stadiumoreventvenue_muirfield_village_golf_course concept:stadiumlocatedincity concept_city_dublin_dublin +concept_stadiumoreventvenue_mullins_center concept:attractionofcity concept_city_amherst +concept_stadiumoreventvenue_municipal_auditorium concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_murat_theatre concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_murphy_athletic_center concept:stadiumlocatedincity concept_city_murfreesboro +concept_stadiumoreventvenue_murrayfield concept:stadiumlocatedincity concept_city_edinburgh +concept_stadiumoreventvenue_music_hall_center concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_music_hall_center concept:locationlocatedwithinlocation concept_county_detroit +concept_stadiumoreventvenue_n1st_mariner_arena concept:atlocation concept_city_baltimore +concept_stadiumoreventvenue_nassau_coliseum concept:stadiumlocatedincity concept_city_uniondale +concept_stadiumoreventvenue_national_arts_centre concept:stadiumlocatedincity concept_city_ottawa +concept_stadiumoreventvenue_national_indoor_arena concept:stadiumlocatedincity concept_city_birmingham +concept_stadiumoreventvenue_nationwide_arena concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_neal_s__blaisdell_center concept:stadiumlocatedincity concept_city_honolulu +concept_stadiumoreventvenue_nec_arena concept:latitudelongitude 52.4533000000000,-1.7194000000000 +concept_stadiumoreventvenue_nec_arena concept:stadiumlocatedincity concept_city_birmingham +concept_stadiumoreventvenue_nehru_stadium concept:latitudelongitude 28.5825600000000,77.2348300000000 +concept_stadiumoreventvenue_network_associates_coliseum concept:stadiumlocatedincity concept_city_oakland +concept_stadiumoreventvenue_new_amsterdam_theatre concept:latitudelongitude 40.7561100000000,-73.9877800000000 +concept_stadiumoreventvenue_new_orleans_arena concept:stadiumlocatedincity concept_city_new_orleans +concept_stadiumoreventvenue_newport_music_hall concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_nikon_at_jones_beach_theater concept:stadiumlocatedincity concept_city_wantagh +concept_stadiumoreventvenue_nokia_theatre concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_nokia_theatre_la_live concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_north_beach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_north_beach concept:atlocation concept_city_florida +concept_stadiumoreventvenue_northern_alberta_jubilee_auditorium concept:atlocation concept_city_edmonton +concept_stadiumoreventvenue_northern_lights_casino concept:attractionofcity concept_city_walker +concept_stadiumoreventvenue_northlands_agricom concept:stadiumlocatedincity concept_city_edmonton +concept_stadiumoreventvenue_oakdale_theatre concept:stadiumlocatedincity concept_city_wallingford +concept_stadiumoreventvenue_oakland_alameda_county_coliseum concept:stadiumlocatedincity concept_city_oakland +concept_stadiumoreventvenue_odyssey_arena concept:stadiumlocatedincity concept_city_belfast +concept_stadiumoreventvenue_ogden_theatre concept:locationlocatedwithinlocation concept_city_denver +concept_stadiumoreventvenue_ohio_theatre___playhouse_square concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_oklahoma_christian_university concept:atlocation concept_city_oklahoma_city +concept_stadiumoreventvenue_old_trafford concept:stadiumlocatedincity concept_city_manchester +concept_stadiumoreventvenue_olympia_stadium concept:stadiumlocatedincity concept_city_detroit +concept_stadiumoreventvenue_olympiahalle concept:stadiumlocatedincity concept_city_munich +concept_stadiumoreventvenue_olympic_stadium concept:stadiumlocatedincity concept_city_montreal +concept_stadiumoreventvenue_oncenter concept:attractionofcity concept_city_syracuse +concept_stadiumoreventvenue_ontario_home concept:latitudelongitude 34.0319600000000,-117.5925500000000 +concept_stadiumoreventvenue_opera_house concept:subpartof concept_biotechcompany_sydney +concept_stadiumoreventvenue_opera_house concept:buildinglocatedincity concept_city_sydney +concept_stadiumoreventvenue_opera_house concept:locationlocatedwithinlocation concept_city_sydney +concept_stadiumoreventvenue_oracle_arena concept:stadiumlocatedincity concept_city_oakland +concept_stadiumoreventvenue_orange_bowl_stadium concept:stadiumlocatedincity concept_city_miami +concept_stadiumoreventvenue_orchestra_hall concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_orchestra_hall concept:attractionofcity concept_city_detroit +concept_stadiumoreventvenue_orchestra_hall concept:atlocation concept_county_chicago +concept_stadiumoreventvenue_orpheum concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_orpheum concept:attractionofcity concept_city_vancouver +concept_stadiumoreventvenue_orpheum concept:buildinglocatedincity concept_city_vancouver +concept_stadiumoreventvenue_ostseehalle concept:stadiumlocatedincity concept_city_kiel +concept_stadiumoreventvenue_ovens_auditorium concept:stadiumlocatedincity concept_city_charlotte +concept_stadiumoreventvenue_overture_center concept:stadiumlocatedincity concept_city_madison +concept_stadiumoreventvenue_pacific_bell_park concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_pacific_bell_park concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_pacific_coliseum concept:stadiumlocatedincity concept_city_hamilton +concept_stadiumoreventvenue_palace concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_palace_theatre concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_palace_theatre concept:stadiumlocatedincity concept_city_stamford +concept_stadiumoreventvenue_palladium_ballroom_tx concept:stadiumlocatedincity concept_city_dallas +concept_stadiumoreventvenue_palms_casino concept:locationlocatedwithinlocation concept_building_vegas +concept_stadiumoreventvenue_palms_casino concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_palms_casino concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_palms_casino concept:atlocation concept_county_las_vegas +concept_stadiumoreventvenue_pantages_theatre concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_paradise concept:atlocation concept_city_boston +concept_stadiumoreventvenue_paradise concept:atlocation concept_stateorprovince_california +concept_stadiumoreventvenue_parc_jarry concept:latitudelongitude 45.5116300000000,-73.7080850000000 +concept_stadiumoreventvenue_patriot_center concept:stadiumlocatedincity concept_city_fairfax +concept_stadiumoreventvenue_paul_brown_stadium concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_peabodys_downunder concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_pengrowth_saddledome concept:stadiumlocatedincity concept_city_calgary +concept_stadiumoreventvenue_pepsi_center concept:stadiumlocatedincity concept_city_denver +concept_stadiumoreventvenue_petco_park concept:stadiumlocatedincity concept_city_san_diego +concept_stadiumoreventvenue_pete_times_forum concept:stadiumlocatedincity concept_city_tampa_bay +concept_stadiumoreventvenue_philips_arena concept:stadiumlocatedincity concept_city_atlanta +concept_stadiumoreventvenue_pier_six_concert_pavilion concept:atlocation concept_city_baltimore +concept_stadiumoreventvenue_pikes_peak_center concept:stadiumlocatedincity concept_city_colorado_springs +concept_stadiumoreventvenue_pirates_cove concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_pittodrie concept:latitudelongitude 57.1589000000000,-2.0885000000000 +concept_stadiumoreventvenue_place_des_arts concept:stadiumlocatedincity concept_city_montreal +concept_stadiumoreventvenue_pnc_bank_arts_center concept:attractionofcity concept_city_holmdel +concept_stadiumoreventvenue_pnc_park concept:stadiumlocatedincity concept_city_pittsburgh +concept_stadiumoreventvenue_pne_forum concept:stadiumlocatedincity concept_city_vancouver +concept_stadiumoreventvenue_poljud concept:latitudelongitude 43.5166700000000,16.4166700000000 +concept_stadiumoreventvenue_post_gazette_pavilion_at_star_lake concept:atlocation concept_city_pittsburgh +concept_stadiumoreventvenue_preussag_arena concept:stadiumlocatedincity concept_city_hannover +concept_stadiumoreventvenue_prince_of_wales_theatre concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_prins_van_oranjehal concept:stadiumlocatedincity concept_geopoliticallocation_utrecht +concept_stadiumoreventvenue_pro_player_stadium concept:stadiumlocatedincity concept_city_miami +concept_stadiumoreventvenue_progress_energy_center concept:attractionofcity concept_city_raleigh +concept_stadiumoreventvenue_progressive_field concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_providence_performing_arts concept:stadiumlocatedincity concept_city_providence +concept_stadiumoreventvenue_prudential_center_2 concept:stadiumlocatedincity concept_city_newark +concept_stadiumoreventvenue_purcell_room concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_pyramid_arena concept:stadiumlocatedincity concept_city_memphis +concept_stadiumoreventvenue_qualcomm_stadium concept:stadiumlocatedincity concept_city_san_diego +concept_stadiumoreventvenue_queens_borough_public_library concept:latitudelongitude 40.7226531578947,-73.8178581578947 +concept_stadiumoreventvenue_quicken_loans_arena concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_qwest_field concept:stadiumlocatedincity concept_city_seattle +concept_stadiumoreventvenue_rabobank_arena concept:stadiumlocatedincity concept_city_bakersfield +concept_stadiumoreventvenue_radio_city_music_hall concept:atlocation concept_island_new_york_city_metropolitan_area +concept_stadiumoreventvenue_radio_city_music_hall concept:atlocation concept_stateorprovince_new_york +concept_stadiumoreventvenue_ralph_wilson_stadium concept:stadiumlocatedincity concept_city_buffalo +concept_stadiumoreventvenue_raymond_james_stadium concept:stadiumlocatedincity concept_city_tampa_bay +concept_stadiumoreventvenue_rbc_center concept:stadiumlocatedincity concept_city_raleigh +concept_stadiumoreventvenue_rca_dome concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_red_rocks_amphitheatre concept:stadiumlocatedincity concept_city_morrison +concept_stadiumoreventvenue_red_rocks_amphitheatre concept:attractionofcity concept_city_vegas +concept_stadiumoreventvenue_red_rocks_amphitheatre concept:buildinglocatedincity concept_city_vegas +concept_stadiumoreventvenue_reliant_stadium concept:stadiumlocatedincity concept_city_houston +concept_stadiumoreventvenue_resch_center concept:stadiumlocatedincity concept_city_green_bay +concept_stadiumoreventvenue_rexall_place concept:stadiumlocatedincity concept_city_edmonton +concept_stadiumoreventvenue_rfk concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_rfk_memorial_stadium concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_ricoh_coliseum concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_riverbend_music_center concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_roanoke_civic_center concept:stadiumlocatedincity concept_city_roanoke +concept_stadiumoreventvenue_robert_f__kennedy_stadium concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_rogers_arena concept:buildinglocatedincity concept_city_vancouver +concept_stadiumoreventvenue_rogers_centre concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_rose_garden concept:stadiumlocatedincity concept_city_portland +concept_stadiumoreventvenue_royal_albert_hall concept:stadiumlocatedincity concept_city_london_city +concept_stadiumoreventvenue_royal_alexandra concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_rupp_arena concept:stadiumlocatedincity concept_county_lexington +concept_stadiumoreventvenue_rye_house concept:latitudelongitude 51.7693800000000,0.0056200000000 +concept_stadiumoreventvenue_safeco_field concept:stadiumlocatedincity concept_city_seattle +concept_stadiumoreventvenue_saint_andrews_hall concept:locationlocatedwithinlocation concept_city_detroit +concept_stadiumoreventvenue_salt_palace_convention_center concept:atlocation concept_beach_salt_lake_city_ogden +concept_stadiumoreventvenue_salt_palace_convention_center concept:stadiumlocatedincity concept_county_salt_lake +concept_stadiumoreventvenue_sam_boyd_stadium concept:stadiumlocatedincity concept_city_las_vegas +concept_stadiumoreventvenue_san_diego_civic_theatre concept:buildinglocatedincity concept_city_san_diego +concept_stadiumoreventvenue_san_diego_padres concept:atlocation concept_county_san_diego +concept_stadiumoreventvenue_san_jose concept:stadiumlocatedincity concept_city_jose +concept_stadiumoreventvenue_santa_anita_park concept:stadiumlocatedincity concept_city_arcadia +concept_stadiumoreventvenue_santiago_bernab concept:stadiumlocatedincity concept_city_madrid +concept_stadiumoreventvenue_saskatchewan_place concept:buildinglocatedincity concept_city_saskatoon +concept_stadiumoreventvenue_save_mart_center concept:attractionofcity concept_city_fresno +concept_stadiumoreventvenue_sbc_bricktown_ballpark concept:atlocation concept_city_san_antonio +concept_stadiumoreventvenue_sbc_bricktown_ballpark concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_sbc_center concept:stadiumlocatedincity concept_city_san_antonio +concept_stadiumoreventvenue_scarborough_downs concept:latitudelongitude 43.6003600000000,-70.3519900000000 +concept_stadiumoreventvenue_scg concept:latitudelongitude -33.8915100000000,151.2251800000000 +concept_stadiumoreventvenue_schottenstein_center concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_scope concept:stadiumlocatedincity concept_city_norfolk +concept_stadiumoreventvenue_scotiabank_place concept:stadiumlocatedincity concept_city_ottawa +concept_stadiumoreventvenue_scottrade_center concept:stadiumlocatedincity concept_city_saint_louis +concept_stadiumoreventvenue_screamin_willies concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_screamin_willies concept:atlocation concept_county_columbus +concept_stadiumoreventvenue_sears_center concept:stadiumlocatedincity concept_city_hoffman_estates +concept_stadiumoreventvenue_seaside_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_stadiumoreventvenue_seaside_park concept:proxyfor concept_stateorprovince_newjersey +concept_stadiumoreventvenue_seattle_international_raceway concept:latitudelongitude 47.3209300000000,-122.1454000000000 +concept_stadiumoreventvenue_second_city concept:proxyfor concept_book_new +concept_stadiumoreventvenue_september_2001 concept:locationlocatedwithinlocation concept_bridge_world +concept_stadiumoreventvenue_shaw_conference_centre concept:attractionofcity concept_city_edmonton +concept_stadiumoreventvenue_shea_stadium concept:stadiumlocatedincity concept_city_flushing +concept_stadiumoreventvenue_sheas_performing_arts_center concept:stadiumlocatedincity concept_city_buffalo +concept_stadiumoreventvenue_shoreline_amphitheatre concept:stadiumlocatedincity concept_city_mountain_view +concept_stadiumoreventvenue_shubert_theater concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_sicks__stadium concept:latitudelongitude 47.5795400000000,-122.2967900000000 +concept_stadiumoreventvenue_silver_spurs_arena concept:stadiumlocatedincity concept_city_kissimmee +concept_stadiumoreventvenue_six_flags_fiesta_texas concept:stadiumlocatedincity concept_city_san_antonio +concept_stadiumoreventvenue_sky_harbor_international_airport concept:buildinglocatedincity concept_city_phoenix +concept_stadiumoreventvenue_skydome concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_soccer_city_stadium concept:stadiumlocatedincity concept_city_johannesburg +concept_stadiumoreventvenue_soldier_field concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_soldier_field concept:subpartof concept_county_chicago +concept_stadiumoreventvenue_sommet_center concept:locationlocatedwithinlocation concept_city_nashville +concept_stadiumoreventvenue_spektrum concept:stadiumlocatedincity concept_city_oslo +concept_stadiumoreventvenue_spokane_arena concept:attractionofcity concept_city_spokane +concept_stadiumoreventvenue_spokane_arena concept:buildinglocatedincity concept_city_spokane +concept_stadiumoreventvenue_spokane_convention_center concept:stadiumlocatedincity concept_city_spokane +concept_stadiumoreventvenue_sports_arena concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_sprint_center concept:stadiumlocatedincity concept_county_kansas_city +concept_stadiumoreventvenue_st__james_park concept:latitudelongitude 54.9752000000000,-1.6220000000000 +concept_stadiumoreventvenue_st__james_park concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_st__james_park concept:stadiumlocatedincity concept_city_newcastle +concept_stadiumoreventvenue_st_mirren concept:latitudelongitude 55.8529000000000,-4.4284000000000 +concept_stadiumoreventvenue_stage_ae concept:atlocation concept_city_pittsburgh +concept_stadiumoreventvenue_staples_center concept:stadiumlocatedincity concept_county_los_angeles_county +concept_stadiumoreventvenue_steinway_hall concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_steppenwolf_theatre concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_stranahan_theatre concept:stadiumlocatedincity concept_city_toledo +concept_stadiumoreventvenue_students_home concept:latitudelongitude 35.1625700000000,-84.8202200000000 +concept_stadiumoreventvenue_suffolk_downs concept:stadiumlocatedincity concept_city_east_boston +concept_stadiumoreventvenue_sun_devil_stadium concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_suntory_hall concept:stadiumlocatedincity concept_city_tokyo +concept_stadiumoreventvenue_tabernacle concept:proxyfor concept_stateorprovince_newjersey +concept_stadiumoreventvenue_tad_gormley concept:latitudelongitude 29.9899300000000,-90.0995200000000 +concept_stadiumoreventvenue_tanglewood__koussevitzky_music_shed concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_tannadice concept:stadiumlocatedincity concept_city_dundee +concept_stadiumoreventvenue_target_center concept:stadiumlocatedincity concept_city_minneapolis +concept_stadiumoreventvenue_td_banknorth_garden concept:stadiumlocatedincity concept_city_boston +concept_stadiumoreventvenue_td_waterhouse_centre concept:attractionofcity concept_city_orlando +concept_stadiumoreventvenue_tennessee_performing_arts_center concept:stadiumlocatedincity concept_city_nashville +concept_stadiumoreventvenue_tennessee_theatre concept:stadiumlocatedincity concept_city_knoxville +concept_stadiumoreventvenue_tennessee_valley_railroad concept:latitudelongitude 35.0620200000000,-85.2494000000000 +concept_stadiumoreventvenue_the_basement concept:stadiumlocatedincity concept_city_columbus +concept_stadiumoreventvenue_the_emirates concept:latitudelongitude 25.2500000000000,55.2900000000000 +concept_stadiumoreventvenue_the_horseshoe_tavern concept:stadiumlocatedincity concept_city_toronto +concept_stadiumoreventvenue_the_midland_by_amc concept:atlocation concept_county_kansas_city +concept_stadiumoreventvenue_the_oval concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_the_pageant concept:stadiumlocatedincity concept_city_st_louis +concept_stadiumoreventvenue_the_valarium concept:stadiumlocatedincity concept_city_knoxville +concept_stadiumoreventvenue_theatre concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_thomas___mack_center concept:atlocation concept_city_las_vegas +concept_stadiumoreventvenue_thomas___mack_center concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_thomas___mack_center concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_thompson_boling_arena concept:stadiumlocatedincity concept_city_knoxville +concept_stadiumoreventvenue_three_rivers_stadium concept:stadiumlocatedincity concept_city_pittsburgh +concept_stadiumoreventvenue_tiger_stadium concept:attractionofcity concept_city_detroit +concept_stadiumoreventvenue_time_warner_cable_arena concept:atlocation concept_city_charlotte +concept_stadiumoreventvenue_times_union_center concept:stadiumlocatedincity concept_city_albany +concept_stadiumoreventvenue_tower_theatre concept:stadiumlocatedincity concept_city_upper_darby +concept_stadiumoreventvenue_town_hall concept:attractionofcity concept_city_new_york +concept_stadiumoreventvenue_town_hall concept:buildinglocatedincity concept_city_new_york +concept_stadiumoreventvenue_township_auditorium concept:stadiumlocatedincity concept_city_columbia +concept_stadiumoreventvenue_toyota_center concept:stadiumlocatedincity concept_city_houston +concept_stadiumoreventvenue_treasure_island_hotel concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_treasure_island_hotel concept:atlocation concept_city_vegas_casino +concept_stadiumoreventvenue_treasure_island_hotel concept:atlocation concept_county_las_vegas +concept_stadiumoreventvenue_tropicana_field concept:stadiumlocatedincity concept_city_st__petersburg +concept_stadiumoreventvenue_trump_taj_mahal_mark_g_etess_arena concept:attractionofcity concept_city_atlantic_city +concept_stadiumoreventvenue_tullio_arena concept:attractionofcity concept_city_erie +concept_stadiumoreventvenue_tulsa_convention_center concept:stadiumlocatedincity concept_city_tulsa +concept_stadiumoreventvenue_turner_field concept:stadiumlocatedincity concept_city_atlanta +concept_stadiumoreventvenue_turner_stadium concept:latitudelongitude 29.9832800000000,-95.2457700000000 +concept_stadiumoreventvenue_tweeter_center concept:stadiumlocatedincity concept_city_mansfield +concept_stadiumoreventvenue_u_s__bank_arena concept:stadiumlocatedincity concept_city_cincinnati +concept_stadiumoreventvenue_u_s__cellular_arena concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_u_s__cellular_arena concept:attractionofcity concept_city_milwaukee +concept_stadiumoreventvenue_u_s__cellular_arena concept:atlocation concept_county_chicago +concept_stadiumoreventvenue_uic_pavilion concept:attractionofcity concept_city_chicago +concept_stadiumoreventvenue_uline_arena concept:latitudelongitude 38.9051100000000,-77.0027500000000 +concept_stadiumoreventvenue_ullevi_stadium concept:stadiumlocatedincity concept_city_gothenburg +concept_stadiumoreventvenue_union_station concept:attractionofcity concept_city_chicago +concept_stadiumoreventvenue_union_station concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_united_center concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_universal_studios_florida concept:stadiumlocatedincity concept_city_orlando +concept_stadiumoreventvenue_us_airways_center concept:stadiumlocatedincity concept_city_phoenix +concept_stadiumoreventvenue_usana_amphitheater concept:stadiumlocatedincity concept_county_salt_lake +concept_stadiumoreventvenue_valley_view_casino_center concept:attractionofcity concept_city_san_diego +concept_stadiumoreventvenue_van_andel_arena concept:stadiumlocatedincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_stadiumoreventvenue_van_wezel_performing_arts_hall concept:stadiumlocatedincity concept_city_sarasota +concept_stadiumoreventvenue_ventura_county concept:atlocation concept_stateorprovince_california +concept_stadiumoreventvenue_verizon_center concept:stadiumlocatedincity concept_city_washington_d_c +concept_stadiumoreventvenue_verizon_wireless_amphitheater concept:stadiumlocatedincity concept_visualizablescene_maryland_heights +concept_stadiumoreventvenue_verizon_wireless_center concept:stadiumlocatedincity concept_city_indianapolis +concept_stadiumoreventvenue_verizon_wireless_center concept:attractionofcity concept_city_noblesville +concept_stadiumoreventvenue_veterans_memorial_stadium concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_victoria_home concept:latitudelongitude 41.1644400000000,-73.8655600000000 +concept_stadiumoreventvenue_viejas_arena concept:atlocation concept_city_san_diego +concept_stadiumoreventvenue_villa_coronado_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_stadiumoreventvenue_von_braun_center concept:stadiumlocatedincity concept_city_huntsville +concept_stadiumoreventvenue_wachovia_center concept:stadiumlocatedincity concept_city_philadelphia +concept_stadiumoreventvenue_wamu_theater concept:buildinglocatedincity concept_city_seattle +concept_stadiumoreventvenue_war_memorial_coliseum concept:stadiumlocatedincity concept_city_rochester +concept_stadiumoreventvenue_war_memorial_opera_house concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_war_memorial_stadium concept:stadiumlocatedincity concept_city_little_rock +concept_stadiumoreventvenue_warfield concept:stadiumlocatedincity concept_city_san_francisco +concept_stadiumoreventvenue_warfield concept:atlocation concept_county_san_francisco +concept_stadiumoreventvenue_wells_fargo_arena concept:stadiumlocatedincity concept_city_des_moines +concept_stadiumoreventvenue_wells_fargo_center_for_the_arts concept:stadiumlocatedincity concept_city_santa_rosa +concept_stadiumoreventvenue_wembley_stadium concept:stadiumlocatedincity concept_city_london_city +concept_stadiumoreventvenue_west_end concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_west_end concept:stadiumlocatedincity concept_city_vegas +concept_stadiumoreventvenue_whittemore_center concept:attractionofcity concept_city_durham +concept_stadiumoreventvenue_wigan_athletic concept:latitudelongitude 53.5451000000000,-2.6546000000000 +concept_stadiumoreventvenue_wigmore_hall concept:attractionofcity concept_city_london_city +concept_stadiumoreventvenue_wigmore_hall concept:buildinglocatedincity concept_city_london_city +concept_stadiumoreventvenue_wolstein_center__csu_convocation concept:stadiumlocatedincity concept_city_cleveland +concept_stadiumoreventvenue_wrigley_field concept:stadiumlocatedincity concept_city_chicago +concept_stadiumoreventvenue_xcel_energy_center concept:stadiumlocatedincity concept_city_saint_paul +concept_stadiumoreventvenue_yankee_stadium concept:stadiumlocatedincity concept_city_new_york +concept_stadiumoreventvenue_young_home concept:latitudelongitude 36.6075600000000,-84.8321100000000 +concept_stateorprovince_aa concept:organizationalsoknownas concept_bank_alcoa_inc +concept_stateorprovince_aa concept:synonymfor concept_bank_alcoa_inc +concept_stateorprovince_aa concept:organizationhiredperson concept_personaustralia_bill_wilson +concept_stateorprovince_aa concept:organizationterminatedperson concept_politicianus_bill_wilson +concept_stateorprovince_ab concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_act concept:atdate concept_date_n2001 +concept_stateorprovince_ad concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_ad concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_stateorprovince_advocates concept:proxyfor concept_book_new +concept_stateorprovince_afternoon concept:proxyfor concept_book_new +concept_stateorprovince_afternoon concept:atdate concept_date_n1996 +concept_stateorprovince_afternoon concept:atdate concept_date_n1999 +concept_stateorprovince_afternoon concept:atdate concept_date_n2000 +concept_stateorprovince_afternoon concept:atdate concept_date_n2001 +concept_stateorprovince_afternoon concept:atdate concept_date_n2003 +concept_stateorprovince_afternoon concept:atdate concept_date_n2004 +concept_stateorprovince_afternoon concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_afternoon concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_afternoon concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_afternoon concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_afternoon concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_afternoon concept:atdate concept_year_n1991 +concept_stateorprovince_afternoon concept:atdate concept_year_n1998 +concept_stateorprovince_agartala concept:proxyfor concept_ethnicgroup_tripura +concept_stateorprovince_agartala concept:mutualproxyfor concept_geopoliticallocation_tripura +concept_stateorprovince_ak concept:statehascapital concept_city_point_hope +concept_stateorprovince_ak concept:statelocatedincountry concept_country_usa +concept_stateorprovince_al concept:statelocatedincountry concept_country_usa +concept_stateorprovince_alabama concept:mutualproxyfor concept_city_birmingham +concept_stateorprovince_alabama concept:mutualproxyfor concept_city_decatur +concept_stateorprovince_alabama concept:mutualproxyfor concept_city_gadsden +concept_stateorprovince_alabama concept:statehascapital concept_city_montgomery +concept_stateorprovince_alabama concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_alabama concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_alabama concept:statelocatedincountry concept_country_usa +concept_stateorprovince_alabama concept:istallerthan concept_publication_people_ +concept_stateorprovince_alabama concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_georgia +concept_stateorprovince_alagoas concept:statehascapital concept_city_maceio +concept_stateorprovince_alaska concept:statehascapital concept_city_juneau +concept_stateorprovince_alaska concept:statelocatedincountry concept_country_usa +concept_stateorprovince_alberta concept:statehascapital concept_city_edmonton +concept_stateorprovince_alberta concept:atdate concept_date_n2000 +concept_stateorprovince_alberta concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_alberta concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_alberta concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_amapa concept:statehascapital concept_city_macapa +concept_stateorprovince_amazonas concept:statehascapital concept_city_manaus +concept_stateorprovince_amazonas concept:statelocatedingeopoliticallocation concept_country_brazil +concept_stateorprovince_anambra_state concept:latitudelongitude 6.3333300000000,7.0000000000000 +concept_stateorprovince_andaman_and_nicobar concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_andaman_and_nicobar_islands concept:latitudelongitude 10.0000000000000,93.0000000000000 +concept_stateorprovince_andaman_and_nicobar_islands concept:statehascapital concept_city_port_blair +concept_stateorprovince_andaman_and_nicobar_islands concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_andaman_nicobar concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_andhra concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_andhra concept:statelocatedingeopoliticallocation concept_stateorprovince_south_india +concept_stateorprovince_andhra_pradesh concept:statehascapital concept_city_hyderabad +concept_stateorprovince_andhra_pradesh concept:atlocation concept_country_republic_of_india +concept_stateorprovince_andhra_pradesh concept:subpartof concept_country_republic_of_india +concept_stateorprovince_antananarivo concept:locationlocatedwithinlocation concept_mountainrange_madagascar +concept_stateorprovince_antananarivo concept:proxyfor concept_plant_madagascar +concept_stateorprovince_ar concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ardmore concept:proxyfor concept_musicsong_oklahoma +concept_stateorprovince_ardmore concept:subpartof concept_musicsong_oklahoma +concept_stateorprovince_arizona concept:mutualproxyfor concept_city_casa_grande +concept_stateorprovince_arizona concept:mutualproxyfor concept_city_flagstaff +concept_stateorprovince_arizona concept:mutualproxyfor concept_city_phoenix +concept_stateorprovince_arizona concept:statehascapital concept_city_verde +concept_stateorprovince_arizona concept:mutualproxyfor concept_city_yuma +concept_stateorprovince_arizona concept:organizationhiredperson concept_coach_ken_whisenhunt +concept_stateorprovince_arizona concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_arizona concept:statelocatedincountry concept_country_usa +concept_stateorprovince_arizona concept:istallerthan concept_publication_people_ +concept_stateorprovince_arizona concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_arizona concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_mexico +concept_stateorprovince_arizona concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_texas +concept_stateorprovince_arizona concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_utah +concept_stateorprovince_arkansas concept:mutualproxyfor concept_city_jonesboro +concept_stateorprovince_arkansas concept:mutualproxyfor concept_city_pine_bluff +concept_stateorprovince_arkansas concept:organizationhiredperson concept_coach_bobby_petrino +concept_stateorprovince_arkansas concept:organizationhiredperson concept_coach_frank_broyles +concept_stateorprovince_arkansas concept:organizationhiredperson concept_coach_houston_nutt +concept_stateorprovince_arkansas concept:organizationhiredperson concept_coach_nolan_richardson +concept_stateorprovince_arkansas concept:statelocatedincountry concept_country_usa +concept_stateorprovince_arthur_tx concept:latitudelongitude 29.9348000000000,-93.9483333333333 +concept_stateorprovince_arunachal_pradesh concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_assam concept:statehascapital concept_city_dispur +concept_stateorprovince_assam concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_auburn concept:proxyfor concept_city_washington_d_c +concept_stateorprovince_auburn concept:subpartof concept_city_washington_d_c +concept_stateorprovince_author concept:agentbelongstoorganization concept_geopoliticallocation_world +concept_stateorprovince_author concept:agentcollaborateswithagent concept_male_world +concept_stateorprovince_author concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_author concept:agentcontrols concept_weatherphenomenon_world +concept_stateorprovince_autonomous_region_in_muslim_mindanao concept:latitudelongitude 7.0954400000000,124.3872100000000 +concept_stateorprovince_az concept:statehascapital concept_city_phoenix +concept_stateorprovince_az concept:statelocatedincountry concept_country_usa +concept_stateorprovince_bahia concept:statehascapital concept_city_porto_seguro +concept_stateorprovince_baja_california concept:statehascapital concept_city_mexicali +concept_stateorprovince_baja_california concept:statelocatedincountry concept_country_mexico +concept_stateorprovince_bali concept:statehascapital concept_city_denpasar +concept_stateorprovince_bangui concept:proxyfor concept_sportsteamposition_central_african_republic +concept_stateorprovince_bartlesville concept:proxyfor concept_musicsong_oklahoma +concept_stateorprovince_basel_landschaft concept:statehascapital concept_city_liestal +concept_stateorprovince_bavaria concept:statehascapital concept_city_munich +concept_stateorprovince_bayelsa concept:latitudelongitude 4.7500000000000,6.0833300000000 +concept_stateorprovince_bayelsa concept:statelocatedincountry concept_country_nigeria +concept_stateorprovince_bc concept:statehascapital concept_city_victoria +concept_stateorprovince_bc concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_beaver concept:proxyfor concept_stateorprovince_pennsylvania +concept_stateorprovince_benton_harbor concept:proxyfor concept_creditunion_michigan +concept_stateorprovince_benton_harbor concept:subpartof concept_creditunion_michigan +concept_stateorprovince_bharmour concept:latitudelongitude 32.4500000000000,76.5333300000000 +concept_stateorprovince_bielsko concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_bihar concept:statehascapital concept_city_patna +concept_stateorprovince_bihar concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_blue_state concept:proxyfor concept_book_new +concept_stateorprovince_bolivar concept:proxyfor concept_company_missouri +concept_stateorprovince_brandenburg concept:statehascapital concept_city_potsdam +concept_stateorprovince_brian_williams concept:subpartof concept_retailstore_nbc +concept_stateorprovince_british_columbia concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_british_columbia concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_british_columbia concept:atdate concept_date_n1999 +concept_stateorprovince_british_columbia concept:atdate concept_date_n2004 +concept_stateorprovince_british_columbia concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_british_columbia concept:proxyfor concept_lake_new +concept_stateorprovince_bruce concept:agentcontrols concept_weatherphenomenon_world +concept_stateorprovince_ca concept:statelocatedincountry concept_country_usa +concept_stateorprovince_california concept:mutualproxyfor concept_book_summerland +concept_stateorprovince_california concept:mutualproxyfor concept_city_anaheim +concept_stateorprovince_california concept:mutualproxyfor concept_city_antioch +concept_stateorprovince_california concept:mutualproxyfor concept_city_aptos +concept_stateorprovince_california concept:mutualproxyfor concept_city_arcadia +concept_stateorprovince_california concept:mutualproxyfor concept_city_arcata +concept_stateorprovince_california concept:mutualproxyfor concept_city_arnold +concept_stateorprovince_california concept:mutualproxyfor concept_city_auburn +concept_stateorprovince_california concept:mutualproxyfor concept_city_azusa +concept_stateorprovince_california concept:mutualproxyfor concept_city_bakersfield +concept_stateorprovince_california concept:mutualproxyfor concept_city_baldwin_park +concept_stateorprovince_california concept:mutualproxyfor concept_city_banning +concept_stateorprovince_california concept:mutualproxyfor concept_city_beaumont +concept_stateorprovince_california concept:mutualproxyfor concept_city_bellflower +concept_stateorprovince_california concept:mutualproxyfor concept_city_belmont +concept_stateorprovince_california concept:mutualproxyfor concept_city_berkeley +concept_stateorprovince_california concept:mutualproxyfor concept_city_beverly_hills +concept_stateorprovince_california concept:mutualproxyfor concept_city_bishop +concept_stateorprovince_california concept:mutualproxyfor concept_city_blythe +concept_stateorprovince_california concept:mutualproxyfor concept_city_brea +concept_stateorprovince_california concept:mutualproxyfor concept_city_brentwood +concept_stateorprovince_california concept:mutualproxyfor concept_city_buena_park +concept_stateorprovince_california concept:mutualproxyfor concept_city_burlingame +concept_stateorprovince_california concept:mutualproxyfor concept_city_calexico +concept_stateorprovince_california concept:mutualproxyfor concept_city_cambria +concept_stateorprovince_california concept:mutualproxyfor concept_city_campbell +concept_stateorprovince_california concept:mutualproxyfor concept_city_capitola +concept_stateorprovince_california concept:mutualproxyfor concept_city_carlsbad +concept_stateorprovince_california concept:mutualproxyfor concept_city_carmel_by_the_sea +concept_stateorprovince_california concept:mutualproxyfor concept_city_carmel_valley +concept_stateorprovince_california concept:mutualproxyfor concept_city_carmichael +concept_stateorprovince_california concept:mutualproxyfor concept_city_carpinteria +concept_stateorprovince_california concept:mutualproxyfor concept_city_cathedral_city +concept_stateorprovince_california concept:mutualproxyfor concept_city_cayucos +concept_stateorprovince_california concept:mutualproxyfor concept_city_cerritos +concept_stateorprovince_california concept:mutualproxyfor concept_city_chico +concept_stateorprovince_california concept:mutualproxyfor concept_city_chino +concept_stateorprovince_california concept:mutualproxyfor concept_city_chowchilla +concept_stateorprovince_california concept:mutualproxyfor concept_city_chula_vista +concept_stateorprovince_california concept:mutualproxyfor concept_city_citrus_heights +concept_stateorprovince_california concept:mutualproxyfor concept_city_claremont +concept_stateorprovince_california concept:mutualproxyfor concept_city_clearlake +concept_stateorprovince_california concept:mutualproxyfor concept_city_colton +concept_stateorprovince_california concept:mutualproxyfor concept_city_compton +concept_stateorprovince_california concept:mutualproxyfor concept_city_concord +concept_stateorprovince_california concept:mutualproxyfor concept_city_costa_mesa +concept_stateorprovince_california concept:mutualproxyfor concept_city_covina +concept_stateorprovince_california concept:mutualproxyfor concept_city_cypress +concept_stateorprovince_california concept:mutualproxyfor concept_city_daly_city +concept_stateorprovince_california concept:mutualproxyfor concept_city_danville +concept_stateorprovince_california concept:mutualproxyfor concept_city_davis +concept_stateorprovince_california concept:mutualproxyfor concept_city_del_mar +concept_stateorprovince_california concept:mutualproxyfor concept_city_downey +concept_stateorprovince_california concept:mutualproxyfor concept_city_duarte +concept_stateorprovince_california concept:mutualproxyfor concept_city_dublin_dublin +concept_stateorprovince_california concept:mutualproxyfor concept_city_el_cajon +concept_stateorprovince_california concept:mutualproxyfor concept_city_el_monte +concept_stateorprovince_california concept:mutualproxyfor concept_city_elk_grove +concept_stateorprovince_california concept:mutualproxyfor concept_city_emeryville +concept_stateorprovince_california concept:mutualproxyfor concept_city_encinitas +concept_stateorprovince_california concept:mutualproxyfor concept_city_fallbrook +concept_stateorprovince_california concept:mutualproxyfor concept_city_folsom +concept_stateorprovince_california concept:mutualproxyfor concept_city_forestville +concept_stateorprovince_california concept:mutualproxyfor concept_city_fortuna +concept_stateorprovince_california concept:mutualproxyfor concept_city_freemont +concept_stateorprovince_california concept:mutualproxyfor concept_city_fremont +concept_stateorprovince_california concept:mutualproxyfor concept_city_fresno +concept_stateorprovince_california concept:mutualproxyfor concept_city_fullerton +concept_stateorprovince_california concept:mutualproxyfor concept_city_garden_grove +concept_stateorprovince_california concept:mutualproxyfor concept_city_gardena +concept_stateorprovince_california concept:mutualproxyfor concept_city_gilroy +concept_stateorprovince_california concept:mutualproxyfor concept_city_glendale +concept_stateorprovince_california concept:mutualproxyfor concept_city_glendora +concept_stateorprovince_california concept:mutualproxyfor concept_city_groveland +concept_stateorprovince_california concept:mutualproxyfor concept_city_gualala +concept_stateorprovince_california concept:mutualproxyfor concept_city_guerneville +concept_stateorprovince_california concept:mutualproxyfor concept_city_hawthorne +concept_stateorprovince_california concept:mutualproxyfor concept_city_healdsburg +concept_stateorprovince_california concept:mutualproxyfor concept_city_hemet +concept_stateorprovince_california concept:mutualproxyfor concept_city_hermosa_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_hollister +concept_stateorprovince_california concept:mutualproxyfor concept_city_idyllwild +concept_stateorprovince_california concept:mutualproxyfor concept_city_imperial_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_joshua_tree +concept_stateorprovince_california concept:mutualproxyfor concept_city_kirkwood +concept_stateorprovince_california concept:mutualproxyfor concept_city_la_jolla +concept_stateorprovince_california concept:mutualproxyfor concept_city_la_mesa +concept_stateorprovince_california concept:mutualproxyfor concept_city_lafayette +concept_stateorprovince_california concept:mutualproxyfor concept_city_laguna_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_lake_arrowhead +concept_stateorprovince_california concept:mutualproxyfor concept_city_lake_forest +concept_stateorprovince_california concept:mutualproxyfor concept_city_lakeport +concept_stateorprovince_california concept:mutualproxyfor concept_city_lancaster +concept_stateorprovince_california concept:mutualproxyfor concept_city_livermore +concept_stateorprovince_california concept:mutualproxyfor concept_city_lodi +concept_stateorprovince_california concept:mutualproxyfor concept_city_long_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_los_banos +concept_stateorprovince_california concept:mutualproxyfor concept_city_los_osos +concept_stateorprovince_california concept:mutualproxyfor concept_city_lynwood +concept_stateorprovince_california concept:mutualproxyfor concept_city_manhattan_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_manteca +concept_stateorprovince_california concept:mutualproxyfor concept_city_marina +concept_stateorprovince_california concept:mutualproxyfor concept_city_marina_del_rey +concept_stateorprovince_california concept:mutualproxyfor concept_city_mariposa +concept_stateorprovince_california concept:mutualproxyfor concept_city_martinez +concept_stateorprovince_california concept:mutualproxyfor concept_city_marysville +concept_stateorprovince_california concept:mutualproxyfor concept_city_mendocino +concept_stateorprovince_california concept:mutualproxyfor concept_city_merced +concept_stateorprovince_california concept:mutualproxyfor concept_city_mission_viejo +concept_stateorprovince_california concept:mutualproxyfor concept_city_monrovia +concept_stateorprovince_california concept:mutualproxyfor concept_city_moreno_valley +concept_stateorprovince_california concept:mutualproxyfor concept_city_murrieta +concept_stateorprovince_california concept:mutualproxyfor concept_city_newark +concept_stateorprovince_california concept:mutualproxyfor concept_city_newport_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_nipomo +concept_stateorprovince_california concept:mutualproxyfor concept_city_norco +concept_stateorprovince_california concept:mutualproxyfor concept_city_north_hollywood +concept_stateorprovince_california concept:mutualproxyfor concept_city_northridge +concept_stateorprovince_california concept:mutualproxyfor concept_city_novato +concept_stateorprovince_california concept:mutualproxyfor concept_city_oakhurst +concept_stateorprovince_california concept:mutualproxyfor concept_city_oakland +concept_stateorprovince_california concept:mutualproxyfor concept_city_ojai +concept_stateorprovince_california concept:mutualproxyfor concept_city_ontario +concept_stateorprovince_california concept:mutualproxyfor concept_city_orange +concept_stateorprovince_california concept:mutualproxyfor concept_city_pacifica +concept_stateorprovince_california concept:mutualproxyfor concept_city_palm_desert +concept_stateorprovince_california concept:mutualproxyfor concept_city_palm_springs +concept_stateorprovince_california concept:mutualproxyfor concept_city_palo_alto +concept_stateorprovince_california concept:mutualproxyfor concept_city_patterson +concept_stateorprovince_california concept:mutualproxyfor concept_city_pebble_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_perris +concept_stateorprovince_california concept:mutualproxyfor concept_city_placentia +concept_stateorprovince_california concept:mutualproxyfor concept_city_placerville +concept_stateorprovince_california concept:mutualproxyfor concept_city_pleasanton +concept_stateorprovince_california concept:mutualproxyfor concept_city_porterville +concept_stateorprovince_california concept:mutualproxyfor concept_city_poway +concept_stateorprovince_california concept:mutualproxyfor concept_city_quincy +concept_stateorprovince_california concept:mutualproxyfor concept_city_ramona +concept_stateorprovince_california concept:mutualproxyfor concept_city_rancho_cucamonga +concept_stateorprovince_california concept:mutualproxyfor concept_city_redding +concept_stateorprovince_california concept:mutualproxyfor concept_city_redondo_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_redwood_city +concept_stateorprovince_california concept:mutualproxyfor concept_city_reseda +concept_stateorprovince_california concept:mutualproxyfor concept_city_richmond +concept_stateorprovince_california concept:mutualproxyfor concept_city_rocklin +concept_stateorprovince_california concept:mutualproxyfor concept_city_rosemead +concept_stateorprovince_california concept:mutualproxyfor concept_city_roseville +concept_stateorprovince_california concept:statehascapital concept_city_sacramento +concept_stateorprovince_california concept:mutualproxyfor concept_city_salinas +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_andreas +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_anselmo +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_bernardino +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_clemente +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_jose +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_juan_capistrano +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_leandro +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_luis_obispo +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_marcos +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_mateo +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_pablo +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_rafael +concept_stateorprovince_california concept:mutualproxyfor concept_city_san_ramon +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_ana +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_barbara_de_nexe +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_clara +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_clarita +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_cruz_das_flores +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_paula +concept_stateorprovince_california concept:mutualproxyfor concept_city_santa_rosa +concept_stateorprovince_california concept:mutualproxyfor concept_city_santee +concept_stateorprovince_california concept:mutualproxyfor concept_city_saratoga +concept_stateorprovince_california concept:mutualproxyfor concept_city_sausalito +concept_stateorprovince_california concept:mutualproxyfor concept_city_seal_beach +concept_stateorprovince_california concept:mutualproxyfor concept_city_seaside +concept_stateorprovince_california concept:mutualproxyfor concept_city_sebastopol +concept_stateorprovince_california concept:mutualproxyfor concept_city_selma +concept_stateorprovince_california concept:mutualproxyfor concept_city_simi_valley +concept_stateorprovince_california concept:mutualproxyfor concept_city_solvang +concept_stateorprovince_california concept:mutualproxyfor concept_city_sonoma +concept_stateorprovince_california concept:mutualproxyfor concept_city_sonora +concept_stateorprovince_california concept:mutualproxyfor concept_city_south_pasadena +concept_stateorprovince_california concept:mutualproxyfor concept_city_susanville +concept_stateorprovince_california concept:mutualproxyfor concept_city_sylmar +concept_stateorprovince_california concept:mutualproxyfor concept_city_tarzana +concept_stateorprovince_california concept:mutualproxyfor concept_city_torrance +concept_stateorprovince_california concept:mutualproxyfor concept_city_truckee +concept_stateorprovince_california concept:mutualproxyfor concept_city_tulare +concept_stateorprovince_california concept:mutualproxyfor concept_city_turlock +concept_stateorprovince_california concept:mutualproxyfor concept_city_ukiah +concept_stateorprovince_california concept:mutualproxyfor concept_city_upland +concept_stateorprovince_california concept:mutualproxyfor concept_city_valencia +concept_stateorprovince_california concept:mutualproxyfor concept_city_vallejo +concept_stateorprovince_california concept:locationlocatedwithinlocation concept_city_vegas +concept_stateorprovince_california concept:mutualproxyfor concept_city_venice +concept_stateorprovince_california concept:mutualproxyfor concept_city_ventura +concept_stateorprovince_california concept:mutualproxyfor concept_city_victorville +concept_stateorprovince_california concept:mutualproxyfor concept_city_visalia +concept_stateorprovince_california concept:mutualproxyfor concept_city_vista +concept_stateorprovince_california concept:mutualproxyfor concept_city_watsonville +concept_stateorprovince_california concept:mutualproxyfor concept_city_weed +concept_stateorprovince_california concept:mutualproxyfor concept_city_west_hollywood +concept_stateorprovince_california concept:mutualproxyfor concept_city_westminster +concept_stateorprovince_california concept:mutualproxyfor concept_city_whittier +concept_stateorprovince_california concept:mutualproxyfor concept_city_willows +concept_stateorprovince_california concept:mutualproxyfor concept_city_windsor +concept_stateorprovince_california concept:mutualproxyfor concept_city_woodland +concept_stateorprovince_california concept:mutualproxyfor concept_city_woodland_hills +concept_stateorprovince_california concept:mutualproxyfor concept_city_wrightwood +concept_stateorprovince_california concept:mutualproxyfor concept_city_yreka +concept_stateorprovince_california concept:organizationhiredperson concept_coach_tedford +concept_stateorprovince_california concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_california concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_california concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_california concept:statelocatedincountry concept_country_usa +concept_stateorprovince_california concept:mutualproxyfor concept_county_brawley +concept_stateorprovince_california concept:mutualproxyfor concept_county_coalinga +concept_stateorprovince_california concept:mutualproxyfor concept_county_los_angeles_county +concept_stateorprovince_california concept:mutualproxyfor concept_county_orange_county +concept_stateorprovince_california concept:mutualproxyfor concept_county_san_francisco +concept_stateorprovince_california concept:mutualproxyfor concept_county_south_lake_tahoe +concept_stateorprovince_california concept:mutualproxyfor concept_county_tracy +concept_stateorprovince_california concept:atdate concept_date_n1964 +concept_stateorprovince_california concept:atdate concept_date_n1996 +concept_stateorprovince_california concept:atdate concept_date_n2000 +concept_stateorprovince_california concept:atdate concept_date_n2009 +concept_stateorprovince_california concept:atdate concept_dateliteral_n1943 +concept_stateorprovince_california concept:atdate concept_dateliteral_n1980 +concept_stateorprovince_california concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_california concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_california concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_california concept:mutualproxyfor concept_geopoliticallocation_calistoga +concept_stateorprovince_california concept:mutualproxyfor concept_geopoliticallocation_santa_maria +concept_stateorprovince_california concept:mutualproxyfor concept_island_morro_bay +concept_stateorprovince_california concept:proxyfor concept_lake_new +concept_stateorprovince_california concept:mutualproxyfor concept_mountain_big_bear_lake +concept_stateorprovince_california concept:agentcontrols concept_musician_agencies +concept_stateorprovince_california concept:mutualproxyfor concept_musicinstrument_avalon +concept_stateorprovince_california concept:mutualproxyfor concept_musicsong_paradise +concept_stateorprovince_california concept:organizationhiredperson concept_person_jeff_tedford +concept_stateorprovince_california concept:organizationterminatedperson concept_person_jeff_tedford +concept_stateorprovince_california concept:mutualproxyfor concept_personeurope_needles +concept_stateorprovince_california concept:istallerthan concept_publication_people_ +concept_stateorprovince_california concept:mutualproxyfor concept_room_east +concept_stateorprovince_california concept:mutualproxyfor concept_room_south +concept_stateorprovince_california concept:organizationterminatedperson concept_scientist_no_ +concept_stateorprovince_california concept:mutualproxyfor concept_shoppingmall_rialto +concept_stateorprovince_california concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_california concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nevada +concept_stateorprovince_california concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_oregon +concept_stateorprovince_california concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_southern_oregon +concept_stateorprovince_california concept:mutualproxyfor concept_stateorprovince_trinidad +concept_stateorprovince_california concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_utah +concept_stateorprovince_california concept:mutualproxyfor concept_televisionshow_mccloud +concept_stateorprovince_california concept:agentcontrols concept_vehicle_services +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_agoura_hills +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_dana_point +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_pacific_grove +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_pinecrest +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_saint_helena +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_san_bernadino +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_thousand_oaks +concept_stateorprovince_california concept:mutualproxyfor concept_visualizablescene_willits +concept_stateorprovince_california concept:atdate concept_year_n1956 +concept_stateorprovince_california concept:atdate concept_year_n1960 +concept_stateorprovince_california concept:atdate concept_year_n1967 +concept_stateorprovince_california concept:atdate concept_year_n1970 +concept_stateorprovince_california concept:atdate concept_year_n1989 +concept_stateorprovince_california concept:atdate concept_year_n1992 +concept_stateorprovince_california concept:mutualproxyfor concept_zoo_atascadero +concept_stateorprovince_canadian concept:agentactsinlocation concept_city_toronto +concept_stateorprovince_capital_city concept:proxyfor concept_book_new +concept_stateorprovince_carlsbad concept:locationlocatedwithinlocation concept_county_new_mexico +concept_stateorprovince_carlsbad concept:proxyfor concept_reptile_new_mexico +concept_stateorprovince_cast concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_central_bohemia concept:statelocatedingeopoliticallocation concept_country_czech_republic +concept_stateorprovince_chennai concept:statehascapital concept_city_chennai +concept_stateorprovince_chhattisgarh concept:statehascapital concept_city_raipur +concept_stateorprovince_chhattisgarh concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_chhattisgarh concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_chiefs concept:agentactsinlocation concept_city_kansas +concept_stateorprovince_child concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_co concept:statelocatedincountry concept_country_usa +concept_stateorprovince_colorada concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_aspen +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_boulder +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_broomfield +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_castle_rock +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_denver +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_durango +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_fort_collins +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_greeley +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_lakewood +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_longmont +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_loveland +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_salida +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_vail +concept_stateorprovince_colorado concept:mutualproxyfor concept_city_westminster +concept_stateorprovince_colorado concept:organizationhiredperson concept_coach_bill_mccartney +concept_stateorprovince_colorado concept:organizationterminatedperson concept_coach_bill_mccartney +concept_stateorprovince_colorado concept:organizationhiredperson concept_coach_dan_hawkins +concept_stateorprovince_colorado concept:organizationterminatedperson concept_coach_dan_hawkins +concept_stateorprovince_colorado concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_colorado concept:statelocatedincountry concept_country_usa +concept_stateorprovince_colorado concept:atdate concept_date_n2009 +concept_stateorprovince_colorado concept:mutualproxyfor concept_lake_new +concept_stateorprovince_colorado concept:organizationterminatedperson concept_personus_gary_barnett +concept_stateorprovince_colorado concept:istallerthan concept_publication_people_ +concept_stateorprovince_colorado concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_colorado concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nebraska +concept_stateorprovince_colorado concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_north_dakota +concept_stateorprovince_colorado concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_colorado concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wyoming +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_bridgeport +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_farmington +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_hartford +concept_stateorprovince_connecticut concept:statehascapital concept_city_litchfield +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_meriden +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_new_haven +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_stamford +concept_stateorprovince_connecticut concept:mutualproxyfor concept_city_waterbury +concept_stateorprovince_connecticut concept:organizationhiredperson concept_coach_randy_edsall +concept_stateorprovince_connecticut concept:organizationterminatedperson concept_coach_randy_edsall +concept_stateorprovince_connecticut concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_connecticut concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_connecticut concept:statelocatedincountry concept_country_us +concept_stateorprovince_connecticut concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_connecticut concept:subpartof concept_country_usa +concept_stateorprovince_connecticut concept:mutualproxyfor concept_county_milford +concept_stateorprovince_connecticut concept:mutualproxyfor concept_county_new_london +concept_stateorprovince_connecticut concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_connecticut concept:proxyfor concept_lake_new +concept_stateorprovince_connecticut concept:organizationhiredperson concept_personaustralia_jim_calhoun +concept_stateorprovince_contact concept:agentcreated concept_bank_postal_mail +concept_stateorprovince_contact concept:agentcreated concept_biotechcompany_product_information +concept_stateorprovince_contact concept:agentcreated concept_chemical_enquiry +concept_stateorprovince_contact concept:agentcreated concept_currency_copies +concept_stateorprovince_contact concept:agentcreated concept_museum_information_home +concept_stateorprovince_contact concept:agentcreated concept_personasia_site +concept_stateorprovince_contact concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_contact concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_contact concept:agentcreated concept_weapon_details +concept_stateorprovince_contact concept:agentcreated concept_weapon_requirements +concept_stateorprovince_contrast concept:proxyfor concept_book_new +concept_stateorprovince_cooch_behar concept:latitudelongitude 26.2833350000000,89.4666650000000 +concept_stateorprovince_cooperation concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_cooperation concept:istallerthan concept_publication_people_ +concept_stateorprovince_course concept:agentinvolvedwithitem concept_hallwayitem_window +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_august +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_december +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_july +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_june +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_march +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_may +concept_stateorprovince_course concept:organizationdissolvedatdate concept_month_september +concept_stateorprovince_course concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_course concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_stateorprovince_cross_river_state concept:latitudelongitude 5.7500000000000,8.5000000000000 +concept_stateorprovince_cross_river_state concept:statehascapital concept_city_calabar +concept_stateorprovince_ct concept:statelocatedincountry concept_country_usa +concept_stateorprovince_cuisine concept:proxyfor concept_book_new +concept_stateorprovince_czestochowa concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_dadar_nagar_haveli concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_dadra concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_dadra_and_nagar_haveli concept:latitudelongitude 20.1666700000000,73.0833300000000 +concept_stateorprovince_dadra_nagar_haveli concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_daman_and_diu concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_daman_diu concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_dar_es_salaam concept:proxyfor concept_ethnicgroup_tanzania +concept_stateorprovince_dar_es_salaam concept:subpartof concept_ethnicgroup_tanzania +concept_stateorprovince_de concept:statelocatedincountry concept_country_usa +concept_stateorprovince_dealers concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_dealers concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_decision concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_decision concept:istallerthan concept_publication_people_ +concept_stateorprovince_delaware concept:statehascapital concept_city_dover +concept_stateorprovince_delaware concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_delaware concept:statelocatedincountry concept_country_usa +concept_stateorprovince_delaware concept:atlocation concept_stateorprovince_ohio +concept_stateorprovince_delaware concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_pennsylvania +concept_stateorprovince_delhi concept:statehascapital concept_city_delhi +concept_stateorprovince_delhi concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_details concept:agentcreated concept_celebrity_service_contact +concept_stateorprovince_details concept:agentcreated concept_city_click +concept_stateorprovince_details concept:agentcreated concept_eventoutcome_more_contact +concept_stateorprovince_details concept:agentcreated concept_geopoliticalorganization_e_mail +concept_stateorprovince_details concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_details concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_details concept:agentcreated concept_politicalparty_call +concept_stateorprovince_details concept:agentcreated concept_programminglanguage_contact +concept_stateorprovince_details concept:agentcreated concept_programminglanguage_email +concept_stateorprovince_details concept:agentcreated concept_programminglanguage_mail +concept_stateorprovince_details concept:agentcreated concept_retailstore_message +concept_stateorprovince_details concept:agentcreated concept_stateorprovince_pm +concept_stateorprovince_details concept:agentcreated concept_transportation_fax +concept_stateorprovince_details concept:agentcreated concept_transportation_ring +concept_stateorprovince_details concept:agentcreated concept_website_phone +concept_stateorprovince_details concept:agentcreated concept_website_telephone +concept_stateorprovince_details concept:agentcreated concept_website_visit +concept_stateorprovince_district_of_columbia concept:mutualproxyfor concept_city_washington_d_c +concept_stateorprovince_dolnoslaskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_durango concept:statelocatedincountry concept_country_mexico +concept_stateorprovince_easy_choice concept:proxyfor concept_book_new +concept_stateorprovince_education concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_education concept:proxyfor concept_highway_the_new +concept_stateorprovince_elblag concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_eu concept:atdate concept_date_n1996 +concept_stateorprovince_eu concept:atdate concept_date_n2000 +concept_stateorprovince_eu concept:atdate concept_date_n2004 +concept_stateorprovince_eu concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_eu concept:mutualproxyfor concept_person_mugabe +concept_stateorprovince_eu concept:subpartof concept_vehicle_countries +concept_stateorprovince_europeans concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_evening concept:organizationdissolvedatdate concept_month_august +concept_stateorprovince_evening concept:organizationdissolvedatdate concept_month_july +concept_stateorprovince_evening concept:organizationdissolvedatdate concept_month_october +concept_stateorprovince_evening concept:organizationhiredperson concept_person_government +concept_stateorprovince_events concept:organizationdissolvedatdate concept_month_september +concept_stateorprovince_events concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_events concept:agentparticipatedinevent concept_sportsgame_list +concept_stateorprovince_events concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_facility concept:organizationheadquarteredincountry concept_country_us +concept_stateorprovince_facility concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_facility concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_facility concept:subpartoforganization concept_terroristorganization_state +concept_stateorprovince_faroe_islands concept:statehascapital concept_city_torshavn +concept_stateorprovince_fl concept:statehascapital concept_city_jacksonville +concept_stateorprovince_fl concept:statelocatedincountry concept_country_usa +concept_stateorprovince_florida concept:statehascapital concept_city_tallahassee +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_city_u__s +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_country_tanzania +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_florida concept:statelocatedincountry concept_country_usa +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_county_uis +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_county_unsw +concept_stateorprovince_florida concept:statelocatedingeopoliticallocation concept_geopoliticallocation_uns +concept_stateorprovince_florida_parishes concept:latitudelongitude 30.5024600000000,-90.2448600000000 +concept_stateorprovince_fort_collins_co concept:latitudelongitude 40.5818000000000,-105.0085000000000 +concept_stateorprovince_function concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_function concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_ga concept:statelocatedincountry concept_country_usa +concept_stateorprovince_general_motors concept:agentcontrols concept_hotel_roger_smith +concept_stateorprovince_general_motors concept:mutualproxyfor concept_hotel_roger_smith +concept_stateorprovince_general_motors concept:agentcollaborateswithagent concept_personus_roger_smith +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_albany +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_alpharetta +concept_stateorprovince_georgia concept:statehascapital concept_city_atlanta +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_augusta +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_cumming +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_decatur +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_duluth +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_kennesaw +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_lawrenceville +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_marietta +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_norcross +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_rome +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_roswell +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_smyrna +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_valdosta +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_warner_robins +concept_stateorprovince_georgia concept:mutualproxyfor concept_city_woodstock +concept_stateorprovince_georgia concept:organizationhiredperson concept_coach_dennis_felton +concept_stateorprovince_georgia concept:organizationhiredperson concept_coach_mark_richt +concept_stateorprovince_georgia concept:organizationhiredperson concept_coach_richt +concept_stateorprovince_georgia concept:organizationhiredperson concept_coach_vince_dooley +concept_stateorprovince_georgia concept:organizationterminatedperson concept_coach_vince_dooley +concept_stateorprovince_georgia concept:locationlocatedwithinlocation concept_country_countries +concept_stateorprovince_georgia concept:statelocatedincountry concept_country_usa +concept_stateorprovince_georgia concept:mutualproxyfor concept_county_athens +concept_stateorprovince_georgia concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_georgia concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_georgia concept:mutualproxyfor concept_geopoliticallocation_dalton +concept_stateorprovince_georgia concept:proxyfor concept_lake_new +concept_stateorprovince_georgia concept:istallerthan concept_publication_people_ +concept_stateorprovince_georgia concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_georgia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_carolina +concept_stateorprovince_georgia_a concept:latitudelongitude -56.0000000000000,-33.0000000000000 +concept_stateorprovince_gig_harbor concept:atlocation concept_city_washington_d_c +concept_stateorprovince_goa concept:statehascapital concept_city_panaji +concept_stateorprovince_goa concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_goa_goa concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_grand concept:locationlocatedwithinlocation concept_building_vegas +concept_stateorprovince_great_state concept:proxyfor concept_book_new +concept_stateorprovince_greenwich concept:proxyfor concept_book_new +concept_stateorprovince_greenwich concept:proxyfor concept_radiostation_new_jersey +concept_stateorprovince_greenwich concept:atlocation concept_stateorprovince_connecticut +concept_stateorprovince_greenwich concept:proxyfor concept_stateorprovince_connecticut +concept_stateorprovince_gujarat concept:statehascapital concept_city_gandhinagar +concept_stateorprovince_gujarat concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_haryana concept:statehascapital concept_city_chandigarh +concept_stateorprovince_haryana concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_haute_vienne concept:statehascapital concept_city_limoges +concept_stateorprovince_hawaii concept:organizationhiredperson concept_coach_greg_mcmackin +concept_stateorprovince_hawaii concept:organizationhiredperson concept_coach_june_jones +concept_stateorprovince_hawaii concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_hawaii concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_hawaii concept:statelocatedincountry concept_country_usa +concept_stateorprovince_hesse concept:statehascapital concept_city_wiesbaden +concept_stateorprovince_hi concept:statelocatedincountry concept_country_usa +concept_stateorprovince_hidalgo concept:statehascapital concept_city_pachuca +concept_stateorprovince_hidalgo concept:statelocatedincountry concept_country_mexico +concept_stateorprovince_hidalgo concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_hidalgo concept:statelocatedingeopoliticallocation concept_stateorprovince_california +concept_stateorprovince_himachal concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_himachal_pradesh concept:statehascapital concept_city_shimla +concept_stateorprovince_himanchal_pradesh concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_human_rights_commission concept:organizationheadquarteredincountry concept_country_u_s_ +concept_stateorprovince_ia concept:statelocatedincountry concept_country_usa +concept_stateorprovince_id concept:statelocatedincountry concept_country_usa +concept_stateorprovince_idaho concept:statehascapital concept_city_boise +concept_stateorprovince_idaho concept:mutualproxyfor concept_city_lewiston +concept_stateorprovince_idaho concept:mutualproxyfor concept_city_nampa +concept_stateorprovince_idaho concept:mutualproxyfor concept_city_pocatello +concept_stateorprovince_idaho concept:mutualproxyfor concept_city_twin_falls +concept_stateorprovince_idaho concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_idaho concept:statelocatedincountry concept_country_us +concept_stateorprovince_idaho concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_idaho concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_oregon +concept_stateorprovince_idaho concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_idaho concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wyoming +concept_stateorprovince_idaho concept:stateorprovinceisborderedbystateorprovince concept_visualizablescene_washington +concept_stateorprovince_il concept:statelocatedincountry concept_country_usa +concept_stateorprovince_illinois concept:proxyfor concept_book_new +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_arlington_heights +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_aurora +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_bloomington +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_champaign +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_decatur +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_elgin +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_elmhurst +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_evanston +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_gurnee +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_joliet +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_moline +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_naperville +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_normal +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_oak_park +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_orland_park +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_peoria +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_quincy +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_rockford +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_schaumburg +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_skokie +concept_stateorprovince_illinois concept:statehascapital concept_city_springfield +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_urbana +concept_stateorprovince_illinois concept:mutualproxyfor concept_city_waukegan +concept_stateorprovince_illinois concept:organizationterminatedperson concept_coach_bruce_weber +concept_stateorprovince_illinois concept:organizationhiredperson concept_coach_ron_turner +concept_stateorprovince_illinois concept:organizationterminatedperson concept_coach_ron_turner +concept_stateorprovince_illinois concept:organizationhiredperson concept_coach_ron_zook +concept_stateorprovince_illinois concept:statelocatedincountry concept_country_u_s_ +concept_stateorprovince_illinois concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_illinois concept:subpartof concept_country_usa +concept_stateorprovince_illinois concept:mutualproxyfor concept_county_chicago +concept_stateorprovince_illinois concept:mutualproxyfor concept_lake_new +concept_stateorprovince_illinois concept:mutualproxyfor concept_month_june +concept_stateorprovince_illinois concept:istallerthan concept_publication_people_ +concept_stateorprovince_illinois concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_images concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_independent concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_index concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_index concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_index concept:agentcompeteswithagent concept_stateorprovince_web_search +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_bloomington +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_elkhart +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_evansville +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_fishers +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_fort_wayne +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_kokomo +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_lafayette +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_muncie +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_richmond +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_south_bend +concept_stateorprovince_indiana concept:mutualproxyfor concept_city_terre_haute +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_bill_lynch +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_bill_lynch +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_bob_knight +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_crean +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_crean +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_hoeppner +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_hoeppner +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_kelvin_sampson +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_kelvin_sampson +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_terry_hoeppner +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_terry_hoeppner +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_tom_crean +concept_stateorprovince_indiana concept:organizationterminatedperson concept_coach_tom_crean +concept_stateorprovince_indiana concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_indiana concept:statelocatedincountry concept_country_usa +concept_stateorprovince_indiana concept:mutualproxyfor concept_geopoliticallocation_anderson +concept_stateorprovince_indiana concept:proxyfor concept_lake_new +concept_stateorprovince_indiana concept:organizationhiredperson concept_person_davis +concept_stateorprovince_indiana concept:organizationhiredperson concept_person_knight +concept_stateorprovince_indiana concept:agentcontrols concept_personafrica_mike_davis +concept_stateorprovince_indiana concept:organizationhiredperson concept_personmexico_ike_davis +concept_stateorprovince_indiana concept:istallerthan concept_publication_people_ +concept_stateorprovince_indiana concept:organizationterminatedperson concept_scientist_no_ +concept_stateorprovince_indiana concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_indiana concept:mutualproxyfor concept_stadiumoreventvenue_indianapolis_downtown +concept_stateorprovince_indiana concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ohio +concept_stateorprovince_indiana concept:atlocation concept_stateorprovince_pennsylvania +concept_stateorprovince_indiana concept:organizationalsoknownas concept_university_state_university +concept_stateorprovince_indiana concept:synonymfor concept_university_state_university +concept_stateorprovince_international concept:agentactsinlocation concept_city_london_city +concept_stateorprovince_investors concept:proxyfor concept_book_new +concept_stateorprovince_investors concept:atdate concept_date_n2000 +concept_stateorprovince_investors concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_investors concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_investors concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_investors concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_iowa concept:statehascapital concept_city_des_moines +concept_stateorprovince_iowa concept:statelocatedincountry concept_country_u_s_ +concept_stateorprovince_iowa concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_iowa concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_iowa concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_minnesota +concept_stateorprovince_iowa_hawkeyes concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_stateorprovince_iowa_hawkeyes concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_jalisco concept:statelocatedincountry concept_country_mexico +concept_stateorprovince_jammu_kashmir concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_jharkand concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_jharkhand concept:statehascapital concept_city_ranchi +concept_stateorprovince_jharkhand concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_jihocesky_kraj concept:statelocatedingeopoliticallocation concept_country_czech_republic +concept_stateorprovince_johnson concept:agentbelongstoorganization concept_bank_fannie_mae +concept_stateorprovince_johnson concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_johnson concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_johnson concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_johor concept:statehascapital concept_city_johor_bahru +concept_stateorprovince_kaduna_state concept:latitudelongitude 10.3333300000000,7.7500000000000 +concept_stateorprovince_kandy concept:locationlocatedwithinlocation concept_country_sri_lanka +concept_stateorprovince_kansas concept:mutualproxyfor concept_city_hutchinson +concept_stateorprovince_kansas concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_kansas concept:statelocatedincountry concept_country_us +concept_stateorprovince_kansas concept:statelocatedingeopoliticallocation concept_country_us +concept_stateorprovince_kansas concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_kansas concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nebraska +concept_stateorprovince_karnataka concept:statehascapital concept_city_bengaluru +concept_stateorprovince_karnataka concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_kashmir concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_kedah concept:statehascapital concept_city_alor_setar +concept_stateorprovince_kentucky concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_kentucky concept:statelocatedincountry concept_country_usa +concept_stateorprovince_kentucky concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_illinois +concept_stateorprovince_kentucky concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_west_virginia +concept_stateorprovince_kerala concept:statehascapital concept_city_cochin +concept_stateorprovince_kerala concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_kerala concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_tamil_nadu +concept_stateorprovince_ks concept:statehascapital concept_city_topeka +concept_stateorprovince_ks concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ky concept:statehascapital concept_city_frankfort +concept_stateorprovince_ky concept:statelocatedincountry concept_country_usa +concept_stateorprovince_last_year concept:mutualproxyfor concept_book_new +concept_stateorprovince_last_year concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_lexington_ky concept:latitudelongitude 38.0727500000000,-84.4532000000000 +concept_stateorprovince_liaoning_province concept:latitudelongitude 41.0000000000000,123.0000000000000 +concept_stateorprovince_liaoning_province concept:statehascapital concept_city_shenyang +concept_stateorprovince_line concept:mutualproxyfor concept_book_new +concept_stateorprovince_line concept:synonymfor concept_city_log +concept_stateorprovince_line concept:agentcreated concept_convention_contact +concept_stateorprovince_line concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_line concept:agentcreated concept_politicalparty_call +concept_stateorprovince_line concept:agentcreated concept_programminglanguage_contact +concept_stateorprovince_line concept:subpartoforganization concept_terroristorganization_state +concept_stateorprovince_line concept:agentcreated concept_website_phone +concept_stateorprovince_local_residents concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_lodzkie concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_logo concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_logo concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_stateorprovince_logo concept:agentcreated concept_website_download +concept_stateorprovince_lomza concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_longhorn concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_stateorprovince_louisiana concept:statehascapital concept_city_baton_rouge +concept_stateorprovince_louisiana concept:mutualproxyfor concept_city_houma +concept_stateorprovince_louisiana concept:mutualproxyfor concept_city_kenner +concept_stateorprovince_louisiana concept:mutualproxyfor concept_city_new_orleans +concept_stateorprovince_louisiana concept:mutualproxyfor concept_city_slidell +concept_stateorprovince_louisiana concept:statelocatedincountry concept_country_usa +concept_stateorprovince_lower_saxony concept:statehascapital concept_city_hanover +concept_stateorprovince_lubuskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_ma concept:statelocatedincountry concept_country_usa +concept_stateorprovince_madhya concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_madhya_pradesh concept:statehascapital concept_city_bhopal +concept_stateorprovince_madhya_pradesh concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_madhya_pradesh concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_madhya_pradesh concept:subpartof concept_country_republic_of_india +concept_stateorprovince_maharashtra concept:atlocation concept_country_republic_of_india +concept_stateorprovince_maharashtra concept:subpartof concept_country_republic_of_india +concept_stateorprovince_maharashtra concept:statehascapital concept_visualizablescene_thane +concept_stateorprovince_maharastra concept:statehascapital concept_city_bombay +concept_stateorprovince_maharastra concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_mailing concept:subpartoforganization concept_blog_form +concept_stateorprovince_mailing concept:agentcreated concept_website_information +concept_stateorprovince_maine concept:statehascapital concept_city_augusta +concept_stateorprovince_maine concept:mutualproxyfor concept_city_bangor +concept_stateorprovince_maine concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_maine concept:statelocatedincountry concept_country_usa +concept_stateorprovince_maine concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_maine concept:istallerthan concept_publication_people_ +concept_stateorprovince_maine concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_malopolskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_man concept:agentcompeteswithagent concept_animal_animals001 +concept_stateorprovince_man concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_stateorprovince_man concept:agentparticipatedinevent concept_crimeorcharge_possession +concept_stateorprovince_man concept:agentparticipatedinevent concept_crimeorcharge_trafficking +concept_stateorprovince_man concept:istallerthan concept_publication_people_ +concept_stateorprovince_management_team concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_management_team concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_management_team concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_management_team concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_management_team concept:mutualproxyfor concept_sportsequipment_board +concept_stateorprovince_manipur concept:statehascapital concept_city_imphal +concept_stateorprovince_manipur concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_manitoba concept:statehascapital concept_city_winnipeg +concept_stateorprovince_manitoba concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_manufacturers concept:proxyfor concept_book_new +concept_stateorprovince_manufacturers concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_marshall_islands concept:statehascapital concept_city_majuro +concept_stateorprovince_maryland concept:statehascapital concept_city_annapolis +concept_stateorprovince_maryland concept:mutualproxyfor concept_city_bethesda +concept_stateorprovince_maryland concept:mutualproxyfor concept_city_hagerstown +concept_stateorprovince_maryland concept:mutualproxyfor concept_city_laurel +concept_stateorprovince_maryland concept:mutualproxyfor concept_city_rockville +concept_stateorprovince_maryland concept:mutualproxyfor concept_city_silver_spring +concept_stateorprovince_maryland concept:statelocatedincountry concept_country_korea +concept_stateorprovince_maryland concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_maryland concept:mutualproxyfor concept_county_baltimore +concept_stateorprovince_maryland concept:mutualproxyfor concept_county_towson +concept_stateorprovince_maryland concept:mutualproxyfor concept_lake_new +concept_stateorprovince_maryland concept:mutualproxyfor concept_mountain_columbia +concept_stateorprovince_maryland concept:istallerthan concept_publication_people_ +concept_stateorprovince_maryland concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_delaware +concept_stateorprovince_maryland concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_pennsylvania +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_andover +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_boston +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_cambridge +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_methuen +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_somerville +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_woburn +concept_stateorprovince_massachusetts concept:mutualproxyfor concept_city_worcester +concept_stateorprovince_massachusetts concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_massachusetts concept:statelocatedincountry concept_country_usa +concept_stateorprovince_massachusetts concept:statehascapital concept_county_berkshire +concept_stateorprovince_massachusetts concept:istallerthan concept_publication_people_ +concept_stateorprovince_massachusetts concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_hampshire +concept_stateorprovince_mato_grosso_do_sul concept:statehascapital concept_city_campo_grande +concept_stateorprovince_mazowieckie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_mb concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_md concept:statelocatedincountry concept_country_usa +concept_stateorprovince_mecklenburg_vorpommern concept:latitudelongitude 53.4756466666667,12.2612033333333 +concept_stateorprovince_meghalaya concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_stateorprovince_men concept:agentparticipatedinevent concept_crimeorcharge_acts +concept_stateorprovince_men concept:agentparticipatedinevent concept_crimeorcharge_crime +concept_stateorprovince_men concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_stateorprovince_men concept:agentparticipatedinevent concept_crimeorcharge_offences +concept_stateorprovince_men concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_stateorprovince_men concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_men concept:organizationterminatedperson concept_scientist_no_ +concept_stateorprovince_men concept:agentparticipatedinevent concept_sportsgame_charges +concept_stateorprovince_men concept:agentactsinlocation concept_website_south +concept_stateorprovince_metairie concept:locationlocatedwithinlocation concept_attraction_louisiana +concept_stateorprovince_metairie concept:proxyfor concept_musicsong_louisiana +concept_stateorprovince_metairie concept:subpartof concept_musicsong_louisiana +concept_stateorprovince_mh concept:statelocatedincountry concept_country_usa +concept_stateorprovince_mi concept:statelocatedincountry concept_country_usa +concept_stateorprovince_miami_beach_fl concept:latitudelongitude 25.8126900000000,-80.1230600000000 +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_ann_arbor +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_houghton +concept_stateorprovince_michigan concept:statehascapital concept_city_lansing +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_livonia +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_midland +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_muskegon +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_novi +concept_stateorprovince_michigan concept:mutualproxyfor concept_city_saginaw +concept_stateorprovince_michigan concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_michigan concept:statelocatedincountry concept_country_us +concept_stateorprovince_michigan concept:mutualproxyfor concept_county_traverse_city +concept_stateorprovince_michigan concept:mutualproxyfor concept_geopoliticallocation_sterling_heights +concept_stateorprovince_michigan concept:organizationhiredperson concept_person_rodriguez +concept_stateorprovince_michigan concept:organizationhiredperson concept_politicianus_john_engler +concept_stateorprovince_mike concept:proxyfor concept_book_new +concept_stateorprovince_miles concept:agentactsinlocation concept_website_south +concept_stateorprovince_ministers concept:atdate concept_date_n1999 +concept_stateorprovince_ministers concept:atdate concept_date_n2000 +concept_stateorprovince_ministers concept:atdate concept_date_n2001 +concept_stateorprovince_ministers concept:atdate concept_date_n2003 +concept_stateorprovince_ministers concept:atdate concept_date_n2004 +concept_stateorprovince_ministers concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_ministers concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_ministers concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_ministers concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_ministers concept:subpartoforganization concept_terroristorganization_state +concept_stateorprovince_ministers concept:atdate concept_year_n1998 +concept_stateorprovince_minnesota concept:mutualproxyfor concept_city_duluth +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_brad_childress +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_clem_haskins +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_dan_monson +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_dennis_green +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_glen_mason +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_herb_brooks +concept_stateorprovince_minnesota concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_minnesota concept:statelocatedincountry concept_country_us +concept_stateorprovince_minnesota concept:subpartof concept_country_usa +concept_stateorprovince_minnesota concept:organizationhiredperson concept_personaustralia_tubby_smith +concept_stateorprovince_minnesota concept:organizationhiredperson concept_personmexico_mike_tice +concept_stateorprovince_minnesota concept:istallerthan concept_publication_people_ +concept_stateorprovince_minnesota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_minnesota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wisconsin +concept_stateorprovince_mississippi concept:mutualproxyfor concept_city_gulfport +concept_stateorprovince_mississippi concept:mutualproxyfor concept_city_hattiesburg +concept_stateorprovince_mississippi concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_mississippi concept:statelocatedincountry concept_country_usa +concept_stateorprovince_mississippi concept:organizationhiredperson concept_personafrica_andy_kennedy +concept_stateorprovince_mississippi_state concept:organizationhiredperson concept_coach_dan_mullen +concept_stateorprovince_mississippi_state concept:organizationhiredperson concept_coach_sylvester_croom +concept_stateorprovince_mississippi_state concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_stateorprovince_mississippi_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_mississippi_state concept:organizationalsoknownas concept_university_state_university +concept_stateorprovince_missour concept:latitudelongitude 33.2040400000000,-3.9701320000000 +concept_stateorprovince_missouri concept:mutualproxyfor concept_city_cape_girardeau +concept_stateorprovince_missouri concept:statehascapital concept_city_jefferson_city +concept_stateorprovince_missouri concept:mutualproxyfor concept_city_st__louis +concept_stateorprovince_missouri concept:statelocatedingeopoliticallocation concept_country_us +concept_stateorprovince_missouri concept:statelocatedincountry concept_country_usa +concept_stateorprovince_missouri concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_missouri concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_missouri concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_iowa +concept_stateorprovince_missouri concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_kentucky +concept_stateorprovince_mizoram concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_mn concept:statehascapital concept_city_st_paul +concept_stateorprovince_mn concept:statelocatedincountry concept_country_usa +concept_stateorprovince_mo concept:statelocatedincountry concept_country_usa +concept_stateorprovince_montana concept:mutualproxyfor concept_city_bozeman +concept_stateorprovince_montana concept:mutualproxyfor concept_city_great_falls +concept_stateorprovince_montana concept:statehascapital concept_city_helena +concept_stateorprovince_montana concept:mutualproxyfor concept_city_kalispell +concept_stateorprovince_montana concept:mutualproxyfor concept_city_missoula +concept_stateorprovince_montana concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_montana concept:statelocatedingeopoliticallocation concept_country_us +concept_stateorprovince_montana concept:statelocatedincountry concept_country_usa +concept_stateorprovince_montana concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_monterrey concept:proxyfor concept_musicinstrument_nuevo_leon +concept_stateorprovince_moravskoslezsky_kraj concept:statelocatedingeopoliticallocation concept_country_czech_republic +concept_stateorprovince_morelos concept:statehascapital concept_city_cuernavaca +concept_stateorprovince_morning concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_mt concept:statelocatedincountry concept_country_usa +concept_stateorprovince_munich concept:proxyfor concept_automobilemaker_bavaria +concept_stateorprovince_munich concept:proxyfor concept_fruit_bavarian +concept_stateorprovince_n6_months concept:proxyfor concept_book_new +concept_stateorprovince_nagaland concept:statehascapital concept_city_kohima +concept_stateorprovince_nagaland concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_nb concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_nc concept:statehascapital concept_city_raleigh +concept_stateorprovince_nc concept:statelocatedincountry concept_country_usa +concept_stateorprovince_nd concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ne concept:statelocatedincountry concept_country_usa +concept_stateorprovince_nebraska concept:mutualproxyfor concept_city_kearney +concept_stateorprovince_nebraska concept:statehascapital concept_city_lincoln +concept_stateorprovince_nebraska concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_nebraska concept:statelocatedincountry concept_country_us +concept_stateorprovince_nebraska concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_nebraska concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_iowa +concept_stateorprovince_nebraska concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_nec concept:atdate concept_date_n2004 +concept_stateorprovince_neurology concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_nevada concept:statehascapital concept_city_carson_city +concept_stateorprovince_nevada concept:mutualproxyfor concept_city_north_las_vegas +concept_stateorprovince_nevada concept:mutualproxyfor concept_city_sparks +concept_stateorprovince_nevada concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_nevada concept:statelocatedincountry concept_country_usa +concept_stateorprovince_nevada concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_nevada concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_oregon +concept_stateorprovince_nevada concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_utah +concept_stateorprovince_nevada concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wyoming +concept_stateorprovince_new_brunswick concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_new_england_state concept:proxyfor concept_book_new +concept_stateorprovince_new_hampshire concept:statehascapital concept_city_concord +concept_stateorprovince_new_hampshire concept:mutualproxyfor concept_city_portsmouth +concept_stateorprovince_new_hampshire concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_new_hampshire concept:statelocatedincountry concept_country_usa +concept_stateorprovince_new_hampshire concept:istallerthan concept_publication_people_ +concept_stateorprovince_new_jersey concept:mutualproxyfor concept_city_flemington +concept_stateorprovince_new_jersey concept:mutualproxyfor concept_city_hackensack +concept_stateorprovince_new_jersey concept:mutualproxyfor concept_city_montclair +concept_stateorprovince_new_jersey concept:mutualproxyfor concept_city_new_brunswick +concept_stateorprovince_new_jersey concept:statelocatedincountry concept_country_usa +concept_stateorprovince_new_jersey concept:atdate concept_date_n2004 +concept_stateorprovince_new_jersey concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_new_jersey concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_new_jersey concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_new_jersey concept:istallerthan concept_publication_people_ +concept_stateorprovince_new_jersey concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_york +concept_stateorprovince_new_mexico concept:statehascapital concept_city_santa_fe +concept_stateorprovince_new_mexico concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_new_mexico concept:statelocatedincountry concept_country_usa +concept_stateorprovince_new_mexico concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_arizona +concept_stateorprovince_new_mexico concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_oklahoma +concept_stateorprovince_new_mexico concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_texas +concept_stateorprovince_new_south_wales concept:statehascapital concept_city_walgett +concept_stateorprovince_new_south_wales concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_new_york concept:statehascapital concept_city_albany +concept_stateorprovince_new_york concept:mutualproxyfor concept_city_binghamton +concept_stateorprovince_new_york concept:mutualproxyfor concept_city_newburgh +concept_stateorprovince_new_york concept:mutualproxyfor concept_city_saratoga_springs +concept_stateorprovince_new_york concept:statelocatedincountry concept_country_usa +concept_stateorprovince_new_york concept:locationlocatedwithinlocation concept_hospital_suny +concept_stateorprovince_new_york concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_vermont +concept_stateorprovince_new_york_state concept:proxyfor concept_lake_new +concept_stateorprovince_new_york_state concept:agentcontrols concept_vehicle_services +concept_stateorprovince_newfoundland concept:statehascapital concept_city_st__john +concept_stateorprovince_newfoundland concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_newfoundland concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_newfoundland_and_labrador concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_newfoundland_and_labrador concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_newmexico concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ngo concept:atdate concept_date_n2003 +concept_stateorprovince_nh concept:statelocatedincountry concept_country_usa +concept_stateorprovince_nj concept:statehascapital concept_city_trenton +concept_stateorprovince_nj concept:statelocatedincountry concept_country_usa +concept_stateorprovince_nm concept:statelocatedincountry concept_country_usa +concept_stateorprovince_north_carolina concept:mutualproxyfor concept_city_durham +concept_stateorprovince_north_carolina concept:mutualproxyfor concept_city_fayetteville +concept_stateorprovince_north_carolina concept:mutualproxyfor concept_city_gastonia +concept_stateorprovince_north_carolina concept:mutualproxyfor concept_city_jacksonville +concept_stateorprovince_north_carolina concept:mutualproxyfor concept_city_winston_salem +concept_stateorprovince_north_carolina concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_north_carolina concept:locationlocatedwithinlocation concept_country_usa +concept_stateorprovince_north_carolina concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_north_carolina concept:istallerthan concept_publication_people_ +concept_stateorprovince_north_dakota concept:statehascapital concept_city_bismarck +concept_stateorprovince_north_dakota concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_north_dakota concept:statelocatedincountry concept_country_us +concept_stateorprovince_north_dakota concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_north_dakota concept:mutualproxyfor concept_lake_new +concept_stateorprovince_north_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_north_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_colorado +concept_stateorprovince_north_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_minnesota +concept_stateorprovince_north_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_montana +concept_stateorprovince_north_moravia concept:statelocatedingeopoliticallocation concept_country_czech_republic +concept_stateorprovince_northern_state concept:proxyfor concept_book_new +concept_stateorprovince_northwest_territories concept:statehascapital concept_city_yellowknife +concept_stateorprovince_nova_scotia concept:statehascapital concept_city_halifax +concept_stateorprovince_nova_scotia concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_nova_scotia concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_nova_scotia concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_nova_scotia concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_ns concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_nsw concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_nt concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_stateorprovince_nt concept:agentinvolvedwithitem concept_software_microsoft_windows +concept_stateorprovince_nunavut concept:statehascapital concept_city_iqaluit +concept_stateorprovince_nunavut concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_nunavut concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_nunavut_territory concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_nv concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ny concept:statelocatedincountry concept_country_usa +concept_stateorprovince_oahu concept:mutualproxyfor concept_city_hawaii +concept_stateorprovince_ocala concept:mutualproxyfor concept_city_florida +concept_stateorprovince_oh concept:statehascapital concept_city_cincinnati +concept_stateorprovince_oh concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ohio concept:statehascapital concept_city_columbus +concept_stateorprovince_ohio concept:mutualproxyfor concept_city_dayton +concept_stateorprovince_ohio concept:mutualproxyfor concept_city_findlay +concept_stateorprovince_ohio concept:mutualproxyfor concept_city_springfield +concept_stateorprovince_ohio concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_ohio concept:statelocatedincountry concept_country_us +concept_stateorprovince_ohio concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_ohio concept:subpartof concept_country_usa +concept_stateorprovince_ohio concept:istallerthan concept_publication_people_ +concept_stateorprovince_ohio concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_pennsylvania +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_athlete_jeff_campbell +concept_stateorprovince_oklahoma concept:mutualproxyfor concept_city_enid +concept_stateorprovince_oklahoma concept:mutualproxyfor concept_city_lawton +concept_stateorprovince_oklahoma concept:mutualproxyfor concept_city_oklahoma_city +concept_stateorprovince_oklahoma concept:mutualproxyfor concept_city_stillwater +concept_stateorprovince_oklahoma concept:mutualproxyfor concept_city_tulsa +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_coach_barry_switzer +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_coach_bob_stoops +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_coach_bud_wilkinson +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_coach_kelvin_sampson +concept_stateorprovince_oklahoma concept:organizationhiredperson concept_coach_stoops +concept_stateorprovince_oklahoma concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_oklahoma concept:statelocatedincountry concept_country_usa +concept_stateorprovince_oklahoma concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_stateorprovince_oklahoma concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_oklahoma concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_mexico +concept_stateorprovince_oklahoma concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_texas +concept_stateorprovince_ole_miss concept:organizationhiredperson concept_coach_ed_orgeron +concept_stateorprovince_ole_miss concept:organizationhiredperson concept_coach_houston_nutt +concept_stateorprovince_ole_miss concept:organizationhiredperson concept_coach_orgeron +concept_stateorprovince_ole_miss concept:organizationhiredperson concept_personafrica_andy_kennedy +concept_stateorprovince_ole_miss concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_ole_miss concept:agentcompeteswithagent concept_stateorprovince_mississippi_state +concept_stateorprovince_ole_miss concept:agentcompeteswithagent concept_university_mississippi_state_university +concept_stateorprovince_ontario concept:statehascapital concept_city_glencoe +concept_stateorprovince_ontario concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_opole concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_opolskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_oregon concept:mutualproxyfor concept_city_albany +concept_stateorprovince_oregon concept:mutualproxyfor concept_city_corvallis +concept_stateorprovince_oregon concept:mutualproxyfor concept_city_klamath_falls +concept_stateorprovince_oregon concept:statehascapital concept_city_salem +concept_stateorprovince_oregon concept:organizationterminatedperson concept_coach_ernie_kent +concept_stateorprovince_oregon concept:organizationhiredperson concept_coach_mike_bellotti +concept_stateorprovince_oregon concept:organizationterminatedperson concept_coach_mike_bellotti +concept_stateorprovince_oregon concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_oregon concept:statelocatedincountry concept_country_usa +concept_stateorprovince_oregon concept:organizationhiredperson concept_male_vin_lananna +concept_stateorprovince_oregon concept:organizationterminatedperson concept_male_vin_lananna +concept_stateorprovince_oregon concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_stateorprovince_oregon concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_oregon concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_british_columbia +concept_stateorprovince_oregon concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_oregon concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_washington_state +concept_stateorprovince_oregon concept:stateorprovinceisborderedbystateorprovince concept_visualizablescene_washington +concept_stateorprovince_orissa concept:statehascapital concept_city_puri +concept_stateorprovince_orissa concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_ostroleka concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_pa concept:statehascapital concept_city_philadelphia +concept_stateorprovince_pa concept:statelocatedincountry concept_country_usa +concept_stateorprovince_pahang concept:statehascapital concept_city_kuantan +concept_stateorprovince_palakkad concept:proxyfor concept_academicfield_kerala +concept_stateorprovince_paypal concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_paypal concept:subpartoforganization concept_company_ebay002 +concept_stateorprovince_paypal concept:agentcompeteswithagent concept_university_google +concept_stateorprovince_pediatrics concept:atdate concept_date_n2004 +concept_stateorprovince_pediatrics concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_pei concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_beverage_hershey +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_allentown +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_altoona +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_bethlehem +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_easton +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_erie +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_johnstown +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_king_of_prussia +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_lancaster +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_malvern +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_pittsburgh +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_scranton +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_scranton_wilkes_barre +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_stroudsburg +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_west_chester +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_williamsport +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_city_york +concept_stateorprovince_pennsylvania concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_pennsylvania concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_pennsylvania concept:statelocatedincountry concept_country_us +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_county_philadelphia +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_hobby_reading +concept_stateorprovince_pennsylvania concept:proxyfor concept_lake_new +concept_stateorprovince_pennsylvania concept:istallerthan concept_publication_people_ +concept_stateorprovince_pennsylvania concept:proxyfor concept_room_south +concept_stateorprovince_pennsylvania concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_york +concept_stateorprovince_pennsylvania concept:mutualproxyfor concept_trainstation_state_college +concept_stateorprovince_pensacola concept:locationlocatedwithinlocation concept_city_florida +concept_stateorprovince_pensacola concept:proxyfor concept_city_florida +concept_stateorprovince_pensacola concept:subpartof concept_city_florida +concept_stateorprovince_pernambuco concept:statehascapital concept_city_recife +concept_stateorprovince_phone_number concept:agentcreated concept_programminglanguage_contact +concept_stateorprovince_piaui concept:statehascapital concept_city_teresina +concept_stateorprovince_plenty concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_pm concept:synonymfor concept_everypromotedthing_private_message +concept_stateorprovince_pm concept:agentcreated concept_website_information +concept_stateorprovince_podlaskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_points concept:mutualproxyfor concept_book_new +concept_stateorprovince_points concept:agentparticipatedinevent concept_sportsgame_championship +concept_stateorprovince_points concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_points concept:agentparticipatedinevent concept_sportsgame_standings +concept_stateorprovince_pr concept:statelocatedincountry concept_country_usa +concept_stateorprovince_prattville concept:subpartof concept_celebrity_alabama +concept_stateorprovince_prattville concept:proxyfor concept_newspaper_alabama +concept_stateorprovince_presentation concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_presentation concept:atdate concept_date_n1999 +concept_stateorprovince_presentation concept:atdate concept_date_n2000 +concept_stateorprovince_presentation concept:atdate concept_date_n2003 +concept_stateorprovince_presentation concept:atdate concept_date_n2004 +concept_stateorprovince_presentation concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_stateorprovince_products concept:proxyfor concept_book_new +concept_stateorprovince_products concept:atdate concept_date_n2001 +concept_stateorprovince_products concept:atdate concept_date_n2003 +concept_stateorprovince_products concept:atdate concept_date_n2009 +concept_stateorprovince_products concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_products concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_products concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_products concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_products concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_products concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_products concept:istallerthan concept_publication_people_ +concept_stateorprovince_public concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_puerto_rico concept:proxyfor concept_book_new +concept_stateorprovince_puerto_rico concept:atdate concept_date_n2003 +concept_stateorprovince_puerto_rico concept:atdate concept_date_n2004 +concept_stateorprovince_puerto_rico concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_puerto_rico concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_punjab concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_qld concept:statelocatedingeopoliticallocation concept_country_australia +concept_stateorprovince_quebec concept:statehascapital concept_city_quaqtaq +concept_stateorprovince_quebec concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_quintana_roo concept:statehascapital concept_city_chetumal +concept_stateorprovince_racine concept:proxyfor concept_politicaloffice_wisconsin +concept_stateorprovince_rajasthan concept:statehascapital concept_city_jaipur +concept_stateorprovince_rajasthan concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_redwood_city_ca concept:latitudelongitude 37.4717000000000,-122.2149000000000 +concept_stateorprovince_replacement concept:proxyfor concept_book_new +concept_stateorprovince_replacement concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_replacement concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_replacement concept:subpartof concept_weatherphenomenon_air +concept_stateorprovince_replacement concept:subpartof concept_weatherphenomenon_water +concept_stateorprovince_rhineland_palatinate concept:statehascapital concept_city_mainz +concept_stateorprovince_rhode_island concept:mutualproxyfor concept_city_pawtucket +concept_stateorprovince_rhode_island concept:statelocatedincountry concept_country_usa +concept_stateorprovince_rhode_island concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_rhode_island concept:subpartof concept_country_usa +concept_stateorprovince_rhode_island concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_rhode_island concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_rhode_island concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_massachusetts +concept_stateorprovince_ri concept:statelocatedincountry concept_country_usa +concept_stateorprovince_rights concept:proxyfor concept_book_new +concept_stateorprovince_rights concept:mutualproxyfor concept_city_beijing +concept_stateorprovince_rights concept:atdate concept_date_n2000 +concept_stateorprovince_rights concept:atdate concept_date_n2003 +concept_stateorprovince_rights concept:atdate concept_date_n2004 +concept_stateorprovince_rights concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_rights concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_rights concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_rights concept:agentcreated concept_programminglanguage_contact +concept_stateorprovince_rights concept:istallerthan concept_publication_people_ +concept_stateorprovince_rights concept:agentparticipatedinevent concept_sportsgame_terms +concept_stateorprovince_rights concept:subpartoforganization concept_terroristorganization_state +concept_stateorprovince_santa_catarina concept:statehascapital concept_city_florianopolis +concept_stateorprovince_santa_catarina concept:statelocatedincountry concept_country_brazil +concept_stateorprovince_sarawak concept:statehascapital concept_city_limbang +concept_stateorprovince_saskatchewan concept:statehascapital concept_city_regina +concept_stateorprovince_saskatchewan concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_saskatchewan concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_saskatchewan concept:statelocatedingeopoliticallocation concept_country_uk__canada +concept_stateorprovince_saskatchewan concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_manitoba +concept_stateorprovince_saxony_anhalt concept:latitudelongitude 51.9166700000000,11.5000000000000 +concept_stateorprovince_saxony_anhalt concept:statehascapital concept_city_magdeburg +concept_stateorprovince_sc concept:statehascapital concept_city_columbia +concept_stateorprovince_sc concept:statelocatedincountry concept_country_usa +concept_stateorprovince_sd concept:statehascapital concept_city_pierre +concept_stateorprovince_sd concept:statelocatedincountry concept_country_usa +concept_stateorprovince_sec concept:atdate concept_date_n2000 +concept_stateorprovince_sec concept:atdate concept_date_n2003 +concept_stateorprovince_sec concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_sec concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_sec concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_sec concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_server concept:synonymfor concept_currency_bsd +concept_stateorprovince_shenyang concept:subpartoforganization concept_geopoliticalorganization_liaoning +concept_stateorprovince_shops concept:proxyfor concept_book_new +concept_stateorprovince_shops concept:atdate concept_date_n2009 +concept_stateorprovince_shops concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_side_effect concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_sides concept:proxyfor concept_book_new +concept_stateorprovince_sides concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_stateorprovince_sides concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_sikkim concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_sk concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_skierniewice concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_slaskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_sonora concept:statehascapital concept_city_hermosillo +concept_stateorprovince_south_australia concept:statehascapital concept_city_adelaide +concept_stateorprovince_south_australia concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_city_charleston +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_city_florence +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_city_greenville +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_city_mount_pleasant +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_city_sumter +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_coach_darrin_horn +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_coach_dave_odom +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_coach_lou_holtz +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_coach_ron_cooper +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_coach_steve_spurrier +concept_stateorprovince_south_carolina concept:statelocatedincountry concept_country_u_s_ +concept_stateorprovince_south_carolina concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_south_carolina concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_south_carolina concept:mutualproxyfor concept_geopoliticallocation_anderson +concept_stateorprovince_south_carolina concept:proxyfor concept_lake_new +concept_stateorprovince_south_carolina concept:organizationhiredperson concept_person_spurrier +concept_stateorprovince_south_carolina concept:istallerthan concept_publication_people_ +concept_stateorprovince_south_carolina concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_stateorprovince_south_carolina concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_south_carolina concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_texas +concept_stateorprovince_south_dakota concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_south_dakota concept:statelocatedingeopoliticallocation concept_country_us +concept_stateorprovince_south_dakota concept:statelocatedincountry concept_country_usa +concept_stateorprovince_south_dakota concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_south_dakota concept:subpartof concept_country_usa +concept_stateorprovince_south_dakota concept:proxyfor concept_lake_new +concept_stateorprovince_south_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nebraska +concept_stateorprovince_south_dakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_north_dakota +concept_stateorprovince_south_darfur concept:statehascapital concept_city_nyala +concept_stateorprovince_southdakota concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_southern_oregon concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_springs concept:proxyfor concept_book_new +concept_stateorprovince_st__george concept:mutualproxyfor concept_county_utah +concept_stateorprovince_state_capital concept:proxyfor concept_book_new +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_agent_family +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_aquarium_east_coast +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_aquarium_louis +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_aquarium_western_hemisphere +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_attraction_press +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_beach_guam +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_building_cities +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_building_west +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_alliance +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_amsterdam +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_antigua +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_area +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_arena +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_army +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_auckland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_baghdad +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_band +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_barcelona +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_beijing +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_berlin +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_boston +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_budapest +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_buenos_aires +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_bush +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_cairo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_capital +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_castro +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_catholic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_cee +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_children +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_club +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_college +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_columbia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_communities +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_contract +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_copenhagen +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_damascus +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_empire +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_example +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_fairchild_air_force_base +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_florida +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_geneva +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_georgetown +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_havana +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_heathrow +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_home +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_individuals +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_internet +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_istanbul +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_leningrad +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_lima +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_london_city +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_manila +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_members +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_memphis +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_mexico_city +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_milan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_montreal +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_moscow +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_name +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_nashville +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_native_south +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_neighborhoods +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_new_brunswick +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_new_delhi +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_new_orleans +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_okinawa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_orient +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_ottawa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_panama_canal +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_parents +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_petersburg +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_pittsburgh +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_place +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_portland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_prague +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_reason +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_resources +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_rio +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_saigon +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_san_jose +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_seoul +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_service +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_shanghai +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_sicily +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_side +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_singapore +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_southeast +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_status +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_sweden +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_sydney +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_taipei +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_taiwan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_tampa_bay +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_team +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_tehran +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_tel_aviv +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_tokyo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_toledo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_toronto +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_towns +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_trade +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_tripoli +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_uk +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_united_kingdom +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_vancouver +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_vienna +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_washington_d_c +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_city_zurich +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_company_imf +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_company_northwest +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_continent_africa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_continent_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_continent_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_continent_north_america +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_continent_south_america +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country___america +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_afghanistan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_albania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_algeria +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_arabia_saudita +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_armenia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_australasia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_australia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_azerbaijan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bahamas +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bahrain +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_balkans +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_baltic_states +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bangladesh +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_barbados +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_belarus +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_belgium +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bermuda +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bolivia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bosnia_herzegovina +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_botswana +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_brazil +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_britain +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_bulgaria +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cambodia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cameroon +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_canada_canada +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cape_verde +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_career +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cayman_islands +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_central_african_republic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_chile +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_china +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_china_last_year +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_colombia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_commonwealth_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_communist_china +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_costa_rica +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_credit +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_croatia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cuba +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_cyprus +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_czech_republic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_czechoslovakia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_democratic_republic_of_congo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_denmark +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_different_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_dominican_republic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_east_european_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_eastern_european_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_egypt +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_el_salvador +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_emergency +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_england +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_eritrea +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_estonia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_ethiopia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_eu_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_eu_member_states +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_father +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_fiji +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_finland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_former_soviet_union +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_former_ussr +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_france_france +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_gambia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_germany +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_ghana +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_great_britain +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_great_plains +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_greece +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_guyana +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_haiti +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_honduras +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_hong_kong +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_hungary +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_indonesia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_iran +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_iraq +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_ireland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_israel +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_italy +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_jamaica +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_japan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_jordan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_kabul +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_kazakhstan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_korea +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_kosovo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_land +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_laos +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_latvia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_lebanon +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_left_parties +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_liberia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_libya +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_luxembourg +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_madagascar +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_malawi +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_malaysia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_malta +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_mexico +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_middle +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_moldova +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_monaco +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_mongolia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_montenegro +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_morocco +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_myanmar_burma +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_nation +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_nazi_germany +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_netherlands +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_new_zealand +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_nigeria +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_norway +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_origin +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_palestine +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_panama +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_participation +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_party +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_peru +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_philippines +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_phillipines +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_poland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_portugal +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_prussia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_qatar +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_region +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_austria +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_chad +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_guatemala +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_kenya +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_lithuania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_republic_of_nicaragua +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_rok +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_romania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_russian_federation +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_rwanda +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_samoa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_saudis +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_scandinavia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_scandinavian_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_scotland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_sierra_leone +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_slovakia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_somalia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_south_africa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_south_korea +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_southern_africa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_soviet_union +concept_stateorprovince_states concept:statelocatedincountry concept_country_spain +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_sri_lanka +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_sudan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_switzerland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_tanzania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_thailand +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_third_world_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_trinidad_and_tobago +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_tunisia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_turkey +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_u_k +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_u_n__security_council +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_uganda +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_uk__ireland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_ukraine +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_united_arab_emirates +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_uruguay +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_uzbekistan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_viet_nam +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_vietnam +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_virgin_islands +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_wales +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_west_indies +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_western_africa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_western_european_nations +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_year_china +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_yemen +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_zambia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_country_zimbabwe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_athens +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_atlanta +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_austin +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_bay_area +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_borders +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_chicago +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_detroit +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_families +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_glasgow +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_health +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_high_school +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_las_vegas +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_national_taiwan_university +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_new_mexico +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_ohio_valley +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_paris +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_philadelphia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_private_schools +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_sacramento +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_san_diego +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_san_francisco +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_savannah +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_seattle +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_student +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_town +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_utah +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_county_youth +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_agencies +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_americas +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_arms +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_asia_pacific +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_asian +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_azores +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_bohemia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_british_isles +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_burma +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_caribbean +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_carolinas +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_central_america +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_central_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_central_eastern_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_central_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_continents +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_district +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_dubai +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_earthquake +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_east_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_eastern_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_ecuador +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_european_nations +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_far_east +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_form +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_gulf_coast +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_holland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_kuwait +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_latin_america +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_mainland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_mid +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_middle_east +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_midwestern +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_navy +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_north_central +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_northeast_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_northern_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_oceania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_offer +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_online +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_pacific +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_partners +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_russian +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_security +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_siberia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_silicon_valley +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_south_american +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_south_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_south_atlantic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_south_east_asia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_south_pacific +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_southern +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_southern_california +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_southwest001 +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_sub_saharan_africa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_support +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_thai +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_tijuana +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_union +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_vatican +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_western_canada +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_western_europe +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_world +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticallocation_worldwide +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_central +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_dprk +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_eastern +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_midwest +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_nepal +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_new_england +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_north_vietnam +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_northern +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_northern_california +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_quec +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_real_estate +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_sports +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_theater +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_geopoliticalorganization_western +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_employment +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_european_union +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_government +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_services +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_united_nations +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_governmentorganization_workers +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_american_samoa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_argentina +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_aviation +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_banks +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_easter +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_iceland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_investment +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_mother +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_new_york_city_metropolitan_area +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_pakistan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_philippine_islands +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_russia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_senegal +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_slovenia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_society +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_syria +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_territory +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_tonga +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_island_venezuela +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_lake_dublin +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_lake_gulf +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_lake_mediterranean +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_lake_mid_atlantic +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_mountain_fox +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_organization_host +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_organization_indian +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_politicalparty_confederate_states +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_politicalparty_other_countries +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_politicalparty_u_n_ +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_river_counties +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_skiarea_north_east +concept_stateorprovince_states concept:locationlocatedwithinlocation concept_skyscraper_asia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ab +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_al_anbar +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_alabama +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_amazonas +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_andhra +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_arizona +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_arkansas +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_baja_california +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_bauchi +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_bayelsa +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_bc +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_belize +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_bielsko +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_british_columbia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_california +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_canadian +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_central_bohemia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_child +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_colorada +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_colorado +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_connecticut +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_connecticut +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_cooperation +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_course +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_czestochowa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_delaware +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_dolnoslaskie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_durango +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_education +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_elblag +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_eu +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_eu +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_europeans +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_events +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_facility +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_florida +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_general_motors +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_georgia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_georgia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_greenwich +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_hidalgo +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_idaho +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_indiana +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_indiana +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_international +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_iowa +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_jalisco +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_jihocesky_kraj +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_kansas +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_kashmir +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_kentucky +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_lodzkie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_lomza +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_louisiana +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_lubuskie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_malopolskie +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_man +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_manitoba +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_manitoba +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_manufacturers +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_maryland +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_maryland +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_massachusetts +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_mazowieckie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_mb +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_md +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_men +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_miles +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_minnesota +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_mississippi +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_mississippi +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_missouri +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_moravskoslezsky_kraj +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_munich +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nb +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_nebraska +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_nevada +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_brunswick +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_hampshire +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_york +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_newfoundland +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_newfoundland_and_labrador +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_north_dakota +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_north_moravia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_northeastern +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_nova_scotia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nova_scotia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ns +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nunavut +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ontario +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_opole +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_opolskie +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_oregon +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ostroleka +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_pei +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_pennsylvania +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_podlaskie +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_politics +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_products +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_public +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_puerto_rico +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_qld +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_quebec +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_rhode_island +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_rights +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_saskatchewan +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_schools +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_sk +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_skierniewice +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_slaskie +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_south_australia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_south_carolina +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_south_dakota +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_south_india +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_southeast_asia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_southeast_asia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_swietokrzyskie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_tasmania +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_tennessee +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_times +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_tobago +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_travel +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_trinidad +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_un +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_va +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_virginia +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_visa +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_west_virginia +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wielkopolskie +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_stateorprovince_wisconsin +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_wyoming +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_yukon +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_zachodniopomorskie +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_zauchensee +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_trainstation_commerce +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_transportation_plane +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_transportation_safety +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_transportation_search +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_visualizablescene_brussels +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_visualizablescene_hollywood +concept_stateorprovince_states concept:stateorprovinceisborderedbystateorprovince concept_visualizablescene_washington +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_visualizablething_calgary +concept_stateorprovince_states concept:statelocatedingeopoliticallocation concept_visualizablething_use +concept_stateorprovince_store concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_store concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_studio concept:subpartoforganization concept_terroristorganization_state +concept_stateorprovince_swietokrzyskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_tamil_nadu concept:atlocation concept_country_republic_of_india +concept_stateorprovince_tamil_nadu concept:subpartof concept_country_republic_of_india +concept_stateorprovince_tasmania concept:statehascapital concept_city_hobart +concept_stateorprovince_tasmania concept:statelocatedingeopoliticallocation concept_country_australia +concept_stateorprovince_tennessee concept:organizationhiredperson concept_athlete_ray_mears +concept_stateorprovince_tennessee concept:mutualproxyfor concept_city_cookeville +concept_stateorprovince_tennessee concept:mutualproxyfor concept_city_hendersonville +concept_stateorprovince_tennessee concept:mutualproxyfor concept_city_kingsport +concept_stateorprovince_tennessee concept:mutualproxyfor concept_city_murfreesboro +concept_stateorprovince_tennessee concept:mutualproxyfor concept_city_oak_ridge +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_doug_dickey +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_jeff_fisher +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_kiffin +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_pat_summitt +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_philip_fulmer +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_philip_rivers +concept_stateorprovince_tennessee concept:organizationhiredperson concept_coach_robert_neyland +concept_stateorprovince_tennessee concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_tennessee concept:statelocatedingeopoliticallocation concept_country_us +concept_stateorprovince_tennessee concept:statelocatedincountry concept_country_usa +concept_stateorprovince_tennessee concept:mutualproxyfor concept_county_johnson_city +concept_stateorprovince_tennessee concept:organizationhiredperson concept_person_lane_kiffin +concept_stateorprovince_tennessee concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_texas concept:mutualproxyfor concept_city_edinburg +concept_stateorprovince_texas concept:statehascapital concept_city_lubbock +concept_stateorprovince_texas concept:mutualproxyfor concept_city_lufkin +concept_stateorprovince_texas concept:organizationterminatedperson concept_coach_rick_barnes +concept_stateorprovince_texas concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_texas concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_texas concept:statelocatedincountry concept_country_us +concept_stateorprovince_texas concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_texas concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_mexico +concept_stateorprovince_texas concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_oklahoma +concept_stateorprovince_texas concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_carolina +concept_stateorprovince_texas concept:mutualproxyfor concept_visualizablething_sugar_land +concept_stateorprovince_thomas_jefferson concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_thuringia concept:statehascapital concept_city_erfurt +concept_stateorprovince_tierra_del_fuego concept:statehascapital concept_city_ushuaia +concept_stateorprovince_tierra_del_fuego concept:statelocatedincountry concept_country_argentina +concept_stateorprovince_times concept:agentcompeteswithagent concept_city_daily +concept_stateorprovince_times concept:agentcompeteswithagent concept_newspaper_the_wall_street +concept_stateorprovince_times concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_stateorprovince_times concept:agentcompeteswithagent concept_politician_wall_street +concept_stateorprovince_times concept:agentcompeteswithagent concept_publication_providence +concept_stateorprovince_times concept:agentparticipatedinevent concept_sportsgame_series +concept_stateorprovince_tn concept:statehascapital concept_city_nashville +concept_stateorprovince_tn concept:statelocatedincountry concept_country_usa +concept_stateorprovince_tocantins concept:statelocatedincountry concept_country_brazil +concept_stateorprovince_topics concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_topics concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_traffic_stop concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_training concept:mutualproxyfor concept_book_new +concept_stateorprovince_training concept:atdate concept_date_n1944 +concept_stateorprovince_training concept:atdate concept_date_n1996 +concept_stateorprovince_training concept:atdate concept_date_n1999 +concept_stateorprovince_training concept:atdate concept_date_n2000 +concept_stateorprovince_training concept:atdate concept_date_n2001 +concept_stateorprovince_training concept:atdate concept_date_n2003 +concept_stateorprovince_training concept:atdate concept_date_n2004 +concept_stateorprovince_training concept:atdate concept_date_n2009 +concept_stateorprovince_training concept:atdate concept_dateliteral_n2002 +concept_stateorprovince_training concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_training concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_training concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_training concept:atdate concept_dateliteral_n2008 +concept_stateorprovince_training concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_training concept:organizationdissolvedatdate concept_month_july +concept_stateorprovince_training concept:atdate concept_year_n1978 +concept_stateorprovince_training concept:atdate concept_year_n1985 +concept_stateorprovince_training concept:atdate concept_year_n1998 +concept_stateorprovince_tripura concept:statehascapital concept_city_agartala +concept_stateorprovince_tripura concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_tunis concept:atdate concept_date_n2004 +concept_stateorprovince_tunis concept:proxyfor concept_musicartist_tunisia +concept_stateorprovince_tx concept:statehascapital concept_city_austin +concept_stateorprovince_tx concept:statelocatedincountry concept_country_usa +concept_stateorprovince_ua concept:organizationhiredperson concept_coach_nick_saban +concept_stateorprovince_un concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_stateorprovince_un concept:atdate concept_date_n2001 +concept_stateorprovince_un concept:organizationacronymhasname concept_governmentorganization_united_nations +concept_stateorprovince_un concept:mutualproxyfor concept_person_iran +concept_stateorprovince_un concept:atdate concept_year_n1992 +concept_stateorprovince_ut concept:mutualproxyfor concept_city_dallas +concept_stateorprovince_ut concept:statelocatedincountry concept_country_usa +concept_stateorprovince_utah concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_utah concept:statelocatedincountry concept_country_us +concept_stateorprovince_utah concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_utah concept:statehascapital concept_county_salt_lake +concept_stateorprovince_utah concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_arizona +concept_stateorprovince_utah concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_idaho +concept_stateorprovince_utah concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nebraska +concept_stateorprovince_utah concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nevada +concept_stateorprovince_uttar concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_uttar_pradesh concept:statehascapital concept_city_lucknow +concept_stateorprovince_uttarakhand concept:statehascapital concept_city_dehradun +concept_stateorprovince_uttarakhand concept:statelocatedingeopoliticallocation concept_country_republic_of_india +concept_stateorprovince_uttaranchal concept:statelocatedincountry concept_country_republic_of_india +concept_stateorprovince_va concept:statelocatedincountry concept_country_usa +concept_stateorprovince_valletta concept:locationlocatedwithinlocation concept_room_malta +concept_stateorprovince_valletta concept:proxyfor concept_room_malta +concept_stateorprovince_value concept:agentparticipatedinevent concept_eventoutcome_result +concept_stateorprovince_value concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_vanderbilt concept:organizationhiredperson concept_coach_bobby_johnson +concept_stateorprovince_vanderbilt concept:organizationhiredperson concept_coach_james_franklin +concept_stateorprovince_vanderbilt concept:organizationhiredperson concept_coach_kevin_stallings +concept_stateorprovince_vanderbilt concept:agentcontrols concept_personus_james_franklin +concept_stateorprovince_vanderbilt concept:organizationalsoknownas concept_university_state_university +concept_stateorprovince_vermont concept:statehascapital concept_city_montpelier +concept_stateorprovince_vermont concept:statelocatedincountry concept_country_u_s_ +concept_stateorprovince_vermont concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_vermont concept:subpartof concept_country_usa +concept_stateorprovince_vermont concept:istallerthan concept_publication_people_ +concept_stateorprovince_vermont concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_massachusetts +concept_stateorprovince_vermont concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_hampshire +concept_stateorprovince_vi concept:statelocatedincountry concept_country_usa +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_arlington +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_charlottesville +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_danville +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_fredericksburg +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_hampton +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_harrisonburg +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_herndon +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_lynchburg +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_manassas +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_newport_news_hampton_wmsburg +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_norfolk +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_petersburg +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_portsmouth +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_roanoke +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_springfield +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_staunton +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_sterling +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_virginia_beach +concept_stateorprovince_virginia concept:mutualproxyfor concept_city_winchester +concept_stateorprovince_virginia concept:organizationhiredperson concept_coach_al_groh +concept_stateorprovince_virginia concept:organizationhiredperson concept_coach_dave_leitao +concept_stateorprovince_virginia concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_virginia concept:statelocatedingeopoliticallocation concept_country_u_s_a +concept_stateorprovince_virginia concept:statelocatedincountry concept_country_usa +concept_stateorprovince_virginia concept:mutualproxyfor concept_county_lexington +concept_stateorprovince_virginia concept:mutualproxyfor concept_county_suffolk +concept_stateorprovince_virginia concept:mutualproxyfor concept_county_williamsburg +concept_stateorprovince_virginia concept:atdate concept_date_n1864 +concept_stateorprovince_virginia concept:locationlocatedwithinlocation concept_geopoliticalorganization_eastern +concept_stateorprovince_virginia concept:proxyfor concept_lake_new +concept_stateorprovince_virginia concept:organizationhiredperson concept_professor_terry_holland +concept_stateorprovince_virginia concept:istallerthan concept_publication_people_ +concept_stateorprovince_virginia concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_stateorprovince_virginia concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_virginia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_delaware +concept_stateorprovince_virginia concept:proxyfor concept_stateorprovince_minnesota +concept_stateorprovince_virginia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_nebraska +concept_stateorprovince_virginia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_west_virginia +concept_stateorprovince_virginia concept:statehascapital concept_visualizablescene_blacksburg +concept_stateorprovince_virginia concept:atdate concept_year_n1781 +concept_stateorprovince_virginia concept:atdate concept_year_n1861 +concept_stateorprovince_virginia concept:atdate concept_year_n1862 +concept_stateorprovince_virginia concept:atdate concept_year_n1865 +concept_stateorprovince_volkswagen concept:agentcreated concept_automobilemodel_tiguan +concept_stateorprovince_volkswagen concept:agentcreated concept_bird_beetle +concept_stateorprovince_volunteer concept:organizationhiredperson concept_coach_philip_fulmer +concept_stateorprovince_vt concept:statelocatedincountry concept_country_usa +concept_stateorprovince_wa concept:statelocatedincountry concept_country_usa +concept_stateorprovince_wallonia concept:statehascapital concept_city_namur +concept_stateorprovince_washington_state concept:statelocatedincountry concept_country_u_s_ +concept_stateorprovince_wb concept:organizationheadquarteredincity concept_city_washington_d_c +concept_stateorprovince_wb concept:agentcontrols concept_televisionstation_kfre_tv +concept_stateorprovince_web_search concept:agentcompeteswithagent concept_company_google_inc +concept_stateorprovince_web_search concept:agentcompeteswithagent concept_personcanada_search +concept_stateorprovince_web_search concept:agentcompeteswithagent concept_university_google +concept_stateorprovince_web_search concept:agentcompeteswithagent concept_university_index +concept_stateorprovince_web_search concept:agentcompeteswithagent concept_university_yahoo +concept_stateorprovince_west_bengal concept:statehascapital concept_city_calcutta +concept_stateorprovince_west_bengal concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_stateorprovince_west_virginia concept:mutualproxyfor concept_city_morgantown +concept_stateorprovince_west_virginia concept:statelocatedingeopoliticallocation concept_country_u_s_ +concept_stateorprovince_west_virginia concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_west_virginia concept:statelocatedincountry concept_country_usa +concept_stateorprovince_west_virginia concept:organizationhiredperson concept_person_rodriguez +concept_stateorprovince_west_virginia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_ohio +concept_stateorprovince_west_virginia concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_pennsylvania +concept_stateorprovince_western_australia concept:statehascapital concept_city_perth +concept_stateorprovince_western_australia concept:atdate concept_dateliteral_n2005 +concept_stateorprovince_western_australia concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_western_washington_state concept:latitudelongitude 47.1814900000000,-122.4308200000000 +concept_stateorprovince_wi concept:statelocatedincountry concept_country_usa +concept_stateorprovince_widget concept:agentinvolvedwithitem concept_buildingfeature_window +concept_stateorprovince_wielkopolskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_wisconsin concept:mutualproxyfor concept_city_appleton +concept_stateorprovince_wisconsin concept:mutualproxyfor concept_city_milwaukee +concept_stateorprovince_wisconsin concept:mutualproxyfor concept_city_stevens_point +concept_stateorprovince_wisconsin concept:mutualproxyfor concept_city_waukesha +concept_stateorprovince_wisconsin concept:mutualproxyfor concept_city_wausau +concept_stateorprovince_wisconsin concept:organizationhiredperson concept_coach_brett_lee +concept_stateorprovince_wisconsin concept:statelocatedingeopoliticallocation concept_country_united_states +concept_stateorprovince_wisconsin concept:statelocatedincountry concept_country_us +concept_stateorprovince_wisconsin concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_wisconsin concept:subpartof concept_country_usa +concept_stateorprovince_wisconsin concept:atdate concept_dateliteral_n2007 +concept_stateorprovince_wisconsin concept:istallerthan concept_publication_people_ +concept_stateorprovince_wisconsin concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_minnesota +concept_stateorprovince_wisconsin concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_woman concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_stateorprovince_wv concept:statelocatedincountry concept_country_usa +concept_stateorprovince_wy concept:statelocatedincountry concept_country_usa +concept_stateorprovince_wyoming concept:statehascapital concept_city_cheyenne +concept_stateorprovince_wyoming concept:mutualproxyfor concept_city_gillette +concept_stateorprovince_wyoming concept:mutualproxyfor concept_city_jackson +concept_stateorprovince_wyoming concept:mutualproxyfor concept_city_laramie +concept_stateorprovince_wyoming concept:locationlocatedwithinlocation concept_country_united_states +concept_stateorprovince_wyoming concept:statelocatedincountry concept_country_usa +concept_stateorprovince_wyoming concept:statelocatedingeopoliticallocation concept_country_usa +concept_stateorprovince_wyoming concept:subpartof concept_country_usa +concept_stateorprovince_wyoming concept:atdate concept_dateliteral_n2006 +concept_stateorprovince_wyoming concept:proxyfor concept_lake_new +concept_stateorprovince_wyoming concept:organizationhiredperson concept_personmexico_frank_robinson +concept_stateorprovince_wyoming concept:istallerthan concept_publication_people_ +concept_stateorprovince_wyoming concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_idaho +concept_stateorprovince_wyoming concept:atlocation concept_stateorprovince_michigan +concept_stateorprovince_wyoming concept:proxyfor concept_stateorprovince_michigan +concept_stateorprovince_wyoming concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_montana +concept_stateorprovince_wyoming concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_new_mexico +concept_stateorprovince_wyoming concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_south_dakota +concept_stateorprovince_wyoming_cowboys concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_stateorprovince_wyoming_cowboys concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_stateorprovince_yukon concept:statelocatedincountry concept_country_canada_canada +concept_stateorprovince_zachodniopomorskie concept:locationlocatedwithinlocation concept_country_poland +concept_stateorprovince_zauchensee concept:statelocatedincountry concept_country_republic_of_austria +concept_street_amiens_street concept:latitudelongitude 53.3500000000000,-6.2500000000000 +concept_street_arlington concept:atlocation concept_beach_massachusetts +concept_street_arlington concept:proxyfor concept_book_new +concept_street_arlington concept:atlocation concept_city_texas +concept_street_baggot_street concept:latitudelongitude 53.3446000000000,-6.2594000000000 +concept_street_beach_avenue concept:latitudelongitude 24.7814500000000,67.0477000000000 +concept_street_beekman_street concept:latitudelongitude 40.7078800000000,-74.0032000000000 +concept_street_bel_marin_keys concept:latitudelongitude 38.0821400000000,-122.5147000000000 +concept_street_big_step concept:proxyfor concept_book_new +concept_street_bissonnet concept:latitudelongitude 29.6748000000000,-95.5489000000000 +concept_street_brazos_street concept:latitudelongitude 29.8788300000000,-97.6680600000000 +concept_street_chambers concept:companyeconomicsector concept_academicfield_business +concept_street_chambers concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_street_child_street concept:latitudelongitude 41.7212100000000,-71.2661600000000 +concept_street_clarkston concept:atlocation concept_city_washington_d_c +concept_street_coleman_avenue concept:latitudelongitude 35.1561400000000,-89.9483400000000 +concept_street_coliseum concept:atlocation concept_city_oakland +concept_street_constitution_square concept:latitudelongitude 41.3023200000000,-72.9223200000000 +concept_street_county_c concept:latitudelongitude 39.3496100000000,-123.3214000000000 +concept_street_custer_avenue concept:latitudelongitude 35.5161600000000,-98.9814700000000 +concept_street_damascus concept:proxyfor concept_musicinstrument_syria +concept_street_damascus concept:subpartof concept_musicinstrument_syria +concept_street_deer_trail concept:atlocation concept_stateorprovince_colorado +concept_street_fco concept:atdate concept_dateliteral_n2005 +concept_street_first_road concept:atdate concept_dayofweek_saturday +concept_street_frankfurter_allee concept:latitudelongitude 52.5140150000000,13.4739500000000 +concept_street_governors_drive concept:latitudelongitude 34.7198100000000,-86.6111000000000 +concept_street_green_bank concept:proxyfor concept_stateorprovince_newjersey +concept_street_green_village concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_half_street concept:latitudelongitude 37.3051500000000,-77.2910900000000 +concept_street_harry_street concept:latitudelongitude 37.6650950000000,-97.3462200000000 +concept_street_hennepin_avenue concept:latitudelongitude 44.9664000000000,-93.2876000000000 +concept_street_highland_park concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_hillside concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_international_airport concept:proxyfor concept_book_new +concept_street_juniper_street concept:latitudelongitude 42.3295400000000,-71.1170000000000 +concept_street_kalverstraat concept:latitudelongitude 51.8181850000000,4.9456000000000 +concept_street_kennedy_avenue concept:latitudelongitude 41.5750400000000,-87.4625400000000 +concept_street_kosciuszko_street concept:latitudelongitude 40.6922200000000,-73.9388900000000 +concept_street_kurfurstendamm concept:latitudelongitude 52.5027000000000,13.3283000000000 +concept_street_laurel_hill concept:atlocation concept_city_florida +concept_street_leesburg_pike concept:latitudelongitude 38.8482000000000,-77.1191000000000 +concept_street_linden_place concept:latitudelongitude 41.6701000000000,-71.2767200000000 +concept_street_little_york concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_little_york concept:proxyfor concept_stateorprovince_newjersey +concept_street_local_government concept:atdate concept_dateliteral_n2007 +concept_street_lots concept:proxyfor concept_book_new +concept_street_lower_broadway concept:latitudelongitude 35.7911400000000,-105.7950200000000 +concept_street_m_28 concept:latitudelongitude 35.6159100000000,-89.1234000000000 +concept_street_mahoning_avenue concept:latitudelongitude 41.2389500000000,-80.8220300000000 +concept_street_marinship concept:latitudelongitude 37.8652000000000,-122.4960800000000 +concept_street_mark_street concept:latitudelongitude 40.5951950000000,-83.1225500000000 +concept_street_mcever concept:latitudelongitude 34.4853380000000,-83.2571020000000 +concept_street_military_avenue concept:latitudelongitude 42.3100000000000,-83.1017000000000 +concept_street_mono_village concept:latitudelongitude 38.0907533333333,-119.6931366666667 +concept_street_montana_avenue concept:latitudelongitude 39.1547800000000,-84.5799400000000 +concept_street_montecito concept:locationlocatedwithinlocation concept_building_vegas +concept_street_montecito concept:subpartof concept_traditionalgame_vegas +concept_street_n17_north concept:latitudelongitude 40.8311200000000,-99.6353900000000 +concept_street_n401_west concept:latitudelongitude 46.0035400000000,-112.5386300000000 +concept_street_national_pike concept:latitudelongitude 39.0945500000000,-77.1797000000000 +concept_street_old_alabama concept:latitudelongitude 34.0262100000000,-84.3013100000000 +concept_street_oltorf concept:latitudelongitude 30.2335000000000,-97.7402000000000 +concept_street_parnell_square concept:latitudelongitude 53.3544000000000,-6.2633000000000 +concept_street_pennyrile concept:latitudelongitude 37.1276233333333,-87.6023466666667 +concept_street_pinehurst concept:atlocation concept_stateorprovince_north_carolina +concept_street_pleasant_place concept:proxyfor concept_book_new +concept_street_poydras concept:latitudelongitude 30.0798214285714,-90.3605800000000 +concept_street_public_meeting concept:atdate concept_date_n1996 +concept_street_public_meeting concept:atdate concept_date_n1999 +concept_street_public_meeting concept:atdate concept_date_n2001 +concept_street_public_meeting concept:atdate concept_date_n2003 +concept_street_public_meeting concept:atdate concept_date_n2004 +concept_street_public_meeting concept:atdate concept_dateliteral_n2002 +concept_street_public_meeting concept:atdate concept_dateliteral_n2005 +concept_street_public_meeting concept:atdate concept_dateliteral_n2006 +concept_street_public_meeting concept:atdate concept_dateliteral_n2007 +concept_street_public_meeting concept:atdate concept_dateliteral_n2008 +concept_street_public_meeting concept:atdate concept_year_n1998 +concept_street_quarry_lane concept:latitudelongitude 37.7000400000000,-121.8679350000000 +concept_street_rainier_avenue concept:latitudelongitude 47.5498000000000,-122.2771000000000 +concept_street_repairs concept:subpartof concept_weatherphenomenon_air +concept_street_repairs concept:subpartof concept_weatherphenomenon_water +concept_street_reserve_street concept:latitudelongitude 46.8818700000000,-114.0384400000000 +concept_street_roseland concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_rowe_street concept:latitudelongitude 40.7959300000000,-74.1848700000000 +concept_street_sevren concept:latitudelongitude 41.3666700000000,34.4333350000000 +concept_street_sheikh_zayed_road concept:latitudelongitude 25.1821600000000,55.2377800000000 +concept_street_shepherd_street concept:latitudelongitude 35.1750800000000,-86.1113700000000 +concept_street_shore_area concept:latitudelongitude 41.2008166666667,-77.2639533333333 +concept_street_smithfield_street concept:latitudelongitude 40.4428500000000,-79.9967200000000 +concept_street_south_florida_avenue concept:latitudelongitude 28.0219700000000,-81.9570300000000 +concept_street_south_lamar concept:latitudelongitude 33.5612300000000,-88.0355800000000 +concept_street_southampton concept:proxyfor concept_company_new_york +concept_street_spring_lake concept:mutualproxyfor concept_radiostation_new_jersey +concept_street_spring_lake concept:proxyfor concept_stateorprovince_newjersey +concept_street_springhill_avenue concept:latitudelongitude 30.6953250000000,-88.1012500000000 +concept_street_stradun concept:latitudelongitude 53.0500000000000,16.3833300000000 +concept_street_stratford_avenue concept:latitudelongitude 40.7277800000000,-73.6666700000000 +concept_street_stret concept:latitudelongitude 57.3333300000000,13.6333300000000 +concept_street_sukhumvit_soi concept:latitudelongitude 13.7373000000000,100.5570000000000 +concept_street_sutter_avenue concept:latitudelongitude 40.6711100000000,-73.8875000000000 +concept_street_tuck_mall concept:latitudelongitude 43.7050700000000,-72.2925900000000 +concept_street_underground_station concept:latitudelongitude 51.5390148134328,-0.1701198134328 +concept_street_via_chiaia concept:latitudelongitude 40.8333300000000,14.2500000000000 +concept_street_via_del_corso concept:latitudelongitude 41.9035000000000,12.4793000000000 +concept_street_via_salaria concept:latitudelongitude 41.9000000000000,12.4833300000000 +concept_street_via_tornabuoni concept:latitudelongitude 43.7698300000000,11.2507400000000 +concept_street_webster concept:proxyfor concept_beach_massachusetts +concept_street_west_east concept:latitudelongitude 44.9168500000000,-62.5153200000000 +concept_street_westnedge concept:latitudelongitude 42.2404100000000,-85.5901866666667 +concept_street_whitlock_avenue concept:latitudelongitude 33.9517700000000,-84.5666000000000 +concept_street_winterhaven concept:atlocation concept_city_florida +concept_tableitem_bear concept:atlocation concept_stateorprovince_delaware +concept_tableitem_booties concept:latitudelongitude 30.4915900000000,-92.1817900000000 +concept_tableitem_boys concept:mutualproxyfor concept_book_new +concept_tableitem_chandeliers concept:latitudelongitude 48.1333300000000,3.4666700000000 +concept_tableitem_chennai concept:atdate concept_date_n2001 +concept_tableitem_client concept:mutualproxyfor concept_book_new +concept_tableitem_collection concept:mutualproxyfor concept_book_new +concept_tableitem_conditions concept:subpartof concept_weatherphenomenon_water +concept_tableitem_dinner concept:atdate concept_dateliteral_n2008 +concept_tableitem_distributor concept:mutualproxyfor concept_book_new +concept_tableitem_distributor concept:subpartof concept_weatherphenomenon_air +concept_tableitem_field_trip concept:atdate concept_dateliteral_n2008 +concept_tableitem_garland concept:mutualproxyfor concept_city_texas +concept_tableitem_girl concept:mutualproxyfor concept_book_new +concept_tableitem_home_parks concept:latitudelongitude 41.0166700000000,-95.9072300000000 +concept_tableitem_icon concept:mutualproxyfor concept_book_new +concept_tableitem_jitterbug concept:latitudelongitude 48.0051700000000,-91.3320600000000 +concept_tableitem_laptop concept:proxyfor concept_book_new +concept_tableitem_licence concept:atdate concept_date_n2000 +concept_tableitem_licence concept:atdate concept_date_n2003 +concept_tableitem_licence concept:atdate concept_dateliteral_n2006 +concept_tableitem_licence concept:atdate concept_dateliteral_n2007 +concept_tableitem_licence concept:atdate concept_dateliteral_n2008 +concept_tableitem_midnight concept:mutualproxyfor concept_book_new +concept_tableitem_n3650 concept:latitudelongitude 34.9118100000000,-80.9264600000000 +concept_tableitem_n4010 concept:latitudelongitude 34.0168200000000,-81.1198200000000 +concept_tableitem_occasions concept:proxyfor concept_book_new +concept_tableitem_occasions concept:atdate concept_dateliteral_n2005 +concept_tableitem_occasions concept:atdate concept_dateliteral_n2007 +concept_tableitem_old concept:mutualproxyfor concept_city_springfield +concept_tableitem_package concept:subpartof concept_weatherphenomenon_air +concept_tableitem_pestle concept:latitudelongitude 49.8665900000000,-116.4021700000000 +concept_tableitem_region concept:mutualproxyfor concept_book_new +concept_tableitem_region concept:mutualproxyfor concept_website_south +concept_tableitem_registry concept:mutualproxyfor concept_sportsequipment_board +concept_tableitem_site_visitor concept:latitudelongitude 40.2053600000000,-75.7735900000000 +concept_tableitem_skills concept:subpartof concept_weatherphenomenon_air +concept_tableitem_slvr concept:latitudelongitude -17.6447600000000,-63.1353600000000 +concept_tableitem_spreaders concept:latitudelongitude 47.9933400000000,-107.0639600000000 +concept_tableitem_t_mobile_usa concept:subpartof concept_biotechcompany_deutsche_telekom_ag +concept_tableitem_t_mobile_usa concept:subpartof concept_company_deutsche_telekom +concept_tableitem_tab concept:itemfoundinroom concept_visualizablething_bathroom +concept_tableitem_usb concept:synonymfor concept_physicalaction_live +concept_tableitem_waechtersbach concept:latitudelongitude 50.2496850000000,9.2911650000000 +concept_tableitem_wedding concept:mutualproxyfor concept_book_new +concept_televisionnetwork_abc concept:companyeconomicsector concept_academicfield_media +concept_televisionnetwork_abc concept:companyeconomicsector concept_academicfield_news +concept_televisionnetwork_abc concept:headquarteredin concept_city_new_york +concept_televisionnetwork_abc concept:hasofficeincity concept_city_washington_d_c +concept_televisionnetwork_abc concept:hasofficeincity concept_county_los_angeles_county +concept_televisionnetwork_abc concept:competeswith concept_newspaper_journal +concept_televisionnetwork_cbs concept:companyeconomicsector concept_academicfield_media +concept_televisionnetwork_cbs concept:companyeconomicsector concept_academicfield_news +concept_televisionnetwork_cbs concept:companyeconomicsector concept_academicfield_sports +concept_televisionnetwork_cbs concept:subpartoforganization concept_bank_viacom +concept_televisionnetwork_cbs concept:acquired concept_blog_wallstrip +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_celebrity_lesley_stahl +concept_televisionnetwork_cbs concept:headquarteredin concept_city_new_york +concept_televisionnetwork_cbs concept:hasofficeincity concept_city_philadelphia +concept_televisionnetwork_cbs concept:hasofficeincity concept_city_washington_d_c +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_coach_douglas_edwards +concept_televisionnetwork_cbs concept:agentcontrols concept_coach_douglas_edwards +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_comedian_leslie_moonves +concept_televisionnetwork_cbs concept:hasofficeincity concept_county_los_angeles_county +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_bill_plante +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_bob_schieffer +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_charles_osgood +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_dan +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_dan_rather +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_john_roberts +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_journalist_walter_cronkite +concept_televisionnetwork_cbs concept:acquired concept_newspaper_cnet_ +concept_televisionnetwork_cbs concept:competeswith concept_newspaper_journal +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_person_edward_r__murrow +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_person_les_moonves +concept_televisionnetwork_cbs concept:agentcontrols concept_personcanada_ed_bradley +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_personeurope_william_paley +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_personmexico_david_martin +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_personus_katie_couric +concept_televisionnetwork_cbs concept:agentcollaborateswithagent concept_politicianus_mike_wallace +concept_televisionnetwork_cbs concept:companyeconomicsector concept_politicsissue_entertainment +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionshow_dan_rather +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_klas_tv +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_ktnl +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_kyw +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wcsc +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wdef +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wdtv +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_whbf +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wjhl +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wkrc +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wkyt +concept_televisionnetwork_cbs concept:agentcontrols concept_televisionstation_wsaw +concept_televisionnetwork_fox concept:agentcontrols concept_televisionstation_wogx_tv +concept_televisionnetwork_fox concept:agentcontrols concept_televisionstation_wwcp +concept_televisionnetwork_upn concept:agentcontrols concept_televisionstation_kcop_tv +concept_televisionshow_airwaves concept:atdate concept_dateliteral_n2007 +concept_televisionshow_aug_ concept:atdate concept_date_community +concept_televisionshow_aug_ concept:atdate concept_date_meeting +concept_televisionshow_awards concept:atdate concept_date_n2009 +concept_televisionshow_bachelor concept:proxyfor concept_book_new +concept_televisionshow_barbary_coast concept:subpartof concept_traditionalgame_vegas +concept_televisionshow_bbc_one concept:atdate concept_dateliteral_n2007 +concept_televisionshow_bet concept:mutualproxyfor concept_transportation_robert_johnson +concept_televisionshow_beverly_hills concept:proxyfor concept_book_new +concept_televisionshow_black_entertainment_television concept:mutualproxyfor concept_transportation_robert_johnson +concept_televisionshow_breakfast concept:proxyfor concept_book_new +concept_televisionshow_castle concept:proxyfor concept_book_new +concept_televisionshow_central_family concept:latitudelongitude 44.7942400000000,-93.5245500000000 +concept_televisionshow_citizens concept:proxyfor concept_book_new +concept_televisionshow_cnn concept:atdate concept_date_n2001 +concept_televisionshow_comments concept:proxyfor concept_book_new +concept_televisionshow_comments concept:atdate concept_dateliteral_n2002 +concept_televisionshow_comments concept:atdate concept_dateliteral_n2005 +concept_televisionshow_comments concept:atdate concept_dateliteral_n2006 +concept_televisionshow_comments concept:atdate concept_dateliteral_n2007 +concept_televisionshow_commercial concept:atdate concept_dayofweek_friday +concept_televisionshow_commercial concept:atdate concept_dayofweek_saturday +concept_televisionshow_compact concept:atdate concept_dateliteral_n2007 +concept_televisionshow_consent concept:atdate concept_dateliteral_n2006 +concept_televisionshow_consent concept:atdate concept_dateliteral_n2007 +concept_televisionshow_consent concept:atdate concept_dateliteral_n2008 +concept_televisionshow_cooperation concept:proxyfor concept_book_new +concept_televisionshow_cooperation concept:atdate concept_date_n2004 +concept_televisionshow_cooperation concept:atdate concept_dateliteral_n2005 +concept_televisionshow_cooperation concept:atdate concept_dateliteral_n2007 +concept_televisionshow_cooperation concept:atdate concept_dateliteral_n2008 +concept_televisionshow_crash concept:atdate concept_date_n2001 +concept_televisionshow_crash concept:atdate concept_dateliteral_n2006 +concept_televisionshow_crash concept:atdate concept_dateliteral_n2007 +concept_televisionshow_custer concept:atlocation concept_stateorprovince_south_dakota +concept_televisionshow_dan_rather concept:subpartof concept_website_cbs +concept_televisionshow_death concept:atdate concept_year_n1896 +concept_televisionshow_discovery_channel concept:atdate concept_dateliteral_n2008 +concept_televisionshow_earthquake concept:atdate concept_date_n2001 +concept_televisionshow_earthquake concept:atdate concept_date_n2004 +concept_televisionshow_ed concept:proxyfor concept_book_new +concept_televisionshow_edition concept:proxyfor concept_book_new +concept_televisionshow_edition concept:atdate concept_date_n1999 +concept_televisionshow_edition concept:atdate concept_date_n2000 +concept_televisionshow_edition concept:atdate concept_date_n2003 +concept_televisionshow_edition concept:atdate concept_date_n2004 +concept_televisionshow_edition concept:atdate concept_date_n2009 +concept_televisionshow_equal_employment_opportunity_commission concept:synonymfor concept_politicaloffice_office +concept_televisionshow_eyes concept:subpartof concept_musicalbum_tears +concept_televisionshow_eyes concept:subpartof concept_website_blood +concept_televisionshow_farms_community concept:latitudelongitude 34.8547800000000,-106.7053000000000 +concept_televisionshow_feast concept:proxyfor concept_book_new +concept_televisionshow_first_edition concept:atdate concept_dateliteral_n2002 +concept_televisionshow_first_edition concept:atdate concept_dateliteral_n2005 +concept_televisionshow_first_edition concept:atdate concept_dateliteral_n2006 +concept_televisionshow_first_edition concept:atdate concept_dateliteral_n2007 +concept_televisionshow_first_person concept:proxyfor concept_book_new +concept_televisionshow_flight concept:proxyfor concept_book_new +concept_televisionshow_flight concept:atdate concept_date_n1962 +concept_televisionshow_flight concept:atdate concept_date_n1993 +concept_televisionshow_flight concept:atdate concept_date_n1999 +concept_televisionshow_flight concept:atdate concept_date_n2000 +concept_televisionshow_flight concept:atdate concept_date_n2003 +concept_televisionshow_flight concept:atdate concept_date_n2009 +concept_televisionshow_flight concept:atdate concept_dayofweek_saturday +concept_televisionshow_flight concept:atdate concept_dayofweek_wednesday +concept_televisionshow_flight concept:atdate concept_year_n1967 +concept_televisionshow_flight concept:atdate concept_year_n1984 +concept_televisionshow_flight concept:atdate concept_year_n1997 +concept_televisionshow_friday concept:proxyfor concept_book_new +concept_televisionshow_friday concept:atdate concept_date_community +concept_televisionshow_friday concept:atdate concept_date_summer +concept_televisionshow_friday concept:atdate concept_dateliteral_n2005 +concept_televisionshow_friday concept:atdate concept_dateliteral_n2007 +concept_televisionshow_friday concept:atdate concept_dateliteral_n2008 +concept_televisionshow_friday_night concept:atdate concept_date_n2003 +concept_televisionshow_friday_night concept:atdate concept_date_n2004 +concept_televisionshow_friday_night concept:atdate concept_dateliteral_n2005 +concept_televisionshow_frontier concept:proxyfor concept_book_new +concept_televisionshow_grade concept:atdate concept_dateliteral_n2007 +concept_televisionshow_grapevine concept:subpartof concept_city_texas +concept_televisionshow_great_adventure concept:proxyfor concept_book_new +concept_televisionshow_hbo concept:atdate concept_date_n2009 +concept_televisionshow_hbo concept:atdate concept_dateliteral_n2008 +concept_televisionshow_heartland concept:proxyfor concept_book_new +concept_televisionshow_heaven concept:proxyfor concept_book_new +concept_televisionshow_heritage concept:proxyfor concept_book_new +concept_televisionshow_homeland concept:proxyfor concept_book_new +concept_televisionshow_homeland concept:atdate concept_dateliteral_n2002 +concept_televisionshow_hong_kong concept:proxyfor concept_book_new +concept_televisionshow_hong_kong concept:atdate concept_date_n2000 +concept_televisionshow_hong_kong concept:atdate concept_date_n2001 +concept_televisionshow_hong_kong concept:atdate concept_date_n2009 +concept_televisionshow_hong_kong concept:atdate concept_year_n1992 +concept_televisionshow_hong_kong concept:atdate concept_year_n1997 +concept_televisionshow_indoors concept:subpartof concept_weatherphenomenon_air +concept_televisionshow_intervention concept:atdate concept_year_n1994 +concept_televisionshow_isis concept:atdate concept_date_n2003 +concept_televisionshow_jersey_shore concept:proxyfor concept_book_new +concept_televisionshow_kings concept:atdate concept_dateliteral_n2006 +concept_televisionshow_last_friday concept:atdate concept_date_community +concept_televisionshow_last_monday concept:atdate concept_date_community +concept_televisionshow_last_saturday concept:atdate concept_date_community +concept_televisionshow_last_sunday concept:atdate concept_date_community +concept_televisionshow_last_thursday concept:atdate concept_date_community +concept_televisionshow_last_wednesday concept:atdate concept_date_community +concept_televisionshow_last_weekend concept:proxyfor concept_book_new +concept_televisionshow_last_weekend concept:atdate concept_date_n2001 +concept_televisionshow_last_weekend concept:atdate concept_date_n2009 +concept_televisionshow_last_weekend concept:atdate concept_dateliteral_n2007 +concept_televisionshow_magnolia concept:atlocation concept_city_arkansas +concept_televisionshow_me concept:subpartof concept_country_usa +concept_televisionshow_minority concept:proxyfor concept_book_new +concept_televisionshow_mission concept:proxyfor concept_book_new +concept_televisionshow_mission concept:atdate concept_date_n1944 +concept_televisionshow_mission concept:atdate concept_date_n1993 +concept_televisionshow_mission concept:atdate concept_date_n1999 +concept_televisionshow_mission concept:atdate concept_date_n2000 +concept_televisionshow_mission concept:atdate concept_date_n2001 +concept_televisionshow_mission concept:atdate concept_date_n2003 +concept_televisionshow_mission concept:atdate concept_date_n2004 +concept_televisionshow_mission concept:atdate concept_date_n2009 +concept_televisionshow_mission concept:atdate concept_dateliteral_n2002 +concept_televisionshow_mission concept:atdate concept_dateliteral_n2005 +concept_televisionshow_mission concept:atdate concept_dateliteral_n2006 +concept_televisionshow_mission concept:atdate concept_dateliteral_n2007 +concept_televisionshow_mission concept:atdate concept_dateliteral_n2008 +concept_televisionshow_mission concept:atdate concept_year_n1985 +concept_televisionshow_mission concept:atdate concept_year_n1992 +concept_televisionshow_mission concept:atdate concept_year_n1994 +concept_televisionshow_mission concept:atdate concept_year_n1995 +concept_televisionshow_mission concept:atdate concept_year_n1997 +concept_televisionshow_mission concept:atdate concept_year_n1998 +concept_televisionshow_monday concept:proxyfor concept_book_new +concept_televisionshow_monday concept:atdate concept_date_community +concept_televisionshow_monday concept:atdate concept_date_n2003 +concept_televisionshow_monday concept:atdate concept_dateliteral_n2007 +concept_televisionshow_monday_morning concept:atdate concept_date_community +concept_televisionshow_monte_carlo concept:subpartof concept_traditionalgame_vegas +concept_televisionshow_mtv_news concept:mutualproxyfor concept_person_judy_mcgrath +concept_televisionshow_new_amsterdam concept:proxyfor concept_book_new +concept_televisionshow_news concept:atdate concept_date_n2000 +concept_televisionshow_news concept:atdate concept_date_n2001 +concept_televisionshow_news concept:atdate concept_date_n2003 +concept_televisionshow_news concept:atdate concept_date_n2004 +concept_televisionshow_news concept:istallerthan concept_publication_people_ +concept_televisionshow_one_friday concept:atdate concept_date_community +concept_televisionshow_p_m__tuesday concept:atdate concept_date_community +concept_televisionshow_pearl_harbor concept:atdate concept_date_n1941 +concept_televisionshow_pearl_harbor concept:atdate concept_date_n1942 +concept_televisionshow_phenomenon concept:proxyfor concept_book_new +concept_televisionshow_police_state concept:proxyfor concept_book_new +concept_televisionshow_prime_time concept:proxyfor concept_book_new +concept_televisionshow_producer concept:proxyfor concept_book_new +concept_televisionshow_producer concept:atdate concept_date_n2004 +concept_televisionshow_providence concept:proxyfor concept_book_new +concept_televisionshow_providence concept:mutualproxyfor concept_monument_rhode_island +concept_televisionshow_providence concept:subpartof concept_monument_rhode_island +concept_televisionshow_quest concept:proxyfor concept_book_new +concept_televisionshow_reasons concept:proxyfor concept_book_new +concept_televisionshow_reasons concept:atdate concept_dateliteral_n2005 +concept_televisionshow_reasons concept:atdate concept_dateliteral_n2006 +concept_televisionshow_regina concept:atdate concept_dateliteral_n2006 +concept_televisionshow_region concept:proxyfor concept_book_new +concept_televisionshow_region concept:atdate concept_date_n1996 +concept_televisionshow_region concept:atdate concept_date_n1999 +concept_televisionshow_region concept:atdate concept_date_n2000 +concept_televisionshow_region concept:atdate concept_date_n2001 +concept_televisionshow_region concept:atdate concept_date_n2003 +concept_televisionshow_region concept:atdate concept_date_n2004 +concept_televisionshow_region concept:atdate concept_date_n2009 +concept_televisionshow_region concept:atdate concept_dateliteral_n2002 +concept_televisionshow_region concept:atdate concept_dateliteral_n2005 +concept_televisionshow_region concept:atdate concept_dateliteral_n2006 +concept_televisionshow_region concept:atdate concept_dateliteral_n2007 +concept_televisionshow_region concept:atdate concept_dateliteral_n2008 +concept_televisionshow_region concept:istallerthan concept_publication_people_ +concept_televisionshow_region concept:proxyfor concept_room_south +concept_televisionshow_region concept:atdate concept_year_n1994 +concept_televisionshow_region concept:atdate concept_year_n1995 +concept_televisionshow_region concept:atdate concept_year_n1998 +concept_televisionshow_santa_barbara concept:proxyfor concept_book_new +concept_televisionshow_santa_barbara concept:atdate concept_year_n1998 +concept_televisionshow_saturday concept:proxyfor concept_book_new +concept_televisionshow_saturday concept:atdate concept_date_community +concept_televisionshow_saturday concept:atdate concept_date_n1999 +concept_televisionshow_saturday concept:atdate concept_date_n2000 +concept_televisionshow_saturday concept:atdate concept_date_n2001 +concept_televisionshow_saturday concept:atdate concept_date_n2003 +concept_televisionshow_saturday concept:atdate concept_date_n2004 +concept_televisionshow_saturday concept:atdate concept_date_n2009 +concept_televisionshow_saturday concept:atdate concept_dateliteral_n2005 +concept_televisionshow_saturday concept:atdate concept_dateliteral_n2006 +concept_televisionshow_saturday concept:atdate concept_dateliteral_n2007 +concept_televisionshow_saturday concept:atdate concept_dateliteral_n2008 +concept_televisionshow_saturday concept:atdate concept_year_n1997 +concept_televisionshow_saturday concept:atdate concept_year_n1998 +concept_televisionshow_saturday_morning concept:atdate concept_date_n2003 +concept_televisionshow_saturday_morning concept:atdate concept_dateliteral_n2002 +concept_televisionshow_saturday_morning concept:atdate concept_dateliteral_n2006 +concept_televisionshow_saturday_morning concept:atdate concept_dateliteral_n2007 +concept_televisionshow_saturdays concept:latitudelongitude -19.6666700000000,121.4166700000000 +concept_televisionshow_spaces concept:subpartof concept_weatherphenomenon_air +concept_televisionshow_star concept:proxyfor concept_book_new +concept_televisionshow_stations concept:proxyfor concept_book_new +concept_televisionshow_stations concept:atdate concept_dateliteral_n2005 +concept_televisionshow_stations concept:atdate concept_dateliteral_n2008 +concept_televisionshow_stop concept:proxyfor concept_book_new +concept_televisionshow_sunday_afternoon concept:atdate concept_date_n2001 +concept_televisionshow_sunday_afternoon concept:atdate concept_date_n2004 +concept_televisionshow_sunday_morning concept:atdate concept_dateliteral_n2002 +concept_televisionshow_sunday_morning concept:atdate concept_dateliteral_n2006 +concept_televisionshow_target concept:proxyfor concept_book_new +concept_televisionshow_tbs concept:mutualproxyfor concept_ceo_ted_turner +concept_televisionshow_teams concept:synonymfor concept_boardgame_board +concept_televisionshow_teams concept:proxyfor concept_book_new +concept_televisionshow_teams concept:subpartof concept_weatherphenomenon_water +concept_televisionshow_the_ward concept:latitudelongitude 58.8666700000000,-3.1666700000000 +concept_televisionshow_tombstone concept:subpartof concept_beverage_arizona +concept_televisionshow_trailers concept:subpartof concept_weatherphenomenon_air +concept_televisionshow_tribune concept:atlocation concept_stateorprovince_new_york +concept_televisionshow_tuesday concept:proxyfor concept_book_new +concept_televisionshow_tuesday concept:atdate concept_date_community +concept_televisionshow_tuesday concept:atdate concept_dateliteral_n2008 +concept_televisionshow_understanding concept:istallerthan concept_publication_people_ +concept_televisionshow_universal_studios concept:mutualproxyfor concept_person_ron_meyer +concept_televisionshow_variety concept:proxyfor concept_book_new +concept_televisionshow_wasteland concept:proxyfor concept_book_new +concept_televisionshow_wednesday concept:proxyfor concept_book_new +concept_televisionshow_wednesday concept:atdate concept_date_community +concept_televisionshow_wednesday_morning concept:atdate concept_date_community +concept_televisionshow_world_wide_web concept:atdate concept_date_n2000 +concept_televisionshow_world_wide_web concept:atdate concept_year_n1995 +concept_televisionstation_abilene concept:subpartof concept_city_texas +concept_televisionstation_ak concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_alexandria concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_ar concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_ashland concept:subpartof concept_politicsissue_oregon +concept_televisionstation_associated_press concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_associated_press concept:atdate concept_date_n2004 +concept_televisionstation_associated_press concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_televisionstation_attleboro concept:proxyfor concept_beach_massachusetts +concept_televisionstation_biloxi concept:proxyfor concept_emotion_mississippi +concept_televisionstation_biloxi concept:subpartof concept_emotion_mississippi +concept_televisionstation_black_entertainment_television concept:organizationterminatedperson concept_personaustralia_robert_johnson +concept_televisionstation_cbs58 concept:televisionstationincity concept_city_milwaukee +concept_televisionstation_cedar_rapids concept:proxyfor concept_governmentorganization_iowa +concept_televisionstation_cedar_rapids concept:proxyfor concept_university_ohio +concept_televisionstation_chicago_sun_times concept:agentcollaborateswithagent concept_coach_jay_mariotti +concept_televisionstation_cnn concept:subpartoforganization concept_company_time_warner +concept_televisionstation_cnn concept:agentcollaborateswithagent concept_politicianus_anderson_cooper +concept_televisionstation_ct concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_daily_mail concept:competeswith concept_newspaper_daily +concept_televisionstation_de concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_fl concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_fox_station concept:latitudelongitude 48.8366700000000,-95.8986100000000 +concept_televisionstation_google_maps concept:agentinvolvedwithitem concept_buildingfeature_window +concept_televisionstation_google_maps concept:agentcompeteswithagent concept_university_search +concept_televisionstation_hillsboro concept:subpartof concept_politicsissue_oregon +concept_televisionstation_ia concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_il concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_indianapolis concept:proxyfor concept_book_new +concept_televisionstation_indianapolis concept:atdate concept_date_n2009 +concept_televisionstation_indianapolis concept:proxyfor concept_stadiumoreventvenue_murat_theatre +concept_televisionstation_jacksonville concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_jersey_city concept:proxyfor concept_book_new +concept_televisionstation_jersey_city concept:mutualproxyfor concept_emotion_new +concept_televisionstation_jersey_city concept:agentcollaborateswithagent concept_politician_bret_schundler +concept_televisionstation_jersey_city concept:proxyfor concept_radiostation_new_jersey +concept_televisionstation_jersey_city concept:subpartof concept_radiostation_new_jersey +concept_televisionstation_k13xd concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kaah_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kaah_tv concept:subpartof concept_food_ind +concept_televisionstation_kaal concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kaal concept:subpartof concept_website_abc +concept_televisionstation_kaas_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kabb concept:organizationheadquarteredincity concept_city_san_antonio +concept_televisionstation_kabb concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_kabb concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kabb_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kabc concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kaby concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kaby concept:subpartof concept_website_abc +concept_televisionstation_kaby_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kacv_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kacv_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kacv_tv concept:subpartof concept_company_pbs +concept_televisionstation_kacv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kadn concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kaef concept:televisionstationincity concept_city_eureka +concept_televisionstation_kaet concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kaet concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kaet concept:subpartof concept_company_pbs +concept_televisionstation_kaet concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kaft concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kaft concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kaft concept:subpartof concept_company_pbs +concept_televisionstation_kaft concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kaid concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kaid concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kaih_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kait concept:televisionstationincity concept_city_jonesboro +concept_televisionstation_kait concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kait concept:subpartof concept_website_abc +concept_televisionstation_kake concept:organizationheadquarteredincity concept_city_wichita +concept_televisionstation_kake concept:televisionstationincity concept_city_wichita +concept_televisionstation_kake concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kake_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kake_tv concept:subpartof concept_website_abc +concept_televisionstation_kakm concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kakw concept:subpartoforganization concept_company_univision +concept_televisionstation_kakw concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kalamazoo concept:proxyfor concept_creditunion_michigan +concept_televisionstation_kalamazoo concept:subpartof concept_creditunion_michigan +concept_televisionstation_kalb_dt concept:televisionstationincity concept_city_alexandria +concept_televisionstation_kalb_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kalb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kamc concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kame_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kamr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kamu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kamu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kamu_tv concept:subpartof concept_company_pbs +concept_televisionstation_kamu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kapp concept:televisionstationincity concept_city_yakima +concept_televisionstation_kapp concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kaqy_tv concept:televisionstationincity concept_city_monroe +concept_televisionstation_kaqy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kard concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kare concept:televisionstationincity concept_city_minneapolis +concept_televisionstation_kare concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kare11 concept:televisionstationincity concept_city_minneapolis +concept_televisionstation_kare_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kark_tv concept:organizationheadquarteredincity concept_city_little_rock +concept_televisionstation_kark_tv concept:televisionstationincity concept_city_little_rock +concept_televisionstation_kark_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kark_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kasa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kasn concept:organizationheadquarteredincity concept_city_little_rock +concept_televisionstation_kasn concept:televisionstationincity concept_city_little_rock +concept_televisionstation_kasn concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kasw concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_katc concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_katn concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_katu_tv concept:organizationheadquarteredincity concept_city_portland +concept_televisionstation_katu_tv concept:televisionstationincity concept_city_portland +concept_televisionstation_katu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_katu_tv concept:subpartof concept_website_abc +concept_televisionstation_katv concept:subpartoforganization concept_city_abc +concept_televisionstation_katv concept:televisionstationincity concept_city_little_rock +concept_televisionstation_katv concept:agentcollaborateswithagent concept_person_anne_pressly +concept_televisionstation_katv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_katv concept:subpartof concept_website_abc +concept_televisionstation_kauz concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kavu concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kawb concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kawb concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kawb concept:subpartof concept_company_pbs +concept_televisionstation_kawb concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kawe concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kawe concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kawe concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kayu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kaza concept:headquarteredin concept_county_los_angeles_county +concept_televisionstation_kaza concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kaza concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kaza concept:subpartoforganization concept_televisionstation_azteca +concept_televisionstation_kazt concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kazt concept:subpartof concept_food_ind +concept_televisionstation_kazt concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kbak concept:televisionstationincity concept_city_bakersfield +concept_televisionstation_kbak concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbak concept:subpartof concept_website_cbs +concept_televisionstation_kbcb concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kbcb concept:subpartof concept_food_ind +concept_televisionstation_kbci concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbci_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbci_tv concept:subpartof concept_website_cbs +concept_televisionstation_kbcw concept:organizationheadquarteredincity concept_city_san_francisco +concept_televisionstation_kbcw concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kbdi_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kbdi_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kbdi_tv concept:subpartof concept_company_pbs +concept_televisionstation_kbdi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kbeh_tv concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kbeh_tv concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kbfd concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kbfd concept:subpartof concept_food_ind +concept_televisionstation_kbfx_ca concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kbhe_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kbhe_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kbhe_tv concept:subpartof concept_company_pbs +concept_televisionstation_kbhe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kbhk_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kbia concept:organizationheadquarteredincity concept_city_columbia +concept_televisionstation_kbjr_tv concept:organizationheadquarteredincity concept_city_duluth +concept_televisionstation_kbjr_tv concept:televisionstationincity concept_city_duluth +concept_televisionstation_kbjr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kbme_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kbme_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kbme_tv concept:subpartof concept_company_pbs +concept_televisionstation_kbme_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kbmt_tv concept:televisionstationincity concept_city_beaumont +concept_televisionstation_kbmt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kbmt_tv concept:subpartof concept_website_abc +concept_televisionstation_kbmy_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kbnt concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kbnt concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kbnz concept:organizationheadquarteredincity concept_city_bend +concept_televisionstation_kbnz concept:televisionstationincity concept_city_bend +concept_televisionstation_kboi concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kbsd_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kbsh concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbsi concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kbsl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbsv concept:organizationheadquarteredincity concept_city_modesto +concept_televisionstation_kbsv concept:televisionstationincity concept_city_modesto +concept_televisionstation_kbtc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kbtc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kbtc_tv concept:subpartof concept_company_pbs +concept_televisionstation_kbtc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kbtv_tv concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kbtv_tv concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kbtv_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kbtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kbtx concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbtx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kbvu concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kbyu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kbyu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kbyu_tv concept:subpartof concept_company_pbs +concept_televisionstation_kbyu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kbzk concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kbzk concept:subpartof concept_website_cbs +concept_televisionstation_kcal concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kcal concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kcal_tv concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kcau concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kcau_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kcba concept:televisionstationincity concept_city_salinas +concept_televisionstation_kcba concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kcbd concept:televisionstationincity concept_city_lubbock +concept_televisionstation_kcbd concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kcbs concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kcbs_tv concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kcby_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kcby_tv concept:subpartof concept_website_cbs +concept_televisionstation_kcci concept:organizationheadquarteredincity concept_city_des_moines +concept_televisionstation_kcci concept:televisionstationincity concept_city_des_moines +concept_televisionstation_kcci concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kcci_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kcco_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kcco_tv concept:subpartof concept_website_cbs +concept_televisionstation_kccw_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kccw_tv concept:subpartof concept_website_cbs +concept_televisionstation_kcdr concept:latitudelongitude 42.8374700000000,-103.0957400000000 +concept_televisionstation_kcdt_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcdt_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcdt_tv concept:subpartof concept_company_pbs +concept_televisionstation_kcdt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcen concept:subpartof concept_retailstore_nbc +concept_televisionstation_kcen concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kcet concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kcet concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcfg concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kcfg concept:subpartof concept_food_ind +concept_televisionstation_kcfw_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kcfw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kcge_dt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcge_dt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcge_dt concept:subpartof concept_company_pbs +concept_televisionstation_kcge_dt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kchy concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kcit concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kcka concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcka concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcka concept:subpartof concept_company_pbs +concept_televisionstation_kcka concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kcnc_tv concept:televisionstationincity concept_city_denver +concept_televisionstation_kcnc_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kcnc_tv concept:subpartof concept_website_cbs +concept_televisionstation_kcns_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kcns_tv concept:subpartof concept_food_ind +concept_televisionstation_kcop_tv concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kcop_tv concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kcop_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kcos_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcos_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcos_tv concept:subpartof concept_company_pbs +concept_televisionstation_kcos_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcoy concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kcpq concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kcpq concept:televisionstationincity concept_city_seattle +concept_televisionstation_kcpq concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kcpq_dt concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kcpq_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kcpt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcpt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcra concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kcra concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kcra concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kcra_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kcra_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kcrg concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kcrg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kcrg_tv concept:subpartof concept_website_abc +concept_televisionstation_kcsd concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kcsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcsm_tv concept:subpartof concept_museum_pbs +concept_televisionstation_kcsm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcts concept:hasofficeincity concept_city_seattle +concept_televisionstation_kcts concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kcts concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcts_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcts_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcts_tv concept:subpartof concept_company_pbs +concept_televisionstation_kcts_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kctv concept:organizationheadquarteredincity concept_county_kansas_city +concept_televisionstation_kctv concept:televisionstationincity concept_county_kansas_city +concept_televisionstation_kctv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kctv concept:subpartof concept_website_cbs +concept_televisionstation_kctv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kcvu concept:televisionstationincity concept_city_chico +concept_televisionstation_kcvu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kcwc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kcwc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kcwc_tv concept:subpartof concept_company_pbs +concept_televisionstation_kcwc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kcwe concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_kcwy concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kcyu concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kdaf_tv concept:agentbelongstoorganization concept_company_wb +concept_televisionstation_kdaf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kdbc concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kdbc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kdbc_tv concept:subpartof concept_website_cbs +concept_televisionstation_kdck concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kdck concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kdck concept:subpartof concept_company_pbs +concept_televisionstation_kdck concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kdeb_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kdev concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kdfi concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kdfi_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kdfi_tv concept:subpartof concept_food_ind +concept_televisionstation_kdfw concept:televisionstationincity concept_city_dallas +concept_televisionstation_kdfw concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kdfw_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kdin concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kdin_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kdin_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kdin_tv concept:subpartof concept_company_pbs +concept_televisionstation_kdin_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kdka concept:televisionstationincity concept_city_pittsburgh +concept_televisionstation_kdka concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kdka_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kdkf concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kdlh concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kdlh concept:subpartof concept_website_cbs +concept_televisionstation_kdlo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kdlo_tv concept:subpartof concept_website_cbs +concept_televisionstation_kdlt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kdlt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kdlv_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kdlv_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kdnl concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kdnl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kdoc concept:televisionstationincity concept_city_lemoore +concept_televisionstation_kdor concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kdor concept:subpartof concept_food_ind +concept_televisionstation_kdrv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kdrv_tv concept:subpartof concept_website_abc +concept_televisionstation_kdsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kdsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kdsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kdsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kdse concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kdsm concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kdsm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kdtf concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kdtf concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kdtn concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kdtn concept:subpartof concept_food_ind +concept_televisionstation_kdtv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kdtv concept:organizationheadquarteredincity concept_city_san_francisco +concept_televisionstation_kdtv concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kdtv concept:subpartoforganization concept_company_univision +concept_televisionstation_kdtv_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_kdtx_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kdtx_tv concept:subpartof concept_food_ind +concept_televisionstation_kduh concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kduh_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kdvr concept:televisionstationincity concept_city_denver +concept_televisionstation_kdvr concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_keci concept:televisionstationincity concept_city_missoula +concept_televisionstation_keci concept:subpartof concept_retailstore_nbc +concept_televisionstation_keci concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kedt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kedt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kedt concept:subpartof concept_company_pbs +concept_televisionstation_kedt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_keet concept:televisionstationincity concept_city_eureka +concept_televisionstation_keet concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kelo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kelo_tv concept:subpartof concept_website_cbs +concept_televisionstation_kens concept:organizationheadquarteredincity concept_city_san_antonio +concept_televisionstation_kens concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_kens concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kens_tv concept:organizationheadquarteredincity concept_city_san_antonio +concept_televisionstation_kens_tv concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_kens_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kepb concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kepb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kepb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kepb_tv concept:subpartof concept_company_pbs +concept_televisionstation_kepb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kepr concept:organizationheadquarteredincity concept_city_yakima +concept_televisionstation_kepr concept:televisionstationincity concept_city_yakima +concept_televisionstation_kepr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kepr_tv concept:subpartof concept_website_cbs +concept_televisionstation_kera_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kera_tv concept:subpartof concept_company_pbs +concept_televisionstation_kera_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kero concept:televisionstationincity concept_city_bakersfield +concept_televisionstation_kero concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kesd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kesd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kesd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kesd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kesq concept:televisionstationincity concept_city_palm_springs +concept_televisionstation_keta concept:subpartoforganization concept_company_pbs +concept_televisionstation_keta concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_keta_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ketc concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ketc concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ketc concept:subpartof concept_company_pbs +concept_televisionstation_ketc concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ketg concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ketg concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ketg concept:subpartof concept_company_pbs +concept_televisionstation_ketg concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_keth_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_keth_tv concept:subpartof concept_food_ind +concept_televisionstation_ketk concept:subpartof concept_retailstore_nbc +concept_televisionstation_ketk concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kets_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kets_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ketv_tv concept:organizationheadquarteredincity concept_city_omaha +concept_televisionstation_ketv_tv concept:televisionstationincity concept_city_omaha +concept_televisionstation_ketv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kevn concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_keyc_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_keye concept:organizationheadquarteredincity concept_city_austin +concept_televisionstation_keye concept:televisionstationincity concept_city_austin +concept_televisionstation_keye concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_keyt concept:televisionstationincity concept_city_santa_barbara_de_nexe +concept_televisionstation_keyt concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kezi_tv concept:organizationheadquarteredincity concept_city_eugene +concept_televisionstation_kezi_tv concept:televisionstationincity concept_city_eugene +concept_televisionstation_kezi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kezi_tv concept:subpartof concept_website_abc +concept_televisionstation_kfbb concept:televisionstationincity concept_city_great_falls +concept_televisionstation_kfbb concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kfct concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kfda concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kfda_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kfda_tv concept:subpartof concept_website_cbs +concept_televisionstation_kfdm_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kfdm_tv concept:subpartof concept_website_cbs +concept_televisionstation_kfdx concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kfdx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kffx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kfjx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfmb concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kfmb concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kfmb concept:subpartof concept_website_cbs +concept_televisionstation_kfme concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kfme_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kfnb_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kfnb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfnb_tv concept:subpartof concept_website_abc +concept_televisionstation_kfne concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfor_tv concept:organizationheadquarteredincity concept_city_oklahoma_city +concept_televisionstation_kfor_tv concept:televisionstationincity concept_city_oklahoma_city +concept_televisionstation_kfor_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kfox_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfph concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kfph concept:subpartof concept_food_ind +concept_televisionstation_kfph concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_kfqx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kfsf concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_kfsm concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kfsn concept:organizationheadquarteredincity concept_city_fresno +concept_televisionstation_kfsn concept:televisionstationincity concept_city_fresno +concept_televisionstation_kfsn concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kfth concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kfth concept:subpartof concept_food_ind +concept_televisionstation_kfth concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_kftr concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_kfts concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kfts concept:subpartof concept_company_pbs +concept_televisionstation_kfts concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kftv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kftv concept:subpartoforganization concept_company_univision +concept_televisionstation_kfty concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kfty concept:organizationheadquarteredincity concept_city_santa_rosa +concept_televisionstation_kfty concept:televisionstationincity concept_city_santa_rosa +concept_televisionstation_kfty concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kfve concept:subpartoforganization concept_televisionstation_mntv +concept_televisionstation_kfvs concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kfvs concept:subpartof concept_website_cbs +concept_televisionstation_kfwb concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kfwd concept:subpartof concept_food_ind +concept_televisionstation_kfwd concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kfxa concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfxf concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfxk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kfyr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kgan concept:televisionstationincity concept_city_cedar_rapids +concept_televisionstation_kgan concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgan_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgbt_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kgeb concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kgeb concept:subpartof concept_food_ind +concept_televisionstation_kgec concept:televisionstationincity concept_city_redding +concept_televisionstation_kget concept:televisionstationincity concept_city_bakersfield +concept_televisionstation_kget concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kget_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kgin concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgin concept:subpartof concept_website_cbs +concept_televisionstation_kgla_tv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kgmb concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgmb concept:subpartof concept_website_cbs +concept_televisionstation_kgmc concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kgmc concept:subpartof concept_food_ind +concept_televisionstation_kgns concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kgns concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kgo concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kgo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kgo_tv concept:subpartof concept_website_abc +concept_televisionstation_kgpe concept:organizationheadquarteredincity concept_city_fresno +concept_televisionstation_kgpe concept:televisionstationincity concept_city_fresno +concept_televisionstation_kgpe concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgtv_tv concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kgtv_tv concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kgtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kgtv_tv concept:subpartof concept_website_abc +concept_televisionstation_kgun concept:subpartoforganization concept_city_abc +concept_televisionstation_kgun concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kgw__tv concept:organizationheadquarteredincity concept_city_portland +concept_televisionstation_kgw__tv concept:televisionstationincity concept_city_portland +concept_televisionstation_kgw__tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kgwc concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kgwc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgwl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgwn concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgwn concept:subpartof concept_website_cbs +concept_televisionstation_kgwn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kgwr_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_khas_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_khas_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_khas_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_khbc_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_khbs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_khet concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_khgi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_khgi_tv concept:subpartof concept_website_abc +concept_televisionstation_khiz concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_khiz concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_khmt concept:subpartoforganization concept_company_fox +concept_televisionstation_khmt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_khmt_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_khne_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_khnl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_khog_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_khog_tv concept:subpartof concept_website_abc +concept_televisionstation_khon_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_khou concept:televisionstationincity concept_city_houston +concept_televisionstation_khou concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_khou concept:subpartof concept_website_cbs +concept_televisionstation_khq__tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_khq__tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_khqa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_khrr_tv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_khsd_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_khsd_tv concept:subpartof concept_website_abc +concept_televisionstation_khsl concept:televisionstationincity concept_city_chico +concept_televisionstation_khsl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_khsl_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_khsl_tv concept:subpartoforganization concept_televisionstation_the_cw +concept_televisionstation_kiah concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kicu concept:televisionstationincity concept_city_jose +concept_televisionstation_kicu concept:hasofficeincity concept_city_san_jose +concept_televisionstation_kicu concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kicu_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kicu_tv concept:subpartof concept_food_ind +concept_televisionstation_kidk concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kidy concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kiem concept:televisionstationincity concept_city_eureka +concept_televisionstation_kiem_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kiem_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kifi concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kiku concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kiku concept:organizationheadquarteredincity concept_city_honolulu +concept_televisionstation_kiku concept:televisionstationincity concept_city_honolulu +concept_televisionstation_kima concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kima concept:subpartof concept_website_cbs +concept_televisionstation_kimo concept:subpartoforganization concept_city_abc +concept_televisionstation_kimo concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kimt concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_king concept:subpartoforganization concept_company_nbc +concept_televisionstation_king concept:agentcollaborateswithagent concept_recordlabel_syd_nathan +concept_televisionstation_king_tv concept:televisionstationincity concept_city_bellevue +concept_televisionstation_king_tv concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_king_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_king_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kion concept:televisionstationincity concept_city_salinas +concept_televisionstation_kion concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kion_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kipt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kipt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kipt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kiro concept:televisionstationincity concept_city_seattle +concept_televisionstation_kiro_am concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kiro_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kisu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kisu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kisu_tv concept:subpartof concept_company_pbs +concept_televisionstation_kisu_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kitv concept:organizationheadquarteredincity concept_city_honolulu +concept_televisionstation_kitv concept:televisionstationincity concept_city_honolulu +concept_televisionstation_kitv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kivi concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kivv_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kixe_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kixe_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kixe_tv concept:subpartof concept_company_pbs +concept_televisionstation_kixe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kjct concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kjla concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kjre concept:subpartof concept_museum_pbs +concept_televisionstation_kjre concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kjrh concept:organizationheadquarteredincity concept_city_tulsa +concept_televisionstation_kjrh concept:subpartoforganization concept_company_nbc +concept_televisionstation_kjrh concept:subpartof concept_retailstore_nbc +concept_televisionstation_kjrh concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kjtl concept:subpartoforganization concept_mountain_fox +concept_televisionstation_kjtl concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kjtv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kjud concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kjud concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kjzz concept:organizationheadquarteredincity concept_county_salt_lake +concept_televisionstation_kjzz concept:televisionstationincity concept_county_salt_lake +concept_televisionstation_kjzz concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_kkco concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kkco concept:subpartof concept_retailstore_nbc +concept_televisionstation_kkco concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kkfx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kkfx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kktv concept:televisionstationincity concept_city_colorado_springs +concept_televisionstation_kktv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_klas concept:televisionstationincity concept_city_las_vegas +concept_televisionstation_klas concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_klas_tv concept:televisionstationincity concept_city_las_vegas +concept_televisionstation_klax concept:subpartoforganization concept_city_abc +concept_televisionstation_klax concept:televisionstationincity concept_city_alexandria +concept_televisionstation_klax concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_klax concept:subpartof concept_website_abc +concept_televisionstation_klbk concept:televisionstationincity concept_city_lubbock +concept_televisionstation_klbk concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_klby concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_klby concept:subpartof concept_website_abc +concept_televisionstation_klcs concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_klcs concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klcs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kldo_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kldo_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_kldt concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kldt concept:subpartof concept_food_ind +concept_televisionstation_klew_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_klew_tv concept:subpartof concept_website_cbs +concept_televisionstation_klfy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_klfy_tv concept:subpartof concept_website_cbs +concept_televisionstation_kljb_tv concept:subpartoforganization concept_company_fox +concept_televisionstation_kljb_tv concept:subpartof concept_mountain_fox +concept_televisionstation_kljb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_klkn concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_klkn concept:subpartof concept_website_abc +concept_televisionstation_klkn_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_klne_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_klne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_klne_tv concept:subpartof concept_company_pbs +concept_televisionstation_klne_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klpa_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_klpa_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_klpa_tv concept:subpartof concept_company_pbs +concept_televisionstation_klpa_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_klpb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_klpb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_klpb_tv concept:subpartof concept_company_pbs +concept_televisionstation_klpb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klrn_tv concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_klrn_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_klrn_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_klrn_tv concept:subpartof concept_company_pbs +concept_televisionstation_klrn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klrt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_klrt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_klru concept:hasofficeincity concept_city_austin +concept_televisionstation_klru concept:organizationheadquarteredincity concept_city_austin +concept_televisionstation_klru concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_klru concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_klru concept:subpartof concept_company_pbs +concept_televisionstation_klru concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klru_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klsr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_klst concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kltl_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kltm_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kltm_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kltm_tv concept:subpartof concept_company_pbs +concept_televisionstation_kltm_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_klts concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_klts_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kltv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kltv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_klvx concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_klwy concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmas_tv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kmau concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kmau concept:subpartof concept_website_abc +concept_televisionstation_kmax concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kmax concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kmax_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kmbc concept:televisionstationincity concept_county_kansas_city +concept_televisionstation_kmbc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kmbh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kmbz concept:organizationheadquarteredincity concept_county_kansas_city +concept_televisionstation_kmbz concept:televisionstationincity concept_county_kansas_city +concept_televisionstation_kmcb concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kmci concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kmct_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kmct_tv concept:subpartof concept_food_ind +concept_televisionstation_kmcy concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kmeg concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kmex concept:subpartoforganization concept_company_univision +concept_televisionstation_kmex concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kmex concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kmex_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kmex_tv concept:agentbelongstoorganization concept_company_univision +concept_televisionstation_kmex_tv concept:agentcollaborateswithagent concept_company_univision +concept_televisionstation_kmgh concept:televisionstationincity concept_city_denver +concept_televisionstation_kmgh_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kmgh_tv concept:subpartof concept_website_abc +concept_televisionstation_kmid_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kmid_tv concept:subpartof concept_website_abc +concept_televisionstation_kmir_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kmiz concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kmiz concept:subpartof concept_website_abc +concept_televisionstation_kmne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kmne_tv concept:subpartof concept_company_pbs +concept_televisionstation_kmne_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kmoh concept:subpartof concept_retailstore_nbc +concept_televisionstation_kmoh concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kmos concept:latitudelongitude 38.7464000000000,-93.2752100000000 +concept_televisionstation_kmos_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kmos_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kmos_tv concept:subpartof concept_company_pbs +concept_televisionstation_kmos_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kmov concept:televisionstationincity concept_city_st__louis +concept_televisionstation_kmov concept:hasofficeincity concept_city_st_louis +concept_televisionstation_kmov concept:organizationheadquarteredincity concept_city_st_louis +concept_televisionstation_kmov concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kmov concept:subpartof concept_website_cbs +concept_televisionstation_kmov_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kmox concept:organizationheadquarteredincity concept_city_st_louis +concept_televisionstation_kmph_tv concept:organizationheadquarteredincity concept_city_fresno +concept_televisionstation_kmph_tv concept:televisionstationincity concept_city_fresno +concept_televisionstation_kmph_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmpx concept:subpartoforganization concept_televisionstation_spanish_independent +concept_televisionstation_kmsb concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmsb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmsp_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kmss_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmtp concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kmtr concept:subpartof concept_retailstore_nbc +concept_televisionstation_kmtr concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kmtv concept:televisionstationincity concept_city_omaha +concept_televisionstation_kmtv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kmtv concept:subpartof concept_website_cbs +concept_televisionstation_kmtz_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kmtz_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kmvt concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kmvt concept:subpartof concept_website_cbs +concept_televisionstation_kmvu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kmvu_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kmyq concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kmys concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kmyt_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_knaz_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_knaz_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_knaz_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_knbc concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_knbn concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knct concept:subpartof concept_museum_pbs +concept_televisionstation_knct concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_knct_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kndo concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kndu concept:subpartof concept_retailstore_nbc +concept_televisionstation_kndu concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knin_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_knin_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_knme_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_knmt_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_knmt_tv concept:subpartof concept_food_ind +concept_televisionstation_knoe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_knoe_tv concept:subpartof concept_website_cbs +concept_televisionstation_knop_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_knop_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_knop_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knoxville concept:proxyfor concept_book_new +concept_televisionstation_knpb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_knpb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_knpb_tv concept:subpartof concept_company_pbs +concept_televisionstation_knpb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_knsd concept:televisionstationincity concept_city_san_diego +concept_televisionstation_knsd concept:subpartof concept_retailstore_nbc +concept_televisionstation_knsd concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kntv concept:televisionstationincity concept_city_san_jose +concept_televisionstation_kntv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kntv_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kntv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knvn_tv concept:televisionstationincity concept_city_chico +concept_televisionstation_knvn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knwa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_knws_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_knws_tv concept:subpartof concept_food_ind +concept_televisionstation_knxt_tv concept:televisionstationincity concept_city_fresno +concept_televisionstation_knxv concept:televisionstationincity concept_city_phoenix +concept_televisionstation_knxv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_knxv concept:subpartof concept_website_abc +concept_televisionstation_knxv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_koaa concept:televisionstationincity concept_city_colorado_springs +concept_televisionstation_koaa concept:subpartoforganization concept_company_nbc +concept_televisionstation_koaa concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_koac_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_koac_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_koac_tv concept:subpartof concept_company_pbs +concept_televisionstation_koac_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koam_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_koat concept:subpartoforganization concept_city_abc +concept_televisionstation_koat concept:televisionstationincity concept_city_albuquerque +concept_televisionstation_koat_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kob concept:televisionstationincity concept_city_albuquerque +concept_televisionstation_kob_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kobi concept:televisionstationincity concept_city_medford +concept_televisionstation_kobi concept:subpartof concept_retailstore_nbc +concept_televisionstation_kobi concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kobi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kocb concept:organizationheadquarteredincity concept_city_oklahoma_city +concept_televisionstation_kocb concept:televisionstationincity concept_city_oklahoma_city +concept_televisionstation_kocb concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kocb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_koce concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_koce concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_koce concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koce_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koco concept:televisionstationincity concept_city_oklahoma_city +concept_televisionstation_kocv_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kocv_tv concept:subpartof concept_company_pbs +concept_televisionstation_kocv_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kode concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kode concept:subpartof concept_website_abc +concept_televisionstation_kode_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_koed concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koed_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_koed_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_koed_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koet concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_koet concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_koet concept:subpartof concept_company_pbs +concept_televisionstation_koet concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koin_tv concept:televisionstationincity concept_city_portland +concept_televisionstation_koin_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kokh concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_koki concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kold_tv concept:televisionstationincity concept_city_tucson +concept_televisionstation_kold_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_koln concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_koln concept:subpartof concept_website_cbs +concept_televisionstation_kolo concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kolo_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kolr concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kolr concept:subpartof concept_website_cbs +concept_televisionstation_kolr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_komo concept:televisionstationincity concept_city_seattle +concept_televisionstation_komo concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_komo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_komo_tv concept:subpartof concept_website_abc +concept_televisionstation_komu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kong concept:televisionstationincity concept_city_washington_d_c +concept_televisionstation_kong concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kong_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kong_tv concept:organizationheadquarteredincity concept_city_everett +concept_televisionstation_kong_tv concept:subpartof concept_food_ind +concept_televisionstation_kood concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kood concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kood concept:subpartof concept_company_pbs +concept_televisionstation_kood concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kood_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kopb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kopb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kopb_tv concept:subpartof concept_company_pbs +concept_televisionstation_kopb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_koro concept:subpartoforganization concept_city_univision +concept_televisionstation_kosa_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kota_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kota_tv concept:subpartof concept_website_abc +concept_televisionstation_koti concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kotv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kovr concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kovr concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kovr concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kovr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kozj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kozk concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kozk concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kozk concept:subpartof concept_company_pbs +concept_televisionstation_kozk concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kpax concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kpax_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kpaz_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kpaz_tv concept:subpartof concept_food_ind +concept_televisionstation_kpbs concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kpbs concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kpdx concept:organizationheadquarteredincity concept_city_portland +concept_televisionstation_kpdx concept:televisionstationincity concept_city_portland +concept_televisionstation_kpdx concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kpej concept:agentbelongstoorganization concept_televisionnetwork_fox +concept_televisionstation_kpho concept:televisionstationincity concept_city_phoenix +concept_televisionstation_kpho concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kpic concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kpix concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kpix concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kpix_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kplc_tv concept:televisionstationincity concept_city_lake_charles +concept_televisionstation_kplc_tv concept:competeswith concept_company_post +concept_televisionstation_kplc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kplo_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kplo_tv concept:subpartof concept_website_cbs +concept_televisionstation_kplr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kplz_fm concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kpmr concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kpmr concept:subpartoforganization concept_company_univision +concept_televisionstation_kpne_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kpne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kpne_tv concept:subpartof concept_company_pbs +concept_televisionstation_kpne_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kpnx concept:televisionstationincity concept_city_phoenix +concept_televisionstation_kpnx concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kpnx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kpnz concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kpob_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kpob_tv concept:subpartof concept_website_abc +concept_televisionstation_kpoo concept:organizationheadquarteredincity concept_city_san_francisco +concept_televisionstation_kppc concept:latitudelongitude 34.1466700000000,-118.1392400000000 +concept_televisionstation_kprc concept:televisionstationincity concept_city_houston +concept_televisionstation_kprc_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kprc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kpry_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kpry_tv concept:subpartof concept_website_abc +concept_televisionstation_kpsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kpsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kpsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kpsd_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kpsp concept:televisionstationincity concept_city_palm_springs +concept_televisionstation_kpth concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kptm concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kptm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kpts concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kpts concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kpts concept:subpartof concept_company_pbs +concept_televisionstation_kpts concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kpts_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kptv concept:organizationheadquarteredincity concept_city_portland +concept_televisionstation_kptv concept:televisionstationincity concept_city_portland +concept_televisionstation_kptv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kptw concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kpvi concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kpxj concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kpxn concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kpxn concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kqcd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kqds_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kqed concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kqed concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kqed_tv concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kqet concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kqfx concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kqsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kqsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kqsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kqsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kqtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_krbc_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_krbc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_krca concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_krca concept:subpartoforganization concept_televisionstation_spanish_independent +concept_televisionstation_krcb concept:organizationheadquarteredincity concept_city_rohnert_park +concept_televisionstation_krcb concept:televisionstationincity concept_city_rohnert_park +concept_televisionstation_krcb concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_krcb concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_krcb concept:subpartof concept_company_pbs +concept_televisionstation_krcb concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_krcc concept:organizationheadquarteredincity concept_city_colorado_springs +concept_televisionstation_krcg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_krcr_tv concept:televisionstationincity concept_city_redding +concept_televisionstation_krcr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_krdo concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_krdo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kreg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kreg_tv concept:subpartof concept_website_cbs +concept_televisionstation_krem_tv concept:organizationheadquarteredincity concept_city_spokane +concept_televisionstation_krem_tv concept:televisionstationincity concept_city_spokane +concept_televisionstation_krem_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_krem_tv concept:subpartof concept_website_cbs +concept_televisionstation_kren_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_krex concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_krex_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_krey_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_krey_tv concept:subpartof concept_website_cbs +concept_televisionstation_krez_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_krez_tv concept:subpartof concept_website_cbs +concept_televisionstation_krgv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_krgv_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_krgv_tv concept:subpartof concept_website_abc +concept_televisionstation_kris concept:televisionstationincity concept_city_corpus_christi +concept_televisionstation_kris concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kriv concept:televisionstationincity concept_city_houston +concept_televisionstation_kriv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kriv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_krma_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_krma_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_krma_tv concept:subpartof concept_company_pbs +concept_televisionstation_krma_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_krmg concept:organizationheadquarteredincity concept_city_tulsa +concept_televisionstation_krmz concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_krne_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_krne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_krne_tv concept:subpartof concept_company_pbs +concept_televisionstation_krne_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_krnv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_krnv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kron concept:televisionstationincity concept_city_san_francisco +concept_televisionstation_kron_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_krqe concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_krqe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_krrt concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_krsc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_krwg_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_krwg_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_krwg_tv concept:subpartof concept_company_pbs +concept_televisionstation_krwg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_krxi concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_krxi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ks concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_ksan_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_ksan_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksas_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ksat concept:televisionstationincity concept_city_san_antonio +concept_televisionstation_ksat_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksax concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksax concept:subpartof concept_website_abc +concept_televisionstation_ksaz concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_ksaz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ksbi concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ksbi concept:subpartof concept_food_ind +concept_televisionstation_ksbw_tv concept:televisionstationincity concept_city_monterey +concept_televisionstation_ksbw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksby_tv concept:televisionstationincity concept_city_san_luis_obispo +concept_televisionstation_ksby_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kscc concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_ksce concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ksce concept:subpartof concept_food_ind +concept_televisionstation_ksci concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_ksci concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_ksci concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_ksdk concept:televisionstationincity concept_city_st__louis +concept_televisionstation_ksdk concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_ksdk concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksdk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksee concept:organizationheadquarteredincity concept_city_fresno +concept_televisionstation_ksee concept:televisionstationincity concept_city_fresno +concept_televisionstation_ksee concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksee_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksfx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ksfy concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_ksfy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksfy_tv concept:subpartof concept_website_abc +concept_televisionstation_ksgw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksgw_tv concept:subpartof concept_website_abc +concept_televisionstation_kshb concept:televisionstationincity concept_county_kansas_city +concept_televisionstation_kshb concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kshb_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kshb_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kshb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kshv_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_ksin concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kskn concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_ksl concept:televisionstationincity concept_county_salt_lake +concept_televisionstation_ksl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksla_tv concept:televisionstationincity concept_city_shreveport +concept_televisionstation_ksla_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ksmn concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ksmq_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ksmq_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ksmq_tv concept:subpartof concept_company_pbs +concept_televisionstation_ksmq_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_ksnb_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_ksnf concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_ksnf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksng concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksnt concept:subpartof concept_retailstore_nbc +concept_televisionstation_ksnt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksnt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksnw concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_ksnw concept:subpartof concept_retailstore_nbc +concept_televisionstation_ksnw concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ksnw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kspr concept:agentbelongstoorganization concept_televisionnetwork_abc +concept_televisionstation_kspr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksps_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ksps_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ksps_tv concept:subpartof concept_company_pbs +concept_televisionstation_ksps_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ksre concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ksre concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ksre concept:subpartof concept_company_pbs +concept_televisionstation_ksre concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kstc_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kstc_tv concept:subpartof concept_food_ind +concept_televisionstation_kstf concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kstf concept:subpartof concept_website_cbs +concept_televisionstation_kstk concept:organizationheadquarteredincity concept_city_wrangell +concept_televisionstation_kstp concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kstp concept:subpartof concept_website_abc +concept_televisionstation_kstr_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kstr_tv concept:subpartof concept_food_ind +concept_televisionstation_kstr_tv concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_ksts concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kstu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kstu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kstw concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kstw concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_ksvi concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ksvi concept:subpartof concept_website_abc +concept_televisionstation_kswb concept:televisionstationincity concept_city_diego +concept_televisionstation_kswb concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kswb concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kswk concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kswk concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kswk concept:subpartof concept_company_pbs +concept_televisionstation_kswk concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kswo_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kswo_tv concept:subpartof concept_website_abc +concept_televisionstation_kswt_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_ksys concept:subpartof concept_museum_pbs +concept_televisionstation_ksys concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktab concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_ktab_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_ktaj concept:latitudelongitude 39.6508300000000,-94.6699600000000 +concept_televisionstation_ktal concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktal_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_ktal_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktas concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktaz concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktbc concept:organizationheadquarteredincity concept_city_austin +concept_televisionstation_ktbc concept:televisionstationincity concept_city_austin +concept_televisionstation_ktbc concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktbc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktbn concept:televisionstationincity concept_city_santa_ana +concept_televisionstation_ktbo concept:latitudelongitude 35.5750600000000,-97.4847600000000 +concept_televisionstation_ktbo_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktbs_tv concept:televisionstationincity concept_city_shreveport +concept_televisionstation_ktbs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktbs_tv concept:subpartof concept_website_abc +concept_televisionstation_ktbu concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_ktbw_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktbw_tv concept:subpartof concept_food_ind +concept_televisionstation_ktby concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktca_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktca_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktca_tv concept:subpartof concept_company_pbs +concept_televisionstation_ktca_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktci concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktci_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktci_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktci_tv concept:subpartof concept_company_pbs +concept_televisionstation_ktci_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_ktcw concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktdo concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kteh concept:televisionstationincity concept_city_jose +concept_televisionstation_kteh concept:hasofficeincity concept_city_san_jose +concept_televisionstation_kteh concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kteh concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kteh concept:subpartof concept_company_pbs +concept_televisionstation_kteh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktej concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kten concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kten concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktes_lp concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktfd_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktfd_tv concept:subpartof concept_food_ind +concept_televisionstation_ktfn concept:subpartoforganization concept_televisionstation_telefutura +concept_televisionstation_ktfo concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_ktgm concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kthv concept:televisionstationincity concept_city_little_rock +concept_televisionstation_kthv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ktiv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktiv_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_ktiv_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_ktka_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktka_tv concept:subpartof concept_website_abc +concept_televisionstation_ktla concept:hasofficeincity concept_county_los_angeles_county +concept_televisionstation_ktla concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_ktlm_tv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktln_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktln_tv concept:subpartof concept_food_ind +concept_televisionstation_ktmd concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktmf concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_ktmj_ca concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktmo_lp concept:subpartoforganization concept_company_telemundo +concept_televisionstation_ktmw concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_ktnc_tv concept:subpartof concept_drug_azt +concept_televisionstation_ktne_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktne_tv concept:subpartof concept_company_pbs +concept_televisionstation_ktne_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktnv_tv concept:organizationheadquarteredincity concept_city_las_vegas +concept_televisionstation_ktnv_tv concept:televisionstationincity concept_city_las_vegas +concept_televisionstation_ktnv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktnw concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktnw concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktnw concept:subpartof concept_company_pbs +concept_televisionstation_ktnw concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktoo concept:organizationheadquarteredincity concept_city_juneau +concept_televisionstation_ktoo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktre_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_ktrk concept:televisionstationincity concept_city_houston +concept_televisionstation_ktrk concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktrv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_ktrv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktsc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktsc_tv concept:subpartof concept_company_pbs +concept_televisionstation_ktsc_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_ktsd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_ktsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktsf_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktsf_tv concept:organizationheadquarteredincity concept_city_brisbane +concept_televisionstation_ktsf_tv concept:televisionstationincity concept_city_brisbane +concept_televisionstation_ktsf_tv concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_ktsm concept:televisionstationincity concept_city_el_paso +concept_televisionstation_ktsm concept:subpartoforganization concept_company_nbc +concept_televisionstation_ktsm concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kttc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kttm concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kttu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_kttv concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kttv concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kttv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kttv_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kttw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktul_tv concept:hasofficeincity concept_city_tulsa +concept_televisionstation_ktul_tv concept:organizationheadquarteredincity concept_city_tulsa +concept_televisionstation_ktul_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktuu concept:organizationheadquarteredincity concept_city_anchorage +concept_televisionstation_ktuu concept:televisionstationincity concept_city_anchorage +concept_televisionstation_ktuu concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktva_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ktvb_tv concept:organizationheadquarteredincity concept_city_twin_falls +concept_televisionstation_ktvb_tv concept:televisionstationincity concept_city_twin_falls +concept_televisionstation_ktvb_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_ktvb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktvd_tv concept:televisionstationincity concept_city_denver +concept_televisionstation_ktve_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktvf_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_ktvf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktvg concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_ktvh concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_ktvi concept:organizationheadquarteredincity concept_city_st_louis +concept_televisionstation_ktvi concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_ktvi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktvk concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_ktvk concept:organizationheadquarteredincity concept_city_phoenix +concept_televisionstation_ktvk concept:televisionstationincity concept_city_phoenix +concept_televisionstation_ktvk concept:subpartof concept_food_ind +concept_televisionstation_ktvk concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_ktvl_tv concept:televisionstationincity concept_city_medford +concept_televisionstation_ktvl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ktvl_tv concept:subpartof concept_website_cbs +concept_televisionstation_ktvm concept:subpartof concept_retailstore_nbc +concept_televisionstation_ktvm concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_ktvn concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ktvn concept:subpartof concept_website_cbs +concept_televisionstation_ktvo_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_ktvq concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_ktvq concept:subpartof concept_website_cbs +concept_televisionstation_ktvt concept:televisionstationincity concept_city_dallas +concept_televisionstation_ktvt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_ktvt concept:subpartof concept_website_cbs +concept_televisionstation_ktvu concept:televisionstationincity concept_city_oakland +concept_televisionstation_ktvu concept:hasofficeincity concept_city_san_francisco +concept_televisionstation_ktvu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktvw concept:latitudelongitude 33.3333800000000,-112.0634800000000 +concept_televisionstation_ktvw concept:subpartoforganization concept_company_univision +concept_televisionstation_ktvw_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_ktvw_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_ktvx concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktvx concept:subpartof concept_website_abc +concept_televisionstation_ktvx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktvy concept:latitudelongitude 35.5261700000000,-97.4894800000000 +concept_televisionstation_ktvz_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_ktwo concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_ktwo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktwo_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_ktwu concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_ktwu concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_ktwu concept:subpartof concept_company_pbs +concept_televisionstation_ktwu concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktwu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_ktxa concept:subpartoforganization concept_stateorprovince_independent +concept_televisionstation_ktxa concept:televisionstationaffiliatedwith concept_televisionnetwork_independent +concept_televisionstation_ktxa concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_ktxh_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_ktxh_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_ktxl concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_ktxl concept:televisionstationincity concept_city_sacramento +concept_televisionstation_ktxl concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktxl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_ktxs concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktxs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ktxs_tv concept:subpartof concept_website_abc +concept_televisionstation_ktxt concept:subpartoforganization concept_company_pbs +concept_televisionstation_ktxt concept:subpartof concept_museum_pbs +concept_televisionstation_ktxt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kuac_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kuas_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kuas_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kuas_tv concept:subpartof concept_company_pbs +concept_televisionstation_kuas_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuat_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kuat_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kuat_tv concept:subpartof concept_company_pbs +concept_televisionstation_kuat_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kued concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kued concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kued concept:subpartof concept_company_pbs +concept_televisionstation_kued concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuen concept:subpartof concept_museum_pbs +concept_televisionstation_kuen concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kufm_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kufm_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kufm_tv concept:subpartof concept_company_pbs +concept_televisionstation_kufm_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuht concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kuht concept:subpartof concept_company_pbs +concept_televisionstation_kuht concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuht_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kuid_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kuid_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kuid_tv concept:subpartof concept_company_pbs +concept_televisionstation_kuid_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kulr concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kulr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kumr concept:organizationheadquarteredincity concept_city_rolla +concept_televisionstation_kunc concept:organizationheadquarteredincity concept_city_greeley +concept_televisionstation_kuno concept:subpartof concept_drug_azt +concept_televisionstation_kuon_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kuon_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kuon_tv concept:subpartof concept_company_pbs +concept_televisionstation_kuon_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuop concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kupk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kusa concept:televisionstationincity concept_city_denver +concept_televisionstation_kusa concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kusa_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kusa_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kusd_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kusd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kusd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kusd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kusg concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kusg concept:subpartof concept_website_cbs +concept_televisionstation_kusi concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kusi concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kusi_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kusi_tv concept:subpartof concept_food_ind +concept_televisionstation_kusm concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kusm concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kusm concept:subpartof concept_company_pbs +concept_televisionstation_kusm concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kuth concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kuth concept:subpartoforganization concept_company_univision +concept_televisionstation_kutp concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kutp concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kutv concept:televisionstationincity concept_county_salt_lake +concept_televisionstation_kutv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kutv concept:subpartof concept_website_cbs +concept_televisionstation_kutv_tv concept:agentbelongstoorganization concept_televisionnetwork_cbs +concept_televisionstation_kuvi concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kuvi_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kuvn concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kuvn concept:subpartoforganization concept_company_univision +concept_televisionstation_kuvs concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kuvs concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kuvs concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kuvs concept:subpartoforganization concept_company_univision +concept_televisionstation_kval concept:televisionstationincity concept_city_eugene +concept_televisionstation_kval concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kval concept:subpartof concept_website_cbs +concept_televisionstation_kvbc concept:televisionstationincity concept_city_las_vegas +concept_televisionstation_kvbc concept:organizationheadquarteredincity concept_city_vegas_casino +concept_televisionstation_kvbc concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kvcr concept:organizationheadquarteredincity concept_city_san_bernardino +concept_televisionstation_kvcr concept:televisionstationincity concept_city_san_bernardino +concept_televisionstation_kvcr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kvct concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kvda concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kvea concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kvea concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kvea concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kveo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kvew_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kvhp concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kvia concept:televisionstationincity concept_city_el_paso +concept_televisionstation_kvia_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kvie concept:organizationheadquarteredincity concept_city_sacramento +concept_televisionstation_kvie concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kvie concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kvie concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kvie concept:subpartof concept_company_pbs +concept_televisionstation_kvie concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kvih_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kvih_tv concept:subpartof concept_website_abc +concept_televisionstation_kvii concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kvii_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kviq concept:televisionstationincity concept_city_eureka +concept_televisionstation_kviq concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kviq concept:subpartof concept_website_cbs +concept_televisionstation_kvly concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kvly_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kvmr concept:organizationheadquarteredincity concept_county_nevada_city +concept_televisionstation_kvoa concept:televisionstationincity concept_city_tucson +concept_televisionstation_kvoa concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kvoa concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kvos concept:organizationheadquarteredincity concept_city_seattle +concept_televisionstation_kvos concept:televisionstationincity concept_city_seattle +concept_televisionstation_kvos concept:televisionstationaffiliatedwith concept_televisionnetwork_independent +concept_televisionstation_kvos_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kvos_tv concept:subpartof concept_food_ind +concept_televisionstation_kvpt concept:televisionstationincity concept_city_fresno +concept_televisionstation_kvpt concept:subpartof concept_museum_pbs +concept_televisionstation_kvpt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kvpt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kvrr concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kvtn concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kvtn concept:subpartof concept_food_ind +concept_televisionstation_kvtv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kvtv concept:subpartof concept_website_cbs +concept_televisionstation_kvue_tv concept:televisionstationincity concept_city_austin +concept_televisionstation_kvue_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kvvu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kvye concept:organizationheadquarteredincity concept_city_el_centro +concept_televisionstation_kvye concept:televisionstationincity concept_city_el_centro +concept_televisionstation_kwba concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kwbq_tv concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kwbu concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kwbu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kwch concept:organizationheadquarteredincity concept_city_wichita +concept_televisionstation_kwch concept:televisionstationincity concept_city_wichita +concept_televisionstation_kwch concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kwch_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kwch_tv concept:subpartof concept_website_cbs +concept_televisionstation_kwes concept:subpartoforganization concept_company_nbc +concept_televisionstation_kwes concept:subpartof concept_retailstore_nbc +concept_televisionstation_kwet concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kwet concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kwet concept:subpartof concept_company_pbs +concept_televisionstation_kwet concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kwex concept:latitudelongitude 29.4177300000000,-98.4908500000000 +concept_televisionstation_kwex_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kwex_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_kwgn_tv concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kwhb concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kwhb concept:subpartof concept_food_ind +concept_televisionstation_kwhd concept:subpartof concept_food_ind +concept_televisionstation_kwhe concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kwhe concept:subpartof concept_food_ind +concept_televisionstation_kwhy concept:televisionstationincity concept_city_glendale +concept_televisionstation_kwhy concept:hasofficeincity concept_county_los_angeles_county +concept_televisionstation_kwhy concept:subpartoforganization concept_televisionstation_spanish_independent +concept_televisionstation_kwkt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kwkt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kwnb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kwnb_tv concept:subpartof concept_website_abc +concept_televisionstation_kwog concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kwog concept:subpartof concept_food_ind +concept_televisionstation_kwqc concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kwqc_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kwqc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kwsd concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kwse concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kwse concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kwse concept:subpartof concept_company_pbs +concept_televisionstation_kwse concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kwsu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kwtv concept:hasofficeincity concept_city_oklahoma_city +concept_televisionstation_kwtv concept:organizationheadquarteredincity concept_city_oklahoma_city +concept_televisionstation_kwtv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kwtv concept:subpartof concept_website_cbs +concept_televisionstation_kwtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kwtx concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kwtx concept:subpartof concept_website_cbs +concept_televisionstation_kwwl concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kwwl concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kwwl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kwyp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kxam_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kxam_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kxan concept:organizationheadquarteredincity concept_city_austin +concept_televisionstation_kxan concept:televisionstationincity concept_city_austin +concept_televisionstation_kxan concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_kxan concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kxan_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kxan_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kxas concept:televisionstationincity concept_city_dallas +concept_televisionstation_kxas concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kxii concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kxii_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kxjb concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kxjb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kxla concept:televisionstationincity concept_county_los_angeles_county +concept_televisionstation_kxla concept:subpartoforganization concept_televisionnetwork_independent +concept_televisionstation_kxlf concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kxlf_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kxln concept:latitudelongitude 29.5571800000000,-95.5013300000000 +concept_televisionstation_kxln concept:subpartoforganization concept_company_univision +concept_televisionstation_kxln_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_kxln_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_kxlt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kxly concept:organizationheadquarteredincity concept_city_spokane +concept_televisionstation_kxly concept:televisionstationincity concept_city_spokane +concept_televisionstation_kxly concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_kxly_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kxmb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kxmb_tv concept:subpartof concept_website_cbs +concept_televisionstation_kxmc_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kxmc_tv concept:subpartof concept_website_cbs +concept_televisionstation_kxne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kxne_tv concept:subpartof concept_company_pbs +concept_televisionstation_kxne_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kxrm concept:agentbelongstoorganization concept_televisionnetwork_fox +concept_televisionstation_kxrm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kxtf concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kxtv concept:televisionstationincity concept_city_sacramento +concept_televisionstation_kxtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kxtx concept:subpartoforganization concept_company_telemundo +concept_televisionstation_kxtx_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_kxva concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kxva_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_kxvo concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_kxxv concept:televisionstationincity concept_city_waco +concept_televisionstation_kxxv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_kxxv concept:subpartof concept_website_abc +concept_televisionstation_kxxv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_ky concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_kyes concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_kyes_tv concept:subpartoforganization concept_politicsblog_mynetworktv +concept_televisionstation_kyes_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_kyle concept:subpartoforganization concept_mountain_fox +concept_televisionstation_kyma concept:subpartoforganization concept_company_nbc +concept_televisionstation_kyma concept:subpartof concept_retailstore_nbc +concept_televisionstation_kyne concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_kyne_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_kyne_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kyne_tv concept:subpartof concept_company_pbs +concept_televisionstation_kyne_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kyou_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_kytv concept:subpartof concept_retailstore_nbc +concept_televisionstation_kytv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_kytv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_kytx concept:subpartoforganization concept_company_nbc +concept_televisionstation_kytx concept:subpartof concept_retailstore_nbc +concept_televisionstation_kytx concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kytx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_kyve_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kyve_tv concept:subpartof concept_company_pbs +concept_televisionstation_kyve_tv concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_kyve_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kyw_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kzdf concept:organizationheadquarteredincity concept_city_san_diego +concept_televisionstation_kzdf concept:televisionstationincity concept_city_san_diego +concept_televisionstation_kzjl concept:subpartoforganization concept_stateorprovince_independent +concept_televisionstation_kzsd_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_kzsd_tv concept:subpartof concept_company_pbs +concept_televisionstation_kzsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_kztv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_kztv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_lab concept:organizationheadquarteredincountry concept_country_u_s_ +concept_televisionstation_lab concept:subpartoforganization concept_terroristorganization_state +concept_televisionstation_las_vegas concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_lincoln concept:organizationheadquarteredincity concept_island_manhattan +concept_televisionstation_lincoln concept:subpartoforganization concept_retailstore_ford +concept_televisionstation_macon concept:organizationheadquarteredincity concept_city_lafayette +concept_televisionstation_macon concept:televisionstationincity concept_city_lafayette +concept_televisionstation_malpractice concept:agentparticipatedinevent concept_eventoutcome_result +concept_televisionstation_mason_city concept:proxyfor concept_governmentorganization_iowa +concept_televisionstation_mcdonald_s concept:organizationheadquarteredincity concept_city_oak_brook +concept_televisionstation_mhz_networks concept:subpartof concept_visualartmovement_educational +concept_televisionstation_mi concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_minneapolis_st__paul concept:mutualproxyfor concept_personnorthamerica_minnesota +concept_televisionstation_minneapolis_st__paul concept:subpartof concept_personnorthamerica_minnesota +concept_televisionstation_mn concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_mo concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_morningstar concept:companyeconomicsector concept_politicsissue_research +concept_televisionstation_n9news concept:televisionstationincity concept_city_denver +concept_televisionstation_nbc10 concept:televisionstationincity concept_city_philadelphia +concept_televisionstation_nbc15 concept:organizationheadquarteredincity concept_city_madison +concept_televisionstation_nbc15 concept:televisionstationincity concept_city_madison +concept_televisionstation_nbc5 concept:televisionstationincity concept_city_chicago +concept_televisionstation_nc concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_nd concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_newschannel5 concept:organizationheadquarteredincity concept_city_nashville +concept_televisionstation_newschannel5 concept:televisionstationincity concept_city_nashville +concept_televisionstation_newsnet5 concept:televisionstationincity concept_city_cleveland +concept_televisionstation_nh concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_nm concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_nv concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_nws concept:companyalsoknownas concept_company_news_corp001 +concept_televisionstation_public concept:companyeconomicsector concept_economicsector_insurances +concept_televisionstation_ri concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_saint_louis concept:proxyfor concept_company_missouri +concept_televisionstation_saint_louis concept:organizationhiredperson concept_person_rick_majerus +concept_televisionstation_san_francisco concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_sc concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_sd concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_service_area concept:subpartof concept_recordlabel_water +concept_televisionstation_spirit concept:agentactsinlocation concept_island_ft_lauderdale +concept_televisionstation_sunherald concept:televisionstationincity concept_city_biloxi +concept_televisionstation_syracuse concept:subpartof concept_company_new_york +concept_televisionstation_the_times concept:competeswith concept_newspaper_daily +concept_televisionstation_thedenverchannel concept:televisionstationincity concept_city_denver +concept_televisionstation_theindychannel concept:organizationheadquarteredincity concept_city_indianapolis +concept_televisionstation_theindychannel concept:televisionstationincity concept_city_indianapolis +concept_televisionstation_tie concept:proxyfor concept_book_new +concept_televisionstation_tn concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_traffic concept:agentparticipatedinevent concept_eventoutcome_result +concept_televisionstation_traffic concept:agentcompeteswithagent concept_university_search +concept_televisionstation_ut concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_vt concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_wa concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_waay concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wabc concept:hasofficeincity concept_city_new_york +concept_televisionstation_wabg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wabi_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wabm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wabw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wach concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wacs_tv concept:agentbelongstoorganization concept_televisionnetwork_pbs +concept_televisionstation_wacx_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wacx_tv concept:subpartof concept_food_ind +concept_televisionstation_wacy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wafb concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wafb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_waff concept:televisionstationincity concept_city_huntsville +concept_televisionstation_waff concept:subpartoforganization concept_company_nbc +concept_televisionstation_waff concept:subpartof concept_retailstore_nbc +concept_televisionstation_waff_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_waga concept:organizationheadquarteredincity concept_city_atlanta +concept_televisionstation_waga concept:televisionstationincity concept_city_atlanta +concept_televisionstation_waga concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wagm concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wagm concept:subpartof concept_website_cbs +concept_televisionstation_wagt concept:subpartof concept_retailstore_nbc +concept_televisionstation_wagt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wagt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wahu_ca concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_waiq concept:subpartof concept_museum_pbs +concept_televisionstation_waiq concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_waka concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wala concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wala_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_walb concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wami_tv concept:subpartof concept_food_ind +concept_televisionstation_wand concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wand concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wane concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_waoe concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_waow_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_waow_tv concept:subpartof concept_website_abc +concept_televisionstation_wapa_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wapa_tv concept:subpartof concept_food_ind +concept_televisionstation_wapt concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_washington_dc concept:proxyfor concept_book_new +concept_televisionstation_washington_dc concept:atdate concept_date_n2009 +concept_televisionstation_washington_dc concept:mutualproxyfor concept_emotion_new +concept_televisionstation_washington_dc concept:proxyfor concept_musicalbum_us +concept_televisionstation_washington_dc concept:proxyfor concept_nongovorganization_u_s_ +concept_televisionstation_wasv_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wate_tv concept:organizationheadquarteredincity concept_city_knoxville +concept_televisionstation_wate_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wate_tv concept:subpartof concept_website_abc +concept_televisionstation_watm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_watm_tv concept:subpartof concept_website_abc +concept_televisionstation_wave concept:organizationheadquarteredincity concept_city_louisville +concept_televisionstation_wave concept:televisionstationincity concept_city_louisville +concept_televisionstation_wave concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wave_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wavy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_waws concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_waws_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_waxn concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_waxn concept:subpartof concept_food_ind +concept_televisionstation_wbak_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wbal concept:organizationheadquarteredincity concept_city_baltimore +concept_televisionstation_wbal_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wbaltv concept:organizationheadquarteredincity concept_city_baltimore +concept_televisionstation_wbaltv concept:televisionstationincity concept_city_baltimore +concept_televisionstation_wbap concept:organizationheadquarteredincity concept_city_ft__worth +concept_televisionstation_wbap concept:televisionstationincity concept_city_ft__worth +concept_televisionstation_wbay concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wbay_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wbbh concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wbbh_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wbbh_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wbbj concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wbbm concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wbbm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wbcc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wbcc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wbcc_tv concept:subpartof concept_company_pbs +concept_televisionstation_wbcc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wbdt concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wben concept:organizationheadquarteredincity concept_city_buffalo +concept_televisionstation_wbff_tv concept:organizationheadquarteredincity concept_city_baltimore +concept_televisionstation_wbff_tv concept:televisionstationincity concept_city_baltimore +concept_televisionstation_wbff_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wbfs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wbgu_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wbiq_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wbiq_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wbiq_tv concept:subpartof concept_company_pbs +concept_televisionstation_wbiq_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wbir_tv concept:televisionstationincity concept_city_knoxville +concept_televisionstation_wbir_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wbkb_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wbko concept:subpartoforganization concept_city_abc +concept_televisionstation_wbko concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wbko concept:subpartof concept_website_abc +concept_televisionstation_wbnd concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wbng_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wbns concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wbns_tv concept:televisionstationincity concept_city_columbus +concept_televisionstation_wbns_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wboc concept:televisionstationincity concept_city_salisbury +concept_televisionstation_wboc concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wboc concept:subpartof concept_website_cbs +concept_televisionstation_wboy concept:subpartoforganization concept_company_nbc +concept_televisionstation_wboy concept:subpartof concept_retailstore_nbc +concept_televisionstation_wboy concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wbpg concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wbra concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wbra_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wbra_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wbra_tv concept:subpartof concept_company_pbs +concept_televisionstation_wbra_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wbrc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wbre concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wbre_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wbre_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wbre_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wbrz concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wbrz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wbtv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wbtv concept:subpartof concept_website_cbs +concept_televisionstation_wbtw concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wbtw concept:subpartof concept_website_cbs +concept_televisionstation_wbui concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wbuw concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wbuy concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wbuy concept:subpartof concept_food_ind +concept_televisionstation_wbz concept:hasofficeincity concept_city_boston +concept_televisionstation_wbz concept:organizationheadquarteredincity concept_city_boston +concept_televisionstation_wbz__tv concept:televisionstationincity concept_city_boston +concept_televisionstation_wbz__tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcau concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wcau concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wcav concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wcax concept:televisionstationincity concept_city_burlington +concept_televisionstation_wcax concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcbb concept:subpartof concept_museum_pbs +concept_televisionstation_wcbb concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wcbb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcbd concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wcbi concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcbi concept:subpartof concept_website_cbs +concept_televisionstation_wccb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wcco concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wcco_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcco_tv concept:subpartof concept_website_cbs +concept_televisionstation_wccu concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wcdc concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wcdc concept:subpartof concept_website_abc +concept_televisionstation_wces_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcet concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wcet concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wcet concept:subpartof concept_company_pbs +concept_televisionstation_wcet concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wceu concept:subpartoforganization concept_company_pbs +concept_televisionstation_wceu concept:subpartof concept_museum_pbs +concept_televisionstation_wceu concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcfe_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wcfe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcfn concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcfn concept:subpartof concept_website_cbs +concept_televisionstation_wcft concept:organizationheadquarteredincity concept_city_birmingham +concept_televisionstation_wcft concept:televisionstationincity concept_city_birmingham +concept_televisionstation_wcft_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wcft_tv concept:subpartof concept_website_abc +concept_televisionstation_wchs concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wcia concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wcia concept:subpartof concept_website_cbs +concept_televisionstation_wciq concept:subpartof concept_museum_pbs +concept_televisionstation_wciq concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wciv_tv concept:organizationheadquarteredincity concept_city_charleston +concept_televisionstation_wciv_tv concept:televisionstationincity concept_city_charleston +concept_televisionstation_wciv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wciv_tv concept:subpartof concept_website_abc +concept_televisionstation_wcjb concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wclf concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wclf concept:subpartof concept_food_ind +concept_televisionstation_wclj concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wclj concept:subpartof concept_food_ind +concept_televisionstation_wcmh concept:televisionstationincity concept_city_columbus +concept_televisionstation_wcmh_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wcmh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wcmu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcmv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcnc_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wcnc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wcov concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wcpb concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wcpo concept:hasofficeincity concept_city_cincinnati +concept_televisionstation_wcpo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wcsc concept:agentbelongstoorganization concept_televisionnetwork_cbs +concept_televisionstation_wcsc_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wcsc_tv concept:subpartof concept_website_cbs +concept_televisionstation_wcsh concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wcsx concept:organizationheadquarteredincity concept_city_detroit +concept_televisionstation_wcte concept:subpartof concept_museum_pbs +concept_televisionstation_wcte concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcti concept:televisionstationincity concept_city_new_bern +concept_televisionstation_wcti concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wcti concept:subpartof concept_website_abc +concept_televisionstation_wctv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wctv concept:subpartof concept_website_cbs +concept_televisionstation_wctx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wcvb concept:televisionstationincity concept_city_boston +concept_televisionstation_wcvb concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wcvb_tv concept:hasofficeincity concept_city_boston +concept_televisionstation_wcvb_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wcvb_tv concept:subpartof concept_website_abc +concept_televisionstation_wcve concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wcve_tv concept:subpartof concept_museum_pbs +concept_televisionstation_wcve_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcvn concept:subpartof concept_museum_pbs +concept_televisionstation_wcvn concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wcvw concept:subpartoforganization concept_company_pbs +concept_televisionstation_wcvw concept:subpartof concept_museum_pbs +concept_televisionstation_wcvw concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wcyb_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wcyb_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wdaf concept:hasofficeincity concept_county_kansas_city +concept_televisionstation_wdaf concept:organizationheadquarteredincity concept_county_kansas_city +concept_televisionstation_wdaf concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wdaf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wdam_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wday concept:televisionstationincity concept_city_fargo +concept_televisionstation_wday concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wday concept:subpartof concept_website_abc +concept_televisionstation_wdaz concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wdaz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wdaz_tv concept:subpartof concept_website_abc +concept_televisionstation_wdbb concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wdbd concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wdbd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wdbj concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wdbj concept:subpartof concept_website_cbs +concept_televisionstation_wdbj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wdca concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wdcq_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wdcq_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wdcq_tv concept:subpartof concept_company_pbs +concept_televisionstation_wdcq_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wdef_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wdef_tv concept:subpartof concept_website_cbs +concept_televisionstation_wdfx concept:agentbelongstoorganization concept_televisionnetwork_fox +concept_televisionstation_wdhn concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wdio concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wdio concept:subpartof concept_website_abc +concept_televisionstation_wdiq concept:subpartof concept_museum_pbs +concept_televisionstation_wdiq concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wdiv concept:televisionstationincity concept_city_detroit +concept_televisionstation_wdiv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wdjt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wdjt concept:subpartof concept_website_cbs +concept_televisionstation_wdky_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wdli concept:subpartof concept_food_ind +concept_televisionstation_wdlp_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wdlp_tv concept:subpartof concept_food_ind +concept_televisionstation_wdrb concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wdrb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wdsc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wdse_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wdse_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wdse_tv concept:subpartof concept_company_pbs +concept_televisionstation_wdse_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wdsi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wdsu concept:televisionstationincity concept_city_new_orleans +concept_televisionstation_wdsu concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wdsu concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wdsu_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wdsu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wdtn concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wdtn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wdtv concept:agentcollaborateswithagent concept_televisionnetwork_cbs +concept_televisionstation_weao concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_weao concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_weao concept:subpartof concept_company_pbs +concept_televisionstation_weao concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wear concept:televisionstationincity concept_city_pensacola +concept_televisionstation_wear concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wear concept:subpartof concept_website_abc +concept_televisionstation_weau_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_weau_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wect concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wect_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wedh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wedh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wedn concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wedn concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wedn concept:subpartof concept_company_pbs +concept_televisionstation_wedn concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wedu concept:subpartof concept_museum_pbs +concept_televisionstation_wedu concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_weee concept:latitudelongitude 39.8592800000000,-74.9496100000000 +concept_televisionstation_week_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_weht_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_weiq_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_weiq_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_weiq_tv concept:subpartof concept_company_pbs +concept_televisionstation_weiq_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_weiu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wekw_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wekw_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wekw_tv concept:subpartof concept_company_pbs +concept_televisionstation_wekw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wemt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wenh concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wenh concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wenh concept:subpartof concept_company_pbs +concept_televisionstation_wenh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wenh_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wesh concept:organizationheadquarteredincity concept_city_orlando +concept_televisionstation_wesh concept:televisionstationincity concept_city_orlando +concept_televisionstation_wesh concept:subpartof concept_retailstore_nbc +concept_televisionstation_wesh concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wesh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_west_memphis concept:proxyfor concept_book_arkansas +concept_televisionstation_weta_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_weta_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_weta_tv concept:subpartof concept_company_pbs +concept_televisionstation_weta_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wetk concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wetm concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wetp_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wetp_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wetp_tv concept:subpartof concept_company_pbs +concept_televisionstation_wetp_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_weux concept:subpartoforganization concept_company_fox +concept_televisionstation_wevv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wews_tv concept:televisionstationincity concept_city_cleveland +concept_televisionstation_wews_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_weyi concept:subpartoforganization concept_company_nbc +concept_televisionstation_weyi concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_weyi_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_weyi_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wfaa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wfff concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wfff concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfft_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfie_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wfiq concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wfiq concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wfiq concept:subpartof concept_company_pbs +concept_televisionstation_wfiq concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wfla concept:organizationheadquarteredincity concept_city_tampa_bay +concept_televisionstation_wfla concept:televisionstationincity concept_city_tampa_bay +concept_televisionstation_wfla concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wfla_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wfla_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wfld concept:televisionstationincity concept_city_chicago +concept_televisionstation_wfld concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfld_tv concept:televisionstationincity concept_city_chicago +concept_televisionstation_wfld_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfli_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wflx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wflx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfmj_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wfmj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wfmy concept:televisionstationincity concept_city_greensboro +concept_televisionstation_wfmy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wfmz_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wfna_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wfor concept:organizationheadquarteredincity concept_city_miami +concept_televisionstation_wfor concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wfor_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wfor_tv concept:subpartof concept_website_cbs +concept_televisionstation_wfpt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wfpt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wfpt concept:subpartof concept_company_pbs +concept_televisionstation_wfpt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wfqx concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfrv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wfrv_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wfrv_tv concept:subpartof concept_website_cbs +concept_televisionstation_wfsb concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wfsb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wfsg concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wfsu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wfsu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wfsu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wfsu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wftc concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wfts concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wfts concept:subpartof concept_website_abc +concept_televisionstation_wftv concept:organizationheadquarteredincity concept_city_orlando +concept_televisionstation_wftv concept:televisionstationincity concept_city_orlando +concept_televisionstation_wftv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wftv concept:subpartof concept_website_abc +concept_televisionstation_wftx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfum concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wfum_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wfwa concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wfwa concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wfwa concept:subpartof concept_company_pbs +concept_televisionstation_wfwa concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wfwa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wfxb concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wfxb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxg concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wfxg concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxi concept:agentbelongstoorganization concept_televisionnetwork_fox +concept_televisionstation_wfxi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxl concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wfxl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxp concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wfxr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxs concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wfxt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wgal_tv concept:televisionstationincity concept_city_lancaster +concept_televisionstation_wgal_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wgal_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wgba concept:subpartoforganization concept_company_nbc +concept_televisionstation_wgba concept:subpartof concept_retailstore_nbc +concept_televisionstation_wgba concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wgbc concept:subpartof concept_retailstore_nbc +concept_televisionstation_wgbc concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wgbh concept:televisionstationincity concept_city_boston +concept_televisionstation_wgbh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wgbh_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgbh_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgbh_tv concept:subpartof concept_company_pbs +concept_televisionstation_wgbh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wgbx_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgbx_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgbx_tv concept:subpartof concept_company_pbs +concept_televisionstation_wgbx_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgby_tv concept:subpartof concept_company_pbs +concept_televisionstation_wgby_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgcl concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wgcl concept:subpartof concept_website_cbs +concept_televisionstation_wgcl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wgcu concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgcu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgcu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgcu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wgcu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wgem concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wgem concept:subpartof concept_retailstore_nbc +concept_televisionstation_wgem concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wgfl concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wggb concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wggb_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wggs_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wggs_tv concept:subpartof concept_food_ind +concept_televisionstation_wghp concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wgiq concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgiq concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgiq concept:subpartof concept_company_pbs +concept_televisionstation_wgiq concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgmb concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wgmb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wgme_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wgn_tv concept:televisionstationincity concept_city_chicago +concept_televisionstation_wgn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wgno concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wgnt concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wgnt concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wgpt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgpt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgpt concept:subpartof concept_company_pbs +concept_televisionstation_wgpt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wgrz_tv concept:televisionstationincity concept_city_buffalo +concept_televisionstation_wgrz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wgsa concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wgte_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wgte_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wgte_tv concept:subpartof concept_company_pbs +concept_televisionstation_wgte_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgtu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wgtu_tv concept:subpartof concept_website_abc +concept_televisionstation_wgtw_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wgtw_tv concept:subpartof concept_food_ind +concept_televisionstation_wgvu concept:subpartof concept_museum_pbs +concept_televisionstation_wgvu concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wgvu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wgxa concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wgxa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wgy concept:televisionstationincity concept_city_schenectady +concept_televisionstation_wha concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wha__tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wha__tv concept:subpartof concept_company_pbs +concept_televisionstation_wha__tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whag concept:subpartof concept_retailstore_nbc +concept_televisionstation_whag concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wham concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_whas concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_whas_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_whbf_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_whbf_tv concept:subpartof concept_website_cbs +concept_televisionstation_whbq_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_whbr concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whbr concept:subpartof concept_food_ind +concept_televisionstation_whdf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_whdh concept:televisionstationincity concept_city_boston +concept_televisionstation_whdh concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_whdh concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_whdt_dt concept:subpartof concept_food_ind +concept_televisionstation_whec_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_whft_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whft_tv concept:subpartof concept_food_ind +concept_televisionstation_whio concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_whiq concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whiq concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whiq concept:subpartof concept_company_pbs +concept_televisionstation_whiq concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whiz_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_whky_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whky_tv concept:subpartof concept_food_ind +concept_televisionstation_whla_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whla_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whla_tv concept:subpartof concept_company_pbs +concept_televisionstation_whla_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whlt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_whmb_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whmb_tv concept:subpartof concept_food_ind +concept_televisionstation_whmc concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whmc concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whmc concept:subpartof concept_company_pbs +concept_televisionstation_whmc concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_whme_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whme_tv concept:subpartof concept_food_ind +concept_televisionstation_whno_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whno_tv concept:subpartof concept_food_ind +concept_televisionstation_whns concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_whns_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_whnt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_whnt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_whnt_tv concept:subpartof concept_website_cbs +concept_televisionstation_who_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_whoi concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_whoi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_whp concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_whp concept:subpartof concept_website_cbs +concept_televisionstation_whrm_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whrm_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whrm_tv concept:subpartof concept_company_pbs +concept_televisionstation_whrm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whro concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_whro_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whro_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whro_tv concept:subpartof concept_company_pbs +concept_televisionstation_whro_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whsg concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whsg concept:subpartof concept_food_ind +concept_televisionstation_whsv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_whtj concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whtj concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_whtj concept:subpartof concept_company_pbs +concept_televisionstation_whtj concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_whtm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_whtm_tv concept:subpartof concept_website_abc +concept_televisionstation_whtn concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_whtn concept:subpartof concept_food_ind +concept_televisionstation_whtv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_whtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_whut_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_whwc_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_whyy concept:hasofficeincity concept_city_philadelphia +concept_televisionstation_whyy concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_whyy concept:agentactsinlocation concept_county_philadelphia +concept_televisionstation_whyy concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wiat concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wiat concept:subpartof concept_website_cbs +concept_televisionstation_wibw concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wibw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wicd concept:subpartof concept_retailstore_nbc +concept_televisionstation_wicd concept:agentbelongstoorganization concept_televisionnetwork_abc +concept_televisionstation_wicd concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wics_tv concept:televisionstationincity concept_city_springfield +concept_televisionstation_wics_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wicu_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wicu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wicz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wifr concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wifr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wifr_tv concept:subpartof concept_website_cbs +concept_televisionstation_wiiq concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wiiq concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wiiq concept:subpartof concept_company_pbs +concept_televisionstation_wiiq concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wilkes_barre_scranton concept:agentcollaborateswithagent concept_scientist_tom_leighton +concept_televisionstation_will_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wilx concept:subpartoforganization concept_company_nbc +concept_televisionstation_wilx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wink concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wink_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_winm concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_winm concept:subpartof concept_food_ind +concept_televisionstation_wipr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wirt concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wirt concept:subpartof concept_website_abc +concept_televisionstation_wis concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wisc_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wisc_tv concept:subpartof concept_website_cbs +concept_televisionstation_wise_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wise_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wise_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wish concept:agentcontrols concept_city_number +concept_televisionstation_wish concept:organizationterminatedperson concept_personasia_number +concept_televisionstation_wish concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wish_tv concept:televisionstationincity concept_city_indianapolis +concept_televisionstation_wish_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wish_tv concept:subpartof concept_website_cbs +concept_televisionstation_wisn concept:televisionstationincity concept_city_milwaukee +concept_televisionstation_wisn concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_witf_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_witf_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_witf_tv concept:subpartof concept_company_pbs +concept_televisionstation_witf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_witi concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_witn_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_witv concept:agentbelongstoorganization concept_televisionnetwork_pbs +concept_televisionstation_wivb concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wivb concept:subpartof concept_website_cbs +concept_televisionstation_wivt_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wivt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wivt_tv concept:subpartof concept_website_abc +concept_televisionstation_wiwb concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wiwb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wixt concept:subpartoforganization concept_city_abc +concept_televisionstation_wixt concept:subpartof concept_website_abc +concept_televisionstation_wjac_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wjar concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wjbf concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjbf concept:subpartof concept_website_abc +concept_televisionstation_wjbk_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wjcl concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjcl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjct concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wjct concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wjct concept:subpartof concept_company_pbs +concept_televisionstation_wjct concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wjeb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wjeb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wjeb_tv concept:subpartof concept_company_pbs +concept_televisionstation_wjeb_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wjet_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjet_tv concept:subpartof concept_website_abc +concept_televisionstation_wjfw_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wjfw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wjhg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wjhl_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wjla_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjla_tv concept:subpartof concept_website_abc +concept_televisionstation_wjmn_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wjpm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wjpx concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wjpx concept:subpartof concept_food_ind +concept_televisionstation_wjrt concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wjrt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjsp_tv concept:agentbelongstoorganization concept_televisionnetwork_pbs +concept_televisionstation_wjsu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjtc concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wjtc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wjtv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wjtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wjw concept:televisionstationincity concept_city_cleveland +concept_televisionstation_wjw concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wjw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wjwj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wjxt concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wjxt concept:subpartof concept_food_ind +concept_televisionstation_wjxx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wjz_tv concept:organizationheadquarteredincity concept_city_baltimore +concept_televisionstation_wjz_tv concept:televisionstationincity concept_city_baltimore +concept_televisionstation_wjz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wjz_tv concept:subpartof concept_website_cbs +concept_televisionstation_wjzy concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wjzy concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wjzz_fm concept:latitudelongitude 42.4711500000000,-83.2007600000000 +concept_televisionstation_wkaq_tv concept:agentcollaborateswithagent concept_company_telemundo +concept_televisionstation_wkar_tv concept:subpartof concept_museum_pbs +concept_televisionstation_wkar_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkas concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkas concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkas concept:subpartof concept_company_pbs +concept_televisionstation_wkas concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkbn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkbt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkbt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkbw concept:subpartoforganization concept_city_abc +concept_televisionstation_wkef concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wkef concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wkgb_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkha concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkha concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkha concept:subpartof concept_company_pbs +concept_televisionstation_wkha concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkle concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkle concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkle concept:subpartof concept_company_pbs +concept_televisionstation_wkle concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkle_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkma concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkma concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkma concept:subpartof concept_company_pbs +concept_televisionstation_wkma concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkmg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkmj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkmr concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkmr concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkmr concept:subpartof concept_company_pbs +concept_televisionstation_wkmr concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkmu concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkmu concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkmu concept:subpartof concept_company_pbs +concept_televisionstation_wkmu concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkno_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkno_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkno_tv concept:subpartof concept_company_pbs +concept_televisionstation_wkno_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkoh concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkoh concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkoh concept:subpartof concept_company_pbs +concept_televisionstation_wkoh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkoi concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wkoi concept:subpartof concept_food_ind +concept_televisionstation_wkon concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkon concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkon concept:subpartof concept_company_pbs +concept_televisionstation_wkon concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkop_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkop_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkop_tv concept:subpartof concept_company_pbs +concept_televisionstation_wkop_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkow concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wkow concept:subpartof concept_website_abc +concept_televisionstation_wkpc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wkpd concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkpi concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkpi concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkpi concept:subpartof concept_company_pbs +concept_televisionstation_wkpi concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkpt_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wkpt_tv concept:subpartof concept_website_abc +concept_televisionstation_wkpv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wkpv concept:subpartof concept_food_ind +concept_televisionstation_wkrc concept:agentactsinlocation concept_city_cincinnati +concept_televisionstation_wkrc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkrg concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wkrg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkrg_tv concept:subpartof concept_website_cbs +concept_televisionstation_wkrn concept:televisionstationincity concept_city_nashville +concept_televisionstation_wkrn_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wkrn_tv concept:subpartof concept_website_abc +concept_televisionstation_wkso_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkso_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkso_tv concept:subpartof concept_company_pbs +concept_televisionstation_wkso_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wktv concept:agentcollaborateswithagent concept_televisionnetwork_nbc_universal +concept_televisionstation_wkyc_tv concept:televisionstationincity concept_city_cleveland +concept_televisionstation_wkyc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wkyt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wkyt_tv concept:subpartof concept_website_cbs +concept_televisionstation_wkyu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkyu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkyu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wkyu_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wkzt_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wkzt_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wkzt_tv concept:subpartof concept_company_pbs +concept_televisionstation_wkzt_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wlac concept:organizationheadquarteredincity concept_city_nashville +concept_televisionstation_wlac concept:televisionstationincity concept_city_nashville +concept_televisionstation_wlae concept:latitudelongitude 29.9827000000000,-89.9525700000000 +concept_televisionstation_wlae_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wlaj concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wlaj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wlax concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wlbt concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wlbt_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wlbt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wlbz concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wlbz2 concept:organizationheadquarteredincity concept_city_bangor +concept_televisionstation_wlbz2 concept:televisionstationincity concept_city_bangor +concept_televisionstation_wled_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wlef_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wlef_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wlef_tv concept:subpartof concept_company_pbs +concept_televisionstation_wlef_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wlex_tv concept:organizationheadquarteredincity concept_county_lexington +concept_televisionstation_wlex_tv concept:televisionstationincity concept_county_lexington +concept_televisionstation_wlex_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wlfi_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wlfl concept:agentbelongstoorganization concept_company_wb +concept_televisionstation_wlfl concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wlii concept:subpartoforganization concept_company_univision +concept_televisionstation_wlio concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wljc_tv concept:subpartof concept_food_ind +concept_televisionstation_wljt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wljt_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wljt_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wljt_tv concept:subpartof concept_company_pbs +concept_televisionstation_wljt_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wlky_tv concept:televisionstationincity concept_city_louisville +concept_televisionstation_wlky_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wllh concept:latitudelongitude 42.6828700000000,-71.2404750000000 +concept_televisionstation_wlmt concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wlmt concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wlne_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wlns concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wlns_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wlos concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wlos_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wlov_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wlox_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wlox_tv concept:subpartof concept_website_abc +concept_televisionstation_wlpb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wlpb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wlpb_tv concept:subpartof concept_company_pbs +concept_televisionstation_wlpb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wlrn_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wlrn_tv concept:subpartof concept_company_pbs +concept_televisionstation_wlrn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wls concept:televisionstationincity concept_city_chicago +concept_televisionstation_wls concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wls_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wltv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wltv concept:subpartoforganization concept_company_univision +concept_televisionstation_wltx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wltz concept:subpartof concept_retailstore_nbc +concept_televisionstation_wltz concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wluc concept:subpartof concept_retailstore_nbc +concept_televisionstation_wluc concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wluk concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wluk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wlvi_tv concept:subpartoforganization concept_stateorprovince_wb +concept_televisionstation_wlvi_tv concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wlvt_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wlvt_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wlvt_tv concept:subpartof concept_company_pbs +concept_televisionstation_wlvt_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wlw concept:televisionstationincity concept_city_cincinnati +concept_televisionstation_wlwt concept:televisionstationincity concept_city_cincinnati +concept_televisionstation_wlwt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wlxi_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wlxi_tv concept:subpartof concept_food_ind +concept_televisionstation_wlyh_tv concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wmab_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmae_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmae_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmae_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmae_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmah_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmah_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmah_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmah_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmak concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmak concept:subpartof concept_food_ind +concept_televisionstation_wmao_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmaq concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wmaq concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wmaq_am concept:latitudelongitude 41.9336400000000,-88.0731200000000 +concept_televisionstation_wmaq_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wmar concept:organizationheadquarteredincity concept_city_baltimore +concept_televisionstation_wmar concept:agentactsinlocation concept_county_baltimore +concept_televisionstation_wmar concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wmar_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wmau_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmau_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmau_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmau_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmav_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmav_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmav_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmav_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmaw_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmaw_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmaw_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmaw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmaz_tv concept:televisionstationincity concept_city_macon +concept_televisionstation_wmaz_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wmbb concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wmbb concept:subpartof concept_website_abc +concept_televisionstation_wmbd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wmbd_tv concept:subpartof concept_website_cbs +concept_televisionstation_wmc_tv concept:organizationheadquarteredincity concept_city_memphis +concept_televisionstation_wmc_tv concept:televisionstationincity concept_city_memphis +concept_televisionstation_wmc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wmcf_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmcf_tv concept:subpartof concept_food_ind +concept_televisionstation_wmcn_dt concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmcn_dt concept:subpartof concept_food_ind +concept_televisionstation_wmdn concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wmdt concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wmdt concept:subpartof concept_website_abc +concept_televisionstation_wmea_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmea_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmea_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmea_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmeb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmeb_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmeb_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmec concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmec concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmec concept:subpartof concept_company_pbs +concept_televisionstation_wmec concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmed_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmed_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmed_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmed_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmem_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmfd_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmfd_tv concept:subpartof concept_food_ind +concept_televisionstation_wmfe_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmfe_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmfe_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmgm_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wmgm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wmgt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wmht concept:subpartoforganization concept_company_pbs +concept_televisionstation_wmht concept:subpartof concept_museum_pbs +concept_televisionstation_wmht concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmmf_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmmf_tv concept:subpartof concept_food_ind +concept_televisionstation_wmmp concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wmor_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wmor_tv concept:subpartof concept_food_ind +concept_televisionstation_wmpb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmpb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmpb_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmpb_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmpn concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmpn_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmpn_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmpn_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmpn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmpt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmpt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmpt concept:subpartof concept_company_pbs +concept_televisionstation_wmpt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmpv concept:latitudelongitude 30.6813000000000,-87.8383300000000 +concept_televisionstation_wmsn concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wmsn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wmsy_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmsy_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmsy_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmsy_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wmtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wmtw_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wmum_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmum_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmur_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wmvs_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wmvs_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wmvs_tv concept:subpartof concept_company_pbs +concept_televisionstation_wmvs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wmvt concept:subpartof concept_museum_pbs +concept_televisionstation_wmvt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnab_tv concept:subpartoforganization concept_stateorprovince_wb +concept_televisionstation_wnab_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wnac_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wnbc_tv concept:televisionstationincity concept_city_new_york +concept_televisionstation_wncf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wncn concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wncn_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wncn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wnct_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wnct_tv concept:subpartof concept_website_cbs +concept_televisionstation_wndu concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wndu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wndy concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wned_tv concept:subpartof concept_museum_pbs +concept_televisionstation_wned_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wneg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wneh concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnem concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wnem_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wnem_tv concept:subpartof concept_website_cbs +concept_televisionstation_wneo concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wneo concept:subpartof concept_company_pbs +concept_televisionstation_wneo concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnep concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wnep_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wnet concept:televisionstationincity concept_city_new_york +concept_televisionstation_wnet concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnet_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wneu concept:subpartoforganization concept_company_telemundo +concept_televisionstation_wngh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnin_tv concept:organizationheadquarteredincity concept_city_evansville +concept_televisionstation_wnin_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnin_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnin_tv concept:subpartof concept_company_pbs +concept_televisionstation_wnin_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnit concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnit_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnit_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnit_tv concept:subpartof concept_company_pbs +concept_televisionstation_wnit_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnjb concept:subpartof concept_museum_pbs +concept_televisionstation_wnjb concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnjb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnjn concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnjn concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnjs concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnjs concept:subpartof concept_company_pbs +concept_televisionstation_wnjs concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnjt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnjt concept:subpartof concept_company_pbs +concept_televisionstation_wnjt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnjx concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wnjx concept:subpartof concept_food_ind +concept_televisionstation_wnky concept:subpartof concept_retailstore_nbc +concept_televisionstation_wnky concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wnky_dt concept:organizationheadquarteredincity concept_geopoliticallocation_bowling_green +concept_televisionstation_wnky_dt concept:televisionstationincity concept_geopoliticallocation_bowling_green +concept_televisionstation_wnlo concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wnlo concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wnlo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wnne concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wnol_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wnpb_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnpb_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnpb_tv concept:subpartof concept_company_pbs +concept_televisionstation_wnpb_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wnpt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnpt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnsc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnsc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnsc_tv concept:subpartof concept_company_pbs +concept_televisionstation_wnsc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wntv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wntv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wntv concept:subpartof concept_company_pbs +concept_televisionstation_wntv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wntz concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wntz concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wnuv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wnuv_tv concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wnvc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnvt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wnvt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wnvt concept:subpartof concept_company_pbs +concept_televisionstation_wnvt concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wnwo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wnyt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wnyt_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wnyt_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wnyw concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wnyw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_woai_tv concept:organizationheadquarteredincity concept_city_san_antonio +concept_televisionstation_woai_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_woay_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_woay_tv concept:subpartof concept_website_abc +concept_televisionstation_wofl concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wofl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wogx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_woi concept:subpartoforganization concept_city_abc +concept_televisionstation_woio_tv concept:televisionstationincity concept_city_cleveland +concept_televisionstation_woio_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wokr concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wokr concept:subpartof concept_website_abc +concept_televisionstation_wolf concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wolo_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wolo_tv concept:subpartof concept_website_abc +concept_televisionstation_womr concept:organizationheadquarteredincity concept_city_provincetown +concept_televisionstation_wood concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wort concept:organizationheadquarteredincity concept_city_madison +concept_televisionstation_wosu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wosu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wosu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wosu_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wotf concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wotf concept:subpartof concept_food_ind +concept_televisionstation_wotv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wotv concept:subpartof concept_website_abc +concept_televisionstation_woub_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_woub_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_woub_tv concept:subpartof concept_company_pbs +concept_televisionstation_woub_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wouc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wouc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wouc_tv concept:subpartof concept_company_pbs +concept_televisionstation_wouc_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wowk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wowt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpan concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wpan concept:subpartof concept_food_ind +concept_televisionstation_wpba concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpba concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpba concept:subpartof concept_company_pbs +concept_televisionstation_wpba concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wpba_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wpbf concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpbf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpbn concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpbn_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wpbn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpbo_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpbo_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpbo_tv concept:subpartof concept_company_pbs +concept_televisionstation_wpbo_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wpbt concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpbt concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpbt concept:subpartof concept_company_pbs +concept_televisionstation_wpbt concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wpbt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wpby_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpby_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpby_tv concept:subpartof concept_company_pbs +concept_televisionstation_wpby_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wpcb concept:latitudelongitude 40.3917400000000,-79.7806000000000 +concept_televisionstation_wpcb_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wpcb_tv concept:subpartof concept_food_ind +concept_televisionstation_wpde concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpde_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpec concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wpec_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wpfo concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wpga_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpgh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wpix_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wplg concept:televisionstationincity concept_city_miami +concept_televisionstation_wplg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpmi concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wpmi concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpmt concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wpmt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wpne concept:subpartof concept_museum_pbs +concept_televisionstation_wpne concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wpri_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wpru_lp concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpsd_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wpsd_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wpsd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpsg concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wpsg concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wpsx_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpsx_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpsx_tv concept:subpartof concept_company_pbs +concept_televisionstation_wpsx_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wpta concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpta concept:subpartof concept_website_abc +concept_televisionstation_wptd concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wptd concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wptd concept:subpartof concept_company_pbs +concept_televisionstation_wptd concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wpto concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wpto concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wpto concept:subpartof concept_company_pbs +concept_televisionstation_wpto concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wptv_tv concept:hasofficeincity concept_city_west_palm_beach +concept_televisionstation_wptv_tv concept:organizationheadquarteredincity concept_city_west_palm_beach +concept_televisionstation_wptv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpty_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wptz concept:organizationheadquarteredincity concept_city_burlington +concept_televisionstation_wptz concept:televisionstationincity concept_city_burlington +concept_televisionstation_wptz concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wptz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wpvi_tv concept:televisionstationincity concept_city_philadelphia +concept_televisionstation_wpvi_tv concept:agentactsinlocation concept_county_philadelphia +concept_televisionstation_wpvi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wpvi_tv concept:subpartof concept_website_abc +concept_televisionstation_wpxd concept:agentbelongstoorganization concept_musicartist_ion +concept_televisionstation_wpxi_tv concept:organizationheadquarteredincity concept_city_pittsburgh +concept_televisionstation_wpxi_tv concept:televisionstationincity concept_city_pittsburgh +concept_televisionstation_wpxi_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wpxi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wqad concept:televisionstationincity concept_city_davenport +concept_televisionstation_wqad_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wqec concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wqec concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wqec concept:subpartof concept_company_pbs +concept_televisionstation_wqec concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wqed concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wqed_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wqhs_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wqhs_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wqln concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wqow_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wqpt_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wqpt_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wqpt_tv concept:subpartof concept_company_pbs +concept_televisionstation_wqpt_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wqrf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wral_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wraz concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wraz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wrbj concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wrbj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wrbl concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wrbu concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wrbw concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wrc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wrcb_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wrcb_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wrdc concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wrdq_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wrdq_tv concept:subpartof concept_food_ind +concept_televisionstation_wrdw concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wrdw concept:subpartof concept_website_cbs +concept_televisionstation_wreg_tv concept:organizationheadquarteredincity concept_city_memphis +concept_televisionstation_wreg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wret_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wrex_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wrfg concept:organizationheadquarteredincity concept_city_atlanta +concept_televisionstation_wrgb concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wrgb concept:subpartof concept_website_cbs +concept_televisionstation_wrgb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wrgt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wric concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wric_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wric_tv concept:subpartof concept_website_abc +concept_televisionstation_wrja_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wrja_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wrja_tv concept:subpartof concept_company_pbs +concept_televisionstation_wrja_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wrlh concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wrlk_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wrlk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wroc concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wroc concept:subpartof concept_website_cbs +concept_televisionstation_wrsp concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wrsp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsav concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wsav_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wsav_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wsav_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsaw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wsaz concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wsaz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsb concept:hasofficeincity concept_city_atlanta +concept_televisionstation_wsb concept:organizationheadquarteredincity concept_city_atlanta +concept_televisionstation_wsb_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wsbk_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wsbn_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wsbn_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wsbn_tv concept:subpartof concept_company_pbs +concept_televisionstation_wsbn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wsbt concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wsbt concept:subpartof concept_website_cbs +concept_televisionstation_wsbtv concept:organizationheadquarteredincity concept_city_atlanta +concept_televisionstation_wsbtv concept:televisionstationincity concept_city_atlanta +concept_televisionstation_wscv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_wsec concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wsec concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wsec concept:subpartof concept_company_pbs +concept_televisionstation_wsec concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wsec_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wsee concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wsee_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wset concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wset_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wset_tv concept:subpartof concept_website_abc +concept_televisionstation_wsfa concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wsfa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsfl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wsfx concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wsfx concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsil concept:subpartoforganization concept_city_abc +concept_televisionstation_wsil concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wsil concept:subpartof concept_website_abc +concept_televisionstation_wsiu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wsiu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wsiu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wsiu_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wsjv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsjv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsjx_lp concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsls concept:televisionstationincity concept_city_roanoke +concept_televisionstation_wsls concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsls_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wsmh concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wsmh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsmv concept:organizationheadquarteredincity concept_city_nashville +concept_televisionstation_wsmv concept:televisionstationincity concept_city_nashville +concept_televisionstation_wsmv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wsmv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsoc_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wsoc_tv concept:subpartof concept_website_abc +concept_televisionstation_wspa_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wspa_tv concept:subpartof concept_website_cbs +concept_televisionstation_wsre concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wsre concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wsre concept:subpartof concept_company_pbs +concept_televisionstation_wsre concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wsre_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wstm concept:subpartof concept_retailstore_nbc +concept_televisionstation_wstm concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wsur concept:subpartoforganization concept_company_univision +concept_televisionstation_wsvn concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsvn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wswp_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wswp_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wswp_tv concept:subpartof concept_company_pbs +concept_televisionstation_wswp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wsws concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wsym concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wsym_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsyr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wsyt concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wsyt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wsyx concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wsyx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtae concept:televisionstationincity concept_city_pittsburgh +concept_televisionstation_wtae concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtaj concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtap_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtat concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wtat concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtbs concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtbs concept:subpartof concept_food_ind +concept_televisionstation_wtce_tv concept:agentcollaborateswithagent concept_celebrity_educational +concept_televisionstation_wtce_tv concept:subpartof concept_hobby_educational +concept_televisionstation_wtci concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wtci concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wtct_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtct_tv concept:subpartof concept_food_ind +concept_televisionstation_wten_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtev concept:televisionstationincity concept_city_jacksonville +concept_televisionstation_wtev concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtev concept:subpartof concept_website_cbs +concept_televisionstation_wtgs_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wthi concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wthr concept:televisionstationincity concept_city_indianapolis +concept_televisionstation_wthr concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtic concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wtic_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtiu_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wtiu_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wtiu_tv concept:subpartof concept_company_pbs +concept_televisionstation_wtiu_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wtjp concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtjp concept:subpartof concept_food_ind +concept_televisionstation_wtkr concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wtkr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtkr_tv concept:subpartof concept_website_cbs +concept_televisionstation_wtlf_dt concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wtlh_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtlj concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtlj concept:subpartof concept_food_ind +concept_televisionstation_wtlv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wtlv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtlw concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtmd concept:organizationheadquarteredincity concept_county_towson +concept_televisionstation_wtmj concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wtmj_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wtmj_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wtmj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtnh concept:televisionstationincity concept_city_new_haven +concept_televisionstation_wtnh concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtnz concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wtnz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtoc_tv concept:televisionstationincity concept_city_savannah +concept_televisionstation_wtoc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtog concept:subpartoforganization concept_televisionnetwork_cw +concept_televisionstation_wtog concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wtok concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wtok_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtok_tv concept:subpartof concept_website_abc +concept_televisionstation_wtol concept:televisionstationincity concept_city_toledo +concept_televisionstation_wtol concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wtol_tv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wtom_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wtov_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtrf concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtrf concept:subpartof concept_website_cbs +concept_televisionstation_wtsf concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtsf concept:subpartof concept_food_ind +concept_televisionstation_wtsp concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wtsp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtta_tv concept:agentbelongstoorganization concept_company_wb +concept_televisionstation_wtta_tv concept:subpartoforganization concept_stateorprovince_wb +concept_televisionstation_wtte concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtte_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wttg concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wttg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtto concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wttv concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wttw concept:hasofficeincity concept_city_chicago +concept_televisionstation_wttw concept:agentactsinlocation concept_county_chicago +concept_televisionstation_wttw concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wtva_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtvc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtvd_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtve_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wtve_tv concept:subpartof concept_food_ind +concept_televisionstation_wtvf_tv concept:organizationheadquarteredincity concept_city_nashville +concept_televisionstation_wtvf_tv concept:televisionstationincity concept_city_nashville +concept_televisionstation_wtvf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtvg_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtvh concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtvh concept:subpartof concept_website_cbs +concept_televisionstation_wtvi concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wtvi concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wtvi concept:subpartof concept_company_pbs +concept_televisionstation_wtvi concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wtvj concept:subpartof concept_retailstore_nbc +concept_televisionstation_wtvj concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtvm concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtvo_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtvo_tv concept:subpartof concept_website_abc +concept_televisionstation_wtvp concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wtvq concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wtvr concept:organizationheadquarteredincity concept_city_richmond +concept_televisionstation_wtvr concept:televisionstationincity concept_city_richmond +concept_televisionstation_wtvr concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtvr_tv concept:organizationheadquarteredincity concept_city_richmond +concept_televisionstation_wtvr_tv concept:televisionstationincity concept_city_richmond +concept_televisionstation_wtvr_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtvr_tv concept:subpartof concept_website_cbs +concept_televisionstation_wtvs concept:hasofficeincity concept_city_detroit +concept_televisionstation_wtvs concept:organizationheadquarteredincity concept_city_detroit +concept_televisionstation_wtvs concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wtvt_tv concept:organizationheadquarteredincity concept_city_tampa_bay +concept_televisionstation_wtvt_tv concept:televisionstationincity concept_city_tampa_bay +concept_televisionstation_wtvt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtvw concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wtvx concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wtvx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wtvy concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wtvy concept:subpartof concept_website_cbs +concept_televisionstation_wtvz concept:subpartoforganization concept_stateorprovince_wb +concept_televisionstation_wtwc_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wtwc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtwo concept:subpartof concept_retailstore_nbc +concept_televisionstation_wtwo concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wtxf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wtxl concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtxl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wtxx concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wtxx concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wuft concept:subpartof concept_museum_pbs +concept_televisionstation_wuft concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wuhf concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wuhf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wunc_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunc_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunc_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunc_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wund_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wund_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wund_tv concept:subpartof concept_company_pbs +concept_televisionstation_wund_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wune_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wune_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wune_tv concept:subpartof concept_company_pbs +concept_televisionstation_wune_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wunf_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunf_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunf_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunf_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wung_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wung_tv concept:subpartof concept_company_pbs +concept_televisionstation_wung_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wuni concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wuni concept:subpartoforganization concept_company_univision +concept_televisionstation_wunj_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunj_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunj_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wunk_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wunl_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunl_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunl_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wunm_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunm_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunm_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunm_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wunp_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunp_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunp_tv concept:subpartof concept_company_pbs +concept_televisionstation_wunp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wunu concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wunu concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wunu concept:subpartof concept_company_pbs +concept_televisionstation_wunu concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wupa concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wupa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wupw concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wupw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wusa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wusf_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wusi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wutb concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wutr concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wutv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wutv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wuvc concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wuvc concept:subpartoforganization concept_company_univision +concept_televisionstation_wuvg_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wuvg_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wuvn concept:agentbelongstoorganization concept_company_univision +concept_televisionstation_wuvn_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wuvn_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wuvp_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wuvp_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wv concept:companyeconomicsector concept_economicsector_insurance +concept_televisionstation_wvah concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wvan_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvaw_lp concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wvbt concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wvcy_tv concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wvcy_tv concept:subpartof concept_food_ind +concept_televisionstation_wvea_tv concept:companyeconomicsector concept_academicfield_media +concept_televisionstation_wvea_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wvec concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wven_tv concept:subpartoforganization concept_company_univision +concept_televisionstation_wver concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvfx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wvgn_lp concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wvia_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvii_tv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wvii_tv concept:subpartof concept_website_abc +concept_televisionstation_wvir_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wvit concept:televisionstationincity concept_city_hartford +concept_televisionstation_wvit concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wvit_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wviz_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wviz_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wviz_tv concept:subpartof concept_company_pbs +concept_televisionstation_wviz_tv concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wvla concept:subpartof concept_retailstore_nbc +concept_televisionstation_wvla concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wvlt concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wvlt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wvlt_tv concept:subpartof concept_website_cbs +concept_televisionstation_wvns_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wvny concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wvny_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wvpy concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wvpy concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wvpy concept:subpartof concept_company_pbs +concept_televisionstation_wvpy concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wvpy_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvta concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wvta concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wvta concept:subpartof concept_company_pbs +concept_televisionstation_wvta concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvtb concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvtm concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wvtm_tv concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wvtm_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wvtm_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wvtv concept:agentbelongstoorganization concept_company_wb +concept_televisionstation_wvue concept:subpartoforganization concept_mountain_fox +concept_televisionstation_wvue concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wvut concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wvut concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wvut concept:subpartof concept_company_pbs +concept_televisionstation_wvut concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvut_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wvva_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wway_tv concept:televisionstationincity concept_city_wilmington +concept_televisionstation_wway_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wway_tv concept:subpartof concept_website_abc +concept_televisionstation_wwbt concept:organizationheadquarteredincity concept_city_richmond +concept_televisionstation_wwbt concept:televisionstationincity concept_city_richmond +concept_televisionstation_wwbt concept:subpartof concept_retailstore_nbc +concept_televisionstation_wwbt concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wwbt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wwcp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wwdp concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wwdp concept:subpartof concept_food_ind +concept_televisionstation_wwho concept:agentbelongstoorganization concept_televisionnetwork_cw +concept_televisionstation_wwj concept:organizationheadquarteredincity concept_city_detroit +concept_televisionstation_wwj_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwl concept:organizationheadquarteredincity concept_city_new_orleans +concept_televisionstation_wwl concept:televisionstationincity concept_city_new_orleans +concept_televisionstation_wwl concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wwl_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwlp_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wwlp_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wwltv concept:organizationheadquarteredincity concept_city_new_orleans +concept_televisionstation_wwltv concept:televisionstationincity concept_city_new_orleans +concept_televisionstation_wwmb concept:subpartoforganization concept_televisionnetwork_upn +concept_televisionstation_wwmt concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wwmt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwny_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwor concept:televisionstationincity concept_city_new_york +concept_televisionstation_wwor concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wwpb concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wwpb concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wwpb concept:subpartof concept_company_pbs +concept_televisionstation_wwpb concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wwrs concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wwrs concept:subpartof concept_food_ind +concept_televisionstation_wwsi_tv concept:subpartoforganization concept_company_telemundo +concept_televisionstation_wwti concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wwti concept:subpartof concept_website_abc +concept_televisionstation_wwto concept:latitudelongitude 41.2808700000000,-88.9370200000000 +concept_televisionstation_wwtv concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wwtv concept:subpartof concept_website_cbs +concept_televisionstation_wwtv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwup_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wwup_tv concept:subpartof concept_website_cbs +concept_televisionstation_wxel_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wxel_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wxel_tv concept:subpartof concept_company_pbs +concept_televisionstation_wxel_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wxia concept:televisionstationincity concept_city_atlanta +concept_televisionstation_wxia concept:agentcollaborateswithagent concept_company_nbc +concept_televisionstation_wxia concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wxia_tv concept:subpartoforganization concept_televisionnetwork_nbc_universal +concept_televisionstation_wxii concept:subpartof concept_retailstore_nbc +concept_televisionstation_wxii concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wxii_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wxin concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wxin_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxix concept:televisionstationincity concept_city_cincinnati +concept_televisionstation_wxix concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wxix_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxlv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wxmi concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wxmi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxow_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wxow_tv concept:subpartof concept_website_abc +concept_televisionstation_wxpi concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wxtx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wxvt_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wxxa concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxxa_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxxi_tv concept:agentbelongstoorganization concept_company_pbs +concept_televisionstation_wxxi_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wxxi_tv concept:subpartof concept_company_pbs +concept_televisionstation_wxxi_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wxxv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wxyz concept:organizationheadquarteredincity concept_city_detroit +concept_televisionstation_wxyz concept:televisionstationincity concept_city_detroit +concept_televisionstation_wxyz concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wxyz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wybe concept:subpartof concept_museum_pbs +concept_televisionstation_wybe concept:subpartoforganization concept_televisionnetwork_pbs +concept_televisionstation_wycw_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_upn +concept_televisionstation_wydc concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wydc_tv concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wyes_tv concept:agentcollaborateswithagent concept_company_pbs +concept_televisionstation_wyes_tv concept:subpartof concept_company_pbs +concept_televisionstation_wyes_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wyff_tv concept:subpartof concept_retailstore_nbc +concept_televisionstation_wyff_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_nbc_universal +concept_televisionstation_wyfx_lp concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wyin concept:televisionstationaffiliatedwith concept_televisionnetwork_pbs +concept_televisionstation_wyle concept:agentcollaborateswithagent concept_athlete_ind +concept_televisionstation_wyle concept:subpartof concept_food_ind +concept_televisionstation_wymt concept:subpartoforganization concept_televisionnetwork_cbs +concept_televisionstation_wymt concept:subpartof concept_website_cbs +concept_televisionstation_wynn concept:subpartof concept_traditionalgame_vegas +concept_televisionstation_wynn concept:agentbelongstoorganization concept_winery_mirage +concept_televisionstation_wyou concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wyou concept:subpartof concept_website_cbs +concept_televisionstation_wyou_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_cbs +concept_televisionstation_wytv concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wytv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wyzz_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wzdx concept:subpartoforganization concept_televisionnetwork_fox +concept_televisionstation_wzdx_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wzrb concept:televisionstationaffiliatedwith concept_televisionnetwork_cw +concept_televisionstation_wztv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wztv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_televisionstation_wzvn concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_wzvn_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_abc +concept_televisionstation_wzzm concept:organizationheadquarteredincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_televisionstation_wzzm concept:televisionstationincity concept_city_grand_rapids_kalamazoo_battle_creek +concept_televisionstation_wzzm concept:subpartoforganization concept_televisionnetwork_abc +concept_televisionstation_xetv concept:televisionstationincity concept_city_san_diego +concept_televisionstation_xetv_tv concept:televisionstationaffiliatedwith concept_televisionnetwork_fox +concept_terroristorganization__ concept:agentcreated concept_programminglanguage_contact +concept_terroristorganization_abu_sayyaf concept:organizationheadquarteredinstateorprovince concept_stateorprovince_basilan +concept_terroristorganization_al_ummah concept:latitudelongitude 32.3082700000000,44.3600300000000 +concept_terroristorganization_autonomy concept:mutualproxyfor concept_person_mike_lynch +concept_terroristorganization_autonomy concept:organizationterminatedperson concept_person_mike_lynch +concept_terroristorganization_black_flag concept:agentcontrols concept_personeurope_henry_rollins +concept_terroristorganization_black_widow concept:synonymfor concept_product_spider +concept_terroristorganization_breeding_ground concept:proxyfor concept_beverage_new +concept_terroristorganization_charlie_hebdo concept:agentcollaborateswithagent concept_person_philippe_val +concept_terroristorganization_charlie_hebdo concept:mutualproxyfor concept_person_philippe_val +concept_terroristorganization_command concept:agentinvolvedwithitem concept_buildingfeature_window +concept_terroristorganization_command concept:agentcreated concept_city_click +concept_terroristorganization_command concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_fatah concept:atdate concept_dateliteral_n2007 +concept_terroristorganization_force concept:atdate concept_date_n1993 +concept_terroristorganization_force concept:atdate concept_date_n1996 +concept_terroristorganization_force concept:atdate concept_date_n1999 +concept_terroristorganization_force concept:atdate concept_date_n2000 +concept_terroristorganization_force concept:atdate concept_date_n2001 +concept_terroristorganization_force concept:atdate concept_date_n2003 +concept_terroristorganization_force concept:atdate concept_date_n2004 +concept_terroristorganization_force concept:atdate concept_date_n2009 +concept_terroristorganization_force concept:atdate concept_dateliteral_n1945 +concept_terroristorganization_force concept:atdate concept_dateliteral_n2002 +concept_terroristorganization_force concept:atdate concept_dateliteral_n2005 +concept_terroristorganization_force concept:atdate concept_dateliteral_n2006 +concept_terroristorganization_force concept:atdate concept_dateliteral_n2007 +concept_terroristorganization_force concept:atdate concept_dateliteral_n2008 +concept_terroristorganization_force concept:agentparticipatedinevent concept_sportsgame_series +concept_terroristorganization_force concept:atdate concept_year_n1985 +concept_terroristorganization_force concept:atdate concept_year_n1986 +concept_terroristorganization_force concept:atdate concept_year_n1988 +concept_terroristorganization_force concept:atdate concept_year_n1989 +concept_terroristorganization_force concept:atdate concept_year_n1991 +concept_terroristorganization_force concept:atdate concept_year_n1992 +concept_terroristorganization_force concept:atdate concept_year_n1994 +concept_terroristorganization_force concept:atdate concept_year_n1995 +concept_terroristorganization_force concept:atdate concept_year_n1997 +concept_terroristorganization_force concept:atdate concept_year_n1998 +concept_terroristorganization_four concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_four concept:agentinvolvedwithitem concept_musicinstrument_piano +concept_terroristorganization_four concept:agentparticipatedinevent concept_sportsgame_series +concept_terroristorganization_gaza concept:atdate concept_date_n2000 +concept_terroristorganization_gaza concept:atdate concept_date_n2001 +concept_terroristorganization_gaza concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_group concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_hamas concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_hamas concept:atdate concept_dateliteral_n2006 +concept_terroristorganization_harkat_ul_mujahideen concept:organizationalsoknownas concept_organization_movement_of_holy_warriors +concept_terroristorganization_hezbollah concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_hussein concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_incident concept:atdate concept_date_n1996 +concept_terroristorganization_incident concept:atdate concept_date_n1999 +concept_terroristorganization_incident concept:atdate concept_date_n2000 +concept_terroristorganization_incident concept:atdate concept_date_n2001 +concept_terroristorganization_incident concept:atdate concept_date_n2003 +concept_terroristorganization_incident concept:atdate concept_date_n2004 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n1990 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n2002 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n2005 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n2006 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n2007 +concept_terroristorganization_incident concept:atdate concept_dateliteral_n2008 +concept_terroristorganization_incident concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_incident concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_incident concept:atdate concept_year_n1986 +concept_terroristorganization_incident concept:atdate concept_year_n1989 +concept_terroristorganization_incident concept:atdate concept_year_n1994 +concept_terroristorganization_incident concept:atdate concept_year_n1995 +concept_terroristorganization_incident concept:atdate concept_year_n1998 +concept_terroristorganization_informations concept:agentcreated concept_city_click +concept_terroristorganization_informations concept:agentcreated concept_programminglanguage_contact +concept_terroristorganization_infos concept:agentcreated concept_programminglanguage_contact +concept_terroristorganization_ioj concept:latitudelongitude -18.0000000000000,178.0000000000000 +concept_terroristorganization_israeli_leaders concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_journal concept:agentcontrols concept_company_dow_jones +concept_terroristorganization_journal concept:agentcontrols concept_terroristorganization_la +concept_terroristorganization_journal concept:agentcontrols concept_terroristorganization_times +concept_terroristorganization_killing concept:atdate concept_date_n2000 +concept_terroristorganization_la concept:agentcompeteswithagent concept_company_daily_news001 +concept_terroristorganization_la concept:agentcompeteswithagent concept_company_post +concept_terroristorganization_la concept:agentcompeteswithagent concept_musicartist_journal +concept_terroristorganization_la concept:agentcompeteswithagent concept_musicartist_times +concept_terroristorganization_lebanon concept:proxyfor concept_beverage_new +concept_terroristorganization_lebanon concept:proxyfor concept_coach_kentucky +concept_terroristorganization_lebanon concept:atdate concept_date_n2000 +concept_terroristorganization_lebanon concept:mutualproxyfor concept_emotion_new +concept_terroristorganization_lebanon concept:atdate concept_year_n1975 +concept_terroristorganization_ltte concept:atdate concept_dateliteral_n1990 +concept_terroristorganization_mahmoud_abbas concept:agentcontrols concept_terroristorganization_fatah +concept_terroristorganization_mai_mai_militia concept:mutualproxyfor concept_person_kibamba_kasereka +concept_terroristorganization_mai_mai_militia concept:subpartof concept_person_kibamba_kasereka +concept_terroristorganization_mai_mai_militia concept:organizationheadquarteredinstateorprovince concept_stateorprovince_north_and_south_kivu_provinces +concept_terroristorganization_messages concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_money concept:agentbelongstoorganization concept_politicalparty_federal_government +concept_terroristorganization_money concept:agentbelongstoorganization concept_terroristorganization_state +concept_terroristorganization_money concept:agentcollaborateswithagent concept_terroristorganization_state +concept_terroristorganization_money concept:agentcontrols concept_vehicle_government +concept_terroristorganization_moro_national_liberation_front concept:organizationheadquarteredinstateorprovince concept_stateorprovince_mindanao +concept_terroristorganization_nations concept:proxyfor concept_beverage_new +concept_terroristorganization_nations concept:atdate concept_date_n2004 +concept_terroristorganization_nations concept:atdate concept_dateliteral_n2006 +concept_terroristorganization_nations concept:mutualproxyfor concept_emotion_new +concept_terroristorganization_nations concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_november_10 concept:proxyfor concept_beverage_new +concept_terroristorganization_operation concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_point concept:agentinvolvedwithitem concept_buildingfeature_window +concept_terroristorganization_point concept:agentcompeteswithagent concept_personcanada_search +concept_terroristorganization_point concept:agentcollaborateswithagent concept_politician_jobs +concept_terroristorganization_point concept:agentparticipatedinevent concept_sportsgame_series +concept_terroristorganization_popular_front_for_the_liberation_of_palestine concept:agentcollaborateswithagent concept_terroristorganization_george_habash +concept_terroristorganization_popular_front_for_the_liberation_of_palestine concept:agentcontrols concept_terroristorganization_george_habash +concept_terroristorganization_quotes concept:agentcreated concept_programminglanguage_contact +concept_terroristorganization_saddam_hussein concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_saddam_hussein concept:atdate concept_date_n2003 +concept_terroristorganization_saddam_hussein concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_scic concept:latitudelongitude -34.9666700000000,-71.2333300000000 +concept_terroristorganization_sp_ concept:organizationhiredperson concept_personus_party +concept_terroristorganization_state concept:agentcontrols concept_academicfield_databases +concept_terroristorganization_state concept:agentcontrols concept_boardgame_board +concept_terroristorganization_state concept:agentcontrols concept_bone_entity +concept_terroristorganization_state concept:agentcontrols concept_buildingfeature_gear +concept_terroristorganization_state concept:agentcontrols concept_buildingfeature_organizations +concept_terroristorganization_state concept:agentcontrols concept_buildingfeature_systems +concept_terroristorganization_state concept:agentactsinlocation concept_city_azerbaijan +concept_terroristorganization_state concept:agentcontrols concept_clothing_positions +concept_terroristorganization_state concept:organizationhiredperson concept_coach_chuck_amato +concept_terroristorganization_state concept:agentcontrols concept_company_money +concept_terroristorganization_state concept:agentactsinlocation concept_country_australia +concept_terroristorganization_state concept:agentcontrols concept_country_representative +concept_terroristorganization_state concept:agentactsinlocation concept_country_united_states +concept_terroristorganization_state concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_terroristorganization_state concept:agentparticipatedinevent concept_crimeorcharge_law +concept_terroristorganization_state concept:agentparticipatedinevent concept_crimeorcharge_laws +concept_terroristorganization_state concept:agentcontrols concept_emotion_lands +concept_terroristorganization_state concept:agentcontrols concept_emotion_officer +concept_terroristorganization_state concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_state concept:agentcontrols concept_geometricshape_activities +concept_terroristorganization_state concept:agentcontrols concept_geometricshape_property +concept_terroristorganization_state concept:agentactsinlocation concept_hotel_north +concept_terroristorganization_state concept:agentactsinlocation concept_hotel_union +concept_terroristorganization_state concept:agentcontrols concept_jobposition_agency +concept_terroristorganization_state concept:agentcontrols concept_landscapefeatures_steps +concept_terroristorganization_state concept:agentcontrols concept_mlalgorithm_solutions +concept_terroristorganization_state concept:agentcontrols concept_museum_facilities +concept_terroristorganization_state concept:agentcontrols concept_museum_technologies +concept_terroristorganization_state concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_state concept:agentcontrols concept_physicalcharacteristic_statutes +concept_terroristorganization_state concept:agentcontrols concept_politicianus_groups +concept_terroristorganization_state concept:agentactsinlocation concept_politicsblog_republic +concept_terroristorganization_state concept:agentcontrols concept_politicsissue_efforts +concept_terroristorganization_state concept:agentcontrols concept_politicsissue_laws +concept_terroristorganization_state concept:agentcontrols concept_politicsissue_officers +concept_terroristorganization_state concept:agentcontrols concept_politicsissue_processes +concept_terroristorganization_state concept:agentcontrols concept_politicsissue_requirements +concept_terroristorganization_state concept:agentcontrols concept_profession_administrators +concept_terroristorganization_state concept:agentcontrols concept_profession_agency_personnel +concept_terroristorganization_state concept:agentcontrols concept_profession_employees +concept_terroristorganization_state concept:agentcontrols concept_profession_equipment +concept_terroristorganization_state concept:agentcontrols concept_profession_personnel +concept_terroristorganization_state concept:agentcontrols concept_profession_practitioners +concept_terroristorganization_state concept:agentcontrols concept_profession_professionals +concept_terroristorganization_state concept:agentcontrols concept_programminglanguage_body +concept_terroristorganization_state concept:agentcontrols concept_programminglanguage_levels +concept_terroristorganization_state concept:agentcontrols concept_programminglanguage_procedures +concept_terroristorganization_state concept:agentcontrols concept_programminglanguage_process +concept_terroristorganization_state concept:agentcontrols concept_programminglanguage_services +concept_terroristorganization_state concept:agentcontrols concept_roadaccidentevent_authorities +concept_terroristorganization_state concept:organizationterminatedperson concept_scientist_no_ +concept_terroristorganization_state concept:agentcontrols concept_sport_initiatives +concept_terroristorganization_state concept:agentparticipatedinevent concept_sportsgame_charges +concept_terroristorganization_state concept:agentcontrols concept_sportsgame_leaders +concept_terroristorganization_state concept:agentcontrols concept_televisionshow_bodies +concept_terroristorganization_state concept:agentcontrols concept_televisionshow_confederate_money +concept_terroristorganization_state concept:agentcontrols concept_televisionshow_cooperation +concept_terroristorganization_state concept:agentcollaborateswithagent concept_terroristorganization_money +concept_terroristorganization_state concept:organizationalsoknownas concept_university_state_university +concept_terroristorganization_state concept:agentcontrols concept_vehicle_units +concept_terroristorganization_state concept:agentcontrols concept_wallitem_effort +concept_terroristorganization_state concept:agentcontrols concept_weapon_laboratory +concept_terroristorganization_state concept:agentcontrols concept_website_boards +concept_terroristorganization_state concept:agentcontrols concept_website_information +concept_terroristorganization_state concept:agentcontrols concept_website_official +concept_terroristorganization_state concept:agentcontrols concept_website_partners +concept_terroristorganization_state concept:agentcontrols concept_website_resources +concept_terroristorganization_state concept:agentactsinlocation concept_website_south +concept_terroristorganization_student concept:organizationacronymhasname concept_governmentorganization_federal_government +concept_terroristorganization_systems_analysis concept:subpartof concept_weatherphenomenon_water +concept_terroristorganization_taliban concept:atdate concept_date_n2001 +concept_terroristorganization_the_organization concept:organizationhiredperson concept_coach_steve_kasper +concept_terroristorganization_the_organization concept:subpartoforganization concept_sportsleague_nhl +concept_terroristorganization_treaty concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_terroristorganization_weapons concept:agentparticipatedinevent concept_sportsgame_series +concept_terroristorganization_westboro_baptist_church concept:latitudelongitude 39.0456800000000,-95.7203000000000 +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_april +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_december +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_february +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_march +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_may +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_november +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_october +concept_terroristorganization_wet_season concept:organizationdissolvedatdate concept_month_september +concept_terroristorganization_witnesses concept:agentparticipatedinevent concept_eventoutcome_result +concept_terroristorganization_world_championships concept:atdate concept_date_n2009 +concept_terroristorganization_world_championships concept:atdate concept_dateliteral_n2002 +concept_time_canadian_football_hall_of_fame concept:latitudelongitude 43.2551100000000,-79.8720800000000 +concept_time_n0200 concept:latitudelongitude 35.4694800000000,-106.8019800000000 +concept_time_n10_p_m_ concept:latitudelongitude 7.3158300000000,152.0116700000000 +concept_tool_and_equipment concept:latitudelongitude 35.3440300000000,-80.8392400000000 +concept_tool_cartridges concept:subpartof concept_weatherphenomenon_water +concept_tool_cleaning concept:subpartof concept_weatherphenomenon_water +concept_tool_edco concept:latitudelongitude 42.3335000000000,-71.1176000000000 +concept_tool_ratchet concept:latitudelongitude 48.5999000000000,-53.7313900000000 +concept_tool_schedule_software concept:atdate concept_dateliteral_n2007 +concept_tool_spokeshave concept:latitudelongitude 9.4183300000000,-78.3500000000000 +concept_tool_spreaders concept:latitudelongitude 47.9933400000000,-107.0639600000000 +concept_tool_system_components concept:subpartof concept_weatherphenomenon_air +concept_tradeunion_agreement concept:agentinvolvedwithitem concept_buildingfeature_window +concept_tradeunion_agreement concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_agreement concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_agreement concept:agentparticipatedinevent concept_sportsgame_terms +concept_tradeunion_agreement concept:agentbelongstoorganization concept_terroristorganization_state +concept_tradeunion_agricultural_workers concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_american_people concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_american_people concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_american_workers concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_ansi concept:organizationacronymhasname concept_tradeunion_american_national_standards_institute +concept_tradeunion_article concept:agentcompeteswithagent concept_architect_criticism +concept_tradeunion_article concept:agentcompeteswithagent concept_bank_gold +concept_tradeunion_article concept:agentcompeteswithagent concept_country_democratic_republic_of_congo +concept_tradeunion_article concept:agentcompeteswithagent concept_insect_encyclopedia +concept_tradeunion_article concept:agentcompeteswithagent concept_musicartist_television +concept_tradeunion_bls concept:organizationacronymhasname concept_tradeunion_bureau_of_labor_statistics +concept_tradeunion_blues concept:agentparticipatedinevent concept_convention_games +concept_tradeunion_canadian_islamic_congress concept:mutualproxyfor concept_person_mohamed_elmasry +concept_tradeunion_canadian_islamic_congress concept:organizationhiredperson concept_person_mohamed_elmasry +concept_tradeunion_canadian_islamic_congress concept:subpartof concept_person_mohamed_elmasry +concept_tradeunion_cause concept:agentparticipatedinevent concept_eventoutcome_injury +concept_tradeunion_cause concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_charges concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_charges concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_civil_war concept:agentactsinlocation concept_lake_new +concept_tradeunion_clf concept:latitudelongitude 64.3011100000000,-149.1200000000000 +concept_tradeunion_congress concept:agentcontrols concept_clothing_white +concept_tradeunion_congress concept:organizationhiredperson concept_coach_clinton_white +concept_tradeunion_congress concept:atdate concept_date_n1939 +concept_tradeunion_congress concept:atdate concept_date_n1942 +concept_tradeunion_congress concept:atdate concept_date_n1969 +concept_tradeunion_congress concept:atdate concept_date_n1971 +concept_tradeunion_congress concept:atdate concept_date_n1979 +concept_tradeunion_congress concept:atdate concept_date_n1993 +concept_tradeunion_congress concept:atdate concept_date_n1999 +concept_tradeunion_congress concept:atdate concept_date_n2000 +concept_tradeunion_congress concept:atdate concept_date_n2001 +concept_tradeunion_congress concept:atdate concept_date_n2003 +concept_tradeunion_congress concept:atdate concept_date_n2004 +concept_tradeunion_congress concept:atdate concept_date_n2009 +concept_tradeunion_congress concept:atdate concept_dateliteral_n1987 +concept_tradeunion_congress concept:atdate concept_dateliteral_n2008 +concept_tradeunion_congress concept:agentcontrols concept_emotion_money +concept_tradeunion_congress concept:agentcollaborateswithagent concept_fish_white +concept_tradeunion_congress concept:organizationhiredperson concept_journalist_the_white +concept_tradeunion_congress concept:organizationhiredperson concept_person_republican +concept_tradeunion_congress concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_congress concept:organizationhiredperson concept_personus_democratic +concept_tradeunion_congress concept:organizationhiredperson concept_personus_party +concept_tradeunion_congress concept:atdate concept_year_n1963 +concept_tradeunion_congress concept:atdate concept_year_n1978 +concept_tradeunion_congress concept:atdate concept_year_n1984 +concept_tradeunion_congress concept:atdate concept_year_n1991 +concept_tradeunion_congress concept:atdate concept_year_n1992 +concept_tradeunion_congress concept:atdate concept_year_n1994 +concept_tradeunion_congress concept:atdate concept_year_n1995 +concept_tradeunion_congress concept:atdate concept_year_n1998 +concept_tradeunion_disk concept:agentinvolvedwithitem concept_beverage_win +concept_tradeunion_disk concept:agentinvolvedwithitem concept_buildingfeature_window +concept_tradeunion_disk concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_tradeunion_disk concept:agentcompeteswithagent concept_personcanada_search +concept_tradeunion_email_address concept:agentcreated concept_programminglanguage_contact +concept_tradeunion_engineers concept:agentcreated concept_programminglanguage_contact +concept_tradeunion_engineers concept:subpartof concept_weatherphenomenon_water +concept_tradeunion_film concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_fund concept:subpartoforganization concept_governmentorganization_government +concept_tradeunion_fund concept:subpartoforganization concept_terroristorganization_state +concept_tradeunion_hazards concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_iffa concept:latitudelongitude 4.7731300000000,7.7786100000000 +concept_tradeunion_industries concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_issues concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_tradeunion_issues concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_issues concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_issues concept:agentcreated concept_programminglanguage_contact +concept_tradeunion_issues concept:subpartoforganization concept_terroristorganization_state +concept_tradeunion_john_kerry concept:agentcollaborateswithagent concept_company_clinton +concept_tradeunion_john_kerry concept:agentbelongstoorganization concept_governmentorganization_house +concept_tradeunion_labor concept:proxyfor concept_book_new +concept_tradeunion_labor concept:atdate concept_dateliteral_n2007 +concept_tradeunion_labor concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_labor concept:synonymfor concept_governmentorganization_department +concept_tradeunion_laborers concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_ldc concept:atdate concept_dateliteral_n2008 +concept_tradeunion_newsletters concept:agentinvolvedwithitem concept_buildingfeature_window +concept_tradeunion_oil concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_peasants concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_pensioners concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_peoples concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_political concept:agentactsinlocation concept_city_johor +concept_tradeunion_present concept:subpartoforganization concept_blog_form +concept_tradeunion_question concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_rwaw concept:latitudelongitude 36.4313400000000,43.9869200000000 +concept_tradeunion_sailors concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_sales_institute concept:latitudelongitude 42.8663900000000,-76.9888900000000 +concept_tradeunion_search concept:agentcompeteswithagent concept_architect_application +concept_tradeunion_search concept:agentcompeteswithagent concept_arthropod_files +concept_tradeunion_search concept:agentcompeteswithagent concept_astronaut_menu +concept_tradeunion_search concept:agentcompeteswithagent concept_astronaut_text +concept_tradeunion_search concept:agentcompeteswithagent concept_country_usa +concept_tradeunion_search concept:agentcompeteswithagent concept_county_websites +concept_tradeunion_search concept:agentcompeteswithagent concept_geopoliticalorganization_customers +concept_tradeunion_search concept:agentcompeteswithagent concept_geopoliticalorganization_database +concept_tradeunion_search concept:agentcompeteswithagent concept_geopoliticalorganization_default +concept_tradeunion_search concept:agentcompeteswithagent concept_male_engines +concept_tradeunion_search concept:agentcompeteswithagent concept_male_google_news +concept_tradeunion_search concept:agentcompeteswithagent concept_male_history +concept_tradeunion_search concept:agentcompeteswithagent concept_male_user +concept_tradeunion_search concept:agentcompeteswithagent concept_musician_material +concept_tradeunion_search concept:agentcompeteswithagent concept_politician_development +concept_tradeunion_search concept:agentcompeteswithagent concept_politician_sites +concept_tradeunion_search concept:agentcompeteswithagent concept_recordlabel_release +concept_tradeunion_search concept:agentcompeteswithagent concept_writer_selection +concept_tradeunion_search concept:agentcompeteswithagent concept_writer_works +concept_tradeunion_south concept:agentactsinlocation concept_building_years +concept_tradeunion_south concept:agentactsinlocation concept_country_korea +concept_tradeunion_statements concept:atdate concept_dateliteral_n2007 +concept_tradeunion_statements concept:atdate concept_dateliteral_n2008 +concept_tradeunion_statements concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_streets concept:atdate concept_date_n1993 +concept_tradeunion_streets concept:atdate concept_date_n2003 +concept_tradeunion_streets concept:atdate concept_date_n2004 +concept_tradeunion_streets concept:atdate concept_date_n2009 +concept_tradeunion_streets concept:atdate concept_dateliteral_n2002 +concept_tradeunion_streets concept:atdate concept_dateliteral_n2005 +concept_tradeunion_streets concept:atdate concept_dateliteral_n2006 +concept_tradeunion_streets concept:atdate concept_dateliteral_n2007 +concept_tradeunion_streets concept:atdate concept_dateliteral_n2008 +concept_tradeunion_streets concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_tradeunion_tcu concept:organizationhiredperson concept_person_gary_patterson +concept_tradeunion_u_s__workers concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_web_site concept:agentinvolvedwithitem concept_buildingfeature_window +concept_tradeunion_web_site concept:agentparticipatedinevent concept_crimeorcharge_privacy_policy +concept_tradeunion_web_site concept:agentparticipatedinevent concept_eventoutcome_basis +concept_tradeunion_web_site concept:agentparticipatedinevent concept_eventoutcome_result +concept_tradeunion_web_site concept:agentcompeteswithagent concept_personcanada_search +concept_tradeunion_web_site concept:agentparticipatedinevent concept_sportsgame_terms +concept_tradeunion_web_site concept:subpartoforganization concept_terroristorganization_state +concept_traditionalgame_arimaa concept:latitudelongitude 60.5500000000000,23.8333300000000 +concept_traditionalgame_big_one concept:proxyfor concept_book_new +concept_traditionalgame_bodog concept:mutualproxyfor concept_ceo_calvin_ayre +concept_traditionalgame_conquian concept:latitudelongitude 22.2666700000000,-102.2500000000000 +concept_traditionalgame_four_queens concept:subpartof concept_traditionalgame_vegas +concept_traditionalgame_hokm concept:latitudelongitude 35.2452800000000,57.8952800000000 +concept_traditionalgame_horse concept:proxyfor concept_book_new +concept_traditionalgame_horseshoe_casino concept:atlocation concept_building_vegas +concept_traditionalgame_horseshoe_casino concept:atlocation concept_city_vegas_casino +concept_traditionalgame_horseshoe_casino concept:atlocation concept_county_las_vegas +concept_traditionalgame_kings_quest concept:latitudelongitude 44.9207000000000,-92.9117000000000 +concept_traditionalgame_n10_11 concept:latitudelongitude 33.5569700000000,-114.5519000000000 +concept_traditionalgame_n150_ concept:latitudelongitude 13.1163200000000,99.9409300000000 +concept_traditionalgame_n7_10 concept:latitudelongitude 34.6917600000000,-89.2900700000000 +concept_traditionalgame_quand concept:latitudelongitude 47.6000000000000,-58.6318400000000 +concept_traditionalgame_rouge_et_noir concept:latitudelongitude 41.9257200000000,12.5360000000000 +concept_traditionalgame_rule concept:proxyfor concept_book_new +concept_traditionalgame_site concept:proxyfor concept_book_new +concept_traditionalgame_sokoban concept:latitudelongitude 6.6083350000000,-1.6166700000000 +concept_traditionalgame_stock concept:proxyfor concept_book_new +concept_traditionalgame_three_nights concept:atdate concept_dateliteral_n2008 +concept_traditionalgame_tops concept:proxyfor concept_book_new +concept_traditionalgame_tournaments concept:proxyfor concept_book_new +concept_traditionalgame_trump concept:subpartof concept_traditionalgame_vegas +concept_traditionalgame_us_ concept:proxyfor concept_book_new +concept_traditionalgame_vegas concept:proxyfor concept_bathroomitem_casino +concept_traditionalgame_vegas concept:proxyfor concept_book_new +concept_traditionalgame_vegas concept:proxyfor concept_hobby_casinos +concept_traditionalgame_vegas_casino concept:subpartof concept_traditionalgame_vegas +concept_trail_aarons_all_suites_hotel concept:latitudelongitude -31.9567000000000,115.8657000000000 +concept_trail_abbasi_hotel concept:latitudelongitude 32.6512300000000,51.6702600000000 +concept_trail_americania concept:latitudelongitude 37.7787800000000,-122.4104300000000 +concept_trail_andrew_jackson_state_park concept:latitudelongitude 34.8423700000000,-80.8066000000000 +concept_trail_aspen_hotel_soldotna concept:latitudelongitude 60.4829000000000,-151.0715000000000 +concept_trail_bear_dance concept:latitudelongitude 47.9166100000000,-114.0287200000000 +concept_trail_bedford_inn concept:latitudelongitude 40.0718000000000,-78.5172000000000 +concept_trail_bilmar_beach_resort concept:latitudelongitude 27.7685000000000,-82.7691000000000 +concept_trail_bogmalo concept:latitudelongitude 15.3833300000000,73.8166700000000 +concept_trail_burford_bridge concept:latitudelongitude 51.2470866666667,-0.3267333333333 +concept_trail_carroll concept:proxyfor concept_creditunion_iowa +concept_trail_chapman_inn concept:latitudelongitude 44.4052000000000,-70.7915000000000 +concept_trail_clifty_falls_state_park concept:latitudelongitude 38.7595000000000,-85.4185700000000 +concept_trail_coeur_d_alene_national_forest concept:latitudelongitude 47.7501900000000,-116.3010100000000 +concept_trail_comfort_inn_brighton concept:latitudelongitude 39.9717000000000,-104.8285000000000 +concept_trail_comfort_inn_hamilton concept:latitudelongitude 43.2351000000000,-79.7615000000000 +concept_trail_comfort_inn_pensacola concept:latitudelongitude 30.4563666666667,-87.2251333333334 +concept_trail_coronado_trail concept:latitudelongitude 33.4683900000000,-109.3636900000000 +concept_trail_crescent_beach_state_park concept:latitudelongitude 43.5648100000000,-70.2281000000000 +concept_trail_desert_inn concept:attractionofcity concept_city_vegas +concept_trail_econo_lodge_rugby concept:latitudelongitude 48.3547000000000,-99.9813000000000 +concept_trail_faywood_hot_springs concept:latitudelongitude 32.5542500000000,-107.9942000000000 +concept_trail_golden_eagle_resort concept:latitudelongitude 44.4720000000000,-72.6888000000000 +concept_trail_grand_gulf_state_park concept:latitudelongitude 36.5453400000000,-91.6451400000000 +concept_trail_grand_hotel_bristol concept:latitudelongitude 45.3782000000000,8.7639600000000 +concept_trail_granite_inn concept:latitudelongitude 43.4082000000000,-71.3083000000000 +concept_trail_greenbrier_state_forest concept:latitudelongitude 37.7395700000000,-80.3334000000000 +concept_trail_hampton_village_resort concept:latitudelongitude 42.9467000000000,-70.8331000000000 +concept_trail_hike concept:atdate concept_dateliteral_n2005 +concept_trail_hotel_geneva concept:latitudelongitude 46.2256400000000,6.1240800000000 +concept_trail_hotel_riga concept:latitudelongitude 56.9420333333333,24.1034000000000 +concept_trail_hualapai_lodge concept:latitudelongitude 35.6749000000000,-113.3257000000000 +concept_trail_intercontinental_dubai_festival_city concept:latitudelongitude 25.2711400000000,55.3074900000000 +concept_trail_jamaica_state_park concept:latitudelongitude 43.1109100000000,-72.7712100000000 +concept_trail_jolly_hotel_plaza concept:latitudelongitude 44.4112400000000,8.9376400000000 +concept_trail_lake_mohawk concept:proxyfor concept_radiostation_new_jersey +concept_trail_le_meridien_budapest concept:latitudelongitude 47.4978000000000,19.0516000000000 +concept_trail_le_meridien_fairway concept:latitudelongitude 25.3134000000000,55.3937000000000 +concept_trail_lees_inn concept:latitudelongitude 40.0979000000000,-86.1473062500000 +concept_trail_lime_tree_bay_resort concept:latitudelongitude 24.8251000000000,-80.8148000000000 +concept_trail_lone_pine_state_park concept:latitudelongitude 48.1785700000000,-114.3415200000000 +concept_trail_luxor_hotel concept:locationlocatedwithinlocation concept_city_vegas +concept_trail_makaiwa concept:latitudelongitude 21.0769844444444,-157.1976277777778 +concept_trail_makati_shangri_la concept:latitudelongitude 14.5556000000000,121.0223000000000 +concept_trail_marriott_copenhagen concept:latitudelongitude 55.6704000000000,12.5759000000000 +concept_trail_maryborough_house_hotel concept:latitudelongitude 51.8700000000000,-8.4200000000000 +concept_trail_maui_banyan concept:latitudelongitude 20.7156000000000,-156.4459000000000 +concept_trail_mission_point_resort concept:latitudelongitude 45.8472000000000,-84.6241000000000 +concept_trail_newport_inn concept:latitudelongitude 35.9454000000000,-83.2063000000000 +concept_trail_nez_perce_national_forest concept:latitudelongitude 45.4499000000000,-115.9176300000000 +concept_trail_northern_star_inn concept:latitudelongitude 44.3115000000000,-71.6636000000000 +concept_trail_pawnee_national_grassland concept:latitudelongitude 40.7527700000000,-104.0032800000000 +concept_trail_pointe_hilton_tapatio_cliffs concept:latitudelongitude 33.5947000000000,-112.0650000000000 +concept_trail_rawhide_ranch concept:latitudelongitude 38.6729800000000,-117.9987300000000 +concept_trail_riverbank_state_park concept:latitudelongitude 40.8255600000000,-73.9566700000000 +concept_trail_riverside_walk concept:latitudelongitude 50.8059100000000,-1.4277500000000 +concept_trail_sari_pan_pacific_hotel concept:latitudelongitude -6.1862000000000,106.8063000000000 +concept_trail_sheraton_suites_san_diego concept:latitudelongitude 32.7188000000000,-117.1582000000000 +concept_trail_sheraton_suites_wilmington concept:latitudelongitude 39.7471000000000,-75.5507000000000 +concept_trail_south_rim_trail concept:latitudelongitude 29.2293700000000,-103.2954500000000 +concept_trail_steamboat_trace concept:latitudelongitude 40.5750000000000,-95.7808300000000 +concept_trail_talcott_mountain_state_park concept:latitudelongitude 41.8237100000000,-72.7989900000000 +concept_trail_tolland_state_forest concept:latitudelongitude 42.1342600000000,-73.0295500000000 +concept_trail_trailer_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_trail_tuskegee_national_forest concept:latitudelongitude 32.4887500000000,-85.5941200000000 +concept_trail_village_houses concept:latitudelongitude 40.7336100000000,-74.0091700000000 +concept_trail_wentworth_mansion concept:latitudelongitude 32.7799000000000,-79.9402000000000 +concept_trail_western_americania concept:latitudelongitude 37.7787800000000,-122.4104300000000 +concept_trainstation_bradley_academy concept:latitudelongitude 39.9906000000000,-76.6647000000000 +concept_trainstation_brookhaven concept:proxyfor concept_company_new_york +concept_trainstation_centennial concept:buildinglocatedincity concept_city_denver +concept_trainstation_chatsworth concept:proxyfor concept_radiostation_new_jersey +concept_trainstation_concordia concept:proxyfor concept_stateorprovince_new_jersey +concept_trainstation_design_institute concept:latitudelongitude 33.2607950000000,-117.5166200000000 +concept_trainstation_east_coast_bible_college concept:latitudelongitude 35.2390300000000,-80.9581300000000 +concept_trainstation_fall concept:locationlocatedwithinlocation concept_city_florida +concept_trainstation_fall concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_trainstation_fall concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_trainstation_frist_campus_center concept:latitudelongitude 40.3467700000000,-74.6546000000000 +concept_trainstation_garfield concept:proxyfor concept_radiostation_new_jersey +concept_trainstation_grand_central_terminal concept:attractionofcity concept_city_new_york +concept_trainstation_grand_central_terminal concept:buildinglocatedincity concept_city_new_york +concept_trainstation_hartford_college concept:latitudelongitude 41.7742700000000,-72.7070400000000 +concept_trainstation_iowa_tech concept:latitudelongitude 42.2504100000000,-95.8359850000000 +concept_trainstation_kendall_station concept:latitudelongitude 18.0833300000000,-77.5000000000000 +concept_trainstation_labor_college concept:latitudelongitude 39.0209300000000,-76.9810900000000 +concept_trainstation_lasalle_street_station concept:latitudelongitude 41.8764200000000,-87.6320000000000 +concept_trainstation_marquette_university concept:atlocation concept_city_milwaukee +concept_trainstation_memphis_college concept:latitudelongitude 35.1537000000000,-89.9889800000000 +concept_trainstation_meramec_community_college concept:latitudelongitude 38.5686600000000,-90.4198400000000 +concept_trainstation_morrison_institute concept:latitudelongitude 41.7967000000000,-89.9659500000000 +concept_trainstation_ndac concept:latitudelongitude 6.4500000000000,11.1833300000000 +concept_trainstation_parker_college concept:latitudelongitude 32.1724060000000,-82.5428920000001 +concept_trainstation_pine_hill concept:proxyfor concept_radiostation_new_jersey +concept_trainstation_reno concept:buildinglocatedincity concept_city_vegas +concept_trainstation_rosslyn_metro_station concept:latitudelongitude 38.8959400000000,-77.0710900000000 +concept_trainstation_southwestern_university_school concept:atlocation concept_county_los_angeles_county +concept_trainstation_st___clair_college concept:latitudelongitude 42.2490000000000,-83.0210000000000 +concept_trainstation_state_college concept:locationlocatedwithinlocation concept_stateorprovince_pennsylvania +concept_trainstation_state_college concept:proxyfor concept_stateorprovince_pennsylvania +concept_trainstation_state_college concept:subpartof concept_stateorprovince_pennsylvania +concept_trainstation_states_chiropractic_college concept:latitudelongitude 45.5427800000000,-122.5238900000000 +concept_trainstation_studies concept:proxyfor concept_book_new +concept_trainstation_studies concept:mutualproxyfor concept_emotion_new +concept_trainstation_texas_a_m_university concept:atdate concept_dateliteral_n2005 +concept_trainstation_tri_c concept:latitudelongitude 37.3602200000000,-120.5640800000000 +concept_trainstation_va concept:organizationacronymhasname concept_governmentorganization_department +concept_trainstation_va concept:organizationacronymhasname concept_governmentorganization_department_of_veteran_affairs +concept_trainstation_va concept:organizationacronymhasname concept_governmentorganization_department_of_veterans_affairs +concept_trainstation_va concept:organizationacronymhasname concept_governmentorganization_u_s__department +concept_trainstation_va concept:organizationacronymhasname concept_governmentorganization_veterans_affairs_department +concept_trainstation_west_virginia_state concept:latitudelongitude 38.5763757142857,-81.0122985714286 +concept_trainstation_westchester concept:proxyfor concept_book_new +concept_trainstation_westchester concept:mutualproxyfor concept_company_new_york +concept_trainstation_westchester concept:mutualproxyfor concept_emotion_new +concept_trainstation_western_iowa_tech concept:latitudelongitude 42.2504100000000,-95.8359850000000 +concept_transportation_aberdeen_airport concept:airportincity concept_city_aberdeen +concept_transportation_acela concept:transportationincity concept_city_philadelphia +concept_transportation_acela_express concept:transportationincity concept_city_washington_d_c +concept_transportation_air concept:transportationincity concept_city_service +concept_transportation_airports concept:transportationincity concept_city_london_city +concept_transportation_airports concept:buildinglocatedincity concept_city_vegas +concept_transportation_airports concept:atdate concept_dateliteral_n2006 +concept_transportation_airports concept:proxyfor concept_lake_new +concept_transportation_airtrain_light_rail concept:transportationincity concept_city_new_york +concept_transportation_albuquerque_international_airport concept:buildinglocatedincity concept_city_albuquerque +concept_transportation_alfagar concept:latitudelongitude 37.0908250000000,-8.2090250000000 +concept_transportation_amtrak concept:transportationincity concept_county_los_angeles_county +concept_transportation_amtrak_cascades concept:transportationincity concept_city_seattle +concept_transportation_amtrak_train concept:transportationincity concept_city_washington_d_c +concept_transportation_arlanda_express concept:transportationincity concept_city_stockholm +concept_transportation_atlantic_city_international concept:airportincity concept_city_atlantic_city +concept_transportation_atlantic_city_international concept:buildinglocatedincity concept_city_atlantic_city +concept_transportation_austin_bergstrom_international_airport concept:airportincity concept_city_austin +concept_transportation_austin_bergstrom_international_airport concept:buildinglocatedincity concept_city_austin +concept_transportation_baltimore_washington_international_airport concept:latitudelongitude 39.1756550000000,-76.6853550000000 +concept_transportation_baltimore_washington_international_airport concept:airportincity concept_city_baltimore +concept_transportation_baltimore_washington_international_airport concept:buildinglocatedincity concept_city_baltimore +concept_transportation_barcelona_airport concept:airportincity concept_city_barcelona +concept_transportation_bart concept:transportationincity concept_city_fremont +concept_transportation_belfast_city concept:airportincity concept_city_belfast +concept_transportation_belfast_city concept:attractionofcity concept_city_belfast +concept_transportation_belfast_city concept:buildinglocatedincity concept_city_belfast +concept_transportation_belfast_city_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_birmingham_international_airport concept:airportincity concept_city_birmingham +concept_transportation_birmingham_international_airport concept:buildinglocatedincity concept_city_birmingham +concept_transportation_bit concept:proxyfor concept_book_new +concept_transportation_board_meeting concept:atdate concept_date_n1999 +concept_transportation_board_meeting concept:atdate concept_date_n2004 +concept_transportation_board_meeting concept:atdate concept_dateliteral_n2006 +concept_transportation_board_meeting concept:atdate concept_dateliteral_n2007 +concept_transportation_board_meeting concept:atdate concept_dateliteral_n2008 +concept_transportation_boston_logan concept:latitudelongitude 42.3884333333333,-71.0211666666667 +concept_transportation_boston_logan concept:airportincity concept_city_boston +concept_transportation_boston_logan concept:buildinglocatedincity concept_city_boston +concept_transportation_bristol_car concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_bristol_international concept:airportincity concept_city_bristol +concept_transportation_bristol_international concept:buildinglocatedincity concept_city_bristol +concept_transportation_bt concept:atdate concept_dateliteral_n2007 +concept_transportation_burbank_glendale_pasadena concept:airportincity concept_city_burbank +concept_transportation_buses concept:proxyfor concept_book_new +concept_transportation_cairns_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_cairns_international concept:latitudelongitude -16.9051650000000,145.7673400000000 +concept_transportation_calgary_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_caltrain concept:transportationincity concept_city_san_francisco +concept_transportation_capital_projects concept:subpartof concept_weatherphenomenon_water +concept_transportation_capitol_corridor concept:transportationincity concept_city_sacramento +concept_transportation_car concept:locationlocatedwithinlocation concept_city_vegas +concept_transportation_car concept:thinghascolor concept_color_blue +concept_transportation_car concept:objectpartofobject concept_visualizableobject_steering_wheel +concept_transportation_car concept:objectpartofobject concept_visualizableobject_windscreen +concept_transportation_car concept:objectpartofobject concept_visualizableobject_windshield +concept_transportation_car concept:objectfoundinscene concept_visualizablescene_car_dealership +concept_transportation_cascades concept:transportationincity concept_city_portland +concept_transportation_channel_tunnel concept:transportationincity concept_city_folkestone +concept_transportation_chicago_o_hare concept:latitudelongitude 41.9794700000000,-87.9042300000000 +concept_transportation_chicago_o_hare concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_chicago_o_hare concept:buildinglocatedincity concept_city_chicago +concept_transportation_chicago_o_hare concept:airportincity concept_city_downtown_chicago +concept_transportation_chitose_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_circumvesuviana concept:transportationincity concept_city_sorrento +concept_transportation_citizens concept:mutualproxyfor concept_book_new +concept_transportation_city_of_thousand_oaks concept:latitudelongitude 34.1917300000000,-118.8751400000000 +concept_transportation_city_rail concept:latitudelongitude 27.0435000000000,79.9062000000000 +concept_transportation_classrooms concept:proxyfor concept_book_new +concept_transportation_coalition concept:proxyfor concept_book_new +concept_transportation_coalition concept:atdate concept_date_n2001 +concept_transportation_coalition concept:atdate concept_date_n2003 +concept_transportation_coalition concept:atdate concept_dateliteral_n2007 +concept_transportation_coalition concept:mutualproxyfor concept_sportsequipment_board +concept_transportation_coast_starlight concept:transportationincity concept_county_los_angeles_county +concept_transportation_collapse concept:atdate concept_date_n2003 +concept_transportation_commuter_rail concept:transportationincity concept_city_helsinki +concept_transportation_concerns concept:subpartof concept_weatherphenomenon_air +concept_transportation_concerns concept:subpartof concept_weatherphenomenon_water +concept_transportation_concessions concept:subpartof concept_weatherphenomenon_water +concept_transportation_conference_call concept:atdate concept_dateliteral_n2007 +concept_transportation_corridor concept:proxyfor concept_book_new +concept_transportation_costs concept:proxyfor concept_book_new +concept_transportation_csx concept:mutualproxyfor concept_athlete_john_ward +concept_transportation_csx concept:mutualproxyfor concept_musicartist_ward +concept_transportation_csx concept:subpartof concept_musicartist_ward +concept_transportation_csx concept:mutualproxyfor concept_personcanada_john_ward +concept_transportation_csx concept:subpartof concept_personmexico_thomas_ward +concept_transportation_dallas_fort_worth_international_airport concept:latitudelongitude 32.8890116666667,-97.0451050000000 +concept_transportation_dallas_fort_worth_international_airport concept:airportincity concept_city_dallas +concept_transportation_dallas_fort_worth_international_airport concept:buildinglocatedincity concept_city_dallas +concept_transportation_data concept:objectfoundinscene concept_visualizablescene_observatory +concept_transportation_denver_international_airport concept:airportincity concept_city_denver +concept_transportation_denver_international_airport concept:buildinglocatedincity concept_city_denver +concept_transportation_departure concept:atdate concept_date_n1993 +concept_transportation_departure concept:atdate concept_date_n1996 +concept_transportation_departure concept:atdate concept_date_n2000 +concept_transportation_departure concept:atdate concept_date_n2001 +concept_transportation_departure concept:atdate concept_date_n2004 +concept_transportation_departure concept:atdate concept_dateliteral_n2005 +concept_transportation_departure concept:atdate concept_dateliteral_n2006 +concept_transportation_departure concept:atdate concept_dateliteral_n2007 +concept_transportation_departure concept:atdate concept_dateliteral_n2008 +concept_transportation_departure concept:atdate concept_year_n1998 +concept_transportation_detroit_metro concept:airportincity concept_city_detroit +concept_transportation_detroit_metro concept:buildinglocatedincity concept_city_detroit +concept_transportation_detroit_metro_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_dobritch concept:latitudelongitude 43.7833350000000,27.9166650000000 +concept_transportation_downeaster concept:transportationincity concept_city_boston +concept_transportation_dubai_airport concept:airportincity concept_city_deira +concept_transportation_dulles_airport concept:airportincity concept_city_washington_d_c +concept_transportation_dulles_international_airport concept:airportincity concept_city_washington_d_c +concept_transportation_e_n concept:transportationincity concept_city_victoria +concept_transportation_east_coast_main_line concept:transportationincity concept_city_edinburgh +concept_transportation_edinburgh_airport concept:airportincity concept_city_edinburgh +concept_transportation_empire_builder concept:transportationincity concept_city_chicago +concept_transportation_euro_star concept:transportationincity concept_city_london_city +concept_transportation_eurostar concept:transportationincity concept_city_paris +concept_transportation_eurostar_train concept:transportationincity concept_city_london_city +concept_transportation_exchanges concept:mutualproxyfor concept_book_new +concept_transportation_exeter_airport concept:airportincity concept_city_exeter +concept_transportation_express concept:transportationincity concept_city_london_city +concept_transportation_faro_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_faro_airport concept:airportincity concept_city_faro +concept_transportation_faro_airport concept:buildinglocatedincity concept_city_faro +concept_transportation_fax concept:subpartof concept_musicsong_form +concept_transportation_ferry concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_ferry concept:transportationincity concept_island_manhattan +concept_transportation_final_report concept:atdate concept_date_n1996 +concept_transportation_final_report concept:atdate concept_date_n1999 +concept_transportation_final_report concept:atdate concept_date_n2000 +concept_transportation_final_report concept:atdate concept_date_n2001 +concept_transportation_final_report concept:atdate concept_date_n2003 +concept_transportation_final_report concept:atdate concept_date_n2004 +concept_transportation_final_report concept:atdate concept_date_n2009 +concept_transportation_final_report concept:atdate concept_dateliteral_n2002 +concept_transportation_final_report concept:atdate concept_dateliteral_n2005 +concept_transportation_final_report concept:atdate concept_dateliteral_n2006 +concept_transportation_final_report concept:atdate concept_dateliteral_n2007 +concept_transportation_final_report concept:atdate concept_dateliteral_n2008 +concept_transportation_final_report concept:atdate concept_year_n1997 +concept_transportation_final_report concept:atdate concept_year_n1998 +concept_transportation_firstgroup concept:mutualproxyfor concept_personsouthamerica_martin_gilbert +concept_transportation_firstgroup concept:subpartof concept_personsouthamerica_martin_gilbert +concept_transportation_flights concept:transportationincity concept_city_cairo +concept_transportation_frankfurt_hahn_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_frankfurt_hauptbahnhof concept:latitudelongitude 50.1067900000000,8.6631700000000 +concept_transportation_funicolare concept:latitudelongitude 40.8166700000000,14.4166700000000 +concept_transportation_gate concept:atdate concept_dateliteral_n2007 +concept_transportation_gatwick_express concept:transportationincity concept_city_victoria +concept_transportation_george_bush_intercontinental concept:airportincity concept_city_houston +concept_transportation_george_bush_intercontinental concept:buildinglocatedincity concept_city_houston +concept_transportation_glasgow_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_glen_massan concept:latitudelongitude 56.0333300000000,-5.0166700000000 +concept_transportation_go_train concept:transportationincity concept_city_toronto +concept_transportation_gold_line concept:transportationincity concept_city_pasadena +concept_transportation_grand_central concept:transportationincity concept_city_sunderland +concept_transportation_great_western concept:transportationincity concept_city_bristol +concept_transportation_green_line concept:transportationincity concept_city_greenbelt +concept_transportation_greyhound_bus concept:transportationincity concept_city_new_york +concept_transportation_ground concept:proxyfor concept_book_new +concept_transportation_ground concept:atdate concept_date_n1993 +concept_transportation_ground concept:atdate concept_date_n2000 +concept_transportation_ground concept:atdate concept_date_n2003 +concept_transportation_ground concept:atdate concept_date_n2004 +concept_transportation_ground concept:atdate concept_date_n2009 +concept_transportation_ground concept:atdate concept_dateliteral_n2002 +concept_transportation_ground concept:atdate concept_dateliteral_n2005 +concept_transportation_ground concept:atdate concept_dateliteral_n2006 +concept_transportation_ground concept:atdate concept_dateliteral_n2007 +concept_transportation_ground concept:atdate concept_dateliteral_n2008 +concept_transportation_ground concept:atdate concept_year_n1997 +concept_transportation_haneda_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_haneda_airport concept:airportincity concept_city_tokyo +concept_transportation_haneda_airport concept:buildinglocatedincity concept_city_tokyo +concept_transportation_heartland_flyer concept:transportationincity concept_city_oklahoma_city +concept_transportation_heathrow_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_heathrow_airport concept:airportincity concept_city_london_city +concept_transportation_heathrow_airport concept:buildinglocatedincity concept_city_london_city +concept_transportation_heathrow_airport concept:transportationincity concept_city_paddington +concept_transportation_heathrow_express concept:transportationincity concept_city_heathrow +concept_transportation_heathrow_express_train concept:transportationincity concept_city_heathrow +concept_transportation_helsinki_vantaa_airport concept:airportincity concept_city_helsinki +concept_transportation_heyin concept:latitudelongitude 36.0447200000000,101.4241700000000 +concept_transportation_high concept:atdate concept_dateliteral_n2007 +concept_transportation_high_speed_eurostar concept:transportationincity concept_city_paris +concept_transportation_high_speed_tgv concept:transportationincity concept_city_paris +concept_transportation_hub concept:proxyfor concept_book_new +concept_transportation_ilha_terceira concept:latitudelongitude 38.7166700000000,-27.2166700000000 +concept_transportation_inauguration concept:atdate concept_date_n1993 +concept_transportation_inauguration concept:atdate concept_date_n1999 +concept_transportation_inauguration concept:atdate concept_date_n2000 +concept_transportation_inauguration concept:atdate concept_date_n2001 +concept_transportation_inauguration concept:atdate concept_date_n2003 +concept_transportation_inauguration concept:atdate concept_date_n2004 +concept_transportation_inauguration concept:atdate concept_dateliteral_n2002 +concept_transportation_inauguration concept:atdate concept_dateliteral_n2005 +concept_transportation_inauguration concept:atdate concept_dateliteral_n2007 +concept_transportation_inauguration concept:atdate concept_year_n1992 +concept_transportation_inauguration concept:atdate concept_year_n1995 +concept_transportation_incheon_international concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_incheon_international concept:airportincity concept_city_seoul +concept_transportation_incheon_international concept:buildinglocatedincity concept_city_seoul +concept_transportation_increase concept:proxyfor concept_book_new +concept_transportation_increase concept:atdate concept_dateliteral_n2005 +concept_transportation_increase concept:atdate concept_dateliteral_n2006 +concept_transportation_increase concept:atdate concept_dateliteral_n2007 +concept_transportation_increase concept:atdate concept_dateliteral_n2008 +concept_transportation_indian_pacific concept:transportationincity concept_city_perth +concept_transportation_indira_gandhi_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_intercity concept:transportationincity concept_city_london_city +concept_transportation_isc concept:atdate concept_dateliteral_n2007 +concept_transportation_jfk_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_john_f__kennedy_international concept:airportincity concept_city_new_york +concept_transportation_john_f__kennedy_international concept:buildinglocatedincity concept_city_new_york +concept_transportation_juan_santamaria concept:airportincity concept_city_alajuela +concept_transportation_juan_santamaria concept:buildinglocatedincity concept_city_alajuela +concept_transportation_kansai_international concept:latitudelongitude 34.4207550000000,135.2853350000000 +concept_transportation_kansai_international concept:airportincity concept_city_kobe +concept_transportation_kansai_international concept:buildinglocatedincity concept_city_osaka +concept_transportation_kansas_city_airport concept:airportincity concept_county_kansas_city +concept_transportation_kansas_city_airport concept:buildinglocatedincity concept_county_kansas_city +concept_transportation_la_aurora_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_laguardia_airport concept:airportincity concept_city_new_york +concept_transportation_larnaca_international_airport concept:airportincity concept_city_larnaca +concept_transportation_leonardo_da_vinci_international_airport concept:airportincity concept_city_rome +concept_transportation_light_rail concept:transportationincity concept_city_melbourne +concept_transportation_lirr concept:transportationincity concept_city_nyc +concept_transportation_liverpool_john_lennon_airport concept:airportincity concept_city_liverpool +concept_transportation_long_island_rail_road concept:transportationincity concept_city_new_york +concept_transportation_long_island_railroad concept:transportationincity concept_city_new_york +concept_transportation_los_angeles_international_airport concept:airportincity concept_county_los_angeles_county +concept_transportation_los_angeles_international_airport concept:buildinglocatedincity concept_county_los_angeles_county +concept_transportation_maglev concept:transportationincity concept_city_shanghai +concept_transportation_major_hubs concept:proxyfor concept_book_new +concept_transportation_manchester_airport concept:attractionofcity concept_city_london_city +concept_transportation_manchester_airport concept:buildinglocatedincity concept_city_london_city +concept_transportation_manchester_airport concept:airportincity concept_city_manchester +concept_transportation_marc concept:transportationincity concept_city_baltimore +concept_transportation_marc concept:attractionofcity concept_city_washington_d_c +concept_transportation_max concept:transportationincity concept_city_portland +concept_transportation_mbta concept:transportationincity concept_city_providence +concept_transportation_mccarran concept:airportincity concept_city_las_vegas +concept_transportation_mccarran concept:buildinglocatedincity concept_city_las_vegas +concept_transportation_mccarran_international_airport concept:airportincity concept_city_las_vegas +concept_transportation_mccarran_international_airport concept:buildinglocatedincity concept_city_vegas +concept_transportation_mcpherson concept:proxyfor concept_creditunion_kansas +concept_transportation_melbourne___commuter_rail concept:transportationincity concept_city_melbourne +concept_transportation_menorca_airport concept:airportincity concept_city_minorca +concept_transportation_metra concept:transportationincity concept_city_chicago +concept_transportation_metra_rail concept:transportationincity concept_city_chicago +concept_transportation_metro concept:transportationincity concept_city_kaula_lumpur +concept_transportation_metro_north concept:transportationincity concept_city_new_york +concept_transportation_metro_north_railroad concept:transportationincity concept_city_new_york_times_square +concept_transportation_metro_system concept:transportationincity concept_city_montreal +concept_transportation_metrolink concept:transportationincity concept_city_oceanside +concept_transportation_metropolitan_rail concept:transportationincity concept_city_naperville +concept_transportation_metrorail concept:transportationincity concept_county_los_angeles_county +concept_transportation_metros concept:proxyfor concept_lake_new +concept_transportation_metrosubway concept:transportationincity concept_city_washington_dc +concept_transportation_miami_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_miami_airport concept:airportincity concept_city_miami +concept_transportation_model_train concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_money concept:proxyfor concept_book_new +concept_transportation_money concept:atdate concept_dateliteral_n2005 +concept_transportation_money concept:atdate concept_dateliteral_n2006 +concept_transportation_money concept:atdate concept_dateliteral_n2007 +concept_transportation_monorail concept:transportationincity concept_city_melbourne +concept_transportation_monorail_services concept:transportationincity concept_city_sydney +concept_transportation_mtc concept:atdate concept_dateliteral_n2005 +concept_transportation_mtc concept:atdate concept_dateliteral_n2007 +concept_transportation_murcia_airport concept:airportincity concept_city_san_javier +concept_transportation_narita_express concept:transportationincity concept_city_tokyo +concept_transportation_narita_international concept:airportincity concept_city_tokyo +concept_transportation_narita_international concept:attractionofcity concept_city_tokyo +concept_transportation_narita_international concept:buildinglocatedincity concept_city_tokyo +concept_transportation_narita_international concept:transportationincity concept_city_tokyo_station +concept_transportation_nashville_railroad concept:latitudelongitude 33.5103800000000,-86.8077700000000 +concept_transportation_national_express_east_coast concept:transportationincity concept_city_london_city +concept_transportation_network concept:subpartof concept_visualizablething_water_supply +concept_transportation_network concept:subpartof concept_weatherphenomenon_air +concept_transportation_network concept:subpartof concept_weatherphenomenon_water +concept_transportation_new_jersey_transit concept:transportationincity concept_city_atlantic_city +concept_transportation_newark concept:latitudelongitude 40.7013975000000,-74.1751775000000 +concept_transportation_newark concept:airportincity concept_city_newark +concept_transportation_newark concept:buildinglocatedincity concept_city_newark +concept_transportation_newark_airport concept:proxyfor concept_lake_new +concept_transportation_newark_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_newark_liberty_international_airport concept:airportincity concept_city_new_york +concept_transportation_newcastle_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_night concept:transportationincity concept_city_hanoi +concept_transportation_nj_transit concept:transportationincity concept_city_new_york +concept_transportation_northeast_corridor concept:transportationincity concept_city_new_york +concept_transportation_nsf concept:atdate concept_date_n2004 +concept_transportation_nsf concept:atdate concept_dateliteral_n2006 +concept_transportation_operation concept:atdate concept_date_n1944 +concept_transportation_operation concept:atdate concept_date_n1969 +concept_transportation_operation concept:atdate concept_date_n1979 +concept_transportation_operation concept:atdate concept_date_n1993 +concept_transportation_operation concept:atdate concept_date_n1996 +concept_transportation_operation concept:atdate concept_date_n1999 +concept_transportation_operation concept:atdate concept_date_n2003 +concept_transportation_operation concept:atdate concept_date_n2004 +concept_transportation_operation concept:atdate concept_dateliteral_n1945 +concept_transportation_operation concept:atdate concept_dateliteral_n1953 +concept_transportation_operation concept:atdate concept_dateliteral_n1980 +concept_transportation_operation concept:atdate concept_dateliteral_n1990 +concept_transportation_operation concept:atdate concept_dateliteral_n2002 +concept_transportation_operation concept:atdate concept_dateliteral_n2005 +concept_transportation_operation concept:atdate concept_dateliteral_n2006 +concept_transportation_operation concept:atdate concept_dateliteral_n2007 +concept_transportation_operation concept:atdate concept_dateliteral_n2008 +concept_transportation_operation concept:atdate concept_dateliteral_n2010 +concept_transportation_operation concept:atdate concept_year_n1946 +concept_transportation_operation concept:atdate concept_year_n1983 +concept_transportation_operation concept:atdate concept_year_n1985 +concept_transportation_operation concept:atdate concept_year_n1986 +concept_transportation_operation concept:atdate concept_year_n1989 +concept_transportation_operation concept:atdate concept_year_n1997 +concept_transportation_orange_line concept:transportationincity concept_city_vienna +concept_transportation_orient_express concept:transportationincity concept_city_paris +concept_transportation_orlando_international concept:airportincity concept_city_orlando +concept_transportation_orlando_international concept:buildinglocatedincity concept_city_orlando +concept_transportation_outagamie_county_regional_airport concept:airportincity concept_city_appleton +concept_transportation_pace concept:atdate concept_date_n2004 +concept_transportation_pace concept:atdate concept_dateliteral_n2005 +concept_transportation_pace concept:atdate concept_dateliteral_n2006 +concept_transportation_pace concept:atdate concept_dateliteral_n2007 +concept_transportation_papeete concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_paris_orly_airport concept:airportincity concept_city_paris +concept_transportation_passengers concept:atdate concept_dateliteral_n2005 +concept_transportation_passengers concept:atdate concept_dateliteral_n2007 +concept_transportation_passengers concept:atdate concept_dateliteral_n2008 +concept_transportation_pat concept:atdate concept_date_n2004 +concept_transportation_path concept:transportationincity concept_city_new_york +concept_transportation_path_train concept:transportationincity concept_city_new_york +concept_transportation_phoenix_sky_harbor_airport concept:airportincity concept_city_phoenix +concept_transportation_phoenix_sky_harbor_airport concept:attractionofcity concept_city_phoenix +concept_transportation_phoenix_sky_harbor_airport concept:buildinglocatedincity concept_city_phoenix +concept_transportation_planning concept:atdate concept_dateliteral_n2006 +concept_transportation_prague_marriott_hotel concept:latitudelongitude 50.0882000000000,14.4317000000000 +concept_transportation_private_air concept:latitudelongitude 46.4652700000000,-100.1045500000000 +concept_transportation_punta_cana_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_railroad concept:proxyfor concept_book_new +concept_transportation_railroad_company concept:latitudelongitude 35.2264000000000,-112.4879600000000 +concept_transportation_railroad_company concept:proxyfor concept_book_new +concept_transportation_railroads concept:proxyfor concept_book_new +concept_transportation_rajdhani_express concept:transportationincity concept_city_delhi +concept_transportation_red_line concept:transportationincity concept_city_union_station +concept_transportation_regional_rail concept:transportationincity concept_city_philadelphia +concept_transportation_rehabilitation concept:subpartof concept_weatherphenomenon_water +concept_transportation_remote_control concept:objectpartofobject concept_sportsequipment_wheel +concept_transportation_reno_tahoe_international_airport concept:airportincity concept_city_reno +concept_transportation_rer_b concept:transportationincity concept_city_paris +concept_transportation_residents concept:mutualproxyfor concept_book_new +concept_transportation_ring concept:atdate concept_date_n2004 +concept_transportation_ring concept:atdate concept_dateliteral_n2002 +concept_transportation_ring concept:atdate concept_dateliteral_n2008 +concept_transportation_ronald_reagan_national_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_routes concept:proxyfor concept_book_new +concept_transportation_salt_lake_city_airport concept:airportincity concept_county_salt_lake +concept_transportation_san_francisco_international_airport concept:airportincity concept_city_san_francisco +concept_transportation_san_francisco_international_airport concept:buildinglocatedincity concept_city_san_francisco +concept_transportation_santa_barbara concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_scenic_railway concept:latitudelongitude 24.8611400000000,121.5515700000000 +concept_transportation_schooners concept:latitudelongitude -33.0500000000000,17.9000000000000 +concept_transportation_seatac_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_second_largest_city concept:proxyfor concept_book_new +concept_transportation_shannon_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_shannon_airport concept:airportincity concept_city_limerick +concept_transportation_shatabdi_express concept:transportationincity concept_city_delhi +concept_transportation_shinkansen concept:transportationincity concept_city_tokyo +concept_transportation_shore_line_east concept:transportationincity concept_city_new_haven +concept_transportation_situation concept:subpartof concept_weatherphenomenon_air +concept_transportation_situation concept:subpartof concept_weatherphenomenon_water +concept_transportation_skytrain concept:transportationincity concept_city_vancouver +concept_transportation_skytrain_light_rail concept:transportationincity concept_city_vancouver +concept_transportation_sncf concept:transportationincity concept_city_paris +concept_transportation_soekarno_hatta concept:airportincity concept_city_jakarta +concept_transportation_soekarno_hatta concept:buildinglocatedincity concept_city_jakarta +concept_transportation_sounder concept:transportationincity concept_city_everett +concept_transportation_south_west concept:transportationincity concept_city_london_waterloo +concept_transportation_southern_pacific concept:transportationincity concept_county_los_angeles_county +concept_transportation_stadium concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_star_ferry concept:transportationincity concept_city_kowloon +concept_transportation_start concept:objectfoundinscene concept_landscapefeatures_valley +concept_transportation_state_highways concept:latitudelongitude 45.8539000000000,-84.7044900000000 +concept_transportation_stations concept:mutualproxyfor concept_book_new +concept_transportation_stations concept:subpartof concept_weatherphenomenon_air +concept_transportation_stations concept:subpartof concept_weatherphenomenon_water +concept_transportation_subte concept:latitudelongitude 14.3000000000000,-87.4833300000000 +concept_transportation_suburban_light_rail concept:transportationincity concept_city_paris +concept_transportation_suburban_rail concept:transportationincity concept_city_london_city +concept_transportation_subway concept:transportationincity concept_city_new_york +concept_transportation_talgo concept:transportationincity concept_city_vancouver +concept_transportation_tazara concept:latitudelongitude 12.1007200000000,9.7070600000000 +concept_transportation_tgv concept:transportationincity concept_city_avignon +concept_transportation_tgv concept:attractionofcity concept_city_paris +concept_transportation_tgv_train concept:transportationincity concept_city_paris +concept_transportation_thalys concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_thalys concept:transportationincity concept_city_paris +concept_transportation_thameslink concept:transportationincity concept_city_bedford +concept_transportation_tickets concept:proxyfor concept_book_new +concept_transportation_tickets concept:atdate concept_date_n2009 +concept_transportation_tohoku_shinkansen concept:transportationincity concept_city_tokyo +concept_transportation_tokaido_shinkansen concept:transportationincity concept_city_tokyo +concept_transportation_tourism concept:proxyfor concept_book_new +concept_transportation_tourism concept:atdate concept_dateliteral_n2002 +concept_transportation_tourism concept:atdate concept_dateliteral_n2007 +concept_transportation_train concept:transportationincity concept_city_frankfurt +concept_transportation_tram_lines concept:transportationincity concept_city_paris +concept_transportation_trans_alaska_pipeline concept:latitudelongitude 66.1413900000000,-150.1583300000000 +concept_transportation_trans_siberian concept:transportationincity concept_city_beijing +concept_transportation_treviso_airport concept:airportincity concept_city_treviso +concept_transportation_tuscaloosa concept:subpartof concept_celebrity_alabama +concept_transportation_two concept:proxyfor concept_book_new +concept_transportation_two concept:atdate concept_date_n2004 +concept_transportation_two concept:atdate concept_dateliteral_n2005 +concept_transportation_two concept:atdate concept_dateliteral_n2006 +concept_transportation_two concept:atdate concept_dateliteral_n2008 +concept_transportation_two concept:mutualproxyfor concept_musicinstrument_assembly +concept_transportation_two concept:mutualproxyfor concept_sportsequipment_board +concept_transportation_two_cities concept:proxyfor concept_book_new +concept_transportation_u_5 concept:latitudelongitude 42.7892800000000,-114.5472300000000 +concept_transportation_vancouver_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_vancouver_international_airport concept:buildinglocatedincity concept_city_vancouver +concept_transportation_vancouver_international_airport concept:airportincity concept_city_whistler +concept_transportation_via_rail concept:transportationincity concept_city_toronto +concept_transportation_vienna_international_airport concept:airportincity concept_city_vienna +concept_transportation_virginia_railway_express concept:transportationincity concept_city_washington_d_c +concept_transportation_voters concept:proxyfor concept_book_new +concept_transportation_voters concept:atdate concept_date_n2000 +concept_transportation_voters concept:atdate concept_date_n2001 +concept_transportation_voters concept:atdate concept_date_n2003 +concept_transportation_voters concept:atdate concept_date_n2004 +concept_transportation_voters concept:atdate concept_date_n2009 +concept_transportation_voters concept:atdate concept_dateliteral_n2006 +concept_transportation_voters concept:atdate concept_dateliteral_n2007 +concept_transportation_voters concept:atdate concept_dateliteral_n2008 +concept_transportation_washington_dulles_international concept:airportincity concept_city_washington_d_c +concept_transportation_washington_dulles_international concept:buildinglocatedincity concept_city_washington_dc +concept_transportation_washington_dulles_international concept:locationlocatedwithinlocation concept_stateorprovince_virginia +concept_transportation_waterbury concept:atlocation concept_beach_vermont +concept_transportation_waverley_railway_station concept:latitudelongitude 55.9520000000000,-3.1890000000000 +concept_transportation_weather concept:proxyfor concept_book_new +concept_transportation_weather concept:atdate concept_date_n2000 +concept_transportation_west_coast_main_line concept:transportationincity concept_city_glasgow +concept_transportation_wilkes_barre_scranton_international_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_transportation_william_p_hobby concept:airportincity concept_city_houston +concept_transportation_yamanote concept:latitudelongitude 35.6833300000000,139.7166700000000 +concept_transportation_zurich_airport concept:airportincity concept_city_zurich +concept_university_a_m_ concept:subpartoforganization concept_sportsleague_uefa +concept_university_a_m_college concept:latitudelongitude 30.4690650000000,-91.1833000000000 +concept_university_abilene_christian concept:latitudelongitude 31.9812475000000,-100.3550300000000 +concept_university_adelphi_college concept:latitudelongitude 40.7377800000000,-73.0863900000000 +concept_university_administration concept:atdate concept_date_n2000 +concept_university_administration concept:atdate concept_date_n2001 +concept_university_administration concept:atdate concept_date_n2003 +concept_university_administration concept:atdate concept_date_n2004 +concept_university_administration concept:atdate concept_dateliteral_n2002 +concept_university_administration concept:atdate concept_dateliteral_n2005 +concept_university_administration concept:atdate concept_dateliteral_n2006 +concept_university_administration concept:atdate concept_dateliteral_n2007 +concept_university_administration concept:atdate concept_dateliteral_n2008 +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_department +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_u__s__department +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_u_s__department +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_u_s_department +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_united_states_department +concept_university_administration concept:organizationalsoknownas concept_governmentorganization_us_department +concept_university_administration concept:synonymfor concept_museum_u_s__department +concept_university_administration concept:agentcontrols concept_person_mugabe +concept_university_administration concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_administration concept:atdate concept_year_n1995 +concept_university_administration concept:atdate concept_year_n1997 +concept_university_administration concept:atdate concept_year_n1998 +concept_university_agnes_scott concept:latitudelongitude 33.7686350000000,-84.2946550000000 +concept_university_agricultural_university concept:latitudelongitude 33.6491000000000,73.0867000000000 +concept_university_air_war_college concept:latitudelongitude 24.8933000000000,67.1147000000000 +concept_university_akron concept:proxyfor concept_beverage_new +concept_university_akron concept:proxyfor concept_university_ohio +concept_university_akron concept:subpartof concept_university_ohio +concept_university_alabama concept:mutualproxyfor concept_beverage_mobile +concept_university_alabama concept:mutualproxyfor concept_book_new +concept_university_alabama concept:organizationhiredperson concept_coach_bear_bryant +concept_university_alabama concept:organizationhiredperson concept_coach_dennis_franchione +concept_university_alabama concept:organizationhiredperson concept_coach_gene_stallings +concept_university_alabama concept:organizationhiredperson concept_coach_mark_gottfried +concept_university_alabama concept:organizationhiredperson concept_coach_mike_price +concept_university_alabama concept:organizationhiredperson concept_coach_mike_shula +concept_university_alabama concept:organizationhiredperson concept_coach_nick_saban +concept_university_alabama concept:organizationhiredperson concept_coach_saban +concept_university_alabama concept:organizationhiredperson concept_musician_price +concept_university_alabama concept:mutualproxyfor concept_radiostation_dothan +concept_university_alabama concept:mutualproxyfor concept_radiostation_huntsville +concept_university_alabama concept:mutualproxyfor concept_radiostation_tuscaloosa +concept_university_alabama concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_alabama concept:mutualproxyfor concept_stateorprovince_auburn +concept_university_alabama_school_of_fine_arts concept:latitudelongitude 33.5209400000000,-86.8127700000000 +concept_university_alabama_state_college concept:latitudelongitude 32.3640300000000,-86.2955200000000 +concept_university_albany_law concept:latitudelongitude 42.6513900000000,-73.7775000000000 +concept_university_albany_state concept:latitudelongitude 31.5701700000000,-84.1438000000000 +concept_university_alliance_college concept:latitudelongitude 41.3583900000000,-80.5775800000000 +concept_university_amc concept:subpartoforganization concept_county_chrysler +concept_university_american_baptist_seminary_of_the_west concept:latitudelongitude 37.8650200000000,-122.2557500000000 +concept_university_american_heart_association concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_american_international_university concept:latitudelongitude 29.5122000000000,-98.5555700000000 +concept_university_american_university concept:atlocation concept_city_washington_d_c +concept_university_american_university_school_of_international_service concept:atlocation concept_city_washington_d_c +concept_university_americas concept:proxyfor concept_beverage_new +concept_university_americas concept:atdate concept_date_n2004 +concept_university_americas concept:atdate concept_date_n2009 +concept_university_americas concept:atdate concept_dateliteral_n2005 +concept_university_amos_tuck_school concept:latitudelongitude 43.7053500000000,-72.2945400000000 +concept_university_anderson_graduate_school concept:latitudelongitude 34.0741800000000,-118.4389700000000 +concept_university_anderson_graduate_school_of_management concept:latitudelongitude 34.0741800000000,-118.4389700000000 +concept_university_anderson_school_of_management concept:latitudelongitude 35.0839400000000,-106.6191900000000 +concept_university_aquinas_institute concept:latitudelongitude 43.1875600000000,-77.6397200000000 +concept_university_archbishop_wood_high_school concept:latitudelongitude 40.2092800000000,-75.0985000000000 +concept_university_argosy_university_san_francisco_bay_area concept:latitudelongitude 37.9191200000000,-122.3762800000000 +concept_university_arizona_state_college concept:latitudelongitude 35.1916800000000,-111.6557200000000 +concept_university_arizona_state_university_polytechnic concept:latitudelongitude 33.3071700000000,-111.6783600000000 +concept_university_arkansas_little_rock_trojans concept:agentcollaborateswithagent concept_personmexico_ncaa +concept_university_arkansas_little_rock_trojans concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_arkansas_state_university concept:agentactsinlocation concept_city_jonesboro +concept_university_arkansas_state_university concept:agentcontrols concept_politicianus_brady +concept_university_armstrong_atlantic concept:latitudelongitude 31.9778160000000,-81.1803675000000 +concept_university_ashland_theological_seminary concept:latitudelongitude 40.8564500000000,-82.3115500000000 +concept_university_ask_jeeves concept:agentcompeteswithagent concept_personcanada_search +concept_university_ateneo_university concept:latitudelongitude 14.6404000000000,121.0743900000000 +concept_university_atlantic_city_high_school concept:latitudelongitude 39.3680400000000,-74.4761400000000 +concept_university_attorney concept:mutualproxyfor concept_book_new +concept_university_auburn concept:atlocation concept_city_washington_d_c +concept_university_auburn concept:organizationhiredperson concept_coach_chizik +concept_university_auburn concept:organizationhiredperson concept_coach_gene_chizik +concept_university_auburn concept:organizationhiredperson concept_coach_jeff_lebo +concept_university_auburn concept:organizationhiredperson concept_coach_pat_dye +concept_university_auburn concept:organizationhiredperson concept_coach_tommy_tuberville +concept_university_auburn concept:organizationhiredperson concept_coach_tuberville +concept_university_auburn concept:organizationhiredperson concept_person_terry_bowden +concept_university_auburn concept:atlocation concept_skiarea_maine +concept_university_auburn concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_auburn concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_auburn concept:organizationalsoknownas concept_university_state_university +concept_university_auburn concept:synonymfor concept_university_state_university +concept_university_ba concept:organizationalsoknownas concept_bank_boeing +concept_university_ball_state concept:agentactsinlocation concept_geopoliticallocation_ball +concept_university_ball_state concept:organizationalsoknownas concept_university_state_university +concept_university_baltimore_polytechnic_institute concept:latitudelongitude 39.3467700000000,-76.6446900000000 +concept_university_baptist_bible_seminary concept:latitudelongitude 42.1161100000000,-75.9575000000000 +concept_university_bar_ilan_university concept:agentcontrols concept_academicfield_faculty_of_law +concept_university_barrington_college concept:latitudelongitude 41.7617700000000,-71.3336600000000 +concept_university_barry_university concept:atlocation concept_city_orlando +concept_university_baruch_college concept:atlocation concept_city_new_york +concept_university_baruch_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_battle_ground_high_school concept:latitudelongitude 45.7828900000000,-122.5409300000000 +concept_university_bauhaus_university_weimar concept:latitudelongitude 50.9738350000000,11.3289275000000 +concept_university_bauman_moscow_state_technical_university concept:latitudelongitude 55.7659200000000,37.6850800000000 +concept_university_baylor_college concept:latitudelongitude 30.3877050000000,-96.4294150000000 +concept_university_beeson_divinity_school concept:latitudelongitude 33.4645500000000,-86.7936000000000 +concept_university_behavior concept:agentparticipatedinevent concept_eventoutcome_result +concept_university_bell_labs concept:organizationterminatedperson concept_personcanada_william_shockley +concept_university_bellinzona concept:mutualproxyfor concept_architect_ticino +concept_university_berklee concept:latitudelongitude 42.3469000000000,-71.0872750000000 +concept_university_berklee_college_of_music concept:atlocation concept_city_boston +concept_university_bethany_seminary concept:latitudelongitude 41.8439200000000,-87.9939500000000 +concept_university_bir_zeit concept:latitudelongitude 31.9666700000000,35.1916650000000 +concept_university_birmingham_southern concept:latitudelongitude 33.5134400000000,-86.8508200000000 +concept_university_birur concept:latitudelongitude 13.6166700000000,75.9666700000000 +concept_university_biscayne_college concept:latitudelongitude 25.9231500000000,-80.2533800000000 +concept_university_black_hills_state_college concept:latitudelongitude 44.4972100000000,-103.8710400000000 +concept_university_bloomberg_school concept:latitudelongitude 39.2980600000000,-76.5905600000000 +concept_university_boston_arts_academy concept:latitudelongitude 42.3472000000000,-71.0932000000000 +concept_university_boston_consulting_group concept:mutualproxyfor concept_ceo_hans_paul_b__rkner +concept_university_boston_latin_school concept:latitudelongitude 42.3384800000000,-71.1011800000000 +concept_university_boston_red_sox concept:agentcompeteswithagent concept_female_yankees +concept_university_boston_red_sox concept:agentparticipatedinevent concept_sportsgame_series +concept_university_boston_red_sox concept:subpartoforganization concept_sportsleague_mlb +concept_university_boston_red_sox concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_university_boyd_school_of_law concept:latitudelongitude 36.1078000000000,-115.1399000000000 +concept_university_bradley_academy concept:latitudelongitude 39.9906000000000,-76.6647000000000 +concept_university_brandeis_school_of_law concept:latitudelongitude 38.2158000000000,-85.7611000000000 +concept_university_bread_loaf_school concept:latitudelongitude 43.9549700000000,-72.9916000000000 +concept_university_bridgeport concept:proxyfor concept_beverage_new +concept_university_bridgeport concept:agentactsinlocation concept_geopoliticallocation_national +concept_university_bridgeport concept:proxyfor concept_radiostation_new_jersey +concept_university_brigham_young concept:synonymfor concept_university_state_university +concept_university_british_library concept:atdate concept_dateliteral_n2008 +concept_university_bronx_high_school_of_science concept:latitudelongitude 40.8783300000000,-73.8908300000000 +concept_university_brooklyn_conservatory_of_music concept:latitudelongitude 40.6761100000000,-73.9750000000000 +concept_university_brooklyn_technical_high_school concept:latitudelongitude 40.6888900000000,-73.9766700000000 +concept_university_brother_martin_high_school concept:latitudelongitude 30.0039900000000,-90.0589300000000 +concept_university_brownsville concept:atlocation concept_city_texas +concept_university_brownsville concept:mutualproxyfor concept_city_texas +concept_university_brownsville concept:subpartof concept_city_texas +concept_university_brownsville concept:proxyfor concept_coach_kentucky +concept_university_butler concept:organizationhiredperson concept_personus_thomas_steen +concept_university_butler concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_butler concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_butler_college concept:latitudelongitude 32.3398700000000,-95.3221700000000 +concept_university_byu concept:organizationhiredperson concept_coach_lavell_edwards +concept_university_byu concept:organizationacronymhasname concept_university_byu_hawaii +concept_university_byu_hawaii concept:organizationacronymhasname concept_university_byu +concept_university_cal_state concept:latitudelongitude 34.1778000000000,-117.3283200000000 +concept_university_california_polytechnic concept:latitudelongitude 35.3008200000000,-120.6603600000000 +concept_university_california_santa_barbara concept:latitudelongitude 34.4126000000000,-119.8482200000000 +concept_university_california_state_polytechnic concept:latitudelongitude 34.0676433333333,-117.8244800000000 +concept_university_california_western_university concept:latitudelongitude 32.7175500000000,-117.2597600000000 +concept_university_calumet_college concept:latitudelongitude 41.6686500000000,-87.4936500000000 +concept_university_cambodia concept:atdate concept_date_n2000 +concept_university_cambodia concept:atdate concept_date_n2001 +concept_university_cambodia concept:atdate concept_dateliteral_n2008 +concept_university_campbellsville_college concept:latitudelongitude 37.3434000000000,-85.3521800000000 +concept_university_candler_school_of_theology concept:latitudelongitude 33.7921100000000,-84.3249900000000 +concept_university_carnegie_mellon concept:latitudelongitude 40.4459345454546,-79.9421227272727 +concept_university_carnegie_mellon concept:agentcollaborateswithagent concept_personaustralia_john_nash +concept_university_carnegie_mellon_university_school concept:latitudelongitude 40.4446300000000,-79.9429800000000 +concept_university_carolina concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_carolina concept:organizationheadquarteredinstateorprovince concept_stateorprovince_new_york +concept_university_carolina_state_university concept:proxyfor concept_beverage_new +concept_university_carolina_state_university concept:mutualproxyfor concept_book_new +concept_university_carson_newman concept:latitudelongitude 36.1214800000000,-83.4899000000000 +concept_university_case_western_reserve_university concept:atlocation concept_city_cleveland +concept_university_catholic_university concept:atlocation concept_city_washington_d_c +concept_university_center concept:atlocation concept_city_vegas_casino +concept_university_center concept:subpartof concept_company_new_york +concept_university_center concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_center concept:atlocation concept_county_las_vegas +concept_university_center concept:agentcreated concept_geopoliticalorganization_e_mail +concept_university_center concept:agentcreated concept_musicsong_questions_contact +concept_university_center concept:agentcreated concept_politicalparty_call +concept_university_center concept:agentcreated concept_programminglanguage_contact +concept_university_center concept:subpartoforganization concept_terroristorganization_state +concept_university_center concept:agentcreated concept_victim_students_contact +concept_university_center concept:agentcreated concept_website_phone +concept_university_center concept:agentcreated concept_website_telephone +concept_university_center concept:agentcreated concept_website_visit +concept_university_central concept:agentactsinlocation concept_airport_south_america +concept_university_central concept:agentactsinlocation concept_bridge_world +concept_university_central concept:agentactsinlocation concept_building_america +concept_university_central concept:agentactsinlocation concept_building_years +concept_university_central concept:atlocation concept_city_home +concept_university_central concept:agentactsinlocation concept_continent_africa +concept_university_central concept:atlocation concept_continent_africa +concept_university_central concept:agentactsinlocation concept_geopoliticallocation_latin_america +concept_university_central concept:mutualproxyfor concept_radiostation_new_jersey +concept_university_central concept:agentactsinlocation concept_stateorprovince_times +concept_university_central_intelligence_agency concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_central_intelligence_agency concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_chattanooga_state concept:latitudelongitude 35.1009100000000,-85.2381500000000 +concept_university_chester_college concept:latitudelongitude 42.9594200000000,-71.2594800000000 +concept_university_chicago_kent concept:latitudelongitude 41.8786400000000,-87.6422800000000 +concept_university_chicago_musical_college concept:latitudelongitude 41.8758700000000,-87.6247700000000 +concept_university_chung_yuan_university concept:latitudelongitude 24.9561100000000,121.2438900000000 +concept_university_church_divinity_school concept:latitudelongitude 37.8762400000000,-122.2611200000000 +concept_university_cincinnati_law_school concept:latitudelongitude 39.1050600000000,-84.5152200000000 +concept_university_cincinnati_school concept:latitudelongitude 39.5997700000000,-91.1754200000000 +concept_university_city_college concept:atlocation concept_city_new_york +concept_university_city_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_claremont_mckenna concept:latitudelongitude 34.1023500000000,-117.7067200000000 +concept_university_clemson concept:organizationhiredperson concept_athlete_frank_howard +concept_university_clemson concept:organizationhiredperson concept_coach_dabo_swinney +concept_university_clemson concept:organizationhiredperson concept_coach_danny_ford +concept_university_clemson concept:organizationhiredperson concept_coach_jack_leggett +concept_university_clemson concept:organizationhiredperson concept_coach_oliver_purnell +concept_university_clemson concept:organizationhiredperson concept_coach_tommy_bowden +concept_university_clemson concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_clemson concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_clemson concept:organizationalsoknownas concept_university_state_university +concept_university_cleveland_state concept:agentactsinlocation concept_city_cleveland +concept_university_cmu concept:organizationacronymhasname concept_university_carnegie_mellon_university +concept_university_colorado_law concept:latitudelongitude 39.7469400000000,-105.1786100000000 +concept_university_colorado_state concept:organizationalsoknownas concept_university_state_university +concept_university_colorado_state concept:synonymfor concept_university_state_university +concept_university_colorado_state concept:agentactsinlocation concept_visualizablescene_fort_collins +concept_university_columbia_university concept:proxyfor concept_beverage_new +concept_university_columbus_school_of_law concept:latitudelongitude 38.9577900000000,-76.9991600000000 +concept_university_commonwealth_university concept:latitudelongitude 37.5458980000000,-77.4431620000000 +concept_university_connecticut concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_control concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_cooley_law_school concept:latitudelongitude 42.9605600000000,-85.6694400000000 +concept_university_coppin_state concept:latitudelongitude 39.3103800000000,-76.6583000000000 +concept_university_coppin_state concept:atlocation concept_county_baltimore +concept_university_coppin_state concept:agentactsinlocation concept_geopoliticallocation_coppin +concept_university_corcoran_school_of_art concept:latitudelongitude 38.8956700000000,-77.0399800000000 +concept_university_crestview_high_school concept:latitudelongitude 40.9035250000000,-83.5790900000000 +concept_university_crotonville concept:latitudelongitude 41.1875900000000,-73.8701400000000 +concept_university_cwru concept:latitudelongitude 50.1166700000000,-127.9333300000000 +concept_university_cwru concept:organizationacronymhasname concept_university_case_western_reserve_university +concept_university_dalton_state concept:latitudelongitude 34.7750600000000,-85.0029300000000 +concept_university_daytona_beach_campus concept:latitudelongitude 29.1879500000000,-81.0492800000000 +concept_university_de_la_salle_college concept:latitudelongitude 38.9498300000000,-76.9794200000000 +concept_university_delaware_state concept:organizationhiredperson concept_person_al_lavan +concept_university_delaware_state concept:agentactsinlocation concept_stateorprovince_delaware +concept_university_delaware_technical_and_community_college concept:latitudelongitude 38.9462200000000,-75.4813100000000 +concept_university_delhi_college concept:latitudelongitude 42.2538900000000,-74.9258300000000 +concept_university_denver_university concept:latitudelongitude 39.7241500000000,-105.1594300000000 +concept_university_depaul concept:organizationhiredperson concept_coach_ray_meyer +concept_university_depaul concept:organizationterminatedperson concept_coach_ray_meyer +concept_university_depaul concept:atlocation concept_county_chicago +concept_university_depaul concept:subpartoforganization concept_sportsteam_ncaa_midwest_regionals +concept_university_depaul concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_dickinson_law_school concept:latitudelongitude 40.1995300000000,-77.1972000000000 +concept_university_district concept:proxyfor concept_beverage_new +concept_university_district concept:mutualproxyfor concept_book_new +concept_university_district concept:atdate concept_date_n2000 +concept_university_district concept:atdate concept_date_n2001 +concept_university_district concept:atdate concept_dateliteral_n2008 +concept_university_district concept:subpartof concept_weatherphenomenon_water +concept_university_district_of_columbia concept:atlocation concept_city_washington_d_c +concept_university_dominican_school_of_philosophy concept:latitudelongitude 37.8811300000000,-122.2644200000000 +concept_university_duquesne concept:atlocation concept_city_pittsburgh +concept_university_eaglebrook_school concept:latitudelongitude 42.5411000000000,-72.5933000000000 +concept_university_eagleton_institute concept:latitudelongitude 40.4816700000000,-74.4333300000000 +concept_university_eastern_connecticut_state concept:latitudelongitude 41.7234300000000,-72.2198000000000 +concept_university_eastern_mennonite_seminary concept:latitudelongitude 38.4700000000000,-78.8816700000000 +concept_university_eastern_oregon_state concept:latitudelongitude 45.6712400000000,-118.8166500000000 +concept_university_eden_seminary concept:latitudelongitude 38.5933900000000,-90.3462300000000 +concept_university_elon concept:organizationhiredperson concept_coach_pete_lembo +concept_university_emory concept:organizationalsoknownas concept_university_state_university +concept_university_emory concept:synonymfor concept_university_state_university +concept_university_eth_zuerich concept:latitudelongitude 47.3763000000000,8.5480500000000 +concept_university_ethical_culture_school concept:latitudelongitude 40.7201350000000,-73.9769450000000 +concept_university_fairbanks concept:atlocation concept_city_alaska +concept_university_fairbanks concept:mutualproxyfor concept_city_alaska +concept_university_fairbanks concept:subpartof concept_city_alaska +concept_university_feedburner concept:agentcompeteswithagent concept_university_feedburner +concept_university_fellow concept:proxyfor concept_beverage_new +concept_university_fellow concept:atdate concept_dateliteral_n2005 +concept_university_fellow concept:atdate concept_dateliteral_n2006 +concept_university_fellow concept:atdate concept_dateliteral_n2007 +concept_university_fellow concept:atdate concept_dateliteral_n2008 +concept_university_financial_aid concept:subpartoforganization concept_governmentorganization_government +concept_university_fitchburg_state concept:latitudelongitude 42.6077250000000,-71.7804900000000 +concept_university_five_branches_institute concept:latitudelongitude 36.9643100000000,-121.9980900000000 +concept_university_florida_atlantic concept:organizationhiredperson concept_coach_howard_schnellenberger +concept_university_florida_campus concept:latitudelongitude 27.9105000000000,-82.5238500000000 +concept_university_florida_international concept:atlocation concept_county_miami +concept_university_florida_school concept:latitudelongitude 28.5501500000000,-81.7565550000000 +concept_university_florida_university concept:latitudelongitude 28.0609000000000,-82.4100000000000 +concept_university_fort_hamilton_high_school concept:latitudelongitude 40.6270500000000,-74.0390300000000 +concept_university_fort_hare concept:latitudelongitude -32.7833300000000,26.8583300000000 +concept_university_fort_hays_state concept:latitudelongitude 38.8730300000000,-99.3403500000000 +concept_university_fort_valley_state concept:latitudelongitude 32.5387600000000,-83.8943500000000 +concept_university_fort_wright_college concept:latitudelongitude 47.6748900000000,-117.4732700000000 +concept_university_framingham_state concept:latitudelongitude 42.2973200000000,-71.4370100000000 +concept_university_france_telecom concept:subpartoforganization concept_biotechcompany_orange +concept_university_france_telecom concept:agentcollaborateswithagent concept_musicartist_orange +concept_university_france_telecom concept:agentcontrols concept_website_orange +concept_university_france_telecom concept:subpartof concept_website_orange +concept_university_fredericksburg concept:atlocation concept_city_texas +concept_university_freed_hardeman_college concept:latitudelongitude 35.4403500000000,-88.6395000000000 +concept_university_freelance_writer concept:proxyfor concept_beverage_new +concept_university_fresno_state concept:agentactsinlocation concept_city_fresno +concept_university_friends_seminary concept:latitudelongitude 40.7338900000000,-73.9852800000000 +concept_university_frostburg_university concept:latitudelongitude 40.0877800000000,-79.5627800000000 +concept_university_fuqua_school concept:latitudelongitude 37.2939500000000,-78.3839500000000 +concept_university_general_electric_company concept:organizationalsoknownas concept_bank_ge +concept_university_general_motors_institute concept:latitudelongitude 43.0133600000000,-83.7141200000000 +concept_university_geography concept:agentcompeteswithagent concept_biotechcompany_section +concept_university_george_peabody_college concept:latitudelongitude 36.1397800000000,-86.7994400000000 +concept_university_george_washington_university concept:atlocation concept_city_washington_d_c +concept_university_georgetown_law concept:latitudelongitude 38.8969000000000,-77.0134000000000 +concept_university_glastonbury_high_school concept:latitudelongitude 41.7009300000000,-72.5934200000000 +concept_university_globe concept:proxyfor concept_beverage_new +concept_university_globe concept:agentactsinlocation concept_museum_wilmington +concept_university_google concept:agentinvolvedwithitem concept_buildingfeature_window +concept_university_google concept:agentcollaborateswithagent concept_ceo_eric_schmidt +concept_university_google concept:agentcontrols concept_city_number +concept_university_google concept:agentcompeteswithagent concept_company_aol +concept_university_google concept:agentcompeteswithagent concept_company_ebay001 +concept_university_google concept:organizationalsoknownas concept_company_google_inc +concept_university_google concept:agentcompeteswithagent concept_company_msn +concept_university_google concept:agentcompeteswithagent concept_company_overture +concept_university_google concept:agentcompeteswithagent concept_company_wikipedia +concept_university_google concept:organizationterminatedperson concept_criminal_top +concept_university_google concept:atdate concept_date_n2001 +concept_university_google concept:atdate concept_date_n2004 +concept_university_google concept:atdate concept_dateliteral_n2005 +concept_university_google concept:atdate concept_dateliteral_n2006 +concept_university_google concept:atdate concept_dateliteral_n2007 +concept_university_google concept:atdate concept_dateliteral_n2008 +concept_university_google concept:agentcompeteswithagent concept_governmentorganization_amazon_com +concept_university_google concept:agentcompeteswithagent concept_mlauthor_text_search +concept_university_google concept:organizationhiredperson concept_person_home001 +concept_university_google concept:organizationterminatedperson concept_person_home001 +concept_university_google concept:organizationterminatedperson concept_person_larry_page +concept_university_google concept:organizationterminatedperson concept_personasia_number +concept_university_google concept:agentcompeteswithagent concept_personcanada_search +concept_university_google concept:agentcompeteswithagent concept_personmexico_affiliate_marketing +concept_university_google concept:agentcompeteswithagent concept_personus_pay +concept_university_google concept:agentcompeteswithagent concept_politicianus_free_search +concept_university_google concept:agentcompeteswithagent concept_professor_adsense +concept_university_google concept:agentcontrols concept_programminglanguage_doubleclick +concept_university_google concept:organizationterminatedperson concept_scientist_no_ +concept_university_google concept:agentcompeteswithagent concept_stateorprovince_paypal +concept_university_google concept:agentcompeteswithagent concept_stateorprovince_web_search +concept_university_google concept:agentcompeteswithagent concept_university_yahoo +concept_university_google concept:agentcompeteswithagent concept_website_amazon +concept_university_google concept:organizationalsoknownas concept_website_goog +concept_university_google concept:agentcompeteswithagent concept_website_technorati +concept_university_google concept:agentcompeteswithagent concept_website_yahoo__search_marketing +concept_university_google concept:agentcompeteswithagent concept_website_yahoo_mail +concept_university_google concept:agentcompeteswithagent concept_website_yahoo_overture +concept_university_google concept:agentcompeteswithagent concept_website_yahoo_search +concept_university_google concept:agentcompeteswithagent concept_website_yahoo_sponsored_search +concept_university_groton_school concept:latitudelongitude 43.1192500000000,-71.7440740000000 +concept_university_gsia concept:latitudelongitude 32.8800000000000,-6.2500000000000 +concept_university_gsu concept:latitudelongitude 32.0019400000000,12.1536100000000 +concept_university_hampden_sydney concept:latitudelongitude 37.2396816666667,-78.4618050000000 +concept_university_hartford_college concept:latitudelongitude 41.7742700000000,-72.7070400000000 +concept_university_hartford_graduate_center concept:latitudelongitude 41.7739900000000,-72.6732850000000 +concept_university_hartt_school concept:latitudelongitude 41.7978800000000,-72.7142600000000 +concept_university_harvard_radcliffe concept:latitudelongitude 42.3708000000000,-71.1156000000000 +concept_university_harvey_mudd concept:latitudelongitude 34.1061200000000,-117.7096600000000 +concept_university_hastings concept:atlocation concept_city_nebraska +concept_university_hastings concept:proxyfor concept_company_nebraska +concept_university_havard_university concept:latitudelongitude 42.3787100000000,-71.1161600000000 +concept_university_haverford_college concept:agentcontrols concept_book_tim +concept_university_haverford_college concept:agentcollaborateswithagent concept_company_tim +concept_university_helena_college_of_technology concept:latitudelongitude 46.5954900000000,-112.0155500000000 +concept_university_hewlett_packard concept:organizationalsoknownas concept_company_hp001 +concept_university_hewlett_packard concept:organizationterminatedperson concept_person_carly_fiorina001 +concept_university_hofstra_university concept:atlocation concept_city_new_york +concept_university_hofstra_university concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_holy_apostles_college_and_seminary concept:latitudelongitude 41.6076000000000,-72.6475900000000 +concept_university_honeywell concept:agentcollaborateswithagent concept_writer_david_m__cote +concept_university_howard_university_law_school concept:latitudelongitude 38.9429700000000,-77.0582800000000 +concept_university_howard_university_school_of_divinity concept:latitudelongitude 38.9395000000000,-76.9832000000000 +concept_university_humber_college concept:atlocation concept_city_toronto +concept_university_humboldt_state_college concept:latitudelongitude 41.0587400000000,-124.1470100000000 +concept_university_hunter_college concept:atlocation concept_city_new_york +concept_university_hunter_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_i_u_ concept:latitudelongitude 43.6791700000000,4.6361600000000 +concept_university_ibm concept:synonymfor concept_male_international_business_machines_corporation +concept_university_ibm concept:agentcreated concept_software_aix +concept_university_ibm concept:agentinvolvedwithitem concept_software_aix +concept_university_ibm concept:organizationalsoknownas concept_university_ford_motor_company +concept_university_iese_business_school concept:latitudelongitude 41.3936700000000,2.1105100000000 +concept_university_iit concept:organizationacronymhasname concept_university_illinois_institute_of_technology +concept_university_iit_bombay concept:latitudelongitude 19.1274100000000,72.9163900000000 +concept_university_illinois_institute concept:latitudelongitude 41.8580900000000,-87.6317200000000 +concept_university_illinois_institute_of_technology concept:atlocation concept_county_chicago +concept_university_illinois_school_of_professional_psychology concept:latitudelongitude 41.8786400000000,-87.6272700000000 +concept_university_illinois_state concept:agentactsinlocation concept_stateorprovince_illinois +concept_university_illinois_state concept:organizationalsoknownas concept_university_state_university +concept_university_illinois_state concept:synonymfor concept_university_state_university +concept_university_illinois_university_school concept:latitudelongitude 38.7891000000000,-89.9899000000000 +concept_university_illiopolis concept:latitudelongitude 39.8564980000000,-89.2505400000000 +concept_university_images concept:agentcompeteswithagent concept_city_web +concept_university_independent concept:agentactsinlocation concept_stateorprovince_new_york +concept_university_indiana_university concept:organizationhiredperson concept_person_knight +concept_university_indiana_university concept:organizationhiredperson concept_personafrica_mike_davis +concept_university_indiana_university_law_school concept:latitudelongitude 39.7744900000000,-86.1602600000000 +concept_university_institute concept:organizationheadquarteredincountry concept_country_us +concept_university_international_correspondence_school concept:latitudelongitude 41.4467500000000,-75.6679700000000 +concept_university_iowa_university concept:latitudelongitude 42.8405400000000,-91.7996100000000 +concept_university_irobot concept:agentinvolvedwithitem concept_product_roomba +concept_university_iu concept:organizationhiredperson concept_coach_bill_lynch +concept_university_iu concept:organizationhiredperson concept_person_knight +concept_university_iu concept:organizationhiredperson concept_person_lynch +concept_university_iu concept:organizationhiredperson concept_personafrica_mike_davis +concept_university_j_school concept:latitudelongitude 38.8283300000000,-104.0924600000000 +concept_university_jackson_state concept:agentactsinlocation concept_city_jackson +concept_university_jackson_state concept:organizationalsoknownas concept_university_state_university +concept_university_jacksonville_state concept:latitudelongitude 33.8223200000000,-85.7666300000000 +concept_university_jacksonville_state concept:agentactsinlocation concept_city_jacksonville +concept_university_janelia_farm_research_campus concept:latitudelongitude 39.0702800000000,-77.4683300000000 +concept_university_jefferson_medical concept:latitudelongitude 29.8935350000000,-90.0955800000000 +concept_university_jesuit_university concept:latitudelongitude 40.0703500000000,-80.6911900000000 +concept_university_jewish_theological concept:latitudelongitude 40.8119400000000,-73.9608300000000 +concept_university_john_f_kennedy_school_of_government concept:latitudelongitude 42.3712100000000,-71.1217200000000 +concept_university_jones_university concept:latitudelongitude 34.8740100000000,-82.3640100000000 +concept_university_junior_college concept:agentcontrols concept_island_kenneth +concept_university_junior_college concept:agentcollaborateswithagent concept_personeurope_kenneth +concept_university_k_state concept:organizationhiredperson concept_person_snyder +concept_university_kansas_city concept:organizationhiredperson concept_athlete_herman_edwards +concept_university_kansas_city concept:proxyfor concept_beverage_new +concept_university_kansas_city concept:organizationhiredperson concept_coach_herm_edwards +concept_university_kansas_city concept:proxyfor concept_company_missouri +concept_university_kansas_city concept:subpartof concept_company_missouri +concept_university_kansas_city concept:proxyfor concept_creditunion_kansas +concept_university_kansas_city concept:atdate concept_date_n2001 +concept_university_kansas_state concept:agentactsinlocation concept_city_kansas +concept_university_kansas_state concept:organizationhiredperson concept_coach_bill_snyder +concept_university_kansas_state concept:organizationhiredperson concept_coach_bob_huggins +concept_university_kansas_state concept:organizationhiredperson concept_coach_huggins +concept_university_kansas_state concept:organizationhiredperson concept_person_snyder +concept_university_kansas_state concept:organizationalsoknownas concept_university_state_university +concept_university_kansas_wesleyan concept:latitudelongitude 38.8138900000000,-97.6094800000000 +concept_university_karachi_university concept:latitudelongitude 24.9394000000000,67.1190666666667 +concept_university_kenrick_seminary concept:latitudelongitude 38.5783900000000,-90.3359500000000 +concept_university_kent_college_of_law concept:latitudelongitude 41.8786400000000,-87.6422800000000 +concept_university_kent_state concept:organizationhiredperson concept_coach_doug_martin +concept_university_kent_state concept:agentactsinlocation concept_room_kent +concept_university_kentucky concept:organizationhiredperson concept_athlete_rick_pitino +concept_university_kentucky concept:proxyfor concept_beverage_new +concept_university_kentucky concept:organizationhiredperson concept_coach_adolph_rupp +concept_university_kentucky concept:organizationhiredperson concept_coach_bill_curry +concept_university_kentucky concept:organizationhiredperson concept_coach_billy_gillespie +concept_university_kentucky concept:organizationhiredperson concept_coach_joe_b__hall +concept_university_kentucky concept:organizationhiredperson concept_coach_rich_brooks +concept_university_kentucky concept:organizationhiredperson concept_personaustralia_tubby_smith +concept_university_kentucky concept:organizationhiredperson concept_personeurope_curry +concept_university_kentucky concept:organizationhiredperson concept_personmexico_billy_gillispie +concept_university_kentucky concept:mutualproxyfor concept_radiostation_bowling_green +concept_university_kentucky concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_kentucky concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_kentucky concept:organizationhiredperson concept_writer_brooks +concept_university_kentucky concept:atdate concept_year_n1862 +concept_university_kentucky concept:atdate concept_year_n1865 +concept_university_ketchikan concept:atlocation concept_city_alaska +concept_university_ku concept:organizationhiredperson concept_personaustralia_bill_self +concept_university_ku concept:organizationhiredperson concept_personcanada_self +concept_university_ku concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_ku concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_laguardia_high_school concept:latitudelongitude 40.7738900000000,-73.9858300000000 +concept_university_lassiter_high_school concept:latitudelongitude 34.0426900000000,-84.4738500000000 +concept_university_law_college concept:latitudelongitude 25.3882000000000,68.3659000000000 +concept_university_law_school concept:subpartoforganization concept_county_new_york_university +concept_university_lawrence_berkeley_laboratory concept:latitudelongitude 37.8774300000000,-122.2508000000000 +concept_university_lawrence_berkeley_national_laboratory concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_lawrence_institute concept:latitudelongitude 42.4739200000000,-83.2488200000000 +concept_university_lehman_brothers concept:mutualproxyfor concept_ceo_dick_fuld +concept_university_lehman_brothers concept:organizationterminatedperson concept_ceo_dick_fuld +concept_university_liberty_baptist_theological_seminary concept:latitudelongitude 37.3591700000000,-79.1747200000000 +concept_university_life_chiropractic_college concept:latitudelongitude 37.6381300000000,-122.1175400000000 +concept_university_linda_hall_library concept:latitudelongitude 39.0342800000000,-94.5801800000000 +concept_university_liverpool_john_moores_university concept:subpartof concept_geopoliticallocation_fa +concept_university_liverpool_john_moores_university concept:agentcompeteswithagent concept_university_a_m_ +concept_university_lockheed_martin concept:mutualproxyfor concept_ceo_robert_stevens +concept_university_lockheed_martin concept:organizationterminatedperson concept_ceo_robert_stevens +concept_university_lockheed_martin concept:agentcollaborateswithagent concept_comedian_robert_stevens +concept_university_lockheed_martin concept:agentcollaborateswithagent concept_personnorthamerica_bob_stevens +concept_university_lockheed_martin concept:mutualproxyfor concept_personnorthamerica_bob_stevens +concept_university_longwood concept:atlocation concept_city_florida +concept_university_longwood concept:proxyfor concept_city_florida +concept_university_los_angeles_county_high_school concept:latitudelongitude 34.0675000000000,-118.1672200000000 +concept_university_loyola concept:organizationhiredperson concept_coach_jimmy_patsos +concept_university_loyola concept:organizationterminatedperson concept_coach_jimmy_patsos +concept_university_loyola_law concept:latitudelongitude 41.8972600000000,-87.6278300000000 +concept_university_loyola_marymount concept:atlocation concept_county_los_angeles_county +concept_university_loyola_university concept:atlocation concept_city_new_orleans +concept_university_lucent_technologies concept:organizationhiredperson concept_personnorthamerica_patricia_russo +concept_university_lucent_technologies concept:organizationterminatedperson concept_personnorthamerica_patricia_russo +concept_university_madison concept:agentactsinlocation concept_geopoliticallocation_national +concept_university_madison concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_mailman_school concept:latitudelongitude 40.8425000000000,-73.9436100000000 +concept_university_manaus concept:proxyfor concept_city_amazonas +concept_university_mankato concept:proxyfor concept_personnorthamerica_minnesota +concept_university_mankato concept:subpartof concept_personnorthamerica_minnesota +concept_university_mannes_college concept:latitudelongitude 40.7863900000000,-73.9747200000000 +concept_university_marriott_school concept:latitudelongitude 41.5461400000000,-89.2623100000000 +concept_university_mary_hardin_baylor concept:latitudelongitude 31.0652100000000,-97.4632800000000 +concept_university_mary_louis_academy concept:latitudelongitude 40.7134400000000,-73.7868000000000 +concept_university_massart concept:latitudelongitude 50.2833300000000,4.5833300000000 +concept_university_mccombs_school concept:latitudelongitude 41.2080900000000,-88.8756300000000 +concept_university_mcdonough_school concept:latitudelongitude 41.7308400000000,-72.1875766666667 +concept_university_mcgill_university concept:atlocation concept_city_montreal +concept_university_mcmaster_university concept:atlocation concept_geopoliticallocation_hamilton +concept_university_mead_high_school concept:latitudelongitude 41.6328300000000,-79.9733900000000 +concept_university_meadville_theological_school concept:latitudelongitude 41.7911500000000,-87.5961600000000 +concept_university_media_school concept:latitudelongitude 39.7592800000000,-75.9732800000000 +concept_university_memphis concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_memphis concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_memphis_state concept:latitudelongitude 35.1187000000000,-89.9407600000000 +concept_university_memphis_university concept:latitudelongitude 35.0984200000000,-89.8570300000000 +concept_university_merchant_marine_academy concept:latitudelongitude 40.8123200000000,-73.7626300000000 +concept_university_mercy_hospital_school concept:latitudelongitude 39.0856600000000,-94.5793000000000 +concept_university_message concept:proxyfor concept_beverage_new +concept_university_message concept:agentinvolvedwithitem concept_buildingfeature_window +concept_university_message concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_university_message concept:agentparticipatedinevent concept_eventoutcome_result +concept_university_message concept:agentcompeteswithagent concept_personcanada_search +concept_university_message concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_message concept:agentcreated concept_programminglanguage_contact +concept_university_message concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_university_methodist_theological_school concept:latitudelongitude 40.2534000000000,-83.0568500000000 +concept_university_metro_state_university concept:latitudelongitude 44.9574000000000,-93.0744000000000 +concept_university_miami_international_university_of_art concept:latitudelongitude 25.7896200000000,-80.1889000000000 +concept_university_michigan_state_college concept:latitudelongitude 42.3942000000000,-86.2822500000000 +concept_university_michigan_state_university concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_microsoft concept:agentcreated concept_buildingfeature_windows +concept_university_microsoft concept:agentcollaborateswithagent concept_ceo_steve_ballmer +concept_university_microsoft concept:agentcreated concept_charactertrait_vista +concept_university_microsoft concept:agentcollaborateswithagent concept_company_gates +concept_university_microsoft concept:agentcontrols concept_company_gates +concept_university_microsoft concept:agentcontrols concept_company_yahoo001 +concept_university_microsoft concept:synonymfor concept_jobposition_publisher +concept_university_microsoft concept:synonymfor concept_museum_microsoft_corporation +concept_university_microsoft concept:synonymfor concept_perceptionaction_word_processing +concept_university_microsoft concept:agentcollaborateswithagent concept_personus_steve_ballmer +concept_university_microsoft concept:agentcreated concept_product_powerpoint +concept_university_microsoft concept:synonymfor concept_programminglanguage_project +concept_university_microsoft concept:organizationterminatedperson concept_scientist_balmer +concept_university_microsoft concept:synonymfor concept_software_excel_2007 +concept_university_microsoft concept:synonymfor concept_software_office_excel +concept_university_microsoft concept:agentinvolvedwithitem concept_vehicle_express +concept_university_microsoft concept:agentinvolvedwithitem concept_vehicle_visual_studio +concept_university_microsoft concept:organizationheadquarteredinstateorprovince concept_visualizablescene_washington +concept_university_microsoft concept:agentcontrols concept_website_bill +concept_university_microsoft concept:agentcreated concept_website_download +concept_university_middle_tennessee_state concept:atlocation concept_city_murfreesboro +concept_university_middlebury concept:proxyfor concept_beach_vermont +concept_university_ministry concept:proxyfor concept_beverage_new +concept_university_ministry concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_ministry concept:atdate concept_date_n1996 +concept_university_ministry concept:atdate concept_date_n1999 +concept_university_ministry concept:atdate concept_date_n2000 +concept_university_ministry concept:atdate concept_date_n2003 +concept_university_ministry concept:atdate concept_date_n2004 +concept_university_ministry concept:atdate concept_dateliteral_n2002 +concept_university_ministry concept:atdate concept_dateliteral_n2005 +concept_university_ministry concept:atdate concept_dateliteral_n2006 +concept_university_ministry concept:atdate concept_dateliteral_n2007 +concept_university_ministry concept:atdate concept_dateliteral_n2008 +concept_university_ministry concept:synonymfor concept_governmentorganization_department +concept_university_ministry concept:atdate concept_year_n1989 +concept_university_ministry concept:atdate concept_year_n1997 +concept_university_ministry concept:atdate concept_year_n1998 +concept_university_minneapolis_school concept:latitudelongitude 44.9577400000000,-93.2735600000000 +concept_university_mississippi_state_college concept:latitudelongitude 33.4617900000000,-88.7883900000000 +concept_university_mississippi_state_university concept:agentactsinlocation concept_city_starkville +concept_university_mississippi_valley_state concept:agentactsinlocation concept_geopoliticallocation_mississippi_valley +concept_university_mississippi_valley_state concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_university_missouri_school_of_mines concept:latitudelongitude 37.9474200000000,-91.7821866666667 +concept_university_missouri_western concept:latitudelongitude 39.7592100000000,-94.7863100000000 +concept_university_mit_ concept:latitudelongitude 31.7141500000000,46.7261400000000 +concept_university_mizzou concept:latitudelongitude 39.1016800000000,-93.7502200000000 +concept_university_model_college concept:latitudelongitude 33.6109000000000,73.0351666666667 +concept_university_montana_state concept:agentactsinlocation concept_stateorprovince_montana +concept_university_montana_state_billings concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_monticello concept:atlocation concept_city_arkansas +concept_university_monticello concept:proxyfor concept_coach_kentucky +concept_university_morehead concept:proxyfor concept_coach_kentucky +concept_university_morehead concept:atlocation concept_skiarea_kentucky +concept_university_morgan_state concept:atlocation concept_county_baltimore +concept_university_morgan_state concept:agentactsinlocation concept_hotel_morgan +concept_university_morrison_institute concept:latitudelongitude 41.7967000000000,-89.9659500000000 +concept_university_moss_landing_marine_laboratories concept:latitudelongitude 36.8018800000000,-121.7883000000000 +concept_university_msu concept:organizationhiredperson concept_coach_mark_dantonio +concept_university_msu concept:organizationhiredperson concept_coach_sylvester_croom +concept_university_msu concept:organizationhiredperson concept_coach_tom_izzo +concept_university_msu concept:organizationacronymhasname concept_university_michigan_state_university +concept_university_murray_state concept:agentactsinlocation concept_city_murray +concept_university_music_institute concept:latitudelongitude 40.6972200000000,-73.8361100000000 +concept_university_nashville_public_library concept:latitudelongitude 36.5863260000000,-87.3055700000000 +concept_university_national concept:agentactsinlocation concept_beach_alpaugh +concept_university_national concept:agentactsinlocation concept_beach_bethesda_maryland +concept_university_national concept:agentactsinlocation concept_beach_fort_worth +concept_university_national concept:agentactsinlocation concept_beach_massachusetts +concept_university_national concept:agentactsinlocation concept_beach_sunset_beach +concept_university_national concept:proxyfor concept_beverage_new +concept_university_national concept:agentactsinlocation concept_blog_harrisburg +concept_university_national concept:agentactsinlocation concept_blog_la_palma +concept_university_national concept:agentactsinlocation concept_bridge_ford +concept_university_national concept:agentactsinlocation concept_building_america +concept_university_national concept:agentactsinlocation concept_building_anaheim +concept_university_national concept:agentactsinlocation concept_building_center001 +concept_university_national concept:agentactsinlocation concept_building_nation +concept_university_national concept:agentactsinlocation concept_company_national_city +concept_university_national concept:agentactsinlocation concept_company_pakistan +concept_university_national concept:agentcompeteswithagent concept_company_post +concept_university_national concept:agentactsinlocation concept_county_baton_rouge +concept_university_national concept:agentactsinlocation concept_county_brooklyn +concept_university_national concept:agentactsinlocation concept_county_lafayette +concept_university_national concept:atlocation concept_geopoliticallocation_clayton +concept_university_national concept:agentactsinlocation concept_geopoliticallocation_colorado +concept_university_national concept:agentactsinlocation concept_geopoliticallocation_devon +concept_university_national concept:agentactsinlocation concept_geopoliticallocation_golden +concept_university_national concept:agentactsinlocation concept_geopoliticallocation_maryland +concept_university_national concept:agentactsinlocation concept_governmentorganization_office +concept_university_national concept:agentactsinlocation concept_hospital_elkins_park +concept_university_national concept:agentactsinlocation concept_hospital_star +concept_university_national concept:agentactsinlocation concept_hotel_alpine +concept_university_national concept:agentactsinlocation concept_hotel_aston +concept_university_national concept:agentactsinlocation concept_hotel_fullerton +concept_university_national concept:agentactsinlocation concept_hotel_harvey +concept_university_national concept:agentactsinlocation concept_hotel_salisbury +concept_university_national concept:agentactsinlocation concept_hotel_westminster +concept_university_national concept:agentactsinlocation concept_lake_field +concept_university_national concept:agentactsinlocation concept_monument_cherry_hill +concept_university_national concept:agentactsinlocation concept_monument_d_c +concept_university_national concept:agentactsinlocation concept_monument_georgetown +concept_university_national concept:agentactsinlocation concept_monument_smithsonian_institute +concept_university_national concept:agentactsinlocation concept_monument_smithsonian_institution +concept_university_national concept:agentactsinlocation concept_mountain_altadena +concept_university_national concept:agentactsinlocation concept_mountain_guasti +concept_university_national concept:agentactsinlocation concept_mountain_mount_wilson +concept_university_national concept:agentactsinlocation concept_mountain_preston +concept_university_national concept:agentactsinlocation concept_mountain_rockford +concept_university_national concept:agentactsinlocation concept_mountain_shasta +concept_university_national concept:agentactsinlocation concept_museum_benton +concept_university_national concept:agentactsinlocation concept_museum_cedarhurst +concept_university_national concept:agentactsinlocation concept_museum_fairview +concept_university_national concept:agentactsinlocation concept_museum_first_place +concept_university_national concept:agentactsinlocation concept_museum_franklin +concept_university_national concept:agentactsinlocation concept_museum_site +concept_university_national concept:agentactsinlocation concept_museum_smithsonian +concept_university_national concept:agentactsinlocation concept_museum_u_s__department +concept_university_national concept:agentactsinlocation concept_museum_versailles +concept_university_national concept:agentactsinlocation concept_museum_wichita +concept_university_national concept:agentactsinlocation concept_museum_wilmington +concept_university_national concept:agentactsinlocation concept_planet_aurora +concept_university_national concept:agentactsinlocation concept_planet_harvest +concept_university_national concept:agentactsinlocation concept_planet_order +concept_university_national concept:agentactsinlocation concept_politicsblog_portland +concept_university_national concept:agentactsinlocation concept_politicsblog_raleigh +concept_university_national concept:agentactsinlocation concept_retailstore_albertson +concept_university_national concept:agentactsinlocation concept_retailstore_burlington +concept_university_national concept:agentactsinlocation concept_room_cary +concept_university_national concept:agentactsinlocation concept_room_development +concept_university_national concept:agentactsinlocation concept_room_fresno +concept_university_national concept:agentactsinlocation concept_room_way +concept_university_national concept:agentactsinlocation concept_shoppingmall_ardsley +concept_university_national concept:agentactsinlocation concept_shoppingmall_memphis +concept_university_national concept:agentactsinlocation concept_shoppingmall_montebello +concept_university_national concept:agentactsinlocation concept_skiarea_farmington +concept_university_national concept:agentactsinlocation concept_skiarea_french_gulch +concept_university_national concept:agentactsinlocation concept_skiarea_galena +concept_university_national concept:agentactsinlocation concept_skiarea_kentucky +concept_university_national concept:agentactsinlocation concept_skiarea_tennessee +concept_university_national concept:agentactsinlocation concept_stadiumoreventvenue_lexington +concept_university_national concept:agentactsinlocation concept_stateorprovince_afternoon +concept_university_national concept:agentactsinlocation concept_stateorprovince_ardmore +concept_university_national concept:atlocation concept_stateorprovince_ardmore +concept_university_national concept:agentactsinlocation concept_stateorprovince_auburn +concept_university_national concept:atlocation concept_stateorprovince_auburn +concept_university_national concept:agentactsinlocation concept_stateorprovince_cooperation +concept_university_national concept:agentactsinlocation concept_stateorprovince_georgia +concept_university_national concept:agentactsinlocation concept_stateorprovince_metairie +concept_university_national concept:atlocation concept_stateorprovince_metairie +concept_university_national concept:atlocation concept_stateorprovince_morning +concept_university_national concept:agentactsinlocation concept_stateorprovince_new_york +concept_university_national concept:agentactsinlocation concept_stateorprovince_pensacola +concept_university_national concept:atlocation concept_stateorprovince_pensacola +concept_university_national concept:agentactsinlocation concept_street_alameda +concept_university_national concept:agentactsinlocation concept_street_azusa +concept_university_national concept:agentactsinlocation concept_street_spring +concept_university_national concept:agentactsinlocation concept_trail_apple_valley +concept_university_national concept:agentactsinlocation concept_trail_carroll +concept_university_national concept:agentactsinlocation concept_trail_henderson +concept_university_national concept:agentactsinlocation concept_trail_saint_elmo +concept_university_national concept:agentactsinlocation concept_trainstation_arlington +concept_university_national concept:agentactsinlocation concept_trainstation_berkley +concept_university_national concept:agentactsinlocation concept_trainstation_brookhaven +concept_university_national concept:agentactsinlocation concept_trainstation_corona +concept_university_national concept:agentactsinlocation concept_trainstation_covina +concept_university_national concept:agentactsinlocation concept_trainstation_cypress +concept_university_national concept:agentactsinlocation concept_trainstation_fall +concept_university_national concept:agentactsinlocation concept_trainstation_glenview +concept_university_national concept:agentactsinlocation concept_trainstation_lynwood +concept_university_national concept:agentactsinlocation concept_trainstation_studies +concept_university_national concept:agentactsinlocation concept_visualizablescene_ny +concept_university_national concept:agentactsinlocation concept_visualizablescene_nz +concept_university_national concept:agentactsinlocation concept_visualizablething_charge +concept_university_national concept:agentactsinlocation concept_visualizablething_elmhurst +concept_university_national concept:agentactsinlocation concept_website_bangladesh +concept_university_national concept:agentactsinlocation concept_website_bethseda +concept_university_national concept:agentactsinlocation concept_website_concord +concept_university_national concept:agentactsinlocation concept_website_kenya +concept_university_national concept:agentactsinlocation concept_website_louisville +concept_university_national concept:agentactsinlocation concept_website_march_2007 +concept_university_national concept:agentactsinlocation concept_website_october_2007 +concept_university_national concept:agentactsinlocation concept_website_orange +concept_university_national concept:agentactsinlocation concept_website_pages +concept_university_national concept:agentactsinlocation concept_website_partnership +concept_university_national concept:agentactsinlocation concept_website_report +concept_university_national concept:agentactsinlocation concept_website_search +concept_university_national concept:agentactsinlocation concept_website_support +concept_university_national concept:agentactsinlocation concept_zoo_theodore +concept_university_national_center concept:proxyfor concept_beverage_new +concept_university_national_center concept:organizationheadquarteredincountry concept_country_u_s_ +concept_university_national_conservatory_of_dramatic_arts concept:agentcollaborateswithagent concept_person_juliette_binoche +concept_university_national_louis concept:atlocation concept_county_chicago +concept_university_national_science_foundation concept:organizationheadquarteredincountry concept_country_us +concept_university_national_science_foundation concept:synonymfor concept_politicaloffice_office +concept_university_nc_state concept:agentactsinlocation concept_city_raleigh +concept_university_nc_state concept:agentactsinlocation concept_geopoliticallocation_nc +concept_university_nebraska concept:organizationhiredperson concept_actor_bill_callahan +concept_university_nebraska concept:organizationhiredperson concept_actor_callahan +concept_university_nebraska concept:organizationhiredperson concept_coach_bo_pelini +concept_university_nebraska concept:organizationhiredperson concept_coach_bob_devaney +concept_university_nebraska concept:organizationhiredperson concept_coach_frank_solich +concept_university_nebraska concept:organizationhiredperson concept_coach_tom_osborne +concept_university_nebraska concept:organizationhiredperson concept_personmexico_doc_sadler +concept_university_nebraska concept:agentbelongstoorganization concept_sportsteam_ncaa_youth_kids +concept_university_ned_university_of_engineering concept:latitudelongitude 24.9331000000000,67.1138000000000 +concept_university_nevada_college concept:latitudelongitude 39.2610200000000,-119.9524100000000 +concept_university_nevada_school concept:latitudelongitude 40.3519900000000,-90.5070700000000 +concept_university_new_england_institute concept:latitudelongitude 41.9302833333333,-71.3192233333333 +concept_university_new_jersey_institute concept:latitudelongitude 40.7423000000000,-74.1787400000000 +concept_university_new_mexico_institute_of_mining concept:latitudelongitude 34.0661800000000,-106.9066900000000 +concept_university_new_mexico_school concept:latitudelongitude 34.5616300000000,-106.1776966666667 +concept_university_new_mexico_state concept:organizationhiredperson concept_coach_reggie_theus +concept_university_new_orleans_center concept:latitudelongitude 29.9639300000000,-90.0640733333333 +concept_university_new_orleans_center_for_creative_arts concept:latitudelongitude 29.9638700000000,-90.0489600000000 +concept_university_new_york_city_college concept:latitudelongitude 40.6953800000000,-73.9865300000000 +concept_university_new_york_university_school concept:proxyfor concept_beverage_new +concept_university_new_york_university_school concept:mutualproxyfor concept_book_new +concept_university_new_york_university_school concept:agentactsinlocation concept_lake_new +concept_university_new_york_university_school concept:atlocation concept_lake_new +concept_university_newcomb_college concept:latitudelongitude 29.9345100000000,-90.1028550000000 +concept_university_newschool concept:latitudelongitude 32.7133700000000,-117.1533900000000 +concept_university_newsweek concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_newsweek concept:agentcompeteswithagent concept_politicsblog_tribune +concept_university_newton_college concept:latitudelongitude 42.3496800000000,-71.1942200000000 +concept_university_nitze_school concept:latitudelongitude 38.9081000000000,-77.0403000000000 +concept_university_niu concept:organizationhiredperson concept_coach_joe_novak +concept_university_njc concept:latitudelongitude 60.9492700000000,76.4836200000000 +concept_university_nmsu concept:latitudelongitude 32.2800957142857,-106.7512314285714 +concept_university_north_carolina_central concept:organizationalsoknownas concept_university_state_university +concept_university_north_carolina_state concept:organizationhiredperson concept_coach_kay_yow +concept_university_north_carolina_state concept:organizationhiredperson concept_coach_sidney_lowe +concept_university_north_carolina_state concept:organizationhiredperson concept_personmexico_jim_valvano +concept_university_north_carolina_state concept:organizationalsoknownas concept_university_state_university +concept_university_north_carolina_state concept:synonymfor concept_university_state_university +concept_university_north_dakota_state concept:agentactsinlocation concept_stateorprovince_north_dakota +concept_university_north_dakota_state concept:organizationalsoknownas concept_university_state_university +concept_university_north_dakota_state concept:synonymfor concept_university_state_university +concept_university_north_forsyth_high_school concept:latitudelongitude 34.2776500000000,-84.1073400000000 +concept_university_northeastern_school concept:latitudelongitude 42.6566700000000,-85.2811100000000 +concept_university_northrop_university concept:latitudelongitude 33.9516800000000,-118.3756300000000 +concept_university_northwest concept:proxyfor concept_beverage_new +concept_university_northwest concept:agentactsinlocation concept_building_america +concept_university_northwest concept:atlocation concept_county_detroit +concept_university_northwestern concept:organizationalsoknownas concept_university_state_university +concept_university_northwestern_university_dental_school concept:latitudelongitude 41.8950300000000,-87.6206100000000 +concept_university_norway concept:atdate concept_date_n1941 +concept_university_norway concept:atdate concept_date_n2001 +concept_university_norway concept:atdate concept_date_n2009 +concept_university_norway concept:atdate concept_dateliteral_n1945 +concept_university_norway concept:atdate concept_dateliteral_n2008 +concept_university_norway concept:atdate concept_year_n1988 +concept_university_norwegian_school concept:latitudelongitude 43.2919200000000,-90.9667900000000 +concept_university_norwegian_university concept:latitudelongitude 63.4193700000000,10.4021000000000 +concept_university_norwegian_university_of_science concept:latitudelongitude 63.4193700000000,10.4021000000000 +concept_university_nottingham concept:atdate concept_date_n2009 +concept_university_nova_southeastern concept:atlocation concept_city_fort_lauderdale +concept_university_nsf concept:organizationacronymhasname concept_university_national_science_foundation +concept_university_ntnu concept:latitudelongitude 63.4193700000000,10.4021000000000 +concept_university_nuim concept:latitudelongitude 5.6708000000000,101.8503000000000 +concept_university_nyls concept:latitudelongitude -24.6500000000000,28.7000000000000 +concept_university_nyu concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_nyu concept:atlocation concept_stateorprovince_new_york +concept_university_oberlin concept:atlocation concept_city_kansas +concept_university_oceanside_high_school concept:latitudelongitude 33.1972600000000,-117.3736500000000 +concept_university_ohio concept:proxyfor concept_beverage_new +concept_university_ohio concept:mutualproxyfor concept_book_new +concept_university_ohio concept:mutualproxyfor concept_city_elyria +concept_university_ohio concept:mutualproxyfor concept_city_warren +concept_university_ohio concept:mutualproxyfor concept_coach_cincinnati +concept_university_ohio concept:organizationhiredperson concept_coach_frank_solich +concept_university_ohio concept:mutualproxyfor concept_county_columbus +concept_university_ohio concept:mutualproxyfor concept_county_marion +concept_university_ohio concept:mutualproxyfor concept_highway_lakewood +concept_university_ohio concept:mutualproxyfor concept_newspaper_jackson +concept_university_ohio concept:mutualproxyfor concept_radiostation_canton +concept_university_ohio concept:mutualproxyfor concept_radiostation_cleveland +concept_university_ohio concept:mutualproxyfor concept_radiostation_lima +concept_university_ohio concept:mutualproxyfor concept_radiostation_newark +concept_university_ohio concept:organizationterminatedperson concept_scientist_no_ +concept_university_ohio concept:mutualproxyfor concept_university_akron +concept_university_ohio concept:mutualproxyfor concept_vehicle_toledo +concept_university_ohio concept:mutualproxyfor concept_winery_mansfield +concept_university_ohio_state concept:organizationhiredperson concept_coach_jim_tressel +concept_university_ohio_state concept:organizationhiredperson concept_personmexico_woody_hayes +concept_university_ohio_state concept:agentactsinlocation concept_stateorprovince_ohio +concept_university_ohio_state concept:organizationalsoknownas concept_university_state_university +concept_university_ohio_university_college concept:latitudelongitude 41.1033900000000,-81.2464900000000 +concept_university_ohio_wesleyan concept:latitudelongitude 40.2964500000000,-83.0671300000000 +concept_university_oklahoma_christian concept:latitudelongitude 35.6379700000000,-97.4730950000000 +concept_university_oklahoma_college concept:latitudelongitude 35.0322900000000,-97.9547700000000 +concept_university_oklahoma_state concept:organizationhiredperson concept_celebrity_sean_sutton +concept_university_oklahoma_state concept:organizationhiredperson concept_personaustralia_smith +concept_university_oklahoma_state concept:organizationhiredperson concept_personmexico_eddie_sutton +concept_university_oklahoma_state concept:organizationalsoknownas concept_university_state_university +concept_university_oklahoma_state_college concept:latitudelongitude 34.9151000000000,-95.3310800000000 +concept_university_oracle concept:organizationalsoknownas concept_bank_oracle_corporation +concept_university_oracle concept:organizationhiredperson concept_person_ray_lane +concept_university_oracle concept:agentcollaborateswithagent concept_personus_larry_ellison +concept_university_oracle concept:agentcontrols concept_personus_larry_ellison +concept_university_oranim concept:latitudelongitude 32.4379200000000,35.1026400000000 +concept_university_oregon_health_sciences_university concept:atlocation concept_city_portland +concept_university_oregon_st concept:organizationalsoknownas concept_university_state_university +concept_university_osu concept:organizationhiredperson concept_coach_mike_gundy +concept_university_osu concept:organizationhiredperson concept_coach_mike_riley +concept_university_osu concept:organizationhiredperson concept_person_gundy +concept_university_osu concept:organizationhiredperson concept_personmexico_woody_hayes +concept_university_osu concept:organizationacronymhasname concept_university_ohio_state +concept_university_otis_college concept:latitudelongitude 33.9572900000000,-118.4172900000000 +concept_university_oviedo_high_school concept:latitudelongitude 28.6733300000000,-81.2184000000000 +concept_university_owen_graduate_school_of_management concept:latitudelongitude 36.1472800000000,-86.8000000000000 +concept_university_oyster_river_high_school concept:latitudelongitude 43.1411900000000,-70.9171700000000 +concept_university_paltz concept:proxyfor concept_beverage_new +concept_university_paltz concept:mutualproxyfor concept_book_new +concept_university_paltz concept:agentactsinlocation concept_lake_new +concept_university_paltz concept:atlocation concept_lake_new +concept_university_panhandle_state concept:latitudelongitude 36.5932250000000,-101.6266900000000 +concept_university_parkersburg concept:proxyfor concept_company_west_virginia +concept_university_parkersburg concept:subpartof concept_company_west_virginia +concept_university_parsons_school_of_design concept:atlocation concept_city_new_york +concept_university_parsons_school_of_design concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_peabody_conservatory concept:latitudelongitude 38.9128900000000,-77.0369200000000 +concept_university_pennsbury_high_school concept:latitudelongitude 40.2117800000000,-74.8226600000000 +concept_university_pennsylvania_state concept:organizationalsoknownas concept_university_state_university +concept_university_pennsylvania_state concept:synonymfor concept_university_state_university +concept_university_perdue_university concept:latitudelongitude 40.4122600000000,-86.9366800000000 +concept_university_perpich_center_for_arts_education concept:latitudelongitude 44.9833500000000,-93.3584300000000 +concept_university_philadelphia_college concept:latitudelongitude 40.0345725000000,-75.1319275000000 +concept_university_philadelphia_college_of_textiles concept:latitudelongitude 40.0215000000000,-75.1924000000000 +concept_university_philip_morris concept:subpartoforganization concept_governmentorganization_altria +concept_university_philippine_military_academy concept:latitudelongitude 16.3613900000000,120.6122200000000 +concept_university_phillips_exeter_academy concept:latitudelongitude 42.9783650000000,-70.9458600000000 +concept_university_pierce_law concept:latitudelongitude 43.2072750000000,-71.5451400000000 +concept_university_pierce_law_center concept:latitudelongitude 43.2072750000000,-71.5451400000000 +concept_university_pima_college concept:latitudelongitude 32.1665700000000,-110.8176500000000 +concept_university_point_loma_nazarene concept:atlocation concept_county_san_diego +concept_university_polytechnic_institute_of_brooklyn concept:latitudelongitude 40.7270400000000,-73.4226200000000 +concept_university_pomfret_school concept:latitudelongitude 41.8862100000000,-71.9648000000000 +concept_university_portland concept:mutualproxyfor concept_beverage_sam_adams +concept_university_portland concept:mutualproxyfor concept_book_new +concept_university_portland concept:organizationhiredperson concept_celebrity_sam_adams +concept_university_portland concept:proxyfor concept_city_rose_garden +concept_university_portland concept:atlocation concept_skiarea_maine +concept_university_portland concept:mutualproxyfor concept_skiarea_maine +concept_university_portland_state concept:agentactsinlocation concept_city_portland +concept_university_presbyterian_seminary concept:latitudelongitude 31.9623800000000,-90.9831600000000 +concept_university_prince_george__s_community_college concept:latitudelongitude 38.8890000000000,-76.8246900000000 +concept_university_purchase_college concept:latitudelongitude 41.0382600000000,-73.6977300000000 +concept_university_purdue concept:organizationhiredperson concept_coach_danny_hope +concept_university_purdue concept:organizationhiredperson concept_coach_gene_keady +concept_university_purdue concept:organizationhiredperson concept_coach_joe_tiller +concept_university_purdue concept:organizationhiredperson concept_personmexico_matt_painter +concept_university_purdue concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_purdue concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_purdue_school concept:latitudelongitude 40.2334000000000,-81.3756700000000 +concept_university_queen__s_university_belfast concept:latitudelongitude 54.5844000000000,-5.9343800000000 +concept_university_queen_mary_college concept:latitudelongitude 31.5617000000000,74.3445000000000 +concept_university_queens_college concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_queens_school concept:latitudelongitude 42.2405900000000,-84.4280100000000 +concept_university_queens_university_belfast concept:latitudelongitude 54.5700000000000,-5.9400000000000 +concept_university_raiders concept:organizationhiredperson concept_coach_kiffin +concept_university_raiders concept:organizationhiredperson concept_coach_tom_cable +concept_university_raiders concept:agentparticipatedinevent concept_convention_games +concept_university_raiders concept:atlocation concept_county_oakland +concept_university_raiders concept:organizationhiredperson concept_person_lane_kiffin +concept_university_raiders concept:agentcompeteswithagent concept_university_raiders +concept_university_reasons concept:mutualproxyfor concept_book_new +concept_university_reasons concept:agentactsinlocation concept_building_west +concept_university_reasons concept:atlocation concept_building_west +concept_university_reasons concept:agentactsinlocation concept_city_central +concept_university_reasons concept:atlocation concept_city_central +concept_university_reasons concept:agentactsinlocation concept_hotel_north +concept_university_reasons concept:agentactsinlocation concept_lake_new +concept_university_reasons concept:atlocation concept_lake_new +concept_university_reasons concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_reasons concept:agentactsinlocation concept_website_south +concept_university_reasons concept:atlocation concept_website_south +concept_university_red_bank_high_school concept:latitudelongitude 35.1167400000000,-85.2919000000000 +concept_university_rensselaer_polytechnic concept:latitudelongitude 42.7325800000000,-73.6809500000000 +concept_university_rensselear_polytechnic_institute concept:latitudelongitude 41.8420400000000,-72.6020300000000 +concept_university_reserve_academy concept:latitudelongitude 41.2467200000000,-81.4351100000000 +concept_university_reserve_university concept:latitudelongitude 41.5045000000000,-81.5970700000000 +concept_university_revelle_college concept:latitudelongitude 32.8729000000000,-117.2399000000000 +concept_university_richardson_school_of_law concept:latitudelongitude 21.2994400000000,-157.8202800000000 +concept_university_rider concept:agentparticipatedinevent concept_sportsgame_championship +concept_university_riverside concept:proxyfor concept_radiostation_new_jersey +concept_university_rockefeller_college_of_public_affairs concept:latitudelongitude 42.6613900000000,-73.7722200000000 +concept_university_rose_polytechnic_institute concept:latitudelongitude 39.4817000000000,-87.3241900000000 +concept_university_roslyn_high_school concept:latitudelongitude 40.7922200000000,-73.6391700000000 +concept_university_rutgers concept:agentactsinlocation concept_city_new_brunswick +concept_university_rutgers concept:organizationhiredperson concept_coach_c__vivian_stringer +concept_university_rutgers concept:organizationhiredperson concept_coach_schiano +concept_university_rutgers concept:organizationhiredperson concept_coach_vivian_stringer +concept_university_rwth_aachen concept:latitudelongitude 50.7736600000000,6.0753200000000 +concept_university_sacramento_state concept:agentactsinlocation concept_county_sacramento +concept_university_saint_michael_college concept:latitudelongitude 35.9147200000000,14.4872200000000 +concept_university_sam_houston_state concept:agentactsinlocation concept_geopoliticallocation_sam_houston +concept_university_san_clemente_high_school concept:latitudelongitude 33.4411400000000,-117.6153300000000 +concept_university_san_diego_state concept:agentactsinlocation concept_county_san_diego +concept_university_san_diego_state concept:atlocation concept_county_san_diego +concept_university_san_diego_university concept:latitudelongitude 32.7700500000000,-117.1855900000000 +concept_university_san_francisco_conservatory concept:latitudelongitude 37.7755000000000,-122.4202400000000 +concept_university_san_francisco_university concept:latitudelongitude 37.7909000000000,-122.4454200000000 +concept_university_san_jose_state concept:atlocation concept_building_san_jose_convention_center +concept_university_san_jose_state concept:agentactsinlocation concept_city_san_jose +concept_university_scarborough concept:atlocation concept_skiarea_maine +concept_university_search concept:agentcompeteswithagent concept_bank_baidu +concept_university_search concept:agentcompeteswithagent concept_bank_enterprise_software +concept_university_search concept:agentcompeteswithagent concept_biotechcompany_marketing +concept_university_search concept:agentcompeteswithagent concept_biotechcompany_section +concept_university_search concept:agentcompeteswithagent concept_blog_access +concept_university_search concept:agentcompeteswithagent concept_blog_form +concept_university_search concept:agentcompeteswithagent concept_blog_metadata +concept_university_search concept:agentcompeteswithagent concept_blog_net +concept_university_search concept:agentcompeteswithagent concept_company_alta_vista +concept_university_search concept:agentcompeteswithagent concept_company_aol +concept_university_search concept:agentcompeteswithagent concept_company_aol_ +concept_university_search concept:agentcompeteswithagent concept_company_ask +concept_university_search concept:agentcompeteswithagent concept_company_askjeeves +concept_university_search concept:agentcompeteswithagent concept_company_blinkx +concept_university_search concept:agentcompeteswithagent concept_company_companies +concept_university_search concept:agentcompeteswithagent concept_company_flickr +concept_university_search concept:agentcompeteswithagent concept_company_flickr001 +concept_university_search concept:agentcompeteswithagent concept_company_focus +concept_university_search concept:agentcompeteswithagent concept_company_homepage +concept_university_search concept:agentcompeteswithagent concept_company_input +concept_university_search concept:agentcompeteswithagent concept_company_kayak +concept_university_search concept:agentcompeteswithagent concept_company_looksmart +concept_university_search concept:agentcompeteswithagent concept_company_lycos +concept_university_search concept:agentcompeteswithagent concept_company_msn +concept_university_search concept:agentcompeteswithagent concept_company_msn_ +concept_university_search concept:agentcompeteswithagent concept_company_msn_search +concept_university_search concept:agentcompeteswithagent concept_company_orbitz_worldwide +concept_university_search concept:agentcompeteswithagent concept_company_overture +concept_university_search concept:agentcompeteswithagent concept_company_post +concept_university_search concept:agentcompeteswithagent concept_company_power +concept_university_search concept:agentcompeteswithagent concept_company_publications +concept_university_search concept:agentcompeteswithagent concept_company_rank +concept_university_search concept:agentcompeteswithagent concept_company_robots +concept_university_search concept:agentcompeteswithagent concept_company_services +concept_university_search concept:agentcompeteswithagent concept_company_stories +concept_university_search concept:agentcompeteswithagent concept_company_the_pirate_bay +concept_university_search concept:agentcompeteswithagent concept_company_trulia +concept_university_search concept:agentcompeteswithagent concept_company_visitors +concept_university_search concept:agentcompeteswithagent concept_company_wikipedia +concept_university_search concept:agentcompeteswithagent concept_company_word +concept_university_search concept:agentcompeteswithagent concept_company_yahoo__local +concept_university_search concept:agentcompeteswithagent concept_company_yahoo_inc_ +concept_university_search concept:agentcompeteswithagent concept_nonprofitorganization_lucene +concept_university_search concept:agentcompeteswithagent concept_nonprofitorganization_organizations +concept_university_search concept:agentcompeteswithagent concept_politicsblog_network +concept_university_search concept:agentcompeteswithagent concept_politicsblog_presence +concept_university_search concept:agentinvolvedwithitem concept_product_tab +concept_university_search concept:agentcompeteswithagent concept_televisionstation_google_maps +concept_university_search concept:agentcompeteswithagent concept_televisionstation_traffic +concept_university_search concept:agentcompeteswithagent concept_website_alltheweb_ +concept_university_search concept:agentcompeteswithagent concept_website_altavista_com +concept_university_search concept:agentcompeteswithagent concept_website_aol_search +concept_university_search concept:agentcompeteswithagent concept_website_baidu +concept_university_search concept:agentcompeteswithagent concept_website_clusty +concept_university_search concept:agentcompeteswithagent concept_website_copernic +concept_university_search concept:agentcompeteswithagent concept_website_dmoz +concept_university_search concept:agentcompeteswithagent concept_website_dogpile +concept_university_search concept:agentcompeteswithagent concept_website_dogpile__com +concept_university_search concept:agentcompeteswithagent concept_website_experience +concept_university_search concept:agentcompeteswithagent concept_website_froogle +concept_university_search concept:agentcompeteswithagent concept_website_gigablast +concept_university_search concept:agentcompeteswithagent concept_website_google__com +concept_university_search concept:agentcompeteswithagent concept_website_google__com__au +concept_university_search concept:agentcompeteswithagent concept_website_google_images +concept_university_search concept:agentcompeteswithagent concept_website_google_msn +concept_university_search concept:agentcompeteswithagent concept_website_google_scholar +concept_university_search concept:agentcompeteswithagent concept_website_google_search +concept_university_search concept:agentcompeteswithagent concept_website_google_works +concept_university_search concept:agentcompeteswithagent concept_website_google_yahoo +concept_university_search concept:agentcompeteswithagent concept_website_googletm +concept_university_search concept:agentcompeteswithagent concept_website_goto_com +concept_university_search concept:agentcompeteswithagent concept_website_infoseek +concept_university_search concept:agentcompeteswithagent concept_website_inktomi +concept_university_search concept:agentcompeteswithagent concept_website_netscape +concept_university_search concept:agentcompeteswithagent concept_website_northern_light +concept_university_search concept:agentcompeteswithagent concept_website_sidestep_ +concept_university_search concept:agentcompeteswithagent concept_website_submit +concept_university_search concept:agentcompeteswithagent concept_website_technorati +concept_university_search concept:agentcompeteswithagent concept_website_teoma +concept_university_search concept:agentcompeteswithagent concept_website_vivisimo +concept_university_search concept:agentcompeteswithagent concept_website_windows_live_search +concept_university_search concept:agentcompeteswithagent concept_website_www_yahoo_com +concept_university_search concept:agentcompeteswithagent concept_website_yahoo__search_marketing +concept_university_search concept:agentcompeteswithagent concept_website_yahoo_index +concept_university_search concept:agentcompeteswithagent concept_website_yahoo_mail +concept_university_search concept:agentcompeteswithagent concept_website_yahoo_search +concept_university_search concept:agentcompeteswithagent concept_website_yahooligans +concept_university_search concept:agentcompeteswithagent concept_website_yandex +concept_university_second_game concept:agentparticipatedinevent concept_sportsgame_series +concept_university_senior_associate concept:synonymfor concept_politicsissue_affairs +concept_university_senior_associate concept:synonymfor concept_politicsissue_programs +concept_university_senior_associate concept:synonymfor concept_stateorprovince_education +concept_university_senior_associate concept:synonymfor concept_trainstation_studies +concept_university_serbia_and_montenegro concept:atdate concept_date_n2003 +concept_university_serbia_and_montenegro concept:synonymfor concept_politicalparty_republic +concept_university_seton_hall concept:organizationhiredperson concept_coach_bobby_gonzalez +concept_university_seton_hall concept:organizationhiredperson concept_person_gonzalez +concept_university_seton_hall concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_seton_hall concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_seton_hall_university_law_school concept:latitudelongitude 40.7364900000000,-74.1659800000000 +concept_university_shasta_high_school concept:latitudelongitude 40.9548750000000,-122.3576500000000 +concept_university_shelton_state concept:latitudelongitude 33.1820650000000,-87.5283400000000 +concept_university_sierra_university concept:latitudelongitude 33.9126000000000,-117.5002633333333 +concept_university_simmons_college_graduate_school concept:latitudelongitude 42.3556500000000,-71.0733800000000 +concept_university_sinclair_college concept:latitudelongitude 39.7633900000000,-84.1949400000000 +concept_university_sioux_falls_college concept:latitudelongitude 43.5319200000000,-96.7383800000000 +concept_university_sir_syed_university concept:latitudelongitude 24.9161000000000,67.0891000000000 +concept_university_sitka concept:atlocation concept_city_alaska +concept_university_sitka concept:proxyfor concept_city_alaska +concept_university_slis concept:latitudelongitude 60.7947250000000,4.6929200000000 +concept_university_smithsonian_tropical_research_institute concept:latitudelongitude 9.1666700000000,-79.8500000000000 +concept_university_smu concept:organizationhiredperson concept_coach_june_jones +concept_university_soas concept:latitudelongitude 14.9232800000000,0.0848300000000 +concept_university_social_security_administration concept:synonymfor concept_politicaloffice_office +concept_university_solvay_business_school concept:latitudelongitude 50.8121000000000,4.3790600000000 +concept_university_sonoma_state concept:latitudelongitude 38.3280466666667,-122.5520066666667 +concept_university_sooners concept:agentcollaborateswithagent concept_personmexico_sam_bradford +concept_university_sooners concept:agentcontrols concept_personmexico_sam_bradford +concept_university_sophie_newcomb_college concept:latitudelongitude 29.9271500000000,-90.0834100000000 +concept_university_south_carolina_college concept:latitudelongitude 32.7845000000000,-79.9487000000000 +concept_university_south_eugene_high_school concept:latitudelongitude 44.0380600000000,-123.0866700000000 +concept_university_southeast_center concept:latitudelongitude 38.6997700000000,-86.9802800000000 +concept_university_southeastern_massachusetts_university concept:latitudelongitude 41.6295500000000,-71.0017100000000 +concept_university_southern_baptist_seminary concept:latitudelongitude 38.2475700000000,-85.6857900000000 +concept_university_southern_cal concept:organizationhiredperson concept_coach_carroll +concept_university_southern_cal concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_southern_cal concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_southern_california_school concept:latitudelongitude 34.0602900000000,-118.2047900000000 +concept_university_southern_california_university_of_health_sciences concept:latitudelongitude 33.9236800000000,-117.9825900000000 +concept_university_southern_methodist concept:organizationalsoknownas concept_university_state_university +concept_university_southwestern_state_university concept:latitudelongitude 35.5381100000000,-98.7059100000000 +concept_university_stanford concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_stanford concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_staples_high_school concept:latitudelongitude 41.1548200000000,-73.3273400000000 +concept_university_state_university concept:synonymfor concept_agent_southern_illinois +concept_university_state_university concept:organizationalsoknownas concept_bank_iowa_state +concept_university_state_university concept:synonymfor concept_bank_iowa_state +concept_university_state_university concept:proxyfor concept_beverage_new +concept_university_state_university concept:synonymfor concept_building_ohio_state +concept_university_state_university concept:synonymfor concept_building_oklahoma_state +concept_university_state_university concept:synonymfor concept_city_boston +concept_university_state_university concept:synonymfor concept_city_princeton +concept_university_state_university concept:synonymfor concept_city_santa_clara +concept_university_state_university concept:organizationalsoknownas concept_company_west_virginia +concept_university_state_university concept:synonymfor concept_company_west_virginia +concept_university_state_university concept:organizationalsoknownas concept_county_louisiana_state +concept_university_state_university concept:synonymfor concept_county_louisiana_state +concept_university_state_university concept:organizationalsoknownas concept_county_miami +concept_university_state_university concept:synonymfor concept_county_miami +concept_university_state_university concept:synonymfor concept_county_penn_state +concept_university_state_university concept:synonymfor concept_county_san_francisco_state +concept_university_state_university concept:synonymfor concept_emotion_college +concept_university_state_university concept:synonymfor concept_emotion_northwestern +concept_university_state_university concept:mutualproxyfor concept_geometricshape_colleges +concept_university_state_university concept:synonymfor concept_geopoliticallocation_arizona_state +concept_university_state_university concept:synonymfor concept_geopoliticallocation_carnegie_mellon +concept_university_state_university concept:synonymfor concept_geopoliticallocation_central_michigan +concept_university_state_university concept:synonymfor concept_geopoliticallocation_duke +concept_university_state_university concept:synonymfor concept_geopoliticallocation_rutgers +concept_university_state_university concept:synonymfor concept_geopoliticallocation_stanford +concept_university_state_university concept:synonymfor concept_geopoliticallocation_vanderbilt +concept_university_state_university concept:synonymfor concept_geopoliticallocation_wright_state +concept_university_state_university concept:synonymfor concept_geopoliticallocation_yale +concept_university_state_university concept:synonymfor concept_governmentorganization_department +concept_university_state_university concept:synonymfor concept_jobposition_adjunct_professor +concept_university_state_university concept:synonymfor concept_jobposition_dean +concept_university_state_university concept:organizationalsoknownas concept_musicartist_colleges +concept_university_state_university concept:synonymfor concept_musicartist_colleges +concept_university_state_university concept:organizationalsoknownas concept_politicalparty_college +concept_university_state_university concept:synonymfor concept_programminglanguage_state +concept_university_state_university concept:synonymfor concept_school_johns_hopkins +concept_university_state_university concept:mutualproxyfor concept_scientist_associate_professor +concept_university_state_university concept:synonymfor concept_sportsteam_michigan_state +concept_university_state_university concept:organizationalsoknownas concept_stateorprovince_indiana +concept_university_state_university concept:synonymfor concept_stateorprovince_indiana +concept_university_state_university concept:organizationalsoknownas concept_stateorprovince_mississippi_state +concept_university_state_university concept:synonymfor concept_stateorprovince_mississippi_state +concept_university_state_university concept:synonymfor concept_trainstation_george_mason +concept_university_state_university concept:organizationalsoknownas concept_university_auburn +concept_university_state_university concept:synonymfor concept_university_auburn +concept_university_state_university concept:synonymfor concept_university_ball_state +concept_university_state_university concept:organizationalsoknownas concept_university_bowling_green_state +concept_university_state_university concept:synonymfor concept_university_brigham_young +concept_university_state_university concept:synonymfor concept_university_case_western_reserve +concept_university_state_university concept:organizationalsoknownas concept_university_clemson +concept_university_state_university concept:synonymfor concept_university_colorado_state +concept_university_state_university concept:synonymfor concept_university_depauw +concept_university_state_university concept:synonymfor concept_university_emory +concept_university_state_university concept:organizationalsoknownas concept_university_illinois_state +concept_university_state_university concept:synonymfor concept_university_illinois_state +concept_university_state_university concept:organizationalsoknownas concept_university_kansas_state +concept_university_state_university concept:synonymfor concept_university_kansas_state +concept_university_state_university concept:synonymfor concept_university_kent_state +concept_university_state_university concept:synonymfor concept_university_new_mexico_state +concept_university_state_university concept:organizationalsoknownas concept_university_north_carolina_state +concept_university_state_university concept:synonymfor concept_university_north_carolina_state +concept_university_state_university concept:synonymfor concept_university_north_dakota_state +concept_university_state_university concept:organizationalsoknownas concept_university_ohio +concept_university_state_university concept:synonymfor concept_university_ohio +concept_university_state_university concept:organizationalsoknownas concept_university_ohio_state +concept_university_state_university concept:organizationalsoknownas concept_university_oklahoma_state +concept_university_state_university concept:organizationalsoknownas concept_university_oregon_st +concept_university_state_university concept:synonymfor concept_university_oregon_st +concept_university_state_university concept:organizationalsoknownas concept_university_pennsylvania_state +concept_university_state_university concept:synonymfor concept_university_pennsylvania_state +concept_university_state_university concept:synonymfor concept_university_pepperdine +concept_university_state_university concept:synonymfor concept_university_san_jose_state +concept_university_state_university concept:synonymfor concept_university_the_ohio_state +concept_university_state_university concept:organizationalsoknownas concept_university_utah_state +concept_university_state_university concept:synonymfor concept_university_utah_state +concept_university_state_university concept:organizationalsoknownas concept_university_washington_state +concept_university_state_university concept:synonymfor concept_university_washington_state +concept_university_state_university concept:synonymfor concept_university_western_illinois +concept_university_state_university concept:synonymfor concept_university_western_washington +concept_university_state_university concept:synonymfor concept_writer_brown +concept_university_state_university concept:synonymfor concept_writer_harvard +concept_university_staten_island_university concept:latitudelongitude 40.5507050000000,-74.1412150000000 +concept_university_stern_college concept:latitudelongitude 40.7470500000000,-73.9793100000000 +concept_university_stevens_institute concept:latitudelongitude 40.7450000000000,-74.0239700000000 +concept_university_stockholm_school concept:latitudelongitude 41.0889900000000,-74.5123800000000 +concept_university_stockton_college concept:latitudelongitude 40.1306000000000,-91.5304300000000 +concept_university_stony_brook concept:proxyfor concept_company_new_york +concept_university_stuttgart_university concept:latitudelongitude 48.7833700000000,9.1813900000000 +concept_university_sydney_college concept:latitudelongitude 37.2419800000000,-78.4600250000000 +concept_university_syracuse_university_school concept:latitudelongitude 43.0420800000000,-76.1315300000000 +concept_university_taiwan_normal_university concept:latitudelongitude 25.0252000000000,121.5253000000000 +concept_university_technische_hochschule concept:latitudelongitude 47.3763000000000,8.5480500000000 +concept_university_temple concept:atlocation concept_city_texas +concept_university_temple concept:proxyfor concept_city_texas +concept_university_temple concept:organizationhiredperson concept_coach_al_golden +concept_university_temple concept:organizationhiredperson concept_coach_fran_dunphy +concept_university_temple concept:organizationhiredperson concept_professor_john_chaney +concept_university_tepper_school concept:latitudelongitude 40.4412550000000,-79.9423000000000 +concept_university_tepper_school_of_business concept:latitudelongitude 40.4411100000000,-79.9425000000000 +concept_university_texas_medical_center concept:proxyfor concept_city_texas +concept_university_texas_medical_center concept:subpartof concept_city_texas +concept_university_texas_technical_university concept:latitudelongitude 30.4726900000000,-99.7786800000000 +concept_university_texas_technological_university concept:latitudelongitude 33.5859200000000,-101.8718300000000 +concept_university_thayer_academy concept:latitudelongitude 42.2081600000000,-71.0058800000000 +concept_university_thayer_school_of_engineering concept:latitudelongitude 43.7040400000000,-72.2949650000000 +concept_university_the_arts concept:proxyfor concept_beverage_new +concept_university_the_arts concept:mutualproxyfor concept_book_new +concept_university_the_arts concept:atlocation concept_lake_new +concept_university_the_new_school concept:atlocation concept_island_new_york_city_metropolitan_area +concept_university_the_new_school concept:atlocation concept_stateorprovince_new_york +concept_university_the_university_of_hong_kong concept:latitudelongitude 22.2826900000000,114.1391250000000 +concept_university_the_university_of_the_south concept:latitudelongitude 35.2048000000000,-85.9197000000000 +concept_university_theft concept:agentparticipatedinevent concept_eventoutcome_result +concept_university_tisch_school concept:latitudelongitude 40.7311100000000,-73.9950000000000 +concept_university_toledo_university concept:latitudelongitude 41.6721950000000,-83.6195400000000 +concept_university_trevecca concept:latitudelongitude 36.1433616666667,-86.7531283333333 +concept_university_trinity_seminary concept:latitudelongitude 42.5206000000000,-83.0860000000000 +concept_university_troy_state concept:latitudelongitude 44.1058000000000,-96.3397600000000 +concept_university_troy_state concept:agentactsinlocation concept_city_troy +concept_university_tsing_hua concept:latitudelongitude 39.9045200000000,116.3915300000000 +concept_university_tu_berlin concept:latitudelongitude 52.5122100000000,13.3269700000000 +concept_university_tucson_high_school concept:latitudelongitude 32.2058400000000,-110.7637900000000 +concept_university_tunghai concept:latitudelongitude 22.3666700000000,96.7666700000000 +concept_university_u_m_ concept:latitudelongitude 42.6985300000000,23.3228700000000 +concept_university_u_t_ concept:mutualproxyfor concept_city_dallas +concept_university_uab concept:organizationhiredperson concept_coach_neil_callaway +concept_university_uab concept:organizationhiredperson concept_coach_watson_brown +concept_university_uab concept:organizationhiredperson concept_person_davis +concept_university_uab concept:organizationhiredperson concept_personafrica_mike_davis +concept_university_ub concept:mutualproxyfor concept_ceo_vijay_mallya +concept_university_ub concept:organizationterminatedperson concept_ceo_vijay_mallya +concept_university_ucl concept:atdate concept_dateliteral_n2007 +concept_university_ucla concept:organizationacronymhasname concept_university_university_of_california_los_angeles +concept_university_uconn concept:organizationhiredperson concept_coach_calhoun +concept_university_uconn concept:organizationhiredperson concept_coach_geno_auriemma +concept_university_uconn concept:organizationhiredperson concept_coach_randy_edsall +concept_university_uconn concept:organizationhiredperson concept_personaustralia_jim_calhoun +concept_university_uconn concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_ucsb concept:latitudelongitude 34.4126000000000,-119.8482200000000 +concept_university_ucsf concept:atlocation concept_county_san_francisco +concept_university_uct concept:latitudelongitude 60.4009000000000,48.3075000000000 +concept_university_uf concept:organizationhiredperson concept_coach_urban_meyer +concept_university_uf concept:organizationhiredperson concept_visualartist_meyer +concept_university_uga concept:organizationhiredperson concept_coach_mark_richt +concept_university_uga concept:organizationhiredperson concept_coach_richt +concept_university_umpi concept:latitudelongitude 23.0333300000000,99.3666700000000 +concept_university_umuc concept:latitudelongitude 38.9867566666667,-76.9539800000000 +concept_university_un concept:organizationheadquarteredincity concept_city_new_york +concept_university_un concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_university_unc concept:organizationhiredperson concept_athlete_roy_williams +concept_university_unc concept:organizationacronymhasname concept_politicalparty_united_national_congress +concept_university_understanding concept:atdate concept_dateliteral_n2005 +concept_university_understanding concept:atdate concept_dateliteral_n2007 +concept_university_united_nations_international_school concept:latitudelongitude 40.7363900000000,-73.9747200000000 +concept_university_universidade_federal concept:latitudelongitude -25.4284900000000,-49.2664900000000 +concept_university_university_college_galway concept:latitudelongitude 53.2777900000000,-9.0618600000000 +concept_university_university_of_michigan_ann_arbor concept:mutualproxyfor concept_writer_c_k__prahalad +concept_university_university_of_minnesota concept:agentcollaborateswithagent concept_athlete_tom_lehman +concept_university_university_of_virginia concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_universty concept:latitudelongitude 33.2116000000000,-87.5230000000000 +concept_university_unlv concept:organizationhiredperson concept_coach_jerry_tarkanian +concept_university_unlv concept:organizationhiredperson concept_personafrica_lon_kruger +concept_university_upper_arlington_high_school concept:latitudelongitude 40.0150600000000,-83.0546300000000 +concept_university_upstate concept:proxyfor concept_beverage_new +concept_university_uqam concept:latitudelongitude 45.5156800000000,-73.5608700000000 +concept_university_usc concept:organizationhiredperson concept_coach_carroll +concept_university_usc concept:organizationhiredperson concept_coach_steve_spurrier +concept_university_usc concept:organizationhiredperson concept_coach_tim_floyd +concept_university_usc concept:subpartof concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_usc concept:subpartof concept_sportsteam_ncaa_youth_kids +concept_university_usda concept:atdate concept_date_n2004 +concept_university_usf concept:organizationhiredperson concept_coach_jim_leavitt +concept_university_usf concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_usf concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_usiu concept:latitudelongitude 55.3000000000000,25.9666700000000 +concept_university_utah_state concept:agentactsinlocation concept_city_logan +concept_university_utah_state concept:organizationhiredperson concept_coach_brent_guy +concept_university_utah_state concept:agentactsinlocation concept_county_utah +concept_university_utah_state concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_utah_state concept:organizationalsoknownas concept_university_state_university +concept_university_utah_state concept:synonymfor concept_university_state_university +concept_university_utah_valley_university concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_utep concept:organizationhiredperson concept_coach_mike_price +concept_university_utep concept:organizationhiredperson concept_musician_price +concept_university_utk concept:latitudelongitude 56.0166700000000,14.5500000000000 +concept_university_uw concept:organizationhiredperson concept_coach_brett_lee +concept_university_uw concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_uw concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_valdosta_state_college concept:latitudelongitude 30.8502000000000,-83.2901500000000 +concept_university_valley_christian_schools concept:latitudelongitude 26.2320000000000,-98.3340000000000 +concept_university_vanderbilt_law_school concept:latitudelongitude 40.7302800000000,-73.9997200000000 +concept_university_vandercook_college concept:latitudelongitude 41.8372600000000,-87.6228300000000 +concept_university_vanguard concept:organizationhiredperson concept_politicianus_john_bogle +concept_university_vanguard concept:subpartof concept_politicianus_john_bogle +concept_university_vermont concept:proxyfor concept_beverage_new +concept_university_vermont concept:mutualproxyfor concept_book_new +concept_university_vermont concept:mutualproxyfor concept_profession_burlington +concept_university_vermont concept:mutualproxyfor concept_radiostation_montpelier +concept_university_villanova concept:organizationhiredperson concept_coach_jamey_wright +concept_university_villanova concept:agentcollaborateswithagent concept_personeurope_james_wright +concept_university_villanova concept:subpartoforganization concept_sportsteam_ncaa_mens_midwest_regionals +concept_university_villanova concept:subpartoforganization concept_sportsteam_ncaa_youth_kids +concept_university_virginia_maryland_regional_college_of_veterinary_medicine concept:latitudelongitude 37.2178700000000,-80.4285600000000 +concept_university_virginia_polytechnic_institute_and_state_university concept:latitudelongitude 37.1977350000000,-80.4210400000000 +concept_university_virginia_state_college concept:latitudelongitude 38.0098400000000,-80.9703700000000 +concept_university_virginia_union concept:atlocation concept_city_richmond +concept_university_virginia_university concept:latitudelongitude 39.3310514285714,-79.9676057142857 +concept_university_vrije_universiteit concept:latitudelongitude 51.5778600000000,4.6292500000000 +concept_university_wake_forest concept:agentactsinlocation concept_city_winston_salem +concept_university_wake_forest_school concept:latitudelongitude 37.2828866666667,-81.6402966666667 +concept_university_wake_forest_university concept:agentactsinlocation concept_city_winston_salem +concept_university_wake_forest_university concept:subpartof concept_stadiumoreventvenue_acc +concept_university_walnut_hills_high_school concept:latitudelongitude 39.1408900000000,-84.4796600000000 +concept_university_walton_college concept:latitudelongitude 41.8864250000000,-87.6288000000000 +concept_university_waseda concept:latitudelongitude 38.3000000000000,139.5500000000000 +concept_university_washington_state concept:agentactsinlocation concept_city_washington_d_c +concept_university_washington_state concept:agentactsinlocation concept_hotel_pullman +concept_university_washington_state concept:organizationalsoknownas concept_university_state_university +concept_university_washington_state concept:synonymfor concept_university_state_university +concept_university_wayne_state concept:organizationalsoknownas concept_university_state_university +concept_university_weber_state concept:agentactsinlocation concept_city_weber +concept_university_wesley_seminary concept:latitudelongitude 38.9398000000000,-77.0895900000000 +concept_university_west_texas_state_university concept:latitudelongitude 34.9688900000000,-101.7958300000000 +concept_university_west_virginia_university_school concept:latitudelongitude 39.6536900000000,-79.9574500000000 +concept_university_western concept:agentactsinlocation concept_airport_europe +concept_university_western concept:mutualproxyfor concept_book_arkansas +concept_university_western concept:agentactsinlocation concept_building_america +concept_university_western concept:atlocation concept_building_america +concept_university_western concept:agentactsinlocation concept_continent_africa +concept_university_western concept:agentactsinlocation concept_island_russia +concept_university_western concept:agentactsinlocation concept_skyscraper_asia +concept_university_western_illinois concept:synonymfor concept_university_state_university +concept_university_western_iowa_tech concept:latitudelongitude 42.2504100000000,-95.8359850000000 +concept_university_westhampton_college concept:latitudelongitude 37.5738900000000,-77.5411100000000 +concept_university_westmar_college concept:latitudelongitude 42.7805500000000,-96.1625200000000 +concept_university_westwood concept:proxyfor concept_radiostation_new_jersey +concept_university_wharton concept:atlocation concept_city_texas +concept_university_whittier_college concept:organizationterminatedperson concept_actor_nixon +concept_university_wichita_state concept:agentactsinlocation concept_museum_wichita +concept_university_winston_churchill_high_school concept:latitudelongitude 39.0440000000000,-77.1724800000000 +concept_university_winston_salem_state concept:latitudelongitude 36.0918000000000,-80.2261600000000 +concept_university_wisconsin_public concept:latitudelongitude 44.0980500000000,-87.6706400000000 +concept_university_woodstock_college concept:latitudelongitude 39.3353800000000,-76.8699800000000 +concept_university_worcester_academy concept:latitudelongitude 42.2525700000000,-71.7915400000000 +concept_university_wozniak concept:agentbelongstoorganization concept_biotechcompany_apple +concept_university_wozniak concept:agentcollaborateswithagent concept_biotechcompany_apple +concept_university_wozniak concept:agentcontrols concept_biotechcompany_apple +concept_university_wozniak concept:agentcollaborateswithagent concept_company_apple002 +concept_university_wozniak concept:agentcontrols concept_company_apple002 +concept_university_wozniak concept:proxyfor concept_plant_apple +concept_university_wvu concept:organizationhiredperson concept_coach_bill_stewart +concept_university_wvu concept:organizationhiredperson concept_personmexico_stewart +concept_university_xerox concept:mutualproxyfor concept_female_anne_mulcahy +concept_university_yahoo concept:atdate concept_date_n2001 +concept_university_yahoo concept:atdate concept_dateliteral_n2007 +concept_university_yahoo concept:organizationalsoknownas concept_website_yhoo +concept_university_yale_divinity_school concept:latitudelongitude 41.3234300000000,-72.9214900000000 +concept_university_yangon_university concept:latitudelongitude 16.8298500000000,96.1358600000000 +concept_university_yankton_college concept:latitudelongitude 42.8802800000000,-97.3903400000000 +concept_university_yeshiva_college concept:latitudelongitude 39.0421200000000,-77.0301800000000 +concept_vegetable_avocado concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_avocado concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_avocado concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_beans concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_beans concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_vegetable_beans concept:agriculturalproductcontainchemical concept_drug_acid +concept_vegetable_beans concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_beans concept:agriculturalproductcutintogeometricshape concept_geometricshape_lengths +concept_vegetable_beans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_beans concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_vegetable_bones concept:fooddecreasestheriskofdisease concept_disease_osteoporosis +concept_vegetable_bones concept:fooddecreasestheriskofdisease concept_disease_osteoporosis_osteoporosis +concept_vegetable_cabbage concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_cabbage concept:thinghascolor concept_color_green +concept_vegetable_cabbage concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_vegetable_cabbage concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_cabbage concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_cabbage concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_vegetable_cabbage concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_vegetable_cabbage concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_cabbage concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_carrot concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_carrot concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_carrot concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_carrot concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_carrot concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_leek +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_milk +concept_vegetable_carrots concept:agriculturalproductcontainchemical concept_chemical_carotene +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_carrots concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_carrots concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_carrots concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_carrots concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_vegetable_carrots concept:agriculturalproductcontainchemical concept_visualizablething_beta_carotene +concept_vegetable_celery concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_celery concept:foodcancausedisease concept_disease_blood_pressure +concept_vegetable_celery concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_celery concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_celery concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_celery concept:agriculturalproductcutintogeometricshape concept_geometricshape_lengths +concept_vegetable_celery concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_celery concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_chard concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_chard concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_coriander concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_coriander concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_coriander concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_coriander concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_corn concept:thinghascolor concept_color_gold +concept_vegetable_corn concept:agriculturalproductcamefromcountry concept_country_mexico +concept_vegetable_corn concept:agriculturalproductcamefromcountry concept_country_turkey +concept_vegetable_corn concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_vegetable_corn concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_vegetable_corn concept:agriculturalproducttoattractinsect concept_insect_corn_borer +concept_vegetable_corn concept:agriculturalproducttoattractinsect concept_insect_insects +concept_vegetable_corn concept:agriculturalproducttoattractinsect concept_insect_moths +concept_vegetable_corn concept:agriculturalproducttoattractinsect concept_insect_pests +concept_vegetable_corn concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_foothills +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_illinois +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_iowa +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_kansas +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_minnesota +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_nebraska +concept_vegetable_corn concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_new_jersey +concept_vegetable_corn concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_corn concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_cucumber concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_cucumber concept:thinghascolor concept_color_green +concept_vegetable_cucumber concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_cucumber concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_cucumber concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_cucumber concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_lettuce +concept_vegetable_cucumber concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_cucumber concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_vegetable_curry concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_curry concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_curry concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_employer concept:proxyfor concept_beverage_new +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_peppercorns +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_water +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_vegetable_garlic concept:thinghascolor concept_color_brown +concept_vegetable_garlic concept:foodcancausedisease concept_disease_blood_pressure +concept_vegetable_garlic concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_garlic concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_garlic concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_garlic concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_ginger concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_ginger concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_turmeric +concept_vegetable_ginger concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_ginger concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_ginger concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_ginger concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_grass concept:thinghascolor concept_color_green +concept_vegetable_grass concept:plantgrowinginplant concept_plant_trees +concept_vegetable_grass concept:plantgrowinginplant concept_visualizablescene_pasture +concept_vegetable_green_beans concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_green_beans concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_green_beans concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_green_leaves concept:thinghascolor concept_color_orange +concept_vegetable_green_leaves concept:thinghascolor concept_color_purple +concept_vegetable_green_leaves concept:thinghascolor concept_color_scarlet +concept_vegetable_greens concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_greens concept:agriculturalproductcontainchemical concept_drug_acid +concept_vegetable_greens concept:agriculturalproductcontainchemical concept_drug_folic_acid +concept_vegetable_greens concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_greens concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_greens concept:agriculturalproductcontainchemical concept_visualizablething_calcium +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_arthropod_snails +concept_vegetable_leaves concept:agriculturalproductcontainchemical concept_chemical_chlorophyll +concept_vegetable_leaves concept:agriculturalproductcontainchemical concept_drug_acid +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_ants +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_aphids +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_beetles +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_earthworms +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_flies +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_insects +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_mites +concept_vegetable_leaves concept:agriculturalproducttoattractinsect concept_insect_moths +concept_vegetable_lettuce concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_lettuce concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_olives concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_olives concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_olives concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_olives concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_foothills +concept_vegetable_olives concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_valleys +concept_vegetable_olives concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cucumbers +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_pepper +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pepper_strips +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_powder +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_peppers +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_zucchini +concept_vegetable_onion concept:thinghascolor concept_color_brown +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_piece +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_rings +concept_vegetable_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breast +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrot +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_celery +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_onions concept:thinghascolor concept_color_brown +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_addition +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_bits +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_circles +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_rings +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_vegetable_onions concept:agriculturalproducttoattractinsect concept_insect_maggots +concept_vegetable_onions concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_area +concept_vegetable_onions concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_woods +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_onions concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_vegetable_oregano concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_oregano concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_oregano concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_oregano concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_parsley concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_parsley concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_pastry concept:thinghascolor concept_color_brown +concept_vegetable_peanuts concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_vegetable_peanuts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_peas concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_apricots +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_arugula +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_asparagus +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bamboo_shoots +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_basil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bay_leaf +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bean_sprouts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_beets +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_bell_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_beans +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_blue_cheese +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_broccoli +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_butter +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_canola_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cauliflower +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cayenne_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_celery_seed +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cheeses +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cherry +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cherry_tomatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chestnuts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chickpeas +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chiles +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_peppers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chili_powder +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chilies +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chipotle +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chives +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_chocolate +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cinnamon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_citrus +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cloves +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cocoa +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cranberries +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_crushed_red_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cucumbers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cumin_seeds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cups +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_dill +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_dough +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_dressing +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_duck +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_extra_virgin_olive_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_figs +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_flavor +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_fresh_ginger +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_ginger_root +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_gravy +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_onions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_peas +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_green_tomatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_grill +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_hamburger +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_honey +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_hot_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_insides +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_kale +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lamb +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_layer +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_leeks +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lemon_thyme +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lentils +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lime +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mangoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_marjoram +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mashed_potatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_meatballs +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mint +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_molasses +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mozzarella +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mushroom +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mustard +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_mustard_seeds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nutmeg +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_nuts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_oil_salt +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_oil_sea_salt +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_oil_spray +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_okra +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_onion_slices +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_orange_peel +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_oysters +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pasta +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_peanut_butter +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pearl_onions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pecans +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pepper_powder +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_peppercorns +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pesto +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pine_nuts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_pineapple +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_plum +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_poblano +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_powder +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_radishes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_bell_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_pepper +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_red_peppers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_ricotta_cheese +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sage +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salad_greens +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salads +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_scallion +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_scallions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_season +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_seasons +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_seeds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_shallot +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sherry +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_sides +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_skin +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_slow_cooker +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_snow_peas +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spaghetti +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spring_onions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_steaks +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_summer_squash +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_syrup +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tabasco +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tablespoon_olive_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tarragon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_thyme +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tomato_sauce +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_tomato_soup +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_vanilla +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_vegetable_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_water +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_water_chestnuts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_watercress +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_watermelon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_yellow_onion +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_zucchini +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_animal_goat_cheese +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_arthropod_clams +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_apple_cider_vinegar +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_buttermilk +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_coffee +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_juices +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lemon_juice +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_lime_juice +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_maple_syrup +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_milk +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_orange_juice +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_beverage_tomato_juice +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fish_anchovies +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fish_tuna +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_artichokes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_bell_peppers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_capers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_casserole +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_chilli_powder +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_chillies +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_cilantro +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_coriander_leaves +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_crabmeat +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_cream +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_egg +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_eggplant +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_eggs +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_fennel +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_fresh_cilantro +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_garlic_cloves +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_grape_tomatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_green_olives +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_noodles +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_potato_salad +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_pumpkin +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_seafood +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_shrimp +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_squash +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_sweet_potatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_tofu +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_wine_vinegar +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_yellow_squash +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_food_yogurt +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_coconut +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_fennel_seeds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_lemons +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_oranges +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_peaches +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_fruit_strawberries +concept_vegetable_pepper concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_pepper concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_grain_barley +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_grain_sugar +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_invertebrate_scallops +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_bacon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_beef +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_breast +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breast +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breasts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_ham +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_pork +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_ribs +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_salmon +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_sausage +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_steak +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_meat_veal +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_nut_almonds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_nut_sesame_seeds +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_avocado +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrot +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_celery +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_coriander +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_corn +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cucumber +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_curry +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_ginger +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_green_beans +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_greens +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_lettuce +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_olives +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_oregano +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_parsley +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peanuts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peas +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potato +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_radish +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onion +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_red_onions +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_rice +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_rosemary +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_sprouts +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_tomato +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_turnips +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_veggies +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_virgin_olive_oil +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_visualizableobject_tomato_paste +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_polenta +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_visualizablething_seasonings +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_wine_red_wine +concept_vegetable_pepper concept:agriculturalproductcookedwithagriculturalproduct concept_wine_white_wine +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_potato concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_potato concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onion +concept_vegetable_potato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_cauliflower +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_herbs +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_lamb +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_olive_oil +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_rounds +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_shapes +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_vegetable_potatoes concept:agriculturalproductcutintogeometricshape concept_geometricshape_stars +concept_vegetable_potatoes concept:agriculturalproducttoattractinsect concept_insect_bugs +concept_vegetable_potatoes concept:agriculturalproductgrowninlandscapefeatures concept_landscapefeatures_mountains +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_meat_beef +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_beans +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_cabbage +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_carrots +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_peas +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_potatoes concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_spinach +concept_vegetable_radish concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_red_onion concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_red_onion concept:agriculturalproductcutintogeometricshape concept_geometricshape_rings +concept_vegetable_red_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_garlic +concept_vegetable_red_onion concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_red_onions concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_red_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_red_onions concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_rice concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_rice concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_vegetable_rice concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_rice concept:agriculturalproducttoattractinsect concept_insect_pests +concept_vegetable_rice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_rice concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_rosemary concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_rosemary concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_rosemary concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_spices +concept_vegetable_spinach concept:agriculturalproductcontainchemical concept_chemical_iron +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_food_tomatoes +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_onions +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_potatoes +concept_vegetable_spinach concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_sprouts concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_sprouts concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_tobacco concept:foodcancausedisease concept_disease_blood_pressure +concept_vegetable_tobacco concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_andhra_pradesh +concept_vegetable_tobacco concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_maryland +concept_vegetable_tobacco concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_ontario +concept_vegetable_tobacco concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_tennessee +concept_vegetable_tobacco concept:agriculturalproductgrowinginstateorprovince concept_stateorprovince_virginia +concept_vegetable_tomato concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_tomato concept:agriculturalproductcontainchemical concept_chemical_lycopene +concept_vegetable_tomato concept:thinghascolor concept_color_red +concept_vegetable_tomato concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_vegetable_tomato concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_tomato concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_tomato concept:agriculturalproductcutintogeometricshape concept_geometricshape_dice +concept_vegetable_tomato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_tomato concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_tomato concept:agriculturalproductcutintogeometricshape concept_visualizablething_slice +concept_vegetable_turnips concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_veggies concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_vegetable_veggies concept:agriculturalproductcutintogeometricshape concept_geometricshape_cubes +concept_vegetable_veggies concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_food_chips +concept_vegetable_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_food_peppers +concept_vegetable_vinegar concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_vegetable_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_vegetable_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_vegetable_virgin_olive_oil concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_vegetable_weeds concept:agriculturalproducttoattractinsect concept_insect_insects +concept_vegetable_wheat concept:agriculturalproductcontainchemical concept_chemical_sugar +concept_vehicle_affordable concept:latitudelongitude 39.5529000000000,-107.3185000000000 +concept_vehicle_apparatus concept:subpartof concept_weatherphenomenon_water +concept_vehicle_attleboro concept:atlocation concept_beach_massachusetts +concept_vehicle_attleboro concept:mutualproxyfor concept_beach_massachusetts +concept_vehicle_auto concept:atdate concept_month_october +concept_vehicle_banks concept:proxyfor concept_book_new +concept_vehicle_banks concept:atdate concept_dateliteral_n2002 +concept_vehicle_banks concept:atdate concept_dateliteral_n2008 +concept_vehicle_banks concept:atdate concept_year_n1998 +concept_vehicle_bike concept:proxyfor concept_book_new +concept_vehicle_bmw__mercedes_benz concept:mutualproxyfor concept_ceo_norbert_reithofer +concept_vehicle_boat concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_boost concept:atdate concept_dateliteral_n2002 +concept_vehicle_boost concept:atdate concept_dateliteral_n2008 +concept_vehicle_c_54 concept:latitudelongitude 42.5916900000000,-114.0985400000000 +concept_vehicle_cab concept:subpartof concept_weatherphenomenon_air +concept_vehicle_car_top concept:latitudelongitude 36.2200300000000,-103.3946700000000 +concept_vehicle_cars concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_cars concept:objectpartofobject concept_vehicle_hot_wheels +concept_vehicle_cars concept:objectpartofobject concept_vehicle_wheels +concept_vehicle_chargers concept:atlocation concept_county_san_diego +concept_vehicle_coil concept:subpartof concept_weatherphenomenon_air +concept_vehicle_comets concept:latitudelongitude -36.3581900000000,174.8201900000000 +concept_vehicle_components concept:subpartof concept_weatherphenomenon_air +concept_vehicle_components concept:subpartof concept_weatherphenomenon_water +concept_vehicle_compressor concept:subpartof concept_weatherphenomenon_air +concept_vehicle_compressors concept:subpartof concept_weatherphenomenon_air +concept_vehicle_construction concept:objectfoundinscene concept_visualizablescene_observatory +concept_vehicle_countries concept:proxyfor concept_book_new +concept_vehicle_countries concept:atdate concept_date_n1996 +concept_vehicle_countries concept:atdate concept_date_n1999 +concept_vehicle_countries concept:atdate concept_date_n2000 +concept_vehicle_countries concept:atdate concept_date_n2001 +concept_vehicle_countries concept:atdate concept_date_n2003 +concept_vehicle_countries concept:atdate concept_date_n2004 +concept_vehicle_countries concept:atdate concept_date_n2009 +concept_vehicle_countries concept:atdate concept_dateliteral_n2002 +concept_vehicle_countries concept:atdate concept_dateliteral_n2005 +concept_vehicle_countries concept:atdate concept_dateliteral_n2006 +concept_vehicle_countries concept:atdate concept_dateliteral_n2007 +concept_vehicle_countries concept:atdate concept_dateliteral_n2008 +concept_vehicle_countries concept:subpartof concept_weatherphenomenon_water +concept_vehicle_countries concept:atdate concept_year_n1994 +concept_vehicle_countries concept:atdate concept_year_n1997 +concept_vehicle_countries concept:atdate concept_year_n1998 +concept_vehicle_custom concept:proxyfor concept_book_new +concept_vehicle_daytona concept:atlocation concept_city_florida +concept_vehicle_dinosaurs concept:specializationof concept_vehicle_animals +concept_vehicle_door concept:atdate concept_date_n2003 +concept_vehicle_door concept:atdate concept_dateliteral_n2005 +concept_vehicle_door concept:atdate concept_dateliteral_n2007 +concept_vehicle_door concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_door concept:subpartof concept_weatherphenomenon_air +concept_vehicle_dublin concept:proxyfor concept_book_ireland +concept_vehicle_dublin concept:atdate concept_date_n1922 +concept_vehicle_dublin concept:atdate concept_date_n1999 +concept_vehicle_dublin concept:atdate concept_date_n2004 +concept_vehicle_dublin concept:atdate concept_date_n2009 +concept_vehicle_dublin concept:atdate concept_dateliteral_n2008 +concept_vehicle_dublin concept:proxyfor concept_politicalparty_republic +concept_vehicle_dublin concept:proxyfor concept_university_ohio +concept_vehicle_dublin concept:atdate concept_year_n1995 +concept_vehicle_dumpers concept:latitudelongitude 34.4420900000000,-81.2150900000000 +concept_vehicle_effective concept:atdate concept_date_n2009 +concept_vehicle_engine concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_equipments concept:subpartof concept_weatherphenomenon_water +concept_vehicle_financing concept:atdate concept_date_n1999 +concept_vehicle_financing concept:atdate concept_dateliteral_n2006 +concept_vehicle_financing concept:atdate concept_dateliteral_n2007 +concept_vehicle_flight concept:mutualproxyfor concept_book_new +concept_vehicle_frank concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_frontier concept:subpartof concept_traditionalgame_vegas +concept_vehicle_fuels concept:specializationof concept_politicsissue_energy +concept_vehicle_fuels concept:specializationof concept_vehicle_oil +concept_vehicle_gauges concept:objectpartofobject concept_beverage_column +concept_vehicle_gm_daewoo concept:synonymfor concept_bank_general_motors_acceptance_corp_ +concept_vehicle_gm_daewoo concept:synonymfor concept_biotechcompany_general_motors_corp +concept_vehicle_gm_daewoo concept:synonymfor concept_election_general_motors_corporation +concept_vehicle_gm_daewoo concept:synonymfor concept_stateorprovince_general_motors +concept_vehicle_government_agencies concept:proxyfor concept_book_new +concept_vehicle_gritters concept:latitudelongitude 34.0251000000000,-84.5272950000000 +concept_vehicle_height concept:thinghasshape concept_geometricshape_triangle +concept_vehicle_homes concept:mutualproxyfor concept_book_new +concept_vehicle_il concept:atdate concept_dateliteral_n2007 +concept_vehicle_interior concept:atdate concept_dateliteral_n2006 +concept_vehicle_interior concept:synonymfor concept_governmentorganization_department +concept_vehicle_international_airlines concept:latitudelongitude 32.5209500000000,73.7025000000000 +concept_vehicle_journey concept:proxyfor concept_book_new +concept_vehicle_journey concept:atdate concept_date_n2000 +concept_vehicle_journey concept:atdate concept_date_n2001 +concept_vehicle_journey concept:atdate concept_date_n2004 +concept_vehicle_journey concept:atdate concept_dateliteral_n2002 +concept_vehicle_journey concept:atdate concept_dateliteral_n2005 +concept_vehicle_journey concept:atdate concept_dateliteral_n2006 +concept_vehicle_journey concept:atdate concept_dateliteral_n2007 +concept_vehicle_journey concept:atdate concept_dateliteral_n2008 +concept_vehicle_kids concept:mutualproxyfor concept_book_new +concept_vehicle_kids concept:specializationof concept_vehicle_animals +concept_vehicle_law_enforcement concept:atdate concept_date_n2003 +concept_vehicle_left_hand concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_left_hand concept:subpartof concept_website_blood +concept_vehicle_lumberton concept:mutualproxyfor concept_radiostation_new_jersey +concept_vehicle_machine concept:objectpartofobject concept_musicinstrument_processor +concept_vehicle_machine concept:objectpartofobject concept_visualizableobject_cpu +concept_vehicle_machine concept:subpartof concept_weatherphenomenon_water +concept_vehicle_mail concept:atdate concept_date_n2009 +concept_vehicle_mail concept:subpartof concept_musicsong_form +concept_vehicle_makers concept:proxyfor concept_book_new +concept_vehicle_media concept:mutualproxyfor concept_book_new +concept_vehicle_media concept:atdate concept_date_n1999 +concept_vehicle_media concept:atdate concept_date_n2001 +concept_vehicle_media concept:atdate concept_dateliteral_n2005 +concept_vehicle_media concept:atdate concept_dateliteral_n2006 +concept_vehicle_media concept:atdate concept_dateliteral_n2007 +concept_vehicle_media concept:atdate concept_dateliteral_n2008 +concept_vehicle_media concept:subpartof concept_weatherphenomenon_air +concept_vehicle_media concept:subpartof concept_weatherphenomenon_water +concept_vehicle_media concept:atdate concept_year_n1998 +concept_vehicle_models concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_motorcycle concept:objectpartofobject concept_visualizableobject_kickstand +concept_vehicle_needs concept:subpartof concept_beverage_local_water +concept_vehicle_needs concept:proxyfor concept_book_new +concept_vehicle_needs concept:subpartof concept_politicsissue_long_term_water +concept_vehicle_needs concept:ismultipleof concept_publication_people_ +concept_vehicle_needs concept:subpartof concept_transportation_central_air +concept_vehicle_needs concept:subpartof concept_visualizableattribute_drinking_water +concept_vehicle_needs concept:subpartof concept_visualizablething_home_air +concept_vehicle_needs concept:subpartof concept_visualizablething_water_supply +concept_vehicle_needs concept:subpartof concept_weatherphenomenon_water +concept_vehicle_new concept:subpartof concept_visualizablething_tri_state_area +concept_vehicle_oars concept:latitudelongitude 36.1628700000000,-83.5285100000000 +concept_vehicle_oil concept:specializationof concept_vehicle_fuels +concept_vehicle_oil concept:subpartof concept_vehicle_t__boone_pickens +concept_vehicle_options concept:subpartof concept_weatherphenomenon_air +concept_vehicle_photographs concept:objectpartofobject concept_visualizableobject_lens +concept_vehicle_photographs concept:objectfoundinscene concept_visualizablescene_observatory +concept_vehicle_photos concept:objectfoundinscene concept_city_volcano +concept_vehicle_photos concept:objectpartofobject concept_visualizableobject_lens +concept_vehicle_photos concept:objectfoundinscene concept_visualizablescene_observatory +concept_vehicle_policies concept:subpartof concept_weatherphenomenon_water +concept_vehicle_porsche concept:mutualproxyfor concept_ceo_wendelin_wiedeking +concept_vehicle_power concept:objectfoundinscene concept_city_volcano +concept_vehicle_power concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_power concept:objectpartofobject concept_vehicle_wheels +concept_vehicle_public_utility concept:latitudelongitude 38.3210300000000,-120.6677100000000 +concept_vehicle_publications concept:mutualproxyfor concept_book_new +concept_vehicle_publications concept:subpartof concept_weatherphenomenon_water +concept_vehicle_pumps concept:subpartof concept_weatherphenomenon_water +concept_vehicle_race_car concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_rafts concept:latitudelongitude 15.8700000000000,100.9930000000000 +concept_vehicle_receipt concept:atdate concept_date_n2004 +concept_vehicle_references concept:specializationof concept_vehicle_content +concept_vehicle_references concept:specializationof concept_vehicle_publications +concept_vehicle_references concept:specializationof concept_vehicle_services +concept_vehicle_refurbishment concept:atdate concept_dateliteral_n2005 +concept_vehicle_refurbishment concept:atdate concept_dateliteral_n2006 +concept_vehicle_refurbishment concept:atdate concept_dateliteral_n2007 +concept_vehicle_refurbishment concept:atdate concept_dateliteral_n2008 +concept_vehicle_regions concept:proxyfor concept_book_new +concept_vehicle_regions concept:objectfoundinscene concept_landscapefeatures_valley +concept_vehicle_regions concept:subpartof concept_website_blood +concept_vehicle_registration concept:proxyfor concept_book_new +concept_vehicle_registration concept:atdate concept_date_n1999 +concept_vehicle_registration concept:atdate concept_date_n2001 +concept_vehicle_registration concept:atdate concept_date_n2003 +concept_vehicle_registration concept:atdate concept_date_n2004 +concept_vehicle_registration concept:atdate concept_date_n2009 +concept_vehicle_registration concept:atdate concept_dateliteral_n2002 +concept_vehicle_registration concept:atdate concept_dateliteral_n2006 +concept_vehicle_registration concept:atdate concept_dateliteral_n2008 +concept_vehicle_registration concept:atdate concept_year_n1994 +concept_vehicle_renovation concept:atdate concept_date_n2003 +concept_vehicle_renovation concept:atdate concept_date_n2004 +concept_vehicle_renovation concept:atdate concept_dateliteral_n2002 +concept_vehicle_renovation concept:atdate concept_dateliteral_n2005 +concept_vehicle_renovation concept:atdate concept_dateliteral_n2007 +concept_vehicle_renovation concept:atdate concept_dateliteral_n2008 +concept_vehicle_renovation concept:atdate concept_year_n1998 +concept_vehicle_reports concept:proxyfor concept_book_new +concept_vehicle_reports concept:atdate concept_date_n2001 +concept_vehicle_reports concept:atdate concept_dateliteral_n2008 +concept_vehicle_reports concept:subpartof concept_weatherphenomenon_water +concept_vehicle_research concept:proxyfor concept_book_new +concept_vehicle_research concept:atdate concept_date_n1999 +concept_vehicle_research concept:atdate concept_date_n2000 +concept_vehicle_research concept:atdate concept_date_n2001 +concept_vehicle_research concept:atdate concept_date_n2003 +concept_vehicle_research concept:atdate concept_date_n2004 +concept_vehicle_research concept:atdate concept_dateliteral_n2005 +concept_vehicle_research concept:atdate concept_dateliteral_n2006 +concept_vehicle_research concept:atdate concept_dateliteral_n2007 +concept_vehicle_research concept:atdate concept_dateliteral_n2008 +concept_vehicle_research concept:objectfoundinscene concept_visualizablescene_observatory +concept_vehicle_research concept:subpartof concept_weatherphenomenon_air +concept_vehicle_research concept:subpartof concept_weatherphenomenon_water +concept_vehicle_research concept:atdate concept_year_n1997 +concept_vehicle_right concept:mutualproxyfor concept_book_new +concept_vehicle_right_hand concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_right_hand concept:subpartof concept_website_blood +concept_vehicle_sales concept:atdate concept_dateliteral_n2005 +concept_vehicle_sales concept:atdate concept_dateliteral_n2006 +concept_vehicle_sales concept:atdate concept_dateliteral_n2007 +concept_vehicle_sales concept:atdate concept_dateliteral_n2008 +concept_vehicle_seals concept:specializationof concept_vehicle_animals +concept_vehicle_services concept:subpartof concept_book_electricity +concept_vehicle_services concept:subpartof concept_book_transit +concept_vehicle_services concept:subpartof concept_country_united_states +concept_vehicle_services concept:subpartof concept_governmentorganization_waste +concept_vehicle_services concept:subpartof concept_hallwayitem_fuel +concept_vehicle_services concept:subpartof concept_hallwayitem_gas +concept_vehicle_services concept:subpartof concept_musicalbum_power +concept_vehicle_services concept:subpartof concept_musicalbum_us +concept_vehicle_services concept:subpartof concept_nongovorganization_u_s_ +concept_vehicle_services concept:subpartof concept_planet_fresh_water +concept_vehicle_services concept:subpartof concept_programminglanguage_state +concept_vehicle_services concept:subpartof concept_room_sewer +concept_vehicle_services concept:subpartof concept_sport_clean_water +concept_vehicle_services concept:subpartof concept_visualizableattribute_cost_effective_water +concept_vehicle_services concept:subpartof concept_weatherphenomenon_air +concept_vehicle_services concept:subpartof concept_weatherphenomenon_water +concept_vehicle_skype concept:subpartof concept_retailstore_ebay +concept_vehicle_space_shuttle concept:atdate concept_date_n2000 +concept_vehicle_states concept:subpartof concept_actor_western +concept_vehicle_states concept:subpartof concept_airport_europe +concept_vehicle_states concept:subpartof concept_airport_north_america +concept_vehicle_states concept:subpartof concept_airport_south_america +concept_vehicle_states concept:subpartof concept_book_middle +concept_vehicle_states concept:proxyfor concept_book_new +concept_vehicle_states concept:atlocation concept_building_west +concept_vehicle_states concept:subpartof concept_buildingmaterial_middle_east +concept_vehicle_states concept:subpartof concept_charactertrait_central +concept_vehicle_states concept:atlocation concept_city_central +concept_vehicle_states concept:subpartof concept_city_florida +concept_vehicle_states concept:subpartof concept_city_texas +concept_vehicle_states concept:subpartof concept_country_great_plains +concept_vehicle_states concept:atlocation concept_country_mexico +concept_vehicle_states concept:subpartof concept_country_russian_federation +concept_vehicle_states concept:subpartof concept_country_southern_africa +concept_vehicle_states concept:subpartof concept_country_soviet_union +concept_vehicle_states concept:atlocation concept_country_united_states +concept_vehicle_states concept:subpartof concept_country_united_states +concept_vehicle_states concept:subpartof concept_emotion_east_coast +concept_vehicle_states concept:subpartof concept_emotion_eastern +concept_vehicle_states concept:subpartof concept_emotion_northeastern +concept_vehicle_states concept:atlocation concept_farm_northwest +concept_vehicle_states concept:subpartof concept_geopoliticallocation_gulf_coast +concept_vehicle_states concept:subpartof concept_geopoliticallocation_midwestern +concept_vehicle_states concept:atlocation concept_geopoliticallocation_southern +concept_vehicle_states concept:atlocation concept_geopoliticallocation_southwest001 +concept_vehicle_states concept:subpartof concept_geopoliticallocation_southwest001 +concept_vehicle_states concept:atlocation concept_geopoliticalorganization_midwest +concept_vehicle_states concept:atlocation concept_geopoliticalorganization_northern +concept_vehicle_states concept:atlocation concept_geopoliticalorganization_western +concept_vehicle_states concept:atlocation concept_hotel_north +concept_vehicle_states concept:atlocation concept_island_russia +concept_vehicle_states concept:subpartof concept_lake_great_lakes +concept_vehicle_states concept:atlocation concept_lake_mid_atlantic +concept_vehicle_states concept:atlocation concept_lake_pacific +concept_vehicle_states concept:atlocation concept_landscapefeatures_gulf +concept_vehicle_states concept:subpartof concept_landscapefeatures_gulf +concept_vehicle_states concept:subpartof concept_male_russia +concept_vehicle_states concept:subpartof concept_musicartist_health +concept_vehicle_states concept:subpartof concept_musicinstrument_asia +concept_vehicle_states concept:atlocation concept_planet_eastern +concept_vehicle_states concept:atlocation concept_planet_southeast +concept_vehicle_states concept:subpartof concept_planet_southeast +concept_vehicle_states concept:subpartof concept_politicsissue_oregon +concept_vehicle_states concept:subpartof concept_profession_atlantic +concept_vehicle_states concept:subpartof concept_profession_mid_atlantic +concept_vehicle_states concept:subpartof concept_profession_northeast +concept_vehicle_states concept:subpartof concept_programminglanguage_state +concept_vehicle_states concept:atlocation concept_publication_atlantic +concept_vehicle_states concept:subpartof concept_radiostation_midwest +concept_vehicle_states concept:subpartof concept_recordlabel_southern +concept_vehicle_states concept:atlocation concept_retailstore_northeast +concept_vehicle_states concept:subpartof concept_room_community +concept_vehicle_states concept:subpartof concept_software_caribbean +concept_vehicle_states concept:subpartof concept_sportsequipment_northwest +concept_vehicle_states concept:subpartof concept_trainstation_south_central +concept_vehicle_states concept:atlocation concept_transportation_southeastern +concept_vehicle_states concept:subpartof concept_transportation_southeastern +concept_vehicle_states concept:subpartof concept_vehicle_countries +concept_vehicle_states concept:subpartof concept_vehicle_west_coast +concept_vehicle_states concept:subpartof concept_weapon_soviet_union +concept_vehicle_states concept:atlocation concept_website_east +concept_vehicle_states concept:subpartof concept_website_east +concept_vehicle_states concept:atlocation concept_website_northeastern +concept_vehicle_states concept:subpartof concept_website_province +concept_vehicle_states concept:atlocation concept_website_south +concept_vehicle_states concept:subpartof concept_website_south +concept_vehicle_stock concept:atdate concept_date_n1993 +concept_vehicle_stock concept:atdate concept_date_n1996 +concept_vehicle_stock concept:atdate concept_date_n1999 +concept_vehicle_stock concept:atdate concept_date_n2000 +concept_vehicle_stock concept:atdate concept_date_n2001 +concept_vehicle_stock concept:atdate concept_date_n2004 +concept_vehicle_stock concept:atdate concept_dateliteral_n2005 +concept_vehicle_stock concept:atdate concept_dateliteral_n2006 +concept_vehicle_stock concept:atdate concept_dateliteral_n2008 +concept_vehicle_stock concept:atdate concept_year_n1997 +concept_vehicle_subway concept:proxyfor concept_book_new +concept_vehicle_sunfire concept:latitudelongitude 37.2642000000000,-83.2243000000000 +concept_vehicle_suppliers concept:atdate concept_dateliteral_n2005 +concept_vehicle_tanks concept:subpartof concept_weatherphenomenon_water +concept_vehicle_technicians concept:subpartof concept_weatherphenomenon_air +concept_vehicle_technicians concept:subpartof concept_weatherphenomenon_water +concept_vehicle_ten concept:mutualproxyfor concept_room_house +concept_vehicle_three concept:mutualproxyfor concept_book_new +concept_vehicle_three concept:mutualproxyfor concept_city_home +concept_vehicle_three concept:mutualproxyfor concept_emotion_senate +concept_vehicle_three concept:mutualproxyfor concept_geometricshape_property +concept_vehicle_three concept:atlocation concept_landscapefeatures_bathroom +concept_vehicle_three concept:mutualproxyfor concept_room_house +concept_vehicle_toledo concept:mutualproxyfor concept_university_ohio +concept_vehicle_torque concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_torque concept:objectpartofobject concept_vehicle_wheels +concept_vehicle_transmission concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_trucks concept:objectpartofobject concept_visualizableobject_wheel +concept_vehicle_units concept:proxyfor concept_book_new +concept_vehicle_units concept:subpartof concept_book_oil +concept_vehicle_units concept:subpartof concept_hallwayitem_gas +concept_vehicle_units concept:subpartof concept_hallwayitem_window_air +concept_vehicle_units concept:subpartof concept_mlalgorithm_commercial_air +concept_vehicle_units concept:subpartof concept_musicalbum_power +concept_vehicle_units concept:subpartof concept_port_portable_air +concept_vehicle_units concept:subpartof concept_transportation_central_air +concept_vehicle_units concept:subpartof concept_weatherphenomenon_air +concept_vehicle_units concept:subpartof concept_weatherphenomenon_water +concept_vehicle_van concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_vans concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_vehicles concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_view concept:proxyfor concept_book_new +concept_vehicle_view concept:objectfoundinscene concept_city_volcano +concept_vehicle_view concept:atdate concept_date_n2000 +concept_vehicle_view concept:atdate concept_dateliteral_n2005 +concept_vehicle_view concept:atdate concept_dateliteral_n2006 +concept_vehicle_view concept:objectfoundinscene concept_landscapefeatures_valley +concept_vehicle_view concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_view concept:objectpartofobject concept_visualizableobject_lens +concept_vehicle_view concept:objectfoundinscene concept_visualizablescene_observatory +concept_vehicle_west_coast concept:proxyfor concept_book_new +concept_vehicle_whelen concept:latitudelongitude 33.8273075000000,-93.1154925000000 +concept_vehicle_wood concept:objectpartofobject concept_sportsequipment_wheel +concept_vehicle_workers concept:mutualproxyfor concept_book_new +concept_vehicle_workers concept:subpartof concept_weatherphenomenon_water +concept_vehicle_wwe concept:mutualproxyfor concept_politicianus_linda_mcmahon +concept_vehicle_zx concept:latitudelongitude 42.8223100000000,-120.5634922222222 +concept_vein_bovine concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_vein_brass_bed concept:itemfoundinroom concept_room_master +concept_vein_femoral concept:specializationof concept_artery_larger_arteries +concept_vein_gastrointestinal_tract concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_vein_hob concept:itemfoundinroom concept_room_equipped_kitchen +concept_vein_hob concept:itemfoundinroom concept_room_kitchen_diner +concept_vein_hob concept:itemfoundinroom concept_room_kitchenette +concept_vein_hob concept:itemfoundinroom concept_room_modern_kitchen +concept_vein_hob concept:itemfoundinroom concept_room_open_plan_kitchen +concept_vein_hob concept:itemfoundinroom concept_room_plan_kitchen +concept_vein_hob concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_vein_layers concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_vein_leg_veins concept:subpartof concept_website_blood +concept_vein_lungs concept:bodypartcontainsbodypart concept_artery_blood_vessels +concept_vein_lungs concept:bodypartcontainsbodypart concept_artery_veins +concept_vein_lungs concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_vein_lungs concept:bodypartcontainsbodypart concept_bodypart_valve +concept_vein_lungs concept:bodypartcontainsbodypart concept_vein_blood_vessel +concept_vein_marrow concept:bodypartcontainsbodypart concept_artery_brain +concept_vein_marrow concept:bodypartcontainsbodypart concept_bodypart_cells001 +concept_vein_marrow concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_vein_marrow concept:bodypartcontainsbodypart concept_braintissue_body +concept_vein_mesoderm concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_vein_prostate concept:bodypartcontainsbodypart concept_bodypart_system001 +concept_vein_structure concept:bodypartcontainsbodypart concept_braintissue_spinal_cord +concept_vein_three_days concept:atdate concept_date_n2001 +concept_vein_three_days concept:atdate concept_date_n2003 +concept_vein_three_days concept:atdate concept_date_n2004 +concept_vein_three_days concept:atdate concept_dateliteral_n2005 +concept_vein_three_days concept:atdate concept_dateliteral_n2006 +concept_vein_three_days concept:atdate concept_dateliteral_n2007 +concept_vein_three_days concept:atdate concept_dateliteral_n2008 +concept_vein_three_days concept:proxyfor concept_weatherphenomenon_new +concept_vein_three_days concept:atdate concept_year_n1997 +concept_vertebrate_black_bears concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_black_bears concept:animalpreyson concept_mammal_animals +concept_vertebrate_black_bears concept:animalistypeofanimal concept_mammal_mammals +concept_vertebrate_black_bears concept:animaleatfood concept_meat_salmon +concept_vertebrate_bowhead_whales concept:animalistypeofanimal concept_vertebrate_marine_mammals +concept_vertebrate_bowhead_whales concept:animalpreyson concept_vertebrate_marine_mammals +concept_vertebrate_collies concept:animalistypeofanimal concept_mammal_dogs +concept_vertebrate_crayfish concept:animalistypeofanimal concept_animal_invertebrates +concept_vertebrate_crayfish concept:animalistypeofanimal concept_arthropod_arthropods +concept_vertebrate_crayfish concept:animalistypeofanimal concept_invertebrate_crustaceans +concept_vertebrate_crayfish concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_crayfish concept:animalpreyson concept_mammal_animals +concept_vertebrate_dinosaurs concept:animalpreyson concept_animal_creatures +concept_vertebrate_dinosaurs concept:animalpreyson concept_mammal_animals +concept_vertebrate_dinosaurs concept:animalpreyson concept_mammal_reptiles +concept_vertebrate_domestic_dogs concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_feline_friends concept:animalpreyson concept_reptile_cat +concept_vertebrate_flocks concept:ismultipleof concept_mammal_camels +concept_vertebrate_flocks concept:ismultipleof concept_mammal_sheep +concept_vertebrate_flocks concept:ismultipleof concept_mammal_sheep_ +concept_vertebrate_flocks concept:ismultipleof concept_vertebrate_herds +concept_vertebrate_hellions concept:latitudelongitude 50.8122700000000,-3.6420800000000 +concept_vertebrate_hens concept:animaldevelopdisease concept_disease_salmonella +concept_vertebrate_hens concept:agentcompeteswithagent concept_mammal_animals +concept_vertebrate_hens concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_hens concept:specializationof concept_mammal_animals +concept_vertebrate_hens concept:animalistypeofanimal concept_mammal_farm_animals +concept_vertebrate_herds concept:ismultipleof concept_agriculturalproduct_cattle +concept_vertebrate_herds concept:ismultipleof concept_agriculturalproduct_pigs +concept_vertebrate_herds concept:ismultipleof concept_animal_beasts +concept_vertebrate_herds concept:ismultipleof concept_animal_bulls +concept_vertebrate_herds concept:ismultipleof concept_animal_herbivores +concept_vertebrate_herds concept:ismultipleof concept_animal_hippo +concept_vertebrate_herds concept:ismultipleof concept_animal_wildebeests +concept_vertebrate_herds concept:ismultipleof concept_animal_wildlife +concept_vertebrate_herds concept:ismultipleof concept_animal_yak +concept_vertebrate_herds concept:ismultipleof concept_mammal_animals +concept_vertebrate_herds concept:ismultipleof concept_mammal_antelope +concept_vertebrate_herds concept:ismultipleof concept_mammal_antelopes +concept_vertebrate_herds concept:ismultipleof concept_mammal_beef_cattle +concept_vertebrate_herds concept:ismultipleof concept_mammal_bison +concept_vertebrate_herds concept:ismultipleof concept_mammal_buffalo +concept_vertebrate_herds concept:ismultipleof concept_mammal_buffaloes +concept_vertebrate_herds concept:ismultipleof concept_mammal_camels +concept_vertebrate_herds concept:ismultipleof concept_mammal_caribou +concept_vertebrate_herds concept:ismultipleof concept_mammal_deer +concept_vertebrate_herds concept:ismultipleof concept_mammal_donkeys +concept_vertebrate_herds concept:ismultipleof concept_mammal_elephant +concept_vertebrate_herds concept:ismultipleof concept_mammal_elephants +concept_vertebrate_herds concept:ismultipleof concept_mammal_elk +concept_vertebrate_herds concept:ismultipleof concept_mammal_gazelle +concept_vertebrate_herds concept:ismultipleof concept_mammal_gazelles +concept_vertebrate_herds concept:ismultipleof concept_mammal_giraffe +concept_vertebrate_herds concept:ismultipleof concept_mammal_giraffes +concept_vertebrate_herds concept:ismultipleof concept_mammal_hogs +concept_vertebrate_herds concept:ismultipleof concept_mammal_horses +concept_vertebrate_herds concept:ismultipleof concept_mammal_impala +concept_vertebrate_herds concept:ismultipleof concept_mammal_kudu +concept_vertebrate_herds concept:ismultipleof concept_mammal_lions +concept_vertebrate_herds concept:ismultipleof concept_mammal_llamas +concept_vertebrate_herds concept:ismultipleof concept_mammal_mammals +concept_vertebrate_herds concept:ismultipleof concept_mammal_mammoths +concept_vertebrate_herds concept:ismultipleof concept_mammal_mule_deer +concept_vertebrate_herds concept:ismultipleof concept_mammal_oryx +concept_vertebrate_herds concept:ismultipleof concept_mammal_oxen +concept_vertebrate_herds concept:ismultipleof concept_mammal_plains_game +concept_vertebrate_herds concept:ismultipleof concept_mammal_ponies +concept_vertebrate_herds concept:ismultipleof concept_mammal_predators +concept_vertebrate_herds concept:ismultipleof concept_mammal_pronghorn +concept_vertebrate_herds concept:ismultipleof concept_mammal_reindeer +concept_vertebrate_herds concept:ismultipleof concept_mammal_sheep +concept_vertebrate_herds concept:ismultipleof concept_mammal_springbok +concept_vertebrate_herds concept:ismultipleof concept_mammal_swine +concept_vertebrate_herds concept:ismultipleof concept_mammal_warthogs +concept_vertebrate_herds concept:ismultipleof concept_mammal_wild_horses +concept_vertebrate_herds concept:ismultipleof concept_mammal_yaks +concept_vertebrate_herds concept:ismultipleof concept_mammal_zebra +concept_vertebrate_herds concept:ismultipleof concept_mammal_zebras +concept_vertebrate_herds concept:ismultipleof concept_publication_people_ +concept_vertebrate_herds concept:ismultipleof concept_vertebrate_flocks +concept_vertebrate_herds concept:ismultipleof concept_vertebrate_gnus +concept_vertebrate_herds concept:ismultipleof concept_vertebrate_wildebeest +concept_vertebrate_koalas concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_koalas concept:animalpreyson concept_mammal_animals +concept_vertebrate_koalas concept:specializationof concept_mammal_animals +concept_vertebrate_koalas concept:animalistypeofanimal concept_mammal_marsupials +concept_vertebrate_little_dogs concept:animalistypeofanimal concept_mammal_pets +concept_vertebrate_little_dogs concept:animalpreyson concept_mammal_pets +concept_vertebrate_magic concept:agentactsinlocation concept_city_orlando +concept_vertebrate_magic concept:agentparticipatedinevent concept_convention_games +concept_vertebrate_million_birds concept:agentparticipatedinevent concept_eventoutcome_result +concept_vertebrate_news concept:agentcompeteswithagent concept_company_cnn__msnbc +concept_vertebrate_news concept:agentcompeteswithagent concept_company_cnn__nbc +concept_vertebrate_news concept:agentcompeteswithagent concept_company_morning_america +concept_vertebrate_news concept:agentcompeteswithagent concept_company_nyt +concept_vertebrate_news concept:agentcompeteswithagent concept_magazine_u_s__news___world_report +concept_vertebrate_news concept:agentcompeteswithagent concept_newspaper_ny_post +concept_vertebrate_news concept:agentcompeteswithagent concept_televisionstation_atlanta_journal_constitution +concept_vertebrate_news concept:agentcompeteswithagent concept_vertebrate_search +concept_vertebrate_news concept:agentcompeteswithagent concept_website_san_jose_mercury_news +concept_vertebrate_orang_utans concept:agentcompeteswithagent concept_mammal_animals +concept_vertebrate_orang_utans concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_ostriches concept:animalpreyson concept_animal_birds002 +concept_vertebrate_ostriches concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_ostriches concept:animalpreyson concept_mammal_animals +concept_vertebrate_page concept:specializationof concept_amphibian_frogs +concept_vertebrate_page concept:specializationof concept_animal_bird_species +concept_vertebrate_page concept:specializationof concept_animal_creatures +concept_vertebrate_page concept:specializationof concept_animal_freshwater_fish +concept_vertebrate_page concept:specializationof concept_animal_game_species +concept_vertebrate_page concept:specializationof concept_animal_marine_animals +concept_vertebrate_page concept:specializationof concept_animal_marine_life +concept_vertebrate_page concept:specializationof concept_animal_pups +concept_vertebrate_page concept:specializationof concept_animal_water_fowl +concept_vertebrate_page concept:specializationof concept_bird_ducks +concept_vertebrate_page concept:specializationof concept_bird_exotic_birds +concept_vertebrate_page concept:specializationof concept_bird_migrating_birds +concept_vertebrate_page concept:specializationof concept_bird_native_birds +concept_vertebrate_page concept:specializationof concept_bird_owls +concept_vertebrate_page concept:specializationof concept_bird_raptors +concept_vertebrate_page concept:specializationof concept_bird_rare_birds +concept_vertebrate_page concept:specializationof concept_bird_seabirds +concept_vertebrate_page concept:specializationof concept_bird_shorebirds +concept_vertebrate_page concept:specializationof concept_bird_songbirds +concept_vertebrate_page concept:specializationof concept_bird_water_birds +concept_vertebrate_page concept:specializationof concept_bird_waterbirds +concept_vertebrate_page concept:specializationof concept_bird_wild_birds +concept_vertebrate_page concept:specializationof concept_fish_cichlids +concept_vertebrate_page concept:specializationof concept_fish_exotic_fish +concept_vertebrate_page concept:specializationof concept_fish_game_fish +concept_vertebrate_page concept:specializationof concept_fish_reef_fish +concept_vertebrate_page concept:specializationof concept_fish_sharks +concept_vertebrate_page concept:specializationof concept_invertebrate_corals +concept_vertebrate_page concept:specializationof concept_mammal_antelope +concept_vertebrate_page concept:specializationof concept_mammal_bats +concept_vertebrate_page concept:specializationof concept_mammal_dogs +concept_vertebrate_page concept:specializationof concept_mammal_kittens +concept_vertebrate_page concept:specializationof concept_mammal_kitties +concept_vertebrate_page concept:specializationof concept_mammal_monkeys +concept_vertebrate_page concept:specializationof concept_mammal_primates +concept_vertebrate_page concept:specializationof concept_mammal_whales +concept_vertebrate_page concept:specializationof concept_reptile_snakes +concept_vertebrate_panthers concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_permit concept:atdate concept_date_n1999 +concept_vertebrate_permit concept:atdate concept_date_n2003 +concept_vertebrate_permit concept:atdate concept_dateliteral_n2005 +concept_vertebrate_permit concept:atdate concept_dateliteral_n2007 +concept_vertebrate_permit concept:atdate concept_dateliteral_n2008 +concept_vertebrate_permit concept:subpartof concept_weatherphenomenon_water +concept_vertebrate_pet_animals concept:animalistypeofanimal concept_mammal_cats +concept_vertebrate_pet_animals concept:animalpreyson concept_mammal_cats +concept_vertebrate_pet_animals concept:animalistypeofanimal concept_mammal_dogs +concept_vertebrate_pet_animals concept:animalpreyson concept_mammal_dogs +concept_vertebrate_petrels concept:animalistypeofanimal concept_bird_seabirds +concept_vertebrate_rabbit concept:animalpreyson concept_reptile_pets +concept_vertebrate_retrievers concept:latitudelongitude 39.2516450000000,-76.7100800000000 +concept_vertebrate_ruminants concept:animalistypeofanimal concept_agriculturalproduct_cattle +concept_vertebrate_ruminants concept:animalpreyson concept_agriculturalproduct_cattle +concept_vertebrate_ruminants concept:animalistypeofanimal concept_agriculturalproduct_goats +concept_vertebrate_ruminants concept:animalpreyson concept_agriculturalproduct_goats +concept_vertebrate_ruminants concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_ruminants concept:animalistypeofanimal concept_mammal_deer +concept_vertebrate_ruminants concept:animalistypeofanimal concept_mammal_sheep +concept_vertebrate_ruminants concept:animalpreyson concept_mammal_sheep +concept_vertebrate_ruminants concept:animalistypeofanimal concept_mammal_sheep_ +concept_vertebrate_ruminants concept:animalpreyson concept_mammal_sheep_ +concept_vertebrate_sea_mammals concept:animalsuchasfish concept_fish_whales +concept_vertebrate_search concept:agentcompeteswithagent concept_agriculturalproduct_option +concept_vertebrate_search concept:agentcompeteswithagent concept_animal_introduction +concept_vertebrate_search concept:agentcompeteswithagent concept_animal_links +concept_vertebrate_search concept:agentcompeteswithagent concept_animal_lists +concept_vertebrate_search concept:agentcompeteswithagent concept_invertebrate_spider +concept_vertebrate_search concept:agentcompeteswithagent concept_mammal_answers +concept_vertebrate_search concept:agentcompeteswithagent concept_mammal_server +concept_vertebrate_search concept:agentcompeteswithagent concept_mammal_sitemap +concept_vertebrate_search concept:agentcompeteswithagent concept_mammal_start +concept_vertebrate_search concept:agentcompeteswithagent concept_publication_people_ +concept_vertebrate_shelter_dogs concept:animaldevelopdisease concept_disease_problems +concept_vertebrate_ships concept:mutualproxyfor concept_book_new +concept_vertebrate_skunks concept:animalistypeofanimal concept_animal_creatures +concept_vertebrate_skunks concept:animaldevelopdisease concept_disease_rabies +concept_vertebrate_skunks concept:animalistypeofanimal concept_mammal_animals +concept_vertebrate_skunks concept:animalpreyson concept_mammal_animals +concept_vertebrate_skunks concept:specializationof concept_mammal_animals +concept_vertebrate_skunks concept:animalistypeofanimal concept_mammal_mammals +concept_vertebrate_skunks concept:animalistypeofanimal concept_mammal_pets +concept_vertebrate_skunks concept:animalpreyson concept_mammal_pets +concept_vertebrate_skunks concept:animalistypeofanimal concept_mammal_predators +concept_vertebrate_skunks concept:animalpreyson concept_mammal_predators +concept_vertebrate_skunks concept:animalistypeofanimal concept_mammal_wild_animals +concept_vertebrate_small_game concept:animalpreyson concept_animal_birds002 +concept_vertebrate_small_game concept:animalpreyson concept_mammal_rabbits +concept_vertebrate_southern_california concept:mutualproxyfor concept_book_new +concept_vertebrate_sport_fish concept:animalsuchasfish concept_fish_bass +concept_vertebrate_summer concept:mutualproxyfor concept_book_new +concept_vertebrate_vizslas concept:latitudelongitude 48.0277766666667,19.8222233333333 +concept_vertebrate_voles concept:animalistypeofanimal concept_mammal_rodents +concept_vertebrate_voles concept:animalpreyson concept_mammal_rodents +concept_vertebrate_wildebeest concept:animalistypeofanimal concept_animal_herbivores +concept_vertebrate_wounds concept:agentparticipatedinevent concept_eventoutcome_result +concept_victim_applicants concept:atdate concept_date_n2003 +concept_victim_applicants concept:atdate concept_date_n2009 +concept_victim_applicants concept:atdate concept_dateliteral_n2007 +concept_victim_applicants concept:atdate concept_dateliteral_n2008 +concept_victim_dependent_children concept:latitudelongitude 34.0089900000000,-85.2435600000000 +concept_victim_exceptional_student concept:latitudelongitude 27.7457700000000,-82.2713566666667 +concept_victim_graduate_student concept:latitudelongitude 37.4106950000000,-77.8929150000000 +concept_victim_graduate_student concept:proxyfor concept_weatherphenomenon_new +concept_victim_graduates concept:proxyfor concept_weatherphenomenon_new +concept_victim_participants concept:atdate concept_date_n2009 +concept_victim_participants concept:proxyfor concept_weatherphenomenon_new +concept_videogame_artist concept:proxyfor concept_book_new +concept_videogame_beeri concept:latitudelongitude 4.6975580000000,7.4369200000000 +concept_videogame_blind_sheep concept:latitudelongitude 45.4746600000000,-109.8589300000000 +concept_videogame_c___e concept:latitudelongitude 42.2250000000000,-121.7805600000000 +concept_videogame_caesars_palace concept:subpartof concept_traditionalgame_vegas +concept_videogame_chickies concept:latitudelongitude 40.0862075000000,-76.5170500000000 +concept_videogame_endtime concept:latitudelongitude 31.8576600000000,-85.9982900000000 +concept_videogame_exile concept:atdate concept_date_n1979 +concept_videogame_far_cry concept:proxyfor concept_book_new +concept_videogame_golden_shower concept:latitudelongitude -17.7500000000000,31.3000000000000 +concept_videogame_grand_chase concept:latitudelongitude -18.0333300000000,31.5166700000000 +concept_videogame_grandmother concept:proxyfor concept_book_new +concept_videogame_grandmother concept:atdate concept_date_n2009 +concept_videogame_grandmother concept:atdate concept_dateliteral_n2002 +concept_videogame_grandmother concept:atdate concept_dateliteral_n2006 +concept_videogame_hurricanes concept:proxyfor concept_book_new +concept_videogame_kings_quest concept:latitudelongitude 44.9207000000000,-92.9117000000000 +concept_videogame_last_report concept:atdate concept_date_n2001 +concept_videogame_last_report concept:atdate concept_dateliteral_n2007 +concept_videogame_microcosm concept:proxyfor concept_book_new +concept_videogame_n_ concept:atlocation concept_building_years +concept_videogame_nights concept:proxyfor concept_book_new +concept_videogame_nights concept:atdate concept_date_n2000 +concept_videogame_nights concept:atdate concept_date_n2001 +concept_videogame_nights concept:atdate concept_date_n2003 +concept_videogame_nights concept:atdate concept_date_n2004 +concept_videogame_nights concept:atdate concept_date_n2009 +concept_videogame_nights concept:atdate concept_dateliteral_n2002 +concept_videogame_nights concept:atdate concept_dateliteral_n2005 +concept_videogame_nights concept:atdate concept_dateliteral_n2006 +concept_videogame_nights concept:atdate concept_dateliteral_n2007 +concept_videogame_nights concept:atdate concept_dateliteral_n2008 +concept_videogame_nights concept:atlocation concept_hotel_north +concept_videogame_nights concept:atlocation concept_lake_new +concept_videogame_nights concept:atlocation concept_website_south +concept_videogame_old_republic concept:latitudelongitude 41.8872600000000,-87.6239400000000 +concept_videogame_pupas concept:latitudelongitude 5.8761100000000,-71.4555600000000 +concept_videogame_sheep_herd concept:latitudelongitude 41.2116100000000,-111.7299400000000 +concept_videogame_shetlands concept:latitudelongitude 60.3228925000000,-1.3309600000000 +concept_videogame_soas concept:latitudelongitude 14.9232800000000,0.0848300000000 +concept_videogame_sokoban concept:latitudelongitude 6.6083350000000,-1.6166700000000 +concept_videogame_tommi concept:latitudelongitude 21.5666700000000,17.5500000000000 +concept_videogame_vessel concept:atdate concept_dateliteral_n2006 +concept_videogame_vessel concept:subpartof concept_website_blood +concept_videogame_western_front concept:atdate concept_date_n1944 +concept_videogame_western_front concept:atdate concept_dateliteral_n1917 +concept_videogame_western_front concept:atdate concept_year_n1916 +concept_videogamesystem_iso_9001_2000_certification concept:atdate concept_date_n2003 +concept_videogamesystem_kedit concept:latitudelongitude 1.8416650000000,111.2833300000000 +concept_videogamesystem_macintosh concept:synonymfor concept_biotechcompany_apple +concept_videogamesystem_n5 concept:mutualproxyfor concept_city_home +concept_videogamesystem_ngage concept:latitudelongitude -3.2413900000000,30.6602800000000 +concept_videogamesystem_osx concept:synonymfor concept_geopoliticallocation_mac +concept_videogamesystem_p_c_ concept:atdate concept_dateliteral_n2002 +concept_videogamesystem_quicktime concept:mutualproxyfor concept_company_apple +concept_videogamesystem_quicktime concept:synonymfor concept_retailstore_apple_computer_inc_ +concept_videogamesystem_research_in_motion_ltd concept:mutualproxyfor concept_company_rimm +concept_videogamesystem_research_in_motion_ltd concept:atlocation concept_country_canada_canada +concept_videogamesystem_smultron concept:latitudelongitude 65.5625000000000,22.1458300000000 +concept_videogamesystem_windows_95 concept:synonymfor concept_company_microsoft_corporation001 +concept_videogamesystem_windows_media_player concept:synonymfor concept_retailstore_microsoft +concept_virus_hostilities concept:atdate concept_date_n1941 +concept_virus_hostilities concept:atdate concept_date_n2003 +concept_virus_hostilities concept:atdate concept_dateliteral_n2002 +concept_virus_rabbies concept:latitudelongitude 46.3500000000000,10.9166700000000 +concept_visualartform_expressionist concept:latitudelongitude 40.7811100000000,-73.9602800000000 +concept_visualartform_seminar concept:atdate concept_date_n1996 +concept_visualartform_seminar concept:atdate concept_date_n1999 +concept_visualartform_seminar concept:atdate concept_date_n2000 +concept_visualartform_seminar concept:atdate concept_date_n2001 +concept_visualartform_seminar concept:atdate concept_date_n2003 +concept_visualartform_seminar concept:atdate concept_date_n2004 +concept_visualartform_seminar concept:atdate concept_date_n2009 +concept_visualartform_seminar concept:atdate concept_dateliteral_n2002 +concept_visualartform_seminar concept:atdate concept_dateliteral_n2005 +concept_visualartform_seminar concept:atdate concept_dateliteral_n2006 +concept_visualartform_seminar concept:atdate concept_dateliteral_n2007 +concept_visualartform_seminar concept:atdate concept_dateliteral_n2008 +concept_visualartform_seminar concept:atdate concept_month_february +concept_visualartform_seminar concept:atdate concept_year_n1997 +concept_visualartform_slr concept:latitudelongitude 33.1598400000000,-95.6213500000000 +concept_visualartform_subject_matter concept:proxyfor concept_bedroomitem_new +concept_visualartform_the_arts concept:subpartof concept_weatherphenomenon_new +concept_visualartform_vote concept:atdate concept_month_april +concept_visualartform_vote concept:atdate concept_month_august +concept_visualartform_vote concept:atdate concept_month_march +concept_visualartist_ad concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_albert_bierstadt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_albert_bierstadt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_alexander_calder concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_alma_tadema concept:visualartistartform concept_visualartform_paintings +concept_visualartist_alphonse_mucha concept:visualartistartform concept_visualartform_art +concept_visualartist_american_cities concept:proxyfor concept_book_new +concept_visualartist_andrea_mantegna concept:visualartistartform concept_visualartform_paintings +concept_visualartist_andrew_wyeth concept:visualartistartform concept_visualartform_paintings +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_art +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_collection +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_paintings +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_printmaking +concept_visualartist_andy_warhol concept:visualartistartform concept_visualartform_prints +concept_visualartist_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_visualartist_ansel_adams concept:visualartistartform concept_visualartform_art +concept_visualartist_ansel_adams concept:visualartistartform concept_visualartform_collection +concept_visualartist_ansel_adams concept:visualartistartform concept_visualartform_photographs +concept_visualartist_ansel_adams concept:visualartistartform concept_visualartform_prints +concept_visualartist_anthony_trollope concept:agentcontributedtocreativework concept_book_phineas_finn +concept_visualartist_anthony_trollope concept:agentcreated concept_book_phineas_finn +concept_visualartist_anthony_trollope concept:agentcreated concept_book_the_warden +concept_visualartist_aragon concept:personhascitizenship concept_country_sicily +concept_visualartist_arca concept:agentactsinlocation concept_city_nashville +concept_visualartist_archipelago concept:proxyfor concept_book_new +concept_visualartist_arcimboldo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_visualartist_associate concept:agentcreated concept_book_contact +concept_visualartist_audubon concept:visualartistartform concept_visualartform_paintings +concept_visualartist_auguste_renoir concept:visualartistartform concept_visualartform_paintings +concept_visualartist_auguste_rodin concept:visualartistartform concept_visualartform_collection +concept_visualartist_auguste_rodin concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_auguste_rodin concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_award concept:agentcompeteswithagent concept_personcanada_search +concept_visualartist_bach concept:visualartistartform concept_visualartform_collection +concept_visualartist_banksy concept:visualartistartform concept_visualartform_prints +concept_visualartist_barnett_newman concept:visualartistartform concept_visualartform_paintings +concept_visualartist_barye concept:latitudelongitude 47.8001600000000,-77.1827300000000 +concept_visualartist_bazaine concept:latitudelongitude -24.3000000000000,30.7166700000000 +concept_visualartist_bellini concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bernini concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bernini concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_bernini concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_visualartist_bierstadt concept:personbornincity concept_city_bedford +concept_visualartist_bill_mauldin concept:personhasjobposition concept_jobposition_political_cartoonist +concept_visualartist_blady concept:latitudelongitude 42.2234000000000,-77.5308200000000 +concept_visualartist_blake concept:persongraduatedfromuniversity concept_university_state_university +concept_visualartist_blake concept:persongraduatedschool concept_university_state_university +concept_visualartist_bonnard concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bosch concept:visualartistartform concept_visualartform_collection +concept_visualartist_bosch concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bosch concept:visualartistartform concept_visualizablething_painting +concept_visualartist_botero concept:visualartistartform concept_visualartform_art +concept_visualartist_botero concept:visualartistartform concept_visualartform_paintings +concept_visualartist_botero concept:visualartistartform concept_visualizablething_painting +concept_visualartist_botticelli concept:visualartistartform concept_visualartform_art +concept_visualartist_botticelli concept:visualartistartform concept_visualartform_collection +concept_visualartist_botticelli concept:visualartistartform concept_visualartform_paintings +concept_visualartist_botticelli concept:visualartistartform concept_visualizablething_painting +concept_visualartist_brancusi concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_brancusi concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_braque concept:visualartistartform concept_visualartform_art +concept_visualartist_braque concept:visualartistartform concept_visualartform_paintings +concept_visualartist_breugel concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bronzino concept:visualartistartform concept_visualartform_paintings +concept_visualartist_bronzino concept:visualartistartform concept_visualizablething_painting +concept_visualartist_brooklyn concept:persongraduatedschool concept_university_college +concept_visualartist_brooklyn concept:persongraduatedschool concept_university_law_school +concept_visualartist_bruegel concept:visualartistartform concept_visualartform_paintings +concept_visualartist_brueghel concept:visualartistartform concept_visualartform_paintings +concept_visualartist_brueghel concept:visualartistartform concept_visualizablething_painting +concept_visualartist_burne_jones concept:visualartistartform concept_visualartform_paintings +concept_visualartist_c_zanne concept:visualartistartform concept_visualartform_art +concept_visualartist_c_zanne concept:visualartistartform concept_visualartform_collection +concept_visualartist_c_zanne concept:visualartistartform concept_visualartform_painters +concept_visualartist_c_zanne concept:visualartistartform concept_visualartform_paintings +concept_visualartist_caillebotte concept:visualartistartform concept_visualartform_paintings +concept_visualartist_camille_pissarro concept:visualartistartform concept_visualartform_paintings +concept_visualartist_canaletto concept:visualartistartform concept_visualartform_collection +concept_visualartist_canaletto concept:visualartistartform concept_visualartform_paintings +concept_visualartist_canaletto concept:visualartistartform concept_visualizablething_painting +concept_visualartist_canne concept:visualartistartform concept_visualartform_collection +concept_visualartist_canne concept:visualartistartform concept_visualartform_paintings +concept_visualartist_canova concept:visualartistartform concept_visualartform_collection +concept_visualartist_canova concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_caravaggio concept:visualartistartform concept_visualartform_art +concept_visualartist_caravaggio concept:visualartistartform concept_visualartform_collection +concept_visualartist_caravaggio concept:visualartistartform concept_visualartform_paintings +concept_visualartist_caravaggio concept:visualartistartform concept_visualizablething_painting +concept_visualartist_carracci concept:visualartistartform concept_visualartform_paintings +concept_visualartist_casciano concept:latitudelongitude 43.4551475000000,11.5929191666667 +concept_visualartist_caspar_david_friedrich concept:visualartistartform concept_visualartform_paintings +concept_visualartist_cassatt concept:visualartistartform concept_visualartform_art +concept_visualartist_cassatt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_cassatt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_cex concept:latitudelongitude 49.7500000000000,15.0000000000000 +concept_visualartist_cezanne concept:visualartistartform concept_visualartform_art +concept_visualartist_cezanne concept:visualartistartform concept_visualartform_collection +concept_visualartist_cezanne concept:visualartistartform concept_visualartform_painters +concept_visualartist_cezanne concept:visualartistartform concept_visualartform_paintings +concept_visualartist_cezanne concept:visualartistartform concept_visualizablething_painting +concept_visualartist_chagall concept:visualartistartform concept_visualartform_art +concept_visualartist_chagall concept:visualartistartform concept_visualartform_collection +concept_visualartist_chagall concept:visualartistartform concept_visualartform_lithographs +concept_visualartist_chagall concept:visualartistartform concept_visualartform_paintings +concept_visualartist_chagall concept:visualartistartform concept_visualartform_prints +concept_visualartist_chagall concept:visualartistartform concept_visualizablething_painting +concept_visualartist_charles_davidson concept:personleadsorganization concept_company_noble_energy +concept_visualartist_charles_davidson concept:worksfor concept_company_noble_energy +concept_visualartist_charles_m__russell concept:visualartistartform concept_visualartform_paintings +concept_visualartist_charles_marion_russell concept:visualartistartform concept_visualartform_paintings +concept_visualartist_cindy_sherman concept:visualartistartform concept_visualartform_photography +concept_visualartist_claude_lorrain concept:visualartistartform concept_visualartform_paintings +concept_visualartist_claude_monet concept:visualartistartform concept_visualartform_art +concept_visualartist_claude_monet concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_claude_monet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_claude_monet concept:visualartistartform concept_visualizablething_painting +concept_visualartist_constable concept:visualartistartform concept_hobby_pictures +concept_visualartist_constable concept:visualartistartform concept_visualartform_collection +concept_visualartist_constable concept:visualartistartform concept_visualartform_paintings +concept_visualartist_constable concept:visualartistartform concept_visualizablething_painting +concept_visualartist_corot concept:visualartistartform concept_visualartform_collection +concept_visualartist_courbet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_cranach concept:visualartistartform concept_visualartform_paintings +concept_visualartist_crashaw concept:latitudelongitude 53.7166700000000,-2.2833300000000 +concept_visualartist_d_rer concept:visualartistartform concept_visualartform_drawings +concept_visualartist_d_rer concept:visualartistartform concept_visualartform_engravings +concept_visualartist_d_rer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_da_vinci concept:visualartistartform concept_visualartform_art +concept_visualartist_da_vinci concept:visualartistartform concept_visualartform_collection +concept_visualartist_da_vinci concept:visualartistartform concept_visualartform_paintings +concept_visualartist_da_vinci concept:visualartistartform concept_visualizablething_painting +concept_visualartist_dale_chihuly concept:visualartistartform concept_visualartform_collection +concept_visualartist_damien_hirst concept:visualartistartform concept_visualartform_installation_art +concept_visualartist_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_visualartist_dante_gabriel_rossetti concept:visualartistartform concept_visualartform_paintings +concept_visualartist_darger concept:latitudelongitude 54.5269000000000,73.0519000000000 +concept_visualartist_david_hockney concept:visualartistartform concept_visualartform_collection +concept_visualartist_davinci concept:visualartistartform concept_visualartform_paintings +concept_visualartist_davinci concept:visualartistartform concept_visualizablething_painting +concept_visualartist_degas concept:visualartistartform concept_visualartform_art +concept_visualartist_degas concept:visualartistartform concept_visualartform_collection +concept_visualartist_degas concept:visualartistartform concept_visualartform_drawings +concept_visualartist_degas concept:visualartistartform concept_visualartform_paintings +concept_visualartist_degas concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_degas concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_degas concept:visualartistartform concept_visualizablething_painting +concept_visualartist_delacroix concept:visualartistartform concept_visualartform_paintings +concept_visualartist_delacroix concept:visualartistartform concept_visualizablething_painting +concept_visualartist_der concept:visualartistartform concept_visualartform_drawings +concept_visualartist_der concept:visualartistartform concept_visualartform_paintings +concept_visualartist_desmoulins concept:latitudelongitude 19.5333300000000,-71.8333300000000 +concept_visualartist_detail concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_detail concept:agentcreated concept_city_click +concept_visualartist_detail concept:agentcreated concept_musicalbum_contact +concept_visualartist_details concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_detzel concept:latitudelongitude 52.3166700000000,11.3833300000000 +concept_visualartist_diane_romanello concept:visualartistartform concept_visualartform_art +concept_visualartist_diego_velazquez concept:visualartistartform concept_visualizablething_painting +concept_visualartist_doctorate concept:atdate concept_dateliteral_n2006 +concept_visualartist_doctorate concept:atdate concept_dateliteral_n2008 +concept_visualartist_donatello concept:visualartistartform concept_visualartform_collection +concept_visualartist_donatello concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_duccio concept:visualartistartform concept_visualartform_paintings +concept_visualartist_dudok concept:latitudelongitude 4.4222233333333,114.2777800000000 +concept_visualartist_durer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_durer concept:visualartistartform concept_visualartform_prints +concept_visualartist_e_40 concept:latitudelongitude 39.1783500000000,-93.6402200000000 +concept_visualartist_edgar_degas concept:visualartistartform concept_visualartform_art +concept_visualartist_edgar_degas concept:visualartistartform concept_visualartform_collection +concept_visualartist_edgar_degas concept:visualartistartform concept_visualartform_drawing +concept_visualartist_edgar_degas concept:visualartistartform concept_visualartform_paintings +concept_visualartist_edgar_degas concept:visualartistartform concept_visualizablething_painting +concept_visualartist_edouard_manet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_edouard_manet concept:visualartistartform concept_visualizablething_painting +concept_visualartist_edvard_munch concept:visualartistartform concept_visualartform_art +concept_visualartist_edvard_munch concept:visualartistartform concept_visualartform_drawing +concept_visualartist_edvard_munch concept:visualartistartform concept_visualartform_paintings +concept_visualartist_edvard_munch concept:visualartistartform concept_visualizablething_painting +concept_visualartist_edward_hopper concept:visualartistartform concept_visualartform_paintings +concept_visualartist_edward_hopper concept:visualartistartform concept_visualizablething_painting +concept_visualartist_el_greco concept:visualartistartform concept_visualartform_art +concept_visualartist_el_greco concept:visualartistartform concept_visualartform_collection +concept_visualartist_el_greco concept:visualartistartform concept_visualartform_paintings +concept_visualartist_el_greco concept:visualartistartform concept_visualizablething_painting +concept_visualartist_emily_carr concept:visualartistartform concept_visualartform_collection +concept_visualartist_eric_white concept:latitudelongitude 36.5643900000000,-119.6248500000000 +concept_visualartist_escher concept:visualartistartform concept_visualartform_paintings +concept_visualartist_escher concept:visualartistartform concept_visualartform_prints +concept_visualartist_fernando_botero concept:visualartistartform concept_visualartform_paintings +concept_visualartist_ferrari concept:agentparticipatedinevent concept_sportsgame_championship +concept_visualartist_ferruccio_busoni concept:musicianplaysinstrument concept_musicinstrument_piano +concept_visualartist_first_master concept:persondiedincountry concept_country_england +concept_visualartist_fra_angelico concept:visualartistartform concept_visualartform_art +concept_visualartist_fra_angelico concept:visualartistartform concept_visualartform_collection +concept_visualartist_fra_angelico concept:visualartistartform concept_visualartform_paintings +concept_visualartist_fra_angelico concept:visualartistartform concept_visualizablething_painting +concept_visualartist_fragonard concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frame concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_francis_bacon concept:visualartistartform concept_visualartform_collection +concept_visualartist_francis_bacon concept:visualartistartform concept_visualartform_paintings +concept_visualartist_francisco_goya concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frank_stella concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frans_hals concept:visualartistartform concept_visualartform_paintings +concept_visualartist_franz_marc concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frederic_remington concept:visualartistartform concept_visualartform_collection +concept_visualartist_frederic_remington concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frida_kahlo concept:visualartistartform concept_visualartform_art +concept_visualartist_frida_kahlo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_frida_kahlo concept:visualartistartform concept_visualizablething_painting +concept_visualartist_fuller concept:personbornincity concept_city_york +concept_visualartist_gainsborough concept:visualartistartform concept_hobby_pictures +concept_visualartist_gainsborough concept:visualartistartform concept_visualartform_collection +concept_visualartist_gainsborough concept:visualartistartform concept_visualartform_paintings +concept_visualartist_gainsborough concept:visualartistartform concept_visualartform_portraits +concept_visualartist_galleries concept:proxyfor concept_book_new +concept_visualartist_galleries concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_games concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_games concept:agentparticipatedinevent concept_eventoutcome_result +concept_visualartist_games concept:agentparticipatedinevent concept_mlconference_universe +concept_visualartist_gauguin concept:visualartistartform concept_visualartform_art +concept_visualartist_gauguin concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_gauguin concept:visualartistartform concept_visualartform_painters +concept_visualartist_gauguin concept:visualartistartform concept_visualartform_paintings +concept_visualartist_gauguin concept:visualartistartform concept_visualizablething_painting +concept_visualartist_george_caleb_bingham concept:visualartistartform concept_visualartform_paintings +concept_visualartist_george_catlin concept:visualartistartform concept_visualartform_paintings +concept_visualartist_george_grosz concept:visualartistartform concept_visualartform_paintings +concept_visualartist_george_stubbs concept:visualartistartform concept_visualartform_paintings +concept_visualartist_georges_seurat concept:visualartistartform concept_visualizablething_painting +concept_visualartist_georgia_o_keefe concept:visualartistartform concept_visualartform_paintings +concept_visualartist_georgia_o_keeffe concept:visualartistartform concept_visualartform_paintings +concept_visualartist_georgia_o_keeffe concept:visualartistartform concept_visualizablething_painting +concept_visualartist_gerhard_richter concept:visualartistartform concept_visualartform_paintings +concept_visualartist_gilbert_stuart concept:visualartistartform concept_visualartform_portraits +concept_visualartist_giorgio_de_chirico concept:agentcontributedtocreativework concept_book_hebdomeros +concept_visualartist_giorgio_de_chirico concept:agentcreated concept_book_hebdomeros +concept_visualartist_giorgione concept:visualartistartform concept_visualartform_paintings +concept_visualartist_giotto concept:visualartistartform concept_visualartform_art +concept_visualartist_giotto concept:visualartistartform concept_visualartform_paintings +concept_visualartist_giovanni_bellini concept:visualartistartform concept_visualartform_paintings +concept_visualartist_goldsworthy concept:visualartistartform concept_visualartform_art +concept_visualartist_goya concept:visualartistartform concept_visualartform_art +concept_visualartist_goya concept:visualartistartform concept_visualartform_collection +concept_visualartist_goya concept:visualartistartform concept_visualartform_paintings +concept_visualartist_goya concept:visualartistartform concept_visualartform_portraits +concept_visualartist_goya concept:visualartistartform concept_visualartform_prints +concept_visualartist_goya concept:visualartistartform concept_visualizablething_painting +concept_visualartist_graham concept:personchargedwithcrime concept_crimeorcharge_murder +concept_visualartist_graham concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_visualartist_graham concept:persongraduatedfromuniversity concept_university_college +concept_visualartist_grandma_moses concept:visualartistartform concept_visualartform_collection +concept_visualartist_grant_wood concept:visualartistartform concept_visualartform_collection +concept_visualartist_grant_wood concept:visualartistartform concept_visualartform_paintings +concept_visualartist_grant_wood concept:visualartistartform concept_visualizablething_painting +concept_visualartist_guercino concept:visualartistartform concept_visualartform_paintings +concept_visualartist_guido_reni concept:visualartistartform concept_visualartform_paintings +concept_visualartist_gustav_klimt concept:visualartistartform concept_visualartform_art +concept_visualartist_gustav_klimt concept:visualartistartform concept_visualartform_collection +concept_visualartist_gustav_klimt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_gustave_courbet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_hals concept:visualartistartform concept_visualartform_paintings +concept_visualartist_hao_ping concept:latitudelongitude 33.6805700000000,112.0566900000000 +concept_visualartist_haussmann concept:latitudelongitude 48.8732416666667,2.3235733333333 +concept_visualartist_hemmerling concept:latitudelongitude 33.9286300000000,-116.8978000000000 +concept_visualartist_henri_de_toulouse_lautrec concept:visualartistartform concept_visualartform_paintings +concept_visualartist_henri_matisse concept:visualartistartform concept_visualartform_art +concept_visualartist_henri_matisse concept:visualartistartform concept_visualartform_paintings +concept_visualartist_henri_matisse concept:visualartistartform concept_visualizablething_painting +concept_visualartist_henri_rousseau concept:visualartistartform concept_visualartform_paintings +concept_visualartist_henry_moore concept:visualartistartform concept_visualartform_collection +concept_visualartist_henry_moore concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_henry_moore concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_herend concept:latitudelongitude 47.1333300000000,17.7583350000000 +concept_visualartist_hieronymus_bosch concept:visualartistartform concept_visualartform_paintings +concept_visualartist_hieronymus_bosch concept:visualartistartform concept_visualizablething_painting +concept_visualartist_hogarth concept:visualartistartform concept_visualartform_collection +concept_visualartist_hogarth concept:visualartistartform concept_visualartform_paintings +concept_visualartist_holbein concept:visualartistartform concept_visualartform_paintings +concept_visualartist_homer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_homer concept:visualartistartform concept_visualizablething_painting +concept_visualartist_honors concept:atdate concept_date_n2003 +concept_visualartist_honors concept:atdate concept_dateliteral_n2006 +concept_visualartist_honors concept:atdate concept_dateliteral_n2007 +concept_visualartist_hopper concept:visualartistartform concept_visualartform_paintings +concept_visualartist_hopper concept:visualartistartform concept_visualizablething_painting +concept_visualartist_horta concept:persondiedincountry concept_country_england +concept_visualartist_hunt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_hunt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_icon concept:agentcreated concept_book_print +concept_visualartist_image concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_image concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_visualartist_image concept:agentinvolvedwithitem concept_tableitem_tab +concept_visualartist_ingres concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jack_b__yeats concept:visualartistartform concept_visualartform_collection +concept_visualartist_jack_vettriano concept:visualartistartform concept_visualartform_art +concept_visualartist_jack_vettriano concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jackson_pollock concept:visualartistartform concept_visualartform_art +concept_visualartist_jackson_pollock concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jacques_louis_david concept:visualartistartform concept_visualartform_paintings +concept_visualartist_james_carmichael concept:latitudelongitude 4.3833300000000,-57.9333300000000 +concept_visualartist_james_mcneill_whistler concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_james_mcneill_whistler concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jan_van_eyck concept:visualartistartform concept_visualizablething_painting +concept_visualartist_jasper_johns concept:visualartistartform concept_visualartform_art +concept_visualartist_jasper_johns concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_jasper_johns concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jasper_johns concept:visualartistartform concept_visualartform_printmaking +concept_visualartist_jean_michel_basquiat concept:visualartistartform concept_visualartform_paintings +concept_visualartist_jeff_burton concept:agentparticipatedinevent concept_sportsgame_series +concept_visualartist_jenny concept:personbornincity concept_city_york +concept_visualartist_jenny_holzer concept:visualartistartform concept_visualartform_installation +concept_visualartist_joan_miro concept:visualartistartform concept_visualartform_paintings +concept_visualartist_joanny concept:latitudelongitude 46.1486600000000,-72.3924100000000 +concept_visualartist_johann_sebastian_bach concept:musicianplaysinstrument concept_musicinstrument_violin +concept_visualartist_johannes_vermeer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_john_constable concept:visualartistartform concept_visualartform_paintings +concept_visualartist_john_constable concept:visualartistartform concept_visualizablething_painting +concept_visualartist_john_singer_sargent concept:visualartistartform concept_visualartform_art +concept_visualartist_john_singer_sargent concept:visualartistartform concept_visualartform_paintings +concept_visualartist_john_singleton_copley concept:visualartistartform concept_visualartform_paintings +concept_visualartist_john_thompson concept:proxyfor concept_company_symantec001 +concept_visualartist_john_trumbull concept:visualartistartform concept_visualizablething_painting +concept_visualartist_jorge_amado concept:agentcreated concept_book_tent_of_miracles +concept_visualartist_josef_albers concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_juan_gris concept:visualartistartform concept_visualartform_paintings +concept_visualartist_julia_rogers concept:latitudelongitude 39.4101100000000,-76.5946900000000 +concept_visualartist_kahlo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_kandinsky concept:visualartistartform concept_visualartform_art +concept_visualartist_kandinsky concept:visualartistartform concept_visualartform_collection +concept_visualartist_kandinsky concept:visualartistartform concept_visualartform_paintings +concept_visualartist_kandinsky concept:visualartistartform concept_visualizablething_painting +concept_visualartist_kauba concept:latitudelongitude -16.8833300000000,27.4500000000000 +concept_visualartist_keith_haring concept:visualartistartform concept_visualartform_paintings +concept_visualartist_klee concept:visualartistartform concept_visualartform_art +concept_visualartist_klee concept:visualartistartform concept_visualartform_collection +concept_visualartist_klee concept:visualartistartform concept_visualartform_painters +concept_visualartist_klee concept:visualartistartform concept_visualartform_paintings +concept_visualartist_klenze concept:latitudelongitude 52.9333300000000,10.9500000000000 +concept_visualartist_klimt concept:visualartistartform concept_visualartform_art +concept_visualartist_klimt concept:visualartistartform concept_visualartform_collection +concept_visualartist_klimt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_klimt concept:visualartistartform concept_visualartform_prints +concept_visualartist_klimt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_kneller concept:latitudelongitude 45.4501100000000,-80.4329900000000 +concept_visualartist_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_visualartist_lategan concept:latitudelongitude -33.8833300000000,19.0166700000000 +concept_visualartist_lautrec concept:visualartistartform concept_visualartform_paintings +concept_visualartist_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_art +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_drawings +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_famous_painting +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_leonardo concept:visualartistartform concept_visualartform_portraits +concept_visualartist_leonardo concept:visualartistartform concept_visualizablething_painting +concept_visualartist_leonardo_da_vinci concept:visualartistartform concept_visualartform_art +concept_visualartist_leonardo_da_vinci concept:visualartistartform concept_visualartform_drawing +concept_visualartist_leonardo_da_vinci concept:agentcreated concept_visualartform_notebooks +concept_visualartist_leonardo_da_vinci concept:visualartistartform concept_visualartform_paintings +concept_visualartist_leonardo_da_vinci concept:visualartistartform concept_visualizablething_painting +concept_visualartist_letter concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_letter concept:agentcreated concept_website_send +concept_visualartist_lichtenstein concept:visualartistartform concept_visualartform_paintings +concept_visualartist_lin_chi concept:latitudelongitude 24.5461600000000,121.1477966666667 +concept_visualartist_lindy concept:personchargedwithcrime concept_crimeorcharge_murder +concept_visualartist_liverpool concept:atdate concept_date_n2009 +concept_visualartist_liverpool concept:subpartof concept_geopoliticallocation_fa +concept_visualartist_liverpool concept:agentcompeteswithagent concept_university_a_m_ +concept_visualartist_lorenzo_lotto concept:visualartistartform concept_visualartform_paintings +concept_visualartist_louise_bourgeois concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_lucian_freud concept:visualartistartform concept_visualizablething_painting +concept_visualartist_m__c__escher concept:visualartistartform concept_visualartform_art +concept_visualartist_m_b_a_ concept:latitudelongitude 45.8768000000000,-75.3893100000000 +concept_visualartist_magritte concept:visualartistartform concept_visualartform_art +concept_visualartist_magritte concept:visualartistartform concept_visualartform_paintings +concept_visualartist_magritte concept:visualartistartform concept_visualizablething_painting +concept_visualartist_maillol concept:latitudelongitude 44.7000000000000,1.3666700000000 +concept_visualartist_malevich concept:visualartistartform concept_visualartform_paintings +concept_visualartist_man_ray concept:visualartistartform concept_visualartform_collage +concept_visualartist_man_ray concept:visualartistartform concept_visualartform_photography +concept_visualartist_manet concept:visualartistartform concept_visualartform_art +concept_visualartist_manet concept:visualartistartform concept_visualartform_painters +concept_visualartist_manet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_manet concept:visualartistartform concept_visualizablething_painting +concept_visualartist_mantegna concept:visualartistartform concept_visualartform_paintings +concept_visualartist_manual concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_manuel_barrueco concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_visualartist_marc_chagall concept:visualartistartform concept_visualartform_art +concept_visualartist_marc_chagall concept:visualartistartform concept_visualartform_paintings +concept_visualartist_mark_rothko concept:visualartistartform concept_visualartform_art +concept_visualartist_mark_rothko concept:visualartistartform concept_visualartform_paintings +concept_visualartist_mark_rothko concept:visualartistartform concept_visualizablething_painting +concept_visualartist_marozzo concept:latitudelongitude 44.7808300000000,12.1250000000000 +concept_visualartist_mary_cassatt concept:visualartistartform concept_visualartform_art +concept_visualartist_mary_cassatt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_matisse concept:visualartistartform concept_hobby_pictures +concept_visualartist_matisse concept:visualartistartform concept_visualartform_art +concept_visualartist_matisse concept:visualartistartform concept_visualartform_collection +concept_visualartist_matisse concept:visualartistartform concept_visualartform_drawings +concept_visualartist_matisse concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_matisse concept:visualartistartform concept_visualartform_painters +concept_visualartist_matisse concept:visualartistartform concept_visualartform_paintings +concept_visualartist_matisse concept:visualartistartform concept_visualartform_portraits +concept_visualartist_matisse concept:visualartistartform concept_visualartform_prints +concept_visualartist_matisse concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_matisse concept:visualartistartform concept_visualizablething_painting +concept_visualartist_mattia_preti concept:visualartistartform concept_visualartform_paintings +concept_visualartist_max_ernst concept:visualartistartform concept_visualartform_paintings +concept_visualartist_maxfield_parrish concept:visualartistartform concept_visualartform_paintings +concept_visualartist_maynard_dixon concept:visualartistartform concept_visualartform_paintings +concept_visualartist_meyer concept:subpartof concept_buildingmaterial_head +concept_visualartist_michaelangelo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_art +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_collection +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_drawings +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_prints +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_michelangelo concept:visualartistartform concept_visualartform_statues +concept_visualartist_michelangelo concept:visualartistartform concept_visualizablething_painting +concept_visualartist_mikoshi concept:latitudelongitude 34.0944466666667,135.3666700000000 +concept_visualartist_millais concept:visualartistartform concept_visualartform_paintings +concept_visualartist_millet concept:visualartistartform concept_visualartform_paintings +concept_visualartist_milton_avery concept:visualartistartform concept_visualartform_paintings +concept_visualartist_mir concept:atdate concept_year_n1998 +concept_visualartist_miro concept:visualartistartform concept_visualartform_art +concept_visualartist_miro concept:visualartistartform concept_visualartform_collection +concept_visualartist_miro concept:visualartistartform concept_visualartform_paintings +concept_visualartist_miro concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_miro concept:visualartistartform concept_visualizablething_painting +concept_visualartist_modigliani concept:visualartistartform concept_visualartform_paintings +concept_visualartist_modigliani concept:visualartistartform concept_visualizablething_painting +concept_visualartist_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_visualartist_mondrian concept:visualartistartform concept_visualartform_art +concept_visualartist_mondrian concept:visualartistartform concept_visualartform_paintings +concept_visualartist_mondrian concept:visualartistartform concept_visualizablething_painting +concept_visualartist_munch concept:visualartistartform concept_visualartform_art +concept_visualartist_munch concept:visualartistartform concept_visualartform_collection +concept_visualartist_munch concept:visualartistartform concept_visualartform_paintings +concept_visualartist_munch concept:visualartistartform concept_visualizablething_painting +concept_visualartist_murillo concept:visualartistartform concept_visualartform_art +concept_visualartist_murillo concept:visualartistartform concept_visualartform_collection +concept_visualartist_murillo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_neal concept:persongraduatedfromuniversity concept_university_college +concept_visualartist_neal concept:persongraduatedschool concept_university_college +concept_visualartist_news concept:parentofperson concept_person_jesus +concept_visualartist_nicolas_poussin concept:visualartistartform concept_visualartform_paintings +concept_visualartist_nikolay_gogol concept:agentcreated concept_vein_the_nose +concept_visualartist_norman_rockwell concept:visualartistartform concept_visualartform_paintings +concept_visualartist_number_one concept:proxyfor concept_book_new +concept_visualartist_nur_jahan concept:latitudelongitude 31.6213000000000,74.2945000000000 +concept_visualartist_oscar_wilde concept:agentcreated concept_musicalbum_de_profundis +concept_visualartist_oscar_wilde concept:agentcreated concept_musicartist_intentions +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_art +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_collection +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_paintings +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_prints +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_pablo_picasso concept:visualartistartform concept_visualizablething_painting +concept_visualartist_paolo_veronese concept:visualartistartform concept_visualartform_paintings +concept_visualartist_paul_cezanne concept:visualartistartform concept_visualartform_art +concept_visualartist_paul_cezanne concept:visualartistartform concept_visualartform_collection +concept_visualartist_paul_cezanne concept:visualartistartform concept_visualartform_paintings +concept_visualartist_paul_cezanne concept:visualartistartform concept_visualizablething_painting +concept_visualartist_paul_gauguin concept:visualartistartform concept_visualartform_art +concept_visualartist_paul_gauguin concept:visualartistartform concept_visualartform_paintings +concept_visualartist_paul_gauguin concept:visualartistartform concept_visualizablething_painting +concept_visualartist_paul_klee concept:visualartistartform concept_visualartform_paintings +concept_visualartist_perugino concept:visualartistartform concept_visualartform_art +concept_visualartist_perugino concept:visualartistartform concept_visualartform_paintings +concept_visualartist_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_visualartist_peter_paul_rubens concept:visualartistartform concept_visualartform_paintings +concept_visualartist_ph_d__degree concept:atdate concept_dateliteral_n2007 +concept_visualartist_ph_d__degree concept:atdate concept_dateliteral_n2008 +concept_visualartist_picasso concept:visualartistartform concept_hobby_pictures +concept_visualartist_picasso concept:visualartistartform concept_visualartform_art +concept_visualartist_picasso concept:visualartistartform concept_visualartform_art_collection +concept_visualartist_picasso concept:visualartistartform concept_visualartform_artist +concept_visualartist_picasso concept:visualartistartform concept_visualartform_artworks +concept_visualartist_picasso concept:visualartistartform concept_visualartform_canvases +concept_visualartist_picasso concept:visualartistartform concept_visualartform_ceramics +concept_visualartist_picasso concept:visualartistartform concept_visualartform_collection +concept_visualartist_picasso concept:visualartistartform concept_visualartform_contemporary_art +concept_visualartist_picasso concept:visualartistartform concept_visualartform_contemporary_works +concept_visualartist_picasso concept:visualartistartform concept_visualartform_drawings +concept_visualartist_picasso concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_picasso concept:visualartistartform concept_visualartform_friends +concept_visualartist_picasso concept:visualartistartform concept_visualartform_painters +concept_visualartist_picasso concept:visualartistartform concept_visualartform_paintings +concept_visualartist_picasso concept:visualartistartform concept_visualartform_paper +concept_visualartist_picasso concept:visualartistartform concept_visualartform_portraits +concept_visualartist_picasso concept:visualartistartform concept_visualartform_prints +concept_visualartist_picasso concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_picasso concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_picasso concept:visualartistartform concept_visualizablething_painting +concept_visualartist_piero_della_francesca concept:visualartistartform concept_visualartform_paintings +concept_visualartist_pierre_auguste_renoir concept:visualartistartform concept_visualartform_collection +concept_visualartist_pierre_auguste_renoir concept:visualartistartform concept_visualartform_paintings +concept_visualartist_pierre_bonnard concept:visualartistartform concept_visualartform_paintings +concept_visualartist_piet_mondrian concept:visualartistartform concept_visualartform_paintings +concept_visualartist_piet_mondrian concept:visualartistartform concept_visualizablething_painting +concept_visualartist_pissarro concept:visualartistartform concept_visualartform_paintings +concept_visualartist_pissarro concept:visualartistartform concept_visualizablething_painting +concept_visualartist_plan concept:agentparticipatedinevent concept_eventoutcome_result +concept_visualartist_plan concept:agentcontrols concept_person_mugabe +concept_visualartist_popup concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualartist_portrait concept:visualartistartform concept_visualizablething_painting +concept_visualartist_poussin concept:visualartistartform concept_visualartform_paintings +concept_visualartist_pre_raphaelites concept:visualartistartform concept_visualartform_paintings +concept_visualartist_radaelli concept:latitudelongitude -31.0000000000000,-60.2000000000000 +concept_visualartist_raghu_rai concept:latitudelongitude 25.7500000000000,89.6166700000000 +concept_visualartist_raoul_dufy concept:visualartistartform concept_visualartform_paintings +concept_visualartist_raphael concept:visualartistartform concept_visualartform_art +concept_visualartist_raphael concept:visualartistartform concept_visualartform_collection +concept_visualartist_raphael concept:visualartistartform concept_visualartform_drawings +concept_visualartist_raphael concept:visualartistartform concept_visualartform_paintings +concept_visualartist_raphael concept:visualartistartform concept_visualizablething_painting +concept_visualartist_rauschenberg concept:personbornincity concept_city_york +concept_visualartist_rembrandt concept:visualartistartform concept_hobby_pictures +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_art +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_art_collection +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_collection +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_drawings +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_paintings +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_portraits +concept_visualartist_rembrandt concept:visualartistartform concept_visualartform_prints +concept_visualartist_rembrandt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_rembrandt_van_rijn concept:visualartistartform concept_visualartform_paintings +concept_visualartist_rembrandt_van_rijn concept:visualartistartform concept_visualizablething_painting +concept_visualartist_rene_magritte concept:visualartistartform concept_visualartform_paintings +concept_visualartist_renoir concept:visualartistartform concept_visualartform_art +concept_visualartist_renoir concept:visualartistartform concept_visualartform_painters +concept_visualartist_renoir concept:visualartistartform concept_visualartform_paintings +concept_visualartist_renoir concept:visualartistartform concept_visualartform_portraits +concept_visualartist_renoir concept:visualartistartform concept_visualizablething_painting +concept_visualartist_rivera concept:personbornincity concept_city_york +concept_visualartist_rivera concept:personchargedwithcrime concept_crimeorcharge_murder +concept_visualartist_rivera concept:visualartistartform concept_visualartform_collection +concept_visualartist_rivera concept:visualartistartform concept_visualartform_paintings +concept_visualartist_robert concept:persondiedatage 2 +concept_visualartist_robert concept:visualartistartform concept_visualartform_paintings +concept_visualartist_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_visualartist_rodin concept:visualartistartform concept_visualartform_art +concept_visualartist_rodin concept:visualartistartform concept_visualartform_collection +concept_visualartist_rodin concept:visualartistartform concept_visualartform_drawings +concept_visualartist_rodin concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_rodin concept:visualartistartform concept_visualartform_sculpture +concept_visualartist_rodin concept:visualartistartform concept_visualartform_sculptures +concept_visualartist_romney concept:proxyfor concept_book_new +concept_visualartist_romney concept:visualartistartform concept_visualartform_portraits +concept_visualartist_rosa concept:personmovedtostateorprovince concept_stateorprovince_california +concept_visualartist_rothko concept:visualartistartform concept_visualartform_paintings +concept_visualartist_rouault concept:visualartistartform concept_visualartform_paintings +concept_visualartist_roy_lichtenstein concept:visualartistartform concept_visualartform_paintings +concept_visualartist_rubens concept:visualartistartform concept_hobby_pictures +concept_visualartist_rubens concept:visualartistartform concept_visualartform_art +concept_visualartist_rubens concept:visualartistartform concept_visualartform_art_collection +concept_visualartist_rubens concept:visualartistartform concept_visualartform_drawings +concept_visualartist_rubens concept:visualartistartform concept_visualartform_paintings +concept_visualartist_rubens concept:visualartistartform concept_visualizablething_painting +concept_visualartist_salvador_dali concept:visualartistartform concept_visualartform_art +concept_visualartist_salvador_dali concept:visualartistartform concept_visualartform_collection +concept_visualartist_salvador_dali concept:visualartistartform concept_visualartform_paintings +concept_visualartist_salvador_dali concept:visualartistartform concept_visualartform_prints +concept_visualartist_salvador_dali concept:visualartistartform concept_visualizablething_painting +concept_visualartist_sandro_botticelli concept:visualartistartform concept_visualartform_paintings +concept_visualartist_sandro_botticelli concept:visualartistartform concept_visualizablething_painting +concept_visualartist_sargent concept:visualartistartform concept_visualartform_art +concept_visualartist_sargent concept:visualartistartform concept_visualartform_paintings +concept_visualartist_sargent concept:visualartistartform concept_visualartform_portraits +concept_visualartist_sargent concept:visualartistartform concept_visualizablething_painting +concept_visualartist_shepherd concept:parentofperson concept_male_jesus_christ +concept_visualartist_shepherd concept:parentofperson concept_person_jesus +concept_visualartist_shepherd concept:parentofperson concept_person_lord_jesus +concept_visualartist_shirdi_sai_baba concept:latitudelongitude 40.4219700000000,-79.7258400000000 +concept_visualartist_slim_man concept:latitudelongitude 13.7909400000000,100.6919200000000 +concept_visualartist_smith concept:persondiedatage 40 +concept_visualartist_smith concept:musicianplaysinstrument concept_musicinstrument_guitar +concept_visualartist_smith concept:musicianplaysinstrument concept_musicinstrument_vocals +concept_visualartist_specialist concept:proxyfor concept_book_new +concept_visualartist_specialist concept:agentcreated concept_musicalbum_contact +concept_visualartist_stone concept:persongraduatedfromuniversity concept_university_college +concept_visualartist_stuart_davis concept:visualartistartform concept_visualartform_paintings +concept_visualartist_tadema concept:visualartistartform concept_visualartform_paintings +concept_visualartist_tamara_de_lempicka concept:visualartistartform concept_visualartform_art +concept_visualartist_tamayo concept:personbornincity concept_city_york +concept_visualartist_testimonials concept:agentcreated concept_musicalbum_contact +concept_visualartist_thin_lizzy concept:agentcollaborateswithagent concept_musician_phil_lynott +concept_visualartist_thin_lizzy concept:agentcontrols concept_musician_phil_lynott +concept_visualartist_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_visualartist_thomas_cole concept:visualartistartform concept_visualartform_paintings +concept_visualartist_thomas_conway concept:latitudelongitude 32.7700800000000,-108.2803300000000 +concept_visualartist_thomas_eakins concept:visualartistartform concept_visualartform_paintings +concept_visualartist_thomas_eakins concept:visualartistartform concept_visualizablething_painting +concept_visualartist_thomas_gainsborough concept:visualartistartform concept_visualartform_paintings +concept_visualartist_thomas_kinkade concept:visualartistartform concept_visualartform_art +concept_visualartist_thomas_moran concept:visualartistartform concept_visualartform_paintings +concept_visualartist_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_visualartist_tiepolo concept:visualartistartform concept_visualartform_drawings +concept_visualartist_tiepolo concept:visualartistartform concept_visualartform_paintings +concept_visualartist_tintoretto concept:visualartistartform concept_visualartform_paintings +concept_visualartist_tintoretto concept:visualartistartform concept_visualizablething_painting +concept_visualartist_titian concept:visualartistartform concept_visualartform_collection +concept_visualartist_titian concept:visualartistartform concept_visualartform_paintings +concept_visualartist_titian concept:visualartistartform concept_visualartform_portraits +concept_visualartist_titian concept:visualartistartform concept_visualizablething_painting +concept_visualartist_tom_dale concept:latitudelongitude 47.6785900000000,-109.9293600000000 +concept_visualartist_tom_gilmore concept:latitudelongitude 39.1713800000000,-106.8305900000000 +concept_visualartist_toulouse_lautrec concept:visualartistartform concept_visualartform_art +concept_visualartist_toulouse_lautrec concept:visualartistartform concept_visualartform_paintings +concept_visualartist_toulouse_lautrec concept:visualartistartform concept_visualizablething_painting +concept_visualartist_tourtellotte concept:latitudelongitude 41.9355150000000,-71.7768750000000 +concept_visualartist_turner concept:visualartistartform concept_visualartform_art +concept_visualartist_turner concept:visualartistartform concept_visualartform_collection +concept_visualartist_turner concept:visualartistartform concept_visualartform_paintings +concept_visualartist_turner concept:visualartistartform concept_visualizablething_painting +concept_visualartist_un concept:personchargedwithcrime concept_crimeorcharge_crimes +concept_visualartist_van_dyck concept:visualartistartform concept_visualartform_art_collection +concept_visualartist_van_dyck concept:visualartistartform concept_visualartform_paintings +concept_visualartist_van_dyck concept:visualartistartform concept_visualartform_portraits +concept_visualartist_van_gogh concept:visualartistartform concept_hobby_colors +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_art +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_art_collection +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_artist +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_artworks +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_drawings +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_oil_painting +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_painters +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_paintings +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_portraits +concept_visualartist_van_gogh concept:visualartistartform concept_visualartform_prints +concept_visualartist_van_gogh concept:visualartistartform concept_visualizablething_painting +concept_visualartist_vel_zquez concept:visualartistartform concept_visualartform_paintings +concept_visualartist_velasquez concept:visualartistartform concept_visualartform_paintings +concept_visualartist_velazquez concept:visualartistartform concept_visualartform_collection +concept_visualartist_velazquez concept:visualartistartform concept_visualartform_paintings +concept_visualartist_velazquez concept:visualartistartform concept_visualartform_portraits +concept_visualartist_velazquez concept:visualartistartform concept_visualizablething_painting +concept_visualartist_velquez concept:visualartistartform concept_visualartform_paintings +concept_visualartist_velquez concept:visualartistartform concept_visualartform_portraits +concept_visualartist_vermeer concept:visualartistartform concept_visualartform_art +concept_visualartist_vermeer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_vermeer concept:visualartistartform concept_visualizablething_painting +concept_visualartist_vincent_van_gogh concept:visualartistartform concept_visualartform_art +concept_visualartist_vincent_van_gogh concept:visualartistartform concept_visualartform_collection +concept_visualartist_vincent_van_gogh concept:visualartistartform concept_visualartform_paintings +concept_visualartist_vincent_van_gogh concept:visualartistartform concept_visualartform_prints +concept_visualartist_vincent_van_gogh concept:visualartistartform concept_visualizablething_painting +concept_visualartist_wagner concept:musicianplaysinstrument concept_musicinstrument_piano +concept_visualartist_wailes concept:latitudelongitude 38.0656800000000,-76.3649500000000 +concept_visualartist_walter_pater concept:agentcreated concept_book_marius_the_epicurean +concept_visualartist_warhol concept:personbornincity concept_city_york +concept_visualartist_warhol concept:visualartistartform concept_hobby_pictures +concept_visualartist_warhol concept:visualartistartform concept_visualartform_art +concept_visualartist_warhol concept:visualartistartform concept_visualartform_artist +concept_visualartist_warhol concept:visualartistartform concept_visualartform_artworks +concept_visualartist_warhol concept:visualartistartform concept_visualartform_collection +concept_visualartist_warhol concept:visualartistartform concept_visualartform_contemporary_art +concept_visualartist_warhol concept:visualartistartform concept_visualartform_exhibition +concept_visualartist_warhol concept:visualartistartform concept_visualartform_famous_artist +concept_visualartist_warhol concept:visualartistartform concept_visualartform_painters +concept_visualartist_warhol concept:visualartistartform concept_visualartform_paintings +concept_visualartist_warhol concept:visualartistartform concept_visualartform_photographs +concept_visualartist_warhol concept:visualartistartform concept_visualartform_portraits +concept_visualartist_warhol concept:visualartistartform concept_visualartform_prints +concept_visualartist_warhol concept:visualartistartform concept_visualartform_subjects +concept_visualartist_wassily_kandinsky concept:visualartistartform concept_visualartform_paintings +concept_visualartist_wassily_kandinsky concept:visualartistartform concept_visualizablething_painting +concept_visualartist_waterhouse concept:visualartistartform concept_visualartform_art +concept_visualartist_waterhouse concept:visualartistartform concept_visualartform_paintings +concept_visualartist_wen_yang concept:latitudelongitude 21.5435500000000,110.8801800000000 +concept_visualartist_whistler concept:visualartistartform concept_visualartform_art +concept_visualartist_whistler concept:visualartistartform concept_visualartform_collection +concept_visualartist_whistler concept:visualartistartform concept_visualartform_paintings +concept_visualartist_whistler concept:visualartistartform concept_visualartform_portraits +concept_visualartist_whistler concept:visualartistartform concept_visualartform_prints +concept_visualartist_whistler concept:visualartistartform concept_visualizablething_painting +concept_visualartist_willem_de_kooning concept:visualartistartform concept_visualartform_paintings +concept_visualartist_william_blake concept:visualartistartform concept_visualartform_paintings +concept_visualartist_william_hogarth concept:visualartistartform concept_visualartform_paintings +concept_visualartist_william_holman_hunt concept:visualartistartform concept_visualizablething_painting +concept_visualartist_william_merritt_chase concept:visualartistartform concept_visualartform_paintings +concept_visualartist_william_norris concept:latitudelongitude 40.2041700000000,-100.6251500000000 +concept_visualartist_william_turner concept:visualartistartform concept_visualartform_paintings +concept_visualartist_winslow_homer concept:visualartistartform concept_visualartform_paintings +concept_visualartist_winslow_homer concept:visualartistartform concept_visualartform_watercolors +concept_visualartist_winslow_homer concept:visualartistartform concept_visualizablething_painting +concept_visualartist_zaheer concept:latitudelongitude 31.1525000000000,34.1594400000000 +concept_visualartmovement_american concept:atlocation concept_city_nyc +concept_visualartmovement_artist concept:atdate concept_dateliteral_n2005 +concept_visualartmovement_britain concept:proxyfor concept_book_new +concept_visualartmovement_britain concept:atdate concept_date_n1939 +concept_visualartmovement_britain concept:atdate concept_date_n1941 +concept_visualartmovement_britain concept:atdate concept_date_n1942 +concept_visualartmovement_britain concept:atdate concept_date_n1944 +concept_visualartmovement_britain concept:atdate concept_date_n1999 +concept_visualartmovement_britain concept:atdate concept_date_n2000 +concept_visualartmovement_britain concept:atdate concept_date_n2001 +concept_visualartmovement_britain concept:atdate concept_date_n2003 +concept_visualartmovement_britain concept:atdate concept_date_n2004 +concept_visualartmovement_britain concept:atdate concept_dateliteral_n1945 +concept_visualartmovement_britain concept:atdate concept_dateliteral_n2008 +concept_visualartmovement_britain concept:atlocation concept_lake_new +concept_visualartmovement_britain concept:mutualproxyfor concept_person_mugabe +concept_visualartmovement_britain concept:mutualproxyfor concept_weatherphenomenon_new +concept_visualartmovement_britain concept:atdate concept_year_n1991 +concept_visualartmovement_company_secretary concept:atdate concept_dateliteral_n2007 +concept_visualartmovement_die_br concept:latitudelongitude 2.5666700000000,9.9833300000000 +concept_visualartmovement_expressionist concept:latitudelongitude 40.7811100000000,-73.9602800000000 +concept_visualartmovement_fine_arts concept:subpartof concept_weatherphenomenon_new +concept_visualartmovement_heidelberg_school concept:latitudelongitude 40.2699600000000,-76.2953600000000 +concept_visualartmovement_mudejar concept:latitudelongitude 40.9497200000000,-4.1242200000000 +concept_visualartmovement_n25_years concept:proxyfor concept_book_new +concept_visualartmovement_northern concept:atlocation concept_airport_europe +concept_visualartmovement_northern concept:atlocation concept_building_years +concept_visualartmovement_northern concept:mutualproxyfor concept_company_west_virginia +concept_visualartmovement_northern concept:mutualproxyfor concept_creditunion_michigan +concept_visualartmovement_northern concept:atlocation concept_skyscraper_asia +concept_visualartmovement_poet concept:proxyfor concept_book_new +concept_visualartmovement_revision concept:atdate concept_date_n2003 +concept_visualartmovement_revision concept:atdate concept_dateliteral_n2005 +concept_visualartmovement_revision concept:atdate concept_dateliteral_n2007 +concept_visualartmovement_rome concept:proxyfor concept_book_new +concept_visualartmovement_rome concept:proxyfor concept_country_italy +concept_visualartmovement_rome concept:subpartof concept_country_italy +concept_visualartmovement_rome concept:atdate concept_date_n2000 +concept_visualartmovement_rome concept:atdate concept_date_n2001 +concept_visualartmovement_rome concept:atdate concept_date_n2009 +concept_visualartmovement_rome concept:mutualproxyfor concept_weatherphenomenon_new +concept_visualartmovement_rome concept:mutualproxyfor concept_writer_walter_veltroni +concept_visualartmovement_rome concept:atdate concept_year_n1991 +concept_visualartmovement_sciences concept:atdate concept_date_n2003 +concept_visualartmovement_sciences concept:atdate concept_date_n2004 +concept_visualartmovement_sciences concept:atdate concept_dateliteral_n2002 +concept_visualartmovement_sciences concept:atdate concept_dateliteral_n2005 +concept_visualartmovement_sciences concept:atdate concept_dateliteral_n2006 +concept_visualartmovement_sciences concept:atdate concept_dateliteral_n2008 +concept_visualartmovement_sciences concept:atdate concept_year_n1998 +concept_visualizableattribute_amazonite concept:latitudelongitude 46.8340200000000,-78.4234500000000 +concept_visualizableattribute_archaeological_sites concept:latitudelongitude 36.5383500000000,-106.4864200000000 +concept_visualizableattribute_auction concept:atdate concept_date_n1993 +concept_visualizableattribute_auction concept:atdate concept_date_n1999 +concept_visualizableattribute_auction concept:atdate concept_date_n2003 +concept_visualizableattribute_auction concept:atdate concept_date_n2004 +concept_visualizableattribute_auction concept:atdate concept_dateliteral_n2002 +concept_visualizableattribute_auction concept:atdate concept_dateliteral_n2005 +concept_visualizableattribute_auction concept:atdate concept_dateliteral_n2006 +concept_visualizableattribute_auction concept:atdate concept_dateliteral_n2007 +concept_visualizableattribute_base_angles concept:thinghasshape concept_geometricshape_triangle +concept_visualizableattribute_blue_field concept:latitudelongitude 51.6917500000000,-57.4064800000000 +concept_visualizableattribute_chrysoprase concept:latitudelongitude 36.1946700000000,-119.0681600000000 +concept_visualizableattribute_clear_air concept:latitudelongitude 64.3002900000000,-149.1332000000000 +concept_visualizableattribute_collector concept:proxyfor concept_book_new +concept_visualizableattribute_dark_green_foliage concept:thinghascolor concept_color_yellow +concept_visualizableattribute_dunes concept:subpartof concept_traditionalgame_vegas +concept_visualizableattribute_first_round concept:sportsgameteam concept_sportsteam_boston_celtics +concept_visualizableattribute_first_round concept:sportsgameteam concept_sportsteam_los_angeles_lakers +concept_visualizableattribute_first_round concept:sportsgameteam concept_sportsteam_montreal_canadiens +concept_visualizableattribute_foliage concept:thinghascolor concept_color_bronze +concept_visualizableattribute_foliage concept:thinghascolor concept_color_colors +concept_visualizableattribute_foliage concept:thinghascolor concept_color_gold +concept_visualizableattribute_foliage concept:thinghascolor concept_color_golden_yellow +concept_visualizableattribute_foliage concept:thinghascolor concept_color_green +concept_visualizableattribute_foliage concept:thinghascolor concept_color_orange +concept_visualizableattribute_foliage concept:thinghascolor concept_color_purple +concept_visualizableattribute_foliage concept:thinghascolor concept_color_red +concept_visualizableattribute_foliage concept:thinghascolor concept_color_yellow +concept_visualizableattribute_gold_border concept:persondiedincountry concept_country_england +concept_visualizableattribute_gold_coast concept:attractionofcity concept_city_vegas +concept_visualizableattribute_gold_hollow concept:latitudelongitude 39.3694800000000,-88.1847600000000 +concept_visualizableattribute_gold_ice concept:latitudelongitude 39.6646000000000,-75.7495000000000 +concept_visualizableattribute_gold_top concept:latitudelongitude 40.6146300000000,-117.0662200000000 +concept_visualizableattribute_great_circle concept:latitudelongitude 44.4211100000000,-84.7233300000000 +concept_visualizableattribute_hikers concept:latitudelongitude 60.5125000000000,-150.3452800000000 +concept_visualizableattribute_lepidolite concept:latitudelongitude 35.8708700000000,-105.4914000000000 +concept_visualizableattribute_line_features concept:persondiedincountry concept_country_england +concept_visualizableattribute_long_white concept:latitudelongitude -46.3484100000000,168.1500800000000 +concept_visualizableattribute_michelle_green concept:persondiedincountry concept_country_england +concept_visualizableattribute_minutes concept:proxyfor concept_book_new +concept_visualizableattribute_minutes concept:thinghascolor concept_color_brown +concept_visualizableattribute_minutes concept:atlocation concept_hotel_north +concept_visualizableattribute_minutes concept:atlocation concept_lake_new +concept_visualizableattribute_minutes concept:atdate concept_month_october +concept_visualizableattribute_minutes concept:atlocation concept_website_south +concept_visualizableattribute_muggy concept:latitudelongitude 35.4669700000000,-107.7867300000000 +concept_visualizableattribute_n2_water concept:latitudelongitude 34.9451473076923,-106.9263262307692 +concept_visualizableattribute_northern_states concept:proxyfor concept_book_new +concept_visualizableattribute_point_black concept:latitudelongitude 52.9319400000000,173.2805600000000 +concept_visualizableattribute_riaa_gold concept:persondiedincountry concept_country_england +concept_visualizableattribute_ron_silver concept:persondiedincountry concept_country_england +concept_visualizableattribute_sanitation concept:subpartof concept_weatherphenomenon_water +concept_visualizableattribute_scenarios concept:subpartof concept_weatherphenomenon_water +concept_visualizableattribute_second_round concept:sportsgameteam concept_sportsteam_utah_jazz +concept_visualizableattribute_small_black concept:latitudelongitude 47.4831900000000,-52.6480400000000 +concept_visualizableattribute_spots concept:proxyfor concept_book_new +concept_visualizableattribute_tree concept:thinghascolor concept_color_yellow +concept_visualizableattribute_triangle_abc concept:thinghasshape concept_geometricshape_angle +concept_visualizableattribute_triangle_abc concept:thinghasshape concept_geometricshape_triangle +concept_visualizableattribute_trimmed concept:latitudelongitude 47.0976900000000,-115.6484900000000 +concept_visualizableattribute_white_sky concept:latitudelongitude 42.5269400000000,-75.2080600000000 +concept_visualizableobject_accelerator concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_aeroplane concept:objectpartofobject concept_visualizableobject_wing +concept_visualizableobject_antenna concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_apple_dumpling concept:latitudelongitude 37.6763700000000,-106.6117800000000 +concept_visualizableobject_arms concept:clothingtogowithclothing concept_clothing_pants +concept_visualizableobject_arms concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_background concept:thinghascolor concept_color_blue +concept_visualizableobject_background concept:thinghascolor concept_color_green +concept_visualizableobject_background concept:thinghascolor concept_color_grey +concept_visualizableobject_background concept:thinghascolor concept_color_navy +concept_visualizableobject_background concept:thinghascolor concept_color_orange +concept_visualizableobject_background concept:thinghascolor concept_color_purple +concept_visualizableobject_background concept:thinghascolor concept_color_yellow +concept_visualizableobject_bull concept:objectfoundinscene concept_visualizablescene_bull_ring +concept_visualizableobject_bus concept:transportationincity concept_city_portland +concept_visualizableobject_bus concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_bus concept:objectfoundinscene concept_visualizablescene_bus_depot +concept_visualizableobject_camera001 concept:proxyfor concept_book_new +concept_visualizableobject_camera001 concept:atdate concept_date_n2000 +concept_visualizableobject_camera001 concept:atdate concept_date_n2004 +concept_visualizableobject_camera001 concept:atdate concept_dateliteral_n2002 +concept_visualizableobject_camera001 concept:atdate concept_dateliteral_n2005 +concept_visualizableobject_camera001 concept:atdate concept_dateliteral_n2006 +concept_visualizableobject_camera001 concept:atdate concept_dateliteral_n2007 +concept_visualizableobject_camera001 concept:objectpartofobject concept_food_function +concept_visualizableobject_camera001 concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_camera001 concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_camera001 concept:objectpartofobject concept_visualizableobject_mirror +concept_visualizableobject_camera001 concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_chicken_strip concept:latitudelongitude 36.8068800000000,-117.7820200000000 +concept_visualizableobject_chrome concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_belt +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_boots +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_cap +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_dress +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_gloves +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_hat +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_jacket +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_jeans +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_pants +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_scarf +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_shoes +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_skirt +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_tie +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_trousers +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_vest +concept_visualizableobject_coat concept:clothingtogowithclothing concept_clothing_waistcoat +concept_visualizableobject_coat concept:clothingtogowithclothing concept_visualizableobject_shirt +concept_visualizableobject_component concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_control concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_control concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_controls concept:objectpartofobject concept_beverage_column +concept_visualizableobject_controls concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_cover concept:objectpartofobject concept_beverage_column +concept_visualizableobject_cover concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_desktop_computer concept:objectpartofobject concept_musicinstrument_keyboard +concept_visualizableobject_discovery concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_dome concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminium +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_aluminum +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_brass +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fiberglass +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_fire +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_glass +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_iron +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_metal +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_oak +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_stainless_steel +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_standard +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_steel +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_three +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_tile +concept_visualizableobject_door concept:buildingfeaturemadefrombuildingmaterial concept_visualizableattribute_stone +concept_visualizableobject_doughs concept:latitudelongitude 35.9087800000000,-75.6676700000000 +concept_visualizableobject_dryer concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizableobject_eiffel_tower concept:objectfoundinscene concept_city_paris +concept_visualizableobject_eiffel_tower concept:istallerthan concept_monument_washington_monument +concept_visualizableobject_engineer concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_engineer concept:subpartof concept_weatherphenomenon_air +concept_visualizableobject_engineer concept:subpartof concept_weatherphenomenon_water +concept_visualizableobject_equipment concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_equipment concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_excavator concept:objectfoundinscene concept_visualizablescene_excavation +concept_visualizableobject_ferris_wheel concept:objectfoundinscene concept_visualizablescene_amusement_park +concept_visualizableobject_foot concept:objectfoundinscene concept_city_volcano +concept_visualizableobject_foot concept:thinghascolor concept_color_purple +concept_visualizableobject_foot concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_god concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_grip001 concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_officebuildingroom_rooms +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_room_bath +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_room_private_bath +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizableobject_hair_dryer concept:itemfoundinroom concept_visualizablething_bathrooms +concept_visualizableobject_hand concept:objectpartofobject concept_beverage_column +concept_visualizableobject_hand concept:thinghasshape concept_geometricshape_table +concept_visualizableobject_hand concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_head001 concept:thinghascolor concept_color_grey +concept_visualizableobject_head001 concept:thinghascolor concept_color_orange +concept_visualizableobject_head001 concept:thinghascolor concept_color_purple +concept_visualizableobject_head001 concept:subpartof concept_hallwayitem_much_blood +concept_visualizableobject_head001 concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_head001 concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_head001 concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_home concept:objectfoundinscene concept_city_volcano +concept_visualizableobject_home concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_hostpital concept:objectpartofobject concept_visualizableobject_doctor +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_hat +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_pants +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_shorts +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_socks +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_stripes +concept_visualizableobject_jersey concept:clothingtogowithclothing concept_clothing_tights +concept_visualizableobject_key concept:objectpartofobject concept_beverage_column +concept_visualizableobject_key concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_lever concept:objectpartofobject concept_beverage_column +concept_visualizableobject_map concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_map concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_map concept:specializationof concept_weapon_details +concept_visualizableobject_mirror concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_motor concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_nick_evans concept:personbornincity concept_city_york +concept_visualizableobject_operator concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_parts concept:mutualproxyfor concept_book_new +concept_visualizableobject_parts concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_parts concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_parts concept:subpartof concept_website_blood +concept_visualizableobject_patch_kids concept:latitudelongitude 29.8958666666667,-90.0940666666667 +concept_visualizableobject_pedals concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_pic concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_picture concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_picture concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_picture concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_position concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_position concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_project concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_rabbit concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizableobject_red_meat concept:agriculturalproductcontainchemical concept_chemical_iron +concept_visualizableobject_red_meat concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_visualizableobject_region concept:objectfoundinscene concept_city_volcano +concept_visualizableobject_region concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_rind concept:thinghascolor concept_color_orange +concept_visualizableobject_salumi concept:latitudelongitude 33.1416700000000,44.4418050000000 +concept_visualizableobject_seafoods concept:latitudelongitude 56.2966700000000,-158.3650000000000 +concept_visualizableobject_seat concept:objectpartofobject concept_beverage_column +concept_visualizableobject_seat concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_sessions concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_shifter concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_ship concept:objectpartofobject concept_visualizableobject_anchor +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_apron +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_baseball_cap +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_bathing_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_belt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_bermuda_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_bib_overalls +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_dress_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_leather_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_shoes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_slacks +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_sweater +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_tie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_black_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blazer +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blouse +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_overalls +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_blue_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_bluejeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_boots +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_bow_tie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_boxer_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_boxers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_breeches +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_brown_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_button_down +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cap +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_capris +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cardigan +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cargo_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cargo_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_casual_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_chinos +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_clothes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_colored_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cords +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_corduroy_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_costume +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cotton +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cotton_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_coveralls +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cowboy_boots +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cowboy_hat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cutoff_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_cutoffs +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dark_blue_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dark_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dark_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dark_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_denim_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_denim_overalls +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_denim_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_denim_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_denims +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_designer_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress_shoes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dress_slacks +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_dungarees +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_flip_flops +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_glasses +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_gloves +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_golf_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_gray_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_green_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_gym_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_hat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_heels +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_hoodie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_jean_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_jumper +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_khaki_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_khaki_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_khaki_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_khakis +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_knickers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_leather_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_leather_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_leather_shoes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_leggings +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_light_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_light_sweater +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_linen_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_linen_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_loafers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_long_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_long_skirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_long_sleeved_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_long_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_mask +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_neck +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_necktie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_overalls +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pajama_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pant +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_panties +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pants_skirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pencil_skirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_plaid_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_polo_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_polyester_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_pullover +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_red_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_red_tie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sandals +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_scarf +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_shirts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_shoes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_short_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_short_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_short_sleeve +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_short_sleeve_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_silk_tie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_simple_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_skinny_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_skirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_skirts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_slacks +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sleeve +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sleeved_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sneakers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_socks +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sport_coat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sports_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_straw_hat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_striped_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_suit_jacket +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sun_hat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sunglasses +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_suspenders +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweat_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweat_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweater +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweater_vest +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweaters +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweatpants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweats +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_sweatshirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_swimsuit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_t_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_t_shirts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tan_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tank_top +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tee +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tee_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tennis_shoes +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tie +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tight_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tights +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_top +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_torn_jeans +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_track_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tshirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_turtleneck +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_tuxedo +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_underwear +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_v_neck_sweater +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_vest +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_waistcoat +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_white_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_white_shirt +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_white_shorts +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_white_socks +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_white_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_windbreaker +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_wool_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_wool_suit +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_wool_sweater +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_work_pants +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_work_trousers +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_clothing_yoga_pants +concept_visualizableobject_shirt concept:clothingmadefromplant concept_plant_bamboo +concept_visualizableobject_shirt concept:clothingtogowithclothing concept_visualizableobject_coat +concept_visualizableobject_sky concept:thinghascolor concept_color_azure +concept_visualizableobject_sky concept:thinghascolor concept_color_clear_blue +concept_visualizableobject_sky concept:thinghascolor concept_color_cobalt +concept_visualizableobject_sky concept:thinghascolor concept_color_colors +concept_visualizableobject_sky concept:thinghascolor concept_color_crimson +concept_visualizableobject_sky concept:thinghascolor concept_color_deep_blue +concept_visualizableobject_sky concept:thinghascolor concept_color_gray +concept_visualizableobject_sky concept:thinghascolor concept_color_lavender +concept_visualizableobject_sky concept:thinghascolor concept_color_navy +concept_visualizableobject_sky concept:thinghascolor concept_color_orange +concept_visualizableobject_sky concept:thinghascolor concept_color_powder_blue +concept_visualizableobject_sky concept:thinghascolor concept_color_rose +concept_visualizableobject_sky concept:thinghascolor concept_color_royal_blue +concept_visualizableobject_sky concept:thinghascolor concept_color_scarlet +concept_visualizableobject_sky concept:thinghascolor concept_color_shade +concept_visualizableobject_sky concept:thinghascolor concept_color_turquoise +concept_visualizableobject_sky concept:thinghascolor concept_color_violet +concept_visualizableobject_sky concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_sky concept:thinghascolor concept_visualizablething_hue +concept_visualizableobject_steering_wheel concept:objectpartofobject concept_beverage_column +concept_visualizableobject_support concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_taj_mahal concept:objectfoundinscene concept_visualizablescene_agra +concept_visualizableobject_team concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_telescope concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_throttle concept:objectpartofobject concept_nut_wheel +concept_visualizableobject_tip concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_tomato_paste concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_visualizableobject_tomato_paste concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizableobject_top concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_unit concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_visitors concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_wantons concept:latitudelongitude 41.4976000000000,-71.3222700000000 +concept_visualizableobject_washing_machine concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_visualizableobject_washing_machine concept:itemfoundinroom concept_officebuildingroom_modern_bathroom +concept_visualizableobject_washing_machine concept:itemfoundinroom concept_room_equipped_kitchen +concept_visualizableobject_washing_machine concept:itemfoundinroom concept_room_kitchen +concept_visualizableobject_washing_machine concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizableobject_way concept:objectpartofobject concept_nut_wheel +concept_visualizableobject_women concept:objectpartofobject concept_nut_wheel +concept_visualizableobject_women concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_workshop concept:atdate concept_date_n1996 +concept_visualizableobject_workshop concept:atdate concept_date_n1999 +concept_visualizableobject_workshop concept:atdate concept_date_n2000 +concept_visualizableobject_workshop concept:atdate concept_date_n2001 +concept_visualizableobject_workshop concept:atdate concept_date_n2003 +concept_visualizableobject_workshop concept:atdate concept_date_n2004 +concept_visualizableobject_workshop concept:atdate concept_date_n2009 +concept_visualizableobject_workshop concept:atdate concept_dateliteral_n2002 +concept_visualizableobject_workshop concept:atdate concept_dateliteral_n2005 +concept_visualizableobject_workshop concept:atdate concept_dateliteral_n2006 +concept_visualizableobject_workshop concept:atdate concept_dateliteral_n2007 +concept_visualizableobject_workshop concept:atdate concept_dateliteral_n2008 +concept_visualizableobject_workshop concept:objectfoundinscene concept_visualizablescene_observatory +concept_visualizableobject_workshop concept:atdate concept_year_n1994 +concept_visualizableobject_workshop concept:atdate concept_year_n1995 +concept_visualizableobject_workshop concept:atdate concept_year_n1997 +concept_visualizableobject_workshop concept:atdate concept_year_n1998 +concept_visualizableobject_world concept:proxyfor concept_book_new +concept_visualizableobject_world concept:objectfoundinscene concept_landscapefeatures_valley +concept_visualizableobject_world concept:objectpartofobject concept_nut_reference +concept_visualizableobject_world concept:objectpartofobject concept_sportsequipment_frame +concept_visualizableobject_world concept:objectpartofobject concept_sportsequipment_wheel +concept_visualizableobject_world concept:objectpartofobject concept_visualizableobject_lens +concept_visualizableobject_world concept:objectfoundinscene concept_visualizablescene_agra +concept_visualizableobject_zebra concept:objectfoundinscene concept_landscapefeatures_savanna +concept_visualizablescene_agoura_hills concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_agoura_hills concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_agra concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_visualizablescene_agra concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_visualizablescene_agra concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_visualizablescene_akola concept:proxyfor concept_stateorprovince_maharashtra +concept_visualizablescene_aligarh concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_visualizablescene_aligarh concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_visualizablescene_alley concept:thinghasshape concept_geometricshape_narrow +concept_visualizablescene_alpharetta concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_amusement_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_anaheim_hills concept:latitudelongitude 33.8451455555556,-117.7825155555557 +concept_visualizablescene_apartment concept:atdate concept_date_n2000 +concept_visualizablescene_apartment concept:atdate concept_date_n2001 +concept_visualizablescene_apartment concept:atdate concept_date_n2003 +concept_visualizablescene_apartment concept:atdate concept_date_n2004 +concept_visualizablescene_apartment concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_apartment concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_apartment concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_apartment concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_apartment concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_apartment concept:atdate concept_dayofweek_thursday +concept_visualizablescene_apartment concept:proxyfor concept_politicaloffice_new +concept_visualizablescene_apartment concept:atdate concept_year_n1995 +concept_visualizablescene_aransas_pass concept:atlocation concept_city_texas +concept_visualizablescene_ascutney concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_bagdogra concept:airportincity concept_visualizablething_siliguri +concept_visualizablescene_barbershop concept:latitudelongitude 34.4943300000000,-111.1784700000000 +concept_visualizablescene_bazaruto_island concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_beaver_falls concept:atlocation concept_stateorprovince_pennsylvania +concept_visualizablescene_beaver_falls concept:proxyfor concept_stateorprovince_pennsylvania +concept_visualizablescene_bedminster concept:mutualproxyfor concept_radiostation_new_jersey +concept_visualizablescene_bedminster concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_bedminster concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_belfast_intl concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_belgaum concept:proxyfor concept_stateorprovince_karnataka +concept_visualizablescene_belle_glade concept:latitudelongitude 26.6845912500000,-80.6764318750000 +concept_visualizablescene_belle_glade concept:atlocation concept_city_florida +concept_visualizablescene_berlin_schoenefeld concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_bhavnagar concept:latitudelongitude 21.7555566666667,72.1416650000000 +concept_visualizablescene_bhavnagar concept:proxyfor concept_stateorprovince_gujarat +concept_visualizablescene_birthplace concept:mutualproxyfor concept_beverage_new +concept_visualizablescene_birthplace concept:proxyfor concept_book_new +concept_visualizablescene_blacksburg concept:cityliesonriver concept_river_new_river +concept_visualizablescene_bound_brook concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_bound_brook concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_box_canyon concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_branchburg concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_branchburg concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_brighton concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_brookline concept:subpartof concept_beach_massachusetts +concept_visualizablescene_brussels concept:istallerthan concept_city_place +concept_visualizablescene_brussels concept:proxyfor concept_continent_europe +concept_visualizablescene_brussels concept:locationlocatedwithinlocation concept_country_belgium +concept_visualizablescene_brussels concept:proxyfor concept_country_belgium +concept_visualizablescene_brussels concept:subpartof concept_country_belgium +concept_visualizablescene_brussels concept:atdate concept_date_n1993 +concept_visualizablescene_brussels concept:atdate concept_date_n1996 +concept_visualizablescene_brussels concept:atdate concept_date_n1999 +concept_visualizablescene_brussels concept:atdate concept_date_n2000 +concept_visualizablescene_brussels concept:atdate concept_date_n2001 +concept_visualizablescene_brussels concept:atdate concept_date_n2003 +concept_visualizablescene_brussels concept:atdate concept_date_n2004 +concept_visualizablescene_brussels concept:atdate concept_date_n2009 +concept_visualizablescene_brussels concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_brussels concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_brussels concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_brussels concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_brussels concept:locationlocatedwithinlocation concept_governmentorganization_european_union +concept_visualizablescene_brussels concept:atdate concept_year_n1992 +concept_visualizablescene_brussels concept:atdate concept_year_n1997 +concept_visualizablescene_brussels concept:atdate concept_year_n1998 +concept_visualizablescene_brussels_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_buffalo_grove concept:atlocation concept_stateorprovince_illinois +concept_visualizablescene_caine concept:persondiedincountry concept_country_england +concept_visualizablescene_canandaigua concept:atlocation concept_stateorprovince_new_york +concept_visualizablescene_carol_stream concept:subpartof concept_stateorprovince_illinois +concept_visualizablescene_casino concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_casino concept:stadiumlocatedincity concept_city_vegas +concept_visualizablescene_casselberry concept:atlocation concept_stateorprovince_florida +concept_visualizablescene_cedar_grove concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_cedar_grove concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_center_city_philadelphia concept:proxyfor concept_room_south +concept_visualizablescene_century_city concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_century_city concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_charles_de_gaulle_international_airport concept:latitudelongitude 49.0127800000000,2.5500000000000 +concept_visualizablescene_charles_de_gaulle_international_airport concept:airportincity concept_city_paris +concept_visualizablescene_charles_de_gaulle_international_airport concept:attractionofcity concept_city_paris +concept_visualizablescene_charles_de_gaulle_international_airport concept:buildinglocatedincity concept_city_paris +concept_visualizablescene_charles_de_gaulle_international_airport concept:subpartof concept_county_paris +concept_visualizablescene_chiang_mai concept:latitudelongitude 18.7883000000000,99.0041000000000 +concept_visualizablescene_chisseaux concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_chula_vista concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_city_centre concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_city_garden concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_clock concept:thinghasshape concept_geometricshape_round +concept_visualizablescene_coimbatore concept:locationlocatedwithinlocation concept_country_republic_of_india +concept_visualizablescene_coimbatore concept:proxyfor concept_stateorprovince_tamil_nadu +concept_visualizablescene_cologne concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_colony concept:mutualproxyfor concept_beverage_new +concept_visualizablescene_colony concept:proxyfor concept_book_new +concept_visualizablescene_commercial_center concept:proxyfor concept_book_new +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_arthropod_lice +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_arthropod_roaches +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_ants +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_cockroaches +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_fleas +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_fruit_flies +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_pests +concept_visualizablescene_community concept:agriculturalproducttoattractinsect concept_insect_ticks +concept_visualizablescene_concert concept:atdate concept_date_n2000 +concept_visualizablescene_concert concept:atdate concept_date_n2001 +concept_visualizablescene_concert concept:atdate concept_date_n2003 +concept_visualizablescene_concert concept:atdate concept_date_n2004 +concept_visualizablescene_concert concept:atdate concept_date_n2009 +concept_visualizablescene_concert concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_concert concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_concert concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_concert concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_concert concept:atdate concept_year_n1997 +concept_visualizablescene_concert concept:atdate concept_year_n1998 +concept_visualizablescene_condo concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_contest concept:proxyfor concept_book_new +concept_visualizablescene_contest concept:atdate concept_date_n2009 +concept_visualizablescene_contest concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_contest concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_contest concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_contest concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_corner concept:thinghasshape concept_geometricshape_triangle +concept_visualizablescene_cranbury concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_crosswicks concept:proxyfor concept_radiostation_new_jersey +concept_visualizablescene_crosswicks concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_dalston concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_dana_point concept:atlocation concept_stateorprovince_california +concept_visualizablescene_dana_point concept:mutualproxyfor concept_stateorprovince_california +concept_visualizablescene_darwin_darwin concept:locationlocatedwithinlocation concept_geopoliticallocation_northern_territory +concept_visualizablescene_darwin_darwin concept:proxyfor concept_geopoliticallocation_northern_territory +concept_visualizablescene_dehli concept:agentactsinlocation concept_lake_new +concept_visualizablescene_dehli concept:atlocation concept_lake_new +concept_visualizablescene_dehli concept:proxyfor concept_lake_new +concept_visualizablescene_delhi_delhi concept:proxyfor concept_country_republic_of_india +concept_visualizablescene_deltona concept:proxyfor concept_city_florida +concept_visualizablescene_deltona concept:atlocation concept_stateorprovince_florida +concept_visualizablescene_demarest concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_depot concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_dimapur concept:latitudelongitude 25.9000000000000,93.7333300000000 +concept_visualizablescene_doctor_phillips concept:latitudelongitude 28.4601433333333,-81.4883566666667 +concept_visualizablescene_downtown_memphis concept:latitudelongitude 35.1458700000000,-90.0502600000000 +concept_visualizablescene_downtown_memphis concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_downtown_miami concept:latitudelongitude 25.7926800000000,-80.1964450000000 +concept_visualizablescene_downtown_oklahoma_city concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_downtown_toronto concept:latitudelongitude 43.6657500000000,-79.3844500000000 +concept_visualizablescene_downtown_toronto concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_draft concept:atdate concept_date_n1993 +concept_visualizablescene_draft concept:atdate concept_date_n1999 +concept_visualizablescene_draft concept:atdate concept_date_n2001 +concept_visualizablescene_draft concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_duluth concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_east_midlands_airport concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_east_midlands_airport concept:airportincity concept_city_east_midlands +concept_visualizablescene_east_midlands_airport concept:buildinglocatedincity concept_city_east_midlands +concept_visualizablescene_events concept:atdate concept_year_n1997 +concept_visualizablescene_far_hills concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_fort_collins concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_fort_myers concept:locationlocatedwithinlocation concept_city_florida +concept_visualizablescene_fort_myers concept:mutualproxyfor concept_city_florida +concept_visualizablescene_fortitude_valley concept:latitudelongitude -27.4571800000000,153.0347400000000 +concept_visualizablescene_foxborough concept:proxyfor concept_stadiumoreventvenue_gillette_stadium +concept_visualizablescene_francisco concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_funchal concept:proxyfor concept_building_madeira +concept_visualizablescene_gahanna concept:atlocation concept_stateorprovince_ohio +concept_visualizablescene_gallery concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_gallery concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_gallery concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_animal_moles001 +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_ants +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_beneficial_insects +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_butterflies +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_caterpillars +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_insects +concept_visualizablescene_garden concept:agriculturalproducttoattractinsect concept_insect_pests +concept_visualizablescene_garden concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizablescene_gardens concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_gentlemens concept:latitudelongitude 41.8772500000000,-87.7231100000000 +concept_visualizablescene_goatstown concept:latitudelongitude 53.1894400000000,-7.0460833333333 +concept_visualizablescene_gold_coast concept:atdate concept_date_n2000 +concept_visualizablescene_gold_coast concept:subpartof concept_traditionalgame_vegas +concept_visualizablescene_grainau concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_greater_philadelphia_area concept:persondiedincountry concept_country_england +concept_visualizablescene_greater_seattle concept:latitudelongitude 47.5224000000000,-122.3765000000000 +concept_visualizablescene_greater_seattle concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_greenville_spartanburg concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_harbor concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_harbor concept:proxyfor concept_lake_new +concept_visualizablescene_hollywood concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_hollywood concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_huntington_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_inchicore concept:latitudelongitude 53.3371000000000,-6.3237900000000 +concept_visualizablescene_inquiry concept:atdate concept_date_n1999 +concept_visualizablescene_inquiry concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_inquiry concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_inquiry concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_irondequoit concept:proxyfor concept_stateorprovince_new_york +concept_visualizablescene_jaipur_city concept:latitudelongitude 26.9166700000000,75.8166700000000 +concept_visualizablescene_jaipur_city concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_johnston concept:persondiedincountry concept_country_england +concept_visualizablescene_joplin concept:proxyfor concept_company_missouri +concept_visualizablescene_joplin concept:subpartof concept_company_missouri +concept_visualizablescene_joplin concept:locationlocatedwithinlocation concept_stateorprovince_missouri +concept_visualizablescene_kalimpong concept:latitudelongitude 27.0666700000000,88.4833300000000 +concept_visualizablescene_karup concept:locationlocatedwithinlocation concept_country_denmark +concept_visualizablescene_kilimanjaro_region concept:latitudelongitude -3.7500000000000,37.7500000000000 +concept_visualizablescene_killington concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_kings_college concept:atlocation concept_city_london_city +concept_visualizablescene_kirchdorf concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_ko_samui concept:locationlocatedwithinlocation concept_country_thailand +concept_visualizablescene_kunsan concept:locationlocatedwithinlocation concept_country_south_korea +concept_visualizablescene_la_massana concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_lake_elsinore concept:mutualproxyfor concept_stateorprovince_california +concept_visualizablescene_landgraaf concept:persondiedincountry concept_country_england +concept_visualizablescene_laurel concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_lecanto concept:latitudelongitude 28.8367746153846,-82.4916753846154 +concept_visualizablescene_leeds_bradford concept:airportincity concept_city_leeds +concept_visualizablescene_leipzig concept:locationlocatedwithinlocation concept_country_germany +concept_visualizablescene_leverkusen concept:latitudelongitude 51.0323133333333,7.0028644444444 +concept_visualizablescene_lindsay concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_long_branch concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_long_branch concept:mutualproxyfor concept_radiostation_new_jersey +concept_visualizablescene_long_branch concept:atlocation concept_stateorprovince_new_jersey +concept_visualizablescene_long_branch concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_los_angeles_basin concept:latitudelongitude 34.0500100000000,-118.2425700000000 +concept_visualizablescene_lower_downtown concept:latitudelongitude 39.7525000000000,-104.9975000000000 +concept_visualizablescene_magens concept:latitudelongitude 18.3656033333333,-64.9269033333333 +concept_visualizablescene_major_cities concept:mutualproxyfor concept_beverage_new +concept_visualizablescene_major_cities concept:proxyfor concept_book_new +concept_visualizablescene_major_city concept:proxyfor concept_lake_new +concept_visualizablescene_malaysia concept:atdate concept_date_n2003 +concept_visualizablescene_malaysia concept:atdate concept_date_n2004 +concept_visualizablescene_malaysia concept:atdate concept_year_n1997 +concept_visualizablescene_manchester_airports concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_manchester_airports concept:attractionofcity concept_city_london_city +concept_visualizablescene_manchester_airports concept:buildinglocatedincity concept_city_london_city +concept_visualizablescene_manchester_airports concept:locationlocatedwithinlocation concept_city_united_kingdom +concept_visualizablescene_manchester_airports concept:transportationincity concept_city_victoria +concept_visualizablescene_manila concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_maningrida concept:latitudelongitude -12.0666700000000,134.2666700000000 +concept_visualizablescene_maple_valley concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_mathura concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_visualizablescene_meerut concept:locationlocatedwithinlocation concept_stateorprovince_uttar_pradesh +concept_visualizablescene_meerut concept:proxyfor concept_stateorprovince_uttar_pradesh +concept_visualizablescene_melbourne_airport concept:airportincity concept_city_melbourne +concept_visualizablescene_miami_shores concept:atlocation concept_city_florida +concept_visualizablescene_midtown_atlanta concept:latitudelongitude 33.7854333333333,-84.3854000000000 +concept_visualizablescene_midtown_atlanta concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_milan_malpensa concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_mills concept:personborninlocation concept_city_york +concept_visualizablescene_mills concept:persongraduatedfromuniversity concept_university_college +concept_visualizablescene_mine_hill concept:mutualproxyfor concept_radiostation_new_jersey +concept_visualizablescene_mine_hill concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_minot concept:atlocation concept_stateorprovince_north_dakota +concept_visualizablescene_minot concept:proxyfor concept_stateorprovince_north_dakota +concept_visualizablescene_minot concept:subpartof concept_stateorprovince_north_dakota +concept_visualizablescene_montana_view concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_montsoult concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_montville concept:proxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_mount_davis concept:mountaininstate concept_stateorprovince_pennsylvania +concept_visualizablescene_mountain_town concept:latitudelongitude 41.2138900000000,-74.0411100000000 +concept_visualizablescene_nadi concept:persondiedincountry concept_country_england +concept_visualizablescene_nathan concept:hotelincity concept_city_hong_kong_island +concept_visualizablescene_nations_capital concept:latitudelongitude 39.0421200000000,-77.0301800000000 +concept_visualizablescene_new_york_metropolitan_area concept:proxyfor concept_lake_new +concept_visualizablescene_night_club concept:latitudelongitude 18.2794100000000,-73.1230800000000 +concept_visualizablescene_north_bay concept:proxyfor concept_stateorprovince_ontario +concept_visualizablescene_north_platte concept:atlocation concept_stateorprovince_nebraska +concept_visualizablescene_north_platte concept:proxyfor concept_stateorprovince_nebraska +concept_visualizablescene_north_platte concept:subpartof concept_stateorprovince_nebraska +concept_visualizablescene_nottingham_east_midlands concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_ny concept:locationlocatedwithinlocation concept_bridge_world +concept_visualizablescene_ny concept:locationlocatedwithinlocation concept_country_united_states_of_america +concept_visualizablescene_ny concept:locationlocatedwithinlocation concept_country_usa +concept_visualizablescene_ny concept:atdate concept_date_n2003 +concept_visualizablescene_ny concept:atdate concept_date_n2004 +concept_visualizablescene_ny concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_ny concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_ny concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_ny concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_ny concept:atdate concept_year_n1998 +concept_visualizablescene_nyc_ concept:mutualproxyfor concept_beverage_new +concept_visualizablescene_nz concept:atdate concept_date_n2004 +concept_visualizablescene_oak_barrens concept:latitudelongitude 44.1630300000000,-90.7890350000000 +concept_visualizablescene_oak_forest concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_observatory concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_office concept:atdate concept_dayofweek_monday +concept_visualizablescene_office concept:istallerthan concept_publication_people_ +concept_visualizablescene_ostersund concept:locationlocatedwithinlocation concept_city_sweden +concept_visualizablescene_ottawa_gatineau concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_oxon_hill concept:latitudelongitude 38.8433691666667,-77.0409800000000 +concept_visualizablescene_pacific_grove concept:atlocation concept_stateorprovince_california +concept_visualizablescene_paphos concept:locationlocatedwithinlocation concept_country_cyprus +concept_visualizablescene_paphos concept:proxyfor concept_country_cyprus +concept_visualizablescene_pasay_city concept:latitudelongitude 14.5490300000000,120.9984700000000 +concept_visualizablescene_pdx concept:latitudelongitude 45.5584150000000,-122.7152650000000 +concept_visualizablescene_phoenix_suburb concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_piesendorf concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_plots concept:latitudelongitude 41.7597500000000,-88.1603400000000 +concept_visualizablescene_policy concept:atdate concept_dateliteral_n2002 +concept_visualizablescene_policy concept:atdate concept_dateliteral_n2005 +concept_visualizablescene_policy concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_policy concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_policy concept:atdate concept_year_n1997 +concept_visualizablescene_pool concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_porbandar concept:proxyfor concept_stateorprovince_gujarat +concept_visualizablescene_port_st___lucie concept:latitudelongitude 27.2939300000000,-80.3503300000000 +concept_visualizablescene_property concept:istallerthan concept_publication_people_ +concept_visualizablescene_pub concept:proxyfor concept_book_new +concept_visualizablescene_puerto_ordaz concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_pulau_redang concept:latitudelongitude 5.7740666666667,102.9730033333333 +concept_visualizablescene_queen_s concept:persondiedincountry concept_country_england +concept_visualizablescene_rajkot concept:proxyfor concept_stateorprovince_gujarat +concept_visualizablescene_rancho_mirage concept:atlocation concept_stateorprovince_california +concept_visualizablescene_rancho_mirage concept:mutualproxyfor concept_stateorprovince_california +concept_visualizablescene_rangeland concept:latitudelongitude 38.1659000000000,-85.6688500000000 +concept_visualizablescene_red_bank concept:mutualproxyfor concept_radiostation_new_jersey +concept_visualizablescene_red_bank concept:atlocation concept_stateorprovince_new_jersey +concept_visualizablescene_river_edge concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_river_edge concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablescene_roads concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_roads concept:atdate concept_dateliteral_n2007 +concept_visualizablescene_robinson concept:persondiedincountry concept_country_england +concept_visualizablescene_robinson concept:personborninlocation concept_county_york_city +concept_visualizablescene_robinson concept:personbelongstoorganization concept_sportsleague_syracuse +concept_visualizablescene_robinson concept:personbelongstoorganization concept_sportsteam_dodgers +concept_visualizablescene_robinson concept:personmovedtostateorprovince concept_stateorprovince_new_york +concept_visualizablescene_robinson concept:persongraduatedschool concept_university_college +concept_visualizablescene_robinson concept:worksfor concept_website_syracuse +concept_visualizablescene_roissy concept:airportincity concept_city_paris +concept_visualizablescene_roissy concept:buildinglocatedincity concept_city_paris +concept_visualizablescene_roselle_park concept:latitudelongitude 40.6642233333333,-74.2660716666667 +concept_visualizablescene_roselle_park concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_rowayton concept:latitudelongitude 41.0692983333333,-73.4402708333333 +concept_visualizablescene_rowlett concept:locationlocatedwithinlocation concept_stateorprovince_texas +concept_visualizablescene_rowlett concept:proxyfor concept_stateorprovince_texas +concept_visualizablescene_ruidoso concept:atlocation concept_county_new_mexico +concept_visualizablescene_run concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_saalbach concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_saddle_brook concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablescene_saint_helena concept:countrycurrency concept_currency_pounds +concept_visualizablescene_san_bernadino concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_san_bernadino concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_san_bernadino concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_san_francisco_bay_area concept:proxyfor concept_lake_new +concept_visualizablescene_san_gabriel concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_san_gabriel concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_san_gabriel_valley concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_sankt_anton concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_sarasota_bradenton concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_sauna concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablescene_shakopee concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_shakopee concept:subpartof concept_personnorthamerica_minnesota +concept_visualizablescene_shannon concept:riveremptiesintoriver concept_skiarea_lough_derg +concept_visualizablescene_smyrna concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_south_delhi concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_south_jersey concept:latitudelongitude 39.6440633333333,-75.0603533333333 +concept_visualizablescene_south_jersey concept:proxyfor concept_book_north +concept_visualizablescene_south_miami concept:atlocation concept_city_florida +concept_visualizablescene_south_tampa concept:atlocation concept_city_florida +concept_visualizablescene_stockholm__skavsta concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_sturbridge concept:atlocation concept_beach_massachusetts +concept_visualizablescene_tanjore concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_tea_room concept:latitudelongitude -19.5166700000000,32.5500000000000 +concept_visualizablescene_thanjavur concept:latitudelongitude 10.7411140000000,79.2120580000000 +concept_visualizablescene_thanjavur concept:proxyfor concept_stateorprovince_tamil_nadu +concept_visualizablescene_thing concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_thomson concept:atlocation concept_stateorprovince_georgia +concept_visualizablescene_thousand_oaks concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablescene_thousand_oaks concept:proxyfor concept_stateorprovince_california +concept_visualizablescene_tiruchirappalli concept:latitudelongitude 10.8083350000000,78.6916650000000 +concept_visualizablescene_tour_guide concept:atdate concept_month_october +concept_visualizablescene_udaipur concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_udaipur concept:proxyfor concept_stateorprovince_rajasthan +concept_visualizablescene_upgrade concept:atdate concept_dateliteral_n2006 +concept_visualizablescene_upgrade concept:atdate concept_dateliteral_n2008 +concept_visualizablescene_upgrade concept:subpartof concept_weatherphenomenon_air +concept_visualizablescene_upgrade concept:subpartof concept_weatherphenomenon_water +concept_visualizablescene_upper_arlington concept:atlocation concept_stateorprovince_ohio +concept_visualizablescene_vacation concept:locationlocatedwithinlocation concept_city_vegas +concept_visualizablescene_valley_stream concept:proxyfor concept_company_new_york +concept_visualizablescene_valley_stream concept:atlocation concept_stateorprovince_new_york +concept_visualizablescene_vellore concept:proxyfor concept_stateorprovince_tamil_nadu +concept_visualizablescene_venue concept:buildinglocatedincity concept_city_vegas +concept_visualizablescene_victoria_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_visitors_centre concept:latitudelongitude -36.9382000000000,174.6001900000000 +concept_visualizablescene_washington concept:statelocatedincountry concept_country_usa +concept_visualizablescene_washington concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_british_columbia +concept_visualizablescene_washington concept:stateorprovinceisborderedbystateorprovince concept_stateorprovince_idaho +concept_visualizablescene_wellington concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablescene_west_des_moines concept:atlocation concept_stateorprovince_iowa +concept_visualizablescene_white_plains concept:proxyfor concept_lake_new +concept_visualizablescene_white_plains concept:atlocation concept_stateorprovince_new_york +concept_visualizablescene_white_plains concept:proxyfor concept_stateorprovince_new_york +concept_visualizablescene_white_plains concept:subpartof concept_stateorprovince_new_york +concept_visualizablescene_wildomar concept:mutualproxyfor concept_stateorprovince_california +concept_visualizablescene_windsor_locks concept:atlocation concept_stateorprovince_connecticut +concept_visualizablescene_wong_chuk_hang concept:latitudelongitude 22.2833325000000,114.2166675000000 +concept_visualizablething_abu_dhabi concept:locationlocatedwithinlocation concept_country_uae_ +concept_visualizablething_abu_dhabi concept:proxyfor concept_country_uae_ +concept_visualizablething_abu_dhabi concept:locationlocatedwithinlocation concept_country_united_arab_emirates +concept_visualizablething_abu_dhabi concept:proxyfor concept_country_united_arab_emirates +concept_visualizablething_abu_dhabi concept:atdate concept_date_n2009 +concept_visualizablething_abu_dhabi concept:atdate concept_dateliteral_n2007 +concept_visualizablething_acai_berry concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_visualizablething_active_part concept:proxyfor concept_politicaloffice_new +concept_visualizablething_acute_angle concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_acv concept:latitudelongitude 40.9779000000000,-124.1097900000000 +concept_visualizablething_adoption concept:atdate concept_date_n1999 +concept_visualizablething_adoption concept:atdate concept_date_n2003 +concept_visualizablething_adoption concept:atdate concept_date_n2004 +concept_visualizablething_adoption concept:atdate concept_dateliteral_n2002 +concept_visualizablething_adoption concept:atdate concept_dateliteral_n2005 +concept_visualizablething_adoption concept:atdate concept_dateliteral_n2006 +concept_visualizablething_adoption concept:atdate concept_dateliteral_n2007 +concept_visualizablething_adoption concept:atdate concept_dateliteral_n2008 +concept_visualizablething_adoption concept:atdate concept_year_n1995 +concept_visualizablething_adoption concept:atdate concept_year_n1997 +concept_visualizablething_adoption concept:atdate concept_year_n1998 +concept_visualizablething_agricultural_products concept:latitudelongitude 23.1633300000000,121.0511100000000 +concept_visualizablething_ajmer concept:proxyfor concept_actor_rajasthan +concept_visualizablething_alarm concept:thinghascolor concept_color_red +concept_visualizablething_album concept:atdate concept_date_n1969 +concept_visualizablething_album concept:atdate concept_date_n1999 +concept_visualizablething_album concept:atdate concept_date_n2003 +concept_visualizablething_album concept:atdate concept_date_n2004 +concept_visualizablething_album concept:atdate concept_dateliteral_n2005 +concept_visualizablething_album concept:atdate concept_dateliteral_n2006 +concept_visualizablething_album concept:atdate concept_dateliteral_n2007 +concept_visualizablething_album concept:atdate concept_dateliteral_n2008 +concept_visualizablething_album concept:atdate concept_year_n1989 +concept_visualizablething_alcohols concept:chemicalistypeofchemical concept_chemical_carbon +concept_visualizablething_alcohols concept:chemicalistypeofchemical concept_chemical_solvents +concept_visualizablething_altamonte_springs concept:atlocation concept_city_florida +concept_visualizablething_altamonte_springs concept:proxyfor concept_city_florida +concept_visualizablething_alturas concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablething_alturas concept:proxyfor concept_stateorprovince_california +concept_visualizablething_amritsar concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_and_pepper concept:latitudelongitude 42.4445000000000,-83.1629000000000 +concept_visualizablething_antelope concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_appointment concept:atdate concept_date_n1996 +concept_visualizablething_appointment concept:atdate concept_date_n1999 +concept_visualizablething_appointment concept:atdate concept_date_n2000 +concept_visualizablething_appointment concept:atdate concept_date_n2001 +concept_visualizablething_appointment concept:atdate concept_date_n2003 +concept_visualizablething_appointment concept:atdate concept_date_n2004 +concept_visualizablething_appointment concept:atdate concept_date_n2009 +concept_visualizablething_appointment concept:atdate concept_dateliteral_n2002 +concept_visualizablething_appointment concept:atdate concept_dateliteral_n2005 +concept_visualizablething_appointment concept:atdate concept_dateliteral_n2006 +concept_visualizablething_appointment concept:atdate concept_dateliteral_n2007 +concept_visualizablething_appointment concept:atdate concept_dateliteral_n2008 +concept_visualizablething_appointment concept:proxyfor concept_politicaloffice_new +concept_visualizablething_appointment concept:atdate concept_year_n1986 +concept_visualizablething_appointment concept:atdate concept_year_n1992 +concept_visualizablething_appointment concept:atdate concept_year_n1995 +concept_visualizablething_appointment concept:atdate concept_year_n1997 +concept_visualizablething_appointment concept:atdate concept_year_n1998 +concept_visualizablething_arborio concept:latitudelongitude 45.4949600000000,8.3853300000000 +concept_visualizablething_area_ concept:proxyfor concept_lake_new +concept_visualizablething_aromatics concept:latitudelongitude 34.2814000000000,-119.2946000000000 +concept_visualizablething_aubergines concept:latitudelongitude 47.9501700000000,-76.2993200000000 +concept_visualizablething_award concept:atdate concept_date_n1996 +concept_visualizablething_award concept:atdate concept_date_n2003 +concept_visualizablething_award concept:atdate concept_date_n2004 +concept_visualizablething_award concept:atdate concept_dateliteral_n2002 +concept_visualizablething_award concept:atdate concept_dateliteral_n2005 +concept_visualizablething_award concept:atdate concept_dateliteral_n2006 +concept_visualizablething_award concept:atdate concept_dateliteral_n2007 +concept_visualizablething_backdoor concept:latitudelongitude -77.5666700000000,166.2000000000000 +concept_visualizablething_barbecue concept:itemfoundinroom concept_visualizablething_terrace +concept_visualizablething_barrie concept:agentcreated concept_movie_peter_pan +concept_visualizablething_bastrop concept:atlocation concept_city_texas +concept_visualizablething_bastrop concept:atlocation concept_stateorprovince_louisiana +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_deluxe_rooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_en_suite_bathrooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_luxury_suites +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_marble_bathrooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_master_bedrooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_rooms +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_suites +concept_visualizablething_baths concept:itemfoundinroom concept_officebuildingroom_superior_rooms +concept_visualizablething_baths concept:itemfoundinroom concept_room_suite +concept_visualizablething_baths concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablething_baths concept:itemfoundinroom concept_visualizablething_bathrooms +concept_visualizablething_baths concept:itemfoundinroom concept_visualizablething_bedrooms +concept_visualizablething_bayleaf concept:latitudelongitude 35.7632100000000,-78.3949033333333 +concept_visualizablething_bedrooms concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_bergen concept:proxyfor concept_book_new +concept_visualizablething_bergen concept:subpartof concept_bridge_new_jersey +concept_visualizablething_bergen concept:atdate concept_date_n2000 +concept_visualizablething_bergen concept:proxyfor concept_year_norway +concept_visualizablething_big_city concept:proxyfor concept_lake_new +concept_visualizablething_bikaner concept:proxyfor concept_stateorprovince_rajasthan +concept_visualizablething_bike concept:atdate concept_date_n2004 +concept_visualizablething_bike concept:atdate concept_dateliteral_n2006 +concept_visualizablething_bike concept:atdate concept_dateliteral_n2007 +concept_visualizablething_bonbons concept:latitudelongitude 49.1154050000000,-72.8445250000000 +concept_visualizablething_bonn concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_bonn concept:atdate concept_date_n1999 +concept_visualizablething_bonn concept:atdate concept_year_n1997 +concept_visualizablething_bora_bora concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_boxing_ring concept:thinghasshape concept_geometricshape_square +concept_visualizablething_brochure concept:atdate concept_dateliteral_n2007 +concept_visualizablething_brochure concept:atdate concept_dateliteral_n2008 +concept_visualizablething_brockton concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_brockton concept:subpartof concept_beach_massachusetts +concept_visualizablething_browns_mills concept:mutualproxyfor concept_radiostation_new_jersey +concept_visualizablething_browns_mills concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablething_cadiz concept:proxyfor concept_coach_kentucky +concept_visualizablething_calatrava concept:persondiedincountry concept_country_england +concept_visualizablething_calcium concept:chemicalistypeofchemical concept_chemical_metals +concept_visualizablething_calcium concept:chemicalistypeofchemical concept_chemical_solution +concept_visualizablething_calcium concept:chemicalistypeofchemical concept_chemical_water +concept_visualizablething_calgary concept:atdate concept_date_n2003 +concept_visualizablething_calgary concept:atdate concept_date_n2009 +concept_visualizablething_call concept:atdate concept_date_n1999 +concept_visualizablething_call concept:atdate concept_date_n2003 +concept_visualizablething_call concept:atdate concept_date_n2004 +concept_visualizablething_call concept:atdate concept_dateliteral_n2002 +concept_visualizablething_call concept:atdate concept_dateliteral_n2005 +concept_visualizablething_call concept:atdate concept_dateliteral_n2006 +concept_visualizablething_call concept:atdate concept_dateliteral_n2007 +concept_visualizablething_candies concept:latitudelongitude 35.2897950000000,-84.8551766666667 +concept_visualizablething_candies concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_butter +concept_visualizablething_capellini concept:latitudelongitude 41.1380000000000,9.4787000000000 +concept_visualizablething_caracas concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_caracas concept:locationlocatedwithinlocation concept_country_venezuela +concept_visualizablething_caracas concept:atdate concept_dateliteral_n2005 +concept_visualizablething_carpel concept:latitudelongitude 19.5000000000000,-72.5000000000000 +concept_visualizablething_case concept:proxyfor concept_blog_america_online +concept_visualizablething_cebu concept:locationlocatedwithinlocation concept_country_philippines +concept_visualizablething_centuries concept:atlocation concept_city_central +concept_visualizablething_centuries concept:atlocation concept_geopoliticalorganization_northern +concept_visualizablething_chees concept:latitudelongitude 35.1314200000000,-108.5198000000000 +concept_visualizablething_cheesecake concept:latitudelongitude 38.0767850000000,-76.8327650000000 +concept_visualizablething_claims concept:atdate concept_dateliteral_n2005 +concept_visualizablething_claims concept:atdate concept_dateliteral_n2006 +concept_visualizablething_claims concept:atdate concept_dateliteral_n2007 +concept_visualizablething_clear_water concept:atlocation concept_city_florida +concept_visualizablething_climate_control concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_coaster concept:transportationincity concept_city_oceanside +concept_visualizablething_commercial_centre concept:latitudelongitude 22.5453500000000,114.1055300000000 +concept_visualizablething_communications_system concept:latitudelongitude 40.6978200000000,-89.6123200000000 +concept_visualizablething_concept concept:atdate concept_date_n2004 +concept_visualizablething_concept concept:atdate concept_dateliteral_n2002 +concept_visualizablething_concept concept:atdate concept_dateliteral_n2005 +concept_visualizablething_concept concept:atdate concept_dateliteral_n2007 +concept_visualizablething_condition concept:atdate concept_dateliteral_n2005 +concept_visualizablething_condition concept:atdate concept_dateliteral_n2007 +concept_visualizablething_configuration concept:synonymfor concept_agent_linux +concept_visualizablething_cosmopolitan_city concept:proxyfor concept_politicaloffice_new +concept_visualizablething_county_seat concept:proxyfor concept_politicaloffice_new +concept_visualizablething_cozumel concept:locationlocatedwithinlocation concept_country_mexico +concept_visualizablething_crabcake concept:latitudelongitude 27.9785000000000,-82.4762000000000 +concept_visualizablething_cruciferous_vegetables concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_visualizablething_crystal_water concept:latitudelongitude 41.2855600000000,-74.4025000000000 +concept_visualizablething_curtains concept:buildingfeaturemadefrombuildingmaterial concept_buildingmaterial_custom +concept_visualizablething_customer concept:atdate concept_dateliteral_n2005 +concept_visualizablething_customer concept:atdate concept_dateliteral_n2008 +concept_visualizablething_customer concept:professionusestool concept_tool_tools +concept_visualizablething_dark_wood concept:latitudelongitude 17.0333300000000,-61.8833300000000 +concept_visualizablething_darling_harbour concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_dashi concept:persondiedincountry concept_country_england +concept_visualizablething_de_pere concept:subpartof concept_stateorprovince_wisconsin +concept_visualizablething_device concept:atdate concept_dateliteral_n2005 +concept_visualizablething_device concept:atdate concept_dateliteral_n2007 +concept_visualizablething_device concept:subpartof concept_port_portable_air +concept_visualizablething_distiller concept:synonymfor concept_website_adobe +concept_visualizablething_doha concept:locationlocatedwithinlocation concept_country_qatar +concept_visualizablething_doha concept:proxyfor concept_country_qatar +concept_visualizablething_doha concept:subpartof concept_country_qatar +concept_visualizablething_doha concept:atdate concept_date_n2001 +concept_visualizablething_doha concept:atdate concept_dateliteral_n2006 +concept_visualizablething_doha concept:atdate concept_dateliteral_n2007 +concept_visualizablething_downtown_atlanta concept:locationlocatedwithinlocation concept_stateorprovince_georgia +concept_visualizablething_downtown_sacramento concept:latitudelongitude 38.5843000000000,-121.4644000000000 +concept_visualizablething_dwelling concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_east_windsor concept:mutualproxyfor concept_stateorprovince_new_jersey +concept_visualizablething_east_windsor concept:proxyfor concept_stateorprovince_newjersey +concept_visualizablething_ebay concept:atdate concept_date_n1999 +concept_visualizablething_ebay concept:atdate concept_date_n2000 +concept_visualizablething_ebay concept:atdate concept_date_n2001 +concept_visualizablething_ebay concept:atdate concept_date_n2003 +concept_visualizablething_ebay concept:atdate concept_date_n2004 +concept_visualizablething_ebay concept:atdate concept_dateliteral_n2002 +concept_visualizablething_ebay concept:atdate concept_dateliteral_n2006 +concept_visualizablething_ebay concept:atdate concept_dateliteral_n2007 +concept_visualizablething_ebay concept:atdate concept_dateliteral_n2008 +concept_visualizablething_ecosystems concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_edinburgh_city concept:latitudelongitude 55.9491000000000,-3.2007400000000 +concept_visualizablething_edinburgh_city concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_egss concept:latitudelongitude 51.8850000000000,0.2350000000000 +concept_visualizablething_employment concept:atdate concept_date_n1999 +concept_visualizablething_employment concept:atdate concept_date_n2003 +concept_visualizablething_employment concept:atdate concept_dateliteral_n2002 +concept_visualizablething_employment concept:atdate concept_dateliteral_n2005 +concept_visualizablething_employment concept:atdate concept_dateliteral_n2006 +concept_visualizablething_employment concept:atdate concept_dateliteral_n2007 +concept_visualizablething_employment concept:istallerthan concept_publication_people_ +concept_visualizablething_enrollment concept:atdate concept_date_n2004 +concept_visualizablething_enrollment concept:atdate concept_date_n2009 +concept_visualizablething_enrollment concept:atdate concept_dateliteral_n2005 +concept_visualizablething_enrollment concept:atdate concept_dateliteral_n2006 +concept_visualizablething_enugu concept:latitudelongitude 6.3650682352941,7.2032100000000 +concept_visualizablething_environments concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_environments concept:proxyfor concept_weatherphenomenon_new +concept_visualizablething_epicentre concept:proxyfor concept_book_new +concept_visualizablething_episodes concept:atdate concept_dateliteral_n2008 +concept_visualizablething_fabulous_city concept:proxyfor concept_politicaloffice_new +concept_visualizablething_face concept:thinghascolor concept_color_blue +concept_visualizablething_face concept:thinghascolor concept_color_crimson +concept_visualizablething_face concept:thinghascolor concept_color_grey +concept_visualizablething_face concept:thinghascolor concept_color_orange +concept_visualizablething_face concept:thinghascolor concept_color_purple +concept_visualizablething_face concept:thinghascolor concept_color_red +concept_visualizablething_face concept:thinghascolor concept_color_scarlet +concept_visualizablething_face concept:thinghascolor concept_color_shade +concept_visualizablething_face concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_face concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_feedback_form concept:agentcreated concept_programminglanguage_contact +concept_visualizablething_fiesta concept:buildinglocatedincity concept_city_las_vegas +concept_visualizablething_first_shot concept:latitudelongitude 46.3579900000000,-112.2700100000000 +concept_visualizablething_fish_cut concept:latitudelongitude 41.5477400000000,-109.5068000000000 +concept_visualizablething_flout concept:latitudelongitude 36.0911100000000,0.2752800000000 +concept_visualizablething_fontainebleau concept:locationlocatedwithinlocation concept_city_vegas +concept_visualizablething_fontainebleau concept:subpartof concept_traditionalgame_vegas +concept_visualizablething_food_stores concept:latitudelongitude 40.8255600000000,-96.6955700000000 +concept_visualizablething_football_field concept:thinghascolor concept_color_green +concept_visualizablething_football_field concept:thinghasshape concept_geometricshape_rectangle +concept_visualizablething_fridge concept:itemfoundinroom concept_room_equipped_kitchen +concept_visualizablething_fridge concept:itemfoundinroom concept_room_kitchen +concept_visualizablething_fridge concept:itemfoundinroom concept_room_kitchen_corner +concept_visualizablething_fridge concept:itemfoundinroom concept_room_kitchenette +concept_visualizablething_fridge concept:itemfoundinroom concept_visualizablething_kitchen_area +concept_visualizablething_front concept:mutualproxyfor concept_book_new +concept_visualizablething_front concept:atdate concept_date_n1944 +concept_visualizablething_front concept:atdate concept_dateliteral_n1917 +concept_visualizablething_front concept:atdate concept_dateliteral_n1918 +concept_visualizablething_front concept:proxyfor concept_politicaloffice_new +concept_visualizablething_front concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_front concept:atdate concept_year_n1916 +concept_visualizablething_full_days concept:proxyfor concept_book_new +concept_visualizablething_fun_way concept:istallerthan concept_publication_people_ +concept_visualizablething_gallipoli concept:atdate concept_year_n1915 +concept_visualizablething_game_hen concept:latitudelongitude -45.7583800000000,170.2801000000000 +concept_visualizablething_game_round concept:thinghasshape concept_geometricshape_table +concept_visualizablething_gangtok concept:proxyfor concept_stateorprovince_sikkim +concept_visualizablething_gary concept:personborninlocation concept_county_york_city +concept_visualizablething_gary concept:personhasjobposition concept_jobposition_king +concept_visualizablething_gary concept:atlocation concept_stateorprovince_indiana +concept_visualizablething_giblets concept:persondiedincountry concept_country_england +concept_visualizablething_glucose concept:chemicalistypeofchemical concept_chemical_carbon +concept_visualizablething_golden_nugget concept:attractionofcity concept_city_vegas +concept_visualizablething_golden_nugget concept:buildinglocatedincity concept_city_vegas +concept_visualizablething_gooey concept:latitudelongitude 41.1884700000000,-123.0800400000000 +concept_visualizablething_gorakhpur concept:proxyfor concept_skyscraper_uttar_pradesh +concept_visualizablething_great_city concept:proxyfor concept_lake_new +concept_visualizablething_grenada concept:countrylocatedingeopoliticallocation concept_country_countries +concept_visualizablething_guiness concept:latitudelongitude 47.1167700000000,-72.8824200000000 +concept_visualizablething_gujarat concept:atlocation concept_country_republic_of_india +concept_visualizablething_gujarat concept:subpartof concept_country_republic_of_india +concept_visualizablething_gujarat concept:atdate concept_date_n2001 +concept_visualizablething_gujarat concept:atdate concept_dateliteral_n2002 +concept_visualizablething_gyro concept:latitudelongitude 49.6088100000000,16.0839200000000 +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_accommodations +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_comfortable_rooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_decorated_rooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_en_suite_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_full_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_guest_rooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_guestrooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_large_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_modern_rooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_private_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_private_bathrooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_rooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_spacious_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_suite_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_officebuildingroom_suites +concept_visualizablething_hairdryer concept:itemfoundinroom concept_room_complete_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_room_private_bath +concept_visualizablething_hairdryer concept:itemfoundinroom concept_room_suite +concept_visualizablething_hairdryer concept:itemfoundinroom concept_visualizableobject_facilities +concept_visualizablething_hairdryer concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablething_hairdryer concept:itemfoundinroom concept_visualizablething_bathrooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_visualizablething_bedrooms +concept_visualizablething_hairdryer concept:itemfoundinroom concept_visualizablething_marble_bathroom +concept_visualizablething_hampshire concept:atdate concept_dateliteral_n2007 +concept_visualizablething_hanoi concept:atdate concept_dateliteral_n2007 +concept_visualizablething_hanoi concept:atdate concept_dateliteral_n2008 +concept_visualizablething_hanoi concept:proxyfor concept_musicalbum_vietnam +concept_visualizablething_hanoi concept:atdate concept_year_n1994 +concept_visualizablething_henckel concept:latitudelongitude 78.5333300000000,20.1666700000000 +concept_visualizablething_hnl concept:atdate concept_dateliteral_n2008 +concept_visualizablething_hocks concept:latitudelongitude 38.3588000000000,-83.1088000000000 +concept_visualizablething_hot_oil concept:thinghascolor concept_color_brown +concept_visualizablething_house_gas concept:latitudelongitude 39.8669100000000,-109.3190100000000 +concept_visualizablething_incense concept:latitudelongitude -43.1783000000000,170.6301100000000 +concept_visualizablething_incredible_city concept:proxyfor concept_politicaloffice_new +concept_visualizablething_indio concept:locationlocatedwithinlocation concept_stateorprovince_california +concept_visualizablething_indio concept:proxyfor concept_stateorprovince_california +concept_visualizablething_installations concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_installations concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_involvement concept:proxyfor concept_book_new +concept_visualizablething_jama concept:atdate concept_dateliteral_n2002 +concept_visualizablething_jotter concept:latitudelongitude 52.2166700000000,11.2666700000000 +concept_visualizablething_kasane concept:locationlocatedwithinlocation concept_country_botswana +concept_visualizablething_kathmandu concept:atdate concept_date_n1999 +concept_visualizablething_kathmandu concept:atdate concept_dateliteral_n2002 +concept_visualizablething_kathmandu concept:atdate concept_dateliteral_n2007 +concept_visualizablething_kettle concept:itemfoundinroom concept_room_kitchen +concept_visualizablething_kevin_bacon concept:persondiedincountry concept_country_england +concept_visualizablething_kevin_bacon concept:actorstarredinmovie concept_movie_footloose +concept_visualizablething_ko_lanta concept:latitudelongitude 7.5896725000000,99.0666043750000 +concept_visualizablething_koh_samui concept:locationlocatedwithinlocation concept_country_thailand +concept_visualizablething_krabi concept:locationlocatedwithinlocation concept_country_thailand +concept_visualizablething_kuala_terengganu concept:locationlocatedwithinlocation concept_country_malaysia +concept_visualizablething_lake_bluff concept:atlocation concept_stateorprovince_illinois +concept_visualizablething_laundry concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablething_lava_flow concept:thinghascolor concept_color_red +concept_visualizablething_lawn concept:thinghascolor concept_color_green +concept_visualizablething_lease concept:atdate concept_date_n2003 +concept_visualizablething_lease concept:atdate concept_date_n2009 +concept_visualizablething_lease concept:atdate concept_dateliteral_n2007 +concept_visualizablething_lease concept:atdate concept_dateliteral_n2008 +concept_visualizablething_leftovers concept:latitudelongitude 21.6311100000000,-158.0766700000000 +concept_visualizablething_leg concept:thinghasshape concept_geometricshape_one_right_triangle +concept_visualizablething_leg concept:thinghasshape concept_geometricshape_right_triangle +concept_visualizablething_leg concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_little_gate concept:latitudelongitude 38.1837400000000,-78.7386300000000 +concept_visualizablething_little_onion concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_little_pepper concept:latitudelongitude 51.4256300000000,-95.3255200000000 +concept_visualizablething_little_rock_ar concept:latitudelongitude 34.6760000000000,-92.3563500000000 +concept_visualizablething_little_water concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_loaf concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_loan concept:atdate concept_date_n1999 +concept_visualizablething_loan concept:atdate concept_date_n2003 +concept_visualizablething_loan concept:atdate concept_date_n2004 +concept_visualizablething_loan concept:atdate concept_dateliteral_n2002 +concept_visualizablething_loan concept:atdate concept_dateliteral_n2006 +concept_visualizablething_loan concept:atdate concept_dateliteral_n2007 +concept_visualizablething_loan concept:atdate concept_dateliteral_n2008 +concept_visualizablething_loan concept:atdate concept_year_n1998 +concept_visualizablething_logs concept:thinghasshape concept_ceo_online_application_form +concept_visualizablething_logs concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_los_cabos concept:buildinglocatedincity concept_city_san_jose +concept_visualizablething_low_heat concept:thinghascolor concept_color_brown +concept_visualizablething_lower_manhattan concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_main_city concept:proxyfor concept_politicaloffice_new +concept_visualizablething_malts concept:latitudelongitude 39.7594400000000,21.0269400000000 +concept_visualizablething_management_programs concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_manual concept:atdate concept_dateliteral_n2008 +concept_visualizablething_manure concept:latitudelongitude 40.2474000000000,-119.3782400000000 +concept_visualizablething_marina concept:parkincity concept_city_san_francisco +concept_visualizablething_massena concept:proxyfor concept_company_new_york +concept_visualizablething_measures concept:atdate concept_date_n2004 +concept_visualizablething_measures concept:atdate concept_dateliteral_n2006 +concept_visualizablething_measures concept:atdate concept_dateliteral_n2007 +concept_visualizablething_measures concept:proxyfor concept_lake_new +concept_visualizablething_measures concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_measures concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_membership concept:atdate concept_date_n1996 +concept_visualizablething_membership concept:atdate concept_date_n2000 +concept_visualizablething_membership concept:atdate concept_date_n2003 +concept_visualizablething_membership concept:atdate concept_date_n2004 +concept_visualizablething_membership concept:atdate concept_dateliteral_n2006 +concept_visualizablething_membership concept:atdate concept_dateliteral_n2007 +concept_visualizablething_membership concept:atdate concept_dateliteral_n2008 +concept_visualizablething_menus concept:specializationof concept_plant_information +concept_visualizablething_meringue concept:thinghascolor concept_color_brown +concept_visualizablething_millennia concept:atlocation concept_hotel_north +concept_visualizablething_mineral_resources concept:latitudelongitude 34.0661800000000,-106.8755800000000 +concept_visualizablething_mineral_wells concept:atlocation concept_city_texas +concept_visualizablething_months concept:agentactsinlocation concept_building_west +concept_visualizablething_months concept:agentactsinlocation concept_city_central +concept_visualizablething_months concept:agentparticipatedinevent concept_eventoutcome_result +concept_visualizablething_months concept:agentactsinlocation concept_geopoliticallocation_southern +concept_visualizablething_months concept:agentactsinlocation concept_hotel_north +concept_visualizablething_months concept:agentactsinlocation concept_lake_new +concept_visualizablething_months concept:agentactsinlocation concept_website_east +concept_visualizablething_months concept:agentactsinlocation concept_website_south +concept_visualizablething_moon concept:thinghascolor concept_color_orange +concept_visualizablething_mount_isa concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_mthatha concept:latitudelongitude -31.5469400000000,28.6720000000000 +concept_visualizablething_n1_t concept:latitudelongitude 48.3829300000000,-123.7026200000000 +concept_visualizablething_nairobi concept:atdate concept_date_n2001 +concept_visualizablething_nairobi concept:atdate concept_dateliteral_n2005 +concept_visualizablething_nairobi concept:atdate concept_dateliteral_n2006 +concept_visualizablething_nairobi concept:atdate concept_dateliteral_n2007 +concept_visualizablething_nairobi concept:locationlocatedwithinlocation concept_website_kenya +concept_visualizablething_nairobi concept:proxyfor concept_website_kenya +concept_visualizablething_naples concept:proxyfor concept_book_new +concept_visualizablething_naples concept:locationlocatedwithinlocation concept_city_florida +concept_visualizablething_naples concept:proxyfor concept_city_florida +concept_visualizablething_naples concept:locationlocatedwithinlocation concept_country_italy +concept_visualizablething_naples concept:atdate concept_dateliteral_n2002 +concept_visualizablething_naples concept:atdate concept_dateliteral_n2007 +concept_visualizablething_naples concept:locationlocatedwithinlocation concept_island_campania +concept_visualizablething_natal concept:mutualproxyfor concept_stateorprovince_rio_grande_do_norte +concept_visualizablething_natural_choice concept:proxyfor concept_politicaloffice_new +concept_visualizablething_needles concept:thinghascolor concept_color_yellow +concept_visualizablething_next_destination concept:proxyfor concept_book_new +concept_visualizablething_norrkoping concept:locationlocatedwithinlocation concept_city_sweden +concept_visualizablething_norwalk concept:proxyfor concept_book_new +concept_visualizablething_one_afternoon concept:atdate concept_date_n1996 +concept_visualizablething_one_k concept:latitudelongitude 30.5097200000000,73.1458300000000 +concept_visualizablething_one_morning concept:atdate concept_date_n1996 +concept_visualizablething_one_morning concept:atdate concept_date_n1999 +concept_visualizablething_one_morning concept:atdate concept_date_n2003 +concept_visualizablething_one_morning concept:atdate concept_dateliteral_n2002 +concept_visualizablething_one_morning concept:atdate concept_dateliteral_n2005 +concept_visualizablething_one_morning concept:atdate concept_dateliteral_n2006 +concept_visualizablething_one_morning concept:atdate concept_dateliteral_n2007 +concept_visualizablething_one_morning concept:atdate concept_year_n1986 +concept_visualizablething_one_morning concept:atdate concept_year_n1989 +concept_visualizablething_one_morning concept:atdate concept_year_n1998 +concept_visualizablething_one_part concept:proxyfor concept_politicaloffice_new +concept_visualizablething_order_form concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualizablething_order_form concept:agentcreated concept_governmentorganization_print +concept_visualizablething_order_form concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_visualizablething_ovens concept:itemfoundinroom concept_room_full_kitchens +concept_visualizablething_ovens concept:itemfoundinroom concept_room_kitchen +concept_visualizablething_ovens concept:itemfoundinroom concept_room_kitchenettes +concept_visualizablething_ovens concept:itemfoundinroom concept_room_kitchens +concept_visualizablething_painting concept:atdate concept_dateliteral_n2007 +concept_visualizablething_panipat concept:proxyfor concept_bank_haryana +concept_visualizablething_parishes concept:proxyfor concept_book_new +concept_visualizablething_partway concept:latitudelongitude 61.6333300000000,-163.4666700000000 +concept_visualizablething_patties concept:thinghasshape concept_ceo_online_application_form +concept_visualizablething_patties concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_patty concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_pdf_files concept:agentinvolvedwithitem concept_buildingfeature_window +concept_visualizablething_pdf_files concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_visualizablething_pdf_files concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_visualizablething_pee concept:thinghascolor concept_color_orange +concept_visualizablething_percolator concept:latitudelongitude 44.4668800000000,-110.8371600000000 +concept_visualizablething_perspiration concept:latitudelongitude 34.3980500000000,-118.2031300000000 +concept_visualizablething_perth concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_petrograd concept:atdate concept_dateliteral_n1918 +concept_visualizablething_plant_foods concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_visualizablething_platains concept:latitudelongitude 49.4219900000000,-67.2819700000000 +concept_visualizablething_points concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_polenta concept:agriculturalproductcutintogeometricshape concept_geometricshape_sides +concept_visualizablething_polenta concept:agriculturalproductcutintogeometricshape concept_geometricshape_squares +concept_visualizablething_polenta concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizablething_polokwane concept:latitudelongitude -23.9000000000000,29.4500000000000 +concept_visualizablething_pomfrey concept:latitudelongitude 46.3000800000000,-81.6164800000000 +concept_visualizablething_portabella concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_portfolio concept:atdate concept_dateliteral_n2005 +concept_visualizablething_portfolio concept:atdate concept_dateliteral_n2006 +concept_visualizablething_portfolio concept:atdate concept_dateliteral_n2007 +concept_visualizablething_portfolio concept:atdate concept_dateliteral_n2008 +concept_visualizablething_position concept:istallerthan concept_publication_people_ +concept_visualizablething_power_plant concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_prime_location concept:proxyfor concept_politicaloffice_new +concept_visualizablething_private_balcony concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablething_processing_plants concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_propulsion concept:latitudelongitude 34.2013900000000,-118.1734100000000 +concept_visualizablething_provision concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_quantico concept:latitudelongitude 38.5036879166667,-76.9364829166666 +concept_visualizablething_quarters concept:proxyfor concept_book_new +concept_visualizablething_queensland concept:atdate concept_dateliteral_n2006 +concept_visualizablething_queensland concept:atdate concept_dateliteral_n2007 +concept_visualizablething_queensland concept:atdate concept_dateliteral_n2008 +concept_visualizablething_raid concept:atdate concept_date_n2003 +concept_visualizablething_raid concept:atdate concept_dateliteral_n2006 +concept_visualizablething_raisins concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizablething_ranch concept:atdate concept_date_n2003 +concept_visualizablething_regency_wood concept:latitudelongitude 40.3242700000000,-75.1348900000000 +concept_visualizablething_relations concept:atdate concept_dateliteral_n2005 +concept_visualizablething_relations concept:atdate concept_dateliteral_n2007 +concept_visualizablething_residence concept:buildinglocatedincity concept_city_vegas +concept_visualizablething_residence concept:atdate concept_date_aug_ +concept_visualizablething_residence concept:atdate concept_date_dec_ +concept_visualizablething_residence concept:atdate concept_date_feb_ +concept_visualizablething_residence concept:atdate concept_date_n2003 +concept_visualizablething_residence concept:atdate concept_date_oct_ +concept_visualizablething_residence concept:atdate concept_date_sept_ +concept_visualizablething_residence concept:atdate concept_dateliteral_n2005 +concept_visualizablething_residence concept:atdate concept_dateliteral_n2007 +concept_visualizablething_residence concept:atdate concept_dateliteral_n2008 +concept_visualizablething_residence concept:atdate concept_dayofweek_friday +concept_visualizablething_residence concept:atdate concept_dayofweek_monday +concept_visualizablething_residence concept:atdate concept_dayofweek_saturday +concept_visualizablething_residence concept:atdate concept_dayofweek_sunday +concept_visualizablething_residence concept:atdate concept_dayofweek_thursday +concept_visualizablething_residence concept:atdate concept_dayofweek_tuesday +concept_visualizablething_residence concept:atdate concept_dayofweek_wednesday +concept_visualizablething_residence concept:proxyfor concept_lake_new +concept_visualizablething_residence concept:atdate concept_month_april +concept_visualizablething_residence concept:atdate concept_month_february +concept_visualizablething_residence concept:atdate concept_month_january +concept_visualizablething_residence concept:atdate concept_month_july +concept_visualizablething_residence concept:atdate concept_month_june +concept_visualizablething_residence concept:atdate concept_month_march +concept_visualizablething_residence concept:atdate concept_month_may +concept_visualizablething_residence concept:atdate concept_month_october +concept_visualizablething_residence concept:mutualproxyfor concept_vehicle_three +concept_visualizablething_residence concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_residence concept:mutualproxyfor concept_weatherphenomenon_two +concept_visualizablething_residence concept:atdate concept_year_n1997 +concept_visualizablething_residency concept:proxyfor concept_book_new +concept_visualizablething_residency concept:atdate concept_date_n2004 +concept_visualizablething_residency concept:atdate concept_dateliteral_n2005 +concept_visualizablething_residency concept:atdate concept_dateliteral_n2008 +concept_visualizablething_rice_research concept:latitudelongitude -3.8666700000000,143.0166700000000 +concept_visualizablething_rinse concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_rite concept:proxyfor concept_book_new +concept_visualizablething_roulade concept:latitudelongitude 49.7793200000000,-72.1546500000000 +concept_visualizablething_round_shape concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_roux concept:thinghascolor concept_color_brown +concept_visualizablething_rutland concept:locationlocatedwithinlocation concept_beach_vermont +concept_visualizablething_rutland concept:proxyfor concept_beach_vermont +concept_visualizablething_rutland concept:mutualproxyfor concept_university_vermont +concept_visualizablething_rutland concept:subpartof concept_university_vermont +concept_visualizablething_saint_lucia concept:countrylocatedingeopoliticallocation concept_country_countries +concept_visualizablething_salt_pork concept:latitudelongitude 46.6207800000000,-89.8587800000000 +concept_visualizablething_salts concept:chemicalistypeofchemical concept_chemical_carbon +concept_visualizablething_salts concept:chemicalistypeofchemical concept_chemical_substances +concept_visualizablething_salty_water concept:latitudelongitude 35.8419400000000,-111.0340300000000 +concept_visualizablething_saute concept:thinghascolor concept_color_brown +concept_visualizablething_scottsdale concept:proxyfor concept_beverage_arizona +concept_visualizablething_scottsdale concept:subpartof concept_beverage_arizona +concept_visualizablething_scottsdale concept:atdate concept_date_n2009 +concept_visualizablething_sea concept:thinghascolor concept_color_blue +concept_visualizablething_sea concept:thinghascolor concept_color_sky +concept_visualizablething_seaport concept:proxyfor concept_politicaloffice_new +concept_visualizablething_seasonings concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_black_pepper +concept_visualizablething_seasonings concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken +concept_visualizablething_seasonings concept:agriculturalproductcookedwithagriculturalproduct concept_meat_chicken_breast +concept_visualizablething_seasonings concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_visualizablething_semesters concept:mutualproxyfor concept_book_new +concept_visualizablething_semesters concept:proxyfor concept_politicaloffice_new +concept_visualizablething_service_car concept:persondiedincountry concept_country_england +concept_visualizablething_service_mission concept:persondiedincountry concept_country_england +concept_visualizablething_settlement concept:proxyfor concept_book_new +concept_visualizablething_settlement concept:atdate concept_date_n1999 +concept_visualizablething_settlement concept:atdate concept_date_n2004 +concept_visualizablething_settlement concept:atdate concept_dateliteral_n2002 +concept_visualizablething_settlement concept:atdate concept_dateliteral_n2005 +concept_visualizablething_settlement concept:atdate concept_dateliteral_n2007 +concept_visualizablething_settlement concept:atdate concept_dateliteral_n2008 +concept_visualizablething_settlement concept:atdate concept_year_n1994 +concept_visualizablething_settlement concept:atdate concept_year_n1998 +concept_visualizablething_shillong concept:proxyfor concept_stateorprovince_meghalaya +concept_visualizablething_site concept:atdate concept_date_n1966 +concept_visualizablething_site concept:atdate concept_date_n1993 +concept_visualizablething_site concept:atdate concept_date_n1996 +concept_visualizablething_site concept:atdate concept_date_n1999 +concept_visualizablething_site concept:atdate concept_date_n2003 +concept_visualizablething_site concept:atdate concept_date_n2004 +concept_visualizablething_site concept:atdate concept_dateliteral_n1917 +concept_visualizablething_site concept:atdate concept_dateliteral_n1990 +concept_visualizablething_site concept:atdate concept_dateliteral_n2002 +concept_visualizablething_site concept:atdate concept_dateliteral_n2005 +concept_visualizablething_site concept:atdate concept_dateliteral_n2006 +concept_visualizablething_site concept:atdate concept_dateliteral_n2007 +concept_visualizablething_site concept:istallerthan concept_publication_people_ +concept_visualizablething_site concept:atdate concept_year_n1985 +concept_visualizablething_site concept:atdate concept_year_n1997 +concept_visualizablething_sligo concept:locationlocatedwithinlocation concept_country_ireland +concept_visualizablething_slivers concept:latitudelongitude 45.9477300000000,-91.1868400000000 +concept_visualizablething_solvent concept:chemicalistypeofchemical concept_chemical_solution +concept_visualizablething_sooji concept:latitudelongitude 38.0511100000000,127.6388900000000 +concept_visualizablething_soy_protein concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_visualizablething_split concept:locationlocatedwithinlocation concept_country_croatia +concept_visualizablething_spokane concept:locationlocatedwithinlocation concept_city_washington_d_c +concept_visualizablething_spouts concept:latitudelongitude 17.5000000000000,-62.9666700000000 +concept_visualizablething_sprinkling concept:latitudelongitude 41.5703500000000,-77.5397000000000 +concept_visualizablething_steamboat_springs concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_sugar_land concept:atlocation concept_stateorprovince_texas +concept_visualizablething_sugar_land concept:mutualproxyfor concept_stateorprovince_texas +concept_visualizablething_sugar_land concept:subpartof concept_stateorprovince_texas +concept_visualizablething_surat concept:proxyfor concept_stateorprovince_gujarat +concept_visualizablething_tables concept:atdate concept_dateliteral_n2008 +concept_visualizablething_tea_estates concept:latitudelongitude 0.1500000000000,34.9333300000000 +concept_visualizablething_television concept:itemfoundinroom concept_visualizablething_bathroom +concept_visualizablething_tepic concept:mutualproxyfor concept_geopoliticallocation_nayarit +concept_visualizablething_texas_austin concept:proxyfor concept_city_texas +concept_visualizablething_thousand_years concept:proxyfor concept_book_new +concept_visualizablething_thousand_years concept:atlocation concept_hotel_north +concept_visualizablething_thousand_years concept:atlocation concept_lake_new +concept_visualizablething_tincture concept:latitudelongitude 38.2575900000000,-82.0843000000000 +concept_visualizablething_tire concept:thinghascolor concept_color_black +concept_visualizablething_tobago concept:atdate concept_date_n2004 +concept_visualizablething_tourist_attractions concept:proxyfor concept_book_new +concept_visualizablething_town_gate concept:latitudelongitude 33.9389100000000,-117.2619800000000 +concept_visualizablething_tram concept:transportationincity concept_city_melbourne +concept_visualizablething_treacle concept:latitudelongitude 40.1285800000000,-83.4954766666667 +concept_visualizablething_tree concept:plantrepresentemotion concept_emotion_friendship +concept_visualizablething_tree concept:plantincludeplant concept_plant_acacia +concept_visualizablething_tree concept:plantincludeplant concept_plant_alder +concept_visualizablething_tree concept:plantincludeplant concept_plant_ash +concept_visualizablething_tree concept:plantincludeplant concept_plant_aspen +concept_visualizablething_tree concept:plantincludeplant concept_plant_beech +concept_visualizablething_tree concept:plantincludeplant concept_plant_birch +concept_visualizablething_tree concept:plantincludeplant concept_plant_cedar +concept_visualizablething_tree concept:plantincludeplant concept_plant_cherry +concept_visualizablething_tree concept:plantincludeplant concept_plant_elm +concept_visualizablething_tree concept:plantincludeplant concept_plant_fir +concept_visualizablething_tree concept:plantincludeplant concept_plant_hemlock +concept_visualizablething_tree concept:plantincludeplant concept_plant_larch +concept_visualizablething_tree concept:plantincludeplant concept_plant_maple +concept_visualizablething_tree concept:plantincludeplant concept_plant_moss +concept_visualizablething_tree concept:plantincludeplant concept_plant_oak +concept_visualizablething_tree concept:plantincludeplant concept_plant_oak_tree +concept_visualizablething_tree concept:plantincludeplant concept_plant_palm +concept_visualizablething_tree concept:plantincludeplant concept_plant_pine +concept_visualizablething_tree concept:plantincludeplant concept_plant_spruce +concept_visualizablething_tree concept:plantincludeplant concept_plant_sycamore +concept_visualizablething_tree concept:plantincludeplant concept_plant_vine +concept_visualizablething_tree concept:plantincludeplant concept_plant_willow +concept_visualizablething_tree concept:plantgrowinginplant concept_vegetable_grass +concept_visualizablething_tri_state_area concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_tri_state_area concept:proxyfor concept_lake_new +concept_visualizablething_triangle concept:thinghasshape concept_astronaut_height +concept_visualizablething_triangle concept:thinghasshape concept_beach_center +concept_visualizablething_triangle concept:thinghasshape concept_ceo_online_application_form +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_altitude +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_altitudes +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_angle +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_area +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_base +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_cases +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_centroid +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_circle +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_circles +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_circumcenter +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_circumcircle +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_congruent_sides +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_construction +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_corners +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_definition +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_edge +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_edges +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_equal_sides +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_example +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_figure +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_geometry +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_hypotenuse +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_length +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_lengths +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_line +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_lines +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_perimeter +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_picture +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_plane +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_point +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_properties +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_property +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_ratios +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_right_triangle +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_shape +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_side +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_sides +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_size +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_square +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_symmetry +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_three_sides +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_two_sides +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_vertex +concept_visualizablething_triangle concept:thinghasshape concept_geometricshape_vertices +concept_visualizablething_triangle concept:thinghasshape concept_visualizablething_acute_angle +concept_visualizablething_triangle concept:thinghasshape concept_visualizablething_points +concept_visualizablething_trivandrum concept:proxyfor concept_stateorprovince_kerala +concept_visualizablething_truckee concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_visualizablething_tsampa concept:latitudelongitude -25.2000000000000,45.1666700000000 +concept_visualizablething_tv_stations concept:proxyfor concept_politicaloffice_new +concept_visualizablething_urine concept:thinghascolor concept_color_orange +concept_visualizablething_urine concept:thinghascolor concept_color_yellow +concept_visualizablething_use concept:subpartoforganization concept_blog_form +concept_visualizablething_use concept:agentcreated concept_book_print +concept_visualizablething_use concept:subpartof concept_book_terms +concept_visualizablething_use concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_visualizablething_use concept:atdate concept_date_n1951 +concept_visualizablething_use concept:atdate concept_date_n1993 +concept_visualizablething_use concept:atdate concept_date_n1996 +concept_visualizablething_use concept:atdate concept_date_n1999 +concept_visualizablething_use concept:atdate concept_date_n2000 +concept_visualizablething_use concept:atdate concept_date_n2001 +concept_visualizablething_use concept:atdate concept_date_n2003 +concept_visualizablething_use concept:atdate concept_date_n2004 +concept_visualizablething_use concept:atdate concept_date_n2009 +concept_visualizablething_use concept:atdate concept_dateliteral_n2002 +concept_visualizablething_use concept:atdate concept_dateliteral_n2005 +concept_visualizablething_use concept:atdate concept_dateliteral_n2006 +concept_visualizablething_use concept:atdate concept_dateliteral_n2007 +concept_visualizablething_use concept:atdate concept_dateliteral_n2008 +concept_visualizablething_use concept:thinghasshape concept_geometricshape_triangle +concept_visualizablething_use concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_visualizablething_use concept:agentcollaborateswithagent concept_politicianus_form +concept_visualizablething_use concept:agentinvolvedwithitem concept_product_illustrator +concept_visualizablething_use concept:agentinvolvedwithitem concept_product_photoshop +concept_visualizablething_use concept:istallerthan concept_publication_people_ +concept_visualizablething_use concept:agentparticipatedinevent concept_sportsgame_series +concept_visualizablething_use concept:agentparticipatedinevent concept_sportsgame_terms +concept_visualizablething_use concept:agentcompeteswithagent concept_tradeunion_search +concept_visualizablething_use concept:subpartof concept_weatherphenomenon_air +concept_visualizablething_use concept:atdate concept_year_n1983 +concept_visualizablething_use concept:atdate concept_year_n1989 +concept_visualizablething_use concept:atdate concept_year_n1994 +concept_visualizablething_use concept:atdate concept_year_n1997 +concept_visualizablething_use concept:atdate concept_year_n1998 +concept_visualizablething_use001 concept:persondiedincountry concept_country_england +concept_visualizablething_use_directions concept:persondiedincountry concept_country_england +concept_visualizablething_use_membership concept:persondiedincountry concept_country_england +concept_visualizablething_vegas_loans concept:proxyfor concept_bathroomitem_casino +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_canola_oil +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_olive_oil +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_agriculturalproduct_sunflower +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_food_oil +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_food_soy +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_vegetable_corn +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_canola +concept_visualizablething_vegetable_oils concept:agriculturalproductincludingagriculturalproduct concept_visualizablething_soybean_oil +concept_visualizablething_ventilation concept:latitudelongitude 40.7051000000000,-74.0151400000000 +concept_visualizablething_verandas concept:latitudelongitude 38.6958300000000,-9.3708300000000 +concept_visualizablething_vermeil concept:coachwontrophy concept_awardtrophytournament_super_bowl +concept_visualizablething_vermeil concept:coachwontrophy concept_awardtrophytournament_super_bowl_xlii +concept_visualizablething_vermeil concept:coachesinleague concept_sportsleague_nfl +concept_visualizablething_vibrant_city concept:proxyfor concept_lake_new +concept_visualizablething_vidalia concept:atlocation concept_stateorprovince_georgia +concept_visualizablething_vidalia concept:proxyfor concept_stateorprovince_georgia +concept_visualizablething_wash_water concept:latitudelongitude 39.3201100000000,-76.6655300000000 +concept_visualizablething_water_lakes concept:latitudelongitude 61.0713900000000,-151.1413900000000 +concept_visualizablething_water_research concept:latitudelongitude 41.7393800000000,-111.7955000000000 +concept_visualizablething_water_right concept:latitudelongitude 34.5744400000000,-111.2350000000000 +concept_visualizablething_water_supply concept:subpartof concept_weatherphenomenon_water +concept_visualizablething_water_vapour concept:chemicalistypeofchemical concept_chemical_carbon +concept_visualizablething_water_vapour concept:chemicalistypeofchemical concept_chemical_emissions +concept_visualizablething_water_vapour concept:chemicalistypeofchemical concept_chemical_gas +concept_visualizablething_water_vapour concept:chemicalistypeofchemical concept_chemical_gases +concept_visualizablething_water_vapour concept:chemicalistypeofchemical concept_chemical_hydrogen +concept_visualizablething_water_work concept:latitudelongitude 47.9437100000000,-121.8287300000000 +concept_visualizablething_web_page concept:atdate concept_date_n2003 +concept_visualizablething_web_page concept:atdate concept_date_n2004 +concept_visualizablething_web_page concept:atdate concept_dateliteral_n2002 +concept_visualizablething_web_page concept:atdate concept_dateliteral_n2005 +concept_visualizablething_web_page concept:atdate concept_dateliteral_n2006 +concept_visualizablething_web_page concept:atdate concept_dateliteral_n2007 +concept_visualizablething_web_page concept:atdate concept_dateliteral_n2008 +concept_visualizablething_webpage concept:atdate concept_dateliteral_n2007 +concept_visualizablething_wedges concept:thinghasshape concept_geometricshape_score +concept_visualizablething_weekends concept:mutualproxyfor concept_book_new +concept_visualizablething_weekends concept:atdate concept_dateliteral_n2007 +concept_visualizablething_weekends concept:atlocation concept_lake_new +concept_visualizablething_weekends concept:proxyfor concept_politicaloffice_new +concept_visualizablething_wellington concept:atdate concept_date_n2000 +concept_visualizablething_wellington concept:atdate concept_date_n2001 +concept_visualizablething_wellington concept:atdate concept_dateliteral_n2007 +concept_visualizablething_wine_and concept:latitudelongitude 48.4667000000000,15.6667000000000 +concept_visualizablething_wrong_way concept:latitudelongitude 46.0665000000000,-123.3387300000000 +concept_visualizablething_years concept:agentparticipatedinevent concept_sportsgame_series +concept_visualizablething_years concept:agentactsinlocation concept_street_south_east +concept_visualizablething_zanzibar concept:locationlocatedwithinlocation concept_country_tanzania +concept_wallitem_affiliate concept:proxyfor concept_book_new +concept_wallitem_beginning concept:proxyfor concept_book_new +concept_wallitem_beginning concept:atdate concept_date_n1996 +concept_wallitem_beginning concept:atdate concept_date_n1999 +concept_wallitem_beginning concept:atdate concept_date_n2000 +concept_wallitem_beginning concept:atdate concept_date_n2001 +concept_wallitem_beginning concept:atdate concept_date_n2003 +concept_wallitem_beginning concept:atdate concept_date_n2004 +concept_wallitem_beginning concept:atdate concept_date_n2009 +concept_wallitem_beginning concept:atdate concept_dateliteral_n1987 +concept_wallitem_beginning concept:atdate concept_dateliteral_n2002 +concept_wallitem_beginning concept:atdate concept_dateliteral_n2005 +concept_wallitem_beginning concept:atdate concept_dateliteral_n2006 +concept_wallitem_beginning concept:atdate concept_dateliteral_n2007 +concept_wallitem_beginning concept:atdate concept_dateliteral_n2008 +concept_wallitem_beginning concept:subpartof concept_hallwayitem_air +concept_wallitem_beginning concept:atdate concept_year_n1984 +concept_wallitem_beginning concept:atdate concept_year_n1991 +concept_wallitem_beginning concept:atdate concept_year_n1992 +concept_wallitem_beginning concept:atdate concept_year_n1994 +concept_wallitem_beginning concept:atdate concept_year_n1995 +concept_wallitem_beginning concept:atdate concept_year_n1997 +concept_wallitem_beginning concept:atdate concept_year_n1998 +concept_wallitem_detail concept:atdate concept_dateliteral_n2006 +concept_wallitem_distributor concept:proxyfor concept_book_new +concept_wallitem_division concept:mutualproxyfor concept_book_new +concept_wallitem_effort concept:proxyfor concept_book_new +concept_wallitem_effort concept:atdate concept_date_n1999 +concept_wallitem_effort concept:atdate concept_date_n2000 +concept_wallitem_effort concept:atdate concept_date_n2001 +concept_wallitem_effort concept:atdate concept_date_n2003 +concept_wallitem_effort concept:atdate concept_dateliteral_n2002 +concept_wallitem_effort concept:atdate concept_dateliteral_n2006 +concept_wallitem_effort concept:atdate concept_dateliteral_n2007 +concept_wallitem_effort concept:atdate concept_dateliteral_n2008 +concept_wallitem_effort concept:istallerthan concept_publication_people_ +concept_wallitem_effort concept:subpartof concept_weatherphenomenon_water +concept_wallitem_instrument concept:subpartof concept_hallwayitem_air +concept_wallitem_lancome concept:mutualproxyfor concept_person_odile_roujol +concept_wallitem_loan concept:subpartof concept_weatherphenomenon_water +concept_wallitem_old concept:atlocation concept_city_place +concept_wallitem_old concept:atlocation concept_country_england +concept_wallitem_plans concept:mutualproxyfor concept_person_mugabe +concept_wallitem_problems concept:mutualproxyfor concept_book_new +concept_wallitem_reflection concept:mutualproxyfor concept_book_new +concept_wallitem_spring concept:atlocation concept_city_texas +concept_wallitem_spring concept:mutualproxyfor concept_city_texas +concept_wallitem_watchmaker concept:latitudelongitude -42.9482900000000,170.9001200000000 +concept_wallitem_well_a concept:latitudelongitude 33.0241000000000,-108.5821400000000 +concept_wallitem_wheelchair concept:proxyfor concept_book_new +concept_wallitem_wireless concept:synonymfor concept_physicalcharacteristic_sta +concept_wallitem_works concept:mutualproxyfor concept_book_new +concept_wallitem_works concept:subpartof concept_chemical_sewage +concept_wallitem_works concept:atdate concept_dateliteral_n2006 +concept_wallitem_works concept:atdate concept_dateliteral_n2008 +concept_wallitem_works concept:subpartof concept_hallwayitem_air +concept_wallitem_works concept:subpartof concept_visualizablething_water_supply +concept_wallitem_works concept:subpartof concept_weatherphenomenon_water +concept_wallitem_writing concept:atdate concept_date_n1999 +concept_wallitem_writing concept:atdate concept_date_n2001 +concept_wallitem_writing concept:atdate concept_date_n2003 +concept_wallitem_writing concept:atdate concept_date_n2004 +concept_wallitem_writing concept:atdate concept_dateliteral_n2002 +concept_wallitem_writing concept:atdate concept_dateliteral_n2007 +concept_wallitem_writing concept:atdate concept_dateliteral_n2008 +concept_weapon__38_caliber_revolver concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_abrams_tanks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_action_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_actual_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_additional_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_african_uranium concept:weaponmadeincountry concept_country_iraq +concept_weapon_aid concept:weaponmadeincountry concept_country_afghanistan +concept_weapon_aid concept:weaponmadeincountry concept_country_israel +concept_weapon_air_defense_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_soft_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_to_ground_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_to_space_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_to_underwater_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_air_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_aircraft_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_aircraft_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_airgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_airsoft_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_airsoft_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_airsoft_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ak_47_automatic_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ak_47_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ak_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_alien_batleth_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_all_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_american_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ammunitions concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_aircraft_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_ballistic_missile concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_anti_ballistic_missile concept:weaponmadeincountry concept_country_poland +concept_weapon_anti_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_ship_ballistic_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_ship_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_ship_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_submarine_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_anti_tank_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_antipersonnel_mines concept:atdate concept_date_n2001 +concept_weapon_antipersonnel_mines concept:atdate concept_date_n2003 +concept_weapon_antique_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_antitank_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_antitank_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ar_15_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_armageddon_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_armalite_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_armaments concept:weaponmadeincountry concept_country_iran +concept_weapon_arms concept:weaponmadeincountry concept_country___america +concept_weapon_arms concept:weaponmadeincountry concept_country_afghanistan +concept_weapon_arms concept:weaponmadeincountry concept_country_algeria +concept_weapon_arms concept:weaponmadeincountry concept_country_apartheid_south_africa +concept_weapon_arms concept:weaponmadeincountry concept_country_arabia_saudita +concept_weapon_arms concept:weaponmadeincountry concept_country_argentina +concept_weapon_arms concept:weaponmadeincountry concept_country_bangladesh +concept_weapon_arms concept:weaponmadeincountry concept_country_bosnia_herzegovina +concept_weapon_arms concept:weaponmadeincountry concept_country_bosnian_government +concept_weapon_arms concept:weaponmadeincountry concept_country_bosnian_muslims +concept_weapon_arms concept:weaponmadeincountry concept_country_britain +concept_weapon_arms concept:weaponmadeincountry concept_country_burma +concept_weapon_arms concept:weaponmadeincountry concept_country_burundi +concept_weapon_arms concept:weaponmadeincountry concept_country_china +concept_weapon_arms concept:weaponmadeincountry concept_country_colombia +concept_weapon_arms concept:weaponmadeincountry concept_country_croatia +concept_weapon_arms concept:weaponmadeincountry concept_country_cuba +concept_weapon_arms concept:weaponmadeincountry concept_country_darfur +concept_weapon_arms concept:weaponmadeincountry concept_country_democratic_republic_of_congo +concept_weapon_arms concept:weaponmadeincountry concept_country_egypt +concept_weapon_arms concept:weaponmadeincountry concept_country_el_salvador +concept_weapon_arms concept:weaponmadeincountry concept_country_ethiopia +concept_weapon_arms concept:weaponmadeincountry concept_country_former_soviet_union +concept_weapon_arms concept:weaponmadeincountry concept_country_germany +concept_weapon_arms concept:weaponmadeincountry concept_country_haiti +concept_weapon_arms concept:weaponmadeincountry concept_country_indonesia +concept_weapon_arms concept:weaponmadeincountry concept_country_iran +concept_weapon_arms concept:weaponmadeincountry concept_country_iraq +concept_weapon_arms concept:weaponmadeincountry concept_country_israel +concept_weapon_arms concept:weaponmadeincountry concept_country_ivory_coast +concept_weapon_arms concept:weaponmadeincountry concept_country_japan +concept_weapon_arms concept:weaponmadeincountry concept_country_jordan +concept_weapon_arms concept:weaponmadeincountry concept_country_lebanon +concept_weapon_arms concept:weaponmadeincountry concept_country_liberia +concept_weapon_arms concept:weaponmadeincountry concept_country_libya +concept_weapon_arms concept:weaponmadeincountry concept_country_macedonia +concept_weapon_arms concept:weaponmadeincountry concept_country_montenegro +concept_weapon_arms concept:weaponmadeincountry concept_country_morocco +concept_weapon_arms concept:weaponmadeincountry concept_country_mozambique +concept_weapon_arms concept:weaponmadeincountry concept_country_myanmar_burma +concept_weapon_arms concept:weaponmadeincountry concept_country_nepal +concept_weapon_arms concept:weaponmadeincountry concept_country_pakistan +concept_weapon_arms concept:weaponmadeincountry concept_country_portugal +concept_weapon_arms concept:weaponmadeincountry concept_country_republic +concept_weapon_arms concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_arms concept:weaponmadeincountry concept_country_russia +concept_weapon_arms concept:weaponmadeincountry concept_country_rwanda +concept_weapon_arms concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_arms concept:weaponmadeincountry concept_country_sierra_leone +concept_weapon_arms concept:weaponmadeincountry concept_country_sinai +concept_weapon_arms concept:weaponmadeincountry concept_country_somalia +concept_weapon_arms concept:weaponmadeincountry concept_country_south_africa +concept_weapon_arms concept:weaponmadeincountry concept_country_soviet_union +concept_weapon_arms concept:weaponmadeincountry concept_country_sri_lanka +concept_weapon_arms concept:weaponmadeincountry concept_country_sudan +concept_weapon_arms concept:weaponmadeincountry concept_country_syria +concept_weapon_arms concept:weaponmadeincountry concept_country_taiwan +concept_weapon_arms concept:weaponmadeincountry concept_country_turkey +concept_weapon_arms concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_arms concept:weaponmadeincountry concept_country_ukraine +concept_weapon_arms concept:weaponmadeincountry concept_country_us +concept_weapon_arms concept:weaponmadeincountry concept_country_usa +concept_weapon_arms concept:weaponmadeincountry concept_country_ussr_ +concept_weapon_arms concept:weaponmadeincountry concept_country_venezuela +concept_weapon_arms concept:weaponmadeincountry concept_country_west_indies +concept_weapon_arms concept:weaponmadeincountry concept_country_zimbabwe +concept_weapon_arms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_5 concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_ammunition concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_coat concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_code concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_program concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_service concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arms_symbol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_arsenals concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_arsenals concept:weaponmadeincountry concept_country_us +concept_weapon_arsenals concept:weaponmadeincountry concept_country_west_indies +concept_weapon_artillery concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_artillery_shells concept:weaponmadeincountry concept_country_israel +concept_weapon_artillery_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_asats concept:latitudelongitude 31.3500000000000,-7.4500000000000 +concept_weapon_assault_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_assault_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_assualt_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_atlatl concept:latitudelongitude 36.4205300000000,-114.5513750000000 +concept_weapon_atom_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_atomic_bomb concept:weaponmadeincountry concept_country_iran +concept_weapon_atomic_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_atomic_bombs concept:weaponmadeincountry concept_country_iran +concept_weapon_atomic_weapon concept:weaponmadeincountry concept_country_iran +concept_weapon_atomic_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_autoloader concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_automatic_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_auxiliary_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_average_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_axe concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_b_2_bomber concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_back_up_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_backup_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_baikal_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_baker_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ball concept:thinghasshape concept_ceo_online_application_form +concept_weapon_ball concept:thinghasshape concept_geometricshape_round +concept_weapon_ball concept:thinghasshape concept_geometricshape_shape +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country___america +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_iran +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_israel +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_korea +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_pakistan +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_poland +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_taiwan +concept_weapon_ballistic_missile concept:weaponmadeincountry concept_country_us +concept_weapon_ballistic_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ballistic_missiles concept:weaponmadeincountry concept_country_israel +concept_weapon_ballistic_missiles concept:weaponmadeincountry concept_country_japan +concept_weapon_barrel_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_barrel_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_battle_ready_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_battle_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_battlefield_short_range_ballistic_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bazooka concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bazookas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bbs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_beam_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_beam_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_beam_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_beautiful_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_beautiful_stone_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_belt_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_big_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_big_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_big_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_big_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bigger_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_black_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_black_semi_automatic_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_black_semi_automatic_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blade_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blaster_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blaster_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blaster_rifle_vs_laser_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blow_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blowgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blowguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_blue_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bo_staff concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bolt_action_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bolt_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bolt_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bomb concept:weaponmadeincountry concept_country___america +concept_weapon_bomb concept:weaponmadeincountry concept_country_china +concept_weapon_bomb concept:weaponmadeincountry concept_country_france_france +concept_weapon_bomb concept:weaponmadeincountry concept_country_germany +concept_weapon_bomb concept:weaponmadeincountry concept_country_iran +concept_weapon_bomb concept:weaponmadeincountry concept_country_iraq +concept_weapon_bomb concept:weaponmadeincountry concept_country_israel +concept_weapon_bomb concept:weaponmadeincountry concept_country_japan +concept_weapon_bomb concept:weaponmadeincountry concept_country_pakistan +concept_weapon_bomb concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_bomb concept:weaponmadeincountry concept_country_russia +concept_weapon_bomb concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_bomb concept:weaponmadeincountry concept_country_soviet_union +concept_weapon_bomb concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_bomb concept:weaponmadeincountry concept_country_us +concept_weapon_bomb concept:weaponmadeincountry concept_country_usa +concept_weapon_bomb concept:weaponmadeincountry concept_country_west_indies +concept_weapon_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bomb_laden_vehicle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bomb_materials concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bomb_shells concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bombs concept:weaponmadeincountry concept_country___america +concept_weapon_bombs concept:weaponmadeincountry concept_country__israel +concept_weapon_bombs concept:weaponmadeincountry concept_country_iran +concept_weapon_bombs concept:weaponmadeincountry concept_country_iraq +concept_weapon_bombs concept:weaponmadeincountry concept_country_israel +concept_weapon_bombs concept:weaponmadeincountry concept_country_israeli +concept_weapon_bombs concept:weaponmadeincountry concept_country_pakistan +concept_weapon_bombs concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_bombs concept:weaponmadeincountry concept_country_russia +concept_weapon_bombs concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_bombs concept:weaponmadeincountry concept_country_us +concept_weapon_bombs concept:weaponmadeincountry concept_country_usa +concept_weapon_bombs concept:weaponmadeincountry concept_country_west_indies +concept_weapon_boost_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_border concept:atdate concept_date_n1993 +concept_weapon_border concept:atdate concept_date_n1999 +concept_weapon_border concept:atdate concept_date_n2000 +concept_weapon_border concept:atdate concept_date_n2001 +concept_weapon_border concept:atdate concept_date_n2003 +concept_weapon_border concept:atdate concept_date_n2004 +concept_weapon_border concept:atdate concept_dateliteral_n2005 +concept_weapon_border concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_bottle_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bow concept:weaponmadeincountry concept_country_france_france +concept_weapon_bow concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bowie_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bows concept:weaponmadeincountry concept_country_brazil +concept_weapon_bows concept:weaponmadeincountry concept_country_china +concept_weapon_boxed_collectible_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_brahmos_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_breech_loaders concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_broadswords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bronze_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_brute_shot concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_buddha_katana_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_building_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_buildings concept:mutualproxyfor concept_book_new +concept_weapon_bunker_buster concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bunker_busters concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bush_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_bushido_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_butterfly_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_buzz_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_caliber_automatic_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_caliber_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_caliber_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_california_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_canada_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cane_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cannon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_car_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_car_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_carbine concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_carbines concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_carbon_steel_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_caribbean_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cars_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cartridge_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_case concept:mutualproxyfor concept_book_new +concept_weapon_case concept:thinghasshape concept_geometricshape_triangle +concept_weapon_case concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_case concept:subpartof concept_mldataset_aol +concept_weapon_case concept:subpartof concept_weatherphenomenon_air +concept_weapon_cavalry_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_chain_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_charge concept:proxyfor concept_book_new +concept_weapon_charge concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_charge concept:subpartof concept_weatherphenomenon_water +concept_weapon_charges concept:mutualproxyfor concept_book_new +concept_weapon_cheap concept:atlocation concept_building_vegas +concept_weapon_cheap concept:atlocation concept_city_vegas_casino +concept_weapon_cheap concept:atlocation concept_county_las_vegas +concept_weapon_cheap_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cheap_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_chemical_weapons concept:weaponmadeincountry concept_country_iran +concept_weapon_chemical_weapons concept:weaponmadeincountry concept_country_iranians +concept_weapon_chemical_weapons concept:weaponmadeincountry concept_country_iraq +concept_weapon_chemical_weapons concept:weaponmadeincountry concept_country_russia +concept_weapon_chemical_weapons concept:weaponmadeincountry concept_country_syria +concept_weapon_chin_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_chinese_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_civil_war_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_clean_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cleaner_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_close_combat_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_bombs concept:weaponmadeincountry concept_country_us +concept_weapon_cluster_bombs concept:weaponmadeincountry concept_country_usa +concept_weapon_cluster_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_bombs_to_multiple_launch_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_munition concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_munitions concept:weaponmadeincountry concept_country_us +concept_weapon_cluster_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cluster_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_coal__ concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_coal_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_coal_oil concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cold_steel_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cold_steel_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_coleman_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_collectible_display_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_collectible_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_colorwood_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_colt_45 concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_colt_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_combat_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_combat_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_combined_cycle_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_command_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_commercial_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_comparing_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_composite_bow concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_concusion_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_contact_us concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_convenient_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_conventional_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_conventional_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cooperation_agreement concept:atdate concept_dateliteral_n2007 +concept_weapon_corner_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_course concept:mutualproxyfor concept_book_new +concept_weapon_course concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_courses concept:mutualproxyfor concept_book_new +concept_weapon_cozy_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_crime concept:proxyfor concept_book_new +concept_weapon_crime concept:atdate concept_date_n2001 +concept_weapon_crime concept:atdate concept_dateliteral_n2007 +concept_weapon_crossbow concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_crude_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cruise_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cudgels concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_current_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_current_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_curved_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_custom_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_custom_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_custom_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cutlass concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cutlasses concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_cycle_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dagger concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dangerous_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dangerous_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dart_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_de_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_deadly_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_deck_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_defense concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_desert_eagle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_destroyer_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_devices concept:weaponmadeincountry concept_country_iran +concept_weapon_devices concept:weaponmadeincountry concept_country_iraq +concept_weapon_devices concept:weaponmadeincountry concept_country_pakistan +concept_weapon_devices concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_devices concept:weaponmadeincountry concept_country_west_indies +concept_weapon_devices concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_direct_vent_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_directory_collection concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_directory_dog concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_directory_this_page concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dirtiest_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_display concept:atdate concept_dateliteral_n2008 +concept_weapon_diver_s_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dlt20_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dn_bolt_caster concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_domestic_oil concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_door_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_double_barrel_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_double_barreled_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_double_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_double_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_dragon_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_draw_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_eagle_arms_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_eapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_easy_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_efficiency_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_efficiency_oil concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_efficient_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_efficient_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_efficient_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_electric_battery concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_electric_gun_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_electric_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_electroshock_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_emission_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_emissions_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_emp_launcher concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_emp_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_energy_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_energy_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_enfield_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_enormous_wood concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_equipment concept:weaponmadeincountry concept_country_iran +concept_weapon_equipment concept:weaponmadeincountry concept_country_libya +concept_weapon_equipment concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ethanol_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_existing_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_expansion concept:atdate concept_date_n2001 +concept_weapon_expansion concept:atdate concept_date_n2003 +concept_weapon_expansion concept:atdate concept_date_n2004 +concept_weapon_expansion concept:atdate concept_dateliteral_n2005 +concept_weapon_expansion concept:atdate concept_dateliteral_n2006 +concept_weapon_expansion concept:atdate concept_dateliteral_n2007 +concept_weapon_expansion concept:atdate concept_dateliteral_n2008 +concept_weapon_expensive_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_explosives concept:weaponmadeincountry concept_country_egypt +concept_weapon_explosives concept:weaponmadeincountry concept_country_iraq +concept_weapon_explosives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_explosives_belt concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_explosives_packed_car concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilities concept:weaponmadeincountry concept_country_west_indies +concept_weapon_facilities concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_facilities concept:itemfoundinroom concept_visualizablething_bathroom +concept_weapon_facilities concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilities_hotel_facilities concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilities_iron concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilities_telephone_wireless_internet_access concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilities_television concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_facilties concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_factory_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fall concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_fantasy_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fast_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_favorite_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fc_fire_rockets_and_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fdt_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fencing_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fertilizer_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_film_camera concept:objectpartofobject concept_visualizableobject_lens +concept_weapon_final_fantasy_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fingers concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_fingers concept:subpartof concept_website_blood +concept_weapon_finish concept:atdate concept_date_n2009 +concept_weapon_finish concept:atdate concept_dateliteral_n2008 +concept_weapon_fire_fly_stun_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fire_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_firearm concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_firearms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_firebombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_first_atomic_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_first_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_first_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fist concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_five_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_five_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_five_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_five_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_five_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flag concept:atdate concept_year_n1776 +concept_weapon_flak_cannon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flamethrower concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flamethrowers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flint_lock_muskets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flintlock_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flintlock_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flintlock_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_flintlocks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_foam_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_forum concept:atlocation concept_county_los_angeles_county +concept_weapon_four_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_four_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_four_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fragmentation_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fuel concept:weaponmadeincountry concept_country_iran +concept_weapon_fuel concept:weaponmadeincountry concept_country_pakistan +concept_weapon_fuel concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_fuel_air_explosives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fuel_cycle concept:weaponmadeincountry concept_country_iran +concept_weapon_fuel_cycle_technologies concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fuel_efficient_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fuel_rod_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fuel_truck concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_full_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fusion_cutter concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_fusion_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_future_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_futuristic_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_game_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_garands concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas concept:objectpartofobject concept_visualizableobject_wheel +concept_weapon_gas_canisters concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_cannisters concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_cannot concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_consumers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_costs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_devices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_emits concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_equipment concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_equivalent concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_file concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_fired_power concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_flows concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_fluctuates concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_gasoline concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_grenade concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_imports concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_increase concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_masks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_natural_gas_prices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_needs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_oil concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_pany concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_plant_liquids concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_plants concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_power_plants concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_prices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_rates concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_reserves concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_resources concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_rights concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_rises concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_royalties concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_runs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_scooters_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_services concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_shells concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_shipments concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_skyrockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_sniper_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_spikes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_stocks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_supplies concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_transit concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_vehicle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_volumes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gas_yesterday concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gasnatural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gasnatural_gas_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gauss_battle_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_giant_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_giant_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gladius concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gladius_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_glaives concept:latitudelongitude 47.8333300000000,2.9500000000000 +concept_weapon_glaives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_glock_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_godsword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gravity_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gravity_hammer concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_great_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_green_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_grenade_launcher concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_grenade_launchers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gulf_war concept:atdate concept_year_n1991 +concept_weapon_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gun_devices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gun_right concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gunpowder_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_guns concept:weaponmadeincountry concept_country_canada_canada +concept_weapon_guns concept:weaponmadeincountry concept_country_china +concept_weapon_guns concept:weaponmadeincountry concept_country_england +concept_weapon_guns concept:weaponmadeincountry concept_country_japan +concept_weapon_guns concept:weaponmadeincountry concept_country_spain +concept_weapon_guns concept:weaponmadeincountry concept_country_turkey +concept_weapon_guns concept:weaponmadeincountry concept_country_u_s_a_ +concept_weapon_guns concept:weaponmadeincountry concept_country_us +concept_weapon_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_gunshots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_guy concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_h_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_halberds concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hand_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hand_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_handcuffs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_handguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_handmade_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_harpoon_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_heavy_blaster_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_heavy_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hellfire_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hellfire_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_helmet_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_efficiency_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_efficiency_wood concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_mobility_multipurpose_wheeled_vehicle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_powered_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_powered_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_high_standard concept:atdate concept_dateliteral_n2007 +concept_weapon_high_standard concept:atdate concept_dateliteral_n2008 +concept_weapon_highlander_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_historical_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_howitzers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_huge_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_huge_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_huge_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hundred_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hunting_knife concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hunting_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hunting_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_hydrogen_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_icbm concept:weaponmadeincountry concept_country_korea +concept_weapon_icbm concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_icbms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_idea concept:thinghasshape concept_geometricshape_triangle +concept_weapon_illegal_weapons concept:weaponmadeincountry concept_country_iraq +concept_weapon_illegal_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_impressive_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_improvised_explosive_devices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_indirect_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_indoor_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_industrial_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_industrial_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_industrial_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_inefficient_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_infantry_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_instance concept:atdate concept_dateliteral_n2007 +concept_weapon_instantaneous_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_intercontinental_ballistic_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_iron_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_iron_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_iron_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_jaeger_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_japanese_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_jutte concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ka_bar_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kalashnikov concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kalashnikov_assault_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kalashnikov_automatic_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kalashnikov_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kalashnikovs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_katana concept:weaponmadeincountry concept_country_japan +concept_weapon_katana concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_katana_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_katana_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_katyusha_rockets concept:weaponmadeincountry concept_country_northern_israel +concept_weapon_kill_bill_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_kitchen_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_knight_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_knives concept:weaponmadeincountry concept_country_australia +concept_weapon_knives concept:weaponmadeincountry concept_country_china +concept_weapon_knives concept:weaponmadeincountry concept_country_france_france +concept_weapon_knives concept:weaponmadeincountry concept_country_germany +concept_weapon_knives concept:weaponmadeincountry concept_country_japan +concept_weapon_knives concept:weaponmadeincountry concept_country_spain +concept_weapon_knives concept:weaponmadeincountry concept_country_us +concept_weapon_knives concept:weaponmadeincountry concept_country_usa +concept_weapon_knuckle_dusters concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_knuckles concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_laboratory concept:proxyfor concept_book_new +concept_weapon_laboratory concept:atdate concept_date_n2003 +concept_weapon_laboratory concept:atdate concept_dateliteral_n2002 +concept_weapon_laboratory concept:atdate concept_dateliteral_n2006 +concept_weapon_laboratory concept:atdate concept_dateliteral_n2007 +concept_weapon_laboratory concept:subpartof concept_weatherphenomenon_air +concept_weapon_laboratory concept:subpartof concept_weatherphenomenon_water +concept_weapon_land_attack_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_landmines concept:weaponmadeincountry concept_country_china +concept_weapon_landmines concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_large_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_large_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_large_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_large_telescope concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_larger_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_larger_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laser_cannons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laser_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laser_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laser_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laser_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_last_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lathis concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_laws concept:mutualproxyfor concept_book_new +concept_weapon_lee_enfield_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lethal_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_level concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_lever_action_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lever_action_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_light_anti_tank_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_light_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lighter_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lights concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_liquefied_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_little_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_little_gun concept:latitudelongitude 45.4668200000000,-77.5494900000000 +concept_weapon_loaded_firearm concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_loaded_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_loaded_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_loaded_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_local_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_local_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_beam_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_range_missile concept:weaponmadeincountry concept_country_israel +concept_weapon_long_range_missile concept:weaponmadeincountry concept_country_korea +concept_weapon_long_range_missile concept:weaponmadeincountry concept_country_poland +concept_weapon_long_range_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_range_missiles concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_long_range_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_range_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_long_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_longbow concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_longsword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lotr_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lotr_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_loud_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lovely_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_lpg_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m16_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_16 concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_16_assault_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_16_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_16_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_1_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_m_60_machine_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mace_pepper_spray concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_maces concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_magic_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_magnificent_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_main_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_makeshift_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_manpads concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_many_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_marble_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_marble_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_market_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_martial_arts_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_masahiro_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_masamune concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_masonic_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_massive_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_massive_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_massive_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_matchlock concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_matchlocks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_material concept:weaponmadeincountry concept_country_iran +concept_weapon_material concept:weaponmadeincountry concept_country_iraq +concept_weapon_mauser_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_maxim_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mechanism concept:subpartof concept_weatherphenomenon_water +concept_weapon_mediaval_ii_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_medieval_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_megawatt_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_melee_weapons concept:weaponssuchasweapons concept_weapon_katana +concept_weapon_melee_weapons concept:weaponssuchasweapons concept_weapon_knives +concept_weapon_melee_weapons concept:weaponssuchasweapons concept_weapon_two_handed_sword +concept_weapon_mighty_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_military concept:atdate concept_date_n1993 +concept_weapon_military concept:atdate concept_date_n2000 +concept_weapon_military concept:atdate concept_date_n2001 +concept_weapon_military concept:atdate concept_dateliteral_n2005 +concept_weapon_military concept:atdate concept_dateliteral_n2006 +concept_weapon_military_force concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_military_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_military_rifles_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_military_tactical_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_military_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mini_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mini_nukes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_minigun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_miniguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mirv concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_misr_assault_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile concept:weaponmadeincountry concept_country___america +concept_weapon_missile concept:weaponmadeincountry concept_country_arabia_saudita +concept_weapon_missile concept:weaponmadeincountry concept_country_azerbaijan +concept_weapon_missile concept:weaponmadeincountry concept_country_canada_canada +concept_weapon_missile concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_missile concept:weaponmadeincountry concept_country_czechoslovakia +concept_weapon_missile concept:weaponmadeincountry concept_country_iran +concept_weapon_missile concept:weaponmadeincountry concept_country_israel +concept_weapon_missile concept:weaponmadeincountry concept_country_japan +concept_weapon_missile concept:weaponmadeincountry concept_country_korea +concept_weapon_missile concept:weaponmadeincountry concept_country_pakistan +concept_weapon_missile concept:weaponmadeincountry concept_country_poland +concept_weapon_missile concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_missile concept:weaponmadeincountry concept_country_russia +concept_weapon_missile concept:weaponmadeincountry concept_country_south_korea +concept_weapon_missile concept:weaponmadeincountry concept_country_syria +concept_weapon_missile concept:weaponmadeincountry concept_country_taiwan +concept_weapon_missile concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_missile concept:weaponmadeincountry concept_country_us +concept_weapon_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_defense concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_missile_defense concept:weaponmadeincountry concept_country_poland +concept_weapon_missile_defense_system concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_launcher concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_launchers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_launches concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_technology concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missile_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_missiles concept:weaponmadeincountry concept_country_iraq +concept_weapon_missiles concept:weaponmadeincountry concept_country_israel +concept_weapon_missiles concept:weaponmadeincountry concept_country_japan +concept_weapon_missiles concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_missiles concept:weaponmadeincountry concept_country_south_korea +concept_weapon_missiles concept:weaponmadeincountry concept_country_soviet_union +concept_weapon_missiles concept:weaponmadeincountry concept_country_turkey +concept_weapon_missiles concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_missiles concept:weaponmadeincountry concept_country_us +concept_weapon_missiles concept:weaponmadeincountry concept_country_usa +concept_weapon_missle concept:weaponmadeincountry concept_country_korea +concept_weapon_missle concept:weaponmadeincountry concept_country_poland +concept_weapon_moab concept:atlocation concept_county_utah +concept_weapon_modern concept:atlocation concept_city_york +concept_weapon_modern_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_modern_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_modern_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_modern_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mongolian_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_more_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_more_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mortar concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mortar_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mortar_launchers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mortar_rounds concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mortars concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_motor_vehicle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_movement concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_munition concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_munitions concept:weaponmadeincountry concept_country_iraq +concept_weapon_munitions concept:weaponmadeincountry concept_country_israel +concept_weapon_munitions concept:weaponmadeincountry concept_country_us +concept_weapon_munitions concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_murder_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_musket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_musket_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mustard_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_muzzle_loaders concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_muzzle_loading_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_muzzle_loading_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_muzzleloaders concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_muzzleloading_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mw_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_mx_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n1000_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n10_gauge_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n10_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n12_gauge_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n12_guage_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n150_new_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n200_nuclear_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n21_gun_salute concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n22_caliber_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n2_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n2_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n303_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n30_30_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n50_caliber_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n60_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n6_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_n70_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nailgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_national concept:atlocation concept_airport_alta +concept_weapon_national concept:atlocation concept_airport_juneau +concept_weapon_national concept:atlocation concept_airport_mesa +concept_weapon_national concept:atlocation concept_airport_santa_ana +concept_weapon_national concept:atlocation concept_aquarium_louis +concept_weapon_national concept:atlocation concept_attraction_beaumont +concept_weapon_national concept:atlocation concept_attraction_beverly_hills +concept_weapon_national concept:atlocation concept_attraction_colorado_springs +concept_weapon_national concept:atlocation concept_attraction_lakeside +concept_weapon_national concept:atlocation concept_beach_alpaugh +concept_weapon_national concept:atlocation concept_beach_auberry +concept_weapon_national concept:atlocation concept_beach_sunset_beach +concept_weapon_national concept:atlocation concept_blog_background +concept_weapon_national concept:atlocation concept_blog_canton +concept_weapon_national concept:atlocation concept_blog_cedar_rapids +concept_weapon_national concept:atlocation concept_blog_harrisburg +concept_weapon_national concept:atlocation concept_blog_la_palma +concept_weapon_national concept:atlocation concept_bridge_ford +concept_weapon_national concept:atlocation concept_bridge_honor +concept_weapon_national concept:atlocation concept_building_america +concept_weapon_national concept:atlocation concept_building_anaheim +concept_weapon_national concept:atlocation concept_building_center001 +concept_weapon_national concept:atlocation concept_building_dover +concept_weapon_national concept:atlocation concept_building_glendale +concept_weapon_national concept:atlocation concept_building_nation +concept_weapon_national concept:atlocation concept_building_san_jose_convention_center +concept_weapon_national concept:atlocation concept_city_abington +concept_weapon_national concept:atlocation concept_city_acton +concept_weapon_national concept:atlocation concept_city_addison +concept_weapon_national concept:atlocation concept_city_adelanto +concept_weapon_national concept:atlocation concept_city_adin +concept_weapon_national concept:atlocation concept_city_adkins +concept_weapon_national concept:atlocation concept_city_aguanga +concept_weapon_national concept:atlocation concept_city_ahwahnee +concept_weapon_national concept:atlocation concept_city_airway_heights +concept_weapon_national concept:atlocation concept_city_alamo +concept_weapon_national concept:atlocation concept_city_alexis +concept_weapon_national concept:atlocation concept_city_alhambra +concept_weapon_national concept:atlocation concept_city_alief +concept_weapon_national concept:atlocation concept_city_alleghany +concept_weapon_national concept:atlocation concept_city_allen_park +concept_weapon_national concept:atlocation concept_city_allendale +concept_weapon_national concept:atlocation concept_city_alsip +concept_weapon_national concept:atlocation concept_city_alta_loma +concept_weapon_national concept:atlocation concept_city_ama +concept_weapon_national concept:atlocation concept_city_amboy +concept_weapon_national concept:atlocation concept_city_amlin +concept_weapon_national concept:atlocation concept_city_angels_camp +concept_weapon_national concept:atlocation concept_city_angelus_oaks +concept_weapon_national concept:atlocation concept_city_angwin +concept_weapon_national concept:atlocation concept_city_annapolis +concept_weapon_national concept:atlocation concept_city_antioch +concept_weapon_national concept:atlocation concept_city_anza +concept_weapon_national concept:atlocation concept_city_apex +concept_weapon_national concept:atlocation concept_city_applegate +concept_weapon_national concept:atlocation concept_city_arabi +concept_weapon_national concept:atlocation concept_city_arcadia +concept_weapon_national concept:atlocation concept_city_arcata +concept_weapon_national concept:atlocation concept_city_arlington_heights +concept_weapon_national concept:atlocation concept_city_armona +concept_weapon_national concept:atlocation concept_city_arnold +concept_weapon_national concept:atlocation concept_city_aromas +concept_weapon_national concept:atlocation concept_city_arvin +concept_weapon_national concept:atlocation concept_city_astoria +concept_weapon_national concept:atlocation concept_city_atherton +concept_weapon_national concept:atlocation concept_city_atwater +concept_weapon_national concept:atlocation concept_city_atwood +concept_weapon_national concept:atlocation concept_city_audubon +concept_weapon_national concept:atlocation concept_city_avenal +concept_weapon_national concept:atlocation concept_city_avenel +concept_weapon_national concept:atlocation concept_city_avila_beach +concept_weapon_national concept:atlocation concept_city_avon +concept_weapon_national concept:atlocation concept_city_avondale +concept_weapon_national concept:atlocation concept_city_babson_park +concept_weapon_national concept:atlocation concept_city_baker +concept_weapon_national concept:atlocation concept_city_bakersfield +concept_weapon_national concept:atlocation concept_city_ballico +concept_weapon_national concept:atlocation concept_city_bangor +concept_weapon_national concept:atlocation concept_city_banning +concept_weapon_national concept:atlocation concept_city_banta +concept_weapon_national concept:atlocation concept_city_barataria +concept_weapon_national concept:atlocation concept_city_barker +concept_weapon_national concept:atlocation concept_city_barrington +concept_weapon_national concept:atlocation concept_city_bayside +concept_weapon_national concept:atlocation concept_city_bedford_park +concept_weapon_national concept:atlocation concept_city_belcher +concept_weapon_national concept:atlocation concept_city_bell +concept_weapon_national concept:atlocation concept_city_bellaire +concept_weapon_national concept:atlocation concept_city_belle_mina +concept_weapon_national concept:atlocation concept_city_bellevue +concept_weapon_national concept:atlocation concept_city_bellflower +concept_weapon_national concept:atlocation concept_city_bellmawr +concept_weapon_national concept:atlocation concept_city_bellwood +concept_weapon_national concept:atlocation concept_city_belmont +concept_weapon_national concept:atlocation concept_city_bensalem +concept_weapon_national concept:atlocation concept_city_bensenville +concept_weapon_national concept:atlocation concept_city_bergenfield +concept_weapon_national concept:atlocation concept_city_berkeley +concept_weapon_national concept:atlocation concept_city_bethesda +concept_weapon_national concept:atlocation concept_city_beverly +concept_weapon_national concept:atlocation concept_city_blackwood +concept_weapon_national concept:atlocation concept_city_blanchard +concept_weapon_national concept:atlocation concept_city_bloomfield +concept_weapon_national concept:atlocation concept_city_blue_bell +concept_weapon_national concept:atlocation concept_city_blue_island +concept_weapon_national concept:atlocation concept_city_bogota +concept_weapon_national concept:atlocation concept_city_bonita +concept_weapon_national concept:atlocation concept_city_bossier_city +concept_weapon_national concept:atlocation concept_city_braintree +concept_weapon_national concept:atlocation concept_city_breezy_point +concept_weapon_national concept:atlocation concept_city_bremerton +concept_weapon_national concept:atlocation concept_city_brice +concept_weapon_national concept:atlocation concept_city_bridgeview +concept_weapon_national concept:atlocation concept_city_brighton +concept_weapon_national concept:atlocation concept_city_broadview +concept_weapon_national concept:atlocation concept_city_bronxville +concept_weapon_national concept:atlocation concept_city_brookfield +concept_weapon_national concept:atlocation concept_city_brownsboro +concept_weapon_national concept:atlocation concept_city_bryn_mawr +concept_weapon_national concept:atlocation concept_city_buena_park +concept_weapon_national concept:atlocation concept_city_bulverde +concept_weapon_national concept:atlocation concept_city_caldwell +concept_weapon_national concept:atlocation concept_city_cambria_heights +concept_weapon_national concept:atlocation concept_city_cambridge +concept_weapon_national concept:atlocation concept_city_camden +concept_weapon_national concept:atlocation concept_city_canberra_canberra +concept_weapon_national concept:atlocation concept_city_capistrano_beach +concept_weapon_national concept:atlocation concept_city_carle_place +concept_weapon_national concept:atlocation concept_city_carteret +concept_weapon_national concept:atlocation concept_city_cashion +concept_weapon_national concept:atlocation concept_city_centre +concept_weapon_national concept:atlocation concept_city_chalfont +concept_weapon_national concept:atlocation concept_city_chandler +concept_weapon_national concept:atlocation concept_city_channelview +concept_weapon_national concept:atlocation concept_city_chattaroy +concept_weapon_national concept:atlocation concept_city_chester +concept_weapon_national concept:atlocation concept_city_chester_heights +concept_weapon_national concept:atlocation concept_city_cheyney +concept_weapon_national concept:atlocation concept_city_chino +concept_weapon_national concept:atlocation concept_city_chino_hills +concept_weapon_national concept:atlocation concept_city_chula_vista +concept_weapon_national concept:atlocation concept_city_cibolo +concept_weapon_national concept:atlocation concept_city_cicero +concept_weapon_national concept:atlocation concept_city_cincinnati +concept_weapon_national concept:atlocation concept_city_claremont +concept_weapon_national concept:atlocation concept_city_clarendon_hills +concept_weapon_national concept:atlocation concept_city_clarksboro +concept_weapon_national concept:atlocation concept_city_claymont +concept_weapon_national concept:atlocation concept_city_cliffside_park +concept_weapon_national concept:atlocation concept_city_clifton_heights +concept_weapon_national concept:atlocation concept_city_clinton +concept_weapon_national concept:atlocation concept_city_cloverdale +concept_weapon_national concept:atlocation concept_city_cohasset +concept_weapon_national concept:atlocation concept_city_colbert +concept_weapon_national concept:atlocation concept_city_college_park +concept_weapon_national concept:atlocation concept_city_college_point +concept_weapon_national concept:atlocation concept_city_collegeville +concept_weapon_national concept:atlocation concept_city_collingswood +concept_weapon_national concept:atlocation concept_city_colmar +concept_weapon_national concept:atlocation concept_city_commercial_point +concept_weapon_national concept:atlocation concept_city_compton +concept_weapon_national concept:atlocation concept_city_concordville +concept_weapon_national concept:atlocation concept_city_conshohocken +concept_weapon_national concept:atlocation concept_city_cornelius +concept_weapon_national concept:atlocation concept_city_coronado +concept_weapon_national concept:atlocation concept_city_cramerton +concept_weapon_national concept:atlocation concept_city_cranford +concept_weapon_national concept:atlocation concept_city_creamery +concept_weapon_national concept:atlocation concept_city_creola +concept_weapon_national concept:atlocation concept_city_cresskill +concept_weapon_national concept:atlocation concept_city_crum_lynne +concept_weapon_national concept:atlocation concept_city_culver_city +concept_weapon_national concept:atlocation concept_city_danvers +concept_weapon_national concept:atlocation concept_city_daphne +concept_weapon_national concept:atlocation concept_city_darby +concept_weapon_national concept:atlocation concept_city_darien +concept_weapon_national concept:atlocation concept_city_davidson +concept_weapon_national concept:atlocation concept_city_decatur +concept_weapon_national concept:atlocation concept_city_deer_park +concept_weapon_national concept:atlocation concept_city_del_mar +concept_weapon_national concept:atlocation concept_city_des_plaines +concept_weapon_national concept:atlocation concept_city_district +concept_weapon_national concept:atlocation concept_city_dobbs_ferry +concept_weapon_national concept:atlocation concept_city_dodge_city +concept_weapon_national concept:atlocation concept_city_dolton +concept_weapon_national concept:atlocation concept_city_downers_grove +concept_weapon_national concept:atlocation concept_city_downey +concept_weapon_national concept:atlocation concept_city_drexel_hill +concept_weapon_national concept:atlocation concept_city_duarte +concept_weapon_national concept:atlocation concept_city_dumont +concept_weapon_national concept:atlocation concept_city_eagleville +concept_weapon_national concept:atlocation concept_city_east_boston +concept_weapon_national concept:atlocation concept_city_east_chicago +concept_weapon_national concept:atlocation concept_city_east_elmhurst +concept_weapon_national concept:atlocation concept_city_east_orange +concept_weapon_national concept:atlocation concept_city_east_rockaway +concept_weapon_national concept:atlocation concept_city_east_walpole +concept_weapon_national concept:atlocation concept_city_edgewater +concept_weapon_national concept:atlocation concept_city_el_mirage +concept_weapon_national concept:atlocation concept_city_elk_grove_village +concept_weapon_national concept:atlocation concept_city_elkridge +concept_weapon_national concept:atlocation concept_city_elmwood_park +concept_weapon_national concept:atlocation concept_city_encino +concept_weapon_national concept:atlocation concept_city_englewood +concept_weapon_national concept:atlocation concept_city_essington +concept_weapon_national concept:atlocation concept_city_etna +concept_weapon_national concept:atlocation concept_city_evanston +concept_weapon_national concept:atlocation concept_city_evergreen_park +concept_weapon_national concept:atlocation concept_city_fairbanks +concept_weapon_national concept:atlocation concept_city_fairhope +concept_weapon_national concept:atlocation concept_city_fairview_village +concept_weapon_national concept:atlocation concept_city_ferndale +concept_weapon_national concept:atlocation concept_city_forest_park +concept_weapon_national concept:atlocation concept_city_fort_mill +concept_weapon_national concept:atlocation concept_city_fort_wayne +concept_weapon_national concept:atlocation concept_city_fountain_hills +concept_weapon_national concept:atlocation concept_city_fountain_valley +concept_weapon_national concept:atlocation concept_city_fox_valley +concept_weapon_national concept:atlocation concept_city_framingham +concept_weapon_national concept:atlocation concept_city_franklin_park +concept_weapon_national concept:atlocation concept_city_frierson +concept_weapon_national concept:atlocation concept_city_galena_park +concept_weapon_national concept:atlocation concept_city_galloway +concept_weapon_national concept:atlocation concept_city_garden_city +concept_weapon_national concept:atlocation concept_city_garner +concept_weapon_national concept:atlocation concept_city_gastonia +concept_weapon_national concept:atlocation concept_city_gladstone +concept_weapon_national concept:atlocation concept_city_glencoe +concept_weapon_national concept:atlocation concept_city_glendora +concept_weapon_national concept:atlocation concept_city_goodyear +concept_weapon_national concept:atlocation concept_city_grand_bay +concept_weapon_national concept:atlocation concept_city_gurley +concept_weapon_national concept:atlocation concept_city_hammond +concept_weapon_national concept:atlocation concept_city_hanover +concept_weapon_national concept:atlocation concept_city_harper_woods +concept_weapon_national concept:atlocation concept_city_harwood_heights +concept_weapon_national concept:atlocation concept_city_hathorne +concept_weapon_national concept:atlocation concept_city_haughton +concept_weapon_national concept:atlocation concept_city_hawthorne +concept_weapon_national concept:atlocation concept_city_hickory_hills +concept_weapon_national concept:atlocation concept_city_hilliard +concept_weapon_national concept:atlocation concept_city_hingham +concept_weapon_national concept:atlocation concept_city_huntersville +concept_weapon_national concept:atlocation concept_city_huntington_beach +concept_weapon_national concept:atlocation concept_city_huntington_park +concept_weapon_national concept:atlocation concept_city_idledale +concept_weapon_national concept:atlocation concept_city_igo +concept_weapon_national concept:atlocation concept_city_imperial_beach +concept_weapon_national concept:atlocation concept_city_inglewood +concept_weapon_national concept:atlocation concept_city_irvington +concept_weapon_national concept:atlocation concept_city_jackson +concept_weapon_national concept:atlocation concept_city_jamul +concept_weapon_national concept:atlocation concept_city_keithville +concept_weapon_national concept:atlocation concept_city_kenner +concept_weapon_national concept:atlocation concept_city_kingman +concept_weapon_national concept:atlocation concept_city_kittredge +concept_weapon_national concept:atlocation concept_city_la_canada_flintridge +concept_weapon_national concept:atlocation concept_city_la_crescenta +concept_weapon_national concept:atlocation concept_city_la_jolla +concept_weapon_national concept:atlocation concept_city_la_mesa +concept_weapon_national concept:atlocation concept_city_la_mirada +concept_weapon_national concept:atlocation concept_city_la_puente +concept_weapon_national concept:atlocation concept_city_la_verne +concept_weapon_national concept:atlocation concept_city_laguna_beach +concept_weapon_national concept:atlocation concept_city_lake_tahoe +concept_weapon_national concept:atlocation concept_city_lawndale +concept_weapon_national concept:atlocation concept_city_leesville +concept_weapon_national concept:atlocation concept_city_lemon_grove +concept_weapon_national concept:atlocation concept_city_lewiston +concept_weapon_national concept:atlocation concept_city_lincoln_acres +concept_weapon_national concept:atlocation concept_city_lomita +concept_weapon_national concept:atlocation concept_city_long_beach +concept_weapon_national concept:atlocation concept_city_los_alamitos +concept_weapon_national concept:atlocation concept_city_lynnwood +concept_weapon_national concept:atlocation concept_city_malaysia +concept_weapon_national concept:atlocation concept_city_manhattan_beach +concept_weapon_national concept:atlocation concept_city_marina_del_rey +concept_weapon_national concept:atlocation concept_city_matthews +concept_weapon_national concept:atlocation concept_city_maywood +concept_weapon_national concept:atlocation concept_city_mc_adenville +concept_weapon_national concept:atlocation concept_city_mendocino +concept_weapon_national concept:atlocation concept_city_midland +concept_weapon_national concept:atlocation concept_city_migrate +concept_weapon_national concept:atlocation concept_city_mira_loma +concept_weapon_national concept:atlocation concept_city_mission_hills +concept_weapon_national concept:atlocation concept_city_mobile +concept_weapon_national concept:atlocation concept_city_moline +concept_weapon_national concept:atlocation concept_city_monrovia +concept_weapon_national concept:atlocation concept_city_montclair +concept_weapon_national concept:atlocation concept_city_mooresville +concept_weapon_national concept:atlocation concept_city_mooringsport +concept_weapon_national concept:atlocation concept_city_morrison +concept_weapon_national concept:atlocation concept_city_morrow +concept_weapon_national concept:atlocation concept_city_mount_holly +concept_weapon_national concept:atlocation concept_city_new_albany +concept_weapon_national concept:atlocation concept_city_new_bedford +concept_weapon_national concept:atlocation concept_city_new_market +concept_weapon_national concept:atlocation concept_city_newell +concept_weapon_national concept:atlocation concept_city_newman_lake +concept_weapon_national concept:atlocation concept_city_newport_beach +concept_weapon_national concept:atlocation concept_city_nicholasville +concept_weapon_national concept:atlocation concept_city_norco +concept_weapon_national concept:atlocation concept_city_north_hills +concept_weapon_national concept:atlocation concept_city_north_hollywood +concept_weapon_national concept:atlocation concept_city_norwalk +concept_weapon_national concept:atlocation concept_city_nyc +concept_weapon_national concept:atlocation concept_city_ontario +concept_weapon_national concept:atlocation concept_city_palo_cedro +concept_weapon_national concept:atlocation concept_city_paradise_valley +concept_weapon_national concept:atlocation concept_city_pataskala +concept_weapon_national concept:atlocation concept_city_paw_creek +concept_weapon_national concept:atlocation concept_city_pickerington +concept_weapon_national concept:atlocation concept_city_pico_rivera +concept_weapon_national concept:atlocation concept_city_pineville +concept_weapon_national concept:atlocation concept_city_plain_city +concept_weapon_national concept:atlocation concept_city_pleasant_ridge +concept_weapon_national concept:atlocation concept_city_pocatello +concept_weapon_national concept:atlocation concept_city_pomona +concept_weapon_national concept:atlocation concept_city_portsmouth +concept_weapon_national concept:atlocation concept_city_poway +concept_weapon_national concept:atlocation concept_city_powell +concept_weapon_national concept:atlocation concept_city_princeton +concept_weapon_national concept:atlocation concept_city_rancho_cucamonga +concept_weapon_national concept:atlocation concept_city_rancho_santa_fe +concept_weapon_national concept:atlocation concept_city_raymond +concept_weapon_national concept:atlocation concept_city_redding +concept_weapon_national concept:atlocation concept_city_redmond +concept_weapon_national concept:atlocation concept_city_renton +concept_weapon_national concept:atlocation concept_city_reynoldsburg +concept_weapon_national concept:atlocation concept_city_riverside +concept_weapon_national concept:atlocation concept_city_riverview +concept_weapon_national concept:atlocation concept_city_rolesville +concept_weapon_national concept:atlocation concept_city_romulus +concept_weapon_national concept:atlocation concept_city_rowland_heights +concept_weapon_national concept:atlocation concept_city_saint_hedwig +concept_weapon_national concept:atlocation concept_city_san_clemente +concept_weapon_national concept:atlocation concept_city_san_ysidro +concept_weapon_national concept:atlocation concept_city_saraland +concept_weapon_national concept:atlocation concept_city_satsuma +concept_weapon_national concept:atlocation concept_city_schertz +concept_weapon_national concept:atlocation concept_city_seal_beach +concept_weapon_national concept:atlocation concept_city_semmes +concept_weapon_national concept:atlocation concept_city_silverado +concept_weapon_national concept:atlocation concept_city_silverdale +concept_weapon_national concept:atlocation concept_city_snohomish +concept_weapon_national concept:atlocation concept_city_solana_beach +concept_weapon_national concept:atlocation concept_city_south_colby +concept_weapon_national concept:atlocation concept_city_south_houston +concept_weapon_national concept:atlocation concept_city_spanish_fort +concept_weapon_national concept:atlocation concept_city_spring_valley +concept_weapon_national concept:atlocation concept_city_stanton +concept_weapon_national concept:atlocation concept_city_stockbridge +concept_weapon_national concept:atlocation concept_city_stonewall +concept_weapon_national concept:atlocation concept_city_sun_city +concept_weapon_national concept:atlocation concept_city_sun_city_west +concept_weapon_national concept:atlocation concept_city_surprise +concept_weapon_national concept:atlocation concept_city_sweden +concept_weapon_national concept:atlocation concept_city_tampa_bay +concept_weapon_national concept:atlocation concept_city_tempe +concept_weapon_national concept:atlocation concept_city_uk +concept_weapon_national concept:atlocation concept_city_universal_city +concept_weapon_national concept:atlocation concept_city_valleyford +concept_weapon_national concept:atlocation concept_city_van_wyck +concept_weapon_national concept:atlocation concept_city_veradale +concept_weapon_national concept:atlocation concept_city_villa_park +concept_weapon_national concept:atlocation concept_city_washington_d_c +concept_weapon_national concept:subpartof concept_city_washington_d_c +concept_weapon_national concept:atlocation concept_city_washington_dc +concept_weapon_national concept:atlocation concept_city_west_jefferson +concept_weapon_national concept:atlocation concept_city_wheat_ridge +concept_weapon_national concept:atlocation concept_city_whiskeytown +concept_weapon_national concept:atlocation concept_city_whiting +concept_weapon_national concept:atlocation concept_city_willow_spring +concept_weapon_national concept:atlocation concept_city_wilmer +concept_weapon_national concept:atlocation concept_city_woodinville +concept_weapon_national concept:atlocation concept_city_worcester +concept_weapon_national concept:atlocation concept_city_york +concept_weapon_national concept:subpartof concept_city_york +concept_weapon_national concept:atlocation concept_city_youngtown +concept_weapon_national concept:atlocation concept_company_humble +concept_weapon_national concept:atlocation concept_company_national_city +concept_weapon_national concept:atlocation concept_company_pakistan +concept_weapon_national concept:atlocation concept_company_stanley +concept_weapon_national concept:atlocation concept_country_canada_canada +concept_weapon_national concept:atlocation concept_country_king +concept_weapon_national concept:atlocation concept_country_new_zealand +concept_weapon_national concept:atlocation concept_country_philippines +concept_weapon_national concept:atlocation concept_country_united_states +concept_weapon_national concept:atlocation concept_country_us +concept_weapon_national concept:atlocation concept_county_atlanta +concept_weapon_national concept:atlocation concept_county_austin +concept_weapon_national concept:atlocation concept_county_baton_rouge +concept_weapon_national concept:atlocation concept_county_bedford +concept_weapon_national concept:atlocation concept_county_bronx +concept_weapon_national concept:atlocation concept_county_brooklyn +concept_weapon_national concept:atlocation concept_county_chicago +concept_weapon_national concept:atlocation concept_county_clark +concept_weapon_national concept:atlocation concept_county_columbus +concept_weapon_national concept:atlocation concept_county_commerce_city +concept_weapon_national concept:atlocation concept_county_cumberland +concept_weapon_national concept:atlocation concept_county_derby +concept_weapon_national concept:atlocation concept_county_detroit +concept_weapon_national concept:atlocation concept_county_dublin +concept_weapon_national concept:atlocation concept_county_dupont +concept_weapon_national concept:atlocation concept_county_florence +concept_weapon_national concept:atlocation concept_county_kansas_city +concept_weapon_national concept:atlocation concept_county_keene +concept_weapon_national concept:atlocation concept_county_lafayette +concept_weapon_national concept:atlocation concept_county_las_vegas +concept_weapon_national concept:atlocation concept_county_manchester +concept_weapon_national concept:atlocation concept_county_manhattan +concept_weapon_national concept:atlocation concept_county_marion +concept_weapon_national concept:atlocation concept_county_miami +concept_weapon_national concept:atlocation concept_county_missouri_city +concept_weapon_national concept:atlocation concept_county_paris +concept_weapon_national concept:atlocation concept_county_philadelphia +concept_weapon_national concept:atlocation concept_county_sacramento +concept_weapon_national concept:atlocation concept_county_san_diego +concept_weapon_national concept:atlocation concept_county_san_francisco +concept_weapon_national concept:atlocation concept_county_savannah +concept_weapon_national concept:atlocation concept_county_seattle +concept_weapon_national concept:atlocation concept_county_tallahassee +concept_weapon_national concept:atlocation concept_geopoliticallocation_albion +concept_weapon_national concept:atlocation concept_geopoliticallocation_ambler +concept_weapon_national concept:atlocation concept_geopoliticallocation_anderson +concept_weapon_national concept:atlocation concept_geopoliticallocation_bowling_green +concept_weapon_national concept:atlocation concept_geopoliticallocation_cerritos +concept_weapon_national concept:atlocation concept_geopoliticallocation_clifton +concept_weapon_national concept:atlocation concept_geopoliticallocation_devon +concept_weapon_national concept:atlocation concept_geopoliticallocation_el_toro +concept_weapon_national concept:atlocation concept_geopoliticallocation_golden +concept_weapon_national concept:atlocation concept_geopoliticallocation_grand_rapids_kalamazoo_battle_creek +concept_weapon_national concept:atlocation concept_geopoliticallocation_lowell +concept_weapon_national concept:atlocation concept_geopoliticalorganization_brea +concept_weapon_national concept:atlocation concept_geopoliticalorganization_costa_mesa +concept_weapon_national concept:atlocation concept_geopoliticalorganization_laguna_hills +concept_weapon_national concept:atlocation concept_geopoliticalorganization_pasadena +concept_weapon_national concept:atlocation concept_governmentorganization_rancho_santa_margarita +concept_weapon_national concept:atlocation concept_highway_gardena +concept_weapon_national concept:atlocation concept_highway_lakewood +concept_weapon_national concept:atlocation concept_highway_trenton +concept_weapon_national concept:atlocation concept_highway_yorba_linda +concept_weapon_national concept:atlocation concept_hospital_elkins_park +concept_weapon_national concept:atlocation concept_hospital_star +concept_weapon_national concept:atlocation concept_hotel_alpine +concept_weapon_national concept:atlocation concept_hotel_aston +concept_weapon_national concept:atlocation concept_hotel_fullerton +concept_weapon_national concept:atlocation concept_hotel_harvey +concept_weapon_national concept:atlocation concept_hotel_salisbury +concept_weapon_national concept:atlocation concept_hotel_westminster +concept_weapon_national concept:atlocation concept_island_bainbridge_island +concept_weapon_national concept:atlocation concept_island_cedars +concept_weapon_national concept:atlocation concept_island_houston +concept_weapon_national concept:atlocation concept_island_ireland +concept_weapon_national concept:atlocation concept_island_meridian +concept_weapon_national concept:atlocation concept_island_new_york_city_metropolitan_area +concept_weapon_national concept:atlocation concept_island_san_antonio +concept_weapon_national concept:atlocation concept_landscapefeatures_lakes +concept_weapon_national concept:atlocation concept_landscapefeatures_upland +concept_weapon_national concept:atlocation concept_monument_carson +concept_weapon_national concept:atlocation concept_monument_cherry_hill +concept_weapon_national concept:atlocation concept_monument_d_c +concept_weapon_national concept:atlocation concept_monument_georgetown +concept_weapon_national concept:atlocation concept_monument_smithsonian_institution +concept_weapon_national concept:atlocation concept_mountain_altadena +concept_weapon_national concept:atlocation concept_mountain_arvada +concept_weapon_national concept:atlocation concept_mountain_guasti +concept_weapon_national concept:atlocation concept_mountain_mount_wilson +concept_weapon_national concept:atlocation concept_mountain_preston +concept_weapon_national concept:atlocation concept_mountain_rockford +concept_weapon_national concept:atlocation concept_mountain_shasta +concept_weapon_national concept:atlocation concept_museum_benton +concept_weapon_national concept:atlocation concept_museum_cedarhurst +concept_weapon_national concept:atlocation concept_museum_franklin +concept_weapon_national concept:atlocation concept_museum_versailles +concept_weapon_national concept:atlocation concept_museum_wichita +concept_weapon_national concept:atlocation concept_museum_wilmington +concept_weapon_national concept:atlocation concept_park_charlestown +concept_weapon_national concept:atlocation concept_park_kingston +concept_weapon_national concept:atlocation concept_park_madison +concept_weapon_national concept:atlocation concept_park_pearland +concept_weapon_national concept:atlocation concept_placeofworship_carlisle +concept_weapon_national concept:atlocation concept_placeofworship_holbrook +concept_weapon_national concept:atlocation concept_planet_aurora +concept_weapon_national concept:atlocation concept_planet_harvest +concept_weapon_national concept:atlocation concept_planet_order +concept_weapon_national concept:atlocation concept_politicsblog_portland +concept_weapon_national concept:atlocation concept_politicsblog_raleigh +concept_weapon_national concept:atlocation concept_retailstore_albertson +concept_weapon_national concept:atlocation concept_retailstore_burlington +concept_weapon_national concept:atlocation concept_retailstore_corona +concept_weapon_national concept:atlocation concept_retailstore_fairview +concept_weapon_national concept:atlocation concept_retailstore_sherwood +concept_weapon_national concept:atlocation concept_river_bridgeport +concept_weapon_national concept:atlocation concept_river_eight_mile +concept_weapon_national concept:atlocation concept_river_evansville +concept_weapon_national concept:atlocation concept_river_indian_trail +concept_weapon_national concept:atlocation concept_river_midway +concept_weapon_national concept:atlocation concept_river_montrose +concept_weapon_national concept:atlocation concept_river_moselle +concept_weapon_national concept:atlocation concept_river_shasta_lake +concept_weapon_national concept:atlocation concept_room_cary +concept_weapon_national concept:atlocation concept_room_fresno +concept_weapon_national concept:atlocation concept_shoppingmall_ardsley +concept_weapon_national concept:atlocation concept_shoppingmall_bryn_athyn +concept_weapon_national concept:atlocation concept_shoppingmall_chestnut_hill +concept_weapon_national concept:atlocation concept_shoppingmall_montebello +concept_weapon_national concept:atlocation concept_skiarea_bulgaria +concept_weapon_national concept:atlocation concept_skiarea_farmington +concept_weapon_national concept:atlocation concept_skiarea_french_gulch +concept_weapon_national concept:atlocation concept_skiarea_galena +concept_weapon_national concept:atlocation concept_stadiumoreventvenue_lexington +concept_weapon_national concept:atlocation concept_street_alameda +concept_weapon_national concept:atlocation concept_street_arlington +concept_weapon_national concept:atlocation concept_street_ashville +concept_weapon_national concept:atlocation concept_street_azusa +concept_weapon_national concept:atlocation concept_street_clarkston +concept_weapon_national concept:atlocation concept_street_hillside +concept_weapon_national concept:atlocation concept_street_spring +concept_weapon_national concept:atlocation concept_trail_apple_valley +concept_weapon_national concept:atlocation concept_trail_carroll +concept_weapon_national concept:atlocation concept_trail_henderson +concept_weapon_national concept:atlocation concept_trail_saint_elmo +concept_weapon_national concept:atlocation concept_trainstation_berkley +concept_weapon_national concept:atlocation concept_trainstation_brookhaven +concept_weapon_national concept:atlocation concept_trainstation_covina +concept_weapon_national concept:atlocation concept_trainstation_cypress +concept_weapon_national concept:atlocation concept_trainstation_fall +concept_weapon_national concept:atlocation concept_trainstation_glenview +concept_weapon_national concept:atlocation concept_trainstation_lynwood +concept_weapon_national concept:atlocation concept_transportation_ada +concept_weapon_national concept:atlocation concept_transportation_belleville +concept_weapon_national concept:atlocation concept_transportation_fraser +concept_weapon_national concept:atlocation concept_transportation_monterey_park +concept_weapon_national concept:atlocation concept_transportation_santa_barbara +concept_weapon_national concept:atlocation concept_transportation_west_covina +concept_weapon_national concept:atlocation concept_visualizablescene_agoura_hills +concept_weapon_national concept:atlocation concept_visualizablescene_alviso +concept_weapon_national concept:atlocation concept_visualizablescene_arverne +concept_weapon_national concept:atlocation concept_visualizablescene_bellerose +concept_weapon_national concept:atlocation concept_visualizablescene_cedar_grove +concept_weapon_national concept:atlocation concept_visualizablescene_chester_springs +concept_weapon_national concept:atlocation concept_visualizablescene_demarest +concept_weapon_national concept:atlocation concept_visualizablescene_duluth +concept_weapon_national concept:atlocation concept_visualizablescene_edgemont +concept_weapon_national concept:atlocation concept_visualizablescene_eldorado_springs +concept_weapon_national concept:atlocation concept_visualizablescene_fort_myers +concept_weapon_national concept:atlocation concept_visualizablescene_lake_elsinore +concept_weapon_national concept:atlocation concept_visualizablescene_nyc_ +concept_weapon_national concept:atlocation concept_visualizablescene_smyrna +concept_weapon_national concept:atlocation concept_visualizablescene_vashon +concept_weapon_national concept:atlocation concept_visualizablething_alturas +concept_weapon_national concept:atlocation concept_visualizablething_arcola +concept_weapon_national concept:atlocation concept_visualizablething_bayonne +concept_weapon_national concept:atlocation concept_visualizablething_berwyn +concept_weapon_national concept:atlocation concept_visualizablething_brockton +concept_weapon_national concept:atlocation concept_visualizablething_burbank +concept_weapon_national concept:atlocation concept_visualizablething_chicago_ridge +concept_weapon_national concept:atlocation concept_visualizablething_elm_grove +concept_weapon_national concept:atlocation concept_visualizablething_elmhurst +concept_weapon_national concept:atlocation concept_visualizablething_purvis +concept_weapon_national concept:atlocation concept_visualizablething_rochester +concept_weapon_national concept:atlocation concept_visualizablething_santee +concept_weapon_national concept:atlocation concept_visualizablething_spokane +concept_weapon_national concept:atlocation concept_visualizablething_sugar_land +concept_weapon_national concept:atlocation concept_website_concord +concept_weapon_national concept:atlocation concept_website_louisville +concept_weapon_national concept:atlocation concept_website_orange +concept_weapon_national concept:atlocation concept_website_partnership +concept_weapon_national concept:atlocation concept_website_support +concept_weapon_national concept:atlocation concept_zoo_theodore +concept_weapon_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_natural_gas_supplies concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nazi_germany concept:atdate concept_date_n1941 +concept_weapon_nazi_germany concept:atdate concept_dateliteral_n1945 +concept_weapon_nbc_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_neck concept:thinghascolor concept_color_purple +concept_weapon_neck concept:thinghascolor concept_color_red +concept_weapon_neck concept:subpartof concept_physicalaction_hands +concept_weapon_neck concept:subpartof concept_website_blood +concept_weapon_needler concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nerve_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_neutron_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_neutron_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_new_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_newer_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nfa_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nice_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nine_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ninja_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ninjato concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nitro_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nonfiring_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_normal_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_north concept:atlocation concept_blog_globe +concept_weapon_north concept:atlocation concept_building_america +concept_weapon_north concept:atlocation concept_building_years +concept_weapon_north concept:atlocation concept_city_home +concept_weapon_north concept:atlocation concept_continent_africa +concept_weapon_north concept:atlocation concept_country_china +concept_weapon_north concept:atlocation concept_country_korea +concept_weapon_north concept:atlocation concept_country_vietnam +concept_weapon_north concept:atlocation concept_geopoliticallocation_dakota +concept_weapon_north concept:atlocation concept_geopoliticallocation_east_asia +concept_weapon_north concept:atlocation concept_shoppingmall_carolina +concept_weapon_north concept:atlocation concept_stateorprovince_california +concept_weapon_nox_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_china +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_pakistan +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_russia +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_soviet_union +concept_weapon_nuclear_arms concept:weaponmadeincountry concept_country_us +concept_weapon_nuclear_arsenal concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_arsenal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_bomb concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_bomb concept:weaponmadeincountry concept_country_pakistan +concept_weapon_nuclear_bombs concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_capability concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_device concept:weaponmadeincountry concept_country_pakistan +concept_weapon_nuclear_devices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_explosive_device concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_missile concept:weaponmadeincountry concept_country_korea +concept_weapon_nuclear_warheads concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_warheads concept:weaponmadeincountry concept_country_russia +concept_weapon_nuclear_weapon concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_weapon concept:weaponmadeincountry concept_country_pakistan +concept_weapon_nuclear_weapon concept:weaponmadeincountry concept_country_west_indies +concept_weapon_nuclear_weapon_capability concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country___america +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_iraq +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_israel +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_japan +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_libya +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_pakistan +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_russia +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_syria +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_us +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_usa +concept_weapon_nuclear_weapons concept:weaponmadeincountry concept_country_west_indies +concept_weapon_nuclear_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nuclear_weapons_capability concept:weaponmadeincountry concept_country_iran +concept_weapon_nuclear_weapons_capability concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nukes concept:weaponmadeincountry concept_country_iran +concept_weapon_nukes concept:weaponmadeincountry concept_country_iraq +concept_weapon_nukes concept:weaponssuchasweapons concept_weapon_mortar_bomb +concept_weapon_nukes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nunchucks concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_nunchuku concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_of_katana_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_of_stun_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_oil___gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_oil_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_one_power concept:latitudelongitude -1.0166700000000,37.2666700000000 +concept_weapon_one_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_one_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_online_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_oriental_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_original_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_other_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_outdoor_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_paint_ball_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_paintball_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_panzerfausts concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_part concept:proxyfor concept_food_rabbits +concept_weapon_part concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_part concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_patrol_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_peace concept:atdate concept_date_n2001 +concept_weapon_peace concept:atdate concept_dateliteral_n1945 +concept_weapon_peace concept:atdate concept_dateliteral_n2002 +concept_weapon_peace concept:atdate concept_dateliteral_n2005 +concept_weapon_peace concept:atdate concept_dateliteral_n2006 +concept_weapon_peace concept:atdate concept_year_n1994 +concept_weapon_pellet_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pellet_guns_and_dart_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pellet_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pellet_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pepper_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pepper_spray concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pepper_sprays concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_perazzi_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_personal_alarms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_phoenix_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pickaxe_handles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pictures concept:objectfoundinscene concept_city_volcano +concept_weapon_pictures concept:objectpartofobject concept_visualizableobject_lens +concept_weapon_pictures concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_pirate_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pirates_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pirates_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pistol_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plasma_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plasma_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plasma_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plasma_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plasma_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plastic_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_plus concept:mutualproxyfor concept_book_new +concept_weapon_plutonium_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_poison_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_police_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_polluting_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_portable_battery concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_power_reactors concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_powered_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_powerful_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_powerful_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_practice_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_precision_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_premium_unleaded_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_primary_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_programs concept:weaponmadeincountry concept_country_iran +concept_weapon_programs concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_programs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_projectile_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_prop_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_proposed_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pulse_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pulse_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pulverized_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pump_action_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_pump_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_quality_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_quarterstaff concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_race_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_raid_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rail_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_railguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_range_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_ak_47 +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_bow +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_concussion_grenade +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_sling_shots +concept_weapon_ranged_weapons concept:weaponssuchasweapons concept_weapon_sub_machine_guns +concept_weapon_rapier_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rapier_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rapiers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_raptor_stun_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ray_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_ready_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_real_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_real_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_realistic_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_recoilless_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_recon_droid concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_red_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_remington_700 concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_remington_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_remington_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_remington_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_replica concept:proxyfor concept_book_new +concept_weapon_requirements concept:mutualproxyfor concept_book_new +concept_weapon_requirements concept:subpartof concept_room_space +concept_weapon_resource_commodities concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_resource_exports concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_resource_prices concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_resource_revenues concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_reznor_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle concept:weaponmadeincountry concept_country_canada_canada +concept_weapon_rifle concept:weaponmadeincountry concept_country_china +concept_weapon_rifle concept:weaponmadeincountry concept_country_germany +concept_weapon_rifle_discovers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle_market concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle_parts concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifle_system concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifled_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifled_musket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifles concept:weaponmadeincountry concept_country_china +concept_weapon_rifles concept:weaponmadeincountry concept_country_england +concept_weapon_rifles concept:weaponmadeincountry concept_country_france_france +concept_weapon_rifles concept:weaponmadeincountry concept_country_japan +concept_weapon_rifles concept:weaponmadeincountry concept_country_us +concept_weapon_rifles concept:weaponmadeincountry concept_country_usa +concept_weapon_rifles_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifles_shotguns_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rifles_software concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rimfire_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_riot_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_riot_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rising_battle_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rock_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rock_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket_ concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket_propelled_grenade_launcher concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rocket_propelled_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rockets concept:weaponmadeincountry concept_country_egypt +concept_weapon_rockets concept:weaponmadeincountry concept_country_northern_israel +concept_weapon_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_roman_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_roman_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rpg_7 concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rpg_7_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_rpk concept:latitudelongitude 26.2752000000000,59.3940000000000 +concept_weapon_rubber_truncheons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_run concept:mutualproxyfor concept_book_new +concept_weapon_run concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_sabers concept:latitudelongitude 38.3395600000000,-75.6549300000000 +concept_weapon_sacred_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sam concept:objectpartofobject concept_sportsequipment_wheel +concept_weapon_same_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_same_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_samurai_swords concept:weaponmadeincountry concept_country_japan +concept_weapon_samurai_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_savage_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sawn_off_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scale_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scale_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scimitar_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scimitars concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scooter_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scope_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scoped_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scoped_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scorpion_stun_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scottish_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_scouter_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_screens concept:atdate concept_date_n2003 +concept_weapon_screens concept:atdate concept_date_n2009 +concept_weapon_second_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_second_life concept:atdate concept_dateliteral_n2006 +concept_weapon_second_life concept:atdate concept_dateliteral_n2007 +concept_weapon_second_life concept:atdate concept_dateliteral_n2008 +concept_weapon_secondary_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_security_council concept:atdate concept_date_n1999 +concept_weapon_security_council concept:atdate concept_date_n2001 +concept_weapon_security_council concept:atdate concept_date_n2003 +concept_weapon_security_council concept:atdate concept_dateliteral_n2006 +concept_weapon_security_council concept:atdate concept_dateliteral_n2007 +concept_weapon_security_council concept:mutualproxyfor concept_person_iran +concept_weapon_security_council concept:atdate concept_year_n1992 +concept_weapon_self_loading_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_self_loading_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_auto_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_auto_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_auto_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_firearms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semi_automatic_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semiautomatic_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_semiautomatic_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sentry_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_series_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_service_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_service_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_seven_ballistic_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_seven_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_seven_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_several_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_several_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shahab_3_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sharp_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sharps_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sheathed_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shield concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_shield_emitter concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shield_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shields concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shipment concept:atdate concept_date_n2004 +concept_weapon_shipment concept:atdate concept_dateliteral_n2008 +concept_weapon_shooting concept:atdate concept_dateliteral_n2006 +concept_weapon_shooting concept:objectpartofobject concept_visualizableobject_lens +concept_weapon_short_range_ballistic_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_short_range_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_short_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shot_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shot_percussion_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shotgun concept:weaponmadeincountry concept_country_spain +concept_weapon_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shotgun_shells concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shotguns concept:weaponmadeincountry concept_country_belgium +concept_weapon_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shotguns_rifles_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shotty concept:latitudelongitude 43.4501600000000,-65.4821200000000 +concept_weapon_shoulder concept:subpartof concept_website_blood +concept_weapon_shoulder_fired_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shoulder_launched_missile_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shoulder_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_shoulder_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_side_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sided_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_siege_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sights concept:proxyfor concept_book_new +concept_weapon_sights concept:objectfoundinscene concept_landscapefeatures_valley +concept_weapon_silver_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_silver_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_simple_bow concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_simple_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_simple_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_action_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_shot_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_shot_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_shot_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_shot_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_shotguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_single_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_six_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_six_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sixguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sks_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_slayer_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sling_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_arms concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_black_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_caliber_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_handgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_small_oil concept:latitudelongitude 34.6883600000000,-110.3965100000000 +concept_weapon_small_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_smaller_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_smartlock_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_smoothbore_muskets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_snake_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_snake_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sniper_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_society concept:objectpartofobject concept_visualizableobject_lens +concept_weapon_socket_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_soft_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_soviet_union concept:atdate concept_date_n1941 +concept_weapon_soviet_union concept:atdate concept_date_n1942 +concept_weapon_soviet_union concept:atdate concept_date_n1979 +concept_weapon_soviet_union concept:atdate concept_dateliteral_n1945 +concept_weapon_soviet_union concept:atdate concept_dateliteral_n1987 +concept_weapon_soviet_union concept:atdate concept_year_n1991 +concept_weapon_space_based_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_space_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_space_launch_vehicle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_space_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spanish_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spanish_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_special_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_specific_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_speed_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_speed_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_speeder_bikes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spike_grenade concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spiker concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sporting_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spring_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spring_sniper_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_springfield_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_spud_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_squad_automatic_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_square concept:thinghasshape concept_geometricshape_area +concept_weapon_square concept:thinghasshape concept_geometricshape_areas +concept_weapon_square concept:thinghasshape concept_geometricshape_shape +concept_weapon_square concept:thinghasshape concept_geometricshape_shapes +concept_weapon_square concept:thinghasshape concept_geometricshape_space +concept_weapon_square concept:thinghasshape concept_geometricshape_surface +concept_weapon_square concept:thinghasshape concept_geometricshape_table +concept_weapon_squirrel_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_staff concept:objectfoundinscene concept_visualizablescene_observatory +concept_weapon_staff concept:subpartof concept_weatherphenomenon_air +concept_weapon_staff concept:subpartof concept_weatherphenomenon_water +concept_weapon_staff concept:mutualproxyfor concept_website_boards +concept_weapon_stalk concept:objectpartofobject concept_beverage_column +concept_weapon_standard concept:proxyfor concept_book_new +concept_weapon_standard concept:atdate concept_date_n1999 +concept_weapon_standard concept:atdate concept_date_n2000 +concept_weapon_standard concept:atdate concept_date_n2001 +concept_weapon_standard concept:atdate concept_date_n2003 +concept_weapon_standard concept:atdate concept_date_n2004 +concept_weapon_standard concept:atdate concept_dateliteral_n2002 +concept_weapon_standard concept:atdate concept_dateliteral_n2005 +concept_weapon_standard concept:atdate concept_dateliteral_n2006 +concept_weapon_standard concept:atdate concept_dateliteral_n2007 +concept_weapon_standard concept:atdate concept_dateliteral_n2008 +concept_weapon_standard concept:atdate concept_year_n1997 +concept_weapon_standard_assault_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_steel_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stick_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stinger_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stinger_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stockpiles concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_stockpiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stoker_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stone_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stone_wood concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_straight_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_strategic_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stroke_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stun_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_stun_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sub_machine_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sub_machineguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_suicide_car_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_supplies concept:weaponmadeincountry concept_country_egypt +concept_weapon_surface_to_air_guided_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_surface_to_air_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_surface_to_surface_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sushi_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sweeper_shotgun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sword concept:weaponmadeincountry concept_country_china +concept_weapon_sword concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_sword concept:weaponmadeincountry concept_country_spain +concept_weapon_sword_ concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sword_for_sale concept:weaponmadeincountry concept_country_japan +concept_weapon_sword_for_sale concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sword_samurai_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_sword_sets_fantasy_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_swords concept:weaponmadeincountry concept_country_china +concept_weapon_swords concept:weaponmadeincountry concept_country_japan +concept_weapon_swords concept:weaponmadeincountry concept_country_philippines +concept_weapon_swords concept:weaponmadeincountry concept_country_spain +concept_weapon_swords concept:weaponmadeincountry concept_country_usa +concept_weapon_tactical_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_taepo_dong_1_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_taepodong_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tai_chi_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_taiaha concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tang_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tank_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tankless_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_target_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_target_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_targets concept:atdate concept_dateliteral_n2006 +concept_weapon_targets concept:subpartof concept_weatherphenomenon_water +concept_weapon_tasers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tear_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_telescopic_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_the_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_theatre concept:atlocation concept_building_vegas +concept_weapon_theatre concept:atlocation concept_city_vegas_casino +concept_weapon_theatre concept:atlocation concept_county_las_vegas +concept_weapon_thing concept:mutualproxyfor concept_book_new +concept_weapon_thing concept:objectpartofobject concept_visualizableobject_lens +concept_weapon_thompson_submachine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_knives concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_new_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_three_rockets concept:weaponmadeincountry concept_country_northern_israel +concept_weapon_three_volleys concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tomahawk_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tommy_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tommy_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_toy_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_toy_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_toy_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_traditional_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_traditional_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tri_shot concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_truck_bomb concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_truck_bombs concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_tsuba concept:weaponmadeincountry concept_country_japan +concept_weapon_twelve_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_twin_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_automatic_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_hand_grenades concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_handed_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_handguns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_katanas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_light_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_more_rockets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_more_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_natural_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_new_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_new_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_revolvers concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_two_warning_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_type_rifle concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_typical_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_u_s__army concept:atdate concept_date_n1941 +concept_weapon_u_s__army concept:atdate concept_date_n1944 +concept_weapon_u_s__army concept:atdate concept_dateliteral_n1943 +concept_weapon_u_s__army concept:atdate concept_dateliteral_n1945 +concept_weapon_u_s__army concept:atdate concept_dateliteral_n2005 +concept_weapon_u_s__army concept:atdate concept_year_n1998 +concept_weapon_u_s__missile concept:weaponmadeincountry concept_country_czech_republic +concept_weapon_u_s__missile concept:weaponmadeincountry concept_country_poland +concept_weapon_u_s__missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_u_s__weapons concept:weaponmadeincountry concept_country_iraq +concept_weapon_u_s__weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_unarmed_strike concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_united_nations_security_council concept:mutualproxyfor concept_person_iran +concept_weapon_united_states_navy concept:atdate concept_date_n1941 +concept_weapon_universities concept:mutualproxyfor concept_book_new +concept_weapon_unloaded_weapon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_unsheathed_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uranium concept:weaponmadeincountry concept_country_iraq +concept_weapon_uranium_ammunition concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uranium_bullets concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uranium_munitions concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uranium_shells concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_us_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uzi_machine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_uzi_submachine_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_v_2_rocket concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_various_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_vent_free_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_vented_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_very_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_vickers_machine_gun concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_vulcan_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_vx_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warfare_agents concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warfare_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warhead_missiles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warheads concept:weaponmadeincountry concept_country_iran +concept_weapon_warheads concept:weaponmadeincountry concept_country_israel +concept_weapon_warheads concept:weaponmadeincountry concept_country_pakistan +concept_weapon_warheads concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_warheads concept:weaponmadeincountry concept_country_russia +concept_weapon_warheads concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_warheads concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_warheads concept:weaponmadeincountry concept_country_us +concept_weapon_warheads concept:weaponmadeincountry concept_country_west_indies +concept_weapon_warheads concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warning_shots concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_warrior_katana_sword concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_water_cannon concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_water_pistol concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_water_pistols concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weap concept:latitudelongitude 38.1888800000000,-109.8862400000000 +concept_weapon_weapon_arsenals concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_capabilities concept:weaponmadeincountry concept_country_iran +concept_weapon_weapon_capability concept:weaponmadeincountry concept_country_iran +concept_weapon_weapon_capability concept:weaponmadeincountry concept_country_pakistan +concept_weapon_weapon_capability concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_collector concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_components concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_delivery_systems concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_dispenser concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_programmes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapon_tranq concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weaponry concept:weaponmadeincountry concept_country_egypt +concept_weapon_weaponry concept:weaponmadeincountry concept_country_iran +concept_weapon_weaponry concept:weaponmadeincountry concept_country_iraq +concept_weapon_weaponry concept:weaponmadeincountry concept_country_us +concept_weapon_weaponry concept:weaponmadeincountry concept_country_west_indies +concept_weapon_weaponry concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons concept:weaponmadeincountry concept_country___america +concept_weapon_weapons concept:weaponmadeincountry concept_country_afghanistan +concept_weapon_weapons concept:weaponmadeincountry concept_country_albania +concept_weapon_weapons concept:weaponmadeincountry concept_country_algeria +concept_weapon_weapons concept:weaponmadeincountry concept_country_arabia_saudita +concept_weapon_weapons concept:weaponmadeincountry concept_country_argentina +concept_weapon_weapons concept:weaponmadeincountry concept_country_armenia +concept_weapon_weapons concept:weaponmadeincountry concept_country_belarus +concept_weapon_weapons concept:weaponmadeincountry concept_country_brazil +concept_weapon_weapons concept:weaponmadeincountry concept_country_britain +concept_weapon_weapons concept:weaponmadeincountry concept_country_canada_canada +concept_weapon_weapons concept:weaponmadeincountry concept_country_china +concept_weapon_weapons concept:weaponmadeincountry concept_country_communist_china +concept_weapon_weapons concept:weaponmadeincountry concept_country_countries +concept_weapon_weapons concept:weaponmadeincountry concept_country_cuba +concept_weapon_weapons concept:weaponmadeincountry concept_country_egypt +concept_weapon_weapons concept:weaponmadeincountry concept_country_former_soviet_union +concept_weapon_weapons concept:weaponmadeincountry concept_country_france_france +concept_weapon_weapons concept:weaponmadeincountry concept_country_germany +concept_weapon_weapons concept:weaponmadeincountry concept_country_iran +concept_weapon_weapons concept:weaponmadeincountry concept_country_iran_____ +concept_weapon_weapons concept:weaponmadeincountry concept_country_iranians +concept_weapon_weapons concept:weaponmadeincountry concept_country_iraq +concept_weapon_weapons concept:weaponmadeincountry concept_country_islamic_country +concept_weapon_weapons concept:weaponmadeincountry concept_country_israel +concept_weapon_weapons concept:weaponmadeincountry concept_country_japan +concept_weapon_weapons concept:weaponmadeincountry concept_country_kazakhstan +concept_weapon_weapons concept:weaponmadeincountry concept_country_kuwait +concept_weapon_weapons concept:weaponmadeincountry concept_country_liberia +concept_weapon_weapons concept:weaponmadeincountry concept_country_libya +concept_weapon_weapons concept:weaponmadeincountry concept_country_pakistan +concept_weapon_weapons concept:weaponmadeincountry concept_country_republic +concept_weapon_weapons concept:weaponmadeincountry concept_country_republic_of_india +concept_weapon_weapons concept:weaponmadeincountry concept_country_romania +concept_weapon_weapons concept:weaponmadeincountry concept_country_russia +concept_weapon_weapons concept:weaponmadeincountry concept_country_russian_federation +concept_weapon_weapons concept:weaponmadeincountry concept_country_saudis +concept_weapon_weapons concept:weaponmadeincountry concept_country_scandinavian_countries +concept_weapon_weapons concept:weaponmadeincountry concept_country_sinai +concept_weapon_weapons concept:weaponmadeincountry concept_country_somalia +concept_weapon_weapons concept:weaponmadeincountry concept_country_south_africa +concept_weapon_weapons concept:weaponmadeincountry concept_country_south_korea +concept_weapon_weapons concept:weaponmadeincountry concept_country_soviet_union +concept_weapon_weapons concept:weaponmadeincountry concept_country_sudan +concept_weapon_weapons concept:weaponmadeincountry concept_country_syria +concept_weapon_weapons concept:weaponmadeincountry concept_country_taiwan +concept_weapon_weapons concept:weaponmadeincountry concept_country_the_united_kingdom +concept_weapon_weapons concept:weaponmadeincountry concept_country_third_world_countries +concept_weapon_weapons concept:weaponmadeincountry concept_country_u_s_ +concept_weapon_weapons concept:weaponmadeincountry concept_country_u_s_a_ +concept_weapon_weapons concept:weaponmadeincountry concept_country_uk +concept_weapon_weapons concept:weaponmadeincountry concept_country_ukraine +concept_weapon_weapons concept:weaponmadeincountry concept_country_us +concept_weapon_weapons concept:weaponmadeincountry concept_country_usa +concept_weapon_weapons concept:weaponmadeincountry concept_country_venezuela +concept_weapon_weapons concept:weaponmadeincountry concept_country_west_indies +concept_weapon_weapons concept:weaponmadeincountry concept_country_zimbabwe +concept_weapon_weapons concept:weaponmadeincountry concept_geopoliticalorganization_n__korea +concept_weapon_weapons concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_agents concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_auto concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_materials concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_no_matter concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_or_weapon_look_alikes concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_stockpile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_systems concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weapons_technology concept:weaponmadeincountry concept_country_iran +concept_weapon_weapons_technology concept:weaponmadeincountry concept_country_west_indies +concept_weapon_weapons_worldwide concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weatherby_rifles concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_weeks concept:atlocation concept_airport_gold +concept_weapon_weeks concept:proxyfor concept_book_new +concept_weapon_weeks concept:atlocation concept_building_west +concept_weapon_weeks concept:atlocation concept_city_central +concept_weapon_weeks concept:atdate concept_date_n1971 +concept_weapon_weeks concept:atdate concept_date_n1999 +concept_weapon_weeks concept:atdate concept_date_n2000 +concept_weapon_weeks concept:atdate concept_date_n2001 +concept_weapon_weeks concept:atdate concept_date_n2003 +concept_weapon_weeks concept:atdate concept_date_n2004 +concept_weapon_weeks concept:atdate concept_date_n2009 +concept_weapon_weeks concept:atdate concept_dateliteral_n2002 +concept_weapon_weeks concept:atdate concept_dateliteral_n2005 +concept_weapon_weeks concept:atdate concept_dateliteral_n2006 +concept_weapon_weeks concept:atdate concept_dateliteral_n2007 +concept_weapon_weeks concept:atdate concept_dateliteral_n2008 +concept_weapon_weeks concept:atlocation concept_hotel_north +concept_weapon_weeks concept:atlocation concept_lake_new +concept_weapon_weeks concept:atlocation concept_landscapefeatures_gulf +concept_weapon_weeks concept:proxyfor concept_programminglanguage_the_new +concept_weapon_weeks concept:atlocation concept_website_east +concept_weapon_weeks concept:atlocation concept_website_south +concept_weapon_weeks concept:atdate concept_year_n1992 +concept_weapon_weeks concept:atdate concept_year_n1994 +concept_weapon_weeks concept:atdate concept_year_n1995 +concept_weapon_weeks concept:atdate concept_year_n1997 +concept_weapon_weeks concept:atdate concept_year_n1998 +concept_weapon_white_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_winchester_guns concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_winchesters concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wire_guided_missile concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wmd concept:weaponmadeincountry concept_country_iran +concept_weapon_wmd concept:weaponmadeincountry concept_country_iraq +concept_weapon_wmd concept:weaponmadeincountry concept_country_syria +concept_weapon_wmd concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wmds concept:weaponmadeincountry concept_country_iraq +concept_weapon_wood_coal concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wood_pellet concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_wooden_swords concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_worcester_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_world_war_i concept:atdate concept_dateliteral_n1917 +concept_weapon_year_gas concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_yellow_cake concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_yellow_cake_uranium concept:weaponmadeincountry concept_country_iraq +concept_weapon_yellow_cake_uranium concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weapon_yellowcake_uranium concept:weaponmadeincountry concept_country_iraq +concept_weapon_yellowcake_uranium concept:weaponssuchasweapons concept_weapon_nuclear_missile +concept_weatherphenomenon_appearance concept:proxyfor concept_book_new +concept_weatherphenomenon_ashfall concept:latitudelongitude 42.4250000000000,-98.1586800000000 +concept_weatherphenomenon_blue_waves concept:latitudelongitude 45.1167400000000,14.5096800000000 +concept_weatherphenomenon_cape concept:proxyfor concept_book_years +concept_weatherphenomenon_cape concept:subpartof concept_book_years +concept_weatherphenomenon_cape concept:atlocation concept_building_years +concept_weatherphenomenon_coastlines concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_combers concept:latitudelongitude 49.2922100000000,-99.1547200000000 +concept_weatherphenomenon_days concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_days concept:atlocation concept_building_west +concept_weatherphenomenon_days concept:atlocation concept_hotel_north +concept_weatherphenomenon_days concept:atlocation concept_landscapefeatures_gulf +concept_weatherphenomenon_days concept:atlocation concept_river_yellow +concept_weatherphenomenon_days concept:atlocation concept_website_east +concept_weatherphenomenon_days concept:atlocation concept_website_south +concept_weatherphenomenon_dewpoint concept:latitudelongitude -32.9000000000000,27.8333300000000 +concept_weatherphenomenon_downpour concept:latitudelongitude -44.1183300000000,168.7350800000000 +concept_weatherphenomenon_european_union concept:mutualproxyfor concept_person_mugabe +concept_weatherphenomenon_females concept:proxyfor concept_book_new +concept_weatherphenomenon_floods concept:atdate concept_dateliteral_n2007 +concept_weatherphenomenon_freeze concept:atdate concept_dateliteral_n2007 +concept_weatherphenomenon_greater concept:atlocation concept_stateorprovince_california +concept_weatherphenomenon_greater concept:proxyfor concept_stateorprovince_california +concept_weatherphenomenon_ice concept:atdate concept_dateliteral_n2007 +concept_weatherphenomenon_last_rain concept:latitudelongitude 40.7402800000000,-73.8794400000000 +concept_weatherphenomenon_locations concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_memphis concept:mutualproxyfor concept_musicalbum_tennessee +concept_weatherphenomenon_morning_snow concept:latitudelongitude 39.7716500000000,-105.4419400000000 +concept_weatherphenomenon_mountain_weather concept:latitudelongitude 44.2952300000000,-109.3104300000000 +concept_weatherphenomenon_n30_years concept:proxyfor concept_book_new +concept_weatherphenomenon_pacific concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_pacific concept:atlocation concept_building_america +concept_weatherphenomenon_pacific concept:atdate concept_date_n1942 +concept_weatherphenomenon_pacific concept:atdate concept_date_n1944 +concept_weatherphenomenon_rain concept:proxyfor concept_book_new +concept_weatherphenomenon_sea concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_snow concept:atdate concept_dateliteral_n2008 +concept_weatherphenomenon_snow concept:proxyfor concept_lake_new +concept_weatherphenomenon_snow_ concept:latitudelongitude 44.4070600000000,-121.8695000000000 +concept_weatherphenomenon_sobbing concept:latitudelongitude 52.1000000000000,6.9666700000000 +concept_weatherphenomenon_south_easter concept:latitudelongitude 45.0501600000000,-61.5818400000000 +concept_weatherphenomenon_stone_tavern concept:proxyfor concept_stateorprovince_newjersey +concept_weatherphenomenon_storms concept:atdate concept_dateliteral_n2007 +concept_weatherphenomenon_summer_ice concept:latitudelongitude 43.1374500000000,-109.6501500000000 +concept_weatherphenomenon_sweet_air concept:latitudelongitude 39.4744600000000,-76.6609866666667 +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_book_nashville +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_braintissue_knoxville +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_museum_franklin +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_musicalbum_chattanooga +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_musicalbum_jackson +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_physicalaction_clarksville +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_radiostation_cleveland +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_radiostation_morristown +concept_weatherphenomenon_tennessee concept:mutualproxyfor concept_visualizablescene_smyrna +concept_weatherphenomenon_times concept:atlocation concept_lake_new +concept_weatherphenomenon_times concept:atlocation concept_retailstore_la +concept_weatherphenomenon_times concept:atlocation concept_visualizablescene_ny +concept_weatherphenomenon_times concept:atlocation concept_website_east +concept_weatherphenomenon_times concept:atlocation concept_website_financial +concept_weatherphenomenon_times concept:atlocation concept_website_south +concept_weatherphenomenon_two concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_two concept:mutualproxyfor concept_city_cottage +concept_weatherphenomenon_two concept:mutualproxyfor concept_city_home +concept_weatherphenomenon_two concept:mutualproxyfor concept_director_committee +concept_weatherphenomenon_two concept:mutualproxyfor concept_emotion_senate +concept_weatherphenomenon_two concept:mutualproxyfor concept_geometricshape_property +concept_weatherphenomenon_two concept:mutualproxyfor concept_governmentorganization_house +concept_weatherphenomenon_two concept:mutualproxyfor concept_hobby_bungalow +concept_weatherphenomenon_two concept:mutualproxyfor concept_musicsong_villa +concept_weatherphenomenon_two concept:mutualproxyfor concept_nongovorganization_council +concept_weatherphenomenon_two concept:mutualproxyfor concept_visualizablething_residence +concept_weatherphenomenon_updraft concept:latitudelongitude 38.6008200000000,-109.5592800000000 +concept_weatherphenomenon_warning concept:proxyfor concept_book_new +concept_weatherphenomenon_warning concept:atdate concept_date_n2003 +concept_weatherphenomenon_warning concept:atdate concept_date_n2004 +concept_weatherphenomenon_warning concept:atdate concept_dateliteral_n2006 +concept_weatherphenomenon_warning concept:atdate concept_dateliteral_n2007 +concept_weatherphenomenon_waters concept:mutualproxyfor concept_book_new +concept_weatherphenomenon_wind concept:proxyfor concept_book_new +concept_weatherphenomenon_wind_power concept:latitudelongitude 23.2033300000000,119.4419400000000 +concept_weatherphenomenon_world concept:atlocation concept_city_washington_d_c +concept_website_abc concept:subpartof concept_company_disney_feature_animation +concept_website_abc_world_news concept:companyeconomicsector concept_academicfield_news +concept_website_abc_world_news concept:headquarteredin concept_city_new_york +concept_website_accident concept:proxyfor concept_book_new +concept_website_accident concept:atdate concept_date_n1996 +concept_website_accident concept:atdate concept_date_n1999 +concept_website_accident concept:atdate concept_date_n2000 +concept_website_accident concept:atdate concept_date_n2001 +concept_website_accident concept:atdate concept_date_n2003 +concept_website_accident concept:atdate concept_date_n2004 +concept_website_accident concept:atdate concept_dateliteral_n2002 +concept_website_accident concept:atdate concept_dateliteral_n2005 +concept_website_accident concept:atdate concept_dateliteral_n2006 +concept_website_accident concept:atdate concept_dateliteral_n2007 +concept_website_accident concept:atdate concept_dateliteral_n2008 +concept_website_accident concept:atdate concept_year_n1995 +concept_website_accident concept:atdate concept_year_n1998 +concept_website_acrobat concept:synonymfor concept_retailstore_adobe_systems +concept_website_acrobat concept:synonymfor concept_website_adobe +concept_website_add concept:synonymfor concept_programminglanguage_create +concept_website_adobe concept:synonymfor concept_bathroomitem_install +concept_website_adobe concept:synonymfor concept_professionalorganization_adobe_systems_incorporated +concept_website_adobe concept:synonymfor concept_website_pdf +concept_website_adobe_ concept:agentcreated concept_book_print +concept_website_adobe_ concept:agentcreated concept_website_download +concept_website_advantage concept:proxyfor concept_book_new +concept_website_advisor concept:proxyfor concept_book_new +concept_website_advisor concept:atdate concept_dateliteral_n2008 +concept_website_adwords_google concept:agentcompeteswithagent concept_university_search +concept_website_affiliates concept:proxyfor concept_book_new +concept_website_aim concept:proxyfor concept_book_new +concept_website_aim concept:atdate concept_date_n2004 +concept_website_aim concept:atdate concept_dateliteral_n2005 +concept_website_aim concept:atdate concept_dateliteral_n2006 +concept_website_aim concept:atdate concept_dateliteral_n2007 +concept_website_airline concept:atlocation concept_airport_gatwick +concept_website_airline concept:atdate concept_dateliteral_n2007 +concept_website_alltheweb_ concept:agentcompeteswithagent concept_university_search +concept_website_altavista_com concept:competeswith concept_company_msn +concept_website_altavista_com concept:agentcompeteswithagent concept_mlauthor_web_search +concept_website_altavista_com concept:agentcompeteswithagent concept_university_search +concept_website_amazon concept:agentcontrols concept_automobilemaker_jeff_bezos +concept_website_amazon concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_amazon concept:organizationterminatedperson concept_ceo_jeff_bezos +concept_website_amazon concept:hasofficeincity concept_city_cape_town +concept_website_amazon concept:headquarteredin concept_city_seattle +concept_website_amazon concept:organizationheadquarteredincity concept_city_seattle +concept_website_amazon concept:acquired concept_company_audible__com +concept_website_amazon concept:acquired concept_company_shelfari +concept_website_amazon concept:agentparticipatedinevent concept_convention_link +concept_website_amazon concept:hasofficeincountry concept_country___america +concept_website_amazon concept:atdate concept_dateliteral_n2008 +concept_website_amazon concept:companyeconomicsector concept_economicsector_internet +concept_website_amazon concept:agentparticipatedinevent concept_sportsgame_links +concept_website_amazon concept:agentcompeteswithagent concept_university_search +concept_website_amazon concept:competeswith concept_website_facebook +concept_website_amazon concept:acquired concept_website_imdb +concept_website_amazon concept:competeswith concept_website_yahoo +concept_website_american_medical_association concept:atdate concept_date_n2003 +concept_website_american_medical_association concept:atdate concept_dateliteral_n2002 +concept_website_american_medical_association concept:atdate concept_dateliteral_n2005 +concept_website_american_medical_association concept:atdate concept_dateliteral_n2006 +concept_website_american_medical_association concept:atdate concept_dateliteral_n2007 +concept_website_american_medical_association concept:atdate concept_year_n1997 +concept_website_announcement concept:atdate concept_date_n1993 +concept_website_announcement concept:atdate concept_date_n1996 +concept_website_announcement concept:atdate concept_date_n1999 +concept_website_announcement concept:atdate concept_date_n2000 +concept_website_announcement concept:atdate concept_date_n2001 +concept_website_announcement concept:atdate concept_date_n2003 +concept_website_announcement concept:atdate concept_date_n2004 +concept_website_announcement concept:atdate concept_dateliteral_n2002 +concept_website_announcement concept:atdate concept_dateliteral_n2005 +concept_website_announcement concept:atdate concept_dateliteral_n2006 +concept_website_announcement concept:atdate concept_dateliteral_n2007 +concept_website_announcement concept:atdate concept_dateliteral_n2008 +concept_website_announcement concept:atdate concept_year_n1998 +concept_website_aol_search concept:agentcompeteswithagent concept_university_search +concept_website_aol_video concept:subpartoforganization concept_website_netscape +concept_website_arizona_republic concept:newspaperincity concept_city_phoenix +concept_website_article concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_website_articles concept:specializationof concept_website_information +concept_website_associated_press concept:companyeconomicsector concept_academicfield_media +concept_website_associated_press concept:companyeconomicsector concept_academicfield_news +concept_website_associated_press concept:headquarteredin concept_city_new_york +concept_website_associated_press concept:organizationheadquarteredincity concept_city_new_york +concept_website_associated_press concept:competeswith concept_newspaper_journal +concept_website_associates concept:atdate concept_date_n2000 +concept_website_associates concept:atdate concept_date_n2003 +concept_website_associates concept:atdate concept_date_n2004 +concept_website_associates concept:atdate concept_dateliteral_n2002 +concept_website_associates concept:atdate concept_dateliteral_n2005 +concept_website_associates concept:atdate concept_dateliteral_n2006 +concept_website_associates concept:atdate concept_dateliteral_n2007 +concept_website_associates concept:atdate concept_dateliteral_n2008 +concept_website_atlanta_journal_constitution concept:companyeconomicsector concept_academicfield_news +concept_website_atlanta_journal_constitution concept:competeswith concept_newspaper_journal +concept_website_auctions concept:proxyfor concept_book_new +concept_website_babylon concept:proxyfor concept_book_new +concept_website_baidu concept:agentcompeteswithagent concept_university_search +concept_website_bangladesh concept:atdate concept_date_n1972 +concept_website_bangladesh concept:atdate concept_date_n1999 +concept_website_bangladesh concept:atdate concept_date_n2000 +concept_website_bangladesh concept:atdate concept_date_n2001 +concept_website_bangladesh concept:atdate concept_date_n2003 +concept_website_bangladesh concept:atdate concept_date_n2004 +concept_website_bangladesh concept:atdate concept_dateliteral_n2005 +concept_website_bangladesh concept:atdate concept_dateliteral_n2006 +concept_website_bangladesh concept:atdate concept_dateliteral_n2007 +concept_website_bangladesh concept:atdate concept_dateliteral_n2008 +concept_website_bangladesh concept:atdate concept_year_n1997 +concept_website_beauty concept:proxyfor concept_book_new +concept_website_best_buy concept:mutualproxyfor concept_ceo_brad_anderson +concept_website_best_buy concept:mutualproxyfor concept_ceo_brian_j__dunn +concept_website_bill concept:atdate concept_date_n1999 +concept_website_bill concept:atdate concept_date_n2000 +concept_website_bill concept:atdate concept_date_n2001 +concept_website_bill concept:atdate concept_date_n2004 +concept_website_bill concept:atdate concept_dateliteral_n2002 +concept_website_bill concept:atdate concept_dateliteral_n2005 +concept_website_bill concept:atdate concept_dateliteral_n2006 +concept_website_bill concept:subpartof concept_weatherphenomenon_air +concept_website_bill concept:subpartof concept_weatherphenomenon_water +concept_website_bill concept:atdate concept_year_n1997 +concept_website_bill concept:atdate concept_year_n1998 +concept_website_blip_tv concept:competeswith concept_company_video +concept_website_blogging concept:agentcompeteswithagent concept_blog_wordpress +concept_website_blogs concept:atdate concept_dateliteral_n2005 +concept_website_blogs concept:atdate concept_dateliteral_n2006 +concept_website_bloomberg_news concept:companyeconomicsector concept_academicfield_news +concept_website_bloomberg_news concept:headquarteredin concept_city_new_york +concept_website_bloomberg_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_bloomberg_news concept:newspaperincity concept_city_washington_d_c +concept_website_bloomsbury concept:atdate concept_dateliteral_n2006 +concept_website_bloomsbury concept:proxyfor concept_radiostation_new_jersey +concept_website_bloomsbury concept:proxyfor concept_stateorprovince_newjersey +concept_website_boards concept:synonymfor concept_boardgame_board +concept_website_boards concept:proxyfor concept_book_new +concept_website_boards concept:mutualproxyfor concept_chemical_management +concept_website_boards concept:atdate concept_dateliteral_n2007 +concept_website_boards concept:atdate concept_dateliteral_n2008 +concept_website_boards concept:mutualproxyfor concept_politicaloffice_association +concept_website_boards concept:mutualproxyfor concept_sportsequipment_board +concept_website_boom concept:proxyfor concept_book_new +concept_website_boxun concept:latitudelongitude 20.8000000000000,101.7833300000000 +concept_website_break concept:atdate concept_date_n2004 +concept_website_breeze concept:proxyfor concept_book_new +concept_website_broadcast concept:atdate concept_date_n1999 +concept_website_broadcast concept:atdate concept_date_n2001 +concept_website_broadcast concept:atdate concept_date_n2003 +concept_website_broadcast concept:atdate concept_date_n2004 +concept_website_broadcast concept:atdate concept_date_n2009 +concept_website_broadcast concept:atdate concept_dateliteral_n2002 +concept_website_broadcast concept:atdate concept_dateliteral_n2005 +concept_website_broadcast concept:atdate concept_dateliteral_n2006 +concept_website_broadcast concept:atdate concept_dateliteral_n2007 +concept_website_broadcast concept:atdate concept_dateliteral_n2008 +concept_website_broadcast concept:atdate concept_year_n1982 +concept_website_broadcast concept:atdate concept_year_n1998 +concept_website_browser concept:synonymfor concept_everypromotedthing__web_client +concept_website_browser concept:synonymfor concept_everypromotedthing_web_client +concept_website_buffalo_news concept:newspaperincity concept_city_washington_d_c +concept_website_builder concept:proxyfor concept_book_new +concept_website_bureau concept:proxyfor concept_book_new +concept_website_campaign concept:proxyfor concept_book_new +concept_website_campaign concept:atdate concept_date_n1996 +concept_website_campaign concept:atdate concept_date_n1999 +concept_website_campaign concept:atdate concept_date_n2000 +concept_website_campaign concept:atdate concept_date_n2001 +concept_website_campaign concept:istallerthan concept_publication_people_ +concept_website_campaign concept:atdate concept_year_n1997 +concept_website_campaigns concept:proxyfor concept_book_new +concept_website_campaigns concept:subpartof concept_weatherphenomenon_water +concept_website_cbs concept:subpartof concept_attraction_viacom +concept_website_cbs_evening_news concept:companyeconomicsector concept_academicfield_media +concept_website_cbs_evening_news concept:companyeconomicsector concept_academicfield_news +concept_website_cbs_evening_news concept:headquarteredin concept_city_new_york +concept_website_cbs_evening_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_cent concept:atdate concept_date_n1999 +concept_website_cent concept:atdate concept_date_n2000 +concept_website_cent concept:atdate concept_date_n2001 +concept_website_cent concept:atdate concept_date_n2003 +concept_website_cent concept:atdate concept_date_n2004 +concept_website_cent concept:atdate concept_dateliteral_n2002 +concept_website_cent concept:atdate concept_dateliteral_n2005 +concept_website_cent concept:atdate concept_dateliteral_n2006 +concept_website_cent concept:atdate concept_dateliteral_n2007 +concept_website_cent concept:atdate concept_dateliteral_n2008 +concept_website_cent concept:atdate concept_year_n1997 +concept_website_cent concept:atdate concept_year_n1998 +concept_website_change concept:agentparticipatedinevent concept_eventoutcome_result +concept_website_change concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_website_chicago_daily_news concept:newspaperincity concept_city_chicago +concept_website_chicago_sun concept:companyeconomicsector concept_academicfield_news +concept_website_chicago_sun concept:newspaperincity concept_city_washington_d_c +concept_website_chicago_sun concept:competeswith concept_newspaper_tribune +concept_website_chicago_tribune concept:companyeconomicsector concept_academicfield_media +concept_website_chicago_tribune concept:companyeconomicsector concept_academicfield_news +concept_website_chicago_tribune concept:newspaperincity concept_city_chicago +concept_website_chicago_tribune concept:hasofficeincity concept_city_la +concept_website_chicago_tribune concept:hasofficeincity concept_city_new_york +concept_website_chief_executive concept:proxyfor concept_book_new +concept_website_chief_executive concept:atdate concept_date_n2000 +concept_website_chief_executive concept:atdate concept_date_n2001 +concept_website_chief_executive concept:atdate concept_date_n2004 +concept_website_chief_executive concept:atdate concept_dateliteral_n2005 +concept_website_chief_executive concept:atdate concept_dateliteral_n2006 +concept_website_chief_executive concept:atdate concept_dateliteral_n2007 +concept_website_chief_executive concept:atdate concept_dateliteral_n2008 +concept_website_circuits concept:proxyfor concept_book_new +concept_website_circuits concept:subpartof concept_weatherphenomenon_air +concept_website_clients concept:proxyfor concept_book_new +concept_website_clients concept:atdate concept_dateliteral_n2002 +concept_website_clients concept:atdate concept_dateliteral_n2005 +concept_website_clients concept:atdate concept_dateliteral_n2006 +concept_website_clients concept:atdate concept_dateliteral_n2007 +concept_website_clients concept:atdate concept_dateliteral_n2008 +concept_website_clients concept:subpartof concept_weatherphenomenon_water +concept_website_clusty concept:agentcompeteswithagent concept_university_search +concept_website_cnn__fox concept:companyeconomicsector concept_academicfield_media +concept_website_cnn__fox concept:companyeconomicsector concept_academicfield_news +concept_website_cnn__fox concept:competeswith concept_newspaper_times +concept_website_cnn__the_new_york_times concept:companyeconomicsector concept_academicfield_media +concept_website_cnn__the_new_york_times concept:companyeconomicsector concept_academicfield_news +concept_website_comments concept:competeswith concept_company_twitter +concept_website_communications concept:atdate concept_dateliteral_n2005 +concept_website_communications concept:atdate concept_dateliteral_n2006 +concept_website_communications concept:atdate concept_dateliteral_n2008 +concept_website_competitors concept:proxyfor concept_book_new +concept_website_concord concept:proxyfor concept_company_north_carolina +concept_website_concord concept:subpartof concept_company_north_carolina +concept_website_concord concept:proxyfor concept_newspaper_new_hampshire +concept_website_concord concept:locationlocatedwithinlocation concept_politicsblog_new_hampshire +concept_website_consulting concept:subpartof concept_weatherphenomenon_water +concept_website_contact_contact concept:agentcreated concept_website_information +concept_website_conversation concept:atdate concept_date_n2004 +concept_website_conversation concept:atdate concept_dateliteral_n2007 +concept_website_cost concept:proxyfor concept_book_new +concept_website_courier_journal concept:newspaperincity concept_city_louisville +concept_website_crafty concept:latitudelongitude 47.6500000000000,-58.4818200000000 +concept_website_credit concept:proxyfor concept_book_new +concept_website_critic concept:proxyfor concept_book_new +concept_website_daily_news concept:hasofficeincity concept_city_denver +concept_website_daily_news concept:headquarteredin concept_city_new_york +concept_website_daily_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_daily_news concept:newspaperincity concept_county_los_angeles_county +concept_website_dallas_morning_news concept:companyeconomicsector concept_academicfield_media +concept_website_dallas_morning_news concept:companyeconomicsector concept_academicfield_news +concept_website_dallas_morning_news concept:newspaperincity concept_city_washington_d_c +concept_website_decision concept:proxyfor concept_book_new +concept_website_decision concept:atdate concept_date_n1993 +concept_website_decision concept:atdate concept_date_n1996 +concept_website_decision concept:atdate concept_date_n1999 +concept_website_decision concept:atdate concept_date_n2000 +concept_website_decision concept:atdate concept_date_n2001 +concept_website_decision concept:atdate concept_date_n2003 +concept_website_decision concept:atdate concept_date_n2004 +concept_website_decision concept:atdate concept_date_n2009 +concept_website_decision concept:atdate concept_dateliteral_n2002 +concept_website_decision concept:atdate concept_dateliteral_n2005 +concept_website_decision concept:atdate concept_dateliteral_n2006 +concept_website_decision concept:atdate concept_dateliteral_n2007 +concept_website_decision concept:atdate concept_dateliteral_n2008 +concept_website_decision concept:atdate concept_year_n1992 +concept_website_decision concept:atdate concept_year_n1994 +concept_website_decision concept:atdate concept_year_n1995 +concept_website_decision concept:atdate concept_year_n1997 +concept_website_decision concept:atdate concept_year_n1998 +concept_website_dell_inc concept:mutualproxyfor concept_company_dell001 +concept_website_description concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_website_deseret_morning_news concept:newspaperincity concept_county_salt_lake +concept_website_developer concept:proxyfor concept_book_new +concept_website_developers concept:proxyfor concept_book_new +concept_website_developers concept:atdate concept_dateliteral_n2007 +concept_website_digg concept:competeswith concept_blog_google +concept_website_digg concept:competeswith concept_blog_myspace +concept_website_digg concept:competeswith concept_blog_twitter +concept_website_digg concept:organizationhiredperson concept_ceo_jay_adelson +concept_website_digg concept:organizationterminatedperson concept_ceo_jay_adelson +concept_website_digg concept:competeswith concept_website_facebook +concept_website_divorce concept:atdate concept_date_n1996 +concept_website_divorce concept:atdate concept_date_n2001 +concept_website_divorce concept:atdate concept_date_n2003 +concept_website_divorce concept:atdate concept_date_n2004 +concept_website_divorce concept:atdate concept_dateliteral_n2002 +concept_website_divorce concept:atdate concept_dateliteral_n2005 +concept_website_divorce concept:atdate concept_dateliteral_n2006 +concept_website_divorce concept:atdate concept_dateliteral_n2007 +concept_website_divorce concept:atdate concept_dateliteral_n2008 +concept_website_divorce concept:atdate concept_year_n1997 +concept_website_dmoz concept:agentcompeteswithagent concept_university_search +concept_website_dogpile concept:competeswith concept_blog_google +concept_website_dogpile concept:agentcompeteswithagent concept_university_search +concept_website_dogpile__com concept:agentcompeteswithagent concept_university_search +concept_website_east concept:proxyfor concept_book_new +concept_website_east concept:proxyfor concept_book_years +concept_website_ecuador concept:atdate concept_date_n2000 +concept_website_ecuador concept:atdate concept_date_n2001 +concept_website_ecuador concept:atdate concept_date_n2003 +concept_website_ecuador concept:atdate concept_date_n2009 +concept_website_ecuador concept:atdate concept_dateliteral_n2007 +concept_website_ecuador concept:atdate concept_dateliteral_n2008 +concept_website_entertainment_weekly concept:companyeconomicsector concept_academicfield_media +concept_website_entertainment_weekly concept:headquarteredin concept_city_new_york +concept_website_entertainment_weekly concept:organizationheadquarteredincity concept_city_new_york +concept_website_entrepreneur_magazine concept:companyeconomicsector concept_academicfield_media +concept_website_episode concept:atdate concept_dateliteral_n2005 +concept_website_episode concept:atdate concept_dateliteral_n2007 +concept_website_episode concept:atdate concept_dateliteral_n2008 +concept_website_espn_the_magazine concept:headquarteredin concept_city_new_york +concept_website_espn_the_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_evening_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_experience concept:organizationdissolvedatdate concept_date_aug +concept_website_experience concept:agentparticipatedinevent concept_eventoutcome_benefit +concept_website_experience concept:agentparticipatedinevent concept_eventoutcome_result +concept_website_experience concept:organizationdissolvedatdate concept_month_april +concept_website_experience concept:organizationdissolvedatdate concept_month_december +concept_website_experience concept:organizationdissolvedatdate concept_month_february +concept_website_experience concept:organizationdissolvedatdate concept_month_january +concept_website_experience concept:organizationdissolvedatdate concept_month_july +concept_website_experience concept:organizationdissolvedatdate concept_month_june +concept_website_experience concept:organizationdissolvedatdate concept_month_march +concept_website_experience concept:organizationdissolvedatdate concept_month_may +concept_website_experience concept:organizationdissolvedatdate concept_month_november +concept_website_experience concept:organizationdissolvedatdate concept_month_october +concept_website_experience concept:organizationdissolvedatdate concept_month_september +concept_website_experience concept:agentparticipatedinevent concept_sportsgame_series +concept_website_experience concept:subpartoforganization concept_terroristorganization_state +concept_website_extensions concept:subpartof concept_weatherphenomenon_water +concept_website_facebook concept:companyeconomicsector concept_academicfield_media +concept_website_facebook concept:competeswith concept_blog_google +concept_website_facebook concept:competeswith concept_blog_linkedin +concept_website_facebook concept:competeswith concept_blog_myspace +concept_website_facebook concept:competeswith concept_blog_stumbleupon +concept_website_facebook concept:competeswith concept_blog_twitter +concept_website_facebook concept:mutualproxyfor concept_ceo_mark_zuckerberg +concept_website_facebook concept:organizationterminatedperson concept_ceo_mark_zuckerberg +concept_website_facebook concept:headquarteredin concept_city_palo_alto +concept_website_facebook concept:organizationheadquarteredincity concept_city_palo_alto +concept_website_facebook concept:competeswith concept_company_flickr001 +concept_website_facebook concept:competeswith concept_company_friendfeed +concept_website_facebook concept:competeswith concept_company_msn +concept_website_facebook concept:competeswith concept_company_wikipedia001 +concept_website_facebook concept:companyeconomicsector concept_economicsector_social_networking +concept_website_facebook concept:competeswith concept_website_amazon +concept_website_facebook concept:competeswith concept_website_digg +concept_website_facebook concept:competeswith concept_website_linked +concept_website_facebook concept:competeswith concept_website_orkut +concept_website_facebook concept:competeswith concept_website_windows_live_search +concept_website_facebook concept:competeswith concept_website_yahoo +concept_website_facebook concept:competeswith concept_website_youtube +concept_website_faq concept:atdate concept_dateliteral_n2007 +concept_website_faq concept:specializationof concept_website_information +concept_website_feature concept:proxyfor concept_book_new +concept_website_feature concept:atdate concept_dateliteral_n2005 +concept_website_feature concept:atdate concept_dateliteral_n2006 +concept_website_feature concept:atdate concept_dateliteral_n2007 +concept_website_feature concept:atdate concept_dateliteral_n2008 +concept_website_feature concept:subpartof concept_weatherphenomenon_air +concept_website_files concept:atdate concept_dateliteral_n2007 +concept_website_filter concept:subpartof concept_weatherphenomenon_air +concept_website_filter concept:subpartof concept_weatherphenomenon_water +concept_website_filters concept:subpartof concept_weatherphenomenon_air +concept_website_filters concept:subpartof concept_weatherphenomenon_water +concept_website_firefox concept:competeswith concept_blog_google +concept_website_foreclosure concept:atdate concept_dateliteral_n2008 +concept_website_fortune concept:companyeconomicsector concept_academicfield_media +concept_website_fortune concept:headquarteredin concept_city_new_york +concept_website_fortune concept:newspaperincity concept_city_washington_d_c +concept_website_forum concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_fox_news concept:companyeconomicsector concept_academicfield_media +concept_website_fox_news concept:companyeconomicsector concept_academicfield_news +concept_website_fox_news concept:headquarteredin concept_city_new_york +concept_website_fox_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_fox_news concept:newspaperincity concept_city_washington_d_c +concept_website_fox_news concept:competeswith concept_newspaper_journal +concept_website_friendster concept:companyeconomicsector concept_economicsector_social_networking +concept_website_friendster concept:competeswith concept_website_facebook +concept_website_froogle concept:agentcompeteswithagent concept_university_search +concept_website_games concept:proxyfor concept_book_new +concept_website_games concept:atdate concept_date_n2000 +concept_website_games concept:atdate concept_date_n2004 +concept_website_games concept:atdate concept_dateliteral_n2002 +concept_website_games concept:atdate concept_dateliteral_n2005 +concept_website_games concept:atdate concept_dateliteral_n2006 +concept_website_games concept:atdate concept_dateliteral_n2007 +concept_website_gateway concept:subpartof concept_company_acer_aspire +concept_website_gateway concept:specializationof concept_website_information +concept_website_gateway concept:specializationof concept_website_resources +concept_website_gigablast concept:agentcompeteswithagent concept_university_search +concept_website_good_housekeeping concept:headquarteredin concept_city_new_york +concept_website_good_housekeeping concept:organizationheadquarteredincity concept_city_new_york +concept_website_google__com concept:agentcompeteswithagent concept_university_search +concept_website_google__com__au concept:agentcompeteswithagent concept_university_search +concept_website_google_images concept:agentcompeteswithagent concept_university_search +concept_website_google_msn concept:agentcompeteswithagent concept_university_search +concept_website_google_scholar concept:agentcompeteswithagent concept_university_search +concept_website_google_search concept:agentcompeteswithagent concept_personasia_site +concept_website_google_search concept:agentcompeteswithagent concept_university_google +concept_website_google_search concept:agentcompeteswithagent concept_university_search +concept_website_google_search_engine concept:agentcompeteswithagent concept_university_search +concept_website_google_works concept:agentcompeteswithagent concept_university_search +concept_website_google_yahoo concept:agentcompeteswithagent concept_university_search +concept_website_googletm concept:agentcompeteswithagent concept_university_search +concept_website_goto_com concept:synonymfor concept_company_overture +concept_website_goto_com concept:agentcompeteswithagent concept_university_search +concept_website_growth concept:atdate concept_dateliteral_n2006 +concept_website_growth concept:atdate concept_dateliteral_n2007 +concept_website_growth concept:atdate concept_dateliteral_n2008 +concept_website_herald_times concept:newspaperincity concept_city_bloomington +concept_website_herald_tribune concept:hasofficeincity concept_city_new_york +concept_website_herald_tribune concept:organizationheadquarteredincity concept_city_new_york +concept_website_herald_tribune concept:newspaperincity concept_city_sarasota +concept_website_herald_tribune concept:headquarteredin concept_city_washington_d_c +concept_website_herald_tribune concept:agentactsinlocation concept_geopoliticallocation_the_new_york +concept_website_ho_ho_kus concept:mutualproxyfor concept_radiostation_new_jersey +concept_website_home concept:organizationheadquarteredincity concept_city_new_york +concept_website_homes concept:proxyfor concept_book_new +concept_website_homes concept:atdate concept_date_n2009 +concept_website_homes concept:atdate concept_dateliteral_n2002 +concept_website_homes concept:atdate concept_dateliteral_n2006 +concept_website_homes concept:atdate concept_dateliteral_n2007 +concept_website_homes concept:atdate concept_dateliteral_n2008 +concept_website_homes concept:atdate concept_month_august +concept_website_homes concept:atdate concept_month_march +concept_website_homes concept:atdate concept_year_n1998 +concept_website_images concept:proxyfor concept_book_new +concept_website_images concept:atdate concept_date_n2003 +concept_website_impacts concept:subpartof concept_weatherphenomenon_water +concept_website_influence concept:agentparticipatedinevent concept_eventoutcome_result +concept_website_information concept:atdate concept_date_n1996 +concept_website_information concept:atdate concept_date_n1999 +concept_website_information concept:atdate concept_date_n2000 +concept_website_information concept:atdate concept_date_n2001 +concept_website_information concept:atdate concept_date_n2003 +concept_website_information concept:atdate concept_date_n2004 +concept_website_information concept:atdate concept_date_n2009 +concept_website_information concept:atdate concept_dateliteral_n2002 +concept_website_information concept:atdate concept_dateliteral_n2005 +concept_website_information concept:atdate concept_dateliteral_n2006 +concept_website_information concept:atdate concept_dateliteral_n2007 +concept_website_information concept:atdate concept_dateliteral_n2008 +concept_website_information concept:specializationof concept_website_tab +concept_website_information concept:atdate concept_year_n1995 +concept_website_information concept:atdate concept_year_n1997 +concept_website_information concept:atdate concept_year_n1998 +concept_website_infoseek concept:agentcompeteswithagent concept_university_search +concept_website_inktomi concept:agentcompeteswithagent concept_university_search +concept_website_inktomi concept:subpartoforganization concept_university_yahoo +concept_website_inktomi concept:subpartoforganization concept_website_yahoo_mail +concept_website_intern concept:atdate concept_date_n2003 +concept_website_intern concept:atdate concept_dateliteral_n2005 +concept_website_intern concept:atdate concept_dateliteral_n2006 +concept_website_intern concept:atdate concept_dateliteral_n2007 +concept_website_intern concept:atdate concept_dateliteral_n2008 +concept_website_introduction concept:proxyfor concept_book_new +concept_website_introduction concept:atdate concept_date_n1993 +concept_website_introduction concept:atdate concept_date_n1996 +concept_website_introduction concept:atdate concept_date_n1999 +concept_website_introduction concept:atdate concept_date_n2000 +concept_website_introduction concept:atdate concept_date_n2001 +concept_website_introduction concept:atdate concept_date_n2003 +concept_website_introduction concept:atdate concept_date_n2004 +concept_website_introduction concept:atdate concept_date_n2009 +concept_website_introduction concept:atdate concept_dateliteral_n2002 +concept_website_introduction concept:atdate concept_dateliteral_n2005 +concept_website_introduction concept:atdate concept_dateliteral_n2006 +concept_website_introduction concept:atdate concept_dateliteral_n2007 +concept_website_introduction concept:atdate concept_dateliteral_n2008 +concept_website_introduction concept:atdate concept_year_n1994 +concept_website_introduction concept:atdate concept_year_n1995 +concept_website_introduction concept:atdate concept_year_n1997 +concept_website_introduction concept:atdate concept_year_n1998 +concept_website_iphone concept:atdate concept_dateliteral_n2007 +concept_website_issue concept:proxyfor concept_book_new +concept_website_issue concept:atdate concept_date_n1993 +concept_website_issue concept:atdate concept_date_n1996 +concept_website_issue concept:atdate concept_date_n1999 +concept_website_issue concept:atdate concept_date_n2000 +concept_website_issue concept:atdate concept_date_n2001 +concept_website_issue concept:atdate concept_date_n2003 +concept_website_issue concept:atdate concept_date_n2009 +concept_website_issue concept:atdate concept_dateliteral_n1990 +concept_website_issue concept:atdate concept_dateliteral_n2002 +concept_website_issue concept:atdate concept_dateliteral_n2005 +concept_website_issue concept:atdate concept_dateliteral_n2006 +concept_website_issue concept:atdate concept_dateliteral_n2007 +concept_website_issue concept:atdate concept_dateliteral_n2008 +concept_website_issue concept:subpartof concept_weatherphenomenon_air +concept_website_issue concept:subpartof concept_weatherphenomenon_water +concept_website_issue concept:atdate concept_year_n1946 +concept_website_issue concept:atdate concept_year_n1983 +concept_website_issue concept:atdate concept_year_n1986 +concept_website_issue concept:atdate concept_year_n1989 +concept_website_issue concept:atdate concept_year_n1991 +concept_website_issue concept:atdate concept_year_n1995 +concept_website_issue concept:atdate concept_year_n1997 +concept_website_issue concept:atdate concept_year_n1998 +concept_website_iuma concept:latitudelongitude -12.5750000000000,40.4255600000000 +concept_website_jaiku concept:subpartoforganization concept_university_google +concept_website_january_2006 concept:proxyfor concept_book_new +concept_website_jeeran concept:latitudelongitude 2.1333300000000,45.1666700000000 +concept_website_jobs concept:subpartof concept_company_pixar +concept_website_jobs concept:synonymfor concept_governmentorganization_u__s__department +concept_website_jobs concept:synonymfor concept_governmentorganization_u_s_department +concept_website_jobs concept:synonymfor concept_governmentorganization_us_department +concept_website_jobs concept:synonymfor concept_politicaloffice_office +concept_website_jobs concept:synonymfor concept_product_minister +concept_website_jotspot concept:subpartoforganization concept_university_google +concept_website_journal_news concept:newspaperincity concept_visualizablescene_white_plains +concept_website_jupiter concept:companyeconomicsector concept_politicsissue_research +concept_website_kabc concept:hasofficeincity concept_county_los_angeles_county +concept_website_kabc concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_website_kait concept:organizationheadquarteredincity concept_city_jonesboro +concept_website_katv concept:hasofficeincity concept_city_little_rock +concept_website_katv concept:organizationheadquarteredincity concept_city_little_rock +concept_website_kauz_tv concept:subpartof concept_website_cbs +concept_website_kazza concept:latitudelongitude 33.9666700000000,-5.2166700000000 +concept_website_kbtx_tv concept:subpartof concept_website_cbs +concept_website_kcba concept:subpartof concept_mountain_fox +concept_website_kcbd_tv concept:subpartof concept_retailstore_nbc +concept_website_kcbs concept:organizationheadquarteredincity concept_city_san_francisco +concept_website_kcbs concept:hasofficeincity concept_county_los_angeles_county +concept_website_kcra_tv concept:subpartof concept_retailstore_nbc +concept_website_kdtv_tv concept:subpartof concept_city_univision +concept_website_kdvr concept:subpartof concept_mountain_fox +concept_website_kenya concept:atdate concept_date_n1999 +concept_website_kenya concept:atdate concept_date_n2000 +concept_website_kenya concept:atdate concept_date_n2001 +concept_website_kenya concept:atdate concept_date_n2003 +concept_website_kenya concept:atdate concept_date_n2004 +concept_website_kenya concept:atdate concept_dateliteral_n2002 +concept_website_kenya concept:atdate concept_dateliteral_n2005 +concept_website_kenya concept:atdate concept_dateliteral_n2006 +concept_website_kenya concept:atdate concept_dateliteral_n2007 +concept_website_kenya concept:atdate concept_dateliteral_n2008 +concept_website_kero_tv concept:subpartoforganization concept_city_abc +concept_website_kero_tv concept:subpartof concept_website_abc +concept_website_kesq concept:hasofficeincity concept_city_palm_springs +concept_website_ketv concept:subpartof concept_website_abc +concept_website_kfor_tv concept:subpartof concept_retailstore_nbc +concept_website_kfsm concept:subpartof concept_website_cbs +concept_website_kfsn concept:subpartof concept_website_abc +concept_website_kfty concept:subpartof concept_food_ind +concept_website_kgan concept:subpartof concept_website_cbs +concept_website_kgbt_tv concept:subpartof concept_website_cbs +concept_website_kgns_tv concept:subpartof concept_retailstore_nbc +concept_website_kgtv concept:subpartof concept_website_abc +concept_website_kidk concept:subpartof concept_website_cbs +concept_website_kimt concept:subpartof concept_website_cbs +concept_website_kion concept:hasofficeincity concept_city_salinas +concept_website_kion concept:subpartof concept_website_cbs +concept_website_kipt concept:subpartof concept_museum_pbs +concept_website_kiro concept:organizationheadquarteredincity concept_city_seattle +concept_website_kitv concept:subpartof concept_website_abc +concept_website_kivi_tv concept:subpartoforganization concept_city_abc +concept_website_kivi_tv concept:subpartof concept_website_abc +concept_website_kktv concept:organizationheadquarteredincity concept_city_colorado_springs +concept_website_klbk_tv concept:subpartof concept_website_cbs +concept_website_kltv concept:hasofficeincity concept_city_tyler +concept_website_kmci concept:subpartof concept_food_ind +concept_website_kmeg concept:subpartof concept_website_cbs +concept_website_kmph concept:subpartof concept_mountain_fox +concept_website_knowledge concept:istallerthan concept_publication_people_ +concept_website_knowledge concept:subpartof concept_weatherphenomenon_water +concept_website_koam_tv concept:subpartof concept_website_cbs +concept_website_koco_tv concept:subpartoforganization concept_city_abc +concept_website_koco_tv concept:hasofficeincity concept_city_oklahoma_city +concept_website_koco_tv concept:organizationheadquarteredincity concept_city_oklahoma_city +concept_website_koco_tv concept:subpartof concept_website_abc +concept_website_koed_tv concept:subpartof concept_museum_pbs +concept_website_koki_tv concept:subpartof concept_mountain_fox +concept_website_kol_israel concept:latitudelongitude 40.6241700000000,-73.9511100000000 +concept_website_kold_tv concept:organizationheadquarteredincity concept_city_tucson +concept_website_kold_tv concept:subpartof concept_website_cbs +concept_website_kolo_tv concept:subpartof concept_website_abc +concept_website_kovr_tv concept:subpartof concept_website_cbs +concept_website_kpic concept:subpartof concept_website_cbs +concept_website_kpix concept:hasofficeincity concept_city_san_francisco +concept_website_kpix concept:organizationheadquarteredincity concept_city_san_francisco +concept_website_kpix concept:subpartof concept_website_cbs +concept_website_kprc_tv concept:subpartof concept_retailstore_nbc +concept_website_kqtv concept:subpartof concept_website_abc +concept_website_krcr_tv concept:subpartof concept_website_abc +concept_website_krex_tv concept:subpartof concept_website_cbs +concept_website_kron concept:hasofficeincity concept_city_san_francisco +concept_website_kron concept:organizationheadquarteredincity concept_city_san_francisco +concept_website_kron concept:subpartoforganization concept_politicsblog_mynetworktv +concept_website_kron_tv concept:subpartof concept_food_ind +concept_website_ksat_tv concept:subpartof concept_website_abc +concept_website_ksaz_tv concept:subpartof concept_mountain_fox +concept_website_ksbw concept:hasofficeincity concept_city_salinas +concept_website_ksby concept:hasofficeincity concept_city_san_luis_obispo +concept_website_ksby concept:organizationheadquarteredincity concept_city_san_luis_obispo +concept_website_ksby concept:subpartof concept_retailstore_nbc +concept_website_ksee concept:subpartof concept_retailstore_nbc +concept_website_ksla_tv concept:subpartof concept_website_cbs +concept_website_ktal_tv concept:subpartof concept_retailstore_nbc +concept_website_ktbo_tv concept:subpartof concept_food_ind +concept_website_kten concept:subpartof concept_retailstore_nbc +concept_website_ktka concept:subpartoforganization concept_city_abc +concept_website_ktrk concept:subpartof concept_website_abc +concept_website_ktsf concept:subpartof concept_food_ind +concept_website_kttv concept:subpartof concept_mountain_fox +concept_website_kvii_tv concept:subpartof concept_website_abc +concept_website_kvoa concept:subpartof concept_retailstore_nbc +concept_website_kvue_tv concept:agentcollaborateswithagent concept_city_abc +concept_website_kvue_tv concept:organizationheadquarteredincity concept_city_austin +concept_website_kwex_tv concept:subpartof concept_city_univision +concept_website_kwwl concept:subpartof concept_retailstore_nbc +concept_website_kxas_tv concept:subpartof concept_retailstore_nbc +concept_website_kxln_tv concept:subpartof concept_city_univision +concept_website_kxtx_tv concept:subpartof concept_food_ind +concept_website_l_a__weekly concept:hasofficeincity concept_city_la +concept_website_l_a__weekly concept:organizationheadquarteredincity concept_city_la +concept_website_l_a__weekly concept:hasofficeincity concept_county_los_angeles_county +concept_website_l_a__weekly concept:agentcollaborateswithagent concept_director_jonathan_gold +concept_website_leader concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_website_leader concept:agentparticipatedinevent concept_sportsgame_standings +concept_website_legal concept:synonymfor concept_visualartist_licensing +concept_website_lexis concept:latitudelongitude -27.7333300000000,25.5500000000000 +concept_website_license concept:proxyfor concept_book_new +concept_website_license concept:atdate concept_date_n1996 +concept_website_license concept:atdate concept_date_n1999 +concept_website_license concept:atdate concept_date_n2000 +concept_website_license concept:atdate concept_date_n2001 +concept_website_license concept:atdate concept_date_n2003 +concept_website_license concept:atdate concept_date_n2004 +concept_website_license concept:atdate concept_dateliteral_n2002 +concept_website_license concept:atdate concept_dateliteral_n2005 +concept_website_license concept:atdate concept_dateliteral_n2006 +concept_website_license concept:atdate concept_dateliteral_n2007 +concept_website_license concept:atdate concept_dateliteral_n2008 +concept_website_license concept:atdate concept_year_n1994 +concept_website_license concept:atdate concept_year_n1997 +concept_website_license concept:atdate concept_year_n1998 +concept_website_light concept:proxyfor concept_book_new +concept_website_light concept:atdate concept_date_n1996 +concept_website_light concept:atdate concept_date_n1999 +concept_website_light concept:atdate concept_date_n2000 +concept_website_light concept:atdate concept_date_n2003 +concept_website_light concept:atdate concept_date_n2004 +concept_website_light concept:atdate concept_dateliteral_n2002 +concept_website_light concept:atdate concept_dateliteral_n2005 +concept_website_light concept:atdate concept_dateliteral_n2006 +concept_website_light concept:atdate concept_dateliteral_n2007 +concept_website_light concept:atdate concept_dateliteral_n2008 +concept_website_linked concept:competeswith concept_blog_google +concept_website_linked concept:competeswith concept_blog_myspace +concept_website_linked concept:companyeconomicsector concept_economicsector_social_networking +concept_website_linked concept:competeswith concept_website_facebook +concept_website_links concept:specializationof concept_website_affiliates +concept_website_links concept:specializationof concept_website_campaigns +concept_website_links concept:specializationof concept_website_desktop +concept_website_links concept:specializationof concept_website_downloads +concept_website_links concept:specializationof concept_website_files +concept_website_links concept:specializationof concept_website_financial +concept_website_links concept:specializationof concept_website_free_software +concept_website_links concept:specializationof concept_website_instructions +concept_website_links concept:specializationof concept_website_more_information +concept_website_links concept:specializationof concept_website_news_articles +concept_website_links concept:specializationof concept_website_news_sites +concept_website_links concept:specializationof concept_website_organisations +concept_website_links concept:specializationof concept_website_pages +concept_website_links concept:specializationof concept_website_points +concept_website_links concept:specializationof concept_website_quotes +concept_website_links concept:specializationof concept_website_search +concept_website_links concept:specializationof concept_website_search_engines +concept_website_links concept:specializationof concept_website_suggestions +concept_website_links concept:specializationof concept_website_support +concept_website_links concept:specializationof concept_website_tools +concept_website_links concept:specializationof concept_website_tutorials +concept_website_links concept:specializationof concept_website_web +concept_website_links concept:specializationof concept_website_websites +concept_website_louisville concept:proxyfor concept_book_new +concept_website_louisville concept:proxyfor concept_coach_kentucky +concept_website_louisville concept:atdate concept_dateliteral_n2006 +concept_website_louisville concept:atdate concept_dateliteral_n2007 +concept_website_louisville concept:locationlocatedwithinlocation concept_skiarea_kentucky +concept_website_mac concept:synonymfor concept_biotechcompany_apple +concept_website_macedonia concept:atdate concept_date_n2003 +concept_website_macedonia concept:atdate concept_dateliteral_n2002 +concept_website_machine concept:atdate concept_date_n2004 +concept_website_machine concept:atdate concept_dateliteral_n2005 +concept_website_mail concept:subpartoforganization concept_blog_form +concept_website_main_page concept:competeswith concept_company_post +concept_website_marietta concept:proxyfor concept_university_ohio +concept_website_market concept:proxyfor concept_book_new +concept_website_market concept:atdate concept_date_n1996 +concept_website_market concept:atdate concept_date_n1999 +concept_website_market concept:atdate concept_date_n2000 +concept_website_market concept:atdate concept_date_n2001 +concept_website_market concept:atdate concept_date_n2003 +concept_website_market concept:atdate concept_date_n2004 +concept_website_market concept:atdate concept_date_n2009 +concept_website_market concept:atdate concept_dateliteral_n1990 +concept_website_market concept:atdate concept_dateliteral_n2002 +concept_website_market concept:atdate concept_dateliteral_n2005 +concept_website_market concept:atdate concept_dateliteral_n2006 +concept_website_market concept:atdate concept_dateliteral_n2007 +concept_website_market concept:atdate concept_dateliteral_n2008 +concept_website_market concept:istallerthan concept_publication_people_ +concept_website_market concept:atdate concept_year_n1991 +concept_website_market concept:atdate concept_year_n1992 +concept_website_market concept:atdate concept_year_n1995 +concept_website_market concept:atdate concept_year_n1997 +concept_website_market concept:atdate concept_year_n1998 +concept_website_marketwatch concept:headquarteredin concept_city_new_york +concept_website_match concept:proxyfor concept_book_new +concept_website_match concept:atdate concept_date_n2003 +concept_website_match concept:atdate concept_dateliteral_n2002 +concept_website_match concept:atdate concept_dateliteral_n2005 +concept_website_match concept:atdate concept_dateliteral_n2006 +concept_website_match concept:atdate concept_year_n1997 +concept_website_may_2006 concept:proxyfor concept_book_new +concept_website_men concept:proxyfor concept_book_new +concept_website_men concept:atdate concept_date_n1999 +concept_website_men concept:atdate concept_date_n2004 +concept_website_men concept:atdate concept_dateliteral_n2005 +concept_website_men concept:atdate concept_dateliteral_n2006 +concept_website_men concept:atdate concept_dateliteral_n2007 +concept_website_merck concept:synonymfor concept_company_mrk +concept_website_million concept:atdate concept_date_n1993 +concept_website_million concept:atdate concept_date_n1996 +concept_website_million concept:atdate concept_date_n1999 +concept_website_million concept:atdate concept_date_n2000 +concept_website_million concept:atdate concept_date_n2001 +concept_website_million concept:atdate concept_date_n2003 +concept_website_million concept:atdate concept_date_n2004 +concept_website_million concept:atdate concept_dateliteral_n2002 +concept_website_million concept:atdate concept_dateliteral_n2005 +concept_website_million concept:atdate concept_dateliteral_n2006 +concept_website_million concept:atdate concept_dateliteral_n2007 +concept_website_million concept:atdate concept_dateliteral_n2008 +concept_website_million concept:atdate concept_year_n1992 +concept_website_million concept:atdate concept_year_n1994 +concept_website_million concept:atdate concept_year_n1995 +concept_website_million concept:atdate concept_year_n1997 +concept_website_million concept:atdate concept_year_n1998 +concept_website_more_information concept:atdate concept_date_n2009 +concept_website_more_information concept:specializationof concept_website_jobs +concept_website_mother_jones_magazine concept:headquarteredin concept_city_new_york +concept_website_mother_jones_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_mother_jones_magazine concept:newspaperincity concept_city_washington_d_c +concept_website_move concept:proxyfor concept_book_new +concept_website_move concept:atdate concept_date_n2001 +concept_website_move concept:atdate concept_date_n2003 +concept_website_move concept:atdate concept_date_n2004 +concept_website_move concept:atdate concept_dateliteral_n2002 +concept_website_move concept:atdate concept_dateliteral_n2005 +concept_website_move concept:atdate concept_dateliteral_n2006 +concept_website_move concept:atdate concept_dateliteral_n2007 +concept_website_move concept:atdate concept_dateliteral_n2008 +concept_website_move concept:atdate concept_year_n1994 +concept_website_move concept:atdate concept_year_n1997 +concept_website_movies concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_movies concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_website_nbc_news concept:companyeconomicsector concept_academicfield_media +concept_website_nbc_news concept:companyeconomicsector concept_academicfield_news +concept_website_nbc_news concept:hasofficeincity concept_city_new_york +concept_website_nbc_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_nbc_news concept:newspaperincity concept_city_washington_d_c +concept_website_nbc_news concept:competeswith concept_newspaper_journal +concept_website_netscape concept:subpartoforganization concept_blog_america_online +concept_website_netscape concept:competeswith concept_blog_google +concept_website_netscape concept:mutualproxyfor concept_ceo_jim_barksdale +concept_website_netscape concept:subpartoforganization concept_company_aol_ +concept_website_netscape concept:companyeconomicsector concept_economicsector_internet +concept_website_netscape concept:mutualproxyfor concept_publication_marc_andreessen +concept_website_netscape concept:organizationterminatedperson concept_scientist_marc_andreessen +concept_website_netscape concept:agentcompeteswithagent concept_university_search +concept_website_netscape concept:subpartoforganization concept_website_aol_video +concept_website_network concept:subpartoforganization concept_company_disney +concept_website_networking concept:synonymfor concept_everypromotedthing_n7_restart +concept_website_new_york_american concept:headquarteredin concept_city_new_york +concept_website_new_york_american concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_daily concept:headquarteredin concept_city_new_york +concept_website_new_york_daily concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_daily concept:newspaperincity concept_city_washington_d_c +concept_website_new_york_daily concept:competeswith concept_company_post +concept_website_new_york_daily concept:competeswith concept_newspaper_journal +concept_website_new_york_daily concept:competeswith concept_newspaper_times +concept_website_new_york_review_of_books concept:headquarteredin concept_city_new_york +concept_website_new_york_review_of_books concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_stock_exchange concept:synonymfor concept_bank_nyse +concept_website_new_york_stock_exchange concept:mutualproxyfor concept_ceo_richard_grasso +concept_website_new_york_stock_exchange concept:atdate concept_date_n2001 +concept_website_new_york_stock_exchange concept:atdate concept_dateliteral_n2002 +concept_website_new_york_times concept:companyeconomicsector concept_academicfield_business +concept_website_new_york_times concept:companyeconomicsector concept_academicfield_media +concept_website_new_york_times concept:companyeconomicsector concept_academicfield_news +concept_website_new_york_times concept:acquired concept_blog_about_com +concept_website_new_york_times concept:newspaperincity concept_city_boston +concept_website_new_york_times concept:headquarteredin concept_city_new_york +concept_website_new_york_times concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_times concept:hasofficeincity concept_county_los_angeles_county +concept_website_new_york_times concept:acquired concept_newspaper_boston_globe +concept_website_new_york_times concept:competeswith concept_newspaper_daily +concept_website_new_york_times concept:competeswith concept_newspaper_journal +concept_website_new_york_times concept:agentcompeteswithagent concept_newspaper_tribune +concept_website_new_york_times_a concept:headquarteredin concept_city_new_york +concept_website_new_york_times_a concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_times_a concept:competeswith concept_newspaper_tribune +concept_website_new_york_times_a concept:companyalsoknownas concept_website_nyt_ +concept_website_new_york_times_book_review concept:headquarteredin concept_city_new_york +concept_website_new_york_times_book_review concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_york_tribune concept:headquarteredin concept_city_new_york +concept_website_new_york_tribune concept:newspaperincity concept_city_new_york +concept_website_new_york_tribune concept:organizationheadquarteredincity concept_city_new_york +concept_website_new_yorker_magazine concept:headquarteredin concept_city_new_york +concept_website_news concept:agentactsinlocation concept_city_barcelona +concept_website_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_news concept:agentcompeteswithagent concept_company_cnn_ +concept_website_news concept:agentcompeteswithagent concept_politicsblog_world_report +concept_website_news_item concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_news_item concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_website_news_journal concept:newspaperincity concept_city_new_castle +concept_website_news_tribune concept:newspaperincity concept_city_tacoma +concept_website_newsweek concept:companyeconomicsector concept_academicfield_media +concept_website_newsweek concept:companyeconomicsector concept_academicfield_news +concept_website_newsweek concept:headquarteredin concept_city_new_york +concept_website_newsweek concept:organizationheadquarteredincity concept_city_new_york +concept_website_newsweek concept:competeswith concept_newspaper_journal +concept_website_nomination concept:atdate concept_date_n2003 +concept_website_northern_light concept:agentcompeteswithagent concept_university_search +concept_website_norton concept:atlocation concept_beach_massachusetts +concept_website_nyt_ concept:companyeconomicsector concept_academicfield_media +concept_website_nyt_ concept:headquarteredin concept_city_new_york +concept_website_olex concept:latitudelongitude 45.4961466666667,-120.1673533333333 +concept_website_one_week concept:atdate concept_date_n2000 +concept_website_one_week concept:atdate concept_date_n2001 +concept_website_one_week concept:atdate concept_date_n2003 +concept_website_one_week concept:atdate concept_date_n2004 +concept_website_one_week concept:atdate concept_dateliteral_n2002 +concept_website_one_week concept:atdate concept_dateliteral_n2005 +concept_website_one_week concept:atdate concept_dateliteral_n2006 +concept_website_one_week concept:atdate concept_dateliteral_n2007 +concept_website_one_week concept:atdate concept_dateliteral_n2008 +concept_website_one_week concept:atdate concept_year_n1998 +concept_website_orange concept:subpartof concept_company_france_telecom +concept_website_orange concept:subpartof concept_university_france_telecom +concept_website_orange_county_register concept:companyeconomicsector concept_academicfield_news +concept_website_orange_county_register concept:hasofficeincity concept_city_la +concept_website_orange_county_register concept:organizationheadquarteredincity concept_city_la +concept_website_orange_county_register concept:newspaperincity concept_city_santa_ana +concept_website_organisations concept:proxyfor concept_book_new +concept_website_organisations concept:atdate concept_date_n2003 +concept_website_organisations concept:subpartof concept_weatherphenomenon_water +concept_website_orkut concept:competeswith concept_blog_myspace +concept_website_orkut concept:companyeconomicsector concept_economicsector_social_networking +concept_website_orkut concept:competeswith concept_website_facebook +concept_website_overstock concept:agentcontrols concept_musicinstrument_patrick_byrne +concept_website_overstock concept:agentcollaborateswithagent concept_personus_patrick_byrne +concept_website_owner concept:proxyfor concept_book_new +concept_website_owner concept:atdate concept_dateliteral_n2006 +concept_website_owner concept:atdate concept_dateliteral_n2008 +concept_website_owner concept:atdate concept_year_n1994 +concept_website_pages concept:atdate concept_date_n1999 +concept_website_pages concept:atdate concept_date_n2001 +concept_website_pages concept:atdate concept_date_n2003 +concept_website_pages concept:atdate concept_date_n2004 +concept_website_pages concept:atdate concept_dateliteral_n2002 +concept_website_pages concept:atdate concept_dateliteral_n2005 +concept_website_pages concept:atdate concept_dateliteral_n2006 +concept_website_pages concept:atdate concept_dateliteral_n2007 +concept_website_pages concept:atdate concept_dateliteral_n2008 +concept_website_pages concept:istallerthan concept_publication_people_ +concept_website_pages concept:subpartof concept_weatherphenomenon_air +concept_website_pages concept:specializationof concept_website_information +concept_website_pages concept:atdate concept_year_n1997 +concept_website_pages concept:atdate concept_year_n1998 +concept_website_palo_alto concept:proxyfor concept_book_new +concept_website_panorama concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_partnership concept:proxyfor concept_book_new +concept_website_partnership concept:atdate concept_date_n2000 +concept_website_partnership concept:atdate concept_date_n2001 +concept_website_partnership concept:atdate concept_date_n2004 +concept_website_partnership concept:atdate concept_dateliteral_n2005 +concept_website_partnership concept:atdate concept_dateliteral_n2006 +concept_website_partnership concept:atdate concept_dateliteral_n2007 +concept_website_partnership concept:atdate concept_dateliteral_n2008 +concept_website_partnership concept:atdate concept_year_n1998 +concept_website_patriot concept:subpartof concept_sportsleague_nfl +concept_website_paypal concept:subpartof concept_retailstore_ebay +concept_website_penthouse concept:organizationterminatedperson concept_person_bob_guccione +concept_website_people_magazine concept:headquarteredin concept_city_new_york +concept_website_people_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_performance concept:atdate concept_date_n1996 +concept_website_performance concept:atdate concept_date_n1999 +concept_website_performance concept:atdate concept_date_n2000 +concept_website_performance concept:atdate concept_date_n2001 +concept_website_performance concept:atdate concept_date_n2003 +concept_website_performance concept:atdate concept_date_n2004 +concept_website_performance concept:atdate concept_date_n2009 +concept_website_performance concept:atdate concept_dateliteral_n2002 +concept_website_performance concept:atdate concept_dateliteral_n2005 +concept_website_performance concept:atdate concept_dateliteral_n2006 +concept_website_performance concept:atdate concept_dateliteral_n2007 +concept_website_performance concept:atdate concept_dateliteral_n2008 +concept_website_performance concept:subpartof concept_weatherphenomenon_air +concept_website_performance concept:subpartof concept_weatherphenomenon_water +concept_website_performance concept:atdate concept_year_n1995 +concept_website_performance concept:atdate concept_year_n1998 +concept_website_peru concept:atdate concept_date_n1996 +concept_website_peru concept:atdate concept_date_n2000 +concept_website_peru concept:atdate concept_date_n2001 +concept_website_peru concept:atdate concept_date_n2003 +concept_website_peru concept:atdate concept_dateliteral_n2002 +concept_website_peru concept:atdate concept_dateliteral_n2005 +concept_website_peru concept:atdate concept_dateliteral_n2007 +concept_website_peru concept:atdate concept_dateliteral_n2008 +concept_website_peru concept:atlocation concept_stateorprovince_illinois +concept_website_peru concept:proxyfor concept_stateorprovince_illinois +concept_website_phone concept:atdate concept_date_n2004 +concept_website_phone concept:atdate concept_dateliteral_n2005 +concept_website_phone concept:atdate concept_dateliteral_n2006 +concept_website_phone concept:atdate concept_dateliteral_n2007 +concept_website_pipeline concept:subpartof concept_weatherphenomenon_water +concept_website_platform concept:proxyfor concept_book_new +concept_website_platform concept:atdate concept_date_n2003 +concept_website_platform concept:atdate concept_dateliteral_n2005 +concept_website_platform concept:atdate concept_dateliteral_n2007 +concept_website_platform concept:atdate concept_dateliteral_n2008 +concept_website_platform concept:istallerthan concept_publication_people_ +concept_website_plus concept:proxyfor concept_book_new +concept_website_points concept:proxyfor concept_book_new +concept_website_points concept:atdate concept_date_n2004 +concept_website_points concept:atdate concept_dateliteral_n2006 +concept_website_points concept:atdate concept_dateliteral_n2007 +concept_website_points concept:atdate concept_dateliteral_n2008 +concept_website_points concept:specializationof concept_website_resources +concept_website_politics concept:proxyfor concept_book_new +concept_website_politics concept:atdate concept_dateliteral_n2005 +concept_website_politics concept:atdate concept_year_n1992 +concept_website_popular concept:synonymfor concept_everypromotedthing_cvs_tag +concept_website_powerset concept:subpartoforganization concept_university_microsoft +concept_website_price concept:proxyfor concept_book_new +concept_website_price concept:atdate concept_dateliteral_n2006 +concept_website_price concept:atdate concept_dateliteral_n2007 +concept_website_price concept:atdate concept_dateliteral_n2008 +concept_website_progress concept:atdate concept_date_n2000 +concept_website_progress concept:atdate concept_dateliteral_n2008 +concept_website_projects concept:proxyfor concept_book_new +concept_website_projects concept:atdate concept_date_n2001 +concept_website_projects concept:atdate concept_date_n2003 +concept_website_projects concept:atdate concept_date_n2004 +concept_website_projects concept:atdate concept_date_n2009 +concept_website_projects concept:atdate concept_dateliteral_n2005 +concept_website_projects concept:atdate concept_dateliteral_n2006 +concept_website_projects concept:atdate concept_dateliteral_n2007 +concept_website_projects concept:atdate concept_dateliteral_n2008 +concept_website_province concept:proxyfor concept_book_new +concept_website_province concept:atdate concept_dateliteral_n2005 +concept_website_province concept:atdate concept_dateliteral_n2006 +concept_website_province concept:atdate concept_dateliteral_n2007 +concept_website_publishers_weekly concept:headquarteredin concept_city_new_york +concept_website_publishers_weekly concept:organizationheadquarteredincity concept_city_new_york +concept_website_pyra_labs concept:subpartoforganization concept_university_google +concept_website_raimondo concept:latitudelongitude 42.3106400000000,14.0478550000000 +concept_website_read concept:specializationof concept_website_information +concept_website_reader concept:synonymfor concept_product_adobe_acrobat +concept_website_reader concept:synonymfor concept_website_adobe +concept_website_reader concept:specializationof concept_website_information +concept_website_reminder concept:proxyfor concept_book_new +concept_website_reporters concept:proxyfor concept_book_new +concept_website_reporters concept:atdate concept_date_n2003 +concept_website_request concept:atdate concept_date_n1999 +concept_website_request concept:atdate concept_date_n2001 +concept_website_request concept:atdate concept_date_n2003 +concept_website_request concept:atdate concept_date_n2004 +concept_website_request concept:atdate concept_dateliteral_n2002 +concept_website_request concept:atdate concept_dateliteral_n2005 +concept_website_request concept:atdate concept_dateliteral_n2006 +concept_website_request concept:atdate concept_dateliteral_n2007 +concept_website_request concept:atdate concept_year_n1997 +concept_website_request concept:atdate concept_year_n1998 +concept_website_resources concept:specializationof concept_website_information +concept_website_results concept:atdate concept_dateliteral_n2002 +concept_website_results concept:atdate concept_dateliteral_n2005 +concept_website_results concept:atdate concept_dateliteral_n2006 +concept_website_results concept:atdate concept_dateliteral_n2007 +concept_website_results concept:atdate concept_dateliteral_n2008 +concept_website_results concept:atdate concept_year_n1998 +concept_website_revenues concept:subpartof concept_weatherphenomenon_water +concept_website_rolling_stone_magazine concept:hasofficeincity concept_city_new_york +concept_website_rolling_stone_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_rootsweb concept:subpartoforganization concept_company_ancestry +concept_website_rss concept:hasofficeincity concept_city_nagpur +concept_website_rss concept:organizationheadquarteredincity concept_city_nagpur +concept_website_rss concept:competeswith concept_company_bloglines +concept_website_rss concept:competeswith concept_company_twitter +concept_website_rss concept:competeswith concept_company_yahoo001 +concept_website_san_jose_mercury_news concept:companyeconomicsector concept_academicfield_media +concept_website_san_jose_mercury_news concept:competeswith concept_newspaper_journal +concept_website_san_jose_mercury_news concept:competeswith concept_website_daily_news +concept_website_search concept:locationlocatedwithinlocation concept_building_town +concept_website_search concept:atdate concept_date_n2003 +concept_website_search concept:atdate concept_date_n2004 +concept_website_search concept:atdate concept_dateliteral_n2006 +concept_website_security concept:atdate concept_date_n2001 +concept_website_shop concept:atdate concept_date_n1999 +concept_website_shop concept:atdate concept_date_n2000 +concept_website_shop concept:atdate concept_date_n2001 +concept_website_shop concept:atdate concept_date_n2003 +concept_website_shop concept:atdate concept_date_n2004 +concept_website_shop concept:atdate concept_dateliteral_n2005 +concept_website_shop concept:atdate concept_dateliteral_n2006 +concept_website_shop concept:atdate concept_dateliteral_n2007 +concept_website_shop concept:atdate concept_dateliteral_n2008 +concept_website_shop concept:atdate concept_year_n1995 +concept_website_show concept:proxyfor concept_book_new +concept_website_show concept:atdate concept_date_n1964 +concept_website_show concept:atdate concept_date_n2001 +concept_website_show concept:atdate concept_date_n2009 +concept_website_show concept:atdate concept_dateliteral_n2008 +concept_website_show concept:atdate concept_dayofweek_monday +concept_website_show concept:atdate concept_month_september +concept_website_show concept:atdate concept_year_n1974 +concept_website_show concept:atdate concept_year_n1984 +concept_website_show concept:atdate concept_year_n1988 +concept_website_show concept:atdate concept_year_n1992 +concept_website_show concept:atdate concept_year_n1994 +concept_website_show concept:atdate concept_year_n1995 +concept_website_show concept:atdate concept_year_n1998 +concept_website_sidestep_ concept:agentcompeteswithagent concept_university_search +concept_website_site concept:agentinvolvedwithitem concept_software_browser +concept_website_site concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_website_soapbox concept:latitudelongitude 33.0145100000000,-109.2495100000000 +concept_website_south concept:atlocation concept_airport_europe +concept_website_south concept:proxyfor concept_book_new +concept_website_south concept:proxyfor concept_book_years +concept_website_south concept:atdate concept_dateliteral_n2005 +concept_website_south concept:atdate concept_dateliteral_n2008 +concept_website_spike concept:atdate concept_date_n2004 +concept_website_start_up concept:atdate concept_dateliteral_n2008 +concept_website_stuart concept:atlocation concept_city_florida +concept_website_stuart concept:proxyfor concept_city_florida +concept_website_stuart concept:subpartof concept_city_florida +concept_website_submit concept:subpartoforganization concept_blog_form +concept_website_submit concept:agentcompeteswithagent concept_university_search +concept_website_support concept:proxyfor concept_book_new +concept_website_support concept:atdate concept_date_n2000 +concept_website_support concept:atdate concept_date_n2001 +concept_website_support concept:atdate concept_date_n2003 +concept_website_support concept:atdate concept_date_n2004 +concept_website_support concept:atdate concept_date_n2009 +concept_website_support concept:atdate concept_dateliteral_n2005 +concept_website_support concept:atdate concept_dateliteral_n2006 +concept_website_support concept:atdate concept_dateliteral_n2007 +concept_website_support concept:atdate concept_dateliteral_n2008 +concept_website_sydney_morning_herald concept:agentcollaborateswithagent concept_journalist_paul_sheehan +concept_website_sydney_morning_herald concept:competeswith concept_newspaper_daily +concept_website_t_mobile concept:subpartof concept_biotechcompany_deutsche_telekom_ag +concept_website_t_mobile concept:subpartof concept_company_deutsche_telekom +concept_website_tab concept:specializationof concept_website_information +concept_website_tacoda concept:subpartof concept_mldataset_aol +concept_website_tacoda concept:organizationterminatedperson concept_person_dave_morgan +concept_website_tags concept:companyeconomicsector concept_economicsector_insurance +concept_website_teaching concept:proxyfor concept_book_new +concept_website_teaching concept:atdate concept_dateliteral_n2005 +concept_website_teaching concept:atdate concept_dateliteral_n2007 +concept_website_technology concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_website_technology concept:agentcollaborateswithagent concept_person_state +concept_website_technorati concept:competeswith concept_blog_google +concept_website_technorati concept:organizationterminatedperson concept_ceo_david_sifry +concept_website_technorati concept:agentcompeteswithagent concept_university_google +concept_website_technorati concept:agentcompeteswithagent concept_university_search +concept_website_technorati concept:competeswith concept_website_yahoo +concept_website_telekom concept:latitudelongitude 50.4564233333333,10.1133800000000 +concept_website_ten concept:proxyfor concept_book_new +concept_website_teoma concept:agentcompeteswithagent concept_university_search +concept_website_text concept:agentinvolvedwithitem concept_buildingfeature_window +concept_website_text concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_website_text concept:agentcompeteswithagent concept_university_search +concept_website_text concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_website_the_commercial_appeal concept:newspaperincity concept_city_memphis +concept_website_the_daily_news concept:headquarteredin concept_city_new_york +concept_website_the_daily_news concept:organizationheadquarteredincity concept_city_new_york +concept_website_the_express concept:competeswith concept_newspaper_daily +concept_website_the_houston_chronicle concept:companyeconomicsector concept_academicfield_news +concept_website_the_houston_chronicle concept:hasofficeincity concept_city_new_york +concept_website_the_independent concept:hasofficeincity concept_city_new_york +concept_website_the_independent concept:organizationheadquarteredincity concept_city_new_york +concept_website_the_independent concept:competeswith concept_newspaper_daily +concept_website_the_massachusetts concept:atlocation concept_city_boston +concept_website_the_nation concept:newspaperincity concept_city_bangkok +concept_website_the_nation concept:headquarteredin concept_city_new_york +concept_website_the_nation concept:organizationheadquarteredincity concept_city_new_york +concept_website_the_new_york_times concept:organizationheadquarteredincity concept_city_new_york +concept_website_the_new_york_times concept:agentcompeteswithagent concept_company_post +concept_website_the_new_york_times concept:agentcompeteswithagent concept_newspaper_journal +concept_website_the_new_york_times concept:agentcompeteswithagent concept_newspaper_times +concept_website_the_new_york_times concept:agentcompeteswithagent concept_newspaper_tribune +concept_website_the_new_york_times concept:agentcompeteswithagent concept_website_daily_news +concept_website_the_new_york_times_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_the_san_francisco_chronicle concept:companyeconomicsector concept_academicfield_media +concept_website_the_san_francisco_chronicle concept:companyeconomicsector concept_academicfield_news +concept_website_the_san_francisco_chronicle concept:hasofficeincity concept_city_new_york +concept_website_the_san_francisco_chronicle concept:newspaperincity concept_city_san_diego +concept_website_the_san_francisco_chronicle concept:hasofficeincity concept_county_los_angeles_county +concept_website_the_san_francisco_chronicle concept:atdate concept_dateliteral_n2007 +concept_website_the_san_francisco_chronicle concept:competeswith concept_newspaper_journal +concept_website_the_washington_post concept:companyeconomicsector concept_academicfield_media +concept_website_the_washington_post concept:companyeconomicsector concept_academicfield_news +concept_website_the_washington_post concept:mutualproxyfor concept_ceo_donald_graham +concept_website_the_washington_post concept:organizationterminatedperson concept_ceo_donald_graham +concept_website_the_washington_post concept:hasofficeincity concept_city_new_york +concept_website_the_washington_times concept:companyeconomicsector concept_academicfield_media +concept_website_the_washington_times concept:newspaperincity concept_city_london_city +concept_website_the_washington_times concept:hasofficeincity concept_city_new_york +concept_website_the_washington_times concept:organizationheadquarteredincity concept_city_new_york +concept_website_time_magazine concept:headquarteredin concept_city_new_york +concept_website_time_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_times_magazine concept:headquarteredin concept_city_new_york +concept_website_times_magazine concept:newspaperincity concept_city_new_york +concept_website_times_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_website_times_magazine concept:hasofficeincity concept_city_washington_d_c +concept_website_times_magazine concept:agentactsinlocation concept_highway_the_new +concept_website_times_magazine concept:agentactsinlocation concept_lake_new +concept_website_times_newspapers concept:headquarteredin concept_city_washington_d_c +concept_website_times_newspapers concept:organizationheadquarteredincity concept_city_washington_d_c +concept_website_times_newspapers concept:competeswith concept_newspaper_daily +concept_website_tom concept:atdate concept_dateliteral_n2007 +concept_website_tony_snow concept:subpartof concept_mountain_fox +concept_website_topics concept:proxyfor concept_book_new +concept_website_topics concept:subpartof concept_weatherphenomenon_water +concept_website_tour concept:atdate concept_date_n1972 +concept_website_tour concept:atdate concept_date_n1977 +concept_website_tour concept:atdate concept_date_n1979 +concept_website_tour concept:atdate concept_date_n1996 +concept_website_tour concept:atdate concept_date_n1999 +concept_website_tour concept:atdate concept_date_n2000 +concept_website_tour concept:atdate concept_date_n2001 +concept_website_tour concept:atdate concept_date_n2003 +concept_website_tour concept:atdate concept_date_n2004 +concept_website_tour concept:atdate concept_date_n2009 +concept_website_tour concept:atdate concept_dateliteral_n1987 +concept_website_tour concept:atdate concept_dateliteral_n2005 +concept_website_tour concept:atdate concept_dateliteral_n2006 +concept_website_tour concept:atdate concept_dateliteral_n2007 +concept_website_tour concept:atdate concept_dateliteral_n2008 +concept_website_tour concept:atdate concept_month_april +concept_website_tour concept:atdate concept_month_august +concept_website_tour concept:atdate concept_month_january +concept_website_tour concept:atdate concept_month_july +concept_website_tour concept:atdate concept_month_june +concept_website_tour concept:atdate concept_month_march +concept_website_tour concept:atdate concept_month_may +concept_website_tour concept:atdate concept_month_november +concept_website_tour concept:atdate concept_month_october +concept_website_tour concept:atdate concept_month_september +concept_website_tour concept:atdate concept_year_n1965 +concept_website_tour concept:atdate concept_year_n1975 +concept_website_tour concept:atdate concept_year_n1978 +concept_website_tour concept:atdate concept_year_n1982 +concept_website_tour concept:atdate concept_year_n1991 +concept_website_tour concept:atdate concept_year_n1992 +concept_website_tour concept:atdate concept_year_n1994 +concept_website_tour concept:atdate concept_year_n1997 +concept_website_tour concept:atdate concept_year_n1998 +concept_website_traffic concept:atdate concept_date_n2000 +concept_website_traffic concept:atdate concept_date_n2001 +concept_website_traffic concept:atdate concept_date_n2003 +concept_website_traffic concept:atdate concept_date_n2009 +concept_website_traffic concept:atdate concept_dateliteral_n2002 +concept_website_traffic concept:atdate concept_dateliteral_n2006 +concept_website_traffic concept:atdate concept_dateliteral_n2007 +concept_website_traffic concept:atdate concept_dateliteral_n2008 +concept_website_travel concept:proxyfor concept_book_new +concept_website_travel concept:atdate concept_date_n2009 +concept_website_trend concept:proxyfor concept_book_new +concept_website_trend concept:atdate concept_dateliteral_n2007 +concept_website_trends concept:proxyfor concept_book_new +concept_website_trip concept:mutualproxyfor concept_city_madrid +concept_website_trip concept:mutualproxyfor concept_city_new_orleans +concept_website_trip concept:atdate concept_date__07 +concept_website_trip concept:atdate concept_date_n1993 +concept_website_trip concept:atdate concept_date_n1996 +concept_website_trip concept:atdate concept_date_n1999 +concept_website_trip concept:atdate concept_date_n2000 +concept_website_trip concept:atdate concept_date_n2001 +concept_website_trip concept:atdate concept_date_n2003 +concept_website_trip concept:atdate concept_date_n2004 +concept_website_trip concept:atdate concept_date_n2009 +concept_website_trip concept:atdate concept_dateliteral_n2002 +concept_website_trip concept:atdate concept_dateliteral_n2005 +concept_website_trip concept:atdate concept_dateliteral_n2006 +concept_website_trip concept:atdate concept_dateliteral_n2007 +concept_website_trip concept:atdate concept_dateliteral_n2008 +concept_website_trip concept:atdate concept_dayofweek_friday +concept_website_trip concept:atdate concept_dayofweek_monday +concept_website_trip concept:atdate concept_dayofweek_tuesday +concept_website_trip concept:atdate concept_dayofweek_wednesday +concept_website_trip concept:atdate concept_month_august +concept_website_trip concept:atdate concept_month_february +concept_website_trip concept:atdate concept_month_january +concept_website_trip concept:atdate concept_month_july +concept_website_trip concept:atdate concept_month_may +concept_website_trip concept:atdate concept_month_november +concept_website_trip concept:atdate concept_month_october +concept_website_trip concept:atdate concept_month_september +concept_website_trip concept:subpartof concept_weatherphenomenon_water +concept_website_trip concept:atdate concept_year__06 +concept_website_trip concept:atdate concept_year_n1991 +concept_website_trip concept:atdate concept_year_n1994 +concept_website_trip concept:atdate concept_year_n1995 +concept_website_trip concept:atdate concept_year_n1997 +concept_website_trip concept:atdate concept_year_n1998 +concept_website_tv concept:proxyfor concept_book_new +concept_website_tv concept:atdate concept_date_n2000 +concept_website_tv concept:atdate concept_date_n2003 +concept_website_tv concept:atdate concept_date_n2004 +concept_website_tv concept:atdate concept_date_n2009 +concept_website_tv concept:atdate concept_dateliteral_n2005 +concept_website_tv concept:atdate concept_dateliteral_n2006 +concept_website_tv concept:atdate concept_dateliteral_n2007 +concept_website_tv concept:atdate concept_dateliteral_n2008 +concept_website_ubuntu concept:atdate concept_dateliteral_n2007 +concept_website_united_nations concept:proxyfor concept_book_new +concept_website_united_nations concept:atdate concept_date_n2000 +concept_website_united_nations concept:atdate concept_date_n2001 +concept_website_united_nations concept:atdate concept_dateliteral_n2008 +concept_website_united_nations concept:mutualproxyfor concept_person_iran +concept_website_united_nations concept:atdate concept_year_n1948 +concept_website_universal concept:proxyfor concept_book_new +concept_website_universal concept:subpartof concept_company_vivendi +concept_website_universal concept:subpartof concept_company_vivendi_games +concept_website_update concept:atdate concept_date_n2000 +concept_website_update concept:atdate concept_date_n2001 +concept_website_update concept:atdate concept_date_n2003 +concept_website_update concept:atdate concept_date_n2004 +concept_website_update concept:atdate concept_date_n2009 +concept_website_update concept:atdate concept_dateliteral_n2002 +concept_website_update concept:atdate concept_dateliteral_n2005 +concept_website_update concept:atdate concept_dateliteral_n2006 +concept_website_update concept:atdate concept_dateliteral_n2007 +concept_website_update concept:atdate concept_dateliteral_n2008 +concept_website_ups concept:synonymfor concept_biotechcompany_united_parcel_service +concept_website_use_google concept:agentcompeteswithagent concept_university_search +concept_website_value concept:proxyfor concept_book_new +concept_website_value concept:subpartof concept_weatherphenomenon_water +concept_website_village_voice concept:headquarteredin concept_city_new_york +concept_website_village_voice concept:organizationheadquarteredincity concept_city_new_york +concept_website_visit concept:proxyfor concept_book_new +concept_website_visit concept:atdate concept_date_n1993 +concept_website_visit concept:atdate concept_date_n1996 +concept_website_visit concept:atdate concept_date_n1999 +concept_website_visit concept:atdate concept_date_n2000 +concept_website_visit concept:atdate concept_date_n2001 +concept_website_visit concept:atdate concept_date_n2003 +concept_website_visit concept:atdate concept_date_n2004 +concept_website_visit concept:atdate concept_date_n2009 +concept_website_visit concept:atdate concept_dateliteral_n1980 +concept_website_visit concept:atdate concept_dateliteral_n1987 +concept_website_visit concept:atdate concept_dateliteral_n2002 +concept_website_visit concept:atdate concept_dateliteral_n2005 +concept_website_visit concept:atdate concept_dateliteral_n2006 +concept_website_visit concept:atdate concept_dateliteral_n2007 +concept_website_visit concept:atdate concept_dateliteral_n2008 +concept_website_visit concept:atdate concept_dayofweek_monday +concept_website_visit concept:atdate concept_dayofweek_saturday +concept_website_visit concept:atdate concept_dayofweek_wednesday +concept_website_visit concept:atdate concept_month_august +concept_website_visit concept:atdate concept_month_november +concept_website_visit concept:atdate concept_month_september +concept_website_visit concept:atdate concept_year_n1960 +concept_website_visit concept:atdate concept_year_n1975 +concept_website_visit concept:atdate concept_year_n1978 +concept_website_visit concept:atdate concept_year_n1981 +concept_website_visit concept:atdate concept_year_n1985 +concept_website_visit concept:atdate concept_year_n1988 +concept_website_visit concept:atdate concept_year_n1989 +concept_website_visit concept:atdate concept_year_n1991 +concept_website_visit concept:atdate concept_year_n1992 +concept_website_visit concept:atdate concept_year_n1994 +concept_website_visit concept:atdate concept_year_n1997 +concept_website_visit concept:atdate concept_year_n1998 +concept_website_voice concept:proxyfor concept_book_new +concept_website_wafb concept:subpartof concept_website_cbs +concept_website_waga concept:subpartof concept_mountain_fox +concept_website_walb_tv concept:subpartof concept_retailstore_nbc +concept_website_wapt concept:subpartof concept_website_abc +concept_website_washington_post concept:companyeconomicsector concept_academicfield_media +concept_website_washington_post concept:companyeconomicsector concept_academicfield_news +concept_website_washington_post concept:hasofficeincity concept_city_london_city +concept_website_washington_post concept:hasofficeincity concept_city_new_york +concept_website_washington_post concept:headquarteredin concept_city_washington_d_c +concept_website_washington_post concept:organizationheadquarteredincity concept_city_washington_d_c +concept_website_washington_post concept:atdate concept_date_n2000 +concept_website_washington_post concept:atdate concept_date_n2001 +concept_website_washington_post concept:atdate concept_date_n2004 +concept_website_washington_post concept:atdate concept_dateliteral_n2002 +concept_website_washington_post concept:atdate concept_dateliteral_n2005 +concept_website_washington_post concept:atdate concept_dateliteral_n2007 +concept_website_washington_post concept:atdate concept_dateliteral_n2008 +concept_website_washington_post concept:competeswith concept_newspaper_journal +concept_website_washington_post concept:agentcompeteswithagent concept_newspaper_tribune +concept_website_washington_post concept:acquired concept_publication_slate +concept_website_washington_post concept:atdate concept_year_n1995 +concept_website_washington_star concept:headquarteredin concept_city_washington_d_c +concept_website_washington_times concept:companyeconomicsector concept_academicfield_media +concept_website_washington_times concept:companyeconomicsector concept_academicfield_news +concept_website_washington_times concept:headquarteredin concept_city_washington_d_c +concept_website_washington_times concept:newspaperincity concept_city_washington_d_c +concept_website_washington_times concept:competeswith concept_newspaper_daily +concept_website_washington_times concept:competeswith concept_newspaper_journal +concept_website_waws_tv concept:subpartof concept_mountain_fox +concept_website_wbir_tv concept:organizationheadquarteredincity concept_city_knoxville +concept_website_wbir_tv concept:subpartof concept_retailstore_nbc +concept_website_wbng_tv concept:subpartof concept_website_cbs +concept_website_wbns_tv concept:subpartof concept_website_cbs +concept_website_wcau concept:subpartof concept_retailstore_nbc +concept_website_wcmh concept:organizationheadquarteredincity concept_city_columbus +concept_website_wdsu concept:organizationheadquarteredincity concept_city_new_orleans +concept_website_wdtn concept:subpartof concept_retailstore_nbc +concept_website_websites concept:atdate concept_dateliteral_n2008 +concept_website_websites concept:specializationof concept_website_directories +concept_website_wells_fargo concept:synonymfor concept_radiostation_wfc +concept_website_western_new_york concept:proxyfor concept_book_new +concept_website_wews concept:subpartof concept_website_abc +concept_website_wfaa_tv concept:subpartoforganization concept_city_abc +concept_website_wfie concept:subpartoforganization concept_company_nbc +concept_website_wfie concept:subpartof concept_retailstore_nbc +concept_website_wfmz_tv concept:subpartof concept_food_ind +concept_website_wfsb concept:subpartof concept_website_cbs +concept_website_wfxt concept:subpartof concept_mountain_fox +concept_website_wgme_tv concept:subpartof concept_website_cbs +concept_website_wgno concept:subpartof concept_website_abc +concept_website_wgxa concept:subpartof concept_mountain_fox +concept_website_whdh concept:subpartof concept_retailstore_nbc +concept_website_whio concept:subpartof concept_website_cbs +concept_website_whlt concept:subpartof concept_website_cbs +concept_website_whoi concept:agentbelongstoorganization concept_city_abc +concept_website_whoi concept:agentcollaborateswithagent concept_city_abc +concept_website_whoi concept:subpartof concept_website_abc +concept_website_wiat concept:subpartof concept_website_cbs +concept_website_widget concept:synonymfor concept_website_search +concept_website_windows_live_search concept:competeswith concept_blog_google +concept_website_windows_live_search concept:competeswith concept_company_hotmail +concept_website_windows_live_search concept:competeswith concept_company_msn +concept_website_windows_live_search concept:competeswith concept_company_msn_hotmail +concept_website_windows_live_search concept:competeswith concept_company_yahoo001 +concept_website_windows_live_search concept:agentcompeteswithagent concept_university_search +concept_website_windows_live_search concept:competeswith concept_website_facebook +concept_website_wired_magazine concept:agentcollaborateswithagent concept_journalist_chris_anderson +concept_website_wireless_communication concept:latitudelongitude 38.3939400000000,-91.1068100000000 +concept_website_witn_tv concept:subpartof concept_retailstore_nbc +concept_website_wjhl_tv concept:subpartof concept_website_cbs +concept_website_wjtv concept:subpartof concept_website_cbs +concept_website_wkrc_tv concept:subpartof concept_website_cbs +concept_website_wkrn concept:subpartoforganization concept_city_abc +concept_website_wkrn concept:hasofficeincity concept_city_nashville +concept_website_wkrn concept:organizationheadquarteredincity concept_city_nashville +concept_website_wkyc_tv concept:agentactsinlocation concept_city_cleveland +concept_website_wkyc_tv concept:subpartof concept_retailstore_nbc +concept_website_wlaj concept:subpartof concept_website_abc +concept_website_wlio concept:subpartof concept_retailstore_nbc +concept_website_wlky_tv concept:organizationheadquarteredincity concept_city_louisville +concept_website_wlns_tv concept:subpartof concept_website_cbs +concept_website_wlwt concept:subpartof concept_retailstore_nbc +concept_website_wmc concept:subpartof concept_retailstore_nbc +concept_website_wmtw concept:subpartoforganization concept_city_abc +concept_website_wnwo concept:subpartoforganization concept_company_nbc +concept_website_wnwo_tv concept:subpartof concept_retailstore_nbc +concept_website_woio concept:subpartof concept_website_cbs +concept_website_world_news concept:companyeconomicsector concept_academicfield_news +concept_website_wpec concept:subpartof concept_website_cbs +concept_website_wpmi concept:subpartof concept_retailstore_nbc +concept_website_wptv concept:subpartof concept_retailstore_nbc +concept_website_wqow_tv concept:subpartof concept_website_abc +concept_website_wrgt_tv concept:subpartof concept_mountain_fox +concept_website_wrtv concept:agentbelongstoorganization concept_city_abc +concept_website_wrtv concept:agentcollaborateswithagent concept_city_abc +concept_website_wrtv concept:hasofficeincity concept_city_indianapolis +concept_website_wrtv concept:organizationheadquarteredincity concept_city_indianapolis +concept_website_wsb_tv concept:subpartoforganization concept_city_abc +concept_website_wsb_tv concept:hasofficeincity concept_city_atlanta +concept_website_wsls_tv concept:subpartof concept_retailstore_nbc +concept_website_wsmv concept:subpartof concept_retailstore_nbc +concept_website_wsyx concept:subpartof concept_website_abc +concept_website_wtae_tv concept:subpartoforganization concept_city_abc +concept_website_wtae_tv concept:hasofficeincity concept_city_pittsburgh +concept_website_wtae_tv concept:organizationheadquarteredincity concept_city_pittsburgh +concept_website_wtae_tv concept:subpartof concept_website_abc +concept_website_wtlw concept:subpartof concept_food_ind +concept_website_wtnh concept:subpartoforganization concept_city_abc +concept_website_wtvd concept:subpartoforganization concept_city_abc +concept_website_wtvf concept:subpartof concept_website_cbs +concept_website_wtvm concept:subpartoforganization concept_city_abc +concept_website_wtvm concept:subpartof concept_website_abc +concept_website_wtvw concept:subpartof concept_mountain_fox +concept_website_wupw concept:subpartof concept_mountain_fox +concept_website_wvit concept:subpartoforganization concept_company_nbc +concept_website_wvit concept:subpartof concept_retailstore_nbc +concept_website_wwe concept:atdate concept_dateliteral_n2002 +concept_website_wwe concept:atdate concept_dateliteral_n2006 +concept_website_wwlp concept:subpartof concept_retailstore_nbc +concept_website_wwmt concept:subpartof concept_website_cbs +concept_website_www_yahoo_com concept:agentcompeteswithagent concept_university_search +concept_website_wxvt concept:subpartof concept_website_cbs +concept_website_xanga concept:companyeconomicsector concept_economicsector_social_networking +concept_website_yahoo concept:companyeconomicsector concept_academicfield_media +concept_website_yahoo concept:competeswith concept_blog_google +concept_website_yahoo concept:competeswith concept_company_shopping +concept_website_yahoo concept:competeswith concept_politicsblog_amazon_com +concept_website_yahoo concept:competeswith concept_website_facebook +concept_website_yahoo concept:acquired concept_website_mybloglog +concept_website_yahoo concept:competeswith concept_website_youtube +concept_website_yahoo__search_marketing concept:agentcompeteswithagent concept_university_google +concept_website_yahoo__search_marketing concept:agentcompeteswithagent concept_university_search +concept_website_yahoo_index concept:agentcompeteswithagent concept_university_search +concept_website_yahoo_mail concept:agentcollaborateswithagent concept_ceo_terry_semel +concept_website_yahoo_mail concept:atdate concept_date_n2004 +concept_website_yahoo_mail concept:atdate concept_dateliteral_n2006 +concept_website_yahoo_mail concept:atdate concept_dateliteral_n2007 +concept_website_yahoo_mail concept:agentcompeteswithagent concept_mlauthor_web_search +concept_website_yahoo_mail concept:agentcompeteswithagent concept_university_google +concept_website_yahoo_mail concept:agentcompeteswithagent concept_university_search +concept_website_yahoo_overture concept:agentcompeteswithagent concept_university_google +concept_website_yahoo_search concept:competeswith concept_blog_google +concept_website_yahoo_search concept:competeswith concept_company_msn +concept_website_yahoo_search concept:agentcompeteswithagent concept_university_google +concept_website_yahoo_search concept:agentcompeteswithagent concept_university_search +concept_website_yahoo_sponsored_search concept:agentcompeteswithagent concept_university_google +concept_website_yahooligans concept:agentcompeteswithagent concept_university_search +concept_website_youtube concept:subpartoforganization concept_blog_google +concept_website_youtube concept:competeswith concept_blog_twitter +concept_website_youtube concept:organizationterminatedperson concept_ceo_chad_hurley +concept_website_youtube concept:competeswith concept_company_flickr001 +concept_website_youtube concept:subpartoforganization concept_company_google_inc +concept_website_youtube concept:competeswith concept_company_video +concept_website_youtube concept:competeswith concept_company_wikipedia001 +concept_website_youtube concept:atdate concept_dateliteral_n2006 +concept_website_youtube concept:atdate concept_dateliteral_n2007 +concept_website_youtube concept:atdate concept_dateliteral_n2008 +concept_website_youtube concept:agentcontrols concept_island_chen +concept_website_youtube concept:organizationterminatedperson concept_person_chen +concept_website_youtube concept:subpartof concept_product_google +concept_website_youtube concept:subpartoforganization concept_university_google +concept_website_youtube concept:agentcompeteswithagent concept_university_search +concept_website_youtube concept:competeswith concept_website_facebook +concept_website_youtube concept:competeswith concept_website_yahoo +concept_website_youtube_last_year concept:subpartoforganization concept_blog_google +concept_website_youtube_last_year concept:organizationterminatedperson concept_ceo_chad_hurley +concept_website_youtube_last_year concept:organizationterminatedperson concept_person_chen +concept_website_youtube_last_year concept:subpartof concept_product_google +concept_website_youtube_last_year concept:subpartoforganization concept_university_google +concept_website_ypn concept:latitudelongitude 35.6853600000000,139.7530900000000 +concept_wine_albarino concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_andare concept:latitudelongitude -17.7577800000000,36.5452800000000 +concept_wine_area concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_area concept:objectfoundinscene concept_city_volcano +concept_wine_area concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_wine_area concept:objectpartofobject concept_nut_wheel +concept_wine_area concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_arroyo_grande concept:atlocation concept_stateorprovince_california +concept_wine_astralis concept:latitudelongitude 49.3126000000000,8.6402000000000 +concept_wine_auxerrois concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_avize concept:latitudelongitude 48.9666700000000,4.0166700000000 +concept_wine_baratti concept:latitudelongitude 43.5320833333333,10.4626566666667 +concept_wine_basse_normandie concept:latitudelongitude 49.0000000000000,-1.0000000000000 +concept_wine_beaujolais concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_bellagio concept:atlocation concept_building_vegas +concept_wine_bellagio concept:atdate concept_dateliteral_n2007 +concept_wine_bellagio concept:subpartof concept_traditionalgame_vegas +concept_wine_bierzo concept:latitudelongitude 42.6414366666667,-6.6067273333333 +concept_wine_blanc concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_cab +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_cabernet_sauvignon_grapes +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_chenin +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_franc +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_grenache +concept_wine_blend concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_wine_blend concept:beveragecontainsprotein concept_protein_ingredients +concept_wine_blend concept:beveragecontainsprotein concept_protein_proteases +concept_wine_blend concept:beveragemadefrombeverage concept_wine_barbera +concept_wine_blend concept:beveragemadefrombeverage concept_wine_bonarda +concept_wine_blend concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_blend concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_wine_blend concept:beveragemadefrombeverage concept_wine_cabernet_franc_ +concept_wine_blend concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_wine_blend concept:beveragemadefrombeverage concept_wine_chambourcin +concept_wine_blend concept:beveragemadefrombeverage concept_wine_chardonnay +concept_wine_blend concept:beveragemadefrombeverage concept_wine_cinsault +concept_wine_blend concept:beveragemadefrombeverage concept_wine_gamay +concept_wine_blend concept:beveragemadefrombeverage concept_wine_malbec +concept_wine_blend concept:beveragemadefrombeverage concept_wine_merlot +concept_wine_blend concept:beveragemadefrombeverage concept_wine_mourvedre +concept_wine_blend concept:beveragemadefrombeverage concept_wine_petit_verdot +concept_wine_blend concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_blend concept:beveragemadefrombeverage concept_wine_pinot_gris +concept_wine_blend concept:beveragemadefrombeverage concept_wine_pinotage +concept_wine_blend concept:beveragemadefrombeverage concept_wine_riesling +concept_wine_blend concept:beveragemadefrombeverage concept_wine_roussanne +concept_wine_blend concept:beveragemadefrombeverage concept_wine_sangiovese +concept_wine_blend concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_blend concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_wine_blend concept:beveragemadefrombeverage concept_wine_semillon +concept_wine_blend concept:beveragemadefrombeverage concept_wine_shiraz +concept_wine_blend concept:beveragemadefrombeverage concept_wine_syrah +concept_wine_blend concept:beveragemadefrombeverage concept_wine_tempranillo +concept_wine_blend concept:beveragemadefrombeverage concept_wine_viognier +concept_wine_blend concept:beveragemadefrombeverage concept_wine_zinfandel +concept_wine_blending concept:beveragecontainsprotein concept_protein_ingredients +concept_wine_bordeaux concept:beveragemadefrombeverage concept_beverage_franc +concept_wine_bordeaux concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_bordeaux concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_bordeaux concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_bordeaux_blends concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_bordeaux_grapes concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_bottlings concept:beveragemadefrombeverage concept_wine_syrah +concept_wine_bouzy concept:latitudelongitude 48.3433320000000,3.0899980000000 +concept_wine_cabernet concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_cabernet concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_cabernet_franc concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_cabernet_franc concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_cabernet_franc concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_cabernet_franc_ concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_cabernet_franc_ concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_cabernet_sauvignon concept:beveragemadefrombeverage concept_beverage_franc +concept_wine_cabernet_sauvignon concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_cabernet_sauvignon concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_cabernet_sauvignon concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_cabernet_sauvignon concept:beveragemadefrombeverage concept_wine_shiraz +concept_wine_cahernane concept:latitudelongitude 52.0615000000000,-9.5193000000000 +concept_wine_cameron concept:mutualproxyfor concept_ceo_sheldon_erikson +concept_wine_campione concept:latitudelongitude 45.9139500000000,9.4158337500000 +concept_wine_capodistria concept:latitudelongitude 45.5340057142857,13.7648028571429 +concept_wine_castellamonte concept:latitudelongitude 45.3819600000000,7.7121200000000 +concept_wine_champagne concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_champagne concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chancellor concept:atdate concept_date_n2003 +concept_wine_chardonnay concept:beveragemadefrombeverage concept_wine_blend +concept_wine_chardonnay concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_chardonnay concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chardonnay concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_chardonnays concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chasselas concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chenin_blanc concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_chenin_blanc concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chenin_blanc concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_chianti concept:beveragemadefrombeverage concept_wine_blend +concept_wine_chianti concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_chianti concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_chilled_champagne concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_clarksburg concept:mutualproxyfor concept_radiostation_new_jersey +concept_wine_classic_grape_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_clinton concept:atlocation concept_blog_iowa +concept_wine_coffee_mate concept:latitudelongitude 47.3899700000000,-110.0690900000000 +concept_wine_compagne concept:latitudelongitude 49.3166700000000,1.5166700000000 +concept_wine_corinth concept:proxyfor concept_emotion_mississippi +concept_wine_credito concept:latitudelongitude 23.0500000000000,-103.7166700000000 +concept_wine_dessert_wine concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_dessert_wine concept:beveragemadefrombeverage concept_beverage_muscat +concept_wine_dessert_wine concept:beveragemadefrombeverage concept_wine_blend +concept_wine_dessert_wine concept:beveragemadefrombeverage concept_wine_white_wine +concept_wine_experiments concept:objectfoundinscene concept_visualizablescene_observatory +concept_wine_filosofia concept:latitudelongitude 37.5367750000000,-4.1895150000000 +concept_wine_fine_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_fortified_wine concept:beveragemadefrombeverage concept_agriculturalproduct_sherry +concept_wine_frankovka concept:latitudelongitude 51.3166700000000,28.3500000000000 +concept_wine_french_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_fresh_lime concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_fresh_lime concept:beveragemadefrombeverage concept_beverage_juices +concept_wine_gamay concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_gamay concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_gew_rztraminer concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_gewurztraminer concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_gewurztraminer concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_gewztraminer concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_gimignano concept:latitudelongitude 43.4529425000000,11.0372050000000 +concept_wine_grains concept:foodcancausedisease concept_disease_blood_pressure +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_beverage_franc +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_cabernet_franc +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_cabernet_sauvignon +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_chardonnay +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_merlot +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_grape_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_green_bay concept:proxyfor concept_politicaloffice_wisconsin +concept_wine_green_bay concept:subpartof concept_politicaloffice_wisconsin +concept_wine_grigio concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_grigio concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_gris concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_gris concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_hotel_sierra_silvana concept:latitudelongitude 40.8277100000000,17.3225200000000 +concept_wine_international_varieties concept:beveragemadefrombeverage concept_wine_chardonnay +concept_wine_international_varieties concept:beveragemadefrombeverage concept_wine_merlot +concept_wine_international_varieties concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_israele concept:latitudelongitude 31.5000000000000,34.7500000000000 +concept_wine_kafr_el_sheikh concept:latitudelongitude 30.0165176923077,31.1494646153846 +concept_wine_lichnos concept:latitudelongitude 39.2830300000000,20.4351700000000 +concept_wine_longobardi concept:latitudelongitude 39.2070900000000,16.0764900000000 +concept_wine_luna_rossa concept:latitudelongitude 40.8513000000000,14.2696000000000 +concept_wine_malbec concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_malbec concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_meritage concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_merlot concept:beveragemadefrombeverage concept_beverage_cab +concept_wine_merlot concept:beveragemadefrombeverage concept_beverage_franc +concept_wine_merlot concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_merlot concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_merlot concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_merlot_wines concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_meunier concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_mission concept:objectfoundinscene concept_visualizablescene_observatory +concept_wine_misura concept:latitudelongitude 42.6763900000000,19.0052800000000 +concept_wine_montale concept:latitudelongitude 44.0689344444444,10.6916388888889 +concept_wine_montefusco concept:latitudelongitude 40.8740475000000,15.5412050000000 +concept_wine_monterubbiano concept:latitudelongitude 43.0847500000000,13.7198900000000 +concept_wine_montescaglioso concept:latitudelongitude 40.5522200000000,16.6668900000000 +concept_wine_napa_valley concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_nebbiolo concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_nebbiolo concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_noble_grape concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_noir concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_noir concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_noir_grapes concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_ognina concept:latitudelongitude 37.2539775000000,15.1893375000000 +concept_wine_paneveggio concept:latitudelongitude 46.3000000000000,11.7333300000000 +concept_wine_petit_verdot concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_petit_verdot concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_petite_sirah concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_petite_syrah concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_pinot_blanc concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_pinot_grigio concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_pinot_grigio concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_pinot_grigio concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_pinot_gris concept:beveragemadefrombeverage concept_wine_blend +concept_wine_pinot_gris concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_pinot_gris concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_pinot_meunier concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_pinotage concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_pinotage concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_preggio concept:latitudelongitude 43.2417400000000,12.2237400000000 +concept_wine_proprietary_blend concept:beveragecontainsprotein concept_protein_ingredients +concept_wine_red_blend concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_red_bordeaux concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_red_wine concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_red_wine concept:agriculturalproductcontainchemical concept_chemical_antioxidants +concept_wine_red_wine concept:agriculturalproductcontainchemical concept_chemical_compounds +concept_wine_red_wine concept:agriculturalproductcontainchemical concept_chemical_properties +concept_wine_red_wine concept:agriculturalproductcontainchemical concept_chemical_resveratrol +concept_wine_red_wine concept:fooddecreasestheriskofdisease concept_disease_cancer +concept_wine_red_wine concept:fooddecreasestheriskofdisease concept_disease_heart_disease +concept_wine_red_wine concept:fooddecreasestheriskofdisease concept_disease_lung_cancer +concept_wine_red_wine concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_wine_red_wine concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_wine_red_wine concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_reisling concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_riesling concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_riesling concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_riesling concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_rieslings concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_rieussec concept:latitudelongitude 43.9866700000000,4.0400000000000 +concept_wine_roccalbegna concept:latitudelongitude 42.7862433333333,11.5083000000000 +concept_wine_rutherford concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_ruvo concept:latitudelongitude 40.9609187500000,15.8817600000000 +concept_wine_saignon concept:latitudelongitude 43.8666700000000,5.4333300000000 +concept_wine_sancerre concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_sangiovese concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_sangiovese concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_sangiovese concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_sauvignon concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_sauvignon_blanc concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_sauvignon_blanc concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_sauvignon_blanc concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_semillion concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_semillon concept:beveragemadefrombeverage concept_beverage_chenin +concept_wine_semillon concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_semillon concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_sherry_vinegar concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_shiraz concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_shiraz concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_shiraz concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_skaftafell concept:latitudelongitude 64.0916700000000,-17.0000000000000 +concept_wine_sociologia concept:latitudelongitude 37.1804800000000,-3.6044600000000 +concept_wine_sparkling_cider concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_sparkling_wine concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_sparkling_wine concept:beveragemadefrombeverage concept_wine_chardonnay +concept_wine_sparkling_wines concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_statistica concept:latitudelongitude 47.1597200000000,27.5856500000000 +concept_wine_stock concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_stock concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_syrah concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_syrah concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_syrah concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_table_wine concept:beveragemadefrombeverage concept_wine_blend +concept_wine_table_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_tempranillo concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_tempranillo concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_thompson concept:proxyfor concept_stateorprovince_manitoba +concept_wine_traminer concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_tsinandali concept:latitudelongitude 41.8968533333333,45.5757433333333 +concept_wine_tutto concept:latitudelongitude 48.8833350000000,140.0583350000000 +concept_wine_valley concept:objectfoundinscene concept_city_volcano +concept_wine_varietal_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_vine concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_vintages concept:beveragemadefrombeverage concept_wine_riesling +concept_wine_vintages concept:beveragemadefrombeverage concept_wine_shiraz +concept_wine_viognier concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_viognier concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_viognier concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_white_wine concept:agriculturalproductcookedwithagriculturalproduct concept_agriculturalproduct_salt +concept_wine_white_wine concept:beveragemadefrombeverage concept_beverage_juice +concept_wine_white_wine concept:beveragemadefrombeverage concept_beverage_muscat +concept_wine_white_wine concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_wine_white_wine concept:beveragemadefrombeverage concept_beverage_sauce +concept_wine_white_wine concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_pepper +concept_wine_white_wine concept:agriculturalproductcookedwithagriculturalproduct concept_vegetable_vinegar +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_blend +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_chenin_blanc +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_riesling +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_semillon +concept_wine_white_wine concept:beveragemadefrombeverage concept_wine_trebbiano +concept_wine_white_wines concept:beveragemadefrombeverage concept_beverage_pinot_noir +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_blend +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_chardonnay +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_chenin_blanc +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_sauvignon +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_sauvignon_blanc +concept_wine_white_wines concept:beveragemadefrombeverage concept_wine_viognier +concept_wine_zalema concept:latitudelongitude 36.0570800000000,66.2615300000000 +concept_wine_zinfandel concept:beveragemadefrombeverage concept_wine_cabernet +concept_wine_zinfandel concept:beveragemadefrombeverage concept_wine_pinot +concept_wine_zinfandel concept:beveragemadefrombeverage concept_wine_sauvignon +concept_winery_albertsons concept:subpartoforganization concept_bank_supervalu +concept_winery_anheuser_busch concept:agentcollaborateswithagent concept_ceo_august_a__busch_iv +concept_winery_anheuser_busch concept:mutualproxyfor concept_ceo_august_a__busch_iv +concept_winery_anomaly concept:proxyfor concept_book_new +concept_winery_apy concept:latitudelongitude 52.9833300000000,22.8666700000000 +concept_winery_augusta concept:atlocation concept_skiarea_maine +concept_winery_augusta concept:proxyfor concept_skiarea_maine +concept_winery_augusta concept:subpartof concept_skiarea_maine +concept_winery_bell concept:acquired concept_creditunion_giro +concept_winery_belo concept:companyeconomicsector concept_academicfield_media +concept_winery_brown_brothers concept:companyeconomicsector concept_economicsector_investment +concept_winery_cabot concept:proxyfor concept_book_arkansas +concept_winery_cardelli concept:latitudelongitude 39.2815800000000,-119.5379500000000 +concept_winery_castle concept:agentactsinlocation concept_lake_new +concept_winery_castle concept:atlocation concept_lake_new +concept_winery_cathy concept:agentcontrols concept_charactertrait_world +concept_winery_cingular concept:companyeconomicsector concept_economicsector_telecommunications +concept_winery_cingular concept:subpartof concept_musicinstrument_t_l +concept_winery_cingular concept:organizationhiredperson concept_person_stan_sigman +concept_winery_cingular concept:subpartof concept_tableitem_t_mobile_usa +concept_winery_cingular concept:subpartof concept_website_t_mobile +concept_winery_costco concept:organizationhiredperson concept_ceo_jim_sinegal +concept_winery_cypress concept:organizationhiredperson concept_ceo_tj_rodgers +concept_winery_david concept:agentbelongstoorganization concept_company_nyt +concept_winery_david concept:agentbelongstoorganization concept_company_the_new_york_times001 +concept_winery_david concept:agentbelongstoorganization concept_politicsblog_ny_times +concept_winery_david concept:agentbelongstoorganization concept_stateorprovince_times +concept_winery_donder concept:latitudelongitude 5.3666700000000,-56.3333300000000 +concept_winery_dror concept:latitudelongitude 32.2500000000000,34.9000000000000 +concept_winery_el_dorado concept:atlocation concept_cave_arkansas +concept_winery_estate_license concept:atdate concept_dateliteral_n2006 +concept_winery_federal_express concept:competeswith concept_company_express +concept_winery_framingham concept:atlocation concept_beach_massachusetts +concept_winery_framingham concept:mutualproxyfor concept_beach_massachusetts +concept_winery_gabrielle_roy concept:agentcreated concept_book_the_tin_flute +concept_winery_greenfield concept:atlocation concept_beach_massachusetts +concept_winery_greenfield concept:proxyfor concept_politicaloffice_wisconsin +concept_winery_gresham concept:proxyfor concept_politicsissue_oregon +concept_winery_gresham concept:atlocation concept_stateorprovince_oregon +concept_winery_hampshire_university concept:latitudelongitude 43.1147275000000,-71.2301300000000 +concept_winery_hartford concept:proxyfor concept_book_new +concept_winery_hartford concept:mutualproxyfor concept_personeurope_eddie_perez +concept_winery_hartford concept:organizationhiredperson concept_personeurope_eddie_perez +concept_winery_harvest concept:organizationdissolvedatdate concept_month_august +concept_winery_harvest concept:organizationdissolvedatdate concept_month_september +concept_winery_home_state concept:proxyfor concept_book_new +concept_winery_hopfield concept:latitudelongitude -27.0500000000000,27.0166700000000 +concept_winery_hotelling concept:latitudelongitude 41.2213366666667,-123.2814366666667 +concept_winery_huntington concept:subpartof concept_company_new_york +concept_winery_huntington concept:mutualproxyfor concept_company_west_virginia +concept_winery_huntington concept:subpartof concept_company_west_virginia +concept_winery_i_m concept:competeswith concept_blog_google +concept_winery_jersey_institute concept:latitudelongitude 40.7423000000000,-74.1787400000000 +concept_winery_jordan concept:hasofficeincountry concept_country___america +concept_winery_kirkwood concept:proxyfor concept_company_missouri +concept_winery_kkr concept:latitudelongitude 8.0000000000000,-5.0000000000000 +concept_winery_kkr concept:companyeconomicsector concept_economicsector_equity +concept_winery_kkr concept:companyeconomicsector concept_economicsector_investment +concept_winery_kohlberg concept:companyeconomicsector concept_economicsector_equity +concept_winery_kohlberg_kravis_roberts concept:companyeconomicsector concept_economicsector_equity +concept_winery_landmark concept:proxyfor concept_book_new +concept_winery_locals concept:proxyfor concept_book_new +concept_winery_lotka concept:latitudelongitude 64.7166700000000,32.4833300000000 +concept_winery_mansfield concept:proxyfor concept_university_ohio +concept_winery_marcassin concept:latitudelongitude 47.3179000000000,-73.8077600000000 +concept_winery_mcmanis concept:latitudelongitude 41.8697500000000,-88.0978500000000 +concept_winery_melville concept:subpartof concept_company_new_york +concept_winery_meridian concept:proxyfor concept_newspaper_idaho +concept_winery_mirage concept:organizationhiredperson concept_person_wynn +concept_winery_mirage concept:organizationterminatedperson concept_person_wynn +concept_winery_mirage concept:agentcollaborateswithagent concept_televisionstation_wynn +concept_winery_mirage concept:agentcontrols concept_televisionstation_wynn +concept_winery_monsanto concept:acquired concept_biotechcompany_agracetus +concept_winery_morgan concept:companyeconomicsector concept_economicsector_investment +concept_winery_one_state concept:proxyfor concept_book_new +concept_winery_pacific concept:hasofficeincountry concept_country___america +concept_winery_pacific_rim concept:hasofficeincountry concept_country___america +concept_winery_page concept:competeswith concept_company_post +concept_winery_peachy_canyon concept:latitudelongitude 35.6183000000000,-120.6910000000000 +concept_winery_pride_mountain concept:latitudelongitude 34.6789800000000,-87.8108700000000 +concept_winery_prisoner concept:agentparticipatedinevent concept_eventoutcome_result +concept_winery_profundidad concept:latitudelongitude -27.5583350000000,-55.7083350000000 +concept_winery_red_rock concept:subpartof concept_traditionalgame_vegas +concept_winery_reserve concept:agentcontrols concept_emotion_money +concept_winery_robert concept:agentcontrols concept_charactertrait_world +concept_winery_robert_craig concept:agentcreated concept_book_creepers +concept_winery_roche concept:agentcollaborateswithagent concept_personus_franz_humer +concept_winery_rockaway concept:mutualproxyfor concept_radiostation_new_jersey +concept_winery_ruston concept:atlocation concept_attraction_louisiana +concept_winery_schweiger concept:latitudelongitude 47.0555566666667,13.6388900000000 +concept_winery_sievert concept:latitudelongitude 30.1835500000000,-96.9952600000000 +concept_winery_silver_ridge concept:mutualproxyfor concept_radiostation_new_jersey +concept_winery_sir_isaac concept:latitudelongitude -34.4333300000000,135.2166700000000 +concept_winery_sky concept:companyeconomicsector concept_academicfield_media +concept_winery_sky concept:companyeconomicsector concept_academicfield_news +concept_winery_sky concept:competeswith concept_blog_google +concept_winery_snoqualmie concept:atlocation concept_city_washington_d_c +concept_winery_solaris concept:agentinvolvedwithitem concept_food_mac +concept_winery_stevenot concept:latitudelongitude 38.1890850000000,-120.3856100000000 +concept_winery_stratford concept:proxyfor concept_radiostation_new_jersey +concept_winery_sullivan concept:companyeconomicsector concept_academicfield_law +concept_winery_summers concept:proxyfor concept_book_new +concept_winery_summers concept:agentactsinlocation concept_hotel_north +concept_winery_summers concept:agentactsinlocation concept_lake_new +concept_winery_summers concept:atlocation concept_lake_new +concept_winery_summers concept:agentactsinlocation concept_room_south +concept_winery_van_roy concept:latitudelongitude 50.7166700000000,4.4833300000000 +concept_winery_victor_hugo concept:agentcreated concept_movie_les_mis_rables +concept_winery_victor_hugo concept:agentcreated concept_movie_les_miserables +concept_winery_westin_new_york concept:latitudelongitude 40.7575000000000,-73.9885000000000 +concept_winery_weston concept:atlocation concept_city_florida +concept_winery_weston concept:proxyfor concept_city_florida +concept_winery_weston concept:proxyfor concept_company_west_virginia +concept_winery_whiston concept:latitudelongitude 53.0754357142857,-1.7908700000000 +concept_winery_york_area concept:agentactsinlocation concept_lake_new +concept_winery_york_area concept:atlocation concept_lake_new +concept_winery_york_areas concept:proxyfor concept_book_new +concept_winery_york_areas concept:agentactsinlocation concept_lake_new +concept_winery_york_areas concept:atlocation concept_lake_new +concept_winery_york_harbor concept:proxyfor concept_book_new +concept_winery_york_harbor concept:atlocation concept_lake_new +concept_winery_york_market concept:proxyfor concept_book_new +concept_winery_york_market concept:agentactsinlocation concept_lake_new +concept_winery_york_market concept:atlocation concept_lake_new +concept_winery_york_markets concept:agentactsinlocation concept_lake_new +concept_winery_york_markets concept:atlocation concept_lake_new +concept_winery_york_new_york concept:latitudelongitude 36.1024600000000,-115.1724300000000 +concept_winery_york_residents concept:proxyfor concept_book_new +concept_winery_york_residents concept:agentactsinlocation concept_lake_new +concept_winery_york_residents concept:atlocation concept_lake_new +concept_winery_york_states concept:proxyfor concept_book_new +concept_winery_york_states concept:agentactsinlocation concept_lake_new +concept_winery_york_states concept:atlocation concept_lake_new +concept_writer__mile_zola concept:agentcontributedtocreativework concept_book_germinal +concept_writer__mile_zola concept:agentcreated concept_book_germinal +concept_writer__mile_zola concept:agentcreated concept_book_nana +concept_writer__mile_zola concept:agentcontributedtocreativework concept_televisionshow_th_r_se_raquin +concept_writer__mile_zola concept:agentcreated concept_televisionshow_th_r_se_raquin +concept_writer_a__s__byatt concept:agentcontributedtocreativework concept_book_possession +concept_writer_a__s__byatt concept:agentcreated concept_book_possession +concept_writer_a__s__byatt concept:agentcontributedtocreativework concept_book_possession__a_romance +concept_writer_a__s__byatt concept:agentcreated concept_book_possession__a_romance +concept_writer_a_l__kennedy concept:agentcreated concept_musicalbum_everything_you_need +concept_writer_a_s__byatt concept:agentcreated concept_book_possession +concept_writer_a_s__byatt concept:agentcreated concept_book_the_virgin_in_the_garden +concept_writer_aa concept:agentcollaborateswithagent concept_politicianus_bill_wilson +concept_writer_aa concept:mutualproxyfor concept_politicianus_bill_wilson +concept_writer_aa_milne concept:agentcreated concept_book_winnie_the_pooh +concept_writer_abbe_prevost concept:agentcreated concept_book_manon_lescaut +concept_writer_abel concept:hassibling concept_male_cain +concept_writer_ace_atkins concept:agentcreated concept_book_devil_s_garden +concept_writer_adalbert_stifter concept:agentcreated concept_musicsong_indian_summer +concept_writer_adam_gopnik concept:worksfor concept_website_new_york_american +concept_writer_adele_parks concept:agentcreated concept_book_game_over +concept_writer_adele_parks concept:agentcreated concept_musicsong_love_lies +concept_writer_aeschylus concept:agentcreated concept_book_prometheus_bound +concept_writer_ahdaf_soueif concept:agentcreated concept_book_the_map_of_love +concept_writer_aime_cesaire concept:personhasresidenceingeopoliticallocation concept_city_martinique +concept_writer_aime_cesaire concept:personhasjobposition concept_jobposition_poet +concept_writer_akhil_sharma concept:agentcreated concept_book_an_obedient_father +concept_writer_akira_kurosawa concept:agentcontributedtocreativework concept_movie_seven_samurai +concept_writer_akutagawa_ryunosuke concept:agentcreated concept_movie_rashomon +concept_writer_alain_robbe_grillet concept:agentcreated concept_musicsong_jealousy +concept_writer_alan_bennett concept:agentcreated concept_book_the_uncommon_reader +concept_writer_alan_garner concept:agentcreated concept_book_red_shift +concept_writer_alan_moore___david_gibbons concept:agentcontributedtocreativework concept_book_watchmen +concept_writer_alan_moore___david_gibbons concept:agentcreated concept_book_watchmen +concept_writer_alan_moore_and_dave_gibbons concept:agentcreated concept_book_watchmen +concept_writer_alan_weisman concept:agentcreated concept_book_the_world_without_us +concept_writer_alastair_reynolds concept:agentcreated concept_book_revelation_space +concept_writer_alberto_moravia concept:agentcreated concept_book_disobedience +concept_writer_aldous_huxley concept:agentcreated concept_book_brave_new_world +concept_writer_aldous_huxley concept:agentcreated concept_book_crome_yellow +concept_writer_aldous_huxley concept:agentcreated concept_book_eyeless_in_gaza +concept_writer_aldous_huxley concept:agentcreated concept_book_point_counter_point +concept_writer_alejo_carpentier concept:agentcreated concept_book_the_lost_steps +concept_writer_aleksandar_hemon concept:agentcreated concept_musicalbum_nowhere_man +concept_writer_aleksandr_isayevich_solzhenitsyn concept:agentcreated concept_book_cancer_ward +concept_writer_aleksandr_isayevich_solzhenitsyn concept:agentcreated concept_book_one_day_in_the_life_of_ivan_denisovich +concept_writer_aleksandr_isayevich_solzhenitsyn concept:agentcreated concept_book_the_first_circle +concept_writer_alex_beam concept:worksfor concept_company_boston_globe001 +concept_writer_alex_kava concept:agentcreated concept_book_black_friday +concept_writer_alex_kava concept:agentcreated concept_book_the_soul_catcher +concept_writer_alex_scarrow concept:agentcreated concept_book_a_thousand_suns +concept_writer_alexander_hamilton concept:agentcreated concept_book_the_federalist_papers +concept_writer_alexander_pushkin concept:agentcontributedtocreativework concept_book_eugene_onegin +concept_writer_alexander_pushkin concept:agentcreated concept_book_eugene_onegin +concept_writer_alexandra_adornetto concept:agentcreated concept_musicalbum_halo +concept_writer_alexandra_ivy concept:agentcreated concept_book_when_darkness_comes +concept_writer_alexandra_ripley concept:agentcreated concept_book_scarlett +concept_writer_alexandre_dumas_p_re concept:agentcontributedtocreativework concept_book_the_count_of_monte_cristo +concept_writer_alfred_d_blin concept:agentcreated concept_book_berlin_alexanderplatz +concept_writer_alisa_m__libby concept:agentcreated concept_book_the_king_s_rose +concept_writer_alison_bechdel concept:agentcreated concept_person_fun_home +concept_writer_alistair_maclean concept:agentcreated concept_book_the_dark_crusader +concept_writer_alistair_maclean concept:agentcreated concept_book_the_guns_of_navarone +concept_writer_alistair_maclean concept:agentcreated concept_book_when_eight_bells_toll +concept_writer_alistair_maclean concept:agentcreated concept_book_where_eagles_dare +concept_writer_alistair_maclean concept:agentcreated concept_musicsong_the_last_frontier +concept_writer_allan_pease concept:agentcreated concept_book_exile_and_the_kingdom +concept_writer_amanda_cross concept:agentcreated concept_movie_poetic_justice +concept_writer_amin_maalouf concept:agentcreated concept_city_samarkand +concept_writer_amira_hass concept:worksfor concept_blog_ha_aretz +concept_writer_amos_oz concept:agentcreated concept_musicartist_black_box +concept_writer_amy_tan concept:agentcreated concept_book_the_joy_luck_club +concept_writer_amy_tan concept:agentcreated concept_book_the_kitchen_god_s_wife +concept_writer_ana_s_nin concept:agentcreated concept_book_delta_of_venus +concept_writer_andr__breton concept:agentcreated concept_book_nadja +concept_writer_andr__brink concept:agentcreated concept_book_a_dry_white_season +concept_writer_andr__gide concept:agentcreated concept_book_the_counterfeiters +concept_writer_andr__gide concept:agentcreated concept_writer_the_immoralist +concept_writer_andre_brink concept:agentcreated concept_book_a_dry_white_season +concept_writer_andre_dubus_iii concept:agentcontributedtocreativework concept_book_house_of_sand_and_fog +concept_writer_andre_dubus_iii concept:agentcreated concept_book_house_of_sand_and_fog +concept_writer_andrea_levy concept:agentcreated concept_book_small_island +concept_writer_andrew_o_hagan concept:agentcreated concept_book_personality +concept_writer_andrew_rosenheim concept:agentcreated concept_televisionshow_without_prejudice +concept_writer_andrey_kurkov concept:agentcreated concept_book_death_and_the_penguin +concept_writer_anita_diamant concept:agentcreated concept_book_the_red_tent +concept_writer_ann_marie_macdonald concept:agentcreated concept_book_fall_on_your_knees +concept_writer_ann_moore concept:topmemberoforganization concept_company_time_warner_inc +concept_writer_ann_moore concept:worksfor concept_company_time_warner_inc +concept_writer_ann_patchett concept:agentcreated concept_book_bel_canto +concept_writer_ann_radcliffe concept:agentcreated concept_book_the_mysteries_of_udolpho +concept_writer_anna_quindlen concept:journalistwritesforpublication concept_politicsblog_newsweek +concept_writer_anna_quindlen concept:journalistwritesforpublication concept_website_new_york_times +concept_writer_anna_sewell concept:agentcreated concept_book_black_beauty +concept_writer_anne_applebaum concept:personbelongstoorganization concept_city_washington_d_c +concept_writer_anne_applebaum concept:worksfor concept_company_dc +concept_writer_anne_bront_ concept:agentcreated concept_book_agnes_grey +concept_writer_anne_bront_ concept:agentcreated concept_book_the_tenant_of_wildfell_hall +concept_writer_anne_perry concept:agentcreated concept_book_a_dangerous_mourning +concept_writer_anne_perry concept:agentcreated concept_book_cain_his_brother +concept_writer_anne_perry concept:agentcreated concept_book_defend_and_betray +concept_writer_anne_perry concept:agentcreated concept_book_execution_dock +concept_writer_anne_perry concept:agentcreated concept_book_funeral_in_blue +concept_writer_anne_perry concept:agentcreated concept_book_the_silent_cry +concept_writer_anne_perry concept:agentcreated concept_book_the_sins_of_the_wolf +concept_writer_anne_perry concept:agentcreated concept_book_weighed_in_the_balance +concept_writer_anne_sexton concept:agentcontributedtocreativework concept_book_the_complete_poems +concept_writer_anne_spencer concept:latitudelongitude 37.4037500000000,-79.1530800000000 +concept_writer_annie_jones concept:agentcreated concept_book_mom_over_miami +concept_writer_anthony_hope concept:agentcreated concept_book_the_prisoner_of_zenda +concept_writer_anthony_powell concept:agentcreated concept_book_a_dance_to_the_music_of_time +concept_writer_anthony_powell concept:agentcreated concept_book_casanova_s_chinese_restaurant +concept_writer_anthony_powell concept:agentcreated concept_book_the_kindly_ones +concept_writer_anthony_powell concept:agentcreated concept_book_the_military_philosophers +concept_writer_anthony_powell concept:agentcreated concept_book_the_valley_of_bones +concept_writer_anthony_trollope concept:agentcreated concept_book_barchester_towers +concept_writer_anthony_trollope concept:agentcontributedtocreativework concept_book_he_knew_he_was_right +concept_writer_anthony_trollope concept:agentcreated concept_book_he_knew_he_was_right +concept_writer_anthony_trollope concept:agentcreated concept_book_the_last_chronicle_of_barset +concept_writer_anthony_trollope concept:agentcreated concept_book_the_way_we_live_now +concept_writer_antoine_de_saint_exupery concept:agentcreated concept_book_the_little_prince +concept_writer_anya_seton concept:agentcontributedtocreativework concept_book_katherine +concept_writer_anya_seton concept:agentcreated concept_book_katherine +concept_writer_aprilynne_pike concept:agentcreated concept_book_spells +concept_writer_aprilynne_pike concept:agentcreated concept_book_wings +concept_writer_aratos concept:latitudelongitude 41.0833300000000,25.5500000000000 +concept_writer_aravind_adiga concept:agentcreated concept_book_the_white_tiger +concept_writer_archives concept:agentcompeteswithagent concept_tradeunion_search +concept_writer_ardal_o_hanlon concept:agentcreated concept_personcanada_the_talk_of_the_town +concept_writer_armistead_maupin concept:agentcreated concept_televisionshow_tales_of_the_city +concept_writer_arnaldur_indridason concept:agentcreated concept_weatherphenomenon_arctic_chill +concept_writer_arnim concept:latitudelongitude 52.6260800000000,11.9476300000000 +concept_writer_arnold_bennett concept:agentcontributedtocreativework concept_book_the_old_wives__tale +concept_writer_arnold_bennett concept:agentcreated concept_book_the_old_wives__tale +concept_writer_arrow concept:agentcreated concept_movie_click +concept_writer_art_spiegelman concept:agentcreated concept_book_maus +concept_writer_arthur_agatston concept:agentcreated concept_book_the_south_beach_diet_supercharged_faste +concept_writer_arthur_c__clarke concept:persondiedatage 90 +concept_writer_arthur_c_clarke concept:agentcreated concept_book_childhood_s_end +concept_writer_arthur_charles_clarke concept:agentcreated concept_book_childhood_s_end +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_a_case_of_identity +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_a_study_in_scarlet +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_silver_blaze +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_crooked_man +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_final_problem +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_greek_interpreter +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_musgrave_ritual +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_naval_treaty +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_resident_patient +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_second_stain +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventure_of_the_yellow_face +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_adventures_of_sherlock_holmes +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_hound_of_the_baskervilles +concept_writer_arthur_conan_doyle concept:agentcreated concept_book_the_sign_of_four +concept_writer_arthur_golden concept:agentcreated concept_book_memoirs_of_a_geisha_a_novel +concept_writer_arthur_moore concept:latitudelongitude 53.9868900000000,-94.8393500000000 +concept_writer_arthur_ransome concept:agentcreated concept_book_swallows_and_amazons +concept_writer_arthur_schnitzler concept:agentcreated concept_musicsong_none_but_the_brave +concept_writer_arto_paasilinna concept:agentcreated concept_book_the_year_of_the_hare +concept_writer_arundhati_roy concept:agentcreated concept_book_the_god_of_small_things +concept_writer_as_byatt concept:agentcreated concept_book_possession +concept_writer_as_byatt concept:agentcreated concept_book_the_virgin_in_the_garden +concept_writer_asa_larsson concept:agentcreated concept_book_the_savage_altar +concept_writer_ashbery concept:latitudelongitude 59.4359900000000,-101.4531300000000 +concept_writer_august_strindberg concept:agentcreated concept_book_by_the_open_sea +concept_writer_august_strindberg concept:agentcreated concept_book_the_red_room +concept_writer_augusten_burroughs concept:agentcreated concept_book_running_with_scissors +concept_writer_auletta concept:latitudelongitude 40.5615100000000,15.4253600000000 +concept_writer_ayn_rand concept:agentcreated concept_book_anthem +concept_writer_ayn_rand concept:agentcreated concept_book_atlas_shrugged +concept_writer_ayn_rand concept:agentcreated concept_book_for_the_new_intellectual_the_philosophy +concept_writer_ayn_rand concept:agentcreated concept_book_the_art_of_fiction_a_guide_for_writers +concept_writer_ayn_rand concept:agentcreated concept_book_the_fountainhead +concept_writer_azar_nafisi concept:agentcontributedtocreativework concept_book_reading_lolita_in_tehran__a_memoir_in_books +concept_writer_azar_nafisi concept:agentcreated concept_book_reading_lolita_in_tehran__a_memoir_in_books +concept_writer_b__j__daniels concept:agentcreated concept_book_big_sky_standoff +concept_writer_b__j__daniels concept:agentcreated concept_book_day_of_reckoning +concept_writer_b__j__daniels concept:agentcreated concept_book_mountain_sheriff +concept_writer_b__j__daniels concept:agentcreated concept_book_mystery_bride +concept_writer_b__j__daniels concept:agentcreated concept_book_premeditated_marriage +concept_writer_b__j__daniels concept:agentcreated concept_book_secret_weapon_spouse +concept_writer_b__j__daniels concept:agentcreated concept_book_the_agent_s_secret_child +concept_writer_b__j__daniels concept:agentcreated concept_book_the_cowgirl_in_question +concept_writer_b__j__daniels concept:agentcreated concept_emotion_love_at_first_sight +concept_writer_b__j__daniels concept:agentcreated concept_personnorthamerica_the_masked_man +concept_writer_b_s__johnson concept:agentcreated concept_book_house_mother_normal +concept_writer_badger_clark concept:latitudelongitude 43.7786000000000,-103.4026900000000 +concept_writer_ball concept:agentparticipatedinevent concept_sportsgame_series +concept_writer_bandello concept:latitudelongitude 51.3498200000000,-121.0025800000000 +concept_writer_barak_obama concept:agentcollaborateswithagent concept_company_clinton +concept_writer_barak_obama concept:agentcollaborateswithagent concept_person_mccain +concept_writer_barb_hendee concept:agentcreated concept_book_dhampir +concept_writer_barb_hendee concept:agentcreated concept_book_in_shade_and_shadow +concept_writer_barb_hendee concept:agentcreated concept_book_traitor_to_the_blood +concept_writer_barbara_kingsolver concept:agentcreated concept_book_animal_dreams +concept_writer_barbara_kingsolver concept:agentcreated concept_book_pigs_in_heaven +concept_writer_barbara_kingsolver concept:agentcreated concept_book_prodigal_summer +concept_writer_barbara_kingsolver concept:agentcreated concept_book_the_bean_trees +concept_writer_barbara_kingsolver concept:agentcreated concept_book_the_poisonwood_bible +concept_writer_barbara_pym concept:agentcreated concept_book_excellent_women +concept_writer_barbara_vine concept:agentcreated concept_book_a_dark_adapted_eye +concept_writer_barbara_vine concept:agentcreated concept_book_a_fatal_inversion +concept_writer_baroness_emmuska_orczy concept:agentcreated concept_book_the_scarlet_pimpernel +concept_writer_baroness_orczy concept:agentcreated concept_book_the_scarlet_pimpernel +concept_writer_barry_hughart concept:agentcreated concept_book_bridge_of_birds +concept_writer_barry_hughart concept:agentcreated concept_book_eight_skilled_gentlemen +concept_writer_ben_h__winters concept:agentcreated concept_book_android_karenina +concept_writer_ben_kane concept:agentcreated concept_book_the_forgotten_legion +concept_writer_ben_okri concept:agentcreated concept_book_the_famished_road +concept_writer_benito_perez_galdos concept:agentcreated concept_charactertrait_compassion +concept_writer_benjamin_black concept:agentcreated concept_book_elegy_for_april +concept_writer_benjamin_hoff concept:agentcreated concept_book_the_tao_of_pooh +concept_writer_bernard_cornwell concept:agentcreated concept_book_sharpe_s_eagle +concept_writer_bernard_cornwell concept:agentcreated concept_book_the_winter_king +concept_writer_bernard_cornwell concept:agentcreated concept_writer_harlequin +concept_writer_bernard_goldberg concept:personleadsorganization concept_company_cnn__pbs +concept_writer_bernard_goldberg concept:personleadsorganization concept_televisionnetwork_cbs +concept_writer_bernard_goldberg concept:worksfor concept_televisionnetwork_cbs +concept_writer_bessie_head concept:agentcreated concept_book_a_question_of_power +concept_writer_bettelheim concept:latitudelongitude 49.6529000000000,-69.6819200000000 +concept_writer_beverly_barton concept:agentcreated concept_book_sanctuary +concept_writer_bhargavi concept:latitudelongitude 19.8833300000000,85.5833300000000 +concept_writer_bialik concept:latitudelongitude 32.8202800000000,35.0867566666667 +concept_writer_bickman concept:latitudelongitude -12.9666700000000,15.7166700000000 +concept_writer_biggle concept:latitudelongitude 53.9941700000000,-9.9058300000000 +concept_writer_bill_bryson concept:agentcreated concept_book_a_short_history_of_nearly_everything +concept_writer_bill_bryson concept:agentcreated concept_book_a_walk_in_the_woods +concept_writer_bill_bryson concept:agentcreated concept_book_a_walk_in_the_woods_rediscovering_ameri +concept_writer_bill_bryson concept:agentcreated concept_book_i_m_a_stranger_here_myself_notes_on_ret +concept_writer_bill_bryson concept:agentcreated concept_book_notes_from_a_small_island +concept_writer_bill_bryson concept:agentcreated concept_book_the_life_and_times_of_the_thunderbolt_kid +concept_writer_bill_bryson concept:agentcreated concept_book_the_mother_tongue +concept_writer_bill_geist concept:personleadsorganization concept_company_cnn__pbs +concept_writer_bill_geist concept:personleadsorganization concept_televisionnetwork_cbs +concept_writer_bill_geist concept:worksfor concept_televisionnetwork_cbs +concept_writer_bill_gertz concept:personleadsorganization concept_website_washington_times +concept_writer_bill_gertz concept:worksfor concept_website_washington_times +concept_writer_bloomfield concept:mutualproxyfor concept_radiostation_new_jersey +concept_writer_bob_lane concept:latitudelongitude 33.4079000000000,-94.2257500000000 +concept_writer_bohumil_hrabal concept:agentcreated concept_book_closely_watched_trains +concept_writer_booth_tarkington concept:agentcreated concept_book_the_magnificent_ambersons +concept_writer_bourdieu concept:latitudelongitude 36.0641300000000,-120.6037700000000 +concept_writer_bowdoin concept:personchargedwithcrime concept_crimeorcharge_murder +concept_writer_bowdoin concept:persongraduatedschool concept_university_law_school +concept_writer_boyd_morrison concept:agentcreated concept_book_the_ark +concept_writer_brandon_sanderson concept:agentcreated concept_book_alcatraz_versus_the_evil_librarians +concept_writer_brandon_sanderson concept:agentcreated concept_book_mistborn_the_final_empire +concept_writer_brandon_sanderson concept:agentcreated concept_book_the_hero_of_ages +concept_writer_brandon_sanderson concept:agentcreated concept_book_the_way_of_kings +concept_writer_brandon_sanderson concept:agentcreated concept_book_the_well_of_ascension +concept_writer_brathwaite concept:latitudelongitude 7.1666700000000,-60.1166700000000 +concept_writer_brent_weeks concept:agentcreated concept_book_beyond_the_shadows +concept_writer_brent_weeks concept:agentcreated concept_book_shadow_s_edge +concept_writer_brent_weeks concept:agentcreated concept_book_the_black_prism +concept_writer_brent_weeks concept:agentcreated concept_book_the_way_of_shadows +concept_writer_brian_billick concept:worksfor concept_county_baltimore +concept_writer_brian_billick concept:worksfor concept_sportsteam_ravens +concept_writer_brian_greene concept:agentcreated concept_book_the_elegant_universe +concept_writer_brian_haig concept:agentcreated concept_book_mortal_allies +concept_writer_brian_haig concept:agentcreated concept_book_secret_sanction +concept_writer_brian_moore concept:agentcreated concept_book_the_lonely_passion_of_judith_hearne +concept_writer_brian_selznick concept:agentcreated concept_book_the_invention_of_hugo_cabret +concept_writer_brian_w__aldiss concept:agentcreated concept_book_the_dark_light_years +concept_writer_brian_w__aldiss concept:agentcreated concept_director_starship +concept_writer_brian_w__aldiss concept:agentcreated concept_landscapefeatures_confluence +concept_writer_brian_w__aldiss concept:agentcreated concept_visualizablething_foam +concept_writer_brian_w_aldiss concept:agentcreated concept_musicalbum_non_stop +concept_writer_brooks concept:personbornincity concept_city_york +concept_writer_brooks concept:persongraduatedfromuniversity concept_university_state_university +concept_writer_brooks concept:persongraduatedschool concept_university_state_university +concept_writer_brown concept:personbornincity concept_city_york +concept_writer_brown concept:personchargedwithcrime concept_crimeorcharge_murder +concept_writer_brown concept:personchargedwithcrime concept_crimeorcharge_treason +concept_writer_brown concept:personbelongstoorganization concept_politicalparty_college +concept_writer_brown concept:persongraduatedschool concept_school_business_school +concept_writer_brown concept:personbelongstoorganization concept_sportsleague_new +concept_writer_brown concept:worksfor concept_sportsteam_cavaliers +concept_writer_brown concept:worksfor concept_sportsteam_cavs +concept_writer_brown concept:personbelongstoorganization concept_sportsteam_state_university +concept_writer_brown concept:persongraduatedfromuniversity concept_university_college +concept_writer_brown concept:persongraduatedschool concept_university_graduate_school +concept_writer_brown concept:persongraduatedschool concept_university_law_school +concept_writer_brown concept:persongraduatedfromuniversity concept_university_state_university +concept_writer_brown concept:persongraduatedschool concept_university_state_university +concept_writer_brown_dan concept:agentcreated concept_writer_the_lost_symbol +concept_writer_brownbear concept:latitudelongitude 50.5500450000000,-93.0920350000000 +concept_writer_bruce_chatwin concept:agentcreated concept_book_on_the_black_hill +concept_writer_bruce_wilkinson concept:agentcontributedtocreativework concept_book_the_prayer_of_jabez +concept_writer_bryce_courtenay concept:agentcontributedtocreativework concept_book_the_power_of_one +concept_writer_bryce_courtenay concept:agentcreated concept_book_the_power_of_one +concept_writer_byron concept:persongraduatedfromuniversity concept_university_college +concept_writer_byron_york concept:worksfor concept_newspaper_national_review +concept_writer_byron_york concept:worksfor concept_newspaper_national_review_online +concept_writer_c__e__murphy concept:agentcreated concept_book_hands_of_flame +concept_writer_c__e__murphy concept:agentcreated concept_book_house_of_cards +concept_writer_c__e__murphy concept:agentcreated concept_museum_urban_shaman +concept_writer_c__t__adams concept:agentcreated concept_book_howling_moon +concept_writer_c_k__prahalad concept:personbelongstoorganization concept_university_university_of_michigan +concept_writer_c_k__prahalad concept:personleadsorganization concept_university_university_of_michigan +concept_writer_c_k__prahalad concept:personbelongstoorganization concept_university_university_of_michigan_ann_arbor +concept_writer_c_s__lewis concept:agentcreated concept_book_chronicles_of_narnia +concept_writer_c_s__lewis concept:agentcreated concept_book_narnia +concept_writer_c_s__lewis concept:agentcreated concept_book_the_chronicles_of_narnia +concept_writer_c_s__lewis concept:agentcreated concept_book_the_screwtape_letters +concept_writer_caitlin_kittredge concept:agentcreated concept_book_street_magic +concept_writer_caitlin_kittredge concept:agentcreated concept_sportsequipment_second_skin +concept_writer_caleb_carr concept:agentcreated concept_book_the_alienist +concept_writer_camara_laye concept:agentcreated concept_book_the_dark_child +concept_writer_camilla_gibb concept:agentcreated concept_book_sweetness_in_the_belly +concept_writer_camilo_jose_cela concept:agentcreated concept_book_journey_to_the_alcarria +concept_writer_camilo_jose_cela concept:agentcreated concept_book_the_hive +concept_writer_carlo_collodi concept:agentcreated concept_book_pinocchio +concept_writer_carlos_ruiz_zafon concept:agentcreated concept_book_the_angel_s_game +concept_writer_carlos_ruiz_zafon concept:agentcreated concept_book_the_shadow_of_the_wind +concept_writer_carol_marinelli concept:agentcreated concept_book_emergency_wife_lost_and_found +concept_writer_carol_shields concept:agentcontributedtocreativework concept_book_the_stone_diaries +concept_writer_carol_shields concept:agentcreated concept_book_the_stone_diaries +concept_writer_carson_mccullers concept:agentcreated concept_book_the_heart_is_a_lonely_hunter +concept_writer_carson_mccullers concept:agentcreated concept_book_the_member_of_the_wedding +concept_writer_castenada concept:latitudelongitude 26.1833300000000,-105.7333300000000 +concept_writer_cathryn_fox concept:agentcreated concept_televisionshow_all_worked_up +concept_writer_cd concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_writer_cesare_pavese concept:agentcreated concept_book_the_moon_and_the_bonfire +concept_writer_chaim_potok concept:agentcreated concept_book_my_name_is_asher_lev +concept_writer_chaim_potok concept:agentcreated concept_book_the_chosen +concept_writer_charlaine_harris concept:agentcreated concept_book_a_bone_to_pick +concept_writer_charlaine_harris concept:agentcreated concept_book_a_fool_and_his_honey +concept_writer_charlaine_harris concept:agentcreated concept_book_a_touch_of_dead +concept_writer_charlaine_harris concept:agentcreated concept_book_all_together_dead +concept_writer_charlaine_harris concept:agentcreated concept_book_club_dead +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_and_gone +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_as_a_doornail +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_in_the_family +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_over_heels +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_to_the_world +concept_writer_charlaine_harris concept:agentcreated concept_book_dead_until_dark +concept_writer_charlaine_harris concept:agentcreated concept_book_death_s_excellent_vacation +concept_writer_charlaine_harris concept:agentcreated concept_book_definitely_dead +concept_writer_charlaine_harris concept:agentcreated concept_book_from_dead_to_worse +concept_writer_charlaine_harris concept:agentcreated concept_book_living_dead_in_dallas +concept_writer_charlaine_harris concept:agentcreated concept_book_real_murders +concept_writer_charlaine_harris concept:agentcreated concept_book_shakespeare_s_champion +concept_writer_charlaine_harris concept:agentcreated concept_book_shakespeare_s_christmas +concept_writer_charlaine_harris concept:agentcreated concept_book_shakespeare_s_counselor +concept_writer_charlaine_harris concept:agentcreated concept_book_shakespeare_s_landlord +concept_writer_charlaine_harris concept:agentcreated concept_book_shakespeare_s_trollop +concept_writer_charlaine_harris concept:agentcreated concept_book_the_julius_house +concept_writer_charles_frazier concept:agentcreated concept_book_cold_mountain +concept_writer_charles_robert_maturin concept:agentcreated concept_book_melmoth_the_wanderer +concept_writer_charles_todd concept:agentcreated concept_book_a_duty_to_the_dead +concept_writer_charles_w__chesnutt concept:agentcreated concept_book_the_house_behind_the_cedars +concept_writer_charles_webb concept:agentcontributedtocreativework concept_book_the_graduate +concept_writer_charles_webb concept:agentcreated concept_book_the_graduate +concept_writer_charles_williams concept:agentcreated concept_book_a_touch_of_death +concept_writer_charles_williams concept:agentcreated concept_book_and_the_deep_blue_sea +concept_writer_charles_williams concept:agentcreated concept_book_nothing_in_her_way +concept_writer_charles_williams concept:agentcreated concept_book_talk_of_the_town +concept_writer_charles_williams concept:agentcreated concept_book_the_big_bite +concept_writer_charles_williams concept:agentcreated concept_comedian_all_the_way +concept_writer_charles_williams concept:agentcreated concept_movie_dead_calm +concept_writer_charles_williams concept:agentcreated concept_musicalbum_hell_hath_no_fury +concept_writer_charlie_huston concept:agentcreated concept_book_already_dead +concept_writer_charlie_huston concept:agentcreated concept_book_every_last_drop +concept_writer_charlie_huston concept:agentcreated concept_book_half_the_blood_of_brooklyn +concept_writer_charlie_huston concept:agentcreated concept_book_my_dead_body +concept_writer_charlie_huston concept:agentcreated concept_book_no_dominion +concept_writer_charlie_huston concept:agentcreated concept_book_sleepless +concept_writer_charlotte_bront_ concept:agentcreated concept_book_jane_eyre +concept_writer_charlotte_bront_ concept:agentcreated concept_book_shirley +concept_writer_charlotte_bront_ concept:agentcontributedtocreativework concept_book_villette +concept_writer_charlotte_bront_ concept:agentcreated concept_book_villette +concept_writer_charlotte_bront_euml concept:agentcreated concept_book_jane_eyre +concept_writer_charlotte_bront_euml concept:agentcreated concept_book_villette +concept_writer_charlotte_bronte concept:agentcreated concept_book_jane_eyre +concept_writer_charlotte_bronte concept:agentcreated concept_book_shirley +concept_writer_charlotte_bronte concept:agentcreated concept_book_vilette +concept_writer_charlotte_bronte concept:agentcreated concept_book_villette +concept_writer_charlotte_perkins_gilman concept:agentcreated concept_book_herland +concept_writer_charlotte_perkins_gilman concept:agentcontributedtocreativework concept_book_the_yellow_wallpaper +concept_writer_charlotte_perkins_gilman concept:agentcreated concept_book_the_yellow_wallpaper +concept_writer_chaucer concept:agentcontributedtocreativework concept_book_the_canterbury_tales +concept_writer_chaz_mcgee concept:agentcreated concept_book_angel_interrupted +concept_writer_chelsea_handler concept:agentcreated concept_book_chelsea_chelsea_bang_bang +concept_writer_cherie_priest concept:agentcreated concept_book_clementine +concept_writer_cherry_hill concept:atlocation concept_bridge_new_jersey +concept_writer_cherry_hill concept:mutualproxyfor concept_radiostation_new_jersey +concept_writer_chesnutt concept:latitudelongitude 35.0564600000000,-85.0310600000000 +concept_writer_china_mieville concept:agentcreated concept_book_iron_council +concept_writer_china_mieville concept:agentcreated concept_book_kraken +concept_writer_china_mieville concept:agentcreated concept_book_perdido_street_station +concept_writer_china_mieville concept:agentcreated concept_book_the_scar +concept_writer_choderlos_de_laclos concept:agentcreated concept_movie_dangerous_liaisons +concept_writer_christina_stead concept:agentcreated concept_book_the_man_who_loved_children +concept_writer_christopher_lehmann_haupt concept:worksfor concept_musicartist_times +concept_writer_christopher_lehmann_haupt concept:journalistwritesforpublication concept_newspaper_times +concept_writer_christopher_pike concept:agentcreated concept_crimeorcharge_sati +concept_writer_christopher_priest concept:agentcreated concept_book_the_prestige +concept_writer_chuck_klosterman concept:agentcreated concept_book_eating_the_dinosaur +concept_writer_chuck_palahniuk concept:agentcreated concept_book_diary +concept_writer_chuck_palahniuk concept:agentcreated concept_book_haunted_a_novel_of_stories +concept_writer_chuck_palahniuk concept:agentcreated concept_book_pygmy +concept_writer_chuck_palahniuk concept:agentcreated concept_book_survivor +concept_writer_chuck_palahniuk concept:agentcreated concept_movie_fight_club +concept_writer_cindi_myers concept:agentcreated concept_book_rock_my_world +concept_writer_clarice_lispector concept:agentcreated concept_book_the_hour_of_the_star +concept_writer_clement_c__moore concept:agentcreated concept_book_the_night_before_christmas +concept_writer_cleo_coyle concept:agentcreated concept_agriculturalproduct_espresso_shot +concept_writer_cleo_coyle concept:agentcreated concept_book_roast_mortem +concept_writer_clive_cussler_with_paul_kemprecos concept:agentcreated concept_book_polar_shift +concept_writer_colette concept:agentcreated concept_book_claudine_at_school +concept_writer_colin_dexter concept:agentcreated concept_book_last_seen_wearing +concept_writer_colin_dexter concept:agentcreated concept_book_the_remorseful_day +concept_writer_colin_forbes concept:agentcreated concept_book_terminal +concept_writer_colin_forbes concept:agentcreated concept_book_the_main_chance +concept_writer_colin_macinnes concept:agentcreated concept_book_absolute_beginners +concept_writer_colleen_mccollough concept:agentcontributedtocreativework concept_movie_the_thorn_birds +concept_writer_colleen_mccollough concept:agentcreated concept_movie_the_thorn_birds +concept_writer_colm_t_ib_n concept:agentcreated concept_book_the_blackwater_lightship +concept_writer_colm_t_ib_n concept:agentcreated concept_book_the_master +concept_writer_comte_de_lautr_aumont concept:agentcreated concept_recordlabel_maldoror +concept_writer_cormac_mccarthy concept:agentcreated concept_book_all_the_pretty_horses +concept_writer_cormac_mccarthy concept:agentcreated concept_book_blood_meridian +concept_writer_cormac_mccarthy concept:agentcreated concept_book_no_country_for_old_men +concept_writer_cormac_mccarthy concept:agentcreated concept_book_the_crossing +concept_writer_cormac_mccarthy concept:agentcreated concept_book_the_road +concept_writer_coventry_patmore concept:agentcreated concept_scientist_odes +concept_writer_craig_johnson concept:agentcreated concept_book_the_cold_dish +concept_writer_craig_smith concept:journalistwritesforpublication concept_newspaper_times +concept_writer_crime concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_cristina_garcia concept:agentcontributedtocreativework concept_book_dreaming_in_cuban +concept_writer_cristina_garcia concept:agentcreated concept_book_dreaming_in_cuban +concept_writer_cs_forester concept:agentcreated concept_celebrity_the_african_queen +concept_writer_cs_forester concept:agentcreated concept_televisionshow_the_ship +concept_writer_czarina concept:personhascitizenship concept_country_russia +concept_writer_d__h__lawrencelife_of_lawrence concept:agentcontributedtocreativework concept_book_sons_and_lovers +concept_writer_d_h__lawrence concept:agentcreated concept_book_lady_chatterley_s_lover +concept_writer_d_h__lawrence concept:agentcreated concept_book_sons_and_lovers +concept_writer_d_h__lawrence concept:agentcreated concept_book_the_rainbow +concept_writer_d_h__lawrence concept:agentcreated concept_book_women_in_love +concept_writer_dacia_maraini concept:agentcreated concept_book_the_silent_duchess +concept_writer_dalton_trumbo concept:agentcontributedtocreativework concept_book_johnny_got_his_gun +concept_writer_dalton_trumbo concept:agentcreated concept_book_johnny_got_his_gun +concept_writer_dan_abnett concept:agentcreated concept_book_first_and_only +concept_writer_dan_brown concept:agentcreated concept_book_angels___demons +concept_writer_dan_brown concept:agentcreated concept_book_angels_and_demons +concept_writer_dan_brown concept:agentcreated concept_book_da_vinci_code +concept_writer_dan_brown concept:agentcreated concept_book_deception_point +concept_writer_dan_brown concept:agentcreated concept_book_digital_fortress +concept_writer_dan_brown concept:agentcreated concept_book_the_da_vinci_code +concept_writer_dan_brown concept:agentcreated concept_book_the_lost_symbol +concept_writer_dan_poblocki concept:agentcreated concept_book_the_stone_child +concept_writer_dana_cameron concept:agentcreated concept_book_ashes_and_bones_an_emma_fielding_myster +concept_writer_dana_cameron concept:agentcreated concept_book_more_bitter_than_death_an_emma_fielding +concept_writer_dana_stabenow concept:agentcreated concept_book_a_deeper_sleep +concept_writer_dana_stabenow concept:agentcreated concept_book_midnight_come_again +concept_writer_daniel_fernandez concept:latitudelongitude 34.7959750000000,-106.7254150000000 +concept_writer_daniel_kehlmann concept:agentcreated concept_book_measuring_the_world +concept_writer_daniel_keyes concept:agentcreated concept_book_flowers_for_algernon +concept_writer_daniel_quinn concept:agentcreated concept_book_ishmael +concept_writer_danielle_steel concept:agentcreated concept_book_lone_eagle +concept_writer_danielle_steel concept:agentcreated concept_book_the_house_on_hope_street +concept_writer_danielle_trussoni concept:agentcreated concept_book_angelology +concept_writer_dante_alighieri concept:agentcreated concept_book_inferno +concept_writer_dante_alighieri concept:agentcreated concept_book_the_divine_comedy +concept_writer_daphne_kalotay concept:agentcreated concept_musicsong_russian_winter +concept_writer_dashiell_hammett concept:agentcreated concept_book_red_harvest +concept_writer_dashiell_hammett concept:agentcreated concept_book_the_glass_key +concept_writer_dashiell_hammett concept:agentcreated concept_book_the_maltese_falcon +concept_writer_dashiell_hammett concept:agentcreated concept_book_the_thin_man +concept_writer_david_baldacci concept:agentcreated concept_book_divine_justice +concept_writer_david_baldacci concept:agentcreated concept_book_the_camel_club +concept_writer_david_baldacci concept:agentcreated concept_book_the_collectors +concept_writer_david_baldacci concept:agentcreated concept_book_the_whole_truth +concept_writer_david_baldacci concept:agentcreated concept_book_the_winner +concept_writer_david_baldacci concept:agentcreated concept_book_total_control +concept_writer_david_baldacci concept:agentcreated concept_book_wish_you_well +concept_writer_david_broder concept:worksfor concept_company_post +concept_writer_david_broder concept:worksfor concept_website_washington_post +concept_writer_david_graham_phillips concept:agentcreated concept_musicalbum_the_conflict +concept_writer_david_graham_phillips concept:agentcreated concept_musicalbum_the_cost +concept_writer_david_guterson concept:agentcreated concept_book_snow_falling_on_cedars +concept_writer_david_ignatius concept:worksfor concept_city_washington_d_c +concept_writer_david_ignatius concept:journalistwritesforpublication concept_company_dc +concept_writer_david_ignatius concept:journalistwritesforpublication concept_company_post +concept_writer_david_ignatius concept:journalistwritesforpublication concept_website_washington_post +concept_writer_david_lindsay concept:agentcreated concept_book_a_voyage_to_arcturus +concept_writer_david_m__cote concept:personleadsorganization concept_bank_honeywell +concept_writer_david_m__cote concept:agentcontrols concept_retailstore_honeywell +concept_writer_david_m__cote concept:proxyfor concept_retailstore_honeywell +concept_writer_david_m__cote concept:worksfor concept_university_honeywell +concept_writer_david_markson concept:agentcreated concept_book_wittgenstein_s_mistress +concept_writer_david_markson concept:agentcreated concept_televisionshow_vanishing_point +concept_writer_dawn_powell concept:agentcontributedtocreativework concept_book_a_time_to_be_born +concept_writer_dawn_powell concept:agentcreated concept_book_a_time_to_be_born +concept_writer_dawn_powell concept:agentcontributedtocreativework concept_book_complete_novels +concept_writer_dbc_pierre concept:agentcreated concept_book_vernon_god_little +concept_writer_deb_baker concept:agentcreated concept_book_ding_dong_dead +concept_writer_deb_baker concept:agentcreated concept_book_dolled_up_for_murder +concept_writer_deb_baker concept:agentcreated concept_book_dolly_departed +concept_writer_debra concept:persongraduatedfromuniversity concept_university_college +concept_writer_deirdre_martin concept:agentcreated concept_book_straight_up +concept_writer_delia_parr concept:agentcreated concept_politicsblog_day_by_day +concept_writer_denis_diderot concept:agentcreated concept_book_jacques_the_fatalist_and_his_master +concept_writer_denis_diderot concept:agentcreated concept_movie_the_nun +concept_writer_dennis_lehane concept:agentcreated concept_book_mystic_river +concept_writer_dennis_lehane concept:agentcreated concept_book_shutter_island +concept_writer_derzhavin concept:latitudelongitude 51.1666700000000,66.3333300000000 +concept_writer_dh_lawrence concept:agentcreated concept_book_lady_chatterley_s_lover +concept_writer_dh_lawrence concept:agentcreated concept_book_sons_and_lovers +concept_writer_dh_lawrence concept:agentcreated concept_book_the_rainbow +concept_writer_diana_gabaldon concept:agentcreated concept_book_a_breath_of_snow_and_ashes +concept_writer_diana_gabaldon concept:agentcreated concept_book_cross_stitch +concept_writer_diana_gabaldon concept:agentcreated concept_book_dragonfly_in_amber +concept_writer_diana_gabaldon concept:agentcreated concept_book_drums_of_autumn +concept_writer_diana_gabaldon concept:agentcreated concept_book_outlander +concept_writer_diana_gabaldon concept:agentcreated concept_book_the_fiery_cross +concept_writer_diana_gabaldon concept:agentcreated concept_software_voyager +concept_writer_diane_setterfield concept:agentcontributedtocreativework concept_book_the_thirteenth_tale +concept_writer_diane_setterfield concept:agentcreated concept_book_the_thirteenth_tale +concept_writer_diane_whiteside concept:agentcreated concept_book_the_irish_devil +concept_writer_dick_brown concept:agentcollaborateswithagent concept_chef_eds +concept_writer_dick_brown concept:topmemberoforganization concept_company_eds +concept_writer_dick_brown concept:worksfor concept_company_eds +concept_writer_djaout concept:latitudelongitude 36.5500000000000,2.0500000000000 +concept_writer_dmitry_glukhovsky concept:agentcreated concept_videogame_metro_2033 +concept_writer_dodie_smith concept:agentcreated concept_book_i_capture_the_castle +concept_writer_don_delillo concept:agentcreated concept_book_falling_man +concept_writer_don_delillo concept:agentcreated concept_book_mao_ii +concept_writer_don_delillo concept:agentcreated concept_book_ratner_s_star +concept_writer_don_delillo concept:agentcreated concept_book_the_names +concept_writer_don_delillo concept:agentcontributedtocreativework concept_book_underworld +concept_writer_don_delillo concept:agentcreated concept_book_underworld +concept_writer_don_delillo concept:agentcreated concept_book_white_noise +concept_writer_don_hoesel concept:agentcreated concept_book_hunter_s_moon_a_novel +concept_writer_don_pendleton concept:agentcreated concept_book_california_hit +concept_writer_don_pendleton concept:agentcreated concept_book_caribbean_kill +concept_writer_don_pendleton concept:agentcreated concept_book_miami_massacre +concept_writer_donald_barthelme concept:agentcreated concept_book_the_dead_father +concept_writer_donald_barthelme concept:agentcreated concept_female_amateurs +concept_writer_donald_miller concept:agentcreated concept_book_blue_like_jazz +concept_writer_doris_lessing concept:agentcreated concept_book_the_golden_notebook +concept_writer_doris_lessing concept:agentcreated concept_book_the_grass_is_singing +concept_writer_dorothy_dunnett concept:agentcreated concept_televisionshow_checkmate +concept_writer_dorothy_richardson concept:agentcreated concept_visualizablething_pilgrimage +concept_writer_douglas_adams concept:agentcontributedtocreativework concept_book_the_hitchhiker_s_guide_to_the_galaxy +concept_writer_douglas_adams concept:agentcreated concept_book_the_hitchhiker_s_guide_to_the_galaxy +concept_writer_douglas_adams concept:agentcreated concept_book_the_hitchhikers_guide_to_the_galaxy +concept_writer_douglas_adams concept:agentcreated concept_book_the_long_dark_tea_time_of_the_soul +concept_writer_douglas_adams concept:agentcreated concept_book_the_long_dark_teatime_of_the_soul +concept_writer_douglas_adams concept:agentcreated concept_book_the_restaurant_at_the_end_of_the_univers +concept_writer_douglas_adams concept:agentcreated concept_book_the_restaurant_at_the_end_of_the_universe +concept_writer_douglas_adams concept:agentcreated concept_book_the_salmon_of_doubt +concept_writer_dover concept:proxyfor concept_book_new +concept_writer_dover concept:proxyfor concept_company_delaware +concept_writer_dover concept:mutualproxyfor concept_musicartist_delaware +concept_writer_dover concept:subpartof concept_musicartist_delaware +concept_writer_dover concept:proxyfor concept_newspaper_new_hampshire +concept_writer_dover concept:atlocation concept_politicsblog_new_hampshire +concept_writer_dowson concept:latitudelongitude 59.5170600000000,-108.9513500000000 +concept_writer_dubus concept:latitudelongitude 50.4833300000000,14.5833300000000 +concept_writer_e__annie_proulx concept:agentcreated concept_book_the_shipping_news +concept_writer_e__b__white concept:agentcreated concept_book_stuart_little +concept_writer_e__b__white concept:agentcontributedtocreativework concept_movie_charlotte_s_web +concept_writer_e__b__white concept:agentcreated concept_movie_charlotte_s_web +concept_writer_e_annie_proulx concept:agentcreated concept_book_the_shipping_news +concept_writer_e_l__doctorow concept:agentcreated concept_book_the_book_of_daniel +concept_writer_easter concept:agentactsinlocation concept_skyscraper_asia +concept_writer_eboris_pasternak concept:agentcreated concept_book_dr__zhivago +concept_writer_eckhart_tolle concept:agentcreated concept_book_a_new_earth +concept_writer_eckhart_tolle concept:agentcreated concept_book_a_new_earth_awakening_to_your_life_s_pu +concept_writer_edgar_allan_poe concept:agentcreated concept_book_the_fall_of_the_house_of_usher +concept_writer_edgar_allan_poe concept:agentcreated concept_book_the_pit_and_the_pendulum +concept_writer_edgar_allan_poe concept:agentcreated concept_book_the_purloined_letter +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_a_princess_of_mars +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_pellucidar +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_tarzan_of_the_apes +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_the_land_that_time_forgot +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_the_mad_king +concept_writer_edgar_rice_burroughs concept:agentcreated concept_book_the_oakdale_affair +concept_writer_edgar_rice_burroughs concept:agentcreated concept_movie_tarzan +concept_writer_edith_wharton concept:agentcreated concept_book_bunner_sisters +concept_writer_edith_wharton concept:agentcreated concept_book_ethan_frome +concept_writer_edith_wharton concept:agentcontributedtocreativework concept_book_roman_holiday +concept_writer_edith_wharton concept:agentcreated concept_book_summer +concept_writer_edith_wharton concept:agentcreated concept_book_the_age_of_innocence +concept_writer_edith_wharton concept:agentcreated concept_book_the_glimpses_of_the_moon +concept_writer_edith_wharton concept:agentcreated concept_book_the_house_of_mirth +concept_writer_edition concept:agentparticipatedinevent concept_sportsgame_series +concept_writer_editor concept:mutualproxyfor concept_book_new +concept_writer_edna_o_brien concept:agentcreated concept_book_august_is_a_wicked_month +concept_writer_edna_o_brien concept:agentcreated concept_book_girl_with_green_eyes +concept_writer_edna_o_brien concept:agentcreated concept_book_in_the_forest +concept_writer_edna_o_brien concept:agentcreated concept_book_the_country_girls +concept_writer_edward_p__jones concept:agentcreated concept_book_the_known_world +concept_writer_edwin_a__abbott concept:agentcreated concept_book_flatland +concept_writer_edwin_a__abbott concept:agentcreated concept_book_flatland__a_romance_of_many_dimensions +concept_writer_eil_s_dillon concept:agentcreated concept_book_the_bitter_glass +concept_writer_eknath_easwaran concept:agentcreated concept_book_the_dhammapada +concept_writer_el_doctorow concept:agentcreated concept_book_the_book_of_daniel +concept_writer_eliade concept:latitudelongitude 44.4567300000000,26.1394800000000 +concept_writer_elio_vittorini concept:agentcreated concept_book_conversations_in_sicily +concept_writer_elise_title concept:agentcreated concept_book_romeo +concept_writer_eliza_haywood concept:agentcreated concept_book_love_in_excess +concept_writer_elizabeth_chadwick concept:agentcreated concept_book_to_defy_a_king +concept_writer_elizabeth_cleghorn_gaskell concept:agentcreated concept_book_mary_barton +concept_writer_elizabeth_cleghorn_gaskell concept:agentcreated concept_televisionshow_north_and_south +concept_writer_elizabeth_gaskell concept:agentcreated concept_book_cranford +concept_writer_elizabeth_gaskell concept:agentcreated concept_book_mary_barton +concept_writer_elizabeth_gaskell concept:agentcreated concept_book_north_and_south +concept_writer_elizabeth_gaskell concept:agentcreated concept_book_wives_and_daughters +concept_writer_elizabeth_gaskell concept:agentcreated concept_charactertrait_ruth +concept_writer_elizabeth_peters concept:agentcreated concept_book_a_river_in_the_sky +concept_writer_elizabeth_peters concept:agentcreated concept_book_children_of_the_storm +concept_writer_elizabeth_peters concept:agentcreated concept_book_street_of_the_five_moons +concept_writer_elizabeth_peters concept:agentcreated concept_book_the_ape_who_guards_the_balance +concept_writer_elizabeth_peters concept:agentcreated concept_book_the_curse_of_the_pharaohs +concept_writer_elizabeth_peters concept:agentcreated concept_book_the_deeds_of_the_disturber +concept_writer_elizabeth_peters concept:agentcreated concept_book_the_last_camel_died_at_noon +concept_writer_elizabeth_peters concept:agentcreated concept_book_the_mummy_case +concept_writer_ellen_barry concept:journalistwritesforpublication concept_newspaper_times +concept_writer_ellen_wood concept:agentcreated concept_book_east_lynne +concept_writer_ellis_peters concept:agentcreated concept_book_a_morbid_taste_for_bones +concept_writer_ellis_peters concept:agentcreated concept_book_an_excellent_mystery +concept_writer_ellis_peters concept:agentcreated concept_book_dead_mans_ransom_the_ninth_chronicle_of +concept_writer_ellis_peters concept:agentcreated concept_book_st__peter_s_fair +concept_writer_ellis_peters concept:agentcreated concept_book_the_leper_of_saint_giles +concept_writer_ellis_peters concept:agentcreated concept_book_the_raven_in_the_foregate +concept_writer_ellis_peters concept:agentcreated concept_book_the_virgin_in_the_ice +concept_writer_elsa_morante concept:agentcreated concept_male_history +concept_writer_em_forster concept:agentcreated concept_book_a_passage_to_india +concept_writer_em_forster concept:agentcreated concept_book_a_room_with_a_view +concept_writer_em_forster concept:agentcontributedtocreativework concept_book_howards_end +concept_writer_em_forster concept:agentcreated concept_book_howards_end +concept_writer_emily_bront_ concept:agentcreated concept_book_wuthering_heights +concept_writer_emine__zdamar concept:agentcontributedtocreativework concept_book_life_is_a_caravanserai +concept_writer_emine__zdamar concept:agentcreated concept_book_life_is_a_caravanserai +concept_writer_emma_donoghue concept:agentcontributedtocreativework concept_book_hood +concept_writer_emma_mclaughlin concept:agentcontributedtocreativework concept_book_the_nanny_diaries +concept_writer_emma_mclaughlin concept:agentcreated concept_book_the_nanny_diaries +concept_writer_emma_mclaughlin_and_nicola_kraus concept:agentcreated concept_book_the_nannie_diaries +concept_writer_emma_mclaughlin_and_nicola_kraus concept:agentcontributedtocreativework concept_book_the_nanny_diaries +concept_writer_enid_blyton concept:agentcreated concept_book_the_valley_of_adventure +concept_writer_eric_ambler concept:agentcreated concept_book_cause_for_alarm +concept_writer_eric_brown concept:agentcreated concept_company_sunworld +concept_writer_eric_segal concept:agentcreated concept_televisionshow_love_story +concept_writer_erich_maria_remarque concept:agentcreated concept_book_all_quiet_on_the_western_front +concept_writer_erik_larson concept:agentcontributedtocreativework concept_book_the_devil_in_the_white_city +concept_writer_erik_larson concept:agentcreated concept_book_the_devil_in_the_white_city +concept_writer_erin_hunter concept:agentcontributedtocreativework concept_movie_warriors +concept_writer_erin_hunter concept:agentcreated concept_movie_warriors +concept_writer_ernest_hemmingway concept:agentcontributedtocreativework concept_book_the_sun_also_rises +concept_writer_erskine_caldwell concept:agentcreated concept_book_tobacco_road +concept_writer_erskine_childers concept:agentcreated concept_book_the_riddle_of_the_sands +concept_writer_esther_freud concept:agentcreated concept_book_hideous_kinky +concept_writer_f__paul_wilson concept:agentcreated concept_book_all_the_rage +concept_writer_f__paul_wilson concept:agentcreated concept_book_hosts +concept_writer_f__paul_wilson concept:agentcreated concept_book_infernal_a_repairman_jack_novel +concept_writer_f__paul_wilson concept:agentcreated concept_book_midnight_mass +concept_writer_f__paul_wilson concept:agentcreated concept_book_the_keep +concept_writer_f__paul_wilson concept:agentcreated concept_televisionshow_sibs +concept_writer_f__scott_fitzgerald concept:agentcreated concept_book_tender_is_the_night +concept_writer_f__scott_fitzgerald concept:agentcreated concept_book_the_beautiful_and_damned +concept_writer_f__scott_fitzgerald concept:agentcreated concept_book_the_great_gatsby +concept_writer_f__scott_fitzgerald concept:agentcreated concept_book_this_side_of_paradise +concept_writer_f_scott_fitzgerald concept:agentcreated concept_book_tender_is_the_night +concept_writer_f_scott_fitzgerald concept:agentcreated concept_book_the_great_gatsby +concept_writer_fernando_pessoa concept:agentcreated concept_book_the_book_of_disquiet +concept_writer_firdawsi concept:latitudelongitude 32.1344400000000,35.1005600000000 +concept_writer_firdousi concept:latitudelongitude 38.1080600000000,68.9372200000000 +concept_writer_flannery_o_connor concept:agentcreated concept_book_everything_that_rises_must_converge +concept_writer_flannery_o_connor concept:agentcreated concept_book_the_violent_bear_it_away +concept_writer_flannery_o_connor concept:agentcreated concept_book_wise_blood +concept_writer_flora_rheta_schreiber concept:agentcontributedtocreativework concept_book_sybil +concept_writer_flora_schreiber concept:agentcontributedtocreativework concept_book_sybil +concept_writer_flora_thompson concept:agentcreated concept_book_lark_rise_to_candleford +concept_writer_fran_oise_rabelais concept:agentcontributedtocreativework concept_book_gargantua_and_pantagruel +concept_writer_fran_oise_rabelais concept:agentcreated concept_book_gargantua_and_pantagruel +concept_writer_fran_oise_sagan concept:agentcreated concept_book_bonjour_tristesse +concept_writer_frances_hodgson_burnett concept:agentcreated concept_book_a_little_princess +concept_writer_frances_hodgson_burnett concept:agentcreated concept_book_little_lord_fauntleroy +concept_writer_frances_hodgson_burnett concept:agentcreated concept_book_the_secret_garden +concept_writer_frances_mayes concept:agentcontributedtocreativework concept_book_under_the_tuscan_sun +concept_writer_francis_hodgson_burnett concept:agentcreated concept_book_the_lost_prince +concept_writer_francis_iles concept:agentcreated concept_crimeorcharge_malice_aforethought +concept_writer_francois_rabelais concept:agentcontributedtocreativework concept_book_gargantua_and_pantagruel +concept_writer_francois_rabelais concept:agentcreated concept_book_gargantua_and_pantagruel +concept_writer_frank_herbert concept:agentcreated concept_book_chapterhouse__dune +concept_writer_frank_herbert concept:agentcreated concept_book_children_of_dune +concept_writer_frank_herbert concept:agentcreated concept_book_dune +concept_writer_frank_herbert concept:agentcreated concept_book_dune_messiah +concept_writer_frank_herbert concept:agentcreated concept_book_god_emperor_of_dune +concept_writer_frank_herbert concept:agentcreated concept_book_heretics_of_dune +concept_writer_frank_l__baum concept:agentcontributedtocreativework concept_book_the_scarecrow_of_oz +concept_writer_frank_l__baum concept:agentcontributedtocreativework concept_book_the_wizard_of_oz +concept_writer_frank_mccourt concept:agentcontributedtocreativework concept_book_angela_s_ashes +concept_writer_frank_mccourt concept:agentcreated concept_book_angela_s_ashes +concept_writer_frank_norris concept:agentcreated concept_book_mcteague +concept_writer_frank_norris concept:agentcreated concept_book_the_octopus +concept_writer_frank_norris concept:agentcreated concept_book_the_pit +concept_writer_frank_schatzing concept:agentcreated concept_movie_the_swarm +concept_writer_frederick_marryat concept:agentcreated concept_book_the_children_of_the_new_forest +concept_writer_frederick_turner concept:latitudelongitude 58.0671700000000,-100.0950000000000 +concept_writer_friedrich_durrenmatt concept:agentcreated concept_book_the_pledge +concept_writer_froissart concept:latitudelongitude 48.1251500000000,-75.1658450000000 +concept_writer_fuzuli concept:latitudelongitude 39.9942600000000,46.9588900000000 +concept_writer_g_nter_grass concept:agentcreated concept_book_cat_and_mouse +concept_writer_g_nter_grass concept:agentcreated concept_book_the_tin_drum +concept_writer_g_v__desani concept:agentcreated concept_book_all_about_h__hatterr +concept_writer_gabriel_garc_a_m_rquez concept:agentcontributedtocreativework concept_book_love_in_the_time_of_cholera +concept_writer_gabriel_garc_a_m_rquez concept:agentcreated concept_book_love_in_the_time_of_cholera +concept_writer_gabriel_garc_a_m_rquez concept:agentcreated concept_book_the_autumn_of_the_patriarch +concept_writer_garrison_keillor concept:agentcreated concept_book_lake_wobegon_days +concept_writer_garth_stein concept:agentcreated concept_book_the_art_of_racing_in_the_rain +concept_writer_gary_braver concept:agentcreated concept_female_elixir +concept_writer_gary_zukav concept:agentcontributedtocreativework concept_book_the_dancing_wu_li_masters +concept_writer_gary_zukav concept:agentcreated concept_book_the_dancing_wu_li_masters +concept_writer_gary_zukav concept:agentcontributedtocreativework concept_book_the_seat_of_the_soul +concept_writer_gayle_forman concept:agentcreated concept_book_if_i_stay +concept_writer_geoff_ryman concept:agentcreated concept_musicalbum_air +concept_writer_george_and_weedon_gross_mith concept:agentcontributedtocreativework concept_book_the_diary_of_a_nobody +concept_writer_george_and_weedon_gross_mith concept:agentcreated concept_book_the_diary_of_a_nobody +concept_writer_george_eliot concept:agentcreated concept_book_adam_bede +concept_writer_george_eliot concept:agentcreated concept_book_daniel_deronda +concept_writer_george_eliot concept:agentcreated concept_book_middlemarch +concept_writer_george_eliot concept:agentcreated concept_book_silas_marner +concept_writer_george_eliot concept:agentcreated concept_book_the_mill_on_the_floss +concept_writer_george_macdonald concept:agentcreated concept_book_the_light_princess +concept_writer_george_macdonald concept:agentcreated concept_book_the_princess_and_curdie +concept_writer_george_macdonald concept:agentcontributedtocreativework concept_book_the_princess_and_the_goblin +concept_writer_george_monbiot concept:worksfor concept_sportsleague_guardian +concept_writer_george_orwell concept:agentcreated concept_book_burmese_days +concept_writer_george_orwell concept:agentcreated concept_book_coming_up_for_air +concept_writer_george_orwell concept:agentcreated concept_book_down_and_out_in_paris_and_london +concept_writer_george_orwell concept:agentcontributedtocreativework concept_book_essays +concept_writer_george_r__r__martin concept:agentcreated concept_book_a_clash_of_kings +concept_writer_george_r__r__martin concept:agentcreated concept_book_a_feast_for_crows +concept_writer_george_r__r__martin concept:agentcreated concept_book_a_game_of_thrones +concept_writer_george_r__r__martin concept:agentcreated concept_book_a_storm_of_swords +concept_writer_george_r__r__martin concept:agentcreated concept_book_the_hedge_knight +concept_writer_george_rr_martin concept:agentcreated concept_book_a_clash_of_kings +concept_writer_gerald_durrell concept:agentcreated concept_book_my_family_and_other_animals +concept_writer_geraldine_brooks concept:agentcreated concept_book_year_of_wonders__a_novel_of_the_plague +concept_writer_gerritsen concept:latitudelongitude 40.5886900000000,-73.9181575000000 +concept_writer_gilbert_morris concept:agentcreated concept_monument_the_homeplace +concept_writer_gillian_summers concept:agentcreated concept_book_the_secret_of_the_dread_forest +concept_writer_giorgio_bassani concept:agentcreated concept_personcanada_the_garden_of_the_finzi_continis +concept_writer_giovanni_verga concept:agentcreated concept_book_the_house_by_the_medlar_tree +concept_writer_giuseppe_di_lampedusa concept:agentcreated concept_book_the_leopard +concept_writer_gk_chesterton concept:agentcreated concept_book_the_man_who_was_thursday +concept_writer_gozzano concept:latitudelongitude 45.7464700000000,8.4367200000000 +concept_writer_grace_metalious concept:agentcreated concept_book_peyton_place +concept_writer_graham_masterton concept:agentcreated concept_book_death_mask +concept_writer_greenspan concept:personleadsorganization concept_bank_federal_reserve +concept_writer_greenspan concept:personleadsorganization concept_bank_former_federal_reserve +concept_writer_greenspan concept:personleadsorganization concept_bank_us_federal_reserve +concept_writer_greenspan concept:personleadsorganization concept_governmentorganization_central_bank +concept_writer_greenspan concept:personbelongstoorganization concept_governmentorganization_fed +concept_writer_greenspan concept:personleadsorganization concept_governmentorganization_fed +concept_writer_greenspan concept:personleadsorganization concept_nongovorganization_federal_reserve_board +concept_writer_greg_bear concept:agentcreated concept_book_darwin_s_radio +concept_writer_gregory_mcdonald concept:agentcontributedtocreativework concept_book_fletch +concept_writer_gregory_mcdonald concept:agentcreated concept_book_fletch +concept_writer_guide concept:agentinvolvedwithitem concept_buildingfeature_window +concept_writer_guide concept:agentinvolvedwithitem concept_buildingfeature_windows +concept_writer_guide concept:agentcreated concept_musicsong_download +concept_writer_guide concept:agentcompeteswithagent concept_tradeunion_search +concept_writer_gunter_grass concept:agentcreated concept_book_the_tin_drum +concept_writer_guy_gavriel_kay concept:agentcontributedtocreativework concept_book_tigana +concept_writer_guy_gavriel_kay concept:agentcreated concept_book_tigana +concept_writer_gwyneth_jones concept:agentcreated concept_book_bold_as_love +concept_writer_h_p__lovecraft concept:agentcreated concept_writer_at_the_mountains_of_madness +concept_writer_h_rider_haggard concept:agentcontributedtocreativework concept_book_king_solomon_s_mines +concept_writer_h_rider_haggard concept:agentcreated concept_book_king_solomon_s_mines +concept_writer_h_rider_haggard concept:agentcreated concept_book_she__a_history_of_adventure +concept_writer_ha_jin concept:agentcreated concept_book_waiting +concept_writer_hall_caine concept:agentcreated concept_book_the_scapegoat +concept_writer_halld_r_laxness concept:agentcreated concept_book_independent_people +concept_writer_hamilton concept:personbornincity concept_city_york +concept_writer_hamilton concept:persongraduatedfromuniversity concept_university_college +concept_writer_hamilton concept:persongraduatedschool concept_university_law_school +concept_writer_hamsun concept:latitudelongitude 34.2880600000000,35.8350000000000 +concept_writer_harriet_beecher_stowe concept:agentcreated concept_book_uncle_tom_s_cabin +concept_writer_harry_kemelman concept:agentcreated concept_book_friday_the_rabbi_slept_late +concept_writer_harry_mathews concept:agentcreated concept_book_cigarettes +concept_writer_harvard concept:personbelongstoorganization concept_politicalparty_college +concept_writer_harvard concept:persongraduatedschool concept_school_business_school +concept_writer_harvard concept:persongraduatedschool concept_university_college +concept_writer_harvard concept:persongraduatedschool concept_university_divinity_school +concept_writer_harvard concept:persongraduatedschool concept_university_extension_school +concept_writer_harvard concept:persongraduatedschool concept_university_graduate_school +concept_writer_harvard concept:persongraduatedschool concept_university_law_school +concept_writer_heather_mcgowan concept:agentcreated concept_politicsissue_schooling +concept_writer_heinlen concept:latitudelongitude 47.7187600000000,-119.3228100000000 +concept_writer_heinrich_von_kleist concept:agentcreated concept_book_michael_kohlhaas +concept_writer_helen_fielding concept:agentcreated concept_book_bridget_jones__the_edge_of_reason +concept_writer_helen_fielding concept:agentcontributedtocreativework concept_book_bridget_jones_s_diary +concept_writer_helen_fielding concept:agentcreated concept_book_bridget_jones_s_diary +concept_writer_helen_thomas concept:worksfor concept_city_washington_d_c +concept_writer_helen_thomas concept:worksfor concept_company_upi +concept_writer_helen_thomas concept:worksfor concept_politicsblog_white_house +concept_writer_helene_tursten concept:agentcreated concept_book_the_glass_devil +concept_writer_helvetius concept:latitudelongitude -11.6666700000000,130.0833300000000 +concept_writer_hemmingway concept:agentcontributedtocreativework concept_book_snows_of_kilimanjaro +concept_writer_henri_charriere concept:agentcontributedtocreativework concept_book_papillon +concept_writer_henri_charriere concept:agentcreated concept_book_papillon +concept_writer_henry_green concept:agentcreated concept_book_blindness +concept_writer_henry_green concept:agentcreated concept_book_caught +concept_writer_henry_green concept:agentcontributedtocreativework concept_book_living +concept_writer_henry_green concept:agentcreated concept_book_living +concept_writer_henry_green concept:agentcreated concept_book_loving +concept_writer_henry_green concept:agentcreated concept_book_party_going +concept_writer_henry_handel_richardson concept:agentcreated concept_book_maurice_guest +concept_writer_henry_james concept:agentcreated concept_book_daisy_miller +concept_writer_henry_james concept:agentcreated concept_book_portrait_of_a_lady +concept_writer_henry_james concept:agentcreated concept_book_the_ambassadors +concept_writer_henry_james concept:agentcreated concept_book_the_american +concept_writer_henry_james concept:agentcontributedtocreativework concept_book_the_art_of_fiction +concept_writer_henry_james concept:agentcreated concept_book_the_aspern_papers +concept_writer_henry_james concept:agentcreated concept_book_the_europeans +concept_writer_henry_james concept:agentcreated concept_book_the_golden_bowl +concept_writer_henry_james concept:agentcreated concept_book_the_portrait_of_a_lady +concept_writer_henry_james concept:agentcreated concept_book_the_turn_of_the_screw +concept_writer_henry_james concept:agentcreated concept_book_the_wings_of_the_dove +concept_writer_henry_james concept:agentcreated concept_book_turn_of_the_screw +concept_writer_henry_james concept:agentcreated concept_book_washington_square +concept_writer_henry_james concept:agentcreated concept_book_what_maisie_knew +concept_writer_henry_rider_haggard concept:agentcreated concept_book_king_solomon_s_mines +concept_writer_henry_roth concept:agentcreated concept_book_call_it_sleep +concept_writer_herman_melville concept:agentcreated concept_book_billy_budd +concept_writer_herman_melville concept:agentcreated concept_book_moby_dick +concept_writer_herman_melville concept:agentcreated concept_book_typee +concept_writer_herman_wouk concept:agentcreated concept_book_the_caine_mutiny +concept_writer_herodotus concept:agentcreated concept_book_the_histories +concept_writer_hiaasen concept:latitudelongitude 60.0166700000000,9.5000000000000 +concept_writer_hilary_mantel concept:agentcreated concept_musicfestival_beyond_black +concept_writer_hillerman concept:latitudelongitude 37.2281775000000,-88.8834675000000 +concept_writer_hilton concept:subpartof concept_traditionalgame_vegas +concept_writer_homer_hickam concept:agentcreated concept_scientist_rocket_boys +concept_writer_honore_de_balzac concept:agentcontributedtocreativework concept_book_cousin_bette +concept_writer_honore_de_balzac concept:agentcreated concept_book_le_pere_goriot +concept_writer_honore_de_balzac concept:agentcreated concept_book_lost_illusions +concept_writer_honore_de_balzac concept:agentcreated concept_movie_the_message +concept_writer_honore_de_balzac concept:agentcreated concept_personeurope_eugenie_grandet +concept_writer_hooft concept:latitudelongitude 79.6333300000000,11.0000000000000 +concept_writer_horaz concept:latitudelongitude 37.5000000000000,34.8333300000000 +concept_writer_hubert_selby_jr concept:agentcreated concept_book_last_exit_to_brooklyn +concept_writer_hubert_selby_jr concept:agentcreated concept_book_requiem_for_a_dream +concept_writer_husain_haddawy concept:agentcontributedtocreativework concept_book_the_arabian_nights +concept_writer_husband concept:proxyfor concept_book_new +concept_writer_husband concept:agentcontrols concept_charactertrait_world +concept_writer_husband concept:atdate concept_date_n1993 +concept_writer_husband concept:atdate concept_date_n1996 +concept_writer_husband concept:atdate concept_date_n1999 +concept_writer_husband concept:atdate concept_date_n2000 +concept_writer_husband concept:atdate concept_date_n2001 +concept_writer_husband concept:atdate concept_date_n2004 +concept_writer_husband concept:atdate concept_dateliteral_n2002 +concept_writer_husband concept:atdate concept_dateliteral_n2005 +concept_writer_husband concept:atdate concept_dateliteral_n2006 +concept_writer_husband concept:atdate concept_dateliteral_n2007 +concept_writer_husband concept:atdate concept_dateliteral_n2008 +concept_writer_husband concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_husband concept:atdate concept_year_n1981 +concept_writer_husband concept:atdate concept_year_n1984 +concept_writer_husband concept:atdate concept_year_n1991 +concept_writer_husband concept:atdate concept_year_n1997 +concept_writer_husband concept:atdate concept_year_n1998 +concept_writer_iain_m__banks concept:agentcreated concept_book_against_a_dark_background +concept_writer_iain_m__banks concept:agentcreated concept_book_consider_phlebas +concept_writer_iain_m__banks concept:agentcreated concept_book_excession +concept_writer_iain_m__banks concept:agentcreated concept_book_feersum_endjinn +concept_writer_iain_m__banks concept:agentcreated concept_book_inversions +concept_writer_iain_m__banks concept:agentcreated concept_book_look_to_windward +concept_writer_iain_m__banks concept:agentcreated concept_book_the_algebraist +concept_writer_iain_m__banks concept:agentcreated concept_book_the_player_of_games +concept_writer_iain_m__banks concept:agentcreated concept_book_transition +concept_writer_iain_m__banks concept:agentcreated concept_book_use_of_weapons +concept_writer_iain_m__banks concept:agentcreated concept_writer_matter +concept_writer_ian_fleming concept:agentcreated concept_book_casino_royale +concept_writer_ian_fleming concept:agentcreated concept_book_casino_royale_a_james_bond_novel +concept_writer_ian_fleming concept:agentcreated concept_book_diamonds_are_forever_a_james_bond_novel +concept_writer_ian_fleming concept:agentcreated concept_book_for_your_eyes_only_a_james_bond_novel +concept_writer_ian_fleming concept:agentcreated concept_book_from_russia_with_love +concept_writer_ian_fleming concept:agentcreated concept_book_from_russia_with_love_a_james_bond_nove +concept_writer_ian_fleming concept:agentcreated concept_book_goldfinger +concept_writer_ian_fleming concept:agentcreated concept_book_live_and_let_die +concept_writer_ian_fleming concept:agentcreated concept_book_live_and_let_die_a_james_bond_novel +concept_writer_ian_fleming concept:agentcreated concept_book_on_her_majesty_s_secret_service +concept_writer_ian_fleming concept:agentcreated concept_book_the_man_with_the_golden_gun_a_james_bon +concept_writer_ian_fleming concept:agentcreated concept_book_the_spy_who_loved_me +concept_writer_ian_fleming concept:agentcreated concept_book_the_spy_who_loved_me_a_james_bond_novel +concept_writer_ian_fleming concept:agentcreated concept_book_you_only_live_twice +concept_writer_ian_irvine concept:agentcreated concept_fish_chimaera +concept_writer_ian_serraillier concept:agentcontributedtocreativework concept_book_the_silver_sword +concept_writer_ian_serraillier concept:agentcreated concept_book_the_silver_sword +concept_writer_ina_coolbrith concept:latitudelongitude 38.7501950000000,-121.2784200000000 +concept_writer_irene_nemirovsky concept:agentcreated concept_book_suite_francaise +concept_writer_isaac_reed concept:latitudelongitude 35.2670200000000,-88.1761500000000 +concept_writer_isak_dineson concept:agentcreated concept_movie_out_of_africa +concept_writer_ivan_goncharov concept:agentcreated concept_book_oblomov +concept_writer_ivo_andri concept:agentcreated concept_book_the_bridge_on_the_drina +concept_writer_ivo_andri_ concept:agentcreated concept_book_the_bridge_on_the_drina +concept_writer_ivy_compton_burnett concept:agentcreated concept_book_manservant_and_maidservant +concept_writer_j__d__robb concept:agentcreated concept_book_seduction_in_death +concept_writer_j__d__robb concept:agentcreated concept_book_witness_in_death +concept_writer_j__g__ballard concept:agentcreated concept_book_crash +concept_writer_j__g__ballard concept:agentcreated concept_book_empire_of_the_sun +concept_writer_j__g__ballard concept:agentcreated concept_book_the_drowned_world +concept_writer_j__m__barrie concept:agentcreated concept_book_peter_pan +concept_writer_j__m__coetzee concept:agentcreated concept_book_disgrace +concept_writer_j__p__donleavy concept:agentcreated concept_book_the_ginger_man +concept_writer_j__v__jones concept:agentcreated concept_book_a_cavern_of_black_ice +concept_writer_j_g__ballard concept:agentcreated concept_book_cocaine_nights +concept_writer_j_g__ballard concept:agentcontributedtocreativework concept_book_crash +concept_writer_j_g__ballard concept:agentcreated concept_book_crash +concept_writer_j_g__ballard concept:agentcreated concept_book_empire_of_the_sun +concept_writer_j_g__ballard concept:agentcreated concept_book_high_rise +concept_writer_j_g__ballard concept:agentcreated concept_book_super_cannes +concept_writer_j_g__ballard concept:agentcreated concept_book_the_atrocity_exhibition +concept_writer_j_g__ballard concept:agentcreated concept_book_the_drowned_world +concept_writer_j_g__farrell concept:agentcreated concept_book_the_singapore_grip +concept_writer_j_g__farrell concept:agentcreated concept_militaryconflict_troubles +concept_writer_j_m__barrie concept:agentcreated concept_book_peter_pan +concept_writer_j_m__coetzee concept:agentcreated concept_book_disgrace +concept_writer_j_m__coetzee concept:agentcreated concept_book_dusklands +concept_writer_j_m__coetzee concept:agentcreated concept_book_elizabeth_costello +concept_writer_j_m__coetzee concept:agentcreated concept_book_foe +concept_writer_j_m__coetzee concept:agentcontributedtocreativework concept_book_in_the_heart_of_the_country +concept_writer_j_m__coetzee concept:agentcreated concept_book_in_the_heart_of_the_country +concept_writer_j_m__coetzee concept:agentcreated concept_book_slow_man +concept_writer_j_m__coetzee concept:agentcreated concept_book_waiting_for_the_barbarians +concept_writer_j_m__coetzee concept:agentcreated concept_politicsissue_youth +concept_writer_j_p__donleavy concept:agentcreated concept_book_the_ginger_man +concept_writer_jachym_topol concept:agentcreated concept_book_city_sister_silver +concept_writer_jack_finney concept:agentcontributedtocreativework concept_book_time_and_again +concept_writer_jack_ketchum concept:agentcontributedtocreativework concept_book_the_girl_next_door +concept_writer_jack_ketchum concept:agentcreated concept_book_the_girl_next_door +concept_writer_jackie_kessler concept:agentcreated concept_book_black_and_white +concept_writer_jackie_kessler concept:agentcreated concept_parlourgame_shades_of_gray +concept_writer_jacqueline_susann concept:agentcontributedtocreativework concept_book_valley_of_the_dolls +concept_writer_jacqueline_susann concept:agentcreated concept_book_valley_of_the_dolls +concept_writer_james_a__michener concept:agentcreated concept_book_tales_of_the_south_pacific +concept_writer_james_a__michener concept:agentcreated concept_scientist_the_fires_of_spring +concept_writer_james_barrie concept:agentcreated concept_book_peter_pan +concept_writer_james_frey concept:agentcreated concept_book_a_million_little_pieces +concept_writer_james_frey concept:agentcreated concept_book_my_friend_leonard +concept_writer_james_joyce concept:agentcreated concept_book_finnegans_wake +concept_writer_james_joyce concept:agentcreated concept_book_portrait_of_the_artist_as_a_young_man +concept_writer_james_joyce concept:agentcreated concept_book_ulysses +concept_writer_james_kelman concept:agentcreated concept_book_a_disaffection +concept_writer_james_kelman concept:agentcreated concept_book_the_bus_conductor_hines +concept_writer_james_lee_burke concept:agentcreated concept_book_the_neon_rain +concept_writer_james_lee_burke concept:agentcreated concept_book_the_tin_roof_blowdown +concept_writer_james_m__barrie concept:agentcreated concept_book_peter_pan +concept_writer_james_m__cain concept:agentcontributedtocreativework concept_book_the_postman_always_rings_twice +concept_writer_james_m__cain concept:agentcreated concept_book_the_postman_always_rings_twice +concept_writer_james_m_cain concept:agentcreated concept_book_double_indemnity +concept_writer_james_m_cain concept:agentcreated concept_book_the_postman_always_rings_twice +concept_writer_james_mackay concept:latitudelongitude -40.8782500000000,172.2101600000000 +concept_writer_james_michener concept:agentcreated concept_book_tales_of_the_south_pacific +concept_writer_james_patterson concept:agentcreated concept_book_alex_cross_s_trial +concept_writer_james_patterson concept:agentcreated concept_book_along_came_a_spider +concept_writer_james_patterson concept:agentcreated concept_book_beach_road +concept_writer_james_patterson concept:agentcreated concept_book_cradle_and_all +concept_writer_james_patterson concept:agentcreated concept_book_cross +concept_writer_james_patterson concept:agentcreated concept_book_cross_country +concept_writer_james_patterson concept:agentcreated concept_book_double_cross +concept_writer_james_patterson concept:agentcreated concept_book_fang_a_maximum_ride_novel +concept_writer_james_patterson concept:agentcreated concept_book_four_blind_mice +concept_writer_james_patterson concept:agentcreated concept_book_jack_and_jill +concept_writer_james_patterson concept:agentcreated concept_book_kiss_the_girls +concept_writer_james_patterson concept:agentcreated concept_book_london_bridges +concept_writer_james_patterson concept:agentcreated concept_book_n1st_to_die +concept_writer_james_patterson concept:agentcreated concept_book_n2nd_chance +concept_writer_james_patterson concept:agentcreated concept_book_n3rd_degree +concept_writer_james_patterson concept:agentcreated concept_book_n4th_of_july +concept_writer_james_patterson concept:agentcreated concept_book_n7th_heaven +concept_writer_james_patterson concept:agentcreated concept_book_pop_goes_the_weasel +concept_writer_james_patterson concept:agentcreated concept_book_roses_are_red +concept_writer_james_patterson concept:agentcreated concept_book_sail +concept_writer_james_patterson concept:agentcreated concept_book_suzanne_s_diary_for_nicholas +concept_writer_james_patterson concept:agentcreated concept_book_the_5th_horseman +concept_writer_james_patterson concept:agentcreated concept_book_the_6th_target +concept_writer_james_patterson concept:agentcreated concept_book_the_8th_confession +concept_writer_james_patterson concept:agentcreated concept_book_the_9th_judgment +concept_writer_james_patterson concept:agentcreated concept_book_the_angel_experiment +concept_writer_james_patterson concept:agentcreated concept_book_the_beach_house +concept_writer_james_patterson concept:agentcreated concept_book_the_big_bad_wolf +concept_writer_james_patterson concept:agentcreated concept_book_the_final_warning +concept_writer_james_patterson concept:agentcreated concept_book_the_lake_house +concept_writer_james_patterson concept:agentcreated concept_book_the_quickie +concept_writer_james_patterson concept:agentcreated concept_book_violets_are_blue +concept_writer_james_patterson concept:agentcreated concept_book_when_the_wind_blows +concept_writer_james_patterson concept:agentcreated concept_book_witch_and_wizard +concept_writer_james_plunkett concept:agentcreated concept_book_the_trusting_and_the_maimed +concept_writer_james_redfield concept:agentcreated concept_book_the_celestine_prophecy +concept_writer_james_rouch concept:agentcreated concept_book_body_count +concept_writer_james_salter concept:agentcreated concept_book_light_years +concept_writer_james_t__farrell concept:agentcreated concept_book_the_studs_lonigan_trilogy +concept_writer_jamie_sobrato concept:agentcreated concept_musicsong_any_way_you_want_me +concept_writer_jan_karon concept:agentcreated concept_city_mitford +concept_writer_jane_austen concept:agentcreated concept_book_emma +concept_writer_jane_austen concept:agentcreated concept_book_mansfield_park +concept_writer_jane_austen concept:agentcreated concept_book_northanger_abbey +concept_writer_jane_austen concept:agentcreated concept_book_persuasion +concept_writer_jane_austen concept:agentcreated concept_book_pride_and_prejudice +concept_writer_jane_austen concept:agentcreated concept_book_pride_and_prejudice_and_zombies +concept_writer_jane_austen concept:agentcreated concept_book_sense_and_sensibility +concept_writer_jane_austen concept:agentcontributedtocreativework concept_movie_sense_and_sensibility +concept_writer_jane_porter concept:persondiedincountry concept_country_england +concept_writer_jane_smiley concept:agentcreated concept_book_a_thousand_acres +concept_writer_jane_smiley concept:agentcreated concept_book_moo +concept_writer_jane_smiley concept:agentcreated concept_book_private_life +concept_writer_janet_evanovich concept:agentcreated concept_book_eleven_on_top +concept_writer_janet_evanovich concept:agentcreated concept_book_fearless_fourteen +concept_writer_janet_evanovich concept:agentcreated concept_book_finger_lickin__fifteen +concept_writer_janet_evanovich concept:agentcreated concept_book_four_to_score +concept_writer_janet_evanovich concept:agentcreated concept_book_full_blast +concept_writer_janet_evanovich concept:agentcreated concept_book_full_house +concept_writer_janet_evanovich concept:agentcreated concept_book_full_speed +concept_writer_janet_evanovich concept:agentcreated concept_book_full_tilt +concept_writer_janet_evanovich concept:agentcreated concept_book_hard_eight +concept_writer_janet_evanovich concept:agentcreated concept_book_high_five +concept_writer_janet_evanovich concept:agentcreated concept_book_hot_six +concept_writer_janet_evanovich concept:agentcreated concept_book_lean_mean_thirteen +concept_writer_janet_evanovich concept:agentcreated concept_book_manhunt +concept_writer_janet_evanovich concept:agentcreated concept_book_metro_girl +concept_writer_janet_evanovich concept:agentcreated concept_book_motor_mouth +concept_writer_janet_evanovich concept:agentcreated concept_book_naughty_neighbor +concept_writer_janet_evanovich concept:agentcontributedtocreativework concept_book_one_for_the_money +concept_writer_janet_evanovich concept:agentcreated concept_book_one_for_the_money +concept_writer_janet_evanovich concept:agentcreated concept_book_plum_lovin +concept_writer_janet_evanovich concept:agentcreated concept_book_plum_lucky +concept_writer_janet_evanovich concept:agentcreated concept_book_plum_spooky +concept_writer_janet_evanovich concept:agentcreated concept_book_seven_up +concept_writer_janet_evanovich concept:agentcreated concept_book_sizzling_sixteen +concept_writer_janet_evanovich concept:agentcreated concept_book_ten_big_ones +concept_writer_janet_evanovich concept:agentcreated concept_book_the_grand_finale +concept_writer_janet_evanovich concept:agentcreated concept_book_three_to_get_deadly +concept_writer_janet_evanovich concept:agentcreated concept_book_three_to_get_deadly_and_four_to_score +concept_writer_janet_evanovich concept:agentcreated concept_book_to_the_nines +concept_writer_janet_evanovich concept:agentcreated concept_book_twelve_sharp +concept_writer_janet_evanovich concept:agentcreated concept_book_two_for_the_dough +concept_writer_janet_evanovich concept:agentcreated concept_book_visions_of_sugar_plums +concept_writer_janet_evanovich concept:agentcreated concept_book_wife_for_hire +concept_writer_janet_evanovich concept:agentcreated concept_movie_foul_play +concept_writer_janet_evanovich concept:agentcreated concept_musicgenre_full_bloom +concept_writer_janet_evanovich concept:agentcreated concept_musicsong_thanksgiving +concept_writer_janet_evanovich concept:agentcreated concept_scientificterm_full_scoop +concept_writer_janet_gleeson concept:agentcreated concept_book_the_serpent_in_the_garden_a_novel +concept_writer_janet_maslin concept:worksfor concept_musicartist_times +concept_writer_janice_galloway concept:agentcreated concept_book_the_trick_is_to_keep_breathing +concept_writer_jaroslav_hasek concept:agentcreated concept_book_the_good_soldier_svejk +concept_writer_jarreau concept:latitudelongitude 30.6236600000000,-91.4612200000000 +concept_writer_jasper_fforde concept:agentcontributedtocreativework concept_book_lost_in_a_good_book +concept_writer_jasper_fforde concept:agentcreated concept_book_lost_in_a_good_book +concept_writer_jasper_fforde concept:agentcreated concept_book_the_big_over_easy +concept_writer_jasper_fforde concept:agentcontributedtocreativework concept_book_the_eyre_affair +concept_writer_jasper_fforde concept:agentcreated concept_book_the_eyre_affair +concept_writer_jasper_fforde concept:agentcreated concept_book_the_well_of_lost_plots +concept_writer_javier_mar_as concept:agentcreated concept_book_a_heart_so_white +concept_writer_javier_marias concept:agentcreated concept_book_a_heart_so_white +concept_writer_javier_marias concept:agentcreated concept_televisionshow_all_souls +concept_writer_jd_salinger concept:agentcreated concept_book_the_catcher_in_the_rye +concept_writer_jean_johnson concept:agentcreated concept_book_bedtime_stories_a_collection_of_erotic +concept_writer_jean_m_auel concept:agentcontributedtocreativework concept_book_the_clan_of_the_cave_bear +concept_writer_jean_m_auel concept:agentcreated concept_book_the_clan_of_the_cave_bear +concept_writer_jean_rhys concept:agentcreated concept_book_wide_sargasso_sea +concept_writer_jean_rhys concept:agentcreated concept_musicinstrument_quartet +concept_writer_jeanette_winterson concept:agentcreated concept_book_sexing_the_cherry +concept_writer_jeanette_winterson concept:agentcreated concept_book_the_passion +concept_writer_jeanette_winterson concept:agentcreated concept_book_written_on_the_body +concept_writer_jeannette_walls concept:agentcreated concept_book_the_glass_castle__a_memoir +concept_writer_jeff_lindsay concept:agentcreated concept_book_darkly_dreaming_dexter +concept_writer_jeff_lindsay concept:agentcreated concept_book_dearly_devoted_dexter +concept_writer_jeff_lindsay concept:agentcreated concept_book_dexter_by_design +concept_writer_jeff_lindsay concept:agentcreated concept_book_dexter_in_the_dark +concept_writer_jeff_lindsay concept:agentcreated concept_book_dexter_is_delicious +concept_writer_jeff_long concept:agentcreated concept_movie_the_descent +concept_writer_jeff_noon concept:agentcreated concept_book_vurt +concept_writer_jeffery_deaver concept:agentcreated concept_book_bloody_river_blues +concept_writer_jeffery_deaver concept:agentcreated concept_book_garden_of_beasts +concept_writer_jeffery_deaver concept:agentcreated concept_book_manhattan_is_my_beat +concept_writer_jeffery_deaver concept:agentcreated concept_book_mistress_of_justice +concept_writer_jeffery_deaver concept:agentcreated concept_book_roadside_crosses +concept_writer_jeffery_deaver concept:agentcreated concept_book_speaking_in_tongues +concept_writer_jeffery_deaver concept:agentcreated concept_book_the_blue_nowhere +concept_writer_jeffery_deaver concept:agentcreated concept_book_the_coffin_dancer +concept_writer_jeffery_deaver concept:agentcreated concept_book_the_lesson_of_her_death +concept_writer_jeffery_deaver concept:agentcreated concept_book_the_twelfth_card +concept_writer_jeffrey_archer concept:agentcreated concept_book_first_among_equals +concept_writer_jeffrey_archer concept:agentcreated concept_book_kane_and_abel +concept_writer_jeffrey_archer concept:agentcreated concept_book_paths_of_glory +concept_writer_jeffrey_archer concept:agentcreated concept_book_the_prodigal_daughter +concept_writer_jeffrey_lord concept:agentcreated concept_book_dragons_on_englor +concept_writer_jeffrey_lord concept:agentcreated concept_book_killer_plants_of_binaark +concept_writer_jeffrey_lord concept:agentcreated concept_book_liberator_of_jedd +concept_writer_jeffrey_lord concept:agentcreated concept_book_the_golden_steed +concept_writer_jeffrey_lord concept:agentcreated concept_book_the_towers_of_melnon +concept_writer_jeffrey_lord concept:agentcreated concept_personafrica_city_of_the_living_dead +concept_writer_jeffrey_steingarten concept:agentcontributedtocreativework concept_book_the_man_who_ate_everything +concept_writer_jeffrey_steingarten concept:agentcreated concept_book_the_man_who_ate_everything +concept_writer_jeffrey_zaslow concept:worksfor concept_politicsblog_wall_street_journal +concept_writer_jenna_blum concept:agentcreated concept_book_those_who_save_us +concept_writer_jennifer_weiner concept:agentcontributedtocreativework concept_book_good_in_bed +concept_writer_jennifer_weiner concept:agentcreated concept_book_good_in_bed +concept_writer_jerome_david_salinger concept:agentcreated concept_book_the_catcher_in_the_rye +concept_writer_jerome_k__jerome concept:agentcontributedtocreativework concept_book_three_men_in_a_boat +concept_writer_jerome_k__jerome concept:agentcreated concept_book_three_men_in_a_boat +concept_writer_jerome_k_jerome concept:agentcreated concept_book_three_men_in_a_boat +concept_writer_jerome_lawrence concept:agentcontributedtocreativework concept_movie_inherit_the_wind +concept_writer_jerry_oltion concept:agentcreated concept_book_alliance +concept_writer_jerry_oltion concept:agentcreated concept_physicalcharacteristic_humanity +concept_writer_jerzy_kosinski concept:agentcreated concept_book_the_painted_bird +concept_writer_jg_ballard concept:agentcreated concept_book_millennium_people +concept_writer_jg_ballard concept:agentcreated concept_book_the_drowned_world +concept_writer_jillian_hart concept:agentcreated concept_book_gingham_bride +concept_writer_jim_carr concept:latitudelongitude 35.6581500000000,-83.5198900000000 +concept_writer_jim_collins concept:agentcontributedtocreativework concept_book_good_to_great +concept_writer_jim_marrs concept:agentcreated concept_televisionshow_crossfire +concept_writer_jimmy_buffett concept:agentcreated concept_book_a_salty_piece_of_land +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter +concept_writer_jk_rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_chamber_of_secrets +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter_and_the_chamber_of_secrets +concept_writer_jk_rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_goblet_of_fire +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter_and_the_goblet_of_fire +concept_writer_jk_rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_philosopher_s_stone +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter_and_the_philosopher_s_stone +concept_writer_jk_rowling concept:agentcontributedtocreativework concept_book_harry_potter_and_the_prisoner_of_azkaban +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter_and_the_prisoner_of_azkaban +concept_writer_jk_rowling concept:agentcreated concept_book_harry_potter_and_the_sorcerer_s_stone +concept_writer_jk_rowling concept:agentinvolvedwithitem concept_videogame_harry_potter_and_the_chamber_of_secrets +concept_writer_jl_carr concept:agentcreated concept_book_a_month_in_the_country +concept_writer_jl_carr concept:agentcreated concept_book_the_harpole_report +concept_writer_jm_barrie concept:agentcreated concept_book_peter_pan +concept_writer_jm_coetzee concept:agentcreated concept_book_disgrace +concept_writer_jm_coetzee concept:agentcreated concept_book_waiting_for_the_barbarians +concept_writer_joanne_harris concept:agentcreated concept_book_chocolat +concept_writer_joanne_harris concept:agentcreated concept_book_five_quarters_of_the_orange +concept_writer_joanne_harris concept:agentcreated concept_book_runemarks +concept_writer_joanne_rock concept:agentcreated concept_book_the_captive +concept_writer_joaquim_maria_machado_de_assis concept:agentcreated concept_book_dom_casmurro +concept_writer_joaquim_maria_machado_de_assis concept:agentcreated concept_book_the_posthumous_memoirs_of_bras_cubas +concept_writer_jodi_compton concept:agentcreated concept_book_the_37th_hour +concept_writer_joe_abercrombie concept:agentcreated concept_book_before_they_are_hanged +concept_writer_joe_abercrombie concept:agentcreated concept_book_last_argument_of_kings +concept_writer_joe_abercrombie concept:agentcreated concept_book_the_blade_itself +concept_writer_joe_haldeman concept:agentcreated concept_book_the_forever_war +concept_writer_johann_david_wyss concept:agentcreated concept_book_swiss_family_robinson +concept_writer_johann_david_wyss concept:agentcontributedtocreativework concept_televisionshow_the_swiss_family_robinson +concept_writer_johann_david_wyss concept:agentcreated concept_televisionshow_the_swiss_family_robinson +concept_writer_johanna_spyri concept:agentcreated concept_book_heidi +concept_writer_john_aubrey concept:agentcreated concept_book_brief_lives +concept_writer_john_berendt concept:agentcontributedtocreativework concept_book_midnight_in_the_garden_of_good_and_evil +concept_writer_john_berendt concept:agentcreated concept_book_midnight_in_the_garden_of_good_and_evil +concept_writer_john_boyne concept:agentcontributedtocreativework concept_book_the_boy_in_the_striped_pyjamas +concept_writer_john_boyne concept:agentcreated concept_book_the_boy_in_the_striped_pyjamas +concept_writer_john_braine concept:agentcreated concept_personafrica_room_at_the_top +concept_writer_john_bunyan concept:agentcreated concept_book_the_pilgrim_s_progress +concept_writer_john_carpenter concept:agentcontributedtocreativework concept_book_halloween +concept_writer_john_cleland concept:agentcontributedtocreativework concept_book_fanny_hill +concept_writer_john_cleland concept:agentcreated concept_book_fanny_hill +concept_writer_john_cowper_powys concept:agentcreated concept_book_a_glastonbury_romance +concept_writer_john_flanagan concept:agentcreated concept_book_erak_s_ransom +concept_writer_john_flanagan concept:agentcreated concept_book_halt_s_peril +concept_writer_john_flanagan concept:agentcreated concept_book_the_battle_for_skandia +concept_writer_john_flanagan concept:agentcreated concept_book_the_burning_bridge +concept_writer_john_flanagan concept:agentcreated concept_book_the_icebound_land +concept_writer_john_flanagan concept:agentcreated concept_book_the_kings_of_clonmel +concept_writer_john_flanagan concept:agentcreated concept_book_the_ruins_of_gorlan +concept_writer_john_flanagan concept:agentcreated concept_book_the_siege_of_macindaw +concept_writer_john_flanagan concept:agentcreated concept_book_the_sorcerer_of_the_north +concept_writer_john_fowles concept:agentcreated concept_book_a_maggot +concept_writer_john_fowles concept:agentcreated concept_book_the_collector +concept_writer_john_fowles concept:agentcreated concept_book_the_french_lieutenant_s_woman +concept_writer_john_fowles concept:agentcreated concept_book_the_magus +concept_writer_john_fund concept:worksfor concept_politicsblog_wall_street_journal +concept_writer_john_gardner concept:agentcreated concept_book_grendel +concept_writer_john_green concept:agentcreated concept_book_looking_for_alaska +concept_writer_john_grisham concept:agentcreated concept_automobilemodel_ford_country +concept_writer_john_irving concept:agentcontributedtocreativework concept_book_a_prayer_for_owen_meaney +concept_writer_john_irving concept:agentcreated concept_book_a_prayer_for_owen_meany +concept_writer_john_irving concept:agentcreated concept_book_a_prayer_for_owen_meany_a_novel +concept_writer_john_irving concept:agentcreated concept_book_a_widow_for_one_year +concept_writer_john_irving concept:agentcreated concept_book_last_night_in_twisted_river +concept_writer_john_irving concept:agentcreated concept_book_the_cider_house_rules +concept_writer_john_irving concept:agentcreated concept_book_the_hotel_new_hampshire +concept_writer_john_irving concept:agentcreated concept_book_the_world_according_to_garp +concept_writer_john_le_carr_ concept:agentcreated concept_book_the_spy_who_came_in_from_the_cold +concept_writer_john_le_carr_ concept:agentcreated concept_book_tinker_tailor_soldier_spy +concept_writer_john_lecarre concept:agentcreated concept_actor_spy +concept_writer_john_lecarre concept:agentcreated concept_book_the_spy_who_came_in_from_the_cold +concept_writer_john_mcgahern concept:agentcreated concept_book_amongst_women +concept_writer_john_mortimer concept:agentcreated concept_book_charade +concept_writer_john_mortimer concept:agentcreated concept_book_titmuss_regained +concept_writer_john_norman concept:agentcreated concept_zoo_gor +concept_writer_john_steinbeck concept:agentcreated concept_book_cannery_row +concept_writer_john_steinbeck concept:agentcreated concept_book_east_of_eden +concept_writer_john_steinbeck concept:agentcreated concept_book_of_mice_and_men +concept_writer_john_steinbeck concept:agentcreated concept_book_the_grapes_of_wrath +concept_writer_john_steinbeck concept:agentcreated concept_book_the_pearl +concept_writer_john_steinbeck concept:agentcreated concept_book_the_red_pony +concept_writer_john_steinbeck concept:agentcreated concept_book_the_winter_of_our_discontent +concept_writer_john_steinbeck concept:agentcreated concept_book_to_a_god_unknown +concept_writer_john_steinbeck concept:agentcreated concept_book_tortilla_flat +concept_writer_john_steinbeck concept:agentcreated concept_book_travels_with_charley__in_search_of_america +concept_writer_john_updike concept:persondiedatage 76 +concept_writer_johnston_mcculley concept:agentcreated concept_movie_the_mark_of_zorro +concept_writer_jonathan_franzen concept:agentcreated concept_book_the_corrections +concept_writer_jonathan_maberry concept:agentcreated concept_book_the_dragon_factory +concept_writer_jonathan_stroud concept:agentcreated concept_book_the_amulet_of_samarkand +concept_writer_jonathan_swift concept:agentcreated concept_book_a_modest_proposal +concept_writer_jonathan_swift concept:agentcreated concept_book_a_tale_of_a_tub +concept_writer_jonathan_swift concept:agentcontributedtocreativework concept_book_gulliver_s_travels +concept_writer_jonathan_swift concept:agentcreated concept_book_gulliver_s_travels +concept_writer_jonathan_swift concept:agentcontributedtocreativework concept_book_gullivers_travels +concept_writer_jones concept:personbornincity concept_city_york +concept_writer_jones concept:personchargedwithcrime concept_crimeorcharge_murder +concept_writer_jones concept:personmovedtostateorprovince concept_stateorprovince_california +concept_writer_jones concept:persongraduatedfromuniversity concept_university_college +concept_writer_jones concept:persongraduatedfromuniversity concept_university_state_university +concept_writer_jones concept:persongraduatedschool concept_university_state_university +concept_writer_jos__saramago concept:agentcreated concept_book_blindness +concept_writer_jos__saramago concept:agentcreated concept_book_the_double +concept_writer_jose_saramago concept:agentcreated concept_book_blindness +concept_writer_joseph_gibaldi concept:agentcreated concept_book_mla_handbook_for_writers_of_research_papers +concept_writer_josephine_tey concept:agentcreated concept_book_the_daughter_of_time +concept_writer_joshua_nkomo concept:personleadsorganization concept_politicalparty_zimbabwe_african_peoples_union +concept_writer_jostein_gaarder concept:agentcontributedtocreativework concept_book_sophie_s_world +concept_writer_jostein_gaarder concept:agentcreated concept_book_sophie_s_world +concept_writer_joyce concept:persongraduatedfromuniversity concept_university_college +concept_writer_joyce_cary concept:agentcreated concept_book_mister_johnson +concept_writer_joyce_cary concept:agentcreated concept_book_the_horse_s_mouth +concept_writer_juan_rulfo concept:agentcreated concept_personcanada_the_burning_plain +concept_writer_juan_williams concept:worksfor concept_company_fox +concept_writer_juan_williams concept:worksfor concept_company_npr +concept_writer_juan_williams concept:worksfor concept_nongovorganization_national_public_radio +concept_writer_judith_warner concept:journalistwritesforpublication concept_newspaper_times +concept_writer_julie_james concept:agentcreated concept_book_practice_makes_perfect +concept_writer_julie_james concept:agentcreated concept_musicsong_something_about_you +concept_writer_julie_otsuka concept:agentcontributedtocreativework concept_book_when_the_emperor_was_divine +concept_writer_julien_gracq concept:agentcreated concept_book_the_opposing_shore +concept_writer_jung_chang concept:agentcreated concept_book_wild_swans +concept_writer_kalidasa concept:latitudelongitude 12.9482100000000,77.5508400000000 +concept_writer_karen_armstrong concept:agentcreated concept_book_a_history_of_god +concept_writer_karen_hughes concept:personhasjobposition concept_jobposition_under_secretary_of_state +concept_writer_karen_marie_moning concept:agentcreated concept_book_darkfever +concept_writer_karen_marie_moning concept:agentcreated concept_book_faefever +concept_writer_kasher concept:latitudelongitude 41.2905600000000,-88.2180600000000 +concept_writer_kate_adie concept:worksfor concept_company_bbc +concept_writer_kathryn_stockett concept:agentcreated concept_book_the_help +concept_writer_keith_bradsher concept:journalistwritesforpublication concept_newspaper_times +concept_writer_kennedy concept:proxyfor concept_book_new +concept_writer_kennedy concept:atdate concept_dateliteral_n1961 +concept_writer_kennedy concept:agentcontrols concept_election_white +concept_writer_kennedy concept:personbelongstoorganization concept_governmentorganization_house +concept_writer_kennedy concept:persongraduatedfromuniversity concept_university_college +concept_writer_kennedy concept:persongraduatedfromuniversity concept_university_harvard +concept_writer_kennedy concept:persongraduatedfromuniversity concept_university_harvard_university +concept_writer_kenneth_wright concept:latitudelongitude 34.0301000000000,-86.4416500000000 +concept_writer_kevin_maney concept:worksfor concept_company_usa_today001 +concept_writer_kids concept:agentparticipatedinevent concept_crimeorcharge_crimes +concept_writer_kids concept:agentparticipatedinevent concept_crimeorcharge_offenses +concept_writer_kids concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_kids concept:agentcompeteswithagent concept_tradeunion_article +concept_writer_king_james concept:personhascitizenship concept_country_britain +concept_writer_king_james concept:personhascitizenship concept_country_england +concept_writer_king_james concept:personhascitizenship concept_country_scotland +concept_writer_king_james concept:personhasjobposition concept_jobposition_king +concept_writer_king_stephen concept:agentcreated concept_book_cujo +concept_writer_king_stephen concept:agentcreated concept_book_under_the_dome +concept_writer_king_stephen concept:personhascitizenship concept_country_hungary +concept_writer_king_stephen concept:agentcreated concept_musicalbum_the_shining +concept_writer_king_stephen concept:agentcreated concept_musicsong_misery +concept_writer_king_stephen concept:agentcreated concept_televisionshow_the_green_mile +concept_writer_kinky_friedman concept:personmovedtostateorprovince concept_stateorprovince_texas +concept_writer_knut_hamsen concept:agentcreated concept_book_growth_of_the_soil +concept_writer_kobo_abe concept:agentcreated concept_comedian_the_face_of_another +concept_writer_kristan_higgins concept:agentcreated concept_book_too_good_to_be_true +concept_writer_kristan_higgins concept:agentcreated concept_televisionshow_the_next_best_thing +concept_writer_kuvempu concept:latitudelongitude 13.0724100000000,77.5388400000000 +concept_writer_l_p__hartley concept:agentcreated concept_book_the_go_between +concept_writer_labeo concept:latitudelongitude -3.0013900000000,122.2680600000000 +concept_writer_lady_jane_grey concept:personhascitizenship concept_country_england +concept_writer_langrish concept:latitudelongitude 50.9984700000000,-0.9918200000000 +concept_writer_larry_niven concept:agentcreated concept_book_ringworld +concept_writer_laura_hillenbrand concept:agentcreated concept_book_seabiscuit__an_american_legend +concept_writer_laura_miller concept:journalistwritesforpublication concept_newspaper_times +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_a_lick_of_frost +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_a_stroke_of_midnight +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_bloody_bones +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_blue_moon +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_bullet +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_burnt_offerings +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_cerulean_sins +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_circus_of_the_damned +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_divine_misdemeanors +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_guilty_pleasures +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_incubus_dreams +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_micah +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_mistral_s_kiss +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_narcissus_in_chains +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_obsidian_butterfly +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_seduced_by_moonlight +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_swallowing_darkness +concept_writer_laurell_k__hamilton concept:agentcreated concept_book_the_laughing_corpse +concept_writer_laurell_k__hamilton concept:agentcreated concept_software_vampire_hunter +concept_writer_laurence_sterne concept:agentcreated concept_book_a_sentimental_journey +concept_writer_laurence_sterne concept:agentcreated concept_book_tristram_shandy +concept_writer_laurie_halse_anderson concept:agentcreated concept_book_speak +concept_writer_laurie_lee concept:agentcreated concept_book_cider_with_rosie +concept_writer_lawrence_durell concept:agentcreated concept_book_the_alexandria_quartet +concept_writer_lawrence_durrell concept:agentcreated concept_book_justine +concept_writer_lawrence_durrell concept:agentcreated concept_book_the_alexandria_quartet +concept_writer_lawrence_schiller concept:personhasjobposition concept_jobposition_filmmaker +concept_writer_lawrence_scott concept:latitudelongitude 46.2254100000000,-119.2025100000000 +concept_writer_lawrence_wright concept:worksfor concept_website_new_york_american +concept_writer_lenau concept:latitudelongitude 49.2997050000000,12.4965200000000 +concept_writer_lester_bangs concept:personleadsorganization concept_publication_creem +concept_writer_lester_bangs concept:worksfor concept_publication_creem +concept_writer_lewis_caroll concept:agentcontributedtocreativework concept_book_alice_s_adventures_in_wonderland +concept_writer_lewis_carroll concept:agentcreated concept_book_alice_in_wonderland +concept_writer_lewis_carroll concept:agentcontributedtocreativework concept_book_alice_s_adventures_in_wonderland +concept_writer_lewis_carroll concept:agentcreated concept_book_alice_s_adventures_in_wonderland +concept_writer_lewis_carroll concept:agentcreated concept_book_alice_through_the_looking_glass +concept_writer_lewis_carroll concept:agentcontributedtocreativework concept_book_alices_adventures_in_wonderland +concept_writer_lewis_carroll concept:agentcreated concept_book_through_the_looking_glass +concept_writer_lewis_carroll concept:agentcontributedtocreativework concept_movie_wonderland +concept_writer_lewis_grassic_gibbon concept:agentcontributedtocreativework concept_book_sunset_song +concept_writer_lewis_grassic_gibbon concept:agentcreated concept_book_sunset_song +concept_writer_libba_bray concept:agentcreated concept_book_a_great_and_terrible_beauty +concept_writer_linda_hogan concept:personchargedwithcrime concept_crimeorcharge_three_counts_of_negligence +concept_writer_lionel_shriver concept:agentcreated concept_book_we_need_to_talk_about_kevin +concept_writer_lisa_see concept:agentcreated concept_book_snow_flower_and_the_secret_fan +concept_writer_lm_montgomery concept:agentcreated concept_book_anne_of_green_gables +concept_writer_lorrie_moore concept:agentcreated concept_ethnicgroup_anagrams +concept_writer_louis_de_bernieres concept:agentcontributedtocreativework concept_book_captain_corelli_s_mandolin +concept_writer_louis_de_bernieres concept:agentcreated concept_book_captain_corelli_s_mandolin +concept_writer_louisa_may_alcott concept:agentcreated concept_book_little_women +concept_writer_louv concept:latitudelongitude 62.6166700000000,6.6000000000000 +concept_writer_lp_hartley concept:agentcreated concept_book_the_go_between +concept_writer_lp_hartley concept:agentcreated concept_book_the_shrimp_and_the_anemone +concept_writer_luca concept:personbelongstoorganization concept_winery_ferrari +concept_writer_lucy_grealy concept:agentcontributedtocreativework concept_book_autobiography_of_a_face +concept_writer_lunch concept:proxyfor concept_book_new +concept_writer_luo_guanzhong concept:agentcreated concept_videogame_romance_of_the_three_kingdoms +concept_writer_m__m__kaye concept:agentcontributedtocreativework concept_book_the_far_pavilions +concept_writer_m__m__kaye concept:agentcreated concept_book_the_far_pavilions +concept_writer_m_john_harrison concept:agentcreated concept_website_light +concept_writer_madame_de_lafayette concept:agentcreated concept_book_the_princess_of_cleves +concept_writer_madeline_l_engle concept:agentcreated concept_book_a_wrinkle_in_time +concept_writer_maeterlinck concept:latitudelongitude 43.6870000000000,7.3000000000000 +concept_writer_malcolm_bradbury concept:agentcreated concept_book_the_history_man +concept_writer_malcolm_gladwell concept:journalistwritesforpublication concept_website_new_york_american +concept_writer_malcolm_gladwell concept:journalistwritesforpublication concept_website_new_yorker_magazine +concept_writer_malorie_blackman concept:agentcontributedtocreativework concept_book_noughts_and_crosses +concept_writer_malorie_blackman concept:agentcreated concept_book_noughts_and_crosses +concept_writer_malraux concept:latitudelongitude 48.8573200000000,2.3542000000000 +concept_writer_manil_suri concept:personhasjobposition concept_jobposition_novelist +concept_writer_marcel_allain_and_pierre_souvestre concept:agentcreated concept_book_fantomas +concept_writer_marcus_clarke concept:agentcontributedtocreativework concept_book_for_the_term_of_his_natural_life +concept_writer_margaret_carlson concept:worksfor concept_company_apple002 +concept_writer_margaret_craven concept:agentcreated concept_book_i_heard_the_owl_call_my_name +concept_writer_margaret_drabble concept:agentcreated concept_book_the_red_queen +concept_writer_margaret_laurence concept:agentcreated concept_book_the_diviners +concept_writer_margaret_mahy concept:agentcontributedtocreativework concept_book_the_changeover +concept_writer_marguerite_duras concept:agentcreated concept_book_the_lover +concept_writer_marguerite_henry concept:agentcreated concept_book_king_of_the_wind +concept_writer_marguerite_henry concept:agentcreated concept_book_misty_of_chincoteague +concept_writer_maria_doria_russell concept:agentcontributedtocreativework concept_book_the_sparrow +concept_writer_maria_doria_russell concept:agentcreated concept_book_the_sparrow +concept_writer_mariama_ba concept:agentcreated concept_book_so_long_a_letter +concept_writer_mariano_azuela concept:agentcreated concept_book_the_underdogs +concept_writer_marilee concept:latitudelongitude 33.4037200000000,-96.7613800000000 +concept_writer_marilynne_robinson concept:agentcreated concept_book_gilead +concept_writer_marilynne_robinson concept:agentcreated concept_book_housekeeping +concept_writer_marina_lewycka concept:agentcreated concept_book_a_short_history_of_tractors_in_ukrainian +concept_writer_marina_warner concept:agentcreated concept_company_indigo +concept_writer_mario_puzo concept:agentcreated concept_movie_the_godfather +concept_writer_marion_zimmer_bradley concept:agentcreated concept_book_the_mists_of_avalon +concept_writer_marion_zimmer_bradley concept:agentcreated concept_book_year_of_the_big_thaw +concept_writer_marivaux concept:latitudelongitude 49.5166700000000,3.1166700000000 +concept_writer_mark_bittman concept:worksfor concept_musicartist_times +concept_writer_mark_bittman concept:worksfor concept_website_new_york_times +concept_writer_mark_helprin concept:agentcontributedtocreativework concept_book_a_soldier_of_the_great_war +concept_writer_mark_helprin concept:agentcreated concept_book_winter_s_tale +concept_writer_mark_z__danielewski concept:agentcontributedtocreativework concept_book_house_of_leaves +concept_writer_mark_z__danielewski concept:agentcreated concept_book_house_of_leaves +concept_writer_martha_finley concept:agentcreated concept_writer_elsie_dinsmore +concept_writer_martin_cruz_smith concept:agentcreated concept_movie_gorky_park +concept_writer_martin_gilbert concept:topmemberoforganization concept_company_firstgroup +concept_writer_mary_orr concept:latitudelongitude 32.5590300000000,-97.0825100000000 +concept_writer_mary_renault concept:agentcontributedtocreativework concept_book_the_king_must_die +concept_writer_mary_renault concept:agentcreated concept_book_the_king_must_die +concept_writer_mary_renault concept:agentcontributedtocreativework concept_book_the_mask_of_apollo +concept_writer_mary_renault concept:agentcreated concept_book_the_mask_of_apollo +concept_writer_mary_renault concept:agentcontributedtocreativework concept_book_the_persian_boy +concept_writer_mary_schmich concept:worksfor concept_website_chicago_tribune +concept_writer_matter concept:mutualproxyfor concept_book_new +concept_writer_matter concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_matthew_pearl concept:agentcreated concept_book_the_dante_club +concept_writer_mattie_j__t__stepanek concept:agentcreated concept_book_journey_through_heartsongs +concept_writer_maurice_blanchot concept:agentcreated concept_movie_death_sentence +concept_writer_max_beerbohm concept:agentcreated concept_book_zuleika_dobson +concept_writer_maxim_gorky concept:agentcreated concept_book_mother +concept_writer_may_sinclair concept:agentcreated concept_book_the_three_sisters +concept_writer_maya_angelou concept:agentcreated concept_book_i_know_why_the_caged_bird_sings +concept_writer_meg_cabot concept:agentcreated concept_book_the_princess_diaries +concept_writer_meilhac concept:latitudelongitude 45.7166700000000,1.1500000000000 +concept_writer_melissa_banks concept:agentcreated concept_book_the_girls__guide_to_hunting_and_fishing +concept_writer_mercedes_lackey concept:agentcreated concept_book_magic_s_pawn +concept_writer_mercedes_lackey concept:agentcreated concept_book_magic_s_price +concept_writer_mercedes_lackey concept:agentcreated concept_book_magic_s_promise +concept_writer_mervyn_peake concept:agentcreated concept_book_gormenghast +concept_writer_mervyn_peake concept:agentcreated concept_book_titus_groan +concept_writer_michael_blumlein concept:agentcreated concept_insect_hymenoptera +concept_writer_michael_connelly concept:agentcreated concept_book_blood_work +concept_writer_michael_connelly concept:agentcreated concept_book_chasing_the_dime +concept_writer_michael_connelly concept:agentcreated concept_book_city_of_bones +concept_writer_michael_connelly concept:agentcreated concept_book_echo_park +concept_writer_michael_connelly concept:agentcreated concept_book_lost_light +concept_writer_michael_connelly concept:agentcreated concept_book_nine_dragons +concept_writer_michael_connelly concept:agentcreated concept_book_the_brass_verdict +concept_writer_michael_connelly concept:agentcreated concept_book_the_closers +concept_writer_michael_connelly concept:agentcreated concept_book_the_lincoln_lawyer +concept_writer_michael_connelly concept:agentcreated concept_book_the_narrows +concept_writer_michael_connelly concept:agentcreated concept_book_the_overlook +concept_writer_michael_connelly concept:agentcreated concept_book_the_poet +concept_writer_michael_connelly concept:agentcreated concept_book_the_reversal +concept_writer_michael_connelly concept:agentcreated concept_book_the_scarecrow +concept_writer_michael_crichton concept:persondiedatage 66 +concept_writer_michael_crichton concept:agentcreated concept_book_airframe +concept_writer_michael_crichton concept:agentcreated concept_book_congo +concept_writer_michael_crichton concept:agentcreated concept_book_eaters_of_the_dead +concept_writer_michael_crichton concept:agentcreated concept_book_jurassic_park +concept_writer_michael_crichton concept:agentcreated concept_book_prey +concept_writer_michael_crichton concept:agentcreated concept_book_sphere +concept_writer_michael_crichton concept:agentcreated concept_book_state_of_fear +concept_writer_michael_crichton concept:agentcreated concept_book_the_andromeda_strain +concept_writer_michael_crichton concept:agentcreated concept_book_the_great_train_robbery +concept_writer_michael_crichton concept:agentcreated concept_book_the_lost_world +concept_writer_michael_crichton concept:agentcreated concept_book_timeline +concept_writer_michael_crichton concept:agentcontributedtocreativework concept_movie_timeline +concept_writer_michael_dobbs concept:journalistwritesforpublication concept_company_dc +concept_writer_michael_dobbs concept:journalistwritesforpublication concept_company_post +concept_writer_michael_dobbs concept:journalistwritesforpublication concept_website_washington_post +concept_writer_michael_ende concept:agentcreated concept_book_the_neverending_story +concept_writer_michael_frayn concept:agentcreated concept_book_towards_the_end_of_the_morning +concept_writer_michael_frayn concept:agentcreated concept_mlsoftware_spies +concept_writer_michael_herr concept:agentcreated concept_televisionshow_dispatches +concept_writer_michael_hiltzik concept:journalistwritesforpublication concept_newspaper_los_angeles_times +concept_writer_michael_hiltzik concept:worksfor concept_televisionstation_los_angeles_times +concept_writer_michael_innes concept:agentcreated concept_book_death_at_the_president_s_lodging +concept_writer_michael_p__kube_mcdowell concept:agentcreated concept_book_odyssey +concept_writer_michael_scott concept:agentcreated concept_book_the_magician +concept_writer_michael_scott concept:agentcreated concept_book_the_necromancer +concept_writer_michael_scott concept:agentcreated concept_book_the_sorceress +concept_writer_michel_foucault concept:agentcreated concept_academicfield_the_history_of_sexuality +concept_writer_michelle_goldberg concept:worksfor concept_politicsblog_salon +concept_writer_michelle_singletary concept:worksfor concept_website_washington_post +concept_writer_miguel_de_cervantes concept:agentcreated concept_book_don_quixote +concept_writer_miguel_delibes concept:agentcreated concept_musicartist_the_heretic +concept_writer_mika_waltari concept:agentcreated concept_book_the_egyptian +concept_writer_mike_brotherton concept:agentcreated concept_weatherphenomenon_diamonds_in_the_sky +concept_writer_mike_royko concept:worksfor concept_county_chicago +concept_writer_mitch_albom concept:journalistwritesforpublication concept_newspaper_the_detroit_free_press +concept_writer_miyuki_miyabe concept:agentcontributedtocreativework concept_book_crossfire +concept_writer_miyuki_miyabe concept:agentcreated concept_book_crossfire +concept_writer_mohsin_hamid concept:agentcreated concept_book_the_reluctant_fundamentalist +concept_writer_mohsin_khan concept:latitudelongitude 33.9901200000000,71.5516700000000 +concept_writer_moliere concept:agentcreated concept_book_tartuffe +concept_writer_moorcock concept:latitudelongitude -39.9382500000000,176.1502100000000 +concept_writer_multatuli concept:agentcreated concept_book_max_havelaar +concept_writer_murasaki_shikibu concept:agentcreated concept_book_the_tale_of_genji +concept_writer_muriel_spark concept:agentcreated concept_book_the_prime_of_miss_jean_brodie +concept_writer_nabokov concept:latitudelongitude 49.3280300000000,31.4315400000000 +concept_writer_napoleon_hill concept:agentcreated concept_book_think_and_grow_rich +concept_writer_nathanael_west concept:agentcreated concept_book_the_day_of_the_locust +concept_writer_nathaniel_west concept:agentcreated concept_book_the_day_of_the_locust +concept_writer_natsume_soseki concept:agentcreated concept_geopoliticallocation_kokoro +concept_writer_nawal_el_saadawi concept:agentcreated concept_book_woman_at_point_zero +concept_writer_neal_asher concept:agentcreated concept_book_the_line_of_polity +concept_writer_neal_asher concept:agentcreated concept_fish_black_rat +concept_writer_neal_asher concept:agentcreated concept_food_sucker +concept_writer_neal_asher concept:agentcreated concept_musicalbum_tiger_tiger +concept_writer_neal_asher concept:agentcreated concept_politicianus_the_owner +concept_writer_neal_asher concept:agentcreated concept_profession_proctors +concept_writer_neale_donald_walsch concept:agentcreated concept_physicalaction_god +concept_writer_neihardt concept:latitudelongitude 41.7314525000000,-96.5418337500000 +concept_writer_neil_stephenson concept:agentcreated concept_book_cryptonomicon +concept_writer_nella_larsen concept:agentcreated concept_book_passing +concept_writer_nella_larsen concept:agentcreated concept_book_quicksand +concept_writer_nelson_algren concept:agentcreated concept_book_the_man_with_the_golden_arm +concept_writer_nelson_demille concept:agentcreated concept_book_the_lion_s_game +concept_writer_nevil_shute concept:agentcreated concept_book_a_town_like_alice +concept_writer_nevil_shute concept:agentcreated concept_book_on_the_beach +concept_writer_new concept:agentactsinlocation concept_city_hampshire +concept_writer_new concept:agentactsinlocation concept_country_mexico +concept_writer_new concept:agentactsinlocation concept_county_york_city +concept_writer_new concept:agentactsinlocation concept_county_york_county +concept_writer_new concept:agentactsinlocation concept_geopoliticallocation_south_wales +concept_writer_new concept:agentactsinlocation concept_hospital_new_york_university_school +concept_writer_new concept:agentactsinlocation concept_visualizablescene_dehli +concept_writer_ngugi_wa_thiong_o concept:agentcreated concept_book_petals_of_blood +concept_writer_ngugi_wa_thiong_o concept:agentcreated concept_book_the_river_between +concept_writer_nguyen_du concept:latitudelongitude 19.5000000000000,103.1666700000000 +concept_writer_nicholas_monsarrat concept:agentcreated concept_book_the_cruel_sea +concept_writer_nicholson_baker concept:agentcreated concept_book_room_temperature +concept_writer_nikolai_gogol concept:agentcreated concept_book_dead_souls +concept_writer_nikolai_vasilievich_gogol concept:agentcreated concept_book_dead_souls +concept_writer_nikolaj_gogol concept:agentcreated concept_book_dead_souls +concept_writer_nikolay_gogol concept:agentcreated concept_book_dead_souls +concept_writer_nikos_kazantz_kis concept:agentcreated concept_book_the_last_temptation_of_christ +concept_writer_nikos_kazantz_kis concept:agentcontributedtocreativework concept_book_zorba_the_greek +concept_writer_nikos_kazantz_kis concept:agentcreated concept_book_zorba_the_greek +concept_writer_nikos_kazantzakis concept:agentcreated concept_book_the_last_temptation_of_christ +concept_writer_noel_streatfeild concept:agentcreated concept_clothing_ballet_shoes +concept_writer_nora_roberts concept:agentcreated concept_book_dance_of_the_gods +concept_writer_nora_roberts concept:agentcreated concept_book_dance_upon_the_air +concept_writer_nora_roberts concept:agentcreated concept_book_for_the_love_of_lilah +concept_writer_nora_roberts concept:agentcreated concept_book_heart_of_the_sea +concept_writer_nora_roberts concept:agentcreated concept_book_heaven_and_earth +concept_writer_nora_roberts concept:agentcreated concept_book_tears_of_the_moon +concept_writer_nora_roberts concept:agentcreated concept_female_without_a_trace +concept_writer_nora_roberts concept:agentcreated concept_movie_bed_of_roses +concept_writer_nora_roberts concept:agentcreated concept_musicsong_skin_deep +concept_writer_nora_roberts concept:agentcreated concept_televisionshow_charmed +concept_writer_norton_juster concept:agentcontributedtocreativework concept_book_the_phantom_tollbooth +concept_writer_norton_juster concept:agentcreated concept_book_the_phantom_tollbooth +concept_writer_oates concept:personchargedwithcrime concept_crimeorcharge_perjury +concept_writer_olive_schreiner concept:agentcreated concept_book_the_story_of_an_african_farm +concept_writer_oliver_goldsmith concept:agentcreated concept_book_the_vicar_of_wakefield +concept_writer_olivia_manning concept:agentcreated concept_book_fortunes_of_war +concept_writer_orhan_pamuk concept:agentcreated concept_book_my_name_is_red +concept_writer_orson_scott_card concept:agentcreated concept_book_ender_s_game +concept_writer_orson_scott_card concept:agentcreated concept_book_ender_s_shadow +concept_writer_orson_scott_card concept:agentcreated concept_book_shadow_of_the_giant +concept_writer_orson_scott_card concept:agentcreated concept_book_shadow_of_the_hegemon +concept_writer_orson_scott_card concept:agentcreated concept_book_speaker_for_the_dead +concept_writer_oscar_wilde concept:agentcreated concept_book_a_woman_of_no_importance +concept_writer_oscar_wilde concept:agentcreated concept_book_an_ideal_husband +concept_writer_oscar_wilde concept:agentcreated concept_book_the_importance_of_being_earnest +concept_writer_oscar_wilde concept:agentcreated concept_book_the_picture_of_dorian_gray +concept_writer_ovid concept:agentcreated concept_book_metamorphoses +concept_writer_oxford_university_press concept:atdate concept_date_n2004 +concept_writer_oxford_university_press concept:atdate concept_date_n2009 +concept_writer_oxford_university_press concept:atdate concept_dateliteral_n2008 +concept_writer_p__g__wodehouse concept:agentcontributedtocreativework concept_book_my_man_jeeves +concept_writer_p__g__wodehouse concept:agentcreated concept_book_my_man_jeeves +concept_writer_p__g__wodehouse concept:agentcontributedtocreativework concept_book_the_code_of_the_woosters +concept_writer_p__l__travers concept:agentcreated concept_book_mary_poppins +concept_writer_p_g_ concept:agentcollaborateswithagent concept_ceo_a_g__lafley +concept_writer_p_g_ concept:mutualproxyfor concept_ceo_a_g__lafley +concept_writer_p_g_ concept:subpartof concept_ceo_a_g__lafley +concept_writer_p_g__wodehouse concept:agentcreated concept_book_my_man_jeeves +concept_writer_p_g__wodehouse concept:agentcontributedtocreativework concept_book_the_code_of_the_woosters +concept_writer_padgett_powell concept:agentcreated concept_wallitem_typical +concept_writer_palahniuk_chuck concept:agentcreated concept_book_haunted +concept_writer_pankaj_mishra concept:agentcreated concept_musicartist_the_romantics +concept_writer_paolo_bacigalupi concept:agentcreated concept_book_the_windup_girl +concept_writer_par_lagerkvist concept:agentcreated concept_book_barabbas +concept_writer_park_kyong_ni concept:agentcreated concept_emotion_land +concept_writer_pat_barker concept:agentcreated concept_book_the_ghost_road +concept_writer_pat_barker concept:agentcreated concept_medicalprocedure_regeneration +concept_writer_pat_barker concept:agentcreated concept_televisionshow_another_world +concept_writer_pat_conroy concept:agentcreated concept_book_the_great_santini +concept_writer_pat_conroy concept:agentcontributedtocreativework concept_book_the_prince_of_tides +concept_writer_patricia_cornwell concept:agentcreated concept_book_postmortem +concept_writer_patricia_duncker concept:agentcreated concept_book_hallucinating_foucault +concept_writer_patrick_hamilton concept:agentcreated concept_book_hangover_square +concept_writer_patrick_mccabe concept:agentcreated concept_book_the_butcher_boy +concept_writer_patrick_o_brian concept:agentcreated concept_book_clarissa_oakes +concept_writer_patrick_o_brian concept:agentcreated concept_book_desolation_island +concept_writer_patrick_o_brian concept:agentcontributedtocreativework concept_book_master_and_commander +concept_writer_patrick_o_brian concept:agentcreated concept_book_master_and_commander +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_far_side_of_the_world +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_fortune_of_war +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_hundred_days +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_ionian_mission +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_letter_of_marque +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_mauritius_command +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_nutmeg_of_consolation +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_reverse_of_the_medal +concept_writer_patrick_o_brian concept:agentcreated concept_book_the_surgeon_s_mate +concept_writer_patrick_o_brian concept:agentcreated concept_book_treason_s_harbour +concept_writer_patrick_rothfuss concept:agentcreated concept_book_the_name_of_the_wind +concept_writer_patrick_s_skind concept:agentcontributedtocreativework concept_book_perfume +concept_writer_patrick_s_skind concept:agentcreated concept_book_perfume +concept_writer_patrick_s_skind concept:agentinvolvedwithitem concept_visualizablething_perfume +concept_writer_patrick_suskind concept:agentcontributedtocreativework concept_book_perfume +concept_writer_patrick_suskind concept:agentcreated concept_book_perfume +concept_writer_patrick_susskind concept:agentcontributedtocreativework concept_book_perfume +concept_writer_patrick_susskind concept:agentcreated concept_book_perfume +concept_writer_pavese concept:latitudelongitude 45.0666250000000,9.3129378571429 +concept_writer_pavlos_matesis concept:agentcreated concept_architect_the_daughter +concept_writer_pc concept:agentinvolvedwithitem concept_videogame_mac +concept_writer_pd_james concept:agentcreated concept_book_a_taste_for_death +concept_writer_pd_james concept:agentcreated concept_book_cover_her_face +concept_writer_pd_james concept:agentcreated concept_book_the_children_of_men +concept_writer_penelope_fitzgerald concept:agentcreated concept_filmfestival_the_blue_flower +concept_writer_peter_benchley concept:agentcreated concept_movie_jaws +concept_writer_peter_carey concept:agentcreated concept_book_illywhacker +concept_writer_peter_carey concept:agentcreated concept_book_jack_maggs +concept_writer_peter_carey concept:agentcreated concept_televisionshow_oscar_and_lucinda +concept_writer_peter_everett concept:latitudelongitude 38.1156400000000,-83.4760200000000 +concept_writer_peter_h_eg concept:agentcreated concept_book_smilla_s_sense_of_snow +concept_writer_peter_handke concept:agentcreated concept_book_the_left_handed_woman +concept_writer_peter_jackson concept:agentcontributedtocreativework concept_book_king_kong +concept_writer_peter_lewis concept:journalistwritesforpublication concept_newspaper_times +concept_writer_pg_wodehouse concept:agentcreated concept_book_heavy_weather +concept_writer_pg_wodehouse concept:agentcreated concept_book_joy_in_the_morning +concept_writer_pg_wodehouse concept:agentcreated concept_book_something_fresh +concept_writer_pg_wodehouse concept:agentcreated concept_book_the_code_of_the_woosters +concept_writer_philip_k_dick concept:agentcreated concept_book_do_androids_dream_of_electric_sheep +concept_writer_philip_k_dick concept:agentcreated concept_book_the_man_in_the_high_castle +concept_writer_philip_pullman concept:agentcreated concept_book_his_dark_materials +concept_writer_philip_pullman concept:agentcreated concept_book_his_dark_materials_trilogy +concept_writer_philip_pullman concept:agentcreated concept_book_the_amber_spyglass +concept_writer_philip_pullman concept:agentcreated concept_book_the_golden_compass +concept_writer_philip_pullman concept:agentcreated concept_book_the_subtle_knife +concept_writer_philippa_gregory concept:agentcreated concept_book_the_other_boleyn_girl +concept_writer_phillip_c__mcgraw concept:agentcontributedtocreativework concept_book_self_matters +concept_writer_photo_gallery concept:agentinvolvedwithitem concept_buildingfeature_window +concept_writer_plinius concept:latitudelongitude 45.8110000000000,9.0786000000000 +concept_writer_poet_s_corner concept:latitudelongitude -29.8833300000000,30.9333300000000 +concept_writer_poppy_z_brite concept:agentcreated concept_book_lost_souls +concept_writer_priscian concept:latitudelongitude 40.3166700000000,19.3666700000000 +concept_writer_profile concept:agentinvolvedwithitem concept_buildingfeature_window +concept_writer_profile concept:agentcompeteswithagent concept_tradeunion_search +concept_writer_r__d__blackmore concept:agentcontributedtocreativework concept_book_lorna_doone +concept_writer_r__d__blackmore concept:agentcreated concept_book_lorna_doone +concept_writer_r__d__wingfield concept:agentcontributedtocreativework concept_televisionshow_a_touch_of_frost +concept_writer_r__l__stine concept:agentcreated concept_book_goosebumps +concept_writer_r_k__narayan concept:agentcreated concept_website_the_guide +concept_writer_rabelais concept:agentcreated concept_book_gargantua_and_pantagruel +concept_writer_rachel_gibson concept:agentcreated concept_book_i_m_in_no_mood_for_love +concept_writer_rachel_gibson concept:agentcreated concept_book_it_must_be_love +concept_writer_rachel_gibson concept:agentcreated concept_book_lola_carlyle_reveals_all +concept_writer_rachel_gibson concept:agentcreated concept_book_nothing_but_trouble +concept_writer_rafael_sabatini concept:agentcreated concept_book_captain_blood +concept_writer_rafael_sabatini concept:agentcreated concept_book_scaramouche +concept_writer_rahman_baba concept:latitudelongitude 33.9928000000000,71.5903000000000 +concept_writer_ralph_peters concept:worksfor concept_company_post +concept_writer_rand_ayn concept:agentcreated concept_book_the_fountainhead +concept_writer_rasey concept:latitudelongitude 13.7833300000000,105.0500000000000 +concept_writer_rattigan concept:latitudelongitude 40.9009000000000,-79.7072700000000 +concept_writer_ray_bradbury concept:agentcreated concept_book_a_sound_of_thunder +concept_writer_ray_bradbury concept:agentcreated concept_book_fahrenheit_451 +concept_writer_ray_bradbury concept:agentcreated concept_book_farenheit_451 +concept_writer_ray_bradbury concept:agentcreated concept_book_i_sing_the_body_electric +concept_writer_ray_bradbury concept:agentcreated concept_book_illustrated_man +concept_writer_ray_bradbury concept:agentcreated concept_book_martian_chronicles +concept_writer_ray_bradbury concept:agentcontributedtocreativework concept_book_something_wicked_this_way_comes +concept_writer_ray_bradbury concept:agentcreated concept_book_something_wicked_this_way_comes +concept_writer_ray_bradbury concept:agentcreated concept_book_the_illustrated_man +concept_writer_ray_bradbury concept:agentcreated concept_book_the_martian_chronicles +concept_writer_raymond_chandler concept:agentcontributedtocreativework concept_book_collected_stories +concept_writer_raymond_chandler concept:agentcreated concept_book_farewell_my_lovely +concept_writer_raymond_chandler concept:agentcreated concept_book_the_big_sleep +concept_writer_raymond_chandler concept:agentcreated concept_book_the_lady_in_the_lake +concept_writer_raymond_chandler concept:agentcreated concept_book_the_last_goodbye +concept_writer_raymond_chandler concept:agentcreated concept_book_the_long_goodbye +concept_writer_raymond_e_feist concept:agentcontributedtocreativework concept_book_magician +concept_writer_raymond_e_feist concept:agentcreated concept_book_magician +concept_writer_raymond_e_feist concept:agentinvolvedwithitem concept_videogame_magician +concept_writer_raymond_roussel concept:agentcreated concept_magazine_locus_solus +concept_writer_rd_blackmore concept:agentcreated concept_book_lorna_doone +concept_writer_reymont concept:latitudelongitude 47.1834200000000,-75.3825500000000 +concept_writer_ricardo_piglia concept:agentcreated concept_book_money_to_burn +concept_writer_richard_bachman concept:agentcreated concept_book_the_long_walk +concept_writer_richard_bowen concept:personleadsgeopoliticalorganization concept_city_taylor +concept_writer_richard_condon concept:agentcreated concept_book_the_manchurian_candidate +concept_writer_richard_dawkins concept:agentcreated concept_book_the_god_delusion +concept_writer_richard_dawkins concept:agentcreated concept_book_the_selfish_gene +concept_writer_richard_ford concept:agentcreated concept_book_independence_day +concept_writer_richard_ford concept:agentcreated concept_book_the_sportswriter +concept_writer_richard_harding_davis concept:agentcreated concept_book_the_king_s_jackal +concept_writer_richard_harding_davis concept:agentcreated concept_book_the_princess_aline +concept_writer_richard_harding_davis concept:agentcreated concept_book_the_reporter_who_made_himself_king +concept_writer_richard_harding_davis concept:agentcreated concept_movie_the_spy +concept_writer_richard_harding_davis concept:agentcreated concept_musicgenre_the_consul +concept_writer_richard_henry_dana concept:agentcreated concept_book_two_years_before_the_mast +concept_writer_richard_hughes concept:agentcreated concept_book_a_high_wind_in_jamaica +concept_writer_richard_llewellyn concept:agentcreated concept_book_how_green_was_my_valley +concept_writer_richard_russo concept:agentcreated concept_book_empire_falls +concept_writer_richard_wolffe concept:worksfor concept_university_newsweek +concept_writer_richard_yates concept:agentcreated concept_book_revolutionary_road +concept_writer_richmal_crompton concept:agentcreated concept_televisionshow_just_william +concept_writer_rick_moody concept:agentcreated concept_book_the_ice_storm +concept_writer_rick_riordan concept:agentcreated concept_book_the_lightning_thief +concept_writer_rick_riordan concept:agentcreated concept_book_the_sea_of_monsters +concept_writer_rick_riordan concept:agentcreated concept_book_the_titan_s_curse +concept_writer_rick_warren concept:agentcreated concept_book_the_purpose_driven_life +concept_writer_rk_narayan concept:agentcreated concept_book_the_painter_of_signs +concept_writer_robert_a__heinlein concept:agentcreated concept_book_starship_troopers +concept_writer_robert_a__heinlein concept:agentcreated concept_book_stranger_in_a_strange_land +concept_writer_robert_a__heinlein concept:agentcreated concept_book_the_door_into_summer +concept_writer_robert_a__heinlein concept:agentcreated concept_book_the_moon_is_a_harsh_mistress +concept_writer_robert_a_heinlein concept:agentcreated concept_book_stranger_in_a_strange_land +concept_writer_robert_b__parker concept:agentcreated concept_book_a_catskill_eagle +concept_writer_robert_b__parker concept:agentcreated concept_book_a_savage_place +concept_writer_robert_drummond concept:latitudelongitude 38.7279000000000,-90.3879000000000 +concept_writer_robert_heinlein concept:agentcreated concept_book_citizen_of_the_galaxy +concept_writer_robert_heinlein concept:agentcreated concept_book_double_star +concept_writer_robert_heinlein concept:agentcreated concept_book_starship_troopers +concept_writer_robert_heinlein concept:agentcontributedtocreativework concept_book_stranger_in_a_strange_land +concept_writer_robert_heinlein concept:agentcreated concept_book_stranger_in_a_strange_land +concept_writer_robert_heinlein concept:agentcreated concept_book_the_door_into_summer +concept_writer_robert_heinlein concept:agentcreated concept_book_the_moon_is_a_harsh_mistress +concept_writer_robert_holdstock concept:agentcreated concept_book_mythago_wood +concept_writer_robert_j__sawyer concept:agentcreated concept_book_factoring_humanity +concept_writer_robert_lee_moore concept:latitudelongitude 30.2890000000000,-97.7364000000000 +concept_writer_robert_louis_stevensen concept:agentcreated concept_book_hyde +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_dr__jekyll_and_mr__hyde +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_hyde +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_kidnapped +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_the_black_arrow +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_the_master_of_ballantrae +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_the_strange_case_of_dr__jekyll_and_mr__hyde +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_the_strange_case_of_dr_jekyll_and_mr_hyde +concept_writer_robert_louis_stevenson concept:agentcreated concept_book_treasure_island +concept_writer_robert_m__pirsig concept:agentcontributedtocreativework concept_book_zen_and_the_art_of_motorcycle_maintenance +concept_writer_robert_m__pirsig concept:agentcreated concept_book_zen_and_the_art_of_motorcycle_maintenance +concept_writer_robert_merle concept:agentcreated concept_mammal_day_of_the_dolphin +concept_writer_robert_r__mccammon concept:agentcreated concept_book_gone_south +concept_writer_robert_r__mccammon concept:agentcreated concept_book_mine +concept_writer_robert_r__mccammon concept:agentcreated concept_book_the_night_boat +concept_writer_robert_walser concept:agentcreated concept_book_institute_benjamenta +concept_writer_roberto_bolano concept:agentcreated concept_book_the_savage_detectives +concept_writer_robertson_davies concept:agentcreated concept_book_fifth_business +concept_writer_robertson_davis concept:agentcontributedtocreativework concept_book_fifth_business +concept_writer_robin_kaye concept:agentcreated concept_book_breakfast_in_bed +concept_writer_robin_kaye concept:agentcreated concept_book_too_hot_to_handle +concept_writer_robin_mckinley concept:agentcontributedtocreativework concept_book_deerskin +concept_writer_robin_mckinley concept:agentcreated concept_book_deerskin +concept_writer_roger_hargreaves concept:agentcontributedtocreativework concept_televisionshow_mr__men +concept_writer_romain_gary concept:agentcreated concept_book_promise_at_dawn +concept_writer_romain_gary concept:agentcreated concept_book_the_roots_of_heaven +concept_writer_ronald_firbank concept:agentcreated concept_automobilemodel_caprice +concept_writer_rose_macaulay concept:agentcreated concept_book_the_towers_of_trebizond +concept_writer_rostand concept:agentcreated concept_book_cyrano_de_bergerac +concept_writer_royall_tyler concept:agentcreated concept_musicartist_the_contrast +concept_writer_ruth_reichl concept:worksfor concept_newspaper_gourmet +concept_writer_sam_selvon concept:agentcreated concept_book_the_lonely_londoners +concept_writer_samuel_becket concept:agentcreated concept_book_waiting_for_godot +concept_writer_samuel_r__delany concept:agentcreated concept_book_the_motion_of_light_in_water +concept_writer_samuel_selvon concept:agentcreated concept_book_the_lonely_londoners +concept_writer_sandor_marai concept:agentcreated concept_book_embers +concept_writer_saunders_lewis concept:agentcreated concept_mldataset_monica +concept_writer_scott_sigler concept:agentcreated concept_book_contagious +concept_writer_scott_westerfeld concept:agentcreated concept_book_pretties +concept_writer_scott_westerfeld concept:agentcreated concept_book_uglies +concept_writer_sebastian_junger concept:agentcreated concept_book_contagious +concept_writer_sebastian_junger concept:agentcontributedtocreativework concept_movie_the_perfect_storm +concept_writer_sebastian_junger concept:agentcreated concept_movie_the_perfect_storm +concept_writer_selection concept:agentinvolvedwithitem concept_buildingfeature_window +concept_writer_selection concept:agentinvolvedwithitem concept_wallitem_browser_window +concept_writer_seth_godin concept:agentcreated concept_book_linchpin_are_you_indispensable +concept_writer_seth_grahame_smith concept:agentcreated concept_book_abraham_lincoln__vampire_hunter +concept_writer_shelley concept:persongraduatedfromuniversity concept_university_college +concept_writer_shelley concept:persongraduatedfromuniversity concept_university_state_university +concept_writer_shelley concept:persongraduatedschool concept_university_state_university +concept_writer_sheri_s__tepper concept:agentcreated concept_vegetable_grass +concept_writer_sheridan_le_fanu concept:agentcontributedtocreativework concept_book_in_a_glass_darkly +concept_writer_sheridan_le_fanu concept:agentcreated concept_book_in_a_glass_darkly +concept_writer_shusaku_endo concept:agentcreated concept_musicalbum_silence +concept_writer_shusaku_endo concept:agentcreated concept_musicsong_deep_river +concept_writer_sienkiewicz concept:agentcreated concept_book_quo_vadis +concept_writer_simon_vestdijk concept:agentcreated concept_book_the_garden_where_the_brass_band_played +concept_writer_sinclair_lewis concept:agentcreated concept_book_arrowsmith +concept_writer_sinclair_lewis concept:agentcreated concept_book_babbitt +concept_writer_sinclair_lewis concept:agentcreated concept_book_elmer_gantry +concept_writer_sinclair_lewis concept:agentcreated concept_book_main_street +concept_writer_smollett concept:agentcreated concept_book_humphrey_clinker +concept_writer_somerset_maugham concept:agentcreated concept_book_of_human_bondage +concept_writer_somerville_and_ross concept:agentcreated concept_book_the_real_charlotte +concept_writer_sophie_kinsella concept:agentcreated concept_book_can_you_keep_a_secret +concept_writer_sophie_kinsella concept:agentcreated concept_book_shopaholic +concept_writer_sophie_kinsella concept:agentcreated concept_book_shopaholic_takes_manhattan +concept_writer_sophie_kinsella concept:agentcreated concept_book_shopaholic_ties_the_knot +concept_writer_sophie_kinsella concept:agentcreated concept_book_the_undomestic_goddess +concept_writer_stan_barstow concept:agentcreated concept_book_a_kind_of_loving +concept_writer_stanislaw_ignacy_witkiewicz concept:agentcreated concept_charactertrait_insatiability +concept_writer_steinbeck concept:personbornincity concept_city_york +concept_writer_stella_gibbons concept:agentcreated concept_book_cold_comfort_farm +concept_writer_stendhal concept:agentcreated concept_book_the_charterhouse_of_parma +concept_writer_stendhal concept:agentcontributedtocreativework concept_book_the_red_and_the_black +concept_writer_stendhal concept:agentcreated concept_book_the_red_and_the_black +concept_writer_stephen_ames_berry concept:agentcreated concept_book_the_biofab_war +concept_writer_stephen_baxter concept:agentcreated concept_book_the_time_ships +concept_writer_stephen_crane concept:agentcreated concept_book_maggie__a_girl_of_the_streets +concept_writer_stephen_crane concept:agentcreated concept_book_the_red_badge_of_courage +concept_writer_stephen_dubner concept:agentcreated concept_book_freakonomics +concept_writer_stephen_king concept:agentcreated concept_book_bag_of_bones +concept_writer_stephen_king concept:agentcreated concept_book_black_house +concept_writer_stephen_king concept:agentcreated concept_book_carrie +concept_writer_stephen_king concept:agentcreated concept_book_cell +concept_writer_stephen_king concept:agentcreated concept_book_christine +concept_writer_stephen_king concept:agentcreated concept_book_cujo +concept_writer_stephen_king concept:agentcreated concept_book_desperation +concept_writer_stephen_king concept:agentcreated concept_book_different_seasons +concept_writer_stephen_king concept:agentcreated concept_book_dolores_claiborne +concept_writer_stephen_king concept:agentcreated concept_book_dreamcatcher +concept_writer_stephen_king concept:agentcontributedtocreativework concept_book_duma_key +concept_writer_stephen_king concept:agentcreated concept_book_duma_key +concept_writer_stephen_king concept:agentcreated concept_book_firestarter +concept_writer_stephen_king concept:agentcreated concept_book_four_past_midnight +concept_writer_stephen_king concept:agentcreated concept_book_from_a_buick_8 +concept_writer_stephen_king concept:agentcreated concept_book_hearts_in_atlantis +concept_writer_stephen_king concept:agentcreated concept_book_insomnia +concept_writer_stephen_king concept:agentcreated concept_book_misery +concept_writer_stephen_king concept:agentcreated concept_book_needful_things +concept_writer_stephen_king concept:agentcreated concept_book_night_shift +concept_writer_stephen_king concept:agentcreated concept_book_nightmares_and_dreamscapes +concept_writer_stephen_king concept:agentcreated concept_book_on_writing__a_memoir_of_the_craft +concept_writer_stephen_king concept:agentcreated concept_book_pet_sematary +concept_writer_stephen_king concept:agentcreated concept_book_rose_madder +concept_writer_stephen_king concept:agentcreated concept_book_salem_s_lot +concept_writer_stephen_king concept:agentcreated concept_book_six_stories +concept_writer_stephen_king concept:agentcreated concept_book_skeleton_crew +concept_writer_stephen_king concept:agentcreated concept_book_song_of_susannah +concept_writer_stephen_king concept:agentcreated concept_book_the_dark_half +concept_writer_stephen_king concept:agentcreated concept_book_the_dark_tower +concept_writer_stephen_king concept:agentcreated concept_book_the_dead_zone +concept_writer_stephen_king concept:agentcreated concept_book_the_drawing_of_the_three +concept_writer_stephen_king concept:agentcreated concept_book_the_eyes_of_the_dragon +concept_writer_stephen_king concept:agentcreated concept_book_the_girl_who_loved_tom_gordon +concept_writer_stephen_king concept:agentcreated concept_book_the_green_mile +concept_writer_stephen_king concept:agentcreated concept_book_the_gunslinger +concept_writer_stephen_king concept:agentcreated concept_book_the_long_walk +concept_writer_stephen_king concept:agentcreated concept_book_the_regulators +concept_writer_stephen_king concept:agentcreated concept_book_the_running_man +concept_writer_stephen_king concept:agentcreated concept_book_the_shining +concept_writer_stephen_king concept:agentcreated concept_book_the_stand +concept_writer_stephen_king concept:agentcreated concept_book_the_stand__the_complete_and_uncut_edition +concept_writer_stephen_king concept:agentcreated concept_book_the_talisman +concept_writer_stephen_king concept:agentcreated concept_book_the_tommyknockers +concept_writer_stephen_king concept:agentcreated concept_book_the_waste_lands +concept_writer_stephen_king concept:agentcreated concept_book_thinner +concept_writer_stephen_king concept:agentcreated concept_book_ur +concept_writer_stephen_king concept:agentcreated concept_book_wizard_and_glass +concept_writer_stephen_king concept:agentcreated concept_book_wolves_of_the_calla +concept_writer_stephen_king concept:agentcreated concept_musicalbum_blaze +concept_writer_stephen_king concept:agentcreated concept_product_blockade_billy +concept_writer_stephen_king_and_peter_straub concept:agentcreated concept_book_black_house +concept_writer_stephen_r__covey concept:agentcreated concept_book_the_seven_habits_of_highly_effective_people +concept_writer_stephenson_neal concept:agentcreated concept_book_anathem +concept_writer_stephenson_neal concept:agentcreated concept_book_snow_crash +concept_writer_steven_d__levitt concept:agentcontributedtocreativework concept_book_freakonomics +concept_writer_steven_d__levitt concept:agentcreated concept_book_freakonomics +concept_writer_steven_pressfield concept:agentcontributedtocreativework concept_televisionshow_the_legend_of_bagger_vance +concept_writer_stieg_larsson concept:agentcreated concept_book_steven_wright_humor +concept_writer_stieg_larsson concept:agentcreated concept_book_the_girl_who_played_with_fire +concept_writer_stieg_larsson concept:agentcontributedtocreativework concept_book_the_girl_with_the_dragon_tattoo +concept_writer_stieg_larsson concept:agentcreated concept_book_the_girl_with_the_dragon_tattoo +concept_writer_stuart_rose concept:agentcontrols concept_retailstore_marks_and_spencer +concept_writer_stuart_rose concept:proxyfor concept_retailstore_marks_and_spencer +concept_writer_studs_terkel concept:persondiedatage 96 +concept_writer_sue_miller concept:personhasresidenceingeopoliticallocation concept_city_boston +concept_writer_sue_monk_kidd concept:agentcreated concept_book_the_mermaid_chair +concept_writer_sue_monk_kidd concept:agentcreated concept_book_the_secret_life_of_bees +concept_writer_sue_townsend concept:agentcontributedtocreativework concept_book_the_secret_diary_of_adrian_mole_aged_13_ +concept_writer_sulpicia concept:latitudelongitude 41.7833300000000,-3.3666700000000 +concept_writer_sun_tzu concept:agentcontributedtocreativework concept_book_the_art_of_war +concept_writer_sun_tzu concept:agentcreated concept_book_the_art_of_war +concept_writer_susan_estrich concept:worksfor concept_company_fox +concept_writer_susan_estrich concept:personbelongstoorganization concept_mountain_fox +concept_writer_susan_kay concept:agentcontributedtocreativework concept_book_phantom +concept_writer_susan_kay concept:agentcreated concept_company_phantom +concept_writer_susan_orlean concept:worksfor concept_website_new_york_american +concept_writer_susanna_clarke concept:agentcreated concept_book_jonathan_strange_and_mr_norrell +concept_writer_suzanne_collins concept:agentcreated concept_book_catching_fire +concept_writer_suzanne_collins concept:agentcreated concept_book_mockingjay +concept_writer_suzanne_collins concept:agentcontributedtocreativework concept_book_the_hunger_games +concept_writer_suzanne_collins concept:agentcreated concept_book_the_hunger_games +concept_writer_suzanne_glass concept:agentcontributedtocreativework concept_movie_the_interpreter +concept_writer_suzanne_glass concept:agentcreated concept_movie_the_interpreter +concept_writer_t_h__white concept:agentcreated concept_book_the_once_and_future_king +concept_writer_tana_french concept:agentcreated concept_book_faithful_place +concept_writer_tarjei_vesaas concept:agentcreated concept_book_the_birds +concept_writer_tayeb_salih concept:agentcreated concept_book_season_of_migration_to_the_north +concept_writer_teens concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_terry_goodkind concept:agentcreated concept_book_blood_of_the_fold +concept_writer_terry_goodkind concept:agentcreated concept_book_chainfire +concept_writer_terry_goodkind concept:agentcreated concept_book_confessor +concept_writer_terry_goodkind concept:agentcreated concept_book_debt_of_bones +concept_writer_terry_goodkind concept:agentcreated concept_book_faith_of_the_fallen +concept_writer_terry_goodkind concept:agentcreated concept_book_naked_empire +concept_writer_terry_goodkind concept:agentcreated concept_book_phantom +concept_writer_terry_goodkind concept:agentcreated concept_book_soul_of_the_fire +concept_writer_terry_goodkind concept:agentcreated concept_book_stone_of_tears +concept_writer_terry_goodkind concept:agentcreated concept_book_temple_of_the_winds +concept_writer_terry_goodkind concept:agentcreated concept_book_the_pillars_of_creation +concept_writer_terry_goodkind concept:agentcreated concept_book_wizard_s_first_rule +concept_writer_terry_goodkind concept:agentcreated concept_musicsong_fantasy +concept_writer_terry_goodkind concept:agentcreated concept_musicsong_truth +concept_writer_terry_goodkind concept:agentcontributedtocreativework concept_televisionshow_truth +concept_writer_terry_mcmillan concept:agentcreated concept_televisionshow_how_stella_got_her_groove_back +concept_writer_terry_pratchett_and_neil_gaiman concept:agentcreated concept_book_good_omens +concept_writer_terry_venables_and_gordon_williams concept:agentcontributedtocreativework concept_book_they_used_to_play_on_grass +concept_writer_terry_venables_and_gordon_williams concept:agentcreated concept_book_they_used_to_play_on_grass +concept_writer_theodor_fontane concept:agentcreated concept_book_effi_briest +concept_writer_theodore_dreiser concept:agentcontributedtocreativework concept_book_an_american_tragedy +concept_writer_theodore_dreiser concept:agentcreated concept_book_an_american_tragedy +concept_writer_theodore_dreiser concept:agentcontributedtocreativework concept_book_sister_carrie +concept_writer_theodore_dreiser concept:agentcreated concept_book_sister_carrie +concept_writer_theodore_fontane concept:agentcreated concept_book_effi_briest +concept_writer_thile concept:latitudelongitude 19.9500000000000,93.6666700000000 +concept_writer_thomas_blake concept:latitudelongitude 42.1851000000000,-71.2970000000000 +concept_writer_thomas_e__ricks concept:journalistwritesforpublication concept_company_post +concept_writer_thomas_e__ricks concept:journalistwritesforpublication concept_website_washington_post +concept_writer_thomas_hardy concept:agentcreated concept_book_far_from_the_madding_crowd +concept_writer_thomas_hardy concept:agentcreated concept_book_jude_the_obscure +concept_writer_thomas_hardy concept:agentcreated concept_book_return_of_the_native +concept_writer_thomas_hardy concept:agentcreated concept_book_tess_of_the_d_urbervilles +concept_writer_thomas_hardy concept:agentcontributedtocreativework concept_book_tess_of_the_durbervilles +concept_writer_thomas_hardy concept:agentcreated concept_book_the_mayor_of_casterbridge +concept_writer_thomas_hardy concept:agentcreated concept_book_the_return_of_the_native +concept_writer_thomas_hardy concept:agentcreated concept_book_the_woodlanders +concept_writer_thomas_harris concept:agentcreated concept_book_hannibal +concept_writer_thomas_harris concept:agentcreated concept_book_red_dragon +concept_writer_thomas_harris concept:agentcreated concept_book_the_silence_of_the_lambs +concept_writer_thomas_harris concept:agentcreated concept_musicartist_black_sunday +concept_writer_thomas_m_disch concept:agentcreated concept_book_camp_concentration +concept_writer_thomas_mann concept:agentcreated concept_book_buddenbrooks +concept_writer_thomas_mann concept:agentcreated concept_book_death_in_venice +concept_writer_thomas_mann concept:agentcreated concept_book_doctor_faustus +concept_writer_thomas_mann concept:agentcontributedtocreativework concept_book_joseph_and_his_brothers +concept_writer_thomas_mann concept:agentcreated concept_book_the_magic_mountain +concept_writer_thomas_pynchon concept:agentcreated concept_book_against_the_day +concept_writer_thomas_pynchon concept:agentcreated concept_book_gravity_s_rainbow +concept_writer_thomas_pynchon concept:agentcreated concept_book_the_crying_of_lot_49 +concept_writer_thomas_pynchon concept:agentcreated concept_city_vineland +concept_writer_thomas_stevenson concept:latitudelongitude 57.3863900000000,-94.6380500000000 +concept_writer_tim_burton concept:agentcontributedtocreativework concept_book_batman +concept_writer_tim_lahaye_and_jerry_b__jenkins concept:agentcreated concept_book_indwelling +concept_writer_tobias_george_smollett concept:agentcontributedtocreativework concept_book_humphrey_clinker +concept_writer_tobias_george_smollett concept:agentcreated concept_book_humphrey_clinker +concept_writer_tobias_george_smollett concept:agentcreated concept_book_the_adventures_of_peregrine_pickle +concept_writer_tobias_george_smollett concept:agentcreated concept_book_the_adventures_of_roderick_random +concept_writer_tobias_smollett concept:agentcreated concept_book_the_adventures_of_peregrine_pickle +concept_writer_tobias_smollett concept:agentcreated concept_book_the_adventures_of_roderick_random +concept_writer_tolkien concept:personbelongstoorganization concept_blog_oxford +concept_writer_tom_clancy concept:agentcreated concept_book_clear_and_present_danger +concept_writer_tom_clancy concept:agentcontributedtocreativework concept_book_debt_of_honor +concept_writer_tom_clancy concept:agentcontributedtocreativework concept_book_the_bear_and_the_dragon +concept_writer_tom_clancy concept:agentcontributedtocreativework concept_book_the_hunt_for_red_october +concept_writer_tom_clancy concept:agentcreated concept_book_the_hunt_for_red_october +concept_writer_tom_perrotta concept:agentcontributedtocreativework concept_book_little_children +concept_writer_tom_sharpe concept:agentcreated concept_book_blott_on_the_landscape +concept_writer_tom_sharpe concept:agentcreated concept_book_porterhouse_blue +concept_writer_tom_wolfe concept:agentcreated concept_book_bonfire_of_the_vanities +concept_writer_tom_wolfe concept:agentcreated concept_book_the_bonfire_of_the_vanities +concept_writer_tom_wolfe concept:agentcreated concept_book_the_right_stuff +concept_writer_toni_morrison concept:agentcreated concept_book_beloved +concept_writer_toni_morrison concept:agentcreated concept_book_song_of_solomon +concept_writer_toni_morrison concept:agentcreated concept_book_sula +concept_writer_toni_morrison concept:agentcreated concept_book_the_bluest_eye +concept_writer_tony_ballantyne concept:agentcreated concept_personasia_divergence +concept_writer_tony_parsons concept:agentcontributedtocreativework concept_book_man_and_boy +concept_writer_tony_parsons concept:agentcreated concept_book_man_and_boy +concept_writer_tove_jansson concept:agentcreated concept_book_the_summer_book +concept_writer_traviss concept:latitudelongitude 28.0036300000000,-81.9020300000000 +concept_writer_tsitsi_dangarembga concept:agentcreated concept_book_nervous_conditions +concept_writer_upton_sinclair concept:agentcreated concept_book_the_jungle +concept_writer_ursula_hegi concept:agentcreated concept_book_stones_from_the_river +concept_writer_ursula_le_guin concept:agentcreated concept_book_the_left_hand_of_darkness +concept_writer_varro concept:latitudelongitude 47.4333300000000,21.1666700000000 +concept_writer_vasily_grossman concept:agentcreated concept_book_life_and_fate +concept_writer_vera_brittain concept:agentcreated concept_book_testament_of_youth +concept_writer_victor_hugo concept:agentcreated concept_book_the_hunchback_of_notre_dame +concept_writer_virginia_andrews concept:agentcontributedtocreativework concept_book_flowers_in_the_attic +concept_writer_virginia_andrews concept:agentcreated concept_book_flowers_in_the_attic +concept_writer_virginia_woolf concept:agentcreated concept_book_a_room_of_one_s_own +concept_writer_virginia_woolf concept:agentcreated concept_book_jacob_s_room +concept_writer_virginia_woolf concept:agentcreated concept_book_mrs__dalloway +concept_writer_virginia_woolf concept:agentcreated concept_book_mrs_dalloway +concept_writer_virginia_woolf concept:agentcreated concept_book_night_and_day +concept_writer_virginia_woolf concept:agentcreated concept_book_orlando__a_biography +concept_writer_virginia_woolf concept:agentcreated concept_book_the_voyage_out +concept_writer_virginia_woolf concept:agentcreated concept_book_the_years +concept_writer_virginia_woolf concept:agentcreated concept_book_to_the_lighthouse +concept_writer_virginia_woolf concept:agentcreated concept_magazine_orlando +concept_writer_virginia_woolf concept:agentcreated concept_musician_the_waves +concept_writer_vissarion concept:latitudelongitude 39.4702800000000,21.6180600000000 +concept_writer_vizenor concept:latitudelongitude 47.0080100000000,-95.8131000000000 +concept_writer_vladmir_nabokov concept:agentcontributedtocreativework concept_book_lolita +concept_writer_vladmir_nabokov concept:agentcreated concept_book_lolita +concept_writer_vs_naipaul concept:agentcreated concept_book_a_bend_in_the_river +concept_writer_vs_naipaul concept:agentcreated concept_book_a_house_for_mr_biswas +concept_writer_w__e__b__du_bois concept:agentcreated concept_book_the_souls_of_black_folk +concept_writer_w__somerset_maugham concept:agentcontributedtocreativework concept_book_collected_stories +concept_writer_w__somerset_maugham concept:agentcreated concept_book_of_human_bondage +concept_writer_w__somerset_maugham concept:agentcontributedtocreativework concept_book_the_razor_s_edge +concept_writer_w_g__sebald concept:agentcreated concept_book_austerlitz +concept_writer_w_g__sebald concept:agentcreated concept_book_the_rings_of_saturn +concept_writer_w_g__sebald concept:agentcreated concept_movie_the_emigrants +concept_writer_w_g__sebald concept:agentcreated concept_movie_vertigo +concept_writer_wagle concept:latitudelongitude 39.9211600000000,-90.4070700000000 +concept_writer_walker_percy concept:agentcreated concept_book_the_moviegoer +concept_writer_wallace_stegner concept:agentcreated concept_book_angle_of_repose +concept_writer_wallace_stegner concept:personhasjobposition concept_jobposition_author +concept_writer_wally_lamb concept:agentcontributedtocreativework concept_book_i_know_this_much_is_true +concept_writer_wally_lamb concept:agentcreated concept_book_i_know_this_much_is_true +concept_writer_wally_lamb concept:agentcreated concept_book_she_s_come_undone +concept_writer_walter_isaacson concept:personleadsorganization concept_politicsblog_aspen_institute +concept_writer_walter_isaacson concept:worksfor concept_politicsblog_aspen_institute +concept_writer_walter_m_miller_jr concept:agentcreated concept_book_a_canticle_for_leibowitz +concept_writer_walter_mosley concept:agentcreated concept_movie_devil_in_a_blue_dress +concept_writer_walter_pater concept:agentcontributedtocreativework concept_book_marius_the_epicurean +concept_writer_walter_scott concept:agentcreated concept_book_ivanhoe +concept_writer_walter_van_tilburg_clark concept:agentcreated concept_book_the_ox_bow_incident +concept_writer_walter_veltroni concept:worksfor concept_city_rome +concept_writer_waverly concept:atlocation concept_blog_iowa +concept_writer_wayne_pacelle concept:personleadsorganization concept_nonprofitorganization_humane_society +concept_writer_wayne_pacelle concept:worksfor concept_nonprofitorganization_humane_society +concept_writer_wg_sebald concept:agentcreated concept_book_austerlitz +concept_writer_wg_sebald concept:agentcreated concept_book_the_rings_of_saturn +concept_writer_wilbur_smith concept:agentcontributedtocreativework concept_book_river_god +concept_writer_wilbur_smith concept:agentcreated concept_book_river_god +concept_writer_wilde concept:persongraduatedfromuniversity concept_university_college +concept_writer_william_boyd concept:agentcreated concept_book_a_good_man_in_africa +concept_writer_william_boyd concept:agentcreated concept_book_an_ice_cream_war +concept_writer_william_boyd concept:agentcreated concept_book_any_human_heart +concept_writer_william_burroughs concept:agentcreated concept_book_naked_lunch +concept_writer_william_burroughs concept:agentcreated concept_jobposition_junkie +concept_writer_william_burroughs concept:agentcreated concept_musicinstrument_queer +concept_writer_william_burroughs concept:agentcreated concept_musicsong_the_wild_boys +concept_writer_william_faulkner concept:agentcreated concept_book_as_i_lay_dying +concept_writer_william_faulkner concept:agentcreated concept_book_light_in_august +concept_writer_william_faulkner concept:agentcreated concept_book_sanctuary +concept_writer_william_faulkner concept:agentcreated concept_book_the_reivers +concept_writer_william_faulkner concept:agentcreated concept_book_the_sound_and_the_fury +concept_writer_william_gaddis concept:agentcreated concept_book_the_recognitions +concept_writer_william_gibson concept:agentcreated concept_book_neuromancer +concept_writer_william_gibson concept:agentcontributedtocreativework concept_book_the_miracle_worker +concept_writer_william_kennedy concept:agentcontributedtocreativework concept_book_ironweed +concept_writer_william_kennedy concept:agentcreated concept_book_ironweed +concept_writer_william_somerset_maugham concept:agentcreated concept_book_of_human_bondage +concept_writer_william_somerset_maugham concept:agentcreated concept_book_the_razor_s_edge +concept_writer_william_strunk_jr concept:agentcreated concept_book_the_elements_of_style +concept_writer_william_wharton concept:agentcreated concept_book_birdy +concept_writer_winifred_holtby concept:agentcreated concept_book_south_riding +concept_writer_winifred_watson concept:agentcreated concept_book_miss_pettigrew_lives_for_a_day +concept_writer_works concept:agentparticipatedinevent concept_eventoutcome_result +concept_writer_works concept:agentcompeteswithagent concept_tradeunion_search +concept_writer_wu_ch_eng_en concept:agentcreated concept_televisionshow_monkey +concept_writer_yalom concept:latitudelongitude -4.4166700000000,151.7500000000000 +concept_writer_yesenin concept:latitudelongitude -72.0500000000000,14.4333300000000 +concept_writer_yoko_ogawa concept:agentcreated concept_book_the_housekeeper_and_the_professor +concept_writer_yoshimoto concept:latitudelongitude 34.7833300000000,135.3333300000000 +concept_writer_zadie_smith concept:agentcreated concept_book_on_beauty +concept_writer_zadie_smith concept:agentcreated concept_book_white_teeth +concept_writer_zainab_salbi concept:personleadsorganization concept_nonprofitorganization_women_for_women_international +concept_writer_zainab_salbi concept:worksfor concept_nonprofitorganization_women_for_women_international +concept_writer_zelazny concept:latitudelongitude 43.1578400000000,-78.3580800000000 +concept_year_addresses concept:proxyfor concept_beverage_new +concept_year_congress concept:proxyfor concept_beverage_new +concept_year_hills concept:proxyfor concept_beverage_new +concept_year_lectures concept:mutualproxyfor concept_book_new +concept_year_madison concept:proxyfor concept_beverage_new +concept_year_madison concept:proxyfor concept_creditunion_wisconsin +concept_year_madison concept:subpartof concept_creditunion_wisconsin +concept_year_madison concept:proxyfor concept_eventoutcome_state +concept_year_madison concept:mutualproxyfor concept_politicaloffice_wisconsin +concept_year_n1597 concept:latitudelongitude 33.9884700000000,-81.7265000000000 +concept_year_n1598 concept:latitudelongitude 33.9401400000000,-81.7031600000000 +concept_year_n1611 concept:latitudelongitude 42.0413250000000,12.3367150000000 +concept_year_n1770 concept:latitudelongitude 34.7001500000000,-80.7181200000000 +concept_year_n1902 concept:proxyfor concept_beverage_new +concept_year_n1937 concept:proxyfor concept_beverage_new +concept_year_n1956 concept:proxyfor concept_lake_new +concept_year_n1957_ concept:proxyfor concept_beverage_new +concept_year_n1959 concept:proxyfor concept_beverage_new +concept_year_n1960 concept:proxyfor concept_beverage_new +concept_year_n1963 concept:proxyfor concept_beverage_new +concept_year_n1965 concept:proxyfor concept_beverage_new +concept_year_n1967 concept:proxyfor concept_beverage_new +concept_year_n1967 concept:mutualproxyfor concept_book_new +concept_year_n1970 concept:proxyfor concept_beverage_new +concept_year_n1970 concept:mutualproxyfor concept_book_new +concept_year_n1970 concept:proxyfor concept_university_ohio +concept_year_n1973 concept:proxyfor concept_lake_new +concept_year_n1974 concept:proxyfor concept_beverage_new +concept_year_n1974 concept:mutualproxyfor concept_book_new +concept_year_n1975 concept:proxyfor concept_beverage_new +concept_year_n1975 concept:mutualproxyfor concept_book_new +concept_year_n1975 concept:proxyfor concept_stateorprovince_california +concept_year_n1978 concept:proxyfor concept_beverage_new +concept_year_n1978 concept:mutualproxyfor concept_book_new +concept_year_n1978 concept:proxyfor concept_city_texas +concept_year_n1978 concept:subpartof concept_city_texas +concept_year_n1978 concept:proxyfor concept_stateorprovince_new_york +concept_year_n1981 concept:atlocation concept_stateorprovince_california +concept_year_n1981 concept:proxyfor concept_stateorprovince_california +concept_year_n1982 concept:proxyfor concept_lake_new +concept_year_n1983 concept:proxyfor concept_lake_new +concept_year_n1983 concept:proxyfor concept_stateorprovince_texas +concept_year_n1983 concept:subpartof concept_stateorprovince_texas +concept_year_n1984 concept:proxyfor concept_beverage_new +concept_year_n1984 concept:mutualproxyfor concept_book_new +concept_year_n1985 concept:proxyfor concept_lake_new +concept_year_n1985 concept:proxyfor concept_stateorprovince_california +concept_year_n1986 concept:proxyfor concept_lake_new +concept_year_n1986 concept:proxyfor concept_stateorprovince_california +concept_year_n1988 concept:proxyfor concept_beverage_new +concept_year_n1988 concept:mutualproxyfor concept_book_new +concept_year_n1988 concept:proxyfor concept_stateorprovince_california +concept_year_n1989 concept:proxyfor concept_lake_new +concept_year_n1991 concept:proxyfor concept_beverage_new +concept_year_n1991 concept:mutualproxyfor concept_book_new +concept_year_n1991 concept:proxyfor concept_stateorprovince_california +concept_year_n1992 concept:proxyfor concept_beverage_new +concept_year_n1992 concept:mutualproxyfor concept_book_new +concept_year_n1992 concept:proxyfor concept_city_texas +concept_year_n1992 concept:subpartof concept_city_texas +concept_year_n1994 concept:proxyfor concept_city_florida +concept_year_n1994 concept:proxyfor concept_lake_new +concept_year_n1995 concept:proxyfor concept_city_florida +concept_year_n1995 concept:proxyfor concept_lake_new +concept_year_n1997 concept:proxyfor concept_lake_new +concept_year_n1997 concept:proxyfor concept_stateorprovince_california +concept_year_n1997 concept:proxyfor concept_stateorprovince_colorado +concept_year_n1997 concept:subpartof concept_stateorprovince_colorado +concept_year_n1997 concept:proxyfor concept_stateorprovince_oregon +concept_year_n1998 concept:proxyfor concept_city_florida +concept_year_n1998 concept:proxyfor concept_lake_new +concept_year_n1998 concept:proxyfor concept_stateorprovince_california +concept_year_n1998 concept:proxyfor concept_stateorprovince_oregon +concept_year_new concept:mutualproxyfor concept_agent_environment +concept_year_new concept:atlocation concept_attraction_locations +concept_year_new concept:atlocation concept_attraction_louisiana +concept_year_new concept:proxyfor concept_bank_attorneys +concept_year_new concept:proxyfor concept_bank_lawyer +concept_year_new concept:atlocation concept_beach_hospitals +concept_year_new concept:mutualproxyfor concept_beach_hospitals +concept_year_new concept:atlocation concept_beach_massachusetts +concept_year_new concept:mutualproxyfor concept_beach_massachusetts +concept_year_new concept:subpartof concept_beach_massachusetts +concept_year_new concept:atlocation concept_beach_vermont +concept_year_new concept:mutualproxyfor concept_bird_may +concept_year_new concept:mutualproxyfor concept_city_area +concept_year_new concept:mutualproxyfor concept_city_attractions +concept_year_new concept:mutualproxyfor concept_city_bar +concept_year_new concept:mutualproxyfor concept_city_capital +concept_year_new concept:mutualproxyfor concept_city_challenge +concept_year_new concept:mutualproxyfor concept_city_children +concept_year_new concept:mutualproxyfor concept_city_choice +concept_year_new concept:mutualproxyfor concept_city_club +concept_year_new concept:mutualproxyfor concept_city_communities +concept_year_new concept:mutualproxyfor concept_city_countryside +concept_year_new concept:mutualproxyfor concept_city_deal +concept_year_new concept:mutualproxyfor concept_city_districts +concept_year_new concept:mutualproxyfor concept_city_father +concept_year_new concept:mutualproxyfor concept_city_florida +concept_year_new concept:mutualproxyfor concept_city_hawaii +concept_year_new concept:mutualproxyfor concept_city_home +concept_year_new concept:mutualproxyfor concept_city_link +concept_year_new concept:mutualproxyfor concept_city_map +concept_year_new concept:mutualproxyfor concept_city_name +concept_year_new concept:mutualproxyfor concept_city_neighborhood +concept_year_new concept:mutualproxyfor concept_city_neighborhoods +concept_year_new concept:mutualproxyfor concept_city_new_brunswick +concept_year_new concept:mutualproxyfor concept_city_number +concept_year_new concept:mutualproxyfor concept_city_parents +concept_year_new concept:mutualproxyfor concept_city_pictures +concept_year_new concept:mutualproxyfor concept_city_pioneer +concept_year_new concept:mutualproxyfor concept_city_place +concept_year_new concept:mutualproxyfor concept_city_police +concept_year_new concept:mutualproxyfor concept_city_princeton +concept_year_new concept:mutualproxyfor concept_city_reason +concept_year_new concept:mutualproxyfor concept_city_seat +concept_year_new concept:mutualproxyfor concept_city_service +concept_year_new concept:mutualproxyfor concept_city_tampa_bay +concept_year_new concept:mutualproxyfor concept_city_team +concept_year_new concept:mutualproxyfor concept_city_texas +concept_year_new concept:mutualproxyfor concept_city_towns +concept_year_new concept:mutualproxyfor concept_city_us_city +concept_year_new concept:mutualproxyfor concept_city_washington_d_c +concept_year_new concept:mutualproxyfor concept_city_web +concept_year_new concept:mutualproxyfor concept_city_winters +concept_year_new concept:mutualproxyfor concept_city_workshops +concept_year_new concept:mutualproxyfor concept_city_york +concept_year_new concept:proxyfor concept_comedian_day +concept_year_new concept:mutualproxyfor concept_company_new_york +concept_year_new concept:mutualproxyfor concept_company_west_virginia +concept_year_new concept:mutualproxyfor concept_country_new_zealand +concept_year_new concept:atlocation concept_country_us +concept_year_new concept:mutualproxyfor concept_county_atlanta +concept_year_new concept:mutualproxyfor concept_county_baltimore +concept_year_new concept:mutualproxyfor concept_county_bay_area +concept_year_new concept:mutualproxyfor concept_county_bedford +concept_year_new concept:mutualproxyfor concept_county_bronx +concept_year_new concept:mutualproxyfor concept_county_brooklyn +concept_year_new concept:mutualproxyfor concept_county_chicago +concept_year_new concept:mutualproxyfor concept_county_families +concept_year_new concept:mutualproxyfor concept_county_high_schools +concept_year_new concept:mutualproxyfor concept_county_las_vegas +concept_year_new concept:mutualproxyfor concept_county_manhattan +concept_year_new concept:mutualproxyfor concept_county_miami +concept_year_new concept:mutualproxyfor concept_county_new_mexico +concept_year_new concept:mutualproxyfor concept_county_philadelphia +concept_year_new concept:mutualproxyfor concept_county_records +concept_year_new concept:mutualproxyfor concept_county_san_diego +concept_year_new concept:mutualproxyfor concept_county_san_francisco +concept_year_new concept:mutualproxyfor concept_county_seattle +concept_year_new concept:mutualproxyfor concept_creditunion_first_state +concept_year_new concept:mutualproxyfor concept_creditunion_michigan +concept_year_new concept:mutualproxyfor concept_creditunion_north_carolina +concept_year_new concept:proxyfor concept_currency_cents +concept_year_new concept:proxyfor concept_currency_dollars +concept_year_new concept:mutualproxyfor concept_female_yankees +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_agencies +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_authorities +concept_year_new concept:atlocation concept_geopoliticallocation_caribbean +concept_year_new concept:atlocation concept_geopoliticallocation_clubs +concept_year_new concept:atlocation concept_geopoliticallocation_factor +concept_year_new concept:atlocation concept_geopoliticallocation_franchise +concept_year_new concept:atlocation concept_geopoliticallocation_holder +concept_year_new concept:atlocation concept_geopoliticallocation_law_firm +concept_year_new concept:atlocation concept_geopoliticallocation_list +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_localities +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_lower_manhattan +concept_year_new concept:atlocation concept_geopoliticallocation_option +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_option +concept_year_new concept:atlocation concept_geopoliticallocation_partners +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_partners +concept_year_new concept:atlocation concept_geopoliticallocation_performances +concept_year_new concept:proxyfor concept_geopoliticallocation_performances +concept_year_new concept:atlocation concept_geopoliticallocation_specialty +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_specialty +concept_year_new concept:mutualproxyfor concept_geopoliticallocation_u_s__state +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_bottom +concept_year_new concept:proxyfor concept_geopoliticalorganization_concerts +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_customers +concept_year_new concept:atlocation concept_geopoliticalorganization_midwest +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_midwest +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_newspapers +concept_year_new concept:atlocation concept_geopoliticalorganization_theater +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_venue +concept_year_new concept:atlocation concept_geopoliticalorganization_web_site +concept_year_new concept:mutualproxyfor concept_geopoliticalorganization_web_site +concept_year_new concept:atlocation concept_hospital__ +concept_year_new concept:atlocation concept_hospital_pick +concept_year_new concept:atlocation concept_hospital_system +concept_year_new concept:atlocation concept_lake_home_base +concept_year_new concept:atlocation concept_lake_pacific +concept_year_new concept:mutualproxyfor concept_mollusk_landmarks +concept_year_new concept:mutualproxyfor concept_mountain_inspiration +concept_year_new concept:mutualproxyfor concept_mountain_long_island +concept_year_new concept:mutualproxyfor concept_mountainrange_hudson_valley +concept_year_new concept:proxyfor concept_musicalbum_decades +concept_year_new concept:proxyfor concept_musicalbum_months +concept_year_new concept:proxyfor concept_musicalbum_seasons +concept_year_new concept:mutualproxyfor concept_musicsong_brother +concept_year_new concept:mutualproxyfor concept_musicsong_hometown +concept_year_new concept:mutualproxyfor concept_musicsong_louisiana +concept_year_new concept:mutualproxyfor concept_musicsong_moments +concept_year_new concept:mutualproxyfor concept_musicsong_neighbors +concept_year_new concept:mutualproxyfor concept_musicsong_oklahoma +concept_year_new concept:mutualproxyfor concept_musicsong_paradise +concept_year_new concept:mutualproxyfor concept_musicsong_party +concept_year_new concept:mutualproxyfor concept_musicsong_summer +concept_year_new concept:mutualproxyfor concept_musicsong_two_weeks +concept_year_new concept:mutualproxyfor concept_newspaper__ +concept_year_new concept:mutualproxyfor concept_newspaper_colonies +concept_year_new concept:mutualproxyfor concept_newspaper_destinations +concept_year_new concept:mutualproxyfor concept_newspaper_winner +concept_year_new concept:mutualproxyfor concept_politicianus_small_town +concept_year_new concept:mutualproxyfor concept_politicsissue_courts +concept_year_new concept:proxyfor concept_politicsissue_forms +concept_year_new concept:mutualproxyfor concept_politicsissue_markets +concept_year_new concept:proxyfor concept_politicsissue_meetings +concept_year_new concept:mutualproxyfor concept_politicsissue_opportunity +concept_year_new concept:mutualproxyfor concept_politicsissue_programs +concept_year_new concept:mutualproxyfor concept_politicsissue_responsibility +concept_year_new concept:mutualproxyfor concept_politicsissue_students +concept_year_new concept:mutualproxyfor concept_radiostation_new_jersey +concept_year_new concept:mutualproxyfor concept_recordlabel_priority +concept_year_new concept:mutualproxyfor concept_retailstore_times_square +concept_year_new concept:atlocation concept_skiarea_benchmark +concept_year_new concept:atlocation concept_skiarea_brand +concept_year_new concept:atlocation concept_skiarea_case +concept_year_new concept:atlocation concept_skiarea_combination +concept_year_new concept:mutualproxyfor concept_skiarea_combination +concept_year_new concept:atlocation concept_skiarea_maine +concept_year_new concept:mutualproxyfor concept_skiarea_maine +concept_year_new concept:atlocation concept_skiarea_premier +concept_year_new concept:mutualproxyfor concept_sportsteam_hampshire +concept_year_new concept:atlocation concept_stateorprovince_act +concept_year_new concept:atlocation concept_stateorprovince_author +concept_year_new concept:mutualproxyfor concept_stateorprovince_author +concept_year_new concept:atlocation concept_stateorprovince_average +concept_year_new concept:atlocation concept_stateorprovince_blue_state +concept_year_new concept:atlocation concept_stateorprovince_capital_city +concept_year_new concept:mutualproxyfor concept_stateorprovince_child +concept_year_new concept:mutualproxyfor concept_stateorprovince_colorado +concept_year_new concept:mutualproxyfor concept_stateorprovince_connecticut +concept_year_new concept:atlocation concept_stateorprovince_contact +concept_year_new concept:mutualproxyfor concept_stateorprovince_contact +concept_year_new concept:atlocation concept_stateorprovince_education +concept_year_new concept:subpartof concept_stateorprovince_education +concept_year_new concept:atlocation concept_stateorprovince_events +concept_year_new concept:subpartof concept_stateorprovince_georgia +concept_year_new concept:atlocation concept_stateorprovince_great_state +concept_year_new concept:mutualproxyfor concept_stateorprovince_illinois +concept_year_new concept:atlocation concept_stateorprovince_man +concept_year_new concept:mutualproxyfor concept_stateorprovince_maryland +concept_year_new concept:atlocation concept_stateorprovince_men +concept_year_new concept:mutualproxyfor concept_stateorprovince_men +concept_year_new concept:atlocation concept_stateorprovince_miles +concept_year_new concept:proxyfor concept_stateorprovince_miles +concept_year_new concept:subpartof concept_stateorprovince_miles +concept_year_new concept:atlocation concept_stateorprovince_morning +concept_year_new concept:mutualproxyfor concept_stateorprovince_morning +concept_year_new concept:atlocation concept_stateorprovince_mt +concept_year_new concept:atlocation concept_stateorprovince_new_england_state +concept_year_new concept:atlocation concept_stateorprovince_new_york +concept_year_new concept:atlocation concept_stateorprovince_northern_state +concept_year_new concept:mutualproxyfor concept_stateorprovince_northern_state +concept_year_new concept:subpartof concept_stateorprovince_pennsylvania +concept_year_new concept:mutualproxyfor concept_stateorprovince_points +concept_year_new concept:subpartof concept_stateorprovince_points +concept_year_new concept:mutualproxyfor concept_stateorprovince_puerto_rico +concept_year_new concept:atlocation concept_stateorprovince_state_capital +concept_year_new concept:atlocation concept_stateorprovince_store +concept_year_new concept:mutualproxyfor concept_stateorprovince_stories +concept_year_new concept:subpartof concept_stateorprovince_stories +concept_year_new concept:atlocation concept_stateorprovince_times +concept_year_new concept:proxyfor concept_stateorprovince_times +concept_year_new concept:subpartof concept_stateorprovince_times +concept_year_new concept:atlocation concept_stateorprovince_training +concept_year_new concept:atlocation concept_stateorprovince_value +concept_year_new concept:mutualproxyfor concept_stateorprovince_virginia +concept_year_new concept:atlocation concept_stateorprovince_woman +concept_year_new concept:mutualproxyfor concept_stateorprovince_woman +concept_year_new concept:mutualproxyfor concept_televisionstation_jersey_city +concept_year_new concept:mutualproxyfor concept_televisionstation_washington_dc +concept_year_new concept:mutualproxyfor concept_trainstation_westchester +concept_year_new concept:proxyfor concept_university_attorney +concept_year_new concept:mutualproxyfor concept_university_district +concept_year_new concept:mutualproxyfor concept_university_nebraska +concept_year_new concept:mutualproxyfor concept_university_new_york_university_school +concept_year_new concept:mutualproxyfor concept_university_ohio +concept_year_new concept:mutualproxyfor concept_university_program +concept_year_new concept:proxyfor concept_university_reasons +concept_year_new concept:mutualproxyfor concept_university_search +concept_year_new concept:mutualproxyfor concept_university_vermont +concept_year_new concept:proxyfor concept_videogame_nights +concept_year_new concept:mutualproxyfor concept_visualizablescene_birthplace +concept_year_new concept:mutualproxyfor concept_visualizablescene_major_cities +concept_year_new concept:atlocation concept_visualizablething_parishes +concept_year_new concept:mutualproxyfor concept_visualizablething_parishes +concept_year_new concept:proxyfor concept_visualizablething_semesters +concept_year_new concept:proxyfor concept_visualizablething_thousand_years +concept_year_new concept:proxyfor concept_visualizablething_weekends +concept_year_new concept:mutualproxyfor concept_website_light +concept_year_new concept:proxyfor concept_winery_summers +concept_year_new concept:atlocation concept_zoo_moment +concept_year_new concept:atlocation concept_zoo_outdoors +concept_year_norway concept:proxyfor concept_beverage_new +concept_year_ny concept:mutualproxyfor concept_book_new +concept_year_ny concept:mutualproxyfor concept_city_albany +concept_year_ny concept:atlocation concept_lake_new +concept_year_period concept:proxyfor concept_beverage_new +concept_year_period concept:mutualproxyfor concept_book_new +concept_year_present concept:proxyfor concept_beverage_new +concept_year_problem concept:proxyfor concept_beverage_new +concept_year_problem concept:mutualproxyfor concept_book_new +concept_year_start concept:proxyfor concept_beverage_new +concept_year_start concept:mutualproxyfor concept_book_new +concept_zipcode_earleton concept:latitudelongitude 29.7451250000000,-82.1033800000000 +concept_zipcode_n02108 concept:latitudelongitude 33.7051400000000,-81.6765000000000 +concept_zipcode_n02118 concept:latitudelongitude 33.6801500000000,-81.3342700000000 +concept_zipcode_n02134 concept:latitudelongitude 33.6168000000000,-81.8815000000000 +concept_zipcode_n06088 concept:latitudelongitude 33.3699650000000,-103.8663450000000 +concept_zipcode_n07050 concept:latitudelongitude 32.2392900000000,-103.7807600000000 +concept_zipcode_n10011 concept:latitudelongitude 34.7774462500000,-106.6332200000000 +concept_zipcode_n10012 concept:latitudelongitude 35.0439742857143,-106.7989185714286 +concept_zipcode_n10901 concept:latitudelongitude 34.5213666666667,-103.7650533333333 +concept_zipcode_n11235 concept:latitudelongitude 33.9020300000000,-103.3180100000000 +concept_zipcode_n11561 concept:latitudelongitude 34.2220200000000,-103.1293900000000 +concept_zipcode_n11743 concept:latitudelongitude 34.1236900000000,-103.0402200000000 +concept_zipcode_n12801 concept:latitudelongitude 33.3695450000000,-103.8826000000000 +concept_zipcode_n30002 concept:latitudelongitude 34.5067900000000,-81.8814900000000 +concept_zipcode_n30004 concept:latitudelongitude 34.3334500000000,-82.1415000000000 +concept_zipcode_n30021 concept:latitudelongitude 34.6334600000000,-82.0231500000000 +concept_zipcode_n30022 concept:latitudelongitude 34.4501200000000,-82.0164900000000 +concept_zipcode_n30067 concept:latitudelongitude 35.6180900000000,-106.1389100000000 +concept_zipcode_n30318 concept:latitudelongitude 35.4630900000000,-106.0811300000000 +concept_zipcode_n32011 concept:latitudelongitude 33.8718100000000,-81.5464900000000 +concept_zipcode_n32217 concept:latitudelongitude 36.0872400000000,-106.0703000000000 +concept_zipcode_port_reading concept:mutualproxyfor concept_bridge_new_jersey +concept_zipcode_port_reading concept:proxyfor concept_stateorprovince_newjersey +concept_zipcode_witter_springs concept:latitudelongitude 39.1869266666667,-122.9827766666667 +concept_zoo_atascadero concept:atlocation concept_stateorprovince_california +concept_zoo_biological_reserve concept:latitudelongitude 12.9135500000000,-84.6798700000000 +concept_zoo_bois_de_vincennes concept:latitudelongitude 48.8166700000000,2.4500000000000 +concept_zoo_brookfield_zoo concept:attractionofcity concept_city_chicago +concept_zoo_c_te_d_azur concept:latitudelongitude 43.8292050000000,6.6079350000000 +concept_zoo_celeste_center concept:atlocation concept_county_columbus +concept_zoo_central concept:hotelincity concept_city_seoul +concept_zoo_central_park concept:parkincity concept_city_brooklyn +concept_zoo_central_park concept:attractionofcity concept_city_york +concept_zoo_cincinnati_zoological_gardens concept:latitudelongitude 39.1447800000000,-84.5082800000000 +concept_zoo_conservation_and_research_center concept:latitudelongitude 38.8868900000000,-78.1641300000000 +concept_zoo_farmyard concept:latitudelongitude 57.5669300000000,-61.3813300000000 +concept_zoo_hill_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_zoo_hillsides concept:latitudelongitude 42.8357000000000,-78.0985000000000 +concept_zoo_kalamazoo_nature_center concept:latitudelongitude 42.3622600000000,-85.5852900000000 +concept_zoo_living_museum concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_zoo_london_aquarium concept:attractionofcity concept_city_london_city +concept_zoo_london_zoo concept:attractionofcity concept_city_london_city +concept_zoo_longwood_gardens concept:latitudelongitude 39.8717800000000,-75.6746600000000 +concept_zoo_monkey_jungle concept:latitudelongitude 25.5665000000000,-80.4317200000000 +concept_zoo_norman_bird_sanctuary concept:latitudelongitude 41.4984400000000,-71.2558800000000 +concept_zoo_safari_park concept:touristattractionsuchastouristattraction concept_attraction_temple_of_the_reclining_buddha +concept_zoo_sarah_p_duke_gardens concept:latitudelongitude 36.0015300000000,-78.9333400000000 +concept_zoo_strybing_arboretum concept:latitudelongitude 37.7682600000000,-122.4699700000000 +concept_zoo_sugarbush_farm concept:latitudelongitude 43.1530600000000,-75.5766700000000 +concept_zoo_tiger_stadium concept:locationlocatedwithinlocation concept_county_detroit +concept_zoo_wilcoxen concept:latitudelongitude 39.3711600000000,-90.9593000000000 +concept_zoo_wild_country concept:latitudelongitude 34.4383300000000,-118.2539700000000 diff --git a/process_data/NELL995_original/valid.txt b/process_data/NELL995_original/valid.txt new file mode 100644 index 0000000..f9d6664 --- /dev/null +++ b/process_data/NELL995_original/valid.txt @@ -0,0 +1,543 @@ +concept_athlete_roberto_alomar concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_eastern_michigan_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_kris_draper concept:athleteplaysforteam concept_sportsteam_red_wings +concept_athlete_gabe_kapler concept:athleteplaysforteam concept_sportsteam_tampa_bay_devil_rays +concept_athlete_zach_miner concept:athleteplayssport concept_sport_baseball +concept_actor_howard_witt concept:worksfor concept_website_chicago_tribune +concept_city_london_city concept:organizationhiredperson concept_politicianus_ken_livingstone +concept_athlete_derrick_harvey concept:athleteplayssport concept_sport_football +concept_sportsteam_dowling_college_golden_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_coach_bill_stewart concept:worksfor concept_city_abc +concept_athlete_jerry_rice concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_johnny_estrada concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_mike_martz concept:worksfor concept_sportsteam_rams +concept_company_cnn concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_coach_brady_quinn concept:athleteplaysforteam concept_sportsteam_cleveland_browns +concept_athlete_lebron concept:personborninlocation concept_city_york +concept_coach_tom_renney concept:worksfor concept_sportsteam_rangers +concept_athlete_print concept:agentbelongstoorganization concept_company_adobe +concept_athlete_dustin_pedroia concept:athleteplayssport concept_sport_baseball +concept_sportsteam_utah_valley_wolverines concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_cody_scarpetta concept:athleteplayssport concept_sport_baseball +concept_coach_a_j__burnett concept:athleteplayssport concept_sport_baseball +concept_sportsteam_ivy_league concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_lorenzen_wright concept:athleteplaysforteam concept_sportsteam_reds +concept_person_abbas concept:personleadsorganization concept_musicartist_faction +concept_university_cu concept:organizationhiredperson concept_coach_gary_barnett +concept_sportsteam_mac_gear concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_md_baltimore_county_retrievers concept:teamplaysinleague concept_sportsleague_ncaa +concept_person_christopher002 concept:personborninlocation concept_city_york +concept_politicianus_william_powers concept:worksfor concept_magazine_national_journal +concept_sportsteam_southeastern_louisiana_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_columbia_university_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_university_msu concept:organizationhiredperson concept_coach_dantonio +concept_athlete_phil_coke concept:athletehomestadium concept_stadiumoreventvenue_pete_times_forum +concept_person_arnold001 concept:personborninlocation concept_city_york +concept_athlete_jeff_garcia concept:athleteplaysforteam concept_sportsteam_bucs +concept_blog_audubon concept:organizationheadquarteredincity concept_city_new_orleans +concept_personus_scott_pelley concept:personleadsorganization concept_televisionnetwork_cbs +concept_coach_bobby_gonzalez concept:worksfor concept_university_seton_hall +concept_person_rob_parker concept:worksfor concept_televisionstation_detroit_news +concept_personus_george_lucas concept:worksfor concept_magazine_lucasarts +concept_company_west_virginia concept:organizationhiredperson concept_coach_beilein +concept_musician_agencies concept:agentbelongstoorganization concept_landscapefeatures_states +concept_city_pittsburgh concept:organizationhiredperson concept_male_dave_wannstedt +concept_personmexico_brendan_harris concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_coach_boeheim concept:worksfor concept_sportsleague_syracuse +concept_personmexico_craig_counsell concept:athleteplaysforteam concept_sportsteam_yankees +concept_journalist_kathleen_parker concept:worksfor concept_newspaper_washington_post_writers_group +concept_company_west_virginia concept:organizationhiredperson concept_athlete_rich_rodriguez +concept_person_arthur concept:personborninlocation concept_county_york_city +concept_company_clinton concept:organizationheadquarteredincity concept_city_brooklyn +concept_sportsteam_jacksonville_jaguars concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_man_united concept:teamplaysinleague concept_sportsleague_fa +concept_radiostation_kogo concept:organizationheadquarteredincity concept_city_san_diego +concept_sportsteam_shenandoah_hornets concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_edmonton_oilers concept:teamplayssport concept_sport_hockey +concept_athlete_hideo_nomo concept:athleteplaysforteam concept_sportsteam_dodgers +concept_sportsteam_tufts_jumbos concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_cavs concept:organizationhiredperson concept_writer_brown +concept_radiostation_wfp concept:organizationheadquarteredincity concept_city_rome +concept_athlete_graham_cooke concept:athleteplayssport concept_sport_golf +concept_coach_torry_holt concept:athleteplayssport concept_sport_football +concept_sportsteam_crew concept:teamplayssport concept_sport_basketball +concept_sportsteam_miami_marlins concept:teamplaysinleague concept_sportsleague_mlb +concept_coach_gene_chizik concept:worksfor concept_university_auburn +concept_athlete_kevin_hart concept:athleteplayssport concept_sport_baseball +concept_athlete_ethier concept:athleteplaysforteam concept_sportsteam_dodgers +concept_sportsteam_unlv_runnin_rebels concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_red_grange concept:athleteplaysinleague concept_sportsleague_nfl +concept_ceo_sheldon_adelson concept:personleadsorganization concept_biotechcompany_las_vegas_sands_corp_ +concept_athlete_dimitar_berbatov concept:athleteplaysforteam concept_sportsteam_man_utd +concept_athlete_ronaldo concept:athleteplaysforteam concept_sportsteam_man_utd +concept_geopoliticallocation_manchester_city concept:teamplaysinleague concept_sportsleague_fa +concept_journalist_jacques_steinberg concept:worksfor concept_website_new_york_times +concept_coach_lenny_moore concept:athleteplaysforteam concept_sportsteam_steelers +concept_university_cu concept:organizationhiredperson concept_coach_dan_hawkins +concept_athlete_marwin_vega concept:athleteplayssport concept_sport_baseball +concept_athlete_johan_petro concept:athleteplaysinleague concept_sportsleague_nba +concept_person_peter_munk concept:worksfor concept_biotechcompany_barrick_gold_corporation +concept_radiostation_kxcv concept:organizationheadquarteredincity concept_city_maryville +concept_athlete_ken_venturi concept:athleteplayssport concept_sport_golf +concept_stateorprovince_illinois concept:organizationhiredperson concept_coach_bruce_weber +concept_journalist_george_will concept:worksfor concept_city_abc +concept_ceo_tod_nielsen concept:personleadsorganization concept_company_borland +concept_personus_john_browne concept:worksfor concept_company_bp001 +concept_athlete_tony_esposito concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_tony_pena concept:athleteplaysinleague concept_sportsleague_mlb +concept_person_carly_fiorina001 concept:personleadsorganization concept_university_hewlett_packard +concept_sportsteam_rhode_island_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_edgar_renteria concept:athleteplayssport concept_sport_baseball +concept_person_bill concept:personborninlocation concept_city_york +concept_athlete_gary_sheffield concept:athleteplaysforteam concept_sportsteam_yankees +concept_company_stax concept:organizationhiredperson concept_ceo_jim_stewart +concept_person_edward001 concept:personborninlocation concept_county_york_city +concept_athlete_miroslav_klose concept:athleteplaysforteam concept_sportsteam_germany +concept_company_murray concept:organizationheadquarteredincity concept_island_manhattan +concept_personmexico_ryan_whitney concept:worksfor concept_governmentorganization_capitol +concept_athlete_jordan_schafer concept:athleteplayssport concept_sport_baseball +concept_sportsteam_new_paltz_hawks concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_renaldo_balkman concept:athleteplaysforteam concept_sportsteam_nuggets +concept_coach_tyler_kennedy concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_stateorprovince_colorado concept:organizationhiredperson concept_coach_gary_barnett +concept_sportsteam_northeast_wisconsin_technical_college concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_jimmy_gobble concept:athleteplayssport concept_sport_baseball +concept_sportsteam_se_louisiana_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_logan_kensing concept:athleteplayssport concept_sport_baseball +concept_terroristorganization_state concept:agentbelongstoorganization concept_politicalparty_house +concept_athlete_guillermo_mota concept:athleteplayssport concept_sport_baseball +concept_sportsteam_new_york_bobcats concept:teamplaysinleague concept_sportsleague_ncaa +concept_coach_dave_winfield concept:athleteplayssport concept_sport_baseball +concept_personnorthamerica_kenneth_d__lewis concept:personleadsorganization concept_country___america +concept_personeurope_william_paley concept:personleadsorganization concept_company_cnn__pbs +concept_coach_j_j__hardy concept:athleteplayssport concept_sport_baseball +concept_athlete_rich_gannon concept:athleteplaysforteam concept_sportsteam_oakland_raiders +concept_website_experience concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_televisionstation_wgby_tv concept:agentbelongstoorganization concept_company_pbs +concept_person_andrea concept:personborninlocation concept_county_york_city +concept_athlete_ramon_ramirez concept:athleteplaysinleague concept_sportsleague_mlb +concept_televisionstation_wxia concept:organizationheadquarteredincity concept_city_atlanta +concept_politicsblog_rolling_stone concept:organizationhiredperson concept_personus_jann_wenner +concept_athlete_jermaine_clark concept:athleteplayssport concept_sport_baseball +concept_athlete_kevin_cash concept:athleteplayssport concept_sport_baseball +concept_company_borders concept:organizationhiredperson concept_comedian_george_jones +concept_writer_byron_york concept:personleadsorganization concept_newspaper_national_review +concept_city_dallas concept:organizationhiredperson concept_personaustralia_avery_johnson +concept_nongovorganization_u_s_ concept:organizationhiredperson concept_coach_bob_bradley +concept_person_cole concept:personborninlocation concept_county_york_city +concept_writer_anne_applebaum concept:worksfor concept_website_washington_post +concept_politicianus_bill_kristol concept:worksfor concept_website_new_york_times +concept_athlete_eduardo_perez concept:athleteplayssport concept_sport_baseball +concept_building_united_states_capitol concept:organizationheadquarteredincity concept_city_washington_d_c +concept_athlete_rick_vandenhurk concept:athleteplayssport concept_sport_baseball +concept_athlete_tyler_flowers concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_brad_james concept:athleteplayssport concept_sport_baseball +concept_radiostation_king concept:organizationheadquarteredincity concept_city_seattle +concept_athlete_luis_valbuena concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_jesse_litsch concept:athleteplayssport concept_sport_baseball +concept_athlete_bernard_berrian concept:athletehomestadium concept_stadiumoreventvenue_metrodome +concept_sportsteam_northern_illinois_huskies concept:teamplaysinleague concept_sportsleague_ncaa +concept_city_discussion concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_biotechcompany_tesco concept:organizationhiredperson concept_ceo_sir_terry_leahy +concept_personcanada_ian_davis concept:worksfor concept_company_mckinsey +concept_person_sabrina concept:personborninlocation concept_city_york +concept_actor_megyn_kelly concept:worksfor concept_governmentorganization_fox_news +concept_athlete_matt_murton concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_rafael_soriano concept:athleteplayssport concept_sport_baseball +concept_person_ahmadinejad concept:personborninlocation concept_city_york +concept_athlete_deron_williams concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_jaime_garcia concept:athleteplayssport concept_sport_baseball +concept_athlete_jay_morrish concept:athleteplayssport concept_sport_golf +concept_sportsteam_texas_arlington_mavericks concept:teamplaysinleague concept_sportsleague_ncaa +concept_person_jessica001 concept:personborninlocation concept_city_york +concept_athlete_henrik_lundqvist concept:athleteplaysforteam concept_sportsteam_rangers +concept_athlete_edwin_encarnacion concept:athleteplayssport concept_sport_baseball +concept_ceo_larry_probst concept:personleadsorganization concept_company_electronic_arts +concept_athlete_felix_pie concept:athleteplayssport concept_sport_baseball +concept_sportsteam_minnesota_vikings concept:organizationhiredperson concept_coach_dennis_green +concept_coach_richard_hamilton concept:athleteplaysforteam concept_sportsteam_pistons +concept_person_turner concept:personborninlocation concept_city_york +concept_personmexico_ryan_church concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_paul_hornung concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_bob_wickman concept:athleteplayssport concept_sport_baseball +concept_personcanada_peter_mansbridge concept:worksfor concept_company_cbc +concept_city_washington_d_c concept:organizationhiredperson concept_celebrity_don_james +concept_sportsteam_rochester_yellow_jackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_person_courtney concept:personborninlocation concept_city_york +concept_athlete_magic_johnson concept:athleteplaysforteam concept_sportsteam_los_angeles_lakers +concept_scientist_ingvar_kamprad concept:personleadsorganization concept_company_ikea +concept_athlete_brad_voyles concept:athleteplayssport concept_sport_baseball +concept_person_douglas concept:personborninlocation concept_county_york_city +concept_person_matthews concept:personborninlocation concept_city_york +concept_athlete_jose_garcia concept:athleteplayssport concept_sport_baseball +concept_televisionstation_ktar concept:organizationheadquarteredincity concept_city_phoenix +concept_radiostation_kvoa_tv concept:organizationheadquarteredincity concept_city_tucson +concept_sportsteam_milwaukee_braves concept:teamplayssport concept_sport_baseball +concept_athlete_jerome_bettis concept:athleteplaysforteam concept_sportsteam_steelers +concept_sportsteam_detroit_lions concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_red_sox concept:teamplayssport concept_sport_baseball +concept_athlete_charles_barkley concept:athleteplaysinleague concept_sportsleague_nba +concept_radiostation_kunm concept:organizationheadquarteredincity concept_city_albuquerque +concept_athlete_charles_barkley concept:athleteplaysforteam concept_sportsteam_rockets +concept_sportsteam_north_park_vikings concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_craig_breslow concept:athleteplayssport concept_sport_baseball +concept_coach_matthew_lombardi concept:athleteplaysforteam concept_sportsteam_lee_flames +concept_athlete_philippoussis concept:athleteplayssport concept_sport_tennis +concept_coach_guus_hiddink concept:worksfor concept_country_russia +concept_athlete_travis_blackley concept:athleteplayssport concept_sport_baseball +concept_personaustralia_smith concept:worksfor concept_sportsteam_falcons +concept_athlete_kei_igawa concept:athleteplaysinleague concept_sportsleague_mlb +concept_radiostation_kisw_fm concept:organizationheadquarteredincity concept_city_seattle +concept_sportsteam_santa_clara_university concept:teamplaysinleague concept_sportsleague_international +concept_coach_lendale_white concept:athletehomestadium concept_stadiumoreventvenue_lp_field +concept_personmexico_carlos_guevara concept:athleteplayssport concept_sport_baseball +concept_journalist_richard_anderson concept:personleadsorganization concept_biotechcompany_delta_air_lines_inc_ +concept_athlete_brian_gionta concept:athleteplaysforteam concept_sportsteam_devils +concept_athlete_dmitri_young concept:athleteplaysforteam concept_sportsteam_detroit_tigers +concept_coach_van_note concept:athleteplaysforteam concept_sportsteam_pirates +concept_scientist_mitch_kapor concept:worksfor concept_city_lotus +concept_blog_today concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_coach_mike_d_antoni concept:worksfor concept_sportsteam_knicks +concept_sportsleague_new concept:organizationhiredperson concept_coach_spagnuolo +concept_televisionstation_kutv concept:organizationheadquarteredincity concept_county_salt_lake +concept_coach_stoops concept:worksfor concept_company_arizona +concept_athlete_jermaine_o_neal concept:athleteplaysforteam concept_sportsteam_pacers +concept_male_kirsten_powers concept:worksfor concept_mountain_fox +concept_athlete_mark_prior concept:athleteplayssport concept_sport_baseball +concept_sportsteam_oakland_athletics concept:teamplaysinleague concept_sportsleague_mlb +concept_country_party concept:organizationhiredperson concept_personus_party +concept_coach_nate_mclouth concept:athleteplayssport concept_sport_baseball +concept_athlete_warren_sapp concept:athleteplaysinleague concept_sportsleague_nfl +concept_person_lee001 concept:personborninlocation concept_city_york +concept_personaustralia_david_nagel concept:personleadsorganization concept_company_palmsource +concept_sportsteam_buffalo_bills concept:organizationhiredperson concept_coach_jauron +concept_athlete_sidney_crosby concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_personmexico_shaun_marcum concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_oregon_state_beavers concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_lidstrom concept:athleteplaysforteam concept_sportsteam_red_wings +concept_sportsteam_australian_national_university concept:teamplaysinleague concept_sportsleague_international +concept_athlete_farmar concept:athletehomestadium concept_stadiumoreventvenue_staples_center +concept_athlete_victor_diaz concept:athleteplayssport concept_sport_baseball +concept_personmexico_ryan_whitney concept:worksfor concept_city_washington_d_c +concept_athlete_jeff_lacy concept:athleteplayssport concept_sport_boxing +concept_coach_kip_wells concept:athleteplaysforteam concept_sportsteam_bruins +concept_ceo_david_gergen concept:worksfor concept_retailstore_united_technologies +concept_country___america concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_athlete_dwight_howard concept:athleteplaysinleague concept_sportsleague_nba +concept_sportsteam_brewers concept:teamplaysinleague concept_sportsleague_mlb +concept_athlete_bryzgalov concept:athletehomestadium concept_stadiumoreventvenue_honda_center +concept_stateorprovince_minnesota concept:organizationhiredperson concept_coach_tim_brewster +concept_sportsteam_cavaliers concept:teamplaysinleague concept_sportsleague_nba +concept_coach_kevin_youkilis concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_aaron_fultz concept:athleteplayssport concept_sport_baseball +concept_coach_ed_orgeron concept:worksfor concept_stateorprovince_ole_miss +concept_sportsteam_va_commonwealth_rams concept:teamplaysinleague concept_sportsleague_ncaa +concept_website_fortune concept:organizationheadquarteredincity concept_city_new_york +concept_athlete_randall_simon concept:athleteplaysforteam concept_sportsteam_pirates +concept_female_sarah_caldwell concept:personleadsorganization concept_organization_opera_company_of_boston +concept_radiostation_kola concept:organizationheadquarteredincity concept_city_redlands +concept_person_daniel concept:personborninlocation concept_airport_jersey +concept_person_angela concept:personborninlocation concept_city_york +concept_university_novartis concept:organizationhiredperson concept_ceo_daniel_vasella +concept_athlete_brian_moehler concept:athleteplaysinleague concept_sportsleague_mlb +concept_personaustralia_smith concept:worksfor concept_university_oklahoma_state +concept_radiostation_kprl concept:organizationheadquarteredincity concept_city_paso_robles +concept_athlete_mike_lowell concept:athleteplaysforteam concept_sportsteam_red_sox +concept_televisionstation_kfmb concept:organizationheadquarteredincity concept_city_san_diego +concept_university_raiders concept:organizationhiredperson concept_actor_bill_callahan +concept_athlete_joe_sakic concept:athleteplayssport concept_sport_hockey +concept_journalist_joe_henderson concept:worksfor concept_televisionstation_tampa_tribune +concept_actor_scott_mcnealy concept:worksfor concept_company_sun +concept_sportsteam_sam_houston_state_bearkats concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_steve_trachsel concept:athleteplayssport concept_sport_baseball +concept_personmexico_ryan_whitney concept:worksfor concept_nongovorganization_council +concept_sportsteam_marshall_university concept:teamplayssport concept_sport_basketball +concept_city_georgetown concept:organizationhiredperson concept_person_thompson +concept_person_mitchell concept:personborninlocation concept_county_york_city +concept_athlete_juan_acevedo concept:athleteplayssport concept_sport_baseball +concept_sportsteam_atlantic_coast_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_rockies concept:teamplaysinleague concept_sportsleague_mlb +concept_university_kansas_city concept:organizationhiredperson concept_athlete_paul_brown +concept_sportsteam_maryland_baltimore_county_retrievers concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_evan_longoria concept:athleteplayssport concept_sport_baseball +concept_person_pat_riley concept:worksfor concept_sportsteam_heat +concept_person_ron_perelman concept:worksfor concept_company_revlon +concept_athlete_chris_davis concept:athleteplayssport concept_sport_hockey +concept_university_kansas_state concept:organizationhiredperson concept_actor_ron_prince +concept_athlete_cedric_simmons concept:athleteplaysinleague concept_sportsleague_nba +concept_university_byu concept:organizationhiredperson concept_coach_gary_crowton +concept_sportsteam_emory_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_person_otis concept:personborninlocation concept_county_york_city +concept_sportsteam_morehead_state_eagles concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_montana_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_chris_davis concept:athleteplaysinleague concept_sportsleague_nhl +concept_city_toronto concept:organizationhiredperson concept_coach_mitch_williams +concept_university_unc concept:organizationhiredperson concept_coach_dean_smith +concept_athlete_carlos_beltran concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_steve_spurrier concept:worksfor concept_sportsteam_redskins +concept_athlete_mewelde_moore concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_sportsteam_hampton_university concept:teamplayssport concept_sport_basketball +concept_company_missouri concept:organizationhiredperson concept_person_anderson +concept_company_time_warner concept:organizationhiredperson concept_person_gerald_levin +concept_athlete_grant_hill concept:athleteplaysinleague concept_sportsleague_nba +concept_coach_marion_barber_iii concept:athleteplaysforteam concept_sportsteam_dallas_cowboys +concept_athlete_james_farrior concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_person_caroline002 concept:personborninlocation concept_city_york +concept_athlete_rip_hamilton concept:athleteplaysinleague concept_sportsleague_nba +concept_athlete_stephen_drew concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_drake_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_coach_kevin_youkilis concept:athleteplaysforteam concept_sportsteam_red_sox +concept_sportsteam_seahawks concept:organizationhiredperson concept_coach_jim_zorn +concept_athlete_scott_cassidy concept:athleteplayssport concept_sport_baseball +concept_stateorprovince_indiana concept:organizationhiredperson concept_coach_bobby_knight +concept_athlete_chris_smith concept:athleteplaysinleague concept_sportsleague_mlb +concept_televisionstation_kpho concept:organizationheadquarteredincity concept_city_phoenix +concept_sportsteam_gonzaga_bulldogs concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_zach_thomas concept:athleteplayssport concept_sport_football +concept_company_flyglobespan concept:organizationheadquarteredincity concept_city_edinburgh +concept_person_pearson concept:personborninlocation concept_city_york +concept_athlete_rajai_davis concept:athleteplaysinleague concept_sportsleague_mlb +concept_nongovorganization_opposition concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsleague_new concept:organizationhiredperson concept_coach_sparano +concept_televisionstation_kera_tv concept:agentbelongstoorganization concept_company_pbs +concept_athlete_david_murphy concept:athleteplaysinleague concept_sportsleague_nhl +concept_athlete_otto_graham concept:athleteplayssport concept_sport_football +concept_athlete_alex_herrera concept:athleteplayssport concept_sport_baseball +concept_sportsteam_mid_eastern_athletic_conference concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_darrick_martin concept:athleteplaysinleague concept_sportsleague_nba +concept_terroristorganization_state concept:organizationhiredperson concept_coach_kay_yow +concept_person_max001 concept:personborninlocation concept_city_york +concept_politicianus_newt_gingrich concept:personleadsorganization concept_politicalparty_house +concept_sportsteam_la_clippers concept:teamplaysinleague concept_sportsleague_nba +concept_sportsteam_minnesota_wilds concept:teamplayssport concept_sport_hockey +concept_sportsteam_buccaneers concept:organizationhiredperson concept_coach_john_gruden +concept_country_syria concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_company_focus concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_televisionstation_kshb concept:organizationheadquarteredincity concept_county_kansas_city +concept_person_ter_petrosyan concept:personleadsorganization concept_country_republic_of_armenia +concept_athlete_nomar_garciaparra concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_roddy_white concept:athleteplaysforteam concept_sportsteam_falcons +concept_personeurope_azim_premji concept:personleadsorganization concept_sportsteam_wipro_technologies +concept_sportsteam_vanguard_lions concept:teamplaysinleague concept_sportsleague_ncaa +concept_coach_vincent_lecavalier concept:athleteplaysforteam concept_sportsteam_tampa_bay_lightning +concept_athlete_jonathan_stewart concept:athleteplayssport concept_sport_football +concept_athlete_jo_jo_reyes concept:athleteplayssport concept_sport_baseball +concept_stateorprovince_oregon concept:organizationhiredperson concept_coach_ernie_kent +concept_coach_brian_kelly concept:worksfor concept_geopoliticallocation_central_michigan +concept_athlete_robert_trent_jones_ii concept:athleteplayssport concept_sport_golf +concept_politician_jobs concept:worksfor concept_county_god +concept_person_jeff_zucker concept:worksfor concept_company_nbc_universal001 +concept_televisionstation_kfts concept:agentbelongstoorganization concept_company_pbs +concept_athlete_brandon_marshall concept:athleteplayssport concept_sport_golf +concept_politician_john_peyton concept:worksfor concept_city_jacksonville +concept_person_tony_snow concept:worksfor concept_musicartist_news +concept_creditunion_kansas concept:organizationhiredperson concept_athlete_roy_williams +concept_person_albert002 concept:personborninlocation concept_city_york +concept_athlete_john_bale concept:athleteplayssport concept_sport_baseball +concept_company_new_york concept:organizationhiredperson concept_politician_michael_r__bloomberg +concept_televisionstation_kxne_tv concept:agentbelongstoorganization concept_company_pbs +concept_personnorthamerica_bret_baier concept:worksfor concept_governmentorganization_fox_news +concept_radiostation_kcsm concept:organizationheadquarteredincity concept_city_san_mateo +concept_athlete_gaby_hernandez concept:athleteplayssport concept_sport_baseball +concept_athlete_dustin_moseley concept:athleteplayssport concept_sport_baseball +concept_radiostation_kska concept:organizationheadquarteredincity concept_city_anchorage +concept_coach_vincent_lecavalier concept:athleteplayssport concept_sport_baseball +concept_personeurope_allan_moss concept:worksfor concept_bank_macquarie_bank +concept_athlete_jerry_rice concept:athleteplayssport concept_sport_football +concept_person_john003 concept:worksfor concept_politicsblog_ny_times +concept_person_abbas concept:personleadsorganization concept_nongovorganization_fatah_leadership +concept_person_mitchell001 concept:personborninlocation concept_city_york +concept_writer_david_broder concept:worksfor concept_city_washington_d_c +concept_blog_komu_tv concept:agentbelongstoorganization concept_company_nbc +concept_athlete_jason_bere concept:athleteplayssport concept_sport_baseball +concept_creditunion_kansas concept:organizationhiredperson concept_personcanada_self +concept_company_boehringer_ingelheim concept:organizationheadquarteredincity concept_city_ridgefield +concept_sportsteam_texas_el_paso_miners concept:teamplaysinleague concept_sportsleague_ncaa +concept_stateorprovince_tennessee concept:organizationhiredperson concept_personmexico_bruce_pearl +concept_journalist_natalie_angier concept:worksfor concept_musicartist_times +concept_sportsteam_temple_university concept:teamplaysinleague concept_sportsleague_international +concept_athlete_kei_igawa concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_sportsteam_knicks concept:teamplaysinleague concept_sportsleague_nba +concept_athlete_felix_hernandez concept:athleteplaysforteam concept_sportsteam_mariners +concept_person_ty_willingham concept:worksfor concept_city_washington_d_c +concept_televisionstation_wmeb_tv concept:agentbelongstoorganization concept_company_pbs +concept_person_perenchio concept:personleadsorganization concept_city_univision +concept_journalist_jane_mayer concept:worksfor concept_website_new_york_american +concept_athlete_yoslan_herrera concept:athleteplayssport concept_sport_baseball +concept_athlete_casey_kotchman concept:athleteplayssport concept_sport_baseball +concept_journalist_rocky_anderson concept:worksfor concept_biotechcompany_salt_lake_city +concept_athlete_bill_mazeroski concept:athleteplayssport concept_sport_baseball +concept_person_gundy concept:worksfor concept_university_osu +concept_athlete_ryan_braun concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_rafer_alston concept:athleteplaysinleague concept_sportsleague_nba +concept_website_new_yorker_magazine concept:organizationheadquarteredincity concept_city_new_york +concept_athlete_john_axford concept:athleteplaysinleague concept_sportsleague_mlb +concept_professor_david_levy concept:worksfor concept_politicsblog_turner_sports +concept_sportsteam_miami_dolphins concept:teamplaysinleague concept_sportsleague_nfl +concept_athlete_braden_looper concept:athleteplaysinleague concept_sportsleague_nfl +concept_ceo_sergey_brin concept:personleadsorganization concept_university_google +concept_company_pakistan concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_athlete_pedro_feliz concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_washington_state concept:teamplaysinleague concept_sportsleague_ncaa +concept_company_chevron001 concept:organizationheadquarteredincity concept_city_san_ramon +concept_personafrica_mike_davis concept:worksfor concept_university_uab +concept_geopoliticalorganization_address concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_professor_greg_palast concept:worksfor concept_governmentorganization_bbc +concept_sportsteam_texas_a_m_international_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsteam_twins concept:teamplaysinleague concept_sportsleague_mlb +concept_sportsteam_quebec_nordiques concept:teamplaysinleague concept_sportsleague_nhl +concept_sportsteam_n2009_all_star concept:teamplaysinleague concept_sportsleague_mlb +concept_company_amazon_com_inc concept:organizationhiredperson concept_personus_jeff_bezos +concept_athlete_sidney_crosby concept:athletehomestadium concept_stadiumoreventvenue_mellon_arena +concept_politicalparty_conservatives concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_sportsteam_cal_state_san_bernardino_coyotes concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_placido_polanco concept:athleteplayssport concept_sport_baseball +concept_athlete_brad_ausmus_gg concept:athleteplaysforteam concept_sportsteam_astros +concept_coach_reggie_herring concept:worksfor concept_stateorprovince_arkansas +concept_sportsteam_curtin_university concept:teamplaysinleague concept_sportsleague_international +concept_personmexico_jack_morris concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_knicks concept:organizationhiredperson concept_personmexico_isaiah_thomas +concept_person_norman001 concept:personborninlocation concept_city_york +concept_televisionstation_wha__tv concept:agentbelongstoorganization concept_company_pbs +concept_coach_shanahan concept:worksfor concept_city_denver +concept_athlete_garret_anderson concept:athletehomestadium concept_stadiumoreventvenue_old_trafford +concept_personnorthamerica_maria_shriver concept:worksfor concept_company_nbc +concept_athlete_vicente_padilla concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_athlete_isaiah_thomas concept:athleteplaysinleague concept_sportsleague_nba +concept_televisionstation_kosu concept:organizationheadquarteredincity concept_city_stillwater +concept_sportsteam_lewis_flyers concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_kyle_farnsworth concept:athleteplayssport concept_sport_baseball +concept_athlete_ben_eager concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_personeurope_james_wright concept:worksfor concept_university_villanova +concept_athlete_yuniesky_betancourt concept:athleteplayssport concept_sport_baseball +concept_sportsteam_harvard_divinity_school concept:teamplaysinleague concept_sportsleague_international +concept_athlete_darren_mcfadden concept:athletehomestadium concept_stadiumoreventvenue_mcafee_coliseum +concept_athlete_carlos_boozer concept:athleteplaysforteam concept_sportsteam_utah_jazz +concept_athlete_alexei_ramirez concept:athleteplaysforteam concept_sportsteam_white_sox +concept_athlete_mark_mcgwire_and_sammy_sosa concept:athleteplaysinleague concept_sportsleague_nfl +concept_athlete_esteban_yan concept:athleteplayssport concept_sport_baseball +concept_coach_mike_holmgren concept:worksfor concept_sportsteam_packers +concept_university_oklahoma_state concept:organizationhiredperson concept_coach_travis_ford +concept_athlete_tom_glavine concept:athleteplayssport concept_sport_baseball +concept_athlete_pau_gasol concept:athleteplayssport concept_sport_basketball +concept_athlete_mike_cameron concept:athleteplayssport concept_sport_baseball +concept_coach_mike_stoops concept:worksfor concept_company_arizona +concept_athlete_jeremy_bonderman concept:athleteplaysinleague concept_sportsleague_mlb +concept_personus_steve_ballmer concept:worksfor concept_university_microsoft +concept_journalist_timothy_egan concept:worksfor concept_musicartist_times +concept_athlete_scott_linebrink concept:athleteplaysinleague concept_sportsleague_mlb +concept_coach_steve_spagnuolo concept:worksfor concept_city_st_louis +concept_personnorthamerica_neil_bogart concept:personleadsorganization concept_city_casablanca +concept_professor_david_yu concept:personleadsorganization concept_company_betfair +concept_athlete_nick_young concept:athleteplaysforteam concept_sportsteam_washington_wizards +concept_televisionstation_wfxu concept:agentbelongstoorganization concept_televisionnetwork_pbs +concept_person_oscar_wyatt concept:worksfor concept_newspaper_texas +concept_televisionstation_wmfe_tv concept:agentbelongstoorganization concept_company_pbs +concept_radiostation_kut concept:organizationheadquarteredincity concept_city_austin +concept_writer_joshua_nkomo concept:worksfor concept_politicalparty_zimbabwe_african_peoples_union +concept_sportsteam_grace_lancers concept:teamplaysinleague concept_sportsleague_ncaa +concept_politicianus_john_lafferty concept:worksfor concept_sportsteam_carnegie_mellon_university +concept_athlete_corey_maggette concept:athleteplayssport concept_sport_basketball +concept_website_wsb_tv concept:organizationheadquarteredincity concept_city_atlanta +concept_building_houses concept:organizationhiredperson concept_personus_democratic +concept_sportsteam_florida_st__seminoles concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_tommy_maddox concept:athletehomestadium concept_stadiumoreventvenue_heinz_field +concept_personmexico_jose_bautista concept:athleteplayssport concept_sport_baseball +concept_sportsteam_jaguars concept:teamplaysinleague concept_sportsleague_nfl +concept_politicalparty_senate concept:organizationhiredperson concept_person_lower +concept_coach_alexander_frolov concept:athleteplaysforteam concept_sportsteam_kings_college +concept_sportsleague_notice concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_professionalorganization_cal concept:organizationhiredperson concept_person_jeff_tedford +concept_sportsteam_san_jose_state_spartans concept:teamplaysinleague concept_sportsleague_ncaa +concept_company_martha_stewart concept:organizationheadquarteredincity concept_city_new_york +concept_person_britney concept:personborninlocation concept_city_york +concept_personmexico_ryan_whitney concept:personleadsorganization concept_governmentorganization_agency +concept_athlete_ryan_rowland_smith concept:athletehomestadium concept_stadiumoreventvenue_safeco_field +concept_person_wendy001 concept:personborninlocation concept_city_york +concept_athlete_ed_belfour concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_personmexico_ryan_whitney concept:personleadsorganization concept_website_change +concept_athlete_eric_byrnes concept:athleteplaysinleague concept_sportsleague_mlb +concept_televisionstation_wcfe_tv concept:agentbelongstoorganization concept_company_pbs +concept_biotechcompany_section concept:agentbelongstoorganization concept_stateorprovince_contact +concept_male_gerald_green concept:athleteplaysinleague concept_sportsleague_nba +concept_televisionstation_kyve_tv concept:agentbelongstoorganization concept_company_pbs +concept_athlete_udonis_haslem concept:athleteplaysforteam concept_sportsteam_heat +concept_personaustralia_jobs concept:worksfor concept_publication_macworld +concept_person_abbas concept:personleadsorganization concept_city_name +concept_athlete_j_d__martin concept:athleteplayssport concept_sport_baseball +concept_ceo_thomas_m__ryan concept:worksfor concept_biotechcompany_cvs_caremark +concept_athlete_rashard_lewis concept:athleteplayssport concept_sport_basketball +concept_politicianus_jon_scott concept:worksfor concept_mountain_fox +concept_politician_jobs concept:worksfor concept_blog_today +concept_athlete_jorge_julio concept:athleteplayssport concept_sport_baseball +concept_sportsteam_njit_highlanders concept:teamplaysinleague concept_sportsleague_ncaa +concept_sportsteam_hershey_bears concept:teamplayssport concept_sport_hockey +concept_sportsteam_northwestern concept:organizationhiredperson concept_coach_pat_fitzgerald +concept_coach_carroll concept:worksfor concept_university_southern_cal +concept_personmexico_jason_taylor concept:athleteplayssport concept_sport_football +concept_coach_andrew_ladd concept:athletehomestadium concept_stadiumoreventvenue_wrigley_field +concept_athlete_bobby_orr concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_writer_luca concept:personleadsorganization concept_winery_ferrari +concept_person_levine concept:personborninlocation concept_city_york +concept_sportsteam_purdue_university concept:teamplayssport concept_sport_basketball +concept_politicianus_mikhail_gorbachev concept:personleadsorganization concept_organization_soviet +concept_coach_brett_lee concept:worksfor concept_university_uw +concept_televisionstation_kwhy concept:organizationheadquarteredincity concept_county_los_angeles_county +concept_televisionstation_kcpq_tv concept:organizationheadquarteredincity concept_city_tacoma +concept_sportsteam_capitals concept:organizationhiredperson concept_athlete_ovechkin +concept_radiostation_word_fm concept:organizationheadquarteredincity concept_city_pittsburgh +concept_sportsteam_dalhousie_university concept:teamplaysinleague concept_sportsleague_international +concept_sportsleague_new concept:organizationhiredperson concept_coach_sean_payton +concept_televisionstation_kmne_tv concept:agentbelongstoorganization concept_company_pbs +concept_governmentorganization_federal concept:organizationheadquarteredincity concept_city_boston +concept_sportsteam_st__louis_cardinals concept:teamplayssport concept_sport_baseball +concept_sportsteam_minnesota_timberwolves concept:teamplayssport concept_sport_basketball +concept_athlete_eric_milton concept:athleteplayssport concept_sport_baseball +concept_athlete_jayson_werth concept:athleteplayssport concept_sport_baseball +concept_sportsteam_dayton_flyers concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_laurence_maroney concept:athletehomestadium concept_stadiumoreventvenue_gillette_stadium +concept_coach_richard_zednik concept:athleteplaysforteam concept_sportsteam_florida_international +concept_athlete_derrick_harvey concept:athleteplaysinleague concept_sportsleague_nfl +concept_county_duke_university concept:organizationhiredperson concept_coach_mike_krzyzewski +concept_person_katsuaki_watanabe concept:worksfor concept_automobilemaker_toyota_motor +concept_athlete_rafael_perez concept:athleteplaysinleague concept_sportsleague_mlb +concept_sportsteam_old_dominion_university concept:teamplaysinleague concept_sportsleague_international +concept_personmexico_melky_cabrera concept:athleteplaysforteam concept_sportsteam_yankees +concept_sportsteam_west_virginia_state_yellow_jackets concept:teamplaysinleague concept_sportsleague_ncaa +concept_country_russia concept:organizationhiredperson concept_coach_hiddink +concept_county_chicago concept:organizationhiredperson concept_politicianus_richard_m__daley +concept_company_remark concept:organizationhiredperson concept_personmexico_ryan_whitney +concept_person_richard002 concept:worksfor concept_city_uk +concept_person_richard002 concept:personborninlocation concept_city_york +concept_coach_aaron_harang concept:athleteplaysforteam concept_sportsteam_blackhawks +concept_televisionstation_knxv concept:organizationheadquarteredincity concept_city_phoenix +concept_athlete_david_carr concept:athleteplaysforteam concept_sportsteam_texans +concept_sportsteam_florida_international concept:organizationhiredperson concept_coach_john_fox +concept_athlete_rod_smith concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_athlete_jaromir_jagr concept:athletehomestadium concept_stadiumoreventvenue_giants_stadium +concept_recordlabel_death_row concept:organizationhiredperson concept_person_suge_knight +concept_sportsteam_bond_university concept:teamplaysinleague concept_sportsleague_international +concept_athlete_ivan_rodriguez concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_athlete_denny_bautista concept:athleteplaysinleague concept_sportsleague_mlb +concept_athlete_phil_hughes_and_ian_kennedy concept:athletehomestadium concept_stadiumoreventvenue_yankee_stadium +concept_sportsteam_new_york_liberty concept:teamplaysinleague concept_sportsleague_wnba +concept_personmexico_shaun_marcum concept:athleteplaysforteam concept_sportsteam_blue_jays +concept_sportsteam_steelers concept:teamplaysinleague concept_sportsleague_nfl +concept_sportsteam_lsu concept:organizationhiredperson concept_person_skip_bertman +concept_person_lynch concept:personborninlocation concept_city_york +concept_athlete_mike_myers concept:athleteplayssport concept_sport_baseball +concept_athlete_joe_bradley concept:athleteplaysforteam concept_sportsteam_pats +concept_athlete_sean_taylor concept:athleteplaysforteam concept_sportsteam_saints +concept_radiostation_ketr concept:organizationheadquarteredincity concept_city_commerce +concept_coach_lubomir_visnovsky concept:athleteplaysforteam concept_sportsteam_oilers +concept_sportsteam_york_university concept:teamplaysinleague concept_sportsleague_international +concept_personus_rex_tillerson concept:agentbelongstoorganization concept_petroleumrefiningcompany_exxonmobil +concept_sportsteam_cal_poly_slo_mustangs concept:teamplaysinleague concept_sportsleague_ncaa +concept_athlete_jordan_staal concept:athleteplaysforteam concept_sportsteam_pittsburgh_penguins +concept_athlete_mike_wallace concept:worksfor concept_company_n60_minutes +concept_politician_kaine concept:personleadsorganization concept_publication_richmond +concept_athlete_darrent_williams concept:athletehomestadium concept_stadiumoreventvenue_invesco_field +concept_person_brent_staples concept:worksfor concept_website_new_york_times +concept_personasia_rick_ankiel concept:athleteplayssport concept_sport_football +concept_person_levon_ter__petrosyan concept:worksfor concept_country_armenia +concept_person_charles_prince concept:personleadsorganization concept_company_citigroup diff --git a/process_data/WNRR_original/entity_strings.del b/process_data/WNRR_original/entity_strings.del new file mode 100644 index 0000000..23af0e6 --- /dev/null +++ b/process_data/WNRR_original/entity_strings.del @@ -0,0 +1,40504 @@ +03964744 toy +00260881 land_reform +02199712 suborder_nematocera +01332730 cover +06066555 phytology +09322930 kamet +11575425 dilleniid_dicot_genus +07193596 question +05726596 system +01768969 class_arachnida +02557199 stymy +01455754 run_up +02716866 antibiotic_drug +03214670 water_pill +07554856 empathy +11669921 flower +01291069 join +07965085 body +00057306 pullout +10341660 variation +13219258 genus_equisetum +01698271 write +08189659 unit +10499355 queen_regnant +02222318 toss_out +02103406 working_dog +07190941 charge +12090318 primulaceae +08620061 point +03562126 imitation +12213635 proteaceae +02651424 lodge +13278375 payment +06090869 physics +10668450 surmounter +01837746 piciformes +04692908 chip +00848169 traduce +10483138 propagator +03631445 lacing +00140967 deform +05044528 temporal_property +08135342 justice_department +12219065 needlewood +10518602 religious +00257269 expand +04216634 sieve +07306252 scandal +05943300 school_of_thought +13518963 natural_process +02349730 liomys +09100690 flint +13951215 lowness +02261757 trogium_pulsatorium +06906439 indian +00739270 nonperformance +08730550 taiwan +04085873 stone_facing +04337740 striker +03522863 hitch +00222472 reinforce +09765278 thespian +11835806 nyctaginaceae +09316454 island +02447366 badger +02060141 spread_out +12793886 western_saxifrage +01781478 pious +00515154 treat +12992868 fungus +11790390 orontium_aquaticum +06027264 statistical_regression +12418065 sisyrinchium +05034989 valency +09617161 panegyrist +12319687 genus_carya +14174549 infection +09809749 army_officer +11647131 genus_agathis +01661804 tear_down +12493208 ceratonia_siliqua +12526178 prickle-weed +01634424 manufacture +00940384 verbalize +00692329 abstract +02282082 tank +00561714 run_out +06329313 neuter +12163649 genus_citrullus +10065066 ethicist +08103777 class +02529772 clupeid_fish +07557434 dish +13425637 acetylation +07938773 arrangement +02519183 posture +00729108 preparation +01547001 lie +04090263 rifle +00586262 spot +06718862 ethnic_slur +12108742 genus_arrhenatherum +08691669 national_capital +00845909 pick_at +07439284 fluttering +09275473 europe +03619396 outfit +08441203 law +00226566 intensify +07762244 papaya +08969798 casablanca +01024190 refer +09959387 constitutionalist +08392137 terrorist_organization +12191587 ochroma_lagopus +02604760 be +07047804 adagio +09738400 american +01356888 genus_clostridium +13820655 average +08929922 french_republic +01012360 grouping +00452512 make_full +03376595 folding_chair +13624873 kilolitre +10640620 spouse +00680485 weight +10688356 tactician +09795124 announcer +09754051 abator +08759263 pressburg +08166552 nation +06162979 ontology +04560113 water_heater +01456463 snip_off +07933799 cupper +03307274 outside_door +13477023 phylogeny +12545232 prairie_trefoil +13557451 social_process +14323683 aching +00429048 entertainment +02349212 trust +02071506 globicephala +00242003 resumption +02384041 install +01146039 curb +02497824 appeal +03813704 navy_yard +01361261 pseudomonad +04060647 receiving_system +01864707 mammal_genus +15101586 touchwood +06158185 orientalism +10512562 recruiter +12834408 waterleaf_family +02996840 mefoxin +12850718 leonotis +00244625 digest +14371913 looseness_of_the_bowels +06588785 dbms +03003928 afghanistani +11965627 fleabane +00268112 service +02026059 sandpiper +00804139 assent +07825972 soy_sauce +09189411 africa +03955296 planing_machine +08081403 defense +12778219 silver_bell +10150556 irregular +01718867 oblique +01124794 government_activity +01684899 paint +00820976 manifest +00689729 uvulopalatopharyngoplasty +10056103 vitalizer +02618372 genus_ammodytes +07414922 meeting +00082563 remedy +07803545 wheat_berry +00634472 reason_out +11733904 hellebore +07546465 hatred +11663813 order_ginkgoales +07884567 intoxicant +04695176 stain +06488880 character_set +00061598 consummation +15231415 bronze_age +07817315 coriander +00972621 onslaught +00631391 right +08199025 war_machine +02461014 genus_tamandua +02583567 characin_fish +06150633 finance +04764412 generality +05593476 ulna +01432517 fish_genus +07139151 expatiation +14659211 titanium +02062212 thrust +02469588 primates +04191150 shellac_varnish +00173338 withdraw +05293944 musculus_articularis_genus +00438495 slow_down +00613973 theology +00701040 shape +09681351 jew +00954608 publicize +10508475 ultraconservative +00687926 suspect +07117472 labial_stop +01783571 scutigerella +05039106 ph_scale +04792357 adequateness +11915214 composite_plant +15165289 morning_time +00939277 explicate +01182654 suit +10987358 john_kenneth_galbraith +08806897 rome +01049266 disguise +00829170 sensitizing +02423465 genus_antidorcas +09279458 finding +06333653 name +00455348 followup +08900535 republic_of_india +00628491 think +02444662 license +11873396 genus_barbarea +01387617 protoctist_family +14720238 yellow_metal +00430140 play +10191943 humourist +12145802 zizania +08656590 station +02657219 tally +02116980 work +08524735 urban_center +05551318 side +12508936 genus_baphia +01769902 impress +02198332 hippoboscidae +01014609 underscore +13609507 work_unit +13167078 fern_genus +00595146 mastership +13345286 assurance +00803394 doubling +13651804 half_mile +11462526 violent_storm +04063373 recording_machine +04577769 whip +00032613 possession +00509846 merrymaking +02460483 tenant +00094460 produce +00690614 view +13526110 organic_process +09629752 traveller +02283201 moth +03022406 trichloromethane +03501152 hazard +00092366 vendue +03599761 job +00109660 change +05768806 dreaming +00594146 lectureship +00833199 inform +02026785 rich +07677593 pork_sausage +00126264 modify +11473954 visible_radiation +14175579 chlamydia +13983515 darkness +04174853 zoloft +01041762 summon +10777299 whisperer +10118382 inspirer +01532329 splotch +01158064 levy_en_masse +09918248 kid +15267536 stopping_point +14493426 want +00946499 expansive +02034300 turn_away +00243918 preparation +03045074 clipper +02926044 buspirone +02038617 glareolidae +03967562 plow +07121361 yowl +15113229 time_period +02121234 genus_felis +07921615 hard_cider +01912893 walk +01802159 maleo +07970406 family_unit +10153155 guvnor +08236621 trust +11875691 cultivated_cabbage +05484573 pars_distilis +05010627 reflexion +05653848 exteroception +09944763 councillor +02402175 wild_ox +10633450 witness +09381242 rock_outcrop +14023491 anesthesia +00622384 vex +00320852 intromission +02679899 uphold +00562882 inflate +00400883 refine +01107254 outshine +05045208 rain +03110322 respiratory +10718665 tovarisch +00449692 empty +09641757 asiatic +05623628 reach +08190754 army_unit +00303495 soaring +01778212 physical +00931555 expedient +00284669 parti-color +00338821 rearrangement +08633957 port +03285912 enclosure +01589363 point +12886600 shrubby_penstemon +01121855 remuneration +06600684 parenthesis +05301908 mouth +12284821 european_black_alder +01610758 family_falconidae +07416441 transmutation +00813978 talk_over +01610463 break_up +09726970 quechua +02241569 heteropterous_insect +09968845 counselor +00996102 revise +01732244 rat_snake +09989290 madam +12695144 mahogany_tree +13044149 genus_calvatia +04105893 room +02581803 family_coryphaenidae +08356074 executive_office_of_the_president +12708293 orange_tree +02423589 springbuck +15090742 vitamin_b_complex +10421470 pill_roller +05681117 sleeping +01672607 ordinary +01239619 knock +05718935 music +08913434 republic_of_iraq +02677097 regard +03399047 front_bench +02019762 turnix +00376400 breaking +10129825 young_woman +11766609 family_apocynaceae +00263231 protrude +02367363 move +01725712 passionate +00024814 refreshen +11439031 circulation +02317970 pauperize +00340192 passing +00900070 symbolizing +06768901 restatement +08293982 coalition +15256915 playing_period +10426454 phonetician +05219297 juvenile_body +02156532 pincer +11567411 magnoliopsid_genus +00200397 redact +09773962 advertizer +10986437 william_clark_gable +02480923 outlaw +04631298 uncheerfulness +00318035 passage +09887034 reckoner +00497705 saturate +00040928 make_up +00588221 savvy +00395797 voidance +04490091 truck +06312966 grammatical_constituent +00772026 false_pretense +06142412 nlp +09257949 natural_covering +00260648 touch_on +01967094 teredinid +08821187 acadia +01504437 bird_family +10408552 patron_saint +02431976 sika +06663940 dictate +00589624 discontented +04713428 correspondence +08855609 joao_pessoa +00134099 ko +06806469 symbol +11412993 coattails_effect +11555413 monocot_family +01524885 suborder_passeres +05712076 sense_impression +07248653 sales_talk +12574727 ulex +09407043 relaxer +00387897 snick +00651759 individualize +06449735 old_testament +05042871 vulnerability +01027379 ceremony +07206887 contradiction_in_terms +02475261 commission +00462092 suppress +11813830 petrocoptis +00523436 marbleize +01309991 ingenuous +00019613 substance +14554853 nyctalopia +01467504 family_branchiostomidae +02609203 begin +05248181 passageway +01396170 genus_tetrahymena +01719302 represent +04755218 positivity +01881857 trichosurus_vulpecula +09043052 uganda +00577068 procedure +13745420 large_integer +09911570 spouter +04780605 unsavoriness +00935940 drawing +10605985 trained_worker +04039848 radiolocation +14818238 compound +06743362 explication +02606590 pomacentrus +06672752 object_lesson +08570758 playing_field +00943837 show +02872752 boot +11192067 william_morris +11658104 prumnopitys +08511970 bottom +02644035 respite +07309781 movement +02612982 family_blenniidae +11838413 trailing_windmills +15068754 tetrachloride +01245490 simonize +08567877 goal +00678282 schedule +11579418 asterid_dicot_genus +01566888 parulidae +00429060 trim_down +01610955 falcon +01579410 rook +11700401 strawberry-shrub_family +10434725 trailblazer +01835496 travel +05044822 successiveness +09411430 river +12972818 order_mucorales +00653449 syllogize +05284132 upper_jawbone +05315095 conjunctiva +11033358 william_harvey +10794014 writer +02569130 wise +11735822 isopyrum +02401661 genus_bos +00461402 war_game +01785392 scutigeridae +13071029 hygrophorus +01026975 get +01156834 take_in +07234230 accusation +00763399 square_up +09632518 worker +13194572 lady_fern +00007846 soul +02726305 flat +09826821 ayah +00618682 typecast +11545714 fern +08949093 the_netherlands +09917214 chief_of_staff +12495509 gleditsia +09444100 star +01029114 exaltation +01915414 pennatulidae +00503982 comparable +07527817 jubilation +10407552 patroller +00375071 concentration +01047937 regeneration +11592146 fungus_genus +03183080 device +01822423 order_cuculiformes +08766988 germany +06373747 culmination +08497294 country +07224151 warning +12335664 mallee +00042757 leaving +02744977 act +01494310 set +00137313 touch_on +02037090 slope +02562315 sunfish +07543288 love +07143624 interview +07295047 offspring +04812268 elegance +02521646 gadoid_fish +12704844 polygala +07335917 evanescence +08256968 political_party +02747667 impressionistic +02214203 genus_eumenes +05698791 suspicion +06976392 hellenic_language +15152261 nonage +01027662 lustrum +04014297 protective_covering +00935827 spring +00734587 abstract +13230662 beech_fern +12965463 genus_claviceps +03739327 meclomen +12739072 viscum +08207672 saddam's_martyrs +10180178 holder +02367678 lagidium +11744859 plant_genus +00298497 driving +07075172 colloquialism +01922576 escalade +06513953 whip-round +12113657 burgrass +08032955 lord's_resistance_army +02531422 cool +09050244 south +08160276 people +02131418 ursidae +04405907 tv_set +12868248 sideritis +01949330 genus_fissurella +06633692 condolence +01740969 garden +08849372 chittagong +02628647 govern +08771116 leipzig +09977520 crier +02760658 automatic_pistol +04097256 road_map +01497736 nonmeaningful +05553288 chest +10034201 toper +00583523 professionalize +02596067 sciaena_antarctica +05467054 neuroglia +01650509 hyla +05762258 reconstructive_memory +00013858 stooge +04981139 sound +09800964 appointee +03903424 treadle +03177165 epilator +00549106 impression +02547586 help +08541130 city_limits +01350994 coccobacillus +10622053 soldier +05564590 paw +14031523 ready +09340452 little_dipper +04567222 weather_map +04063868 recording +08397255 troops +08965598 republic_of_mali +09482131 yellowstone_river +08929243 state_of_kuwait +01626138 compose +09399592 promontory +00818466 safekeeping +02298541 sphinx_moth +10123844 general +01024392 medical_procedure +00410247 practice +02926288 coach_station +07221094 tale +01762525 arthropod_genus +10703336 testator +02267975 order_odonata +01507175 bird_genus +01950502 barge +00759694 terrorist_act +08415272 petty_jury +00522145 exhibition +14047740 metacyesis +01697406 model +00744916 hard +13464204 worsening +00597385 master +00390906 disengagement +07555647 exuberance +00282050 progression +01570935 throttle +08017974 baader_meinhof_gang +06883073 insignia +09623038 leader +00820721 overshielding +02255567 phylloxeridae +10404550 passer +00618734 accounting +01037650 smatter +00654234 undercover_work +07098193 rhetorical_device +02468617 shaft +02717901 anticholinergic_drug +08860123 united_kingdom_of_great_britain_and_northern_ireland +12715569 simaroubaceae +09940146 comic +10495555 pusher +10437852 plaintiff +00066191 weep +09476717 wimp +10523341 reservist +01342529 animal_order +01999218 precede +06156346 chronology +00833870 hyperventilation +09209263 atlantic_ocean +00507143 jelly +00371955 refrigerate +00182269 brim +10498816 signal_caller +13104059 tree +01171644 fencing +09403581 rakaposhi +02507736 trouble +08296911 ecosoc_commission +05713737 smell +06513366 request +09421191 sambre_river +03076411 commissary +07590611 hotpot +02506361 terrorize +00267041 ionize +01904293 swim +01477184 suborder_petromyzoniformes +13169674 polypodiales +09546280 oberson +02012344 transfer +03478589 half_track +02023107 see +09968549 cottager +01974062 raise +03259505 home +04037625 track +08792548 zion +09756637 emancipationist +10334957 mounter +01263479 strip +02491383 whoop_it_up +00189257 point_after_touchdown +02221240 genus_formica +00417413 clean +06159473 moral_philosophy +02393086 transfer +13955461 realness +02468864 quill_feather +01370590 unjust +02372251 order_hyracoidea +00742645 wastefulness +00399368 disintegrate +09777012 factor +02944327 transdermic +02329093 rodentia +01896295 country-dance +02148788 show +03661340 lid +10464178 sermonizer +05826291 validation +00204391 slip +15101854 plank +02288789 pyralid_moth +09808080 peripatetic +10224578 journalist +01229071 riddle +00003553 whole +02269894 scrounge +12822769 cumfrey +02597173 menticirrhus +15243730 eon +01938850 mollusk_family +05062748 spatiality +08789970 thessaly +11845387 genus_echinocactus +01967373 plunk +13233012 milkweed_family +00747029 vice +01643896 south_american_bullfrog +05653575 responsiveness +12188635 thespesia_populnea +12911440 tomatillo +01408153 hole_out +00467717 standardize +11556857 monocot_genus +12623524 shadbush +04238321 zipper +01090446 mercantilism +05107765 amount +08926877 volcano_islands +11077195 jackson +10241300 manual_laborer +14085708 encephalopathy +15180528 point_in_time +05821486 precedent +07640203 pancake +05904135 voting_system +09100394 motown +07745197 dewberry +01945845 seasnail +02573704 pomatomus_saltatrix +06277280 video +01537360 passerina +14561618 impairment +00135311 jab +10548227 shop_clerk +01822602 cuculiform_bird +04907575 unmanageableness +12897493 white_potato_vine +00580865 vesiculate +01870867 skid +12334891 eucalyptus_tree +02044659 genus_catharacta +00177127 diagnostic_technique +03760671 microscope +09989502 terpsichorean +00514871 tenderize +10566072 statue_maker +11893808 pritzelago +03319745 family_room +09094581 fort_meade +01033527 treat +15279596 kilohertz +14449405 want +11413263 coriolis_effect +10462860 practitioner +01309109 thirty_years'_war +10830456 viscount_st._albans +14473222 portion +11722769 genus_aconitum +00787832 liberation +03839993 obstructor +04728376 superiority +00883297 teaching +00878348 submit +12609638 pontederiaceae +02335828 sufficient +13477462 instruction_execution +01157557 disarming +01211339 boost +04735233 variance +06844903 virgule +02991302 prison_cell +04829282 mercy +02632989 stromateid_fish +10047459 swellhead +14379829 reasonableness +01665836 precook +02489363 mismarry +02368280 genus_abrocoma +04961691 greyness +13723712 gramme +04404412 television_system +06018465 statistics +13934596 environment +00029378 event +01912272 siphonophora +01656813 reptile_family +10375506 old_man +01837744 precise +02466496 filibuster +01170962 scrap +00773432 fence +04781755 obnoxiousness +06000644 maths +00815801 piloting +02182498 genus_acanthoscelides +09975425 craftsman +01491991 triakidae +13889602 inclination +01884974 wobble +00645939 explore +10011785 hawkshaw +13306870 charge +11719468 ranunculaceae +09102517 duluth +00192836 liven_up +01202728 sustain +14195315 anemia +11410625 upshot +02640093 family_acipenseridae +11942487 oxeye +00657728 score +05603160 jaw +14796969 co2 +09899782 casualty +02257370 interchange +13370448 treasure +11911591 family_compositae +12363988 st_john's_wort_family +03500557 mow +00711550 engineer +00306900 stage +09041785 stambul +14187378 autoimmune_disorder +06295235 plural_form +00661213 contrast +01516534 ram +02504131 variable +13903079 edge +02478701 validate +01796346 vibrate +13491464 hatching +09096190 beacon_hill +15209706 gregorian_calendar_month +07168131 dictation +08964099 east_malaysia +08698126 balkan_state +01579260 raven +02297409 offer +08246613 musical_organization +01101103 outscore +13108131 bean_tree +01693881 re-create +13757724 large_indefinite_quantity +07970721 sept +09102016 north_star_state +02306159 lasiocampidae +10419047 pervert +00410406 americanize +08168978 state +00614730 handwriting +04016576 pruning_saw +05220126 woman's_body +08439955 staff +12730544 salix_tristis +05926676 representation +08747054 west_indies +03157582 periactin +04249415 snare_drum +02729182 flaky +00681429 value +10599806 vocalizer +08851034 city_of_bridges +06943771 slavonic_language +14122235 contagious_disease +13491876 warming +01462005 unify +05011277 deflexion +04494204 vacuum_tube +01429349 fish_family +12288823 hazelnut_tree +05524615 testis +00733632 array +03147509 cup +11585340 rosid_dicot_genus +11856389 rivina +13760316 small_indefinite_quantity +02653706 pertain +02716165 go_with +00770997 foul +00371487 elaboration +00202934 temper +12779603 pitcher_plant +15225249 session +09236423 carpathians +08544813 state +05204004 firepower +02320621 family_antedonidae +13377268 order_of_payment +02860063 cork +09477718 weser_river +00238867 oxidize +02123672 smell +02502085 order_dermoptera +00445467 solidify +01504480 tussle +04275661 spike +08221897 audience +10705615 theologizer +12838027 mint_family +00819508 squeal +08721559 santiago_de_chile +05946687 religious_belief +06045562 medical_science +12139575 cordgrass +02627686 sarda +01437888 mail +03560161 idol +03540595 infirmary +07225696 strategic_warning +08123167 executive_department +04949066 scratchiness +06117562 geophysics +01730799 chorus +00919424 gauge +04710390 sternness +13261916 taxation +01113473 walk +13109733 flowering_tree +11716422 yellow_pond_lily +01355326 true_bacteria +02578235 unworldly +08994540 dhahran +04834228 miserliness +00480508 badminton +08705397 democratic_and_popular_republic_of_algeria +14959234 natural_fibre +08164585 organization +02196344 pomace_fly +12547872 poor_man's_pulse +02407987 work +09440400 south_america +01014066 collection +00055793 unauthorized_absence +00570003 desorb +06876144 sign +00199130 change_of_state +01444520 family_catostomidae +10680153 surrogate +02246011 homopterous_insect +09690371 armenian +12681141 viburnum_dentatum +00101629 fart +00899927 figuration +12399132 mulberry_tree +13926932 poverty_trap +01259691 come_off +05501185 brainstem +01078783 face +08792083 fertile_crescent +08131530 united_states_department_of_defense +02119961 genus_alopex +11875100 genus_brassica +04922787 lineage +09979072 critic +12582231 palm_tree +08743229 victoria_de_durango +08017257 band_of_partisans +01072565 satisfaction +06024230 first_moment +00510364 mottle +00870312 permutation +00956485 pitched_battle +03724870 mask +01944617 helix +01389875 sarcodina +01716732 suborder_maniraptora +13839662 lawyer-client_relation +03932203 piece +10928140 thomas_dekker +11251531 sergei_vasilievich_rachmaninov +06759974 putoff +07011387 monologue +12678224 elderberry_bush +12566627 ruby_wood +07073447 archaism +15204983 decennium +00059127 evasion +00691050 resection +12930044 umbelliferae +02582042 sue +04581829 wick +12712820 genus_fortunella +01916187 gorgonian_coral +11556187 liliid_monocot_family +00223250 vouch +08912153 resht +00837288 pose +12081488 rhyncostylis +00531490 striptease +10568200 second_sacker +15166742 guest_night +08732116 republic_of_colombia +01814091 zenaidura +02550868 save +05854150 abstraction +11561228 liliid_monocot_genus +12485981 yellow_jessamine +07404114 tidal_flow +09298698 gulf_of_mexico +13628056 mib +15224486 term +00275253 wear_away +15253139 antiquity +11777080 yellow_oleander +08890097 scotland +08540903 city +05624042 talent +11689483 oilseed +02636921 inculpate +04668139 womanishness +06128570 computing +14892655 volatile_oil +00848466 fornication +00339085 crush +02251743 pay +10681557 victualler +00955060 operation +11498203 thrust +01793177 wound +00913705 production +14480420 liquidness +11566682 rosid_dicot_family +00482298 tennis +08742205 acapulco_de_juarez +08436759 vegetation +00950936 lilt +08811215 sicily +12814003 trumpet_flower +01943213 strombidae +14625458 metallic_element +03100490 transport +00941990 verbalize +13467700 dissociation +10512708 recruiter +10372373 official +00588888 understand +12689808 genus_erythroxylum +04179385 stitchery +03192142 voltaren +01629958 stir +01383646 sponge +05267548 animal_tissue +05752544 learning +12274630 scrub_oak +01229631 spiritize +02465145 cosign +11311011 sperry +13398241 obligation +06234825 muslimism +07371293 sound +11774279 plumiera +00768483 cybercrime +06873571 visual_signal +05397468 liquid_body_substance +09038597 turkish_empire +01474641 ostracodermi +00899292 dramatization +05850624 facet +01888295 steal +14459422 perfection +09052835 carolinas +07299569 error +05311054 optic +08493493 appalachia +09700492 egyptian +01359432 thread +06084469 chemistry +01587834 thrasher +05665146 technique +02399331 relegate +13860793 solid +07193958 interrogatory +01482071 selachian +00060833 emasculate +06440663 zephaniah +10043643 economist +07281219 programme_music +01531265 stamp +02280223 pieridae +07942152 people +02325968 shop +06647206 record +10162194 hater +14445749 relief +02547225 shame +09112282 nj +05320899 ear +00050693 emersion +01300655 bridle +05079866 posture +14175165 amoebiosis +14549937 limping +10345804 teller +02180797 insincere +15235126 second +10618685 social_climber +13601596 computer_memory_unit +07186148 invitation +12122245 sweet_grass +01377092 mycobacterium +01174645 remise +03008565 heraldic_bearing +02549847 tend +07901587 strong_drink +02989893 rocephin +07557165 treat +02688895 air_force_research_laboratory +01569181 suffocate +02615494 stichaeidae +00933821 unwrap +09287968 geological_formation +11940349 spanish_needles +08426816 military_formation +02294436 shell_out +02495922 utile +00143914 twist +01075117 siege +14803074 carbon_steel +12521394 scotch_broom +06172294 quadrivium +10707804 thief +00803325 pass +00708017 breakable +05036394 intensiveness +00889490 entozoic +00024264 attribute +01354869 division_eubacteria +02654890 tetraodontidae +08472890 trade_union_movement +05701363 process +03540267 hosiery +00998399 tape +11894558 wild_rape +00212414 preserve +13616054 metric_capacity_unit +12013811 seriphidium +01002740 take +02025550 accompany +09908508 chaplain +09437098 slash +01229976 stab +00072808 misreckoning +07172756 expansion +13962360 subsistence +03910033 penicillin +09334396 terra_firma +03104594 copy +08567235 surroundings +02561995 perform +07670731 rind +15158997 guy_fawkes_day +11331300 tarantino +03510072 heat_shield +02837416 thunder +05776212 soothsaying +12575089 vicia +04531098 vessel +05124928 uttermost +11961266 genus_dimorphotheca +05395690 tummy +13169219 filicopsida +13030157 pezizaceae +03350011 low_gear +10053439 empress +12606907 pineapple_family +12685214 geranium_family +14828683 daub +11608250 true_pine +00334174 foetal_movement +05479503 vestibulocochlear_nerve +00944548 ventilate +02033137 bend +10614363 smiler +00156390 trigger +02207206 purchase +09615807 technologist +14388910 major_affective_disorder +02377938 combine +02416519 goat +14548343 impairment +02359915 tamias_striatus +02644622 override +10017422 dispatcher +00689950 think_of +02376791 colt +14656666 tantalum +00812274 taking_hold +01829869 hoopoo +10562283 scorer +00151689 lessen +12169776 malvaceae +02482425 slay +06780309 travesty +01591621 post +00583990 inconstant +01273016 stamp +01413744 rhodophyceae +01323599 thoroughbred +12578626 vigna_unguiculata +00925110 wonder +08925093 kyoto +03666591 lighter +00470966 rugger +02554922 promote +01500873 sow +05395548 valvule +09307300 lump +09721244 luxemburger +01868370 writhe +00996448 unfavourable +08639058 seaport +06687178 approbation +09212935 plattensee +00100044 train +01362736 paint +01765392 placate +08789605 thessaloniki +00606370 trade +01290422 attach +00753472 sophistication +06355894 computer_code +00825776 shoot_one's_mouth_off +01998599 genus_balanus +05304932 gum +01638482 family_amphiumidae +05540121 skull +11860801 montia +12433178 shallot +06663617 ethical_code +02048891 whirl +06176322 syntax +14010927 stoppage +00800421 women's_liberation_movement +02056971 drive +09880741 burglar +01428155 superorder_malacopterygii +12006081 raoulia +07274425 obeisance +02687821 repair_shed +05303402 cavum +02788148 handrail +01881717 trichosurus +06542830 injunction +01914947 run +03432129 shifter +06904171 tongue +02417070 domestic_goat +02612393 suborder_blennioidea +06803636 distress_signal +00021065 put_under +08780881 hellenic_republic +04032242 quarterlight +10335931 mover +03879854 palliative +14043882 suffocation +00313647 water_travel +11805380 genus_agrostemma +07233634 execration +01644746 substantiate +03932670 piece_of_material +12030654 crownbeard +10893606 salmon_portland_chase +00083124 bandage +04953954 shine +00203866 worsen +04820908 monosemy +06787835 markup_language +04476116 trawler +07341038 oscillation +05585665 skeletal_structure +00948071 numerate +00408852 communize +04633453 vitality +09439433 solar_system +12786684 genus_aeonium +07027180 musical_harmony +07020895 music +06624161 missive +00286928 touch +01643507 robber_frog +07484265 desire +02082690 spread_out +01675963 ornament +12290116 gentianaceae +02035656 kaki +00873469 tip_off +12734446 santalales +05186306 vote +07679356 staff_of_life +02515713 latimeria_chalumnae +14118138 dm +11747468 leguminous_plant +01780941 terrorize +13194328 genus_athyrium +02066939 run +14070360 disease +08220714 division +12651611 pyrus_communis +06615927 coming_attraction +07907548 scotch_whisky +10485440 working_girl +01461328 compound +08957381 lebanon +02377480 mare +05481095 encephalon +00686447 accept +08858942 great_britain +02729965 widget +02188699 two-winged_insects +06644393 fingerprint +02170400 carpet_bug +00106272 pitch +02464342 slack +09137869 south_carolina +02609764 terminate +01652850 genus_gastrophryne +06498569 hebrew_script +01043333 stations_of_the_cross +13791389 connexion +12792041 saxifrage_family +07505047 care +05999540 scientific_knowledge +01524359 passerine +11536778 division_bryophyta +04859177 venturesomeness +08853741 federative_republic_of_brazil +00101956 spue +07962991 slagheap +08276342 educational_institution +08210982 security_force +02082056 fissipedia +11127996 leo_xiii +08844557 papua_new_guinea +02571251 trespass +11780930 sweet_flag +15246853 second +01283208 wrap_up +00489730 high-low-jack +03300907 lodine +03929202 pickaxe +11197099 sir_james_murray +05385534 liver +02234551 reapportion +00473322 rationalize +00557686 wash_out +02230772 turn_over +09466280 world +07705931 edible_fruit +05418717 venous_blood_vessel +08701161 cappadocia +14854262 stool +02451951 intractable +01446901 wave +14984973 colouring_material +06845599 trade_name +01086081 giving +01089778 donation +00072012 wee-wee +01796582 rue +00781000 proceed +09830629 packer +00652622 catalogue +01536916 subfamily_emberizinae +06712325 sermon +10493685 puppeteer +00589769 captainship +06051542 immunology +12342498 wickup +05841029 antitype +12787565 hydrangeaceae +08563180 eastern_united_states +08839916 gilbert_islands +01380638 pull_together +10540656 roundhead +03868863 oxygen_mask +01327028 anaerobe +01017987 continuation +00953559 fight +09854510 poster +02746365 ordnance +04833276 selflessness +02630052 istiophoridae +01127215 barricade +02294761 noctuidae +11778534 family_araceae +05784560 mysticism +05809192 mental_object +15067025 tannin +02501275 tarsiidae +01494188 sphyrnidae +08709038 caribbean +01105259 transportation +12799580 lithophragma +13112664 shrub +09510305 lugh +14522113 good_weather +07193184 questioning +15047313 solvent +07238102 implication +04688246 attractiveness +02513560 young_fish +12611243 najadaceae +06598915 substance +03429771 metal_glove +02326198 market +03419014 garment +14332085 stinging +09952393 paramour +02273545 order_lepidoptera +05570129 gluteus_muscle +04780958 offensiveness +02460199 rent +09339810 lithosphere +10084635 women's_rightist +01830623 momotidae +13164763 shoot +12939874 hogweed +01448767 poeciliidae +12985236 tuber +03058949 coat_of_paint +10240514 queer_duck +02386012 ordinate +04514738 upper_deck +01486241 orectolobidae +01418947 hypermastigote +00478830 wipe_out +13235947 genus_araujia +09163192 vietnam +05412649 sth +00138508 turn +15291498 term_of_office +12925394 jatropha +08616050 pastureland +04971928 brownness +00382109 conglutination +07550369 malignity +07955280 tout_ensemble +00797299 intoxicated +01084180 reapportionment +04413151 terminal +02769748 rucksack +04857083 courageousness +00430370 thin_out +09304465 hole +12655062 rubus_ursinus_loganobaccus +02799897 baseball_equipment +02359775 tamias +12456845 daylily +02511551 regulate +02658079 righteyed_flounder +05703956 mind +00660571 sequence +12391745 urticaceae +01080691 play +03648804 laurel_wreath +13933841 crowding +12746733 genus_pachysandra +08108972 genus +05047059 lateness +02542280 follow +03501614 head +00766234 offense +01695567 shade +07784810 kingfish +03790512 motorcycle +06628861 acknowledgment +04627936 shmaltz +06757057 tarradiddle +02461830 scaly_anteater +08728462 shenyang +02205896 order_hymenoptera +02171633 scarabaeidae +02049190 spiral +00058014 cub +00927430 suggest +00954086 encirclement +03379828 pedestrian_bridge +00415044 settle +02250464 pseudococcidae +00438752 retard +12398990 morus +01566645 cackler +01365131 laminate +01727490 reprize +07919310 fizz +02491590 family_cebidae +00156601 increase +08083599 western_church +01900408 trip +14031108 readiness +12123050 hordeum +00789138 look_into +03719053 residence +08801678 italy +04671841 whimsy +11699071 epimedium_grandiflorum +14487184 impurity +12714755 prickly_ash +12501745 subfamily_papilionoideae +00384329 insert +00555780 brush +10515194 social_reformer +10702167 termer +10575787 seeker +01401686 tribonema +05331812 tear_duct +08077292 administrative_unit +01498872 recess +02714865 cantilever +10087736 filer +03321103 turbojet_engine +02350845 zapodidae +09815790 supporter +10336234 mover +13026529 plectomycetes +14342132 phrenitis +01759182 arthropod_family +06196584 tendency +06232880 judaism +01738774 develop +00523513 sport +01246601 sharpen +02722458 cancer_drug +01625747 class_amphibia +04967191 viridity +12939479 foeniculum_vulgare_dulce +15159819 date +00032539 sneer +00737536 indecency +00480993 hoops +00251013 cleanup +01606574 lean +02354536 wire +00309582 pop +06945679 baltic_language +12969927 smooth_earthball +11978035 genus_helianthus +12876032 scrophulariaceae +11289709 scott +09165146 hodeida +10842730 roberto_francesco_romolo_bellarmine +05219724 male_body +10226993 jumper +09023321 spain +06875697 signing +09029457 sudan +01094725 commercial_enterprise +02553196 percomorphi +01817755 disillusion +00133981 knockdown +03888257 parachute +12751043 genus_cliftonia +12641180 purple_apricot +05855125 quantity +01695259 subclass_archosauria +06892016 turn +01486312 incase +02733187 stomachic +03492717 hard_drug +05675130 consciousness +05675905 knowingness +10453533 vicar_of_christ +09708405 frenchwoman +01467370 surround +00791078 trial +02075296 carnivore +14359174 coughing +13150178 piper_cubeba +04315948 stereophony +05573895 thighbone +01623792 turn_out +02323449 lagomorph +04453910 top +00894552 recitation +01835918 chuck-will's-widow +01416585 mastigophore +04709253 difficulty +12599435 whiteman's_foot +06535222 statute_law +10018021 protester +01845720 travel +01588134 fence_in +00836149 snuffle +01708778 suborder_sauropoda +01729431 sing +00957176 unjust +10655594 steward +02496036 cage_in +00907147 sound_off +02420789 job +11672400 wildflower +03900509 paved_surface +06686174 guarantee +06309383 syntactic_category +00722479 position +07223985 talk_of_the_town +00350878 red_herring +02157557 tail +03837157 nystatin +00187526 stick_in +09125203 rochester +01048492 bleat +12890009 genus_veronica +13617046 kor +10472799 prince +01919711 stride +04380617 table_linen +12329260 lagerstroemia_indica +12197359 kola_nut_tree +03269401 electrical_device +05996646 subject_field +02411705 sheep +11766046 algarrobilla +00128638 fly_ball +02528534 order_isospondyli +10503452 radical +01832979 genus_collocalia +14334511 pock +02327200 supply +02110552 feel +05881867 newton's_law_of_gravitation +09068444 nutmeg_state +03949442 stone_pit +05790572 reject +10779897 whoremonger +03640660 lane +01776705 ixodid +00719734 expect +10783539 winker +01978744 portunidae +13480667 filtration +06163751 logic +09213076 balkans +02961505 magyar +13426376 activation +01792567 pain +11967744 woolly_sunflower +02098325 selfish +02395406 sus_scrofa +09194357 the_alps +07348399 rise +09883947 dyke +04093625 skating_rink +06632097 shake +02503313 family_elephantidae +01556182 spotted_flycatcher +00471613 baseball_game +02500472 genus_avahi +00140123 change_integrity +00422090 appear +13384557 money +01322221 baby +01201271 divorcement +13722340 dram +10228864 kafir +13721003 long_hundredweight +09073938 miami_beach +08121117 fire_department +04599396 work +00844254 sexual_practice +02345288 plunder +01857325 brent_goose +06877078 facial_gesture +02158896 camouflage +09551356 greek_deity +07565259 table +01134522 cannon +10248198 latitudinarian +06879180 demonstration +02777734 balcony +08270662 oort_cloud +09952539 music_director +13069348 septobasidiaceae +05423779 venae_palpebrales +01103614 publication +07574923 brunch +11743294 rush +00001740 take_a_breath +01633343 gestate +03351434 tackle +02343595 sacrifice +14904661 halogen +02261419 liposcelis_divinatorius +10211203 medical_intern +03079741 compartment +01691085 family_anniellidae +12835196 genus_emmanthe +10576962 selfish_person +03967942 stopple +02150510 watch +08700255 asian_nation +10721470 dealer +08337324 office +01596645 comb +01809446 opisthocomidae +08731606 indochinese_peninsula +08685188 zodiac +00211110 windup +09946278 fellow_traveller +05799581 field_trial +05022457 flexibleness +00620752 toil +06836822 beth +10491309 publisher +09983572 rector +05695554 equivalent +09184136 sense_of_right_and_wrong +02293321 turn_in +07979425 greek_mythology +00306017 explode +08037118 pij +01772985 genus_argiope +06804199 bugle_call +12281788 yellow_birch +02771320 plague +01174555 ruminate +11907939 sanguinaria +12950669 corn_salad +01563005 segment +02038357 tip +00043195 uncovering +00257650 swell +15027189 antibody +14629998 barium +01101913 vanquish +02374451 horse +12564840 pterocarpus +02287476 genus_alsophila +02373093 perissodactyla +08752021 dominican_republic +06153846 liberal_arts +10547145 saint +09621359 innocent +03452449 granary +00212065 graduation +14235200 tumour +13659604 hm +05756414 stimulus_generalization +01172275 tope +01927159 schistosome +12166929 sing-kwa +13872211 pit +01997119 water_flea +03575240 instrumentation +02769460 mount +00609506 piloting +01853379 melanitta +09614684 shielder +13939892 stage +09818343 uranologist +06671637 recommendation +01794668 suffer +06934389 tai +02899439 nosepiece +00928947 programming +13458571 decrement +10608385 slacker +05511618 circulatory_system +01940736 shellfish +01184625 sustain +01965464 saltate +04097373 two-seater +04968895 blueness +01022178 survival +01555172 muscivora +11750359 hymenaea +01928838 step +01708676 trip_the_light_fantastic_toe +08920924 honshu +08008335 organization +00501534 decarboxylate +01877812 wallaby +12639910 prunus_domestica_insititia +04891184 circumspection +08740875 united_mexican_states +10204177 industrialist +10549925 sandbagger +09367991 want +09820263 jock +01944692 boat +02690708 lie +04729984 stateliness +03315023 installation +13129165 stem +04322026 stock +08491245 mailing_address +08780380 tampere +04051068 ramipril +02120997 feline +10582746 serviceman +07975026 gathering +07854813 swiss_cheese +00426928 recreation +04204619 short +00912473 shout +04682462 spot +10066732 judge +02812201 battlewagon +08889400 cork +08955626 south_korea +09068921 bridgeport +02489288 superfamily_platyrrhini +09403734 range_of_mountains +01097500 muster_in +04402746 telephone_system +01273814 stamp +00067999 transude +00196364 burn +00021997 freeze +00329654 twig +08305114 league +00047317 try_on +02276527 limenitis +08242799 work_party +12008252 coneflower +06252743 intercommunication +12614477 waterweed +09960545 contortionist +07339808 combat_casualty +00694681 justice +14333136 chafe +12247664 vaccinium_corymbosum +02321759 holothuridae +14836960 distillation +02023600 congregate +02999410 chain +02640242 sturgeon +10128519 geophysicist +04475900 trotline +12959802 order_ophioglossales +02015944 porzana +01107932 transference +06403393 script +07284554 concomitant +11629501 family_cupressaceae +00854904 take_in +14747587 androgenic_hormone +10510546 refuter +01458973 separate +07580782 roast +02316304 resign +04646548 sincerity +01188485 thirst +09053185 heart_of_dixie +10412055 walker +04464211 track +07964495 combination +00881441 spying +00146138 turn +01112584 test +00070965 mistake +00299217 riding +00061595 unsex +01428853 pair +00436668 radiate +08800676 eastern_roman_empire +06095022 uranology +00164579 storage_allocation +02048051 whirl +02128120 panthera +00492706 pollute +04050410 ram +01187810 judicial_decision +02629581 xiphias +09853305 bigamist +04111668 rotor +06157326 performing_arts +02061069 wince +09371151 niger_river +12694486 west_indian_cherry +02267060 spend +02079933 transmit +03918480 personal_computer +01546039 scrubbird +12996841 class_basidiomycetes +00953216 tell +07496463 suffering +01176079 mess +00949974 send_back +00205885 meliorate +00364479 uncheerful +00092293 drop +02468965 lot +01566185 wreck +13740765 sweet_fanny_adams +12651465 pyrus +00058135 kitten +01267098 pave +08964288 sabah +01976477 suborder_brachyura +02261286 liposcelis +10376523 senior_citizen +00021826 chloroform +01929396 phylum_nematoda +08971025 republic_of_mozambique +00795720 undertaking +11877193 collard +01118614 car_boot_sale +07774295 hickory_nut +09272927 el_muerto +10340312 player +03206908 dish +12008749 rudbeckia_laciniata +11590783 fungus_family +01892271 genus_blarina +12102133 grass +01608934 genus_elanoides +11898271 subularia_aquatica +00705580 radiotherapy +07252764 provocation +10618848 socialist +04988258 resonance +01240514 rake +03051540 wearable +13138308 stone_fruit +02171254 superfamily_lamellicornia +02538010 salvelinus_namaycush +02719750 antiemetic_drug +00923995 making +00280301 whiten +02408281 drive +11841529 family_cactaceae +01871979 push +12333397 psidium +01106272 freightage +10342543 mutterer +01920582 order_cestida +00908351 nurture +09050730 south +02527651 spoil +07663592 boeuf +07909811 orange_liqueur +12942270 petroselinum +00227165 intensify +13994148 independency +02140033 expose +13538314 plastination +01474283 jawless_vertebrate +08192361 coastguard +14116908 hypoadrenocorticism +12477583 maguey +00235435 start +01048569 bellow +00933420 artistic_production +15193271 january_1 +13395187 fifty_dollar_bill +00437125 diversify +10099375 follower +07923297 shake +02931417 nightspot +01904930 walk +13723577 carat +13100677 vine +13060190 jelly_fungus +12218621 hakea +01519719 genus_dromaius +14429985 rank +14994004 polysaccharide +00252662 purging +05833840 thought +00029836 roar +01158690 standardization +09422294 san_fernando_valley +10595164 sibling +05779371 theorization +07050619 threnody +11970586 gaillardia +13952601 legal_status +04723816 quality +08482577 local_authority +03882611 panelling +07528212 exhilaration +04787324 naturalization +09012297 republic_of_estonia +00360650 chaste +04259771 sonar +00745637 wickedness +12768177 genus_aesculus +04932278 computer_architecture +02022162 reach +08509442 zone +09863031 escort +02068735 family_delphinidae +01979738 genus_callinectes +00060185 incubate +04739932 invariance +00720808 previse +10155849 stylist +00464894 golf_game +09367203 requisite +14204950 pathology +02192127 lucilia +00065070 suffer +01101391 general +01948077 surfboard +03069752 college +02364221 family_caviidae +01949110 bus +00992041 motion +01042531 whine +07308563 explosion +00733483 violation +12552081 onobrychis +05898568 programme +15264363 tempo +05872982 law_of_nature +01198779 inhale +01181295 serve +04608567 writing_implement +09774783 proponent +01930512 ready +09937903 colonizer +14933314 volcanic_rock +13721177 short_hundredweight +14336539 rubor +01349130 wring +01098869 militarize +10742384 usurer +02505646 mammutidae +00153263 increase +00655378 isolate +01471682 vertebrate +07410021 tap +06021761 norm +01892104 take_a_hop +03511175 hedgerow +00896688 square-bashing +01231252 prod +00798717 retract +02512938 food_fish +12770892 marblewood +01548718 wipe_off +14040310 starvation +02246300 pyramid +01010118 declare +01816635 psittaciformes +00443384 indurate +09033333 syrian_arab_republic +10628644 sovereign +07715561 squash +01976841 drop +05512337 urinary_bladder +05822746 consideration +06987124 hebrew +11740824 wax-myrtle_family +08563627 southwestern_united_states +05651971 sentiency +10989610 mrs._gandhi +09060768 golden_state +13416345 security +04161358 seat +02367131 family_chinchillidae +11945228 genus_carlina +08629508 rear +02171869 scarabaeid_beetle +01552519 cut +02245592 suborder_homoptera +02672187 touch +04876985 fidelity +01931768 steer +12474828 uvularia +08580803 habitation +01941093 pilot +12348774 melastomataceae +10226803 jumper +00967625 release +00795161 mot_test +01191645 luxuriate +02040709 scrape +10216403 invigilator +12707432 genus_citrus +05566919 extremity +01580467 wrap +11426530 attractive_force +02382948 racehorse +05151088 practicality +14957270 sulfur_mustard +12587132 wine_palm +12560016 pea_plant +05698247 uncertainty +07111047 speech_sound +13125117 root +00738966 dereliction +12591195 livistona +14640434 hydrogen +01072262 vie +00750890 falsification +00073828 slip-up +14427065 puerility +12975608 myxomycetes +03714721 makeweight +02114056 solarize +06502378 written_record +02436514 hyemoschus +10005280 lieutenant +13108841 coniferous_tree +02766390 sparkle +01631534 create_mentally +12109827 oat +00965035 report +03519981 main_road +05613794 id +03722288 mart +10308732 repairer +02764438 blaze +11253248 ramses_the_great +13366428 meal_ticket +01285305 lutzen +00407535 activity +03008275 explosive_charge +04511002 university +01151407 propitiation +06558277 citation +06364149 rewrite +00759335 luxuria +02233577 family_blattidae +04948241 roughness +00890590 secure +02511510 peristome +13303315 terms +02467662 split_up +00081725 heal +01990281 surface +09998907 ornamentalist +06562993 rebutter +08404373 commando +08903636 kolkata +13650921 rod +10511425 repeater +00780889 thieving +09225146 water +12928491 redbird_flower +00034758 pout +14941884 lithonate +12516165 kentucky_yellowwood +10179291 ice-hockey_player +08243851 fabian_society +07683617 pocket_bread +10349551 naysayer +02137428 herpestes +05093890 level +08557131 dukedom +01843055 trip +02829696 curve +03338009 filler +01622795 output +05194151 influence +00828779 edible +01177118 board +02397637 upgrade +11571907 magnoliid_dicot_genus +12618942 rosales +01846331 duck +03512147 whirlybird +01138911 play +01107726 trading_operations +09965134 vamper +02705303 outwear +02649830 populate +00968211 spread +05257593 haircut +01636984 genus_aneides +00704305 psychoanalysis +00637259 work_out +12051285 genus_cleistes +12026764 tragopogon +08574314 geographical_region +04596852 woman's_clothing +08294696 world_organization +09941383 commander +02592250 club +12450099 genus_erythronium +13369857 pool +03426574 gas_turbine +00695761 undervalue +13993517 fragmentation +01397114 algae +12156308 sparganiaceae +09714952 irish_person +01458664 strain +13720852 quarter +08720037 tchad +09376526 seabed +00494768 poker_game +10514962 restorer +00838367 feeding +04135315 sanitary_towel +06285090 sentence +02080291 mirounga +12372708 papaya_family +08897843 lower_egypt +09862345 boarder +07291312 finish +08268321 diagonal +07850329 cheese +12116881 genus_digitaria +02584145 paracheirodon_axelrodi +10516874 registrar +00022686 stimulate +08940209 elsass +09871681 boy_scout +08688590 combat_zone +13403643 record +02325366 wood_rabbit +12806732 sycamore +04854389 unjustness +01469770 invite +01478603 foul +13635336 radioactivity_unit +11653904 podocarpus_dacrydioides +01593705 irenidae +01496331 torpedo +09207288 asia +12366507 genus_garcinia +10418101 personification +10741821 usher +08859173 ireland +00737070 liberty +02724417 relate +02747922 persist_in +08176077 organization_of_american_states +02016358 water_hen +00021939 artifact +03747508 mephobarbital +02244956 trade +01753721 family_crotalidae +03131038 crest +03323703 holdfast +12130160 toowomba_canary_grass +13162297 bark +11596845 order_gnetales +12410715 order_liliales +14063633 distention +01697027 mould +02176268 sound +04341686 structure +05815890 remit +08973776 nigeria +08428019 march +00308105 dehisce +14313440 sphacelus +12193334 quandong +14286549 scratch +12671157 honeysuckle_family +05313679 protective_fold +00344125 changeful +01061320 carry +02832168 beta_blocker +06744000 rubric +01615825 pandionidae +00155487 location +12875861 sweet_unicorn_plant +01588493 tag +09929298 climber +00676450 pick +15161631 fete_day +02523784 fail +02026798 genus_actitis +01000214 record +00255710 washing +07836456 chinese_brown_sauce +02353861 pouched_rat +05478336 second_cranial_nerve +01053404 superposition +05471181 caruncula +00356790 compression +04186848 shears +02068974 dolphin +02612657 blennioid_fish +12969131 puffball +00413239 usance +06249177 strategy +15120346 times +02797021 serial +15244351 year_dot +00988287 dramatize +04785908 naturalness +11428023 shaft_of_light +04625515 jactitation +01207609 help +02058756 trail +01939598 mollusk_genus +03003730 chamber +02394477 even-toed_ungulate +06201136 partisanship +08067077 automobile_industry +03121897 coverall +07283608 occurrent +09767700 actress +08196230 usaf +14855724 weewee +07290278 dramatic_event +04170037 self-propelled_vehicle +12410381 subclass_liliidae +08223802 community +13388245 coin +12533730 salt_tree +09726621 south_american_indian +05987522 thatcherism +07956250 flinders +02201758 genus_culex +01636397 imagine +10488309 psychic +12092127 genus_anagallis +10527334 subverter +03129123 creation +01693453 plot +14472624 rudeness +12076075 genus_phaius +02592866 genus_chrysophrys +00601822 sweep_up +01916214 wade +01374020 swash +02457756 genus_choloepus +06154724 classicism +08929555 kuwait_city +01950952 tethyidae +12524518 genus_dalea +03550153 hut +04446521 toilet +01003588 retake +11512992 propagation +02394445 deputize +04287153 spout +12851094 lion's-ear +07994941 pack +11661372 yew +01150467 pauperization +00956131 just +01677613 genus_amblyrhynchus +04897762 deportment +02188065 order_diptera +01921964 mount +08414608 venire +00389308 quantization +06062407 radiology +00026192 feeling +00958334 retell +08161757 us_congress +14299637 symptom +12205694 herbaceous_plant +01353169 screw +01313093 kingdom_animalia +15228267 quarter-hour +01946408 wear_round +04008947 projection +03876519 picture +02661017 lefteyed_flounder +05147940 productivity +13489037 ontogeny +14840755 element +02664511 parophrys +07109847 vocalization +11773138 mandevilla +02624167 mackerel +02369633 dispatch +01407065 division_chlorophyta +08642517 proximity +09070793 washington_d.c. +08524572 storm_centre +08889657 limerick +08344917 iraqi_mukhabarat +02259829 dicker +08553535 residential_district +10077593 lover +13658998 dm +01820901 exasperate +12355760 ginger +05278152 palatine_bone +01802219 lament +02451575 fictional_animal +08701942 asia_minor +09964411 imitator +07434102 warping +10350220 nazi +02020590 reach +00328128 noncellular +06722453 statement +06926458 turko-tatar +05019661 sensitivity +11905584 glaucium +01484392 cluster +01295275 join +03870105 pace_car +01900837 quill +02154508 observe +01725051 play +01233347 vertical +14751417 corticosteroid +12039743 orchidaceae +09285979 galilean_satellite +01547832 tyrant_flycatcher +00828237 grooming +08906952 xizang +01004775 sampling +03654086 leflunomide +12096223 samolus +13060451 tremellales +00762043 renegotiate +02472293 man +01311103 dig_out +13537894 roughness +00821765 reflect +09260010 earth's_crust +00294452 sprint +11675842 reproductive_structure +00331950 movement +00714531 identify +01721754 simulate +03122748 covering +02649082 oxylebius +00300537 fit +12633386 malus +01271428 marne_river +04728068 quality +00923444 manufacture +07176962 connivance +02166986 family_carabidae +00745499 order +10257647 rounder +08831004 commonwealth_of_australia +00201034 shorten +11455695 focus +01111458 steal +10428004 physicist +02552171 spiny-finned_fish +01577635 plunge +11623304 cedarwood +02442845 mink +01590042 tichodroma +06856568 scale +14696793 stone +13798491 transitivity +10125561 superior_general +01151097 pacification +10506417 rancher +08843215 kalimantan +06839083 taw +00975452 penetration +02448318 ratel +05800998 public_opinion_poll +07199922 riposte +08711655 triple_frontier +06057539 general_anatomy +01158181 waste +10546850 saint +12725521 osier +07252378 urging +04033995 quilt +03879116 winding-sheet +01609751 harrier +10162354 modiste +00047945 tog +00093483 saving +05542052 occipital_protuberance +13776432 zillion +08324514 committee +01522716 encircle +00302394 flying +01239064 participation +02003601 trace +07486922 yen +08728268 shanghai +02543181 disobey +00331514 pound +00879540 put_up +15017604 chloride +04956594 colouring +08287844 culture +08724545 turkistan +14752323 glucosamine +00770543 violation +00207761 transportation +00376063 change_of_integrity +07546125 lovingness +13924659 participation +12157769 gourd_vine +06043075 medicine +10039164 duenna +07123710 yodel +09894654 card_player +07254836 relinquishment +08975902 west_pakistan +01535246 wash +12729315 swamp_willow +01500214 appose +00270005 mobilize +01667132 alter +08748280 lesser_antilles +01936048 motorcycle +02556126 support +00348008 tilt +11955770 genus_conoclinium +01855606 move +10328782 monogynist +03963982 playing_card +09626589 percipient +01487312 odontaspis +09335240 soil +08175700 supreme_allied_commander_europe +00037396 action +00870577 warn +02515914 subclass_dipnoi +01439604 retake +01811909 pigeon +14456138 nudity +07813107 table_salt +01657723 reptile_genus +08552138 territory +06623614 correspondence +10612931 sluggard +02645007 total +04950126 visual_property +10327583 mollycoddle +01471070 vertebrata +14465048 congenital_disorder +06325370 pronoun +09953775 confederate_soldier +15089472 fat-soluble_vitamin +06742772 philosophizing +00796976 turn_down +10172080 intersex +00980904 peacekeeping_operation +00319406 scale +04643397 thorniness +00033852 scowl +08374049 settlement +10106080 fosterling +02516594 step +10098092 yes-man +02833793 pinion_and_ring_gear +07476623 whipping +05373924 vena_metatarsus +02227362 ditch +12740514 soapberry_family +07407970 fluxion +02094569 thrust +04416530 tetracycline +00867983 tremble +01849221 come_up +08240633 pack +05612067 public_knowledge +00364787 upsurge +07491038 delight +00657550 grade +01012561 validate +02547213 pediculati +00351638 step-down +12818742 genus_cynoglossum +14210971 uremia +00235208 reversion +09972661 puncher +14239918 malignant_neoplastic_disease +01940034 toboggan +08936303 le_havre +09639382 circassian +02424128 subjugate +00428270 terpsichore +05236152 radicle +07048000 vocal +03216828 docking_facility +09802050 valuator +00234988 regulate +01171183 fuddle +00899597 salute +07066659 style +03450516 robe +03583109 iodochlorhydroxyquin +11735325 hydrastis +12404484 genus_cecropia +00037919 bathe +07432119 seepage +00675901 draw +02299552 overbid +04544979 walkway +03274796 electrode +08841956 malay_archipelago +06479665 official_document +07573696 repast +04745370 uniformness +00216174 sacking +01939811 bobsled +03850746 opiate +06436183 ezra +03417749 garden +08987423 st._kitts_and_nevis +11816121 silene_dioica +10577284 vendor +02159955 insect +01642437 introduce +01740393 leptotyphlopidae +14016361 weariness +00952182 voice +08149781 sect +06486405 cleanup_spot +02236124 take +09303008 hill +00904046 exonerate +00224738 poisoning +08439476 underwood +07394814 sputtering +00712833 anointment +13920835 status +00030358 human_activity +07810531 bouillon_cube +02725367 antiviral_drug +00066216 nonachievement +09385137 sliver +00034213 phenomenon +01568493 genus_dendroica +14578104 lubrication +09039411 turkey +13151265 family_chloranthaceae +01588172 xenicidae +02006827 platalea +08984457 zabrze +09029242 sudan +08429167 suite +02075727 suborder_pinnipedia +02144460 express +06635944 inside_information +12105578 witchgrass +00941777 creating_by_removal +15258450 quarter +02518990 genus_ameiurus +05999797 scientific_discipline +03054098 club_drug +02224055 remove +06688274 recognition +10384772 orthodox_jew +13830305 point +08593924 line +06364641 literature +11565385 dilleniid_dicot_family +05051896 protraction +15279957 mhz +00164999 co-option +08983413 krakow +01691951 venomous_lizard +14920844 insulation +03186818 telephone_dial +02551824 superorder_acanthopterygii +01330822 tuck +11534677 plant_order +00189511 feed_in +09620078 inhabitant +11793032 syngonium +06856884 tucket +02120140 vellicate +03556811 scooter +00947077 specify +00015388 fauna +00494907 communicatory +13082077 order_mycelia_sterilia +11867525 mustard_family +02079851 phoca_vitulina +11742878 leitneria_floridana +01610666 break +08550966 episcopate +11850748 pediocactus +00715868 rule +09275016 eurasia +01928154 point +06453849 new_testament +12165608 genus_ecballium +09031653 switzerland +00691944 identify +07951464 collection +01190494 soak +00367066 maximization +12321395 king_nut_hickory +10736602 undergraduate +01035380 compromise +02320374 charge +02342132 supplement +08151490 cult +00708376 scheme +06055300 pharmacy +08969291 morocco +13614256 barn +02450505 prevent +05714894 stink +01975912 hike_up +08019523 popular_democratic_front_for_the_liberation_of_palestine +02726681 apartment_house +06060845 pathology +01776468 take_to +01975387 chin_up +14034177 physiological_state +06786629 instruction +09637684 darky +01639105 strike +07800091 provender +01955127 send_off +07971582 dynasty +00946105 recite +12736064 genus_comandra +13177529 staghorn_fern +05537806 rectum +07093895 rhythmic_pattern +08811473 palermo +13662703 subunit +01476829 order_cyclostomata +06684383 dedication +00304662 astringe +01218791 bracket +00078760 treat +07963711 combination +00251780 scrubbing +02266864 sialis_lutaria +00973077 warfare +04194289 ship +02569770 paranthias +11372599 walpole +04446844 toilet_bag +02704461 correlational +00631378 practice +05987650 ultramontanism +11744583 plant_family +14007546 agency +10316164 military_advisor +09401474 pyrenees +13814041 motherhood +06966454 galician +06693198 praise +01091427 oppose +11605708 subdivision_coniferophytina +00047172 hat +02296756 genus_chorizagrotis +15282696 velocity +01205827 reconciliation +00312403 field_trip +10787470 woman +07454758 graduation_exercise +00428404 clear +11162582 st._mary_magdalene +04011827 propellor +12150028 sedge +01886220 subclass_eutheria +07214432 discovery +02976939 till +00775156 scrap +10088390 movie_maker +02767116 radiate +02626604 turn +04356595 sunhat +00278221 splashing +09339512 limpopo +02830852 benzodiazepine +02651014 overpopulate +07896994 plonk +06267145 paper +02627292 thunnus_thynnus +01312371 take_up +05750657 fashion +01536168 rinse_off +01508368 throw +02627835 bonito +04774511 play +13524191 oligomenorrhea +05414147 vasopressin +12199564 terrietia +01463963 set_up +02481629 pan +00556313 play +09483738 imaginary_creature +04578708 whirler +06972090 indo-aryan +07197021 test +11975853 haplopappus +09764201 acquirer +02143594 hipposideridae +01673668 suborder_sauria +02587084 dictate +04272054 spectacles +01507006 intussuscept +14370122 sob +00056912 retreat +10233445 king_of_great_britain +09044862 usa +08106934 order +09314603 interplanetary_medium +02265231 calculate +02053720 phalacrocoracidae +02356230 leave +01081152 play_off +05803379 idea +09426621 scurf +02955767 mantle +12587366 genus_ceroxylon +01656576 temnospondyli +10514429 referee +02323870 caption +09610660 communicator +02293135 gelechiidae +14708720 alcohol +09001580 cape_province +03202760 semiconductor_diode +00123170 vary +07654667 slice +00274707 discolouration +02627934 take +09909060 type +01882170 walk +06757891 fiction +12660601 rubiaceous_plant +01280055 guadalcanal +08706502 blida +08978821 parthia +05082790 attention +01223833 kink_up +00874621 disapproval +05166072 injuriousness +01328705 supplement +08857529 sao_paulo +02556817 second +01189001 final_judgment +02394662 substitute +01036804 twaddle +02748927 grace +04037443 racing_car +15190520 labor_day +01005579 surveying +03448590 gorget +09977660 outlaw +02355477 tree_squirrel +04850117 justness +08565894 end +10697519 telegraphist +02192570 zest +01549187 delete +01569566 set_up +01825671 powerful +13473097 voiding +01862557 mammal_family +12400720 jackfruit_tree +01981543 majidae +05277728 ossiculum +01498268 genus_dasyatis +05699434 wavering +03589791 jacket +05521934 virginal_membrane +01564144 ruin +15236338 msec +08593262 line +02585360 connive +05715283 taste_sensation +08013653 al_nathir +00871942 prognosticate +04359589 support +14591091 suspension +00927049 speculate +09939154 editorialist +02023341 plover +02534352 salmonidae +10516294 trustee +01639765 toad_frog +10282482 maiden +14018567 tipsiness +01459422 loveable +13363970 current_account +04107984 roost +05599203 bridge +10533983 yeller +02027226 huddle_together +00056688 pullback +03042490 cliff_dwelling +00893955 training +09685398 shaktist +13985818 spirit +00830761 talk +01809655 pointed +03547658 hub +13546416 reaction_formation +01676313 iguanidae +00901083 tomography +02663086 psetta +00404726 deformation +12113790 sandspur +02735086 archive +05778131 star_divination +03791235 motor_vehicle +01539772 passer +05221895 region +10789118 womanizer +04952570 glare +09692915 herero +00416409 sunnah +01566509 timalia +12085469 trichoceros +00056334 multiply +02964389 shipment +00080304 into_the_bargain +06629392 word_of_farewell +00962129 uprising +05317191 capsule +02453373 order_edentata +02190648 musca +08820121 canada +02274482 usurp +03848348 opener +07330560 kismet +00273445 habituate +09680657 papist +13479034 farrowing +03094503 container +02177976 gurgle +02323902 leporid_mammal +08177030 organization_of_petroleum-exporting_countries +03621049 kitchen_utensil +08961630 macedonia +05702275 attention +04763293 individuation +02503517 elephant +06004685 geometry +11899595 vesicaria +02270810 thermobia +08253450 masquerade_party +00196084 switching +02450829 pekan +00964694 discourse +05532641 enteron +02275799 pretend +01160729 whacking +06470073 written_document +06783598 estimate +13530408 oxidization +06374587 literary_criticism +08047032 united_self-defense_group_of_colombia +02241008 notonecta_undulata +08050678 regime +02419515 genus_budorcas +05717549 astringency +00802318 permit +09630641 unfortunate_person +06177033 phonetics +13757249 stride +12615427 potamogetonaceae +00074038 take_a_shit +01871699 order_monotremata +05092635 exceedance +12707781 citrus_tree +06918042 eskimo-aleut_language +04443257 tobacconist_shop +02159271 insecta +01626600 cobble_up +02952109 sedimentary +06416206 catalogue +02295064 owlet_moth +01973759 raise +05786372 think +13331778 resource +01388386 astringe +09927451 reverend +13892897 magnetic_inclination +12697514 satinwood_tree +04890112 wiseness +00300441 aviation +09070233 dover +07746910 natal_plum +10171219 trumpeter +13963757 marital_status +02246456 deal +13660337 nautical_mile +02819697 bed +10165673 audile +02560383 lates +04441282 tissue_plasminogen_activator +05692910 influence +01089483 philanthropy +07534430 sorrow +12090702 genus_primula +01128193 protect +02246284 family_aleyrodidae +01483188 lamnidae +08556491 land +10043163 ecologist +12090041 primulales +09851876 wagerer +04316275 stereoscopic_picture +01974773 crustacean +12070177 genus_liparis +08805122 campania +01766748 worry +05563266 pes +07342495 cycle +00054059 pollinate +12234176 genus_chamaedaphne +09040839 antalya +09230041 tunnel +08404549 detail +00624801 misread +04170515 self-starter +01868258 weave +07288639 social_event +01090335 struggle +11503968 resistivity +02578008 set_up +02288473 pyralididae +13900287 toroid +14499262 disorderliness +13121104 xerophytic_plant +03169390 ornamentation +14548913 disability_of_walking +04372370 switch +01473346 tinker +02655135 be +01753788 create +03280813 overhead_railway +08356903 judicial_branch +02699141 typify +10035430 driver +07959943 clustering +05220461 body_part +01720496 division_cynodontia +00170156 repulsive +02464866 sign +12567950 rose_acacia +09141526 tx +12030265 verbesina +09825750 mechanic +14777606 prilosec +04629604 iciness +02506555 varied +01951480 send +01664172 ready +13053450 genus_fistulina +00005041 inspire +08107499 family +02008041 heron +01583494 circumscribe +06167328 philosophical_theory +02644050 ascensional +04815321 inelegance +00617748 slip +01106808 transaction +00219012 putting_to_death +02363818 genus_aplodontia +00609953 profession +07575510 teatime +10538272 roofer +14989820 pigment +00769944 hijack +08095647 muslimism +07064715 rock_music +00839834 overstate +10450303 politico +00717358 respond +04349701 sucralfate +05913275 generalization +01716491 unpalatable +01439808 domestic_carp +01416020 pummel +09288946 gila_river +08630039 region +04743605 similarity +04494906 tuck +05344848 ethmoidal_artery +09613191 contestant +09113022 trenton +04892084 sound_judgment +01789064 order_galliformes +13239471 vincetoxicum +13743269 two +09691279 australian +04992570 spiciness +00884011 promise +02657741 bacteroidal +01142203 still-hunt +02581642 round_scad +05131283 elevation +02226833 recover +00770270 violation +07596684 sweet +04392764 transport +03786313 morning_room +08376051 power_structure +03804744 nail +07672914 oleomargarine +01517565 ratite_bird +05701738 unconscious_process +07362386 fall +05238282 tegument +05162455 limitation +00186616 awake +05151869 realism +02400139 family_bovidae +04580493 white_goods +00578795 shining +00478217 snuff_out +01101958 publishing +03241093 oilrig +09278537 shift +04467307 trailer +01998183 cirripede +00384510 insert +08849753 kingdom_of_belgium +02711543 rail_in +00229814 layoff +13296899 benefit +12375294 genus_helianthemum +10407954 supporter +00141524 granulate +03497657 lid +06825399 typeface +15161872 tabernacles +10383237 organizer +00834460 snorting +09982152 cuckold +08454003 law_of_nations +00100551 work_out +12021499 tanacetum_balsamita +02658050 consist +01122601 expenditure +02574516 chisel +00829107 teach +01810946 raphidae +07719839 beetroot +01935012 oligochaeta +05434557 golgi_complex +12587803 cocos_nucifera +08986691 qatar_peninsula +13265011 gift +01732532 drum +02476870 australopithecus_africanus +00956405 pad +12499163 senna +01346003 open_up +12159055 summer_squash_vine +09721088 liechtensteiner +05775081 prevision +12878525 genus_aureolaria +08036293 npa +04463679 track +02210855 get +03515338 heraldry +01921559 worm_family +03409920 gadgetry +01670315 dress_up +02046572 swivel +01374767 sprinkle +06263369 public_press +01752495 produce +00085219 seizure +08723006 red_china +10197967 loafer +01249294 fillet +01165692 consignment +12796849 golden_spleen +00105624 leaner +11782522 genus_amorphophallus +15098161 wood +11326591 swedenborg +02877704 facial +14959472 animal_fibre +03814112 neck_opening +13145444 vitis_vinifera +01254882 cantillation +08583095 hemisphere +12099220 limonium +03455033 tomb +04689198 binding +00863513 unconditioned_reflex +01525720 oscine_bird +02014165 take_off +01172784 duel +01712704 perform +01454260 fistulariidae +05329735 endocrine_gland +00928630 convey +01831531 move +01992251 seesaw +12386945 myricaria_germanica +00220869 strengthen +00071178 torture +06797169 indication +09085441 gary +02575766 family_carangidae +12396666 genus_cannabis +08835675 aleutians +03033362 electrical_circuit +12578255 vigna_radiata +15143276 last +02600490 use +04673965 visual_aspect +01641391 spring_frog +09313716 recess +07353716 tie +07621618 garnish +01185611 appeal +01808989 numida +13501059 intellectualization +00988028 represent +12423565 lily_family +14894481 natural_resin +10494935 pursuer +03176386 plate +14103510 hypertension +01002297 document +05546540 neck +10735298 tyrant +05682570 wonder +01367772 entric +04702127 transparentness +01958790 solenidae +05148699 utility +03996416 shovel +00044149 trick_up +01968315 cephalopod_mollusk +09609232 capitalist +01261018 skim_off +01520058 order_apterygiformes +13521072 neutralization_reaction +02075049 turn_tail +00828082 covering +08404895 headquarters +10013927 diplomatist +08921850 nippon +08663860 top +01275762 score +01059123 notice +07421859 outage +10271677 nobleman +12520864 broom +00209598 dissociate +00914632 yield +14881303 glass +01446283 family_cyprinodontidae +10637635 splitter +01249724 rub +07510625 stupor +01841471 sheer +08430203 line +01577659 mynah_bird +00889831 equal +14405225 elation +06351202 writing_system +03569964 infrastructure +00158804 pile_up +10609556 striver +06433923 josue +12966386 xylariaceae +09480699 wonderland +01055661 explode +08783812 rodhos +00781168 indistinct +09994119 stargazer +11542341 hepaticopsida +11253802 rankin +11784126 flamingo_plant +00728641 schoolwork +11726925 genus_aquilegia +01894670 potamogalidae +01222666 terrorization +08149160 dominican_order +06756831 prevarication +11649012 torreya +07157273 vernacular +02122164 smart +01587062 shut_in +01663580 handbuild +14624369 noble_gas +13556377 slippage +02205272 take +01050313 intone +11800236 ginseng +02289845 genus_anagasta +05603650 excrescence +15089645 water-soluble_vitamin +01927456 tapeworm +01874126 order_marsupialia +12854443 melissa +02064816 sulfur_bottom +03467984 gun +13031956 morchella +00121678 tack +08626947 prefecture +06259898 transmission_channel +11525955 wind +11028446 warren_harding +13244109 property +12799119 leptarrhena +11953038 succory +12842765 genus_calamintha +03744276 store +00890855 doom +01781983 panic +01681940 horny_frog +07464402 torch_race +02554730 percoidean +13311368 withholding_tax +01884577 tilt +00190999 aerate +10423589 philosopher +13221529 lycopod +14184986 throat_infection +11669335 flower +07181935 dispute +12877041 genus_antirrhinum +06371413 legend +02360448 susceptible +08898187 el_iskandriyah +01929047 rotifera +02001858 trail +04434285 tiered_seat +00501080 pool +04753799 cert +13731530 radical +12972966 mucoraceae +08172103 arab_league +10201535 shammer +09453288 taconic_mountains +11900058 poppy_family +09625401 subject +11562747 magnoliopsid_family +00443231 natation +07866151 cottage_pie +00540235 widen +02622823 trichiuridae +07458453 race +01639369 salientia +01129920 responsibility +04916342 property +09376979 oder_river +07503260 disgust +14777104 brioschi +08466643 artistic_movement +01541803 spill +02354320 southeastern_pocket_gopher +02715513 vestibule +04842515 spitefulness +01664369 ridley +01804961 look_to +10581094 serjeant-at-arms +10720097 tracker +07232655 elucidation +01986367 subside +08891889 lowlands_of_scotland +07858595 sweetening +00684480 decisive +00293916 running +15053867 starch +01772782 orb-weaver +12492106 purging_cassia +07162680 suggestion +02145424 vespertilionid +09138935 south_dakota +01123148 good +03772417 minute_gun +10855604 simon_bolivar +00612160 practice_of_medicine +00035603 bathe +05061345 slowing +13083586 vascular_plant +01239862 standing +01167710 strife +05505131 sympathetic_nervous_system +02870663 angelical +01003885 x-ray +02134589 viverrinae +14544672 tonus +05654052 interoception +04101497 roller +08910394 gulf_states +12970872 order_hymenogastrales +07750299 citrange +14821043 conductor +00929718 writing +02635659 result +05632272 fancy +00718573 papering +04550676 wardroom +02080146 pagophilus_groenlandicus +12053138 genus_corallorhiza +00213794 tin +00320284 trailing +02967782 sweeper +00660102 rank +13023292 subdivision_ascomycotina +00685683 reject +05838176 determination +05758059 experience +02036578 righteous +00396703 admix +00358431 snuff_it +07720277 swiss_chard +02013571 displace +10013614 restaurant_attendant +02371801 uintatherium +04683600 hirsutism +00007347 cause +09366317 natural_elevation +03860741 outpost +15116283 geological_time +06700447 master's_degree +10467395 united_states_president +05217688 person +10343554 religious_mystic +14361664 vellication +02739121 miscegenate +00233335 trammel +04417809 theatre +01190012 diet +01414916 thwack +00263044 flaw +00775702 snatch +08027518 malaysian_mujahidin_group +01542786 weaverbird +00394813 mix +08212347 workforce +08210411 mutawa'een +03202940 rectifying_valve +01943406 sensible +02252039 superfamily_aphidoidea +06430784 granth_sahib +03102859 cooling_system +02418064 goat_antelope +04750547 heterology +02614181 live +12283981 genus_alnus +03948950 plunger +05549830 trunk +00956687 qualify +12613408 hydrocharis_morsus-ranae +09682803 islamist +07809368 seasoning +08340153 united_states_intelligence_community +13365286 sustenance +02958343 motorcar +00049770 shoe +10603528 waverer +02911332 polisher +05513020 urethra +00076400 vomit_up +03513137 helmet +08550076 excavation +13508651 liquefaction +07427337 weakening +03872495 pad +10149867 turnkey +02035559 hunch_over +12794568 strawberry_saxifrage +04945530 greed +04330340 stove +09250165 colorado_plateau +08133536 hhs +14416845 dissociation +01186810 litigation +03351768 fishing_line +04367480 swob +06769238 mythologization +00796315 risky_venture +07436661 outflow +06429590 sacred_writing +01270589 shellack +00882948 recommend +02063771 grovel +09937056 collegian +05006285 lifelessness +01518924 weave +02402425 oxen +01020005 remark +00160086 sincerely_yours +09540739 pixy +01797767 genus_bonasa +02022135 suborder_charadrii +03088707 conductor +02292564 trichophaga +03173524 line_drawing +00623151 see +01392080 preen +01490336 load +05553049 thoracic_cavity +10652954 statistician +12591897 nypa +01560511 saxicola +02083863 genus_canis +00194534 strip +02545569 lampridae +11959489 genus_cynara +14541044 danger +06201908 prejudice +10132641 gleaner +09300674 hadron +13479380 feedback +02348927 hospitalize +06613056 quote +02626265 scomberomorus_regalis +04323026 stock_market +01710481 cast +07622261 crumb +13608319 sound_unit +06851742 trademark +09385586 parnassus +03421117 supporter +14440137 shame +01982650 lobster +00344040 shutting +05972585 physicalism +13024763 hemiascomycetes +12591523 metroxylon +09034286 halab +05256862 hairstyle +07775905 saltwater_fish +02568065 violate +12269241 live_oak +01044448 veneration +12181147 iliamna +00599835 trip_up +05718556 music +15297069 rotational_latency +03730153 materiel +02783790 balsam +00224260 bloodshed +01088923 station +10834176 robert_barany +02461314 vote +01309143 scratch_up +06255777 sheet_of_paper +00252710 adolesce +05834758 source +06481320 listing +04501018 turnpike +09710164 hellene +01451842 fly +07710007 solanaceous_vegetable +08761244 kingdom_of_denmark +11811473 lychnis +11943824 genus_callistephus +07763483 genipap_fruit +01686956 show +00596393 preceptorship +03894379 partition +02518161 deport +01845627 family_anatidae +07132415 enunciation +00925207 shaping +00509377 mixable +02907985 brown_university +04412901 terminus +00150287 conform +11830570 genus_atriplex +02515560 latimeria +05065717 imbalance +06962600 latin +01254477 slice_up +05269901 os +00945401 search +02354950 suborder_sciuromorpha +02974219 car_window +01853069 pump +11784323 genus_arisaema +04105438 roof +11132462 president_lincoln +00825089 western +12514592 tagasaste +12824581 genus_argyreia +07961480 pile +00805376 hold +09224325 blue_ridge_mountains +08053576 institution +00693172 romanticize +11600139 order_cycadales +05807306 insight +13629132 gigabit +10643837 squire +00382474 reunion +10024119 house_servant +01668436 redbelly +00426958 vanish +01767661 arthropod +06136258 psychology +07713395 cruciferous_vegetable +10697879 thought-reader +03314608 faceplate +13534274 percolation +01489989 load_up +01310660 hollow +14599641 acetum +05275905 submaxilla +01502762 ground +01979241 set_down +13417410 bond_certificate +09439213 suds +02061495 shoot +01732172 render +11651259 podocarpus_family +10210648 room_decorator +10020890 physician +01189224 diet +00651991 mark +08112096 profession +03488188 handsaw +00366020 sublime +11663136 pseudotaxus +06497872 roman_alphabet +13979503 unrest +01332205 paste +06620906 pilot_program +02440523 pad +11698433 genus_caulophyllum +00974367 denote +02187922 ripple +00949619 technology +12233759 genus_cassiope +00457770 curdle +06961853 italic_language +04733347 frothiness +14928885 lactase +00561226 forward_pass +00417859 squeeze +04753455 sure_thing +02517768 siluridae +00891936 warrant +08065234 industry +00898127 scrimmage +03664943 ligament +08218393 shift +13907272 fissure +00201722 edit_out +13530989 oxidative_phosphorylation +03733925 measuring_system +02163301 supervise +05444324 kinetochore +01250474 strain +01079873 play +08254055 gaudy +08155765 lancastrian_line +01164081 surface_mine +03351262 fishing_vessel +14746048 progesterone +02355259 kick_back +00108181 smoke +02159117 horse's_foot +14425414 parenthood +02465929 lateral_line_organ +06575681 gui +01400044 hit +10767265 warder +13201969 woodsia +02719588 counterpoison +01230965 meeting +04552348 warplane +00740577 intercommunicate +05601758 lineament +05284851 zygomatic_arch +10711144 tilter +00747135 prescribe +02679530 sustain +13870805 link +00704690 plan +07140659 word +10136959 linksman +02683558 afterburner +00520257 show +02186153 flea +00514069 spotlight +03265032 edge_tool +11911274 order_campanulales +00607780 think +10119200 risk_taker +00836236 typify +05773049 logical_argument +01195299 try_out +11773860 nerium +04472243 transmission_system +13742573 unity +00418394 vexation +05940869 unrealism +06782680 surmise +00018813 waken +02422249 genus_damaliscus +05467758 astrocyte +09027460 aragon +06486161 lineup +01859221 stop +02028175 yellowlegs +03415252 gamp +01255967 cut_up +05560244 limb +02539752 prosopium +01308438 seven_years'_war +00482893 reconcile +05464104 nerve_fibre +02950256 cannon +00771961 prompt +11917633 genus_ageratina +00364260 rise +02254370 family_adelgidae +14536438 xerotes +13492453 sanguification +08698379 african_nation +12171966 okra_plant +01792640 hen +12041446 orchidaceous_plant +06677302 printing_process +13927383 state_of_affairs +01460029 strain +00116687 projection +04137444 satellite +01636221 foresee +04391569 tape +13148602 piperales +09123809 west_point +12672843 leycesteria +02604157 sea_chub +02069551 pour +12082764 selenipedium +13107891 arbor +00782072 treason +04828925 humaneness +07819480 table_mustard +13802098 optative_mood +00067545 sweat +00142191 shape +02389346 touch_base +01423757 order_haemosporidia +06650701 guidance +01787955 vex +05813626 reminder +10717196 wanker +09167652 bulawayo +01747739 naja +14184067 chancre +02990561 celecoxib +00167278 exchange +15278281 oftenness +04620558 spirit +07812790 lemon_oil +01264283 surface +02582615 pull +02064000 greenland_whale +02934594 abdominal +05633385 invention +09495103 gorgon +00913065 yell +10346514 naturalist +13460299 devolution +03265874 simulacrum +01117318 viscosimetry +00008435 wink +06608405 cobblers +09976728 creditor +11409059 chemical_phenomenon +01836809 podargidae +00208210 worsen +14495589 unsanitariness +11923397 yellow_chamomile +01158190 demobilization +01282142 suck_in +07561112 diet +02445276 genus_enhydra +04687333 charm +05518870 uterine_tube +08339454 intelligence_service +11950028 genus_chrysanthemum +00642803 differentiate +02559232 family_carapidae +13628955 gigabyte +09954479 confessor +13893786 groove +03963294 playback +02356420 fuel +04384016 tail_assembly +01827658 genus_alcedo +07695965 sandwich +10452752 ponce +02890804 brake_pedal +01247306 dry-gulching +07736371 sorrel +04862236 nerves +12626353 hawthorn +02586543 snapper +02339376 vole +01468948 show_the_door +01414633 irish_moss +14177423 viral_hemorrhagic_fever +04584207 wig +12996225 subdivision_basidiomycotina +01770553 pseudoscorpionida +05909384 wheeze +04125853 safety_harness +07461050 three-day_event +01022420 infer +04473432 transportation_system +00236289 strangle +00670250 dilation_and_curettage +03694490 loxitane +02687992 landing_field +08711974 argentine_republic +07155661 idiom +10266016 literary_critic +04871720 frankness +12506181 angelim +01389776 tuck +08394922 usa +00295701 travelling +07383823 step +10240921 kvetch +01301630 war_between_the_states +08956574 pusan +14865800 ferric_oxide +11816336 white_cockle +06316048 phrase +01473176 putter_around +03632277 ladder +13607187 million_floating_point_operations_per_second +02974697 case +08034579 mujahedeen_kompak +02989685 tazicef +00140264 shoestring_catch +12425281 liliaceous_plant +02443424 build +03699975 machine +04663763 mindfulness +01083645 parcelling +11783920 tailflower +11889205 tansy-leaved_rocket +05474346 nervus +13183489 scaly_fern +09070487 district_of_columbia +09879616 bullyboy +12486397 linum +10611361 somnambulist +04050066 rake +05526175 vas_deferens +05528854 nasopharynx +12152532 cotton_rush +06785223 riddle +01428580 soft-finned_fish +13166338 fern_family +02817650 beater +01610426 genus_circaetus +10266328 literate_person +15214419 tishri +06340838 fraulein +01511706 propel +04975340 vividness +03091374 connexion +01618356 sagittarius +03664675 lifting_device +02045369 auk +01150200 privation +01121948 duel +02224323 mastotermitidae +06026276 universe +12378249 ramontchi +11884667 genus_descurainia +10269785 logistician +00374224 intensification +02519991 right +00674607 take +00617059 decryption +02831736 atmospherical +00752144 paltering +11564258 magnoliid_dicot_family +02346895 follow +02702120 stand +04530566 watercraft +02642238 stall +03720163 map +00024720 state +09963320 cook +06630017 salutation +14552802 visual_impairment +03385557 munition +15212167 july +02441326 musteline_mammal +07703889 hasty_pudding +01643297 get +02661252 vary +02523351 pass +12925179 tread-softly +07152259 slogan +10504206 radiotherapist +15094294 wax +10650162 statesman +00205046 meliorate +12940778 oenanthe +02559383 pearlfish +10053808 employee +02041085 larid +10596689 tripper +09430416 sete_quedas +13629854 terabit +12966581 xylaria +02283716 save +03738472 mechanism +03013162 chemical_weapon +01173826 slugfest +07866723 spring_roll +11594676 fungus_order +00851933 roast +10282014 mahdi +02299924 underbid +00711523 still_hunt +12612170 water_plantain +05566097 digit +02596888 umbrina +00259894 indemnification +00017222 plant_life +02646931 dominate +01111816 tally +10569411 secret_agent +05500465 inferior_colliculus +02909168 differential +09645091 red_indian +01721169 appear +02120692 felidae +09974648 journeyman +02076999 eject +08964474 sarawak +13968547 order +03459775 radiator_grille +05073559 disk_shape +00434077 magnify +05728678 plan +02172387 genus_scarabaeus +08958830 lesotho +10212501 translator +01443021 drill +02562085 family_centrarchidae +00300317 anglicize +02185167 pubic_louse +00060477 spay +12100538 poaceae +02180233 bark_beetle +00171586 enrich +00046449 drop-dead +00757544 repudiate +09025451 cadiz +06435651 i_chronicles +09974054 crabby_person +09759069 faculty_member +10771270 waver +12404729 trumpetwood +12510774 red_gram +11301414 st._simon +00104868 release +07742704 berry +10700201 tenant +05524430 sex_gland +06837146 he +08283180 madrasah +03961070 sheet_glass +05462674 neural_structure +01211699 manipulate +01949684 family_ancylidae +06606464 overtone +10058777 enlisted_person +04849241 goodness +08564739 pacific_northwest +05770664 higher_cognitive_process +15154774 unit_of_time +14408086 difficulty +03211117 video_display +01079604 suppression +02272090 speculate +11088059 president_johnson +09150662 newport_news +00334803 run +01151110 train +02405390 supplant +05618849 mind +08958334 tyre +04887912 lordliness +02100399 setter +10752480 victim +08564307 midwestern_united_states +12033939 genus_zinnia +00185465 oxygenize +05725527 warmth +01782218 panic +00455599 game +01604330 raptorial_bird +14207809 fibrosis +06158346 philosophy +01914415 order_actiniaria +09507097 celtic_deity +09053947 pittsburgh_of_the_south +04626280 emotionality +00499066 table_game +07885223 drink +05985602 folklore +12405714 elm_tree +01021579 persistence +04559451 water_tap +11236852 pius_ii +00603298 train +08381820 cabinet +02106006 sense +02196690 sour +09678009 christian +00120010 hop +01481027 gin +00917211 animal_husbandry +09762101 suspect +01389188 protozoa +04902925 indecency +11452218 free_energy +01660640 hill +06551627 patent +02102796 insensible +00185778 cesarian_section +01560636 old_world_chat +09229709 bubble +00353639 give_the_gate +13774010 snuff +05367341 vena_facialis +02018524 irrupt +01705934 hadrosaurus +13043516 lycoperdaceae +12329899 myrtle_family +06768735 misstatement +10025730 presenter +01621555 produce +10162507 haulier +14391876 hysteria +01529036 fringillidae +00807461 object +12916935 spurge_family +07127006 laughter +15256245 bottom_of_the_inning +01372682 spray +00792304 buzz +04750764 unlikeness +09705287 ewe +01617192 make +06440489 habakkuk +01771966 order_araneida +05965586 passivism +04449966 tomahawk +00916285 beekeeping +13216238 psilotales +00107739 fracture +12470512 smilax_rotundifolia +00971650 pronounce +02622859 anoestrous +00912822 shipbuilding +12740196 sapindales +00166146 attractive +01864634 shift +01946996 row +01538630 snowflake +03746330 man's_clothing +10856799 boniface_viii +07151380 saying +02153387 take_stock +01888784 tremor +03533972 ring +14910165 spreading_factor +01502262 class_aves +00671351 surgical_process +00794367 trial +00611055 reminisce +07136940 yakety-yak +01791535 bother +02428349 pasang +08211924 ss +10926066 james_dean +01085474 hinder +05625879 mythical_place +02106506 perceive +09481285 yalu_river +05225090 external_body_part +01577458 rose-colored_starling +01349735 bacteroid +00982293 tone +07433145 whirlpool +11086774 st._john_chrysostom +01724459 spiel +13161506 lobe +04576211 wheeled_vehicle +14622893 element +00153061 vaporize +11238511 pius_xii +08657249 stratum +08101937 stock +02316392 phylum_echinodermata +00928077 designing +02767922 smoke +10183556 honker +09078784 honolulu +06083243 zoology +09165613 zambia +00072261 stain +01387065 protoctist +05672391 memory_loss +01950798 transport +02431320 split_up +00667424 disprove +00548326 playing +01340439 secure +01457954 sink_in +08846135 tyrol +00324231 simmer +00839292 shock +12098827 thrift +01152670 point +01674216 saurian +10677713 supporter +10038620 duke +05658226 taste +09984659 customer +10522324 reprobate +04153751 screw +02385372 divest +01028655 worship +15126175 mesozoic_era +08078020 menage +02025530 scolopacidae +00548802 portrayal +00626428 read +05333467 spleen +11456273 food_web +10667187 stupid_person +02068206 beaked_whale +13213768 pteris +04110955 rotating_mechanism +02446660 minister +02579447 vitiate +01045419 moan +08238463 grade +00578508 popularize +02051694 travel_by +11308120 solzhenitsyn +05367912 vena_gastroomentalis +02213107 hornet +01485801 genus_alopius +00359806 pip_out +02723016 storm +08306665 varna +00698572 design +00479887 squash_racquets +05546383 zygomatic_process +09428293 seashore +12087650 yam_family +12792638 saxifraga +03036469 plain_clothes +00887463 give +02228698 portion +08013845 qaeda +11983910 hypochoeris +01111375 renting +08102402 genealogy +05556943 venter +01814815 soothe +04425262 thioridazine +01873007 ornithorhynchidae +05499542 striatum +13028337 subclass_discomycetes +00197772 replacing +01875717 family_caenolestidae +02141713 leafnose_bat +13973320 nihilism +03024882 neckband +00284798 walk +09415938 streamlet +00139729 alcoholize +02788689 bar +01295918 spotsylvania +00395698 absorb +09068320 pueblo +00968155 military_campaign +09819667 cosmologist +06952572 dutch +02644234 rule +00744004 squandermania +02538086 tie +13270373 offering +02985137 crt +01445027 tusk +02275921 vanessa +01453969 train +08027314 jayshullah +06732581 reassertion +14864961 felspar +11887750 western_wall_flower +12518725 genus_coronilla +12532720 glycyrrhiza +08566028 terminal +02634808 implicate +00847340 union +00105333 pass_off +01308008 strike +00262249 decoration +11898639 pennycress +14540765 danger +10366779 numismatologist +00596692 premiership +13504739 karyokinesis +12624873 genus_chrysobalanus +01612803 polyborus +02607909 agential +01389507 protozoon +12842105 genus_blephilia +08818247 sarajevo +01769843 persuasive +04861486 resolve +00262792 courageous +01669527 genus_chrysemys +04010205 promenade +00191142 change +02064887 divert +11010385 william_franklin_graham +01622779 strix_nebulosa +08999482 south_africa +10660333 storyteller +05844282 flavour +00631398 theologize +02635189 mean +11968704 spotted_joe-pye_weed +11862598 talinum +10438042 plaiter +01352574 bacteria_genus +06124395 tectonics +01189650 personal_judgment +11537665 moss_family +00363260 step-up +00739662 relegate +00084738 drug +03787759 mosaic +12093769 glaux +15266265 presidential_term +02952975 calvinistical +12447581 star_tulip +00755745 require +09633969 wrongdoer +12114981 genus_cortaderia +06828818 letter_of_the_alphabet +00234217 tie +05493758 frontal_lobe +15127729 mississippian +10064046 esquire +08847268 commonwealth_of_the_bahamas +13577934 metric_system +01070777 begin +04182708 shaft +01627424 amphibian +02592244 lagodon +14015596 logjam +00707322 coconspire +07368256 suspension +01047338 revivification +01515811 subclass_archaeornithes +08897065 united_arab_republic +08760510 scandinavia +11739809 genus_drimys +12302418 genus_forestiera +05296775 nervous_tissue +02606384 demoiselle +08888676 republic_of_ireland +02071457 run_out +01219993 steady +01970826 go_down +01023820 process +04451818 tool +08963369 malaysia +05277532 os_nasale +10095420 flapper +01317541 domesticated_animal +01843904 sightsee +10345100 nursemaid +11016563 jakob_ludwig_karl_grimm +01430447 cover +11530512 crop +10351625 neglecter +01518047 twine +04879658 treason +02263038 order_neuroptera +00966384 rapine +04059157 ready-to-wear +03427202 rod +12152869 scirpus +01655763 frame_up +02497062 set_free +01816887 parrot +04007894 production +01383511 oyster +10318892 pantomimist +11940478 spanish_needles +05978472 exorcism +00519854 sweeten +01754421 permanent +09219078 berkshires +02062632 stoop +08366202 socialist_economy +08746475 veracruz +00890441 course_of_lectures +09093608 old_line_state +02256365 family_cicadidae +04852088 evilness +06981498 central_dravidian +08139637 national_park_service +07720615 sweet_pepper +12811856 family_acanthaceae +02354287 joint +03446528 links_course +01878466 proper +10070563 shower +02000954 wading_bird +00854150 horse_around +09109882 lincoln +00199659 right +02449183 wolverine +00120515 vault +07963987 amalgam +12713063 kumquat_tree +04999401 fatness +03584829 smoothing_iron +03340723 viewfinder +00033020 communication +00846515 sexual_love +08273843 gang +02001461 shadow +04616059 trait +00453731 land +04689450 fascination +02608151 genus_achoerodus +00202284 resistance +09087599 sunflower_state +07186661 invite +07601809 caramel +00888786 undertake +04934546 eubstance +13531435 pair_production +05699172 irresolution +04052757 read/write_memory +02576503 wander +07724943 edible_bean +00996056 germ_warfare +12794367 starry_saxifrage +00562280 obstruction +09190918 agent +07940552 kingdom +04309348 steamship +09095751 hub_of_the_universe +12712149 genus_citroncirus +07118747 sibilant_consonant +11965378 genus_erigeron +03526198 hole +07886317 kavakava +01916960 somnambulate +06656741 economic_policy +11608055 pinus +02737187 descend +02253766 default_on +08543081 financial_center +12122124 glyceria +12738087 genus_arceuthobium +02628337 antennary +04123567 sacking +02430045 deer +14285662 trauma +00199309 restrict +02217839 strawworm +11989636 leucanthemum +06195839 outlook +10669357 submariner +02290998 stable +08289089 youth_culture +02338592 sigmodon +03108623 quechuan +09393605 plain +11910835 subclass_asteridae +06497459 alphabet +09172111 rub_al-khali +10191192 humanist +01929467 tread +00732746 wrongful_conduct +00265386 reform +00879356 move +00129089 hopper +03786417 morphine +05146739 inexpensiveness +12782108 sundew_family +08629199 range +09075842 peach_state +00160688 sexual_conquest +09233715 ness +00948707 census +12980231 peronosporales +02096756 schnauzer +04449796 tolmetin_sodium +14702416 adhesive_material +04257986 solar_cell +09871095 slugger +13461951 denial +00194170 milk +01195536 helpful +00773285 expostulate +08245802 mafia +00343730 pirouette +13452347 recuperation +02181013 tenebrionidae +12790656 subfamily_philadelphaceae +06031248 correlational_statistics +01923058 rope_down +10389398 possessor +01402169 phaeophyceae +10292316 producer +00282613 life_history +02226429 hopper +12301917 genus_chionanthus +03572449 inlay +11802076 genus_asarum +01856626 transmigrate +00924777 foreshow +01674850 gekkonidae +02303331 waive +05707495 intuition +13973059 lawlessness +04661926 recklessness +07364115 submersion +01864038 run +01821554 conuropsis_carolinensis +08765890 sweden +02822865 hive +05498773 visceral_brain +01792287 shame +15071229 factor_iv +01009240 tell +02341200 kit_up +14144064 white_plague +12682054 family_dipsacaceae +02727039 run +06697331 degree +05891232 string_theory +13085113 weed +11741175 sweet_gale +10368009 nun +11268667 virginia_mcmath +10707233 therapist +00023773 need +14635722 cu +01040390 canonization +10044879 editor_in_chief +04692157 mar +10667041 tripper +15170504 weekend +13005568 genus_coprinus +14654954 silver +02316038 echinoderm_family +08492747 traffic_pattern +05516848 pouch +08587828 shire +02213074 deny +01169433 swill_down +12313574 group_amentiferae +08261589 liberal_democrat_party +05640184 soldiership +00806502 sanction +12328241 lythrum +09235244 cape_york +05309591 hard_palate +00594477 librarianship +00177783 emergency_procedure +01635176 retell +09972157 fashion_designer +09947232 composer +12978969 synchytriaceae +05279688 shoulder_bone +01762528 turn_on +12694707 meliaceae +03089348 cone +14408951 corner +07423899 ramification +01088749 staff +11663449 subdivision_ginkgophytina +00916464 husbandry +08647945 seat +01653610 pipidae +01806505 trance +01101329 publicizing +01364162 vibrion +11879291 tendergreen +00239230 opening_move +07514345 stir +14036203 emotional_arousal +09881748 bushwhacker +11554175 gymnosperm_genus +03902220 pc_board +07551052 temper +07456188 contest +09203827 archipelago +07220773 yarn +13307784 overcharge +07312221 circulation +08764899 lofoten +10037385 wino +09400667 puget_sound +11544769 pteridophyta +10482220 promoter +02433205 genus_dama +02362601 shaft +01961059 bluepoint +01482958 shrine +02014646 rallidae +15211806 june +09768830 addict +13177354 platycerium +00803617 control +00654625 sort_out +02725714 refrain +09987696 sciolist +01651444 prepare +05639431 numeracy +02128385 panthera_pardus +00969506 televise +06607339 nonsensicality +13318147 fixed_costs +02279819 genus_danaus +09442838 splinter +07911371 mixed_drink +13903576 periphery +01803003 torment +00267349 patching +00468480 football_game +09608709 helper +00479734 fives +12471825 genus_clintonia +13272059 premium +01274171 caporetto +04993413 saltiness +10185148 hoper +03288003 engine +00059019 have_a_bun_in_the_oven +08588916 ionosphere +02451113 tractable +01996392 subclass_copepoda +02512305 single_out +02743261 human +11499817 radio_wave +02663657 soleidae +10195593 pretender +00046522 touching +08520401 celestial_point +09218641 ben +09360122 mountain_peak +03391301 frame +03620052 kitchen_appliance +09476521 weakener +07631672 simnel +02240881 quest +01621994 genus_athene +00996969 mensuration +10348526 seal +08654360 state +11525480 wester +03161450 muffler +02333979 seat +04539648 voider +10395605 pamphleteer +03717750 manifold +14621446 radical +05814650 issue +02329401 rodent +09370773 niagara_falls +03042984 clinch +09762385 accuser +00433232 wax +00012944 sentimentize +00040325 active +05554804 ring_of_color +00604576 memorize +03082979 information_processing_system +00199707 modification +12602850 rheum +12914433 vervain_family +10525878 returning_officer +04152593 screen +05774614 inference +04339291 strip +03326795 felt +06256697 page +01399772 division_chrysophyta +08367880 political_system +12804866 ribes +01794813 tetraonidae +00777439 plunderage +00373544 elevation +02079389 true_seal +00900726 portrayal +02051213 pelecaniformes +08138259 ds +02238770 secure +00697062 scrutinize +01795088 grouse +00066901 flunk +15109745 emanation +02536864 silver_salmon +02874876 communistic +01469445 superpose +03136051 crossbench +12623818 amelanchier_alnifolia +01543123 sit_down +03879705 pallette +00543233 music +01360330 pseudomonadales +12945177 water_parsnip +01073822 salty +01639071 genus_siren +01980993 lithodidae +13066129 smut_fungus +01018630 repetition +12143676 zea_mays +00966599 robbery +13783038 logical_relation +00469651 american_football_game +07750146 shaddock +02456776 family_bradypodidae +14164190 oxycephaly +02147109 cover +01583993 chamfer +09201301 appalachians +06022727 nonparametric_statistic +02053941 near +00413876 settle +06200344 preference +05593654 olecranon_process +00077071 spew_out +11415084 variation +04901326 impropriety +01693783 chameleon +01084637 deal +00176327 extirpate +09626238 peer +00800930 push_aside +02700455 go +02047614 puffin +01591158 jerk +01855476 lophodytes_cucullatus +06717170 disparagement +01372556 boot +02035919 flex +00779374 distinct +04169707 self-feeder +00569556 plasticize +01160342 punishment +00880978 truckle +09419536 st._john_river +01730679 genus_coluber +01501160 skate +03899612 patina +00229934 quenching +00869596 repugn +00145929 interconnection +13000668 genus_agaricus +00027705 stretch_out +05509146 reproductive_system +06693870 superlative +01009190 systematization +01588858 genus_acanthisitta +00767826 assault +03132879 crocheting +00633443 theorize +11877646 white_turnip +01651370 genus_acris +00080456 vet +04068441 refinery +01012073 reassert +09057311 grand_canyon_state +12045695 genus_arethusa +07455984 sleepover +01020934 take_down +09106770 independence +05486510 pallium +11573660 caryophylloid_dicot_genus +12731401 poplar_tree +01230283 mobilization +05674584 set +02402409 subvert +01690294 draw +13580415 sufficiency +01421807 sporozoan +12634429 cultivated_crab_apple +08306959 brahmin +02242942 family_corixidae +05917174 presence +01886756 placental_mammal +02603540 sphyraena_barracuda +01844917 aquatic_bird +00900207 schematization +03294048 equipment +10363913 tyro +02431122 wapiti +01774918 lycosidae +14951229 methane +05957238 preemption +02382087 officiate +09086635 davenport +02165754 perambulate +07150644 mediation +00659112 reorder +05929008 theatrical_role +00948206 exploitation +03794136 mousse +01045091 symbololatry +07361128 collapse +14413993 excommunication +03834604 nuclear_weapon +03272383 electric_lamp +02889425 brake +02951170 cannula +08939562 french_region +04831727 generousness +10514784 refiner +02722997 antineoplastic_antibiotic +03820728 network +07208338 objection +01109687 trade +01066163 holdup +02427916 ordain +03446268 golf-club_head +06687701 okey +07041688 quartette +04552696 warship +03522239 histamine_blocker +13433727 apomixis +00395333 riddance +02642814 table +09167505 salisbury +03295928 escape_hatch +00329619 spillage +00831651 inform +01368597 straighten_out +00239321 oxidize +02523521 flush_it +09351547 mere +10870235 pearl_sydenstricker_buck +04172342 semitrailer +02556623 percidae +00120943 snap +01834053 plunge +10297655 massorete +13801700 indicative_mood +00503237 chess_game +02550698 nurse +00634286 etymologize +01296462 attach +12234513 genus_daboecia +08673395 tract +02663352 family_cynoglossidae +09734006 tajik +12724201 salix +00344421 sitting +00002137 abstraction +00065184 meanwhile +13205482 pteridaceae +07089751 verbosity +12597798 thrinax_parviflora +12656229 red_raspberry +07092592 verse +08173515 european_union +02202384 keep +00903559 picture_taking +14295389 herniation +01767199 phylum_arthropoda +07365849 stop +12458383 hyacinth +02902816 britches +04180314 sewing_stitch +09694109 belgian +01241331 vindication +12874783 sesamum_indicum +07053732 serenade +04813712 swank +08923177 asahikawa +12259615 sarcodes +01693727 cartoon +04226537 underframe +07703177 hot_cereal +07240278 keynote +02761012 blow_out +00142665 comparison +02731629 scuba +05818741 observation +00706243 propose +08209687 police_force +12025507 tetraneuris_grandiflora +02361981 sanitate +05307091 eyetooth +00835506 tergiversate +00688377 trust +00425905 teasing +01517966 flying_bird +07377244 toll +14868243 filling +01191975 finding +11752578 trefoil +10613387 smallholder +08899577 luxor +01729133 heterodon +12933827 genus_astrantia +02504017 shun +10466198 sponsor +09079153 sandwich_islands +10055297 witch +02604014 kyphosidae +09686536 european +07719437 sprout +03471030 gusher +01819554 restrain +08016385 orly_group +01301051 restrain +02301502 pay_out +01048912 hiding +06621771 instalment +05678932 unconsciousness +01965747 pectinidae +01983958 nephropsidae +02553028 ophiodon_elongatus +08094866 hassidim +01261490 incitement +09663472 ojibway +00195342 universally +13065902 ustilaginales +00212049 conserve +11969977 genus_filago +02174662 boom_out +00267522 upkeep +04058239 rom +07667151 lamb +01573898 ricebird +01254051 winnowing +10561613 scoffer +00862683 snipe +00616153 neglect +06713377 blowing_up +15173353 field_day +05797597 research +08782627 aegean_island +00123783 gunshot +01723425 pterodactylus +02860847 bobsleigh +09827363 sister +02530861 warm +08660339 surface +12193964 muntingia +10672662 suffragette +12986084 hydnaceae +12745976 genus_buxus +02641063 lepisosteidae +12107489 genus_alopecurus +00678010 surgical_incision +04864200 purpose +09296121 gulf +01143040 readying +13188767 squirrel's-foot_fern +12779233 sarraceniaceae +12099556 theophrastaceae +10042845 oddball +12673755 lonicera +12900148 genus_capsicum +06503884 log +10768585 warrior +00367976 spreading +14428160 tier +11838741 genus_bougainvillea +00769092 fraud +11945367 carline_thistle +13291831 smart_money +00005815 cough +01116585 withstand +01011425 stocktaking +05393230 atrium_of_the_heart +09492123 mythical_monster +05009170 physical_property +00059552 manoeuvre +13947645 station +00551714 heroics +01498713 butt +01793818 meleagrididae +02077656 take +07364434 dip +06266417 news_media +01454246 tug +10121246 throttler +05731779 constellation +09290626 gosainthan +01477538 screen +11805837 genus_arenaria +12830080 genus_achimenes +05434927 nucleus +15152817 maturity +00463246 athletic_game +05920791 significance +04999741 fattiness +10277352 skulker +02830596 benzedrine +02507968 unvarying +09825519 zombie +02074677 get_away +09682291 muslim +00352826 terminate +08395465 us_military_academy +02431785 wapiti +05969194 peripateticism +00740336 undetermined +06153186 taxonomy +13813042 lineage +02752496 varsity_sock +00378042 incinerate +02374914 sympathetic +01169317 resistance +13915999 regular_polyhedron +00074624 skip +01183373 countersuit +09014979 ukrayina +06755568 stipulation +01452496 zeomorphi +14444114 monopoly +06285559 complex_sentence +07555863 solid_food +07950920 social_group +08773098 halle-an-der-saale +01697002 genus_crocodylus +01335804 bind +02730568 fitting +02957823 gaelic +07521039 veneration +00470386 market +09094093 aberdeen +14825062 covering_material +02654686 overrun +12537437 lablab +03887185 paper_fastener +02518813 family_ameiuridae +09144851 houston +01319562 mow +03040587 cleansing_agent +00384620 regenerate +09167767 great_arabian_desert +08098708 buddhism +02383831 voluble +09063477 long_beach +01054186 sizz +10143172 grandparent +14661020 vanadium +00349080 standing +10578021 semifinalist +01819147 discourage +00433778 wane +10744164 vacationist +00279835 movement +12365670 genus_clusia +01253778 harmonization +06756407 untruth +14883206 crystal +12857779 molucella_laevis +11761007 genus_enterolobium +00459498 rush +02241107 wring +10067968 inspector +02109678 separate +07622708 pastry +00451461 people +02066510 flux +03214051 disulfiram +02130160 lay_eyes_on +12387478 viola +12431434 alliaceous_plant +00082081 marketing +06833544 w +01629589 wreak +00031264 grouping +00541479 ritual_dancing +14037011 inflammation +01694178 chamaeleo_chamaeleon +08049989 commonwealth_of_nations +00061792 consummation +10448983 policeman +03171356 defensive_structure +06706676 ribbon +03242713 parkway +05293773 musculus_articularis_cubiti +10273064 unsuccessful_person +01679669 lard +00131090 safety +00508952 craps +12011620 senecio_cineraria +02758960 sterilizer +02616542 rusticate +00465762 splay +09325530 khyber_pass +00076563 trip-up +01589582 genus_certhia +01931984 turbatrix +02249018 address +10293172 vulture +01930852 common_roundworm +02247511 sweet-potato_whitefly +00400101 demagnetize +14060929 malocclusion +01512259 drive +03309808 textile +01806567 quail +00197744 shell +15213406 november +02493666 censor +01280014 twist +00443984 liquify +14050871 rosiness +08805386 ferrara +00787218 essay +01140794 fish +00046177 running_away +05747582 review +09754217 prioress +00909363 unhappy +00609100 forget +01513430 throw_off +03997980 pravastatin +07507098 embarrassment +03614532 keyboard_instrument +03612378 torodal +02331479 muridae +14166358 ischemic_stroke +02601200 mugilidae +06986276 chadic_language +13258362 profits +00983333 stress +00736586 hold +02300060 call +13575433 zymosis +01315613 seek +01166926 submission +06020737 statistical_procedure +00635794 cinch +01742680 lichanura +06606191 subtlety +08970318 oujda +00159899 wheedling +02686568 aircraft +01864865 jolt +02617338 freewheel +07983856 norse_mythology +02306087 hive +08815858 republic_of_croatia +00483146 commercial +07534108 loneliness +05519820 endometrium +00604131 senatorship +04982478 stillness +01838961 picus +13869327 twist +02387486 educate +00269423 immobilize +09054480 mobile +02368336 sweet +12082357 scaphosepalum +02594250 sciaenid_fish +05854812 teacher +04960582 soot_black +09828760 pediatrist +14555962 retinal_detachment +01726960 family_colubridae +02483224 hylobates +02220518 legionary_ant +00661824 suss_out +05738625 check +06790235 ecumenism +02254697 adelgid +07992450 taxonomic_group +07226151 warning_of_attack +05694232 mainstay +11692952 ranunculales +01990800 isopod +11282286 sartre +01646300 drive +01338113 aluminize +00861929 spat +03854065 pipe_organ +00457382 turn +01696282 order_crocodylia +12932706 chervil +00306102 takeoff +07223450 rumour +01127623 infliction +02053859 phalacrocorax +10695450 tearaway +10404672 passerby +11126783 lennon +05246215 stoma +10900730 samuel_langhorne_clemens +00362467 cheerful +07185325 request +06559365 pleading +03069567 showpiece +06634239 regrets +00841580 denounce +00712135 reckon +08554440 suburbia +02270404 sponge +01843805 trogoniformes +07900406 fortified_wine +00147187 encounter +12258380 monotropaceae +04202417 store +00981083 formularize +02355711 sciuridae +04215402 sidewalk +01848976 shoveller +05916155 suggestion +01130169 shield +00691516 call +10008388 desperate_criminal +02287004 geometrid_moth +06196071 paternalism +05115040 teemingness +02466132 fin +00169298 revive +00458471 work +07302267 derailment +08122141 federal_office +07037465 piece_of_music +02713852 thrust +14789885 unslaked_lime +12991645 parmelia +00895501 military_training +05295381 ligament +02590237 sparidae +03096593 prophylactic_device +01476180 suffocate +13270038 donation +09083390 windy_city +02957586 capsule +01801371 genus_leipoa +07968702 interest_group +09165294 mukalla +11666854 magnoliopsid +11161412 virgin_mary +03864356 overhang +01909111 phylum_coelenterata +10526096 reveller +07336214 receding +02145767 vespertilio +00230746 grow +00035189 achievement +10161047 harpsichordist +06577585 tagging_program +02869097 tactual +12767648 varnish_tree +13100156 poisonous_plant +02717362 bag +14466432 meromelia +00177186 propitious +14046202 pregnancy +05683582 muddiness +01071090 tolerance +10713923 tobacconist +01616318 vulture +01747945 print +01688271 unoriginal +13189844 pteridium_aquilinum +08479615 muster +01965889 scollop +07009640 act +00488225 cards +02242049 bootleg +01746063 micruroides +02449847 let_in +04033287 queen +07767847 pear +07445896 spreading +09206985 upgrade +00532892 comprehensible +11748330 genus_arachis +12022382 tanacetum_cinerariifolium +07094093 metre +08959254 republic_of_liberia +10483530 vaticinator +00454624 casting +05249636 porta +03936895 pill +11224877 pasteur +03278248 electronic_equipment +00363493 suspend +13971065 agreement +10138242 good_egg +13372123 sparkler +13501941 invagination +14712692 alkaloid +01085937 unselfishness +00864680 conditioned_avoidance_response +09454412 tangle +01744657 family_elapidae +07006712 stage +08087570 protestant_church +01996735 process +01719921 roleplay +01320513 shear +02458747 canvass +11869689 watercress +00085046 dope_up +05669934 state_of_mind +10615179 sweet_talker +04554684 washing_machine +09018162 azerbajdzhan_republic +05445668 organelle +00633864 investigation +13453861 cracking +02022684 shorebird +12476510 century_plant +10193026 huntsman +09894143 cardinal +00121865 antecedent +01663169 family_cheloniidae +02680814 stop +02513460 disfavour +00760956 mediate +00552097 roleplaying +01903756 tide +05520479 umbilical_cord +01073995 interference +08227214 society +00648931 dissection +01748273 print_over +00568430 service +02863247 mystical +12254014 genus_astroloma +00387310 turn_back +05302499 rima_oris +09012101 baltic_state +00616857 neglect +07758407 icaco +06694540 testimonial +00353469 lowering +01959668 family_cardiidae +00819274 conservation +02471690 register +10839617 simone_de_beauvoir +00314469 seafaring +01578821 ladle +06193727 credence +07060440 country_music +09883452 buster +00694068 value +07134850 schmooze +12835331 yellow_bells +09669125 sioux +08389572 battery +05461349 reticuloendothelial_system +10818088 st._andrew +13622209 imperial_gallon +01681812 phrynosoma +05233420 jugale +02142993 genus_choeronycteris +07823951 curry +01408929 platyrrhinic +01035199 swagger +00582868 occupation +14191037 toxemia_of_pregnancy +12260208 family_fagaceae +08686821 lion +12797693 genus_francoa +03108069 magnetic_core +01604586 joggle +03579982 internal-combustion_engine +09758885 academic_administrator +13965274 intermarriage +10506762 ranker +10132988 trencherman +02275365 lay_claim +01964367 repetitive +01921204 trudge +07201365 description +01983264 uprise +02984104 presidential +00006238 spit_up +08139795 united_states_treasury +02441022 control +12857204 yerba_buena +08512736 mete +03561657 overlapping +01057759 feeding +02405577 welsh_black +02112546 sun +00951433 overutilization +14864360 fat +11565040 caryophylloid_dicot_family +11715810 white_lotus +08714966 varna +12586298 calamus +09861946 waterman +12351600 maranta +09384223 the_pamirs +15295416 rule +09963773 cooper +01019643 tell +04361095 supporting_structure +05891783 speculation +06251781 transmission +00161044 solicitation +11766189 tornillo +06178042 morphology +02144835 hide +06964247 italian +08385009 engagement +06682290 bulletin +04050600 ram_disk +07542675 dismay +02566227 sin +12663804 cinchona +02742842 wash +02026498 genus_aphriza +09396275 pobedy_peak +00596592 prelature +01139194 permit +01007053 iq_test +02638444 stick_around +02653159 quarter +02653996 tent +13134947 fruit +04799881 nativeness +07366971 inflection +00786195 try +02409148 overwork +00851239 stir_up +09853881 head_honcho +00479076 court_game +07229530 self-praise +02950632 cannon +01799086 family_cracidae +06005518 parabolic_geometry +07351909 wrench +06317672 major_form_class +06118563 meteorology +14315192 swelling +06732169 mathematical_statement +10294602 tar +00905677 amnesty +02765924 shine +02439501 direct +12826516 morning_glory +10740017 upbraider +00350030 turning +06046692 bacteriology +01731031 sing +09716047 italian +14497763 uncleanness +10296176 marshall +09130076 ohio +03009633 good_luck_charm +13179410 vittariaceae +07570720 victuals +12904314 stinking_nightshade +05654362 visual_sense +02559180 unwholesome +02563497 lepomis +05230357 landmark +01369758 bust +08968879 outer_mongolia +15271008 suspension +00841091 grazing +02689730 ridge +09772606 adulterator +13615235 united_states_liquid_unit +12241192 privet_andromeda +09929577 clinician +02509287 restrict +06838652 qoph +07154330 set_phrase +14662574 mineral +04555897 watch +01003249 snap +12366313 strangler_fig +01548290 clasp +04157320 sculpture +01597286 shoot +07393161 shrieking +08418631 national_bank +02883344 neuromatous +02268351 waste +14699752 stone +09158024 madison +01331689 tick +03489162 hand_tool +12077732 platanthera +06742932 moralizing +01039330 signalize +08763193 dominica +09740085 american_revolutionary_leader +00860620 proclaim +02674564 stick_out +10634316 speculator +00610010 retain +02293352 gelechiid_moth +13884511 prism +09729530 arabian +04486445 triviality +07682316 whole_wheat_bread +05841151 art_form +06880664 emblem +09034402 latakia +03815278 neckline +09388848 peninsula +02060719 hydrobatidae +10722385 trainee +12884260 wild_snapdragon +00869931 lodge +15026716 scleroprotein +02353529 geomyidae +05554405 titty +14164866 fanconi's_anemia +03892891 portion +02534559 salmonid +08963244 zomba +10100761 tomfool +00856824 praise +05750163 vogue +02017878 genus_fulica +02530167 try +14713748 ergotrate_maleate +02631594 anxiolytic +00223983 slaughter +11767354 dogbane +08997310 singapore_island +01930874 drive +01258852 revocation +00237078 organization +13468306 distillment +03908204 pencil +03374473 fly_tent +10249950 lawyer +08611063 no-go_area +00286798 smut +10004804 dependent +02515410 latimeridae +02193194 tell_apart +05784699 ideation +10712229 tinkerer +00978549 sound_out +00344699 snap +04588739 window +07315631 apocalypse +01175467 wassail +00240571 shrink +10115082 runaway +00340704 result +05602548 forehead +14633957 cerium +02717701 loll +07397955 tocktact +04025748 purgative +00536304 tense +11704401 genus_cinnamomum +10094584 flag_officer +00368302 circulation +02456275 pichiciego +02851550 iconic +01531742 imprint +01557185 thrush +06582403 subroutine +01506583 retract +12408077 ulmus_pumila +02239528 coreid_bug +07105475 trope +08356573 us_government_printing_office +00976270 trap_play +01455866 heft_up +06694796 reference +02131942 ursus +13582013 number +04642258 temper +03510987 heliotype +04019696 pull +10773527 welsher +01621635 owlet +11979715 jerusalem_artichoke_sunflower +01266895 galvanize +10927424 lee_de_forest +03339296 plastic_film +00007328 yawn +01754876 rattlesnake +11503644 resistance +12306519 jasminum +12436677 aloe +11498040 pull +11974126 matchweed +11822167 tetragonia +02330830 superfamily_muroidea +09171674 nubian_desert +12325497 oleaster_family +00356367 using_up +02396716 nominate +02867715 bomber +03030919 dostoyevskian +12015384 silybum +11848253 hylocereus +03828155 non-nucleoside_reverse_transcriptase_inhibitor +00180413 espousal +01016002 say +01955463 lamellibranchia +10415037 percussionist +01387786 squeeze +09288635 geyser +00424691 flash +12527738 erythrina +10202363 incompetent_person +02400760 elect +01412912 thrash +03042829 clinch +12699157 genus_lansium +02240377 genus_cimex +15224692 time +11658544 prumnopitys_taxifolia +02461063 subcontract +01857171 genus_branta +02231661 transmit +01157517 wipe_out +04394630 tarmacadam +00432683 drop +00659048 massage +13459322 defense_reaction +01557517 gin +00197610 supplanting +06883725 swastika +15184170 christian_holy_day +09249418 colorado_river +08813978 rumania +13771828 droplet +01194483 thoughtful +12859873 nepeta +05498048 lentiform_nucleus +03792048 mound +00283127 travel +08856630 santos +01447257 press +05604950 rotator_cuff +02587761 ocyurus +00063095 hatch +02704153 upper +01992503 progress +01566916 uproot +01573891 tear_up +01142519 channelization +05392348 auricula_atrii +00933239 speak_in_tongues +07712382 snack_food +01594157 hirundinidae +02898711 span +01044114 murmur +08717059 pnom_penh +12590117 genus_elaeis +06532330 law +00430625 thin +04848262 hope +01236173 feud +02524202 pollock +11951052 tong_ho +08994339 medina +05685879 tangle +10175725 hijacker +00647542 critical +07369604 fitting +10438172 planner +12374418 rockrose +04008385 production_line +01893825 hedgehog +02872333 takeoff_rocket +01728572 worm_snake +01940403 wing +12576029 vicia_faba +01778990 worship +00014742 slumber +08509786 belt +10339966 musician +02758977 snow +01201422 homosexual +09064264 oakland +02949691 marijuana +10060352 entrepreneur +06037666 biology +03358726 flash_camera +05802912 conversion +07377682 thunder +10513509 redcap +02194286 taste +01789514 provoke +01288057 minden +03436990 gig +09408540 rhine_river +00385385 convert +02073041 sirenia +01023259 quote +03405725 piece_of_furniture +13556509 slump +00282790 foliate +05055503 fugacity +11785475 genus_caladium +03520811 preventive +01057200 supplying +04635631 inertia +02245993 deal +11861021 indian_lettuce +00730301 demarcate +10293332 parader +01592669 tweak +12789767 genus_decumaria +07447261 social_occasion +02497141 useless +10564098 screen_actor +09082540 prairie_state +06729499 averment +12714550 zanthoxylum +08910668 persia +09170996 mojave_desert +04499660 turnaround +06385434 sursum_corda +01871680 shove +01356750 stick_to +13916721 regular_hexahedron +04493505 tubing +00965895 plundering +09321694 jebel_musa +01105186 outshout +05354580 subclavian_artery +14151139 inherited_disorder +05612809 surface +00726300 impute +05712892 differential_threshold +12198140 genus_firmiana +02241621 extort +02622033 interdepend +12164215 genus_cucumis +02648625 greenling +02292272 tineola +02057478 procellariiformes +13509528 lysis +03788195 mosque +05795460 reservation +12933403 cultivated_celery +01981137 paralithodes +03682487 lock +01697816 create_verbally +04882622 abstinence +12033139 cockleburr +07644706 poultry +09578465 norse_deity +12863026 prunella +07311115 travel +12341126 onagraceae +03795976 movie_projector +10661563 strategist +12832315 gloxinia +00434374 go_bad +02248808 access +00283911 colourize +12917338 genus_euphorbia +03088164 safety +07972888 matriarchy +12906334 mandragora +02137907 face +01292169 inosculate +01576165 range +13192025 family_dryopteridaceae +10341955 mutilator +02761392 robot +01397497 seaweed +12939664 heracleum +10634990 spellbinder +02507337 procyonidae +15228378 time_of_day +09847727 worshipper +12551669 tolu_balsam +12008017 rudbeckia +02131653 bear +01950195 subclass_opisthobranchia +07545303 protectiveness +08557482 imperium +00456596 match +00319534 caudated +02694933 situate +00759551 conciliatory +05635624 fortification +02418686 play +13343526 wager +15005716 roofing_material +12351975 musaceae +03757138 underground +13027049 genus_eurotium +09977326 cricketer +00666510 document +03740161 medicine +04232153 skullcap +00145024 tag +13477934 expectoration +09895222 careerist +14461231 totality +02288295 win +10235549 relative +09458791 tigris_river +10070942 flasher +11987956 lasthenia +14084880 neurological_disorder +03544360 house +09902954 celebrator +01336635 overlay +01988325 marshal +00518653 mystify +09135993 chester +02172888 resound +12142450 triticum_turgidum +11553763 gymnosperm_family +10007109 turncoat +09322454 jupiter +02440705 mustelidae +12825061 wild_morning-glory +11830714 orache +07916970 sangria +02144442 megadermatidae +12110630 genus_bromus +00075618 mess-up +01140654 walk +13356569 roll +01613239 set +08524021 centre_stage +00263813 lineation +08756884 republic_of_cyprus +08567600 finger_lakes +05844105 style +05773776 line_of_questioning +10595361 sibyl +06053439 tocology +00044797 dress_up +11497888 whiff +05600637 human_face +06412771 catechism +14452616 infestation +04986883 tone +12530818 woodwaxen +00010435 do +04631700 vivification +13179972 family_aspleniaceae +05684003 disorientation +11856981 purslane_family +03695122 pressure_feed +03736970 mechanical_device +00867357 startle +07227772 pledge +03913343 pentode +01466978 march +00861725 herald +00827638 lockup +05216365 physical_structure +00555447 shift +04432662 ticking +02095311 secure +14688234 opal +06434368 ruth +13001743 lentinus +03886053 panzer +12570126 sophora +00550341 stage_business +08763500 spanish_guinea +01696648 emblazon +02536557 work +02052936 sulidae +00364064 interrupt +06873252 visual_communication +00381680 uniting +12501537 papilionaceae +02281485 victual +14397040 toper's_nose +09164561 yemen +00749574 knavery +01561143 collide +00562523 inflate +04169437 selector_switch +09118817 erie_canal +14727670 organic_compound +01752884 produce +04007239 prochlorperazine +14310292 sudden_infant_death_syndrome +08280124 honorary_society +02273293 sequester +11983375 hulsea_algida +01606177 tiercel +07216083 confession +04959672 spectral_colour +10368920 rower +01558681 cleave +01918152 ctenophore_genus +10756433 visionary +08286163 university +00210518 finishing +08924023 osaka +03807895 naproxen +07127911 horselaugh +13440063 body_process +03420440 garnish +03600285 riding_breeches +02528163 teleostan +08046032 tupac_katari_guerrilla_army +12007766 swan_river_everlasting +03248958 street_drug +00443670 effloresce +00475787 softball_game +07194950 cross-examination +11662764 genus_austrotaxus +03656484 lense +12578916 cowpea +09643078 oriental_person +07503430 odium +02265717 family_corydalidae +00076072 fluff +02658381 pleuronectes +02506546 oblige +08049401 association +11178161 michelangelo_buonarroti +15228162 half-hour +00234725 mark_out +00995838 rewrite +01581166 whisker_jack +01262470 soot +10317007 officer +05529729 voice_box +03158259 dachau +01185981 reversal +00205543 giving_up +14936010 slaked_lime +00328502 slide +14753808 oradexon +07811416 herb +08027920 jerusalem_warriors +01407798 green_algae +12580457 wisteria +01292885 twin +12691189 genus_bursera +03542333 hotel +00309647 expedition +09644152 mongolian +00702418 implosion_therapy +05771836 mental_synthesis +14324274 suffering +00981276 redact +02123424 twinge +02007721 family_ardeidae +00786816 examine +02291024 tineoidea +08941208 brittany +13549672 release +13862780 figure +07621776 topping +04790449 unwholesomeness +12600888 polygonum +00771632 lead +02577391 juggle +00067707 surrender +01021128 instance +13515958 urination +00109081 slider +09536789 trinity +01084932 rationing +08481832 center +01551871 sculpture +10305635 medical_officer +01437254 send_out +05456732 sex_cell +03744840 storage_device +01083504 dispensation +06695579 flattery +02759614 light +10019406 plunger +04371563 swimwear +14157163 lipochondrodystrophy +01635432 visualize +10346198 nationalist_leader +03085333 computer_network +05064037 shape +01194777 wine_and_dine +06100236 mechanics +00682436 standardize +03273551 organ +01770501 upset +01983277 homarus +01012712 compartmentalization +00896832 rehearsal +03400389 fuel-air_explosive +01669883 testudinidae +02246686 deal +12858019 genus_monarda +02736778 delineate +07171940 exegesis +00834135 panting +05333777 artery +05793554 groundwork +14778436 agent +14560612 decay +00759501 plead +09158501 racine +00859604 humour +05365633 dorsal_root +02165877 two-spotted_ladybug +03976268 polaroid +09248477 coast_range +00885925 oblige +01543731 roost +13857486 contradictoriness +07334490 wipeout +10159852 hanoverian +02528949 gonorhynchidae +12900462 pepper +01594362 stamp +14386697 conversion_reaction +05514410 female_genitals +05299178 sensory_receptor +00031820 laugh +02728142 translate +09730204 scandinavian +08708609 lobito +05274808 os_tarsi_fibulare +03179701 desk +03132261 cricket_equipment +01889610 shake +10330189 scrounger +09821831 tender +01744111 perceptive +05893916 false_belief +08788004 lydia +00645771 diagnose +12910285 husk_tomato +02011685 dawdle +12936469 coriandrum_sativum +12736840 pyrularia +01003570 quantification +02677567 involve +01212225 rationalization +00661091 therapy +10671042 substitute +12285512 red_alder +09803429 umpire +00980908 dogmatize +10332385 mother +01217043 sustain +07183151 tilt +03455488 tombstone +01280488 flex +12332718 jambos +02915055 endocrine +02685390 traverse +15291199 culmination +03485997 hold +08655464 american_state +01883212 family_dasyurinae +01774595 theraphosidae +02166567 hippodamia_convergens +10672908 suffragist +02011156 genus_cochlearius +01941670 gastropoda +12133870 secale +11898775 thlaspi_arvense +07656077 cut_of_beef +07109019 auditory_communication +04034262 quilted_bedspread +00261533 fill +11897342 stanleya +03899328 path +10548537 salesman +07540866 frustration +14359459 singultus +01127019 enforcement +11447851 impulsion +12811294 linanthus +02473688 vote_out +11867070 polanisia +10307234 member +12736603 quandong_tree +00699815 set +04543772 wagon_wheel +01740283 typhlopidae +14444326 monopoly +01919504 tentaculata +00697589 make_up_one's_mind +07450055 luau +00072989 pass +00610374 recognize +01642924 set_up +12685679 genus_geranium +14925198 jelly +13393427 maundy_money +11620673 true_fir +04623612 temperament +02673480 sectral +05494933 temporal_lobe +00724832 astound +08892971 glasgow +05105009 enormity +05301392 articulator +07351612 turning +10207831 questioner +00939818 orchestration +01653013 create_from_raw_stuff +09031061 paramaribo +02525312 run +06392001 subdivision +12327209 lecythidaceae +06121554 speleology +02450992 genus_charronia +13486838 geological_process +13763384 minimum +00321936 zap +00394563 desynchronize +07736692 spinach +01556921 separate +12199030 helicteres +01487914 rhincodon +13717728 catty +01286038 tie_up +00645415 botanize +02521916 gadidae +03106110 cord +00099517 run_out +06857591 roulade +00012434 swash +01769930 phalangium +11973888 gutierrezia +01661091 reptilian +07222050 folktale +08401248 subdivision +07232421 explanation +09545000 houri +00006484 cell +13218900 order_equisetales +10326087 moderator +09872782 brahmin +14178077 leishmaniosis +01341876 prokayotae +02713372 stick_out +04061969 recess +02149302 condemn +12915230 genus_avicennia +09943541 commissioned_naval_officer +01931277 oxyuridae +15242432 whitsun_monday +00340662 reshuffling +00752431 dissimulation +00009631 twitch +08233056 union +13881381 trapezium +04262678 sound_recording +02614288 genus_chaenopsis +01290435 petersburg_campaign +13774404 wad +15162210 religious_festival +02293732 bail +03065063 rack_railway +12871992 lentibulariaceae +00963452 cheek +02593019 snapper +15192890 solemnity_of_mary +00960851 stand +00009147 slough +02234087 apportion +01458842 fertilized_egg +11969410 genus_felicia +00500834 emulsify +01846320 voyage +11667112 subclass_magnoliidae +01639714 plan +00441824 water_sport +06206800 respect +01360571 string +10689564 tailor +10415638 performing_artist +00911048 construction +07405893 flowing +04677716 persona +03283519 vomitive +10648696 star +09011820 pinsk +00998604 anthropometry +02079170 phocidae +00689205 surmise +10022111 doctor_of_the_church +00895680 basic_training +03813176 navigational_instrument +14405931 scare +06953731 scandinavian_language +00653811 poll +09232165 horseshoe_falls +01762283 wind_up +14780850 chlorinated_lime +01858910 round +02659358 twin +00349951 carry_over +02163982 order_coleoptera +02302124 genus_eacles +07183000 collision +00118552 spitting +07920989 mocha +08899776 thebes +03099945 convertor +15185290 moveable_feast +09939313 scrapper +01447822 jordanella +00447950 dissolve +12246232 blueberry_bush +01176897 board +00511212 saturnalia +00905399 pardon +05503401 sylvian_aqueduct +04580777 white_house +08069878 securities_firm +04549919 ward +13254805 gain +02110220 see +00396642 rinsing +02266148 blow +12009616 sanvitalia +01499595 rhinoptera +05050379 up-to-dateness +02058074 family_diomedeidae +00185698 mercerize +06817782 mark +12119099 lyme_grass +08111027 fish_species +05552607 thorax +08728595 taiyuan +00859153 chirk_up +02154312 spy +00490569 bridge +04574999 wheel +01761706 stir +01739647 lyre_snake +01743217 repentant +01256157 carve +13253751 steal +12137791 indian_millet +01979901 set_down +04060065 rear_window +00134564 barbarize +00385791 division +01632103 schematize +02469274 splinter +02641035 pause +06928047 jaghatai +02125641 scent +00069879 wound +13649268 metric_linear_unit +00605023 throne +10404426 passer +00226071 thin_out +07122018 catcall +10103485 outlander +04855138 sanctity +11924330 genus_arctium +01188537 judgment_by_default +13964466 bigamy +00320536 fire +03551084 hydraulic_brakes +02011668 genus_botaurus +04541662 vomitory +01421496 sporozoa +12945708 smyrnium +03045337 cloak +08763932 bioko +08961402 luxemburg +12132502 sugarcane +10443170 spoiler +02673134 equilibrize +14917635 ink +03181899 detergent +00795264 programme +00822101 notarize +01560369 shear +01621127 owl +09957834 recusant +00854717 sexual_perversion +14136187 leprosy +00728826 elicit +02540412 smelt +12093088 genus_cyclamen +08056873 kibbutz +01551195 scar +10745894 valuer +02206270 hymenopterous_insect +01955984 ride +11085924 st._john_the_apostle +09639543 abkhazian +06413889 pamphlet +05730365 topology +09483129 zambezi_river +02541431 family_elopidae +11877860 turnip_cabbage +01640855 fulfill +02626590 thunnus +08011523 fatah +14560926 rot +14856263 waste_product +01048466 vivification +01557774 separate +12101870 gramineous_plant +02055658 sphenisciform_seabird +08463647 mailing +02460817 two-toed_anteater +12969670 star_earthball +12141495 cereal_grass +04659090 adaptability +00765396 apply +07296428 modification +01522594 order_dinornithiformes +02125689 jaguarundi_cat +10207169 relative-in-law +06764751 photo_credit +00612841 suppress +08731148 hong_kong +08598301 grassland +08428485 parade +12659356 spirea +04565963 wmd +05595083 joint +01968569 uprise +07655337 fish_fillet +13548734 regeneration +01533120 immoderate +10614976 tobacco_user +15032376 toxicant +01648139 obstetrical_toad +07149836 bargaining +02685665 touch +07125523 exclamation +05020358 snap +00204943 bolt +05814291 topic +13944914 reinstatement +09099526 wolverine_state +04930307 fit +00995103 transcribe +01931398 genus_enterobius +06706125 commendation +11421401 actinic_ray +10427658 phrygian +00435563 cardiopulmonary_exercise +12064183 gymnadenia +01736299 xerox +07888465 white_beer +00281101 discolour +07423001 waning +12268246 oak_tree +01735189 grass_snake +00425278 worrying +05313822 palpebra +12722884 larrea +11599694 subdivision_cycadophytina +08111157 variant +12516040 genus_cladrastis +02023396 intersect +07913081 sundowner +01818972 chill +00621476 plodding +05453657 neutrophile +11968104 genus_eupatorium +03681148 topical_anesthetic +02706046 vibrate +10826952 mustafa_kemal +12117507 genus_echinochloa +02920369 trap +07424109 revolution +02748618 st._joseph +04117216 rudder +02474239 invest +14992287 plaster +12651229 pyracantha +09115315 albuquerque +00355955 dissolve +02138766 develop +01733094 ptyas +08947617 konakri +00614224 writing +03053474 club +02070430 porpoise +12510569 genus_cajanus +02798290 base_of_operations +13894434 swelling +02479896 pongidae +08756202 trinidad_and_tobago +10040789 dynamitist +04086794 variable_resistor +11099729 kelly +01480770 trap +00804695 lively +13986372 transport +11724529 genus_adonis +05973198 nativism +06629858 send-off +08960548 principality_of_liechtenstein +06599788 topic +01117484 nail +02228031 abandon +14425974 immaturity +01890274 family_chrysochloridae +05817145 familiarity +02723733 represent +00843146 elastic +05521636 vulva +01264447 vent +00286605 stain +14902141 synthetic_resin +01995514 fairy_shrimp +02523275 vulnerable +01796519 red_grouse +03097890 controlled_substance +00463543 ice_hockey +04870340 nobleness +00906037 palliate +01244853 vacuum-clean +07851054 paring +02239073 genus_blissus +05926358 reconditeness +08848094 state_of_bahrain +00974031 sign_off +01421622 introduce +01492052 yoke +12943049 pimpinella_anisum +12377809 flacourtiaceae +02694247 chimerical +01627965 unsavoury +00329244 ramify +05465567 neuron +08030481 lashkar-e-jhangvi +00296178 set +00268557 restoration +08377806 hierarchy +06692572 cheer +00785962 investigate +02632567 want +01202184 sequestration +12612913 hydrocharitaceae +05211044 humour +06758835 overstatement +00874067 judgment +00082870 laying_claim +14042423 asphyxia +05994935 economic_theory +02357228 save +12506341 cabbage_tree +05074374 waviness +12884100 old-field_toadflax +03352628 fishnet +08194546 mcia +04807971 sordidness +00716130 reverse +05014099 boiling_point +00317207 delivery +08491027 address +09002814 russia +02409412 hire +08715110 southeast_asia +14393438 hysterical_neurosis +06453324 writings +01348530 bacterium +01170052 imbibe +00020090 substance +02184270 pediculus +01775879 order_acarina +13086908 plant_structure +01663401 sea_turtle +01561318 phoenicurus +05971394 fatalism +00964478 soliloquize +01575146 ram_down +02074915 order_carnivora +09255343 continental_slope +04602044 workplace +13716084 avoirdupois_unit +01426397 sleep_with +08159740 windsor +00364629 pasteurize +12447121 yellow_globe_lily +01321230 male +12839574 satureja_acinos +05869584 whole +08196024 airforce +02061425 oceanites +00173764 hearable +02196214 salt +02484975 guenon_monkey +07155081 non-standard_speech +09036098 serengeti_plain +01495493 squatina_squatina +14894140 rosin +10770545 watercolourist +03018498 taxonomical +01782650 horrify +02264734 family_chrysopidae +00275466 ablate +01336159 plank_over +06688751 standing_ovation +04391838 taping +06381869 verse +01034312 talk_about +02040054 undulate +05028159 preponderance +12118912 genus_elymus +01321002 trim +02324182 loan +01077350 prevention +08500433 space +05849040 property +02002075 stork +01710190 belly_dance +00792471 send_for +08183802 legion +01001294 set_forth +12965209 hypocreaceae +12931542 dill +02144251 rhinonicteris_aurantius +01211888 simplification +12805146 currant_bush +00558883 running_play +01820077 pother +01220885 stick +10605848 skirmisher +07683786 loaf_of_bread +08009834 nongovernmental_organization +13896100 bow +00611481 remember +08984010 katowice +08540532 borough +02565491 forestall +09022831 latin_america +07012534 line +09917593 youngster +09472413 volcanic_crater +04081844 restraint +11937523 genus_ayapana +00027268 stretch +08029784 klavern +10378412 operator +05207963 ineffectualness +02494866 tupaiidae +10726031 transvestite +01840092 pass_over +02489748 solemnize +02475922 charge +12317296 ironwood_tree +13504497 cytokinesis +07631511 christmas_cake +07120524 yell +04841358 thoughtfulness +13281275 regular_payment +10146927 welcomer +12711817 sweet_lime +00788564 probe +02928413 butt_joint +04763650 uniqueness +13135832 seed +02460684 genus_cyclopes +00343600 iterate +01523105 reel +12049796 genus_catasetum +01665761 family_chelydridae +01244516 dredge +09635823 indo-european +01255648 singsong +00388065 slash +12125398 muhlenbergia +01813668 walk_on_air +03913129 yellow_jacket +02129289 see +02147947 pipistrellus_pipistrellus +01517662 twine +12359026 parietales +04334599 street +00161243 selection +08846739 linz +02100709 junior +03160309 dyke +08947319 republic_of_guinea +08713772 balkans +13903738 verge +00446329 dissolve +00838524 pretend +05527216 seminal_duct +08139270 us_fish_and_wildlife_service +00274724 fret +02901481 brigandine +01699831 dinosaur +01955084 sea_cradle +00776988 witch +01699537 genus_gavialis +02426395 shut_down +13210205 rock_brake +05203649 strength +05648459 slowness +06394865 book +03952277 pixel +11812358 minuartia +02581900 prosecute +14490110 obligation +00828336 muscular +09935233 coiner +00668099 tolerate +11186042 president_monroe +03247620 drug +02005756 tenacious +01372408 punt +09375693 nuptse +13744044 troika +12904938 matrimony_vine +01256600 chip_at +06769032 demythologization +00575741 work +01884703 sarcophilus +00228535 settlement +10481268 software_engineer +11465017 gust +12312276 haemodorum +07828987 vinegar +08750151 cuba +12928071 slipper_spurge +07251984 promotion +04777098 secureness +10940053 jimmy_doolittle +02048514 order_gaviiformes +11665781 magnoliopsida +01027859 ritual +01705247 suborder_ornithopoda +04423174 thiabendazole +01145944 fowl +00156812 compulsion +12264254 genus_castanopsis +08147188 protestant_denomination +07524242 worry +10091012 stoolpigeon +00537682 folk_dancing +01613294 eagle +05689249 impediment +09778783 fomenter +01777817 adore +14704640 cement +01161087 waste +12765679 spondias +02108377 undergo +07908647 anisette_de_bordeaux +00897564 turn_to +02343056 bank +13139055 seedpod +00644583 study +02880546 string +02531625 try_out +12598409 plantain_family +12842302 wood_mint +02391803 designate +01584321 cone +02089555 foxhound +02515214 lobefin +02566489 white_perch +02539788 rear +00179959 shuck +07566340 foodstuff +12581381 palmae +13424865 accumulation +01589718 certhia_americana +08759013 slovakia +00889555 undertake +02755352 bond +13664808 centesimo +10792178 worrywart +12555720 parochetus +08946715 kumasi +01105639 surpass +09631463 unpleasant_person +07232988 denunciation +08984788 portuguese_republic +13122364 swamp_plant +08735164 leopoldville +12661420 genus_asperula +02418421 recreate +13246662 landed_estate +09429387 segment +07202391 portrayal +07237758 inculpation +09547903 greco-roman_deity +13134059 bulb +02700867 hold +10381214 ordainer +01875295 sway +02472987 world +01122194 rival +00780148 swindle +01614769 haliaeetus +07528097 triumph +13262663 swag +06394564 rider +14213199 affliction +01707433 iguanodontidae +01796870 tetrao +00368109 unitize +00211396 desiccate +01251228 scrub +06588139 supervisory_software +00329227 stream +11776861 thevetia +02261883 order_ephemeroptera +02661765 genus_etropus +09071690 sunshine_state +00047018 tour_de_force +03566329 inclined_plane +01277974 turn_up +01525666 work +01366718 joyous +09240051 centaurus +12863458 pycnanthemum +09078231 hi +10388924 proprietor +11367581 visconti +01881180 wander +10012484 nutritionist +00011982 quack +12242287 oxydendrum +06367107 fiction +00105479 hurl +12281241 birch_tree +01123598 social_control +15127307 carboniferous_period +08457976 series +08153437 royalty +04164989 segment +11868814 cruciferous_plant +01430952 masturbate +02697120 threaten +14424780 maturity +09453887 tallapoosa_river +02276088 effervescent +08059870 house +15236859 fall +09354984 milky_way_system +02047835 genus_fratercula +01017320 supporting +00333203 adduction +02059162 petrel +06096913 astronautics +05721990 touch_perception +13354420 working_capital +02655355 family_diodontidae +00418615 neglect +10300154 mate +05502556 ventricle +02215941 stizidae +10298647 master +00652346 name +09257563 couple +02462580 vote +00234536 draw_the_line +02099029 retriever +07764630 tamarindo +06732925 profession +02548247 monkfish +00343894 logrolling +00690501 reconstructive_surgery +08871007 england +00851103 inelegant +05723563 itching +09377861 okeechobee +02164464 beetle +02537085 trout +11740414 wintera_colorata +12157276 gourd_family +01666102 genus_chelydra +11963755 genus_encelia +10421016 pharaoh_of_egypt +03151077 pall +13247554 salvage +01161635 detention +01482449 pack +04465933 traffic_circle +02150948 watch +01180695 earthly +08305766 benelux +12060816 genus_encyclia +02621107 family_acanthuridae +07085375 stress +00870453 combination +05580416 hinge_joint +11713960 nutmeg_family +01676755 iguanid_lizard +01950457 order_nudibranchia +03045750 australian +04424003 thimerosal +13547513 reducing +04946553 tactile_property +10680910 survivalist +02654256 ostraciidae +02040505 coastal_diving_bird +02513989 wrong +07120364 voiced_sound +12192373 family_elaeocarpaceae +00277569 submersion +01809321 whelm +02718863 bifurcate +12720532 zygophyllaceae +02040652 round +03826443 nitrofurantoin +10610333 sledder +13171210 umbrella_fern +12786464 sedum_telephium +14507951 obstruction +03130073 welsh +02839910 bin +00858341 glory +03581125 intersection +01711445 stage +12069821 genus_laelia +08102555 phylum +04157099 scullery +00903212 wish +05939432 appearance +06732013 formula +14633206 carbon +10684827 toady +06282651 linguistic_communication +02600082 break +01397210 work_over +00189189 intersperse +01204803 wanton +06741099 alibi +00539121 country_dancing +05659856 somesthesis +07419233 densification +14586258 mixture +03585875 ironing +13722060 scruple +09639237 white_race +05578095 heel +02411427 ovis +13837840 doctor-patient_relation +00636574 infer +01447331 striped_killifish +03899100 paternoster +05231592 auriculare +04782878 credibleness +01025602 stick_in +01372189 punt +07196075 interview +02156871 quadruped +03234164 underdrawers +00881545 outlook +00690058 deep +04468005 train +08952190 republic_of_hungary +12793015 saxifrage +10516527 rn +05922175 quintessence +01078050 draw +11836722 sand_verbena +05453145 granulocyte +00993014 write +00261405 reform +00205649 self-renunciation +10759151 volunteer +02505141 turn_up_the_pressure +06320801 qualifier +10457777 posturer +00927711 intimate +03546340 lodging +00359511 suffocate +05486920 cortical_region +08735705 central_america +13930385 tie-up +13084184 succulent +01920932 hike +03967270 plimsoll +10939856 john_donne +07416714 occasion +00516086 solemnization +09064468 palo_alto +10444194 poet +02076196 seal +12212810 subclass_rosidae +00504676 nitrogenize +03404900 refractory +00390215 weaken +04632157 sprightliness +02000288 mislead +12344996 punicaceae +01933342 filariidae +08911602 abadan +00727573 personify +04368496 swallowtail +10725438 transmigrante +08120384 local_department +12926316 manihot +09111168 reno +12760722 malosma +07802417 grain +00649481 explore +00632627 reason +08978343 republic_of_paraguay +08951777 frisia +01802494 express_feelings +00185104 reconciliation +13999663 hold +04640927 agreeableness +07339941 operational_damage +03965456 shopping_mall +01952162 pulmonata +01113806 recede +11274812 russell +09477567 weisshorn +00076114 weary +01664990 tortoiseshell_turtle +01219551 reward +08727003 talien +06843520 stop +03485655 handwork +02006656 spoonbill +10624540 songwriter +06986558 hamito-semitic +00176459 enucleate +11060535 lena_horne +00768778 wheedle +05716342 lemon +02299039 manduca_sexta +03365991 story +00064370 sleeper +05161967 unfavourableness +04119892 stave +00846817 penetration +03343047 fin_keel +06442239 john +06028021 regression_analysis +04227144 study +09105821 show_me_state +00292386 perambulation +01381604 spirochaetaceae +11780589 genus_acorus +10390427 packer +02281787 lycaenid_butterfly +05652926 sensitivity +03685307 lodge +12146100 zoisia +09465135 ulugh_muztagh +00552458 uniformize +06508816 file +00311338 obliterate +09417560 ruhr_river +00341917 come +01960459 oyster +13576355 indefinite_quantity +00065639 sustain +00868910 computing +05499828 midbrain +01095753 commercial_activity +04167759 tilting_board +01809752 stinkbird +01975880 order_decapoda +00215800 moisturize +01179155 corn +01232387 laminate +00393953 synchronize +01790739 put_off +03503997 headlight +10635275 spender +04512476 university_of_pennsylvania +00074790 pratfall +10358575 nimby +02018207 water_hen +01618053 obvious +02005598 threskiornithidae +11864364 rhoeadales +07124340 vulgarism +04534520 videotape +04336034 strengthener +09718217 nipponese +02519686 ictalurus_punctatus +02130190 genus_acinonyx +08245172 organized_crime +00478262 soccer +00634906 work_out +14543231 threat +00258854 rectification +01257542 flowage +15186147 march_25 +00331655 shifting +00480969 systemize +02501278 try +13609214 mass_unit +11510067 solar_radiation +08396760 ccrc +08503238 barbary +00739340 think +01845272 order_anseriformes +02103481 sensitive +14239425 metastatic_tumor +11993203 tansy_leaf_aster +01224517 ridicule +11338796 thomas_the_doubting_apostle +07711471 jacket +00790703 telecommunicate +02028900 knot +02489589 platyrrhinian +14060256 hyperactivity +08720481 republic_of_chile +12174742 genus_callirhoe +00475183 sublimate +13282550 compensation +09826204 flyer +01895630 cuticula +01787546 limulidae +01899262 thrust +09775663 pleader +01129876 hold +02238887 lygaeid_bug +12229443 andromeda +09896826 niggler +00267855 turn_down +03087643 condenser +07407272 runoff +06676709 crash_programme +09055015 last_frontier +08791167 near_east +00907657 bitch +02757462 sound_system +01771535 feel +09382990 pacific_ocean +01714231 allosaurus +03691128 lotion +11891050 lobularia +05896733 hallucination +05927813 scheme +01873942 elbow +06162653 metaphysics +01797180 genus_canachites +00898518 representation +11822557 family_amaranthaceae +06349597 written_text +03550533 hydantoin +09923418 nonentity +06974127 persian +02126863 deodourise +09773245 resister +02040113 genus_burhinus +15157041 civil_day +07510495 stupefaction +00939857 elucidate +01269633 battle_of_atlanta +13561719 stimulation +13024967 order_endomycetales +12747563 staff-tree_family +10067305 evangelist +01123765 skirmish +01170175 discordance +02136901 genus_genetta +02851099 screen +11733769 helleborus +05928118 mental_image +08626522 new_town +00673863 eye_surgery +00209943 termination +06427086 map_collection +09008130 nizhnyi_novgorod +09924540 civil_engineer +01665238 family_dermochelyidae +01613615 young_bird +00751145 misrepresentation +07704755 dry_cereal +05330244 thyroid_gland +03079230 compact_disk +02768433 backbone +09693618 tswana +08729452 xian +10312287 meteorologist +07325190 start +01031705 systematism +07939638 classification +01354006 seal_off +11872850 genus_armoracia +11827775 goosefoot_family +03482405 hamper +01878063 vibrate +12647376 bird_cherry_tree +10599354 simpleton +03843555 oil_filter +08841667 polynesia +06008609 axis +00276620 soilure +08632258 staging_area +02458675 megatherium +03305522 explosive_device +13911151 juncture +14673978 earth_color +12020507 marigold +12200504 mahernia_verticillata +10242791 peeress +00327362 steep +03322570 farm_building +05745098 skin_test +10826352 fred_astaire +05430095 node +05782884 resolving +05489394 language_zone +01736256 sonora +04669247 responsibleness +05025935 relative_atomic_mass +12806270 platanaceae +01051801 juxtaposition +03563967 implement +14334122 pustule +04018399 taphouse +00241038 shrink +10631941 specializer +11677743 carpel +04127904 sheet +08064130 defense_force +08595720 parallel_of_latitude +00084562 medicate +05376844 vena_peroneus +02404224 remove +01265475 beatification +08146593 intensive_care_unit +07539511 dissatisfaction +04995211 palatableness +04847733 natural_virtue +09488711 giant +05638486 literacy +09387222 track +09250678 columbia_river +11712827 moonseed_family +10360101 nominator +02373843 genus_equus +04209811 showroom +09173417 thar_desert +02531199 strive +08166931 commonwealth_country +05830527 nuisance +14892989 ottar +00752954 wile +07390400 popping +14108324 induration_of_the_arteries +01460937 winnow +12332866 myrciaria +10259997 lieutenant_commander +06589574 publication +02922159 burial_garment +07749446 kumquat +00654885 tending +00703875 contemplate +06784003 problem +04820258 pellucidity +02419773 travail +02583139 rise_up +01787401 xiphosura +13203842 oleandraceae +01611067 noxious +02249673 genus_aspidiotus +01637633 woolgather +01022064 flexile +04171629 semiautomatic_pistol +08188449 chorus_line +08905313 gujerat +01241073 goad +03594945 landrover +09627462 primitive_person +15171857 access_time +02508078 shame +00458754 work +08041840 rhd +01801479 mallee_fowl +01380122 spread +12380597 kiggelaria +01995549 proceed +02586382 lutjanidae +13723061 milligram +13954818 actuality +00796588 exclude +13199445 polystichum +06808720 mathematical_notation +01854838 mergus_merganser_americanus +01658762 craft +09017526 republic_of_armenia +01186208 junket +05650820 speech +10614225 smasher +03362393 tambocor +13527965 oscillation +02362025 subfamily_petauristidae +12596525 roystonea +01125429 bad +12556307 bean_plant +11302772 singer +10431514 picker +09980090 crooner +15185996 saint_martin's_summer +01351170 take_out +02185337 order_mallophaga +00325502 clamber +08981244 republic_of_the_philippines +01641914 pioneer +12796192 genus_boykinia +02618149 survive +07025900 serious_music +02259547 huckster +04400499 telegraphy +02972533 ejector +04414476 terrycloth +08403225 missionary_station +14640222 holmium +09998101 trickster +00889740 underwrite +14974264 paper +02623529 become +02994858 telephone_exchange +12990938 genus_cladonia +01475075 toggle +00841125 understate +01924882 swag +01470287 larvacea +01155687 wager +02935017 memory_cache +02176747 pyrophorus_noctiluca +01995323 genus_chirocephalus +05797177 out-of-the-box_thinking +11953339 witloof +13899200 sphere +06362953 written_material +02261256 turn_over +13875970 whorl +09945319 communist +02561332 use +12047173 genus_brassavola +02457586 megalonychidae +01958038 venus_mercenaria +01912159 traverse +01323338 poison +07247602 sensationalism +07083732 prosody +09134386 pennsylvania +05152696 idealism +02627532 yellowfin_tuna +10657306 stitcher +10214637 inventor +09459114 tirich_mir +05907682 secret_plan +08975106 sultanate_of_oman +02140357 nyctimene +01097031 soldier +00952524 tell +05658603 smell +15181556 holy_year +01583344 inscribe +00325110 mount +02333358 heat +02174153 subfamily_melolonthidae +11219635 paderewski +00571609 swing +01765908 worry +01496617 rajiformes +01872401 spiny_anteater +04402984 telephone_wire +05068080 tilt +03118539 equalizer +11713034 menispermum +08330106 court_of_appeals +13025421 saccharomyces +10225219 justice +02135220 civet_cat +02649218 painted_greenling +13998263 vassalage +05849284 quality +02337066 bed +02790322 barb +14025755 rem_sleep +02238462 unsmooth +00249501 progress +11994827 matricaria +07217349 presentation +00301187 calculable +12823859 bindweed +12429148 lily_of_the_nile +09114696 nm +09192973 allegheny_river +01651487 cricket_frog +08277805 academy +00159642 assimilate +01168569 rivalry +10230801 snatcher +02549796 family_belonidae +03867675 serax +11319570 stone +01295528 somme_river +01507134 merciful +14562683 wear +01429455 breed +03328201 pilot +13604275 metric_unit +00527034 cloture +04406350 tv_station +02686625 run +12214605 genus_protea +12034141 zinnia +02399000 ruminant +00672433 judge +02760429 automatic_weapon +12050295 genus_cattleya +02792903 scholastic +13934900 equilibrium +00937895 moulding +02016523 move_into +13987905 walking_on_air +09126305 tar_heel_state +00231887 repeal +10117511 gainer +02815950 beam +12108249 genus_andropogon +02083346 canine +12298395 sabbatia_stellaris +12924623 ricinus_communis +01648818 pelobatidae +00083809 operate_on +07409475 ricochet +07314838 tragedy +08687709 goat +01901783 wave +11432387 light_air +05956651 legal_principle +01771246 uropygi +00991838 fatty +01854223 mergus +13455487 data_processing +00866702 sanctify +09091909 new_orleans +12430198 unicorn_root +13886724 furcation +09033936 dimash +08905936 maharashtra +02274822 nymphalid_butterfly +00357680 condensing +02016659 gallinula_chloropus_cachinnans +04015204 protective_garment +06496624 muster_roll +13250680 pile +01379636 lactobacteriaceae +08440630 tyranny +02242464 sell +15254028 historic_period +15052223 spodumene +08699426 east_africa +03931044 picture +01131902 bombard +12843970 wild_basil +06074372 paleobotany +01904845 pure +00096520 pupate +09206375 arkansas_river +02521241 order_gadiformes +09901143 catcher +08564139 northwestern_united_states +03044671 clip_lead +01422594 telosporidia +02630189 have +12198793 flannelbush +02460502 true +00675701 cyclical +08357784 officialdom +02451292 genus_eira +13722757 troy_pound +02277303 shoplift +05729036 statistical_distribution +01247413 emancipation +03885535 pantry +01808769 repulse +13536016 state_change +02635956 lead +07797641 scollop +01388992 pyrrophyta +15108745 zinc_white +02718469 antiepileptic_drug +07827410 sesame_seed +02491906 genus_cebus +00670261 pass_judgment +07140978 debate +01991744 zigzag +02322230 thieve +09943239 commissioned_military_officer +01272582 tar-and-feather +01048059 resurrection +00710338 shiatsu +00331531 troop_movement +06489659 table_of_contents +09491966 monster +00199912 repair +03385117 formation +02750835 styptic +03471473 trough +02840619 cover +12280886 genus_betula +01582645 trace +02863750 steam_boiler +00713250 galvanization +04682018 shading +01378800 micrococcaceae +00181258 shell +07376257 eruption +01751722 fret +03047553 clog +09731571 south_american +00115157 convert +11071177 st._ignatius_of_loyola +01815471 abreact +14086143 epilepsy +02158739 scut +00932798 twist_around +09272085 fundamental_particle +06258680 paging +14932303 plutonic_rock +00604617 convenient +14051917 pathological_state +00918872 find_out +08148067 augustinian_order +08857682 british_empire +05468523 oligodendroglia +00698609 venesection +06714976 disrespect +14439447 dishonour +00631591 introspect +12839979 giant_hyssop +13418047 premium_bond +04954683 shininess +02995345 processor +09628382 religious_person +09131654 sooner_state +01646528 occasion +00028010 hyperextend +02263848 myrmeleon +00442669 set +11817914 chickweed +13583724 unit_of_measurement +06380726 lyric_poem +09935793 quisling +01659248 work +07340094 casualty +06888345 viewing +09610405 commoner +12430675 yellow_colicroot +09366017 natural_depression +04127633 safety_valve +00775831 oppose +10176679 hired_man +12800586 mitrewort +04636397 passivity +01273735 bunker_hill +06431740 word_of_god +01488918 requiem_shark +14365950 dysplasia +08152787 clergy +06789411 religious_doctrine +00764902 settle +01480715 subclass_holocephali +01408547 ulva +01980471 pinnotheres +13627327 word +12693590 family_callitrichaceae +01159025 stabilization +13285714 dispensation +02544274 wolffish +14234074 growth +01547459 tyrannidae +10118587 galvanizer +02388950 socialize +00130093 putout +05062370 procrastination +11916467 achillea +02137710 expose +11471097 latent_heat +08845555 republic_of_austria +14594708 acyl_group +05516366 acinus +04411264 tent +12923839 mercurialis +03762982 military_hospital +10681383 suspect +03120198 courtyard +12794135 saxifraga_oppositifolia +01704953 footnote +00153105 medical_diagnosis +05570839 sphincter_muscle +02259241 barter +00504901 nitrify +06552639 pardon +07793260 spiny_lobster +02062017 aquatic_mammal +00947923 substance_abuse +08085159 cathars +05765159 representational_process +09886540 plebe +05976257 semiotics +02600503 red_goatfish +00810385 quibble +08136260 federal_bureau_of_investigation +04551205 warfarin +02480153 pongid +01699040 cayman +00054628 sire +06885083 identification +10011902 potentate +09629246 sensualist +11115131 leonard_constant_lambert +05857459 variable_quantity +14828511 cytosine +02943241 optical_lens +00448440 void +05350061 splenic_artery +00716758 postulate +05225602 structure +01241767 justification +00956250 detail +05679611 unknowingness +12871272 blue_curls +00896526 close-order_drill +09622049 juvenile_person +01103180 wallop +00334186 split_up +07623933 tart +01004403 quote +00951399 nasalize +01452255 haul +02463704 shrink_from +05276860 membrane_bone +01496199 torpedinidae +05816287 information +11386346 wilde +02684254 run_on +02397266 co-opt +03859280 outbuilding +00445169 solidify +10529965 rider +07423365 twist +11981817 hieracium +02275372 nymphalis +02476219 australopithecine +12433540 tree_onion +01652139 turn_out +00756331 imposture +08168117 third_estate +00324806 cook_out +02659808 microstomus_kitt +14468508 scaphocephaly +02690373 airliner +05243879 dermis +00508032 mark +12123244 barley +07961016 lump +12539306 wild_pea +00172073 feint +00407328 precondition +11880791 gold_of_pleasure +15156746 tt +02514187 treat +01248191 admittance +13314936 rates +06310237 object +02074377 evade +01224001 grip +09356320 missouri_river +00043411 active +01823092 impossible +09937688 colonial +00272910 inure +12737383 mistletoe_family +00027167 location +05520699 placenta +01955009 bundle_off +05344514 digital_arteries +03032252 picture_palace +13777344 supply +06794666 stigma +06556481 mandate +02005948 get +07094355 catalexis +07556872 tuck +12557995 shell_bean_plant +06532095 enactment +00646833 qualitative_analysis +05353819 pulmonary_artery +12311894 haemodoraceae +03479397 hall_of_residence +06329506 tense +00034574 kindness +12998349 order_agaricales +01745722 publish +00398427 subdivision +05967402 humanitarianism +11418750 organic_phenomenon +12170585 mallow +08168531 tribe +10158010 ham_actor +02406916 tug +06278830 digital_communication +00403609 supercharge +05677340 feel +03308152 extractor +11873182 horseradish_root +14062725 habituation +04844024 insensitivity +05820620 representative +06212839 political_theory +01499948 coffin +09463721 tupungato +00043683 primp +01862918 stop_over +01914163 anthozoan +10492202 tugger +01927665 taeniidae +11691523 calyx +03982430 snooker_table +12633638 apple_tree +11823043 amaranth +08346655 secret_intelligence_service +01898592 waggle +00038750 active +13608788 weight_unit +00312932 sail +01468238 urochordate +01615121 sea_eagle +05700401 obsession +04591713 wine_bottle +12902297 genus_cestrum +03113835 costume +00975902 publicize +08706058 algiers +01941987 solo +00558181 icing_the_puck +10593115 shot +04958634 colourlessness +09328904 lake +12467811 trillium_family +14479615 state_of_matter +07131854 articulation +01616970 gyps +10746931 vaulter +00873682 send_word +08699654 south_west_africa +01138523 gamble +05868954 ingredient +11664090 ginkgoaceae +01637368 fantasy +01201089 masticate +15216966 islamic_calendar_month +07673397 vegetable_oil +00786458 test +12226322 heath_family +00156839 unassertive +01350699 wring +11783723 genus_anthurium +00376106 unthaw +12826395 ipomoea +01452546 plunk +07374756 mixture +00932088 objectification +10409752 remunerator +00474017 refine +02023664 genus_charadrius +03786194 morning_dress +12743232 genus_dimocarpus +07914006 cooler +00879271 review +01646866 provoke +04801313 orthodoxy +09995573 steerer +10015215 theatre_director +01503061 bird +02286027 feel +02709367 ground_tackle +05601357 visage +00981830 intelligence_operation +01624897 beat +12567490 retem +00990655 come_up_to +07532440 unhappiness +00779248 sting +00193486 compound +04680893 stretch_mark +00217014 devastation +01464077 mesoderm +03895585 passageway +01215851 collar +04244997 small_boat +08097222 shaktism +07211950 wail +00908492 creative_activity +07666521 rabbit +09944160 committee_member +12585373 coquilla_nut +00605430 trusteeship +14036735 rage +03283827 emitter +07148192 talks +11237275 pius_vi +02744323 arterial_road +00611256 think_back +05987835 sophistication +10513120 rewriter +08819397 kalaallit_nunaat +13462795 desalinization +01245813 roll +12231031 genus_arctostaphylos +08705251 durres +11821777 pleiospilos +14582220 dark_matter +03487090 handlebar +07988857 mates +10829450 ibn-roshd +09101318 lansing +02206619 take +11991777 liatris_pycnostachya +08799123 judah +01690339 ophisaurus +00430191 unclear +04172107 semi-detached_house +00234277 section_eight +13275847 cost +09010085 volgograd +11923827 genus_antheropeas +01493380 park +07781801 squid +01468532 class_ascidiaceae +08950230 arnhem +04426788 yarn +02064608 genus_balaenoptera +14074877 monogenic_disorder +02281093 store +02317661 impoverish +02281325 spiritless +12628356 red_haw +09273447 english_channel +05194578 force +04340750 strongbox +11168974 mcgraw +11600900 genus_cycas +12909252 petunia +11754188 subfamily_mimosoideae +11996490 genus_mutisia +12653762 blackberry_bush +07516354 ire +12722071 lignum_vitae +00854393 snogging +15058163 ketosteroid +00822367 hold +13615557 imperial_capacity_unit +12381511 candlewood +10020366 grass_widow +04777634 lodgment +02821627 sleeping_room +01096497 officiate +01712008 theropod_dinosaur +03177349 repository +03316105 fax +00540701 do-si-do +11480930 sound +07775375 fish +01821203 parroquet +09707992 vepsian +00791527 assay +02180529 sound +07754279 yellow_granadilla +00135013 mythologize +04316646 tail +08389900 horse_cavalry +12639736 prunus_insititia +11163859 massine +01133825 fire +12318164 juglans +07747055 citrus_fruit +09140148 volunteer_state +08770013 bremen +04294212 stabilizer +08139000 interior_department +06193203 mental_attitude +02633555 genus_palometa +07547805 ill_will +05144079 badness +04588365 window +15274863 term_of_a_contract +03354207 fixer-upper +11720088 ranunculus +05586446 endoskeleton +12698283 genus_flindersia +00302130 tame +00291004 countermarch +14455700 void +02036755 queue_up +11980577 genus_heliopsis +03790230 powerboat +00627849 isometrics +01189282 sentence +00590806 comptrollership +02205383 simuliidae +12523141 kingwood_tree +14186541 arthritis +06416946 prayerbook +06182144 theology +12314315 witch-hazel_family +01824339 wish +03754979 metharbital +09896170 caricaturist +05958712 animism +05512670 urethral_orifice +00897241 recognize +00148978 linkage +00672017 overrate +02529284 neglect +15299367 transfiguration_day +07342049 repetition +01313923 turn_up +09504915 fate +02906478 ecological +12617140 scheuchzeriaceae +10249459 peace_officer +12547658 macrotyloma +11877473 turnip_plant +01017550 shoring_up +00592883 recognize +00937656 sculpture +09148970 virginia +00662972 insolation +13423489 ablation +03928589 piano_action +07412668 sparkle +02291258 sack_up +01302982 girth +00003316 aspirate +00251615 educe +04613158 yoke +01898282 wiggle +12117017 finger_grass +02487573 visit +13118707 suffrutex +11451442 electromagnetic_spectrum +15237567 dog_days +10159714 haranguer +06983521 west_chadic +13320168 fee +02284803 pay_off +11846970 genus_ferocactus +09268236 dnieper_river +12864038 rosmarinus +00143704 crystallize +00531904 desalt +11704093 true_laurel +05798569 control_condition +09037394 tunisia +12356960 galangal +04761517 incorporeality +04100620 x_ray +03305135 explosive_compound +00420132 tighten +13544073 pullulation +11702428 family_cercidiphyllaceae +02479990 distribute +10256080 lexicologist +00964343 combat +06186301 theological_doctrine +11776337 tabernaemontana +07427534 fading +01087197 gird +01058870 nursing +02311260 cheque +12744277 genus_litchi +09617867 expert +11833577 genus_halogeton +04759849 concreteness +12696492 nim_tree +02502902 proboscidea +10063177 escapologist +01711297 seismosaurus +02737183 gravitative +01232412 socializing +00442063 quicken +12941536 pastinaca_sativa +07274890 curtsy +10335801 mouthpiece +00211852 freeze-dry +07977344 kludge +01919226 promenade +01693472 rhiptoglossa +09531630 persian_deity +01266152 obfuscation +01392237 wipe +02326355 shop +02721160 antihypertensive_drug +02397251 tayassuidae +01758180 embattle +04492856 truth_serum +02585446 swimmeret +01472807 throw_together +11181634 mirabeau +03811444 navigational_system +00506299 compassionate +01335588 pall +09142771 amarillo +05598707 snout +02305407 arctiid_moth +02340813 pitymys +03149951 rarity +08539717 urban_sprawl +08224684 ummah +05476256 cranial_nerve +05651680 understanding +00320486 tailing +00035758 cleanse +13034953 helvellaceae +05661996 system_of_rules +00926310 reformulate +02704949 coliseum +10213429 introvert +13937554 rejection +08941895 corsica +01924590 platyhelminthes +01489161 freight +11832214 common_beet +00365471 contraction +06436717 esther +08917503 chaldea +06944480 white_russian +00098083 revive +02123903 cause_to_be_perceived +14619225 atom +08687884 water_bearer +00533922 step +13727333 watt-hour +01414626 thump +14994328 polymer +05245626 whitehead +02457233 respect +02695895 place +09848489 truster +00365513 chlamydeous +01315213 peeper +14418662 fusion +02471327 recruit +03683708 locker_room +11851395 opuntia +04879092 inconstancy +05514717 female_internal_reproductive_organ +04929422 idiom +02424695 harnessed_antelope +01329239 stitch +08665504 town +06149484 political_economy +11414411 wallop +07755411 melon +10044470 economizer +08038995 psf +04902470 indecorum +07254594 renunciation +03472232 gymnastic_apparatus +02767760 scintillate +05525628 epididymis +11748002 legume +02301935 saturnia_pavonia +02227773 tettigoniidae +08664443 topographic_point +14037619 sexual_arousal +05324553 umbo +01846916 travel +00658082 treatment +01731418 masticophis +11820751 mesembryanthemum +02871963 throwing_stick +08927678 aqaba +00033615 quantity +01360899 plaster +11925898 paris_daisy +00875712 unenrgetic +12893094 solanum +13479889 suppuration +08097766 iskcon +01722828 pterosauria +12129525 phalaris +01567888 forest +12201938 triplochiton_scleroxcylon +04351233 suit +06698252 bachelor's_degree +07607707 lozenge +04893787 thriftiness +01644699 genus_ascaphus +02810471 electric_battery +05268965 fatty_tissue +10507230 rapist +12917901 spurge +02247363 genus_bemisia +00341243 stretch +00169806 modify +12131405 bluegrass +10690849 tantalizer +00947591 reset +00036780 scrub_up +02715595 burst +02413480 work +02497400 liberate +01053771 sizz +01598588 shrike +02321529 sea_cucumber +01001136 chronicle +15212739 september +03891851 paxil +01874875 drift +05261404 facial_hair +02536165 sockeye_salmon +02730265 applier +10893830 vicomte_de_chateaubriand +11596486 subdivision_gnetophytina +01831308 puzzle +10013242 diner +01255935 solmization +13103136 woody_plant +02041492 larus +07881800 potable +11786017 genus_calla +01831519 order_apodiformes +15222369 st_john's_night +06348500 catalectic +02469835 unite +01014990 gathering +10286539 skulker +02428924 meet +05551711 pectoralis +13220842 lycopsida +10418735 sweater +09877951 sidekick +09195796 american_falls +00580370 housecleaning +06759776 stalking-horse +00930806 suggest +15139130 leave_of_absence +00319939 pursuit +07351195 throw +07762114 pawpaw +10616670 sniffer +12879068 gerardia_virginica +00444629 run +08815046 rwandese_republic +05722868 tingling +01097960 rally +00442267 vaporize +13136556 nut +04532106 vestment +13657849 picometre +08381436 leadership +05785508 thoughtfulness +15165637 mealtime +02425462 open +06543536 temporary_injunction +13928668 relationship +03010473 chassis +01881171 possum +07200813 refutation +03017070 child's_room +08810220 turin +00958477 naval_battle +11516113 interaction +00926156 mature +09020961 tajikistan +00554850 upset +02130524 look +08894456 wales +02492536 genus_alouatta +04519153 valve +12751554 genus_empetrum +01080064 play +00952963 military_action +14072423 anthrax +06214379 moderatism +12797860 francoa_ramosa +07765728 wild_plum +09536058 supreme_being +10468962 president +05966129 preordination +10871756 john_bunyan +01257173 hack +09747329 welshman +08836886 micronesia +02308741 kick_in +12539074 vetchling +01674464 lizard +00615887 encryption +02934641 funicular_railway +02076535 otariidae +08569998 field +01041916 formal +09088396 kansas_city +02336684 slat +00772640 indicate +09020792 frunze +02361811 machicolate +11642622 tule_tree +13983147 illumination +00400083 conversion +13057845 genus_fuscoboletinus +00114431 pulling +06705079 honoris_causa +04295881 stadium +13557158 soaking +08237863 dramatis_personae +00567685 forehand_drive +01786760 irk +11983739 hyalosperma +15074962 tissue_paper +04484160 trimming +12117695 echinochloa_crusgalli +07651454 variety_meat +10663315 streetwalker +02323715 leporidae +13012030 genus_entoloma +02740764 plate_armour +06183899 theology +06798558 manifestation +00271263 degradation +07176682 concurrency +05124057 limit +02647144 liparis +10479493 procuress +15209413 month +02327028 jackrabbit +00029677 process +02651846 family_dactylopteridae +05521514 twat +14442933 rule +12670172 sarcocephalus +02157731 obscure +09622745 lover +07672135 edible_fat +06793231 sign +14331873 smartness +12957076 water_fern +00638981 considerate +00962722 revolution +10835709 lionel_barrymore +02223266 white_ant +05060189 precipitation +05393023 atrium +08309409 council +12021120 tanacetum +12449526 common_camas +12124505 lolium +09699200 czechoslovakian +02999757 string +12506614 genus_anthyllis +15122011 musical_time +02195996 family_asilidae +01235355 work +03484083 pushcart +12257570 prince's_pine +14821984 contamination +12377198 dipterocarp +00977153 bill +05046009 timing +02262542 gaseous +04362025 surface +01966352 curvet +00039297 contact +00934744 muckrake +00188580 glass +01007676 telefax +09068107 mile-high_city +07967382 ethnos +12588780 wax_palm +07160752 soliloquy +00089657 clawback +09852081 taker +10733350 turner +00534837 redden +06638868 lexical_database +12285900 smooth_alder +02755529 attack_submarine +15157225 day +05395286 valve +01815185 still +00881998 felicitate +04842029 finesse +01577941 crested_myna +06347811 surtitle +11814059 sagina +09268480 doggy_do +08589351 isobar +01656458 pulverize +01321854 young_mammal +13141797 chittem_bark +07323922 origination +02315525 inherit +08047501 mdi +02510337 moderate +05953416 patchwork +02018638 otididae +01401772 smash +00991683 post +01501960 juxtapose +12342299 willowherb +04802198 rightness +02321903 holothuria +12529353 genus_galega +02153959 hoof +06200010 perseveration +12046620 genus_bletilla +06689297 permission +09716439 wop +07167415 presentation +11832480 beta_vulgaris_rubra +00288970 tramp +01638952 sirenidae +05472032 processus_coronoideus +14015731 temporary_state +12635744 western_crab_apple +00168658 relocation +13484082 fractionation +07272172 label +08822855 british_columbia +08174995 allied_command_atlantic +01979395 ovalipes +13315077 poor_rates +11898079 subularia +00362659 dilution +01177033 protest +12457771 plantain_lily +00324384 rise +05503705 spinal_cord +10791221 workman +04523690 vault +07207680 disclaimer +01773825 rankle +09385911 piece +12628872 genus_cydonia +04085365 reverse_transcriptase_inhibitor +01398212 chlorophyll +11894327 radish_plant +13516842 moulting +01216004 hold_on +14168792 sickle-cell_disease +01307389 plane +05329533 endocrine_system +12847008 hemp_nettle +10040945 sharpy +02546873 reglaecus +13957601 presence +02729837 appliance +00951069 palatalize +00855794 referee +10057714 railroad_engineer +13121544 water_plant +01063350 waver +02658944 limanda +13171041 sticherus +13037124 genus_gyromitra +08975435 muscat +11704791 cinnamon +01190884 arbitrement +04782116 terribleness +04716210 felicity +00180837 scavenge +04959230 tone +11867311 polanisia_graveolens +00834009 mislead +08398773 variety +09332976 lake_st._clair +11827169 saltwort_family +01494339 sphyrna +06480506 derivative_instrument +13110915 nut_tree +13039553 phallales +15273626 sleep +01985923 sink +08719705 kandy +12694048 malpighiaceae +15091473 vitamin_g +12251137 genus_galax +13540610 preservation +05785311 exploration +07448717 dance +06674542 propaganda +01466543 dress +08790495 peloponnesus +00870213 warn +12660796 rubia +12167749 goodeniaceae +01363648 put_on +08198398 military_unit +00959376 skirmish +08076578 underperformer +12670013 lemonwood +10172793 protagonist +08836630 melanesia +11931918 aster +15203565 school_year +09758781 abutter +01870043 sweep +12426248 lily +10116246 functionalist +03501288 head +00886602 plight +01484097 mako_shark +14999913 pyrimidine +10209888 insured_person +07783210 shellfish +14757547 tusk +08086356 orthodox_church +11216100 roy_orbison +14516501 environmental_condition +08555883 disk_space +09215664 embayment +00933154 soul +08973330 republic_of_niger +00907930 yawp +11694866 bullock_heart +00825951 jujutsu +00857923 triumph +10684630 wonk +07803310 buckwheat +00366275 condense +05271383 talus +02567147 run_afoul +13122985 epiphytic_plant +11886537 roquette +07786005 butterfish +05519085 womb +05513807 male_reproductive_system +01061489 free +03414162 game_equipment +01726172 play +06552116 concurring_opinion +10460286 spelunker +08562243 orient +14416089 secrecy +06256229 leaf +04831031 unmercifulness +05870916 natural_law +01821266 possible +10005721 surrogate +11119061 laughton +09367733 neck +10277912 lyrist +12475774 tacca_pinnatifida +02211099 megachilidae +00902652 unessential +00457998 sleepily +08933287 montmartre +01692713 lacertidae +10674713 sumo_wrestler +12150447 genus_cyperus +01555586 muscicapidae +02947212 canal +01492725 contuse +07274027 waving +00287848 complexion +01810466 order_columbiformes +02107588 divine +05582305 matrix +06615561 attraction +02286204 turn_up +05876912 distribution_law +13203551 loxomataceae +01047381 yowl +14639921 helium +06397307 narration +02443849 run +09827683 infant +01480516 chondrichthian +12197211 genus_cola +07262579 indicator +00965871 declare +09164903 aden +03686130 loft +07184149 wrangle +14852450 emission +01063188 provide +04043411 radio-phonograph +01717628 debut +02153709 search +01624321 grind +07450549 whist_drive +12620196 rosebush +09545324 spirit +00648764 google +11370654 waldheim +03626014 knob +06893885 theatrical_performance +05116590 verdure +06518719 ticket +01883513 dasyurid_marsupial +15022776 coagulation_factor +02689882 stud +02681795 maintain +12449024 quamassia +07722052 tabasco +05902327 pattern +12955191 schizaea +09117351 ny +13651520 miler +00099951 trick +03430551 geared_wheel +03221720 door +01631830 excusatory +10287213 man +00939628 transcription +13149039 piper +12965626 ergot +04846770 morality +05075602 placement +06321702 adjective +13342692 venture +01562116 genus_erithacus +11780018 arum +02549048 avail +12476036 sisal_family +08696931 european_nation +13411533 review +13813765 parentage +01061481 state +02401809 throw_out +02728440 wearing_apparel +14276936 plant_disease +01294330 sempatch +00381326 interspersion +02554066 prostitute +06892358 stopper +01350283 grab +08873622 london +05319936 iris +08675967 urban_area +00351485 change_of_magnitude +00205891 sacrifice +12929061 theaceae +06791372 signaling +01686132 represent +12523475 jacaranda +12282235 grey_birch +01378556 spread +03838899 oboe +01778017 worship +01667302 sternotherus +01227675 perforate +01732921 lead +00426608 dirty +02247226 wholesale +00461493 still +02652979 family_balistidae +12791064 philadelphus +02206624 superfamily_apoidea +01521124 tangle +00087423 subsidization +00549610 takeoff +03024064 choir +06523132 lease +09722658 mexican +09477037 web +00036580 cakewalk +02628961 cost +03575691 instrument_of_execution +05893356 presumption +11996792 nabalus +01324305 mutant +10351874 treater +10148165 groomsman +00088481 seizure +01588589 xenicus +01323958 kill +02517169 siluriformes +00599992 take +10456138 rationalist +00736375 shenanigan +12306717 jasmine +03208229 germicide +00800121 hustings +01268457 paper +02466134 sponsor +00055010 ejaculate +09777353 agent +01455184 wind +01358904 schizophyceae +11376742 watt +01018928 stipulate +12821736 myosotis +04100174 rod +00657604 medical_care +02081282 odobenidae +03748162 sales_outlet +11787892 genus_dracontium +00388392 ramification +01001857 register +11797016 genus_aralia +08348815 law_enforcement_agency +07305234 affliction +01634684 family_dicamptodontidae +02219234 formicidae +09931418 tutor +00750405 plagiarization +02376542 foal +00331082 mash +09198106 antarctica +07723559 lettuce +10643937 squire +03057021 coat +06171040 philology +12612020 genus_alisma +06355459 morse_code +08072837 securities_industry +02373336 venture +00128477 bunt +00658052 rate +00149262 untying +00114871 drag +13447361 reaction +01885032 phascogale +01499898 mobulidae +02740533 armoured_vehicle +03111899 restorative +02774152 purse +00528339 recuperate +09943811 commissioner +09254614 continent +02217997 genus_chalcis +01182709 supply +09472597 volcano +02380980 pull_out +01609236 genus_elanus +12950126 valerian +02179429 scolytidae +09482916 yukon_river +04053995 zantac +06667792 legal_code +00438065 acrobatic_stunt +00534152 sashay +05786184 meditation +14426449 greenness +10525134 restrainer +00375021 boil +04045397 raft +05530092 arytenoid_cartilage +11259054 rhodes +03499142 scuttle +02932523 caboose +12187450 sphaeralcea +00739082 think +11890723 lesquerella +13454318 cultivation +02415971 genus_ammotragus +02323186 order_lagomorpha +06179792 semantics +05682950 involvement +00135857 land +01340283 peg_down +00813790 moderate +00720063 wait +00727143 credit +11205647 ney +10161695 hassid +07774842 pinon_nut +06437137 psalms +02650840 people +07366289 divergence +02244007 reduviidae +12871074 trichostema +04797482 unfamiliarity +03510583 heavier-than-air_craft +01701858 rime +02045024 family_alcidae +12487647 subfamily_caesalpinioideae +01563724 partition_off +02066950 physeteridae +10488865 psychologist +09724785 nigerian +12475593 tacca +02321046 charge +00328015 return +01397385 leaky +00031921 relation +00959827 translate +09481523 yangtze_river +00682928 censor +01555742 incise +09238926 cave +13463490 desorption +01120069 set_on +11826416 iresine +06609909 stuff_and_nonsense +00406243 set_up +13285176 share +00247390 multiply +10857540 john_wilkes_booth +04694441 spot +11697388 genus_berberis +09962789 conveyor +12650556 prunus_virginiana +01358023 stud +01921772 struggle +03824014 procardia +06578323 web_map_service +10632576 specialist +14879750 vitreous_silica +03076708 trade_good +09604981 self +13577171 system_of_measurement +09067277 colorado +02011281 cochlearius_cochlearius +12321873 shellbark_hickory +14441825 dominance +04205759 shot +00799383 withdraw +11433013 strong_breeze +03965907 pleat +12651821 fruit_tree +15197658 tishah_b'av +09067878 colorado_springs +10177150 historiographer +03003344 english +12119947 genus_eragrostis +01628449 start +12104943 genus_agropyron +08014860 divine_unity +04802629 error +01197258 review +15258281 period +01326291 microorganism +05629682 pit +10118844 gambler +14478433 failure +00021265 nutrient +02133435 seem +00397760 expunging +00063652 success +12605019 xyridales +00774344 wrangle +09769636 adjudicator +05698620 reservation +00297062 wandering +12154773 screw_pine +02500267 indris +01935395 wiggler +06648207 testimony +10221656 jewel +10562749 scout +00094240 remittal +01606205 fortify +14321953 skin_rash +02756098 garb +01376245 sprinkle +11707109 genus_sassafras +08549733 housing_estate +03210940 presentation +00387657 cutting +05970755 existentialist_philosophy +01796033 rage +03395745 freshener +09692624 bantu +03538037 horse +00217956 wash +03318294 fairy_light +15147330 maidhood +00164801 call +09855630 life_scientist +11917407 pink_paper_daisy +03629857 lager +02376958 interact +12634734 siberian_crab_apple +01040550 flag +01184814 proceedings +04407435 temple +03093574 consumer_goods +07500414 favour +08341330 defense_logistics_agency +07880583 tortilla +01321579 young +01679433 trim +06669864 equation +02649689 triglidae +15182805 rosh_hashonah +13907415 plication +12542649 genus_lespedeza +14451911 fullness +03521076 hinge +05656294 trichromacy +12766241 toxicodendron +07889510 ale +00593944 judicature +09685564 shivaist +02087122 hunting_dog +12464476 hellebore +14083790 psychological_disorder +03561889 tofranil +02418341 oreamnos +12748815 genus_euonymus +05662532 accounting +00788821 submissive +05449959 white_corpuscle +06892775 concert +01824751 impotent +00067274 snuffle +08617963 top +02324850 oryctolagus_cuniculus +10280945 magistrate +10518349 reliever +00837098 pant +00061171 surfacing +07508486 pridefulness +05736149 valuation +02220393 subfamily_dorylinae +05054863 impermanency +01423623 cork_up +05259512 twist +01677716 hang +15021085 notepad +12970379 tulostomataceae +15017121 nitrogen_trichloride +04992163 taste_property +06311334 oblique_case +02260623 psocidae +10275249 scottish_lowlander +02256354 cash_in +02689299 spread +02620033 percophidae +01880152 rat_kangaroo +12560420 pisum_sativum +08341798 dtic +05922651 purport +11544314 sphaerocarpaceae +08904858 salem +13444940 kenogenesis +12036368 burr +07043824 pastorale +00754280 scam +06012513 trigonometry +00921014 exciting +04865502 concentration +02539101 tamper +00777931 insist +02449340 shut_out +01491520 genus_galeorhinus +07363346 descent +05248553 meatus +01006421 sketch +11947251 centaury +08186393 power_service +02490686 genus_cebuella +14907122 hexane +01162376 imprisonment +03713736 neuroleptic_drug +00962447 talk +02896442 knickers +01604696 joint +04353803 totality +02346315 suborder_hystricomorpha +12178358 kenaf +00864910 execrate +08504594 wasteland +12606227 genus_commelina +09384921 parana_river +08968677 mongolia +09102883 minneapolis +12637729 prunus +01688256 portray +09449949 subcontinent +13649791 inch +13275288 spending +09356639 mobile_river +11521940 uv +01654628 make +04983848 tunefulness +05770926 thought_process +13750844 yard +10742005 usherette +14873951 thus +06026635 sampling +12378753 kei_apple_bush +10386196 out-and-outer +00503164 stimulate +02341805 genus_arvicola +13718451 obolus +10806222 zoologist +01029671 watch +00025203 tense_up +03946325 pipeline +09605289 grownup +03427296 gate +00179486 unauthorized +06427831 redaction +05571713 sphincter_ani +08779830 karelia +05071027 narrowing +01158872 utilize +10763725 waiter +09206693 river_arno +07489059 sexiness +04350905 suit_of_clothes +06720216 vilification +02227487 renounce +00396880 alloy +02030424 scatter +05627785 heaven +05245192 lentigo +00224166 maleficent +12213485 proteales +14873641 preparation +15212455 august +01476135 order_conodontophorida +01917434 genus_acropora +12705013 milkwort +07109196 voice_communication +01884834 ursine_dasyure +10694258 teacher +02690270 chaetognathous +15169873 week +11566230 asterid_dicot_family +09804230 archaist +07904395 gin +11832108 genus_beta +03947888 pirate_ship +01685601 build +00470701 wipe_out +01456771 twitch +07923748 juice +02599004 get_away +14422488 decline +13191318 genus_culcita +02261386 liquid +09882716 businessperson +14373582 psychological_state +08260961 labour_party +00894221 excuse +01179865 feed +02253154 pay +10595647 sufferer +00041899 getting +01604625 order_falconiformes +01323518 stone +04120339 running_board +05861317 degree +00845523 sexual_relation +08361001 autocracy +09615465 eristic +06651577 wind +13333237 investment_funds +09217230 beach +02719016 sulk +13794417 relevancy +09906538 paladin +02375131 pursue +01658188 forge +00045250 propulsion +12679023 sambucus_ebulus +11234813 president_pierce +01720773 support +02385813 cast +10154186 rommany +09667715 sauk +12583855 macamba +10629020 sower +05237227 system +06769392 mistake +07888909 malt +11412592 byproduct +09436708 sky +15126931 paleozoic_era +09928451 clerk +06568978 programme +02597004 yellowfin_croaker +07007171 theatrical_production +06736529 affidavit +01780551 trombiculidae +01989097 mysidae +02532595 experiment +02599557 spotted_weakfish +04802776 deviation +11277500 sacajawea +01605119 family_accipitridae +05192451 interestingness +06364329 literary_work +08514034 centre +08541609 commune +01748318 unperceivable +10327475 moll +00019128 natural_object +11909353 genus_fumaria +07442288 spin +10904107 jean_cocteau +02784218 band +01130607 wall +12659203 spiraea +08716738 kingdom_of_cambodia +01539063 take_up +04520480 van +09110422 silver_state +02236495 order_hemiptera +01003049 videotape +01178565 give +09466678 uphill +10852803 louis_bleriot +08873412 lakeland +11460063 grinding +00412292 naturalize +01657828 compound +00784083 petty_larceny +02262324 family_ephemeridae +01667570 family_emydidae +01952898 refer +00103140 launching +01222360 honorable +01051331 positioning +02633844 paprilus +01236795 ping +01983481 northern_lobster +00561036 uncongenial +02555434 help +03137228 crosswalk +01803380 tease +07258664 source +07573241 fanny_adams +12952852 osmundaceae +10171755 religious_outcast +00804802 take_issue +00428583 maximize +01653384 hypopachus +13178500 solanopteris +02220461 transfer +03448253 panel +12028424 tripleurospermum_inodorum +13726296 small_calorie +02064154 family_balaenopteridae +10055847 opposition +00229605 raise +09626031 nonworker +13331634 figure +12105125 wheatgrass +02801525 basin +12968882 scleroderma +12670558 vangueria +00519751 seethe +05205537 voicelessness +13557766 softening +00727564 independent +13016457 tricholomataceae +01050651 yodel +03710721 tank_suit +00838043 sham +11940006 sticktight +01736822 reproduce +01562584 sylviidae +13530108 overheating +09725229 north_american +01448100 pull +02145084 vespertilionidae +02523110 whiting +12301180 olive +14758027 horn +01889074 insectivore +01832684 genus_chateura +14806838 chemical_substance +15183428 holiday +13152742 leafage +08208016 personnel +01395049 plate +10693824 taxonomist +00331842 pestle +01968275 parachute +11372372 walpole +00181781 election +00558371 advance +05250659 epithelial_duct +00239614 rust +06387980 textual_matter +04665543 unmindfulness +13972797 disorder +01357507 clostridium_perfringens +05509889 systema_respiratorium +00459296 rush +13536794 photography +13177884 platycerium_bifurcatum +00201923 prohibition +13728499 whole_number +01214265 take +01541261 richmondena +01266945 stabilization +02623445 scombroid_fish +07999699 set +01911839 hydrozoan +14253124 animal_disease +11947802 cornflower +01024763 touch_on +08057633 common_carrier +02315696 sipuncula +02519862 blue_channel_catfish +01235769 butt +04746842 equivalence +01116466 thermogravimetry +01953032 family_cypraeidae +01438681 swear_out +02271427 thysanoptera +01912709 stride +00011551 presume +05037813 wildness +00343249 whirl +00228236 water +07350192 repercussion +00312648 blacken_out +12743823 harpullia +05961278 establishmentism +02245403 rough +07286999 death_knell +03685640 lodge +00828374 sermonize +13740591 nihil +03132438 loop +02202133 tip +11986900 lactuca_sativa_capitata +01322675 slash +03836062 nursery +05821775 sample +10079210 farmerette +14528873 freedom +00763132 bioterrorism +03282591 emblem +01680756 animalize +01825417 order_coraciiformes +11976715 hazardia +11707229 sassafras_tree +01203676 conformity +02771997 coal +01312096 world_war_ii +06763681 reference +14523090 inclementness +00414174 colonize +12497322 logwood +02218713 sawfly +05835747 construct +01628148 genus_ichthyostega +00787049 cross_question +00338071 fragmentize +11176932 mesmer +00999588 tuning +12536871 coral_pea +07083246 elocution +11782036 elephant_ear +09919297 podiatrist +05762998 recognition +10163723 star +05911255 retirement_savings_plan +02031158 separate +06432376 genesis +03976467 polaroid_land_camera +00456740 match +12778045 halesia +05970012 deconstructionism +04517823 vacuum_cleaner +02541251 service +05254795 hair +12603959 sour_grass +07215185 news_leak +15096783 wetting_agent +06451891 torah +07151122 conciliation +02706586 talisman +03208556 disk +02718811 antidepressant_drug +01696633 crocodilian_reptile +08919693 phoenicia +06707178 medal_of_honor +01891438 soricidae +01683582 draught +11847841 hatiora +04413969 terraced_house +02066245 grey_whale +11632794 genus_athrotaxis +00902932 wish +02701962 seat +12415911 genus_belamcanda +02100176 bang +02934168 transmission_line +08824484 new_brunswick +05941423 belief +14058563 degenerative_disorder +10017794 dispenser +03339643 filter +00102779 cybernation +10375794 old_master +11859024 genus_claytonia +10625860 wizard +12854600 sweet_balm +01015866 cite +14420240 interconnection +05244934 macule +05572940 pupillary_sphincter +12454021 tulipa +01872745 profound +03393017 free_house +02962013 yugoslavian +02459173 put_up +05100269 field_strength +00477941 vitiate +01859586 hold +02870092 volume +00280853 coming +11849467 sacred_mushroom +02538406 charr +08686495 twins +06253690 message +12853706 winter_sweet +11616852 virginia_pine +02379753 retire +01416193 thresh +11492014 polarization +12893463 nightshade +06691684 plaudits +04980008 smell +02613960 family_clinidae +12155583 cattail +09346284 makalu +08697827 scandinavian_nation +02617029 zoarcidae +11777365 trachelospermum +03571439 injector +15045490 sodium_hypochlorite +04072551 rein +14762038 wash_leather +07040939 solo +11705921 lindera +00910973 squawk +03568653 indomethacin +02065932 family_eschrichtiidae +00056188 set +04671394 unreliableness +02625612 spanish_mackerel +09539183 archangel +12934479 carum_carvi +11797981 petty_morel +01160031 harmful +13319032 rate_of_interest +01156899 equipping +02052476 pass +02227741 give_up +07545594 soft_spot +10379376 self-seeker +12019190 stenotus +01483131 pack +10064405 litterateur +00866505 bless +00378664 fire +02151108 genus_diphylla +02072665 genus_delphinapterus +00314782 focus +02021795 seafowl +11076566 jesse_louis_jackson +09118505 buffalo +00155298 refutation +00961329 gloss +01683422 distemper +09198574 antarctic_ocean +02414710 assist +01219893 dispraise +04269086 spark_lever +10453357 poor_person +04735929 interchangeableness +14440488 humiliation +02047650 whirlpool +00773235 perpetration +01937222 ice_skate +09446115 strait +01803936 manipulate +03793186 mounting +05288091 gristle +04801532 conventionality +05650329 module +13610162 point +00495331 rummy +02417504 stagnate +01103000 typography +11984144 hypochaeris_radicata +05802730 interpolation +01800424 chachalaca +12325787 oleaster +01546111 stand_up +00421917 wither +08933437 clichy-la-garenne +02685299 cellular +10165448 listener +02184610 thump +00073525 truncation_error +02847942 blackwash +05343718 coronary_artery +12963307 family_erysiphaceae +10916105 oliver_cromwell +00089154 smut +12662379 west_indian_snowberry +15274441 lull +09151411 roanoke +13262913 inheritance +06148148 politics +05297523 organ +09011922 lubavitch +04678401 colour_of_law +13618180 last +07029088 theme_song +02470451 suborder_anthropoidea +14408646 quandary +00887081 teaching +01475953 free +01936753 skate +10498046 trembler +05150129 useableness +02394068 order_artiodactyla +00901103 present +06804988 retreat +00736894 monkey_business +12664897 genus_galium +00284101 stroll +11683105 fir_cone +01877134 kangaroo +08026904 jra +13918965 verticil +13590327 universal_gravitational_constant +09263087 danube_river +00662182 tick_off +08334087 military_court +14688500 ore +01046480 yawp +01016626 demur +01615458 white-tailed_sea_eagle +03914919 perch +11800359 schefflera +06440102 micheas +01275697 chickamauga +04226322 skeg +10236663 patrisib +02575455 remilegia +15195928 pesah +09438055 slough +10601078 sinner +09180967 thanatos +01876180 peramelidae +01276436 cowpens +05789808 turnaround +08035601 national_liberation_army +02117369 genus_hyaena +00427397 vanish +03336839 file +10259348 lieutenant +11649359 torreya_taxifolia +14130166 epidemic_disease +14006945 activity +00958896 struggle +06462219 talmudic_literature +02497832 family_daubentoniidae +06613686 picture_show +11974888 gutierrezia_texana +00530018 modern_dance +05577410 toe +02632694 stromateidae +02727825 setup +08809596 papal_states +06949591 old_english +02634265 result +07643981 jelly +05912552 road_map +12594746 raphia +12027222 vegetable_oyster +00186567 chlorinate +06716796 takedown +06798336 signalization +15062284 sublimate +08612786 outline +09770949 decision_maker +02317653 subclass_ophiurida +02542162 family_albulidae +10669727 submitter +03921499 phencyclidine_hydrochloride +15051705 solid_solution +00586973 subtract +14447908 wellness +09835506 baseball_player +13434120 asexual_reproduction +03821660 newgate +01922717 parasitic_worm +00680841 incline +00790965 telex +01964049 mytilid +04631067 good-temperedness +01810700 columbiform_bird +12351477 genus_maranta +12738859 viscaceae +06528783 estimation +07966140 society +01477875 sea_lamprey +13395407 tenner +12918404 myrtle_spurge +02449921 martes +10550951 tristram +00996485 subscribe +02147452 genus_antrozous +00123234 firing_off +02648639 reside +00120316 make +04952242 brightness +06955931 ural-altaic +02329292 tube +01713348 stunt +11728350 genus_cimicifuga +01046059 roar +09430771 severn_river +14977075 macadam +03679712 sitting_room +08597023 trafalgar_square +07733847 wild_spinach +15278960 isometry +10654015 stenographer +01453330 genus_capros +03812924 naval_weaponry +08994090 mecca +00489837 quantify +00617413 slight +00666350 amputation +00378706 incineration +00719705 task +05788029 retrospect +13753274 quintillion +01797051 mourn +15134054 longueur +01933900 channel +02329578 stock +02003725 restrictive +13912992 constriction +00639693 recalculate +14781225 peroxide +05760202 remembering +11431302 cortical_potential +09269972 settlings +08494987 solar_apex +12455540 naked_lady +09938080 coloratura_soprano +08310389 meeting +09910222 charioteer +14055408 ill +02253456 pay_off +02377703 saddle_horse +09963914 coordinator +06340707 frau +00751887 command +00181434 burr +03536348 level +04161981 seat +12594324 phytelephas_macrocarpa +09459557 tombigbee_river +01787835 xiphosurus_polyphemus +07082573 tone_of_voice +01411085 whip +14494716 sanitary_condition +03638321 landing_place +12147031 tribe_bambuseae +09634494 african +13575869 fundamental_quantity +10435041 piper +01811682 family_columbidae +01014821 testify +06595351 magazine +01481599 subclass_selachii +03636248 lamp +05616786 know-how +00751131 overwhelm +02764614 blaze +06644105 facial_recognition +10071557 existentialist_philosopher +11228153 pei +01923630 remount +09720256 latino +02570684 break_in +13902482 tip +07891726 wine +07450842 observance +05772215 gestation +02340360 turn_out +03568117 indicator +10665698 student +12853901 marrubium +02347637 consign +07122555 hoot +03828465 nsaid +10786992 wog +08797254 seven_hills_of_rome +03629986 science_laboratory +01120448 payment +04147495 scientific_instrument +13396054 liabilities +04073208 release +01076488 deterrence +05768415 picturing +06534659 roman_law +02043665 circularize +01999374 onychophora +01016778 maintain +07792470 weakfish +01618220 sagittariidae +02237581 mirid_bug +04285146 sports_equipment +08295138 commonwealth_of_independent_states +15266911 ending +01904182 shell +14866889 fibre +12324756 genus_conocarpus +07738760 lemon_rind +02118933 take_note +01887896 calf +06619065 show +02171039 take_heed +06618822 talking_picture +12158148 genus_cucurbita +02458517 megatheriid +00321148 stuff +02152812 peruse +00931232 predicate +03573282 inset +14048309 premature_labour +00483181 harmonize +00820352 attest +02198714 hippobosca +02071627 percolate +01577513 sop +01885367 myrmecobius +02524081 pollachius +13151568 saururaceae +02187320 rumble +06061631 pedology +00549284 personation +00298896 set +00075021 weary +02854156 blocking_agent +12323411 family_combretaceae +03708036 tape +00875671 logistic_assessment +02370360 udder +10309347 mentioner +01322854 slaughter +00160261 assimilate +02406749 jersey +07071483 speech +12054902 genus_cycnoches +14418822 confederation +01445998 maxostoma +08187988 greek_chorus +00257535 belly_out +02656189 harbour +00721098 trust +14004572 vibration +02576575 jack +08560027 wasteyard +00759269 pray +03996145 sawing_machine +07254267 resignation +03471974 guy +02191773 blowfly +10692482 taster +08426461 formation +07125096 swearword +13895622 nubble +02492198 entertain +01439745 snatch_up +08916111 edirne +12489046 mysore_thorn +02055431 spheniscidae +05496990 thalmencephalon +08290928 cycladic_culture +11886788 genus_erysimum +00017031 snore +09858299 extortionist +07498854 inclination +07974025 stratum +01661404 subclass_anapsida +03139749 acculturative +12715914 bitterwood_tree +10536897 roisterer +09154178 seattle +00598767 receivership +04076846 representation +01593937 squelch +08510169 native_land +10218989 jacobite +00643197 psychoanalyze +03420559 garrison +01238358 bottom +09113207 bayonne +08206663 mujahidin +02566528 violate +01632411 unapologetic +09693100 hutu +05598147 olfactory_organ +00089324 disinfect +13965049 intermarriage +12507379 wild_bean +00763787 domestic_terrorism +00872107 summation +05593017 arm_bone +06544841 living_will +05508943 pit_of_the_stomach +05252016 venous_sinus +09631129 unwelcome_person +00098770 uprise +03077958 communication_system +03818090 neomycin +13941125 extent +01261773 dredge +11723770 herb_christopher +00861611 tropism +00924873 suspect +02619165 gudgeon +01874434 pouched_mammal +10208287 interrogator +02169891 listen +11357879 ussher +02984699 cathode +01412548 whang +10512201 recruit +06917083 quechuan_language +14322699 pain +11654438 tarwood +13198354 olfersia +00784342 inquire +01101753 circularization +07444668 shift +06291318 function_word +04568069 wind_vane +00513597 shtik +01406684 ground +01052618 implantation +15008847 seawater +02013034 grus +07212190 making_known +03068707 shoe_collar +05300507 auditory_system +01937909 leech +00265673 reform +04495843 tugboat +12542240 tuberous_vetch +01584529 troglodytes +07796468 silver_salmon +01104509 cut_out +03364340 float +14298815 wound +06080522 physiology +05392744 chamber +02659478 winter_flounder +11173475 mendeleyev +02333546 rattus_norvegicus +14121058 graves'_disease +08816236 yugoslavia +00439343 speed_up +01223182 twist +01612053 obedient +06691083 passport +04665813 negligence +05720248 racket +03077616 common_room +03665366 light_source +04463983 track +00064479 advantageous +13070003 hygrophoraceae +12263038 castanea_dentata +04838510 audacity +00629257 rationalize +10947108 dylan +04309049 steam_engine +02370806 ungulate +02862048 suit_of_armour +00093327 retrogress +04935003 viscousness +00775006 thuggery +14137829 meningitis +01270784 line +04348359 submersible +01751836 landscape +12563567 pongamia +02735688 area +12760013 genus_cotinus +08804154 abruzzi_e_molise +09980458 cross-questioner +03473227 gyroscope +01299224 battle_of_wake_island +11538935 musci +10550090 sandboy +05788149 decision_making +00512487 competitory +14129999 dysentery +14048441 travail +02303761 lapse +01424456 squeeze +00036762 per_se +02581276 suborn +00075283 snafu +06556692 summons +00188252 inoculate +08487504 association_of_southeast_asian_nations +12906021 lycopersicon_esculentum_cerasiforme +07555014 enthusiasm +07450651 jubilation +08982587 republic_of_poland +11682842 strobilus +06861630 musical_mode +04965661 yellowness +14526182 tone +13863771 line +00994449 cannon_fire +01410223 strike +01972283 sepiidae +06682794 dispatch +00682592 reappraise +01064148 rest +00612114 convergent +00296263 circumnavigation +09127844 raleigh +13183874 schaffneria +02097925 fall_out +01989669 resolute +08854855 st._mary_of_bethlehem +00116376 raise +05784831 consideration +00876542 auscultation +01556040 muscicapa +09728403 russian +07487955 sexual_desire +10604634 skeptic +09014066 memel +09898346 cartoonist +00773814 attempt +14764061 pelt +02534062 waive +05532944 salivary_gland +04044498 wireless_telephone +14052046 unhealthiness +05432736 protoplasm +13029946 pezizales +05868477 end +00303661 widen +00209546 veto +00315986 transportation +01313249 daub +01466257 chordate +07816296 bay_leaf +09143205 beaumont +01798452 try +02584449 piranha +02311387 withdraw +07579076 morsel +03075097 comb +00058645 pig +01359070 nostocaceae +02107817 chiromance +08795654 sodom +02140970 suborder_microchiroptera +01965404 genus_dreissena +00152558 shrivel +09324474 river_kasai +07004057 electrocardiogram +02337699 bottom +08993288 saudi_arabia +02560164 implement +08264897 party +01685277 teiidae +01030132 designate +00751779 tergiversation +10053004 emperor +00866079 mydriasis +00963570 talk +02855793 bludgeon +12913004 genus_schizanthus +07978924 classical_mythology +02927512 american +02604811 genus_chaetodipterus +12309403 osmanthus +09725402 norwegian +06909672 dhegiha +04773596 motivity +13653902 peak +14026592 hypnosis +01747374 copy +06243096 taoism +05879441 kepler's_law_of_planetary_motion +12887713 rock_penstemon +13266892 grant +03725035 mask +12497669 parkinsonia_aculeata +01970667 paper_nautilus +08278924 direct-grant_school +00642644 interpolate +08587174 reserve +11720353 kingcup +14425103 adulthood +06588511 on-line_database +00834259 lie +00447309 resolve +12394638 wall_pellitory +01070102 communicate +08837048 tt +01872094 tachyglossidae +01417807 peridiniidae +01545314 squat +03844045 oil_lamp +00611972 politics +08094659 orthodox_judaism +02317983 subclass_euryalida +01521912 thread +01809106 numida_meleagris +05070453 roundedness +09114020 paterson +09341145 little_wabash_river +06208021 orientation +10669991 underling +02422663 restrain +08659446 field +10454752 vulgarizer +12457519 hosta +09995398 decoder +01847565 genus_anas +14097574 aphasia +03596787 precious_stone +07174433 misunderstanding +01237415 integration +12507670 genus_aspalathus +05728024 reference_system +05588174 vertebral_column +08375526 third_house +08972521 new_zealand +01573515 tear +09118313 capital_of_new_york +05554189 mammary_gland +08163273 legislature +01152214 point +12098665 genus_armeria +03922412 phensuximide +01953810 transport +14236226 nonmalignant_tumour +10538154 romper +03181293 detector +03610682 yachting_cap +10101634 footballer +02043207 sterna +02161737 order_mantophasmatodea +01989869 stomatopod_crustacean +02289295 take_in +02052226 run_by +02001821 family_ciconiidae +06715786 ridicule +13997253 thralldom +07755929 cantaloupe +10770059 watchman +01452798 dory +09941964 commanding_officer +11603630 genus_macrozamia +14969666 opaque_gem +03054901 clutch +13268146 prize +00695523 noncompliant +05623818 sight +10604275 sixth-former +09999135 vilifier +00027807 shape +02174115 clangor +03322940 farm_machine +02112029 expose +06286395 word +09873604 ledgeman +06337307 given_name +00345817 toss +05621439 shrewdness +01682234 hatch +00457100 homogenize +05547508 throat +00799798 vacate +12772419 genus_achras +00850425 interbreeding +14492373 sumptuousness +02105990 sensitive +08544125 corncob +04077430 reproducer +02231930 phyllidae +15119536 present +01384439 pull_in +01210152 feel +05635188 aviation +02028722 herd +02204585 genus_sciara +10590339 shipper +07350401 bouncing +08207540 fedayeen +01966586 sea_scallop +10242439 lacer +11664929 magnoliophyta +07738353 skin +11265416 robinson +01975312 subclass_malacostraca +14541852 risk +14082303 stroke +08391206 territorial_reserve +01698916 lyric +00081072 dispense +14850826 ethane +00039592 passive +12959538 mosquito_fern +05493303 lobe +10191388 humanitarian +13067845 tilletiaceae +00343771 cycle +06397903 prolusion +01549420 strike +01016832 sorting +02179518 sound +02283324 retain +13717155 weight_unit +01548576 clasp +08638442 port_of_entry +12421467 narcissus +11691046 corolla +07381864 creaking +08979054 republic_of_peru +02306462 levy +05696425 substitute +11020721 woody_guthrie +12775225 payena +04500060 turner +06751974 term +13838386 fiduciary_relation +02001428 order_ciconiiformes +03352961 fish_slice +01113264 hole_up +10616779 sniveler +01640567 rana +02389927 fraternize +08537837 city_district +02024763 pewit +10314952 migrator +13795180 pertinency +14845743 water +05023233 inelasticity +02408429 water_ox +00950670 devoice +08932568 paris +02575723 trick +01522276 wrap +04681230 speck +12881631 purple_chinese_houses +06694149 pean +11350705 truth +02037708 robust +10401829 participant +13970236 peace +00135578 demythologize +09333334 lake_tsana +02824444 vibrational +09849598 love +02987454 mutant +00999787 registration +02594552 drumfish +08734385 zaire +15244650 second +05528060 respiratory_organ +10519984 remover +02294179 share +08847694 arabian_peninsula +02465297 probate +15150013 sixties +01591697 titmouse +04244379 sluiceway +03747103 meperidine_hydrochloride +10325243 saint +03553708 hydromorphone_hydrochloride +02629793 encompass +04891010 discretion +02386388 vest +02168542 family_cerambycidae +04592741 wing +00560529 passing_play +10383816 originator +00074834 shed_blood +12782774 genus_dionaea +01948788 patellidae +02835915 saddle +08029421 ku_klux_klan +00970645 mission +02415577 rocky_mountain_sheep +02454312 poll +01859325 whooper_swan +08456993 ordination +00095873 jail_delivery +08361329 republic +00044455 emergence +02004227 run_down +02149420 freetailed_bat +01702087 genus_ankylosaurus +10791115 working_girl +02913152 edifice +04554211 washboard +10002031 populist +13189656 pteridium +01480880 holocephalian +01082290 field +02175057 rattle +06520944 contract +10325774 modeller +00032823 social_relation +02159197 orientate +05712426 threshold +13725588 tonne +14753414 prednisone +01972411 sepia +09076675 capital_of_georgia +04447443 toiletry +12171750 genus_abelmoschus +02167151 ground_beetle +13439390 blooming +00975171 stylish +12745386 rambutan_tree +07932841 tea_leaf +01971280 squid +02366825 myocastor +06740644 vindication +12690653 incense_tree +12295796 stiff_gentian +02545272 venture +10180580 holdout +10334101 motorist +13015826 pellicularia +08600992 national_park +04630547 tepidness +05766984 portraying +01978930 swimming_crab +01544692 repose +06647614 proof +04938228 softness +00291873 light_up +03773035 mirror +10429965 physiologist +14416473 bosom +00853633 joke +08830456 yukon_territory +00713996 correlate +12559044 stingaree-bush +01477014 tie_up +14627081 noble_metal +05461816 musculature +07519773 dismay +14977188 tarmacadam +07189411 blessing +03302487 exchange +14520278 atmospheric_state +08742743 juarez +14807737 monoamine_neurotransmitter +04733640 changeableness +03595860 jet_plane +01425511 cuddle +08266235 tabular_array +02229055 will +02353844 gate +08212527 corps +11636068 genus_cryptomeria +02073714 run_off +02328429 rock_rabbit +00038687 slick_down +14536831 desiccation +01532589 make_clean +07006119 theatre +03550420 hutment +13947415 social_status +07026352 opera +01208460 helping_hand +05829782 pleasure +03679384 quarters +11160457 marx +12774127 manilkara +03391770 framework +02192383 resinate +01624743 puddle +00997794 indorse +03043274 clinic +02152212 haltere +00196485 substitution +02714974 teem +12446200 mariposa_tulip +14485526 say +12464278 veratrum +00891216 underwrite +01987228 palaemonidae +08594714 line_of_battle +11902709 white_thistle +02643446 articulatory +09505153 spiritual_leader +13226698 geoglossum +00372226 buildup +10641755 undercover_agent +01081001 replay +05404336 seminal_fluid +03928116 pianoforte +01493741 put +12849061 dead_nettle +01901447 trot +01134479 mismanagement +08877382 liverpool +06776679 jeu_d'esprit +08097072 sivaism +00714944 handicraft +01528069 wedge +00640828 add_together +02356108 sciurus +01393714 sweep +06289250 open-class_word +04883614 temperance +14889479 rust +03488438 handset +00788184 question +00513492 play_down +07345593 wave +10785695 withholder +02068541 hyperoodon_ampullatus +03327691 fencing_sword +01817500 positive +07311661 ascension +02371684 partner +08436562 trade +12266796 new_zealand_beech +03325088 spigot +10489426 psychophysicist +07372565 trouble +12370011 mammea +13560417 spoiling +00635850 scrutiny +05861855 polynomial +05396366 systema_lymphaticum +14166118 ischemia +14145095 respiratory_illness +11537886 moss_genus +12395717 pipturus +08010364 abu_hafs_al-masri_brigades +09008454 st._petersburg +03664514 lift +12251577 pyxidanthera +01246579 amicable +06399995 paragraph +00451838 fill_up +01285440 tie +02046755 whirl +01920220 file_in +14417300 dissociative_disorder +09809925 transcriber +10006511 descendent +09945603 communist +09771435 adorer +01412085 class_charophyceae +14064408 white_plague +00768701 felony +14153010 colour_vision_deficiency +13170661 genus_diplopterygium +03839795 obstacle +01634734 mythologize +04077734 rescue_equipment +00590383 chieftainship +01849746 come_near +07969695 tribe +08936647 lyons +03511426 heel +00178832 temporary_expedient +02215790 fund +08359949 political_unit +02667900 meet +09008723 murmansk +00628302 proofread +00799537 political_campaign +00409281 communize +05209822 quantifiability +00636728 inquiry +04680285 marking +00809465 possession +05810948 object +02339413 outfit +09015460 crimea +00854420 lead_astray +06749881 prognosis +12326604 water-milfoil_family +01612084 load +09975933 crammer +09146111 san_antonio +01958914 genus_ensis +00004475 organism +13187826 genus_davallia +01082606 participate +10523519 resident +05207130 unfitness +03471779 guy_wire +08903487 jubbulpore +03335030 fighter_aircraft +01934205 tree +12327528 grias_cauliflora +09133010 oregon +05059132 speediness +01899891 flutter +01311520 world_war_i +11939887 genus_bidens +01252566 resettlement +02180898 ring +09185612 charge +02114433 solarize +01323781 giant +04081281 restaurant +08778597 fijis +03596285 jet_engine +10190745 huddler +08198137 service +01456939 macrorhamphosidae +06406317 inscription +07709333 leafy_vegetable +06349220 written_language +00336654 stoop +03654576 leg +06765044 remark +10161178 harasser +00889026 stipulate +03285348 enkaid +02753255 transplant +00405360 flexure +12089625 tamus +03944672 piping +03834836 nucleoside_reverse_transcriptase_inhibitor +14049711 healthiness +00665886 sustain +11908077 tetterwort +02209745 take +12132299 saccharum +15016852 chloride +01773797 garden_spider +00103834 thrust +14057371 cardiovascular_disease +13954253 existence +08999154 somali_peninsula +02313495 polyzoa +00235918 number +13010219 strophariaceae +03852031 optical_fibre +01186428 wet-nurse +00591446 curacy +01232272 maul +00955601 lucubrate +12406715 ulmus_carpinifolia +14204586 thermic_fever +14287113 slice +00909573 scold +07763792 loquat +15242719 whitweek +01623425 screech_owl +06253140 spreading +06147873 mythology +08468721 lake_poets +04768483 orderliness +00624738 workout +04894037 imprudence +02299378 manduca_quinquemaculata +06787150 name_and_address +02773838 travelling_bag +11740655 order_myricales +01138204 waylay +01388130 protoctist_genus +08749447 leeward_islands +12400261 genus_artocarpus +15234764 minute +02623868 scombridae +00161987 exchange +08848731 people's_republic_of_bangladesh +00048374 arrival +01601694 water_ouzel +04771890 variability +09229409 creek +10391653 painter +14518924 erosion +04216963 sights +01966168 vault +02268443 snake_feeder +11765099 prosopis +07153727 quip +12205308 sparmannia +00973056 transmit +13431992 angiogenesis +11541713 sphagnales +01145612 hawk +09642917 cooly +14700745 animal_product +11683989 seed +05936381 visualization +06626446 excuse +02131279 see +00726567 signal_caller +02789487 bar +01245618 throw +00761713 talk_terms +02534492 woo +12140358 dropseed +08707917 republic_of_angola +09184975 provocation +02162947 shine +01574671 genus_euphagus +12468243 wood_lily +07293678 decision +01825237 want +05196582 say-so +05783041 factorization +11765277 mesquite +02983097 gestational +14779796 siccative +09173023 syrian_desert +12284262 alder_tree +15196746 boxing_day +08784333 kriti +02763520 mercurous +01053617 stay +01721556 pretend +06542047 proscription +02142064 phyllostomidae +00307631 ride +07491708 enjoyment +11817774 stellaria +00216216 souse +04569520 wedge +08315194 lateran_council +02119659 gall +14085220 brain_damage +10792335 worshipper +00289365 unbroken +13062630 family_dacrymycetaceae +04118021 rug +01055404 sibilate +01076615 move +10827155 st._athanasius +01969103 subclass_dibranchiata +02603699 exist +12243292 pieris +01817772 psittacus +00935005 arts_and_crafts +08877807 oxford +01425348 snuggle +13771404 drop +14642417 iron +12513426 genus_cercis +08387930 society +02725067 stagnate +11865071 caper +00518115 charge +10732010 trumpeter +05737153 score +12613968 limnobium +01675780 squeeze_out +15068436 tenderizer +13550318 reproduction +02323059 stock +00359492 severing +07730855 curly_endive +14858099 slack +12660009 rubiaceae +05596004 hip_joint +03648219 washing +04029125 pyramids_of_egypt +14892289 guano +00554541 violent_disorder +10246395 languisher +06099269 electronics +03001627 chair +01945516 sail +12429352 blue_african_lily +04872826 parental_quality +08776687 republic_of_ecuador +04898334 swashbuckling +07594840 savoury +10013114 nitwit +01533442 houseclean +02174896 simple +02534734 salmon +01391391 rhizopodan +04373894 sword +12669803 psychotria_capensis +00313806 sailing +02202678 punky +00528397 stage_dancing +00164072 retread +01728445 genus_carphophis +01027668 speak_up +04930632 modus_vivendi +02301072 saturniidae +00692907 idealize +12872698 pinguicula +02650282 triga +01649948 hylidae +01764171 unhinge +01215421 low-pitched +11945930 genus_carthamus +01189427 fast +12860365 basil +00863579 bombard +10718131 tourist +03940256 pin +11995683 melampodium +00339934 take_place +07520612 terror +00533897 introvert +09438554 snake_river +00148472 fall_off +09821253 attacker +14403560 swither +13120003 flowering_shrub +08756052 tobago +04840011 kindness +01779165 scare +02498320 reserve +02319050 surcharge +01542055 pipilo +07566863 starches +00359903 trimming +04048075 railway +10720453 trader +01744888 typeset +05651399 retentivity +13604718 monetary_unit +12595801 rhapis +14376855 psychotic_belief +04313220 steering_system +05455912 visual_cell +01013604 stratification +11782878 telingo_potato +07529563 rejoicing +04940964 absorbency +10734963 tympanist +04830343 heinousness +14186340 virus_infection +01094086 run +00324560 roast +09146912 wichita_falls +02241184 suborder_heteroptera +13290676 restitution +10072708 explorer +01575401 redwing +03475118 santa_sophia +01426077 general +00907919 motion-picture_photography +00918746 guesstimate +02563182 freshwater_bream +10401639 sharer +11643835 arborvitae +07107676 metonymy +08342670 cim +01993352 infringe +05501485 reticulum +00280586 movement +05010801 sound_reflection +10712690 tippler +07185076 offering +00787660 reward +05964098 irridentism +02682699 katabolic +00103875 tan +00504019 vellicate +03302121 excavation +08142370 us_marshals_service +09601571 philip_marlowe +05282746 tooth +05617606 intelligence +03197446 digitizer +01261712 inflammation +09357847 monte_bianco +07801091 pasture +05650579 attention +01383638 plankton +02421158 thrifty +13120446 parasitic_plant +00056930 have +00131018 sociolinguistically +01662274 testudines +15267945 dawn +02434976 join +02343487 subfamily_gerbillinae +05924519 perfection +02372326 reciprocate +01259380 trumping +04171831 semiconductor_unit +01589224 point +08954057 zetland +00127286 walk +07847198 cream +00142361 medical_examination +00087849 addiction +01894649 dance +02558172 thwart +02285629 regain +04497962 tunnel +00920336 watch +00842692 suction +00611433 education +02578454 selene_vomer +01783384 symphyla +10033082 dresser +10295951 marshall +00889229 sign +11817000 spergula +09693809 watutsi +12399784 maclura +02595217 genus_bairdiella +05526384 phallus +10582154 servant +00119568 jumping +12566809 pueraria +14170337 hemophilia +14072934 woolsorter's_pneumonia +12347892 trapaceae +10413834 penitent +13966007 monogamy +12849717 lavender +02703894 trimox +01485673 family_alopiidae +00990249 harangue +09469285 vector +11425580 atmospheric_phenomenon +07907943 liqueur +01457489 groove +07926642 malted_milk +06913768 mosan +01523401 clue +08153874 ordnance_survey +12854925 mentha +02362420 petaurista +03306610 thruway +02979662 casting +05714161 scent +00610738 architecture +01540232 adsorb +00505802 wire +06410904 book +03915437 percussive_instrument +04641153 obligingness +05008943 feminineness +04817280 vulgarity +07436986 impregnation +09692250 basque +11118886 sir_harry_maclennan_lauder +15010703 salt +14985383 dyestuff +00776523 tempt +01086103 run +09814660 declarer +00945205 film_editing +03211789 show_window +12135898 millet +05980875 goal +00266806 reparation +00217152 flood +12333053 myrciaria_cauliflora +06115701 geology +06737394 declaration +10195261 mesmerizer +00789534 buyout +04910135 personal_manner +04993882 sourness +11779300 arum +13441812 incubation +01666131 cook_up +12595964 lady_palm +01615949 pandion +13634205 inductance_unit +10638136 wet_blanket +09377657 ojos_del_salado +01505991 melted +04741807 immutableness +10097842 flower_girl +13007770 pholiota +02271544 naive +08501565 heliosphere +03963645 playground +02576921 wangle +02455407 watch_over +00892861 lecturing +01461646 heterodyne +08193645 nswc +08355791 us_government +04649651 sauciness +00986897 sputter +01362480 nitrosomonas +09802445 appreciator +10058585 enlisted_man +01447632 push +00670179 sit_out +02280845 pieris +11918131 genus_ageratum +04051825 wall +07363883 sinking +00201671 transference +09638009 spade +11938977 genus_balsamorhiza +07818995 oregano +01824532 wish_well +02198996 melophagus +14850483 ester +14593671 acrylic_resin +09928845 clever_dick +12382699 ochna +13775706 torrent +06706317 mention +02198859 horsefly +01077881 debarment +00222485 suicide +02588108 haemulidae +01206218 touch +06982221 north_dravidian +10487182 trimmer +02687191 cenogenetic +10740219 upholder +04524313 vehicle +05836921 preoccupation +00053913 withdrawal +03671473 line +03841666 office +12473405 maianthemum +02171453 lamellicorn_beetle +08706663 oran +02012849 crane +02828427 belting +10783734 wirer +02453890 xenarthra +12327407 grias +03387323 foundation_garment +02041206 surge +02059916 trail +06113009 hydraulics +11600671 family_cycadaceae +02687916 extend +01660719 reptilia +13617468 acre-foot +00522068 archaize +07577374 snack +01196802 polish_off +01519569 pleach +01143838 track_down +00091124 wrick +08803382 italian_region +09700823 salvadorian +10285135 male_aristocrat +00269018 renewal +02760116 medical +02499700 genus_galago +10659762 stooper +09926246 clarinettist +01113867 traffic +10685853 symbolizer +11084110 el_nino +00145218 joining +10076957 falsifier +02785648 patch +11414608 influence +13095685 plant_tissue +09303647 himalayas +07198846 viva_voce +00878456 stare +12227658 tree_heath +12770068 family_ebenaceae +01942137 test_fly +00002684 physical_object +12071965 malaxis +00765193 terrorization +05064827 symmetry +02643673 even-toed +07480068 emotion +00248977 improvement +14524198 overcast +12724942 willow_tree +02605316 butterfly_fish +00040353 neaten +00125841 turn +02179279 squelch +13932421 acceptance +00600370 occupy +01894758 provident +05559908 member +06748969 prognostication +13541167 processing +12202352 tiliaceae +05846054 rule +11804082 order_caryophyllales +15138241 half-term +01666894 style +07161429 proposition +09109444 nebraska +01034925 sacrament +02265560 debit +08018666 black_september_movement +00628883 pandiculation +01835280 gravitate +05715864 tang +03274561 electro-acoustic_transducer +02728570 retail +00751944 prevarication +07711799 uruguay_potato +01135529 supervision +01443126 gobio +01438304 deliver +04835724 drive +13193642 woodfern +01781180 intimidate +10033225 dresser +08048300 utn +09609871 modifier +10719267 townsman +01551679 cicatrize +12680125 viburnum +07647870 drumstick +13433948 apposition +03650173 layer +09662038 muskogean +00094001 salvation +12903367 thorn_apple +02136103 binturong +02273922 sequester +06714420 monition +05823932 grounds +07635155 cooky +12152406 genus_eriophorum +11882426 toothwort +00052334 landing +06477003 the_great_charter +07093603 versification +06047430 odontology +10721124 traditionalist +07425011 mutation +02886599 bracing +10553805 saviour +03916470 perfumery +08454818 martial_law +12888733 verbascum +05200816 interoperability +04894964 wastefulness +03936269 stilt +02577586 pull_someone's_leg +02176073 family_elateridae +10805501 zionist +05179567 privilege +01080366 group_action +10583250 servitor +03251533 graving_dock +10437262 plagiarizer +04179126 sewerage +05993844 scientific_theory +01670092 tortoise +02127808 cat +05494617 striate_cortex +06733939 evidence +01305551 korean_war +06452601 prophets +02169497 leaf_beetle +01287242 fagot +00616083 compression +01675225 ptychozoon +11658331 prumnopitys_ferruginea +10104756 tree_farmer +00630380 think_over +02231052 phasmid_insect +12852726 genus_origanum +02191449 family_calliphoridae +10683349 swimmer +00403334 impairment +09228144 brahmaputra_river +01801753 genus_alectura +02607072 anemone_fish +02687385 top +01245637 smoothen +00245059 slack_off +01102667 walk_over +00540946 extend +10096217 flyer +00748282 visit +10641223 sprog +05733090 pigeonholing +14041256 hypoxia +12840749 bugleweed +10009484 detective +00583089 game +05690091 drag +01527480 family_alaudidae +06126761 biotechnology +03538634 horse-drawn_vehicle +08854725 acre +03539875 hosepipe +10531557 ringer +10433164 pilot +05825245 verification +12011067 senecio +02696384 fosamax +11219502 seiji_ozawa +00826509 pick_apart +00051712 permeation +11762706 lysiloma +13988224 nirvana +02269340 caddis_fly +09348460 massif +07029247 theme +12735009 santalum +07307477 incident +02297142 proffer +05588551 neck_bone +04581595 whorehouse +00523645 westernize +12882321 whorlywort +02720354 follow +10114550 fucker +01860795 stop +06510977 text_file +01519977 undo +06776138 wittiness +11449002 electrical_phenomenon +13404655 general_ledger +11811308 genus_lychnis +07328942 creation +09824361 authority +08182379 crowd +01314910 darter +03257877 durables +06279326 email +03525454 holder +02875013 border +08646188 light +06634376 information +00947128 utilization +12474006 polygonatum +11106943 klein +14822563 copper-base_alloy +08182716 throng +00464321 line_up +00284409 ramble +02128653 watch +06300823 lexical_entry +06064106 orthopedics +02068745 blow +08920381 japanese_islands +00883847 preen +09380817 ouachita_river +10274318 loudmouth +02738741 armet +02598747 seriphus +03770085 minicar +07065932 trad +12619306 rose_family +02091410 tread +08647616 seat +08311687 privy_council +01450081 order_berycomorphi +04888268 superciliousness +12699778 swietinia +06915313 shoshonian_language +03623556 knife +03688192 long_johns +06235977 salafism +06199702 set +02132974 genus_euarctos +04283378 wheel_spoke +08505573 desert +08094013 judaism +06876309 motion +09103943 ms +01153548 favouritism +02424254 untidy +07890617 kvass +00353249 moderation +00082929 poultice +02043982 revolve +13548931 regression +11413661 dent +02045705 genus_alca +04200637 shoestring +01835584 genus_caprimulgus +13006171 shaggymane_mushroom +05126228 confines +08616311 route +00191517 inactivate +12721357 genus_bulnesia +00852922 deride +04443588 tobramycin +01204191 nutrify +12010188 saussurea_lappa +01230555 jab +10135297 gopher +10216106 investor +08695539 state_capital +10947259 eames +02584981 worthy +00625774 unsubstantial +08639776 anchorage_ground +02029663 break_up +05602835 cheek +05309725 roof_of_the_mouth +14672023 sodium_chloride +12793695 saxifraga_hypnoides +05504107 spinal_fluid +05399034 milk +09196611 andes +12346578 daphne +04184435 shaping_machine +00877625 glimpse +03167666 deck +12588320 wax_palm +00203081 spoil +09310616 inclined_fault +00467995 hockey +09573966 jupiter +10418841 persuader +00158503 raise +01775370 tarantula +05578911 girdle +01821634 startle +09764381 acrobat +12956791 mohria +05581514 unguis +12198628 genus_fremontodendron +01910747 jellyfish +00885082 article +05804274 overreckoning +06814236 parenthesis-free_notation +09331328 lake_leman +14556203 scotoma +10247044 large_person +14823944 aluminum_oxide +04408330 temple_of_solomon +00843468 charge +02403003 ox +12463574 narthecium +04248010 snake +01369663 just +10868177 pieter_brueghel_the_elder +10178216 striker +12509297 genus_baptisia +01979526 ovalipes_ocellatus +01459542 fractionate +00306426 journeying +04645599 unwillingness +12685431 geranium +13096863 vascular_tissue +01239868 commitment +01800759 megapodiidae +01614778 obtrusive +13138658 drupelet +05895723 misunderstanding +12264786 golden_chinkapin +00125126 wipe +05204637 powerlessness +12617384 triglochin +00850260 biogeny +00725274 surprise +01407465 illegitimate +02009433 leave +01110661 steamroller +13454479 curdling +12972414 zygomycotina +05476754 peduncle +01673891 weave +00266586 polymerize +14413644 disfavour +10001647 demander +01770795 pseudoscorpion +01785971 anger +01572174 icterus +07419960 subsidence +08725692 kansu +09618957 face +03587442 marplan +13214813 marattiaceae +08427163 close_order +14775729 hydrogen_carbonate +12343306 genus_fuchsia +03470222 gun_room +06778102 laugh +01909422 coelenterate +08040257 salah_al-din_battalions +06161223 esthetics +11693566 family_annonaceae +01771417 whip_scorpion +12637485 salad_burnet +09953965 conferee +02578510 observe +00258857 damage +12975804 true_slime_mold +14500047 mussiness +00694974 assay +07177924 settlement +01810447 shock +08810051 syracuse +00072730 wet +02633287 poronotus +00276601 throw_out_of_kilter +10319796 mineworker +04151940 screen +07492516 comfort +10037080 drunk +01578575 corvine_bird +01140471 commissioning +01654271 forge +01677858 prank +02766320 baby_bed +12785724 sedum +14385403 social_phobia +01273263 stripe +10318193 mill-girl +08511241 undersurface +10266848 litigator +04528630 vermifuge +03351979 fishing_rod +03513376 helmet +02116118 stir +02893338 doctorial +12036533 family_campanulaceae +02272373 bull +09636339 negroid +02125223 wind +10368113 papal_nuncio +01566386 timaliidae +02458103 relate +10068234 tester +00634276 analysis +05068461 slope +06805665 telegraphic_signal +10184822 hooray_henry +10615808 snarer +07410207 smash +01702623 suborder_marginocephalia +00014549 move +09003284 ussr +04674715 look +07370125 entrance +01033714 divine_office +02058590 linger +02226172 motorize +10168584 inheritor +11573173 hamamelid_dicot_genus +01600197 genus_chlorophoneus +09636106 person_of_colour +05566504 finger +01535709 modern +10138767 good_person +12238913 wild_rosemary +00431610 thicken +05513529 female_reproductive_system +03554131 vistaril +02866578 bomb +02227430 melanoplus +07612996 pudding +08937109 nantes +10679054 surfer +03290771 entryway +00085678 confiscation +01420928 spank +01985947 paguridae +01016316 plead +02054703 draw_in +13658657 mm +12357802 genus_aframomum +01477373 petromyzontidae +00043480 scent +12641413 cherry_tree +00731222 mission +09921792 father_of_the_church +02762981 flare +08738272 salvador +11364570 vesey +00814458 lock +00948853 number +10259527 lieutenant +14202996 cyst +13353607 capital +03284120 emplacement +00134574 whiplash +11714618 water-lily_family +05462315 systema_nervosum +00707624 conspire +01538498 plectrophenax +01674717 plait +00574996 isomerize +06321054 intensive +01386494 protoctista +15101361 lighter +03903868 plinth +00156101 self-assertive +09157163 wisconsin +08620763 abutment +01953361 cowry +03238407 dressing_station +03073977 pillar +13343917 ante +01611516 drop +12960211 ophioglossum +06884670 insignia_of_rank +07561590 dietary +00798245 movement +10023656 dogmatist +02450256 take_part +09793495 anesthetist +13456567 decline +09997622 debtor +04188368 weather_sheet +10320863 minister +01954516 solenogaster +12609379 pipewort +12552309 sanfoin +02721538 anti-inflammatory_drug +02141973 swank +01906749 sponge +02577532 oligoplites +01196037 refrain +11490463 optical_illusion +09129442 peace_garden_state +09607280 applier +01442779 punch +00713167 tie_in +00030647 collapse +05856388 value +01942177 univalve +03343853 small-arm +09274739 euphrates_river +10456950 poster_child +14149963 pneumonoconiosis +01361561 parget +11529603 plantae +09505418 immortal +02496210 adapid_group +06156968 fine_arts +12437513 tritoma +03003744 irish +11753936 mimosaceae +11144604 st._luke +06761798 quiddity +05246511 tube-shaped_structure +00535844 sauce +13279262 wage +02018049 get_on +01651293 undertake +06511874 resolve +05840188 type +07950418 sick +13863186 two-dimensional_figure +01983771 change_posture +01098698 finance +01199213 inject +04826235 righteousness +04286128 spot +00145448 square_up +09747191 vietnamese +08098346 taoism +08137251 fincen +06863751 tonality +06172789 linguistics +04767805 periodicity +00342443 fall +10164747 head_of_state +12293419 genus_gentiana +12892226 solanaceae +00206927 riddance +14716997 brass +11789796 genus_nephthytis +02773037 bag +03111690 correctional_institution +14793533 soot +12574470 trigonella_foenumgraecum +13423922 soaking_up +01333301 rhabdoviridae +01471547 shanghai +02498355 lorisidae +09711132 athenian +04012852 propoxyphene_hydrochloride +09238674 caucasus_mountains +00198118 subrogation +09018848 sakartvelo +11086279 king_john +12785499 genus_sedum +14436875 laurels +02009620 genus_casmerodius +11051070 paul_von_hindenburg +01633949 proteidae +05200169 ability +10675010 sunbather +01364357 sauce +01257145 precession +05405946 digestive_juice +02685951 run +03869389 terramycin +05432948 cytoplasm +01640207 make +05849789 feature +00136876 goal-kick +07581775 cocktail +04231444 skirt_of_tasses +05695232 sweetener +10557854 student +02311060 larva +01703613 sonnet +00750532 saddle +01017826 exact +07472657 race +11729478 clematis +01572328 northern_oriole +00698004 bloodletting +03194812 diffusor +01808218 bring +07324917 rise +04073669 sculptural_relief +02654442 avocational +00596644 live +00170844 flight_maneuver +01368192 joyless +00580512 transfigure +10584853 sex_object +05531161 cartilaginous_structure +01031256 send +02547014 ribbonfish +12725738 white_willow +10200781 personage +13867641 curved_shape +03654826 leg +00846509 sully +01288052 shackle +10541229 swayer +02728763 appendage +04300741 stand +04546855 wall +00877083 refer +06878071 smiling +05113133 insufficiency +02524171 win +00320681 stuff +07145508 session +00264366 enrichment +09875979 broadcast_journalist +02040266 thick-knee +04981044 muskiness +13487207 sprouting +08597727 mandatory +08511777 base +08978161 tt +08995515 hijaz +04974681 snuff-colour +02587532 manage +05834567 inspiration +00345761 start_out +10299250 master_of_ceremonies +10169796 steersman +07993279 zoology +02068413 spurt +14322248 urtication +00771133 solicit +02037272 unrighteous +00858781 urge_on +01322509 slash +10839791 william_maxwell_aitken +04012084 propeller_plane +02918271 spectroscopical +02219901 monomorium +08849226 dhaka +14006179 stillness +04094859 riser_pipeline +00791372 beep +07376937 beat +01028748 name +07731587 escarole +00855295 kid +01096245 business +10480253 professional_person +10886222 johnny_cash +01662118 uproot +00607114 study +14154669 yellow-blue_dichromacy +00744237 diphthongize +02459915 stable +10722575 trainer +04689048 invitation +05614175 sagacity +02236896 hemipterous_insect +01907258 turn +01858989 genus_cygnus +00417397 embracing +02488291 langur +05846355 restriction +05501711 neural_network +07202812 particularization +14531392 irritation +02827883 belt +06261744 multimedia_system +00753973 goldbrick +11011398 grant +09323824 mustagh_range +02265177 hemerobiidae +10407726 patron +01008288 abstract +06816106 sheet_music +07579399 wad +02461701 manis +13165815 trunk +00087988 catch +05978812 sorcery +10040344 nanus +00261604 beautification +05016171 hotness +10472129 primigravida +07160116 incantation +00602255 take_in +12577000 vigna +01455639 trice_up +05808218 find +00642379 polite +13224454 selaginella +02306672 lasiocampa +12710577 satsuma_tree +12154426 screw-pine_family +01786906 infuriate +02720725 antihistamine +05015463 iciness +01739814 raise +00113113 pressure +03017168 gong +00453424 heap +03979377 polyester +13260645 filthy_lucre +09868270 plant_scientist +08711468 patagonia +07440979 rotation +01192510 enjoy +07734017 tomato +07290905 beginning +13203251 lophosoriaceae +13185436 genus_doodia +01342269 moneron +04844625 unfeelingness +02801349 splintery +11807696 cerastium_alpinum +00492310 foul +03072440 colour_tv_tube +01026095 name +14481929 possibleness +09636890 negroid_race +01282711 kennesaw_mountain +02286294 voiceless +09897696 toter +14853947 excretory_product +04471632 transistor +08764107 norway +02624263 uprise +04654652 geniality +14989545 phenol +10251779 scholar +05331171 suprarenal_gland +13630864 exbibyte +10670483 subscriber +02741960 clean +01633578 megalobatrachus +10696251 technician +12778926 sarraceniales +09762821 winner +11444117 death +01930672 genus_ascaris +09843443 bat_boy +15259284 middle_ages +01923414 mount_up +03182232 detonator +12975207 myxomycota +07275078 genuflexion +00960734 synchronize +04169152 ssri +11800020 sang +00378985 compounding +02560823 family_esocidae +11122114 richard_leakey +02304982 roll_up +12548804 sickle_medick +00003431 eruct +07651025 puree +09178999 reason +15075378 toluene +00386915 cutting +02016198 genus_gallinula +08071516 open-end_investment_company +15057744 steroid +12847749 hedeoma +05776015 prefiguration +12758639 sumac_family +14159887 maple_syrup_urine_disease +02673965 surpass +03032811 round +00708128 plot +08196892 air_force_space_command +01692143 heloderma +00184117 mix_in +13003254 destroying_angel +06236802 hinduism +12704636 polygalaceae +00744758 infliction +11065345 victor_hugo +13052431 polyporus +06402031 journal +00657016 lump +00949288 tote_up +04594489 wire +05605944 serous_membrane +01276361 line +12729521 salix_pentandra +00925873 formulate +02757651 shower_down +02158066 dock +01438720 family_cyprinidae +14462666 imperfectness +04012260 property +01527774 genus_alauda +11358065 ustinov +01891249 vibrate +10090498 spotter +05761559 reminiscence +00817311 admit +05932477 visual_percept +12611815 water-plantain_family +12585512 genus_borassus +11667562 monocotyledones +10240082 knower +10042300 feeder +02619424 visit +01391280 roll_out +05659621 proprioception +08251303 conspiracy +04340935 stronghold +01500721 mobula +00036932 soap +02199590 give +02933462 storage_locker +01550953 rupicola +08346286 a'man +06916803 iroquois +07664582 halal +12586110 genus_calamus +00168237 tactical_manoeuvre +06098195 cosmology +02421199 slave +00802238 risk +08186047 service +04051549 ramp +02443049 supervise +12322887 thymelaeales +00133338 whang +02924116 passenger_vehicle +00327824 vacillation +03753657 metformin +06407094 autograph +03252064 soft_goods +02269143 husband +01418620 zoomastigote +01951274 sea_hare +07521674 dread +02127358 touch +00605783 swot_up +00155143 rise +00028565 smile +05074774 spatial_relation +06150933 macroeconomics +10353016 newborn_infant +01552192 genus_cephalopterus +03429288 gauge +03691459 speaker_unit +04590746 wiper_blade +00647094 mensurate +15121406 history +03005769 change +00445055 surfriding +02585489 persecute +14421139 association +08774546 potsdam +14255234 glaucoma +09305358 hood +01236941 spang +05091770 probability +02147824 dissimulate +09697771 chichewa +09458587 tyan_shan +01994442 withdraw +01264336 humourous +11891838 malcolmia +05562249 thigh +02264397 graduate +01277938 dunkirk +01215902 support +02360274 tap +10311661 mestiza +15050898 spinel +04683136 stripe +14168176 refractory_anemia +06372095 parable +09058071 mesa +10378780 operator +00025654 unwind +02550296 give_care +00527872 tap_dancing +06241825 tibetan_buddhism +13600404 square_measure +05734559 attribution +06319293 noun +02742322 regalia +12082980 genus_sobralia +05543917 sutura_coronalis +11640471 genus_sequoia +00105778 clown_around +10734568 twiner +07410745 smack +01848355 stay_in_place +02664136 solea +09863238 body_servant +12254168 styphelia_humifusum +02244426 palm_off +14550469 amputation +01298797 vicksburg +01507143 hurtle +01534745 mud +08722645 cape_horn +13528100 osmosis +11771924 natal_plum +09221723 biscayne_bay +00646738 survey +00242146 scrummage +03084420 computer_circuit +01540449 take_up +01276970 notch +00618057 trip_up +00004819 sneeze +01694709 varan +00796392 ban +01002956 observation +00026941 take_it_easy +00057486 recession +12611479 najas +01642671 leptodactylidae +02549211 abet +02299269 subscribe +02552894 ophiodon +08390731 militia +10782471 winger +02799593 infield +01157850 selective_service +10676877 supervisor +11117744 ringgold_wilmer_lardner +12372520 white_cinnamon +08964810 malay_peninsula +01116968 vendition +01855032 red-breasted_merganser +10001882 demimondaine +02369012 family_bathyergidae +05616246 power +05556595 umbilicus +11773628 mandevilla_laxa +06072275 entomology +08757569 czechoslovakia +04561422 water_mill +00167824 regenerate +05373790 vena_metacarpus +01066881 postponement +07386614 miaul +05618056 wit +02504562 squeeze +02252226 aphid +07366799 driftage +01217859 engagement +04423288 thiazide +09425159 sayan_mountains +05787005 examination +01862776 stall +00666058 current +12531328 geoffroea_decorticans +01626134 amphibian_family +09079505 hawaii_island +14474052 successfulness +01961691 fin +06070929 environmental_science +04605726 wrapping +10009671 knocker +02632940 include +13960464 falsity +02795169 cask +05870180 compound +10141364 syntactician +10737431 untier +00617989 roofing +04069276 reflector +08558770 sheikhdom +03663531 preserver +06392935 clause +03613592 key +10557404 shmuck +09619168 female_person +06709533 disapproval +12844409 stoneroot +13628592 mibit +09722530 mauritian +00444519 nigh +12002428 petasites_vulgaris +09251832 stalin_peak +06546408 trust_deed +11997409 prenanthes_serpentaria +01836087 whippoorwill +02657083 order_pleuronectiformes +07032026 discant +01345877 pen_up +01403785 putt +02984937 cathode +12475035 wild_oats +01472638 amniotic_sac +01911698 ambulate +06359877 writing +13137409 berry +04706290 patency +00976698 infiltration +01466303 catenulate +00550282 conclusive +04298171 steps +08997487 singapore +04246855 smoking_compartment +00124442 move +12013323 sericocarpus +00097394 sphacelate +00683280 believe +00293760 unfold +00857784 trumpet +01865197 productive +09144117 el_paso +10076307 faquir +04744645 isomorphy +15187451 washington's_birthday +02229828 light +10050880 elocutionist +14779550 chemical_agent +02461723 false +13469674 drift +02660631 overlap +03553908 plaquenil +00682230 assess +12720893 zygophyllum +00085626 oil +02495387 intern +07820814 savoury +00766418 persuade +06284225 linguistic_unit +01689379 outline +09063673 los_angeles +00728617 recognize +12991488 parmeliaceae +05926236 wisdom +01449974 transport +01410606 similar +15030481 immunoglobulin +01987353 palaemon +09137032 ri +15213774 december +02962545 card +06725877 declaration +07717070 winter_squash +00707366 rugged +09774266 consultant +01726390 suborder_serpentes +03677308 zestril +03578656 port +12331415 genus_eugenia +09993252 trailer +02042342 pagophila +00321956 inclosure +00946650 seeking +02848216 blade +01424282 genus_plasmodium +03276179 electromagnet +10510078 realtor +09900981 match +14010636 suspension +09543353 the_tempter +02156546 vanish +12991184 reindeer_moss +02764765 winkle +04079244 residence +12445848 genus_calochortus +02396796 babyrousa_babyrussa +05023741 rigidness +14638799 gold +07497976 fascination +10080869 male_parent +00923793 show +08612049 orbit +02410855 work +10399491 parent +00653620 liken +09011151 white_russia +02436349 manage +10354265 neurologist +15215068 tevet +01237398 clap +00016756 scarce +00281462 closure +06100778 optics +00614999 pretermit +02084071 domestic_dog +02478936 formalize +01269379 grease +00404642 organize +05181199 title +13632961 quantity_unit +09807075 primate +01620854 end +00023646 swoon +06742426 expounding +07188685 wooing +12875697 sand_devil's_claw +09627906 recipient +02064131 throng +01630284 triton +12320010 hickory_tree +00464651 outdoor_game +02973017 magazine +07678193 saveloy +07092158 writing_style +12386039 tamarisk_family +02997607 ceramic_ware +14986004 tincture +01705717 hadrosauridae +09048880 new_england +11406314 zhou_en-lai +01596056 spotweld +05470189 process +12169526 order_malvales +07697100 hamburger +01145163 tree +08431721 terrace +12163824 melon_vine +06065819 scientific_agriculture +08110373 species +02260183 psocoptera +01157138 outfitting +08157672 romanov +00213223 pickle +03873064 padding +12235479 moxie_plum +06885389 positive_identification +06960778 irish_gaelic +01381399 spirochaetales +13905572 sag +08502797 badlands +02112891 air_out +09843956 slugger +12615232 wild_celery +14448200 ill-being +13395296 twenty_dollar_bill +05769314 chimera +12381931 vine_cactus +01111016 generous +13998576 confinement +01194938 plump_out +00521874 diagonalize +13726562 nutritionist's_calorie +02244603 realize +02290461 profit +01558440 segment +00696189 review +05150588 uselessness +08590369 jurisdiction +02612234 run +12575322 vetch +01037910 romance +06536389 version +04717139 qualification +10321126 ministrant +07996412 plague +12974987 slime_mould +12734722 santalaceae +05950234 tabu +02039544 tip +13780719 relationship +00245289 slake +01795428 throw_a_fit +06271778 telecommunication +13080471 family_dematiaceae +08852843 republic_of_bolivia +00028270 time +00987863 shelling +03007591 serial_printer +12457091 lemon_lily +06300193 theme +01173965 thrust +05159225 strong_suit +04830102 inhumanity +01444887 spear +07420770 impairment +12032215 genus_wyethia +06762380 reservation +05426243 tissue_layer +10250527 secular +12440869 genus_asparagus +04495051 tuck_box +02860415 spool +06552984 writ +05749619 taste +00409211 operation +00104147 sunbathe +12717914 kirkia +05090441 magnitude +01735898 tropidoclonion +11742745 leitneria +01930112 roundworm +08010559 bearer_of_the_sword +13657691 fermi +00124617 shootout +00493703 devalue +12029929 genus_ursinia +14341091 inflammatory_bowel_disease +00987071 draw +13607405 trillion_floating_point_operations_per_second +01307609 grade +02382204 plug +07217924 report +11159214 marshall +10801291 writer +03684823 railway_locomotive +07495327 suffering +09752246 ram +01887020 wheel +00330836 scudding +14691822 propellent +11635830 yellow_cypress +12141890 triticum +10403876 rider +11909048 fumitory_family +02494259 bail_out +00066025 whimper +03357716 flaps +05657718 sense_of_hearing +03127925 crate +10426749 photographer +02183353 order_embioptera +01896031 plume +00700979 behavior_therapy +02860239 bob +09354511 midstream +01586374 cactus_wren +07437990 self-fertilization +08389438 musketry +02052511 fregatidae +12429942 genus_aletris +06531657 letters_testamentary +04378842 tabernacle +00102586 harm +00112312 pushing +00088725 taking_into_custody +12769815 order_ebenales +00050652 wear +09463919 turf +12168126 lobeliaceae +15254550 prehistory +09811414 art_historian +02756558 rain_down +02402010 bovine +01070566 point_duty +02537092 colour +14361182 wrick +02422026 free +02309337 caterpillar +03402941 funeral_parlour +06998748 nontextual_matter +14419510 contact +12010458 scolymus +13840553 teacher-student_relation +11767196 genus_apocynum +02420389 genus_antilope +01054694 squeal +07718472 cuke +02344006 meriones +08628921 reach +06377442 verse_form +01322685 young_carnivore +05247621 glomerular_capsule +00904428 radiography +13400798 charge +09590205 bluebeard +03316406 mill +10231515 rex +09294066 green_river +06764244 footnote +00372448 deposition +01936537 train +10067600 event_planner +01278427 wrinkle +03028079 church_building +01776546 ixodidae +02600948 start +01165579 strain +10451590 pollster +00315390 yachting +09834699 ballet_dancer +00380424 transpose +12844697 genus_coleus +01805692 pavo +01483522 mackerel_shark +00381850 transform +02861617 pictural +02630468 istiophorus +02611630 specify +04516354 used-car +12703190 shamrock +12846869 genus_galeopsis +09778537 annoyance +13365698 support +00114615 caramelize +02136271 reverberate +03134015 croft +12526516 tick_trefoil +10699752 tempter +01501347 sow_in +01623284 otus +06780882 sport +01508719 mild +01268112 wallpaper +00095280 dead +02654416 inhabit +11607739 pine_family +11342618 tillich +01815431 pteroclididae +01176232 treat +11446242 condensation +00093775 waste +07744811 blackberry +01299476 waterloo +01669792 flight +11991263 snakeroot +02557461 stizostedion +05417975 blood_vessel +08912559 urmia +01095899 act +00724150 set_aside +12320414 water_hickory +12766595 toxicodendron_vernix +00663353 check +08769329 lower_saxony +12236363 genus_gaylussacia +01737197 natrix +07176243 yielding +10036266 user +00858377 snooze +00971015 call +01814396 get_down +00001930 physical_entity +01207149 trap +11849271 peyote +12694336 malpighia_obovata +00898019 shake_hands +05723417 tickle +05725378 temperature +02271137 put +02982790 stop +00714718 free-associate +02577877 bait +01911511 hydrozoa +12507236 genus_apios +01372049 kind +00158185 use +07486229 wishing +13983304 lighting +02521410 resist +02645597 preponderate +02260770 traffic +09612848 consumer +00190115 cognizant +05058140 swiftness +15291801 work_shift +10164025 tribal_chief +09538318 yhwh +14940386 liquid +09183693 morals +04910973 softness +06936620 munda-mon-khmer +02335349 family_cricetidae +00283568 walking +05483890 pituitary_gland +04768028 rhythm +01671874 trionychidae +04990877 softness +12634986 wild_crab +06780069 impersonation +03880129 pallium +09831962 bad_person +14127211 infectious_disease +00861423 hymn +01015244 testify +03483316 hand_blower +10673946 suit +09039260 iraqi_kurdistan +11833208 genus_cycloloma +05003590 gracility +01678522 genus_callisaurus +12673328 twinflower +02347744 new_world_porcupine +11862835 talinum_aurantiacum +01259773 waking_up +01589497 calibrate +12166003 lagenaria +07710616 white_potato +10638385 voice +12853287 winter_sweet +03788601 motel_room +01587077 nasty +12242409 titi +02227119 locusta +11975482 haastia +11807108 mouse_eared_chickweed +09843602 bather +00350380 diversion +14747168 provera +08033829 manuel_rodriquez_patriotic_front +01379954 genus_lactobacillus +07415167 conjunction +09700964 briton +03507241 hearth +01140658 mandate +00803815 approbate +03545150 house +14586769 metal +10029068 drawer +07668702 pork +08762495 republic_of_djibouti +05217168 soma +07736813 taro_root +01819600 nymphicus +12261808 white_beech +13523661 nutrition +12947544 redbrush +01905661 invertebrate +03096960 controller +04873939 dishonour +09200874 apennines +02482820 hylobatidae +05275315 ilium +02574271 sergeant_fish +01804478 partridge +13374426 consumer_credit +01191838 surfeit +00781652 solicit +01467986 urochordata +02510455 panda_bear +01852861 sea_duck +00800940 reform +08916316 mesopotamia +02382367 step_down +06117855 morphology +10644179 stabber +11420831 spectrum +12949722 valerianaceae +03925226 picture +01947543 canoe +01589217 ignoble +00883226 vaunt +04270147 spatula +09944022 commissioner +06627006 card +09020440 kyrgyzstan +13026763 order_eurotiales +00214951 wet +14805899 stubble +02024636 vanellus +04974968 color_property +05405324 teardrop +13984944 shadow +14712036 alkali +04216106 turnout +01737021 water_snake +02296153 pass_on +11982115 hawkweed +02258291 reduce +00033599 look +04601690 work_of_art +02330582 suborder_myomorpha +01570969 paradisaeidae +15265518 starting_time +01556346 tear +08477634 womanhood +09679925 catholic +09698337 chink +01934207 phylum_annelida +06212422 unorthodoxy +01643464 draw +09006205 soviet_socialist_republic +02200509 wriggler +07722217 onion +05927586 stereotype +06712833 tongue-lashing +02971167 rubber_tire +05916739 opinion +06336537 street_name +11649597 phyllocladaceae +04844891 dullness +12249993 genus_clethra +05755156 memorization +01107625 outbrave +13188268 hare's-foot_fern +13491616 healing +12418680 family_amaryllidaceae +14001348 dependency +13925752 situation +02671421 supplement +14443532 sovereignty +11540970 family_bryaceae +02376918 male_horse +12471366 genus_convallaria +05402091 coagulum +03270165 electrical_system +02564130 genus_ambloplites +08953029 thorshavn +00959992 simulated_military_operation +13964879 common-law_marriage +11894770 raphanus_sativus +01272787 boyne +04600486 workbench +13670521 tunisian_monetary_unit +00290740 weaken +01775164 love +00456199 game +07319103 success +01296474 deductive +07815588 peppercorn +05803212 digitization +02055280 sphenisciformes +09074140 orlando +09322087 jovian_planet +00210797 finis +15232899 middle_paleolithic +01909812 turn +00533851 uncomprehensible +03848729 opening +09025584 cartagena +07046543 largo +01746952 aspidelaps_lubricus +02610628 conclude +11755694 genus_acacia +09624559 mediator +08713136 cordova +01115916 stand +01846413 present +09544876 eblis +00932804 reification +00421125 slacken +08984223 lublin +00055142 reproduce +01163779 execution +00735571 set_up +12215373 genus_banksia +06686736 commendation +01457206 pinch +04748836 difference +06252138 communication +13987719 blessedness +01628450 urodella +06753800 premiss +02425228 tragelaphus_scriptus +00282076 discolor +02573406 pomatomidae +03474167 riding_habit +15269128 seek_time +04458409 totem +12684640 order_geraniales +11429968 blood_pressure +12853080 origanum +06541381 legal_separation +08190292 command +01149480 circumscription +02232190 transfer +13585429 constant +11094055 thaddaeus +02354470 thomomys +01042228 rumour +02514825 bony_fish +08109772 monotype +00213353 salt +03462747 ground +03479952 hallway +12185254 ribbonwood +00816556 deny +02684924 proceed +06258031 spreadhead +04388743 tank +00622584 hunting +04645943 reluctance +02768702 shadow +06540863 divestiture +01920735 family_cestidae +12858150 wild_bergamot +01478511 slime_eels +01619354 re-create +14443912 tyranny +00403911 morphologically +12583126 fan_palm +00841901 tasting +01231652 stab +00651935 critical +05481746 neopallium +15255641 chukker +04489008 trouser +02602685 slam-dunk +02226821 short-horned_grasshopper +06549661 permit +12572021 templetonia +00698398 will +02740300 armoured_personnel_carrier +07761309 soursop +07986381 trip_wire +11173199 mendel +12768369 horse_chestnut +00936465 confide +01932643 wheatworm +03443912 goggles +14133985 syphilis +01741744 family_boidae +04933544 physical_composition +12979478 saprolegniales +02831998 bessemer_converter +14014162 estivation +06934132 kam-tai +01759326 raise +02277094 red-spotted_purple +05692758 decisive_factor +01054553 hee-haw +00009492 peel_off +00745078 twang +06723635 amendment +03153375 eating_utensil +08773679 hanover +07524529 fear +01465054 concatenate +00751567 require +01919391 march +00397010 expurgation +00452098 water +02207942 family_apidae +00157957 impingement +13913566 stamp +04743024 indistinguishability +01152973 communization +01252971 smoothen +00278810 mastication +10151760 guitarist +00656643 eyedrop +11885697 genus_draba +09990777 dancing-master +10523076 researcher +02350175 rid +07492655 solacement +02272152 genus_frankliniella +02365672 family_dasyproctidae +02150306 family_desmodontidae +00243124 unite +01723579 scrimmage +01502946 rest +00305109 narrow +01226600 pet +02438774 giraffidae +14550797 hearing_impairment +10414612 pensioner +00322228 packing +01385458 unitize +07434209 plunge +12147226 bamboo +10752093 victim +00899352 curtsy +14252864 eye_disease +13428608 agglutination +07429976 invasion +04472726 transmitter +12166128 lagenaria_siceraria +03237416 topper +12767423 toxicodendron_quercifolium +02550516 overprotect +04592099 wineglass +10869385 william_jennings_bryan +08329453 tribunal +02688443 surface +07445480 rising +05613274 unconscious_mind +09882007 man_of_affairs +13566436 teratogenesis +00834198 efficacious +02674482 tylenol +04770911 wavering +01486706 ginglymostoma +01593011 tweeze +11627168 hemlock_tree +05166805 positivity +02310007 return +00644503 survey +09624980 money_handler +02003994 genus_ephippiorhynchus +05051249 length +01486411 orectolobus +06006777 non-euclidean_geometry +01497750 shelve +01273491 bull_run +03138981 crown +07810907 condiment +08396537 nga +01653773 tongueless_frog +01918184 unquestionable +02642935 scorpaena +01353411 bacteria_species +01966861 skip +06729864 claim +13381734 cheque +09332394 lake_nyasa +07370968 heaving +01689752 contour +03064239 epizoan +04853948 corruptness +00465461 collimate +00277399 chronologize +07204401 denial +07246582 suggestion +12730370 sitka_willow +07395104 splash +12864363 genus_salvia +12550968 myroxylon +14008567 extravasation +01524298 wad +01840643 melanerpes +02234719 genus_blattella +12128645 pennisetum +09042322 smyrna +11503060 reflexion +00341695 retraction +01841079 travel +00807273 coordination +01734502 replicate +01426153 neck +00364868 distill +02412440 lamb +10714851 toller +12785110 stonecrop_family +01791625 gallus_gallus +05971621 formalism +01528821 plant +14412882 contentedness +08016900 interahamwe +05587034 appendicular_skeleton +05938976 templet +03077741 communications_satellite +06584536 tracing_routine +05017230 perceptibility +03122295 prairie_wagon +00119524 differentiate +11349318 trotsky +01994176 subclass_branchiopoda +11971600 gerbera +00865958 maledict +00850501 twit +02338449 round-tailed_muskrat +09751622 zairese +07359599 transmutation +02876657 bottle +04756887 uncertainty +12292655 genus_frasera +02323286 stock_up +02065726 megaptera_novaeangliae +15196537 yuletide +00280930 lighten_up +04638175 toleration +04691178 disfigurement +02764398 axe_handle +02580991 selar +07495551 torture +02194913 revolt +08157809 saxe-coburg-gotha +02378950 recoil +02710673 bound +05512139 vesica +06666829 gag_rule +14730553 gelatine +03951971 pivot +06643408 evidence +11754893 mimosa +02707429 lend_oneself +00397953 segmentation +01697628 sketch +05257737 whorl +00574735 intensify +11630351 genus_cupressus +08923884 omiya +00293141 prettify +12701178 lepidobotryaceae +12455787 genus_gloriosa +12448361 sagebrush_mariposa_tulip +01876535 macrotis +02087551 hound_dog +04240576 slip_coach +01487311 weight_down +02219486 pismire +09875786 broadcaster +00770437 stimulate +08221348 division +01426784 subclass_cnidosporidia +12376382 hudsonia +01590443 sittidae +01576917 soften +01219306 sentimentalization +00466053 ordinate +00236581 rise_to_power +00315830 displacement +12366186 waxflower +07130341 whispering +12815925 family_boraginaceae +00286497 gait +00339463 reordering +02174355 melolonthid_beetle +12349491 medinilla +12167282 momordica +13854649 opposition +03041632 meat_cleaver +06963951 romance_language +08902753 kanara +01918183 mosey +00839619 efficient +07245125 suasion +12843844 genus_clinopodium +06770275 understanding +06534132 us_constitution +10418302 incarnation +01256867 dice +01479545 silt_up +00507664 fossilize +01153861 patronage +00772813 sedition +02285392 stockpile +11719120 paeonia +01914830 actiniarian +02333368 rattus +01995137 order_anostraca +12131216 poa +01573276 rive +05434784 nucleoplasm +03236735 frock +14019039 sottishness +05781145 extrapolation +01797204 mourn +04761815 insubstantiality +02698036 zyloprim +11737534 pasqueflower +02259005 trade +15247518 period +01395617 lawful +07045353 phrase +02492660 howler_monkey +00670105 decortication +14001728 reliance +11693812 genus_annona +08733415 cartagena +13484644 freezing +07314427 mishap +01007354 infinite +07769584 quince +02830721 ethyl_aminobenzoate +11641275 sequoiadendron +02534307 dispense +00583242 professionalize +13341052 zero_coupon_bond +01135795 invigilation +01252730 slime +01522789 family_dinornithidae +02570648 family_embiotocidae +05832264 worry +06743506 solvent +03186399 diagram +01934440 segmented_worm +00227507 best +02964634 storage_area +11748936 genus_brya +07011529 soliloquy +10813204 rodrigo_borgia +02290521 genus_cadra +08254331 reception +06461077 wisdom_literature +07375214 conglomeration +02398314 spot_promote +12971157 rhizopogonaceae +02194495 taste +11283300 saxe +02153203 game_bird +10285313 male_child +01779644 awe +13866144 polygonal_shape +01786402 myriapoda +02651617 peristedion_miniatum +13172107 polypodiaceae +02585050 stir_up +00889082 instilling +13563647 suppression +11927616 genus_arnoseris +01664862 genus_eretmochelys +02559862 robalo +01933988 guinea_worm +01628885 salamandridae +15036321 neurotoxin +05145118 price +10067011 revivalist +03299929 vinyl_ether +01535842 spizella +06290637 word_form +14488317 financial_condition +09802641 appropriator +10008716 waster +05876469 law_of_partial_pressures +00599234 rulership +02652668 plectognath_fish +03224032 threshold +00662589 see_to_it +04222847 single-reed_woodwind +08910230 semarang +05071368 taper +12579593 virgilia +04371979 swinging_door +07404261 undertow +09620794 native +00265094 basify +01862386 exclusive +13458268 decomposition_reaction +00350889 obstinate +03814906 necklace +12158798 squash_vine +05964445 majority_rule +00869583 operation +07398097 tinkle +02054502 snakebird +09812338 creative_person +07747607 orange +02288656 cozen +08565506 shangri-la +02484049 crucify +09931640 manager +00521970 demonstration +01444723 pin +14444644 monopsony +10269289 locum_tenens +09147964 vt +10203682 indian_giver +08800258 roman_empire +05837957 mind +08401554 patronage +02693319 look +02191311 tone_down +01164273 tap +03131116 zairese +00665630 prove +07402519 tide +02914813 building_block +09186064 aare_river +00975036 call +00402308 transfiguration +14798450 carbonate +00752493 ask +00532429 poison +13404248 leger +02286425 euproctis_phaeorrhoea +03764276 military_vehicle +09167101 zimbabwe +01754370 copperhead +14686723 gasohol +07129867 speech_production +00929362 look +02076280 slip +10618342 soccer_player +02599207 genus_cynoscion +04912240 familiarity +10091651 fireman +05824739 proof +06907567 attacapan +11624531 spruce +13694367 penny +09319456 islet +03929660 plectrum +01645157 incarnate +12711984 lime_tree +10051337 peculator +08892766 lothian_region +10217831 itinerant +01699346 profile +00604228 sinecure +02488149 presbytes +01640850 new +01645601 make +07447641 party +07358985 saltation +02714731 protuberate +07139700 exhortation +07389330 rolling +10937611 dorothea_lynde_dix +13268842 present +15225929 trimester +01488539 family_carcharhinidae +13466586 expelling +06844199 quote +13904843 slit +01522052 wind_up +00629597 pull-up +08132637 education_department +06719579 traducement +13140535 rhamnales +02019929 hemipode +07772788 hazelnut +00872722 matrix_operation +08015731 corsican_army +09069190 hartford +02484813 genus_cercopithecus +11793651 zantedeschia +09014586 republic_of_moldova +02472033 register +00607405 study +00843128 imbibition +10630188 verbalizer +10298912 skipper +14434866 emphasis +02395782 kick_off +00643473 take_apart +08841209 pleasant_island +04072193 regulator +12334293 gum_tree +05779712 supposition +07829412 sauce +03375694 foil +06890846 flaunt +10505206 splitter +01820302 savour +02722166 antimetabolite +13603305 linear_unit +09153570 aberdeen +09351647 merrimack_river +10979079 franklin +00390581 syllabification +07798554 smelt +04261116 sorter +02295717 genus_catacala +07187297 demagogy +00282652 silver +03777283 simulation +04749991 tolerance +06515662 chronological_record +14052403 upset +01114303 conquer +02834778 wheel +04703424 opaqueness +10578162 seminarist +00015806 sleep_late +10246703 lapidary +10278666 machine +02128925 panthera_onca +03199901 rowboat +01625275 tytonidae +00669762 take +02313709 sea_moss +07330007 fate +09392162 pillars_of_hercules +07720442 pepper +01614079 gradate +12573911 yellow_jacaranda +06466479 mantra +03586631 ironmongery +05227572 trigonum_cerebrale +07387509 noise +00048225 reaching +00750730 trick +05982152 purpose +10575594 seeder +12439400 genus_anthericum +10505942 roue +10170598 helpmeet +10301261 mathematician +07542433 surrender +00855512 review +02643574 hold +14102075 thrombosis +00019131 accessible +05636171 oenology +01653223 gastrophryne_carolinensis +09372504 north_america +06425065 number +02445356 patent +02371647 uintatheriidae +01825278 turakoo +12348127 trapa +02551602 save +01249315 pardon +01851731 lesser_scaup_duck +10123711 geezer +03997484 power_tool +14027674 regional_anesthesia +00229280 extract +08776138 ruhr_valley +13743100 mate +00442847 plunge +05774129 synthesis +08507558 source +01802309 phasianidae +00043902 hit +03908831 pendent +09790482 analyst +01803641 tease +02638323 order_ganoidei +01212519 support +07649854 meat +10756641 visionary +15002814 rauwolfia +01918984 quiet +08928193 republic_of_kenya +05670710 concern +12154628 genus_pandanus +00882045 dekko +01556572 split +03982060 pool +00228655 sprinkle +13798814 reflexivity +00133668 smacking +10366966 nurse +05937112 model +01240720 brush +11997032 rattlesnake_root +00703310 predestine +00560391 leap +00476788 run-up +00365995 dilation +02367032 vacate +02554647 spur +00262743 ornamentation +07114712 vowel +14745635 steroid_hormone +01546768 stand_up +10258152 librettist +09026204 jerez_de_la_frontera +12661873 genus_calycophyllum +00677038 hypophysectomy +12790835 genus_philadelphus +03235796 drawstring_bag +09049599 gulf_states +10613505 small_person +05823054 justification +07567390 concentrate +01592072 yank +07751451 plum +07138085 treatment +11971783 african_daisy +00588797 contented +11357086 urban_vi +04445327 toggle +00684645 discredit +09730533 scotsman +12832140 genus_gloxinia +00634586 tally +14628920 atomic_number_18 +05613170 ego +13446390 chemical_process +02546477 trachipterus +07065149 heavy_metal_music +06272290 telephony +07650637 dark_meat +09040601 turkish_capital +06754415 subsumption +03584111 ipratropium_bromide +07733712 wild_spinach +00710005 organize +00028651 space +00164201 restitute +07180570 citation +01888946 throb +02453611 edentate +00075471 spectacle +00504270 fertilize +01910529 scyphozoa +12579404 viminaria_juncea +12522894 sissu +02490090 intermarry +00941974 excavation +02420991 man +08663354 upside +00938247 rede +00026385 unwind +02962938 heart_monitor +00256862 distend +02926727 butacaine_sulfate +01128984 socialization +04630689 sunshine +06684798 affirmation +08378819 structure +12628986 quince_bush +04141975 weighing_machine +01724055 order_ichthyosauria +07677860 banger +05305614 vocal_organ +14792703 sugar +06141324 gestalt_psychology +00542711 rain_dance +13440779 boiling +07069948 formulation +02568326 polyprion +10645611 stager +11735977 isopyrum_biternatum +09693372 sotho +09866922 moonshiner +00213544 marinate +09464486 twinkler +03592245 slammer +00868523 sniveling +00482473 reconcile +01624633 offensive +06539770 rescript +12806455 platanus +04942869 disposition +03969259 plumbing_fixture +06838005 mem +06805497 tattoo +14580897 stuff +00912960 production +06882561 badge +02669477 transcend +07014320 outburst +01975237 pinnacle +00341890 retroflexion +02109045 take +06608143 piffle +02506181 sandbag +00486018 put_through +00590148 chancellorship +03264542 edge +04837232 aggressiveness +01269008 varnish +00604694 studentship +13496972 incontinency +11968931 thoroughwort +04333129 strap +04606014 wreath +07726796 common_bean +01220636 stopple +02165456 ladybug +12622653 genus_agrimonia +04389033 tank +05349659 lacrimal_artery +13483190 leafing +13063046 uredinales +02301452 saturniid_moth +13252973 transferred_property +00102457 mechanization +04907269 intractableness +01634011 preconceive +00188466 inset +00683771 hold +10210137 rebel +02614788 pholidae +00274283 rust +06702458 doctorate +07150850 arbitration +08756735 cyprus +01028079 christen +15009326 freshwater +02339922 trade_rat +04603729 worktable +04737934 unchangingness +02271897 thrips +02415573 slog +15277118 mortality_rate +09850974 besieger +00640889 microscopy +01682920 family_amphisbaenidae +12976985 subdivision_mastigomycotina +04092168 rigout +01145015 takeover +12422399 strekelia +00563824 digitize +12498928 genus_senna +00213186 handover +10771392 wayfarer +00572489 driving +02531820 genus_clupea +01249816 vandalism +01305361 wharf +04196803 shipping_room +00405236 concentrate +00749232 whistle-stop_tour +08520728 equinox +00954422 tell +03511786 heel +00039021 interaction +14844693 soil +02502357 genus_cynocephalus +12706644 rutaceae +04731497 characteristic +08919241 asur +00468791 reorient +00932298 reification +08024732 provos +06438748 ezekiel +05697976 trust +13286801 stake +10166626 paynim +01828267 genus_dacelo +01969216 go_up +09937250 colonel +13852395 temperature_scale +01773930 theridiidae +12314652 hamamelis +01816336 syrrhaptes +02589955 orthopristis +07482521 complex +01303242 bind +02608347 start +00143251 review +00276373 disorder +05817396 fact +00692506 neutering +03030663 fag +08125722 npc +02682922 spray_can +02703275 ammunition +13660619 nautical_mile +06567531 compatible_software +02043190 pass_on +01284444 little_bighorn +15280695 pulse_rate +00591519 perceive +12175797 gossypium +00136329 kicking +01425892 pet +01861465 mammalia +00337903 splinter +12508077 genus_astragalus +01700655 toss_off +02067100 physeter +00052374 wear +10193967 married_man +02617933 amnestic +01474550 relinquish +02650541 searobin +00383606 separation +00266798 ionize +14084502 metabolic_disorder +08293831 fleet +08025112 islamic_army_of_aden-abyan +02348036 genus_erethizon +07721678 jalapeno_pepper +00812526 hold +01013316 reclassification +10347298 naval_attache +00743822 squandering +13630707 pibit +05721500 feeling +00311663 careless +12196129 bottle_tree +02557909 strizostedion_vitreum_glaucum +07411645 twinkle +07443210 slackening +01389329 pack_together +01586850 frame_in +09445088 st._elias_range +12816359 genus_borago +09103648 twin_cities +05962936 laissez_faire +15213008 mid-september +14810561 choline +03704038 powder_store +12530208 genus_genista +01521602 pterocnemia +05385363 hypochondrium +11665372 flowering_plant +13267534 grant-in-aid +02970534 carrycot +02606926 genus_amphiprion +01030397 unchurch +13140699 rhamnaceae +01113068 selling +07368646 occultation +01196364 teetotal +05543177 synovial_joint +11300893 simon +12927494 varnish_tree +04209239 shower_curtain +00808855 question +10184081 toughie +05775407 vaticination +08510666 side +08555333 stockbroker_belt +12779851 sarracenia_purpurea +14575399 exoneration +12299988 olive_family +00028362 reinvigorate +03834040 reactor +06951067 yiddish +09159546 casper +02734217 archway +06224136 monotheism +14433769 spotlight +01948446 winkle +10112591 friend +01513838 exfoliate +02406585 succeed +04447028 toilet_bowl +03081021 element +08131005 nist +07163988 intimation +00524083 acetylize +13238375 starfish_flower +12934776 genus_cicuta +04054795 raster +05289861 striated_muscle +06780678 sketch +13038944 gastromycetes +09979589 critic +06539178 criminal_law +13929852 trust +00876332 propound +04441528 titfer +01987938 peneidae +06956129 uralic_language +06055946 psychopathology +00900616 essential +02836607 bifocals +03720665 maquiladora +02069569 tursiops +02593354 proctor +13555101 sericulture +02398732 suborder_ruminantia +14550195 intermittent_claudication +02720201 fungicide +03771443 minor_tranquillizer +04871002 respectability +00493929 devalue +06818970 graphic_symbol +02584097 desert +01630903 pry +12376553 hudsonia_ericoides +01166351 eat +02291548 net +15248269 epoch +02426171 open_up +04960729 whiteness +00122097 vascularize +02187693 bang +07123870 snort +02760139 set_on_fire +00601783 controversial +07208000 snub +05524243 seminiferous_tubule +00607542 cabinetwork +00717748 splattering +12622875 agrimony +01362568 plaster +04048568 railway_system +09591155 paul_bunyan +04188643 sheet +00822970 safeguard +06516242 hagiography +01562061 crash +02789271 bar +12604228 sour_dock +02485451 string_up +14854847 muck +12025220 tetraneuris_acaulis +05511286 vascular_system +01843364 junketeer +09957156 conservativist +10395073 pallbearer +10625285 sophisticate +06515827 life_story +13548105 refining +02050132 pass +01077190 countermine +00437449 specialize +12428915 genus_agapanthus +15223574 vernal_equinox +02637202 stay +01633173 formulate +05169242 matter +08304895 union +06796506 animal_communication +13062112 family_auriculariaceae +09973422 cowgirl +02070874 trickle +05372593 vena_laryngea +00273319 profanation +07713895 chou +00329817 bifurcate +03600977 joint +00355691 relaxation +00722675 rivet +01700470 ornithischian_dinosaur +02435099 moschus +00162688 replace +00959367 harp +08390157 infantry +09565099 moirai +04621963 introversion +14618834 binary_compound +13328357 wear_and_tear +06711855 reproval +14096724 ametropia +01972017 genus_architeuthis +00565592 matte_up +03914583 pepper_spray +10326551 modern +08398179 rank_and_file +11778391 order_arales +14351629 otitis +12505987 genus_andira +02355227 squirrel +03240140 electric_drill +05536370 cecum +00159368 accrete +01665638 cook +01557697 turdus +06688522 remembrance +01331518 hemstitch +14543931 vulnerability +07977592 subroutine_library +05774415 inductive_reasoning +01640383 ranidae +10468750 prexy +02581073 pressure +04521125 vapour_lock +00943187 centesis +05094725 depth +06372680 myth +11543602 marchantiaceae +07452699 opening +12693033 protium +00443116 indurate +02538765 step_in +07774032 wild_bean +08549070 development +03666362 light-emitting_diode +01920698 tramp +13903387 perimeter +09248724 river_cocytus +03318438 sham +01850315 move +03924069 record +08876975 manchester +15277730 rate_of_flow +02593863 sciaenidae +00692718 hypostatize +00829378 tutelage +01807314 antagonize +06077413 histology +00902424 justify +08817630 republic_of_bosnia_and_herzegovina +02648456 hexagrammidae +00625427 pull +01861778 mammalian +00212173 hirsute +08179205 poor_people +07857731 humus +14235928 angioma +01594372 swallow +13600822 volume_unit +01780202 fear +02533424 sardinops +05504532 autonomic_nervous_system +12978381 order_blastocladiales +00620424 butchery +00286333 ebonize +09896520 carolingian +01672753 crochet +00052672 adhesive +00747671 self-indulgence +05708432 perception +08992648 st._thomas_and_principe +05555917 paunch +12668364 mitchella +02831724 bunk +13602526 emu +12286581 genus_carpinus +12665048 bedstraw +02525543 macruridae +00922867 show +00446885 react +02586619 rule +02554235 streetwalk +12538603 lathyrus +00977336 promulgate +13066631 ustilaginaceae +01782432 quail_at +04128499 sailing_boat +01880113 thump +01915365 transit +01140315 scollop +03557360 ice_hockey_rink +07571547 dim_sum +02032415 diverge +08690194 dropping_zone +01745377 indent +01414841 rhodymeniaceae +01276194 coral_sea +05158619 superiority +01193099 stuff +06652242 rule +10489944 psychotherapist +12653218 bramble_bush +11991549 liatris_punctata +11414874 perturbation +01227235 permeate +09997404 debater +02249365 family_diaspididae +00681125 indispose +08168367 foreign_country +02751597 lubricate +01627355 generate +04311595 steelworks +04732543 trademark +00582388 occupation +11828113 genus_chenopodium +04102406 roller_coaster +05701944 basic_cognitive_process +03189995 valium +01711749 set +01528654 titlark +02749479 assault_rifle +06210363 viewpoint +11052672 hitler +11910271 lyreflower +06008382 coordinate_geometry +08804049 herculaneum +10360747 noncommissioned_officer +09467765 urubupunga_falls +08726305 szechwan_province +01389186 overbear +01820190 subfamily_loriinae +11607392 order_coniferales +05539454 noodle +13574452 wastage +01711662 theropoda +09986532 faultfinder +07477945 crash +00557419 pass_completion +10616379 sneerer +00574514 demineralize +10995592 george_iv +13711060 standard_pressure +00258695 rubdown +01338663 tile +09884666 stooge +14436438 unimportance +00371051 refrigerate +03676483 lipstick +12121033 plume_grass +13262462 spoil +01348174 lock +00917772 promise +11658709 prumnopitys_elegans +12932532 genus_anthriscus +05960698 dualism +05349445 labyrinthine_artery +12339526 syzygium_aromaticum +01072949 play +04648207 frivolousness +06432715 exodus +01888520 order_insectivora +00595032 marshalship +11920344 genus_ammobium +14607521 acid +04639371 strictness +05781347 presumption +09084750 indiana +10021892 dr. +02588871 pal_up +14589223 solution +01649251 put_on +04298308 stairway +01821869 shell_parakeet +14325732 intestinal_colic +01286777 latch +02020413 overrun +08787240 sparta +02032634 converge +06467445 summarization +09935434 partner +04522904 vasodilator +02441723 mustela +14557898 dysfunction +01574292 grip +02209508 genus_bombus +12510197 genus_butea +10793168 wrestler +13794034 inclusion +00533185 sentimentalize +01209220 succour +08479894 rave-up +02919100 insurrectionary +13524925 operation +10325957 moderationist +01230710 prod +03830278 norlestrin +08858248 british_isles +06956287 finno-ugric +12592351 orbignya +00568813 fault +11915899 everlasting_flower +12025019 tetraneuris +07827554 caraway_seed +07525057 uneasiness +00250259 development +00650353 tell_apart +09648309 mayan +02270326 lepismatidae +05408388 epinephrine +08542304 commons +08827126 ontario +07370671 raising +04962395 dappled-grey +11702252 hornwort +01742244 ridge +02811936 crenellation +08945277 savoy +07961270 gob +09161803 venezuela +14355901 spondylitis +00310386 thrive +09721444 macedonian +01736796 potamophis_striatula +11683556 shell +07501545 dislike +04760296 intangibleness +00852506 tease +02316707 echinoderm +12967281 order_helotiales +02138611 flash +03464757 guardhouse +02290153 genus_ephestia +01391933 family_endamoebidae +00217427 flow +00372013 accumulation +02274299 take_over +04228844 skid +07315790 famine +01489275 genus_carcharhinus +04128837 sailing_vessel +02659667 microstomus +14514392 distaff +12007560 genus_rhodanthe +04612722 yield +01963942 spring +08736517 republic_of_cote_d'ivoire +01417041 order_dinoflagellata +01195867 trial +01586541 mimidae +01169194 surgical +02426813 eland +00303849 parachuting +02237631 honour +01743784 pattern +08207001 mujahedeen_khalq +10483799 prophetess +08518505 capital +10045713 pedagogue +02433123 shake_up +00797430 refuse +12788201 hydrangea +05783357 diagonalization +04625284 uneasiness +01178415 boston_tea_party +00240184 origination +10292192 manservant +01474513 manageable +02669789 suffice +02459808 myrmecophagidae +05983654 will +00664483 verify +05000537 stoutness +03347472 fire_tongs +01502540 barrel +06578654 search_engine +00623670 substituting +13587963 modulus_of_elasticity +11412334 butterfly_effect +14598079 absorber +08630985 region +07465448 series +06255354 airwave +13999206 incarceration +12525975 genus_desmanthus +10317500 mp +00076196 solecism +08906374 nepal +00746479 fate +07902799 aquavit +02282506 store +01649999 propel +01146288 immobilizing +06741305 self-justification +01742556 hoe +13617308 fthm +14657228 tellurium +01318478 migrator +00169458 change +02291708 yield +07968354 people_of_colour +06144081 archeology +02743547 humanistic +03383948 fork +00233795 inactivation +01516064 genus_archeopteryx +02576110 freelance +13558696 sorting +13504173 loop +09222880 black_hills +00368592 dissemination +07794159 shrimp +04247011 smokescreen +05327134 mucous_membrane +05055278 transitoriness +06862562 clef +11702999 lardizabalaceae +01283935 lexington_and_concord +09713501 hindustani +03293321 epsom_salts +07489548 libido +01136614 gun +01697837 tomistoma +14061462 cellularity +01020356 write_down +03865949 overshoe +13615036 dry_unit +01684663 paint +02002720 turn_back +08954611 korean_peninsula +05515670 sac +07927931 dope +01730812 racer +00427802 minimize +01270199 wash +12834671 hydrophyllum +01586278 toy +02641957 delay +02518178 silurus +14313661 mummification +05667196 practice +09854915 biochemist +11072396 innocent_xi +07238694 speech +04857738 valour +00557588 play +13622591 bushel +02087745 swing +10296618 sufferer +09845999 cosmetician +11707827 umbellularia_californica +13812607 relationship +10279018 shop_mechanic +04285622 sports_implement +15145586 infancy +02526085 reach +00277376 wetting +06839858 phonetic_symbol +01443398 genus_carassius +02055975 speed +05020981 bounciness +00059376 slip +06275095 overseas_telegram +09791530 analyst +02143539 unearth +02256882 tibicen +12148079 genus_arundinaria +01315140 dowse +08912279 shiraz +02389559 equus_asinus +08098499 taoism +01302183 pound +06168855 etymology +03233905 drawer +05002822 posture +04022434 slide_action +01769635 phalangida +07094508 scansion +13974317 immunodeficiency +07281871 sprechstimme +00619869 misunderstand +01123415 carry +00847478 disgrace +01134037 finance +14890659 lubricator +10881092 camus +02539359 wearable +08174398 north_atlantic_treaty_organization +00935987 get_out +05084201 distance +15140405 lifetime +11949217 genus_chamaemelum +06396930 introduction +00334509 gesture +14977504 paving_material +02346724 take_up +02468793 unitize +00575657 doddle +01990694 emerge +12015840 solidago +15190895 october_12 +00944924 infer +02850732 liquidizer +13295657 rent +02833576 chamfer +01067819 trifling +04402057 telephone_line +07983170 roman_mythology +00851689 natural_family_planning +10386312 pariah +15025571 cytochrome +05355890 uterine_artery +11064834 hughes +01752728 sporulate +02403454 moo-cow +14459824 refinement +12216628 embothrium_coccineum +00333366 agitation +01581041 perisoreus +00629738 think +05457973 ovum +12557280 green_bean +08676349 barrio +07230502 naming +02501738 throw_out +02578384 snooker +08952628 faroes +01028381 military_ceremony +07506382 ruthlessness +00511817 romp +10716389 torturer +02338319 neofiber +14806333 chalcedony +02092476 retreat +00069295 secrete +11547562 fern_ally +09587565 fictitious_character +00206998 help +06544142 will +08438067 growth +01515566 catapult +02440244 lead +01282545 hollow_out +02072355 monodon +08621598 position +01452954 zeus +00182406 add +10583916 settler +01892849 carom +13491060 solidifying +01430633 wank +04936846 thinness +13874073 equator +02273083 preoccupy +11621029 silver_fir +01517055 wreathe +01067002 gulp +08702402 south_american_nation +02083237 lime +07270179 marking +12575679 tare +13940456 top +00307785 irrupt +01251928 smutch +01391569 order_amoebina +01751021 fringe +10468559 president +00256369 bulk +06410776 notice +12505253 wild_peanut +11714853 water_lily +11312709 stanislavsky +02139479 suborder_megachiroptera +10212780 interpreter +02662297 vary +01812720 invigorate +12567768 robinia +12180714 hoheria +00277935 straighten +00226379 rarefy +12437311 genus_kniphofia +05463533 nerve_centre +03050026 cloth_covering +02235666 sell +00946755 number +02177644 family_anobiidae +13049285 order_aphyllophorales +01255222 abscise +02403537 lay_off +06103270 atomic_theory +11543792 marchantia +03528523 home_computer +00091234 throwing_away +11948264 knapweed +00216723 removal +07015510 comedy +01256743 lead +13111504 tree_stump +11869351 cress_plant +02066304 straggle +05093581 dimension +12924036 mercurialis_annua +02661769 aberrate +02235229 surrender +06278662 electronic_communication +04551950 warp +11484861 moonbeam +06050024 epidemiology +02573127 set_up +03601335 joint +00597957 proctorship +09365863 narrow +15043118 smaltite +01802721 phasianid +08956760 laos +02182342 chime +01818835 spur +07560422 ingesta +09473808 wabash_river +01848123 teal +02585872 cichlid_fish +03928001 physics_laboratory +02021532 make +00717208 premiss +06676416 syllabus +10484526 proposer +00117959 winking +03779621 moulding +06313651 grammatical_construction +02208903 rent +09356781 mobile_bay +11759049 genus_albizzia +02663211 turbot +02900705 briefcase +02339171 yield +08787466 epirus +03345837 fire_extinguisher +14082595 convulsion +14226056 eczema +00823129 saint +01873144 ornithorhynchus +00808614 hold-down +12355023 traveller's_tree +10686313 sympathizer +02945161 camp +13885836 knot +12906498 mandrake +04290259 spur +00976653 push +12347639 wicopy +12559518 piscidia_piscipula +00712389 misestimate +01976488 tumble +06032246 correlation_coefficient +15183802 religious_holiday +07241837 speechmaking +05138488 value +02579247 solemnize +15232406 paleolithic_age +01821996 sympathize_with +10636598 spirit +02611425 opisthognathidae +10770891 water_witch +02581289 genus_decapterus +01593254 pry +05510173 respiratory_tract +00052548 inseminate +00984609 reconnaissance_mission +12943302 sanicula +00983824 utter +02341475 water_vole +02606194 pomacentridae +11678010 cornstalk +03880323 pan +02580336 scad +09616573 oenologist +04985198 pitch +04921011 inheritance +02351212 zapus +15118453 time_off +00808182 restriction +13300555 penalty +14451349 pressure +01407904 drive +02296612 heliothis_zia +01998920 lepadidae +15298011 overhead +00559102 excite +02436645 water_deer +01720660 enter +01716619 play +03673450 lingerie +08771596 bavaria +09210604 atmosphere +01424607 haemoproteidae +15034939 bacterial_toxin +07588947 stew +00023271 noesis +01168468 eat +00285557 step +00951911 tut-tut +12072210 malaxis_ophioglossoides +05123416 extent +00700652 psychotherapy +00921738 mark +01582200 shroud +02658283 check_out +12614962 genus_egeria +01727646 colubrid_snake +14402922 stutter +02194414 oestridae +05305136 tastebud +01262113 layer +08345366 haganah +03213014 electrical_distributor +01615020 hedge_in +00725772 dependent +14674408 emulsifier +07203126 statement +04635104 activity +06471345 credentials +01796729 moorhen +02353709 geomys +12199266 screw_tree +02658531 pleuronectes_platessa +01144657 hunt +08984567 iberian_peninsula +00849080 mock +09798534 vindicator +05564323 forearm +04914694 impoliteness +04565375 weapon_system +10757492 visualizer +13035521 genus_helvella +09639719 paleface +02738031 armament +01126856 passage +01352996 screw +01070892 suppression +04903813 equanimity +01989701 stomatopoda +01778984 genus_dermacentor +13265904 financial_aid +01809980 knock_out +02454119 family_dasypodidae +09158268 milwaukee +01215392 blessing +00741685 circumvention +07468244 race_meeting +01294502 shiloh +01165043 use +13845838 desynchronizing +02514575 osteichthyes +11126490 vladimir_lenin +01159964 conventionalization +08177958 city_state +12490671 genus_bauhinia +10166394 pagan +11963932 incienso +07375781 upthrust +10895549 maurice_chevalier +00449517 car_racing +01387656 plait +07808904 tabooli +08808292 liguria +01804414 handle +13573915 vulcanization +09038990 kurdistan +02566325 morone +06593803 series +01356086 order_eubacteriales +01201021 separation +00369864 cool_down +12600574 polygonaceae +00407633 mount +06988057 arabic_language +01922303 worm +01877204 fluctuate +12582846 feather_palm +01621714 strigidae +14543552 riskiness +04682184 nebula +00745383 troll +02601589 mugil +02395244 sus +09255207 continental_shelf +00241507 kickoff +00299580 adapt +00702601 pace +07175241 agreement +07346344 soliton_wave +13895852 wart +11736216 laccopetalum +00249780 promotion +01668257 pseudemys +10544748 wrecker +00521562 presentment +00789448 telephone +07753743 passion_fruit +04209613 shower_stall +04004767 printer +03327234 fencing +04819026 understandability +02272552 thrips_tobaci +03098803 pharmaceutical +03512911 helm +07676425 chipolata +07993109 biota +12694193 malpighia +08197386 air_force_isr +04140064 saw +02347140 genus_atherurus +05229622 fibre +05717747 finish +01673472 loop +09715833 israeli +10410815 tyke +01830183 phoeniculidae +05754519 introjection +00049003 ingress +04924103 age +12285049 grey_alder +05888929 theory +00625963 panel +03117420 counter +00032981 lower +07007945 play +01493366 squalidae +12557681 scarlet_runner_bean +02970849 cart +08019281 continuity_irish_republican_army +11598991 welwitschiaceae +00865776 ooh +05298729 viscus +01990007 mantis_shrimp +00866606 pilomotor_reflex +05477686 rhinencephalon +10012377 dieter +15006789 synthetic_rubber +15178841 muslim_calendar +00813044 turn_over +09991026 swell +09618760 exponent +00883635 triumph +12252620 family_epacridaceae +12081022 pterostylis +14875077 fuel +02673139 cadaverous +01263711 recruitment +08925830 fukuoka +12371002 genus_actinidia +04146614 school_bus +05556325 hip +01663920 brew +02304648 snap_up +14417697 disjuncture +01134699 screwup +00333829 disturbance +10425946 philosopher +03062461 codeine +08788887 troy +12517820 genus_codariocalyx +03671668 product_line +06072476 lepidoptery +00163779 naming +01770081 phalangium_opilio +01939174 sleigh +10218043 ivy_leaguer +05128519 surface_area +11468172 induction +01981036 put_down +01186192 affirmation +01574923 lower +02992795 sellotape +02037278 phalaropidae +08967484 republic_of_mauritius +12881429 genus_collinsia +12006503 ratibida +00601043 steep +07347051 travelling_wave +07262704 turn_signal +06088995 organic_chemistry +11450869 nonparticulate_radiation +01612295 cram +05354744 temporal_artery +00006523 snort +12468081 genus_trillium +14951377 paraffin_series +01068380 traverse +08679369 watershed +14799244 abrasive_material +07384898 sibilation +08541288 glade +01041111 consecration +13562862 succession +01605630 hawk +02710766 anesthetic_agent +11895980 genus_schizopetalon +07187996 mendicancy +12013035 viper's_grass +05971086 determinism +12638218 plum_tree +14574846 condemnation +14010148 inactivity +10612803 sloucher +07129602 suspiration +13271320 endowment_fund +13495873 ignition +01390210 embower +11803475 subclass_caryophyllidae +00807178 reject +12668517 twinberry +03748886 ware +13429780 amelogenesis +02495038 detain +02279127 inachis +05331653 tear_gland +05967097 reformism +08235828 service_club +02618244 family_ammodytidae +06143154 social_science +02656763 room +12916025 genus_aegiceras +03928814 piano_keyboard +00168588 restore +02427103 set_up +05540513 cranium +02410393 thick +01100145 win +12047586 genus_brassia +12223160 stenocarpus_salignus +06795746 token +01733829 trumpet +02761557 automobile_engine +03446070 golf_club +01764800 tranquillize +12771390 kaki +09608520 behaviourist +07118002 nasalization +01752025 fret +07860805 batter +10471250 priest +02262139 certificate +07528807 intoxication +00994454 decrypt +08136767 us_border_patrol +00137940 repercuss +02577755 decoy +09782167 souse +13992514 liberty +11835451 spinacia +00138956 snatch +01013856 topicalize +08347704 nro +11654124 genus_dacrydium +10206173 squealer +03479647 psychodelic_drug +14526635 zeitgeist +06268784 feature_article +04133211 sampler +13421832 budget +07729485 soybean +15003969 remover +11993932 madia +11236317 william_pitt +04293119 squeezer +08918944 assyria +00565809 undercut +09202810 araguaya_river +00504975 ludo +12300441 order_oleales +11641788 taxodium +08975617 kashmir +01032040 service +01395885 genus_paramecium +00947719 misuse +00815686 respond +14973585 pantothenic_acid +15004501 residue +03002351 nutritionary +07090108 wordiness +00232386 cancellation +02243567 rough +13193269 fragrant_wood_fern +00702969 preordain +03641706 overlap +09756195 abhorrer +01951721 family_akeridae +01970502 genus_argonauta +01344903 clinch +04270891 spear +05544575 sutura_lamboidea +02459001 mylodontidae +14107374 stricture +09013353 riga +09722399 mauritanian +05511061 urinary_tract +00064643 hurt +06414372 textbook +01727684 pipe +00460900 stay +01714208 perform +09025728 cordova +00385266 breaking_away +00115036 haulage +06796119 stamp +02690384 straddle +07386920 muttering +01158572 use +10560352 schoolteacher +01872772 spiny_anteater +05978159 invocation +11949707 genus_chaenactis +03975035 pointed_arch +02653359 genus_balistes +00120202 spring +07046737 larghetto +00716531 suppose +13996061 liberty +05960464 dogma +14991927 plant_product +01719914 therapsid +02594807 genus_equetus +06601973 lexical_meaning +07468534 swimming_meet +13543231 psychogenesis +00217700 submerge +11603045 genus_encephalartos +03508101 warmer +07050952 folksong +01238640 strike_hard +07177437 accommodation +00955148 mean +01570744 scrag +06720371 libel +01016201 pickup +09365288 nanga_parbat +05783940 synthetic_thinking +03854815 pipework +05074057 straightness +07578093 spread +00260622 reform +09095023 old_colony +04242704 slop_bowl +00902289 prologuize +11790239 orontium +05129201 length +08382056 british_cabinet +11749112 granadillo +00245457 grow +02325042 transfuse +15260964 reign +01542252 molecular +07152752 watchword +01031109 post +02439732 steer +09195372 amazon_river +02583211 family_characidae +01236164 strike +11241854 pompey_the_great +03806381 narcan +04650201 sense_of_humour +00439588 stupid +02560548 wide +02179154 trump +04214871 sideline +03336575 filament +11553240 perennial +08053260 pontificate +13724350 dkg +12238306 ledum +07487063 pining +00288563 retouch +01975687 malacostracan_crustacean +01680264 spiny_lizard +01498498 middle +05237755 body_covering +01828736 love +02042180 pewit_gull +00133978 sensualize +00876665 consult +13783816 single-valued_function +13206001 genus_acrostichum +15145782 anal_stage +09839167 bargainer +10729175 trier +03098140 panel +14457218 hairlessness +10127555 geographer +13618629 fluidram +01478423 close +00150762 skimming +12806015 ribes_uva-crispa +09243209 lake_tahoe +10060175 entrant +01631072 renew +06737112 bidding +03635668 laminate +07421316 equipment_failure +00087454 sicken +08785958 dipylon_gate +13089902 glochidium +03990474 pot +02701445 sleep +04877421 dedication +01740005 hypsiglena +02519494 attitudinize +11084895 jimenez_de_cisneros +02166460 study +02261630 trogium +12834798 waterleaf +07735803 turnip +13077033 mould +00709205 want +11321051 strasberg +01876028 sway +02158587 mask +01790020 upset +09266453 dhaulagiri +01495192 squatinidae +12759120 genus_anacardium +11620560 genus_abies +01119169 attack +03763133 military_installation +02188848 wiretap +00316195 revalue +06696483 laurels +02510240 genus_ailuropoda +01885856 notoryctus +00230276 follow_up +02520015 pylodictus +09928136 ecclesiastic +13078133 moniliaceae +00866273 micturition_reflex +02650552 shack +01320009 reap +02939919 rotatory +01468576 turn_out +03117199 counter +01869563 sweep +08070850 investment_trust +02048952 genus_gavia +08992181 san_marino +02850060 blasting_cap +01093587 make_peace +02611373 stand +00044353 potential +02254258 settle +01403805 order_fucales +11978233 sunflower +10305192 meddler +05664069 system_of_logic +12384375 yellow_granadilla +13080866 yellow_spot_fungus +01750421 etch +02158196 overshadow +00244416 encapsulate +12494358 wild_sensitive_plant +01938288 speed_skate +05629381 underworld +03576215 instrument_of_torture +03705379 magnet +01454431 tow +10512372 recruit +01454636 tug +00106592 gown +00884317 promise +00398704 translation +05485098 pineal_gland +00114837 convert +09382362 ozarks +05585383 systema_skeletale +04528256 verge +13541491 professionalization +10342770 muzjik +02233096 suborder_blattodea +03380134 footlights +10776339 whiner +09074431 panama_city +00835609 uneffective +02529515 family_clupeidae +02894605 seawall +01462209 trophoblast +00552253 volatilize +01404813 genus_fucus +04123740 saddle +02537847 salvelinus +00733044 solve +10228278 jurywoman +11078404 jaffar_umar_thalib +00912274 dismantling +08765771 naze +06185748 nullification +01423285 fill_up +06390805 end_matter +01687441 family_agamidae +04080833 respirator +04199027 shoe +12866824 satureja +08031020 let +01258302 strike_down +00077419 acquisition +05247057 salpinx +07039949 allegretto +04076533 reproduction +02533075 sardina +06300632 main_entry_word +10313872 microscopist +09609561 capturer +12330751 pimenta +13636648 coulomb +04320126 stimulant_drug +12330891 wild_cinnamon +08252211 social_gathering +01071411 mercy +02438897 giraffa +02741149 range +02727281 aphrodisiac +12164881 winter_melon_vine +00851733 needle +02222718 order_isoptera +12629946 genus_fragaria +00730052 think_of +00893741 alibi +01812866 columba_fasciata +00192613 saving +08677801 vertex +04817923 splashiness +03800563 museum +01167146 obeisance +13149506 white_pepper +12697360 genus_chloroxylon +11499284 radiation +02767433 backrest +02365848 genus_dasyprocta +00427580 trick +01415256 family_bangiaceae +01938426 ski +05430628 vegetative_cell +02401031 bovid +00228858 moonshine +10822962 jakob_hermandszoon +09637512 colored_person +05713101 just-noticeable_difference +12902021 tabasco_plant +07459642 burnup +02395395 depute +02466670 pass +06803157 warning_signal +13965627 misalliance +02336015 canalize +00729642 project +08279298 academy +00317594 drive +11639609 taxodiaceae +01437805 order_cypriniformes +12774299 manilkara_bidentata +00706371 shock_treatment +00079018 purchase +04609811 x-ray_tube +02193612 resolve +06501918 manifest +03947111 pipette +11435028 electric_charge +10172448 troglodyte +02565911 fall +11410298 crystallizing +14145501 common_cold +05273822 zygomatic_bone +00043765 existent +00212808 relinquishment +00051045 equal +03013580 teddy +01952812 pectinibranchia +00469382 wear_thin +00663160 control +02213690 withhold +05283498 pearly +14532816 allergy +02181973 toll +07170753 interpretation +00297507 zero +10052843 emotional_person +08190482 enemy +09930876 merry_andrew +01023574 quote +02621721 gempylidae +12747961 genus_celastrus +10030277 playwright +08734044 republic_of_the_congo +02244619 smooth +09065557 san_francisco +07436100 squirt +13308999 taxation +09107626 st._louis +06051134 hematology +03836699 nux_vomica +02045043 rotate +08405124 headquarters_staff +12391477 urticales +08378356 taxonomy +02313250 deprive +14499594 untidiness +04595285 wire_printer +02151625 wing +00414409 relocate +01226240 honourable +02499434 genus_arctocebus +03974215 point +12142085 wheat +12907287 nicotiana +06761603 hedging +02443609 preside +00931608 redaction +08542081 climatic_zone +02330247 step +10409634 payee +06226934 second_adventism +06700169 first-class_honours_degree +04203705 storefront +00138221 osculation +10004539 leaver +12315818 genus_fothergilla +14651212 praseodymium +00423971 emerge +00207434 ostracism +02223694 reticulitermes +00330457 speedup +00063557 inflame +12087207 family_burmanniaceae +08044676 sl +14542579 moral_hazard +09155306 wv +01838326 picidae +10484858 public_prosecutor +01707737 orchestrate +01838598 woodpecker +10265070 social_lion +00961736 reword +11757190 jerusalem_thorn +10041373 earl +02073532 trichechidae +01653442 manufacture +12120812 genus_erianthus +00737188 irregularity +10690538 tamer +06726939 promulgation +00844941 peck +11534434 tracheophyta +02540670 wait_on +14620895 haloform +00957378 define +11952346 goldenbush +08779504 suomi +06891493 public_presentation +09070363 wilmington +00135799 hook +14358335 vaginitis +01005284 scaling +01753488 sand_viper +09912765 chebab +07175102 misreading +09112857 atlantic_city +12776946 styrax_family +05728493 data_structure +11712282 yellow_poplar +01960301 ostreidae +09533498 taoist_trinity +00895135 manual_of_arms +04305016 stassano_furnace +10369699 obstetrician +00317888 protract +01839086 picus_viridis +09951274 computer_user +11656771 mountain_rimu +10458111 solver +02072501 inch +11818945 tetragoniaceae +00768062 memorialize +12534453 hedysarum +01748906 ophiophagus_hannah +13262335 stolen_property +00069173 breach_of_contract +00799409 consumerism +02575325 sharksucker +02568636 serranus +04809784 lawfulness +14807929 catecholamine +00979411 retroflex +07018931 play +00473003 sparkle +01194238 content +00040962 relation +12601494 polygonum_fagopyrum +14066203 prostration +02360480 eutamius_sibiricus +05406128 gastric_juice +01042764 devotion +05594037 leg_bone +03569293 inertial_navigation_system +10028765 inductee +08765069 oslo +07189130 prayer +09131553 youngstown +13475538 wearing_away +03020692 chisel +02421374 unloosen +01077887 open +09170788 libyan_desert +09407346 remains +11648428 plum-yew_family +03738241 mechanical_system +04646990 committedness +10522035 representative +04294426 stabilizer +12680402 viburnum_trilobum +01953197 genus_cypraea +02343187 mesocricetus +01523656 perching_bird +08088963 high_church +00290132 tone +01109259 trump +08762823 djibouti +03541393 hospital_train +01817424 psittacidae +01109467 exchange +11408243 zwingli +04360501 support +08166187 judiciary +03231160 drafting_instrument +05072663 curve +10437014 placeseeker +10337789 mujahid +07580053 side_order +01180351 serve_up +01732789 pilot_blacksnake +10552486 satanist +15203791 yr +07760859 custard_apple +02431971 administrate +05082507 stance +04872531 ingenuousness +02936020 cafeteria_facility +03453809 graphic_art +01218593 appreciation +01117541 sale +04872958 motherliness +01681513 urosaurus +14440623 degradation +00308534 hydrogenate +12848870 lamium +02392654 intangible +02602212 relax +09959258 police_constable +05959954 creed +07295955 worst +02332999 victual +02460009 new_world_anteater +05016001 cool +10693052 taxman +12897999 solanum_wrightii +00764258 international_terrorism +08959495 monrovia +02204722 sciarid +06123363 architecture +01827948 genus_ceryle +14732946 enzyme +06021499 statistic +07436475 volcanic_eruption +02195951 sugar +07552087 ill_humour +01402831 order_laminariales +06154464 neoclassicism +10490699 publicizer +09326662 mound +08800911 western_roman_empire +01948573 limpet +09900499 cataloguer +14195715 thalassemia +03163973 input_device +03461385 market +04660536 thoughtfulness +06716234 scoffing +05839024 variety +01262441 disforestation +01227908 politeness +02736511 scene_of_action +14547643 valetudinarianism +02730471 feel +13711855 bar +14437552 respect +03401721 fuel_system +09798811 apostle +01648494 genus_bombina +02612762 go_to +00531302 desolate +12131767 poa_pratensis +00341422 supervene +00483801 cut_up +01254692 cut_off +09708648 gaul +06793426 posting +08376250 concatenation +02093390 flap +08482271 head +10716005 tormentor +02710402 meet +07204911 negative +01463965 loving +12775717 pouteria_campechiana_nervosa +07746186 persimmon +05578740 tendon_of_achilles +00971075 stylish +02517265 unseeable +02245765 transact +13945919 status +14768201 white_arsenic +06472025 commercial_instrument +00044150 implementation +00509206 incompatible +01987727 river_prawn +06767922 slam +01357707 division_cyanophyta +13486671 gastrulation +01619929 destruct +08610305 yellowstone_national_park +03167978 deck +02112497 griffon +04026053 purifier +00649760 dialysis +06226057 christianity +07035870 hymn +14749794 oestrogen +07122730 noise +05830059 pain_in_the_neck +01701634 outline +00772189 reason +05633672 inventiveness +00730247 duty_assignment +00119079 rumination +02607455 medical +02752931 supplement +04497005 tumbler +05941210 shape +02705944 amplifier +00428000 festivity +11775340 rauwolfia +10323182 missioner +12264621 genus_chrysolepis +01073824 splurge +10384214 ornithologist +04557308 water-base_paint +09891470 paddler +13552270 rusting +09715165 irishman +06261922 interactive_multimedia_system +02593001 humbug +06507041 registry +01030820 ritual +14647623 azote +03612134 oruvail +02730304 formalized +04810035 legitimacy +11801038 family_aristolochiaceae +06598746 skimming +03991202 potbelly_stove +02588099 unworthy +00793785 tempt +11937965 genus_baccharis +14213328 curvature +01174988 stinger +14452294 surfeit +00611143 practice_of_law +00073343 void +00018158 uprise +02589245 consort +01550033 pyrocephalus +00595785 pastorship +07757132 cherry +00708538 think +01534609 splash +05597594 loins +01552219 whittle +15272029 wait +02616572 family_anarhichadidae +10164233 schoolmaster +08857099 sao_joao_de_meriti +00555325 fit +02386496 dray_horse +02632239 luvaridae +02025353 flock +05631449 purgatory +11495041 pressure_level +01740608 till +02151394 visualize +11708658 anise_tree +00166172 move +01774136 hate +05952490 supernaturalism +08775439 pfalz +01853696 transit +10597234 signer +04613696 yurt +10746346 vanisher +10750365 vicar +12629666 loquat_tree +08765315 bergen +14422179 melioration +01817574 work +06973610 iranian_language +07365024 flop +07821107 winter_savoury +00225786 throttling +02300378 genus_bombyx +08100907 vicarship +02102484 sensitive +12315424 genus_corylopsis +03697109 lumber_room +07298982 shock +10717589 toucher +12954185 leptopteris +02116777 horripilate +08759986 togolese_republic +00545557 evolve +00209837 rot +01694430 varanidae +02239347 family_coreidae +02253913 woolly_apple_aphid +05882793 law_of_thermodynamics +01497292 underlay +01516071 boost +09448361 watercourse +02148512 spotted_bat +04377057 system +11787391 genus_dieffenbachia +02562796 crappie +01783158 religious +04041544 wireless +07041902 sextette +05735478 imputation +10480730 professor +14577046 identification +00841628 surfeit +02114924 desensitize +02858304 boat +02469711 balkanize +12356668 genus_zerumbet +13532886 parturition +06143546 anthropology +09022265 uzbekistan +01812471 genus_columba +09993901 woolgatherer +08750822 santiago_de_cuba +15218037 rajab +10312077 metallurgist +09379938 orinoco_river +01643092 genus_eleutherodactylus +12166424 strainer_vine +00200768 reorganization +00994682 transliterate +04361641 suppressor +03933529 wharfage +06836929 gimel +00342028 rotation +08998560 somalia +15298283 great_schism +04561734 waterproof +13908201 cleft +00744443 injury +05300675 auditory_apparatus +14365619 hyperpyrexia +14365356 pyrexia +13074277 genus_cortinarius +14138691 plague +03343354 vertical_flute +05687338 trouble +07560652 fare +02581675 represent +02493509 titi_monkey +11952153 genus_chrysothamnus +02549533 synentognathi +07525555 scruple +01202904 cooperation +00159620 temptation +14744841 plant_hormone +09090825 pelican_state +12493426 locust_pod +13005166 omphalotus +15283097 tempo +13385583 subsidization +05286536 connective_tissue +00906735 sentence +00117985 stay +12878169 kitten-tails +02496576 suborder_lemuroidea +12696322 genus_azadirachta +01404129 fucaceae +10313580 microbiologist +12411084 iris_family +08021129 grapo +08133189 doei +03039947 cleaning_implement +00879759 watching +03651947 sounding_line +05962414 gymnosophy +00500449 carom +02118333 fox +04860586 fearfulness +02427726 ordain +09153710 bellingham +02026629 surfbird +02345213 myopus +01896484 break_dance +02170269 family_dermestidae +04998530 physique +12632875 heteromeles +01974916 underlay +00125629 striking +02618688 stand_up +14877585 gas +07884182 quaff +12927758 tung_tree +08231184 league +01637796 hydromantes +12061849 genus_epidendrum +08391387 national_guard +12039524 order_orchidales +07733005 garden_cress +06984953 biu-mandara +05866653 point_of_intersection +09083659 decatur +10560637 scientist +02087156 land +07892813 white_wine +06605046 euphemism +06808493 notational_system +03260293 dynamite +08750334 republic_of_cuba +03886237 papaverine +09475292 waterfall +04618781 personhood +07042586 serenade +00811375 avoid +02018027 coot +01981884 maja +02464693 trusty +11777779 vinca +13421095 unlisted_security +10373998 progeny +01850676 genus_aythya +03239726 drill +04393095 tape_recorder +10553235 stroller +13578267 systeme_international_d'unites +08108784 tribe +08614104 overlook +00621058 straighten_out +00542841 snake_dance +00476744 strain +02574205 victimize +01471043 snatch +01578513 soak +06687358 warrant +09032604 genf +05874232 rule +01711965 film +01628770 urodele +01520844 untangle +00099721 work_out +05284333 vertebra +04666837 virility +11986091 lactuca +01738175 storeria +09388121 pecos_river +08899351 memphis +01406092 euglenophyta +02055803 penguin +09899929 sophist +00631737 think +01505254 pull_in +12663554 genus_cinchona +13329641 assets +12944590 sison +15286249 rate +04446276 toilet +10553402 savage +03209910 floppy_disk +13461162 demand +03961939 platform +00248659 shape_up +07229747 vaporing +04557111 water_back +11524662 weather_condition +08785343 greek_capital +00573247 deaminize +00140900 fingering +05228020 mammillary_body +15006118 latex +03431243 gear_mechanism +02016816 moorhen +02568959 grouper +14778019 gastric_antacid +09358096 monterey_bay +11854760 pokeweed_family +11239271 plato +04780755 nastiness +04937043 runniness +10068804 excogitator +09772930 trollop +05643190 technique +02568087 striper +09830400 backbencher +01431230 snog +02292535 peculate +09007471 european_russia +13457378 diminution +12610933 order_naiadales +08846626 graz +05451981 t_lymphocyte +01778568 venerate +04474187 transport_ship +12990800 family_cladoniaceae +05083328 spatial_arrangement +01051956 spout +01669654 painted_turtle +01418667 shuffle +02385634 post +14128029 undulant_fever +00323856 stew +01079480 take_on +10334567 mountaineer +11270380 roosevelt +13256691 revenue +01141841 allowance +11760128 genus_anadenanthera +07009946 script +01628302 offensive +04983122 sound_property +02484473 old_world_monkey +00506040 electrify +02399424 rumen +06530789 power_of_attorney +02005238 genus_balaeniceps +12074678 ophrys +09988703 mope +11439690 cloud +00394610 deletion +11765859 prosopis_juliiflora +14050143 vitality +10016103 disciple +01687569 stylize +04306080 station +02716767 keep_company +00084107 venesect +02279637 danaid_butterfly +12533588 halimodendron +02319967 crinoidea +06014043 analysis +00428870 maximize +05475681 fibre_bundle +02838728 vizor +00408085 set_up +04905188 tractableness +05908882 conspiracy +03845550 unguent +01425817 subclass_acnidosporidia +11738832 trautvetteria +05515287 ovary +05576194 ball +01951276 freight +03970156 plunger +12465321 xerophyllum +15031705 immunoglobulin_g +01425709 spoon +07788435 king_crab +13531149 oxygenation +04078747 reservoir +01785748 scare_off +06741728 mitigation +03243218 drive +06750804 proposition +12262018 weeping_beech +02472495 take_stock +01956344 spat +06708866 victoria_cross +01985128 crayfish +07553964 ruth +00853958 quip +02675458 recall +08167365 the_three_estates +14160179 mcardle's_disease +00275843 tidy_up +00734482 trespass +12560282 pea +10498422 quarreller +01880531 improper +09128372 queen_city +01539136 genus_coereba +10171567 herdsman +05166560 virulency +01751979 viperidae +14761806 shammy_leather +14535643 humidness +08143926 federal_aviation_agency +01705494 write +00226882 build +05825942 redundancy_check +04412550 terazosin +01067192 prorogation +04606574 wrench +04708113 simplicity +06243575 manichaeism +01110274 trade +01747144 rhynchoelaps +06402565 typing +03425956 gas_system +00329031 slip +08060446 manufacturing_business +08455271 military_law +10140783 grader +01716227 toothsome +05710573 remark +01546660 tyranni +08951957 frisian_islands +05805475 understanding +09262690 dale +02018265 enplane +11630890 cypress +02463403 lumbus +07355887 lessening +09222051 scrap +02159890 winkle +01068773 abstinence +10304383 measurer +01913838 class_anthozoa +02596592 micropogonias +05015117 low_temperature +09713108 netherlander +10397482 parachutist +09277686 extraterrestrial_object +15245515 time +03706415 magnetic_core_memory +07478169 loss_of_consciousness +01753596 design +04043733 wireless +01652297 pternohyla_fodiens +02390454 wild_ass +02510879 violent +00639478 misestimate +01137987 shakeup +00559555 sweep +02031622 detach +01003741 reshoot +10741367 urchin +01889328 talpidae +02727462 stay_on +00679389 prefer +01218084 carry +08085535 rome +09540430 sprite +11953884 plumed_thistle +15201116 thanksgiving_day +01110517 overwhelm +01548193 moral +02028994 spread_out +03525827 holding_device +07003352 strip +03058754 cypriote +10611613 sleuthhound +01988481 order_euphausiacea +00206302 proscription +05332569 thymus_gland +00912048 shout +01594978 grind +08804487 lucania +02647903 genus_agonus +06455138 gospels +07434942 outburst +00935264 out +08971404 beira +03574816 instrument +00640385 factor_out +02391994 rhinoceros +05532225 gi_tract +10380672 speechmaker +10744544 vagrant +01146051 strive +02666691 counterweight +07622061 baked_goods +05368278 glans +01129201 cover +00489496 glorify +02629435 xiphiidae +02741681 army_high_performance_computing_research_center +01317064 want +01614343 golden_eagle +12674120 honeysuckle +06160244 casuistry +11980088 helichrysum +10675876 superior +02796412 barricade +02157100 produce +02958126 teutonic +06736405 attestation +10703905 testifier +01442203 peg +02631659 sport +04721058 unsuitableness +10759331 volunteer +02466111 untrusty +08472335 political_movement +14758536 shell +07707451 veggie +11322178 streisand +11881189 shepherd's_purse +03857828 scope +08473482 unionism +09026614 malaga +10587227 shearer +02125409 resident +07083958 modulation +01751353 oxyuranus +09069862 first_state +02445394 sea_otter +00159236 backlog +03108853 cork +02887970 bracelet +02480346 pongo +06431496 mahabharatum +00164816 vitalize +09792969 anchorperson +00356258 change_surface +00591006 controllership +03146846 tiller +01118449 attack +08959683 socialist_people's_libyan_arab_jamahiriya +01296296 syracuse +09338712 lhotse +00740712 evasion +11807367 field_mouse-ear +02010144 genus_bubulcus +13485408 fructification +00940412 invention +00630026 philosophize +07260623 touchstone +00745431 abomination +03768132 mine +02540255 osmeridae +00671190 misjudge +02003204 marabout +02566015 unwilling +11842204 cactus +02523750 melanogrammus +03424862 petrol_gauge +05542893 suture +02302220 hold +08211475 shore_patrol +01301410 restrain +09954879 confidence_man +01539377 passeridae +01181475 due_process_of_law +09030096 kordofan +06101551 particle_physics +09750891 yugoslavian +04047401 railing +02185664 tick +03665924 lightbulb +13003522 blushing_mushroom +01156112 soft +07409592 touching +02538730 family_coregonidae +06015505 integral +00625119 read +02012715 gruidae +02609951 tautoga +15248020 geological_era +07550666 venom +00189580 astringent +02409369 tribe_synercus +04893525 thrift +05909585 regimen +00842772 pick +02235575 suborder_manteodea +01192150 verdict +00622266 wrestling +08312559 council +13200806 rumohra +11445564 shedding +06250597 prescriptivism +02372952 rock_rabbit +03130340 crenelle +07552729 petulance +03187595 dial_telephone +12742546 genus_cardiospermum +09942431 reviewer +01590220 wall_creeper +12597333 serenoa +08163792 assembly +02580237 infect +01768402 superclass_chelicerata +06923880 penutian +01324916 acrodont +05088324 spread +07978423 mythology +00857275 sexual_inversion +00480221 automatize +01350449 force +10708454 thinker +06514093 story +01419082 polymastigina +06771653 written_agreement +10122300 gatherer +00048656 attainment +06608728 gibberish +13206178 leather_fern +00471437 ballgame +12245472 vaccinium +02505358 drive +06641181 price_level +06260121 line +12709103 shaddock +02019431 muscle +10150794 guesser +05531666 bronchiole +12870392 thymus +08267640 matrix +00059899 abort +06716483 sneer +00590518 clerkship +02670049 mexican_green +10864635 lord_britten_of_aldeburgh +00008055 palpebrate +13211790 rock_brake +04871374 honesty +10209082 instigator +01991931 travel_along +14857897 rubble +07367385 disruption +00340463 shuffling +08726582 lanzhou +03308297 eye +02167052 eyeball +07668902 cut_of_pork +00812580 deliberate +05455690 yellow_spot +00332154 pulverize +01821418 genus_conuropsis +03180504 guided_missile_destroyer +09757175 abortionist +04476259 tray +07307754 discharge +04551375 warhead +07544647 warmness +02717472 swing +00007012 blow +05793210 rationale +02543412 synodontidae +04564698 way +08962610 republic_of_malawi +13660178 fthm +02663141 negate +10757625 visually_impaired_person +01671039 knit +05722208 kinesthesia +11695813 genus_canangium +02619122 stay +00507673 game_of_chance +05796750 problem_solving +01222884 dishonorable +08508105 derivation +09840963 barrister +00445711 freeze_out +06706504 varsity_letter +01213614 seize +00514463 set_off +04998966 somatotype +14750782 theelin +04906471 submissiveness +02378623 react +13204102 oleandra +11660848 taxales +00237877 reduce +00752764 request +00732552 observe +09880338 bunter +11743570 juncus +10549510 salvor +00311809 sashay +11900986 papaver +02430580 divorce +12796385 coast_boykinia +00868591 challenge +02141146 produce +00699334 adjust +01645634 family_bufonidae +13864153 convexity +08793489 west_bank +07743224 whortleberry +01416539 hammer +00186740 carbonate +02454939 police +07331210 exhaustion +04963740 dark_red +08928933 mombasa +11857320 purslane +02743112 horary +02380251 retire +12846143 genus_dracocephalum +02559606 family_centropomidae +11810190 gypsophila +01144873 course +04067472 reel +01733757 bull_snake +07007684 dramatic_work +01129532 upbringing +10991165 judy_garland +07322341 ingress +00271711 destabilize +02407338 struggle +04066023 redbrick_university +00588473 academicianship +09779790 raiser +01667959 malaclemys +00046534 get_dressed +00024649 refreshen +11494935 gas_pressure +03960950 plate +02739889 armoured_car +07093489 versification +00556142 scurry +00357275 tweak +06928430 tungusic_language +03163222 fascia +09906986 prime_minister +09774167 advisee +09376198 ocean +00835501 puff +02938886 calculator +05646218 subnormality +02395115 tasty +00141027 grope +00804476 yield +01650425 impel +01926311 run +01360937 pseudomonas +01944812 helix_pomatia +05558717 dorsum +12374002 rockrose_family +07255299 interdiction +04566561 weapons_carrier +07859284 sugar +00610373 learned_profession +00458276 coagulate +02021773 culminate +04184095 stem +00449295 racing +06908801 chiwere +00243900 shorten +10000616 delayer +08271042 galaxy +00555648 rushing +02848523 vane +09614315 creator +05762149 mind +02219940 sponsor +02203362 hold +00731789 focus +05981768 terminus +00810557 miss +00696414 review +11156943 st._mark +05125377 scope +05993367 positivism +11928352 artemisia +11114423 lafitte +05601662 pudding_face +00781685 robbery +08142972 uscb +12287642 hop_hornbeam +07086861 backbeat +11692265 perigonium +01757547 sistrurus +15227846 hr +00894738 rationalize +05387167 pancreas +01601268 genus_chlamydera +06763273 note +09194710 altay_mountains +02237024 fuel +00893878 relieve +01597662 dunk +13199717 polystichum_acrostichoides +14094068 multiple_sclerosis +09085334 fort_wayne +03520654 hilt +08184600 rout +09781504 alarmist +09369169 nest +09451864 suriname_river +04972801 light_brown +02691156 plane +11313911 st._denis +07711569 mashed_potato +01700934 rewrite +06026088 normal_curve +11969166 trumpet_weed +11073795 queen_isabella +01219282 bolster +13875571 loop +12224309 order_casuarinales +09920901 showgirl +11841061 pisonia +00314272 sharpen +00220023 homicide +13914608 cube +05465868 brain_cell +01383393 nest +02022359 run_aground +08334693 provost_court +08775597 brandenburg +09468237 vagabond +09875188 bridge_partner +12459275 wood_hyacinth +12994979 eumycota +02551316 scombresocidae +13449714 cohesion +11975254 velvet_plant +02475821 genus_australopithecus +00918383 horticulture +10412910 peer +04785669 inconsequence +01085237 umpire +15273955 kip +07553301 sympathy +03813834 nearside +01380902 genus_streptococcus +05865998 point +12929237 genus_camellia +14749030 human_chorionic_gonadotropin +02804252 tuba +03004824 sanctuary +02337364 computerize +08661277 teeing_ground +01394901 class_ciliophora +00182213 vote +04715487 suitableness +07956426 pack +00167934 straighten_out +04945254 thirstiness +01288201 manacle +15181718 ecclesiastical_calendar +02290956 do_good +08414807 panel +02422860 genus_gazella +07708798 legume +03502509 headgear +01150164 tackle +07356676 increase +00566099 connected +12357968 melagueta_pepper +05046659 earliness +07686021 jewish_rye_bread +02321757 steal +01017738 unfit +12996068 deuteromycetes +11647306 kauri_pine +11748501 peanut_vine +02568392 sodomize +12739595 phoradendron +08904392 madras +00448680 empty +00190682 activate +05196375 control +06610436 double_dutch +00953058 relate +12346179 thymelaeaceae +06430996 zend-avesta +07721942 cayenne_pepper +00002325 respire +02586121 sway +06855207 stamp +01007924 summarize +12018640 sonchus +06564387 statute +00512186 incapacitate +12604845 rumex_scutatus +07645469 pullet +12515925 garbanzo +03103128 engine_cooling_system +09359803 mountain +07408171 blast +08388636 peerage +13379413 personal_line_of_credit +05683197 inquisitiveness +12201761 triplochiton +06213688 totalitarianism +02481436 legitimize +02113430 expose +08855308 capital_of_brazil +15203229 schooltime +00115500 tug +02495446 ptilocercus +02735897 help +09809538 military_engineer +01723224 rehearse +11668117 monocotyledon +02185007 phthirus +02728784 trade +02498716 ticket +14723079 activator +09016860 kharkov +12520406 guar +03963028 plating +08968390 tatary +11781850 genus_alocasia +10641551 spurner +03372656 lescol +01433294 get +02117333 thrill +10113362 frontbencher +09939827 combat_pilot +08889521 galway +13327676 loss +00227003 malign +12697152 spanish_cedar_tree +09006413 russian_federation +10626194 shaman +00742051 riddle +00090708 mutilate +03436182 ghetto_blaster +01235859 vertical +03800001 muscle_relaxant +01428578 seduce +03359566 flask +12340383 tupelo_tree +09144730 garland +13546169 rationalization +02533748 democratize +06867675 solmization +08231678 minors +02063224 whalebone_whale +00980453 word +07286368 prognostication +00919877 stratification +01722077 play +01936219 polychaeta +14042165 hypocapnia +01783706 symphilid +01593156 genus_chamaea +09054350 huntsville +01580077 jay +00863433 whang +01146768 internment +12868880 stachys_sylvatica +01238204 thud +00257228 hairdressing +00369194 federate +01537409 tarnish +13151820 saururus +04928903 way +01305731 dock +13555446 shaping +02500749 omomyid_group +03709206 magnifier +07625493 pie +04438304 timer +00355524 kill +05530429 vocal_fold +14015361 standstill +07338681 bump +01466996 chordate_genus +00347276 get_to +02027030 tag_along +01259005 nick +13814601 unilateral_descent +10160913 harpooner +05510506 upper_respiratory_tract +04931965 structure +04947186 smoothness +02071142 drip +02142775 sit +02458943 lobby +00600724 involve +01415807 whop +00748011 intemperateness +01036319 scupper +09532214 siddhartha +11431754 zephyr +07420538 hurt +01115190 tie +00782057 tap +01701697 genus_stegosaurus +00394803 uncovering +12891093 veronica_beccabunga +02405252 force_out +01970866 order_decapoda +02697950 characterize +02024508 convene +10266486 lithographer +04784664 logicalness +13366537 subsistence +01847845 fly +01150938 calming +12022054 tanacetum_coccineum +00583246 vocation +05754197 introjection +01020117 replay +01265740 crumb +00380696 blending +02212323 vespidae +12028818 turfing_daisy +06418901 lexicon +13809207 portion +03101986 cookware +02762806 flare +14609198 acid-base_indicator +01962865 dive +09823287 auspex +15285279 sampling_frequency +00005526 puff +00641252 take_off +02413140 rat +02177972 weevil +09736181 kazakhstani +08253640 feast +03374102 flying_carpet +09612291 contester +05802185 reckoning +00620673 obscure +13599547 magnetization +00270440 acerbate +03808564 narcotic +01565472 violate +00430261 slash +02352804 glis +03933183 piece_of_leather +02409870 asian_wild_ox +02522247 genus_gadus +11769176 mock_azalia +13809920 particular +00572285 hooking +07319909 issue +00544549 raise +02027612 crowd_together +10758847 voicer +02510446 violable +13148791 piperaceae +13858604 reverse +11955398 genus_cnicus +07308889 instance +00341109 prostration +02043999 stercorariidae +00384933 withdrawal +02530294 genus_alosa +13089419 aculeus +13366912 stash +06394701 body +10126177 source +05234737 pogonion +02471762 hominid +02243351 gerrididae +00320246 brown +12967776 sclerotiniaceae +00053889 cross-fertilize +01930485 family_ascaridae +14189204 blood_disorder +08591486 launching_site +13905792 wrinkle +11313726 starr +03912664 talwin +01932586 crab +00075515 negative +07813579 seasoned_salt +15218663 dhu_al-qadah +01950128 bus +01128390 domination +07769731 rambutan +14059663 failure +06314144 clause +02161530 shine +08040522 qibla +02182796 sitophylus +05565937 thenar +02116959 hyaenidae +15117809 uptime +01931845 family_cephalobidae +08582837 the_pits +14701143 lac +12352287 banana_tree +15040493 silicone_polymer +06351613 script +02091689 step +04595762 wirework +00815173 steering +00508192 incompatible +02796995 taproom +02122580 stray +08081668 religion +01587713 toxostoma +11644046 western_red_cedar +01937719 hirudinea +03764822 milk_float +01607590 clap +01653509 sheep_frog +01755627 temporary +14575180 diversification +03422072 gas_jet +12874996 proboscidea +05137557 lowness +00295697 graduate +11648039 smooth_bark_kauri +00492410 maculate +05576950 instep +00316594 lift +12695760 melia +08915159 levant +01242391 slam +09920106 choragus +06558088 interdiction +12803517 tiarella +03225777 matrix_printer +02228565 genus_anabrus +07348545 surge +06557047 subpoena_ad_testificandum +07676602 wienerwurst +02057656 drive +05275651 os_longum +05229990 infundibulum +11544540 sphaerocarpus +02005962 genus_ibis +09619824 individualist +02700258 altimeter +02510769 gill +09007723 soviet_russia +01081456 confederation +15186412 september_29 +09330604 lake_champlain +00019448 affect +02125032 whiff +02232606 order_dictyoptera +08085824 sacred_college +01422662 instill +12702443 wood-sorrel_family +08713655 pampas +00826201 reprehend +01343892 fasten +05919866 substance +00677445 skim_off +07326557 cause +00451370 cycling +12174521 white_mallow +01731545 whipsnake +03234306 drawing +04930139 drape +03175604 dental_appliance +02189214 family_cecidomyidae +06715223 vilification +00828003 prophesy +00685638 decisive +15143012 incipiency +00671335 underrate +01127411 surround +14635092 cr +06769670 typographical_error +02885882 ticket_office +02507649 procyonid +08729971 nei_monggol +01833906 prolapse +00652803 blood_count +08129621 census_bureau +02291843 unstable +00895304 support +11938732 kidney_wort +13434878 assimilation +02758033 stream +05281189 sternum +03074855 comb +02037464 phalarope +01908039 impure +05646828 moronity +00621627 travail +05109808 decrement +10646325 stalinist +01073241 pampering +01375637 squirt +00763630 cyberwar +01233397 attending +06583790 library_routine +01227190 pardon +11903881 genus_corydalis +09076982 athens +13554343 sensitization +02692232 drome +06005692 euclidean_axiom +07050177 refrain +00849982 propagation +01204439 range +10229193 kamikaze +01356582 seal +09027292 toledo +12051514 spreading_pogonia +12316572 sweet_gum_tree +10311823 mestizo +01324799 insectivore +08284481 secondary_school +02040698 suborder_lari +00949841 tally +10644839 staff_officer +00840363 gulping +06812417 power +15156001 today +06599655 latent_content +01156438 mobilization +01390616 press +01566082 orthotomus +13577544 system_of_weights_and_measures +03142431 crypt +10176111 tramper +09278295 fallow +12700357 toona_calantas +06610992 jabbering +12752205 maple +09680504 roman_catholic +14403107 agitation +05801594 heraldry +00276813 staining +06940290 australian +06930934 sino-tibetan_language +00567418 forehand_stroke +10435716 urinator +10143595 grantee +00469904 neutralize +08894319 outer_hebrides +09621545 intellectual +08704409 qandahar +07885937 libation +01009637 formalization +00932624 externalization +08598823 meridian +05638987 prowess +02670683 throttle +01097192 enlist +02178886 meloidae +00963283 dogmatize +13662190 franc +06610332 blatherskite +02583958 mutiny +13446197 equilibrium +01476483 occlude +02075462 take_flight +05287882 lymphoid_tissue +00121366 transmitting +00249556 fossilize +11480698 mechanical_phenomenon +07034634 chant +01210737 palm +02659541 square +08462320 information +01600909 ptilonorhynchus +14181187 tropical_sore +00433115 opaque +07028373 tune +02306433 lasiocampid_moth +08438533 woods +11444643 decomposition +15169248 sunset +01866192 turn_over +01728052 pedal +00223362 seppuku +12163035 bryony +00877559 consult +02669885 academy +10743543 utterer +10178611 hoarder +02330583 grate +01131473 turn_back +00903668 indispensable +08926681 mount_asama +03002555 shay +12488121 genus_caesalpinia +02910864 buckskins +04498523 turbine +01082153 fistfight +02099829 run +02497550 genus_lemur +00606335 drill +01809064 take_aback +09183971 hedonism +00981544 stutter +02784732 stripe +00332017 mill +05892651 requirement +03904183 zebra_crossing +02063846 genus_balaena +10334782 mountebank +00086835 vaccinate +01537959 taint +08311522 punchayet +10773126 weeper +02251775 plant_louse +01382083 pluck +00990008 speechify +01572782 orchard_oriole +02223238 trash +00657260 categorize +14705718 sealer +09689435 afghanistani +08459252 sequence +00782527 tempt +15218149 shaaban +08565701 edge +03354613 fixture +00639975 testing +02091885 step +02309341 stimulative +04390977 tap +12355594 zingiber +06695862 palaver +00955987 resistance +08491826 territorial_division +00076393 clanger +11081828 thomas_jefferson +05517406 scrotum +00360757 subtraction +00101191 playing +00922594 unexciting +02420675 litocranius +01918744 ctenophore +10698064 telephonist +08647457 scour +07690019 hotdog_bun +02474780 covenant +01151788 nationalization +00896141 vindicate +08192970 usmc +11347519 tracy +02530770 have_a_go +07996149 swarm +01683758 illuminate +01229938 gathering +01672168 web +04526964 ventilator +11926185 genus_argyroxiphium +00693401 deify +12046251 genus_bletia +01194904 eviction +01619725 remake +11222054 theophrastus_philippus_aureolus_bombastus_von_hohenheim +01300437 shroud +01749184 print +14112255 heart_failure +00019792 attack +01539487 sponge_up +02917377 loud_hailer +04021798 pump +12640607 apricot_tree +08829071 quebec +01641751 consummate +06073888 paleontology +01224744 operate +09371360 nile_river +07761461 jamaica_apple +00348571 waver +02051701 pelecanidae +00183505 voting +10265532 receiver +01493142 bin +10804287 young_man +02641201 aroid +01293389 match +00812977 wrestling_hold +07395446 squawk +09350524 mekong_river +00004605 give_forth +08034299 moro_islamic_liberation_front +10815648 st._ambrose +01835769 european_nightjar +07467846 sports_meeting +12723446 tribulus +07231048 indication +02599052 sea_trout +14345304 epicondylitis +04540761 voltaic_cell +00605909 wardership +13023783 class_ascomycetes +00815379 counter +05855517 quantum +08604487 everglades_national_park +11958742 genus_craspedia +07187773 solicitation +06880533 illustration +02312478 withdraw +04391276 tap +09753204 scorpion +00803208 raise +06013741 infinitesimal_calculus +06929279 japanese +14672224 rock_salt +09032321 capital_of_switzerland +05468849 axone +01207527 touch +11928549 wormwood +01601234 hold +10308394 club_member +07754894 cocoa_bean +02657805 pleuronectidae +05384817 vena_umbilicalis +00367552 exaggeration +12767951 horse-chestnut_family +09077556 macon +02244773 auctioneer +10410668 provincial +06254475 medium +13163250 branch +12961689 helminthostachys +00208797 ousting +05098942 size +06691989 hand_clapping +07051185 blues +09375223 nucleus +00153961 validation +13091774 spore_sac +09606527 unusual_person +08365855 communism +02262449 shadfly +02174659 melolontha_melolontha +09863936 bolshevist +00445802 pugilism +10139347 rumourmonger +02558980 family_brotulidae +05387544 lung +04470037 trandolapril +01401854 illegal +02220225 monomorium_minimum +00068617 recidivism +08719100 sri_lanka +00334996 break +08591680 layer +10474446 principal +02575082 lead_on +00566135 tennis_stroke +01909906 polyp +01988080 space +02566834 sea_bass +01272397 identifiable +12419217 genus_amaryllis +05282433 teeth +01543272 vidua +12198286 phoenix_tree +00775286 seizure +01964271 mytilus_edulis +11598100 genus_catha +12951465 hymenophyllaceae +09425835 scheldt_river +02014061 genus_cariama +03189083 stop +09089782 lexington +00970732 propagandize +05058580 rate +00440580 slow_up +11715430 water_nymph +01168369 direct_action +02621244 compose +01555305 scissortailed_flycatcher +11955153 spear_thistle +11872973 red_cole +01201856 swallow +13482330 flow +02373601 family_equidae +02765692 suck_in +12800327 mitella +05611684 noddle +06738281 explanation +12775919 sapote +07124736 bawdy +13064852 puccinia +12731029 velvet_osier +01664065 loggerhead_turtle +06263609 print_media +07491286 ravishment +06784639 teaser +01123887 strike +06030196 factor_analysis +05984287 education +02347220 soak +14101083 embolism +02089420 turn_over +02864593 bollard +01493012 triaenodon +00780191 put_in +08834916 northern_territory +12769663 staphylea +05943066 trust +03060074 coca +04527808 verapamil +02743207 arsenal +00481941 settle +14605787 essential_amino_acid +08010942 martyrs_of_al-aqsa +00392588 sharpen +07255401 forbidding +01501113 musical +12561696 platylobium +10019888 divider +09454265 tampa_bay +01146793 golf +01571904 oriole +04508489 underpants +09180431 urge +01076953 bluff_out +07335414 devastation +02849154 cover +01412759 clout +03398467 front +01638611 genus_amphiuma +08245059 underworld +06335532 filename +00185857 back +05103283 gauge +07251779 shouting +02019574 trespass +02887489 suspender +02431628 sambur +02200341 spit_up +13216475 psilotaceae +02395694 shote +00636061 infer +05634613 originality +02170427 pay_heed +10294139 shipboard_soldier +09734294 thai +09532384 bodhisattva +01471825 pirate +02148109 whitewash +02261464 broker +01607072 draw_together +01053920 residency +00794614 tryout +05223370 fissure +05471629 condyle +13061704 tremella_reticulata +08512259 bounds +00173159 throttle +00735936 misdeed +10570019 secretary +07168623 order +01510827 operate +02774502 frivolity +00208836 dilapidate +04927445 oldness +13344071 security +09110939 las_vegas +02237424 plant_bug +08852389 republic_of_botswana +08728066 nanking +00050195 appearance +02226013 motorize +02670382 particle_accelerator +06767035 reflexion +12000609 parthenium +00377715 sear +13929588 society +05694791 temptation +01675190 extraordinary +09125016 niagara_falls +07373803 combining +03425595 gas_stove +13252168 manor +12832976 saintpaulia +00590241 figure +15145171 eld +01860497 screamer +01976957 crab +01592774 pull_off +07784522 herring +01518564 struthionidae +07207410 repudiation +02599784 mullidae +00058401 litter +07595751 castor_sugar +12505032 genus_amphicarpaea +02618513 sand_launce +03597317 jewelled_headdress +14362179 fibrillation +00834943 suborn +01216522 clasp +01254685 intonation +02565728 serranidae +00241245 jump_ball +08722084 valparaiso +02131072 sexy +07976936 pair +10814953 woody_allen +00656576 group +00441445 minify +13304186 bid_price +13085864 harvest +02569151 genus_epinephelus +01274909 chancellorsville +00211462 finalization +15006258 rubber +02707683 painkiller +00355252 de-escalation +01463115 blastopore +09988063 pop +00046344 stunt +03375956 transparency +01554622 sabre +01826364 roller +01613463 disobedient +12957467 marsilea +07340725 personnel_casualty +11883799 genus_cochlearia +14980215 pesticide +02156063 trace +05475397 sensory_fiber +01760677 infatuate +08177487 sea_power +14997012 pulverization +04145056 scenery +07761611 sweetsop +00967098 report +01818235 encourage +15258694 over +00042541 obstetrical_delivery +01134781 shoot +07315350 vis_major +14600504 propanone +02352946 cornice +02237338 turn_down +13441387 movement +10422540 philhellenist +00092690 recuperate +00471196 wipe_out +05246796 tubule +14780040 oxidizing_agent +04236377 sleeve +04898437 propriety +05070032 concavity +13722929 microgram +04321534 stock +13393762 note +00781303 plow_ahead +01701311 dramatize +02636666 gerridae +01194225 robbery_conviction +10160012 harrier +00134472 spank +01333082 arenaviridae +05761918 remembrance +05542193 mastoidal +05279407 sacrum +04952120 highlighting +12250708 order_diapensiales +05459232 muscle_fibre +03157987 cytotoxic_drug +10763620 waitress +04545471 zimmer_frame +12978654 family_blastodiaceae +04208210 shovel +14412725 acceptation +11851578 prickly_pear_cactus +02164531 goggle +03249569 tympan +04248607 snapshot +07578879 taste +00828990 immunization +03093792 tangency +08287586 staff +05000913 roundness +00831191 ventilation +12804216 tolmiea +03494706 harness +02266580 sialidae +05154908 help +04460634 tower_of_babel +00926668 confection +06947658 ebonics +03777126 mod_con +11624367 picea +02272549 seize +15146260 latency_stage +01763829 simmer_down +01357831 nail +02497586 appeal +00619610 confuse +06417598 reference_work +00423702 turn_up +13154190 node +00584954 weaponize +10390199 pacifist +12839839 genus_agastache +00930368 suggest +02590987 porgy +07357388 improvement +01416354 mastigophora +05641959 mastery +10069296 executant +10222497 wholesaler +00021766 accurate +14004317 motion +13011856 family_entolomataceae +01483247 veil +12078954 pleione +12403862 genus_broussonetia +02127613 feel +12098227 genus_plumbago +07488875 sensualness +11313011 stanley +00318326 extend +11068196 king_hussein +09870208 pugilist +01173038 blow +00447540 wrestling +02363681 family_aplodontiidae +04954534 lambency +01597194 thraupidae +01415162 belt +02500144 genus_indri +02600798 yellow_goatfish +07073208 voice +15290337 stage +10511239 reversionist +04404200 telex_machine +03796605 splash_guard +10608803 spanker +12773142 shittimwood +11075823 old_hickory +02437905 coordinate +01844859 cruise +12116267 genus_dactylis +02589486 genus_anisotremus +14598525 adsorbent_material +01058291 gavage +03178782 pattern +01844048 visit +05965749 pluralism +00638837 process +12485122 loganiaceae +00971463 support +01241594 whitewash +12068824 hexalectris +13617952 standard +11633633 cypress_pine +05005809 vitality +11995396 rayless_chamomile +00692349 emasculation +01279342 fredericksburg +09268927 donner_pass +08823968 manitoba +01622596 strix +02078882 genus_eumetopias +12597640 thrinax +07644382 fowl +01882081 maunder +00341560 proceed +03846234 olive_drab +00009978 gluttonous +13516597 mitosis +12357100 lesser_galangal +00593613 inspectorship +04654337 friendliness +01414359 gigartinaceae +02191766 season +05161614 disadvantage +02113622 overexpose +01350855 coccus +01540969 pinicola +02215001 withhold +00357667 germinate +08402442 mission +08651247 site +00614057 forsake +12260799 beech_tree +04508163 unmentionable +05289601 contractor +01729322 sand_viper +00635523 resolve +01281611 gouge +14398523 schizophrenic_psychosis +00218427 decimation +06950528 high_german +00015163 practice_bundling +01928360 phylum_nemertina +09632274 unskilled_person +14521648 murkiness +02753642 cohere +06264176 broadcasting +02513742 prejudice +01675245 hammer +12347490 genus_dirca +02724207 antiseptic +13896369 imprint +07256375 psychic_phenomenon +03953416 place_of_worship +09950457 compulsive +08136502 ins +02809692 technological +06504462 note +00325328 fry +01961974 crawl +08245425 mafia +00914421 exact +09581129 hothr +15257553 second_period +12062468 helleborine +07382572 cry +02961688 czechoslovakian +03496612 harrow +09208496 asterism +07389931 plonk +05209324 unboundedness +11412727 change +03718458 manor_house +02762508 autostrada +02317212 class_asteroidea +07927197 soft_drink +02305799 genus_callimorpha +01175316 pounding +07248801 advertizing +02895606 ventilator +00160532 seduction +08229467 fraternity +01932495 tylenchus +00709625 design +08407619 exposition +00139586 alchemize +10542888 runner +01719645 therapsida +01688771 present +03476083 postiche +10682599 sweater_girl +05559727 cheek +00271520 guy +01689226 family_anguidae +07317764 failure +02166024 genus_epilachna +00807500 synchronizing +00407146 cram +06347588 subtitle +06563950 plea_bargaining +14382238 simple_phobia +01415285 punch +01451502 cart +00721437 find +06709692 disapprobation +05796423 deliberation +00034288 pull_a_face +00029025 grin +00220276 disengage +02995998 separator +02936714 coop +14075199 polygenic_disorder +10533013 rival +02758270 augean_stables +00527695 step_dancing +14230800 pemphigus +01704452 author +06761099 evasion +10371741 ship's_officer +02539251 genus_coregonus +14613922 hydroxy_acid +00858188 sleeping +12808227 polemoniales +13171447 parkeriaceae +07351031 wring +00809654 skirt +01591490 paridae +07443761 transposition +00350461 persist +00188721 catheterize +10092488 first_sacker +02446888 spilogale +05924920 standard +03354350 trimmings +03693089 mevacor +07386370 knocking +05143690 better +00728975 classwork +02571034 hipsurus +00343898 go_over +14360459 spasm +10194566 wheeler_dealer +02073065 vanish +10026553 porter +12959371 genus_azolla +13074084 family_cortinariaceae +11870212 genus_alliaria +00733883 tort +01707495 realize +12177844 hibiscus +09853645 bigot +15034074 toxin +06566077 software_system +00845765 claw +10702307 territorial +05475134 sensory_nerve +12233410 genus_calluna +02572904 malacanthidae +08680888 heading +12508309 milk_vetch +10479783 prodigy +03746574 psychiatric_hospital +10562968 talent_scout +10633298 specifier +04300080 stamp +11444816 dehiscence +00695448 irrigation +01797730 afflict +00939035 commentate +04561548 water_pistol +14483917 opportunity +05301752 epiglottis +03296597 escutcheon +14045507 sterility +12958140 pilularia +01233993 roof +01543936 avadavat +08542403 commonwealth +00832626 mouth-to-mouth_resuscitation +12980652 peronospora +03056010 concessive +02602059 mugil_liza +08551628 theatre_of_operations +01710048 tap_dance +00089351 return +00463234 squelch +08646306 shadow +02195191 turn_one's_stomach +01841102 sapsucker +08335414 rota +05690684 straitjacket +01297401 ring +03756624 ritalin +03322099 farm +01754576 write_up +03139045 absolutistic +01435380 transport +00674562 fenestration +01227137 dishonourable +01993805 string_along +00550771 performance +00915041 clamour +00914061 halloo +09944529 couch_potato +02481823 pan_troglodytes +01112420 marketing +12854048 horehound +11689678 castor_bean +13493998 human_process +08927186 jordan +10659188 stone_breaker +09772330 adoptee +12772081 sapotaceae +00749767 treason +08678615 watering_place +07088438 terseness +04713332 accord +14838217 intropin +11508382 snowfall +12753762 striped_maple +02738701 wind +02607630 labridae +14938907 lipoid +02765028 axletree +00151279 proportion +11926640 genus_arnica +08232706 ivy_league +02296276 cerapteryx_graminis +00101800 self-centred +02980441 castle +01842508 raft +01963730 mytilidae +02175958 vibrate +01321895 scratch +13776137 upper_limit +00877127 looking_at +09615211 withstander +01025785 dredge_up +07792926 northern_lobster +03761845 versed +01089137 garrison +00865471 wince +08339939 united_states_intelligence_agency +06913635 na-dene +02285052 genus_carpocapsa +09483340 zhu_jiang +00728393 instill +02490430 partner_off +00884202 coeducation +14504726 warp +10197525 retard +02328270 ochotonidae +11422597 aerosol +07844867 soymilk +09338013 lepton +01754533 water_moccasin +07775197 sunflower_seed +08054721 financial_organization +05280365 acromion +00301338 unfit +08988609 st._lucia +02189670 mayetiola_destructor +09916209 chief_constable +00164444 refresh +08279665 naval_academy +02599958 mullet +01785579 crock_up +01306853 rake +00818974 take_a_firm_stand +05291728 adductor_muscle +00040804 traffic +02291572 tineid_moth +13250244 mortmain +05479314 seventh_cranial_nerve +00472671 cut_out +00637145 eleven-plus +02249438 recuperate +02523953 pass +01472303 amniota +02374149 equine +03421768 gas_shell +06071426 embryology +06826589 gothic +00891850 refresher_course +00734054 take +14089719 vaccinia_gangrenosa +11804604 pink_family +09498697 sisyphus +03103198 procedural +07139316 talk +08103457 superphylum +05847956 heuristic_rule +02361600 edge +01543383 widow_bird +04353016 sulfisoxazole +00281132 access +01984695 spiny_lobster +01439514 carp +09795639 anointer +04839154 fairness +00665679 skincare +04519887 vambrace +08037503 plf +14012667 stagnation +01138670 empowerment +06793959 flashcard +09638245 uncle_tom +10223744 man_in_the_street +02641608 scleroparei +07358576 transition +01749394 lithograph +00046151 put_on +14956661 sludge +02175440 genus_cetonia +02520997 verify +00846462 appointive +08347206 security_service +11769002 genus_adenium +12109719 genus_avena +08925287 hiroshima +00471711 get_rid_of +01198101 smoke +13659419 dkm +02850826 hemophilic +05450888 scavenger_cell +12318965 white_walnut +12546183 lupine +09368224 neighbour +09030467 port_sudan +00947439 name +00694276 trephination +00959645 contretemps +15255195 ice_age +01370913 rickettsiales +09161090 the_holy_see +07214894 giveaway +02590340 colonize +10808353 president_john_quincy_adams +01648620 fire-bellied_toad +01984547 palinurus +12400924 marang_tree +07361416 subsidence +11501381 rainfall +08935212 cannes +01976089 pick_up +09805475 designer +02645839 weigh +13480848 flaming +12182615 velvetleaf +02727883 sell +04821451 preciseness +05984584 experience +02219094 support +02267989 use_up +12131550 meadowgrass +02548710 succour +03644378 riata +00095502 release +02352824 corbel +03257586 duplicator +00789391 scuffle +13144794 grapevine +12756286 holly_family +09955015 swindler +14500908 normality +02308552 assess +00880662 watch +02453692 privilege +02184797 thud +10563826 scratcher +10828573 st._augustine +15223343 equinox +12282933 river_birch +09426788 sea +13254985 financial_gain +12972629 zygomycetes +08187033 troupe +03976960 pole +01380118 lactobacillus +01409581 similar +10738515 union_representative +08089627 baptist_denomination +08399586 range +00513251 mishegoss +01322223 etch +03119510 coupling +00007549 sniffle +05685363 perplexity +08685677 star_sign +02184720 pediculus_corporis +14462946 weakness +11138681 lorenzo_the_magnificent +09186709 river_acheron +01595830 weld +00328802 separate +02072159 well_over +05136150 width +15214068 jewish_calendar_month +01460108 teras +01478002 stop +09484664 mythical_being +02097341 throw +13998781 restraint +05967977 thaumaturgy +07515974 relaxation +12392070 nettle +02609169 thalassoma +00147454 junction +05954366 kabbalism +04211528 shutter +01392918 wipe_off +12204925 grewia +05655119 touch_modality +10388440 overlord +00204439 forsaking +04111190 shaft +06907728 athapaskan_language +11502497 shower +00689344 think +14487731 taint +01853498 scoter +01127795 defend +04905842 tameness +00076323 howler +14953564 mould +07170467 injunction +08373244 venation +09640327 chaldee +01383947 clam +00073032 boomerang +11788223 genus_dracunculus +03377582 followup +12094244 featherfoil +02356567 remember +00135285 allegorize +13154586 pad +01705257 reference +08506932 armageddon +02441942 weasel +12683950 family_balsaminaceae +05959578 creationism +01834918 caprimulgiform_bird +11634970 genus_chamaecyparis +03877472 pyjama +14562324 ruination +12002197 petasites +01279978 unimportant +14706749 purine +10513623 redeemer +07460104 run +10231087 slayer +15210045 january +05138208 worth +04234455 spline +03201638 formal +02169352 observe +10700640 tenant +13885370 tortuousness +06704740 law_degree +15167906 evening +09281545 flint_river +01032368 church_service +12366870 garcinia_hanburyi +07787715 crabmeat +14534696 wetness +09889346 genevan +00858060 zooerasty +10365846 nudnik +09754907 abridger +00986027 fat +02267529 spend +05626618 annwn +08548733 department +01423929 club +00297906 time +02012306 order_gruiformes +02597367 whiting +01413551 rhodophyta +15124545 quaternary_period +01198616 whiff +09477890 wetland +01026262 flexible +00545501 vocalizing +00974444 assault +02228874 stenopelmatidae +09264116 delaware_river +07909593 drambuie +14288235 hemorrhage +00884540 plight +01460408 rice +00393369 extirpation +09614047 coward +13006377 lactarius +04516672 utensil +04250224 sniper_rifle +01926031 pack +09434845 sierra_nevada_mountains +02415831 occupy +05546040 jaw +15147097 childhood +00347652 waggle +02748183 aspersorium +12461326 genus_scilla +03031553 tagamet +11855274 pokeweed +09817816 astrologist +09692430 bengali +02263788 heap +14577469 ionization +12350234 order_musales +00215013 use_immunity +02190166 fly +08971914 new_zealand_islands +05893653 misconception +12821505 virginia_cowslip +01559964 luscinia +09714264 indonesian +09970088 counterterrorist +07902937 arrack +13458019 rotting +12777294 genus_styrax +08830720 klondike +00049900 undress +12837259 whitlavia +05772356 reasoning +00272448 subversion +00235110 extend +08995862 senegal +03146219 cuirass +01487008 roll_up +00135718 inappropriate +12860254 ocimum +09388318 pee_dee_river +07396945 thumping +02298379 sphingidae +00864535 learned_response +06824955 small_capital +02525866 order_apodes +07148573 diplomatic_negotiations +13963970 wedlock +12160490 winter_squash_plant +01989873 sink +02632359 luvarus +08430568 line +11890022 woad +02577823 genus_alectis +00964105 peasant's_revolt +02919648 spile +13977732 upheaval +05614657 sense +07195630 cross-question +00464962 incoherent +03133538 dishware +13358549 monetary_fund +00399788 magnetize +07722485 spring_onion +03706653 magnetic_disk +06636806 formatting +08432345 waiting_line +01327322 hybrid +13503673 isolation +04734885 inconstancy +05560787 leg +10134001 netminder +07086518 rhythm +05523420 clitoris +12945828 smyrnium_olusatrum +04805136 infallibility +12946088 family_cornaceae +01480149 catch +00858568 cheer +00743344 reach +01940488 phylum_mollusca +00698855 settle +04401088 telephone_set +00026734 vegetate +05640433 skillfulness +11676500 pistil +03528263 household_appliance +03490324 handwear +00223720 liquidation +02396427 wild_boar +08110648 subspecies +04098513 rocker +00754956 simulation +01758339 persistent +12479537 dracaena +11627028 tsuga +14859622 gallamine +05293597 articular_muscle +06838437 pe +00120095 simultaneously +02499629 punish +01526956 pad +14103288 heart_disease +01876843 macropodidae +01038434 wanton +02175569 rose_chafer +00754424 cheating +04099649 rocket_base +04046590 rail +13255145 income +04587648 window +01925133 turbellaria +02767308 give_out +02155493 instantiate +11121451 stephen_leacock +02769075 screen_background +04426618 thoroughfare +11320405 stowe +02858231 philosophical +01742726 cultivate +02787435 trinket +02587300 mangrove_snapper +09350045 mediterranean_sea +13634418 light_unit +02331919 railroad +01052301 peep +12698435 silver_ash +07906284 whisky +14183065 sore +05136343 wideness +07771539 english_walnut +00341184 give +01194114 stay +01253665 vacation +13367070 store +00989201 speak +10375690 old_man +00122954 shoot +03905540 peg +01696893 miniate +10059162 enrollee +00084230 medicine +06102476 atomistic_theory +07726230 pigeon_pea +02733122 preserve +11898474 thlaspi +10076033 queer +00105554 joke +13367593 military_issue +03616428 kickstand +09093472 portland +04341414 structural_member +02010592 nycticorax +00864475 minimize +03399240 front_entrance +12890265 veronica +07577657 nosh-up +12836862 scorpionweed +03067506 georgian +06177450 phonology +02201268 endow +02009280 reverberant +01972849 flop +11040381 patrick_henry +03926575 print +00197590 eviscerate +01971603 slump +00220522 slaying +12801520 parnassia +00191980 filtration +00487653 uncommon +02592667 tutor +10257948 librarian +06796642 song +09986189 wheeler +01747285 rhynchoelaps_australis +02597246 estrange +08428756 single_file +11841368 order_opuntiales +00752335 officer +13911872 point +04452848 tooth +01069980 fasting +02593679 stenotomus_aculeatus +00963896 mutiny +13019017 pluteaceae +09893600 captive +03731164 mattress +01161290 misuse +10268299 liver +10684146 whipper +00267217 darning +12134300 setaria +04982207 silence +01225027 insult +01802689 torture +05321307 labyrinth +08244346 nest +01620967 strigiformes +01851996 genus_aix +02217334 family_chalcididae +04055180 ratchet +02558079 percina +02073233 break_out +00370412 cool_down +01405044 hit +12470092 sarsaparilla +00318484 temporize +13879126 tetragon +05240211 epidermis +04395875 tavern +13841213 reciprocity +05860200 double +12313005 subclass_hamamelidae +00839778 swallow +09147046 utah +13298701 tip +02922448 judaical +00778275 interrupt +12345280 punica_granatum +01655577 superorder_labyrinthodontia +12804621 grossulariaceae +10912451 cosimo_the_elder +06943558 balto-slavonic +06293229 loanblend +08937594 rheims +02528380 miscarry +02242256 run +09051235 deep_south +01744082 scale +08246036 black_hand +00888796 indoctrination +12531144 geoffroea +08993037 sao_tome +05021535 toughness +09171376 nefud +05769471 revery +11800565 umbrella_tree +00685508 mastectomy +09133895 portland +00315020 undervalue +02433426 genus_capreolus +02486932 rising +00020827 matter +08096474 sunni_islam +04586932 wind_instrument +02256172 psyllid +01384687 parasite +11273286 rubinstein +04435870 tilter +06661562 intervention +05836275 conceptualization +02282365 warehouse +07399917 whirring +11654293 rimu +04020617 pull-up +02544754 osteoglossidae +13040303 stinkhorn +00125633 revolutionize +00618451 identify +02248465 happen +01867504 tread_down +15127982 devonian_period +00380159 switch +01753959 pit_viper +07931280 wassail +00954311 defensive_measure +07364700 wobble +01556671 turdidae +00697419 screen +02310000 bollworm +01811172 despond +07538965 discontentment +07620485 spotted_dick +10299875 matchmaker +03701391 machine_gun +10546633 sailor +01245052 sanitize +10803838 yodeller +10228592 justiciary +01354673 tie +00353782 cutback +09906848 chancellor +10004282 tooth_doctor +12774891 palaquium +01174973 chomp +07552252 moodiness +12601335 genus_fagopyrum +12073410 miltonia +13586122 coefficient +00085432 usurpation +02007417 get_at +02846260 black +01647867 pacify +10153414 hombre +04091693 tackle +12942395 petroselinum_crispum +15046900 solid +01007222 wire +01584225 wren +00186161 fluoridize +05403149 serum +01892608 jounce +02958017 britannic +01225997 snub +00617095 receive +01393996 sweep +05902545 plan_of_action +05704694 focussing +00729781 internalize +02034986 curve +01014362 ram_home +09168020 eastern_desert +00596807 presidentship +01760143 invite +01876530 move_back_and_forth +08786283 attica +02499312 expatriate +08622950 situation +10075693 facilitator +04713692 conformity +02749247 ornament +13548531 refrigeration +08805801 messina +05495981 prosencephalon +11768242 genus_acokanthera +00664276 authenticate +10884597 rachel_louise_carson +01362196 nitrobacter +04506289 ukulele +01670511 bead +11986306 lettuce +03954731 woodworking_plane +02541302 sick +01374582 knowable +06838760 resh +00748616 give +10401331 parrot +05865454 be_all_and_end_all +10319580 thought-reader +01656078 stereospondyli +13724081 mole +04467099 trailer +06809074 system_of_numeration +13088096 plant_process +03013718 chemistry_laboratory +06448868 rheims-douay_version +03067339 vanishing_cream +01685313 create +02690093 reach_out +01247804 tip +00754873 negligent +08427282 extended_order +08563990 northeastern_united_states +01533780 loxia +10461747 influence +04149208 scoop_shovel +13222477 lycopodiaceae +08679972 way +00744506 uniform +11295936 shaw +00565302 stroke +08208560 team +09192708 allegheny_mountains +02620318 toxotidae +04079933 resistor +08146782 denomination +04517535 vaccinum +00121046 have +08780720 mariehamn +12778605 carnivorous_plant +02547046 decorate +00840630 engorgement +06811625 sign +12371911 family_canellaceae +10100124 follower +12340202 nyssa +02626762 tunny +12449296 quamash +13344664 insurance_coverage +05948857 religious_mysticism +10743675 vocalizer +00312266 airing +02599939 academic +00950858 high_technology +02712443 predate +06641924 stock_market_index +03358172 photoflash +00388635 waste +02630739 billfish +07217782 briefing +14498096 stain +10495167 pursuer +11701492 genus_chimonanthus +02289610 pyrausta_nubilalis +00530177 fall +01645278 liopelma +14661482 ytterbium +05986948 containment +02169702 hear +01898129 prudent +00096343 salvage +13047216 secotiales +03647691 pad +04013362 proscenium +00868097 defy +00749963 instruct +02432511 odocoileus_hemionus +01963795 snorkel +02806907 symbolical +02044278 circulate +01533169 serinus +01958868 prance +02509197 potto +11809922 genus_drypis +05725269 twinge +04187061 sheath +08038131 pentagon_gang +00114291 caramelize +01961736 pteriidae +00104539 throw +01559590 saw +02397460 tenure +12520223 genus_cyamopsis +12661045 rubia_cordifolia +07453195 installation +08194266 oni +01999798 take +08170374 rogue_state +08111419 type +04514359 upper +02514988 subclass_crossopterygii +08579780 putting_surface +01405250 tang +11992674 lonas +09946957 compiler +09058219 nogales +01572910 sturnella +02046045 plautus +00276342 fixing +08013176 al-ma'unah +14622141 fullerene +15231964 stone_age +12919195 wild_spurge +14983491 pig_iron +01126360 occupy +00967157 ravaging +05517837 bulla +11250287 qadhafi +08358963 terrorist_cell +08581503 stamping_ground +01184058 horse +12310349 lilac +10856486 wynfrith +06790557 immaculate_conception_of_the_virgin_mary +01866610 roll +09097707 springfield +02553428 sort_out +06567400 compatible_software +04770211 unregularity +05663671 government +03594734 jean +00909219 mutter +00845299 shout +14439745 disrepute +01007463 personality_test +09911849 patrioteer +13773725 whit +00622068 struggle +15213115 october +08515126 line_of_control +07805254 mash +03953020 place_of_business +09152944 washington +00597915 learn +02500884 valuable +12302974 genus_forsythia +11815194 genus_silene +12761702 pistacia_vera +09310806 inclusion_body +12905655 lycopersicum +04910377 presence +12558425 sieva_bean +01655344 caecilian +12728322 snap_willow +06217944 fascism +01776313 tick +12636224 mespilus_germanica +06004067 arithmetic +11062285 leslie_howard_stainer +00660783 manicure +00667246 brain_surgery +09761403 controller +11836556 genus_abronia +01542567 ploceidae +12055073 swanneck +04915687 disrespect +00140652 manipulation +12711596 lemon_tree +01954202 subclass_amphineura +07676855 vienna_sausage +07123012 shrieking +01691384 lanthanotidae +01931714 eelworm +11515051 tension +02121511 suffer +12133332 schizachyrium +03785142 mop_handle +09927305 dry_cleaner +00835267 expiration +01705655 covert +02458135 unau +00294868 creeping +00381601 transmute +13571217 unfolding +01570676 yellowthroat +03222959 doorknob +08197742 armour +13555599 sloughing +01882814 wind +02896789 documentary +02453889 support +01238424 uniting +02698769 alpha_blocker +01566490 ruin +12584559 genus_arenga +08641113 vicinity +09038272 sfax +01415585 swig +10506544 ranch_hand +01079042 preclusion +02846141 black +13659760 km +12358485 subclass_dilleniidae +09903153 famous_person +04547592 wall +00990812 direct +03156071 cyclotron +12859488 monardella +01896478 provocative +02029706 upland_sandpiper +02624377 scomber +03220513 dome +00416135 emigrate +01829602 upupidae +02640440 waver +00408448 summerize +02198423 block +04370048 sweater +00027064 warm_up +07289014 trouble +02023133 family_charadriidae +11641494 sierra_redwood +08773336 hamburg +06609672 rigmarole +02079525 tube +10763245 wailer +01467180 subphylum_cephalochordata +00411547 nationalize +01688106 genus_chlamydosaurus +01678887 uma +03948459 side_arm +01230850 institutionalized +07164349 overture +01986806 shrimp +12823164 morning-glory_family +01578341 family_corvidae +04522421 vasoconstrictor +05514081 privates +01888511 tremble +04365484 surveyor's_instrument +03673594 liniment +13904011 lower_bound +01691782 helodermatidae +00836788 intake +04417180 textile_machine +03044083 appellate +02560546 white_seabass +06652878 rules_of_order +00794981 schedule +01238058 decentralization +01742967 genus_eunectes +00356199 depletion +00925735 marvel +01831078 todidae +04987620 tone +02075927 pinniped_mammal +10396106 panellist +04670022 reliableness +02881193 bowl +09423379 san_juan_mountains +02981911 trebucket +00541178 swing +09261138 cumberland_river +02801823 basinet +01928730 lope +11919026 genus_ambrosia +09355623 planetoid +05630277 tartarus +10060621 environmentalist +07339653 equipment_casualty +05249232 vertebral_canal +05495172 medulla_oblongata +06513764 solicitation +04520618 vancomycin +02754756 atropine +09464652 tyrolean_alps +12217211 genus_grevillea +02625418 scomberomorus +05841351 type_of_architecture +11858077 verdolagas +14140781 rickettsiosis +02486138 genus_erythrocebus +00485711 common +06000400 natural_science +02450034 marten_cat +00908672 offensive +01694620 back_up +10672192 suer +03407369 safety_fuse +05660268 method +07160883 speech_act +03762809 mild_silver_protein +04244615 water_gate +01452633 zeidae +13077479 order_moniliales +11633459 genus_callitris +15069338 tetrodotoxin +05785067 weighing +06023022 parametric_statistic +07153130 apothegm +01890626 rattle +09247071 closed_universe +07595180 caramelized_sugar +02611767 uranoscopidae +10373801 federal_agent +05539138 human_head +11490638 optical_phenomenon +02794372 sectarian +01912454 siphonophore +03473966 habit +12955639 genus_anemia +01460421 hateful +07180787 disagreement +04996355 unpalatableness +00855301 cock_sucking +09450866 superior_planet +06218459 leftism +10148305 grump +04925348 oldness +04021503 pulse_generator +01596404 buttweld +11792598 symplocarpus +03371532 flurbiprofen +05933246 vista +05525807 rete_testis +02143283 unveil +02488834 wed +00412696 naturalize +12202936 linden_tree +00146856 merging +05522283 mons_veneris +07490713 pleasure +08319198 parliament +04166553 sedative_drug +06161718 legal_philosophy +02718259 decoagulant +08541841 zone +00644066 synthesize +01709931 clog +11461825 gale +02584475 rat +10753779 villain +04536866 violin +02457249 genus_bradypus +07322138 emersion +02651193 shack_up +05233741 mandibular_notch +01723963 parody +01381044 streptococcus +04105068 roof +01162425 reuse +02429276 genus_antilocapra +01935176 oligochaete_worm +01892734 skip +02334756 munition +05263850 body_substance +09416076 stone +13260510 quick_buck +03473465 gyrostabilizer +13895549 mogul +04712735 compatibility +08911726 bam +01808374 sicken +09673495 indian +15233989 overtime +03022978 coricidin +12542910 lespedeza +00877327 research +10394786 paleontologist +00459114 vinify +05584928 wrist_joint +11942144 genus_brickelia +01899360 imprudent +02685365 air_bag +12948978 griselinia +04881829 self-discipline +08744236 mexico_city +11706325 spicebush +00485609 culminate +02641825 suborder_scorpaenoidea +00264386 inflate +12223950 xylomelum +00135637 sunday_punch +12588989 genus_corozo +09716933 roman +06344461 newspaper_headline +11225661 st._paul +07339329 striking +07331400 separation +04683814 beauty +02449699 grison_vittatus +02089984 turn +02244515 kissing_bug +15002959 ravelling +14917208 indicator +11487732 sundog +08738715 santa_ana +01507914 pelt +07321772 appearance +00324071 jug +08395682 army_intelligence +00560293 rushing +02676054 touch_on +02567519 violate +08709704 antigua_and_barbuda +01122149 spending +04801763 ossification +09271904 negatron +00285856 handcolour +01677366 iguana_iguana +07765208 elderberry +13305510 support_level +13614764 liquid_unit +02603424 straiten +02184881 phthiriidae +03679986 loading +01014186 point_up +04166841 sedative-hypnotic_drug +02794156 barometer +12586867 genus_caryota +01982866 rear +10253995 legislator +06552320 dissenting_opinion +01587148 melanotis +04229195 skidpan +00917614 tree_farming +11428379 ray +00433802 gymnastics +08349548 admiralty +11564734 hamamelid_dicot_family +10915862 crohn +13513747 period +01734273 lampropeltis +15155220 twenty-four_hours +01712432 suborder_ceratosaura +09437454 slope +02747709 continue +01098968 corporate_finance +01231980 concentration +00594621 know +12455950 glory_lily +08752974 puerto_rico +01683724 scincidae +13403331 document +01751545 heel +07509572 astonishment +09364249 muztagh +01382273 treponemataceae +02394822 suidae +01033189 comment +00901316 x-raying +02208265 get +14417146 compartmentalization +02344060 requite +01933834 genus_dracunculus +00915722 cultivation +12481806 genus_yucca +14915622 rime +00559724 return +10556518 schemer +00309310 split +12001565 pericallis +01991472 submerse +07138915 consideration +01408760 dribble +00218475 dry_out +02185814 shaft_louse +10102800 sire +12783601 genus_drosophyllum +01989053 give_way +00411384 cooperation +00619738 inventory_accounting +14500341 disorganization +04418818 theatre_stage +03156405 piston_chamber +10305062 medallist +02048698 gaviiform_seabird +03474635 hackney_coach +02273326 sound +12023108 tanacetum_parthenium +02625648 armenian +12485523 genus_buddleia +01788932 peeve +02402825 terminate +14585519 speck +08240169 set +00575365 walkover +09284589 fossil +03976657 pole +08641944 'hood +09842047 cager +14937943 linolic_acid +10897946 tully +13962166 survival +09859557 chargeman +09342729 mount_logan +02274516 nymphalidae +15175202 revolutionary_calendar +00342980 develop +00706019 radium_therapy +11128394 leonardo_da_vinci +08500819 interplanetary_space +01752167 imperfect +10628222 southerner +08011266 rpa-abb +10386618 outdoorsman +09992538 escort +01650167 tree_toad +01148283 regimentation +02576223 carangid_fish +02238113 lygus +00736786 hell +02426634 taurotragus +11482312 microwave +06235829 mahdism +01591910 parus +01916738 order_madreporaria +06493392 menu +13733402 factor +00294245 flower +10333165 mother_hen +02544086 genus_alepisaurus +12024690 dandelion_green +07522729 timorousness +12147699 genus_bambusa +09030752 suriname +00844994 defloration +00610538 remind +04163364 trade_route +02348568 send +03158885 sticker +02153445 foot +02338975 purvey +01337224 cowl +08818835 ragusa +09796323 anthropologist +00319214 size +14061805 unwellness +00287560 tincture +01678519 panel +05477305 pyriform_lobe +02573275 rip_off +02159427 guide_on +03803911 mystification +09185440 libidinal_energy +00375625 focusing +11810559 hernaria +02452092 set_back +13154077 leaflet +07648267 thigh +05989479 theory +13744722 vi +01897667 spurious_wing +05910453 projection +00811171 short-circuit +08366753 economy +06746580 promulgation +08898633 el_qahira +02028556 genus_calidris +01741943 boa +10496393 putz +01616086 sea_eagle +12636885 five-finger +00164152 nomination +00896803 warrant +08559155 legal_residence +02782778 park +04292572 squawker +00918580 wager +09221070 double_star +11717577 yanquapin +02739668 armour +07402147 reflux +04907991 rebelliousness +11739978 winter's_bark_tree +14434022 strikingness +14728724 protein +01775535 love +06584891 statement +12946849 dogwood_tree +09873242 brass_hat +00837293 yawning +00646413 credulous +02794779 barrack +01209678 finger +13920429 condition +00794079 stimulate +03984381 porch +00379440 sear +10646942 trampler +02321009 strong +08259156 democratic_party +09677830 tunker +01501184 broadcast +11701903 family_ceratophyllaceae +05272545 triquetral_bone +12431861 wild_onion +12665271 woodruff +05411571 pitocin +12056217 slipper_orchid +08902422 hindustan +14723628 catalyst +00246217 duplicate +00203213 pervert +02406174 milker +05756203 transfer_of_training +01036333 sacramental_manduction +02278704 genus_apatura +03655072 leging +06343971 heading +04618070 personal_identity +00874806 rating +10038929 duellist +11991993 ligularia +10982450 friedan +12937822 genus_eryngium +04842313 malice +12588156 genus_copernicia +00978173 proclaim +11750508 hymenaea_courbaril +01069391 connect +08473173 iww +08345189 republican_guard +05625465 vision +00070816 trouble +07355194 conversion +08239808 division +08850450 capital_of_belgium +13146035 pinot_grape +10451263 politician +10379758 oppressor +00307568 extravasate +00662681 galvanism +07665595 cut_of_veal +01993549 push_on +06878934 wink +14768854 art_paper +04073948 religious_residence +08969948 el_aaium +01524871 stuff +10828990 octavian +00921300 signal +01893666 genus_erinaceus +02259844 fulgoridae +10664340 stripteaser +02066450 suborder_odontoceti +00920125 sequence +02001252 stalk +02289466 pyrausta +00235368 limit +01593614 gap +13294503 rente +03443543 godown +10434160 pinch_hitter +01715888 ornithomimid +02263027 donate +13432647 anthropogeny +03066743 snow +03562958 immunosuppressor +01851375 scaup_duck +02447896 meles +00031663 laugh_softly +10612518 slopseller +08619620 square +04792127 satisfactoriness +01385170 combine +01918310 phylum_ctenophora +08311933 works_council +05404728 secretion +06369829 story +08101085 variety +01523908 passeriformes +09004068 russian_capital +02015168 pull_out +09453008 tableland +01294791 soissons +02081178 top +14290534 tan +05542686 tuberosity +03017922 executive +01933305 pilot +12191461 ochroma +13286640 split +12385046 resedaceae +01631903 genus_ambystoma +00023100 psychological_feature +06139764 behaviouristic_psychology +00403092 scathe +03577090 microcircuit +00162167 capitalize +13449156 segmentation +02413131 ovis_aries +12154228 pandanales +02190188 quieten +00375938 refocusing +00897811 review +00684450 transorbital_lobotomy +04898208 citizenship +11459538 rubbing +01146576 confinement +03114839 cotter +07435891 recrudescence +04380346 table_knife +03518631 high_gear +02407172 milking_shorthorn +06680570 offset_printing +04166281 sedan +02619409 periophthalmus +06482401 point +02318464 straight +08276720 school +01488313 empty +10731244 troubler +13608598 temperature_unit +06720600 slander +02822399 bedspring +02545578 risk +00676834 hemostasis +02620443 toxotes +05466005 golgi_cell +12300625 olea +01693995 genus_chamaeleon +12495146 locust_tree +02352390 gliridae +01454810 haul +02199352 haematobia +04838210 nerve +02724966 anti-tnf_compound +07375635 takeoff +11636204 sugi +02058933 procellariidae +12805561 ribes_nigrum +02124623 wildcat +05813229 passion +02445715 wood_pussy +12821257 mertensia +03422589 gas-discharge_tube +02047807 angulate +13512238 ripening +14469766 tetralogy_of_fallot +12339972 tupelo_family +01530678 ingraft +08769645 german_capital +02571983 family_apogonidae +05095691 size +08579487 great_circle +02298160 market +13978344 tempest +08916832 babylon +01489734 wharf +04148054 scissors +09753348 sagittarius +01829739 upupa +11395199 wollstonecraft +08543916 corn_belt +02319095 sea_urchin +07642471 preserves +12717524 irvingia +07338114 meshing +14193711 lipidosis +08652970 space +00751529 twisting +02250625 repair +08096301 shiah_islam +02108026 receive +02471203 matriculate +01364184 dress +08626283 municipality +00119873 mutate +02072849 slip_by +00418025 mistreatment +10142747 nanna +01737472 nerodia_sipedon +07519253 fright +12357343 red_ginger +01448291 xyphophorus_helleri +04448826 tolbutamide +03207305 saucer +09017005 odessa +02270165 shnorr +01878719 waver +02620587 represent +14632648 calcium +08960987 luxemburg +05732756 sorting +11923174 stinking_mayweed +09306257 yellow_river +01449374 mosquitofish +02083038 family_canidae +04613015 yoke +14500567 welter +03209666 winchester_drive +09263619 dead_sea +01823610 genus_coccyzus +01855188 smew +08879680 portsmouth +02446512 genus_conepatus +13628246 megabyte +02435853 mouse_deer +00336260 crack +02133902 thalarctos +10283663 major-general +12219289 needlebush +09889691 nominee +09441107 south_china_sea +01661818 diapsid_reptile +10746799 vaudevillian +12077505 phragmipedium +01942347 glide +01822773 family_cuculidae +13806735 pluperfect_tense +09429934 selkirk_mountains +01207951 spread_over +01102839 eliminate +06681177 news +00176137 stem +07256932 precognition +11143458 lucas +11695599 pawpaw +06779096 dirty_story +11306008 smith +00053341 impregnate +07541923 despair +01534147 soil +10166762 heaver +01298573 verdun +10649574 starting_pitcher +02230782 phasmida +02766687 sparkle +00392960 taper +15144371 time_of_life +12396924 hemp +01741864 turn +13815152 quantitative_relation +10087080 fo +07612632 pudding +08129268 doc +01531375 moderate +02429695 family_cervidae +01840278 genus_campephilus +06339416 title_of_respect +04145735 shlock +01577818 genus_acridotheres +00064095 relieve +08372574 totem +05244239 plaque +02770078 backplate +13206817 maidenhair_fern +01092366 combat +09936620 collector +00349705 wriggle +08304135 hanseatic_league +03524574 hoe +13780339 stp +08210670 royal_canadian_mounted_police +01240432 mediation +09226209 po_hai +00100905 warm_up +00693780 view_as +07344528 swash +04442831 tobacco +13623054 quarter +12014085 silver_sagebrush +00936456 origami +01244351 dust +12084746 genus_stanhopea +09241247 channel +05613625 superego +13391118 threepence +12690388 torchwood_family +12240965 staggerbush +01573483 genus_cacicus +01230241 poke +14805676 chad +00878052 scrutiny +00402951 tempering +14848785 infusion +07390945 racket +08921392 kyushu +02350537 microdipodops +01947887 paddle +13950812 order +02876088 epidermic +08703035 central_american_nation +09009372 perm +01916634 tittup +00383952 interruption +12354849 genus_ravenala +09252766 lake_constance +07772935 coconut +00823436 negate +09326139 kissimmee_river +02502212 family_cynocephalidae +00765081 theoterrorism +04433185 tie +05097845 lowness +01271915 blenheim +00330160 speeding +01807529 tempt +14329262 neuralgy +05866199 attractor +02564720 black_bass +02185988 pop +13752443 trillion +07497473 liking +02166229 mexican_bean_beetle +03753826 methacholine +00232863 rescission +02039171 courser +13573666 vinification +13108662 gymnospermous_tree +07269552 stripes +07517550 umbrage +10421753 pharmacologist +00203342 rejection +00198451 promotion +07553741 compassionateness +07796321 king_salmon +09125528 syracuse +12841872 stinking_horehound +12766043 spondias_purpurea +09140569 chattanooga +06469377 review +13535261 sweating +01823013 cuckoo +06125041 technology +01720980 star +04482543 tricyclic_antidepressant_drug +02110927 subject +02058221 mollymawk +11684264 seed_vessel +13467009 displacement +00141806 checkout +04374735 temple +01984119 fall +08414381 panel +02216066 sphecius +01644542 family_ascaphidae +10512982 rectifier +02545045 dare +07412310 spark +03198637 diltiazem +00322151 toast +02432530 organize +12913645 solandra +00612652 diverging +00856193 wank +04006727 procaine +01663443 throw +15236475 time_of_year +00875394 suggest +00553616 syncretize +06353445 spelling +02616705 genus_anarhichas +12226932 heath +11825988 gomphrena +00753685 put-on +00645493 unbelievable +01302086 war_of_american_independence +12278371 quercus_stellata +05558345 abdominal_cavity +00252430 purging +00322847 cook +13341350 reversion +00934965 blow +00880227 flatter +04807776 unworthiness +00594836 managership +12598826 plantain +13264794 heirloom +01538629 spatter +02260085 trade_in +08368308 sovietism +12556030 phaseolus +10034906 driver +06673770 qabalah +12214789 protea +09612131 contestee +02998363 cervical_cap +01004692 typewrite +02028366 teem +00912833 yell +04955633 dullness +02340736 transistorize +11127752 leo_x +01519046 order_casuariiformes +00213694 waiver +15173479 calendar +07780627 tunny +04096066 route +09543154 dybbuk +09503877 supernatural +05905802 stratagem +08585657 visible_horizon +05767733 mental_imagery +01563128 warbler +00071864 bobble +02970685 car_seat +09028477 valencia +05721180 somesthesia +00069060 copout +13783581 mathematical_relation +12995724 subdivision_deuteromycotina +11962108 genus_echinacea +00646271 explore +01220619 attack +07687211 white_bread +02072394 geyser +12914731 genus_verbena +05528604 nasal_cavity +12020048 stokesia +12250413 family_diapensiaceae +11466043 heat_energy +01325536 kill +06773434 treaty +09622302 lover +12822650 symphytum +00230475 stillbirth +00012267 make +07226545 promise +01284908 untie +04829550 pity +02456031 guard +09646608 algonquin +12899333 genus_brugmansia +12884523 penstemon +10801561 wykehamist +01048718 roar +07357101 relief +11820965 pebble_plant +00357906 thickening +05285275 orbital_cavity +02324901 factor +09059274 land_of_opportunity +07903208 brandy +02403408 clean_out +00859001 response +03442756 goal +00805034 regulation +03343560 fire +01721010 division_dicynodontia +03852688 optical_telescope +10290422 manoeuvrer +01693324 doodle +01840238 fly +00417643 snuggle +01210816 accommodation +07936263 drinking_water +06946823 west_germanic_language +07769306 quantong +00999815 erase +09282724 froth +12031547 virginia_crownbeard +02098550 sporting_dog +02085374 toy_dog +01797472 genus_centrocercus +05329215 systema_digestorium +09751895 zimbabwean +12801323 genus_parnassia +02518625 walk_around +00045817 thin +01958346 littleneck_clam +01903346 scute +01841591 pull_over +12401122 genus_ficus +08623927 setting +04250026 snipping +12902887 genus_cyphomandra +10083823 female_aristocrat +14654541 silicon +11454591 inundation +13030438 peziza +10576316 segregator +04191595 shelter +01422172 intubate +03233423 lot +09830194 back +14108713 coronary_artery_disease +11707668 umbellularia +00572788 play_out +01563746 kinglet +13996571 repression +01419473 vex +01823370 wallow +01008546 docket +02196896 rhagoletis_pomonella +09934921 moneyer +01059743 whinny +00960961 gloss +14531772 sensitivity +03191776 dicky-seat +06526004 debenture +01246541 surprise_attack +15194506 twelfth_day +09748408 berliner +00716945 lubrication +03105742 pyrectic +12920719 painted_leaf +12061614 epidendrum_venosum +10771990 weasel +13503908 looping +01008378 organization +14445379 comfortableness +00517847 charge +00706605 electroshock_therapy +07963087 stack +00371846 supplementation +12436260 family_aloeaceae +12940060 levisticum +00758459 diplomatical +02069888 spill +10268629 lobbyist +05535484 large_intestine +08757264 czech_republic +09009490 rostov_on_don +10402417 partner +07610295 nectar +00516932 vulcanize +04684358 resplendency +02617207 pout +01481360 hang_up +02637938 wait +05545212 soft_spot +02982232 launcher +03859717 outfield +14483126 impossibleness +01998467 family_balanidae +03371363 flurazepam_hydrochloride +13906345 laugh_line +09252970 constellation +15133621 duration +11751598 swainsona +14245163 myelocytic_leukemia +07144039 postmortem +02527813 teleostei +02614482 pikeblenny +04267577 spar +02762468 combust +02284544 buy_into +08600760 nadir +00210940 tone_ending +03966976 plyers +02509405 nasua +01813884 rejoice +03957567 plasterwork +12104614 genus_aegilops +00134780 slug +15066367 talcum +00369138 strewing +04913568 graciousness +03974671 power_point +13053608 fistulina_hepatica +14739360 carboxylic_acid +04049405 waterproof +08000304 range_of_a_function +00654400 wiretap +01948284 littorina +02304229 genus_antheraea +03755991 methyldopa +04379243 table +07093759 versification +10702615 threat +01125693 legislation +14173484 sore_throat +01109431 outfight +12784738 genus_cephalotus +10580772 sergeant +03102654 ice_chest +01263018 spoiling +03493333 hardware +06724066 truth +02037989 climb +13136316 bean +02122983 tingle +08594286 line +14438125 repute +01067577 slowdown +10435988 twirler +09810364 arrogator +01137829 fuse +02017775 turn_in +03863262 overall +09938272 standard-bearer +03244388 private_road +02307547 tax +00648224 search +14477342 affliction +10075529 fabulist +10676682 supernumerary +02651412 peristedion +00700000 physiotherapy +01289061 okinawa_campaign +09284015 woodland +15174218 new_style_calendar +09738708 american +05006898 sexuality +09848285 taoist +09684609 hindu +08187837 chorus +14066492 crack-up +06464419 vedic_literature +01548694 tyrannus_vociferans +10626994 soubrette +10315837 militant +01320872 female +00719231 accept +03610270 token +01398919 beat +13629309 gibit +01800422 take_down +13144084 pomaderris_apetala +14159623 trisomy_21 +10441694 pledger +02871060 ethereal +10219879 jat +02938514 calcium_blocker +14662281 zr +14530061 susceptibleness +11345181 tolkien +12537569 lablab_purpureus +01029406 rite +01993031 penetrate +11984854 genus_iva +07962628 scrapheap +00251791 derive +10261041 lifer +07379577 twitter +02463611 rump +01388813 convulse +10701180 tennis_player +03659292 lever +07162194 proposal +10901420 giovanni_francesco_albani +12517253 genus_clitoria +13879320 trilateral +11507321 medium_wave +10543795 rusher +00502952 draughts +01411630 switch +02190015 muscidae +12173407 genus_alcea +00421437 torturing +12609128 genus_eriocaulon +01606018 lock +11697158 family_berberidaceae +07576577 cookout +02330967 alphabetize +00757080 sinning +01603732 lime +01406356 ground +02679415 improver +03579137 interferon +02396205 nominate +14291561 dislocation +06728726 fourteenth_amendment +01926984 run +03945615 pipe +12319414 persian_walnut +08799462 samaria +09880427 bureaucrat +01821727 melopsittacus +05716744 tartness +04262161 sounding_board +00671022 enterotomy +04331277 straight_chair +01559868 splice +01249060 replication +05001867 maceration +10127273 gentleman +07555402 zeal +08765623 trondheim +02083087 muck +03204306 dipper +07751004 peach +14634591 cl +08158460 stuart +13726947 btu +06574841 editor_program +11928858 mugwort +15055633 vapour +02782815 positivistic +04738641 stability +14489113 slump +01777210 like +05484862 posterior_pituitary_gland +12977296 oomycetes +10062996 wishful_thinker +12836663 genus_phacelia +11287964 schweitzer +00765649 urge_on +00262549 troubleshoot +04751098 heterogeneousness +14514039 sphere +02106761 insensitive +12146311 zoysia +07222823 telling +00702226 time +00171127 qualify +05149695 helpfulness +11089669 jolson +03754822 quaalude +07127563 chuckle +00954137 rhapsodize +01107806 outfox +01830042 upupa_epops +12151615 nutsedge +07346057 fluctuation +01025913 uncompromising +09538021 hypostasis_of_christ +13523208 nuclear_reaction +06274921 telegraphy +01439190 take_hold_of +02376089 wage +00115803 extirpation +01802895 phasianus +14821248 semiconductor +00404403 change_of_shape +10617904 snuffer +07766530 mammee_apple +00623947 spiritualize +07628870 cake +03115897 couch +12178129 kenaf +01198307 prosecution +06151693 sociology +02473981 empower +13897996 equipoise +07488340 sexual_love +01985331 genus_astacus +01131515 legal_duty +00583991 upgrade +01899708 dart +14243268 acute_leukemia +00506658 wager +06468123 condensation +01741446 work +01890792 toss +06781581 wordplay +09506337 fury +14638517 germanium +01943718 zoom +09122968 village +02882483 bowling_equipment +01614195 genus_aquila +07035420 religious_song +13631194 exabit +02126382 perfume +07731952 edible_corn +09698108 chinese +04335435 trolley_car +01622120 little_owl +05988097 disillusionment +01179707 noncompliance +01549291 immoral +05230603 craniometric_point +03907908 penalty_box +08435388 system +00351963 finish +01968115 class_cephalopoda +04023249 puncher +15163797 sunday +11159698 martin +00278555 sprinkling +08573842 trash_pile +10111903 mendicant +02200498 give +08717730 cape_verde_islands +10588724 shelver +05872477 principle +13231436 genus_armillaria +02520730 make_up +00277659 order +13980288 hostility +04154152 screw_propeller +02332315 micromyx +02074726 steller's_sea_cow +04945057 desire +05264545 fundus +14198576 hypovitaminosis +01746818 genus_aspidelaps +04577293 wherry +01963876 mytilus +00321731 instilment +14834563 diamond +12539832 everlasting_pea +03048412 clonidine +11155444 mao_zedong +00383390 opening +10938363 st._dominic +00696518 compliant +07112550 vowel_sound +09243405 chesapeake_bay +00347104 jump_off +14835333 thinner +01883344 shift +01105737 navigation +06100555 nucleonics +02291748 clothes_moth +07582441 relish +02091574 sectarian +00146572 converging +09433134 shoal +08140506 financial_management_service +04913839 respectfulness +12898959 genus_brunfelsia +01463519 germ_layer +14152617 anencephaly +09544433 jinni +07070429 rhetoric +02176178 complex +10117267 gagwriter +11007332 king_of_swing +06379568 lament +03320519 masquerade_costume +04025130 puppet +13962498 death +01279615 gettysburg +13189222 genus_dennstaedtia +02546075 reward +03773268 stage_setting +07344663 wavelet +01288272 monmouth_court_house +01462928 tangle +10892564 charles_stuart +00748155 whoredom +01631759 family_ambystomatidae +06581410 utility_program +14399116 catatonic_type_schizophrenia +00249017 climb +13360498 trust +00147815 fall +02102840 wander +14155506 pancreatic_fibrosis +13214645 order_marattiales +00402539 perplex +01183573 satisfy +12518305 genus_colutea +14460565 wholeness +10666846 stunt_woman +01835276 nightjar +03282060 embankment +05431926 zygote +05218119 stiff +00546389 strain +01668421 illustrate +00686890 declaratory +02571486 priacanthus +01404628 rockweed +11749742 genus_dipteryx +01060746 render +11189829 moore +00046022 sweat_off +13405166 journal +12006766 coneflower +00204585 lapse +05326624 cochlea +02384940 pay_for +13412721 paysheet +14645346 quicksilver +02652335 plectognathi +13015229 genus_corticium +01228530 hopeful +02257149 magicicada +09018030 yerevan +02452885 prevent +06587596 shareware +00207728 degrade +00424599 inhuman_treatment +11982724 homogyne +10337913 mujtihad +01935476 wheel +06505517 transcript +00504592 uncomparable +00059989 prisonbreak +02474110 homo_soloensis +01166517 rally +02852523 block +08682819 western_united_states +02244173 reduviid +09616922 entertainer +13143626 paliurus +00772967 represent +10745770 valley_girl +08348091 nsa +13621418 fluidounce +06633896 felicitation +02621419 genus_acanthurus +14948645 mash +02647918 reverberate +04398309 tea_set +12487394 family_caesalpiniaceae +09069752 waterbury +02822055 vagal +13624705 hl +11947079 genus_centaurea +05147381 fruitfulness +01412204 lambaste +05780885 implication +09981834 rookie +06695227 compliment +02522399 codfish +02517938 silurid_fish +13724474 hg +02346627 porcupine +00053609 disappearing +02118058 proteles +09164417 haiphong +10003283 denier +05220306 man's_body +11695974 ylang-ylang +01382818 frog +13144511 vitis +09445289 steppe +00764031 ecoterrorism +13344804 insurance +01718952 cybernate +12077944 platanthera_bifolia +01409940 zygnematales +06778777 tag_line +14861355 saltpetre +02262752 submit +12718807 genus_quassia +10519494 religious_leader +00149084 tying +05676605 self-awareness +02388145 tamed +02252429 family_aphididae +10431625 selector +11041814 henry_iv +01854132 take_out +01170813 dispute +02248510 scale_insect +09688008 kelt +10147619 groaner +12986447 lichenes +04176068 serving_cart +12719277 tropaeolaceae +10237196 osculator +11939380 genus_bellis +01996585 copepod_crustacean +06880249 reflexion +10000007 voider +00667224 validate +00296946 traverse +08303504 federation +09898215 map_maker +00211776 follow-through +08228538 bookclub +08895771 swansea +13028611 discomycete +02119022 vulpes_vulpes +01234729 return +08169573 reich +01259458 knap +14313154 festination +11729315 genus_clematis +01850373 whistler +01190948 revel +14219661 skin_disorder +01626420 confection +09166534 slezsko +03075768 teething_ring +12411922 sword_lily +03287733 engine +00660971 value +06805297 telling +04975122 hue +04190747 shell +00571738 paganize +04706882 blatancy +03082127 compound_lever +09027679 zaragoza +01932973 real +04991511 rhythmicity +04997988 bodily_property +06680002 lithography +10621514 sodomite +01799302 guan +01172114 tipple +00164345 assignment +00121166 sending +08970064 fez +05485314 islets_of_langerhans +14655731 strontium +11798978 ivy +09759501 academician +10521100 service_man +14403282 upset +00840609 overstress +14859344 plant_food +00776059 oppose +00558061 lull +01331348 tack +08672199 township +10369955 occupier +03100897 transporter +10703692 testee +09032191 swiss_canton +01279631 indent +14531983 sensitization +03614007 keyboard +06436939 job +00273690 change_of_color +01579153 lift +10350896 necessitarian +07115021 consonant +09368479 neosho_river +08772922 frankfurt_on_the_main +12936826 cuminum_cyminum +03100346 sofa_bed +02432139 odocoileus +04505470 typewriter_keyboard +00849357 elegant +06929742 chinese +15199033 hanukkah +04703698 murkiness +00285889 tread +02085742 dock +05684561 haze +13291189 offset +11366405 villa +00493460 single +12657294 salmonberry +01453852 solenichthyes +00573932 sensitize +00293977 tittivate +11749920 tonka_bean_tree +09696585 canadian +11476231 atmospheric_electricity +07085786 accentuation +09073697 miami +03773504 missile +05003273 slouch +01418179 scramble +08357529 county_council +07824988 pickle +00306314 capable +08745901 tampico +11897466 stanleya_pinnata +02678677 capsular +02589576 push +13077295 mildew +05923983 value +13154841 bract +00373130 inclusion +07470671 match +08798195 yafo +00380994 intolerantly +01917611 staghorn_coral +02229544 cricket +03763968 military_uniform +14299070 wrench +13870414 geodesic_line +12605965 spiderwort_family +15166462 eventide +13152203 genus_anemopsis +05540407 skullcap +14656219 sulphur +02080482 wash_up +10311021 messenger +10775128 whaler +13308864 levy +11746776 pea_family +12950501 valerianella +13140049 seedcase +00233386 neutralization +00397576 disintegrate +03366721 floorboard +14002279 balance +05190804 powerfulness +12430471 aletris_farinosa +01816431 satisfy +10106752 foster_parent +14827346 nitrile +00566298 return +00730984 missionary_work +01076793 unfriendly +00736219 juvenile_delinquency +03239259 dress_uniform +15015501 nitrate +03584254 ipod +05727220 classification_system +01956708 tool_around +13872975 conic_section +00961001 standoff +12925836 rubber_tree +00072473 mix-up +02752567 retard +00311113 slur +02341108 microtus +09772746 fornicator +01935233 head +04874672 dishonesty +01536474 melospiza +02451679 inhibit +10943256 john_drew +11699915 podophyllum +08058098 company +10724699 transferrer +06593296 periodical +14777441 maalox +10995292 george_iii +03035510 cistern +03743761 membrane +07710283 root_vegetable +08279524 military_academy +02621395 make +03750614 merlon +00369399 contracture +06269130 newspaper_article +01021794 flat +14356328 synovitis +09629065 religionist +09307902 hydrosphere +01781410 sarcoptes +01375204 actinomycete +01789740 poultry +14176895 mycosis +10239761 knocker +00186001 malt +06691442 encouragement +00164658 revitalize +12161285 turban_squash +02824448 bell +12882945 fingerroot +04178897 sewer_system +09113762 newark +02574489 order_discocephali +00429642 spill +01644245 polypedates +03173142 delf +05979454 enchantment +00439484 summerset +11866248 spiderflower +02282385 copper +01205961 selflessness +10254392 loaner +00860292 applaud +03289819 enovid +03458552 grid +00932636 spell +10763985 waker +08191230 regular_army +09013074 republic_of_latvia +14395018 insanity +01395493 silver +02945971 pedagogical +12377328 shorea +01926988 schistosoma +01740551 worm_snake +14276649 zoonotic_disease +04087126 rib +03482523 hand +00514658 rag +05526957 prepuce +14545845 atony +03020034 silicon_chip +00971999 rule +12683407 scabious +02295082 admeasure +00279465 bleach +02461128 tamandua_tetradactyla +01044867 bibliolatry +02735418 terminate +01894520 breeze +14839846 dust +00742149 shrug_off +05764197 colligation +07430211 noise +08917881 chaldea +00036362 wash +03966751 plexor +03150795 pointer +01172598 aggro +05658985 sense_of_movement +14971519 oxide +02679012 qualify +04063661 recording +13368052 stockpile +05805902 comprehension +12201166 tarrietia +00734927 date +14898470 gum +02033805 deflect +01960911 swim +10325656 humdinger +01599539 casket +11376069 waters +11922192 lady's_tobacco +00654015 reconsider +00774796 statutory_offense +02240852 notonecta +12121405 genus_festuca +08225090 neighbourhood +01047803 renascence +04952944 sparkle +02647497 run +11720891 water_crowfoot +09258715 scissure +07461411 horse_race +12431128 genus_allium +05910940 schedule +06721461 stinger +06252954 imparting +09949946 typographer +02742232 ride +00821295 military_censorship +12317164 parrotia +07578363 serving +07990956 flock +11643684 thuja +02192225 curry +03830582 pamelor +02972499 athenian +11834148 salicornia +05525391 undescended_testis +10722965 treasonist +04744814 similitude +02625851 scomberomorus_cavalla +15294884 novitiate +01749790 etch +02062744 whale +00259177 remedy +06874185 traffic_signal +10355449 starter +12076381 phalaenopsis +01445932 seize_with_teeth +12896307 solanum_nigrum +06773976 peace_treaty +00298041 socialistic +01212572 seize +00335988 saccade +01434822 pile +01225970 stroke +01556178 tail +05930736 shape +11414257 harvest +07989373 married_couple +05591256 tibialis_muscle +13659162 metre +14110411 sclerosis +06713930 talking_to +07265619 red_flag +02258617 substitute +01656788 tack_together +14704966 paste +12736999 rabbitwood +05683390 snoopiness +11356636 urban_ii +01429953 interbreed +01987160 position +04540547 voltaic_battery +11655764 lagarostrobus +12383073 passionflower_family +00439958 slow_up +00366547 condense +02656390 shelter +02479154 sanction +01392843 order_foraminifera +01896561 down_feather +10644301 stableman +00377686 detonation +09657887 iroquois +02171664 whine +07213395 revelation +13651218 statute_mile +01252280 settlement +01275516 loosen +00335366 fracture +02424984 volunteer +09718652 nip +09394007 planet +02321342 holothuroidea +01745141 format +04578559 whipstitching +11263558 ritz +00354183 devitalization +03896103 passenger_ship +00653388 nosecount +10012815 discriminator +09048303 west_coast +00153288 prenatal_diagnosis +13276330 trade_expense +07249426 newspaper_advertisement +08624196 lie +00550242 panto +03799375 step_rocket +07218470 written_report +08735345 lubumbashi +12224522 family_casuarinaceae +12688526 genus_erodium +10400998 parodist +00379754 confusion +02792049 barbiturate +14398067 psychosis +09942970 commissioned_officer +07779747 monkfish +02457058 exhume +05416198 spittle +00230324 abortion +02030996 woodcock +07356489 destabilization +13650447 yard +09824135 dictator +00982178 lisp +06986894 semitic +09941571 commander +10538629 roper +00534849 ballroom_dancing +02595902 sciaena +01634891 genus_dicamptodon +10531694 ring_girl +12973541 genus_rhizopus +00552815 decay +07326880 antecedent +02062209 order_cetacea +06689125 tacit_consent +08124649 center_for_disease_control_and_prevention +13002433 genus_amanita +11896365 sinapis +13558003 soil_erosion +02152740 predatory_animal +04264914 spacecraft +02235911 genus_mantis +10710259 ticket_taker +12261359 fagus_sylvatica +06550206 driving_license +01265176 palpebration +12034828 loasaceae +07795751 salmon +01831712 apodiform_bird +11476430 luminescence +00847158 assassinate +11623105 true_cedar +05512835 ureter +01167385 truckling +04687119 sultriness +13134302 bulbous_plant +07367812 interruption +01924916 platyhelminth +00747757 obtrude +12557064 kidney_bean +02342109 genus_clethrionomys +06889591 bravado +01939406 mush +01958615 ride_horseback +06138582 cognitive_psychology +02652922 stop_over +00953923 crack +02419796 antelope +13080674 genus_cercospora +00265119 renovation +09012530 tallinn +12310153 syringa +09884391 meatman +09200649 apalachicola_river +10470779 priest +02635154 hyperglyphe_perciformis +00848282 free_love +03109693 quoin +03536122 tailplane +10337488 mugwump +13725726 erg +12081851 sarcochilus +01591835 placard +03138344 wrecking_bar +01773549 barn_spider +03120454 stigmatic +00357332 spud +06731510 submission +00267871 dyspnoeic +07598335 saint-john's-bread +09138538 charleston +07380144 crash +10442232 stick-in-the-mud +00190023 punctuate +08702805 north_american_nation +01013040 swear +01651059 hyla_arenicolor +07058296 marching_music +11348812 trevino +02071173 orcinus +11991080 liatris +06490887 numbering +11894173 raphanus +01557962 turdus_viscivorus +09184834 psychic_energy +12096798 myrsine_family +04120093 runner +14799601 composition_board +12233529 scots_heather +02023992 killdeer_plover +00515791 militainment +01141593 clearance +11419404 physical_phenomenon +00998886 write +03525074 hoist +14603497 chlorofluorocarbon +02948072 wax_light +04103918 roll-on_roll-off +14126660 sightlessness +00262596 adornment +00630071 squatting +05749402 individuation +12684153 genus_impatiens +00113726 shove +12303462 ash_tree +02222459 polyergus +07568095 indian_meal +04259468 solleret +02909006 navigational +00677299 hysterotomy +01682293 genus_basiliscus +10619642 social_scientist +10221956 jewelry_maker +02508021 racoon +02749778 institutional +07164546 offering +07248060 indorsement +01992773 amphipod +13226526 geoglossaceae +02596252 sciaena_aquila +01479937 placodermi +01188783 non_prosequitur +12317919 walnut_family +03287178 output +06371734 arthurian_legend +02264885 stink_fly +02181538 ring +02942699 photographic_camera +14302005 vital_sign +08119821 government_department +06524935 conspiracy +09370383 new_york_bay +02803349 bass +05544725 occipitomastoid_suture +07047373 tone_poem +01419982 box +11771539 carissa +11790788 arrow_arum +09606380 anomalist +07818689 lemon_balm +06619428 programme +13252395 hacienda +12087807 genus_dioscorea +05261566 whiskers +04403167 telephotograph +06749729 weather_forecasting +07961379 clew +05134880 profundity +09131001 columbus +08180639 working_class +02248147 superfamily_coccoidea +14458593 eternal_damnation +00450335 riding +04253437 soap +14704465 binder +09014273 wilno +00176874 decorticate +00495038 insulate +04390873 tannoy +02041246 seagull +09417668 rushmore +10186216 wrangler +01800349 pleasant +10252547 lecturer +02236842 smooth +14786479 building_material +01202068 swig +02280649 cabbage_butterfly +12525347 genus_derris +06228549 protestantism +01932834 stand_out +08329113 patrol +01351754 press_out +00943363 expressible +07611358 frozen_dessert +04662951 attentiveness +03038685 schoolroom +10575089 seducer +10569744 secretary +03141065 squad_car +00585406 facility +01424948 snuggle +01445305 ictiobus +02322712 milt +10812047 alcibiades +00248368 seasoning +01052248 fragrant +00455529 scour +10329337 monopolizer +01210352 palpate +06539502 court_order +00914769 throw_in +00700708 determine +11888621 hesperis +00128867 blast +13720600 stone +12616825 groenlandia +00248026 senesce +15207556 full_phase_of_the_moon +02193009 gadfly +02408217 tribe_bubalus +02660769 family_bothidae +06649915 attestation +01021629 fix_up +08364959 private_enterprise +01573074 meadowlark +05323889 pinna +12405209 ulmus +00054821 evacuation +12413419 orris +12677427 symphoricarpos +00966504 rustling +15250691 wedding_anniversary +03120778 courtroom +00502415 board_game +00151087 spying +09151963 chancellorsville +05944958 prospect +00462689 inhibit +07908411 absinthe +15146004 genital_stage +06431156 gita +10213034 intervenor +06200178 predisposition +13453160 temperature_reduction +02433925 reindeer +00624476 take +03308853 eyelet +00432689 spare-time_activity +12940226 lovage +00448232 sumo +08161068 electorate +10184946 hope +03195485 pad +08437515 thicket +03055809 commemorative +12519563 rattlebox +03409591 saddleback_roof +10765679 wanderer +05541872 occipital_bone +00793580 invite +02448185 organize +01482330 shark +00958880 faithful +10474950 principal +04846533 mischief +01013367 stress +07532112 fulfilment +02738535 armchair +12869248 teucrium +09861718 four-flusher +12063887 grammatophyllum +13042514 family_clathraceae +15146545 oral_stage +10518194 reliever +10510339 reasoner +05594822 tarsus +00123430 gun +07092356 form +04639113 unpermissiveness +09762509 wizard +03820950 network +01732445 genus_elaphe +09679316 protestant +10362195 passive_resister +00692130 sterilization +10045454 educationist +00755673 pose +10486349 provider +12751172 titi +07010541 dialogue +00365446 condense +02084861 mutt +00704388 study +00643250 originative +02525044 pass +00236999 reduce +00819024 saving +15217563 rabi_i +12318378 walnut_tree +01406512 ground +02283728 tortricidae +09879744 stumbler +00487182 polarize +04404997 tv_camera +01836527 phalaenoptilus +09757653 absentee +04869569 integrity +02256998 redeem +05162217 unpropitiousness +13741022 figure +07764486 sapote +08310949 council +13549488 relaxation +10284064 shaper +13187604 family_davalliaceae +04425656 thiothixene +10209246 provoker +00099184 heal +01316619 gather +01949966 raft +11950345 chrysanthemum +02640226 linger_over +06841365 punctuation_mark +01603316 family_bombycillidae +07269916 icon +00345641 winding +08025835 islamic_party_of_turkestan +13988101 rapture +05484355 anterior_pituitary_gland +01264243 emphasizing +14180327 scabies +00529511 pas_de_quatre +08900047 saqqarah +07781319 mackerel +02729023 head_up +05982915 mind +01095218 serve +10292824 maquisard +12480233 polianthes +05480794 systema_nervosum_centrale +14242922 leukemia +01058574 remark +08994834 jiddah +07437575 cross-fertilization +01926379 liver_fluke +00550117 switch +03769967 minicab +07013736 word_string +05155821 vantage +09179776 motivator +01398032 whip +03038281 clasp +08688247 zone +02887209 brace +03187268 panel +01726692 snake +11505546 rejuvenation +09380117 orion +04297476 stage_set +08902196 mysore +09539394 gabriel +02515443 strong-arm +12097927 sea-lavender_family +01929254 pace +01269360 alamo +08810358 puglia +15226732 trimester +11004106 johann_wolfgang_von_goethe +01183497 criminal_suit +09066948 santa_catalina +09616722 ensign +07548978 resentment +02174311 clank +09840217 tycoon +10803193 yawner +12162758 prairie_gourd +09840050 trouper +10293861 margrave +02513269 virtuous +15197302 simhath_torah +14171682 inflammatory_disease +00285088 purpurate +14040660 thirstiness +13850304 scale_of_measurement +08175498 allied_command_europe +00122338 posting +09012735 tartu +14650807 potassium +02183787 ring +02187427 tunga +00301856 tame +07285403 experience +10497373 quadripara +08790353 arcadia +10261388 lighterman +01280958 crank +00885858 elementary_education +08780282 espoo +07778938 mahimahi +12322359 pterocarya +01919931 noisy +03065424 whorl +01915093 order_alcyonaria +09292189 ursa_major +00327145 steam +00994076 write_in_code +11477384 magnetic_flux +13572860 vascularization +14414715 isolation +01800042 pipile +06337693 soubriquet +00475996 convenient +14940100 liquid +01145359 restraint +09752519 twin +06685198 giving +04345288 stuff +12240715 lyonia +10005548 deputy_sheriff +13597280 ordinal_number +01781520 strong-arm +04005340 prism +04469003 tramway +07844604 milk +06732350 avowal +02013889 family_cariamidae +00177578 ablate +03548626 hull +13865483 round_shape +13111174 spice_tree +00315956 write_off +00358290 pulverization +10442417 slogger +05637558 skill +05714466 scent +03156990 cymatium +09780249 auxiliary +05549576 axillary_fossa +01873310 platypus +00572838 putting +03440024 glucotrol +00811036 power_trip +02556014 family_anabantidae +00391086 tear +13687015 turkish_monetary_unit +01191158 ruling +01598432 laniidae +09239740 heavenly_body +11887119 wallflower +01265246 refinish +06276697 broadcasting +05703429 observation +02289177 genus_galleria +08045428 tareekh_e_kasas +00143885 tactual_exploration +03065516 fatalistic +02094788 hop +09075329 tampa +00419685 unbend +14885369 triglyceride +06355307 secret_code +13723304 metric_grain +01557028 turdinae +13538182 planation +13907847 ruck +02403231 steer +04481373 trichlormethiazide +03376159 sheepfold +04400289 telecommunication_system +02656426 molidae +07693972 biscuit +01482754 hexanchidae +00159880 acculturate +10240715 koto_player +08364143 capitalist_economy +03946532 pipracil +05921123 sum +02162672 glare +08144308 tsa +00424934 savagery +01542207 splatter +14019441 acephaly +14934031 leavening +01147451 containment +10648033 stander +00163441 renovate +10205985 source +00101609 selfless +00641672 multiply +02483915 family_cercopithecidae +00636461 testing +07345166 vibration +06920756 hokan +13426238 acidification +11903525 genus_chelidonium +13233548 genus_asclepias +08033194 loyalist_volunteer_force +06391766 instalment +12127030 panic_grass +01062555 send_off +02393024 genus_diceros +12293723 gentian +12322099 white-heart_hickory +01016973 territorialization +00489299 glorify +06535980 advice_and_consent +12236546 huckleberry +04939324 breakableness +00795863 veto +10380305 optometrist +02324045 rabbit +07523286 self-doubt +02525703 rattail_fish +13987423 happiness +05284617 intervertebral_disk +10294421 naval_engineer +02520509 expiate +07169848 commandment +01834702 order_caprimulgiformes +01870889 profitable +06917926 caribbean_language +12108871 tall_oat_grass +05314919 lash +06802571 predecessor +09893015 police_chief +05112609 sufficiency +00426526 colonialism +06205154 intolerance +09038439 susah +04291511 square +00187016 brominate +00469637 wilt +01625121 sceloglaux_albifacies +10440717 theatregoer +11802212 wild_ginger +10889032 miguel_de_cervantes_saavedra +00882220 rave +12627347 crataegus_crus-galli +04672355 painstakingness +02619029 gobiidae +09857007 bisexual_person +02102002 travel +01728355 play_along +08856266 rio_de_janeiro +01219075 idealization +01129337 ward +01945381 yacht +05538625 head +12460549 muscari +06688913 salute +01880673 beat +09096498 charlestown +01700076 ornithischia +01300242 yorktown +03643907 thong +07350069 heave +07254057 intimidation +14675012 fergusonite +14594456 ethanoyl_radical +07000195 graphical_record +01023071 mention +01644522 stimulate +04904664 discomposure +13359941 giro_account +07956887 hand +14854581 turd +00599064 residency +02882647 pin +10430665 piano_player +01480336 class_chondrichthyes +15269513 time_interval +01942959 soar +04895246 trustingness +05574332 sura +01198750 denial +02174521 melolontha +14421724 syncretism +00119266 speciate +01798936 let_down +00694990 giving_medication +01280808 gnarl +03493664 hardware +05371663 vena_labialis +00774817 spat +01942234 jet +09968259 costumier +14114555 renal_failure +08684769 zenith +04627809 corn +10014658 diplomat +03386011 fortress +00765977 push +09252273 connecticut_river +01955808 soar +00597532 primateship +13315999 tariff +01556368 pachycephala +07185870 wish +02260959 arbitrage +01064758 lie-in +03118969 country_house +04590553 windshield +02168699 longicorn_beetle +00952841 talk +02146064 lasiurus +00562935 check +00474492 refine +08220891 division +10711483 timer +04434932 tights +11929027 sagebrush +00238542 crack +14460974 completeness +01706889 harmonize +15129572 priscoan_eon +00374534 concrete +12815060 genus_chilopsis +00169651 change_magnitude +13370014 reserve_fund +12285369 white_alder +01382839 genus_borrelia +00619972 cooperative +07658814 beef_loin +12329020 lagerstroemia +02604954 spadefish +09983889 curator +00823669 reprimand +13013187 genus_lepiota +06601327 signification +00632201 medical_practice +01802033 macrocephalon +10323752 mistress +02697725 personify +04272638 spectrograph +01283185 lake_trasimenus +01362623 nitrous_bacteria +04008634 projectile +09267854 divot +05424963 ventral_root +04811126 outlawry +01321509 top +01277649 furrow +12761123 mangifera +13935227 exclusion +09187923 adirondacks +06268567 newspaper_column +10000294 defense_contractor +00788973 struggle +09341673 llullaillaco +11862089 spraguea +11073061 st._irenaeus +02065085 deviate +08408709 side +07202579 label +12499439 senna_alata +14980910 petroleum_jelly +01596142 riparia +00358089 crush +00623862 trouble +12921868 euphorbia_milii +05505679 parasympathetic_nervous_system +10819285 antichrist +02243744 gerris +08794366 gaza_strip +13163991 twig +12519328 genus_crotalaria +00249969 ripen +03825080 sleepwear +12858397 oswego_tea +09154607 spokane +10433737 procurer +07767344 olive +13498404 infection +02496816 subjugate +14120767 thyrotoxicosis +10623354 solicitor +01592892 psaltriparus +12491826 cassia +00912001 fabrication +00278117 disarrange +10161363 reaper +09193282 alluvium +14121804 osteosclerosis_congenita +10618007 snuffler +13248393 rental +05899087 programme +01282022 iwo_jima +01395382 tin +00435294 burn_out +06037298 life_science +14640756 hydrogen_atom +12258663 monotropa +09641002 white_man +02555863 perch +02300797 silkworm +01783394 preoccupy +05958208 abolitionism +01977366 menippe +00381013 convert +00758333 take +01767163 worry +05171045 essentialness +01982044 straighten +00597265 president_of_the_united_states +10728828 tribune +08236438 syndicate +12725940 silver_willow +01203715 prey +05580929 lamina +00983982 psyop +08040008 sol_rojo +07353075 wreck +05815517 area +00618878 place +02004661 mycteria +06012726 algebra +02184114 pediculidae +00062397 ovulate +10370381 occultist +01558149 turdus_philomelos +03802393 muslin +00345312 concur +06491786 index +01172889 unhealthy +06436443 nehemiah +07313004 shrinking +03118790 slavonic +13453428 erosion +00259643 recompense +01948917 patella +01217780 plicate +00365709 expansion +00034948 blow +10345659 nark +04367011 sustaining_pedal +03634469 lake_powell +00294175 idle +00121645 forwarding +12148253 giant_cane +11695485 genus_asimina +10248711 lauder +02107248 receive +07653394 cut_of_meat +06377133 lucubration +13558490 sorption +10182913 homosexual +07184391 fight +06352782 nagari_script +00889472 lesson +06529219 purchase_order +00810729 get_out +09453566 tagus_river +06139285 psychonomics +00493517 debase +07504111 nausea +02295870 underwing +02400378 sort +08905467 tamil_nadu +00349416 recommence +01855155 transplant +00136800 equilibrate +08372190 peer_group +05938795 pattern +14616939 adulterator +00090888 maim +15107876 zinc_blende +00740290 truncate +02603673 adenoidal +08463817 sampler +00818553 profess +09956578 vanquisher +01696435 watercolour +00364600 depreciation +08180190 the_great_unwashed +02548219 benefact +15024606 myoglobin +00639556 experimentation +08578706 geographical_point +12577362 vigna_aconitifolia +01735144 recapitulate +00737884 pay +12302565 forestiera +14631871 boron +07577538 nosh +14433587 prominence +02521816 march +14716042 alloy_steel +10455094 pornographer +13248598 you-drive +00632438 wrong +11997775 olearia +13427078 adjustment +01418237 zoomastigina +01582625 family_cracticidae +02005778 boomerang +13449566 clouding_up +02601996 relax +01891145 neurotrichus +04237924 slide +07682624 flatbread +02617567 make_out +01235258 revenge +08631531 possession +02676261 acoustic_device +04685195 glamour +12194776 sterculiaceae +02290664 fig_moth +10634075 speculator +02420430 ranch +09831411 bacteriologist +12749049 spindleberry_tree +07440240 upsurge +01805384 stew +03519081 highlighter +10427764 physiotherapist +00095121 propitiation +01894803 genus_potamogale +01801600 unpleasant +10154013 woman's_doctor +02512053 fish +13194918 silvery_spleenwort +08903352 bangalore +03630544 trandate +01922763 quiet +00363052 thinning +08961970 madagascar +02541687 tarpon_atlanticus +10501203 quibbler +07757602 oxheart_cherry +09044190 united_arab_emirates +04970916 pink +01496978 ship +12558902 pickeringia +02019308 genus_choriotis +11485367 sunshine +08879388 newcastle-upon-tyne +00731000 capitalize +00205349 turndown +02456147 genus_chlamyphorus +10022908 fossil +01154237 ablism +12192722 genus_elaeocarpus +09936362 gatherer +12373100 pawpaw +03689157 loom +01670777 applique +12107970 foxtail_grass +01988971 order_mysidacea +01817938 recreate +12097396 spiceberry +02081946 start +00787465 share +07091902 acronym +02232951 dictyopterous_insect +02557033 perca +12533190 wild_liquorice +09816771 associate +03175189 jean +08188235 ensemble +04803430 exactness +08345613 israeli_defense_force +02049532 podicipitiform_seabird +00959027 ditto +11431617 calm_air +10585077 sex_symbol +01220303 hold_tight +00002452 thing +10629647 spanish_american +02457825 disrespect +06540702 decree_nisi +02853449 stoppage +02701210 take +02806088 citadel +06469874 summing_up +07737081 edible_nut +07416107 isomerization +05274247 tail_bone +14213512 misshapenness +12490054 pride_of_barbados +01824736 wish +04566862 weather_deck +05016753 warmth +00712419 imperative +09456614 territorial_waters +05748054 secernment +02622955 hairtail +05822612 tasting +05406570 gall +06610143 lallation +04436675 time-ball +01391174 subclass_rhizopoda +02536456 quinnat_salmon +11770526 genus_amsonia +10225787 judge_advocate +00955806 police_action +06738162 word +12958921 salvinia +02225492 save +08953151 iceland +00278403 watering +01477806 female +06477371 identity_card +06089447 physical_chemistry +00706975 machinate +00991900 placard +02458822 megathere +10162780 head +13498828 rising_prices +00369802 muscular_contraction +00924825 manufacturing +02079029 sarcastic +07122118 hue_and_cry +02286271 genus_euproctis +00352558 wind_up +14091254 motor_ataxia +01672490 hook +12765115 schinus_molle +02692335 localize +01774252 latrodectus +00802946 tolerate +01244178 swob +13877918 twist +02549581 take_care +01986869 sink +06920129 siouan_language +11764478 wild_tamarind +02044178 jaeger +12869478 germander +00277811 sousing +05499172 thalamus +05937524 prototype +12626030 genus_crataegus +10286855 maltster +01891817 twitch +02921884 sepulture +00081367 transfuse +13032115 morel +13327896 financial_loss +08001685 topological_space +14133159 venus's_curse +13247818 spiritualty +00811355 storage +12813870 genus_bignonia +11552386 spermatophyte +04005630 prison_house +05011790 temperature +03494278 mouth_organ +01206153 loyalty +01938155 hirudinidae +05636048 musicianship +02339768 neotoma +00592001 discipleship +01679980 deck +09904837 moderationist +04537919 virtual_storage +02624551 shiner +06421301 vade_mecum +02265979 save_up +01681913 smelt +01074650 friendly +10276045 lumberman +10509389 realist +06814870 musical_notation +09146813 waco +12739801 mistletoe +01011031 verify +11923637 field_chamomile +14515344 political_sphere +06428216 excision +08038379 popular_front_for_the_liberation_of_palestine +09330913 lake_edward +13044541 geastraceae +10078806 sodbuster +03469493 gunlock +14956325 mud +11077762 jacobs +00407848 set_up +09952163 reconciler +08908954 sumatra +02274253 unsound +07935504 water +10786270 witness +01624169 machine +06681551 write_up +04835028 self-interest +02109818 die +07244613 evangelism +03719343 mantlepiece +06571301 web_browser +00419908 maltreatment +00090513 galvanize +02973236 cartwheel +06310945 grammatical_case +08677628 venue +07331013 obliteration +05194043 sway +02478059 void +00367685 unite +05119367 superabundance +08904731 mysore +05461179 integumentary_system +09032483 basle +00922327 mining +08230477 sorority +02264363 lacewing_fly +12770277 genus_diospyros +06294441 neology +11456462 temperateness +09536363 maker +04906273 obedience +03671272 railway_line +00806049 yield +13712428 pica_em +01182021 feed +12137120 sorghum +09398533 poyang +10803282 yenta +14420464 cohesiveness +02619924 survive +04603872 workwear +02644967 family_cottidae +00621734 throw +00824767 trounce +10741590 user +04585456 wincey +09124039 long_island +05567217 thumb +07129202 sibilation +01911888 sneak +09066534 santa_ana +01660082 preform +01457276 family_centriscidae +12479821 nolina +08566554 terminus +00471058 decimate +02231487 walkingstick +00951601 misspeak +07763629 kiwi_fruit +05147586 richness +01746359 run +12189429 simal +02149136 molossidae +01296697 tarawa-makin +10084295 little_girl +12443547 genus_bessera +01500091 manta_ray +00785470 spy +00362355 weakening +09157021 wheeling +02542795 obey +02128066 discover +09137682 newport +08946042 capital_of_gambia +00825443 martial_art +01678279 stucco +08142801 comptroller_of_the_currency +10578762 transmitter +02050004 grebe +01517515 upend +12605315 yellow-eyed_grass_family +01069638 give +11513880 spillover +04863358 impenitency +09251407 comet +02148835 long-eared_bat +00916706 exchangeable +13623455 cubic_millimetre +02334302 seat +04474466 trap +04060904 receptacle +01076863 nuclear_deterrence +02135048 sound +09875353 hand +02671880 satisfy +00252019 develop +08061042 concern +13550089 repression +05191486 preponderance +01741221 landscape +13060912 tremella +14147627 pneumonia +12370384 mesua +09465459 unit +04160372 seam +00018526 waken +00073177 rounding_error +03006105 channel +14757172 melanin +13499923 infructescence +06719974 character_assassination +10125786 general_officer +12015959 goldenrod +00310666 tour +06615818 collage_film +06529879 indent +04387706 tamping_bar +01347199 protoctist_order +00162632 determination +08504151 nicaea +05827684 stimulus +02918595 bumper +11206544 sir_harold_george_nicolson +09926088 clapper +02020777 psophiidae +01504298 stack_up +01641739 spring_frog +05254393 pilus +00303465 widen +12551457 peruvian_balsam +12110778 bromegrass +02465658 ostracize +11601333 fern_palm +10291110 manipulator +01091905 trade +00563552 initialize +11418460 luck +02600298 surmullet +01308681 stratify +03048883 loop +08114581 free_french +02451415 tayra +00713818 interrelate +06941644 indo-hittite +09761068 confederate +01613909 harpia +09162581 cumana +05587288 axial_skeleton +10085548 fetishist +00696882 dressing +09197945 annapurna +09887496 khalifah +06766190 reference +03762434 mihrab +01543817 genus_estrilda +02252931 pay_up +02321391 rob +10557246 shlockmeister +07233542 damnation +07949463 nationality +00593837 internship +11923016 genus_anthemis +03128583 vestiary +02743727 flow +07013549 string +07243837 sermon +07026646 opera_comique +06612266 garbage +08191701 navy +00917300 suppose +00081671 unafraid +01201773 seclusion +00658627 hospitalization +12280487 family_betulaceae +14659512 wolfram +08486538 wise_men +04973386 venetian_red +03203441 phenytoin +02336011 new_world_mouse +08346031 special_air_service +06587980 spyware +02702508 cost +07689003 journey_cake +00413195 take_in +00416705 even_out +01039140 penance +03442288 glyptography +01873850 subclass_metatheria +07486628 yearning +07515560 tranquillity +05573099 pyloric_valve +01139865 birdwatch +04866465 irresolution +01083373 destroy +01609287 pull +02714535 anode +03943115 pinion +06722186 interpolation +00051511 coat +07314658 puncture +13570574 tumefaction +02652590 autotrophic +02247584 sell_up +02344243 pay +08358594 cell +07058871 recessional_march +00878136 submit +02667698 jar +00654258 reconsider +01027174 supply +07821260 waldmeister +03765561 milling_machinery +01683101 gild +02550460 flying_fish +02004492 xenorhyncus_asiaticus +00683127 bethink +07746334 west_indian_cherry +00085907 salve +02212062 wasp +01954341 truck +06879521 show +12375518 sunrose +03754295 trash +14507651 porphyria +10745332 valet_de_chambre +01770967 genus_chelifer +00512749 pinion +04257790 solar_panel +08755214 barbados +02517442 siluriform_fish +05845140 make +10592595 shopper +00753428 request +00851587 inbreeding +06223669 theism +00392950 extraction +12690240 erythroxylon_truxiuense +09062320 bakersfield +11781430 genus_aglaonema +00865387 swear +01903935 ebb_out +01475831 manly +02714883 antagonist +07231294 challenge +00136991 leave_behind +07302542 hit +10405694 patient +05853636 attention +09224911 body +01565599 sedge_wren +02571167 rainbow_seaperch +09338453 river_lethe +15140892 life +00511041 toot +09235469 cape_york_peninsula +12219875 lambertia +09693244 luba +00938419 tracing +02897237 brewery +01212882 attachment +14496977 spit_and_polish +02332445 headline +06430385 scripture +00403401 pressurize +03069213 collectible +05113462 scantness +00908621 support +12818346 spanish_elm +02256010 psyllidae +09890296 camp_follower +02258065 philaenus +00198213 tusk +01258091 chop_up +03587874 isuprel +00844298 complain +00853776 emotional +04424218 thing +01154175 strike_out +08274923 academia +05030418 sinew +01647672 give +15055181 steam +14186738 rheumatoid_arthritis +00999270 tape_record +02216710 subsidize +15164957 daytime +14496710 orderliness +12863624 mountain_mint +02283951 tortricid_moth +00925490 wonder +12241426 shiny_lyonia +00774056 squabble +08163025 house +12751402 family_empetraceae +14824238 hydrated_aluminum_oxide +08193212 nawcwpns +10117739 weight_gainer +01629276 salamander +12459048 hyacinthoides +03901548 pawl +03532342 hook +00377002 combust +02455310 genus_cabassous +00419375 loosen +00546873 decrescendo +02470175 consociate +03743577 melphalan +02212825 refuse +08817235 montenegro +09804806 archeologist +01292727 earth +01560731 sever +00510723 tear +04537602 virility_drug +13150741 genus_peperomia +13089631 thorn +00581891 ventilate +02480855 gorilla_gorilla +12741409 sapindus +12643473 sour_cherry_tree +08946187 republic_of_ghana +01188144 starve +10679998 yielder +13004160 genus_cantharellus +14899152 medium +02712125 sudorific +01805247 mope +07084166 pitch_contour +09129324 winston-salem +08956140 inchon +11885856 draba +12394861 pilea +14919272 inoculum +01428381 ruin +00835903 warp +00886039 university_extension +08984122 lodz +03381126 footwear +00908977 patronize +00521209 showing +12808933 polemoniaceae +00694866 undervalue +10476928 privateersman +08546870 county +01807770 tempt +02082527 circuit +15218551 shawwal +02828884 bench +12593341 cohune_nut +07144416 powwow +00154233 certification +04764741 commonness +00937476 printmaking +01983048 true_lobster +09405949 red_river +02400037 prefer +04412097 tent_flap +06622709 wire +00700336 format +00719494 duty +02443484 mustela_nigripes +01142761 rabbit +09365443 nan_ling +12100187 joewood +01811736 uplift +00318735 carry +00767334 bring +05352433 metatarsal_artery +09306840 hudson_river +08986066 lisbon +08261320 labour_party +00354845 die +13805734 progressive_tense +06620579 tv_show +11761484 genus_inga +07375405 blend +03721797 marker +08597323 mahgrib +01959022 prance +01872244 tachyglossus +01575270 genus_agelaius +01519873 emu_novaehollandiae +01569896 retrofit +02628600 skipjack_tuna +02954340 cap +01992516 order_amphipoda +00804002 certificate +01074498 obstruction +12734215 populus_grandidentata +00591523 curatorship +01937015 terebellidae +08506641 field_of_honor +14548105 wasting +01760300 draw +00848098 unlawful_carnal_knowledge +01292928 rossbach +02123812 serviceable +10499857 queen +10026763 ostiary +01378545 slime_bacteria +00882702 tasting +09170294 kalahari_desert +12401335 fig_tree +12469936 smilax +13313899 indirect_tax +09786922 amalgamator +03434943 genre +08821885 canadian_province +01011166 listing +07041795 quintette +00467719 field_game +00051761 dress_up +00802136 laugh_off +02571300 priacanthidae +01076370 quarterback +09313241 inside_passage +02889035 gold_braid +03942397 pine-tar_rag +05491993 cerebrum +15120823 yesteryear +12260593 genus_fagus +01055978 roll +00207418 condition +00687295 doubt +01823528 estrange +05176188 entree +01595596 unnatural +04825114 equivocalness +00592199 eldership +00368662 disunify +03788498 motel +01358572 cyanobacteria +10670310 subscriber +00431005 joke +08507109 camlan +07736087 yellow_turnip +09114401 liberty_island +05965195 nationalism +01449586 platypoecilus +03196598 digital_display +01148614 restriction +12216836 guevina +14720962 carotenoid +10868980 st._bruno +02879638 pontifical +08492546 skyway +01834304 practical +08215603 guard +13454950 cytogeny +00495998 withdraw +08988333 sombrero +01502654 ground +06960566 goidelic +06961557 welsh +08962187 republic_of_madagascar +12890685 veronica_americana +01345109 shut +04729710 expansivity +09927089 cleaner +14535431 wet +08780510 aland_islands +01876326 bandicoot +12704041 oxalis_tuberosa +14966667 oil +02518324 silurus_glanis +00255600 washup +08703454 islamic_state_of_afghanistan +12657940 sorbus +14427633 ostracism +02570267 spoil +11214320 sir_laurence_kerr_olivier +02128873 witness +07747951 mandarin_orange +02109190 suffer +05239808 epithelium +05846932 rule +12161056 hubbard_squash +05480076 wandering_nerve +10085736 seignior +06200741 dislike +11685179 capsule +02771840 computer_backup +04502670 tweeter +12530439 petty_whin +01848465 yield +00157081 influence +12024445 taraxacum_ruderalia +03346455 open_fireplace +00312380 darken +01930995 genus_ascaridia +00751389 mandate +03017428 chimney +03845360 oiler +02280869 tire +12631224 geum +04236001 wagon-lit +08155518 hohenzollern +08907606 republic_of_indonesia +00785690 stag +02285548 tussock_moth +11648617 genus_cephalotaxus +00437976 quizzically +02633677 palometa_simillima +02764828 ministerial +00735389 date_stamp +00297532 crossing +06429145 rewording +04463017 tracer +06634095 refusal +00355547 palliation +02742468 arrester_hook +12341412 genus_circaea +15257829 half +01369346 wear_out +12474620 uvulariaceae +01022008 pursuance +09001007 durban +08251877 sect +07609840 sweet +02433546 roe_deer +00249313 retrogress +01071155 reprobate +02446819 intern +10639925 sports_fan +15185007 holy_day_of_obligation +07171785 eisegesis +00595410 messiahship +04332243 strainer +01315333 surf +13827426 direction +02160177 flicker +02421308 genus_connochaetes +05623181 potentiality +08761039 jylland +08855126 belo_horizonte +00970215 vulgarize +05074218 crookedness +02710294 deductive +14736972 simple_protein +09432549 shenandoah_valley +06469694 survey +00132982 triple +12106540 genus_agrostis +13684140 myanmar_monetary_unit +15024997 protoheme +11713628 genus_cocculus +03878963 palisade +01254253 separation +08591269 kingdom +06969129 sanskritic_language +02182479 blast +03405595 trappings +02186868 splosh +05351746 mesenteric_artery +13630545 petabit +04651382 talkativeness +05332225 lacrimal_bone +05611302 psyche +13931145 friendship +12644057 prunus_cerasus_marasca +12598629 plantago +01263257 veering +10894652 chekov +11725623 thimbleweed +08878016 cambridge +02643112 sea_scorpion +02937108 phrasal +00342565 feathering +00829918 umbrella +02614978 gunnel +10034785 jabberer +01223877 dirty_tricks +01569060 dendroica_fusca +02169974 potato_bug +10550551 sanyasi +12496735 haematoxylum +02328942 ochotona_collaris +00980394 dirty_war +02170861 fixate +12904148 hyoscyamus +01788730 subphylum_pentastomida +02948719 candlewick +13872421 recession +00590269 chaplainship +06441803 mark +05264756 funiculus +02706691 cryptological +07990377 association +10208950 inspector_general +10079893 fascist +13464820 evolution +01771624 mastigoproctus +01498769 mensurable +09719430 kurd +01373844 spray +14162275 autosomal_recessive_disease +02316649 yield +02522990 merlangus +00914420 shrill +07886849 beer +09755398 absolutist +07813495 onion_salt +00219575 death +11801392 birthwort +05964643 monism +00431117 thicken +10737103 understudy +01352059 bacteria_family +01758308 pecker +09129062 greenville +13497135 increment +02384275 seat +00491689 sound +10230580 kicker +11644226 white_cedar +00345926 vibration +01071632 message +02156225 see +02601921 white_mullet +09117118 new_netherland +14379703 lucidity +11604698 pteridospermopsida +11467786 incandescence +08855763 governador_valadares +00827730 preach +00619183 date +11634526 genus_calocedrus +04422875 thermostat +01041954 gossip +00716179 vasectomy +00974786 cry +12334686 genus_eucalyptus +13801424 mood +02041875 larus_marinus +11127419 leo_iii +12168385 genus_lobelia +00577330 novate +01141612 angle +10483890 prophet +00575561 eliminate +12462951 ruscus +08414119 jury +01703857 serenade +11693981 custard_apple_tree +00393677 acclimatize +02641298 scruple +14291010 hypopigmentation +02583545 resist +05416678 slobber +02416104 maned_sheep +09962966 yardbird +02616251 genus_cryptacanthodes +01063697 halt +00215314 dissolution +01421012 phylum_cryptophyta +12387633 viola +07172979 embroidery +11977125 helenium +12929403 camellia +05578442 mortise_joint +04412416 tipi +11381824 wesley +00042311 causing +12702706 genus_oxalis +01962662 placuna +03412906 gallows +00951781 commercialization +02336641 wood_mouse +13198728 onoclea +08682188 wilkes_land +12501202 tamarindus_indica +05777439 necromancy +11720643 tall_field_buttercup +01211019 fumble +00673983 approve +07886572 brewage +02039942 family_burhinidae +04018667 wash_room +10539160 rosebud +06202686 nonpartisanship +09419281 st._francis_river +01992935 orchestiidae +10579835 sensationalist +01381357 scavenge +03492250 harbour +12964130 sphaeriaceae +08759420 republic_of_benin +08948346 guyana +00550546 transition +12759273 cashew_tree +00326773 grill +04680465 striation +13991823 freedom +02992032 ward +09694529 bhutani +02617956 macrozoarces +01510173 throw +09641226 white_trash +12118223 genus_eleusine +13474858 urinary_incontinence +13941337 resultant +01724470 ichthyosauridae +12258885 waxflower +02525447 work +01827858 look_up_to +01877355 swing +11944196 thistle +08543496 municipal_center +09181557 passion +01879579 quiver +14379501 sanity +09908273 chaperone +02014237 seriema +11124300 lee_yuen_kam +12714949 zanthoxylum_fraxineum +02410313 genus_bison +02169023 sawyer_beetle +02049672 podicipedidae +07597365 confect +01506157 repulse +12597006 sabal +02344381 reward +06747670 notice +02997773 cerate +10397001 paperhanger +06893285 premiere +05867413 section +00868196 weeping +11812573 moehringia +02133512 selenarctos +04383537 tadalafil +12115563 genus_cynodon +05008746 hermaphroditism +07770571 edible_seed +12348294 water_chestnut_plant +09355850 slack +05911560 401-k_plan +09606009 venturer +00191603 unaware +00842989 incriminate +13944747 over-crowding +01789386 gallinaceous_bird +00356621 exhaustion +11796744 ivy_family +01567275 set +01459242 segmentation_cavity +04192858 shield +10120816 garmentmaker +10620758 sociologist +02681518 adornment +03418242 lawn_tool +12960378 adder's_tongue_fern +10551751 sapper +07441619 roll +08887841 northern_ireland +04836268 ambitiousness +02231328 sneak +02814860 pharos +02229023 stenopelmatus +05382135 vena_temporalis +12316444 liquidambar +11770969 genus_beaumontia +13460568 evaporation +03060294 cocaine +02406432 ayrshire +09062015 anaheim +14943580 timber +11147729 niccolo_machiavelli +02965783 car_mirror +09979321 critic +01500995 rajidae +01695459 roneo +00002942 hyperventilate +12005869 pyrethrum +11725015 windflower +12283790 newfoundland_dwarf_birch +00605715 viziership +13218722 sphenopsida +10008123 desk_officer +06561942 complaint +02255698 phylloxera +03338287 filling +00132355 homer +14157527 mucopolysaccharidosis +08568978 extremity +09212572 badlands +02679142 adder +09219858 wain +10594284 sudra +00922144 generation +00589309 sense +00729109 trace +04668713 emasculation +02066707 toothed_whale +03094520 indicative +01766407 reassure +06281295 modulation +01074694 occlusion +10564224 screener +09704630 londoner +02388403 train +01040646 consecration +01885845 creep +07575076 tiffin +13068073 tilletia +11959104 genus_crepis +01127075 barricado +03083069 malayan +04381994 tableware +09984298 steward +03237639 medical_dressing +12364379 genus_calophyllum +01277755 drogheda +00345149 sweep +00651954 lighterage +11875938 head_cabbage_plant +11769483 genus_allamanda +06580351 supervisory_program +14757848 osseous_tissue +09349648 meander +02950482 cannon +01579028 crow +11712621 yellow_poplar +04538552 vise +00575720 vaporise +04004210 printed_circuit +00476313 spiritualize +04459122 touring_car +13225955 quillwort_family +10012244 dictator +02274079 garnishee +02183857 sucking_louse +14457041 phalacrosis +00572043 slicing +03404449 furnace +13784366 expansion +04908396 willfulness +10155222 hacker +03058107 coating +00062133 sexual_climax +01584004 troglodytidae +12899752 datura_suaveolens +02410509 bison +02334595 ramp +00557813 conductive +03716656 mandala +13445296 centrifugation +06871384 quaver +12556656 pole_bean +01577093 souse +03617095 kiln +07926127 lacing +00872886 rede +07812184 spice +12649723 sloe +00647770 calliper +08877208 kingston-upon_hull +02457945 unau +07250868 teaser +12532564 soybean +00903385 forgive +06561138 plea +10925939 moshe_dayan +04733204 gaseousness +12977565 class_chytridiomycetes +00905852 pardon +06128024 electrical_engineering +14904359 halide +02425086 tragelaphus_buxtoni +14480772 solidness +01475282 unmanageable +00608502 know +01688961 moloch +10537240 roman_emperor +01408297 drag_a_bunt +04890865 statesmanship +01648001 genus_alytes +07160424 whammy +00210259 spoil +00194414 decimalization +08949737 dutch_capital +02181402 peal +02197360 come +07828156 celery_seed +06269674 morceau +02060016 genus_fulmarus +08057206 agency +06805962 dash +08514592 circumference +05248667 external_auditory_canal +02395003 swine +04957176 primary_colour +01152583 detribalization +05447757 formative_cell +01955933 pelecypod +07152948 maxim +12992464 kingdom_fungi +08874273 the_city +03942244 visken +04845312 unkindness +12156484 sparganium +10607478 skinhead +06493721 submenu +02084732 pooch +05309392 velum +04767347 regularity +06589151 object-oriented_database_management_system +01521014 rheidae +09958892 plotter +02841315 opera_glasses +08345770 sayeret_matkal +00440286 retard +01051364 recite +13875185 saucer +04181228 trammel +02148369 cover_up +06457952 apocrypha +00193406 adaptation +01177314 sleep_in +07186828 prayer +04505036 typewriter +04617562 personality +13053816 genus_fomes +06754972 middle_term +06606808 point +00330909 peptize +01305241 wharf +04666615 masculinity +00994895 transcribe +09676884 slav +11701698 winter_sweet +03684740 lockup +05896059 phantasy +02326432 hare +01971094 decapod +01326730 sabre +03458961 reef +08341551 drms +12444261 genus_bloomeria +06956544 non-ugric +04016240 pruning_hook +01908415 coelenterate_genus +09780828 commander +01260867 excitement +02591736 interlope +02384686 invite +04840537 beneficence +00058743 flight +04596630 wobbler +14463826 flaw +12372233 wild_cinnamon +07991364 fold +11087359 st._john_the_baptist +11827348 genus_batis +00550777 inconclusive +01865383 bob +00936620 painting +05442131 chromosome +00678105 detail +13752679 trillion +01977701 drop +04647478 sombreness +01167981 dine +00841986 tell_on +00218208 obliteration +03340463 filter-tipped_cigarette +08836329 austronesia +00149583 go +07060167 folk_music +05289057 muscular_tissue +12412355 bearded_iris +06753299 postulate +06516955 invoice +00783199 hijacking +04969242 sky-blue +00095377 stock +04742535 sameness +11108195 knox +02246166 black_marketeer +10055730 endomorph +00940842 formulation +02502536 let_in +01049462 unfortunate +10657556 stockjobber +13863602 subfigure +01802070 mortify +05405751 sweat +00014405 rest +07567707 meal +09833896 baldy +01103159 printing +02987177 mutational +08980300 philippines +02214972 superfamily_sphecoidea +01549905 disfigure +02559752 stop +08521267 welkin +10199783 immune +12505563 genus_anagyris +03895293 passage +05325378 fenestra +07930554 punch +02601344 mullet +14122053 communicable_disease +04679738 look +01247647 clearing +02688403 sweep +03800933 musical_instrument +13297850 sickness_benefit +01719175 synapsida +12484784 water_shamrock +04317420 stick +02102605 water_spaniel +01887576 glide +02701628 retain +04802403 wrongness +07902520 moonshine +00869126 gainsay +09172751 sinai_desert +02264179 graduate +00016183 estivate +01963571 mussel +11432632 gentle_breeze +03043958 clip +12358173 genus_elettaria +01221790 provocation +06437824 song_of_songs +00738747 call +06836714 aleph +05829342 positive_stimulus +05137165 tallness +01226215 fondle +02042472 pagophila_eburnea +07240925 nomination +12106786 bent_grass +05050115 presentness +05500312 superior_colliculus +00427786 unclean +00715239 find +14359952 sickness +02218635 fund +06048552 orthodonture +03084759 mauritian +10901192 giulio_de'_medici +11022465 richard_haldane +00751398 setup +07352190 wave +02338029 ondatra +05697363 sureness +02409508 synercus_caffer +03542860 hotel_room +01763643 lull +08851364 charleroi +13777764 way +02226598 locustidae +02542283 genus_albula +01181902 legal_action +01765178 compose +03194992 diffusor +06379721 heroic_poem +09756400 abiogenist +01079396 save +12185687 radyera +02567960 roccus +01767949 strike +05070290 convexness +01879379 genus_dendrolagus +13170060 gleicheniaceae +14857278 pollutant +01366415 genus_corynebacterium +00904494 vindicate +07481375 fire +10686073 well-wisher +12718483 picrasma_excelsum +01974399 crustacea +02225577 genus_cryptotermes +10213652 trespasser +04197391 shirt +02386675 invest +02439033 giraffe +00132219 plunker +15137676 leisure_time +02268148 odonate +09107098 kansas_city +12608941 pipewort_family +01559055 slit +00881649 view +02014941 rail +01472417 carjack +06699225 mb +07332956 human_death +09971839 courtier +01750027 genus_acanthophis +11940599 tickseed_sunflower +07489714 lustfulness +00757730 mortal_sin +10682501 swearer +06314808 subordinate_clause +00238720 catabolize +02461372 pholidota +09021503 turkomen +00549472 mimicry +06268096 article +09862183 bosun +08715390 union_of_burma +01141160 devolvement +00764588 nuclear_terrorism +08394657 confederate_army +08925700 kitakyushu +05685030 puzzlement +04058096 reading_room +04031884 quartering +14993378 poison_gas +01022906 generalize +13951984 subsidiarity +02025009 flock +05705355 study +03108193 quadrisonic +00764222 agree +12130408 phleum +03384891 formalwear +03176763 emporium +07537485 depression +00784533 divisible +04357930 supercharger +06536227 statute_book +02574093 rachycentron +00396029 drainage +03189461 pessary +06054446 ophthalmology +08381165 management +13542947 psychoanalytic_process +01055558 flap +12796617 genus_chrysosplenium +04836074 initiative +01468058 force_out +02717102 take +13496517 saturation +02063516 family_balaenidae +15152062 majority +03480186 haloperidol +00696852 review +00874002 call +02274024 lepidopterous_insect +06331803 semantic_role +05217859 dead_body +01981436 shore +12063066 glossodia +01532664 genus_carpodacus +05259240 wave +02884456 spinal +11264973 robeson +10282920 mailer +12409016 genus_celtis +00898286 shadowboxing +03170635 freezer +10469346 presiding_officer +02175578 ticktock +14562960 end +11171851 philipp_schwarzerd +01164874 hanging +10314703 midshipman +12506784 silverbush +02330742 capitalize +00518303 oktoberfest +04750164 unsimilarity +00780575 wander +12801072 mitella_pentandra +00262076 overhaul +01131794 reasonable_care +07499113 tendency +06546261 title_deed +08950907 rotterdam +01817130 displease +01666327 tailor-make +05789432 judgment +02325558 sacrifice +01462468 intermix +01852142 wood_widgeon +00547493 diabolize +05568767 ulnar_nerve +10692883 tax_assessor +10584318 sewer +09991530 swashbuckler +05751173 rage +07106800 metaphor +10658304 stockist +01807882 attract +02367993 lagostomus +05912243 keogh_plan +00339738 come_up +09187407 mount_adams +07650792 mess +01169744 opposition +05064722 lobularity +12392943 genus_boehmeria +01411870 cat +00097621 revitalize +02639087 grindle +03000247 ring_mail +03146342 cuisse +07335716 disappearance +08308497 conference +09896401 caroller +10594408 shuffler +07379963 clap +00885217 oblige +07117595 glottal_stop +09848110 theist +01163620 mine +02802721 basketball_equipment +14490319 liability +11907689 romneya_coulteri +00333594 bust +02057208 genus_eudyptes +04223580 sink +00785045 burglary +05718254 sound +01252216 dust +01028082 religious_ritual +03870672 pack +00015303 snooze +01897991 web +00499812 urbanize +10439851 player +06349030 dateline +01036996 wedding +13651931 quarter_mile +10530769 rigger +01440378 stop +02151966 watch_out +00185438 breech_presentation +01902783 float +05763916 connexion +14987695 resorcinolphthalein +10129133 whale +07243193 raving +05222591 vallecula +14553290 shortsightedness +12610609 heteranthera +02045790 rotate +13079203 genus_candida +02279257 peacock_butterfly +11628456 douglas_fir +05806623 hold +01800286 ortalis +01586600 storm +01214746 urging +03206718 disguise +07391863 tintinnabulation +05842387 gothic_architecture +14051494 fertility +11706629 persea +15032661 chemical_irritant +00402535 filling +09468604 valley +09911051 chartist +04649261 playfulness +09019355 abkhazia +10524973 rester +08819016 split +00415676 way_of_life +05068716 grade +04571088 weight +12049282 grass_pink +02091165 revealing +11005571 samuel_goldwyn +02670186 throttle_valve +00714884 debate +08893223 western_isles +14991712 plant_substance +12697883 genus_entandrophragma +09380446 osaka_bay +01395531 subclass_infusoria +15141213 millennium +09343422 long_island_sound +14702703 lime +08960363 benghazi +02167820 calosoma +02897524 anatomical +05722427 touch_sensation +02324478 lend +01204055 formality +11736569 genus_nigella +09542697 good_spirit +13328853 write-off +01877407 macropus +10344774 namer +02970408 tote_bag +00820801 declare +00472992 combustible +01695257 mimeograph +02678438 worry +00656292 stereotype +00896497 uphold +07317519 trip +08798382 promised_land +01201574 chaw +08115204 academic_department +10170989 hemophiliac +03015113 whiplike +10214062 invader +03787523 mortise_joint +06776783 mot +13967215 sigeh +00322457 causative +02607862 wrasse +00216991 ret +07451463 funeral +03672352 linen +02062991 suborder_mysticeti +07292694 termination +02036339 incurvate +06575932 interpretive_program +14486767 purity +04841810 tactfulness +01729977 green_snake +00546646 concise +09771204 full_admiral +14935555 hydroxide +09150047 richmond +07502387 estrangement +02153023 thumb +03457451 jambeau +02778669 ball +03228016 double_reed +09139380 aberdeen +01570112 seiurus +09513902 semitic_deity +12193458 genus_aristotelia +07766173 lychee +08672738 village +11269236 rollo +01085098 share +10506915 ranker +01498822 myliobatidae +00747418 thrust +10565302 scrutinizer +10616204 snitcher +09353437 meuse_river +08111783 civilization +12789399 genus_carpenteria +12615710 pondweed +11698895 genus_epimedium +03578055 intercommunication_system +04459610 towelling +12174124 genus_althaea +03612965 tympanum +08060694 partnership +13560079 speciation +03092656 console +09749614 singaporean +00255079 incrust +03623338 knee_piece +02903204 spreader +07966927 business_sector +13650045 ft +02534761 court +05294819 quadriceps_femoris +05773923 conjecture +11956348 horseweed +00568234 schematize +00346714 strike_out +04889527 humility +08286946 open_university +14871968 fluorocarbon +05790012 second_thought +01117723 sales_event +10490141 psychotic_person +08770718 dortmund +14547369 unfitness +01035853 sacrament_of_the_eucharist +08688779 war_zone +08389094 ninja +05338410 basilar_artery +06346681 credit +13639647 illumination_unit +06373991 bathos +12699301 lansium_domesticum +01749582 mamba +02392600 task +00542809 dress_out +07506569 shame +10149527 warrantor +01708998 sauropod_dinosaur +00463007 silence +00261029 melioration +08019913 east_turkistan_islamic_movement +12719455 tropaeolum +13752172 one_million_million +00192659 pep_up +10075899 faddist +03154073 cutting_tool +10341446 musketeer +14692026 rocket_propellent +12680864 viburnum_opulus +08398036 garrison +01529672 finch +14647235 nitrogen +10601526 sir +07030718 voice +00334935 thrusting +01942601 haliotidae +12931738 genus_angelica +09479424 wilderness +01558594 turdus_merula +01316401 hunt +00623162 manual_labour +03634723 lake_volta +06596179 colour_supplement +01225397 scandalization +01768596 chelicera +00013328 toy +08226838 moshav +00712225 covering +14599168 ethanoic_acid +04668819 trustworthiness +00955565 combined_operation +04526112 venogram +08984332 wroclaw +05251789 sinus_venosus_sclerae +12265266 lithocarpus +12543455 lespedeza_striata +01637166 think +00910135 protest +07884413 toast +01857392 stick_around +01201100 heterosexual +12764202 virginian_sumac +10102506 soothsayer +03410740 muzzle +01358328 mask +05707146 pretermission +08779149 republic_of_fiji +02587895 improvise +02046759 guillemot +01213702 traditionalism +08656893 stop +14569121 wilson's_disease +12166793 vegetable_sponge +14899328 medium +04394031 tare +08991752 capital_of_western_samoa +01284461 untie +15143864 hereafter +13793504 involvement +02285359 lymantriidae +07602454 chocolate_candy +07818029 fennel_seed +10016954 unraveller +02034394 himantopus +00068333 reverting +00824292 objurgate +01195675 degust +06380879 rondel +05072911 roundness +00849939 spoof +12236160 shallon +03838160 objectification +10394141 palsgrave +07206096 retraction +01064863 sleeping +00833702 train +15205532 century +03316274 facsimile +02715229 transmitting_aerial +09295576 guadalupe_mountains +00669366 take_lying_down +09031233 swaziland +04192698 shield +01661243 set_up +03836451 nut_and_bolt +02991122 artistic +00406612 folding +05833252 fardel +01571578 icteridae +08343534 isi +11917835 white_snakeroot +01487077 odontaspididae +02076779 eared_seal +11472503 heat_ray +02436140 disorganize +09795334 announcer +14147380 pulmonary_emphysema +11595312 gymnospermophyta +07518468 temper +01611252 genus_falco +00638585 work_out +01709484 thunder_lizard +09863749 red +01907738 glass_sponge +08022259 islamic_resistance_movement +11776511 tabernaemontana_divaricate +02160552 radiate +02113850 solarize +11818515 vaccaria +01244593 untangling +12989739 usnea +12848343 hyssopus +13533886 pissing +12393269 ramie +02715941 antiarrhythmic_medication +11072673 innocent_xii +02215506 fund +10347883 navigator +02265471 suborder_megaloptera +00014034 shake +06718434 denigration +07735510 pumpkin +12064996 habenaria +01027263 adaptable +00598954 see +01822248 sympathize +00855674 onanism +01652163 pternohyla +08955397 pyongyang +12612410 sagittaria +00862225 hiss +12820434 lithospermum +10781236 wriggler +10082146 roly-poly +03284482 photographic_emulsion +09797375 antipope +10749715 veterinary_surgeon +13554121 segregation +11684739 stone +02337667 sugary +13796779 grammatical_relation +10379073 ophthalmologist +13331198 sum_of_money +14871601 fluoride +09780395 air_attache +05502090 rf +02546744 regalecidae +10497202 quack +13249927 fief +05120310 redundancy +09926862 classifier +12443144 genus_aspidistra +00669099 stand_for +12056601 nerveroot +01794523 agonize +00514041 dirty_trick +09546772 water_sprite +02368787 sour +02564986 willing +11527177 x_ray +00604930 understudy +00197419 supersession +06550552 hunting_permit +10110287 freeholder +14019840 ketoacidosis +04711031 oppressiveness +00851994 family_planning +08138686 inr +08646787 scenery +04713118 harmony +04449290 tollhouse +14931879 igneous_rock +10627899 sourpuss +13024012 ascomycetous_fungus +04679549 visage +05688486 facer +01977832 genus_cancer +10214230 shut-in +05383467 vena_thoracica +00464513 ordered +02055649 zip +13792842 communication +13433061 apheresis +01108053 shame +00316768 shorten +10154601 hacker +10592152 tradesman +05908520 machination +00310201 excursion +01115349 genuine +02029914 philomachus +01223616 wave +00419137 relax +11764814 pithecellodium_unguis-cati +04092609 ring +01662614 press_out +08231874 baseball_league +07240549 talk +01882689 jazz_around +00499924 billiards +13628761 gigabyte +12874642 sesamum +09425344 scablands +06938493 hawaiian +09260218 incrustation +12262327 genus_castanea +14644249 mg +08772137 bonn +14911057 hydrocarbon +12243927 genus_rhododendron +10095061 flanker +03231912 waste_pipe +01695681 archosaurian_reptile +06468951 synopsis +12072419 genus_masdevallia +03601638 long_plane +01867502 consumptive +00849294 sodomy +03042697 climbing_frame +03346135 fire_iron +02646117 myxocephalus +02963821 car_door +12659730 rubiales +01711071 painful +02133161 ursus_americanus +10709529 thrower +11910070 genus_dicentra +03763727 military_quarters +09237076 cascades +00966718 defloration +02526121 eel +02193974 savour +01139830 enfranchisement +14414294 separation +04364160 surge_suppressor +07039770 allegro +01445407 sting +13496286 nidation +10751265 vice_president +02383440 pull_up_stakes +01048939 squawk +01831930 family_apodidae +11377851 webb +09289913 golden_gate +02336947 berth +02818832 bed +10782791 winner +00910203 transcription +09032981 lausanne +09075007 st._petersburg +12593826 phoenix +15150493 seventies +01044533 mutter +01850035 genus_bucephala +09643799 slant-eye +09540055 guardian_spirit +01017701 suspension +02472012 genus_homo +00578116 militarize +02179012 meloid +02202287 gnat +12213197 umbellales +13908021 indenture +03396311 key_pattern +01679837 genus_gambelia +00087152 unagitated +01885158 pouched_mouse +05346714 intestinal_artery +02398956 lionize +06014730 first_derivative +15063699 sulphide +02611442 algonquin +04790774 noxiousness +00784934 shakedown +03303965 way_out +05398023 extracellular_fluid +08977665 rawalpindi +03484576 manacle +04628192 warmth +00063724 inflame +04407844 temple_of_apollo +02173240 popillia +10149128 growler +02468178 silk_gland +01995211 take_out +02347443 trichys +01794158 turkey +01417451 linear +09261604 cumberland_plateau +01504625 musical +07040148 andante +08140219 bureau_of_alcohol_tobacco_and_firearms +04990220 volume +00871781 threaten +01592084 chickadee +02053425 sula_bassana +01787106 see_red +01619310 turkey_vulture +03298211 prosom +01920939 genus_cestum +04863074 stubbornness +01878203 lagorchestes +14469014 congenital_heart_defect +07856270 spread +02462828 shank +06341127 herr +00374835 exacerbation +14132524 herpes_genitalis +13048666 genus_gastroboletus +12126516 silkgrass +12024176 dandelion +01132980 nuke +12082593 schomburgkia +01911053 qualified +10205457 infielder +05456456 rod_cell +05979909 unbelief +02909870 pail +02701002 ambulance +00917759 culture +00754942 demand +01255355 abscise +01027508 decree +00801977 turn_a_blind_eye +01889129 quiver +09277010 mt._everest +11975100 gynura +00965687 report +09264425 delaware_bay +00326291 zoom +00512043 lather +02372813 procavia +08934532 bordeaux +02460619 rent +04518854 valproic_acid +06253371 circulation +05556204 spare_tire +02344568 strip +04402580 telephone_receiver +14425715 womanhood +10500942 quizmaster +06400510 selection +08028397 kahane_chai +00642980 integrate +08808614 lombardy +06313457 syntagma +00620554 photography +01702154 alliterate +00143204 roll +14392639 manic_depressive_illness +11815491 silene +08420839 finance_company +11660979 yew_family +12936713 genus_cuminum +05739043 diagnostic_test +02789770 bar +02480673 genus_gorilla +02267644 sisyridae +12568865 sabinea +06762711 commentary +04302988 stanley_steamer +07251619 instigation +00926472 forecast +00343334 repeat +05331404 prostate_gland +14325437 burning +13844212 interrelationship +00509607 spot +02666943 slaughterhouse +09000462 cape_town +12060118 genus_dryadella +02662076 aberrate +02569790 trench +00292672 mutilate +02969886 carrier +08211290 mp +01815135 genus_ectopistes +02193765 discriminate +02576349 gull +00093127 overcapitalization +04879340 disloyalty +13856574 sign +00574227 swimming_kick +01356370 stick_on +00550545 shtik +00800242 renegue_on +02629230 oceanic_bonito +00720565 role +12089178 hottentot_bread +00505349 detoxify +02688623 cereal +09049303 mid-atlantic_states +13521873 nitrification +02463990 scrimshank +08303275 federation +05692419 determining_factor +00865808 pupillary_reflex +01398443 scourge +13512725 reduction_division +02204242 monopolize +01067816 sing +13635108 power_unit +00452220 flood +09834378 runner +03716327 piece +14421373 disassociation +12860842 perilla +05283816 turbinate_bone +01487506 sand_tiger +02038329 steganopus +00644839 credible +00290302 step_up +00566895 masculinize +05398609 succus +13246475 realty +14406573 vexation +10338707 murderer +03117939 twin +07776866 seafood +05923696 ideal +12910141 physalis +01253060 emission +00344174 materialize +00898804 modelling +09433442 shore +02679788 additive +00388296 objectify +03784270 ostensorium +00604321 solicitorship +09802239 authenticator +14356720 tennis_elbow +13960117 unreality +02231307 phasmidae +03920989 pharmaceutical +14067076 shock +06276902 rediffusion +07409121 fragmentation +09386842 pass +08714795 plovdiv +00383542 translate +03707597 magnetic_recorder +01499692 tee_up +02573918 rachycentridae +02677797 tangle +02118854 vulpes +11511765 distortion +04515129 vertical +09302616 upland +00161225 exchange +12574866 whin +11060103 mark_hopkins +00943563 talk_of +10628368 rebel +14156488 hirschsprung's_disease +01002677 mental_measurement +02333689 site +14411981 recognition +03446832 golf_equipment +10421956 philanthropist +02586865 lutjanus +02246487 genus_aleyrodes +07473441 victory +02238235 lygus_bug +13887509 angle +11502102 waterspout +04714440 incompatibility +01302935 balkan_wars +02187554 tunga_penetrans +01140839 relegation +06324475 determiner +05636402 taxidermy +01945443 limacidae +09225943 peat_bog +04142549 scan +00874977 scoring +00427853 bathing +04307419 stay +04948722 tweediness +01266491 promulgation +02065026 finback_whale +08274565 troop +11981314 heterotheca +01580050 necessary +02269767 retrench +01734418 kingsnake +00699736 faith_healing +02960690 snap_ring +04347754 u-boat +04018155 public_address_system +05441468 suppressor_gene +02218173 take_in +02192992 taste +02373015 work +05539012 poll +01668603 work_on +02681084 intermixture +06371267 romance +05891572 scheme +05491612 pyramidal_tract +12521847 genus_dalbergia +08730895 taipei +00605086 indoctrinate +09770179 aide-de-camp +03035089 circus +15179415 hindu_calendar +10198958 uneducated_person +08042536 revolutionary_organization_17_november +00908099 discourage +10708976 third_sacker +02052675 cycle +02641215 lepisosteus +09062791 beverly_hills +12496207 gymnocladus +02030764 break +13252513 plantation +07518878 exasperation +04083942 retread +15100644 firewood +12263738 eastern_chinquapin +12564083 winged_pea +05934780 tableau +01058426 gobble +10423225 philologue +05965933 populism +03430959 paraphernalia +14110219 bacteriemia +13425245 accretion +14133543 gonorrhoea +12880963 genus_chelone +01949817 genus_ancylus +07432559 trickle +01699700 paragraph +01684435 genus_eumeces +00404202 colourless +12593122 orbignya_cohune +04044119 radio_station +01530846 genus_carduelis +06487897 catalogue +12140137 sporobolus +11166877 mayer +02386310 workhorse +00296585 procession +13984613 shadowiness +03124700 cox-2_inhibitor +02318165 smash +00124880 physical_contact +06612649 press_cutting +01468327 evict +03454211 grappling_iron +02133704 ursus_thibetanus +02331309 pocket_rat +09159003 wyoming +08496655 polar_circle +05142180 goodness +13204826 sword_fern +05219561 adult_body +13471517 effacement +12498316 petteria +10602985 sister +00590761 intuit +00177448 expedient +14685172 char +07374152 recombination +08307589 meeting +08626080 front +01389007 convulse +08096624 hinduism +03441345 glove_compartment +04801877 traditionality +06052864 neurology +00669970 test +02419217 rupicapra +02277448 stick_up +01566705 smash_up +11752404 trifolium +08804962 calabria +01222859 twit +12771085 marblewood +14059928 glandular_disorder +06013298 vector_algebra +11150634 major +09938672 colorist +10441251 plebeian +10624074 son +00615774 take_out +04680027 leer +02671062 approach +01689411 anguid_lizard +05832745 onus +04285008 sports_car +14869975 flyspeck +01055018 moo +02610541 scaridae +02080934 genus_cystophora +02959942 railway_car +06169285 literary_study +10173410 heroine +01357429 tack +01040707 mouth +00642098 fraction +11635433 port_orford_cedar +00324056 transfusion +03068181 neckband +13836371 angular_position +03711145 main +07211752 whine +02610834 polynemidae +09434661 sierra_madre_oriental +00063291 irritate +01684180 emblazon +00080705 nurse +02121048 burn +01871406 subclass_prototheria +02247028 retail +12411710 genus_iris +02804772 mongrel +02719399 tend +08900204 suez +03670622 lincomycin +01648126 stage +12559302 piscidia +06097775 astrophysics +03353281 fitment +04471315 transformer +04566257 weapons_system +05811884 execration +05700087 preoccupation +04661389 intentionality +10078131 fancier +07394236 snap +13727209 therm +02856463 board +02635911 lobotidae +07883251 potion +05856066 numerical_quantity +03686658 log +12335483 flooded_gum +02635013 hyperoglyphe +07535670 sorrow +14379130 mental_health +11542640 liverwort +10568443 seconder +01483779 wad +01100567 romp +01029852 label +07184965 bust-up +12036939 campanula +01722980 simulate +01412346 knock_down +13969243 harmony +05304603 vestibule +13042814 pseudocolus +04088797 ride +00680346 predetermine +03005920 change +12155259 typhaceae +01262574 skimming +04694090 burn_mark +09467185 urals +12927354 genus_aleurites +02792552 lighter +10221312 motley_fool +07859583 syrup +13259797 killing +01432474 mouth +08256735 wedding_party +01036083 native +09025863 granada +00827379 lining +03320046 fan +05915811 feng_shui +10349243 thwarter +05327767 secretory_organ +00197229 superannuation +04659287 flexibleness +09202405 arabian_sea +04889337 exclusiveness +07752264 victoria_plum +12883733 genus_agalinis +09108164 treasure_state +02120451 sting +00114052 brutalize +12109189 genus_arundo +12478283 genus_cordyline +10451858 polluter +14446652 uncomfortableness +02243562 water_strider +08559508 place +01518772 spin +11709205 star_anise +00518395 facilitate +05178715 privilege +00434075 tumbling +08983742 gdansk +10402824 party +01228102 reverence +00527572 cure +01679494 genus_crotaphytus +05949937 prepossession +01755389 shimmy +09246883 ring +00147595 fastening +10479561 squanderer +04783567 validity +00583933 spiritualization +05121418 number +13484303 fragmentation +01891633 shrewmouse +03829563 slip_noose +06003682 pure_mathematics +08478482 removal_firm +05081300 pose +08804845 brescia +13721387 ton +01544067 poephila +09397607 puddle +10434424 pioneer +12265900 nothofagus +06169050 historical_linguistics +01188725 want +14390466 major_depressive_episode +01793742 sting +01969726 octopod +07041451 duo +06439712 obadiah +13534954 suffusion +08571459 finishing_line +00376825 smashing +12059090 genus_dendrobium +07826453 angelica +05710020 perception +02271570 thysanopterous_insect +07907161 irish_whisky +10609325 slave +01199365 retrial +00585810 minister +04579795 whistle_stop +01981702 spider_crab +12420991 genus_hippeastrum +10843705 robert_charles_benchley +01635659 plethodontidae +06473563 form +03309465 ocular +08342039 international_intelligence_agency +11736694 nigella +00015946 hole_up +01725886 rag +07389569 ping +00729378 wonder +00903309 radioscopy +07288801 miracle +12849597 lavandula +00510189 revelry +01669068 terrapene +01881957 tramp +02399399 tasteless +12235263 genus_gaultheria +02484570 shoot +05228496 decussation +04236182 sleeping_tablet +02336451 peromyscus +00775460 abduction +06404582 signature +07428450 perturbation +11793252 xanthosoma +07439570 outpouring +09918554 child +04989362 nasality +00064504 strike +08521816 midpoint +12687957 pelargonium_peltatum +06499244 greek_alphabet +04038440 stand +07295507 subsequence +01733346 genus_arizona +03757723 mews +00276987 pollution +04437953 timepiece +13424643 acclimatization +08108627 subfamily +01108753 livery +01476418 conodont +02261888 present +12005500 pulicaria +02722782 press +06139491 psychophysics +01616901 seat +07242104 public_debate +03155334 flexeril +10478626 procrastinator +01237167 aggression +01705591 ornithopod_dinosaur +00505853 one_by_one +03547054 shanty +01504699 wrestle +11789280 genus_monstera +12496949 logwood_tree +10878161 julius_caesar +12887293 scented_penstemon +03380867 footwear +12289744 order_gentianales +01826223 family_coraciidae +12370174 mammee_tree +12201580 theobroma_cacao +08270417 diagonal +10049896 electrotherapist +03886432 softback_book +01406904 euglenophyte +05544264 sutura_intermaxillaris +01242208 snap +01690703 xenosauridae +15136723 working_day +15293590 tour_of_duty +02653786 filefish +02515341 visible +06449095 king_james_version +13171797 water_sprite +01035530 agree +11982939 tussilago_alpina +02760622 take_fire +02185973 siphonaptera +06825863 bicameral_script +00007739 wink +10785333 withdrawer +02463205 hock-joint +01435128 whisk_off +12913791 trumpet_flower +10305802 medical_practitioner +09260907 tilth +11951385 genus_chrysopsis +13978033 incident +12125890 rice +14861042 potassium_muriate +10913641 sir_noel_pierce_coward +12974286 order_entomophthorales +00673095 quantize +05532795 digestive_gland +02217695 back +02825442 bellbottom_trousers +12126360 ricegrass +14816899 complementary_dna +02093056 bullterrier +15217308 muharrum +02134350 feel +10221777 jeweller +12299425 salvadora +03755140 urex +06967529 catalan +00439826 track_and_field +00201407 interpolate +13443787 katabolism +00916679 enthuse +02585259 rumpus +02412939 scab +11774513 frangipanni +00224901 weaken +00629997 material +15210870 march +02167210 keep_one's_eyes_skinned +00632236 take_for_granted +02537960 place +09982370 cultist +00761454 solve +12167075 luffa +00055315 desertion +06472242 confession +00795632 reserve +10785085 withdrawer +01962350 genus_anomia +10322957 missionary +05388805 ticker +01431987 tickle +06272803 telephone_call +02053083 gannet +01614038 harpy_eagle +13779032 volume +05326900 meninx +12489268 pernambuco_wood +12997654 basidiomycetous_fungi +05645199 mental_block +03344935 fire_control_system +03110669 trumpet +03594277 jaw +01986538 family_crangonidae +10648237 substitute +01409177 hook +10773040 weeper +12462401 urginea +01377032 discharge +07252206 fostering +01979462 ship +08350919 reserve_bank +12810318 genus_phlox +00533671 reheel +12669157 pinckneya +01033346 dj +02298471 market +05032351 sand +13304340 closing_price +07409255 inflation +05579239 biceps +08624385 station +10642151 spy +03624134 knife +02553697 train +12721864 guaiacum +02314275 strip +01265989 finish +11708442 illicium +01413188 family_desmidiaceae +07902121 neutral_spirits +01976146 decapod_crustacean +00553208 immortalize +02331960 mus +01088381 mobilize +04797824 quirkiness +02299846 death's-head_moth +01260309 immobilization +08915372 makedonija +00605498 infect +07939382 array +12188985 family_bombacaceae +09841515 baseball_manager +01036778 espousal +01629000 yield +12341542 enchanter's_nightshade +01416871 slap +01698144 family_alligatoridae +10586265 shanghaier +02071837 leach +10612373 sloganeer +01141938 whale +13145924 chardonnay_grape +01199035 entrapment +01998019 subclass_cirripedia +11147348 robert_macgregor +08378555 class_structure +12837643 pholistoma +02359061 call_in +10607706 skinner +02226183 orthopterous_insect +00510475 spree +00271946 stabilize +00473572 perfect +00268165 relapse +07686873 toast +02302853 genus_actias +00421691 pass_off +00988320 volley +13327231 red_ink +03606719 kaaba +07281635 ta'ziyeh +04899201 correctness +12349091 melastoma +12944960 sium +13538757 polymerization +03553248 thermonuclear_bomb +00148763 suspend +10191001 hugger +14099933 agnosia +15287830 round +01962223 family_anomiidae +01509079 pitch +02541138 valet +07939880 duality +04294614 stabilizer_bar +00591115 understand +00444975 try +06008896 coordinate_axis +00630223 brainstorm +01227691 exculpation +01634092 proteus +11440012 cold_weather +03031756 girth +14165544 hypochromic_anemia +13753067 quadrillion +09340935 little_sioux_river +02260362 trade +01925372 rational +05043973 exposure +12963796 sphaeriales +10054657 employer +00315605 apprize +02116568 horripilate +02808440 tub +04745932 consistency +03968728 plummet +00583759 smut +08219493 wing +02696503 tower +07475870 setback +09151114 lynchburg +01419729 roil +02208537 take +03396654 friction_clutch +00700896 initialize +02935658 coffeehouse +13249245 smallholding +10864204 st._brigid +13199244 polybotrya +03956922 works +02172870 may_bug +01631035 taricha +02600953 suborder_mugiloidea +01148182 crackdown +06214744 communism +02388276 trotting_horse +04797295 unusualness +13032923 verpa +12850906 wilde_dagga +06278136 sound +06820964 diacritical_mark +11645271 family_araucariaceae +00331102 transplanting +09424489 satisfier +11427842 mishap +00013160 concrete +13697011 omani_monetary_unit +03035252 top +00396325 accrete +08977211 karachi +14736359 plasma_protein +00377364 explosion +02205219 daddy_longlegs +14560360 unsoundness +02210119 receive +04064401 record_player +09304750 hollow +11229095 pepin_the_short +09925592 claimant +12045004 genus_anoectochilus +08456727 bureaucratism +00860434 immunologic_response +02391782 rhinocerotidae +09784564 alliterator +11721124 ranunculus_bulbosus +04376876 syringe +01729838 opheodrys +08842258 sunda_islands +11132948 lucky_lindy +09177385 mt._st._helens +02234181 periplaneta +02723232 escape +07777840 smallmouth_bass +04159354 seal +03726760 mast +02442737 rein_in +06526291 partnership +02247076 trialeurodes +13063936 melampsora +06754816 minor_term +11893451 physaria +09381480 outer_planet +00976365 ballyhoo +02269003 splurge +06646628 vestige +01685960 charge +01070708 price-fixing +02006834 reach +13514880 metamorphosis +10681194 survivor +12373526 genus_caryocar +02284096 grease_one's_palms +03297735 establishment +01552956 formicariidae +01982482 suborder_reptantia +00057748 amphibious_landing +05417472 suppuration +13843173 reciprocal +00630960 yoga +02705201 amphitheatre +14755804 animal_material +13176873 phlebodium +08812952 venezia-euganea +00882682 speak_of_the_devil +02172683 jingle-jangle +05301072 tongue +01734300 tongue +08332330 federal_court +02643872 probate +00594580 lieutenancy +07255027 yielding +01245159 racial_extermination +00313245 crossing +01943153 seaplane +01487830 plumb +02489456 wed +07106246 irony +08192817 marines +11417387 side_effect +07766409 longanberry +03869222 oxyphencyclimine +02681335 call_it_quits +12802987 tellima +00611802 remember +01641632 consummate +14706026 filler +05081434 presentation +06075527 genetics +00413432 immigrate +13649626 nautical_linear_unit +00426581 emerge +02767956 backbench +05040275 weakness +02388764 sophisticate +01496497 dispose +11464143 gravity +14047440 abdominal_pregnancy +01704236 vocalize +11238092 pius_x +05753954 internalization +10291730 man_jack +01153486 revenge +15037664 epitope +01307142 level +04328329 storage_battery +01596273 sand_martin +05948264 religious_cult +06989869 hamitic_language +02225959 orthoptera +02649706 aurorean +01309701 turn_over +06865345 tone +12998815 agaric +03948041 piroxicam +09546453 titania +09724533 new_zealander +03869044 tandearil +11508092 smoke +02696048 bay +02666882 counterpoint +08941681 ardennes +08737041 republic_of_guatemala +02655020 pufferfish +04185071 sharpener +03225238 dose +00945777 exploration +05717115 bitterness +04197235 shipyard +13350443 recognizance +12636107 mespilus +00253919 sterilization +09872557 brahmin +08134081 nih +07294907 poetic_justice +11881742 bittercress +14407536 trance +13725457 quintal +00976487 plug +09096089 boston_harbor +02222994 give_it_the_deep_six +11552806 annual +09621232 native +07517737 outrage +10001217 deliveryman +04027023 push_button +00938791 etching +09407632 republican_river +05054130 persistence +13212751 pityrogramma +02447793 indorse +02030158 split +04359335 supply_chamber +01398941 chlorophyll_d +10236842 kink +13924336 niche +14064044 ectasis +02508742 ringtail +12216028 genus_conospermum +05968971 esthetic +14420954 junction +01153947 pay_off +04802907 truth +01465713 tusk +12900987 long_pepper +01982895 homaridae +10455619 portrayer +00279822 discolourise +10760340 voter +01611472 peregrine_falcon +01996402 limp +07310642 passing +11977303 sneezeweed +03236217 dredge +04175147 server +01701551 armored_dinosaur +01774426 loathe +13286099 ration +01664244 lepidochelys +12164363 sweet_melon_vine +01989720 slump +09188609 aegean_sea +01371454 recoil +07002992 tabulation +00057162 standdown +03407122 priming +03561169 ignition_switch +02744061 loom +06433475 deuteronomy +00727012 sensualize +08572467 head +02662081 genus_citharichthys +10740868 upstart +12112918 reed_grass +14597158 sorbent_material +10237935 klutz +00528990 issue +02302817 vend +06376154 drama +04418357 theatre_curtain +02617402 zoarces +11756092 acacia +00923321 exculpatory +01879983 subfamily_potoroinae +02547947 lophiidae +08375369 commune +13630387 petabyte +13970764 mollification +14396890 rhinopathy +02241799 water_bug +08395991 bmdo +02567201 synagrops +12613596 genus_hydrilla +01782050 tetranychidae +00066685 cry +06889330 ostentation +00897989 rub_up +00454237 angling +01852892 re-enter +06438477 lamentations +06248530 numerology +11697560 barberry +01162754 work +01418536 toss +11335878 theresa +04296562 stage +08567072 enderby_land +02228355 strand +09327077 koppie +09252078 zaire_river +12791539 schizophragma +00261845 cobble +01412279 order_charales +03804048 relafen +13665256 centavo +00660381 prioritize +12165758 touch-me-not +00951626 capitalization +07906877 corn_whisky +02967626 underlayment +06639674 indicator +00159177 inducing +04277493 spindle +10793570 wright +12153393 genus_eleocharis +01384164 zooplankton +00648977 judgmental +04329477 stowage +09325395 key +10090020 moneyman +09815076 assessee +00749991 double_cross +09871364 young_man +15167027 nighttime +01202415 integration +01165919 re-sentencing +01754190 genus_ancistrodon +09321180 james_river +10840769 the_venerable_bede +01380298 lactobacillus_acidophilus +02392762 place +09647834 athapaskan +01159461 destabilization +01854415 sheldrake +02566109 serranid_fish +03851787 optical_disk +03956331 planetary_gear +01693138 charcoal +00066977 tear +04878861 unfaithfulness +04121511 sabre +06541167 imperial_decree +15058310 sterol +07494363 painfulness +12756862 ilex +10023039 dog +01751389 underplay +00782927 dakoity +07449862 fiesta +15049594 spill +05590740 teres_muscle +03091996 nitrous +13549916 replication +00253270 purification +14080622 periodontitis +02271740 thripidae +04201297 shoji +12837803 pholistoma_auritum +00286957 gait +01574390 grackle +10183757 honoree +11015080 st._gregory_of_nazianzen +01009871 ordering +13845239 synchrony +12553314 ormosia +10336904 muffin_man +01757994 release +00512267 capriole +13623856 cl +12750306 titi_family +04688842 temptingness +03789946 motor +01617949 genus_aegypius +04337974 twine +05542539 pterygoid_process +12819953 lappula +02409941 sign_up +01908703 subkingdom_metazoa +09837824 banker +00850192 scoff +00822449 uneasy +01949973 river_limpet +00702773 predetermine +14036539 angriness +01885724 notoryctidae +02356704 oversupply +08075388 sodality +00981944 ejaculate +02196081 pepper +02761897 snuff_out +12097556 marlberry +06614628 telefilm +12745160 nephelium +02319129 crooked +03911251 penicillin_v_potassium +05615028 logic +10400618 parliamentary_agent +01255807 wintry +12188120 thespesia +08716219 republic_of_burundi +02873244 boot +00346537 recommence +01098206 inactivate +01131043 evil +01235463 vengeance +07296190 recurrent_event +00879607 sightseeing +13553916 secretion +02471467 hominidae +11244061 potyokin +05342499 circumflex_artery +08787878 lycia +08097391 vaisnavism +02505809 mammut +00361041 bite +05666700 simulation +10432957 pillar +02035845 genus_cladorhyncus +02580392 lead_off +03499468 hauberk +01964441 freshwater_mussel +13245846 personal_chattel +10617193 snooper +04238128 sliding_board +00298767 cacophonous +11732309 genus_consolida +02263378 neuropterous_insect +01069125 sexual_abstention +03617594 television_tube +00264875 acidify +09143017 capital_of_texas +07535532 dolour +01537544 passerina_cyanea +01585523 shoot +09889539 cinematographer +02021438 order_charadriiformes +11772702 holarrhena +00110057 basketball_shot +08420278 depository_financial_institution +06266296 direct_mail +10105085 forger +04727214 aura +00624553 straining +00820611 attest +13803782 inflexion +03281145 lift +09769076 nut +02301151 overbid +13356112 pecuniary_resource +08344301 isn +02891788 brass_instrument +04655168 condescension +05640339 swordsmanship +01063695 invite +12320627 pignut_hickory +04827175 religiousism +02502916 turn_down +04271371 spearpoint +03011521 checkerboard +00192051 deaden +02417301 thin +01796340 ptarmigan +08720280 ndjamena +13227557 thelypteris +04072960 relay +02298998 by-bid +00830448 control +08846324 vienna +11292207 selznick +09129926 fargo +12307611 ligustrum +08729626 xinjiang_uighur_autonomous_region +00722232 rivet +02561888 narrow +00202236 falsify +02063988 huddle +00709379 specify +01874928 possum +01623706 scops_owl +10309896 merchant +06947032 english_language +06633363 apology +12772557 genus_bumelia +06078724 paleobiology +02580055 naucrates +05577190 sole +02332606 genus_apodemus +01007609 projective_test +00882523 remember +14671587 cinnabar +01018366 protraction +01490885 prionace +01054335 tenancy +02438452 vicugna +04353410 sulindac +02641379 lepisosteus_osseus +01260159 exfoliate +05740929 biopsy +13171649 genus_ceratopteris +01180200 contempt +03337140 filing_cabinet +15011987 double_salt +05343408 colic_artery +07128060 snort +01414502 genus_chondrus +06174404 grammar +04827652 unrighteousness +12385219 genus_reseda +05271814 wrist_bone +01346978 shut +11878101 broccoli_rabe +13812296 phylogenetic_relation +10227985 legal_expert +03441930 micronase +02633534 equate +02262178 ephemeropteran +02497983 genus_daubentonia +02761134 catch +00213052 cession +06016276 interval +02807731 bathroom +02263346 confer +04000311 printing_press +00753093 statesmanly +06245816 voodooism +04789274 ostentation +02669806 brahminical +13658278 nm +01184407 counterclaim +01049737 intone +14855280 melena +07537259 pall +04115456 rowing_boat +13252062 crown_land +11740208 wintera +08770518 karl-marx-stadt +12489524 brazilwood +13993356 autarky +02802544 basketball_court +04598965 woof +02697610 dote +07648549 wing +02353037 muscardinus +04329190 storehouse +09747722 german +14746417 norlutin +03087366 optical_condenser +01747466 genus_denisonia +05198036 lordship +00768921 forgery +01055165 tenting +00256507 tumesce +04779895 disagreeableness +00511855 suds +03304730 explosive +11601487 zamiaceae +06166748 epistemology +12486254 linaceae +02896074 breechblock +06637350 low-level_formatting +13632164 yottabyte +11540000 order_bryales +08419163 merchant_bank +02067941 ziphiidae +00165942 move +13482781 focalization +13506727 wetting +02761685 kindle +13259481 earning_per_share +02814453 thermic +13118569 shrublet +01906322 leg_it +07423560 development +03504420 military_headquarters +02111684 joint +11788536 genus_epipremnum +08947772 republic_of_guinea-bissau +01377906 order_myxobacteriales +06106820 general_theory_of_relativity +01545752 family_atrichornithidae +00041188 playing +01021973 specify +10673451 suggester +06473168 right_of_first_publication +04670531 untrustworthiness +11639863 genus_metasequoia +03248560 highly_active_antiretroviral_therapy +02574910 sucking_fish +02031934 snipe +04693900 scratch +01817314 transport +12328026 lythraceae +00464828 synchronize +01445597 gnaw +14896441 oleoresin +07523905 anxiety +01925695 trematode_worm +02290340 tobacco_moth +00490722 step +01114475 mate +01830946 placental +12378963 kitembilla +07922764 hot_chocolate +01448951 topminnow +01137138 shoot +03634189 lake_mead +05705184 specialism +12833793 genus_streptocarpus +00474762 refine +00208497 deteriorate +12741586 wild_china_tree +07327288 rise +09401834 quark +05474738 motor_nerve +09641422 whitey +08347457 shin_bet +11812094 rose_campion +02024143 rich +00044673 leveling +07286014 sign +01794363 agonize +10329789 monsignor +10006842 deserter +02234988 ration +11485681 laser_beam +10677271 supplier +13561521 stiffening +08513163 marchland +00484166 finish +02711114 hold_in +02158846 flag +01143498 seal +05654873 somatosense +01261628 incrust +10524413 responder +09118639 cooperstown +08948027 capital_of_guinea-bissau +10120085 mobster +08551420 theatre_of_war +12829099 gesneriaceae +04651784 uncommunicativeness +05123760 coverage +06239931 sikhism +02269829 thysanura +02439286 okapia +00665476 personal_care +11905236 genus_eschscholtzia +00592341 take_account +08615374 park +09422964 san_joaquin_valley +02718084 anticholinesterase +11712153 liriodendron +01710348 titanosauridae +01233156 visit +02448754 genus_arctonyx +01087740 supplementary_benefit +06170025 prosody +01302019 keep +03532187 hood_ornament +02708711 analyzer +02185481 louse +09192280 alaska_range +01375909 extravasate +09136182 philadelphia +12012253 tansy_ragwort +10768903 washer +05187446 franchise +01041415 wave +10190871 huddler +07536437 survivor_guilt +01314738 grope +02515080 criminalize +01898893 square_dance +12370549 rose_chestnut +05710210 perceptiveness +13543564 psychosexual_development +05952979 theory +07110615 vox +02924713 busbar +02019021 rhythmical +15223750 september_equinox +08045140 sipah-e-sahaba +02637380 araneidan +09041371 hellespont +09451517 surface +04122825 sack +01187740 starve +01595260 solder +10369528 observer +04243941 slot_machine +12456527 hemerocallis +10381369 systemizer +00347610 attack +10594043 showman +02230990 harsh +02533907 democratize +07010821 words +02054989 unfold +00647070 incredulous +12409470 mediterranean_hackberry +02182851 snap +05772667 analytic_thinking +02493673 genus_ateles +01258828 lumber +04365751 surveyor's_level +10965550 fairbanks +02297294 pseudaletia_unipuncta +12941360 pastinaca +12387839 violet +08409617 senior_high_school +01664847 scallop +01992375 teetertotter +10753546 villain +00785008 question +03414814 ghb +11696776 xylopia +06783768 question +12303349 genus_fraxinus +00797697 go_for +10835218 maurice_barrymore +00764436 narcoterrorism +08184217 swarm +01608122 girdle +10383689 orientalist +02490877 fete +05904313 uninominal_voting_system +13740168 zippo +00708980 purpose +04649051 merriness +09021812 capital_of_turkmenistan +02582919 family_branchiostegidae +12396255 hemp_family +13472125 electrolysis +01641206 wood_frog +06726158 proclamation +03023175 thorazine +05126066 ballpark +09035951 tanga +01783022 shock +10378026 onlooker +08726072 hunan_province +09831731 bad_egg +04143712 strawman +00396825 bowdlerization +13992738 self-rule +02887741 copulatory +08028623 kaplan_group +12242123 minniebush +12127237 witchgrass +00438178 speed_up +00076341 rejective +01308160 scrape +05892096 supposition +13901585 pearl +02330245 mouse +00090186 traumatize +01183638 moot +05861067 total +01037819 baptism +00333037 abduction +10725280 translator +12728164 salix_candida +06988307 aramaic +09796974 anti-american +05314639 third_eyelid +03787904 photomosaic +01702514 versify +06779310 good_story +00247439 bloody +08911421 tehran +11354333 william_tyndale +12690046 erythroxylon_coca +03803116 muzzle_loader +02326237 lepus +08400191 alphabet_soup +07762534 kitembilla +06262567 film +02742638 confront +05265417 alimentary_tract_smear +10995850 george_v +10059904 entomologist +11927740 lamb_succory +04917439 symmetry +00875246 estimation +06464838 samhita +01543998 sit_down +03758614 mickey_finn +12195965 genus_brachychiton +09691435 austronesian +09912995 checker +00195617 clear +07009538 playlet +03772269 mint +12409231 nettle_tree +00853195 expose +02846322 dietetical +01215168 indorsement +11940915 swampy_beggar-ticks +00744904 put_over +03846100 olive_drab +00258109 leak +01347431 division_archaebacteria +03567066 incubator +00492677 common +00202569 break_in +08996871 sierra_leone +13465530 diffusion +03281935 extension +06503724 entry +00088713 taint +05377665 vena_portae +08881674 cumbria +01638368 project +05265139 smear +01918803 waddle +02465939 send_packing +12355320 zingiberaceae +06353934 code +02469914 primate +07439883 radiation +03295357 pediamycin +02446651 tender +13016749 tricholoma +01470225 take_in +00338641 opening +08594886 salient +01256332 hot +02739480 receive +00330144 atomize +10552980 satyr +04626705 drama +08991491 western_samoa +12979630 saprolegnia +09918867 wonder_child +02018372 catch +05274105 collarbone +07705711 produce +12931449 genus_anethum +12014739 serratula +07286905 foreboding +01237231 broadside +13786960 trigonometric_function +03936568 tablet +01682714 anolis_carolinensis +02249741 remunerate +13655262 swedish_mile +03701640 machinery +01062817 pause +00004032 suspire +10506220 rambler +02408903 genus_anoa +02711890 hypertensin +06516087 autobiography +13725271 metric_hundredweight +04742084 unalterability +04178329 seven_wonders_of_the_world +01010458 succession +09962612 conveyancer +10691764 tapster +06927363 uzbek +08389710 cavalry +00052146 tying_up +04250850 snorkel_breather +05755883 work +09800469 plaintiff_in_error +13188973 family_dennstaedtiaceae +12134836 yellow_foxtail +00335384 inclining +02639464 polyodon +07244154 baccalaureate +01058224 scraunch +02619861 sleeper_goby +05272110 carpal_tunnel +00594953 manhood +00849768 miscegenation +02217563 chalcidfly +09145217 lubbock +00147862 loosening +01303547 bind +00403149 pressurize +03913437 trental +00133851 unappetizing +04757522 question +02009750 great_white_heron +03566555 inclinometer +14503665 deviance +01730216 minstrel +04944048 tendency +11002191 john_herschel_glenn_jr. +02032480 woodcock_snipe +01066542 frequent +04865722 intentness +02818402 totipotent +04689660 lure +08394423 standing_army +03833564 nozzle +01004961 sounding +12743680 genus_harpullia +06227263 catholicity +08143486 ir +01433042 bucket +03694639 lp +14681555 mica +12866968 savory +05328867 exocrine_gland +04783888 tenableness +07286799 auspice +01707149 genus_trachodon +04089152 rooftree +11758628 genus_adenanthera +01667304 quilt +00447158 build +12923108 croton_eluteria +03101796 cookie_sheet +13745270 niner +02927399 stub +08434259 web +11659627 sundacarpus_amara +05129565 length +04961136 bleach +02000868 pursue +06448283 family_bible +03282933 fancywork +07468861 track_event +04825383 prevarication +01568892 yellowbird +02524897 peg +02062430 cetacean_mammal +13900422 tower +02537407 sell +10478960 proctor +04081044 rest +07316724 visitation +06437531 ecclesiastes +07970079 mishpocha +10458834 provincial +12025849 genus_tithonia +13350976 bond +00754731 petition +14748335 nandrolone +08967868 principality_of_monaco +09779280 agonist +13543093 psychogenesis +02700422 high_relief +00890100 vouch +13931436 romance +04524594 velcro +08840749 republic_of_kiribati +04256520 sofa +12009250 santolina +02261123 traffic +01925338 stump +01922895 mountaineer +11931756 genus_aster +01019372 reiteration +02933990 cable_television_service +00783063 rip-off +05106633 smallness +01590171 piece +02208118 take +09815455 assignee +00914343 overrun +01131197 repulse +09910374 charmer +13155899 squamule +11355669 wulfila +02508245 stigmatize +01569262 dendroica_auduboni +12833341 sinningia +09756961 abomination +09793352 raconteur +01593763 swing_out +02058453 genus_diomedea +01115162 sell +00978413 bombing +14603236 chlorobenzene +12891469 water_speedwell +14901959 synthetic_substance +05370410 vena_intercapitalis +00396035 mix_in +04850589 immorality +04703235 focus +10244913 land_agent +07719213 asparagus +00652900 compare +12977795 order_chytridiales +02636516 carry +01177505 sleep_out +12114397 finger_grass +00605511 vice-presidency +13775093 plurality +10656488 stigmatist +02191106 change_intensity +01744611 write +06617413 skin_flick +15024240 hemoglobin +02828648 ringway +01947735 triton +01082454 catch +08486971 wto +02348182 obligate +00360143 pruning +07123552 yelling +12598247 plantaginales +13273550 deductible +09168592 black_rock_desert +10439629 platonist +05826914 trail +00093163 recuperate +03286572 endoscope +14371161 irregularity +10278128 mummy +06872122 singing_voice +01535002 crock +00928371 planning +01220336 slander +06721604 vituperation +10656969 stipendiary_magistrate +01349495 probiotic_microflora +02716205 bactericide +01798484 prairie_grouse +11606379 order_cordaitales +08522872 centre_of_mass +00087663 awarding +02512808 stratify +02594102 chance +10361390 nonpartizan +01723690 portray +00897746 ask +03219135 dolly +01053339 honk +01421164 cryptophyceae +15249799 day_of_remembrance +06608035 nonsense_verse +01856225 genus_anser +01593423 genus_auriparus +11347080 townsend +02535909 oncorhynchus +02185694 menopon +04070727 refrigerator +10224098 jokester +07581346 starter +07199328 test_paper +01977080 plunge +06700030 honours_degree +01325060 pleurodont +05457469 spermatozoon +01043231 grunt +08523483 middle +01254013 rub_off +02310334 vetchworm +01985524 swag +15159583 day_of_the_month +09820044 atheist +01615457 retire +13296089 peppercorn_rent +02263717 myrmeleontidae +15146828 phallic_stage +02325211 sylvilagus +14024882 slumber +05980256 atheism +02348405 heteromyidae +02752311 athletic_facility +13385913 currency +02191131 genus_glossina +09357580 monongahela_river +01368216 escherichia +14540564 killer +04004475 printing_machine +13250542 money +11807979 pink +11987722 lagenophera +00445940 crystallize +07800740 fodder +12062781 stream_orchid +00849788 impersonate +02774630 luggage +07786856 round_clam +00032778 sneer +04568841 webbing +05704096 advertency +01457576 family_aulostomidae +13565781 teething +02900219 molar +13730054 pure_imaginary_number +14040846 dehydration +09162414 ciudad_bolivar +00942988 puncture +02677332 implicate +00334356 flit +07349532 rolling_wave +12639168 prunus_angustifolia +09458079 tidewater_stream +15169421 twilight +12662223 genus_chiococca +11734872 genus_hepatica +02390470 initiate +07059255 popular_music_genre +08926231 toyohashi +03778600 module +01064401 cronk +09243769 chink +04210390 shrine +01352010 ream +10063461 escort +03441112 glove +13883885 polyhedron +02874282 choral +11942366 genus_buphthalmum +12654659 western_dewberry +12976672 phycomycetes_group +05003090 walk +01683428 xantusiidae +08055150 issuer +12100382 order_graminales +04698656 order +08137738 united_states_department_of_state +00839526 talk_through_one's_hat +01558765 turdus_torquatus +10590977 shocker +13263779 legacy +05367735 vena_gastrica +05729875 lattice +08419984 nondepository_financial_institution +00684507 misbelieve +12180885 ribbonwood +00501479 bar_billiards +02058994 step_on_it +00155547 rise +02513740 wicked +12601805 princess_feather +09140993 knoxville +04726938 manhood +10534389 roaster +02066086 genus_eschrichtius +15144178 period +01244895 sabotage +00949134 practical_application +01685679 genus_cnemidophorus +14376188 tension +00154433 support +12610186 genus_eichhornia +04760771 physicalness +01856553 greylag_goose +07986066 trio +01190364 judgment_on_the_merits +01173660 swing +01205696 touch +01400575 heterokontae +00466651 integrate +01535742 wash_out +08706823 constantine +01204419 observance +00581671 vascularize +00279235 mumbling +01134861 treatment +02956500 capitol_building +04162706 seatbelt +10754281 violator +03004358 idiomatical +02024411 poor +11994150 tarweed +02648106 attritional +06414727 crammer +06946497 germanic_language +02418205 moon +12759496 genus_astronium +04963588 ruby +00118066 animate +13898315 symmetry +01801876 brush_turkey +00055539 substantive +01378123 strew +08755852 trinidad +12737745 loranthus +08083083 armenian_church +01941838 fly_contact +01468097 lucky +00570066 swimming_stroke +03289025 engraving +10463028 pretor +08456178 hudud +09452017 susquehanna_river +01643255 robber_frog +01603418 tarmac +01015104 vouch +04783247 legitimacy +11668573 subclass_arecidae +03763403 post +01224031 offensive_activity +01214786 take_in +05395098 heart_valve +11511176 facula +06833663 x +08026197 jem +12867679 scutellaria +12935457 genus_conium +06078327 morphology +08045681 tupac_amaru_revolutionary_movement +09197815 anion +13633229 conductance_unit +00547022 assibilate +02499178 perodicticus +08382570 us_cabinet +14051056 glow +11523839 vitality +02584004 paracheirodon +01177583 punch-up +00093593 languish +10029269 draughtsman +00045639 groom +10682380 swearer +12741222 soapberry_tree +12625003 icaco +07366145 tie-up +04960277 inkiness +02243461 remainder +13175484 genus_drynaria +10778148 white_friar +08075647 sisterhood +09865954 booking_agent +06822198 accent_mark +08977428 lahore +07973088 meritocracy +08012028 islamic_group +11998648 onopordum +04620216 fibre +14807558 neurotransmitter +04231693 ski_tow +07668215 roast_lamb +00304851 sortie +01232098 maul +00673766 underestimate +06684572 swearing +11630017 cedar_tree +09005273 khabarovsk +08412749 primary_school +14181713 moniliasis +02505998 mastodont +05576573 arch +00171882 shtik +10431330 pickaninny +08944561 normandy +01835087 family_caprimulgidae +05695806 vis-a-vis +04718999 handiness +00242583 unionization +07046339 movement +04842993 sensitivity +12408280 ulmus_rubra +01891638 shake +03972524 pocket +00348801 tremor +06502858 rap_sheet +01959985 cockle +06365467 matter +10750188 vicar +03571155 inhalation +11604904 order_lyginopteridales +00649482 spectrum_analysis +01408880 volvocales +11814824 scleranthus +03603958 voodoo +01927301 class_cestoda +12378080 genus_flacourtia +00597634 master +02659176 yellowtail_flounder +14637507 fluorine +12472024 clintonia +03063073 coffee_cup +09145083 laredo +00223500 weaken +04962062 silver_grey +12728864 salix_cinerea +13227235 thelypteridaceae +09005712 siberia +15153472 middle_age +02031752 genus_gallinago +07330666 predestination +02477334 strike_down +04184701 sherd +05282000 temporal_bone +05280512 sesamoid_bone +01021420 resolve +02693168 crest +01546921 tyrannid +00270826 stabilize +01527271 wedge +12194147 silkwood +03328650 sublimaze +04834605 selfishness +03819595 network +08784104 aeolis +10055085 enchanter +08752814 puerto_rico +01956924 order_myaceae +01952750 route +14488594 economic_condition +05780718 derivation +13483488 formation +02517202 misdemean +09593937 phrygian_deity +01957529 sit +09100080 alpena +08463063 post +03360845 undercoat +10073992 expurgator +02378870 prancer +09027089 seville +08322981 board +02478469 break +11843709 genus_ariocarpus +12449934 wild_hyacinth +01167188 victual +01854519 tap +01317916 feeder +01457852 trumpetfish +00239024 face-off +00146443 concatenation +04018951 public_transit +12043248 genus_orchis +00267681 dwindle_down +09256479 coral_reef +04136997 sash_weight +01941704 fly_blind +06826407 font_cartridge +05723210 skin_sensation +04443918 tonocard +00272391 sensitize +10778345 friar_preacher +00740342 culpable_negligence +02371125 unguiculata +07804771 wild_rice +01460785 screen +05871362 fundamentals +08248157 orchestra +09958724 consort +03239054 white_tie_and_tails +05556071 tummy +01549769 sayornis +14363483 scar +08272352 echelon +07789541 haddock +04652930 sociableness +07507742 mortification +07400552 yip +00266253 worsening +07747811 temple_orange +08213205 division +14319684 jaundice +02628467 genus_euthynnus +09714429 persian +12851304 leonurus +07391240 rattling +07843775 dairy_product +00279136 chomping +04838727 presumptuousness +03249342 pharmacy +00378361 incinerate +12808751 scrophulariales +06264398 postal_service +00779601 rest +00251064 evolve +00151497 finding +04036494 rophy +07739506 eating_apple +07212424 telling +11441077 cosmic_microwave_background_radiation +00024279 vivify +09028062 catalonia +02532602 sardine +00336539 chink +03604843 lead +12717072 ailanthus +01973125 take_down +04611654 yard_goods +00861560 promulgate +00619142 costing +00269963 regeneration +01524523 swamp +11858814 redmaids +02133297 stargaze +02389592 connect +08801364 italian_peninsula +06944348 russian +01174294 piece +07624924 pirozhki +11375418 washington +01499261 genus_aetobatus +08751317 hispaniola +01855343 lophodytes +04478657 trench +10610465 slumberer +10694849 teacher's_pet +05174653 right +08179879 population +10307114 melter +14597413 absorbent_material +12112789 genus_calamagrostis +10058155 engraver +15031231 immunoglobulin_e +01635056 trump_up +00181664 unclutter +06584702 utility_routine +04277034 wasteweir +04870643 noble-mindedness +02109811 sledge_dog +01347583 archeobacteria +07524760 disquiet +00538571 saponify +00044900 exhumation +11539675 order_andreaeales +00793037 convoke +00590924 digest +04941124 solidness +09156889 parkersburg +04694980 fingerprint +02027730 tringa +00609236 painting +08919475 nineveh +01879928 palpitate +14506403 nanism +00205766 brisken +01779340 family_argasidae +03611590 ketamine_hydrochloride +06356299 parameter +01722447 reenact +03100026 piratical +08546183 county +02733524 arch +02648253 perpetuate +08138466 foreign_service +01697178 crocodile +12878784 gerardia_pedicularia +09242037 charles_river +10637038 spiv +05621808 insightfulness +04915866 insolence +14118936 type_ii_diabetes +00661584 contradistinguish +02062670 same +12716861 genus_ailanthus +00103317 redden +13864763 angularity +00574218 conjugate +01473806 aquatic_vertebrate +02354162 plains_pocket_gopher +09464221 twilight_zone +01220984 doings +01898731 pelage +09960688 contractor +02590910 womanize +05998225 genealogy +09099264 salem +01657977 take_apart +12928690 sebastiana +13201239 tectaria +01893535 family_erinaceidae +09720702 levantine +12695975 pride-of-india +03842156 office_furniture +02544960 scleropages +02202928 keep +01647803 family_discoglossidae +05517578 vesicle +04686388 bewitchery +12685831 cranesbill +09701148 english_person +01147060 parry +01913707 infiltrate +00512843 tomfoolery +01769347 arachnoid +12027864 trilisa +01778217 sheep_tick +00149508 welding +01478300 myxinidae +02138659 shapely +01093380 conversion +04038727 rack +03431570 gearbox +11762433 white_popinac +00356648 immutable +02067689 flow +00126721 fielding +00893435 explain +06602935 intension +00181476 automatic +04559023 water-cooled_reactor +02037110 oystercatcher +07721456 chilly +02039876 decline +14888884 hemoprotein +00810598 retention +00677021 take_out +02784998 band +10280674 prestidigitator +12248574 whortleberry +05190106 use +06678302 print +03378005 food_court +03397532 ruffle +15079925 trioxide +03243625 drive_line_system +06777794 raillery +02519666 comport +00103696 unambiguous +05710860 visual_perception +01054227 lodging +07181043 showdown +02551144 rescue +08898002 upper_egypt +00226618 benignant +06547059 warrant +09938991 titan +12381666 genus_fouquieria +00528667 concert_dance +08873269 lancaster +02846399 monochrome +07420991 pulsing +01228877 respect +01646941 young +01443998 family_electrophoridae +01554448 woodhewer +12549976 stizolobium +05238036 sheath +12667406 genipa +01830965 spook +15252146 millennium +12438977 genus_amianthum +05167618 negativity +09078654 hilo +06551784 opinion +01099436 investment +02004874 return +10841065 henry_ward_beecher +09022538 taskent +03112869 stays +01366015 family_corynebacteriaceae +12281974 paperbark_birch +08036005 national_liberation_front_of_corsica +15233778 regulation_time +00048129 additive +00390735 word_division +02163183 spangle +00853649 servicing +12635151 malus_coronaria +06838975 shin +10735564 tyrant +00481739 codify +00636921 research +09086793 cedar_rapids +04274396 spermicide +12182858 malacothamnus +00152727 diagnosis +02988486 compact_disc_write-once +13636989 ampere-minute +02147747 pipistrellus +05794403 rationalization +02233767 genus_blatta +03390327 fragmentation_bomb +03210683 dispenser +00500669 masse_shot +13716686 troy_unit +00379588 grafting +08340753 arda +00638770 somatic_cell_nuclear_transplantation +04550184 wardrobe +10245507 landsman +04143140 scanner +10310516 meshuggener +07038400 musical_arrangement +02368116 viscacha +00254597 epilation +01133281 management +11354001 tutu +12535820 indigofera +01630532 extract +05060052 promptness +14016114 state_of_mind +02822579 bedstead +01557614 mortal +00161739 colouration +02672859 overcompensate +13471206 economic_process +02602405 silversides +14081375 attack +07071942 musical_style +06125698 metallurgy +14287408 bite +10283037 postman +12342043 genus_epilobium +06820212 subscript +00391599 removal +07777735 largemouth_bass +01319187 stunt +08395298 united_states_army_rangers +01205156 collaboration +13478525 extraction +02951843 canopy +03860882 turnout +09792555 root +13178107 pyrrosia +03456024 sauceboat +01832381 genus_apus +02038993 pratincole +13298935 christmas_box +02051270 cycle +02043898 rounded +01708332 suborder_sauropodomorpha +02235321 family_cryptocercidae +01449796 yield +07996689 set +05890249 theoretical_account +02667906 abortion-inducing_drug +01631175 pacific_newt +08908509 bali +00431893 play +12063414 goodyera +10749353 veteran +02637592 remain +01734884 maternal +09920283 choreographer +12449784 leichtlin's_camas +02379528 take_up +00544842 intonation +11512818 conductivity +04248209 snap_fastener +01056411 stopover +14982681 phospholipid +13625884 nybble +00681613 keratoplasty +00650912 microwave_spectroscopy +06740402 reason +13905405 scotch +07213717 display +09434469 sierra_madre_occidental +07052291 stanza +00715674 stitching +03054551 catatonic +11986511 lactuca_sativa +02627753 stem +04765355 prevalence +14317221 hematocoele +12466450 zigadenus +01139380 ante +06636259 fact +10175090 highness +14004958 tremolo +02432983 moose +01081852 field +02775039 luggage_van +10321474 minstrel +08402828 embassy +02286089 lymantria_dispar +11988893 hawkbit +12980478 peronosporaceae +03288225 engine_block +15042542 simoniz +10200365 impersonator +13905121 incisure +00294884 temper +11881426 genus_cardamine +03962525 weapons_platform +01813499 joy +00064789 mark +09025189 barcelona +15199592 public_holiday +04221994 zocor +01677509 smock +09976917 weirdy +03677766 middlebreaker +09871229 sonny_boy +00655779 important +06094774 acoustics +12484612 menyanthes +13792692 nexus +01503952 stack +08924238 yokohama +14343735 sleepy_sickness +04417086 tetrode +01738601 sand_snake +01203074 carry +15211189 april +10087434 fighter_pilot +12189987 monkey-bread_tree +06708007 air_medal +00510922 piss-up +08753294 san_juan +07620327 suet_pudding +11927901 genus_artemisia +10683126 swimmer +00986275 counterintelligence +03350204 goldfish_bowl +07246742 remonstration +00661480 severalize +09542541 cacodemon +12920204 poinsettia +00220461 strengthen +00022316 tranquillize +08032594 libyan_islamic_group +08812166 florence +03907654 penal_institution +02700064 alternator +00378479 lighting +02641463 wait +02763740 shine +02880008 stem +09152401 spotsylvania +12798041 heuchera +09720406 spik +06494816 queue +15153787 years +01987781 glycerolize +12500751 styptic_weed +01608508 graze +07452348 dedication +01353405 seal +02520669 family_ariidae +08134807 homeland_security +02509694 genus_ailurus +10567401 searcher +08991182 samoan_islands +11703386 laurel_family +00598502 unlearn +00361797 bloat +14169364 tay-sachs_disease +03973628 pocketknife +00783523 call +11832671 swiss_chard +02043501 send_around +01850135 drive_up +07195404 reexamination +02639605 polyodon_spathula +14501726 abnormality +12112488 genus_buchloe +04562122 water_scooter +02345272 inferior +10383505 organizer +01742886 simulate +09608002 meeter +03899768 terrace +01259034 respite +01284124 leyte_island +06687883 visa +02344785 lemmus +02853218 blockade +01623967 machine +05563770 arm +08340989 dia +00467451 integrate +11501737 rainstorm +02509515 nasua_narica +01127379 implementation +05569053 spinal_nerve +13729428 imaginary_number +00532886 glamourize +02463141 ballot +00524530 achromatize +06782019 view +05494130 parietal_lobe +04980656 stinkiness +02376277 sympathetic +08330298 circuit_court_of_appeals +00920778 test +04832518 liberalness +02595662 take_over +01323355 sire +12914193 streptosolen_jamesonii +15160866 quarter_day +01425983 sarcosporidia +01390123 sarcodinian +10184290 hoodoo +02724026 antiquity +06264812 airpost +02223009 termitidae +01594611 hirundo +06047275 cardiology +02818254 beaver +00453935 sportfishing +12097180 genus_ardisia +02438383 juggle +05866822 metacentre +03622526 klystron +11783162 umbrella_arum +11636389 juniperus +11609475 pinyon +01206553 devotion +03286383 remnant +00217773 wrecking +01110880 outmarch +01512625 toss +07870069 souvlakia +14447816 fool's_paradise +05389762 flap +13517843 multiplication +02646985 liparididae +04082344 resuscitator +05757049 assimilation +12350758 canna +10761693 vulgarian +02627221 carbonate +01731353 solmizate +12627526 summer_haw +09162803 maracaibo +01575675 situate +02149297 tadarida +11092292 josephus +06760076 lip_service +14794993 nitrocotton +00292247 floodlight +01737417 induct +09387624 paulo_afonso_falls +09405515 rappahannock_river +01246926 trap +01357328 clostridium_botulinum +06758225 misrepresentation +10516016 refugee +05161150 propitiousness +08728882 tientsin +01349493 wrench +09752381 taurus +12262553 chestnut_tree +05316175 ocular_muscle +09879144 pig +10247358 young_girl +04135710 saran_wrap +01784427 class_chilopoda +04906712 subservience +05126362 contrast +00435688 wrap_up +07226330 warning_of_war +05968710 secessionism +05328232 sebaceous_gland +04463273 tracing +00748515 drunkenness +00045240 dizen +01025935 cross-refer +11988419 layia +13054211 family_boletaceae +14723425 activating_agent +07407777 run +01684337 sculpture +07531255 satisfaction +12187030 sidalcea +13386614 hard_currency +02387034 train +00742320 put_across +06433035 leviticus +06799897 line +12926480 cassava +12132092 wood_meadowgrass +01653873 make +02638835 family_amiidae +00933566 tone_down +05706629 neglect +00757856 tergiversate +14038264 rut +03401500 petrol_line +02015554 crake +09759875 accessory +02490634 split_up +11418138 luck +00777522 spellbind +09877587 browser +02352591 dormouse +12859986 nepeta_cataria +01289830 siege_of_orleans +11964269 genus_enceliopsis +02277897 pirate +04159676 sea_steps +01183798 paternity_suit +03055670 four-in-hand +02011040 run_out +00298161 touristry +02020027 raid +12784543 family_cephalotaceae +02041678 sea_mew +00716777 vivisection +07354731 win +05804491 underreckoning +13758745 yield +08183398 press +06115476 earth_science +07723039 leek +03560430 iglu +13784906 metric_function +00684988 microsurgery +01716882 play +04464852 tracked_vehicle +03824284 nightcap +13979173 upheaval +00058519 exit +00038849 set +09933098 shoemaker +04071393 regimentals +02322596 roll +10837918 st._basil_the_great +13518656 natural_childbirth +13145040 vitis_labrusca +00327683 lowering +02142575 phyllostomus +00250710 working_out +03826945 nitrous_oxide +03590306 jacket +01626844 catalogue +02639606 waste_one's_time +01807701 perdix +01707925 instrumentate +12565912 pterocarpus_marsupium +00791227 dominant +13000372 family_agaricaceae +01384491 microbe +07106502 hyperbole +08794798 jerusalem +09712696 malayan +00567291 bind +02263982 hollow +01033458 office +00380698 represent +14058252 choking +00727991 charge +07377473 din +02059462 rush +02724126 cloister +10186350 plantsman +02056421 genus_aptenodytes +01926840 schistosomatidae +07291794 last +07044917 passage +02140491 tube-nosed_fruit_bat +01826723 trust +00701755 systematic_desensitization +14446878 inconvenience +11871294 genus_arabidopsis +00575970 vaporise +00332672 unravel +04072811 relaxant +09030382 nyala +00636279 answer +02670890 serve +00798108 speleology +09168707 chihuahuan_desert +01448165 xyphophorus +11654667 genus_falcatifolium +14526764 unsusceptibility +11600372 cycad +15177866 jewish_calendar +11890329 lepidium +01006239 scribble +01199697 hearing +13471815 ejaculation +02544348 take_chances +04321238 stitch +14631295 glucinium +00187147 ammoniate +05332802 kidney +08766667 gothenburg +10784544 witch_doctor +07400906 pulse +00506207 tit-tat-toe +02457585 tolerate +00556193 mix +05999266 knowledge_domain +06254007 broadcast +10336537 mudslinger +08840374 tuvalu +12512947 genus_centrosema +13977366 to-do +00476819 comfy +05998052 frontier +01471954 underage +01408383 ulvaceae +09294413 green_mountains +00595333 mayoralty +11788382 green_dragon +12852570 lycopus_europaeus +02061073 hydrobates +02364448 waxy +14344189 van_bogaert_encephalitis +07161741 proposal_of_marriage +10351281 needleworker +15274074 rest_period +13902048 ridge +10276477 lumper +07606764 kiss +07205946 disclaimer +04656748 unsociableness +11890507 pepperwort +04706087 conspicuousness +10764128 walk-in +13030852 peziza_coccinea +00589948 cardinalship +11849017 lophophora +00724492 mind +06207029 estimation +05140793 tinker's_damn +00854876 oral_sex +12624249 genus_chaenomeles +09277279 everglades +12532168 soybean_plant +01967634 nosedive +12712320 citroncirus_webberi +00292368 spotlight +00472230 obliterate +04894552 shortsightedness +02628832 draw +13634784 potential_unit +01918669 mope_around +00929839 imply +12585629 wine_palm +05126849 register +05988282 ignorance +02279772 take_advantage +04833458 stinginess +14094881 chorea +02561108 pike +02265860 genus_corydalus +15239292 season +02589013 submit +04702688 sharpness +12691834 genus_boswellia +12232683 genus_bruckenthalia +14668539 beryl +01585577 salpinctes +10034020 drill_master +01707306 harmonize +02425393 genus_boselaphus +10624310 songster +00718815 plastering +14842992 ground +01496037 torpediniformes +13624026 dl +13207736 brittle_maidenhair_fern +13727478 kw-hr +09624168 male_person +00595630 know +07529245 merriment +01194331 legal_ouster +14547976 astheny +00303297 flypast +01239494 elbow +13793776 implication +02707344 anaglyph +06420219 unabridged_dictionary +02494538 scandentia +08388207 nobility +09398217 potomac_river +10257221 liberator +10464542 preceptor +10764296 walk-in +01126846 seal_off +00135952 jab +01401296 order_heterotrichales +12927013 manioc +02709906 diverge +00986938 firing +01793933 niggle +07749582 lemon +08344551 international_law_enforcement_agency +02338901 wood_rat +12584057 genus_areca +02286687 strike +08128159 joint_chiefs_of_staff +02677718 action_mechanism +09933020 cobber +00342755 whirling +01804340 genus_colinus +01330269 overcast +01430111 logical +11905749 yellow_horned_poppy +02129165 panthera_leo +06420781 glossary +09371816 niobrara_river +06467007 summary +01450281 holocentridae +12433429 shallot +10168183 pleasure_seeker +11637015 pencil_cedar_tree +01458464 percolate +08516080 baulk +13401013 lien +01699539 paragraph +11772879 kurchi +01106587 ferrying +11864602 family_capparidaceae +02433796 rangifer +05195362 pressure +11190183 thomas_more +05154517 plus +00225593 suffocation +12935609 winter_fern +03135152 cross +09342563 lodestar +13248087 ecclesiastical_benefice +00747215 smut +01541386 richmondena_cardinalis +01116026 teleselling +11754633 genus_mimosa +01157384 rearmament +12719684 nasturtium +01211098 paw +10142537 grand_inquisitor +02507464 trouble_oneself +00571643 unconscious +13641534 standard_candle +00364297 recess +05529159 laryngopharynx +10670668 subscriber +03080309 compartment +02865665 bolt +07321517 cycle_of_rebirth +03777568 model_t +08539893 subtopia +13903855 upper_bound +00286360 sidestep +01567530 parula +01906823 walk +00266634 plucky +02244396 triatoma +13307901 extortion +11398344 wright +01385920 lump +12172481 musk_mallow +03205760 dirt_track +05039709 alkalinity +00647270 quantitative_chemical_analysis +08812399 trentino-alto_adige +14857497 trash +00860136 lighten_up +14019600 acidosis +04240097 slingshot +10710632 tiger +07144190 ventilation +10150071 guard +00599472 secretaryship +13290991 relief +02233338 roach +04213626 side +00208277 excommunication +02020450 pedionomus +02637337 genus_eucinostomus +13607985 pressure_unit +08016035 gia +04321804 stock +01985797 american_crayfish +01183166 class_action +01730384 solmizate +10728998 trier +12760875 rhus_laurina +13631512 zib +04160586 seaplane +10027590 two-timer +00038365 disentangle +00379422 attachment +01886728 coast +13573181 vesiculation +13980845 conflict +06424275 identity_verification +12513613 love_tree +11820463 stoneface +02923745 hindu +02494850 raid +07201804 word_picture +03612814 kettle +14554011 longsightedness +05799952 beta_test +12727960 salix_triandra +15280497 pace +01449053 pull_back +02298833 manduca +03600806 stick +13260190 yield +11509066 snowflake +01179167 protest_march +05341920 cervical_artery +02416278 join_forces +00755863 attitude +01415393 porphyra +06074860 paleozoology +01970125 chandelle +01746605 perceptible +01688428 genus_draco +06184270 christian_theology +12408466 wheately_elm +14944888 supermolecule +01496630 emplace +01990627 order_isopoda +10597091 signalman +08325851 select_committee +12012111 senecio_glabellus +00079212 repurchase +05001482 thinness +03970363 plus_fours +10536416 rock_star +09211266 australia +11916268 genus_achillea +06222959 gnosticism +13575226 zymosis +00992518 shake +13722522 troy_ounce +05473104 apophysis +04243727 slot +07042735 keen +06637677 gen +07334206 end_of_the_world +02115430 stun +06576265 library_program +00589691 caliphate +07199565 response +00380568 fusion +02613181 combtooth_blenny +09356080 mississippi_river +02654425 trunkfish +08472120 falun_gong +07313636 injury +09397391 pool +12631331 avens +02505606 bludgeon +02141306 microbat +12959967 ophioglossaceae +08338847 independent_agency +09111955 manchester +11449907 electricity +10131515 gitana +01848648 wigeon +12562141 playlobium_obtusangulum +06102865 holistic_theory +00373766 cauterize +00578993 ruin +07882497 mixture +02587239 tyrannize +02155799 instantiate +02665803 biological +13405962 method_of_accounting +12839409 genus_acinos +11983160 hulsea +10421183 pharisee +00038573 blind_alley +09408977 rhone_river +02430929 genus_cervus +05992274 localization_principle +04087524 virazole +06713187 upbraiding +00424869 flash +01203234 feed_upon +02034828 right +02869249 finger_cymbals +07156819 monologue +09996920 dean +04623113 nature +12060546 snow_orchid +05436752 gene +09119277 new_york_city +02157399 presbyopic +11045106 heron +02083615 scholarly +02888569 wall_bracket +09379111 opening +00329495 arborize +09191875 alabama_river +00907800 heckle +02912440 bug +02520147 spoonbill_catfish +02429810 call +02000133 hand +07066459 skiffle +01942724 haliotis +06715927 scorn +01799794 mortify +11996251 wild_climbing_hempweed +06672297 word_of_advice +09022667 samarkand +00838816 chomp +02590702 sea_bream +02404186 beef_cattle +07711080 fries +01371092 rickettsiaceae +09131428 toledo +01353670 zipper +06825273 type_family +01624568 stamp +11722036 ranunculus_lingua +08775784 prussia +01752165 viper +02218371 ichneumon_fly +12810595 phlox +03330947 hobble +14498404 pollution +09926656 classicist +11721642 ranunculus_flammula +04779649 unpleasantness +01836673 poorwill +09052314 union +12574143 trigonella +01455986 syngnathus +05664640 point_system +06207561 reverence +07763290 spanish_lime +13237343 periploca +02640857 white_sturgeon +02362569 taguan +10095869 flatterer +02474777 homo_sapiens +06254669 medium +01706756 melodize +02532028 herring +07837362 white_sauce +08386365 upper_crust +10521662 reporter +08778061 yaltopya +01222645 twist +02147603 mask +10069645 executive_director +02658447 look +14440875 degeneration +09427876 sea_of_azov +02103162 pull +01364008 sorrowful +11881563 genus_dentaria +08856945 sao_goncalo +01715525 sightread +00433458 contact_sport +02648769 hexagrammos +10440580 player +05985999 scholarship +02928066 native_american +13149296 true_pepper +01902405 skitter +01774799 scorn +01259211 revoke +05685538 secret +02319428 discount +08396990 arng +04677952 semblance +11970429 genus_gaillardia +02354621 valley_pocket_gopher +00915605 thunder +00695226 value +02754421 lipitor +00025728 everywhere +12441958 asphodel +04392526 tape_deck +14190736 pyemia +09157766 green_bay +01164568 overexploit +14475405 tough_luck +07125958 interjection +00117578 eructation +00204199 escape +01662771 mould +13908580 roulette +12078596 plectorrhiza +01602353 vireonidae +04478889 trench +02043497 rynchopidae +02033295 veer +00590626 commandery +12327718 genus_bertholletia +01380489 genus_diplococcus +00114095 jostling +07967982 race +01467675 genus_amphioxus +03924811 photocopy +01166093 exert +00110964 penalty_free_throw +12613706 hydrilla_verticillata +15150870 mid-eighties +02717831 set_off +03150232 roller +02309841 pyrausta_nubilalis +04162998 seats +09096664 cambridge +03257343 duplication +05761380 retrieval +02085320 mantle +00931453 novelization +10079399 fieldhand +02919414 sheaf +12664005 cinchona_lancifolia +01518718 struthio +09770472 executive +14153616 dichromia +15009843 salicylate +02592111 club +01960656 irregular +13631687 zettabyte +01486151 sack +08612340 orbit +01790943 genus_gallus +02700104 harmonize +14777188 bromo-seltzer +02572119 victimize +13990064 whiteness +01527877 exorcize +09994943 departed +01587575 glass_in +02168555 blind +14884120 glucose +11713370 yellow_parilla +00180770 embrace +07379094 peep +12651062 genus_pyracantha +02286815 geometridae +02920503 dugout +01595624 martin +00249721 bold +08078819 major-league_team +08141092 criminal_investigation_command +13229358 oreopteris +02525012 molva +07163803 previous_question +08339706 military_intelligence_agency +12099803 jacquinia +12579242 viminaria +11154646 sir_patrick_manson +01678657 zebra-tailed_lizard +10256537 prevaricator +01736569 potamophis +05726345 structure +15122231 time +04771332 stochasticity +03370020 rohypnol +01408958 slice +06838112 nun +01662622 chelonian_reptile +10501747 quintipara +08406361 hard_core +00701877 decide +00927261 creating_by_mental_acts +01133876 good-natured +00633265 ratiocinate +15025397 heterocyclic_compound +00323532 infusion +08558155 realm +03685962 loestrin +09053801 montgomery +15200661 remembrance_sunday +03153361 ridged +00013615 play +01477394 shut_off +02908217 brush +06989146 canaanitic_language +01748560 ophiophagus +06217103 democracy +08590909 paint +06777687 repartee +01514655 launch +00071803 pull +08717209 republic_of_cameroon +02381726 take_over +10025487 don_juan +10773394 weightlifter +08207209 paramilitary_unit +13566535 thawing +00513401 prank +10186774 innkeeper +04502364 turtleneck_collar +01189604 fast +00174412 step +00835294 fib +13333833 stock +00519363 sparkle +07024929 polyphony +11768505 winter_sweet +02017149 walk_in +02242293 nepidae +08832691 queensland +07522128 presentiment +01393030 foraminifer +11675096 stamen +02112826 welsh_corgi +02909543 buchenwald +05998356 allometry +02241911 scalp +10285762 transgressor +15037339 antigen +10058411 enjoyer +10264437 linguistic_scientist +02240706 notonectidae +12954634 todea +06931199 tibeto-burman_language +07648408 white_meat +00100253 musical_performance +14910748 hydride +02678663 matter_to +07433662 mutilation +01576478 pasture +01702331 pun +12045514 puttyroot +12166312 genus_luffa +01493897 unripened +01706129 set +01067070 adjournment +14522265 calmness +00782338 victimless_crime +04835488 self-seeking +01521980 order_aepyorniformes +08235343 secret_society +01489859 air-drop +10562391 scorer +02731024 stay +03762602 mihrab +07404944 slide +05642175 quickness +04134339 sandpit +03058726 coat_of_arms +12371439 kiwi_vine +00211108 exsiccate +05648247 unskillfulness +00789934 cell_phone +00237511 concentrate +03816136 needle +00122106 remitment +01329186 arbovirus +06804483 taps +04643662 pugnacity +02373785 put_forward +06971872 indo-iranian_language +01289155 rope +08818444 slovenija +10018861 distributor +13224086 selaginellales +10998651 gide +01366653 cement +13948026 quality +02761229 light_up +00562398 blocking +01001689 fertile +13942104 ultimateness +00529400 pas_de_trois +12914048 streptosolen +06258228 centre_spread +08798062 hefa +12170415 malva +04002026 prophylactic +03350602 fisherman's_lure +04634540 exuberance +13143930 pomaderris +01669643 garland +08798771 palestine +02595702 sciaenops_ocellatus +09826074 retaliator +05915356 yang +02164402 unimportant +04039041 wheel +02224466 mastotermes +07774182 grugru_nut +12108432 broom_grass +01061333 demand +03195118 dolobid +02911485 buffer_store +12151814 genus_carex +13928388 relationship +00665079 nursing +07675262 soybean_oil +13139647 husk +11800799 order_aristolochiales +08273167 crew +06770875 term +05930136 perceptual_experience +00770834 infringement_of_copyright +00039488 wave +06384708 verse_line +12491200 genus_brachystegia +01815855 pterocles +13951444 lower_status +01925694 stray +00459776 hold_up +01205010 keeping +07895237 bordeaux_wine +05878440 gestalt_principle_of_organization +01807988 genus_alectoris +02770717 overcast +08785132 mount_athos +01967396 genus_bankia +09436531 skim +05541231 os_frontale +09016232 donets_basin +00745187 vocalize +12404943 ulmaceae +09930257 finisher +04551055 warehouse +04470232 tranquillizer +01839598 flicker +07419792 recovery +00061401 vasectomize +00232542 vegetate +08905751 gujerat +01133760 conducting +07379223 clink +12189779 sour_gourd +02292692 trichophaga_tapetzella +11985053 marsh_elder +02240223 family_cimicidae +12266217 southern_beech +01048073 bay +13476267 establishment +14290881 hyperpigmentation +00740053 attribute +11835114 sarcobatus +06418693 wordbook +00399553 putrefy +13059485 strobilomyces +02124748 smell +06615216 final_cut +04526520 ventilation_system +08455829 shariah_law +02303585 samia_walkeri +13906767 line_of_life +01287782 midway +01112364 score +12718314 picrasma +04010566 prompter's_box +05035353 strength +02560767 effect +09111366 nh +02348324 consign +00742474 perversion +07412092 flash +05784242 study +01821423 interest +14832193 rna +10367409 nurser +00502757 fertilize +05970311 sensationalism +02629256 rid_of +10111358 free_trader +02598573 white_croaker +02399942 fourth_stomach +04096733 roadbed +01459696 fractionate +04757864 indetermination +04520170 van +06050901 gynecology +07914128 refresher +01291674 plevna +00759186 overeating +01856748 subgenus_chen +00038262 course_of_action +02428487 withdraw +07209305 dissent +09879297 yobo +04681797 hatching +10034614 drinker +00371264 heat_up +05799212 tryout +00817680 protection +00884778 enterprising +11248997 pusey +10362428 normalizer +12852049 lycopus +04902165 indelicacy +03694761 l-plate +08214470 platoon +10645854 totterer +11150224 marquise_de_maintenon +11967572 genus_eriophyllum +12844939 flame_nettle +01573775 genus_dolichonyx +01484850 white_shark +12149751 sedge_family +08479407 zhou_dynasty +09260466 crystallization +12823531 genus_convolvulus +15155891 tomorrow +02940509 propitiatory +08737716 republic_of_honduras +08842819 bismarck_archipelago +07406765 stream +01811104 raphus +00555138 stir +07122409 halloo +02527085 compass +00666886 negate +01485158 package +02376429 pursue +01328702 virus +02163746 spy +03536761 horn +08813699 verona +10521470 repeater +00237259 reduce +08346490 mossad +11794791 lemna +05247369 renal_corpuscle +10345015 nan +02470685 confederate +02875436 stone_drill +08046759 ulster_defence_association +02699343 xanax +01048171 yip +02303777 samia_cynthia +12567316 retama +04994413 sweetness +02604657 family_ephippidae +00740048 contributory_negligence +00165298 ordination +04937848 hardness +02796623 barrier +14415773 estrangement +00441212 slacken +08519624 caucasus +02578233 selene_setapinnis +00058002 disembarkment +06015053 partial_derivative +14113228 renal_disorder +01013434 relegation +02193357 gasterophilidae +01945183 tram +06545960 enfeoffment +15147850 adolescence +03997027 power_system +04045941 tatter +05240850 neuroepithelium +00118523 continue +07478318 syncope +05407119 internal_secretion +01299758 detach +12344131 oenothera +15158816 november_5 +05638063 workmanship +12291959 tulip_gentian +04099429 rocket +12677612 waxberry +09217638 bottom +13357178 money_supply +05484711 pars_intermedia +01991233 family_armadillidiidae +05120683 margin +02144644 stamp +08318777 diet +00437321 kick_up +12074205 genus_oncidium +11302062 sinatra +11990313 shasta_daisy +01498319 sign +06726761 papal_bull +00318816 stretch +05462057 musculoskeletal_system +10318293 mill-hand +13952171 servant +02752615 suspensor +08290156 aegean_culture +05635448 falconry +01477525 lamprey_eel +13151975 water_dragon +02412164 thin +01554799 cut_out +00276883 order +00256961 teasing +10786517 witness +00104976 bowling +10044682 ectomorph +02121808 house_cat +01909397 turn_over +00231557 grow +00853487 surgical_contraception +15052970 stain +04234969 slave_market +09622928 loved_one +01279015 ruck_up +02878222 merchantman +00125436 tap +09736633 uygur +09644820 native_american +13899404 orb +03970673 plutonium_trigger +13413493 value +01447868 squeeze +11011764 harley_granville-barker +04074482 therapeutic +09353109 meteoroid +00198057 pod +06637149 high-level_formatting +00406963 provide +00479933 uncomfortable +03585073 iron +09013830 republic_of_lithuania +08037861 palestinian_hizballah +02051845 pelican +06792645 radio_beam +07535010 heartbreak +03050655 clothes_dryer +02690613 chaldee +07518261 vexation +12401684 fig +02530936 grope +10528493 versifier +02100632 blow +00335814 upending +07514968 calmness +02482650 pygmy_chimpanzee +00102974 slobber +06947479 american_language +05793000 explanation +12608127 tillandsia_usneoides +11745817 zebrawood_tree +02064745 different +00015498 nap +00234390 gate +03743016 megalithic_structure +14523436 storminess +05456945 gamete +10480018 producer +08228665 chapter +07465290 playoff +01048210 resuscitation +08433727 aviation +07832902 salad_dressing +01337653 bread +11238303 pius_xi +13015040 thelephoraceae +00372665 hot_up +02752695 summarize +00068858 extravasate +10765305 wally +07081739 wording +03333349 field_hospital +02522864 pull_off +07803408 bulgur_wheat +06540527 curfew +01062165 rubbish +06280816 fibreoptics +02420232 farm +00051942 dandify +11882237 dentaria_bulbifera +11801247 genus_aristolochia +07357679 refinement +01959294 regular +05198321 sovereignty +04396466 taxiway +14443434 regulation +01140515 harpoon +02502037 suspend +03216562 dixie +10265801 lisper +15242209 whitsunday +01310964 drive +13990502 clear +03251766 dryer +13850674 wind_scale +09128201 chapel_hill +12873834 genus_martynia +02612368 occur +11432887 fresh_breeze +00177243 undress +11872146 rockcress +04787530 unnaturalness +01384102 berry +05341206 cerebral_artery +00653518 countdown +05940414 fuzz +02293856 staccato +00892698 receipt +00995286 notate +05472205 coronoid_process_of_the_mandible +04133789 sandal +13461525 demineralization +09304164 hindu_kush_mountains +13989051 sorrowfulness +00561571 run_out +12062227 genus_epipactis +06501141 patent_of_invention +02194887 hypoderma +01377571 volley +02195526 horsefly +00282485 push +00274941 colouring +01060198 mew +02381397 enter +00779061 pause +02652494 lodge +07343195 replay +00961594 biological_defense +14758842 animal_skin +01296127 syracuse +15217911 jumada_ii +01814370 domestic_pigeon +01820664 glossopsitta +01121070 amortization +03380461 footplate +05168261 importance +05555473 midsection +12359734 family_begoniaceae +03863923 overgarment +13627681 kilobyte +01538775 family_dacninae +13190917 genus_cibotium +13761171 splatter +10121800 gastroenterologist +01334862 phage +02277663 mug +12171503 tall_mallow +06833776 y +00864159 reprobate +05034048 power_of_appointment +09428967 sediment +06740919 apology +00108303 fracture +00672277 judge +11292391 seneca +02921325 romanic +02434834 muntiacus +02118242 dream +00564857 wrinkle +01097292 marketplace +08035233 nestor_paz_zamora_commission +01938312 hirudo +13576982 relative_quantity +00746718 tell +03467517 guitar +02499990 indriidae +01677242 paint_the_lily +09799607 apostolic_delegate +00867163 rooting_reflex +05717342 saltiness +10091564 hothead +14843986 ochre +00717045 insist +02820210 bedding +01022483 discontinuation +00811661 storage +09156241 huntington +05169813 significance +13501738 intussusception +09231890 canadian_river +00903711 shrive +06714697 ad-lib +01923637 phylum_chaetognatha +08596076 sands +02625339 follow +01531998 spot +11288216 scipio_the_elder +11019269 sir_alec_guinness +02002875 leptoptilus +10387324 right-hander +01108148 overcome +03588668 sporanox +09851165 topper +07324673 outgrowth +02012063 ixobrychus +08996483 seychelles +00348252 enter +12327022 water_milfoil +08390374 paratroops +01935743 family_branchiobdellidae +14804175 cement +09767197 worker +02320888 genus_antedon +10316862 military_leader +07796165 sockeye_salmon +05869857 unit +07377082 bleep +12938897 genus_foeniculum +05835162 muse +12227220 genus_erica +01567133 wood_warbler +10660128 store_detective +13287984 security_interest +09853184 bidder +02756821 precipitate +00043116 derring-do +03940713 pin +01937795 skateboard +08391021 home_guard +00238527 induction +00568879 rationalize +08513718 property +01028640 nickname +00627410 nonmaterial +00325785 mountaineering +01489332 discharge +01995803 order_notostraca +11921200 genus_anaphalis +00126236 smash +09572825 titaness +00288486 lope +08331357 drumhead_court-martial +01576506 sturnidae +01763813 preventive +02082632 orycteropus +13217213 psilophytales +02464132 skulk +01549886 sayornis_phoebe +08356375 legislative_branch +11450566 electricity +09638875 white_person +02671780 accoutrement +01435000 spirit_off +04681387 mark +03962685 platform +08896645 sinai_peninsula +02988679 compact_disc_read-only_memory +00612454 monumentalize +14367797 pachyderma +00294522 effloresce +02464583 spare +05549061 shoulder_joint +12954353 todea_superba +02475078 neanderthal_man +01870275 slue +00988232 thin +05172596 unimportance +01172701 touch +11416534 position_effect +08924913 kobe +01252124 waste +14394094 depersonalization_neurosis +00468583 normalize +04598582 woodwind_instrument +00724861 unreliable +01930117 motor +08437847 canebrake +05029706 strength +10754578 violinist +01783881 unsettle +10267941 liturgist +05131647 height +10761519 vulcanizer +02653655 monocanthidae +03036341 civvies +10126424 geneticist +03362890 fleur-de-lys +05157866 profitableness +01703023 metrify +05997361 communications +01810320 lock +00258665 break +07031752 support +02663340 underpin +00963241 insurgency +03261776 phone +00555983 dash +00101277 tone_up +02527431 wangle +03460674 griseofulvin +01409642 triple +01916010 suborder_gorgoniacea +05303232 uterine_cervix +01015689 shell_collecting +09170475 turkestan_desert +11282802 savonarola +03779370 mould +11943407 calendula +08714132 republic_of_bulgaria +11891541 silver_dollar +08087981 church_of_england +12824909 genus_calystegia +02316180 echinoderm_genus +02960130 scandinavian +05979595 satanism +09535622 goddess +10162991 top_dog +01906552 porifera +03747281 mesantoin +02305856 stash +02944579 camouflage +12009047 rudbeckia_laciniata_hortensia +01613921 butterfly +02401523 propose +05108740 quantity +00975270 diversionary_attack +13559782 specialization +01624707 genus_asio +12203896 white_basswood +01921887 worm_genus +02571511 heist +06063588 surgery +09476331 waterway +01579868 subfamily_garrulinae +05521111 vagina +02335363 glaze +09410928 tear +07491591 schadenfreude +10206887 savant +01002377 unfertile +00058516 whelp +11378462 weber +03853178 orchestra +15175640 revolutionary_calendar_month +09178310 west_africa +03785499 mortuary +11068401 saddam_hussein +01196759 scopes_trial +01019129 iteration +05241827 epithelial_cell +09100982 houghton +04071102 sanctuary +02481231 monetize +02186506 tinkle +03082807 compressor +01390466 actinopod +01682582 gloss +10026976 street_person +02583780 revolt +10564660 scribe +02516978 kick_around +12984802 tuberales +01928390 jog +03783017 monoamine_oxidase_inhibitor +00090386 shock +06605897 spirit +01789270 pique +01068012 filibuster +04205318 trunks +10578471 senator +00318186 post +01373138 atomize +09286843 kan_river +13659943 myriametre +00107943 fracture +14171492 congenital_afibrinogenemia +08191987 usn +12807624 platanus_orientalis +11172609 mellon +05005447 liveness +05000342 obesity +00197423 debone +08918248 sumer +00500356 industrialize +05103946 largeness +02231473 pass +12489815 poinciana_gilliesii +03708962 magnetron +02711573 angiogram +03852280 optical_instrument +12589286 genus_corypha +05931152 fractal +03059366 coaxial_cable +10160770 harpist +07869937 kedgeree +00733454 misgive +01986185 subside +01997862 lag +01960105 post +12954978 schizaeaceae +02300549 declare +09886220 hound +06551339 wedding_license +01713635 genus_tyrannosaurus +07434473 fertilization +00563100 reflate +00301192 flight +10712573 tipper +00796839 enjoin +00272713 demoralization +02483267 put_to_death +02372605 proceed +10873059 edmund_burke +00286756 limp +01957335 steamer_clam +02072493 narwhale +04651974 silence +12862648 pogostemon +00288017 hue +07790081 scup +06816935 formula +08573472 front_end +05245775 comedo +00578295 nationalize +00140393 meshing +02954163 canvass +05691376 stymy +08722844 manchuria +12030479 genus_actinomeris +01163047 whipping +09945905 fellow +01041968 supplication +07510923 expectation +02635310 gobiesocidae +08816969 srbija +09962414 convert +07209965 squawk +08933940 right_bank +00727791 credit +08682575 west +12896615 wonderberry +05690269 obstruction +11234152 piaf +02676496 revolve_around +07372779 headway +00346693 turnaround +11997160 white_lettuce +05827253 induction +00180962 election +01215694 collar +03896233 passenger_train +02227966 tettigoniid +05330659 sweat_gland +10033663 slobberer +01944390 snail +00368847 converge +01884476 thylacinus_cynocephalus +02117135 hyena +02567484 genus_centropristis +10047822 egyptologist +04271148 spear +00040188 tease +08946909 grenada +00673710 exenteration +01843497 resort +03218198 dogsled +07697825 zep +14670639 terra_alba +12771192 persimmon_tree +01782516 red_spider_mite +03953743 setting +02590495 sparid_fish +03804311 nadolol +09833997 noncompliant +01578254 submerse +12443929 genus_blandfordia +11874300 genus_berteroa +02031143 scolopax +02672540 make_up +09173288 taklimakan_desert +14158594 hyperbetalipoproteinemia +00266197 polymerize +02299715 genus_acherontia +05088056 dissemination +13919547 wedge_shape +02080022 pagophilus +05089367 transmission_density +07300092 software_error +12748534 oriental_bittersweet +03633091 ladle +06150222 theory_of_games +12404314 family_cecropiaceae +08369920 beatles +01475421 suborder_osteostraci +07748912 sweet_orange +08188638 choir +03224893 student_residence +03290195 entablature +00045907 retrieval +10724372 transferee +06631921 ciao +12745564 pulassan +01694558 varanus +09801864 prentice +01178220 swill +05624700 creativity +00837872 bluff +04675314 impression +04953380 twinkle +04849972 purity +03958752 plastic_wrap +09156666 morgantown +01721718 pelycosauria +05574151 trochanter +01957075 myacidae +02582450 litigate +00680145 prepossess +02645823 hemitripterus +02137132 show +04339638 strip +02822220 spread +00705517 shoot_for +09695979 white_russian +07540602 letdown +08015321 supporters_of_islam +04880830 naturalness +01740320 carry +14476205 hard_cheese +04502197 turtleneck +14738752 ferment +11473138 purchase +00069531 esthetical +07313241 contraction +01528542 genus_anthus +02038791 list +12816753 genus_amsinckia +07795317 whitefish +08215248 detachment +12468900 trillium_erectum +01149911 constriction +10640968 sprawler +05586759 exoskeleton +14246710 glandular_carcinoma +07173959 twist +01555809 true_flycatcher +08185211 ltd. +02694426 warning_device +02181235 tenebrionid +08988068 basseterre +05781800 partitioning +08154960 house_of_hanover +00797878 venture +02557749 walleyed_pike +06959932 yeniseian +00052500 landing +00140751 switch_over +02009015 genus_egretta +05945508 meliorism +14437134 glory +13566212 temperature_change +13481883 flare +00674158 rhytidoplasty +08137495 labor_department +02529111 gonorhynchus +02314658 dispossess +02139883 screen +14521954 fug +13190469 genus_dicksonia +15223916 nowruz +12353604 genus_ensete +05998526 bibliotics +00949093 paginate +02398161 bring_up +10670885 subsidizer +00989084 delineate +15127507 upper_carboniferous_period +00931467 refer +01634142 think_up +15161284 major_fast_day +07401726 throbbing +03743902 monument +05018103 luminousness +02048242 lunda +06106502 theory_of_relativity +00484892 wrap_up +08950035 apeldoorn +01371756 kick +02608004 neighbour +06204406 tolerance +01825930 coraciiform_bird +00884311 continuing_education +01478626 androgynous +01509280 strike_out +04260934 soporific +00916011 peep +10691600 tapper +11985586 genus_krigia +08381636 planning_board +08253815 dinner_party +02562585 underperform +13141141 buckthorn +02741357 carry +00095329 reparation +10965361 julius_ullman +05133535 prolongation +15005386 retinene +03109486 turning_point +01053144 unpleasant-smelling +10452892 pontifex +11727976 genus_caltha +01600191 conglutinate +10486679 stalker +07154243 truism +01176567 wine +06426468 yearly +07280072 recall +00691879 shirodkar's_operation +06366581 allegory +11605396 lyginopteris +11795774 wolffia +13028070 pyrenomycetes +10433452 pilot +01574045 new_world_blackbird +04273659 speed_bump +00145147 round_out +01367083 listeria +00020926 spellbind +01876006 progressive +05337055 arteria_arcuata +07504841 concern +01496843 emplace +06404147 scribble +10119953 gangsta +02019716 obtrude_upon +09783369 alienator +09108055 springfield +06825120 type +00055633 decampment +02457408 three-toed_sloth +03941684 tweezer +01643374 hylactophryne +13176201 microgramma +14224757 dermatitis +02510905 catch +04858785 hardiness +11690455 petal +01637982 find +07366627 variant +00563494 basketball_play +10822338 aristotle +05247804 glomerulus +02298632 tender +01780919 trombicula +09164095 hanoi +12570394 sophora_sinensis +00399074 disintegrate +02326695 unregenerate +02204692 possess +00447073 sledding +09725653 omani +07688412 hoecake +07932323 cassiri +02451370 impede +12579038 yard-long_bean +01190277 souse +01944955 garden_snail +08519916 transcaucasia +02277279 sparkling +02658979 correlate +02486232 see +04289690 sprocket_wheel +00432839 slump +08762104 arhus +00900214 salute +02494356 remand +05696020 match +08731953 french_indochina +01254324 wear_off +02393489 exchange +05977340 taoism +01662784 turtle +02805443 bastille +09051898 tidewater_region +12354068 strelitziaceae +11708181 magnoliaceae +01183031 civil_suit +09247410 cloud +01103788 packaging +07954211 rule_book +02519148 bullhead_catfish +05176607 sanction +00959731 unfaithful +08320385 plo +14117805 diabetes +02277895 polygonia +09110784 carson_city +06142118 ip +12772753 buckthorn +02926519 avestan +02118476 notice +01497878 family_dasyatidae +09548632 nymph +06791017 nicene_creed +01761533 ferment +11651731 podocarpus +00731159 capitalize +03266749 eiderdown +03819994 net +09811712 articulator +02251233 pseudococcus_comstocki +04406817 telpherage +07426406 point_mutation +01993214 sandhopper +12520661 genus_cytisus +07478874 crash +07185668 notification +03693973 lower_berth +02620466 yield +01740892 peaceful +13277179 overhead +11486178 necrobiosis +12938193 sea_holm +12332422 genus_feijoa +01516965 wreathe +00003826 hiccup +04677514 shape +03351151 fishhook +03015254 dresser +05361391 vena_cerebri +14593874 polymethyl_methacrylate +12451789 genus_fritillaria +00710155 stylostixis +08123696 executive_agency +00763713 clinch +09891079 man-eater +06201042 reprobation +07404798 undertide +12749852 wahoo +02979722 maturational +02024185 eudromias_morinellus +09048127 east_coast +02531503 genus_brevoortia +03735637 measuring_stick +11269085 roget +09792237 anatomist +14682133 molecule +11826569 bloodleaf +10036929 drummer +09036452 thailand +09544262 banshie +12380926 genus_xylosma +05489640 rolando's_area +02971940 pickup +07295629 wages +05205340 uninterestingness +00053159 prang_up +12899537 maikoa +09900153 cat +11839568 four_o'clock +04784142 incredibleness +00299341 regulate +01840412 ivorybill +10526927 reviewer +01217306 inter-service_support +02448200 mellivora +13514314 metabolism +10304160 queen_of_the_may +14588492 composition +13219422 horsetail +02103925 translate +07349299 tsunami +11056654 holly +01497278 pristis +00346296 reorientation +01949195 fissurellidae +01041674 unction +01688812 genus_moloch +13451348 condensation +13572436 vapour +01216670 take_hold +01932358 tylenchidae +15239579 season +12679201 sambucus_nigra +00615421 elide +01240210 intervention +02760855 machine_rifle +12765846 yellow_mombin_tree +01819115 cockatoo +01163083 harmonious +01258642 poleaxe +03192347 dynapen +08192557 us_coast_guard +07528470 thrill +01420304 spar +13102409 climber +12900783 cone_pepper +05659365 vestibular_sense +02434541 confederate +00538876 hornpipe +00263682 puff_up +06637824 database +02447542 franchise +01540432 hesperiphona +14252320 skin_cancer +00237869 creation +05343542 communicating_artery +01498041 stingray +09481958 yellow_sea +00567044 drive +00322719 overboil +00205079 renunciation +00759944 pray +05278395 patella +10551265 isolde +05008227 masculinity +02615298 rock_gunnel +01163429 horsewhipping +11236497 william_pitt +02563949 stumpknocker +09697070 carthaginian +08754529 virgin_islands +03792334 pitcher's_mound +14906850 weedkiller +05320362 lens_of_the_eye +02475535 recognize +09814567 assenter +02484208 execute +01788733 chafe +01211667 solace +00837675 pull +00723056 think +01750668 aquatint +13463656 destalinization +01829747 shine +03376279 folder +14035298 drive +00097179 suppurate +10824710 artaxerxes_ii +11779801 genus_arum +07791274 sole +01679178 holbrookia +07786164 oyster +02963159 cardigan +00047745 wear +09931267 clumsy_person +01145766 falcon +07307895 electrical_discharge +02660940 belarusian +03033986 plug-in +00414179 use +01978576 climb_down +01442855 phoxinus +01484027 pack +14043243 anoxia +09103377 st._paul +01312810 shovel +02600657 mulloidichthys +13207923 glory_fern +12540250 sea_pea +09319604 isthmus +02439281 set_about +10702781 terrorist +05705722 watchfulness +07618871 pease_pudding +03634034 pile_dwelling +12078172 platanthera_chlorantha +12851673 sphacele +13195547 genus_cystopteris +08926381 toyonaki +08210254 gendarmery +14645882 neodymium +10175507 road_agent +07454196 bath_mitzvah +15126361 cretaceous_period +02797881 base +02668523 violate +13734992 common_measure +01680137 sceloporus +05950733 promise +00842538 fault +04305323 stately_home +01577265 subgenus_pastor +05963744 unilateralism +10074841 extrovert +07159791 spell +03490884 hanger +14366759 hypertrophy +12379278 taraktogenos +09822955 auditor +11920998 pellitory-of-spain +00106456 stingy +01410905 unalike +11874081 yellow_rocket +06328643 grammatical_gender +01734929 replicate +13070308 waxycap +02122665 throb +01805684 yen +07660065 fillet +03151500 cushion +10823199 satchmo +11771383 genus_carissa +02761834 motor_horn +09233284 cantabrian_mountains +01024643 mapping +02278939 spirited +00349592 usher_in +06919712 navajo +01113134 eagle +12305475 red_ash +10039391 pinhead +10476671 sherlock +00269258 reconstruction +09073258 jacksonville +02138921 order_chiroptera +10306279 spiritualist +08856037 natal +11079802 king_james_i +02345856 smuggle +11432508 light_breeze +09409752 ridgeline +02538365 fixate +04099969 rocking_chair +01453256 tug +02489916 wive +07452841 memorialization +11611758 umbrella_pine +02105375 insensitive +03410022 gaff +07417043 flood_tide +07205573 refusal +07452074 wedding_ceremony +13631037 exabyte +12818147 genus_cordia +07583197 soup +01392380 amoeba +00838098 uptake +05180881 door +01881696 prophetical +02295208 share +12648424 sand_cherry +04593629 winker +01133288 zap +00846344 trash +08857405 sao_louis +00039950 mousse +05322103 endolymph +00714273 dissociate +00552619 symmetrize +12572188 templetonia_retusa +06254239 cypher +12654387 running_blackberry +00446514 solvate +10774440 west_indian +12088909 tortoise_plant +02743343 originate +07971298 homefolk +08615638 parking_lot +13430495 constructive_metabolism +00627013 press +12630478 garden_strawberry +02179714 scolytus +15129927 time +10985440 richard_buckminster_fuller +00724029 budget +04352070 sulpha +11167952 sir_james_paul_mccartney +09081213 idaho +10685123 syllogizer +06777164 satire +01149494 unhappy +14405774 cold_sweat +13240514 ownership +03144873 cubitiere +01586018 tamper +12692323 genus_commiphora +07343363 return +04604806 worm_gear +14017332 depletion +01938454 medicinal_leech +07907037 firewater +03780896 molindone +08939201 riviera +04696432 wart +00276068 make_up +01773130 nurse +07086323 speech_rhythm +08765460 stavanger +10520804 renter +02303448 samia +02639312 polyodontidae +01373826 mycoplasma +10878844 jimmy_cagney +00234423 neutralization +13628419 megabit +12249542 vaccinium_vitis-idaea +12552893 restharrow +12742290 blighia_sapida +00050037 registration +06197664 trend +05748786 line +14919819 inositol +10229721 kerb_crawler +00137279 place_kick +08950649 eindhoven +00987345 represent +10047199 egoist +06448594 vulgate +00753922 monocotyledonous +09242514 chattahoochee_river +03096273 contraband +07710952 baked_potato +12438324 genus_alstroemeria +06236602 wahhabism +05157574 profit +12328398 loosestrife +03973170 pocketbook +08835875 oceanica +00289175 trudge +02135981 genus_arctictis +02301782 saturnia +05592126 costa +03774842 mutamycin +02546177 trachipteridae +02309008 combine +11416722 reverberation +04749709 variance +03612559 toradol +13219067 horsetail_family +01161017 chastisement +00163047 willing +10574154 section_eight +01097743 muster_out +04171459 semiautomatic_firearm +02390287 hang_out +02703499 amobarbital +02201252 genus_anopheles +10017272 dj +00229026 distill +03363216 landing_deck +01652583 microhylidae +13342987 gamble +00605310 revolutionize +11115558 land +01775062 wolf_spider +00242808 rousing +13325382 water-rate +14617597 amino_group +08268085 square_matrix +14996020 polish +00793271 muster +11896904 genus_sisymbrium +08396207 disa +08648322 section +12738480 nuytsia +00322634 injection +11386692 wilder +02646072 astragalar +13712592 nut +01708106 saurischian_dinosaur +03206405 wholesale_house +02144110 rhinonicteris +10604180 six-footer +13989627 innocence +00530017 escape +09807754 patrician +08473787 religious_movement +07451687 sepulture +07355491 expiry +01738597 germinate +02378183 summate +14162025 autosomal_dominant_disorder +12129738 ribbon_grass +10781984 winder +02257284 seventeen-year_locust +08955082 north_korea +05817845 point +03797548 mugshot +09811852 machine_gunner +08464601 social_movement +10734235 twiddler +00417001 match +10508862 reader +04412727 terbinafine +02273254 genus_forficula +05499379 hypothalamus +01232738 rub_down +13630036 tibit +02072209 monodontidae +01682039 inlay +14442530 supremacy +12179391 shoeblack_plant +05724694 painful_sensation +00053656 cross-fertilize +04881623 discipline +03175081 den +05669181 hadith +01310249 spade +02291220 tineoid_moth +12919403 snow-on-the-mountain +07242912 ranting +03180969 sensor +05934396 glimpse +12010021 saussurea +01954340 solenogastres +00553173 perturbation +13590598 hubble_parameter +06710546 unfavorable_judgment +08040762 rira +08141951 federal_judiciary +05702726 regard +01523986 loop +05254197 ampulla +10597505 signer +06807198 numeral +01351601 demodulate +03926148 photographic_equipment +05615500 prudence +01284928 lucknow +02471300 hominoid +04024396 puncture +07960769 tussock +11296139 shaw +03490449 handwheel +14813182 clay +02698944 personify +06379094 dithyramb +02134240 melursus +03087088 mongolian +03884778 pantheon +12288005 ostrya_virginiana +00384802 dissociation +08008017 parcel +10695917 tekki +13994806 license +02673637 angiotensin-converting_enzyme_inhibitor +10860999 tom_bradley +04718563 convenience +14515463 preserve +08762243 alborg +00143589 armoured +00774107 sexual_assault +06054892 pharmacology +02397377 tayassu +00406800 plication +07934530 black_tea +01801088 scrub_fowl +07755707 sweet_melon +09154731 tacoma +05091316 order_of_magnitude +09203217 araxes +10784922 withdrawer +07255998 thought_transference +06605396 dysphemism +09801533 wannabee +02165543 inspect +09471638 victoria_falls +04474035 transporter +09270894 world +01544285 seat +12336333 river_red_gum +10675142 sundowner +02740204 waver +15160418 sell-by_date +09840639 bart +07313814 severance +08848421 bahrein_island +10731013 trotskyite +08043169 revolutionary_people's_struggle +09378014 okefenokee_swamp +01696135 streak +01657254 mix_up +11013876 st._gregory_i +00251463 work_out +12541403 lathyrus_sativus +00113663 syncarpous +07448232 bunfight +11059079 william_hoover +00886173 disoblige +13536299 phase_of_cell_division +00790205 takeover_attempt +13206584 genus_adiantum +00099588 improvisation +00336805 kicking +02873623 boot_camp +02014733 roar_off +00216561 brine +03921209 pharmacopoeia +09964805 scrivener +04451473 tonic +11742175 genus_comptonia +00284958 azure +14505821 anomaly +10321754 miracle_worker +10226556 steamroller +03817647 wrapper +00608896 masonry +01917244 limp +04704116 vapourousness +07162545 hypothesis +10851599 von_bismarck +11992340 lindheimera +14289590 burn +14698000 sedimentary_rock +05526713 tool +00933403 voice +07573103 tinned_meat +11334003 thatch +11863467 talinum_brevifolium +02240517 cimex_lectularius +08840200 tuvalu +09297423 gulf_of_bothnia +02151816 preview +05340795 cerebellar_artery +10408324 patron +11952900 genus_cichorium +02388143 pacesetter +10291240 model +02780916 diamond +08285896 training_college +09433952 shortener +07545161 fond_regard +06891022 presentation +13510433 magnetization +05273684 centrum +14814531 clunch +02206856 bee +07733394 okra +10935304 marlene_dietrich +02856109 blueprint +11786843 taro +01618671 family_cathartidae +02764044 axe +02989475 claforan +05939636 semblance +01928608 reactive +13547199 rectification +02770830 backseat +03875218 pigment +12611640 water_nymph +12613285 hydrocharis +03718581 manor_hall +08774704 rostock +02615829 lumpenus +02968333 stall +12216968 guevina_heterophylla +10059582 partizan +12118414 yardgrass +12126238 oryzopsis +11054034 thomas_hodgkin +02564403 rock_sunfish +07866571 egg_fu_yung +14400677 speech_disorder +02905612 bronchodilator +05421414 venous_blood_system +10000787 delegate +00777391 voodoo +13227009 family_cryptogrammataceae +05596651 pelvis +07450343 jolly +00707956 scheme +03046257 clock +04351776 sulfacetamide +10710509 tier +06208751 view +02766534 stroller +00567604 dissonate +09086173 iowa +00779360 take_a_breather +14000403 representation +02707125 stand +02527145 muraenidae +04845967 thoughtlessness +02923510 muslim +10937126 walter_elias_disney +05491308 adrenal_medulla +02860564 pastoral +09228928 brenner_pass +13543871 ptyalism +08021464 force_17 +01339505 uncover +01502195 tuneful +05114262 abstemiousness +09869171 leaper +13737480 twenty-five_percent +02357561 toggle +05740300 bioassay +15299585 usance +01970646 set +02372584 hyrax +01775592 family_ctenizidae +05387842 alveolar_bed +11460488 front +00777324 raid +01241379 spur +05296253 tendon +04729328 richness +03145843 turnup +05050668 modernness +06034611 kendall_test +10363445 noticer +01754105 press +10050712 elizabethan +01062997 time_out +01967923 crash-dive +00765488 champerty +02040049 frail +06243347 shintoism +10891981 charles_the_great +04450749 tongs +02302459 silkworm_moth +02754103 sprayer +01311378 excavate +02200686 present +02117772 genus_crocuta +00285141 somnambulism +14372286 the_trots +07006951 production +01103693 skunk +10149436 grunter +01503404 stack +02017937 edge_up +07947958 free_people +06311852 possessive_case +04860065 cowardliness +03236423 dredger +02121620 true_cat +02769241 blow +09103217 st._cloud +03534776 hoover +03009477 charlestown_navy_yard +15093482 vitriol +02161432 significant +01085337 deal +09759311 schoolman +02453321 ward_off +02563724 dispatch +00464687 address +01665372 genus_dermochelys +13529616 overcompensation +14521302 cyclone +03816849 needlework +02276902 white_admiral +04256993 soft_drug +00855933 vilipend +15055936 softener +00934199 inexpensive +05145891 expensiveness +00360242 shearing +06105314 space-reflection_symmetry +06627938 postcard +08049125 nt +02173571 genus_anomala +13913849 ramification +01086356 conferral +01177699 forage +08030711 lashkar-e-omar +10902934 robert_clive +00623545 slavery +01192773 run_short +03476684 hair_slide +14512817 setting +01685439 teiid_lizard +15139691 compassionate_leave +14050434 juice +01146918 fence +01484982 lubricate +02310482 restore +13208705 lipfern +06817623 written_symbol +11757851 sweet_wattle +02582437 family_bramidae +02753881 thermonuclear_warhead +10395390 spoiler +00854000 snuggling +12130549 timothy +09063259 fresno +14224547 swimmer's_itch +02889996 master_cylinder +11690893 floral_leaf +09145851 plano +08724726 peking +08390012 mechanized_cavalry +09824609 authority +13982357 dissonance +10535706 rocker +14288871 contusion +05302307 yap +00584367 work +10671613 successor +01013156 indexing +03277771 electronic_device +09124399 kennedy_interrnational +01917980 stroll +05437785 allelomorph +02907082 broomstick +00872414 alert +05934123 exposure +12662654 genus_coffea +00737005 drink_in +09366597 natural_order +13156592 compound_leaf +05777830 palmistry +07817024 chives +01335460 plant_virus +06288527 portmanteau_word +02265330 hemerobiid_fly +00914634 yowl +12942930 pimpinella +07743723 wintergreen +11784497 wake-robin +03864994 overload +07191279 demand +09018426 capital_of_azerbaijan +02278061 plagiarize +01441510 thrust +10940669 fyodor_mikhailovich_dostoyevsky +03247083 eye_dropper +11956671 genus_coreopsis +08701410 phrygia +00185103 nitrate +05386845 common_bile_duct +11885148 genus_diplotaxis +13792579 linkage +08566707 end +12710917 temple_orange_tree +10742546 usurper +14906500 hemp +07527352 joyousness +03916720 peripheral_device +00661847 modality +03748456 purinethol +02231680 genus_diapheromera +14950300 menstruum +04041069 radiator +02405101 urus +08043848 ruf +14992613 plaster_of_paris +13982999 cloud +07906111 vodka +00662485 receipt +07436352 rush +12749679 wahoo +07453638 investiture +12032939 xanthium +02163616 protura +02011810 reverent +03325769 feature +01894207 tenrec +10474645 school_principal +12370842 family_actinidiaceae +04916200 hutzpah +12255659 wintergreen_family +10648909 starer +07039478 finale +07332148 dissipation +01418959 reshuffle +02183175 toot +08015116 al-ummah +05305806 lip +07754684 jak +00034115 spat +02646757 buy +02412647 walk_out +03344784 fire_control_radar +12950984 genus_centranthus +08059412 corporation +01709278 genus_brontosaurus +07398659 trampling +08813807 etruria +07644967 volaille +00418903 victimization +03625355 knit +10196965 idealist +01848718 go_away +00695300 sedation +01072236 mourning +01913237 crisscross +01945550 reciprocal +02228341 katydid +00635012 police_work +04003597 print +10377021 old_woman +05510702 sensory_system +10813986 ibn_al-haytham +02454999 tolypeutes +03673767 lining +12417686 ixia +13756125 containerful +12296432 fringed_gentian +11121876 mary_leakey +01843932 trogonidae +10352299 neighbour +11086607 john_xxiii +05466892 sensory_neuron +00233980 honorable_discharge +02647660 sea_poker +04962784 redness +01855447 scan +00620379 stump +11456760 force_field +10605088 slipper +02623170 suborder_scombroidea +01798352 tympanuchus +00790509 hold_the_line +09150863 norfolk +02056466 rout_out +01449252 genus_gambusia +03285106 vasotec +13933560 crisis +08406486 foundation +02618697 family_callionymidae +09899289 cashier +00061290 shipment +05262422 toothbrush +02595339 silver_perch +05421723 vena_bulbi_penis +01653975 pipa +02598211 vegetative +02543607 weaken +08039601 people_against_gangsterism_and_drugs +08732807 barranquilla +05176846 human_right +04828255 impiousness +02664823 psettichthys +15271619 blackout +01420765 box +01065441 loafing +00212205 retirement +01507402 unmerciful +10386984 outfielder +02081423 odobenus +11723655 genus_actaea +06700325 double_first +00376994 fracture +00762478 negociate +01135501 snipe +12922763 croton_tiglium +06077648 microbiology +04608923 xerox_machine +01982395 take_up +08129883 noaa +12936999 genus_daucus +03273061 electric_motor +09148662 burlington +02313195 phylum_phoronida +01215137 pick_up +12803754 tiarella_cordifolia +00981369 amphibious_assault +12125782 oryza +11902200 papaver_rhoeas +00975584 call_out +02631041 marlin +02398521 river_horse +12079352 genus_pleurothallis +02393401 tasteless +01346804 open_up +04635953 sluggishness +03294833 eraser +10113072 mountain_man +00227595 sacrifice +14855992 vomitus +01270343 corregidor +09160295 uruguay +05177285 legal_right +00324834 heaving +10656223 stifler +04190464 shell +12188289 tulipwood_tree +01641545 run +14160665 oligodactyly +11390364 williams +02444103 ictonyx +01070187 dieting +01473990 superclass_agnatha +04837425 fight +02974615 palestinian +00286008 stain +01836384 nighthawk +00915265 vociferate +02906438 brooch +12019375 stenotus_acaulis +12584970 genus_attalea +01343918 interesting +04421872 thermometer +02580853 bastardize +00401650 uncoloured +11415721 outgrowth +03491724 hempen_necktie +08397856 horse_cavalry +07874780 porridge +13283764 reward +00379280 torch +08969123 urga +05764365 overlap +12667179 genus_genipa +14039534 hungriness +14939230 lipoprotein +04034641 quinacrine_hydrochloride +01162257 self-flagellation +02698443 substantiate +01037498 yap_away +03405265 furnishing +12126911 panicum +01757677 sistrurus_catenatus +00184907 iodize +05197797 command +14029405 spinal_anesthesia +06073494 ornithology +09721883 malaysian +01838038 piciform_bird +03994008 powder +03605915 junction +02377764 deal +01661655 rig_up +02115335 wild_dog +00218753 pulverization +12903250 genus_datura +10769782 watcher +00677683 specify +00911350 lament +07817599 costmary +13600097 angular_unit +11946584 genus_catananche +01278817 rumple +01844653 cruise +01300508 ypres +00091013 abandonment +02058747 goony +07765999 jujube +12561309 pisum_sativum_arvense +02277268 viceroy +01152396 hit +10403162 political_boss +06566949 authoring_language +12001294 wild_quinine +10775379 wheedler +02067889 waste +00939452 composition +00328370 oven_broil +07786686 clam +02734423 architectural_ornament +06575227 user_interface +09696124 byzantine +13063784 melampsoraceae +10747294 vedist +13878634 square +01773319 genus_araneus +01335659 animal_virus +14879605 natural_glass +03615133 keystone +01984416 palinuridae +00086320 shoot +01208291 facilitation +00153809 solving +05638374 horsemanship +00945853 name +02393580 tapir +02648174 genus_aspidophoroides +06674188 word +11792155 genus_spathiphyllum +14565417 werlhof's_disease +01648356 midwife_toad +10579676 sentimentalist +11511004 sunspot +02548522 family_batrachoididae +00096969 retaking +02611002 eventuate +06759349 pretense +00082241 aggressive +03204558 dual_inline_package_switch +14343597 panencephalitis +01956481 clam +01304716 drop_anchor +03630262 laboratory_bench +00728849 classroom_project +05236322 rete +02356381 sciurus_carolinensis +01441993 stick +10532576 riser +08913085 persepolis +11598686 joint_fir +13408023 dividend +07860208 treacle +08838887 marshall_islands +12868634 stachys +06890254 flourish +02139199 chiropteran +03724756 musjid +09326299 lake_kivu +02557591 pike_perch +00933000 embodiment +13020011 volvariella +14636988 erbium +02212602 vespid_wasp +11980867 helipterum +08795974 gomorrha +07801892 horse_bean +12534862 sulla +02838592 photographic +12286826 hornbeam +10177014 hisser +00825975 upbraid +03491178 wall_hanging +13323988 tuition_fee +04663494 carefulness +01683957 rubricate +06562802 demurrer +12603784 rumex +02892392 brassard +07598734 hard_candy +00359614 snip +09345932 main +00057506 labour +07538395 heartsickness +01347678 shut_up +06602148 grammatical_meaning +03789603 motley +13742980 singleton +01153762 get_even +11862300 spraguea_umbellatum +06079620 biochemistry +05407890 norepinephrine +13299804 redemption +02262278 grant +01353226 protrusive +08124256 food_and_drug_administration +15084824 uranium_ore +11727091 columbine +09139993 black_hills +06512580 application +04886101 gluttony +15142167 birth +03767459 roneograph +11604225 order_bennettitales +11808721 rainbow_pink +10471948 primary_care_physician +03817062 serzone +04777421 looseness +12249821 white-alder_family +02508615 genus_bassariscus +10529231 wealthy_person +12723835 salicales +05399847 blood +05965388 nihilism +06648724 statement +10270232 loiterer +10481003 profiteer +04013729 prosthetic_device +12200747 pterospermum +02660442 cooccur +01386433 sandpaper +03995535 power_line +13790133 parity +07116304 implosion +04033425 queen +11871916 genus_arabis +05938014 imago +01883716 sport +13517553 morphogenesis +10287082 mammy +10779775 whittler +12931906 angelique +02703952 border_on +00520357 interrupt +11527967 flotation +12906926 nicandra +11552976 biennial +00205598 turn_around +01772222 spider +14731135 conjugated_protein +13081369 tuberculariaceae +03299006 etanercept +02142626 model +00417596 stiffen +00255214 washup +12412606 beardless_iris +00733250 factorize +13752911 quadrillion +01390287 subclass_actinopoda +08549480 housing_development +10820790 thomas_aquinas +14753188 prelone +02071294 sea_wolf +03699396 lysergic_acid_diethylamide +04693384 nick +07911677 cocktail +10772190 weaver +03772077 minster +02304797 tussur +10168012 tergiversator +02435634 penetrate +02383380 taciturn +01219004 shore_up +09559404 bacchus +01359488 oscillatoriaceae +04621314 spirituality +00494269 isolate +04863497 intransigency +13366693 accumulation +02556537 carry +06630627 wish +08799271 judea +04728786 excellence +02071636 pilot_whale +10890637 sir_charles_spencer_chaplin +02291391 tineidae +00253761 make_grow +03125870 craft +03238131 dressing_room +09763784 friend +01801297 dehumanize +04217546 signal_tower +03531281 hood +06931891 kamarupan +10782940 winner +02802215 hoop +12060380 genus_eburophyton +00698256 make +01249490 shave +09033117 zurich +00420477 persecution +03582305 intravenous_anesthetic +03191561 shirtfront +04024862 punnet +00182037 overload +11517494 suction +00073584 suction +14530659 rateability +00636888 ground +02534936 woo +12065316 fringed_orchis +09954639 intimate +00530829 decimalize +12242668 phyllodoce +04822223 incomprehensibility +05488385 convolution_of_broca +02280132 preserve +02088241 transfer +01521603 lace_up +14755077 animal_oil +09290777 grain +02225204 dump +01576695 starling +11878633 leaf_mustard +00969873 spread +08736107 republic_of_costa_rica +00487554 polarize +06711159 flak +07032292 bass_part +06667317 codification +01767612 seethe +01923909 climb +02669081 transcend +13044778 earthstar +13025197 saccharomycetaceae +01927447 run +06335162 filename_extension +03591116 pilot_ladder +09921673 chutzpanik +09859684 bleacher +10786033 witnesser +02164825 contemplate +08022972 movement_of_holy_warriors +10785869 withstander +09409512 ridge +02067240 sperm_whale +09478047 wheeler_peak +14250081 villoma +01996377 responsible +01111750 importing +05706954 omission +14686913 petrol +01216515 logistic_support +00268314 remit +14796575 plumbago +02092468 terrier +01107439 outrange +07471514 takedown +02073831 trichechus_manatus +00271879 brutalization +14805550 cetrimide +00117385 sentient +00805228 clash +02540791 rainbow_smelt +09493562 chimera +01585759 untangle +10295819 married +02439398 okapia_johnstoni +00304422 narrow +05658106 perfect_pitch +00212790 desiccate +09877856 brunette +00824066 reprove +12819560 genus_echium +00312553 voyage +05805277 prospicience +02037472 ascend +12459471 ornithogalum +05127959 sweep +12268096 quercus +03567325 lozal +07169353 call_up +01742415 harrow +02608823 start +07672421 lard +01902568 protective_covering +03739518 medical_building +00517728 fete +07653982 chop +06837679 yodh +09293917 great_smoky_mountains +12787196 genus_ceratopetalum +01818959 kakatoe +11014833 gregory_xvi +11400704 wynette +00209174 decompose +02425913 close +09488259 death +09490352 sea_nymph +01069190 connect +06598030 reading_material +09593651 tantalus +12682411 teazel +11886380 genus_eruca +07990824 brood +01494475 hammerhead_shark +01645093 liopelmidae +13563746 survival_of_the_fittest +00156625 instigation +01962788 windowpane_oyster +01540697 genus_coccothraustes +04420461 volume-detonation_bomb +04343346 stud +04203514 shop_floor +12924984 genus_cnidoscolus +07479799 zizz +15299225 study_hall +01728738 genus_diadophis +01550429 family_cotingidae +01843689 visit +00914215 whoop +00480751 transparently +13541975 proliferation +00008602 squint +07042862 canon +00512522 toying +01492357 smooth_dogfish +13829047 perpendicularity +00732091 refocus +04773899 movableness +08495617 point_of_apoapsis +00315810 revalue +02243065 genus_corixa +01600480 ptilonorhynchidae +00025034 wash_up +01747717 programme +02646377 family_cyclopteridae +13869991 straight_line +12592839 babassu_nut +13775939 haymow +02135726 viverricula +02472223 list +02661892 grey_flounder +10691318 wiretapper +02414578 wild_sheep +09352108 mesabi_range +01949007 taxi +10072054 exorcist +01813088 wood_pigeon +12746884 pachysandra +09297729 gulf_of_campeche +02875233 drill_hole +05802547 extrapolation +11989869 white_daisy +12957608 pepperwort +09790278 psychoanalyst +00336922 fissure +01657641 configure +01088005 unarm +14538472 safety +13064111 melampsora_lini +06423619 directory +01019524 copying +00183090 wondrously +02005102 family_balaenicipitidae +11458624 force +10662952 street_urchin +03728811 mate +03638883 landing_gear +10212338 internuncio +13164583 sprout +00004258 living_thing +15290132 phase_angle +02540983 sparling +10117851 gal +12480004 nolina_microcarpa +12120114 love_grass +00008007 wholly +08325530 conservancy +01547390 repose +13212025 pellaea_andromedifolia +01977155 mindful +02503365 extradite +00315330 depreciate +00614829 forget +09455640 tennessee_river +07893891 burgundy_wine +03604629 jumper +13580723 fill +01640846 true_frog +14214584 talipes +04648749 levity +04508949 underwear +10052497 emir +03530910 hood +04529962 vertical_stabilizer +08988216 nevis +01137696 defuse +04338517 stringed_instrument +00077698 suffocate +04586421 winder +02236624 take_on +03222516 doorbell +10854397 jakob_bohme +11715207 nymphaea +03802007 musket +10109662 freewheeler +01487927 unburden +02200705 genus_aedes +05118251 immoderation +02423022 gazelle +09629477 ticket_agent +12852930 majorana +02544596 osteoglossiformes +12780563 yellow_trumpet +01490546 negaprion +02067462 kogia +08064523 defense_team +02183442 tootle +15294382 prohibition_era +01156115 play +06408651 treatise +05056490 radio_frequency +11157580 robert_nesta_marley +01812324 tickle_pink +10712835 tout +05581693 nail +00916909 venture +13390857 tenpence +01299888 strict +13065702 tiliomycetes +01934427 park +03751590 messuage +04055861 ratline +03064935 sprocket +07985628 twosome +01958435 cherrystone_clam +01948154 littorinidae +01681200 uta +03911866 waft +04568557 web +14475661 hardship +04893358 frugalness +14750122 stilboestrol +02629111 cry_out_for +01808447 oreortyx +12190712 genus_durio +02211283 megachile +12848499 hyssopus_officinalis +05529286 tonsilla_pharyngealis +03222722 doorframe +04146050 schoolhouse +01485839 bag +01810132 tinamidae +02099997 spanish_pointer +13889843 inclination_of_an_orbit +09042213 bursa +00599329 sainthood +09416570 rocky_mountains +01006675 test +09734885 turk +03016202 hellenic +01167780 dine +12410205 trema +01769789 phalangiidae +02801938 handbasket +10495421 shover +06362260 hieratic_script +00119074 differentiate +12393942 laportea +00023380 cathect +03026350 sacramental_oil +08292418 rastas +03123553 coverlet +01629403 yield +00086077 phlebotomize +01812337 dove +13249400 homestead +06509210 computer_file +10708292 thinker +10719395 townee +01441100 pierce +09857200 bishop +01571126 bird_of_paradise +06347996 line_of_verse +00348746 start +08998233 solomon_islands +03672638 line_of_defense +03030035 cigar +02230056 fall +09066017 san_jose +06546633 conveyance +02512150 zone +13412321 register +14969044 oligosaccharide +15268239 cease +00905283 purge +05513302 sex_organ +04580298 white_goods +02181863 family_bruchidae +00548913 shift +02854739 pants +00896348 military_drill +09665545 penutian +06343117 title +13948136 standing +13744304 tetrad +09160968 vila +01029500 title +00209301 rustication +13732078 fraction +03662452 lie_detector +12155459 typha +05768252 vision +10912243 hernando_cortez +00186634 score +02346136 import +02409702 genus_bibos +14286885 graze +02408965 implement +11636566 juniper +12723985 willow_family +12174926 poppy_mallow +06764623 ps +00666733 arthroplasty +00519056 bubble +02345048 sack +13976322 topsy-turvyness +11374281 ward +00252307 sweeping +13224256 selaginellaceae +10743356 utopian +02068408 hyperoodon +08100481 kokka_shinto +03461119 grocery +00493259 contaminate +02595569 sciaenops +11821415 molluga +02431834 break_with +02346823 hystricidae +00259927 smite +07933274 tea +05990089 theory_of_gravity +07387316 whinny +02977619 casing +09873348 brawler +09150448 jamestown +01807828 perdix_perdix +07883384 elixir +10347593 naval_officer +01461152 coalesce +01518170 superorder_ratitae +08088472 protestant_episcopal_church +02745332 make +00875141 urge +08252602 party +11716285 nuphar +04782466 frightfulness +04756025 predictability +05473928 synapse +06679457 planography +00118733 vomiting +00634090 retrace +03963483 playbox +00171618 trick +13450206 combustion +13157137 pinnate_leaf +00818253 bastardize +09610255 color-blind_person +06609503 rhetoric +02713992 roundel +05981230 target +01185304 lunch +02873839 stall +00272683 desensitize +12307756 privet +05497741 caudate_nucleus +05389939 heart_muscle +02070466 well_out +01967792 duck +02537812 double_cross +01972298 fall +09204977 arctic_ocean +00433216 sport +02276866 swipe +00457327 homogenize +08776320 thuringia +00941140 plan_of_attack +02984061 cathedral +05652593 will +10577820 semiotician +01745902 micrurus_fulvius +01731351 present +11998888 woolly_thistle +00346991 unchangeable +08522287 centre_of_immersion +01286290 loop +05275466 os_ischii +05581349 plate +02351010 price +03930777 pickup +03967396 plotter +12286197 green_alder +10643584 squeeze +09283866 foreshore +01583656 circumscribe +13664521 cent +14480065 phase +01253808 excoriate +14950937 mercurous_chloride +01645421 pioneer +03775199 mixer +07208708 complaint +03809939 nasal_decongestant +00770141 dissuade +04502502 tweed +01946118 neritidae +11429458 pressure +08789243 boeotia +00097504 performance +12145919 zizania_aquatica +10169937 hierarch +00918820 tilling +01126335 trust_busting +01826378 desire +11749462 genus_centrolobium +10024621 domestic_prelate +10376890 oldtimer +00608037 mechanical_drawing +05024254 mass +02495817 imprison +03959936 plate +03919096 personnel_carrier +07805006 swill +11889473 iberis +07957193 long_suit +02115778 sensitize +02029492 volley +06240244 buddhism +03670849 line +12708654 sour_orange +01586170 heleodytes +01180701 plank +01018352 claim +00795785 actable +00079398 trading +08777544 state_of_eritrea +01105097 outgrow +07253637 discouragement +07294019 consequence +00564695 fold_up +00756780 take-in +01243089 ramadan +14842091 halitus +00500055 urbanize +10165109 primary_care_provider +08272460 phalanx +10479135 procurator +01432601 bear +01035803 compromise +02568672 practise +13296752 never-never +04017429 psychotropic_agent +12344283 evening_primrose +14332617 tenderness +00282523 turn +00921790 harvest_time +05318606 midriff +10463714 trickster +01400856 bean +08948155 guiana +08644722 rural_area +13435152 association +13184492 family_blechnaceae +02655523 spiny_puffer +13200986 ten-day_fern +04302334 standing_room +02754463 head +11741350 wax_myrtle +03830111 norinyl +07593549 convenience_food +00510050 jinks +10715030 tomboy +11295196 william_shakspere +01252875 muddy_up +10283170 major +01302365 pound_up +02467203 liberalize +01495701 ray +00971802 dogfight +01442335 rutilus +01209135 strike +07142365 deliberation +02221414 wood_ant +07335581 wrack +12516828 sturt_pea +05807540 recognition +12501035 tamarindus +14852913 exudation +05264247 scab +01594514 steamroller +12026306 townsendia +01665081 sandwich +12594165 phytelephas +14782252 chalcanthite +06078978 neurology +02057731 pelagic_bird +05978623 summoning +06161048 etiology +01275562 of_import +09867956 hirer +12874429 sesame_family +01724185 pantomime +02648035 pogge +12550408 velvet_bean +14316714 oedema +06616314 short_subject +15136147 week +01483324 masculine +09997212 degrader +08809165 milano +09028204 galicia +00420712 repression +12799776 woodland_star +06674947 prospectus +01728840 improvize +10245341 lubber +12679876 wild_coffee +11656380 lepidothamnus +03681477 local_area_network +14487443 debasement +08951385 friesland +12460697 grape_hyacinth +00583461 specialty +03495258 harp +05453523 basophile +05313535 supercilium +05607126 corona +05467432 neuroglial_cell +05287090 collagen +00922438 signalize +12727301 sallow +07915618 manhattan +02207890 repurchase +08547300 shire_town +10604491 skater +10460806 thrower +09089139 ky +00058265 lamb +01596761 family_artamidae +14926294 ketone +02888000 marine +01598988 butcherbird +11541322 mniaceae +14380140 psychopathy +13743605 yoke +08681222 trend +02795978 street_organ +01673732 knot +06966825 spanish +02127100 fumigate +02287041 pick_up +01277288 dardanelles_campaign +11455386 the_flood +10525617 retiree +03216199 waterfinder +10538733 roper +01880570 genus_bettongia +09019726 republic_of_kazakhstan +02835654 residuary +10625546 soprano +09021313 stalinabad +11790624 peltandra +02127052 lynx +01582856 australian_magpie +00367280 inflation +12124627 ryegrass +12497492 parkinsonia +11105054 martin_luther_king_jr. +01967205 hurdle +15163005 day_of_the_week +12710693 sweet_orange_tree +00039318 plainly +09889941 camper +10105359 fortune_hunter +04868748 honourableness +12097013 myrsine +01544544 family_drepanididae +05115804 richness +09420030 st._lawrence_river +03856148 orphenadrine +01837230 steatornithidae +13861050 sheet +01553879 hylophylax +01660994 opportune +09750524 trojan +09541125 gnome +08103299 subphylum +00790135 call_in +11854479 zygocactus_truncatus +10470460 target +08638260 outport +00289974 tone +01200806 dope +10032342 drawee +01734808 milk_snake +02718015 offset +01602630 vireo +04504486 type +08817418 capital_of_serbia_and_montenegro +08950407 the_hague +00241689 wither +00635205 sleuthing +01743605 python +02198532 louse_fly +05267345 tissue +00366317 distention +02037713 phalaropus +00476965 draw +10502046 quitter +02653651 axiomatic +03101156 cooker +00528836 dawn +12903794 genus_fabiana +01204021 slake +09981540 cryptologist +11962853 genus_elephantopus +04928416 youngness +04610879 yard +02869563 visual +05318831 tympanum +03755712 methotrexate_sodium +00565279 gelatinize +11328714 william_howard_taft +01570562 gag +01669906 spangle +02085573 propagate +14649197 phosphorus +01173813 pick_up +11999455 ozothamnus +13762836 shtik +11905989 hunnemannia +02210728 halictidae +09810707 incendiary +02449011 syndicate +09143321 brownsville +04257223 soft_pedal +08957212 lappland +08674344 subtropics +01933204 beacon +07536870 repentance +15200314 july_1 +13083023 houseplant +08743945 mazatlan +02199999 family_culicidae +06773150 obligation +00849523 reproduction +07333649 release +02410175 retain +04333500 strap +09666622 pueblo +12602118 genus_eriogonum +03673027 ocean_liner +03971771 pneumovax +01003729 graduation +00382635 transubstantiate +13555775 shit +04445952 toggle_switch +02639786 psephurus +09240621 chemical_chain +05906554 wangling +00800825 lost_cause +00411009 christian +13822995 magnification +00618267 mistake +10304505 packer +06727224 pronunciamento +07551890 joviality +09052652 north +00525453 comprehensive +10999410 william_gilbert +02490964 leontocebus +01549314 genus_contopus +01981699 representative +00351048 ask_for_trouble +05962602 imitation +06308049 affix +09915964 chewer +02329883 stock +12813393 family_bignoniaceae +09069415 new_haven +14570330 polyvalency +00353992 devaluation +12381321 fouquieriaceae +10152083 triggerman +00999245 standardization +03739693 medical_instrument +05285623 marrow +02052044 pelecanus +06793817 theatrical_poster +10733117 tuner +10315561 miler +00783246 seduce +06428792 rewriting +09092352 shreveport +01743787 genus_python +05816790 reading +06653363 rule_of_evidence +01713764 tyrannosaurus_rex +05219420 child's_body +06843838 suspension_point +01152033 privatization +07370410 mounting +07861421 sops +10071139 exile +03378915 gridiron +02986348 cattleship +01811394 pezophaps +02533834 anchovy +01755740 timber_rattlesnake +10279540 macushla +00876874 sensing +09326467 klamath_river +03950899 topi +02541509 represent +12666159 spring_cleavers +02605139 family_chaetodontidae +01469263 superpose +09681973 jewess +02622234 unite +02699783 homologize +08605261 great_smoky_mountains_national_park +01791107 jungle_fowl +01969084 bubble +02666531 oppose +02480495 pongo_pygmaeus +01390833 press +09211735 australian_alps +08850741 anvers +07502980 scorn +05872742 rudiment +01422886 stop_up +00969137 satellite +08230906 yakuza +01781274 sarcoptidae +00896555 univocal +07087777 rant +14451020 urgency +00049007 shirt +02951358 canoe +00087736 take +02980625 rook +02487347 macaque +02302620 wild_wilkworm +12610740 water_star_grass +01954852 lighter +07212612 notice +08041484 red_brigades +13243261 freehold +07788885 ecrevisse +09729387 saudi_arabian +04314522 sten_gun +05321917 osseous_labyrinth +02652132 flying_robin +05662876 discipline +09419783 st._johns_river +06767777 wisecrack +04371774 swing +01059719 refueling +01779148 wood_tick +12641007 prunus_armeniaca +02616397 wrymouth +04314914 step +13265425 portion +14740915 unsaturated_fatty_acid +04369025 wrapping +01572489 icterus_galbula_galbula +08350470 frs +08832447 australian_state +00715541 specify +08986905 state_of_qatar +01460594 sift +07844042 milk +01545883 rest +06220819 fabianism +09135447 erie +00541035 sashay +09860415 blogger +11153200 nelson_rolihlahla_mandela +00977301 strike +12380197 genus_idesia +02074542 hydrodamalis +01581730 nutcracker +01452918 tug +03605722 junction +00655792 reclassify +07848338 butter +06957524 baltic-finnic +11959632 globe_artichoke +05303020 incompetent_cervix +11717820 water-shield_family +01031756 express +01584450 turn +04904162 sang-froid +00592102 editorship +05652396 sensory_system +12845732 genus_conradina +08153102 temporalty +02040872 laridae +01637478 genus_batrachoseps +00289532 silver +07453063 military_ceremony +07323231 manifestation +00386566 latinize +08782976 khios +05644922 inability +06164665 symbolic_logic +12680652 wayfaring_tree +01894040 tenrecidae +01871875 monotreme +00190180 run_batted_in +09843824 twirler +05998724 ology +00758972 wrath +12550210 mucuna +15196186 xmas +01819387 put_off +01218396 chock +02435689 tragulidae +01727052 symphonize +15137890 vacation +04295081 tack +09956387 connoisseur +07820960 summer_savoury +09888017 telephoner +02511824 pisces +01747885 cobra +03450230 gown +02418648 naemorhedus +02910353 buckle +10285938 man-child +01539633 absorb +03481172 hammer +02776205 lure +04914133 civility +08229275 chess_club +00980176 drawl +11791446 genus_pistia +02657368 flatfish +09040475 seyhan +10761326 voyeur +03199647 diner +01739545 vamp_up +00755447 invoke +04224671 sistine_chapel +01627947 develop +00884466 course_of_study +08299307 world_court +11781176 calamus +06860826 major_scale +12702948 wood_sorrel +10508141 ratepayer +09969869 counterrevolutionist +04892794 prudence +00239910 startup +03901074 paving_stone +14403772 tizzy +02977438 register +02530003 founder +07841037 white +04995940 savoriness +01655347 lock +09668729 shoshoni +02799323 jockey_cap +01261293 thrill +06548671 tax_return +10255567 leveller +02334079 nesokia +10803031 yardmaster +04159058 stamp +12953206 osmund +12076577 moth_plant +14329654 pang +09625789 nonreligious_person +13894306 scoop +11655407 halocarpus +01988458 settle_down +15168790 sunup +09867437 dullard +11943299 genus_calendula +13196942 genus_diacalpa +01666431 macroclemys +02987047 cautery +10585496 shah_of_iran +04609651 x-ray_machine +01246697 terrorist_attack +05490370 wernicke's_center +05122099 prevalence +01489465 unload +01522878 spool +10230736 kiddy +10432532 pilgrim +00461782 bowling +05514905 male_genitals +00920510 culture +02548689 toadfish +13444703 cellular_division +02640453 genus_acipenser +06552814 release +01632047 ambystomid_salamander +09127014 cape_fear +07250339 throwaway +02817339 topical +01987545 prawn +05779116 syllogism +02064338 rorqual +10157744 zany +01306358 napoleonic_wars +03599628 job +10002760 protester +10404242 passer +07689217 shawnee_cake +02899257 bridge_deck +03924978 photoelectric_cell +02656670 sunfish +04143897 scarf +07111711 phoneme +04747899 equality +08397675 hostile +00215683 overthrow +12648196 prunus_persica_nectarina +13630213 pib +00716055 suturing +01046984 energizing +01068134 write_up +08804662 bolzano +12400489 breadfruit_tree +02702807 cosmic +02552449 restore +11121640 louis_seymour_bazett_leakey +03702719 mackintosh +10805638 zombie +01034077 office_of_the_dead +11787625 mother-in-law_plant +00924579 mapmaking +10253122 southpaw +08080947 squad +10768391 warrant_officer +00985800 sigh +12609968 wampee +01680267 festoon +01203500 raven +13956488 verity +03011162 check +08124971 cia +00456151 soak +00638194 quantize +01104624 shaft +11835568 spinacia_oleracea +10820163 mark_antony +09682122 yid +02274259 butterfly +07203696 affirmative +14121276 hypothyroidism +05474976 motor_fiber +00386715 turn_back +09443453 spring +03027250 chuck +10915566 davy_crockett +10681060 survivor +02136285 genus_cryptoprocta +09425607 scurf +03328076 fender +01325774 kill +05405554 lacrimal_apparatus +02564973 countercheck +11941261 genus_boltonia +09286318 galveston_bay +01539925 passer_domesticus +11750855 genus_melilotus +00596290 precentorship +12491017 orchid_tree +05793907 meat_and_potatoes +03384535 form +00231567 override +11596108 gymnosperm +13273154 incentive +12662772 coffee_tree +02325884 sylvilagus_aquaticus +01636008 visualize +09890749 prospect +02092309 run +01726879 beat +06500937 passport +12760132 smoke_tree +13977870 earthquake +05734909 attribution +06618937 three-d +07468692 track_meet +13807636 semantic_relation +04059701 rear +02795670 honky-tonk +02229550 return +05475878 tract +06250061 descriptivism +01771194 get_under_one's_skin +10743124 utilizer +00757483 original_sin +00273963 rust +05785885 speculation +01370561 kick +14094350 shaking_palsy +12684379 touch-me-not +09178821 rational_motive +14686352 fossil_fuel +12407079 wych_elm +06709245 croix_de_guerre +01684741 mountain_skink +01655116 family_caeciliidae +13988663 unhappiness +12770529 ebony_tree +12934368 genus_carum +01540693 suck_out +08852209 kingdom_of_bhutan +11411839 bandwagon_effect +08951278 utrecht +00248063 tenderization +00855169 fellation +04878101 patriotism +02080713 squareflipper_square_flipper +01570403 put_up +14444825 oligopoly +12296218 genus_gentianopsis +05316025 orb +12983217 plasmodiophoraceae +11814238 pearlwort +12087961 yam_plant +10180923 stickup_man +01538310 speckle +00452293 hunting +10596899 signaller +00077981 contracting +03014440 chessman +08945821 the_gambia +00485435 cap_off +08056231 enterprise +01692579 letter +09335916 landmass +01640550 design +00839411 inefficacious +10966145 fallot +02507863 procyon +00083523 strap +00103619 pale +02581108 selar_crumenophthalmus +11377712 wayne +09898892 case +00351334 tacking +08023374 revolutionary_justice_organization +07454452 exercise +00377169 splintering +11755319 touch-me-not +14289942 singe +13394179 silver_certificate +14288561 hemorrhagic_stroke +14959644 plant_fibre +09036880 krung_thep +01128071 bulwark +02934888 cache +11543429 order_marchantiales +11028074 tom_hanks +07381423 snap +08970833 western_sahara +12589841 talipot_palm +02684644 ride +06361770 syllabic_script +13043926 true_puffball +00814621 hold_forth +00317700 lengthen +09131205 dayton +03631177 lace +01587818 dyke +00566569 virilize +14135065 neurosyphilis +13949576 seniority +12750577 genus_cyrilla +01469080 bounce +07828642 vanilla_bean +01879251 throb +00193130 spirit_up +10840021 thomas_a_becket +00765343 barratry +05577741 hallux +09087450 sioux_city +03922561 vasomax +00746084 ordain +05831939 plague +01624406 surnia +00670991 stand +00002573 respire +02492362 divert +04973957 yellowish_brown +07889274 malt_liquor +12165170 nutmeg_melon +02482139 segregate +13259917 winnings +13381145 deposit +15211484 may +10452260 polygamist +01595841 genus_delichon +01352067 intrusive +07803093 barleycorn +12212361 vegetable +00664788 show +10238375 knight +09776261 affiant +00528608 rebound +10419472 pessimist +02042404 circulate +01959482 canter +11805956 sandwort +13046512 nidulariaceae +01223488 stigmatization +13456715 decay +00937208 tattle +00052845 stratify +12312405 genus_anigozanthus +07506149 heartlessness +01488956 charge +12191965 pseudobombax +01059400 fixed +11668952 subclass_commelinidae +08295580 united_nations +02478584 abrogate +10765098 walloper +00086297 poundage +13275495 expense +03002190 contextual +03818843 prostigmin +01521756 rhea +06598445 studying +02994012 sliding_keel +02683419 catapultic +02035337 wrong +00702434 index +08919949 carthage +00104249 impulsion +01855672 goose +14369744 dyspnoea +10089615 wangler +00579712 subordinate +00196024 disforest +01315581 poikilotherm +09100223 ann_arbor +08427629 wagon_train +01165290 hook +02414473 electioneer +00081509 digitalize +02473431 veto +05841985 greco-roman_architecture +13593219 factor +07954441 book +09361816 mount_carmel +15089258 vitamin +00882961 smelling +00931852 stand_for +02844714 bit +12189293 genus_bombax +02284951 return +03790755 tourist_court +04151228 scratchpad +08986374 porto +01012125 muster_call +12713358 round_kumquat +08915017 mosul +14038993 desire +06926212 altaic_language +01119030 bulldog +07174877 misconstruction +01021889 abidance +02378415 warhorse +11742531 leitneriaceae +01849747 oxyura +05300926 visual_system +05545047 sutura_sagittalis +00548781 prolix +09323470 kaw_river +12080395 butterfly_orchid +13913427 ray +01560984 sever +02483564 symphalangus +00402130 develop +03483637 parking_brake +10766025 wanter +10930428 demosthenes +06756680 scheme +02446206 striped_skunk +11892460 matthiola +04010927 prong +05706228 inattention +02911890 bufferin +07993929 animal_group +13123431 strangler_tree +03709644 mail +01248075 stupidity +10644598 staffer +10435251 squirt +14116321 liver_disease +04895773 mistrust +01674544 tat +05310790 fetal_membrane +09894909 sharpy +00596496 prefecture +07556637 victuals +03895866 passenger_car +02390015 jenny_ass +12298165 sabbatia +00083334 ligate +06887726 display +05533948 oesophagus +05279026 rib +01901289 waver +10702483 terror +04670746 irresponsibleness +10339504 ruminator +11919447 ragweed +07150328 holdout +11903671 swallowwort +08057068 kolkhoz +12713664 phellodendron +00769695 had_crime +09027853 castilla +01665932 snapping_turtle +02269015 trichoptera +15108087 zinc_oxide +00652659 tabulation +00655987 size +00243373 inauguration +02161922 focus +01476685 male +15206296 month +12403513 sycamore_fig +14375576 nervousness +00943436 whiff +06928839 mongolic_language +01098452 recruit +03922722 phenylbutazone +12309850 phillyrea +12367122 hypericaceae +00082308 yonder +02432867 genus_alces +02103841 watchdog +10517826 regulator +03409393 gable_wall +06650431 documentation +01413942 red_algae +14672717 corundum +05348884 labial_artery +04176528 set +01844414 pharomacrus +02257767 substitute +08215801 bodyguard +12290522 genus_centaurium +09961605 convalescent +10084043 female_offspring +06449254 revised_version +10299700 onanist +13040108 phallus +09909760 charge +06894544 artificial_language +02757828 sprinkle +11506349 scintillation +07206302 withdrawal +12193665 wineberry +07414740 convergence +01122736 joust +00285314 verdigris +02610664 pollyfish +01549057 sponge +14687513 illuminant +01997002 genus_cyclops +07973487 nuclear_family +10757193 visitor +11359187 vanderbilt +12605683 yellow-eyed_grass +03031422 pocket_lighter +07249180 advertorial +02663849 sole +03199775 dinette +04730580 low_quality +00240938 instalment +09961999 schmoozer +03514974 liquaemin +01849288 pretentious +14409489 pickle +01815601 sandgrouse +00419644 molestation +07803895 stodge +02842303 bioweapon +05160796 profitableness +12036781 genus_campanula +08152657 sainthood +10131268 girondist +02638845 stick +10498551 quarryman +04376400 synthesizer +06375008 textual_criticism +09370552 niagara_river +04509417 unicycle +03780047 mouldboard_plough +07985223 pair +01061017 express +05027837 ponderousness +05804793 knowing +01822936 care +00553407 transpose +12601106 silver_lace_vine +01081628 association +04823866 unclearness +09901642 caterer +02509071 potos +00261314 tinker +01177703 manifestation +05146471 sumptuousness +00529101 variation +00401688 refine +05967588 equalitarianism +02048832 gavidae +02272707 order_dermaptera +07526757 happiness +00240293 magnify +11732052 goldthread +03102371 cookstove +00089027 subjugation +12743352 nephelium_longana +07518663 frustration +05915584 yin +10363149 notary_public +04457326 torpedo_boat +09542339 fiend +12532008 glycine +06825736 unicameral_script +11255460 ronald_wilson_reagan +06837251 waw +04933852 phenotype +06621447 series +03357081 white +14295248 rupture +03808144 naproxen_sodium +13719410 tod +01484083 feminine +09978442 criminologist +14336317 upset_stomach +01755274 genus_crotalus +13547925 replenishment +02714139 annunciator +02021050 unrhythmical +09004992 groznyy +02390101 mule +12762896 sumach +12964572 family_ceratostomataceae +02135486 viverra +12617559 triglochin_maritima +07310507 approaching +00965404 violence +02971672 hindustani +02548990 family_antennariidae +07428954 temblor +12406304 winged_elm +11711971 manglietia +13284562 payoff +08424951 market +02527498 family_congridae +01546223 suborder_eurylaimi +01363423 spirillaceae +00796886 enterprise +05951323 expectancy +13632007 zibit +00927516 formation +10509810 real_estate_broker +13248928 sublet +04965179 orangeness +14553590 astigmia +07272545 sticker +01449427 abduct +08432820 chow_line +05527085 prepuce +12711398 rangpur_lime +12219495 knightia +02205095 tipulidae +01630533 triturus +05828102 turn-on +10143725 granter +11509377 snow_mist +07135734 talking +01958898 registered +02061366 shrink_back +01054399 sibilate +02996605 palatine +13875392 ring +10532058 rioter +02196948 change_taste +04388372 tandem_trailer +09735258 turki +02437616 llama +01580644 genus_cyanocitta +04233124 skyscraper +02708123 wanton_away +08764561 svalbard +14060688 learning_disorder +08400965 rank +00599434 get_the_goods +00321486 pad +02334867 arm +12329473 queen's_crape_myrtle +02900160 bridle +13450636 compensation +01257701 parole +01957739 venus +05812038 centre_of_attention +01159776 stylization +14643793 lithium +09130452 akron +15126595 jurassic_period +07236077 allegation +04859449 temerity +00925372 scruple +12314808 wych_hazel_plant +05677504 sense +00349369 stroke +08914573 kerbela +10812800 czar_alexander_ii +03759954 mike +09055906 anchorage +02642634 arthropodous +00059728 clinch +12916511 tectona_grandis +01752433 vipera +12014524 seriphidium_tridentatum +07577772 ploughman's_lunch +10457597 postulator +02349597 shave +07375525 zoom +03969627 plumb_line +01134238 go_off +04198797 shock_absorber +04288272 spring +13022538 hypha +09143649 corpus_christi +08052549 federal_government +02362194 asiatic_flying_squirrel +12322501 wing_nut +01575577 oriolidae +03387016 understructure +06727616 say-so +13195761 bladder_fern +10441037 playmate +02526673 genus_anguilla +09847010 mendicant +02535537 salmo_salar +10746056 vandal +02340521 oryzomys +06367373 fictionalization +00417131 chokehold +04204755 short_circuit +15237250 summertime +08801099 byzantium +00136048 rabbit_punch +09280380 firth +14856752 skank +02680337 adhesive_tape +01697986 coin +04273064 spectroscope +00799076 withdraw +01917845 scuff +00138599 smooch +10857001 william_h._bonney +13589321 weighting +01962671 dive +08772307 koln +12298003 genus_sabbatia +05104548 wideness +05199869 efficacy +07781972 sea_squab +01745125 elapid_snake +11155814 marcel_marceau +00181875 clutter_up +01752316 proof +02017607 genus_notornis +00100543 rendition +02294279 phthorimaea +02188587 whizz +15271732 caesura +01038538 vamp +14002109 polarization +04995531 appetizingness +01999423 lead +07636384 snap +14646610 nickel +01536344 wash +03431745 train +13989280 mourning +03782190 monitoring_device +01468712 ascidian +07335243 ruination +12437769 poker_plant +08926543 toyota +06288024 opposite_word +11143163 lozier +01930482 take +02123298 prickle +06669384 highway_code +00361192 withholding +12288598 genus_corylus +05598868 conk +00278040 moistening +05372290 labyrinthine_vein +00788097 squeeze_play +02353201 constitutionalize +00368367 clot +02667228 conflict +08292756 fleet +09541919 evil_spirit +08154012 bourbon_dynasty +02572196 cardinalfish +00972191 qualify +05449268 corpuscle +14203346 motion_sickness +00253395 katharsis +08141374 drug_enforcement_agency +05829480 negative_stimulus +02585732 family_cichlidae +01917549 shuffle +02019566 turnicidae +01779629 mite +02176611 pyrophorus +02147034 genus_eptesicus +10089484 movie_star +00378069 combustion +11623967 himalayan_cedar +07472460 tilt +00968479 military_expedition +02237239 miridae +13622035 quart +14841267 air +01620436 self-destruct +00144850 form +13505843 watering +08590172 isotherm +02082358 tubulidentata +02800497 cellar +13266170 scholarship +09424118 saronic_gulf +12151365 papyrus +10743941 uxor +01139104 stake +15279104 hz +09114262 cape_may +11843285 genus_aporocactus +12480677 genus_sansevieria +11786365 genus_colocasia +02244963 pyrrhocoridae +02924023 burthen +02446164 specialize +02291434 gross +01459896 concoct +02962200 carburettor +12073744 genus_odontoglossum +12556793 phaseolus_vulgaris +05335971 aorta +12214245 green_dinosaur +01453433 drag +01803764 genus_argusianus +04660080 unadaptability +00168910 revive +02042672 ventilate +01574571 tamp_down +13237788 sarcostemma +01046932 yawl +03295140 erection +00229630 worst +06898352 programming_language +02888133 pick-me-up +06833890 zee +00359238 cutting_off +07614500 icecream +08645212 weald +06304671 syllable +02558724 ophidiidae +01481154 suspend +04657407 secretiveness +07247071 publicity +00763901 direct +01575745 oriole +10477077 prizefighter +07435273 outbreak +05476915 hemisphere +06249910 descriptivism +10690421 tallyman +09449773 styx +10217684 isolationist +11070644 ibsen +02564146 relieve +12855042 mint +04548771 wall_socket +01739263 prefabricate +06501748 ship's_papers +06584376 supervisory_routine +01264148 scale +02149899 candle +09452395 swampland +07290761 eventuality +02273120 forficulidae +02006211 threskiornis +06338908 designation +08778401 new_flower +09228324 branch +02532458 give_it_a_whirl +00332445 pulverize +00179718 seed +05539595 poll +02245555 push +02616713 survive +01791232 throw +14777523 mylanta +04597066 wood +01084331 par +13919685 projection +14419164 link +03016953 commode +08925552 sapporo +02328662 ochotona +00247792 stewing +03891051 windcheater +13627810 kilobit +07411160 turn_around +07709701 chop-suey_greens +07464725 tourney +09887850 company +06961399 brythonic +01932151 vinegar_worm +12461809 tofieldia +01701334 thyreophoran +04769456 invariability +01897851 marabou +00852181 contraceptive_method +08020242 revolutionary_organization_of_socialist_muslims +01277431 rut +00289082 broken +01426160 sarcocystis +06150449 econometrics +01374457 nitrobacterium +11689197 nicker_seed +00591725 deanship +09241047 changtzu +11630489 cypress_tree +07165086 tender +10324851 role_model +02492240 genus_aotus +01357967 schizophyta +13459088 shitting +05117660 moderation +13792183 bond +09917345 chief_petty_officer +04622415 solitariness +11125193 leibniz +02477890 genus_dryopithecus +08441039 police_state +01604251 rope +04754440 finality +06066072 agrobiology +13669006 fils +12642734 western_sand_cherry +09274500 estuary +02963302 card_index +11540439 family_dicranaceae +00289392 grey +08837552 marianas +12845413 solenostemon_scutellarioides +02221454 convey +02437148 tonal +07323024 materialization +07964809 combination_in_restraint_of_trade +13456899 radioactive_decay +09961198 contralto +01797020 tetrao_urogallus +01672014 knit +08060193 franchise +10765189 wallpaperer +01354405 waterproof +04778630 sweetness +11443721 cyclone +02229156 stenopelmatus_fuscus +02865931 deadbolt +06679726 photogelatin_process +14389240 depressive_disorder +12812235 acanthus +02049696 pass +00256746 combing +01254978 intonation +10998860 sir_john_gielgud +12006306 vegetable_sheep +07921834 scrumpy +09130883 cincinnati +01308381 replace +15022389 human_gamma_globulin +11780148 lords-and-ladies +02217266 finance +04983402 musicalness +13001930 shiitake_mushroom +04647826 staidness +03909160 pendulum +00873603 energetic +02284662 rake_off +12968658 sclerodermataceae +02713594 wing +01723259 pterodactylidae +05660937 teaching_method +07903101 bitters +02360497 top_out +08229362 country_club +14810704 chrome +06792950 ticktack +04395332 tasset +13245626 private_property +14356993 tenosynovitis +01384275 tear +01601919 genus_cinclus +07484547 dream +08771400 weimar +03457902 nursery +04904352 tranquillity +03049457 closet +10555679 stirrer +06245084 shamanism +07220466 debriefing +06818747 tick +03985232 portable_computer +02798574 base +12699922 true_mahogany +11542920 order_jungermanniales +12224140 xylomelum_pyriforme +06754184 major_premiss +12959226 family_azollaceae +12092930 false_pimpernel +01625666 laminate +00136984 punting +05435277 nucleolus +08907377 lhasa +09166756 big_sur +09482715 yosemite_falls +15156311 morrow +05068918 upgrade +01667449 quilt +01427695 whore +06690226 pass +12113471 genus_cenchrus +03587715 nydrazid +02498987 amerce +02081060 hooded_seal +00916123 speak_up +06774316 convention +04424418 thing +00779599 sting_operation +12643113 wild_orange +08079852 five +13533470 pathological_process +09273291 natural_enclosure +00198631 preferment +12697021 genus_cedrela +13368318 bank +12117912 sanwa_millet +13559409 souring +06214580 collectivism +01623489 tailor-make +02225739 stint +02115775 genus_cyon +02115913 dhole +02361337 marmot +02573249 tilefish +01786646 millipede +07072698 rhetoric +08303692 nation +00062806 attainment +03037709 clarinet +06878580 smirk +02044358 stercorarius +01440344 genus_abramis +12459629 star-of-bethlehem +11798851 hedera +08043499 revolutionary_proletarian_nucleus +03054605 cluster_bomb +00088532 intoxicate +04120842 runway +03039087 hebrew +13321495 price_of_admission +11694664 soursop_tree +02625132 genus_acanthocybium +06812631 logarithm +12968408 sclerodermatales +02513268 advantage +02165304 peek +09166304 lusitania +10181137 holy_roman_emperor +10687231 synthesizer +01477888 land_up +01845477 anseriform_bird +14100769 occlusion +12336727 white_ash +01824575 coucal +02575168 genus_echeneis +00579952 territorialize +12624381 flowering_quince +02645389 average_out +14341432 pinkeye +01147950 suppression +03044934 clipper +12373361 family_caryocaraceae +08031386 laskar_jihad +08227916 fellowship +09292545 great_dividing_range +01489722 immature +01635964 plethodon +08417920 sitting +02022804 meet +15292069 turn +12707040 ruta +05153520 competency +00575083 thrash +00179311 take_out +01356459 family_bacillaceae +00908909 creating_from_raw_materials +02221959 change_owners +00547300 demonize +06920497 tanoan_language +08499840 dependency +12493090 genus_ceratonia +01066433 present +06486874 bill +02056880 secular +11884198 genus_crambe +01913849 ford +00419289 unclean +10160624 harmonizer +03871083 parcel +11819354 genus_carpobrotus +01526521 songster +04235291 sleigh +14687633 lamp_oil +00532115 take_away +10531227 rightist +09305479 hook_of_holland +01861403 check +10237069 kinswoman +02715279 abound +15256022 top_of_the_inning +03066130 coil +07508806 self-importance +02506466 gomphotheriidae +09048460 colony +08021785 umar_al-mukhtar_forces +04487724 troop_transport +13496017 imbibition +02469928 untypical +00068901 breach +15210486 february +08858713 british_west_africa +02167571 scout +12363580 hibbertia +06320569 verb +00420909 intransitivize +02434238 unionize +08518940 watershed +07941170 biological_group +12332218 rose_apple +02398463 gentle +02197048 genus_ceratitis +02500619 victimize +10161867 hatchet_man +12414602 yellow_water_flag +03560567 ignition_system +00065791 adventurous +02197185 mediterranean_fruit_fly +09905530 tshatshke +01509584 drive +15286042 metronome_marking +09730951 seychellois +02296150 genus_cerapteryx +11614250 yellow_pine +06410391 review_article +03368141 flower_arrangement +07539367 dysphoria +01811441 hope +13187367 silver_tree_fern +02152991 game +00626800 material +02855089 blower +07433973 distortion +09557387 pallas_athene +04507155 umbrella +11267949 rodin +10297983 massager +02101108 spaniel +00851316 testcross +03599964 jobcentre +00789237 duel +10607933 slavey +02182662 rustle +11159418 marti +14011811 quiescency +01120900 savage +12020388 tageteste +11785100 genus_arisarum +02806261 sustainable +01882714 phascolarctos_cinereus +12111882 genus_bouteloua +00547995 animize +04547991 wallboard +07039238 recapitulation +02706373 inocor +01129977 good +10410440 peanut +02337870 rafter +10495756 thruster +01008437 precis +13876371 spiral +02116322 nyctereutes +00252990 work_up +02610980 threadfin +00825648 tell_off +13095348 skirt +13201725 genus_woodsia +11888271 genus_heliophila +10086074 fiduciary +06611856 chickenshit +03113152 cosmetic +01954559 rail +02084252 flurry +01672032 soft-shelled_turtle +00405206 bending +00976953 raid +01014731 compiling +12940427 myrrhis +14409718 dog's_dinner +09309666 ijssel_river +02225911 fin +08181658 middle_class +02456962 tree_sloth +01319001 stayer +14997888 percolate +00882159 listening +06560254 answer +02454657 genus_dasypus +06999436 picture +01170243 healthy +02603926 adjudicatory +04526241 venthole +08245549 sicilian_mafia +01741562 constrictor +00127672 worst +10753182 victualler +01496944 pristidae +09504135 supernatural_being +01624833 long-eared_owl +09011679 homyel +07109730 words +12715195 zanthoxylum_clava-herculis +00226107 spasm +07033007 religious_music +15125097 tertiary_period +05590366 sternocleidomastoid_muscle +07813409 garlic_salt +01804595 ingratiate +03163081 dartmouth_college +01931520 threadworm +06516595 statement +09719794 laotian +00321195 intubation +08506496 oasis +02490030 family_callithricidae +05601198 face +03747746 miltown +14578471 motivation +13851067 index +02685585 air_station +11659248 saxe-gothea_conspicua +00400427 simplify +01838651 float +03759795 micronor +05534333 intestine +02447591 taxidea +02140781 close +06177729 word_structure +05451384 lymphocyte +12450344 dogtooth_violet +00830188 tutor +01580928 tube +01069311 mortification +00273077 vulgarization +06660942 foreign_policy +06795290 bend_sinister +08216647 rearguard +02326795 antique +02051474 pelecaniform_seabird +08936833 marseilles +00053097 parting +00935456 out +12044571 genus_angrecum +05350679 maxillary_artery +05843236 perpendicular_style +13245076 rateables +03826762 nitrostat +11420139 optical_aberration +00105820 toss +03341707 finger_hole +05085572 nearness +07133701 conversation +01299735 wilderness_campaign +13471681 effervescence +08644045 harbourage +11762237 leucaena +03047941 cloister +05980412 unorthodoxy +01438208 cypriniform_fish +02693070 strip +01787693 limulus +14853210 high_explosive +10972495 gaius_flaminius +00479932 automatize +10772580 weekend_warrior +02799175 lumber +08369406 generation +12797213 peltiphyllum +10770309 waterer +12648045 prunus_persica +14584502 pyrogen +06548498 commutation +00236592 restrict +04112752 rouge +00362348 stop +09755241 absconder +05844663 colour +00348103 come_on +12012897 genus_scorzonera +13773539 spark +00329831 central +06671484 advice +14298102 strain +04335693 street_clothes +12568186 yellow_locust +02484322 monkey +14504558 trisomy +11951511 golden_aster +02655694 genus_diodon +00479598 mechanize +02472693 submersible +14477667 crown_of_thorns +06742173 exposition +01298931 snap_off +07654886 scollop +14386130 ptsd +01323449 instructive +02014863 blaze_out +05160574 reasonableness +00150202 articulate +01866535 unproductive +09237404 caspian_sea +08145553 post_office +10151570 guide +12325667 genus_elaeagnus +13199970 holly_fern +06789801 ahimsa +07852919 cheddar_cheese +08684294 yard +01366276 corynebacterium +03532672 hook +07527656 lightness +10554243 saxophonist +00904548 contemptible +08036849 ov +07971023 folks +02732603 diverge +04941453 density +14446161 solacement +10475297 printer +06818121 pointer +09071571 georgetown +12074408 oncidium +02189363 gallfly +04914292 rudeness +01066775 tone +13611567 minute_of_arc +03101667 postural +02793495 barn +04988478 colouration +01286799 noticeable +10404998 paster +09186592 abyssal_zone +08597176 observation_post +01004550 notch +10689104 tail +01816219 titillate +01249483 demolition +02636132 involve +09957614 conformist +01330986 integrative +05229198 concha +01011725 affirm +01951107 tethys +05427946 peritoneal_cavity +11034596 vaclav_havel +07940865 subkingdom +12714114 poncirus +04371430 swimming_trunks +07759816 vinifera_grape +10951697 edward_viii +01039925 sanctification +08389297 artillery_unit +08728749 tangshan +00954038 yarn +00216038 dissolution +13698949 russian_monetary_unit +04103491 smoke +12185859 radyera_farragei +10198437 matinee_idol +02225510 skilled +11136214 lloyd +08663156 tip +00816143 sass +00249188 leapfrog +02535457 splinter +10456696 postdoc +01735062 thamnophis +04978792 protective_coloration +02168876 monochamus +06489968 credits +14023997 arousal +01860337 family_anhimidae +11852255 pereskia +08797840 tel_aviv-yalo +05309050 tonsilla +05017458 visibleness +01317723 search +01589125 family_certhiidae +02004855 wood_stork +15106867 zeolite +05606633 tunica +01930738 automobile +01195584 legitimation +08565006 rustbelt +04921754 upbringing +01077568 serve +10584021 trustor +13764213 top-up +04519536 valve +13289159 cut +13525549 performance +09696280 kampuchean +12291763 genus_eustoma +06975594 anatolian_language +13046285 order_nidulariales +08725454 kwangchow +03408054 fuselage +02324397 weak +01383896 phytoplankton +01532107 spinus +12333771 yellow_cattley_guava +02595523 apply +01172441 tussle +11538123 class_anthoceropsida +08042183 revolutionary_armed_forces_of_colombia +02366105 kern +05561834 tibia_vara +01363613 joyful +04326084 stone +14936226 limestone +09877443 brownshirt +01458228 percolate +04383130 tack +03292736 epicyclic_train +12782338 genus_drosera +02169833 leptinotarsa +01425336 family_babesiidae +12751823 maple_family +10374849 oil_tycoon +05600030 lantern_jaw +07455151 maundy +10661002 unknown +00633329 diligence +00597629 principalship +08206460 reserve +08646902 landscape +14285276 trauma +14064644 inebriation +08739669 colon +12397594 humulus +13064678 pucciniaceae +00450700 equestrian_sport +06728998 eighteenth_amendment +07840804 eggs +00303748 hang_gliding +10779416 white_slave +01602318 poise +07769465 quandong_nut +00878797 glower +12857594 molucella +07096661 rime +01895757 tapdance +05263732 minge +12153580 spike_rush +03279153 electronic_musical_instrument +09719653 kuwaiti +12352150 musa +02432291 whitetail_deer +08080025 football_team +12374238 genus_cistus +02487718 climactic +01723678 thecodontia +01860107 cut +01161161 corporal_punishment +02289061 pyralis +00045646 rallying +09460888 transylvanian_alps +12634211 wild_apple +05960121 divine_right_of_kings +02863536 bofors_gun +01275389 chattanooga +12545635 lotus_corniculatus +01190840 wine +03204955 directional_antenna +07455301 potlatch +05617107 wisdom +00004227 expire +09833441 bairn +11618525 torrey_pine +01401106 diatom +10729923 tripper +14445226 scourge +12678059 sambucus +10875910 president_george_w._bush +00829761 induct +00595894 peasanthood +07822518 red_pepper +01200440 drug +08744750 oaxaca_de_juarez +15257416 first_period +02528985 fall +05700625 abstraction +01382917 snail +02902079 brim +14509712 toxic_condition +05538016 anus +00435853 roll_up +00848420 insult +08153337 pantheon +14565696 sex-linked_disorder +13079567 monilia_albicans +02714200 spear_up +05607001 cornu +00337210 pitching +00264034 inflate +00836926 tinge +02102398 ride +00365810 sublime +01001643 file_away +12943443 snakeroot +02154416 bird's_foot +00946060 frisking +08628414 queen_maud_land +03837422 oar +05645597 stupidity +01488234 scyliorhinidae +10955483 sergei_mikhailovich_eisenstein +10380126 optimist +12217586 silk_oak +01660870 reshape +01093172 war +04874409 unrespectability +02027411 bunch_up +07647496 partridge +06520222 receipt +02250822 mealybug +13039870 phallaceae +03619890 kitchen +14724025 sensitizer +02267826 spongillafly +03201208 dining_table +02875499 bolshevistic +01567678 parula_warbler +00476389 cricket +05247178 uriniferous_tubule +12571606 strongylodon +12862312 genus_plectranthus +01378137 polyangiaceae +14206929 iron_overload +09929770 clip_artist +11799520 panax +07259772 rule +15195059 november_1 +13020623 genus_clitocybe +01032127 airmail +03570838 inhalation_general_anesthetic +01709781 hoof +13854101 standard_of_measurement +00976085 safety_blitz +00321652 baste +02637637 sillaginidae +02014406 genus_chunga +07582609 dip +03652932 tether +11127188 st._leo_i +02218759 computerize +01650690 spring_peeper +13867276 distortion +02335629 crenellate +07642182 victoria_sponge +10042690 eavesdropper +08132955 energy_department +01355646 interlink +05083200 ramification +01710317 direct +00642045 endoscopy +02631349 star +06922045 yuman +13505467 tricarboxylic_acid_cycle +01490112 whitetip_shark +08674970 lot +04862592 sturdiness +01680132 plume +01441425 shiner +11786983 genus_cryptocoryne +00927578 nonexistent +03379204 football_stadium +07053993 work_song +01017001 proclaim +08299493 united_nations_agency +10252075 lessee +12727518 salix_caprea +01950657 railroad +07275489 scraping +02591893 parole +07743902 cranberry +00218045 tearing_down +01969550 order_octopoda +00684128 prefrontal_lobotomy +00964911 initiate +09720033 sami +12797025 water_mat +00066636 failure +13686660 quid +09024467 spanish_capital +01105909 trucking +11482013 mechanical_energy +02276355 vanessa_atalanta +07620145 roly-poly_pudding +02185373 tap +00389406 waste +00527367 conventionalize +08578517 benthos +07487695 sexual_urge +07475364 licking +00473799 round_off +15060131 digitalis_glycoside +13753585 septillion +02173513 splat +00090253 reception +15266164 terminus_a_quo +06596364 comic_book +10994906 george_i +05941037 concretism +14524849 atmosphere +10805783 zombie +08493064 territory +14105737 lou_gehrig's_disease +13534608 perennation +07852045 blue_cheese +02994448 locomotor +02155248 sense +12382484 ochnaceae +00730708 fatigue_duty +02194138 savour +00583239 constant +01401517 tribonemaceae +09864536 bomber +02598438 genyonemus +00693633 apotheosize +01294182 disjoint +08494782 terre_adelie +13587763 modulus +04544805 wale +12251740 pyxie +02527294 average +05955323 principle +09029884 darfur +04538249 viscosimeter +12870535 thyme +05277941 auditory_ossicle +10613996 sweetheart +07567139 food_colouring +04683453 pilosity +07499615 friendliness +00360485 shrinking +10215623 investigator +00737399 deviation +01616764 old_world_vulture +02100236 german_short-haired_pointer +07537068 uncheerfulness +12861751 genus_physostegia +01449980 molly +00986750 chorus +04481946 tricolour_tube +02532261 field-test +14494032 mendicity +01125084 counterstrike +07809096 ingredient +07956721 pack_of_cards +10959664 sir_jacob_epstein +10895688 chiang_kai-shek +01633047 family_cryptobranchidae +09177883 vesuvius +14796073 phenylic_acid +13227778 thelypteris_palustris +13148019 parthenocissus +00978369 vocalize +01217617 scaffold +05114781 thinness +11046169 sir_john_herschel +03338821 photographic_film +07169480 direction +05790242 selection +05370918 vena_jugularis +01511380 withdraw +01379252 genus_staphylococcus +05565696 thenar +06545137 title +12898226 genus_atropa +00624967 idealize +06785367 toughie +05294606 extensor_muscle +06545528 assignment +10169678 hell-rooster +02538985 whitefish +04960079 achromatic_colour +00311559 darken +08957993 tripoli +01084588 convert +05638606 marksmanship +02234781 slippy +00734790 plant +09547353 flying_dutchman +08745011 puebla_de_zaragoza +04653627 comradeship +05280998 sphenoid_bone +08023843 hizb_ut-tahrir +00858849 drowse +11628793 pseudotsuga_menziesii +04182514 shaft +12553114 restharrow +13253255 acquisition +00522751 receive +00553362 dislocation +04152387 screen +07160296 invocation +02032355 wilson's_snipe +02166826 vedalia +01666802 kinosternidae +14635290 cobalt +14124232 pox +00597821 proconsulship +06633041 salute +04284002 spoon +07713074 mad_apple +09327881 kunlun_mountains +13081050 ustilaginoidea +08012765 vanguards_of_conquest +05133287 longness +02047148 whirligig +04385079 tailor-made +04445154 toga_virilis +04263760 source_of_illumination +12526946 genus_dipogon +02357741 spermophilus +09676490 native_australian +12857024 micromeria +04299699 stall +14597758 sponge +02392878 tasteful +02278839 emperor_butterfly +02090990 slide +02535896 neutralize +01776214 treasure +06797671 indication +08026539 tanzimul_fuqra +00888009 give +11846087 genus_echinocereus +04030965 quadriphonic_system +10012713 diesinker +05116953 scarcity +00264776 fearful +02544191 override +01304466 cramp +00560893 shorten +01385330 epizoon +07718747 globe_artichoke +00599613 wise_up +07047505 potpourri +01411768 cowhide +00360932 be_born +05197945 imperium +12898628 genus_browallia +11540747 order_eubryales +11647703 kaury +00289297 purple +00033574 inactive +12932966 wild_chervil +02082791 orycteropus_afer +03569657 remicade +13773361 trace +05763412 identity +05374980 vena_ophthalmica +14654175 selenium +12325093 laguncularia +13333047 quick_assets +13576101 definite_quantity +08209519 bench +12345495 rhizophoraceae +00284813 polychromize +01182293 pander +10371450 officer +00192910 retrenchment +07277158 plagiarism +07215377 exposure +01393339 wipe_up +15036638 plant_toxin +02823124 pager +07344233 surf +01488245 mature +05046471 coming +13027190 family_aspergillaceae +00389638 enfeeble +12592544 orbignya_spesiosa +09243906 cow_dung +03527930 holy_sepulchre +07822687 chili_powder +02243967 deaccession +03603722 jug +00907340 exposure +12538380 laburnum_anagyroides +08020785 tanzim +15275598 retardation +06081602 neurophysiology +03496296 harpsichord +10293590 marquise +13375891 cash_advance +01463259 layer +10660729 strayer +00385501 disunion +04399537 tee +02078294 take_back +07575392 high_tea +03906997 pen +12682264 genus_dipsacus +12223405 telopea +00305153 unbecomingly +02698178 individuate +02435867 unionize +11963305 tassel_flower +00112997 nudge +01644373 tree_frog +12510343 palas +01347298 confine +06350127 tachygraphy +01586791 mimus +07033433 gradual +09908025 lad +02769290 backhoe +00992331 geological_dating +00783042 snare +11182621 william_mitchell +01876667 rabbit_bandicoot +00849059 withdrawal_method +15241777 shrovetide +07256695 second_sight +03327841 wing +00931847 realization +05399486 amniotic_cavity +12356255 genus_curcuma +10098245 flutist +10289039 man +09784306 allergist +00270561 mend +03845190 tanker +04887129 vanity +01905653 pure +05176477 grant +01587406 genus_dumetella +13525912 opsonization +02873654 burlesque +01201429 separation +13238988 stephanotis +14005137 tremor +01330497 arenavirus +00040152 reciprocation +02446014 mephitis +14893652 turps +00076884 tumble +10661216 stranger +11388321 willebrand +01447001 genus_fundulus +12709901 mandarin_orange_tree +10999584 william_schwenk_gilbert +07819769 nasturtium +00213903 immunity +12905817 tomato_plant +14151884 abetalipoproteinemia +05251537 ductulus +10526300 drunken_reveller +04440749 tyre +10189278 resident_physician +01294026 mismatch +01887474 stock +05985381 traditional_knowledge +15233239 mesolithic_age +04826999 religiousness +08592656 limit +00039121 bob +02839200 billet +01800195 smash +00387680 resile +08857260 sao_jose_dos_campos +02965300 cargo_vessel +08645963 scene +00388710 bifurcation +01417868 whisk +09985279 cutter +01412415 unlikely +01732713 harp +01807496 partridge +02032934 concentrate +09669631 teton_sioux +13431722 androgeny +00261258 self-reformation +10099093 troubadour +09305031 hollow +09886807 cairene +02214660 mutillidae +00194912 strip +01492212 mustelus +12714254 wild_orange +14056280 minimal_brain_dysfunction +01710529 titanosaurus +03256166 tipper_truck +14678230 heavy_spar +01900150 hair +04606358 wreckage +10788852 woman +02455584 genus_euphractus +02430191 ally +01552523 furnariidae +13864965 incurvature +02047263 centrifuge +05167237 self-assertiveness +00595684 overlordship +08708481 nova_lisboa +03241660 drip_mould +07560331 finger_food +09842823 whoreson +01162291 cannibalize +01722998 pterosaur +02772868 baffle_board +03354903 flag +06714288 correction +06730563 claim +02318915 echinoidea +05026843 weight +00601378 plunge +01733667 fiddle +13087625 plant_organ +08024408 people's_republican_army +14634232 cs +11850337 myrtillocactus +04278605 spinner +12397431 indian_hemp +00383275 sorcerize +00477665 deform +07828041 dill_seed +04926427 newness +02868326 perceptive +03268790 electric_car +05555688 waistline +01960296 gallop +14035909 flexure +00683185 indecent +01215719 reassurance +02071316 cascade_down +01501450 raja +05451265 free_phagocyte +00535452 concave +04384406 tailfin +07214994 ratting +01687876 map +05045381 rotation +12272432 quercus_ilex +05525252 male_reproductive_gland +02416030 smatter +02907473 computational +02565687 trespass +01439121 cyprinid_fish +08904269 hyderabad +14244726 monocytic_leukemia +00812298 face_up +02813315 theatrical +05935060 memory +02427958 genus_adenota +08738820 republic_of_nicaragua +12419037 amaryllis +07483622 apathy +00516747 sulphur +04218773 silencer +02070679 stream +12776212 symplocaceae +01327301 waste +03546766 housing +01162143 cannibalize +10147262 grinner +04864515 tenacity +02621258 surgeonfish +14393161 psychoneurosis +02751623 high_dam +09238425 catskills +09748239 krauthead +02331262 successful +05713524 visual_sensation +06657202 control +02545153 spotted_bonytongue +10550673 st._nick +00564177 baseball_play +10787197 woman_chaser +08976799 lyallpur +01857632 honker +14618253 base +01981276 paralithodes_camtschatica +10657835 stock_trader +02381571 ascend +14925776 vegetable_silk +14856893 sewerage +11411610 wake +04403279 telephotograph +00788766 striving +14112855 heart_attack +13960974 absence +03859958 turnout +02438580 vicuna +14555214 presbyopia +04872236 truthfulness +01924505 troop +07516997 rage +01806109 poise +14516743 pollution +10356877 newsreader +02394183 take +02853016 block +02581957 mahimahi +00919513 planting +14890286 granite +01069809 request +08185758 utility +00415398 take_root +05167412 pushiness +08018983 chukaku-ha +00901476 ct +12116583 genus_dactyloctenium +15271417 lapse +12678794 sambucus_caerulea +02165247 family_coccinellidae +03646296 lathe +11307262 socinus +00664849 nourishment +09869830 burgher +15186871 groundhog_day +00389856 enervate +00051525 penetration +02558951 ruin +02675885 acorn_tube +06435916 ii_chronicles +03022041 librium +13887056 bifurcation +02229867 genus_acheta +06874391 green_light +01653026 western_narrow-mouthed_toad +05997659 major +04683002 worn_spot +02423787 tragelaphus +02015221 genus_gallirallus +00199490 remodel +07548366 antagonism +00250181 mature +08503921 bithynia +02836035 bicycle_wheel +12905412 lycium_carolinianum +01258719 recall +11787190 water_trumpet +12577686 vigna_angularis +13495636 idealization +00347420 auspicate +11659909 sciadopityaceae +10948117 johann_maier_eck +09377315 ohio_river +14920388 repellent +06586471 link +13372961 monetary_system +08989031 st._vincent_and_the_grenadines +06656408 policy +13725108 centner +05101815 diameter +02144792 megaderma +06014435 method_of_fluxions +01834213 ease +00223109 back_up +02311544 crooked +01050896 warble +01387301 ruffle +01280645 incurvate +00037514 epilate +06149192 politics +08925957 nagasaki +12418356 sparaxis +13180304 genus_asplenium +07327013 prelude +11531090 plantlet +01193721 satiate +09343761 lower_california +00230172 fade +00877345 exploratory +13229747 parathelypteris +02944826 encampment +11441561 cosmic_radiation +01599919 subfamily_malaconotinae +04792679 acceptableness +12807251 platanus_acerifolia +04160036 sealing_wax +05018785 luminescence +00572661 leave_off +08730354 taiwan +07129422 rejoicing +02981024 catacomb +08879197 leicester +01546349 polyvalent +06740183 justification +07814925 gingerroot +09340024 ursa_minor +13007417 pleurotus_ostreatus +11737752 wild_crocus +08987262 el_beda +03191967 diclofenac_potassium +00627437 callisthenics +02384858 racer +02074092 insane +14033587 criticality +10361525 unperson +02122725 tomcat +07819303 mustard_seed +09649554 plains_indian +03296759 esmolol +00190783 solution +00165244 ruggedize +02628856 katsuwonus +01783214 obsess +01752889 genus_bitis +00066397 failure +13064247 genus_cronartium +12627750 whitethorn +13810141 highlight +11984397 genus_inula +12186116 sida +11713164 moonseed +14680261 lepidolite +02783994 baluster +01797347 sorrow +04553703 washbowl +03061674 cockpit +01516290 jet +10729330 trifler +07337390 variation +02060889 storm_petrel +00676135 dial +11700676 genus_calycanthus +02118379 serious +02282716 strymon +10588182 shegetz +13451804 use_of_goods_and_services +00798539 snub +00111129 synthetical +01675964 pygopodidae +11072189 innocent_viii +03999992 press +11259950 richard_the_lionheart +14641223 indium +01410109 zygnemataceae +13026146 schizosaccharomycetaceae +01361973 nitrobacteriaceae +05483677 white_matter +09026499 logrono +13878112 whirl +03371875 lavatory +04487081 trolleybus +04822032 explicitness +05958549 animalism +02502514 flying_lemur +01225783 slight +08889944 waterford +02727009 fibreoptic +02935387 tea_caddy +03840327 obturator +12475450 taccaceae +09441725 south_platte_river +01136519 organization +00886978 vow +04467665 trucking_rig +00137877 dropkick +03975232 pointer +01402600 brown_algae +07362075 surcease +03366823 floor_covering +13197085 gymnocarpium +02588280 hack +08399378 witches'_broth +12353754 musa_ensete +05615258 road_sense +02256109 value +00358931 shortening +13067191 cornsmut +12417273 genus_gladiolus +01609953 draw_close +00093979 atrophy +00532110 social_dancing +06081833 neuroscience +10398806 parapsychologist +01998432 follow +07128692 pronunciation +10245863 landscapist +00900581 typification +01144876 steering +01975121 skid +10991415 garrick +01980328 pinnotheridae +00993892 encode +00017531 bunk_down +00339464 recrudesce +10251329 lazybones +13874558 scallop +08429052 column +01322391 character +09706396 mari +14464005 defect +03433434 general_anesthetic +04071876 register +04292733 squeaker +15187619 presidents'_day +00261705 piece +06790845 incarnation +07678729 stuffing +05677952 sentience +02142413 splurge +05289297 musculus +02711987 turn_on +05707269 exclusion +02704349 measure +02039660 pluvianus +15074203 trh +13215936 psilotatae +08113443 priesthood +02946921 tin_can +01563575 quarter +12319204 juglans_nigra +02279442 family_danaidae +09846265 bedfellow +12952022 trichomanes +13065215 gymnosporangium +12045352 genus_aplectrum +00736216 analyze +09338910 liaodong_peninsula +12945549 skirret +00370458 uterine_contraction +02852173 flasher +01786048 geophilidae +12090890 primula +14777939 tums +12482031 yucca +00790086 servile +13006741 marasmius +03868044 oxbridge +14333433 torture +10561320 scoffer +07734555 tomatillo +00641820 scientific_research +01139000 sanction +12092262 pimpernel +00756598 four_flush +01782378 panonychus +13221383 lycopodineae +09378801 omega_centauri +04543158 wagon +13640050 luminous_intensity_unit +12990407 genus_alectoria +11876803 broccoli +05794694 provision +01058036 soften +06958615 ugric +10739636 unpleasant_woman +01733213 conduct +02775483 bagpipe +08006094 bracket +04562658 water_system +04284735 sporting_goods +00234105 dishonorable_discharge +12723610 tribulus_terestris +08109624 subgenus +03797703 mukataa +02563860 execute +10524223 respecter +14248541 myoma +12204032 tilia_japonica +02518488 malopterurus +11885292 wall_rocket +00915423 holler_out +00722848 recall +13754293 increase +00849332 mock +09012898 livonia +03859000 outboard_motor +02082498 orycteropodidae +00048912 frock +01398682 leather +08101410 strain +13031690 morchellaceae +04904851 uneasiness +03824381 nightie +07224774 alerting +01466828 chordate_family +02284367 genus_tortrix +00273449 humiliation +02269196 trichopterous_insect +01821132 transfix +01302449 six_day_war +02128286 witness +00355365 kill +12644902 almond_tree +06421685 manual +11870607 genus_alyssum +00860011 tarchanoff_phenomenon +01020936 imitation +02017335 porphyrula +03133141 philhellenic +13215063 marattia +02126686 thurify +14257779 alveolitis +06350274 running_hand +06147522 social_anthropology +08719892 tamil_eelam +12901565 cherry_pepper +00808191 dynamical +11909527 fumitory +01155421 fort +09062961 chula_vista +03809686 narthex +12673178 linnaea +08580583 home_ground +00340989 twiddle +02002384 genus_ciconia +01261491 egg +00850986 monohybrid_cross +12558230 phaseolus_limensis +00835032 breath +04186455 shawl +12432808 onion_plant +10901589 lorenzo_ganganelli +01740721 leptotyphlops +02726884 impend +14788714 cacodyl_radical +13054560 bolete +14276360 yatobyo +01982646 reputable +08216900 section +02145543 obstruct +12939104 fennel +12466727 zigadene +11854232 zygocactus +01206849 touch +04277204 spinal_anesthetic +00326619 saute +02483908 bivalved +09166902 silicon_valley +12463743 bog_asphodel +00171852 develop +02679257 totalizer +07560193 fast_food +01411727 oedogoniaceae +01613391 siphon +10770767 waterer +01780696 trombiculid +10011486 journalist +07443010 run +11899921 wasabi +09953615 confederate +12912105 salpichroa +14160365 muscular_dystrophy +12658846 sorbus_domestica +12771597 possumwood +13335172 ordinary_shares +04903368 salacity +00904690 vindicate +01671125 gopherus_polypemus +00366521 stretching +14999106 proteolytic_enzyme +08786432 korinthos +01972131 sink +00783902 grand_theft +10589243 shikse +01893988 stir +00548266 push_through +08727396 port_arthur +12798284 alumroot +00403967 depressurize +01782519 impious +02535349 salmo +11677259 style +12049134 genus_calopogon +08618379 point_of_periapsis +09861059 bludgeoner +06248043 military_science +09951070 computer_scientist +12094786 lysimachia +00369628 carbonize +03563710 implant +11117451 pierre_simon_de_laplace +07753980 granadilla +01985493 old_world_crayfish +00954751 ew +14867858 strand +01245986 slick +00694641 disrespect +10552742 satirist +02743020 balance +04444345 toe +08895928 mona +12916356 tectona +07049713 lay +02132745 stare +09825096 authorizer +09753065 libra +04880573 naivety +01303582 chinese_revolution +04849759 virtue +14628668 sb +12607198 genus_ananas +01681048 finger-paint +01455592 syngnathidae +01031194 circumcision +05141222 valuableness +05139561 worthlessness +08357258 civil_service +13516312 ore_processing +14552355 dysomia +10010864 devourer +00145772 prim +01583142 construct +00189823 foist +05646926 idiocy +02706816 withstand +10173895 straight_person +01078235 trump +12982723 phytophthora +03113881 satyrical +00135504 parry +02492035 ringtail +08244062 ring +05905152 tactics +00958823 perseverate +08875369 west_end +12251278 wandflower +02008396 take_leave +14464203 flaw +07115914 stop_consonant +01158596 alcoholic +14702875 mucilage +11644712 thujopsis +08427453 sick_parade +01466047 pyramid +08838556 wake_island +01776192 acarine +01199009 puff +02255144 pineus +00006802 puff +04766852 involution +02081571 walrus +05324888 tympanum +00299680 roping +02063018 incline +02229385 gryllidae +12761471 pistacia +11994336 madia_elegans +05378234 vena_pulmonalis +01600657 catbird +07519040 torment +09085209 evansville +11612018 swiss_stone_pine +01743531 mimic +02422685 tidy +03853734 ordinary +09889170 calligraphist +02012043 derail +13356985 treasury +01928737 pogonophora +04328946 storage_space +00289388 stumble +00940437 expressed +05323228 semicircular_canal +05766247 rendition +02640053 skulk +11635709 port_orford_cedar +05808102 revelation +08640111 slip +01903385 play +12738599 nuytsia_floribunda +00651480 label +01733634 pituophis +14822141 coolant +02260421 psocopterous_insect +00442115 swimming +01469222 thaliacea +02636170 tripletail +02168121 lampyridae +09903639 censor +03673971 tie-in +07350567 resiliency +08493961 glide_slope +00497219 worthlessly +08502171 aerospace +07658958 sirloin +00392093 drawing_off +11331669 tarkovsky +04836491 aspiration +01606736 lock +11301597 sir_james_young_simpson +01073655 overindulgence +13841651 correlativity +01890860 shrew_mole +13504403 juvenescence +00374668 boil +01963655 power-dive +12435152 schnittlaugh +06477209 royal_charter +02336483 furnish +05236848 nerve_plexus +08746636 villahermosa +12963140 order_erysiphales +02282903 hairstreak_butterfly +05342214 ciliary_artery +00713952 loading +01647229 plant +03980178 saddlebow +08995242 nejd +11958316 genus_cotula +02251065 insure +10477585 probationer +02726717 hoodoo +00058337 embarkment +02069248 pour +13480541 filling +11226126 paul_iii +09990904 dancing_partner +11794267 lemnaceae +00376715 rupture +02197545 genus_drosophila +02506248 mammut_americanum +12907057 shoo_fly +11703669 laurel +03200357 dining_compartment +11994718 madia_oil +01034932 stonewall +03537412 horn_button +10346015 nationalist +14442749 prepotency +03061081 disciplinary +00753881 call +00060201 lam +04019101 public_transport +07532276 gloating +13990675 guiltiness +01161695 overuse +11988774 leontodon +10766492 warbler +01812068 beatify +01810126 stagger +10602695 beguine +02058794 unsafe +00856860 unemotional +11820323 genus_lithops +01002413 hydrometry +01287388 fagot +02744280 overshadow +12882779 foxglove +01900488 spine +13007034 fairy_ring +12231192 bearberry +01809784 shout_down +00602805 train +01693020 lacerta +09878275 constructor +07065740 punk_rock +14122497 influenza +01782209 tetranychid +00487350 polarize +10954966 president_eisenhower +02137172 hemigalus +08207095 pentagon +13452947 conversion +02150039 autopsy +00254415 sanitization +10507070 raver +12744656 melicoccus +04502851 twenty-two +01754737 rattle +08140767 ois +00215838 subversive_activity +01085793 sharing +01420451 prizefight +01487743 rhincodontidae +01443831 crucian_carp +09713985 magyar +02152278 skim +11899027 thysanocarpus +10769459 wastrel +02642107 scorpaenoid_fish +06731186 allegement +13010401 stropharia +05035264 sea_power +07236759 plaint +01998741 rock_barnacle +00659349 heart_massage +12573256 bush_pea +04595855 wiring +01809977 tinamiformes +01878803 petrogale +09826605 aviatrix +08284054 religious_school +00570694 recede +00130778 anterior +12935982 genus_conopodium +01743223 subfamily_pythoninae +14752952 cortone_acetate +05227209 carina +04100994 vioxx +06838329 ayin +12164656 cucumis_melo_cantalupensis +08982037 cebu_city +01076046 stoppage +07726672 cowpea +04046810 rail +08727230 luoyang +14709265 grain_alcohol +02144243 reveal +01257612 cold +00471277 knock_on +10304914 medallist +02661574 benthonic +01338685 herpes_virus +09709001 breton +09771664 admirer +08095160 conservative_judaism +00985921 shufti +07821919 turmeric +02172127 clatter +05635841 horology +11722982 aconite +10525436 retailer +02328820 ochotona_princeps +06611376 shit +04737234 substitutability +03841143 odometer +09396712 polestar +06731378 contention +05194874 grip +02117649 hallucinate +00901651 present +12379531 taraktogenos_kurzii +00350104 resume +12716166 simarouba +12140511 sporobolus_poiretii +02815600 string_of_beads +01104637 construction +01687401 illustrate +12162181 cushaw +09953178 conditioner +01622352 horned_owl +01088547 man +08839092 republic_of_the_marshall_islands +00298556 set +05073131 sphericity +02424909 tragelaphus_angasi +00814850 refute +08046346 turkish_hizballah +10476086 prisoner +04187233 sheathing +12614096 limnodium_spongia +01075164 start +09876701 brother +08161971 us_house_of_representatives +07748753 sour_orange +00539546 lead_up +05464685 myelin_sheath +09199341 antilepton +12149144 phyllostachys_aurea +08786660 argos +12065777 rein_orchis +01874568 float +06977434 ancient_greek +02109645 get +00733317 brutalization +00764032 settle +11132245 maya_lin +02098458 draw_in +09262082 kukenaam_falls +00341548 reclining +11859981 lewisia +07373277 union +00739850 concurrent_negligence +13949802 priority +08031663 lautaro_youth_movement +00249852 ripen +14493716 penury +00316460 transshipment +13629676 terabyte +11261483 richelieu +07886057 homebrew +03658858 spirit_level +01186578 receivership +01286913 truss +09132778 tulsa +01150559 target +03120029 row +05582859 transplant +03636649 lamp +01914961 genus_actinia +00461354 hush +03086183 stockade +10129338 gibson_girl +06582761 call +01422835 order_coccidia +09510904 egyptian_deity +02139671 megabat +11183955 modigliani +14491271 wealthiness +08114861 section +01969601 uplift +02146790 hold_in +00090779 giving +05667951 mores +02672371 accommodation +10075299 eyewitness +01042242 mass +01007495 radio +09649926 apache +06400271 passage +00734348 think_about +04629194 unemotionality +00776732 peculation +10655169 stevedore +12526380 genus_desmodium +01970342 family_argonautidae +05426989 retina +09905050 centurion +00013172 bungle +10040617 dyslectic +14669413 carnallite +05734381 roast +09987239 tzar +14698698 metamorphic_rock +11973159 grindelia +02037839 fall +01213886 patronage +02936281 caff +12674685 lonicera_canadensis +05035961 zip +04760024 tangibleness +06483454 position +09310460 impairer +10508710 reader +09282208 floor +14859838 organic_fertilizer +00422551 excruciation +00878636 submit +11993007 machaeranthera +01582220 magpie +02237868 poecilocapsus_lineatus +00974173 herald +01791756 distract +00148057 tightening +01891865 sorex +10410246 peacekeeper +00127531 best +14732472 keratin +08923755 nagoya +12732756 cottonwood +03326073 feedback_loop +05021884 plasticity +03625783 knitting_stitch +01053495 honk +02459633 home +06343520 title +12050766 genus_cephalanthera +06918396 uto-aztecan_language +07520112 tingle +00386392 neutral +02930766 taxicab +12422751 hypoxidaceae +01457079 goose +13422061 civil_list +13053187 fistulinaceae +00362103 price_reduction +07537668 lowness +07358060 deformation +00483466 proportion +09801102 apprehender +01519727 braid +00598318 public_office +03753077 meter +14954284 simple_sugar +09772029 teenager +05004294 clumsiness +08524130 city_centre +04821277 coherency +04190052 shelf +02389220 wild +02316868 give +11208172 richard_nixon +11907554 romneya +09090559 louisiana_purchase +07927512 tonic +02357693 patch +12560775 pisum_sativum_macrocarpon +12573760 tipuana +02058191 hustle +08494459 south_frigid_zone +01518343 wattle +03315644 facing +05605192 respiratory_center +11741010 myrica +03799710 wall_painting +01661472 set_up +14632129 bromine +03998525 prazosin +07448885 formal +01908287 coelenterate_family +11799732 panax_schinseng +07480896 passionateness +03393912 freight_car +05979350 witchery +01625562 tyto_alba +02543874 neutralize +01967677 pholadidae +14374432 anxiousness +01885498 numbat +01601068 satin_bowerbird +13961642 living +14658855 tin +14292090 fracture +11243907 wiley_post +07142566 group_discussion +08159924 york +03250089 drum_brake +03579355 interior_decoration +03921749 phenelzine +12394494 parietaria +01854047 subfamily_merginae +02095060 hop +03485794 hanky +06608977 unintelligibility +12095020 loosestrife +03072201 colour_tv +14399852 paraphrenic_schizophrenia +01144133 planning +01650610 start_up +04416901 tetraskelion +14872875 foam_rubber +04935239 stickiness +14724264 amide +02584325 serrasalmus +05113929 wateriness +10020031 diviner +14485064 occasion +02052090 skirt +02526486 family_anguillidae +14685017 butane +09294716 grinding +03930087 picket +00384055 transmogrify +12221522 macadamia_ternifolia +05776679 rhabdomancy +03291551 intrenchment +06381372 sonnet +04139859 savings_bank +00792356 clinical_trial +01993065 orchestia +13808708 part_to_whole_relation +12637319 poterium +13144303 vitidaceae +01424220 poke +00979988 syllabize +13986679 satisfaction +06224439 tritheism +08167779 lords_spiritual +12546962 wild_lupine +00808767 freeze +00282953 plain_sailing +13841863 mutuality +02937720 cruciferous +07397761 ticking +10564400 screenwriter +01619152 genus_cathartes +00213343 surrender +05440207 operon +09752795 lion +05111835 free_fall +06220616 socialism +12516584 glory_pea +08151229 cult +02530421 shad +00347918 plunge +02648313 aspidophoroides_monopterygius +07396658 tapping +06176107 syntax +01252425 smear +01846658 sail +02317488 ophiuroidea +13521616 nitrification +07726386 field_pea +00492095 quantify +00932324 signify +00781480 shrinkage +12257343 genus_chimaphila +02093610 flap +00013887 abundant +05736736 pricing +03832405 notch +01169067 gluttonize +10491575 publisher +01239359 shoulder +11891395 lunaria +00802629 chance +00623006 riddle +02248368 coccid_insect +11797508 hercules'-club +00700421 phytotherapy +02272428 genus_thrips +08143163 bureau_of_engraving_and_printing +00037457 active +08130712 technology_administration +09942871 commissionaire +02881757 plug_hat +03357376 flap +01777032 ixodes +04424936 thiopentobarbital_sodium +02863464 mystical +11851101 nopalea +00139908 alcoholize +01037303 chatter +12398682 mulberry_family +04904996 perturbation +04151581 screen +00774641 clamour +03768346 mine +12514324 genus_chamaecytisus +02469085 parcel +07380934 clunking +15165490 twelve_noon +09092497 pine_tree_state +04637923 tolerance +01055146 click +02138441 mierkat +01520789 rheiformes +05974798 pragmatism +14676943 gibbsite +09907196 prime_minister +01125562 misrule +00429713 eurythmy +04763925 specialty +01735556 reduplicate +11705052 cinnamon_bark +02027209 genus_erolia +00726784 impute +06617866 slow_motion +07736256 turnip_greens +13391452 tanner +12863234 self-heal +14682642 monazite +01712752 ceratosaurus +02079706 phoca +09920771 chorister +13354985 accounting +13769672 skinful +04894204 rashness +01169704 suck +11786539 taro_plant +10583387 settler +02357873 water +08908739 timor +05300231 chemoreceptor +11353195 turner +00152018 identification +02398386 genus_hippopotamus +04366116 suspension_system +13043264 order_lycoperdales +03924407 photocathode +01569713 icteria +02277556 satyridae +05905348 strategy +02324717 oryctolagus +07214267 divulgence +02515934 brutalize +08908248 java +08795492 caesarea +02885338 boxing_equipment +10294953 sharpshooter +08086646 greek_orthodox_church +00749205 direct +06078088 molecular_biology +07242324 declamation +02912065 sideboard +09530238 avatar +10561861 scolder +05108947 increment +01886045 pouched_mole +10113753 front-runner +14896714 balsam +15010038 salicylic_acid +02270473 lepisma +07703743 polenta +01482075 hang +11096801 william_henry_pratt +00559916 reverse +00591858 directorship +09701603 englishman +00206600 anathematization +00989602 present +02402112 excommunicate +00181005 hypophysectomize +12075151 spider_orchid +12069488 himantoglossum +03588951 jack +05639832 seamanship +09841188 mixologist +14820180 concrete +04258982 sole +00995134 electronic_countermeasures +02906734 broom +02584643 tentacle +00203753 turning_away +01991676 oniscidae +08070465 underwriter +12602980 rhubarb_plant +06518068 voucher +02300173 silkworm_moth +00376807 deice +00920929 refract +05380822 vena_lienalis +09885676 cabalist +06501311 program +13601370 cubic_inch +03076104 ghq +03454536 grating +03533654 hookup +03552169 microzide +11728099 water_dragon +14180848 sepsis +02541875 genus_elops +02215355 annex +03220802 domino +04862005 willpower +10658501 stockman +01243674 work_stoppage +00924431 finger +01410847 order_chlorococcales +00771713 disturbance_of_the_peace +13143758 paliurus_spina-christi +02297127 pseudaletia +11992806 yellow_ageratum +00393227 acuminate +14481080 gaseous_state +03408721 future +14675569 ytterbite +04635482 zing +03098806 control_system +11675537 pollen +10514121 reenactor +13859043 change +00843325 swilling +02989313 cefoperazone +03770679 minivan +07180183 harmony +01458302 flagellum +14375890 strain +11742310 sweet_fern +09365730 narragansett_bay +02437707 take_care +05565548 left_hand +00674340 disapprove +14947807 marble +06939198 indonesian +00579564 service +03430091 gauze_bandage +06798750 print +09799213 apostle +07749969 grapefruit +07887634 lager_beer +08230785 yacht_club +01004062 score +00273257 steel_onself_for +01187620 naturalization +14714817 nicotine +09821086 attache +05003423 gracefulness +06398401 ending +11946051 safflower +02539573 lake_herring +02949542 tin +04526800 ventilation_shaft +04898087 manners +11836137 nyctaginia +15078050 transparent_gem +00487748 stretch +04065464 recreation_room +05382729 vena_testicularis +01389942 wall_up +01949218 ferry +10098710 foe +00693679 transplantation +06827947 sans_serif +03541696 lodge +14297696 sleep_disorder +05573602 knee_joint +08155302 hapsburg +12633994 orchard_apple_tree +06307152 combining_form +15022171 globulin +01561819 ram +00211593 follow-through +06485261 order_of_business +07921090 cassareep +05436080 chromatin_granule +05772044 crystallization +13068434 tilletia_foetida +09538915 angel +04375926 synchroscope +01143279 sudden +08494231 pleasure_ground +08541454 coats_land +01589286 tree_creeper +03603199 juke_joint +00815320 steering +07624466 turnover +10836725 caspar_bartholin +04977247 paleness +01470856 assume +09306642 mount_hubbard +07757312 sweet_cherry +07215568 unmasking +01309478 skin +03522634 hitch +02357072 return +01056369 cackle +01772960 excite +01908958 metazoan +09968128 costermonger +00071646 martyrize +09086070 south_bend +02165146 peep +10734394 twin +07300960 stroke +06512324 joint_resolution +10580030 separatist +14143415 tuberculosis +04076713 repository +09125354 schenectady +02575590 whalesucker +05241072 skin_cell +13423615 detrition +08912012 isfahan +13049561 polyporaceae +05134547 depth +01194021 murder_conviction +01057034 jam +00251809 timid +06628450 mass_card +01240979 invalidation +00429968 cut +14297870 sting +10678472 suppressor +01344293 unfasten +07632037 sponge_cake +06760722 trickery +11475279 lightning +04845475 harshness +01805801 peafowl +01815628 please +01328513 tag_on +01233027 pat +04155310 scribble +05777298 lithomancy +05383598 vena_thyroidea +00703512 cogitate +14172005 stomach_flu +10420031 supplicant +05422668 vena_cava +11823756 red_amaranth +01902877 scale +06837465 heth +09699020 cypriote +14539960 shelter +12669641 psychotria +02621908 gempylid +03022788 diuril +13384164 pension +09058735 sun_city +02246628 whitefly +00006032 relative +01678685 jewel +07257227 table_tapping +00921072 suspect +06857122 glissando +04110654 rotary_engine +02653497 queen_triggerfish +11159920 steve_martin +07773700 dika_nut +02890940 skid +13254237 grant +01115585 surrender +01064560 spell +02505716 invariable +13601483 cubic_foot +07664007 hamburger +13215462 genus_angiopteris +12327846 brazil_nut +06970103 hindi +04476633 trazodone_hydrochloride +02181599 tribolium +01747203 scribble +13730189 imaginary_part_of_a_complex_number +01199751 homogenous +02444819 otter +03433247 gene_chip +02967791 korean +15274695 breathing_time +03061505 cockpit +07042137 octette +10420809 po +12194466 sloanea +12773917 satinleaf +02650795 autarkical +03993180 pouch +01667607 embroider +14477877 failure +03127024 starter +07258332 reference_point +10252222 reader +00607775 woodworking +02615157 pholis +01918010 ctenophore_family +08794574 golan_heights +04868505 unctuousness +01609549 genus_circus +01681723 enamel +14155834 inborn_error_of_metabolism +10499631 queen_of_england +06937531 austronesian_language +13387209 paper_money +00104026 suntan +05232972 gnathion +05061977 unhurriedness +01973375 order_belemnoidea +02264591 aphis_lion +01397707 strong-arm +02458356 megatheriidae +08254195 beanfeast +00594058 understand +04707409 predomination +03383646 smithy +01405737 genus_sargassum +12570703 sophora_secundiflora +01966797 teredinidae +05984936 culture +02949931 morphological +07115684 obstruent +02178244 family_curculionidae +10544232 rustic +02803934 string_bass +08747737 antilles +04109702 rosemaling +12584715 sugar_palm +03658373 lorfan +03321419 turbojet +09892831 skipper +02358091 spermophile +10197392 ideologue +05071556 pointedness +00411020 modernize +01663939 genus_caretta +07961956 compost_pile +00548173 officiation +15051129 spinel_ruby +04974340 olive +10457444 postulator +05321664 membranous_labyrinth +01963130 skin-dive +00850873 dihybrid_cross +12455342 genus_colchicum +07569423 plain_flour +08683548 wilderness +02495242 tree_shrew +00156276 let_up +01502279 bottle +09281777 floater +00491910 titrate +01703326 elegize +04108268 rope +00365188 contract +01548143 tyrannus +01700326 hyphenate +13436682 auxesis +02551494 scombresox +11380768 welles +13511755 virilization +01581434 rocky_mountain_jay +07003119 drawing +03751065 mess_hall +12287388 ostrya +02554422 further +01297095 teutoburger_wald +00920956 naturalization +08733897 federal_islamic_republic_of_the_comoros +03587318 island +01499265 thrust +00483656 key +09155692 beckley +02786866 radiotelephonic +10395209 palmister +04042358 skiagraph +04216508 siegfried_line +00021679 cocainize +02660819 go_with +09643545 yellow_man +12956170 climbing_fern +14137561 lymphopathia_venereum +02636811 spidery +00521478 green +02152504 scan +02447001 skipper +03993053 potty_seat +04034884 quinora +09175915 krakatoa +07994331 herd +05897825 unidentified_flying_object +07997703 family +08054417 hospital +13860281 logical_implication +04019335 public_works +12894607 woody_nightshade +07537973 demoralization +01083077 distribution +03126385 crampoon +02290196 garner +01368863 extend +10387196 right_fielder +12723062 larrea_tridentata +02603056 unite +04956110 matte +02897820 brick +06185581 states'_rights +01858441 swan +06583178 cataloged_procedure +09923673 citizen +10463943 prattler +01728920 ringneck_snake +02134084 ursus_maritimus +03133177 crochet_stitch +08904115 agra +07367548 break +01596887 genus_artamus +01503268 rail +13187031 family_cyatheaceae +02747177 wastebin +04934220 texture +00118268 flush +01201693 munch +06231191 revivalism +05731568 unitization +07211092 muttering +02325405 tinsel +03265479 edging +11448343 easterly +06018022 applied_mathematics +09064861 riverside +01789047 ruffle +06126523 ergonomics +00249679 age +01931140 chicken_roundworm +06330528 participle +10361296 nonparticipant +01053207 fingering +00154141 stretch +14964129 nucleic_acid +05392562 auricular_appendix +13627516 kilobyte +10061656 gourmet +10623175 solicitor +04480625 triazolam +00223854 slaughter +07121157 yell +13373214 standard +04002931 primidone +05544906 parietomastoid_suture +01001097 synchronizing +01893771 snap +09309820 ijsselmeer +03661861 lido +00962634 disloyal +03033019 dress_circle +10363573 novelist +00474308 overrefine +11536230 pot_plant +02213362 vespula +14774894 kekule_formula +12316300 liquidambar +13517199 sporulation +15184755 jewish_holy_day +00218602 atomization +01473886 tussle +06195698 southernism +00010241 act_reflexively +02454649 circularize +01451176 pack +06591609 anthology +00440786 slow_up +01672767 subclass_lepidosauria +02438535 process +01541922 towhee +01966204 genus_pecten +08305942 ally +02738760 hawaiian +12083591 lady's_tresses +00101779 snuffle +10682038 swaggerer +01115411 get_even +05443651 sex_chromosome +10260473 lieutenant_junior_grade +01959111 unregistered +14961512 neuromuscular_blocking_agent +06720964 name +06632511 hullo +08966820 muritaniya +12803958 tiarella_unifoliata +01622959 tawny_owl +04405540 video_equipment +10663858 striker +02552737 ophiodontidae +12504094 amorpha +01010334 scaling +10480583 professional +00946588 itemize +05411049 recombinant_human_insulin +13815742 proportion +06378298 lay +04904560 ataraxia +00788632 shot +02703432 truckle +07200527 answer +01547641 recline +10576071 seer +11759224 albizzia +00971309 sortie +01043612 whistle +11960084 genus_dahlia +01819734 nymphicus_hollandicus +00475819 sanctify +01813053 sadden +00749230 easy +03787308 mortise +01419332 polymastigote +08923586 nagano +00886759 vow +13665965 centime +06609403 mummery +00261957 repoint +01636675 genus_desmograthus +11163041 mason +01826060 ambition +05114371 shortfall +11956208 genus_conyza +02821030 bed_linen +01625985 bootleg +12822115 myosotis_scorpiodes +00943732 blubber_out +12793284 yellow_mountain_saxifrage +00807941 except +00845658 slang +12872257 utricularia +02138042 paradoxurus +02598143 get_together +01762839 permissive +07721325 hot_pepper +06980465 south-central_dravidian +00789906 takeover +05509452 urogenital_system +01340522 polyoma_virus +13310230 income_tax +05633860 resourcefulness +00726100 lineman +10759702 vomiter +06172502 cryptology +10384610 orthodontist +02584661 riot +02645304 sculpin +10308275 clanswoman +01292534 ground +00139544 fair_catch +13855828 flip_side +09808949 armourer +01287431 meuse_river +01130455 charm +08772551 brunswick +02698726 transmigrate +11519450 twister +01438902 bring +02590072 resort +01225461 treadle +00504464 federalize +00667384 psychosurgery +02297742 offer +05473735 papilla +02314717 phylum_cycliophora +00391407 split +01880888 flap +12554242 oxytropis +00195813 defoliate +00074453 dung +04301474 standard_cell +00697365 shot +03393324 free-reed_instrument +12393086 false_nettle +09440186 sound +00122661 shot +12485811 genus_gelsemium +09265620 fall +12879719 genus_castilleja +09714694 iraqi +05182563 civil_right +08558488 principality +07675627 sausage +00295172 lap +08923348 yedo +11739530 winteraceae +00081572 purchasing +01529766 nest +11520989 turbulency +12136720 reed +07507912 discombobulation +15178417 lunar_calendar +09809134 arms_manufacturer +00799236 charm_campaign +01019472 stipulate +02734192 genetical +08017614 supreme_truth +11200276 napoleon_i +00980339 round +09547111 spectre +02743050 arrowhead +01755816 make +07886176 hootch +13460991 demagnetization +02602215 family_atherinidae +07739125 apple +00361932 deflation +08952423 hungarian_capital +07083441 outpouring +12222715 stenocarpus +10308504 memorizer +00598970 regency +01485073 genus_cetorhinus +13658496 micron +07014029 act +04955160 polish +14298620 wheal +13632461 yottabit +04643221 disagreeableness +07257815 stake +11973341 tarweed +03474896 helve +15103226 wolframite +12172364 okra +00772381 perjury +00357451 decompression +08422524 thrift_institution +12204175 tilia_tomentosa +10540114 mountie +10263411 lineman +09648743 nahuatl +02415435 mountain_sheep +14471926 syndactyly +07304852 misfortune +11791819 scindapsus +02842008 biology_laboratory +14595543 vinylbenzene +01282888 cavern_out +02768874 glow +02556846 perch +07569873 soybean_meal +03300578 zarontin +01108627 surmount +01808785 subfamily_numidinae +00626188 weightlifting +01526290 run +02766328 motivational +02551832 save +12735160 true_sandalwood +02565072 smallmouthed_black_bass +00741478 soldiering +12741792 sapindus_saponaria +10176475 hipster +00003356 nascent +01852544 genus_cairina +11903167 genus_bocconia +01349318 wring_out +10419630 pesterer +01410363 unlike +07320302 nativity +14242337 carcinoma +07553176 pet +10693459 taxidermist +10678662 supremacist +15078768 triamcinolone +02914991 complex +00930599 imply +01465994 phylum_chordata +00011757 abstract +01597336 tanager +08186221 telephone_service +09195615 america +15124361 cenozoic_era +05828552 reinforcing_stimulus +06840187 runic_letter +12607896 tillandsia +15259812 renascence +12555069 pachyrhizus +05840650 version +09714120 icelander +04788494 artificiality +02508213 ringtail +01149138 defend +04248851 snare +00404222 structure +12908432 genus_nierembergia +13781670 personal_relationship +00855527 autoerotism +02869837 poke_bonnet +03313873 face +03986949 portmanteau +12618524 zostera +02584915 feeler +11061853 samuel_houston +12679712 triostium +01513990 autotomize +04026813 push-bike +14629149 atomic_number_33 +08809749 piemonte +09352282 mesotron +11975658 vegetable_sheep +14630204 baryta +10413276 peer_of_the_realm +12382233 idria_columnaris +04676308 perspective +10205344 infernal +01484987 womanly +12585137 pissaba_palm +08159031 tudor +00270215 summon +11275636 russell +09023118 principality_of_andorra +02170848 family_cleridae +08507255 minefield +00940214 obfuscate +10467179 president +05826469 refutation +02250653 pseudococcus +06732710 testimony +10614629 smith +07400361 whiz +01185292 adoption +00628125 subedit +08810999 sicily +00698732 seal +02201644 pass_out +09522978 hindu_deity +03514129 hematocrit +00321562 catheterization +10700517 tenant +02385153 fall +05639556 oarsmanship +09340644 little_missouri_river +14779205 whitener +14322106 prickly_heat +00969370 sow +05007280 sexual_characteristic +07986198 triplet +02751782 tenormin +11700864 allspice +00272123 barbarization +02690941 airway +02186690 clink +02805111 tacking +10762064 waddler +14690607 periclase +01681328 uta_stansburiana +00543410 grow +00189565 tally +04083468 restoration +01881991 petaurus +00045114 mitzvah +11537327 nonvascular_plant +13520981 neurogenesis +03754014 synthetic_heroin +12894438 uruguay_potato_vine +09340203 little_horn +10300303 mate +08278324 college +01867295 productive +08772794 essen +03497182 hashish +11039690 john_hemminge +03863442 overcasting +01061203 subvention +00664110 medication +09034550 united_republic_of_tanzania +12462582 urginea_maritima +07064055 rap_music +01046006 diabolatry +01039162 shmooze +06566805 alpha_software +09831856 bad_guy +14375761 screaming_meemies +06422740 guidebook +00349886 change_of_course +07378234 buzz +00406365 involution +10297367 masochist +01970348 uprise +02201521 benefice +02011460 bittern +11511523 spark +02643316 scorpaena_grandicornis +00732224 pay +00983635 vowelize +01699896 write +00856847 queerness +03213826 point +00808162 take_exception +11972759 cudweed +07882886 premix +01665332 spatchcock +11722342 western_buttercup +09348055 mass +09800631 truckler +13210006 genus_cryptogramma +01670961 gopherus +02704928 last +05551939 pectoralis_major +04055030 rat +10416364 peri +00407090 protrusion +00226951 retch +01085677 bias +00877848 remind +07020538 dance +11846582 genus_epiphyllum +01376894 unknown +09825413 autodidact +01946138 scud +02296480 heliothis +01528087 motacillidae +03105810 crow_step +02257536 family_cercopidae +01466733 disarrange +00373278 incorporation +02196761 rhagoletis +00597216 relive +05895138 sophistry +07108453 synecdoche +02684649 aiglet +02902250 rim +00075421 wash_up +02425532 nylghau +06681976 newssheet +00878221 peep +00506952 stratify +06602324 symbolization +03161725 damper +12762245 rhodosphaera +13274092 allowance +12226009 order_ericales +00479391 wipe_out +01684941 family_cordylidae +03424630 petrol_engine +04011242 prop +08753933 jamaica +09144323 fort_worth +01381549 summon +02837789 two-piece +14450691 necessity +00764891 state-sponsored_terrorism +13025647 yeast +01143713 trawl +02777100 balance +05604535 humour +02950018 cannery +04289027 sprinkler +03289268 engraving +02680358 mummify +00295346 tune_up +02663643 rest_on +01500372 set_down +05337301 capillary_artery +01026728 touch +04806316 irreproducibility +10522759 saver +01484717 genus_carcharodon +02073679 trichechus +12300840 olive_tree +05614476 eye +00106843 piffle +02539334 master +01746727 asian_coral_snake +14923458 iron_ore +02264752 credit +07485475 craving +09812068 illustrator +01436139 propagate +03622058 klaxon +00454868 flush +09902353 trooper +05934278 foreground +01756291 sidewinder +06779914 visual_joke +13542474 prophase +05611822 place +02989178 ultracef +01882125 flying_squirrel +02232408 subclass_exopterygota +07606278 mint_candy +05262185 mustache +01699415 gavialidae +13888491 angular_distance +07464969 elimination_tournament +12769430 staphylaceae +00590047 chairmanship +00625993 musclebuilding +02714315 anode +09402704 quickener +12133151 saccharum_munja +00851146 reciprocal_cross +02006510 plataleidae +06938887 malay +01672950 rhynchocephalia +11872473 tower_mustard +01253277 venting +02641571 arsenical +08704822 republic_of_albania +01068633 heckling +08418420 full_service_bank +06574473 driver +01989562 collapse +02620724 anamnestic +06229853 calvinism +11990627 pyrenees_daisy +00942234 cutting +07748574 ugli_fruit +13769317 scoopful +01740468 overproduce +01429663 mongrelize +05147237 cut_rate +01173405 snack +04953186 flash +00051170 slip_on +00973888 rerun +00270275 restitution +02117900 spotted_hyena +00338736 rag +00612612 mark +08924560 naha_city +08366440 nazism +02254110 prociphilus +02998209 cerivastatin +05957428 relation_back +12711182 ugli_fruit +00796586 assignment +13226135 isoetes +01543508 padda +02453108 pachyderm +12118661 ragi +09432430 shell +14494893 sanitariness +02563068 wide +11639445 pahautea +13424183 absorption +03898633 patchwork_quilt +10481711 worker +08770932 dresden +15214840 kislev +08194927 us_air_force_academy +08790953 olympia +07725531 green_pea +00046109 adaptive +08112630 health_profession +09244972 cimarron_river +06696025 sweet_talk +00533527 vamp +05733583 assessment +02080577 satisfactory +02642610 procrastinate +03757925 mexitil +02192818 ginger +12411461 iridaceous_plant +00421535 remove +09861395 sailor_boy +06263020 gutter_press +05290756 head +10183157 homunculus +00288000 dressage +01749428 genus_dendroaspis +01371483 rickettsia +01350226 bacillus_anthracis +03098491 pentecostal +14447525 wellbeing +00168217 surge +00497391 thoriate +11488387 ocean_current +10565502 scrutineer +01101218 homer +01749320 perfect +02706605 seethe +10773665 welder +07090573 turgidness +00961586 commentate +09897350 immune_carrier +12003167 picris_echioides +02230247 pass_on +11793779 zantedeschia_aethiopica +07246036 incitement +10714465 yearling +01538928 blot +02498888 nycticebus +02300554 domesticated_silkworm_moth +11857528 genus_portulaca +14313943 progressive_emphysematous_necrosis +13742840 monas +00866423 pharyngeal_reflex +01660386 mound +10695555 vexer +00431327 thicken +06170498 rhetoric +06868043 solfa_syllable +11924445 clotbur +14301785 sign +07305760 disembarrassment +13759558 picking +03989898 posthouse +07365193 turkey +01806271 steel +01319467 sea_creature +08275185 school +01455141 genus_gasterosteus +11802800 heartleaf +12773334 genus_calocarpum +01926376 irrational +06181584 descriptive_linguistics +08175875 organization_for_the_prohibition_of_chemical_weapons +00238871 product_introduction +00431552 pursuit +00771490 let +12130937 phragmites_communis +08349681 patent_office +13133613 spike +01301080 ypres +00339941 unsure +01535005 pooecetes +09904556 center +00275572 staining +04758776 unlikeliness +01282289 jena +00867231 sign +01367430 family_enterobacteriaceae +12820113 beggar_lice +01957202 mya +04754862 unquestionableness +02200198 mosquito +05698982 skepticism +12551173 tolu_tree +01015996 numismatology +10356213 newsvendor +07187486 jingoism +00105164 fling +05372428 vena_lacrimalis +06107083 special_theory_of_relativity +01977545 dump +05044673 temporal_order +08418103 conglomeration +09163844 south_vietnam +02029571 genus_bartramia +12004310 piqueria +00246754 grilling +04776699 immovableness +13076181 gymnopilus +01863158 pull_up +02241767 blackmail +08029908 ppk +08473623 reform_movement +07293180 deal +11962500 genus_echinops +04114069 roundel +01048330 bleat +00529582 radiate +05610008 rima +12951668 hymenophyllum +02036399 recurvirostridae +12987993 genus_lecanora +00756194 masquerade +02160433 beacon +12218868 pincushion_hakea +08130292 ncdc +05945642 view +11365857 victoria +04306847 statue +14395403 dementia +05399627 waters +07725376 pea +02469443 paragraph +08964647 west_malaysia +02176261 elaterid_beetle +08948704 stabroek +09637211 black_man +07408796 big_bang +05613478 subconscious_mind +02120079 white_fox +02193799 family_cuterebridae +14830364 dna +01914609 sea_anemone +07183660 polemic +11724363 white_cohosh +00165178 delegacy +04353189 sulfonylurea +09654687 dhegiha +10071332 expatriate +01996574 thrust_ahead +06631140 pax +02049299 podicipitiformes +00906367 convict +01755504 make +00836705 misrepresent +07643306 jelly +12550788 cowage +02296726 offer +00737656 seize +02487226 rendezvous +00098517 upraise +01677913 genus_dipsosaurus +03058603 coating +01771390 move +02134971 viverrine_mammal +00759657 press +06685456 warranty +01563336 syllabize +01365355 undercoat +03745285 patch +02031455 philohela +09386422 subatomic_particle +00866882 plantar_reflex +04439122 tincture +00435778 gymnastic_exercise +14311348 effect +00049309 overdress +10059323 rhinolaryngologist +09196103 heilong_jiang +01119620 realization +11989266 leontopodium +09065328 san_diego +02443114 polecat +11856055 genus_agdestis +12271643 red_oak +05634219 concoction +15142836 lactation +01465218 pair +00168911 flit +09120594 manhattan +08130476 national_weather_service +12486732 physostigma +00503715 irritate +06398760 epilogue +04229107 skid_lid +14353008 venous_thrombosis +11470348 juice +00451648 drain +07890068 pale_ale +04928008 staleness +09717047 roman +02556195 genus_anabas +00525446 ritualize +04636610 spiritlessness +04761212 substantialness +11895270 rorippa +01067664 throw +07755089 cocoa +06389553 space +09852826 bibliopolist +05110408 rise +14612764 hydrogen_azide +05565192 meat_hooks +00505151 clarify +13222227 order_lycopodiales +08321218 sinn_fein +04612840 yoke +10327987 monegasque +07223170 scuttlebutt +00663819 cinch +08367100 managed_economy +08686979 virgo_the_virgin +08034778 people's_mujahidin_of_iran +01940248 water_ski +10270628 loner +02456505 genus_burmeisteria +01695976 crosshatch +12184337 napaea +04403638 telescope +14065903 anuria +00144722 surely +05500992 pons_varolii +05850823 magnet +09152570 yorktown +01416508 lineal +11295619 shannon +04701460 uncloudedness +01472251 skyjack +02582591 genus_brama +10255096 lessor +00061917 realization +14278773 brown_rot +01052372 orientation +07168486 countermand +12777436 styrax +11724822 genus_anemone +01452593 loud +04447861 toilet_seat +05372125 vena_labialis +03501520 head +14031660 qui_vive +01796800 repent +10386515 outcaste +00332835 zone +01050187 cover-up +01381913 round_up +01055266 trill +01176431 free-for-all +10661732 straw_boss +11540230 order_dicranales +03639077 landing_net +08082236 christianity +11380923 wellington +08813156 patavium +00094500 indulgence +11852814 rhipsalis +12204546 genus_corchorus +02656218 uremic +12609842 pontederia +01043189 novena +09572425 titan +02542017 tenpounder +05922014 quiddity +00660851 upgrade +12687698 zonal_pelargonium +01824244 strong +01506812 invaginate +00784874 pry +10482414 theater_prompter +00285506 incarnadine +13959931 nonexistence +05079638 verticalness +00606600 instill +00290579 marching +07508232 disconcertment +04834073 smallness +11796318 wolffiella +02447021 spotted_skunk +00871195 monish +01751173 overplay +00500280 break +08499057 atmosphere +04068601 reflector +03450018 regulator +02469080 primary_quill +11921622 genus_andryala +05342070 choroidal_artery +00911261 rail +02961035 khan +02532079 float +01108402 conveying +13981137 friction +12736455 genus_fusanus +01221684 agglutinate +12819728 viper's_bugloss +09161452 vatican_city +01325417 horn +08150377 society_of_friends +08573674 front_line +11017454 huig_de_groot +12075495 paphiopedilum +06455990 prayer +13686526 british_monetary_unit +07795598 rock_salmon +08953324 republic_of_iceland +12661538 woodruff +10280130 master +00565081 gelatinize +06533039 rico_act +02820798 snake_pit +02424305 kudu +04558804 watercolour +01411556 order_oedogoniales +04711665 unwieldiness +13198054 shuttlecock_fern +04218383 viagra +11165854 von_mauser +01367069 staple +12931109 genus_aethusa +12239880 switch-ivy +02080652 pipe_in +13844690 temporal_relation +02275773 tortoiseshell_butterfly +04989657 vibrancy +02895154 egis +00348312 upset +02034671 curve +07758680 grape +04401680 telephone_kiosk +00996817 world_war +05967773 feminism +07362830 gravitation +00888150 rededicate +05594367 tibia +00112628 synthetical +00951037 railroading +08321469 red_guard +01827535 powerless +02305245 family_arctiidae +00241496 miniaturize +01226941 favour +01222477 intimidation +01374989 order_actinomycetales +00980527 slow +06917392 maraco +01314663 critter +07972279 name +10416828 perisher +01425076 genus_leucocytozoon +00260051 optimization +06196284 stance +02797692 stand +05053215 permanency +09913824 chemist +02968473 rig +08100320 shinto +03439814 sailplane +01307299 punic_war +12926689 tapioca_plant +04821802 unequivocalness +01311896 trench +12494115 genus_chamaecrista +10415230 perfectionist +01483980 isurus +01084466 shoot +13786413 operator +10314182 middlebrow +04443433 toboggan +07477587 windfall +02209261 sublet +10938640 fats_domino +15255804 inning +06248361 graphology +03034860 circus +11071960 lotario_di_segni +02120715 urticate +07437372 pollination +00446493 fight +06705984 seal_of_approval +10760763 voucher +05917477 effect +10411551 pitchman +02395603 mandate +04189482 sheet_metal +15032071 tetanus_immunoglobulin +08083320 catholic_church +06525588 covenant +05492259 plica +03769881 minibus +13174206 genus_aglaomorpha +01193714 unheeding +14897751 gum_resin +13378518 credit +09966941 corsair +10135953 no-account +06473381 inclosure +11455901 food_chain +07806221 salad +00884946 pledge +01944976 steamer +12293180 swertia_speciosa +06543781 legal_brief +00111222 one-and-one +02251452 planococcus +12546015 lupinus +08766846 upsala +01064696 unspell +02418029 warm_the_bench +14125466 tinea +02596493 surprise +02124332 smell +12446519 globe_lily +06248214 escapology +12864160 rosmarinus_officinalis +11900569 poppy +01542316 genus_chlorura +03113657 costume +02350989 jumping_mouse +02503127 proboscidian +14338942 carditis +09283623 ford +02426339 raphicerus +13855627 direct_contrast +11016374 griffith +11404971 zanuck +01000068 alignment +00371314 expansion +05686955 difficulty +07556970 course +08143653 transportation +10132145 glazier +03667829 light_microscope +00522537 exposure +00436879 vary +12815434 genus_crescentia +03473817 habergeon +07500741 esteem +00467913 distributive +03302938 exhaust_system +01194125 rape_conviction +02895881 rear_of_tube +01216191 upkeep +10140051 gouger +01255624 jag +11479058 magnetism +06478734 hnd +10472274 primipara +01500572 plunk_down +02837134 big_board +05644727 economy +12948251 pudding_berry +15256567 game +04660261 rigidness +02399648 second_stomach +07029682 motive +01761120 wake +00815644 aim +11515325 strain +07187150 adjuration +01696849 family_crocodylidae +00444309 liquify +02216740 gallfly +08190609 task_force +06804847 retreat +07234881 recitation +03457686 greengrocery +08402944 high_commission +14962117 nickel_alloy +02445509 deal +01321456 adult +12656685 thimbleberry +11985739 krigia +08761697 zealand +03558404 ice_skate +05394277 atrioventricular_valve +13290002 reimbursement +14737847 cyclooxygenase +00107231 call +06877578 grimace +10790192 woodworker +11766432 screw_bean +10121952 unwelcome_guest +01078086 disqualification +12385429 reseda +00973530 interrogate +09961739 convener +01121508 immobilize +02275152 raid +01096860 caddy +14576468 hypotonus +08876773 wimbledon +01669191 box_turtle +00552841 accordant +09382099 oxbow +14749543 prolactin +00724081 reliable +00740609 neglect_of_duty +01625417 tyto +12474167 solomon's-seal +09075170 tallahassee +08167953 second_estate +05307773 molar +07698915 pasta +07895435 red_bordeaux +01282014 impressive +01436518 turn +13886260 campana +02270815 beg +11904896 genus_dendromecon +05736593 undervaluation +08516885 breeding_ground +05322247 perilymph +08404735 general_staff +09819860 throwback +00275088 weather +02718543 discord +00828559 primping +12975982 class_acrasiomycetes +08977527 peshawar +05608868 receptor +01926090 fasciolidae +02337545 costume +10733999 twaddler +12477747 maguey +13618849 fluidounce +02285179 codling_moth +10646780 stutterer +10610850 sleeper +04796490 extraordinariness +01592694 tomtit +14346909 glossitis +01053067 superposition +14429608 step +07827284 saffron +13506587 leaching +01030832 covenant +00171249 twist +08914850 kirkuk +14793921 cellulose +01230350 stab +01707895 saurischia +10406391 patriarch +02346409 export +01994492 branchiopodan +07360293 sublimation +14652954 rubidium +08809910 pisa +00604523 stewardship +10019552 underwater_diver +10726786 travelling_salesman +09147618 provo +01451524 family_anomalopidae +10268180 liver +08062970 paper +08819883 labrador +09885145 vendee +05992624 lateralization +07358377 transfiguration_of_jesus +02217011 subsidize +01282413 rout +09722898 wetback +14049552 vitalization +01891092 whip +00781355 pilferage +05036715 severity +09724066 nepali +13421462 budget +11788727 scindapsus_aureus +11620248 pseudolarix +11738378 thalictrum +08518171 encampment +10242032 labor_leader +04579986 white +11615026 spruce_pine +02702830 suit +12182414 lavatera +05808794 reading +01135922 shell +10713502 wassailer +14083200 epileptic_seizure +12805373 ribes_rubrum +13516176 mould +01264050 reference +08928742 kisumu +12842887 calamint +08933621 orly +03046921 clock_radio +01246095 furbish +12119238 wild_rye +08214272 company +00592652 generalship +02251247 indemnify +00786887 play +10150940 invitee +12377494 shorea_teysmanniana +09308398 ice +07726095 garbanzo +01444326 transfix +00889294 tutorship +02608708 halicoeres +03660664 library +06345131 running_headline +04811995 refinement +02723904 excrescent +03029603 sloping_trough +13070708 hygrocybe +07929351 coffee_berry +02202509 family_ceratopogonidae +01633825 design +08974818 yerwa-maiduguri +01044377 susurrate +12195391 sterculia +14790979 camphor +11327273 thomas_sydenham +03746486 men's_room +10271216 watch +02064358 swoop +01655639 wattle +13395515 fiver +01155354 hard +02523877 melanogrammus_aeglefinus +01959333 tridacna +13128365 tuber +01039307 confession +06999802 chart +05693919 support +07643026 lemon_curd +00236104 cap +02054376 genus_anhinga +01654429 xenopus +02868916 gustatory +12607456 pineapple_plant +13884740 parallelopipedon +06775812 sentimentalism +00216801 bate +13618076 yard +01144355 scheduling +09125984 borsht_circuit +10234867 king_of_the_germans +04997032 tastelessness +10081670 father_surrogate +09732047 sinhalese +09164241 saigon +03009111 chariot +14178913 protozoal_infection +02094755 unsafe +07373602 unification +03884639 pantechnicon +00095971 reformation +13343774 pot +02533545 sardinops_caerulea +11158982 marshall +10322238 misfit +12967504 helotiaceae +11628284 pseudotsuga +02195470 sweeten +06721949 sassing +10807317 pierre_abelard +05655567 visual_acuity +09479238 wight +10046527 effector +00390560 deaden +10509161 realist +12896000 solanum_melongena +01406262 euglenophyceae +06743230 preachification +13470491 wane +10780632 wife +00128976 pop_fly +05578251 gliding_joint +13241600 option +13060689 tremellaceae +10069427 public_executioner +11855122 phytolacca +03513627 hem +02638960 genus_amia +01363121 thiobacillus +02577061 worldly +10080337 fastener +06478582 sheepskin +00366858 vaporize +12507823 rooibos +00771341 encourage +09172480 sub-saharan_africa +03271574 electric_fan +02375592 hyracotherium +04341133 strongroom +02436813 family_camelidae +12164065 watermelon_vine +01550172 vermillion_flycatcher +00378296 incendiarism +01947613 family_cymatiidae +10749123 warhorse +11997969 daisybush +10336411 moviegoer +11645914 araucaria +00506377 etherify +03000447 zymotic +12676703 trumpet_vine +13260762 margin +02616851 wolffish +00306723 set_off +07941945 biome +02287204 paleacrita +12145477 zea_mays_everta +12407890 ulmus_procera +00900957 portraiture +14283632 smut +04891683 silliness +12670758 wild_medlar_tree +10697135 teddy_boy +14407899 fascination +13315616 transfer_tax +06874930 flash +03007130 chapel +07764847 avocado_pear +08749864 windward_isles +01045073 snort +00772253 public_nudity +08766455 malmo +00188137 plug +01518659 pleach +00608978 slip_one's_mind +00799125 anti-war_movement +00095747 leaf +09769345 addressee +04931267 setup +03065708 coil +08892058 galloway +01884126 spurt +15088440 vinyl_resin +02872529 relay_transmitter +14517412 air_pollution +02670578 serve_well +02742753 arrow +00416399 expatriate +02146700 myotis_leucifugus +01382033 spirochete +03023415 chlortetracycline +00646332 urinalysis +12162425 wild_pumpkin +03627232 knot +07330828 disintegration +14676042 garnet +01253379 jamming +00944449 extensile +01892876 neomys +01077329 castle +05349906 laryngeal_artery +03047353 clofibrate +00612042 record +02138323 suricata +07584423 bortsch +05878229 law_of_volumes +12946578 genus_cornus +11213552 st._olav +11831874 summer_cypress +01562627 prang +04918210 straightness +01294127 saratoga +02350105 kangaroo_rat +00050454 take_off +08970445 rabat +06441607 matthew +06048184 endodontics +08813264 venice +05667404 tradition +01803078 pheasant +00043609 disposition +00462894 burke +02844307 bit +07765612 yellow_mombin +04560292 watering_pot +10563183 scout +04959061 achromia +02275560 nymphalis_antiopa +10619176 leftist +05207570 incapableness +11635152 white_cypress +03326948 magic_marker +04968426 teal +13790712 foundation +11385126 whitney +02832818 fungicidal +15173064 church_year +11838266 genus_allionia +13069535 septobasidium +10371221 office-bearer +00483935 child's_game +09711530 lesbian +09976119 creeper +01530256 genus_fringilla +01500854 mobula_hypostoma +12844220 genus_collinsonia +14504103 chrosomal_abnormality +00113818 angry +05317354 cornea +02342885 hamster +07954731 lot +02075764 skedaddle +01262936 skin +09904057 enumerator +04969798 turquoise +08057460 brokerage +13624509 dkl +13616926 field_capacity +04536153 viol +04347119 subcompact_car +07791663 winter_flounder +00588998 apprenticeship +08678253 victoria_land +00570590 conscious +06827219 boldface +01261974 stimulation +01911339 circle +07905474 schnaps +01252601 smirch +02437465 toy +06376572 prose +03646809 latrine +06495328 schedule +03575958 instrument_of_punishment +06590210 printing +00537339 convex +02672831 squeeze_box +02208143 genus_apis +02772554 badminton_equipment +11889847 isatis +03488603 hand_shovel +01545303 menuridae +09409203 thread +12094121 hottonia +13814184 sistership +05773407 line_of_thought +06209242 futurism +11884384 sea_kale +12457250 hostaceae +02183697 order_anoplura +08063446 dealer +02994219 centerfield +00418408 rigidify +09405169 ranier +09366940 nebula +12048772 genus_calanthe +01089878 group +01558883 slit +01737875 ringed_snake +08774073 mannheim +01862399 female_mammal +04959567 undertone +04355821 sun_gear +10941714 hugh_dowding +00368939 spraying +02308139 webworm +03785843 morning-after_pill +12846546 genus_elsholtzia +02336129 reithrodontomys +05716577 sweetness +00072586 urinate +10270878 yearner +01760944 permissible +00390842 stifle +10526534 revenant +03109399 redemptory +02529293 sandfish +05734018 critique +06719404 patronage +06927736 kirgiz +09773076 advancer +12590842 genus_euterpe +00063277 maladroit +11877283 kohlrabi +14754192 spironolactone +14472299 faultiness +00827782 escort +10674130 wooer +03502331 veil +06203758 racism +02358034 open +00646542 survey +00374063 strengthening +03498316 hatband +08229779 hunt_club +04011409 propanolol +01314388 pest +01293167 st_mihiel +00851100 pull_the_leg_of +11638902 libocedrus +13149970 piper_betel +03678362 litter +03958097 plastic_art +10169419 hellion +00670703 evisceration +01691057 write +08066763 carmaker +02189714 listen_in +02464725 favour +00967993 bw_defense +10286282 malik +09383793 pacific_coast +10187990 hotelman +10700105 toiler +08193854 nuwc +06507941 scorecard +12466034 xanthorroea +03141702 crusher +10203949 inductee +13885700 warp +01915730 cut +08482700 rear +04741311 mutableness +01933478 filaria +03125352 snapper +05479108 sixth_cranial_nerve +10469611 publicity_man +02937336 caisson +00222376 fell +12122581 holcus +01106864 break +08856475 recife +10229498 keeper +01099592 lose +08821578 maritimes +08825477 northwest_territories +14092247 cryptorchism +04721650 unworthiness +04751305 variety +00651630 sex +02844728 conical +07233863 anathema +00744616 unfairness +14156976 huntington's_disease +01196316 court-martial +05243704 stratum_germinativum +07309223 mortification +06423754 telephone_directory +07081043 verbalization +06248968 tactics +09813219 sitter +10085217 swordsman +00210738 mold +11807849 genus_dianthus +02482784 burke +12587686 genus_cocos +08807894 brindisi +06346461 title +05261088 roach +01174251 straight_thrust +01072780 gratification +14407070 seeing_red +12364604 poon +01679806 trim +06460295 wisdom_of_jesus_the_son_of_sirach +00376625 deliquesce +03412220 ship's_galley +07953827 battery +09781650 albino +12121610 meadow_fescue +01644104 polypedatidae +01682588 genus_anolis +09349192 matterhorn +00791134 summons +12911079 purple_ground_cherry +00754118 jugglery +01933686 family_dracunculidae +00348541 get_weaving +01289631 operation_desert_storm +15124713 recent_epoch +07300316 semantic_error +13917094 regular_dodecahedron +12750767 white_titi +07429484 tremor +02600135 mullus +12659539 st._peter's_wreath +09091398 capital_of_louisiana +05716462 vanilla +00765213 propitiate +00747519 kiddy_porn +07667326 cut_of_lamb +10316527 sky_pilot +08701719 pontus +00952214 capitalization +00700162 filiate +12804352 youth-on-age +02647503 family_agonidae +12183916 malvaviscus +02705651 sk-ampicillin +01414088 knock_out +01717666 family_dromaeosauridae +07848645 stick +04470953 transducer +03154446 cutting_implement +07426893 retrogression +06877381 gape +00738314 break +08038748 popular_front_for_the_liberation_of_palestine-general_command +02019011 gate-crash +13597794 radix +00536143 shoal +01491235 genus_galeocerdo +03128519 ointment +05339357 carotid_artery +10884061 reverend_dodgson +00532607 objectify +12383256 passiflora +01756089 western_rattlesnake +13763058 shtikl +02623906 take_shape +02343772 gerbille +03125057 mother_board +00269140 immobilize +09269472 downhill +03214253 ditch +02104523 shepherd_dog +03882058 panel +14870924 flavin +08349138 osha +03089014 conduit +01886334 scramble +02183024 crack +12220994 genus_macadamia +03999280 prescription_medicine +11714150 myristica +11717239 nelumbo +12480895 sansevieria +05778749 alchemy +13313733 tax_shelter +02180046 genus_dendroctonus +01252800 dismount +10226060 judge_advocate_general +11813309 paronychia +02059393 procellaria +13910384 space +11389619 williams +00999817 felicitous +05748285 distinction +00908772 re-creation +02077148 spread_out +02182109 buzz +12518013 telegraph_plant +01518878 struthio_camelus +02383231 thoroughbred +10656832 stinter +07773238 coconut_meat +03662887 life_vest +08855909 limeira +02662688 scophthalmus +00406053 socialize +00309990 puncture +12969425 scleroderma_citrinum +09753498 goat +09184668 light_within +02355596 make +14416349 hiddenness +06979014 dravidic +09208702 asteroid +01907495 hyalospongiae +00689673 deductible +00049197 vesture +13049953 pore_mushroom +14471724 polydactyly +07995164 pod +11121108 st._lawrence +02546331 ribbonfish +00571596 pull +11810918 illecebrum +10528816 rhythm_and_blues_musician +04101701 roller +01867697 somersault +10209616 pawn +13177048 serpent_fern +01949674 ferry +00220115 engage +05885622 newton's_law_of_motion +03696065 trunk +06731802 formula +02714360 bulge +02406011 preempt +08425888 vehicular_traffic +01455778 pipefish +05755486 accommodation +00100235 tumble +14370391 cerebral_hemorrhage +10659571 stonewaller +12669362 pinckneya_pubens +07153838 saw +05534174 epicardia +01417553 genus_noctiluca +02585722 haze +12934036 masterwort +01004582 reading +02462602 withers +00200863 edit +09534428 japanese_deity +01840775 redheaded_woodpecker +02073250 sirenian_mammal +08289841 hipsters +13873502 circle +00918976 tank_farming +01773535 envenom +00064151 smash_hit +12830974 genus_alsobia +00044037 tart_up +00335923 smash +01895219 saddle +06767693 rib +11270948 sir_ronald_ross +08425303 traffic +02719105 antidiabetic_drug +04078236 serpasil +13895262 belly +11164671 st._matthew_the_apostle +09836160 toreador +10199251 imaum +08521623 necropolis +08653706 stand +12275317 quercus_mongolica +00372977 stockpiling +14982265 phosphate +06345566 stepped_line +00594374 legislatorship +09084483 springfield +01023636 procedure +11076965 michael_joe_jackson +04091097 rig +06959261 lappish +05786655 self-examination +02744651 open +12148962 phyllostachys +12054499 genus_coryanthes +03493079 hard_shoulder +01976220 duck +02490247 remarry +14588219 colloid +01916925 stony_coral +01578993 ladle +02968828 kampuchean +11190774 sir_henry_morgan +07151892 anatomical_reference +11516819 strong_interaction +00264529 fortification +10269458 roomer +01673503 squamata +00010054 move_reflexively +12077062 pholidota +00806902 regulation +11880610 genus_camelina +09758173 ascetic +01142324 toleration +01038666 visit +00177963 unpropitious +00246940 sauteing +04884627 self-indulgence +10659393 stoner +02223479 waste +11145199 lunt +04777852 steadiness +01844431 haunt +15200164 may_24 +02809220 technical +00257770 bath +03693474 vis-a-vis +06250444 prescriptivism +02613487 offer_up +09607630 appointment +01932704 navigate +15268094 evening +02233943 oriental_roach +11805255 caryophyllaceous_plant +02080586 genus_erignathus +03595614 tee_shirt +02004343 xenorhyncus +10236521 matrisib +01660772 roughcast +08971693 natal +13751829 one_thousand_million +11853644 selenicereus +05550688 serratus_posterior +07216412 concession +07723177 shallot +13428159 aeration +06533648 organic_law +09791816 syndicalist +09942275 ranger +08855505 curitiba +09016099 stalino +01062583 inactivity +03174991 demulen +01724083 travesty +03273740 electric_range +15218272 ramadan +01459791 foetus +05335310 arteria_alveolaris +01959927 gallop +05385161 gallbladder +11612235 cembra_nut +06730780 charge +02247977 retrieve +02642644 scorpaenid_fish +11822849 genus_amaranthus +01780104 frighten +12744850 spanish_lime_tree +08233426 vertical_union +01175224 mumble +11256125 robert_redford +12052053 genus_coeloglossum +01052215 intervention +02903062 macrocosmic +10209731 underwriter +01886488 slither +04254777 sock +07128527 profanity +02069271 genus_delphinus +01305542 tie_up +07750586 almond +13197800 pteretis +02089632 evert +09080554 oahu_island +02734800 stay_fresh +03670456 lincoln_memorial +01248597 shave +06903255 upgrade +03375443 foible +08874469 home_counties +02363128 hat +10112129 monk +01295373 somme_river +02871229 firmamental +02256656 cicala +05765901 typification +07735294 scorzonera +12509476 wild_indigo +01408253 ulvales +02264021 antlion_fly +00198793 demotion +07966719 sector +08846885 salzburg +01463739 exoderm +01076359 complication +10006337 dervish +02574072 welsh +02659763 go +08991878 eastern_samoa +07137129 prattle +02613687 scartella +03470387 gunsight +12825301 genus_cuscuta +14431169 o_level +05609884 pharyngeal_recess +09999532 defaulter +14509299 nanocephaly +05769930 pretense +10879789 guy_of_burgundy +08282696 graduate_school +11700058 wild_mandrake +01282466 jutland +00805524 devaluation +11922374 pussytoes +06463347 sanskrit_literature +12027538 salsify +04906923 sycophancy +01876907 waver +11661207 taxus +04241042 slipknot +01290255 attach +04163530 secateurs +03752649 metaproterenol +01456088 upheave +01554139 family_dendrocolaptidae +09850457 bereaved_person +05593871 metacarpus +14605132 levodopa +02314321 phylum_entoprocta +00991151 instrument +00891071 work-study_program +07361863 collateral_damage +07371168 liftoff +02196119 robber_fly +11400837 wyszynski +14692682 pyrite +10009276 tec +00782241 vice_crime +12135270 setaria_italica +13978601 storm_centre +01823912 geococcyx +11925140 genus_arctotis +09781171 sky_marshal +06049250 prosthodontics +05843687 moorish_architecture +09999795 negativist +09333706 urmia +03676175 statin_drug +10780284 widow_woman +11892637 stock +03654374 leftfield +07743544 blueberry +01116380 imitative +13534098 peptization +09784707 distributor +13580058 utility +03115180 cotton +01306654 claw +09210346 atlas_mountains +12981595 family_albuginaceae +00826789 taichichuan +11819509 sour_fig +10754920 violin_maker +04906026 cooperativeness +01042725 hoot +02173784 oriental_beetle +13552644 saltation +00482180 harmonize +13325010 rate +01779986 mental +05235879 rib +02602970 sphyraenidae +07030012 variation +15218798 dhu_al-hijjah +05595531 spheroid_joint +00305537 distend +00134136 etiolate +00263947 mottling +12023996 taraxacum +07901457 muscatel +02032222 whole_snipe +12444666 genus_bowiea +03900750 paving +02729632 compare +02191617 genus_calliphora +01188273 confession_of_judgment +08028999 party_of_democratic_kampuchea +05803938 shot +00928015 indicate +07128946 pronunciation +03878066 palace +01836246 genus_chordeiles +09906704 title-holder +01985029 lie_down +09760609 companion +06959584 samoyedic +13209647 genus_coniogramme +11972569 gnaphalium +02805584 bastille +12979129 synchytrium +01074252 antagonism +10364643 nuclear_physicist +12479303 genus_dracaena +02623194 bridge_over +01168961 contest +05523269 erectile_organ +10037922 prohibitionist +03200701 dining_room +02297948 offer +00747640 begin +01304121 english_civil_war +00614489 steganography +03588046 isosorbide +04454240 whirligig +00995119 favourable +02721948 antimalarial_drug +09893191 captain +00394562 coloured +11786131 wild_calla +00688768 rethink +00592702 expect +08569591 fault_line +13547677 reduction +03126580 crampoon +05613962 profundity +07883980 tipple +12742041 genus_blighia +03608356 kantrex +05252970 sinus +00980038 offensive +10001058 deliverer +10248876 laugher +12830568 aeschynanthus +02708420 spend +14294678 frostbite +04628080 sentimentalism +00644967 screening +10136615 goldworker +00975781 blitzkrieg +02052639 genus_fregata +04281375 splasher +04159545 seal +07327608 etiology +05689909 diriment_impediment +00246552 toasting +02835887 relativistic +02983507 caterpillar +01708542 jive +02628259 sarda_chiliensis +01530431 transplant +10117017 gadgeteer +01970272 steam +10587378 spiller +01570258 reinstall +09014850 kishinev +10335246 sorrower +14671372 chrysoberyl +02436067 tragulus +03496892 reaper +13513540 menorrhagia +08735564 mesoamerica +02417908 moon_on +00667747 refute +01741692 overcultivate +09309456 victoria_falls +11058633 president_hoover +00408624 prime +01396776 genus_vorticella +12822955 symphytum_officinale +01457708 genus_aulostomus +06054700 otology +00162236 lucky_dip +10092299 fire_watcher +07520411 horror +09924996 civil_rights_worker +08196622 air_combat_command +02842445 linguistic +12603449 rheum_rhaponticum +11996092 mikania +07447022 return +00057665 twin +10465451 preterm_infant +08912427 tabriz +01047263 wawl +10126806 progenitor +09706548 ingrian +12029039 turfing_daisy +08726745 luta +02721438 provide +00412048 privatize +03885028 step-in +15019030 sand +11763142 sabicu +13197670 lastreopsis +06607809 ridiculousness +10496193 putterer +00400449 reforestation +10199103 nonreader +03239399 heading +06734467 testimony +12259316 pinesap +02900081 molar +03394480 rattler +00194696 strip +01828405 yearn +14665767 amphibole +14153982 red-green_dichromacy +06708970 distinguished_conduct_medal +03313602 face +02546467 recognize +07536245 guilty_conscience +04007664 prod +09431569 shasta +02011560 tarry +01293650 salerno +10596348 sidesman +01338908 herpes_simplex_virus +03491988 hank +01990168 founder +10003120 demonstrator +07784367 mullet +11482140 warming +06389753 indenture +11385748 wiesel +12834938 virginia_waterleaf +09410724 rio_grande +00429440 escapism +15048463 universal_solvent +01928517 ribbon_worm +10665302 struggler +02366702 family_capromyidae +07813717 sour_salt +12045860 arethusa +02537319 salmon_trout +02660651 behaviouristic +01910373 startle +12395068 richweed +01475648 osteostracan +11775160 genus_rauwolfia +01205341 quislingism +10448322 pointsman +12244153 rhododendron +00455368 sluice +00315383 insectivorous +10369317 oboist +06415061 reader +00593669 extrapolate +11368638 voltaire +00679715 opt_out +00374135 freeze +00429763 quench +14513259 setting +12114226 genus_chloris +00351824 lapse +09913329 cheerer +02315309 phylum_brachiopoda +12231358 wild_cranberry +13948441 high_status +14040071 voracity +08380340 separatism +01950731 sea_slug +05219923 female_body +15007534 vulcanite +09733028 sherpa +10621400 sodalist +01484714 agglomerate +11098380 keaton +09627017 percher +00731574 find_out +00874175 familiarize +10720964 unionist +08573258 polar_zone +03844550 oil_pump +08455037 mercantile_law +03268142 elastoplast +06308765 termination +09727440 filipino +06757289 song_and_dance +00023473 pick_up +12924284 mercurialis_perennis +01718185 premiere +11706761 persea_americana +10454972 pork_butcher +00266391 copolymerize +03503718 headgear +07033245 antiphony +09309292 ice_mass +10556953 shlepper +02533209 sardine +01047745 bark +11932745 wood_aster +01736098 reprint +12522188 rosewood_tree +03299788 placidyl +13797313 concord +08218212 full_complement +01827403 kingfisher +05018934 audibleness +07965937 world +01984958 family_astacidae +01221611 aggression +00498299 tincture +00965606 familiar +02646667 lumpfish +07228211 troth +02423762 suppress +05460870 immune_system +12378546 genus_dovyalis +08044265 salafist_group +03348454 pyrotechnic +05205739 dullness +00470084 nullify +08018189 euskadi_ta_askatasuna +08983274 bydgoszcz +00207622 blackball +15225797 semester +03073832 columbia_university +00219403 dry_out +12618727 zostera_marina +02493390 genus_callicebus +00627091 read +01477745 petromyzon +12851860 sphacele_calycina +02631238 salientian +13252293 signory +11921949 genus_antennaria +02646508 genus_cyclopterus +02130308 chetah +12162905 genus_bryonia +14493145 poverty +12115748 star_grass +01880937 phalangeridae +00847683 libel +01673118 sphenodon +01254473 teleportation +02396667 genus_babyrousa +12511239 wonder_bean +01161821 discipline +07460546 marathon +12608778 rapateaceae +08770274 bremerhaven +02053279 sula +14471507 spinocerebellar_disorder +00425090 outrage +05278714 pubis +05338166 axillary_artery +02074004 family_dugongidae +04694809 splotch +11402463 yeats +08909537 kalimantan +05599617 mentum +10435367 sea_rover +08517449 bull's_eye +00300761 qualify +00341285 operate +01628197 generate +08246302 syndicate +13468094 dissolving +06554981 attachment +07014752 cry +08195797 air_unit +02468261 sectionalize +02078436 zalophus +02404573 brahmin +11301809 wallis_warfield_windsor +11724109 snakeberry +01497864 jar +02692471 chelonian +10369417 obscurantist +03365374 photoflood +04218564 silencer +09127461 cape_hatteras +05048301 conjunction +06453723 testament +03024746 ruffle +12793494 saxifraga_granulata +01643657 trip +10488016 shrink +06593099 digest +11906359 macleaya +01807265 subfamily_perdicinae +12288422 subfamily_corylaceae +08289449 youth_subculture +13996300 subjugation +03107152 cordite +14839322 duralumin +00969769 colorcast +09139508 pierre +05053688 strength +01091844 recalcitrate +01927992 bear_down_upon +12982103 pythiaceae +03722007 marker +01910965 walk_around +08734853 goma +02015598 leave +03504723 main_office +01150981 address +11777929 periwinkle +13703942 paisa +10723300 tramp +02059723 macronectes +09234104 cape_kennedy +04868148 hypocrisy +01444922 sucker +12681768 genus_weigela +02921753 romish +06783155 divination +11485774 low_beam +05658826 nose +00692580 reify +02653145 triggerfish +00658619 superordinate +09786338 graduate +02052358 fly_by +04373264 switchboard +03009269 chariot +12354374 strelitzia +03877845 palace +02196542 trypetidae +05916306 intimation +02439568 trotter +06531481 letters_of_administration +04346679 stylus +12901264 sweet_pepper_plant +04539053 visual_display_unit +06155567 history +01886407 unprotected +07370270 fall +10409011 pauper +12620031 rosa +01521367 unravel +08945529 gabun +04080454 resonator +00981814 rasp +07551498 sulkiness +04976952 skin_colour +01612122 sparrow_hawk +07555184 keenness +12658118 mountain_ash +00882802 remember +09785786 alsatian +02340186 neotoma_fuscipes +11030395 sir_arthur_travers_harris +11990804 leucogenes +14544335 tensity +12840640 genus_ajuga +11953762 genus_cirsium +14377617 hallucination +02166674 rodolia +02981759 instructional +03402188 full-dress_uniform +02696306 shadow +07289956 episode +02080924 retransmit +06048851 periodontics +06746005 response +00150591 lick +06570110 applications_programme +02421749 bail +09651123 caddo +00548750 mutilate +00552219 card_trick +01517355 incrust +01792097 embarrass +13486270 gasification +05547396 scruff +03585438 irons +02122298 pussycat +01271669 bismarck_sea +02276749 white_admiral +00388210 fragmentation +14545353 myotonia +07273136 ticket +00356954 warp +03345115 firecracker +03067912 montage +04487268 trolley_line +00691312 consider +07756641 nutmeg_melon +06683183 scoop +13150378 cubeb +14047547 ovarian_pregnancy +06937985 oceanic +01879701 hypsiprymnodon +02238085 obtain +12255934 genus_pyrola +01909679 upend +02610234 tautogolabrus +09410558 rio_de_la_plata +01152040 swing +12841686 genus_ballota +05921868 hypostasis +12569233 genus_sesbania +10746581 vassal +09064594 pasadena +03075191 persian +02511107 gill_slit +01684133 skink +07547674 despising +03282401 embellishment +01429322 ride +01741232 indigo_snake +00336718 crack +09314013 inside_track +10849873 sir_henry_bessemer +04604009 wtc +10685685 symbolist +02591493 pagellus +00745005 transgression +14356578 tenonitis +12351287 marantaceae +09391996 pike's_peak +07259610 lubber_line +04946877 texture +09947127 complexifier +10387712 outfitter +10731848 trudger +11609684 nut_pine +12258101 pyrola_uniflora +06062076 podiatry +00725775 back +05318263 aqueous_humour +13062272 genus_auricularia +03534890 hoover_dam +04091247 rigging +10344656 name_dropper +03314028 picture_card +01925469 trematoda +01200068 free-base +03193597 diesel_locomotive +02609466 hemipteronatus +02253592 genus_eriosoma +04539876 volatile_storage +05001089 tubbiness +01583373 strepera +04826771 piousness +01834485 stand_still +07797913 sea_scallop +10727016 traverser +05015678 nip +07071017 jargon +11869890 genus_aethionema +00650577 critical +03451909 sangraal +07235335 indictment +00605812 wardenship +01098706 conscript +06708664 oak_leaf_cluster +10616578 sneezer +00275151 tinting +11008647 hermann_wilhelm_goring +01428011 service +07350754 recoil +02071974 seep +04012482 turboprop +00972608 disqualify +12933164 genus_apium +02099019 unselfish +10022759 slyboots +14877234 greenhouse_gas +00859325 jolly_up +14204095 heatstroke +13156083 simple_leaf +00048633 wrap_up +02491107 tamarin +00327031 cellular +08783286 dodecanese +02343374 bank +02391049 zebra +07099271 repetition +01149470 play +12159804 zucchini +01194418 host +02600255 follow +12215579 banksia +15237782 wintertime +13232515 genus_armillariella +00225150 shooting +12764703 schinus +13537429 photosynthesis +01755137 graph +01299994 yalu_river +10474064 princess +09241929 chap +10200531 importee +09987927 dakoit +00900375 picturing +13376012 plastic +11532816 ascocarp +02351870 jerboa +02596381 croaker +05102101 radius +10482921 propagandist +12002957 picris +12269652 white_oak +08783583 mytilene +01572978 clinch +03566860 incrustation +13774115 touch +12362844 family_dilleniaceae +00520881 iodinate +10051975 outgoer +02554512 suborder_percoidea +00022099 bring_to +09028841 rock_of_gibraltar +13661273 dollar +07790601 flounder +14559983 tibia_valga +08620881 pole +07135080 tittle-tattle +00280532 nigrify +01485306 family_cetorhinidae +06725067 specification +09913593 cheerleader +14761122 caffeine +07456638 athletics +06954303 norwegian +06283912 source_language +01225562 presumption +02891188 brakes +02076027 steal_away +00203649 brush-off +00781912 stickup +11501230 carrier_wave +05159948 wiseness +11751765 poison_bush +11662128 western_yew +01242716 passive_resistance +12283542 western_paper_birch +09862845 muscleman +10437698 plainsman +11333237 zachary_taylor +02266732 sialis +07496755 torture +07947255 folks +14504889 spinal_curvature +01735475 wifely +11222914 yardbird_parker +04191943 shelter +02442205 govern +05928513 version +00735866 synchronize +01163847 quarry +08391696 ngb +03368352 flowerbed +04296261 staff +08648658 sector +05925366 model +02677028 acrylic +10203298 indian_chieftain +05704266 immersion +01430847 unlogical +13398953 loan +00253277 work_up +01319874 innocent +01243661 pat +13766896 dishful +04980463 sweetness +04640176 good_nature +01982068 maja_squinado +06522501 charter +04638585 leniency +01358259 cyanophyceae +12453186 snake's_head_fritillary +00204814 tergiversation +07257393 table_turning +01954962 genus_chiton +10609198 trollop +11698562 squawroot +05052387 endlessness +12220654 genus_lomatia +08193448 nsw +08543223 hub +14008806 operation +11825013 genus_celosia +00588703 lie_low +02330407 rail +04863793 unyieldingness +00936169 leak_out +15143477 dying +12339831 clove +02524524 hake +00982514 inflect +06776986 pungency +07395623 squeak +02619738 family_eleotridae +13721529 ton +02430922 imprint +04978561 nonsolid_colour +12794985 astilbe +01982211 macrocheira +02343816 sign_over +00445351 rowing +14424517 restoration +00856578 condemn +13981403 war +06172071 trivium +01218932 glorification +00285387 somniloquy +02509815 red_panda +09973490 coxcomb +08223263 following +01300937 curb +09684476 tantrist +13375604 open_account +10845248 floyd_bennett +09850121 donee +11358719 van_buren +08335886 united_states_supreme_court +00650743 mass_spectroscopy +01024864 invoke +10810923 ikhanaton +12594533 vegetable_ivory +04918767 immediateness +01645776 true_toad +07036862 pean +05800611 probe +04950537 texture +04697267 plainness +13301328 mulct +02351518 family_dipodidae +06409562 essay +13496771 inactivation +02758753 auto_accessory +07032753 crossover +06437308 proverbs +03049066 closed-circuit_television +00941037 swallow +03827107 node +09124589 binghamton +14705533 sealing_material +00901799 premise +02422561 genus_aepyceros +11737316 pulsatilla +02531114 pomolobus_pseudoharengus +09435965 sothis +01296505 tannenberg +10460033 potman +09026780 oviedo +03662016 xylocaine +06882333 star_of_david +02039156 recline +15233411 new_stone_age +09828403 boomer +02695520 radiolocate +09753642 water_bearer +04740864 unexchangeability +01535310 zonotrichia +14476852 distress +06875094 signal_flag +09837201 bandleader +04217882 signboard +04594218 wire +00166355 chess_move +06401328 transition +02368399 rat_chinchilla +02044778 skua +14327266 stomachache +00247442 roasting +14120310 quincke's_edema +12787007 family_cunoniaceae +09643670 yellow_woman +04232312 skybox +07549536 score +09725772 pakistani +06954925 swedish +04559275 waterway +02659222 parallel +13631355 exbibit +02776631 bakeshop +03027335 shakespearian +00959524 return +09114128 princeton +09893502 captive +03070396 pit +03597469 jewelry +10621140 sod +01235137 requital +11417672 geological_phenomenon +07731767 witloof +05154676 resource +01750315 notechis +04419315 theophylline +12093885 sea_trifoly +04310018 steam_locomotive +01144716 warm-up +12061380 epidendrum_tampense +09180259 irrational_motive +11956850 tickweed +09844770 beadle +02121188 itch +01088304 pogy +02675077 phonograph_recording_disk +14492953 sufficiency +12945366 sium_latifolium +12918609 wartwort +10324560 poser +01378346 polyangium +10111144 mason +02712243 pattern +14601829 aminoalkanoic_acid +00760402 communicate +07190290 supplication +06724763 verbal_description +04262969 soundtrack +12185078 plagianthus +04503836 whipsaw +00908133 take +02567422 trespass +09286630 ganges_river +01601550 family_cinclidae +05796937 convergent_thinking +03437581 gimbal +12227909 briarroot +12835578 genus_eriodictyon +02932227 cabin +06417279 missal +00969260 sportscast +12729729 salix_purpurea +01045306 woman-worship +08306194 caste +02493260 roister +03526805 hole +00948868 recycling +01670645 pipe +11400230 wykeham +07241205 oratory +07180372 secondment +12566331 red_saunders +12692714 myrrh_tree +05543541 sphenoidal_fontanelle +11125840 lemmon +06733227 predication +08504851 heathland +12055839 genus_cypripedium +10626722 sort +01781757 tyrannize +12321669 nutmeg_hickory +11606661 family_cordaitaceae +01456296 genus_cosmocampus +11938261 groundsel_tree +10431122 piano_maker +14391660 manic_disorder +01872645 push +10235024 world-beater +06383659 ode +06189551 millenniumism +09707400 mordvinian +00991385 enlighten +12043444 orchis +10411163 pedaller +13624190 litre +00721431 stead +06211078 slant +02308214 depressant +13936153 imbroglio +06709998 censure +13724977 myriagram +08386555 elite_group +00593219 headship +03021531 leukeran +02471072 superfamily_hominoidea +12316853 sweet_gum +13463255 desensitization +15069820 thickening +13033577 narrowhead_morel +02065407 piked_whale +01300782 ypres +08244747 youth_gang +00693399 tracheotomy +02880940 bowl +00052043 vest +01032840 network +02464626 hind_leg +08333030 inquisition +14897369 turpentine +09089923 louisville +00589415 baronetage +12876684 scrophularia +02348788 pocket_mouse +12548134 medicago +02574651 family_echeneididae +13266515 foreign_aid +02851709 sanious +13448334 vaginal_birth +03667380 lighting_fixture +01434278 take_away +03859495 overclothes +09874260 suborner +06478988 military_commission +00405540 deconcentrate +08967329 mauritius +07319652 miscarriage +06790042 tenet +06573600 compiling_program +12240335 loiseleuria +15217674 rabi_ii +01459480 germinal_disc +05743296 smear_test +01219706 brace +02252634 gregarious +02182045 seed_weevil +03231476 drag +11270023 roosevelt +11270577 ross +05557839 oblique +00294190 trot +13068917 flag_smut_fungus +12868418 solenostemon +01236296 warfare +15138401 vac +05563034 vertebrate_foot +00840980 bear_down +13395074 hundred_dollar_bill +00808671 chicane +13224673 spikemoss +06543246 mandatory_injunction +14719725 alluvial_soil +10393909 painter +12292285 genus_exacum +01575941 oriolus +07772413 chinquapin +01999048 lepas +12949955 valeriana +07140348 felicitation +11780747 subfamily_acoraceae +11743109 rush_family +14840092 dust +02359690 leverage +07297927 sublimation +08230294 slate_club +01781071 redbug +14411243 situation +06442616 epistle +13621011 minim +12261571 purple_beech +12137569 grain_sorghum +02106662 german_shepherd_dog +07126734 ululation +14604038 cn_gas +02255462 grant +07787429 steamer_clam +14351321 osteitis +00780615 swiz +01442578 pick +14525365 glumness +12703383 oxalis_pes-caprae +15274305 time-out +02570282 foolish +11863242 talinum_augustissimum +00083975 appropriation +09151800 bull_run +02218134 chalcis_fly +01583040 psychoneurotic +05047279 priority +00591111 councilorship +01231819 convention +00094448 live +07972674 patriarchy +02174830 thrum +15219351 hindu_calendar_month +03761084 microwave_oven +09698644 congolese +00065575 qualifying +00433661 outdoor_sport +09267490 discard +09128947 greensboro +00360501 drown +02485844 date +07009421 prologue +15130434 utc +01458105 cilium +05466696 motor_neuron +08321956 jirga +10014939 managing_director +10697282 teetotaller +15229408 canonical_hour +12055317 genus_cymbidium +02261184 family_atropidae +00539951 square_dancing +09636796 negress +06787037 misdirection +10472447 true_dwarf +03109350 cornell_university +11067604 huntington +00750345 charge +01493619 settle +02020902 psophia +02362721 family_castoridae +04806804 worthiness +01985757 sag_down +02129604 tiger +07150138 wrangling +02380009 withdraw +02281987 lycaena +00774932 polemize +00571390 drift +08041106 red_army_faction +02460275 myrmecophaga +15129220 archeozoic_eon +10174695 scottish_highlander +09268592 dolomite_alps +00701479 indefinite +02922292 tumulus +03085915 computing_system +01606335 genus_accipiter +01795545 black_grouse +10543057 second_best +14404160 depression +05059525 instantaneousness +08787695 laconia +12882591 genus_digitalis +00061933 lift +00950782 raise +02383842 take_office +01509527 intense +14802450 steel +10659042 stoker +02033041 dowitcher +00624436 least_resistance +00125078 roll_up +00654113 sperm_count +08560952 view +06514621 etymology +05403427 plasma +01808626 turn_off +07924033 fruit_juice +00252020 swabbing +12756059 genus_dipteronia +03006626 melody_pipe +09639919 semite +03935450 pike +05798043 experimentation +00985106 scouting +01419160 riffle +12626674 parsley_haw +01075725 stalling +02392385 devolve +07171206 illumination +06244852 shamanism +02271087 machilidae +09786585 amateur +08014615 followers_of_the_phrophet +00333066 subdivide +01024811 operating_procedure +08706247 annaba +10278263 macaroni +05032193 fortitude +10636874 spitter +03438257 glass +02815237 beadwork +15300051 september_11 +12243693 pieris_floribunda +06481156 negotiable_instrument +02299687 underbid +02535093 chase_after +01144550 ferret +12552658 ononis +02405440 tsine +12052630 genus_coelogyne +00312784 voyage +06765887 obiter_dictum +05018674 incandescence +05323723 outer_ear +01735308 duplicate +10160412 harmonizer +03905730 tholepin +03037924 rooseveltian +14687818 wood_spirit +15124183 phanerozoic_eon +03041491 anesthetic +03365592 flooring +14658546 tm +10623650 soloist +06199142 understanding +13984285 semidarkness +13437181 backup +01052782 mew +06697703 associate_degree +11652217 yacca_podocarp +09084196 rockford +13063269 rust_fungus +14785941 buffer +14015266 countercheck +05052587 incessantness +06936149 thai +10705345 thatcherite +09147737 salt_lake_city +02119874 scratch +10252674 sponger +00058897 have_young +11929477 old_man +00390741 shush +12297678 halenia +00650016 know_apart +10705448 theatrical_producer +00292712 shuffling +01112979 kick +02505807 steamroller +14910581 hydrazine +13359572 savings +02955562 wesleyan +06857726 tonic +11878283 mustard +01244410 hostile +01805199 lophophorus +13259630 windfall_profit +00262703 patch_up +12957298 marsileaceae +03109881 nook +02952275 christian +08805565 napoli +01488555 surcharge +01172252 shock +10069120 money_changer +06155075 romanticism +00373520 carburize +06568134 os +02720042 empyrean +12402051 wild_fig +11964688 genus_engelmannia +02522581 sweep_through +01284271 unwrap +12779437 sarracenia +13467916 dissolution +11094611 jung +12473011 liriope +11942875 genus_cacalia +01357288 gum_up +00951206 nasalize +09373716 north_platte_river +10338094 skinner +00070641 motivation +13280658 pay_packet +02003186 clear_the_air +04196080 shipboard_system +09980275 crossbencher +04332987 strap +13724838 key +04532022 vestiture +13853546 wage_schedule +09964659 text_editor +03884072 panorama +05249420 inosculation +07222581 fairytale +12174311 hollyhock +00867606 stretch_reflex +04836683 push +02675067 ape +00945916 foraging +01809592 opisthocomus +12741079 genus_dodonaea +01607103 genus_buteo +00530592 decimalize +15226214 gestation_period +06152821 systematics +04695963 tarnish +01054545 inhabitation +00572186 incandesce +03112719 corslet +02650050 gurnard +11838916 bougainvillea +10995115 george_ii +01105526 outdraw +00609683 think_of +09393108 pit +00341040 transpire +03057075 creedal +07959016 summation +06877742 wry_face +03916031 perfume +00526412 break_dancing +02046321 pinguinus +00589217 attorneyship +05034225 strength +05274959 innominate_bone +11617631 table-mountain_pine +06781878 topper +02692513 vacuum_pump +01071474 message +14628307 ammonium_alum +00275607 regularize +12924452 ricinus +04888788 overbearingness +10126926 mastermind +03078287 communication_system +01163316 flagellation +07770180 sorb_apple +14448333 wretchedness +02658734 coincide +07384741 gurgle +01443537 goldfish +02331326 air-cool +06991277 niger-kordofanian_language +00606006 womanhood +01745536 tabulate +02723292 antiprotozoal_drug +04701039 glaze +00312990 blur +04504770 typesetting_machine +05903229 legal_system +11899432 turritis +00962567 civil_war +01984317 fall_down +00943281 verbalize +11202063 nebuchadrezzar_ii +12763762 shining_sumac +07962295 muckhill +13289467 allotment +11874707 genus_biscutella +03390983 framing +00802962 gamble +11544131 sphaerocarpales +08349916 central_bank +02421921 run +12868019 scutellaria_lateriflora +09301249 hampton_roads +05048123 simultaneousness +01274341 circumcise +02014553 take_off +10308066 nonmember +01298283 affix +01997680 back_up +08902894 punjab +13408641 divvy +03429914 veiling +14486122 expectation +13637376 ampere +01775230 lycosa +00172732 impoverish +00214020 hydrate +10753061 victorian +07042023 septette +13629482 tib +00418110 rigidify +02707251 weather +07768423 plantain +01835103 mire +12467592 zigadenus_venenosus_gramineus +07817465 coriander_seed +14246359 sarcoma +01121690 repayment +04661706 unthoughtfulness +11660121 sciadopitys +05557339 abdominal_muscle +01617633 neophron +01309807 vietnam_war +01746565 genus_callophis +11218473 peter_seamus_o'toole +01699172 write_on +05069199 slant +02733673 go_far +01046587 thunder +01590583 nuthatch +14254102 actinomycosis +10492894 punk_rocker +02379198 renounce +04201733 shooting_brake +01243474 pick +04366367 suspension_bridge +12752039 genus_acer +14857021 wastewater +04641447 ill_nature +07360647 transmission +00613393 give_up +11604393 family_bennettitaceae +07736527 french_sorrel +04769049 uniformity +00603866 seigniory +09142887 arlington +02708707 vacation +01482887 hexanchus +02489183 inmarry +07011209 cue +06637973 relational_database +04972451 umber +00649992 pheresis +06744154 etymologizing +10712474 tinter +02186834 genus_ctenocephalides +02533313 warmhearted +01069578 self-discipline +10643727 squinter +00558008 assist +00574341 depolarize +09863339 boffin +01320669 pollard +10329945 ogre +12667582 marmalade_box +01597737 scarlet_tanager +14916185 identification_particle +12604639 yellow_dock +11420376 spontaneous_generation +08156685 plantagenet_line +01180975 procure +00431826 wane +12450840 yellow_adder's_tongue +10296832 martyr +02084104 exteriorize +08678783 waterline +13616688 cran +06428976 revision +00638080 biological_research +11858406 genus_calandrinia +00863277 rip +13282007 recompense +10213180 interviewee +13978709 uproar +09683180 jihadist +12158443 pumpkin_vine +10402285 partitionist +08475722 pietism +12641931 wild_cherry_tree +00016380 drowse +02625016 emerge +00172505 optimize +11876976 kale +15292336 watch +15091304 vitamin_b12 +04768657 system +14638041 gd +01526635 meliphagidae +02344528 lemming +07175575 assent +04285965 suv +02123242 tortoiseshell-cat +11101000 president_kennedy +12970560 tulostoma +08895497 newport +07891433 saki +06275634 mail +04082886 reticule +02932019 cabin +02678528 zovirax +08780018 helsinki +12168565 lobelia +04112252 rotor_blade +05313115 choroid_coat +02613434 genus_blennius +04039381 racquet +15202230 leap_year +09170633 qizil_qum +02604477 coexist +11614713 pinus_jeffreyi +12018760 sow_thistle +04800359 originality +08889191 irish_capital +00790308 dial +01852701 centre +10698368 tv_reporter +02660147 joint +04601041 workhouse +00073713 distortion +10085101 fence +02488702 colobus_monkey +11203059 viscount_nelson +01419573 costia_necatrix +01822164 psittacula +02454794 texas_armadillo +06261260 link +14451672 cruciality +02053818 holy +02982599 catch +00550016 pantomime +05044387 solarization +01785831 order_geophilomorpha +06207199 reputation +00943600 amniocentesis +07432337 transudation +15257692 final_period +02635794 appointive +05838765 category +13497928 industrial_process +13299651 repayment +14418103 incoherency +04766275 complexness +08790748 limnos +12548280 trefoil +15263283 millennium +06709349 medaille_militaire +15130205 ut1 +11770256 dita_bark +09813696 bravo +07225857 tactical_warning +01329026 subjoin +02266269 hellgrammiate +06604319 ambiguity +11195619 regiomontanus +06558678 ticket +13253612 purchase +06109227 theory_of_organic_evolution +11678768 ovule +02426799 restore +00108475 cut +03968581 plughole +01884266 forge +09758424 abstractionist +14759722 leather +00911572 crenellation +12358293 elettaria_cardamomum +10916731 harry_lillis_crosby +01942869 ear-shell +14563564 wickedness +07184735 tiff +12265394 tanbark_oak +15025942 hematohiston +00290125 swagger +03093184 olympian +02845576 bitter_end +12092766 genus_centunculus +04550426 wardrobe +06511560 resignation +07219751 green_paper +10682169 swagman +04576971 wheelwork +02036053 stilt +04667406 muliebrity +00302875 temper +02371718 symmetrical +13568524 transduction +02505342 genus_archidiskidon +10277638 lutist +00901789 ultrasound +04461294 towrope +01759926 touch_a_chord +01519228 family_casuaridae +05765415 symbolization +13210827 genus_doryopteris +01256417 leading +03945167 tobacco_pipe +00081836 shopping +01999082 surmount +06304059 terminology +01260291 chip +00999089 plumbing +05768553 dreaming +12787846 genus_hydrangea +10142391 grandpa +03851341 optical_device +12774496 gutta_balata +01450453 holocentrus +13658828 cm +07240077 inaugural_address +04980920 body_odour +12920521 paint_leaf +06500262 alphanumerics +10593745 showman +02226981 embalm +10181990 home_help +03062280 domiciliary +09424270 satellite +12998130 hymenomycetes +06862202 space +01801847 subdue +01573627 cazique +00812149 shun +04758452 improbableness +00823884 vaccination +10080508 predestinationist +01218766 idolization +12499979 true_senna +02429123 family_antilocapridae +05901508 policy +00964569 hostility +07827750 poppy_seed +02425756 hippotragus +04485226 tripper +14170772 hemophilia_a +00967780 bw +09565999 muse +02588464 squeeze_by +00981180 amphibious_operation +10548419 saleswoman +04821084 focus +00964110 slang +05296639 articulatory_system +08514865 fence_line +06631322 welcome +09891730 canonist +00289679 grey +06721342 scurrility +05106928 weeness +00763282 chemical_terrorism +02687172 flattop +08914193 capital_of_iraq +01859496 tundra_swan +02546876 ennoble +13172923 polypody +07703333 mush +12644283 marasca +01486010 thresher_shark +07905979 tequila +00228283 abolition +07269758 stripe +02765464 take_in +04857490 spunk +14436029 obscurity +00649033 mapquest +01850192 dipper +06318062 verb +02678738 xtc +01008947 opening +02831595 jamaica_shorts +12644464 family_amygdalaceae +02919275 conspiratorial +12827907 wild_sweet_potato_vine +04091839 rightfield +04325409 stokehole +01660252 preform +00954271 narrate +05002352 stature +01658586 remodel +02248744 family_coccidae +01152787 collectivization +03209141 disk_cache +12780852 genus_darlingtonia +09892262 capitalist +12847927 pennyroyal +03619793 kitbag +02135389 sexual +04964287 purplish_red +07062697 jazz +08419033 member_bank +05936704 picture +00539936 open_up +13035707 helvella +02647294 snailfish +01949333 caravan +04951373 lightness +13152592 houttuynia +12630144 strawberry +08928083 zarqa +12490330 genus_acrocarpus +12334520 gumwood +10388732 superintendent +10930913 robert_de_niro +14868564 filtrate +02055521 zoom_along +01714059 genus_antrodemus +06858779 musical_interval +02034004 yaw +03707766 magnetic_stripe +09220046 bighorn_river +04911420 formalness +08887013 channel_island +12331066 pimento_tree +10714684 tollman +00052791 forced_landing +09667205 redskin +11605147 pteridospermaphyta +07776545 freshwater_fish +11618750 larix +12629523 genus_eriobotrya +05366043 epigastric_vein +02036982 haematopus +03024518 choking_coil +04629958 stone +09872066 vaunter +14080836 riggs'_disease +00179060 take_off +02932891 pleasure_craft +03978421 polling_booth +01920048 file +10904270 william_frederick_cody +03040229 cleaning_pad +09969491 counter +02142295 genus_macrotus +10502329 rabbi +00935247 ceramics +01403540 putt +02407959 old_world_buffalo +11552686 balsam +12871484 wooly_blue_curls +03657239 lens_implant +10158756 handicapped_person +04413419 terminal +10461424 power +00380083 mixture +06417096 breviary +15160579 date +01627786 hynerpeton +08640531 resort_hotel +11781301 calamus_oil +00126584 batting +14317720 intumescency +07338552 impact +02581477 prosecute +12080199 psychopsis +02266421 fish_fly +02042923 subfamily_sterninae +11641963 taxodium_distichum +00616361 slack +11864114 talinum_spinescens +02703539 run_along +01832167 swift +04448511 tolinase +03981566 pontoon +07533257 sombreness +00723545 take_into_account +13911517 enclosed_space +08028148 soldiers_of_god +09883740 buster +00138069 tell_on +06367879 novel +12187663 globe_mallow +02338386 fuel +02415390 thick +11792742 symplocarpus_foetidus +13179216 family_adiantaceae +08914413 basra +04304375 starting_motor +05684440 distraction +05753564 education +05379734 vena_saphena +05579944 human_elbow +02299801 outbid +10563711 scratcher +06750154 prophecy +06325826 continuative +00273082 dark +08479095 jewry +12295560 genus_gentianella +00752298 fakery +12059479 genus_disa +02511424 thermostat +02732072 marine_museum +04287351 spouter +01059564 snub +01320314 haploid +06180720 sound_law +03331820 fots +00998196 algometry +02939866 calliper +08504375 nubia +00628692 stretching +00801522 pass_off +05493992 prefrontal_lobe +09990415 social_dancer +00354884 relief +12130759 phragmites +14865316 plagioclase +09751256 croatian +12461466 squill +06617011 cinema_verite +01086945 welfare +02689146 imbricate +00155085 demonetization +05678745 arousal +01015310 harvesting +03563200 impact_printer +12376950 family_dipterocarpaceae +12465796 xanthorrhoeaceae +01176219 whipping +02792305 bard +02470899 anthropoid_ape +10776987 whippersnapper +02124106 stink +03545961 house_of_correction +11545524 pteridophyte +04977561 wanness +02218563 tenthredinidae +12263987 ozark_chinquapin +09370168 new_river +08237699 oil_cartel +14747338 progestogen +00660730 downgrade +11622988 genus_cedrus +01706488 score +00526793 nautch_dance +03172211 deicer +08181930 commons +00133417 appetizing +00945255 recite +01414986 rhodymenia +10253479 official_emissary +02385102 tall +01449857 mollienesia +09956780 conquistador +00639998 average_out +09125629 utica +08462205 stockpile +08624656 pitch +06341609 rabbi +01062739 call +00500638 emulsify +00355919 minimization +04459362 towel +01753354 genus_cerastes +02611154 polydactylus +05038593 concentration +02147962 masquerade +14418395 union +02833140 betting_shop +04510456 us_mint +10272171 lord_high_chancellor +00382493 transmute +05120116 superfluity +01687665 agamid_lizard +11009773 goya_y_lucientes +05347146 iliac_artery +03469175 turret +01534433 snowbird +04650527 communicativeness +00573671 sensitize +02642430 scorpaenidae +00605516 conventional +05799761 alpha_test +01502122 set_down +11655592 tarwood +09769929 claims_adjustor +02765247 imuran +03637480 lanai +07670433 bacon +00584220 upgrade +07804323 rice +04085017 reverse_gear +00727409 anthropomorphize +12033310 genus_xeranthemum +03417345 garden +10645392 stagehand +04456472 torpedo +00372958 warm +07684600 quick_bread +02151700 spectate +02279972 monarch_butterfly +11500968 radio_spectrum +00965542 report +11939491 daisy +14557415 strabismus +03262519 earthenware +02814533 wagon +02369390 manoeuvre +13493213 hemolysis +00913795 hollo +09921409 sucker +09043411 buganda +04206356 shotgun +11955896 mistflower +03528901 plate +00049636 irruption +05333259 urinary_organ +04555291 washroom +10198602 idolizer +02016062 get_off +06596978 number +02654947 nest +05495571 corpus_amygdaloideum +00156485 slacken_off +13621190 fluidram +06122178 geography +00741911 aphorize +05410315 gonadotropin +01214171 protagonism +01055073 odorous +01500082 bed +02486787 mandrillus +01250908 scratch +03802973 mute +00892467 recognize +04496404 tuille +04182890 shaft +02622969 interlink +15124864 pleistocene_epoch +11030025 william_averell_harriman +00859758 amuse +01212230 run +01975587 raise +00730538 sentry_go +02137538 sexy +07535209 sorrowfulness +14991319 watercolour +09418484 sacramento_mountains +01750598 pseudechis +01743313 take_off +00559329 draw_play +07206461 negation +01283746 parcel +02083497 collapse +02629716 xiphias_gladius +11484975 moonshine +11213726 oldenburg +06447897 revelation_of_saint_john_the_divine +02235842 give +08181375 laurel_and_hardy +06827503 roman_type +01889520 mole +11807525 snow-in-summer +01644050 induce +12086362 genus_vanilla +05448597 myelocyte +12773488 genus_chrysophyllum +15231765 iron_age +07649463 pope's_nose +05033046 legs +04570815 weekender +01454856 stickleback +12383402 passionflower_vine +07634751 teacake +01058880 wisecrack +03516011 heroin +02418872 thoughtful +11853191 schlumbergera +02035402 white-headed_stilt +08571275 midfield +01586941 mockingbird +02503868 genus_elephas +05550330 serratus_muscles +12058429 genus_dactylorhiza +06405198 indorsement +06322693 comparative_degree +02658867 align +13631845 zettabit +13140993 rhamnus +13508333 linguistic_process +02056091 pygoscelis +12111399 drooping_brome +02490219 marmoset +13238178 genus_stapelia +00486130 leapfrog +01809884 benight +01045719 rumble +07744057 mountain_cranberry +01721415 co-star +14706889 adenine +03088580 condominium +10712055 tinkerer +00331713 pulp +13989863 inculpableness +03381776 fore-and-aft_sail +00495808 set_apart +11108767 prince_fumimaro_konoye +02621853 separate +00095870 pod +12190869 durion +01208400 frost +01634887 confabulate +13452750 convection +09715521 paddy +14745057 auxin +11506167 sprinkling +10951459 edward_vii +12987056 lichen +00457569 homogenize +09590495 brynhild +08674739 plot_of_land +08073992 shipbuilder +00344259 sitting +12903503 jimsonweed +06399126 peroration +04912732 good_manners +09228619 brazos_river +05469032 nerve_ending +10204921 marcher +00698104 make +02607345 genus_abudefduf +07521437 scare +14780267 reductant +05487423 geniculate_body +06335832 patronymic +10387586 left_fielder +10722758 trainman +03830448 nor-q-d +00962190 lexicalize +04062807 scout_car +09213828 cant +00795008 trying_on +09936825 colleen +09285254 fragment +02069701 bottlenose_dolphin +00711932 trifle +13733167 divisor +09507909 oengus +05070849 angularity +12387201 violet_family +07261782 procrustean_standard +09874862 maid_of_honor +02341684 armour +15182189 new_year's_day +14798039 tetrachloromethane +02535716 break_away +00699626 resolve +12397210 marijuana +00397191 bowdlerization +02563327 run +00684273 believe +02332755 fieldmouse +00119210 hematemesis +09884133 slaughterer +14214355 harelip +13041548 tulostomatales +06650070 confirmation +12664187 cinchona_officinalis +12564381 psoralea +05607402 tentorium +08748076 greater_antilles +09823502 aunty +02653965 monocanthus +04700642 finishing +08508834 point_of_departure +02175263 subfamily_cetoniidae +12476902 genus_agave +00748307 profligacy +06244149 zoroastrianism +10191613 improver +00455212 flush +07132634 mumbling +14648100 oxygen +06855035 hallmark +06518253 book_token +06216160 conservativism +00658942 two-dimensional +01344963 uninteresting +14106025 aneurysm +02373578 steamroller +06104073 conservation +08632423 open +13899804 cylinder +02446504 vet +00732960 desirable +00372607 warehousing +09754541 abjurer +06715638 derision +13296270 rent +13190218 family_dicksoniaceae +07194293 catechism +02180152 gong +13433462 apogamy +09867154 borderer +01678237 sauromalus +10954328 eijkman +00309792 pop +12598027 thrinax_morrisii +00285231 aurify +11878808 pe-tsai +03616763 kick_starter +07392483 rumbling +02088627 crash +01290997 philippine_sea +08197149 ang +09912243 antifeminist +14584765 aldehyde +00801782 scoff +02120387 urocyon +07601999 chocolate +09916788 chief_justice +02015031 sally_out +00608808 think +12594989 raffia_ruffia +13120211 liana +12356023 zingiber_officinale +02030709 genus_catoptrophorus +00139919 reception +07817871 florence_fennel +00566322 womanize +10718509 tout +00512877 enable +03565402 improvisation +02468618 triangulate +01030022 curly +07298154 surprise +01446589 cyprinodont +08751494 republic_of_haiti +01955508 send_on +09232841 great_dog +08161477 senate +01054849 cluck +00890941 extension_course +09838370 insolvent +12235765 wintergreen +01890718 uropsilus +10057271 indorser +06979249 south_dravidian +02235761 mantidae +01525295 misfunction +00864859 patellar_reflex +13383439 treasurer's_cheque +02065599 megaptera +00152887 drop_off +00075135 affirmatory +12713521 oval_kumquat +12372932 genus_carica +12862828 pogostemon_cablin +07640991 blintze +03525252 keep +06778925 wow +13502909 ionization +12393723 soleirolia_soleirolii +08784905 isole_egadi +02032646 limnocryptes +05406958 yellow_bile +11251995 sir_sarvepalli_radhakrishnan +00910891 repine +02150482 vampire_bat +02859053 infernal +05228732 cingulum +04799344 strangeness +11960943 genus_dendranthema +08042856 revolutionary_people's_liberation_party +09793830 angiologist +09537144 word +06649567 determining_factor +02331046 rat +15201505 year +12299165 salvadoraceae +05833371 imposition +14321469 eruption +11852531 pereskia_aculeata +09464335 twin_falls +03040836 clearway +11791155 genus_philodendron +05128370 pallet +10096126 foolish_woman +01818704 nestor +01579578 jackdaw +02255942 grant +10516692 registrant +00625699 set +15197042 shavuoth +07613671 tipsy_cake +10789963 woodcarver +15043763 snow +01618922 new_world_vulture +06274092 trunk_call +02861509 threader +08686129 ram +00547802 unsubstantialize +02261642 treat +02811719 battle_dress +10644469 stacker +14886579 trinitroglycerin +09800249 appeaser +03464467 safety_device +08589801 isopleth +12286372 subfamily_carpinaceae +13176523 microsorium +01180206 feed +15268857 terminus_ad_quem +10236304 kinsperson +03433079 lopid +01209576 service +13208138 genus_anogramma +11718096 genus_cabomba +00363788 addition +07569106 flour +03011355 chequer +06791195 real_presence +09215437 basin +00134328 barbarize +13777509 wads +05235607 symphysion +10880024 calixtus_iii +01958452 unhorse +01545149 suborder_menurae +01386906 rasp +04086273 six-shooter +10035809 peon +10069869 executive_officer +02925519 business_suit +02181724 flour_weevil +01495340 squatina +12290748 centaury +03048598 plavix +10680609 surveyor +12346448 genus_daphne +06544432 probate_will +00411792 denationalize +10309785 mercer +07331759 scattering +12549192 yellow_trefoil +01104406 factory_farm +12073007 genus_maxillaria +01720491 stooge +12731202 populus +01102997 worst +13421286 unlisted_stock +00974762 charge +07649582 loaf +00643910 parse +01060234 issuing +00932161 denote +05119837 surfeit +08586825 see +12875269 ram's_horn +00911752 erection +03528761 home-farm +05548840 shoulder +02536329 pull_wires +14627820 atomic_number_13 +02758399 sluice_down +11830906 saltbush +05202497 capableness +02662979 conform +08983556 czestochowa +12243459 pieris_japonica +01104248 spreadeagle +02435311 affiliate +09151516 virginia_beach +00737973 destructible +06023969 mean_value +06128307 telecommunication +00188000 plug +00579201 national_service +07108123 prosopopoeia +14336004 reflux +01953467 unrefined +03750912 peyote +03463832 woodlet +13802920 voice +00684838 include +09697401 central_american +11487950 northerly +02558811 short-circuit +12707199 ruta_graveolens +00696700 survey +02047260 murre +05412242 rh +00344042 roll_around +06805128 drumbeat +09136582 pittsburgh +00918312 vaticinate +05530657 vestibular_fold +06960298 celtic_language +00743082 relay +02035425 camber +09849012 belle +05310351 gum_ridge +02614387 live +01149303 stipulation +06608617 fal_la +04996571 unsavoriness +02696165 alehouse +07513508 agitation +06212650 nonconformity +12350433 family_cannaceae +05457795 acrosome +08355075 wire_service +11773408 white_dipladenia +12980840 false_mildew +04809237 legality +00002724 choke +12275489 chestnut_oak +08173289 south_america +02675354 phenacetin +04690196 ugliness +14326607 headache +03062651 codpiece +14123044 rubeola +05531814 windpipe +05820170 respect +01150370 weightlift +13619920 bbl +00291286 last_mile +09053019 dakota +00263492 tittivation +01895612 waltz_around +00508933 striate +06356755 ascii +08856793 sao_bernardo_do_campo +00334649 smash +00434919 go_down +13286254 allowance +12099342 statice +06759063 understatement +09213565 bank +02632353 miss +15030853 immunoglobulin_a +02039377 genus_cursorius +11522448 draught +00037298 shave +13622769 firkin +00667942 falsify +01465365 pair +08032023 world_tamil_movement +00826333 deplore +11828973 wild_spinach +15056541 spray +01436015 project +10164605 head_of_household +01538955 honeycreeper +01587984 encapsulate +02588677 befriend +02377418 historical +01182024 digestible +02510184 pull_the_plug +03571942 ink-jet_printer +02643713 synanceja +07899108 vermouth +02435386 genus_elaphurus +11845557 echinocactus +01526925 prunellidae +08312988 ecumenical_council +01315330 homotherm +06022291 deviation +15217443 saphar +09930464 closer +03610098 keep +01155044 racism +06218308 imperialism +14835478 dilution +01271189 face +02514198 class_channidae +00036178 wash +02080415 sea_elephant +12227420 true_heath +06799260 stroke +02310855 deposit +09685085 jainist +07372959 visitation +09365128 nanda_devi +04183217 shag_rug +06904943 tone_language +13887319 zigzag +01929951 phasmidia +05447599 bone_cell +09810166 comer +10482054 promisor +00329819 overflow +01623880 strix_occidentalis +01472502 amniote +03139089 jacket_crown +10093908 fitter +07490214 pruriency +14474894 success +01474209 set_out +00457228 innings +00020671 mesmerize +14561102 rottenness +02955247 electrical_condenser +05752921 conditioning +14794823 cellulose_ester +00198270 weaning +13137225 syconium +07324380 genesis +12200315 hermannia +09683559 sunnite +02123597 siamese_cat +06653160 interpellation +06178812 lexicology +02189535 mayetiola +06718543 slur +00463469 flatten_out +10062042 epigone +03756184 methylenedioxymethamphetamine +12443323 cast-iron_plant +02977058 cash_machine +12216382 genus_embothrium +01670172 flag +01632897 throw +08057816 chain +15222686 speech_day +12083339 spiranthes +07800487 cattle_cake +03299648 ethacrynic_acid +00389238 emaciate +07127252 mumble +03739136 meclizine_hydrochloride +03881534 panda_car +02764779 axle +00144694 conglobe +01822300 ring-necked_parakeet +10791890 worldling +04149374 scooter +07792725 lobster +01959187 tridacnidae +01998793 catch_up +13652994 chain +12802248 genus_suksdorfia +09437369 slit +03420935 iron_collar +00424767 inhumanity +04887497 swelled_head +14217897 leaf_blight +01015175 centralization +00857424 sapphism +01829143 family_bucerotidae +01046441 zoolatry +01919714 order_cydippidea +01562265 robin_redbreast +10065547 ethnic +04268142 sparker +01125724 mine +00957679 repeat +03371258 fluphenazine +00158996 suggestion +03508628 heating_element +12192877 silver_quandong_tree +01079172 front +09094217 capital_of_maryland +10249270 lawmaker +00075912 muff +05005250 physiological_property +02559199 undo +06306233 morpheme +12590232 oil_palm +09860506 blonde +08710678 bermudas +07381678 crepitation +03279804 electron_multiplier +01666717 tailor +00077950 strangle +02276078 vanessa_virginiensis +04110439 rotary_actuator +02205523 simulium +02689973 cetaceous +02671224 memory_access +10417168 perpetrator +01703341 suborder_ceratopsia +02807260 bath_linen +09281411 flat +05544078 sutura_frontalis +07680932 roll +03439064 glasswork +01763303 ferment +01258617 human +13382766 giro_cheque +14427239 infancy +13429888 americanization +06781383 funniness +00914929 breeding +03328392 nalfon +06665370 ftp +12057211 yellow_lady-slipper +01191610 fatwa +07446599 spritz +02688794 overlap +12393527 soleirolia +14777856 rolaids +12464649 white_hellebore +02724533 spasmolytic +00852685 satirize +01258251 probation +10025060 dominus +12446908 white_globe_lily +01670378 testudo +05193338 vividness +15065713 sylvanite +10776052 whig +11963158 genus_emilia +14752057 glucocorticoid +00407458 fix +12059851 genus_dracula +11634736 red_cedar +02757810 audiotape +03212811 still +04833687 tightness +04794751 ordinariness +01306175 spike +07646927 wildfowl +03632963 powder_room +03883664 pannikin +02879273 menstrual +13950440 transcendency +02106966 pinscher +07275275 kowtow +01364587 family_bacteroidaceae +14408519 bitch +01678140 tart_up +14237561 malignancy +00337234 crack +12173069 velvetweed +00496167 whist +13810818 rest +00173283 escape +02034971 himantopus_mexicanus +12220247 leucadendron +12330336 myrtus +12726670 weeping_willow +02540347 grow_up +12922600 genus_croton +02765190 omissive +02804590 suburban +01623027 pulse +00923802 industrialization +09169801 gobi_desert +15121625 time_to_come +15092650 vitamin_h +00023868 zonk_out +04852750 wickedness +02215334 sphecidae +06940701 formosan +08415661 spearhead +02238743 lygaeidae +00429322 lark +07915800 rob_roy +12638753 sloe +01665541 leathery_turtle +09702134 anglo-saxon +05697135 certainty +02614812 dissipate +04010348 promethazine +01432353 tongue +08934694 brest +12588584 carnauba_wax +01417361 dinoflagellate +12345709 rhizophora +12298783 swertia +00447771 fade_out +03359755 flat +01988886 slump +01926247 genus_fasciola +03829085 nontricyclic_drug +02626405 well_up +07289588 wonder +06991764 niger-congo +00289840 yellow +09265274 denali_fault +10135709 whizz-kid +00570205 desorb +07401960 highwater +12529500 goat_rue +11318171 stewart +01885239 surge +05678474 wakefulness +14045141 male_erecticle_dysfunction +14139661 pulmonic_plague +10055566 encyclopedist +07826544 almond_extract +00425451 exasperation +11329281 william_henry_fox_talbot +07154046 platitude +00222135 spike +13732295 simple_fraction +08648153 section +13556893 smoking +10322391 misleader +12655351 rubus_flagellaris +04495450 tuck_shop +00909899 molding +11458102 fluorescence +03119790 course +07515790 serenity +01624537 surnia_ulula +13173882 wall_fern +01590747 gut +01566476 seamanly +14365741 wasting_away +10342180 mutineer +05126611 internationality +04530283 vertical_tail +09137451 providence +01044084 idolatry +10259780 light_colonel +01661592 anapsid_reptile +07047679 notturno +10484739 propositus +11054442 hoffman +01614581 stick +02753044 plutonium_bomb +14215331 blight +07545415 respect +09684082 mahayanist +02992070 scopal +09913110 checker +00663894 card +09306031 housatonic_river +09443136 split +11999140 genus_othonna +00593732 instructorship +00638723 extract +13872592 conoid +00864226 conditioned_response +02356974 throw_in +10276764 maniac +12260021 order_fagales +03892273 parterre +13451508 congelation +10114897 fugitive_from_justice +01379389 staphylococcus +02503803 relegate +02570838 surfperch +09065191 san_bernardino +06708475 purple_heart +15067877 teargas +00769453 soft-soap +14775995 sodium_hydrogen_carbonate +03372029 transverse_flute +03988170 post +12959074 salvinia_rotundifolia +12646950 prunus_laurocerasus +10706812 theorizer +14449126 need +01610101 rest +08807554 lateran +07572957 tinned_goods +09249034 gap +12627119 pear_hawthorn +07327805 factor +00365647 condense +12553573 necklace_tree +09960315 contemplative +08522518 centre_of_gravity +02437825 lama +08241309 bohemia +02604342 kyphosus +00941485 inexplicit +12536040 indigofera_tinctoria +02763714 awl +01140514 awkward +15224293 limitation +06753550 axiom +12518879 coronilla +11728530 bugbane +01278873 fontenoy +01630795 notophthalmus +01512921 submarine +09341465 llano_estacado +03433877 generator +00354634 check +00505871 shovel_board +10402086 zealot +11199727 nansen +11240609 sidney_poitier +05954100 qabbalah +02656550 genus_mola +00677203 winnow +12238491 ledum_groenlandicum +03527243 holograph +01107544 outweigh +13359690 bank_account +01068184 interposition +04664964 sloppiness +00847932 disassortative_mating +06350592 minuscule +08615149 parkland +11960540 genus_delairea +02000547 usher +09113479 jersey_city +01118081 submit +01692266 capitalize +08974604 lagos +05600431 naris +01884348 thylacinus +03413428 gaming_house +02403920 leppy +09071349 the_hill +11107901 klinefelter +02892767 brassiere +12633061 toyon +05816622 datum +07367708 snap +00589318 bailiffship +08824771 st._john +04762355 reality +03196324 digital_computer +00130347 strikeout +12027658 tragopogon_pratensis +10239928 knocker +03085602 computer_screen +04935528 bond +02033703 peel_off +01065630 babble +00016855 zonk_out +02601808 relax +02592607 genus_calamus +07020239 variety_show +01827064 envy +15248564 era +05773548 train_of_thought +08141664 federal_bureau_of_prisons +03792782 off-roader +08399287 grab_bag +00075790 bull +01439657 genus_cyprinus +12148610 genus_dendrocalamus +04722715 inconvenience +13007195 pleurotus +02186360 sputter +11424400 alternative_energy +01190561 summary_judgment +13611207 degree +03831899 nosepiece +00647929 survey +08619949 toll_plaza +03475823 hairdressing +12221191 macadamia_tree +05042283 weak_spot +05616092 injudiciousness +05670972 worldly_concern +10548681 salesperson +10372076 official +01106504 outsell +00792991 subordinate +02863724 carbonous +08402693 diplomatic_mission +01360712 pseudomonodaceae +01533339 canary_bird +01263659 strip +03400231 skillet +00746587 sacrilege +10635460 spendthrift +00391417 choke_off +09160775 vanuatu +00776262 graft +11881063 genus_capsella +12726902 wisconsin_weeping_willow +09787534 embassador +04947628 slipperiness +12336092 red_gum +09090389 bluegrass_region +02038010 lobipes +04686003 attractiveness +09322701 mount_godwin_austen +01318053 stocker +00195569 variegation +12668732 nauclea +07696527 butty +02544781 go_for_broke +01377940 aerosolize +02620578 toxotes_jaculatrix +01483707 lamna +02707188 anaglyph +05010062 absorptivity +02281552 lycaenidae +08920722 yezo +08903220 old_delhi +02247749 de-access +12484413 menyanthaceae +10355142 neutral +11313507 stanton +09892693 senior_pilot +01271658 revet +02412175 take_over +02732798 hold +01718535 try_out +02270648 freeload +04656448 mellowness +03466162 guided_missile +07348870 tidal_wave +14113798 nephritis +07143137 consultation +14395597 polyneuritic_psychosis +13192625 shield_fern +14976448 wadding +03744684 memory_chip +12356395 turmeric +11031420 william_henry_harrison +01884383 jerk +07084560 monotone +05541645 parietal_bone +13500557 inspissation +01086572 accordance_of_rights +07340249 wound +00094312 fledge +07989741 marx_brothers +11882074 meadow_cress +11844203 genus_carnegiea +03198951 dramamine +06665108 protocol +13027670 thielavia +09246660 clinch_river +00174379 unhearable +00865600 passing +09805151 archbishop +11316828 stern +01109863 operate +00876442 consult +02949511 structural +08303862 creek_confederacy +12807773 platanus_racemosa +01135952 disposal +12450607 white_dogtooth_violet +00102927 motorization +02439929 paw +10598749 silverworker +14381416 phobic_neurosis +06142598 cybernetics +03624966 knitwork +04610503 yard +04356056 sunglasses +10362319 nonsmoker +05497363 basal_ganglion +12678548 sweet_elder +12701901 ruptiliocarpon +07118210 suction_stop +01104018 overcome +11083656 the_nazarene +01431879 smack +03190303 hyperstat +00140112 rebound +02620213 fall +02519555 volatile +01906328 subkingdom_parazoa +04830689 viciousness +02749768 shroud +00302464 tame +01915811 coral +01538469 stipple +01067512 smile +02278024 polygonia_comma +13233727 silkweed +02236044 mantis +10763383 waiter +12964750 genus_ceratostomella +05067007 laterality +09976429 wight +11705171 cinnamomum_cassia +13022078 genus_flammulina +07191777 insisting +13231078 thelypteris_phegopteris +10382825 organist +08989697 french_polynesia +04737020 inconvertibility +00755500 pretend +01766952 withdraw +14343411 meningoencephalitis +00839023 browsing +03353616 fitting +10671898 succourer +06708304 bronze_star_medal +12666369 wild_madder +02945820 developmental +02594674 meet +08602650 big_bend +08453464 civil_law +12323820 genus_combretum +09374036 north_sea +01233194 swob +12075830 venus's_slipper +02509552 train +02666239 differ +00062582 sterilize +12178494 majagua +05720602 synesthesia +02870453 kinesthetic +07943480 cohort +06355705 zip_code +09673916 dravidian +01251128 cold +08793310 akko +04149083 scoop +08911868 meshed +14525777 hollywood +01932800 family_ancylostomatidae +07094843 metrical_unit +08558963 residence +07823814 curry_powder +12936333 genus_coriandrum +10927824 general_de_gaulle +00349213 straddle +06590885 trial_impression +07385803 humming +01174742 graze +09177647 scythia +12044269 genus_aerides +12874231 orobanchaceae +06543389 permanent_injunction +10366145 nullipara +00831919 artificial_respiration +13633375 current_unit +01259951 peel_off +14175313 amoebic_dysentery +01790383 fluster +10732314 trustee +09754780 loather +11494638 precipitation +03065685 fecal +00160288 close_to_the_wind +09062585 berkeley +08147794 order +00629176 arm_exercise +14048134 quickening +09272468 eliminator +11674332 inflorescence +03018971 great_wall_of_china +04466386 traffic_lane +04840981 graciousness +00390198 punctuation +00699485 decide +02668093 ru_486 +04922113 rearing +00307419 dynamite +07146300 clinic +10758589 vociferator +00493308 stops +14979730 peroxidase +02680754 adjustable_wrench +02040273 bow +14770838 gentian_violet +00116619 novelize +15063493 sulphate +01044983 word-worship +00582318 vulgarize +05968450 occultism +09255921 coosa_river +01845229 tour +00234892 reversal +00741272 skulking +00625393 substantial +04038109 racing_circuit +05105265 spaciousness +02198014 roll +01816140 pterocles_alchata +05229805 germ +00026153 tense_up +01826998 family_alcedinidae +01999186 lepas_fascicularis +10513823 redheader +01713310 suborder_carnosaura +15097017 detergent +06236309 shiism +01117164 venture +11831730 kochia +02186399 pulicidae +00652466 surveillance +08197895 guerrilla_force +01122754 pump_priming +09817536 asthmatic +05963494 internationalism +00986173 pant +10365399 nude_person +02137806 estrous +12700219 toona +06567689 computer-aided_design +04642980 querulousness +05845888 the_likes_of +00521641 blue +02591757 genus_archosargus +01893313 turtle +03537550 stockhorn +03663433 life_office +02696129 overtop +03005423 dramaturgical +09369039 neritic_zone +10844031 prospero_lambertini +08482113 wing +09030596 omdurman +08818135 bosnia +08211760 gestapo +00091968 invalid +01302683 yom_kippur_war +02340930 pitymys_pinetorum +05088804 tightness +01592456 tweak +09074834 st._augustine +05459953 sarcostyle +10663137 throwaway +13395897 one_dollar_bill +08331525 court-martial +01934554 unreal +00923307 show +12241880 menziesia_ferruginea +06389230 erasure +04632963 smartness +08958212 sidon +07139873 verbalism +02619839 anaglyptical +06970645 magadhan +04241249 slip-on +02544937 luck_through +06672953 secret +13860548 antagonism +00309115 transit +04517408 vacation_home +07871940 meat_pie +13211516 pellaea +01947874 naticidae +03776460 mobile_home +02991048 electric_cell +12958772 salviniaceae +13179648 vittaria +07442068 whirl +02190943 muzzle +09456369 terrestrial_planet +02641378 aromatic +02501101 tarsioidea +02225231 kalotermitidae +14118423 type_i_diabetes +04899031 rightness +13743869 doubleton +12367611 st_john's_wort +01983797 disreputable +08844279 new_guinea +11834272 samphire +00842997 suckling +11805544 crown-of-the-field +01725240 sauropterygia +05027529 weightiness +06531908 working_papers +15141486 occupation +04837931 officiousness +04711435 worriment +01049685 screening +05862721 series +08563478 southeastern_united_states +10093658 fisherman +00387919 customize +00006336 absorptive +03273913 fridge +13218114 rhyniaceae +08643015 retreat +05951566 misgiving +07339098 shock +01621219 wipe_out +03867515 oxaprozin +14601294 aliphatic_compound +02971469 egyptian +00057895 foal +00845178 insemination +02333225 surfeit +04398497 teashop +06707709 navy_cross +00087290 transfuse +01191755 umpirage +08240966 bloomsbury_group +01957591 veneridae +07760153 muscatel +14395955 presenile_dementia +10122645 shirtlifter +07368482 defervescence +11098223 kean +01655902 reconstruct +04796086 usualness +11902595 genus_argemone +12397864 hops +03084204 computer_accessory +08891595 highlands_of_scotland +01089737 gang_up +10688975 tagger +12985010 tuberaceae +06540284 consent_decree +13395799 two_dollar_bill +00776846 gibber +07637045 anise_cookie +12775530 pouteria +02449464 genus_grison +00713015 direct +09552681 roman_deity +00285414 pinkify +07799738 beluga_caviar +02571810 priacanthus_arenatus +00471576 decouple +02030442 heteroscelus +10065758 ethnologist +13819207 ratio +12564613 psoralea_esculenta +06955087 faroese +07415730 transition +06062842 rhinolaryngology +01968732 genus_nautilus +01313411 squirt +01270628 battle_of_britain +01249991 recession +02008066 top_out +02541139 mallotus +02911158 fender +12861892 physostegia +13236354 genus_cynancum +06964901 french +02680723 caroline +03287459 ethrane +12638556 wild_plum_tree +11828247 goosefoot +02752277 swing +01947266 refined +01614925 haliaeetus_leucocephalus +00966869 spoliation +01205459 sup +05795044 arrangement +01153007 zero_in +08426993 open_order +00721302 ascertain +05314075 canthus +00313987 veil +04211001 shunt +01933093 conn +02419073 act +11683331 pinecone +00569087 stalinize +12448136 yellow_mariposa_tulip +10679174 surgeon +00163406 volte-face +00529224 pas_de_deux +12136944 sorghum +14386590 aberration +00847770 assortative_mating +02580577 whore +09748889 ghanian +13050940 sheep_polypore +00292507 cut_off +00367768 extension +02433381 reorganize +01883762 genus_dasyurus +03294604 erasable_programmable_read-only_memory +02573563 pomatomus +01818234 negative +06567960 groupware +10086821 field_marshal +15230482 person_hour +00295563 victory_lap +12559842 pisum +02416410 genus_capra +10185793 horseman +14141062 typhus_fever +01979124 portunus +02161944 order_mecoptera +06900684 object-oriented_programming_language +02933304 testicular +13617835 board_foot +00291444 ray +01772498 pride +01649170 spadefoot_toad +02678384 actuator +03979847 polypropenonitrile +08288753 subculture +05790944 option +08508736 wellspring +04656598 sweetness_and_light +01421122 plug_into +11415608 knock-on_effect +00730499 demarcate +00677808 implantation +05494365 occipital_lobe +09321901 jordan_river +01518347 struthioniformes +00743692 ping +00605246 treasurership +02166346 unsubdivided +12141037 stenotaphrum +00755277 show +06027051 stratified_sample +00558630 football_play +08717915 republic_of_cape_verde +03558176 ice_rink +11949402 chamomile +02640626 white_sturgeon +09627117 precursor +03648066 laundry +09349425 mt._mckinley +03176594 deodourant +00357023 squeezing +10208189 inquiry_agent +00682080 selective_lipectomy +00415988 ambages +00025985 unbend +09035305 tanganyika +09066799 santa_clara +14415518 insulation +06900282 multidimensional_language +03074922 tribal +13744521 v +02592371 squirrelfish +00531201 nude_dancing +00229260 shutdown +05408684 gi_hormones +09733899 taiwanese +01050627 burying +13301174 forfeiture +09315159 ion +01096454 trade +00463778 flatten +01298668 detach +06441973 luke +00450866 pony-trekking +00154689 monetization +12245695 cranberry +06917764 arawakan +08572162 flies +11718521 genus_brasenia +14900184 nutrient_agar +12582665 sago_palm +15171307 last_judgment +01523823 unwind +04660981 introspectiveness +02677861 laniary +02334849 subfamily_hydromyinae +01186958 wean +09756500 able_seaman +04006953 procaine_hydrochloride +04124202 saddlecloth +03218545 widget +14578940 preservation +01317533 quest_for +13742358 zero +13946760 par +13326198 freightage +12175949 cotton_plant +11961686 genus_doronicum +10669236 sublieutenant +07233996 malediction +00272878 stultification +11301279 simon +02670398 serve +03314378 face_mask +09435065 sierra_nevada +01742310 genus_charina +05534712 small_intestine +06405699 lettering +02061846 commute +10691148 tapper +02583096 tilefish +04568298 weave +00024047 revive +07445010 luxation +11957912 genus_cosmos +01643687 leptodactylus +02125311 puma +15116532 biological_time +02516427 family_ceratodontidae +01993926 bring_forward +09868157 boswell +02340897 muzzle +00302861 stunting +02409202 tamarau +07123288 whoop +13143097 ziziphus +14047171 parity +01923171 phylum_acanthocephala +02987492 sabre +07733217 dandelion_green +05769726 woolgathering +09810867 art_critic +05714745 incense +02114100 wolf +00536655 cotillion +01126961 blockade +11775780 genus_strophanthus +01543426 sprawl +10122128 gatekeeper +04065272 rv +02191546 taste +01305099 moor +13579287 information_measure +10602470 sister +09876892 brother +06468818 epitome +13736799 one-half +02208498 killer_bee +00402831 snarl_up +00077645 afraid +08519444 retention_basin +10217436 islander +11879054 pakchoi +14719893 propenyl_alcohol +10032676 drawing_card +11893004 nasturtium +13753740 octillion +01142899 fowl +04187547 shed +02214485 reserve +00596193 praetorship +10105462 fortuneteller +05021151 springiness +10903722 jacqueline_cochran +11709674 magnolia +11907267 platystemon +14486533 dejection +12312728 kangaroo_paw +03778135 modicon +03137579 crosspiece +02916684 electronic_bulletin_board +00591236 counselorship +12809365 polemonium +15297672 processing_time +02255268 grant +00283703 dull +01685808 whiptail_lizard +03954199 plan +12746106 boxwood +07571324 culinary_art +05554653 tit +10726233 trapper +14200873 saint_ignatius'_itch +03509025 heating_system +01449712 platypoecilus_maculatus +02021653 find +00904623 x-ray_photography +02010864 scram +03807052 sudafed +05500594 rhombencephalon +05961867 formalism +05622456 aptitude +02454379 armadillo +08368907 generation +00082714 dress +09441352 southern_cross +00261972 glamourization +07027458 harmonization +11071677 william_ralph_inge +02393300 tapiridae +05886266 third_law_of_motion +05820462 triviality +05485554 cerebellum +11793403 yautia +01997698 subclass_ostracoda +13300922 forfeiture +05490983 adrenal_cortex +00104299 sunburn +00478647 dribbling +12608447 mayacaceae +10611541 sleepyhead +12846335 dragonhead +15128997 proterozoic_eon +12923439 genus_codiaeum +04461696 wrecker +10906048 comstock +08510456 provenience +11466701 hot_weather +12605519 xyris +11770013 genus_alstonia +11844651 genus_cereus +04993108 zest +05667613 rule +09788237 friend_of_the_court +02540637 osmerus +10170359 histologist +10541106 rubbernecker +00589494 episcopate +01013770 taxonomy +01968045 skydive +00893167 excuse +04886881 self-worth +01913363 pass_through +01463520 unsnarl +08229694 golf_club +13971561 conciliation +01365549 hook +06805826 dot +14652104 rn +01597551 piranga +01947352 scull +11446067 lode +03714235 war_paint +00230033 enhance +07455760 photo_opportunity +10097477 washout +02955540 trapping +13384877 money +14693733 quartz +12745788 family_buxaceae +01654957 order_gymnophiona +09097871 worcester +12781659 nepenthaceae +12989462 usneaceae +04059298 real_storage +12305089 hoop_ash +09794917 annihilator +10113997 fruiterer +03007354 congestive +12283147 sweet_birch +12922283 genus_acalypha +11906713 meconopsis +06433249 numbers +15128711 precambrian_period +01898032 jig +05974564 realism +02967407 rug_beater +09222742 schwarzwald +01743909 unrepentant +02959912 norwegian +13761966 sprinkling +00335653 inversion +01794460 genus_agriocharis +08814474 capital_of_romania +09223725 mantle +07251003 top_billing +10978098 st._francis_of_assisi +02129709 see +03020927 chisholm_trail +01386200 bale +10246913 larcenist +11527014 windstorm +07764315 sapota +14749272 luteinizing_hormone +12699485 lovoa +07194499 deposition +01031563 nudism +00379774 vesicate +00629911 leg_exercise +01112573 ungenerous +08585447 trailhead +12494629 genus_delonix +15033367 isothiocyanate +03495671 harpoon +02259377 planthopper +03324928 fatigues +07204240 disaffirmation +09818022 spaceman +02249995 family_dactylopiidae +02620826 microdesmidae +14181409 new_world_leishmaniasis +07599998 gum +02673446 caecilian +12902662 night_jessamine +12494794 royal_poinciana +11873845 land_cress +06827679 screen_font +01745780 micrurus +07047011 suite +12655869 raspberry_bush +02132136 ursus_arctos +10366484 numen +05580662 funny_bone +06452363 tanakh +14081941 seizure +08787049 mycenae +03229244 joggle +13319726 base_rate +08118039 business_department +02675701 emulate +03064758 coffin +10495975 pussycat +01349948 bacillus +10018532 political_dissident +12847374 runaway_robin +05760877 ltm +01935846 unicycle +08266849 calendar +05364184 vena_clitoridis +12239458 genus_leucothoe +02018795 bustard +12913352 scopolia +04922338 inheritance +07262108 target +00488770 ventilate +08837864 northern_marianas +12345136 punica +10126009 gp +02918132 spectrometric +01688589 flying_lizard +12521186 white_spanish_broom +08085648 curia +11731861 genus_coptis +00840809 re-emphasize +00540739 globalize +00316989 connexion +07001065 characteristic_curve +02226559 dado +01277784 wrinkle +05459769 striated_muscle_fiber +01291707 miter +13773047 squat +08162245 united_states_government_accounting_office +09049909 slave_state +01980766 crash_land +02522319 fail +07248507 plug +07388987 tap +10837567 bernard_mannes_baruch +02341816 upholster +02558703 dash +08759852 cotonou +07233214 excoriation +07638676 friedcake +15294745 rainy_day +08132323 lablink +09903501 violoncellist +14471224 spina_bifida +10554455 strikebreaker +02290029 shovel_in +09004625 chechnya +02608090 agonal +14952122 methyl_radical +00573268 approach_shot +14915184 water_ice +12061104 tulip_orchid +14756039 animal_pigment +01646134 genus_bufo +01316288 varmint +06440937 haggai +00800270 fund-raising_effort +00453803 replenish +14110674 cardiac_arrhythmia +14392862 cyclothymic_disorder +02210291 genus_andrena +02598642 play_around +00084371 borrowing +09852679 booklover +01169589 drench +13552124 rooting +01719403 synapsid_reptile +00507485 petrify +11717007 subfamily_nelumbonaceae +02054966 phaethon +04736757 convertibility +00260311 devastate +03918297 triavil +01965156 leap +07131511 speech_pattern +01056554 cackle +02404906 zebu +11970101 filago +01479009 crap_up +00645552 name +08771277 solingen +13052670 polyporus_frondosus +07320176 eruption +01791973 fluster +03325288 fauld +02159741 disorientate +14777768 pepto-bismal +06275353 wireless +14836127 dioxide +12386263 tamarix +02368563 spalacidae +00400645 rehabilitation +12933616 turnip-rooted_celery +00615462 stenography +08039312 15_may_organization +02387910 school +15112239 vesicatory +03376438 trumpery +14822839 cupric_sulphate +01044811 slur +04061442 receptacle +02479323 supply +00412271 symbolization +08786855 delphi +07335097 wrecking +08851830 namur +15156424 eve +01885430 roil +03978130 poliovirus_vaccine +13806140 perfective_tense +01822724 sympathize +14515633 responsibility +11290984 seeger +06727758 bill_of_rights +15014012 ammonium_nitrate +08686658 crab +10553627 saver +03264136 edge +01690005 genus_anguis +08090547 dunkers +06614729 shot +04300358 stamping_mill +14152279 albinism +02567917 gang-rape +08578174 dust_bowl +15106143 xylol +11607071 subdivision_pinophytina +11240733 president_polk +07414566 waxing +04814238 splendour +06690408 pass +04661151 deliberation +01532325 yellowbird +02618877 perennate +01670051 foliate +14644654 mn +02341266 superior +10982127 sigmund_freud +04163740 seconal +01497579 rhinobatidae +12498457 petteria_ramentacea +02363358 unsusceptible +07196682 question +08803883 pompeii +01960779 trot +02226380 terrasse +06390512 written_matter +08012384 islamic_unity +13565379 synthesis +02768431 ray +11493827 voltage +04028472 pyelogram +12687211 pelargonium +01745484 new_world_coral_snake +12671898 genus_diervilla +08893492 inner_hebrides +12181851 kosteletzya +09974496 screwball +01248023 percuss +14519366 clime +12067193 ragged_orchis +03013850 chenille +12180168 purau +13810323 unit +00342314 fall +05428473 pericardium +03250588 smoother +02996249 keftab +00605616 viceroyship +01512465 fling +00086809 occupation +00242205 mummify +04644512 willingness +04992431 rancidness +02496913 lemur +13723470 dg +13881644 star +04791740 unhealthfulness +14189837 septicemia +03652226 leaf +13141564 rhamnus_purshianus +06547832 pickup +05410646 insulin +07209089 demurrer +08799706 philistia +01624987 sceloglaux +13874384 arc +00418921 crack_down +03613294 key +13478342 extinction +15256714 turn +06021247 multivariate_analysis +00189062 cup +01418037 cream +00072897 stale +13250048 land +03472796 gymslip +07493280 relief +00649887 spelunk +14562142 devastation +01025246 raise +01267475 cobblestone +02718178 adhere +07445265 progression +02749169 headache_powder +00180495 burl +07121904 blue_murder +04889162 snobbism +09945021 commodore +02787772 bank_building +06927486 uygur +05274590 ethmoid_bone +01294396 disjoint +02664769 equal +12320806 swamp_hickory +02660164 batholitic +11656974 microstrobos +01442591 scardinius +00307474 incapable +06363778 writing +00022903 article +10774870 wetnurse +02851001 humoral +00504844 tombola +15033189 piperine +00308370 trip +05260533 permanent_wave +11492833 polymorphism +12366675 mangosteen_tree +13192898 genus_dryopteris +01440655 tinca +10167565 heckler +07221756 recital +04518132 vacuum_flask +04621010 inwardness +05898171 wraith +10490421 tavern_keeper +09683306 shiite_muslim +09727826 polynesian +06930633 taiwanese +10179649 pig +08735008 luluabourg +01090308 functional +11194205 moynihan +07019172 musical_theater +04046974 rail_fence +00389610 pairing +04815624 stiffness +04934043 genotype +02146526 myotis +01793988 meleagris +00596081 plum +00568483 patent +08348400 usss +02637046 gerres +14302261 amenorrhoea +15139552 pass +00345000 betide +02035210 himantopus_himantopus +00290406 waddle +11925720 genus_argyranthemum +07892512 red_wine +02696801 rise +00305846 implode +01905121 apodeme +10303814 mayor +06942252 albanian +02613275 worship +10592397 shopper +07332691 extinction +00631244 premeditate +02549989 needlefish +01467917 girdle +12241699 menziesia +00093006 capitalization +00346936 about_turn +12688716 storksbill +14668277 bauxite +06991980 bantu +12221943 orites +06825996 typewriter_font +08613593 outside +06270879 lede +14646152 neon +02225342 retire +03533486 hookup +13840719 politics +02123314 unplayful +06462807 mishnah +11059438 sir_anthony_philip_hopkins +11633116 genus_austrocedrus +07250727 stuffer +01514348 sling +00365012 fluoridization +02841063 bin_liner +08065937 processor +01209953 thumb +01218327 reservation +11011123 ulysses_simpson_grant +01792955 sitter +13975752 confusion +00998037 actinometry +12545090 lotus +02354112 index +10827678 scourge_of_the_gods +07925966 fruit_drink +01620575 sarcorhamphus +02701393 americana +09320985 james_river +01431132 scarf +03915320 percussion_cap +07228971 thanks +07025604 black_music +01010684 alternation +02169119 pry +08804319 l'aquila +11234951 picasso +10024362 spouse_equivalent +06118370 tectonics +01562209 crash +12992022 genus_cetraria +13375323 revolving_credit +01576863 sturnus +02250133 genus_dactylopius +00431447 clear +01574270 quiscalus +01155090 overtake +01052739 repositioning +12056758 showy_lady_slipper +03068473 ghanian +05837370 trap +03579538 interior_door +01528339 lounge +11453016 power +11616662 scots_pine +12408717 ulmus_serotina +07230089 rodomontade +02347865 family_erethizontidae +13806964 past_progressive_tense +10502950 racist +08467258 expressionism +04370774 workout_suit +11133551 linnaeus +13620154 united_states_dry_unit +02610845 turn_out +04455442 top_of_the_line +07285191 background +02308325 hyphantria +14583670 impurity +01222328 clasp +00842281 pinch +07255791 psychical_communication +15206744 phase_of_the_moon +01463792 tease_apart +02719450 antidiuretic_drug +03599351 jimmy +01498989 eagle_ray +10127689 geologist +12645174 sweet_almond +03132076 cricket_bat +03994417 powdered_mustard +04347519 submachine_gun +12202712 tilia +03116767 tabulator +04173698 spangle +03771066 minocycline +02555908 lead +09155986 clarksburg +11120834 thomas_edward_lawrence +02285909 lymantria +01620414 coragyps_atratus +14617189 alkyl_radical +05921685 bare_bones +00573085 damp +03456186 grey +08437968 spinney +08819223 dalmatia +00828901 orate +00682781 reevaluate +01629093 salamandra +04241394 slipper +12721477 palo_santo +03331390 particle_board +01642943 leptodactylid_frog +12199790 terrietia_trifoliolata +00668805 swallow +08896092 negara_brunei_darussalam +04568713 web +01813385 turtledove +00451866 blood_sport +07102593 dramatic_irony +09878702 strapper +07424436 great_proletarian_cultural_revolution +08493261 andalusia +04020298 pulley_block +10557699 shnorrer +01258161 pounce +02653381 lie_in +13651072 furlong +08383690 privately_held_corporation +01715692 suborder_ornithomimida +13355656 capital_account +00319886 bake +07594737 titbit +07873057 marrow +04010779 prompter +08721145 antofagasta +05828263 turnoff +09287289 gasherbrum +01505958 get +10245639 property_owner +01050165 singsong +05934029 coast +05792842 excogitation +15105268 writing_paper +10129585 gilder +01897885 thrash +10275395 stalwart +03036866 clinch +01104376 get_the_jump +13724582 kilogram +02216547 family_cynipidae +02711835 frame +04425977 third_gear +01420655 subclass_phytomastigina +11835251 sarcobatus_vermiculatus +00847870 vituperate +00495524 widely +02184965 plunk +04555101 washington_monument +11088346 president_lyndon_johnson +12028196 tripleurospermum +11806975 genus_cerastium +00773402 violation +02357911 whitetail_antelope_squirrel +02208280 honeybee +07065562 psychedelic_rock +11772154 genus_catharanthus +00857664 straightness +02461556 manidae +01596479 progne +08899149 gizeh +02435517 pere_david's_deer +09533048 chinese_deity +07944050 youth +02838014 bilge +00549982 raise +02678839 intrigue +09032843 interlaken +08372847 twelve_tribes_of_israel +08034028 moranzanist_patriotic_front +01579813 unfold +01598820 lanius +01910252 medusoid +09037133 tonga +01963017 family_arcidae +05258889 afro_hairdo +02002591 quest +02341288 microtus_pennsylvaticus +03275681 electrolytic_condenser +05026508 equivalent_weight +02411075 ovibos +03519578 trunk_road +04344246 studio +08875547 westminster +14653596 sm +12237486 kalmia +10070711 show-off +07481785 zeal +14485249 opening +00996513 jihad +02117232 adulterating +02440020 chairman +05397178 vascular_structure +02621901 androgenous +06466787 psalm +06356515 reference +03847823 open-air_marketplace +00915830 whisper +01418389 churn +04097866 robe +07910656 pernod +12201456 theobroma +11327398 sylvester_ii +14718822 solder +04710127 severity +05922305 stuff +01751621 hydrophidae +10207514 vaccinator +09937489 colonel_blimp +01717016 maniraptor +00303056 temper +08860001 erin +06933022 kachinic +01255057 resect +02800793 staple +01695060 varanus_komodoensis +13512036 materialization +08903872 mumbai +00993787 shakedown +05535095 pylorus +04497570 tunic +01220152 deprecation +00593108 headship +02992529 mobile_phone +06625329 personal_letter +02272286 tobacco_thrips +07540081 fatigue +08775297 rhineland +01787822 madden +11764231 pithecolobium +02827606 belt +07838233 spaghetti_sauce +00144728 unarmoured +13174670 strap_fern +00620532 puddle +13366311 maintenance +01418498 leishmania +03820318 net +10263684 linendraper +00096513 salvation +00362128 kink +00624263 allegorize +02215966 fund +00623370 overworking +05751794 culture +11791569 water_lettuce +09169303 death_valley +02572667 short-change +08454191 maritime_law +03063689 coffeepot +01271107 battle_of_the_bulge +04814025 rakishness +06287620 anagram +15233047 upper_paleolithic +00240131 scale_down +13472518 ionophoresis +00782518 war_crime +05853449 surface +07828275 lemon_extract +00360805 predecease +01853072 somateria +05099796 strength +09171560 negev_desert +06435394 paralipomenon +00527498 slam_dancing +12372124 genus_canella +14236743 brain_tumour +01087559 rearm +00490968 time +11322627 stroheim +14399438 hebephrenic_schizophrenia +00395583 gauge +02029243 genus_crocethia +01978003 unmindful +12717644 wild_mango_tree +12705978 senga_root +00338559 fearsomely +08419562 acquirer +04013993 protease_inhibitor +13505987 lactation +08950787 nijmegen +03971422 pneumatic_tyre +04900739 decency +07769886 pulassan +05030806 vigour +02178563 genus_anthonomus +01534762 new_world_sparrow +02448885 sand_badger +00267519 catalyze +10246511 lapidist +08851500 ghent +11657763 parasitaxus +05654783 stigmatism +03029573 cesarian +01872877 push +05553486 bosom +06884790 shoulder_flash +00446695 solvate +12576323 horsebean +04370288 sweatpants +10385707 ostrich +09210236 atlantic_coast +00687738 discredit +14741730 polyunsaturated_fatty_acid +01724231 ichthyosaur +14785325 native_sulphur +05782140 dissection +02345647 spare +02424652 suppress +08406259 rogue's_gallery +15031866 immunoglobulin_m +03024420 moroccan +00711715 toy_with +01385017 entozoon +13291614 nominal_damages +14147964 primary_atypical_pneumonia +01016420 stamp_collection +10316013 warmonger +03030880 cigarette_butt +11953610 chicory_root +02703790 verge +00354583 palliation +12475242 uvularia_grandiflora +11866078 genus_cleome +08933084 left_bank +12883395 genus_gerardia +12600417 polygonales +02446645 rooter_skunk +08177592 world_power +01242354 go-slow +09804343 archdeacon +01393873 testacea +12203331 linden +07863229 bubble_and_squeak +01589056 point +02726017 femoral +05233100 gonion +12706240 senega +01330093 overcast +11497586 prevailing_wind +13341756 right +01904120 fall_back +01995686 brine_shrimp +10717055 tosser +00014201 shudder +06248863 theogony +01053623 twitter +05847438 algorithmic_rule +01103603 whomp +01564394 true_warbler +00176618 exenterate +10867708 sir_david_bruce +00144445 titillation +11167595 mccarthy +00198477 scalp +04125257 safety_deposit_box +12058822 dactylorhiza_maculata_fuchsii +12599185 ripple-grass +03621473 kite +04990525 crescendo +02568884 shamanize +15092227 vitamin_d +13561896 stochastic_process +09791248 market_analyst +03639675 land_mine +05929363 minor_role +07207273 rejection +05199286 effectualness +00613683 leave +05648756 rustiness +10609092 slasher +10509605 realist +00931040 fictionalization +04611154 yard +02415253 white_sheep +01127245 coercion +14895189 copal +09933411 codefendant +00665358 nurturance +11304811 skinner +02050865 lock +10748620 vip +12744387 nephelium_litchi +08715952 mandalay +07747455 section +08107191 suborder +04446162 togs +05986395 enlightenment +01176335 ruffle +11253097 ramses +01350971 wring +13112427 groundcover +09184405 wee_small_voice +01422539 input +09163584 north_vietnam +07008680 fragment +12486882 physostigma_venenosum +04348184 submersible_warship +00091311 watchful +02693895 chiasmic +05018542 illumination +14050559 qi +09503282 witch +02759963 self-loader +10411356 scholastic +01137582 fusillade +12591351 livistona_australis +10812550 czar_alexander_i +05301526 glottis +02184163 consonate +02722663 present +01991982 porcellionidae +04795545 everydayness +06408779 version +13524399 omission +04516874 utility +01834896 mire +12536665 kennedya +03812541 nrl +00172710 way +11415842 product +00712708 reckon +13195151 genus_cyrtomium +02509919 localize +05962043 functionalism +15071684 hemofil +12469372 paris +13942875 circumstance +00990392 approach +09922799 church_officer +12710295 tangerine_tree +06937768 polynesian +01619675 vultur +04460947 tower_of_london +05527848 spermatic_cord +02390949 crown +12614317 pondweed +06838868 sin +05884433 mendel's_law +01307754 russian_revolution +01107359 affairs +00068627 reek +14673747 dolomite +01798100 distress +00692726 spaying +00062451 fulfilment +10692696 telltale +01708113 transcribe +00075708 frazzle +02609617 razor_fish +11974557 turpentine_weed +00346839 fall +11735570 yellow_root +12333530 true_guava +11814584 soapwort +02341974 water_vole +02978205 casque +01367266 rivet +11919232 family_ambrosiaceae +12762583 rhus +00141396 postmortem_examination +01666002 whomp_up +02861022 bobsleigh +06837787 kaph +02203008 family_chironomidae +10386071 ouster +08166318 judiciary +00591622 custodianship +01198588 test_suit +13643276 volt +12005148 genus_pteropogon +10652511 stateswoman +08249038 band +09077111 augusta +01571744 scrag +00702202 exposure_therapy +07702796 cereal +01383800 pearl +00386676 split +06991117 omotic +14456435 nude +00477107 jaundice +14580090 submission +15187077 lincoln's_birthday +11078982 st._james_the_apostle +05675715 anima +00544936 exalt +02650928 prionotus +13319512 discount_rate +03014705 chest +05059830 expeditiousness +00622204 demoralize +00785263 housebreaking +06398963 epilogue +04884450 undiscipline +14051728 potency +01503101 misplace +14238528 fibroma +02624806 resurge +00695475 overvalue +12488454 caesalpinia_bonducella +00595935 know +04950713 grain +08410688 public_school +07302836 fire +11087767 karol_wojtyla +06636524 record_book +09845401 beard +05110185 wage_increase +12937388 daucus_carota_sativa +08695198 provincial_capital +00378521 swinge +07549716 envy +14135623 ebola_hemorrhagic_fever +05611062 zone +02633977 paprilus_alepidotus +13565622 tanning +01701152 write_copy +06449620 revised_standard_version +09305898 thermal_spring +00112674 depression +10359759 nomad +00597728 priorship +14849880 sandpaper +13303880 markup +12593689 phoenicophorium +05689801 bind +01067362 shillyshally +08121867 special_branch +04740173 unvariedness +09026360 leon +00967455 cover +06956896 permic +03385420 forte +02007161 genus_ajaia +00346095 wave +04886402 voracity +05617467 generalship +11455092 flashflood +12240477 mountain_azalea +02713097 anklet +03718056 osmitrol +05302899 buccal_cavity +02173336 scream +02329733 stock +10769321 wassailer +12721122 zygophyllum_fabago +01199881 light_up +01760552 rekindle +10974033 henry_fonda +11182966 robert_mitchum +13032381 sponge_mushroom +00455919 complement +02998696 tshatshke +11105298 riley_b_king +10466918 preserver +04558578 watercolour +03781787 monitor +10948312 meister_eckhart +11872658 turritis_glabra +13858045 repugnance +01525116 immobile +08397489 friendly +11202322 tomasso_parentucelli +03906590 pelican_crossing +01093085 interchange +01413173 bat +01909978 upset +13531652 recapitulation +01545889 genus_atrichornis +15091846 vitamin_m +09940987 comedienne +00506672 fructify +10335563 mouse +01863410 pull_up +02380571 pension_off +02027003 lean +14160903 otosclerosis +04968257 yellowish_green +02289307 wax_moth +01833619 trochilidae +08142170 nij +00017674 doss_down +00737705 paraphilia +06438995 daniel +11237550 pius_vii +14108039 angina_pectoris +03574555 institution +10997553 giacometti +01913035 physalia +03769397 miniature +00158222 gain +03815615 tie +10190516 huckster +03780392 moulding +00830257 wearing +03881893 window_glass +03072828 colosseum +02252608 genus_aphis +06709112 distinguished_service_order +01679254 bedizen +03730893 matting +01359145 string +03836191 nut +02817031 bearing +03606572 super_c +01356038 disconnect +03203641 diphenylbutyl_piperidine +06492939 menu +12398174 humulus_lupulus +01932951 starboard +11863717 talinum_calycinum +06906971 algonquin +12549420 medicago_sativa +04863969 decisiveness +06804728 wake-up_signal +00278551 bright +03525693 holding_cell +08847024 innsbruck +10318414 millenarist +09201031 aperture +00474994 precipitate +15156187 yesterday +08775053 wiesbaden +08946812 tamale +06675122 source +09139849 sioux_falls +04463510 track +02085449 scrupulous +09544746 shaytan +01466472 notochord +01033903 little_office +05266239 papanicolaou_smear +13462191 deposition +10252921 southpaw +11788926 lysichitum +00604910 thaneship +00436404 diversify +02022486 strand +06403969 penmanship +08726463 yunnan_province +00598056 professorship +11261184 sir_ralph_david_richardson +00048828 coming +07745466 raspberry +14210119 osteopetrosis +09128536 durham +09175016 mount_fuji +09764900 active +00322488 incasement +02969323 carriageway +09865398 bond_servant +01064999 check +05538215 bunghole +10140314 governor +07712559 saratoga_chip +02015685 genus_crex +00117267 babinski_sign +08399818 selection +05230171 interstice +00835976 stertor +07028964 theme_song +05708818 perceptual_constancy +12064814 gymnadeniopsis +03331599 fibre_optic_cable +01032451 netmail +02010881 nyctanassa +05081957 asana +02381460 wild_horse +03888605 parallel_bars +01833283 hemiprocnidae +01103836 crush +01153305 federation +00083260 assumption +01440949 leuciscus +15285622 infant_mortality_rate +12952165 filmy_fern +03315805 facing +11870418 sauce-alone +10612210 slovenly_person +01585121 marsh_wren +08014202 al-rashid_trust +03608074 kamikaze +10503247 racketeer +02826443 atheistical +01977684 family_cancridae +02198021 philophylla +05913538 rule +00178380 muck +05713347 masking +02569630 undertake +07116443 plosion +00808343 challenge +11458314 fog +00426301 reappear +10074339 terminator +01502441 bucket +01234345 absence +06837037 daleth +06133203 artificial_intelligence +01041298 open_up +09072810 fort_lauderdale +02586458 charm +03907227 pen +05314255 epicanthus +01443871 trepan +00192300 simplification +02638596 ganoid_fish +07812662 spearmint_oil +00592535 foremanship +05871792 pleasure_principle +02854521 scriptural +04627506 soupiness +04318131 stick +05064541 topography +00238022 unveiling +00382739 tribalization +05535869 colon +03559999 idler_pulley +04990021 stridency +06573020 malevolent_program +01133106 occupation +00687523 doubt +14265722 marburg_hemorrhagic_fever +03428805 gathering +11194062 mott +12373739 souari_tree +14674143 emery +09108728 billings +04912982 politeness +09077821 savannah +03171228 defense_system +11138924 peter_lorre +02974003 car_wheel +04633197 vim +12392385 urtica +02416964 she-goat +06729251 nineteenth_amendment +13221807 order_lepidodendrales +00145299 scollop +05686481 cognitive_factor +00313171 weed +14169128 spielmeyer-vogt_disease +08464324 trinketry +02643421 call +08725926 hopei +01704752 ghostwrite +03808977 narcotic_antagonist +14364306 vaccination +07320734 live_birth +07897600 liebfraumilch +03724417 masher +06615026 feature_film +02611827 redefine +01277540 dien_bien_phu +01883920 dasyure +00839597 wind +10420277 petty_juror +01723883 thecodont_reptile +08727806 nanchang +04510090 usacil +11864906 genus_capparis +14491625 richness +10591949 shop_boy +12222334 persoonia +10802283 yankee +07750449 citron +08774374 nurnberg +03649909 mower +10264219 polyglot +12203699 tilia_cordata +00883611 reducible +13687278 piastre +00553823 tumult +10011074 pathologist +06860177 trill +14450339 shortness +03138856 crown +14005892 stream +10399299 pardoner +06121113 mineralogy +04407007 temazepam +09761753 registered_representative +11732857 genus_delphinium +00498988 calcify +01052853 set +07028797 leitmotiv +12737251 oil_nut +06577369 parser +02054834 phaethontidae +10834690 barkley +00233614 defusing +06185955 teaching +13300141 nonremittal +10897312 winston_s._churchill +11874423 hoary_alyssum +09064966 sacramento +03438071 waistcloth +02819474 bed +07631212 eccles_cake +02296984 signalize +14715786 alloy_iron +12367306 hypericum +00595545 moderatorship +12524188 blackwood_tree +02629390 rule_out +00328327 remand +00017865 turn_in +02314001 phylum_ectoprocta +10048001 ejaculator +11270772 ross +00055871 propagate +07518132 ill_temper +04898804 decorum +01440801 prickle +06056923 psychotherapy +02370525 ungulata +01826542 genus_coracias +07230227 vaunt +00824054 vaccinating +04708543 effortlessness +00669630 take_a_joke +13976527 balagan +12615986 potamogeton +12512460 genus_castanospermum +00279239 alphabetize +01801080 stultify +07904934 ouzo +00900583 welcome +07826653 aniseed +00656107 dichotomize +03565565 improvised_explosive_device +04593866 wiper_arm +09014470 kovno +14641397 iodine +05909730 academic_program +02169345 family_chrysomelidae +08242100 cadre +00610222 metier +06542267 stay +01480469 catch +10256756 progressive +02973558 carving +05454070 red_blood_cell +09532837 lohan +14454450 pediculosis +03980026 pomatum +06634960 misinformation +13047385 secotiaceae +02056873 spheniscus +13019202 roof_mushroom +04131208 salon +10039663 shithead +12402840 rubber_plant +02187510 din +07560542 kosher +09478355 white_river +02451912 interfere +01224415 wield +00337404 unsure +08826306 nova_scotia +09586011 anglo-saxon_deity +06620063 rerun +00176756 enucleate +04535634 vinblastine +01559340 lacerate +02573075 lopholatilus +09178141 north_africa +00509958 spot +01645466 liopelma_hamiltoni +08278169 college +09708750 parisian +13617207 hin +09041199 kadikoy +15217787 jumada_i +06713512 reproach +04461148 tower_of_pharos +08904533 lucknow +04572344 well +11965054 genus_erechtites +08291338 paleo-indian_culture +15031073 immunoglobulin_d +09296695 gulf_coast +05656537 sightedness +02391193 throne +03292362 epauliere +10292052 wealthy_man +13917334 regular_icosahedron +02622408 lepidocybium +03689840 lo/ovral +07051975 words +01872635 zaglossus +06707382 distinguished_service_medal +06809421 positional_representation_system +03822951 nyse +10411867 pederast +09361517 versant +02551668 scomberesox_saurus +00062203 menstruate +02386612 short +03018802 classificatory +11541919 genus_sphagnum +00756338 claim +01568630 strangle +10407310 patriot +01279305 wrinkle +12953484 royal_osmund +00048790 jacket +06646243 sign +07813324 celery_salt +05062993 dimensionality +08213424 united_states_army_special_forces +08622586 position +06269396 piece +01358191 calk +04704346 softness +10355806 new_dealer +08966408 republic_of_malta +10278805 ward-heeler +11680995 placentation +05428136 omental_bursa +10603959 sitter +03917455 periwinkle_plant_derivative +04892344 objectivity +00883139 snuff +14068685 gastrointestinal_disorder +02976641 case_shot +00201058 transition +01027924 editorialize +11642430 taxodium_mucronatum +03319858 pepcid +02363996 sewellel +13625063 cubic_kilometre +01111028 win +04229959 skimmer +15169136 early-morning_hour +12878019 genus_besseya +11703935 laurus +08125420 ctc +09168336 great_australian_desert +09685922 rastafarian +00930736 drafting +02363005 beaver +00337486 eye_movement +05382855 thalamostriate_vein +03406966 furrow +13065514 gymnosporangium_juniperi-virginianae +07889814 bitter +04737430 liquidity +09058841 tucson +04508062 underfelt +12360108 begonia +01444164 genus_electrophorus +03439491 glen_canyon_dam +13716878 apothecaries'_weight +01499006 reposition +06455497 synoptics +01549430 wood_pewee +07641581 potato_pancake +13409160 balance +12144742 zea_saccharata +01237872 centralization +11445395 sedimentation +11551211 spermatophyta +08349350 organ +04220344 silo +11014652 ugo_buoncompagni +15035123 botulismotoxin +09885866 furniture_maker +01219544 jack_up +00344942 squatting +14407283 restlessness +01158543 remilitarization +11640645 sequoia +13223265 ground_pine +08189371 minstrel_show +11436283 chemical_bond +01703195 spondaize +01548301 tyrannus_tyrannus +07715721 summer_squash +04951186 marbleizing +00436339 hang +01233387 smear +02433767 collectivize +12621619 sweetbrier +12053405 coral_root +08718577 central_african_republic +07457126 olympics +02680691 cheese +10187842 house_dick +04384593 tailgate +04056932 rayon +09866661 shoplifter +07413899 concentration +05736002 subsumption +10102369 forebear +01454702 gasterosteidae +02234848 water_bug +12617739 zannichelliaceae +03990834 weed +08413248 comprehensive_school +00337065 snap +07756096 winter_melon +09559201 asklepios +07962707 shock +00061262 adroit +07725158 goa_bean +00113853 brutalize +00207184 upgrade +10032524 drawer +11192666 samuel_morse +13456071 deaminization +09723564 moroccan +14038482 anoestrus +10641301 sprog +03862676 oven +00712556 reckon +09771855 reminder +00754767 illusion +00743641 prodigality +05961429 ethicism +14515041 lap +14370267 sleep_apnea +01314781 creepy-crawly +04143365 stud +01499849 rack_up +08729094 grand_canal +02715712 pom-pom +05602132 facial_muscle +02349980 genus_dipodomys +03463381 ground_level +09145655 odessa +05228264 cauda +04066476 redoubt +08409835 junior_high_school +01487718 overburden +02840361 reaper_binder +06013584 matrix_algebra +02568999 overdo +13225729 order_isoetales +07255174 prohibition +14018918 grogginess +10750640 vicar-general +08251493 four_hundred +04839676 unfairness +02000036 peripatidae +03289462 magnification +00552312 sleight_of_hand +10105733 forward +07411851 shimmer +10338498 muralist +05388115 pleura +00442981 diving +08748499 netherlands_antilles +04984514 dissonance +04656996 withdrawnness +01251270 electronic_deception +06720784 names +01608432 kite +03439348 glebe_house +05865652 plot_element +02003037 leptoptilus_dubius +02812482 territorial +11618861 larch_tree +06064462 toxicology +08191532 naval_unit +02608176 neighbour +11252627 walter_raleigh +10717921 tough_guy +01672275 trionyx +01678957 fillet +07619004 custard +00061014 squeaker +01879095 thylogale +05128219 spectrum +10220486 jazzman +13186654 tree_fern +13090091 tomentum +01279120 ticonderoga +00602112 take_up +04910684 lordliness +12698027 sapele_mahogany +08225581 municipality +11045898 william_herschel +00840751 feasting +01804029 genus_chrysolophus +13450862 machine_operation +03823540 nick +12937130 wild_carrot +00692143 favour +00729285 lesson +11794519 duckweed +07491981 zestfulness +01400891 diatomophyceae +09903936 censor +02293974 sitotroga +00161888 sampling +03241335 water_fountain +06645039 step +00067990 thwarting +09408795 rhodope_mountains +15094824 beeswax +06425960 social_security_number +01281154 sepoy_mutiny +06688059 nihil_obstat +01620282 genus_coragyps +04666416 slackness +02570038 mycteroperca +02005399 shoebird +13062421 jew's-ears +00291757 irradiate +02735066 gentile +10442815 plowman +04716864 fittingness +12537988 laburnum +00409869 europeanize +05264081 solid_body_substance +13994456 liberty +14628119 potassium_alum +00411312 civilize +13188096 davallia +10676018 superordinate +11237868 pius_ix +07497797 partiality +07551691 good_temper +05359828 cardinal_vein +00526259 adagio +12825949 genus_dichondra +09367827 neckar_river +01999767 velvet_worm +07549401 sulkiness +04781967 beastliness +13150894 peperomia +02427724 waterbuck +08222293 audience +13202749 lomariopsidaceae +02916936 bulletproof_vest +12551877 balsam_of_peru +06253518 propagation +11511327 facula +05566366 minimus +14358022 variola_vaccinia +12143572 zea +08727945 nanning +09449282 string +08571139 medical_center +03812119 shore_station +05198132 muscle +09838701 baptist +12603273 rheum_emodi +02713748 overhang +07963494 pyre +07301543 collision +11814440 saponaria +12256112 wintergreen +01275934 sino-japanese_war +10619492 socializer +11031995 sir_rex_harrison +12193205 silver_quandong +00287735 imbue +01003272 photometry +03760310 microprocessor +00524682 take_on +09456860 teton_range +00204022 averting +12615097 vallisneria +13484937 lyophilization +02257715 spittlebug +04810865 unlawfulness +00183053 available +00861077 canonize +00592795 governorship +05236029 blade +02051031 work +12761284 mango_tree +10876798 richard_evelyn_byrd +07959269 agglomeration +09264803 delta +00974224 dogfight +02694776 trans-alaska_pipeline +07444495 tide +14527171 resistance +14604959 dopa +11718911 peony_family +02616627 amenorrhoeic +09088989 wichita +12149521 phyllostachys_bambusoides +10814328 ali +14814616 coal +02797295 wheelbarrow +02025829 escort +02115324 antiseptic +10727256 treasurer +12339090 red_gum +10805932 zombie_spirit +01189929 judgment_in_rem +09421604 san_andreas_fault +08851687 luik +12505752 stinking_bean_trefoil +07593774 ready-mix +06428646 erasure +02332311 subtitle +00834636 smoking +14133750 granuloma_venereum +07314078 schism +01398772 horsewhip +10399130 pardoner +07302164 prang +02830157 bender +13298011 perquisite +02364989 genus_dolichotis +12735666 genus_buckleya +05705075 particularism +14482620 potentiality +11483990 shooting_star +02639075 tarry +05934550 middle_distance +02682424 hold_over +00405079 mesh +09695747 burmese +00095990 teethe +05715150 pong +02239659 genus_anasa +00817507 fire_watching +03034663 circular_saw +01377758 aerosolize +03553486 hydrometer +08161591 us_senate +04835260 self-love +13975037 incompatibility +02766044 b-52 +10614812 smith +00096766 suppurate +10092098 ranger +01453188 family_caproidae +01794195 scruple +01760945 prick +00834745 perjure +01657524 reassemble +02526934 culminate +14677778 gypsum +02485631 halter +06694359 eulogy +15078550 transparent_substance +11018153 guevara +04521987 varnish +03593526 jar +13983807 total_darkness +09470550 volcano +07517417 infuriation +05603342 ridge +03649459 lawcourt +10297531 stonemason +14836468 disaccharidase +01665185 put_on +11695085 sweetsop_tree +10752719 victimizer +08731057 taichung +03116530 counter +02476518 confirm +10708797 thin_person +01323793 poison +02255855 phylloxera_vitifoleae +03655720 leisure_wear +00144314 sliver +02354781 thomomys_talpoides +06682494 newsflash +02498708 valid +08725161 chungking +12883923 linaria +06869951 chord +12255086 styphelia +04338359 string +00931721 lexicography +03912328 peritrate +02110341 dalmatian +13617630 acre_inch +08943601 midi +13018579 volvariaceae +14496193 cleanness +14666510 apatite +07301336 accident +03452741 grand_piano +05575002 rhomboid_muscle +01087178 social_insurance +14475992 toilet +11414041 domino_effect +11834890 tumbleweed +12419592 genus_bomarea +11432758 moderate_breeze +14128812 severe_combined_immunodeficiency_disease +00774506 tazir_crime +02008796 egret +08560560 midden +03880531 pan +14812359 chylomicron +10668666 subject +08249960 dance_orchestra +14467975 hermaphroditism +00673448 set +00297404 drifting +00950431 weigh +07029819 statement +00529759 leak +02101046 blow +01843238 ramphastidae +01306736 norman_conquest +08771841 hameln +14950129 menhaden_oil +02050921 podilymbus +03998867 predictor +08640739 vacation_spot +06506757 reminder +02215161 sphecoid_wasp +14473655 luckiness +01786879 pycnogonida +01804921 old_world_quail +15009637 seidlitz_powders +03650803 pesthouse +14283178 wilt_disease +01072072 enjoyment +10580535 villein +01667969 stick +12908645 nierembergia +09130714 cleveland +04118776 ruler +07805731 petfood +12289433 filbert +01966377 pecten_irradians +01477224 dam_up +00131426 posterior +00354452 stem +00880269 sighting +02790474 hydroponic +01034118 theologize +02120458 frivolous +12239100 leiophyllum +04089666 riding_boot +08250635 skiffle_group +08066491 banking_system +10929886 de_mille +03530803 honkytonk +12636705 potentilla +03854998 organ_stop +07972425 feudalism +02891430 spur_track +00575169 isomerize +10502576 racer +02067540 course +07945657 dead +05232691 mesophyron +05525100 cobblers +12179632 sorrel +00283090 dye +12127890 genus_paspalum +10588357 tribal_sheikh +01065057 vegetation +06944911 czech +14549070 abasia +03938244 pillow +10012989 digger +00030142 titter +07860988 dough +04747445 resemblance +00982852 signals_intelligence +12139367 spartina +06826214 proportional_font +02042046 larus_argentatus +12379781 hydnocarpus_wightiana +06261060 lens +09779124 doubter +04932561 complex_instruction_set_computing +13594585 score +10586674 shark +12002651 winter_heliotrope +10038778 duke +02331175 wharf +05426087 venule +14617427 allyl_radical +09793141 ancient +01692864 lacertid_lizard +00816353 riposte +11412179 brisance +10066452 eunuch +06908159 algonkin +09784443 alleviator +09978889 cripple +12279458 yellow_oak +02407521 guernsey +02007898 bottom_out +08180484 admass +05585205 metacarpophalangeal_joint +01299037 wagram +07044088 sonata +12803226 tellima_grandiflora +07820036 salad_burnet +00132756 two-baser +05142641 welfare +03188979 diaphoretic +13543418 psychomotor_development +05632446 phantasy +04862747 presence_of_mind +13486115 gametogenesis +00136254 rubberize +03838298 objective_lens +12610328 water_orchid +11377043 watts +01436290 translate +01427278 fornicate +05806855 grasping +06135915 nutrition +15242029 lententide +02619291 outstay +14942223 loam +04099175 rocket_engine +02019044 otis +05328115 oil_gland +06071934 forestry +05890963 m-theory +05291010 abductor_muscle +11652376 rockingham_podocarp +00064889 indispose +09143786 dallas +01193886 acquittal +05554051 lactiferous_duct +12881105 turtlehead +06628663 spiritual_bouquet +10777894 whited_sepulchre +11981475 prairie_golden_aster +01130930 stockade +01123095 migration +00030010 snigger +10113583 strawman +00399393 revision +02366959 nutria +01961862 pinctada +11348160 tree +00783527 piracy +09885416 kabbalist +08241512 kitchen_cabinet +01541579 spill +02266050 dobsonfly +02504323 loxodonta +11228039 sir_robert_peel +15170786 rag_week +01478073 suborder_myxinoidei +05711915 tonal_pattern +07642933 jam +13012613 lepiotaceae +01841947 astrogate +01049475 mask +08416328 left_wing +02258600 unsociable +08241964 military_junta +02302454 preempt +07123404 war_whoop +10667709 subaltern +11231157 st._peter_the_apostle +00326440 descent +00049669 corset +01610226 northern_harrier +11995092 wild_chamomile +05149325 use +09084075 peoria +00846432 hank_panky +00031540 laugh_loudly +11668340 subclass_alismatidae +01318660 moulter +12776391 symplocus +01787191 merostomata +05202034 stypsis +01537710 genus_emberiza +01663749 bake +00430099 retrench +01427127 take +04293258 squelcher +12541157 yellow_vetchling +02933112 cabinet +02732401 converge +04793355 unsatisfactoriness +10238272 kneeler +14777277 prevacid +00171590 attributable +00664111 spot-check +07466557 field_event +09763349 acolyte +06449477 american_standard_version +02485731 gibbet +13906484 dermatoglyphic +12441183 edible_asparagus +09418169 saale_river +10221520 jesuit +01084866 convert +10144838 gravida +08375154 commonwealth +10322546 misogamist +05864177 variate +14124423 variola_major +10682953 truelove +09731436 south_african +06323612 adverb +00401783 refreshment +13142695 genus_colubrina +09753792 pisces +12778398 snowdrop_tree +00668112 cautery +01553142 antbird +11653323 genus_afrocarpus +01395254 ciliophoran +12783173 genus_aldrovanda +01299268 lop_off +04416338 tetrachloroethylene +03106722 corduroy +07498210 taste +05559256 tush +04973669 copper_color +11990167 oxeye_daisy +12395463 pilea_involucrata +02543565 snakefish +14821590 nonconductor +14350837 neuritis +01062395 set +04509592 uniform +08013453 al-muhajiroun +02042067 tunnel +06527851 sales_agreement +00973728 air +03318983 fallboard +11219121 robert_owen +02203739 psychodidae +10777147 whirling_dervish +05510358 lower_respiratory_tract +12938667 rattlesnake_master +01985667 genus_cambarus +07921455 cyder +02588122 fend +05435477 nucleolus_organizer +03894762 party_favour +10675481 supergrass +07182485 argy-bargy +01248782 trim +02681524 break +02853740 saurian +05363676 vena_circumflexa +10461169 powderer +00216692 draggle +01587526 grey_catbird +06588326 software_documentation +09024972 canary_islands +09646432 algonkin +13349395 surety +00319176 pickup +00950206 take_a_dare +08966085 timbuktu +15178694 solar_calendar +01159655 harmless +13623636 ml +00894359 drill +00576684 keratinize +00594413 uninterrupted +08122009 state_department +08170535 suzerain +10214390 voider +11733424 genus_eranthis +00588598 accountantship +09113333 camden +09809279 army_attache +13809769 basis +00169811 loop-the-loop +00444651 skin_diving +01165537 self-mortification +07826930 star_aniseed +03077074 commodity_exchange +01644900 tailed_toad +06941341 khoisan_language +00784727 ask +00414627 relocate +15097209 detergent_builder +02017299 out_in +10536134 rocket_scientist +04496035 tuileries_gardens +01636993 prefigure +08614746 midway +02732148 gravitate +02739861 mingle +07472929 run +08285594 vocational_school +04336645 stretch +00636441 induce +01623110 strix_varia +13408980 balance +12413642 stinking_iris +00468236 renormalize +12774641 sapodilla_tree +04405309 television_pickup_tube +00403783 wounding +01682761 lacquer +01892953 humble +08773880 lubeck +00290276 lurch +01823279 genus_cuculus +10455915 poseur +04847991 theological_virtue +14146273 bronchitis +05953614 theosophy +08688076 pisces_the_fishes +00533403 sole +07863374 pasta +00475647 purge +03003091 chalk +10792856 wrecker +12807409 platanus_occidentalis +08247251 quartette +05552106 smaller_pectoral_muscle +02010698 vamoose +02033561 curlew +11797722 wild_sarsparilla +08453722 precedent +13208468 genus_cheilanthes +02438861 mismanage +00739632 comparative_negligence +11036140 rutherford_birchard_hayes +07824702 paprika +01433809 retrieve +02731398 apsis +01190172 judgment_of_dismissal +02672886 cacodylic +02336449 insufficient +05258299 crimp +03732114 mausoleum +01756719 script +03980332 pommel +00233203 tighten +15169759 night +01058049 infant_feeding +13939353 wild +07267160 staff +03163798 data_converter +10826717 viscountess_astor +04455250 topmast +01946277 neritid_gastropod +09788073 ambusher +10825180 president_arthur +12128825 pennisetum_glaucum +01472939 chorion +07512848 sensibility +09585434 teutonic_deity +02196378 sugarcoat +02099774 senior +10720197 track_star +08092539 methodist_denomination +13978166 stir +06617644 rough_cut +10219121 jailbird +02354537 supportive +01376082 moisten +00784388 extortion +12357485 shellflower +01441625 notropis +02671279 admit +12144399 field_corn +11727540 blue_columbine +14902733 epoxy_resin +11044168 hepworth +10559288 schoolchild +04178190 seventy-eight +00132385 ventral +12124358 leymus +09217414 beachfront +06508112 transactions +03197804 lanoxin +11245110 powell +03001282 chain_tongs +01543632 ricebird +09498497 midas +05630409 red_region +11722199 ranunculus_lyalii +01965331 ski_jump +01195380 legitimation +13858833 opposite +01052450 planting +00577170 beneficiate +02377651 synchronous +07039056 realization +11100139 weary_willie +08241654 loop +10182499 householder +05077146 alignment +01618503 secretary_bird +12406488 white_elm +02310328 submit +11123262 ledbetter +14139015 pestis_bubonica +09142674 abilene +02613860 skip +02424085 tragelaphus_eurycerus +14642916 krypton +02038837 glareola +01416364 thresh +01485513 unpack +01281782 rout +07408965 blowback +09779623 agricultural_labourer +02239934 leptoglossus +00604811 teachership +07321247 renascence +08841483 republic_of_nauru +01181166 feed +07322550 second_coming_of_christ +11349739 truman +13143285 ziziphus_jujuba +10146559 greengrocer +11512650 electrical_conduction +09231361 caloosahatchee_river +01801498 humanize +07362218 subsiding +03918737 personal_organizer +00243606 light-haired +05870615 hybrid +08983105 warszawa +04624959 nervousness +00967310 predation +00179567 stone +10740732 upstager +05408113 corticotropin +03937437 pillar_box +02444159 work +10254965 tribade +02633422 poronotus_triacanthus +09390424 persian_gulf +06978180 caucasian_language +01539573 true_sparrow +05197701 carte_blanche +13753430 sextillion +00184802 multiple_voting +10763075 waif +09754633 abnegator +12930778 umbelliferous_plant +08970611 tangiers +06919215 mayan_language +02879718 bow +09227839 bowlder +03892035 parquet +01678407 redecorate +12581230 palmales +03626115 knob +00801277 youth_movement +08965251 republic_of_maldives +07118554 spirant +13779374 content +00139758 interception +00930868 dramatization +06066267 agrology +03362293 fleapit +04323819 stocking +13304009 selling_price +01593857 irena +10883688 carrel +05530871 true_vocal_fold +03688943 observatory +13411157 audited_account +09199101 formicary +02668393 abrader +04266162 space_station +01949435 ferry +01450661 squirrelfish +05831784 thorn +01789164 fret +02212646 luck_into +00281752 landing_approach +01368973 salmonella +01362336 nitrobacteria +00619230 clerking +08464449 troponymy +00222248 dispatch +03807537 table_napkin +04224155 syphon +07054122 shivaree +04460130 tower +11758799 red_sandalwood +11237075 pius_v +11883945 scurvy_grass +14542320 health_hazard +04009552 projector +10584729 sexpot +14228148 keratosis +14422035 continuity +12529730 genus_gastrolobium +06221790 hawkishness +07641380 pfannkuchen +01578180 indian_grackle +14668065 bastnasite +13969700 peace +02492356 douroucouli +08987879 st._kitts +14055052 white_lung +11930788 white_sage +13752033 milliard +00885569 indenture +00593512 incumbency +11828577 wild_spinach +01155893 sexism +07250034 commercial_message +00073813 purge +08595054 battle_line +02706478 shimmer +07697537 red_hot +01585890 thryothorus +02942769 ontogenetic +01967104 caper +05351058 meningeal_artery +15123115 day +00419950 tighten +14013005 stagnation +00043912 prank +11332572 tati +13236726 genus_hoya +09323221 mount_kanchenjunga +04286307 spot +06975132 paxto +04818284 tastelessness +14887026 glyceryl_ester +11714382 nutmeg_tree +11354145 tyler +00857872 pederasty +15190084 july_4 +14456752 undress +04865114 industry +03118846 countinghouse +00539110 run +12566112 malabar_kino +12797368 umbrella_plant +10717461 totemist +00418765 tighten_up +00366691 chromatic +10150281 guard +00381331 metrify +05615147 nous +02178866 pink +00787061 whirl +04900947 modesty +14964590 nucleotide +03534429 hoop +01579622 spoon +03619650 kit +10736394 underperformer +02192388 sarcophaga +04357314 sunscreen +07208930 complaint +06827344 italic +00242026 die_down +03993403 poultice +02761372 kindle +01608086 pernis +14698884 gravel +01544208 grassfinch +01479643 superclass_gnathostomata +00383093 transubstantiate +02320127 crinoid +07723753 butterhead_lettuce +02486261 patas +14299336 sprain +04253751 soap +09728137 qatari +01491661 soupfin_shark +01196524 kick +15171008 rag_day +00667847 castration +06985892 east_chadic +00524299 acetylize +10671736 successor +02449060 gulo +13289845 appropriation +02305929 cinnabar_moth +04915462 shortness +10339350 muscleman +04997472 edibleness +15226046 quarter +01813811 stictopelia +10935745 karen_blixen +00058794 fawn +01868780 wrench +03781244 monastery +01336587 unintelligent +00149699 butt_welding +01195804 shoot +00382010 transform +14539268 security +08062623 publishing_house +07404584 tide_rip +10361060 nondescript +12817464 anchusa +02173373 popillia_japonica +02078159 otaria +11888800 sweet_rocket +12156819 grain +12048231 genus_caladenia +02277138 rustle +02623731 root +12879963 painted_cup +00582743 singe +01463340 mesh +03071552 tintometer +14880107 optical_glass +03911992 penoncel +12879350 genus_calceolaria +10947403 earhart +00316827 lap-streaked +11799158 meryta +12623368 genus_amelanchier +00594260 legation +01503736 rick +06615458 home_movie +15298507 question_time +07897200 rhine_wine +01423167 tampon +14412564 appro +06838219 samekh +12343480 fuchsia +07057196 serialism +00328885 slippage +02237943 dishonour +14752702 hydrocortone +02591205 pagrus +02601680 stet +02552829 rehabilitate +14017206 exhaustion +04186051 shaving_soap +00163592 attentive +01446760 killifish +09134999 allentown +08811982 tuscany +10217038 irridentist +07091587 abbreviation +02465693 stinger +09732903 french_people +10763878 waker +08382297 shadow_cabinet +10227266 junior +13569905 transpiration +09846755 beekeeper +02295550 share +06994329 nguni +02621706 chelate +02950154 occlusive +13207094 venushair +05345581 gastric_artery +04627000 warmth +15116910 standard_time +02132788 ursus_middendorffi +06609785 shmegegge +00514128 practical_joke +09608377 auctioneer +14724645 antioxidant +10254761 lepidopterologist +02437136 camel +12321077 pecan_tree +13800801 qualifying +09860940 blubberer +09541526 sandman +02303917 genus_automeris +05933834 ground +12317763 order_juglandales +02929749 isobutyl_nitrite +00129743 force_play +09991867 pet +14159153 clinocephaly +02538216 speckled_trout +05951969 spiritualism +12811501 moss_pink +02545841 opah +00924612 signalize +08078976 minor-league_team +11537506 moss +09888832 caller +12901724 capsicum_frutescens_baccatum +01139623 parlay +00663549 double-check +01947275 family_buccinidae +12764507 squawbush +00487874 tag +12948053 red_dogwood +04773351 mobility +11921395 pearly_everlasting +15237044 springtime +02652158 herd +02571901 mind +13039349 gastromycete +12511046 genus_canavalia +12927921 pedilanthus +10328560 mongoloid +01166258 interchange +04909018 perversity +01551430 pipridae +01569423 myrtle_warbler +07962124 mass +07268759 nobel_prize +00549552 save +12447891 desert_mariposa_tulip +11460281 traction +12554526 locoweed +09691994 bangladeshi +00715769 concretize +10242328 labourite +02310895 straight +07925808 kumis +03130563 crepe +07334876 ravage +01104852 overreach +06877849 scowl +00185307 equation +02950826 cannon +03492542 hard_disk +09752927 virgo +09350922 mendenhall_glacier +08956461 tegu +04429169 thrombolytic_agent +09541809 robin_goodfellow +06888674 trailer +10384392 orphan +10094782 flak_catcher +03134853 croquet_equipment +01960900 ostrea +11088622 samuel_johnson +11727358 meeting_house +05637106 nose +00134737 alkalinize +06616806 infotainment +06837895 lamedh +09966470 corporatist +14428404 biosafety_level +09151216 portsmouth +02835271 tandem_bicycle +12847254 glechoma +08247021 duo +02195403 tabanidae +00017282 nod_off +10331841 undertaker +08022666 huji +14559208 prolapsus +08755436 barbados +13041725 family_calostomataceae +00606093 practise +14972359 oxygen_acid +00343700 evitable +12783996 roridulaceae +03536568 horizontal_tail +01698434 gator +05558555 pubic_region +03842377 off-line_equipment +00448466 skating +02021376 top +13409647 carry-over +14661274 xenon +06820425 ascii_character +05034473 valency +12252866 australian_heath +10734741 two-timer +13880811 hexagram +04622772 reclusiveness +05621178 wiliness +13013534 lepiota +12292877 pyramid_plant +10108719 francophile +14461679 works +12642200 sweet_cherry +04326896 stool +02588286 grunt +14849367 isotonic_solution +05897553 shadow +12781814 nepenthes +04919209 indirectness +10498699 quarter +05065386 bilaterality +14632444 cd +05638778 mixology +10270468 lollipop_woman +11722621 ranunculus_sceleratus +02097047 tumble +14750316 oestradiol +12572546 hoary_pea +01128655 subordination +14801921 cast_iron +03186005 dextroamphetamine_sulphate +02549392 minister +06988684 assyrian_neo-aramaic +15041277 silicon_oxide +13123681 rock_plant +10251125 lazarus +01043887 whistle +13895745 snag +01663659 genus_chelonia +02817799 reed_instrument +00604424 speakership +05086740 leap +07905770 mescal +00287258 pigment +10974740 president_ford +00837133 gloss +07483782 unemotionality +09094381 baltimore +11601177 sago_palm +10736926 underseller +03441778 glutethimide +04044716 radio_telescope +01197338 digest +10855047 humphrey_deforest_bogart +02221820 slave-making_ant +01660857 nonoperational +03690938 lotion +01250335 hit +02570062 trespass +06926889 turkoman +07417851 watershed +09731906 spaniard +05541509 frontal_eminence +08701296 galatia +08171094 bloc +13573057 vegetation +06461609 quran +00879764 propose +02136623 genus_fossa +12332555 feijoa_bush +01363719 spirillum +00677174 hysterectomy +04444749 toecap +03048094 clomiphene_citrate +04970059 purpleness +09775907 aeronautical_engineer +02270011 thysanuron +00898691 bow_down +11660537 taxopsida +12349916 rhexia +02108665 sensory +12096395 water_pimpernel +01119421 shiny +02968325 european +02684453 ramble_on +12426100 lilium +02512922 nonviolent +02182220 genus_bruchus +01844551 quetzal_bird +01860713 genus_anhima +10691937 tartuffe +14960261 tobin_bronze +10384496 orphan +03246454 drop_curtain +00594738 magistrature +05453267 monocyte +08033454 maktab_al-khidmat +10248542 mormon +02130300 view +03091907 conning_tower +11519799 tossup +04357121 sunshine-roof +12944238 seseli +01493687 squalus +02615079 alular +03201776 tuxedo +00590913 consulship +00630802 incorporeal +04873550 dishonourableness +14766364 antifreeze +10869931 president_buchanan +02386845 socialize +04294879 stalls +00979667 subvocalize +11492388 polymorphism +06642899 military_intelligence +01158022 drain +11356822 urban_v +01051082 stealth +08626845 potter's_field +04096848 roadblock +06407221 manuscript +09100837 grand_rapids +00194969 variation +00562303 deflate +07623664 tart +02253715 woolly_plant_louse +02460451 tamanoir +00145623 round_out +02429456 pronghorn_antelope +02204084 phlebotomus +00243237 ushering_in +00798959 advertising_campaign +05153155 impracticableness +04407686 temple +09679170 gentile +07636534 macaroon +01634392 necturus +01887076 protective +14068344 gas_embolism +00746232 violation +10868397 george_bryan_brummell +07184545 fracas +00255389 soften +10586998 shavian +00049102 now +12756457 holly +03515934 hermitage +02467003 liberalize +00800657 gay_liberation_movement +00796047 theatrical +05750027 virtu +04946078 acquisitiveness +15268993 threshold +10466060 preschooler +03757428 metronidazole +05022709 pliability +00508340 lucky_dip +03646916 latticework +09815188 whoreson +13907104 line_of_saturn +02278830 turn_a_profit +14173625 angina +14392143 mass_hysteria +07711232 home_fries +03588414 item +11824548 genus_alternanthera +14439294 reputation +02877910 mandibular +07509996 wonderment +10699262 worldling +00240754 paternity +04438742 timolol +05368100 vena_genus +07902336 ardent_spirits +05229468 filum +15077571 transferase +04364545 surgical_instrument +06917602 tupi-guarani_language +08082602 church +12051792 rosebud_orchid +02644113 rockfish +02372397 procaviidae +10848122 giovanni_lorenzo_bernini +00588881 apostleship +14724436 inhibitor +12442220 genus_asphodeline +03913702 pentylenetetrazol +14827191 cyano_radical +07313518 constriction +06382590 rhapsody +02257141 sociable +02157285 biped +09977178 crewman +01249616 spoliation +02579557 pompano +08766571 lund +12595452 raffia_taedigera +08405490 posse_comitatus +02636854 mojarra +03766322 woman's_hat +11702566 genus_cercidiphyllum +04758181 inconclusiveness +12533992 hardenbergia +11169418 william_mckinley +02194078 genus_dermatobia +00479176 slaughter +06528992 overvaluation +01964636 unionidae +01043820 idolization +01936671 lugworm +02237730 poecilocapsus +01599805 crepe +12821048 lithospermum_canescens +10959857 gerhard_gerhards +04634161 high-spiritedness +01603303 metal +12709349 citrus_medica +02128757 snow_leopard +13397174 debt +06359193 website +14960090 natural_gas +02307007 malacosoma +14533203 hypersensitivity_reaction +06457796 paternoster +14774699 benzol +13984082 dimout +01574801 rusty_grackle +12326842 myriophyllum +02752107 trim +02443808 muishond +01770802 touch +10465248 pre-raphaelite +01206474 low +04553389 wash +01738347 replay +02340543 instrument +10178917 limper +01946487 genus_nerita +04175380 table_service +02598768 abbatial +00735832 malversation +12989142 pertusariaceae +01315805 range_animal +07891613 nipa +11518645 thermal +06536853 measure +13483726 fossilization +14919948 insecticide +01611240 perch +01256487 step +00616498 skip_over +05689109 snorter +02353537 curtain +01798782 try +04181718 shade +01208597 resort +11151189 malcolm_x +04678908 pretext +00439284 split_down +12031739 genus_vernonia +07929519 java +01473729 puddle +11940750 trifid_bur_marigold +01276192 scribe +00508091 lottery +04951716 nimbus +12451915 fritillary +03269203 electrical_converter +02665119 trinectes +08873147 blighty +05651242 vocabulary +05355527 testicular_artery +07536074 self-reproach +10344922 namesake +12003407 pilosella +05245906 pore +00919608 translate +11327744 synge +01901133 stumble +01746191 western_coral_snake +06466030 ayurveda +10701783 tenor +00465634 plumb +01937579 bloodworm +08165353 top_brass +01756508 western_diamondback_rattlesnake +15106271 yeast +11331804 tarquinius_superbus +02432704 odocoileus_hemionus_columbianus +10015897 unbeliever +05646535 mental_defectiveness +09011518 minsk +06340047 agha +13831000 cardinal_compass_point +11387179 wilkes +00739536 calibrate +02854926 blouse +01106670 outpace +03120491 court +00926702 vaticinate +07931870 may_wine +06495000 roster +01944466 levitate +02313906 divest +00408272 winterize +02694287 head +07723330 salad_greens +00178575 authorized +02614945 altitudinal +12410032 planera +01581933 cocoon +01588431 new_zealand_wren +13277886 expense +11659068 saxegothea +01205000 burn_up +12070950 listera +02619020 live_out +05006020 sentience +14071235 disease_of_the_neuromuscular_junction +11817329 spergularia +00941166 raise +00819163 stand_pat +11920867 genus_anacyclus +00894365 plead +01941223 scaphopod +02500902 try +15295045 prime +00049483 underdress +00311687 pilgrimage +09098721 plymouth +11941719 genus_brachycome +01256374 upset +03778817 module +02005790 ibis +00872541 arithmetic_operation +03516996 superheterodyne_receiver +01825009 musophagidae +10564800 scrimshanker +06950209 scottish +01330676 darn +12544240 lentil_plant +01008801 orchestration +00559919 spice_up +07316856 happy_chance +14980579 rock_oil +14646942 niobium +12282527 silver_birch +07314277 hap +05673209 forgetfulness +12653056 rubus +00823827 savage +02685995 airbrush +08236963 drug_cartel +07745661 shadberry +08553280 federal_district +12220019 mountain_devil +02713835 square_and_rabbet +02410702 buffalo +12809626 polymonium_caeruleum_van-bruntiae +00168564 like_thunder +00858437 cheerlead +10271525 loose_cannon +10222353 jimhickey +00778745 break +00351406 stick_with +14030820 impendency +10511069 receptionist +10615334 smuggler +10107303 founding_father +05642553 touch +05299927 third_eye +00917651 second-guess +10049017 electrical_engineer +13785136 transformation +08801546 ticino +03556281 nuprin +13805974 present_progressive_tense +01354149 rhizobiaceae +02000618 peripatopsidae +07090721 repetitiveness +01707128 reharmonize +02511075 bate +02585860 make_it +07883860 chaser +04867130 sincerity +02174870 macrodactylus +02034661 stiltbird +10174148 hewer +02199170 sheep_tick +03909835 penicillamine +00878648 regard +09541434 leprechaun +00096648 work_up +14855150 meconium +08194074 us_naval_academy +11825535 genus_froelichia +02403325 bull +04173172 sequence +01944217 helicidae +03284743 enamel +07640749 buttermilk_pancake +00701576 miscreate +07172557 text +02658570 answer +02946348 motor_home +05898035 flying_dutchman +06453119 haphtorah +01374465 puddle +14860102 flux +02658670 platichthys +09907919 changeling +05795957 mens_rea +03118346 counter_tube +11659500 sundacarpus +00639356 inconsiderate +01329141 annex +13495209 polyhidrosis +10050432 elevator_operator +05032565 endurance +01703569 horned_dinosaur +00867409 question +03758334 mezzo-rilievo +06113415 hydrostatics +00285705 embrown +04429376 throne +05919034 suspicion +00282840 march +09221571 birdnest +06165823 modal_logic +02713218 bobbysocks +07998573 stamp +00498530 calcify +07986617 trimurti +11486708 sphacelus +04783724 plausibleness +09861287 bluecoat +08167046 developing_country +02433549 revise +02703438 cosmological +09972010 full_cousin +12339319 syzygium +02493030 visit +12748248 waxwork +11547855 spore +01449236 adduct +00712031 rubbing +00868799 wailing +09001373 transvaal +00800586 bracket_out +05179180 easement +10969305 king_ferdinand +14657818 tl +02923129 burner +07774479 cola_extract +08727606 hangzhou +11274269 rush +02056300 stampede +15131123 elapsed_time +12155773 typha_latifolia +00976224 headline +10179069 hobbyist +05656042 binocular_vision +00360092 leave_behind +05770391 quest +02148377 genus_euderma +00677544 sieve_out +02308852 loxostege +08649345 side +11822300 tetragonia_tetragonioides +12592058 nipa_palm +09780676 aircrewman +04766620 tortuousness +12864545 salvia +05317960 uvea +05804136 guestimate +15104217 wool +00576228 expectorate +05087297 distribution +00853835 stimulation +02680531 shut_off +14077454 hyperpituitarism +06677974 typography +01053221 hoot +07680416 barmbrack +05529012 oropharynx +01176931 obstructionism +08717629 douala +00913982 hurrah +01532434 clean +14857151 scraps +04049098 train_station +07818133 fenugreek_seed +06049500 dermatology +02953673 canvass +07261300 era +11699442 oregon_holly_grape +08508449 headspring +01915253 jaywalk +01572510 take_apart +02021921 get_through +04940146 porousness +13223090 mountain_clubmoss +03451473 graduate +08814664 constantina +12023407 tanacetum_ptarmiciflorum +10899951 the_great_compromiser +13005329 omphalotus_illudens +02259212 leafhopper +00866314 curse +10133644 government_agent +14431637 flag_rank +00465291 true_up +03191029 die +09311259 indian_ocean +13439570 inflorescence +00414823 dislocate +07282166 voice_over +11750989 sweet_clover +02953598 russian_orthodox +03690005 lorazepam +08136027 bureau_of_justice_statistics +01650901 pacific_tree_toad +12904720 lycium +07737745 peanut +00102791 salivate +04585745 windlass +05639651 salesmanship +04648059 stuffiness +13625237 bit +12606545 spiderwort +12112008 gramma_grass +14380473 anxiety_disorder +02003359 banish +12079737 genus_pogonia +00799809 front-porch_campaigning +11496881 osmotic_pressure +01575388 bulldoze +01058995 kibitz +12085117 genus_stelis +01204677 gutter +02210567 nomia +06919433 apache +07803992 wheat_germ +11739199 trollius +01895128 chine +01638438 old +03755545 robaxin +02732827 pergola +02643740 suspend +07534700 contrition +00918471 augur +13931765 sexual_relationship +00821580 reflect +09889065 call_girl +12642964 prunus_capuli +12289115 hazel +00897026 rehearsal +06461830 sura +10859669 thomas_bowdler +05699600 peradventure +06603494 referent +02557638 check +02015384 pull_in +00437788 tumble +12134025 secale_cereale +06347225 trot +02930503 satanic +06997697 nilo-saharan_language +07529377 mirthfulness +03061050 cocked_hat +12909421 petunia +10804406 youth +01382086 large +00440747 skiing +07783827 anchovy_paste +04585626 winceyette +05308310 tooth_root +09461315 trench +02635420 compel +09469152 variable_star +00246746 triple +08898457 aswan +03144156 crystal_set +14980784 residual_oil +02593107 serve +07512465 sensitivity +11437577 ionizing_radiation +01170983 lick +15126750 triassic_period +15062955 jagghery +04652635 sociality +07202311 epithet +10032884 drawler +12877244 snapdragon +00023383 inaccurate +07054433 dance_music +03032576 ciprofloxacin +01637932 web-toed_salamander +03064076 entozoan +03456665 topcoat +14026376 depersonalization +01677989 tinsel +05128096 gamut +05792010 possible_action +04921900 training +13813591 consanguinity +02220055 pharaoh_ant +04219424 silk +13312754 council_tax +02262679 plecoptera +15187250 valentine_day +09856827 birth-control_reformer +13649054 astronomy_unit +01234625 bury +12224669 genus_casuarina +00811221 rectal_reflex +09879552 bully +13178284 tongue_fern +00588780 ambassadorship +02730135 leave +01467751 fringe +10041887 wage_earner +12159555 vegetable_marrow +04806169 reproducibility +11772408 vinca_rosea +09582343 weird_sister +09931165 clown +10055410 temptress +11116642 samuel_pierpoint_langley +12004686 prenanthes +03022349 epiphytic +07474645 sweep +04138977 saucepan +12231918 manzanita +03119203 trading_post +00608372 know +12190410 white_silk-cotton_tree +13052931 scaly_polypore +04832716 openhandedness +02034129 godwit +00307314 fare-stage +11897760 stephanomeria +10200047 scamp +14367341 elephantiasis +09537660 messiah +03196990 dsl +03736372 meat_safe +14598937 gum_accroides +00592367 fatherhood +05387395 pancreatic_duct +02404076 squeeze_out +15137047 rest_day +12254478 richea +08774912 stuttgart +07905618 pulque +02701775 confrontational +01394464 grind +07167578 submission +08584787 hilltop +05771532 free_association +01888264 buck +12135049 setaria_viridis +14776924 alka-seltzer +01549641 western_wood_pewee +00937879 spell_out +08135770 bureau_of_justice_assistance +11076079 thomas_jonathan_jackson +04429756 throughput +01369204 frazzle +09930102 clocksmith +00705227 plan +01326015 crest +04487996 trophy +09837459 bandsman +00375865 freeze +12563913 psophocarpus +02243878 gerris_lacustris +07730406 celery +09780984 airhead +14051201 radiance +13810615 member +12035423 mentzelia +02993546 centre +00060063 abort +12888906 velvet_plant +02258354 genus_aphrophora +05492426 gyrus +03692942 louvre_museum +05060783 acceleration +02300018 family_bombycidae +11972141 gerea +15074568 tile +06224657 paganism +01665507 devil +02662239 whiff +11168645 mccormick +03455355 pointrel +03416329 gap +06655388 principle +02297635 spodoptera +07403920 tidal_bore +00960562 dub +02750432 rime +10347446 naval_commander +12015076 silphium +05404074 lymph +02601767 striped_mullet +10836029 john_barrymore +10511960 recorder +09856671 birth +00963447 intifadah +07752109 sloe +01633250 genus_cryptobranchus +01878500 onychogalea +11818636 vaccaria_pyramidata +07553016 touchiness +00718924 arbitrary +07449157 masquerade_ball +11924014 woolly_daisy +06840648 ideograph +14049098 obliquity +00198850 mitigate +14973133 tablet +09656673 hokan +02359204 genus_cynomys +01963136 genus_arca +04564413 waveguide +01530098 sink +01232246 recitation +01881034 totter +02588580 haemulon +06489190 honours_list +01109087 upset +09976283 weirdo +00569318 destalinize +01828714 meropidae +07590320 hungarian_goulash +09969718 counterwoman +10035952 junky +02678070 disinvolve +02602620 genus_atherinopsis +09797113 anticipator +01877620 swing +06913313 muskogean_language +14525548 nakedness +06730241 dibs +02710429 wind_gauge +00635904 strike +14055623 eating_disorder +11694300 cherimoya_tree +05912012 ira +10662649 tough +07814203 cinnamon +01185475 lunch +05859991 multiple +01037148 native +02055267 tear +09819291 astrophysicist +10260166 lieutenant_general +05689645 millstone +10551576 sapper +02193163 botfly +01635343 rhyacotriton +05624254 knack +13850019 billionth +09845589 wolf +07574602 breakfast +11768816 ordeal_tree +07122639 hosanna +02346998 old_world_porcupine +10880398 john_calvin +02399791 third_stomach +14535905 moistness +07582277 hors_d'oeuvre +13802306 jussive_mood +07749731 lime +06070503 cytology +13694160 piastre +13644047 wave_number +13487409 glaciation +07874531 poi +08079319 baseball_team +14795432 pyrocellulose +03148324 cupboard +12386724 myricaria +02630281 sailfish +07634901 teacake +02561661 pickerel +12762049 pistacia_lentiscus +05544432 sutura_internasalis +00590366 twig +05894143 logical_fallacy +03570709 ingredient +11205246 paul_newman +01686439 original +15154190 senility +03774673 mithramycin +12029326 tussilago +14908977 humate +07676967 polony +12800832 mitella_diphylla +12983404 plasmodiophora +08165455 executive +08970189 marrakesh +08915784 thrace +01590837 sitta +03758720 monistat +10635788 sphinx +00582145 vivify +01819911 pother +04027367 push-button_radio +08672562 settlement +00029336 smirk +01105385 outsail +06460524 wisdom_of_solomon +02126022 stink_up +00886807 secondary_education +10049363 linesman +11819751 genus_dorotheanthus +10804102 yokel +14456893 bareness +07816052 sassafras +02592397 emcee +07181546 dissension +01984902 sit_down +00540895 promenade +09169038 kavir_desert +14124688 white_pox +13261779 government_revenue +06999233 illustration +12203529 tilia_americana +01704761 overt +10110421 self-employed_person +13250930 estate +04878646 ultranationalism +01966706 roll_down +00107875 curve_ball +06362441 hieroglyphic +06334512 fictitious_name +10104592 foreperson +10104209 honcho +14923060 steel_grey +00227667 screw_up +05968835 secularism +01025089 namedrop +07781207 bluefin_tuna +10747672 venter +02860389 thoracic +07013400 spiel +02635580 clingfish +04739630 innateness +01550761 cotinga +11325534 william_ashley_sunday +00669481 curettement +11856573 rougeberry +11971094 genus_gazania +12635955 flowering_crab +14576242 hypertonus +14918994 incense +09289331 glacier +03395859 fresnel_lens +08279800 air_force_academy +07249336 mailer +09110229 omaha +03225108 dormitory_room +07650903 mince +14816181 wool_grease +15246353 while +02301825 take_over +09752657 crab +09248294 coastal_plain +02429475 turn_out +04499180 turing_machine +03246052 drop +03304605 expectorator +03608661 kaopectate +07681450 hallah +10324357 mod +09188094 admiralty_range +00838856 efficacious +04538878 vizor +13558953 source +04621738 extroversion +02516255 smooth_over +11601918 zamia +00697923 well-defined +02070296 pour_out +13644522 watt +02994312 liturgical +10156629 hakim +14993137 podzol_soil +01985247 receptive +07835051 salad_cream +04698112 ornateness +15252635 old_times +08977948 pelew +14678406 hemimorphite +00806314 support +07638439 fortune_cookie +00102303 sputter +12197601 kola_nut +01600478 corral +01534034 pyrrhula +03749807 mercury_thermometer +07279045 language_system +02618468 amphitheatrical +02665282 resemble +01051118 waver +10990733 president_garfield +03371728 flushless_toilet +02060792 run +02614023 play_hooky +14660443 uranium +00941451 framing +10693646 taximan +12528549 erythrina_crista-galli +02021149 summit +04936403 thickness +06619850 news_show +14258609 arteritis +08231499 majors +06707846 distinguished_flying_cross +01556514 whistler +01564630 silvia +00911562 regret +01965806 vault +10767519 warehouser +03181501 detector +10819755 marcus_aurelius_antoninus +06449361 new_english_bible +14195939 thalassemia_major +04781349 wickedness +10844231 giacomo_della_chiesa +00788362 seeking +04941942 impermeableness +06399631 supplement +14686020 derv +02704617 weigh +01784295 snap +00840189 swig +03176084 dentifrice +02113335 poodle_dog +00886272 extracurricular_activity +06515489 historical_record +03449564 government_building +08132046 defense_advanced_research_projects_agency +06696991 aliyah +04062644 reconnaissance_plane +02417534 wild_goat +02502387 repatriate +00818170 air_cover +03835582 number_cruncher +06192789 vertebrate_paleontology +11656123 lagarostrobus_franklinii +02719294 antidiarrheal_drug +09940818 comedienne +14870078 cotton_wool +04418644 theater_light +03341297 fingerboard +13180534 spleenwort +02777927 balcony +00650932 label +02557902 bottleneck +06604066 gist +02693246 airport_terminal +02020237 maraud +01794344 turkey_cock +10267166 litterer +06693744 rave +09543021 succubus +10884831 president_carter +11612923 white_pine +05922949 reference +02686952 ray +10229034 kalon_tripa +15092059 nicotinic_acid +04535524 villa +10120671 gardener +12677841 symphoricarpos_orbiculatus +05811214 intellectual_nourishment +04793016 admissibility +08736779 abidjan +01414288 rap +14622623 benzyl_radical +04437670 time-fuse +01581070 capsulize +09886403 golf_caddie +01540233 grossbeak +07058468 military_music +15109127 zirconium_silicate +13383696 blank_cheque +00589596 cadetship +10327824 royalist +12816508 tailwort +01409065 volvocaceae +02077923 sea_lion +07398276 toot +14431471 rating +10932898 john_dewey +14047641 tubal_pregnancy +04007510 procyclidine +02157206 hexapod +14027396 nerve_block_anesthesia +04664413 wariness +01522952 genus_dinornis +10100620 food_manufacturer +12172715 genus_abutilon +01409523 double +12911673 tomatillo +10213319 interviewer +10915025 the_admirable_crichton +11008870 maxim_gorki +02615739 pig_it +04996823 unappetizingness +15222012 summer_solstice +04876374 disingenuousness +01683271 fresco +05642815 sleight +00551065 shift +02675987 acoustic +00940709 devisal +05668095 code_of_conduct +01240308 run_into +04877530 trueness +00605349 tribuneship +09637339 black_woman +02081578 leave_behind +07640653 buckwheat_cake +11999656 ozothamnus_secundiflorus +02406533 brown_swiss +00598215 protectorship +02416751 collaborate +00362610 stop +11650919 angiospermous_yellowwood +11879895 rapeseed +01081505 run_off +02270342 sophisticated +06506603 corker +12412987 orrisroot +07684164 unleavened_bread +00976508 fast +07849336 yogurt +13879947 equilateral_triangle +01026482 routine +00208943 dethronement +00659535 subordinate +02352019 pay_off +03866555 ovocon +02011865 jump +14455206 emptiness +00115667 drawing +11756669 wattle +00165971 proof +03138669 diadem +15089803 vitamin_a +09445008 steep +06113914 hydrokinetics +15163157 weekday +02692686 predate +02533282 check +00952039 aspirate +05340599 central_artery_of_the_retina +02203592 fungus_gnat +08175233 supreme_allied_commander_atlantic +00691648 transsexual_surgery +12553742 ormosia_monosperma +12940609 sweet_cicely +00941719 miaow +02054382 close +12622072 rosa_multiflora +02349040 perognathus +13347237 life_insurance +02291940 tinea +07597145 confiture +02398681 baronetize +13715755 weight +12929783 tea +07847453 devonshire_cream +13906669 frown_line +07600696 toffee_apple +14545045 catatonia +03142679 watch_glass +01538161 spot +10076778 faller +10871129 rudolf_karl_bultmann +01651900 pseudacris +10290919 manicurist +14957893 myeline +00758175 superbia +12515711 egyptian_pea +11722466 ranunculus_repens +06948761 middle_english +05537576 vermiform_process +10354898 psychoneurotic +02309165 give +03174211 demeclocycline_hydrochloride +02655180 axillary +01769220 strike_home +03659122 level_crossing +10486561 provost_marshal +12135729 setaria_italica_stramineofructa +13828905 opposition +08143321 irs +14683859 niobite +07822323 cardamum +10829733 ibn-sina +04639732 stiffness +02654609 lactophrys +06223468 godlessness +12005656 pulicaria_dysenterica +03533014 water_pipe +12822284 onosmodium +11880218 genus_cakile +12125183 tare +03457793 greengrocery +01054876 cohabitation +01694311 horned_chameleon +05118437 inordinateness +09857852 biter +01181559 power +15091669 vitamin_b6 +11031668 president_harrison +02194599 oestrus +01510576 turn_out +03055159 clutch_pedal +11944569 genus_carduus +10626867 sorter +07530478 cheerfulness +07735179 vegetable_oyster +12766869 toxicodendron_radicans +07379409 chirp +00534480 turnout +15288111 menstrual_cycle +13799392 conjunction +01874784 family_didelphidae +02254531 genus_adelges +13183056 phyllitis_scolopendrium +05256085 mane +07818572 garlic_chive +03464266 wytensin +00172490 stratagem +12257920 moneses +04923743 origin +00336831 sure +02216083 fund +14851157 ethylene +01662434 dilapidate +03172965 delay_line +00074641 frontwards +04814872 eclat +10093396 first-rater +10365514 nudger +05155123 resort +03005619 testiere +13925550 silence +07585208 stock +00502085 nazify +00109389 froth +06838543 sadhe +07560903 diet +01804753 suck_up +09978697 criollo +10910580 marie_anne_charlotte_corday_d'armont +13811900 sympathy +00689062 rhinoplasty +00606119 treadmill +00529411 pop_out +10555059 scandalmonger +03891664 parlour_car +02191273 tzetze_fly +15065280 surgical_spirit +02661317 paralichthys +00644372 uncreative +06744396 definition +14675356 fluorspar +05038251 savagery +03669886 limiter +07967736 ethnic_minority +14025478 orthodox_sleep +06611147 twaddle +10088200 film_director +01684578 western_skink +00800750 strike_out +14546844 soundness +00691834 relativize +09499230 morpheus +02554797 brevet +07541053 hope +09936892 university_student +00936330 bewray +06764867 cross-reference +13828075 orientation +02859184 straw_hat +06429316 paraphrasis +09758643 maltreater +00660957 pedicure +12894930 white_horse_nettle +00847365 blackwash +01809617 kill +07804152 oat +00405853 socialize +07343574 throwback +02473307 homo_erectus +09434345 sierra +09966710 pressman +13916603 regular_tetrahedron +03432972 treasure +01278232 el_alamein +02731632 number +00295966 tune_up +00758627 supplicate +03700963 simple_machine +00710415 choreograph +07244949 preachment +14911530 bitumen +13436063 automatic_data_processing +02429682 caucus +04558478 water_closet +07188385 urging +03541091 hospital_room +04285803 sportswear +06591442 compendium +12577895 vigna_caracalla +08619457 pinnacle +09689152 teuton +14222112 acne +15200896 veterans_day +01396458 genus_stentor +03229905 sinequan +08229605 glee_club +00658798 shortlist +12696830 neem_seed +06966310 portuguese +11198375 mussorgsky +02153253 zoom_in +11918631 genus_amberboa +02003480 shoo_off +11652578 podocarpus_elongatus +06611998 wish-wash +00351266 plug_away +07014854 explosion +13966925 polygamy +14538113 xerophthalmus +03255648 dummy +14304060 syndrome +00911327 uneven +06598244 bumph +01517175 ice +15182402 martin_luther_king_jr's_birthday +04230808 skirt +11873612 winter_cress +07137950 dilation +13745086 viii +15088869 visual_purple +07941729 community +10198832 idolizer +13148384 woodbine +01363482 paint +11680032 stomate +02483092 lesser_ape +08568256 setting +01412479 family_characeae +00858742 zizz +04598010 wooden_spoon +12585967 bassine +05606528 albuginea +00381567 temperance +07511733 hope +13238828 genus_stephanotis +00498662 calcify +02840935 umbilical +01034685 placebo +02152881 quarry +14658109 thorium +02857023 gameboard +07159276 rhyming_slang +07061334 gospel_singing +02315277 orphan +12624055 bartram_juneberry +09884815 butter +06664051 regulation +08183046 ruck +11083064 st._jerome +03797390 mug +00203020 backlash +02966372 luggage_carrousel +06957140 volgaic +12649065 flowering_cherry +10117957 galilean +10536728 varlet +00340846 intervene +03138534 crown +12479066 subfamily_dracenaceae +07003672 ballistocardiogram +03637027 lamphouse +09283767 foreland +02137549 mongoose +10824541 artaxerxes_i +04372171 switch +10998305 mel_gibson +04456276 tormentor +02070150 spill_over +10041195 otologist +02948557 candlestick +13490909 habit +10406072 patrial +00087218 sequestration +10908919 president_coolidge +10978842 general_franco +00132601 single +02646378 merit +14295691 vaginocele +02916350 slug +10281546 magus +11087612 john_paul_i +09080782 pearl_harbor +06828389 star +00502623 dung +03387653 metalworks +13817526 percentage +02305586 pick_up +03258730 smock +10033412 sempstress +06034301 rank-order_correlation_coefficient +01497458 trench +09828600 buster +13291356 general_damages +11976170 goldenbush +11643354 sandarach +02469596 canton +05531379 cartilaginous_tube +07702193 dumplings +12173664 hollyhock +02359324 prairie_marmot +05471837 mandibular_condyle +06171388 musicology +03912218 whistle +07094731 common_meter +01106377 outsell +04680752 collar +01559294 hylocichla +06377275 pastoral +01270175 hurried +04350458 suede_cloth +08775179 wurzburg +03890713 university_of_paris +02953197 cantilever_bridge +00157389 associatory +00417482 homologize +07936548 sparkling_water +07730708 celery_root +01083044 throw_in_the_towel +11749273 granadilla_wood +06471737 charter +02244670 genus_arilus +01479333 stuff +15245244 moment_of_truth +01988755 sediment +11748811 peanut +15184008 high_holy_day +13145250 vitis_rotundifolia +12056990 ram's-head_lady's_slipper +10108089 four-minute_man +08367683 pluralism +02108791 strike +10422871 philistine +09141119 memphis +13418219 warrant +01854700 mergus_merganser +10119609 gamine +07531536 pride +06050650 gerontology +07799278 roe +01920330 pop_in +08229887 investors_club +08238660 year +07971449 house +08131254 ntis +07352048 undulation +09835348 balloonist +10026058 donor +06936948 mon-khmer +11999958 packera +03406597 lasix +12808007 platanus_wrightii +04705324 sharpness +13602401 cord +05380697 vena_spinalis +01062253 return +12030908 yellow_ironweed +02804515 sublingual +07080778 mot_juste +07745803 lanset +01895263 bop +03335600 figure +10064229 esquire +13474290 emission +00558963 excite +02338145 ondatra_zibethica +08051946 royal_court +14653416 unq +01853542 syphon +00853445 stultify +13906936 mensal_line +01008903 recapitulate +08814333 brasov +02392282 genus_rhinoceros +03531808 lens_hood +01017222 predicate +01324610 herbivore +09973209 vaquero +03051249 clothespin +08986526 setubal +11386503 wilder +07419599 preservation +04563204 waterwheel +06824227 uppercase +10262183 lightning_rod +10587605 shepherd +12136206 cane +05352291 metacarpal_artery +00276214 mess_up +03182140 detonating_fuse +12019675 genus_stevia +00775943 racket +03921337 pyridium +13317002 impost +11522206 sunray +12495670 water_locust +06755776 boundary_condition +11399866 wycliffe +00398585 septation +07681926 cracker +02360781 american_flying_squirrel +01457407 shrimpfish +01607716 hem_in +12185526 new_zealand_cotton +02379430 walking_horse +09886010 cabinet_minister +01262713 withdrawal +10627349 sounding_board +00338817 confident +05223550 sulcus +08772667 dusseldorf +12974826 rhizoid +12742741 soapberry_vine +02337480 genus_baiomys +04682319 splash +00788473 stab +11621281 white_fir +07080868 verbalization +02232086 phyllium +14167426 pernicious_anemia +02172182 dung_beetle +09855433 biographer +10120330 refuse_collector +10493093 punster +13945102 power +05673908 forgetfulness +01773346 resent +07353376 finish +02004701 flash_back +08241798 junto +01903617 purebred +11201386 taurus +10752930 victor +00899956 salute +06879056 wince +11896722 wild_mustard +02676789 hold +02580678 poison +06707555 distinguished_service_cross +09173777 pico_de_orizaba +02262601 pension_off +06617752 silents +13366137 creature_comforts +12571194 spartium +10417682 personage +10001481 rabble-rouser +04876053 untruthfulness +09989168 demoiselle +08937995 toulon +14233267 xanthoma +00705778 overshoot +00645241 anatomize +07728804 shell_bean +02209499 rent_out +00488617 strip +03686470 loft +10022645 dodderer +13603065 force_unit +14467685 plagiocephaly +09705124 ethiopian +02702674 set_back +00281703 blackwash +07526338 security +10152440 gunrunner +06959427 sami +02945379 camp +00968715 crusade +08739206 republic_of_panama +01154554 take_the_field +13729902 real_number +00497060 meld +07422800 dwindling_away +10567172 sea_lawyer +08902569 sikkim +01376237 streptomyces +12454159 tulip +11599165 genus_welwitschia +01498166 repose +02645143 genus_cottus +10241024 monitrice +12420335 haemanthus +11459369 will-o'-the-wisp +04074329 remaking +08579352 grainfield +02493793 spider_monkey +00927017 existing +07640844 bliny +02304967 genus_atticus +01160370 put +08228405 atheneum +03890514 totalizer +09494388 firedrake +13811184 remnant +02362798 stave +13687906 german_monetary_unit +02524739 luck_out +04183329 shaker +14384796 zoophobia +01820937 trichoglossus +09246464 drop-off +04858455 fearlessness +12670334 sarcocephalus_latifolius +03148920 kerb +00430606 game +01497634 pigeonhole +10678937 supremo +08400452 clutch +00863174 vitriol +01240188 submarine +09837360 bandmaster +00095595 tiller +08524262 core +05011568 refractivity +11848610 lemaireocereus +10257524 libertarian +05127640 latitude +01456631 hippocampus +00669243 bear_up +00065370 have +08543625 inner_city +04603081 workshop +14558226 paralysis +10932495 hugo_devries +02542598 family_argentinidae +04704675 faintness +00234857 rule +03811295 nuclear_submarine +12511856 pea_tree +04979425 value +02041422 wallow +03758089 mezzanine_floor +00581812 discernible +03728437 match +02565324 micropterus_salmoides +08133855 united_states_public_health_service +05604434 abdominal_wall +06338278 pseudonym +11622771 santa_lucia_fir +00488430 sophisticate +10569179 second-rater +13786187 isometry +06995222 sotho +01047596 bark +13434688 assimilation +00756076 take +14955030 mordant +11743772 soft_rush +10902051 stephen_grover_cleveland +14243877 chronic_leukemia +05483122 neuropile +08793914 galilee +13917214 regular_octahedron +12050959 helleborine +07729225 sieva_bean +09996481 deaf_person +08485830 russian_agency +13720096 pound +11427241 aurora +02258487 truncate +00765791 maintenance +02557790 hang +02758863 autobahn +11883137 genus_cheiranthus +14691085 pollucite +01248205 postpose +11020888 nell_gywn +09042924 ionia +01088192 demobilize +06768259 cheap_shot +01641341 get_over +08102282 side +04818700 tawdriness +01419888 giardia +10328941 monolingual +12781241 heliamphora +09395763 pleiades +09026911 san_sebastian +11463371 radiance +00035697 agon +06967710 rhaeto-romanic +10808200 president_john_adams +03829340 nonvolatile_storage +14132102 herpes_simplex +12688903 redstem_storksbill +06386156 heroic_verse +14506656 milk_intolerance +01145024 foxhunt +13091620 sporophyll +02397529 peccary +02669723 judge's_robe +02251067 pseudococcus_fragilis +13405296 ledger_entry +00928751 zoning +02558350 trichodontidae +08007534 suite +14685641 town_gas +10455447 porter +09378529 olympus +05312306 stemma +01202374 toss_off +14181049 visceral_leishmaniasis +01560184 splice +10676319 supermodel +02763609 flicker +10875107 richard_burton +13124654 autotrophic_organism +11504225 ohmage +01409477 family_chlamydomonadaceae +02629410 antitumour +01371201 plant +00320625 stalking +00801125 war +12183318 genus_malope +10639047 sport +11485582 sunray +13658027 angstrom_unit +02511633 syrinx +02174461 clangour +08416652 right_wing +03028465 peripatetic +08271801 legion +00437852 inclement +02030967 disband +02055062 sacred +10767020 ward +07674749 peanut_oil +01569836 new_world_chat +02763283 shine +02111626 spitz +12727729 salix_amygdaloides +05558078 transversus_abdominis_muscle +03187751 dialyzer +03972799 pocket +09757944 nondrinker +05769833 evocation +00207306 deportation +10138369 good_guy +04077594 upper_cannon +12907465 tobacco_plant +05396807 lymphatic_vessel +01226875 probe +06616216 shoot-'em-up +05280831 socket +00589103 associateship +12374862 common_gum_cistus +02675657 zen +03670208 limousine +14624743 rare_earth +09919451 chit +03866908 ovral +09957013 conscientious_objector +01537134 bunting +03427656 logic_gate +09941172 ianfu +01785532 scutigera +03099454 convent +01892551 water_shrew +01460457 egg +08944818 orleanais +03240327 drilling_bit +10539715 stinkpot +14202763 wen +10101427 football_official +13518432 myelinization +03880770 panacea +07827130 juniper_berries +00051060 scarf +00635714 riddle +04308583 vapour_bath +02278470 crib +12606797 tradescantia +10333317 mother-in-law +04175669 service_entrance +03582096 iud +12960863 grape_fern +03996655 powerhouse +02500775 scourge +04636250 restfulness +01381796 corral +01994846 retrograde +01590007 rest_on +02452758 embargo +15295267 golden_age +10379620 opposition +02700767 tin_foil +14145911 bronchial_asthma +09940725 comedian +00856342 sleeping_around +00944788 drone_on +03534695 hoosgow +12189620 genus_adansonia +05400601 blood_type +02523427 lota_lota +03846772 omnidirectional_antenna +00937023 leak +02625975 annelidan +01465593 fang +02486693 take_out +07257582 windsock +04695102 inkblot +09506216 demigod +11144431 lugosi +04090064 rimactane +01304944 ground +11127565 leo_ix +12085840 genus_vanda +02397744 tayassu_tajacu +04628850 volatility +06611681 rot +00312165 dun +08808452 genova +01359917 thread +00009373 plumb +09732544 brits +01679106 scallop +07905038 rum +01196653 raven +05320764 nucleus +02332173 whisker +09462312 trondheim_fjord +02545687 lampris +13652066 league +09829798 bacchant +13187167 genus_cyathea +00676693 hemorrhoidectomy +04189651 sheet_piling +06990000 egyptian +02193496 genus_gasterophilus +11833373 winged_pigweed +07977870 library +10355306 neutralist +07652052 liver +10225931 judge_advocate +00291965 plodding +01498615 parallelize +10221040 jerk +03052464 mens_store +10374282 ogler +02675320 callithumpian +02254767 bounce +02074093 levant +05119714 surplusage +00886281 pledge +02892948 knucks +00138217 redound +01248405 prepose +13881512 trapezoid +02683316 housekeep +10378290 operatic_star +05417698 gleet +01944086 skyrocket +01308668 spanish_war +00061219 geld +10827873 clement_richard_attlee +10284965 malcontent +00240810 stretch +00904878 whitewash +00797303 puff +02852920 matrimonial +12452256 rice-grain_fritillary +04931428 touch +15268682 termination +11189274 moore +04932875 risc +04280970 spit +02910789 necromantical +09352849 meteorite +01763482 psych_up +10831363 pearl_mae_bailey +09691858 bahreini +07130050 speech +01141763 troll +12733647 aspen +06608277 cant +00573530 chip_shot +04892544 subjectivity +15247110 wink +14193925 lipoidemia +06407733 scroll +11079544 jesse_james +06552470 majority_opinion +04586761 wind_park +07223811 scandal +14836642 disaccharide +00396513 conjugate +00887702 team_teaching +02723951 go_back +02446352 mephitis_macroura +02898750 mental +00592446 fatherhood +07687789 cornbread +07411350 yaw +00118238 nonliving +00169955 attractive +06441195 zechariah +09193772 rigil_kent +11850521 myrtillocactus_geometrizans +00268457 quicky +03529629 homestead +02147591 pallid_bat +06277803 video +06705891 pennant +04975988 colouration +12666768 gardenia +12836033 genus_nemophila +13037406 gyromitra +07263220 electronic_signal +00385047 moralize +03867070 ovrette +00863906 whip +10133458 goniff +14655371 sodium +02855925 blue +09230768 concretion +11109728 thaddeus_kosciusko +02683840 discontinue +00403466 disfigurement +15272887 meanwhile +11726569 genus_anemonella +11757433 catechu +13308147 transportation +02187759 genus_echidnophaga +03437430 gilt +06765656 fatwah +06567865 freeware +07156693 idiolect +08519299 detention_basin +14863521 manure +12335800 stringybark +00154778 enlarge +10688811 tagger +04363991 surgery +08025497 islamic_great_eastern_raiders-front +15059404 ergosterol +11908718 stylophorum +06642138 word +06837572 teth +11204962 newman +00744070 raise +02398854 lord +08627919 quarter +12763529 vinegar_tree +04563942 wats_line +04478512 trellis +11839297 mirabilis +09133500 eugene +00006697 wheeze +05258985 fringe +11306175 smith +09966255 corporate_executive +00594070 khanate +11152122 malone +00655555 refer +08588294 interior +05966958 rationalism +00439749 flip-flop +01221542 conglutinate +14160786 oligodontia +09854708 bimbo +10321882 misanthropist +14473917 providence +12023726 tansy +01475536 unleash +07828807 vanilla_extract +11524451 wave +08225334 hood +05202284 voice +00530442 decoke +05453943 eosinophile +06114578 thermodynamics +06496862 rota +14837364 fumes +01827745 slobber_over +08405267 supreme_headquarters +05279953 glenoid_fossa +00598868 rectorship +10296444 moralist +01384752 scratch +07501420 worship +02352538 close_out +13055009 genus_boletus +14731509 albumin +00054285 conceive +02132580 ursus_horribilis +02532918 sprat +10252354 reader +10234340 king_of_france +13564910 synergy +12843557 satureja_nepeta +08962951 blantyre +08584449 hiding_place +02699941 suit +01897779 rumba +10916325 hume_cronyn +00363268 nolle_prosequi +13541798 projection +14422871 development +10531109 right-hand_man +12546420 wolf_bean +03865371 overnighter +01915131 bridge +07685730 rye_bread +04715947 appropriateness +02975212 vitrine +08569165 extremum +01321671 disbud +02682038 adrenergic_drug +02854747 biblical +04489817 trowel +14442361 ascendent +01247426 cock +04523525 vault +06990544 berber +00867790 suckling_reflex +04764242 mannerism +13282419 rent-rebate +01579488 slop +12031139 ximenesia_encelioides +15242955 years +01318659 scan +04211356 shutter +13672555 sen +06205411 narrowness +11643022 tetraclinis_articulata +12522678 indian_rosewood +10754449 violator +04714156 congruousness +15162640 victory_day +00947857 count +00352331 cut +00117124 accommodation_reflex +00175605 shark_repellent +01972976 break +04057047 razor +02486410 baboon +02428653 pseudoryx +02188198 swosh +00435492 confused +01288554 unchain +10398624 paraprofessional +03873699 paddle +04092959 ring +00342640 anticipate +09051726 sunbelt +03171094 defense_laboratory +13818551 occupancy_rate +03732828 maxzide +14229912 lupus +09921034 chosen +01324142 survivor +08068151 movie_industry +08186761 bus_service +07268967 oscar +11427067 corona +10709256 third-rater +00530291 debouch +04705671 dullness +04243142 slops +13665027 centimo +05597188 rotatory_joint +14871078 flint +11292105 sellers +02687251 undulate +02407390 holstein-friesian +03159640 stump +10074578 medical_extern +12562577 quira +14661740 yttrium +00347804 break_in +08230009 jockey_club +08423634 fha +01913532 infiltrate +10676569 supernumerary +13682450 ore +02702575 elavil +07523180 shyness +10725734 transsexual +03144756 cubeb_cigarette +01932482 helm +02117170 suck +09845849 beatnik +02046075 wheel_around +00068740 transpire +02643280 hold_over +14320394 congestion +10422405 stamp_collector +00593389 hot_seat +06136105 futurology +00936763 sell_out +02496498 manumit +08582613 kennelly-heaviside_layer +07533097 melancholy +12813024 thunbergia +00669000 cholecystectomy +02010453 night_raven +03555426 hypermarket +10626540 sorceress +02686379 air_conditioning +02804610 bassoon +15115926 trial_period +04364827 surgical_knife +00304349 parasailing +14717275 bronze +00363110 knock_off +14350292 myositis +06260628 waveband +04126659 safety_fuse +13751036 millenary +13398469 promissory_note +01583636 gymnorhina +14657566 terbium +09487022 legendary_creature +02955065 cap +07104574 onomatopoeia +00663682 cross-check +07341860 pass +01040128 beatification +12667964 hamelia +14666012 amphibole_group +05127782 view +03334017 field-sequential_color_tv_system +13597585 cardinal_number +09366762 nature +12565368 pterocarpus_indicus +10751785 viceroy +00980779 rollback +04903678 smuttiness +05028700 weightlessness +02738544 spiral +02695079 album +09189157 eyry +05913994 pillar_of_islam +15073973 tsh +01758019 genus_bothrops +11915658 compass_plant +13499165 deflation +03746994 mentholated_salve +06944156 old_church_slavonic +10303513 mauler +06629610 so_long +11080745 jansen +08230110 racket_club +08574038 toxic_waste_site +11798270 dwarf_elder +02044866 angle +04657876 unfriendliness +04637444 slothfulness +06503224 chronology +03674440 linkage +13726074 watt_second +00744305 injury +11649878 celery_pine +02025043 turnstone +01736669 photostat +01342124 noose +04188064 sheepwalk +05433496 cytoskeleton +03554460 hygrometer +07199191 quiz +10592049 shop_girl +10154871 hacker +03060728 cockcroft_and_walton_voltage_multiplier +01004072 divergency +07160635 dictation +14069895 saturnism +07971141 people +01619536 condor +08769179 saxony +12282737 white_birch +04637108 laziness +15004317 rennin +01374587 slush_around +00040685 inactive +08358332 rally +07310991 bending +10365984 nullifier +13634615 magnetomotive_force_unit +04754237 determinateness +01420525 trichomonad +10368414 whacko +02860919 parturient +14235793 adenoma +13744916 vii +08401819 riffraff +04601159 workhouse +11657314 nageia +11014212 hildebrand +02073545 throw_off +00857517 crow +07097094 initial_rhyme +01588297 rope_off +04535826 vincristine +11220461 shah_pahlavi +06708167 silver_star_medal +00758525 rapacity +02808695 bathymeter +00551585 overacting +02782093 balloon +06990836 cushitic +07154666 rusticism +02627555 aggregate +07828378 msg +13322343 refresher +01387208 protista +09679708 quaker +01784799 dissolve +00045064 enrobe +00069166 gum +05448704 myeloblast +03399971 fruit_machine +00675219 heart_surgery +03230785 rough_drawing +06976680 new_greek +12402596 sacred_fig +12496427 kentucky_coffee_tree +10274815 underclassman +01764586 unbalance +15262120 run +05318407 vitreous_humour +11124647 spike_lee +01415605 unlimited +13632744 capacitance_unit +12150969 yellow_nutgrass +01936391 polychete_worm +12732009 white_poplar +04806512 fallibility +13296460 payback +01993212 sneak_up +00639148 prorate +02504770 mammoth +12664710 peruvian_bark +14327707 sick_headache +02293915 give_away +00546192 emanate +04275363 spider_web +05967191 secular_humanism +00645365 work_study +08945110 lyonnais +03435382 gentamicin +12225769 beefwood +00075998 overweary +10325549 class_act +12194613 sloanea_jamaicensis +08729283 wuhan +11160200 oddone_colonna +05095111 superficiality +01943949 go_up +01197980 take_up +10462429 powerhouse +01549719 scratch_out +15232712 lower_paleolithic +11879722 rape +01119950 rush +13564215 syncretism +04692638 nevus +11416087 placebo_effect +00675064 gastrostomy +06028904 rectilinear_regression +00947596 play +12629187 genus_dryas +14472111 tongue_tie +08993144 principe +12532886 liquorice +13329047 tax_write-off +01679339 dress_ship +11871059 rose_of_jericho +13235503 tuber_root +07182614 firestorm +08424769 firing_squad +02690429 chaffy +06243963 mithraism +09346120 mainland +01501793 misplace +05000116 oleaginousness +10280364 mafioso +08619343 picnic_ground +01787709 madden +14314850 sternutation +12889713 woolly_mullein +14514491 front +01457082 snipefish +13736197 decimal_fraction +08769439 aken +13998014 servitude +12107002 velvet_bent_grass +01318894 pet +14956921 sapropel +06824757 small_letter +02511303 gill_bar +01154957 outplay +00420877 impalement +03703590 mackintosh +09663248 oglala +04599235 woollen +00456357 saturate +10898549 joe_clark +08596336 plimsoll_mark +04356925 sunroom +00946806 rummage +07572353 victuals +06427387 encyclopedia +04131015 salon +03145384 cudgel +12342852 zauschneria_californica +07065333 progressive_rock +04821615 plainness +14958405 naphtha +13931889 liaison +12165384 cucumis_sativus +08912703 qum +01651972 lay +12250180 white_alder +08293490 fleet +02080783 bring_in +02715802 eucharistic +14643467 pb +06996309 west_african +02814774 beachwear +05403849 chyle +00499642 citify +03459914 grillroom +03897943 patch +04891333 unwiseness +04496173 tuileries_palace +05545439 hiatus +12015525 silybum_marianum +06837357 zayin +12376740 poverty_grass +03731695 sledgehammer +03659809 lever +00658913 seed +12414932 vernal_iris +04882968 restraint +02336255 bush +05934673 side_view +13746946 boxcars +02053829 zip_by +13385216 wampum +00704073 premeditate +06258361 centrefold +08157405 qing_dynasty +00231161 induced_abortion +11226427 paul_vi +00019182 reawaken +11552133 cryptogam +14739004 aminoalkane +08515457 state_line +09292751 great_lakes +01281184 convolve +08687150 libra_the_scales +00181559 clear_off +10027246 look-alike +12798632 poker_heuchera +10583790 settler +05892427 requirement +01680478 fence_lizard +12861139 genus_phlomis +14077830 malaria +05115568 plenty +01981279 shoot_down +02054864 push +04204468 shoring +10522633 republican +08611954 old_country +06602472 signified +15105955 xenotime +14387807 personality_disorder +03662719 lifesaver +08355324 syndicate +08439126 rainforest +14044930 impotency +02289854 take_home +00337078 kneeling +11404666 zaharias +01793587 lacerate +05222940 septum +14761578 manioca +01837363 steatornis +12445138 genus_brodiaea +01732270 future +07266178 buoy +02991463 official +09683924 zen_buddhist +05929887 title_role +02371344 unguiculate_mammal +07658168 beefsteak +07818277 garlic +05983217 final_cause +01944252 levitate +09829923 unmarried_man +01187537 starve +05657166 photopic_vision +07259319 landmark +03788703 mothball +02739578 hemopoietic +12561594 field_pea +01164618 burning_at_the_stake +09449127 strike-slip_fault +00021554 etherize +00336168 uncertain +02474446 cover +00042457 active +06954048 danish +07569644 whole_wheat_flour +02022659 miss +13067532 sphacelotheca +10909303 gary_cooper +13895362 caput +03079136 compact_car +05615373 judiciousness +00886699 higher_education +05780104 generalization +07957655 poker_hand +12435486 wild_garlic +06617165 film_noir +00865664 gee +02239997 squeeze_out +08416523 center +06587790 shrink-wrapped_software +00129317 chopper +10310903 mesomorph +02465414 sucker +01929788 class_aphasmidia +14500819 rummage +13228017 thelypteris_palustris_pubescens +01582409 swallow_up +02075612 omnivore +05864577 vector +03543394 hot_rod +02155872 tooth +15227593 ship's_bell +15118228 work_time +07812497 peppermint_oil +14158997 ichthyosis +04992834 sharpness +00839194 snow +01661096 sinter +08390511 reserves +00715074 conclude +11832899 mangold-wurzel +02611976 strike +07292577 passing +03726233 massage_parlor +01126051 surprise +07152463 catchphrase +00208055 straighten_out +04113765 round_arch +00653958 recount +04263614 source +11109424 sir_alexander_korda +12898342 deadly_nightshade +00564300 hydrolize +00395841 melt +03815482 neckpiece +08761868 kobenhavn +02710043 tzarist +01476154 unmanly +10403366 party_girl diff --git a/process_data/WNRR_original/test.txt b/process_data/WNRR_original/test.txt new file mode 100644 index 0000000..fbd87d2 --- /dev/null +++ b/process_data/WNRR_original/test.txt @@ -0,0 +1,3134 @@ +06845599 _member_of_domain_usage 03754979 +00789448 _verb_group 01062739 +08860123 _member_of_domain_region 05688486 +02233096 _member_meronym 02233338 +01371092 _hypernym 01352059 +02314321 _hypernym 08102555 +08621598 _hypernym 08620061 +03239726 _has_part 03027250 +12400489 _hypernym 12651821 +00779360 _derivationally_related_form 15274695 +07359599 _derivationally_related_form 00555447 +10686313 _hypernym 09610660 +13286099 _derivationally_related_form 02234988 +01444326 _hypernym 01441510 +05442131 _has_part 05436080 +08660339 _hypernym 08512259 +07085786 _hypernym 07085375 +06178812 _derivationally_related_form 10256080 +01257145 _derivationally_related_form 07488875 +02156546 _derivationally_related_form 07335716 +02270342 _also_see 02577061 +01938426 _hypernym 01835496 +08814333 _instance_hypernym 08524735 +00770151 _hypernym 00766234 +04903813 _derivationally_related_form 01763829 +01908287 _hypernym 08107499 +07861421 _derivationally_related_form 01577513 +01046587 _hypernym 01046059 +00951037 _hypernym 00949619 +13266892 _hypernym 13265904 +15121625 _hypernym 00028270 +06754184 _hypernym 06753800 +01194418 _hypernym 02492198 +01008719 _synset_domain_topic_of 08441203 +00474017 _derivationally_related_form 07357679 +13627516 _has_part 13627327 +00964569 _derivationally_related_form 01118449 +04105068 _hypernym 04014297 +01322854 _derivationally_related_form 00223983 +01716882 _derivationally_related_form 07007945 +08159924 _hypernym 07971582 +06580646 _hypernym 06568978 +00968962 _hypernym 00968211 +01696849 _member_meronym 01697837 +06643408 _hypernym 06797169 +06596978 _hypernym 06593296 +07572957 _hypernym 07566340 +01695976 _derivationally_related_form 04681797 +07091902 _hypernym 06290637 +02425228 _hypernym 02424695 +06693198 _derivationally_related_form 00860620 +01057034 _derivationally_related_form 01253379 +00062582 _hypernym 00089324 +01455592 _member_meronym 01455986 +07191777 _hypernym 07191279 +02514988 _member_meronym 02515214 +08174398 _member_meronym 08949093 +00630634 _hypernym 00624738 +12406715 _hypernym 12405714 +07466557 _hypernym 07470671 +01733213 _hypernym 01714208 +12224309 _hypernym 11534677 +00810729 _hypernym 00811375 +13726074 _has_part 13725726 +00802946 _derivationally_related_form 01141841 +09989045 _hypernym 10129825 +00974367 _derivationally_related_form 09795124 +02802544 _hypernym 03120491 +10128909 _hypernym 09606527 +01687569 _derivationally_related_form 05844105 +02001858 _derivationally_related_form 00319939 +05673908 _derivationally_related_form 01978003 +07040148 _hypernym 07037465 +13060190 _hypernym 12992868 +00376400 _hypernym 00376063 +06083243 _derivationally_related_form 10806222 +08900535 _has_part 08903220 +00353992 _derivationally_related_form 00493703 +00043902 _synset_domain_topic_of 00471613 +02641035 _derivationally_related_form 01062817 +01951276 _hypernym 01953810 +05154517 _hypernym 04723816 +02490004 _hypernym 02488834 +02040505 _hypernym 02021795 +10826352 _instance_hypernym 09989502 +08541288 _derivationally_related_form 00195342 +00740342 _synset_domain_topic_of 08441203 +01463963 _derivationally_related_form 05075602 +01170243 _derivationally_related_form 14447908 +07434102 _hypernym 07433973 +02156546 _hypernym 02609764 +08919949 _member_meronym 09697070 +11020721 _instance_hypernym 10624540 +08806897 _has_part 08807554 +02208118 _also_see 02311387 +06389753 _derivationally_related_form 01745377 +11746776 _member_meronym 12539306 +00626428 _derivationally_related_form 10508710 +00118733 _hypernym 00116687 +02081178 _derivationally_related_form 08617963 +13902048 _derivationally_related_form 01742244 +07334490 _derivationally_related_form 00478830 +03547054 _hypernym 04191595 +10564660 _derivationally_related_form 06403969 +01511706 _derivationally_related_form 00104249 +12658846 _has_part 07770180 +01410223 _verb_group 01236164 +01215851 _derivationally_related_form 03068181 +14907122 _hypernym 15047313 +08780881 _member_of_domain_region 10595361 +00179567 _hypernym 00173338 +00645493 _derivationally_related_form 04784142 +05027529 _hypernym 05026843 +02456493 _hypernym 01544692 +12409016 _hypernym 11567411 +00459114 _derivationally_related_form 07891726 +11338796 _instance_hypernym 09798811 +00966869 _derivationally_related_form 02344568 +00216038 _hypernym 00209943 +04433585 _hypernym 02886599 +05090441 _derivationally_related_form 00434077 +15231765 _instance_hypernym 15113229 +04606014 _hypernym 03368141 +11460281 _hypernym 11459538 +08780018 _instance_hypernym 08691669 +02761834 _derivationally_related_form 01042725 +00425278 _derivationally_related_form 01803003 +09917593 _derivationally_related_form 15147097 +04821802 _derivationally_related_form 00103696 +09606009 _hypernym 00007846 +01143409 _hypernym 01143040 +03171356 _hypernym 04341686 +01977080 _derivationally_related_form 10019406 +10109443 _hypernym 10341660 +04229959 _hypernym 03101986 +13306870 _derivationally_related_form 02321046 +06972311 _hypernym 06972090 +00369864 _derivationally_related_form 05015463 +01643092 _member_meronym 01643255 +04667406 _derivationally_related_form 01484083 +04962240 _hypernym 04961691 +06845599 _member_of_domain_usage 03587715 +04671394 _derivationally_related_form 00724861 +06268784 _hypernym 06268096 +01466543 _derivationally_related_form 00262249 +02446645 _hypernym 02445715 +04868748 _hypernym 04826235 +11915658 _hypernym 11915214 +15256714 _hypernym 05867413 +07127252 _hypernym 07109847 +01473990 _hypernym 08103777 +01296462 _derivationally_related_form 00379422 +00560529 _hypernym 00558630 +11911591 _member_meronym 12000609 +12169526 _member_meronym 12192373 +00538571 _synset_domain_topic_of 06084469 +05533948 _hypernym 05248181 +01382273 _hypernym 01352059 +08860123 _member_of_domain_usage 01252566 +10299875 _hypernym 09624559 +02795169 _hypernym 04531098 +08156685 _member_meronym 11259950 +10717461 _hypernym 00007846 +04364545 _hypernym 03739693 +01336587 _derivationally_related_form 05645597 +00738747 _hypernym 00983824 +05239808 _has_part 05241827 +06115701 _derivationally_related_form 10127689 +08172877 _hypernym 07951464 +03273913 _hypernym 04070727 +00686890 _derivationally_related_form 01010118 +02761685 _derivationally_related_form 00378479 +12983961 _hypernym 13024012 +09876892 _hypernym 10307234 +06742772 _hypernym 06742426 +00045145 _hypernym 00047945 +12960211 _member_meronym 12960378 +05941210 _derivationally_related_form 00701040 +00946755 _derivationally_related_form 06807198 +06780309 _hypernym 06780069 +06151693 _derivationally_related_form 10620758 +01453969 _hypernym 01453433 +00939818 _derivationally_related_form 01707925 +12969670 _hypernym 12969131 +11607071 _hypernym 08103777 +01740969 _derivationally_related_form 00918383 +08766988 _has_part 08769439 +12724201 _member_meronym 12725940 +01589125 _member_meronym 01589286 +00056688 _hypernym 00053913 +12761123 _hypernym 11567411 +00591115 _derivationally_related_form 05805475 +13954253 _derivationally_related_form 00043765 +01346003 _derivationally_related_form 03848348 +02248744 _hypernym 01759182 +12242123 _hypernym 13112664 +10682038 _derivationally_related_form 01916634 +04956110 _derivationally_related_form 00565592 +00824066 _hypernym 00826509 +01946277 _hypernym 01945845 +04372171 _hypernym 03575958 +00154778 _hypernym 00153263 +14980579 _hypernym 14686352 +07047011 _synset_domain_topic_of 07020895 +05301908 _derivationally_related_form 00941990 +11804604 _member_meronym 11813309 +11805837 _hypernym 11573660 +11612349 _hypernym 11608250 +02621901 _derivationally_related_form 05008746 +07060167 _hypernym 07059255 +08969291 _derivationally_related_form 03024420 +06934132 _hypernym 06930934 +10251779 _hypernym 00007846 +02625016 _derivationally_related_form 00050693 +04576211 _has_part 02764779 +02426799 _derivationally_related_form 13944914 +11704791 _has_part 11705052 +04294426 _hypernym 02688443 +04657876 _derivationally_related_form 01076793 +02150948 _derivationally_related_form 10576071 +00937656 _hypernym 00933420 +05133287 _hypernym 05129201 +00900070 _derivationally_related_form 00836236 +01400575 _hypernym 08103777 +01239064 _derivationally_related_form 02677567 +10214637 _derivationally_related_form 01632411 +03386011 _has_part 02811936 +13951984 _hypernym 13951444 +02496816 _hypernym 02539334 +05614657 _hypernym 05614175 +13800801 _derivationally_related_form 00171127 +12202936 _hypernym 13104059 +00265386 _derivationally_related_form 00260622 +11529603 _member_meronym 11536778 +02390470 _derivationally_related_form 10363913 +04907269 _hypernym 04616059 +00039021 _hypernym 00037396 +00828901 _hypernym 00962447 +00136152 _hypernym 00134780 +00024649 _derivationally_related_form 03395745 +09211735 _instance_hypernym 09403734 +09891470 _derivationally_related_form 02951358 +04071393 _hypernym 03763968 +00343730 _synset_domain_topic_of 00528667 +12501745 _member_meronym 12547658 +09851165 _derivationally_related_form 02669081 +14498096 _derivationally_related_form 01269379 +03650173 _derivationally_related_form 01262113 +02244956 _also_see 02294436 +02529515 _member_meronym 02531820 +02621395 _derivationally_related_form 07092356 +00960734 _derivationally_related_form 13845239 +01567133 _hypernym 01563128 +11199727 _instance_hypernym 10650162 +13999663 _hypernym 13998576 +13481883 _derivationally_related_form 02762806 +00633864 _derivationally_related_form 00785962 +12892226 _member_meronym 12904148 +00256961 _hypernym 00256746 +09165613 _has_part 09483129 +03673767 _derivationally_related_form 01270784 +08740875 _has_part 08745901 +02267826 _hypernym 02263378 +02134589 _member_meronym 02136623 +06350918 _hypernym 06350274 +02400760 _derivationally_related_form 10760340 +05537806 _hypernym 05220461 +05505679 _hypernym 05462315 +07242324 _hypernym 07241205 +00212173 _derivationally_related_form 04683600 +00534480 _hypernym 00342028 +08279298 _hypernym 08284481 +03579982 _has_part 04170515 +09460888 _instance_hypernym 09403734 +02726715 _derivationally_related_form 14365356 +00238867 _verb_group 00239321 +06845599 _member_of_domain_usage 03189995 +07409592 _derivationally_related_form 02685665 +13478525 _derivationally_related_form 00229280 +00455599 _hypernym 00407535 +01271428 _instance_hypernym 00956485 +01741864 _synset_domain_topic_of 00916464 +02767308 _derivationally_related_form 01253060 +00347652 _derivationally_related_form 01898592 +00471711 _derivationally_related_form 00223720 +04826235 _hypernym 04846770 +01353405 _derivationally_related_form 14705718 +00493703 _derivationally_related_form 00353992 +02440705 _member_meronym 02447591 +13148019 _member_meronym 13148384 +09190918 _hypernym 00007347 +12995724 _member_meronym 13082077 +12464278 _member_meronym 12464476 +06115476 _hypernym 06000400 +09147046 _has_part 04378842 +02259829 _hypernym 00761713 +12195965 _member_meronym 12196129 +12099342 _hypernym 13118707 +12112008 _hypernym 12102133 +03631445 _hypernym 03106110 +01012712 _derivationally_related_form 00739662 +12373361 _hypernym 11565385 +06883725 _hypernym 04416901 +08199025 _member_meronym 10305635 +00588888 _derivationally_related_form 05805475 +00704388 _derivationally_related_form 05784242 +10173895 _hypernym 00007846 +08920924 _has_part 08926543 +01187620 _synset_domain_topic_of 08441203 +12219875 _member_meronym 12220019 +00464513 _also_see 01430111 +00746084 _hypernym 01027508 +06756831 _derivationally_related_form 00835506 +15022389 _hypernym 15022171 +05613962 _hypernym 05617107 +13583724 _derivationally_related_form 02468793 +11627028 _hypernym 11554175 +02559752 _hypernym 02452885 +09283623 _hypernym 09225146 +00755500 _derivationally_related_form 00838524 +05060476 _hypernym 05060189 +01811736 _derivationally_related_form 07528807 +01461328 _derivationally_related_form 00378985 +10216403 _derivationally_related_form 02593354 +11551211 _hypernym 08220891 +00396703 _hypernym 00394813 +01605119 _member_meronym 01616970 +13463656 _derivationally_related_form 00569318 +02093390 _derivationally_related_form 07439284 +02674912 _hypernym 02707683 +05513807 _has_part 05457469 +01959927 _synset_domain_topic_of 00450335 +10387196 _derivationally_related_form 04091839 +00238720 _derivationally_related_form 13443787 +00940214 _hypernym 00126264 +01745722 _derivationally_related_form 04004767 +10396462 _hypernym 00007846 +08950035 _instance_hypernym 08524735 +01828405 _derivationally_related_form 07486922 +12192373 _member_meronym 12193458 +05035961 _derivationally_related_form 00559102 +02216547 _hypernym 01759182 +12445848 _hypernym 11561228 +00069166 _hypernym 00067999 +02427726 _derivationally_related_form 10381214 +13149296 _hypernym 13100677 +01835103 _derivationally_related_form 09355850 +08344301 _hypernym 08342039 +02525866 _member_meronym 02527145 +02067941 _member_meronym 02068408 +01028748 _derivationally_related_form 10344774 +00141806 _derivationally_related_form 00920336 +00715074 _hypernym 00352826 +10351874 _derivationally_related_form 00761713 +01255057 _derivationally_related_form 00691050 +02671421 _hypernym 03081021 +02121234 _member_meronym 02125311 +02217695 _hypernym 02217266 +09101318 _instance_hypernym 08695539 +11689197 _hypernym 13135832 +01998019 _member_meronym 01998183 +08775784 _instance_hypernym 08574314 +01567678 _hypernym 01567133 +01538469 _hypernym 00510364 +00147862 _derivationally_related_form 01284908 +04182890 _hypernym 03895585 +05835747 _hypernym 05833840 +06873252 _has_part 06873571 +05509889 _has_part 05528060 +10227985 _derivationally_related_form 06161718 +01004072 _hypernym 00383606 +10878672 _instance_hypernym 10625860 +01713635 _member_meronym 01713764 +02462580 _derivationally_related_form 10760340 +07237758 _derivationally_related_form 00842538 +11014450 _instance_hypernym 10453533 +01107705 _hypernym 01105639 +06890846 _derivationally_related_form 02141973 +01596479 _hypernym 01507175 +01830798 _hypernym 01762528 +03472232 _derivationally_related_form 00099721 +11629501 _member_meronym 11641788 +11357332 _instance_hypernym 10453533 +13205482 _member_meronym 13210827 +00608808 _derivationally_related_form 05833840 +13907415 _derivationally_related_form 01280014 +01637166 _derivationally_related_form 05786372 +00815686 _derivationally_related_form 06746005 +06930934 _hypernym 06904171 +00332154 _hypernym 00397576 +00824292 _derivationally_related_form 06713187 +04762355 _hypernym 04760771 +00562935 _derivationally_related_form 02557638 +06568978 _derivationally_related_form 01747717 +13107891 _derivationally_related_form 00329495 +08312559 _synset_domain_topic_of 06226057 +06252138 _derivationally_related_form 01070102 +00872886 _derivationally_related_form 09774167 +01751021 _hypernym 01675963 +02512053 _derivationally_related_form 01140794 +00774056 _derivationally_related_form 09896826 +10295819 _hypernym 00007846 +00262249 _derivationally_related_form 01466543 +00462092 _derivationally_related_form 00089027 +01366718 _derivationally_related_form 07527352 +09373716 _instance_hypernym 09411430 +04074329 _hypernym 03129123 +08951077 _instance_hypernym 08524735 +05536370 _hypernym 05303402 +01705257 _derivationally_related_form 07258664 +02149297 _hypernym 01864707 +11350705 _instance_hypernym 10084635 +01921591 _hypernym 01921204 +00657016 _derivationally_related_form 01051801 +03588414 _derivationally_related_form 00946105 +02447793 _derivationally_related_form 01139830 +12957467 _hypernym 13167078 +06005518 _hypernym 06004685 +01984695 _hypernym 01982650 +00632236 _derivationally_related_form 05893356 +01566386 _hypernym 01504437 +02202928 _derivationally_related_form 00818466 +02645007 _derivationally_related_form 00033615 +02578604 _hypernym 01432517 +00195617 _verb_group 00195342 +01654863 _hypernym 01639765 +09044862 _has_part 09105821 +12637729 _member_meronym 12641007 +04356056 _has_part 03976268 +09629752 _derivationally_related_form 01845720 +01865197 _also_see 00643250 +07083441 _derivationally_related_form 00863579 +12400261 _member_meronym 12400924 +10576223 _hypernym 00007846 +10034614 _derivationally_related_form 01170052 +01179707 _derivationally_related_form 02543181 +01012712 _derivationally_related_form 00657260 +00291873 _derivationally_related_form 08646188 +08096301 _hypernym 08149781 +05477686 _has_part 05477305 +00223720 _derivationally_related_form 01327301 +08792548 _member_of_domain_region 08011523 +02842303 _hypernym 04565963 +03738241 _hypernym 04377057 +01654271 _derivationally_related_form 00768921 +00306314 _derivationally_related_form 05623181 +09133500 _instance_hypernym 08524735 +02271544 _also_see 00646413 +12611479 _hypernym 11556857 +00090253 _derivationally_related_form 10511069 +01650610 _derivationally_related_form 00235435 +11502102 _derivationally_related_form 00216216 +01572978 _hypernym 01212572 +02466111 _also_see 01222884 +09113762 _instance_hypernym 08524735 +01632103 _derivationally_related_form 05891572 +02113430 _derivationally_related_form 00907340 +13023783 _member_meronym 13031690 +11915899 _hypernym 11915214 +00331950 _hypernym 00191142 +08860123 _member_of_domain_region 10513509 +00353469 _derivationally_related_form 00267855 +03069213 _hypernym 03149951 +03791053 _hypernym 04576211 +02470451 _member_meronym 02489288 +05370125 _hypernym 05418717 +05399847 _synset_domain_topic_of 01471682 +02552737 _hypernym 01429349 +05204004 _synset_domain_topic_of 08199025 +02036982 _member_meronym 02037110 +13658496 _hypernym 13649268 +10518194 _hypernym 10435988 +02140781 _derivationally_related_form 00229260 +02538216 _hypernym 02537085 +06154464 _hypernym 06153846 +02198996 _hypernym 01762525 +00725274 _derivationally_related_form 07298154 +08142170 _hypernym 08348815 +05496990 _has_part 05499379 +07605474 _hypernym 07597365 +01357831 _hypernym 01296462 +10942144 _instance_hypernym 10020890 +07152463 _hypernym 07152259 +00573932 _hypernym 00126264 +00521562 _derivationally_related_form 01711445 +08904392 _instance_hypernym 08524735 +14786479 _hypernym 00021939 +01074650 _derivationally_related_form 04654337 +01688589 _hypernym 01687665 +10460033 _hypernym 10053808 +02566528 _derivationally_related_form 00068901 +00331082 _derivationally_related_form 03724417 +00229026 _hypernym 00109660 +08244062 _derivationally_related_form 10120085 +06755776 _hypernym 06755568 +00917772 _derivationally_related_form 10102506 +14560360 _hypernym 13920835 +01754105 _derivationally_related_form 00113113 +02951170 _derivationally_related_form 01422172 +00621734 _derivationally_related_form 05685030 +09980090 _derivationally_related_form 07049713 +12201166 _hypernym 11575425 +06148148 _hypernym 06143154 +01877204 _hypernym 01850315 +02092309 _derivationally_related_form 07460104 +11654124 _member_meronym 11654438 +11195619 _instance_hypernym 10301261 +02037090 _derivationally_related_form 09437454 +04169437 _has_part 04593866 +01920698 _synset_domain_topic_of 00523513 +01926311 _also_see 02075049 +09797113 _derivationally_related_form 02565491 +08765460 _instance_hypernym 08633957 +02541875 _hypernym 01432517 +06364329 _hypernym 06362953 +10599806 _derivationally_related_form 01731031 +13000668 _hypernym 11592146 +08923755 _instance_hypernym 08524735 +00847683 _hypernym 00846509 +08173515 _member_meronym 08761244 +09051235 _has_part 09103943 +02454119 _member_meronym 02455310 +01800422 _derivationally_related_form 00271263 +00897026 _hypernym 00894552 +01358328 _derivationally_related_form 08253450 +00336718 _hypernym 00126264 +05520479 _hypernym 05264756 +02662979 _derivationally_related_form 01203676 +06135915 _derivationally_related_form 03002351 +00180770 _hypernym 00180413 +01500082 _derivationally_related_form 02818832 +01822724 _derivationally_related_form 13811900 +04151581 _hypernym 04014297 +08023843 _synset_domain_topic_of 00759694 +02472012 _member_meronym 02474777 +05055503 _synset_domain_topic_of 00017222 +14501545 _hypernym 14500908 +03318983 _hypernym 04014297 +00832626 _has_part 00659349 +01708676 _derivationally_related_form 00428270 +01747945 _derivationally_related_form 06678302 +06062076 _derivationally_related_form 09919297 +06877849 _hypernym 06877078 +00378042 _hypernym 00140123 +02661252 _hypernym 02666239 +12217211 _member_meronym 12217586 +03776460 _hypernym 04467099 +01015244 _derivationally_related_form 05823932 +06915601 _hypernym 06906439 +09999532 _derivationally_related_form 02253766 +12213635 _member_meronym 12216028 +02330582 _member_meronym 02350845 +10985440 _instance_hypernym 09805475 +01989869 _hypernym 01974773 +00652346 _derivationally_related_form 05763412 +11675096 _hypernym 11675842 +06845599 _member_of_domain_usage 03739136 +08816236 _member_meronym 09750891 +13423615 _derivationally_related_form 01254013 +00883226 _derivationally_related_form 10274318 +07186148 _hypernym 07185325 +02230782 _member_meronym 02231930 +12514592 _hypernym 13112664 +00771961 _derivationally_related_form 07246582 +10067968 _hypernym 10215623 +09093608 _instance_hypernym 08655464 +02559862 _hypernym 02554730 +02023992 _derivationally_related_form 03386011 +01786419 _hypernym 01785971 +06350127 _derivationally_related_form 10654015 +04103918 _synset_domain_topic_of 02691156 +08920924 _has_part 08925287 +01208597 _hypernym 01207609 +13722757 _has_part 13722522 +02465693 _derivationally_related_form 02120451 +01418037 _synset_domain_topic_of 00243918 +02501101 _hypernym 01342529 +01385017 _hypernym 01384687 +14598079 _derivationally_related_form 01539633 +15278281 _hypernym 15286249 +02464626 _has_part 02463205 +02753255 _derivationally_related_form 00331102 +01292885 _derivationally_related_form 04613158 +06590885 _synset_domain_topic_of 06677302 +00739632 _hypernym 00739270 +00344421 _hypernym 00331950 +10347446 _synset_domain_topic_of 08199025 +04530566 _has_part 04117216 +07185325 _derivationally_related_form 00753428 +10247880 _hypernym 00007846 +07752109 _hypernym 07751451 +02338901 _hypernym 02329401 +00504901 _hypernym 00115157 +09189411 _has_part 08707917 +01523908 _member_meronym 01584004 +02690708 _derivationally_related_form 08624196 +00395333 _derivationally_related_form 02350175 +01831308 _derivationally_related_form 05685030 +13566535 _derivationally_related_form 00376106 +02163982 _hypernym 01342529 +00873603 _also_see 00884778 +02457058 _derivationally_related_form 00044900 +04889162 _hypernym 04887912 +00264776 _derivationally_related_form 04860586 +08179879 _hypernym 07942152 +07485475 _derivationally_related_form 01188485 +08765069 _instance_hypernym 08691669 +08231499 _member_meronym 08078819 +00188137 _hypernym 00187526 +07105475 _member_of_domain_usage 15267945 +01880113 _hypernym 01831531 +03158885 _has_part 03474896 +10379620 _derivationally_related_form 01081152 +10771270 _derivationally_related_form 01041415 +01400044 _derivationally_related_form 00125629 +02154508 _derivationally_related_form 06767035 +00650353 _derivationally_related_form 10012815 +00093979 _hypernym 00241689 +02647497 _derivationally_related_form 05393023 +08760510 _member_meronym 08761244 +02038357 _derivationally_related_form 05068080 +01194483 _derivationally_related_form 04663763 +00635794 _derivationally_related_form 00575365 +08955626 _instance_hypernym 08700255 +01134781 _derivationally_related_form 00122954 +08566028 _hypernym 08568978 +00456596 _verb_group 00456740 +00915830 _hypernym 00941990 +14462193 _hypernym 14460565 +00241038 _derivationally_related_form 07313004 +00858377 _hypernym 00858188 +00921072 _derivationally_related_form 05919034 +12883395 _hypernym 11579418 +08131530 _has_part 08347704 +00369194 _derivationally_related_form 08303504 +15145782 _hypernym 15290337 +01305361 _derivationally_related_form 08640111 +00306426 _has_part 00306900 +01020005 _derivationally_related_form 06765044 +01950798 _derivationally_related_form 01105259 +06951067 _member_of_domain_usage 10589243 +01629589 _hypernym 01617192 +08024096 _synset_domain_topic_of 00759694 +00164999 _hypernym 00163779 +01209678 _derivationally_related_form 05566504 +02579447 _derivationally_related_form 10419047 +07039056 _derivationally_related_form 01707495 +08101410 _derivationally_related_form 01429455 +02016523 _derivationally_related_form 07370125 +06142118 _hypernym 05999797 +12423565 _member_meronym 12459471 +07619881 _hypernym 07566340 +01753488 _hypernym 01752165 +10820790 _instance_hypernym 10705615 +02163183 _hypernym 02162947 +15037339 _has_part 15037664 +06013584 _synset_domain_topic_of 06000644 +00710005 _hypernym 00704690 +09760913 _derivationally_related_form 01728355 +02108026 _hypernym 02108377 +14302261 _derivationally_related_form 02616627 +11217479 _instance_hypernym 10794014 +11683989 _derivationally_related_form 01500873 +01217043 _derivationally_related_form 03421117 +12423565 _member_meronym 12473011 +07211752 _derivationally_related_form 00066025 +05514272 _hypernym 05514081 +11835451 _hypernym 11573660 +06180720 _hypernym 05870916 +09252078 _instance_hypernym 09411430 +03852280 _has_part 03656484 +01467180 _member_meronym 01467504 +08792548 _has_part 08797840 +06609503 _hypernym 06607339 +00043765 _derivationally_related_form 02603699 +00207306 _hypernym 00206927 +06151693 _hypernym 06143154 +01696648 _hypernym 01675963 +03075191 _derivationally_related_form 06974127 +11886788 _hypernym 11575425 +01374465 _derivationally_related_form 09397607 +08152657 _member_meronym 10547145 +01834896 _verb_group 01835103 +02766792 _hypernym 03452741 +03530910 _has_part 03532187 +01771390 _hypernym 01767949 +08023843 _instance_hypernym 08392137 +13000372 _member_meronym 13004160 +08928933 _instance_hypernym 08524735 +00455529 _derivationally_related_form 00252430 +14863521 _hypernym 14859838 +13137409 _has_part 07742704 +00881329 _hypernym 00880978 +04543772 _has_part 04283378 +09614047 _derivationally_related_form 00264776 +12079737 _hypernym 11556857 +11795366 _hypernym 11556857 +00198793 _hypernym 00191142 +00977153 _hypernym 00976653 +00417643 _derivationally_related_form 01424948 +10060352 _derivationally_related_form 00796886 +00574996 _derivationally_related_form 07416107 +06584891 _hypernym 06355894 +08815046 _member_meronym 09693809 +02124748 _hypernym 02106506 +09044862 _member_of_domain_region 07647496 +06335832 _hypernym 06333653 +12574727 _hypernym 11585340 +00040962 _derivationally_related_form 02724417 +07086518 _derivationally_related_form 01880113 +12194776 _member_meronym 12195965 +04217882 _derivationally_related_form 01498319 +12154628 _member_meronym 12154773 +03339296 _hypernym 04188643 +04029734 _hypernym 04421872 +15237782 _hypernym 15236475 +02428487 _derivationally_related_form 00053913 +15163005 _hypernym 15157041 +08929243 _has_part 08929555 +00236581 _derivationally_related_form 02007417 +01792097 _hypernym 01790020 +08715952 _instance_hypernym 08524735 +04003241 _hypernym 04330340 +04987620 _derivationally_related_form 00982293 +10274639 _hypernym 09931267 +10435988 _derivationally_related_form 01507143 +07712559 _hypernym 07712382 +13412321 _derivationally_related_form 01001857 +02594552 _hypernym 02594250 +07311115 _derivationally_related_form 01835496 +08394423 _hypernym 08191230 +02244963 _hypernym 01759182 +07182744 _hypernym 07183151 +02932891 _derivationally_related_form 01844653 +00652659 _hypernym 00633864 +05459953 _hypernym 14867858 +03270165 _has_part 04304375 +00553362 _derivationally_related_form 01103836 +00475647 _derivationally_related_form 00252430 +00067274 _derivationally_related_form 09860940 +00514396 _derivationally_related_form 01387786 +02087156 _hypernym 02077656 +00518653 _hypernym 00313987 +00369138 _derivationally_related_form 02028994 +07443010 _derivationally_related_form 01521124 +02329883 _derivationally_related_form 04322026 +07269916 _hypernym 06806469 +00768353 _hypernym 00766234 +11746776 _member_meronym 12486732 +06295235 _member_of_domain_usage 03825080 +01798100 _hypernym 01770501 +01471682 _has_part 05563034 +01505254 _verb_group 02098458 +01409065 _hypernym 01387617 +01835496 _also_see 01992503 +14476205 _hypernym 14475405 +01421622 _hypernym 01296462 +02046755 _derivationally_related_form 00343249 +01400856 _hypernym 01400044 +00931847 _derivationally_related_form 01644746 +08860123 _member_of_domain_region 00504844 +00667424 _hypernym 00666886 +07184735 _derivationally_related_form 00774056 +00783042 _hypernym 00782527 +02120140 _derivationally_related_form 14361664 +02072673 _hypernym 01992503 +08720481 _has_part 09341673 +04695176 _derivationally_related_form 00286605 +10207514 _hypernym 10305802 +00339085 _derivationally_related_form 00358089 +04643221 _hypernym 04623612 +02646757 _derivationally_related_form 13253751 +01543998 _verb_group 01543123 +03258730 _hypernym 03121897 +08775597 _instance_hypernym 08574314 +06213688 _derivationally_related_form 09755398 +01292534 _hypernym 01354673 +01521367 _derivationally_related_form 10016954 +11864602 _member_meronym 11866078 +13096317 _hypernym 13095685 +08774073 _instance_hypernym 08524735 +02156532 _hypernym 05559908 +11804082 _member_meronym 11804604 +01896478 _also_see 00921014 +12339319 _hypernym 11567411 +07939159 _hypernym 00031264 +07270179 _derivationally_related_form 00508032 +03002351 _derivationally_related_form 13523661 +12283981 _member_meronym 12285512 +01342124 _derivationally_related_form 03829563 +00852685 _hypernym 00851933 +05902545 _hypernym 05898568 +01821727 _member_meronym 01821869 +13659419 _has_part 13659162 +04633197 _hypernym 04632157 +07498854 _hypernym 07497473 +10728998 _derivationally_related_form 02530167 +00606370 _derivationally_related_form 01658762 +05967191 _hypernym 05943300 +06845599 _member_of_domain_usage 04011409 +00139919 _synset_domain_topic_of 00469651 +08731606 _has_part 08716738 +07233996 _derivationally_related_form 00865958 +09615807 _derivationally_related_form 00710005 +14636523 _hypernym 14622893 +05983217 _hypernym 05982152 +06122178 _hypernym 06115476 +05697976 _derivationally_related_form 00688377 +14780267 _derivationally_related_form 00237877 +00618451 _derivationally_related_form 04743024 +11911274 _member_meronym 12167749 +10127273 _hypernym 10287213 +02471467 _member_meronym 02472012 +08801546 _instance_hypernym 09032191 +06917083 _derivationally_related_form 03108623 +00692143 _derivationally_related_form 07500414 +02298160 _derivationally_related_form 08424951 +00080169 _hypernym 00078760 +02942699 _has_part 03340723 +01867295 _derivationally_related_form 01627355 +00369399 _derivationally_related_form 01387786 +11944196 _hypernym 13085113 +02470175 _hypernym 02469835 +01542207 _derivationally_related_form 10587378 +00734927 _derivationally_related_form 15159583 +08821578 _has_part 08821187 +07208708 _hypernym 07208338 +02873623 _hypernym 02944826 +02299924 _hypernym 02298632 +01021794 _synset_domain_topic_of 00903559 +00313987 _hypernym 00126264 +14724025 _hypernym 14723079 +07221094 _hypernym 06598915 +08617963 _hypernym 08664443 +08414807 _derivationally_related_form 00625963 +02397529 _hypernym 02394477 +09634494 _hypernym 00007846 +09877587 _derivationally_related_form 02326355 +09679708 _hypernym 09678009 +00845178 _hypernym 13440063 +12423565 _member_meronym 12465796 +11719468 _member_meronym 11735822 +01190277 _derivationally_related_form 09782167 +05461179 _has_part 05238282 +05794403 _hypernym 05793000 +07916970 _hypernym 07885223 +12358293 _has_part 07822323 +01024190 _derivationally_related_form 06763681 +07350401 _derivationally_related_form 01892608 +06888345 _derivationally_related_form 02139883 +04760296 _hypernym 04761517 +02535909 _member_meronym 02536456 +00417001 _derivationally_related_form 03118539 +00808191 _similar_to 00808614 +07032753 _synset_domain_topic_of 07071942 +04038109 _hypernym 04037625 +01232298 _derivationally_related_form 07538395 +02371811 _hypernym 02367363 +02642610 _hypernym 02641957 +07526505 _hypernym 07526338 +00356199 _hypernym 00351638 +08912703 _instance_hypernym 08524735 +00229026 _derivationally_related_form 14836960 +02503803 _hypernym 02501738 +15124545 _has_part 15124713 +00073343 _derivationally_related_form 13473097 +01292928 _instance_hypernym 00956485 +13617308 _synset_domain_topic_of 00922327 +01551871 _derivationally_related_form 00937656 +00264776 _also_see 00251809 +08704822 _has_part 08705251 +00667747 _derivationally_related_form 10510546 +07275489 _hypernym 07274425 +12633386 _member_meronym 12633638 +02916350 _hypernym 04008634 +02575766 _member_meronym 02576223 +04636610 _hypernym 04636397 +00914421 _also_see 01837744 +00390735 _derivationally_related_form 01700326 +12200315 _member_meronym 12200504 +04072193 _derivationally_related_form 00299341 +11727976 _hypernym 11571907 +05554405 _hypernym 05554189 +12056217 _hypernym 12041446 +00661091 _derivationally_related_form 10707233 +14526182 _derivationally_related_form 02134350 +10014939 _derivationally_related_form 02443049 +10617193 _hypernym 10642151 +02052675 _derivationally_related_form 15287830 +08438533 _member_meronym 08439476 +00572186 _hypernym 00126264 +02568884 _derivationally_related_form 10626194 +00543410 _derivationally_related_form 13464820 +04076846 _hypernym 03129123 +01702154 _derivationally_related_form 09784564 +05623181 _derivationally_related_form 00306314 +03484083 _has_part 03485997 +01679669 _derivationally_related_form 07672421 +08188449 _member_meronym 09920901 +04955160 _derivationally_related_form 01245637 +13439390 _hypernym 13526110 +02120692 _member_meronym 02128120 +02453321 _hypernym 02452885 +00559102 _derivationally_related_form 10056103 +00019613 _hypernym 13809207 +08230219 _hypernym 08227214 +06778925 _hypernym 06778102 +07400361 _derivationally_related_form 02188587 +09223725 _hypernym 09257949 +03592245 _hypernym 03111690 +01560984 _derivationally_related_form 07313814 +04568298 _hypernym 03178782 +03566329 _hypernym 03700963 +08945821 _instance_hypernym 08698379 +08879388 _instance_hypernym 08524735 +00081671 _also_see 00262792 +00793271 _derivationally_related_form 08479615 +13384164 _hypernym 13281275 +01944466 _hypernym 01974062 +07289588 _derivationally_related_form 00925490 +00853195 _derivationally_related_form 07215568 +04425262 _hypernym 03713736 +06877742 _derivationally_related_form 00034758 +00582145 _derivationally_related_form 04631700 +14526764 _derivationally_related_form 02363358 +00947857 _derivationally_related_form 00634586 +00687295 _derivationally_related_form 09779124 +01424607 _member_meronym 01425076 +00849788 _derivationally_related_form 06780069 +00004475 _hypernym 00004258 +01380122 _derivationally_related_form 00367976 +10466198 _derivationally_related_form 00901103 +00565279 _hypernym 00109660 +11743772 _hypernym 11743294 +07154330 _derivationally_related_form 02937108 +02566528 _derivationally_related_form 09633969 +00277811 _derivationally_related_form 00216216 +00346991 _also_see 01754421 +03051540 _derivationally_related_form 00052374 +01530431 _derivationally_related_form 05582859 +08208016 _hypernym 08008335 +05159495 _hypernym 05159225 +01672168 _derivationally_related_form 04568713 +10175725 _hypernym 09977660 +03040974 _derivationally_related_form 01392380 +01193099 _derivationally_related_form 00759186 +03070193 _hypernym 02670382 +07411350 _derivationally_related_form 02033295 +12647560 _hypernym 12647376 +02942699 _has_part 04211528 +01424456 _derivationally_related_form 05553486 +00076072 _derivationally_related_form 02527651 +07243837 _synset_domain_topic_of 01032368 +01534609 _derivationally_related_form 00278221 +09020299 _instance_hypernym 08524735 +04952570 _hypernym 04952242 +03579355 _derivationally_related_form 01675963 +01628885 _member_meronym 01631035 +00389238 _derivationally_related_form 05001867 +02409941 _derivationally_related_form 06520944 +00705580 _hypernym 00661091 +00080705 _synset_domain_topic_of 00612160 +10551265 _synset_domain_topic_of 15259284 +02025550 _derivationally_related_form 00827782 +10362003 _hypernym 00007846 +02570267 _hypernym 02514187 +01292727 _derivationally_related_form 09334396 +07105475 _member_of_domain_usage 00036580 +00751887 _derivationally_related_form 08190292 +11867525 _member_meronym 11896904 +06155075 _hypernym 06153846 +00464962 _also_see 01430847 +09089923 _instance_hypernym 08524735 +00511817 _derivationally_related_form 02418421 +02140033 _derivationally_related_form 00522145 +00334935 _derivationally_related_form 01499265 +11511765 _derivationally_related_form 00835903 +02395406 _derivationally_related_form 02395694 +00935940 _derivationally_related_form 01643464 +01225562 _derivationally_related_form 00011551 +12163824 _has_part 07755411 +04894204 _hypernym 04894037 +10037922 _hypernym 10515194 +03639497 _hypernym 04402057 +01483779 _hypernym 01463963 +15146004 _hypernym 15290337 +02795169 _has_part 03533972 +02987047 _hypernym 03574816 +02418686 _hypernym 02419073 +02119874 _derivationally_related_form 14180327 +07286368 _hypernym 07286014 +02950154 _derivationally_related_form 07115914 +09184136 _hypernym 09183693 +01639714 _hypernym 01631534 +01558765 _hypernym 01557185 +07388987 _derivationally_related_form 01247804 +07027180 _hypernym 07020895 +09426788 _has_part 09313716 +06236802 _hypernym 05946687 +01522276 _derivationally_related_form 07441619 +02711114 _hypernym 02700867 +03466162 _has_part 04551375 +02229828 _hypernym 02229550 +06875094 _hypernym 06873571 +01960779 _synset_domain_topic_of 00299217 +06732710 _derivationally_related_form 01015244 +01800195 _hypernym 01799302 +00061401 _hypernym 00061595 +02647903 _member_meronym 02648035 +00784388 _hypernym 00768701 +04230808 _hypernym 03419014 +12994979 _member_meronym 12995724 +06682494 _hypernym 06682290 +01422172 _hypernym 01421622 +09051898 _instance_hypernym 08574314 +07230502 _hypernym 07160883 +10315561 _derivationally_related_form 13655262 +01140315 _derivationally_related_form 07797641 +01528821 _derivationally_related_form 13496286 +08365855 _derivationally_related_form 00409281 +02678070 _hypernym 02422026 +01943406 _also_see 02498708 +05294606 _derivationally_related_form 00027268 +00888796 _hypernym 00887081 +00486557 _hypernym 00486018 +10319580 _derivationally_related_form 07255998 +05405324 _hypernym 13771404 +09014979 _has_part 09263087 +00156101 _also_see 00082241 +14627820 _derivationally_related_form 01338113 +05415395 _hypernym 05404728 +10634316 _derivationally_related_form 00633443 +12039743 _member_meronym 12051285 +01569181 _derivationally_related_form 00225593 +01675190 _also_see 01282014 +00773432 _derivationally_related_form 07183151 +05844105 _hypernym 05839024 +00376106 _hypernym 00443984 +01097500 _derivationally_related_form 15293590 +10299700 _derivationally_related_form 00855674 +03082807 _derivationally_related_form 01387786 +10754449 _derivationally_related_form 02566528 +01958868 _synset_domain_topic_of 00299217 +05464685 _has_part 05468523 +14123259 _hypernym 14123044 +01218766 _derivationally_related_form 01778017 +03118539 _derivationally_related_form 02666691 +13194036 _hypernym 13193642 +02215966 _hypernym 02271137 +14862753 _hypernym 14739360 +02130300 _hypernym 00644583 +00437852 _also_see 01507402 +08571275 _hypernym 08523483 +01911511 _member_meronym 01912272 +03044934 _derivationally_related_form 01456463 +02376958 _hypernym 02367363 +00904690 _derivationally_related_form 06740644 +00276987 _derivationally_related_form 00493259 +01949007 _hypernym 01955984 +00539510 _hypernym 00539121 +02474780 _hypernym 00884540 +11416988 _hypernym 11410625 +00609506 _hypernym 00609683 +05406782 _hypernym 05397468 +07976936 _derivationally_related_form 02490430 +00202236 _derivationally_related_form 06756407 +00836236 _derivationally_related_form 10685853 +06407094 _hypernym 06362953 +04768657 _derivationally_related_form 00404642 +01947735 _hypernym 01945845 +00058519 _derivationally_related_form 02015598 +13470491 _hypernym 13457378 +08851500 _instance_hypernym 08633957 +01866192 _derivationally_related_form 04101497 +10434725 _derivationally_related_form 01645421 +09437369 _derivationally_related_form 01558883 +04617562 _hypernym 00024264 +00394813 _hypernym 00140123 +02242464 _synset_domain_topic_of 01090446 +08766988 _has_part 08772667 +00645552 _derivationally_related_form 00152727 +00835506 _derivationally_related_form 10256537 +02528534 _member_meronym 02538730 +02497586 _derivationally_related_form 03044083 +02996904 _derivationally_related_form 06372095 +00062582 _derivationally_related_form 02758960 +00044150 _hypernym 00030358 +02186690 _hypernym 02179518 +01507402 _derivationally_related_form 04831031 +03075191 _derivationally_related_form 09714429 +09029457 _has_part 09029884 +01602318 _derivationally_related_form 14002279 +03357081 _hypernym 04489008 +05260240 _hypernym 05256862 +04179385 _hypernym 03816849 +03120778 _hypernym 04105893 +01972976 _derivationally_related_form 07344233 +05011790 _hypernym 05009170 +15068436 _hypernym 14818238 +01445407 _hypernym 01441100 +00796976 _derivationally_related_form 10616379 +00140751 _hypernym 00138508 +08703454 _has_part 09384223 +06394701 _hypernym 06598915 +12326842 _member_meronym 12327022 +04975340 _derivationally_related_form 00574735 +01397088 _hypernym 01400044 +01947352 _hypernym 01946996 +01548301 _hypernym 01547832 +01128193 _derivationally_related_form 04014297 +00660102 _derivationally_related_form 14429985 +00558008 _synset_domain_topic_of 00463543 +02429695 _member_meronym 02435386 +03611590 _hypernym 03433434 +09063673 _instance_hypernym 08638442 +01918803 _hypernym 01904930 +11648617 _hypernym 11554175 +13316332 _hypernym 13313899 +07142365 _hypernym 07140659 +03977966 _hypernym 04520170 +12370011 _member_meronym 12370174 +00854000 _derivationally_related_form 01426153 +07805254 _derivationally_related_form 01593937 +10110287 _hypernym 10245639 +06669864 _synset_domain_topic_of 06000644 +14531392 _hypernym 14531983 +00307631 _hypernym 00306426 +00187526 _derivationally_related_form 03573282 +09760913 _hypernym 10340312 +00611802 _derivationally_related_form 05761918 +15181718 _has_part 15241777 +00028362 _hypernym 00022686 +10271216 _derivationally_related_form 02151966 +07048000 _derivationally_related_form 01729431 +03534776 _hypernym 04517823 +00289082 _also_see 01752167 +12213635 _member_meronym 12222715 +11456273 _has_part 11455901 +02505807 _verb_group 01110661 +00095971 _derivationally_related_form 00265386 +10634990 _derivationally_related_form 00020926 +06717170 _member_of_domain_usage 10076033 +02364520 _hypernym 02329401 +12006503 _hypernym 11579418 +01105296 _hypernym 01105639 +00927430 _derivationally_related_form 10673451 +01336587 _derivationally_related_form 10667187 +05044387 _derivationally_related_form 02112546 +12019675 _hypernym 11579418 +13652066 _hypernym 13603305 +09791248 _synset_domain_topic_of 04323026 +14046202 _derivationally_related_form 00059019 +08377806 _hypernym 08457976 +00463234 _derivationally_related_form 01079604 +08766988 _has_part 09417560 +10264437 _hypernym 10560637 +11451442 _has_part 11500968 +12775530 _member_meronym 12775919 +00775156 _derivationally_related_form 01170962 +08736779 _instance_hypernym 08524735 +06095022 _derivationally_related_form 09818343 +01154175 _derivationally_related_form 00130347 +06820425 _hypernym 06818970 +00858631 _hypernym 00858377 +01703023 _synset_domain_topic_of 07092592 +02236124 _hypernym 02210855 +12575089 _member_meronym 12576029 +00754873 _derivationally_related_form 04665813 +09459114 _instance_hypernym 09360122 +11748811 _hypernym 13139055 +01049685 _derivationally_related_form 02147109 +10771636 _hypernym 00007846 +14425103 _derivationally_related_form 09605289 +10373801 _derivationally_related_form 02607909 +00302861 _derivationally_related_form 01713348 +01912159 _hypernym 02050132 +04036776 _hypernym 13893786 +02539334 _hypernym 02441022 +00403466 _derivationally_related_form 01549905 +12626030 _member_meronym 12627526 +03668642 _hypernym 03931044 +12533588 _member_meronym 12533730 +00751779 _derivationally_related_form 00835506 +12746106 _hypernym 13112664 +11911591 _member_meronym 11924330 +14064644 _derivationally_related_form 01190277 +00383952 _derivationally_related_form 00520357 +03053272 _hypernym 03713736 +07432973 _derivationally_related_form 02047650 +09778783 _hypernym 10731244 +01972017 _member_meronym 01972131 +03435382 _hypernym 02716866 +01725712 _also_see 01463965 +03122295 _hypernym 04543158 +09189411 _has_part 08717209 +06329506 _hypernym 06309383 +08759852 _instance_hypernym 08524735 +01311520 _instance_hypernym 00996817 +02187759 _hypernym 01762525 +02927399 _hypernym 03892891 +14550987 _hypernym 14550797 +02774630 _has_part 03485997 +11900986 _member_meronym 11902200 +00914929 _hypernym 00913705 +02324717 _hypernym 01864707 +06023022 _synset_domain_topic_of 06018465 +04579986 _synset_domain_topic_of 00503237 +00528339 _derivationally_related_form 07419792 +06404582 _hypernym 06333653 +10293332 _derivationally_related_form 01919391 +02789770 _hypernym 04047401 +01974399 _member_meronym 01997698 +02883205 _hypernym 03815615 +08506641 _has_part 08573674 +11015080 _instance_hypernym 10022111 +00746587 _hypernym 00746232 +08131530 _has_part 08132046 +01679980 _hypernym 01675963 +11977125 _member_meronym 11977303 +00900616 _also_see 01580050 +02394183 _verb_group 01982395 +14062725 _derivationally_related_form 00273445 +06756407 _hypernym 06722453 +00483801 _derivationally_related_form 03080309 +00498530 _hypernym 00126264 +03142679 _hypernym 04014297 +02416751 _derivationally_related_form 09935793 +00514069 _derivationally_related_form 05934278 +01858441 _hypernym 01844917 +00152018 _derivationally_related_form 00652346 +12618942 _member_meronym 12785110 +02138766 _synset_domain_topic_of 00903559 +11428023 _hypernym 11473954 +00567044 _synset_domain_topic_of 00479887 +02398732 _member_meronym 02399000 +08887013 _instance_hypernym 09316454 +00486018 _derivationally_related_form 00211593 +00912048 _verb_group 00975584 +02449340 _derivationally_related_form 13935227 +01767199 _member_meronym 01974399 +13973059 _derivationally_related_form 09791816 +00351485 _hypernym 00191142 +02669789 _hypernym 02671880 +09840050 _derivationally_related_form 01719921 +06580351 _hypernym 06568978 +00285889 _derivationally_related_form 01919711 +10092488 _synset_domain_topic_of 00475787 +06845599 _member_of_domain_usage 04090064 +06620063 _hypernym 06619428 +13031690 _member_meronym 13033577 +02739254 _derivationally_related_form 13845239 +10066732 _derivationally_related_form 00672277 +09188609 _instance_hypernym 09426788 +07475107 _hypernym 07473441 +02782815 _derivationally_related_form 10456138 +04794751 _hypernym 04723816 +10146927 _hypernym 00007846 +01693138 _synset_domain_topic_of 00933420 +10468750 _derivationally_related_form 02443609 +01835496 _derivationally_related_form 02994448 +02924554 _hypernym 06605396 +02161737 _hypernym 01342529 +02051270 _derivationally_related_form 07342495 +13773725 _hypernym 13760316 +10724699 _derivationally_related_form 01855155 +05088324 _derivationally_related_form 01378556 +00324384 _derivationally_related_form 01983264 +03867201 _hypernym 03936895 +00806902 _hypernym 00803617 +01721556 _derivationally_related_form 10201535 +11999958 _hypernym 11579418 +02739480 _hypernym 00121046 +01949973 _hypernym 01942177 +02444159 _hypernym 02443849 +09804230 _derivationally_related_form 00522068 +11867525 _member_meronym 11870607 +09537660 _hypernym 10553805 +01502262 _member_meronym 01816635 +09425344 _synset_domain_topic_of 06115701 +00364297 _hypernym 02609764 +05948264 _hypernym 05946687 +13812607 _synset_domain_topic_of 06143546 +05763412 _derivationally_related_form 00618878 +10609686 _hypernym 00007846 +12200315 _hypernym 11575425 +01573515 _derivationally_related_form 14295248 +11975853 _hypernym 11579418 +02357693 _derivationally_related_form 04682462 +02133435 _derivationally_related_form 04679738 +00040325 _derivationally_related_form 14006945 +01363613 _also_see 01366718 +01507006 _derivationally_related_form 13501941 +01941670 _member_meronym 01952162 +04945057 _derivationally_related_form 01826378 +03593526 _hypernym 04531098 +08699654 _instance_hypernym 08698379 +00803325 _derivationally_related_form 01141593 +00757544 _derivationally_related_form 07254594 +01711445 _derivationally_related_form 07007171 +13985818 _derivationally_related_form 00193130 +07019172 _hypernym 07018931 +07157273 _member_of_domain_usage 13769672 +01241767 _hypernym 01241331 +00528339 _hypernym 00387310 +01195804 _hypernym 01158181 +10552742 _hypernym 10191943 +00617413 _derivationally_related_form 01225783 +02163982 _member_meronym 02168542 +02333368 _hypernym 01864707 +13169219 _member_meronym 12954978 +12198628 _hypernym 11575425 +08145871 _hypernym 07951464 +07478874 _derivationally_related_form 00434919 +11875100 _member_meronym 11879291 +07817024 _hypernym 07811416 +02014165 _hypernym 02009433 +02951358 _hypernym 04244997 +01943899 _hypernym 01942177 +01906823 _derivationally_related_form 05003090 +01043820 _derivationally_related_form 01778017 +03583621 _hypernym 03733925 +04408871 _hypernym 03091374 +13261779 _hypernym 13255145 +00222376 _hypernym 00219012 +00877559 _derivationally_related_form 07143624 +11629501 _member_meronym 11633459 +13651218 _hypernym 13603305 +00095990 _hypernym 00094460 +01402381 _hypernym 08221348 +01146576 _hypernym 01145359 +11151189 _instance_hypernym 09924996 +10102369 _hypernym 09792555 +00488770 _hypernym 00164444 +06203758 _derivationally_related_form 10502950 +00241689 _hypernym 00151689 +00351334 _hypernym 00349886 +00340463 _hypernym 00339463 +02190632 _hypernym 02191106 +07007945 _derivationally_related_form 00988287 +09590495 _synset_domain_topic_of 09689152 +01198307 _derivationally_related_form 02581900 +02260183 _hypernym 01342529 +02072209 _member_meronym 02072665 +04547592 _hypernym 03327234 +01066775 _derivationally_related_form 01254685 +01633047 _member_meronym 01633250 +01472638 _synset_domain_topic_of 01861778 +09044862 _member_of_domain_region 13752911 +12299988 _member_meronym 12310153 +07520612 _derivationally_related_form 01779165 +12600888 _member_meronym 12601106 +02414710 _derivationally_related_form 09815790 +08792548 _member_of_domain_region 08039312 +00044353 _derivationally_related_form 05792010 +02704349 _derivationally_related_form 03735637 +14959058 _hypernym 14866889 +00508952 _hypernym 00507673 +14038482 _hypernym 14034177 +01945381 _derivationally_related_form 00315390 +01312096 _has_part 01296697 +01874784 _hypernym 01862557 +04526800 _hypernym 04182890 +08397255 _hypernym 08208016 +12268096 _member_meronym 12275317 +02102484 _derivationally_related_form 02106006 +00336168 _also_see 00740336 +01874126 _member_meronym 01876843 +08946042 _instance_hypernym 08691669 +02553697 _derivationally_related_form 01146039 +10093908 _hypernym 10689564 +12321395 _hypernym 12320010 +01454810 _derivationally_related_form 01105909 +00998886 _synset_domain_topic_of 06128570 +04509592 _hypernym 03051540 +01929788 _hypernym 08103777 +06780309 _derivationally_related_form 01743313 +04787763 _hypernym 04787530 +08742205 _instance_hypernym 08524735 +05296639 _hypernym 05237227 +04585745 _hypernym 03664675 +04100620 _hypernym 04042358 +00404642 _derivationally_related_form 01136519 +12339972 _member_meronym 12340202 +12200504 _hypernym 13112664 +14435187 _hypernym 14434866 +00043480 _hypernym 00040353 +02626590 _hypernym 01432517 +06470073 _derivationally_related_form 02896789 +10670310 _derivationally_related_form 02308741 +13999206 _derivationally_related_form 02495817 +07152948 _hypernym 07151380 +02255462 _verb_group 00802318 +00853649 _derivationally_related_form 01428011 +09163192 _has_part 09163584 +03024518 _hypernym 03065708 +02603699 _derivationally_related_form 13954253 +05571341 _hypernym 13911151 +01466828 _hypernym 08107499 +03285730 _hypernym 04100620 +02390949 _hypernym 02386388 +07425011 _hypernym 07296428 +02301782 _member_meronym 02301935 +05549830 _has_part 05556943 +00968155 _hypernym 00955060 +01989720 _hypernym 01985524 +00334996 _derivationally_related_form 00708017 +02268351 _hypernym 01158572 +14477667 _derivationally_related_form 02558172 +11719468 _member_meronym 11722769 +12945708 _hypernym 11585340 +00471576 _synset_domain_topic_of 06090869 +01913532 _derivationally_related_form 13534274 +05646218 _derivationally_related_form 00440286 +00986173 _hypernym 00983824 +02064608 _member_meronym 02065407 +12100538 _member_meronym 12132299 +05560787 _hypernym 05560244 +13966925 _hypernym 13963970 +01116968 _derivationally_related_form 02302817 +12636705 _hypernym 11585340 +02396716 _derivationally_related_form 00163779 +12612913 _member_meronym 12613968 +09773245 _derivationally_related_form 02583545 +03261776 _hypernym 03274561 +01259458 _derivationally_related_form 09222051 +01432474 _derivationally_related_form 05301908 +02565072 _hypernym 02564720 +03722007 _derivationally_related_form 00508032 +06514880 _hypernym 06514093 +12930044 _member_meronym 12945708 +02835887 _synset_domain_topic_of 06090869 +09710164 _hypernym 09686536 +00633443 _derivationally_related_form 10706812 +10743941 _hypernym 10780632 +01801600 _derivationally_related_form 04779649 +02231661 _derivationally_related_form 00033020 +00297404 _hypernym 00297062 +02431320 _derivationally_related_form 07331400 +14541852 _derivationally_related_form 02545272 +13745420 _hypernym 13728499 +15247518 _has_part 15248269 +09809749 _synset_domain_topic_of 08199025 +00573671 _derivationally_related_form 14724025 +02172888 _derivationally_related_form 05720248 +02681518 _derivationally_related_form 02748927 +10034020 _hypernym 10360747 +04190747 _hypernym 03546766 +01216515 _synset_domain_topic_of 08199025 +07763290 _hypernym 07705931 +01176079 _derivationally_related_form 07650792 +02701210 _verb_group 02732798 +02034671 _hypernym 02035919 +03450018 _hypernym 03096960 +04120093 _hypernym 03183080 +08722645 _instance_hypernym 09399592 +08860123 _member_of_domain_region 00470966 +00630380 _derivationally_related_form 05835162 +02128873 _derivationally_related_form 10633450 +09819291 _derivationally_related_form 06097775 +05651971 _derivationally_related_form 02108665 +06797169 _derivationally_related_form 00772640 +00931467 _verb_group 00932161 +09102016 _has_part 09103648 +01673668 _member_meronym 01682920 +02575082 _derivationally_related_form 00752431 +01931768 _derivationally_related_form 00815173 +00272391 _derivationally_related_form 05677504 +01930874 _hypernym 01224744 +02155448 _hypernym 05225602 +00592535 _derivationally_related_form 10104209 +01577093 _derivationally_related_form 00277811 +08161068 _derivationally_related_form 02400760 +03186399 _derivationally_related_form 01693453 +02269767 _hypernym 02269143 +01354405 _hypernym 01354006 +02761696 _hypernym 03316406 +01876180 _member_meronym 01876326 +00439343 _derivationally_related_form 05058140 +04146050 _hypernym 02913152 +14439447 _derivationally_related_form 02547225 +01730384 _hypernym 01729431 +07513508 _hypernym 00026192 +02117649 _hypernym 02106506 +02485631 _derivationally_related_form 03491724 +00724492 _derivationally_related_form 05982915 +08018189 _synset_domain_topic_of 00759694 +05573602 _hypernym 05580416 +03473966 _hypernym 02756098 +06920010 _hypernym 06907728 +01370561 _hypernym 01400044 +01665541 _hypernym 01663401 +02686625 _verb_group 01212230 +05098942 _hypernym 05090441 +11804604 _member_meronym 11815194 +02725367 _hypernym 03740161 +06295235 _member_of_domain_usage 04356056 +03509025 _derivationally_related_form 02333358 +02636516 _hypernym 02203362 +14986004 _derivationally_related_form 00287560 +00026385 _derivationally_related_form 13549488 +12812665 _hypernym 11579418 +00900726 _derivationally_related_form 01688771 +14997888 _hypernym 14868564 +08293982 _member_meronym 08305942 +12698905 _hypernym 11585340 +10734963 _derivationally_related_form 03612965 +11659068 _member_meronym 11659248 +13994148 _hypernym 13991823 +00838043 _derivationally_related_form 10201535 +06183899 _derivationally_related_form 10705615 +02698944 _derivationally_related_form 07108123 +08725454 _instance_hypernym 08633957 +07939159 _derivationally_related_form 02066304 +01831519 _member_meronym 01833283 +12039743 _member_meronym 12045695 +09758643 _derivationally_related_form 02516594 +00821580 _verb_group 00821765 +00030010 _derivationally_related_form 07128060 +00326619 _derivationally_related_form 00246940 +02234087 _derivationally_related_form 09784707 +01787835 _hypernym 01767661 +08032594 _synset_domain_topic_of 00759694 +02895154 _hypernym 02740764 +01084331 _synset_domain_topic_of 00464894 +02225959 _member_meronym 02227773 +02041678 _derivationally_related_form 01060198 +07030718 _hypernym 07028373 +07993109 _hypernym 07951464 +11472699 _hypernym 11428023 +02575766 _member_meronym 02580055 +10122441 _hypernym 09972661 +01348075 _hypernym 01347583 +07986771 _synset_domain_topic_of 05778131 +01447868 _also_see 01675780 +12892226 _member_meronym 12898959 +08522872 _hypernym 08521816 +10829450 _instance_hypernym 10020890 +01788730 _hypernym 08102555 +00192836 _derivationally_related_form 10056103 +00389638 _hypernym 00224901 +06248693 _hypernym 05996646 +11852255 _hypernym 11573660 +01872635 _member_meronym 01872772 +09140148 _has_part 08605261 +10018861 _hypernym 10677271 +02923129 _hypernym 02727825 +09275473 _has_part 08813978 +06880664 _derivationally_related_form 00135285 +00897746 _derivationally_related_form 10207831 +01409523 _hypernym 01405044 +01467370 _derivationally_related_form 08565701 +09425607 _derivationally_related_form 01513838 +01031256 _derivationally_related_form 00318186 +02658670 _hypernym 01432517 +00305846 _derivationally_related_form 07116304 +00222135 _derivationally_related_form 00264529 +01723259 _hypernym 01656813 +01344963 _also_see 00922594 +13124654 _derivationally_related_form 02652590 +01277974 _derivationally_related_form 03376279 +11894173 _member_meronym 11894770 +08740875 _has_part 08742743 +00009631 _hypernym 00010054 +01408383 _member_meronym 01408547 +01709278 _hypernym 01657723 +08860123 _member_of_domain_region 05689109 +13448778 _hypernym 13518963 +00003826 _hypernym 00001740 +02467003 _verb_group 02467203 +01019524 _hypernym 01018630 +04634540 _derivationally_related_form 00857923 +06028904 _hypernym 06027264 +01484982 _hypernym 00452512 +01765392 _hypernym 01764800 +00358431 _derivationally_related_form 09488259 +10252354 _hypernym 13950812 +02222718 _member_meronym 02224323 +14514805 _hypernym 14514039 +01813668 _derivationally_related_form 07527817 +12954185 _member_meronym 12954353 +06838543 _hypernym 06828818 +10644179 _derivationally_related_form 01230350 +08506641 _hypernym 08673395 +00650353 _hypernym 00618878 +00120202 _derivationally_related_form 01965156 +00098385 _hypernym 00097504 +01726960 _member_meronym 01729838 +12005500 _hypernym 11579418 +00903385 _hypernym 00806049 +00559919 _derivationally_related_form 04992570 +02258600 _also_see 01076793 +00162632 _derivationally_related_form 01021420 +10488016 _derivationally_related_form 06055946 +00010435 _verb_group 00013615 +12800832 _hypernym 12800586 +13456071 _derivationally_related_form 00573247 +00378479 _derivationally_related_form 02761685 +12163649 _member_meronym 12164065 +06363778 _hypernym 06349220 +10310903 _hypernym 00007846 +04160586 _hypernym 02691156 +10089615 _derivationally_related_form 02527431 +04567222 _hypernym 03720163 +01407904 _synset_domain_topic_of 00464894 +01315581 _derivationally_related_form 02533075 +04990525 _hypernym 04990220 +00593669 _derivationally_related_form 05781145 +03421768 _synset_domain_topic_of 08199025 +01072780 _derivationally_related_form 01182293 +02238743 _hypernym 01759182 +09117351 _has_part 09453288 +06232880 _hypernym 06224136 +00614057 _derivationally_related_form 10007109 +00296178 _derivationally_related_form 00999787 +00812580 _derivationally_related_form 09997404 +07560903 _hypernym 07560652 +02494356 _hypernym 02495038 +06822198 _derivationally_related_form 00983333 +01771966 _hypernym 01342529 +06688522 _derivationally_related_form 02356567 +05519085 _has_part 05520699 +12396924 _has_part 02949691 +09911849 _derivationally_related_form 04878646 +01089137 _hypernym 01088923 +00367685 _derivationally_related_form 00146856 +01126051 _derivationally_related_form 07298154 +12150447 _hypernym 12149751 +14319454 _hypernym 14299637 +13751829 _hypernym 13745420 +01627947 _hypernym 01627355 +02434238 _derivationally_related_form 08008335 +01454636 _derivationally_related_form 04495843 +09282724 _derivationally_related_form 00511855 +11705921 _member_meronym 11706325 +11322178 _instance_hypernym 10599806 +00673710 _derivationally_related_form 00176618 +02491107 _hypernym 02490219 +11692952 _member_meronym 11739530 +00392950 _derivationally_related_form 01351170 +12134025 _hypernym 12141495 +01743217 _derivationally_related_form 10413834 +11766609 _member_meronym 11773860 +04429756 _synset_domain_topic_of 03082979 +01745536 _derivationally_related_form 00652659 +12759496 _hypernym 11567411 +08025497 _instance_hypernym 08392137 +00082714 _hypernym 00078760 +15015501 _derivationally_related_form 00504901 +02460684 _hypernym 01864707 +00883226 _derivationally_related_form 07229530 +09904057 _hypernym 10372373 +11651259 _member_meronym 11653323 +01313411 _hypernym 00214951 +09049303 _has_part 09112282 +07990956 _member_meronym 01503061 +01023820 _derivationally_related_form 02372605 +04119892 _derivationally_related_form 02362798 +00119873 _hypernym 00109660 +13140699 _member_meronym 13143930 +13289845 _hypernym 13384557 +01487311 _derivationally_related_form 02924023 +00775943 _hypernym 00796886 +15224293 _synset_domain_topic_of 08441203 +02446352 _hypernym 02445715 +02418872 _also_see 00638981 +00827379 _derivationally_related_form 01271189 +09934921 _derivationally_related_form 13384557 +01726390 _member_meronym 01751621 +00945401 _hypernym 00407535 +08860123 _member_of_domain_region 10525878 +00549472 _hypernym 00549284 +03457793 _hypernym 03461119 +05088804 _hypernym 05083328 +01733213 _synset_domain_topic_of 00543233 +02249018 _derivationally_related_form 06356515 +06990000 _hypernym 06986558 +05706954 _hypernym 05706629 +00535844 _derivationally_related_form 07829412 +08163273 _hypernym 08163792 +02950482 _hypernym 03467984 +10084295 _derivationally_related_form 15147330 +00366691 _derivationally_related_form 04975340 +11864602 _hypernym 11565385 +10386071 _hypernym 00007846 +02499178 _hypernym 01864707 +03350602 _synset_domain_topic_of 00454237 +00505151 _hypernym 00126264 +08594886 _synset_domain_topic_of 08199025 +08730550 _instance_hypernym 09316454 +04635631 _hypernym 04616059 +12546015 _member_meronym 12546962 +02067100 _member_meronym 02067240 +07398097 _derivationally_related_form 02186506 +01877620 _hypernym 01835496 +03598151 _hypernym 03381776 +02547225 _derivationally_related_form 14440137 +00552253 _hypernym 00126264 +02129709 _derivationally_related_form 05656537 +08293982 _hypernym 08008335 +09767197 _derivationally_related_form 01095899 +07118002 _derivationally_related_form 00951206 +08842258 _instance_hypernym 09203827 +13949576 _derivationally_related_form 02099774 +01775879 _member_meronym 01781274 +14947807 _derivationally_related_form 00523436 +10268629 _derivationally_related_form 08375526 +12646950 _hypernym 13112664 +13444131 _hypernym 13446390 +01683724 _hypernym 01656813 +00607405 _derivationally_related_form 05996646 +05075602 _derivationally_related_form 02333689 +10433164 _derivationally_related_form 01941093 +09409203 _hypernym 00002684 +02271740 _hypernym 01759182 +12619306 _member_meronym 12623368 +10384214 _derivationally_related_form 06073494 +00422551 _hypernym 00421437 +00354634 _hypernym 01859221 +01485158 _derivationally_related_form 01103788 +01401772 _hypernym 01400044 +05313535 _hypernym 05254795 +03196324 _hypernym 03082979 +03894051 _hypernym 03003730 +03004824 _has_part 03024064 +01109863 _derivationally_related_form 00959992 +01453433 _also_see 02677797 +14084880 _hypernym 14052403 +00471277 _hypernym 00557588 +11799732 _has_part 11800236 +02499312 _hypernym 02501738 +01190561 _synset_domain_topic_of 08441203 +11527967 _hypernym 11419404 +02058794 _also_see 02094755 +00834198 _derivationally_related_form 01642924 +10502950 _derivationally_related_form 01155044 +01068012 _hypernym 01066163 +05893653 _hypernym 05833840 +02676789 _verb_group 02707429 +11947251 _hypernym 13118707 +06503224 _derivationally_related_form 00277399 +13192025 _member_meronym 13199244 +09790482 _derivationally_related_form 00644583 +13248928 _hypernym 13248393 +04692908 _hypernym 04692157 +00427397 _hypernym 02609764 +00653719 _hypernym 00634586 +03066658 _derivationally_related_form 10978098 +02196690 _derivationally_related_form 07828987 +01402381 _member_meronym 01402169 +08977948 _has_part 08978161 +00246217 _hypernym 00247390 +07974025 _derivationally_related_form 00739662 +00085626 _derivationally_related_form 03673594 +12423565 _member_meronym 12445848 +00527367 _derivationally_related_form 01159964 +00650353 _derivationally_related_form 04748836 +09454265 _instance_hypernym 09215664 +12150969 _hypernym 12150028 +12538603 _member_meronym 12540250 +08860123 _member_of_domain_region 03476684 +01438720 _member_meronym 01440344 +08860123 _member_of_domain_region 13249245 +00363052 _hypernym 00362659 +07705931 _hypernym 13134947 +00252019 _derivationally_related_form 13489037 +07193184 _derivationally_related_form 00788184 +00514871 _derivationally_related_form 00248063 +07298154 _derivationally_related_form 02596493 +09683306 _hypernym 09682291 +02157557 _hypernym 05470189 +13550089 _synset_domain_topic_of 06055946 +02038791 _derivationally_related_form 05068080 +07331210 _hypernym 07427337 +09375693 _instance_hypernym 09360122 +01394464 _derivationally_related_form 00358290 +03009269 _derivationally_related_form 01949817 +03499142 _hypernym 03290771 +13812607 _derivationally_related_form 10236304 +01751979 _member_meronym 01752165 +00138599 _derivationally_related_form 01431879 +12515711 _has_part 12515925 +02346823 _hypernym 01862557 +01987353 _member_meronym 01987545 +02104882 _hypernym 02104523 +00566895 _hypernym 00126264 +08000304 _derivationally_related_form 02727039 +01369346 _also_see 01259691 +04062179 _hypernym 03579982 +03845550 _hypernym 04074482 +08419163 _derivationally_related_form 02210855 +00476389 _has_part 00457228 +10070711 _hypernym 10047459 +01736569 _member_meronym 01736796 +09797113 _derivationally_related_form 00720808 +00330003 _hypernym 00328802 +12551457 _hypernym 13104059 +01547641 _hypernym 01494310 +00925873 _verb_group 00545557 +01662771 _derivationally_related_form 03779621 +10299700 _derivationally_related_form 01430633 +00331102 _derivationally_related_form 02753255 +12586110 _hypernym 11556857 +12166128 _hypernym 12157769 +00785962 _derivationally_related_form 10207831 +15153787 _hypernym 15144371 +01680836 _derivationally_related_form 06102476 +02504131 _derivationally_related_form 00123170 +01941987 _synset_domain_topic_of 00300441 +06770875 _hypernym 06722453 +00382493 _derivationally_related_form 07416441 +00028651 _has_part 00027167 +10141590 _hypernym 10373998 +01086103 _derivationally_related_form 10542888 +01955127 _derivationally_related_form 00061290 +00768778 _derivationally_related_form 00159899 +01180695 _also_see 01557614 +10661563 _derivationally_related_form 06249177 +02690093 _hypernym 02655135 +03536348 _derivationally_related_form 01661804 +08860123 _member_of_domain_region 10229721 +02769290 _hypernym 03996416 +00365188 _hypernym 00126264 +01921204 _derivationally_related_form 00291965 +08860123 _member_of_domain_region 05909384 +02072673 _derivationally_related_form 04055180 +12185078 _hypernym 11575425 +02593107 _hypernym 02413480 +14547369 _derivationally_related_form 01017738 +01323338 _derivationally_related_form 15032376 +07110615 _derivationally_related_form 10599806 +02431337 _hypernym 02431122 +00928015 _hypernym 00831651 +00318816 _derivationally_related_form 03281935 +01084866 _verb_group 01084588 +12511046 _hypernym 11585340 +12423565 _member_meronym 12443144 +00431610 _hypernym 00140123 +01012712 _derivationally_related_form 00483801 +00058645 _hypernym 00056930 +00006238 _hypernym 00104868 +12787565 _member_meronym 12791539 +11708181 _member_meronym 11708442 +03649909 _derivationally_related_form 01319562 +10745332 _hypernym 09863238 +09977520 _derivationally_related_form 00974786 +12932532 _hypernym 11585340 +01690294 _synset_domain_topic_of 00933420 +11911591 _member_meronym 11938977 +01884348 _member_meronym 01884476 +09993252 _derivationally_related_form 01997862 +09207288 _has_part 08848094 +07519773 _derivationally_related_form 01782650 +02642634 _derivationally_related_form 01767661 +01408153 _synset_domain_topic_of 00464894 +02708224 _hypernym 03082979 +00061079 _hypernym 00060833 +00699626 _derivationally_related_form 06511874 +01521367 _derivationally_related_form 07443010 +14094068 _hypernym 14058563 +01118081 _derivationally_related_form 00788821 +08293490 _hypernym 07951464 +00065070 _derivationally_related_form 14324274 +02245993 _verb_group 02244956 +05407119 _hypernym 05404728 +01999374 _member_meronym 01999767 +13631037 _hypernym 13601596 +07335414 _derivationally_related_form 00388635 +00996969 _derivationally_related_form 00489837 +02129289 _verb_group 02156225 +00024279 _hypernym 00022686 +01728840 _derivationally_related_form 03565402 +02589576 _derivationally_related_form 09906538 +00720565 _derivationally_related_form 02382087 +09411430 _has_part 09475292 +02686952 _derivationally_related_form 13913427 +00201407 _derivationally_related_form 00751145 +09761403 _derivationally_related_form 00618734 +02460684 _member_meronym 02460817 +05936704 _hypernym 05928118 +14770838 _hypernym 04528630 +02952109 _hypernym 03309808 +02711835 _derivationally_related_form 03390983 +02461701 _hypernym 01864707 +01237872 _derivationally_related_form 00405236 +00239321 _hypernym 00109660 +06295235 _member_of_domain_usage 03688192 +06498569 _member_meronym 06836714 +00842692 _derivationally_related_form 02765692 +08976913 _instance_hypernym 08524735 +02394822 _hypernym 01862557 +01704953 _synset_domain_topic_of 00929718 +08847694 _has_part 09044190 +00217700 _derivationally_related_form 07364115 +06451891 _has_part 06433249 +08230679 _hypernym 08227214 +01600909 _hypernym 01507175 +12915400 _hypernym 11566230 +00443670 _derivationally_related_form 09260466 +12536665 _hypernym 11585340 +05826469 _derivationally_related_form 00667942 +01809064 _hypernym 00725274 +05802547 _derivationally_related_form 00642644 +12226322 _member_meronym 12233759 +01538161 _hypernym 01534147 +02844728 _derivationally_related_form 03089348 +11335878 _instance_hypernym 10323182 +00824066 _derivationally_related_form 06711855 +14557898 _synset_domain_topic_of 06043075 +07849336 _hypernym 07555863 +08154960 _hypernym 08153437 +01677387 _hypernym 01675963 +10033082 _derivationally_related_form 00047945 +02585489 _derivationally_related_form 10379758 +07409475 _derivationally_related_form 01892104 +06440937 _instance_hypernym 06394865 +08761868 _instance_hypernym 08691669 +00766234 _hypernym 00745005 +08761244 _has_part 08762104 +12678548 _has_part 07765208 +09027089 _instance_hypernym 08633957 +05271814 _hypernym 05269901 +09069862 _has_part 09070363 +05780104 _derivationally_related_form 00692329 +14888310 _hypernym 14731135 +01823279 _hypernym 01507175 +01042531 _verb_group 00907930 +14526182 _hypernym 14524849 +11924014 _hypernym 11672400 +07714078 _hypernym 07713895 +11771383 _hypernym 11567411 +11942366 _member_meronym 11942487 +00194645 _hypernym 00191142 +02694933 _hypernym 00918872 +10484858 _synset_domain_topic_of 08441203 +01079480 _verb_group 01080691 +05059830 _derivationally_related_form 02369633 +00591622 _derivationally_related_form 09984298 +11067885 _instance_hypernym 10515194 +01176931 _derivationally_related_form 10349243 +00879540 _hypernym 02401523 +03763403 _hypernym 03763133 +09114696 _has_part 09115315 +04143712 _hypernym 03265874 +07075172 _member_of_domain_usage 08245425 +12366313 _hypernym 13123431 +02619738 _member_meronym 02619861 +07170753 _derivationally_related_form 00623151 +01331237 _hypernym 01329239 +12118414 _hypernym 12135898 +05186306 _synset_domain_topic_of 08441203 +05958427 _hypernym 05943300 +02585489 _hypernym 01803003 +02760658 _derivationally_related_form 00181476 +02397637 _derivationally_related_form 00373544 +01973125 _derivationally_related_form 03693973 +02581957 _has_part 07778938 +08960987 _member_meronym 09721244 +07143137 _derivationally_related_form 00876665 +10141811 _hypernym 10162991 +03353281 _hypernym 03405725 +02771320 _derivationally_related_form 14215331 +02310895 _derivationally_related_form 05074057 +12673178 _member_meronym 12673328 +00607542 _synset_domain_topic_of 03405725 +00784727 _verb_group 00784342 +08645212 _hypernym 08644722 +00259643 _derivationally_related_form 02672540 +12860254 _hypernym 11579418 +00159880 _derivationally_related_form 05751794 +00879764 _hypernym 00753428 +14687513 _derivationally_related_form 00291873 +01726879 _hypernym 01726172 +12411084 _member_meronym 12418356 +08921850 _has_part 08925957 +02044278 _derivationally_related_form 00295172 +01938155 _member_meronym 01938312 +01504699 _derivationally_related_form 00622266 +10383689 _hypernym 10631941 +03974671 _hypernym 04548771 +05747582 _hypernym 05733583 +01465994 _hypernym 08102555 +02110552 _hypernym 02110220 +11860801 _hypernym 11573660 +06954183 _hypernym 06953731 +13573181 _derivationally_related_form 00379774 +11920867 _hypernym 11579418 +00614999 _derivationally_related_form 00074624 +01369758 _also_see 01657977 +01110274 _derivationally_related_form 02244956 +04259771 _hypernym 03733925 +14245405 _hypernym 14246359 +08334087 _hypernym 08329453 +01527617 _hypernym 01525720 +04478889 _hypernym 03214253 +03249342 _hypernym 04202417 +02368563 _hypernym 01862557 +05532225 _has_part 05534712 +00539936 _derivationally_related_form 14485249 +03278248 _has_part 03033362 +06714976 _derivationally_related_form 02457825 +02583211 _member_meronym 02584325 +01949674 _synset_domain_topic_of 00815801 +03204558 _synset_domain_topic_of 06128570 +12501745 _member_meronym 12577000 +03762434 _synset_domain_topic_of 06234825 +12501745 _hypernym 11566682 +10254761 _derivationally_related_form 06072476 +05891572 _derivationally_related_form 00708376 +05341920 _hypernym 05333777 +02872752 _has_part 04444749 +02527431 _derivationally_related_form 05906554 +12770277 _member_meronym 12770529 +03879116 _derivationally_related_form 02749768 +09185440 _synset_domain_topic_of 00704305 +00066397 _hypernym 00074624 +13795489 _hypernym 13791389 +04730580 _derivationally_related_form 02345272 +08827126 _has_part 09370773 +01238640 _also_see 01909978 +10633450 _derivationally_related_form 02130524 +08734385 _has_part 08735008 +10524223 _hypernym 10099375 +10707804 _hypernym 09977660 +12290748 _hypernym 11669921 +00452512 _derivationally_related_form 03338009 +04922338 _synset_domain_topic_of 06075527 +05828552 _synset_domain_topic_of 06136258 +00683280 _derivationally_related_form 05941423 +08959683 _member_of_domain_region 08032594 +08778061 _member_meronym 09705124 +10213429 _synset_domain_topic_of 06136258 +02975212 _hypernym 03094503 +04170037 _hypernym 04576211 +01281154 _instance_hypernym 00962129 +01684337 _hypernym 01659248 +00677808 _hypernym 00671351 +02116777 _hypernym 02108026 +01708778 _member_meronym 01710348 +08921850 _instance_hypernym 08700255 +15274695 _derivationally_related_form 00779360 +01985128 _hypernym 01976146 +08107191 _synset_domain_topic_of 06037666 +10728624 _hypernym 10307234 +01158872 _derivationally_related_form 00949134 +02817650 _hypernym 03563967 +15151255 _hypernym 15144371 +08889191 _instance_hypernym 08691669 +00654625 _derivationally_related_form 08239808 +01658188 _derivationally_related_form 00923995 +06139764 _derivationally_related_form 09608520 +09884666 _derivationally_related_form 01720491 +03220692 _hypernym 04295881 +13841213 _derivationally_related_form 01945550 +00809465 _derivationally_related_form 10389398 +01689379 _derivationally_related_form 00900726 +00477941 _derivationally_related_form 01263018 +00757856 _hypernym 00757544 +04906712 _derivationally_related_form 00790086 +03089121 _derivationally_related_form 02475078 +00916274 _hypernym 00941990 +00751567 _derivationally_related_form 07169848 +00976365 _derivationally_related_form 07248507 +05685879 _derivationally_related_form 01462928 +00959376 _hypernym 01170962 +00160688 _hypernym 00160532 +12445848 _member_meronym 12446519 +12130408 _member_meronym 12130549 +01892104 _derivationally_related_form 05020981 +04220344 _hypernym 03763133 +01692143 _hypernym 01657723 +00770437 _derivationally_related_form 00159177 +08776687 _instance_hypernym 08702402 +12356395 _hypernym 12205694 +03047941 _derivationally_related_form 02724126 +01988755 _hypernym 01575675 +11643506 _hypernym 15098161 +07134850 _derivationally_related_form 01038666 +08765315 _instance_hypernym 08524735 +11083656 _instance_hypernym 09537144 +05399034 _derivationally_related_form 00194170 +06472025 _hypernym 06470073 +10144838 _hypernym 10787470 +09798811 _synset_domain_topic_of 06453849 +00109081 _derivationally_related_form 01870275 +03682487 _has_part 02865931 +11821777 _hypernym 11573660 +00154689 _derivationally_related_form 02481231 +04016240 _derivationally_related_form 01321002 +01775164 _derivationally_related_form 09849598 +13292787 _hypernym 13290676 +00049197 _derivationally_related_form 03051540 +10584318 _derivationally_related_form 01329239 +00229260 _hypernym 00209943 +07560903 _derivationally_related_form 10012484 +08860123 _member_of_domain_region 07933799 +09796809 _hypernym 00007846 +05659365 _derivationally_related_form 02673134 +00602805 _hypernym 00599992 +02590072 _hypernym 01158872 +02130524 _also_see 00661824 +01670172 _derivationally_related_form 03354903 +06335162 _hypernym 07013549 +08948155 _has_part 08948346 +01388653 _hypernym 01387786 +06156968 _hypernym 06153846 +01479643 _hypernym 08103777 +00249721 _also_see 00262792 +05060476 _derivationally_related_form 01143279 +11693566 _member_meronym 11695485 +07362075 _derivationally_related_form 02680814 +03101667 _derivationally_related_form 05002822 +03804744 _derivationally_related_form 01357831 +05830059 _hypernym 05829480 +01726960 _member_meronym 01733346 +00698855 _derivationally_related_form 07177924 +02422249 _hypernym 01864707 +12231031 _member_meronym 12231192 +00084371 _derivationally_related_form 02346724 +02621419 _hypernym 01432517 +07185870 _derivationally_related_form 01824339 +01772960 _hypernym 01759326 +06575932 _hypernym 06568978 +04559275 _hypernym 04564698 +03355468 _hypernym 03343354 +07301336 _hypernym 07314427 +09626589 _derivationally_related_form 02118933 +10711483 _synset_domain_topic_of 00523513 +04648207 _derivationally_related_form 02120458 +14049552 _derivationally_related_form 00164816 +11768816 _hypernym 13112664 +02690708 _hypernym 02655135 +04169707 _hypernym 03699975 +07409121 _hypernym 07308563 +00105164 _hypernym 00104539 +06845599 _member_of_domain_usage 03048094 +10470460 _hypernym 10752093 +01556671 _member_meronym 01559964 +00841125 _hypernym 00831651 +01649948 _member_meronym 01651370 +04379243 _has_part 04381994 +01282142 _hypernym 01282545 +00394562 _similar_to 00397191 +04667406 _hypernym 04616059 +00836236 _derivationally_related_form 06806469 +01920735 _hypernym 01918010 +05695232 _derivationally_related_form 00783042 +07338552 _hypernym 07339329 +01052450 _derivationally_related_form 01528821 +04376400 _hypernym 03614532 +02595662 _derivationally_related_form 10521470 +01573515 _also_see 01573891 +03009269 _hypernym 03538634 +08972521 _member_of_domain_region 10525878 +00954422 _derivationally_related_form 06805297 +04070727 _hypernym 04580493 +07124340 _member_of_domain_usage 00846021 +10200047 _hypernym 09917593 +10468750 _derivationally_related_form 15266265 +01176540 _hypernym 01170962 +02129709 _verb_group 00591115 +12972629 _hypernym 08103777 +00819024 _hypernym 00817680 +04781349 _hypernym 04780958 +00785690 _derivationally_related_form 00881441 +02189535 _member_meronym 02189670 +13615557 _hypernym 13615036 +12619306 _member_meronym 12653056 +02465929 _hypernym 05299178 +01535310 _hypernym 01507175 +02493030 _hypernym 01845229 +09615807 _derivationally_related_form 06125041 +02029571 _hypernym 01507175 +05747582 _derivationally_related_form 00682592 +09023118 _instance_hypernym 08696931 +06845599 _member_of_domain_usage 04135710 +11168645 _instance_hypernym 10292316 +00095377 _derivationally_related_form 07719437 +00913705 _hypernym 00923444 +09071349 _instance_hypernym 09303008 +03234164 _hypernym 04508489 +10780632 _hypernym 10787470 +08792083 _instance_hypernym 08574314 +07431683 _hypernym 07430211 +00695475 _hypernym 00695226 +14560612 _hypernym 14560360 +01939174 _derivationally_related_form 00447073 +15184008 _hypernym 15184755 +10702307 _synset_domain_topic_of 08199025 +00642098 _derivationally_related_form 00784533 +05513529 _has_part 05521636 +06452601 _instance_hypernym 06429590 +01693472 _hypernym 01656813 +03420935 _hypernym 03575691 +01925694 _derivationally_related_form 00297404 +01217043 _derivationally_related_form 03525454 +00017222 _has_part 09305358 +11867525 _member_meronym 11884198 +01565472 _derivationally_related_form 00966384 +01720980 _derivationally_related_form 10648696 +11124472 _instance_hypernym 10664340 +03536348 _hypernym 04362025 +12813870 _member_meronym 12814003 +00355365 _verb_group 00355524 +10339966 _derivationally_related_form 05636048 +03565402 _hypernym 03129123 +13537429 _synset_domain_topic_of 00017222 +06682794 _hypernym 06681551 +06605046 _member_of_domain_usage 00095873 +02148788 _derivationally_related_form 06879180 +03791235 _has_part 02974003 +00891216 _derivationally_related_form 08070465 +00402130 _verb_group 00925873 +00189565 _derivationally_related_form 00949841 +14832193 _synset_domain_topic_of 06079620 +04096848 _derivationally_related_form 01127075 +10658304 _derivationally_related_form 02323059 +07401726 _derivationally_related_form 01879251 +02388403 _hypernym 00474017 +06540863 _hypernym 06539502 +01076863 _synset_domain_topic_of 08199025 +13262663 _has_part 13289159 +04978561 _synset_domain_topic_of 06128570 +08364959 _hypernym 08366753 +11219121 _instance_hypernym 10515194 +09720033 _hypernym 09686536 +03992703 _hypernym 02997607 +08860123 _member_of_domain_region 10786992 +15184755 _hypernym 15183802 +00399393 _derivationally_related_form 02433549 +10678472 _derivationally_related_form 00462092 +11705052 _hypernym 13162297 +08062623 _derivationally_related_form 00967625 +01960656 _also_see 01401854 +01534147 _hypernym 00126264 +02021050 _also_see 01960656 +08268321 _hypernym 07999699 +01279615 _instance_hypernym 00956485 +05034225 _derivationally_related_form 01824244 +02909870 _hypernym 04531098 +02834778 _has_part 02835915 +04749991 _derivationally_related_form 00802946 +03265874 _hypernym 04076846 +09157163 _instance_hypernym 08655464 +09929298 _derivationally_related_form 01921964 +01449796 _hypernym 00240810 +08241798 _member_meronym 09885676 +05421997 _hypernym 05418717 +02010698 _hypernym 02009433 +02464693 _also_see 00724081 +01664244 _hypernym 01657723 +12398682 _member_meronym 12398990 +01739263 _synset_domain_topic_of 00911048 +08841667 _member_meronym 09727826 +10007109 _derivationally_related_form 00841986 +02058994 _derivationally_related_form 05058140 +12322887 _member_meronym 12328026 +10785333 _derivationally_related_form 01766952 +10245863 _hypernym 09805475 +03688943 _hypernym 04341686 +06278830 _hypernym 06278662 +00956131 _derivationally_related_form 04839154 +01045419 _derivationally_related_form 10776339 +12715914 _hypernym 13104059 +12723610 _hypernym 13118707 +12437311 _member_meronym 12437513 +11415842 _hypernym 11410625 +00719705 _derivationally_related_form 02420789 +01463340 _hypernym 01462928 +05699770 _hypernym 05698247 +04850117 _hypernym 04847733 +00334509 _hypernym 00331950 +01276436 _instance_hypernym 00956485 +01069809 _derivationally_related_form 07185325 +00617413 _derivationally_related_form 01225997 +08788004 _instance_hypernym 08574314 +11703386 _member_meronym 11703669 +11204962 _instance_hypernym 10705615 +06284225 _hypernym 13809207 +05223550 _synset_domain_topic_of 06057539 +09433952 _hypernym 09190918 +00999817 _derivationally_related_form 04716210 +00374534 _derivationally_related_form 00382109 +05460870 _has_part 05285623 +04878646 _hypernym 04878101 +07723330 _hypernym 07709333 +09533048 _hypernym 09505418 +12583529 _hypernym 11556857 +01321895 _verb_group 01322223 +13282161 _derivationally_related_form 02284951 +07897200 _hypernym 07892813 +09991867 _derivationally_related_form 01226600 +09162803 _instance_hypernym 08633957 +00981180 _synset_domain_topic_of 08199025 +12958772 _member_meronym 12958921 +01175316 _hypernym 01173038 +07842753 _hypernym 07557434 +02896442 _hypernym 04489008 +02378623 _derivationally_related_form 09773245 +00776988 _derivationally_related_form 09503282 +01748560 _hypernym 01657723 +00788766 _derivationally_related_form 02531199 +00357023 _derivationally_related_form 01456771 +05302499 _has_part 05532944 +04374735 _synset_domain_topic_of 06232880 +01987160 _derivationally_related_form 08621598 +01613463 _also_see 02326695 +10384610 _hypernym 10004282 +01083645 _hypernym 01083077 +04635482 _derivationally_related_form 00808191 +01642437 _derivationally_related_form 00240184 +14486767 _derivationally_related_form 00475183 +11529603 _member_meronym 11544769 +04958634 _hypernym 04950126 +02050132 _also_see 01915365 +01257173 _derivationally_related_form 05283498 +00947077 _derivationally_related_form 15268857 +00915605 _derivationally_related_form 07121361 +02618877 _derivationally_related_form 13534608 +10177150 _hypernym 10557854 +09552681 _hypernym 09505418 +12189293 _member_meronym 12189429 +00206302 _derivationally_related_form 00795863 +02012306 _member_meronym 02014646 +00841628 _hypernym 00838367 +06733227 _derivationally_related_form 01017001 +07507912 _derivationally_related_form 00621734 +02705201 _has_part 04434285 +09949946 _derivationally_related_form 06677974 +12431128 _member_meronym 12431861 +11739978 _hypernym 13104059 +06436443 _instance_hypernym 06394865 +13914608 _derivationally_related_form 01256867 +05748285 _hypernym 05748054 +13615235 _hypernym 13614764 +02124748 _derivationally_related_form 05658603 +00119297 _hypernym 00118733 +02739254 _hypernym 00339934 +12776212 _member_meronym 12776391 +00849357 _also_see 02392878 +00116619 _derivationally_related_form 00931040 +00161225 _derivationally_related_form 01093085 +05233420 _hypernym 05230603 +00735832 _derivationally_related_form 02292535 +13187031 _member_meronym 13187167 +02406916 _derivationally_related_form 00795720 +00045114 _synset_domain_topic_of 06232880 +08860123 _member_of_domain_region 03318294 +07367548 _derivationally_related_form 00334186 +10338231 _hypernym 09682291 +00634906 _derivationally_related_form 00153809 +09513902 _synset_domain_topic_of 15253139 +10040789 _derivationally_related_form 03260293 +13807403 _hypernym 13805734 +08766988 _has_part 08773679 +01653442 _derivationally_related_form 00923444 +00744506 _derivationally_related_form 04769049 +01433809 _hypernym 01433294 +01056411 _derivationally_related_form 01862918 +12257343 _hypernym 11575425 +00181434 _derivationally_related_form 12036368 +04747899 _hypernym 04742535 +02855793 _derivationally_related_form 01423929 +01509527 _also_see 01872745 +01970866 _hypernym 01342529 +11706761 _has_part 07764847 +08926877 _instance_hypernym 09203827 +00172732 _derivationally_related_form 01150200 +02055975 _derivationally_related_form 15282696 +07475364 _derivationally_related_form 09999795 +09606009 _derivationally_related_form 02545272 +11225661 _instance_hypernym 09799213 +10483530 _derivationally_related_form 00926702 +01417553 _hypernym 01388130 +15168790 _derivationally_related_form 02649706 +02425462 _hypernym 01650610 +08981244 _member_of_domain_region 08011266 +01081001 _hypernym 01079480 +00094312 _derivationally_related_form 01896031 +05697363 _derivationally_related_form 00336831 +00730499 _hypernym 00650353 +11788926 _hypernym 11556857 +09639719 _hypernym 09638875 +00759269 _hypernym 00759501 +00588780 _derivationally_related_form 09787534 +00139586 _synset_domain_topic_of 06084469 +02560767 _derivationally_related_form 11410625 +02476219 _hypernym 02471762 +00289388 _hypernym 00286497 +00820352 _hypernym 01011031 +02181863 _hypernym 01759182 +06295235 _member_of_domain_usage 02887489 +05104548 _hypernym 05103946 +00884011 _hypernym 01010118 +00065070 _derivationally_related_form 14322699 +09365443 _instance_hypernym 09403734 +09646608 _hypernym 09645091 +02705680 _hypernym 02620587 +10365984 _derivationally_related_form 02478059 +06793231 _derivationally_related_form 01498319 +12834408 _member_meronym 12836663 +03875218 _hypernym 14984973 +11972141 _hypernym 11579418 +04716864 _hypernym 04715487 +01448100 _derivationally_related_form 10492202 +00628539 _hypernym 00624738 +01174742 _derivationally_related_form 00841091 +02249995 _member_meronym 02250133 +02561332 _derivationally_related_form 00413239 +00086320 _verb_group 01585523 +02349212 _derivationally_related_form 08324514 +09311259 _has_part 09198574 +00926702 _derivationally_related_form 10483530 +13988663 _hypernym 13985818 +03633091 _hypernym 04531098 +13724582 _has_part 13724474 +01875295 _derivationally_related_form 00348008 +08106934 _member_meronym 08107191 +14050143 _hypernym 14049711 +12898226 _hypernym 11579418 +10829733 _instance_hypernym 10423589 +02468617 _hypernym 05235879 +04838727 _derivationally_related_form 00011551 +03007591 _hypernym 04004475 +10024362 _hypernym 00007846 +01372709 _hypernym 01355326 +09195615 _has_part 09372504 +01415807 _hypernym 01400044 +09767197 _derivationally_related_form 02561995 +00744004 _synset_domain_topic_of 01124794 +07334490 _derivationally_related_form 01621219 +00320536 _synset_domain_topic_of 00243918 +08341551 _hypernym 08337324 +01763813 _derivationally_related_form 02452885 +02752567 _hypernym 02604760 +05389939 _hypernym 05289057 +15211484 _has_part 15200164 +00291873 _derivationally_related_form 05018542 +13809920 _derivationally_related_form 00956250 +14560253 _hypernym 14548343 +00358089 _derivationally_related_form 01389329 +13189656 _member_meronym 13189844 +01417451 _derivationally_related_form 00182406 +10498046 _derivationally_related_form 01889129 +09148970 _has_part 09224325 +15298011 _synset_domain_topic_of 06128570 +00211108 _derivationally_related_form 14536831 +05651068 _hypernym 00023271 +11782522 _member_meronym 11783162 +05261404 _hypernym 05254795 +04432662 _derivationally_related_form 01331689 +01629589 _also_see 01629958 +05088324 _derivationally_related_form 01380122 +10296176 _hypernym 09943239 +02642814 _derivationally_related_form 01066881 +00275088 _derivationally_related_form 11524662 +11911591 _member_meronym 11993007 +06758225 _hypernym 06756407 +03153375 _has_part 03485997 +01628449 _derivationally_related_form 00240184 +01190172 _synset_domain_topic_of 08441203 +06403969 _derivationally_related_form 09889170 +11952153 _member_meronym 11952346 +02675701 _hypernym 01742886 +00294190 _derivationally_related_form 01901447 +08182379 _derivationally_related_form 02028722 +01759326 _derivationally_related_form 09184975 +02724417 _derivationally_related_form 00031921 +08135770 _hypernym 08337324 +08860123 _member_of_domain_region 15138241 +00008435 _derivationally_related_form 06878934 +09435065 _instance_hypernym 09403734 +10210648 _derivationally_related_form 01753596 +05785508 _derivationally_related_form 02164825 +02321757 _derivationally_related_form 10707804 +07075172 _member_of_domain_usage 00144722 +01577093 _derivationally_related_form 07364434 +14892138 _hypernym 14706749 +01020005 _derivationally_related_form 06763273 +03637027 _hypernym 03546766 +00634472 _derivationally_related_form 09178999 +02613960 _member_meronym 02614288 +00290302 _hypernym 00153263 +00540235 _derivationally_related_form 00367768 +02872752 _has_part 03068707 +06598445 _hypernym 05808794 +00086320 _hypernym 00081072 +00882961 _derivationally_related_form 02124748 +00764902 _derivationally_related_form 13971561 +01774426 _derivationally_related_form 07503430 +08675145 _hypernym 08595720 +06721949 _derivationally_related_form 01040707 +01706129 _derivationally_related_form 09809925 +11447851 _derivationally_related_form 01874875 +01068380 _derivationally_related_form 10003283 +00998399 _derivationally_related_form 03924069 +10485440 _derivationally_related_form 00748155 +00717358 _hypernym 02367363 +13311368 _hypernym 13310230 +11608885 _hypernym 15098161 +11313507 _instance_hypernym 10672908 +10257221 _hypernym 09608709 +00870312 _hypernym 00869583 +05823054 _derivationally_related_form 00896803 +02748927 _derivationally_related_form 03169390 +04850996 _hypernym 04850589 +07531536 _hypernym 07531255 +01419160 _hypernym 01418667 +08780881 _member_of_domain_region 09542541 +11880218 _hypernym 11575425 +12701901 _hypernym 11585340 +06798750 _derivationally_related_form 01275762 +00996485 _hypernym 00993014 +01371756 _derivationally_related_form 00136329 +02878222 _derivationally_related_form 01951276 +07086323 _hypernym 07083732 +02117369 _hypernym 01864707 +02621901 _derivationally_related_form 13431722 +13421462 _hypernym 05898568 +01819147 _derivationally_related_form 07542675 +09095751 _has_part 09096498 +02579447 _derivationally_related_form 00272713 +01044084 _hypernym 01028655 +03975232 _derivationally_related_form 01152670 +06674542 _derivationally_related_form 00970732 +12513426 _hypernym 11585340 +02540670 _derivationally_related_form 10582154 +05413241 _hypernym 05407119 +04863358 _derivationally_related_form 01743909 +01443871 _hypernym 01443021 +02494356 _derivationally_related_form 00328327 +02410313 _member_meronym 02410702 +00226379 _hypernym 00224901 +00495998 _derivationally_related_form 10785333 +07546125 _derivationally_related_form 01463965 +06744154 _synset_domain_topic_of 06169050 +15178841 _has_part 15218663 +00527695 _hypernym 00428270 +09221070 _hypernym 09444100 +00006802 _hypernym 00007012 +07334490 _derivationally_related_form 01656458 +06453324 _instance_hypernym 06429590 +00240754 _hypernym 00240184 +01313093 _member_meronym 02315309 +13727333 _hypernym 13609507 +10048218 _hypernym 09605289 +00363110 _hypernym 02680814 +01775535 _derivationally_related_form 05813229 +07137950 _hypernym 07138085 +07171785 _hypernym 07170753 +14056280 _has_part 14060256 +02803129 _hypernym 04073669 +05968450 _hypernym 05996646 +08949093 _has_part 08950907 +09994943 _derivationally_related_form 00358431 +02333225 _derivationally_related_form 00841628 +01963136 _hypernym 01939598 +05015463 _derivationally_related_form 00369864 +00115803 _derivationally_related_form 01566916 +14806176 _hypernym 14805899 +00060185 _verb_group 01430447 +01483188 _member_meronym 01485073 +05288091 _hypernym 05267548 +01868258 _derivationally_related_form 00348571 +09071690 _has_part 09325395 +01648993 _hypernym 01626600 +02067689 _derivationally_related_form 07405893 +08336188 _hypernym 08329453 +04590746 _derivationally_related_form 01392237 +10404426 _hypernym 10703692 +02170269 _member_meronym 02170400 +03325941 _hypernym 03497657 +13548531 _hypernym 13453160 +15140405 _has_part 15143477 +01835496 _also_see 01994442 +11770013 _hypernym 11567411 +07384898 _derivationally_related_form 01053771 +02336449 _also_see 00106456 +00469637 _hypernym 00208836 +12792638 _member_meronym 12793015 +00118523 _derivationally_related_form 15133621 +01129532 _hypernym 01128984 +00268011 _hypernym 00205046 +05560787 _has_part 05573602 +03478907 _hypernym 04105893 +05461179 _has_part 05254795 +03705379 _derivationally_related_form 00399788 +05034473 _hypernym 05190804 +06070929 _hypernym 06037666 +10012484 _derivationally_related_form 07560903 +03228016 _hypernym 02817799 +01931398 _hypernym 01921887 +13123431 _hypernym 13122985 +04362821 _hypernym 04231693 +07262108 _hypernym 07258332 +09503282 _hypernym 09483738 +01311103 _hypernym 01282545 +04437953 _has_part 03482523 +00236592 _derivationally_related_form 00808182 +01015104 _derivationally_related_form 10760763 +13365698 _derivationally_related_form 02215506 +10835022 _instance_hypernym 10030277 +05979595 _hypernym 05978812 +03767459 _derivationally_related_form 01695459 +13145250 _hypernym 13144794 +05514717 _hypernym 05513302 +00509039 _synset_domain_topic_of 03082979 +04618070 _derivationally_related_form 00618878 +02394662 _derivationally_related_form 10005721 +09252970 _derivationally_related_form 02025009 +00103419 _hypernym 00103140 +09753498 _hypernym 00007846 +00529101 _synset_domain_topic_of 00528667 +12485811 _hypernym 11567411 +09930876 _derivationally_related_form 02566227 +01309701 _also_see 01313923 +02320621 _hypernym 02316038 +03181501 _derivationally_related_form 01351601 +10929886 _instance_hypernym 09920283 +02194913 _derivationally_related_form 07503260 +15049594 _hypernym 14940100 +10294139 _synset_domain_topic_of 08199025 +09883947 _hypernym 10254965 +00396325 _hypernym 00394813 +04419073 _hypernym 04365484 +00893955 _derivationally_related_form 00100044 +12731202 _member_meronym 12731401 +08558155 _derivationally_related_form 10231515 +00383390 _derivationally_related_form 01579813 +00500280 _hypernym 00565302 +03514974 _hypernym 02718259 +00645771 _derivationally_related_form 00152727 +13903387 _derivationally_related_form 02710673 +01460421 _also_see 01244410 +10325243 _derivationally_related_form 00475819 +01632103 _hypernym 01631534 +02525866 _member_meronym 02526121 +09292751 _instance_hypernym 00031264 +02681795 _also_see 00235918 +01822773 _member_meronym 01823610 +06677974 _derivationally_related_form 09949946 +00396029 _derivationally_related_form 00451648 +15180528 _hypernym 00033615 +00112628 _derivationally_related_form 05783940 +10215623 _hypernym 09617867 +10328782 _hypernym 10640620 +08709038 _has_part 08756202 +02436514 _member_meronym 02436645 +04294879 _hypernym 03322570 +09143649 _instance_hypernym 08524735 +00180413 _derivationally_related_form 02236124 +08947319 _instance_hypernym 08698379 +13391118 _hypernym 13388245 +00757544 _hypernym 00685683 +02640242 _hypernym 02638596 +02000036 _hypernym 01759182 +10122300 _derivationally_related_form 01316619 +02647503 _member_meronym 02647660 +05481870 _hypernym 05486510 +13259917 _derivationally_related_form 01100145 +02586382 _member_meronym 02587761 +12299988 _hypernym 11562747 +06630017 _derivationally_related_form 00897241 +00981944 _derivationally_related_form 07125958 +11418460 _derivationally_related_form 01468097 +10401639 _derivationally_related_form 02294179 +02151700 _hypernym 02150948 +00281101 _derivationally_related_form 00274707 +09148970 _has_part 09152401 +04935528 _derivationally_related_form 01220885 +03931044 _hypernym 04076846 +01476685 _synset_domain_topic_of 06037666 +03147509 _hypernym 03094503 +08349681 _hypernym 08337324 +10522759 _hypernym 00007846 +08030711 _instance_hypernym 08392137 +00955601 _derivationally_related_form 06742173 +10648237 _derivationally_related_form 02394662 +12508077 _hypernym 11585340 +03692379 _hypernym 03051540 +04754440 _derivationally_related_form 00684480 +14800277 _hypernym 14682133 +04913839 _derivationally_related_form 02457233 +01981137 _hypernym 01762525 +00234423 _derivationally_related_form 02535896 +12039743 _member_meronym 12073410 +06021247 _synset_domain_topic_of 06018465 +13068073 _hypernym 11592146 +05773049 _derivationally_related_form 00772640 +12393086 _hypernym 12205694 +04401088 _has_part 04402580 +02713218 _derivationally_related_form 05578442 +05921868 _derivationally_related_form 00692718 +01240188 _hypernym 01239862 +08359949 _hypernym 08189659 +00057486 _hypernym 00053913 +03065516 _derivationally_related_form 05971394 +08893223 _has_part 08893492 +02950826 _derivationally_related_form 09811852 +01121948 _derivationally_related_form 10038929 +08766988 _has_part 08769329 +02001428 _member_meronym 02007721 +02326355 _verb_group 01315333 +02440705 _member_meronym 02448754 +09179776 _derivationally_related_form 00770437 +03331244 _hypernym 03309808 +04994824 _hypernym 04992163 +05018103 _hypernym 05009170 +03029133 _derivationally_related_form 10851599 +11911591 _member_meronym 11925140 +00103875 _derivationally_related_form 14290534 +06845599 _member_of_domain_usage 04527808 +09960688 _hypernym 09878275 +00296263 _synset_domain_topic_of 02691156 +00225150 _hypernym 00220023 +02866578 _derivationally_related_form 01131902 +00168217 _derivationally_related_form 00364787 +00457327 _derivationally_related_form 00380994 +01013971 _hypernym 01012712 +04700642 _derivationally_related_form 01265989 +01543123 _also_see 01984902 +11841529 _member_meronym 11850748 +00181258 _derivationally_related_form 11683556 +14450691 _hypernym 14449126 +10741152 _hypernym 09631463 +13081050 _hypernym 11592146 +04985198 _hypernym 04983122 +01682761 _hypernym 01675963 +02573704 _hypernym 02554730 +02529293 _hypernym 01428580 +01404129 _member_meronym 01404813 +00260648 _derivationally_related_form 04083468 +07491981 _derivationally_related_form 01820302 +02249365 _hypernym 01759182 +01621127 _derivationally_related_form 01053221 +02600255 _derivationally_related_form 08223263 +00084107 _derivationally_related_form 00698609 +13506587 _derivationally_related_form 02071837 +00968211 _derivationally_related_form 10483138 +00201407 _derivationally_related_form 01068184 +00411312 _derivationally_related_form 08111783 +00195569 _hypernym 00191142 +13624509 _has_part 13624190 +03731695 _derivationally_related_form 01232272 +02233767 _member_meronym 02233943 +01628450 _member_meronym 01635659 +02103925 _hypernym 01850315 +00344174 _derivationally_related_form 13512036 +02774630 _derivationally_related_form 01454246 +01637982 _derivationally_related_form 00043195 +06680002 _derivationally_related_form 10266486 +09051235 _instance_hypernym 08574314 +03157582 _hypernym 02720725 +02162434 _hypernym 02168555 +01778017 _derivationally_related_form 05924519 +12740514 _member_meronym 12743680 +02371811 _derivationally_related_form 00621627 +07241837 _hypernym 07238694 +01521912 _hypernym 01212230 +00431117 _derivationally_related_form 00357906 +11296139 _instance_hypernym 10020890 +10629020 _derivationally_related_form 01501347 +10235549 _derivationally_related_form 13928388 +08766988 _has_part 08772307 +14545045 _derivationally_related_form 03054551 +12476510 _hypernym 13121104 +08962951 _instance_hypernym 08524735 +03800933 _derivationally_related_form 01707925 +01837744 _also_see 00914421 +01185304 _derivationally_related_form 07575076 +00181258 _derivationally_related_form 00394803 +08955626 _has_part 08956140 +08289089 _hypernym 08288753 +11013876 _instance_hypernym 10022111 +09239740 _hypernym 00019128 +04211528 _derivationally_related_form 02449340 +01700076 _hypernym 01342529 +08941681 _member_of_domain_region 01271107 +08514865 _hypernym 08512736 +07555647 _derivationally_related_form 00857923 +02362601 _hypernym 02339413 +11647703 _hypernym 11647306 +07419599 _hypernym 07357388 +06780882 _hypernym 06776138 +08487504 _member_meronym 08896092 +14521954 _hypernym 14521648 +00201058 _derivationally_related_form 00550546 +01891638 _hypernym 01891249 +13925550 _derivationally_related_form 00461493 +07229530 _derivationally_related_form 00883226 +01917244 _derivationally_related_form 14549937 +11772408 _hypernym 12205694 +10421956 _derivationally_related_form 00101609 +01344293 _derivationally_related_form 10737431 +05249636 _derivationally_related_form 02358034 +07985223 _derivationally_related_form 01292885 +01961862 _hypernym 01939598 +00055010 _hypernym 00104868 +03473966 _derivationally_related_form 00049102 +12250413 _hypernym 11565385 +01614769 _hypernym 01507175 +00617095 _hypernym 00690614 +01583656 _verb_group 01583494 +04737568 _hypernym 04735929 +00299580 _hypernym 00123170 +03328650 _hypernym 02707683 +10555679 _derivationally_related_form 01761706 +09130076 _has_part 09130714 +07689003 _hypernym 07687789 +08191987 _has_part 08193854 +01834896 _hypernym 01834485 +14448200 _hypernym 14475661 +00658913 _hypernym 00658052 +00639556 _has_part 05798569 +02654609 _hypernym 01432517 +04561548 _derivationally_related_form 01375637 +02164531 _derivationally_related_form 06877381 +01051082 _hypernym 01048912 +00381680 _derivationally_related_form 02622234 +01901133 _hypernym 01904930 +01069190 _derivationally_related_form 00145218 +02631238 _derivationally_related_form 01639369 +00156101 _derivationally_related_form 02373785 +10722385 _hypernym 10363913 +02483564 _derivationally_related_form 13737480 +13714184 _hypernym 13608598 +08101410 _derivationally_related_form 02329578 +06879180 _hypernym 06873252 +02179429 _member_meronym 02180233 +02307547 _hypernym 02306462 +08860123 _member_of_domain_region 00292386 +08308497 _derivationally_related_form 00876665 +00430099 _hypernym 00429060 +04262161 _hypernym 04080454 +01360712 _member_meronym 01360937 +00657604 _has_part 00153105 +00493703 _derivationally_related_form 00805524 +01512465 _derivationally_related_form 00105164 +09748889 _derivationally_related_form 03068473 +04663763 _hypernym 04662951 +01350855 _hypernym 01355326 +01949218 _synset_domain_topic_of 00815801 +12513426 _member_meronym 12513613 +01230965 _derivationally_related_form 02486932 +06309383 _hypernym 07997703 +02526934 _derivationally_related_form 15291199 +07907161 _hypernym 07906284 +03142912 _hypernym 03081021 +00960961 _derivationally_related_form 06420781 +01066542 _derivationally_related_form 02466134 +08282696 _hypernym 08276720 +14915622 _derivationally_related_form 01208400 +05769833 _derivationally_related_form 00930368 +01457489 _hypernym 01555742 +01376245 _hypernym 01377032 +11790624 _member_meronym 11790788 +01251928 _hypernym 01249724 +01523656 _derivationally_related_form 01543731 +00373766 _derivationally_related_form 14289590 +13196545 _hypernym 13167078 +02344060 _hypernym 02199590 +00363260 _derivationally_related_form 00156601 +05333467 _hypernym 05287882 +12522188 _hypernym 13104059 +00414627 _hypernym 01855606 +00656292 _hypernym 00654625 +11158982 _instance_hypernym 10650162 +00061933 _hypernym 00083809 +00229934 _derivationally_related_form 00478217 +09999135 _derivationally_related_form 00847870 +11065345 _instance_hypernym 10030277 +07363346 _derivationally_related_form 01970826 +09044862 _has_part 09356320 +00007328 _derivationally_related_form 10803193 +14852450 _hypernym 14580897 +01189427 _derivationally_related_form 01069980 +02348568 _derivationally_related_form 00240184 +05667613 _derivationally_related_form 00981083 +00093327 _derivationally_related_form 00068617 +03450516 _derivationally_related_form 00106592 +01708113 _derivationally_related_form 09809925 +02913152 _has_part 04587648 +14959644 _hypernym 14991927 +13743605 _derivationally_related_form 01465218 +00203342 _derivationally_related_form 00685683 +04871720 _derivationally_related_form 00763901 +00289175 _hypernym 00288970 +01628197 _derivationally_related_form 03433877 +09722399 _hypernym 09634494 +05148699 _derivationally_related_form 02495922 +02228031 _hypernym 02222318 +10017422 _derivationally_related_form 01955127 +01812720 _hypernym 01761706 +07358060 _derivationally_related_form 00477665 +00774107 _hypernym 00774796 +02255942 _hypernym 02200686 +12501745 _member_meronym 12571194 +08153102 _member_meronym 10250527 +08672562 _hypernym 08574314 +05395690 _has_part 05508943 +02072849 _hypernym 01992503 +05725378 _hypernym 05721180 +12884260 _hypernym 11669921 +01316949 _hypernym 00015388 +01854047 _member_meronym 01854223 +09069862 _has_part 09070233 +14837364 _hypernym 14877585 +04955160 _derivationally_related_form 01246095 +01767661 _hypernym 01905661 +02245592 _member_meronym 02252039 +07441619 _derivationally_related_form 01522276 +08898187 _instance_hypernym 08633957 +10524413 _derivationally_related_form 00717358 +03804744 _has_part 03501288 +02409412 _derivationally_related_form 10054657 +15160579 _hypernym 15209413 +09838370 _hypernym 10273064 +00421691 _hypernym 00426958 +00810226 _hypernym 00809654 +00976224 _hypernym 00975902 +06037298 _hypernym 06000400 +09307902 _has_part 09345932 +06709533 _hypernym 06598915 +05010062 _derivationally_related_form 00006336 +00245059 _hypernym 00151689 +06845599 _member_of_domain_usage 03197804 +01825237 _derivationally_related_form 04945057 +00361641 _hypernym 00126264 +10876798 _instance_hypernym 10072708 +10363913 _derivationally_related_form 00345761 +02544348 _derivationally_related_form 00802962 +00864535 _hypernym 00859001 +01665081 _derivationally_related_form 07695965 +05461816 _has_part 05295381 +08524735 _has_part 08543625 +01695259 _member_meronym 01725240 +07201804 _derivationally_related_form 00987071 +08227214 _hypernym 08049401 +02557461 _member_meronym 02557591 +01075164 _derivationally_related_form 00235435 +03446268 _hypernym 03501614 +09356080 _instance_hypernym 09411430 +09189411 _has_part 08995862 +07624466 _hypernym 07557434 +05538625 _has_part 05600637 +07518468 _derivationally_related_form 00202934 +00351963 _derivationally_related_form 07291312 +04399537 _hypernym 03905540 +01100145 _derivationally_related_form 07354731 +09873348 _derivationally_related_form 00774344 +12137120 _hypernym 12135898 +00376715 _derivationally_related_form 01573515 +00594836 _derivationally_related_form 09931640 +14042423 _derivationally_related_form 01569181 +13631687 _has_part 13631037 +00925372 _derivationally_related_form 07525555 +08723006 _has_part 09350524 +08820121 _has_part 09420030 +03305135 _hypernym 03304730 +09788237 _synset_domain_topic_of 08441203 +11538582 _hypernym 11537665 +02138921 _member_meronym 02140970 +11411501 _hypernym 11410625 +09505418 _derivationally_related_form 00693401 +00028651 _has_part 08502171 +10102506 _hypernym 10756433 +08378356 _hypernym 08377806 +00800421 _hypernym 00798245 +13945102 _derivationally_related_form 01096497 +01155354 _also_see 02106761 +03257877 _hypernym 03093574 +02915055 _derivationally_related_form 05407119 +03049457 _has_part 04190052 +10213652 _derivationally_related_form 02591736 +01130455 _derivationally_related_form 07159791 +02006510 _member_meronym 02006827 +02587239 _derivationally_related_form 10735298 +08083599 _has_part 08085824 +01721556 _derivationally_related_form 07014029 +05573602 _has_part 05293944 +01243661 _hypernym 01226215 +02429810 _verb_group 00792471 +03925226 _derivationally_related_form 02838592 +06071934 _derivationally_related_form 01567888 +00155727 _hypernym 00433232 +02622234 _derivationally_related_form 14419164 +09850642 _hypernym 10667187 +02616713 _derivationally_related_form 10681194 +12258663 _member_meronym 12259316 +13140535 _member_meronym 13144303 +12245695 _hypernym 13112664 +14213512 _hypernym 14213199 +10526096 _derivationally_related_form 02491383 +01153861 _hypernym 01123598 +00583239 _also_see 00346991 +01111458 _hypernym 01111028 +05504532 _has_part 05505131 +00207761 _derivationally_related_form 02499312 +00823129 _synset_domain_topic_of 08081668 +01575401 _hypernym 01574045 +02248147 _member_meronym 02250464 +01233156 _derivationally_related_form 02487573 +15084999 _hypernym 14621446 +02116777 _verb_group 02116568 +07412310 _derivationally_related_form 02763609 +09246883 _synset_domain_topic_of 06084469 +14641397 _derivationally_related_form 00520881 +03806381 _hypernym 03808977 +01741446 _verb_group 01235355 +05638606 _derivationally_related_form 10294953 +01940488 _member_meronym 01955463 +15155220 _hypernym 15154774 +06619428 _hypernym 06619065 +02002410 _hypernym 02002720 +09918554 _hypernym 00007846 +13441812 _derivationally_related_form 00060185 +10287213 _has_part 05220306 +01052853 _derivationally_related_form 01494310 +01581070 _derivationally_related_form 02957586 +01244178 _derivationally_related_form 04367480 +00559102 _derivationally_related_form 01046984 +12039743 _member_meronym 12074205 +01209220 _derivationally_related_form 02549392 +11963755 _member_meronym 11963932 +02921884 _hypernym 03003730 +03420440 _hypernym 03169390 +01732713 _derivationally_related_form 03495258 +10119953 _hypernym 09626238 +02012344 _hypernym 01850315 +03428805 _derivationally_related_form 01330822 +02531625 _derivationally_related_form 05799212 +09023321 _has_part 09026204 +02236044 _hypernym 02232951 +07557434 _derivationally_related_form 01180351 +00521085 _hypernym 00521209 +09813696 _hypernym 10338707 +03446268 _has_part 04444345 +00546192 _derivationally_related_form 15109745 +01437805 _member_meronym 01444520 +08735705 _instance_hypernym 09319604 +02556537 _verb_group 01218084 +08860123 _member_of_domain_region 03415252 +08731057 _instance_hypernym 08524735 +06721949 _derivationally_related_form 00941990 +05483388 _hypernym 05296775 +01458973 _hypernym 00140123 +01635056 _hypernym 01634424 +00644372 _also_see 01688271 +00470701 _hypernym 01323958 +00189189 _hypernym 00187526 +03820318 _hypernym 03442756 +10298912 _hypernym 10371741 +10179069 _hypernym 09786585 +07751004 _hypernym 13138308 +00032981 _hypernym 00034288 +06961557 _derivationally_related_form 03130073 +08130712 _hypernym 08337324 +10902591 _instance_hypernym 10467395 +10583387 _hypernym 10314952 +02259829 _derivationally_related_form 13253751 +00190682 _hypernym 00126264 +09147964 _has_part 09148662 +12667582 _has_part 07763483 +02235575 _member_meronym 02235761 +00417413 _similar_to 00418110 +02642430 _hypernym 01429349 +00555447 _derivationally_related_form 00196084 +10150940 _derivationally_related_form 02384940 +07321517 _synset_domain_topic_of 06236802 +02510337 _hypernym 02422663 +11918631 _hypernym 11579418 +02473431 _hypernym 00776059 +00812149 _derivationally_related_form 00203753 +00594580 _derivationally_related_form 10259527 +00722232 _hypernym 00628491 +11879722 _hypernym 11878283 +09137869 _has_part 09388318 +01551871 _derivationally_related_form 10566072 +09843956 _synset_domain_topic_of 00471613 +15275598 _hypernym 15272029 +14960090 _hypernym 14686352 +01424948 _verb_group 01425348 +07121157 _hypernym 07109847 +00060201 _hypernym 00058743 +02150039 _synset_domain_topic_of 06043075 +00860620 _derivationally_related_form 01218932 +04159058 _derivationally_related_form 01356582 +10259780 _synset_domain_topic_of 08199025 +02830157 _derivationally_related_form 02035919 +02763714 _hypernym 03489162 +03008207 _derivationally_related_form 14855724 +01799629 _hypernym 01803003 +02463141 _derivationally_related_form 00183505 +02080577 _derivationally_related_form 01183573 +11723655 _hypernym 11571907 +12685214 _member_meronym 12685431 +14944888 _hypernym 14682133 +02308325 _hypernym 01762525 +05846355 _hypernym 05846054 +12646397 _hypernym 12638556 +06022291 _hypernym 06021499 +10659571 _hypernym 10349243 +02170427 _derivationally_related_form 05853636 +09144323 _instance_hypernym 08524735 +01946118 _hypernym 01938850 +00806314 _derivationally_related_form 10670668 +00661213 _derivationally_related_form 13855627 +03338287 _synset_domain_topic_of 06047430 +05275466 _hypernym 05269901 +02260770 _hypernym 02260362 +11375087 _instance_hypernym 10650162 +00837293 _derivationally_related_form 00007328 +04117216 _hypernym 04313220 +06218459 _derivationally_related_form 10619176 +10196845 _hypernym 10008716 +00068333 _derivationally_related_form 00204585 +10597505 _hypernym 09610660 +09112857 _instance_hypernym 08524735 +02137538 _derivationally_related_form 07487695 +06720371 _synset_domain_topic_of 08441203 +02887209 _derivationally_related_form 01219706 +01165112 _hypernym 01163779 +12958921 _hypernym 13167078 +01539573 _hypernym 01524359 +14712036 _derivationally_related_form 00265094 +01527194 _hypernym 01525720 +04446162 _hypernym 03051540 +08766988 _has_part 08772137 +02645143 _hypernym 01432517 +00733454 _derivationally_related_form 05951566 +01925469 _member_meronym 01926090 +10553805 _derivationally_related_form 02551602 +01435380 _derivationally_related_form 01142519 +03461385 _has_part 04190052 +01838038 _hypernym 01503061 diff --git a/process_data/WNRR_original/train.txt b/process_data/WNRR_original/train.txt new file mode 100644 index 0000000..7c7d11e --- /dev/null +++ b/process_data/WNRR_original/train.txt @@ -0,0 +1,86835 @@ +00260881 _hypernym 00260622 +01332730 _derivationally_related_form 03122748 +06066555 _derivationally_related_form 00645415 +09322930 _instance_hypernym 09360122 +07193596 _derivationally_related_form 00784342 +01768969 _derivationally_related_form 02636811 +01455754 _hypernym 01974062 +07554856 _hypernym 07553301 +00057306 _hypernym 00056912 +10341660 _derivationally_related_form 02661252 +13219258 _hypernym 13167078 +01698271 _also_see 01754576 +10499355 _hypernym 10083823 +02103406 _hypernym 02084071 +07190941 _hypernym 07185325 +12090318 _member_meronym 12093769 +12213635 _member_meronym 12214245 +02651424 _derivationally_related_form 02672371 +10668450 _hypernym 10525134 +01837746 _hypernym 01342529 +04692908 _derivationally_related_form 01259005 +00848169 _derivationally_related_form 06719579 +10483138 _derivationally_related_form 00968211 +03631445 _derivationally_related_form 01521603 +08135342 _hypernym 08123167 +12219065 _hypernym 13112664 +00257269 _hypernym 00230746 +04216634 _derivationally_related_form 01460029 +07306252 _derivationally_related_form 01810447 +02261757 _hypernym 02261419 +08730550 _member_meronym 09733899 +04085873 _derivationally_related_form 01271658 +04337740 _derivationally_related_form 01410223 +03522863 _hypernym 03091374 +01781478 _derivationally_related_form 04826771 +12418065 _hypernym 11561228 +05034989 _synset_domain_topic_of 06037666 +09617161 _derivationally_related_form 06694149 +12319687 _member_meronym 12321077 +09809749 _hypernym 10317007 +11647131 _hypernym 11554175 +12493208 _has_part 12493426 +12526178 _hypernym 12205694 +01634424 _hypernym 01634142 +00692329 _hypernym 00690614 +02282082 _derivationally_related_form 04388743 +00561714 _hypernym 01157517 +06329313 _derivationally_related_form 00060477 +10065066 _derivationally_related_form 06159473 +13425637 _derivationally_related_form 00524299 +02519183 _hypernym 02518161 +00729108 _derivationally_related_form 00602805 +06718862 _member_of_domain_usage 09716439 +12108742 _hypernym 11744859 +00845909 _derivationally_related_form 10009671 +07439284 _derivationally_related_form 01901783 +09275473 _has_part 09012297 +03619396 _derivationally_related_form 02339413 +00226566 _derivationally_related_form 00374224 +07762244 _hypernym 07705931 +08969798 _instance_hypernym 08524735 +01024190 _derivationally_related_form 06333653 +09959387 _hypernym 09774783 +12191587 _hypernym 13109733 +07047804 _synset_domain_topic_of 07020895 +13820655 _hypernym 13819207 +08929922 _member_of_domain_region 13753430 +00452512 _also_see 01695567 +03376595 _has_part 04119892 +13624873 _hypernym 13616054 +10640620 _derivationally_related_form 01428853 +00680485 _derivationally_related_form 06211078 +10688356 _derivationally_related_form 06248968 +09795124 _hypernym 09875786 +09754051 _derivationally_related_form 00245289 +06162979 _hypernym 05726596 +04560113 _hypernym 04388743 +01456463 _derivationally_related_form 03044934 +07933799 _hypernym 07933274 +13477023 _derivationally_related_form 00545557 +12545232 _hypernym 13118707 +14323683 _derivationally_related_form 02121511 +02349212 _derivationally_related_form 13929852 +00242003 _derivationally_related_form 00346537 +01146039 _hypernym 01145359 +02497824 _derivationally_related_form 01185611 +03813704 _synset_domain_topic_of 08199025 +04060647 _derivationally_related_form 02107248 +15101586 _derivationally_related_form 02761685 +06158185 _hypernym 06153846 +10512562 _derivationally_related_form 01098452 +12834408 _member_meronym 12834671 +12850718 _hypernym 11579418 +00244625 _derivationally_related_form 03087366 +03003928 _derivationally_related_form 08703454 +00268112 _hypernym 00267522 +07825972 _hypernym 07810907 +09189411 _has_part 08759420 +03955296 _derivationally_related_form 01249490 +08081403 _hypernym 08208560 +01718867 _also_see 00612114 +01684899 _derivationally_related_form 00936620 +00820976 _hypernym 01015244 +00689729 _hypernym 00671351 +10056103 _derivationally_related_form 00164816 +07414922 _derivationally_related_form 02248465 +00082563 _synset_domain_topic_of 00612160 +07803545 _hypernym 07802417 +00634472 _derivationally_related_form 05651680 +06488880 _hypernym 06481320 +00972621 _hypernym 00955060 +00631391 _also_see 01878466 +02461014 _member_meronym 02461128 +06150633 _hypernym 06149484 +04764412 _hypernym 04723816 +07139151 _hypernym 07172756 +14659211 _synset_domain_topic_of 02691156 +02062212 _derivationally_related_form 00290276 +02469588 _hypernym 01342529 +04191150 _hypernym 04521987 +00438495 _hypernym 00126264 +00613973 _synset_domain_topic_of 06182144 +07117472 _hypernym 07115914 +01783571 _member_meronym 01783706 +04792357 _derivationally_related_form 00051045 +11915214 _hypernym 11669921 +15165289 _hypernym 15113229 +00939277 _derivationally_related_form 06743362 +01182654 _derivationally_related_form 02582042 +10987358 _instance_hypernym 10043643 +08806897 _member_meronym 09716933 +01049266 _derivationally_related_form 02158896 +00829170 _hypernym 00828990 +02423465 _hypernym 01864707 +09279458 _hypernym 00002684 +06333653 _hypernym 06284225 +00455348 _derivationally_related_form 00230276 +08900535 _has_part 09303647 +00628491 _derivationally_related_form 05786372 +02444662 _derivationally_related_form 13994806 +11873396 _hypernym 11575425 +14720238 _hypernym 14716997 +00430140 _hypernym 00747029 +12145802 _hypernym 11556857 +08656590 _synset_domain_topic_of 08191701 +02116980 _hypernym 02116118 +05551318 _synset_domain_topic_of 00015388 +12508936 _hypernym 11585340 +01769902 _derivationally_related_form 01282014 +02198332 _hypernym 01759182 +01014609 _hypernym 01013367 +00595146 _hypernym 00586262 +13345286 _hypernym 13344804 +00803394 _derivationally_related_form 00246217 +13651804 _hypernym 13603305 +04063373 _derivationally_related_form 00998399 +00509846 _hypernym 00428000 +02460483 _hypernym 02649830 +00094460 _derivationally_related_form 00041899 +03022406 _hypernym 14620895 +03599761 _hypernym 04007894 +05768806 _derivationally_related_form 01637633 +00594146 _derivationally_related_form 00892861 +00833199 _hypernym 00831651 +02026785 _derivationally_related_form 05115804 +14175579 _hypernym 14133159 +01041762 _derivationally_related_form 05978623 +10777299 _derivationally_related_form 00915830 +10118382 _derivationally_related_form 00605310 +01532329 _hypernym 01531998 +01158064 _derivationally_related_form 01098452 +09918248 _hypernym 10373998 +15267536 _hypernym 15266911 +14493426 _hypernym 14493145 +00946499 _derivationally_related_form 00257269 +02034300 _hypernym 01907258 +03045074 _derivationally_related_form 01456463 +02926044 _hypernym 03771443 +02038617 _hypernym 01504437 +07121361 _derivationally_related_form 00914634 +02121234 _member_meronym 02124623 +07921615 _hypernym 07921455 +01912893 _derivationally_related_form 04545471 +10153155 _hypernym 09867956 +08236621 _hypernym 08236438 +05484573 _hypernym 05329735 +09381242 _hypernym 09416076 +14023491 _derivationally_related_form 09793495 +00622384 _derivationally_related_form 07510495 +02679899 _derivationally_related_form 14578940 +00562882 _derivationally_related_form 13498828 +00400883 _derivationally_related_form 07357679 +01107254 _hypernym 01105639 +05045208 _hypernym 05044822 +03110322 _derivationally_related_form 00002325 +00449692 _derivationally_related_form 00395797 +05623628 _hypernym 05623181 +00303495 _hypernym 00302394 +01778212 _derivationally_related_form 04760771 +00931555 _also_see 00604617 +00284669 _derivationally_related_form 03789603 +00338821 _hypernym 00939628 +03285912 _derivationally_related_form 01580467 +01589363 _derivationally_related_form 13911872 +01121855 _hypernym 01120448 +06600684 _derivationally_related_form 00780575 +05301908 _has_part 05305806 +01610758 _member_meronym 01610955 +07416441 _hypernym 07296428 +00813978 _hypernym 00943563 +01610463 _derivationally_related_form 00708017 +09726970 _hypernym 09726621 +09968845 _hypernym 09774266 +00996102 _derivationally_related_form 06428792 +01732244 _hypernym 01727646 +09989290 _hypernym 10787470 +13044149 _hypernym 11592146 +04105893 _has_part 04546855 +02423589 _hypernym 02423022 +10421470 _derivationally_related_form 06055300 +05681117 _has_part 05768553 +01672607 _also_see 00485711 +01239619 _hypernym 01236164 +05718935 _hypernym 05718254 +08913434 _has_part 08919241 +02677097 _derivationally_related_form 13793504 +03399047 _hypernym 04161358 +10129825 _derivationally_related_form 15147330 +11766609 _member_meronym 11769483 +00263231 _derivationally_related_form 13894434 +01725712 _also_see 01256332 +00024814 _derivationally_related_form 00401783 +11439031 _has_part 11429968 +02317970 _derivationally_related_form 01150467 +00340192 _derivationally_related_form 02049696 +00900070 _hypernym 00899927 +15256915 _has_part 15255641 +10426454 _hypernym 10264437 +00200397 _derivationally_related_form 10513120 +09773962 _derivationally_related_form 00976653 +10986437 _instance_hypernym 09765278 +02480923 _derivationally_related_form 04811126 +04631298 _hypernym 00024264 +00318035 _hypernym 00317207 +09887034 _derivationally_related_form 00637259 +00040928 _derivationally_related_form 03714235 +00588221 _derivationally_related_form 00532892 +04490091 _has_part 04294614 +00772026 _hypernym 00770270 +06142412 _hypernym 06142118 +09257949 _derivationally_related_form 01207951 +00260648 _derivationally_related_form 00266806 +10408552 _hypernym 10547145 +02431976 _hypernym 02430045 +06663940 _hypernym 06652242 +00589624 _derivationally_related_form 07538965 +04713428 _derivationally_related_form 02657219 +00134099 _derivationally_related_form 01414088 +11412993 _synset_domain_topic_of 06148148 +01524885 _member_meronym 01591490 +07248653 _derivationally_related_form 02302817 +12574727 _member_meronym 12574866 +09407043 _derivationally_related_form 00025654 +00387897 _derivationally_related_form 01259005 +00651759 _hypernym 00650353 +06449735 _hypernym 06544142 +05042871 _derivationally_related_form 02523275 +07206887 _synset_domain_topic_of 06163751 +02475261 _hypernym 00803325 +11813830 _hypernym 11573660 +00523436 _derivationally_related_form 04951186 +01309991 _derivationally_related_form 04880830 +14554853 _hypernym 14552802 +02609203 _verb_group 02608347 +01396170 _hypernym 01388130 +04755218 _hypernym 04754862 +09043052 _has_part 09330913 +00577068 _derivationally_related_form 01525666 +09911570 _derivationally_related_form 01037303 +04780605 _derivationally_related_form 01627965 +00935940 _derivationally_related_form 10029269 +04039848 _has_part 04564413 +06743362 _hypernym 06738281 +06672752 _hypernym 06672297 +08570758 _has_part 08571275 +11192067 _instance_hypernym 09974648 +11658104 _member_meronym 11658331 +08511970 _derivationally_related_form 02337699 +02644035 _derivationally_related_form 01259034 +02612982 _member_meronym 02613181 +11838413 _hypernym 11672400 +05943300 _derivationally_related_form 02858231 +01245490 _derivationally_related_form 15042542 +00678282 _derivationally_related_form 01144355 +01566888 _member_meronym 01569713 +11700401 _member_meronym 11700676 +10434725 _derivationally_related_form 01641914 +01835496 _also_see 00781000 +00653449 _derivationally_related_form 05779116 +05284132 _hypernym 05546040 +11033358 _instance_hypernym 10020890 +02569130 _derivationally_related_form 04890112 +11735822 _member_meronym 11735977 +02401661 _hypernym 01864707 +00461402 _synset_domain_topic_of 08199025 +01785392 _member_meronym 01785532 +13071029 _hypernym 11592146 +01026975 _derivationally_related_form 00798245 +00763399 _derivationally_related_form 07177924 +09632518 _hypernym 00007846 +13194572 _hypernym 11545714 +02726305 _hypernym 03546340 +09826821 _hypernym 10024119 +00618682 _derivationally_related_form 05840188 +08949093 _has_part 08951957 +09917214 _hypernym 10317007 +12495509 _hypernym 11585340 +09444100 _hypernym 09239740 +01029114 _derivationally_related_form 00860620 +00503982 _also_see 00889831 +07527817 _derivationally_related_form 01813668 +10407552 _hypernym 10770059 +00375071 _derivationally_related_form 00236999 +01047937 _derivationally_related_form 00168588 +01822423 _member_meronym 01825009 +08766988 _member_of_domain_region 07491591 +06373747 _derivationally_related_form 02526934 +12335664 _hypernym 12334891 +00042757 _derivationally_related_form 01848718 +02744977 _derivationally_related_form 00795785 +02037090 _derivationally_related_form 13889602 +02562315 _hypernym 02554730 +07543288 _derivationally_related_form 01775164 +07143624 _derivationally_related_form 00876665 +07295047 _derivationally_related_form 00344174 +07335917 _derivationally_related_form 00421691 +02747667 _derivationally_related_form 00549106 +05698791 _derivationally_related_form 00687926 +15152261 _derivationally_related_form 01471954 +01027662 _synset_domain_topic_of 15253139 +00935827 _hypernym 00933821 +00734587 _hypernym 00734054 +13230662 _hypernym 11545714 +03739327 _hypernym 03828465 +12739072 _hypernym 11575425 +08207672 _hypernym 08207209 +10180178 _hypernym 10389398 +02367678 _hypernym 01864707 +07075172 _member_of_domain_usage 07907037 +01922576 _hypernym 01921964 +02531422 _also_see 01076793 +09050244 _member_meronym 09071690 +08160276 _derivationally_related_form 02650840 +12868248 _hypernym 11579418 +01949330 _hypernym 01939598 +06633692 _hypernym 06628861 +08849372 _instance_hypernym 08524735 +02628647 _hypernym 02627934 +08771116 _instance_hypernym 08524735 +09977520 _hypernym 10533983 +02760658 _hypernym 02760429 +04097256 _hypernym 03720163 +01497736 _derivationally_related_form 06607339 +10034201 _derivationally_related_form 01171183 +00583523 _verb_group 00583242 +02596067 _hypernym 02594250 +05467054 _has_part 05467432 +01650509 _hypernym 01626600 +05762258 _derivationally_related_form 00634090 +00013858 _hypernym 00010435 +04981139 _hypernym 04983122 +09800964 _hypernym 10372373 +03177165 _hypernym 03113152 +00549106 _derivationally_related_form 02747667 +02547586 _derivationally_related_form 01207609 +08541130 _hypernym 08592656 +05564590 _hypernym 05566919 +14031523 _derivationally_related_form 00406243 +09340452 _instance_hypernym 09208496 +04567222 _has_part 08590172 +08397255 _synset_domain_topic_of 08199025 +08965598 _instance_hypernym 08698379 +09482131 _instance_hypernym 09411430 +01626138 _derivationally_related_form 01014731 +00818466 _derivationally_related_form 09614684 +02926288 _hypernym 04412901 +10703336 _hypernym 00007846 +02267975 _member_meronym 02268148 +01950502 _hypernym 01950798 +08415272 _hypernym 08414119 +00522145 _hypernym 00521562 +01697406 _derivationally_related_form 10325774 +00744916 _derivationally_related_form 04709253 +13464204 _derivationally_related_form 00208497 +00597385 _derivationally_related_form 05641959 +00390906 _derivationally_related_form 00220276 +07555647 _hypernym 07555014 +00282050 _derivationally_related_form 01992503 +08017974 _synset_domain_topic_of 00759694 +06883073 _hypernym 06882561 +09623038 _derivationally_related_form 08381436 +00820721 _hypernym 00817680 +10404550 _hypernym 00007846 +01037650 _derivationally_related_form 09911570 +00654234 _hypernym 00981830 +08860123 _member_of_domain_region 13753067 +12715569 _member_meronym 12716166 +10495555 _derivationally_related_form 02245555 +10437852 _hypernym 10266848 +00066191 _derivationally_related_form 07014752 +01999218 _hypernym 01835496 +06156346 _hypernym 06153846 +00833870 _hypernym 00831191 +09209263 _has_part 08858248 +00507143 _derivationally_related_form 07643306 +00371955 _hypernym 00212414 +00182269 _derivationally_related_form 02902250 +10498816 _derivationally_related_form 01076370 +01171644 _derivationally_related_form 01146918 +09403581 _instance_hypernym 09360122 +02507736 _derivationally_related_form 14406573 +05713737 _derivationally_related_form 02123672 +09421191 _instance_hypernym 09411430 +03076411 _synset_domain_topic_of 08199025 +02506361 _derivationally_related_form 07520612 +00267041 _derivationally_related_form 14577469 +01904293 _derivationally_related_form 00442115 +01477184 _hypernym 01342529 +13169674 _member_meronym 13184492 +09546280 _synset_domain_topic_of 15259284 +02012344 _derivationally_related_form 10724699 +03478589 _hypernym 03764276 +02023107 _derivationally_related_form 08307589 +09968549 _hypernym 09620078 +01974062 _derivationally_related_form 09206985 +03259505 _has_part 02821627 +08792548 _has_part 08794798 +10334957 _derivationally_related_form 01921964 +02491383 _hypernym 02490877 +00189257 _hypernym 13610162 +02221240 _member_meronym 02221414 +00417413 _also_see 02422685 +06159473 _derivationally_related_form 10065066 +02393086 _similar_to 02392878 +13955461 _hypernym 13954818 +01370590 _also_see 02035337 +02372251 _member_meronym 02372397 +00399368 _synset_domain_topic_of 06090869 +02944327 _synset_domain_topic_of 06054892 +01896295 _hypernym 01708676 +02148788 _hypernym 02137132 +03661340 _hypernym 04453910 +05826291 _derivationally_related_form 00664788 +00204391 _hypernym 00203866 +09808080 _hypernym 10016103 +01229071 _derivationally_related_form 03194992 +00003553 _derivationally_related_form 01462005 +02269894 _derivationally_related_form 00945916 +03955296 _hypernym 03997484 +02597173 _hypernym 01432517 +07546465 _hypernym 07480068 +15243730 _has_part 15248020 +05062748 _hypernym 04916342 +11845387 _member_meronym 11845557 +01967373 _hypernym 01970826 +13233012 _member_meronym 13239471 +00747029 _hypernym 00745005 +05653575 _hypernym 05652926 +12188635 _hypernym 12188289 +12911440 _has_part 07734555 +01408153 _hypernym 01405044 +00467717 _derivationally_related_form 13617952 +12623524 _hypernym 13112664 +11077195 _instance_hypernym 09767700 +05821486 _derivationally_related_form 02712443 +08199025 _hypernym 08208016 +05904135 _synset_domain_topic_of 08441203 +09100394 _instance_hypernym 08633957 +01945845 _hypernym 01942177 +06277280 _has_part 06278136 +14561618 _derivationally_related_form 00092293 +07075172 _member_of_domain_usage 10719395 +00135311 _derivationally_related_form 01229976 +10548227 _derivationally_related_form 00590518 +01822602 _hypernym 01503061 +04907575 _hypernym 04907269 +00580865 _hypernym 00126264 +01870867 _derivationally_related_form 00329031 +12334891 _hypernym 12334293 +03760671 _hypernym 03709206 +00514871 _derivationally_related_form 02446651 +11893808 _hypernym 11575425 +03319745 _hypernym 04065464 +01033527 _verb_group 02629793 +15279596 _has_part 15279104 +14449405 _derivationally_related_form 02297409 +11413263 _synset_domain_topic_of 06090869 +10462860 _hypernym 10480253 +01309109 _instance_hypernym 00973077 +10830456 _instance_hypernym 10423589 +00787832 _hypernym 00786195 +03839993 _hypernym 04341686 +04728376 _derivationally_related_form 02341266 +00878348 _derivationally_related_form 00788821 +12609638 _hypernym 11555413 +02335828 _derivationally_related_form 05112609 +01157557 _hypernym 01158190 +01211339 _derivationally_related_form 02554922 +04735233 _derivationally_related_form 02504131 +06844903 _hypernym 06841365 +02991302 _derivationally_related_form 02685299 +04829282 _hypernym 04828925 +10047459 _derivationally_related_form 07508806 +14379829 _derivationally_related_form 01925372 +01665836 _synset_domain_topic_of 00243918 +02489363 _hypernym 02488834 +02368280 _member_meronym 02368399 +13723712 _has_part 13718451 +04404412 _synset_domain_topic_of 06277280 +00029378 _hypernym 00023100 +01912272 _member_meronym 01913035 +10375506 _hypernym 10376523 +01837744 _also_see 00021766 +02466496 _derivationally_related_form 01068012 +00773432 _hypernym 00964694 +04781755 _derivationally_related_form 01460421 +08860123 _member_of_domain_usage 03904183 +09975425 _derivationally_related_form 05638063 +01491991 _member_meronym 01492212 +13889602 _hypernym 13887509 +01884974 _derivationally_related_form 00331655 +00645939 _derivationally_related_form 00877345 +10011785 _hypernym 10009276 +11719468 _member_meronym 11727976 +00192836 _derivationally_related_form 04631700 +08860123 _member_of_domain_region 07795598 +01202728 _derivationally_related_form 07570720 +02640093 _hypernym 01429349 +00657728 _derivationally_related_form 10140783 +05603160 _derivationally_related_form 01201089 +14796969 _hypernym 14836127 +09899782 _synset_domain_topic_of 08199025 +13370448 _hypernym 00032613 +08860123 _member_of_domain_region 08230294 +11911591 _member_meronym 11973159 +03500557 _derivationally_related_form 01319562 +00711550 _derivationally_related_form 09615807 +09041785 _has_part 09041199 +06295235 _member_of_domain_usage 03763727 +00661213 _derivationally_related_form 05748786 +01516534 _also_see 01352996 +02504131 _derivationally_related_form 04735233 +00410247 _derivationally_related_form 02712243 +01719302 _derivationally_related_form 06893885 +01796346 _derivationally_related_form 07520112 +13491464 _derivationally_related_form 00063095 +09096190 _instance_hypernym 08537837 +07168131 _derivationally_related_form 00759657 +08964099 _has_part 08964474 +02297409 _hypernym 02298160 +01101103 _hypernym 01101913 +01693881 _derivationally_related_form 01019524 +09102016 _has_part 09103217 +02306159 _member_meronym 02307007 +10419047 _derivationally_related_form 02579447 +00410406 _derivationally_related_form 02927512 +10341660 _derivationally_related_form 00119873 +05220126 _hypernym 05219923 +08439955 _hypernym 08208016 +12730544 _hypernym 12724942 +08747054 _has_part 08847268 +04249415 _hypernym 03249569 +02729182 _derivationally_related_form 09222051 +08851034 _instance_hypernym 08524735 +06943771 _hypernym 06943558 +05011277 _hypernym 05009170 +04494204 _has_part 02984699 +12288823 _has_part 07772788 +05524615 _has_part 05526175 +00733632 _hypernym 00670991 +03147509 _derivationally_related_form 00189062 +11856389 _hypernym 11573660 +13760316 _hypernym 13576355 +02653706 _derivationally_related_form 02671421 +00770997 _hypernym 00770543 +00371487 _hypernym 00371314 +15279596 _hypernym 15286249 +00202934 _derivationally_related_form 04642258 +05204004 _hypernym 05203649 +13377268 _hypernym 06481156 +00238867 _verb_group 00239614 +02123672 _hypernym 02123903 +00445467 _derivationally_related_form 13491060 +01504480 _hypernym 01090335 +08221897 _hypernym 07975026 +12838027 _member_meronym 12857024 +00819508 _derivationally_related_form 10206173 +08721559 _instance_hypernym 08691669 +08392137 _synset_domain_topic_of 00759694 +02627686 _hypernym 01432517 +01437888 _derivationally_related_form 03709644 +03560161 _hypernym 03265874 +07225696 _hypernym 07224151 +04949066 _derivationally_related_form 02230990 +01730799 _derivationally_related_form 03024064 +00919424 _derivationally_related_form 03429288 +04710390 _hypernym 04710127 +13261916 _hypernym 13261779 +01113473 _hypernym 01111816 +11716422 _hypernym 11714853 +02578235 _also_see 01781478 +08994540 _instance_hypernym 08665504 +04834228 _hypernym 04833687 +08705397 _instance_hypernym 08698379 +02407987 _verb_group 02410855 +09440400 _member_meronym 09731571 +00055793 _synset_domain_topic_of 08199025 +00570003 _derivationally_related_form 13463490 +06876144 _derivationally_related_form 01039330 +01444520 _hypernym 01429349 +10680153 _derivationally_related_form 00604930 +09690371 _derivationally_related_form 02625648 +12681141 _hypernym 13112664 +00101629 _hypernym 00010241 +12399132 _hypernym 12651821 +13926932 _hypernym 13925752 +01259691 _derivationally_related_form 00377169 +01078783 _derivationally_related_form 01169744 +08131530 _has_part 08396537 +09209263 _has_part 09343422 +11875100 _member_meronym 11878283 +04922787 _hypernym 04922338 +08017257 _synset_domain_topic_of 00759694 +06024230 _hypernym 06023969 +00510364 _derivationally_related_form 04682462 +00870312 _derivationally_related_form 00380424 +03724870 _derivationally_related_form 01358328 +01389875 _member_meronym 01391174 +01716732 _member_meronym 01717016 +13839662 _synset_domain_topic_of 08441203 +03932203 _derivationally_related_form 01656788 +10928140 _instance_hypernym 10030277 +11251531 _instance_hypernym 10430665 +06759974 _derivationally_related_form 02642814 +07011387 _hypernym 07010821 +12566627 _hypernym 15098161 +07073447 _member_of_domain_usage 02527085 +00691050 _hypernym 00671351 +12930044 _member_meronym 12936999 +02582042 _derivationally_related_form 01181902 +12712820 _hypernym 11585340 +00223250 _hypernym 00665886 +00837288 _derivationally_related_form 00756331 +12081488 _hypernym 11556857 +00531490 _hypernym 00531201 +10568200 _synset_domain_topic_of 00475787 +15166742 _hypernym 15166462 +08732116 _has_part 08733415 +01814091 _hypernym 01507175 +02550868 _derivationally_related_form 13247554 +05854150 _derivationally_related_form 00692329 +12485981 _hypernym 13100677 +07404114 _hypernym 07406765 +09298698 _instance_hypernym 09296121 +13628056 _has_part 13627516 +00410406 _derivationally_related_form 09738708 +00275253 _derivationally_related_form 13475538 +11777080 _hypernym 13112664 +08890097 _member_of_domain_region 09218641 +08540903 _has_part 08537837 +02636921 _derivationally_related_form 07237758 +04668139 _derivationally_related_form 01476154 +00848466 _derivationally_related_form 00751389 +00339085 _derivationally_related_form 03141702 +02251743 _hypernym 02199590 +10681557 _derivationally_related_form 02338975 +11498203 _derivationally_related_form 02713852 +14480420 _hypernym 14479615 +00482298 _has_part 00566298 +00950936 _hypernym 00978549 +08811215 _has_part 08805801 +03100490 _hypernym 03575240 +00941990 _derivationally_related_form 10630188 +13467700 _derivationally_related_form 00209598 +10512708 _hypernym 10677271 +12689808 _hypernym 11744859 +04179385 _derivationally_related_form 01329239 +01629958 _derivationally_related_form 05978623 +01383646 _derivationally_related_form 14597758 +08900535 _member_of_domain_region 03443543 +12274630 _hypernym 12268246 +01229631 _derivationally_related_form 10636598 +02465145 _hypernym 02478701 +11311011 _instance_hypernym 10214637 +11774279 _member_meronym 11774513 +00768483 _hypernym 00766234 +09038597 _instance_hypernym 08557482 +01474641 _hypernym 01342529 +00899292 _derivationally_related_form 00988287 +01888295 _also_see 02076027 +14459422 _derivationally_related_form 10415230 +09052835 _has_part 09126305 +05311054 _has_part 05340599 +08493493 _instance_hypernym 08574314 +09700492 _hypernym 09634494 +01359432 _derivationally_related_form 02861509 +08860123 _member_of_domain_usage 07674749 +02399331 _hypernym 02391803 +08860123 _member_of_domain_region 08349548 +00060833 _derivationally_related_form 00692349 +07281219 _hypernym 07037465 +01531265 _derivationally_related_form 06855207 +02280223 _hypernym 01759182 +02325968 _hypernym 02238085 +10162194 _hypernym 00007846 +14445749 _derivationally_related_form 01815185 +02547225 _derivationally_related_form 04873939 +09112282 _has_part 09264425 +05320899 _hypernym 05299178 +00050693 _derivationally_related_form 02625016 +01300655 _hypernym 01301051 +14549937 _derivationally_related_form 01917244 +02180797 _also_see 02461723 +01719302 _synset_domain_topic_of 06157326 +10618685 _hypernym 10740868 +13601596 _hypernym 13583724 +07186148 _derivationally_related_form 00793580 +12122245 _hypernym 12131550 +01377092 _hypernym 01355326 +02549847 _hypernym 02549581 +09275473 _has_part 09031653 +02989893 _hypernym 02996840 +02688895 _instance_hypernym 08337324 +01569181 _hypernym 01323958 +02615494 _member_meronym 02615829 +00933821 _derivationally_related_form 07214267 +11940349 _hypernym 11940006 +08426816 _synset_domain_topic_of 08199025 +02495922 _also_see 01195536 +00143914 _hypernym 00142191 +14803074 _hypernym 14802450 +06172294 _hypernym 06153846 +00803325 _derivationally_related_form 06691083 +00708017 _derivationally_related_form 01610463 +05036394 _derivationally_related_form 00227165 +00889490 _derivationally_related_form 01385017 +01354869 _member_meronym 01356086 +02654890 _member_meronym 02655020 +05701363 _derivationally_related_form 00341285 +11894558 _hypernym 13085113 +13616054 _hypernym 13604275 +01002740 _synset_domain_topic_of 06613686 +02025550 _hypernym 01835496 +09908508 _derivationally_related_form 00590269 +09437098 _hypernym 09334396 +01229976 _derivationally_related_form 00334935 +00072808 _derivationally_related_form 00712389 +13962360 _derivationally_related_form 02616713 +02561995 _derivationally_related_form 09767197 +15158997 _hypernym 15158816 +11331300 _instance_hypernym 10088390 +02837416 _hypernym 03516011 +05124928 _hypernym 05124057 +06295235 _member_of_domain_usage 04434932 +13169219 _member_meronym 13192025 +13030157 _hypernym 11590783 +03350011 _hypernym 03431243 +10053439 _hypernym 10053004 +12606907 _member_meronym 12607896 +14828683 _derivationally_related_form 01233387 +00334174 _hypernym 00331950 +00944548 _derivationally_related_form 07144190 +02033137 _hypernym 01907258 +10614363 _hypernym 00007846 +07075172 _member_of_domain_usage 01172598 +00156390 _derivationally_related_form 01643657 +02207206 _also_see 02323286 +02282082 _hypernym 02282506 +02377938 _derivationally_related_form 08236621 +02359915 _hypernym 02355227 +02644622 _derivationally_related_form 00231567 +10017422 _hypernym 10053808 +00689950 _derivationally_related_form 06207199 +02376791 _hypernym 02376542 +14656666 _hypernym 14625458 +00812274 _derivationally_related_form 01216004 +01829869 _hypernym 01825930 +10562283 _hypernym 10276045 +00151689 _derivationally_related_form 00351638 +10680153 _derivationally_related_form 02405390 +11911591 _member_meronym 11945228 +12169776 _member_meronym 12188120 +02482425 _derivationally_related_form 10338707 +06780309 _derivationally_related_form 00849939 +00583990 _derivationally_related_form 04879092 +01273016 _hypernym 01531742 +01323599 _hypernym 00015388 +12578626 _has_part 12578916 +00925110 _derivationally_related_form 04757522 +00470966 _has_part 00471277 +05395548 _hypernym 05395286 +09307300 _hypernym 09385911 +09721244 _hypernym 09686536 +00996448 _also_see 00075515 +08639058 _has_part 08639776 +06687178 _hypernym 06686736 +00100044 _hypernym 00099721 +01362736 _derivationally_related_form 00609236 +01765392 _derivationally_related_form 13971561 +08789605 _instance_hypernym 08524735 +00753472 _derivationally_related_form 00932798 +00825776 _hypernym 00941990 +01998599 _member_meronym 01998741 +05304932 _hypernym 05267548 +11860801 _member_meronym 11861021 +12433178 _hypernym 12432808 +06663617 _has_part 06655388 +02048891 _derivationally_related_form 13878112 +06176322 _hypernym 06174404 +14010927 _derivationally_related_form 01861403 +00800421 _derivationally_related_form 10084635 +02056971 _verb_group 01930482 +09880741 _hypernym 10707804 +01428155 _hypernym 01342529 +12006081 _member_meronym 12006306 +05303402 _hypernym 05225602 +02788148 _hypernym 02796623 +01881717 _hypernym 01864707 +06542830 _hypernym 06542047 +01914947 _derivationally_related_form 07460104 +03432129 _derivationally_related_form 00551065 +02417070 _hypernym 02416519 +02612393 _member_meronym 02616572 +06803636 _hypernym 06791372 +08780881 _instance_hypernym 08698126 +03879854 _hypernym 04074482 +14043882 _derivationally_related_form 01569181 +10893606 _instance_hypernym 10450303 +04953954 _derivationally_related_form 02763283 +00203866 _derivationally_related_form 14422488 +04820908 _hypernym 04820258 +06787835 _hypernym 06304059 +04476116 _derivationally_related_form 01454810 +07341038 _derivationally_related_form 01878063 +00948071 _derivationally_related_form 00634586 +00408852 _derivationally_related_form 08375369 +09439433 _member_meronym 09322454 +07027180 _derivationally_related_form 01163083 +06624161 _has_part 06764623 +00286928 _derivationally_related_form 14986004 +07484265 _hypernym 00026192 +00873469 _hypernym 00872886 +12734446 _member_meronym 12734722 +05186306 _hypernym 05187446 +02515713 _hypernym 02515214 +12838027 _member_meronym 12846546 +13194328 _hypernym 13167078 +06615927 _hypernym 06613686 +10485440 _derivationally_related_form 02554066 +01461328 _hypernym 01462005 +08957381 _member_of_domain_region 07808904 +02377480 _hypernym 02374451 +05481095 _has_part 05465868 +08858942 _has_part 08890097 +06644393 _hypernym 06798750 +00106272 _hypernym 00104539 +02464342 _derivationally_related_form 10608385 +01652850 _member_meronym 01653026 +06498569 _has_part 06838652 +01043333 _hypernym 08457976 +12792041 _member_meronym 12796617 +07505047 _derivationally_related_form 01822936 +05999540 _has_part 05999797 +11536778 _member_meronym 11538935 +04859177 _hypernym 04858785 +08853741 _has_part 08711655 +00101956 _hypernym 00006238 +07962991 _hypernym 07961480 +08276342 _hypernym 08053576 +08210982 _hypernym 08208016 +02082056 _hypernym 01886756 +11127996 _instance_hypernym 10453533 +08844557 _has_part 08842819 +02571251 _hypernym 02566528 +11780930 _has_part 11781176 +15246853 _hypernym 15122231 +01283208 _derivationally_related_form 04369025 +00489730 _hypernym 00488225 +03929202 _hypernym 03265032 +11197099 _instance_hypernym 10423225 +02234551 _hypernym 02234087 +00473322 _also_see 00429060 +00557686 _hypernym 00173338 +02230772 _derivationally_related_form 05564590 +09466280 _has_part 09277686 +05418717 _hypernym 05417975 +02451951 _also_see 01613463 +01446901 _hypernym 01850315 +06845599 _member_of_domain_usage 03588046 +01086081 _derivationally_related_form 02199590 +01089778 _hypernym 01086081 +00072012 _derivationally_related_form 13515958 +01796582 _derivationally_related_form 01743217 +00781000 _hypernym 00962447 +09830629 _derivationally_related_form 02769748 +00652622 _hypernym 00654625 +01536916 _member_meronym 01538498 +06712325 _derivationally_related_form 00828374 +10493685 _derivationally_related_form 04025130 +06295235 _member_of_domain_usage 07968702 +00589769 _derivationally_related_form 09892831 +05841029 _hypernym 05839024 +12787565 _hypernym 11566682 +08563180 _has_part 09201301 +10540656 _hypernym 00007846 +01327028 _hypernym 00004475 +01017987 _derivationally_related_form 02747709 +00953559 _hypernym 00952963 +09854510 _hypernym 09632518 +02746365 _derivationally_related_form 01136614 +04833276 _derivationally_related_form 00101609 +02630052 _member_meronym 02630739 +01127215 _hypernym 01476483 +11911591 _member_meronym 11992674 +02294761 _member_meronym 02310334 +05784560 _derivationally_related_form 02863464 +15067025 _hypernym 14989545 +02501275 _hypernym 01862557 +01494188 _hypernym 01429349 +08709038 _has_part 08753933 +12799580 _hypernym 11585340 +09510305 _instance_hypernym 09507097 +07238102 _derivationally_related_form 02636921 +04688246 _hypernym 04723816 +02513560 _hypernym 01321579 +02326198 _derivationally_related_form 03461385 +14332085 _derivationally_related_form 02123424 +09952393 _hypernym 10323752 +02273545 _hypernym 01342529 +05570129 _hypernym 05289861 +04780958 _derivationally_related_form 01628302 +02460199 _derivationally_related_form 10520804 +10084635 _hypernym 10515194 +01830623 _hypernym 01504437 +13164763 _derivationally_related_form 00357332 +01448767 _member_meronym 01449586 +03058949 _hypernym 03058107 +10240514 _hypernym 09606527 +02386012 _derivationally_related_form 10381214 +04514738 _hypernym 03167666 +01418947 _hypernym 01416585 +00478830 _derivationally_related_form 07334490 +09163192 _instance_hypernym 08700255 +15291498 _hypernym 15224486 +12925394 _hypernym 11585340 +08616050 _derivationally_related_form 01576165 +04971928 _hypernym 04959672 +00382109 _derivationally_related_form 00374534 +07955280 _hypernym 07951464 +00797299 _derivationally_related_form 10037385 +01084180 _hypernym 01083645 +02769748 _hypernym 02773037 +04857083 _derivationally_related_form 00262792 +00430370 _hypernym 00429060 +12655062 _hypernym 12654659 +02799897 _hypernym 04285146 +02359775 _hypernym 01864707 +02511551 _derivationally_related_form 00805034 +05703956 _derivationally_related_form 00724492 +00660571 _hypernym 00658052 +12391745 _member_meronym 12394861 +06845599 _member_of_domain_usage 03869222 +01080691 _hypernym 01405044 +03648804 _synset_domain_topic_of 15253139 +13933841 _derivationally_related_form 02027612 +12746733 _member_meronym 12746884 +05047059 _hypernym 05046009 +02542280 _hypernym 02542795 +03501614 _has_part 03313873 +01695567 _synset_domain_topic_of 00933420 +03790512 _hypernym 03791235 +04627936 _synset_domain_topic_of 06951067 +06757057 _derivationally_related_form 00835294 +02205896 _member_meronym 02206624 +02171633 _member_meronym 02172387 +02049190 _hypernym 01907258 +00058014 _hypernym 00056930 +00954086 _derivationally_related_form 01126846 +03379828 _hypernym 02898711 +00415044 _derivationally_related_form 10583387 +02250464 _member_meronym 02251452 +00438752 _hypernym 00438495 +12398990 _member_meronym 12399132 +01566645 _derivationally_related_form 01056369 +01365131 _verb_group 01232387 +01727490 _derivationally_related_form 07342049 +07919310 _hypernym 07881800 +01900408 _hypernym 01831531 +14031108 _synset_domain_topic_of 08199025 +12123050 _hypernym 11556857 +00789138 _hypernym 00644583 +08801678 _has_part 08807894 +04671841 _derivationally_related_form 00718924 +11699071 _hypernym 12205694 +11835806 _member_meronym 11836137 +12501745 _member_meronym 12526380 +00384329 _synset_domain_topic_of 06262567 +00555780 _hypernym 00173338 +10702167 _hypernym 00007846 +10575787 _derivationally_related_form 02153709 +08077292 _hypernym 08189659 +01498872 _derivationally_related_form 13872421 +02714865 _hypernym 02713372 +10087736 _derivationally_related_form 00869931 +12834408 _hypernym 11566230 +01738774 _hypernym 01753788 +01246601 _hypernym 00126264 +02722458 _hypernym 03157987 +01625747 _member_meronym 01628148 +12939479 _hypernym 12939104 +00032539 _derivationally_related_form 06716483 +00737536 _hypernym 00735936 +00480993 _hypernym 00479076 +01606574 _hypernym 01494310 +12090318 _member_meronym 12094121 +02354536 _hypernym 02339413 +00309582 _derivationally_related_form 07390400 +06945679 _hypernym 06943558 +12969927 _hypernym 12969131 +11978035 _hypernym 11579418 +12876032 _member_meronym 12879719 +00583990 _also_see 02519555 +11289709 _instance_hypernym 09765278 +10842730 _instance_hypernym 09894143 +05219724 _has_part 05513807 +09023321 _has_part 09025728 +06875697 _hypernym 06282651 +09029457 _has_part 09030467 +02553196 _member_meronym 02600953 +01817755 _derivationally_related_form 05988097 +00133981 _derivationally_related_form 01412346 +03888257 _derivationally_related_form 01968275 +12751043 _hypernym 11567411 +01695259 _member_meronym 01723678 +06892016 _derivationally_related_form 01719921 +01486312 _derivationally_related_form 02975212 +02733187 _derivationally_related_form 05395690 +08544813 _hypernym 08491826 +05675130 _derivationally_related_form 00570590 +05675905 _hypernym 05804793 +14359174 _hypernym 14299637 +13150178 _hypernym 13149296 +04315948 _hypernym 04077430 +05573895 _has_part 05574151 +01623792 _hypernym 01621555 +04453910 _hypernym 03122748 +01835918 _hypernym 01835276 +01416585 _hypernym 01389507 +04709253 _derivationally_related_form 00744916 +12599435 _hypernym 12598826 +10018021 _derivationally_related_form 00804802 +01845720 _derivationally_related_form 09629752 +01588134 _derivationally_related_form 03327234 +00836149 _hypernym 00831191 +01708778 _hypernym 01342529 +01729431 _derivationally_related_form 07048000 +00957176 _also_see 01370590 +10655594 _hypernym 09821831 +02717901 _hypernym 03740161 +02496036 _derivationally_related_form 02936714 +02420789 _derivationally_related_form 03599628 +06686174 _derivationally_related_form 00891936 +00722479 _synset_domain_topic_of 00523513 +07223985 _hypernym 07223170 +00350878 _hypernym 00350380 +01048492 _hypernym 00907147 +12890009 _member_meronym 12891093 +13617046 _hypernym 13600822 +01919711 _derivationally_related_form 13757249 +04380617 _hypernym 03672352 +12329260 _hypernym 13112664 +00128638 _hypernym 00125629 +02528534 _member_meronym 02534352 +14334511 _hypernym 14334122 +02110552 _derivationally_related_form 14526182 +05881867 _has_part 13590327 +09068444 _has_part 09069752 +03949442 _derivationally_related_form 01163847 +05790572 _hypernym 05788149 +10779897 _hypernym 10433737 +03640660 _hypernym 03899328 +10783539 _hypernym 00007846 +01978744 _member_meronym 01978930 +13480667 _hypernym 13518963 +09213076 _instance_hypernym 09403734 +02961505 _derivationally_related_form 08952190 +13426376 _derivationally_related_form 01643657 +02098325 _also_see 00639356 +02395406 _derivationally_related_form 00058645 +08860123 _member_of_domain_region 10345015 +07348399 _derivationally_related_form 01990281 +06632097 _hypernym 06628861 +02037090 _hypernym 02038357 +02503313 _hypernym 01862557 +13384557 _hypernym 13372961 +01322221 _derivationally_related_form 15145586 +01201271 _hypernym 01201021 +13722340 _has_part 13722060 +13721003 _hypernym 13716084 +08121117 _member_meronym 10091651 +02345288 _derivationally_related_form 13262663 +01857325 _hypernym 01855672 +02158896 _derivationally_related_form 01049266 +09551356 _hypernym 09505418 +07565259 _derivationally_related_form 02656763 +01134522 _derivationally_related_form 09811852 +10248198 _synset_domain_topic_of 05946687 +06295235 _member_of_domain_usage 00415988 +02777734 _has_part 02788148 +08270662 _synset_domain_topic_of 06095022 +13069348 _member_meronym 13069535 +05423779 _hypernym 05418717 +01103614 _derivationally_related_form 01745722 +11743294 _hypernym 13122364 +00286928 _hypernym 00283911 +01633343 _derivationally_related_form 00940842 +03351434 _member_meronym 03410022 +02343595 _derivationally_related_form 00205891 +10211203 _hypernym 10020890 +08766988 _has_part 08774912 +10721470 _hypernym 10577284 +01596645 _derivationally_related_form 00256746 +08731606 _has_part 08956760 +08685188 _hypernym 08630039 +09946278 _derivationally_related_form 02716767 +05799581 _derivationally_related_form 02532261 +05022457 _derivationally_related_form 01022064 +08860123 _member_of_domain_region 04539053 +00620752 _derivationally_related_form 02406916 +06836822 _hypernym 06828818 +10491309 _derivationally_related_form 00967625 +02180797 _also_see 01116380 +05695554 _hypernym 00023271 +02293321 _derivationally_related_form 00213186 +00177127 _hypernym 01023820 +01772985 _hypernym 01762525 +02771320 _derivationally_related_form 07996412 +01174555 _derivationally_related_form 02399424 +01563005 _derivationally_related_form 09429387 +02038357 _derivationally_related_form 13887509 +00043195 _derivationally_related_form 02285629 +05293944 _hypernym 05293597 +09189411 _has_part 08999154 +15027189 _hypernym 14728724 +01101913 _derivationally_related_form 07476623 +02374451 _has_part 02462602 +12564840 _member_meronym 12565912 +02373093 _hypernym 01342529 +09621359 _hypernym 00007846 +03452449 _hypernym 04329190 +00212065 _derivationally_related_form 02264179 +14235200 _hypernym 14234074 +13659604 _hypernym 13649268 +05756414 _synset_domain_topic_of 06136258 +01172275 _hypernym 01165043 +01927159 _hypernym 01925695 +12166929 _hypernym 12166424 +01997119 _also_see 01997680 +12501745 _member_meronym 12568865 +02769460 _hypernym 04336034 +00609506 _hypernym 00606370 +06449735 _has_part 06437531 +09818343 _derivationally_related_form 02133297 +06671637 _derivationally_related_form 00875141 +01794668 _verb_group 00668099 +02899439 _hypernym 03673971 +13458571 _derivationally_related_form 00151689 +10608385 _synset_domain_topic_of 08199025 +01719302 _derivationally_related_form 00795785 +05511618 _has_part 05388805 +01184625 _derivationally_related_form 13366311 +01965464 _hypernym 01963942 +04097373 _hypernym 02958343 +01022178 _hypernym 01017987 +01928838 _derivationally_related_form 13757249 +08920924 _has_part 08923884 +00501534 _synset_domain_topic_of 06084469 +01877812 _hypernym 01877134 +12639910 _hypernym 12639736 +08740875 _member_meronym 09722658 +08801678 _instance_hypernym 08696931 +10549925 _hypernym 09998101 +09367991 _hypernym 09367203 +04729984 _hypernym 04729328 +04322026 _hypernym 04359589 +08491245 _hypernym 08491027 +04051068 _hypernym 02673637 +02120997 _has_part 02439929 +07854813 _hypernym 07850329 +00426928 _derivationally_related_form 02418421 +00912473 _derivationally_related_form 07120524 +02812201 _hypernym 04552696 +09068921 _instance_hypernym 08633957 +02489288 _member_meronym 02489589 +08766988 _member_of_domain_region 13753067 +01097500 _derivationally_related_form 01263711 +04402746 _has_part 04401088 +01273814 _derivationally_related_form 06796119 +00067999 _hypernym 00072989 +00196364 _hypernym 00258857 +00021997 _synset_domain_topic_of 00671351 +00329654 _derivationally_related_form 13163991 +08305114 _hypernym 08304895 +00047317 _derivationally_related_form 00795008 +02276527 _hypernym 01762525 +06252743 _derivationally_related_form 00740577 +00689950 _derivationally_related_form 14438125 +12614477 _hypernym 13121544 +09960545 _derivationally_related_form 00404726 +07339808 _hypernym 07339653 +00694681 _hypernym 00874067 +14333136 _derivationally_related_form 01250908 +12247664 _has_part 07743544 +02321759 _hypernym 02316038 +14836960 _derivationally_related_form 00229026 +02023600 _derivationally_related_form 07991364 +10128519 _derivationally_related_form 06117562 +04475900 _derivationally_related_form 01143713 +12959802 _member_meronym 12959967 +02015944 _hypernym 01507175 +01107932 _hypernym 01106808 +06403393 _synset_domain_topic_of 00614730 +07284554 _derivationally_related_form 02660442 +11629501 _member_meronym 11639863 +00854904 _derivationally_related_form 10100761 +15267536 _derivationally_related_form 02610628 +14747587 _hypernym 14745635 +10510546 _derivationally_related_form 00667747 +07580782 _derivationally_related_form 00324560 +02316304 _derivationally_related_form 00212808 +04646548 _hypernym 04616059 +01188485 _derivationally_related_form 04945254 +09053185 _has_part 09053947 +04464211 _hypernym 08616311 +00881441 _hypernym 00880662 +01112584 _hypernym 01112364 +09194357 _has_part 09477567 +00061595 _derivationally_related_form 00692506 +01428853 _derivationally_related_form 10640620 +00436668 _derivationally_related_form 14575180 +08800676 _member_meronym 09696124 +00164579 _synset_domain_topic_of 06128570 +02048051 _hypernym 02045790 +02128120 _member_meronym 02129604 +00492706 _derivationally_related_form 14516743 +04050410 _derivationally_related_form 01575146 +02629581 _member_meronym 02629716 +09853305 _hypernym 10640620 +06157326 _derivationally_related_form 10415638 +12694486 _has_part 07746334 +02267060 _derivationally_related_form 00933154 +02079933 _derivationally_related_form 11501230 +03918480 _hypernym 03196324 +00773432 _derivationally_related_form 07140978 +12996841 _hypernym 08103777 +00953216 _derivationally_related_form 07221756 +07496463 _hypernym 07494363 +01176079 _derivationally_related_form 03751065 +00949974 _derivationally_related_form 00122106 +00205885 _hypernym 00126264 +00364479 _derivationally_related_form 07537068 +02468965 _hypernym 02467662 +01566185 _derivationally_related_form 07353075 +13740765 _hypernym 13740168 +12651465 _hypernym 11585340 +00058135 _hypernym 00056930 +01976477 _member_meronym 01980993 +06090869 _hypernym 06000400 +00021826 _hypernym 00021065 +01929396 _member_meronym 01929951 +11877193 _hypernym 11876976 +01118614 _hypernym 01117723 +09272927 _instance_hypernym 09360122 +12008749 _hypernym 12008252 +01892271 _hypernym 01864707 +01608934 _hypernym 01507175 +11898271 _hypernym 13121544 +07252764 _derivationally_related_form 00794079 +10618848 _derivationally_related_form 08366202 +04988258 _hypernym 04987620 +02538010 _hypernym 02537085 +00923995 _derivationally_related_form 01654628 +12838027 _member_meronym 12854443 +00280301 _derivationally_related_form 14779205 +02408281 _derivationally_related_form 03242713 +11841529 _member_meronym 11849017 +12333397 _member_meronym 12333530 +01106272 _hypernym 01105259 +10342543 _derivationally_related_form 01044533 +00908351 _derivationally_related_form 01129532 +09050730 _has_part 09093608 +02527651 _derivationally_related_form 00075618 +07663592 _has_part 07656077 +07909811 _hypernym 07907943 +12942270 _member_meronym 12942395 +00227165 _hypernym 00156601 +13538314 _has_part 13460568 +01474283 _hypernym 01473806 +00654234 _derivationally_related_form 00785470 +14116908 _hypernym 14059928 +04812268 _derivationally_related_form 00849357 +05540121 _has_part 05280998 +01048569 _hypernym 00912473 +15193271 _synset_domain_topic_of 08083599 +13395187 _hypernym 13393762 +02553196 _member_meronym 02612393 +00437125 _derivationally_related_form 00195569 +01904930 _hypernym 01835496 +13723577 _hypernym 13717155 +14994004 _hypernym 14792703 +00252662 _derivationally_related_form 00475819 +00029836 _derivationally_related_form 07126734 +01158690 _derivationally_related_form 00682436 +09422294 _instance_hypernym 09468604 +05779371 _derivationally_related_form 00633443 +07050619 _derivationally_related_form 01802219 +03882611 _derivationally_related_form 01678519 +07528212 _derivationally_related_form 01812324 +04787324 _derivationally_related_form 00412696 +00360650 _also_see 01904845 +04259771 _has_part 04021503 +00745637 _derivationally_related_form 02513740 +12768177 _hypernym 11567411 +02022162 _derivationally_related_form 00048225 +02068735 _member_meronym 02071506 +00060185 _derivationally_related_form 03567066 +04739932 _hypernym 04737934 +00720808 _hypernym 00595630 +10155849 _derivationally_related_form 07066659 +09367203 _derivationally_related_form 02627934 +02192127 _hypernym 01762525 +00065070 _hypernym 02604760 +01101391 _derivationally_related_form 04764412 +01948077 _derivationally_related_form 00445055 +02364221 _hypernym 01862557 +01949110 _derivationally_related_form 02924116 +01042531 _hypernym 00941990 +00733483 _derivationally_related_form 02018524 +12552081 _hypernym 11585340 +08860123 _member_of_domain_region 00593219 +15264363 _hypernym 15122011 +01198779 _derivationally_related_form 03571155 +01181295 _derivationally_related_form 10763383 +01930512 _derivationally_related_form 14031108 +09937903 _derivationally_related_form 02590340 +14933314 _hypernym 14931879 +13721177 _hypernym 13716084 +01349130 _hypernym 01223182 +01098869 _derivationally_related_form 08199025 +10742384 _hypernym 10254392 +00153263 _derivationally_related_form 13497135 +00655378 _derivationally_related_form 13503673 +07410021 _derivationally_related_form 01236164 +06021761 _derivationally_related_form 00639998 +01892104 _derivationally_related_form 07350192 +03511175 _hypernym 03327234 +01231252 _derivationally_related_form 04007664 +00798717 _derivationally_related_form 09754541 +12770892 _hypernym 13104059 +09983572 _derivationally_related_form 02446660 +01548718 _derivationally_related_form 03294833 +00927430 _derivationally_related_form 06651577 +14040310 _derivationally_related_form 01188144 +02246300 _hypernym 02244956 +00443384 _verb_group 00443116 +09033333 _has_part 09458791 +01976841 _hypernym 01970826 +05822746 _hypernym 05816287 +06987124 _derivationally_related_form 03039087 +11740824 _hypernym 11562747 +08563627 _has_part 09057311 +05651971 _derivationally_related_form 02106006 +10989610 _instance_hypernym 10650162 +09060768 _has_part 09064966 +13416345 _derivationally_related_form 02262139 +11945228 _hypernym 11579418 +02245592 _hypernym 01342529 +02672187 _hypernym 01072262 +04876985 _derivationally_related_form 00958880 +08580803 _hypernym 08580583 +01941093 _verb_group 01840238 +12348774 _member_meronym 12349916 +02171254 _hypernym 01759182 +00967625 _derivationally_related_form 01103614 +00795161 _hypernym 00791078 +01191645 _derivationally_related_form 04884627 +02040709 _derivationally_related_form 07275275 +10216403 _hypernym 10478960 +12707432 _hypernym 11585340 +01580467 _derivationally_related_form 00406365 +14957270 _hypernym 15112239 +12587132 _hypernym 12582665 +00738966 _hypernym 00732746 +14640434 _hypernym 14877585 +00073828 _hypernym 00070965 +14427065 _derivationally_related_form 09918554 +12975608 _hypernym 08103777 +03714721 _derivationally_related_form 00452512 +02114056 _synset_domain_topic_of 00903559 +02766390 _derivationally_related_form 07412668 +00965035 _derivationally_related_form 07217924 +03722288 _hypernym 03748162 +10633450 _hypernym 09626589 +02764438 _hypernym 00377002 +11253248 _instance_hypernym 11253097 +01285305 _instance_hypernym 00956485 +03008275 _hypernym 03304730 +01151407 _hypernym 01150938 +06558277 _hypernym 06556692 +08890097 _member_of_domain_region 06950209 +06364149 _hypernym 06362953 +00759335 _derivationally_related_form 01188485 +08860123 _member_of_domain_region 05987522 +09983572 _derivationally_related_form 00595785 +02233577 _hypernym 01759182 +04948241 _derivationally_related_form 02245403 +02511510 _hypernym 05225602 +13303315 _derivationally_related_form 02351010 +11629501 _member_meronym 11633116 +00081725 _derivationally_related_form 10707233 +01990281 _derivationally_related_form 05853449 +09998907 _derivationally_related_form 01675963 +06562993 _synset_domain_topic_of 08441203 +08404373 _hypernym 08198398 +08903636 _instance_hypernym 08524735 +05904135 _hypernym 05903229 +13650921 _hypernym 13603305 +10511425 _derivationally_related_form 01734502 +00780889 _hypernym 00768701 +12928491 _hypernym 12928071 +00034758 _derivationally_related_form 10627899 +14941884 _hypernym 14798450 +10179291 _hypernym 09820263 +08243851 _hypernym 08049401 +10349551 _hypernym 10349243 +02137428 _hypernym 01864707 +08557131 _derivationally_related_form 10038620 +01843055 _derivationally_related_form 00308370 +02829696 _synset_domain_topic_of 09411430 +03338009 _hypernym 04442831 +01622795 _derivationally_related_form 03860882 +05194151 _derivationally_related_form 00776523 +00828779 _derivationally_related_form 07556637 +01177118 _derivationally_related_form 10269458 +01500873 _synset_domain_topic_of 00916464 +12618942 _member_meronym 12787007 +03512147 _hypernym 03510583 +01138911 _verb_group 01156115 +01107726 _hypernym 01106808 +09965134 _derivationally_related_form 01038538 +02705303 _hypernym 01105639 +00968211 _derivationally_related_form 06619428 +05257593 _hypernym 05256862 +01636984 _hypernym 01626600 +12051285 _member_meronym 12051792 +11911591 _member_meronym 11943824 +09941383 _hypernym 09623038 +02592250 _derivationally_related_form 08227214 +12450099 _member_meronym 12450344 +13369857 _has_part 13343526 +03426574 _hypernym 04498523 +00695761 _derivationally_related_form 05804491 +13993517 _derivationally_related_form 00338071 +12156308 _member_meronym 12156484 +01458664 _derivationally_related_form 04332243 +13720852 _hypernym 13716084 +10514962 _derivationally_related_form 02552449 +11647131 _member_meronym 11647306 +04135315 _hypernym 03872495 +02080291 _hypernym 01864707 +12372708 _hypernym 11565385 +08897843 _instance_hypernym 08491826 +09862345 _hypernym 10559288 +14828683 _derivationally_related_form 01313249 +08268321 _derivationally_related_form 00521874 +12116881 _hypernym 11556857 +10516874 _derivationally_related_form 01000214 +00022686 _derivationally_related_form 04836683 +09871681 _hypernym 10563183 +08220714 _hypernym 08077292 +01469770 _derivationally_related_form 07186148 +01478603 _derivationally_related_form 13944747 +13635336 _hypernym 13602526 +11653904 _hypernym 13108841 +01593705 _member_meronym 01593857 +01496331 _hypernym 01495701 +09207288 _has_part 08723006 +10418101 _hypernym 00007846 +10741821 _derivationally_related_form 01999798 +08859173 _member_of_domain_region 09510305 +00737070 _hypernym 00735936 +02724417 _verb_group 00713818 +02747922 _hypernym 02367363 +08176077 _member_meronym 09161803 +02244956 _derivationally_related_form 10577284 +01753721 _member_meronym 01755274 +03131038 _hypernym 03282591 +12130160 _hypernym 12102133 +13162297 _hypernym 09257949 +11596845 _member_meronym 11598991 +12410715 _member_meronym 12423565 +14063633 _derivationally_related_form 00305537 +01697027 _derivationally_related_form 03777283 +08428019 _hypernym 00296585 +00308105 _derivationally_related_form 11444816 +14313440 _derivationally_related_form 00097394 +12193334 _hypernym 13134947 +14286549 _derivationally_related_form 01309143 +12671157 _member_meronym 12677427 +00344125 _derivationally_related_form 04734885 +01061320 _verb_group 01449974 +06744000 _derivationally_related_form 00960961 +00155487 _derivationally_related_form 02694933 +00676450 _derivationally_related_form 00161243 +02523784 _derivationally_related_form 00066901 +02026798 _hypernym 01507175 +00255710 _derivationally_related_form 01535246 +07836456 _synset_domain_topic_of 00243918 +02353861 _hypernym 02331309 +05478336 _hypernym 05476256 +01053404 _derivationally_related_form 01469445 +05471181 _hypernym 05470189 +00413239 _derivationally_related_form 02561332 +06249177 _hypernym 06248043 +15120346 _hypernym 15113229 +02797021 _derivationally_related_form 08457976 +00988287 _derivationally_related_form 07007945 +04785908 _hypernym 04723816 +04625515 _synset_domain_topic_of 06060845 +01207609 _derivationally_related_form 02555434 +02058756 _hypernym 01997862 +06201136 _derivationally_related_form 10402086 +08067077 _member_meronym 08066763 +12501745 _member_meronym 12534453 +03121897 _hypernym 04015204 +08196230 _hypernym 08337324 +14855724 _hypernym 14853947 +07290278 _derivationally_related_form 00988287 +12410381 _member_meronym 12410715 +08223802 _hypernym 07975026 +12533730 _hypernym 13112664 +09726621 _hypernym 09644820 +10488309 _hypernym 10370381 +03129123 _derivationally_related_form 01621555 +01693453 _derivationally_related_form 00900207 +14472624 _derivationally_related_form 01953467 +00601822 _derivationally_related_form 00180770 +06295235 _member_of_domain_usage 03585438 +01916214 _derivationally_related_form 02000954 +01374020 _derivationally_related_form 07344528 +02457756 _hypernym 01864707 +01792567 _derivationally_related_form 07495327 +06154724 _hypernym 04929422 +08929555 _instance_hypernym 08691669 +12524518 _hypernym 11585340 +03550153 _synset_domain_topic_of 08199025 +04446521 _has_part 04447861 +00135311 _hypernym 00046522 +01003588 _hypernym 01003249 +11512992 _hypernym 11419404 +02394445 _derivationally_related_form 10005280 +07994941 _hypernym 07993929 +11661372 _hypernym 13108841 +01150467 _hypernym 01150200 +00956131 _also_see 01369663 +04897762 _derivationally_related_form 02518161 +02188065 _member_meronym 02205383 +01921964 _derivationally_related_form 13102409 +08414608 _derivationally_related_form 10396106 +00389308 _derivationally_related_form 00673095 +06062407 _derivationally_related_form 10504206 +00958334 _hypernym 00952524 +08161757 _member_meronym 08161591 +01353169 _derivationally_related_form 04153751 +01313093 _member_meronym 01921559 +15228267 _hypernym 15154774 +01946408 _derivationally_related_form 00351334 +03876519 _hypernym 03453809 +02661017 _hypernym 02657368 +05147940 _derivationally_related_form 01867295 +11967744 _hypernym 11672400 +14840755 _hypernym 00019613 +02664511 _hypernym 01432517 +11773138 _member_meronym 11773408 +02369633 _hypernym 02367363 +01407065 _member_meronym 01407798 +08642517 _hypernym 08641113 +09070793 _has_part 02956500 +08889657 _instance_hypernym 08524735 +08131530 _has_part 08340989 +08344917 _hypernym 08342039 +02259829 _derivationally_related_form 07149836 +08553535 _has_part 08549733 +02469588 _member_meronym 02496576 +10077593 _derivationally_related_form 01828736 +01820901 _derivationally_related_form 09778537 +05278152 _derivationally_related_form 02996605 +01802219 _derivationally_related_form 01072236 +08701942 _has_part 08503921 +07434102 _derivationally_related_form 00835903 +02020590 _derivationally_related_form 00048656 +06926458 _hypernym 06926212 +05019661 _hypernym 05009170 +11905584 _member_meronym 11905749 +01484392 _derivationally_related_form 07959943 +03870105 _hypernym 02958343 +01900837 _hypernym 01900488 +02154508 _hypernym 02163746 +00328128 _hypernym 00109660 +01112584 _verb_group 00669970 +01725051 _verb_group 01724459 +01233347 _derivationally_related_form 04515129 +12039743 _member_meronym 12054902 +09285979 _hypernym 09424270 +00828237 _derivationally_related_form 00046534 +08906952 _has_part 09346284 +01004775 _hypernym 00996969 +12096223 _hypernym 11567411 +13060451 _member_meronym 13060689 +00762043 _hypernym 00761713 +02472293 _has_part 05564590 +01311103 _derivationally_related_form 03996416 +13537894 _derivationally_related_form 01551195 +00821765 _verb_group 00821580 +00294452 _hypernym 00293916 +00331950 _derivationally_related_form 01831531 +00714531 _derivationally_related_form 00152018 +01721754 _derivationally_related_form 10201535 +02649082 _member_meronym 02649218 +00300537 _derivationally_related_form 07369604 +12633386 _member_meronym 12635151 +04728068 _derivationally_related_form 02679012 +07176962 _derivationally_related_form 00707624 +11778534 _member_meronym 11791446 +00745499 _derivationally_related_form 06529219 +00201034 _derivationally_related_form 10859669 +11455695 _hypernym 08620061 +01111458 _synset_domain_topic_of 00471613 +10428004 _derivationally_related_form 06090869 +01577635 _derivationally_related_form 03948950 +11623304 _hypernym 15098161 +06856568 _synset_domain_topic_of 07020895 +13798491 _synset_domain_topic_of 06000644 +10125561 _derivationally_related_form 00592652 +01151097 _derivationally_related_form 00294884 +01240514 _derivationally_related_form 00150762 +10506417 _hypernym 10078806 +08843215 _has_part 08909537 +04405907 _has_part 03617594 +05800998 _hypernym 05797597 +10546850 _derivationally_related_form 00599329 +07252378 _derivationally_related_form 01818835 +04033995 _hypernym 02820210 +03879116 _hypernym 02922159 +01609751 _hypernym 01605630 +10162354 _hypernym 10284064 +00047945 _derivationally_related_form 02756098 +05542052 _hypernym 13894434 +13776432 _hypernym 13757724 +01522716 _derivationally_related_form 00954086 +00302394 _derivationally_related_form 01451842 +02003601 _derivationally_related_form 00452293 +07486922 _hypernym 07486628 +08728268 _instance_hypernym 08633957 +00331514 _hypernym 00338071 +00879540 _derivationally_related_form 00164152 +08724545 _instance_hypernym 08574314 +14752323 _hypernym 14884120 +00207761 _hypernym 00206302 +07546125 _hypernym 07543288 +13924659 _hypernym 13920835 +00061595 _derivationally_related_form 00692130 +10039164 _hypernym 09908273 +07123710 _derivationally_related_form 01050651 +08975902 _member_of_domain_region 08030711 +01535246 _derivationally_related_form 03648219 +01500214 _hypernym 01494310 +00270005 _derivationally_related_form 00368302 +01667132 _hypernym 00126264 +01936048 _hypernym 01955984 +02556126 _derivationally_related_form 05693919 +00348008 _hypernym 00337210 +10328782 _derivationally_related_form 13966007 +14299637 _hypernym 05823932 +03963982 _has_part 03313602 +08175700 _hypernym 09941964 +00870577 _derivationally_related_form 09771855 +01439604 _hypernym 01215421 +14456138 _derivationally_related_form 00457998 +07813107 _derivationally_related_form 02196214 +10612931 _hypernym 10197967 +02645007 _derivationally_related_form 04353803 +10327583 _derivationally_related_form 02570267 +04956594 _derivationally_related_form 00281101 +01471070 _member_meronym 01625747 +06325370 _hypernym 06291318 +00796976 _derivationally_related_form 00076341 +12838027 _member_meronym 12869248 +10172080 _hypernym 09857007 +00980904 _synset_domain_topic_of 08199025 +00319406 _derivationally_related_form 13850304 +10155849 _hypernym 09974648 +04643397 _derivationally_related_form 00477107 +00033852 _derivationally_related_form 06877849 +08374049 _hypernym 07965085 +10106080 _hypernym 09917593 +02516594 _derivationally_related_form 00418025 +10098092 _derivationally_related_form 00013858 +02833793 _hypernym 03430551 +07476623 _derivationally_related_form 01412912 +08860123 _member_of_domain_region 04390873 +05373924 _hypernym 05418717 +12740514 _member_meronym 12744656 +07407970 _derivationally_related_form 00443984 +02094569 _derivationally_related_form 11498203 +00867983 _derivationally_related_form 00014034 +00364787 _derivationally_related_form 00168217 +07491038 _derivationally_related_form 01815628 +00657550 _derivationally_related_form 05737153 +01012561 _derivationally_related_form 00153961 +02547213 _member_meronym 02548522 +12818742 _hypernym 11744859 +14210971 _derivationally_related_form 02656218 +00235208 _hypernym 00234892 +14239918 _hypernym 14239425 +01940034 _derivationally_related_form 04443433 +08936303 _instance_hypernym 08524735 +04322026 _hypernym 03485997 +02424128 _derivationally_related_form 13996571 +00151689 _derivationally_related_form 13458571 +07048000 _has_part 07050177 +03216828 _hypernym 03638321 +09802050 _hypernym 10066732 +00234988 _hypernym 00233335 +01171183 _derivationally_related_form 00748515 +00899597 _hypernym 00897241 +07066659 _synset_domain_topic_of 00933420 +03450516 _derivationally_related_form 00052043 +03583109 _hypernym 02720201 +11735325 _hypernym 11571907 +00037919 _derivationally_related_form 00427853 +07432119 _hypernym 07405893 +00675901 _derivationally_related_form 03233423 +02299552 _synset_domain_topic_of 00092366 +04544979 _hypernym 03899328 +04745370 _derivationally_related_form 00744506 +01939811 _hypernym 01939174 +06196584 _derivationally_related_form 00680841 +03417749 _has_part 03899768 +10577284 _hypernym 10309896 +01835496 _derivationally_related_form 00279835 +03129123 _hypernym 00021939 +01740393 _hypernym 01656813 +08860123 _member_of_domain_region 08168117 +06845599 _member_of_domain_usage 03755545 +00952182 _derivationally_related_form 10599806 +06486405 _synset_domain_topic_of 00471613 +02236124 _derivationally_related_form 00180413 +00904046 _derivationally_related_form 01247647 +00224738 _derivationally_related_form 00532429 +08439476 _hypernym 08437515 +07394814 _derivationally_related_form 02186360 +00712833 _hypernym 00712225 +07810531 _hypernym 07809368 +09385137 _derivationally_related_form 02469274 +01568493 _member_meronym 01568892 +14578104 _hypernym 13920835 +09039411 _has_part 09040601 +01588172 _hypernym 01504437 +08984457 _instance_hypernym 08524735 +09029242 _instance_hypernym 08574314 +08429167 _has_part 08215801 +02075727 _member_meronym 02079170 +02144460 _hypernym 01644746 +06635944 _hypernym 06634376 +12105578 _hypernym 12105125 +00941777 _hypernym 00908492 +02518990 _member_meronym 02519148 +06688274 _hypernym 06686736 +10384772 _hypernym 09681351 +01695567 _hypernym 01690294 +08747054 _has_part 08756052 +05051896 _derivationally_related_form 02679530 +15279957 _has_part 15279596 +00164999 _derivationally_related_form 02397266 +08983413 _instance_hypernym 08524735 +01871979 _derivationally_related_form 11458624 +01691951 _hypernym 01674464 +14920844 _hypernym 14786479 +03186818 _derivationally_related_form 00676135 +02551824 _hypernym 01342529 +01330822 _hypernym 01329239 +08709038 _has_part 08847268 +00189511 _hypernym 00187526 +11793032 _hypernym 11556857 +06856884 _hypernym 07028373 +02120140 _derivationally_related_form 05723417 +03556811 _derivationally_related_form 02061495 +00494907 _derivationally_related_form 04650527 +11867525 _member_meronym 11899595 +11742878 _hypernym 13112664 +01610666 _verb_group 01610463 +08550966 _has_part 08586825 +11850748 _hypernym 11573660 +00715868 _derivationally_related_form 06652242 +09275016 _has_part 09207288 +01928154 _hypernym 01945516 +06453849 _has_part 06441607 +01150467 _derivationally_related_form 02317661 +12165608 _hypernym 11567411 +09031653 _member_of_domain_region 08344301 +00691944 _derivationally_related_form 04743024 +14336539 _derivationally_related_form 00063557 +01190494 _hypernym 00019448 +02451951 _also_see 02326695 +00367066 _hypernym 00363260 +10736602 _hypernym 09937056 +01035380 _hypernym 00763399 +02320374 _derivationally_related_form 13306870 +06021761 _hypernym 06021499 +02342132 _hypernym 00182406 +08151490 _member_meronym 09982370 +00708376 _hypernym 00704690 +06055300 _hypernym 06043075 +08969291 _member_meronym 09723564 +13614256 _hypernym 13600404 +05079866 _hypernym 04997988 +05714894 _derivationally_related_form 02124106 +01975912 _derivationally_related_form 05110408 +08019523 _instance_hypernym 08392137 +02726681 _hypernym 02913152 +01776468 _hypernym 01825237 +01975387 _synset_domain_topic_of 00433802 +06786629 _derivationally_related_form 02981759 +01639105 _derivationally_related_form 09934921 +07800091 _derivationally_related_form 01179865 +00946105 _derivationally_related_form 06482401 +12736064 _hypernym 11575425 +05537806 _has_part 05538016 +08176077 _member_meronym 08987423 +08811473 _instance_hypernym 08524735 +01476829 _member_meronym 01478073 +00304662 _hypernym 00304422 +01218791 _derivationally_related_form 02888569 +00251780 _derivationally_related_form 01251228 +02569770 _hypernym 01432517 +12876032 _hypernym 11566230 +11372599 _instance_hypernym 10794014 +04446844 _hypernym 02773037 +02704461 _derivationally_related_form 06032246 +00631378 _hypernym 00947128 +01796582 _hypernym 01771535 +05987650 _hypernym 05901508 +14007546 _hypernym 14006945 +10316164 _hypernym 10317007 +09401474 _instance_hypernym 09403734 +13814041 _hypernym 13812607 +06966454 _hypernym 06963951 +08929922 _member_meronym 09692250 +11605708 _member_meronym 11660537 +00047172 _derivationally_related_form 03497657 +02296756 _hypernym 01762525 +15282696 _derivationally_related_form 02055649 +01205827 _derivationally_related_form 00764902 +00312403 _hypernym 00311809 +07454758 _hypernym 07454452 +08806897 _member_of_domain_region 10131815 +00428404 _also_see 00532892 +10655594 _derivationally_related_form 00604523 +11162582 _instance_hypernym 10547145 +12501745 _member_meronym 12512460 +01886220 _member_meronym 02323186 +07214432 _derivationally_related_form 02154508 +02976939 _hypernym 04340750 +00775156 _derivationally_related_form 01170813 +02767116 _derivationally_related_form 04953954 +02626604 _verb_group 00146138 +00278221 _derivationally_related_form 01534609 +09339512 _instance_hypernym 09411430 +02651014 _derivationally_related_form 10126177 +07896994 _hypernym 07891726 +06267145 _has_part 06344461 +02627292 _hypernym 02626762 +01312371 _derivationally_related_form 04149083 +05750657 _hypernym 05750163 +01536168 _derivationally_related_form 00396642 +02627835 _hypernym 02623445 +04774511 _hypernym 04773899 +13524191 _hypernym 13513747 +05414147 _hypernym 05407119 +12199564 _hypernym 11575425 +02481629 _member_meronym 02482650 +09483738 _hypernym 05625465 +04578708 _hypernym 03738472 +11975853 _member_meronym 11976170 +09764201 _hypernym 00007846 +01673668 _member_meronym 01683428 +02587084 _derivationally_related_form 10011902 +09207288 _has_part 08906374 +01507006 _hypernym 01506812 +14370122 _derivationally_related_form 00267871 +00056912 _hypernym 00053913 +09044862 _has_part 09086173 +08106934 _hypernym 07992450 +09314603 _hypernym 08500819 +02265231 _derivationally_related_form 05802185 +02053720 _member_meronym 02053859 +02356230 _hypernym 02230772 +01081152 _hypernym 01078783 +05803379 _hypernym 05802185 +09426621 _hypernym 09222051 +02955767 _hypernym 03045337 +12587366 _hypernym 11556857 +01656576 _hypernym 01342529 +10514429 _synset_domain_topic_of 00523513 +02323870 _derivationally_related_form 06347588 +02293135 _member_meronym 02294279 +00274707 _derivationally_related_form 00281101 +01524885 _member_meronym 01589125 +09909060 _derivationally_related_form 00618682 +01882170 _hypernym 01835496 +06757891 _derivationally_related_form 01634424 +01280055 _instance_hypernym 00956485 +05082790 _synset_domain_topic_of 08199025 +01223833 _derivationally_related_form 13877918 +05166072 _derivationally_related_form 01160031 +01328705 _hypernym 01296462 +08857529 _instance_hypernym 08524735 +02556817 _hypernym 02556126 +00389308 _hypernym 00385791 +02394662 _hypernym 02405390 +01036804 _derivationally_related_form 07137129 +02748927 _derivationally_related_form 02681518 +04037443 _derivationally_related_form 01086103 +12641180 _hypernym 12640607 +01005579 _hypernym 00996969 +00948071 _derivationally_related_form 06807198 +08565894 _derivationally_related_form 02609764 +10697519 _hypernym 10378412 +01549187 _hypernym 00173338 +01569566 _hypernym 01494310 +01825671 _also_see 02321009 +13473097 _derivationally_related_form 00073343 +12400720 _has_part 07754684 +01981543 _member_meronym 01981702 +05277728 _derivationally_related_form 14757848 +05699434 _derivationally_related_form 02706046 +09044862 _has_part 09059274 +03589791 _derivationally_related_form 00048790 +06295235 _member_of_domain_usage 09824609 +01564144 _derivationally_related_form 14562324 +15236338 _hypernym 15154774 +02585360 _derivationally_related_form 06689125 +08013653 _instance_hypernym 08392137 +00871942 _derivationally_related_form 09823287 +02395406 _derivationally_related_form 01043231 +04359589 _hypernym 03183080 +14591091 _derivationally_related_form 00148763 +00927049 _derivationally_related_form 06782680 +09939154 _derivationally_related_form 06268567 +02534352 _hypernym 01429349 +11773138 _hypernym 11567411 +10516294 _hypernym 09944160 +10282482 _hypernym 10129825 +00252662 _derivationally_related_form 00475647 +01459422 _also_see 00732960 +08705397 _has_part 08706663 +04107984 _has_part 03914919 +10533983 _derivationally_related_form 00912833 +08701942 _has_part 08788887 +02027226 _derivationally_related_form 10190871 +00056688 _derivationally_related_form 01994442 +03042490 _hypernym 03259505 +00893955 _derivationally_related_form 00603298 +01809655 _similar_to 01811172 +13546416 _hypernym 13459322 +01676313 _member_meronym 01678237 +02663086 _hypernym 01432517 +00404726 _derivationally_related_form 01280014 +02735086 _hypernym 03177349 +01539772 _member_meronym 01539925 +10789118 _hypernym 10287213 +04952570 _derivationally_related_form 02764614 +00416409 _synset_domain_topic_of 06234825 +12085469 _hypernym 11556857 +00056334 _derivationally_related_form 00849982 +02964389 _derivationally_related_form 01489989 +00080304 _hypernym 00078760 +00962129 _derivationally_related_form 02583780 +05317191 _hypernym 05225602 +02453373 _member_meronym 02459001 +08820121 _member_of_domain_region 15200661 +02274482 _derivationally_related_form 10742546 +03848348 _hypernym 03489162 +07330560 _hypernym 07330007 +00273445 _hypernym 00126264 +09680657 _derivationally_related_form 02921753 +13479034 _hypernym 13532886 +02177976 _derivationally_related_form 07384741 +08177030 _hypernym 08294696 +03621049 _hypernym 04516672 +04763293 _derivationally_related_form 02698178 +02503517 _hypernym 02503127 +06004685 _synset_domain_topic_of 06000644 +02270810 _hypernym 01762525 +00196084 _derivationally_related_form 00550117 +02450829 _hypernym 02450034 +05532641 _hypernym 05532225 +02275799 _hypernym 02275365 +01160729 _derivationally_related_form 01416193 +06470073 _derivationally_related_form 00666510 +06783598 _hypernym 06722453 +06374587 _hypernym 06362953 +08047032 _synset_domain_topic_of 00759694 +02241008 _hypernym 02236896 +08050678 _has_part 08166318 +02419515 _hypernym 01864707 +05717549 _hypernym 05715283 +00802318 _derivationally_related_form 01139194 +06177033 _hypernym 06094774 +07348399 _hypernym 07352190 +13757249 _derivationally_related_form 02091410 +12615427 _member_meronym 12615986 +00074038 _derivationally_related_form 04446521 +01871699 _member_meronym 01873007 +05092635 _derivationally_related_form 02669081 +06918042 _hypernym 06904171 +04443257 _derivationally_related_form 04442831 +02159271 _member_meronym 02183697 +06416206 _hypernym 06410904 +01973759 _derivationally_related_form 00116376 +05786372 _derivationally_related_form 00723056 +01388386 _derivationally_related_form 02750835 +13892897 _derivationally_related_form 02037090 +12697514 _hypernym 13104059 +04890112 _hypernym 04616059 +09070233 _instance_hypernym 08695539 +00382109 _derivationally_related_form 00394813 +10171219 _hypernym 10311021 +13963757 _synset_domain_topic_of 08441203 +02246456 _synset_domain_topic_of 00488225 +13660337 _hypernym 13649626 +10165673 _hypernym 09626589 +02560383 _hypernym 01432517 +05692910 _hypernym 05692419 +01089483 _hypernym 13265904 +01128193 _derivationally_related_form 01887076 +02246284 _hypernym 01759182 +10043163 _hypernym 09855630 +12090041 _hypernym 11534677 +09851876 _derivationally_related_form 01139104 +06875697 _derivationally_related_form 01039330 +01766748 _derivationally_related_form 07524529 +05563266 _has_part 05577190 +07342495 _derivationally_related_form 02051270 +00054059 _hypernym 00052548 +12234176 _hypernym 11575425 +09230041 _derivationally_related_form 02042067 +08404549 _hypernym 08198398 +00624801 _derivationally_related_form 07175102 +01868258 _hypernym 01877355 +11503968 _hypernym 11449002 +02578008 _derivationally_related_form 01199035 +00770997 _synset_domain_topic_of 00523513 +02288473 _member_meronym 02289845 +13900287 _hypernym 13860793 +14548913 _hypernym 14548343 +01473346 _derivationally_related_form 10712055 +01753788 _derivationally_related_form 00237869 +08356903 _hypernym 08401248 +02699141 _hypernym 00836236 +10035430 _derivationally_related_form 01512259 +01720496 _hypernym 08221348 +00170156 _derivationally_related_form 01131197 +02464866 _derivationally_related_form 10597234 +09141526 _has_part 09146111 +12030265 _member_meronym 12030654 +09825750 _hypernym 10521100 +04629604 _derivationally_related_form 01257612 +02506555 _also_see 02064745 +13053450 _member_meronym 13053608 +01583494 _derivationally_related_form 01149480 +02329093 _member_meronym 02329401 +02644050 _derivationally_related_form 07311661 +10538272 _derivationally_related_form 01233993 +00769944 _derivationally_related_form 01471825 +08095647 _hypernym 08111783 +00839834 _derivationally_related_form 06758835 +04349701 _hypernym 03740161 +05913275 _hypernym 05833840 +01716491 _also_see 01801600 +01416020 _hypernym 01400044 +09288946 _instance_hypernym 09411430 +04494906 _derivationally_related_form 01330822 +14548343 _derivationally_related_form 00091968 +05344848 _hypernym 05333777 +09613191 _hypernym 00007846 +08135342 _has_part 08142370 +04892084 _hypernym 04616059 +01789064 _member_meronym 01802309 +13239471 _hypernym 11567411 +09691279 _derivationally_related_form 03045750 +00884011 _derivationally_related_form 07227772 +02657741 _derivationally_related_form 01349735 +01142203 _derivationally_related_form 01246926 +09189411 _has_part 08852389 +05131283 _derivationally_related_form 01974062 +02226833 _hypernym 01162425 +03786313 _hypernym 03679712 +03804744 _hypernym 03323703 +07672914 _hypernym 07856270 +05162455 _hypernym 05161614 +00186616 _also_see 00570590 +05151869 _derivationally_related_form 10509605 +02400139 _member_meronym 02407959 +00578795 _derivationally_related_form 01245637 +00478217 _hypernym 00471711 +03241093 _hypernym 04091097 +09278537 _has_part 08569591 +04467307 _derivationally_related_form 01453969 +01998183 _hypernym 01974773 +00384510 _hypernym 00383952 +08849753 _has_part 08851687 +02711543 _derivationally_related_form 04046590 +00229814 _hypernym 00229260 +12375294 _member_meronym 12375518 +10407954 _derivationally_related_form 02219940 +00141524 _derivationally_related_form 09290777 +00092366 _derivationally_related_form 09608377 +00407535 _hypernym 00030358 +06825399 _hypernym 06825120 +09060768 _has_part 09434845 +15161872 _synset_domain_topic_of 06232880 +10383237 _derivationally_related_form 01463963 +11965627 _hypernym 11672400 +07335917 _hypernym 07335716 +00834460 _hypernym 00835267 +09982152 _derivationally_related_form 02576503 +08454003 _hypernym 08441203 +00100551 _derivationally_related_form 00624738 +12021499 _has_part 07817599 +02658050 _derivationally_related_form 04745932 +01122601 _derivationally_related_form 02267060 +02574516 _derivationally_related_form 09955015 +01810946 _hypernym 01504437 +02582042 _hypernym 00868591 +08986691 _has_part 08986905 +13265011 _derivationally_related_form 02474239 +01732532 _derivationally_related_form 03249569 +02476870 _derivationally_related_form 00382109 +00956405 _hypernym 00839834 +09764201 _derivationally_related_form 02210855 +01346003 _derivationally_related_form 00383390 +09721088 _hypernym 09686536 +05775081 _hypernym 05772356 +12878525 _member_meronym 12879068 +04463679 _derivationally_related_form 01503268 +02210855 _derivationally_related_form 08419163 +03409920 _hypernym 02729965 +01670315 _hypernym 01675963 +02046572 _hypernym 01907258 +01374767 _derivationally_related_form 00717748 +00467717 _derivationally_related_form 13373214 +02207206 _derivationally_related_form 13253612 +00085219 _hypernym 00083975 +08723006 _has_part 08727945 +01249294 _hypernym 01255967 +01165692 _derivationally_related_form 02348568 +00105624 _derivationally_related_form 02038357 +11782522 _hypernym 11556857 +01837744 _derivationally_related_form 04821451 +11326591 _instance_hypernym 10705615 +02877704 _derivationally_related_form 05600637 +01254882 _hypernym 01254685 +08583095 _hypernym 08574314 +12099220 _member_meronym 12099342 +03455033 _has_part 03455488 +04689198 _derivationally_related_form 01356750 +02014165 _derivationally_related_form 07333649 +01172784 _derivationally_related_form 10038929 +00047172 _hypernym 00050652 +01992251 _derivationally_related_form 04167759 +00071178 _derivationally_related_form 10716005 +09085441 _instance_hypernym 08638442 +02575766 _member_meronym 02577532 +08835675 _instance_hypernym 09203827 +03033362 _has_part 04211001 +15143276 _derivationally_related_form 02109818 +02600490 _derivationally_related_form 00418903 +01641391 _hypernym 01640846 +07353716 _hypernym 07353376 +01185611 _synset_domain_topic_of 08441203 +01808989 _hypernym 01507175 +13501059 _hypernym 13459322 +12423565 _member_meronym 12464278 +14894481 _hypernym 14991927 +10494935 _hypernym 10100124 +03176386 _hypernym 03175604 +11911591 _member_meronym 12007560 +14103510 _hypernym 14057371 +01002297 _derivationally_related_form 06616806 +05546540 _has_part 05341920 +10735298 _hypernym 10011902 +04702127 _hypernym 04701460 +01958790 _member_meronym 01958914 +05148699 _hypernym 04723816 +09609232 _derivationally_related_form 13353607 +01261018 _derivationally_related_form 01262574 +13521072 _derivationally_related_form 00469904 +02075049 _hypernym 02009433 +00828082 _derivationally_related_form 00048633 +08860123 _member_of_domain_region 10181990 +08663860 _hypernym 08630039 +01275762 _verb_group 01551195 +01059123 _derivationally_related_form 05703429 +07421859 _synset_domain_topic_of 03082979 +00209598 _derivationally_related_form 13467700 +00914632 _derivationally_related_form 02291708 +01446283 _member_meronym 01447822 +10637635 _hypernym 10693824 +01249724 _also_see 01254013 +07510625 _hypernym 07510495 +01841471 _hypernym 01931768 +08430203 _derivationally_related_form 02703539 +01577659 _hypernym 01576695 +00889831 _derivationally_related_form 09626238 +14405225 _hypernym 14373582 +03569964 _has_part 04178897 +00158804 _hypernym 00156601 +10609556 _derivationally_related_form 02421199 +06433923 _instance_hypernym 06394865 +12966386 _member_meronym 12966581 +09480699 _hypernym 09334396 +00376400 _derivationally_related_form 01369758 +01055661 _derivationally_related_form 07116443 +00781168 _also_see 00701479 +09994119 _derivationally_related_form 01637633 +11542341 _member_meronym 11542640 +11253802 _instance_hypernym 10672908 +11784126 _hypernym 11783920 +07803545 _has_part 07803992 +11726925 _member_meronym 11727358 +01894670 _member_meronym 01894803 +01222666 _synset_domain_topic_of 00759694 +08149160 _hypernym 08147794 +06756831 _hypernym 06756407 +11649012 _member_meronym 11649359 +07157273 _member_of_domain_usage 03427202 +01491991 _member_meronym 01492357 +02122164 _derivationally_related_form 14322699 +01663580 _hypernym 01659248 +13556377 _hypernym 13457378 +01050313 _hypernym 00971650 +11800236 _hypernym 13125117 +02289845 _hypernym 01762525 +05603650 _derivationally_related_form 02723904 +15089645 _hypernym 15089258 +01874126 _member_meronym 01875717 +04780958 _hypernym 04779649 +12090318 _member_meronym 12092766 +00121678 _derivationally_related_form 07443761 +08626947 _hypernym 08491826 +06259898 _hypernym 06251781 +11028446 _instance_hypernym 10467395 +12799119 _hypernym 11585340 +12842765 _member_meronym 12842887 +12456845 _hypernym 12425281 +11778534 _member_meronym 11779801 +01239064 _derivationally_related_form 02375131 +00890855 _hypernym 00890590 +01781983 _derivationally_related_form 14405931 +01681940 _hypernym 01676755 +04392764 _hypernym 03738472 +13311368 _derivationally_related_form 02215001 +01884577 _hypernym 01831531 +00190999 _hypernym 00126264 +08563627 _has_part 09110422 +13221529 _hypernym 11547562 +14184986 _hypernym 14174549 +11669335 _has_part 11692265 +07181935 _derivationally_related_form 00775156 +06295235 _member_of_domain_usage 04272054 +02360448 _also_see 02523275 +01929047 _hypernym 08102555 +02001858 _hypernym 02000868 +12787565 _member_meronym 12789767 +04434285 _hypernym 04162998 +00501080 _has_part 00500280 +13731530 _synset_domain_topic_of 06000644 +11766609 _member_meronym 11767196 +12039743 _member_meronym 12084746 +08172103 _member_meronym 08927186 +10201535 _hypernym 09998101 +11900058 _member_meronym 11900986 +09625401 _hypernym 00007846 +00443231 _derivationally_related_form 01904293 +01729431 _derivationally_related_form 00546389 +07866151 _hypernym 07557434 +00540235 _derivationally_related_form 13941125 +02622823 _hypernym 01429349 +01639369 _member_meronym 01645093 +01129920 _derivationally_related_form 02506546 +14777104 _hypernym 14778019 +06355894 _derivationally_related_form 00994076 +01541803 _hypernym 02069551 +02354320 _hypernym 02353861 +09023321 _has_part 09027679 +02715513 _hypernym 04105893 +04842515 _derivationally_related_form 01587077 +01804961 _hypernym 00720063 +10581094 _hypernym 10371450 +10720097 _hypernym 10193026 +07232655 _derivationally_related_form 00939857 +01986367 _member_meronym 01987228 +08891889 _derivationally_related_form 10275249 +00684480 _also_see 00550282 +15053867 _hypernym 14994004 +01772782 _member_meronym 01772985 +12492106 _hypernym 12491826 +01123148 _also_see 01129977 +03772417 _synset_domain_topic_of 08199025 +10855604 _instance_hypernym 10123844 +00035603 _derivationally_related_form 09843602 +05061345 _derivationally_related_form 00438495 +13892897 _synset_domain_topic_of 06090869 +01239862 _derivationally_related_form 04166553 +01167710 _hypernym 00958896 +05505131 _hypernym 05462315 +02870663 _derivationally_related_form 10546850 +01003885 _synset_domain_topic_of 00903559 +02134589 _hypernym 01862557 +14544672 _hypernym 14544335 +04101497 _derivationally_related_form 01866192 +08910394 _instance_hypernym 08574314 +14821043 _derivationally_related_form 02079933 +09044862 _has_part 09049303 +05632272 _hypernym 05625465 +00718573 _derivationally_related_form 01268112 +04550676 _hypernym 03763727 +02080146 _hypernym 02079389 +00213794 _derivationally_related_form 02946921 +00320284 _synset_domain_topic_of 00015388 +02967782 _derivationally_related_form 01393714 +00660102 _derivationally_related_form 10506762 +01644746 _hypernym 01617192 +09209263 _has_part 09298698 +05838176 _derivationally_related_form 00697589 +05758059 _derivationally_related_form 02110220 +02036578 _also_see 02513269 +00396703 _synset_domain_topic_of 06084469 +07720277 _hypernym 07709333 +10013614 _hypernym 10053808 +02371801 _hypernym 01864707 +04683600 _derivationally_related_form 00212173 +08929922 _member_of_domain_region 01293167 +08860123 _member_of_domain_region 07455151 +03860741 _synset_domain_topic_of 08199025 +06700447 _hypernym 06697331 +05217688 _derivationally_related_form 00727573 +10343554 _derivationally_related_form 02863464 +14361664 _derivationally_related_form 00009631 +02739121 _hypernym 02651193 +01676313 _member_meronym 01679494 +00233335 _derivationally_related_form 04181228 +04417809 _has_part 02885882 +01190012 _hypernym 01189604 +01414916 _hypernym 01400044 +00263044 _derivationally_related_form 14464203 +00775702 _synset_domain_topic_of 08441203 +08027518 _instance_hypernym 08392137 +01542786 _hypernym 01525720 +08212347 _has_part 08218393 +03202940 _hypernym 04494204 +00037919 _derivationally_related_form 09843602 +01943406 _also_see 01430111 +06430784 _instance_hypernym 06429590 +03102859 _hypernym 03738472 +08177030 _member_meronym 08910668 +00044149 _derivationally_related_form 04092168 +04750547 _synset_domain_topic_of 06037666 +02614181 _derivationally_related_form 00004475 +12283981 _member_meronym 12285369 +05549830 _has_part 05548840 +00956687 _hypernym 00609683 +09682803 _derivationally_related_form 06234825 +08340153 _member_meronym 08396537 +00049770 _hypernym 00047945 +10603528 _hypernym 09614047 +02911332 _hypernym 03997484 +00076400 _derivationally_related_form 03283519 +03513137 _hypernym 03502509 +08550076 _derivationally_related_form 01313923 +07427337 _hypernym 07359599 +03872495 _derivationally_related_form 00321486 +10149867 _derivationally_related_form 02494356 +02035559 _hypernym 01983771 +12423565 _member_meronym 12457250 +08133536 _has_part 08124256 +14416845 _derivationally_related_form 00714273 +01186810 _derivationally_related_form 02582450 +04367480 _derivationally_related_form 01244178 +02027226 _hypernym 02025009 +06769238 _hypernym 06768901 +00796315 _derivationally_related_form 02545272 +07436661 _derivationally_related_form 00530017 +06429590 _hypernym 06362953 +01222666 _derivationally_related_form 01780941 +01270589 _hypernym 01269008 +00882948 _hypernym 00856824 +02063771 _derivationally_related_form 09800631 +05006285 _hypernym 05005250 +01020005 _derivationally_related_form 10369528 +03791235 _has_part 03579982 +02171254 _member_meronym 02171633 +00160086 _hypernym 00159880 +09540739 _hypernym 09540430 +02022135 _member_meronym 02037278 +03173524 _hypernym 03234306 +00623151 _verb_group 00690614 +01392080 _hypernym 01463963 +01490336 _hypernym 00452512 +05553049 _hypernym 05303402 +10652954 _hypernym 09887034 +01560511 _hypernym 01507175 +02083863 _member_meronym 02084071 +00194534 _derivationally_related_form 00394803 +02545569 _hypernym 01429349 +11959489 _member_meronym 11959632 +03417749 _hypernym 04610879 +14541044 _derivationally_related_form 02058794 +06201908 _derivationally_related_form 02513742 +10132641 _hypernym 10079399 +09300674 _hypernym 09272085 +13479380 _hypernym 13518963 +02348927 _derivationally_related_form 08054417 +06613056 _derivationally_related_form 01023259 +02626265 _hypernym 02625612 +00480508 _hypernym 00479076 +01710481 _derivationally_related_form 08237863 +07622261 _hypernym 07579076 +13608319 _hypernym 13583724 +06851742 _member_of_domain_usage 10510078 +09385586 _synset_domain_topic_of 07979425 +03421117 _hypernym 02784218 +14440137 _derivationally_related_form 02508078 +00344040 _derivationally_related_form 01345109 +05972585 _hypernym 06167328 +13024763 _member_meronym 13024967 +00931555 _also_see 00064479 +12591523 _hypernym 11556857 +07775905 _hypernym 07776866 +02568065 _derivationally_related_form 00746232 +12269241 _hypernym 12268246 +01044448 _derivationally_related_form 00887463 +12181147 _hypernym 11575425 +00599835 _hypernym 00598954 +15297069 _synset_domain_topic_of 06128570 +03730153 _derivationally_related_form 02339413 +02783790 _hypernym 03845550 +00224260 _hypernym 00223983 +01088923 _hypernym 01850315 +10834176 _instance_hypernym 10020890 +02461314 _also_see 02473688 +01309143 _derivationally_related_form 04693900 +06255777 _hypernym 14974264 +00252710 _derivationally_related_form 09772029 +05834758 _derivationally_related_form 01738597 +06481320 _derivationally_related_form 00946755 +04501018 _hypernym 03306610 +09710164 _derivationally_related_form 03016202 +01451842 _derivationally_related_form 00302394 +08761244 _has_part 08761868 +11943824 _hypernym 11579418 +01686956 _synset_domain_topic_of 00933420 +00596393 _derivationally_related_form 10464542 +03894379 _derivationally_related_form 02467662 +02518161 _derivationally_related_form 04897762 +01845627 _member_meronym 01857171 +07132415 _derivationally_related_form 00978369 +00925207 _hypernym 00924825 +00509377 _derivationally_related_form 00184117 +11830570 _hypernym 11573660 +09275473 _has_part 08780881 +10428004 _synset_domain_topic_of 06090869 +02515560 _hypernym 01432517 +05065717 _hypernym 05062748 +06962600 _hypernym 06961853 +01254477 _hypernym 01552519 +02354950 _hypernym 01342529 +02974219 _hypernym 04588365 +01853069 _hypernym 01974062 +11784323 _member_meronym 11784497 +01845627 _member_meronym 01856225 +11132462 _instance_hypernym 10467395 +00825089 _derivationally_related_form 00523645 +12824581 _hypernym 11567411 +00805376 _derivationally_related_form 07176682 +00693172 _derivationally_related_form 01219306 +05807306 _derivationally_related_form 00630223 +13629132 _has_part 13628419 +00382474 _hypernym 00381680 +01668436 _hypernym 01662784 +01767661 _has_part 01905121 +06136258 _hypernym 05999797 +07713395 _hypernym 07707451 +10697879 _hypernym 09610660 +03314608 _hypernym 04014297 +13534274 _hypernym 13480667 +01489989 _derivationally_related_form 10655169 +01310660 _derivationally_related_form 08550076 +14599641 _derivationally_related_form 00264875 +01502762 _hypernym 01301410 +01979241 _derivationally_related_form 00058002 +05926676 _derivationally_related_form 00836236 +13417410 _hypernym 13416345 +00804139 _derivationally_related_form 07175575 +09439213 _hypernym 09282724 +02061495 _derivationally_related_form 03791053 +01732172 _derivationally_related_form 00100543 +11651259 _member_meronym 11651731 +01189224 _derivationally_related_form 01070187 +00651991 _derivationally_related_form 05748285 +03488188 _hypernym 04140064 +00366020 _derivationally_related_form 07360293 +06497872 _hypernym 06497459 +13979503 _derivationally_related_form 01761533 +01332205 _derivationally_related_form 10404998 +06620906 _hypernym 06620579 +02440523 _derivationally_related_form 01921204 +11698433 _hypernym 11571907 +02187922 _hypernym 02176268 +00949619 _derivationally_related_form 09615807 +00457770 _derivationally_related_form 13454479 +12930044 _member_meronym 12933827 +06961853 _hypernym 06941644 +01855606 _derivationally_related_form 10335931 +04733347 _derivationally_related_form 00519363 +14928885 _hypernym 14836468 +00561226 _hypernym 00560529 +00417859 _derivationally_related_form 01572978 +09440400 _has_part 08979054 +05718935 _derivationally_related_form 10340312 +02517768 _member_meronym 02518178 +00898127 _derivationally_related_form 01723579 +03664943 _hypernym 02755352 +08218393 _hypernym 08242799 +02294436 _derivationally_related_form 13285714 +13907272 _hypernym 13896369 +00201722 _derivationally_related_form 00945205 +13530989 _hypernym 13526110 +08050678 _has_part 08164585 +01250474 _synset_domain_topic_of 00243918 +01079873 _verb_group 01079480 +08155765 _hypernym 08153437 +01164081 _synset_domain_topic_of 00922327 +06845599 _member_of_domain_usage 04441282 +03351262 _hypernym 04530566 +02355259 _synset_domain_topic_of 00766234 +00108181 _hypernym 00106272 +02159117 _hypernym 02153959 +14425414 _derivationally_related_form 10399491 +00060185 _derivationally_related_form 13491464 +06575681 _has_part 07269916 +10767265 _derivationally_related_form 01129337 +13201969 _hypernym 11545714 +02719588 _hypernym 04074482 +01230965 _hypernym 01229938 +06851742 _member_of_domain_usage 02983507 +00740577 _derivationally_related_form 00033020 +10711144 _hypernym 10533013 +00747135 _derivationally_related_form 06663940 +02679530 _derivationally_related_form 02806261 +00704690 _derivationally_related_form 01144133 +01730799 _synset_domain_topic_of 00543233 +00520257 _hypernym 00429048 +02186153 _hypernym 01385330 +00514069 _derivationally_related_form 03519081 +03265032 _has_part 03485997 +11911274 _member_meronym 12036533 +10119200 _hypernym 09606009 +00836236 _derivationally_related_form 05926676 +01195299 _derivationally_related_form 10692482 +11773860 _hypernym 11567411 +04472243 _has_part 03054901 +01374020 _hypernym 01376245 +05940869 _derivationally_related_form 09758424 +06782680 _hypernym 06782019 +00018813 _derivationally_related_form 05678745 +05467758 _hypernym 05467432 +08965598 _has_part 09371151 +06486161 _hypernym 06495000 +01255967 _hypernym 01552519 +12039743 _member_meronym 12059479 +01308438 _has_part 01288057 +00482893 _derivationally_related_form 07369604 +02950256 _derivationally_related_form 09811852 +00771961 _derivationally_related_form 10209082 +11917633 _member_meronym 11917835 +00364260 _derivationally_related_form 00155143 +02254370 _member_meronym 02255144 +09023321 _has_part 09028477 +13492453 _hypernym 13526110 +01904930 _verb_group 01882170 +12171966 _has_part 12172364 +01792640 _hypernym 01791625 +06677302 _derivationally_related_form 01747945 +01460029 _hypernym 01458973 +00116687 _derivationally_related_form 02076999 +04137444 _has_part 04257790 +01636221 _hypernym 01636397 +13148602 _member_meronym 13151265 +12672843 _hypernym 11579418 +02069551 _hypernym 01850315 +13107891 _hypernym 13104059 +00782072 _derivationally_related_form 10722965 +04828925 _hypernym 04723816 +07819480 _hypernym 07810907 +13802098 _hypernym 13801424 +00067545 _derivationally_related_form 13535261 +00142191 _derivationally_related_form 10284064 +02389346 _hypernym 02376958 +01423757 _hypernym 01342529 +05813626 _hypernym 05984584 +10717196 _derivationally_related_form 01430633 +00462092 _derivationally_related_form 01079604 +01747739 _hypernym 01657723 +14184067 _hypernym 14183065 +00167278 _synset_domain_topic_of 00503237 +15278281 _derivationally_related_form 01066542 +07812790 _hypernym 07809368 +02582615 _derivationally_related_form 10417168 +02934594 _derivationally_related_form 05558345 +05633385 _derivationally_related_form 01639714 +09495103 _synset_domain_topic_of 07979425 +00913065 _derivationally_related_form 07123552 +10346514 _hypernym 09855630 +13460299 _hypernym 00029677 +01117318 _hypernym 00996969 +08900535 _member_of_domain_region 09826821 +00008435 _derivationally_related_form 00117959 +09976728 _hypernym 00007846 +00142191 _derivationally_related_form 05930736 +06845599 _member_of_domain_usage 03612559 +00904046 _derivationally_related_form 13990502 +01836809 _hypernym 01504437 +00208210 _hypernym 00126264 +14495589 _hypernym 14494716 +01158190 _derivationally_related_form 01098206 +01282142 _verb_group 01540693 +07561112 _derivationally_related_form 01189224 +04687333 _hypernym 04686003 +00642803 _synset_domain_topic_of 06000644 +08544813 _member_meronym 08548733 +02559232 _member_meronym 02559383 +13628955 _hypernym 13601596 +09954479 _hypernym 09610660 +13893786 _derivationally_related_form 01457489 +02356420 _hypernym 02327200 +10452752 _hypernym 10287213 +05703956 _derivationally_related_form 02571901 +12039743 _member_meronym 12064183 +01247306 _hypernym 00220522 +07736371 _hypernym 07709333 +04862236 _hypernym 04862005 +12626353 _hypernym 13112664 +12090041 _member_meronym 12099556 +02339376 _hypernym 02338901 +01468948 _hypernym 01468576 +01414633 _hypernym 01413942 +14177423 _hypernym 14186340 +04584207 _hypernym 03476083 +12996225 _member_meronym 13069348 +07461050 _hypernym 00450700 +01022420 _derivationally_related_form 05780104 +04473432 _has_part 03671473 +00236289 _hypernym 00233335 +00670250 _has_part 00669481 +03694490 _hypernym 03713736 +08176077 _member_meronym 08750334 +02687992 _hypernym 03315023 +08711974 _instance_hypernym 08702402 +07155661 _hypernym 07155081 +10266016 _hypernym 09979589 +04871720 _hypernym 04871374 +12506181 _hypernym 13104059 +01389776 _derivationally_related_form 00320852 +08394922 _has_part 08213424 +00295701 _hypernym 00279835 +07383823 _derivationally_related_form 01928838 +10240921 _hypernym 10776339 +08956574 _instance_hypernym 08633957 +14865800 _hypernym 14971519 +06316048 _derivationally_related_form 00980453 +02527651 _hypernym 02528380 +01473176 _derivationally_related_form 10496193 +13607187 _hypernym 13583724 +08034579 _synset_domain_topic_of 00759694 +02989685 _hypernym 02996840 +00140264 _synset_domain_topic_of 00471613 +02443424 _derivationally_related_form 01104637 +03699975 _derivationally_related_form 10279018 +04663763 _derivationally_related_form 01194483 +01083645 _derivationally_related_form 02228698 +11783920 _hypernym 13083023 +11889205 _hypernym 12205694 +05474346 _has_part 05236152 +09070487 _instance_hypernym 08553280 +09879616 _hypernym 09879297 +12486397 _hypernym 11744859 +10611361 _hypernym 10610465 +04050066 _derivationally_related_form 01306853 +12152532 _hypernym 12150028 +12890009 _member_meronym 12891469 +06785223 _hypernym 06784003 +02817650 _derivationally_related_form 01398919 +10266328 _hypernym 00007846 +06340838 _synset_domain_topic_of 06950528 +04975340 _hypernym 04974968 +01618356 _hypernym 01507175 +00047945 _derivationally_related_form 03419014 +02045369 _hypernym 02021795 +01121948 _derivationally_related_form 01172784 +02224323 _member_meronym 02224466 +06026276 _synset_domain_topic_of 06018465 +12378249 _hypernym 13112664 +11884667 _hypernym 11575425 +10269785 _derivationally_related_form 06163751 +02176268 _derivationally_related_form 07371293 +00374224 _derivationally_related_form 00227165 +02519991 _derivationally_related_form 05174653 +00617059 _derivationally_related_form 00994454 +02831736 _derivationally_related_form 09210604 +00752144 _hypernym 00751944 +02346895 _hypernym 00674607 +09112282 _member_of_domain_region 01288272 +02702120 _derivationally_related_form 06210363 +04530566 _hypernym 03125870 +02642238 _derivationally_related_form 01075725 +03720163 _hypernym 04076846 +09963320 _derivationally_related_form 01664172 +06630017 _derivationally_related_form 00899597 +03385557 _has_part 04051825 +01643297 _synset_domain_topic_of 00471613 +02661252 _derivationally_related_form 10419047 +02523351 _hypernym 02524171 +12925179 _hypernym 12205694 +01249724 _also_see 01232738 +10504206 _derivationally_related_form 06062407 +15094294 _hypernym 14938907 +12940778 _hypernym 11585340 +02559383 _hypernym 02554730 +10596689 _derivationally_related_form 00311809 +13629854 _has_part 13629132 +11911591 _member_meronym 12010021 +09044862 _member_of_domain_region 00184802 +02283716 _hypernym 02498320 +01173826 _hypernym 01170962 +00851933 _derivationally_related_form 00425905 +10282014 _synset_domain_topic_of 06234825 +02299924 _synset_domain_topic_of 00092366 +00711523 _hypernym 00622584 +12612170 _hypernym 13122364 +02596888 _hypernym 01432517 +00259894 _derivationally_related_form 02250625 +02646931 _derivationally_related_form 14442530 +05500465 _hypernym 05463533 +02909168 _derivationally_related_form 06014730 +01721169 _derivationally_related_form 00050195 +02076999 _derivationally_related_form 00116687 +05073559 _derivationally_related_form 02040652 +00434077 _derivationally_related_form 05090441 +01443021 _hypernym 01552519 +00300317 _derivationally_related_form 03003344 +02185167 _hypernym 02183857 +00060477 _derivationally_related_form 06329313 +12100538 _member_meronym 12117507 +08860123 _member_of_domain_region 10612518 +09025451 _instance_hypernym 08633957 +09974054 _hypernym 10148305 +09759069 _derivationally_related_form 08280124 +10771270 _hypernym 09610660 +10777299 _hypernym 10630188 +00952182 _derivationally_related_form 07120364 +11301414 _instance_hypernym 10547145 +10700201 _derivationally_related_form 02460483 +08283180 _hypernym 08284054 +08172103 _member_meronym 08975106 +10058777 _hypernym 10582746 +04849241 _hypernym 04846770 +02724417 _hypernym 02604760 +05770664 _hypernym 05701363 +15154774 _hypernym 00033615 +03211117 _hypernym 03277771 +01079604 _hypernym 01077350 +02272090 _derivationally_related_form 10634075 +11088059 _instance_hypernym 10467395 +09150662 _instance_hypernym 08524735 +00334803 _derivationally_related_form 07443010 +02405390 _verb_group 00162688 +05618849 _hypernym 05617606 +08958334 _instance_hypernym 08524735 +02100399 _hypernym 02098550 +10752480 _derivationally_related_form 00854904 +08564307 _has_part 09084750 +00185465 _derivationally_related_form 13531149 +12996225 _member_meronym 13065902 +05725527 _derivationally_related_form 02333358 +01782218 _hypernym 01780202 +14207809 _hypernym 14204950 +01914415 _member_meronym 01914961 +09507097 _hypernym 09505418 +00601822 _hypernym 00686447 +07073447 _member_of_domain_usage 03537550 +05985602 _hypernym 05985381 +01021579 _hypernym 01017987 +04559451 _hypernym 03969259 +11236852 _instance_hypernym 10453533 +00603298 _derivationally_related_form 00611433 +12996225 _member_meronym 13049285 +02106006 _derivationally_related_form 05721500 +02196690 _hypernym 02196948 +00120010 _derivationally_related_form 01966861 +01481027 _derivationally_related_form 04248851 +06177033 _derivationally_related_form 10426454 +00917211 _hypernym 00916464 +09762101 _hypernym 10266848 +01389188 _member_meronym 01416354 +04902925 _hypernym 04901326 +11452218 _synset_domain_topic_of 06090869 +01660640 _hypernym 01659248 +06551627 _hypernym 06479665 +02102796 _also_see 02106761 +00185778 _derivationally_related_form 03029573 +02411705 _has_part 02439568 +00353639 _hypernym 02431320 +13774010 _hypernym 13774115 +02018524 _also_see 02019716 +13043516 _member_meronym 13043926 +12329899 _member_meronym 12330336 +06768735 _hypernym 06722453 +01374767 _derivationally_related_form 00278221 +10025730 _hypernym 09608709 +10162507 _derivationally_related_form 01452255 +14391876 _hypernym 14391660 +01529036 _member_meronym 01535310 +00233335 _derivationally_related_form 05162455 +00807461 _derivationally_related_form 01177033 +12916935 _member_meronym 12922600 +07127006 _hypernym 07109847 +00792304 _derivationally_related_form 07378234 +04750764 _hypernym 04750164 +06440489 _instance_hypernym 06394865 +05965586 _hypernym 05943300 +04449966 _hypernym 04565375 +00916285 _derivationally_related_form 09846755 +13216238 _hypernym 11534677 +00107739 _derivationally_related_form 14292090 +02907985 _instance_hypernym 04511002 +12470512 _hypernym 13100677 +02622859 _derivationally_related_form 14038482 +12740196 _member_meronym 12769430 +00166146 _derivationally_related_form 01807882 +01864634 _derivationally_related_form 00337210 +01990281 _hypernym 01969216 +01946996 _derivationally_related_form 10368920 +01538630 _hypernym 01537134 +10856799 _instance_hypernym 10453533 +02153387 _derivationally_related_form 00635850 +01888784 _derivationally_related_form 07429484 +14910165 _hypernym 14732946 +01502262 _member_meronym 02012306 +00671351 _has_part 00678010 +00794367 _derivationally_related_form 00669970 +00611055 _derivationally_related_form 05761559 +07136940 _derivationally_related_form 01036804 +01791535 _hypernym 01762528 +02428349 _hypernym 02419796 +08211924 _hypernym 08209687 +10926066 _instance_hypernym 09765278 +01301630 _has_part 01298797 +01524885 _member_meronym 01556671 +01085474 _derivationally_related_form 05689249 +01349735 _hypernym 01348530 +00982293 _derivationally_related_form 04986883 +07433145 _derivationally_related_form 02047650 +11086774 _synset_domain_topic_of 08083599 +13161506 _hypernym 13086908 +04576211 _has_part 02889425 +09278537 _hypernym 09258715 +00153061 _hypernym 00151689 +11238511 _instance_hypernym 10453533 +08101937 _derivationally_related_form 02737187 +02316392 _member_meronym 02319967 +00928077 _derivationally_related_form 01639714 +02767922 _hypernym 02767308 +10183556 _derivationally_related_form 01053495 +06783598 _derivationally_related_form 00672433 +09165613 _member_meronym 09697771 +00072261 _derivationally_related_form 00846509 +05672391 _hypernym 05669934 +00548326 _derivationally_related_form 01719302 +01340439 _hypernym 01296462 +00324231 _hypernym 00328128 +00839292 _derivationally_related_form 00090386 +12098827 _hypernym 13118707 +01152670 _derivationally_related_form 06818121 +01674216 _derivationally_related_form 02853740 +09078784 _instance_hypernym 08633957 +10038620 _hypernym 10412910 +05658226 _derivationally_related_form 02194495 +04153751 _derivationally_related_form 01352996 +02385372 _hypernym 02422026 +15126175 _has_part 15126750 +02025530 _member_meronym 02032646 +00626428 _verb_group 00625119 +11456273 _synset_domain_topic_of 06070929 +10667187 _hypernym 10599354 +13213768 _hypernym 13167078 +04110955 _has_part 04111190 +08107499 _member_meronym 01333082 +02446660 _derivationally_related_form 09983572 +04753455 _hypernym 04723816 +01045419 _derivationally_related_form 10147619 +08238463 _hypernym 07975026 +00578508 _verb_group 00970215 +02051694 _derivationally_related_form 10404672 +11308120 _instance_hypernym 10794014 +00904046 _derivationally_related_form 01227691 +02213107 _hypernym 02212602 +00359806 _hypernym 00358431 +02723016 _derivationally_related_form 00554541 +00698572 _hypernym 00708538 +12708293 _hypernym 12707781 +00479887 _hypernym 00479076 +12087650 _member_meronym 12089625 +12792638 _member_meronym 12794568 +00887463 _derivationally_related_form 01041111 +06851742 _member_of_domain_usage 02706373 +08013845 _instance_hypernym 08392137 +11983910 _hypernym 11579418 +01111375 _synset_domain_topic_of 02958343 +05556943 _derivationally_related_form 02733187 +01814815 _derivationally_related_form 14446161 +01873007 _member_meronym 01873144 +05499542 _has_part 05498048 +13028337 _member_meronym 13029946 +01875717 _hypernym 01862557 +13973320 _hypernym 13973059 +03024882 _hypernym 03814906 +00284798 _hypernym 00295701 +09415938 _derivationally_related_form 09448361 +00139729 _derivationally_related_form 07884567 +00395698 _hypernym 00394813 +00968155 _synset_domain_topic_of 08199025 +09819667 _derivationally_related_form 06098195 +06952572 _hypernym 06946823 +01944617 _hypernym 01939598 +00744004 _hypernym 00743822 +02538086 _hypernym 02458103 +13270373 _hypernym 13270038 +01445027 _hypernym 01441510 +02275921 _hypernym 01762525 +01453969 _derivationally_related_form 04467099 +08027314 _synset_domain_topic_of 00759694 +06732581 _hypernym 06732350 +12039743 _member_meronym 12044269 +11887750 _hypernym 11669921 +12518725 _member_meronym 12518879 +02634808 _hypernym 02635956 +10084635 _derivationally_related_form 00800421 +00043195 _derivationally_related_form 00721437 +00847340 _hypernym 00844254 +00105333 _derivationally_related_form 01253060 +10366779 _derivationally_related_form 01015996 +00596692 _derivationally_related_form 09907196 +12624873 _hypernym 11585340 +01612803 _hypernym 01507175 +02607909 _derivationally_related_form 14007546 +03419014 _has_part 03972524 +12842105 _hypernym 11579418 +08818247 _instance_hypernym 08524735 +01769843 _derivationally_related_form 00766418 +00262792 _derivationally_related_form 04857083 +01669527 _member_meronym 01669654 +04010205 _derivationally_related_form 01919226 +02064887 _hypernym 01907258 +11010385 _instance_hypernym 10067011 +01622779 _hypernym 01621127 +08999482 _has_part 09170294 +10660333 _derivationally_related_form 01634424 +05844282 _synset_domain_topic_of 06101551 +00631398 _hypernym 00630380 +02635189 _derivationally_related_form 05780885 +04891184 _hypernym 04891010 +11862598 _member_meronym 11864114 +10438042 _derivationally_related_form 01674717 +06124395 _hypernym 05999797 +01189650 _hypernym 01187810 +01990281 _derivationally_related_form 08660339 +00739662 _derivationally_related_form 08239808 +00084738 _synset_domain_topic_of 00612160 +03787759 _hypernym 02743547 +12093769 _member_meronym 12093885 +15266265 _derivationally_related_form 10467179 +02952975 _derivationally_related_form 09889346 +00755745 _derivationally_related_form 05892651 +01050313 _derivationally_related_form 07082573 +00234217 _hypernym 00233335 +15127729 _instance_hypernym 15247518 +10064046 _hypernym 10287213 +13577934 _has_part 13717155 +01070777 _verb_group 00345761 +04182708 _hypernym 04515129 +02592244 _member_meronym 02592371 +14015596 _hypernym 14010927 +09440400 _has_part 08776687 +00707322 _hypernym 00706975 +07368256 _derivationally_related_form 00363493 +01047338 _hypernym 07357388 +01515811 _hypernym 08103777 +08897065 _has_part 09371360 +08760510 _member_meronym 08765890 +11739809 _member_meronym 11739978 +12302418 _hypernym 11567411 +11911591 _member_meronym 11981314 +08888676 _has_part 08889521 +02071457 _derivationally_related_form 03231912 +08963369 _instance_hypernym 08700255 +05277532 _hypernym 05269901 +10095420 _hypernym 10129825 +01843904 _derivationally_related_form 00879607 +10345100 _derivationally_related_form 01186428 +11016563 _instance_hypernym 10264437 +01430447 _hypernym 01428853 +15047313 _derivationally_related_form 00446514 +11530512 _hypernym 00017222 +10351625 _derivationally_related_form 00616153 +01518047 _hypernym 01617192 +04879658 _hypernym 04879340 +02263038 _member_meronym 02264734 +00966384 _hypernym 00965895 +04059157 _hypernym 03051540 +01655763 _hypernym 01654628 +02497062 _derivationally_related_form 13994456 +04007894 _hypernym 03129123 +01383511 _hypernym 01380638 +10575787 _hypernym 00007846 +10318892 _hypernym 09765278 +00300317 _hypernym 00299580 +11940478 _hypernym 12036368 +05978472 _derivationally_related_form 01527877 +12039743 _member_meronym 12055839 +00519854 _hypernym 00126264 +01754421 _derivationally_related_form 05053215 +02062632 _hypernym 02035919 +08366202 _hypernym 08367100 +12501745 _member_meronym 12529353 +01507175 _hypernym 08108972 +08746475 _instance_hypernym 08633957 +09093608 _has_part 09452017 +02256365 _hypernym 01759182 +04852088 _hypernym 04850589 +06981498 _hypernym 06979014 +07720615 _hypernym 07720442 +12811856 _member_meronym 12812665 +02354287 _hypernym 02327200 +03446528 _has_part 03501152 +01878466 _also_see 02034828 +10070563 _derivationally_related_form 02148788 +00854150 _derivationally_related_form 00512843 +02503313 _member_meronym 02504323 +09109882 _instance_hypernym 08695539 +02449183 _hypernym 02441326 +00120515 _hypernym 00119568 +07963987 _hypernym 07963711 +00753472 _hypernym 00750890 +12713063 _has_part 07749446 +04999401 _hypernym 04997988 +03584829 _derivationally_related_form 01390833 +00846515 _hypernym 00844254 +08273843 _hypernym 07975026 +02001461 _derivationally_related_form 10689104 +00453731 _derivationally_related_form 02420232 +04689450 _hypernym 04688246 +08454003 _synset_domain_topic_of 08441203 +09087599 _has_part 03020927 +07186661 _derivationally_related_form 02384940 +07601809 _hypernym 07597365 +00888786 _derivationally_related_form 09960688 +13531435 _hypernym 13518963 +01941093 _synset_domain_topic_of 02686568 +04052757 _has_part 03108069 +07157273 _member_of_domain_usage 13724838 +07724943 _hypernym 07708798 +00996056 _hypernym 00967780 +12794367 _hypernym 12793015 +09614684 _hypernym 10466918 +01881717 _member_meronym 01881857 +09190918 _derivationally_related_form 14007546 +04309348 _has_part 04309049 +09095751 _has_part 03009477 +12712149 _hypernym 11585340 +07118747 _derivationally_related_form 01054399 +11965378 _member_meronym 11965627 +03526198 _hypernym 03848729 +01916960 _derivationally_related_form 10611361 +11608055 _member_meronym 11609475 +02737187 _derivationally_related_form 08508105 +06943771 _derivationally_related_form 03118790 +02253766 _derivationally_related_form 13300141 +08543081 _hypernym 08523483 +00061598 _derivationally_related_form 01641751 +12122124 _hypernym 11556857 +00968211 _derivationally_related_form 06253518 +12738087 _hypernym 11575425 +02628337 _derivationally_related_form 02584915 +04123567 _derivationally_related_form 02717362 +02430045 _hypernym 02399000 +14285662 _derivationally_related_form 02121511 +00199309 _derivationally_related_form 05849284 +11989636 _member_meronym 11990627 +06195839 _hypernym 06193203 +10669357 _hypernym 09861395 +02290998 _derivationally_related_form 04738641 +08289089 _hypernym 08369406 +03108623 _derivationally_related_form 09726970 +06497459 _hypernym 06488880 +01929467 _derivationally_related_form 10646942 +00265386 _hypernym 00205885 +00879356 _hypernym 00875394 +00129089 _derivationally_related_form 01966861 +03786417 _hypernym 02707683 +12782108 _member_meronym 12783601 +08629199 _hypernym 08673395 +00160688 _derivationally_related_form 01428578 +00948707 _derivationally_related_form 00653388 +12980231 _member_meronym 12980478 +02096756 _hypernym 02092468 +04449796 _hypernym 03828465 +14702416 _hypernym 14580897 +09871095 _derivationally_related_form 01415585 +13461951 _hypernym 13459322 +00194170 _derivationally_related_form 07844042 +01195536 _also_see 02495922 +00773285 _hypernym 00772189 +08245802 _member_meronym 10280364 +00343730 _hypernym 00343249 +13452347 _derivationally_related_form 00093163 +02181013 _member_meronym 02181235 +12790656 _member_meronym 12790835 +06031248 _derivationally_related_form 00713996 +01923058 _synset_domain_topic_of 00523513 +10389398 _hypernym 00007846 +01402169 _member_meronym 01402831 +10292316 _hypernym 10284064 +00282613 _derivationally_related_form 09895222 +02226429 _hypernym 02226183 +03572449 _derivationally_related_form 01682039 +11802076 _hypernym 11567411 +00924777 _hypernym 00871942 +01674850 _member_meronym 01675225 +02303331 _derivationally_related_form 00205891 +05707495 _hypernym 05701944 +02356420 _derivationally_related_form 13480848 +13973059 _synset_domain_topic_of 01124794 +04661926 _hypernym 04661706 +00531490 _derivationally_related_form 00049900 +07364115 _derivationally_related_form 01578254 +01864038 _hypernym 01843055 +01821554 _hypernym 01821203 +08765890 _has_part 08766846 +02822865 _hypernym 04060904 +05498773 _hypernym 05462674 +01792287 _hypernym 01759326 +15071229 _hypernym 15022776 +09626589 _derivationally_related_form 02106506 +09275473 _has_part 08957212 +02341200 _derivationally_related_form 03619396 +14144064 _hypernym 14143415 +12682054 _member_meronym 12682264 +02727039 _verb_group 02685951 +05891232 _synset_domain_topic_of 06101551 +13085113 _derivationally_related_form 00313171 +11741175 _hypernym 13112664 +11268667 _instance_hypernym 09767700 +10707233 _derivationally_related_form 00661091 +11719468 _member_meronym 11726925 +14635722 _hypernym 14625458 +01040390 _synset_domain_topic_of 08086356 +10667041 _hypernym 10412055 +15170504 _hypernym 15113229 +13005568 _member_meronym 13006171 +14654954 _hypernym 14627081 +08492747 _hypernym 08616311 +05516848 _synset_domain_topic_of 06057539 +02213074 _hypernym 02510337 +01169433 _derivationally_related_form 00843325 +05640184 _hypernym 05637558 +00806502 _derivationally_related_form 06687701 +05309591 _hypernym 08660339 +00594477 _derivationally_related_form 10257948 +00177783 _hypernym 01023820 +01635176 _hypernym 01619354 +09972157 _hypernym 09614315 +11911591 _member_meronym 11988774 +12978969 _member_meronym 12979129 +05279688 _has_part 05279953 +01762528 _derivationally_related_form 01260867 +02106006 _derivationally_related_form 02103481 +12694707 _member_meronym 12697883 +03089348 _derivationally_related_form 02844728 +14408951 _hypernym 14408646 +07423899 _derivationally_related_form 00402539 +01088749 _derivationally_related_form 14455206 +11663449 _member_meronym 11663813 +08921850 _has_part 08925830 +01653610 _hypernym 01626134 +01364162 _hypernym 01355326 +00239230 _derivationally_related_form 02425462 +07514345 _derivationally_related_form 01770802 +09881748 _derivationally_related_form 01138204 +03902220 _hypernym 03033986 +07551052 _derivationally_related_form 00859604 +07220773 _hypernym 07217924 +13307784 _hypernym 13306870 +07312221 _synset_domain_topic_of 00017222 +10037385 _derivationally_related_form 01172275 +09400667 _instance_hypernym 09440186 +11544769 _member_meronym 13169219 +10482220 _derivationally_related_form 00976653 +02433205 _hypernym 01864707 +02362601 _derivationally_related_form 04182708 +01961059 _hypernym 01960459 +01482958 _derivationally_related_form 04210390 +02014646 _member_meronym 02014941 +15211806 _has_part 15222369 +09768830 _derivationally_related_form 01165290 +13177354 _member_meronym 13177884 +09987696 _hypernym 09786585 +01651444 _hypernym 01641914 +05639431 _hypernym 05637558 +02128385 _hypernym 02127808 +09442838 _derivationally_related_form 02469274 +00740577 _hypernym 02376958 +13903576 _hypernym 13903079 +01803003 _derivationally_related_form 07518663 +00267349 _derivationally_related_form 02357693 +14070360 _has_part 14301785 +11778534 _member_meronym 11785475 +13272059 _hypernym 13283764 +01274171 _instance_hypernym 00956485 +04993413 _hypernym 04916342 +10185148 _derivationally_related_form 01826723 +08176077 _member_meronym 08978343 +00059019 _derivationally_related_form 15226214 +03129123 _derivationally_related_form 01753788 +08588916 _hypernym 08630039 +02451113 _also_see 01474513 +01996392 _member_meronym 01997002 +02743261 _derivationally_related_form 04726938 +02663657 _member_meronym 02663849 +03391301 _derivationally_related_form 00981276 +09476521 _derivationally_related_form 00290740 +12501745 _member_meronym 12524518 +10622053 _derivationally_related_form 05640184 +02323902 _hypernym 02323449 +02240881 _derivationally_related_form 10575787 +01621994 _member_meronym 01622120 +10348526 _hypernym 09861395 +11525480 _hypernym 11525955 +03161450 _hypernym 03183080 +02333979 _hypernym 02327200 +04539648 _hypernym 03000247 +03717750 _hypernym 03944672 +05814650 _hypernym 05809192 +09370773 _has_part 09232165 +03042984 _hypernym 03829563 +09762385 _derivationally_related_form 00842989 +07073447 _member_of_domain_usage 09636339 +00140967 _derivationally_related_form 07358060 +00012944 _derivationally_related_form 01219306 +00040325 _synset_domain_topic_of 09470550 +05554804 _hypernym 05221895 +13416345 _hypernym 06479665 +00604576 _hypernym 00607114 +00199707 _derivationally_related_form 01667132 +12602850 _member_meronym 12602980 +12914433 _member_meronym 12916025 +05774614 _derivationally_related_form 00944924 +08843215 _has_part 08964099 +03326795 _derivationally_related_form 00565592 +06256697 _derivationally_related_form 00949093 +12804866 _member_meronym 12805373 +01794813 _member_meronym 01797767 +00777439 _hypernym 00776732 +00373544 _derivationally_related_form 00544549 +00900726 _derivationally_related_form 01686956 +02051213 _hypernym 01342529 +08138259 _hypernym 08337324 +02238770 _hypernym 02238085 +00697062 _derivationally_related_form 09822955 +08083599 _has_part 08085648 +00066901 _derivationally_related_form 02523784 +15109745 _hypernym 00020827 +02536864 _hypernym 02534734 +02874876 _derivationally_related_form 06214744 +01806505 _derivationally_related_form 10615179 +01469445 _derivationally_related_form 01053067 +03136051 _hypernym 04161358 +12623818 _hypernym 12623524 +01360330 _member_meronym 01363423 +01073822 _derivationally_related_form 04993413 +01980993 _member_meronym 01981137 +04781755 _hypernym 04780958 +00187526 _derivationally_related_form 00321956 +02001858 _derivationally_related_form 05826914 +12143676 _has_part 11678010 +00966599 _derivationally_related_form 02344568 +13783038 _hypernym 00031921 +07750146 _hypernym 07747055 +02456776 _member_meronym 02457249 +12070177 _hypernym 11556857 +14164190 _hypernym 14465048 +02147109 _hypernym 02144835 +01583993 _derivationally_related_form 02833576 +09201301 _has_part 09294413 +00413876 _derivationally_related_form 08374049 +06200344 _derivationally_related_form 00679389 +05593654 _hypernym 05470189 +00077071 _hypernym 00104868 +11415084 _synset_domain_topic_of 06095022 +04901326 _hypernym 04897762 +01084637 _derivationally_related_form 02294179 +00176327 _synset_domain_topic_of 06063588 +09626238 _derivationally_related_form 02672187 +00800930 _hypernym 00685683 +02700455 _verb_group 02659763 +02047614 _hypernym 02021795 +01591158 _hypernym 01871979 +06717170 _member_of_domain_usage 10203682 +01372556 _also_see 02401809 +00779374 _similar_to 00780575 +04169707 _derivationally_related_form 00189511 +00569556 _hypernym 00126264 +07155661 _derivationally_related_form 00983333 +00880978 _derivationally_related_form 09800631 +00515154 _derivationally_related_form 08065937 +01730679 _member_meronym 01730812 +01501160 _hypernym 01495701 +03899612 _hypernym 03058107 +00229934 _hypernym 00209943 +00869596 _derivationally_related_form 07183151 +00145929 _synset_domain_topic_of 03082979 +00027705 _hypernym 00992041 +02316304 _derivationally_related_form 00213694 +00828779 _derivationally_related_form 04997472 +12914433 _member_meronym 12915230 +05509146 _has_part 05513302 +06693870 _hypernym 06693198 +01009190 _hypernym 01008378 +01588858 _hypernym 01507175 +00767826 _hypernym 00773814 +03132879 _derivationally_related_form 01672753 +00633443 _derivationally_related_form 05952979 +11877646 _hypernym 11877473 +01651370 _member_meronym 01651487 +00080456 _hypernym 00080304 +04068441 _hypernym 03956922 +01012073 _derivationally_related_form 05825245 +00413876 _derivationally_related_form 01051331 +11473954 _hypernym 11421401 +07455984 _hypernym 07447261 +01020934 _hypernym 01020356 +05486510 _has_part 05466005 +12731401 _hypernym 13109733 +01230283 _derivationally_related_form 00270215 +06295235 _member_of_domain_usage 02892948 +05674584 _derivationally_related_form 00407848 +02402409 _derivationally_related_form 10527334 +13580415 _hypernym 13576982 +08306959 _member_meronym 09872557 +02242942 _hypernym 01759182 +05917174 _derivationally_related_form 01846413 +02603540 _derivationally_related_form 05529286 +00900207 _derivationally_related_form 01693453 +02431122 _hypernym 02430045 +01774918 _member_meronym 01775062 +14951229 _hypernym 14877585 +05957238 _hypernym 05956651 +02382087 _derivationally_related_form 00720565 +09086635 _instance_hypernym 08524735 +02165754 _hypernym 02165543 +07150644 _derivationally_related_form 00760956 +00659112 _derivationally_related_form 00339463 +05929008 _hypernym 00548802 +00948206 _derivationally_related_form 01164273 +03794136 _hypernym 04447443 +02273545 _member_meronym 02291024 +01045091 _hypernym 01044448 +07361128 _derivationally_related_form 01989053 +14413993 _derivationally_related_form 01030397 +03272383 _hypernym 03636248 +02951170 _hypernym 04493505 +04831727 _derivationally_related_form 01111016 +10514784 _derivationally_related_form 00474017 +02722997 _hypernym 02722458 +03820728 _synset_domain_topic_of 06099269 +01109687 _derivationally_related_form 02259241 +01837746 _member_meronym 01843238 +03446268 _synset_domain_topic_of 00464894 +06687701 _hypernym 06687358 +07041688 _hypernym 07037465 +04552696 _hypernym 03764276 +00395333 _hypernym 00391599 +09167505 _instance_hypernym 08691669 +00329619 _derivationally_related_form 01541803 +01368597 _hypernym 00126264 +03022406 _hypernym 03570838 +02343595 _hypernym 02316304 +02523521 _derivationally_related_form 00066901 +10870235 _instance_hypernym 10794014 +04172342 _hypernym 04467307 +02205896 _hypernym 01342529 +00120943 _hypernym 00105820 +02354950 _member_meronym 02355711 +01834053 _hypernym 02061495 +10297655 _hypernym 10557854 +13801700 _derivationally_related_form 03094520 +02550698 _derivationally_related_form 10366966 +00634286 _derivationally_related_form 06514621 +12234513 _hypernym 11575425 +12724201 _member_meronym 12724942 +00344421 _derivationally_related_form 02142775 +00065184 _similar_to 00064479 +13205482 _hypernym 13166338 +12597798 _hypernym 12583126 +12656229 _hypernym 12655869 +08173515 _member_meronym 08780881 +02202384 _also_see 02213690 +11455695 _derivationally_related_form 02161922 +14295389 _hypernym 14295248 +01767199 _hypernym 08102555 +07365849 _derivationally_related_form 02559752 +12458383 _hypernym 12425281 +02902816 _hypernym 02896442 +09694109 _hypernym 09686536 +01241331 _derivationally_related_form 00904690 +12874783 _hypernym 12205694 +07053732 _derivationally_related_form 01703857 +04813712 _hypernym 04812268 +01693727 _derivationally_related_form 06780678 +12602850 _hypernym 11567411 +07240278 _hypernym 06599788 +02761012 _hypernym 02760622 +00142665 _derivationally_related_form 00653620 +02731629 _has_part 03868863 +05818741 _derivationally_related_form 02154508 +00706243 _derivationally_related_form 10484526 +08209687 _member_meronym 10448983 +02361981 _hypernym 02327200 +05307091 _hypernym 05282746 +00835506 _derivationally_related_form 04825383 +00425905 _hypernym 00419644 +01517966 _hypernym 01503061 +07377244 _derivationally_related_form 02181973 +14868243 _hypernym 14580897 +01191975 _derivationally_related_form 00971999 +01729133 _hypernym 01657723 +12933827 _member_meronym 12934036 +02504017 _derivationally_related_form 00207622 +10466198 _derivationally_related_form 02219940 +09079153 _has_part 09080554 +10055297 _hypernym 10370381 +02604014 _member_meronym 02604157 +07719437 _derivationally_related_form 00357332 +03471030 _derivationally_related_form 01516290 +01819554 _derivationally_related_form 07254057 +10423589 _hypernym 10557854 +02301502 _derivationally_related_form 01122149 +01048912 _derivationally_related_form 02146790 +05778131 _derivationally_related_form 09817816 +07232655 _hypernym 07232421 +05678932 _hypernym 05669934 +01965747 _hypernym 01938850 +02553028 _hypernym 02642107 +08094866 _hypernym 08094659 +01261490 _derivationally_related_form 01230710 +09663472 _hypernym 09649554 +02578008 _hypernym 02575082 +06786629 _hypernym 06598915 +13065902 _member_meronym 13066129 +00212049 _derivationally_related_form 07642471 +02174662 _derivationally_related_form 07377682 +01643297 _hypernym 01642924 +07667151 _hypernym 07649854 +01573898 _hypernym 01571904 +01254051 _derivationally_related_form 01460029 +10561613 _derivationally_related_form 01193099 +00616153 _derivationally_related_form 00418615 +06713377 _hypernym 06711855 +15173353 _hypernym 15157225 +00123783 _hypernym 00122661 +02860847 _hypernym 04235291 +09827363 _hypernym 10129825 +02530861 _also_see 01074650 +12193964 _member_meronym 12194147 +10672662 _hypernym 10084635 +12745976 _member_meronym 12746106 +02641063 _member_meronym 02641215 +09937056 _hypernym 10665698 +08860123 _member_of_domain_region 02841063 +00678010 _derivationally_related_form 01555742 +11669335 _hypernym 11675842 +13188767 _hypernym 13188096 +12779233 _member_meronym 12780852 +10042845 _hypernym 09606527 +12673755 _member_meronym 12674120 +12900148 _member_meronym 12900783 +13872211 _hypernym 13864965 +06503884 _hypernym 06502378 +10768585 _hypernym 00007846 +00367976 _hypernym 00367768 +14428160 _derivationally_related_form 00658052 +11838741 _hypernym 11573660 +00769092 _hypernym 00766234 +02408281 _derivationally_related_form 10034906 +13291831 _hypernym 13290676 +00005815 _also_see 00006238 +01116585 _derivationally_related_form 09615211 +01011425 _derivationally_related_form 02472495 +03569964 _hypernym 13367070 +05393230 _has_part 05392562 +00900726 _derivationally_related_form 01689379 +13947645 _hypernym 13947415 +00551714 _hypernym 00548326 +07561112 _derivationally_related_form 10012484 +01498713 _derivationally_related_form 02928413 +09207288 _has_part 09019726 +07364434 _derivationally_related_form 01577093 +06266417 _hypernym 06263609 +01454246 _derivationally_related_form 02970408 +10121246 _derivationally_related_form 01571744 +01477538 _hypernym 01476483 +11805837 _member_meronym 11805956 +11867525 _member_meronym 11891838 +00284798 _derivationally_related_form 01882170 +12423565 _member_meronym 12443547 +05434927 _has_part 05442131 +15152817 _derivationally_related_form 01321456 +00463246 _hypernym 00455599 +05920791 _hypernym 05919866 +04999741 _derivationally_related_form 00991838 +10277352 _derivationally_related_form 02640053 +02507968 _also_see 02062670 +09825519 _hypernym 09606527 +02074677 _derivationally_related_form 00173283 +08395465 _synset_domain_topic_of 08199025 +02431785 _hypernym 02430045 +05969194 _hypernym 06167328 +02251743 _also_see 02352019 +00740336 _also_see 00550777 +06153186 _derivationally_related_form 03018498 +13813042 _hypernym 13812607 +10987358 _instance_hypernym 10013927 +02752496 _hypernym 04254777 +00597385 _verb_group 01224744 +01073822 _derivationally_related_form 07813107 +00378042 _derivationally_related_form 02923129 +02374914 _derivationally_related_form 07553301 +01169317 _hypernym 01080366 +13915999 _hypernym 13883885 +00948071 _derivationally_related_form 03117199 +00074624 _derivationally_related_form 00615774 +01183373 _synset_domain_topic_of 08441203 +09014979 _has_part 09236423 +06755568 _derivationally_related_form 01018928 +01452496 _hypernym 01342529 +14444114 _hypernym 14441825 +06285559 _has_part 06314808 +01335804 _derivationally_related_form 02840619 +02730568 _derivationally_related_form 02339413 +02957823 _derivationally_related_form 06960298 +07521039 _derivationally_related_form 01778568 +00470386 _derivationally_related_form 00951781 +14825062 _hypernym 14786479 +02654686 _derivationally_related_form 07996412 +09385137 _derivationally_related_form 01552219 +03887185 _hypernym 03323703 +09144851 _instance_hypernym 08633957 +01319562 _derivationally_related_form 03649909 +03040587 _derivationally_related_form 01532589 +09167767 _has_part 09172111 +08098708 _hypernym 08081668 +02383831 _also_see 00494907 +09063477 _instance_hypernym 08524735 +01054186 _derivationally_related_form 07129202 +14661020 _hypernym 14625458 +01695259 _hypernym 08103777 +00349080 _derivationally_related_form 01546111 +10578021 _hypernym 10533013 +00433778 _derivationally_related_form 07423001 +10744164 _hypernym 09626031 +00279835 _derivationally_related_form 01850315 +12365670 _member_meronym 12366313 +01253778 _hypernym 00545501 +01151097 _hypernym 01150938 +11761007 _hypernym 11585340 +00459498 _derivationally_related_form 10543795 +02241107 _hypernym 02319050 +03216828 _derivationally_related_form 01305731 +10067968 _derivationally_related_form 02131279 +02109678 _also_see 00493460 +00451461 _derivationally_related_form 07942152 +12363988 _hypernym 11565385 +02066510 _derivationally_related_form 07407970 +03214051 _hypernym 03740161 +12501745 _member_meronym 12532720 +02130160 _hypernym 02129289 +12387478 _hypernym 11575425 +00082081 _hypernym 00081836 +01078783 _derivationally_related_form 04838210 +06833544 _hypernym 06828818 +01629589 _also_see 02522864 +00854150 _hypernym 00853633 +14037011 _derivationally_related_form 01772960 +01694178 _hypernym 01693783 +08049989 _member_meronym 08900535 +00061792 _derivationally_related_form 01641751 +06706676 _derivationally_related_form 02547046 +03242713 _derivationally_related_form 01930117 +10273064 _derivationally_related_form 02528380 +01679669 _hypernym 01664172 +09044862 _member_of_domain_region 07634751 +00508952 _has_part 01245813 +12169776 _member_meronym 12172715 +12011620 _hypernym 13112664 +02758960 _derivationally_related_form 00062582 +02616542 _derivationally_related_form 10544232 +00465762 _derivationally_related_form 14291561 +09325530 _instance_hypernym 09386842 +00076563 _derivationally_related_form 00618057 +01589582 _hypernym 01507175 +01931984 _member_meronym 01932151 +02249018 _hypernym 02248808 +08374049 _derivationally_related_form 00413876 +10293172 _hypernym 09821253 +02247511 _hypernym 02246628 +00400101 _similar_to 00394562 +14060929 _synset_domain_topic_of 06047430 +01512259 _hypernym 01511706 +00197744 _derivationally_related_form 11683556 +15213406 _has_part 15201116 +02493666 _hypernym 02480923 +00443984 _synset_domain_topic_of 06090869 +14050871 _hypernym 14049711 +00462092 _derivationally_related_form 04361641 +08805386 _instance_hypernym 08524735 +00787218 _hypernym 00786195 +01140794 _hypernym 01439190 +00928630 _derivationally_related_form 06252954 +05747582 _derivationally_related_form 00696189 +09754217 _derivationally_related_form 02598768 +00909363 _also_see 01149494 +01921964 _derivationally_related_form 09929298 +00609100 _derivationally_related_form 05645199 +07507098 _hypernym 07506569 +02331479 _member_meronym 02334849 +00367976 _derivationally_related_form 01380122 +14166358 _hypernym 14166118 +00704690 _derivationally_related_form 10438172 +07075172 _member_of_domain_usage 00590241 +02601200 _member_meronym 02601589 +06986276 _hypernym 06986558 +00983333 _derivationally_related_form 07155661 +08913434 _has_part 08919475 +00736586 _hypernym 01806505 +02300060 _derivationally_related_form 09853184 +13575433 _hypernym 13446390 +01315613 _derivationally_related_form 00946650 +01166926 _derivationally_related_form 00878348 +06020737 _hypernym 05660268 +00635794 _hypernym 00597385 +01742680 _hypernym 01657723 +01941093 _derivationally_related_form 00815801 +06606191 _derivationally_related_form 00401688 +08970318 _instance_hypernym 08524735 +00159899 _hypernym 00159620 +02686568 _has_part 02932019 +01864865 _derivationally_related_form 07339098 +02617338 _derivationally_related_form 10109662 +05556943 _has_part 05557339 +01042531 _derivationally_related_form 00868523 +03963294 _derivationally_related_form 01738347 +02306087 _hypernym 02281093 +08815858 _member_meronym 09751256 +00483146 _derivationally_related_form 01090446 +07534108 _hypernym 07532440 +00604131 _hypernym 00586262 +04982478 _derivationally_related_form 01815185 +13869327 _hypernym 13867641 +02387486 _derivationally_related_form 10045713 +00269423 _derivationally_related_form 00808767 +09054480 _instance_hypernym 08524735 +02368336 _also_see 02337667 +01273016 _derivationally_related_form 06855207 +05854812 _derivationally_related_form 00829107 +06845599 _member_of_domain_usage 03909835 +04960582 _hypernym 04960277 +09828760 _derivationally_related_form 06061631 +14555962 _hypernym 14552802 +01726960 _member_meronym 01727646 +02483224 _hypernym 01864707 +00661824 _verb_group 00662182 +05738625 _derivationally_related_form 00661824 +06790235 _hypernym 06789411 +09023321 _member_of_domain_region 10142537 +07226151 _synset_domain_topic_of 08199025 +05694232 _hypernym 05693919 +01990800 _has_part 02585446 +11282286 _instance_hypernym 10030277 +01646300 _verb_group 02505358 +01338113 _derivationally_related_form 14627820 +00360650 _derivationally_related_form 04849759 +07121361 _derivationally_related_form 01048718 +00861929 _derivationally_related_form 06691989 +03854065 _hypernym 03614532 +00896688 _synset_domain_topic_of 08199025 +00306102 _hypernym 00042757 +07223450 _derivationally_related_form 01042228 +01127623 _hypernym 01127019 +02053859 _hypernym 01507175 +10695450 _hypernym 09991530 +10404672 _derivationally_related_form 02051694 +11126783 _instance_hypernym 10624540 +05246215 _hypernym 05249636 +10900730 _instance_hypernym 10794014 +00362467 _derivationally_related_form 04630689 +07185325 _derivationally_related_form 01069809 +06559365 _derivationally_related_form 01016316 +03069567 _hypernym 03149951 +06634239 _hypernym 06628861 +09050730 _instance_hypernym 08574314 +00841580 _hypernym 00826509 +00712135 _derivationally_related_form 00301187 +02270404 _derivationally_related_form 10330189 +01843805 _member_meronym 01843932 +07900406 _hypernym 07891726 +00147187 _hypernym 00145218 +05799581 _hypernym 05799212 +12258380 _hypernym 11565385 +13306870 _derivationally_related_form 02320374 +00981083 _hypernym 00980453 +02355711 _member_meronym 02355227 +04215402 _hypernym 04544979 +01130169 _derivationally_related_form 09614684 +00691516 _hypernym 00690614 +02287004 _hypernym 02283201 +06196071 _hypernym 06193203 +02466132 _hypernym 05559908 +00169298 _hypernym 00310386 +00458471 _derivationally_related_form 13559409 +07302267 _derivationally_related_form 02011865 +02713852 _derivationally_related_form 11498203 +14789885 _derivationally_related_form 01603732 +02590237 _member_meronym 02591493 +01476180 _derivationally_related_form 14042423 +09083390 _instance_hypernym 08633957 +02957586 _hypernym 03936568 +01801371 _member_meronym 01801479 +07968702 _hypernym 07950920 +09165294 _instance_hypernym 08633957 +11161412 _instance_hypernym 09681973 +03864356 _hypernym 04008947 +01909111 _member_meronym 01910252 +07336214 _hypernym 07335716 +02145767 _hypernym 01864707 +00035189 _derivationally_related_form 01640855 +10161047 _derivationally_related_form 03496296 +06577585 _hypernym 06568978 +02869097 _derivationally_related_form 05721990 +13814041 _derivationally_related_form 10332385 +01693727 _derivationally_related_form 09898346 +12767648 _hypernym 13100156 +02717362 _derivationally_related_form 04123567 +14466432 _hypernym 14465048 +00177186 _also_see 00995119 +01071090 _hypernym 01141841 +00957176 _derivationally_related_form 04854389 +10713923 _derivationally_related_form 04442831 +09887034 _derivationally_related_form 00712135 +01688271 _also_see 00605516 +08479615 _synset_domain_topic_of 08199025 +02242049 _synset_domain_topic_of 00766234 +01746063 _member_meronym 01746191 +02449847 _derivationally_related_form 05176188 +04033287 _synset_domain_topic_of 00503237 +07445896 _derivationally_related_form 02082690 +09206985 _hypernym 09437454 +00532892 _derivationally_related_form 00588221 +02877704 _derivationally_related_form 05479314 +07094093 _hypernym 07093895 +00531490 _derivationally_related_form 00177243 +10483530 _derivationally_related_form 00918312 +00454624 _hypernym 00453935 +05249636 _derivationally_related_form 02744651 +11224877 _derivationally_related_form 00364629 +00363493 _derivationally_related_form 14010636 +13971065 _hypernym 13969243 +10138242 _hypernym 10138767 +13501941 _derivationally_related_form 01506812 +01085937 _derivationally_related_form 02099019 +00981083 _derivationally_related_form 05846932 +00864680 _hypernym 00864226 +09454412 _derivationally_related_form 01462928 +01744657 _member_meronym 01746818 +07006712 _hypernym 07006119 +08087570 _hypernym 08082602 +01996735 _derivationally_related_form 00290579 +01719921 _derivationally_related_form 00552097 +01320513 _derivationally_related_form 04186848 +02458747 _derivationally_related_form 10623354 +11869689 _hypernym 11869351 +00085046 _synset_domain_topic_of 00612160 +05669934 _hypernym 14373582 +10615179 _hypernym 10195593 +04554684 _hypernym 04580493 +06851742 _member_of_domain_usage 03268142 +13453861 _hypernym 13446390 +00121865 _derivationally_related_form 09792555 +02680814 _derivationally_related_form 01022483 +02513460 _derivationally_related_form 14413644 +00760956 _derivationally_related_form 09803429 +00552097 _hypernym 00548326 +01261490 _hypernym 00242808 +08849753 _has_part 09421191 +08227214 _derivationally_related_form 02386012 +00648931 _derivationally_related_form 00643473 +01748273 _hypernym 01747945 +00568430 _hypernym 00566135 +02863247 _derivationally_related_form 05784560 +05302499 _has_part 05301072 +00616857 _derivationally_related_form 00754873 +00353469 _derivationally_related_form 01574923 +01959668 _hypernym 01938850 +05564590 _has_part 05344514 +11415084 _derivationally_related_form 02662297 +00819274 _derivationally_related_form 02280132 +10839617 _instance_hypernym 10794014 +08374049 _derivationally_related_form 00414174 +06193727 _hypernym 06193203 +07060440 _hypernym 07060167 +09883452 _hypernym 00007846 +00622384 _derivationally_related_form 03803911 +12835331 _hypernym 12205694 +09669125 _hypernym 09649554 +08389572 _hypernym 08389297 +10818088 _instance_hypernym 10547145 +01681812 _hypernym 01657723 +02142993 _hypernym 01864707 +01408929 _derivationally_related_form 02489589 +01035199 _derivationally_related_form 09879297 +00582868 _hypernym 00407535 +14191037 _hypernym 14061805 +12260208 _member_meronym 12265266 +08686821 _instance_hypernym 08685677 +00862683 _derivationally_related_form 06711159 +03108069 _synset_domain_topic_of 06128570 +01604586 _hypernym 01340439 +09758885 _hypernym 09770949 +13965274 _hypernym 13963970 +10506762 _derivationally_related_form 00660102 +10132988 _derivationally_related_form 00009978 +02275365 _verb_group 00758333 +01964367 _derivationally_related_form 07090721 +07201365 _hypernym 07160883 +01983264 _derivationally_related_form 10532576 +01537360 _hypernym 01507175 +02984104 _derivationally_related_form 10467395 +00006238 _derivationally_related_form 00118552 +08139795 _has_part 08143321 +02441022 _derivationally_related_form 10525134 +03561657 _derivationally_related_form 02689146 +01057759 _derivationally_related_form 01204191 +02405577 _hypernym 02402425 +11911591 _member_meronym 12025849 +02112546 _derivationally_related_form 00662972 +00951433 _derivationally_related_form 01161695 +08714966 _instance_hypernym 08633957 +12586298 _hypernym 12582231 +09861946 _derivationally_related_form 01944692 +12351600 _hypernym 12205694 +15295416 _derivationally_related_form 02586619 +09963773 _hypernym 09974648 +01019643 _hypernym 01011031 +04361095 _hypernym 04341686 +04194289 _has_part 03512911 +05891783 _derivationally_related_form 00633443 +00161044 _derivationally_related_form 00781652 +11766189 _has_part 11766432 +06178042 _derivationally_related_form 02949931 +06964247 _hypernym 06963951 +08385009 _derivationally_related_form 02485844 +04050600 _hypernym 03243218 +07542675 _derivationally_related_form 01819387 +14959234 _hypernym 14866889 +02566227 _derivationally_related_form 09879744 +02742842 _verb_group 01535246 +12423565 _member_meronym 12455787 +00596592 _hypernym 00586262 +01007053 _hypernym 01006675 +02638444 _hypernym 02637938 +02653159 _derivationally_related_form 02944826 +02653996 _derivationally_related_form 02944826 +13134947 _derivationally_related_form 00056188 +04799881 _derivationally_related_form 01037148 +07366971 _hypernym 07366289 +00786195 _derivationally_related_form 02531199 +02409148 _derivationally_related_form 00948206 +00851239 _derivationally_related_form 10209246 +08890097 _member_of_domain_region 09280380 +07229530 _hypernym 07160883 +01799086 _member_meronym 01800286 +06005518 _synset_domain_topic_of 06000644 +07351909 _derivationally_related_form 01868370 +00905677 _synset_domain_topic_of 08441203 +10740017 _hypernym 09824609 +00350030 _hypernym 00349886 +01730799 _derivationally_related_form 07050177 +02575766 _hypernym 01429349 +05186306 _derivationally_related_form 10672908 +06046692 _derivationally_related_form 09831411 +01731031 _hypernym 01729431 +09716047 _hypernym 09686536 +10296176 _derivationally_related_form 00595032 +09130076 _has_part 09473808 +03009633 _hypernym 00002684 +13179410 _member_meronym 13179648 +12904314 _hypernym 12205694 +02559180 _similar_to 02559862 +02563497 _member_meronym 02563949 +00394813 _derivationally_related_form 00380568 +01369758 _derivationally_related_form 00376400 +08968879 _has_part 08969123 +00690614 _derivationally_related_form 06208751 +04259771 _hypernym 03813176 +00841091 _derivationally_related_form 01608508 +02689730 _hypernym 02687916 +09772606 _hypernym 09609871 +09929577 _synset_domain_topic_of 06043075 +02509287 _derivationally_related_form 00808182 +06838652 _hypernym 06828818 +07154330 _derivationally_related_form 03004358 +04555897 _has_part 03142679 +01548290 _hypernym 01340439 +00888786 _derivationally_related_form 06520944 +07393161 _derivationally_related_form 02173336 +02883344 _derivationally_related_form 01485158 +02268351 _verb_group 02266148 +01331689 _hypernym 01329239 +12077732 _member_meronym 12078172 +06742932 _derivationally_related_form 00828374 +01039330 _derivationally_related_form 10597505 +08763193 _instance_hypernym 08544813 +02674564 _hypernym 02133435 +10634316 _derivationally_related_form 00927049 +00610010 _derivationally_related_form 02005756 +13884511 _hypernym 13883885 +04486445 _hypernym 00002684 +07682316 _hypernym 07679356 +05841151 _synset_domain_topic_of 06123363 +06880664 _derivationally_related_form 00624263 +03177165 _derivationally_related_form 00037514 +00869931 _derivationally_related_form 03337140 +02353529 _member_meronym 02353861 +05554405 _has_part 05554804 +14164866 _hypernym 14195315 +00913065 _derivationally_related_form 07123012 +08723006 _member_of_domain_region 08727606 +02534559 _hypernym 01428580 +13370448 _derivationally_related_form 01776214 +05750163 _derivationally_related_form 01687569 +00844254 _derivationally_related_form 02135389 +00733483 _derivationally_related_form 02571251 +02631594 _derivationally_related_form 03771443 +00223983 _derivationally_related_form 00479176 +08997310 _instance_hypernym 09316454 +01930874 _verb_group 01930482 +01258852 _derivationally_related_form 00799798 +00237078 _derivationally_related_form 00404642 +13468306 _derivationally_related_form 00475183 +03908204 _has_part 13902482 +03374473 _has_part 04412097 +00286798 _derivationally_related_form 14793533 +10004804 _hypernym 09627906 +08860123 _member_of_domain_region 08482577 +05784699 _hypernym 05770926 +10712229 _hypernym 09632274 +11911591 _member_meronym 11919026 +08860123 _member_of_domain_region 07847453 +09031653 _has_part 09186064 +00344699 _derivationally_related_form 02182851 +07315631 _hypernym 07314838 +01175467 _derivationally_related_form 07884413 +01740969 _derivationally_related_form 03417345 +02134589 _member_meronym 02138042 +00240571 _derivationally_related_form 07313004 +10115082 _derivationally_related_form 02075049 +00340704 _hypernym 00339934 +14633957 _hypernym 14625458 +02717701 _hypernym 02717472 +07397955 _hypernym 07397761 +00536304 _derivationally_related_form 11515051 +11704401 _hypernym 11571907 +01615825 _member_meronym 01615949 +10094584 _hypernym 09943541 +00368302 _derivationally_related_form 00270005 +02456275 _hypernym 02454379 +02851550 _derivationally_related_form 03931044 +08394922 _has_part 08396990 +02239528 _hypernym 02236896 +07105475 _member_of_domain_usage 00064151 +08356573 _hypernym 08337324 +00976270 _hypernym 00556313 +08969291 _has_part 09210346 +01455866 _derivationally_related_form 10166762 +06694796 _hypernym 06694540 +02131942 _hypernym 01864707 +13582013 _derivationally_related_form 00948071 +04642258 _derivationally_related_form 00202934 +03510987 _hypernym 03257586 +04019696 _hypernym 03183080 +10773527 _derivationally_related_form 02574072 +01621635 _derivationally_related_form 01621127 +11979715 _hypernym 11978233 +01266895 _derivationally_related_form 10118382 +10927424 _instance_hypernym 10049017 +07252378 _derivationally_related_form 02554647 +00007328 _hypernym 00001740 +11503644 _hypernym 11480698 +12306519 _member_meronym 12306717 +12436677 _hypernym 13084184 +11498040 _hypernym 11458624 +11974126 _hypernym 13118707 +11822167 _member_meronym 11822300 +02723016 _derivationally_related_form 07516997 +02330830 _hypernym 01862557 +09171674 _instance_hypernym 08505573 +12100538 _member_meronym 12125782 +00577068 _derivationally_related_form 03103198 +12325497 _hypernym 11562747 +00356367 _derivationally_related_form 01158572 +02396716 _derivationally_related_form 00164152 +02867715 _synset_domain_topic_of 08199025 +03030919 _derivationally_related_form 10940669 +03828155 _hypernym 04085365 +00180413 _hypernym 01215392 +01016002 _derivationally_related_form 14485526 +01955463 _member_meronym 01956924 +10415037 _hypernym 10340312 +01387786 _derivationally_related_form 07313241 +09288635 _hypernym 09443453 +00424691 _derivationally_related_form 06682494 +02400760 _derivationally_related_form 00181781 +01412912 _hypernym 01101913 +15224692 _hypernym 15224486 +02461063 _derivationally_related_form 03599761 +01857171 _member_meronym 01857632 +12792041 _member_meronym 12803517 +02231661 _derivationally_related_form 07360647 +01157517 _derivationally_related_form 01867502 +04394630 _derivationally_related_form 01603418 +00432683 _hypernym 00431826 +00659048 _hypernym 00658082 +01557517 _hypernym 01556921 +00197610 _hypernym 00197772 +13771828 _derivationally_related_form 13901585 +01194483 _derivationally_related_form 04662951 +08856630 _instance_hypernym 08524735 +05604950 _hypernym 05225602 +11835806 _hypernym 11565040 +00063095 _verb_group 00060185 +02704153 _hypernym 04320126 +15213406 _has_part 15200896 +01566916 _hypernym 01850315 +01573891 _hypernym 01573515 +01142519 _derivationally_related_form 01435380 +05392348 _hypernym 05516848 +00933239 _hypernym 00941990 +01594157 _hypernym 01504437 +02898711 _derivationally_related_form 01915131 +01044114 _hypernym 00941990 +12590117 _hypernym 11556857 +00430625 _hypernym 00429060 +04848262 _derivationally_related_form 01811441 +01236173 _hypernym 00958896 +01979241 _hypernym 01979901 +05685879 _derivationally_related_form 00402831 +08811215 _has_part 08810051 +10175725 _derivationally_related_form 01471825 +00647542 _derivationally_related_form 06710546 +07369604 _derivationally_related_form 02702830 +09044862 _member_of_domain_region 06907728 +02872333 _hypernym 04099175 +01940403 _derivationally_related_form 02190166 +03169390 _derivationally_related_form 01675963 +01778990 _derivationally_related_form 09847727 +00014742 _also_see 01177314 +12694707 _member_meronym 12696322 +08509786 _hypernym 08630039 +10339966 _derivationally_related_form 05718935 +02758977 _hypernym 02756821 +01201422 _derivationally_related_form 10182913 +09064264 _instance_hypernym 08633957 +10060352 _hypernym 09882716 +03358726 _hypernym 02942699 +07377682 _derivationally_related_form 01046059 +10513509 _hypernym 10317500 +02194286 _derivationally_related_form 00882702 +09408540 _instance_hypernym 09411430 +00385385 _hypernym 00126264 +01023259 _hypernym 00958334 +03405725 _hypernym 03405265 +13556509 _derivationally_related_form 00441212 +00282790 _hypernym 00253761 +05055503 _hypernym 05055278 +01547832 _hypernym 01546921 +11785475 _hypernym 11556857 +03520811 _derivationally_related_form 01763813 +02543181 _derivationally_related_form 01613463 +02245993 _derivationally_related_form 10721470 +00730301 _hypernym 00235368 +10293332 _hypernym 10412055 +01592669 _hypernym 01456771 +12789767 _hypernym 11585340 +02497141 _also_see 00835609 +10564098 _hypernym 09765278 +09082540 _has_part 09083659 +12714550 _member_meronym 12714755 +08910668 _has_part 08912559 +09170996 _instance_hypernym 08505573 +08564307 _has_part 09082540 +09207288 _has_part 09022265 +06385434 _synset_domain_topic_of 08083599 +01871680 _derivationally_related_form 00113726 +01974062 _derivationally_related_form 07348399 +08860123 _member_of_domain_region 07556872 +01356750 _derivationally_related_form 04689198 +00227165 _derivationally_related_form 06321054 +13916721 _derivationally_related_form 01256867 +07445896 _derivationally_related_form 00969873 +00965895 _derivationally_related_form 01565472 +09321694 _instance_hypernym 09399592 +01105186 _hypernym 01105639 +05612809 _derivationally_related_form 00423702 +12198140 _hypernym 11575425 +02241621 _hypernym 02206619 +08860123 _member_of_domain_region 10216403 +02622033 _hypernym 01354673 +02251743 _derivationally_related_form 13279262 +12164215 _hypernym 11567411 +02057478 _member_meronym 02058933 +13509528 _synset_domain_topic_of 06079620 +03788195 _hypernym 03953416 +05795460 _derivationally_related_form 02498320 +12933403 _has_part 07828156 +00603298 _verb_group 02387034 +04882622 _hypernym 04881829 +09578465 _synset_domain_topic_of 15253139 +12863026 _member_meronym 12863234 +12341126 _member_meronym 12344283 +03795976 _hypernym 04009552 +10661563 _derivationally_related_form 05905348 +12832315 _hypernym 13083023 +02248808 _hypernym 02247977 +14624369 _hypernym 14622893 +01240514 _derivationally_related_form 00841091 +02566227 _derivationally_related_form 09930876 +12917338 _member_meronym 12920204 +03088164 _hypernym 03096593 +07972888 _hypernym 08378819 +12906334 _member_meronym 12906498 +02137907 _derivationally_related_form 03313602 +00499066 _hypernym 00455599 +01292169 _derivationally_related_form 05249420 +08929922 _has_part 08937995 +01576165 _derivationally_related_form 08616050 +02120692 _member_meronym 02127808 +13192025 _member_meronym 13194328 +10341955 _hypernym 00007846 +02761392 _hypernym 03738472 +01397497 _hypernym 01397114 +12939664 _hypernym 11585340 +10634990 _derivationally_related_form 00777522 +02507337 _member_meronym 02509071 +12551669 _hypernym 14896714 +11875100 _member_meronym 11878101 +12008017 _member_meronym 12008252 +00800930 _derivationally_related_form 05706629 +07545303 _hypernym 07544647 +00456596 _hypernym 00150287 +00319534 _derivationally_related_form 05497741 +00186616 _also_see 00091311 +00759551 _derivationally_related_form 01765392 +05635624 _derivationally_related_form 00220869 +02418686 _derivationally_related_form 00041188 +13343526 _derivationally_related_form 01155687 +15005716 _hypernym 14786479 +12351975 _member_meronym 12352150 +03757138 _hypernym 04048568 +05315095 _hypernym 05327134 +09977326 _hypernym 09820263 +00666510 _derivationally_related_form 06650431 +04232153 _hypernym 02954340 +00145024 _hypernym 00046522 +13477934 _derivationally_related_form 00006238 +09895222 _derivationally_related_form 00282613 +14461231 _hypernym 14460974 +02288295 _derivationally_related_form 09762821 +10070942 _derivationally_related_form 02138611 +11987956 _hypernym 11579418 +09902954 _derivationally_related_form 02490877 +01336635 _verb_group 01332730 +01988325 _hypernym 01494310 +00518653 _derivationally_related_form 03803911 +12053138 _hypernym 11556857 +09230041 _hypernym 09304750 +12142450 _hypernym 12142085 +10007109 _derivationally_related_form 00614057 +09322454 _instance_hypernym 09450866 +02440705 _member_meronym 02449060 +09023321 _has_part 09024467 +02144442 _member_meronym 02144792 +12110630 _member_meronym 12110778 +00075618 _hypernym 00070965 +08805122 _has_part 08805565 +01140654 _synset_domain_topic_of 00471613 +13356569 _synset_domain_topic_of 01094725 +01613239 _derivationally_related_form 01052853 +08524021 _hypernym 08523483 +00263813 _derivationally_related_form 01582645 +08756884 _derivationally_related_form 03058754 +08567600 _instance_hypernym 08574314 +05844105 _derivationally_related_form 10155849 +05773776 _hypernym 05773049 +12970872 _member_meronym 12971157 +06053439 _derivationally_related_form 10369699 +00044797 _hypernym 00046534 +11497888 _hypernym 11465017 +05600637 _has_part 05311054 +06412771 _hypernym 06410904 +01313093 _member_meronym 01759182 +04986883 _derivationally_related_form 01050313 +04631700 _derivationally_related_form 00028362 +13501059 _synset_domain_topic_of 06055946 +13179972 _member_meronym 13180304 +05684003 _derivationally_related_form 02159741 +07274425 _derivationally_related_form 02062632 +11856981 _hypernym 11565040 +03695122 _has_part 03843555 +00867357 _derivationally_related_form 01910373 +03913343 _hypernym 04494204 +01466978 _hypernym 01205696 +00861725 _derivationally_related_form 06691684 +00827638 _hypernym 00817680 +05216365 _has_part 05509889 +00555447 _hypernym 00126264 +04432662 _hypernym 03309808 +02095311 _derivationally_related_form 04777098 +11867525 _member_meronym 11874300 +14688234 _hypernym 14662574 +13001743 _member_meronym 13001930 +12570126 _member_meronym 12570394 +12260208 _hypernym 11564734 +00550341 _hypernym 00548326 +01696648 _derivationally_related_form 09938672 +00381680 _hypernym 00378985 +12501537 _hypernym 11566682 +02281485 _derivationally_related_form 07556637 +14397040 _hypernym 14396890 +02074677 _hypernym 02075462 +09164561 _has_part 09164903 +01561143 _hypernym 01236164 +00562523 _derivationally_related_form 13498828 +05678932 _derivationally_related_form 00571643 +09118817 _instance_hypernym 02947212 +01752884 _derivationally_related_form 11415842 +04007239 _hypernym 03713736 +14310292 _hypernym 13962498 +08280124 _derivationally_related_form 09759069 +02273293 _derivationally_related_form 06554981 +11983375 _hypernym 11672400 +01606177 _hypernym 01605630 +07216083 _derivationally_related_form 00819508 +10368920 _hypernym 09861946 +01558681 _derivationally_related_form 13908201 +10756433 _hypernym 09621545 +08286163 _hypernym 07965085 +00210518 _hypernym 00211110 +08924023 _instance_hypernym 08633957 +07127911 _derivationally_related_form 01054553 +03420440 _derivationally_related_form 01679433 +03600285 _hypernym 04489008 +08046032 _instance_hypernym 08392137 +01057200 _derivationally_related_form 01182709 +00443670 _hypernym 00445169 +09989502 _hypernym 10415638 +07194950 _synset_domain_topic_of 08441203 +11662764 _hypernym 11554175 +03656484 _hypernym 03851341 +08999482 _member_meronym 09693372 +07503430 _hypernym 07503260 +14151139 _hypernym 14070360 +02288473 _hypernym 01759182 +02265717 _member_meronym 02265860 +02394445 _derivationally_related_form 10005548 +00076072 _hypernym 00074790 +08049401 _hypernym 08008335 +11178161 _instance_hypernym 10566072 +06644393 _hypernym 06424275 +05311054 _has_part 05372428 +00234725 _hypernym 00233335 +00995838 _derivationally_related_form 10513120 +13369857 _hypernym 13370014 +00210518 _derivationally_related_form 02609764 +01262470 _hypernym 01264283 +05529729 _has_part 05301526 +01185981 _derivationally_related_form 08253640 +00205543 _hypernym 00205079 +14936010 _hypernym 14935555 +00328502 _hypernym 00279835 +14753808 _hypernym 02721538 +07811416 _hypernym 07809368 +08027920 _instance_hypernym 08392137 +01407798 _hypernym 01397114 +00510364 _derivationally_related_form 00263947 +12580457 _hypernym 13100677 +01292885 _derivationally_related_form 07988857 +12691189 _hypernym 11585340 +03542333 _has_part 03542860 +00309647 _hypernym 00306426 +09644152 _derivationally_related_form 03087088 +12838027 _member_meronym 12848870 +00702418 _hypernym 00700979 +05771836 _hypernym 05770926 +00588221 _derivationally_related_form 05806623 +14324274 _derivationally_related_form 01802689 +00981276 _derivationally_related_form 00931608 +02123424 _derivationally_related_form 05725269 +02007721 _member_meronym 02010881 +05683582 _derivationally_related_form 01684133 +00786816 _derivationally_related_form 10703692 +02291024 _hypernym 01759182 +06845599 _member_of_domain_usage 04416530 +08941208 _instance_hypernym 08939562 +08177030 _member_meronym 08907606 +12600888 _member_meronym 12601805 +00771632 _derivationally_related_form 09623038 +02577391 _hypernym 02576921 +00067707 _derivationally_related_form 02528985 +00190999 _derivationally_related_form 14841267 +13549672 _derivationally_related_form 00069295 +01021128 _derivationally_related_form 07308889 +13515958 _hypernym 13473097 +00109081 _hypernym 00108181 +09536789 _hypernym 09536363 +01084932 _hypernym 01083645 +08481832 _synset_domain_topic_of 08199025 +01551871 _verb_group 01684337 +10305635 _hypernym 10305802 +05456732 _hypernym 00006484 +03744840 _hypernym 03183080 +01083504 _derivationally_related_form 00081072 +02759614 _derivationally_related_form 03666591 +12792041 _member_meronym 12796192 +14624369 _hypernym 14877585 +09050244 _member_meronym 09148970 +10019406 _hypernym 10683349 +04371563 _hypernym 03419014 +14157163 _hypernym 14157527 +01635432 _derivationally_related_form 05928118 +05064037 _hypernym 05062748 +13491464 _hypernym 13532886 +01194777 _hypernym 01185981 +00682436 _derivationally_related_form 01158690 +03273551 _synset_domain_topic_of 07020895 +06295235 _member_of_domain_usage 09212572 +01983277 _hypernym 01762525 +00896832 _hypernym 00894552 +01669883 _hypernym 01656813 +02246686 _verb_group 02246456 +12858019 _member_meronym 12858150 +13968547 _hypernym 00024720 +02736778 _derivationally_related_form 03173524 +07171940 _hypernym 07170753 +00834135 _derivationally_related_form 00005526 +00739270 _derivationally_related_form 00311663 +05793554 _hypernym 05892096 +01483188 _member_meronym 01484717 +00859604 _derivationally_related_form 01073241 +05365633 _hypernym 05475134 +02165877 _hypernym 02165456 +00885925 _derivationally_related_form 01210816 +01543731 _derivationally_related_form 03914919 +13857486 _hypernym 13854649 +07334490 _derivationally_related_form 00471196 +02528949 _member_meronym 02529111 +01594362 _derivationally_related_form 04300080 +01185981 _hypernym 01187810 +14386697 _hypernym 14083790 +05514410 _has_part 05521111 +00375071 _derivationally_related_form 00244625 +00031820 _also_see 00802136 +02728142 _derivationally_related_form 06536389 +09730204 _hypernym 09686536 +08708609 _instance_hypernym 08633957 +09141526 _has_part 09144851 +03179701 _has_part 03233905 +02511551 _derivationally_related_form 00806902 +08168978 _has_part 08167365 +03132261 _hypernym 04285146 +10330189 _derivationally_related_form 02270404 +09821831 _hypernym 09815790 +01744111 _derivationally_related_form 05710210 +05893916 _hypernym 05893653 +02011685 _hypernym 00010435 +12936469 _has_part 07817465 +12736840 _hypernym 11575425 +01003570 _derivationally_related_form 00489837 +02677567 _hypernym 02449847 +00952182 _derivationally_related_form 07110615 +01212225 _hypernym 01211888 +10671042 _derivationally_related_form 02258617 +12834408 _member_meronym 12835578 +09803429 _hypernym 10066732 +00980908 _derivationally_related_form 06790042 +10332385 _hypernym 10399491 +07183151 _derivationally_related_form 00773432 +08860123 _member_of_domain_region 06529879 +03455488 _hypernym 04326084 +01280488 _derivationally_related_form 14035909 +12332718 _hypernym 11567411 +02915055 _derivationally_related_form 05329735 +02685390 _derivationally_related_form 05127959 +02604157 _hypernym 02554730 +15291199 _derivationally_related_form 00485609 +00251013 _derivationally_related_form 00180837 +13467700 _hypernym 13446390 +01883212 _hypernym 01862557 +01774595 _hypernym 01759182 +02166567 _hypernym 02165456 +02011156 _member_meronym 02011281 +01941670 _member_meronym 01954202 +08860123 _member_of_domain_region 07897200 +04034262 _hypernym 02822220 +00261533 _hypernym 00260648 +03899328 _hypernym 04564698 +10548537 _hypernym 10548681 +07540866 _derivationally_related_form 02558172 +01127019 _hypernym 01123598 +11447851 _hypernym 11458624 +12811294 _hypernym 11744859 +01456463 _derivationally_related_form 00359614 +04417809 _has_part 04302334 +02473688 _hypernym 02473431 +11867070 _hypernym 11575425 +10307234 _hypernym 09816771 +12736603 _has_part 07769465 +01740283 _hypernym 01656813 +14444326 _synset_domain_topic_of 06149484 +02007721 _member_meronym 02011668 +00697589 _derivationally_related_form 05838176 +02400139 _member_meronym 02418064 +07450055 _hypernym 07449862 +00072989 _derivationally_related_form 00865600 +00610374 _hypernym 00607780 +02331479 _member_meronym 02332315 +02245592 _member_meronym 02256010 +01642924 _hypernym 01645601 +12685679 _member_meronym 12685831 +14925198 _hypernym 00020090 +11735822 _hypernym 11571907 +05633385 _derivationally_related_form 01638368 +13244109 _hypernym 00032613 +05494933 _has_part 05495571 +00724832 _hypernym 00725274 +08892971 _instance_hypernym 08524735 +05105009 _hypernym 05104548 +11544769 _member_meronym 13215936 +07351612 _hypernym 07309781 +10207831 _hypernym 10630188 +00939818 _derivationally_related_form 01707737 +09031061 _instance_hypernym 08633957 +02525312 _derivationally_related_form 00189565 +12327209 _member_meronym 12327718 +06121554 _hypernym 06115701 +02450992 _hypernym 01864707 +13763384 _hypernym 13760316 +12740514 _hypernym 11562747 +00321936 _synset_domain_topic_of 00243918 +09212935 _instance_hypernym 09328904 +02550868 _derivationally_related_form 00096343 +00394563 _derivationally_related_form 13845838 +07736692 _hypernym 07709333 +12199030 _member_meronym 12199266 +01286038 _synset_domain_topic_of 03624966 +00645415 _derivationally_related_form 06066555 +02521916 _member_meronym 02525012 +00099517 _hypernym 00076114 +06857591 _hypernym 07028373 +00012434 _derivationally_related_form 10274318 +01769930 _hypernym 01762525 +11973888 _member_meronym 11974888 +07232421 _derivationally_related_form 00939277 +09545000 _hypernym 09484664 +00006484 _has_part 05434927 +10326087 _hypernym 09624559 +03579982 _has_part 03288225 +02752496 _derivationally_related_form 11081828 +09872782 _derivationally_related_form 02669806 +01341876 _member_meronym 01388992 +02149302 _derivationally_related_form 06709692 +08564307 _has_part 09157163 +12915230 _hypernym 11579418 +09943541 _hypernym 09942970 +01931277 _hypernym 01921559 +00340662 _hypernym 00340463 +00752431 _derivationally_related_form 00854420 +00009631 _verb_group 01891817 +08233056 _derivationally_related_form 02435867 +01158181 _derivationally_related_form 10479561 +00005041 _derivationally_related_form 00836788 +04262678 _hypernym 04063868 +01290435 _instance_hypernym 00968155 +13774404 _hypernym 13757724 +15162210 _has_part 15161631 +02293732 _hypernym 02293321 +03065063 _hypernym 04048568 +00963452 _derivationally_related_form 04838210 +15192890 _hypernym 15185007 +08019523 _synset_domain_topic_of 00759694 +00960851 _hypernym 00954311 +00073828 _derivationally_related_form 00617748 +00009147 _hypernym 01513430 +02234087 _derivationally_related_form 00164579 +01211699 _derivationally_related_form 10291110 +11969410 _hypernym 11579418 +00500834 _derivationally_related_form 03284482 +01846320 _derivationally_related_form 00312932 +05216365 _synset_domain_topic_of 00015388 +11667112 _member_meronym 11692952 +01639714 _derivationally_related_form 05633385 +06206800 _derivationally_related_form 02457233 +01360571 _derivationally_related_form 04338359 +10689564 _derivationally_related_form 04160372 +10415638 _derivationally_related_form 06157326 +00908351 _hypernym 01818235 +01502262 _member_meronym 01518347 +04677716 _derivationally_related_form 02697725 +03283519 _derivationally_related_form 02195191 +10648696 _derivationally_related_form 01720980 +00998604 _hypernym 00996969 +02079170 _member_meronym 02080586 +07132415 _hypernym 07131854 +11867525 _derivationally_related_form 02937720 +00689205 _hypernym 00636574 +01564144 _derivationally_related_form 10008716 +00895680 _synset_domain_topic_of 08199025 +14405931 _hypernym 14374432 +00653811 _hypernym 00634586 +01762283 _hypernym 01761706 +14780850 _hypernym 14779205 +01858910 _derivationally_related_form 03032811 +00887463 _derivationally_related_form 07452348 +02659358 _derivationally_related_form 03117939 +00349951 _derivationally_related_form 05756203 +02163982 _member_meronym 02181863 +02302124 _hypernym 01762525 +07183000 _hypernym 07181935 +00118552 _hypernym 00116687 +07920989 _hypernym 07809368 +08899776 _instance_hypernym 08524735 +03099945 _derivationally_related_form 00115157 +15185290 _hypernym 15161631 +06158346 _derivationally_related_form 10423589 +01447822 _hypernym 01432517 +00447950 _hypernym 00126264 +01176897 _derivationally_related_form 03201208 +00511212 _hypernym 00510189 +00905399 _derivationally_related_form 10399299 +01240514 _derivationally_related_form 14286885 +05503401 _hypernym 05250659 +04580777 _instance_hypernym 03449564 +08069878 _member_meronym 09777012 +13254805 _hypernym 13331198 +02110220 _derivationally_related_form 07285403 +00396642 _hypernym 00391599 +02266148 _hypernym 02267060 +12009616 _hypernym 11579418 +00437125 _derivationally_related_form 14575180 +07938773 _derivationally_related_form 00038849 +01499595 _hypernym 01432517 +05050379 _hypernym 05050115 +05511618 _has_part 05417975 +00185698 _hypernym 00515154 +12119099 _hypernym 12102133 +08728595 _instance_hypernym 08524735 +02154312 _hypernym 02163746 +00328502 _derivationally_related_form 01886728 +01739647 _hypernym 01727646 +02159271 _member_meronym 02161944 +01743217 _derivationally_related_form 01796582 +13253751 _derivationally_related_form 02207206 +12137791 _hypernym 12137569 +04060065 _hypernym 02974219 +00134564 _derivationally_related_form 00272123 +00385791 _derivationally_related_form 02467662 +01632103 _derivationally_related_form 00900207 +02469274 _derivationally_related_form 00377169 +02641035 _hypernym 02641957 +06928047 _hypernym 06926458 +00605023 _derivationally_related_form 02391193 +08860123 _member_of_domain_region 13623054 +10404426 _hypernym 10665698 +00226071 _derivationally_related_form 00363052 +07122018 _hypernym 07120524 +10103485 _hypernym 09629752 +04855138 _hypernym 04723816 +11924330 _hypernym 11579418 +01188537 _hypernym 01187810 +13964466 _hypernym 13963970 +00320536 _derivationally_related_form 13480848 +03551084 _hypernym 02891188 +02011668 _hypernym 01507175 +01421496 _member_meronym 01425817 +08155765 _member_meronym 11041814 +03045337 _hypernym 03863923 +08961402 _instance_hypernym 08691669 +12132502 _hypernym 12101870 +10443170 _synset_domain_topic_of 00973077 +07252378 _derivationally_related_form 00765649 +14917635 _hypernym 14940386 +03181899 _hypernym 03040587 +00795264 _derivationally_related_form 05898568 +00822101 _derivationally_related_form 10363149 +01673668 _member_meronym 01687441 +01560369 _derivationally_related_form 00360242 +14136187 _hypernym 14127211 +00728826 _synset_domain_topic_of 05664069 +01551195 _derivationally_related_form 14334511 +10745894 _derivationally_related_form 00695226 +01955984 _derivationally_related_form 00307631 +11085924 _instance_hypernym 10067305 +09050244 _member_meronym 09140148 +13798491 _hypernym 13783581 +06413889 _hypernym 06410904 +05730365 _hypernym 05731779 +02541431 _member_meronym 02541875 +11877860 _hypernym 11877473 +02553196 _member_meronym 02618697 +02626590 _member_meronym 02627532 +14560926 _derivationally_related_form 00399553 +14856263 _derivationally_related_form 02223479 +01048466 _derivationally_related_form 00192836 +12101870 _hypernym 12205694 +08463647 _derivationally_related_form 01031256 +04659090 _derivationally_related_form 01027263 +00765396 _hypernym 00752764 +08929922 _has_part 08935212 +01522594 _hypernym 01342529 +10207169 _hypernym 10235549 +06717170 _member_of_domain_usage 09716439 +06764751 _hypernym 06763681 +00612841 _synset_domain_topic_of 06055946 +08731148 _instance_hypernym 08633957 +08428485 _derivationally_related_form 01924505 +02958343 _derivationally_related_form 01930738 +09044862 _has_part 09099526 +04565963 _synset_domain_topic_of 08199025 +01635432 _derivationally_related_form 00899927 +07655337 _derivationally_related_form 01249294 +13548734 _hypernym 13526110 +01533120 _derivationally_related_form 05118251 +10614976 _derivationally_related_form 01198101 +15032376 _derivationally_related_form 00532429 +02685665 _derivationally_related_form 07409592 +07125523 _derivationally_related_form 00912048 +00204943 _derivationally_related_form 02073714 +05814291 _derivationally_related_form 02645839 +13944914 _hypernym 13920835 +00717358 _derivationally_related_form 10524413 +09099526 _has_part 09100690 +04930307 _derivationally_related_form 02659763 +00995103 _hypernym 01020356 +08860123 _member_of_domain_region 09942871 +08860123 _member_of_domain_region 06669384 +06706125 _hypernym 06696483 +10427658 _hypernym 09620078 +00435563 _hypernym 00624738 +13489037 _has_part 13486671 +01736299 _derivationally_related_form 03924811 +07888465 _hypernym 07889510 +00350030 _derivationally_related_form 01907258 +00281101 _derivationally_related_form 04695176 +07423001 _hypernym 07355887 +01735189 _hypernym 01727646 +00425278 _derivationally_related_form 01765908 +05313822 _has_part 05315095 +12722884 _member_meronym 12723062 +11599694 _hypernym 08103777 +08111157 _hypernym 07992450 +02023396 _derivationally_related_form 03581125 +01818972 _derivationally_related_form 07537259 +00621476 _hypernym 00620752 +05453657 _hypernym 05449959 +11968104 _member_meronym 11969166 +02706046 _derivationally_related_form 13527965 +10826952 _instance_hypernym 10650162 +12117507 _member_meronym 12117912 +07424109 _derivationally_related_form 00605310 +04117216 _synset_domain_topic_of 00314469 +00878348 _hypernym 00804476 +08801678 _has_part 08804487 +14992287 _derivationally_related_form 01362568 +12651229 _hypernym 13112664 +09115315 _instance_hypernym 08524735 +02165754 _member_meronym 02165877 +00355955 _hypernym 00352826 +02138766 _hypernym 00126264 +01733094 _hypernym 01657723 +00349951 _hypernym 02647497 +08947617 _instance_hypernym 08691669 +09023321 _member_of_domain_region 09956780 +02070430 _hypernym 02068974 +12510569 _member_meronym 12510774 +02798290 _hypernym 03763133 +01471070 _member_meronym 02511824 +13894434 _derivationally_related_form 00256369 +02479896 _member_meronym 02480153 +10040789 _derivationally_related_form 00307419 +04859177 _derivationally_related_form 00065791 +04086794 _hypernym 04079933 +08570758 _derivationally_related_form 01081852 +01186810 _hypernym 01184814 +11099729 _instance_hypernym 09989502 +01480770 _derivationally_related_form 04248851 +00804695 _also_see 02278939 +13986372 _derivationally_related_form 01817314 +02553196 _member_meronym 02623170 +05973198 _synset_domain_topic_of 06158346 +12564840 _hypernym 11585340 +06629858 _hypernym 06629392 +08960548 _instance_hypernym 08696931 +06599788 _hypernym 06598915 +01117484 _derivationally_related_form 00557419 +14425974 _derivationally_related_form 01493897 +01890274 _hypernym 01862557 +05817145 _hypernym 05816287 +02723733 _derivationally_related_form 05765901 +00843146 _also_see 01022064 +01264447 _hypernym 00407535 +00286605 _verb_group 01531998 +14902141 _hypernym 14994328 +02523275 _also_see 01886407 +02272090 _derivationally_related_form 13342692 +00906037 _derivationally_related_form 06741728 +01244853 _derivationally_related_form 04517823 +02239073 _hypernym 01762525 +05926358 _derivationally_related_form 01872745 +09608709 _derivationally_related_form 02555434 +08848094 _member_meronym 09691858 +12792041 _member_meronym 12798041 +00974031 _synset_domain_topic_of 06264176 +01492052 _synset_domain_topic_of 00917211 +12377809 _member_meronym 12380597 +02694247 _derivationally_related_form 05769314 +01627965 _derivationally_related_form 04780958 +00329244 _hypernym 00230746 +00296178 _hypernym 00126264 +00268557 _hypernym 00266806 +06692572 _hypernym 06686736 +00785962 _derivationally_related_form 05800611 +02632567 _hypernym 02632353 +01202184 _derivationally_related_form 10576316 +12612913 _member_meronym 12615097 +05211044 _hypernym 04723816 +10438172 _derivationally_related_form 00704690 +06758835 _derivationally_related_form 00434077 +05217688 _derivationally_related_form 02698944 +02497141 _derivationally_related_form 05150588 +00082870 _derivationally_related_form 02381726 +14042423 _has_part 14041256 +00056334 _derivationally_related_form 08101410 +12423565 _member_meronym 12456527 +02357228 _derivationally_related_form 00192613 +12506341 _hypernym 12506181 +05074374 _hypernym 05072663 +12884100 _hypernym 12884260 +03352628 _hypernym 03819994 +07312221 _hypernym 07311115 +08194546 _hypernym 08337324 +04807971 _derivationally_related_form 00904548 +01941670 _member_meronym 01949684 +00716130 _derivationally_related_form 01185981 +05014099 _derivationally_related_form 00328128 +00317207 _derivationally_related_form 01438304 +02068735 _hypernym 01862557 +09002814 _instance_hypernym 08557482 +01929396 _member_meronym 01931845 +02409412 _derivationally_related_form 01217859 +15204983 _has_part 15203791 +14393438 _hypernym 14393161 +06453324 _has_part 06438477 +09189411 _has_part 08800258 +01170052 _derivationally_related_form 00843128 +01775879 _member_meronym 01780551 +05971394 _derivationally_related_form 03065516 +00964478 _derivationally_related_form 07011529 +01575146 _derivationally_related_form 04050410 +02074915 _member_meronym 02134589 +09255343 _hypernym 09376526 +03882611 _hypernym 03882058 +01426397 _derivationally_related_form 10114550 +08159740 _member_meronym 10951697 +00364629 _derivationally_related_form 11224877 +12447121 _hypernym 12446519 +05869584 _has_part 05867413 +09054480 _instance_hypernym 08633957 +08196024 _member_meronym 08195797 +01399772 _member_meronym 01400891 +00173764 _derivationally_related_form 02169702 +10005280 _derivationally_related_form 02394662 +02196214 _synset_domain_topic_of 00243918 +10770545 _derivationally_related_form 01696435 +03018498 _synset_domain_topic_of 06037666 +01782650 _hypernym 01779165 +02264734 _member_meronym 02264591 +00275466 _hypernym 00469382 +01336159 _hypernym 01332730 +06688751 _hypernym 06688274 +04391838 _derivationally_related_form 00998399 +06381869 _derivationally_related_form 01701858 +01034312 _hypernym 01033527 +02040054 _hypernym 02066510 +04659090 _hypernym 05200169 +05028159 _derivationally_related_form 02645597 +13108841 _has_part 11682842 +12118912 _member_meronym 12119099 +01077350 _hypernym 01073995 +08500433 _has_part 08500819 +05849040 _hypernym 05835747 +01502262 _member_meronym 01789064 +02002075 _hypernym 02000954 +01710190 _hypernym 01708676 +00792471 _hypernym 00746718 +08183802 _hypernym 08191230 +00655378 _synset_domain_topic_of 06136258 +02723733 _hypernym 02697725 +12965209 _member_meronym 12965463 +12931542 _hypernym 12205694 +05524615 _has_part 05355527 +01820077 _derivationally_related_form 14403772 +01220885 _derivationally_related_form 04935528 +10605848 _derivationally_related_form 01123765 +12501745 _member_meronym 12520864 +07683786 _hypernym 07679356 +13896100 _hypernym 13867641 +00611481 _derivationally_related_form 03055809 +08540532 _hypernym 08491826 +02565491 _derivationally_related_form 01079042 +09022831 _member_meronym 09720256 +00027268 _hypernym 00025203 +10378412 _derivationally_related_form 01224744 +05207963 _hypernym 05204637 +02494866 _member_meronym 02495242 +10726031 _hypernym 00007846 +01840092 _synset_domain_topic_of 00300441 +02489748 _derivationally_related_form 00516086 +12317296 _hypernym 13109733 +04841358 _derivationally_related_form 00691312 +01732172 _derivationally_related_form 10212780 +10146927 _derivationally_related_form 00900583 +12711817 _hypernym 12711596 +01996735 _derivationally_related_form 08428019 +08078020 _hypernym 08189659 +02928413 _hypernym 03600977 +04763650 _hypernym 04763293 +13135832 _derivationally_related_form 01500873 +13169219 _member_meronym 13214645 +00343600 _synset_domain_topic_of 06000644 +00692329 _derivationally_related_form 05780104 +03169390 _derivationally_related_form 01466543 +01665761 _hypernym 01656813 +01244516 _derivationally_related_form 03236423 +09635823 _hypernym 09627462 +01255648 _derivationally_related_form 01050165 +01797767 _hypernym 01507175 +00388065 _hypernym 00387657 +12125398 _hypernym 11556857 +02129289 _derivationally_related_form 05710860 +02147947 _hypernym 02145424 +01517662 _hypernym 01223182 +12359026 _member_meronym 12376950 +04334599 _hypernym 04426618 +08846739 _instance_hypernym 08524735 +02100709 _derivationally_related_form 10227266 +03160309 _derivationally_related_form 01477224 +08713772 _has_part 09213076 +13903738 _derivationally_related_form 02703790 +00286928 _derivationally_related_form 10712474 +00446329 _derivationally_related_form 13468094 +00838524 _hypernym 01719302 +08139270 _hypernym 08337324 +00274724 _hypernym 00258857 +02901481 _hypernym 03000247 +01699537 _hypernym 01657723 +02426395 _derivationally_related_form 09930464 +12258380 _member_meronym 12259615 +13210205 _hypernym 11545714 +08780881 _has_part 08785132 +08969291 _has_part 08970445 +05648459 _hypernym 05648247 +11812358 _hypernym 11573660 +02581900 _derivationally_related_form 10484858 +14490110 _hypernym 00024720 +00828336 _synset_domain_topic_of 06057539 +00948071 _derivationally_related_form 06425065 +11186042 _instance_hypernym 10467395 +01389875 _member_meronym 01390287 +02005756 _also_see 01977155 +01372408 _derivationally_related_form 00136984 +00962129 _derivationally_related_form 02583139 +13744044 _hypernym 13741022 +06769032 _hypernym 06768901 +01884703 _hypernym 01864707 +12685214 _hypernym 11566682 +00228535 _derivationally_related_form 02352019 +10481268 _derivationally_related_form 01747717 +12312276 _hypernym 11556857 +07828987 _hypernym 07810907 +02401661 _member_meronym 02405440 +07251984 _hypernym 06691442 +04777098 _derivationally_related_form 01059400 +10940053 _instance_hypernym 10123844 +02048514 _hypernym 01342529 +11665781 _member_meronym 12250708 +04423174 _hypernym 04528630 +02114056 _verb_group 02114433 +01145944 _hypernym 01143838 +00156812 _derivationally_related_form 02504562 +07524242 _derivationally_related_form 01766748 +10091012 _derivationally_related_form 00841986 +09778783 _derivationally_related_form 02585050 +14704640 _hypernym 14702416 +01161087 _hypernym 01158872 +07573696 _has_part 07556970 +12765679 _member_meronym 12765846 +02108377 _hypernym 00109660 +00429060 _verb_group 00429968 +07908647 _hypernym 07907943 +00897564 _derivationally_related_form 09769345 +02343056 _derivationally_related_form 09837824 +13139055 _derivationally_related_form 00095870 +02880546 _has_part 03341297 +09853881 _hypernym 10200781 +02531625 _hypernym 02529772 +12842302 _hypernym 12205694 +02391803 _derivationally_related_form 00163779 +01039330 _derivationally_related_form 06791372 +01584321 _hypernym 01583993 +02089555 _hypernym 02087551 +02515214 _hypernym 02514825 +07118747 _derivationally_related_form 00547022 +02566489 _hypernym 02566109 +02539788 _derivationally_related_form 14425414 +00179959 _derivationally_related_form 14805899 +12581381 _member_meronym 12584559 +13424865 _hypernym 13497135 +10193026 _derivationally_related_form 01143838 +01589718 _hypernym 01589286 +02755352 _hypernym 03091374 +13664808 _hypernym 13662703 +09044862 _has_part 08564307 +10792178 _derivationally_related_form 01767163 +12555720 _hypernym 11585340 +09044862 _member_of_domain_region 12847749 +00851239 _derivationally_related_form 01261490 +07232988 _derivationally_related_form 00841580 +12661420 _hypernym 11579418 +02418421 _derivationally_related_form 00511817 +13246662 _hypernym 13246475 +09429387 _hypernym 09385911 +07202391 _hypernym 07201804 +07237758 _derivationally_related_form 00842989 +02190648 _hypernym 01762525 +09547903 _hypernym 09505418 +13134059 _hypernym 13129165 +02700867 _derivationally_related_form 03094503 +10381214 _derivationally_related_form 02427726 +01875295 _derivationally_related_form 00347652 +02472987 _member_meronym 07942152 +01122194 _derivationally_related_form 01168569 +08860123 _member_of_domain_region 00882045 +05194151 _derivationally_related_form 02536557 +01705247 _member_meronym 01707433 +07528097 _derivationally_related_form 01823370 +13262663 _derivationally_related_form 02344568 +06394564 _hypernym 06392935 +14213199 _hypernym 14052046 +01707433 _hypernym 01656813 +01796870 _hypernym 01507175 +04861486 _derivationally_related_form 01989669 +00368109 _derivationally_related_form 09465459 +00211396 _hypernym 00218475 +01251228 _hypernym 01249724 +00874621 _derivationally_related_form 00807178 +06588139 _hypernym 06566077 +00329227 _derivationally_related_form 02067689 +02261883 _member_meronym 02262178 +02661765 _member_meronym 02661892 +09071690 _has_part 09075329 +00047018 _hypernym 00036762 +01366718 _also_see 01363613 +09240051 _instance_hypernym 09252970 +09078231 _member_of_domain_region 03637480 +11367581 _instance_hypernym 10088390 +01881180 _derivationally_related_form 10506220 +10012484 _derivationally_related_form 07561112 +00011982 _derivationally_related_form 10497202 +06367107 _derivationally_related_form 01635176 +00105479 _hypernym 00104539 +08457976 _derivationally_related_form 02797021 +01430952 _derivationally_related_form 00855674 +02697120 _hypernym 02603699 +11766609 _hypernym 11562747 +14424780 _derivationally_related_form 01488245 +09453887 _instance_hypernym 09411430 +02276088 _derivationally_related_form 13471681 +15236859 _has_part 15185996 +09354984 _member_meronym 09441352 +02687992 _has_part 04396466 +09031653 _member_of_domain_region 08541609 +00333203 _derivationally_related_form 01449236 +06096913 _hypernym 06090869 +09150662 _instance_hypernym 08633957 +05721990 _hypernym 05659856 +13354420 _derivationally_related_form 00162167 +00418615 _derivationally_related_form 00616153 +05502556 _has_part 05504107 +10298647 _derivationally_related_form 00595146 +00652346 _derivationally_related_form 01272397 +08897065 _member_of_domain_region 08012765 +09257563 _synset_domain_topic_of 06090869 +02462580 _hypernym 01061481 +00234536 _hypernym 00233335 +02653159 _hypernym 02651424 +02099029 _derivationally_related_form 01433809 +07764630 _hypernym 07705931 +06732925 _derivationally_related_form 00818553 +02548247 _has_part 07779747 +00343894 _synset_domain_topic_of 00523513 +00690501 _hypernym 00671351 +08871007 _member_of_domain_region 01304121 +00851103 _also_see 02393401 +05723563 _derivationally_related_form 02119874 +02537085 _hypernym 02512938 +02014646 _member_meronym 02016198 +12157276 _member_meronym 12166003 +09929298 _hypernym 09820263 +01666102 _hypernym 01657723 +10421016 _hypernym 10541229 +00800421 _member_meronym 10084635 +13247554 _hypernym 13244109 +07155661 _member_of_domain_usage 00074641 +01161635 _derivationally_related_form 02495038 +01482449 _derivationally_related_form 00322228 +02150948 _derivationally_related_form 00880662 +01180695 _also_see 02577061 +08305766 _member_meronym 08949093 +12060816 _member_meronym 12061614 +02621107 _hypernym 01429349 +07085375 _hypernym 07083732 +00870453 _derivationally_related_form 01385170 +11713960 _member_meronym 11714150 +01950457 _member_meronym 01950952 +07369604 _hypernym 07357388 +03045750 _derivationally_related_form 08831004 +13547513 _derivationally_related_form 00045817 +04946553 _derivationally_related_form 02106006 +10680910 _hypernym 00007846 +02654256 _member_meronym 02654425 +02513989 _hypernym 02514187 +09815790 _derivationally_related_form 02414710 +09257949 _hypernym 00019128 +07120364 _derivationally_related_form 00952182 +00952182 _derivationally_related_form 10743675 +12192373 _member_meronym 12194466 +11651259 _member_meronym 11657763 +13169674 _member_meronym 13205482 +00277569 _derivationally_related_form 01578254 +02718863 _hypernym 02709906 +12720532 _member_meronym 12721864 +02040652 _derivationally_related_form 13873502 +10610333 _derivationally_related_form 01939174 +12786464 _hypernym 12785724 +14507951 _hypernym 14034177 +00233335 _derivationally_related_form 13903079 +03130073 _derivationally_related_form 08894456 +05752544 _derivationally_related_form 00597915 +00858341 _derivationally_related_form 14437134 +12069821 _hypernym 11556857 +04157099 _hypernym 04105893 +00903212 _derivationally_related_form 07486229 +04359589 _derivationally_related_form 01217043 +05939432 _derivationally_related_form 02133435 +06732013 _derivationally_related_form 00981083 +02600082 _hypernym 00339934 +00189189 _derivationally_related_form 00381326 +00913065 _verb_group 00738747 +01204803 _hypernym 01158181 +06741099 _synset_domain_topic_of 08441203 +05524615 _has_part 05524243 +02273545 _member_meronym 02309337 +07419233 _derivationally_related_form 01484027 +14586258 _synset_domain_topic_of 06084469 +03585875 _derivationally_related_form 01390833 +01089778 _derivationally_related_form 02263027 +09639237 _member_meronym 09638875 +05578095 _hypernym 05585665 +02357228 _derivationally_related_form 05644727 +02411427 _hypernym 01864707 +13837840 _member_meronym 10405694 +00636574 _derivationally_related_form 01296474 +01447331 _hypernym 01446760 +04194289 _has_part 03686658 +04782878 _hypernym 04723816 +01025602 _hypernym 01027174 +01372189 _hypernym 01511706 +07196075 _hypernym 07193958 +02156871 _has_part 02463611 +00881545 _hypernym 00877127 +08620061 _hypernym 00027167 +00690058 _derivationally_related_form 05134880 +08952190 _derivationally_related_form 02961505 +06021761 _derivationally_related_form 02527294 +10516527 _hypernym 10366966 +05922175 _hypernym 05921123 +01078050 _derivationally_related_form 01245813 +05453145 _hypernym 05449959 +00261405 _derivationally_related_form 00384620 +05999797 _hypernym 05996646 +00205649 _hypernym 00205079 +10759151 _hypernym 09632518 +02505141 _similar_to 02504131 +08929922 _member_of_domain_region 01289830 +10457777 _hypernym 00007846 +00927711 _derivationally_related_form 05916306 +10547145 _hypernym 09505418 +00359511 _hypernym 00358431 +08735705 _has_part 08737041 +13930385 _derivationally_related_form 02435311 +12587803 _has_part 07772935 +01525666 _verb_group 02444159 +10939856 _instance_hypernym 09927451 +00516086 _hypernym 01030820 +02076196 _hypernym 02075927 +10671042 _derivationally_related_form 02394662 +12212810 _hypernym 08103777 +00504676 _derivationally_related_form 15015501 +03404900 _hypernym 03673767 +02000288 _derivationally_related_form 10322391 +12344996 _member_meronym 12345136 +01933342 _member_meronym 01933478 +00727573 _derivationally_related_form 05217688 +02316392 _hypernym 08102555 +04368496 _hypernym 03589791 +10725438 _hypernym 09720256 +08120384 _hypernym 08119821 +07073447 _member_of_domain_usage 14950300 +12926316 _hypernym 11585340 +09111168 _instance_hypernym 08524735 +07565259 _hypernym 07560652 +00649481 _derivationally_related_form 00877345 +00632627 _derivationally_related_form 10510339 +08740875 _has_part 08743229 +08978343 _has_part 08711655 +00185104 _derivationally_related_form 00482893 +00603298 _derivationally_related_form 10722385 +13999663 _derivationally_related_form 02495038 +04640927 _hypernym 04623612 +07339941 _synset_domain_topic_of 08199025 +03965456 _has_part 03378005 +01113806 _hypernym 00249313 +07364115 _hypernym 07363883 +11274812 _instance_hypernym 10269785 +12213635 _member_meronym 12222334 +01219551 _derivationally_related_form 00787660 +02215941 _member_meronym 02216066 +08727003 _instance_hypernym 08524735 +06843520 _derivationally_related_form 01589363 +03485655 _hypernym 04599396 +02006656 _hypernym 02000954 +00176459 _derivationally_related_form 00671190 +11060535 _instance_hypernym 09767700 +00768778 _derivationally_related_form 06695862 +05716342 _hypernym 05715864 +02299039 _hypernym 02298541 +01638482 _member_meronym 01638611 +00064370 _hypernym 00064504 +05161967 _hypernym 05161614 +04119892 _hypernym 03137579 +00846817 _hypernym 00845523 +03343047 _hypernym 03959936 +06442239 _instance_hypernym 06394865 +06028021 _hypernym 06021247 +04227144 _derivationally_related_form 01697628 +09105821 _has_part 09107626 +00292386 _derivationally_related_form 02165754 +11780589 _hypernym 11556857 +10390427 _derivationally_related_form 01485158 +05652926 _hypernym 05651971 +03685307 _hypernym 03259505 +12146100 _hypernym 11556857 +09465135 _instance_hypernym 09360122 +11596845 _hypernym 11534677 +00552458 _hypernym 00126264 +06508816 _derivationally_related_form 01001643 +00311338 _hypernym 00311113 +00341917 _derivationally_related_form 05046471 +01960459 _has_part 07786164 +00065639 _hypernym 02108026 +00868910 _derivationally_related_form 00712135 +00654625 _derivationally_related_form 01016832 +05499828 _has_part 05500465 +04167759 _derivationally_related_form 01881034 +01975880 _member_meronym 01976146 +01179155 _hypernym 01178565 +01232387 _derivationally_related_form 03635668 +02082690 _derivationally_related_form 05088324 +00393953 _derivationally_related_form 01001097 +01790739 _verb_group 00621734 +03503997 _hypernym 03665366 +10635275 _derivationally_related_form 02267060 +09078784 _instance_hypernym 08695539 +00821765 _hypernym 00820976 +10358575 _hypernym 10018021 +02018207 _hypernym 02018027 +01618053 _also_see 01704761 +02005598 _member_meronym 02006211 +00911048 _hypernym 00908909 +11864364 _member_meronym 11864602 +04534520 _derivationally_related_form 01003049 +14543231 _hypernym 14541044 +00258854 _derivationally_related_form 00199659 +01257542 _derivationally_related_form 01524523 +00331655 _derivationally_related_form 01864634 +00480969 _derivationally_related_form 01009190 +10155849 _derivationally_related_form 05844105 +02501278 _derivationally_related_form 06551784 +11510067 _hypernym 11499284 +00475787 _hypernym 00471613 +08396760 _hypernym 08337324 +00739340 _hypernym 00628491 +01845272 _member_meronym 01845627 +02103481 _also_see 02360448 +11993203 _hypernym 11672400 +01224517 _derivationally_related_form 00851933 +11338796 _instance_hypernym 10547145 +07711471 _hypernym 07738353 +01483188 _hypernym 01429349 +10745894 _derivationally_related_form 00681429 +08720481 _instance_hypernym 08702402 +12174742 _member_meronym 12174926 +00475183 _hypernym 00205885 +01895630 _hypernym 01903756 +01787546 _member_meronym 01787693 +09775663 _derivationally_related_form 01016316 +05486510 _has_part 05493992 +01129876 _derivationally_related_form 09614684 +02238887 _hypernym 02236896 +12229443 _hypernym 13112664 +09896826 _hypernym 09979072 +00267855 _hypernym 00441445 +03087643 _hypernym 02727825 +07407272 _derivationally_related_form 02072159 +06676709 _hypernym 06676416 +09055015 _has_part 02694776 +09070793 _has_part 09071349 +08791167 _has_part 08929243 +00907657 _derivationally_related_form 07209965 +09382990 _has_part 08841956 +03691128 _hypernym 04074482 +11891050 _hypernym 11575425 +05896733 _hypernym 05893653 +05927813 _derivationally_related_form 01632103 +01873942 _hypernym 01871680 +06162653 _hypernym 06158346 +06349597 _hypernym 06349220 +03550533 _hypernym 02718469 +06974127 _hypernym 06973610 +02126863 _derivationally_related_form 03176594 +12615427 _hypernym 11555413 +09977660 _derivationally_related_form 02480923 +09773245 _hypernym 00007846 +12724201 _member_meronym 12727301 +02040113 _hypernym 01507175 +07510495 _hypernym 07509572 +00939857 _derivationally_related_form 04820258 +01269633 _instance_hypernym 01075117 +13561719 _hypernym 13518963 +13024967 _member_meronym 13025647 +12747563 _member_meronym 11598100 +01123765 _derivationally_related_form 10605848 +12344996 _hypernym 11562747 +01170175 _hypernym 01167710 +11733769 _member_meronym 11733904 +05928118 _hypernym 05926676 +08524735 _has_part 08571139 +00673863 _hypernym 00671351 +06427086 _hypernym 06417598 +09008130 _instance_hypernym 08524735 +02176268 _derivationally_related_form 04981139 +05756414 _derivationally_related_form 01022420 +09924540 _hypernym 09615807 +01665238 _member_meronym 01665372 +07704755 _hypernym 07702796 +05330244 _hypernym 05329735 +09693618 _hypernym 09692624 +08729452 _instance_hypernym 08524735 +10312287 _derivationally_related_form 06118563 +07325190 _derivationally_related_form 02379528 +06498569 _has_part 06839083 +01031705 _hypernym 00410247 +07939638 _derivationally_related_form 00657260 +11872850 _member_meronym 11872973 +03482405 _hypernym 02801938 +01878063 _derivationally_related_form 00345926 +12039743 _member_meronym 12071965 +10599354 _hypernym 00007846 +03843555 _hypernym 03339643 +08841667 _has_part 08989697 +06008609 _hypernym 08593262 +01708676 _verb_group 01894649 +00276620 _hypernym 00199130 +06000644 _hypernym 05999797 +08632258 _hypernym 08497294 +01370590 _also_see 00957176 +13911151 _derivationally_related_form 02660147 +06201908 _derivationally_related_form 01085677 +08176077 _member_meronym 08753933 +14673978 _hypernym 14662574 +12020507 _hypernym 11669921 +03322570 _hypernym 02913152 +05745098 _hypernym 05739043 +10826352 _instance_hypernym 09765278 +05782884 _derivationally_related_form 02193612 +02233577 _member_meronym 02234719 +05489394 _hypernym 05486920 +05025935 _synset_domain_topic_of 06084469 +09071690 _has_part 09326139 +12806270 _hypernym 11566682 +01051801 _derivationally_related_form 01501960 +01754876 _hypernym 01753959 +04018399 _hypernym 04395875 +04813712 _derivationally_related_form 00975171 +02082690 _derivationally_related_form 07445896 +08064130 _hypernym 08008335 +00084562 _derivationally_related_form 00664110 +02404224 _derivationally_related_form 00216723 +01265475 _derivationally_related_form 01812068 +00006484 _hypernym 00004258 +08146593 _hypernym 08189659 +04995211 _derivationally_related_form 01716227 +09488711 _hypernym 09483738 +05638486 _hypernym 05637558 +09387222 _derivationally_related_form 02067540 +11712827 _hypernym 11564258 +10360101 _derivationally_related_form 00879540 +02373843 _member_meronym 02389559 +09105821 _has_part 09107098 +04209811 _synset_domain_topic_of 02958343 +02531199 _derivationally_related_form 00786195 +08166931 _hypernym 08168978 +05830527 _hypernym 05830059 +14892989 _hypernym 14892655 +00752954 _hypernym 00752431 +07390400 _derivationally_related_form 00309792 +14108324 _hypernym 14110411 +01460937 _hypernym 01460029 +10259997 _synset_domain_topic_of 08199025 +09307300 _derivationally_related_form 00657016 +00703875 _hypernym 00734054 +04820258 _derivationally_related_form 00697923 +02419773 _derivationally_related_form 00620752 +02583139 _derivationally_related_form 00962129 +01787401 _member_meronym 01787546 +13203842 _hypernym 13166338 +01611067 _also_see 02559180 +01886220 _member_meronym 01886756 +01637633 _hypernym 01636397 +08479615 _derivationally_related_form 00793271 +01022064 _derivationally_related_form 01280014 +04171629 _hypernym 04171459 +08188449 _derivationally_related_form 02874282 +08905313 _instance_hypernym 08654360 +01241073 _derivationally_related_form 04007664 +03594945 _hypernym 02958343 +15171857 _hypernym 15269513 +02508078 _derivationally_related_form 14440137 +00458754 _hypernym 00115157 +08041840 _instance_hypernym 08392137 +01380122 _derivationally_related_form 05088324 +01995549 _derivationally_related_form 01017987 +00678282 _hypernym 00704690 +13723061 _has_part 13722929 +13954818 _derivationally_related_form 00043765 +00796588 _hypernym 00795863 +13199445 _member_meronym 13199970 +06808720 _hypernym 06808493 +01854838 _hypernym 01854415 +01658762 _derivationally_related_form 05638063 +09017526 _member_meronym 09690371 +01186208 _derivationally_related_form 07578093 +05650820 _hypernym 05650329 +10614225 _derivationally_related_form 00335923 +13527965 _derivationally_related_form 02706046 +01125429 _also_see 01613463 +12471825 _member_meronym 12472024 +12556307 _has_part 07724943 +11302772 _instance_hypernym 10214637 +10431514 _derivationally_related_form 01382083 +09980090 _derivationally_related_form 06378298 +01351170 _hypernym 00173338 +02185337 _member_meronym 02185481 +00325502 _hypernym 00325110 +08981244 _member_of_domain_region 08034299 +06057539 _derivationally_related_form 09792237 +07025900 _hypernym 07071942 +02259547 _hypernym 02259829 +01970826 _also_see 01989053 +04400499 _derivationally_related_form 10697519 +01767199 _member_meronym 01999374 +02972533 _hypernym 03738472 +04414476 _hypernym 04459610 +09044862 _member_of_domain_region 13850019 +08403225 _derivationally_related_form 10323182 +14640222 _hypernym 14625458 +00889740 _hypernym 00889555 +14974264 _hypernym 14580897 +02623529 _derivationally_related_form 11665372 +02994858 _derivationally_related_form 00329831 +12990938 _member_meronym 12991184 +03024882 _derivationally_related_form 01215694 +00712833 _derivationally_related_form 00085626 +01475075 _hypernym 01474550 +00841125 _derivationally_related_form 13763384 +01924882 _derivationally_related_form 10645854 +12712820 _member_meronym 12713063 +12978969 _hypernym 11590783 +02935017 _synset_domain_topic_of 06128570 +08860123 _member_of_domain_region 03863262 +04008947 _hypernym 04341686 +02176747 _hypernym 02176261 +01995323 _hypernym 01762525 +06362953 _has_part 06398760 +02261256 _synset_domain_topic_of 01090446 +00766234 _derivationally_related_form 02566528 +00286928 _derivationally_related_form 04959567 +02561332 _derivationally_related_form 00949134 +12047173 _hypernym 11556857 +01323338 _hypernym 01323958 +07247602 _derivationally_related_form 10579835 +09134386 _has_part 09136582 +05152696 _derivationally_related_form 10196965 +10657306 _hypernym 10120816 +01740969 _derivationally_related_form 03417749 +00719734 _derivationally_related_form 05944958 +05907682 _derivationally_related_form 00708128 +08975106 _instance_hypernym 08700255 +01097031 _derivationally_related_form 10622053 +00952524 _derivationally_related_form 07221094 +05658603 _derivationally_related_form 02124748 +15181556 _synset_domain_topic_of 08083599 +01583344 _hypernym 01582645 +13491464 _derivationally_related_form 00060185 +08723006 _has_part 08725454 +02333358 _derivationally_related_form 03508101 +02174153 _member_meronym 02174870 +11219635 _instance_hypernym 10650162 +00138508 _derivationally_related_form 00234892 +01712704 _derivationally_related_form 10069296 +01496617 _member_meronym 01499898 +04402984 _hypernym 04594489 +05068080 _hypernym 05074774 +03118539 _derivationally_related_form 02672540 +08330106 _hypernym 08329453 +13025421 _hypernym 11592146 +10225219 _derivationally_related_form 02501278 +00425278 _hypernym 00419644 +02491383 _derivationally_related_form 10526096 +13998263 _hypernym 13997253 +05849284 _derivationally_related_form 00199309 +02337066 _derivationally_related_form 02818832 +12285512 _hypernym 12284262 +02790322 _hypernym 03974215 +14025755 _hypernym 14024882 +02238462 _also_see 00911327 +00249501 _derivationally_related_form 00558371 +11994827 _member_meronym 11995092 +07217349 _derivationally_related_form 00901651 +00301187 _derivationally_related_form 00637259 +02007721 _member_meronym 02008041 +09114696 _has_part 09168707 +07214432 _hypernym 07213395 +00159642 _derivationally_related_form 13434878 +02549796 _hypernym 01429349 +03867675 _hypernym 03771443 +11319570 _instance_hypernym 10672908 +01507134 _also_see 01372049 +02316038 _hypernym 08107499 +14562683 _derivationally_related_form 01369346 +01429455 _hypernym 01621555 +03328201 _derivationally_related_form 01115916 +00527034 _derivationally_related_form 06666829 +02686625 _verb_group 02727039 +00497705 _hypernym 00452512 +12034141 _hypernym 11669921 +00258854 _derivationally_related_form 00199912 +02399000 _has_part 02399424 +00672433 _derivationally_related_form 06782680 +02792903 _derivationally_related_form 04146050 +13934900 _derivationally_related_form 02673134 +00937895 _hypernym 00937656 +02016523 _also_see 02212646 +13987905 _derivationally_related_form 01813668 +09126305 _has_part 09128947 +00231887 _hypernym 00232386 +10117511 _derivationally_related_form 01111028 +02815950 _hypernym 03932203 +12108249 _member_meronym 12108432 +12298395 _hypernym 12298165 +12924623 _hypernym 13112664 +02016523 _derivationally_related_form 10060175 +04743605 _derivationally_related_form 01410606 +01648818 _member_meronym 01648993 +00083809 _hypernym 00078760 +07409475 _derivationally_related_form 01892849 +12740196 _member_meronym 12745788 +05551318 _hypernym 05221895 +08687709 _instance_hypernym 08685677 +02554922 _derivationally_related_form 07357388 +00005815 _also_see 02200341 +01901783 _derivationally_related_form 07439284 +11432387 _hypernym 11431754 +05956651 _hypernym 05955323 +01771246 _member_meronym 01771624 +00991838 _derivationally_related_form 04999741 +01854223 _hypernym 01507175 +00866702 _derivationally_related_form 10547145 +09091909 _instance_hypernym 08524735 +13886724 _derivationally_related_form 00328802 +09033936 _instance_hypernym 08691669 +14452616 _hypernym 14451911 +04014297 _derivationally_related_form 01128193 +00357680 _derivationally_related_form 00366275 +06496624 _synset_domain_topic_of 08199025 +08440630 _hypernym 08361001 +00540235 _verb_group 00540946 +15254028 _hypernym 15248564 +01979738 _hypernym 01762525 +15052223 _hypernym 14662574 +08699426 _has_part 08928193 +08731606 _has_part 08963369 +03931044 _derivationally_related_form 02851550 +01131902 _derivationally_related_form 02866578 +12843970 _hypernym 12205694 +01189224 _derivationally_related_form 07561590 +06074372 _hypernym 06066555 +01904845 _derivationally_related_form 13990064 +00096520 _hypernym 00094460 +09206375 _instance_hypernym 09411430 +02521241 _member_meronym 02521916 +09901143 _synset_domain_topic_of 00471613 +08564139 _has_part 09237076 +01023259 _derivationally_related_form 06763681 +03044671 _hypernym 03604843 +01422594 _hypernym 08103777 +02630189 _derivationally_related_form 05601758 +12039743 _member_meronym 12046620 +02460502 _also_see 00631391 +00675701 _derivationally_related_form 15287830 +02451292 _hypernym 01864707 +13722757 _hypernym 13716878 +02277303 _synset_domain_topic_of 00766234 +05729036 _hypernym 05726596 +01247413 _derivationally_related_form 09756637 +03885535 _hypernym 04329477 +13536016 _hypernym 13518963 +04953954 _derivationally_related_form 02767116 +02635956 _hypernym 02635659 +07797641 _derivationally_related_form 01140315 +15108745 _hypernym 14989820 +07827410 _hypernym 07809368 +07140978 _derivationally_related_form 00772640 +01991744 _hypernym 01835496 +02322230 _hypernym 02321757 +01048059 _derivationally_related_form 00098517 +00710338 _hypernym 00658082 +00331531 _synset_domain_topic_of 08199025 +01943406 _also_see 01925372 +09491966 _hypernym 09483738 +00199912 _derivationally_related_form 10512982 +03385117 _hypernym 05075602 +02750835 _hypernym 03740161 +03471473 _hypernym 03006105 +04534520 _hypernym 04391838 +09851876 _hypernym 10118844 +02840619 _derivationally_related_form 01335804 +12280886 _member_meronym 12283147 +01582645 _derivationally_related_form 00263813 +02863750 _derivationally_related_form 00375021 +00713250 _hypernym 00712225 +04682018 _derivationally_related_form 01695567 +01536916 _member_meronym 01537360 +01378800 _member_meronym 01379252 +00181258 _derivationally_related_form 14805899 +03967942 _derivationally_related_form 01220636 +07376257 _derivationally_related_form 01237398 +01751722 _hypernym 01675963 +03047553 _derivationally_related_form 01478603 +01048912 _derivationally_related_form 02144835 +00115157 _derivationally_related_form 00400083 +11071177 _instance_hypernym 10705615 +01815471 _hypernym 01815185 +14086143 _hypernym 14085708 +05162455 _derivationally_related_form 00235368 +02158739 _hypernym 02157557 +00932798 _derivationally_related_form 00753472 +00604617 _derivationally_related_form 04718563 +14051917 _hypernym 14034177 +08148067 _hypernym 08147794 +08857682 _member_meronym 08858713 +05468523 _hypernym 05467054 +00698609 _derivationally_related_form 00086077 +14439447 _derivationally_related_form 02567519 +00631591 _derivationally_related_form 05786655 +11722769 _hypernym 11571907 +13418047 _hypernym 13417410 +04954683 _hypernym 04953954 +02995345 _has_part 03125057 +06845599 _member_of_domain_usage 03818090 +01940736 _hypernym 01905661 +03619396 _derivationally_related_form 02341200 +01158181 _derivationally_related_form 00742645 +09131654 _has_part 09244972 +01642437 _derivationally_related_form 10434725 +01646528 _derivationally_related_form 14485064 +10044879 _derivationally_related_form 00200397 +00028010 _hypernym 00027705 +02263848 _member_meronym 02264021 +00442669 _derivationally_related_form 13491060 +09935793 _derivationally_related_form 01205341 +01655763 _synset_domain_topic_of 00911048 +09014979 _has_part 09017005 +07340094 _hypernym 07355887 +06888345 _derivationally_related_form 02148788 +12430675 _hypernym 12430198 +04127633 _hypernym 04519153 +00775831 _hypernym 00773432 +10176679 _hypernym 10241300 +06118563 _hypernym 06115476 +12800586 _hypernym 12205694 +01273735 _instance_hypernym 00956485 +14365950 _hypernym 14501726 +08152787 _hypernym 08113443 +00653811 _synset_domain_topic_of 00181781 +01408547 _hypernym 01388130 +04560113 _hypernym 03508101 +12693590 _hypernym 11566682 +01159025 _derivationally_related_form 00271946 +13285714 _derivationally_related_form 00081072 +02293135 _member_meronym 02293974 +01547459 _member_meronym 01549769 +10118587 _derivationally_related_form 01266895 +02388950 _hypernym 02376958 +00130093 _synset_domain_topic_of 00471613 +05062370 _hypernym 05061977 +02137710 _derivationally_related_form 00522537 +13183489 _hypernym 11545714 +11471097 _hypernym 11466043 +08845555 _has_part 08846885 +00387310 _derivationally_related_form 00068333 +14594708 _hypernym 14621446 +04411264 _hypernym 04191595 +12923839 _member_meronym 12924036 +03762982 _hypernym 03540595 +10681383 _hypernym 00007846 +01704953 _derivationally_related_form 06764244 +05564590 _has_part 05566504 +02259241 _hypernym 02257370 +00504901 _derivationally_related_form 13521616 +06552639 _synset_domain_topic_of 08441203 +00947923 _hypernym 00947719 +08957381 _has_part 08958334 +08085159 _hypernym 08149781 +05765159 _hypernym 05701944 +09886540 _hypernym 10722385 +05976257 _synset_domain_topic_of 06158346 +02600503 _hypernym 02600298 +00810385 _derivationally_related_form 06761798 +08136260 _synset_domain_topic_of 08441203 +04551205 _hypernym 02718259 +12039743 _member_meronym 12049796 +01699040 _hypernym 01696633 +00054628 _derivationally_related_form 00849982 +10011902 _derivationally_related_form 08440630 +09629246 _hypernym 00007846 +11115131 _instance_hypernym 09952539 +14828511 _hypernym 14999913 +05747582 _derivationally_related_form 00316195 +00448440 _hypernym 00126264 +05350061 _hypernym 05333777 +00716758 _derivationally_related_form 06733227 +01241767 _derivationally_related_form 00894738 +00956250 _derivationally_related_form 07202812 +00896526 _synset_domain_topic_of 08199025 +05701738 _hypernym 00023271 +01103180 _derivationally_related_form 07476623 +00334186 _derivationally_related_form 07367548 +00558883 _derivationally_related_form 02525312 +10582746 _synset_domain_topic_of 08199025 +07623933 _hypernym 07625493 +01004403 _derivationally_related_form 06844199 +00951399 _verb_group 00951206 +01452255 _derivationally_related_form 01105909 +02463704 _derivationally_related_form 00741478 +01496199 _member_meronym 01496331 +05816287 _hypernym 00023271 +11386346 _instance_hypernym 10030277 +02684254 _verb_group 00908621 +02397266 _hypernym 02396205 +00150287 _derivationally_related_form 07369604 +07423365 _derivationally_related_form 02626604 +11981817 _hypernym 11579418 +02275372 _hypernym 01762525 +12433540 _hypernym 12432808 +01652139 _also_see 02663340 +00756331 _derivationally_related_form 00837288 +00945401 _derivationally_related_form 02153709 +00324806 _synset_domain_topic_of 00243918 +02659808 _hypernym 02658079 +14315192 _derivationally_related_form 00256507 +14468508 _hypernym 14465048 +02690373 _hypernym 02691156 +11867525 _member_meronym 11872850 +05243879 _hypernym 08657249 +12123244 _hypernym 12141495 +00172073 _hypernym 00168237 +00407328 _hypernym 00406243 +11880791 _hypernym 11868814 +15156746 _hypernym 15154774 +01248191 _hypernym 00049003 +01484392 _hypernym 00144850 +13314936 _hypernym 13308999 +06310237 _synset_domain_topic_of 06174404 +02074377 _hypernym 02074677 +01224001 _derivationally_related_form 00812526 +09356320 _instance_hypernym 09411430 +00043411 _derivationally_related_form 13518963 +01823092 _derivationally_related_form 14483126 +09937688 _hypernym 10523519 +00272910 _hypernym 00273445 +12737383 _hypernym 11565385 +05520699 _hypernym 05397178 +01955009 _hypernym 01955127 +03032252 _hypernym 04417809 +13777344 _derivationally_related_form 02327200 +06794666 _derivationally_related_form 02508245 +06556481 _hypernym 06479665 +00868910 _hypernym 01023820 +07094355 _derivationally_related_form 06348500 +07556872 _hypernym 07556637 +06532095 _synset_domain_topic_of 08441203 +05311054 _has_part 05314075 +05353819 _hypernym 05333777 +12311894 _hypernym 11555413 +03479397 _hypernym 03224893 +14856263 _hypernym 14580897 +12998349 _hypernym 11594676 +12359026 _hypernym 11534677 +01745722 _derivationally_related_form 06677302 +00398427 _derivationally_related_form 00333066 +05967402 _hypernym 05943300 +10506762 _hypernym 10622053 +08168531 _member_meronym 09648743 +10158010 _hypernym 09765278 +02406916 _derivationally_related_form 00620752 +06278830 _synset_domain_topic_of 03082979 +00403609 _hypernym 00126264 +05677340 _derivationally_related_form 00715239 +03308152 _hypernym 03574816 +11873182 _hypernym 13125117 +14062725 _synset_domain_topic_of 03808564 +05820620 _derivationally_related_form 02723733 +01499948 _hypernym 01494310 +09463721 _instance_hypernym 09360122 +00043683 _hypernym 00044149 +10492202 _derivationally_related_form 01453433 +01927665 _hypernym 01921559 +11691523 _synset_domain_topic_of 06066555 +03982430 _hypernym 03414162 +02472293 _derivationally_related_form 01258617 +01898592 _derivationally_related_form 00347652 +00038750 _derivationally_related_form 04635104 +03085333 _has_part 03827107 +00312932 _hypernym 00312784 +00622384 _derivationally_related_form 05685030 +13104059 _hypernym 13103136 +01933342 _hypernym 01921559 +00730301 _derivationally_related_form 08592656 +05700401 _derivationally_related_form 02170861 +06371413 _hypernym 06369829 +04591713 _has_part 03108853 +09002814 _member_of_domain_region 09987239 +03113835 _derivationally_related_form 00051761 +00066901 _derivationally_related_form 02523521 +00975902 _derivationally_related_form 01101329 +01941987 _hypernym 01941093 +00558181 _hypernym 00556313 +04958634 _derivationally_related_form 00404202 +12467811 _hypernym 11556187 +10746931 _hypernym 09820263 +00873682 _derivationally_related_form 06747670 +08699654 _has_part 09170294 +01138523 _derivationally_related_form 00430140 +11664090 _hypernym 11553763 +01637368 _hypernym 01636397 +00009631 _derivationally_related_form 14361664 +01201089 _hypernym 01394464 +07673397 _hypernym 07672135 +00786458 _derivationally_related_form 10068234 +12226322 _member_meronym 12243927 +00156839 _also_see 00788821 +01350699 _derivationally_related_form 13867276 +09034402 _instance_hypernym 08633957 +00376106 _derivationally_related_form 11482140 +12826395 _hypernym 11567411 +01452546 _hypernym 01448100 +10409752 _derivationally_related_form 02253154 +00474017 _derivationally_related_form 10514784 +02023664 _hypernym 01507175 +05578095 _has_part 05578740 +03786194 _hypernym 02756098 +06845599 _member_of_domain_usage 04424003 +13262663 _derivationally_related_form 02345288 +11835806 _member_meronym 11838741 +00279835 _hypernym 00191142 +11766609 _member_meronym 11775160 +07914006 _hypernym 07881800 +00879271 _derivationally_related_form 01844048 +01646866 _derivationally_related_form 09184975 +04801313 _synset_domain_topic_of 05946687 +09995573 _hypernym 09761068 +10015215 _derivationally_related_form 01710317 +02286027 _hypernym 02285629 +02709367 _has_part 04184095 +05601357 _derivationally_related_form 00028565 +01949110 _hypernym 01955984 +02769748 _derivationally_related_form 09830629 +01624897 _hypernym 01659248 +12567490 _hypernym 13112664 +00990655 _hypernym 01849221 +00779248 _hypernym 00780148 +00193486 _derivationally_related_form 00870453 +04680893 _synset_domain_topic_of 14046202 +02320621 _member_meronym 02320888 +01464077 _hypernym 01463519 +01215851 _derivationally_related_form 03024882 +08097222 _hypernym 08149781 +07211950 _hypernym 07208930 +00908492 _derivationally_related_form 01685313 +07666521 _derivationally_related_form 01142761 +00605430 _hypernym 00586262 +14036735 _hypernym 14036539 +03283827 _derivationally_related_form 02767308 +11237275 _instance_hypernym 10453533 +00611256 _derivationally_related_form 05760202 +05987835 _hypernym 05986395 +07121361 _derivationally_related_form 00915423 +13462795 _derivationally_related_form 00531904 +12231031 _member_meronym 12231918 +14582220 _synset_domain_topic_of 06098195 +00007846 _derivationally_related_form 04618781 +03487090 _has_part 03485997 +07988857 _derivationally_related_form 01292885 +10829450 _instance_hypernym 10249950 +05718556 _hypernym 05718254 +11991777 _hypernym 11991263 +01690339 _hypernym 01657723 +00430191 _also_see 00781168 +04172107 _hypernym 03259505 +00234277 _hypernym 00216174 +11923827 _hypernym 11579418 +01493380 _hypernym 01494310 +01468532 _member_meronym 01468712 +05713737 _derivationally_related_form 02124748 +02064608 _member_meronym 02064816 +02281093 _derivationally_related_form 13367070 +02281325 _derivationally_related_form 04636610 +08860123 _member_of_domain_region 10406072 +09273447 _has_part 09479238 +05194578 _derivationally_related_form 01350449 +04340750 _hypernym 02883344 +11168974 _instance_hypernym 09835506 +11600900 _member_meronym 11601333 +11754188 _member_meronym 11765099 +11996490 _hypernym 11579418 +00378042 _verb_group 00378361 +12653762 _hypernym 12653218 +12722071 _hypernym 13109733 +05073559 _hypernym 05072911 +12423565 _member_meronym 12455342 +15058163 _hypernym 15057744 +04777634 _derivationally_related_form 01528069 +01096497 _derivationally_related_form 01191755 +13757724 _hypernym 13576355 +01494310 _also_see 01661243 +03316105 _derivationally_related_form 01007676 +11480930 _hypernym 11480698 +07775375 _derivationally_related_form 01140794 +00674607 _derivationally_related_form 00161243 +02180529 _derivationally_related_form 05718254 +01665761 _member_meronym 01666431 +00135013 _derivationally_related_form 07978423 +02382087 _derivationally_related_form 00548173 +08389900 _hypernym 08389710 +12639736 _hypernym 12638218 +11163859 _instance_hypernym 09989502 +01133825 _derivationally_related_form 00986938 +12359026 _member_meronym 12372708 +13614256 _synset_domain_topic_of 06100555 +09140148 _has_part 09140569 +08770013 _instance_hypernym 08524735 +04294212 _derivationally_related_form 00270826 +08139000 _has_part 08139270 +07547805 _hypernym 07546465 +05144079 _hypernym 04723816 +10293332 _derivationally_related_form 01924505 +15274863 _derivationally_related_form 02208537 +05854150 _hypernym 05835747 +03354207 _hypernym 03259505 +11720088 _member_meronym 11721642 +05586446 _has_part 05595083 +12698283 _hypernym 11585340 +00302130 _verb_group 00301856 +10191943 _derivationally_related_form 05211044 +00291004 _hypernym 00290579 +14455700 _derivationally_related_form 02478059 +02036755 _hypernym 01546111 +11980577 _hypernym 11579418 +03790230 _hypernym 02858304 +00627849 _hypernym 00624738 +06885083 _derivationally_related_form 01026095 +01189282 _synset_domain_topic_of 06539178 +00590806 _derivationally_related_form 09761403 +02205383 _member_meronym 02205523 +12523141 _hypernym 13104059 +02401661 _member_meronym 02402425 +14186541 _hypernym 14171682 +10056103 _derivationally_related_form 00022686 +00443231 _hypernym 00442115 +12314315 _member_meronym 12315424 +00357680 _derivationally_related_form 00366547 +01824339 _derivationally_related_form 07185870 +03754979 _hypernym 02718469 +14210971 _hypernym 14204950 +09896170 _hypernym 10400998 +13205482 _member_meronym 13212751 +05958712 _hypernym 05943300 +09685398 _hypernym 09684609 +00148978 _hypernym 00147595 +00672017 _hypernym 00671190 +15299367 _hypernym 15184170 +07342049 _derivationally_related_form 01734502 +08860123 _member_of_domain_region 13297850 +01313923 _derivationally_related_form 03302121 +09504915 _hypernym 00007347 +02906478 _synset_domain_topic_of 06037666 +12617140 _member_meronym 12617384 +12547658 _hypernym 11585340 +01017550 _hypernym 01017320 +11867525 _member_meronym 11869351 +00592883 _hypernym 00686447 +00937656 _hypernym 06156968 +09148970 _has_part 09150448 +00662972 _derivationally_related_form 02112546 +06732581 _derivationally_related_form 01012073 +13423489 _derivationally_related_form 00275466 +03928589 _hypernym 02677718 +07412668 _hypernym 07412092 +02291258 _hypernym 02290461 +01302982 _derivationally_related_form 03031756 +00003316 _hypernym 00005041 +00251615 _hypernym 01617192 +06756407 _derivationally_related_form 00835903 +04613158 _derivationally_related_form 01292885 +01898282 _derivationally_related_form 01935395 +12117017 _hypernym 12102133 +02487573 _derivationally_related_form 01233156 +02553196 _member_meronym 02621107 +11451442 _has_part 11421401 +15237567 _hypernym 15113229 +10159714 _hypernym 10380672 +06983521 _hypernym 06986276 +02284803 _synset_domain_topic_of 00766234 +06687178 _derivationally_related_form 00806502 +00143704 _hypernym 00142191 +00531904 _hypernym 00109660 +11704093 _has_part 07816296 +05798569 _derivationally_related_form 00663160 +09037394 _has_part 09038272 +03467984 _has_part 03470387 +08849753 _has_part 08851500 +00660571 _derivationally_related_form 01010458 +00420132 _derivationally_related_form 00148057 +10514429 _derivationally_related_form 01952898 +13544073 _derivationally_related_form 00357332 +11702428 _member_meronym 11702566 +02479990 _derivationally_related_form 10018861 +10256080 _hypernym 10264437 +02123672 _derivationally_related_form 05658603 +04323026 _hypernym 03302487 +11776337 _hypernym 11567411 +07427534 _derivationally_related_form 00421917 +01058870 _hypernym 01058049 +01134522 _derivationally_related_form 02950256 +02311260 _derivationally_related_form 13381734 +12744277 _member_meronym 12744387 +11833577 _hypernym 11573660 +01444520 _member_meronym 01445998 +04759849 _derivationally_related_form 00013160 +12696492 _hypernym 13104059 +02502902 _member_meronym 02503313 +10063177 _derivationally_related_form 06248214 +01711297 _hypernym 01657723 +02737183 _derivationally_related_form 11464143 +01232412 _derivationally_related_form 02388950 +00442063 _derivationally_related_form 01048466 +07274890 _hypernym 06876309 +10335801 _derivationally_related_form 00941990 +00211852 _hypernym 00212414 +07977344 _hypernym 07951464 +01919226 _hypernym 01904930 +01693472 _member_meronym 01693995 +09531630 _synset_domain_topic_of 15253139 +01266152 _hypernym 00407535 +01392237 _hypernym 01249724 +02326355 _hypernym 01315613 +02721160 _hypernym 03740161 +02397251 _hypernym 01862557 +01758180 _hypernym 01651444 +00988287 _derivationally_related_form 00899292 +01472807 _hypernym 00276373 +11181634 _instance_hypernym 10527334 +03811444 _hypernym 04377057 +06498569 _member_meronym 06836822 +00506299 _derivationally_related_form 07553741 +01335588 _derivationally_related_form 03151077 +09142771 _instance_hypernym 08524735 +04127904 _derivationally_related_form 01945516 +05598707 _hypernym 05598147 +01471070 _member_meronym 01479643 +11911591 _member_meronym 11939380 +04689450 _derivationally_related_form 02678839 +02340813 _hypernym 01864707 +08224684 _synset_domain_topic_of 06234825 +06856568 _hypernym 06814870 +05651680 _derivationally_related_form 00634472 +00320486 _hypernym 00319939 +13034953 _member_meronym 13031956 +05661996 _hypernym 05660268 +00926310 _derivationally_related_form 00265119 +02704949 _hypernym 04295881 +10213429 _hypernym 00007846 +01924590 _member_meronym 01925133 +01489161 _derivationally_related_form 13326198 +11832214 _hypernym 12212361 +00365471 _derivationally_related_form 00240571 +10341955 _derivationally_related_form 00292672 +06436717 _instance_hypernym 06394865 +09275473 _has_part 09011151 +01022064 _also_see 00843146 +06944480 _hypernym 06943771 +02058074 _hypernym 01504437 +01524885 _member_meronym 01529036 +02974697 _derivationally_related_form 01486312 +01629589 _also_see 01644050 +08687884 _instance_hypernym 08685677 +01414626 _hypernym 01400044 +05245626 _hypernym 04692157 +02457233 _derivationally_related_form 07545415 +02695895 _derivationally_related_form 08677628 +09848489 _derivationally_related_form 00721098 +00365513 _synset_domain_topic_of 06066555 +01315213 _derivationally_related_form 01052301 +02471327 _hypernym 02471690 +00009147 _derivationally_related_form 13516842 +11845387 _hypernym 11573660 +04879092 _derivationally_related_form 00583990 +06632097 _synset_domain_topic_of 06520944 +01101329 _derivationally_related_form 00954608 +11414411 _hypernym 11410625 +04902470 _hypernym 04901326 +00810385 _hypernym 00809654 +07254594 _derivationally_related_form 00757544 +03472232 _synset_domain_topic_of 00433802 +07157273 _member_of_domain_usage 02614023 +02767760 _derivationally_related_form 07411645 +02301935 _hypernym 02301452 +02227773 _member_meronym 02228565 +14037619 _hypernym 14023997 +01846916 _hypernym 01835496 +00694068 _derivationally_related_form 14437552 +08254055 _hypernym 08253640 +01360899 _derivationally_related_form 00718815 +11925898 _hypernym 13118707 +00875712 _derivationally_related_form 04635953 +15152817 _has_part 15153472 +12893094 _member_meronym 12894438 +13479889 _derivationally_related_form 00096766 +12129525 _hypernym 11556857 +01567888 _derivationally_related_form 09284015 +12201938 _hypernym 13104059 +10450303 _derivationally_related_form 13840719 +07607707 _hypernym 07597365 +04893787 _hypernym 04893358 +02810471 _has_part 04413151 +10507230 _hypernym 09821253 +02247363 _hypernym 01762525 +02109678 _also_see 00727564 +00341243 _hypernym 00331950 +10690849 _hypernym 10716005 +00947591 _hypernym 00947077 +00036780 _derivationally_related_form 00251780 +02715595 _hypernym 02630189 +02413480 _derivationally_related_form 00575741 +02497400 _hypernym 00146138 +01053771 _derivationally_related_form 10177014 +01001136 _hypernym 01000214 +15212739 _has_part 15186412 +01874875 _verb_group 01902783 +11875100 _member_meronym 11878808 +02730265 _hypernym 03183080 +10893830 _instance_hypernym 10650162 +01831308 _derivationally_related_form 06784639 +10013242 _hypernym 10042300 +00557686 _verb_group 01270199 +01255935 _hypernym 00545501 +04544979 _derivationally_related_form 01882170 +01831519 _hypernym 01342529 +06348500 _derivationally_related_form 07094355 +07325190 _derivationally_related_form 01650610 +02207206 _also_see 02274299 +00672433 _derivationally_related_form 05803379 +01014990 _derivationally_related_form 01316619 +00795720 _derivationally_related_form 02406916 +10286539 _hypernym 10608385 +02428924 _derivationally_related_form 01229938 +05551711 _hypernym 05289861 +13220842 _member_meronym 13221383 +10418735 _derivationally_related_form 00067545 +09877951 _hypernym 10112591 +01983277 _member_meronym 01983481 +09195796 _instance_hypernym 09475292 +00580370 _derivationally_related_form 01533442 +00930806 _derivationally_related_form 07246582 +09023321 _member_of_domain_region 07916970 +00319939 _derivationally_related_form 02535093 +07351195 _hypernym 07309781 +10616670 _hypernym 00007846 +01098869 _hypernym 00126264 +12879068 _hypernym 12205694 +00444629 _hypernym 00447309 +08815046 _member_meronym 09693100 +05722868 _derivationally_related_form 02123298 +01097960 _derivationally_related_form 01230283 +00442267 _derivationally_related_form 14481080 +13136556 _hypernym 13135832 +08906952 _has_part 09290626 +03096593 _hypernym 03183080 +04532106 _derivationally_related_form 00052043 +05785508 _derivationally_related_form 02418872 +15165637 _hypernym 15228378 +02425462 _derivationally_related_form 00239230 +06543536 _hypernym 06542830 +13928668 _hypernym 00024720 +06845599 _member_of_domain_usage 04412727 +07200813 _hypernym 07200527 +00926156 _hypernym 00925873 +09020961 _has_part 09021313 +00554850 _hypernym 00333829 +02130524 _derivationally_related_form 10633450 +08894456 _has_part 08895771 +02492536 _hypernym 01864707 +04519153 _hypernym 03096960 +12751554 _hypernym 11567411 +01080064 _hypernym 01158872 +14072423 _hypernym 14070360 +06214379 _hypernym 06212839 +10468962 _derivationally_related_form 00590047 +05966129 _derivationally_related_form 10080508 +10871756 _instance_hypernym 10464178 +01257173 _also_see 01299268 +08836886 _has_part 08837048 +02308741 _hypernym 02199590 +06449735 _has_part 06440489 +01249294 _derivationally_related_form 07655337 +06559365 _hypernym 06722453 +02934641 _hypernym 04048568 +02076535 _member_meronym 02078159 +00760956 _derivationally_related_form 09624559 +01041916 _also_see 00605516 +02336684 _derivationally_related_form 04234455 +00772640 _derivationally_related_form 06648724 +09020792 _instance_hypernym 08691669 +02361811 _hypernym 02327200 +13983147 _hypernym 00024720 +00400083 _derivationally_related_form 00115157 +13057845 _hypernym 11592146 +06705079 _hypernym 06697331 +13557158 _hypernym 13518963 +00567685 _synset_domain_topic_of 00480508 +00368302 _derivationally_related_form 02043190 +00046522 _derivationally_related_form 01206218 +08324514 _derivationally_related_form 09944022 +01786760 _hypernym 01785971 +11983739 _hypernym 11579418 +15074962 _hypernym 14974264 +00299217 _hypernym 00295701 +04484160 _hypernym 02681518 +12117695 _hypernym 12135898 +07651454 _hypernym 07649854 +10663315 _derivationally_related_form 02322596 +02323715 _member_meronym 02324717 +06183899 _hypernym 05661996 +06798558 _derivationally_related_form 00820976 +07176682 _derivationally_related_form 00805376 +05124057 _hypernym 05123416 +02647144 _hypernym 01432517 +10479493 _hypernym 10433737 +02205896 _member_meronym 02219234 +02651846 _member_meronym 02652132 +05521514 _hypernym 05514410 +14442933 _hypernym 14441825 +12670172 _hypernym 11579418 +02157731 _derivationally_related_form 05684561 +09622745 _derivationally_related_form 01426397 +14331873 _hypernym 14322699 +08766988 _has_part 09376979 +00638981 _derivationally_related_form 04841358 +07423365 _derivationally_related_form 00146138 +00962722 _hypernym 01080366 +10835709 _instance_hypernym 09765278 +02223266 _hypernym 02159955 +05060189 _derivationally_related_form 01270175 +12900148 _hypernym 11579418 +05393023 _derivationally_related_form 02647497 +12021120 _hypernym 11579418 +12124505 _member_meronym 12124627 +02999757 _hypernym 03814906 +12506614 _hypernym 11585340 +01388386 _derivationally_related_form 00189580 +06320801 _derivationally_related_form 00171127 +02195996 _member_meronym 02196119 +01235355 _verb_group 01741446 +03484083 _derivationally_related_form 01451502 +11665781 _member_meronym 12723835 +12257570 _hypernym 12205694 +14821984 _hypernym 14580897 +01085937 _derivationally_related_form 01111016 +00977153 _derivationally_related_form 06793426 +02262542 _derivationally_related_form 14877585 +01966352 _hypernym 01963942 +00039297 _derivationally_related_form 00743344 +00934744 _derivationally_related_form 10336537 +00188580 _derivationally_related_form 03438257 +11911591 _member_meronym 11944196 +01007676 _derivationally_related_form 03316274 +08971025 _has_part 09339512 +07160752 _hypernym 07109196 +10214637 _hypernym 09614315 +09852081 _hypernym 09851876 +10733350 _hypernym 00007846 +00534837 _hypernym 00283911 +06638868 _hypernym 06588511 +12285900 _hypernym 12284262 +02755529 _synset_domain_topic_of 08199025 +05395286 _derivationally_related_form 05395548 +01815185 _derivationally_related_form 14445749 +00881998 _derivationally_related_form 06633896 +04842029 _derivationally_related_form 00758459 +06347811 _hypernym 06536389 +09367203 _hypernym 00002452 +11719468 _member_meronym 11737316 +09268480 _hypernym 14854262 +08589351 _synset_domain_topic_of 06118563 +01656458 _hypernym 01619929 +13141797 _hypernym 13162297 +02315525 _derivationally_related_form 10168584 +05953416 _derivationally_related_form 01657254 +02018638 _member_meronym 02019308 +08860123 _member_of_domain_region 01087740 +01401772 _derivationally_related_form 10614225 +00991683 _derivationally_related_form 09854510 +01501960 _hypernym 01494310 +12342299 _hypernym 12205694 +04802198 _derivationally_related_form 00631391 +12329899 _member_meronym 12330751 +02321903 _hypernym 02316180 +12529353 _hypernym 11585340 +11251531 _instance_hypernym 09947232 +02153959 _hypernym 02153445 +06200010 _hypernym 06196584 +12046620 _hypernym 11556857 +06689297 _hypernym 06686736 +07167415 _derivationally_related_form 00989602 +11832480 _has_part 07719839 +02618372 _hypernym 01432517 +00288970 _derivationally_related_form 01920698 +11302772 _instance_hypernym 10292316 +00168658 _derivationally_related_form 00414409 +13484082 _derivationally_related_form 01459696 +07272172 _derivationally_related_form 01588493 +08822855 _has_part 09313241 +08174995 _hypernym 08404895 +01979395 _member_meronym 01979526 +13315077 _hypernym 13314936 +12996225 _member_meronym 12998130 +11898079 _hypernym 11575425 +00362659 _derivationally_related_form 00487748 +01177033 _hypernym 01169317 +12457771 _hypernym 12205694 +05503705 _has_part 05466005 +04523690 _hypernym 02921884 +07207680 _synset_domain_topic_of 08441203 +01773825 _hypernym 01787955 +01398212 _hypernym 14989820 +11894327 _hypernym 11868814 +13516842 _derivationally_related_form 00009147 +01216004 _derivationally_related_form 00812274 +14168792 _hypernym 14195315 +01307389 _derivationally_related_form 03954731 +05329533 _hypernym 05237227 +12847008 _hypernym 12205694 +10040945 _hypernym 09767197 +02159271 _member_meronym 02272707 +13957601 _hypernym 13954253 +00951069 _hypernym 00978549 +00855794 _hypernym 00855512 +01471070 _member_meronym 01864707 +10057714 _derivationally_related_form 03287733 +01063350 _derivationally_related_form 00981544 +02658944 _hypernym 01432517 +08975435 _instance_hypernym 08633957 +11704791 _hypernym 11703669 +01190884 _hypernym 01187810 +00267041 _verb_group 00266798 +08906952 _has_part 09241047 +04716210 _derivationally_related_form 00881998 +00180837 _derivationally_related_form 00251013 +05714894 _derivationally_related_form 01053144 +01103614 _hypernym 01103159 +04959230 _hypernym 04956594 +03894379 _derivationally_related_form 02621853 +02388950 _derivationally_related_form 10619492 +00834009 _derivationally_related_form 10322391 +08969291 _has_part 09321694 +11827169 _hypernym 11565040 +01494339 _member_meronym 01494475 +06480506 _hypernym 06479665 +13039553 _member_meronym 13040303 +15273626 _hypernym 15113229 +01985923 _verb_group 01977701 +02547213 _member_meronym 02547947 +09023321 _member_meronym 09731906 +12694048 _hypernym 11566682 +12933827 _hypernym 11585340 +15091473 _hypernym 15090742 +05785311 _derivationally_related_form 00646271 +07448717 _hypernym 07447641 +06674542 _hypernym 06634376 +01466543 _derivationally_related_form 03169390 +08790495 _has_part 08790953 +00870213 _verb_group 00870577 +12660796 _member_meronym 12661045 +12167749 _hypernym 11562747 +00959376 _derivationally_related_form 01079480 +08076578 _derivationally_related_form 02562585 +12670013 _hypernym 15098161 +10172793 _derivationally_related_form 07495551 +08836630 _has_part 08842819 +15203565 _has_part 15225797 +02984104 _derivationally_related_form 10467179 +09758781 _hypernym 10245639 +01870043 _verb_group 01240720 +10116246 _derivationally_related_form 05962043 +00886602 _hypernym 00886759 +01484097 _hypernym 01483522 +14999913 _hypernym 14618253 +10209888 _hypernym 00007846 +14757547 _derivationally_related_form 01445027 +00433778 _hypernym 00151689 +11216100 _instance_hypernym 10599806 +14516501 _hypernym 13920835 +08555883 _hypernym 08652970 +09215664 _hypernym 09225146 +00933154 _derivationally_related_form 02267060 +00907930 _derivationally_related_form 07211752 +11694866 _has_part 07761461 +00825951 _hypernym 00825443 +00857923 _derivationally_related_form 04634540 +10684630 _hypernym 10251779 +02327200 _derivationally_related_form 10677271 +00366275 _hypernym 00140123 +05271383 _derivationally_related_form 02646072 +02567147 _derivationally_related_form 00770543 +05519085 _has_part 05519820 +08860123 _member_of_domain_region 03823540 +05513807 _has_part 05514905 +01061489 _also_see 00727564 +06552116 _synset_domain_topic_of 08441203 +10460286 _derivationally_related_form 00649887 +08562243 _has_part 09211266 +14416089 _derivationally_related_form 02144835 +06256229 _derivationally_related_form 02153023 +04831031 _derivationally_related_form 01507402 +05870916 _hypernym 05835747 +01821266 _also_see 01834304 +10005721 _derivationally_related_form 02394662 +02022135 _member_meronym 02023133 +00781168 _derivationally_related_form 04704346 +11119061 _instance_hypernym 09765278 +02575766 _member_meronym 02576575 +09367733 _hypernym 09334396 +10277912 _hypernym 10794014 +00161243 _hypernym 00037396 +01659248 _derivationally_related_form 03385117 +00902652 _also_see 01279978 +00457998 _derivationally_related_form 10365399 +08933287 _instance_hypernym 08641113 +01692713 _member_meronym 01692864 +12150447 _member_meronym 12151365 +01555586 _member_meronym 01557028 +10830456 _instance_hypernym 10650162 +01190494 _derivationally_related_form 07884567 +02947212 _derivationally_related_form 01933900 +01492725 _derivationally_related_form 14288871 +00287848 _derivationally_related_form 04976952 +01810466 _member_meronym 01810946 +02107588 _hypernym 02106506 +06615561 _hypernym 06619065 +02286204 _derivationally_related_form 00027167 +05876912 _hypernym 05872982 +00056334 _hypernym 00055142 +13203551 _hypernym 13166338 +01047381 _derivationally_related_form 07121361 +14639921 _hypernym 14622893 +06397307 _hypernym 06392001 +04097256 _synset_domain_topic_of 02958343 +09827683 _derivationally_related_form 15145586 +12197211 _hypernym 11575425 +07262579 _derivationally_related_form 00921300 +00965871 _derivationally_related_form 06726158 +11841529 _member_meronym 11848253 +05546383 _hypernym 05470189 +07184149 _hypernym 07181935 +01063188 _hypernym 01018928 +04043411 _has_part 04043733 +01717628 _synset_domain_topic_of 06157326 +01219993 _derivationally_related_form 02887209 +11867525 _member_meronym 11871294 +02153709 _derivationally_related_form 10575787 +01624321 _hypernym 01659248 +07450549 _hypernym 07447641 +09545324 _hypernym 09504135 +00648764 _hypernym 00648224 +11370654 _instance_hypernym 10013927 +06893885 _derivationally_related_form 00796047 +13968547 _derivationally_related_form 02511551 +05116590 _hypernym 05115804 +06518719 _hypernym 06472025 +01883513 _hypernym 01874434 +02689882 _derivationally_related_form 04343346 +02681795 _also_see 01116585 +12449024 _member_meronym 12449934 +07722052 _hypernym 07721325 +05902327 _derivationally_related_form 01743784 +12955191 _hypernym 13167078 +09117351 _has_part 09125629 +13651520 _derivationally_related_form 13660337 +00099951 _derivationally_related_form 10280674 +00644583 _derivationally_related_form 05772667 +01631830 _derivationally_related_form 00894738 +02246456 _derivationally_related_form 07956887 +13149039 _member_meronym 13149296 +05075602 _hypernym 05074774 +06321702 _hypernym 06320801 +01562116 _hypernym 01507175 +11780018 _hypernym 15053867 +02549048 _hypernym 02547586 +12476036 _member_meronym 12481806 +13411533 _synset_domain_topic_of 05662532 +13813765 _derivationally_related_form 02539788 +01061481 _hypernym 00931467 +02728440 _derivationally_related_form 00043683 +00767826 _derivationally_related_form 01120069 +01294330 _instance_hypernym 00956485 +00381326 _hypernym 00378985 +02554066 _hypernym 02242464 +06892358 _hypernym 06892016 +01350283 _hypernym 01212572 +09055015 _has_part 09350922 +08873622 _has_part 08875547 +04511002 _hypernym 03297735 +08564307 _has_part 09099526 +01621555 _derivationally_related_form 00923995 +00205891 _hypernym 00030358 +00914632 _derivationally_related_form 01629000 +01378556 _also_see 02028994 +03838899 _hypernym 03228016 +01778017 _derivationally_related_form 10198437 +01667302 _hypernym 01657723 +01732921 _hypernym 01712704 +00426608 _derivationally_related_form 14498096 +02247226 _synset_domain_topic_of 01090446 +02652979 _member_meronym 02653359 +14070360 _hypernym 14061805 +02206624 _member_meronym 02206856 +01521124 _derivationally_related_form 07443010 +00087423 _hypernym 01083645 +00549610 _derivationally_related_form 01723963 +06523132 _derivationally_related_form 02208537 +09477037 _derivationally_related_form 01672168 +02628961 _hypernym 02627934 +05893356 _hypernym 05892096 +11996792 _member_meronym 11997409 +01324305 _derivationally_related_form 00119873 +10148165 _hypernym 09821831 +01588589 _hypernym 01507175 +00698572 _derivationally_related_form 05982152 +02534352 _member_meronym 02534734 +02517169 _similar_to 02515341 +00226071 _derivationally_related_form 00362659 +00599992 _derivationally_related_form 05996646 +10456138 _hypernym 09625789 +00736375 _hypernym 00735936 +07157273 _member_of_domain_usage 05262422 +08860123 _member_of_domain_region 13752172 +03208229 _hypernym 14778436 +01268457 _hypernym 01332730 +02420789 _derivationally_related_form 00719705 +02466134 _derivationally_related_form 01066542 +00055010 _derivationally_related_form 05404336 +01455184 _derivationally_related_form 04231693 +11376742 _instance_hypernym 10214637 +01018928 _derivationally_related_form 05822746 +12821736 _hypernym 11744859 +04100174 _hypernym 03563967 +08900535 _has_part 08905936 +02081282 _member_meronym 02081423 +01301630 _has_part 01279615 +11787892 _hypernym 11556857 +00388392 _derivationally_related_form 02718863 +01001857 _hypernym 02471690 +11797016 _hypernym 11585340 +07305234 _derivationally_related_form 01797730 +02219234 _member_meronym 02219901 +09931418 _derivationally_related_form 00889294 +00750405 _derivationally_related_form 02277897 +02376542 _derivationally_related_form 00057895 +05785508 _derivationally_related_form 00703875 +00331082 _derivationally_related_form 11460063 +13177354 _hypernym 13167078 +00798717 _hypernym 00757544 +09198106 _has_part 08678253 +14040310 _hypernym 14039534 +10643937 _hypernym 09821831 +03057021 _derivationally_related_form 00051511 +06171040 _derivationally_related_form 10423225 +06355459 _has_part 06805826 +08072837 _member_meronym 04323026 +07749446 _hypernym 07747055 +02373336 _hypernym 02370806 +00128477 _hypernym 00125629 +00658052 _derivationally_related_form 14428160 +00149262 _derivationally_related_form 01344293 +00114871 _hypernym 00114431 +00456596 _derivationally_related_form 05696020 +02774152 _has_part 03038281 +06062407 _hypernym 06045562 +09943811 _hypernym 09770472 +09472597 _hypernym 09359803 +02380980 _verb_group 02015168 +04559451 _derivationally_related_form 10691764 +01609236 _hypernym 01507175 +02179429 _member_meronym 02179714 +00021065 _hypernym 00084738 +04053995 _hypernym 03522239 +00534152 _synset_domain_topic_of 00528667 +05786184 _synset_domain_topic_of 05946687 +14426449 _hypernym 14425974 +10525134 _derivationally_related_form 02422663 +00375021 _derivationally_related_form 02863750 +04045397 _derivationally_related_form 01842508 +05530092 _hypernym 05288091 +01983958 _hypernym 01759182 +02658079 _hypernym 02657368 +11259054 _instance_hypernym 09937903 +09002814 _member_of_domain_region 10812800 +13924659 _derivationally_related_form 02677567 +12187450 _hypernym 11575425 +02530861 _also_see 00853776 +00739082 _verb_group 00739340 +11890723 _hypernym 11575425 +13454318 _derivationally_related_form 01742726 +02415971 _hypernym 01864707 +02323186 _member_meronym 02323449 +06179792 _derivationally_related_form 10577820 +02755352 _derivationally_related_form 01290255 +00135857 _also_see 02539788 +02553196 _member_meronym 02559232 +01340283 _also_see 00715541 +00813790 _derivationally_related_form 01256743 +00720063 _derivationally_related_form 05951323 +01794813 _member_meronym 01795088 +00727143 _derivationally_related_form 06688274 +11205647 _instance_hypernym 10296176 +10161695 _hypernym 10384772 +02650840 _derivationally_related_form 07942152 +07366289 _derivationally_related_form 02661252 +02210855 _derivationally_related_form 00041899 +02244007 _member_meronym 02244670 +12487647 _member_meronym 12498316 +12715569 _member_meronym 12718314 +03419014 _has_part 04236377 +01563724 _hypernym 01557774 +12475593 _hypernym 11561228 +02321046 _verb_group 02320374 +00328015 _derivationally_related_form 02078294 +00293916 _derivationally_related_form 01926984 +03446268 _has_part 03313873 +05820620 _derivationally_related_form 01021128 +01397385 _derivationally_related_form 07436661 +09481523 _instance_hypernym 09411430 +00682928 _hypernym 00681429 +09238926 _derivationally_related_form 00649887 +13463490 _derivationally_related_form 00570003 +11826416 _member_meronym 11826569 +10857540 _instance_hypernym 09765278 +04694441 _hypernym 04692157 +09962789 _hypernym 10311021 +12650556 _hypernym 12641413 +01358023 _hypernym 00182406 +01921772 _derivationally_related_form 00622068 +03824014 _hypernym 02938514 +06578323 _hypernym 06568978 +14879750 _derivationally_related_form 00443670 +09604981 _hypernym 00007846 +06845599 _member_of_domain_usage 03690005 +09067277 _has_part 09407632 +02011281 _hypernym 02008041 +12321873 _hypernym 12320010 +00437125 _derivationally_related_form 04751305 +14441825 _derivationally_related_form 02381571 +04205759 _hypernym 04008634 +00799383 _derivationally_related_form 00053913 +15197658 _synset_domain_topic_of 06232880 +09067878 _instance_hypernym 08524735 +06295235 _member_of_domain_usage 06363778 +09189411 _has_part 08698379 +01096497 _hypernym 01095218 +03003344 _derivationally_related_form 00300317 +12119947 _hypernym 11556857 +12724201 _member_meronym 12729521 +12104943 _hypernym 11556857 +08014860 _synset_domain_topic_of 00759694 +04802629 _derivationally_related_form 00617748 +04968895 _derivationally_related_form 00521641 +03561657 _derivationally_related_form 02688794 +01502262 _synset_domain_topic_of 06073494 +01197258 _derivationally_related_form 00696189 +15258281 _synset_domain_topic_of 00463543 +05629682 _derivationally_related_form 02859053 +10118844 _derivationally_related_form 01138523 +14478433 _derivationally_related_form 02318165 +00397760 _derivationally_related_form 01549420 +12605019 _member_meronym 12606907 +12501745 _member_meronym 12561696 +00774344 _derivationally_related_form 09873348 +05698620 _hypernym 05698247 +00297062 _hypernym 00295701 +07802417 _hypernym 07566340 +12154773 _hypernym 13104059 +01935395 _derivationally_related_form 01898282 +06648207 _derivationally_related_form 01015244 +09023321 _member_meronym 09692250 +10221656 _hypernym 00007846 +00094240 _hypernym 00094001 +01606205 _derivationally_related_form 03386011 +14321953 _hypernym 14321469 +02196344 _hypernym 02188699 +01376245 _derivationally_related_form 14840092 +11707109 _member_meronym 11707229 +08549733 _hypernym 08549070 +03210940 _derivationally_related_form 01688771 +05970755 _synset_domain_topic_of 06158346 +01796033 _derivationally_related_form 07516997 +03395745 _hypernym 04424418 +03538037 _hypernym 03472232 +08853741 _has_part 08856945 +00217956 _derivationally_related_form 00278040 +10705615 _hypernym 10557854 +03318294 _hypernym 03665366 +11911591 _member_meronym 12023996 +15147330 _derivationally_related_form 10129825 +00164801 _hypernym 00162632 +11917407 _hypernym 11915899 +03629857 _hypernym 02944826 +01040550 _derivationally_related_form 06875094 +11867525 _member_meronym 11894173 +04407435 _hypernym 03953416 +02680814 _derivationally_related_form 15268239 +01444520 _member_meronym 01445305 +07500414 _derivationally_related_form 02400037 +08341330 _hypernym 08337324 +07880583 _hypernym 07640203 +01679433 _derivationally_related_form 07621618 +06669864 _derivationally_related_form 02633534 +02649689 _member_meronym 02650928 +00797299 _derivationally_related_form 10037080 +15182805 _synset_domain_topic_of 06232880 +12542649 _member_meronym 12543455 +14451911 _hypernym 13920835 +05656294 _hypernym 05654362 +12766241 _member_meronym 12766595 +00593944 _derivationally_related_form 10066732 +09685564 _hypernym 09684609 +02087122 _hypernym 02084071 +06845599 _member_of_domain_usage 03756624 +12464476 _hypernym 12425281 +12748815 _member_meronym 12749852 +05662532 _hypernym 05661996 +01705934 _hypernym 01700470 +00788821 _derivationally_related_form 01118081 +01824751 _also_see 01827535 +00067274 _derivationally_related_form 00868523 +08617963 _derivationally_related_form 02081178 +10518349 _derivationally_related_form 01815185 +00837098 _derivationally_related_form 00005526 +00061171 _derivationally_related_form 01990281 +07508486 _hypernym 00026192 +01423623 _derivationally_related_form 03108853 +05259512 _derivationally_related_form 01387656 +00670250 _hypernym 00671351 +01677716 _derivationally_related_form 03491178 +15021085 _hypernym 14973133 +12970379 _member_meronym 12970560 +04992163 _hypernym 04916342 +04797482 _hypernym 04797295 +08177030 _member_meronym 08929243 +01273814 _hypernym 01356370 +02260623 _member_meronym 02261286 +02007721 _member_meronym 02011156 +10275249 _hypernym 09730533 +02256354 _hypernym 02257370 +02689299 _derivationally_related_form 05088324 +02704461 _derivationally_related_form 06031248 +09802050 _derivationally_related_form 00681429 +06845599 _member_of_domain_usage 03157582 +01880152 _hypernym 01877134 +08341798 _hypernym 08337324 +05922651 _derivationally_related_form 01026975 +13444940 _hypernym 13489037 +12036368 _hypernym 11684264 +07043824 _hypernym 07037465 +01753721 _member_meronym 01754190 +00754280 _derivationally_related_form 02572119 +12838027 _member_meronym 12852930 +06012513 _hypernym 06003682 +06355459 _hypernym 06353934 +00921014 _also_see 01343918 +02539101 _derivationally_related_form 10305192 +00777931 _derivationally_related_form 07191777 +02449340 _derivationally_related_form 04211528 +01491520 _member_meronym 01491661 +00796588 _derivationally_related_form 13935227 +11665781 _member_meronym 12213485 +01006421 _hypernym 00987071 +08186393 _hypernym 08185758 +02490686 _hypernym 01864707 +14907122 _hypernym 14951377 +01162376 _derivationally_related_form 02494356 +02635659 _derivationally_related_form 07292694 +03713736 _hypernym 04470232 +01604696 _hypernym 01340439 +04353803 _hypernym 00003553 +06717170 _member_of_domain_usage 09643670 +02346315 _member_meronym 02367131 +12178358 _hypernym 14906500 +00864910 _derivationally_related_form 00206600 +08504594 _hypernym 08683548 +14440137 _derivationally_related_form 00847478 +09384921 _has_part 09467765 +12637729 _member_meronym 12638218 +01688256 _derivationally_related_form 05766984 +13649791 _hypernym 13603305 +12786684 _hypernym 11744859 +04983848 _hypernym 04983402 +13750844 _hypernym 13745420 +08791167 _member_of_domain_region 01302449 +10742005 _hypernym 10741821 +14873951 _hypernym 14898470 +12378753 _hypernym 13112664 +00503164 _derivationally_related_form 01260867 +07405893 _hypernym 07311115 +02341805 _member_meronym 02341974 +01029671 _hypernym 01029406 +00025203 _derivationally_related_form 14544335 +03946325 _hypernym 03944672 +09605289 _derivationally_related_form 14425103 +03427296 _derivationally_related_form 02353844 +00179486 _also_see 01407465 +05571713 _hypernym 05570839 +08779830 _instance_hypernym 08574314 +01158872 _derivationally_related_form 10743124 +00933821 _verb_group 00935987 +10763725 _derivationally_related_form 02637938 +00819508 _hypernym 00817311 +07489059 _hypernym 07487955 +00884011 _derivationally_related_form 10482054 +01775879 _member_meronym 01776546 +05434927 _has_part 05436080 +06720216 _derivationally_related_form 00846509 +02227487 _hypernym 02227741 +00396880 _synset_domain_topic_of 06084469 +02030424 _derivationally_related_form 00369138 +00010435 _verb_group 01721556 +05627785 _hypernym 05625879 +00224166 _derivationally_related_form 04846533 +14873641 _derivationally_related_form 01633173 +15212455 _hypernym 15209706 +01476135 _hypernym 01342529 +01917434 _hypernym 01908415 +07109196 _hypernym 07109019 +02690270 _hypernym 03539875 +15169873 _hypernym 15113229 +00661824 _derivationally_related_form 05738625 +09804230 _hypernym 00007846 +07904395 _hypernym 07901587 +05774614 _derivationally_related_form 00636574 +08860123 _member_of_domain_region 09959258 +11832108 _hypernym 11827775 +03947888 _derivationally_related_form 03100026 +01685601 _verb_group 01654628 +12694048 _member_meronym 12694193 +00470701 _derivationally_related_form 07334490 +01456771 _derivationally_related_form 00357275 +07923748 _hypernym 07566340 +02599004 _hypernym 02074677 +00799383 _verb_group 01994442 +09071690 _has_part 09378014 +14422488 _derivationally_related_form 00203866 +01160342 _derivationally_related_form 02499629 +02261386 _derivationally_related_form 04937043 +01931768 _derivationally_related_form 10741821 +08260961 _hypernym 08256968 +00894221 _derivationally_related_form 06626446 +02253154 _derivationally_related_form 13278375 +01455866 _hypernym 01579153 +01604625 _member_meronym 01605119 +01323518 _derivationally_related_form 10659393 +05861317 _hypernym 06812417 +08361001 _hypernym 08367880 +06651577 _derivationally_related_form 00873469 +13333237 _derivationally_related_form 02271137 +00149262 _derivationally_related_form 01284908 +02719016 _derivationally_related_form 10627899 +13794417 _hypernym 13791389 +00394813 _derivationally_related_form 00380083 +09906538 _hypernym 09614684 +05220126 _has_part 05554405 +02375131 _derivationally_related_form 10495167 +03837157 _hypernym 02720201 +01658188 _hypernym 01653873 +01976477 _member_meronym 01978744 +08801678 _member_of_domain_region 01293650 +11234813 _instance_hypernym 10467395 +01720773 _derivationally_related_form 07031752 +01084637 _hypernym 01083645 +02385813 _derivationally_related_form 08237863 +10154186 _hypernym 09673495 +11629501 _member_meronym 11632794 +01458973 _derivationally_related_form 01254253 +09667715 _hypernym 09646608 +12583855 _hypernym 12582846 +10629020 _derivationally_related_form 01500873 +06769392 _derivationally_related_form 00617748 +07075172 _member_of_domain_usage 00039318 +07888909 _hypernym 07802417 +11412592 _hypernym 11410625 +14444326 _hypernym 01097292 +15126931 _has_part 15127307 +12039743 _member_meronym 12076381 +07007171 _derivationally_related_form 01711445 +06736529 _synset_domain_topic_of 08441203 +01780551 _hypernym 01759182 +01989097 _hypernym 01759182 +02532595 _hypernym 00789138 +02599557 _hypernym 02599052 +04802776 _hypernym 04802629 +11277500 _instance_hypernym 10562749 +01605119 _member_meronym 01605630 +08514034 _hypernym 08513718 +01748318 _also_see 02517265 +01091427 _hypernym 01090335 +10327475 _hypernym 09977660 +11909353 _hypernym 11575425 +07442288 _hypernym 07440979 +10904107 _instance_hypernym 10794014 +01130607 _derivationally_related_form 04547592 +12659203 _member_meronym 12659356 +08716738 _member_meronym 09696280 +01539063 _derivationally_related_form 13423922 +00187526 _derivationally_related_form 06473381 +02236495 _member_meronym 02239347 +01003049 _derivationally_related_form 04534520 +09466678 _hypernym 09206985 +08524735 _derivationally_related_form 00499642 +09044862 _member_of_domain_region 13206178 +12871074 _member_meronym 12871484 +10852803 _instance_hypernym 09826204 +08873412 _instance_hypernym 08552138 +11460063 _derivationally_related_form 01254013 +00412292 _hypernym 00126264 +01657828 _derivationally_related_form 00378985 +11451442 _has_part 05056490 +00784083 _hypernym 00780889 +09023321 _member_of_domain_region 10039164 +02262324 _member_meronym 02262449 +01667570 _member_meronym 01668257 +01952898 _derivationally_related_form 10514429 +00103140 _hypernym 00045250 +01222360 _derivationally_related_form 04871374 +02633844 _hypernym 01432517 +08780881 _has_part 08783286 +01236795 _derivationally_related_form 07389569 +01983481 _has_part 07792926 +00561036 _also_see 00508192 +02555434 _derivationally_related_form 01207609 +00682436 _derivationally_related_form 00999245 +01803380 _derivationally_related_form 10695555 +07258664 _derivationally_related_form 01705257 +01690294 _derivationally_related_form 07003119 +14633206 _derivationally_related_form 00373520 +12952852 _member_meronym 12954634 +10171755 _derivationally_related_form 00684507 +00428583 _hypernym 00153263 +01653384 _member_meronym 01653509 +09536058 _instance_hypernym 09504135 +13178500 _hypernym 13167078 +12028424 _hypernym 12205694 +09681351 _hypernym 00007846 +13060451 _member_meronym 13062630 +13726296 _derivationally_related_form 02814453 +02064154 _member_meronym 02065599 +00229605 _derivationally_related_form 01340522 +13331634 _derivationally_related_form 00637259 +01621994 _hypernym 01507175 +08871007 _has_part 08879388 +12105125 _hypernym 12102133 +12968882 _hypernym 11592146 +12670558 _member_meronym 12670758 +00519751 _hypernym 00519363 +05205537 _hypernym 05204637 +13557766 _hypernym 13518963 +00727564 _similar_to 00728826 +13016457 _member_meronym 13231436 +07162680 _hypernym 07162194 +05529729 _has_part 05530429 +01050651 _hypernym 01729431 +03710721 _hypernym 04371563 +11940006 _hypernym 13118707 +13530108 _hypernym 13491876 +02145084 _member_meronym 02145767 +12301180 _has_part 07767344 +14758027 _hypernym 14755804 +01832684 _hypernym 01507175 +01705247 _hypernym 01342529 +01395049 _derivationally_related_form 03959936 +10693824 _derivationally_related_form 01031705 +00331842 _hypernym 00331082 +01968275 _derivationally_related_form 00303849 +11372372 _instance_hypernym 10650162 +00181781 _hypernym 00182213 +00558371 _hypernym 00205885 +00239614 _derivationally_related_form 14889479 +08860123 _member_of_domain_region 04201733 +11778534 _member_meronym 11783723 +09207288 _has_part 08968879 +04665543 _derivationally_related_form 01978003 +07157273 _member_of_domain_usage 04145735 +00459296 _hypernym 00765649 +08921850 _has_part 08926381 +13177884 _hypernym 13177529 +00201923 _derivationally_related_form 00795863 +01504480 _derivationally_related_form 01172441 +00860620 _derivationally_related_form 04684358 +13728499 _hypernym 13582013 +01214265 _also_see 01214786 +01541261 _hypernym 01507175 +02179429 _hypernym 01759182 +01266945 _hypernym 00248977 +07999699 _hypernym 00002137 +01911839 _hypernym 01909422 +01024763 _hypernym 01024190 +02315696 _hypernym 08102555 +02519862 _hypernym 02519686 +01235769 _derivationally_related_form 09884815 +04746842 _derivationally_related_form 02729632 +01116466 _hypernym 00996969 +06551627 _derivationally_related_form 02445356 +01953032 _member_meronym 01953197 +01438681 _hypernym 01438304 +09189411 _has_part 08734385 +02271427 _member_meronym 02271740 +01912709 _derivationally_related_form 13757249 +00011551 _hypernym 00010435 +00624801 _hypernym 00624476 +00228236 _derivationally_related_form 00278403 +07350192 _hypernym 07309781 +00312648 _hypernym 00312380 +12743823 _hypernym 12188289 +06196584 _derivationally_related_form 02719399 +05961278 _hypernym 05943300 +12900462 _hypernym 13112664 +11911591 _member_meronym 12026306 +02245403 _derivationally_related_form 04948241 +07286999 _hypernym 07286368 +08429167 _hypernym 07975026 +00828374 _derivationally_related_form 06743230 +13740591 _hypernym 13740168 +03132438 _hypernym 03323703 +02202133 _derivationally_related_form 10712573 +11986900 _has_part 07723753 +01322675 _derivationally_related_form 00388065 +03836062 _hypernym 03017070 +05821775 _hypernym 05820620 +02077656 _also_see 01981036 +10079210 _hypernym 10079399 +14528873 _hypernym 14526764 +00763132 _hypernym 00759694 +01680756 _derivationally_related_form 00015388 +01380638 _derivationally_related_form 01014990 +01825417 _member_meronym 01826223 +11976715 _hypernym 11579418 +11707229 _hypernym 11703669 +02771997 _derivationally_related_form 14685172 +01312096 _has_part 01280055 +06763681 _derivationally_related_form 01024190 +00414174 _derivationally_related_form 08374049 +09201301 _has_part 09293917 +12497322 _hypernym 15098161 +02316392 _member_meronym 02316707 +01628148 _hypernym 01626600 +02655355 _hypernym 01429349 +01195299 _derivationally_related_form 07578879 +00787049 _hypernym 00786816 +00338071 _derivationally_related_form 00388210 +11176932 _instance_hypernym 10020890 +00999588 _synset_domain_topic_of 07020895 +07083246 _derivationally_related_form 10050880 +11782036 _hypernym 11779300 +09919297 _derivationally_related_form 06062076 +05762998 _hypernym 05760202 +10163723 _derivationally_related_form 01720980 +01313093 _member_meronym 01923637 +00456740 _hypernym 00296178 +06632097 _derivationally_related_form 00898019 +12778045 _member_meronym 12778219 +05970012 _synset_domain_topic_of 06364641 +04517823 _hypernym 03528263 +02541251 _hypernym 01525666 +07215185 _derivationally_related_form 00937023 +02363818 _hypernym 01864707 +00273445 _derivationally_related_form 00947923 +06451891 _has_part 06432376 +01914947 _derivationally_related_form 00293916 +07151122 _derivationally_related_form 00764902 +02706586 _hypernym 03009633 +10752480 _derivationally_related_form 02500619 +00896688 _hypernym 00896348 +08919693 _has_part 08919949 +06707178 _hypernym 06706676 +00043195 _derivationally_related_form 01637982 +01891438 _hypernym 01862557 +01683582 _derivationally_related_form 05902327 +11847841 _hypernym 11573660 +02066245 _hypernym 02063224 +11632794 _hypernym 11554175 +05250659 _has_part 05254197 +02449847 _hypernym 00802318 +02493666 _derivationally_related_form 07255401 +02701962 _derivationally_related_form 04162998 +12415911 _hypernym 11561228 +02100176 _derivationally_related_form 07376257 +14286549 _derivationally_related_form 01254013 +10017794 _derivationally_related_form 02294436 +03339643 _derivationally_related_form 01458664 +00102779 _hypernym 00102457 +10375794 _hypernym 10280130 +01015866 _hypernym 01015244 +14420240 _derivationally_related_form 02622969 +05572940 _hypernym 05570839 +01872745 _also_see 01509527 +03393017 _hypernym 04018399 +02962013 _derivationally_related_form 09750891 +05100269 _hypernym 05099796 +00121678 _derivationally_related_form 00196084 +01859586 _derivationally_related_form 07365849 +02870092 _derivationally_related_form 06413889 +08686495 _instance_hypernym 08685677 +11616852 _hypernym 11608250 +02379753 _derivationally_related_form 00212205 +01416193 _verb_group 01412912 +02597004 _hypernym 02596381 +11492014 _derivationally_related_form 00487182 +02014646 _member_meronym 02017878 +06691684 _derivationally_related_form 00861725 +00331655 _derivationally_related_form 01883344 +12155583 _hypernym 13122364 +02617029 _member_meronym 02617402 +03571439 _hypernym 02729965 +15045490 _hypernym 14779205 +04072551 _hypernym 04333129 +14762038 _hypernym 14761806 +07040939 _derivationally_related_form 10623650 +11705921 _hypernym 11571907 +00910973 _derivationally_related_form 09974054 +03568653 _hypernym 03828465 +02065932 _hypernym 01862557 +00056188 _derivationally_related_form 13134947 +13134947 _derivationally_related_form 00506672 +09539183 _hypernym 09538915 +12934479 _hypernym 12205694 +01160031 _also_see 01628302 +01156899 _derivationally_related_form 02339413 +02227741 _derivationally_related_form 00204439 +07545594 _hypernym 07544647 +10379376 _derivationally_related_form 04835488 +12019190 _member_meronym 12019375 +01483131 _derivationally_related_form 03870672 +10064405 _derivationally_related_form 06409562 +11849467 _hypernym 13087625 +08176077 _hypernym 08294696 +00378664 _derivationally_related_form 04694090 +02151108 _hypernym 01864707 +02072665 _hypernym 01864707 +10603528 _derivationally_related_form 02706046 +00314782 _derivationally_related_form 11455695 +01563724 _derivationally_related_form 00397953 +11076566 _instance_hypernym 09924996 +00205046 _derivationally_related_form 05143690 +09118505 _instance_hypernym 08524735 +07157273 _member_of_domain_usage 07459642 +00155298 _derivationally_related_form 00667942 +00961329 _hypernym 00938247 +01683422 _hypernym 01684899 +02414710 _hypernym 02413480 +04269086 _synset_domain_topic_of 02958343 +00074038 _derivationally_related_form 10000007 +14440488 _hypernym 14440137 +02047650 _derivationally_related_form 07433145 +00773235 _hypernym 00766234 +01937222 _derivationally_related_form 03558404 +01803936 _hypernym 02376958 +01789064 _member_meronym 01800759 +03793186 _hypernym 03391770 +04801532 _hypernym 04801313 +13889602 _synset_domain_topic_of 06004685 +00495331 _hypernym 00488225 +00794367 _derivationally_related_form 00786458 +06875697 _has_part 06876144 +01103000 _hypernym 00606370 +11984144 _hypernym 13085113 +05802730 _derivationally_related_form 00642644 +01800424 _hypernym 01789386 +06413889 _derivationally_related_form 10395605 +12325787 _hypernym 13112664 +01546111 _derivationally_related_form 00349080 +00421917 _derivationally_related_form 07427534 +08933437 _instance_hypernym 08554440 +02685299 _derivationally_related_form 00006484 +10165448 _hypernym 09626589 +02184610 _hypernym 02176268 +00073525 _synset_domain_topic_of 06000644 +02847942 _hypernym 03691128 +05343718 _hypernym 05333777 +10916105 _instance_hypernym 10650162 +03151077 _derivationally_related_form 02353537 +00089154 _derivationally_related_form 14283632 +15274441 _derivationally_related_form 00558061 +09151411 _instance_hypernym 08524735 +13262913 _synset_domain_topic_of 08441203 +05297523 _hypernym 05220461 +11778534 _member_meronym 11780589 +09011922 _instance_hypernym 08665504 +04678401 _hypernym 04677952 +08921850 _has_part 08926681 +07029088 _hypernym 07028373 +07083732 _derivationally_related_form 00982293 +02470451 _hypernym 01342529 +14408646 _hypernym 14408086 +00887081 _derivationally_related_form 02945971 +08811473 _instance_hypernym 08633957 +10498046 _derivationally_related_form 01888511 +05150129 _derivationally_related_form 02123812 +02394068 _member_meronym 02397251 +00901103 _derivationally_related_form 07217349 +06804988 _hypernym 06791372 +00736894 _hypernym 00736375 +12664897 _member_meronym 12665048 +00284101 _derivationally_related_form 01910965 +11683105 _hypernym 11682842 +01877134 _hypernym 01874434 +08026904 _synset_domain_topic_of 00759694 +00150287 _derivationally_related_form 00046109 +13918965 _hypernym 13875970 +13590327 _synset_domain_topic_of 06090869 +14085708 _hypernym 14084880 +09263087 _instance_hypernym 09411430 +01627424 _hypernym 01471682 +00662182 _verb_group 00661824 +08334087 _synset_domain_topic_of 08199025 +14688500 _hypernym 14662574 +01046480 _derivationally_related_form 10533983 +08766988 _member_of_domain_region 08028623 +01016626 _synset_domain_topic_of 08441203 +01615458 _hypernym 01615121 +01854223 _member_meronym 01854415 +02792903 _derivationally_related_form 08276720 +06440102 _instance_hypernym 06394865 +04226322 _hypernym 02887209 +10236663 _hypernym 10235549 +15195928 _synset_domain_topic_of 06232880 +09438055 _derivationally_related_form 00009147 +01590042 _member_meronym 01590220 +09180967 _synset_domain_topic_of 00704305 +01876180 _hypernym 01862557 +08035601 _synset_domain_topic_of 00759694 +00427397 _derivationally_related_form 00230172 +03336839 _has_part 03474896 +10259348 _derivationally_related_form 00594580 +14130166 _hypernym 14127211 +12532720 _member_meronym 12533190 +13609507 _hypernym 13583724 +06462219 _synset_domain_topic_of 06232880 +02497832 _hypernym 01862557 +12146100 _member_meronym 12146311 +01176897 _derivationally_related_form 07565259 +00530018 _hypernym 00528397 +02632694 _hypernym 01429349 +02727825 _hypernym 03294048 +06949591 _hypernym 06947032 +02634265 _derivationally_related_form 07292694 +07643981 _derivationally_related_form 00507143 +05912552 _hypernym 05898568 +07157273 _member_of_domain_usage 06617413 +12594746 _member_meronym 12594989 +12027222 _has_part 12027538 +00186567 _derivationally_related_form 14634591 +06716796 _derivationally_related_form 01800422 +06798336 _derivationally_related_form 00922438 +15062284 _derivationally_related_form 00365810 +01732921 _derivationally_related_form 01256743 +08612786 _derivationally_related_form 01582645 +09770949 _derivationally_related_form 02431971 +00352826 _derivationally_related_form 07291794 +01652139 _hypernym 01617192 +12423565 _member_meronym 12459048 +00061598 _derivationally_related_form 01641632 +02542162 _hypernym 01429349 +10669727 _derivationally_related_form 01118081 +03921499 _hypernym 03479647 +00180837 _synset_domain_topic_of 06084469 +15051705 _hypernym 14589223 +00586973 _hypernym 00429060 +14447908 _hypernym 14447525 +03821660 _instance_hypernym 04005630 +01786760 _derivationally_related_form 07548978 +00654885 _derivationally_related_form 00082081 +00680841 _derivationally_related_form 06196584 +02648625 _hypernym 02642107 +00790965 _hypernym 00790703 +04631067 _derivationally_related_form 01133876 +12366507 _member_meronym 12366870 +12351477 _hypernym 11556857 +12738859 _hypernym 11565385 +06528783 _derivationally_related_form 00672433 +07966140 _hypernym 07950920 +13395407 _hypernym 13393762 +12918404 _hypernym 12917901 +07252764 _derivationally_related_form 01649999 +00813978 _derivationally_related_form 07140659 +10550951 _synset_domain_topic_of 15259284 +00996485 _also_see 02343816 +02147452 _member_meronym 02147591 +00123234 _hypernym 00122661 +08095647 _member_meronym 08096474 +02648639 _hypernym 02649830 +00120316 _hypernym 00126264 +04952242 _derivationally_related_form 00278551 +06955931 _hypernym 06904171 +02329292 _hypernym 02327200 +01713348 _derivationally_related_form 00046344 +11728350 _hypernym 11571907 +05284851 _hypernym 05269901 +01046059 _hypernym 02172888 +09430771 _instance_hypernym 09411430 +02060141 _derivationally_related_form 05088324 +14977075 _hypernym 14977504 +03679712 _hypernym 04105893 +08597023 _instance_hypernym 08619620 +08900535 _has_part 09286630 +15278960 _synset_domain_topic_of 13489037 +10654015 _derivationally_related_form 00615462 +01453330 _hypernym 01432517 +11712827 _member_meronym 11713164 +00617413 _hypernym 00800930 +00666350 _derivationally_related_form 01254692 +00378706 _hypernym 00378069 +00719705 _derivationally_related_form 02461063 +05788029 _derivationally_related_form 00696414 +07252378 _derivationally_related_form 01230710 +01950798 _hypernym 01850315 +01797051 _derivationally_related_form 10335246 +15134054 _hypernym 15133621 +01933900 _derivationally_related_form 01142519 +02329578 _synset_domain_topic_of 00917211 +02003725 _derivationally_related_form 00236592 +13912992 _hypernym 05071027 +00639693 _hypernym 00637259 +07351612 _derivationally_related_form 00138508 +14781225 _hypernym 14780040 +11431302 _synset_domain_topic_of 06081602 +09945319 _derivationally_related_form 08365855 +12455540 _hypernym 13134302 +09938080 _hypernym 10625546 +08310389 _derivationally_related_form 02428924 +09910222 _derivationally_related_form 03009269 +14055408 _hypernym 14052403 +02253456 _also_see 01153947 +02377703 _derivationally_related_form 01923414 +09963914 _derivationally_related_form 02437905 +06340707 _hypernym 06339416 +00751887 _derivationally_related_form 09941383 +00181434 _hypernym 00173338 +07082573 _derivationally_related_form 01050313 +04948241 _hypernym 04946877 +12147031 _member_meronym 12148962 +12100538 _member_meronym 12129525 +10435041 _derivationally_related_form 01727684 +01811682 _member_meronym 01813811 +06595351 _has_part 06258228 +01481599 _member_meronym 01487077 +03636248 _hypernym 04263760 +05616786 _hypernym 05616246 +00751131 _derivationally_related_form 13775706 +02764614 _hypernym 02763740 +06644105 _hypernym 06424275 +11228153 _instance_hypernym 09805475 +01923630 _hypernym 01923414 +15197658 _hypernym 15161284 +02570684 _hypernym 02571251 +07891726 _derivationally_related_form 01176567 +05772215 _hypernym 05771836 +01033527 _derivationally_related_form 07138085 +02340360 _derivationally_related_form 03859958 +10665698 _derivationally_related_form 00607405 +12853901 _member_meronym 12854048 +07122555 _hypernym 07120524 +01097500 _derivationally_related_form 01157850 +05393230 _hypernym 05393023 +01120448 _hypernym 01090446 +04147495 _hypernym 03574816 +13152742 _hypernym 13087625 +04073208 _hypernym 03748886 +01884974 _hypernym 01831531 +01076488 _hypernym 01073995 +05768415 _derivationally_related_form 01635432 +02043665 _derivationally_related_form 07250339 +01016778 _derivationally_related_form 09814660 +01618220 _hypernym 01504437 +02237581 _hypernym 02237424 +08295138 _member_meronym 09021503 +06845599 _member_of_domain_usage 04551205 +01904182 _hypernym 09257949 +00637259 _also_see 00634906 +15171857 _has_part 15269128 +01948077 _synset_domain_topic_of 00523513 +07738760 _hypernym 07738353 +02118933 _derivationally_related_form 00879759 +02446660 _hypernym 02413480 +06619065 _hypernym 07288639 +02171039 _hypernym 00722232 +06618822 _hypernym 06613686 +12158148 _has_part 12162181 +00321148 _derivationally_related_form 10693459 +02152812 _derivationally_related_form 06598445 +00931232 _derivationally_related_form 06602935 +02536557 _derivationally_related_form 05692910 +14048309 _hypernym 14048441 +06851742 _member_of_domain_usage 02711890 +00820352 _verb_group 00820611 +02198714 _hypernym 01762525 +02071627 _hypernym 02070874 +01577513 _hypernym 01577093 +02524081 _member_meronym 02524202 +13151568 _hypernym 11562747 +02187320 _hypernym 02176268 +06061631 _derivationally_related_form 09828760 +00549284 _hypernym 00548326 +01835496 _derivationally_related_form 07309781 +00298896 _also_see 02717831 +02854156 _hypernym 03740161 +13023292 _member_meronym 13024012 +12323411 _member_meronym 12324756 +05512337 _hypernym 05512139 +00875671 _synset_domain_topic_of 08199025 +01312096 _instance_hypernym 00996817 +10309347 _derivationally_related_form 01024190 +09209263 _has_part 09243405 +01322854 _derivationally_related_form 00620424 +00160261 _derivationally_related_form 13434878 +02406749 _hypernym 02406174 +12054902 _hypernym 11556857 +14418822 _hypernym 14418662 +01445998 _hypernym 01432517 +08187988 _derivationally_related_form 01730799 +01835496 _derivationally_related_form 07311115 +00257535 _derivationally_related_form 05555917 +01539772 _hypernym 01507175 +02656189 _hypernym 02656390 +00721098 _derivationally_related_form 05916739 +14004572 _derivationally_related_form 01888511 +08957381 _member_of_domain_region 08038995 +08560027 _derivationally_related_form 02715047 +00759269 _also_see 00894221 +07254267 _derivationally_related_form 02367032 +05513020 _has_part 05512670 +01459422 _derivationally_related_form 01775164 +10692482 _derivationally_related_form 01195299 +07125096 _hypernym 07128527 +13895622 _hypernym 13894434 +02492198 _derivationally_related_form 00429048 +01439745 _also_see 02304648 +01014821 _derivationally_related_form 06734467 +08916111 _instance_hypernym 08524735 +02055431 _hypernym 01504437 +05496990 _has_part 05499172 +07075172 _member_of_domain_usage 05311054 +08290928 _hypernym 08290156 +01891438 _member_meronym 01891865 +00017031 _derivationally_related_form 00835976 +09858299 _derivationally_related_form 02241767 +12671157 _member_meronym 12680125 +03139749 _derivationally_related_form 00159880 +05902327 _hypernym 05898568 +02480153 _hypernym 02470899 +08177030 _member_meronym 09044190 +10536897 _hypernym 10526096 +09154178 _instance_hypernym 08638442 +00598767 _derivationally_related_form 10265532 +05603650 _synset_domain_topic_of 06060845 +01593937 _derivationally_related_form 00358089 +09644152 _hypernym 09643078 +10218989 _hypernym 10677713 +00643197 _hypernym 00078760 +03420559 _derivationally_related_form 01087197 +01238358 _derivationally_related_form 08511970 +08206663 _hypernym 08198398 +04986883 _hypernym 04985198 +01632411 _derivationally_related_form 05792842 +00089324 _hypernym 01532589 +13965049 _hypernym 13963970 +02411705 _has_part 02462602 +12507379 _hypernym 13100677 +00763787 _synset_domain_topic_of 00759694 +00872107 _derivationally_related_form 00640828 +09273447 _has_part 08887013 +06544841 _hypernym 06479665 +00098083 _verb_group 00024047 +05252016 _hypernym 05250659 +09631129 _hypernym 00007846 +08763500 _has_part 08763932 +00098770 _hypernym 02004874 +03818090 _hypernym 02716866 +13941125 _hypernym 13939892 +01261773 _synset_domain_topic_of 00243918 +00861611 _hypernym 00859001 +00924873 _derivationally_related_form 09762101 +09203827 _hypernym 09334396 +10208287 _hypernym 10207831 +01328705 _derivationally_related_form 02671421 +07168131 _derivationally_related_form 00747135 +02169891 _derivationally_related_form 10165448 +11357879 _instance_hypernym 09807075 +02984699 _hypernym 03274796 +01412548 _derivationally_related_form 00133338 +10512201 _derivationally_related_form 02471327 +08860123 _member_of_domain_region 04335435 +06917083 _hypernym 06906439 +02713372 _derivationally_related_form 00407090 +00874621 _hypernym 00874067 +00784342 _derivationally_related_form 10207831 +11277500 _instance_hypernym 09668729 +01101753 _derivationally_related_form 02454649 +07444668 _derivationally_related_form 00548913 +05256862 _derivationally_related_form 00038849 +06291318 _hypernym 06286395 +04568069 _hypernym 03736970 +00513597 _hypernym 00513401 +01406684 _verb_group 01406356 +01052618 _hypernym 01051331 +10386196 _hypernym 09617867 +15008847 _derivationally_related_form 00216561 +07214432 _derivationally_related_form 00721437 +03068707 _hypernym 02902250 +05300507 _has_part 05300675 +01577635 _derivationally_related_form 03970156 +00265673 _verb_group 00265386 +04495843 _derivationally_related_form 01454431 +06451891 _has_part 06433035 +08569998 _hypernym 08673395 +01104509 _hypernym 01131473 +07211950 _derivationally_related_form 01046932 +03364340 _derivationally_related_form 01874568 +01000214 _hypernym 02225492 +02659478 _hypernym 02658079 +11173475 _instance_hypernym 09913824 +02333546 _hypernym 02331046 +14121058 _hypernym 14120767 +07813107 _hypernym 07809368 +10056103 _derivationally_related_form 00192836 +08816236 _instance_hypernym 08696931 +00123234 _derivationally_related_form 01489332 +01301630 _has_part 01275697 +00720063 _derivationally_related_form 14486122 +00439343 _derivationally_related_form 00330160 +01612053 _derivationally_related_form 01167146 +06691083 _hypernym 06689297 +04665813 _derivationally_related_form 00616153 +00918872 _derivationally_related_form 09279458 +05720248 _derivationally_related_form 00567604 +09112282 _has_part 09113333 +03077616 _hypernym 03679712 +04463983 _hypernym 00021939 +00064479 _similar_to 00065184 +13070003 _member_meronym 13070708 +12854600 _has_part 07818689 +00034758 _derivationally_related_form 06877742 +08106934 _member_meronym 08107499 +02553196 _member_meronym 02588108 +00629257 _hypernym 00628491 +10947108 _instance_hypernym 10624540 +13169219 _member_meronym 13187604 +02188699 _hypernym 02159955 +00590806 _hypernym 00586262 +02862048 _has_part 04231444 +00093327 _derivationally_related_form 00068333 +00775006 _hypernym 00766234 +01270784 _hypernym 01332730 +04348359 _hypernym 02727825 +07075172 _member_of_domain_usage 00008007 +01751836 _synset_domain_topic_of 00918383 +12563567 _hypernym 11585340 +12760013 _member_meronym 12760132 +09980458 _hypernym 10207831 +00933154 _also_see 02500884 +03473227 _hypernym 04110955 +05481095 _has_part 05495981 +01299224 _instance_hypernym 00981369 +10419047 _derivationally_related_form 02661252 +11538935 _member_meronym 11541713 +02074915 _member_meronym 02120692 +09307300 _derivationally_related_form 01385920 +06845599 _member_of_domain_usage 03830582 +01740969 _hypernym 02549847 +05788149 _derivationally_related_form 00698855 +00512487 _derivationally_related_form 01072262 +14129999 _hypernym 14127211 +02198332 _member_meronym 02198532 +14048441 _has_part 13471517 +08280124 _member_meronym 09759501 +02303761 _hypernym 02303331 +01424456 _derivationally_related_form 00854000 +02581276 _derivationally_related_form 09874260 +12060816 _hypernym 11556857 +00075283 _hypernym 00074790 +06556692 _derivationally_related_form 00791134 +00188252 _hypernym 00187526 +08487504 _member_meronym 08981244 +06513366 _derivationally_related_form 00753428 +07089751 _hypernym 07066659 +07450651 _derivationally_related_form 02490877 +08982587 _has_part 09376979 +04965661 _hypernym 04959672 +14526182 _derivationally_related_form 02730471 +03247620 _hypernym 14778436 +13863771 _hypernym 00027807 +00994449 _hypernym 00986938 +07963711 _derivationally_related_form 01385170 +06682794 _has_part 06349030 +00682592 _hypernym 00670261 +01064148 _hypernym 01062583 +00612114 _derivationally_related_form 00368847 +05115040 _hypernym 05108740 +00296263 _hypernym 00295701 +13183874 _hypernym 13167078 +02097925 _hypernym 00528990 +01989669 _derivationally_related_form 04861486 +08854855 _instance_hypernym 08633957 +08860123 _member_of_domain_region 04018399 +00116376 _derivationally_related_form 01974062 +02715595 _derivationally_related_form 00555325 +05784831 _derivationally_related_form 02130300 +00876542 _hypernym 00177127 +01771535 _also_see 01821996 +01556040 _member_meronym 01556182 +07487955 _hypernym 07484265 +10604634 _hypernym 09621545 +09014066 _instance_hypernym 08524735 +09898346 _derivationally_related_form 01693727 +08860123 _member_of_domain_region 07703889 +02150948 _derivationally_related_form 08560952 +00773814 _derivationally_related_form 01120069 +14764061 _hypernym 14758842 +02534062 _derivationally_related_form 00213694 +04044498 _hypernym 04401088 +07274890 _derivationally_related_form 00899352 +05868477 _derivationally_related_form 02735418 +01502262 _member_meronym 02051213 +00303661 _hypernym 00126264 +00209546 _hypernym 00183505 +00315986 _hypernym 00280586 +01313249 _derivationally_related_form 14828683 +00582868 _derivationally_related_form 02678438 +07816296 _hypernym 07811416 +01798452 _hypernym 01797730 +02311387 _derivationally_related_form 01262713 +07579076 _hypernym 07578879 +11766609 _member_meronym 11770526 +03075097 _hypernym 04451818 +00058645 _derivationally_related_form 13479034 +01359070 _hypernym 01352059 +02107817 _derivationally_related_form 05777830 +11451442 _has_part 11482312 +02140970 _member_meronym 02141306 +00152558 _derivationally_related_form 00360485 +05857459 _hypernym 05855125 +05929008 _derivationally_related_form 00849788 +02337699 _hypernym 02327200 +08993288 _has_part 08995242 +02560164 _derivationally_related_form 10161867 +08264897 _hypernym 08240169 +01685277 _hypernym 01656813 +01030132 _derivationally_related_form 06338908 +00751779 _hypernym 00751145 +00959827 _derivationally_related_form 10725280 +13152742 _derivationally_related_form 00282790 +08847268 _instance_hypernym 08544813 +01621635 _hypernym 01621127 +07075172 _member_of_domain_usage 05786372 +00866079 _hypernym 00365995 +00963570 _derivationally_related_form 10630188 +02855793 _hypernym 03053474 +12913004 _hypernym 11579418 +02927512 _derivationally_related_form 00410406 +02475922 _derivationally_related_form 00846462 +06909672 _hypernym 06920129 +04773596 _derivationally_related_form 02994448 +03485997 _derivationally_related_form 01224001 +11911591 _member_meronym 12009616 +14026592 _hypernym 14373582 +01747374 _hypernym 01691057 +06243096 _hypernym 05946687 +11911591 _member_meronym 12019675 +05879441 _hypernym 05872982 +12887713 _hypernym 11672400 +01970667 _hypernym 01969726 +06453849 _has_part 06442616 +00642644 _synset_domain_topic_of 06000644 +08587174 _hypernym 08491826 +06588511 _hypernym 06637824 +00447309 _derivationally_related_form 13468094 +01070102 _derivationally_related_form 00033020 +08837048 _has_part 08837552 +01872094 _member_meronym 01872244 +01545314 _derivationally_related_form 00630071 +03844045 _has_part 04581829 +00611972 _derivationally_related_form 10450303 +08094659 _member_meronym 10384772 +02450505 _verb_group 01302019 +02801525 _hypernym 04531098 +02317983 _hypernym 08103777 +01612053 _derivationally_related_form 04906273 +01521912 _derivationally_related_form 04426788 +05070453 _derivationally_related_form 02043898 +01229976 _derivationally_related_form 04007664 +09114020 _instance_hypernym 08524735 +01563724 _derivationally_related_form 03894379 +06845599 _member_of_domain_usage 03569657 +08860123 _member_of_domain_region 02936281 +10669991 _derivationally_related_form 00579712 +05124057 _derivationally_related_form 00235368 +02422663 _derivationally_related_form 01145359 +08659446 _hypernym 08574314 +10454752 _hypernym 09610660 +09995398 _derivationally_related_form 00994454 +00181258 _derivationally_related_form 13139647 +15274441 _derivationally_related_form 00156276 +14086143 _has_part 14083200 +01847565 _member_meronym 01848123 +14097574 _hypernym 14085708 +04682018 _hypernym 04680285 +03596787 _derivationally_related_form 10221777 +07174433 _derivationally_related_form 00619869 +01237415 _derivationally_related_form 00467451 +12507670 _member_meronym 12507823 +05728024 _hypernym 05726596 +08375526 _hypernym 08359949 +02501278 _derivationally_related_form 02603926 +01573515 _derivationally_related_form 00376715 +09118313 _instance_hypernym 08695539 +05554189 _has_part 05554653 +01525720 _hypernym 01524359 +01152214 _hypernym 01151110 +13150178 _has_part 13150378 +12098665 _member_meronym 12098827 +03922412 _hypernym 02718469 +01321002 _derivationally_related_form 03045074 +10538154 _hypernym 00007846 +03610682 _hypernym 02954340 +02043207 _hypernym 01507175 +02052226 _hypernym 02051694 +09044862 _has_part 09082540 +02001821 _member_meronym 02002384 +06715786 _derivationally_related_form 00851933 +13997253 _derivationally_related_form 13997253 +09705287 _hypernym 09634494 +10770059 _derivationally_related_form 02151966 +09941964 _derivationally_related_form 02441022 +13169674 _hypernym 11534677 +14969666 _hypernym 14699752 +13268146 _derivationally_related_form 02261888 +00331082 _derivationally_related_form 05307773 +09057311 _has_part 03634469 +00695523 _also_see 02566015 +05623818 _derivationally_related_form 02163746 +06193203 _hypernym 00023271 +10604275 _hypernym 10665698 +06606191 _hypernym 06601327 +09999135 _hypernym 10009671 +08196230 _has_part 08197386 +12830080 _hypernym 11579418 +02174115 _hypernym 02176268 +03322940 _hypernym 03699975 +12707432 _member_meronym 12711984 +02112029 _hypernym 02110927 +09873604 _hypernym 10498551 +15274441 _hypernym 15271008 +09114696 _has_part 09478047 +06337307 _hypernym 06333653 +00345817 _hypernym 00331950 +05621439 _synset_domain_topic_of 01094725 +01682234 _derivationally_related_form 04681797 +00457100 _derivationally_related_form 00380994 +02706046 _derivationally_related_form 05699434 +05547508 _has_part 05609884 +00799798 _derivationally_related_form 07168486 +12772419 _hypernym 11567411 +00850425 _hypernym 00847340 +00443984 _derivationally_related_form 13508651 +14492373 _derivationally_related_form 01204803 +02105990 _derivationally_related_form 07512465 +00467717 _derivationally_related_form 00999245 +08544125 _hypernym 08524262 +04077430 _hypernym 02757462 +02231930 _hypernym 01759182 +15119536 _hypernym 00028270 +01384439 _hypernym 02304982 +01210152 _verb_group 02127613 +05635188 _hypernym 05638987 +02028722 _derivationally_related_form 08183046 +02204585 _hypernym 01762525 +06759974 _hypernym 06759776 +10590339 _hypernym 09882716 +07224151 _hypernym 07212190 +07350401 _hypernym 07350192 +08047032 _instance_hypernym 08392137 +08207540 _hypernym 08207209 +01966586 _has_part 07797913 +10242439 _hypernym 10791221 +04414476 _hypernym 03309808 +11664929 _member_meronym 13109733 +11265416 _instance_hypernym 09765278 +00836236 _derivationally_related_form 00900581 +01975312 _member_meronym 01990627 +14541852 _derivationally_related_form 02544348 +08391206 _synset_domain_topic_of 08199025 +04982478 _synset_domain_topic_of 07092592 +09189411 _has_part 08716219 +01698916 _derivationally_related_form 07051975 +00081072 _hypernym 00078760 +14850826 _hypernym 14911057 +00039592 _derivationally_related_form 04635631 +09087599 _has_part 09206375 +01489161 _derivationally_related_form 01106272 +01789064 _hypernym 01342529 +08766988 _has_part 08770013 +05493303 _synset_domain_topic_of 06057539 +10191388 _hypernym 09774783 +13067845 _member_meronym 13068073 +00343771 _derivationally_related_form 15287830 +01549420 _derivationally_related_form 00397760 +01016832 _hypernym 01012360 +02283324 _hypernym 02202384 +01548576 _hypernym 01340439 +00012944 _hypernym 00010435 +12421467 _hypernym 13134302 +02244956 _verb_group 02245993 +11691046 _synset_domain_topic_of 06066555 +07381864 _derivationally_related_form 02171664 +08979054 _has_part 09195372 +02306462 _hypernym 02320374 +05696425 _derivationally_related_form 00162688 +11020721 _instance_hypernym 10099093 +12775225 _hypernym 11567411 +04500060 _derivationally_related_form 02089420 +00006484 _synset_domain_topic_of 06037666 +02539788 _derivationally_related_form 08101937 +00230746 _also_see 02540347 +01024190 _derivationally_related_form 06613056 +00682436 _hypernym 00690501 +02001428 _member_meronym 02005598 +03352961 _hypernym 04500060 +01113264 _hypernym 01111816 +10616779 _hypernym 00007846 +01640567 _member_meronym 01641739 +02389927 _hypernym 02388950 +02024763 _hypernym 02023341 +04037443 _hypernym 02958343 +10314952 _derivationally_related_form 01856626 +13795180 _derivationally_related_form 02676054 +14845743 _derivationally_related_form 00228236 +05023233 _hypernym 05009170 +01105186 _derivationally_related_form 07120524 +02408429 _hypernym 02407959 +00950670 _hypernym 00978549 +08932568 _has_part 08933621 +02575723 _derivationally_related_form 00779248 +01522276 _also_see 00435688 +04681230 _hypernym 04682462 +12792041 _member_meronym 12792638 +01806505 _hypernym 01807882 +12881631 _hypernym 11672400 +02497062 _derivationally_related_form 10257221 +06694149 _hypernym 06693198 +11350705 _instance_hypernym 09756637 +02037708 _also_see 01170243 +10401829 _derivationally_related_form 01082606 +13970236 _hypernym 13968547 +00978549 _derivationally_related_form 07132415 +00135578 _hypernym 00126264 +09333334 _instance_hypernym 09328904 +02824444 _derivationally_related_form 14004572 +09849598 _derivationally_related_form 01775164 +09236423 _has_part 09460888 +02987454 _derivationally_related_form 00119873 +00999787 _derivationally_related_form 00296178 +08734385 _has_part 08734853 +15244650 _hypernym 15180528 +13179972 _hypernym 13166338 +01566888 _member_meronym 01570112 +10519984 _hypernym 10336234 +02294179 _derivationally_related_form 10401639 +08847694 _member_of_domain_region 10052497 +02465297 _synset_domain_topic_of 08441203 +04244379 _derivationally_related_form 02758399 +03747103 _hypernym 03808564 +01978744 _hypernym 01759182 +02629793 _derivationally_related_form 13794034 +04891010 _hypernym 04890112 +02386388 _hypernym 02384041 +14586258 _derivationally_related_form 00394813 +04592741 _derivationally_related_form 01940403 +00560529 _synset_domain_topic_of 00469651 +00092293 _hypernym 00203866 +00074834 _hypernym 00104868 +00728826 _similar_to 00727564 +02835915 _hypernym 04161358 +08029421 _member_meronym 10237676 +00970645 _synset_domain_topic_of 08199025 +02415577 _hypernym 02415435 +08456993 _derivationally_related_form 00735571 +07573241 _hypernym 07573103 +01354006 _derivationally_related_form 14705718 +08361329 _derivationally_related_form 02533748 +02768433 _hypernym 03091374 +00046522 _derivationally_related_form 01206849 +02004227 _hypernym 02001858 +02149420 _hypernym 02141306 +01702087 _hypernym 01657723 +10791115 _hypernym 09632518 +02913152 _has_part 03307274 +04554211 _hypernym 04014297 +10002031 _hypernym 09774783 +01490336 _derivationally_related_form 03008275 +01082290 _derivationally_related_form 08570758 +02175057 _derivationally_related_form 07391240 +10325774 _derivationally_related_form 01697406 +00032823 _hypernym 00031921 +01878063 _hypernym 01877355 +13725588 _hypernym 13717155 +04577769 _hypernym 03574816 +01972411 _hypernym 01939598 +09076675 _instance_hypernym 08695539 +12171750 _hypernym 11575425 +02167151 _hypernym 02164464 +13439390 _derivationally_related_form 00294245 +00975171 _derivationally_related_form 04813712 +01971280 _has_part 07781801 +12744277 _hypernym 11567411 +01037650 _derivationally_related_form 06610143 +02366825 _member_meronym 02366959 +06740644 _derivationally_related_form 00895304 +02545272 _derivationally_related_form 13343526 +08555883 _synset_domain_topic_of 06128570 +10180580 _derivationally_related_form 01116585 +10334101 _hypernym 10034906 +08600992 _hypernym 08615149 +04630547 _hypernym 04629604 +00742645 _derivationally_related_form 02268351 +02192570 _derivationally_related_form 04993108 +05766984 _hypernym 05765159 +06647614 _synset_domain_topic_of 06000644 +04938228 _hypernym 04934546 +00291873 _derivationally_related_form 13983147 +10429965 _derivationally_related_form 06080522 +02609764 _derivationally_related_form 15267536 +14416473 _hypernym 14416089 +07186148 _derivationally_related_form 01469770 +08830456 _has_part 08830720 +00713996 _verb_group 02658979 +06201136 _derivationally_related_form 10059582 +01904930 _verb_group 01906823 +01477014 _derivationally_related_form 07366145 +14627081 _hypernym 14625458 +05461816 _hypernym 05237227 +08732116 _instance_hypernym 08702402 +07519773 _derivationally_related_form 00872414 +14977188 _hypernym 14977504 +07189411 _hypernym 07189130 +14520278 _derivationally_related_form 02831736 +08742743 _instance_hypernym 08524735 +07248653 _hypernym 07247071 +05147940 _derivationally_related_form 01865197 +03595860 _has_part 03596285 +01425511 _hypernym 01424456 +08266235 _derivationally_related_form 01745536 +03791235 _has_part 03103128 +02353844 _derivationally_related_form 03427296 +08212527 _hypernym 08190754 +11636068 _hypernym 11554175 +02073714 _hypernym 02075462 +02630189 _verb_group 02203362 +00038687 _hypernym 00038365 +00035758 _hypernym 00040353 +01931277 _member_meronym 01931398 +06695579 _hypernym 06695227 +14536831 _hypernym 14536438 +01532589 _derivationally_related_form 00251013 +12100538 _member_meronym 12130408 +03550420 _hypernym 02944826 +07026352 _has_part 07009640 +01208460 _hypernym 01207609 +15032376 _hypernym 00020090 +05829782 _derivationally_related_form 01815628 +09759069 _derivationally_related_form 02669885 +01064148 _derivationally_related_form 00026385 +08280124 _derivationally_related_form 02599939 +11160457 _instance_hypernym 10043643 +12774127 _hypernym 11567411 +03391770 _has_part 02769460 +02192383 _hypernym 02191766 +01624743 _hypernym 01659248 +00997794 _derivationally_related_form 10057271 +03043274 _hypernym 03739518 +02152212 _derivationally_related_form 01602318 +00196485 _derivationally_related_form 00553407 +02714974 _derivationally_related_form 08184217 +14485526 _derivationally_related_form 01009240 +00891216 _hypernym 00891936 +01987228 _hypernym 01759182 +08594714 _synset_domain_topic_of 08199025 +04019696 _derivationally_related_form 01505254 +11902709 _hypernym 12205694 +00170156 _synset_domain_topic_of 06090869 +02643446 _derivationally_related_form 00978369 +01650509 _member_meronym 01650690 +01081001 _derivationally_related_form 07343195 +05404336 _hypernym 05397468 +03928116 _has_part 03928814 +01493741 _also_see 00213794 +01901447 _hypernym 01926311 +01134479 _derivationally_related_form 02438861 +06776679 _hypernym 06776138 +08097072 _hypernym 08149781 +02461314 _derivationally_related_form 00182213 +01528069 _derivationally_related_form 04777634 +00640828 _derivationally_related_form 02679142 +01393714 _derivationally_related_form 02906734 +04883614 _derivationally_related_form 10325957 +14889479 _hypernym 14865800 +00766234 _derivationally_related_form 02636921 +02145084 _member_meronym 02147747 +08392137 _hypernym 08472335 +03488438 _hypernym 04401088 +00788184 _derivationally_related_form 07196682 +00513492 _derivationally_related_form 07285191 +05658226 _derivationally_related_form 02868916 +10785695 _derivationally_related_form 02215001 +02068541 _hypernym 02068206 +04123567 _derivationally_related_form 01485839 +07967382 _hypernym 00031264 +03327691 _hypernym 04373894 +01817500 _also_see 00075135 +07311661 _hypernym 07311115 +02371684 _hypernym 02367363 +08436562 _hypernym 07974025 +03325088 _has_part 03485997 +10489426 _hypernym 10488865 +07372565 _derivationally_related_form 02507736 +12370011 _hypernym 11575425 +07124340 _member_of_domain_usage 09815188 +02516594 _hypernym 02514187 +13560417 _hypernym 13456715 +00635850 _derivationally_related_form 10565502 +05861855 _hypernym 13783816 +04578708 _derivationally_related_form 02046755 +05784831 _derivationally_related_form 00689344 +05396366 _has_part 05333467 +12605019 _hypernym 11534677 +01178565 _hypernym 01182709 +12092127 _hypernym 11567411 +12395717 _hypernym 11567411 +08010364 _synset_domain_topic_of 00759694 +09008454 _instance_hypernym 08524735 +03664514 _hypernym 03183080 +12251577 _member_meronym 12251740 +01246579 _also_see 01074650 +02007721 _member_meronym 02009620 +00058645 _derivationally_related_form 02395406 +01955463 _hypernym 08103777 +10437852 _synset_domain_topic_of 08441203 +02046755 _derivationally_related_form 04578708 +01920220 _hypernym 02016523 +08720037 _has_part 08720280 +09809925 _hypernym 10339966 +10006511 _derivationally_related_form 02737187 +09945603 _derivationally_related_form 08365855 +09771435 _hypernym 09622302 +01412085 _member_meronym 01413188 +14064408 _hypernym 14062725 +02466134 _derivationally_related_form 10407726 +00438495 _derivationally_related_form 01067577 +14153010 _hypernym 14552802 +13170661 _hypernym 13167078 +01725712 _also_see 00853776 +03839795 _hypernym 03839993 +01634734 _hypernym 01634424 +00590383 _hypernym 00586262 +01471070 _member_meronym 01656813 +01849746 _hypernym 01849221 +08936647 _instance_hypernym 08524735 +00178832 _hypernym 00177448 +02215790 _hypernym 02304982 +02667900 _hypernym 02657219 +01428853 _hypernym 01291069 +09384921 _instance_hypernym 09411430 +00628302 _hypernym 00662589 +00799537 _has_part 00749232 +00409281 _derivationally_related_form 08541609 +05209822 _derivationally_related_form 01498769 +00636728 _hypernym 00633864 +02830852 _hypernym 03800001 +00955060 _derivationally_related_form 01109863 +00809465 _hypernym 00803617 +02339413 _derivationally_related_form 10387712 +11620673 _hypernym 13108841 +06749881 _derivationally_related_form 00871942 +01612084 _derivationally_related_form 02964389 +09975933 _hypernym 10665698 +10513120 _derivationally_related_form 00996102 +09146111 _instance_hypernym 08524735 +00004475 _has_part 05220461 +13187826 _hypernym 13167078 +00035603 _derivationally_related_form 00255214 +01082606 _derivationally_related_form 10401829 +10523519 _derivationally_related_form 02650552 +08688590 _hypernym 08509442 +05207130 _hypernym 04723816 +08903487 _instance_hypernym 08524735 +12838027 _member_meronym 12851673 +03335030 _synset_domain_topic_of 08199025 +08949093 _has_part 09309666 +04058239 _synset_domain_topic_of 06128570 +01934205 _hypernym 01931768 +12327528 _hypernym 12651821 +02400139 _member_meronym 02409702 +01899891 _derivationally_related_form 00348571 +01311520 _has_part 01295373 +01252566 _similar_to 01251128 +02180898 _derivationally_related_form 07391863 +09185612 _hypernym 09185440 +02114433 _synset_domain_topic_of 00903559 +01323781 _hypernym 00015388 +08778597 _instance_hypernym 09316454 +03596285 _has_part 04111668 +08949093 _derivationally_related_form 09713108 +10190745 _derivationally_related_form 02063988 +01456939 _member_meronym 01457082 +06406317 _hypernym 06253690 +07709333 _hypernym 07707451 +00336654 _hypernym 00335384 +07351909 _derivationally_related_form 01868780 +06765044 _derivationally_related_form 01020005 +10161178 _derivationally_related_form 01789514 +00889026 _synset_domain_topic_of 06534659 +07362386 _derivationally_related_form 01972298 +03285348 _hypernym 02715941 +02753255 _hypernym 02604760 +00405360 _derivationally_related_form 01280488 +12089625 _hypernym 11744859 +03834836 _hypernym 04085365 +02209745 _hypernym 02207206 +11911591 _member_meronym 12009250 +00237078 _derivationally_related_form 02448185 +11590783 _hypernym 08107499 +02958343 _has_part 02963821 +12132299 _member_meronym 12132502 +01773797 _hypernym 01772222 +00103834 _derivationally_related_form 02062212 +14057371 _hypernym 14052403 +08999154 _has_part 08998560 +03151077 _derivationally_related_form 01335588 +02313495 _hypernym 08102555 +00235918 _derivationally_related_form 05121418 +13010219 _member_meronym 13010401 +00186616 _also_see 00190115 +03852031 _hypernym 14866889 +01186428 _hypernym 01178565 +00838367 _derivationally_related_form 01166351 +00591446 _hypernym 00586262 +01232272 _hypernym 01556572 +00955601 _derivationally_related_form 09618760 +14204586 _hypernym 14204095 +00674607 _derivationally_related_form 10431625 +14287113 _hypernym 14298815 +00909573 _derivationally_related_form 07211092 +15242719 _hypernym 15239579 +06295235 _member_of_domain_usage 02854739 +06147873 _synset_domain_topic_of 07978423 +08468721 _hypernym 08466643 +04768483 _hypernym 04767347 +02299378 _hypernym 02298541 +06787150 _hypernym 06786629 +11740655 _hypernym 11534677 +01138204 _derivationally_related_form 10277352 +08749447 _has_part 08709704 +14936010 _derivationally_related_form 01603732 +09079153 _has_part 09079505 +15234764 _hypernym 15154774 +02623868 _member_meronym 02624377 +00161987 _derivationally_related_form 01165919 +08848731 _member_meronym 09692430 +01601694 _hypernym 01525720 +02251743 _derivationally_related_form 10409634 +04771890 _derivationally_related_form 00911327 +00320852 _hypernym 00280586 +08164585 _has_part 08376051 +14518924 _derivationally_related_form 00274724 +02534352 _member_meronym 02534559 +01966168 _derivationally_related_form 00120515 +02268443 _hypernym 02268148 +11765099 _hypernym 11585340 +01996392 _member_meronym 01996585 +07153727 _hypernym 07151380 +00973056 _derivationally_related_form 09875786 +13431992 _hypernym 13489037 +11541713 _hypernym 11534677 +01145612 _hypernym 01143838 +00516086 _derivationally_related_form 02489748 +11683989 _has_part 11684264 +05936381 _derivationally_related_form 01635432 +10294602 _hypernym 10546633 +06626446 _derivationally_related_form 00894221 +00726567 _hypernym 00725775 +02789487 _hypernym 03116530 +00904046 _derivationally_related_form 00923321 +08711974 _has_part 08713655 +02534492 _derivationally_related_form 07188685 +12140358 _hypernym 12102133 +08707917 _has_part 08708609 +09184975 _derivationally_related_form 01646866 +02162947 _hypernym 02133435 +13205482 _member_meronym 13213768 +05151869 _derivationally_related_form 10509389 +07293678 _synset_domain_topic_of 00445802 +01825237 _derivationally_related_form 10766025 +05783041 _derivationally_related_form 00733250 +02983097 _derivationally_related_form 15226214 +14779796 _derivationally_related_form 00218475 +00624738 _derivationally_related_form 00100551 +02763520 _derivationally_related_form 14645346 +01053617 _derivationally_related_form 01857392 +01721556 _verb_group 00010435 +06542047 _derivationally_related_form 00795863 +02142064 _member_meronym 02142993 +00307631 _derivationally_related_form 02742232 +11817774 _member_meronym 11817914 +04569520 _hypernym 03566329 +01014609 _derivationally_related_form 01264243 +08315194 _hypernym 08312559 +02119659 _hypernym 00063291 +14085220 _hypernym 14084880 +10792335 _hypernym 09771435 +00289365 _also_see 02273326 +04118021 _hypernym 03405265 +01055404 _derivationally_related_form 07129202 +10827155 _instance_hypernym 10547145 +08766988 _has_part 08773098 +01969103 _member_meronym 01969550 +03804744 _has_part 04184095 +12243292 _member_meronym 12243459 +01817772 _hypernym 01507175 +08877807 _instance_hypernym 08524735 +01425348 _hypernym 01494310 +02061495 _derivationally_related_form 00334356 +13771404 _derivationally_related_form 13771828 +14642417 _hypernym 14625458 +08387930 _member_meronym 08251493 +02725067 _derivationally_related_form 14013005 +00075021 _derivationally_related_form 14562683 +00518115 _derivationally_related_form 11435028 +05737153 _derivationally_related_form 00658052 +02003725 _derivationally_related_form 00233335 +12613968 _member_meronym 12614096 +01675780 _hypernym 01621555 +15068436 _derivationally_related_form 00514871 +10013242 _derivationally_related_form 01167981 +13550318 _derivationally_related_form 00055142 +02323059 _derivationally_related_form 10658304 +00359492 _derivationally_related_form 01560731 +05996646 _hypernym 05999266 +14858099 _hypernym 14857897 +12660009 _member_meronym 12661873 +03648219 _hypernym 04580298 +04029125 _instance_hypernym 03743902 +14892289 _hypernym 14853947 +00554541 _hypernym 00333829 +10246395 _hypernym 09630641 +13148602 _member_meronym 13148791 +08956574 _instance_hypernym 08524735 +04872826 _hypernym 04723816 +08776687 _has_part 09196611 +04780958 _derivationally_related_form 01627965 +04898334 _hypernym 04897762 +07594840 _hypernym 07557165 +01533442 _derivationally_related_form 09927089 +02174896 _also_see 00749230 +00313806 _derivationally_related_form 01945516 +12930044 _member_meronym 12936713 +00164072 _derivationally_related_form 04083942 +01728445 _hypernym 01657723 +04930632 _hypernym 04928903 +02301072 _member_meronym 02304967 +00692907 _derivationally_related_form 13495636 +12872698 _hypernym 11744859 +02650282 _hypernym 01432517 +01649948 _member_meronym 01650509 +01123598 _hypernym 01080366 +00081072 _derivationally_related_form 13285714 +01764171 _hypernym 01770501 +01215421 _derivationally_related_form 00088725 +02154508 _derivationally_related_form 03180969 +11945930 _member_meronym 11946051 +01189427 _hypernym 01196037 +00894552 _derivationally_related_form 00606093 +00863579 _hypernym 00862683 +10718131 _derivationally_related_form 00310666 +14752323 _hypernym 14617597 +03940256 _has_part 03501288 +07520612 _derivationally_related_form 02506361 +00533897 _derivationally_related_form 10213429 +09438554 _instance_hypernym 09411430 +00148472 _derivationally_related_form 13556509 +09821253 _derivationally_related_form 01118449 +12100538 _member_meronym 12124358 +14403560 _hypernym 14403107 +14753414 _hypernym 02721538 +04840011 _hypernym 04849241 +01588493 _hypernym 01296462 +01779165 _hypernym 01761706 +02498320 _derivationally_related_form 01218327 +13023292 _member_meronym 13023783 +01542055 _hypernym 01507175 +07566863 _hypernym 07566340 +00359903 _hypernym 00359238 +09079153 _instance_hypernym 09203827 +15266265 _hypernym 15291498 +01744888 _hypernym 01747945 +05651399 _derivationally_related_form 02005756 +05238282 _has_part 13905792 +14376855 _derivationally_related_form 02575082 +05455912 _hypernym 05430628 +01013604 _derivationally_related_form 02512808 +00640828 _also_see 02645007 +07529563 _hypernym 07526757 +04940964 _derivationally_related_form 00006336 +10734963 _derivationally_related_form 03249569 +04830343 _hypernym 04830102 +14186340 _hypernym 14174549 +06158346 _hypernym 06153846 +01094086 _derivationally_related_form 07472929 +00324560 _hypernym 00322847 +02241184 _member_meronym 02244963 +01426077 _synset_domain_topic_of 06043075 +00187526 _derivationally_related_form 00320852 +00907919 _derivationally_related_form 09889539 +00918746 _derivationally_related_form 05804136 +02563182 _hypernym 02562315 +10401639 _hypernym 10401829 +07107676 _hypernym 07105475 +01993352 _derivationally_related_form 07429976 +01082606 _derivationally_related_form 13924659 +05010801 _derivationally_related_form 02675458 +10712690 _derivationally_related_form 01172114 +02632567 _derivationally_related_form 09367991 +07185076 _derivationally_related_form 02297742 +00787660 _derivationally_related_form 01219551 +05964098 _hypernym 05943300 +02682699 _derivationally_related_form 13443787 +10613387 _hypernym 10078806 +00103875 _hypernym 00281101 +00504019 _derivationally_related_form 00357275 +02553196 _member_meronym 02575766 +08142370 _hypernym 08348815 +09601571 _instance_hypernym 09587565 +08176077 _member_meronym 08732116 +05617606 _hypernym 05616246 +03197446 _derivationally_related_form 00563824 +01261712 _hypernym 00242808 +07801091 _derivationally_related_form 01576478 +01383638 _hypernym 00004475 +02421158 _also_see 01894758 +00131018 _derivationally_related_form 03398467 +01662274 _member_meronym 01671874 +15267945 _hypernym 15113229 +05462674 _hypernym 05225602 +02737183 _derivationally_related_form 07362830 +01456771 _derivationally_related_form 00357023 +08860123 _member_of_domain_region 03471974 +04999741 _hypernym 04999401 +05924519 _derivationally_related_form 10415230 +02372326 _hypernym 02367363 +01259380 _synset_domain_topic_of 00488225 +04171831 _hypernym 03088707 +01589224 _derivationally_related_form 13911872 +00127286 _derivationally_related_form 01140654 +07847198 _hypernym 07843775 +00142361 _hypernym 00635850 +00087849 _derivationally_related_form 01165290 +01894649 _derivationally_related_form 09989502 +02285629 _verb_group 02247977 +03544360 _has_part 03984381 +04497962 _has_part 04182514 +10566072 _hypernym 09812338 +00920336 _verb_group 00918872 +00842692 _derivationally_related_form 01186428 +00611433 _synset_domain_topic_of 00883297 +02578454 _hypernym 02578233 +01783384 _member_meronym 01783571 +10033082 _derivationally_related_form 00046534 +10295951 _hypernym 10249459 +00889229 _hypernym 00888786 +11817000 _hypernym 11573660 +05047059 _derivationally_related_form 00820721 +09693809 _hypernym 09692624 +02595217 _hypernym 01432517 +01328705 _derivationally_related_form 00379422 +01178565 _derivationally_related_form 01086081 +00119568 _hypernym 00045250 +12566809 _hypernym 11585340 +14170337 _hypernym 14565696 +14072934 _hypernym 14072423 +12347892 _hypernym 11562747 +10413834 _derivationally_related_form 01743217 +13966007 _hypernym 13963970 +12849717 _hypernym 13112664 +02703894 _hypernym 03910033 +01457954 _derivationally_related_form 13534954 +01485673 _hypernym 01429349 +00990249 _hypernym 00989201 +09469285 _hypernym 09190918 +00404726 _derivationally_related_form 09960545 +01457489 _derivationally_related_form 13893786 +07926642 _hypernym 07923297 +06913768 _hypernym 06906439 +01523401 _hypernym 01522276 +01372189 _derivationally_related_form 03976657 +12854925 _member_meronym 12855042 +02362420 _member_meronym 02362569 +05714161 _derivationally_related_form 02125641 +00610738 _hypernym 00609953 +00796976 _verb_group 02502916 +08853741 _has_part 08855126 +01540232 _hypernym 01540449 +00505802 _hypernym 00299580 +04641153 _derivationally_related_form 02542280 +09060768 _has_part 09166756 +05008943 _derivationally_related_form 01484987 +04817280 _hypernym 04815321 +07436986 _derivationally_related_form 00053159 +11118886 _instance_hypernym 10599806 +14985383 _derivationally_related_form 00283090 +00776523 _hypernym 00766418 +06043075 _derivationally_related_form 02607455 +09814660 _derivationally_related_form 01011031 +00215800 _derivationally_related_form 14535431 +00945205 _hypernym 00941777 +02877704 _derivationally_related_form 05601198 +00217152 _also_see 00751131 +03214670 _hypernym 03247620 +12333053 _hypernym 12651821 +10195261 _derivationally_related_form 00020671 +00789534 _derivationally_related_form 02274299 +04910135 _hypernym 04897762 +04993882 _derivationally_related_form 02368787 +11779300 _hypernym 12205694 +02159271 _member_meronym 02236495 +13441812 _hypernym 13532886 +01666131 _derivationally_related_form 07882497 +01486241 _member_meronym 01486706 +12595964 _hypernym 12582231 +01615949 _member_meronym 01616086 +13634205 _hypernym 13602526 +01505991 _derivationally_related_form 14480420 +04741807 _derivationally_related_form 00356648 +10097842 _hypernym 09815790 +02271544 _derivationally_related_form 04880573 +08501565 _has_part 09439433 +00509377 _derivationally_related_form 00556193 +03963645 _has_part 04167759 +02576921 _also_see 01634424 +02455407 _derivationally_related_form 06767035 +00892861 _hypernym 00887081 +01461646 _has_part 01462209 +08193645 _hypernym 08337324 +08355791 _member_meronym 08356074 +04649651 _hypernym 04649261 +00986897 _hypernym 00983824 +00570003 _hypernym 00173338 +01362480 _member_meronym 01362623 +09802445 _derivationally_related_form 00592341 +01447632 _hypernym 01871979 +00670179 _hypernym 00668099 +02280845 _hypernym 01762525 +04051825 _derivationally_related_form 01128071 +00201671 _derivationally_related_form 01435380 +07818995 _hypernym 07811416 +14447908 _derivationally_related_form 01170243 +01824532 _derivationally_related_form 07185870 +14850483 _hypernym 14727670 +12382699 _hypernym 11575425 +13775706 _derivationally_related_form 01524523 +06706317 _hypernym 06696483 +12863458 _hypernym 11579418 +01077881 _hypernym 01077350 +00222485 _derivationally_related_form 01620436 +02588108 _member_meronym 02588286 +12633386 _member_meronym 12633994 +06982221 _hypernym 06979014 +10487182 _derivationally_related_form 01321002 +02687191 _derivationally_related_form 13444940 +10740219 _derivationally_related_form 02679899 +04524313 _has_part 04281375 +05836921 _hypernym 05833840 +00053913 _derivationally_related_form 00495998 +08706663 _instance_hypernym 08633957 +01992251 _hypernym 01831531 +02828427 _hypernym 03309808 +10783734 _derivationally_related_form 02354536 +02453890 _member_meronym 02454119 +03387323 _hypernym 04508163 +02041206 _derivationally_related_form 07370968 +02059916 _hypernym 01835496 +06113009 _hypernym 06100236 +11600671 _hypernym 11553763 +02687916 _verb_group 01129201 +02649830 _derivationally_related_form 08179879 +08860123 _member_of_domain_usage 10071332 +13617468 _hypernym 13600822 +00522068 _hypernym 00126264 +07577374 _derivationally_related_form 01173405 +01196802 _hypernym 01168468 +12226322 _member_meronym 12231031 +01519569 _derivationally_related_form 05259512 +00091124 _derivationally_related_form 14299070 +01831308 _hypernym 00630380 +10285135 _hypernym 09807754 +00269018 _derivationally_related_form 02552829 +02760116 _derivationally_related_form 00612160 +07570720 _derivationally_related_form 03002351 +10659762 _hypernym 00007846 +09926246 _hypernym 10340312 +00333203 _hypernym 00331950 +01113867 _derivationally_related_form 02260770 +10685853 _derivationally_related_form 00836236 +11084110 _synset_domain_topic_of 06966825 +00145218 _hypernym 00376063 +10076957 _hypernym 09998101 +11414608 _derivationally_related_form 00776523 +09303647 _has_part 09346284 +07198846 _hypernym 07197021 +00878456 _derivationally_related_form 02132745 +12227658 _hypernym 12227420 +12770068 _hypernym 11562747 +01942137 _synset_domain_topic_of 00300441 +12071965 _member_meronym 12072210 +00765193 _derivationally_related_form 02506361 +05064827 _hypernym 05062748 +02643673 _synset_domain_topic_of 06083243 +10482220 _derivationally_related_form 02554922 +09071690 _has_part 09277279 +02685665 _hypernym 02655135 +14524198 _hypernym 14523090 +01494310 _also_see 02642814 +00125841 _verb_group 00146138 +05810948 _hypernym 05809192 +02179279 _hypernym 02176268 +14426449 _derivationally_related_form 01493897 +01894758 _also_see 02157399 +11911591 _member_meronym 11952153 +06748969 _derivationally_related_form 00926472 +12202352 _member_meronym 12204546 +12585373 _hypernym 13135832 +05846054 _hypernym 05835747 +11804082 _member_meronym 11854760 +15138241 _hypernym 15137890 +01666894 _derivationally_related_form 10155849 +07161429 _derivationally_related_form 00875394 +09109444 _instance_hypernym 08655464 +01471682 _has_part 02157557 +10256080 _derivationally_related_form 06178812 +01767199 _member_meronym 01786402 +07654667 _derivationally_related_form 01174294 +02265560 _hypernym 02265231 +07157273 _member_of_domain_usage 00882045 +08018666 _instance_hypernym 08392137 +10689564 _derivationally_related_form 01666717 +00628883 _hypernym 00628692 +01835280 _hypernym 01831531 +00603298 _hypernym 00829107 +05715864 _hypernym 05715283 +08172103 _member_meronym 09037394 +09641757 _hypernym 09620078 +02728570 _synset_domain_topic_of 01090446 +00751944 _hypernym 00751145 +07711799 _hypernym 07710616 +01135529 _derivationally_related_form 02443049 +02648639 _derivationally_related_form 01053920 +04780958 _derivationally_related_form 00908672 +06845599 _member_of_domain_usage 02998209 +01443126 _hypernym 01432517 +05313679 _hypernym 05389762 +01438304 _derivationally_related_form 00317207 +04835724 _hypernym 04616059 +01781180 _derivationally_related_form 01222477 +10033225 _derivationally_related_form 00044797 +10719267 _hypernym 10523519 +01551679 _hypernym 01551195 +11856389 _member_meronym 11856573 +12680125 _member_meronym 12680402 +07073447 _member_of_domain_usage 02743112 +07647870 _hypernym 07578363 +02727039 _derivationally_related_form 08000304 +08853741 _has_part 08855505 +13433948 _synset_domain_topic_of 06037666 +09662038 _hypernym 09645091 +00094001 _derivationally_related_form 02551602 +00025203 _hypernym 00019448 +12147031 _hypernym 08108784 +02273922 _hypernym 02205272 +06714420 _hypernym 06711855 +08925093 _instance_hypernym 08524735 +03085333 _hypernym 03820728 +12152406 _member_meronym 12152532 +02329093 _member_meronym 02330582 +11882426 _hypernym 11881742 +01744657 _member_meronym 01748560 +06477003 _instance_hypernym 06477209 +10721124 _derivationally_related_form 01213702 +07425011 _synset_domain_topic_of 06075527 +03916470 _derivationally_related_form 00043480 +08454818 _hypernym 08441203 +12888733 _hypernym 11579418 +01004775 _synset_domain_topic_of 06271778 +05200816 _derivationally_related_form 01835276 +04894964 _hypernym 04894552 +03936269 _hypernym 03073977 +02577586 _derivationally_related_form 10463714 +02176073 _hypernym 01759182 +10805501 _hypernym 09681351 +05179567 _synset_domain_topic_of 08441203 +07193958 _derivationally_related_form 00786816 +08860123 _member_of_domain_region 03813834 +12423565 _member_meronym 12431128 +02281093 _hypernym 02202384 +10583250 _derivationally_related_form 02540670 +05658603 _hypernym 05653848 +12838027 _member_meronym 12871074 +03251533 _hypernym 03216828 +10437262 _derivationally_related_form 07277158 +04179126 _hypernym 03231912 +05993844 _hypernym 05989479 +00447309 _derivationally_related_form 15047313 +09546280 _hypernym 09540430 +06733939 _derivationally_related_form 00954422 +01305551 _instance_hypernym 00973077 +06452601 _has_part 06440489 +02288295 _hypernym 02210855 +01287242 _hypernym 01286913 +00616083 _hypernym 00615887 +06837146 _hypernym 06828818 +13722757 _hypernym 13716686 +11658331 _hypernym 13108841 +09148970 _has_part 09321180 +10104756 _hypernym 10078806 +00630380 _derivationally_related_form 05785508 +12852726 _member_meronym 12853706 +02062212 _derivationally_related_form 00105479 +10683349 _derivationally_related_form 01960911 +00403334 _derivationally_related_form 00477941 +01801753 _member_meronym 01801876 +02607072 _hypernym 02606384 +08906952 _has_part 09338712 +02687385 _derivationally_related_form 09851165 +00822367 _derivationally_related_form 00686890 +00197772 _hypernym 00196485 +00245059 _derivationally_related_form 07368256 +01102667 _hypernym 01101913 +00540946 _verb_group 00540235 +12159055 _has_part 07715721 +10096217 _hypernym 09629752 +00748282 _derivationally_related_form 07372959 +10641223 _hypernym 09917593 +05733090 _hypernym 05727220 +14041256 _hypernym 14035298 +12840749 _hypernym 12205694 +05690091 _hypernym 05689249 +01527480 _member_meronym 01527617 +07970406 _hypernym 07969695 +06126761 _hypernym 06078088 +01699831 _hypernym 01695681 +03538634 _hypernym 04576211 +01625747 _member_meronym 01639369 +08854725 _instance_hypernym 08552138 +03539875 _hypernym 04493505 +01676313 _member_meronym 01676755 +09023321 _has_part 09026780 +10433164 _synset_domain_topic_of 02686568 +05825245 _derivationally_related_form 01012073 +12011067 _hypernym 11579418 +09939154 _hypernym 10224578 +02696384 _hypernym 03740161 +11219502 _instance_hypernym 09952539 +00051712 _derivationally_related_form 01229071 +11762706 _hypernym 11585340 +13988224 _synset_domain_topic_of 06240244 +02269340 _hypernym 02269196 +12735009 _member_meronym 12735160 +02297142 _derivationally_related_form 07162680 +08913434 _has_part 08918944 +05588551 _hypernym 05284333 +00523645 _hypernym 00126264 +15231415 _instance_hypernym 15113229 +02720354 _hypernym 02634265 +10114550 _derivationally_related_form 01426397 +06510977 _synset_domain_topic_of 06128570 +06776138 _derivationally_related_form 01264336 +11449002 _hypernym 11419404 +01524885 _hypernym 01342529 +13404655 _hypernym 13404248 +11811308 _hypernym 11573660 +05216365 _has_part 05510702 +01793177 _derivationally_related_form 07550666 +07328942 _derivationally_related_form 01753788 +11599694 _member_meronym 11604225 +08182379 _derivationally_related_form 02027612 +01314910 _derivationally_related_form 01899708 +06279326 _synset_domain_topic_of 06128570 +03525454 _derivationally_related_form 01217043 +02875013 _derivationally_related_form 01586850 +08646188 _derivationally_related_form 00291873 +00947128 _hypernym 00407535 +11106943 _instance_hypernym 09972157 +14822563 _hypernym 14586769 +10309347 _hypernym 10630188 +08182716 _derivationally_related_form 02064131 +00464321 _derivationally_related_form 05077146 +00284409 _hypernym 00284101 +09075842 _has_part 09281545 +02128653 _derivationally_related_form 00879759 +06300823 _has_part 06300632 +06064106 _hypernym 06045562 +02068745 _derivationally_related_form 00835501 +01359432 _hypernym 01463963 +08920381 _has_part 08921392 +09123809 _synset_domain_topic_of 08199025 +00883847 _derivationally_related_form 06633896 +09380817 _instance_hypernym 09411430 +10274318 _hypernym 10731244 +02738741 _hypernym 03513376 +12619306 _member_meronym 12626030 +03024882 _derivationally_related_form 01570562 +02091410 _derivationally_related_form 00285889 +01152214 _verb_group 01152670 +08647616 _hypernym 08652970 +02163982 _member_meronym 02168121 +09275473 _has_part 08800258 +00998399 _hypernym 01000214 +12314315 _hypernym 11564734 +01450081 _hypernym 01342529 +04888268 _hypernym 04887912 +12699778 _hypernym 11585340 +06915313 _hypernym 06918396 +06235977 _hypernym 06234825 +06199702 _derivationally_related_form 00699815 +02132974 _member_meronym 02133161 +02106006 _derivationally_related_form 05712076 +09103943 _has_part 09459557 +03599761 _derivationally_related_form 02420789 +00628491 _also_see 00630380 +01153548 _hypernym 01123598 +02424254 _also_see 00419289 +07232421 _derivationally_related_form 00893435 +00353249 _derivationally_related_form 01058036 +00082929 _derivationally_related_form 00718815 +02043982 _derivationally_related_form 08612049 +02353529 _hypernym 01862557 +13548931 _hypernym 13459322 +08984010 _instance_hypernym 08524735 +11413661 _hypernym 11410625 +02064608 _member_meronym 02065026 +02134589 _member_meronym 02135486 +04200637 _hypernym 03631445 +01835584 _hypernym 01507175 +12100538 _member_meronym 12111882 +05126228 _hypernym 05125377 +01632411 _hypernym 01631534 +02400139 _member_meronym 02419217 +07498854 _derivationally_related_form 02719399 +00191517 _derivationally_related_form 00233614 +00852922 _derivationally_related_form 06715638 +01204191 _hypernym 01178565 +12010188 _hypernym 12205694 +01230555 _hypernym 01410223 +10135297 _hypernym 10040945 +10947259 _instance_hypernym 10210648 +02584981 _derivationally_related_form 04806804 +03321103 _has_part 03426574 +00625774 _derivationally_related_form 00547802 +08639776 _derivationally_related_form 01304716 +02029663 _hypernym 02030158 +03928116 _has_part 04367011 +05602835 _hypernym 05601758 +01372556 _derivationally_related_form 00136329 +05309725 _derivationally_related_form 02996605 +06295235 _member_of_domain_usage 06630017 +00071178 _derivationally_related_form 14324274 +12793695 _hypernym 12793015 +05504107 _hypernym 05397468 +05399034 _hypernym 05397468 +09196611 _has_part 09341673 +04184435 _derivationally_related_form 00142191 +00877625 _hypernym 00877127 +10366779 _hypernym 09936620 +09044862 _has_part 09078231 +02695895 _hypernym 02694933 +00490569 _has_part 06737394 +10055847 _hypernym 09773245 +02728142 _hypernym 02604760 +08860123 _member_of_domain_region 01177583 +09310616 _hypernym 09278537 +09123809 _instance_hypernym 03763133 +09573966 _instance_hypernym 09552681 +01726960 _member_meronym 01740005 +00158503 _derivationally_related_form 05110185 +01614769 _member_meronym 01614925 +01821634 _derivationally_related_form 10118382 +00965035 _hypernym 00831651 +00885082 _hypernym 00885217 +05804274 _derivationally_related_form 00695475 +06814236 _hypernym 06808720 +14556203 _hypernym 14552802 +01787955 _derivationally_related_form 14406573 +00394813 _derivationally_related_form 07375405 +01072262 _derivationally_related_form 00512487 +10247044 _hypernym 00007846 +00233335 _derivationally_related_form 03669886 +01073995 _derivationally_related_form 02451912 +02252039 _hypernym 01759182 +14540765 _hypernym 13920835 +14823944 _hypernym 14672717 +00843468 _derivationally_related_form 06730780 +02403003 _hypernym 02402425 +12463574 _hypernym 11561228 +04248010 _hypernym 00002684 +01369663 _also_see 02036578 +10868177 _instance_hypernym 10375794 +10178216 _derivationally_related_form 01410223 +02118933 _derivationally_related_form 09626589 +12509297 _member_meronym 12509476 +01459542 _synset_domain_topic_of 06084469 +00306426 _derivationally_related_form 01846916 +08723006 _member_of_domain_region 01303582 +01239868 _hypernym 01239064 +01800759 _member_meronym 01801371 +01614778 _derivationally_related_form 04706290 +13138658 _derivationally_related_form 13138308 +14361664 _derivationally_related_form 01891817 +05895723 _derivationally_related_form 00617748 +00125126 _derivationally_related_form 01249724 +05204637 _hypernym 04723816 +00850260 _hypernym 00849982 +00510364 _hypernym 00509607 +01407465 _member_meronym 01408253 +02009433 _verb_group 02383440 +09615807 _derivationally_related_form 00949619 +01110661 _derivationally_related_form 10226556 +13454479 _derivationally_related_form 00442847 +05476754 _hypernym 05475878 +11629501 _member_meronym 11638902 +02231052 _hypernym 02159955 +00266586 _derivationally_related_form 14994328 +14413644 _hypernym 13937554 +10001647 _derivationally_related_form 01017826 +01770795 _hypernym 01769347 +07419960 _hypernym 07368256 +06295235 _member_of_domain_usage 07851054 +07565259 _derivationally_related_form 01176897 +01744657 _member_meronym 01750027 +13214813 _member_meronym 13215462 +08427163 _synset_domain_topic_of 08199025 +12343306 _hypernym 11567411 +00302394 _derivationally_related_form 01940403 +03470222 _synset_domain_topic_of 08199025 +06778102 _derivationally_related_form 00031820 +06161223 _derivationally_related_form 00069531 +01843055 _derivationally_related_form 09629752 +11693566 _member_meronym 11696776 +01771417 _hypernym 01769347 +12637485 _hypernym 12205694 +00851933 _derivationally_related_form 05734381 +11911591 _member_meronym 11950345 +02578510 _derivationally_related_form 00428000 +01524885 _member_meronym 01596761 +08340153 _member_meronym 08140767 +14500047 _derivationally_related_form 01473886 +00694974 _hypernym 00644583 +01944692 _derivationally_related_form 02858304 +07177924 _hypernym 06770275 +01810447 _hypernym 01808374 +01480516 _hypernym 02512053 +08810051 _instance_hypernym 08524735 +00072730 _hypernym 00072012 +01088923 _derivationally_related_form 08624385 +02633287 _member_meronym 02633422 +00276601 _derivationally_related_form 00553173 +02612982 _hypernym 01429349 +10319796 _derivationally_related_form 01163620 +04151940 _hypernym 03122748 +01257542 _derivationally_related_form 00217427 +10037080 _hypernym 10034201 +01578575 _hypernym 01525720 +01140471 _derivationally_related_form 09943811 +01654271 _derivationally_related_form 10201535 +05635624 _derivationally_related_form 01087197 +01677858 _hypernym 01675963 +02766320 _hypernym 03405725 +14385403 _hypernym 14381416 +02469588 _member_meronym 02501101 +01273263 _derivationally_related_form 02784732 +10318193 _hypernym 10318293 +10266848 _hypernym 10402824 +09637684 _hypernym 09636339 +03351979 _has_part 04067472 +03513376 _hypernym 02740764 +01120069 _derivationally_related_form 00773814 +02116118 _derivationally_related_form 14037011 +02893338 _derivationally_related_form 10020890 +14239425 _hypernym 14235200 +12036533 _member_meronym 12168385 +02272373 _hypernym 02272090 +01566888 _hypernym 01504437 +02125223 _derivationally_related_form 04980008 +10368113 _hypernym 10013927 +10068234 _hypernym 10207831 +00634276 _derivationally_related_form 00736216 +05068461 _hypernym 05074774 +05014099 _hypernym 05011790 +10615808 _hypernym 10193026 +07410207 _derivationally_related_form 00335923 +01702623 _hypernym 01342529 +00014549 _derivationally_related_form 14004317 +09003284 _has_part 09237404 +04674715 _derivationally_related_form 00033599 +01033714 _hypernym 01033458 +02058590 _also_see 02640226 +02226172 _derivationally_related_form 00102927 +00857923 _derivationally_related_form 07527817 +10168584 _hypernym 09627906 +02540412 _has_part 07798554 +01600197 _hypernym 01507175 +05566504 _has_part 05585205 +01535709 _also_see 00666058 +12238913 _hypernym 13112664 +00431610 _derivationally_related_form 00357906 +05513529 _has_part 05514410 +09366317 _hypernym 09287968 +08937109 _instance_hypernym 08524735 +01792567 _derivationally_related_form 05830059 +10679054 _hypernym 10683126 +11911591 _member_meronym 11972569 +00085678 _derivationally_related_form 02274482 +01420928 _derivationally_related_form 00134472 +01985947 _hypernym 01759182 +01016316 _derivationally_related_form 09775663 +00170156 _derivationally_related_form 04781349 +02054703 _hypernym 01992503 +13658657 _has_part 13658496 +01477373 _hypernym 01429349 +00043480 _derivationally_related_form 05714466 +00731222 _derivationally_related_form 00750532 +09130076 _has_part 09131553 +02762981 _also_see 02762806 +00958477 _hypernym 00953559 +11364570 _instance_hypernym 10210137 +00708017 _derivationally_related_form 00434374 +00814458 _verb_group 00865387 +00948853 _hypernym 01030132 +10259527 _derivationally_related_form 00594580 +08731606 _instance_hypernym 09388848 +14202996 _hypernym 14204950 +10806222 _hypernym 09855630 +03284120 _hypernym 03763133 +00134574 _hypernym 01173038 +11714618 _member_meronym 11715207 +05462315 _has_part 05501711 +00707624 _hypernym 02376958 +01538498 _hypernym 01507175 +00047317 _hypernym 00050652 +01674717 _derivationally_related_form 02889035 +00574996 _synset_domain_topic_of 06084469 +06321054 _member_of_domain_usage 00046639 +07009640 _hypernym 07007684 +01386494 _member_meronym 01387617 +15101361 _hypernym 14875077 +00156101 _also_see 00712419 +09157163 _has_part 09158501 +08620763 _derivationally_related_form 01466978 +03238407 _synset_domain_topic_of 08199025 +13343917 _derivationally_related_form 01139380 +01611516 _hypernym 02069551 +12960211 _hypernym 13167078 +02244956 _derivationally_related_form 10720453 +06884670 _hypernym 06883073 +07561590 _derivationally_related_form 01190012 +10023656 _derivationally_related_form 00980908 +02480923 _derivationally_related_form 09977660 +02450256 _derivationally_related_form 13924659 +09793495 _hypernym 10632576 +01183373 _hypernym 01182654 +05549830 _has_part 05558717 +13456567 _derivationally_related_form 00399074 +14536831 _derivationally_related_form 00211396 +09997622 _hypernym 00007846 +04188368 _derivationally_related_form 01946408 +10320863 _hypernym 10069645 +01954516 _hypernym 01942177 +00238867 _synset_domain_topic_of 06084469 +11911591 _member_meronym 11983160 +12552309 _hypernym 12205694 +09039411 _has_part 09038990 +00286605 _derivationally_related_form 14498096 +00348008 _derivationally_related_form 01884974 +02141973 _derivationally_related_form 10070711 +01906749 _derivationally_related_form 01383646 +06431740 _has_part 06453723 +02595217 _member_meronym 02595339 +01196037 _derivationally_related_form 09757944 +00452512 _derivationally_related_form 00402535 +11490463 _hypernym 11490638 +09129442 _has_part 09129926 +09607280 _derivationally_related_form 00765396 +09070793 _has_part 03670456 +01442779 _hypernym 01441100 +00030647 _derivationally_related_form 14066492 +01220885 _verb_group 01356750 +09476521 _hypernym 09190918 +01893825 _has_part 01900837 +03343853 _has_part 04216963 +09274739 _instance_hypernym 09411430 +10456950 _hypernym 09917593 +14149963 _has_part 14207809 +01361561 _synset_domain_topic_of 00608896 +02663657 _member_meronym 02665119 +11529603 _member_meronym 11744583 +03003744 _derivationally_related_form 08859173 +11144604 _instance_hypernym 09799213 +06761798 _hypernym 06761099 +09052835 _has_part 09137869 +11911591 _member_meronym 12029326 +00535844 _similar_to 00535452 +13279262 _derivationally_related_form 02252931 +02018049 _hypernym 02016523 +01651293 _derivationally_related_form 00795720 +10492202 _derivationally_related_form 01452918 +06511874 _hypernym 06470073 +05762258 _hypernym 05761559 +02273293 _derivationally_related_form 00087218 +05840188 _hypernym 05839024 +12660009 _member_meronym 12663554 +07950418 _hypernym 07942152 +02402425 _has_part 07663592 +01098698 _derivationally_related_form 02217266 +01199213 _hypernym 01200440 +08860123 _member_of_domain_region 10690421 +00145448 _hypernym 00142191 +09747191 _hypernym 09641757 +08098346 _member_meronym 09848285 +06863751 _derivationally_related_form 00483656 +00342443 _hypernym 00339934 +12293419 _hypernym 11567411 +12892226 _member_meronym 12908432 +13934900 _derivationally_related_form 00136800 +14793533 _derivationally_related_form 01262470 +12574470 _has_part 07818133 +00382109 _derivationally_related_form 02476870 +01588493 _verb_group 00508032 +01333301 _hypernym 01329186 +01471547 _derivationally_related_form 10586265 +02498355 _hypernym 01862557 +04012852 _hypernym 02707683 +00217956 _derivationally_related_form 14535431 +01676755 _hypernym 01674464 +00198118 _hypernym 00196485 +09018848 _has_part 09019355 +11953038 _hypernym 12205694 +11086279 _instance_hypernym 10233445 +02288295 _derivationally_related_form 10117511 +06286395 _has_part 06308049 +12785499 _hypernym 11744859 +14436875 _hypernym 13948136 +01618053 _derivationally_related_form 04706290 +02009620 _member_meronym 02009750 +11051070 _instance_hypernym 10650162 +05603650 _hypernym 14234074 +01633949 _hypernym 01626600 +05200169 _hypernym 04723816 +00265386 _derivationally_related_form 10515194 +10675010 _hypernym 10197967 +01364357 _synset_domain_topic_of 00243918 +01257145 _derivationally_related_form 04687119 +07436661 _derivationally_related_form 00258109 +03869389 _hypernym 02716866 +00748282 _hypernym 00740577 +05432948 _hypernym 05432736 +01640207 _hypernym 01617192 +05723563 _derivationally_related_form 02121188 +01753721 _member_meronym 01753959 +09189411 _has_part 08998560 +12854443 _member_meronym 12854600 +00136876 _synset_domain_topic_of 00470966 +08973776 _member_meronym 09724785 +00644583 _derivationally_related_form 02708711 +01943213 _hypernym 01938850 +07581775 _hypernym 07581346 +04231444 _hypernym 02740764 +05695232 _derivationally_related_form 00782527 +01072565 _derivationally_related_form 02671880 +03173524 _derivationally_related_form 01689379 +01703613 _hypernym 01702514 +00750532 _derivationally_related_form 05832745 +01017826 _derivationally_related_form 01061333 +12857779 _hypernym 12205694 +04216963 _hypernym 03852280 +07472657 _derivationally_related_form 01086103 +02191449 _hypernym 01759182 +00698004 _synset_domain_topic_of 15259284 +03194812 _hypernym 03851341 +01808218 _verb_group 00767334 +07324917 _hypernym 07324673 +02654442 _derivationally_related_form 00432689 +00596644 _derivationally_related_form 05984584 +01368192 _also_see 00364479 +01524885 _member_meronym 01602353 +00580512 _derivationally_related_form 07358377 +09110422 _has_part 09249418 +10584853 _hypernym 00007846 +05531161 _hypernym 05225602 +01031256 _derivationally_related_form 06264398 +12725738 _hypernym 12724942 +01693881 _derivationally_related_form 03104594 +13085113 _hypernym 13083586 +13867641 _hypernym 13863771 +03654826 _hypernym 04359589 +01288052 _derivationally_related_form 03330947 +03306610 _hypernym 03519981 +10541229 _derivationally_related_form 00715868 +02728763 _hypernym 03892891 +01471070 _member_meronym 01480336 +04546855 _has_part 03882611 +00877083 _derivationally_related_form 01264050 +00320681 _derivationally_related_form 07678729 +07145508 _hypernym 07142566 +00223983 _hypernym 00220522 +09875979 _hypernym 09875786 +04981044 _hypernym 04980008 +13487207 _derivationally_related_form 00095377 +08597727 _hypernym 08552138 +08511777 _hypernym 08511970 +10783539 _derivationally_related_form 00007739 +08995515 _instance_hypernym 08574314 +04974681 _hypernym 04973957 +01508368 _hypernym 01511706 +01567888 _derivationally_related_form 06071934 +05834567 _hypernym 05833840 +10169796 _derivationally_related_form 01931768 +07993279 _member_meronym 07993929 +02068413 _hypernym 02069248 +14322248 _hypernym 14321953 +00771133 _hypernym 00770437 +02037272 _also_see 01549291 +00858781 _derivationally_related_form 07251779 +05146739 _derivationally_related_form 00934199 +01322509 _hypernym 01552519 +10839791 _instance_hypernym 10450303 +04012084 _hypernym 02691156 +02918271 _derivationally_related_form 04273064 +02219901 _member_meronym 02220055 +08849226 _instance_hypernym 08691669 +04094859 _hypernym 03944672 +00678282 _derivationally_related_form 05910940 +00791372 _hypernym 00792471 +07376937 _hypernym 07371293 +09109444 _has_part 09407632 +01028748 _hypernym 01029852 +00855295 _derivationally_related_form 06777794 +10886222 _instance_hypernym 10599806 +01662118 _derivationally_related_form 10074339 +00607114 _derivationally_related_form 05755883 +14154669 _hypernym 14153616 +00744237 _hypernym 00550117 +02459915 _hypernym 02656390 +10722575 _hypernym 09623038 +04689048 _derivationally_related_form 01807529 +03087643 _derivationally_related_form 00366275 +01858989 _member_meronym 01859325 +00417397 _hypernym 00812526 +02488291 _hypernym 02484473 +05846355 _derivationally_related_form 00235368 +07202812 _hypernym 07201365 +14531392 _synset_domain_topic_of 06060845 +06261744 _hypernym 06251781 +00753973 _hypernym 00753685 +11011398 _instance_hypernym 09765278 +09323824 _instance_hypernym 09403734 +02265177 _member_meronym 02265330 +10407726 _derivationally_related_form 01844431 +01008288 _derivationally_related_form 06468951 +06816106 _synset_domain_topic_of 07020895 +07579399 _derivationally_related_form 01201574 +02461701 _member_meronym 02461830 +13165815 _has_part 13162297 +00087988 _verb_group 00087736 +01001857 _synset_domain_topic_of 08441203 +04531098 _has_part 02798574 +00261604 _derivationally_related_form 00293141 +05016171 _derivationally_related_form 02333358 +10472129 _synset_domain_topic_of 06053439 +00315986 _derivationally_related_form 02077656 +00602255 _derivationally_related_form 13434878 +06845599 _member_of_domain_usage 04002931 +12577000 _member_meronym 12577895 +01455639 _hypernym 01974062 +05808218 _derivationally_related_form 00598954 +00642379 _derivationally_related_form 01227908 +04045397 _derivationally_related_form 01949966 +02306672 _hypernym 01762525 +12710577 _hypernym 12709901 +12154426 _hypernym 11555413 +01786906 _derivationally_related_form 07517417 +05015463 _derivationally_related_form 01252566 +01739814 _derivationally_related_form 07705711 +00113113 _derivationally_related_form 01447257 +03017168 _derivationally_related_form 02182342 +00453424 _hypernym 00452512 +03979377 _hypernym 03309808 +00809465 _derivationally_related_form 10388924 +01283208 _derivationally_related_form 03817647 +13260645 _hypernym 13258362 +09868270 _derivationally_related_form 06066555 +02685951 _also_see 02703539 +01824532 _hypernym 01825237 +07440979 _derivationally_related_form 02046755 +01192510 _hypernym 01158872 +07734017 _hypernym 07710007 +01186810 _synset_domain_topic_of 08441203 +13203251 _hypernym 13166338 +04844625 _derivationally_related_form 01155354 +02801349 _derivationally_related_form 09385137 +11807696 _hypernym 11807108 +00492310 _hypernym 01534147 +01026095 _hypernym 00931467 +09636890 _member_meronym 09636339 +01282711 _instance_hypernym 00956485 +02286294 _derivationally_related_form 07130341 +09897696 _derivationally_related_form 01454246 +02555434 _derivationally_related_form 09608709 +04471632 _hypernym 04171831 +08764107 _has_part 08765771 +02624263 _derivationally_related_form 07324673 +14989545 _hypernym 14727670 +10251779 _derivationally_related_form 00602255 +05331171 _has_part 05491308 +10670483 _hypernym 09984659 +02159271 _member_meronym 02163144 +02741960 _verb_group 01532589 +01633578 _hypernym 01626600 +10696251 _derivationally_related_form 05643190 +08806897 _member_of_domain_region 02921325 +06452601 _has_part 06441195 +09762821 _hypernym 00007846 +01323958 _derivationally_related_form 00219012 +11444117 _derivationally_related_form 02109818 +01930672 _hypernym 01921887 +09843443 _hypernym 09815790 +01313093 _member_meronym 01908287 +01923414 _hypernym 01831531 +04599396 _derivationally_related_form 02525447 +01849221 _also_see 02619924 +07275078 _hypernym 07274425 +00960734 _hypernym 00126264 +03309808 _has_part 03513627 +11800020 _has_part 11800236 +01642437 _hypernym 01641914 +08820121 _has_part 08821578 +00378985 _derivationally_related_form 01657828 +02560823 _hypernym 01429349 +11122114 _instance_hypernym 09796323 +02304982 _derivationally_related_form 07951464 +12548804 _hypernym 12548280 +02440705 _member_meronym 02446888 +09114696 _has_part 09228619 +00003431 _derivationally_related_form 09229709 +02653159 _synset_domain_topic_of 08199025 +05405946 _hypernym 05398609 +07651025 _hypernym 07570720 +09178999 _derivationally_related_form 00636888 +01848976 _hypernym 01846331 +04161981 _derivationally_related_form 02334302 +15258281 _hypernym 05867413 +15075378 _hypernym 15047313 +00386915 _derivationally_related_form 01552519 +02016198 _member_meronym 02016816 +12359026 _member_meronym 12371911 +00918872 _derivationally_related_form 05808218 +08071516 _hypernym 08070850 +08920924 _has_part 08924913 +12847749 _member_meronym 12847927 +05776015 _derivationally_related_form 00871942 +12758639 _member_meronym 12764703 +14159887 _hypernym 14151139 +03032811 _derivationally_related_form 02044278 +00708128 _derivationally_related_form 10556518 +01754421 _derivationally_related_form 05260533 +00184117 _derivationally_related_form 00380083 +01190494 _derivationally_related_form 14018567 +02174153 _member_meronym 02174521 +12704636 _hypernym 11566682 +00744758 _derivationally_related_form 00748282 +11065345 _instance_hypernym 10363573 +12928071 _hypernym 13112664 +06402031 _hypernym 06362953 +00657016 _hypernym 00656576 +00949288 _derivationally_related_form 04353803 +04594489 _derivationally_related_form 02354536 +01276361 _derivationally_related_form 13905792 +12729521 _hypernym 12724942 +00925873 _verb_group 00402130 +12100538 _member_meronym 12108249 +02757651 _derivationally_related_form 11502497 +04341686 _hypernym 00021939 +02158066 _derivationally_related_form 01556178 +11665781 _member_meronym 11803475 +01438720 _member_meronym 01439657 +04012260 _hypernym 00002684 +10624540 _hypernym 09947232 +02367363 _derivationally_related_form 00037396 +11358065 _instance_hypernym 09765278 +10090498 _derivationally_related_form 02154312 +00817311 _hypernym 00822367 +06845599 _member_of_domain_usage 04448511 +05932477 _hypernym 05930136 +12611815 _member_meronym 12612410 +12585512 _member_meronym 12585629 +09440400 _has_part 08732116 +11667562 _hypernym 08103777 +10240082 _hypernym 00007846 +14043882 _derivationally_related_form 00359511 +01152670 _verb_group 01152214 +09044862 _member_of_domain_region 11995396 +10042300 _derivationally_related_form 01168468 +02619424 _hypernym 02637202 +01391280 _hypernym 00463778 +02159271 _member_meronym 02261883 +08251303 _member_meronym 09958892 +04340935 _hypernym 03171356 +11592146 _hypernym 08108972 +00036932 _derivationally_related_form 04253437 +01550953 _hypernym 01507175 +01745722 _derivationally_related_form 10475297 +06916803 _hypernym 06906439 +07664582 _hypernym 07649854 +02421199 _hypernym 02410855 +10631941 _derivationally_related_form 05705184 +00802238 _derivationally_related_form 02545578 +04051549 _hypernym 03566329 +01909111 _member_meronym 01910747 +02443049 _derivationally_related_form 01135529 +12322887 _member_meronym 12329899 +00133338 _derivationally_related_form 01412548 +00327824 _derivationally_related_form 01877620 +02475922 _derivationally_related_form 07169480 +02269143 _derivationally_related_form 05644727 +00870453 _derivationally_related_form 00193486 +06845599 _member_of_domain_usage 04078236 +09382990 _has_part 08926877 +01418620 _hypernym 01416585 +10740219 _derivationally_related_form 02681795 +01951274 _hypernym 01942177 +09189411 _has_part 08815046 +02127358 _derivationally_related_form 05722427 +00846515 _derivationally_related_form 01426397 +00605783 _verb_group 00407146 +00155143 _hypernym 00230746 +00028565 _derivationally_related_form 05601357 +06150933 _hypernym 06149484 +10353016 _hypernym 09827683 +03429288 _derivationally_related_form 00919424 +03691459 _hypernym 03274561 +12359026 _member_meronym 12381321 +15121406 _has_part 15259812 +01933900 _derivationally_related_form 02947212 +08860123 _member_of_domain_region 10672662 +10339966 _synset_domain_topic_of 07020895 +03005769 _hypernym 03051540 +00445055 _hypernym 00441824 +02585489 _derivationally_related_form 10716005 +14421139 _hypernym 14418395 +08774546 _instance_hypernym 08524735 +14255234 _hypernym 14252864 +01131902 _derivationally_related_form 09864536 +01729133 _member_meronym 01729322 +05650820 _has_part 05651068 +00787049 _derivationally_related_form 07194950 +13955461 _derivationally_related_form 01932973 +02147824 _derivationally_related_form 00752431 +09697771 _hypernym 09634494 +01994442 _verb_group 00799383 +01264336 _derivationally_related_form 05211044 +05513529 _has_part 05515287 +05814291 _hypernym 05809192 +01825417 _member_meronym 01825930 +05311054 _has_part 05314639 +02264397 _derivationally_related_form 00212065 +01277938 _instance_hypernym 00054821 +01215902 _hypernym 00407535 +01539063 _derivationally_related_form 09921409 +02360274 _derivationally_related_form 04390977 +02273545 _member_meronym 02283728 +10311661 _hypernym 10787470 +04683136 _hypernym 04680285 +14168176 _hypernym 14195315 +06372095 _derivationally_related_form 10075529 +09058071 _instance_hypernym 08524735 +11938977 _hypernym 11579418 +10378780 _derivationally_related_form 02443849 +00025654 _hypernym 00019448 +02550296 _hypernym 01429349 +00527872 _derivationally_related_form 01710048 +06241825 _hypernym 06240244 +09614684 _derivationally_related_form 00829378 +13600404 _hypernym 13583724 +05734559 _hypernym 05732756 +06319293 _hypernym 06289250 +02742322 _hypernym 03051540 +05543917 _hypernym 05542893 +11640471 _hypernym 11554175 +00105778 _hypernym 00105554 +10734568 _hypernym 09632518 +13530408 _derivationally_related_form 00238867 +07410745 _derivationally_related_form 01416871 +12605019 _member_meronym 12608778 +09863238 _hypernym 10582154 +06845599 _member_of_domain_usage 04424936 +02244426 _synset_domain_topic_of 01090446 +14550469 _derivationally_related_form 01254692 +01534745 _derivationally_related_form 14956661 +08722645 _instance_hypernym 09233715 +11771924 _hypernym 11771539 +00646738 _hypernym 00637259 +00996969 _derivationally_related_form 02704349 +00242146 _hypernym 00235435 +06778102 _derivationally_related_form 10117267 +01276970 _hypernym 01555742 +00618057 _derivationally_related_form 09879744 +00004819 _derivationally_related_form 14314850 +11754188 _member_meronym 11761484 +10472799 _hypernym 09807754 +00796392 _hypernym 00795863 +01002956 _derivationally_related_form 00732552 +00026941 _hypernym 00026385 +00057486 _derivationally_related_form 01994442 +12611479 _member_meronym 12611640 +01642671 _member_meronym 01642943 +02549211 _derivationally_related_form 07251619 +02299269 _hypernym 02263027 +02552894 _hypernym 01432517 +08390731 _synset_domain_topic_of 08199025 +10782471 _synset_domain_topic_of 00468480 +02799593 _has_part 02797881 +01157850 _synset_domain_topic_of 08199025 +10676877 _hypernym 10676018 +00453731 _hypernym 00582388 +11117744 _instance_hypernym 10191943 +09573966 _synset_domain_topic_of 07983170 +12372520 _hypernym 13162297 +01116968 _hypernym 01113068 +00211110 _derivationally_related_form 00484892 +01855032 _hypernym 01854415 +10001882 _hypernym 10485440 +05556595 _derivationally_related_form 02840935 +09148970 _has_part 09246660 +06431740 _has_part 06449735 +10345804 _hypernym 10630188 +06072275 _hypernym 06083243 +08757569 _derivationally_related_form 02961688 +04561422 _has_part 04563204 +00167824 _hypernym 02623906 +01917434 _member_meronym 01917611 +07386614 _derivationally_related_form 00941719 +05618056 _derivationally_related_form 02898750 +02504562 _derivationally_related_form 01127245 +10582154 _hypernym 09632518 +07366799 _hypernym 07366289 +08921850 _has_part 08924023 +06387980 _has_part 06400271 +06295235 _member_of_domain_usage 00040962 +09610660 _derivationally_related_form 01070102 +01217859 _hypernym 00037396 +05658226 _derivationally_related_form 02194286 +04423288 _hypernym 03214670 +05787005 _derivationally_related_form 00644583 +00116376 _derivationally_related_form 01973759 +01862776 _hypernym 01860795 +01806505 _derivationally_related_form 07497976 +00666058 _also_see 01640850 +14932303 _derivationally_related_form 02660164 +12531328 _hypernym 13112664 +09079505 _instance_hypernym 09316454 +00634472 _derivationally_related_form 14379829 +01961691 _hypernym 01960911 +01002297 _hypernym 01000214 +10009671 _hypernym 09986532 +00014742 _derivationally_related_form 15273626 +04683600 _hypernym 04683453 +01776468 _derivationally_related_form 10078131 +02445276 _hypernym 01864707 +01964367 _derivationally_related_form 02595662 +13960464 _derivationally_related_form 02461723 +02795169 _has_part 02895881 +05870180 _derivationally_related_form 01461328 +10141364 _derivationally_related_form 06176107 +10737431 _derivationally_related_form 01344293 +00617989 _hypernym 00606370 +04069276 _hypernym 03183080 +08558770 _hypernym 08556491 +00666058 _derivationally_related_form 05050379 +06392935 _synset_domain_topic_of 06520944 +10557404 _hypernym 10221040 +09619168 _has_part 05219923 +09722530 _derivationally_related_form 03084759 +00444519 _similar_to 00445169 +12002428 _hypernym 12205694 +06546408 _hypernym 06479665 +02657083 _member_meronym 02657805 +07032026 _hypernym 07031752 +01345877 _derivationally_related_form 03376159 +01403785 _derivationally_related_form 00572838 +01911698 _derivationally_related_form 00284101 +14549937 _hypernym 14548913 +06359877 _hypernym 06349220 +13137409 _hypernym 13134947 +00976698 _synset_domain_topic_of 08199025 +01466303 _hypernym 01463963 +00550282 _derivationally_related_form 04754440 +01207609 _derivationally_related_form 02735897 +04246855 _hypernym 03895866 +10787470 _derivationally_related_form 00606006 +00124442 _hypernym 00123170 +12013323 _hypernym 11579418 +00097394 _derivationally_related_form 14313440 +00683280 _derivationally_related_form 00644839 +00293760 _derivationally_related_form 13571217 +00857784 _hypernym 00983824 +01865197 _also_see 01870889 +02759614 _hypernym 02762468 +10076307 _hypernym 09682291 +06295235 _member_of_domain_usage 03234164 +04744645 _synset_domain_topic_of 06037666 +15187451 _hypernym 15157225 +02229828 _verb_group 02230056 +10050880 _derivationally_related_form 07083246 +12100538 _member_meronym 12112488 +02461723 _derivationally_related_form 06756407 +01021128 _derivationally_related_form 05820620 +13469674 _hypernym 13518963 +02660631 _derivationally_related_form 05764365 +01457954 _derivationally_related_form 00191980 +00682230 _hypernym 00672433 +12720893 _hypernym 11585340 +01981137 _member_meronym 01981276 +00085626 _derivationally_related_form 00712833 +02495387 _derivationally_related_form 01146768 +07820814 _hypernym 07811416 +00766418 _hypernym 00770437 +10418841 _derivationally_related_form 00766418 +01689379 _hypernym 01690294 +09071690 _has_part 09419783 +01612084 _derivationally_related_form 03679986 +06718862 _member_of_domain_usage 09636339 +00728617 _derivationally_related_form 05807540 +05926236 _hypernym 05809192 +10155849 _derivationally_related_form 05750163 +01410606 _derivationally_related_form 04744814 +01987353 _hypernym 01762525 +09137032 _has_part 09137451 +02962545 _hypernym 14974264 +06725877 _hypernym 06722453 +07717070 _hypernym 07715561 +00707366 _also_see 02037708 +13278375 _derivationally_related_form 02252931 +01726390 _member_meronym 01751979 +03578656 _synset_domain_topic_of 06128570 +12331415 _member_meronym 12332218 +00395797 _hypernym 00391599 +09993252 _hypernym 10197967 +02042342 _member_meronym 02042472 +00321956 _derivationally_related_form 00187526 +00946650 _derivationally_related_form 01315613 +12670172 _member_meronym 12670334 +03276179 _hypernym 03705379 +06022727 _hypernym 06021499 +09900981 _hypernym 09605289 +14010636 _hypernym 14010148 +09543353 _derivationally_related_form 02930503 +02156546 _derivationally_related_form 00230172 +12991184 _hypernym 12987056 +02764765 _synset_domain_topic_of 09239740 +04079244 _hypernym 03544360 +12445848 _member_meronym 12446908 +09818343 _hypernym 10428004 +09141526 _has_part 09228619 +14236226 _hypernym 14235200 +05023741 _derivationally_related_form 00418110 +14638799 _hypernym 14627081 +07497976 _hypernym 07497473 +00665886 _derivationally_related_form 00154433 +00923793 _derivationally_related_form 03975232 +08612049 _has_part 08618379 +01497736 _also_see 02164402 +10191192 _hypernym 10557854 +00653620 _hypernym 02166460 +01001136 _derivationally_related_form 06514093 +02436349 _hypernym 02441022 +10354265 _derivationally_related_form 06052864 +01237398 _derivationally_related_form 07376257 +02193194 _derivationally_related_form 00581812 +00016756 _also_see 00106456 +00281462 _derivationally_related_form 02054382 +00422090 _derivationally_related_form 07321772 +02084071 _hypernym 02083346 +04400499 _hypernym 02727825 +07988857 _hypernym 07970406 +02562085 _member_meronym 02562315 +02323059 _hypernym 02327200 +02478936 _derivationally_related_form 01009637 +01269379 _hypernym 01332730 +00404642 _hypernym 01463963 +15256915 _has_part 15257553 +04576211 _hypernym 03094503 +05181199 _hypernym 05177285 +00426958 _derivationally_related_form 10746346 +13632961 _hypernym 13602526 +01620854 _derivationally_related_form 07291312 +00023646 _derivationally_related_form 07478318 +06742426 _hypernym 07170753 +07188685 _derivationally_related_form 02534761 +01184625 _derivationally_related_form 01216191 +02064131 _derivationally_related_form 08184600 +01089483 _derivationally_related_form 10421956 +00464651 _hypernym 00463246 +02973017 _hypernym 04359335 +07678193 _hypernym 07677593 +02686568 _hypernym 03125870 +02997607 _hypernym 04516672 +14986004 _hypernym 14984973 +00076400 _derivationally_related_form 07950418 +09057311 _has_part 03634189 +01705717 _hypernym 01656813 +09048880 _has_part 09137032 +11406314 _instance_hypernym 09945319 +09855630 _synset_domain_topic_of 06037666 +01596056 _hypernym 01595830 +10672908 _derivationally_related_form 05186306 +07697100 _has_part 07664007 +01145163 _hypernym 02001858 +12917338 _member_meronym 12920521 +08431721 _member_meronym 04413969 +06065819 _has_part 06066072 +08110373 _synset_domain_topic_of 06037666 +02260183 _member_meronym 02260421 +01157138 _derivationally_related_form 02339413 +08157672 _hypernym 08153437 +00213223 _synset_domain_topic_of 00243918 +03873064 _derivationally_related_form 01526956 +00358431 _derivationally_related_form 07333649 +06845599 _member_of_domain_usage 03761845 +12235479 _hypernym 13118569 +02686568 _has_part 03061505 +01097500 _hypernym 02471327 +06960778 _hypernym 06960566 +00365471 _hypernym 00351638 +13905572 _hypernym 13896369 +08502797 _instance_hypernym 08574314 +08860123 _member_of_domain_region 04242704 +02112891 _derivationally_related_form 13428159 +09843956 _derivationally_related_form 01413173 +03082979 _has_part 03020034 +01929396 _member_meronym 01922717 +13395296 _hypernym 13393762 +05769314 _derivationally_related_form 02694247 +12381931 _hypernym 12381511 +01111016 _derivationally_related_form 01085937 +01018928 _derivationally_related_form 06725067 +01194938 _derivationally_related_form 04999401 +00521874 _hypernym 00383542 +04404412 _derivationally_related_form 00969506 +13726562 _hypernym 13609507 +02244603 _synset_domain_topic_of 01090446 +02290461 _derivationally_related_form 05142641 +01566509 _member_meronym 01566645 +01558440 _derivationally_related_form 09429387 +01793818 _member_meronym 01794460 +03446528 _has_part 02920369 +01292885 _derivationally_related_form 07985223 +00696189 _derivationally_related_form 05747582 +05150588 _derivationally_related_form 02497141 +02704153 _hypernym 03248958 +02612234 _hypernym 02612368 +00355955 _verb_group 00338559 +07334490 _derivationally_related_form 00479391 +01033714 _synset_domain_topic_of 08083599 +04717139 _hypernym 04716864 +10321126 _hypernym 09983572 +07996412 _hypernym 07996149 +12734722 _member_meronym 12735009 +02039544 _derivationally_related_form 03256166 +00245289 _derivationally_related_form 13556509 +07157273 _member_of_domain_usage 10375690 +01795428 _derivationally_related_form 07014320 +02130524 _also_see 01315613 +14619225 _derivationally_related_form 01373138 +13080471 _member_meronym 13081050 +08852843 _has_part 09196611 +00987863 _hypernym 00986938 +12619306 _member_meronym 12636705 +12457091 _hypernym 12456845 +06791372 _derivationally_related_form 00867231 +06300193 _derivationally_related_form 00176137 +01173965 _derivationally_related_form 01230350 +01444887 _derivationally_related_form 04271148 +02459173 _hypernym 02656390 +01868370 _hypernym 01831531 +12032215 _hypernym 11579418 +06762380 _hypernym 06722453 +09900981 _derivationally_related_form 01293389 +10250527 _hypernym 09610405 +12440869 _member_meronym 12441183 +04495051 _hypernym 02883344 +02860415 _hypernym 04586421 +06552984 _synset_domain_topic_of 08441203 +05749619 _derivationally_related_form 02868326 +00409211 _derivationally_related_form 01224744 +00104147 _derivationally_related_form 10675010 +11742745 _hypernym 11567411 +08010559 _instance_hypernym 08392137 +08463647 _derivationally_related_form 01437888 +13657691 _hypernym 13649268 +00124617 _hypernym 01170962 +12029929 _hypernym 11579418 +14341091 _hypernym 14336539 +00987071 _derivationally_related_form 07201804 +13607405 _has_part 13607187 +01307609 _hypernym 01307142 +11460063 _derivationally_related_form 00331082 +02382204 _derivationally_related_form 00076114 +05737153 _derivationally_related_form 00657728 +11159214 _instance_hypernym 09765278 +09303647 _has_part 09322930 +02559180 _also_see 01172889 +07495327 _hypernym 07494363 +09752246 _synset_domain_topic_of 05778131 +01887020 _derivationally_related_form 07441619 +00330836 _derivationally_related_form 01946138 +14691822 _derivationally_related_form 01511706 +07365849 _derivationally_related_form 01860795 +12319687 _member_meronym 12320627 +12141890 _hypernym 11556857 +10403876 _synset_domain_topic_of 02691156 +00029677 _hypernym 00001930 +11909048 _member_meronym 11910070 +02494259 _synset_domain_topic_of 08441203 +00066025 _derivationally_related_form 07211950 +00043683 _verb_group 00046534 +03357716 _hypernym 02688443 +05657718 _hypernym 05652396 +03127925 _hypernym 02883344 +02183353 _hypernym 01342529 +01896031 _derivationally_related_form 01680132 +01882170 _derivationally_related_form 05003090 +09636106 _hypernym 00007846 +02860239 _hypernym 04571088 +07437990 _hypernym 07436986 +08389438 _synset_domain_topic_of 08199025 +02052511 _hypernym 01504437 +12429942 _member_meronym 12430471 +06531657 _synset_domain_topic_of 08441203 +10601078 _derivationally_related_form 02565687 +04378842 _instance_hypernym 04407435 +00102586 _hypernym 00069879 +00088725 _derivationally_related_form 01215421 +12769815 _member_meronym 12776212 +09463919 _hypernym 09335240 +12168126 _hypernym 11562747 +15254550 _has_part 15231765 +09811414 _hypernym 10177150 +09189411 _has_part 08999482 +02537092 _hypernym 02536557 +02702120 _hypernym 01116585 +14361182 _derivationally_related_form 00091124 +03402941 _hypernym 03785499 +14419510 _hypernym 14419164 +08098346 _hypernym 08081668 +12010458 _hypernym 11579418 +13840553 _member_meronym 10665698 +09636339 _hypernym 00007846 +08709038 _has_part 08755436 +01054694 _derivationally_related_form 02395406 +07718472 _hypernym 07707451 +02344006 _hypernym 01864707 +08628921 _derivationally_related_form 02727039 +09690371 _hypernym 09641757 +01322685 _hypernym 01321854 +08929922 _member_of_domain_region 01277938 +00751887 _derivationally_related_form 09780828 +05247621 _hypernym 05426243 +09436708 _hypernym 09210604 +13400798 _hypernym 13396054 +09590205 _instance_hypernym 09587565 +06976392 _hypernym 06941644 +10231515 _hypernym 10628644 +09294066 _instance_hypernym 09411430 +06764244 _hypernym 06763273 +01936537 _hypernym 01955984 +10067600 _synset_domain_topic_of 01124794 +01278427 _hypernym 01277974 +03028079 _hypernym 03953416 +01776546 _member_meronym 01776705 +02600948 _verb_group 02608823 +01165579 _derivationally_related_form 00624553 +10451590 _derivationally_related_form 05800998 +00315390 _derivationally_related_form 01944692 +09834699 _hypernym 09989502 +00380424 _derivationally_related_form 00870312 +12844697 _hypernym 11579418 +02547213 _member_meronym 02548990 +08860123 _member_of_domain_region 08278924 +01805692 _member_meronym 01805801 +08792548 _has_part 09361816 +01483522 _hypernym 01482330 +00381850 _synset_domain_topic_of 06090869 +02861617 _derivationally_related_form 03876519 +02630468 _hypernym 01432517 +02171633 _member_meronym 02171869 +10684630 _derivationally_related_form 02419773 +02611630 _derivationally_related_form 07201804 +05044822 _derivationally_related_form 00920125 +04516354 _hypernym 02958343 +12703190 _hypernym 12702948 +09053185 _instance_hypernym 08655464 +09778537 _hypernym 09631463 +13365698 _derivationally_related_form 02219094 +01151407 _derivationally_related_form 00765213 +00114615 _derivationally_related_form 07595180 +02136271 _synset_domain_topic_of 06094774 +10699752 _hypernym 00007846 +01501347 _verb_group 01500873 +01623284 _member_meronym 01623425 +01508719 _derivationally_related_form 04910973 +01268112 _derivationally_related_form 10397001 +00095280 _similar_to 00095873 +02654416 _derivationally_related_form 01054545 +11607739 _member_meronym 11620560 +11342618 _instance_hypernym 10705615 +01815431 _member_meronym 01815855 +01176232 _hypernym 01182709 +00788184 _hypernym 00897746 +12445848 _member_meronym 12448361 +11446242 _hypernym 11425580 +09141526 _has_part 09142674 +00093775 _derivationally_related_form 13574452 +15282696 _derivationally_related_form 00438178 +07744811 _hypernym 13138658 +01669792 _hypernym 01675963 +08912559 _instance_hypernym 08524735 +08723006 _member_of_domain_region 07866571 +01095899 _hypernym 01095218 +05896733 _derivationally_related_form 02117649 +00724150 _hypernym 02228698 +12766595 _hypernym 13100156 +00663353 _derivationally_related_form 00141806 +12236363 _hypernym 11575425 +01737197 _member_meronym 01737472 +12501745 _member_meronym 12559302 +07176243 _hypernym 07175575 +01676313 _member_meronym 01681812 +12377809 _member_meronym 12379278 +12992868 _hypernym 00004475 +07217349 _hypernym 07212190 +00971015 _verb_group 01028748 +01814396 _derivationally_related_form 07542675 +00001930 _hypernym 00001740 +01207149 _derivationally_related_form 01146288 +00866079 _hypernym 00863513 +12694336 _hypernym 11666854 +00898019 _derivationally_related_form 06632097 +05723417 _derivationally_related_form 01431987 +02590237 _member_meronym 02592607 +02982790 _derivationally_related_form 01478002 +00714718 _synset_domain_topic_of 00700652 +02577877 _derivationally_related_form 05695232 +01911511 _member_meronym 01911839 +12507236 _hypernym 11585340 +01372049 _also_see 01156112 +00158185 _derivationally_related_form 02600490 +07486229 _derivationally_related_form 00709205 +13983304 _derivationally_related_form 00291873 +02645597 _derivationally_related_form 05028159 +02260770 _derivationally_related_form 10577284 +00190115 _also_see 00570590 +05939432 _hypernym 05926676 +05058140 _derivationally_related_form 02055975 +10164025 _derivationally_related_form 00590383 +09538318 _instance_hypernym 09536058 +09183693 _hypernym 00023773 +04910973 _hypernym 04910135 +10614363 _derivationally_related_form 01067512 +06936620 _hypernym 06904171 +02335349 _member_meronym 02339768 +00283568 _hypernym 00283127 +05483890 _has_part 05484862 +04768028 _hypernym 04767805 +01671874 _member_meronym 01672032 +04990877 _derivationally_related_form 01454636 +12634986 _hypernym 12634211 +05220126 _hypernym 05219561 +06780069 _derivationally_related_form 09896170 +13169674 _member_meronym 13170060 +03880129 _hypernym 04532106 +00933821 _derivationally_related_form 05808102 +00861423 _derivationally_related_form 07035870 +03323703 _derivationally_related_form 01340439 +01015244 _hypernym 00831651 +01539063 _derivationally_related_form 14598079 +00284798 _derivationally_related_form 01904930 +13169219 _member_meronym 13227009 +03483316 _hypernym 02855089 +11833208 _hypernym 11573660 +05003590 _derivationally_related_form 01675963 +01678522 _member_meronym 01678657 +12673328 _hypernym 13118707 +02347744 _hypernym 02346627 +11900058 _member_meronym 11906713 +01259773 _derivationally_related_form 00018526 +01589497 _hypernym 01588493 +12166003 _member_meronym 12166128 +07710616 _hypernym 07710283 +05978472 _derivationally_related_form 10072054 +08740875 _has_part 08742205 +02222318 _hypernym 02224055 +01587077 _derivationally_related_form 04842515 +01155687 _derivationally_related_form 09851876 +02399331 _also_see 02482425 +02227119 _hypernym 01762525 +11975482 _member_meronym 11975658 +00828374 _derivationally_related_form 06742932 +11807108 _hypernym 12205694 +09843602 _hypernym 00007846 +00350380 _derivationally_related_form 02065085 +14747168 _hypernym 14747338 +03682487 _derivationally_related_form 01348174 +01379954 _member_meronym 01380118 +14425103 _hypernym 14424780 +07415167 _synset_domain_topic_of 06095022 +03507241 _hypernym 03259505 +01140658 _hypernym 01140471 +00803815 _hypernym 00803325 +05651399 _derivationally_related_form 00610010 +03545150 _hypernym 02913152 +10029068 _derivationally_related_form 00935940 +08762495 _has_part 08762823 +01819600 _hypernym 01507175 +12261808 _hypernym 12260799 +13523661 _derivationally_related_form 03002351 +12947544 _hypernym 12946849 +00629257 _derivationally_related_form 01009190 +04873939 _hypernym 04827652 +09200874 _instance_hypernym 09403734 +02482820 _member_meronym 02483564 +05275315 _has_part 05347146 +02574271 _hypernym 02554730 +08723006 _member_of_domain_region 14050559 +01804478 _hypernym 01806567 +13374426 _hypernym 13379413 +01621555 _derivationally_related_form 04007894 +01191838 _hypernym 01191645 +00781652 _hypernym 02296726 +00800940 _derivationally_related_form 00265386 +08916316 _has_part 08918944 +06117855 _derivationally_related_form 02949511 +10644179 _hypernym 09821253 +11420831 _hypernym 07939382 +12949722 _member_meronym 12949955 +00503164 _derivationally_related_form 02309341 +01947543 _synset_domain_topic_of 00523513 +01589217 _also_see 00264776 +00883226 _hypernym 00839834 +04270147 _has_part 02848216 +09944022 _derivationally_related_form 08324514 +08860123 _member_of_domain_region 04363991 +10615179 _derivationally_related_form 01806505 +08139795 _has_part 08140219 +13026763 _member_meronym 13027049 +00214951 _derivationally_related_form 00277376 +02024636 _member_meronym 02024763 +04974968 _hypernym 04950126 +08839916 _instance_hypernym 09203827 +05405324 _derivationally_related_form 00066977 +12187450 _member_meronym 12187663 +13984944 _derivationally_related_form 02768702 +14712036 _hypernym 15010703 +00455348 _hypernym 00407535 +04216106 _hypernym 04048075 +02296153 _derivationally_related_form 06252954 +08860123 _member_of_domain_region 04577293 +09824361 _hypernym 09617867 +02258291 _derivationally_related_form 00883611 +00033599 _hypernym 02604760 +04601690 _hypernym 02743547 +05532944 _hypernym 05328867 +02330582 _member_meronym 02351518 +01570969 _member_meronym 01571126 +15265518 _derivationally_related_form 01628449 +01556346 _derivationally_related_form 00391086 +08477634 _hypernym 07974025 +06845599 _member_of_domain_usage 03752649 +01934207 _hypernym 08102555 +01456771 _hypernym 01224001 +08210411 _hypernym 08209687 +00851239 _derivationally_related_form 09184975 +05395286 _hypernym 05225602 +05699434 _hypernym 05699172 +01643464 _derivationally_related_form 07003119 +09006205 _hypernym 08654360 +02200509 _hypernym 02311060 +07722217 _hypernym 07707451 +05927586 _hypernym 05926676 +06712833 _derivationally_related_form 00824292 +06336537 _hypernym 07157273 +04465933 _hypernym 03605722 +11649597 _hypernym 11553763 +04844891 _hypernym 04844625 +12876032 _member_meronym 12883733 +05755156 _derivationally_related_form 00604576 +01107625 _hypernym 01105639 +00384329 _derivationally_related_form 01421622 +07157273 _member_of_domain_usage 13250680 +02862048 _has_part 04539648 +13491616 _derivationally_related_form 00099184 +12418680 _member_meronym 12420335 +14001348 _derivationally_related_form 00712708 +13925752 _hypernym 13920835 +00880978 _hypernym 00880227 +02671421 _derivationally_related_form 01328705 +02075296 _hypernym 01886756 +14443532 _hypernym 14442933 +02376918 _hypernym 01321230 +12471366 _hypernym 11561228 +05402091 _derivationally_related_form 00458276 +03270165 _has_part 03503997 +12213635 _member_meronym 12220654 +03427202 _hypernym 03948459 +02273545 _member_meronym 02280223 +00959992 _derivationally_related_form 01109863 +02632694 _member_meronym 02633555 +14055408 _derivationally_related_form 00070816 +02157557 _derivationally_related_form 01556178 +13964879 _hypernym 13963970 +02648639 _derivationally_related_form 00086809 +11894770 _hypernym 11894327 +01523401 _derivationally_related_form 07961379 +01272787 _instance_hypernym 00956485 +00776523 _derivationally_related_form 10461747 +13670521 _hypernym 13604718 +00290740 _hypernym 00441445 +01775164 _derivationally_related_form 07543288 +00456199 _hypernym 07456188 +01296474 _derivationally_related_form 00944924 +02471327 _derivationally_related_form 00050037 +07815588 _derivationally_related_form 02196081 +05200816 _synset_domain_topic_of 06128570 +05803212 _hypernym 05802912 +02055280 _hypernym 01342529 +02051213 _member_meronym 02051701 +12871074 _member_meronym 12871272 +00210797 _hypernym 00210518 +01909812 _hypernym 01835496 +00533851 _also_see 00430191 +07046543 _hypernym 07037465 +01746952 _hypernym 01746359 +02610628 _derivationally_related_form 00211110 +02967782 _hypernym 03039947 +11754188 _hypernym 11566682 +06300193 _derivationally_related_form 02627753 +13388245 _derivationally_related_form 01639105 +06717170 _member_of_domain_usage 10287082 +08355791 _hypernym 08052549 +01115916 _derivationally_related_form 03327841 +01158181 _hypernym 02267060 +06295235 _member_of_domain_usage 03357081 +01846413 _derivationally_related_form 13268842 +09544876 _synset_domain_topic_of 06234825 +00932804 _derivationally_related_form 00692718 +00421125 _hypernym 00419375 +00055142 _derivationally_related_form 13550318 +01163779 _derivationally_related_form 02483267 +12215373 _hypernym 11567411 +04194289 _has_part 04226537 +01457206 _derivationally_related_form 13907415 +14403560 _derivationally_related_form 01793933 +04748836 _derivationally_related_form 00119074 +06252138 _derivationally_related_form 00742320 +13987719 _derivationally_related_form 01812324 +00955601 _derivationally_related_form 06742426 +00893955 _hypernym 00407535 +01628450 _member_meronym 01631759 +00282076 _derivationally_related_form 04695176 +03474167 _has_part 04089666 +15269128 _synset_domain_topic_of 06128570 +04458409 _hypernym 03282591 +00324560 _synset_domain_topic_of 00243918 +12684640 _member_meronym 12685214 +13012030 _hypernym 11592146 +00085626 _hypernym 00866505 +11429968 _hypernym 14302005 +00262249 _derivationally_related_form 01675963 +06541381 _hypernym 06539770 +01846331 _hypernym 01845477 +03075097 _has_part 04452848 +08190292 _derivationally_related_form 00751887 +01149480 _derivationally_related_form 01583494 +00946105 _derivationally_related_form 01011166 +02232190 _derivationally_related_form 00315986 +13585429 _hypernym 13582013 +14805899 _derivationally_related_form 02690429 +01188485 _derivationally_related_form 07485475 +01489989 _derivationally_related_form 00713952 +11094055 _instance_hypernym 10547145 +02354470 _hypernym 01864707 +08836886 _instance_hypernym 09203827 +01042228 _derivationally_related_form 07223450 +02718863 _derivationally_related_form 00388710 +01888784 _derivationally_related_form 07428954 +02514825 _hypernym 02512053 +05659856 _has_part 05659621 +02022135 _hypernym 01342529 +08109772 _synset_domain_topic_of 06037666 +00213353 _synset_domain_topic_of 00243918 +14994328 _derivationally_related_form 00266197 +01165692 _hypernym 01146576 +00748282 _derivationally_related_form 05833371 +03462747 _derivationally_related_form 01292534 +03479952 _has_part 03365592 +00816556 _hypernym 00823436 +01731031 _synset_domain_topic_of 00543233 +00622584 _derivationally_related_form 01143838 +04645943 _hypernym 04645599 +02768702 _derivationally_related_form 13984944 +08860123 _member_of_domain_region 00501479 +06540863 _derivationally_related_form 02314275 +01920735 _member_meronym 01920939 +12858150 _hypernym 12205694 +04870340 _hypernym 04868748 +14443912 _derivationally_related_form 09755398 +00403911 _derivationally_related_form 00377002 +00841901 _derivationally_related_form 01195299 +09052835 _instance_hypernym 08574314 +01231652 _derivationally_related_form 01173965 +09382990 _member_of_domain_region 01282022 +05244934 _derivationally_related_form 01537409 +07519773 _hypernym 07519253 +10076957 _derivationally_related_form 00835903 +00651935 _synset_domain_topic_of 06084469 +01411085 _derivationally_related_form 04577769 +05481746 _hypernym 05486510 +06845599 _member_of_domain_usage 03023415 +02602685 _hypernym 00137313 +02226821 _hypernym 02226429 +06549661 _derivationally_related_form 00802946 +12572021 _hypernym 11585340 +00698398 _derivationally_related_form 05652593 +02740300 _synset_domain_topic_of 08199025 +07986381 _synset_domain_topic_of 08199025 +11173199 _instance_hypernym 10112129 +12768369 _hypernym 13109733 +00936465 _derivationally_related_form 09954639 +01932643 _hypernym 01930112 +03443912 _hypernym 04272054 +14133985 _hypernym 14133159 +01741744 _member_meronym 01743223 +08780881 _has_part 08784333 +02427916 _derivationally_related_form 01126856 +12979478 _hypernym 11594676 +14014162 _derivationally_related_form 00016183 +08921850 _has_part 08923884 +01759326 _derivationally_related_form 00242808 +02277094 _hypernym 02274822 +13275847 _derivationally_related_form 02702508 +05692758 _derivationally_related_form 00763713 +01054553 _hypernym 00983824 +00009492 _derivationally_related_form 11445564 +00745078 _hypernym 00978549 +08773679 _instance_hypernym 08524735 +07524529 _hypernym 07523905 +01465054 _verb_group 00190180 +01919391 _derivationally_related_form 00290579 +00452098 _derivationally_related_form 13505843 +08309409 _hypernym 08307589 +00157957 _derivationally_related_form 02569790 +13913566 _derivationally_related_form 00981276 +04743024 _hypernym 04742535 +01152973 _hypernym 00237078 +00286605 _hypernym 00126264 +00278810 _hypernym 00199130 +00656643 _hypernym 00695448 +09071690 _has_part 09075007 +11885697 _member_meronym 11885856 +09990777 _hypernym 09989502 +02350175 _derivationally_related_form 00395333 +07492655 _derivationally_related_form 01814815 +02272152 _hypernym 01762525 +02365672 _hypernym 01862557 +02150306 _hypernym 01862557 +00243124 _derivationally_related_form 01238424 +09847727 _hypernym 09628382 +01723579 _derivationally_related_form 00898127 +01502946 _hypernym 01494310 +00305109 _derivationally_related_form 09365863 +01226600 _derivationally_related_form 00854000 +10652954 _synset_domain_topic_of 06018465 +02438774 _hypernym 01862557 +14550797 _hypernym 14548343 +04105893 _derivationally_related_form 02656763 +10414612 _derivationally_related_form 02262601 +00322228 _derivationally_related_form 01482449 +01385458 _derivationally_related_form 09465459 +07434209 _derivationally_related_form 01977080 +10136959 _hypernym 10439851 +12501745 _member_meronym 12520661 +06295235 _member_of_domain_usage 02936020 +00899352 _hypernym 00897241 +14252864 _hypernym 14070360 +13428608 _hypernym 13526110 +04893787 _derivationally_related_form 02357228 +02586382 _member_meronym 02586543 +01264283 _derivationally_related_form 04362025 +07429976 _hypernym 07370125 +04472726 _hypernym 04176528 +13538314 _has_part 13496517 +03237416 _hypernym 03746330 +12767423 _hypernym 13100156 +02550516 _derivationally_related_form 00555138 +10631941 _derivationally_related_form 02446164 +01796519 _hypernym 01796340 +02607909 _derivationally_related_form 10373801 +04592099 _hypernym 03438257 +06558277 _derivationally_related_form 00791134 +10869385 _instance_hypernym 10450303 +07445480 _derivationally_related_form 01969216 +08921850 _member_of_domain_region 03608074 +05613274 _has_part 05613625 +13566436 _hypernym 13489037 +00834198 _also_see 00838856 +02674482 _hypernym 02707683 +04770911 _derivationally_related_form 01876907 +11754188 _member_meronym 11760128 +00644583 _derivationally_related_form 00644503 +01593011 _derivationally_related_form 03941684 +02320374 _derivationally_related_form 06516955 +05166805 _derivationally_related_form 01817500 +00116376 _derivationally_related_form 01455184 +02310007 _derivationally_related_form 00089351 +08860123 _member_of_domain_region 08261589 +00644503 _derivationally_related_form 00644583 +02003994 _hypernym 01507175 +12288823 _hypernym 13110915 +11981817 _member_meronym 11982115 +06006777 _synset_domain_topic_of 06000644 +01497750 _derivationally_related_form 10588724 +03138981 _hypernym 08663354 +01653773 _hypernym 01639765 +04930307 _hypernym 04928903 +01918184 _derivationally_related_form 04754862 +02642935 _member_meronym 02643112 +01966861 _derivationally_related_form 00129089 +06729864 _hypernym 06729499 +13381734 _derivationally_related_form 01064999 +09332394 _instance_hypernym 09328904 +07370968 _hypernym 07445480 +01689752 _derivationally_related_form 05064037 +03064239 _derivationally_related_form 01385330 +08860123 _member_of_domain_region 04495450 +04853948 _hypernym 04874672 +00465461 _synset_domain_topic_of 06100778 +00277399 _derivationally_related_form 06156346 +07246582 _derivationally_related_form 00930806 +12730370 _hypernym 12724942 +07395104 _derivationally_related_form 02186868 +12864363 _hypernym 11579418 +12550968 _hypernym 11585340 +14008567 _derivationally_related_form 00307568 +02261256 _hypernym 02245765 +00173338 _derivationally_related_form 00391599 +01524298 _derivationally_related_form 13774404 +01840643 _hypernym 01507175 +08801678 _member_of_domain_region 06964247 +05651680 _hypernym 05650329 +12128645 _member_meronym 12128825 +09042322 _instance_hypernym 08524735 +11503060 _hypernym 11419404 +00341695 _hypernym 00331950 +00807273 _derivationally_related_form 02437905 +10070563 _hypernym 10593745 +01734502 _hypernym 01736822 +01426153 _derivationally_related_form 00854000 +08860123 _member_of_domain_region 00858742 +02764765 _hypernym 02763740 +00364868 _verb_group 00365446 +02412440 _hypernym 01321854 +08663860 _derivationally_related_form 01321509 +10714851 _derivationally_related_form 02181538 +00368302 _hypernym 00367976 +05971621 _hypernym 06167328 +03316406 _has_part 04008385 +01528821 _derivationally_related_form 01052618 +14412882 _derivationally_related_form 00588797 +12671157 _hypernym 11566230 +00935940 _hypernym 00933420 +05938976 _hypernym 05937112 +06584536 _hypernym 06582403 +05017230 _hypernym 05009170 +00119524 _hypernym 00252019 +11349318 _derivationally_related_form 10731013 +00865958 _derivationally_related_form 07233996 +00850501 _derivationally_related_form 09593651 +02338449 _hypernym 02329401 +09751622 _derivationally_related_form 03131116 +06498569 _has_part 06838437 +08848731 _has_part 08849372 +12292655 _member_meronym 12292877 +09952539 _hypernym 10339966 +12916935 _member_meronym 12927354 +11529603 _member_meronym 11551211 +02323286 _derivationally_related_form 04321534 +10618848 _derivationally_related_form 06220616 +15196537 _hypernym 15239292 +04638175 _derivationally_related_form 00668805 +11822557 _member_meronym 11822849 +04691178 _hypernym 04673965 +02550868 _derivationally_related_form 10522759 +01660719 _member_meronym 01661404 +07495551 _derivationally_related_form 01794363 +08157809 _member_meronym 10951459 +10141364 _hypernym 10264437 +06686736 _hypernym 06598915 +02378950 _hypernym 00339934 +02710673 _hypernym 02711114 +06666829 _derivationally_related_form 00527034 +14730553 _derivationally_related_form 00565279 +03951971 _hypernym 02764614 +06643408 _derivationally_related_form 00820976 +02707429 _verb_group 02676789 +00397953 _derivationally_related_form 10402285 +07423001 _derivationally_related_form 00431826 +01697628 _derivationally_related_form 04227144 +11498040 _derivationally_related_form 01505254 +00574735 _derivationally_related_form 04975340 +15266911 _derivationally_related_form 02609764 +11630351 _hypernym 11554175 +12701178 _member_meronym 12701901 +12455787 _hypernym 11561228 +12448361 _hypernym 12446200 +02087551 _hypernym 02087122 +00965895 _hypernym 00964569 +04240576 _hypernym 02959942 +00770437 _derivationally_related_form 00156390 +02245592 _member_meronym 02259844 +06845599 _member_of_domain_usage 03922722 +12376382 _member_meronym 12376740 +01590443 _hypernym 01504437 +01576917 _derivationally_related_form 02911158 +01219306 _derivationally_related_form 00693172 +00466053 _derivationally_related_form 00807273 +00236581 _derivationally_related_form 02381397 +00315830 _hypernym 00280586 +08340153 _member_meronym 08136260 +02172888 _hypernym 02176268 +02495922 _also_see 02123812 +07130341 _derivationally_related_form 02286294 +00375021 _hypernym 00146138 +12815925 _member_meronym 12821736 +00339463 _derivationally_related_form 00659112 +12167282 _hypernym 11567411 +03041632 _derivationally_related_form 01258091 +06963951 _hypernym 06962600 +01931768 _derivationally_related_form 10169796 +01792567 _hypernym 01790020 +01918183 _hypernym 01904930 +00839619 _also_see 00510050 +02704949 _derivationally_related_form 02618468 +12843844 _member_meronym 12843970 +08740875 _has_part 08746475 +06534132 _has_part 06535980 +10418302 _derivationally_related_form 02698443 +01256867 _derivationally_related_form 13916721 +00692907 _derivationally_related_form 01219075 +00647542 _also_see 02079029 +04581829 _hypernym 03106110 +05068461 _derivationally_related_form 02037090 +01479545 _hypernym 01478603 +00507664 _derivationally_related_form 09284589 +01153861 _synset_domain_topic_of 06148148 +00772813 _synset_domain_topic_of 08441203 +02285392 _derivationally_related_form 00372977 +00233335 _derivationally_related_form 02003725 +01914830 _hypernym 01914609 +01995137 _hypernym 01342529 +12131216 _hypernym 11556857 +01573276 _hypernym 01573515 +05434784 _hypernym 05432736 +03236735 _derivationally_related_form 00048912 +00378042 _derivationally_related_form 00378706 +01146039 _derivationally_related_form 02510337 +14019039 _hypernym 14018567 +02288473 _member_meronym 02290521 +05781145 _hypernym 05774614 +01797204 _derivationally_related_form 10335246 +04761815 _hypernym 04761517 +03436990 _hypernym 03532342 +02259005 _derivationally_related_form 01109687 +01395617 _derivationally_related_form 04809784 +07045353 _hypernym 07044917 +02492660 _hypernym 02489589 +00670105 _derivationally_related_form 00176874 +14001728 _derivationally_related_form 00688377 +08981244 _has_part 08982037 +11693812 _hypernym 11571907 +03623556 _hypernym 03265032 +03965907 _derivationally_related_form 01674717 +02150510 _derivationally_related_form 10633450 +01891438 _member_meronym 01892876 +00220869 _derivationally_related_form 04336034 +08733415 _instance_hypernym 08633957 +01392237 _derivationally_related_form 00125126 +13484644 _derivationally_related_form 00374135 +01007354 _derivationally_related_form 05209324 +02830721 _hypernym 03681148 +11641275 _hypernym 11744859 +02534307 _hypernym 02564146 +00489837 _derivationally_related_form 00996969 +00583242 _derivationally_related_form 13541491 +11911591 _member_meronym 11975100 +04993413 _derivationally_related_form 01073822 +11651259 _member_meronym 11657314 +12778926 _member_meronym 12779233 +13341052 _synset_domain_topic_of 01124794 +02231930 _member_meronym 02232086 +01252730 _hypernym 01534147 +09275473 _has_part 09013074 +01522789 _hypernym 01504437 +02570648 _hypernym 01429349 +12071965 _hypernym 11556857 +05832264 _hypernym 05829480 +06743506 _derivationally_related_form 00634906 +00338071 _hypernym 00334186 +03186399 _hypernym 03234306 +08049989 _member_meronym 08999482 +00227507 _also_see 02341266 +02964634 _derivationally_related_form 02701210 +07011529 _derivationally_related_form 00964478 +10813204 _instance_hypernym 10453533 +01301051 _derivationally_related_form 10525134 +08254331 _hypernym 08252602 +06461077 _has_part 06437308 +07375214 _derivationally_related_form 00158804 +00205891 _derivationally_related_form 02303331 +02398314 _hypernym 02397637 +12971157 _hypernym 11590783 +02194495 _derivationally_related_form 05658226 +11283300 _instance_hypernym 10296176 +01779644 _hypernym 01779165 +09141526 _has_part 08602650 +13866144 _hypernym 13863186 +00841125 _derivationally_related_form 00355919 +13172107 _member_meronym 13177354 +01040390 _synset_domain_topic_of 08083599 +08981244 _member_of_domain_region 08038131 +13541167 _derivationally_related_form 00515154 +02585050 _hypernym 00794079 +00889082 _derivationally_related_form 00728393 +13563647 _hypernym 13489037 +01664862 _member_meronym 01664990 +15036321 _hypernym 15034074 +05145118 _hypernym 05138488 +14560612 _derivationally_related_form 00208836 +01535842 _hypernym 01507175 +06290637 _hypernym 06286395 +13930385 _derivationally_related_form 02538086 +09802641 _derivationally_related_form 02272549 +10008716 _derivationally_related_form 01564144 +05876469 _synset_domain_topic_of 06084469 +01252971 _derivationally_related_form 03250588 +00599234 _derivationally_related_form 10541229 +08860123 _member_of_domain_region 08431721 +03224032 _has_part 03221720 +06732925 _hypernym 06732350 +08910230 _instance_hypernym 08524735 +03122748 _derivationally_related_form 01332730 +05071368 _hypernym 05071027 +12579593 _hypernym 11585340 +04371979 _has_part 03882611 +07404261 _hypernym 07404798 +01471070 _member_meronym 01429349 +00949288 _derivationally_related_form 00048129 +02450256 _derivationally_related_form 01239064 +09189411 _has_part 08504375 +00265094 _derivationally_related_form 14778019 +01623284 _hypernym 01507175 +01862386 _derivationally_related_form 00796588 +00350889 _derivationally_related_form 04863074 +00295701 _derivationally_related_form 01845720 +03299929 _derivationally_related_form 02871060 +01042531 _derivationally_related_form 07211752 +12158798 _hypernym 13100677 +05964445 _hypernym 05943300 +07398097 _hypernym 07371293 +01921964 _derivationally_related_form 00325110 +02288656 _derivationally_related_form 00754280 +08565506 _hypernym 08630039 +02484049 _hypernym 02483267 +00153263 _derivationally_related_form 07356676 +08860123 _member_of_domain_region 08346655 +00521970 _hypernym 00520257 +01444723 _derivationally_related_form 03940256 +14444644 _hypernym 01097292 +10269289 _hypernym 10648237 +09147964 _instance_hypernym 08655464 +08800258 _member_of_domain_region 08626947 +05837957 _hypernym 05945642 +08172103 _member_meronym 08762495 +08401554 _hypernym 07942152 +02693319 _derivationally_related_form 08573472 +03540595 _derivationally_related_form 02348927 +02191311 _hypernym 02190632 +03131116 _derivationally_related_form 09751622 +00665630 _synset_domain_topic_of 06000644 +07402519 _has_part 07404114 +00975036 _hypernym 00983824 +00402308 _derivationally_related_form 00384055 +14798450 _hypernym 15010703 +00752493 _also_see 02486693 +00532429 _hypernym 00126264 +01369663 _also_see 00956131 +03764276 _synset_domain_topic_of 08199025 +09167101 _member_meronym 09697771 +01754370 _hypernym 01753959 +14686723 _hypernym 14911057 +07129867 _derivationally_related_form 00941990 +00929362 _derivationally_related_form 04679738 +04118021 _hypernym 03366823 +02076280 _also_see 02072849 +05275905 _has_part 05235607 +10618342 _hypernym 09820263 +02599207 _member_meronym 02599557 +04912240 _derivationally_related_form 01798484 +06907567 _hypernym 06906439 +09114696 _has_part 09244972 +09319456 _instance_hypernym 09316454 +03929660 _hypernym 03183080 +04039848 _has_part 03207305 +00607780 _derivationally_related_form 05761918 +05519085 _has_part 05518870 +01645157 _derivationally_related_form 10418302 +12711984 _hypernym 12707781 +10051337 _hypernym 09998101 +10217831 _hypernym 10241300 +01966168 _derivationally_related_form 10746931 +01699346 _hypernym 01698271 +00604228 _hypernym 00586262 +01640850 _derivationally_related_form 04926427 +02771320 _derivationally_related_form 14138691 +08552138 _derivationally_related_form 02512150 +07447641 _hypernym 07447261 +07358985 _derivationally_related_form 00155547 +15266911 _derivationally_related_form 01620854 +02714731 _derivationally_related_form 13894434 +07139700 _derivationally_related_form 00858781 +02934594 _derivationally_related_form 05556943 +07389330 _hypernym 07371293 +10937611 _instance_hypernym 10515194 +13268842 _derivationally_related_form 02262752 +11492014 _hypernym 11490638 +15225929 _hypernym 15225249 +01488539 _member_meronym 01489275 +08340153 _member_meronym 08124971 +06844199 _hypernym 06841365 +13904843 _derivationally_related_form 01279631 +01522052 _hypernym 00420132 +02375131 _derivationally_related_form 00431552 +00629597 _hypernym 00629176 +08132637 _derivationally_related_form 02387486 +05526384 _hypernym 05523269 +06719579 _hypernym 06717170 +13140535 _member_meronym 13140699 +02019929 _hypernym 02000954 +07772788 _hypernym 07737081 +00872722 _hypernym 00869583 +08015731 _instance_hypernym 08392137 +08860123 _member_of_domain_region 06220819 +02484813 _hypernym 01864707 +11793651 _hypernym 11556857 +02472033 _hypernym 01094086 +00607405 _derivationally_related_form 10665698 +02644050 _derivationally_related_form 07445480 +14434866 _derivationally_related_form 01013367 +02395782 _derivationally_related_form 00243373 +04782116 _derivationally_related_form 01587077 +08841209 _has_part 08841483 +02025530 _member_meronym 02029571 +05779712 _hypernym 05773923 +06890846 _hypernym 06887726 +01489989 _derivationally_related_form 02964389 +10505206 _derivationally_related_form 01556572 +01020005 _derivationally_related_form 10309347 +01994442 _derivationally_related_form 00057486 +01820302 _derivationally_related_form 10058411 +02722166 _hypernym 02722458 +09153570 _instance_hypernym 08665504 +10979079 _instance_hypernym 10560637 +00390581 _derivationally_related_form 01563336 +08849753 _member_of_domain_region 01300508 +07798554 _hypernym 07775375 +04261116 _hypernym 03699975 +02653996 _derivationally_related_form 04411264 +00282652 _hypernym 00281101 +08714966 _instance_hypernym 08524735 +00731222 _derivationally_related_form 10323182 +04749991 _hypernym 04749709 +03931044 _derivationally_related_form 02861617 +06515662 _hypernym 06514093 +05563266 _has_part 05370410 +08806897 _member_of_domain_region 10595361 +01114303 _derivationally_related_form 09956578 +02834778 _has_part 04289690 +10578162 _hypernym 10665698 +00015806 _hypernym 00014742 +08949093 _has_part 09305479 +10246703 _hypernym 09617867 +10278666 _hypernym 00007846 +02128925 _hypernym 02127808 +01625275 _member_meronym 01625417 +06295235 _member_of_domain_usage 04450749 +00669762 _verb_group 02109045 +01693727 _hypernym 01690294 +02313709 _hypernym 01905661 +12021499 _hypernym 12205694 +07330007 _hypernym 07283608 +09392162 _has_part 09321694 +07720442 _hypernym 07710007 +01614079 _derivationally_related_form 14429608 +06466479 _synset_domain_topic_of 06240244 +03586631 _hypernym 03748886 +05227572 _hypernym 05475681 +15265518 _hypernym 15180528 +09023321 _has_part 09027853 +07390400 _derivationally_related_form 00309582 +05833840 _derivationally_related_form 00629738 +00750730 _derivationally_related_form 09998101 +03314608 _synset_domain_topic_of 03082979 +10575594 _hypernym 00007846 +10492202 _derivationally_related_form 01448100 +10505942 _hypernym 10257647 +01177033 _derivationally_related_form 00807461 +10170598 _hypernym 10640620 +10301261 _hypernym 10560637 +07542433 _hypernym 07541923 +12197211 _member_meronym 12197359 +09011151 _member_meronym 09695979 +00855512 _derivationally_related_form 05734018 +13477023 _hypernym 13526110 +02643574 _derivationally_related_form 15272029 +00104868 _derivationally_related_form 13466586 +00858781 _derivationally_related_form 01214746 +14102075 _hypernym 14100769 +00019131 _also_see 00604617 +08792548 _has_part 09171560 +05636171 _hypernym 05638987 +01653223 _hypernym 01639765 +09372504 _instance_hypernym 09254614 +06425065 _hypernym 06885389 +02451113 _also_see 00696518 +02445356 _derivationally_related_form 06501141 +02371647 _hypernym 01862557 +00528397 _hypernym 00428270 +02551602 _derivationally_related_form 11083656 +01249315 _hypernym 01071411 +01851731 _hypernym 01851375 +10123711 _hypernym 10287213 +03997484 _hypernym 03699975 +14027674 _hypernym 14023491 +00229280 _derivationally_related_form 14836960 +08776138 _instance_hypernym 08574314 +13743100 _hypernym 13742980 +00442847 _hypernym 00442115 +05774129 _derivationally_related_form 00944924 +01802309 _member_meronym 01790943 +00043902 _hypernym 00036762 +00271263 _derivationally_related_form 01800422 +03908831 _hypernym 02681518 +09790482 _hypernym 09617867 +01803641 _hypernym 01803936 +02471690 _hypernym 01000214 +02638323 _hypernym 01342529 +00244625 _derivationally_related_form 06593099 +12684640 _member_meronym 12694707 +10756641 _hypernym 00007846 +15002814 _hypernym 14712692 +01918984 _also_see 00174379 +08928193 _has_part 08928933 +05670710 _hypernym 05682950 +01918984 _also_see 01454636 +01556572 _derivationally_related_form 03041632 +00228655 _hypernym 00214951 +13798814 _hypernym 13783038 +10366966 _derivationally_related_form 02550698 +07932841 _hypernym 07811416 +05937112 _derivationally_related_form 01743784 +01240720 _verb_group 01870043 +09835506 _hypernym 10439851 +00703310 _hypernym 00702773 +00560391 _hypernym 00550117 +00364479 _derivationally_related_form 04631298 +00476788 _hypernym 00280853 +00365995 _derivationally_related_form 00305537 +05301908 _hypernym 05249636 +02554647 _derivationally_related_form 07252378 +00262743 _derivationally_related_form 01675963 +12501745 _member_meronym 12574727 +07114712 _hypernym 06828818 +01546768 _derivationally_related_form 08653706 +03446528 _has_part 08661277 +05953416 _derivationally_related_form 01472807 +09026204 _instance_hypernym 08524735 +12661873 _hypernym 11579418 +00677038 _hypernym 00393369 +12790835 _member_meronym 12791064 +03235796 _hypernym 02773037 +09049599 _instance_hypernym 08574314 +02245592 _member_meronym 02257536 +10613505 _hypernym 00007846 +05823054 _derivationally_related_form 00896141 +07567390 _hypernym 07566340 +01592072 _derivationally_related_form 00115500 +07751451 _hypernym 13138308 +07138085 _hypernym 06252138 +00588797 _also_see 01148283 +11357086 _instance_hypernym 10453533 +04445327 _derivationally_related_form 02357561 +12832140 _hypernym 11579418 +14628920 _hypernym 14622893 +05613170 _hypernym 05611302 +07065149 _hypernym 07064715 +06272290 _hypernym 06271778 +03584111 _hypernym 02905612 +09206985 _derivationally_related_form 01974062 +00710005 _derivationally_related_form 01008801 +00028651 _hypernym 00024264 +00701040 _derivationally_related_form 10461747 +00164201 _derivationally_related_form 00265119 +07180570 _hypernym 07160883 +01888946 _derivationally_related_form 00348801 +02453611 _hypernym 01886756 +02764765 _verb_group 02767760 +00075471 _hypernym 00074790 +00504270 _derivationally_related_form 07434473 +14052046 _derivationally_related_form 01172889 +14494716 _hypernym 13920835 +02671421 _derivationally_related_form 02342132 +12522894 _hypernym 13104059 +02490090 _hypernym 02488834 +00941974 _derivationally_related_form 01311103 +02420991 _derivationally_related_form 10745332 +00938247 _hypernym 00939277 +02962938 _hypernym 03781787 +00256862 _derivationally_related_form 14063633 +02926727 _hypernym 03681148 +01128984 _derivationally_related_form 00406053 +04630689 _derivationally_related_form 00362467 +06684798 _hypernym 06684383 +08356074 _member_meronym 08123167 +14287113 _derivationally_related_form 01559055 +12628986 _has_part 07769584 +01724055 _member_meronym 01724231 +03151077 _has_part 03308853 +12765679 _member_meronym 12766043 +02450505 _derivationally_related_form 01077350 +01761706 _also_see 02585050 +06141324 _has_part 05878440 +00542711 _hypernym 00541479 +13440779 _hypernym 13491876 +02700455 _hypernym 02700104 +00958334 _derivationally_related_form 01019129 +02568326 _hypernym 01432517 +10645611 _derivationally_related_form 01648126 +11735977 _hypernym 12205694 +09866922 _derivationally_related_form 00228858 +00213544 _synset_domain_topic_of 00243918 +09464486 _derivationally_related_form 02764765 +00868523 _derivationally_related_form 01042531 +00482473 _derivationally_related_form 00185104 +01471070 _member_meronym 01507175 +01624633 _derivationally_related_form 01810447 +00280301 _derivationally_related_form 04960729 +00213794 _derivationally_related_form 02949542 +12039743 _member_meronym 12052053 +06539770 _synset_domain_topic_of 08441203 +08890097 _has_part 08954057 +04353803 _derivationally_related_form 00949288 +12806455 _member_meronym 12806732 +06682794 _derivationally_related_form 01955127 +06838005 _hypernym 06828818 +06805497 _hypernym 06805128 +12734722 _member_meronym 12736064 +05244934 _derivationally_related_form 00492410 +02669477 _derivationally_related_form 13950440 +07014320 _hypernym 06880249 +11900058 _member_meronym 11903525 +01975237 _hypernym 01974062 +00341890 _hypernym 00331950 +02109045 _verb_group 00669762 +06608143 _hypernym 06607339 +02506181 _hypernym 02504562 +00486018 _derivationally_related_form 00143251 +07412668 _derivationally_related_form 02766687 +00590148 _derivationally_related_form 09906986 +03264542 _hypernym 08592656 +01269008 _hypernym 01264283 +00604694 _derivationally_related_form 10557854 +13496972 _hypernym 13473097 +01412548 _hypernym 01398919 +11968931 _hypernym 12205694 +05556943 _has_part 05556595 +04333129 _derivationally_related_form 00083523 +05256862 _has_part 05257737 +07726796 _hypernym 07724943 +01220636 _derivationally_related_form 03967942 +02120692 _member_meronym 02130190 +12622653 _hypernym 11585340 +09756637 _hypernym 10515194 +03684823 _has_part 03328201 +13483190 _derivationally_related_form 00282790 +13252973 _hypernym 00032613 +00102457 _hypernym 00950858 +00280586 _hypernym 00191142 +01634011 _derivationally_related_form 05949937 +00188466 _hypernym 00187526 +00683771 _hypernym 01011031 +08929922 _has_part 08932568 +03579982 _has_part 04357930 +10210137 _derivationally_related_form 00962129 +03484083 _hypernym 04576211 +02614788 _member_meronym 02614978 +00274283 _derivationally_related_form 13552270 +06702458 _derivationally_related_form 02893338 +07150850 _synset_domain_topic_of 08441203 +08756735 _has_part 08756884 +01028079 _derivationally_related_form 01037819 +15009326 _hypernym 14845743 +06717170 _member_of_domain_usage 10228864 +04603729 _hypernym 04379243 +02415573 _hypernym 02413480 +09850974 _hypernym 10055847 +04695176 _derivationally_related_form 00282076 +01682920 _hypernym 01656813 +05698791 _hypernym 05698247 +12976985 _hypernym 08220891 +04092168 _derivationally_related_form 00044149 +01145015 _hypernym 01080366 +12422399 _hypernym 11561228 +01944692 _synset_domain_topic_of 00815801 +00563824 _derivationally_related_form 05803212 +12498928 _hypernym 11585340 +00213186 _hypernym 00212808 +10771392 _derivationally_related_form 01845720 +00572489 _hypernym 00571609 +01249816 _hypernym 00217014 +01305361 _hypernym 02085742 +01039330 _hypernym 00740577 +01778017 _derivationally_related_form 01043820 +04196803 _synset_domain_topic_of 08061042 +02040266 _hypernym 02022684 +00405236 _hypernym 00126264 +00519854 _derivationally_related_form 05695232 +08520728 _synset_domain_topic_of 06095022 +00954422 _also_see 02193194 +04169152 _hypernym 02718811 +03511786 _synset_domain_topic_of 00464894 +00039021 _derivationally_related_form 02376958 +01555742 _derivationally_related_form 00678010 +13954253 _derivationally_related_form 00927017 +05546540 _has_part 05547508 +12747563 _member_meronym 12747961 +12706644 _member_meronym 12707432 +01173965 _derivationally_related_form 02062212 +09099526 _has_part 09100982 +02737187 _derivationally_related_form 13813042 +00468791 _hypernym 00109660 +00932298 _derivationally_related_form 00388296 +08024732 _has_part 08321218 +06647614 _synset_domain_topic_of 06163751 +04543772 _has_part 03533972 +05697976 _hypernym 05697135 +00230746 _derivationally_related_form 13497135 +13286801 _hypernym 13285176 +10166626 _hypernym 10166394 +01458664 _derivationally_related_form 14868564 +07093603 _hypernym 07092356 +01828267 _hypernym 01507175 +01969216 _derivationally_related_form 00324384 +03091374 _derivationally_related_form 01354673 +09937250 _synset_domain_topic_of 08199025 +13852395 _hypernym 13577171 +12314652 _hypernym 11744859 +12959802 _hypernym 11534677 +02589955 _hypernym 01432517 +07482521 _synset_domain_topic_of 00704305 +01303242 _derivationally_related_form 02840361 +01379636 _member_meronym 01380489 +02608347 _verb_group 02608823 +00143251 _derivationally_related_form 00486018 +02554730 _hypernym 02552171 +01664172 _derivationally_related_form 00243918 +00692506 _derivationally_related_form 00060477 +06256697 _hypernym 06256229 +03030663 _hypernym 04103491 +08125722 _hypernym 08337324 +02682922 _hypernym 03210683 +04608567 _hypernym 03563967 +02703275 _hypernym 04566257 +13660619 _hypernym 13649626 +01411085 _derivationally_related_form 03643907 +06845599 _member_of_domain_usage 03155334 +06567531 _hypernym 06566077 +01978744 _member_meronym 01979395 +02043190 _derivationally_related_form 06253371 +01284444 _instance_hypernym 00223983 +15280695 _hypernym 15286249 +02652979 _member_meronym 02653145 +00591519 _derivationally_related_form 01744111 +12175797 _member_meronym 12175949 +01425892 _hypernym 01226215 +00337903 _derivationally_related_form 09442838 +12508077 _member_meronym 12508309 +01309143 _also_see 01549719 +01700655 _synset_domain_topic_of 00929718 +00052374 _derivationally_related_form 03051540 +01000214 _derivationally_related_form 13403643 +02617933 _derivationally_related_form 05672391 +02650541 _hypernym 02650050 +02638323 _member_meronym 02639312 +00266798 _hypernym 00146138 +14084502 _hypernym 14052403 +08293831 _member_meronym 02686568 +07296428 _derivationally_related_form 00123170 +08025112 _instance_hypernym 08392137 +02348036 _hypernym 01864707 +02346315 _member_meronym 02347865 +07721678 _hypernym 07721456 +01392237 _also_see 01548718 +00812526 _derivationally_related_form 01216670 +01013316 _hypernym 01012712 +10347298 _synset_domain_topic_of 08199025 +00743822 _derivationally_related_form 01158181 +02350845 _member_meronym 02351212 +08921850 _has_part 08925093 +00740336 _derivationally_related_form 04757864 +13630707 _has_part 13630036 +01901447 _derivationally_related_form 00294190 +02399000 _has_part 02399648 +05721500 _hypernym 05721180 +00311663 _also_see 00754873 +02557909 _hypernym 02557749 +13151568 _member_meronym 13152203 +07411645 _hypernym 07296428 +07443210 _derivationally_related_form 00419375 +01389329 _derivationally_related_form 00356790 +01586850 _hypernym 01587062 +12816359 _hypernym 11744859 +02773838 _hypernym 02774630 +09103648 _instance_hypernym 08675967 +05962936 _hypernym 05943300 +14810561 _hypernym 15090742 +03704038 _hypernym 04329190 +12530208 _member_meronym 12530818 +02510337 _derivationally_related_form 05641959 +02657219 _derivationally_related_form 03728811 +01521602 _hypernym 01507175 +00540701 _hypernym 00539121 +11665372 _derivationally_related_form 02623529 +13267534 _hypernym 13266892 +09189411 _has_part 08962610 +02970534 _hypernym 02766320 +08723006 _has_part 08725161 +01030397 _verb_group 02402112 +13140699 _member_meronym 13143626 +01113068 _derivationally_related_form 02242464 +01633343 _derivationally_related_form 05835747 +08920381 _instance_hypernym 09203827 +07368646 _has_part 07322341 +01196364 _derivationally_related_form 10697282 +11300893 _instance_hypernym 10043643 +06845599 _member_of_domain_usage 03612134 +12619306 _member_meronym 12629523 +04209239 _hypernym 03151077 +00808855 _hypernym 00964694 +10184081 _derivationally_related_form 02515443 +05775407 _derivationally_related_form 00926702 +01688256 _hypernym 01686132 +09087599 _has_part 09088989 +00689205 _derivationally_related_form 06782680 +14575399 _hypernym 13920835 +12299988 _member_meronym 12309850 +12169776 _member_meronym 12173407 +00028362 _derivationally_related_form 01048466 +03834040 _hypernym 02727825 +12477583 _hypernym 12476510 +01683582 _derivationally_related_form 02856109 +02734217 _derivationally_related_form 02034986 +15068754 _hypernym 14818238 +14433769 _hypernym 14433587 +10112591 _hypernym 00007846 +01513838 _hypernym 01513430 +00063095 _hypernym 00360932 +02077656 _also_see 02157100 +08131005 _hypernym 08337324 +00822101 _hypernym 00820976 +07163988 _derivationally_related_form 00930806 +12823859 _hypernym 13100677 +00524083 _hypernym 00126264 +12934776 _hypernym 11585340 +04054795 _hypernym 03385117 +01002740 _derivationally_related_form 06613686 +05289861 _has_part 05459769 +08487504 _hypernym 08049401 +13038944 _hypernym 08103777 +01628449 _derivationally_related_form 00156390 +06539178 _synset_domain_topic_of 08441203 +13929852 _derivationally_related_form 02464693 +00876332 _hypernym 00872886 +04441528 _hypernym 03497657 +01987938 _hypernym 01759182 +00137313 _derivationally_related_form 00157957 +08735164 _instance_hypernym 08691669 +00900616 _also_see 00655779 +02836607 _hypernym 04272054 +10550090 _hypernym 10411551 +02150948 _hypernym 02150510 +02069569 _member_meronym 02069701 +09082540 _has_part 09083390 +01593937 _derivationally_related_form 04293119 +02593354 _derivationally_related_form 10478960 +02267060 _derivationally_related_form 10635275 +13555101 _hypernym 13518963 +03940256 _has_part 03974215 +02398732 _hypernym 01342529 +14550195 _hypernym 14549937 +04871002 _hypernym 04868748 +08172103 _member_meronym 08993288 +00493929 _derivationally_related_form 00353992 +06399995 _derivationally_related_form 02469443 +02294436 _derivationally_related_form 01083645 +00299217 _derivationally_related_form 01957529 +12157276 _member_meronym 12158148 +06818970 _hypernym 06817623 +00155487 _derivationally_related_form 02695895 +01630903 _derivationally_related_form 05683390 +02291548 _hypernym 02291708 +10012484 _derivationally_related_form 06135915 +02426171 _derivationally_related_form 00239230 +04960729 _derivationally_related_form 00280301 +00122097 _verb_group 00581671 +02187693 _derivationally_related_form 07376257 +08441203 _hypernym 07951464 +08295138 _member_meronym 09019726 +07123870 _derivationally_related_form 00850501 +02760139 _hypernym 02762468 +05151088 _hypernym 05148699 +00601783 _derivationally_related_form 07183151 +07208000 _derivationally_related_form 01131197 +05524243 _hypernym 05246796 +00607542 _hypernym 00607775 +00717748 _derivationally_related_form 01538629 +00219012 _hypernym 00209943 +04073208 _derivationally_related_form 00967625 +01362568 _derivationally_related_form 14992287 +07274027 _derivationally_related_form 01041415 +09591155 _instance_hypernym 10276045 +00822970 _hypernym 00174412 +06516242 _hypernym 06515827 +01562061 _verb_group 01562209 +02789271 _hypernym 03839993 +12604228 _hypernym 12603959 +02617029 _member_meronym 02617689 +01843364 _derivationally_related_form 00311809 +08978161 _instance_hypernym 08544813 +10395073 _hypernym 10335246 +10625285 _hypernym 09605289 +06515827 _derivationally_related_form 09855433 +13548105 _derivationally_related_form 00475183 +02050132 _also_see 01912159 +01077190 _synset_domain_topic_of 08199025 +00437449 _hypernym 00123170 +12428915 _hypernym 11561228 +02637202 _derivationally_related_form 01053920 +01633173 _derivationally_related_form 05846932 +14042423 _derivationally_related_form 00359511 +05169242 _derivationally_related_form 02645839 +06796506 _hypernym 06791372 +09973422 _hypernym 09972661 +02070874 _hypernym 02066939 +00273319 _derivationally_related_form 02579447 +02220461 _derivationally_related_form 01107932 +00329817 _derivationally_related_form 00388392 +02862048 _has_part 02978205 +06406317 _synset_domain_topic_of 07020895 +00355691 _hypernym 00354884 +01173965 _derivationally_related_form 01441510 +09099526 _has_part 09100223 +00722675 _hypernym 00600370 +02025530 _member_meronym 02029914 +00162688 _derivationally_related_form 00197772 +00959367 _hypernym 00958334 +09565099 _hypernym 09551356 +04621963 _synset_domain_topic_of 06136258 +01800759 _member_meronym 01801088 +13328357 _hypernym 13327896 +01972017 _hypernym 01762525 +00565592 _derivationally_related_form 03326795 +02607909 _derivationally_related_form 09777353 +03914583 _hypernym 02682922 +10326551 _hypernym 00007846 +09117351 _has_part 09125528 +08398179 _synset_domain_topic_of 08199025 +11778391 _hypernym 11534677 +14351629 _hypernym 14336539 +03240140 _has_part 03273061 +00426928 _derivationally_related_form 02492362 +14753808 _hypernym 14751417 +05536370 _has_part 05537576 +00159368 _hypernym 00158804 +01665638 _hypernym 01653013 +01557697 _member_meronym 01558594 +06688522 _hypernym 06688274 +13771828 _hypernym 13771404 +01331518 _hypernym 01329239 +14543931 _derivationally_related_form 01036319 +07977592 _has_part 06576265 +05774415 _derivationally_related_form 01022420 +01640383 _member_meronym 01640567 +12264254 _hypernym 11573173 +10468750 _hypernym 09758885 +02581073 _derivationally_related_form 05195362 +04521125 _hypernym 02853449 +00943187 _hypernym 00942988 +11683989 _hypernym 11678768 +00393953 _derivationally_related_form 04375926 +11543602 _member_meronym 11543792 +07452699 _derivationally_related_form 02426171 +12693033 _hypernym 11585340 +00443116 _hypernym 00109660 +08860123 _member_of_domain_region 07575392 +02538765 _derivationally_related_form 01240210 +07774032 _hypernym 13128365 +08701942 _has_part 09042924 +08549070 _derivationally_related_form 00171852 +03666362 _hypernym 03202760 +01920698 _hypernym 01920932 +13903387 _hypernym 13903079 +09248724 _synset_domain_topic_of 07979425 +02576921 _derivationally_related_form 03318438 +03318438 _derivationally_related_form 00838043 +01313093 _member_meronym 01929396 +08876975 _instance_hypernym 08524735 +15277730 _derivationally_related_form 02067689 +02593863 _member_meronym 02599207 +00692718 _hypernym 00692580 +14444114 _derivationally_related_form 02204242 +01807314 _derivationally_related_form 07548366 +02788148 _has_part 04047401 +06077413 _derivationally_related_form 10170359 +06158346 _derivationally_related_form 00630026 +00902424 _hypernym 00903385 +08817630 _has_part 08818247 +12838027 _member_meronym 12850718 +02648456 _hypernym 01429349 +00625427 _derivationally_related_form 02582615 +12455787 _member_meronym 12455950 +00212173 _derivationally_related_form 04683453 +01825417 _member_meronym 01831078 +08179205 _hypernym 07942152 +07857731 _hypernym 07856270 +01764171 _derivationally_related_form 05684440 +14235928 _hypernym 14235200 +01594372 _hypernym 01525720 +13600822 _hypernym 13583724 +13930385 _derivationally_related_form 00234217 +01780202 _derivationally_related_form 07519253 +05512139 _hypernym 05515670 +00620424 _derivationally_related_form 01322854 +10318193 _hypernym 10129825 +04033995 _derivationally_related_form 00082308 +00286333 _hypernym 00286008 +01672753 _verb_group 01672490 +00052672 _derivationally_related_form 01356750 +07574923 _hypernym 07573696 +12668364 _hypernym 11579418 +13602526 _hypernym 13583724 +01598588 _hypernym 01525720 +12286581 _member_meronym 12286826 +00922867 _derivationally_related_form 00999787 +00446885 _hypernym 00146138 +02586619 _derivationally_related_form 01124794 +02554235 _derivationally_related_form 10663315 +12538603 _member_meronym 12539832 +00977336 _derivationally_related_form 01266491 +06765044 _hypernym 06722453 +01174555 _synset_domain_topic_of 02399000 +07433145 _hypernym 07406765 +02337699 _derivationally_related_form 08511241 +13066631 _hypernym 11590783 +01782432 _hypernym 01804961 +04128499 _has_part 02994012 +00521874 _derivationally_related_form 08268321 +01140315 _derivationally_related_form 01965889 +03557360 _has_part 03907908 +02032415 _hypernym 01831531 +08690194 _hypernym 08509442 +01745377 _derivationally_related_form 06389753 +01276194 _instance_hypernym 00958477 +05158619 _hypernym 05155821 +01193099 _derivationally_related_form 00510723 +10489944 _derivationally_related_form 00700652 +11991549 _hypernym 11991263 +11414874 _hypernym 11414608 +01227235 _hypernym 01227675 +09809925 _derivationally_related_form 01708113 +09997404 _derivationally_related_form 00773432 +02249365 _member_meronym 02249673 +00681125 _hypernym 00701040 +01940034 _hypernym 01939174 +13192025 _member_meronym 13192625 +03684823 _derivationally_related_form 10057714 +08168367 _hypernym 08168978 +02751597 _hypernym 02604760 +01627355 _derivationally_related_form 07324380 +04311595 _hypernym 03316406 +04732543 _derivationally_related_form 00724150 +08973776 _member_of_domain_region 08014615 +11828113 _hypernym 11573660 +04102406 _hypernym 03280813 +01711749 _derivationally_related_form 08664443 +02244426 _synset_domain_topic_of 00766234 +02749479 _synset_domain_topic_of 08199025 +07489059 _derivationally_related_form 02131072 +06210363 _hypernym 06196284 +11052672 _instance_hypernym 10011902 +05600637 _has_part 05367341 +06008382 _hypernym 06004685 +01789514 _derivationally_related_form 10160012 +05785508 _derivationally_related_form 00630380 +08804049 _instance_hypernym 08524735 +08726305 _instance_hypernym 08654360 +00761713 _hypernym 00813978 +01389186 _hypernym 01387786 +12290116 _member_meronym 12297678 +08820121 _instance_hypernym 08702805 +01820190 _member_meronym 01820937 +11607392 _hypernym 11534677 +05539454 _hypernym 05539138 +08890097 _has_part 08892058 +13574452 _hypernym 13458571 +03623556 _has_part 03974215 +01711662 _member_meronym 01712432 +09986532 _derivationally_related_form 00842772 +07477945 _hypernym 07283608 +03033362 _has_part 03024518 +00557419 _hypernym 00556313 +10616379 _hypernym 09631463 +02680814 _derivationally_related_form 07365849 +00574514 _derivationally_related_form 13461525 +10995592 _derivationally_related_form 03067506 +13711060 _hypernym 13607985 +00258695 _derivationally_related_form 01232738 +01338663 _hypernym 01332730 +09884666 _hypernym 10752480 +14436438 _derivationally_related_form 01279978 +00371051 _hypernym 00370412 +03676483 _hypernym 03714235 +12121033 _hypernym 12102133 +13262462 _derivationally_related_form 01565472 +15256915 _has_part 15257416 +01348174 _derivationally_related_form 03682487 +00917772 _derivationally_related_form 06749881 +09031653 _has_part 09194357 +12932532 _member_meronym 12932706 +05960698 _hypernym 05943300 +05349445 _hypernym 05333777 +12339526 _has_part 12339831 +01072949 _derivationally_related_form 00041188 +04648207 _hypernym 04616059 +00368109 _hypernym 00654625 +08897065 _has_part 08900047 +06753800 _hypernym 06753299 +01888520 _member_meronym 01891438 +00595032 _derivationally_related_form 10295951 +11920344 _hypernym 11579418 +14607521 _derivationally_related_form 02196690 +04639371 _derivationally_related_form 01299888 +05781347 _hypernym 05774614 +09084750 _has_part 09473808 +10021892 _hypernym 10557854 +00277569 _derivationally_related_form 01967792 +02588871 _derivationally_related_form 09877951 +01649251 _hypernym 01651444 +13983515 _hypernym 13983147 +04298308 _hypernym 04564698 +01821869 _hypernym 01821203 +01201271 _derivationally_related_form 02490634 +14325732 _hypernym 14322699 +01286777 _hypernym 01340439 +02020413 _derivationally_related_form 14452616 +02400139 _member_meronym 02422249 +00947077 _derivationally_related_form 06324475 +02032634 _hypernym 02428924 +06467445 _derivationally_related_form 02752695 +09935434 _derivationally_related_form 06526291 +02441723 _member_meronym 02443114 +01574292 _derivationally_related_form 00622266 +02209508 _hypernym 01762525 +12510197 _hypernym 11585340 +13794034 _hypernym 13793504 +00533185 _derivationally_related_form 01219306 +01209220 _derivationally_related_form 02548710 +02919100 _derivationally_related_form 00962129 +01383511 _derivationally_related_form 01960459 +13524925 _synset_domain_topic_of 06128570 +10325957 _derivationally_related_form 04883614 +08993288 _has_part 08994540 +06542047 _derivationally_related_form 02493666 +12933403 _hypernym 12205694 +03830278 _hypernym 03936895 +02198859 _hypernym 02198532 +08858248 _has_part 08860123 +12592351 _hypernym 11556857 +00568813 _hypernym 00568430 +13934596 _hypernym 13927383 +12025019 _hypernym 11579418 +02032634 _derivationally_related_form 00612114 +11827775 _member_meronym 11835451 +07525057 _derivationally_related_form 00822449 +06295235 _member_of_domain_usage 02841315 +09648309 _hypernym 09645091 +02270326 _member_meronym 02270810 +15214419 _hypernym 15214068 +05408388 _hypernym 14807929 +08542304 _hypernym 08616050 +08827126 _has_part 09232165 +07370671 _derivationally_related_form 01968569 +02402425 _member_meronym 01887896 +02609764 _derivationally_related_form 08565894 +04962395 _hypernym 04961691 +11702252 _hypernym 13121544 +01742244 _hypernym 01741864 +02811936 _has_part 03130340 +00681429 _derivationally_related_form 03735637 +07961270 _hypernym 07961016 +00883226 _derivationally_related_form 07229747 +01332205 _derivationally_related_form 14704966 +14355901 _hypernym 14336539 +00310386 _hypernym 00230746 +13972797 _hypernym 00024720 +11683556 _derivationally_related_form 00197744 +07501545 _hypernym 00026192 +04760296 _derivationally_related_form 02392654 +00852506 _derivationally_related_form 10695555 +04883614 _hypernym 04847733 +12967281 _hypernym 11594676 +02138611 _derivationally_related_form 15247110 +02035656 _hypernym 02034661 +09543353 _derivationally_related_form 00547493 +03464757 _hypernym 03504420 +00348008 _derivationally_related_form 01877355 +02290153 _hypernym 01762525 +00217427 _derivationally_related_form 01257542 +09998101 _derivationally_related_form 02578235 +02274299 _hypernym 02207206 +01140471 _hypernym 01138670 +04967191 _hypernym 04959672 +04228844 _derivationally_related_form 01975121 +08456993 _hypernym 07938773 +07315790 _hypernym 07314838 +02045024 _hypernym 01504437 +09428293 _has_part 09283866 +01796033 _derivationally_related_form 14036735 +01489275 _hypernym 01432517 +13979503 _hypernym 13979173 +04128837 _hypernym 04530566 +05600637 _has_part 05301908 +14514392 _hypernym 14514039 +12007560 _hypernym 11579418 +04612722 _derivationally_related_form 02291708 +08910394 _has_part 08993288 +08736517 _has_part 08736779 +01417041 _member_meronym 01417361 +01586541 _member_meronym 01586791 +01789514 _derivationally_related_form 01896478 +02259241 _derivationally_related_form 01109687 +01169194 _derivationally_related_form 06063588 +02426813 _hypernym 02419796 +00303849 _derivationally_related_form 01968275 +02237631 _derivationally_related_form 14436875 +01768969 _hypernym 08103777 +02219486 _hypernym 02206270 +01743784 _derivationally_related_form 05902327 +08207001 _hypernym 08206663 +02401809 _derivationally_related_form 00208797 +07959943 _derivationally_related_form 02025009 +10483799 _hypernym 10483530 +02433123 _derivationally_related_form 00200768 +00797430 _hypernym 00717358 +05783357 _synset_domain_topic_of 06013584 +04625284 _hypernym 04624959 +01178415 _instance_hypernym 01177703 +12998349 _member_meronym 13016457 +00240184 _derivationally_related_form 02348568 +10292192 _hypernym 10582154 +01474513 _also_see 00696518 +02669789 _derivationally_related_form 14492953 +02459808 _member_meronym 02460009 +05983654 _derivationally_related_form 00698398 +00664483 _hypernym 00665886 +05000537 _hypernym 05000342 +01502540 _hypernym 01494310 +06578654 _hypernym 06568978 +00623670 _hypernym 00575741 +01637633 _derivationally_related_form 10062996 +13587963 _hypernym 13587763 +11412334 _hypernym 11410625 +14598079 _synset_domain_topic_of 06090869 +12581381 _member_meronym 12593689 +09774783 _derivationally_related_form 00876332 +09800964 _derivationally_related_form 02475922 +07465448 _synset_domain_topic_of 00523513 +06255354 _derivationally_related_form 00973056 +13999206 _hypernym 13998576 +12525975 _hypernym 11585340 +00076196 _hypernym 00074790 +03876519 _derivationally_related_form 01688256 +08906374 _member_meronym 09733028 +00746479 _derivationally_related_form 09504915 +07902799 _hypernym 07901587 +00697589 _derivationally_related_form 00685638 +09167101 _has_part 09167505 +02282506 _derivationally_related_form 04329190 +01649999 _derivationally_related_form 00045250 +01146288 _derivationally_related_form 00269140 +06741305 _derivationally_related_form 00894738 +02054502 _hypernym 02051474 +04960729 _hypernym 04960079 +01742556 _derivationally_related_form 03524574 +13617308 _hypernym 13600822 +14657228 _hypernym 14622893 +01318478 _derivationally_related_form 01856626 +00169458 _verb_group 00550117 +06845599 _member_of_domain_usage 14859622 +07968354 _member_meronym 09636106 +06144081 _derivationally_related_form 09804806 +03383948 _hypernym 03153375 +04723816 _derivationally_related_form 00956687 +00233795 _derivationally_related_form 01098206 +01516064 _hypernym 01507175 +02576110 _derivationally_related_form 10110421 +13558696 _hypernym 13524925 +13504173 _derivationally_related_form 00958334 +09222880 _instance_hypernym 09403734 +00368592 _derivationally_related_form 01229071 +04247011 _hypernym 04151581 +00699815 _derivationally_related_form 00162632 +06862562 _hypernym 06814870 +07489548 _synset_domain_topic_of 00704305 +01136614 _derivationally_related_form 02746365 +07364434 _hypernym 07364115 +14061462 _hypernym 14034177 +03865949 _hypernym 03380867 +01684663 _derivationally_related_form 03876519 +01662118 _hypernym 01619929 +02002720 _hypernym 01850315 +08954611 _instance_hypernym 09388848 +01730812 _hypernym 01727646 +12050295 _hypernym 11556857 +00427802 _derivationally_related_form 13763384 +06498569 _hypernym 06497459 +01551195 _derivationally_related_form 04693900 +01270199 _derivationally_related_form 04554684 +01586278 _also_see 00711715 +09053947 _instance_hypernym 08524735 +14313661 _hypernym 14313440 +05667196 _hypernym 00023271 +09854915 _derivationally_related_form 06079620 +11072396 _instance_hypernym 10453533 +07238694 _hypernym 07160883 +04857738 _hypernym 04857083 +00557588 _derivationally_related_form 01080064 +02518161 _derivationally_related_form 01220984 +02087745 _hypernym 01850315 +10296618 _derivationally_related_form 01794668 +09845999 _derivationally_related_form 04683814 +09103648 _member_meronym 09103377 +00402308 _hypernym 00399393 +10279018 _derivationally_related_form 01624169 +04285622 _hypernym 03563967 +02599004 _derivationally_related_form 10062996 +15145586 _derivationally_related_form 09827683 +10225219 _derivationally_related_form 06161718 +01079604 _derivationally_related_form 02424652 +00277376 _derivationally_related_form 00214951 +06839858 _hypernym 06818970 +01443398 _member_meronym 01443831 +06256229 _hypernym 06255777 +02055975 _derivationally_related_form 00330160 +05020981 _derivationally_related_form 01892104 +07495327 _derivationally_related_form 00065070 +00059376 _verb_group 00059019 +06275095 _derivationally_related_form 01007222 +13140535 _hypernym 11534677 +00492706 _derivationally_related_form 14498404 +11651259 _member_meronym 11659068 +09791530 _derivationally_related_form 00736216 +02143539 _derivationally_related_form 03302121 +02256882 _hypernym 01762525 +09769636 _hypernym 00007846 +12892226 _member_meronym 12910141 +06251781 _hypernym 06252138 +01315140 _derivationally_related_form 05776679 +08912279 _instance_hypernym 08524735 +00952963 _hypernym 01080366 +00059552 _hypernym 00059127 +01072262 _derivationally_related_form 01168569 +08098499 _member_meronym 09848285 +01302183 _hypernym 01301410 +06168855 _derivationally_related_form 00634286 +04022434 _hypernym 02677718 +01769635 _hypernym 01342529 +07094508 _hypernym 07094093 +01502262 _member_meronym 01613615 +01042531 _derivationally_related_form 10776339 +07503430 _derivationally_related_form 01774426 +07281871 _hypernym 07110615 +00619869 _hypernym 00623151 +01123415 _synset_domain_topic_of 00464894 +00847478 _derivationally_related_form 14439745 +01134037 _synset_domain_topic_of 06150633 +14890659 _derivationally_related_form 01484982 +10881092 _instance_hypernym 10794014 +02539359 _derivationally_related_form 00052374 +08174398 _member_meronym 08929922 +00054628 _hypernym 01617192 +05084201 _hypernym 05083328 +15140405 _hypernym 15113229 +12877041 _hypernym 11579418 +13483190 _synset_domain_topic_of 06066555 +02346724 _derivationally_related_form 00084371 +01116585 _derivationally_related_form 07150328 +00457100 _verb_group 00457327 +02468793 _derivationally_related_form 09465459 +01990694 _hypernym 01990281 +00944924 _derivationally_related_form 02710294 +01853379 _hypernym 01507175 +02850732 _derivationally_related_form 00444309 +02833576 _derivationally_related_form 01884577 +11529603 _synset_domain_topic_of 06066555 +12743232 _member_meronym 12743352 +01186428 _derivationally_related_form 00842997 +05802730 _synset_domain_topic_of 06000644 +01067819 _hypernym 01066163 +01158872 _derivationally_related_form 10741590 +02461314 _derivationally_related_form 00183505 +01551195 _derivationally_related_form 13537894 +01974062 _derivationally_related_form 10773394 +00851689 _hypernym 00851994 +15025571 _synset_domain_topic_of 06079620 +05355890 _hypernym 05333777 +01657828 _hypernym 01656788 +05546540 _has_part 05332569 +11064834 _instance_hypernym 10204177 +01752728 _hypernym 01752495 +02403454 _hypernym 02402425 +14459824 _derivationally_related_form 00474017 +12216628 _hypernym 13112664 +00333366 _hypernym 00331950 +01581041 _member_meronym 01581166 +10488865 _derivationally_related_form 06136258 +00629738 _derivationally_related_form 05786372 +05457973 _derivationally_related_form 00062397 +07230502 _derivationally_related_form 00947439 +04633453 _hypernym 04633197 +05546540 _has_part 05547396 +02578384 _hypernym 02575723 +08952628 _instance_hypernym 09316454 +01028381 _hypernym 01027379 +07506382 _derivationally_related_form 01507402 +03497657 _has_part 03498316 +06688522 _derivationally_related_form 00882802 +02378950 _derivationally_related_form 00203020 +00511817 _hypernym 00426928 +10716389 _derivationally_related_form 01802689 +00965035 _derivationally_related_form 06738281 +05582305 _hypernym 05263850 +14806333 _hypernym 15078050 +02092476 _hypernym 01835496 +00069295 _hypernym 00067999 +11547562 _hypernym 11545524 +09587565 _hypernym 09483738 +00206998 _derivationally_related_form 05154908 +06544142 _synset_domain_topic_of 08441203 +08438067 _hypernym 08436759 +01515566 _derivationally_related_form 02981911 +08740875 _has_part 09173777 +10583916 _hypernym 10351874 +01892849 _hypernym 01892104 +13491060 _derivationally_related_form 00527572 +01701858 _derivationally_related_form 10528493 +01430633 _derivationally_related_form 10299700 +04936846 _derivationally_related_form 02417301 +13874073 _derivationally_related_form 00417001 +12998349 _member_meronym 13012613 +02273083 _hypernym 02274482 +11621029 _hypernym 11620673 +11969977 _hypernym 11579418 +01517055 _hypernym 01675963 +01067002 _derivationally_related_form 00840363 +08715110 _has_part 08997487 +02083237 _hypernym 02082690 +08040257 _instance_hypernym 08392137 +07270179 _derivationally_related_form 00651991 +13940456 _derivationally_related_form 02687385 +00853633 _derivationally_related_form 10224098 +00307785 _derivationally_related_form 07434942 +01391569 _member_meronym 01391933 +01751021 _synset_domain_topic_of 00714944 +01921964 _derivationally_related_form 03126385 +09044862 _member_of_domain_region 11846582 +10468559 _derivationally_related_form 02984104 +00256369 _hypernym 00257650 +06410776 _derivationally_related_form 01058574 +11714853 _hypernym 13121544 +09167101 _has_part 09483129 +11312709 _instance_hypernym 09765278 +10212780 _hypernym 00007846 +02662297 _derivationally_related_form 02504131 +01812720 _derivationally_related_form 13986372 +12567768 _hypernym 11585340 +12180714 _member_meronym 12180885 +05396366 _has_part 05287882 +09198574 _instance_hypernym 09376198 +08815046 _instance_hypernym 08698379 +06176322 _derivationally_related_form 10141364 +00277935 _also_see 00621058 +00226379 _synset_domain_topic_of 06084469 +11224877 _instance_hypernym 09855630 +12437311 _hypernym 11561228 +02235666 _hypernym 02235229 +00946755 _derivationally_related_form 13582013 +13049285 _member_meronym 13053187 +01255222 _hypernym 01299268 +02403537 _derivationally_related_form 00229814 +11543792 _hypernym 11537886 +03528523 _hypernym 03082979 +00091234 _derivationally_related_form 02222318 +11948264 _hypernym 11947251 +00216723 _hypernym 00216174 +07015510 _hypernym 06376154 +01256743 _derivationally_related_form 01732921 +13111504 _hypernym 13086908 +14562683 _derivationally_related_form 00469382 +02066304 _derivationally_related_form 10660729 +05093581 _hypernym 05090441 +01570935 _hypernym 01323958 +01022420 _derivationally_related_form 05756414 +05526384 _has_part 05526957 +01437888 _derivationally_related_form 10282920 +01467370 _derivationally_related_form 02875013 +02661769 _synset_domain_topic_of 06100778 +06018465 _derivationally_related_form 10652954 +02235229 _hypernym 02200686 +02553196 _member_meronym 02607630 +06278662 _hypernym 06251781 +06050024 _hypernym 06043075 +02573127 _derivationally_related_form 00780148 +03601335 _hypernym 04286128 +05808218 _hypernym 05807306 +07237758 _derivationally_related_form 02636921 +00597957 _derivationally_related_form 10478960 +09365863 _hypernym 09446115 +10504206 _derivationally_related_form 00903309 +15043118 _hypernym 14662574 +08956760 _member_meronym 09719794 +02182342 _derivationally_related_form 03017168 +01818835 _derivationally_related_form 07252378 +07560422 _hypernym 07570720 +02395782 _derivationally_related_form 15265518 +12852726 _member_meronym 12853287 +01848123 _hypernym 01846331 +02585872 _hypernym 02554730 +03928001 _hypernym 03629986 +02313495 _member_meronym 02314321 +02021532 _verb_group 02020590 +00717208 _hypernym 00716531 +03351979 _has_part 04321804 +03730153 _synset_domain_topic_of 08199025 +00819508 _derivationally_related_form 10091012 +03779621 _derivationally_related_form 01662771 +06313651 _hypernym 06312966 +09164561 _member_of_domain_region 08025112 +02208903 _derivationally_related_form 10255096 +11759049 _member_meronym 11759224 +02900705 _has_part 03485997 +02339171 _hypernym 02327200 +01313093 _member_meronym 01908415 +00814458 _hypernym 00943563 +03345837 _hypernym 03183080 +08871007 _member_of_domain_region 14431169 +02612393 _member_meronym 02612982 +00823129 _derivationally_related_form 10547145 +00808614 _similar_to 00808191 +10686313 _derivationally_related_form 01822248 +08550076 _derivationally_related_form 01309701 +02945161 _hypernym 03546340 +13885836 _derivationally_related_form 01521124 +12906498 _hypernym 12205694 +04290259 _hypernym 04007664 +00976653 _derivationally_related_form 07248801 +02687191 _synset_domain_topic_of 06037666 +00712389 _derivationally_related_form 00072808 +01976488 _derivationally_related_form 00076884 +06032246 _derivationally_related_form 02704461 +13172107 _hypernym 13166338 +03544360 _hypernym 03259505 +12489046 _hypernym 13112664 +00003553 _similar_to 00003356 +07241837 _derivationally_related_form 00989201 +05138488 _hypernym 05138208 +05518870 _hypernym 05247057 +02579247 _derivationally_related_form 00516086 +15232406 _has_part 15232899 +01821996 _derivationally_related_form 07553741 +10636598 _derivationally_related_form 01229631 +02611425 _hypernym 01429349 +01471070 _member_meronym 01861465 +13365286 _derivationally_related_form 01184625 +10770891 _derivationally_related_form 01315140 +01593254 _derivationally_related_form 03659809 +00984609 _derivationally_related_form 02167571 +01142203 _hypernym 01143838 +12943302 _member_meronym 12943443 +13933841 _derivationally_related_form 02028722 +11678010 _hypernym 13129165 +03880323 _hypernym 03094503 +09616573 _derivationally_related_form 05636171 +04921011 _hypernym 00024264 +02351212 _hypernym 01864707 +08494987 _hypernym 08520401 +14451349 _derivationally_related_form 00712419 +01407904 _verb_group 01509584 +06733939 _hypernym 06634376 +01998920 _member_meronym 01999048 +12329899 _hypernym 11562747 +11665781 _member_meronym 12212810 +00559102 _derivationally_related_form 04633197 +09620794 _derivationally_related_form 01037148 +01259691 _hypernym 01557774 +00739270 _derivationally_related_form 00614999 +01720660 _derivationally_related_form 00049003 +08706058 _instance_hypernym 08691669 +01716619 _verb_group 01719921 +08771596 _instance_hypernym 08654360 +08845555 _has_part 08846135 +09210604 _derivationally_related_form 02831736 +09376979 _instance_hypernym 09411430 +01424607 _hypernym 01387617 +15034939 _hypernym 15034074 +12036368 _derivationally_related_form 00181434 +01168468 _hypernym 01156834 +00285557 _derivationally_related_form 02091885 +07157273 _member_of_domain_usage 00846021 +01651444 _derivationally_related_form 05908520 +11911591 _member_meronym 12005148 +00951911 _hypernym 00983824 +12072210 _hypernym 12041446 +08860123 _member_of_domain_region 09850642 +07136940 _derivationally_related_form 01037498 +05123416 _hypernym 05090441 +00921738 _hypernym 00921300 +01582200 _derivationally_related_form 03879116 +02658283 _derivationally_related_form 00141806 +14402922 _hypernym 14400677 +02194414 _member_meronym 02194887 +00164579 _derivationally_related_form 02234087 +01262113 _derivationally_related_form 03650173 +13538314 _has_part 13491060 +03213014 _has_part 03213826 +01615020 _hypernym 01587062 +00725772 _derivationally_related_form 10004804 +14674408 _derivationally_related_form 00500638 +07203126 _derivationally_related_form 01011031 +12341126 _member_meronym 12343306 +04635104 _hypernym 04616059 +06471345 _derivationally_related_form 00804002 +04565963 _hypernym 04565375 +01796729 _hypernym 01796519 +02353709 _member_meronym 02354162 +03666591 _derivationally_related_form 02759614 +12199266 _hypernym 13112664 +01144657 _hypernym 02153709 +00802238 _derivationally_related_form 01036319 +10641755 _hypernym 10569411 +08984567 _instance_hypernym 09388848 +00849080 _hypernym 02514187 +09798534 _derivationally_related_form 00904690 +05564323 _hypernym 05560244 +04914694 _hypernym 04914292 +10757492 _derivationally_related_form 01635432 +13035521 _member_meronym 13035707 +08511970 _hypernym 08630039 +01126856 _hypernym 01125693 +01352996 _derivationally_related_form 04153751 +01819554 _derivationally_related_form 01222477 +01070892 _derivationally_related_form 00612841 +01931398 _member_meronym 01931520 +01778984 _member_meronym 01779148 +01809980 _hypernym 01809321 +06845599 _member_of_domain_usage 02706373 +11867525 _member_meronym 11895980 +09158268 _instance_hypernym 08524735 +00935005 _hypernym 00933420 +10786992 _hypernym 09636106 +00741685 _derivationally_related_form 00809654 +01165043 _derivationally_related_form 00414179 +13845838 _derivationally_related_form 00394563 +01502946 _derivationally_related_form 03938244 +08860123 _member_of_domain_region 04020617 +02514575 _member_meronym 02515914 +11126490 _instance_hypernym 09863936 +01159964 _derivationally_related_form 01687569 +12490671 _member_meronym 12491017 +01859586 _derivationally_related_form 14010927 +10166394 _derivationally_related_form 02735066 +11963932 _hypernym 11672400 +07375781 _derivationally_related_form 01969601 +10895549 _instance_hypernym 10599806 +01387656 _hypernym 01518924 +09033333 _has_part 09034286 +07808904 _hypernym 07806221 +01804414 _hypernym 01803936 +13573915 _derivationally_related_form 00516932 +05329533 _has_part 05329735 +06593803 _member_meronym 06596978 +01356086 _member_meronym 01366015 +00369864 _derivationally_related_form 13453160 +12600574 _member_meronym 12602118 +00407633 _derivationally_related_form 03793186 +02581900 _hypernym 02367363 +11410625 _derivationally_related_form 02634265 +12838027 _member_meronym 12860254 +11521940 _hypernym 11421401 +01877204 _derivationally_related_form 07346057 +01621714 _member_meronym 01623284 +08860123 _member_of_domain_region 10270468 +14543552 _derivationally_related_form 01036319 +04682184 _hypernym 04682462 +00635850 _derivationally_related_form 02131279 +00745383 _hypernym 00941990 +02681795 _also_see 00495808 +00831651 _derivationally_related_form 06634376 +02395244 _hypernym 01864707 +00605783 _hypernym 00607114 +09255207 _hypernym 09376526 +00241507 _synset_domain_topic_of 00468480 +00702601 _derivationally_related_form 02388143 +01097031 _derivationally_related_form 08397255 +01320513 _derivationally_related_form 00360242 +07175241 _derivationally_related_form 00764222 +07346344 _hypernym 07347051 +13895852 _synset_domain_topic_of 00015388 +06449735 _has_part 06439712 +11736216 _hypernym 11571907 +00249780 _hypernym 00249501 +02125223 _derivationally_related_form 05714161 +01668257 _hypernym 01657723 +10544748 _hypernym 10008716 +10191943 _derivationally_related_form 06776138 +07753743 _hypernym 07705931 +04209613 _has_part 04209239 +12740514 _member_meronym 12743232 +00418615 _derivationally_related_form 00616857 +07202812 _derivationally_related_form 00956250 +04004767 _derivationally_related_form 01745722 +08831004 _member_of_domain_region 10416828 +03327234 _hypernym 02796623 +09707992 _hypernym 09728403 +01968275 _derivationally_related_form 03888257 +02272552 _hypernym 02271897 +03098803 _derivationally_related_form 06055300 +08720481 _has_part 09196611 +02642238 _hypernym 02641957 +07676425 _hypernym 07675627 +07993109 _derivationally_related_form 02665803 +08197386 _hypernym 08337324 +04140064 _has_part 04452848 +05229622 _hypernym 00006484 +11877473 _has_part 07735803 +05717747 _hypernym 05715283 +08987423 _instance_hypernym 08544813 +00135013 _hypernym 00126264 +10410815 _hypernym 09631463 +01160729 _derivationally_related_form 01397210 +05754519 _hypernym 05753954 +03051540 _derivationally_related_form 00052043 +02130524 _also_see 00696414 +12285049 _hypernym 12284262 +00364479 _also_see 01149494 +00625963 _derivationally_related_form 08414381 +03117420 _derivationally_related_form 00948071 +00032981 _derivationally_related_form 06877849 +07007945 _hypernym 07007684 +01493366 _member_meronym 01493687 +12557681 _hypernym 12556656 +02970849 _hypernym 04543158 +08019281 _synset_domain_topic_of 00759694 +11598991 _hypernym 11553763 +00865776 _hypernym 00912048 +01990007 _hypernym 01989869 +00866606 _derivationally_related_form 02116568 +05477686 _hypernym 05463533 +10012377 _hypernym 00007846 +15006789 _hypernym 14901959 +15178841 _has_part 15217443 +05092635 _hypernym 05091770 +12578916 _hypernym 11748002 +00813044 _derivationally_related_form 07142365 +01560511 _member_meronym 01560636 +09618760 _hypernym 09621545 +09639543 _hypernym 09639382 +00883635 _derivationally_related_form 07229747 +12252620 _member_meronym 12252866 +12081022 _hypernym 11556857 +03351434 _member_meronym 03639077 +14875077 _derivationally_related_form 02338386 +02673139 _derivationally_related_form 05218119 +01263711 _derivationally_related_form 01098452 +12371002 _member_meronym 12371439 +12505987 _hypernym 11585340 +08738272 _instance_hypernym 08703035 +04146614 _hypernym 02924116 +02303331 _derivationally_related_form 13300922 +01230283 _derivationally_related_form 01097960 +00424691 _hypernym 00422090 +14541852 _hypernym 14541044 +01663920 _derivationally_related_form 07886572 +08740875 _has_part 09249418 +02304648 _derivationally_related_form 00138956 +14417697 _hypernym 14414294 +01134699 _derivationally_related_form 02527651 +00333829 _hypernym 00331950 +10425946 _hypernym 00007846 +03062461 _hypernym 02707683 +08788887 _member_meronym 09750524 +12517820 _member_meronym 12518013 +03671668 _has_part 04455442 +06072476 _derivationally_related_form 10254761 +03879705 _hypernym 02740764 +02179518 _derivationally_related_form 04981139 +13777344 _derivationally_related_form 02479323 +00163779 _hypernym 00162632 +00727564 _also_see 01061489 +00372226 _hypernym 00372013 +02504562 _derivationally_related_form 10461424 +01939174 _hypernym 01955984 +13886724 _has_part 13913849 +01761706 _derivationally_related_form 14037011 +10218043 _hypernym 10665698 +11468172 _derivationally_related_form 01737417 +12916935 _member_meronym 12917338 +01981036 _synset_domain_topic_of 00300441 +01186192 _synset_domain_topic_of 08441203 +00678010 _hypernym 00387657 +01574923 _derivationally_related_form 03693973 +02992795 _hypernym 02680337 +02037278 _member_meronym 02038010 +08967484 _instance_hypernym 08544813 +07377682 _hypernym 07387509 +07347051 _hypernym 07345593 +07262704 _derivationally_related_form 02159890 +06088995 _hypernym 06084469 +07123870 _derivationally_related_form 01045073 +05354744 _hypernym 05341206 +00006523 _derivationally_related_form 00834460 +11898079 _member_meronym 11898271 +11911591 _member_meronym 11962853 +12468081 _member_meronym 12468243 +01068380 _derivationally_related_form 01198750 +08679369 _hypernym 08593262 +07384898 _derivationally_related_form 01054186 +08541288 _hypernym 08673395 +01041111 _derivationally_related_form 00886978 +13562862 _synset_domain_topic_of 06070929 +09207288 _has_part 08910668 +06663940 _derivationally_related_form 00747135 +06333653 _derivationally_related_form 00947439 +07187996 _derivationally_related_form 00782057 +12013035 _has_part 07735294 +05971086 _derivationally_related_form 10080508 +12638218 _hypernym 12651821 +14574846 _hypernym 13920835 +08860123 _member_of_domain_region 04495051 +10612803 _hypernym 00007846 +02007721 _member_meronym 02010144 +10197967 _derivationally_related_form 02639606 +07129602 _hypernym 07109847 +13271320 _hypernym 13353607 +13495873 _hypernym 13480848 +01390210 _hypernym 01587062 +00201671 _derivationally_related_form 02232190 +11803475 _member_meronym 11804082 +00807178 _derivationally_related_form 00874621 +09629246 _derivationally_related_form 07488875 +03748886 _hypernym 03076708 +08860123 _member_of_domain_region 07889814 +13429780 _hypernym 13489037 +02279127 _member_meronym 02279257 +05331653 _hypernym 05328867 +05967097 _hypernym 05943300 +08235828 _hypernym 08227214 +02468965 _derivationally_related_form 08674970 +03671473 _hypernym 08057633 +06143154 _derivationally_related_form 10619642 +02656763 _derivationally_related_form 03201208 +00077071 _derivationally_related_form 14008567 +09020440 _has_part 09020792 +02166986 _member_meronym 02167151 +02427103 _derivationally_related_form 00237078 +05540513 _has_part 05282000 +02410393 _also_see 02560548 +01100145 _derivationally_related_form 13259917 +02408281 _derivationally_related_form 03244388 +12047586 _hypernym 11556857 +12223160 _hypernym 13104059 +06795746 _derivationally_related_form 00946105 +01733829 _hypernym 01726172 +00795720 _hypernym 00575741 +01764800 _derivationally_related_form 04470232 +12771390 _hypernym 12771192 +09608520 _hypernym 10488865 +07118002 _hypernym 07131854 +10495555 _hypernym 09977660 +01752025 _derivationally_related_form 03396311 +13955461 _derivationally_related_form 10509389 +07860805 _hypernym 07882497 +02262139 _hypernym 02261888 +07528807 _hypernym 07528212 +00994454 _hypernym 00995838 +00137940 _derivationally_related_form 11416722 +02577755 _hypernym 00782527 +12779233 _member_meronym 12779437 +09782167 _hypernym 10037385 +13992514 _derivationally_related_form 02497400 +00285557 _derivationally_related_form 02091689 +11835451 _member_meronym 11835568 +01013856 _synset_domain_topic_of 06172789 +07157273 _member_of_domain_usage 00341184 +10206173 _hypernym 10205985 +14526635 _hypernym 14526182 +08846135 _instance_hypernym 08654360 +02537085 _hypernym 02534559 +06268784 _derivationally_related_form 02631659 +10608385 _derivationally_related_form 02463704 +04133211 _derivationally_related_form 01195299 +13421832 _hypernym 13358549 +15003969 _hypernym 15047313 +11236317 _instance_hypernym 10650162 +02293321 _hypernym 02230772 +04293119 _hypernym 03621049 +08918944 _has_part 08919241 +00565809 _synset_domain_topic_of 00479887 +00027167 _derivationally_related_form 02286204 +05677340 _hypernym 05675905 +00504975 _hypernym 00502415 +09039411 _has_part 09203217 +12300441 _hypernym 11534677 +08975617 _has_part 09323824 +01032040 _has_part 07190290 +01722828 _member_meronym 01723259 +00947719 _derivationally_related_form 00203213 +00815686 _derivationally_related_form 07200527 +12129525 _member_meronym 12129738 +14973585 _hypernym 15090742 +15004501 _hypernym 00020827 +03002351 _derivationally_related_form 06135915 +01467986 _member_meronym 01468532 +07802417 _derivationally_related_form 02688623 +02243567 _derivationally_related_form 00867357 +13193269 _hypernym 13193642 +09053185 _has_part 09453887 +00702969 _derivationally_related_form 07330666 +06761798 _derivationally_related_form 00808671 +10360747 _hypernym 10317007 +09356639 _instance_hypernym 09411430 +09756195 _hypernym 10597234 +01951721 _hypernym 01938850 +07891726 _derivationally_related_form 00459114 +01970502 _hypernym 01939598 +01344903 _hypernym 01340439 +04270891 _has_part 04271371 +02590237 _member_meronym 02590495 +12838027 _member_meronym 12858019 +02396796 _hypernym 02395003 +14107374 _hypernym 14204950 +00047945 _derivationally_related_form 00828237 +01966586 _hypernym 01965889 +09013353 _instance_hypernym 08691669 +01548718 _derivationally_related_form 06389230 +00806502 _derivationally_related_form 06687358 +09722399 _derivationally_related_form 03084759 +05511061 _has_part 05513020 +09882007 _hypernym 09882716 +04048568 _hypernym 03671473 +08131530 _has_part 08341798 +00451838 _derivationally_related_form 14868243 +01727684 _hypernym 01726172 +00460900 _hypernym 00440286 +01714208 _derivationally_related_form 10415638 +10066732 _hypernym 09824361 +00385266 _derivationally_related_form 02535457 +10468559 _derivationally_related_form 15266265 +00115036 _derivationally_related_form 01448100 +06796119 _derivationally_related_form 01273814 +02690384 _hypernym 02620587 +07386920 _hypernym 07371293 +10560352 _hypernym 10694258 +11480930 _derivationally_related_form 02176268 +05978159 _derivationally_related_form 01629958 +02867715 _hypernym 04552348 +11949707 _hypernym 11579418 +03975035 _hypernym 02733524 +02653359 _member_meronym 02653497 +00120202 _hypernym 00119568 +07046737 _hypernym 07037465 +13996061 _hypernym 13991823 +05960464 _hypernym 05943300 +14991927 _hypernym 14991712 +01719914 _hypernym 01719403 +01587077 _also_see 01801600 +07468534 _hypernym 07467846 +13543231 _hypernym 13489037 +00217700 _hypernym 00217152 +11867525 _member_meronym 11889473 +11603045 _hypernym 11554175 +03508101 _derivationally_related_form 02333358 +09044862 _member_of_domain_region 01084180 +05051896 _derivationally_related_form 00118523 +01238640 _hypernym 01410223 +08897065 _has_part 09170788 +02047650 _hypernym 02066939 +07177437 _derivationally_related_form 00482893 +00955148 _derivationally_related_form 06601327 +01570744 _hypernym 01387786 +06720371 _derivationally_related_form 00847683 +01016201 _derivationally_related_form 02287041 +05783940 _derivationally_related_form 10687231 +06351202 _has_part 06841365 +03854815 _hypernym 04586932 +05074057 _hypernym 05064037 +07578093 _derivationally_related_form 01186208 +00260622 _derivationally_related_form 00265386 +09095023 _has_part 09219078 +13723061 _hypernym 13717155 +00902289 _derivationally_related_form 07009421 +11790239 _member_meronym 11790390 +11749112 _hypernym 13104059 +00122097 _derivationally_related_form 13572860 +02325042 _hypernym 02324478 +13265904 _hypernym 13265011 +15260964 _hypernym 15113229 +01542252 _synset_domain_topic_of 06136258 +07152752 _hypernym 07152259 +01031109 _derivationally_related_form 06794666 +02439732 _hypernym 02439501 +02583211 _member_meronym 02583567 +11241854 _instance_hypernym 10123844 +04650201 _derivationally_related_form 01264336 +00439588 _derivationally_related_form 05645597 +02560548 _also_see 02410393 +02179154 _hypernym 02176268 +05549830 _has_part 05556204 +04214871 _hypernym 03671668 +03336575 _hypernym 04594489 +11553240 _synset_domain_topic_of 06066555 +08053260 _member_meronym 10453533 +12008017 _member_meronym 12009047 +04592741 _hypernym 02688443 +04771890 _hypernym 04770211 +13724350 _hypernym 13717155 +12238306 _hypernym 11575425 +00858377 _derivationally_related_form 00015498 +07487063 _derivationally_related_form 01805684 +00288563 _hypernym 00283911 +01498498 _hypernym 01494310 +07217924 _derivationally_related_form 00965035 +01828736 _derivationally_related_form 01072072 +00133978 _hypernym 02579447 +00876665 _derivationally_related_form 09953965 +15145782 _synset_domain_topic_of 00704305 +09839167 _derivationally_related_form 02259829 +00155143 _derivationally_related_form 00364260 +10729175 _derivationally_related_form 02501278 +03098140 _hypernym 03269401 +12475774 _hypernym 12205694 +02210855 _derivationally_related_form 00077419 +01430447 _synset_domain_topic_of 00917211 +13618629 _hypernym 13615235 +01478423 _derivationally_related_form 00344040 +00150762 _derivationally_related_form 01248597 +12806015 _hypernym 13112664 +02052511 _member_meronym 02052639 +00149262 _derivationally_related_form 02074377 +02234087 _derivationally_related_form 01083645 +10060175 _hypernym 09629752 +08859173 _member_meronym 09714952 +03635668 _derivationally_related_form 01625666 +07421316 _hypernym 07317764 +08785958 _instance_hypernym 03427296 +13089902 _hypernym 13089631 +02701445 _hypernym 02732798 +14031523 _derivationally_related_form 01930512 +06295235 _member_of_domain_usage 04178329 +04877421 _hypernym 04876985 +07162680 _derivationally_related_form 00927430 +07890617 _hypernym 07886572 +02519494 _hypernym 02519183 +11084895 _instance_hypernym 09807075 +02166460 _derivationally_related_form 05784831 +02785648 _has_part 03430091 +12033939 _hypernym 11579418 +13077033 _derivationally_related_form 00210738 +00709205 _hypernym 00754942 +11321051 _instance_hypernym 10088200 +13491060 _hypernym 13518963 +01876028 _hypernym 01850315 +08910668 _has_part 09038990 +01790020 _derivationally_related_form 14403282 +11620560 _member_meronym 11620673 +02188848 _derivationally_related_form 10691318 +02583567 _hypernym 01438208 +00316195 _verb_group 00315605 +02510240 _member_meronym 02510455 +01885856 _member_meronym 01886045 +08295138 _hypernym 08294696 +00230276 _derivationally_related_form 03377582 +02303331 _derivationally_related_form 00213694 +13078133 _hypernym 11590783 +01895630 _derivationally_related_form 02876088 +00866273 _hypernym 00863513 +02650552 _hypernym 02649830 +11867070 _member_meronym 11867311 +01476829 _member_meronym 01478300 +00138508 _derivationally_related_form 07351612 +01320009 _derivationally_related_form 01015310 +07157273 _member_of_domain_usage 05218119 +02939919 _derivationally_related_form 07440979 +03117199 _hypernym 03414162 +01869563 _derivationally_related_form 00345149 +08070850 _derivationally_related_form 02215966 +08992181 _instance_hypernym 08696931 +02850060 _hypernym 03182232 +01093587 _hypernym 00764902 +02556126 _derivationally_related_form 09815790 +02611373 _hypernym 02604760 +00044353 _derivationally_related_form 14481929 +02254258 _hypernym 01021629 +00033599 _derivationally_related_form 04679738 +01403805 _member_meronym 01404129 +07374756 _derivationally_related_form 00394813 +10305192 _derivationally_related_form 02539101 +12384375 _has_part 07754279 +06556692 _derivationally_related_form 02582042 +02055431 _member_meronym 02057208 +14481929 _derivationally_related_form 01821266 +02158196 _hypernym 02157731 +00244416 _hypernym 00244625 +12494358 _hypernym 13118707 +01574671 _member_meronym 01574801 +01938288 _synset_domain_topic_of 00523513 +05629381 _has_part 09248724 +09039411 _member_of_domain_region 08042856 +03576215 _hypernym 03575958 +03705379 _has_part 03976960 +01454431 _derivationally_related_form 04495843 +09382990 _instance_hypernym 09376198 +08766988 _has_part 08774374 +10512372 _derivationally_related_form 01098452 +02159271 _member_meronym 02260183 +01454636 _hypernym 01454431 +06712833 _derivationally_related_form 00824767 +01877204 _verb_group 01876907 +08860123 _member_of_domain_region 09863339 +00106592 _derivationally_related_form 03450516 +06845599 _member_of_domain_usage 04448826 +09044862 _member_of_domain_region 07964809 +00884317 _derivationally_related_form 05950733 +00398704 _derivationally_related_form 00382635 +10308732 _hypernym 10605985 +05485098 _hypernym 05329735 +00114837 _derivationally_related_form 03099945 +09382362 _instance_hypernym 09403734 +05300507 _synset_domain_topic_of 05657718 +04528256 _hypernym 02875013 +13541491 _derivationally_related_form 00583242 +10342770 _hypernym 10410668 +02460199 _derivationally_related_form 15274863 +02233096 _member_meronym 02235321 +10776339 _derivationally_related_form 00101779 +09074431 _instance_hypernym 08665504 +00835609 _also_see 00294175 +02894605 _derivationally_related_form 01128071 +00552253 _derivationally_related_form 02519555 +01404813 _member_meronym 01405250 +04123740 _hypernym 04161358 +02394477 _hypernym 02370806 +11804082 _member_meronym 11822557 +05779371 _hypernym 05773923 +08709038 _has_part 08752021 +00733044 _derivationally_related_form 00153809 +11078404 _synset_domain_topic_of 00759694 +00912274 _hypernym 00407535 +08765771 _instance_hypernym 09233715 +05966129 _synset_domain_topic_of 06182144 +06185748 _hypernym 06185581 +02601589 _hypernym 01432517 +06390805 _hypernym 06365467 +01687441 _member_meronym 01687665 +04080833 _hypernym 02895606 +12866824 _hypernym 11579418 +00077419 _derivationally_related_form 02210855 +01880113 _derivationally_related_form 07086518 +05563266 _has_part 05344514 +07039949 _hypernym 07037465 +04076533 _hypernym 03104594 +00642379 _derivationally_related_form 04914133 +12501745 _member_meronym 12574143 +02533075 _derivationally_related_form 01315581 +01825671 _also_see 00834198 +08540903 _has_part 08541130 +10313872 _hypernym 10560637 +02748618 _hypernym 15009843 +09609561 _hypernym 00007846 +12330751 _member_meronym 12330891 +12330891 _hypernym 13104059 +08252211 _hypernym 07975026 +02819697 _hypernym 03387016 +01071411 _derivationally_related_form 01507134 +02438897 _member_meronym 02439033 +07157273 _member_of_domain_usage 00856193 +02741149 _derivationally_related_form 08628921 +03695122 _has_part 03844550 +02727281 _hypernym 04320126 +12164881 _has_part 07756096 +00665886 _derivationally_related_form 05825245 +00851733 _derivationally_related_form 07252378 +02222718 _member_meronym 02225231 +01930512 _also_see 02564986 +00893741 _hypernym 00893435 +01812866 _hypernym 01811909 +00192613 _derivationally_related_form 02357228 +01827658 _hypernym 01507175 +08677801 _hypernym 08569165 +04817923 _hypernym 04815321 +08913434 _has_part 09173023 +00331655 _derivationally_related_form 01884974 +01167146 _derivationally_related_form 02542795 +13149506 _has_part 07815588 +12697360 _member_meronym 12697514 +00973056 _hypernym 00954608 +11499284 _derivationally_related_form 02767116 +02767433 _hypernym 04359589 +13651520 _hypernym 13603305 +02365848 _hypernym 01864707 +01415256 _member_meronym 01415393 +06258680 _derivationally_related_form 00949093 +00228858 _hypernym 00229280 +10822962 _instance_hypernym 10705615 +09637512 _hypernym 09636339 +05713101 _synset_domain_topic_of 06139491 +07459642 _hypernym 07458453 +02395395 _derivationally_related_form 10000787 +02466670 _hypernym 02427916 +06803157 _derivationally_related_form 00872414 +12890009 _member_meronym 12890685 +13965627 _hypernym 13963970 +04841358 _derivationally_related_form 00638981 +02336015 _hypernym 02327200 +00729642 _hypernym 00726300 +08279298 _derivationally_related_form 09759069 +00317594 _hypernym 00315986 +01963942 _also_see 01923414 +02339413 _derivationally_related_form 03859958 +06717170 _member_of_domain_usage 09720406 +01437805 _member_meronym 01438720 +12774299 _hypernym 13104059 +00079018 _derivationally_related_form 02207206 +04609811 _hypernym 04494204 +02193612 _hypernym 02193194 +06501918 _hypernym 06479665 +03947111 _hypernym 03733925 +11435028 _derivationally_related_form 00518115 +02565911 _hypernym 02565687 +11410298 _derivationally_related_form 00443670 +14145501 _hypernym 14145095 +01845720 _derivationally_related_form 00295701 +01901783 _derivationally_related_form 07345593 +10212780 _derivationally_related_form 01686132 +02684924 _verb_group 02679899 +01026975 _hypernym 00955148 +05273822 _has_part 05546383 +01696282 _member_meronym 01698144 +00043765 _derivationally_related_form 13954818 +01301630 _has_part 01282711 +01372049 _also_see 01133876 +00212808 _hypernym 00209943 +00051045 _also_see 02080577 +03013580 _has_part 04333500 +00663160 _derivationally_related_form 09761403 +02213690 _hypernym 02212825 +05283498 _hypernym 05282746 +14532816 _hypernym 14533203 +02181973 _hypernym 02181538 +00962129 _hypernym 00958896 +07376937 _derivationally_related_form 01398919 +00297507 _derivationally_related_form 13742358 +10052843 _hypernym 00007846 +08190482 _member_meronym 10055847 +09372504 _has_part 09248477 +09930876 _hypernym 09940146 +00189511 _derivationally_related_form 04169707 +01054186 _derivationally_related_form 07384898 +01023574 _verb_group 01023259 +02621721 _member_meronym 02621908 +12747961 _member_meronym 12748248 +05651971 _derivationally_related_form 00272391 +02507736 _derivationally_related_form 04722715 +07167415 _hypernym 07161429 +08734044 _instance_hypernym 08698379 +02244619 _also_see 02166346 +09065557 _instance_hypernym 08524735 +07436100 _derivationally_related_form 01516290 +09107626 _instance_hypernym 08524735 +06051134 _hypernym 06043075 +03836699 _hypernym 03740161 +02045043 _derivationally_related_form 07440979 +09998101 _hypernym 09633969 +00666510 _hypernym 00665886 +15145586 _hypernym 15144371 +02883344 _has_part 03661340 +08378356 _derivationally_related_form 10693824 +14499594 _derivationally_related_form 02424254 +04595285 _hypernym 03563200 +02151625 _hypernym 05297523 +00414409 _derivationally_related_form 00168658 +01226240 _also_see 01369663 +01054186 _derivationally_related_form 07123870 +02499434 _hypernym 01864707 +14047740 _hypernym 14046202 +12907287 _hypernym 11579418 +06761603 _derivationally_related_form 00809654 +02443609 _derivationally_related_form 10468962 +00931608 _hypernym 00929718 +08542081 _hypernym 08541841 +02330247 _synset_domain_topic_of 00610738 +10409634 _derivationally_related_form 02251743 +06295235 _member_of_domain_usage 04446162 +06226934 _hypernym 06226057 +04320126 _derivationally_related_form 00022686 +03305522 _has_part 03304730 +05449959 _hypernym 05451265 +14403560 _derivationally_related_form 01805384 +08131530 _has_part 08396760 +06700169 _hypernym 06700030 +04203705 _has_part 03211789 +00138221 _hypernym 00046522 +10004539 _hypernym 10314952 +14651212 _hypernym 14625458 +01457206 _derivationally_related_form 00357275 +00423971 _derivationally_related_form 07319909 +00207434 _derivationally_related_form 02465658 +01182709 _derivationally_related_form 09901642 +04802198 _hypernym 04723816 +12131216 _member_meronym 12132092 +00330457 _derivationally_related_form 00438178 +00063557 _derivationally_related_form 14336539 +12087207 _hypernym 11555413 +01399772 _member_meronym 01401296 +14542579 _synset_domain_topic_of 06149484 +00404726 _hypernym 00404403 +02038357 _hypernym 02035919 +09155306 _has_part 09155692 +01838326 _member_meronym 01838961 +00708017 _derivationally_related_form 01369758 +13994148 _derivationally_related_form 00727564 +10484858 _derivationally_related_form 02581900 +01707737 _derivationally_related_form 00939818 +00276373 _hypernym 00126264 +03318438 _derivationally_related_form 02576921 +08960548 _derivationally_related_form 09721088 +10265070 _hypernym 09903153 +08503238 _instance_hypernym 08574314 +00961736 _derivationally_related_form 06429316 +09044862 _has_part 09129442 +11757190 _hypernym 11756092 +10041373 _hypernym 10412910 +01653442 _hypernym 01653873 +12120812 _member_meronym 12121033 +00737188 _hypernym 00735936 +08398179 _member_meronym 10058585 +10690538 _derivationally_related_form 00302130 +10616670 _derivationally_related_form 02125032 +06726939 _derivationally_related_form 00977336 +00844941 _hypernym 00907147 +07405893 _derivationally_related_form 02067689 +01903756 _derivationally_related_form 07348545 +11534434 _hypernym 08220891 +02540670 _hypernym 02547586 +00957378 _hypernym 00947077 +08779504 _has_part 08780720 +03949442 _hypernym 03302121 +00135799 _hypernym 00134780 +09831962 _hypernym 00007846 +01005284 _hypernym 00996969 +09912765 _hypernym 09772029 +01156834 _derivationally_related_form 00838098 +00739340 _verb_group 00739082 +07175102 _derivationally_related_form 00624801 +05728493 _synset_domain_topic_of 03082979 +11712282 _hypernym 13109733 +01053404 _hypernym 01051331 +01960301 _member_meronym 01960459 +09533498 _instance_hypernym 09533048 +00895135 _synset_domain_topic_of 08199025 +10369699 _hypernym 10632576 +02349212 _hypernym 02230772 +01839086 _hypernym 01838598 +11656771 _hypernym 13112664 +10458111 _derivationally_related_form 00634906 +02072501 _hypernym 01992503 +11818945 _member_meronym 11820323 +00768062 _derivationally_related_form 07452841 +12534453 _member_meronym 12534862 +01748906 _hypernym 01747885 +13262335 _hypernym 13252973 +00516086 _derivationally_related_form 02579247 +01613615 _hypernym 01321579 +00069173 _hypernym 00068901 +00799409 _hypernym 00798245 +14807929 _hypernym 05407119 +11300893 _instance_hypernym 10488865 +00979411 _hypernym 00978549 +07018931 _derivationally_related_form 01716882 +00473003 _hypernym 02604760 +01194238 _derivationally_related_form 14412882 +01618220 _member_meronym 01618356 +00040962 _hypernym 00040804 +00518115 _verb_group 00517847 +12601494 _hypernym 12205694 +02360480 _hypernym 02355227 +08929922 _member_of_domain_region 13753274 +05406128 _hypernym 05405946 +08711974 _has_part 08711655 +00001740 _derivationally_related_form 04080833 +01883212 _member_meronym 01885367 +01610955 _derivationally_related_form 01145766 +10028765 _derivationally_related_form 02384275 +15273626 _derivationally_related_form 00014742 +09131553 _instance_hypernym 08524735 +03020692 _hypernym 03265032 +01077887 _derivationally_related_form 00239230 +00586262 _derivationally_related_form 01096497 +08376051 _member_meronym 10169937 +11778534 _derivationally_related_form 02641201 +11648428 _hypernym 11553763 +04646990 _hypernym 04646548 +09131654 _has_part 09231890 +01770501 _derivationally_related_form 07524242 +12680402 _hypernym 13112664 +02419773 _derivationally_related_form 10684630 +08088963 _synset_domain_topic_of 01032368 +00290132 _hypernym 00281101 +05036394 _derivationally_related_form 00226566 +01109259 _hypernym 01101913 +01252566 _derivationally_related_form 05015678 +05781145 _derivationally_related_form 01022420 +08762823 _instance_hypernym 08633957 +10453357 _hypernym 09630641 +03541393 _hypernym 04468005 +01272582 _instance_hypernym 00956485 +01817424 _member_meronym 01819600 +01109467 _hypernym 01106808 +11408243 _instance_hypernym 10705615 +06845599 _member_of_domain_usage 03824014 +00061595 _hypernym 00083809 +00021265 _hypernym 00020090 +08166187 _derivationally_related_form 02501278 +03231160 _hypernym 03574816 +02465297 _derivationally_related_form 06544432 +01753788 _derivationally_related_form 03129123 +00746479 _derivationally_related_form 07330007 +10337789 _hypernym 09682291 +10514962 _hypernym 10605985 +07580053 _hypernym 07557434 +00414409 _hypernym 01850315 +10552486 _derivationally_related_form 05979595 +13477462 _synset_domain_topic_of 06128570 +02431971 _hypernym 02436349 +05082507 _derivationally_related_form 01546111 +04872531 _hypernym 04871720 +02936020 _hypernym 03315023 +12157276 _member_meronym 12167282 +04872958 _hypernym 04872826 +00071178 _derivationally_related_form 00421437 +09298698 _has_part 09286318 +04580493 _hypernym 03528263 +14440623 _derivationally_related_form 00207728 +02329093 _member_meronym 02346315 +00308534 _derivationally_related_form 14640434 +10067305 _derivationally_related_form 07244613 +02392654 _synset_domain_topic_of 01094725 +02602212 _hypernym 00010435 +05959954 _hypernym 05943300 +01491520 _hypernym 01432517 +07295955 _hypernym 07292694 +02332999 _derivationally_related_form 10753182 +05685879 _hypernym 05685363 +07140978 _derivationally_related_form 00812580 +05016001 _derivationally_related_form 00369864 +12804866 _hypernym 11744859 +10693052 _hypernym 09880427 +12897999 _hypernym 13112664 +01057200 _derivationally_related_form 02479323 +00267349 _hypernym 00266806 +06706125 _derivationally_related_form 01023071 +00764258 _synset_domain_topic_of 00759694 +08959495 _instance_hypernym 08691669 +01827948 _hypernym 01507175 +01797180 _hypernym 01507175 +07436475 _derivationally_related_form 00307568 +02079933 _derivationally_related_form 00557813 +02195951 _derivationally_related_form 07859284 +01402831 _member_meronym 01403052 +06154464 _hypernym 04929422 +00988287 _derivationally_related_form 07290278 +13556377 _derivationally_related_form 00204391 +02663352 _hypernym 01429349 +01745722 _derivationally_related_form 04004475 +02497062 _derivationally_related_form 13992514 +01948573 _similar_to 01947266 +09900499 _derivationally_related_form 00652622 +00923793 _derivationally_related_form 07231048 +02244956 _also_see 02260362 +14195715 _hypernym 14074877 +04660536 _hypernym 04616059 +01139194 _derivationally_related_form 02444662 +02645007 _hypernym 02604760 +06716234 _derivationally_related_form 00801782 +15228162 _hypernym 15154774 +01262441 _derivationally_related_form 00196024 +01227908 _hypernym 00037396 +02736511 _hypernym 08570758 +14547643 _derivationally_related_form 02040049 +02730471 _verb_group 02106006 +13711855 _synset_domain_topic_of 06118563 +14437552 _hypernym 14436875 +03401721 _has_part 02670186 +10512201 _hypernym 10355449 +00531302 _derivationally_related_form 07335414 +12131767 _hypernym 12131405 +00341422 _hypernym 00339934 +00483801 _derivationally_related_form 01012712 +00983824 _derivationally_related_form 07109847 +01332730 _derivationally_related_form 02840619 +05936381 _hypernym 05928118 +09798534 _derivationally_related_form 06740919 +09198106 _instance_hypernym 09254614 +01254692 _synset_domain_topic_of 00612160 +13455487 _synset_domain_topic_of 06128570 +09708648 _hypernym 09708405 +06793426 _derivationally_related_form 00991683 +08376250 _hypernym 08457976 +02093390 _hypernym 01831531 +03520811 _derivationally_related_form 02451370 +01875295 _hypernym 01876530 +01534745 _derivationally_related_form 09355850 +12892226 _member_meronym 12898226 +08482271 _derivationally_related_form 01999423 +02710402 _derivationally_related_form 07414740 +07204911 _derivationally_related_form 02473431 +00244625 _derivationally_related_form 06468123 +01463965 _derivationally_related_form 07546125 +12775717 _hypernym 12651821 +00831651 _derivationally_related_form 10786033 +03575691 _hypernym 03574816 +05578740 _hypernym 05296253 +00971075 _derivationally_related_form 04813712 +02517265 _also_see 01748318 +10599806 _derivationally_related_form 01729431 +09050244 _member_meronym 09059274 +14768201 _hypernym 15079925 +00044150 _derivationally_related_form 02408965 +10525134 _derivationally_related_form 01301051 +09440400 _has_part 08978343 +00509206 _synset_domain_topic_of 03082979 +09078231 _member_of_domain_region 06938493 +09392162 _has_part 09028841 +15266265 _derivationally_related_form 10467395 +01473346 _derivationally_related_form 10712229 +01357707 _member_meronym 01358259 +14376855 _synset_domain_topic_of 06136258 +08610305 _instance_hypernym 08600992 +01636397 _hypernym 01631534 +02112497 _hypernym 02084071 +14574846 _derivationally_related_form 02149302 +10450303 _derivationally_related_form 00611972 +04026053 _hypernym 02727825 +02335349 _member_meronym 02341108 +01047338 _derivationally_related_form 00024279 +01175467 _derivationally_related_form 06688913 +14485526 _hypernym 14483917 +01320513 _hypernym 01321002 +07122730 _derivationally_related_form 01919931 +00981276 _derivationally_related_form 13913566 +01701634 _synset_domain_topic_of 00929718 +00772189 _derivationally_related_form 09997404 +00730247 _hypernym 00719494 +00119079 _hypernym 00118733 +02607455 _derivationally_related_form 09559201 +02752931 _verb_group 02342132 +05941210 _hypernym 05941037 +00127286 _hypernym 00035189 +05298729 _hypernym 05297523 +00428000 _derivationally_related_form 02490877 +04855138 _derivationally_related_form 02053818 +01809321 _hypernym 01759326 +01295528 _instance_hypernym 00956485 +01073824 _hypernym 01073241 +02230772 _also_see 02589013 +10384214 _derivationally_related_form 01139865 +09891470 _derivationally_related_form 01947543 +13552270 _hypernym 13530408 +00219012 _hypernym 00126264 +03955296 _derivationally_related_form 01307389 +01980993 _hypernym 01759182 +06261922 _has_part 06589151 +02593001 _derivationally_related_form 00753685 +06507041 _hypernym 06502378 +02718863 _derivationally_related_form 13887056 +01244853 _hypernym 01532589 +08707917 _has_part 08708481 +14647623 _derivationally_related_form 03091996 +09382990 _has_part 09380446 +02730304 _derivationally_related_form 05971621 +04677716 _synset_domain_topic_of 11094611 +00138508 _derivationally_related_form 00346693 +13549672 _derivationally_related_form 00104868 +04810035 _derivationally_related_form 02481436 +11801038 _hypernym 11562747 +06598746 _hypernym 05808794 +03991202 _hypernym 04330340 +02588099 _also_see 01227137 +00793785 _derivationally_related_form 00161044 +14213328 _derivationally_related_form 02034986 +01174988 _hypernym 01173038 +09067277 _has_part 09206375 +14452294 _derivationally_related_form 02333225 +07746910 _hypernym 07705931 +07246582 _derivationally_related_form 00875394 +05824739 _hypernym 05823932 +06163751 _derivationally_related_form 10269785 +00073343 _hypernym 00072989 +10317007 _synset_domain_topic_of 08199025 +00018158 _derivationally_related_form 10532576 +04555897 _has_part 03313602 +01550033 _member_meronym 01550172 +00595785 _derivationally_related_form 09983572 +10271677 _derivationally_related_form 02398854 +12487647 _member_meronym 12490671 +06845599 _member_of_domain_usage 04443588 +00708538 _derivationally_related_form 05982152 +01534609 _hypernym 01534147 +05597594 _hypernym 05220461 +01552219 _derivationally_related_form 10779775 +15272029 _derivationally_related_form 00440286 +02478701 _derivationally_related_form 01009637 +02616572 _hypernym 01429349 +10164233 _hypernym 10474645 +08857099 _instance_hypernym 08524735 +00555325 _hypernym 00407535 +07419960 _derivationally_related_form 00268314 +02386496 _hypernym 02386310 +02632239 _member_meronym 02632359 +02025353 _hypernym 01835496 +05631449 _synset_domain_topic_of 06182144 +13446390 _synset_domain_topic_of 06084469 +01309143 _derivationally_related_form 14286549 +02151394 _hypernym 02150948 +00166172 _synset_domain_topic_of 00455599 +02695895 _derivationally_related_form 05075602 +05414147 _hypernym 04522421 +08775439 _instance_hypernym 08552138 +08860123 _member_of_domain_region 03937437 +00996102 _derivationally_related_form 00399393 +01853696 _hypernym 02077656 +02276527 _member_meronym 02276749 +10597234 _derivationally_related_form 02464866 +04613696 _hypernym 03259505 +10746346 _hypernym 00007846 +10750365 _hypernym 09927451 +01389329 _derivationally_related_form 00358089 +12629666 _has_part 07763792 +13954253 _derivationally_related_form 01932973 +13885836 _hypernym 13867276 +14422179 _derivationally_related_form 00205046 +01817574 _verb_group 02116980 +06973610 _derivationally_related_form 03075191 +07821107 _hypernym 07820814 +00225786 _derivationally_related_form 01570744 +02300378 _member_meronym 02300554 +08100907 _hypernym 08053576 +02102484 _also_see 00570590 +07298982 _derivationally_related_form 01783022 +10717589 _derivationally_related_form 01206849 +02116777 _derivationally_related_form 00866606 +00545557 _verb_group 00094460 +00209837 _hypernym 00552815 +01694430 _hypernym 01656813 +02239347 _member_meronym 02239659 +05882793 _synset_domain_topic_of 06090869 +01497292 _derivationally_related_form 02967626 +01516071 _hypernym 01899262 +09448361 _has_part 09283623 +02148512 _hypernym 02145424 +02459808 _member_meronym 02461014 +11787391 _hypernym 11556857 +02562796 _hypernym 02562315 +01783158 _derivationally_related_form 04826999 +04041544 _derivationally_related_form 01007495 +07041902 _hypernym 07037465 +05735478 _derivationally_related_form 00726300 +10480730 _hypernym 09759069 +14577046 _derivationally_related_form 00618878 +00222472 _derivationally_related_form 00971463 +00841628 _derivationally_related_form 02333225 +02114924 _hypernym 00126264 +03351434 _member_meronym 04271148 +02469711 _hypernym 02467662 +04981139 _derivationally_related_form 02135048 +12356668 _member_meronym 12357485 +06143546 _derivationally_related_form 09796323 +09022265 _has_part 09022667 +01812471 _member_meronym 01812866 +05462315 _has_part 05296775 +08847694 _instance_hypernym 09388848 +08750822 _instance_hypernym 08633957 +08157672 _hypernym 07971582 +00468480 _hypernym 00467719 +02316304 _derivationally_related_form 06552814 +14313661 _synset_domain_topic_of 06060845 +13031956 _member_meronym 13032381 +00920336 _derivationally_related_form 00141806 +00200768 _hypernym 00399393 +00994682 _hypernym 00995838 +04361641 _hypernym 03269401 +03933529 _derivationally_related_form 01489734 +06836929 _hypernym 06828818 +00342028 _derivationally_related_form 02045790 +08764107 _has_part 08765460 +15145586 _has_part 15146545 +13924659 _derivationally_related_form 01082606 +08998560 _member_of_domain_region 08012384 +15298283 _instance_hypernym 07314078 +04561734 _derivationally_related_form 01354405 +13908201 _derivationally_related_form 01556572 +05300675 _has_part 05321307 +00934744 _hypernym 00933821 +14365619 _hypernym 14365356 +14365356 _derivationally_related_form 02726715 +01466978 _derivationally_related_form 08620763 +14138691 _derivationally_related_form 02771320 +01857171 _member_meronym 01857325 +05687338 _derivationally_related_form 02507736 +04959230 _derivationally_related_form 00286928 +07532440 _derivationally_related_form 00909363 +07560652 _hypernym 00021265 +02581675 _derivationally_related_form 09762101 +07525555 _derivationally_related_form 02641298 +06749881 _derivationally_related_form 00917772 +03933529 _hypernym 03961939 +13135832 _derivationally_related_form 00179718 +13282550 _derivationally_related_form 02253456 +01202904 _hypernym 01080366 +08492747 _derivationally_related_form 02712243 +02958343 _has_part 02761557 +00159620 _derivationally_related_form 00776523 +14744841 _hypernym 14991927 +15283097 _hypernym 15286249 +13385583 _derivationally_related_form 02217011 +04045397 _hypernym 03364340 +14313440 _hypernym 14204950 +12878169 _hypernym 11672400 +02496576 _member_meronym 02499990 +09043052 _has_part 09371360 +12696322 _hypernym 11585340 +08177030 _member_meronym 09161803 +10313580 _derivationally_related_form 06077648 +12411084 _member_meronym 12411461 +06770275 _derivationally_related_form 00764222 +08757569 _has_part 09263087 +01494310 _also_see 01363648 +00879759 _derivationally_related_form 02169352 +01951480 _derivationally_related_form 00121166 +05509889 _has_part 05510173 +03651947 _hypernym 03969627 +05962414 _hypernym 05943300 +00500449 _hypernym 00565302 +02118333 _hypernym 02083346 +04860586 _hypernym 04860065 +02427726 _hypernym 02386388 +02026629 _hypernym 02022684 +02345213 _hypernym 01864707 +01896484 _derivationally_related_form 00526412 +04998530 _hypernym 04997988 +12632875 _hypernym 11585340 +01974916 _hypernym 01974062 +11918131 _hypernym 11579418 +02618688 _hypernym 02618149 +07884182 _derivationally_related_form 01202068 +01481599 _member_meronym 01496037 +01548576 _derivationally_related_form 03038281 +03420559 _synset_domain_topic_of 08199025 +02566528 _derivationally_related_form 01627965 +01637796 _member_meronym 01637932 +00804139 _hypernym 00764222 +12061849 _hypernym 11556857 +12039524 _member_meronym 12087207 +06984953 _hypernym 06986276 +05866653 _hypernym 05865998 +09083659 _instance_hypernym 08524735 +10560637 _derivationally_related_form 05999797 +02875013 _hypernym 03264542 +02087156 _derivationally_related_form 09334396 +07892813 _hypernym 07891726 +06605046 _hypernym 07151380 +06808493 _derivationally_related_form 00995286 +03260293 _hypernym 03305135 +08750334 _instance_hypernym 08544813 +03886237 _hypernym 03800001 +04618781 _hypernym 04618070 +07042586 _derivationally_related_form 01703857 +00811375 _derivationally_related_form 00203753 +11624531 _hypernym 13108841 +00099951 _hypernym 00550771 +01981884 _hypernym 01762525 +08888676 _member_of_domain_region 08040762 +01036804 _derivationally_related_form 10206173 +00599992 _derivationally_related_form 06598445 +02464693 _derivationally_related_form 05943066 +08750334 _has_part 08750822 +03239726 _has_part 02844307 +14408086 _hypernym 13920835 +04393095 _hypernym 03707597 +00763787 _hypernym 00759694 +10553235 _hypernym 10412055 +13578267 _hypernym 13577934 +08108784 _synset_domain_topic_of 06037666 +08614104 _derivationally_related_form 02696129 +00621058 _hypernym 00939857 +11084895 _instance_hypernym 10142537 +00476744 _derivationally_related_form 14298102 +02574205 _derivationally_related_form 10752480 +01471043 _synset_domain_topic_of 00766234 +01578513 _hypernym 01577635 +02304982 _derivationally_related_form 01014731 +06687358 _derivationally_related_form 00802318 +09032604 _instance_hypernym 08524735 +05874232 _hypernym 05872982 +01711965 _derivationally_related_form 06613686 +00634906 _derivationally_related_form 10458111 +01520844 _hypernym 01519977 +00099721 _derivationally_related_form 03472232 +05284333 _has_part 05273684 +04666837 _derivationally_related_form 01475831 +11841529 _member_meronym 11848610 +11986091 _member_meronym 11986511 +01901447 _derivationally_related_form 02439568 +01738175 _hypernym 01657723 +09388121 _instance_hypernym 09411430 +08899351 _instance_hypernym 08524735 +01406092 _member_meronym 01406262 +02055803 _hypernym 02055658 +09899929 _derivationally_related_form 05895138 +00631737 _derivationally_related_form 05803938 +12914433 _hypernym 11566230 +08245172 _hypernym 07950920 +01505254 _derivationally_related_form 04688246 +12663554 _member_meronym 12664005 +03635668 _has_part 03650173 +02650552 _derivationally_related_form 10523519 +12944590 _hypernym 11585340 +03209910 _hypernym 03706653 +13461162 _hypernym 13471206 +00248659 _hypernym 00252019 +07229747 _hypernym 07229530 +04557111 _hypernym 04560113 +09725229 _hypernym 09738400 +00478262 _hypernym 00468480 +10720453 _derivationally_related_form 08060193 +05729036 _synset_domain_topic_of 06018465 +08785343 _member_meronym 09711132 +00573247 _hypernym 00126264 +06295235 _member_of_domain_usage 02800793 +12952852 _member_meronym 12954185 +00140900 _derivationally_related_form 01209678 +00805376 _derivationally_related_form 07180183 +15006118 _hypernym 14852913 +01761706 _derivationally_related_form 07514345 +02568959 _hypernym 02566834 +07429976 _derivationally_related_form 02654686 +09358096 _instance_hypernym 09215664 +11854760 _hypernym 11565040 +11239271 _instance_hypernym 10423589 +00033020 _derivationally_related_form 01070102 +04780755 _hypernym 04779649 +04937043 _derivationally_related_form 02261386 +10068804 _derivationally_related_form 01632411 +09772930 _hypernym 09772746 +10771392 _derivationally_related_form 01846916 +05643190 _derivationally_related_form 02809220 +09830400 _hypernym 10253995 +02037708 _also_see 02321009 +01431230 _hypernym 01206218 +02292535 _derivationally_related_form 10051337 +09951274 _hypernym 00007846 +12610933 _member_meronym 12618336 +08846626 _instance_hypernym 08524735 +02498355 _member_meronym 02499700 +01778568 _derivationally_related_form 06207561 +02273293 _verb_group 02273922 +08820121 _has_part 08823968 +00074624 _derivationally_related_form 02613860 +04474187 _hypernym 04194289 +05786184 _hypernym 05785508 +06851742 _member_of_domain_usage 03584254 +01051956 _derivationally_related_form 07087777 +01418667 _hypernym 01211699 +08732116 _member_of_domain_region 08047032 +02385634 _hypernym 02391803 +12892226 _member_meronym 12906926 +14128029 _hypernym 14127211 +07440979 _hypernym 07351612 +00323856 _synset_domain_topic_of 00243918 +01079480 _verb_group 01080064 +10334567 _hypernym 09929298 +11270380 _instance_hypernym 10794014 +00289365 _also_see 01749320 +13256691 _derivationally_related_form 02291434 +11760128 _hypernym 11585340 +03501152 _hypernym 03839795 +13400798 _derivationally_related_form 02321046 +07009946 _derivationally_related_form 01756719 +01628302 _derivationally_related_form 01789270 +03199901 _has_part 03905730 +09945603 _derivationally_related_form 06214744 +00506040 _synset_domain_topic_of 06090869 +12507379 _has_part 07774032 +03969259 _hypernym 03354613 +06530789 _hypernym 06479665 +02005238 _member_meronym 02005399 +12074678 _hypernym 11556857 +01507143 _also_see 01304716 +02862048 _has_part 03429771 +09988703 _derivationally_related_form 02011685 +07105475 _member_of_domain_usage 15294745 +02618244 _member_meronym 02618372 +02188848 _hypernym 02189714 +11439690 _hypernym 11419404 +00394610 _derivationally_related_form 00200863 +11765859 _hypernym 11765277 +01044448 _hypernym 01028655 +01969103 _hypernym 08103777 +10191943 _derivationally_related_form 04650201 +10016103 _derivationally_related_form 02638845 +01687569 _derivationally_related_form 01159964 +02716767 _derivationally_related_form 09946278 +00084107 _synset_domain_topic_of 00612160 +13575869 _hypernym 00033615 +02319967 _member_meronym 02320621 +06014043 _hypernym 06013741 +02301502 _derivationally_related_form 13275495 +00114431 _hypernym 00045250 +00368592 _derivationally_related_form 00968211 +00428870 _derivationally_related_form 13776137 +00408085 _derivationally_related_form 04091247 +04905188 _derivationally_related_form 01026262 +05908882 _synset_domain_topic_of 06148148 +11911591 _member_meronym 11961266 +00815801 _hypernym 00815320 +07157273 _hypernym 07155081 +00835506 _hypernym 00834009 +01425817 _hypernym 08103777 +07211950 _derivationally_related_form 01802219 +05515287 _hypernym 05524430 +00125629 _hypernym 00046522 +01951276 _derivationally_related_form 02878222 +03970156 _hypernym 03489162 +01803003 _hypernym 01789514 +10312287 _hypernym 10631941 +15031705 _hypernym 15030481 +01425709 _derivationally_related_form 00854000 +13531149 _derivationally_related_form 00185465 +01785748 _derivationally_related_form 07537259 +06741728 _derivationally_related_form 00198850 +09172111 _instance_hypernym 08505573 +02472495 _derivationally_related_form 01011425 +01956344 _hypernym 01321579 +06708866 _hypernym 06706676 +00405360 _hypernym 00405206 +09334396 _derivationally_related_form 01406356 +07553964 _derivationally_related_form 01822248 +00853958 _hypernym 00853633 +02675458 _hypernym 02665282 +14160179 _hypernym 14151139 +01321002 _derivationally_related_form 00359903 +01131902 _derivationally_related_form 00978413 +00275843 _hypernym 00277659 +00734482 _hypernym 00733883 +06856884 _synset_domain_topic_of 07020895 +11911591 _member_meronym 11977125 +10498422 _derivationally_related_form 00775156 +00931232 _hypernym 00930599 +01880531 _also_see 00683185 +11911591 _member_meronym 12018640 +01494310 _hypernym 01850315 +01979901 _derivationally_related_form 00052500 +01539136 _hypernym 01507175 +10171567 _derivationally_related_form 02028722 +04472243 _hypernym 03431243 +05166560 _synset_domain_topic_of 01326291 +07974025 _derivationally_related_form 00654625 +01751979 _hypernym 01656813 +14535643 _derivationally_related_form 00215800 +08143926 _hypernym 08337324 +09279458 _derivationally_related_form 02154508 +00226882 _hypernym 00226566 +05825942 _hypernym 05825245 +01067192 _hypernym 01022483 +04606574 _hypernym 03489162 +05311054 _has_part 05313822 +04708113 _derivationally_related_form 00749230 +06243575 _hypernym 05946687 +01110274 _derivationally_related_form 02728784 +01747144 _member_meronym 01747285 +06402565 _hypernym 06359877 +03425956 _hypernym 03315023 +00329031 _derivationally_related_form 02234781 +08060446 _hypernym 08061042 +08455271 _hypernym 08441203 +02294436 _derivationally_related_form 09784707 +10140783 _derivationally_related_form 00658052 +00714531 _hypernym 00713167 +01716227 _also_see 00828779 +05710573 _hypernym 05703429 +01546660 _member_meronym 01547459 +09262690 _hypernym 09468604 +02018265 _synset_domain_topic_of 00300441 +02463403 _hypernym 05220461 +07355887 _derivationally_related_form 00151689 +10368920 _derivationally_related_form 01946996 +10304383 _hypernym 00007846 +01913838 _member_meronym 01915093 +09713108 _derivationally_related_form 08949093 +10397482 _derivationally_related_form 01968275 +15245515 _derivationally_related_form 00702226 +02199590 _hypernym 02220461 +01676313 _member_meronym 01682588 +03706415 _hypernym 04052757 +08873622 _has_part 04460947 +01753596 _derivationally_related_form 03178782 +04043733 _has_part 03181501 +01695259 _member_meronym 01695681 +12804866 _member_meronym 12805146 +01652297 _hypernym 01650167 +01944617 _member_meronym 01944955 +02390454 _hypernym 02389346 +06427831 _synset_domain_topic_of 06364641 +02510879 _derivationally_related_form 05037813 +00639478 _derivationally_related_form 00072808 +01137987 _hypernym 01136519 +00559555 _hypernym 00558883 +02031622 _derivationally_related_form 08215248 +02652668 _hypernym 02552171 +01003741 _synset_domain_topic_of 06613686 +10741367 _hypernym 09917593 +01889328 _member_meronym 01891145 +00679389 _derivationally_related_form 00161243 +05585665 _hypernym 05225602 +01218084 _hypernym 01217043 +08085535 _hypernym 08381436 +09540430 _hypernym 09504135 +06559365 _synset_domain_topic_of 08441203 +00567685 _synset_domain_topic_of 00479887 +15201116 _hypernym 15161631 +01312096 _has_part 01270343 +01548193 _also_see 01129977 +02028994 _derivationally_related_form 07331759 +07003352 _hypernym 06780678 +03058754 _derivationally_related_form 09699020 +00329031 _derivationally_related_form 00465762 +02569130 _also_see 01898129 +10611613 _hypernym 10009484 +01988481 _hypernym 01342529 +00617989 _derivationally_related_form 01233993 +00912048 _verb_group 00913065 +02241107 _derivationally_related_form 13307901 +01594978 _hypernym 01447257 +08804487 _instance_hypernym 08803382 +02647903 _hypernym 01432517 +07434942 _derivationally_related_form 00307785 +01079604 _derivationally_related_form 00463234 +09055015 _has_part 09055906 +00935264 _hypernym 00933821 +08971404 _instance_hypernym 08633957 +00640385 _derivationally_related_form 13593219 +01201089 _derivationally_related_form 09915964 +10744544 _hypernym 10453357 +01146051 _hypernym 02406916 +02666691 _hypernym 02666531 +05368278 _hypernym 05225602 +01129201 _hypernym 01128193 +00489496 _derivationally_related_form 04684358 +02629435 _member_meronym 02629581 +02741681 _instance_hypernym 08337324 +01317064 _hypernym 01315613 +01614343 _hypernym 01613294 +08356903 _synset_domain_topic_of 08441203 +06160244 _hypernym 05773049 +02553196 _member_meronym 02605139 +02796412 _derivationally_related_form 01127215 +02157100 _derivationally_related_form 07006951 +02958126 _derivationally_related_form 06950528 +00007846 _has_part 04617562 +06736405 _synset_domain_topic_of 08441203 +10703905 _derivationally_related_form 01013040 +01442203 _derivationally_related_form 03905540 +02631659 _derivationally_related_form 06268784 +01995137 _member_meronym 01995323 +06780678 _hypernym 06776138 +00101956 _also_see 00006238 +04721058 _hypernym 04723816 +06449735 _has_part 06433923 +06295235 _member_of_domain_usage 07942152 +10759331 _synset_domain_topic_of 08199025 +02466111 _also_see 00724861 +14758536 _hypernym 14755804 +11322178 _instance_hypernym 09767700 +08473482 _derivationally_related_form 10720964 +06497872 _member_meronym 06833663 +10587227 _derivationally_related_form 01320513 +01606574 _derivationally_related_form 05068080 +02125409 _derivationally_related_form 02648639 +07083958 _derivationally_related_form 00982293 +08510169 _hypernym 08544813 +09069862 _has_part 09264116 +00159236 _hypernym 00158804 +03108853 _derivationally_related_form 01423623 +03478589 _hypernym 04464852 +02887970 _hypernym 03597469 +02480346 _member_meronym 02480495 +10633450 _derivationally_related_form 02128873 +06431496 _has_part 06431156 +00164816 _derivationally_related_form 14049552 +00871942 _derivationally_related_form 07286368 +09792969 _hypernym 10698368 +00356258 _hypernym 00109660 +00591006 _hypernym 00586262 +02252039 _member_meronym 02254370 +03146846 _derivationally_related_form 01741446 +01118449 _derivationally_related_form 01237167 +08959683 _member_of_domain_region 08020242 +01296296 _instance_hypernym 01075117 +06259898 _derivationally_related_form 02079933 +11386346 _instance_hypernym 10794014 +09624980 _hypernym 00007846 +00740712 _hypernym 00739270 +11807367 _hypernym 11807108 +02010144 _hypernym 01507175 +13485408 _hypernym 13489037 +00630026 _derivationally_related_form 06742772 +00745431 _derivationally_related_form 01774426 +01912272 _member_meronym 01912454 +00670261 _derivationally_related_form 05789432 +03768132 _hypernym 03305522 +02540255 _member_meronym 02540637 +00844941 _derivationally_related_form 10561861 +00671190 _hypernym 00671351 +08929922 _member_meronym 09708405 +02566015 _derivationally_related_form 04645599 +02523750 _member_meronym 02523877 +03424862 _hypernym 03429288 +14485526 _derivationally_related_form 01016002 +02302220 _hypernym 02203362 +00140264 _hypernym 00138956 +05529729 _hypernym 05531161 +08211475 _synset_domain_topic_of 08199025 +01301410 _derivationally_related_form 13998781 +09954879 _hypernym 09955015 +08593262 _hypernym 00027167 +01181475 _hypernym 01080366 +04047401 _derivationally_related_form 02330407 +02185664 _derivationally_related_form 07397761 +03665924 _hypernym 03272383 +13003522 _hypernym 12998815 +01156112 _derivationally_related_form 04910973 +07409592 _derivationally_related_form 01205696 +01481599 _member_meronym 01482071 +02538730 _member_meronym 02539752 +06015505 _derivationally_related_form 00642980 +00625119 _derivationally_related_form 10508710 +02012715 _member_meronym 02013034 +00940384 _derivationally_related_form 07080868 +00164579 _hypernym 00164345 +02609951 _hypernym 01432517 +15248020 _hypernym 15116283 +02290521 _member_meronym 02290664 +07993279 _hypernym 07951464 +07550666 _hypernym 07550369 +00189580 _derivationally_related_form 05202034 +02409369 _member_meronym 02409508 +04893525 _hypernym 04893358 +05909585 _synset_domain_topic_of 06043075 +00842772 _derivationally_related_form 09986532 +02235575 _hypernym 01342529 +01192150 _hypernym 01191975 +00235435 _derivationally_related_form 02379528 +00622266 _derivationally_related_form 01574292 +08860123 _member_of_domain_region 07676425 +08312559 _hypernym 08163792 +01669527 _hypernym 01657723 +02140970 _member_meronym 02144442 +11445564 _derivationally_related_form 00009492 +06250597 _synset_domain_topic_of 06159473 +02372952 _hypernym 02372584 +08111027 _hypernym 08110373 +11804082 _hypernym 11534677 +01544692 _hypernym 01494310 +03130340 _derivationally_related_form 02335629 +03187595 _hypernym 04401088 +09942431 _derivationally_related_form 00696189 +12597333 _hypernym 11556857 +02580237 _hypernym 02579447 +01768402 _member_meronym 01787191 +06923880 _hypernym 06906439 +06726939 _hypernym 06726158 +01201021 _derivationally_related_form 02030158 +01324916 _hypernym 00015388 +05088324 _derivationally_related_form 00968211 +07978423 _derivationally_related_form 00135013 +00319406 _derivationally_related_form 01005284 +01960301 _hypernym 01938850 +08894456 _member_meronym 09747329 +00857275 _hypernym 00856847 +00480221 _hypernym 00126264 +01350449 _hypernym 02367363 +10332385 _derivationally_related_form 13814041 +08176077 _member_meronym 09160295 +06514093 _synset_domain_topic_of 06155567 +01419082 _member_meronym 01419332 +12617384 _member_meronym 12617559 +10122300 _hypernym 00007846 +00048656 _hypernym 00048225 +06608728 _hypernym 06607339 +13206178 _hypernym 11545714 +00471437 _hypernym 00467719 +00233335 _derivationally_related_form 01148614 +12245472 _hypernym 11575425 +02505358 _verb_group 01646300 +06641181 _hypernym 06639674 +06260121 _hypernym 06252138 +00069879 _derivationally_related_form 07313636 +02019431 _hypernym 02050132 +10150794 _hypernym 00007846 +13468306 _derivationally_related_form 00229280 +02133435 _derivationally_related_form 04674715 +08267640 _hypernym 07939382 +00059899 _hypernym 00104868 +06716483 _derivationally_related_form 00032539 +10568200 _hypernym 10205457 +00590518 _derivationally_related_form 10548227 +10864635 _instance_hypernym 09952539 +00315986 _derivationally_related_form 01433294 +00008055 _derivationally_related_form 05313822 +02461063 _hypernym 02409412 +04871374 _derivationally_related_form 01222360 +10209082 _derivationally_related_form 00771961 +01991931 _hypernym 01835496 +14857897 _hypernym 14857497 +07367385 _hypernym 07367812 +08500433 _hypernym 00027167 +12934479 _has_part 07827554 +08726582 _instance_hypernym 08524735 +08612786 _derivationally_related_form 01689379 +03308297 _hypernym 03526198 +02167052 _derivationally_related_form 05316025 +03996416 _derivationally_related_form 01311103 +00653620 _derivationally_related_form 04746842 +00812580 _hypernym 00813978 +05455690 _hypernym 05221895 +00332154 _derivationally_related_form 14997012 +01821418 _member_meronym 01821554 +06161223 _hypernym 06158346 +13552270 _derivationally_related_form 00274283 +03180504 _derivationally_related_form 01619929 +09757175 _derivationally_related_form 00230324 +04476259 _hypernym 04060904 +04551375 _hypernym 03304730 +07544647 _derivationally_related_form 02530861 +11875100 _member_meronym 11876976 +08153437 _member_meronym 10231515 +02717472 _hypernym 01482075 +00007012 _derivationally_related_form 00835501 +05793210 _synset_domain_topic_of 08441203 +02543412 _hypernym 01429349 +04564698 _hypernym 00021939 +01845627 _member_meronym 01851996 +13660178 _has_part 13650447 +01731418 _member_meronym 01731545 +02663141 _hypernym 02661252 +10757625 _hypernym 00007846 +01671039 _hypernym 01653013 +05722208 _derivationally_related_form 02870453 +11695813 _member_meronym 11695974 +02619122 _derivationally_related_form 01319001 +09612848 _hypernym 10741590 +05796750 _hypernym 05770926 +01222884 _also_see 02461723 +08508105 _derivationally_related_form 00251615 +09840963 _synset_domain_topic_of 08441203 +00445711 _hypernym 00445169 +06706504 _hypernym 06696483 +01213614 _hypernym 01214265 +01634684 _member_meronym 01635343 +07988857 _derivationally_related_form 01428853 +04998966 _hypernym 04998530 +14750782 _hypernym 15058163 +01662274 _member_meronym 01663169 +04906471 _hypernym 04906273 +02378623 _hypernym 02367363 +07510495 _derivationally_related_form 00622384 +13204102 _hypernym 13167078 +02046572 _derivationally_related_form 03951971 +11311011 _instance_hypernym 09615807 +04322026 _derivationally_related_form 02329883 +00237877 _synset_domain_topic_of 06084469 +00732552 _derivationally_related_form 06767035 +15256915 _synset_domain_topic_of 00455599 +01674717 _synset_domain_topic_of 00714944 +09880338 _derivationally_related_form 01408297 +10549510 _derivationally_related_form 02550868 +01556572 _derivationally_related_form 09410928 +00311809 _derivationally_related_form 01843055 +08102555 _hypernym 07992450 +02430580 _derivationally_related_form 14416845 +02141146 _hypernym 02140033 +02521410 _derivationally_related_form 01177033 +09040839 _instance_hypernym 08524735 +00699334 _derivationally_related_form 13274092 +02227773 _member_meronym 02227966 +13864153 _hypernym 13860793 +08793489 _instance_hypernym 08574314 +10716005 _hypernym 10379758 +01037910 _hypernym 00962447 +02736778 _derivationally_related_form 00900726 +04402746 _has_part 02994858 +00014549 _derivationally_related_form 00165942 +01416539 _derivationally_related_form 01175316 +00186740 _derivationally_related_form 14796969 +02454939 _derivationally_related_form 08329113 +07331210 _derivationally_related_form 00389856 +00033852 _hypernym 00032981 +04963740 _hypernym 04962784 +11857320 _hypernym 12205694 +11776337 _member_meronym 11776511 +02743112 _derivationally_related_form 15228378 +02380251 _hypernym 02402825 +02559606 _member_meronym 02559862 +01144873 _hypernym 01143838 +01080691 _derivationally_related_form 00556313 +04067472 _derivationally_related_form 01523105 +01582645 _derivationally_related_form 08612786 +01733757 _hypernym 01727646 +01129532 _derivationally_related_form 00908351 +02350845 _member_meronym 02350989 +10991165 _instance_hypernym 10599806 +07322341 _hypernym 07335716 +00271711 _hypernym 00126264 +02407338 _derivationally_related_form 10665302 +00588473 _derivationally_related_form 09759501 +09779790 _derivationally_related_form 01104406 +01587062 _derivationally_related_form 00321956 +00046534 _derivationally_related_form 02728440 +00024649 _also_see 00024814 +11494935 _hypernym 11495041 +02645007 _derivationally_related_form 05861067 +09979072 _derivationally_related_form 00826509 +03960950 _hypernym 02714315 +02739889 _synset_domain_topic_of 08199025 +07093489 _hypernym 00929718 +00556142 _derivationally_related_form 01886334 +00357275 _derivationally_related_form 01592669 +06928430 _hypernym 06926212 +03163222 _hypernym 03098140 +09906986 _hypernym 10164747 +08049989 _hypernym 08375154 +09774167 _hypernym 00007846 +08242799 _hypernym 08189659 +00835501 _derivationally_related_form 00006802 +02058074 _member_meronym 02058453 +08792548 _has_part 08794366 +05646218 _hypernym 05645597 +02710402 _derivationally_related_form 00146572 +02395115 _also_see 02368336 +00141027 _derivationally_related_form 01314738 +01639105 _hypernym 01653013 +01161087 _derivationally_related_form 00742645 +01650425 _derivationally_related_form 11447851 +02133435 _derivationally_related_form 05939432 +01392237 _derivationally_related_form 04593866 +00812580 _derivationally_related_form 07140978 +01360937 _hypernym 01352574 +01944812 _hypernym 01944390 +05558717 _hypernym 05220461 +12374002 _member_meronym 12376382 +11777365 _hypernym 11567411 +07255299 _hypernym 07255174 +09167101 _member_meronym 09751895 +00285557 _hypernym 00283127 +04566561 _synset_domain_topic_of 08199025 +11364570 _instance_hypernym 10609325 +08563627 _instance_hypernym 08574314 +00458276 _derivationally_related_form 05402091 +02001428 _member_meronym 02006510 +02021773 _hypernym 02020590 +01765392 _derivationally_related_form 07515790 +00449295 _derivationally_related_form 01086103 +06908801 _hypernym 06920129 +00243900 _derivationally_related_form 00365471 +10000616 _hypernym 00007846 +01049266 _hypernym 01048912 +08271042 _synset_domain_topic_of 06095022 +00555648 _derivationally_related_form 02059462 +09614315 _derivationally_related_form 01685313 +01245813 _hypernym 01245618 +05762149 _derivationally_related_form 00609506 +02219940 _derivationally_related_form 10407954 +13862780 _hypernym 00027807 +12169776 _member_meronym 12181147 +00786458 _derivationally_related_form 10703692 +05981768 _derivationally_related_form 00746479 +00810557 _derivationally_related_form 00204199 +00696414 _derivationally_related_form 05788029 +11156943 _instance_hypernym 09799213 +00043411 _derivationally_related_form 14006945 +04846770 _derivationally_related_form 01548193 +05993367 _hypernym 05970311 +05159225 _hypernym 05154517 +11928352 _hypernym 13112664 +08122141 _hypernym 08119821 +02120140 _derivationally_related_form 00144445 +06805665 _hypernym 06791372 +12423565 _member_meronym 12439400 +11114423 _instance_hypernym 10435367 +05601662 _hypernym 05601357 +07136940 _derivationally_related_form 01056554 +02799593 _has_part 04204619 +10482220 _hypernym 09773962 +07086861 _synset_domain_topic_of 07064715 +11692265 _derivationally_related_form 00365513 +01757547 _member_meronym 01757677 +15227846 _has_part 15234764 +00894738 _derivationally_related_form 06633363 +01529036 _member_meronym 01540432 +01625747 _hypernym 08103777 +05387167 _has_part 05387395 +01548718 _hypernym 01549187 +02056971 _also_see 02002720 +13034953 _member_meronym 13037124 +02237024 _derivationally_related_form 01059719 +00893878 _derivationally_related_form 06626446 +01597662 _hypernym 01597286 +02821627 _has_part 02818832 +13199717 _hypernym 11545714 +12376553 _hypernym 13118707 +08038995 _synset_domain_topic_of 00759694 +14094068 _hypernym 14110411 +08310389 _hypernym 08252211 +09322087 _hypernym 09394007 +09044862 _has_part 09111366 +03520654 _hypernym 03485997 +09943239 _hypernym 09942970 +08184600 _derivationally_related_form 02064131 +07482521 _hypernym 00026192 +08860123 _member_of_domain_region 13422061 +09369169 _hypernym 00019128 +04972801 _hypernym 04971928 +11313911 _instance_hypernym 09920283 +07711569 _hypernym 07710616 +01700934 _derivationally_related_form 10513120 +10251779 _derivationally_related_form 13266170 +06026088 _synset_domain_topic_of 06018465 +01546768 _verb_group 01546111 +01313093 _member_meronym 02313495 +11073795 _instance_hypernym 10499355 +01219282 _hypernym 01219004 +12684640 _hypernym 11534677 +09920901 _hypernym 09989502 +02400139 _member_meronym 02401661 +08860123 _member_of_domain_region 03540267 +02288656 _hypernym 02573275 +11841061 _hypernym 11573660 +00314272 _also_see 02676496 +03069752 _hypernym 02914991 +12815925 _member_meronym 12818147 +13914608 _hypernym 13860793 +01383393 _hypernym 01380638 +01017320 _hypernym 00407535 +02022359 _derivationally_related_form 09334396 +00160086 _derivationally_related_form 01152583 +08334693 _synset_domain_topic_of 08199025 +14799244 _derivationally_related_form 01254013 +00591006 _derivationally_related_form 09761403 +09468237 _hypernym 00002684 +09875188 _hypernym 09875353 +02576921 _derivationally_related_form 06758225 +09821253 _derivationally_related_form 00347610 +12994979 _member_meronym 13023292 +13449714 _hypernym 13489037 +01535246 _hypernym 01532589 +11975254 _hypernym 13083023 +02475821 _member_meronym 02476870 +00344699 _derivationally_related_form 01242208 +01360899 _synset_domain_topic_of 00608896 +04785669 _derivationally_related_form 01430847 +01190012 _derivationally_related_form 01070187 +01085237 _derivationally_related_form 01191755 +15273955 _hypernym 15273626 +03813834 _hypernym 04213626 +01380902 _hypernym 01352574 +06179792 _hypernym 06172789 +05865998 _hypernym 05868954 +00586262 _derivationally_related_form 02385634 +12929237 _hypernym 11575425 +14749030 _hypernym 05410315 +14531392 _derivationally_related_form 00063291 +02804252 _hypernym 02891788 +07372565 _hypernym 07428450 +03004824 _hypernym 02735688 +00580512 _hypernym 00126264 +02337364 _derivationally_related_form 03082979 +08661277 _hypernym 08651247 +01394901 _hypernym 08103777 +00182213 _hypernym 01080366 +07220773 _has_part 06394701 +01951480 _also_see 02402825 +05540121 _has_part 05285275 +03270165 _has_part 03560567 +00167934 _derivationally_related_form 00261405 +04945254 _derivationally_related_form 01188485 +02656763 _derivationally_related_form 10269458 +01288201 _hypernym 01288052 +15181718 _hypernym 15174218 +02440705 _member_meronym 02448200 +02290956 _derivationally_related_form 10191613 +08414807 _hypernym 08324514 +02422860 _hypernym 01864707 +07708798 _hypernym 07707451 +08961630 _instance_hypernym 08698126 +02746365 _hypernym 02738031 +00157957 _hypernym 00157081 +10720453 _derivationally_related_form 02244956 +01150164 _hypernym 01118449 +01727490 _hypernym 01724459 +10665698 _derivationally_related_form 02387486 +07356676 _hypernym 07296428 +00566099 _derivationally_related_form 14419164 +12357968 _hypernym 12205694 +01640855 _derivationally_related_form 01127379 +07686021 _synset_domain_topic_of 06232880 +01017738 _also_see 02274253 +02761557 _hypernym 03287733 +02833576 _derivationally_related_form 01277649 +12996068 _hypernym 08103777 +07247602 _hypernym 06598915 +11647306 _hypernym 13108841 +11748501 _has_part 11748811 +02568392 _derivationally_related_form 00849294 +08919693 _instance_hypernym 08574314 +04484160 _derivationally_related_form 01679433 +00171586 _derivationally_related_form 00264366 +02074915 _member_meronym 02440705 +00448680 _hypernym 00146138 +08334693 _hypernym 08334087 +00190682 _derivationally_related_form 14723079 +01633949 _member_meronym 01634092 +05196375 _hypernym 05190804 +06610436 _hypernym 06608728 +05504532 _has_part 05505679 +00953058 _hypernym 00953216 +12346179 _member_meronym 12346448 +06430996 _instance_hypernym 06429590 +07721942 _hypernym 07721456 +00314272 _hypernym 00296178 +10776339 _derivationally_related_form 00907147 +00002325 _derivationally_related_form 03110322 +02586121 _derivationally_related_form 01769843 +06855207 _derivationally_related_form 01531265 +12018640 _hypernym 11579418 +06564387 _synset_domain_topic_of 08441203 +00512186 _derivationally_related_form 14548343 +00150762 _derivationally_related_form 01240514 +12604845 _has_part 07736527 +08860123 _member_of_domain_region 13719410 +07645469 _hypernym 07644967 +03103128 _hypernym 03294048 +07408171 _hypernym 07308563 +08388636 _member_meronym 10412910 +00153263 _derivationally_related_form 00363260 +02764398 _hypernym 03485997 +01533442 _verb_group 01532434 +05683197 _hypernym 05682570 +12201761 _member_meronym 12201938 +06213688 _hypernym 06212839 +00835506 _derivationally_related_form 10168012 +02113430 _hypernym 02110927 +08855308 _instance_hypernym 08691669 +15203229 _derivationally_related_form 02387910 +12560282 _hypernym 11748002 +00115500 _derivationally_related_form 01592072 +02735897 _derivationally_related_form 01208291 +01723224 _derivationally_related_form 00894552 +07567390 _derivationally_related_form 00237259 +12986084 _hypernym 11590783 +01380902 _member_meronym 01381044 +03290771 _hypernym 02671062 +02194913 _hypernym 02116118 +01417041 _member_meronym 01417807 +02728784 _hypernym 02727883 +04588739 _synset_domain_topic_of 06128570 +14723079 _hypernym 00019613 +07073447 _member_of_domain_usage 00415988 +09016860 _instance_hypernym 08524735 +02395406 _has_part 07668702 +00291873 _derivationally_related_form 05018103 +15242719 _has_part 15242209 +03963028 _hypernym 03058107 +10641551 _hypernym 00007846 +03372656 _hypernym 03676175 +01433294 _verb_group 02077656 +02117333 _derivationally_related_form 07528470 +10113362 _hypernym 10253995 +09939827 _synset_domain_topic_of 08199025 +01414626 _derivationally_related_form 00134780 +00996448 _also_see 01244410 +08889521 _instance_hypernym 08633957 +00044797 _derivationally_related_form 02756098 +00227003 _also_see 01160031 +00505802 _derivationally_related_form 10783734 +09006413 _has_part 09005712 +10626194 _derivationally_related_form 02568884 +00742051 _hypernym 00740577 +00090708 _derivationally_related_form 07433662 +10005721 _derivationally_related_form 02394445 +12475593 _member_meronym 12475774 +01235859 _derivationally_related_form 05079638 +01428578 _derivationally_related_form 00160688 +02373093 _member_meronym 02373601 +00080304 _derivationally_related_form 10020890 +01160729 _hypernym 01161161 +12340383 _hypernym 12334293 +01170052 _hypernym 01156834 +03017168 _hypernym 03915437 +13546169 _hypernym 13459322 +02533748 _derivationally_related_form 08361329 +06867675 _hypernym 06814870 +08231678 _hypernym 08231184 +02063224 _hypernym 02062744 +08177030 _member_meronym 08993288 +00980453 _hypernym 00943837 +07961480 _derivationally_related_form 01434822 +00919877 _hypernym 01051331 +01722077 _verb_group 01719302 +01936219 _member_meronym 01937015 +14042165 _hypernym 14034177 +05779712 _derivationally_related_form 00631737 +10771270 _derivationally_related_form 01446901 +00863433 _derivationally_related_form 00133338 +06549661 _derivationally_related_form 02444662 +01146768 _derivationally_related_form 02495387 +01317541 _hypernym 00015388 +01238204 _derivationally_related_form 07396945 +08993288 _has_part 08994834 +13587963 _synset_domain_topic_of 06090869 +00369194 _hypernym 02469835 +01537409 _hypernym 01531998 +11917633 _hypernym 11579418 +02750835 _derivationally_related_form 00304662 +01305731 _derivationally_related_form 03216828 +06453849 _hypernym 06544142 +13555446 _derivationally_related_form 02736778 +02500749 _hypernym 07992450 +07625493 _hypernym 07622708 +04438304 _derivationally_related_form 00490968 +00355524 _verb_group 00355365 +14015361 _derivationally_related_form 01834485 +07204911 _hypernym 07204401 +01466996 _hypernym 08108972 +00347276 _hypernym 00345761 +12740196 _member_meronym 12740514 +02027030 _hypernym 02025550 +01259005 _derivationally_related_form 00387897 +13814601 _hypernym 13813042 +10160913 _derivationally_related_form 01140515 +02262542 _derivationally_related_form 14481080 +05510506 _hypernym 05510173 +04931965 _derivationally_related_form 00404222 +04947186 _derivationally_related_form 02236842 +02071142 _hypernym 01970826 +00243900 _verb_group 00201722 +02142775 _derivationally_related_form 09813219 +01732532 _hypernym 01726172 +02458943 _hypernym 00782057 +02563497 _hypernym 01432517 +00600724 _derivationally_related_form 05682950 +11719468 _member_meronym 11736216 +01415807 _derivationally_related_form 00133338 +12930044 _member_meronym 12944590 +01036319 _derivationally_related_form 14543931 +09532214 _instance_hypernym 10343554 +02467662 _derivationally_related_form 13286640 +07420538 _hypernym 07420770 +01115190 _derivationally_related_form 07353716 +00782057 _derivationally_related_form 07187773 +01886220 _member_meronym 02138921 +00400883 _derivationally_related_form 04766620 +00394803 _derivationally_related_form 00181258 +01522276 _derivationally_related_form 10781984 +00085626 _derivationally_related_form 14966667 +08720481 _has_part 08722645 +02405252 _derivationally_related_form 00208943 +01970866 _member_meronym 01971094 +01110661 _verb_group 02505807 +02335828 _derivationally_related_form 02669789 +02024508 _derivationally_related_form 01231819 +01031256 _derivationally_related_form 06796119 +10266486 _derivationally_related_form 01749394 +04784664 _hypernym 04723816 +13366537 _hypernym 13365286 +01847845 _verb_group 01941093 +00583246 _derivationally_related_form 00753881 +05754197 _hypernym 05753954 +01020117 _hypernym 01018630 +01265740 _derivationally_related_form 07622261 +02062212 _derivationally_related_form 00103834 +00380696 _hypernym 00378985 +02212323 _member_meronym 02214203 +12028818 _hypernym 12205694 +12724201 _member_meronym 12727960 +02014646 _member_meronym 02015685 +06418901 _has_part 06300823 +04107984 _derivationally_related_form 01543731 +13809207 _hypernym 00031921 +02762806 _hypernym 00377002 +14609198 _hypernym 14917208 +01962865 _synset_domain_topic_of 00441824 +09823287 _derivationally_related_form 00871942 +15285279 _synset_domain_topic_of 06271778 +08456993 _derivationally_related_form 00276883 +10637635 _derivationally_related_form 02467662 +00005526 _hypernym 00007012 +00641252 _hypernym 00637259 +02413140 _derivationally_related_form 10007109 +02066950 _member_meronym 02067100 +13469674 _synset_domain_topic_of 02691156 +01185981 _verb_group 01186208 +01686956 _hypernym 01686132 +09736181 _hypernym 09641757 +01835496 _also_see 02051694 +03374102 _synset_domain_topic_of 07222050 +09612291 _synset_domain_topic_of 00181781 +00620673 _verb_group 00619610 +13599547 _derivationally_related_form 00399788 +00270440 _hypernym 00126264 +03511426 _hypernym 08511241 +01565472 _hypernym 01564144 +00430261 _hypernym 00429060 +03933183 _hypernym 03932203 +02522247 _hypernym 01432517 +00808182 _hypernym 00805034 +13809920 _hypernym 13809207 +00572285 _derivationally_related_form 01409177 +00544549 _derivationally_related_form 00373544 +02027612 _hypernym 02428924 +10758847 _derivationally_related_form 00933403 +02510446 _derivationally_related_form 02566528 +08801678 _has_part 08808614 +13148791 _member_meronym 13150741 +13858604 _hypernym 13854649 +00735571 _hypernym 02432530 +00617748 _derivationally_related_form 04802629 +07308889 _derivationally_related_form 01021128 +08340153 _member_meronym 08194546 +15282696 _hypernym 15286249 +00341109 _hypernym 00331950 +00384933 _hypernym 00383606 +02530294 _member_meronym 02530421 +08436759 _hypernym 07951464 +13366912 _hypernym 13367070 +10126177 _derivationally_related_form 02651014 +02471762 _hypernym 02469914 +02243351 _hypernym 01759182 +00320246 _hypernym 00322847 +00596692 _derivationally_related_form 09906986 +00652622 _derivationally_related_form 09900499 +12967776 _hypernym 11590783 +00053889 _derivationally_related_form 07437575 +01930485 _hypernym 01921559 +08591486 _hypernym 08651247 +13905792 _hypernym 13896369 +11313726 _instance_hypernym 10036929 +01086081 _derivationally_related_form 02200686 +05549830 _has_part 05555473 +03912664 _hypernym 02707683 +01932586 _synset_domain_topic_of 00300441 +00075515 _derivationally_related_form 00823436 +07813579 _hypernym 07809368 +15218663 _hypernym 15216966 +01950128 _derivationally_related_form 02924116 +08792548 _member_of_domain_region 08028397 +01792567 _derivationally_related_form 14322699 +05474346 _has_part 05473928 +01128390 _hypernym 01123598 +01411085 _derivationally_related_form 01163047 +05802185 _derivationally_related_form 00637259 +14138691 _hypernym 14130166 +09382990 _member_of_domain_region 01290997 +14166358 _hypernym 14082303 +06314144 _synset_domain_topic_of 06174404 +12685214 _member_meronym 12688526 +02161530 _hypernym 02133435 +08040522 _synset_domain_topic_of 00759694 +02212323 _member_meronym 02213362 +02116959 _member_meronym 02117772 +15117809 _hypernym 15113229 +01931845 _hypernym 01921559 +08582837 _derivationally_related_form 02859053 +13518963 _hypernym 00029677 +14701143 _hypernym 14700745 +15040493 _hypernym 14994328 +15109745 _derivationally_related_form 00546192 +06351613 _hypernym 06351202 +12871992 _member_meronym 12872698 +02091689 _derivationally_related_form 00285557 +04595762 _hypernym 03819595 +00820721 _derivationally_related_form 05047059 +02513460 _hypernym 02512305 +00508192 _also_see 00561036 +01016626 _hypernym 01016316 +02122580 _derivationally_related_form 01881180 +01587713 _member_meronym 01587834 +11644046 _hypernym 11643835 +01937719 _member_meronym 01937909 +01607590 _hypernym 01494310 +01653509 _hypernym 01639765 +01755627 _derivationally_related_form 05054863 +01726960 _member_meronym 01737197 +14575180 _hypernym 13920835 +03422072 _has_part 03833564 +12874996 _hypernym 11744859 +05137557 _hypernym 05137165 +00295697 _hypernym 00296178 +11648039 _hypernym 11647306 +00492410 _derivationally_related_form 00276813 +02577877 _derivationally_related_form 02776205 +00316594 _derivationally_related_form 01974062 +01222884 _also_see 02466111 +12695760 _hypernym 11585340 +01242391 _derivationally_related_form 07410207 +01336635 _derivationally_related_form 04453910 +15228378 _derivationally_related_form 02743112 +06558088 _derivationally_related_form 00795863 +01458664 _derivationally_related_form 13480667 +12803517 _member_meronym 12803754 +13295657 _derivationally_related_form 02460619 +01067819 _derivationally_related_form 02708123 +02159271 _member_meronym 02225959 +02228565 _hypernym 01762525 +07348545 _derivationally_related_form 02041206 +05657718 _hypernym 05653848 +06557047 _hypernym 06552984 +06449735 _has_part 06441195 +07676602 _hypernym 07675627 +02057656 _derivationally_related_form 03242713 +02191311 _derivationally_related_form 03161450 +11544540 _hypernym 11537886 +02005962 _hypernym 01507175 +09619824 _hypernym 00007846 +02700258 _hypernym 03733925 +02510769 _hypernym 05528060 +06845599 _member_of_domain_usage 03372656 +09007723 _member_meronym 09728403 +01645634 _member_meronym 01646134 +01081456 _derivationally_related_form 02430191 +15186412 _hypernym 15160866 +04048075 _derivationally_related_form 02331919 +02125032 _also_see 02125460 +06295235 _member_of_domain_usage 08207540 +01309991 _also_see 02179279 +08815858 _has_part 08819016 +02232606 _member_meronym 02235575 +08085824 _hypernym 07965085 +01422662 _derivationally_related_form 00321731 +06158346 _derivationally_related_form 10425946 +12702443 _member_meronym 12702706 +08806897 _member_of_domain_region 09823287 +08871007 _has_part 08877208 +02188065 _member_meronym 02193357 +00826201 _derivationally_related_form 06711855 +00677445 _hypernym 00674607 +02300060 _derivationally_related_form 06737112 +00451370 _derivationally_related_form 01935476 +00869596 _derivationally_related_form 09612291 +12174521 _hypernym 12174311 +02099029 _hypernym 02098550 +01731545 _hypernym 01727646 +08860123 _member_of_domain_region 08611063 +03234306 _derivationally_related_form 01582645 +04930139 _hypernym 04928903 +01644746 _derivationally_related_form 00043765 +12396666 _hypernym 11567411 +02189214 _member_meronym 02189535 +06061631 _hypernym 06043075 +02050132 _also_see 00616498 +00828003 _derivationally_related_form 07244949 +00685638 _also_see 01989669 +15143012 _hypernym 15265518 +00671335 _derivationally_related_form 05804491 +01127411 _hypernym 01119169 +14635092 _hypernym 14625458 +06769670 _hypernym 06769392 +02885882 _hypernym 03841666 +12848870 _hypernym 11579418 +05483890 _hypernym 05329735 +01833906 _derivationally_related_form 14559208 +00652803 _hypernym 00634586 +08129621 _hypernym 08337324 +05305614 _hypernym 05297523 +02291843 _also_see 00583990 +00895304 _derivationally_related_form 01212519 +06153186 _synset_domain_topic_of 06037666 +13434878 _hypernym 13557451 +01714208 _derivationally_related_form 06891493 +03074855 _hypernym 03183080 +02037464 _hypernym 02022684 +01908039 _also_see 00427786 +05646828 _hypernym 05646218 +02913152 _has_part 04105893 +05109808 _derivationally_related_form 00151689 +11719468 _hypernym 11564258 +10646325 _hypernym 10099375 +06608728 _derivationally_related_form 00776846 +02824444 _derivationally_related_form 00345926 +01375637 _derivationally_related_form 00116687 +00763630 _derivationally_related_form 10155222 +01233397 _derivationally_related_form 02612762 +06583790 _hypernym 06582403 +01227190 _hypernym 00034574 +01507134 _also_see 01156112 +11903881 _hypernym 11575425 +09076982 _instance_hypernym 08665504 +01230555 _derivationally_related_form 00334935 +13554343 _derivationally_related_form 00272391 +02692232 _has_part 02687821 +06005692 _hypernym 06753550 +06031248 _derivationally_related_form 02658979 +07050177 _derivationally_related_form 01730799 +00849982 _derivationally_related_form 00055142 +09207288 _member_of_domain_region 08023843 +01204439 _derivationally_related_form 08629199 +10229193 _hypernym 10433164 +01007676 _derivationally_related_form 03316105 +01356582 _derivationally_related_form 04160036 +09027292 _instance_hypernym 08524735 +11911591 _member_meronym 12019190 +10311823 _hypernym 00007846 +01324799 _hypernym 00015388 +09911570 _derivationally_related_form 01065630 +00506299 _also_see 02374914 +01872094 _hypernym 01862557 +12600888 _member_meronym 12601494 +02040698 _member_meronym 02043999 +00949841 _hypernym 01000214 +10644839 _hypernym 09942970 +00840363 _hypernym 00863513 +06812417 _hypernym 06808720 +00075515 _also_see 00996448 +15156001 _hypernym 15155220 +06599655 _hypernym 06598915 +01156438 _hypernym 01123598 +01390616 _hypernym 00463469 +02757651 _hypernym 02756558 +01566082 _hypernym 01507175 +13577544 _hypernym 13577171 +11953038 _has_part 07730855 +03142431 _hypernym 02921884 +10176111 _derivationally_related_form 01881957 +05601357 _hypernym 05600637 +09795124 _derivationally_related_form 00965871 +09278295 _hypernym 09260907 +12700357 _hypernym 12695144 +06610992 _hypernym 06608728 +12501745 _member_meronym 12521847 +00276813 _derivationally_related_form 01537409 +02642238 _derivationally_related_form 01067362 +06940290 _hypernym 06937531 +00567418 _synset_domain_topic_of 00482298 +10435716 _derivationally_related_form 00072012 +10143595 _hypernym 09627906 +00469904 _hypernym 00126264 +13026529 _member_meronym 13026763 +00884317 _derivationally_related_form 10482054 +05531666 _hypernym 05250659 +01967373 _derivationally_related_form 07434209 +01009637 _derivationally_related_form 02478701 +00932624 _hypernym 00932088 +08598823 _hypernym 08579487 +02670683 _derivationally_related_form 00439343 +09826204 _hypernym 10605985 +02764765 _derivationally_related_form 07411645 +00963283 _derivationally_related_form 10023656 +13662190 _hypernym 13604718 +06610332 _hypernym 06608728 +02583958 _derivationally_related_form 10342180 +13446197 _derivationally_related_form 02673134 +02075462 _derivationally_related_form 10115082 +05287882 _hypernym 05267548 +00121366 _derivationally_related_form 01435380 +01817755 _hypernym 01798936 +00249556 _hypernym 00248026 +00557686 _verb_group 01535742 +07034634 _derivationally_related_form 01066775 +02401661 _member_meronym 02405101 +05564590 _has_part 05593871 +02659541 _hypernym 02657219 +08462320 _hypernym 07951464 +01600909 _member_meronym 01601068 +14181187 _hypernym 14178077 +06744000 _derivationally_related_form 00961329 +08871007 _has_part 08878016 +00433115 _derivationally_related_form 04703424 +08438533 _derivationally_related_form 01567888 +11444643 _derivationally_related_form 00552815 +01866192 _verb_group 01866610 +13285714 _hypernym 13285176 +02657219 _verb_group 02658283 +01728052 _hypernym 01224744 +12163035 _hypernym 13100677 +00877559 _derivationally_related_form 07143137 +02669885 _derivationally_related_form 09759501 +10743543 _hypernym 09998101 +10178611 _hypernym 10553627 +02330583 _hypernym 02327200 +01131473 _derivationally_related_form 02982790 +00903668 _also_see 01580050 +03002555 _hypernym 02968473 +10480253 _hypernym 09605289 +12488121 _member_meronym 12488454 +02723733 _derivationally_related_form 05937112 +12429352 _hypernym 12429148 +01082153 _derivationally_related_form 01173826 +02099829 _hypernym 01835496 +02497550 _hypernym 01864707 +00606335 _hypernym 00829107 +01809064 _derivationally_related_form 07298982 +09183971 _hypernym 09183693 +00981544 _derivationally_related_form 14402922 +02784732 _hypernym 02681518 +02657219 _derivationally_related_form 04713428 +00332017 _derivationally_related_form 03765561 +05892651 _derivationally_related_form 02627934 +12685431 _hypernym 12205694 +03904183 _hypernym 03137228 +00086835 _derivationally_related_form 10207514 +01537959 _hypernym 00477941 +08311522 _synset_domain_topic_of 08975902 +10773126 _derivationally_related_form 00066191 +02466111 _derivationally_related_form 04670531 +07129602 _derivationally_related_form 00985800 +01625747 _member_meronym 01655577 +01382083 _derivationally_related_form 13759558 +13489037 _derivationally_related_form 02979722 +00990008 _hypernym 00989602 +02223238 _derivationally_related_form 14857897 +00657260 _derivationally_related_form 05838765 +03467984 _derivationally_related_form 01136614 +00298497 _hypernym 00295701 +01537409 _derivationally_related_form 00072261 +14705718 _derivationally_related_form 01353405 +09689435 _derivationally_related_form 03003928 +05783041 _derivationally_related_form 00640385 +06099269 _hypernym 06090869 +08459252 _derivationally_related_form 00920125 +15218149 _hypernym 15216966 +08565701 _derivationally_related_form 01466978 +03354613 _hypernym 00021939 +00639975 _derivationally_related_form 02531625 +02091885 _hypernym 01835496 +02134589 _member_meronym 02135981 +02756098 _derivationally_related_form 00044149 +12100538 _member_meronym 12122124 +02939919 _derivationally_related_form 02045790 +11900058 _member_meronym 11905989 +06348500 _synset_domain_topic_of 06170025 +02309341 _derivationally_related_form 00022686 +04390977 _derivationally_related_form 01854519 +10327583 _hypernym 09991867 +12355594 _hypernym 11556857 +06695862 _derivationally_related_form 00880227 +00955987 _synset_domain_topic_of 08199025 +00076393 _hypernym 00074790 +11081828 _derivationally_related_form 02752496 +07272172 _hypernym 07270179 +08975617 _has_part 08515126 +02982790 _derivationally_related_form 01440378 +02159890 _derivationally_related_form 04953186 +01840092 _hypernym 01835496 +00101191 _derivationally_related_form 01725051 +00922594 _also_see 01344963 +06845599 _member_of_domain_usage 03214051 +01918744 _hypernym 01905661 +14619225 _synset_domain_topic_of 06090869 +10698064 _hypernym 10378412 +08647457 _derivationally_related_form 00455529 +07690019 _hypernym 07680932 +12039743 _member_meronym 12070177 +02474780 _derivationally_related_form 06525588 +01151788 _derivationally_related_form 00411547 +00896141 _derivationally_related_form 06740183 +09722658 _hypernym 09697401 +15050898 _hypernym 14662574 +01155687 _derivationally_related_form 00506658 +01446283 _hypernym 01429349 +11900058 _member_meronym 11902595 +01246601 _derivationally_related_form 04185071 +11347519 _instance_hypernym 09765278 +02530770 _hypernym 02530167 +07996149 _member_meronym 02159955 +11867525 _member_meronym 11898474 +01683758 _synset_domain_topic_of 00933420 +02459808 _member_meronym 02460275 +01229938 _derivationally_related_form 02598143 +01672168 _derivationally_related_form 04568841 +02402409 _derivationally_related_form 00963283 +04526964 _derivationally_related_form 00581891 +11926185 _hypernym 11579418 +00693401 _hypernym 00692907 +01194904 _synset_domain_topic_of 08441203 +01619725 _hypernym 01621555 +11797016 _member_meronym 11797722 +11222054 _instance_hypernym 10020890 +01300437 _hypernym 01283208 +14112255 _hypernym 14103288 +00019792 _derivationally_related_form 09821253 +01539487 _hypernym 01539063 +02559862 _similar_to 02559180 +02917377 _hypernym 03691459 +05244934 _hypernym 04682462 +08829071 _has_part 09330604 +01641751 _derivationally_related_form 00061792 +03997980 _hypernym 03676175 +01224744 _hypernym 01211699 +09371360 _instance_hypernym 09411430 +01645634 _member_meronym 01645776 +00348571 _derivationally_related_form 01899891 +00953216 _derivationally_related_form 10345804 +09102883 _instance_hypernym 08524735 +00183505 _derivationally_related_form 02461314 +00159642 _hypernym 00150287 +10265532 _derivationally_related_form 00598767 +08280124 _derivationally_related_form 09759311 +01493142 _derivationally_related_form 02839910 +10804287 _hypernym 09772029 +02641201 _derivationally_related_form 11779300 +01293389 _derivationally_related_form 10299875 +00812977 _hypernym 00812526 +07395446 _hypernym 07387509 +09350524 _instance_hypernym 09411430 +00004605 _derivationally_related_form 01253060 +08034299 _synset_domain_topic_of 00759694 +10815648 _instance_hypernym 10022111 +01835769 _hypernym 01835276 +13489037 _hypernym 13526110 +07467846 _derivationally_related_form 01079480 +12723446 _member_meronym 12723610 +01160031 _also_see 02559180 +07231048 _hypernym 07230502 +14345304 _hypernym 14336539 +00789448 _derivationally_related_form 07391863 +01840643 _member_meronym 01840775 +09070793 _has_part 09071571 +05805475 _derivationally_related_form 00588888 +04540761 _has_part 02984937 +00605909 _hypernym 00586262 +13023783 _member_meronym 13028337 +01363648 _derivationally_related_form 02730265 +07553964 _derivationally_related_form 01821996 +00815379 _hypernym 00815686 +05855517 _hypernym 00033615 +06880533 _hypernym 06879180 +02312478 _hypernym 02205272 +04391276 _hypernym 03959936 +01085237 _derivationally_related_form 10514429 +09753204 _hypernym 00007846 +00803208 _synset_domain_topic_of 00494768 +14672224 _hypernym 14672023 +05713737 _derivationally_related_form 02125641 +01207527 _hypernym 00126264 +10036266 _hypernym 00007846 +01601234 _verb_group 01432601 +07754894 _hypernym 12201580 +02657805 _member_meronym 02658079 +01292885 _derivationally_related_form 03728811 +01628885 _member_meronym 01630284 +02769748 _derivationally_related_form 01926031 +00367552 _derivationally_related_form 02568999 +12767951 _hypernym 11562747 +10640620 _hypernym 10235549 +02244773 _derivationally_related_form 00092366 +10410668 _hypernym 10544232 +13163250 _has_part 13162297 +10256080 _hypernym 09946957 +00967625 _hypernym 00954608 +01635176 _derivationally_related_form 00931040 +05098942 _derivationally_related_form 00655987 +00548326 _derivationally_related_form 02744977 +07051185 _hypernym 07050952 +01986367 _member_meronym 01987938 +09375223 _synset_domain_topic_of 06095022 +00153961 _derivationally_related_form 01012561 +06336537 _member_of_domain_usage 02837416 +11216100 _instance_hypernym 09947232 +13091774 _hypernym 11675842 +12637729 _member_meronym 12648045 +08365855 _derivationally_related_form 00408852 +08859173 _member_of_domain_region 07680416 +02262449 _hypernym 02262178 +02174659 _hypernym 02174355 +09863936 _derivationally_related_form 02875499 +02744977 _derivationally_related_form 06892016 +10139347 _derivationally_related_form 01041954 +00153961 _hypernym 00151497 +11719468 _member_meronym 11738378 +05387544 _hypernym 05528060 +01401854 _also_see 01960656 +14429985 _derivationally_related_form 00658052 +10132988 _hypernym 10042300 +06253140 _hypernym 06251781 +08482271 _derivationally_related_form 02729023 +00068617 _hypernym 00068333 +12768177 _member_meronym 12768369 +10577284 _derivationally_related_form 02242464 +08166552 _hypernym 07942152 +08719100 _has_part 08719892 +00334996 _hypernym 02031158 +08591680 _hypernym 08630039 +10474446 _hypernym 10090020 +02575082 _derivationally_related_form 06758225 +03189995 _hypernym 02830852 +01143838 _verb_group 01144657 +01360330 _hypernym 01342529 +14854262 _derivationally_related_form 00074038 +00785962 _derivationally_related_form 00633864 +12966581 _hypernym 11592146 +01988080 _derivationally_related_form 05083328 +06410776 _hypernym 06410391 +01272397 _derivationally_related_form 00618878 +12419217 _hypernym 11561228 +12628356 _hypernym 12626353 +01131473 _derivationally_related_form 05986948 +01543272 _hypernym 01507175 +02087551 _derivationally_related_form 02003601 +00775286 _derivationally_related_form 01215421 +01964271 _hypernym 01964049 +11598100 _hypernym 11554175 +00606335 _derivationally_related_form 00894552 +08929922 _member_of_domain_region 08626947 +01463963 _hypernym 01494310 +00567418 _synset_domain_topic_of 00479887 +09089782 _instance_hypernym 08524735 +00970732 _hypernym 00976653 +00440580 _derivationally_related_form 05061345 +13080866 _hypernym 12992868 +09765278 _derivationally_related_form 01719302 +11715430 _hypernym 11714853 +12892226 _member_meronym 12893094 +01168369 _hypernym 01177033 +02571251 _also_see 02570062 +02621244 _hypernym 02620587 +08898187 _instance_hypernym 08524735 +01726390 _member_meronym 01741744 +02584981 _also_see 02036578 +11955153 _hypernym 11953884 +02043982 _hypernym 02044278 +01201856 _derivationally_related_form 00839778 +05200816 _hypernym 05200169 +13482330 _derivationally_related_form 02743727 +02373601 _member_meronym 02375592 +02765692 _hypernym 02765464 +12800327 _member_meronym 12800832 +02336015 _derivationally_related_form 02947212 +07157273 _member_of_domain_usage 05556071 +05611684 _hypernym 05611302 +07124736 _hypernym 07124340 +07291312 _derivationally_related_form 02609764 +00229814 _derivationally_related_form 02403537 +09821253 _derivationally_related_form 00019792 +12731029 _hypernym 12725521 +09189411 _has_part 08973330 +02680814 _derivationally_related_form 01056411 +01664065 _hypernym 01663401 +06263609 _hypernym 06254669 +07942152 _derivationally_related_form 00451461 +01118449 _derivationally_related_form 00972621 +06845599 _member_of_domain_usage 03608356 +00819274 _derivationally_related_form 10060621 +07491286 _derivationally_related_form 00020926 +06784639 _hypernym 06784003 +01123887 _verb_group 01137138 +14543552 _derivationally_related_form 02697120 +06030196 _synset_domain_topic_of 06018465 +05984287 _derivationally_related_form 10045454 +02347220 _derivationally_related_form 02463205 +14101083 _hypernym 14100769 +02089420 _hypernym 01850315 +01360571 _hypernym 01463963 +01493012 _hypernym 01432517 +08834916 _instance_hypernym 08552138 +05943066 _hypernym 05941423 +03060074 _synset_domain_topic_of 00017222 +01794668 _derivationally_related_form 10296618 +00706243 _hypernym 00704690 +04527808 _hypernym 02938514 +02743207 _hypernym 03763133 +00481941 _hypernym 00352826 +14605787 _hypernym 14601829 +08860123 _member_of_domain_region 13409647 +08010942 _synset_domain_topic_of 00759694 +13343526 _derivationally_related_form 02545272 +09039411 _has_part 09042322 +00392588 _hypernym 00227165 +07255401 _derivationally_related_form 02493666 +01501113 _derivationally_related_form 05711915 +12561696 _member_meronym 12562141 +10019888 _derivationally_related_form 02467662 +00687926 _hypernym 00684645 +01146793 _derivationally_related_form 10136959 +03744276 _hypernym 03493333 +12914433 _member_meronym 12915400 +07427337 _derivationally_related_form 00223500 +01076953 _hypernym 01076615 +00015388 _derivationally_related_form 01680756 +07335414 _derivationally_related_form 00531302 +03351434 _member_meronym 04278605 +02849154 _derivationally_related_form 03123553 +01412759 _hypernym 01410223 +03398467 _hypernym 04213626 +01638611 _hypernym 01626600 +00770270 _derivationally_related_form 02567147 +08245059 _hypernym 07974025 +06335532 _hypernym 06333653 +00185857 _hypernym 00220461 +13997253 _hypernym 13996300 +05103283 _derivationally_related_form 00739536 +07251779 _derivationally_related_form 01817938 +10197967 _derivationally_related_form 02417504 +02019574 _hypernym 02050132 +02154508 _derivationally_related_form 03181293 +02887489 _derivationally_related_form 01481154 +02200341 _hypernym 02199590 +01628885 _hypernym 01626134 +08709038 _has_part 08751494 +02395694 _derivationally_related_form 02395406 +04706290 _hypernym 04706087 +00636061 _derivationally_related_form 10150794 +05634613 _hypernym 05616246 +02170427 _derivationally_related_form 05702275 +01118449 _derivationally_related_form 09821253 +00518653 _derivationally_related_form 05685538 +09734294 _hypernym 09641757 +09532384 _instance_hypernym 09505418 +01471825 _derivationally_related_form 00783199 +02148109 _derivationally_related_form 01241594 +12169776 _member_meronym 12185078 +02261464 _synset_domain_topic_of 01090446 +01607072 _derivationally_related_form 13792183 +01053920 _derivationally_related_form 02650552 +09114696 _has_part 09341465 +01156438 _derivationally_related_form 00578116 +08654360 _hypernym 08491826 +00794614 _hypernym 00791078 +12391477 _member_meronym 12404314 +13061704 _synset_domain_topic_of 12992464 +00173159 _derivationally_related_form 02670186 +07495327 _derivationally_related_form 02121511 +13138658 _hypernym 13138308 +10570019 _derivationally_related_form 00599472 +06717170 _member_of_domain_usage 09718652 +02774502 _hypernym 04486445 +08975902 _has_part 08977428 +04927445 _hypernym 04924103 +01963942 _also_see 02674564 +13344071 _hypernym 13329641 +08163792 _hypernym 07975026 +09110939 _instance_hypernym 08524735 +02237424 _hypernym 02236896 +07334490 _derivationally_related_form 01564144 +08852389 _member_meronym 09693372 +08929922 _has_part 09331328 +00050195 _hypernym 00048374 +02226013 _hypernym 02339413 +06767035 _derivationally_related_form 02118933 +00377715 _hypernym 00371264 +13929588 _derivationally_related_form 09946278 +05694791 _hypernym 05692910 +01675190 _derivationally_related_form 04796490 +12423565 _member_meronym 12471825 +09248724 _instance_hypernym 09411430 +03082979 _has_part 03614007 +09125016 _instance_hypernym 08524735 +05710573 _derivationally_related_form 01058574 +07373803 _derivationally_related_form 00193486 +03425595 _has_part 03508628 +02709367 _derivationally_related_form 01304716 +13252168 _hypernym 13246662 +12846869 _member_meronym 12847008 +12832976 _hypernym 11579418 +01510827 _derivationally_related_form 00409211 +00590241 _hypernym 00588221 +15145171 _derivationally_related_form 00248026 +01976957 _hypernym 01976146 +11639609 _hypernym 11553763 +12926316 _member_meronym 12926480 +01592774 _verb_group 01592456 +07784522 _hypernym 07775905 +07207410 _hypernym 07207273 +02599784 _member_meronym 02600135 +00058401 _hypernym 00056930 +01640855 _derivationally_related_form 03017922 +08049401 _derivationally_related_form 02470175 +04682462 _derivationally_related_form 01538469 +12505032 _hypernym 11585340 +00126264 _derivationally_related_form 00199707 +02618513 _hypernym 02552171 +02575766 _member_meronym 02581289 +08800676 _has_part 08801099 +03597317 _hypernym 03502509 +01575146 _derivationally_related_form 01175316 +14362179 _hypernym 14361664 +00834943 _hypernym 00770437 +01216522 _derivationally_related_form 00812526 +02565728 _member_meronym 02567960 +12902297 _member_meronym 12902662 +00941990 _derivationally_related_form 06721949 +00241245 _hypernym 00235435 +02131072 _also_see 00921014 +07976936 _derivationally_related_form 01428853 +10814953 _instance_hypernym 10088390 +07193596 _derivationally_related_form 00788184 +00656576 _derivationally_related_form 01012360 +13304186 _synset_domain_topic_of 04323026 +13085864 _derivationally_related_form 01321002 +02449183 _verb_group 02449011 +02569151 _hypernym 01432517 +01790739 _derivationally_related_form 07507912 +00211462 _hypernym 00211110 +09064264 _instance_hypernym 08524735 +00355252 _derivationally_related_form 00290740 +01463115 _hypernym 05249636 +05775407 _derivationally_related_form 00918312 +09988063 _hypernym 10080869 +00052548 _derivationally_related_form 07436986 +00046344 _derivationally_related_form 01713348 +04650201 _hypernym 04649261 +03375956 _hypernym 03931044 +01554622 _derivationally_related_form 04121511 +10045713 _hypernym 10480253 +13295657 _derivationally_related_form 02460199 +01613463 _derivationally_related_form 02543181 +03082979 _has_part 03209141 +07340725 _synset_domain_topic_of 08199025 +08173515 _member_meronym 08960987 +11883799 _member_meronym 11883945 +14980215 _hypernym 14806838 +02156063 _derivationally_related_form 13773361 +05475397 _hypernym 05464104 +01760677 _hypernym 01759326 +08177487 _hypernym 08168978 +14997012 _derivationally_related_form 00332154 +00967098 _derivationally_related_form 10521662 +01818235 _hypernym 01812720 +12601494 _has_part 07803310 +06295235 _member_of_domain_usage 03970363 +15258694 _synset_domain_topic_of 00476389 +00042541 _hypernym 00030358 +01285440 _hypernym 01340439 +00795720 _derivationally_related_form 02392600 +02479896 _member_meronym 02480673 +01134781 _verb_group 01137138 +10418841 _derivationally_related_form 00770437 +07315350 _hypernym 07314838 +09334396 _derivationally_related_form 01292727 +14600504 _hypernym 14926294 +01912893 _derivationally_related_form 10412055 +00741685 _hypernym 00740712 +02352946 _hypernym 02327200 +02237338 _derivationally_related_form 06634095 +13441387 _hypernym 13459088 +10422540 _derivationally_related_form 03133141 +02721538 _hypernym 03740161 +02549533 _member_meronym 02549796 +02034300 _derivationally_related_form 00350380 +00913065 _also_see 00975584 +01257173 _derivationally_related_form 03041632 +09466280 _hypernym 00019128 +00092690 _derivationally_related_form 13452347 +00471196 _hypernym 00471711 +00329244 _derivationally_related_form 05083200 +03933183 _hypernym 14759722 +14780040 _derivationally_related_form 00238867 +05070032 _hypernym 05064037 +04321534 _derivationally_related_form 10658304 +00781303 _derivationally_related_form 06874391 +01701311 _derivationally_related_form 06376154 +01194225 _hypernym 01189282 +10160012 _hypernym 09821253 +00134472 _hypernym 00133668 +01333082 _member_meronym 01330497 +05761918 _derivationally_related_form 00611802 +00428404 _derivationally_related_form 04820258 +04952120 _derivationally_related_form 00514069 +12250708 _hypernym 11534677 +05459232 _hypernym 05229622 +12839574 _hypernym 12205694 +02505358 _derivationally_related_form 14035298 +10763620 _hypernym 10763383 +12978654 _hypernym 11590783 +04208210 _hypernym 03489162 +10100761 _derivationally_related_form 00854904 +14412725 _derivationally_related_form 00686447 +11851578 _hypernym 11842204 +02164531 _hypernym 02130524 +03249569 _derivationally_related_form 01732532 +04248607 _derivationally_related_form 01003249 +07578879 _hypernym 13760316 +01789514 _derivationally_related_form 10161178 +03093792 _synset_domain_topic_of 06099269 +06568978 _has_part 06582403 +08287586 _member_meronym 10480730 +01364357 _derivationally_related_form 07829412 +05000913 _hypernym 05000342 +13907415 _hypernym 13864763 +00831191 _hypernym 13440063 +12804216 _member_meronym 12804352 +03494706 _has_part 03503718 +02266580 _member_meronym 02266732 +05154908 _derivationally_related_form 00206998 +01402169 _member_meronym 01402600 +12252620 _member_meronym 12254014 +00926668 _derivationally_related_form 01459896 +11624367 _hypernym 11554175 +02272549 _derivationally_related_form 00088481 +15146260 _hypernym 15290337 +01763829 _derivationally_related_form 04903813 +01357831 _derivationally_related_form 03804744 +02497586 _hypernym 00868591 +09044862 _member_of_domain_region 06245084 +08612786 _derivationally_related_form 01276361 +13753274 _hypernym 13745420 +00604576 _derivationally_related_form 10308504 +00619610 _hypernym 00618267 +06417598 _hypernym 06410904 +00582868 _derivationally_related_form 00600370 +00423702 _derivationally_related_form 05612809 +01090335 _also_see 01131197 +01972283 _member_meronym 01972411 +00584954 _derivationally_related_form 04565375 +10390199 _hypernym 09605289 +10631941 _hypernym 09617867 +02590987 _hypernym 02590702 +02934168 _hypernym 03088707 +01416354 _member_meronym 01420655 +06757891 _derivationally_related_form 10075529 +05641959 _derivationally_related_form 02510337 +00094001 _derivationally_related_form 03109399 +10069296 _synset_domain_topic_of 07020895 +01950798 _also_see 01955508 +10222497 _hypernym 10018861 +01755627 _also_see 02291843 +00021766 _also_see 01837744 +04446521 _has_part 04447028 +01040550 _hypernym 01039330 +13011856 _member_meronym 13012030 +08921850 _member_of_domain_region 08230906 +12093769 _hypernym 11567411 +01483247 _derivationally_related_form 03502331 +09403734 _hypernym 09287968 +00199707 _hypernym 00191142 +00944924 _derivationally_related_form 01296474 +02127613 _verb_group 01210352 +08860123 _member_of_domain_region 10583790 +07488875 _hypernym 07487955 +11313011 _instance_hypernym 10072708 +01835496 _also_see 01970646 +04524313 _hypernym 03100490 +00318326 _verb_group 00235110 +11068196 _instance_hypernym 10231515 +05833840 _derivationally_related_form 01637166 +09870208 _derivationally_related_form 01419982 +00447540 _hypernym 00433458 +02363681 _member_meronym 02363818 +04954534 _derivationally_related_form 02161530 +01597194 _member_meronym 01597336 +01415162 _hypernym 01400044 +06845599 _member_of_domain_usage 14605132 +07667151 _has_part 07667326 +06817782 _derivationally_related_form 01004062 +07073208 _derivationally_related_form 00978549 +00141027 _derivationally_related_form 02530936 +01169194 _derivationally_related_form 00083809 +10511239 _derivationally_related_form 00068617 +04404200 _hypernym 03007591 +03796605 _hypernym 03327841 +10608803 _hypernym 10178216 +12773142 _hypernym 12772753 +11075823 _instance_hypernym 10467395 +03427296 _has_part 03682487 +02437905 _derivationally_related_form 09963914 +01844859 _synset_domain_topic_of 00300441 +14686723 _hypernym 14875077 +02454119 _member_meronym 02455584 +14598525 _hypernym 14597158 +05756414 _hypernym 05756203 +01058291 _hypernym 01057759 +03178782 _hypernym 03169390 +01844048 _derivationally_related_form 10757193 +05555917 _derivationally_related_form 00257535 +05965749 _hypernym 05943300 +15126931 _has_part 15127982 +07719437 _derivationally_related_form 00095377 +00638837 _hypernym 00637259 +12485122 _member_meronym 12485811 +00971463 _derivationally_related_form 00222472 +01241594 _derivationally_related_form 00904878 +12068824 _hypernym 11556857 +00920336 _derivationally_related_form 00151497 +14959472 _hypernym 14700745 +13617952 _hypernym 13600822 +05005809 _hypernym 05005447 +09044862 _member_of_domain_region 06727758 +02330582 _member_meronym 02335349 +00692349 _hypernym 00692506 +01031256 _derivationally_related_form 03709644 +00059376 _derivationally_related_form 14486122 +09802445 _hypernym 00007846 +08823968 _instance_hypernym 08821885 +01622596 _member_meronym 01622959 +00196084 _hypernym 00191142 +11740655 _member_meronym 11740824 +02078882 _hypernym 01864707 +12597640 _member_meronym 12598027 +01882081 _hypernym 01881180 +00277569 _derivationally_related_form 01976220 +00341560 _hypernym 00339934 +03846234 _synset_domain_topic_of 08199025 +00009978 _derivationally_related_form 10132988 +13516597 _hypernym 13444703 +12357100 _hypernym 12355760 +00593613 _derivationally_related_form 10067968 +04654337 _hypernym 04623612 +01414359 _hypernym 01387617 +00212173 _derivationally_related_form 01900150 +12725521 _hypernym 12724942 +14015731 _hypernym 00024720 +02113622 _synset_domain_topic_of 00903559 +00248977 _derivationally_related_form 00205885 +02215001 _hypernym 02202384 +00357667 _derivationally_related_form 13487207 +00614057 _derivationally_related_form 10006842 +05802730 _hypernym 05802185 +02728784 _derivationally_related_form 01110274 +03996145 _has_part 04452848 +04508163 _hypernym 03419014 +06399995 _derivationally_related_form 01699700 +00635523 _hypernym 00634906 +01281611 _derivationally_related_form 10140051 +01247413 _hypernym 00095502 +00968211 _derivationally_related_form 06254007 +00218427 _hypernym 00217014 +10020366 _hypernym 10787470 +08888676 _member_of_domain_region 08024408 +00015163 _hypernym 00014742 +01928360 _hypernym 08102555 +09044862 _member_of_domain_region 13363970 +14521648 _hypernym 14520278 +02753642 _derivationally_related_form 00464513 +02513742 _hypernym 02513460 +01675245 _hypernym 01624897 +12347490 _hypernym 11567411 +00397953 _hypernym 00383606 +00018813 _derivationally_related_form 01259773 +07073447 _member_of_domain_usage 00475996 +02724207 _derivationally_related_form 02115324 +00066025 _derivationally_related_form 07211752 +08136502 _hypernym 08337324 +02809692 _derivationally_related_form 00949619 +06504462 _hypernym 06502378 +07524242 _derivationally_related_form 01770501 +01544692 _also_see 02663643 +00325328 _derivationally_related_form 07645469 +10552486 _hypernym 10016103 +01961974 _hypernym 01960911 +00914421 _also_see 00021766 +09581129 _instance_hypernym 09578465 +01362736 _hypernym 01264283 +00739662 _hypernym 00740053 +00195342 _derivationally_related_form 08632423 +08454818 _synset_domain_topic_of 08441203 +01457954 _hypernym 01227675 +02961688 _derivationally_related_form 08757569 +09026614 _instance_hypernym 08524735 +03496612 _derivationally_related_form 01742415 +07389931 _derivationally_related_form 01500572 +05209324 _hypernym 04723816 +12299988 _member_meronym 12300625 +00615887 _derivationally_related_form 00993892 +11412727 _hypernym 11410625 +03718458 _hypernym 03719053 +02762508 _hypernym 03306610 +00224738 _derivationally_related_form 01323338 +07927197 _hypernym 07881800 +02305799 _member_meronym 02305929 +01175316 _derivationally_related_form 00331514 +01892104 _hypernym 01963942 +00160532 _derivationally_related_form 01428578 +08229467 _hypernym 08227214 +00286928 _derivationally_related_form 04959230 +00004475 _derivationally_related_form 02614181 +01932495 _member_meronym 01932643 +01662274 _member_meronym 01665761 +00709625 _hypernym 00709379 +02398732 _member_meronym 02429123 +08407619 _hypernym 07951464 +00139586 _derivationally_related_form 05778749 +10542888 _hypernym 09820263 +01688771 _derivationally_related_form 00521562 +03476083 _hypernym 02756098 +10682599 _hypernym 10129825 +05559727 _hypernym 05220461 +00271520 _hypernym 01219993 +00802318 _derivationally_related_form 06687358 +02510879 _also_see 01244410 +02166024 _member_meronym 02166229 +13469674 _derivationally_related_form 01925694 +00807500 _hypernym 00807273 +00407146 _hypernym 00406243 +00138956 _derivationally_related_form 01439745 +06347588 _derivationally_related_form 02323870 +02886599 _hypernym 04336034 +01723579 _hypernym 01722998 +06563950 _synset_domain_topic_of 06539178 +00799798 _derivationally_related_form 01253665 +01415285 _hypernym 01400044 +01451502 _hypernym 01449974 +12394638 _hypernym 12205694 +00325110 _hypernym 00324384 +00721437 _derivationally_related_form 00043195 +01912893 _derivationally_related_form 00284798 +05796423 _hypernym 05794694 +10207831 _derivationally_related_form 00785962 +01859325 _derivationally_related_form 00914215 +09011151 _has_part 09011518 +00029025 _derivationally_related_form 10147262 +01771535 _derivationally_related_form 00026192 +00220276 _derivationally_related_form 00390906 +02995998 _derivationally_related_form 02047263 +02936714 _derivationally_related_form 02496036 +04682462 _derivationally_related_form 00509607 +12618942 _member_meronym 12804621 +14230800 _hypernym 14187378 +01704452 _synset_domain_topic_of 00929718 +10371741 _hypernym 10294602 +00572489 _derivationally_related_form 01407904 +12808227 _member_meronym 12838027 +06000644 _derivationally_related_form 10301261 +13171447 _hypernym 13166338 +07351031 _hypernym 07309781 +00809654 _derivationally_related_form 00203753 +01591490 _member_meronym 01593423 +07443761 _derivationally_related_form 02258617 +00188721 _derivationally_related_form 00321562 +00086835 _derivationally_related_form 14364306 +10092488 _hypernym 10205457 +11867525 _member_meronym 11881063 +03354350 _hypernym 02671421 +01726960 _member_meronym 01735898 +01617192 _also_see 01634424 +07386370 _derivationally_related_form 02185373 +05143690 _hypernym 05142180 +04161358 _derivationally_related_form 01543998 +00728975 _hypernym 00728641 +07971582 _hypernym 07970721 +00343898 _hypernym 00339934 +02073065 _verb_group 00153061 +12959371 _hypernym 13167078 +13074084 _member_meronym 13076181 +11870212 _member_meronym 11870418 +01707495 _derivationally_related_form 07039056 +09044862 _has_part 09070487 +09853645 _hypernym 10402086 +00845765 _hypernym 00862683 +05475134 _hypernym 05474346 +00807461 _derivationally_related_form 07246742 +08479615 _hypernym 07975026 +01759326 _derivationally_related_form 01896478 +01933900 _derivationally_related_form 05250659 +12233410 _hypernym 11575425 +10734568 _derivationally_related_form 01518047 +08680888 _derivationally_related_form 01931768 +01732789 _hypernym 01732244 +12508309 _hypernym 13103136 +03746574 _derivationally_related_form 02348568 +08723006 _has_part 09365443 +10562968 _hypernym 10512708 +10633298 _derivationally_related_form 00715541 +04300080 _hypernym 03699975 +11444816 _derivationally_related_form 00702773 +00695448 _hypernym 00657604 +01053617 _hypernym 00030358 +07093489 _derivationally_related_form 01702514 +01797730 _derivationally_related_form 07305234 +00939035 _hypernym 00938247 +04561548 _hypernym 03964744 +14483917 _derivationally_related_form 02594102 +05301752 _has_part 05305136 +01145612 _derivationally_related_form 01605630 +03296597 _synset_domain_topic_of 00314469 +12958140 _hypernym 13167078 +11952153 _hypernym 11579418 +01233993 _derivationally_related_form 10538272 +08860123 _member_of_domain_region 07921834 +08542403 _hypernym 08654360 +13616054 _hypernym 13600822 +02152212 _hypernym 02151625 +00832626 _has_part 00831919 +12980652 _hypernym 11592146 +01974062 _derivationally_related_form 07370671 +03056010 _derivationally_related_form 00806049 +02617029 _member_meronym 02617207 +02602059 _hypernym 02601344 +09372504 _member_of_domain_region 10437698 +08551628 _synset_domain_topic_of 08199025 +00991838 _derivationally_related_form 05268965 +00095873 _derivationally_related_form 09994943 +01710048 _derivationally_related_form 00527872 +00463234 _derivationally_related_form 06716796 +08646306 _derivationally_related_form 00273082 +02195191 _derivationally_related_form 07504111 +01841102 _hypernym 01838598 +00957176 _derivationally_related_form 04839676 +02387486 _derivationally_related_form 00883297 +08335414 _hypernym 08329453 +05690684 _hypernym 05689249 +11951052 _has_part 07709701 +01297401 _derivationally_related_form 04092609 +11928549 _hypernym 13118707 +03322099 _hypernym 04602044 +01754576 _synset_domain_topic_of 00929718 +03139045 _derivationally_related_form 06213688 +10720097 _derivationally_related_form 02001858 +00674562 _hypernym 00671351 +08999482 _member_of_domain_region 03629857 +01227137 _also_see 01370590 +01993805 _hypernym 01992503 +01369758 _derivationally_related_form 09883452 +00915041 _hypernym 00940384 +00914061 _derivationally_related_form 07122409 +06392001 _hypernym 06362953 +09944529 _synset_domain_topic_of 06277280 +02481823 _hypernym 02480153 +01112420 _has_part 01113068 +12854048 _hypernym 12205694 +00771961 _derivationally_related_form 07251619 +11689678 _hypernym 11689483 +00459498 _derivationally_related_form 05060189 +08927186 _has_part 09263619 +10659188 _hypernym 09873604 +09772330 _derivationally_related_form 00413195 +08860123 _member_of_domain_region 00076393 +01302982 _hypernym 01340439 +08678615 _hypernym 08640739 +07088438 _hypernym 07066659 +04713332 _hypernym 04712735 +06290637 _synset_domain_topic_of 06172789 +01468576 _derivationally_related_form 00206927 +01640567 _member_meronym 01641206 +11508382 _hypernym 11494638 +12753762 _hypernym 12752205 +01494188 _member_meronym 01494339 +01158064 _hypernym 01157850 +02738701 _derivationally_related_form 05072663 +02607630 _member_meronym 02608151 +00082081 _hypernym 00205885 +00151279 _derivationally_related_form 13815742 +08232706 _member_meronym 04512476 +00625774 _derivationally_related_form 04761815 +11989636 _hypernym 11579418 +09367991 _derivationally_related_form 01188725 +00101800 _derivationally_related_form 10047199 +02980441 _has_part 03610098 +01842508 _derivationally_related_form 04045397 +02175958 _hypernym 02176268 +01726390 _member_meronym 01726692 +01321895 _derivationally_related_form 10058155 +13776137 _derivationally_related_form 00428583 +09615211 _derivationally_related_form 01116585 +01452496 _member_meronym 01452633 +01025785 _hypernym 01024190 +02013571 _hypernym 01850315 +03336839 _hypernym 03489162 +07792926 _hypernym 07792725 +01089137 _derivationally_related_form 03420559 +06845599 _member_of_domain_usage 14886579 +15121406 _has_part 15259284 +11641788 _hypernym 11554175 +00628883 _hypernym 00837293 +00865471 _derivationally_related_form 02061069 +00708017 _derivationally_related_form 00336260 +06913635 _hypernym 06906439 +09095023 _has_part 09095751 +02285052 _member_meronym 02285179 +04961691 _hypernym 04960079 +00728393 _derivationally_related_form 00889082 +02490430 _derivationally_related_form 07976936 +00884202 _hypernym 00883297 +14504726 _derivationally_related_form 00835903 +11422597 _derivationally_related_form 01377758 +06776138 _member_of_domain_usage 10534389 +07844867 _hypernym 07844604 +09338013 _hypernym 09272085 +07775197 _hypernym 07770571 +05987522 _hypernym 05901508 +05280365 _hypernym 05470189 +00301338 _hypernym 00126264 +01990281 _derivationally_related_form 09451517 +00654885 _derivationally_related_form 02549581 +00164444 _derivationally_related_form 03395745 +08279665 _synset_domain_topic_of 08199025 +09872782 _hypernym 09807754 +05474346 _has_part 05464104 +01785579 _derivationally_related_form 14066203 +01306853 _hypernym 01380638 +02471690 _derivationally_related_form 10516692 +01661804 _hypernym 01619929 +05291728 _hypernym 05289861 +00040804 _hypernym 00040152 +00367066 _derivationally_related_form 00428583 +13250244 _hypernym 13246475 +05479314 _hypernym 05476256 +00472671 _hypernym 00471711 +00637145 _hypernym 00636461 +02523953 _derivationally_related_form 00065575 +01472303 _hypernym 01471682 +11911591 _member_meronym 11969410 +02043665 _hypernym 02043501 +05509146 _hypernym 05237227 +03421768 _hypernym 02866578 +06071426 _hypernym 06037666 +01582200 _hypernym 01580467 +09148970 _has_part 09150047 +06826589 _hypernym 06825399 +00658082 _derivationally_related_form 00078760 +07377682 _derivationally_related_form 02187510 +00891850 _hypernym 00884466 +14089719 _hypernym 14358022 +11804604 _member_meronym 11805255 +09498697 _synset_domain_topic_of 06371413 +11495041 _derivationally_related_form 01447257 +11766046 _hypernym 13136316 +09721088 _derivationally_related_form 08960548 +03103198 _derivationally_related_form 01023820 +07139316 _derivationally_related_form 00941990 +10870235 _instance_hypernym 10323182 +08103457 _hypernym 07992450 +09183693 _derivationally_related_form 10065066 +02645597 _derivationally_related_form 05122099 +01688271 _also_see 00644372 +02159271 _member_meronym 02161737 +05847956 _hypernym 05846932 +02361600 _derivationally_related_form 08565701 +01543383 _hypernym 01542786 +04353016 _hypernym 04352070 +00281132 _hypernym 00280853 +01439514 _hypernym 01439121 +11991263 _hypernym 11672400 +09795639 _hypernym 09628382 +04839154 _hypernym 04850117 +03100490 _derivationally_related_form 01953810 +00665679 _hypernym 00654885 +04519887 _hypernym 02950632 +02398732 _member_meronym 02400139 +08037503 _synset_domain_topic_of 00759694 +14012667 _hypernym 14010148 +14322699 _derivationally_related_form 00065070 +06793959 _hypernym 06793426 +01332730 _verb_group 01336635 +02354950 _member_meronym 02348405 +09638245 _hypernym 09636339 +10223744 _hypernym 09610405 +02641608 _hypernym 01342529 +07358576 _derivationally_related_form 00550546 +01749394 _hypernym 01749184 +02244603 _hypernym 02242464 +10631941 _derivationally_related_form 00583461 +02461314 _verb_group 02462580 +00044797 _verb_group 00044149 +00029836 _derivationally_related_form 07121361 +06712833 _hypernym 06711855 +00046151 _derivationally_related_form 10117739 +14956661 _derivationally_related_form 00178380 +02175440 _hypernym 01762525 +00317888 _hypernym 00317700 +02501738 _hypernym 01850315 +00764258 _hypernym 00759694 +02520997 _verb_group 00662589 +00846462 _derivationally_related_form 02396205 +10380672 _derivationally_related_form 00990008 +13904843 _derivationally_related_form 01440801 +12109719 _member_meronym 12109827 +00388065 _hypernym 00126264 +10342543 _hypernym 10630188 +08925287 _instance_hypernym 08633957 +13659419 _hypernym 13649268 +02850826 _derivationally_related_form 10170989 +05450888 _hypernym 05430628 +12318965 _hypernym 12318378 +12546183 _hypernym 13103136 +09368224 _hypernym 00002684 +09030467 _instance_hypernym 08524735 +00947439 _hypernym 00947077 +02309341 _derivationally_related_form 00503164 +00694276 _hypernym 00671351 +08830456 _has_part 09445088 +08295138 _member_meronym 09011151 +01370913 _member_meronym 01371092 +06461077 _has_part 06437531 +02495038 _derivationally_related_form 01146576 +08972521 _member_meronym 09724533 +09161090 _has_part 09161452 +00449692 _hypernym 00126264 +07214894 _derivationally_related_form 00933821 +02590340 _hypernym 02215355 +10808353 _instance_hypernym 10467395 +06252743 _hypernym 06252138 +12400924 _hypernym 12651821 +07361416 _derivationally_related_form 01989053 +08935212 _instance_hypernym 08633957 +01905661 _has_part 02511510 +02491906 _member_meronym 02492035 +02171453 _hypernym 02164464 +01976089 _hypernym 01974062 +07157273 _member_of_domain_usage 14372286 +09805475 _derivationally_related_form 01639714 +02645839 _also_see 02678663 +01476180 _derivationally_related_form 14043882 +13480848 _derivationally_related_form 00320536 +08860123 _member_of_domain_region 03268142 +12182615 _hypernym 13112664 +02727883 _derivationally_related_form 01115162 +01529036 _member_meronym 01532107 +04821451 _derivationally_related_form 01837744 +05984584 _derivationally_related_form 02108026 +02219094 _derivationally_related_form 01215902 +12673755 _member_meronym 12674685 +02055431 _member_meronym 02056873 +11665781 _member_meronym 12598247 +02267989 _hypernym 01158572 +03260293 _derivationally_related_form 00307419 +02548710 _derivationally_related_form 10671898 +03644378 _hypernym 04108268 +04748836 _derivationally_related_form 00651991 +02352824 _synset_domain_topic_of 06123363 +00789391 _derivationally_related_form 01472807 +11156943 _instance_hypernym 10547145 +02547225 _derivationally_related_form 07506569 +12756286 _member_meronym 12756862 +01747945 _derivationally_related_form 04004475 +02308552 _hypernym 02320374 +00880662 _derivationally_related_form 02455407 +09006413 _has_part 09004992 +01673668 _member_meronym 01690703 +06845599 _member_of_domain_usage 03976268 +01251228 _derivationally_related_form 08647457 +01800759 _member_meronym 01801753 +02453692 _derivationally_related_form 05178715 +02184797 _hypernym 01058224 +00288970 _hypernym 00284798 +00083809 _derivationally_related_form 01169194 +13776137 _hypernym 13653902 +10563826 _derivationally_related_form 01309143 +10828573 _synset_domain_topic_of 08083599 +01146051 _derivationally_related_form 00624553 +03684823 _has_part 03380461 +12972629 _member_meronym 12972818 +12758639 _member_meronym 12760722 +03976960 _hypernym 08566028 +09131654 _has_part 09405949 +01380118 _hypernym 01355326 +01409581 _also_see 02062670 +00907147 _derivationally_related_form 07209965 +03903424 _derivationally_related_form 01225461 +10738515 _hypernym 10522035 +10583250 _hypernym 09821831 +08399586 _derivationally_related_form 02727039 +00513251 _synset_domain_topic_of 06951067 +15231415 _synset_domain_topic_of 06144081 +01322223 _verb_group 01321895 +03119510 _hypernym 03736970 +00098770 _verb_group 00098517 +05367912 _hypernym 05418717 +00007549 _derivationally_related_form 00836149 +00760956 _derivationally_related_form 01190884 +08820121 _member_of_domain_region 10525878 +14462946 _derivationally_related_form 02522319 +11138681 _instance_hypernym 10557854 +02198714 _member_meronym 02198859 +01595830 _derivationally_related_form 10773665 +10491309 _hypernym 10480253 +00328802 _derivationally_related_form 00388392 +12423565 _member_meronym 12444666 +14761806 _hypernym 14759722 +01460108 _has_part 14019441 +01478002 _hypernym 01476483 +01023820 _derivationally_related_form 01668603 +02097341 _hypernym 01494310 +13998781 _hypernym 13998576 +05967977 _hypernym 05952490 +02679899 _verb_group 01995549 +07515974 _derivationally_related_form 00025654 +05665146 _hypernym 05660268 +00895680 _hypernym 00895501 +00147454 _derivationally_related_form 01205696 +05954366 _synset_domain_topic_of 06232880 +04211528 _derivationally_related_form 01346978 +13024967 _member_meronym 13025197 +00965895 _derivationally_related_form 02344568 +01392918 _hypernym 00173338 +12204925 _hypernym 11575425 +05655119 _hypernym 05654873 +10388440 _derivationally_related_form 00595684 +14487731 _derivationally_related_form 00493259 +01853498 _hypernym 01852861 +12169776 _member_meronym 12174742 +04905842 _derivationally_related_form 02388145 +00076323 _hypernym 00074790 +14953564 _hypernym 14844693 +07170467 _derivationally_related_form 00746718 +08373244 _hypernym 07938773 +09640327 _hypernym 09639919 +01785748 _hypernym 01819554 +01383947 _derivationally_related_form 07786686 +00834135 _hypernym 00831191 +06531657 _hypernym 06479665 +00073032 _hypernym 00072808 +11788223 _member_meronym 11788382 +03377582 _hypernym 04599396 +02356567 _derivationally_related_form 06688522 +00135285 _derivationally_related_form 06372095 +01740608 _derivationally_related_form 00918820 +13154586 _hypernym 13152742 +01705257 _synset_domain_topic_of 00929718 +08506932 _instance_hypernym 08506641 +12400720 _hypernym 12651821 +02441942 _hypernym 02441326 +00331655 _hypernym 00279835 +13630707 _hypernym 13601596 +12683950 _member_meronym 12684153 +05959578 _hypernym 05943300 +01583344 _synset_domain_topic_of 06004685 +08871007 _has_part 09430771 +06539770 _derivationally_related_form 01027508 +11634970 _member_meronym 11635152 +00981544 _derivationally_related_form 10646780 +03877472 _hypernym 03825080 +04047401 _hypernym 02796623 +00003553 _has_part 03892891 +14562324 _hypernym 14562142 +12002197 _member_meronym 12002651 +01279978 _derivationally_related_form 05172596 +10513623 _hypernym 09624980 +07460104 _hypernym 07458453 +02582042 _derivationally_related_form 06556692 +07073208 _hypernym 07139873 +01676313 _member_meronym 01682293 +10231087 _derivationally_related_form 01323958 +15210045 _has_part 15196537 +00293916 _derivationally_related_form 01926311 +01705494 _hypernym 01617192 +06787150 _derivationally_related_form 00990812 +04234455 _derivationally_related_form 02336684 +04952242 _hypernym 04951373 +03201638 _hypernym 03384891 +02169352 _derivationally_related_form 00879759 +00733483 _derivationally_related_form 01993352 +12327209 _member_meronym 12327407 +08968390 _instance_hypernym 08574314 +12838027 _member_meronym 12861751 +10700640 _derivationally_related_form 01054335 +13885370 _hypernym 13867276 +06704740 _hypernym 06697331 +00698609 _hypernym 00698004 +01811682 _member_meronym 01811909 +01032368 _hypernym 01032040 +12366870 _hypernym 13109733 +01168468 _hypernym 01166351 +07747055 _has_part 07747455 +14543931 _hypernym 14540765 +14534696 _hypernym 13920835 +02340360 _hypernym 02339413 +09889346 _derivationally_related_form 02952975 +00858060 _hypernym 00844254 +10365846 _synset_domain_topic_of 06951067 +09476521 _derivationally_related_form 00390215 +09754907 _hypernym 10513120 +00986027 _derivationally_related_form 04999401 +02267529 _derivationally_related_form 01122149 +02466134 _derivationally_related_form 10592595 +01012360 _derivationally_related_form 00656576 +12339526 _hypernym 13111174 +02195191 _derivationally_related_form 03283519 +01423929 _derivationally_related_form 03446070 +01940403 _derivationally_related_form 00302394 +00297906 _hypernym 00296178 +02012306 _member_meronym 02018638 +02597367 _hypernym 02594250 +01413551 _member_meronym 01413942 +02242464 _derivationally_related_form 01115162 +00189580 _derivationally_related_form 02750835 +01198616 _hypernym 01198101 +02106506 _derivationally_related_form 09626589 +04928903 _derivationally_related_form 10155849 +01026262 _derivationally_related_form 04905188 +01674717 _derivationally_related_form 03631177 +09941964 _hypernym 10317007 +02400139 _member_meronym 02426634 +08999482 _instance_hypernym 08698379 +00895304 _derivationally_related_form 02354537 +01643464 _verb_group 01582645 +02228874 _member_meronym 02229023 +13063046 _hypernym 11594676 +11911591 _member_meronym 12002197 +02958343 _has_part 03366721 +02153203 _hypernym 02152991 +01279342 _instance_hypernym 00956485 +00209837 _derivationally_related_form 11444643 +00884540 _derivationally_related_form 07227772 +05870180 _derivationally_related_form 00193486 +01948788 _member_meronym 01948917 +01460408 _synset_domain_topic_of 00243918 +01194904 _hypernym 00156812 +12838027 _member_meronym 12868418 +09614047 _derivationally_related_form 02063771 +01517662 _derivationally_related_form 10734568 +14425414 _derivationally_related_form 02539788 +13006377 _hypernym 11592146 +04516672 _hypernym 03563967 +04250224 _hypernym 04090263 +02335349 _member_meronym 02338592 +01926031 _derivationally_related_form 02769748 +10325774 _hypernym 09614315 +02415831 _hypernym 02413480 +05546040 _hypernym 05269901 +08160276 _derivationally_related_form 00451461 +03600977 _derivationally_related_form 02660147 +11778534 _member_meronym 11792155 +15147097 _has_part 15146828 +00334186 _verb_group 00334996 +00347652 _hypernym 00333366 +02748183 _has_part 03485997 +12461326 _hypernym 11561228 +02876657 _derivationally_related_form 01502279 +11855274 _hypernym 12205694 +09817816 _hypernym 10102506 +09692430 _synset_domain_topic_of 06236802 +02263788 _hypernym 02199590 +14577469 _derivationally_related_form 00266798 +00400101 _synset_domain_topic_of 06090869 +00215013 _hypernym 00213903 +01912709 _derivationally_related_form 00285889 +02190166 _hypernym 02188699 +02062212 _derivationally_related_form 10495756 +08971914 _instance_hypernym 09316454 +10633450 _derivationally_related_form 02128653 +01525666 _derivationally_related_form 13525549 +12821505 _hypernym 12205694 +09714264 _hypernym 09641757 +01708778 _member_meronym 01708998 +09970088 _hypernym 00007846 +10533983 _derivationally_related_form 00912473 +02051213 _member_meronym 02052936 +07902937 _hypernym 07901587 +13458019 _derivationally_related_form 00399553 +12777294 _member_meronym 12777436 +01113068 _derivationally_related_form 02260362 +02331479 _member_meronym 02332606 +08830720 _instance_hypernym 08574314 +00049900 _verb_group 00177243 +00461493 _derivationally_related_form 04218773 +12837259 _hypernym 12836862 +00272448 _derivationally_related_form 02579447 +00235110 _derivationally_related_form 00318735 +08995862 _instance_hypernym 08698379 +03146219 _has_part 02770078 +01322685 _derivationally_related_form 00058014 +01487008 _derivationally_related_form 02919414 +05246215 _synset_domain_topic_of 06063588 +00135718 _derivationally_related_form 04721650 +12860254 _member_meronym 12860365 +08173515 _derivationally_related_form 02968325 +07396945 _derivationally_related_form 02184610 +02560548 _also_see 00525453 +06824955 _hypernym 06824227 +02525866 _hypernym 01342529 +05798569 _derivationally_related_form 02520997 +01989873 _verb_group 01986869 +02333979 _synset_domain_topic_of 00610738 +00032613 _hypernym 00031921 +00868591 _derivationally_related_form 07231294 +08860123 _member_of_domain_region 10309785 +01770501 _hypernym 01767949 +02632359 _hypernym 01432517 +02159271 _member_meronym 02185337 +08430568 _hypernym 08426461 +02106006 _derivationally_related_form 02102484 +11890022 _hypernym 12205694 +02577823 _hypernym 01432517 +00964105 _instance_hypernym 00962129 +00889831 _also_see 00503982 +13977732 _hypernym 13977366 +07195630 _derivationally_related_form 00787049 +00464962 _derivationally_related_form 14418103 +03133538 _hypernym 04381994 +13358549 _derivationally_related_form 02218635 +12991488 _member_meronym 12991645 +00399788 _derivationally_related_form 13599547 +08860123 _member_of_domain_region 10263684 +00300537 _hypernym 00142191 +03706653 _derivationally_related_form 03209910 +01850676 _member_meronym 01851375 +01066881 _hypernym 01066163 +08432345 _derivationally_related_form 02036755 +01327322 _derivationally_related_form 01429953 +13503673 _derivationally_related_form 00655378 +02628337 _derivationally_related_form 02715229 +04734885 _derivationally_related_form 00583990 +05560787 _has_part 05594037 +01186428 _derivationally_related_form 02465414 +08975106 _member_meronym 09725653 +10134001 _hypernym 10618342 +07086518 _derivationally_related_form 01880673 +08935212 _instance_hypernym 08524735 +05523420 _hypernym 05523269 +00568813 _synset_domain_topic_of 00479887 +10437262 _derivationally_related_form 00750405 +02032415 _derivationally_related_form 00612652 +08747054 _member_meronym 10774440 +04805136 _hypernym 04670022 +01480149 _verb_group 01480469 +00858568 _derivationally_related_form 09913329 +01940488 _hypernym 08102555 +01222884 _also_see 02180797 +12039743 _member_meronym 12085469 +00698855 _derivationally_related_form 05788149 +04401088 _derivationally_related_form 00789448 +00026734 _derivationally_related_form 01065057 +00611433 _hypernym 00609953 +11651259 _member_meronym 11654124 +11676500 _has_part 11677259 +00393369 _hypernym 00671351 +08723006 _has_part 08729283 +12516040 _member_meronym 12516165 +03490324 _hypernym 03051540 +00223720 _derivationally_related_form 00471711 +02396427 _hypernym 02395003 +08110648 _synset_domain_topic_of 06037666 +04098513 _derivationally_related_form 01876028 +02236495 _member_meronym 02241184 +01789064 _member_meronym 01794813 +01758339 _derivationally_related_form 02647497 +02697120 _derivationally_related_form 14541852 +14859622 _hypernym 14961512 +06838437 _hypernym 06828818 +02507736 _derivationally_related_form 05687338 +00026734 _hypernym 00026385 +00933821 _hypernym 00952524 +10341660 _synset_domain_topic_of 06037666 +00120095 _hypernym 00126264 +08740875 _has_part 08744750 +01526956 _derivationally_related_form 03873064 +03648219 _derivationally_related_form 01270199 +01876843 _member_meronym 01879983 +01038434 _hypernym 01037910 +02175569 _hypernym 02171869 +00754424 _derivationally_related_form 02574516 +02192570 _derivationally_related_form 04992570 +01976477 _member_meronym 01977366 +04099649 _synset_domain_topic_of 08199025 +09170788 _instance_hypernym 08505573 +00690614 _verb_group 00623151 +04046590 _derivationally_related_form 02711543 +01313093 _member_meronym 01762525 +13255145 _hypernym 13254985 +08906952 _has_part 09375693 +01925133 _hypernym 08103777 +10060352 _derivationally_related_form 08056231 +02155493 _hypernym 02154508 +08921850 _has_part 08925700 +11121451 _instance_hypernym 10043643 +02769075 _synset_domain_topic_of 06128570 +04426618 _hypernym 04096066 +11320405 _instance_hypernym 10794014 +00319534 _similar_to 00320536 +02858231 _derivationally_related_form 05943300 +01742726 _synset_domain_topic_of 00916464 +00820352 _derivationally_related_form 06649915 +02787435 _hypernym 02681518 +09350045 _has_part 08784905 +00464962 _derivationally_related_form 06608977 +02331919 _hypernym 02327200 +02795169 _derivationally_related_form 01502540 +01389188 _member_meronym 01389507 +01052301 _hypernym 00983824 +12698435 _hypernym 13104059 +07906284 _hypernym 07901587 +05136343 _derivationally_related_form 02560548 +06845599 _member_of_domain_usage 03186005 +07926642 _derivationally_related_form 00186001 +01194114 _hypernym 01183573 +01508368 _derivationally_related_form 00104539 +01253665 _derivationally_related_form 00799798 +13367070 _derivationally_related_form 02329733 +00989201 _derivationally_related_form 07241837 +00122954 _derivationally_related_form 01134781 +03905540 _derivationally_related_form 01442203 +07375781 _hypernym 07445480 +02862048 _has_part 04519887 +01696893 _hypernym 01696648 +10059162 _hypernym 00007846 +07129602 _derivationally_related_form 00004032 +00334996 _derivationally_related_form 09873604 +00409211 _derivationally_related_form 01510827 +00374224 _derivationally_related_form 00290302 +00084230 _derivationally_related_form 00664110 +02627934 _derivationally_related_form 14450691 +06102476 _hypernym 05989479 +01989873 _derivationally_related_form 07363883 +13370448 _derivationally_related_form 02256109 +02733122 _derivationally_related_form 00819024 +05849284 _hypernym 05849040 +11898474 _member_meronym 11898639 +10076033 _hypernym 10122645 +00105554 _derivationally_related_form 06778102 +01142519 _hypernym 01133281 +13367593 _derivationally_related_form 02479323 +06051542 _hypernym 06043075 +03744276 _has_part 04071876 +09093472 _instance_hypernym 08524735 +04341414 _hypernym 04359589 +02010592 _hypernym 01507175 +00864475 _hypernym 00845909 +08340153 _member_meronym 08133189 +03399240 _hypernym 03307274 +12890265 _hypernym 11669921 +12836862 _hypernym 11669921 +03067506 _derivationally_related_form 10995292 +06177450 _hypernym 06181584 +02009280 _derivationally_related_form 02183787 +01972849 _hypernym 01989053 +01407465 _hypernym 08103777 +11040381 _instance_hypernym 10380672 +01254692 _hypernym 00173338 +02057656 _hypernym 01835496 +03926575 _hypernym 03925226 +10404426 _derivationally_related_form 02525044 +10828573 _instance_hypernym 09921792 +05823054 _hypernym 05822746 +00197590 _derivationally_related_form 00670703 +01912709 _hypernym 01912159 +12099220 _hypernym 11567411 +01971603 _hypernym 01970826 +12801520 _hypernym 13122364 +00740712 _derivationally_related_form 00809654 +01579260 _hypernym 01578575 +02386012 _derivationally_related_form 08227214 +00191980 _hypernym 00191142 +00487653 _also_see 01675190 +02592667 _hypernym 02724417 +10257948 _hypernym 10480253 +06796642 _hypernym 06796506 +02399424 _hypernym 05395690 +01018630 _derivationally_related_form 00958334 +09986189 _derivationally_related_form 02834778 +01747285 _hypernym 01746359 +02597246 _derivationally_related_form 07502387 +08428756 _hypernym 08430203 +11841368 _hypernym 11534677 +00752335 _derivationally_related_form 10371741 +13911872 _derivationally_related_form 01589363 +02593679 _has_part 07790081 +00963896 _hypernym 00962129 +01428155 _member_meronym 02543412 +13019017 _member_meronym 13019202 +09893600 _derivationally_related_form 01806505 +01161290 _derivationally_related_form 00947719 +10268299 _hypernym 00007846 +08860123 _member_of_domain_region 08357529 +10684146 _derivationally_related_form 01411085 +00267217 _hypernym 00266806 +12134300 _hypernym 11556857 +04982207 _derivationally_related_form 00461493 +01225027 _derivationally_related_form 00848420 +01802689 _derivationally_related_form 10716005 +02335349 _member_meronym 02344006 +00325328 _derivationally_related_form 00246940 +05321307 _has_part 05323228 +13874073 _hypernym 13873502 +08244346 _synset_domain_topic_of 00759694 +01620967 _hypernym 01342529 +13459322 _hypernym 13542947 +02217334 _member_meronym 02217839 +04055180 _derivationally_related_form 02072673 +02558079 _hypernym 01432517 +02073233 _hypernym 02074677 +12550968 _member_meronym 12551457 +00370412 _derivationally_related_form 05015463 +12039743 _member_meronym 12044571 +07007945 _derivationally_related_form 01719921 +00318484 _hypernym 00317888 +08723006 _member_of_domain_region 00710338 +05240211 _has_part 05243704 +03243218 _synset_domain_topic_of 06128570 +00706243 _derivationally_related_form 07162680 +05860200 _derivationally_related_form 01734502 +10626194 _hypernym 10471250 +00839778 _hypernym 00838098 +09278537 _derivationally_related_form 00335366 +09147046 _has_part 09250165 +00027167 _derivationally_related_form 02333689 +06588511 _synset_domain_topic_of 06128570 +06295235 _member_of_domain_usage 05872742 +06589574 _has_part 06489659 +02922448 _derivationally_related_form 08094013 +02291024 _member_meronym 02291391 +12345280 _hypernym 12651821 +01481599 _member_meronym 01482754 +01817424 _member_meronym 01822164 +10212501 _hypernym 09624559 +03786194 _has_part 04368496 +01655577 _member_meronym 01656576 +12804621 _hypernym 11744583 +12557280 _hypernym 12556793 +10912451 _instance_hypernym 10090020 +06943558 _hypernym 06941644 +10669991 _hypernym 09815790 +02566227 _derivationally_related_form 00074790 +01964367 _derivationally_related_form 00343334 +06293229 _hypernym 06286395 +02528380 _derivationally_related_form 07319652 +00612841 _derivationally_related_form 01070892 +02242256 _hypernym 02260362 +10614225 _hypernym 00007846 +09051235 _has_part 09053185 +01744082 _derivationally_related_form 13850304 +08246036 _hypernym 08245172 +01753596 _derivationally_related_form 09972157 +08993037 _instance_hypernym 08691669 +05021535 _derivationally_related_form 00303056 +09171376 _instance_hypernym 08505573 +05769471 _derivationally_related_form 01637633 +01524885 _member_meronym 01582625 +00567685 _synset_domain_topic_of 00482298 +00685508 _hypernym 00393369 +08657249 _derivationally_related_form 02512808 +09133895 _instance_hypernym 08638442 +00315020 _derivationally_related_form 00353992 +06272290 _derivationally_related_form 00789448 +01639369 _member_meronym 01653610 +08900535 _has_part 09458587 +02256172 _hypernym 02251775 +12777294 _hypernym 11567411 +01384687 _synset_domain_topic_of 00017222 +11273286 _instance_hypernym 09947232 +04820258 _derivationally_related_form 00939857 +04435870 _derivationally_related_form 01884577 +06661562 _derivationally_related_form 02538765 +05563266 _has_part 05373924 +02127358 _hypernym 02106506 +05836275 _hypernym 05835747 +02282365 _derivationally_related_form 04551055 +07399917 _hypernym 07371293 +00819508 _derivationally_related_form 06472242 +08999154 _has_part 08778061 +09906986 _derivationally_related_form 00590148 +04020617 _hypernym 02935658 +02544754 _member_meronym 02544960 +13040303 _hypernym 12992868 +00160532 _hypernym 00063652 +00125633 _hypernym 00126264 +01941670 _member_meronym 01951721 +01684899 _derivationally_related_form 03876519 +02248465 _derivationally_related_form 00043195 +12842765 _hypernym 11579418 +01867504 _derivationally_related_form 07398659 +05692910 _derivationally_related_form 02536557 +00380159 _hypernym 00126264 +01753959 _hypernym 01752165 +07931280 _hypernym 07930554 +00357680 _derivationally_related_form 00365446 +12619306 _member_meronym 12651062 +00067274 _hypernym 00066191 +07364700 _derivationally_related_form 01884974 +01556671 _hypernym 01504437 +00697419 _hypernym 00644583 +02310000 _hypernym 02309337 +09928451 _hypernym 10053808 +01811172 _derivationally_related_form 07538395 +00378706 _derivationally_related_form 00378042 +00471711 _derivationally_related_form 00395333 +10299875 _derivationally_related_form 01293389 +10397482 _hypernym 10226993 +01245052 _derivationally_related_form 00254415 +10803838 _hypernym 10599806 +10228592 _hypernym 10225219 +00353782 _hypernym 00351638 +00363493 _derivationally_related_form 01063697 +06687358 _derivationally_related_form 02479154 +08139000 _hypernym 08123167 +09906848 _derivationally_related_form 00590148 +12774891 _hypernym 11567411 +01174973 _derivationally_related_form 00838816 +07552252 _hypernym 07552087 +07521674 _derivationally_related_form 01782432 +00142191 _derivationally_related_form 05064037 +00085432 _hypernym 00088481 +02007417 _derivationally_related_form 00236581 +14324274 _derivationally_related_form 00071178 +02846260 _synset_domain_topic_of 00502952 +01647867 _hypernym 01647672 +04091693 _derivationally_related_form 00408085 +02367363 _derivationally_related_form 00165942 +00803617 _derivationally_related_form 01803936 +12942395 _hypernym 12205694 +01007222 _derivationally_related_form 10697519 +07109847 _derivationally_related_form 00941990 +00186161 _hypernym 00515154 +05403149 _hypernym 05397468 +01892608 _hypernym 01835496 +04497962 _hypernym 03895585 +02958017 _derivationally_related_form 08860123 +01225997 _derivationally_related_form 00617413 +07157273 _member_of_domain_usage 09718652 +00482893 _derivationally_related_form 07177437 +00617095 _derivationally_related_form 01985247 +13005568 _hypernym 11592146 +02159271 _member_meronym 02188065 +01393996 _hypernym 01532589 +05787005 _derivationally_related_form 02531625 +00729781 _synset_domain_topic_of 06136258 +02034986 _derivationally_related_form 02733524 +01014362 _hypernym 01013367 +05216365 _hypernym 00019128 +01760143 _hypernym 01759326 +05790572 _derivationally_related_form 02502916 +02499312 _derivationally_related_form 00207306 +08622950 _hypernym 08621598 +10075693 _derivationally_related_form 00518395 +04713692 _derivationally_related_form 02662979 +11536778 _member_meronym 11538123 +02749247 _verb_group 01675963 +13548531 _hypernym 13540610 +05495981 _has_part 05496990 +00664276 _derivationally_related_form 09802239 +13986372 _derivationally_related_form 01812324 +10884597 _instance_hypernym 09855630 +01362196 _hypernym 01352574 +01670511 _hypernym 01675963 +13534274 _derivationally_related_form 01458228 +05521636 _has_part 05513020 +03954731 _derivationally_related_form 01249490 +01549187 _derivationally_related_form 06428216 +02541302 _derivationally_related_form 07950418 +01374582 _derivationally_related_form 00595630 +06838760 _hypernym 06828818 +02555434 _derivationally_related_form 09815790 +00748616 _hypernym 00748282 +02077656 _verb_group 01433294 +11669921 _hypernym 11665372 +00755745 _derivationally_related_form 05944958 +10401331 _hypernym 09964411 +00445467 _derivationally_related_form 14480772 +05865454 _hypernym 05868954 +00876665 _derivationally_related_form 07134850 +10319580 _hypernym 10280674 +08801678 _has_part 08810358 +01656078 _hypernym 01342529 +13724081 _derivationally_related_form 02900081 +11822557 _member_meronym 11825988 +04467099 _hypernym 04576211 +01848355 _derivationally_related_form 04817923 +03013718 _hypernym 03629986 +06448868 _instance_hypernym 06431740 +03067339 _hypernym 03128519 +00809654 _derivationally_related_form 06761603 +10005280 _derivationally_related_form 02394445 +01685313 _hypernym 02367363 +02690093 _derivationally_related_form 00944449 +01247804 _derivationally_related_form 07410021 +00754873 _also_see 00311663 +04687333 _derivationally_related_form 02376277 +08921850 _member_of_domain_region 00710338 +07193184 _derivationally_related_form 00785962 +08860123 _member_of_domain_region 02828648 +08427282 _hypernym 08426816 +08563990 _instance_hypernym 08574314 +06453324 _has_part 06438995 +06780309 _derivationally_related_form 00852685 +01533780 _hypernym 01507175 +10461747 _derivationally_related_form 02536557 +12729315 _hypernym 12724942 +05216365 _has_part 05538625 +01963730 _member_meronym 01964049 +08679972 _hypernym 08616311 +01449974 _derivationally_related_form 09897696 +00744506 _derivationally_related_form 00552458 +00280930 _hypernym 00109660 +11295936 _instance_hypernym 10794014 +00195342 _hypernym 00173338 +08208560 _hypernym 08189659 +02620318 _hypernym 01429349 +08146782 _member_meronym 07991364 +04517535 _derivationally_related_form 00086835 +03996145 _derivationally_related_form 01559590 +00121046 _hypernym 00109660 +10161047 _hypernym 10340312 +12778605 _hypernym 12205694 +02547046 _hypernym 02546075 +00840630 _derivationally_related_form 01193099 +06811625 _derivationally_related_form 00931852 +02175958 _derivationally_related_form 04988258 +12371911 _hypernym 11565385 +09148970 _has_part 09243405 +10100124 _derivationally_related_form 01998432 +09147046 _has_part 03634469 +01191838 _derivationally_related_form 00841628 +09075842 _has_part 09076982 +13344664 _derivationally_related_form 00891216 +05948857 _hypernym 05946687 +13275288 _derivationally_related_form 02267060 +10743675 _derivationally_related_form 00983824 +00312266 _hypernym 00311809 +02599939 _derivationally_related_form 09759069 +07308889 _hypernym 07283608 +01768969 _member_meronym 01775879 +14016361 _hypernym 14015731 +02712443 _derivationally_related_form 07326880 +06641924 _hypernym 06639674 +00388635 _derivationally_related_form 10008716 +02630739 _hypernym 02623445 +07217782 _synset_domain_topic_of 08199025 +12815925 _member_meronym 12820434 +14498096 _derivationally_related_form 00286605 +10495167 _derivationally_related_form 02375131 +06497872 _member_meronym 06833776 +11701492 _hypernym 11571907 +00530177 _hypernym 00528990 +14661482 _hypernym 14625458 +05986948 _hypernym 05901508 +02169702 _derivationally_related_form 00173764 +01898129 _derivationally_related_form 05615500 +00096343 _hypernym 00093483 +13047216 _hypernym 11594676 +04013362 _has_part 03380134 +13501941 _hypernym 13526110 +00868097 _hypernym 00868591 +02432511 _hypernym 02430045 +15267536 _derivationally_related_form 00351963 +01592072 _hypernym 01448100 +01963795 _synset_domain_topic_of 00523513 +02806907 _derivationally_related_form 05765415 +00634472 _derivationally_related_form 00162632 +02044278 _hypernym 01835496 +01533169 _hypernym 01507175 +01958868 _synset_domain_topic_of 00450335 +02509197 _hypernym 02507649 +00244416 _derivationally_related_form 06468123 +05725269 _hypernym 05724694 +13038944 _member_meronym 13043264 +00114291 _derivationally_related_form 07595180 +01961736 _hypernym 01938850 +06355894 _synset_domain_topic_of 06128570 +02457233 _derivationally_related_form 01204419 +01559590 _derivationally_related_form 04140064 +08897065 _member_meronym 09700492 +02397460 _synset_domain_topic_of 08274923 +00901083 _synset_domain_topic_of 06043075 +12520223 _hypernym 11585340 +08153437 _member_meronym 10499355 +04401088 _hypernym 03278248 +01753721 _member_meronym 01758019 +08170374 _hypernym 08168978 +08111419 _hypernym 07992450 +04514359 _hypernym 03933183 +08579780 _hypernym 08651247 +04167759 _derivationally_related_form 01992375 +00975036 _derivationally_related_form 06796642 +02046045 _hypernym 01507175 +02445394 _hypernym 02441326 +00276342 _derivationally_related_form 00407458 +08013176 _instance_hypernym 08392137 +14622141 _synset_domain_topic_of 06084469 +01073241 _derivationally_related_form 00859604 +03077958 _has_part 03077741 +15231964 _instance_hypernym 15113229 +00521970 _synset_domain_topic_of 08199025 +12919195 _hypernym 12917901 +10383237 _hypernym 10708454 +14983491 _hypernym 14642417 +08760510 _instance_hypernym 08574314 +08841209 _instance_hypernym 09316454 +01502262 _member_meronym 01522594 +01375637 _hypernym 01377032 +00967157 _hypernym 00965895 +05517837 _derivationally_related_form 00379774 +00465762 _derivationally_related_form 07367385 +11250287 _instance_hypernym 09623038 +08358963 _hypernym 08358594 +02616572 _member_meronym 02616705 +00241038 _hypernym 00441445 +01934207 _member_meronym 01937719 +08581503 _derivationally_related_form 01844431 +01184058 _derivationally_related_form 02374451 +00772189 _derivationally_related_form 14379829 +12310349 _hypernym 13112664 +06575681 _hypernym 06575227 +10856486 _instance_hypernym 10322957 +06790557 _synset_domain_topic_of 06226057 +01866610 _hypernym 01850315 +01452255 _derivationally_related_form 00115036 +02553428 _derivationally_related_form 01161821 +06567400 _hypernym 06566077 +05829782 _hypernym 05829342 +05663671 _hypernym 05661996 +00909219 _hypernym 00907147 +06806469 _derivationally_related_form 02806907 +04133211 _hypernym 03282933 +14439745 _derivationally_related_form 00847478 +09163192 _has_part 09163844 +09003284 _member_of_domain_region 07624924 +01007463 _hypernym 01006675 +09911849 _hypernym 10407310 +13773725 _derivationally_related_form 01573891 +08515126 _instance_hypernym 08512736 +07805254 _hypernym 07800091 +09334396 _derivationally_related_form 01981436 +09152944 _has_part 09425344 +00607780 _derivationally_related_form 05761559 +00597915 _derivationally_related_form 05637558 +02500884 _also_see 00933154 +11867525 _member_meronym 11899432 +15266265 _derivationally_related_form 00597265 +00080456 _synset_domain_topic_of 00612160 +11815194 _member_meronym 11816121 +09310806 _hypernym 09224911 +08713772 _has_part 08815858 +00383606 _derivationally_related_form 01556921 +04910377 _derivationally_related_form 02519666 +05840188 _derivationally_related_form 00618682 +00504676 _derivationally_related_form 14647235 +01655344 _hypernym 01627424 +03139045 _derivationally_related_form 08440630 +12728322 _hypernym 12724942 +06217944 _hypernym 06212839 +01776313 _hypernym 01776192 +12636224 _hypernym 12651821 +11062285 _instance_hypernym 09765278 +00660783 _hypernym 00654885 +05257737 _derivationally_related_form 01030022 +00667246 _hypernym 00671351 +09761403 _derivationally_related_form 02265231 +11836556 _hypernym 11573660 +09129442 _has_part 09340644 +01111016 _derivationally_related_form 04831727 +01542567 _member_meronym 01542786 +03213014 _has_part 02955247 +04915687 _hypernym 04914292 +00140652 _derivationally_related_form 01211699 +12711596 _hypernym 12707781 +01954202 _hypernym 08103777 +07676855 _hypernym 07676602 +05204637 _derivationally_related_form 01827535 +07123012 _derivationally_related_form 00913065 +02236495 _member_meronym 02245592 +08920924 _has_part 08926681 +00602255 _derivationally_related_form 05757049 +01691384 _hypernym 01656813 +02331479 _member_meronym 02333368 +01931714 _hypernym 01930112 +11515051 _synset_domain_topic_of 06090869 +02121511 _hypernym 02106506 +12133332 _hypernym 11556857 +01119169 _derivationally_related_form 09821253 +11704791 _has_part 07814203 +09927305 _hypernym 10592152 +00835267 _derivationally_related_form 00004227 +12570126 _member_meronym 12570703 +01705655 _derivationally_related_form 14416349 +02458135 _hypernym 02456962 +00294868 _derivationally_related_form 01885845 +10011902 _hypernym 10541229 +13571217 _derivationally_related_form 00293760 +01938850 _hypernym 08107499 +10525134 _derivationally_related_form 01301410 +01570676 _hypernym 01567133 +03222959 _hypernym 03626014 +08197742 _synset_domain_topic_of 08199025 +13555599 _hypernym 13526110 +01882814 _hypernym 01835496 +02896789 _derivationally_related_form 13403331 +01952812 _hypernym 01342529 +06845599 _member_of_domain_usage 03047353 +01238424 _derivationally_related_form 00243124 +02698769 _hypernym 02854156 +01566490 _derivationally_related_form 14562324 +12584559 _hypernym 11744859 +01415585 _derivationally_related_form 09843956 +08831004 _has_part 09292545 +10506544 _hypernym 10176679 +01079042 _derivationally_related_form 02453321 +02846141 _hypernym 03051540 +12358485 _member_meronym 12226009 +04547592 _derivationally_related_form 01130607 +04717139 _derivationally_related_form 00972191 +00990812 _derivationally_related_form 08491027 +03156071 _hypernym 02670382 +12859488 _hypernym 11567411 +01896478 _derivationally_related_form 00794079 +02624377 _member_meronym 02624551 +07939638 _hypernym 07938773 +03220513 _hypernym 04105068 +00416135 _hypernym 01856626 +01829602 _member_meronym 01829739 +02640440 _derivationally_related_form 10603528 +01380122 _derivationally_related_form 07445896 +00408448 _hypernym 00406243 +02198423 _derivationally_related_form 02854156 +04370048 _hypernym 03419014 +13798814 _synset_domain_topic_of 06000644 +12619306 _member_meronym 12632875 +00027064 _hypernym 00099721 +02023133 _member_meronym 02023664 +11667562 _member_meronym 11668573 +11641494 _hypernym 11640645 +08773336 _instance_hypernym 08524735 +06609672 _hypernym 06607339 +02079525 _derivationally_related_form 05246511 +10763245 _hypernym 10335246 +05552607 _has_part 05281189 +01467180 _hypernym 08102555 +12348774 _hypernym 11566682 +12410715 _member_meronym 12311894 +00411547 _derivationally_related_form 01151788 +00098770 _derivationally_related_form 07327288 +01688106 _hypernym 01657723 +01230850 _hypernym 01229938 +07164349 _hypernym 07162680 +01986806 _has_part 02585446 +12823164 _hypernym 11562747 +01578341 _member_meronym 01579868 +04361641 _derivationally_related_form 00462092 +04522421 _hypernym 09190918 +04377057 _has_part 03778600 +09071690 _has_part 09234104 +05514081 _hypernym 05513302 +03673594 _hypernym 03691128 +00075021 _hypernym 00064889 +02328429 _hypernym 02323449 +09044862 _has_part 09410724 +13904011 _synset_domain_topic_of 06000644 +09209263 _has_part 09221723 +00240184 _derivationally_related_form 01753788 +01414916 _derivationally_related_form 07410745 +05154908 _derivationally_related_form 00082081 +03044083 _derivationally_related_form 02497586 +02560546 _hypernym 08111027 +03401721 _hypernym 03294048 +00311338 _verb_group 00313987 +06652878 _hypernym 06652242 +00794981 _derivationally_related_form 05910940 +02553196 _member_meronym 02636666 +01238058 _derivationally_related_form 00405540 +01742967 _hypernym 01657723 +00925735 _derivationally_related_form 07289588 +06295235 _member_of_domain_usage 07956250 +00325502 _derivationally_related_form 01921772 +10396106 _derivationally_related_form 08414608 +04670022 _derivationally_related_form 00724081 +02881193 _hypernym 04531098 +09423379 _instance_hypernym 09403734 +09039411 _member_of_domain_region 08025497 +02981911 _derivationally_related_form 01515566 +13233012 _member_meronym 13235947 +00541178 _hypernym 00539121 +01928730 _derivationally_related_form 00288486 +02604811 _member_meronym 02604954 +07532440 _hypernym 00026192 +05630277 _hypernym 05629682 +00624801 _derivationally_related_form 07174433 +12660009 _member_meronym 12667179 +05605944 _hypernym 05426243 +07339653 _hypernym 07340094 +05249232 _hypernym 05250659 +14006945 _hypernym 00024720 +05495172 _hypernym 05462674 +08791167 _has_part 09039411 +02458103 _derivationally_related_form 00040962 +14984973 _derivationally_related_form 09938672 +06513764 _hypernym 06513366 +05832264 _derivationally_related_form 01767163 +13328357 _derivationally_related_form 00315330 +04520618 _hypernym 02716866 +02754756 _hypernym 15032376 +09464652 _instance_hypernym 09403734 +02673134 _derivationally_related_form 05659365 +11643835 _hypernym 13108841 +00747135 _derivationally_related_form 09824135 +02625418 _member_meronym 02625612 +11858077 _hypernym 11857320 +14140781 _hypernym 14127211 +02486138 _hypernym 01864707 +00485711 _derivationally_related_form 04795545 +07393161 _derivationally_related_form 00914420 +02294436 _derivationally_related_form 03213014 +02450034 _hypernym 02441326 +00908672 _derivationally_related_form 01789270 +01694620 _synset_domain_topic_of 03082979 +10672192 _derivationally_related_form 00754731 +03407369 _derivationally_related_form 01137829 +03762809 _hypernym 02724207 +01452633 _member_meronym 01452954 +13077479 _member_meronym 13079203 +10864635 _instance_hypernym 09947232 +02035919 _derivationally_related_form 00405360 +00944548 _hypernym 00943837 +11633459 _hypernym 11554175 +15069338 _hypernym 15036321 +05785067 _derivationally_related_form 00872886 +06023022 _hypernym 06021499 +09909060 _derivationally_related_form 02699141 +07153130 _derivationally_related_form 00741911 +01890626 _derivationally_related_form 01754876 +03541393 _synset_domain_topic_of 08199025 +01714231 _hypernym 01712008 +09247071 _synset_domain_topic_of 06098195 +07595180 _hypernym 07859284 +02611767 _hypernym 01429349 +10373801 _hypernym 10372373 +05539138 _hypernym 05538625 +02794372 _derivationally_related_form 08149781 +01912454 _hypernym 01911839 +03473966 _synset_domain_topic_of 05946687 +08524735 _hypernym 08626283 +12955639 _hypernym 13167078 +01460421 _derivationally_related_form 04781755 +07180787 _derivationally_related_form 00804802 +02037278 _hypernym 01504437 +06613056 _derivationally_related_form 01015866 +07420770 _derivationally_related_form 00258857 +00014549 _derivationally_related_form 10484526 +02012849 _hypernym 02000954 +00075618 _derivationally_related_form 02527651 +08011523 _synset_domain_topic_of 00759694 +10015215 _hypernym 10676877 +00855301 _hypernym 00855169 +09450866 _hypernym 09394007 +06218459 _hypernym 06212839 +02298541 _hypernym 02283201 +01937222 _synset_domain_topic_of 00523513 +02045043 _verb_group 02045790 +04925348 _hypernym 04924103 +01596404 _hypernym 01595830 +11792598 _hypernym 11556857 +02143283 _hypernym 02137132 +00436668 _derivationally_related_form 07439883 +02762981 _derivationally_related_form 13481883 +00412696 _derivationally_related_form 04787324 +07157273 _member_of_domain_usage 09643799 +00709625 _derivationally_related_form 00928077 +00413876 _derivationally_related_form 00027167 +00146856 _hypernym 00146572 +01894670 _hypernym 01862557 +01719302 _hypernym 01619354 +01894649 _derivationally_related_form 09990415 +14560926 _hypernym 14560612 +04166553 _hypernym 03248958 +00669762 _derivationally_related_form 09852081 +06161718 _derivationally_related_form 10227985 +01292885 _hypernym 01295275 +02718259 _hypernym 03740161 +08541841 _hypernym 08574314 +00644066 _derivationally_related_form 05783940 +01721169 _synset_domain_topic_of 07006119 +08027518 _synset_domain_topic_of 00759694 +02386012 _derivationally_related_form 01040646 +01709931 _synset_domain_topic_of 00428270 +11461825 _hypernym 11525955 +02584475 _hypernym 02584097 +10753779 _hypernym 05929008 +01723425 _member_meronym 01723579 +04536866 _derivationally_related_form 01733667 +12283981 _member_meronym 12285900 +02457249 _member_meronym 02457408 +02651193 _hypernym 02649830 +05233741 _hypernym 13905121 +04046590 _derivationally_related_form 02330407 +08766988 _has_part 08775179 +01723963 _derivationally_related_form 00549610 +09117351 _has_part 09306840 +01162425 _derivationally_related_form 00948868 +02429276 _hypernym 01864707 +08111419 _synset_domain_topic_of 06037666 +01935176 _hypernym 01934440 +01892734 _hypernym 01892104 +02334756 _hypernym 02334867 +09953965 _hypernym 09610660 +13260510 _hypernym 13258362 +06845599 _member_of_domain_usage 03198637 +01338113 _hypernym 01332730 +08860123 _member_of_domain_region 10490421 +02228874 _hypernym 01759182 +13895549 _hypernym 13894434 +01336635 _derivationally_related_form 04187233 +04712735 _hypernym 04731497 +08911726 _instance_hypernym 08524735 +09947232 _hypernym 10339966 +00355691 _derivationally_related_form 02467003 +01808374 _derivationally_related_form 07503260 +09673495 _hypernym 09641757 +15233989 _hypernym 15113229 +02246456 _verb_group 02246686 +12542910 _hypernym 13103136 +00877327 _hypernym 00789138 +02991302 _hypernym 04105893 +00459114 _hypernym 00458754 +05584928 _hypernym 05578251 +09937250 _hypernym 09943239 +11942144 _hypernym 11579418 +01217043 _derivationally_related_form 01017320 +01899360 _derivationally_related_form 04894037 +05387544 _has_part 05378234 +02685365 _hypernym 02773037 +04881829 _hypernym 04881623 +08744236 _instance_hypernym 08691669 +11706325 _hypernym 13112664 +00485609 _derivationally_related_form 07417043 +02641825 _member_meronym 02646985 +10690849 _derivationally_related_form 00850501 +00264386 _hypernym 00153263 +12223950 _member_meronym 12224140 +00135637 _hypernym 00134780 +12588989 _hypernym 11556857 +06344461 _derivationally_related_form 02332445 +05145118 _derivationally_related_form 02702508 +09069862 _has_part 09264425 +02211099 _hypernym 01759182 +11225661 _instance_hypernym 10323182 +07331400 _derivationally_related_form 01299758 +04683814 _derivationally_related_form 09845999 +02449699 _hypernym 02441326 +02089984 _verb_group 01907258 +02244515 _hypernym 02244173 +06882561 _hypernym 06880664 +08906374 _member_meronym 09724066 +15002959 _derivationally_related_form 01521367 +08860123 _member_of_domain_region 07631672 +12157276 _hypernym 11562747 +14917208 _synset_domain_topic_of 06084469 +02022135 _member_meronym 02025530 +11487732 _hypernym 04682462 +08738715 _instance_hypernym 08524735 +00788821 _also_see 00156839 +02083863 _hypernym 01864707 +08913434 _has_part 09458791 +01507914 _derivationally_related_form 05045208 +07321772 _derivationally_related_form 00422090 +00324071 _derivationally_related_form 03603722 +08964288 _instance_hypernym 08552138 +08395682 _synset_domain_topic_of 08199025 +00560293 _synset_domain_topic_of 00469651 +01438720 _member_meronym 01442591 +02676054 _derivationally_related_form 13795180 +09988703 _derivationally_related_form 01805247 +02567519 _derivationally_related_form 00773402 +08709704 _instance_hypernym 08544813 +09359803 _derivationally_related_form 10334567 +00740577 _derivationally_related_form 06252743 +09148970 _member_of_domain_region 01273491 +01122149 _derivationally_related_form 02301502 +04801763 _hypernym 04801532 +09271904 _hypernym 09338013 +01909111 _member_meronym 01913838 +11911591 _member_meronym 11975482 +00285856 _hypernym 00283911 +01677366 _hypernym 01676755 +02068735 _member_meronym 02069271 +07765208 _hypernym 07705931 +13305510 _synset_domain_topic_of 04323026 +00859153 _derivationally_related_form 04630689 +02505358 _verb_group 01516534 +13614764 _hypernym 13600822 +01701311 _derivationally_related_form 10030277 +02603424 _hypernym 02507736 +02607630 _member_meronym 02609169 +02184881 _member_meronym 02185007 +03679986 _derivationally_related_form 01487311 +01014186 _hypernym 01013367 +01466978 _derivationally_related_form 03265479 +02794156 _hypernym 03733925 +01982866 _hypernym 01974062 +05603160 _hypernym 05601758 +12175797 _hypernym 11575425 +06552320 _synset_domain_topic_of 08441203 +01587148 _hypernym 01507175 +00917614 _derivationally_related_form 10104756 +11428379 _hypernym 11450869 +05138488 _derivationally_related_form 00681429 +01992503 _derivationally_related_form 07445265 +00611481 _derivationally_related_form 07452841 +10915862 _instance_hypernym 10020890 +13513747 _hypernym 13466586 +01734273 _member_meronym 01734418 +07157273 _member_of_domain_usage 09641422 +10729175 _derivationally_related_form 02500902 +02747709 _derivationally_related_form 05051896 +01231980 _derivationally_related_form 02032934 +00594621 _derivationally_related_form 10240082 +12455950 _hypernym 13100156 +01751545 _derivationally_related_form 03511426 +10090498 _derivationally_related_form 02154508 +01016626 _derivationally_related_form 06562802 +02217334 _member_meronym 02217997 +02553196 _member_meronym 02586382 +07490713 _derivationally_related_form 01800349 +01382273 _member_meronym 01382839 +02394822 _member_meronym 02395003 +02045024 _member_meronym 02048242 +01033189 _derivationally_related_form 06762711 +02208265 _derivationally_related_form 00041899 +01629958 _hypernym 01617192 +00191517 _hypernym 00126264 +12838027 _member_meronym 12862648 +14417146 _derivationally_related_form 00483801 +02671421 _derivationally_related_form 02653706 +01933834 _member_meronym 01933988 +00334186 _hypernym 00140123 +10550951 _synset_domain_topic_of 06371413 +14915622 _hypernym 14915184 +00559724 _hypernym 00558883 +10556518 _hypernym 10438172 +13216238 _member_meronym 13216475 +00309310 _derivationally_related_form 09443136 +01991472 _derivationally_related_form 02472693 +07138915 _derivationally_related_form 02166460 +06845599 _member_of_domain_usage 03192347 +01408760 _derivationally_related_form 00478647 +08860123 _member_of_domain_region 14686020 +02068413 _derivationally_related_form 03471030 +10102800 _hypernym 09792555 +14889479 _derivationally_related_form 00273963 +01989053 _derivationally_related_form 07361416 +00411384 _hypernym 00410247 +00619738 _hypernym 00618734 +14500341 _derivationally_related_form 02436140 +04418818 _has_part 04418357 +00183505 _hypernym 00161243 +07157273 _member_of_domain_usage 09883947 +10305062 _hypernym 10782940 +03474635 _hypernym 02968473 +01489989 _derivationally_related_form 03679986 +02273326 _also_see 00289365 +02625648 _derivationally_related_form 09017526 +12485523 _hypernym 11567411 +01788932 _hypernym 01787955 +08752974 _instance_hypernym 08542403 +00634472 _derivationally_related_form 10510339 +06295235 _member_of_domain_usage 03347472 +02387486 _derivationally_related_form 10665698 +08860123 _member_of_domain_region 13382766 +01086103 _also_see 01081505 +02443049 _derivationally_related_form 10676877 +01641751 _hypernym 01640855 +00575365 _derivationally_related_form 01102667 +09284589 _derivationally_related_form 10394786 +00197744 _hypernym 00173338 +03976657 _hypernym 04100174 +04506289 _hypernym 03467517 +14937943 _hypernym 14741730 +10897946 _instance_hypernym 10650162 +13962166 _derivationally_related_form 02618149 +09859557 _derivationally_related_form 01135922 +00948071 _hypernym 00918872 +01660719 _member_meronym 01672767 +02587084 _derivationally_related_form 06663940 +15175202 _has_part 15175640 +00342980 _verb_group 00252019 +00706019 _hypernym 00705580 +09920106 _hypernym 09623038 +00947439 _derivationally_related_form 06333653 +11128394 _instance_hypernym 10375794 +01047338 _derivationally_related_form 00168910 +08500819 _hypernym 08630039 +01752167 _also_see 00289082 +10628222 _hypernym 09738708 +08011266 _synset_domain_topic_of 00759694 +05238282 _has_part 05243879 +04680893 _hypernym 04680465 +06295235 _member_of_domain_usage 09425344 +00403911 _derivationally_related_form 00196364 +11867525 _member_meronym 11881563 +10386618 _hypernym 00007846 +01051331 _derivationally_related_form 01494310 +02695895 _derivationally_related_form 00155487 +01015244 _derivationally_related_form 06733939 +01148283 _also_see 01366718 +02238113 _hypernym 01762525 +00736786 _hypernym 00736375 +01301630 _has_part 01274909 +02426634 _hypernym 01864707 +07160752 _derivationally_related_form 00964478 +11482312 _derivationally_related_form 00321936 +00843468 _derivationally_related_form 06561942 +06235829 _hypernym 06234825 +01591910 _member_meronym 01592084 +09827683 _derivationally_related_form 14427239 +01916738 _member_meronym 01917434 +13733402 _derivationally_related_form 00640385 +01463963 _derivationally_related_form 10383237 +00294245 _derivationally_related_form 11669335 +10333165 _hypernym 00007846 +01835496 _derivationally_related_form 10335931 +02544086 _hypernym 01432517 +12024690 _hypernym 13152742 +07522729 _derivationally_related_form 00339941 +09030752 _has_part 09451864 +00844994 _derivationally_related_form 01428381 +04163364 _hypernym 03640660 +02348568 _derivationally_related_form 01165692 +03158885 _has_part 03520654 +08820121 _member_meronym 09696585 +08473482 _hypernym 08472890 +02338975 _hypernym 02327200 +01337224 _hypernym 01332730 +12695760 _member_meronym 12695975 +08818835 _instance_hypernym 08633957 +09796323 _hypernym 10619642 +02451113 _derivationally_related_form 04905188 +00046534 _hypernym 00109660 +00287560 _derivationally_related_form 04959230 +01678519 _derivationally_related_form 03882058 +01698916 _hypernym 01698271 +02573275 _derivationally_related_form 00754424 +02159427 _derivationally_related_form 10151570 +14421139 _derivationally_related_form 00713167 +02171633 _member_meronym 02174153 +03803911 _derivationally_related_form 00518653 +09185440 _hypernym 09184834 +00683771 _verb_group 00693780 +00375625 _derivationally_related_form 00314272 +01918183 _derivationally_related_form 10553235 +01591490 _member_meronym 01591910 +02452092 _derivationally_related_form 07475870 +00832626 _hypernym 00177783 +13154077 _hypernym 13152742 +07648267 _hypernym 07578363 +01552519 _also_see 01554799 +13744722 _hypernym 13741022 +05910453 _derivationally_related_form 01638368 +00634472 _hypernym 00628491 +02066939 _derivationally_related_form 08681222 +07189411 _derivationally_related_form 00866505 +00811171 _derivationally_related_form 02828648 +11900058 _member_meronym 11900569 +06746580 _hypernym 06722453 +08898633 _instance_hypernym 08691669 +02028556 _hypernym 01507175 +10496393 _synset_domain_topic_of 06951067 +08831004 _has_part 09235244 +00164152 _derivationally_related_form 02396716 +08780881 _member_of_domain_region 03884778 +01546111 _derivationally_related_form 10648033 +00896803 _hypernym 01012073 +08559155 _derivationally_related_form 03062280 +02782778 _hypernym 04295881 +15265518 _derivationally_related_form 01650610 +04292572 _hypernym 03691459 +00100551 _hypernym 02407987 +00918580 _hypernym 00917772 +00279835 _derivationally_related_form 01835496 +04892084 _derivationally_related_form 00648977 +11717577 _hypernym 11714853 +01825417 _member_meronym 01829602 +02739668 _derivationally_related_form 02341684 +07402147 _hypernym 07405893 +04907991 _derivationally_related_form 00695523 +02335349 _member_meronym 02340813 +14434022 _hypernym 14433587 +01775535 _derivationally_related_form 09622302 +08021129 _synset_domain_topic_of 00759694 +06584891 _synset_domain_topic_of 06128570 +10072708 _derivationally_related_form 02544348 +09873242 _hypernym 10317007 +07495327 _derivationally_related_form 01792567 +09624559 _derivationally_related_form 00760956 +00850425 _synset_domain_topic_of 06075527 +00646413 _also_see 02271544 +10287213 _hypernym 09624168 +02794779 _synset_domain_topic_of 08199025 +01209678 _derivationally_related_form 00140900 +01270199 _derivationally_related_form 10768903 +00388392 _derivationally_related_form 00329244 +00379440 _synset_domain_topic_of 00243918 +06767035 _derivationally_related_form 00732552 +10646942 _derivationally_related_form 01925338 +02321009 _also_see 02037708 +08259156 _hypernym 08256968 +09677830 _hypernym 09838701 +01501184 _hypernym 01500873 +02661765 _hypernym 01432517 +11701903 _hypernym 11564258 +05272545 _hypernym 05271814 +08752974 _has_part 08752814 +00826509 _derivationally_related_form 06710546 +02947212 _derivationally_related_form 02336015 +12665271 _hypernym 12665048 +06973610 _hypernym 06971872 +00796315 _derivationally_related_form 02544348 +05411571 _hypernym 05407119 +01660719 _member_meronym 01719175 +00384620 _derivationally_related_form 10515194 +08902422 _instance_hypernym 08574314 +09275473 _has_part 08984788 +00028270 _hypernym 00024264 +00246217 _derivationally_related_form 05860200 +02587084 _hypernym 02586619 +00203213 _derivationally_related_form 00947719 +01036333 _derivationally_related_form 00760402 +12660009 _member_meronym 12660601 +09117351 _has_part 09125354 +00407146 _verb_group 00605783 +03655072 _hypernym 03419014 +07484265 _derivationally_related_form 01825237 +02482425 _derivationally_related_form 01250335 +06343971 _hypernym 07012534 +05474346 _hypernym 05475681 +04618070 _hypernym 04617562 +00329244 _verb_group 00328802 +09003284 _member_of_domain_region 01308008 +10038929 _derivationally_related_form 01121948 +10982450 _instance_hypernym 10084635 +08932568 _has_part 08933437 +10646325 _derivationally_related_form 08440630 +02400139 _member_meronym 02428653 +12588156 _member_meronym 12588320 +00978173 _derivationally_related_form 01266491 +08647457 _derivationally_related_form 01251228 +05468849 _hypernym 05464104 +01069391 _derivationally_related_form 00145218 +01047937 _hypernym 01047338 +12100538 _member_meronym 12104943 +01212225 _synset_domain_topic_of 06000644 +08473173 _hypernym 08472890 +08345189 _hypernym 08198398 +06986558 _hypernym 06904171 +09861946 _hypernym 09632518 +00070816 _hypernym 00064643 +07355194 _hypernym 07296428 +08239808 _derivationally_related_form 00739662 +02343187 _hypernym 01864707 +13146035 _hypernym 13145444 +01209678 _verb_group 02127613 +13366912 _derivationally_related_form 02305856 +00307568 _hypernym 00306017 +01933834 _hypernym 01921887 +07410207 _derivationally_related_form 01415162 +00662681 _derivationally_related_form 10049896 +07383823 _derivationally_related_form 02091885 +07665595 _hypernym 07653394 +01993549 _hypernym 01992503 +12903367 _hypernym 13112664 +06878934 _derivationally_related_form 00008435 +14768854 _synset_domain_topic_of 14670639 +01003885 _hypernym 01003249 +08969948 _instance_hypernym 08665504 +00329227 _derivationally_related_form 02743727 +10828990 _instance_hypernym 10650162 +08906952 _has_part 09323221 +00921300 _derivationally_related_form 06791372 +00635850 _derivationally_related_form 02153387 +15279957 _hypernym 15286249 +02131418 _member_meronym 02133512 +09110422 _has_part 09110939 +03351434 _member_meronym 02860063 +02259844 _hypernym 01759182 +02103481 _derivationally_related_form 05652926 +02066450 _member_meronym 02066707 +00920125 _derivationally_related_form 08459252 +02001252 _derivationally_related_form 00711523 +01789064 _member_meronym 01809446 +00235368 _hypernym 00441445 +01593614 _derivationally_related_form 09379111 +13294503 _hypernym 13281275 +01613463 _also_see 00695523 +10434160 _synset_domain_topic_of 00471613 +08860123 _member_of_domain_region 13296089 +02263027 _derivationally_related_form 13270038 +13432647 _hypernym 13477023 +02650552 _derivationally_related_form 01053920 +03066743 _hypernym 03060294 +01851375 _hypernym 01846331 +02447896 _hypernym 01864707 +00031663 _derivationally_related_form 07127563 +10514784 _derivationally_related_form 00474492 +02273293 _derivationally_related_form 00085219 +04792127 _derivationally_related_form 02080577 +01385170 _derivationally_related_form 04353803 +02827883 _hypernym 13875571 +01918310 _member_meronym 01919504 +02345288 _hypernym 02321757 +08311933 _hypernym 08310949 +05404728 _hypernym 05397468 +01385170 _derivationally_related_form 00870453 +08101085 _hypernym 07992450 +01523908 _member_meronym 01546660 +02015168 _verb_group 02380980 +01301630 _has_part 01279342 +11647131 _member_meronym 11647703 +02081178 _hypernym 02049696 +14290534 _derivationally_related_form 00103875 +01915365 _derivationally_related_form 00201058 +00047945 _derivationally_related_form 02742322 +05542686 _hypernym 05470189 +12874996 _member_meronym 12875697 +03017922 _derivationally_related_form 02563327 +01933305 _derivationally_related_form 10433452 +01751545 _hypernym 01708676 +08860123 _member_of_domain_region 08624656 +13286640 _hypernym 13285176 +12385046 _member_meronym 12385219 +01631903 _hypernym 01626600 +08860123 _member_of_domain_region 07573241 +05601758 _hypernym 05220461 +06139764 _hypernym 06139285 +01730799 _derivationally_related_form 08187837 +04306080 _hypernym 03315023 +03577090 _hypernym 03084420 +00162167 _hypernym 00161225 +09044862 _member_of_domain_region 08676349 +02413131 _has_part 07667151 +12154228 _hypernym 11534677 +02190188 _derivationally_related_form 04982478 +00375938 _derivationally_related_form 00732091 +02036578 _also_see 01129977 +06736529 _hypernym 06479665 +00897811 _hypernym 00894552 +00684450 _hypernym 00684128 +04898208 _hypernym 04897762 +15254550 _hypernym 15113229 +11459538 _derivationally_related_form 01250908 +03479647 _hypernym 04017137 +01005284 _derivationally_related_form 00319406 +02589245 _derivationally_related_form 09958724 +03114839 _hypernym 03323703 +01988325 _derivationally_related_form 10296176 +02030424 _derivationally_related_form 00368592 +10345100 _hypernym 10787470 +07435891 _hypernym 07435273 +04380346 _hypernym 03153375 +03518631 _hypernym 03431243 +02407172 _hypernym 02406174 +06680570 _hypernym 06677302 +04166281 _hypernym 02958343 +02318464 _also_see 01222360 +05927813 _hypernym 05926676 +02079933 _verb_group 02741357 +01488313 _hypernym 00173338 +13608598 _hypernym 13583724 +06720600 _hypernym 07160883 +02545578 _hypernym 02530167 +12501745 _member_meronym 12526946 +01975880 _member_meronym 01983958 +08860123 _member_of_domain_region 03399971 +12300625 _member_meronym 12300840 +01693995 _member_meronym 01694178 +08913434 _has_part 08918248 +08820121 _has_part 08827126 +04037625 _hypernym 03119790 +01078050 _derivationally_related_form 03233423 +01454810 _hypernym 01448100 +10024119 _hypernym 10582154 +04838210 _derivationally_related_form 00963452 +04599396 _hypernym 04007894 +07375635 _derivationally_related_form 02014165 +05813229 _derivationally_related_form 01775535 +00306102 _derivationally_related_form 02014165 +07270179 _derivationally_related_form 01588493 +03422589 _hypernym 04494204 +00925873 _derivationally_related_form 06743362 +02047807 _also_see 01809655 +13512238 _derivationally_related_form 00926156 +14469766 _hypernym 14304060 +12339972 _hypernym 11562747 +01530678 _derivationally_related_form 00379588 +05095691 _derivationally_related_form 00655987 +08860123 _member_of_domain_region 10511960 +08579487 _hypernym 08593262 +02442845 _hypernym 02441326 +13978344 _derivationally_related_form 02723016 +01489734 _derivationally_related_form 03933529 +01249724 _hypernym 01212230 +04853948 _derivationally_related_form 02319129 +04148054 _has_part 02848216 +01226240 _also_see 01222360 +09753348 _hypernym 00007846 +01829739 _member_meronym 01830042 +00543233 _synset_domain_topic_of 07020895 +09069862 _instance_hypernym 08655464 +11395199 _instance_hypernym 10084635 +08543916 _instance_hypernym 08509786 +12717524 _hypernym 11585340 +07338114 _hypernym 07339329 +04008385 _has_part 03100897 +08652970 _hypernym 08497294 +00751529 _hypernym 00751145 +02250625 _derivationally_related_form 13282550 +08096301 _member_meronym 09683306 +04531098 _hypernym 03094503 +02471203 _hypernym 02471327 +01364184 _verb_group 01679433 +00119873 _derivationally_related_form 07425011 +02072849 _derivationally_related_form 15271417 +01053404 _synset_domain_topic_of 06004685 +00359492 _hypernym 00386915 +12109719 _hypernym 11744859 +13327676 _hypernym 13252973 +00967157 _derivationally_related_form 00388635 +00500834 _derivationally_related_form 14674408 +05296775 _hypernym 05267548 +09048880 _has_part 09147964 +02159271 _member_meronym 02269829 +01448291 _hypernym 01446589 +00631737 _derivationally_related_form 05833840 +03207305 _hypernym 03204955 +09017005 _instance_hypernym 08633957 +11683556 _derivationally_related_form 00181258 +02531422 _also_see 01257612 +02270165 _hypernym 02270815 +01878719 _derivationally_related_form 00348571 +14632648 _derivationally_related_form 00498530 +11923174 _hypernym 11915214 +09436708 _has_part 09247410 +09306257 _instance_hypernym 09411430 +02074915 _member_meronym 02116959 +01449374 _hypernym 01448951 +02530861 _derivationally_related_form 07544647 +00663160 _synset_domain_topic_of 07073447 +05595083 _hypernym 05220461 +04613015 _hypernym 03309808 +14500567 _derivationally_related_form 01472807 +14902141 _hypernym 14894140 +03209666 _hypernym 03243218 +12591195 _member_meronym 12591351 +11666854 _hypernym 11665372 +01855188 _hypernym 01854415 +14285662 _hypernym 14052046 +13628246 _hypernym 13601596 +02435853 _hypernym 02399000 +03339296 _hypernym 04605726 +00336260 _derivationally_related_form 00708017 +02133902 _hypernym 01864707 +10283663 _synset_domain_topic_of 08199025 +10484858 _hypernym 10249950 +01689379 _derivationally_related_form 08612786 +09889691 _hypernym 10450303 +00946755 _derivationally_related_form 06425065 +12501745 _member_meronym 12535820 +09441107 _has_part 08997310 +10746799 _hypernym 10415638 +01321002 _derivationally_related_form 00359614 +04199027 _derivationally_related_form 00049770 +04555897 _hypernym 04437953 +02575455 _hypernym 01432517 +12077505 _hypernym 11556857 +01942347 _hypernym 01941093 +01822773 _member_meronym 01823912 +13806735 _hypernym 13806140 +02316392 _member_meronym 02317212 +00184117 _derivationally_related_form 00509377 +01631830 _derivationally_related_form 06633363 +01207951 _hypernym 01205696 +02517768 _member_meronym 02517938 +01102839 _hypernym 01101913 +10681557 _derivationally_related_form 02332999 +00176137 _hypernym 00173338 +03076411 _hypernym 04202417 +07256932 _hypernym 07256695 +11143458 _instance_hypernym 10088390 +08037118 _instance_hypernym 08392137 +11695599 _has_part 07762114 +02058933 _member_meronym 02059723 +06779096 _hypernym 06778102 +11306008 _instance_hypernym 10599806 +00053341 _hypernym 00052548 +01556671 _member_meronym 01559294 +04272054 _hypernym 03852280 +08979054 _member_of_domain_region 08045681 +00061598 _hypernym 00211110 +00245457 _derivationally_related_form 13489037 +10166762 _hypernym 10791221 +10649574 _hypernym 10435988 +00880978 _derivationally_related_form 07275275 +02230782 _hypernym 01342529 +02348927 _hypernym 02348568 +02766687 _derivationally_related_form 07412668 +00384620 _derivationally_related_form 00261405 +00392960 _derivationally_related_form 13902482 +05674584 _derivationally_related_form 00406243 +02048891 _derivationally_related_form 10435988 +01741864 _derivationally_related_form 03967562 +07138085 _derivationally_related_form 01033527 +00041899 _derivationally_related_form 02208265 +02075727 _member_meronym 02076535 +00323856 _derivationally_related_form 00247792 +04393095 _has_part 04392764 +10087080 _hypernym 09943239 +02272549 _derivationally_related_form 09802641 +06845599 _member_of_domain_usage 03299006 +10013927 _derivationally_related_form 00758459 +02154508 _derivationally_related_form 05818741 +01494310 _also_see 02573127 +08129268 _has_part 08130712 +00342980 _verb_group 00339464 +01531375 _derivationally_related_form 05117660 +14877585 _derivationally_related_form 02262542 +00770437 _derivationally_related_form 05827684 +02429695 _member_meronym 02433426 +06339416 _hypernym 06338908 +07642471 _derivationally_related_form 00212414 +00653449 _derivationally_related_form 10685123 +00954311 _hypernym 00952963 +01577818 _member_meronym 01577941 +00064095 _derivationally_related_form 00354884 +08372574 _member_meronym 10717461 +05244239 _synset_domain_topic_of 06060845 +09053185 _has_part 09053801 +02770078 _hypernym 02740764 +10285313 _hypernym 09624168 +04188643 _hypernym 00021939 +13206817 _hypernym 11545714 +01092366 _derivationally_related_form 09939313 +02863247 _derivationally_related_form 10343554 +01790739 _hypernym 01792097 +00349705 _derivationally_related_form 01898282 +08304135 _member_meronym 08773336 +03524574 _derivationally_related_form 01742556 +05257737 _hypernym 05254795 +13780339 _hypernym 13711060 +05275905 _has_part 05472205 +08210670 _hypernym 08344551 +01240432 _derivationally_related_form 00760956 +08831004 _member_of_domain_region 13080866 +00100905 _derivationally_related_form 01144716 +00693780 _verb_group 00683771 +07344528 _hypernym 07352190 +04442831 _derivationally_related_form 10713923 +10209082 _derivationally_related_form 01641914 +03358726 _has_part 03358172 +02355711 _hypernym 01862557 +07317764 _hypernym 07283608 +04770211 _hypernym 04723816 +00211110 _derivationally_related_form 00485609 +01222884 _also_see 01227137 +00936456 _hypernym 00933420 +02263027 _hypernym 02200686 +09298698 _has_part 09454265 +01244351 _derivationally_related_form 14839846 +12084746 _hypernym 11556857 +06514093 _derivationally_related_form 01001136 +05613625 _hypernym 09184136 +11797016 _member_meronym 11797981 +12690388 _hypernym 11566682 +12240965 _hypernym 13112664 +01573483 _member_meronym 01573627 +13290676 _derivationally_related_form 02250625 +01230241 _hypernym 01441100 +02005948 _derivationally_related_form 09810166 +07225696 _synset_domain_topic_of 08199025 +14805676 _hypernym 14974264 +05654362 _hypernym 05653848 +00878052 _derivationally_related_form 02153387 +00402951 _derivationally_related_form 00302875 +14848785 _hypernym 14589223 +07390945 _derivationally_related_form 02491383 +02041085 _hypernym 02040505 +00065639 _derivationally_related_form 10595647 +01529036 _member_meronym 01535005 +08921392 _instance_hypernym 09316454 +09137032 _has_part 02907985 +01947887 _hypernym 01944692 +02876088 _derivationally_related_form 01903756 +00257269 _derivationally_related_form 00946499 +02583211 _hypernym 01429349 +01916634 _derivationally_related_form 10682038 +12738859 _member_meronym 12739072 +00823436 _hypernym 00804802 +05971086 _synset_domain_topic_of 06158346 +09044862 _derivationally_related_form 02927512 +08994339 _instance_hypernym 08524735 +01204191 _derivationally_related_form 01057759 +07199922 _derivationally_related_form 02357072 +00765081 _hypernym 00759694 +04433185 _derivationally_related_form 01285440 +06461077 _has_part 06460295 +05097845 _derivationally_related_form 01215421 +01271915 _instance_hypernym 00956485 +00330160 _derivationally_related_form 00439343 +01506583 _derivationally_related_form 00341695 +00298497 _derivationally_related_form 01512259 +01807529 _derivationally_related_form 10699752 +14329262 _hypernym 14322699 +05866199 _synset_domain_topic_of 06090869 +02185988 _derivationally_related_form 07390400 +00770543 _hypernym 00732746 +07884567 _hypernym 07881800 +12751043 _member_meronym 12751172 +02166229 _hypernym 02165456 +05549830 _has_part 05559256 +00421917 _hypernym 00426958 +01498268 _hypernym 01432517 +00232863 _synset_domain_topic_of 08441203 +08705397 _member_of_domain_region 08044265 +13573666 _hypernym 13575433 +07269552 _synset_domain_topic_of 08199025 +02529515 _member_meronym 02529772 +07517550 _derivationally_related_form 01789270 +08196230 _has_part 08194927 +10421753 _hypernym 10421470 +00203342 _derivationally_related_form 00807178 +09152944 _has_part 09438554 +00198451 _derivationally_related_form 02397637 +05075602 _derivationally_related_form 01711749 +02441022 _derivationally_related_form 09941964 +02062632 _derivationally_related_form 00336654 +07553741 _derivationally_related_form 00506299 +14575399 _derivationally_related_form 00904046 +07796321 _hypernym 07795751 +13080471 _hypernym 11590783 +09125528 _instance_hypernym 08524735 +03928116 _has_part 03318983 +12841872 _hypernym 12205694 +12766043 _hypernym 12651821 +09140569 _instance_hypernym 08524735 +06717170 _member_of_domain_usage 09748239 +06469377 _derivationally_related_form 01008903 +13535261 _derivationally_related_form 02712125 +13328357 _derivationally_related_form 00315020 +06125041 _hypernym 05996646 +00331082 _derivationally_related_form 09294716 +01720980 _synset_domain_topic_of 07006119 +02110927 _hypernym 00137313 +06100236 _hypernym 06090869 +13467009 _hypernym 13459322 +01774918 _hypernym 01759182 +00141806 _derivationally_related_form 00661824 +04374735 _hypernym 03953416 +01984119 _verb_group 01984317 +12233759 _hypernym 11575425 +08959495 _instance_hypernym 08633957 +08414381 _derivationally_related_form 00625963 +02216066 _hypernym 01762525 +01644542 _member_meronym 01644699 +02458675 _hypernym 01864707 +10512982 _hypernym 00007846 +14488317 _hypernym 13920835 +02469274 _hypernym 02467662 +02545045 _hypernym 02367363 +00828990 _derivationally_related_form 00086835 +07412310 _derivationally_related_form 02766687 +03198637 _hypernym 02938514 +00322151 _derivationally_related_form 07686873 +11447851 _derivationally_related_form 01902783 +10677713 _derivationally_related_form 00895304 +02432530 _derivationally_related_form 00237078 +12913645 _hypernym 11579418 +00612652 _derivationally_related_form 02709906 +00856193 _hypernym 00855674 +04683136 _derivationally_related_form 01696135 +01663443 _hypernym 01659248 +00074790 _derivationally_related_form 02566227 +14412725 _derivationally_related_form 00797697 +02265231 _derivationally_related_form 05662532 +00875394 _derivationally_related_form 10673451 +00553616 _derivationally_related_form 13564215 +11773628 _hypernym 13120211 +07217924 _derivationally_related_form 00967098 +06353445 _derivationally_related_form 01699896 +02616705 _hypernym 01432517 +00339934 _derivationally_related_form 07314277 +11825988 _hypernym 11573660 +00753685 _derivationally_related_form 02593001 +00645493 _also_see 00647070 +01302086 _has_part 01276436 +12278371 _hypernym 12268246 +04127904 _derivationally_related_form 01846658 +02588871 _hypernym 02588677 +05558345 _hypernym 05303402 +12410715 _hypernym 11534677 +03362393 _hypernym 02715941 +13341350 _synset_domain_topic_of 08441203 +00934965 _hypernym 00933821 +01815185 _derivationally_related_form 00354884 +04807776 _hypernym 05144079 +00594836 _hypernym 00586262 +01661804 _derivationally_related_form 03536348 +02239347 _hypernym 01759182 +08550076 _hypernym 08651247 +01538629 _derivationally_related_form 00717748 +01825417 _member_meronym 01828714 +02260085 _derivationally_related_form 01109687 +08368308 _derivationally_related_form 02875499 +12556030 _member_meronym 12558230 +10034906 _derivationally_related_form 02056971 +02289295 _verb_group 00012267 +06673770 _hypernym 06672953 +09157163 _has_part 09158268 +00382109 _hypernym 00381680 +12214789 _hypernym 13112664 +09612131 _derivationally_related_form 00869596 +02998363 _hypernym 03096593 +01004692 _derivationally_related_form 06825120 +00912833 _derivationally_related_form 01860497 +04955633 _hypernym 04950126 +02409412 _derivationally_related_form 10053808 +02340736 _derivationally_related_form 04471632 +11127752 _instance_hypernym 10453533 +01519046 _hypernym 01342529 +00213694 _derivationally_related_form 02303331 +02241569 _hypernym 02159955 +10299250 _derivationally_related_form 01194418 +07780627 _hypernym 07775905 +01101958 _derivationally_related_form 00967625 +04096066 _has_part 04465933 +09543154 _synset_domain_topic_of 06232880 +09503877 _hypernym 00007347 +02474239 _derivationally_related_form 13265011 +05905802 _hypernym 05905348 +00834198 _also_see 01825671 +07125523 _hypernym 07109847 +02298160 _derivationally_related_form 01097292 +05767733 _hypernym 05765159 +09805475 _derivationally_related_form 01640550 +13135832 _hypernym 13134947 +01930874 _derivationally_related_form 10034906 +06599788 _derivationally_related_form 02817339 +00071864 _synset_domain_topic_of 00471613 +02970685 _hypernym 04161358 +12619306 _member_meronym 12644464 +09492123 _hypernym 09484664 +09028477 _instance_hypernym 08524735 +00872107 _derivationally_related_form 00949288 +00245289 _derivationally_related_form 09754051 +00069060 _derivationally_related_form 01327028 +12995724 _member_meronym 12996068 +01888295 _derivationally_related_form 00059376 +01849221 _also_see 01970348 +11962108 _hypernym 11579418 +06845599 _member_of_domain_usage 04051068 +00646271 _verb_group 00645939 +01220619 _hypernym 06710546 +07687211 _hypernym 07679356 +02072394 _hypernym 02072159 +00953216 _derivationally_related_form 07221094 +01323518 _derivationally_related_form 09416076 +02190188 _derivationally_related_form 04982207 +05528604 _has_part 05240850 +12020048 _hypernym 11579418 +01325536 _derivationally_related_form 00219012 +15026716 _hypernym 14736972 +00230475 _hypernym 00230324 +13233012 _hypernym 11562747 +00012267 _hypernym 00010435 +07226545 _hypernym 07160883 +01284908 _derivationally_related_form 10737431 +04829550 _derivationally_related_form 00506299 +02456031 _hypernym 02455407 +01723224 _derivationally_related_form 00897026 +12899333 _member_meronym 12899752 +12884523 _member_meronym 12887293 +13491060 _derivationally_related_form 00443116 +02401031 _hypernym 02399000 +01048718 _derivationally_related_form 07121361 +12356668 _member_meronym 12357343 +07357101 _hypernym 07296428 +11820965 _hypernym 11669921 +00473322 _also_see 00472671 +00357906 _hypernym 00357680 +05285275 _hypernym 05303402 +02324901 _hypernym 02324478 +09059274 _has_part 09206375 +07903208 _hypernym 07901587 +02403408 _hypernym 02402825 +10694258 _hypernym 10045713 +00859001 _derivationally_related_form 00717358 +03442756 _has_part 02789271 +00805034 _derivationally_related_form 02511551 +03343560 _derivationally_related_form 00378664 +02547586 _derivationally_related_form 05154908 +03852688 _has_part 03309465 +10290422 _hypernym 10438172 +12834408 _member_meronym 12836033 +01693324 _derivationally_related_form 04155310 +01014066 _derivationally_related_form 02304982 +01840238 _synset_domain_topic_of 00300441 +00293916 _hypernym 00283127 +00417643 _hypernym 00417397 +01210816 _derivationally_related_form 00885925 +09134386 _has_part 09192708 +07936263 _hypernym 07881800 +09044862 _member_of_domain_region 15187451 +00999815 _derivationally_related_form 03294833 +09282724 _hypernym 09229709 +12031547 _hypernym 12030654 +02085374 _hypernym 02084071 +05329215 _has_part 05387167 +13152742 _derivationally_related_form 00095747 +00933154 _hypernym 00933000 +09751895 _hypernym 09634494 +11599694 _member_meronym 11600139 +06349220 _hypernym 00033020 +12801323 _hypernym 11585340 +00023773 _derivationally_related_form 01649999 +11872973 _has_part 11873182 +07436986 _derivationally_related_form 00052548 +02518625 _hypernym 02518161 +02528163 _hypernym 02514825 +00835501 _derivationally_related_form 00034948 +02144251 _hypernym 02141713 +09632518 _derivationally_related_form 02410855 +01958346 _hypernym 01958038 +01903346 _hypernym 01902568 +02003601 _derivationally_related_form 00622584 +04004767 _derivationally_related_form 01747945 +02743207 _synset_domain_topic_of 08199025 +01841591 _hypernym 01931768 +12401122 _member_meronym 12401335 +07405893 _derivationally_related_form 02743727 +08623927 _hypernym 08621598 +09225146 _synset_domain_topic_of 09328904 +04250026 _derivationally_related_form 01456463 +12902887 _hypernym 11579418 +02711543 _hypernym 02711114 +10083823 _hypernym 09807754 +14654541 _hypernym 14622893 +11454591 _derivationally_related_form 01524523 +13030438 _hypernym 11592146 +10576316 _derivationally_related_form 01202184 +13152742 _has_part 08373244 +15178841 _has_part 15218551 +09998907 _hypernym 09812338 +01422172 _derivationally_related_form 02951170 +03233423 _derivationally_related_form 01078050 +09830194 _hypernym 10101634 +14108713 _hypernym 14108324 +11707668 _hypernym 11571907 +00572788 _verb_group 02280869 +01563746 _hypernym 01563128 +03888257 _derivationally_related_form 10397482 +02163301 _derivationally_related_form 10478960 +02172888 _derivationally_related_form 07387509 +13996571 _hypernym 13996300 +01620854 _derivationally_related_form 14562960 +09007723 _member_meronym 09707992 +01823370 _derivationally_related_form 07528097 +09075842 _instance_hypernym 08655464 +01008546 _hypernym 01007924 +08815046 _member_of_domain_region 08016900 +10066732 _derivationally_related_form 00670261 +08153437 _hypernym 07971449 +09934921 _hypernym 10605985 +01059743 _hypernym 00983824 +00960961 _hypernym 00959827 +12329899 _member_meronym 12334686 +01236164 _derivationally_related_form 04337740 +15267536 _derivationally_related_form 02609764 +03191776 _hypernym 02770830 +09359803 _has_part 09360122 +06526004 _synset_domain_topic_of 08441203 +00757544 _derivationally_related_form 07207410 +00831651 _derivationally_related_form 10205985 +09748408 _derivationally_related_form 08769645 +00716945 _derivationally_related_form 00219012 +03105742 _derivationally_related_form 14365356 +01871680 _derivationally_related_form 00114095 +02136103 _hypernym 02135220 +12920719 _hypernym 12917901 +01323518 _hypernym 01323958 +12061614 _hypernym 12041446 +10771990 _hypernym 00007846 +13503908 _derivationally_related_form 00958334 +04061969 _derivationally_related_form 01498872 +02127613 _derivationally_related_form 04946553 +00517847 _verb_group 00518115 +00706605 _hypernym 00706371 +07963087 _derivationally_related_form 01503952 +00371846 _derivationally_related_form 01328705 +01112420 _hypernym 01090446 +08981244 _member_of_domain_region 08036293 +00758459 _derivationally_related_form 04842029 +04706290 _derivationally_related_form 00568483 +02069888 _derivationally_related_form 00329619 +01826364 _hypernym 01825930 +05217168 _derivationally_related_form 09792237 +10268629 _derivationally_related_form 02458943 +05535484 _has_part 05537806 +09009490 _instance_hypernym 08524735 +00759335 _hypernym 00757730 +10402417 _derivationally_related_form 08060694 +07610295 _synset_domain_topic_of 07978924 +00713167 _derivationally_related_form 13792579 +00516932 _hypernym 00515154 +04684358 _derivationally_related_form 00489496 +11777779 _member_meronym 11777929 +09023321 _has_part 09435065 +02637938 _derivationally_related_form 10763725 +01042228 _hypernym 01041954 +11827775 _member_meronym 11830570 +02982232 _hypernym 03183080 +14483126 _hypernym 13959931 +03371363 _hypernym 03771443 +13906345 _hypernym 13905792 +02352946 _synset_domain_topic_of 06123363 +01824751 _also_see 01002377 +01816635 _member_meronym 01816887 +00900616 _also_see 00903668 +10251779 _derivationally_related_form 00597915 +14245163 _hypernym 14242922 +09426788 _has_part 09215664 +11911591 _member_meronym 11964269 +06845599 _member_of_domain_usage 03693089 +07144039 _hypernym 07140659 +02527813 _member_meronym 02544086 +02614482 _hypernym 02612657 +02028366 _hypernym 02027612 +04267577 _hypernym 03976657 +02762468 _derivationally_related_form 00472992 +02284544 _hypernym 02271137 +12342498 _hypernym 12342299 +01224517 _derivationally_related_form 00852922 +00210940 _synset_domain_topic_of 07020895 +02244007 _member_meronym 02244396 +02549211 _hypernym 02414710 +03966976 _hypernym 03489162 +02301072 _member_meronym 02301452 +00409281 _derivationally_related_form 08365855 +02509405 _member_meronym 02509515 +01236164 _derivationally_related_form 07302542 +12385046 _hypernym 11565385 +04689198 _hypernym 04688246 +01813884 _derivationally_related_form 07529563 +10171219 _derivationally_related_form 00857784 +03957567 _hypernym 04362025 +07157273 _derivationally_related_form 00964110 +02728142 _verb_group 00959827 +08192361 _hypernym 08198137 +00134780 _derivationally_related_form 01412759 +09968845 _derivationally_related_form 00591236 +15066367 _hypernym 14662574 +11911591 _member_meronym 11967572 +08594714 _has_part 08594886 +00369138 _derivationally_related_form 01378123 +04913568 _hypernym 04912732 +13053608 _hypernym 13049953 +14739360 _hypernym 14607521 +04049405 _derivationally_related_form 01398941 +08000304 _synset_domain_topic_of 06000644 +00654400 _derivationally_related_form 02188848 +01948284 _member_meronym 01948446 +02304229 _hypernym 01762525 +00105479 _derivationally_related_form 01632897 +04379243 _has_part 03654826 +07093759 _hypernym 06408779 +10702615 _derivationally_related_form 10702781 +02395115 _also_see 01073822 +12518725 _hypernym 11585340 +14173484 _hypernym 14171682 +04105068 _derivationally_related_form 01233993 +01505254 _derivationally_related_form 04019696 +01109431 _hypernym 01101913 +01640850 _also_see 01535709 +00906735 _derivationally_related_form 15224692 +10580772 _hypernym 10360747 +03102654 _derivationally_related_form 00370412 +01263018 _derivationally_related_form 02527651 +03493333 _hypernym 03081021 +08780881 _has_part 08789970 +10467395 _derivationally_related_form 02984104 +05937112 _derivationally_related_form 02723733 +06724066 _hypernym 06722453 +10752480 _derivationally_related_form 02574205 +02037989 _derivationally_related_form 09206985 +09112282 _has_part 09113762 +02122983 _derivationally_related_form 07520112 +14438125 _derivationally_related_form 00689950 +01067577 _derivationally_related_form 00440786 +09810364 _hypernym 00007846 +01137829 _hypernym 02339413 +01309109 _has_part 01285305 +02017775 _hypernym 02016523 +05540121 _has_part 05273822 +14507951 _derivationally_related_form 02557199 +01767199 _member_meronym 01783384 +09938272 _synset_domain_topic_of 08199025 +03244388 _derivationally_related_form 01930117 +02307547 _derivationally_related_form 13261916 +00648224 _derivationally_related_form 05797597 +14477342 _derivationally_related_form 00259927 +01042764 _hypernym 01041968 +09627462 _hypernym 00007846 +09821253 _derivationally_related_form 01120069 +01454636 _also_see 01918984 +10075529 _hypernym 10345804 +10676682 _hypernym 00007846 +06102476 _derivationally_related_form 01680836 +09830629 _hypernym 10176111 +02001858 _also_see 02002720 +11665781 _member_meronym 11740655 +02651412 _member_meronym 02651617 +08860123 _member_of_domain_region 10535706 +00700000 _derivationally_related_form 10427764 +01289061 _instance_hypernym 00968155 +05785508 _hypernym 05784831 +09284015 _derivationally_related_form 01567888 +01635432 _derivationally_related_form 05896059 +00276620 _derivationally_related_form 01534147 +15174218 _has_part 15210486 +02041492 _member_meronym 02041678 +05006898 _hypernym 05005250 +09848285 _derivationally_related_form 08098346 +12166424 _hypernym 13100677 +00949288 _derivationally_related_form 00634586 +14066492 _derivationally_related_form 00030647 +01548694 _derivationally_related_form 01069125 +10068804 _hypernym 10708454 +02122164 _derivationally_related_form 14331873 +10626994 _hypernym 10129825 +00786458 _derivationally_related_form 00636461 +01686132 _synset_domain_topic_of 00933420 +00307785 _hypernym 00226566 +07220773 _derivationally_related_form 00953216 +08482271 _hypernym 08426461 +00719231 _derivationally_related_form 13932421 +13629309 _hypernym 13601596 +02460199 _hypernym 00888786 +12618942 _member_meronym 12619306 +13144084 _hypernym 13104059 +14159623 _hypernym 14465048 +02486138 _member_meronym 02486261 +11832108 _member_meronym 11832214 +12758639 _member_meronym 12760013 +05216365 _has_part 05263850 +10441694 _derivationally_related_form 00884540 +02871060 _derivationally_related_form 03299929 +10219879 _hypernym 00007846 +02455407 _derivationally_related_form 00880662 +02176268 _derivationally_related_form 11480930 +10365846 _hypernym 09867437 +06295235 _member_of_domain_usage 05126228 +02022162 _hypernym 02526085 +14662281 _hypernym 14625458 +14530061 _derivationally_related_form 02360448 +11345181 _instance_hypernym 10794014 +12537569 _hypernym 13100677 +00413876 _derivationally_related_form 10583387 +14048441 _derivationally_related_form 02860919 +08428019 _derivationally_related_form 01996735 +01993031 _hypernym 01992503 +11984854 _hypernym 11579418 +07962628 _hypernym 07961480 +08848094 _instance_hypernym 08700255 +12637729 _member_meronym 12646950 +00251791 _hypernym 00251064 +10261041 _derivationally_related_form 15140405 +07379577 _derivationally_related_form 01052301 +00688377 _hypernym 00683280 +01388813 _hypernym 01387786 +10701180 _hypernym 10439851 +12712149 _member_meronym 12712320 +09087599 _has_part 09323470 +02472987 _hypernym 02472293 +10901420 _instance_hypernym 10453533 +00267522 _hypernym 00266806 +10253995 _derivationally_related_form 00594374 +12517253 _hypernym 11585340 +13879320 _derivationally_related_form 02468618 +10543795 _derivationally_related_form 00459498 +01411630 _derivationally_related_form 04372171 +02190015 _hypernym 01759182 +05728678 _derivationally_related_form 00709625 +08860123 _member_of_domain_region 03697109 +00421437 _hypernym 00420477 +02681795 _also_see 02449340 +01606018 _hypernym 01424456 +01080064 _derivationally_related_form 00557588 +01642924 _derivationally_related_form 00044150 +02127613 _verb_group 01209678 +02245592 _member_meronym 02256365 +11697158 _member_meronym 11698433 +07576577 _derivationally_related_form 00324806 +02330967 _hypernym 02327200 +02060141 _hypernym 01378556 +01529036 _member_meronym 01542055 +01158872 _derivationally_related_form 05148699 +00042757 _derivationally_related_form 02008396 +01603732 _derivationally_related_form 14936010 +12792041 _member_meronym 12800327 +10317007 _derivationally_related_form 00752335 +01406356 _verb_group 01406684 +03579137 _hypernym 02725367 +02159271 _member_meronym 02273545 +02154508 _derivationally_related_form 00151497 +02396205 _derivationally_related_form 00163779 +14291561 _derivationally_related_form 00465762 +02066304 _hypernym 02064887 +06728726 _instance_hypernym 06723635 +01926984 _verb_group 02099829 +01148283 _also_see 00588797 +03945615 _derivationally_related_form 01727684 +00252430 _derivationally_related_form 00475647 +08799462 _instance_hypernym 08524735 +01202728 _derivationally_related_form 02806261 +05716744 _hypernym 05715283 +03814906 _has_part 03908831 +03820728 _hypernym 04377057 +01727684 _derivationally_related_form 03945615 +00671022 _hypernym 00671351 +03613592 _hypernym 03659292 +04331277 _has_part 04119892 +01559868 _hypernym 01517662 +01249060 _derivationally_related_form 01734502 +05001867 _hypernym 05001482 +10127273 _derivationally_related_form 01948573 +07555402 _hypernym 07555184 +05524615 _hypernym 05524430 +12951465 _member_meronym 12951668 +00716130 _hypernym 00715868 +02083087 _derivationally_related_form 14863521 +01428155 _member_meronym 02546744 +00566135 _hypernym 00565302 +02182498 _hypernym 01762525 +03204306 _hypernym 03633091 +14634591 _hypernym 14622893 +03091374 _hypernym 03575240 +00923995 _derivationally_related_form 01621555 +08158460 _member_meronym 11079802 +13515958 _derivationally_related_form 00072012 +10421470 _hypernym 10165109 +13726947 _hypernym 13609507 +02658944 _member_meronym 02659176 +06574841 _hypernym 06570110 +15055633 _hypernym 14591091 +02782815 _derivationally_related_form 05166805 +04738641 _derivationally_related_form 02290998 +14489113 _hypernym 13933560 +15254550 _has_part 15231964 +05484862 _hypernym 05329735 +12977296 _member_meronym 12979478 +10062996 _derivationally_related_form 00429440 +12836663 _member_meronym 12836862 +08779504 _instance_hypernym 08696931 +11287964 _instance_hypernym 10020890 +00765649 _derivationally_related_form 07246036 +01001294 _hypernym 00955601 +00262549 _hypernym 00260648 +01142519 _derivationally_related_form 01933900 +02704949 _has_part 04541662 +02106761 _also_see 02102796 +00711550 _hypernym 01639714 +07270179 _hypernym 06806469 +08240169 _hypernym 07950920 +08701942 _has_part 08701410 +01486411 _hypernym 01432517 +07222823 _hypernym 07220773 +02694247 _derivationally_related_form 09493562 +00702226 _derivationally_related_form 04438304 +00534152 _hypernym 00533922 +00171127 _synset_domain_topic_of 06174404 +05149695 _derivationally_related_form 01195536 +02301072 _member_meronym 02302853 +02308741 _derivationally_related_form 01089778 +11089669 _instance_hypernym 09765278 +08390157 _synset_domain_topic_of 08199025 +01161635 _derivationally_related_form 07335243 +07127563 _derivationally_related_form 00031663 +00954137 _derivationally_related_form 06382590 +01107806 _hypernym 01105639 +08102555 _synset_domain_topic_of 06037666 +12151615 _hypernym 12150028 +07346057 _hypernym 07345593 +01025913 _derivationally_related_form 04660261 +13523208 _hypernym 13518963 +01439190 _hypernym 01212572 +02376089 _hypernym 01090335 +00115803 _hypernym 00114431 +14821248 _hypernym 14821043 +10617904 _derivationally_related_form 00478217 +00623947 _derivationally_related_form 00583933 +00876542 _hypernym 00882159 +07628870 _hypernym 07622061 +03115897 _hypernym 03360845 +12178129 _hypernym 12177844 +12592351 _member_meronym 12592544 +05372593 _hypernym 05418717 +00005526 _derivationally_related_form 00834460 +01198307 _derivationally_related_form 02581477 +09006413 _has_part 08779830 +13897996 _derivationally_related_form 02673134 +01407065 _hypernym 08221348 +07488340 _derivationally_related_form 01426397 +01985331 _member_meronym 01985493 +01131515 _hypernym 01129920 +00583991 _hypernym 00205885 +01899708 _derivationally_related_form 01314910 +00434374 _hypernym 00109660 +14243268 _hypernym 14242922 +09774266 _derivationally_related_form 00876442 +00506658 _derivationally_related_form 01155687 +00923793 _hypernym 00831651 +05354580 _hypernym 05333777 +06468123 _derivationally_related_form 00243900 +12464278 _hypernym 11561228 +01890792 _derivationally_related_form 00575083 +06781581 _hypernym 06780882 +08160276 _hypernym 00031264 +09506337 _synset_domain_topic_of 07978924 +14638517 _hypernym 14821248 +01943718 _derivationally_related_form 00326291 +01630284 _hypernym 01629276 +01614195 _hypernym 01507175 +14577469 _derivationally_related_form 00267041 +13631194 _hypernym 13601596 +01926311 _derivationally_related_form 07460104 +02126382 _hypernym 02125641 +02663086 _member_meronym 02663211 +00561036 _also_see 01076793 +00770437 _derivationally_related_form 00322457 +01697406 _hypernym 01686132 +07731952 _has_part 12144742 +07357101 _derivationally_related_form 00518395 +09334396 _derivationally_related_form 01979901 +09698108 _hypernym 09641757 +09453008 _hypernym 09302616 +05988097 _hypernym 05987835 +02253456 _hypernym 02254258 +01179707 _derivationally_related_form 01613463 +01549291 _also_see 02513740 +01498872 _hypernym 01494310 +07620485 _hypernym 07620327 +02495387 _hypernym 02495038 +09023321 _has_part 09233284 +01090446 _derivationally_related_form 00483146 +06414372 _hypernym 06410904 +00351963 _hypernym 00352826 +11465017 _hypernym 11525955 +01711662 _member_meronym 01712008 +01968115 _member_meronym 01968315 +04023249 _derivationally_related_form 01442779 +07176243 _derivationally_related_form 00806049 +05982152 _derivationally_related_form 00698572 +11159698 _instance_hypernym 10599806 +00278555 _hypernym 00278403 +08573842 _hypernym 08560027 +05770926 _hypernym 05770664 +01676313 _member_meronym 01681200 +02200498 _hypernym 02230772 +08717730 _instance_hypernym 09203827 +10588724 _derivationally_related_form 01497750 +11071177 _synset_domain_topic_of 08083599 +05872477 _hypernym 05870916 +01941093 _verb_group 01847845 +13231436 _hypernym 11592146 +09023321 _has_part 09025451 +08910668 _has_part 08913085 +02520730 _hypernym 02249438 +00277659 _derivationally_related_form 01009871 +13980288 _derivationally_related_form 09773245 +04154152 _hypernym 04011827 +02332315 _hypernym 01864707 +02074726 _hypernym 02073250 +04945057 _hypernym 04944048 +05264545 _synset_domain_topic_of 06057539 +00612160 _synset_domain_topic_of 06043075 +01460937 _derivationally_related_form 01254051 +01746818 _member_meronym 01746952 +04577293 _hypernym 02792552 +00321731 _derivationally_related_form 01422662 +14834563 _hypernym 15078050 +12539832 _hypernym 13100677 +01472807 _derivationally_related_form 14500567 +07436100 _derivationally_related_form 01375637 +00772640 _derivationally_related_form 06797169 +03048412 _hypernym 02721160 +11155444 _instance_hypernym 09945319 +00383390 _derivationally_related_form 01346003 +10938363 _synset_domain_topic_of 08083599 +02553196 _member_meronym 02555863 +02502212 _hypernym 01862557 +00696518 _also_see 01474513 +07112550 _hypernym 07111047 +00347104 _hypernym 00345761 +12213635 _member_meronym 12218621 +00482473 _hypernym 00296178 +14835333 _derivationally_related_form 00430625 +01883344 _derivationally_related_form 00331655 +10616379 _derivationally_related_form 00032539 +01105737 _derivationally_related_form 01846320 +01891249 _derivationally_related_form 14004572 +02291748 _hypernym 02291572 +01588172 _member_meronym 01588858 +02091574 _derivationally_related_form 08149781 +00500834 _hypernym 00126264 +13965049 _derivationally_related_form 02490090 +00146572 _hypernym 00145218 +09433134 _derivationally_related_form 00536143 +00156390 _hypernym 00042311 +03001627 _has_part 03654826 +04913839 _derivationally_related_form 00878348 +12898959 _hypernym 11579418 +01584321 _derivationally_related_form 03089348 +01463519 _synset_domain_topic_of 06071426 +14152617 _hypernym 14465048 +07527817 _hypernym 07527352 +08540903 _hypernym 08491826 +02176178 _derivationally_related_form 04766275 +10117267 _derivationally_related_form 06778102 +01916738 _hypernym 01342529 +11007332 _instance_hypernym 09926246 +00971015 _verb_group 00691516 +00467717 _derivationally_related_form 05924920 +06379568 _derivationally_related_form 01802219 +03320519 _derivationally_related_form 02147962 +04025130 _hypernym 03219135 +13962498 _derivationally_related_form 02109818 +01276970 _derivationally_related_form 03832405 +04244615 _hypernym 04072193 +00302394 _derivationally_related_form 01941093 +13189222 _hypernym 13167078 +02546075 _derivationally_related_form 14436875 +01222360 _also_see 02460502 +03773268 _has_part 03359755 +07344663 _hypernym 07352190 +01146793 _hypernym 01072949 +01462928 _derivationally_related_form 05685879 +10892564 _derivationally_related_form 02680723 +00748155 _derivationally_related_form 02554066 +01631759 _hypernym 01626134 +08860123 _member_of_domain_region 07450549 +06581410 _synset_domain_topic_of 06128570 +14399116 _derivationally_related_form 03054551 +00249017 _hypernym 00248659 +13360498 _hypernym 13244109 +00147815 _hypernym 00146138 +11312709 _instance_hypernym 10015215 +06032246 _derivationally_related_form 02658979 +02102840 _verb_group 01881180 +14155506 _hypernym 14207809 +08557131 _derivationally_related_form 10038778 +01369663 _also_see 01226240 +13214645 _member_meronym 13214813 +08050678 _derivationally_related_form 02586619 +00402539 _derivationally_related_form 07423899 +01183573 _derivationally_related_form 02080577 +10666846 _hypernym 10648237 +12933403 _has_part 07730406 +03282060 _has_part 04085873 +05431926 _synset_domain_topic_of 06075527 +01020005 _hypernym 01009240 +05218119 _derivationally_related_form 02673139 +00546389 _derivationally_related_form 01729431 +08975617 _instance_hypernym 08574314 +01668421 _derivationally_related_form 09812068 +01764800 _derivationally_related_form 04904352 +00686890 _derivationally_related_form 00822367 +01404628 _hypernym 01402600 +11749742 _hypernym 11585340 +01060746 _verb_group 01069638 +11189829 _instance_hypernym 09765278 +00046022 _hypernym 00045817 +12226322 _member_meronym 12243292 +13405166 _hypernym 13404248 +00204585 _derivationally_related_form 00068333 +12087650 _hypernym 11744583 +08562243 _has_part 09189411 +13575433 _derivationally_related_form 00458754 +06715223 _derivationally_related_form 00848420 +12694707 _member_meronym 12695144 +01941670 _member_meronym 01947874 +02384940 _hypernym 02376958 +00785962 _derivationally_related_form 10009276 +13412721 _hypernym 13412321 +14645346 _hypernym 14625458 +01228530 _derivationally_related_form 09801533 +02190188 _hypernym 02191106 +05560787 _has_part 05591256 +02257149 _member_meronym 02257284 +03335030 _derivationally_related_form 01090335 +12591195 _hypernym 11744859 +03790230 _has_part 03579982 +01182709 _derivationally_related_form 01057200 +02169352 _derivationally_related_form 06767035 +00727573 _hypernym 00726300 +00027268 _derivationally_related_form 05294606 +06587596 _hypernym 06566077 +05774129 _derivationally_related_form 00111129 +00207728 _derivationally_related_form 14440623 +10337913 _hypernym 10557854 +01881180 _derivationally_related_form 00297404 +01935476 _derivationally_related_form 09986189 +06505517 _synset_domain_topic_of 08441203 +00504592 _also_see 00227507 +00059989 _hypernym 00058743 +00981544 _derivationally_related_form 01063350 +01468576 _hypernym 02501738 +01166517 _synset_domain_topic_of 00480508 +08682819 _has_part 08563627 +13143626 _member_meronym 13143758 +00772967 _derivationally_related_form 05926676 +06536389 _hypernym 06502378 +10745770 _hypernym 10129825 +09071690 _has_part 09074140 +13621418 _hypernym 13615557 +06633896 _derivationally_related_form 00881998 +04932278 _synset_domain_topic_of 06128570 +14948645 _hypernym 14591091 +02647918 _derivationally_related_form 11416722 +12501745 _member_meronym 12532008 +04398309 _hypernym 04381994 +12487394 _hypernym 11566682 +09069752 _instance_hypernym 08524735 +02822055 _synset_domain_topic_of 06078978 +02424695 _hypernym 02419796 +11947079 _member_meronym 11947802 +01412204 _hypernym 01397210 +05780885 _derivationally_related_form 02635189 +09042322 _instance_hypernym 08633957 +09981834 _hypernym 10363913 +13724474 _hypernym 13717155 +06154724 _hypernym 06153846 +11701492 _member_meronym 11701698 +00053609 _hypernym 00042757 +04395875 _hypernym 02913152 +02118058 _hypernym 01864707 +09164417 _instance_hypernym 08524735 +00841628 _derivationally_related_form 01193721 +10003283 _derivationally_related_form 02213074 +05220306 _hypernym 05219724 +12575089 _member_meronym 12575679 +05595083 _derivationally_related_form 02354287 +01382818 _hypernym 01480149 +13144511 _member_meronym 13145444 +00764031 _synset_domain_topic_of 00759694 +00393953 _derivationally_related_form 00807500 +13344804 _hypernym 13344071 +01718952 _synset_domain_topic_of 06128570 +06763681 _derivationally_related_form 01705257 +12077944 _hypernym 12041446 +01420928 _hypernym 01397210 +02556623 _member_meronym 02556846 +01409940 _hypernym 01342529 +14861355 _derivationally_related_form 03091996 +02262752 _derivationally_related_form 13268842 +12718807 _hypernym 11585340 +00149084 _hypernym 00147595 +05676605 _hypernym 05675905 +00628491 _derivationally_related_form 10708454 +02388145 _derivationally_related_form 04905842 +02252429 _member_meronym 02253592 +10431625 _hypernym 00007846 +11041814 _instance_hypernym 10233445 +09057311 _has_part 03439491 +01854132 _verb_group 01995211 +01170813 _hypernym 01169317 +02248510 _hypernym 02248368 +09688008 _hypernym 09686536 +10147619 _hypernym 00007846 +12986447 _member_meronym 12989462 +00856824 _hypernym 00681429 +04176068 _hypernym 03484083 +08999482 _has_part 08971693 +12719277 _hypernym 11566682 +02047650 _derivationally_related_form 07432973 +00750532 _hypernym 00751567 +10237196 _hypernym 09622302 +01468238 _hypernym 01466257 +11939380 _hypernym 11579418 +01556671 _member_meronym 01561318 +06880249 _hypernym 06879180 +10000007 _hypernym 00007846 +01646866 _derivationally_related_form 05827253 +01030820 _hypernym 00410247 +00667224 _derivationally_related_form 00153961 +00296946 _derivationally_related_form 01912159 +08303504 _derivationally_related_form 00369194 +09898215 _hypernym 10127555 +00057306 _derivationally_related_form 01904120 +00211776 _hypernym 00211110 +09355623 _hypernym 09239740 +08228538 _hypernym 08227214 +08895771 _instance_hypernym 08524735 +13028611 _hypernym 13024012 +00927430 _derivationally_related_form 07162680 +00908351 _derivationally_related_form 04922113 +01036319 _derivationally_related_form 14541852 +01234729 _hypernym 01080366 +08169573 _hypernym 08168978 +00156812 _derivationally_related_form 02506546 +01259458 _also_see 01256600 +13963970 _hypernym 13963757 +12099556 _hypernym 11562747 +14313154 _hypernym 14299637 +01850373 _hypernym 01846331 +01190948 _derivationally_related_form 01072072 +01626420 _hypernym 01656788 +00875394 _hypernym 01010118 +02323186 _member_meronym 02328270 +13920429 _hypernym 00024720 +01386494 _member_meronym 01387065 +06552984 _hypernym 06479665 +06185748 _derivationally_related_form 02478059 +09773245 _derivationally_related_form 07548366 +00694974 _derivationally_related_form 00791527 +03075768 _derivationally_related_form 01765392 +02517768 _hypernym 01429349 +03287733 _hypernym 03789946 +07644706 _hypernym 07644382 +00217014 _derivationally_related_form 01619929 +06805297 _hypernym 07213395 +04975122 _derivationally_related_form 00287735 +04190747 _derivationally_related_form 01486312 +00571738 _derivationally_related_form 10166394 +02250464 _member_meronym 02250822 +04706882 _hypernym 04780958 +01932973 _derivationally_related_form 02603699 +04991511 _derivationally_related_form 02019021 +01923414 _derivationally_related_form 02377703 +10435988 _derivationally_related_form 01509079 +06680002 _hypernym 06679457 +00026192 _derivationally_related_form 01771535 +09796323 _derivationally_related_form 06143546 +13973059 _hypernym 13972797 +10621514 _derivationally_related_form 02568392 +01172114 _derivationally_related_form 10712690 +00164345 _derivationally_related_form 00740053 +01013856 _hypernym 01013367 +08970064 _instance_hypernym 08524735 +05485314 _hypernym 05329735 +14655731 _hypernym 14625458 +01052301 _derivationally_related_form 01315213 +00681429 _derivationally_related_form 05138488 +00982293 _derivationally_related_form 04987620 +09759501 _derivationally_related_form 00588473 +01629958 _derivationally_related_form 07160116 +03982430 _hypernym 04379243 +10521100 _hypernym 10308732 +14403282 _derivationally_related_form 01790020 +00840609 _hypernym 00839834 +00558061 _derivationally_related_form 15274441 +01331348 _hypernym 01329239 +08672199 _derivationally_related_form 08665504 +10369955 _hypernym 10582746 +03100897 _synset_domain_topic_of 03316406 +10703692 _derivationally_related_form 00669970 +01279631 _hypernym 01280014 +00273690 _hypernym 00199130 +01604625 _member_meronym 01610758 +07115021 _hypernym 07111047 +10595164 _hypernym 10235549 +11766609 _member_meronym 11770013 +12661420 _member_meronym 12661538 +01023574 _hypernym 01024190 +01007222 _derivationally_related_form 04400499 +03932670 _hypernym 03932203 +02007417 _derivationally_related_form 00019131 +12936826 _hypernym 12205694 +01051331 _derivationally_related_form 01575675 +03100346 _hypernym 04256520 +02432139 _member_meronym 02432291 +00849357 _derivationally_related_form 04812268 +01633343 _derivationally_related_form 05772215 +15199033 _hypernym 15184755 +00285889 _derivationally_related_form 02091410 +02085742 _derivationally_related_form 00052146 +05684561 _hypernym 05683582 +13291189 _derivationally_related_form 02543874 +11366405 _instance_hypernym 10527334 +00493460 _derivationally_related_form 04763293 +12657294 _hypernym 12655869 +09238926 _hypernym 09287968 +01453852 _hypernym 01342529 +12740514 _member_meronym 12744277 +00573932 _derivationally_related_form 14724025 +11665781 _member_meronym 12358485 +10770545 _derivationally_related_form 04558578 +01642924 _derivationally_related_form 11410625 +00293977 _hypernym 00293141 +11749920 _hypernym 13108131 +00442063 _derivationally_related_form 09402704 +01432517 _hypernym 08108972 +07085786 _derivationally_related_form 00983333 +03773504 _hypernym 04565375 +05003273 _derivationally_related_form 01989720 +01418179 _hypernym 01419473 +08357529 _hypernym 08164585 +00572489 _derivationally_related_form 01512259 +09105821 _has_part 09478355 +02517938 _hypernym 02517442 +08928933 _instance_hypernym 08633957 +09095751 _instance_hypernym 08695539 +07824988 _hypernym 07582441 +00306314 _also_see 00510050 +08745901 _instance_hypernym 08524735 +11897466 _hypernym 13118707 +01876028 _verb_group 01875295 +02678677 _derivationally_related_form 05317191 +14066492 _derivationally_related_form 01785579 +02589576 _derivationally_related_form 00798245 +01383947 _hypernym 01380638 +13077295 _derivationally_related_form 00210738 +08324514 _member_meronym 09944022 +01096497 _derivationally_related_form 10372373 +00001740 _derivationally_related_form 04250850 +07470671 _derivationally_related_form 01081152 +02108026 _derivationally_related_form 07285403 +08798195 _instance_hypernym 08633957 +00380994 _derivationally_related_form 00457100 +02229544 _hypernym 02226183 +13003522 _derivationally_related_form 00103317 +00379440 _derivationally_related_form 14289942 +03763968 _synset_domain_topic_of 08199025 +00653449 _hypernym 00634472 +14299070 _derivationally_related_form 00071803 +13870414 _synset_domain_topic_of 06000644 +11099729 _instance_hypernym 09765278 +12605965 _hypernym 11555413 +15166462 _has_part 15169248 +05540407 _hypernym 05269901 +14656219 _hypernym 14622893 +02531820 _hypernym 01432517 +02080482 _hypernym 02079933 +10311021 _hypernym 09629752 +10775128 _derivationally_related_form 01141938 +13308864 _hypernym 13400798 +12359026 _member_meronym 12929061 +11746776 _member_meronym 12501745 +12950501 _hypernym 11579418 +13140049 _derivationally_related_form 00198057 +01914947 _hypernym 02050132 +01622596 _member_meronym 01623110 +00233386 _hypernym 00231567 +10225219 _hypernym 09769636 +03366721 _hypernym 03365592 +14002279 _derivationally_related_form 01602318 +00834198 _derivationally_related_form 05199869 +05190804 _derivationally_related_form 01825671 +04530566 _has_part 03548626 +10106752 _hypernym 09614684 +00956687 _derivationally_related_form 05849284 +14827346 _hypernym 14727670 +02291572 _hypernym 02291220 +01172275 _derivationally_related_form 10037385 +00730984 _derivationally_related_form 10323182 +01076793 _also_see 00561036 +06286395 _has_part 06304671 +00736219 _hypernym 00735936 +02073532 _hypernym 01862557 +03239259 _hypernym 03763968 +05727220 _hypernym 05726596 +08890097 _has_part 08893223 +01956708 _synset_domain_topic_of 00298497 +13872975 _hypernym 13863186 +00799537 _hypernym 00798245 +00961001 _derivationally_related_form 01506157 +00429048 _derivationally_related_form 02492362 +00072473 _hypernym 00070965 +02752567 _derivationally_related_form 15275598 +00311113 _hypernym 00223500 +06427831 _hypernym 06362953 +02341108 _member_meronym 02341475 +09772746 _derivationally_related_form 00848466 +01935233 _derivationally_related_form 08572467 +00763399 _derivationally_related_form 05838176 +00135013 _derivationally_related_form 06372680 +02583139 _derivationally_related_form 10210137 +02451679 _synset_domain_topic_of 06037666 +10943256 _instance_hypernym 09765278 +11699915 _member_meronym 11700058 +10724699 _derivationally_related_form 02232190 +02730471 _hypernym 02133435 +06593296 _hypernym 06589574 +02330967 _synset_domain_topic_of 06282651 +03035510 _hypernym 03982060 +03743761 _hypernym 04188643 +08963369 _member_meronym 09712696 +08279524 _hypernym 08277805 +02621395 _derivationally_related_form 04933544 +03750614 _hypernym 04051825 +00369399 _hypernym 00369802 +11835806 _member_meronym 11838266 +09483340 _instance_hypernym 09411430 +03206908 _hypernym 03133538 +06269130 _has_part 06270879 +08723006 _has_part 08728595 +14193711 _hypernym 14084502 +01021794 _derivationally_related_form 04956110 +11911591 _member_meronym 11983910 +14356328 _hypernym 14336539 +00162688 _verb_group 02405390 +09629065 _derivationally_related_form 08081668 +01814396 _hypernym 01819147 +00064095 _derivationally_related_form 03879854 +02317661 _hypernym 02313250 +02455407 _hypernym 00661824 +01375204 _synset_domain_topic_of 00015388 +01789740 _derivationally_related_form 01145944 +08949093 _has_part 09353437 +03391301 _derivationally_related_form 01586850 +10239761 _hypernym 00007846 +00186001 _hypernym 00515154 +03961070 _hypernym 04188643 +02072355 _member_meronym 02072493 +02034986 _derivationally_related_form 05072663 +00597385 _hypernym 00595935 +00662589 _derivationally_related_form 00141806 +02731629 _hypernym 02895606 +00164658 _hypernym 01631072 +02824448 _hypernym 02676261 +00625774 _also_see 00627410 +12882945 _hypernym 12882779 +05813626 _derivationally_related_form 00610538 +04178897 _hypernym 03315023 +04211528 _derivationally_related_form 01345109 +00429642 _hypernym 00429060 +08748280 _has_part 08749447 +08801678 _has_part 09357847 +10575787 _derivationally_related_form 02240881 +05979454 _derivationally_related_form 01817314 +05496990 _has_part 05483890 +00988028 _hypernym 00940384 +00439484 _derivationally_related_form 01867697 +11866248 _hypernym 12205694 +01205961 _hypernym 01202904 +10254392 _hypernym 10216106 +00860292 _derivationally_related_form 09926088 +03289819 _hypernym 03936895 +03458552 _hypernym 03274796 +02461830 _hypernym 01886756 +00932636 _hypernym 00955148 +10763985 _derivationally_related_form 00018813 +00351638 _hypernym 00351485 +01566185 _derivationally_related_form 10792856 +09013074 _has_part 09013353 +14395018 _hypernym 14380140 +01395493 _hypernym 01395049 +13023292 _member_meronym 12967281 +02945971 _derivationally_related_form 00883297 +12377328 _member_meronym 12377494 +01926988 _hypernym 01921887 +00028565 _derivationally_related_form 06878071 +07175102 _hypernym 07174433 +14276649 _hypernym 14253124 +04087126 _hypernym 04359589 +02771320 _hypernym 00259927 +03482523 _hypernym 03975232 +00846509 _derivationally_related_form 01220336 +05526957 _hypernym 05238282 +14545845 _hypernym 13920835 +08641944 _hypernym 08641113 +12116881 _member_meronym 12117017 +00971999 _hypernym 00971650 +06867675 _derivationally_related_form 01730384 +12683407 _hypernym 11669921 +02295082 _hypernym 00918872 +00279465 _derivationally_related_form 14779205 +01079873 _verb_group 01149470 +01044867 _hypernym 01044448 +02735418 _derivationally_related_form 15266911 +01894520 _also_see 02522581 +13403331 _derivationally_related_form 02896789 +14839846 _derivationally_related_form 01244351 +00742149 _hypernym 00800930 +05764197 _derivationally_related_form 00713167 +08917881 _derivationally_related_form 02690613 +03966751 _hypernym 03481172 +03150795 _hypernym 03568117 +01172598 _hypernym 01221790 +10091012 _derivationally_related_form 00819508 +05658985 _derivationally_related_form 02870453 +02679012 _derivationally_related_form 13948026 +05783357 _derivationally_related_form 00521874 +04959230 _derivationally_related_form 00289974 +04063661 _hypernym 06791372 +08910668 _has_part 09333706 +13368052 _derivationally_related_form 02285392 +10916105 _instance_hypernym 10123844 +05805902 _derivationally_related_form 00588221 +00734927 _hypernym 02327200 +14898470 _derivationally_related_form 00069166 +02033805 _hypernym 01907258 +01960911 _derivationally_related_form 00442115 +12715569 _member_meronym 12717914 +00916285 _hypernym 00915722 +00046534 _also_see 00044149 +10325656 _hypernym 10325243 +01599539 _derivationally_related_form 03064758 +11376069 _instance_hypernym 10599806 +00781303 _derivationally_related_form 04836074 +11922192 _hypernym 12205694 +08139795 _has_part 08143163 +00654015 _derivationally_related_form 05790012 +02507736 _hypernym 00137313 +09198106 _has_part 08567072 +13650921 _has_part 13650447 +00774796 _hypernym 00766234 +02240852 _member_meronym 02241008 +12121405 _member_meronym 12121610 +08225090 _derivationally_related_form 10352299 +01047803 _hypernym 01047338 +04952944 _derivationally_related_form 02766390 +02647497 _derivationally_related_form 10721124 +07461411 _hypernym 07458453 +00739662 _derivationally_related_form 07997703 +02519991 _also_see 02672540 +01256743 _derivationally_related_form 02440244 +05910940 _hypernym 05898568 +13169219 _member_meronym 13203551 +12039743 _member_meronym 12053138 +06721461 _derivationally_related_form 01793742 +06252954 _derivationally_related_form 02296153 +09949946 _hypernym 10475297 +02742232 _derivationally_related_form 03244388 +00821295 _synset_domain_topic_of 08199025 +00637259 _derivationally_related_form 00868910 +12317164 _hypernym 11744859 +09475292 _hypernym 09225146 +01740969 _derivationally_related_form 10120671 +05499542 _has_part 05497741 +07990956 _hypernym 07993929 +02292535 _hypernym 02321757 +02192225 _hypernym 02191766 +03830582 _hypernym 04482543 +02972499 _derivationally_related_form 09076982 +11834148 _hypernym 11573660 +05525391 _hypernym 05524615 +01051956 _derivationally_related_form 10034785 +10722965 _hypernym 09977660 +04744814 _derivationally_related_form 01410606 +08860123 _member_of_domain_region 13252062 +00235208 _derivationally_related_form 00249313 +02625851 _hypernym 02625612 +12782108 _member_meronym 12782338 +01492052 _derivationally_related_form 14419164 +15294884 _synset_domain_topic_of 05946687 +01749790 _derivationally_related_form 00938791 +00259177 _derivationally_related_form 00199912 +10355449 _derivationally_related_form 00345761 +12076381 _member_meronym 12076577 +01445932 _derivationally_related_form 09857852 +00659112 _hypernym 00658052 +08675967 _hypernym 08574314 +12896307 _hypernym 12893463 +07260623 _hypernym 13577171 +00131018 _similar_to 00130778 +10792335 _derivationally_related_form 01778017 +06773976 _derivationally_related_form 01647867 +00298041 _derivationally_related_form 10618848 +01212572 _derivationally_related_form 00812526 +00335988 _derivationally_related_form 01884383 +00897241 _derivationally_related_form 10146927 +01434822 _derivationally_related_form 07961480 +07162680 _derivationally_related_form 02297142 +02700867 _verb_group 02701210 +01556178 _hypernym 01552519 +11529603 _hypernym 07940552 +05930736 _hypernym 05726345 +11414257 _hypernym 11410625 +07989373 _member_meronym 10640620 +05591256 _hypernym 05289861 +13659162 _has_part 13658998 +08174398 _hypernym 08294696 +02373843 _member_meronym 02390454 +09403734 _has_part 09386842 +07265619 _hypernym 06875094 +02258617 _hypernym 02257370 +09044862 _member_of_domain_region 10998305 +05694232 _derivationally_related_form 01304944 +00329031 _derivationally_related_form 01870275 +00909363 _derivationally_related_form 07539367 +14704966 _hypernym 14702416 +12736999 _has_part 12737251 +05683390 _derivationally_related_form 02169119 +11356636 _instance_hypernym 10453533 +01429953 _derivationally_related_form 05870615 +01987160 _derivationally_related_form 01051331 +05504532 _hypernym 05462674 +06798558 _hypernym 06797169 +02566528 _derivationally_related_form 00770270 +04540547 _has_part 04540761 +01453852 _member_meronym 01456939 +11655764 _hypernym 11554175 +12383073 _hypernym 11565385 +07223450 _hypernym 07223170 +00439958 _hypernym 00151689 +00084562 _derivationally_related_form 03740161 +00366547 _verb_group 00364868 +00731789 _derivationally_related_form 00375625 +02656390 _derivationally_related_form 13313733 +02479154 _derivationally_related_form 06687358 +00134780 _synset_domain_topic_of 00445802 +03322099 _derivationally_related_form 01739814 +02166986 _hypernym 01759182 +01896561 _hypernym 01896031 +10644301 _derivationally_related_form 00045639 +12838027 _member_meronym 12846869 +00377686 _derivationally_related_form 00306723 +01305551 _has_part 01299994 +03771443 _hypernym 04470232 +09657887 _hypernym 09645091 +02171664 _derivationally_related_form 07393161 +13651218 _derivationally_related_form 13651520 +02419773 _hypernym 02410855 +01252280 _derivationally_related_form 00414174 +04053995 _hypernym 14778019 +01275516 _hypernym 00126264 +09275473 _has_part 08757264 +06851742 _member_of_domain_usage 02748618 +00607780 _derivationally_related_form 02005756 +00335366 _derivationally_related_form 14292090 +02424984 _derivationally_related_form 10759331 +06449735 _has_part 06432715 +09718652 _hypernym 09718217 +02321342 _member_meronym 02321759 +01745141 _derivationally_related_form 06636806 +04578559 _hypernym 04180314 +02285392 _hypernym 02203362 +11263558 _instance_hypernym 10187990 +01129920 _hypernym 01123598 +00354183 _hypernym 00351638 +00653388 _hypernym 00634586 +10012815 _derivationally_related_form 02512305 +09048303 _instance_hypernym 08574314 +13276330 _hypernym 13275495 +07249426 _hypernym 07248801 +08624196 _derivationally_related_form 02653381 +00550242 _hypernym 00550016 +03799375 _hypernym 04099429 +07218470 _hypernym 06470073 +07361416 _derivationally_related_form 01986367 +01557697 _member_meronym 01557962 +12224522 _hypernym 11562747 +06032246 _synset_domain_topic_of 06018465 +12688526 _member_meronym 12688716 +10400998 _derivationally_related_form 06780309 +00397576 _hypernym 00140123 +00379754 _derivationally_related_form 01657254 +02792049 _hypernym 04166841 +08738272 _member_meronym 09700823 +14398067 _hypernym 14380140 +09942970 _hypernym 10317007 +07109847 _derivationally_related_form 00940384 +01176897 _hypernym 01182709 +08841956 _instance_hypernym 09203827 +02457058 _hypernym 01313923 +00230324 _derivationally_related_form 09757175 +02159955 _has_part 02151625 +14768854 _hypernym 14974264 +01014990 _derivationally_related_form 00158804 +02030996 _hypernym 02022684 +02431971 _derivationally_related_form 09770472 +07356489 _derivationally_related_form 00271711 +09824135 _hypernym 10379758 +01566916 _derivationally_related_form 00315830 +00982178 _derivationally_related_form 10265801 +09941571 _derivationally_related_form 00590626 +10538629 _hypernym 09974648 +06556692 _hypernym 06552984 +08995515 _has_part 08994339 +02487573 _derivationally_related_form 10757193 +00485609 _derivationally_related_form 15291199 +00534849 _hypernym 00532110 +02595902 _member_meronym 02596067 +10531694 _hypernym 10129825 +00575741 _hypernym 00407535 +01953810 _hypernym 01850315 +14323683 _derivationally_related_form 02122164 +09060768 _has_part 09169303 +01494310 _also_see 01489465 +09871095 _hypernym 09870208 +00552815 _derivationally_related_form 11444643 +07326880 _hypernym 07326557 +02062209 _member_meronym 02072209 +06689125 _synset_domain_topic_of 08441203 +10340312 _derivationally_related_form 05636048 +08124649 _hypernym 08337324 +13002433 _member_meronym 13003254 +11896365 _hypernym 11575425 +13558003 _hypernym 13475538 +11754188 _member_meronym 11755694 +01693453 _derivationally_related_form 03967396 +02152740 _hypernym 00015388 +04264914 _hypernym 03125870 +06845599 _member_of_domain_usage 03190303 +02235911 _hypernym 01762525 +01120448 _derivationally_related_form 02253154 +10710259 _hypernym 10026553 +03763968 _hypernym 04509592 +09033333 _has_part 09173023 +02556817 _derivationally_related_form 10568443 +01386494 _member_meronym 01421012 +06550206 _hypernym 06549661 +01726390 _member_meronym 01740283 +01265176 _derivationally_related_form 00008055 +12212810 _member_meronym 12618942 +00034288 _derivationally_related_form 06877578 +05300507 _has_part 05479503 +11476430 _hypernym 11473954 +00847158 _hypernym 00846509 +11623105 _hypernym 13108841 +05512835 _hypernym 05250659 +01167385 _derivationally_related_form 00880978 +03854065 _hypernym 04586932 +12173407 _member_meronym 12173664 +04687119 _derivationally_related_form 01257145 +04413151 _hypernym 03093792 +08860123 _member_of_domain_region 14814531 +07367812 _hypernym 07283608 +00747757 _derivationally_related_form 01352067 +00508192 _also_see 02064745 +00317888 _derivationally_related_form 05051896 +01961974 _synset_domain_topic_of 00441824 +06889591 _derivationally_related_form 00883226 +02234087 _derivationally_related_form 13289467 +01939406 _derivationally_related_form 03218198 +01958615 _hypernym 01957529 +06138582 _hypernym 06136258 +05722868 _derivationally_related_form 02122983 +00796976 _derivationally_related_form 00205349 +10037385 _derivationally_related_form 01190494 +02652922 _derivationally_related_form 01056411 +00953923 _derivationally_related_form 06767777 +05600637 _has_part 05602548 +00199912 _hypernym 00199659 +00265119 _derivationally_related_form 00163441 +09012530 _instance_hypernym 08691669 +12310153 _hypernym 11567411 +09884391 _derivationally_related_form 01322854 +02028722 _derivationally_related_form 10171567 +05725527 _hypernym 05725378 +12724201 _member_meronym 12728164 +08791167 _has_part 08957381 +02635154 _hypernym 02632989 +12329899 _member_meronym 12332718 +03109693 _synset_domain_topic_of 06123363 +02292564 _hypernym 01762525 +09141526 _has_part 09143649 +00631378 _derivationally_related_form 02568672 +03536122 _hypernym 02688443 +10337488 _synset_domain_topic_of 06148148 +13725726 _hypernym 13609507 +00091124 _derivationally_related_form 14299336 +12081851 _hypernym 11556857 +01591835 _hypernym 01591621 +03562126 _hypernym 03104594 +03138344 _hypernym 03659292 +08732116 _has_part 09379938 +10474446 _derivationally_related_form 02244956 +03120454 _derivationally_related_form 10656488 +00357332 _hypernym 00231557 +11692952 _member_meronym 11701903 +06731510 _hypernym 06731378 +02116118 _hypernym 02115778 +00267871 _derivationally_related_form 14370122 +07598335 _hypernym 07566340 +03777283 _derivationally_related_form 01697406 +14712036 _derivationally_related_form 00025728 +07380144 _derivationally_related_form 02174115 +10442232 _derivationally_related_form 01921204 +00190023 _derivationally_related_form 00390198 +00199130 _hypernym 00191142 +09044862 _member_of_domain_region 10311823 +01634011 _hypernym 01633343 +03201638 _hypernym 03450230 +02297142 _hypernym 02199590 +06471345 _derivationally_related_form 02444662 +01013040 _derivationally_related_form 06684572 +01651059 _hypernym 01650167 +07058296 _hypernym 07071942 +11348812 _instance_hypernym 10136959 +08085824 _member_meronym 09894143 +02071173 _member_meronym 02071294 +00464962 _also_see 01926376 +06490887 _derivationally_related_form 00948853 +11894173 _member_meronym 11894327 +04545471 _hypernym 03391770 +12996841 _member_meronym 13060451 +09184834 _hypernym 00023773 +12096798 _hypernym 11562747 +09385137 _derivationally_related_form 00144314 +10350220 _hypernym 10079893 +00072012 _derivationally_related_form 14855724 +14799601 _hypernym 14974264 +02023992 _hypernym 02023341 +00515791 _hypernym 00429048 +01141593 _hypernym 01139194 +03321103 _has_part 02683558 +15213774 _has_part 15196186 +00998886 _hypernym 00998399 +03525074 _hypernym 03664675 +14603497 _hypernym 14857278 +13440779 _hypernym 13572436 +01869563 _also_see 02522581 +02948072 _hypernym 03636248 +04103918 _hypernym 03100490 +00990008 _derivationally_related_form 06713930 +14126660 _hypernym 14552802 +00262596 _hypernym 00262249 +02245993 _derivationally_related_form 08063446 +00630071 _derivationally_related_form 01545314 +01728572 _hypernym 01727646 +05786372 _derivationally_related_form 00629738 +05749402 _hypernym 05748054 +06709692 _derivationally_related_form 02149302 +02486932 _derivationally_related_form 01230965 +12684153 _hypernym 11585340 +02023107 _derivationally_related_form 00147187 +14892289 _hypernym 14859838 +00113726 _derivationally_related_form 01871680 +12303462 _hypernym 13104059 +07568095 _hypernym 07567707 +08860123 _member_of_domain_region 00510922 +02909006 _derivationally_related_form 01105737 +01682293 _hypernym 01657723 +04815321 _derivationally_related_form 00851103 +11959489 _hypernym 11579418 +02749778 _derivationally_related_form 03574555 +07164546 _hypernym 06598915 +01424456 _hypernym 01216522 +02147452 _hypernym 01864707 +07248060 _derivationally_related_form 02453889 +00894738 _derivationally_related_form 09798534 +01479937 _hypernym 08103777 +00378664 _hypernym 01564144 +01188783 _synset_domain_topic_of 08441203 +12317919 _member_meronym 12318164 +10090498 _hypernym 09626589 +03287178 _derivationally_related_form 01622795 +02181538 _derivationally_related_form 07391863 +02942699 _hypernym 03926148 +08119821 _hypernym 08114861 +06524935 _hypernym 06770275 +01886220 _member_meronym 02469588 +11965378 _hypernym 11579418 +05544725 _hypernym 05542893 +07047373 _hypernym 07037465 +00046534 _derivationally_related_form 00828237 +12615427 _member_meronym 12616825 +01419982 _hypernym 01090335 +08541609 _derivationally_related_form 00408852 +05612067 _hypernym 00023271 +09606380 _derivationally_related_form 09606527 +07818689 _hypernym 07811416 +06619428 _derivationally_related_form 00968211 +13252395 _hypernym 13246662 +02323715 _hypernym 01862557 +12087807 _member_meronym 12087961 +05261566 _has_part 05262185 +00639478 _synset_domain_topic_of 06004067 +04403167 _hypernym 03925226 +03236735 _has_part 03815278 +01359432 _derivationally_related_form 04338359 +02367032 _derivationally_related_form 07254267 +06749729 _synset_domain_topic_of 06118563 +07961379 _derivationally_related_form 01523401 +02195191 _hypernym 02194913 +01723224 _synset_domain_topic_of 06157326 +05134880 _hypernym 05134547 +09131001 _instance_hypernym 08695539 +08180639 _hypernym 07974025 +14458593 _hypernym 00024720 +06767922 _hypernym 06765044 +04253437 _hypernym 03040587 +00293141 _hypernym 00205885 +05395690 _derivationally_related_form 02733187 +01157850 _derivationally_related_form 00793271 +14704465 _derivationally_related_form 01356750 +09025451 _instance_hypernym 08524735 +00176874 _derivationally_related_form 00670105 +00495038 _hypernym 00126264 +09682291 _derivationally_related_form 02923510 +04390873 _hypernym 03691459 +10186216 _hypernym 09972661 +01800349 _also_see 01133876 +00941990 _derivationally_related_form 07109847 +02246284 _member_meronym 02246628 +01354869 _member_meronym 01357707 +04625515 _derivationally_related_form 01890792 +10252547 _hypernym 10630188 +02236842 _also_see 02234781 +06907728 _hypernym 06906439 +06647206 _derivationally_related_form 00612042 +08764107 _member_meronym 09725402 +01202068 _derivationally_related_form 00843325 +01546111 _hypernym 01545883 +06228549 _hypernym 06226057 +01932834 _hypernym 01931768 +08329113 _derivationally_related_form 02454939 +01351754 _hypernym 02210855 +00943363 _derivationally_related_form 01061017 +00306017 _hypernym 00140123 +07611358 _hypernym 07609840 +10575089 _hypernym 10257647 +10569744 _derivationally_related_form 00599472 +03141065 _hypernym 02958343 +00585406 _hypernym 00021939 +12581381 _member_meronym 12588156 +01424948 _derivationally_related_form 00417643 +02322712 _hypernym 05404336 +10812047 _instance_hypernym 10650162 +01052248 _derivationally_related_form 05714466 +00455529 _hypernym 01536168 +02529284 _derivationally_related_form 00066397 +04489008 _has_part 04238321 +10329337 _hypernym 10576962 +07157273 _member_of_domain_usage 14050434 +01210352 _derivationally_related_form 04946553 +00914769 _derivationally_related_form 07125958 +00700708 _derivationally_related_form 00151497 +00128867 _synset_domain_topic_of 00471613 +13720600 _hypernym 13716084 +12616825 _hypernym 11556857 +00248026 _derivationally_related_form 13489037 +06845599 _member_of_domain_usage 03747103 +08871007 _has_part 08873269 +00196364 _derivationally_related_form 00403911 +10897946 _instance_hypernym 10380672 +02193009 _hypernym 02190166 +02408217 _member_meronym 02408429 +02660769 _member_meronym 02662081 +12039743 _member_meronym 12045352 +06649915 _derivationally_related_form 00820611 +00052548 _derivationally_related_form 05404336 +01021629 _derivationally_related_form 05795044 +00663160 _hypernym 00662589 +04041544 _hypernym 03078287 +05323889 _hypernym 05531161 +07647870 _has_part 07650637 +12405209 _member_meronym 12407079 +12413419 _member_meronym 12412987 +00966504 _derivationally_related_form 02277138 +15250691 _hypernym 15249799 +03120778 _has_part 02789770 +00151087 _hypernym 00043195 +09151963 _instance_hypernym 08672738 +00076400 _derivationally_related_form 00118733 +05944958 _derivationally_related_form 00755745 +09492123 _hypernym 09491966 +00462689 _derivationally_related_form 14724436 +07908411 _hypernym 07907943 +15146004 _synset_domain_topic_of 00704305 +06431156 _synset_domain_topic_of 06236802 +05682950 _derivationally_related_form 00600724 +10213034 _derivationally_related_form 02538765 +06200178 _hypernym 06196584 +02433925 _hypernym 02430045 +05783041 _synset_domain_topic_of 06000644 +00624476 _hypernym 00623151 +06713930 _derivationally_related_form 00824767 +03308853 _hypernym 03526198 +00432689 _hypernym 00431552 +07374756 _derivationally_related_form 00184117 +00855295 _derivationally_related_form 07450343 +02470451 _member_meronym 02470899 +00448232 _hypernym 00447540 +12192373 _member_meronym 12193964 +15271008 _derivationally_related_form 02641035 +08161068 _member_meronym 10760340 +00545557 _verb_group 00925873 +10184946 _hypernym 00007846 +12991488 _hypernym 11590783 +01986367 _hypernym 01342529 +03195485 _derivationally_related_form 02651424 +01945516 _derivationally_related_form 00313806 +03055809 _derivationally_related_form 00612042 +00980904 _hypernym 00955060 +05517406 _hypernym 05516848 +03409591 _has_part 04089152 +10765679 _hypernym 09629752 +00661091 _hypernym 00657604 +05541872 _has_part 05542052 +02448185 _hypernym 01617192 +07203126 _hypernym 07160883 +02621395 _hypernym 02620587 +01482330 _hypernym 01482071 +01542252 _derivationally_related_form 14585519 +01950195 _member_meronym 01950457 +00958880 _also_see 02464693 +04846533 _derivationally_related_form 00224166 +02269143 _hypernym 02225492 +07570720 _derivationally_related_form 10012484 +13489037 _derivationally_related_form 00248026 +00151279 _hypernym 00296178 +01467986 _member_meronym 01469222 +02102840 _verb_group 01882814 +08564307 _has_part 09087599 +07532112 _derivationally_related_form 01183573 +03599761 _derivationally_related_form 02461063 +02738535 _hypernym 03001627 +12869248 _member_meronym 12869478 +10293172 _derivationally_related_form 02020237 +08378819 _member_meronym 08367880 +09861718 _derivationally_related_form 01076953 +12063887 _hypernym 11556857 +15146545 _hypernym 15290337 +02134589 _member_meronym 02136901 +10722385 _derivationally_related_form 00602805 +02958343 _hypernym 03791235 +08426461 _derivationally_related_form 02448185 +01416354 _member_meronym 01417041 +00976653 _derivationally_related_form 01101329 +00123430 _synset_domain_topic_of 08199025 +05566504 _has_part 02440523 +07092356 _hypernym 07092158 +01535246 _derivationally_related_form 00255710 +07970406 _member_meronym 10595164 +09762509 _derivationally_related_form 02522581 +03820950 _hypernym 04377057 +05782884 _hypernym 05781800 +01732445 _hypernym 01657723 +00408852 _hypernym 00411547 +10362195 _hypernym 10515194 +01389875 _hypernym 08103777 +10045454 _hypernym 10631941 +07180787 _hypernym 07160883 +10486349 _derivationally_related_form 01182709 +01808989 _member_meronym 01809106 +10438042 _hypernym 10605985 +12751172 _hypernym 13109733 +07010541 _hypernym 07009946 +00365446 _derivationally_related_form 00357680 +02084861 _derivationally_related_form 01429663 +00704388 _hypernym 00628491 +01476483 _derivationally_related_form 01074498 +09023321 _member_of_domain_region 09978697 +09769636 _derivationally_related_form 02501278 +00643250 _also_see 01686439 +11911591 _member_meronym 11945930 +01591910 _hypernym 01507175 +02525044 _derivationally_related_form 10404426 +00236999 _derivationally_related_form 07413899 +01711445 _derivationally_related_form 00521562 +00819024 _derivationally_related_form 02733122 +15217563 _hypernym 15216966 +01406512 _derivationally_related_form 00129089 +02283728 _member_meronym 02283951 +02258617 _derivationally_related_form 07443761 +09879744 _derivationally_related_form 00618057 +00487182 _hypernym 01557774 +04404997 _has_part 03531808 +00185778 _hypernym 00042541 +01836527 _member_meronym 01836673 +09757653 _derivationally_related_form 00421535 +01454810 _derivationally_related_form 00114871 +02256998 _derivationally_related_form 10513623 +05162217 _hypernym 05161967 +13741022 _derivationally_related_form 00563824 +05838176 _derivationally_related_form 00763399 +02765692 _derivationally_related_form 00842692 +13549488 _derivationally_related_form 00026385 +01443021 _derivationally_related_form 02875436 +01939406 _hypernym 01939174 +00622068 _hypernym 00621627 +08806897 _member_of_domain_region 10728828 +02730471 _derivationally_related_form 14526182 +00973077 _has_part 00953559 +02618149 _derivationally_related_form 13962166 +08295138 _member_meronym 09018162 +04425656 _hypernym 03713736 +00190023 _derivationally_related_form 06841365 +10209246 _derivationally_related_form 01789514 +01947887 _derivationally_related_form 09891470 +00099184 _hypernym 00205046 +11818945 _member_meronym 11819354 +13169674 _member_meronym 13179410 +01567888 _hypernym 01567275 +01316619 _hypernym 01315613 +01949966 _verb_group 01842508 +11950345 _hypernym 11669921 +01975312 _hypernym 08103777 +02640226 _hypernym 02640440 +09044862 _member_of_domain_region 10644598 +00251615 _derivationally_related_form 08508105 +07269916 _synset_domain_topic_of 06128570 +00345641 _derivationally_related_form 01522052 +08025835 _synset_domain_topic_of 00759694 +08135342 _has_part 08136027 +13988101 _hypernym 13987905 +01435380 _derivationally_related_form 00315986 +08245802 _hypernym 08246302 +05484355 _has_part 05484573 +08111419 _derivationally_related_form 02699141 +01264243 _derivationally_related_form 01013367 +14180327 _derivationally_related_form 02121188 +00529511 _hypernym 00428270 +00609506 _derivationally_related_form 01933305 +07781319 _hypernym 07775905 +10732010 _hypernym 10340312 +02729023 _derivationally_related_form 10162991 +05982915 _hypernym 05982152 +08245059 _member_meronym 10503247 +10292824 _hypernym 10150556 +00240184 _derivationally_related_form 01628449 +05472032 _hypernym 05470189 +01058574 _derivationally_related_form 06410776 +08029421 _instance_hypernym 08392137 +02642238 _derivationally_related_form 09988703 +02748618 _hypernym 02707683 +12792041 _member_meronym 12799119 +07437575 _derivationally_related_form 00053656 +04713332 _derivationally_related_form 02700104 +00550117 _verb_group 00161225 +03769967 _hypernym 03770085 +09773245 _derivationally_related_form 02378623 +07013736 _hypernym 06282651 +05155821 _derivationally_related_form 02513268 +00457998 _derivationally_related_form 14456435 +09179776 _derivationally_related_form 01649999 +00605783 _derivationally_related_form 10684630 +01398032 _derivationally_related_form 00134574 +00155143 _derivationally_related_form 07370410 +10576316 _derivationally_related_form 08380340 +00131018 _derivationally_related_form 08573472 +02130524 _derivationally_related_form 00877127 +03038281 _derivationally_related_form 01548290 +09044862 _member_of_domain_region 01126335 +02887209 _derivationally_related_form 01219993 +03283519 _derivationally_related_form 00076400 +02361600 _hypernym 02327200 +02602212 _derivationally_related_form 07515974 +01222360 _also_see 02179279 +11505546 _derivationally_related_form 00168588 +01989873 _hypernym 01970826 +08859173 _member_of_domain_region 01272787 +02219094 _hypernym 02199590 +00772967 _derivationally_related_form 06891022 +09380117 _instance_hypernym 09252970 +13262913 _has_part 13264794 +13052431 _hypernym 11592146 +11086774 _instance_hypernym 10464178 +08902196 _instance_hypernym 08654360 +00163779 _derivationally_related_form 02396205 +06782680 _derivationally_related_form 00633443 +09539394 _hypernym 09539183 +02515443 _derivationally_related_form 10184081 +12097927 _member_meronym 12099220 +02871963 _hypernym 04008634 +02566015 _also_see 00695523 +06558277 _synset_domain_topic_of 08441203 +01929254 _derivationally_related_form 00285889 +01269360 _instance_hypernym 01075117 +04677716 _synset_domain_topic_of 06136258 +11004106 _instance_hypernym 10444194 +11924330 _member_meronym 11924445 +02575082 _hypernym 02574205 +01183497 _hypernym 01182654 +02246284 _member_meronym 02246487 +09066948 _instance_hypernym 09316454 +09616722 _synset_domain_topic_of 08199025 +07548978 _derivationally_related_form 01786760 +02174311 _derivationally_related_form 07380144 +04096066 _hypernym 04564698 +09840217 _hypernym 09882007 +10803193 _derivationally_related_form 00007328 +02657219 _hypernym 02664769 +09840050 _hypernym 09765278 +10293861 _hypernym 10271677 +02513269 _also_see 01129977 +15197302 _hypernym 15184755 +00285088 _hypernym 00283911 +00968211 _derivationally_related_form 07445896 +06845599 _member_of_domain_usage 15017121 +10114550 _hypernym 10173895 +08175498 _hypernym 08404895 +00122338 _hypernym 00121366 +08860123 _member_of_domain_region 15065280 +14650807 _hypernym 14625458 +02183787 _derivationally_related_form 04989657 +02187427 _hypernym 01762525 +00301856 _verb_group 00302130 +07285403 _hypernym 07283608 +10497373 _synset_domain_topic_of 06053439 +08790353 _instance_hypernym 08574314 +02373601 _member_meronym 02373843 +05756203 _hypernym 05752544 +10261388 _hypernym 10294602 +02347220 _synset_domain_topic_of 01090446 +01280958 _derivationally_related_form 03127024 +07601809 _derivationally_related_form 00114291 +00885858 _hypernym 00883297 +02060719 _hypernym 01504437 +12322359 _hypernym 11567411 +01919931 _also_see 01452593 +03065424 _hypernym 04341686 +02600798 _hypernym 02600298 +08986691 _instance_hypernym 09388848 +01915093 _member_meronym 01915414 +09292189 _instance_hypernym 09252970 +00327145 _synset_domain_topic_of 00243918 +00994076 _derivationally_related_form 06355307 +11477384 _hypernym 11456760 +13572860 _derivationally_related_form 00581671 +02936020 _derivationally_related_form 06321702 +00162167 _derivationally_related_form 13354420 +00227507 _also_see 01123148 +01800042 _hypernym 01507175 +06337693 _derivationally_related_form 01028640 +01802309 _member_meronym 01808785 +14940100 _derivationally_related_form 00444309 +09752519 _synset_domain_topic_of 05778131 +06685198 _derivationally_related_form 02296153 +12240715 _member_meronym 12241192 +13016457 _member_meronym 13005166 +10005548 _derivationally_related_form 02394445 +03259505 _derivationally_related_form 03062280 +02014165 _derivationally_related_form 10004539 +13597280 _hypernym 13582013 +10172793 _instance_hypernym 09587565 +04469003 _has_part 04463679 +02215001 _derivationally_related_form 00689673 +02250464 _member_meronym 02250653 +07844604 _hypernym 07566340 +00177578 _derivationally_related_form 00393369 +01315613 _derivationally_related_form 10575787 +03548626 _hypernym 04341686 +06987124 _hypernym 06989146 +00315956 _derivationally_related_form 13328853 +00059019 _hypernym 00056930 +00358290 _derivationally_related_form 01594978 +00781652 _verb_group 00783042 +10442417 _derivationally_related_form 01921204 +05637558 _hypernym 05616246 +02527813 _hypernym 08103777 +05714466 _derivationally_related_form 00043480 +03156990 _hypernym 03780392 +09780249 _hypernym 09815790 +05549576 _has_part 05338166 +08910668 _has_part 09169038 +01873310 _hypernym 01871875 +00572838 _hypernym 00571609 +02556014 _hypernym 01429349 +01257145 _hypernym 00407535 +07254594 _derivationally_related_form 02227487 +01191158 _synset_domain_topic_of 08441203 +09848285 _hypernym 10016103 +01598432 _member_meronym 01598588 +11669335 _has_part 11676500 +00664276 _derivationally_related_form 00154233 +10724699 _derivationally_related_form 02012344 +05367341 _hypernym 05418717 +00379754 _hypernym 00378985 +11887119 _hypernym 11669921 +08963369 _has_part 08964647 +01265246 _hypernym 01264283 +00504270 _derivationally_related_form 14859344 +12145802 _member_meronym 12145919 +08792548 _has_part 08794574 +05703429 _derivationally_related_form 01020005 +06623614 _has_part 06624161 +02289177 _member_meronym 02289307 +08045428 _synset_domain_topic_of 00759694 +00143885 _hypernym 00046522 +03065516 _derivationally_related_form 10080508 +02094788 _derivationally_related_form 00120010 +00786816 _derivationally_related_form 07193958 +00150287 _hypernym 00109660 +00419685 _hypernym 00419375 +14885369 _hypernym 14938907 +11665781 _member_meronym 12300441 +06355307 _derivationally_related_form 00994076 +01825417 _hypernym 01342529 +00216723 _derivationally_related_form 02404224 +13723304 _has_part 13723061 +01557028 _hypernym 01504437 +02970534 _has_part 03485997 +08164585 _derivationally_related_form 00710005 +13538182 _derivationally_related_form 01307389 +01301410 _hypernym 00512186 +13907847 _derivationally_related_form 01330822 +02403231 _hypernym 02402425 +03376159 _hypernym 03907227 +08044676 _instance_hypernym 08392137 +02656426 _member_meronym 02656550 +05780885 _derivationally_related_form 02634808 +13780719 _derivationally_related_form 10235549 +07693972 _hypernym 07684600 +01482754 _member_meronym 01482887 +04536866 _derivationally_related_form 10754578 +00159880 _hypernym 00159642 +10240715 _hypernym 10340312 +06449735 _has_part 06457952 +08364143 _hypernym 08364959 +05921123 _hypernym 05809192 +02162672 _hypernym 02763740 +00424934 _hypernym 00424767 +01542207 _derivationally_related_form 00329619 +06796642 _derivationally_related_form 00783523 +00550771 _hypernym 00521562 +14019441 _hypernym 14501726 +01147451 _derivationally_related_form 01131473 +10648033 _synset_domain_topic_of 00015388 +00163441 _derivationally_related_form 00265119 +13813765 _hypernym 13812607 +02679530 _derivationally_related_form 10740219 +01920698 _derivationally_related_form 10176111 +10205985 _derivationally_related_form 00831651 +00101609 _derivationally_related_form 10421956 +00244625 _derivationally_related_form 00375071 +00641672 _synset_domain_topic_of 06004067 +13550318 _hypernym 13526110 +02483915 _member_meronym 02484473 +00636461 _derivationally_related_form 00786816 +07345166 _hypernym 07345593 +12039743 _member_meronym 12052630 +13426238 _hypernym 13518963 +01999374 _member_meronym 02000036 +00685683 _derivationally_related_form 00076341 +01637633 _derivationally_related_form 10196965 +06391766 _hypernym 06387980 +12127030 _hypernym 12135898 +01036804 _hypernym 00941990 +01062555 _hypernym 02232190 +12322099 _hypernym 12320010 +01186428 _derivationally_related_form 00842692 +01016973 _hypernym 01008378 +00489299 _derivationally_related_form 04684358 +13776137 _derivationally_related_form 00428870 +12577000 _member_meronym 12578255 +02047807 _derivationally_related_form 13864763 +04939324 _hypernym 04934546 +00795863 _derivationally_related_form 00209546 +00688377 _derivationally_related_form 05943066 +10380305 _derivationally_related_form 05311054 +00794614 _derivationally_related_form 01718535 +07523286 _hypernym 07522729 +05179567 _hypernym 05174653 +13987423 _hypernym 13985818 +00489496 _derivationally_related_form 14437134 +05284617 _hypernym 13875185 +00968211 _derivationally_related_form 06253140 +10294421 _hypernym 09615807 +02520509 _derivationally_related_form 13292787 +08682819 _instance_hypernym 08574314 +01563128 _hypernym 01525720 +07169848 _hypernym 07168131 +01834702 _member_meronym 01834918 +01870889 _also_see 02495922 +06917926 _hypernym 06906439 +08921850 _member_of_domain_region 00825951 +02306462 _derivationally_related_form 13308864 +00286497 _hypernym 00283568 +12108871 _hypernym 12102133 +05314919 _hypernym 05254795 +06802571 _derivationally_related_form 00974173 +01309991 _derivationally_related_form 04872531 +09893015 _hypernym 10448983 +00802238 _hypernym 00797878 +05112609 _derivationally_related_form 02669789 +12039743 _member_meronym 12063066 +00426526 _hypernym 00418903 +02641825 _member_meronym 02552737 +09038439 _instance_hypernym 08633957 +09141526 _has_part 09145083 +02615494 _hypernym 01429349 +09110422 _has_part 09168592 +00792304 _hypernym 01041762 +04291511 _hypernym 00021939 +00187016 _hypernym 00515154 +00469637 _derivationally_related_form 14283178 +10546633 _hypernym 10605985 +07498854 _derivationally_related_form 00680841 +01628302 _derivationally_related_form 04780958 +10889032 _instance_hypernym 10794014 +00882220 _derivationally_related_form 06693744 +12627347 _hypernym 12626353 +04672355 _hypernym 04663494 +02619029 _member_meronym 02619409 +02102002 _derivationally_related_form 09629752 +06489659 _hypernym 06481320 +01728355 _derivationally_related_form 07031752 +11465017 _derivationally_related_form 02769241 +08856266 _instance_hypernym 08524735 +01219075 _derivationally_related_form 00692907 +01429349 _hypernym 08107499 +01129337 _derivationally_related_form 10767020 +01926311 _verb_group 01914947 +04442831 _hypernym 14991927 +01945381 _hypernym 01944692 +11122114 _instance_hypernym 10394786 +05538625 _has_part 05320899 +02464866 _hypernym 02478701 +12460549 _hypernym 11561228 +06688913 _hypernym 06688274 +01880673 _derivationally_related_form 07086518 +12501745 _member_meronym 12519328 +01700076 _member_meronym 01701334 +03643907 _derivationally_related_form 01411085 +08859173 _has_part 08887841 +08956760 _instance_hypernym 08700255 +07350069 _synset_domain_topic_of 06115701 +14598525 _derivationally_related_form 01540232 +07254057 _derivationally_related_form 01819554 +14675012 _hypernym 14662574 +14594456 _derivationally_related_form 00524083 +02607630 _hypernym 01429349 +07000195 _derivationally_related_form 01755137 +01023071 _hypernym 01059123 +01644522 _hypernym 01642924 +04402746 _hypernym 03078287 +11789796 _hypernym 11556857 +10515194 _derivationally_related_form 02589576 +07381864 _hypernym 07387509 +01158872 _derivationally_related_form 00947128 +07956887 _has_part 07957193 +00599064 _hypernym 00586262 +02882647 _hypernym 02882483 +01146576 _derivationally_related_form 02495038 +01480336 _member_meronym 01480516 +11672400 _hypernym 11665372 +15210045 _has_part 15182402 +03790230 _has_part 03512911 +01942959 _derivationally_related_form 03439814 +04895246 _derivationally_related_form 02349212 +05574332 _has_part 05578740 +00459498 _derivationally_related_form 14313154 +02255567 _member_meronym 02255698 +00456740 _derivationally_related_form 07369604 +02174521 _member_meronym 02174659 +14421724 _hypernym 14418395 +00119266 _derivationally_related_form 13559782 +11911591 _member_meronym 11989266 +04194289 _has_part 03167666 +05578095 _derivationally_related_form 01751545 +04987620 _derivationally_related_form 02437148 +01798936 _derivationally_related_form 07540602 +01280808 _hypernym 01280014 +03493664 _synset_domain_topic_of 08199025 +01965747 _member_meronym 01966204 +04777634 _hypernym 04777098 +00774817 _derivationally_related_form 07184735 +01942234 _synset_domain_topic_of 00300441 +08761244 _instance_hypernym 08697827 +09968259 _hypernym 09972157 +01439745 _hypernym 01212572 +14114555 _hypernym 14059663 +01501113 _derivationally_related_form 04983402 +05124928 _derivationally_related_form 00428870 +04627809 _hypernym 04627506 +10014658 _derivationally_related_form 00758459 +03386011 _derivationally_related_form 01606205 +04928903 _hypernym 04916342 +00112312 _derivationally_related_form 01871979 +00765977 _derivationally_related_form 00282485 +01850676 _hypernym 01507175 +09911849 _derivationally_related_form 07187486 +12404484 _member_meronym 12404729 +01955808 _derivationally_related_form 00326291 +00597532 _derivationally_related_form 09807075 +01556368 _member_meronym 01556514 +07185870 _hypernym 07185325 +02260959 _hypernym 02260362 +02232190 _hypernym 01850315 +01064758 _hypernym 01064148 +03118969 _hypernym 03544360 +00952841 _verb_group 00937208 +05493758 _hypernym 05493303 +00348571 _derivationally_related_form 01901289 +00474492 _derivationally_related_form 13548105 +01177118 _derivationally_related_form 07565259 +06605046 _member_of_domain_usage 13506727 +09044862 _member_of_domain_region 01301630 +10711483 _derivationally_related_form 00490968 +04434932 _hypernym 03540267 +13757249 _derivationally_related_form 01929254 +11929027 _hypernym 13118707 +00238542 _derivationally_related_form 13453861 +00422090 _derivationally_related_form 04673965 +01706889 _synset_domain_topic_of 07020895 +00653620 _derivationally_related_form 00185307 +15129572 _instance_hypernym 15243730 +00374534 _derivationally_related_form 07419233 +12815060 _hypernym 11579418 +08236621 _derivationally_related_form 02377938 +12285369 _hypernym 12284262 +09090825 _has_part 09380817 +01524885 _member_meronym 01588172 +01382839 _hypernym 01352574 +14083790 _synset_domain_topic_of 06055946 +00619972 _derivationally_related_form 02416278 +01619929 _derivationally_related_form 03180504 +08153437 _member_meronym 10472799 +02604954 _hypernym 02554730 +09983889 _hypernym 09984298 +00823669 _derivationally_related_form 06711855 +13013187 _member_meronym 13013534 +00632201 _hypernym 00631378 +01802033 _member_meronym 01802159 +03768132 _derivationally_related_form 01125724 +00833870 _derivationally_related_form 00002942 +05192451 _hypernym 05190804 +10323752 _hypernym 09622745 +09426788 _has_part 09296121 +02758270 _instance_hypernym 04294879 +04272638 _hypernym 03925226 +00336260 _hypernym 00109660 +09222051 _hypernym 09285254 +01362623 _hypernym 01355326 +09267854 _hypernym 09463919 +00784342 _hypernym 00740577 +05783940 _derivationally_related_form 00112628 +12823164 _member_meronym 12823859 +01329239 _derivationally_related_form 10584318 +05424963 _hypernym 05474738 +04811126 _derivationally_related_form 02480923 +01313093 _member_meronym 01918310 +01321509 _derivationally_related_form 08663860 +01277649 _derivationally_related_form 02833576 +08173515 _member_meronym 08765890 +13935227 _derivationally_related_form 00796588 +06252138 _hypernym 00030358 +02438897 _hypernym 01864707 +08849753 _has_part 08851830 +06268567 _derivationally_related_form 09939154 +02037272 _derivationally_related_form 04827652 +10000294 _synset_domain_topic_of 08199025 +00788973 _derivationally_related_form 02407338 +11073061 _instance_hypernym 09921792 +02065085 _derivationally_related_form 00350380 +01381399 _member_meronym 01382033 +01381399 _hypernym 01342529 +08408709 _synset_domain_topic_of 00973077 +09939313 _derivationally_related_form 01091427 +07202579 _derivationally_related_form 01029852 +12499439 _hypernym 12499163 +14980910 _hypernym 14925198 +01165043 _hypernym 01156834 +01820901 _hypernym 01785971 +12588156 _hypernym 11556857 +14479615 _synset_domain_topic_of 06084469 +05683582 _hypernym 05669934 +00358089 _derivationally_related_form 00331082 +00623862 _hypernym 00621627 +12921868 _hypernym 12917901 +02237338 _derivationally_related_form 00205349 +02163982 _member_meronym 02171254 +10819285 _instance_hypernym 09773245 +02243744 _member_meronym 02243878 +00434077 _derivationally_related_form 03289462 +10667041 _derivationally_related_form 01900408 +13163991 _hypernym 13163250 +00249969 _derivationally_related_form 13512238 +12858397 _hypernym 12858150 +09154607 _instance_hypernym 08524735 +07157273 _member_of_domain_usage 03758614 +00772189 _derivationally_related_form 05773049 +11349318 _instance_hypernym 09863936 +01536916 _member_meronym 01537710 +13498404 _derivationally_related_form 00088713 +02496816 _derivationally_related_form 00089027 +01003049 _hypernym 01000214 +08046032 _synset_domain_topic_of 00759694 +11691046 _hypernym 13875970 +02313495 _member_meronym 02314001 +14120767 _hypernym 14059928 +09184975 _derivationally_related_form 00851239 +00841125 _derivationally_related_form 06759063 +10623354 _derivationally_related_form 02458747 +07048000 _has_part 07051975 +05756203 _derivationally_related_form 00349951 +12491826 _hypernym 13104059 +00375625 _hypernym 00374224 +05046009 _hypernym 05044673 +00912001 _hypernym 00911048 +00278117 _derivationally_related_form 14500341 +07359599 _hypernym 07296428 +02452092 _hypernym 02451370 +00563824 _derivationally_related_form 03197446 +10161363 _hypernym 10079399 +09193282 _hypernym 09428967 +14121804 _hypernym 14151139 +10618007 _hypernym 00007846 +05899087 _hypernym 05661996 +01282022 _instance_hypernym 00981369 +15062284 _hypernym 14877585 +01395382 _derivationally_related_form 14658855 +00435294 _hypernym 00434374 +14640756 _hypernym 14619225 +02553196 _member_meronym 02554730 +09641002 _hypernym 10287213 +01783394 _hypernym 02441022 +01183573 _hypernym 01182709 +05958208 _hypernym 05943300 +02467662 _derivationally_related_form 10637635 +01977366 _hypernym 01762525 +07203126 _derivationally_related_form 01011725 +08133536 _hypernym 08123167 +07168131 _hypernym 07160883 +00381013 _derivationally_related_form 07415730 +02458943 _derivationally_related_form 08375526 +10038929 _hypernym 09773245 +00758333 _verb_group 02275365 +11743570 _member_meronym 11743772 +01767163 _derivationally_related_form 10792178 +04051549 _derivationally_related_form 02334595 +00861929 _hypernym 00992041 +05171045 _derivationally_related_form 00900616 +01982044 _hypernym 01983771 +00597265 _hypernym 00596807 +10728828 _synset_domain_topic_of 15253139 +02399331 _derivationally_related_form 01013434 +13152742 _derivationally_related_form 13154077 +10178216 _derivationally_related_form 01236164 +08779504 _has_part 08780018 +08236438 _derivationally_related_form 02449011 +12725940 _hypernym 12724942 +01203715 _hypernym 01162754 +00307631 _derivationally_related_form 02102398 +02085742 _hypernym 02016523 +09141526 _has_part 09231890 +00955601 _hypernym 00939857 +05580929 _derivationally_related_form 01232387 +00983982 _hypernym 00955060 +07450842 _derivationally_related_form 02578510 +07353075 _derivationally_related_form 01566185 +05815517 _hypernym 05814291 +00618878 _derivationally_related_form 05762998 +04494204 _has_part 03960950 +02004661 _member_meronym 02004855 +02184114 _hypernym 01759182 +00062397 _hypernym 00104868 +01779165 _derivationally_related_form 01222666 +01235355 _hypernym 01211699 +13341350 _hypernym 13286801 +01405044 _hypernym 01511706 +09411430 _hypernym 09448361 +03802393 _hypernym 03309808 +01929396 _member_meronym 01932800 +11867525 _member_meronym 11874707 +00345312 _hypernym 00339934 +00070816 _derivationally_related_form 07289014 +12998349 _member_meronym 12998815 +06491786 _derivationally_related_form 02354112 +07751451 _hypernym 07705931 +01172889 _also_see 02040049 +01933305 _derivationally_related_form 00815801 +07313004 _hypernym 07355887 +03118790 _derivationally_related_form 09676884 +09113022 _instance_hypernym 08695539 +00259643 _derivationally_related_form 02249741 +01217780 _derivationally_related_form 13907415 +00966504 _hypernym 00780889 +00034948 _hypernym 00104868 +00659048 _derivationally_related_form 01232738 +10345659 _hypernym 10206173 +03209910 _derivationally_related_form 03706653 +00294175 _also_see 00835609 +06845599 _member_of_domain_usage 02673480 +00121645 _derivationally_related_form 01955508 +03308853 _derivationally_related_form 03308297 +01810946 _member_meronym 01811104 +09998101 _derivationally_related_form 00854420 +01689226 _member_meronym 01690005 +00507143 _derivationally_related_form 14925198 +09275473 _member_of_domain_region 10580535 +11695485 _hypernym 11571907 +10248711 _hypernym 09610660 +02107248 _derivationally_related_form 04060647 +06377133 _hypernym 06364329 +02071142 _derivationally_related_form 07432559 +02323286 _synset_domain_topic_of 01090446 +04033995 _derivationally_related_form 01667449 +08860123 _member_of_domain_region 04528256 +10182913 _derivationally_related_form 01201422 +01940403 _verb_group 01847845 +07184391 _hypernym 07183151 +06352782 _hypernym 06361770 +01394901 _member_meronym 01395254 +07269552 _hypernym 06882561 +14793533 _derivationally_related_form 00286798 +06529219 _derivationally_related_form 00745499 +04315948 _has_part 02705944 +06373747 _derivationally_related_form 02487718 +12090318 _member_meronym 12094786 +02059162 _hypernym 02057731 +00810729 _derivationally_related_form 00740712 +00493517 _derivationally_related_form 14586769 +07504111 _derivationally_related_form 01808374 +02400378 _derivationally_related_form 13558696 +01612084 _derivationally_related_form 10655169 +00349416 _derivationally_related_form 00242003 +01855155 _derivationally_related_form 10724699 +00136800 _hypernym 00146138 +00345761 _derivationally_related_form 10355449 +04063373 _has_part 03963294 +08372190 _member_meronym 09626238 +05938795 _hypernym 05925366 +14616939 _derivationally_related_form 02117232 +00918872 _verb_group 00920336 +00090888 _hypernym 00069879 +15107876 _hypernym 14662574 +00740290 _synset_domain_topic_of 06000644 +02603673 _derivationally_related_form 05529286 +08463817 _derivationally_related_form 01195299 +00818553 _hypernym 00817311 +09956578 _derivationally_related_form 00462092 +01696435 _derivationally_related_form 04558804 +00364600 _derivationally_related_form 00315020 +01159025 _hypernym 01158690 +08180190 _hypernym 00031264 +09131654 _has_part 09206375 +09006413 _has_part 09010085 +08913434 _member_of_domain_region 08345189 +00451838 _derivationally_related_form 13480541 +02728570 _verb_group 02247028 +01101391 _also_see 00525453 +05432948 _has_part 05433496 +02385634 _derivationally_related_form 09854510 +02548219 _hypernym 02547586 +02323715 _member_meronym 02323902 +15024606 _hypernym 14888884 +00639556 _hypernym 00641820 +00267217 _derivationally_related_form 01330676 +06845599 _member_of_domain_usage 03976467 +01735144 _derivationally_related_form 13531652 +00737884 _derivationally_related_form 10409752 +12302565 _hypernym 13112664 +14631871 _hypernym 14622893 +12808227 _member_meronym 12829099 +07577538 _synset_domain_topic_of 06951067 +09931640 _derivationally_related_form 00833702 +01393714 _derivationally_related_form 00252307 +02521816 _derivationally_related_form 08428019 +14716042 _hypernym 14802450 +10455094 _derivationally_related_form 00747215 +13248598 _hypernym 13248393 +00632438 _also_see 01880531 +09155306 _has_part 09398217 +11997775 _hypernym 11579418 +03485997 _hypernym 02728763 +02730265 _derivationally_related_form 01363648 +01418237 _member_meronym 01419082 +01582625 _hypernym 01504437 +01205961 _derivationally_related_form 00101609 +01012561 _hypernym 01012073 +02005778 _derivationally_related_form 00073032 +08860123 _member_of_domain_region 13740765 +13449566 _derivationally_related_form 02770717 +02601996 _derivationally_related_form 00355691 +01891145 _hypernym 01864707 +08831004 _member_of_domain_region 02871963 +04237924 _hypernym 03961070 +07186661 _hypernym 07186148 +07682624 _hypernym 07679356 +05679611 _hypernym 05678932 +02617567 _hypernym 00341560 +01235258 _hypernym 01234729 +08631531 _hypernym 08552138 +04685195 _derivationally_related_form 00532886 +12194776 _member_meronym 12201166 +02319050 _hypernym 02573275 +08956760 _has_part 09350524 +03400389 _hypernym 03305522 +02290664 _hypernym 02288789 +10634075 _hypernym 10118844 +02420430 _derivationally_related_form 10506417 +12749049 _hypernym 13112664 +07440240 _hypernym 07405893 +01805384 _hypernym 02719016 +03519081 _derivationally_related_form 00514069 +03415252 _hypernym 04507155 +01801600 _also_see 01587077 +10154013 _derivationally_related_form 06050901 +01649948 _member_meronym 01652163 +08903352 _instance_hypernym 08524735 +03630544 _hypernym 02721160 +01922763 _also_see 01740892 +05976257 _derivationally_related_form 10577820 +04636397 _hypernym 04635631 +05282746 _has_part 05308310 +00363052 _derivationally_related_form 00226071 +08961970 _has_part 08962187 +02038357 _derivationally_related_form 00348008 +12359026 _member_meronym 12034828 +10501203 _derivationally_related_form 00810385 +07075172 _member_of_domain_usage 02167210 +07757602 _hypernym 07757312 +04970916 _hypernym 04959672 +01496978 _derivationally_related_form 04194289 +02019308 _hypernym 01507175 +11485367 _has_part 11485582 +00731000 _derivationally_related_form 13354420 +00358290 _derivationally_related_form 00332017 +00205349 _derivationally_related_form 02502916 +12815925 _member_meronym 12822284 +08709038 _has_part 08752974 +00006523 _hypernym 00004227 +10022908 _hypernym 10376523 +01154237 _hypernym 01153548 +12192722 _hypernym 11575425 +09936362 _hypernym 09632518 +12373100 _has_part 07762244 +03689157 _hypernym 04417180 +01670777 _hypernym 01675963 +02517169 _member_meronym 02517442 +01988971 _hypernym 01342529 +02389346 _verb_group 02389592 +03040587 _hypernym 14873641 +01817938 _derivationally_related_form 07251779 +06508816 _derivationally_related_form 01001857 +09023321 _has_part 09024972 +02081946 _derivationally_related_form 01353226 +09759501 _hypernym 10183757 +00941990 _derivationally_related_form 07130050 +01502262 _member_meronym 02001428 +09112282 _has_part 09114262 +00787465 _hypernym 00786195 +07091902 _member_of_domain_usage 10358575 +01584529 _hypernym 01507175 +02557033 _hypernym 01432517 +12533190 _hypernym 12205694 +09148970 _member_of_domain_region 01295918 +01771966 _member_meronym 01773930 +01317064 _verb_group 00709205 +03175189 _hypernym 03309808 +01413551 _member_meronym 01413744 +01774136 _derivationally_related_form 07503430 +13885370 _derivationally_related_form 01350699 +08188235 _hypernym 08246613 +00590148 _hypernym 00586262 +02273545 _member_meronym 02300018 +04803430 _derivationally_related_form 00914421 +12804866 _member_meronym 12806015 +00336260 _verb_group 00336539 +02049532 _hypernym 02021795 +00959027 _hypernym 00958334 +12198628 _member_meronym 12198793 +11431617 _hypernym 11525955 +10585077 _hypernym 00007846 +01952898 _hypernym 01951480 +10629647 _hypernym 09738708 +02457825 _hypernym 02458103 +01816431 _derivationally_related_form 09424489 +01793818 _member_meronym 01793988 +06540702 _synset_domain_topic_of 08441203 +02853449 _derivationally_related_form 01479333 +02701210 _verb_group 02700867 +07070429 _hypernym 07066659 +03910033 _hypernym 02716866 +03705379 _hypernym 03183080 +02806088 _hypernym 04340935 +06469874 _derivationally_related_form 02752695 +04337740 _hypernym 03736970 +12637729 _member_meronym 12642734 +07416107 _derivationally_related_form 00574996 +05274247 _hypernym 05269901 +12490054 _hypernym 13120003 +01198101 _derivationally_related_form 10614976 +01824736 _derivationally_related_form 07486229 +04566862 _hypernym 04514738 +01802309 _member_meronym 01804029 +01524885 _member_meronym 01575577 +01239868 _derivationally_related_form 02271137 +05016753 _hypernym 05016171 +00712419 _derivationally_related_form 14451349 +09456614 _hypernym 09225146 +00158804 _derivationally_related_form 07375214 +00240184 _hypernym 00235435 +05748054 _derivationally_related_form 00650016 +02622955 _hypernym 02554730 +05822612 _hypernym 05821775 +05406570 _hypernym 05405946 +06610143 _derivationally_related_form 01065630 +04436675 _hypernym 13899404 +02536456 _hypernym 02534734 +14358335 _hypernym 14336539 +06542047 _derivationally_related_form 00796392 +07151122 _hypernym 07150644 +11770526 _hypernym 11567411 +09014979 _has_part 09016860 +10225787 _synset_domain_topic_of 08199025 +00955806 _hypernym 00952963 +06738162 _hypernym 06722453 +00614730 _hypernym 00614224 +00604576 _derivationally_related_form 05755156 +02285392 _derivationally_related_form 04321534 +03791235 _has_part 02891188 +01984547 _member_meronym 01984695 +02180233 _hypernym 02164464 +01407904 _derivationally_related_form 00572489 +00159368 _derivationally_related_form 13425245 +06542830 _synset_domain_topic_of 08441203 +07007684 _hypernym 06362953 +12619306 _member_meronym 12620031 +08953151 _has_part 08953324 +06743506 _hypernym 06722453 +00363493 _derivationally_related_form 15271008 +00278403 _derivationally_related_form 00228236 +01477806 _synset_domain_topic_of 06037666 +06477371 _hypernym 06885389 +01175467 _hypernym 02546075 +14500047 _hypernym 14499262 +00706975 _derivationally_related_form 05908882 +00991900 _hypernym 00991683 +10162780 _hypernym 10036266 +05833840 _derivationally_related_form 00723056 +13498828 _hypernym 13471206 +14012667 _derivationally_related_form 02417504 +02593354 _derivationally_related_form 10216403 +00924825 _derivationally_related_form 01653442 +09054350 _instance_hypernym 08524735 +06556692 _derivationally_related_form 01438681 +02079029 _derivationally_related_form 06777164 +07122118 _derivationally_related_form 00774641 +00352558 _derivationally_related_form 00211110 +10193026 _derivationally_related_form 02003601 +02509405 _hypernym 01864707 +01672490 _derivationally_related_form 03132879 +12765115 _hypernym 13104059 +02692335 _hypernym 02690708 +01774252 _hypernym 01762525 +02251743 _also_see 02301502 +00802946 _derivationally_related_form 01139194 +00877327 _derivationally_related_form 05797597 +01244178 _derivationally_related_form 00252020 +01687569 _derivationally_related_form 05750163 +13877918 _hypernym 13907415 +02003601 _hypernym 02001858 +02549581 _derivationally_related_form 00654885 +08174398 _member_meronym 09044862 +01986869 _hypernym 01850315 +06920129 _hypernym 06906439 +08949093 _has_part 09309820 +02044178 _hypernym 02040505 +12869478 _hypernym 13118707 +00277811 _derivationally_related_form 01577093 +05499172 _has_part 05487423 +05937524 _hypernym 05937112 +12626030 _member_meronym 12627347 +10286855 _derivationally_related_form 07889274 +01891817 _derivationally_related_form 00115500 +00081367 _hypernym 00081072 +07679356 _hypernym 07566863 +08001685 _hypernym 00028651 +01531375 _also_see 01508719 +02282365 _derivationally_related_form 10767519 +08860123 _member_of_domain_region 08549733 +03708036 _derivationally_related_form 01003049 +13247818 _hypernym 13244109 +09774783 _derivationally_related_form 00827730 +01789514 _derivationally_related_form 10209246 +00811355 _derivationally_related_form 02282506 +12628872 _member_meronym 12628986 +12813870 _hypernym 11579418 +01678522 _hypernym 01657723 +05011790 _hypernym 13575869 +00106592 _derivationally_related_form 03450230 +03494278 _derivationally_related_form 01732713 +14898470 _hypernym 14852913 +01094086 _derivationally_related_form 09889691 +01158190 _hypernym 01123598 +14046202 _hypernym 14034177 +11992674 _member_meronym 11992806 +02301072 _member_meronym 02301782 +01318478 _hypernym 00015388 +12785499 _member_meronym 12786464 +05636048 _hypernym 05638987 +02339768 _member_meronym 02340186 +00592001 _derivationally_related_form 10016103 +02614288 _member_meronym 02614482 +09904837 _derivationally_related_form 06214379 +10037080 _derivationally_related_form 00797299 +04537919 _synset_domain_topic_of 06128570 +07170753 _derivationally_related_form 00938247 +02265979 _derivationally_related_form 13359572 +01681913 _hypernym 01621555 +01074650 _also_see 01246579 +10276045 _derivationally_related_form 01258302 +10509389 _derivationally_related_form 05151869 +06814870 _synset_domain_topic_of 07020895 +12739801 _hypernym 13120446 +11923637 _hypernym 11915214 +09774167 _derivationally_related_form 00872886 +14515344 _hypernym 14514039 +03966751 _synset_domain_topic_of 06043075 +06428216 _derivationally_related_form 01549420 +08038379 _instance_hypernym 08392137 +09330913 _instance_hypernym 09328904 +13044541 _member_meronym 13044778 +10078806 _derivationally_related_form 10079210 +14417300 _hypernym 14416845 +02045024 _member_meronym 02045705 +14956325 _derivationally_related_form 01534745 +01138670 _hypernym 01133281 +08049989 _member_meronym 08972521 +11077762 _instance_hypernym 10020890 +05780885 _hypernym 05774614 +00212049 _synset_domain_topic_of 00243918 +01091427 _derivationally_related_form 03335030 +00407848 _hypernym 00406243 +13904843 _derivationally_related_form 01559055 +01889328 _hypernym 01862557 +02274253 _also_see 02559180 +07935504 _hypernym 14940386 +10786270 _derivationally_related_form 01014821 +01624169 _derivationally_related_form 03699975 +04835028 _hypernym 04616059 +02109818 _hypernym 02109190 +07244613 _hypernym 07243837 +03719343 _hypernym 04190052 +10562968 _synset_domain_topic_of 00523513 +06571301 _derivationally_related_form 01315333 +13268842 _derivationally_related_form 01846413 +01778568 _hypernym 00694068 +11665781 _member_meronym 12289744 +00090513 _hypernym 00090386 +02973236 _hypernym 04574999 +06310945 _hypernym 06309383 +01320009 _derivationally_related_form 00921790 +08677628 _hypernym 08645963 +00505802 _derivationally_related_form 11449907 +07331013 _hypernym 07334490 +01726960 _member_meronym 01732445 +05194043 _derivationally_related_form 02586121 +14428160 _hypernym 14429985 +02478059 _derivationally_related_form 06185748 +00367685 _derivationally_related_form 01238424 +02456147 _hypernym 01864707 +01835496 _also_see 01968569 +05981768 _hypernym 05980875 +05461179 _has_part 05581693 +10317500 _hypernym 10249459 +09032483 _instance_hypernym 08524735 +08230477 _hypernym 08227214 +13042514 _hypernym 11590783 +04011827 _has_part 03547658 +06294441 _derivationally_related_form 01697986 +00369802 _synset_domain_topic_of 06080522 +11456462 _hypernym 11524662 +01217043 _derivationally_related_form 04359589 +04906273 _derivationally_related_form 01612053 +03671272 _hypernym 04096066 +02191449 _member_meronym 02191617 +02629793 _hypernym 02632940 +01639714 _derivationally_related_form 03954199 +12881429 _member_meronym 12881631 +01182021 _hypernym 01182709 +10803282 _hypernym 10139347 +14420464 _hypernym 14419164 +02619924 _derivationally_related_form 10681194 +04603872 _hypernym 02728440 +04169707 _derivationally_related_form 01178565 +02644967 _member_meronym 02645143 +00621734 _derivationally_related_form 07507912 +00824767 _hypernym 00826509 +08913434 _has_part 08914573 +08617963 _derivationally_related_form 02021376 +04585456 _hypernym 03309808 +03654576 _hypernym 03050026 +08860123 _member_of_domain_region 10657556 +01312096 _has_part 01299224 +09124039 _instance_hypernym 09316454 +05567217 _derivationally_related_form 01209953 +07129202 _derivationally_related_form 00547022 +01911888 _also_see 02076027 +01660082 _verb_group 01660252 +01664172 _verb_group 01755504 +08487504 _member_meronym 08907606 +01457276 _member_meronym 01457407 +12479821 _hypernym 11561228 +08566554 _derivationally_related_form 02609764 +00471058 _verb_group 00470701 +00951601 _hypernym 00978549 +05147586 _hypernym 05147381 +00146856 _derivationally_related_form 00367685 +10435988 _synset_domain_topic_of 00475787 +01746359 _hypernym 01745125 +09750891 _hypernym 09686536 +02149136 _hypernym 01862557 +09036098 _instance_hypernym 09393605 +09458587 _has_part 09396275 +02136271 _derivationally_related_form 02009280 +01421622 _derivationally_related_form 03573282 +12792638 _member_meronym 12793494 +01724055 _hypernym 01342529 +14889479 _derivationally_related_form 00239614 +10084295 _hypernym 09619168 +00785470 _derivationally_related_form 10641755 +01207951 _verb_group 01332730 +10523076 _derivationally_related_form 00789138 +00362355 _derivationally_related_form 00224901 +02754756 _hypernym 02719588 +01202068 _derivationally_related_form 00840189 +09157021 _instance_hypernym 08524735 +02128066 _derivationally_related_form 07214432 +06510977 _derivationally_related_form 02896789 +01678279 _hypernym 01675963 +01460408 _derivationally_related_form 07804323 +08142801 _hypernym 08337324 +13341052 _hypernym 13417410 +01320009 _derivationally_related_form 10161363 +02275365 _derivationally_related_form 09810364 +10578762 _derivationally_related_form 01437254 +02050004 _hypernym 02049532 +01517515 _hypernym 01494310 +12605315 _member_meronym 12605519 +14562324 _derivationally_related_form 01564144 +01069638 _synset_domain_topic_of 08441203 +00545501 _derivationally_related_form 01729431 +11513880 _hypernym 11410625 +00141027 _hypernym 00046522 +04863358 _hypernym 04863074 +09251407 _has_part 09375223 +00648224 _derivationally_related_form 00877345 +06738281 _hypernym 06722453 +10045454 _derivationally_related_form 05753564 +02362025 _hypernym 01862557 +12113790 _hypernym 12102133 +01872745 _derivationally_related_form 05926358 +08860123 _member_of_domain_region 03974671 +02148835 _hypernym 02145424 +12619306 _member_meronym 12631224 +00916706 _derivationally_related_form 04735929 +13623455 _hypernym 13616054 +02030424 _derivationally_related_form 07331759 +02334302 _derivationally_related_form 08647616 +01076863 _hypernym 05943300 +02135048 _derivationally_related_form 05718254 +12258380 _member_meronym 12258663 +08061042 _hypernym 08056231 +03852688 _has_part 03838298 +13550089 _hypernym 13459322 +00785962 _derivationally_related_form 07193184 +05191486 _hypernym 05190804 +01741221 _hypernym 01740969 +10101634 _hypernym 09820263 +13060912 _hypernym 11592146 +14147627 _hypernym 14145095 +06686736 _derivationally_related_form 00803815 +04473432 _derivationally_related_form 01853696 +04160372 _derivationally_related_form 10689564 +00164444 _derivationally_related_form 07914128 +00018526 _hypernym 00146138 +09275473 _has_part 08759013 +00073177 _synset_domain_topic_of 06000644 +03006105 _hypernym 03895293 +14757172 _hypernym 14756039 +13499923 _hypernym 13489037 +15264363 _synset_domain_topic_of 07020895 +00301338 _derivationally_related_form 01078086 +07959943 _hypernym 07959269 +06719974 _derivationally_related_form 00847158 +00409211 _hypernym 00407535 +10125786 _hypernym 09943239 +12015959 _hypernym 11672400 +06615818 _hypernym 06613686 +04387706 _hypernym 04451818 +01356086 _member_meronym 01367430 +01994442 _hypernym 01835496 +01347199 _hypernym 08106934 +10615808 _derivationally_related_form 01480770 +08468721 _hypernym 08275185 +01249724 _also_see 01548718 +02758960 _hypernym 04531098 +00366547 _hypernym 00173338 +14286549 _derivationally_related_form 01308160 +05699434 _derivationally_related_form 02640440 +01594362 _hypernym 01593937 +00973077 _synset_domain_topic_of 08199025 +02171633 _member_meronym 02175263 +08852389 _member_meronym 09693618 +11206544 _instance_hypernym 10013927 +02220461 _derivationally_related_form 10724699 +09926088 _derivationally_related_form 00861929 +02020777 _hypernym 01504437 +01504298 _hypernym 01380638 +01641739 _hypernym 01640846 +05254393 _hypernym 05229468 +03374473 _hypernym 04411264 +00303465 _hypernym 00156601 +09138935 _has_part 09222880 +12110778 _hypernym 12102133 +04226537 _hypernym 04361095 +01745377 _hypernym 01745141 +02465658 _hypernym 02449340 +02553196 _member_meronym 02622823 +10291110 _derivationally_related_form 01211699 +01091905 _derivationally_related_form 02244956 +00563552 _derivationally_related_form 06637350 +08151490 _hypernym 08081668 +11418460 _hypernym 00034213 +00205046 _derivationally_related_form 00261029 +02066950 _member_meronym 02067462 +00835609 _also_see 00839411 +01308681 _hypernym 01494310 +03048883 _hypernym 03033362 +08114581 _hypernym 08464601 +11911591 _member_meronym 11950028 +01170962 _derivationally_related_form 00775156 +01524885 _member_meronym 01566386 +12581381 _member_meronym 12587366 +00713818 _derivationally_related_form 13844212 +10126177 _hypernym 10284064 +02244956 _derivationally_related_form 01113068 +14043882 _hypernym 14041256 +00914632 _derivationally_related_form 01622795 +11802076 _member_meronym 11802800 +09761068 _derivationally_related_form 02470685 +05461179 _has_part 05328232 +08975902 _member_meronym 09725772 +01613909 _hypernym 01507175 +05587288 _has_part 05540121 +10085548 _derivationally_related_form 03603958 +01573515 _derivationally_related_form 00391086 +00696882 _derivationally_related_form 01303547 +02346315 _member_meronym 02346823 +09197945 _instance_hypernym 09360122 +00255710 _derivationally_related_form 00025034 +06766190 _hypernym 06765044 +03762434 _hypernym 04061969 +00384620 _derivationally_related_form 00258854 +01543817 _hypernym 01507175 +01767199 _member_meronym 01767661 +02252931 _derivationally_related_form 13278375 +12619306 _member_meronym 12636107 +09953775 _hypernym 10622053 +00125841 _hypernym 00109660 +07233542 _derivationally_related_form 00865958 +00792304 _derivationally_related_form 03222516 +00448232 _hypernym 00433216 +07949463 _hypernym 07942152 +01882814 _derivationally_related_form 09409203 +00593837 _derivationally_related_form 10211203 +08801678 _has_part 09228928 +08591486 _has_part 03647691 +01979526 _hypernym 01978930 +11923016 _member_meronym 11923637 +00067274 _derivationally_related_form 10776339 +03128583 _derivationally_related_form 03051540 +00210518 _derivationally_related_form 00484166 +01267098 _hypernym 01264283 +02743727 _derivationally_related_form 00329227 +03471473 _derivationally_related_form 01204677 +07026646 _hypernym 07026352 +01175467 _derivationally_related_form 07931280 +08191701 _member_meronym 08292756 +00917300 _derivationally_related_form 05892096 +00081671 _also_see 00249721 +01201773 _hypernym 01201021 +00658627 _hypernym 00657604 +12280487 _member_meronym 12283981 +09957834 _hypernym 10018021 +01083504 _hypernym 01083077 +14659512 _hypernym 14625458 +00007347 _derivationally_related_form 01645601 +00961329 _derivationally_related_form 06420781 +08486538 _instance_hypernym 07951464 +11911591 _member_meronym 12027864 +03203441 _hypernym 03550533 +08346031 _hypernym 08404373 +06587980 _hypernym 06566077 +00474492 _derivationally_related_form 13547199 +13896100 _derivationally_related_form 02034986 +02727039 _derivationally_related_form 08399586 +06845599 _member_of_domain_usage 03435382 +00651991 _verb_group 00921738 +05924920 _hypernym 05923696 +02263788 _derivationally_related_form 13774404 +09060768 _has_part 09066534 +09928451 _derivationally_related_form 00590518 +00413195 _hypernym 02205272 +00416705 _also_see 02672540 +09251407 _hypernym 09277686 +01039140 _hypernym 01034925 +03442288 _hypernym 02973558 +08916832 _has_part 04460634 +07486628 _derivationally_related_form 01828405 +01139865 _hypernym 02169352 +04866465 _hypernym 04616059 +01083373 _hypernym 01108148 +01609287 _verb_group 01448100 +01916634 _hypernym 01904930 +05395548 _derivationally_related_form 04519153 +10737431 _derivationally_related_form 01284461 +11841368 _member_meronym 11841529 +03943115 _hypernym 03430551 +06722186 _derivationally_related_form 00201407 +00051511 _derivationally_related_form 03058603 +07314658 _derivationally_related_form 00309990 +13570574 _hypernym 13526110 +10688356 _hypernym 10438172 +02652590 _derivationally_related_form 13124654 +02543181 _hypernym 00797430 +00550771 _has_part 00548326 +02148788 _derivationally_related_form 06619065 +10201535 _derivationally_related_form 02576921 +02247584 _synset_domain_topic_of 01090446 +02577586 _hypernym 02575082 +11783723 _member_meronym 11783920 +02344243 _verb_group 01153947 +00768778 _derivationally_related_form 03059366 +08358594 _derivationally_related_form 02685299 +07058871 _hypernym 07058296 +00878136 _derivationally_related_form 06731510 +01262441 _hypernym 00394803 +02667698 _derivationally_related_form 13981137 +00654258 _synset_domain_topic_of 01125693 +01027174 _hypernym 01009240 +12660009 _member_meronym 12670172 +14110411 _hypernym 14204950 +03765561 _derivationally_related_form 00331082 +01683101 _derivationally_related_form 03437430 +02550460 _hypernym 02528163 +02727462 _hypernym 02604760 +00683127 _hypernym 00630380 +07746334 _hypernym 07742704 +00328802 _also_see 00436404 +00085907 _hypernym 00084230 +00123234 _derivationally_related_form 01134238 +05282746 _hypernym 05269901 +01954341 _derivationally_related_form 04490091 +06879521 _hypernym 06879180 +03754295 _hypernym 03097890 +14507651 _hypernym 14151139 +10745332 _derivationally_related_form 01088547 +13980288 _hypernym 00024720 +00961001 _hypernym 00960851 +07028373 _has_part 07045353 +04939324 _derivationally_related_form 00708017 +01770967 _hypernym 01762525 +00512749 _hypernym 00512186 +06677302 _hypernym 06359877 +04257790 _has_part 04257986 +01230850 _derivationally_related_form 00793037 +08755214 _has_part 08755436 +02517442 _hypernym 01428580 +05845140 _derivationally_related_form 01654628 +15008847 _hypernym 14845743 +02140970 _member_meronym 02145084 +04904664 _derivationally_related_form 01790020 +00932636 _derivationally_related_form 06601327 +10592595 _hypernym 09777353 +01842508 _verb_group 01949966 +00753428 _derivationally_related_form 07185325 +00665630 _hypernym 00664788 +00851587 _hypernym 00847340 +13341052 _synset_domain_topic_of 08059412 +06223669 _derivationally_related_form 09848110 +00698855 _hypernym 00352826 +02154508 _derivationally_related_form 00151087 +00392950 _hypernym 00391599 +12690240 _hypernym 13112664 +12582231 _hypernym 13104059 +00320681 _verb_group 00321148 +00212173 _derivationally_related_form 05254795 +09062320 _instance_hypernym 08524735 +11781430 _hypernym 11556857 +06717170 _member_of_domain_usage 09715521 +00865387 _hypernym 00940384 +12410715 _member_meronym 12411084 +01903935 _derivationally_related_form 07402147 +01475831 _also_see 01483324 +00330457 _derivationally_related_form 00439343 +02714883 _derivationally_related_form 01074252 +07231294 _hypernym 07160883 +01307609 _derivationally_related_form 05068716 +10165448 _derivationally_related_form 02169891 +00136991 _verb_group 02730135 +02303331 _hypernym 02228031 +07302542 _derivationally_related_form 01561143 +10405694 _hypernym 09898892 +06716234 _derivationally_related_form 00849080 +00555325 _derivationally_related_form 02715595 +05853636 _hypernym 05850823 +09044862 _has_part 09157163 +01565599 _hypernym 01564394 +02571167 _hypernym 02570838 +04290259 _derivationally_related_form 01241379 +10224578 _hypernym 10794014 +09338453 _instance_hypernym 09411430 +15140892 _derivationally_related_form 10261041 +00511041 _derivationally_related_form 02493260 +00938419 _derivationally_related_form 01582645 +00242003 _derivationally_related_form 00349416 +01141841 _derivationally_related_form 00802946 +11900058 _member_meronym 11907939 +02897237 _hypernym 03956922 +01212882 _derivationally_related_form 02538086 +14496977 _synset_domain_topic_of 08199025 +02332445 _hypernym 02327200 +02961688 _derivationally_related_form 09699200 +06430385 _hypernym 06429590 +00403401 _hypernym 02681795 +00523513 _derivationally_related_form 01883716 +13421832 _derivationally_related_form 00724029 +05113462 _derivationally_related_form 02027003 +00836149 _derivationally_related_form 00101779 +06593803 _has_part 06391766 +00908621 _hypernym 00908351 +07443761 _derivationally_related_form 02259005 +09890296 _hypernym 10485440 +05946687 _hypernym 05941423 +02258065 _hypernym 01762525 +09798534 _hypernym 09774783 +00198213 _derivationally_related_form 14757547 +02339413 _derivationally_related_form 02730568 +01258091 _hypernym 01552519 +03587874 _hypernym 03740161 +08929922 _member_of_domain_region 10408324 +09152944 _has_part 08564739 +00844298 _derivationally_related_form 10437852 +00853776 _also_see 01725712 +08929922 _has_part 09421191 +15222369 _hypernym 15157225 +01263018 _hypernym 00744443 +00442267 _derivationally_related_form 13572436 +04424218 _hypernym 00021939 +10038929 _derivationally_related_form 00789237 +01154175 _synset_domain_topic_of 00471613 +00201923 _hypernym 00037396 +01776468 _derivationally_related_form 07497797 +02499312 _derivationally_related_form 10071139 +08274923 _has_part 08286163 +02256365 _member_meronym 02256656 +05030418 _hypernym 05029706 +01647672 _verb_group 01629000 +09964411 _hypernym 00007846 +15055181 _derivationally_related_form 00327145 +14186738 _synset_domain_topic_of 01328702 +00999270 _hypernym 00998399 +02216710 _derivationally_related_form 10670885 +14496710 _hypernym 13920835 +12863624 _hypernym 12205694 +07436100 _hypernym 07407777 +12352287 _hypernym 12205694 +00925490 _derivationally_related_form 07509996 +12241426 _hypernym 13112664 +00774056 _derivationally_related_form 10501203 +12751402 _hypernym 11562747 +02743547 _synset_domain_topic_of 00933420 +00636574 _derivationally_related_form 05774129 +14824238 _hypernym 14935555 +02496210 _hypernym 07992450 +08193212 _hypernym 08337324 +01899708 _derivationally_related_form 00334356 +10117739 _hypernym 00007846 +02395244 _member_meronym 02396427 +01110274 _derivationally_related_form 02260362 +06806469 _hypernym 06791372 +12459048 _hypernym 11561228 +11818945 _member_meronym 11822167 +01543936 _hypernym 01542786 +00377002 _derivationally_related_form 13450206 +02455310 _hypernym 01864707 +00546873 _hypernym 00151689 +02470175 _derivationally_related_form 01081628 +03743577 _hypernym 02722458 +02212825 _derivationally_related_form 10003283 +02454939 _hypernym 02456031 +01083645 _derivationally_related_form 02234087 +09804806 _derivationally_related_form 06144081 +01292727 _derivationally_related_form 14842992 +01560731 _derivationally_related_form 04016240 +06688751 _has_part 06691989 +00510723 _derivationally_related_form 01193099 +13150741 _member_meronym 13150894 +01861778 _has_part 01898731 +01892104 _derivationally_related_form 07350567 +00581891 _hypernym 00126264 +02480855 _hypernym 02480153 +12643473 _hypernym 12641413 +11818945 _hypernym 11565040 +08946187 _has_part 03634723 +01188144 _derivationally_related_form 14040310 +10679998 _hypernym 00007846 +09040839 _instance_hypernym 08633957 +07881800 _hypernym 14940386 +02712125 _derivationally_related_form 13535261 +01805247 _derivationally_related_form 09988703 +07084166 _hypernym 07083732 +03540595 _has_part 03043274 +08956140 _instance_hypernym 08524735 +13875970 _hypernym 13865483 +12394861 _member_meronym 12395068 +14919272 _synset_domain_topic_of 01328702 +01428381 _derivationally_related_form 00966718 +00835903 _derivationally_related_form 06756407 +00886039 _hypernym 00883297 +08920924 _has_part 08923586 +08211924 _has_part 08211760 +03381126 _hypernym 03051540 +00908977 _hypernym 02376958 +02016198 _hypernym 01507175 +00521209 _derivationally_related_form 02140033 +12808933 _hypernym 11566230 +10707804 _derivationally_related_form 02321757 +00694866 _hypernym 00694641 +10476928 _hypernym 09977178 +11911591 _member_meronym 11949217 +01807770 _hypernym 01762283 +01129337 _hypernym 01128193 +00105778 _derivationally_related_form 06781383 +02082527 _derivationally_related_form 00310666 +15218551 _hypernym 15216966 +02828884 _hypernym 04161981 +12593341 _hypernym 13135832 +07144416 _member_meronym 10190871 +03347472 _hypernym 04450749 +01034925 _hypernym 01028082 +00154233 _hypernym 00153961 +04764741 _hypernym 04764412 +01195867 _hypernym 01184814 +01983048 _hypernym 01982650 +08196230 _has_part 08197149 +02400037 _hypernym 02397637 +04412097 _hypernym 03357376 +02274299 _derivationally_related_form 00789534 +00700336 _derivationally_related_form 06636806 +02443484 _hypernym 02441326 +15231964 _has_part 15232406 +01142761 _hypernym 01143838 +12100187 _hypernym 13112664 +01811736 _derivationally_related_form 14405225 +10381214 _hypernym 09928136 +10506417 _derivationally_related_form 02420430 +00318735 _derivationally_related_form 02636516 +01849221 _hypernym 01835496 +00767334 _hypernym 00770437 +01671039 _derivationally_related_form 03625355 +05352433 _hypernym 05333777 +10225219 _derivationally_related_form 00593944 +09306840 _instance_hypernym 09411430 +08986066 _instance_hypernym 08633957 +08261320 _member_meronym 10242328 +00354845 _hypernym 00426958 +00394813 _derivationally_related_form 07963711 +02377938 _hypernym 02376958 +10197525 _derivationally_related_form 00440286 +11761484 _hypernym 11585340 +07375405 _hypernym 07374756 +03721797 _derivationally_related_form 00921738 +08597323 _instance_hypernym 08574314 +09476521 _derivationally_related_form 00224901 +01959022 _hypernym 01957529 +01872244 _hypernym 01864707 +00660971 _derivationally_related_form 00874806 +02710673 _derivationally_related_form 08512259 +00965035 _derivationally_related_form 07218470 +12600574 _member_meronym 12600888 +09939313 _derivationally_related_form 00775156 +01575270 _hypernym 01507175 +01519873 _hypernym 01517565 +01569896 _hypernym 01569566 +02628600 _hypernym 02623445 +00804002 _derivationally_related_form 06471345 +12734215 _hypernym 12733647 +00591523 _derivationally_related_form 09983889 +00101609 _derivationally_related_form 01205961 +01937015 _hypernym 01921559 +14548105 _hypernym 14547643 +10794014 _derivationally_related_form 00929718 +04605726 _derivationally_related_form 01580467 +01500873 _verb_group 01501347 +01760300 _hypernym 01759326 +00636574 _hypernym 00634472 +02123812 _also_see 01834304 +10499857 _hypernym 10083823 +06811625 _derivationally_related_form 00932324 +10026763 _hypernym 09927451 +03859717 _has_part 04091839 +00882702 _hypernym 00876874 +09170294 _instance_hypernym 08505573 +10562749 _derivationally_related_form 02159427 +12401335 _hypernym 13104059 +12469936 _hypernym 11561228 +13313899 _hypernym 13308999 +09786922 _hypernym 09882007 +01885032 _hypernym 01864707 +03434943 _hypernym 02743547 +01011166 _derivationally_related_form 00945853 +07041795 _hypernym 07037465 +02243567 _derivationally_related_form 07338681 +02754756 _hypernym 02724533 +01409940 _member_meronym 01410109 +00051761 _verb_group 00044149 +01529036 _member_meronym 01541261 +10060621 _derivationally_related_form 07419599 +08256968 _hypernym 08008335 +09167101 _has_part 09167652 +00802136 _hypernym 00800930 +01628450 _member_meronym 01628770 +08065234 _synset_domain_topic_of 00923444 +01909422 _hypernym 01905661 +08984567 _has_part 09023118 +01076370 _derivationally_related_form 00726567 +02889035 _derivationally_related_form 01674717 +08860123 _member_of_domain_region 03694761 +06260121 _derivationally_related_form 02079933 +03942397 _hypernym 02799897 +05491993 _has_part 05486510 +09781504 _derivationally_related_form 01782650 +15120823 _hypernym 00028270 +12260593 _member_meronym 12261359 +01055978 _hypernym 00978549 +00207418 _hypernym 00205885 +10168584 _derivationally_related_form 02315525 +00687295 _hypernym 00684645 +00749767 _derivationally_related_form 02537407 +04216634 _derivationally_related_form 01460785 +13262663 _hypernym 13262335 +01823528 _derivationally_related_form 09783369 +05176188 _hypernym 05174653 +01494339 _hypernym 01432517 +01126856 _derivationally_related_form 02427916 +01595596 _derivationally_related_form 00737188 +00592199 _hypernym 00586262 +00368662 _hypernym 02431320 +03788498 _hypernym 03790755 +01921964 _derivationally_related_form 07370410 +01358572 _hypernym 01355326 +10670310 _hypernym 10025730 +00431005 _derivationally_related_form 00105554 +08507109 _instance_hypernym 08506641 +09114401 _instance_hypernym 09316454 +05965195 _hypernym 05943300 +01449586 _hypernym 01432517 +00893955 _derivationally_related_form 02387034 +03196598 _hypernym 03211117 +01148614 _hypernym 01145359 +12216836 _hypernym 11567411 +05692758 _hypernym 05692419 +01256600 _derivationally_related_form 00937656 +00536304 _hypernym 00126264 +14720962 _hypernym 14724645 +10868980 _instance_hypernym 09928136 +00205885 _derivationally_related_form 02679415 +02879638 _derivationally_related_form 10453533 +08492546 _hypernym 08616311 +01834304 _derivationally_related_form 00410247 +01845627 _member_meronym 01858989 +02052936 _member_meronym 02053279 +09044862 _has_part 09114696 +00311809 _derivationally_related_form 01843364 +13454950 _hypernym 13489037 +08011523 _instance_hypernym 08392137 +00495998 _derivationally_related_form 01201773 +01502654 _hypernym 01494310 +06624161 _hypernym 06387980 +06961557 _hypernym 06961399 +00943837 _hypernym 00928630 +01345109 _derivationally_related_form 01074694 +04729710 _hypernym 04729328 +00142191 _derivationally_related_form 04184435 +09927089 _derivationally_related_form 01532589 +01030397 _derivationally_related_form 00208277 +14535431 _hypernym 14534696 +01261018 _hypernym 00173338 +12977296 _member_meronym 12983217 +02068206 _hypernym 02066707 +01876326 _hypernym 01874434 +12704041 _hypernym 12702948 +01503061 _hypernym 01471682 +08707917 _has_part 09483129 +06295235 _member_of_domain_usage 03324928 +02021532 _hypernym 02020590 +04096066 _derivationally_related_form 01952750 +00070965 _derivationally_related_form 00842538 +00255600 _hypernym 00255710 +08703454 _has_part 09304164 +14427633 _hypernym 13935227 +02570267 _derivationally_related_form 09827683 +11214320 _instance_hypernym 09765278 +03791235 _has_part 03243625 +02446888 _hypernym 01864707 +02761557 _has_part 03302938 +02128873 _derivationally_related_form 10090498 +09880338 _hypernym 09843956 +01824736 _hypernym 01825237 +05239808 _hypernym 05267548 +05846932 _synset_domain_topic_of 06000644 +13624705 _has_part 13624509 +01277974 _hypernym 00356258 +12161056 _hypernym 12160490 +05480076 _derivationally_related_form 02822055 +10085736 _hypernym 10388440 +11685179 _derivationally_related_form 02678677 +00043902 _derivationally_related_form 01111816 +02771840 _synset_domain_topic_of 06128570 +04502670 _hypernym 03691459 +12530439 _hypernym 12520864 +01848465 _hypernym 01831531 +07331210 _derivationally_related_form 00389638 +11499284 _hypernym 11452218 +12024445 _has_part 07733217 +00787660 _hypernym 00829107 +00312380 _hypernym 00109660 +13149039 _member_meronym 13150178 +00751389 _hypernym 00747135 +03017428 _has_part 03346455 +08792548 _member_of_domain_region 08347457 +02280869 _verb_group 00572788 +04983848 _derivationally_related_form 01502195 +04236001 _hypernym 03895866 +08155518 _hypernym 07971582 +02436645 _hypernym 02435853 +00785690 _derivationally_related_form 10611613 +08766988 _has_part 08774546 +00437976 _hypernym 00437449 +02355477 _hypernym 02355227 +02083038 _member_meronym 02115335 +06416206 _derivationally_related_form 00652622 +06717170 _member_of_domain_usage 09641226 +02764828 _derivationally_related_form 09983572 +12410381 _member_meronym 11561228 +00735389 _derivationally_related_form 15159583 +00297532 _derivationally_related_form 01912159 +00794981 _derivationally_related_form 01144355 +10649574 _synset_domain_topic_of 00471613 +04463017 _derivationally_related_form 01582645 +01653013 _hypernym 01617192 +05838176 _derivationally_related_form 00699815 +06634095 _derivationally_related_form 02237338 +08837048 _has_part 08840200 +00355547 _hypernym 00354884 +02742468 _derivationally_related_form 01859586 +12341412 _member_meronym 12341542 +01805384 _derivationally_related_form 14403560 +01369346 _verb_group 01369758 +02862048 _has_part 03623338 +12474620 _hypernym 11556187 +01022008 _hypernym 01017987 +09001007 _instance_hypernym 08633957 +11973888 _member_meronym 11974126 +00138956 _derivationally_related_form 01350283 +00249313 _derivationally_related_form 00235208 +07522729 _hypernym 07519253 +01071155 _synset_domain_topic_of 06183899 +02446819 _derivationally_related_form 10211203 +12876032 _member_meronym 12879350 +02077656 _also_see 01973125 +08701942 _has_part 08788004 +01322221 _derivationally_related_form 14427239 +00072012 _verb_group 00072586 +14805899 _derivationally_related_form 00179959 +02584097 _derivationally_related_form 10006842 +10639925 _hypernym 10059582 +15185007 _hypernym 15184170 +01378556 _derivationally_related_form 05088324 +01974062 _derivationally_related_form 00116376 +07171785 _synset_domain_topic_of 06431740 +00595410 _hypernym 00586262 +04332243 _hypernym 03339643 +01315333 _derivationally_related_form 06571301 +01486312 _derivationally_related_form 02974697 +02160177 _derivationally_related_form 07412310 +08761039 _has_part 08761244 +08855126 _instance_hypernym 08524735 +00970215 _hypernym 00968211 +00246217 _also_see 01139623 +00654625 _derivationally_related_form 09926862 +05074218 _hypernym 05064037 +02710294 _derivationally_related_form 00944924 +05573099 _hypernym 05570839 +09432549 _instance_hypernym 09468604 +00383952 _derivationally_related_form 00778275 +05702275 _derivationally_related_form 02170427 +07977592 _hypernym 07951464 +02038357 _derivationally_related_form 00105624 +12690653 _hypernym 13104059 +01138670 _derivationally_related_form 00803325 +06469694 _derivationally_related_form 01006421 +01455184 _derivationally_related_form 03525074 +09067277 _has_part 09068107 +00423971 _derivationally_related_form 00050693 +00170156 _derivationally_related_form 01506157 +00132982 _hypernym 00131090 +02091885 _derivationally_related_form 07383823 +08173515 _member_meronym 08888676 +00413239 _hypernym 00410247 +15024997 _hypernym 14989820 +03878963 _derivationally_related_form 01130607 +13140049 _derivationally_related_form 00095870 +08591269 _hypernym 08544813 +02182479 _derivationally_related_form 07377473 +01170962 _has_part 01173038 +01356888 _hypernym 01352574 +02554922 _derivationally_related_form 00249780 +02186868 _derivationally_related_form 07395104 +05351746 _hypernym 05333777 +04309348 _derivationally_related_form 01944976 +04651382 _hypernym 04650527 +01476483 _hypernym 02451370 +05332225 _hypernym 05269901 +00962447 _derivationally_related_form 07139316 +12318164 _hypernym 11567411 +12290116 _member_meronym 12291763 +13931145 _derivationally_related_form 10112591 +12644057 _hypernym 12643473 +12598629 _hypernym 11567411 +01263257 _derivationally_related_form 02033295 +02305407 _hypernym 02283201 +10894652 _instance_hypernym 10030277 +11725623 _hypernym 11725015 +07109019 _hypernym 00033020 +02324045 _has_part 02158739 +03790512 _has_part 03616763 +10621514 _hypernym 10419047 +12634734 _hypernym 12634429 +02937108 _derivationally_related_form 07154330 +12346179 _member_meronym 12347490 +09033333 _instance_hypernym 08700255 +00342565 _hypernym 00342028 +09248477 _instance_hypernym 09403734 +00614057 _derivationally_related_form 07534108 +00740577 _derivationally_related_form 09610660 +00829918 _hypernym 00954311 +13044541 _hypernym 11590783 +02614978 _hypernym 02612657 +02013889 _member_meronym 02014406 +10034785 _derivationally_related_form 01051956 +01233993 _hypernym 01332730 +02169974 _hypernym 02169497 +10550551 _hypernym 09684609 +12496735 _member_meronym 12496949 +02328942 _hypernym 02328429 +00980394 _hypernym 00980038 +01557697 _member_meronym 01558149 +02170861 _derivationally_related_form 05700401 +02948719 _hypernym 04581829 +01467370 _hypernym 01205696 +06785223 _derivationally_related_form 00742051 +12799580 _member_meronym 12799776 +13872421 _derivationally_related_form 01498872 +02346627 _hypernym 02329401 +00590269 _derivationally_related_form 09908508 +02046755 _derivationally_related_form 13878112 +09100690 _instance_hypernym 08524735 +10757492 _hypernym 09626589 +06441803 _instance_hypernym 06455138 +09023321 _member_of_domain_region 06966454 +01302086 _has_part 01294127 +01363648 _derivationally_related_form 00712225 +02706691 _derivationally_related_form 00614489 +05432948 _has_part 05434557 +07990377 _derivationally_related_form 02470175 +10208950 _synset_domain_topic_of 08199025 +00898127 _synset_domain_topic_of 00469651 +01322675 _derivationally_related_form 10609092 +02460009 _hypernym 02453611 +10079893 _hypernym 10531227 +13464820 _derivationally_related_form 00543410 +02579447 _derivationally_related_form 00511212 +08920924 _instance_hypernym 09316454 +01148283 _also_see 00362467 +08820121 _has_part 08829071 +10326087 _derivationally_related_form 00202934 +01498769 _derivationally_related_form 00647094 +00987071 _derivationally_related_form 07201365 +09719430 _hypernym 07967382 +05501185 _hypernym 05462674 +01373844 _hypernym 01376245 +02553428 _hypernym 02499629 +11969977 _member_meronym 11970101 +02316649 _derivationally_related_form 07176243 +02641825 _member_meronym 02646377 +00948071 _derivationally_related_form 09969491 +00914420 _derivationally_related_form 07123012 +00066191 _hypernym 01802494 +10759151 _derivationally_related_form 02424984 +09755398 _derivationally_related_form 08440630 +01356750 _derivationally_related_form 03323703 +02145084 _member_meronym 02148377 +07813495 _hypernym 07809368 +00219575 _derivationally_related_form 02109818 +05964643 _hypernym 05943300 +00431117 _verb_group 00431327 +10737103 _hypernym 09765278 +09755398 _hypernym 10016103 +01758308 _derivationally_related_form 01173813 +11667112 _hypernym 08103777 +13497135 _derivationally_related_form 00153263 +02384275 _derivationally_related_form 08647945 +05541872 _hypernym 05276860 +00491689 _derivationally_related_form 09440186 +10230580 _hypernym 10101634 +01071632 _hypernym 00742320 +02156225 _hypernym 02154508 +04803430 _hypernym 04802907 +14379703 _hypernym 14379501 +09198106 _has_part 09188094 +00633443 _derivationally_related_form 05779712 +08860123 _member_of_domain_region 08382297 +08720481 _has_part 09377657 +11604698 _hypernym 08103777 +11467786 _derivationally_related_form 02768874 +08855763 _instance_hypernym 08524735 +13187604 _hypernym 13166338 +00827730 _hypernym 00765649 +02145424 _hypernym 02141306 +06888345 _hypernym 06887726 +08900535 _has_part 08904858 +10750365 _derivationally_related_form 08100907 +01345877 _hypernym 01301410 +03755991 _hypernym 02721160 +09855630 _derivationally_related_form 06037666 +06532330 _hypernym 06479665 +11720088 _member_meronym 11720353 +00619183 _derivationally_related_form 15160579 +11634526 _member_meronym 11634736 +04422875 _derivationally_related_form 02511424 +01024190 _derivationally_related_form 07230502 +09130076 _has_part 09130883 +05793210 _hypernym 05793000 +00716179 _hypernym 00393369 +00974786 _derivationally_related_form 09977520 +07121361 _derivationally_related_form 01046932 +13801424 _hypernym 13796779 +05558717 _has_part 01895219 +11665781 _member_meronym 12090041 +00324384 _derivationally_related_form 00018158 +11127419 _instance_hypernym 10453533 +12168385 _member_meronym 12168565 +09044862 _has_part 09147964 +00577330 _hypernym 00162688 +13621418 _has_part 13621190 +05010627 _hypernym 05009170 +10483890 _hypernym 09628382 +00575561 _synset_domain_topic_of 06000644 +09777353 _derivationally_related_form 02607909 +11525955 _hypernym 11524662 +01693995 _member_meronym 01694311 +12462951 _hypernym 11561228 +01703857 _derivationally_related_form 07042586 +11693981 _has_part 07760859 +00393677 _hypernym 00150287 +09060768 _has_part 09326467 +00893741 _derivationally_related_form 06741305 +02641298 _hypernym 02641035 +05319936 _hypernym 05426243 +14291010 _hypernym 14034177 +00156101 _derivationally_related_form 05167237 +02583545 _derivationally_related_form 09833997 +02762981 _hypernym 02763740 +02701210 _hypernym 02604760 +05416678 _derivationally_related_form 00102974 +15145171 _hypernym 15144371 +09962966 _derivationally_related_form 00906367 +00008435 _hypernym 00462092 +02616251 _hypernym 01432517 +01063697 _derivationally_related_form 01860795 +01421012 _member_meronym 01421164 +07172979 _hypernym 07172756 +12929403 _hypernym 13112664 +05578442 _hypernym 05578251 +12376382 _member_meronym 12376553 +12039743 _member_meronym 12070950 +03946532 _hypernym 03910033 +04412416 _hypernym 04411264 +11381824 _instance_hypernym 09927451 +01313093 _member_meronym 01940488 +01395493 _derivationally_related_form 14654954 +01448100 _hypernym 01850315 +12702706 _member_meronym 12702948 +01962662 _hypernym 01939598 +12292655 _hypernym 11567411 +03412906 _has_part 03491724 +00951781 _hypernym 00948206 +00787465 _derivationally_related_form 02308741 +08964810 _has_part 09036452 +02336641 _hypernym 02330245 +13198728 _hypernym 13167078 +04646548 _derivationally_related_form 02118379 +08682188 _instance_hypernym 08574314 +12501202 _has_part 07764630 +00643250 _also_see 01865197 +05777439 _hypernym 05776212 +06053439 _hypernym 06043075 +11720643 _hypernym 11720353 +01211019 _hypernym 01210737 +07370125 _hypernym 07311115 +00673983 _hypernym 00670261 +02098325 _also_see 01112573 +02039942 _hypernym 01504437 +15256915 _derivationally_related_form 01072949 +04018667 _hypernym 04446276 +10539160 _synset_domain_topic_of 06364641 +06202686 _hypernym 06196584 +05704694 _derivationally_related_form 00731789 +10579835 _derivationally_related_form 07247602 +01381357 _derivationally_related_form 10549510 +03492250 _hypernym 04071102 +12964130 _hypernym 11590783 +00831191 _has_part 00835267 +08759420 _has_part 08759852 +08948346 _instance_hypernym 08702402 +00550546 _hypernym 00550117 +09007723 _member_meronym 09706548 +12759273 _hypernym 13110915 +02995345 _derivationally_related_form 00638837 +01831519 _member_meronym 01833619 +04680465 _hypernym 04683136 +01871979 _derivationally_related_form 11498203 +04694441 _derivationally_related_form 01531998 +02553196 _member_meronym 02619029 +13991823 _hypernym 00024720 +01283185 _instance_hypernym 00956485 +09694529 _hypernym 09641757 +13461951 _synset_domain_topic_of 06055946 +01510173 _derivationally_related_form 04372370 +09641226 _hypernym 09638875 +12118223 _member_meronym 12118414 +02382204 _derivationally_related_form 00075021 +13474858 _hypernym 13496972 +04473432 _has_part 04019101 +13941337 _hypernym 13939892 +02738031 _synset_domain_topic_of 08199025 +01845627 _hypernym 01504437 +02525447 _hypernym 02524171 +01827858 _derivationally_related_form 10677713 +09339810 _hypernym 08591680 +08543496 _hypernym 08543223 +06208021 _hypernym 06193203 +09181557 _hypernym 09180259 +01879579 _verb_group 01879251 +02407987 _derivationally_related_form 00575741 +07495551 _hypernym 07495327 +14894140 _hypernym 14727670 +14379501 _hypernym 14379130 +00765396 _derivationally_related_form 09607280 +00059376 _hypernym 00720063 +01390616 _derivationally_related_form 00113113 +05542893 _hypernym 05595083 +02014237 _hypernym 02000954 +02071506 _member_meronym 02071636 +11124300 _instance_hypernym 09765278 +01209678 _derivationally_related_form 04946553 +12714949 _hypernym 12714755 +02169023 _hypernym 02168699 +01506157 _derivationally_related_form 00980779 +12597006 _hypernym 11556857 +02500472 _hypernym 01864707 +09807075 _hypernym 10470779 +06747670 _derivationally_related_form 00873682 +02997773 _hypernym 03845550 +08187033 _hypernym 08008335 +07713895 _hypernym 07713395 +07373803 _hypernym 07373277 +10397001 _derivationally_related_form 01268112 +06893285 _derivationally_related_form 01718185 +04161981 _derivationally_related_form 02701962 +00868196 _derivationally_related_form 00066191 +02023664 _member_meronym 02023992 +12115563 _member_meronym 12115748 +05008746 _hypernym 05006898 +01911888 _derivationally_related_form 09976917 +01605119 _member_meronym 01608432 +01429953 _hypernym 01429455 +12311894 _member_meronym 12312276 +01649999 _derivationally_related_form 00023773 +00550546 _derivationally_related_form 07358576 +12348294 _hypernym 13121544 +05523420 _has_part 05527085 +02216710 _derivationally_related_form 00087423 +09355850 _derivationally_related_form 01835103 +05911560 _hypernym 05911255 +00191603 _also_see 00571643 +01939174 _derivationally_related_form 10610333 +08999482 _member_of_domain_region 08039601 +12233529 _hypernym 12226932 +01664172 _hypernym 01653013 +01941093 _derivationally_related_form 10433164 +08750151 _instance_hypernym 09316454 +13944747 _hypernym 13933841 +00356621 _derivationally_related_form 00075421 +11796744 _member_meronym 11798851 +02527813 _member_meronym 02549533 +01567275 _hypernym 01494310 +01459242 _hypernym 05303402 +10620758 _hypernym 10619642 +00318735 _derivationally_related_form 01449974 +05269901 _has_part 05471629 +10551751 _hypernym 09809538 +07441619 _hypernym 07440979 +08887841 _member_of_domain_region 08041840 +04836268 _hypernym 04835724 +09619168 _hypernym 00007846 +01393996 _verb_group 01393714 +02231328 _hypernym 02230772 +02814860 _derivationally_related_form 01933204 +02229023 _hypernym 01762525 +02031622 _hypernym 02031158 +12671157 _member_meronym 12677612 +11482312 _hypernym 11450869 +05382135 _hypernym 05418717 +02743547 _hypernym 03129123 +11770969 _hypernym 11567411 +12141495 _hypernym 12102133 +13460568 _derivationally_related_form 00211108 +02406432 _hypernym 02406174 +09062015 _instance_hypernym 08524735 +11147729 _instance_hypernym 10423589 +01978744 _member_meronym 01979738 +12996225 _member_meronym 12998349 +09194357 _has_part 09357847 +01695459 _derivationally_related_form 03767459 +08511241 _derivationally_related_form 02337699 +01738774 _verb_group 01738597 +00227507 _derivationally_related_form 00127531 +08860123 _member_of_domain_region 06489190 +01583993 _hypernym 01552519 +01605119 _member_meronym 01608934 +02417504 _derivationally_related_form 10197967 +02075727 _member_meronym 02081282 +00002942 _hypernym 00001740 +12005869 _hypernym 11579418 +12283790 _hypernym 12281241 +00605715 _hypernym 00586262 +10008123 _synset_domain_topic_of 08199025 +06026635 _hypernym 05729036 +06561942 _hypernym 06559365 +00775156 _derivationally_related_form 07242104 +00104868 _derivationally_related_form 00116687 +03338287 _hypernym 03175604 +00132355 _derivationally_related_form 01101218 +05556943 _has_part 05558345 +04194289 _hypernym 04530566 +09886540 _derivationally_related_form 00589596 +02679142 _hypernym 02938886 +11867525 _member_meronym 11888621 +01875295 _derivationally_related_form 04099969 +10594284 _hypernym 09713501 +00922144 _derivationally_related_form 01628197 +00589309 _derivationally_related_form 02105990 +00729109 _verb_group 02455407 +04668713 _hypernym 04668139 +02632567 _derivationally_related_form 14493426 +13879320 _hypernym 13866144 +03094520 _synset_domain_topic_of 06174404 +03132879 _derivationally_related_form 01672490 +01766407 _hypernym 01764800 +06281295 _synset_domain_topic_of 06099269 +01074694 _derivationally_related_form 01345109 +10564224 _derivationally_related_form 02400378 +09704630 _derivationally_related_form 08873622 +02388403 _derivationally_related_form 14459824 +01040646 _derivationally_related_form 02386012 +12722884 _hypernym 11585340 +01885845 _hypernym 01835496 +07575076 _derivationally_related_form 01185304 +13068073 _member_meronym 13068434 +01127075 _derivationally_related_form 02796412 +12501745 _member_meronym 12566809 +01632411 _derivationally_related_form 00940842 +00937895 _derivationally_related_form 01697027 +03083069 _derivationally_related_form 06938887 +00842989 _derivationally_related_form 09762385 +09984298 _hypernym 09614684 +03237639 _derivationally_related_form 00082714 +12364379 _member_meronym 12364604 +07238694 _has_part 06396930 +00956687 _derivationally_related_form 04723816 +13572860 _hypernym 13526110 +00345149 _hypernym 00331950 +14164866 _hypernym 14151139 +00358290 _derivationally_related_form 00332154 +02400760 _derivationally_related_form 08161068 +00651954 _derivationally_related_form 01954852 +11875938 _hypernym 11875691 +07350069 _derivationally_related_form 00356954 +14757848 _derivationally_related_form 00197423 +09349648 _hypernym 13867641 +02950482 _derivationally_related_form 09811852 +01579028 _hypernym 01578575 +08965598 _has_part 08966085 +11712621 _hypernym 15098161 +02049672 _member_meronym 02050921 +04538552 _has_part 03594277 +00692349 _derivationally_related_form 00060833 +00575720 _verb_group 00575970 +00203081 _derivationally_related_form 01249616 +04004210 _hypernym 03084420 +00476313 _hypernym 00475819 +04459122 _hypernym 02958343 +00294245 _derivationally_related_form 13439570 +01310660 _derivationally_related_form 00922327 +13225955 _member_meronym 13226135 +05279407 _hypernym 05269901 +10012244 _hypernym 10630188 +09017526 _has_part 09018030 +02274079 _hypernym 02273293 +00083124 _synset_domain_topic_of 00612160 +14457041 _hypernym 14457218 +04650201 _derivationally_related_form 10191943 +00572043 _hypernym 00571609 +03404449 _hypernym 03003730 +13784366 _hypernym 13783816 +11864364 _hypernym 11534677 +04908396 _hypernym 04907269 +10155222 _hypernym 10481268 +00062133 _derivationally_related_form 02197360 +01584004 _member_meronym 01584529 +12039743 _member_meronym 12045004 +12899752 _hypernym 13112664 +05715864 _derivationally_related_form 02194138 +02395694 _hypernym 01321854 +02410509 _hypernym 02401031 +02334595 _synset_domain_topic_of 00610738 +00557813 _derivationally_related_form 02079933 +01778017 _derivationally_related_form 07501420 +03716656 _synset_domain_topic_of 06236802 +13445296 _hypernym 13518963 +06871384 _derivationally_related_form 01050896 +02045024 _member_meronym 02047835 +12238306 _member_meronym 12238913 +01626138 _hypernym 01653873 +03617095 _hypernym 03404449 +07926127 _derivationally_related_form 00222135 +08381436 _hypernym 07965085 +12649723 _hypernym 13112664 +01011166 _derivationally_related_form 00946755 +01672168 _hypernym 01673891 +00647770 _hypernym 00647094 +00343600 _synset_domain_topic_of 06128570 +08877208 _instance_hypernym 08633957 +07250868 _hypernym 07248801 +12532564 _hypernym 13136316 +06561138 _hypernym 06560254 +10925939 _instance_hypernym 10650162 +00212414 _derivationally_related_form 07642471 +04733204 _hypernym 04934546 +02396205 _derivationally_related_form 00846462 +12977565 _member_meronym 12978381 +00905852 _hypernym 00903385 +08829071 _instance_hypernym 08821885 +00003553 _derivationally_related_form 00367685 +07157273 _member_of_domain_usage 07577657 +00983333 _hypernym 00978549 +01936753 _derivationally_related_form 00448466 +14904359 _hypernym 15010703 +02425086 _hypernym 02419796 +14480772 _derivationally_related_form 00445467 +09303647 _has_part 09323221 +10485440 _hypernym 10787470 +01475282 _also_see 02451951 +00608502 _hypernym 00650353 +12619306 _member_meronym 12624249 +08913434 _has_part 09274739 +01408297 _synset_domain_topic_of 00471613 +04890865 _derivationally_related_form 10650162 +02373843 _member_meronym 02391049 +01576917 _derivationally_related_form 03873064 +01648001 _hypernym 01626600 +07160424 _derivationally_related_form 00776988 +00689950 _hypernym 00689344 +09911570 _derivationally_related_form 01038666 +00210259 _derivationally_related_form 13560417 +00194414 _derivationally_related_form 00530592 +02181402 _derivationally_related_form 07389330 +02197360 _hypernym 02110220 +06269674 _hypernym 06269396 +01393714 _verb_group 01393996 +03903868 _hypernym 04360501 +00493517 _derivationally_related_form 09997212 +06805962 _hypernym 06805665 +08514592 _hypernym 08512736 +01712432 _member_meronym 01712752 +04957176 _hypernym 04956594 +01152583 _hypernym 01123598 +05447757 _hypernym 00006484 +06125041 _derivationally_related_form 09615807 +01091427 _derivationally_related_form 01169744 +10689564 _hypernym 10120816 +07152948 _derivationally_related_form 02653651 +01415256 _hypernym 01387617 +05773049 _hypernym 05772356 +08874273 _instance_hypernym 08523483 +03944672 _has_part 04287153 +04933544 _hypernym 04916342 +10617904 _hypernym 00007846 +02593863 _member_meronym 02598438 +02069888 _hypernym 02066939 +01797730 _derivationally_related_form 14477342 +14324274 _derivationally_related_form 01794363 +04845312 _hypernym 04844024 +12156484 _hypernym 11556857 +10607478 _hypernym 09879297 +06493721 _synset_domain_topic_of 06128570 +02084732 _hypernym 02084071 +05309392 _hypernym 05389762 +02493509 _hypernym 02489589 +04767347 _hypernym 04723816 +06589151 _hypernym 06588785 +07695965 _hypernym 07712382 +01521014 _member_meronym 01521602 +01828736 _derivationally_related_form 05813229 +08345770 _hypernym 08404373 +00440286 _hypernym 00126264 +01051364 _hypernym 01712704 +04321534 _derivationally_related_form 02323286 +01946996 _hypernym 01944692 +02558172 _derivationally_related_form 10349243 +00217014 _derivationally_related_form 01564144 +04181228 _derivationally_related_form 00236289 +02148369 _derivationally_related_form 01049685 +00193406 _synset_domain_topic_of 06080522 +01177314 _hypernym 01176897 +04505036 _derivationally_related_form 01004692 +00854150 _derivationally_related_form 10221312 +04617562 _has_part 04620216 +00845299 _derivationally_related_form 09758643 +06606808 _hypernym 06601327 +00330909 _derivationally_related_form 13534098 +11460063 _derivationally_related_form 02648106 +01305241 _derivationally_related_form 03933529 +04666615 _derivationally_related_form 01483324 +00994895 _hypernym 00994449 +15257553 _hypernym 05867413 +00115036 _hypernym 00114431 +04199027 _has_part 04200637 +11701698 _hypernym 13112664 +03684740 _hypernym 03592245 +00870453 _hypernym 00869583 +05896059 _derivationally_related_form 01635432 +01955463 _member_meronym 01961736 +03699975 _hypernym 03183080 +01835496 _derivationally_related_form 09629752 +02407338 _derivationally_related_form 00788973 +01326730 _derivationally_related_form 04121511 +12444261 _hypernym 11561228 +04016240 _derivationally_related_form 01560731 +09780828 _derivationally_related_form 00751887 +01260867 _derivationally_related_form 01762528 +02591736 _hypernym 02538765 +01938155 _hypernym 01921559 +02384686 _derivationally_related_form 07186148 +04840537 _hypernym 04849241 +04596630 _derivationally_related_form 01884974 +01722077 _hypernym 01721754 +00803325 _hypernym 00802318 +00076393 _derivationally_related_form 02174115 +14463826 _hypernym 14462946 +12372233 _hypernym 13112664 +07991364 _derivationally_related_form 02023600 +04980008 _derivationally_related_form 02124748 +11087359 _instance_hypernym 10172448 +11827348 _hypernym 11573660 +00550777 _derivationally_related_form 04758181 +01865383 _hypernym 01831531 +00936620 _derivationally_related_form 01684663 +02170427 _derivationally_related_form 05704096 +05442131 _has_part 05435477 +00678105 _hypernym 00677683 +13752679 _hypernym 13745420 +01198307 _synset_domain_topic_of 08441203 +01977701 _verb_group 01976841 +04647478 _hypernym 04646548 +01167981 _derivationally_related_form 10013242 +00841986 _derivationally_related_form 13555775 +14768201 _derivationally_related_form 02641571 +01941093 _derivationally_related_form 00302394 +00661824 _hypernym 00644583 +03340463 _hypernym 03030663 +00149583 _also_see 01111028 +11830714 _hypernym 12205694 +11810559 _hypernym 11573660 +15134054 _synset_domain_topic_of 06364641 +06753299 _hypernym 06750804 +02299552 _hypernym 02298632 +00475996 _derivationally_related_form 05105265 +06516955 _derivationally_related_form 02265231 +02154508 _derivationally_related_form 07214432 +13582013 _hypernym 13576101 +01118449 _verb_group 01119169 +04969242 _hypernym 04968895 +00095377 _hypernym 00094460 +04742535 _hypernym 04723816 +11108195 _instance_hypernym 10705615 +09768830 _hypernym 10036266 +02246166 _hypernym 02244956 +03060294 _hypernym 03492717 +10055730 _hypernym 00007846 +00940842 _derivationally_related_form 00980453 +12916935 _member_meronym 12923439 +02502536 _derivationally_related_form 00320852 +14403282 _derivationally_related_form 01764171 +10770059 _hypernym 10150071 +05825245 _derivationally_related_form 00664483 +01049462 _derivationally_related_form 09630641 +01313093 _member_meronym 02316180 +08860123 _member_of_domain_region 08254055 +10657556 _hypernym 10657835 +01802070 _hypernym 02553697 +08801678 _has_part 08945277 +01166517 _synset_domain_topic_of 00482298 +08766988 _member_meronym 09747722 +00874806 _hypernym 00874067 +04445327 _hypernym 03323703 +05405751 _hypernym 05404728 +06780069 _hypernym 06776138 +00014405 _derivationally_related_form 10524973 +08816236 _has_part 09263087 +09833896 _hypernym 00007846 +01503061 _has_part 02463611 +00291873 _derivationally_related_form 11473954 +02419773 _derivationally_related_form 00621627 +02987177 _derivationally_related_form 10341660 +08980300 _member_of_domain_region 01270343 +02499629 _derivationally_related_form 01160342 +02214972 _member_meronym 02215161 +00335988 _hypernym 00331950 +08860123 _member_of_domain_region 04341133 +02559752 _derivationally_related_form 01074694 +13306870 _hypernym 13275847 +14498096 _derivationally_related_form 00419289 +06720600 _hypernym 06719579 +08521267 _has_part 08600760 +10199783 _hypernym 00007846 +08176077 _member_meronym 09030752 +12505563 _member_meronym 12505752 +01593937 _derivationally_related_form 14948645 +08921392 _has_part 08925700 +00347652 _derivationally_related_form 01889610 +10407954 _derivationally_related_form 02556126 +10659762 _derivationally_related_form 02062632 +07930554 _hypernym 07911371 +00205349 _derivationally_related_form 00796976 +01247647 _hypernym 00095502 +02688403 _derivationally_related_form 05127959 +10214637 _derivationally_related_form 01637982 +08792548 _member_of_domain_region 08346286 +01744657 _member_meronym 01751353 +01053617 _derivationally_related_form 00117985 +01887576 _derivationally_related_form 03439814 +02701628 _derivationally_related_form 02005756 +04802403 _hypernym 04723816 +13850304 _hypernym 07260623 +03807895 _hypernym 03828465 +10435988 _hypernym 10709529 +01546111 _derivationally_related_form 05082507 +07902520 _derivationally_related_form 01625985 +00869126 _hypernym 00869596 +09172751 _instance_hypernym 08505573 +00394813 _derivationally_related_form 14860102 +02264179 _derivationally_related_form 00212065 +02593863 _member_meronym 02598747 +00016183 _derivationally_related_form 14014162 +11138681 _instance_hypernym 10650162 +13733402 _hypernym 13728499 +12358173 _member_meronym 12358293 +00738747 _derivationally_related_form 07120524 +00870577 _verb_group 00870213 +05829342 _hypernym 05827684 +00040962 _derivationally_related_form 02458103 +08574314 _hypernym 08630985 +07240925 _derivationally_related_form 00879540 +02444662 _derivationally_related_form 00154233 +12106786 _hypernym 12102133 +05050115 _derivationally_related_form 01731351 +05500312 _hypernym 05463533 +00427786 _also_see 01908039 +12946088 _hypernym 11566682 +00715239 _derivationally_related_form 05916739 +01100145 _derivationally_related_form 10782791 +02218635 _hypernym 02304982 +02913152 _has_part 04546855 +06048552 _hypernym 06047430 +03084759 _derivationally_related_form 08967329 +10901192 _instance_hypernym 10453533 +11022465 _instance_hypernym 10650162 +00751398 _hypernym 00750890 +07369604 _derivationally_related_form 00299580 +02338029 _member_meronym 02338145 +05697363 _hypernym 05697135 +00120515 _derivationally_related_form 01967205 +03542860 _hypernym 02821627 +01763643 _hypernym 01764800 +08851364 _instance_hypernym 08524735 +13777764 _hypernym 05074774 +13877918 _derivationally_related_form 01223182 +00238867 _hypernym 00109660 +02226598 _member_meronym 02226821 +01765178 _derivationally_related_form 04903813 +03194992 _hypernym 02772868 +06379721 _hypernym 06377442 +08374049 _derivationally_related_form 02590340 +09756400 _hypernym 09848489 +01079396 _synset_domain_topic_of 00523513 +11604698 _member_meronym 11604904 +02567960 _hypernym 01432517 +05731779 _hypernym 05728678 +05070290 _hypernym 05064037 +13170060 _member_meronym 13170661 +14857278 _hypernym 14856263 +00904494 _hypernym 00904046 +07481375 _hypernym 07480896 +00428000 _derivationally_related_form 02578510 +01461328 _derivationally_related_form 05870180 +00202284 _derivationally_related_form 00775831 +00396703 _derivationally_related_form 00380083 +10686073 _hypernym 10677713 +11911591 _member_meronym 11917633 +00770270 _derivationally_related_form 02566528 +12718483 _hypernym 12715914 +01974399 _member_meronym 01998019 +06507041 _derivationally_related_form 01001857 +02511551 _derivationally_related_form 13968547 +02225577 _hypernym 01762525 +13501941 _derivationally_related_form 01507006 +10213652 _hypernym 09631129 +00345149 _derivationally_related_form 01870043 +01558681 _verb_group 01556572 +09055015 _has_part 08835675 +01698271 _synset_domain_topic_of 00929718 +10694258 _derivationally_related_form 00593732 +02386675 _hypernym 02339413 +05694791 _derivationally_related_form 01807529 +00132219 _hypernym 00125629 +15137676 _hypernym 15118453 +02268148 _hypernym 02159955 +11802212 _hypernym 12205694 +08766988 _has_part 08773880 +12608941 _member_meronym 12609128 +01559055 _hypernym 01552519 +00881649 _derivationally_related_form 02150948 +01453852 _member_meronym 01454260 +01472417 _hypernym 01471825 +08860123 _member_of_domain_region 03457686 +02037989 _hypernym 02037090 +00662182 _hypernym 00664483 +06667792 _synset_domain_topic_of 08441203 +00573932 _derivationally_related_form 14531983 +01250474 _derivationally_related_form 07651025 +07332956 _hypernym 07355491 +09971839 _hypernym 09821831 +01750027 _hypernym 01657723 +01157850 _hypernym 01156438 +11940599 _hypernym 11940006 +07489714 _hypernym 07487955 +08860123 _member_of_domain_region 00504975 +08524735 _has_part 08543496 +10078806 _hypernym 09614315 +10682501 _derivationally_related_form 00865387 +11891838 _hypernym 11575425 +06314808 _hypernym 06314144 +12423565 _member_meronym 12461809 +00159880 _derivationally_related_form 03139749 +00238720 _hypernym 00238867 +02461372 _member_meronym 02461556 +00703310 _synset_domain_topic_of 06183899 +02652335 _hypernym 01342529 +09021503 _instance_hypernym 08544813 +00549472 _derivationally_related_form 02675067 +01041762 _hypernym 00792471 +03997484 _hypernym 04451818 +06268096 _hypernym 06269396 +09862183 _hypernym 10294602 +09830400 _derivationally_related_form 02767956 +08715390 _member_meronym 09695747 +11719468 _member_meronym 11724822 +00232863 _derivationally_related_form 00799798 +05764197 _hypernym 05763916 +01141160 _derivationally_related_form 02392385 +03996145 _hypernym 03997484 +02253456 _derivationally_related_form 00259643 +04782878 _derivationally_related_form 00644839 +00722675 _verb_group 00722232 +00764588 _synset_domain_topic_of 00759694 +08394657 _hypernym 08191230 +09117351 _has_part 09264116 +05685030 _derivationally_related_form 01831308 +05577410 _hypernym 05566097 +04031884 _synset_domain_topic_of 08199025 +01022906 _hypernym 00941990 +13951984 _derivationally_related_form 00792991 +02025009 _derivationally_related_form 08274565 +07373803 _derivationally_related_form 02309008 +03103128 _has_part 04021798 +05705355 _hypernym 05704266 +03108193 _derivationally_related_form 04030965 +00764222 _hypernym 00797697 +07075172 _member_of_domain_usage 10162780 +00640385 _derivationally_related_form 05783041 +03176763 _hypernym 03748162 +14048441 _has_part 14049098 +01769635 _member_meronym 01769789 +08402442 _derivationally_related_form 02395395 +05268965 _derivationally_related_form 01194938 +03800563 _hypernym 03177349 +01524298 _verb_group 01612295 +00784533 _derivationally_related_form 02467662 +04357930 _derivationally_related_form 00403609 +06536227 _synset_domain_topic_of 08441203 +13932421 _derivationally_related_form 00719231 +00396029 _derivationally_related_form 02071457 +00136329 _derivationally_related_form 01371756 +03189461 _hypernym 03096593 +06054446 _derivationally_related_form 10379073 +02606194 _member_meronym 02606384 +00542841 _hypernym 00541479 +08381165 _hypernym 08164585 +13542947 _hypernym 13493998 +01055558 _hypernym 00978549 +12796617 _member_meronym 12797025 +04836074 _derivationally_related_form 00884778 +06277280 _derivationally_related_form 00969506 +01468058 _hypernym 01468576 +12909252 _hypernym 11579418 +02717102 _derivationally_related_form 00318735 +01134522 _derivationally_related_form 02950482 +13496517 _hypernym 13534954 +06515827 _hypernym 06514093 +04151940 _derivationally_related_form 01332730 +02063516 _hypernym 01862557 +01219993 _derivationally_related_form 01266945 +15152062 _hypernym 15145171 +00067707 _derivationally_related_form 02385153 +03480186 _hypernym 03713736 +00696852 _derivationally_related_form 00891850 +01494310 _also_see 01544692 +00874002 _hypernym 00755745 +12775919 _hypernym 13104059 +00233335 _derivationally_related_form 10525134 +11697158 _member_meronym 11698895 +07784810 _hypernym 07775905 +02274024 _hypernym 02159955 +01595830 _hypernym 01291069 +06331803 _hypernym 06309383 +05217859 _derivationally_related_form 02698944 +02685951 _derivationally_related_form 05123416 +01981436 _derivationally_related_form 00052334 +10468962 _derivationally_related_form 15266265 +01532664 _hypernym 01507175 +14629998 _hypernym 14625458 +05259240 _derivationally_related_form 00039488 +09543353 _instance_hypernym 09504135 +02884456 _derivationally_related_form 05588174 +11264973 _instance_hypernym 09924996 +02023664 _member_meronym 02024185 +10055297 _derivationally_related_form 00776988 +10282920 _derivationally_related_form 01437888 +08639058 _hypernym 08633957 +12100538 _member_meronym 12113471 +02497586 _derivationally_related_form 09800469 +12409016 _member_meronym 12409470 +00898286 _hypernym 00894552 +03170635 _derivationally_related_form 00375865 +02175578 _hypernym 02176268 +12090041 _member_meronym 12097927 +14440137 _derivationally_related_form 02547225 +14562960 _derivationally_related_form 02609764 +11740824 _member_meronym 11742175 +11719468 _member_meronym 11732309 +11171851 _instance_hypernym 10705615 +01164874 _derivationally_related_form 02485451 +10314703 _hypernym 09886540 +01975312 _member_meronym 01988481 +11751598 _hypernym 11585340 +02330742 _hypernym 02327200 +09439433 _member_meronym 09355623 +09226209 _instance_hypernym 09215664 +03195485 _derivationally_related_form 02652494 +14302005 _hypernym 14301785 +04750164 _derivationally_related_form 01410905 +10062996 _hypernym 09993901 +00780575 _derivationally_related_form 00350380 +12801072 _hypernym 12800586 +00262076 _hypernym 01631072 +01061481 _derivationally_related_form 00943363 +11963755 _hypernym 11579418 +08850450 _instance_hypernym 08691669 +05832264 _derivationally_related_form 01765908 +01131794 _hypernym 00829378 +01359432 _derivationally_related_form 04426788 +07499113 _hypernym 07498854 +03629986 _has_part 03630262 +06546261 _synset_domain_topic_of 08441203 +08950907 _instance_hypernym 08524735 +01673668 _member_meronym 01674850 +14956325 _hypernym 14844693 +00158804 _derivationally_related_form 08418103 +01666327 _derivationally_related_form 04179385 +05789432 _derivationally_related_form 00672433 +02325558 _hypernym 02613487 +01462468 _derivationally_related_form 00380083 +01852142 _hypernym 01846331 +00329817 _derivationally_related_form 13887056 +03328201 _hypernym 03391770 +00547493 _derivationally_related_form 09543353 +05568767 _hypernym 05474346 +10692883 _hypernym 09880427 +10375506 _hypernym 10287213 +04706290 _derivationally_related_form 01286799 +00841091 _hypernym 00838367 +10584318 _derivationally_related_form 01666327 +09991530 _hypernym 09606009 +11911591 _member_meronym 12025019 +05751173 _derivationally_related_form 10075899 +07106800 _hypernym 07105475 +01662274 _derivationally_related_form 02692471 +10658304 _derivationally_related_form 02285392 +00965871 _derivationally_related_form 09795124 +10067600 _synset_domain_topic_of 08059412 +02367993 _member_meronym 02368116 +04829550 _derivationally_related_form 01821996 +05912243 _hypernym 05911255 +02673134 _derivationally_related_form 14002279 +02304982 _derivationally_related_form 01014066 +07650792 _derivationally_related_form 01176079 +01169744 _derivationally_related_form 02742638 +09845999 _hypernym 09974648 +02528534 _member_meronym 02540255 +05064722 _hypernym 05064037 +12392943 _member_meronym 12393086 +01411870 _hypernym 01411085 +00097621 _hypernym 00205885 +00317888 _derivationally_related_form 01018366 +07964495 _derivationally_related_form 02377938 +03000247 _synset_domain_topic_of 15259284 +00113113 _derivationally_related_form 01754105 +03146342 _hypernym 02740764 +00156390 _derivationally_related_form 01628449 +07335716 _derivationally_related_form 02156546 +03839993 _derivationally_related_form 01476483 +02519991 _derivationally_related_form 13290676 +08308497 _hypernym 08307589 +02069551 _also_see 01202374 +10734963 _hypernym 10036929 +12792041 _member_meronym 12797213 +09896401 _hypernym 10599806 +01958615 _derivationally_related_form 00299217 +01834918 _hypernym 01503061 +12628986 _hypernym 12651821 +12501745 _member_meronym 12572021 +07500414 _derivationally_related_form 00692143 +01964049 _hypernym 01963571 +09076982 _derivationally_related_form 02972499 +10594408 _hypernym 10412055 +10773126 _hypernym 09630641 +07379963 _derivationally_related_form 02172127 +02541251 _derivationally_related_form 08186047 +05981768 _derivationally_related_form 02735418 +11739809 _hypernym 11571907 +07117595 _hypernym 07115914 +07148573 _derivationally_related_form 10013927 +09848110 _derivationally_related_form 06223669 +01794813 _member_meronym 01797472 +14490319 _hypernym 14490110 +11907689 _hypernym 13118707 +00333594 _hypernym 00334186 +04223580 _hypernym 03969259 +00785045 _hypernym 00768701 +01252216 _derivationally_related_form 14857897 +02293321 _derivationally_related_form 10001058 +03870672 _derivationally_related_form 01926031 +00239614 _hypernym 00239321 +00297532 _hypernym 00295701 +00015303 _derivationally_related_form 00858377 +13060451 _member_meronym 13062112 +13742573 _hypernym 13741022 +00499812 _hypernym 00126264 +10439851 _hypernym 09613191 +06349030 _hypernym 07012534 +00796976 _derivationally_related_form 10641551 +01036996 _hypernym 01027859 +13651931 _hypernym 13603305 +10530769 _derivationally_related_form 00408085 +00190023 _hypernym 00182406 +01440378 _hypernym 01439190 +00185438 _hypernym 00042541 +01902783 _derivationally_related_form 11447851 +08929922 _member_of_domain_region 08167365 +05763916 _hypernym 05760202 +14987695 _synset_domain_topic_of 14589223 +10129133 _derivationally_related_form 02696503 +07243193 _hypernym 07242324 +05222591 _synset_domain_topic_of 06057539 +00567418 _hypernym 00566298 +00330836 _hypernym 00330160 +01517515 _derivationally_related_form 00335814 +14553290 _hypernym 14096724 +12610609 _member_meronym 12610740 +02045790 _derivationally_related_form 00342028 +13079203 _hypernym 11592146 +00427786 _derivationally_related_form 14487184 +10368920 _derivationally_related_form 05639556 +03773268 _hypernym 04296562 +08766988 _has_part 02909543 +05806623 _derivationally_related_form 00588221 +11651259 _member_meronym 11658104 +01800286 _hypernym 01507175 +01586600 _derivationally_related_form 00965404 +09782167 _derivationally_related_form 01190277 +01214746 _hypernym 01214171 +07391863 _derivationally_related_form 02180898 +05842387 _hypernym 05841351 +03494706 _has_part 03031756 +14051494 _hypernym 14034177 +09911051 _hypernym 10515194 +04649261 _hypernym 04648207 +10524973 _derivationally_related_form 00779601 +08819016 _instance_hypernym 08524735 +06425065 _derivationally_related_form 00948853 +00408852 _derivationally_related_form 08365855 +00415676 _hypernym 00038262 +05068716 _hypernym 05068461 +12049282 _hypernym 12041446 +02091165 _derivationally_related_form 15280497 +11005571 _instance_hypernym 10088390 +07489548 _hypernym 07487955 +00016183 _hypernym 00014742 +02670186 _hypernym 04519153 +00714884 _derivationally_related_form 09997404 +08893223 _has_part 08894319 +06153186 _hypernym 06152821 +07382572 _hypernym 07371293 +14548343 _derivationally_related_form 00512186 +12697883 _member_meronym 12698027 +09380446 _instance_hypernym 09215664 +03724870 _hypernym 03122748 +02596252 _hypernym 02594250 +13508651 _derivationally_related_form 00444309 +10468559 _derivationally_related_form 02443609 +01472303 _member_meronym 01472502 +15141213 _hypernym 15113229 +01654628 _hypernym 01617192 +08756202 _instance_hypernym 08544813 +09343422 _instance_hypernym 09440186 +14702703 _derivationally_related_form 02083237 +02455407 _derivationally_related_form 05818741 +08129268 _has_part 08129883 +00031820 _derivationally_related_form 10248876 +08960363 _instance_hypernym 08524735 +14463826 _derivationally_related_form 00263044 +01174988 _derivationally_related_form 02123424 +02167820 _hypernym 02167151 +02897524 _derivationally_related_form 07151892 +05722427 _hypernym 05708432 +11862835 _hypernym 11672400 +01999374 _member_meronym 02000618 +06851742 _member_of_domain_usage 03534776 +01204055 _derivationally_related_form 01041916 +11736569 _member_meronym 11736694 +12806455 _member_meronym 12807773 +00572043 _derivationally_related_form 01408958 +00789391 _hypernym 00788973 +00019613 _hypernym 00020827 +00048656 _derivationally_related_form 02020590 +10279018 _hypernym 09974648 +13061704 _hypernym 13060190 +01725712 _derivationally_related_form 07480896 +11534677 _hypernym 08106934 +08567877 _hypernym 08566028 +00329227 _derivationally_related_form 02066939 +10344774 _derivationally_related_form 01028748 +06634095 _hypernym 06598915 +02970408 _hypernym 02773037 +00820801 _derivationally_related_form 09814660 +00472992 _derivationally_related_form 02762468 +00097394 _hypernym 00093775 +14704465 _hypernym 14702416 +01695257 _derivationally_related_form 03767459 +11903525 _hypernym 11575425 +02678438 _derivationally_related_form 05832264 +00656292 _derivationally_related_form 07998573 +00896497 _derivationally_related_form 10740219 +12198793 _hypernym 13112664 +08798382 _derivationally_related_form 02974615 +01201574 _derivationally_related_form 07579399 +08115204 _hypernym 08114861 +04316646 _has_part 03296597 +10170989 _hypernym 10595647 +03015113 _derivationally_related_form 01416585 +10214062 _derivationally_related_form 01993352 +03787523 _has_part 03787308 +13967215 _synset_domain_topic_of 08095647 +13226526 _hypernym 11590783 +00322457 _derivationally_related_form 01645601 +02607862 _hypernym 02554730 +00216991 _hypernym 00216216 +01575270 _member_meronym 01575401 +03103198 _derivationally_related_form 00577068 +02062991 _member_meronym 02063224 +02036339 _derivationally_related_form 13864965 +06575932 _derivationally_related_form 00959827 +12185254 _hypernym 13104059 +14486767 _derivationally_related_form 01905653 +00364868 _derivationally_related_form 14836960 +01729977 _hypernym 01727646 +00236999 _hypernym 00441445 +00791372 _derivationally_related_form 02823124 +10240921 _synset_domain_topic_of 06951067 +13458019 _derivationally_related_form 00209837 +00546646 _also_see 02383380 +14935555 _hypernym 14818238 +09150047 _instance_hypernym 08695539 +07502387 _derivationally_related_form 02597246 +01783384 _hypernym 08103777 +01023820 _derivationally_related_form 03103198 +08664443 _derivationally_related_form 01494310 +02153023 _derivationally_related_form 06256229 +03457451 _hypernym 02740764 +02778669 _hypernym 03414162 +01570112 _hypernym 01507175 +09513902 _hypernym 09505418 +12193458 _member_meronym 12193665 +00191142 _derivationally_related_form 00123170 +07766173 _hypernym 07705931 +02114056 _hypernym 00109660 +07149836 _derivationally_related_form 02259829 +11269236 _instance_hypernym 10164025 +01085098 _derivationally_related_form 02228698 +10371741 _derivationally_related_form 00752335 +02952109 _derivationally_related_form 09428967 +10506915 _derivationally_related_form 00660102 +01498822 _hypernym 01429349 +00747418 _derivationally_related_form 10461424 +11713628 _hypernym 11571907 +10565302 _hypernym 10067968 +00121166 _derivationally_related_form 01031256 +10616204 _hypernym 10707804 +01236795 _hypernym 01236164 +01350449 _also_see 01281611 +01665638 _derivationally_related_form 00243918 +02232190 _derivationally_related_form 10724699 +00031921 _hypernym 00002137 +08111783 _hypernym 07966140 +02490430 _hypernym 02469835 +12789399 _hypernym 11585340 +06072476 _hypernym 06072275 +12615710 _hypernym 13121544 +11698895 _hypernym 11571907 +03578055 _has_part 04292572 +02274253 _also_see 01017738 +09367991 _derivationally_related_form 02632567 +01887576 _derivationally_related_form 00328502 +12174124 _member_meronym 12174311 +03612965 _hypernym 03915437 +08060694 _hypernym 08061042 +13560079 _derivationally_related_form 00119266 +03092656 _hypernym 04147495 +02565728 _member_meronym 02569151 +01109687 _derivationally_related_form 02259005 +04373894 _hypernym 04565375 +09749614 _hypernym 09641757 +08629508 _hypernym 08510666 +00255079 _hypernym 00443116 +03623338 _hypernym 02740764 +02903204 _derivationally_related_form 02082690 +07966927 _synset_domain_topic_of 01094725 +06312966 _hypernym 06313457 +02534761 _derivationally_related_form 07188685 +05294819 _hypernym 05294606 +01593254 _derivationally_related_form 03599351 +01614079 _hypernym 01463963 +05773923 _derivationally_related_form 00633443 +01282545 _derivationally_related_form 09304750 +00329817 _derivationally_related_form 00388710 +00568234 _derivationally_related_form 05927813 +00886039 _has_part 00890941 +00713996 _hypernym 00713167 +01467370 _derivationally_related_form 08567235 +02607909 _derivationally_related_form 09777012 +00346714 _hypernym 00345761 +04889527 _derivationally_related_form 01892953 +12254168 _hypernym 13112664 +02685951 _verb_group 02727039 +14871968 _synset_domain_topic_of 06084469 +01257173 _hypernym 01552519 +05790012 _derivationally_related_form 00654015 +00611433 _derivationally_related_form 02387486 +01292727 _hypernym 01292534 +10927424 _instance_hypernym 10214637 +10490141 _hypernym 10595647 +14547369 _hypernym 14052046 +00838043 _hypernym 00836705 +08982587 _has_part 08984223 +01035853 _derivationally_related_form 02715802 +08688779 _hypernym 08688590 +08389094 _synset_domain_topic_of 09718217 +01823370 _hypernym 01813668 +06346681 _derivationally_related_form 00727791 +13639647 _hypernym 13634418 +12699301 _has_part 07745803 +02392600 _derivationally_related_form 00795720 +00542809 _verb_group 01679433 +07506569 _derivationally_related_form 02547225 +10149527 _hypernym 10407954 +12384375 _hypernym 12383402 +00463007 _hypernym 00462092 +08993288 _has_part 09171376 +03966976 _has_part 03594277 +08847694 _has_part 08995242 +00261029 _hypernym 00248977 +01876530 _hypernym 01831531 +08019913 _instance_hypernym 08392137 +12719455 _hypernym 11585340 +13752172 _hypernym 13745420 +00192659 _hypernym 00192836 +10075899 _hypernym 00007846 +04684358 _hypernym 04683814 +08801678 _has_part 08813807 +10341446 _hypernym 10204921 +14692026 _hypernym 03008275 +08398036 _synset_domain_topic_of 08199025 +14647235 _derivationally_related_form 00504676 +00053341 _verb_group 00053159 +00334935 _derivationally_related_form 02062212 +02488149 _hypernym 01864707 +07193958 _derivationally_related_form 00788184 +09275473 _has_part 08960987 +12931738 _hypernym 12930044 +08929922 _has_part 08936647 +01558594 _hypernym 01557185 +01316401 _hypernym 01315613 +00623162 _hypernym 00620752 +01697002 _member_meronym 01697178 +01225397 _hypernym 01225027 +01768596 _hypernym 05559908 +09102016 _has_part 09103377 +08212347 _member_meronym 08242799 +01385458 _hypernym 01385170 +09141526 _has_part 09142771 +00013328 _derivationally_related_form 00041188 +00712225 _derivationally_related_form 01363648 +06845599 _member_of_domain_usage 03031553 +00955565 _synset_domain_topic_of 08199025 +02187693 _derivationally_related_form 03345115 +07193958 _derivationally_related_form 00788564 +00658052 _derivationally_related_form 14429985 +04526112 _hypernym 04100620 +08149160 _member_meronym 10778345 +00345926 _derivationally_related_form 01889129 +12794135 _hypernym 12793015 +00574735 _hypernym 00126264 +05251789 _hypernym 05250659 +13082077 _hypernym 11594676 +11768242 _hypernym 11567411 +12543455 _hypernym 12542910 +00597915 _derivationally_related_form 05752544 +02490090 _derivationally_related_form 13965049 +09146912 _instance_hypernym 08524735 +01637166 _derivationally_related_form 05833840 +00910135 _hypernym 00907147 +03017070 _hypernym 02821627 +07884413 _hypernym 07885223 +01857392 _hypernym 01848355 +01201100 _derivationally_related_form 10173895 +12764202 _hypernym 12762896 +00044455 _derivationally_related_form 00423971 +01376245 _derivationally_related_form 00369138 +10102506 _derivationally_related_form 00926472 +03410740 _hypernym 04081844 +08813978 _has_part 09460888 +01546660 _member_meronym 01551430 +01358328 _hypernym 01332730 +05594822 _hypernym 05585665 +01868370 _derivationally_related_form 00349705 +05707146 _derivationally_related_form 00614999 +07429976 _derivationally_related_form 02019716 +06780309 _derivationally_related_form 10400998 +00687295 _derivationally_related_form 05698247 +00251780 _derivationally_related_form 00036780 +00670261 _hypernym 00628491 +01407904 _hypernym 01405044 +02587895 _hypernym 02587532 +01654271 _hypernym 01619354 +08008335 _hypernym 07950920 +02046759 _hypernym 02045369 +08860123 _member_of_domain_region 10695450 +01213702 _hypernym 01212882 +08656893 _derivationally_related_form 01862918 +00336260 _derivationally_related_form 14292090 +14569121 _hypernym 14151139 +00147815 _also_see 00334186 +09001580 _instance_hypernym 08654360 +12166793 _hypernym 12166424 +04982478 _hypernym 04982207 +14899328 _synset_domain_topic_of 06046692 +04394031 _hypernym 03118539 +10741821 _derivationally_related_form 01931768 +00878136 _derivationally_related_form 06648724 +08991752 _instance_hypernym 08691669 +06845599 _member_of_domain_usage 14746048 +01284461 _derivationally_related_form 10737431 +15143864 _hypernym 15140405 +13793504 _derivationally_related_form 02677097 +02285359 _hypernym 01759182 +08253450 _derivationally_related_form 01358328 +01001294 _derivationally_related_form 06742426 +01238640 _derivationally_related_form 07410207 +07602454 _hypernym 07601999 +00727573 _derivationally_related_form 00007846 +11996792 _hypernym 11579418 +01101329 _hypernym 01094725 +07818029 _hypernym 07809368 +10016954 _derivationally_related_form 01521367 +02034394 _member_meronym 02035402 +00824292 _derivationally_related_form 06714288 +01195675 _derivationally_related_form 00841901 +04592741 _has_part 04087126 +06380879 _hypernym 06377442 +05072911 _hypernym 05064037 +02586543 _hypernym 02512938 +00475183 _verb_group 00229026 +09114696 _has_part 09388121 +01134037 _hypernym 01133281 +00849939 _hypernym 00849332 +12236160 _hypernym 13112664 +03838160 _hypernym 04076846 +10394141 _hypernym 10271677 +07206096 _hypernym 07205946 +01064863 _hypernym 01064148 +05521636 _has_part 05522784 +01182709 _hypernym 02199590 +00833702 _hypernym 00829107 +15205532 _has_part 15204983 +07970406 _member_meronym 09918248 +10176111 _derivationally_related_form 01881180 +00545501 _derivationally_related_form 01704236 +13952601 _synset_domain_topic_of 08441203 +02638323 _member_meronym 02641063 +10299250 _derivationally_related_form 02592397 +03316274 _hypernym 03104594 +12797693 _hypernym 11585340 +00669366 _hypernym 00668099 +09031233 _instance_hypernym 08698379 +04192698 _derivationally_related_form 01130169 +01963730 _member_meronym 01963876 +01661243 _synset_domain_topic_of 00911048 +03836451 _has_part 03836191 +01182654 _synset_domain_topic_of 08441203 +02991122 _derivationally_related_form 02743547 +00791372 _derivationally_related_form 07377082 +01212225 _derivationally_related_form 00568879 +04494204 _has_part 03274796 +08343534 _hypernym 08342039 +09372504 _has_part 08735564 +01288052 _hypernym 01301410 +01354869 _member_meronym 01352574 +13281275 _hypernym 13278375 +01487077 _hypernym 01429349 +01984695 _has_part 07793260 +06845599 _member_of_domain_usage 15071684 +02076779 _hypernym 02076196 +11472503 _hypernym 11428023 +01009240 _derivationally_related_form 14485526 +04952944 _derivationally_related_form 02162947 +00446885 _derivationally_related_form 01928608 +02575723 _derivationally_related_form 10022759 +02436140 _derivationally_related_form 14500341 +09795334 _hypernym 09610660 +14147380 _hypernym 14145095 +11595312 _member_meronym 11599694 +07518468 _derivationally_related_form 01789270 +01611252 _member_meronym 01612122 +00638585 _verb_group 00637259 +05726596 _hypernym 05726345 +09863749 _derivationally_related_form 00409281 +01907738 _hypernym 01906749 +08022259 _instance_hypernym 08392137 +02113850 _verb_group 02114433 +11818515 _member_meronym 11818636 +01244593 _derivationally_related_form 01463520 +09209263 _has_part 08717730 +12989739 _hypernym 11592146 +12848343 _member_meronym 12848499 +13533886 _hypernym 13515958 +05171045 _derivationally_related_form 00055539 +07175241 _derivationally_related_form 00805376 +01502262 _member_meronym 01845272 +02001428 _member_meronym 02005102 +02715941 _hypernym 03740161 +11072673 _instance_hypernym 10453533 +02215506 _derivationally_related_form 13358549 +10347883 _hypernym 10072708 +02265471 _member_meronym 02266580 +00014034 _derivationally_related_form 14004572 +02159427 _derivationally_related_form 10562749 +06718434 _derivationally_related_form 00864475 +01027263 _derivationally_related_form 00150287 +00123170 _derivationally_related_form 11412727 +00335366 _derivationally_related_form 09278537 +01822248 _derivationally_related_form 10686313 +00855674 _derivationally_related_form 01430952 +08857682 _member_meronym 08900535 +12612410 _hypernym 11556857 +00862225 _derivationally_related_form 07123870 +10008716 _derivationally_related_form 01662118 +10781236 _derivationally_related_form 01898282 +01388813 _verb_group 01389007 +01845627 _member_meronym 01852544 +03371532 _hypernym 03828465 +10082146 _derivationally_related_form 00991838 +03284482 _derivationally_related_form 00500834 +09797375 _hypernym 10453533 +10749715 _hypernym 10020890 +05804274 _derivationally_related_form 00672017 +13554121 _hypernym 13526110 +11684739 _derivationally_related_form 00179567 +02337667 _derivationally_related_form 05716577 +10379073 _derivationally_related_form 06054446 +12100538 _member_meronym 12116881 +00754424 _derivationally_related_form 02573275 +01666131 _derivationally_related_form 00926668 +07452699 _derivationally_related_form 02425462 +13331198 _hypernym 13329641 +14871601 _hypernym 14904359 +09780395 _synset_domain_topic_of 08199025 +00862683 _derivationally_related_form 09821253 +10164025 _hypernym 09623038 +09815790 _derivationally_related_form 02547586 +10497202 _hypernym 10334782 +13249927 _hypernym 13246662 +05120310 _hypernym 05120116 +09926862 _derivationally_related_form 00654625 +11726925 _hypernym 11571907 +00669099 _hypernym 00668099 +12056601 _hypernym 12056217 +06732013 _hypernym 06722453 +12787565 _member_meronym 12790656 +07175241 _derivationally_related_form 01035530 +01794523 _derivationally_related_form 14324274 +00514041 _hypernym 00427580 +09546772 _hypernym 09540430 +04953954 _derivationally_related_form 02763740 +02368787 _also_see 02395115 +09022265 _has_part 09022538 +09275473 _has_part 09007471 +09095023 _has_part 09098721 +02564986 _derivationally_related_form 04644512 +11527177 _hypernym 11437577 +00652622 _derivationally_related_form 06487897 +00604930 _derivationally_related_form 10680153 +08293831 _hypernym 07951464 +00197419 _hypernym 00197772 +06550552 _hypernym 06549661 +10110287 _derivationally_related_form 13243261 +14445379 _hypernym 13920835 +14019840 _hypernym 14019600 +08860123 _member_of_domain_region 07863229 +04711031 _hypernym 04709253 +00851994 _hypernym 01144133 +08138686 _hypernym 08337324 +08646787 _hypernym 08641113 +04713118 _derivationally_related_form 02700104 +00582388 _derivationally_related_form 00600370 +13108662 _hypernym 13104059 +01097031 _derivationally_related_form 05640184 +09938272 _hypernym 10622053 +10627899 _derivationally_related_form 00034758 +01379954 _hypernym 01352574 +05688486 _hypernym 05686955 +02242464 _derivationally_related_form 01113068 +00948853 _derivationally_related_form 06425065 +00228535 _hypernym 00209943 +00158804 _derivationally_related_form 07961480 +10214230 _hypernym 10595647 +00464513 _derivationally_related_form 02753642 +02055649 _derivationally_related_form 05058140 +13792842 _derivationally_related_form 00742320 +13433061 _synset_domain_topic_of 06172789 +01108053 _hypernym 01105639 +08756052 _instance_hypernym 09316454 +02507968 _derivationally_related_form 04740173 +00316768 _hypernym 00429060 +06717170 _member_of_domain_usage 10588182 +10154601 _hypernym 09632274 +04713118 _hypernym 04712735 +05908520 _derivationally_related_form 01651444 +00921300 _derivationally_related_form 06797169 +00310201 _hypernym 00306426 +01115349 _also_see 01932973 +02029914 _hypernym 01507175 +01656458 _derivationally_related_form 00218753 +00354845 _derivationally_related_form 15143477 +07503260 _derivationally_related_form 02194913 +00419137 _derivationally_related_form 00147862 +01648001 _member_meronym 01648139 +02384041 _derivationally_related_form 00240938 +00628491 _derivationally_related_form 05784242 +04092609 _hypernym 03597469 +08860123 _member_of_domain_region 06477209 +01835496 _also_see 02073714 +01662614 _derivationally_related_form 03999992 +01866192 _hypernym 01907258 +08231874 _hypernym 08231184 +08975902 _member_of_domain_region 08030481 +07240549 _derivationally_related_form 00594146 +00371846 _hypernym 00371314 +01882689 _hypernym 01881180 +08284481 _hypernym 08276720 +01212882 _hypernym 01212519 +13552270 _derivationally_related_form 00239614 +00499924 _hypernym 00499066 +03104594 _derivationally_related_form 01693881 +02625418 _member_meronym 02625851 +00261405 _derivationally_related_form 00167934 +13628761 _hypernym 13601596 +02148369 _hypernym 02144835 +12874642 _hypernym 11744859 +07376257 _hypernym 07387509 +05718556 _derivationally_related_form 01501113 +10513120 _hypernym 10044879 +09260218 _derivationally_related_form 01261628 +12262327 _member_meronym 12263987 +14644249 _hypernym 14625458 +00471613 _hypernym 00471437 +08772137 _instance_hypernym 08524735 +12243927 _hypernym 11575425 +00982293 _derivationally_related_form 07083732 +02163982 _member_meronym 02169345 +10095061 _synset_domain_topic_of 08199025 +03231912 _derivationally_related_form 00451648 +02194286 _derivationally_related_form 05715283 +06468951 _derivationally_related_form 01008288 +12072419 _hypernym 11556857 +00375625 _derivationally_related_form 00314782 +03601638 _hypernym 03954731 +01867502 _derivationally_related_form 01156834 +00849294 _derivationally_related_form 10621514 +01935476 _derivationally_related_form 00451370 +03042697 _hypernym 03391770 +01802070 _derivationally_related_form 01069311 +02531199 _hypernym 02530167 +01276361 _derivationally_related_form 08612786 +00713167 _hypernym 00628491 +09365863 _derivationally_related_form 00305109 +02963821 _has_part 03521076 +01711071 _derivationally_related_form 07494363 +01175316 _derivationally_related_form 01416539 +02133161 _hypernym 02131653 +11910070 _member_meronym 11910271 +01146768 _derivationally_related_form 02494356 +09011151 _has_part 09011922 +08402442 _hypernym 08008335 +01548694 _similar_to 01548193 +05547508 _has_part 05528854 +00966718 _derivationally_related_form 01428381 +02193974 _derivationally_related_form 05715864 +14036203 _hypernym 14023997 +01139830 _derivationally_related_form 02444662 +00313806 _hypernym 00313647 +04364160 _hypernym 04361641 +07039770 _hypernym 07044917 +01445407 _derivationally_related_form 14297870 +13496286 _derivationally_related_form 01528821 +00173764 _derivationally_related_form 05018934 +00643473 _derivationally_related_form 05782140 +10751265 _hypernym 10069645 +09023321 _member_of_domain_region 10025487 +01488539 _member_meronym 01490546 +01048939 _derivationally_related_form 10533983 +01831930 _member_meronym 01832381 +11377851 _instance_hypernym 10620758 +00910135 _derivationally_related_form 10018021 +02336947 _derivationally_related_form 08640111 +02818832 _has_part 03731164 +10782791 _derivationally_related_form 02288295 +09075007 _instance_hypernym 08524735 +09442838 _derivationally_related_form 00337903 +05540513 _hypernym 05269901 +15150493 _hypernym 15144371 +00682592 _derivationally_related_form 05747582 +01044533 _derivationally_related_form 07127252 +01850035 _member_meronym 01850373 +01330822 _derivationally_related_form 04494906 +09643799 _hypernym 09643078 +09099526 _has_part 09100837 +09540055 _hypernym 09538915 +02571983 _hypernym 01429349 +08932568 _has_part 08933940 +01017701 _derivationally_related_form 01481154 +04473432 _has_part 02898711 +02472012 _member_meronym 02475078 +00578116 _hypernym 00126264 +02179012 _hypernym 02164464 +02202287 _hypernym 02188699 +07991364 _hypernym 07950920 +12213197 _member_meronym 12946088 +03396311 _derivationally_related_form 01751722 +01481599 _member_meronym 01491991 +05650579 _hypernym 05650329 +12778926 _member_meronym 12782108 +00946650 _derivationally_related_form 02240881 +02767116 _hypernym 02767308 +14070360 _has_part 14299637 +00087152 _also_see 02531422 +01468532 _hypernym 08103777 +01885158 _hypernym 01883513 +00380994 _derivationally_related_form 00457569 +01619354 _hypernym 01617192 +02398956 _derivationally_related_form 10265070 +02530167 _hypernym 02367363 +15063699 _hypernym 14818238 +02611442 _derivationally_related_form 09646608 +14971519 _hypernym 14818238 +04790774 _hypernym 04790449 +05540121 _has_part 05546040 +00784934 _hypernym 00784388 +03303965 _derivationally_related_form 00528990 +03484576 _hypernym 04181228 +04628192 _derivationally_related_form 01761120 +07326557 _hypernym 07323922 +00063724 _derivationally_related_form 14336539 +07307477 _hypernym 07283608 +00681429 _derivationally_related_form 00996969 +00909573 _derivationally_related_form 10148305 +02173240 _hypernym 01762525 +00665886 _derivationally_related_form 06650431 +14622141 _hypernym 14633206 +11524662 _derivationally_related_form 00275088 +05969194 _derivationally_related_form 09808080 +01884577 _derivationally_related_form 05069199 +02440705 _member_meronym 02449921 +10149128 _derivationally_related_form 01045719 +01995211 _hypernym 00173338 +00595410 _derivationally_related_form 09537660 +08630985 _hypernym 00027167 +02347443 _hypernym 01864707 +06845599 _member_of_domain_usage 03806381 +06295235 _member_of_domain_usage 03412906 +01417451 _synset_domain_topic_of 06000644 +06399995 _hypernym 06362953 +07407272 _hypernym 07405893 +01504625 _derivationally_related_form 05718935 +07040148 _hypernym 07044917 +08140219 _hypernym 08348815 +02707429 _derivationally_related_form 00949134 +02025530 _member_meronym 02031455 +12950669 _hypernym 12205694 +04990220 _hypernym 04983122 +13534274 _derivationally_related_form 01457954 +00871781 _hypernym 00871942 +01502262 _member_meronym 01604625 +01592084 _hypernym 01591697 +02053425 _hypernym 02053083 +01447632 _derivationally_related_form 00112312 +01787106 _derivationally_related_form 00758972 +02275921 _member_meronym 02276078 +01619310 _hypernym 01618922 +02220518 _hypernym 02219486 +03298211 _hypernym 02830852 +01920939 _hypernym 01918152 +04863074 _hypernym 04861486 +12100538 _member_meronym 12110630 +10815648 _synset_domain_topic_of 08083599 +09090825 _has_part 09091909 +01605119 _member_meronym 01617949 +06341127 _synset_domain_topic_of 06950528 +00374835 _hypernym 00374224 +00465762 _derivationally_related_form 07445010 +14132524 _hypernym 14133159 +01492725 _derivationally_related_form 09878702 +13048666 _hypernym 11592146 +12126516 _hypernym 12126360 +12024176 _hypernym 12205694 +01132980 _derivationally_related_form 02753881 +01911053 _also_see 00510050 +00820976 _derivationally_related_form 06650431 +05456456 _has_part 15088869 +06893885 _hypernym 06891493 +07502387 _derivationally_related_form 01823528 +02330247 _hypernym 02327200 +00310201 _derivationally_related_form 02066304 +02701002 _hypernym 02958343 +00917759 _hypernym 00915722 +00754942 _derivationally_related_form 07191279 +01255355 _verb_group 01255222 +12487647 _member_meronym 12496207 +01027508 _hypernym 01010118 +03623556 _has_part 02848216 +01697406 _derivationally_related_form 03777283 +12039743 _member_meronym 12074678 +00801977 _hypernym 00800930 +00245457 _hypernym 00253761 +01889129 _derivationally_related_form 10498046 +05635188 _derivationally_related_form 09826204 +02207206 _derivationally_related_form 00079018 +00873469 _derivationally_related_form 06651577 +00965687 _hypernym 00974367 +09264425 _instance_hypernym 09215664 +07977592 _synset_domain_topic_of 00928947 +14835333 _hypernym 14778436 +00948206 _hypernym 00947128 +00326291 _derivationally_related_form 01943718 +02001858 _also_see 02027030 +00512043 _derivationally_related_form 09439213 +08900535 _has_part 08905313 +08209687 _hypernym 08348815 +01044114 _derivationally_related_form 07386920 +02372813 _hypernym 01864707 +08707917 _has_part 09324474 +02460619 _derivationally_related_form 06523132 +04518854 _hypernym 02718469 +06253371 _derivationally_related_form 02043190 +01029406 _hypernym 01028082 +10546850 _hypernym 10138767 +08176077 _member_meronym 08709704 +03513376 _has_part 04538878 +02344568 _derivationally_related_form 00966599 +02183787 _derivationally_related_form 02009280 +14425715 _hypernym 14425103 +10500942 _hypernym 10299250 +08028397 _instance_hypernym 08392137 +00642980 _hypernym 00637259 +14720962 _hypernym 14989820 +08808614 _has_part 08809165 +00695523 _derivationally_related_form 01179707 +08477634 _derivationally_related_form 14425715 +09295576 _instance_hypernym 09403734 +06313457 _hypernym 07013736 +00211110 _derivationally_related_form 02425913 +01105259 _derivationally_related_form 01435380 +02521916 _member_meronym 02522247 +12597640 _member_meronym 12597798 +02660631 _hypernym 02660442 +00620554 _derivationally_related_form 10426749 +01313093 _member_meronym 01906328 +01702154 _derivationally_related_form 07097094 +00842989 _derivationally_related_form 00766234 +00143204 _derivationally_related_form 07441619 +10512708 _derivationally_related_form 02471327 +14392639 _hypernym 14388910 +05761918 _derivationally_related_form 00611481 +01983771 _hypernym 00109660 +01206218 _derivationally_related_form 10717589 +08420839 _hypernym 08419984 +09372504 _has_part 08820121 +11660979 _member_meronym 11662764 +12936713 _has_part 12936826 +02789770 _synset_domain_topic_of 08441203 +00101629 _derivationally_related_form 00839597 +02267644 _hypernym 01759182 +11980088 _hypernym 11579418 +01621555 _derivationally_related_form 05845140 +11911274 _member_meronym 11911591 +02121511 _derivationally_related_form 10595647 +02118933 _derivationally_related_form 05818741 +04140064 _derivationally_related_form 01559590 +12568865 _hypernym 11585340 +06762711 _hypernym 06722453 +01718952 _derivationally_related_form 00102779 +15178841 _has_part 15218272 +00285889 _derivationally_related_form 01912709 +04302988 _hypernym 02958343 +11828113 _member_meronym 11828247 +07251619 _derivationally_related_form 00771961 +00926472 _derivationally_related_form 05796423 +00343334 _derivationally_related_form 07342049 +14325437 _derivationally_related_form 02120451 +13844212 _hypernym 00031921 +00509607 _hypernym 00508032 +00795863 _hypernym 00751567 +02666943 _derivationally_related_form 01322854 +00940384 _derivationally_related_form 07139873 +08287844 _synset_domain_topic_of 06144081 +12060118 _hypernym 11556857 +02662076 _hypernym 02661252 +02569790 _derivationally_related_form 07339329 +00292672 _hypernym 00258857 +02969886 _derivationally_related_form 01218084 +00334186 _derivationally_related_form 00376400 +08211290 _member_meronym 10317500 +00670105 _hypernym 00671351 +08860123 _member_of_domain_region 01891638 +02193765 _derivationally_related_form 05748054 +02576349 _derivationally_related_form 09921409 +00093127 _hypernym 00093006 +04879340 _hypernym 04878861 +13856574 _hypernym 13854649 +03099945 _derivationally_related_form 00114837 +05248667 _has_part 05231592 +01356370 _hypernym 01296462 +00550545 _hypernym 00550341 +00267349 _derivationally_related_form 01590171 +01201574 _hypernym 01201089 +00800242 _hypernym 00799798 +02629230 _hypernym 02623445 +00720565 _hypernym 00719494 +12089178 _hypernym 13125117 +00505349 _hypernym 00173338 +02688623 _derivationally_related_form 07802417 +09049303 _has_part 09134386 +13521873 _hypernym 13446390 +08374049 _derivationally_related_form 10583387 +00955601 _derivationally_related_form 00371487 +00865808 _hypernym 00863513 +01398443 _derivationally_related_form 01163047 +13512725 _has_part 13504739 +14836960 _hypernym 14940386 +08472890 _hypernym 08473623 +02125641 _derivationally_related_form 05713737 +02248147 _member_meronym 02248744 +02204242 _derivationally_related_form 14444326 +01817424 _hypernym 01504437 +01067816 _hypernym 00983824 +01325536 _verb_group 01325774 +12283981 _member_meronym 12286197 +00452220 _hypernym 00451838 +00947128 _derivationally_related_form 01158872 +00751389 _derivationally_related_form 00848466 +10610333 _hypernym 09820263 +09834378 _synset_domain_topic_of 00468480 +04682462 _derivationally_related_form 01531998 +02131418 _member_meronym 02134240 +02264397 _derivationally_related_form 07454758 +12169526 _hypernym 11534677 +06845599 _member_of_domain_usage 04351776 +14421373 _hypernym 14414294 +04498523 _has_part 02848523 +04905188 _hypernym 04616059 +05283816 _hypernym 05269901 +12778926 _member_meronym 12779603 +00644839 _derivationally_related_form 00683280 +00290302 _derivationally_related_form 00374224 +09372504 _has_part 09416570 +00566895 _verb_group 00566569 +10276045 _hypernym 10241300 +07150644 _hypernym 07148192 +13246475 _hypernym 13244109 +14406573 _derivationally_related_form 01787955 +00442267 _derivationally_related_form 13486270 +03924069 _derivationally_related_form 00998399 +01492052 _derivationally_related_form 04613158 +00946105 _derivationally_related_form 03588414 +03117939 _derivationally_related_form 02659358 +00704305 _derivationally_related_form 00643197 +06295235 _member_of_domain_usage 04580493 +08853741 _has_part 08857405 +05923696 _hypernym 05833840 +01253060 _derivationally_related_form 00546192 +00344174 _hypernym 00339934 +00898804 _derivationally_related_form 01743784 +09433442 _synset_domain_topic_of 09411430 +06449735 _has_part 06434368 +02679788 _derivationally_related_form 00048129 +00388296 _hypernym 00126264 +01204055 _member_of_domain_usage 10171219 +00654625 _derivationally_related_form 07939638 +03784270 _synset_domain_topic_of 08083599 +00604321 _derivationally_related_form 10623175 +09802239 _derivationally_related_form 00664276 +14356720 _hypernym 14356578 +13960117 _derivationally_related_form 01934554 +02231307 _hypernym 01759182 +03920989 _hypernym 03740161 +14067076 _synset_domain_topic_of 06060845 +07409121 _derivationally_related_form 00338071 +08031020 _synset_domain_topic_of 00759694 +09060768 _has_part 09063477 +01983048 _has_part 07792725 +00417643 _derivationally_related_form 01425511 +00383542 _derivationally_related_form 00398704 +03084759 _derivationally_related_form 08966820 +01499692 _derivationally_related_form 08661277 +10471250 _hypernym 09505153 +05430628 _hypernym 00006484 +02677797 _hypernym 02677567 +13528100 _synset_domain_topic_of 06037666 +11511765 _hypernym 11449002 +09302616 _hypernym 09366317 +00161225 _hypernym 00162688 +12358485 _member_meronym 12734446 +11060103 _instance_hypernym 10705615 +04335435 _derivationally_related_form 01945183 +04405907 _synset_domain_topic_of 06277280 +14156488 _hypernym 14151139 +00006238 _derivationally_related_form 13477934 +09941383 _derivationally_related_form 00590626 +02333689 _derivationally_related_form 05075602 +14411981 _derivationally_related_form 00817311 +06845599 _member_of_domain_usage 03298211 +03446832 _hypernym 04285146 +02728440 _derivationally_related_form 00047945 +04072193 _hypernym 03096960 +02267644 _member_meronym 02267826 +02586865 _member_meronym 02587300 +02443609 _derivationally_related_form 00597265 +09138935 _has_part 08502797 +01174555 _hypernym 01168468 +01311520 _has_part 01271428 +05010801 _derivationally_related_form 02183787 +01037910 _derivationally_related_form 10787197 +02238235 _hypernym 02237581 +11502102 _derivationally_related_form 02758033 +00946755 _derivationally_related_form 05121418 +04714440 _derivationally_related_form 00561036 +13805734 _hypernym 06329506 +01582645 _verb_group 01643464 +01140839 _derivationally_related_form 02394445 +06324475 _hypernym 06291318 +10326087 _derivationally_related_form 00595545 +05636402 _derivationally_related_form 10693459 +01945443 _hypernym 01938850 +00701040 _hypernym 01645601 +09225943 _hypernym 09477890 +00023646 _hypernym 00023868 +04142549 _derivationally_related_form 02152504 +06767035 _derivationally_related_form 02169352 +00874977 _derivationally_related_form 00657728 +03961939 _hypernym 03536348 +00427853 _hypernym 00426928 +04307419 _hypernym 02886599 +07441619 _derivationally_related_form 01887020 +04948722 _hypernym 04948241 +01266491 _hypernym 00030358 +01476483 _derivationally_related_form 03839993 +07561112 _derivationally_related_form 02846322 +08274565 _derivationally_related_form 02025353 +11981314 _hypernym 11579418 +09894143 _synset_domain_topic_of 08083599 +01580050 _derivationally_related_form 14450691 +02269767 _derivationally_related_form 00192910 +00699736 _hypernym 00654885 +02960690 _hypernym 03533972 +01552519 _also_see 01255967 +02872752 _has_part 04290259 +04347754 _has_part 03091907 +04018155 _hypernym 03078287 +05441468 _hypernym 05436752 +00716758 _hypernym 00716531 +11536778 _member_meronym 11537886 +07157273 _member_of_domain_usage 03167978 +02218173 _derivationally_related_form 09936362 +00002452 _hypernym 00001930 +02192992 _derivationally_related_form 00882702 +02373015 _hypernym 02372605 +01668603 _verb_group 01659248 +02681084 _hypernym 03570709 +06371267 _derivationally_related_form 01037910 +14408951 _derivationally_related_form 01934205 +05234737 _hypernym 05230603 +05891572 _derivationally_related_form 01632103 +00788821 _also_see 01892953 +00350380 _derivationally_related_form 02033805 +05491612 _hypernym 05474738 +12521847 _member_meronym 12523475 +12100538 _member_meronym 12118912 +08730895 _instance_hypernym 08691669 +01321579 _hypernym 00015388 +03928116 _derivationally_related_form 10430665 +09770179 _synset_domain_topic_of 08199025 +03035089 _hypernym 04295881 +15179415 _has_part 15219351 +10198958 _hypernym 09632274 +06836714 _hypernym 06828818 +12637729 _member_meronym 12641180 +00908099 _hypernym 00807178 +08564307 _has_part 09102016 +10708976 _synset_domain_topic_of 00471613 +00364479 _also_see 01368192 +02052675 _derivationally_related_form 07342495 +09986189 _hypernym 10411163 +02641215 _member_meronym 02641379 +12496207 _member_meronym 12496427 +02030764 _verb_group 02073233 +02453692 _derivationally_related_form 01226941 +01419982 _derivationally_related_form 09870208 +09384921 _has_part 09430416 +13252513 _hypernym 13246662 +07518878 _derivationally_related_form 01820901 +04083942 _hypernym 02971167 +15100644 _hypernym 14875077 +05934780 _hypernym 05933246 +01058426 _hypernym 00983824 +01413744 _hypernym 08103777 +14048441 _has_part 00370458 +10202363 _hypernym 09632274 +05965933 _derivationally_related_form 10002031 +15194506 _hypernym 15184170 +00203213 _hypernym 01158572 +06793426 _derivationally_related_form 00977153 +14110219 _synset_domain_topic_of 01326291 +06200741 _hypernym 06196584 +13425245 _derivationally_related_form 00159368 +14133543 _hypernym 14133159 +02293321 _derivationally_related_form 01108753 +01949817 _member_meronym 01949973 +04714440 _derivationally_related_form 00508192 +07432559 _derivationally_related_form 02071142 +12501745 _member_meronym 12563567 +13809920 _derivationally_related_form 00946105 +01699700 _derivationally_related_form 06399995 +10012815 _derivationally_related_form 00650016 +00404202 _derivationally_related_form 04958634 +02490430 _derivationally_related_form 07985628 +01530846 _hypernym 01507175 +06487897 _derivationally_related_form 00652622 +12140137 _member_meronym 12140358 +11166877 _instance_hypernym 10088390 +02386310 _hypernym 02374451 +13984613 _hypernym 13984285 +00205046 _derivationally_related_form 07357388 +02318165 _derivationally_related_form 14478433 +00124880 _derivationally_related_form 01205696 +02521241 _member_meronym 02525543 +00050652 _derivationally_related_form 02539359 +06612649 _hypernym 06400510 +01332730 _verb_group 01207951 +10708454 _derivationally_related_form 00628491 +01468327 _derivationally_related_form 01194904 +07763483 _hypernym 07705931 +03454211 _hypernym 04451818 +09753348 _synset_domain_topic_of 05778131 +02133704 _hypernym 02131653 +07377682 _derivationally_related_form 01046587 +09910222 _derivationally_related_form 01949817 +09159003 _has_part 08610305 +01874126 _member_meronym 01874784 +08496655 _hypernym 08595720 +08981244 _member_of_domain_region 11782878 +13204826 _hypernym 11545714 +01639369 _member_meronym 01648818 +00213694 _hypernym 00212808 +00365446 _hypernym 00339738 +12498316 _member_meronym 12498457 +10602985 _derivationally_related_form 13814184 +00590761 _derivationally_related_form 05919034 +09440400 _has_part 09160295 +14685172 _derivationally_related_form 02771997 +02368280 _hypernym 01864707 +05697976 _derivationally_related_form 00721098 +07374152 _hypernym 07373803 +08307589 _derivationally_related_form 02023107 +08626080 _derivationally_related_form 02693319 +01389007 _hypernym 01387786 +09209263 _instance_hypernym 09376198 +04801877 _derivationally_related_form 10721124 +06052864 _derivationally_related_form 10354265 +00669970 _verb_group 00786458 +02419217 _hypernym 01864707 +08740875 _has_part 09297729 +07011387 _derivationally_related_form 00964478 +04953954 _hypernym 04952242 +01566705 _derivationally_related_form 10614225 +10793168 _hypernym 09939313 +02461723 _also_see 02180797 +01953032 _hypernym 01938850 +00198213 _derivationally_related_form 01465713 +10664340 _derivationally_related_form 10664340 +01222859 _derivationally_related_form 00850501 +12771085 _hypernym 11745817 +06013298 _synset_domain_topic_of 06000644 +07234230 _hypernym 06561942 +11150634 _instance_hypernym 10650162 +11660979 _hypernym 11553763 +01780551 _member_meronym 01780919 +09071690 _has_part 09074834 +09938672 _derivationally_related_form 01696648 +10624074 _hypernym 10285938 +12857204 _hypernym 12205694 +03520811 _hypernym 03839993 +00233386 _derivationally_related_form 02543874 +02074915 _member_meronym 02507337 +04680027 _hypernym 04679738 +07409475 _hypernym 07350192 +12878525 _member_meronym 12878784 +10421956 _hypernym 10025730 +01433294 _derivationally_related_form 00315986 +00228535 _derivationally_related_form 02254258 +04877421 _derivationally_related_form 00887463 +04285008 _hypernym 02958343 +06343971 _derivationally_related_form 02694287 +13881381 _hypernym 13879126 +14869975 _hypernym 14585519 +02148788 _derivationally_related_form 00521209 +01055018 _hypernym 00983824 +02610541 _member_meronym 02610664 +02080934 _hypernym 01864707 +02959942 _hypernym 04576211 +10173410 _hypernym 10787470 +01357429 _derivationally_related_form 04383130 +01040707 _derivationally_related_form 05302499 +00642098 _derivationally_related_form 13732078 +11635433 _hypernym 11630017 +00324056 _hypernym 00320852 +03068181 _derivationally_related_form 01215851 +01837746 _member_meronym 01838038 +02291708 _derivationally_related_form 04612722 +13836371 _hypernym 05074774 +03320519 _hypernym 03113657 +02004661 _hypernym 01507175 +00056188 _derivationally_related_form 13485408 +07211752 _hypernym 07208708 +11804082 _member_meronym 11827775 +01529036 _member_meronym 01533169 +02610834 _member_meronym 02610980 +03154073 _hypernym 03154446 +01684180 _derivationally_related_form 03058726 +09780828 _hypernym 10582746 +00080705 _derivationally_related_form 00665079 +01312371 _derivationally_related_form 13769317 +02121048 _hypernym 02122164 +01871406 _member_meronym 01871699 +02678438 _derivationally_related_form 07524529 +01745722 _derivationally_related_form 01103614 +13999206 _derivationally_related_form 02494356 +02247028 _hypernym 02242464 +12411710 _hypernym 11561228 +02367363 _also_see 02376429 +02804772 _derivationally_related_form 02580853 +03808564 _hypernym 03247620 +02719399 _derivationally_related_form 07498854 +08900204 _instance_hypernym 08524735 +03670622 _hypernym 02716866 +01648126 _derivationally_related_form 10645611 +05738625 _hypernym 05733583 +03353281 _synset_domain_topic_of 03405725 +04471315 _hypernym 03269401 +01051801 _hypernym 01051331 +09029457 _has_part 09171674 +05811884 _derivationally_related_form 00864910 +09198106 _has_part 08628414 +04661389 _hypernym 04661151 +10078131 _derivationally_related_form 01776468 +02208903 _derivationally_related_form 10520804 +09075842 _member_of_domain_region 01282711 +02609764 _derivationally_related_form 00210518 +10514962 _derivationally_related_form 00164201 +07394236 _derivationally_related_form 01242208 +13727209 _has_part 13726947 +05732756 _derivationally_related_form 00654625 +02856463 _hypernym 04188643 +02635911 _hypernym 01429349 +07883251 _hypernym 07881800 +05856066 _hypernym 05855125 +12335483 _hypernym 12334891 +01975312 _member_meronym 01992516 +05640184 _derivationally_related_form 01097031 +05511618 _hypernym 05511286 +12968882 _member_meronym 12969927 +08860123 _member_of_domain_region 08555333 +07535670 _derivationally_related_form 00911562 +14379130 _hypernym 14373582 +11542640 _hypernym 11537327 +10077593 _derivationally_related_form 00887463 +10568443 _derivationally_related_form 02556817 +01483779 _also_see 01955009 +01100567 _derivationally_related_form 07475107 +12261359 _hypernym 12260799 +10684827 _derivationally_related_form 02063771 +02277303 _derivationally_related_form 09866661 +12370384 _hypernym 11575425 +02432139 _member_meronym 02432511 +07184965 _hypernym 07184149 +03725035 _derivationally_related_form 01358328 +01722980 _derivationally_related_form 05890249 +01412346 _derivationally_related_form 00133981 +05304603 _hypernym 05303402 +00680346 _derivationally_related_form 06201908 +02217334 _member_meronym 02217563 +09023321 _has_part 09026360 +03005920 _derivationally_related_form 00126264 +01262574 _derivationally_related_form 01261018 +04694090 _derivationally_related_form 00378042 +12927354 _hypernym 11585340 +08860123 _member_of_domain_region 04299699 +10221312 _derivationally_related_form 00105554 +13259797 _hypernym 13258362 +08466643 _hypernym 08464601 +01432474 _hypernym 01206218 +08256735 _member_meronym 10097842 +09370383 _instance_hypernym 09215664 +01036083 _derivationally_related_form 09620794 +09025863 _instance_hypernym 08524735 +00827379 _hypernym 00712225 +05915811 _hypernym 05913538 +10349243 _derivationally_related_form 02583545 +01177118 _derivationally_related_form 09862345 +08921850 _has_part 08926231 +00197229 _hypernym 00216174 +07325190 _derivationally_related_form 00348746 +04659287 _hypernym 04659090 +09202405 _instance_hypernym 09426788 +04889337 _hypernym 04889162 +05513529 _has_part 05457973 +09108164 _member_of_domain_region 01284444 +02120451 _derivationally_related_form 02465693 +00114052 _hypernym 00126264 +12100538 _member_meronym 12141890 +12478283 _hypernym 11561228 +10451858 _derivationally_related_form 00492706 +14446652 _hypernym 13920835 +07120524 _derivationally_related_form 00912048 +02261286 _member_meronym 02261419 +08677628 _derivationally_related_form 01711749 +00132982 _derivationally_related_form 01409642 +05700401 _hypernym 05836921 +09711132 _hypernym 09710164 +12330751 _hypernym 11567411 +01257145 _derivationally_related_form 01999218 +03765561 _hypernym 03701640 +07328942 _derivationally_related_form 01640207 +11206544 _instance_hypernym 10794014 +08559508 _hypernym 08558963 +01518772 _hypernym 01223182 +06489659 _hypernym 08266235 +13554343 _synset_domain_topic_of 06136258 +11709205 _hypernym 11708658 +13187826 _member_meronym 13188268 +06295235 _member_of_domain_usage 00800121 +00518395 _derivationally_related_form 01208291 +05178715 _hypernym 05174653 +00434075 _derivationally_related_form 00100235 +12838027 _member_meronym 12847749 +06608143 _derivationally_related_form 01036804 +08983742 _instance_hypernym 08633957 +01670092 _hypernym 01662784 +07964495 _hypernym 08293982 +13426238 _derivationally_related_form 00264875 +00572489 _derivationally_related_form 01509584 +12584559 _member_meronym 12584715 +10422540 _hypernym 10677713 +00903559 _derivationally_related_form 10426749 +00015388 _has_part 05601198 +12160490 _hypernym 12158798 +00527572 _hypernym 00212414 +07793260 _hypernym 07783210 +01679494 _hypernym 01657723 +02743727 _derivationally_related_form 15277730 +05949937 _derivationally_related_form 00680145 +01755389 _hypernym 01708676 +09246883 _hypernym 09240621 +09851876 _derivationally_related_form 01155687 +12822650 _hypernym 11744859 +00968211 _derivationally_related_form 07250339 +00147595 _hypernym 00145218 +10479561 _hypernym 09612848 +10468962 _derivationally_related_form 00813790 +04490091 _hypernym 03791235 +04783567 _hypernym 04782878 +00136329 _derivationally_related_form 01372556 +00583933 _hypernym 00199130 +05121418 _hypernym 05107765 +13484303 _derivationally_related_form 00338071 +00047945 _verb_group 00046534 +03829563 _derivationally_related_form 01342124 +11788223 _hypernym 11556857 +00095377 _derivationally_related_form 13487207 +08478482 _derivationally_related_form 01850315 +05081300 _hypernym 05079866 +08804845 _instance_hypernym 08524735 +02635659 _hypernym 01752884 +08941895 _member_of_domain_region 08015731 +13721387 _has_part 13721003 +01909111 _member_meronym 01910529 +02466132 _derivationally_related_form 01961691 +01544067 _member_meronym 01544208 +00962722 _derivationally_related_form 02583780 +01267098 _derivationally_related_form 14977504 +09397607 _derivationally_related_form 01374465 +12516040 _hypernym 11585340 +10434424 _hypernym 10583387 +13233012 _member_meronym 13236354 +09855630 _hypernym 10560637 +06169050 _has_part 06180720 +11629501 _member_meronym 11639609 +01428853 _derivationally_related_form 02887741 +01188725 _derivationally_related_form 09367991 +02594807 _hypernym 01432517 +14390466 _hypernym 14389240 +08845555 _member_of_domain_region 01299037 +01793742 _derivationally_related_form 06721461 +02564720 _hypernym 02562315 +07041451 _hypernym 07037465 +13425245 _synset_domain_topic_of 06037666 +08790495 _instance_hypernym 09388848 +00751944 _derivationally_related_form 01653442 +03963645 _hypernym 04610879 +03018498 _derivationally_related_form 01013770 +12736603 _hypernym 13104059 +08571459 _hypernym 08567877 +00376825 _hypernym 00376400 +05271383 _hypernym 05269901 +07573696 _has_part 07557434 +07826453 _hypernym 07809368 +05710020 _hypernym 00023271 +13844212 _derivationally_related_form 00713818 +06731510 _synset_domain_topic_of 08441203 +10577284 _derivationally_related_form 02302817 +02271570 _hypernym 02159955 +00804476 _hypernym 00797697 +07907161 _derivationally_related_form 03003744 +01199365 _synset_domain_topic_of 08441203 +01313923 _derivationally_related_form 00941974 +04579795 _hypernym 04049098 +12420991 _hypernym 11561228 +10843705 _instance_hypernym 10191943 +06473563 _has_part 06389553 +02123812 _derivationally_related_form 05150129 +11911591 _member_meronym 11996092 +01889129 _derivationally_related_form 14004572 +07237758 _hypernym 07234230 +07440240 _derivationally_related_form 01903756 +02551602 _synset_domain_topic_of 08081668 +01580467 _derivationally_related_form 04605726 +00343249 _derivationally_related_form 01222645 +00015946 _hypernym 00014742 +01725886 _synset_domain_topic_of 07020895 +10551751 _derivationally_related_form 02280869 +07389569 _derivationally_related_form 01236795 +02735418 _derivationally_related_form 07291312 +13535261 _derivationally_related_form 00067545 +01544067 _hypernym 01507175 +00131090 _synset_domain_topic_of 00471613 +00729378 _derivationally_related_form 05682570 +00903309 _hypernym 00901083 +11971783 _hypernym 11669921 +01669068 _hypernym 01657723 +01881957 _hypernym 01912159 +02399399 _also_see 01716491 +00914421 _derivationally_related_form 04803430 +12235263 _hypernym 11575425 +00119873 _derivationally_related_form 02987454 +02484570 _verb_group 01137138 +05228496 _derivationally_related_form 02693895 +04236182 _hypernym 03936568 +08231184 _hypernym 08049401 +02336451 _hypernym 01864707 +01502262 _member_meronym 01520058 +00775460 _hypernym 00775286 +05573895 _hypernym 05594037 +07411645 _derivationally_related_form 02764765 +06404582 _derivationally_related_form 00996485 +00605086 _hypernym 00829107 +10154601 _derivationally_related_form 02419773 +07428450 _hypernym 00407535 +13512725 _hypernym 13444703 +11793252 _member_meronym 11793403 +14528873 _derivationally_related_form 02564146 +01263711 _hypernym 00035189 +07439570 _derivationally_related_form 00454868 +09918554 _derivationally_related_form 14427065 +02012306 _member_meronym 02013889 +04989362 _hypernym 04987620 +08860123 _member_of_domain_region 15196746 +12100538 _member_meronym 12133332 +08521816 _derivationally_related_form 01852701 +12687957 _hypernym 12685431 +00558371 _derivationally_related_form 00282050 +00249969 _hypernym 00126264 +14535431 _derivationally_related_form 00215800 +12147031 _member_meronym 12147226 +11466043 _hypernym 11452218 +06499244 _hypernym 06497459 +00908621 _derivationally_related_form 10407954 +00890855 _derivationally_related_form 07334206 +01611516 _derivationally_related_form 13771404 +04038440 _has_part 04280970 +07295507 _derivationally_related_form 00122626 +01733346 _hypernym 01657723 +00427580 _derivationally_related_form 10224098 +12519328 _member_meronym 12519563 +00586262 _derivationally_related_form 01088923 +02593863 _member_meronym 02595217 +03419014 _has_part 03308853 +03757723 _hypernym 04334599 +00276987 _derivationally_related_form 00492706 +00610538 _derivationally_related_form 05813626 +13424643 _derivationally_related_form 00393677 +00691050 _derivationally_related_form 01255057 +08108627 _synset_domain_topic_of 06037666 +01108753 _derivationally_related_form 02293321 +12892226 _member_meronym 12913004 +01476418 _hypernym 01474283 +02722782 _hypernym 02604760 +06139491 _hypernym 06139285 +00615774 _derivationally_related_form 05707269 +01616901 _hypernym 01494310 +07242104 _derivationally_related_form 00775156 +09623038 _hypernym 00007846 +03155334 _hypernym 03800001 +10478626 _derivationally_related_form 02642814 +00575657 _hypernym 00575365 +01237167 _hypernym 00964343 +01705591 _hypernym 01700470 +00505853 _similar_to 00504592 +05299178 _derivationally_related_form 02107248 +03547054 _derivationally_related_form 02650552 +01504699 _derivationally_related_form 00447540 +11789280 _hypernym 11556857 +10878161 _instance_hypernym 10123844 +12887293 _hypernym 11672400 +13496286 _synset_domain_topic_of 06071426 +01791625 _hypernym 01789740 +06718434 _hypernym 06717170 +07006119 _hypernym 06252138 +12289744 _member_meronym 12290116 +08698379 _hypernym 08544813 +01741446 _derivationally_related_form 00915722 +11815194 _hypernym 11573660 +01826223 _member_meronym 01826364 +00074038 _derivationally_related_form 13459088 +01182709 _derivationally_related_form 10486349 +12370174 _has_part 07766530 +10325243 _derivationally_related_form 00693633 +00428870 _derivationally_related_form 05124928 +12201580 _hypernym 13109733 +05651680 _derivationally_related_form 00632627 +00856193 _derivationally_related_form 01430633 +08270417 _hypernym 08430568 +10049896 _derivationally_related_form 00662681 +12327209 _hypernym 11562747 +01861465 _member_meronym 01886220 +05920791 _derivationally_related_form 02634808 +05544264 _hypernym 05542893 +01242208 _derivationally_related_form 07394236 +06845599 _member_of_domain_usage 03948041 +15136723 _has_part 15230482 +06012726 _hypernym 06003682 +15293590 _derivationally_related_form 01097192 +02515341 _similar_to 02517169 +01163620 _derivationally_related_form 00922327 +09225146 _synset_domain_topic_of 09376198 +06449095 _instance_hypernym 06431740 +01035530 _derivationally_related_form 13971065 +09278537 _derivationally_related_form 00334186 +02760622 _derivationally_related_form 00472992 +07432559 _derivationally_related_form 02070874 +02185973 _member_meronym 02187427 +06439712 _instance_hypernym 06394865 +01219993 _hypernym 00220869 +01000214 _derivationally_related_form 06503724 +00007739 _hypernym 00010241 +10785333 _derivationally_related_form 00495998 +02463205 _hypernym 05595083 +01435128 _hypernym 01434278 +12325497 _member_meronym 12325667 +02339922 _hypernym 02338901 +10305802 _hypernym 10165109 +02863750 _hypernym 04531098 +09260907 _derivationally_related_form 01740608 +11951385 _hypernym 11579418 +01889610 _derivationally_related_form 00347652 +13978033 _hypernym 13977366 +12125890 _hypernym 12141495 +01204191 _derivationally_related_form 00021265 +00275466 _derivationally_related_form 13423489 +14861042 _hypernym 15016852 +10913641 _instance_hypernym 10030277 +06763273 _derivationally_related_form 01020934 +12974286 _hypernym 11594676 +00673095 _derivationally_related_form 00389308 +05532795 _hypernym 05328867 +00007549 _hypernym 00005041 +00589769 _hypernym 00586262 +02217695 _derivationally_related_form 01213886 +12126360 _hypernym 12141495 +14816899 _hypernym 14830364 +02093056 _hypernym 02092468 +02134350 _derivationally_related_form 14526182 +08900535 _has_part 08904731 +10221777 _derivationally_related_form 03596787 +12893094 _member_meronym 12894607 +00439826 _hypernym 00523513 +00201407 _derivationally_related_form 10076957 +13443787 _derivationally_related_form 00238720 +00916679 _hypernym 00941990 +02585259 _derivationally_related_form 00553823 +01193099 _hypernym 01166351 +02795169 _has_part 04390977 +02412939 _derivationally_related_form 10554455 +03569964 _has_part 03907654 +02424984 _hypernym 02413480 +00853633 _derivationally_related_form 00431005 +04145735 _hypernym 03748886 +00629997 _also_see 00627849 +01423285 _hypernym 00261533 +10485440 _derivationally_related_form 01427695 +09082540 _has_part 09084075 +12680125 _hypernym 11579418 +02167210 _hypernym 02151966 +00632236 _derivationally_related_form 01225562 +02537960 _derivationally_related_form 08559508 +01975880 _member_meronym 01986367 +00761454 _hypernym 00763399 +13913566 _derivationally_related_form 01697027 +12167075 _hypernym 14866889 +00055315 _hypernym 00053913 +00946499 _derivationally_related_form 00540946 +06472242 _hypernym 06470073 +00795632 _derivationally_related_form 01218327 +05586446 _has_part 05274105 +05395690 _has_part 05345581 +10785085 _derivationally_related_form 00799383 +07942152 _member_meronym 00007846 +10322957 _hypernym 10694258 +02580336 _hypernym 02576223 +05388805 _has_part 05395286 +01431987 _derivationally_related_form 05723417 +06272803 _derivationally_related_form 00789448 +01614038 _hypernym 01613294 +13779032 _hypernym 00033615 +12581381 _member_meronym 12597006 +02163982 _member_meronym 02181013 +05326900 _hypernym 05426243 +08142972 _hypernym 08337324 +01131473 _hypernym 01127795 +02858231 _derivationally_related_form 06158346 +06718862 _member_of_domain_usage 09638009 +02473981 _derivationally_related_form 01138670 +05645199 _hypernym 05644922 +03344935 _synset_domain_topic_of 08199025 +02248147 _member_meronym 02248368 +03110669 _derivationally_related_form 02179154 +01986538 _member_meronym 01986806 +14647235 _hypernym 14877585 +01409177 _derivationally_related_form 00572285 +02400139 _member_meronym 02418648 +12929061 _hypernym 11565385 +09711132 _derivationally_related_form 02972499 +10773040 _derivationally_related_form 00066191 +02507337 _member_meronym 02508615 +12462401 _hypernym 11561228 +11951052 _hypernym 11950345 +04422875 _hypernym 04072193 +07252206 _derivationally_related_form 00908351 +01979462 _derivationally_related_form 04194289 +08350919 _hypernym 08420278 +01156112 _also_see 02533313 +12810318 _hypernym 11744859 +13858604 _derivationally_related_form 00138508 +01188783 _hypernym 01187810 +00533671 _hypernym 00260648 +12669157 _member_meronym 12669362 +01033346 _hypernym 01033189 +00729108 _hypernym 00728641 +02298471 _hypernym 02244956 +06582403 _hypernym 06566077 +05032351 _derivationally_related_form 00266634 +13304340 _synset_domain_topic_of 04323026 +07409255 _hypernym 07308563 +01290435 _instance_hypernym 01075117 +06295235 _member_of_domain_usage 13746946 +05579239 _hypernym 05289861 +01868370 _derivationally_related_form 10781236 +13138308 _hypernym 13134947 +08624385 _derivationally_related_form 01088923 +01584004 _member_meronym 01586170 +00074790 _hypernym 00070965 +01480149 _derivationally_related_form 09609561 +10642151 _derivationally_related_form 00785690 +08033194 _synset_domain_topic_of 00759694 +02551824 _member_meronym 01452496 +10494935 _derivationally_related_form 02000868 +09044862 _member_of_domain_region 12499439 +00365471 _derivationally_related_form 00365188 +09039411 _member_of_domain_region 08046346 +01265989 _hypernym 01264283 +01794668 _derivationally_related_form 07496463 +11708442 _member_meronym 11708658 +01413188 _hypernym 01387617 +07902121 _hypernym 07884567 +00553208 _hypernym 00126264 +02331960 _hypernym 01864707 +01088381 _hypernym 01098869 +04797824 _hypernym 04797482 +02765924 _hypernym 02767308 +01260309 _derivationally_related_form 01207149 +01471043 _hypernym 01213614 +01448100 _derivationally_related_form 00114431 +00212808 _derivationally_related_form 01474550 +08915372 _member_meronym 09721444 +00605498 _hypernym 01767949 +01649999 _hypernym 01645601 +10498422 _hypernym 09615465 +02155493 _derivationally_related_form 05820620 +01069638 _verb_group 00748616 +05238282 _has_part 05240211 +14171682 _hypernym 14070360 +12188985 _member_meronym 12189293 +01320009 _derivationally_related_form 03496892 +09841515 _synset_domain_topic_of 00471613 +01036778 _derivationally_related_form 00886602 +01947543 _hypernym 01944692 +01629000 _derivationally_related_form 00922144 +04200637 _has_part 02684649 +12341542 _hypernym 12344283 +01416871 _hypernym 01410223 +01698144 _hypernym 01656813 +09148970 _has_part 09150662 +08780510 _instance_hypernym 09203827 +10586265 _derivationally_related_form 01213614 +02071837 _hypernym 00173338 +10612373 _hypernym 10482921 +01555742 _hypernym 01552519 +00236289 _derivationally_related_form 04181228 +01141938 _hypernym 01143838 +13145924 _hypernym 13145444 +12039743 _member_meronym 12061849 +02973236 _has_part 04283378 +06643408 _derivationally_related_form 01015244 +08108972 _member_meronym 08110373 +01323958 _verb_group 01325536 +01787955 _derivationally_related_form 01221790 +01199035 _synset_domain_topic_of 08441203 +02353709 _hypernym 01864707 +01998019 _hypernym 08103777 +11147348 _instance_hypernym 09977660 +08378555 _member_meronym 07974025 +12837643 _member_meronym 12837803 +01160031 _also_see 00227003 +05229990 _hypernym 05225602 +02299269 _derivationally_related_form 10670310 +02359061 _hypernym 01017826 +10607706 _derivationally_related_form 01262936 +02226183 _hypernym 02159955 +02244007 _member_meronym 02244173 +00510475 _hypernym 00747671 +02559180 _derivationally_related_form 04790449 +00271946 _hypernym 00109660 +12454021 _hypernym 11561228 +00268165 _hypernym 00146138 +07686873 _hypernym 07679356 +00421691 _derivationally_related_form 07292577 +00988320 _derivationally_related_form 02029492 +13327231 _hypernym 13331198 +07075172 _member_of_domain_usage 10788852 +00276987 _hypernym 00276620 +03606719 _synset_domain_topic_of 06234825 +07281635 _synset_domain_topic_of 06234825 +04899201 _hypernym 04898437 +13089631 _derivationally_related_form 01441993 +00663353 _verb_group 00662589 +09117351 _has_part 09452017 +01820901 _derivationally_related_form 01221790 +07775375 _hypernym 07555863 +12349091 _hypernym 11585340 +12944960 _member_meronym 12945366 +09781504 _hypernym 09610660 +13538757 _hypernym 13446390 +03553248 _hypernym 02866578 +00304662 _derivationally_related_form 00189580 +00148763 _derivationally_related_form 14591091 +10191001 _hypernym 00007846 +14099933 _hypernym 14085708 +15287830 _derivationally_related_form 02051270 +01962223 _hypernym 01938850 +01509079 _hypernym 01508368 +02541138 _hypernym 02540670 +07939880 _hypernym 07939638 +04294614 _hypernym 02788689 +00591115 _derivationally_related_form 05807540 +08860123 _member_of_domain_region 03967270 +00444975 _hypernym 00444629 +06008896 _hypernym 06008609 +00630223 _derivationally_related_form 05807306 +01227691 _derivationally_related_form 00904046 +01634092 _hypernym 01626600 +10037385 _derivationally_related_form 00797299 +11440012 _hypernym 11524662 +03031756 _hypernym 04295081 +13753067 _hypernym 13745420 +02260362 _derivationally_related_form 10309896 +00654885 _derivationally_related_form 02549847 +01925372 _also_see 01430111 +12963796 _member_meronym 12965209 +02399000 _has_part 02399791 +08304895 _hypernym 08359949 +05940869 _hypernym 05926676 +01576917 _hypernym 00169806 +00176327 _hypernym 00173338 +00315605 _verb_group 00316195 +02116568 _derivationally_related_form 00866606 +05767733 _derivationally_related_form 01635432 +02808440 _hypernym 04531098 +04745932 _hypernym 04745370 +03968728 _derivationally_related_form 01487830 +06449735 _has_part 06435651 +00583759 _derivationally_related_form 00747215 +02637202 _hypernym 02727462 +08219493 _synset_domain_topic_of 08199025 +02972499 _derivationally_related_form 08785343 +02696503 _derivationally_related_form 04707409 +07475870 _hypernym 07283608 +10776339 _derivationally_related_form 00907930 +01419729 _hypernym 01419473 +02208537 _derivationally_related_form 01111375 +03396654 _hypernym 03054901 +08860123 _member_of_domain_region 02344381 +00532429 _derivationally_related_form 15032376 +10781236 _derivationally_related_form 01868370 +00700896 _derivationally_related_form 06637350 +01753721 _member_meronym 01754876 +15267536 _derivationally_related_form 00484166 +10864204 _instance_hypernym 10547145 +13199244 _hypernym 13167078 +05600637 _has_part 05261566 +08366753 _hypernym 08435388 +06392935 _hypernym 06392001 +02250625 _derivationally_related_form 13290676 +02172870 _hypernym 02171869 +01631035 _member_meronym 01631175 +02600953 _member_meronym 02601200 +01148182 _hypernym 01079604 +06214744 _derivationally_related_form 02874876 +01789514 _derivationally_related_form 00419644 +00052334 _hypernym 00048374 +01886220 _member_meronym 02502902 +02388276 _derivationally_related_form 01901447 +12724201 _member_meronym 12726670 +05223370 _hypernym 05222591 +14023491 _hypernym 14034177 +01053617 _derivationally_related_form 02637202 +00477941 _derivationally_related_form 00966718 +03287733 _derivationally_related_form 10057714 +11645271 _hypernym 11553763 +00331102 _hypernym 00280586 +09424489 _derivationally_related_form 01183573 +11427842 _hypernym 11418138 +00042757 _derivationally_related_form 02014165 +02109818 _derivationally_related_form 00219575 +00013160 _also_see 01834304 +13697011 _hypernym 13604718 +02184881 _hypernym 01759182 +14012667 _derivationally_related_form 02725067 +00396325 _synset_domain_topic_of 00017222 +08977211 _instance_hypernym 08524735 +14736359 _hypernym 14728724 +00377364 _hypernym 00376063 +14560360 _derivationally_related_form 02274253 +02210119 _verb_group 02236124 +08358594 _derivationally_related_form 00327031 +04064401 _has_part 02971940 +10533013 _derivationally_related_form 01122194 +01524885 _member_meronym 01539377 +11229095 _instance_hypernym 10231515 +09925592 _derivationally_related_form 01018352 +12045004 _hypernym 11556857 +11501381 _derivationally_related_form 02756558 +02483915 _member_meronym 02488149 +07940552 _hypernym 07992450 +08456727 _member_meronym 08357258 +04498523 _hypernym 04110654 +11982724 _hypernym 11579418 +00860434 _synset_domain_topic_of 12992868 +02391782 _hypernym 01862557 +09784564 _hypernym 10630188 +11721124 _hypernym 11720353 +04376876 _hypernym 03739693 +01988971 _member_meronym 01989097 +01729838 _member_meronym 01729977 +02601589 _member_meronym 02602059 +11132948 _instance_hypernym 09826204 +09177385 _instance_hypernym 09472597 +02234181 _hypernym 01762525 +02723232 _hypernym 00622384 +04159354 _hypernym 03323703 +03726760 _hypernym 04267577 +00649481 _derivationally_related_form 10072708 +02760622 _hypernym 00146138 +00990812 _derivationally_related_form 09769345 +02442737 _derivationally_related_form 03494706 +01942347 _derivationally_related_form 03439814 +01172275 _verb_group 01171183 +06526291 _hypernym 06520944 +09050730 _has_part 09126305 +01245052 _hypernym 01532589 +08304135 _member_meronym 09013353 +13063936 _hypernym 11592146 +11893451 _hypernym 11575425 +09381480 _hypernym 09394007 +11755694 _member_meronym 11757190 +00201034 _derivationally_related_form 00397010 +08740875 _instance_hypernym 08702805 +11634526 _hypernym 11554175 +00976365 _hypernym 00975902 +02269003 _derivationally_related_form 00510475 +06646628 _hypernym 06797169 +02533748 _hypernym 00126264 +01685960 _derivationally_related_form 03008565 +00505853 _derivationally_related_form 04763650 +01070708 _synset_domain_topic_of 01124794 +00213223 _hypernym 00212414 +05570839 _hypernym 05289297 +13944914 _derivationally_related_form 02426799 +02006834 _derivationally_related_form 00048656 +13514880 _hypernym 13526110 +01076953 _derivationally_related_form 00756598 +12709103 _hypernym 12707781 +10681194 _derivationally_related_form 02616713 +01817424 _member_meronym 01820190 +01739814 _synset_domain_topic_of 00916464 +00796315 _derivationally_related_form 10072708 +00098083 _derivationally_related_form 01048210 +08860123 _member_of_domain_region 13363970 +01552956 _member_meronym 01553879 +01982482 _member_meronym 01976477 +00057748 _synset_domain_topic_of 08199025 +05417472 _hypernym 05397468 +13843173 _hypernym 13858833 +00630960 _hypernym 00624738 +02705201 _synset_domain_topic_of 07006119 +03060074 _hypernym 14991927 +03108623 _derivationally_related_form 06917083 +02531625 _derivationally_related_form 10068234 +08487504 _member_meronym 09036452 +00048656 _derivationally_related_form 02006834 +08812952 _has_part 08813156 +00709205 _derivationally_related_form 07486229 +01582645 _derivationally_related_form 04463273 +00882682 _hypernym 01024190 +02172683 _hypernym 02172888 +05301072 _derivationally_related_form 02842445 +01734300 _hypernym 01724459 +08009834 _hypernym 08008335 +11451442 _has_part 11473954 +02643872 _derivationally_related_form 01258251 +00594580 _hypernym 00586262 +12796192 _hypernym 11585340 +13218900 _member_meronym 13219067 +07255027 _derivationally_related_form 01115585 +01245159 _hypernym 00219012 +00313245 _hypernym 00312553 +14365356 _hypernym 14299637 +07335716 _hypernym 07283608 +01943153 _hypernym 01941093 +01487830 _derivationally_related_form 03968728 +02489456 _derivationally_related_form 07452074 +07106246 _hypernym 07105475 +08192817 _hypernym 08198137 +11417387 _hypernym 11410625 +03869222 _hypernym 02717901 +02681335 _hypernym 02680814 +12802987 _member_meronym 12803226 +00611802 _derivationally_related_form 05760202 +02018524 _derivationally_related_form 00049636 +01641632 _derivationally_related_form 00061598 +14706026 _hypernym 14705533 +05081434 _hypernym 05079866 +00413432 _hypernym 01856626 +01540449 _derivationally_related_form 14597158 +00426581 _derivationally_related_form 07324673 +01101958 _derivationally_related_form 01745722 +03044083 _derivationally_related_form 02497824 +01480880 _hypernym 01480516 +02388764 _hypernym 02388403 +01496497 _hypernym 01494310 +11464143 _hypernym 11426530 +14480772 _derivationally_related_form 00445169 +09774266 _derivationally_related_form 00872886 +08766988 _has_part 08773336 +14047440 _hypernym 14047740 +01704236 _derivationally_related_form 10599806 +11238092 _instance_hypernym 10453533 +08587828 _has_part 08547300 +00364064 _hypernym 00352826 +10291730 _hypernym 00007846 +02098325 _also_see 00101800 +01153486 _derivationally_related_form 01235258 +15037664 _hypernym 08622950 +01307142 _derivationally_related_form 03658858 +00961736 _hypernym 00958334 +02564986 _also_see 01930512 +10257647 _derivationally_related_form 02579447 +04328329 _has_part 02714535 +06795746 _hypernym 06806469 +01596273 _hypernym 01595624 +09629065 _hypernym 09628382 +05948264 _derivationally_related_form 09982370 +00283568 _derivationally_related_form 01906823 +06989869 _hypernym 06986558 +06694796 _derivationally_related_form 00956687 +02225959 _member_meronym 02226183 +01174988 _derivationally_related_form 02120451 +02649706 _derivationally_related_form 15168790 +13725588 _has_part 13725457 +01309701 _derivationally_related_form 03996416 +13486838 _hypernym 13518963 +14855724 _derivationally_related_form 03008207 +09546453 _hypernym 09540430 +09724533 _hypernym 09620078 +07939880 _derivationally_related_form 00656107 +02653996 _hypernym 02649830 +11508092 _derivationally_related_form 02127100 +02696048 _hypernym 04061969 +02666882 _derivationally_related_form 13855627 +00827730 _derivationally_related_form 01214171 +08155765 _hypernym 07971582 +08941681 _instance_hypernym 09453008 +02581803 _hypernym 01429349 +08737041 _instance_hypernym 08703035 +12930044 _member_meronym 12940778 +03826443 _hypernym 02716205 +06622709 _hypernym 06253690 +12600574 _member_meronym 12601335 +02325968 _derivationally_related_form 00081836 +04185071 _hypernym 03563967 +03225238 _hypernym 03740161 +00945777 _derivationally_related_form 00645939 +05717115 _hypernym 05715283 +13350443 _hypernym 13349395 +02947212 _hypernym 04559275 +00076400 _hypernym 00072989 +02464866 _derivationally_related_form 10670668 +12636107 _member_meronym 12636224 +06845599 _member_of_domain_usage 04100994 +01675963 _derivationally_related_form 00261604 +10042300 _hypernym 09612848 +00253919 _derivationally_related_form 00062582 +09872557 _derivationally_related_form 02669806 +01930672 _member_meronym 01930852 +08134081 _hypernym 08337324 +07294907 _hypernym 07292694 +02126863 _hypernym 00126264 +04300080 _derivationally_related_form 00331842 +02491590 _member_meronym 02493390 +13725457 _hypernym 13717155 +06740644 _derivationally_related_form 00896141 +02073041 _member_meronym 02074004 +00976487 _derivationally_related_form 10482220 +02222994 _hypernym 02222318 +01455184 _derivationally_related_form 00116376 +11552806 _hypernym 00017222 +01198101 _derivationally_related_form 04103491 +13875970 _derivationally_related_form 02098458 +09621232 _hypernym 00007846 +11473954 _derivationally_related_form 00291873 +06014043 _synset_domain_topic_of 06000644 +07517737 _derivationally_related_form 01810447 +10001217 _hypernym 10053808 +01654271 _derivationally_related_form 00752298 +09195372 _instance_hypernym 09411430 +00938791 _derivationally_related_form 01749790 +01809106 _hypernym 01789740 +07612632 _hypernym 07609840 +00590518 _hypernym 00586262 +08954611 _derivationally_related_form 02967791 +03077958 _hypernym 03315023 +05054130 _hypernym 05053688 +13212751 _hypernym 13167078 +12892226 _member_meronym 12898628 +02447793 _hypernym 00891936 +02030158 _derivationally_related_form 00053097 +02894605 _hypernym 02796623 +13495873 _derivationally_related_form 02759614 +07152259 _hypernym 07151380 +04359335 _hypernym 03736970 +01398941 _derivationally_related_form 04049405 +10236842 _hypernym 00007846 +04864200 _derivationally_related_form 00699626 +13924336 _hypernym 13920835 +04351233 _hypernym 03963982 +12659356 _hypernym 13112664 +12609638 _member_meronym 12610186 +14064044 _hypernym 14063633 +07866723 _hypernym 07557434 +12216028 _hypernym 11567411 +10121246 _hypernym 10231087 +05968971 _hypernym 06167328 +01153947 _derivationally_related_form 01235463 +01465713 _derivationally_related_form 00198213 +00320284 _derivationally_related_form 02001858 +02447793 _derivationally_related_form 00154233 +12090318 _member_meronym 12093088 +01298797 _instance_hypernym 01075117 +08975902 _has_part 08977211 +06377133 _derivationally_related_form 00955601 +01982895 _member_meronym 01983277 +10455619 _derivationally_related_form 01688771 +01265176 _hypernym 00117959 +00279822 _derivationally_related_form 09859684 +01811682 _member_meronym 01815135 +10760340 _hypernym 09923673 +02620443 _hypernym 01432517 +11869351 _hypernym 11868814 +11995396 _hypernym 12205694 +01996402 _derivationally_related_form 00286756 +07310642 _derivationally_related_form 02049696 +03928116 _hypernym 03614532 +07663592 _has_part 07658814 +14043882 _derivationally_related_form 00077698 +11911591 _member_meronym 11942144 +08910394 _has_part 08913434 +15210870 _has_part 15186147 +11977303 _hypernym 12205694 +03236217 _has_part 04149208 +04175147 _hypernym 03082979 +07504111 _hypernym 07503260 +01774426 _derivationally_related_form 09754780 +13286099 _hypernym 13285176 +01664244 _member_meronym 01664369 +01943718 _hypernym 01968569 +14418662 _derivationally_related_form 00394813 +00200768 _derivationally_related_form 02433123 +01989720 _derivationally_related_form 05003273 +01720980 _hypernym 01712704 +08860123 _member_of_domain_region 13650921 +00428583 _derivationally_related_form 00367066 +01007924 _derivationally_related_form 06469694 +08172103 _member_meronym 08705397 +09188609 _has_part 08782627 +04590746 _hypernym 03736970 +01371454 _hypernym 01892104 +08415272 _member_meronym 10420277 +07002992 _hypernym 06634376 +00089351 _derivationally_related_form 02247977 +01063697 _derivationally_related_form 02559752 +07109196 _synset_domain_topic_of 06282651 +01785579 _hypernym 00065639 +00057162 _synset_domain_topic_of 08199025 +03561169 _hypernym 04372370 +11665781 _member_meronym 12769815 +10612931 _derivationally_related_form 02417504 +00196084 _derivationally_related_form 00140751 +06433475 _instance_hypernym 06394865 +00727012 _hypernym 00726300 +08572467 _derivationally_related_form 01935233 +02662081 _member_meronym 02662239 +00922327 _derivationally_related_form 01310660 +09771204 _hypernym 10094584 +10237935 _synset_domain_topic_of 06951067 +02496816 _derivationally_related_form 09625401 +12154228 _member_meronym 12155259 +02302817 _derivationally_related_form 10577284 +06376154 _derivationally_related_form 10030277 +00881649 _hypernym 00877127 +09044862 _member_of_domain_region 13753585 +05972585 _synset_domain_topic_of 06158346 +00923321 _also_see 01319874 +01645278 _member_meronym 01645466 +00397760 _derivationally_related_form 00479391 +01879983 _member_meronym 01880152 +02273545 _member_meronym 02306159 +02547947 _member_meronym 02548247 +08375369 _hypernym 07975026 +06681551 _derivationally_related_form 01068134 +02023992 _hypernym 02428924 +13630387 _has_part 13629676 +13970764 _derivationally_related_form 01765392 +11556187 _hypernym 11555413 +14396890 _hypernym 14204950 +02241799 _hypernym 02241569 +12694707 _member_meronym 12697021 +08395991 _hypernym 08337324 +01541803 _derivationally_related_form 15049594 +02567201 _hypernym 01432517 +01233347 _derivationally_related_form 05079638 +01782050 _hypernym 01759182 +01158181 _derivationally_related_form 00743822 +00228655 _derivationally_related_form 04289027 +00066685 _hypernym 00126264 +06889330 _hypernym 06887726 +01852892 _hypernym 02016523 +00533922 _hypernym 00283127 +06438477 _instance_hypernym 06394865 +02375131 _derivationally_related_form 01022008 +06248530 _hypernym 05996646 +01418536 _hypernym 01419473 +01471825 _hypernym 01213614 +04628192 _hypernym 04626280 +13934900 _hypernym 13927383 +02815950 _hypernym 04341414 +01864634 _derivationally_related_form 00331655 +09152944 _has_part 09153570 +15113229 _hypernym 13575869 +11335878 _instance_hypernym 10368009 +04296562 _hypernym 03961939 +08567072 _instance_hypernym 08574314 +02228355 _hypernym 00614057 +00610373 _hypernym 00609953 +12202352 _member_meronym 12205308 +09327077 _hypernym 09326662 +00781303 _hypernym 02367363 +08210670 _hypernym 08209687 +00125841 _derivationally_related_form 07324673 +02640440 _derivationally_related_form 04645943 +01160729 _derivationally_related_form 01411085 +08049989 _member_meronym 08820121 +01428578 _derivationally_related_form 00160532 +00261845 _hypernym 00260648 +01412279 _member_meronym 01412479 +02107248 _derivationally_related_form 05299178 +01524885 _member_meronym 01598432 +01037650 _derivationally_related_form 07137129 +13665256 _hypernym 13662703 +00660381 _hypernym 00658052 +01683582 _hypernym 01639714 +02716767 _derivationally_related_form 00827782 +08766988 _member_of_domain_region 09222742 +01864707 _hypernym 08108972 +00951626 _hypernym 00948206 +08860123 _member_of_domain_region 03963483 +01770553 _hypernym 01342529 +07906877 _hypernym 07906284 +00159177 _derivationally_related_form 01644050 +01013604 _hypernym 01012712 +00583990 _also_see 00959731 +10793570 _hypernym 09974648 +01384164 _hypernym 00015388 +00648977 _derivationally_related_form 05837957 +04329477 _hypernym 04105893 +04660536 _derivationally_related_form 01194483 +09815076 _hypernym 00007846 +10301261 _synset_domain_topic_of 06000644 +00749991 _hypernym 00749767 +09871364 _hypernym 10287213 +10575089 _derivationally_related_form 01428578 +14050143 _derivationally_related_form 00873603 +00059019 _derivationally_related_form 14046202 +02179518 _derivationally_related_form 05718254 +01987160 _hypernym 01494310 +01202415 _hypernym 01080366 +02555434 _hypernym 02554922 +00963570 _derivationally_related_form 07129867 +05092635 _synset_domain_topic_of 06115701 +01165919 _hypernym 01071411 +00488225 _has_part 01085337 +08766988 _has_part 08774704 +01510827 _derivationally_related_form 00140393 +03419014 _hypernym 03051540 +04864200 _hypernym 04861486 +08929922 _member_of_domain_region 06776783 +09078231 _member_of_domain_region 02581957 +08780881 _has_part 08786283 +01754190 _member_meronym 01754370 +09321180 _instance_hypernym 09411430 +02379753 _hypernym 02382367 +10840769 _instance_hypernym 10705615 +13279262 _derivationally_related_form 02249741 +02392762 _derivationally_related_form 05611822 +01159461 _derivationally_related_form 00271711 +01741744 _member_meronym 01742967 +00196084 _derivationally_related_form 00121678 +09023321 _has_part 09027460 +07436100 _derivationally_related_form 01313411 +03956331 _hypernym 03430551 +01693138 _hypernym 01690294 +00066977 _derivationally_related_form 13505843 +10717196 _hypernym 10299700 +01745722 _derivationally_related_form 10491575 +03000247 _hypernym 02862048 +07035420 _hypernym 07048000 +04878861 _derivationally_related_form 00959731 +01008378 _hypernym 00407535 +09980090 _hypernym 10599806 +14324274 _derivationally_related_form 02608090 +04121511 _derivationally_related_form 01554622 +01268457 _instance_hypernym 00958477 +06541167 _hypernym 06539770 +08740875 _has_part 08746636 +13161506 _synset_domain_topic_of 06066555 +15058310 _hypernym 15057744 +13356569 _hypernym 13356112 +11608055 _member_meronym 11608250 +10928140 _instance_hypernym 10395605 +00909219 _derivationally_related_form 10776339 +12538603 _member_meronym 12539074 +10090498 _derivationally_related_form 02128873 +12756862 _hypernym 11567411 +00014742 _derivationally_related_form 14024882 +03259505 _has_part 03200701 +07744811 _hypernym 07742704 +02833576 _hypernym 03264136 +10023039 _hypernym 09908025 +04838510 _hypernym 04838210 +02025530 _member_meronym 02031752 +08860123 _member_of_domain_region 08638260 +01751389 _hypernym 01719921 +01629958 _derivationally_related_form 10280674 +06790557 _hypernym 06789411 +00782927 _hypernym 00781685 +07449862 _derivationally_related_form 01185981 +15049594 _derivationally_related_form 02069888 +06613056 _derivationally_related_form 01024190 +05344514 _hypernym 05333777 +03091996 _derivationally_related_form 14861355 +13549916 _synset_domain_topic_of 06075527 +00253270 _derivationally_related_form 00475183 +02525543 _hypernym 01429349 +14080622 _hypernym 14070360 +13187826 _member_meronym 13188767 +00739082 _hypernym 00628491 +02379753 _derivationally_related_form 10525617 +01238640 _also_see 01414088 +09887034 _hypernym 09617867 +02727883 _verb_group 02244956 +09189411 _has_part 08945529 +02271740 _member_meronym 02272152 +00948206 _derivationally_related_form 01162754 +13480667 _derivationally_related_form 01457954 +04201297 _hypernym 04151940 +00907930 _derivationally_related_form 10776339 +02600948 _hypernym 02367363 +12837803 _hypernym 12205694 +00286957 _hypernym 00283127 +01452496 _member_meronym 01453188 +01610758 _member_meronym 01612803 +11015080 _synset_domain_topic_of 08083599 +13845239 _derivationally_related_form 00735866 +12553314 _member_meronym 12553573 +08860123 _member_of_domain_region 15244351 +02474780 _synset_domain_topic_of 08081668 +10336904 _hypernym 10411551 +00037919 _hypernym 00035758 +02419773 _derivationally_related_form 00795720 +12734722 _hypernym 11565385 +01757994 _hypernym 01627355 +07410021 _derivationally_related_form 01247804 +04993413 _synset_domain_topic_of 14589223 +00512267 _hypernym 00120202 +10028765 _derivationally_related_form 01097500 +00914632 _hypernym 00913705 +07350192 _derivationally_related_form 01892104 +12975207 _hypernym 08220891 +08173515 _member_meronym 08860123 +12680125 _member_meronym 12680652 +13623856 _hypernym 13616054 +12750306 _member_meronym 12751043 +03789946 _derivationally_related_form 02226172 +01617949 _hypernym 01507175 +04337974 _hypernym 03106110 +10029068 _derivationally_related_form 01643464 +02409941 _derivationally_related_form 10597234 +01908703 _member_meronym 01909111 +09837824 _derivationally_related_form 02343056 +00850192 _derivationally_related_form 06767922 +00822449 _derivationally_related_form 07525057 +09108164 _instance_hypernym 08655464 +01350994 _hypernym 01355326 +02472293 _derivationally_related_form 02743261 +00973056 _derivationally_related_form 04472726 +00368109 _derivationally_related_form 00003553 +00702773 _hypernym 00701040 +05547508 _has_part 05301072 +04471632 _derivationally_related_form 02340736 +14036539 _hypernym 14036203 +03340723 _hypernym 03851341 +02356704 _derivationally_related_form 05119837 +03967562 _derivationally_related_form 01741864 +01885845 _derivationally_related_form 09976119 +13487207 _derivationally_related_form 00357332 +08075388 _derivationally_related_form 02389927 +00981944 _hypernym 00941990 +02196081 _hypernym 02192570 +07344528 _derivationally_related_form 01374020 +02761897 _derivationally_related_form 03345837 +07248060 _hypernym 07247071 +12097556 _hypernym 13112664 +03626014 _hypernym 03485997 +06614628 _hypernym 06613686 +02288473 _member_meronym 02290153 +02319129 _derivationally_related_form 04853948 +08852389 _has_part 09170294 +05615028 _hypernym 05614657 +01403785 _synset_domain_topic_of 00464894 +10225219 _derivationally_related_form 08441203 +01255807 _derivationally_related_form 15237782 +12188120 _hypernym 11575425 +08716219 _instance_hypernym 08698379 +09275473 _has_part 08992181 +00346537 _hypernym 00345761 +03098140 _has_part 06874688 +01098206 _derivationally_related_form 00233795 +01131043 _derivationally_related_form 04852088 +03587442 _hypernym 03783017 +02262139 _derivationally_related_form 06471345 +01235463 _derivationally_related_form 01153947 +02456031 _derivationally_related_form 00730538 +07296190 _hypernym 07283608 +00879607 _hypernym 00877127 +13553916 _derivationally_related_form 00069295 +01813884 _hypernym 01771535 +02471467 _member_meronym 02477890 +11244061 _hypernym 10450303 +05342499 _hypernym 05333777 +08787878 _instance_hypernym 08574314 +08097391 _hypernym 08149781 +01711071 _also_see 01160031 +00361041 _hypernym 00360757 +05666700 _hypernym 05890249 +10432957 _hypernym 10677713 +00923995 _derivationally_related_form 01651444 +02035845 _member_meronym 02036053 +02580392 _hypernym 02579447 +10213034 _synset_domain_topic_of 08441203 +03499468 _hypernym 03000247 +01964441 _hypernym 01963571 +13245846 _synset_domain_topic_of 03405725 +10617193 _derivationally_related_form 00785690 +00298767 _also_see 01919931 +01605119 _member_meronym 01606335 +01001857 _derivationally_related_form 13412321 +00956250 _hypernym 00955601 +09237076 _has_part 09187407 +01421012 _hypernym 08102555 +01176897 _verb_group 01177118 +01069125 _hypernym 01068773 +03617594 _hypernym 02985137 +00264875 _derivationally_related_form 14607521 +09143017 _instance_hypernym 08695539 +02191311 _derivationally_related_form 03802973 +07535532 _hypernym 07535010 +01537544 _hypernym 01537134 +01585523 _derivationally_related_form 00322634 +09889539 _hypernym 10426749 +07325190 _derivationally_related_form 02608823 +02319967 _hypernym 08103777 +10336234 _derivationally_related_form 01850315 +02021438 _member_meronym 02040698 +11772702 _hypernym 11567411 +08420278 _hypernym 08054721 +06266296 _hypernym 07248801 +02767760 _verb_group 02764765 +09148970 _member_of_domain_region 09479424 +05079866 _derivationally_related_form 02519494 +12039524 _hypernym 11534677 +12299988 _member_meronym 12302974 +00849294 _derivationally_related_form 02568392 +13169674 _member_meronym 12952852 +01229071 _derivationally_related_form 03194812 +14096724 _hypernym 14552802 +04727214 _hypernym 04723816 +00624553 _hypernym 00621627 +09334396 _derivationally_related_form 02087156 +00820611 _verb_group 00820976 +13803782 _hypernym 13796779 +01758308 _derivationally_related_form 01243474 +00292672 _derivationally_related_form 07433662 +01944617 _member_meronym 01944812 +01140658 _synset_domain_topic_of 06148148 +01965889 _has_part 07797641 +09141526 _has_part 09142887 +07157273 _member_of_domain_usage 10557246 +06473563 _hypernym 06470073 +12375294 _hypernym 11575425 +00121166 _derivationally_related_form 01437254 +01156438 _derivationally_related_form 01097960 +01295275 _derivationally_related_form 00145218 +03281145 _derivationally_related_form 01455184 +09769076 _hypernym 10059582 +00357667 _hypernym 00245457 +07951464 _derivationally_related_form 01656788 +02301151 _synset_domain_topic_of 00490569 +04655168 _hypernym 04654652 +03074855 _derivationally_related_form 01596645 +05640339 _hypernym 05637558 +08916832 _instance_hypernym 08524735 +02399000 _derivationally_related_form 01174555 +02045024 _member_meronym 02045369 +01063695 _verb_group 00752764 +01787955 _derivationally_related_form 05831784 +00047945 _derivationally_related_form 02728440 +04827175 _hypernym 04826999 +02502916 _derivationally_related_form 07205573 +02268351 _derivationally_related_form 00742645 +00634276 _hypernym 00633864 +04271371 _hypernym 03974215 +00192051 _derivationally_related_form 00272878 +10325774 _derivationally_related_form 01743784 +02417301 _derivationally_related_form 04936846 +01796340 _hypernym 01795088 +05020981 _hypernym 05020358 +13227557 _hypernym 13167078 +02298998 _hypernym 02298632 +10669991 _derivationally_related_form 00792991 +00830448 _derivationally_related_form 01224744 +08846324 _instance_hypernym 08691669 +00901103 _hypernym 00831651 +11292207 _instance_hypernym 10088390 +05194578 _hypernym 05194151 +01711749 _hypernym 01711445 +12307611 _member_meronym 12307756 +08729626 _instance_hypernym 08654360 +00116376 _hypernym 00045250 +05701363 _synset_domain_topic_of 06136258 +08801678 _has_part 08804049 +02561888 _also_see 02412164 +02680814 _derivationally_related_form 01076046 +00202236 _derivationally_related_form 10076957 +02063988 _hypernym 02062632 +00709379 _hypernym 00704690 +00120010 _hypernym 00119568 +11875100 _member_meronym 11875691 +01874928 _hypernym 01874434 +06633363 _hypernym 06628861 +14692026 _hypernym 14691822 +02504017 _derivationally_related_form 14427633 +03886432 _hypernym 02870092 +06078724 _hypernym 06037666 +05577190 _hypernym 05221895 +02332606 _hypernym 01864707 +01007609 _hypernym 01007463 +00882523 _hypernym 01024190 +14671587 _hypernym 14662574 +01018366 _hypernym 01017987 +01490885 _hypernym 01432517 +01054335 _derivationally_related_form 10700517 +02438452 _hypernym 01864707 +00414174 _derivationally_related_form 01252280 +01090335 _derivationally_related_form 01170962 +10155222 _hypernym 10702781 +10123844 _derivationally_related_form 00592652 +00648977 _derivationally_related_form 04892084 +11820751 _hypernym 11573660 +00875394 _derivationally_related_form 07162680 +02600953 _hypernym 01342529 +00007347 _derivationally_related_form 00770437 +01260159 _derivationally_related_form 09425607 +02425462 _derivationally_related_form 07452699 +02690270 _derivationally_related_form 01923637 +12356668 _member_meronym 12356960 +03731164 _hypernym 03872495 +03089348 _hypernym 00021939 +10699752 _derivationally_related_form 00793785 +05740929 _hypernym 05739043 +01180200 _hypernym 01179707 +00574996 _verb_group 00575169 +00596644 _derivationally_related_form 01374582 +03337140 _derivationally_related_form 00869931 +05343408 _hypernym 05333777 +07128060 _derivationally_related_form 00030010 +08860123 _member_of_domain_region 08121867 +04827652 _hypernym 04850589 +09955015 _hypernym 09998101 +00108181 _synset_domain_topic_of 00471613 +01346978 _derivationally_related_form 04211528 +11878101 _hypernym 11868814 +13812296 _synset_domain_topic_of 06037666 +02048952 _hypernym 01507175 +10227985 _synset_domain_topic_of 08441203 +02106506 _derivationally_related_form 05805902 +02352824 _hypernym 02327200 +01628449 _derivationally_related_form 15265518 +03441930 _hypernym 02719105 +00999270 _derivationally_related_form 04393095 +02633534 _derivationally_related_form 13946760 +02497983 _hypernym 01864707 +02761134 _hypernym 02760622 +00367552 _hypernym 00363260 +04275661 _hypernym 04285146 +01467986 _hypernym 08102555 +01537360 _member_meronym 01537544 +01141841 _hypernym 01139194 +00049003 _hypernym 00048374 +00213052 _derivationally_related_form 02235229 +06016276 _hypernym 07999699 +04236377 _has_part 03145843 +02807731 _derivationally_related_form 00037919 +13721003 _has_part 13623054 +07769584 _hypernym 07705931 +05888929 _hypernym 05835747 +12559518 _hypernym 13104059 +00894738 _hypernym 00895304 +02263346 _derivationally_related_form 01086356 +04000311 _hypernym 03699975 +00753093 _also_see 00758459 +04199027 _has_part 04514359 +05058140 _derivationally_related_form 00439343 +05663671 _synset_domain_topic_of 01124794 +11783723 _hypernym 11556857 +00935940 _derivationally_related_form 10029068 +00853633 _derivationally_related_form 10221312 +06245816 _derivationally_related_form 00777391 +07573696 _hypernym 07570720 +09144851 _instance_hypernym 08524735 +04789274 _derivationally_related_form 02141973 +02669806 _derivationally_related_form 09872782 +07138915 _hypernym 07138085 +04682462 _derivationally_related_form 00510364 +13658278 _hypernym 13649268 +01184407 _hypernym 01181902 +15267536 _derivationally_related_form 02425913 +07476623 _derivationally_related_form 01103180 +01049737 _derivationally_related_form 01254685 +14855280 _hypernym 14854262 +00331082 _derivationally_related_form 00358089 +07537259 _hypernym 07521674 +10514784 _hypernym 10605985 +04115456 _hypernym 03199901 +11923016 _hypernym 11579418 +00742645 _derivationally_related_form 01158181 +08161757 _member_meronym 08161971 +11740208 _member_meronym 11740414 +06057539 _hypernym 06078327 +01831712 _hypernym 01503061 +02440244 _derivationally_related_form 10162991 +08770518 _instance_hypernym 08524735 +12489524 _hypernym 15098161 +15293590 _hypernym 15113229 +01428578 _derivationally_related_form 10575089 +00059989 _derivationally_related_form 02073233 +13993356 _hypernym 13994148 +05849789 _hypernym 05849040 +02802544 _has_part 08590909 +05300507 _has_part 05320899 +04598965 _hypernym 04426788 +01636397 _derivationally_related_form 05784699 +00333203 _synset_domain_topic_of 06080522 +12698283 _member_meronym 12698435 +01067577 _derivationally_related_form 00439958 +02697610 _hypernym 00248026 +08792548 _member_of_domain_region 08346490 +09747722 _hypernym 09686536 +01580050 _derivationally_related_form 09367203 +03087366 _derivationally_related_form 00244625 +07131854 _hypernym 07128946 +01747466 _hypernym 01657723 +05198036 _derivationally_related_form 10388440 +00768921 _derivationally_related_form 01654271 +01055165 _derivationally_related_form 02653996 +03635668 _derivationally_related_form 01365131 +00256507 _hypernym 00257269 +04779895 _hypernym 04778630 +07363883 _hypernym 07363346 +00511855 _derivationally_related_form 09439213 +01816336 _hypernym 01507175 +12474828 _hypernym 11561228 +11601487 _hypernym 11553763 +06166748 _hypernym 06158346 +12486254 _member_meronym 12486397 +02896074 _hypernym 02853449 +06637350 _derivationally_related_form 00700896 +03719053 _has_part 03718581 +13632164 _hypernym 13601596 +11540000 _hypernym 11534677 +08419163 _hypernym 08420278 +02067941 _member_meronym 02068206 +00165942 _derivationally_related_form 02367363 +09152944 _has_part 09154607 +13482781 _derivationally_related_form 02692335 +02761685 _derivationally_related_form 15101586 +08860123 _member_of_domain_region 07635155 +01307389 _derivationally_related_form 13538182 +07761309 _hypernym 07760859 +13259481 _hypernym 13258362 +10740219 _derivationally_related_form 02679530 +02814453 _derivationally_related_form 13726296 +01906322 _derivationally_related_form 05563266 +00668099 _derivationally_related_form 01021889 +01319562 _derivationally_related_form 03500557 +00698398 _hypernym 00697589 +09698337 _hypernym 09698108 +02111684 _also_see 00492677 +11788536 _member_meronym 11788727 +00283911 _derivationally_related_form 00161739 +08947772 _instance_hypernym 08698379 +01377906 _member_meronym 01378545 +10435716 _hypernym 00007846 +06106820 _hypernym 06106502 +01545752 _hypernym 01504437 +00041188 _hypernym 00037396 +01021973 _hypernym 00955601 +10673451 _derivationally_related_form 00875394 +08954611 _has_part 08955082 +04018155 _has_part 03691459 +06473168 _hypernym 06470073 +02018638 _member_meronym 02019044 +01252566 _hypernym 00315986 +04670531 _derivationally_related_form 02466111 +11639863 _hypernym 11554175 +03248560 _hypernym 03740161 +00367685 _derivationally_related_form 07373602 +00358089 _derivationally_related_form 01483779 +04693900 _derivationally_related_form 01308160 +01076793 _also_see 02531422 +01817314 _derivationally_related_form 13986372 +01974399 _hypernym 08103777 +00464828 _hypernym 00464321 +05600637 _has_part 05313535 +01703857 _hypernym 01712704 +00883297 _derivationally_related_form 02387486 +05888929 _derivationally_related_form 10706812 +00817311 _derivationally_related_form 14411981 +01445597 _hypernym 01445932 +14896441 _hypernym 14894481 +09044862 _has_part 09081213 +00103140 _derivationally_related_form 01514655 +00907657 _hypernym 00907147 +11707668 _member_meronym 11707827 +00818553 _derivationally_related_form 07216083 +02290340 _hypernym 02288789 +00490722 _derivationally_related_form 13757249 +02705944 _derivationally_related_form 00434077 +00949288 _derivationally_related_form 01417451 +01114475 _synset_domain_topic_of 00503237 +02208537 _derivationally_related_form 06523132 +13498828 _derivationally_related_form 00562523 +01830946 _derivationally_related_form 01886756 +02071627 _derivationally_related_form 14997888 +07922764 _hypernym 07881800 +02653996 _derivationally_related_form 09889941 +01137138 _hypernym 00069879 +05705184 _derivationally_related_form 10631941 +03504420 _synset_domain_topic_of 08199025 +12803517 _member_meronym 12803958 +12833793 _hypernym 11579418 +00474762 _derivationally_related_form 10514784 +14006945 _derivationally_related_form 02367363 +06778102 _derivationally_related_form 00853633 +12741586 _hypernym 12741222 +07327288 _synset_domain_topic_of 06183899 +09401834 _hypernym 09272085 +05474738 _has_part 05466696 +09641422 _hypernym 09638875 +01288201 _derivationally_related_form 03484576 +00558883 _hypernym 00558630 +11812094 _hypernym 11811473 +06245816 _hypernym 05948264 +02024143 _derivationally_related_form 05115804 +01321002 _derivationally_related_form 13085864 +07286014 _derivationally_related_form 00349592 +00063291 _derivationally_related_form 14531392 +01794363 _derivationally_related_form 14324274 +10329789 _hypernym 10470779 +08723006 _has_part 08728462 +10006842 _derivationally_related_form 02584097 +02641035 _derivationally_related_form 01063350 +02670186 _derivationally_related_form 00173159 +02007417 _derivationally_related_form 00281132 +12659730 _member_meronym 12682054 +02234988 _derivationally_related_form 13286099 +02281787 _hypernym 02274259 +01388813 _derivationally_related_form 14082595 +09275473 _has_part 08849753 +12878525 _hypernym 11579418 +11485681 _hypernym 11428023 +10677271 _derivationally_related_form 02327200 +04264914 _hypernym 04137444 +00769944 _hypernym 00766234 +14618834 _hypernym 14818238 +01230710 _derivationally_related_form 01261490 +09807075 _derivationally_related_form 00597532 +01201271 _synset_domain_topic_of 08441203 +13561521 _derivationally_related_form 00417596 +08513163 _derivationally_related_form 01466978 +00484166 _derivationally_related_form 00210518 +02710402 _verb_group 01205696 +00193406 _hypernym 00199707 +02711114 _derivationally_related_form 03285912 +02158846 _hypernym 02157557 +01502262 _member_meronym 02021438 +01499898 _member_meronym 01500721 +01143498 _derivationally_related_form 02076196 +05383467 _hypernym 05418717 +05496990 _hypernym 05462674 +00713996 _derivationally_related_form 06031248 +05654873 _hypernym 05652396 +05071027 _hypernym 05064037 +01261628 _hypernym 01264283 +02058590 _derivationally_related_form 09993252 +10120085 _hypernym 09977660 +04873939 _derivationally_related_form 02547225 +01930874 _verb_group 02408281 +04549919 _hypernym 02853016 +08551420 _hypernym 08630985 +08907606 _instance_hypernym 08544813 +03156405 _hypernym 03003730 +02822865 _derivationally_related_form 02306087 +02176178 _also_see 00744916 +12829099 _member_meronym 12833341 +05123760 _derivationally_related_form 01033527 +00284409 _derivationally_related_form 01881180 +06239931 _hypernym 05946687 +08137251 _hypernym 08348815 +02269829 _member_meronym 02270011 +02439286 _member_meronym 02439398 +03326795 _hypernym 03309808 +01437888 _derivationally_related_form 08463647 +12581381 _member_meronym 12586110 +00665476 _hypernym 01617192 +00592341 _derivationally_related_form 09802445 +07020895 _hypernym 07109019 +08615374 _derivationally_related_form 00492677 +09422964 _instance_hypernym 09468604 +02718084 _hypernym 03740161 +00696189 _hypernym 00644583 +01821996 _derivationally_related_form 07553964 +03094520 _derivationally_related_form 13801700 +01897667 _hypernym 01896031 +01710348 _hypernym 01656813 +01233156 _hypernym 01230965 +06139285 _hypernym 06136258 +01087740 _hypernym 01087178 +08860123 _member_of_domain_region 03764822 +02525543 _member_meronym 02525703 +01302019 _verb_group 02450505 +02708711 _derivationally_related_form 00736216 +08554440 _hypernym 08553535 +08075388 _member_meronym 09876892 +09060768 _has_part 09062320 +10483890 _derivationally_related_form 01881696 +10634316 _hypernym 10708454 +09192280 _has_part 09349425 +05396366 _has_part 05396807 +10878161 _instance_hypernym 10650162 +01375909 _hypernym 01375637 +00740336 _also_see 00336168 +10768903 _hypernym 09632518 +05187446 _synset_domain_topic_of 08441203 +01041415 _derivationally_related_form 10771270 +10190871 _hypernym 10307234 +01424948 _derivationally_related_form 00854000 +07536437 _hypernym 07536245 +01314738 _derivationally_related_form 00141027 +02515080 _hypernym 02514187 +11492014 _derivationally_related_form 00487554 +01898893 _derivationally_related_form 00539951 +00696852 _hypernym 00607780 +12370549 _hypernym 13104059 +05710210 _derivationally_related_form 01744111 +13543564 _hypernym 13489037 +05952979 _hypernym 05941423 +07110615 _derivationally_related_form 00745187 +01362736 _derivationally_related_form 00717208 +00568430 _synset_domain_topic_of 00479887 +02019021 _derivationally_related_form 04768028 +02333689 _derivationally_related_form 00586262 +15223750 _hypernym 15223343 +08045140 _has_part 08030481 +08232706 _hypernym 08231184 +11466043 _derivationally_related_form 00371264 +07331400 _hypernym 07296428 +02637380 _synset_domain_topic_of 06083243 +02154508 _derivationally_related_form 05808218 +07075172 _member_of_domain_usage 10314182 +13627327 _hypernym 13601596 +01137138 _verb_group 01134781 +00612114 _derivationally_related_form 02032634 +09451517 _has_part 09225146 +04122825 _derivationally_related_form 01486151 +01187740 _hypernym 02313250 +01595260 _derivationally_related_form 14718822 +00758333 _hypernym 01011031 +08910668 _member_of_domain_region 08034778 +10369528 _derivationally_related_form 00939035 +04243941 _hypernym 03699975 +08050678 _synset_domain_topic_of 01124794 +00913065 _hypernym 00983824 +12456527 _member_meronym 12456845 +10381369 _derivationally_related_form 00480969 +10579835 _hypernym 10490699 +08180190 _derivationally_related_form 02650840 +00644583 _derivationally_related_form 09790482 +00347610 _derivationally_related_form 09821253 +00031264 _derivationally_related_form 00656576 +10594043 _hypernym 00007846 +06762711 _derivationally_related_form 01058574 +00653620 _derivationally_related_form 09626238 +02230990 _derivationally_related_form 04949066 +00601043 _verb_group 00601378 +02533907 _derivationally_related_form 08361329 +02054989 _derivationally_related_form 00944449 +00949619 _hypernym 00609953 +00647070 _derivationally_related_form 05698982 +00912001 _derivationally_related_form 01653442 +12409470 _hypernym 12409231 +02182851 _derivationally_related_form 03125352 +01667132 _derivationally_related_form 00199707 +13954818 _hypernym 13954253 +02376542 _hypernym 01321854 +00376063 _hypernym 00191142 +05769314 _hypernym 05767733 +00512043 _hypernym 00519363 +12365670 _hypernym 11575425 +01258828 _derivationally_related_form 14943580 +01189282 _hypernym 01189001 +04365751 _has_part 03658858 +00440286 _derivationally_related_form 01066163 +14854847 _derivationally_related_form 02083087 +03600977 _hypernym 03605915 +02575455 _member_meronym 02575590 +00125633 _derivationally_related_form 07424109 +10965550 _instance_hypernym 09765278 +10557854 _hypernym 09621545 +12941360 _member_meronym 12941536 +12387839 _hypernym 12387633 +08409617 _hypernym 08284481 +01664847 _hypernym 01664172 +01992375 _derivationally_related_form 04167759 +03619396 _hypernym 03430959 +00938419 _hypernym 00935940 +11696776 _hypernym 11571907 +08889657 _instance_hypernym 08633957 +00962129 _derivationally_related_form 02919100 +01500091 _hypernym 01495701 +03233905 _derivationally_related_form 01995211 +12303349 _member_meronym 12303462 +00797697 _hypernym 00717358 +00405360 _derivationally_related_form 02035919 +10835218 _instance_hypernym 09765278 +00764436 _synset_domain_topic_of 00759694 +08184217 _derivationally_related_form 02028366 +01608122 _synset_domain_topic_of 00017222 +10383689 _derivationally_related_form 06158185 +08952190 _instance_hypernym 08696931 +02490877 _derivationally_related_form 00428000 +09433442 _has_part 09217230 +01054335 _derivationally_related_form 02648639 +01620854 _derivationally_related_form 07291794 +12992464 _member_meronym 12975207 +05904313 _hypernym 05904135 +00038750 _derivationally_related_form 14006945 +01328705 _derivationally_related_form 06399631 +00894552 _derivationally_related_form 00606335 +00708980 _derivationally_related_form 05982152 +04649051 _hypernym 04648749 +00835506 _derivationally_related_form 06756831 +11762706 _member_meronym 11763142 +08792548 _instance_hypernym 08544813 +09206985 _derivationally_related_form 01921964 +01279631 _derivationally_related_form 13537894 +09048880 _has_part 08565006 +00788184 _derivationally_related_form 10208287 +02652335 _member_meronym 02654256 +09021812 _instance_hypernym 08691669 +00162632 _derivationally_related_form 00634472 +09965134 _derivationally_related_form 01037910 +13472125 _synset_domain_topic_of 06084469 +01641206 _hypernym 01640846 +02292272 _hypernym 01762525 +01699346 _synset_domain_topic_of 00929718 +06726158 _hypernym 06722453 +00910203 _derivationally_related_form 00998399 +03023175 _hypernym 03713736 +09999135 _derivationally_related_form 00847683 +05126066 _hypernym 05125377 +09035951 _instance_hypernym 08524735 +01783022 _derivationally_related_form 07298982 +10351625 _hypernym 00007846 +10378026 _hypernym 10633450 +08726072 _instance_hypernym 08654360 +09831731 _hypernym 09831962 +04143712 _derivationally_related_form 01779165 +03323703 _derivationally_related_form 01343892 +07391863 _derivationally_related_form 02181538 +04102406 _hypernym 04088797 +00396825 _hypernym 00397010 +02206624 _hypernym 01759182 +08688247 _derivationally_related_form 02512150 +09624559 _hypernym 10351874 +13992738 _hypernym 13992514 +02177976 _verb_group 02187922 +02887741 _derivationally_related_form 01428853 +05072911 _derivationally_related_form 02040652 +02606194 _member_meronym 02607345 +13983304 _hypernym 13983147 +01055661 _hypernym 00978549 +02106006 _verb_group 02730471 +02651424 _hypernym 02459173 +02432530 _derivationally_related_form 08164585 +00201034 _derivationally_related_form 10073992 +01067816 _derivationally_related_form 10599806 +00758459 _derivationally_related_form 10013927 +04194289 _has_part 04188368 +12127237 _hypernym 12127030 +00201034 _derivationally_related_form 00397191 +00438178 _derivationally_related_form 05058140 +06309383 _synset_domain_topic_of 06174404 +00076341 _derivationally_related_form 00807178 +01308160 _derivationally_related_form 04693900 +01405250 _hypernym 01404628 +05892096 _derivationally_related_form 00632236 +10763245 _derivationally_related_form 01046932 +13901585 _derivationally_related_form 13771828 +00090186 _derivationally_related_form 14285662 +01183638 _synset_domain_topic_of 08441203 +00796588 _derivationally_related_form 01077350 +05861067 _derivationally_related_form 02645007 +01943153 _derivationally_related_form 04160586 +01037819 _derivationally_related_form 01028079 +00333037 _hypernym 00331950 +02517169 _member_meronym 02517768 +07123710 _hypernym 07120524 +10725280 _hypernym 10264219 +12728164 _hypernym 12724942 +01256600 _derivationally_related_form 10789963 +06988307 _hypernym 06986894 +09796974 _hypernym 00007846 +03787904 _hypernym 03925226 +06779310 _hypernym 06778102 +00247439 _also_see 01507402 +08911421 _instance_hypernym 08691669 +11354333 _instance_hypernym 10296618 +05908882 _derivationally_related_form 00706975 +00414409 _derivationally_related_form 01252566 +02641608 _member_meronym 02651846 +01924590 _hypernym 08102555 +07570720 _derivationally_related_form 01204191 +12280886 _member_meronym 12282527 +12916935 _member_meronym 12924984 +00324071 _synset_domain_topic_of 00243918 +02326237 _member_meronym 02326432 +08400191 _hypernym 08398773 +09043052 _has_part 09043411 +00155298 _hypernym 00151497 +06262567 _derivationally_related_form 01711965 +01311103 _derivationally_related_form 10012989 +08684769 _hypernym 08520401 +02742638 _hypernym 02693319 +05265417 _hypernym 05265139 +10995850 _instance_hypernym 10233445 +10059904 _derivationally_related_form 06072275 +11927740 _hypernym 12205694 +04917439 _synset_domain_topic_of 06090869 +00387897 _hypernym 00387657 +06464838 _instance_hypernym 06464419 +01543998 _derivationally_related_form 08647616 +05790012 _hypernym 05789808 +09340935 _instance_hypernym 09411430 +12195965 _hypernym 11575425 +05682570 _derivationally_related_form 00729378 +01785971 _hypernym 01759326 +09912995 _derivationally_related_form 00661824 +01560731 _derivationally_related_form 00359492 +00195617 _derivationally_related_form 08632423 +07009538 _derivationally_related_form 07007945 +03772269 _hypernym 03956922 +07764486 _hypernym 07705931 +01002740 _derivationally_related_form 03338821 +02715229 _hypernym 03269401 +00853195 _hypernym 00851933 +02846322 _derivationally_related_form 07561590 +01215168 _derivationally_related_form 02453889 +11940915 _hypernym 11940006 +00744904 _hypernym 00742320 +03846100 _hypernym 03309808 +00258109 _derivationally_related_form 07436661 +01347431 _member_meronym 01347583 +03567066 _derivationally_related_form 00060185 +00492677 _also_see 02111684 +00202569 _hypernym 00302130 +06021499 _hypernym 05816622 +03281935 _derivationally_related_form 00318816 +01313093 _member_meronym 01465994 +05003590 _hypernym 05003423 +01661243 _derivationally_related_form 00911752 +00088713 _derivationally_related_form 14487731 +05377665 _hypernym 05418717 +10246703 _derivationally_related_form 10246511 +01638368 _derivationally_related_form 05728678 +09458791 _instance_hypernym 09411430 +08975617 _has_part 09365288 +01918803 _derivationally_related_form 10762064 +02465939 _hypernym 02402825 +12355320 _member_meronym 12356668 +00829378 _derivationally_related_form 09614684 +00044673 _derivationally_related_form 01115411 +07439883 _hypernym 07445896 +02867715 _has_part 02950482 +01639714 _derivationally_related_form 00928077 +02446651 _derivationally_related_form 00514871 +00805034 _derivationally_related_form 00701040 +00338641 _hypernym 00331950 +05908520 _hypernym 05907682 +09370773 _instance_hypernym 09475292 +01256332 _also_see 01725712 +08920924 _has_part 08923755 +02739480 _derivationally_related_form 01985247 +06845599 _member_of_domain_usage 02989893 +01268112 _derivationally_related_form 00718573 +00330144 _derivationally_related_form 02754103 +10552980 _derivationally_related_form 03113881 +00764222 _derivationally_related_form 07175241 +04626705 _hypernym 04626280 +08991491 _has_part 08991752 +05508943 _hypernym 13872211 +09918867 _hypernym 09917593 +01529036 _member_meronym 01530256 +01517662 _verb_group 01518047 +01408297 _derivationally_related_form 00128477 +13279262 _hypernym 13281275 +12957076 _hypernym 11545714 +06845599 _member_of_domain_usage 04480625 +09049599 _has_part 09103943 +02018372 _hypernym 02018049 +05657718 _derivationally_related_form 02169702 +05274105 _has_part 05354580 +01459542 _derivationally_related_form 13484082 +02553196 _member_meronym 02610541 +12931449 _hypernym 11585340 +04731497 _hypernym 04723816 +07286905 _hypernym 07286368 +01237231 _hypernym 01236164 +09209263 _has_part 08952628 +13786960 _hypernym 13783816 +01964367 _derivationally_related_form 01018630 +02249741 _derivationally_related_form 10409752 +10722965 _derivationally_related_form 04879658 +13655262 _hypernym 13603305 +04850117 _hypernym 04826235 +05797597 _hypernym 05796750 +02950256 _derivationally_related_form 01134522 +01169744 _derivationally_related_form 01078783 +12724201 _member_meronym 12726902 +01062817 _hypernym 01062583 +09303647 _instance_hypernym 09403734 +00345761 _derivationally_related_form 15265518 +00004032 _hypernym 00001740 +10506220 _derivationally_related_form 01881180 +12684640 _member_meronym 12916935 +00612652 _derivationally_related_form 02032415 +10939856 _instance_hypernym 10444194 +06516087 _hypernym 06515827 +02675458 _derivationally_related_form 05010801 +06661562 _hypernym 06660942 +04742084 _hypernym 04741807 +01010458 _derivationally_related_form 00660571 +13171210 _hypernym 11545714 +08164585 _hypernym 07965085 +02673134 _derivationally_related_form 13934900 +11345181 _instance_hypernym 10423225 +09962612 _hypernym 10249950 +00482473 _derivationally_related_form 13969243 +01023071 _derivationally_related_form 06706125 +10691764 _derivationally_related_form 04559451 +06927363 _hypernym 06926458 +08389710 _hypernym 08190754 +00052146 _hypernym 00048374 +04250850 _derivationally_related_form 00001740 +05755883 _derivationally_related_form 00599992 +01866610 _verb_group 01866192 +09800469 _hypernym 10266848 +02131418 _member_meronym 02132974 +14518924 _hypernym 14516501 +01941670 _member_meronym 01948154 +02427103 _derivationally_related_form 00240184 +14333136 _hypernym 14332617 +00776988 _derivationally_related_form 05979454 +00785962 _derivationally_related_form 00636728 +02116959 _member_meronym 02117369 +08961970 _instance_hypernym 09316454 +00975902 _hypernym 00974367 +08716219 _member_meronym 09693100 +09935434 _derivationally_related_form 08060694 +04895246 _derivationally_related_form 02464693 +06770275 _hypernym 06722453 +12411084 _member_meronym 12417273 +02501278 _derivationally_related_form 10225219 +12134836 _hypernym 12107970 +00838043 _derivationally_related_form 10286539 +12155259 _hypernym 11555413 +09075842 _has_part 09077556 +09275473 _has_part 08779504 +00335384 _derivationally_related_form 02063018 +07244154 _hypernym 07243837 +08210982 _member_meronym 10770059 +05491993 _hypernym 05462674 +03104594 _hypernym 04076846 +02619861 _hypernym 02554730 +00594953 _hypernym 00586262 +05598147 _derivationally_related_form 02125223 +00849768 _hypernym 00849523 +01492052 _hypernym 01296462 +12006081 _hypernym 11579418 +01752025 _synset_domain_topic_of 00714944 +00147862 _derivationally_related_form 00419137 +01303547 _derivationally_related_form 00696882 +00284101 _derivationally_related_form 01919226 +00403149 _hypernym 00296178 +03913437 _hypernym 03247620 +14133159 _hypernym 14122235 +00133851 _also_see 02395115 +04757522 _derivationally_related_form 00687523 +02399399 _also_see 00133851 +08303275 _derivationally_related_form 00369194 +02009750 _hypernym 02008796 +01774136 _derivationally_related_form 10162194 +02481436 _derivationally_related_form 01195380 +03566555 _synset_domain_topic_of 02691156 +03206718 _derivationally_related_form 02158587 +14503665 _derivationally_related_form 02662076 +01730216 _derivationally_related_form 10321474 +04944048 _derivationally_related_form 02719399 +08176077 _member_meronym 08756202 +11002191 _instance_hypernym 10578471 +01644699 _hypernym 01626600 +00784533 _derivationally_related_form 00642098 +10648696 _derivationally_related_form 02631349 +05751173 _hypernym 05750657 +01066542 _derivationally_related_form 15278281 +04448826 _hypernym 04353189 +09823287 _synset_domain_topic_of 15253139 +00796315 _derivationally_related_form 00065791 +04865722 _hypernym 04865502 +02818402 _synset_domain_topic_of 00006484 +04689660 _hypernym 04688246 +08394423 _synset_domain_topic_of 08199025 +05289601 _hypernym 05297523 +03833564 _hypernym 04287153 +12143676 _has_part 07731952 +07488875 _derivationally_related_form 09629246 +01004961 _derivationally_related_form 00491689 +12743680 _member_meronym 12743823 +06227263 _hypernym 06226057 +06387980 _hypernym 06365467 +01433042 _derivationally_related_form 02909870 +01054335 _derivationally_related_form 10523519 +03694639 _hypernym 03924069 +14681555 _hypernym 14662574 +01481599 _member_meronym 01494188 +12866968 _hypernym 12205694 +02208903 _derivationally_related_form 13248393 +05328867 _hypernym 05327767 +04783888 _derivationally_related_form 01943406 +10182913 _hypernym 00007846 +01266491 _derivationally_related_form 00977336 +07286799 _derivationally_related_form 00871942 +11758628 _hypernym 11585340 +01664862 _hypernym 01657723 +01667304 _derivationally_related_form 04033995 +00447158 _synset_domain_topic_of 06084469 +06497872 _member_meronym 06833544 +00819508 _derivationally_related_form 09954479 +12923108 _hypernym 12922763 +15184170 _hypernym 15183802 +03101796 _hypernym 03101986 +13984613 _derivationally_related_form 02768702 +12496207 _hypernym 11585340 +13745270 _hypernym 13741022 +07467846 _has_part 00439826 +08434259 _derivationally_related_form 01032840 +01512259 _derivationally_related_form 00567044 +12905655 _hypernym 11579418 +11659627 _hypernym 13108841 +05129565 _hypernym 05098942 +04961136 _derivationally_related_form 00279822 +12665271 _has_part 07821260 +06217944 _derivationally_related_form 10079893 +13016457 _member_meronym 13001743 +13935227 _derivationally_related_form 02449340 +02251743 _derivationally_related_form 10409752 +06448283 _hypernym 06431740 +03282933 _hypernym 03816849 +12226322 _member_meronym 12235263 +04825383 _hypernym 04825114 +08801678 _has_part 08812399 +02524897 _hypernym 02524171 +02062430 _hypernym 02062017 +13900422 _hypernym 00027807 +01709484 _hypernym 01708998 +10230801 _hypernym 09609561 +00185857 _derivationally_related_form 02769460 +02537407 _hypernym 02575082 +10478960 _derivationally_related_form 02163301 +07290905 _hypernym 07283608 +15242719 _has_part 15242599 +07374756 _derivationally_related_form 00556193 +04081044 _derivationally_related_form 01502946 +01966861 _hypernym 01963942 +01118449 _hypernym 02367363 +07316724 _hypernym 07314838 +08550076 _derivationally_related_form 01311103 +01264283 _hypernym 01332730 +02022135 _member_meronym 02038617 +06718862 _member_of_domain_usage 10431330 +07970079 _hypernym 07969695 +10458834 _hypernym 10372373 +13350976 _synset_domain_topic_of 06539178 +00754731 _hypernym 00752764 +12158148 _hypernym 11567411 +08860123 _member_of_domain_region 04585456 +01995549 _derivationally_related_form 00282050 +08427163 _hypernym 08426816 +08967868 _instance_hypernym 08696931 +01817424 _member_meronym 01817772 +09779280 _hypernym 09613191 +02528380 _derivationally_related_form 07317764 +13543093 _hypernym 13489037 +02700422 _hypernym 04073669 +12423565 _member_meronym 12462401 +00890100 _derivationally_related_form 06685456 +13931436 _hypernym 13928388 +02862048 _has_part 02950632 +06845599 _member_of_domain_usage 14748335 +04524594 _hypernym 03309808 +07053732 _hypernym 07048000 +13172107 _member_meronym 13174206 +00382109 _derivationally_related_form 01600191 +01131043 _also_see 02035337 +12009250 _hypernym 11579418 +07490713 _hypernym 00026192 +02261123 _synset_domain_topic_of 00766234 +01925338 _derivationally_related_form 10646942 +01654628 _derivationally_related_form 00923995 +08478482 _hypernym 08058098 +01922895 _derivationally_related_form 00325785 +11931756 _member_meronym 11931918 +01019372 _derivationally_related_form 00958334 +02933990 _has_part 02934168 +14465048 _hypernym 14505821 +14322699 _derivationally_related_form 01792567 +01481599 _member_meronym 01488539 +08860123 _member_of_domain_region 10506915 +00783063 _derivationally_related_form 02571511 +12501745 _member_meronym 12529730 +00788184 _derivationally_related_form 07193184 +09543154 _synset_domain_topic_of 05985602 +10057714 _hypernym 10378412 +00159880 _derivationally_related_form 05984936 +11867311 _hypernym 12205694 +02506361 _derivationally_related_form 00765193 +02410855 _verb_group 02413480 +04332243 _derivationally_related_form 01460029 +01590171 _hypernym 01291069 +02208118 _synset_domain_topic_of 01090446 +09815455 _synset_domain_topic_of 08441203 +00914343 _hypernym 00913705 +01131197 _hypernym 01091427 +09910374 _hypernym 00007846 +13155899 _synset_domain_topic_of 12992868 +11355669 _instance_hypernym 10212501 +02045790 _hypernym 01907258 +02508245 _derivationally_related_form 07232988 +00674607 _hypernym 00697589 +10026553 _hypernym 10150071 +12833341 _hypernym 11579418 +08757264 _instance_hypernym 08696931 +09756961 _derivationally_related_form 01774426 +09793352 _hypernym 10345804 +01593763 _derivationally_related_form 01173660 +02058453 _member_meronym 02058747 +04365484 _hypernym 03574816 +02045043 _derivationally_related_form 00342028 +01115162 _derivationally_related_form 02242464 +00978413 _hypernym 00972621 +14603236 _hypernym 15047313 +00861929 _derivationally_related_form 09926088 +09275016 _has_part 09177647 +11779300 _derivationally_related_form 02641201 +00235918 _hypernym 00235368 +14901959 _hypernym 14818238 +02958343 _has_part 04384406 +00396035 _hypernym 00394813 +01928360 _member_meronym 01928517 +09127844 _instance_hypernym 08695539 +04229195 _hypernym 03900509 +04850589 _derivationally_related_form 01549291 +05891783 _hypernym 05888929 +10642151 _hypernym 10633450 +10752093 _hypernym 09630641 +04703235 _hypernym 04702688 +07719213 _hypernym 07707451 +04716210 _hypernym 04715947 +13268146 _hypernym 13265011 +14061462 _derivationally_related_form 00327031 +10768585 _derivationally_related_form 01093172 +09068320 _instance_hypernym 08524735 +09117351 _has_part 03109350 +00652900 _derivationally_related_form 00142665 +12977795 _member_meronym 12978969 +01661818 _hypernym 01661091 +06757057 _hypernym 06756831 +02636516 _derivationally_related_form 00318735 +00890100 _hypernym 00884540 +01177505 _hypernym 02061846 +01612084 _hypernym 01494310 +12114397 _hypernym 12102133 +00721437 _derivationally_related_form 07214432 +06686174 _derivationally_related_form 00890100 +00605511 _hypernym 00586262 +13775093 _hypernym 13757724 +01238424 _hypernym 01237415 +10656488 _hypernym 00007846 +05496990 _has_part 05497363 +01204191 _derivationally_related_form 13523661 +01744611 _verb_group 01698271 +15024240 _hypernym 14888884 +00393677 _derivationally_related_form 14519366 +04635631 _derivationally_related_form 00033574 +00963283 _similar_to 00962634 +02339413 _derivationally_related_form 03294048 +09816771 _derivationally_related_form 02470175 +02065932 _member_meronym 02066086 +04259468 _hypernym 02740764 +02828648 _derivationally_related_form 00811171 +02681795 _also_see 01131473 +01947735 _hypernym 01944692 +01765392 _derivationally_related_form 01151407 +09387222 _derivationally_related_form 01912159 +02862048 _has_part 03879705 +01082454 _synset_domain_topic_of 00471613 +02156532 _derivationally_related_form 01456771 +00247390 _derivationally_related_form 13517843 +08486971 _hypernym 08294696 +02348182 _hypernym 02349212 +00360143 _derivationally_related_form 01321002 +00362659 _hypernym 00362355 +07123552 _hypernym 07120524 +12598247 _member_meronym 12598409 +00110057 _hypernym 00788632 +13273550 _derivationally_related_form 00689673 +10439629 _derivationally_related_form 05974564 +05826914 _derivationally_related_form 02001858 +00093163 _verb_group 00092690 +03286572 _hypernym 03739693 +09068444 _has_part 09069415 +14371161 _derivationally_related_form 00594146 +02127358 _derivationally_related_form 07409592 +08789970 _instance_hypernym 08574314 +09466280 _derivationally_related_form 02903062 +11911591 _member_meronym 11951385 +09126305 _has_part 09129062 +09839167 _hypernym 10351874 +10278128 _hypernym 10332385 +04748836 _derivationally_related_form 00650353 +05946687 _hypernym 04847991 +06872122 _hypernym 07110615 +01535002 _hypernym 01534147 +01253060 _hypernym 00044455 +00928371 _hypernym 00928077 +01220336 _derivationally_related_form 00846509 +00490722 _hypernym 00489837 +05866199 _hypernym 05865998 +07543288 _hypernym 07480068 +08022259 _has_part 08040257 +06541381 _synset_domain_topic_of 08441203 +06721604 _hypernym 06715223 +03031553 _hypernym 14778019 +10656969 _hypernym 10280945 +08860123 _member_of_domain_region 08311933 +01798484 _hypernym 01795088 +11606379 _member_meronym 11606661 +02512808 _hypernym 00650353 +11660979 _member_meronym 11661207 +02594102 _derivationally_related_form 14483917 +01734273 _hypernym 01657723 +10361390 _hypernym 00007846 +01076615 _verb_group 00879356 +01723690 _derivationally_related_form 05929008 +05761559 _derivationally_related_form 00611055 +01186810 _derivationally_related_form 02582042 +00897746 _verb_group 00784342 +02737183 _derivationally_related_form 01835280 +02109818 _derivationally_related_form 13962498 +03219135 _hypernym 03964744 +02807731 _has_part 04553703 +01053339 _derivationally_related_form 01857632 +01564144 _derivationally_related_form 00217014 +01421164 _hypernym 08103777 +05113133 _hypernym 05107765 +00417859 _hypernym 00417397 +10740219 _derivationally_related_form 00896497 +06920756 _hypernym 06906439 +12082764 _hypernym 11556857 +07521674 _hypernym 07519253 +02633534 _derivationally_related_form 06669864 +13247554 _derivationally_related_form 02550868 +06608035 _hypernym 06607339 +01856225 _member_meronym 01856748 +11347080 _instance_hypernym 10515194 +02535909 _member_meronym 02536864 +02068413 _derivationally_related_form 07436100 +02185694 _hypernym 01762525 +04070727 _derivationally_related_form 00371955 +10224098 _derivationally_related_form 06778102 +07581346 _hypernym 07556970 +03984381 _hypernym 04341686 +07199328 _hypernym 07197021 +01977080 _derivationally_related_form 07434209 +12778926 _member_meronym 12781659 +01325060 _hypernym 00015388 +05457469 _has_part 05457795 +01043231 _derivationally_related_form 02395406 +01254013 _derivationally_related_form 13423615 +02310334 _hypernym 02310000 +08791167 _has_part 08915159 +15159583 _hypernym 15155220 +09820044 _derivationally_related_form 02826443 +14645346 _derivationally_related_form 02763520 +01244593 _derivationally_related_form 00038365 +01615457 _hypernym 01586278 +08860123 _member_of_domain_region 10208189 +13296089 _hypernym 13295657 +15146828 _synset_domain_topic_of 00704305 +02325211 _member_meronym 02325884 +00156839 _also_see 00251809 +05980256 _hypernym 05979909 +02348405 _member_meronym 02349730 +02752311 _hypernym 03315023 +04983848 _derivationally_related_form 01501113 +12711984 _has_part 07749731 +02191131 _hypernym 01762525 +01368216 _hypernym 01367772 +14540564 _derivationally_related_form 01323958 +04004475 _hypernym 03699975 +01361261 _hypernym 01355326 +15291199 _hypernym 15290337 +08664443 _derivationally_related_form 01150559 +13496286 _hypernym 13526110 +11807979 _hypernym 11669921 +07386920 _derivationally_related_form 10342543 +13845239 _derivationally_related_form 00393953 +00445940 _derivationally_related_form 11410298 +06884670 _synset_domain_topic_of 08199025 +05700087 _derivationally_related_form 00601043 +02466670 _derivationally_related_form 08163273 +00651991 _derivationally_related_form 07270179 +00849788 _derivationally_related_form 05929008 +02774630 _has_part 04333129 +07786856 _hypernym 07786686 +00032778 _verb_group 00032539 +04568841 _hypernym 03309808 +05704096 _derivationally_related_form 02170427 +13565781 _hypernym 13489037 +02900219 _derivationally_related_form 13724081 +09419281 _instance_hypernym 09411430 +06498569 _has_part 06838543 +00574996 _hypernym 00109660 +14455700 _hypernym 13959931 +14040846 _derivationally_related_form 00211108 +00803617 _hypernym 00407535 +14016361 _derivationally_related_form 00075021 +00942988 _hypernym 00407535 +09034402 _instance_hypernym 08524735 +02677332 _derivationally_related_form 07238102 +02274482 _derivationally_related_form 09810364 +00334356 _derivationally_related_form 02061495 +02657083 _member_meronym 02663352 +07349532 _derivationally_related_form 01901783 +12639168 _hypernym 12638556 +05254795 _derivationally_related_form 00212173 +09458079 _hypernym 09448361 +00297906 _derivationally_related_form 15122231 +00061171 _hypernym 00044455 +12662223 _member_meronym 12662379 +11734872 _hypernym 11571907 +02390470 _hypernym 02449847 +08926231 _instance_hypernym 08524735 +03778600 _hypernym 03081021 +02540255 _hypernym 01429349 +07123012 _derivationally_related_form 01048939 +00818466 _derivationally_related_form 02202928 +14439447 _hypernym 13948136 +01064401 _derivationally_related_form 02596381 +09243769 _derivationally_related_form 00336539 +01352010 _hypernym 01351754 +10063461 _hypernym 09821831 +03441112 _hypernym 03490324 +07491038 _hypernym 07490713 +05772667 _hypernym 05772356 +00060477 _hypernym 00061595 +02874282 _derivationally_related_form 08187837 +11942366 _hypernym 11579418 +00829378 _hypernym 00817680 +12188985 _member_meronym 12190712 +12976672 _hypernym 07992450 +05003090 _derivationally_related_form 01882170 +10407726 _derivationally_related_form 00908621 +01683428 _hypernym 01656813 +08055150 _derivationally_related_form 00967625 +07112550 _derivationally_related_form 00983635 +09798811 _derivationally_related_form 00588881 +04698656 _hypernym 04929422 +08137738 _has_part 08138686 +00839526 _derivationally_related_form 06611376 +09068444 _has_part 09068921 +12391745 _member_meronym 12393527 +02395406 _hypernym 02395003 +10590977 _hypernym 09831962 +12601335 _hypernym 11567411 +07538965 _hypernym 07486628 +00512749 _derivationally_related_form 02468864 +13263779 _synset_domain_topic_of 08441203 +00345926 _derivationally_related_form 02824444 +14361664 _hypernym 14360459 +00255710 _derivationally_related_form 00036178 +05367735 _hypernym 05418717 +05729875 _hypernym 05726596 +00018158 _derivationally_related_form 00324384 +08419984 _hypernym 08054721 +00019613 _derivationally_related_form 00625393 +00684507 _synset_domain_topic_of 05946687 +10067600 _hypernym 09815790 +01938288 _hypernym 01086103 +08836630 _has_part 09160775 +08798382 _instance_hypernym 08574314 +02058994 _derivationally_related_form 00330160 +00155547 _derivationally_related_form 07358985 +01888520 _member_meronym 01894670 +07035870 _hypernym 07035420 +02153709 _hypernym 02131279 +02460199 _derivationally_related_form 10252075 +02513740 _derivationally_related_form 14563564 +02011156 _hypernym 01507175 +09140993 _instance_hypernym 08524735 +04726938 _derivationally_related_form 01258617 +02066086 _member_meronym 02066245 +04687333 _derivationally_related_form 01807882 +14442933 _derivationally_related_form 02646931 +15144178 _hypernym 15266911 +01244895 _hypernym 00217014 +00357332 _derivationally_related_form 13487207 +00858781 _derivationally_related_form 07246036 +10340312 _derivationally_related_form 05718935 +06295235 _member_of_domain_usage 14359459 +02625418 _member_meronym 02626265 +00949134 _derivationally_related_form 01158872 +15101854 _derivationally_related_form 01336159 +08860123 _member_of_domain_region 10765305 +09990777 _hypernym 10694258 +00835903 _derivationally_related_form 14504726 +11439031 _hypernym 11418750 +07938773 _hypernym 00031264 +01685679 _hypernym 01657723 +15212739 _hypernym 15209706 +14376188 _synset_domain_topic_of 06136258 +00154433 _derivationally_related_form 00665886 +01874875 _derivationally_related_form 11447851 +12610186 _member_meronym 12610328 +04760771 _hypernym 04723816 +05103283 _derivationally_related_form 01443021 +05989479 _derivationally_related_form 10706812 +07986066 _hypernym 07975026 +01190364 _hypernym 01187810 +01887576 _hypernym 01835496 +02439286 _hypernym 01864707 +12657940 _hypernym 11585340 +01817314 _derivationally_related_form 14407536 +09207288 _has_part 09021503 +01977701 _derivationally_related_form 07362386 +13024012 _hypernym 12992868 +01173660 _derivationally_related_form 02087745 +00485609 _derivationally_related_form 06373747 +09050730 _has_part 09103943 +07409255 _synset_domain_topic_of 06098195 +00466651 _hypernym 01461328 +01535742 _verb_group 00557686 +00656292 _hypernym 00654885 +08706823 _instance_hypernym 08524735 +01204419 _hypernym 01203676 +14407536 _derivationally_related_form 01817314 +00581671 _hypernym 00109660 +00279235 _derivationally_related_form 01175224 +01134861 _derivationally_related_form 02436349 +02956500 _instance_hypernym 03449564 +02462828 _hypernym 05220461 +04162706 _hypernym 04125853 +10754281 _derivationally_related_form 02567519 +00492706 _derivationally_related_form 10451858 +10716005 _derivationally_related_form 01803003 +01074650 _derivationally_related_form 10112591 +12581381 _member_meronym 12594165 +03004358 _derivationally_related_form 07154330 +02024411 _derivationally_related_form 05113462 +02648106 _derivationally_related_form 11460063 +10325957 _hypernym 10034201 +02052936 _hypernym 01504437 +06414727 _derivationally_related_form 00407146 +02418205 _hypernym 02417504 +04963588 _derivationally_related_form 00103317 +01977701 _hypernym 01850315 +03634469 _instance_hypernym 04078747 +00118066 _derivationally_related_form 05005447 +13898315 _derivationally_related_form 00552619 +09011151 _has_part 09011679 +01003049 _derivationally_related_form 04391838 +08415272 _synset_domain_topic_of 08441203 +00055539 _derivationally_related_form 05171045 +01378123 _hypernym 01378556 +07193596 _hypernym 07193184 +02493666 _derivationally_related_form 06542047 +01795428 _hypernym 01796033 +01058574 _derivationally_related_form 05710573 +08764107 _derivationally_related_form 02959912 +05703429 _derivationally_related_form 02455407 +08755852 _instance_hypernym 09316454 +12737745 _hypernym 11575425 +08083083 _hypernym 08082602 +01941838 _hypernym 01941093 +00789138 _derivationally_related_form 10523076 +04632157 _hypernym 04631700 +01468097 _derivationally_related_form 11418460 +14420954 _hypernym 14418395 +00570066 _has_part 00574227 +03289025 _hypernym 03959936 +02595902 _hypernym 01432517 +10463028 _derivationally_related_form 00596193 +12260208 _member_meronym 12262327 +08456178 _hypernym 08455829 +09452017 _instance_hypernym 09411430 +01935233 _derivationally_related_form 07372779 +01643255 _hypernym 01639765 +13219258 _member_meronym 13219422 +01603418 _derivationally_related_form 14977075 +01015104 _hypernym 01014821 +04783247 _hypernym 04782878 +07118747 _hypernym 07118554 +11668573 _member_meronym 11778391 +02673134 _derivationally_related_form 13897996 +01214786 _hypernym 00435853 +05395098 _hypernym 05395286 +11511176 _hypernym 04682462 +03813704 _hypernym 04197235 +06833663 _hypernym 06828818 +01694620 _derivationally_related_form 02771840 +02729965 _derivationally_related_form 10117017 +03146846 _hypernym 03322940 +03936895 _hypernym 03096593 +01555305 _hypernym 01547832 +13279262 _derivationally_related_form 02253456 +01962223 _member_meronym 01962350 +06078327 _hypernym 06037666 +08045681 _synset_domain_topic_of 00759694 +00582388 _hypernym 00407535 +09197815 _hypernym 09315159 +02581675 _derivationally_related_form 08064523 +12871992 _hypernym 11744583 +13633229 _hypernym 13602526 +00547022 _hypernym 00109660 +02332606 _member_meronym 02332755 +01898129 _also_see 01894758 +06845599 _member_of_domain_usage 03023175 +08382570 _hypernym 08381820 +14051056 _derivationally_related_form 01830042 +08837048 _instance_hypernym 08544813 +11523839 _hypernym 11458624 +01177583 _hypernym 01173826 +00093593 _derivationally_related_form 10246395 +01239619 _derivationally_related_form 07338681 +01629958 _derivationally_related_form 07160296 +09939313 _derivationally_related_form 01092366 +10029269 _hypernym 10605985 +01499692 _hypernym 01494310 +00045639 _verb_group 00038849 +02005778 _hypernym 02004874 +04362025 _derivationally_related_form 01264283 +10682380 _hypernym 09610660 +04199027 _has_part 04444749 +04898208 _derivationally_related_form 09923673 +07366145 _derivationally_related_form 02707125 +01870867 _hypernym 01870275 +04960277 _derivationally_related_form 00280532 +02243461 _derivationally_related_form 13810818 +07803310 _hypernym 07802417 +02766687 _derivationally_related_form 11511523 +07262704 _hypernym 06873571 +02271137 _derivationally_related_form 10216106 +00224901 _hypernym 00126264 +10778148 _hypernym 10111903 +08075647 _hypernym 08149781 +09865954 _hypernym 09777353 +01570744 _derivationally_related_form 10121246 +02030158 _derivationally_related_form 01201021 +00961329 _derivationally_related_form 06762711 +06822198 _hypernym 06820964 +02001858 _derivationally_related_form 10720097 +01545314 _derivationally_related_form 00344942 +02083346 _has_part 02439929 +02348927 _derivationally_related_form 00658627 +08977428 _instance_hypernym 08524735 +07973088 _hypernym 08378819 +12538603 _hypernym 11585340 +08497294 _hypernym 08630985 +00069295 _derivationally_related_form 05327767 +05044822 _derivationally_related_form 02406585 +08012028 _instance_hypernym 08392137 +05896059 _hypernym 05893653 +09812338 _derivationally_related_form 00933420 +00719705 _derivationally_related_form 02392600 +04620216 _has_part 04869569 +04231693 _derivationally_related_form 01974062 +07668215 _hypernym 07580782 +11911591 _member_meronym 11992340 +00304851 _hypernym 00302394 +01232098 _derivationally_related_form 10341955 +00673766 _hypernym 00672433 +06684572 _hypernym 06684383 +01809655 _derivationally_related_form 05071556 +01547459 _hypernym 01504437 +06687701 _derivationally_related_form 00806502 +05912552 _hypernym 06650701 +09005273 _instance_hypernym 08491826 +08412749 _hypernym 08276720 +14181713 _hypernym 14176895 +01179865 _derivationally_related_form 00838367 +00171882 _hypernym 00171618 +01590171 _derivationally_related_form 03932203 +09135993 _instance_hypernym 08524735 +01835087 _member_meronym 01836527 +05695806 _hypernym 05695554 +02451679 _hypernym 02451370 +04718999 _derivationally_related_form 00183053 +07828156 _hypernym 07809368 +01012561 _derivationally_related_form 05826291 +00242583 _derivationally_related_form 02435867 +01524885 _member_meronym 01542567 +04842993 _hypernym 05200169 +13903079 _derivationally_related_form 01466978 +02406916 _derivationally_related_form 10241300 +01033346 _derivationally_related_form 10017272 +12408280 _hypernym 12405714 +01612053 _also_see 00696518 +00290302 _derivationally_related_form 00363260 +03925226 _derivationally_related_form 01003249 +04986883 _derivationally_related_form 00982293 +00064479 _derivationally_related_form 05160796 +13192025 _member_meronym 13196942 +00444629 _verb_group 02060792 +14010636 _derivationally_related_form 00363493 +00348801 _derivationally_related_form 00014201 +06502858 _hypernym 06502378 +02040698 _member_meronym 02040872 +01959985 _hypernym 01955933 +10750188 _synset_domain_topic_of 08087981 +03571155 _derivationally_related_form 01198779 +12583126 _hypernym 12582231 +01450081 _member_meronym 01451524 +00292386 _hypernym 00284798 +13248393 _derivationally_related_form 02208903 +11604904 _member_meronym 11605396 +00649482 _derivationally_related_form 02918271 +01408880 _hypernym 01347199 +11814824 _hypernym 11573660 +03603958 _derivationally_related_form 00777391 +02408217 _hypernym 01864707 +01927301 _member_meronym 01922717 +11793252 _hypernym 11556857 +12378080 _member_meronym 12378249 +05491993 _has_part 05492426 +00597634 _hypernym 00595935 +00114052 _derivationally_related_form 00271879 +11911591 _member_meronym 11926185 +00371955 _derivationally_related_form 13548531 +08929922 _has_part 08940209 +13722060 _hypernym 13716878 +02659176 _hypernym 02658079 +03209666 _synset_domain_topic_of 06128570 +14637507 _hypernym 14622893 +12472024 _hypernym 12425281 +03063073 _hypernym 03147509 +02607455 _derivationally_related_form 06043075 +09145083 _instance_hypernym 08524735 +13333237 _hypernym 13329641 +00223500 _hypernym 00151689 +04962062 _hypernym 04961691 +02153387 _derivationally_related_form 00878052 +01221790 _derivationally_related_form 01789514 +06452601 _has_part 06440937 +12728864 _hypernym 12724942 +05481095 _hypernym 05462674 +11695599 _hypernym 11693981 +12021120 _member_meronym 12022054 +12396255 _member_meronym 12396666 +03606719 _instance_hypernym 04210390 +01570935 _derivationally_related_form 10121246 +15153472 _hypernym 15144371 +02031752 _member_meronym 02032222 +07330666 _hypernym 07330007 +04184701 _hypernym 03932203 +01176079 _hypernym 01166351 +10593115 _derivationally_related_form 01137138 +01021420 _derivationally_related_form 00550282 +02693168 _derivationally_related_form 08617963 +13252062 _hypernym 13246662 +11435028 _hypernym 11449002 +02397637 _hypernym 02391803 +05068080 _derivationally_related_form 02038791 +00270826 _derivationally_related_form 04294212 +08740875 _has_part 08744236 +00575365 _hypernym 00795720 +02389927 _derivationally_related_form 08075388 +01527271 _hypernym 01850315 +12194147 _hypernym 13104059 +03328650 _hypernym 03850746 +02586121 _hypernym 02536557 +10553235 _derivationally_related_form 01917980 +08784104 _has_part 08783583 +12303349 _hypernym 11567411 +10055085 _derivationally_related_form 00776988 +08752814 _instance_hypernym 09316454 +01952750 _derivationally_related_form 04096066 +05780718 _derivationally_related_form 00636574 +13483488 _hypernym 13518963 +01686956 _derivationally_related_form 03931044 +00510189 _hypernym 00509846 +02517202 _derivationally_related_form 00735936 +02039171 _hypernym 02022684 +09593937 _hypernym 09505418 +02694933 _derivationally_related_form 00155487 +09100080 _instance_hypernym 08665504 +08463063 _derivationally_related_form 01437888 +03360845 _derivationally_related_form 01365355 +10073992 _hypernym 10044879 +11480930 _derivationally_related_form 02179518 +02378870 _hypernym 02377703 +02401661 _member_meronym 02404573 +08322981 _hypernym 08324514 +08050678 _member_meronym 08166187 +09133010 _has_part 09133500 +01934207 _member_meronym 01936219 +03192142 _hypernym 03828465 +09044862 _has_part 09071690 +02478469 _hypernym 02478059 +11843709 _hypernym 11573660 +04728068 _derivationally_related_form 00972191 +00338071 _derivationally_related_form 07409121 +01167188 _derivationally_related_form 07556637 +10510078 _hypernym 10509810 +08348091 _hypernym 08339939 +01854519 _hypernym 01854132 +05543177 _hypernym 05595083 +00356621 _derivationally_related_form 01157517 +08806897 _member_of_domain_region 04445154 +11712827 _member_meronym 11713628 +01317916 _hypernym 00015388 +01457852 _hypernym 02528163 +00098083 _hypernym 00022099 +01921559 _hypernym 08107499 +05269901 _hypernym 05286536 +14324274 _hypernym 14322699 +00239024 _hypernym 00235435 +01048466 _derivationally_related_form 00024279 +00146443 _hypernym 00145218 +04018951 _hypernym 04473432 +05457469 _hypernym 05456945 +09761403 _derivationally_related_form 00591006 +02949691 _hypernym 04256993 +12043248 _member_meronym 12043444 +12468081 _hypernym 11561228 +08949093 _has_part 08951278 +07746186 _hypernym 07742704 +00267681 _hypernym 00151689 +08860123 _member_of_domain_region 15166742 +08274923 _hypernym 07965937 +04136997 _hypernym 03118539 +01941704 _hypernym 01941093 +11450869 _hypernym 11499284 +06826407 _synset_domain_topic_of 06128570 +11900058 _member_meronym 11908718 +04443918 _hypernym 02715941 +15109745 _derivationally_related_form 00004605 +00272391 _hypernym 00126264 +01804414 _derivationally_related_form 09931640 +12939479 _has_part 07817871 +00116687 _derivationally_related_form 01375637 +02194495 _hypernym 02194286 +02260959 _synset_domain_topic_of 01090446 +10778345 _hypernym 10111903 +00740342 _hypernym 00739270 +07926127 _hypernym 07901587 +12941360 _hypernym 11585340 +06088995 _synset_domain_topic_of 00004475 +01460785 _hypernym 01460029 +02507337 _member_meronym 02509405 +08248157 _hypernym 08246613 +00836788 _derivationally_related_form 00005041 +00225786 _hypernym 00225593 +00937656 _derivationally_related_form 01551871 +00887463 _derivationally_related_form 04877421 +06084469 _hypernym 06000400 +04665813 _hypernym 04664964 +03239054 _has_part 04368496 +05556071 _hypernym 05555917 +02866578 _hypernym 03305522 +02448754 _member_meronym 02448885 +01549769 _member_meronym 01549886 +05723417 _hypernym 05723210 +14363483 _derivationally_related_form 01551679 +08272352 _hypernym 08198398 +08808292 _instance_hypernym 08803382 +07789541 _hypernym 07775375 +00489837 _derivationally_related_form 00033615 +01535709 _derivationally_related_form 05050668 +06845599 _member_of_domain_usage 03285348 +00837288 _derivationally_related_form 00549284 +07507742 _hypernym 07507098 +00142361 _derivationally_related_form 02760116 +12844697 _member_meronym 12844939 +07400552 _derivationally_related_form 01048171 +00508032 _also_see 00234725 +00266253 _derivationally_related_form 00208210 +01242391 _hypernym 01400044 +12351975 _hypernym 11555413 +14319684 _hypernym 14299637 +02273545 _member_meronym 02274516 +05416198 _derivationally_related_form 00102791 +02628467 _hypernym 01432517 +09714429 _hypernym 09641757 +12851304 _hypernym 11579418 +07009946 _derivationally_related_form 06413889 +01918152 _hypernym 08108972 +01578821 _member_meronym 01579260 +07391240 _derivationally_related_form 01890626 +02829696 _hypernym 04164989 +00279136 _hypernym 00278810 +00512186 _hypernym 00126264 +04838727 _hypernym 04838510 +03249342 _has_part 03921209 +15282696 _derivationally_related_form 02055975 +00013858 _derivationally_related_form 10098092 +04296562 _derivationally_related_form 01711445 +00378361 _derivationally_related_form 00378706 +06264398 _derivationally_related_form 01437888 +14844693 _hypernym 14842992 +00779601 _derivationally_related_form 15274074 +00251064 _derivationally_related_form 13477023 +04036494 _hypernym 03370020 +07739506 _hypernym 07739125 +05714466 _hypernym 05713737 +07212424 _derivationally_related_form 00873682 +02756098 _hypernym 03051540 +00504592 _also_see 01675190 +11441077 _synset_domain_topic_of 06098195 +00589769 _derivationally_related_form 09892693 +00024279 _verb_group 00024047 +13512238 _derivationally_related_form 02979722 +00599835 _derivationally_related_form 00076563 +00336539 _derivationally_related_form 04692908 +01635432 _derivationally_related_form 05632272 +12717072 _hypernym 13109733 +01973125 _hypernym 01850315 +04063373 _derivationally_related_form 01000214 +14931879 _hypernym 14696793 +03666591 _derivationally_related_form 01199881 +07143624 _derivationally_related_form 00877559 +08728268 _instance_hypernym 08524735 +01205696 _derivationally_related_form 07339329 +00595146 _derivationally_related_form 10164233 +00861560 _hypernym 00965871 +00269963 _hypernym 00269258 +00506040 _hypernym 00452512 +01524523 _hypernym 00452512 +00828003 _derivationally_related_form 07243837 +02133297 _hypernym 02132745 +04757522 _derivationally_related_form 00925110 +02389592 _verb_group 02389346 +12792041 _member_meronym 12802987 +08253450 _hypernym 08252602 +01634424 _derivationally_related_form 00931040 +08801364 _has_part 08992181 +05783940 _hypernym 05772356 +01174294 _derivationally_related_form 07654667 +07624924 _hypernym 07624466 +13830305 _hypernym 13827426 +07723559 _hypernym 07723330 +11375418 _instance_hypernym 10467395 +09252766 _instance_hypernym 09328904 +09721444 _hypernym 09686536 +11842204 _hypernym 13084184 +08751317 _instance_hypernym 09316454 +01855343 _member_meronym 01855476 +06947032 _hypernym 06946823 +12054902 _member_meronym 12055073 +04478657 _hypernym 03214253 +10610465 _derivationally_related_form 00014742 +01742726 _derivationally_related_form 09779790 +10694849 _hypernym 09991867 +09113207 _instance_hypernym 08524735 +05562249 _has_part 05596004 +01076863 _hypernym 01076488 +08179879 _derivationally_related_form 02649830 +13487207 _hypernym 13489037 +10307114 _hypernym 09632518 +01624169 _hypernym 01659248 +09952163 _derivationally_related_form 01765392 +12112789 _hypernym 12100538 +05910940 _derivationally_related_form 00794981 +10058155 _derivationally_related_form 01321895 +00990008 _derivationally_related_form 07238694 +15031231 _hypernym 15030481 +00045250 _derivationally_related_form 01649999 +09934921 _derivationally_related_form 01639105 +07440979 _derivationally_related_form 02043982 +01635056 _derivationally_related_form 05634219 +03467984 _has_part 04322026 +00181664 _also_see 00181559 +06584702 _hypernym 06582403 +01519569 _hypernym 01518924 +01924590 _member_meronym 01924916 +04277034 _derivationally_related_form 01542207 +04870643 _derivationally_related_form 10196965 +00398704 _hypernym 00376063 +02109811 _hypernym 02103406 +01724459 _verb_group 01725051 +01179865 _hypernym 01156834 +01822248 _hypernym 01821996 +07524760 _hypernym 07523905 +15211806 _hypernym 15209706 +01137829 _derivationally_related_form 03407369 +00815686 _derivationally_related_form 07199565 +05968971 _derivationally_related_form 00069531 +00596807 _derivationally_related_form 02984104 +00538571 _derivationally_related_form 04253437 +05996646 _derivationally_related_form 00607405 +00044900 _derivationally_related_form 02457058 +11539675 _hypernym 11534677 +02623868 _member_meronym 02625418 +00793037 _derivationally_related_form 09961739 +00590924 _hypernym 00588221 +04941124 _hypernym 04934546 +02287476 _hypernym 01762525 +09156889 _instance_hypernym 08524735 +04694980 _hypernym 04694441 +02027730 _member_meronym 02028175 +02412939 _derivationally_related_form 10007109 +00609236 _hypernym 00606370 +08919475 _instance_hypernym 08524735 +01151110 _derivationally_related_form 00815644 +06855207 _derivationally_related_form 01273016 +02581803 _member_meronym 02581957 +01879928 _hypernym 01880113 +07356489 _synset_domain_topic_of 04194289 +01876843 _member_meronym 01878500 +14506403 _hypernym 14151139 +00205766 _hypernym 00438178 +04620216 _has_part 04660536 +01779340 _hypernym 01759182 +03611590 _hypernym 03054098 +02204585 _member_meronym 02204722 +06356299 _synset_domain_topic_of 06128570 +01542567 _member_meronym 01543817 +01722447 _hypernym 01719302 +03100026 _derivationally_related_form 03947888 +08638442 _hypernym 08633957 +05689249 _hypernym 05686955 +11867525 _member_meronym 11868814 +02733524 _has_part 03615133 +02648253 _hypernym 02679899 +06387980 _has_part 06397903 +08138466 _hypernym 08337324 +11945930 _hypernym 11579418 +01697178 _hypernym 01696633 +08560027 _hypernym 08651247 +00350380 _derivationally_related_form 02064887 +09242037 _instance_hypernym 09411430 +09044862 _has_part 09152944 +03068181 _hypernym 02784218 +02323715 _member_meronym 02326237 +05621808 _hypernym 05621439 +01486312 _derivationally_related_form 05238036 +01101329 _derivationally_related_form 00976653 +14118936 _hypernym 14118138 +00661584 _hypernym 00650353 +02062670 _derivationally_related_form 04742535 +07667151 _derivationally_related_form 00058265 +01048718 _derivationally_related_form 10533983 +00103317 _derivationally_related_form 04112752 +00263231 _derivationally_related_form 01353226 +11274812 _instance_hypernym 10423589 +00574218 _synset_domain_topic_of 06037666 +06427831 _derivationally_related_form 00200397 +00628302 _derivationally_related_form 06590885 +04052757 _has_part 04050600 +02354162 _hypernym 02353861 +09464221 _hypernym 09376526 +05486510 _has_part 05494933 +12423565 _member_meronym 12469372 +13718451 _hypernym 13608788 +01466303 _derivationally_related_form 08376250 +01220984 _hypernym 00407535 +01775535 _derivationally_related_form 07543288 +01898731 _hypernym 05254795 +01365131 _derivationally_related_form 05580929 +09960688 _derivationally_related_form 00888786 +00342028 _derivationally_related_form 02045043 +05789432 _derivationally_related_form 00648977 +10296176 _synset_domain_topic_of 08199025 +02590910 _hypernym 02376958 +08871007 _member_of_domain_region 10064229 +01044533 _derivationally_related_form 10342543 +05998225 _hypernym 05996646 +09099264 _instance_hypernym 08524735 +10195261 _derivationally_related_form 00158996 +01657977 _derivationally_related_form 00912274 +10700201 _derivationally_related_form 01054335 +08971914 _has_part 08972521 +02410855 _derivationally_related_form 09632518 +07011529 _hypernym 07010821 +01628449 _derivationally_related_form 07323922 +01374020 _derivationally_related_form 13761171 +13201239 _hypernym 13167078 +01893535 _hypernym 01862557 +12695975 _hypernym 13104059 +02544960 _hypernym 01432517 +08723006 _instance_hypernym 08700255 +00784533 _derivationally_related_form 01557774 +08915372 _instance_hypernym 08574314 +02213074 _derivationally_related_form 10003283 +02202928 _derivationally_related_form 09984298 +06289250 _has_part 06601973 +01647803 _member_meronym 01648494 +04686388 _hypernym 04686003 +14854262 _hypernym 14853947 +01147060 _derivationally_related_form 01074694 +00281101 _hypernym 00109660 +01913707 _hypernym 01457954 +02159890 _derivationally_related_form 09464486 +00512843 _hypernym 00511817 +01778217 _hypernym 01776705 +00149508 _derivationally_related_form 01595830 +13460568 _derivationally_related_form 00211396 +11015080 _instance_hypernym 09921792 +01478300 _member_meronym 01478511 +02138659 _derivationally_related_form 04677514 +01093380 _hypernym 01093085 +04038727 _hypernym 03391770 +11991993 _hypernym 11579418 +14411981 _hypernym 13932421 +03431570 _hypernym 04190747 +11762433 _hypernym 13104059 +03233905 _hypernym 03094503 +00356648 _derivationally_related_form 04741807 +02067689 _derivationally_related_form 13482330 +09747329 _hypernym 09686536 +00211110 _hypernym 00209943 +02196690 _derivationally_related_form 04993882 +00126721 _derivationally_related_form 01081852 +01727490 _derivationally_related_form 07039238 +00248977 _hypernym 00199130 +00893435 _hypernym 00896141 +06602935 _derivationally_related_form 00931232 +00181476 _derivationally_related_form 02760658 +06608405 _hypernym 06607339 +14821043 _hypernym 14580897 +00071864 _hypernym 00074790 +04559023 _hypernym 03834040 +02037110 _hypernym 02022684 +02255698 _member_meronym 02255855 +02039876 _derivationally_related_form 09265620 +10117511 _derivationally_related_form 02288295 +02191773 _hypernym 02190166 +02588108 _member_meronym 02589955 +14174549 _hypernym 14052046 +01189650 _synset_domain_topic_of 08441203 +00810598 _derivationally_related_form 02283324 +00752764 _derivationally_related_form 07185325 +00677021 _derivationally_related_form 06400510 +02784998 _hypernym 04081844 +02253154 _derivationally_related_form 01120448 +08996871 _member_of_domain_region 08043848 +07157273 _member_of_domain_usage 10753779 +00285889 _derivationally_related_form 02091165 +12248574 _hypernym 12246232 +05190106 _derivationally_related_form 01192510 +06678302 _derivationally_related_form 01747945 +03397532 _derivationally_related_form 01387301 +15079925 _hypernym 14971519 +13558696 _derivationally_related_form 02400378 +03243625 _has_part 04472243 +06777794 _hypernym 06777687 +02519666 _derivationally_related_form 04910377 +00103696 _also_see 00896555 +00583990 _also_see 00344125 +05710860 _hypernym 05708432 +01255648 _hypernym 00545501 +01054227 _derivationally_related_form 02652494 +01673668 _member_meronym 01693472 +01769843 _derivationally_related_form 02586121 +07181043 _hypernym 07180787 +01506157 _derivationally_related_form 00798245 +09148970 _has_part 09151800 +00226618 _derivationally_related_form 04840981 +06547059 _synset_domain_topic_of 08441203 +09938991 _hypernym 10200781 +12381666 _hypernym 11575425 +08396537 _hypernym 08337324 +02235229 _derivationally_related_form 00213052 +01354006 _verb_group 01353405 +00528667 _has_part 00529400 +11536778 _member_meronym 11537327 +11660979 _member_meronym 11663136 +02273545 _member_meronym 02279442 +02846399 _hypernym 03925226 +07420991 _derivationally_related_form 01623027 +06278136 _derivationally_related_form 02176268 +01228877 _derivationally_related_form 00694068 +01646941 _derivationally_related_form 04928416 +01554448 _hypernym 01546921 +00999815 _synset_domain_topic_of 00910203 +02689730 _derivationally_related_form 09409752 +05238036 _hypernym 09257949 +12667406 _hypernym 12651821 +02716767 _derivationally_related_form 08264897 +01830965 _hypernym 01779165 +15252146 _hypernym 15249799 +01710190 _synset_domain_topic_of 00428270 +12558902 _hypernym 11585340 +01528654 _hypernym 01525720 +05167618 _hypernym 04723816 +00921014 _also_see 01896478 +01099436 _derivationally_related_form 02271137 +08135342 _has_part 08135770 +07073208 _derivationally_related_form 00980453 +10841065 _instance_hypernym 09927451 +03074855 _derivationally_related_form 00038365 +09022538 _instance_hypernym 08691669 +08337324 _derivationally_related_form 02991463 +01551871 _derivationally_related_form 04157320 +03112869 _derivationally_related_form 00049669 +01366015 _hypernym 01352059 +00048129 _derivationally_related_form 00640828 +02163183 _derivationally_related_form 04173698 +00853649 _hypernym 00847340 +01876180 _member_meronym 01876535 +12635151 _hypernym 12634211 +06838975 _hypernym 06828818 +09019355 _instance_hypernym 08654360 +02461723 _also_see 00632438 +10735564 _hypernym 00007846 +00481739 _hypernym 00480969 +00636921 _hypernym 00633864 +14868243 _derivationally_related_form 00451838 +01556671 _member_meronym 01557185 +01071632 _verb_group 01071474 +11801392 _hypernym 13100677 +08860123 _member_of_domain_region 02790012 +01477875 _hypernym 01477525 +04274396 _hypernym 03096593 +01256600 _also_see 01259458 +00615887 _hypernym 00614489 +09504915 _derivationally_related_form 00746479 +00152727 _hypernym 00152018 +02988486 _hypernym 03079230 +12096798 _member_meronym 12097013 +09467765 _instance_hypernym 09475292 +13636989 _has_part 13636648 +02147747 _hypernym 01864707 +05794403 _derivationally_related_form 00894738 +03705379 _derivationally_related_form 00777522 +00764902 _hypernym 00805376 +02233767 _hypernym 01762525 +01687569 _derivationally_related_form 04928903 +03390327 _hypernym 02866578 +00318735 _derivationally_related_form 01123415 +03210683 _derivationally_related_form 02294436 +00312648 _derivationally_related_form 13984082 +00500669 _hypernym 00565302 +13730054 _hypernym 13729428 +00099721 _derivationally_related_form 00624738 +09738708 _derivationally_related_form 00410406 +00379588 _hypernym 00379422 +02037272 _also_see 01131043 +01653442 _derivationally_related_form 08060446 +09777012 _derivationally_related_form 02261464 +01130169 _derivationally_related_form 02851099 +15045490 _hypernym 03208229 +07710283 _hypernym 07707451 +00232386 _hypernym 00231567 +02433123 _derivationally_related_form 01137987 +00594836 _derivationally_related_form 10014939 +04550184 _hypernym 03405725 +02102002 _derivationally_related_form 00295701 +10245507 _hypernym 09620078 +01731031 _derivationally_related_form 10599806 +04143140 _hypernym 03163973 +00493460 _also_see 02109678 +10310516 _synset_domain_topic_of 06951067 +07038400 _hypernym 07037465 +08664443 _hypernym 08620061 +00254597 _derivationally_related_form 00037514 +01046480 _hypernym 01046059 +01726960 _member_meronym 01736256 +14845743 _derivationally_related_form 02357873 +03407122 _derivationally_related_form 01137829 +11354001 _instance_hypernym 09807075 +11900058 _member_meronym 11907554 +06717170 _member_of_domain_usage 09680657 +11911591 _member_meronym 11946584 +09194357 _has_part 09464652 +12535820 _member_meronym 12536040 +01630532 _hypernym 00623151 +05060052 _hypernym 05059132 +11940006 _has_part 11940478 +14016114 _hypernym 14015731 +00330160 _hypernym 00279835 +02822579 _has_part 02822399 +01557614 _derivationally_related_form 00007846 +02540255 _member_meronym 02540412 +01079480 _derivationally_related_form 00041188 +00704388 _derivationally_related_form 05705355 +00161739 _derivationally_related_form 00283911 +02672859 _derivationally_related_form 13450636 +00105333 _hypernym 00104868 +13471206 _hypernym 00029677 +01848355 _derivationally_related_form 04789274 +03748162 _hypernym 03953020 +14287408 _hypernym 14298815 +10283037 _hypernym 10001217 +12342043 _member_meronym 12342299 +09044862 _member_of_domain_region 01258719 +06820212 _hypernym 06818970 +00391599 _hypernym 00383606 +01319187 _hypernym 00015388 +02578008 _derivationally_related_form 00751398 +08395298 _synset_domain_topic_of 08199025 +00883297 _derivationally_related_form 10045454 +02354287 _derivationally_related_form 03601638 +01090446 _has_part 01105259 +14379703 _derivationally_related_form 00621058 +09784564 _derivationally_related_form 01702154 +00697062 _derivationally_related_form 00635850 +00752431 _derivationally_related_form 02575082 +00135285 _derivationally_related_form 06880664 +01205156 _hypernym 01202904 +12892226 _member_meronym 12903250 +08701942 _member_of_domain_region 10286282 +11412727 _derivationally_related_form 00126264 +02951843 _hypernym 04191943 +06261922 _hypernym 06261744 +03860882 _derivationally_related_form 01622795 +01324305 _derivationally_related_form 02987454 +13178107 _member_meronym 13178284 +01140654 _hypernym 01072949 +03456024 _hypernym 03206908 +01832381 _hypernym 01507175 +02038993 _hypernym 02022684 +02051270 _derivationally_related_form 15287830 +02043898 _also_see 00986027 +08287586 _hypernym 07965085 +09275473 _has_part 09166534 +14425974 _derivationally_related_form 01489722 +02235321 _hypernym 01759182 +00513597 _synset_domain_topic_of 06951067 +02130524 _also_see 02128653 +01449796 _also_see 00804476 +01593423 _hypernym 01507175 +02592250 _hypernym 02469835 +01963876 _member_meronym 01964271 +02667906 _hypernym 03247620 +10434160 _synset_domain_topic_of 00475787 +08908509 _instance_hypernym 09316454 +00431893 _hypernym 00426928 +03051540 _derivationally_related_form 00047745 +12063414 _hypernym 11556857 +10749353 _hypernym 10582746 +02637592 _derivationally_related_form 03286383 +00407848 _derivationally_related_form 03953743 +09189411 _instance_hypernym 09254614 +06279326 _derivationally_related_form 01032451 +01734884 _derivationally_related_form 04872958 +09920283 _hypernym 09614315 +05892096 _hypernym 05888929 +01158690 _derivationally_related_form 00468236 +14522113 _hypernym 11524662 +09207288 _has_part 09164561 +02623868 _member_meronym 02625132 +00057486 _derivationally_related_form 01113806 +12449784 _hypernym 12449296 +02379528 _derivationally_related_form 07325190 +00544842 _hypernym 00543233 +09164903 _instance_hypernym 08633957 +11512818 _derivationally_related_form 02079933 +12931542 _has_part 07828041 +04248209 _hypernym 03323703 +02584145 _hypernym 02583567 +01056411 _derivationally_related_form 02680814 +13837840 _member_meronym 10020890 +00033020 _derivationally_related_form 02231661 +02424128 _derivationally_related_form 10668450 +08910668 _has_part 08911726 +01754876 _derivationally_related_form 01890626 +14982681 _hypernym 14938907 +13625884 _derivationally_related_form 01174294 +00681613 _hypernym 00693679 +02590340 _derivationally_related_form 08374049 +02034394 _member_meronym 02035210 +00650912 _hypernym 00649482 +04783567 _derivationally_related_form 02498708 +06740402 _hypernym 06740183 +13905405 _hypernym 13904843 +08860123 _member_of_domain_region 15273955 +00554850 _derivationally_related_form 00276601 +00823436 _derivationally_related_form 07206461 +07213717 _hypernym 07213395 +07052291 _has_part 07012534 +01388386 _hypernym 01387786 +09473808 _instance_hypernym 09411430 +00715674 _derivationally_related_form 01329239 +03054551 _derivationally_related_form 14545045 +06855207 _hypernym 06806469 +09003284 _member_of_domain_region 10718665 +11986511 _has_part 07723559 +02627753 _derivationally_related_form 06300193 +04765355 _derivationally_related_form 02647497 +14317221 _hypernym 14315192 +02453889 _derivationally_related_form 01213886 +11949217 _hypernym 11579418 +08615374 _hypernym 08673395 +12466450 _member_meronym 12467592 +01139380 _derivationally_related_form 13343917 +00883297 _has_part 00728849 +06636259 _hypernym 06634376 +13486671 _hypernym 13526110 +14004958 _hypernym 14004572 +00980453 _derivationally_related_form 07069948 +02432983 _hypernym 02430045 +12158148 _member_meronym 12158443 +08565701 _derivationally_related_form 02361600 +01081852 _hypernym 01072949 +00402951 _derivationally_related_form 00303056 +00638981 _also_see 01372049 +10758847 _hypernym 10630188 +02054989 _hypernym 00140967 +12980478 _member_meronym 12980652 +05040275 _hypernym 04916342 +03288225 _hypernym 02979662 +15042542 _derivationally_related_form 01245490 +10200365 _derivationally_related_form 00837288 +10380672 _derivationally_related_form 07072698 +04515129 _hypernym 04341414 +00294884 _derivationally_related_form 13970764 +03149951 _hypernym 00002684 +11881426 _member_meronym 11881742 +01926984 _derivationally_related_form 00293916 +03962525 _hypernym 04341686 +01813499 _derivationally_related_form 07527352 +09025189 _instance_hypernym 08633957 +15022776 _hypernym 14736359 +01835496 _also_see 02072849 +05985602 _has_part 07222050 +01677509 _derivationally_related_form 03258730 +02042342 _hypernym 01507175 +01776313 _derivationally_related_form 02175578 +12854443 _hypernym 11579418 +09976917 _hypernym 09631463 +08064130 _derivationally_related_form 01129876 +01820302 _derivationally_related_form 07491708 +05700087 _derivationally_related_form 01783394 +05259240 _hypernym 05256862 +03677766 _hypernym 03780047 +09871229 _hypernym 10285313 +00655779 _also_see 00684480 +07550369 _hypernym 07546465 +15285279 _hypernym 15278281 +02556014 _member_meronym 02556195 +14324274 _derivationally_related_form 02121511 +02742232 _derivationally_related_form 03242713 +13792692 _hypernym 13792579 +01503952 _derivationally_related_form 07963087 +08924238 _instance_hypernym 08524735 +06285559 _hypernym 06285090 +11780930 _hypernym 13122364 +02292564 _member_meronym 02292692 +07243837 _derivationally_related_form 00828374 +09183971 _derivationally_related_form 10168183 +14343735 _hypernym 14342132 +01936753 _hypernym 01887576 +04417086 _hypernym 04494204 +01738601 _hypernym 01727646 +01203074 _verb_group 01740320 +15211189 _hypernym 15209706 +01115916 _derivationally_related_form 00960851 +00372013 _hypernym 00363260 +03320519 _hypernym 03206718 +02219234 _member_meronym 02219486 +10087434 _synset_domain_topic_of 08199025 +12280886 _member_meronym 12281974 +06708007 _hypernym 06706676 +12596525 _hypernym 11556857 +08753294 _instance_hypernym 08524735 +11927901 _member_meronym 11928352 +10683126 _derivationally_related_form 01960911 +07409592 _derivationally_related_form 01206849 +08998560 _instance_hypernym 08698379 +07289014 _hypernym 07283608 +00986275 _synset_domain_topic_of 00759694 +03350204 _hypernym 02881193 +07246742 _hypernym 06252138 +01408297 _hypernym 01405044 +00661480 _hypernym 00650353 +00490569 _has_part 07474645 +15283097 _derivationally_related_form 00702601 +08860123 _member_of_domain_region 07631212 +09542541 _hypernym 09541919 +00220461 _hypernym 00109660 +08151490 _derivationally_related_form 09982370 +00022316 _hypernym 00019448 +10212501 _derivationally_related_form 00959827 +01578513 _derivationally_related_form 13557158 +00637259 _derivationally_related_form 00301187 +02083038 _member_meronym 02116322 +00053913 _derivationally_related_form 01994442 +01329239 _derivationally_related_form 00715674 +00378479 _derivationally_related_form 02760622 +05061345 _derivationally_related_form 02752567 +08929922 _member_of_domain_region 02805584 +05637558 _derivationally_related_form 00597915 +02294761 _member_meronym 02296150 +02273545 _member_meronym 02274024 +02259547 _derivationally_related_form 10190516 +02641463 _hypernym 02367363 +02763740 _derivationally_related_form 04953954 +15071229 _hypernym 14632648 +00652900 _derivationally_related_form 00006032 +11512818 _derivationally_related_form 00557813 +00255710 _derivationally_related_form 00036362 +00752954 _derivationally_related_form 01104624 +02880008 _hypernym 03398467 +12798041 _hypernym 11585340 +05720248 _derivationally_related_form 02172888 +02058933 _hypernym 01504437 +00235435 _derivationally_related_form 01628449 +07251779 _derivationally_related_form 00858781 +06494816 _hypernym 06481320 +04063373 _hypernym 03294048 +15153787 _has_part 15150013 +01987781 _hypernym 01494310 +04836074 _derivationally_related_form 10060352 +04353803 _derivationally_related_form 02627555 +12500751 _hypernym 12499163 +04471632 _has_part 03283827 +01608508 _derivationally_related_form 00841091 +14500908 _hypernym 13920835 +00132355 _hypernym 00131090 +07452348 _derivationally_related_form 00887463 +00264366 _derivationally_related_form 00171586 +01007924 _verb_group 02752695 +00080456 _derivationally_related_form 10749715 +00306017 _derivationally_related_form 03008275 +05408388 _hypernym 04522421 +01353405 _derivationally_related_form 04159058 +02520669 _hypernym 01429349 +08859173 _instance_hypernym 09316454 +08134807 _has_part 08348400 +08921850 _member_of_domain_region 00936456 +12808227 _member_meronym 12823164 +09084750 _has_part 09085334 +10567401 _derivationally_related_form 01317723 +08991182 _instance_hypernym 09316454 +01137138 _verb_group 02484570 +02577586 _derivationally_related_form 00753685 +11703386 _member_meronym 11704401 +00598502 _hypernym 02222318 +01675963 _derivationally_related_form 09998907 +00361797 _hypernym 00256507 +01576165 _verb_group 01576478 +07157273 _member_of_domain_usage 00784934 +10087736 _synset_domain_topic_of 08441203 +14169364 _hypernym 14074877 +03973628 _hypernym 03623556 +07719437 _hypernym 07709333 +09334396 _derivationally_related_form 01981036 +04876985 _hypernym 04723816 +01164081 _hypernym 01163620 +00783523 _derivationally_related_form 06796642 +00410406 _derivationally_related_form 13429888 +11832671 _hypernym 11832214 +01850135 _hypernym 02053941 +07195404 _synset_domain_topic_of 08441203 +13556509 _derivationally_related_form 00432839 +02401809 _derivationally_related_form 00206927 +02639605 _hypernym 02638596 +01825237 _derivationally_related_form 14038993 +08131530 _hypernym 08123167 +00167934 _verb_group 00384620 +12112488 _hypernym 11556857 +04562122 _hypernym 03790230 +02345272 _also_see 00229630 +10383505 _hypernym 10738515 +02113622 _hypernym 02113430 +09608002 _derivationally_related_form 02486932 +03899768 _derivationally_related_form 02226380 +00528990 _derivationally_related_form 03303965 +01259034 _synset_domain_topic_of 08441203 +01241767 _derivationally_related_form 00896803 +00566298 _hypernym 00566135 +02507337 _member_meronym 02507863 +00848169 _hypernym 00846509 +09934921 _derivationally_related_form 13384877 +02051213 _member_meronym 02054834 +06687883 _hypernym 06687358 +02344785 _hypernym 01864707 +02853218 _derivationally_related_form 01478002 +02696503 _hypernym 02696801 +02295717 _hypernym 01762525 +01623967 _derivationally_related_form 03701640 +02081946 _derivationally_related_form 13894434 +01073241 _derivationally_related_form 02570267 +02744977 _hypernym 02604760 +08340989 _synset_domain_topic_of 08199025 +08999482 _has_part 09001373 +00467451 _derivationally_related_form 01237415 +00156812 _hypernym 00042311 +08280124 _derivationally_related_form 09759501 +11501737 _hypernym 11462526 +01127379 _hypernym 01127019 +00049003 _derivationally_related_form 01720660 +05569053 _has_part 05424963 +01792287 _derivationally_related_form 07506569 +13729428 _has_part 13730189 +01226240 _derivationally_related_form 04868748 +05982915 _derivationally_related_form 00724492 +02581276 _hypernym 02579447 +01741744 _member_meronym 01742310 +00532886 _derivationally_related_form 00261972 +08055150 _derivationally_related_form 02479323 +02463141 _hypernym 02461314 +00524530 _hypernym 00126264 +06782019 _derivationally_related_form 01027668 +07323922 _derivationally_related_form 02624263 +04980656 _hypernym 04980008 +09206985 _derivationally_related_form 02037989 +02327200 _derivationally_related_form 01057200 +02376277 _synset_domain_topic_of 06376154 +10388924 _hypernym 09882007 +00409281 _derivationally_related_form 09863936 +01170962 _derivationally_related_form 01090335 +08330298 _hypernym 08330106 +00920778 _hypernym 00920336 +01364184 _hypernym 01363648 +11736694 _hypernym 11669921 +02220393 _hypernym 01759182 +02595662 _hypernym 02367363 +15167906 _hypernym 15113229 +01323355 _derivationally_related_form 00054628 +12685831 _hypernym 12685431 +15267536 _derivationally_related_form 02426395 +07238694 _has_part 06394701 +10105085 _derivationally_related_form 01654271 +01425983 _hypernym 01342529 +01390123 _hypernym 01389507 +10184290 _derivationally_related_form 02726717 +02724026 _hypernym 00021939 +06264812 _hypernym 06264398 +07339653 _synset_domain_topic_of 08199025 +09909060 _hypernym 09605289 +02428924 _hypernym 02376958 +02574205 _derivationally_related_form 10752719 +01637166 _hypernym 01636397 +02223009 _hypernym 01759182 +01594611 _hypernym 01507175 +02909168 _synset_domain_topic_of 06000644 +06047275 _hypernym 06043075 +00453935 _derivationally_related_form 01140794 +12097180 _hypernym 11567411 +01011031 _derivationally_related_form 06732350 +08723006 _has_part 08728066 +01256157 _derivationally_related_form 00942234 +02701445 _derivationally_related_form 04236001 +06530789 _synset_domain_topic_of 08441203 +02438383 _hypernym 02436349 +05866822 _hypernym 05866653 +03622526 _hypernym 04494204 +07408171 _derivationally_related_form 01135922 +11783162 _hypernym 11779300 +01206553 _hypernym 01206153 +11822557 _hypernym 11565040 +03286383 _hypernym 03932670 +00217773 _hypernym 00217014 +01110880 _hypernym 01105639 +01512625 _hypernym 01512465 +15298283 _instance_hypernym 15113229 +14447816 _hypernym 14447525 +13517843 _hypernym 13497135 +02646985 _hypernym 01429349 +05269901 _has_part 05447599 +04082344 _hypernym 02895606 +05757049 _derivationally_related_form 03139749 +02255567 _hypernym 01759182 +02185007 _member_meronym 02185167 +12863458 _member_meronym 12863624 +02727883 _hypernym 02604760 +12350758 _hypernym 12205694 +10761693 _hypernym 09631463 +01716491 _also_see 02399399 +00123170 _derivationally_related_form 13859043 +02627221 _derivationally_related_form 14633206 +01731353 _derivationally_related_form 06867675 +02071627 _derivationally_related_form 13506587 +01575675 _derivationally_related_form 01051331 +10669727 _hypernym 10099375 +08782627 _hypernym 09316454 +10330189 _derivationally_related_form 02270165 +08723006 _member_of_domain_region 07836456 +07783210 _hypernym 07776866 +01700076 _member_meronym 01705247 +02149297 _member_meronym 02149420 +02352390 _hypernym 01862557 +11092292 _instance_hypernym 10421183 +06760076 _hypernym 06759349 +02313495 _member_meronym 02313709 +00292247 _derivationally_related_form 03365374 +12581381 _member_meronym 12591897 +01478300 _hypernym 01429349 +01737417 _derivationally_related_form 11468172 +08723006 _has_part 08729094 +12150447 _member_meronym 12150969 +09405515 _instance_hypernym 09411430 +09134386 _has_part 09452017 +01246926 _hypernym 01246541 +01357328 _hypernym 01355326 +09638009 _hypernym 09636339 +13169219 _member_meronym 13169674 +09095023 _has_part 09351647 +00925207 _derivationally_related_form 01659248 +06758225 _derivationally_related_form 02576921 +12721357 _member_meronym 12721477 +00766234 _derivationally_related_form 00842989 +01418237 _member_meronym 01418620 +00902932 _derivationally_related_form 06630627 +10516016 _hypernym 10071332 +05161150 _hypernym 05160796 +02263038 _member_meronym 02265177 +08728882 _instance_hypernym 08524735 +01349493 _derivationally_related_form 04606574 +00164816 _derivationally_related_form 10056103 +09129442 _instance_hypernym 08655464 +09752381 _synset_domain_topic_of 05778131 +09879144 _hypernym 10448983 +10461747 _derivationally_related_form 00701040 +11766609 _member_meronym 11769002 +10247358 _hypernym 10129825 +04135710 _hypernym 03958752 +01784427 _member_meronym 01785392 +04906712 _hypernym 04906471 +05126362 _hypernym 05125377 +00435688 _hypernym 00356258 +02568065 _derivationally_related_form 00746587 +05854812 _hypernym 05854150 +01542207 _hypernym 01850315 +08174398 _member_meronym 09039411 +07226330 _hypernym 07225696 +00835903 _derivationally_related_form 07434102 +02545045 _derivationally_related_form 04858785 +05968710 _hypernym 05943300 +04463273 _derivationally_related_form 01582645 +00748515 _hypernym 00748011 +00045240 _hypernym 00044149 +01087197 _derivationally_related_form 04565375 +00417413 _derivationally_related_form 14496193 +12608941 _hypernym 11555413 +01157138 _hypernym 01156899 +01025935 _hypernym 01024190 +13054211 _member_meronym 13054560 +03895585 _hypernym 03895293 +14723425 _synset_domain_topic_of 13516312 +11911591 _member_meronym 11919232 +01684337 _verb_group 01551871 +13386614 _hypernym 13385913 +06535980 _hypernym 07151380 +02387034 _derivationally_related_form 10722385 +06799897 _derivationally_related_form 01582645 +01925372 _derivationally_related_form 14379829 +06464419 _hypernym 06429590 +02638835 _member_meronym 02638960 +09769076 _derivationally_related_form 01165290 +02518990 _hypernym 01432517 +00933566 _hypernym 00126264 +12013811 _member_meronym 12014085 +05706629 _derivationally_related_form 00800930 +00757856 _derivationally_related_form 10007109 +14708720 _hypernym 14940386 +01955984 _hypernym 01841079 +14038264 _derivationally_related_form 02137806 +02015554 _hypernym 02014941 +05908520 _derivationally_related_form 00706975 +09759875 _hypernym 09977660 +02611442 _derivationally_related_form 09646432 +00043480 _derivationally_related_form 03916470 +13712428 _hypernym 13603305 +02490634 _derivationally_related_form 10020366 +09144117 _instance_hypernym 08524735 +11418138 _derivationally_related_form 02594102 +05767733 _derivationally_related_form 01636397 +00777522 _hypernym 00776523 +09877587 _derivationally_related_form 01315333 +13452347 _hypernym 13491616 +02352591 _hypernym 02329401 +01289830 _instance_hypernym 01075117 +09381480 _synset_domain_topic_of 06095022 +08567235 _derivationally_related_form 01467370 +11766609 _member_meronym 11775780 +11964269 _hypernym 11579418 +02277897 _synset_domain_topic_of 00766234 +04159676 _hypernym 03632277 +03857828 _has_part 02985137 +01183798 _synset_domain_topic_of 08441203 +03055670 _hypernym 02968473 +12299988 _member_meronym 12309403 +02011040 _hypernym 02009433 +00298161 _derivationally_related_form 10718131 +07348545 _hypernym 07352190 +02020027 _derivationally_related_form 10443170 +00710005 _derivationally_related_form 01008378 +12784543 _member_meronym 12784738 +08761039 _instance_hypernym 09388848 +02041678 _hypernym 02041246 +02595662 _derivationally_related_form 01964367 +13023292 _member_meronym 13024763 +00716777 _hypernym 00671351 +08563180 _instance_hypernym 08574314 +02363818 _member_meronym 02363996 +01158690 _derivationally_related_form 00467717 +07354731 _derivationally_related_form 01111028 +05804491 _derivationally_related_form 00671335 +03073977 _has_part 04182708 +08183398 _derivationally_related_form 01524298 +00112312 _derivationally_related_form 01447632 +07723039 _hypernym 07707451 +00964478 _hypernym 00962447 +00695523 _derivationally_related_form 02706816 +03560430 _hypernym 03547054 +13784906 _synset_domain_topic_of 06090869 +00684988 _hypernym 00671351 +02651424 _derivationally_related_form 01210816 +02618149 _verb_group 02616713 +01716882 _derivationally_related_form 07018931 +00846509 _derivationally_related_form 06718543 +00388392 _hypernym 00385791 +00364868 _verb_group 00366547 +08191230 _synset_domain_topic_of 08199025 +01693453 _hypernym 01690294 +03824284 _hypernym 02954340 +11428023 _derivationally_related_form 02768431 +00138508 _derivationally_related_form 13858604 +01485801 _member_meronym 01486010 +00058519 _hypernym 00042757 +02353709 _member_meronym 02354320 +00038849 _derivationally_related_form 05256862 +09933098 _hypernym 10284064 +10166394 _hypernym 09625789 +08616050 _hypernym 08598301 +08817630 _has_part 08818135 +14875077 _derivationally_related_form 02237024 +02679012 _derivationally_related_form 04728068 +09608709 _derivationally_related_form 02547586 +02322596 _derivationally_related_form 10663315 +00489837 _derivationally_related_form 05855125 +10837918 _instance_hypernym 09921792 +13518656 _hypernym 13448334 +03779621 _hypernym 04157320 +13145040 _hypernym 13144794 +00794367 _derivationally_related_form 02531625 +08860123 _member_of_domain_region 10508141 +00327683 _derivationally_related_form 01973125 +15231964 _has_part 15233411 +00250710 _derivationally_related_form 00400883 +03826945 _hypernym 03570838 +03590306 _hypernym 04605726 +01391933 _hypernym 08107499 +02079933 _derivationally_related_form 06251781 +00472992 _derivationally_related_form 02760622 +01767199 _member_meronym 02159955 +01626844 _derivationally_related_form 09900499 +02356108 _member_meronym 02355477 +02639606 _derivationally_related_form 10197967 +07361416 _hypernym 07361128 +01807701 _hypernym 01507175 +01707925 _synset_domain_topic_of 05718556 +01966861 _also_see 00616498 +00791227 _derivationally_related_form 02539334 +00406243 _derivationally_related_form 14031523 +02689730 _derivationally_related_form 09409512 +13000372 _member_meronym 13006377 +13172107 _member_meronym 13175484 +01384491 _hypernym 01326291 +07106502 _hypernym 07105475 +01114303 _derivationally_related_form 00089027 +09868270 _hypernym 09855630 +08794798 _has_part 04408330 +09712696 _hypernym 09641757 +08095647 _derivationally_related_form 09682803 +05529729 _has_part 05349906 +00567291 _hypernym 01356750 +02263982 _derivationally_related_form 09305031 +00380698 _hypernym 00380424 +01767949 _derivationally_related_form 01282014 +14058252 _hypernym 14052403 +00874067 _derivationally_related_form 00670261 +00727991 _derivationally_related_form 07237758 +07377473 _derivationally_related_form 02182479 +02059462 _derivationally_related_form 00555648 +02422663 _derivationally_related_form 10525134 +01845272 _member_meronym 01860337 +02724126 _derivationally_related_form 03047941 +03458961 _hypernym 04339291 +10186350 _derivationally_related_form 00918383 +08196230 _has_part 02688895 +06825863 _hypernym 06825399 +10201535 _derivationally_related_form 00838043 +01926840 _hypernym 01921559 +08414381 _derivationally_related_form 10396106 +02298471 _derivationally_related_form 01113068 +03008275 _derivationally_related_form 00306017 +08831004 _member_of_domain_region 10682169 +06691989 _derivationally_related_form 00034115 +01826723 _derivationally_related_form 04848262 +06609909 _hypernym 06607339 +01992503 _derivationally_related_form 00282050 +08512736 _derivationally_related_form 01467370 +14446878 _derivationally_related_form 02507736 +08926681 _instance_hypernym 09472597 +11871294 _hypernym 11575425 +02887489 _has_part 04333500 +00575970 _derivationally_related_form 15055633 +00332672 _verb_group 00334803 +01993352 _hypernym 01992503 +00906735 _synset_domain_topic_of 08441203 +04072811 _derivationally_related_form 00025654 +11684264 _hypernym 09257949 +00636279 _hypernym 00634906 +12476036 _member_meronym 12476510 +02670890 _verb_group 02541251 +00798108 _hypernym 00432689 +01448165 _hypernym 01432517 +00486018 _derivationally_related_form 00455348 +02384940 _also_see 02486693 +14526764 _hypernym 13920835 +11600372 _hypernym 11596108 +15177866 _has_part 15214419 +03302121 _hypernym 00021939 +08174398 _has_part 08175498 +11890329 _hypernym 11575425 +01006239 _derivationally_related_form 10564660 +01199697 _synset_domain_topic_of 08441203 +02041492 _hypernym 01507175 +01854223 _member_meronym 01855032 +12100538 _member_meronym 12108742 +03248560 _has_part 04013993 +13471815 _hypernym 13466586 +07161429 _hypernym 07160883 +02544348 _derivationally_related_form 00796315 +04321238 _derivationally_related_form 01329239 +14631295 _hypernym 14625458 +09044862 _member_of_domain_region 07623933 +00187147 _hypernym 00515154 +11778534 _member_meronym 11790239 +03076708 _hypernym 00021939 +12505032 _member_meronym 12505253 +05332802 _has_part 05247178 +08766667 _instance_hypernym 08633957 +10784544 _hypernym 10625860 +13459322 _hypernym 05701738 +00358431 _derivationally_related_form 09994943 +12671157 _member_meronym 12673755 +07400906 _derivationally_related_form 01879251 +00345641 _hypernym 00342028 +00506207 _hypernym 00502415 +02457585 _derivationally_related_form 01142324 +00556193 _derivationally_related_form 00509377 +06254007 _derivationally_related_form 00968211 +10336537 _hypernym 10009671 +10458111 _hypernym 10708454 +12512947 _hypernym 11585340 +14992287 _derivationally_related_form 01360899 +05998052 _hypernym 05996646 +01471954 _derivationally_related_form 15152261 +01074694 _derivationally_related_form 02557199 +00595032 _derivationally_related_form 10296176 +14575180 _derivationally_related_form 00436668 +03933529 _derivationally_related_form 01305361 +01797730 _hypernym 01790020 +00595333 _hypernym 00586262 +13453160 _derivationally_related_form 00370412 +11788382 _hypernym 11779300 +02061073 _hypernym 01507175 +02364448 _derivationally_related_form 01767949 +11928858 _hypernym 11928549 +14344189 _hypernym 14343597 +07161741 _derivationally_related_form 00879764 +15274074 _derivationally_related_form 00779360 +13902048 _hypernym 13864153 +01227137 _also_see 02588099 +10276477 _derivationally_related_form 00657016 +07606764 _hypernym 07597365 +07205946 _hypernym 07204401 +00283568 _derivationally_related_form 01912893 +05892651 _derivationally_related_form 00755745 +01199035 _derivationally_related_form 02578008 +04706087 _hypernym 05017458 +05682950 _derivationally_related_form 02678438 +10764128 _hypernym 10006842 +04153751 _derivationally_related_form 01353169 +01613463 _derivationally_related_form 01179707 +01904293 _derivationally_related_form 09281777 +00589948 _hypernym 00586262 +11849017 _member_meronym 11849271 +02134589 _member_meronym 02138323 +05140793 _hypernym 05139561 +10582154 _derivationally_related_form 02540670 +00854876 _hypernym 00854717 +09960545 _derivationally_related_form 13885370 +06486405 _hypernym 00722479 +00320852 _derivationally_related_form 00187526 +12624249 _hypernym 11585340 +01411085 _derivationally_related_form 01160729 +02261888 _hypernym 02234087 +02034986 _derivationally_related_form 14213328 +02411427 _member_meronym 02411705 +02048051 _derivationally_related_form 09843824 +09277279 _instance_hypernym 09452395 +12532168 _has_part 12532564 +02735897 _derivationally_related_form 01207609 +01967634 _hypernym 01967373 +01987160 _derivationally_related_form 05074774 +01391280 _derivationally_related_form 13875970 +01635432 _derivationally_related_form 05936704 +01823528 _hypernym 00126264 +00292368 _hypernym 00291873 +02205896 _member_meronym 02214972 +00472230 _hypernym 00471711 +09899782 _hypernym 10752093 +01899360 _also_see 00311663 +04894552 _hypernym 04894037 +02628832 _hypernym 02627934 +01203676 _derivationally_related_form 02542280 +01918669 _derivationally_related_form 09988703 +00929839 _derivationally_related_form 05920791 +02551824 _member_meronym 02547213 +13985818 _hypernym 07480068 +10625860 _derivationally_related_form 05978812 +05126849 _synset_domain_topic_of 07020895 +05988282 _hypernym 05809192 +02279772 _derivationally_related_form 00951626 +02479154 _derivationally_related_form 01139000 +04833458 _derivationally_related_form 01112573 +14094881 _hypernym 14084880 +01742244 _derivationally_related_form 13902048 +01934207 _member_meronym 01935012 +04182708 _derivationally_related_form 02362601 +00610010 _derivationally_related_form 05651399 +01765392 _derivationally_related_form 13970764 +08511777 _synset_domain_topic_of 06057539 +02265860 _member_meronym 02266050 +15239292 _hypernym 15113229 +02589013 _derivationally_related_form 01140839 +04011827 _has_part 02848523 +00367976 _derivationally_related_form 02689299 +02558172 _hypernym 02452885 +14668539 _hypernym 14662574 +00191980 _derivationally_related_form 01457954 +10034020 _synset_domain_topic_of 08199025 +01707306 _synset_domain_topic_of 05718556 +02425393 _member_meronym 02425532 +11911274 _member_meronym 12168126 +10624310 _derivationally_related_form 00546389 +00718815 _derivationally_related_form 00082929 +01658762 _derivationally_related_form 09975425 +14842992 _derivationally_related_form 01292727 +08981244 _instance_hypernym 08544813 +01399772 _member_meronym 01400575 +00063557 _hypernym 00203866 +13624026 _hypernym 13616054 +08723006 _member_of_domain_region 07571547 +01456463 _derivationally_related_form 03045074 +00103317 _derivationally_related_form 13003522 +12745160 _member_meronym 12745564 +13727478 _has_part 13727333 +01849221 _derivationally_related_form 00280853 +09624168 _hypernym 00007846 +00595630 _derivationally_related_form 01374582 +15293590 _derivationally_related_form 01097500 +01194331 _hypernym 01181475 +14547976 _hypernym 14547643 +01974399 _member_meronym 01996392 +01640855 _derivationally_related_form 00035189 +00303297 _hypernym 00302394 +01239494 _hypernym 01231252 +10053808 _hypernym 09632518 +13793776 _derivationally_related_form 02677332 +02707344 _derivationally_related_form 02619839 +06420219 _hypernym 06418901 +02494538 _member_meronym 02494866 +08388207 _member_meronym 09807754 +06851742 _member_of_domain_usage 07910656 +10257221 _derivationally_related_form 02421374 +01147060 _derivationally_related_form 00562398 +02517202 _derivationally_related_form 00732746 +01199697 _hypernym 01184814 +00736219 _synset_domain_topic_of 08441203 +10395605 _derivationally_related_form 06413889 +10764296 _derivationally_related_form 02017149 +03429288 _hypernym 03733925 +05950234 _hypernym 06201908 +11911591 _member_meronym 11956208 +01126846 _derivationally_related_form 00954086 +00640828 _verb_group 00949288 +11595312 _member_meronym 11605708 +06844199 _derivationally_related_form 01004403 +04566561 _hypernym 03764276 +00135952 _derivationally_related_form 01230555 +01900408 _derivationally_related_form 07317519 +01634891 _hypernym 01626600 +07157273 _member_of_domain_usage 06611998 +08860123 _member_of_domain_region 07795317 +07445480 _derivationally_related_form 01968569 +02709906 _derivationally_related_form 00612652 +00986938 _derivationally_related_form 01134238 +01622596 _member_meronym 01623880 +01793933 _derivationally_related_form 14403772 +07749582 _hypernym 07747055 +01902783 _derivationally_related_form 11465017 +01208460 _derivationally_related_form 02000133 +12584057 _hypernym 11556857 +02286687 _hypernym 02285629 +08128159 _hypernym 08123696 +02677718 _has_part 03613592 +09933020 _hypernym 09877951 +00342755 _derivationally_related_form 02046755 +12392943 _member_meronym 12393269 +10185148 _derivationally_related_form 01811441 +09896826 _derivationally_related_form 00808671 +01804340 _hypernym 01507175 +09372504 _has_part 08735705 +02107588 _derivationally_related_form 10020031 +07331400 _derivationally_related_form 01557774 +01330269 _hypernym 01329239 +01430111 _also_see 00111129 +11905749 _hypernym 11669921 +02129165 _hypernym 02127808 +06420781 _hypernym 06418693 +12838027 _member_meronym 12854925 +08709038 _instance_hypernym 08574314 +02807731 _has_part 04209613 +01450281 _member_meronym 01450453 +00926472 _derivationally_related_form 06748969 +12433429 _hypernym 13134059 +12610933 _member_meronym 12612913 +10168183 _hypernym 09629246 +11637015 _hypernym 11636566 +01345109 _also_see 01587062 +09031653 _has_part 09032483 +10090498 _derivationally_related_form 02248465 +01458464 _derivationally_related_form 13534274 +03058107 _derivationally_related_form 01264283 +13401013 _hypernym 13287984 +11126783 _instance_hypernym 10536416 +01699539 _derivationally_related_form 06399995 +01437805 _member_meronym 01446283 +01106587 _derivationally_related_form 01949674 +08860123 _member_of_domain_region 07722485 +02433796 _member_meronym 02433925 +05195362 _derivationally_related_form 00765649 +11190183 _instance_hypernym 10794014 +02691156 _has_part 03530910 +09898346 _hypernym 10029068 +00235918 _derivationally_related_form 06807198 +00225593 _derivationally_related_form 01569181 +01870867 _derivationally_related_form 10605088 +03135152 _hypernym 03282591 +00128477 _synset_domain_topic_of 00471613 +00908351 _derivationally_related_form 07252206 +01688771 _synset_domain_topic_of 00933420 +06356299 _hypernym 05856388 +09636890 _hypernym 07967982 +09057311 _instance_hypernym 08655464 +13248087 _derivationally_related_form 02201521 +01541386 _hypernym 01529672 +09275473 _has_part 08967868 +01116026 _hypernym 01113068 +11754633 _member_meronym 11754893 +04893787 _derivationally_related_form 02269143 +00948071 _derivationally_related_form 05121418 +08714795 _instance_hypernym 08524735 +02570267 _derivationally_related_form 01073241 +09731571 _hypernym 09738400 +01157384 _derivationally_related_form 01087559 +01211098 _hypernym 01226215 +00903385 _derivationally_related_form 10399299 +10658304 _derivationally_related_form 13367070 +00099721 _verb_group 00100551 +02507464 _derivationally_related_form 00623862 +00571643 _also_see 00191603 +13641534 _hypernym 13640050 +00364297 _derivationally_related_form 01062997 +05529159 _hypernym 05303402 +10670668 _derivationally_related_form 02556817 +00345149 _derivationally_related_form 01593763 +03080309 _hypernym 13910384 +02865665 _hypernym 04153751 +07321517 _hypernym 07321247 +13903855 _synset_domain_topic_of 06000644 +00286360 _synset_domain_topic_of 00445802 +12202352 _member_meronym 12204925 +12099556 _member_meronym 12099803 +15183802 _hypernym 15183428 +01578341 _member_meronym 01578575 +01567530 _member_meronym 01567678 +11737534 _hypernym 11672400 +01906823 _derivationally_related_form 00283568 +12449024 _member_meronym 12449296 +00898518 _hypernym 00407535 +00266634 _derivationally_related_form 05032351 +02244396 _hypernym 01762525 +13307901 _derivationally_related_form 02241107 +11398344 _instance_hypernym 10084635 +01385920 _hypernym 02304982 +12720893 _member_meronym 12721122 +01369663 _also_see 02034828 +12172481 _hypernym 12170585 +00046534 _verb_group 00043683 +03205760 _hypernym 04037625 +05039709 _derivationally_related_form 00025728 +00647270 _hypernym 00646833 +07208000 _derivationally_related_form 01506157 +08812399 _instance_hypernym 08803382 +11633633 _hypernym 11630890 +14857497 _hypernym 14856263 +00860136 _hypernym 00859153 +03497657 _derivationally_related_form 10162354 +04240097 _derivationally_related_form 02683419 +10710632 _hypernym 00007846 +07144190 _derivationally_related_form 00944548 +02451679 _synset_domain_topic_of 06084469 +10150071 _derivationally_related_form 02456031 +00599472 _hypernym 00586262 +01773549 _hypernym 01772222 +13290991 _hypernym 13290676 +00878348 _derivationally_related_form 04913839 +01998019 _member_meronym 01998920 +10221777 _derivationally_related_form 01678685 +09196611 _has_part 09463721 +05259240 _derivationally_related_form 01223616 +00208277 _hypernym 00206302 +09044862 _member_of_domain_region 01178415 +03351768 _hypernym 03106110 +02125641 _hypernym 02123903 +01992935 _member_meronym 01993065 +01985797 _has_part 07788885 +01183166 _hypernym 01182654 +09505153 _hypernym 09623038 +01730384 _derivationally_related_form 01255935 +10728998 _derivationally_related_form 01195299 +10644839 _synset_domain_topic_of 08199025 +03746574 _derivationally_related_form 02749778 +12760875 _hypernym 13112664 +13631512 _has_part 13630864 +02256365 _member_meronym 02256882 +02539752 _hypernym 01432517 +05392744 _hypernym 05303402 +12104943 _member_meronym 12105125 +06295235 _member_of_domain_usage 06630627 +00768062 _hypernym 00989201 +02645007 _derivationally_related_form 06807198 +08848731 _member_of_domain_region 08283180 +04160586 _derivationally_related_form 01943153 +00732552 _derivationally_related_form 05703429 +10027590 _derivationally_related_form 02537812 +05805475 _derivationally_related_form 00588221 +00038365 _derivationally_related_form 03075097 +00379422 _derivationally_related_form 01328705 +01886728 _hypernym 01887576 +01030397 _hypernym 02449340 +13573181 _hypernym 13526110 +01948446 _hypernym 01945845 +05698247 _derivationally_related_form 00687295 +06998748 _hypernym 06873252 +12835196 _hypernym 11579418 +00321956 _hypernym 00320852 +01178415 _synset_domain_topic_of 06155567 +08860123 _member_of_domain_region 09830400 +02142775 _hypernym 02140033 +02913152 _has_part 03509025 +01702514 _derivationally_related_form 10444194 +02923745 _derivationally_related_form 09713501 +07196075 _derivationally_related_form 00808855 +02494850 _hypernym 01119169 +03612814 _derivationally_related_form 00328128 +04473432 _hypernym 03315023 +14554011 _hypernym 14096724 +09756400 _derivationally_related_form 11420376 +05799952 _hypernym 05799212 +00757080 _hypernym 00745005 +12727960 _hypernym 12725521 +00830761 _hypernym 00829107 +00923793 _derivationally_related_form 03150795 +15280497 _derivationally_related_form 01929254 +01449053 _hypernym 01448100 +04592099 _has_part 04184095 +02298833 _hypernym 01762525 +01803936 _derivationally_related_form 00158185 +02186153 _hypernym 02159955 +03600806 _hypernym 03030663 +12090318 _hypernym 11562747 +09039411 _member_meronym 09734885 +01179167 _hypernym 01177703 +14291561 _derivationally_related_form 00414823 +01494310 _derivationally_related_form 08623927 +07477945 _derivationally_related_form 01989053 +02416278 _verb_group 02416751 +00755863 _derivationally_related_form 02519494 +00746479 _derivationally_related_form 05981768 +01415393 _hypernym 01388130 +07214432 _derivationally_related_form 00933821 +10737431 _derivationally_related_form 01284271 +06074860 _hypernym 06078724 +01150467 _derivationally_related_form 00172732 +01970125 _hypernym 01968569 +01746605 _derivationally_related_form 00591519 +00104147 _hypernym 01547001 +05329215 _has_part 05532944 +06762711 _derivationally_related_form 00961586 +07577538 _hypernym 07577374 +05230357 _synset_domain_topic_of 06063588 +01496630 _hypernym 01494310 +11911591 _member_meronym 11944569 +10428004 _hypernym 10560637 +12011067 _member_meronym 12012111 +10597091 _hypernym 10596899 +03747508 _hypernym 02718469 +10240082 _derivationally_related_form 00594621 +07123870 _derivationally_related_form 00862225 +10117739 _derivationally_related_form 00046151 +02647497 _synset_domain_topic_of 06057539 +00079212 _derivationally_related_form 02256998 +00921014 _also_see 02131072 +00458276 _hypernym 00126264 +05001482 _derivationally_related_form 00988232 +02870092 _has_part 02840619 +09211266 _has_part 09292545 +10298912 _derivationally_related_form 02447001 +06222959 _hypernym 06186301 +00849080 _derivationally_related_form 06716234 +13575226 _hypernym 13498404 +00992518 _derivationally_related_form 06632097 +07384898 _hypernym 07387509 +05473104 _synset_domain_topic_of 06057539 +00956250 _derivationally_related_form 05817845 +09866922 _derivationally_related_form 02242049 +04243727 _synset_domain_topic_of 03082979 +07042735 _hypernym 07050619 +01542567 _member_meronym 01543508 +07334206 _hypernym 07330007 +02115430 _derivationally_related_form 10613996 +06576265 _hypernym 06568978 +00589691 _hypernym 00586262 +02509287 _hypernym 02510337 +05967402 _derivationally_related_form 10191388 +00307568 _derivationally_related_form 14008567 +01131902 _derivationally_related_form 02867715 +08860123 _member_of_domain_region 10356877 +09633969 _hypernym 09831962 +02048514 _member_meronym 02048698 +05777439 _derivationally_related_form 02910789 +09139380 _instance_hypernym 08665504 +01704236 _derivationally_related_form 00545501 +00125841 _derivationally_related_form 07423365 +02525866 _member_meronym 02526486 +00380568 _hypernym 00378985 +02613181 _hypernym 02612657 +01803003 _derivationally_related_form 10716005 +00672433 _derivationally_related_form 10066732 +02654425 _hypernym 02652668 +07313636 _derivationally_related_form 00069879 +02530167 _also_see 02531625 +05596004 _has_part 05275466 +12631331 _hypernym 13118707 +01888295 _hypernym 01831531 +10677713 _derivationally_related_form 02554922 +07453195 _derivationally_related_form 02390470 +02505606 _derivationally_related_form 02855793 +02141306 _hypernym 02139199 +00847340 _derivationally_related_form 01428853 +12959967 _member_meronym 12960211 +07571547 _hypernym 07571324 +01305361 _derivationally_related_form 03933529 +01576165 _derivationally_related_form 07801091 +08338847 _hypernym 08337324 +13305510 _hypernym 13303315 +09691279 _hypernym 09620078 +09111955 _instance_hypernym 08524735 +11449907 _derivationally_related_form 00506040 +05496990 _has_part 05229990 +10131515 _hypernym 10154186 +02344381 _similar_to 02341266 +12562141 _hypernym 13112664 +11911591 _member_meronym 11925720 +02047650 _derivationally_related_form 13878112 +06102865 _hypernym 05989479 +00373766 _derivationally_related_form 00668112 +00578993 _hypernym 00208836 +07882497 _derivationally_related_form 01666131 +02587239 _hypernym 02587084 +00217773 _derivationally_related_form 01566185 +02155799 _verb_group 02155493 +02665803 _derivationally_related_form 07993109 +05331171 _has_part 05490983 +08401554 _derivationally_related_form 00908621 +00408085 _hypernym 02339413 +02253766 _hypernym 02529284 +01989720 _derivationally_related_form 10612803 +02523275 _also_see 02094755 +05648459 _derivationally_related_form 01140514 +00770270 _hypernym 00766234 +11983160 _member_meronym 11983375 +10421183 _hypernym 09681351 +00750405 _derivationally_related_form 10437262 +11746776 _member_meronym 12501035 +02257149 _hypernym 01762525 +08860123 _member_of_domain_region 10745894 +02624263 _hypernym 02623529 +02430929 _member_meronym 02431122 +05992274 _synset_domain_topic_of 06080522 +06260121 _derivationally_related_form 01435380 +02704461 _derivationally_related_form 13841651 +06713187 _derivationally_related_form 00824292 +00424869 _hypernym 00422090 +01203234 _hypernym 01183573 +06878934 _hypernym 06877078 +02034828 _also_see 01878466 +12501745 _member_meronym 12550968 +02869249 _hypernym 03915437 +00462092 _derivationally_related_form 01070892 +07156819 _hypernym 07109196 +09996920 _derivationally_related_form 00591725 +05393230 _has_part 05392348 +04552696 _synset_domain_topic_of 08199025 +12060546 _hypernym 12041446 +06845599 _member_of_domain_usage 03662016 +03448590 _hypernym 02740764 +09044862 _member_of_domain_region 02102605 +02727883 _verb_group 02242464 +04544979 _derivationally_related_form 01904930 +04817923 _derivationally_related_form 01848355 +01195867 _has_part 01198750 +01684180 _synset_domain_topic_of 00933420 +09119277 _instance_hypernym 08638442 +11854760 _member_meronym 11856389 +01255222 _verb_group 01255355 +02649830 _derivationally_related_form 03259505 +02157399 _derivationally_related_form 14555214 +11045106 _instance_hypernym 10214637 +02083615 _derivationally_related_form 10557854 +02888569 _derivationally_related_form 01218791 +05540513 _has_part 05274590 +14879750 _hypernym 14879605 +00329495 _hypernym 00328802 +09191875 _instance_hypernym 09411430 +06677302 _derivationally_related_form 01745722 +00907800 _derivationally_related_form 01068633 +00116376 _derivationally_related_form 01455866 +00783199 _derivationally_related_form 01471825 +07884567 _hypernym 03248958 +00939818 _hypernym 00939628 +12505253 _hypernym 13100677 +02912440 _derivationally_related_form 02188848 +12411710 _hypernym 12411084 +02520147 _hypernym 02517442 +00367685 _hypernym 00467451 +02429810 _hypernym 00752764 +02000133 _derivationally_related_form 01208460 +07066459 _hypernym 07059255 +03058754 _derivationally_related_form 08756884 +01770553 _member_meronym 01770795 +01942724 _hypernym 01939598 +06715927 _hypernym 06714976 +08860123 _member_of_domain_region 07677860 +01799794 _derivationally_related_form 00273449 +15049594 _derivationally_related_form 01541803 +12283981 _hypernym 11573173 +06672297 _derivationally_related_form 00871195 +02066939 _also_see 02072159 +04540761 _hypernym 02991048 +03954731 _hypernym 03489162 +02404186 _hypernym 02402425 +08713772 _instance_hypernym 09388848 +02888569 _hypernym 04359589 +01353670 _derivationally_related_form 04238321 +02624263 _derivationally_related_form 00240184 +01703613 _derivationally_related_form 06381372 +02471327 _derivationally_related_form 10512201 +06825273 _member_meronym 06825399 +09044862 _has_part 09133010 +07229747 _derivationally_related_form 00857517 +01624568 _hypernym 01659248 +01628302 _derivationally_related_form 01793177 +02218371 _hypernym 02206270 +12443144 _member_meronym 12443323 +03330947 _hypernym 04181228 +05088324 _derivationally_related_form 02060141 +14498404 _derivationally_related_form 00492410 +09926656 _hypernym 10191192 +13268842 _hypernym 13265011 +01110274 _derivationally_related_form 02260085 +13905572 _derivationally_related_form 00469637 +08860123 _member_of_domain_region 00896688 +00820801 _hypernym 01011031 +09052314 _instance_hypernym 09044862 +00923995 _derivationally_related_form 01632411 +01587062 _hypernym 01467370 +08860123 _member_of_domain_region 08874469 +02507464 _hypernym 01146051 +05664640 _synset_domain_topic_of 00883297 +06207561 _derivationally_related_form 01778568 +08716738 _has_part 09350524 +13237343 _hypernym 11567411 +08723006 _has_part 09173288 +12796192 _member_meronym 12796385 +11746776 _member_meronym 12487394 +02640857 _has_part 07799738 +10095869 _derivationally_related_form 00880227 +01706756 _synset_domain_topic_of 07020895 +04945530 _hypernym 04945057 +13901585 _hypernym 13899200 +00955806 _synset_domain_topic_of 08199025 +00604617 _also_see 00019131 +07555647 _hypernym 07527352 +12542649 _member_meronym 12542910 +00428270 _derivationally_related_form 01708676 +11910271 _hypernym 12205694 +14399116 _has_part 14545045 +01686956 _derivationally_related_form 06999436 +07837362 _hypernym 07829412 +10521662 _hypernym 09610660 +01856225 _member_meronym 01856553 +10461747 _derivationally_related_form 00776523 +11890329 _member_meronym 11890507 +08778061 _has_part 09333334 +12699157 _hypernym 11585340 +02632989 _hypernym 02554730 +03060294 _derivationally_related_form 00021679 +01222645 _derivationally_related_form 00343249 +02147603 _hypernym 02158587 +04411264 _derivationally_related_form 02653996 +05849789 _derivationally_related_form 02630189 +02658447 _hypernym 02657219 +04733640 _derivationally_related_form 00344125 +14440875 _hypernym 14440623 +09427876 _instance_hypernym 09215664 +02103162 _hypernym 01850315 +01364008 _also_see 01149494 +02143594 _member_meronym 02144110 +06880533 _derivationally_related_form 01021128 +09298698 _has_part 09297729 +02122983 _derivationally_related_form 05722868 +01715525 _synset_domain_topic_of 00543233 +00433458 _hypernym 00523513 +02648769 _hypernym 01432517 +10440580 _hypernym 00007846 +05985999 _derivationally_related_form 10055566 +02928066 _derivationally_related_form 06906439 +00125629 _derivationally_related_form 01236164 +01642671 _hypernym 01626134 +01902405 _hypernym 01926311 +05560787 _has_part 05376844 +01774799 _derivationally_related_form 07502980 +01259211 _derivationally_related_form 00800242 +05685538 _derivationally_related_form 00518653 +08849753 _has_part 09425835 +02319428 _derivationally_related_form 00362103 +10684827 _derivationally_related_form 04906923 +00430191 _also_see 00701479 +08396990 _hypernym 08391387 +04677952 _hypernym 04673965 +01194938 _hypernym 00126264 +01207609 _derivationally_related_form 00082081 +11970429 _hypernym 11579418 +10677713 _derivationally_related_form 02453889 +00915605 _derivationally_related_form 07377682 +03976657 _derivationally_related_form 01372189 +00031820 _derivationally_related_form 07127006 +02754421 _hypernym 03676175 +13659760 _has_part 13659604 +00126721 _derivationally_related_form 01082290 +00025728 _synset_domain_topic_of 06084469 +01072565 _derivationally_related_form 01183573 +12441958 _hypernym 12425281 +04392526 _has_part 04392764 +14190736 _hypernym 14189837 +09157766 _instance_hypernym 08524735 +01309701 _hypernym 00173338 +01164568 _derivationally_related_form 00951433 +07125958 _derivationally_related_form 00914769 +06845599 _member_of_domain_usage 03755991 +07069948 _derivationally_related_form 00980453 +01259458 _hypernym 01552519 +00117578 _hypernym 00863513 +00204199 _derivationally_related_form 00810557 +00753093 _derivationally_related_form 10650162 +01662771 _derivationally_related_form 02979662 +14363483 _hypernym 14299637 +08677628 _derivationally_related_form 02695895 +06720216 _derivationally_related_form 00847870 +04790449 _derivationally_related_form 02559180 +07073447 _member_of_domain_usage 09637512 +06651577 _hypernym 06650701 +13908580 _hypernym 13867641 +06845599 _member_of_domain_usage 14928885 +09379938 _instance_hypernym 09411430 +11704401 _member_meronym 11704791 +12449934 _hypernym 12449296 +12078596 _hypernym 11556857 +01602353 _hypernym 01504437 +04478889 _derivationally_related_form 01311896 +08859173 _member_of_domain_region 10279540 +13523661 _synset_domain_topic_of 06080522 +02043497 _hypernym 01504437 +02735688 _hypernym 04341686 +02033295 _derivationally_related_form 02829696 +00590626 _derivationally_related_form 09941964 +02862048 _has_part 04259468 +01801600 _also_see 01624633 +01198750 _hypernym 01181475 +08813978 _instance_hypernym 08696931 +00740712 _derivationally_related_form 02599004 +00114095 _hypernym 00113726 +06157326 _hypernym 06153846 +00544549 _hypernym 00126264 +13653902 _derivationally_related_form 02008066 +00748282 _derivationally_related_form 00744758 +03924811 _derivationally_related_form 01736299 +01166093 _derivationally_related_form 00947128 +00110964 _hypernym 00110057 +07609840 _hypernym 07556970 +09030382 _instance_hypernym 08524735 +01483247 _hypernym 02144835 +09873242 _synset_domain_topic_of 08199025 +12613706 _hypernym 13121544 +01982895 _member_meronym 01983048 +10403876 _synset_domain_topic_of 02924116 +01815471 _derivationally_related_form 00253395 +08436759 _derivationally_related_form 00232542 +15150870 _hypernym 15144371 +02717831 _hypernym 02673134 +11774513 _hypernym 13112664 +05943300 _hypernym 05941423 +03150232 _derivationally_related_form 01223616 +01945381 _synset_domain_topic_of 00815801 +10553805 _derivationally_related_form 02551832 +06141324 _synset_domain_topic_of 06136258 +05761380 _hypernym 05760202 +04096066 _has_part 03138981 +06731510 _derivationally_related_form 00878136 +11846970 _hypernym 11573660 +08999482 _member_meronym 09693618 +01254685 _derivationally_related_form 01049737 +02085320 _hypernym 02060141 +01524885 _member_meronym 01528087 +12838027 _member_meronym 12861139 +00931453 _derivationally_related_form 00116619 +00379440 _hypernym 00196364 +02051270 _hypernym 02050132 +02919414 _hypernym 03871083 +01518718 _hypernym 01507175 +02518813 _member_meronym 02520015 +09770472 _hypernym 10162991 +01866192 _also_see 01966706 +01014821 _derivationally_related_form 10703905 +02636921 _derivationally_related_form 13793776 +15009843 _hypernym 03828465 +09663472 _hypernym 09646608 +00708128 _derivationally_related_form 05907682 +12559302 _member_meronym 12559518 +06014730 _derivationally_related_form 02909168 +00575720 _derivationally_related_form 13572436 +02592111 _hypernym 02428924 +01845627 _member_meronym 01853072 +01960656 _derivationally_related_form 00737188 +13631687 _hypernym 13601596 +01486151 _also_see 02291258 +09033333 _has_part 09033936 +08612340 _derivationally_related_form 02043982 +01613463 _also_see 02451951 +01790943 _member_meronym 01791107 +05895723 _hypernym 05893653 +11867525 _member_meronym 11875100 +02700104 _verb_group 02657219 +06784639 _derivationally_related_form 00622384 +04482543 _hypernym 02718811 +00993014 _derivationally_related_form 00614224 +02572119 _derivationally_related_form 00754280 +13990064 _hypernym 13920835 +01527877 _synset_domain_topic_of 08081668 +05466005 _hypernym 05465868 +01587575 _hypernym 01587062 +14481929 _derivationally_related_form 00044353 +09102016 _has_part 09340935 +00682230 _verb_group 00681429 +10016103 _derivationally_related_form 00592001 +02168555 _derivationally_related_form 04593629 +00318735 _derivationally_related_form 02079933 +08900535 _has_part 09322930 +06845599 _member_of_domain_usage 04135315 +00180770 _derivationally_related_form 00601822 +01661404 _hypernym 08103777 +09147046 _has_part 09249418 +07379094 _derivationally_related_form 01052301 +12651062 _member_meronym 12651229 +01929396 _hypernym 08102555 +14864360 _derivationally_related_form 00991838 +02523784 _verb_group 02523521 +01858989 _hypernym 01507175 +02920503 _hypernym 03385557 +00041899 _derivationally_related_form 02210855 +01156899 _derivationally_related_form 01087197 +00749574 _hypernym 00732746 +11947802 _hypernym 11669921 +07131854 _derivationally_related_form 00978549 +00445802 _derivationally_related_form 01419982 +01856626 _hypernym 01855606 +06295235 _member_of_domain_usage 04508489 +02388950 _derivationally_related_form 01232412 +04728068 _hypernym 05093890 +00249721 _also_see 00081671 +08078819 _hypernym 08208560 +10435988 _hypernym 09835506 +02679415 _derivationally_related_form 02324478 +13479034 _derivationally_related_form 00058645 +04807971 _hypernym 04807776 +01202184 _hypernym 01201021 +00879759 _hypernym 00877127 +07371293 _derivationally_related_form 02180529 +07163803 _hypernym 06876309 +02188065 _member_meronym 02199712 +12099803 _hypernym 11567411 +12579242 _hypernym 11585340 +11154646 _instance_hypernym 10020890 +01678657 _hypernym 01676755 +01165043 _derivationally_related_form 10036266 +01556921 _hypernym 01850315 +01736569 _hypernym 01657723 +09005712 _instance_hypernym 08574314 +05726345 _hypernym 00023271 +15122231 _derivationally_related_form 00297906 +05685030 _derivationally_related_form 00940214 +14634591 _hypernym 14877585 +01009240 _derivationally_related_form 10345804 +14944888 _hypernym 14727670 +02545272 _derivationally_related_form 01117164 +04771332 _hypernym 04770211 +05154908 _derivationally_related_form 02555434 +00195617 _hypernym 01617192 +01408958 _hypernym 01405044 +06838112 _hypernym 06828818 +06845599 _member_of_domain_usage 04535634 +01662622 _derivationally_related_form 02692471 +10501747 _synset_domain_topic_of 06053439 +02397460 _hypernym 02397637 +00829107 _derivationally_related_form 05854812 +08406361 _hypernym 08240633 +00701877 _hypernym 00701040 +00443984 _derivationally_related_form 14480420 +11480930 _derivationally_related_form 02180529 +14414715 _derivationally_related_form 00494269 +11841529 _hypernym 11565040 +01286038 _hypernym 01285440 +01133876 _also_see 01800349 +01884834 _hypernym 01883513 +00633265 _derivationally_related_form 10510339 +06794666 _derivationally_related_form 01031109 +01651293 _hypernym 01641914 +07888909 _derivationally_related_form 00186001 +08801678 _has_part 08804154 +11833208 _member_meronym 11833373 +15025397 _hypernym 14818238 +00323532 _synset_domain_topic_of 06043075 +09916209 _hypernym 09893015 +02069569 _hypernym 01864707 +00133668 _derivationally_related_form 01414916 +08558155 _hypernym 08556491 +06249177 _synset_domain_topic_of 08199025 +08860123 _member_of_domain_region 10272171 +00996485 _derivationally_related_form 10597234 +07779747 _hypernym 07775905 +03685962 _hypernym 03936895 +09053801 _instance_hypernym 08695539 +03153361 _derivationally_related_form 01517966 +09194357 _has_part 09268592 +00013615 _hypernym 00010435 +01477394 _hypernym 01478002 +02908217 _derivationally_related_form 00555780 +06989146 _hypernym 06986894 +01214265 _also_see 02569630 +12347639 _hypernym 13112664 +08705251 _instance_hypernym 08633957 +06217103 _derivationally_related_form 02533907 +08549070 _hypernym 08552138 +06777687 _hypernym 06776138 +02882483 _hypernym 03414162 +01514655 _derivationally_related_form 02982232 +00071803 _derivationally_related_form 14299070 +11778534 _member_meronym 11788223 +02381726 _hypernym 02383842 +14600504 _hypernym 15047313 +00781000 _derivationally_related_form 05051896 +01802070 _hypernym 01801847 +06399995 _derivationally_related_form 01699539 +00072261 _derivationally_related_form 01537409 +10773394 _derivationally_related_form 01974062 +11856981 _member_meronym 11857528 +00368592 _derivationally_related_form 02030424 +13566535 _hypernym 13536016 +03879116 _derivationally_related_form 01335588 +00363260 _derivationally_related_form 00290302 +00513401 _derivationally_related_form 00105778 +10186774 _derivationally_related_form 01194418 +13913566 _derivationally_related_form 02144644 +01189604 _derivationally_related_form 01069980 +08295138 _member_meronym 09014979 +00835294 _derivationally_related_form 06757057 +00519363 _derivationally_related_form 13471681 +09044862 _has_part 09141526 +07024929 _hypernym 07020895 +00190999 _derivationally_related_form 13426376 +09371816 _instance_hypernym 09411430 +02017149 _derivationally_related_form 10764296 +01172114 _derivationally_related_form 07883980 +08949737 _instance_hypernym 08691669 +02242293 _hypernym 01759182 +08832691 _instance_hypernym 08832447 +07522128 _derivationally_related_form 00917772 +01393030 _hypernym 01391391 +00007739 _derivationally_related_form 10783539 +02325968 _derivationally_related_form 10592397 +00880662 _derivationally_related_form 02150510 +02112826 _hypernym 02084071 +08986066 _instance_hypernym 08691669 +06539770 _derivationally_related_form 00746718 +04127633 _hypernym 04072193 +01861778 _has_part 05254393 +02909543 _instance_hypernym 03086183 +05998356 _hypernym 05996646 +11995683 _hypernym 11579418 +02241911 _synset_domain_topic_of 00766234 +08209687 _hypernym 08208016 +01742556 _synset_domain_topic_of 00916464 +08841956 _member_meronym 09712696 +14966667 _derivationally_related_form 03845190 +12015384 _member_meronym 12015525 +05768806 _hypernym 05625465 +00145218 _derivationally_related_form 01069391 +10285762 _derivationally_related_form 02566528 +02913152 _has_part 04298308 +00083809 _synset_domain_topic_of 00612160 +15037339 _synset_domain_topic_of 06051542 +00394813 _derivationally_related_form 07374756 +10058411 _hypernym 00007846 +02240706 _member_meronym 02240852 +09609232 _hypernym 00007846 +12954634 _hypernym 13167078 +01711662 _hypernym 01342529 +01789386 _hypernym 01503061 +01774136 _derivationally_related_form 07546465 +02678663 _hypernym 02676054 +07290905 _derivationally_related_form 00348746 +07433662 _derivationally_related_form 00292672 +01576478 _derivationally_related_form 00841091 +01702331 _hypernym 00853633 +01746605 _derivationally_related_form 05017230 +12045514 _hypernym 12041446 +01003588 _synset_domain_topic_of 00903559 +11692265 _hypernym 13087625 +12619306 _member_meronym 12629946 +12166312 _hypernym 11567411 +08049401 _member_meronym 08228665 +00439588 _also_see 01336587 +01493897 _derivationally_related_form 14425974 +01706129 _synset_domain_topic_of 07020895 +01817314 _derivationally_related_form 05979454 +01067070 _derivationally_related_form 02428487 +10533983 _derivationally_related_form 01048939 +12811856 _hypernym 11566230 +07383823 _hypernym 07371293 +14522265 _hypernym 14522113 +00782338 _hypernym 00766234 +04835488 _derivationally_related_form 00931555 +04682462 _derivationally_related_form 01538310 +12117507 _member_meronym 12117695 +02051701 _member_meronym 02051845 +02662297 _derivationally_related_form 05864177 +10170989 _derivationally_related_form 02850826 +01489859 _hypernym 01489465 +10562391 _derivationally_related_form 01111816 +02731024 _derivationally_related_form 01758339 +14938907 _hypernym 14944888 +03762602 _synset_domain_topic_of 06234825 +07404944 _hypernym 07363346 +05642175 _derivationally_related_form 00061262 +02131418 _hypernym 01862557 +04134339 _hypernym 03964744 +12618942 _hypernym 11534677 +03058726 _has_part 03131038 +01357507 _hypernym 02842303 +02576503 _derivationally_related_form 09982152 +12371439 _has_part 07763629 +00211108 _derivationally_related_form 14040846 +08256735 _member_meronym 09874862 +04907575 _derivationally_related_form 01091844 +11793651 _member_meronym 11793779 +05648247 _hypernym 05644922 +01162754 _hypernym 01158872 +00789934 _synset_domain_topic_of 06272290 +00237511 _derivationally_related_form 00375071 +02005598 _member_meronym 02005790 +00017222 _derivationally_related_form 11531090 +03816136 _has_part 03308297 +10523341 _synset_domain_topic_of 08199025 +00122106 _derivationally_related_form 00949974 +06722453 _derivationally_related_form 01009240 +06804483 _hypernym 06804199 +01430111 _derivationally_related_form 04784664 +04643662 _hypernym 04643221 +02373785 _derivationally_related_form 00156101 +15236859 _hypernym 15236475 +06851742 _member_of_domain_usage 02754421 +12600888 _hypernym 11567411 +01298573 _instance_hypernym 00956485 +09044862 _member_of_domain_region 08168531 +00277569 _derivationally_related_form 01577093 +01289155 _hypernym 01285440 +10129133 _hypernym 10247044 +08818444 _instance_hypernym 08696931 +03963028 _derivationally_related_form 01395049 +00050652 _hypernym 00046534 +13224086 _member_meronym 13224256 +10998651 _instance_hypernym 10030277 +01366653 _derivationally_related_form 14804175 +13948026 _hypernym 13947415 +12039743 _member_meronym 12077062 +02761229 _hypernym 02760622 +02461314 _derivationally_related_form 05186306 +13630545 _hypernym 13601596 +01873942 _derivationally_related_form 05579944 +00636461 _hypernym 00633864 +00562398 _derivationally_related_form 01147060 +01001689 _derivationally_related_form 14051494 +01128984 _derivationally_related_form 03139749 +07491708 _derivationally_related_form 01190948 +15174218 _has_part 15209706 +13942104 _hypernym 13939892 +00529400 _hypernym 00428270 +12914048 _member_meronym 12914193 +02252039 _member_meronym 02252226 +06258228 _hypernym 06258031 +02215001 _derivationally_related_form 00361192 +09064468 _instance_hypernym 08665504 +12170415 _hypernym 11575425 +04002026 _hypernym 04074482 +03350602 _hypernym 02776205 +10527334 _hypernym 10503452 +00533897 _hypernym 00126264 +01161290 _hypernym 01158872 +02546075 _derivationally_related_form 10183757 +12343306 _member_meronym 12343480 +04634540 _hypernym 04632157 +00513401 _hypernym 00512843 +13143930 _member_meronym 13144084 +07500414 _derivationally_related_form 02453692 +01669643 _hypernym 01675963 +08798771 _member_of_domain_region 08037118 +06201136 _hypernym 06196584 +09826074 _derivationally_related_form 01153486 +06845599 _member_of_domain_usage 14838217 +04530566 _has_part 02880008 +02164402 _also_see 01279978 +04039041 _derivationally_related_form 01802689 +01960911 _derivationally_related_form 10683349 +06149484 _has_part 05994935 +06598915 _hypernym 00033020 +14395018 _derivationally_related_form 02074092 +01782432 _derivationally_related_form 07521674 +01061333 _derivationally_related_form 01017826 +12090041 _member_meronym 12096798 +02267060 _derivationally_related_form 13275288 +01540449 _hypernym 00146138 +02584097 _derivationally_related_form 00204439 +02911485 _hypernym 03744840 +02075462 _hypernym 02075049 +04980008 _derivationally_related_form 01055073 +13928388 _hypernym 00024720 +00665079 _hypernym 00654885 +07675262 _hypernym 07673397 +09296121 _hypernym 09225146 +11800799 _hypernym 11534677 +00871942 _derivationally_related_form 05776015 +10346514 _synset_domain_topic_of 06066555 +08273167 _member_meronym 09977178 +03716656 _hypernym 03178782 +05930136 _has_part 05930736 +00039488 _hypernym 00038849 +12663554 _hypernym 11579418 +01478511 _hypernym 01474283 +08925700 _instance_hypernym 08524735 +01037910 _derivationally_related_form 09965134 +02294179 _derivationally_related_form 01084637 +00199912 _derivationally_related_form 00259177 +01815855 _hypernym 01507175 +08860123 _member_of_domain_region 04163530 +13951444 _derivationally_related_form 02297409 +01925694 _derivationally_related_form 13469674 +13721177 _has_part 13720852 +00459776 _hypernym 00439958 +01205010 _hypernym 01203676 +02150948 _derivationally_related_form 00881649 +14286549 _hypernym 14298815 +07895237 _hypernym 07891726 +05878440 _hypernym 05874232 +09738708 _hypernym 09620078 +00616153 _derivationally_related_form 04665813 +13649791 _derivationally_related_form 02072501 +02770717 _derivationally_related_form 14524198 +01967396 _hypernym 01939598 +09436531 _derivationally_related_form 01261018 +05541231 _hypernym 05276860 +00239230 _derivationally_related_form 02426171 +06845599 _member_of_domain_usage 03048598 +00544549 _derivationally_related_form 13940456 +00351638 _derivationally_related_form 00290740 +15139130 _hypernym 15118453 +00745187 _derivationally_related_form 10743675 +12404943 _member_meronym 12410032 +09930257 _derivationally_related_form 00484166 +02558172 _derivationally_related_form 07518663 +10694258 _derivationally_related_form 00829107 +06791372 _derivationally_related_form 02296984 +04470232 _hypernym 04166841 +01839598 _hypernym 01838598 +00849080 _derivationally_related_form 10561320 +07419792 _hypernym 07357388 +01734418 _hypernym 01727646 +00061401 _derivationally_related_form 00716179 +02073714 _derivationally_related_form 00204943 +07140978 _derivationally_related_form 00714884 +13000372 _member_meronym 13007195 +03706653 _hypernym 03744840 +09272085 _synset_domain_topic_of 06090869 +06212422 _hypernym 06208021 +04061969 _hypernym 03285912 +00232542 _derivationally_related_form 08436759 +05513020 _hypernym 05250659 +10090020 _hypernym 09609232 +08905751 _instance_hypernym 08574314 +06845599 _member_of_domain_usage 03739327 +01191645 _derivationally_related_form 14492373 +12280487 _member_meronym 12288422 +10743675 _derivationally_related_form 00952182 +01133760 _derivationally_related_form 01733213 +07379223 _derivationally_related_form 02186690 +00964694 _derivationally_related_form 07133701 +12189779 _hypernym 13109733 +12429942 _member_meronym 12430675 +00685638 _derivationally_related_form 00698855 +08174398 _member_meronym 08984788 +12264621 _member_meronym 12264786 +00955148 _hypernym 00928630 +02553196 _member_meronym 02593863 +00079212 _hypernym 00079018 +02066939 _derivationally_related_form 07405893 +11552386 _hypernym 13083586 +02005948 _derivationally_related_form 00048374 +01048073 _hypernym 00941990 +13476267 _hypernym 13518963 +14290881 _hypernym 14034177 +00740053 _derivationally_related_form 05734559 +11835114 _hypernym 11573660 +00117578 _hypernym 00116687 +00399553 _derivationally_related_form 14560926 +08913434 _has_part 08914850 +13059485 _hypernym 11592146 +06615216 _hypernym 06613686 +15010703 _derivationally_related_form 01073822 +00639693 _synset_domain_topic_of 06004067 +04526520 _hypernym 03738241 +02433426 _member_meronym 02433546 +08455829 _hypernym 08441203 +08973776 _has_part 09371151 +12998349 _member_meronym 13070003 +00228858 _derivationally_related_form 09866922 +01198750 _derivationally_related_form 01068380 +02303585 _hypernym 02302459 +13906767 _hypernym 13905792 +11444117 _hypernym 11418750 +01513430 _hypernym 00173338 +01548576 _derivationally_related_form 02906438 +04010566 _hypernym 02873839 +08791167 _has_part 08910668 +02584981 _derivationally_related_form 05138208 +05035353 _hypernym 05036394 +02560767 _derivationally_related_form 10046527 +00903309 _derivationally_related_form 10504206 +14647623 _hypernym 14647235 +03876519 _derivationally_related_form 01686956 +04332243 _derivationally_related_form 01458664 +00264875 _derivationally_related_form 14599641 +01430111 _also_see 01925372 +11313911 _instance_hypernym 09989502 +02348324 _derivationally_related_form 01165692 +00742474 _hypernym 00732746 +03790512 _has_part 03796605 +05784242 _derivationally_related_form 00628491 +11875100 _member_meronym 11879722 +07561590 _derivationally_related_form 01189224 +14832193 _has_part 14964129 +10367409 _hypernym 00007846 +04228844 _hypernym 15101854 +15290337 _hypernym 15113229 +01522276 _derivationally_related_form 04586421 +00502757 _derivationally_related_form 14859344 +05970311 _hypernym 06167328 +02705944 _hypernym 03278248 +01631175 _hypernym 01630284 +02629256 _derivationally_related_form 01079042 +01777817 _derivationally_related_form 09771435 +10111358 _hypernym 10677713 +05513807 _hypernym 05509146 +04096733 _hypernym 02819697 +07610295 _hypernym 07557165 +12533588 _hypernym 11585340 +01459696 _derivationally_related_form 13484082 +04757864 _derivationally_related_form 00740336 +11538935 _member_meronym 11539675 +05598147 _has_part 05599203 +06050901 _hypernym 06043075 +02258617 _derivationally_related_form 10671042 +01880673 _verb_group 02174830 +07914128 _derivationally_related_form 00164444 +11961266 _hypernym 11579418 +01291674 _instance_hypernym 01075117 +09765278 _derivationally_related_form 01719921 +00759186 _derivationally_related_form 01193099 +02428487 _verb_group 00495998 +07209305 _derivationally_related_form 00804802 +02850732 _derivationally_related_form 01462468 +13546169 _synset_domain_topic_of 06055946 +04681797 _derivationally_related_form 01682234 +02724126 _hypernym 01467370 +00443670 _derivationally_related_form 14883206 +10034614 _hypernym 09612848 +00371264 _derivationally_related_form 03508101 +01707495 _hypernym 01707306 +10101634 _hypernym 10439851 +00961001 _derivationally_related_form 01131197 +02452885 _derivationally_related_form 01763813 +02622823 _member_meronym 02622955 +00260622 _hypernym 00248977 +00884778 _also_see 00873603 +11248997 _instance_hypernym 10705615 +10362428 _hypernym 09609871 +12437513 _hypernym 12205694 +07379577 _derivationally_related_form 01053623 +04902165 _hypernym 04901326 +03694761 _hypernym 03959936 +09186709 _instance_hypernym 09411430 +00637259 _also_see 00712708 +08214470 _synset_domain_topic_of 08199025 +10645854 _derivationally_related_form 01924882 +11150224 _instance_hypernym 09958724 +11967572 _member_meronym 11967744 +10481268 _synset_domain_topic_of 06128570 +02373843 _member_meronym 02389346 +01573775 _member_meronym 01573898 +01150200 _hypernym 01123598 +01484850 _hypernym 01483522 +12149751 _member_meronym 12153393 +13885836 _derivationally_related_form 01673732 +13005166 _member_meronym 13005329 +08479407 _hypernym 07971582 +04460634 _synset_domain_topic_of 06432376 +09013074 _has_part 09012898 +09260466 _derivationally_related_form 00443670 +00619610 _verb_group 00620673 +15155891 _hypernym 15155220 +02940509 _derivationally_related_form 02520509 +00369194 _derivationally_related_form 01153305 +01808374 _derivationally_related_form 07504111 +01394901 _member_meronym 01396170 +02593019 _hypernym 02590495 +05321307 _has_part 05321664 +01389507 _hypernym 01387065 +01937719 _hypernym 08103777 +00393953 _derivationally_related_form 13845239 +01387786 _derivationally_related_form 05289601 +01811104 _hypernym 01507175 +00555138 _hypernym 00553823 +01621127 _derivationally_related_form 01621635 +07122409 _hypernym 07120524 +02527085 _derivationally_related_form 05623628 +01283208 _derivationally_related_form 04605726 +02147109 _derivationally_related_form 04151940 +00666886 _hypernym 00664788 +14853947 _hypernym 14856263 +08981244 _member_meronym 09727440 +12550968 _member_meronym 12551173 +01485158 _derivationally_related_form 10390427 +00560293 _hypernym 00558883 +09425835 _instance_hypernym 09411430 +02376429 _derivationally_related_form 01022008 +02756558 _derivationally_related_form 11501381 +02163746 _derivationally_related_form 05654362 +03536761 _hypernym 02694426 +02972533 _derivationally_related_form 01468576 +08813699 _instance_hypernym 08524735 +10521470 _derivationally_related_form 01734502 +09605289 _hypernym 00007846 +05010801 _hypernym 05010627 +00237259 _derivationally_related_form 07567390 +00994076 _derivationally_related_form 06254239 +11669335 _has_part 11677743 +10345015 _hypernym 10142747 +02470685 _derivationally_related_form 14418822 +00461493 _verb_group 02190188 +15174218 _has_part 15213115 +02875436 _derivationally_related_form 01443021 +08046759 _synset_domain_topic_of 00759694 +01080366 _hypernym 00029378 +01048171 _hypernym 01047745 +08562243 _has_part 09275016 +00419375 _hypernym 00126264 +10381214 _derivationally_related_form 02386012 +05654052 _hypernym 05652926 +02303777 _hypernym 02302620 +00359511 _derivationally_related_form 14043882 +01580467 _hypernym 01332730 +00032539 _verb_group 00032778 +09775663 _derivationally_related_form 00591236 +00689950 _derivationally_related_form 14439294 +04994413 _hypernym 04992163 +02604657 _hypernym 01429349 +07014320 _derivationally_related_form 01795428 +00371264 _hypernym 00126264 +09449949 _hypernym 09335916 +00740048 _synset_domain_topic_of 08441203 +10312287 _derivationally_related_form 06749729 +14444644 _synset_domain_topic_of 06149484 +00165298 _derivationally_related_form 02427726 +04937848 _hypernym 04934546 +13482330 _derivationally_related_form 02067689 +14480420 _derivationally_related_form 01505991 +09260010 _hypernym 08591680 +11905236 _hypernym 11575425 +01764171 _derivationally_related_form 07289014 +14415773 _hypernym 14414715 +06692572 _derivationally_related_form 00858568 +06295235 _member_of_domain_usage 00551714 +12487647 _member_meronym 12495509 +00441212 _derivationally_related_form 13556509 +08519624 _has_part 09238674 +12082593 _hypernym 11556857 +01232387 _hypernym 01556572 +00058002 _derivationally_related_form 01979241 +08340989 _hypernym 08339706 +06015053 _hypernym 06014730 +12259615 _hypernym 11575425 +04906273 _derivationally_related_form 02542795 +01013434 _derivationally_related_form 02399331 +01945183 _hypernym 01835496 +06545960 _synset_domain_topic_of 08441203 +15147850 _hypernym 15144371 +14155506 _hypernym 14074877 +03997027 _hypernym 03315023 +07733712 _hypernym 07709333 +01096245 _synset_domain_topic_of 01094725 +12501745 _member_meronym 12536665 +07478318 _derivationally_related_form 00023646 +00636574 _derivationally_related_form 02710294 +00826509 _derivationally_related_form 09979589 +01299758 _derivationally_related_form 07331400 +03673594 _derivationally_related_form 00085626 +10593115 _derivationally_related_form 02484570 +05638063 _derivationally_related_form 09974648 +12188985 _member_meronym 12191461 +12677612 _hypernym 13100156 +02030424 _derivationally_related_form 05088324 +00666886 _synset_domain_topic_of 05664069 +08389094 _hypernym 07974025 +09217638 _hypernym 09366017 +13357178 _has_part 13384557 +01888946 _hypernym 01888511 +06845599 _member_of_domain_usage 03670622 +05120683 _hypernym 05107765 +02144644 _hypernym 00956687 +08916316 _member_of_domain_region 08916832 +08318777 _hypernym 08163273 +02569790 _hypernym 02570062 +00469382 _hypernym 00208497 +00437321 _hypernym 00624738 +00020090 _hypernym 00020827 +11302062 _instance_hypernym 09765278 +11990313 _hypernym 11915214 +01498319 _derivationally_related_form 06793231 +10451263 _hypernym 09623038 +06726761 _hypernym 06539770 +14487731 _derivationally_related_form 00088713 +00318816 _derivationally_related_form 00366521 +13629132 _hypernym 13601596 +01131197 _derivationally_related_form 07208000 +00598767 _hypernym 00586262 +01438720 _member_meronym 01440655 +11665781 _member_meronym 12808751 +13952171 _derivationally_related_form 02670578 +02752615 _hypernym 03746330 +01247804 _derivationally_related_form 07388987 +13192025 _member_meronym 13198728 +05635448 _hypernym 05638987 +01510827 _derivationally_related_form 14008806 +06711855 _derivationally_related_form 00824066 +01477525 _hypernym 01474283 +13151975 _hypernym 13122364 +02412164 _also_see 02561888 +00804802 _derivationally_related_form 13982357 +01554799 _hypernym 01659248 +01009190 _derivationally_related_form 00629257 +00276883 _derivationally_related_form 10381369 +00256961 _derivationally_related_form 00040188 +10786517 _derivationally_related_form 02128286 +00724150 _derivationally_related_form 13368052 +00104976 _hypernym 00104539 +10006511 _hypernym 10235549 +10044682 _hypernym 00007846 +02121808 _hypernym 02121620 +02475261 _derivationally_related_form 00731222 +00376400 _derivationally_related_form 00258665 +01960656 _derivationally_related_form 04770211 +03947888 _derivationally_related_form 01471825 +00427853 _derivationally_related_form 00037919 +01137138 _derivationally_related_form 10593115 +00231557 _hypernym 00252019 +15052970 _hypernym 14984973 +09622928 _hypernym 00007846 +01279015 _derivationally_related_form 13907847 +10597234 _derivationally_related_form 02409941 +00205885 _derivationally_related_form 00248977 +02878222 _hypernym 02965300 +02199352 _hypernym 01762525 +00125436 _derivationally_related_form 02185373 +12082357 _hypernym 11556857 +01909111 _member_meronym 01909906 +03051540 _derivationally_related_form 00050652 +02560767 _hypernym 02367363 +09057311 _has_part 09058219 +07339329 _derivationally_related_form 02569790 +07395104 _derivationally_related_form 01374020 +02572904 _hypernym 01429349 +01491991 _member_meronym 01493012 +13899404 _derivationally_related_form 00144694 +07518878 _derivationally_related_form 01786906 +02924116 _derivationally_related_form 01950128 +13413493 _derivationally_related_form 00681429 +15126175 _has_part 15126595 +01447868 _hypernym 01447257 +06771653 _hypernym 06479665 +11011764 _instance_hypernym 10015215 +02316707 _hypernym 01905661 +00198057 _hypernym 00197744 +06637149 _synset_domain_topic_of 06128570 +14061805 _derivationally_related_form 02541302 +00601043 _hypernym 00722232 +13085864 _derivationally_related_form 01741446 +00406963 _derivationally_related_form 01894758 +02650840 _derivationally_related_form 08160276 +00479933 _also_see 00822449 +03585073 _hypernym 03446070 +09013830 _instance_hypernym 09012101 +06706317 _derivationally_related_form 01023071 +02051845 _hypernym 02051474 +06792645 _derivationally_related_form 00973056 +01220885 _derivationally_related_form 14420464 +01004961 _hypernym 00996969 +03050655 _hypernym 03251766 +02690613 _derivationally_related_form 08917503 +08764899 _instance_hypernym 09203827 +01656813 _hypernym 08107499 +12151814 _hypernym 11556857 +12401684 _has_part 13137225 +02530936 _hypernym 02530167 +10528493 _derivationally_related_form 01701858 +10672192 _derivationally_related_form 02582042 +02100632 _derivationally_related_form 03271574 +06429145 _derivationally_related_form 00961736 +00335814 _derivationally_related_form 01517515 +12808227 _member_meronym 12811856 +14427633 _derivationally_related_form 02504017 +02584981 _also_see 01129977 +07514968 _hypernym 00026192 +02482650 _hypernym 02481823 +00102974 _also_see 01827745 +03132438 _derivationally_related_form 01286290 +01968275 _derivationally_related_form 10397482 +01539063 _also_see 01505254 +02064745 _also_see 01410363 +00015498 _derivationally_related_form 00858377 +00234390 _hypernym 00233335 +10546850 _derivationally_related_form 02870663 +00206927 _hypernym 00206302 +14523436 _hypernym 14523090 +02033137 _derivationally_related_form 00107875 +03096593 _derivationally_related_form 01763813 +00954086 _synset_domain_topic_of 08199025 +08228665 _hypernym 08227214 +07465290 _derivationally_related_form 01081152 +00299580 _derivationally_related_form 07369604 +08433727 _synset_domain_topic_of 08199025 +07832902 _hypernym 07829412 +01337653 _hypernym 01332730 +01515566 _hypernym 01511706 +11238303 _instance_hypernym 10453533 +13015040 _member_meronym 13015826 +02766390 _derivationally_related_form 07411645 +07527817 _derivationally_related_form 00857923 +00372665 _derivationally_related_form 03509025 +07208338 _hypernym 07160883 +01011166 _derivationally_related_form 00946588 +12619306 _member_meronym 12659203 +08766988 _member_of_domain_region 03886053 +02752695 _verb_group 01007924 +00068858 _hypernym 00067999 +05704694 _derivationally_related_form 02676496 +12226322 _member_meronym 12238306 +09071690 _has_part 09075170 +00356199 _derivationally_related_form 01157517 +10765305 _hypernym 10100761 +02248147 _member_meronym 02249995 +10027590 _hypernym 09998101 +05714894 _hypernym 05713737 +02135220 _hypernym 02134971 +14971519 _derivationally_related_form 00238867 +08888676 _has_part 08889657 +03333349 _synset_domain_topic_of 08199025 +08897065 _has_part 08896645 +02522864 _hypernym 02524171 +06753299 _synset_domain_topic_of 06163751 +09023321 _member_of_domain_region 06967529 +01546660 _member_meronym 01546921 +07803408 _hypernym 07803545 +02344568 _hypernym 02206619 +06540527 _synset_domain_topic_of 08441203 +01062165 _hypernym 00862683 +06280816 _hypernym 06251781 +02420232 _derivationally_related_form 00453731 +02376277 _derivationally_related_form 04687333 +13538182 _hypernym 13475538 +13660337 _derivationally_related_form 13651520 +15259284 _instance_hypernym 15254028 +05895723 _derivationally_related_form 00619869 +12708293 _has_part 07747607 +00051942 _hypernym 00046534 +00150287 _derivationally_related_form 09957614 +01896031 _hypernym 14755804 +11628456 _hypernym 13108841 +08853741 _has_part 09195372 +01129337 _derivationally_related_form 10767265 +11882237 _hypernym 11881742 +09099526 _has_part 09101318 +01356750 _derivationally_related_form 14704465 +01745722 _derivationally_related_form 01101958 +04643397 _derivationally_related_form 01773535 +11801247 _member_meronym 11801392 +11505546 _hypernym 11418750 +07357679 _hypernym 07357388 +09994943 _hypernym 00007846 +01959294 _also_see 02019021 +12293723 _hypernym 11669921 +12410715 _member_meronym 12087650 +05198321 _hypernym 05196582 +08949093 _has_part 08950230 +06199702 _derivationally_related_form 00947077 +08697827 _hypernym 08696931 +04396466 _hypernym 03900509 +10481268 _hypernym 09615807 +14443434 _hypernym 14441825 +11451442 _hypernym 11420831 +12315424 _hypernym 11744859 +10564224 _derivationally_related_form 00697419 +07194950 _has_part 07195630 +02511551 _derivationally_related_form 05663671 +01140515 _derivationally_related_form 03495671 +08159740 _member_meronym 10995850 +02502037 _derivationally_related_form 01077881 +03216562 _hypernym 03990474 +08711468 _instance_hypernym 08574314 +06845599 _member_of_domain_usage 04535826 +10265801 _hypernym 10630188 +15242209 _derivationally_related_form 03098491 +06311334 _hypernym 06310945 +01310964 _hypernym 01310660 +13990502 _hypernym 13989627 +09008723 _instance_hypernym 08524735 +13844212 _derivationally_related_form 13844212 +03251766 _derivationally_related_form 00218475 +00644503 _derivationally_related_form 00646542 +14622893 _has_part 14619225 +13850674 _has_part 11431617 +09128201 _instance_hypernym 08665504 +12873834 _hypernym 11744859 +01048059 _hypernym 01047338 +01201422 _derivationally_related_form 00856847 +01628885 _member_meronym 01630795 +08915159 _instance_hypernym 08574314 +10004539 _derivationally_related_form 02008396 +00177243 _verb_group 00049900 +11872146 _hypernym 11869351 +04298308 _has_part 04314914 +04197391 _hypernym 03419014 +03976268 _hypernym 03339296 +01384102 _derivationally_related_form 13137409 +05341206 _hypernym 05333777 +00653518 _hypernym 00634586 +05940414 _hypernym 05926676 +01010118 _hypernym 01009240 +02293856 _synset_domain_topic_of 07020895 +11768242 _member_meronym 11768505 +00869596 _derivationally_related_form 09612131 +10913641 _instance_hypernym 09947232 +01245637 _derivationally_related_form 14996020 +01929396 _member_meronym 01929788 +00898019 _hypernym 00897241 +00892698 _derivationally_related_form 00090253 +00995286 _derivationally_related_form 06808493 +03860741 _hypernym 03763403 +05472205 _hypernym 05472032 +04133789 _hypernym 04199027 +13461525 _hypernym 13446390 +09304164 _instance_hypernym 09403734 +00561571 _verb_group 00561714 +01705247 _member_meronym 01705591 +12576029 _has_part 12576323 +06501141 _derivationally_related_form 02445356 +02460619 _derivationally_related_form 10252075 +13286801 _synset_domain_topic_of 08441203 +01502762 _derivationally_related_form 09334396 +02194887 _hypernym 01762525 +01377571 _derivationally_related_form 00988320 +02464693 _also_see 01222360 +00282485 _hypernym 00282050 +08860123 _member_of_domain_region 10448322 +08305766 _member_meronym 08960987 +00274941 _derivationally_related_form 00281101 +01060198 _hypernym 00983824 +00036932 _hypernym 00035758 +02381397 _hypernym 02383842 +00779061 _derivationally_related_form 15271008 +02652494 _derivationally_related_form 03195485 +07343195 _derivationally_related_form 01081001 +06300823 _hypernym 06503724 +00961594 _hypernym 00954311 +09091909 _instance_hypernym 08638442 +00558883 _synset_domain_topic_of 00469651 +00090186 _derivationally_related_form 07298982 +01266945 _synset_domain_topic_of 02686568 +09044862 _has_part 09159003 +02577755 _derivationally_related_form 02776205 +10612803 _derivationally_related_form 01989720 +01814370 _hypernym 01811909 +13356112 _hypernym 13329641 +01820664 _hypernym 01507175 +03753826 _hypernym 03740161 +01121070 _hypernym 01120448 +00089154 _synset_domain_topic_of 00916464 +03380461 _hypernym 03961939 +01262470 _derivationally_related_form 14793533 +07969695 _member_meronym 10728624 +12359734 _hypernym 11565385 +08585657 _hypernym 08593262 +00279822 _derivationally_related_form 04961136 +11629501 _member_meronym 11636389 +03863923 _hypernym 03419014 +13627681 _hypernym 13601596 +00320284 _hypernym 00319939 +01125429 _derivationally_related_form 05144079 +01538775 _member_meronym 01539136 +13190917 _hypernym 13167078 +13761171 _hypernym 13760316 +07371293 _hypernym 07283608 +10121800 _hypernym 10020890 +00881649 _derivationally_related_form 00646738 +15214419 _has_part 15161872 +00917300 _hypernym 00927049 +10407726 _derivationally_related_form 02466134 +14299637 _synset_domain_topic_of 06043075 +02281485 _hypernym 02281093 +08172103 _member_meronym 08998560 +01334862 _hypernym 01328702 +07749582 _has_part 07738760 +02277663 _synset_domain_topic_of 00766234 +10383237 _derivationally_related_form 01021629 +00462092 _derivationally_related_form 10668450 +12171503 _hypernym 12170585 +00864159 _hypernym 00841580 +13403331 _hypernym 00033020 +05034048 _hypernym 05196582 +00783063 _derivationally_related_form 02573275 +10427764 _hypernym 10707233 +05826914 _hypernym 05823932 +06740919 _derivationally_related_form 00894738 +02862048 _has_part 04395332 +01211339 _derivationally_related_form 01516071 +01549905 _hypernym 00477941 +02958343 _has_part 03459775 +01018630 _derivationally_related_form 01734502 +02796995 _hypernym 04105893 +00108303 _hypernym 00362348 +00672277 _hypernym 00698855 +05841151 _hypernym 05839024 +11292391 _instance_hypernym 10030277 +02921325 _derivationally_related_form 09717047 +02118242 _hypernym 02106506 +01357707 _hypernym 08221348 +00564857 _derivationally_related_form 13905792 +01001857 _derivationally_related_form 06508816 +07356489 _hypernym 07296428 +01199035 _hypernym 01198750 +08860123 _member_of_domain_region 06518253 +01938312 _hypernym 01921887 +03467517 _has_part 03341297 +02499990 _member_meronym 02500144 +12013035 _hypernym 12205694 +05967977 _derivationally_related_form 10625860 +01677242 _hypernym 01657723 +06651577 _derivationally_related_form 10712835 +09799607 _hypernym 10000787 +09626589 _derivationally_related_form 02455407 +00867163 _hypernym 00863513 +05717342 _derivationally_related_form 02196214 +08594286 _hypernym 08622586 +06021761 _synset_domain_topic_of 06018465 +08897065 _has_part 08899776 +02654686 _derivationally_related_form 07429976 +10091564 _hypernym 10148305 +14843986 _hypernym 14673978 +00841091 _derivationally_related_form 01576478 +10479561 _derivationally_related_form 01158181 +01628302 _also_see 01160031 +09931418 _hypernym 10694258 +15159583 _derivationally_related_form 00734927 +00717045 _derivationally_related_form 07203126 +02820210 _hypernym 03050026 +01022483 _derivationally_related_form 00362348 +02586382 _hypernym 01429349 +06089447 _hypernym 06084469 +05563266 _hypernym 05563034 +00811661 _hypernym 01094725 +09156241 _instance_hypernym 08524735 +05169813 _hypernym 05168261 +13501738 _synset_domain_topic_of 06037666 +02583139 _hypernym 02521410 +10583916 _derivationally_related_form 00698855 +09956578 _derivationally_related_form 01101913 +02535909 _hypernym 01432517 +13899404 _hypernym 13899200 +11495041 _derivationally_related_form 00403149 +02373601 _member_meronym 02374149 +05302499 _has_part 05309725 +00903711 _hypernym 00903385 +06714697 _hypernym 06765044 +01923637 _hypernym 08102555 +03234306 _hypernym 04076846 +08946187 _member_meronym 09705287 +09211266 _has_part 09235469 +08596076 _hypernym 09428293 +02625339 _hypernym 02624263 +11288216 _instance_hypernym 10123844 +11019269 _instance_hypernym 09765278 +02176073 _member_meronym 02176611 +00045250 _derivationally_related_form 01643657 +05525807 _hypernym 05236322 +10387324 _hypernym 10435988 +03588668 _hypernym 02720201 +09851165 _hypernym 00007846 +01446283 _member_meronym 01447001 +08717209 _has_part 08717629 +07324673 _derivationally_related_form 00125841 +00349080 _hypernym 00331950 +02012063 _hypernym 01507175 +00897564 _hypernym 00740577 +08996483 _member_meronym 09730951 +00348252 _hypernym 00345761 +01750421 _derivationally_related_form 00938791 +00904046 _hypernym 00971650 +12327022 _hypernym 13121544 +00681429 _derivationally_related_form 00033615 +08390374 _synset_domain_topic_of 08199025 +02368336 _derivationally_related_form 05716577 +08402442 _derivationally_related_form 02391803 +03540595 _hypernym 03739518 +08287844 _has_part 08288753 +00774056 _derivationally_related_form 07184735 +01191158 _hypernym 01187810 +11607739 _member_meronym 11608055 +01244853 _derivationally_related_form 11059079 +01375637 _derivationally_related_form 04561548 +02476870 _hypernym 02476219 +06865345 _hypernym 06814870 +02698036 _hypernym 03740161 +14804175 _hypernym 14786479 +02320888 _hypernym 02316180 +05655119 _derivationally_related_form 02127358 +10316862 _hypernym 09623038 +07796165 _hypernym 07795751 +14048441 _derivationally_related_form 00057506 +07433662 _derivationally_related_form 00090708 +05869857 _hypernym 05869584 +14440623 _derivationally_related_form 01800422 +07377082 _hypernym 07371293 +07642471 _derivationally_related_form 00212049 +05835162 _derivationally_related_form 00630380 +12227220 _hypernym 11575425 +09539394 _synset_domain_topic_of 06431740 +10660128 _hypernym 10476671 +12916935 _hypernym 11566682 +02463205 _derivationally_related_form 02347220 +07221094 _derivationally_related_form 00952524 +01261773 _hypernym 01264283 +10725280 _derivationally_related_form 00959827 +06367107 _hypernym 06364329 +01896031 _has_part 02468617 +00101609 _derivationally_related_form 04833276 +04272054 _has_part 02899439 +09853184 _hypernym 09875353 +02756821 _verb_group 01972298 +00043116 _hypernym 00036762 +01937795 _synset_domain_topic_of 00523513 +02317970 _derivationally_related_form 09847010 +12246232 _hypernym 13112664 +02140357 _member_meronym 02140491 +08391021 _synset_domain_topic_of 08199025 +00238527 _hypernym 00238022 +00782527 _derivationally_related_form 00159620 +00568879 _synset_domain_topic_of 06000644 +12405209 _member_meronym 12406715 +12354849 _member_meronym 12355023 +09275473 _has_part 08766988 +02667698 _derivationally_related_form 07183000 +08513718 _derivationally_related_form 02333689 +11744583 _hypernym 08107499 +09207288 _has_part 08986905 +01028640 _hypernym 01028748 +00627410 _also_see 00625774 +00325785 _hypernym 00325110 +01489332 _derivationally_related_form 00123234 +04474187 _synset_domain_topic_of 08199025 +06377442 _hypernym 06364329 +11921200 _member_meronym 11921395 +01085098 _derivationally_related_form 02295208 +00126236 _hypernym 00125629 +09572825 _instance_hypernym 09551356 +08641113 _derivationally_related_form 10352299 +00894552 _hypernym 00893955 +07157273 _member_of_domain_usage 10786992 +09044862 _member_of_domain_region 13751829 +01719921 _derivationally_related_form 07018931 +00288486 _derivationally_related_form 01959482 +13757249 _derivationally_related_form 01928838 +08331357 _synset_domain_topic_of 08199025 +01576506 _member_meronym 01576863 +01763813 _derivationally_related_form 03096593 +02082632 _hypernym 01864707 +15127307 _instance_hypernym 15247518 +13217213 _member_meronym 13218114 +02464132 _derivationally_related_form 10286539 +02932523 _hypernym 02959942 +00884317 _derivationally_related_form 07226545 +10246703 _derivationally_related_form 10246703 +03532342 _derivationally_related_form 01672490 +00060833 _hypernym 00061595 +08800258 _member_meronym 09717047 +08356375 _has_part 08356573 +11450566 _derivationally_related_form 00505802 +01435000 _hypernym 01434278 +04681387 _derivationally_related_form 01913237 +01950502 _derivationally_related_form 10261388 +01478002 _verb_group 02145543 +03962685 _has_part 06568134 +01220336 _hypernym 01220619 +01725051 _synset_domain_topic_of 07020895 +10075529 _derivationally_related_form 06372095 +02679012 _derivationally_related_form 00065575 +08896645 _instance_hypernym 09388848 +02988679 _hypernym 03079230 +00612454 _hypernym 00612042 +09367203 _derivationally_related_form 01188725 +02398732 _member_meronym 02435689 +14367797 _hypernym 14367341 +00294522 _derivationally_related_form 13439570 +02464583 _hypernym 02725714 +00804476 _derivationally_related_form 07255027 +00771961 _hypernym 00770437 +05549061 _hypernym 05595531 +02475078 _hypernym 02472293 +05598147 _has_part 05344848 +01870275 _derivationally_related_form 00329031 +00988232 _derivationally_related_form 05001482 +05172596 _derivationally_related_form 01279978 +01172701 _hypernym 01156834 +11416534 _synset_domain_topic_of 06075527 +13813042 _derivationally_related_form 02737187 +01047338 _derivationally_related_form 00169298 +08110373 _member_meronym 08111157 +02246166 _synset_domain_topic_of 00766234 +08414119 _hypernym 07965085 +01252124 _hypernym 00030358 +14394094 _hypernym 14417300 +00468583 _hypernym 00109660 +15258450 _hypernym 05867413 +00724861 _derivationally_related_form 04671394 +01930117 _derivationally_related_form 00307631 +02666943 _hypernym 02913152 +08437847 _hypernym 08437515 +06663940 _derivationally_related_form 02587084 +00271711 _derivationally_related_form 01159461 +10754578 _derivationally_related_form 04536866 +01783881 _hypernym 01790020 +10267941 _derivationally_related_form 01035853 +05131647 _derivationally_related_form 02614945 +00697419 _derivationally_related_form 10564224 +10761519 _derivationally_related_form 00516932 +09254614 _hypernym 09335916 +00235368 _derivationally_related_form 05846355 +01076615 _derivationally_related_form 15292069 +03042984 _derivationally_related_form 01344903 +01566185 _derivationally_related_form 04461696 +02481629 _member_meronym 02481823 +01335588 _derivationally_related_form 03879116 +10126424 _hypernym 09855630 +12157276 _member_meronym 12157769 +03362890 _synset_domain_topic_of 05801594 +07721456 _hypernym 07721325 +01973759 _derivationally_related_form 07370671 +06809074 _hypernym 06808720 +08860123 _member_of_domain_usage 03101796 +05157866 _derivationally_related_form 01870889 +01703023 _hypernym 01702514 +05562249 _has_part 05573895 +05997361 _hypernym 05996646 +15046900 _hypernym 00020827 +09085334 _instance_hypernym 08524735 +01888520 _member_meronym 01893535 +01810320 _hypernym 01809321 +01428853 _derivationally_related_form 00845523 +00258665 _verb_group 00434374 +07031752 _hypernym 07030718 +01276361 _derivationally_related_form 06799897 +02663340 _derivationally_related_form 00154433 +00963241 _derivationally_related_form 00963283 +02410313 _member_meronym 02410509 +01998599 _hypernym 01762525 +00555983 _hypernym 00555648 +00101277 _derivationally_related_form 14544672 +02527431 _hypernym 02526085 +03460674 _hypernym 03910033 +01409642 _derivationally_related_form 00132982 +01916010 _member_meronym 01916187 +15140405 _has_part 15144371 +02055649 _derivationally_related_form 00555648 +01015689 _hypernym 01014066 +09170475 _instance_hypernym 08505573 +00435688 _verb_group 00125078 +09275473 _has_part 08871007 +08630039 _hypernym 00027167 +11282802 _instance_hypernym 10778345 +00474762 _hypernym 00515154 +03779370 _derivationally_related_form 01662771 +11943407 _hypernym 11669921 +08714132 _has_part 08714966 +00550282 _derivationally_related_form 00634472 +01667570 _member_meronym 01669068 +06845599 _member_of_domain_usage 03561889 +12824909 _hypernym 11567411 +02316180 _hypernym 08108972 +10335931 _hypernym 09629752 +02960130 _derivationally_related_form 09730204 +00245059 _derivationally_related_form 15274441 +05979595 _derivationally_related_form 10552486 +05898568 _derivationally_related_form 00704690 +00730247 _derivationally_related_form 02391803 +09535622 _hypernym 09505418 +13118707 _hypernym 13112664 +00845523 _derivationally_related_form 02887741 +11804082 _member_meronym 11827169 +03747281 _hypernym 02718469 +02305856 _derivationally_related_form 13366912 +01931845 _member_meronym 01931984 +05869857 _derivationally_related_form 00368109 +00413239 _hypernym 01022178 +02944579 _derivationally_related_form 02158896 +00589769 _derivationally_related_form 10298912 +12009047 _hypernym 12008749 +02153387 _hypernym 02131279 +01613921 _synset_domain_topic_of 00243918 +02870663 _derivationally_related_form 09538915 +08001685 _synset_domain_topic_of 06000644 +02510337 _derivationally_related_form 01146039 +02401523 _derivationally_related_form 10360101 +00807461 _derivationally_related_form 10018021 +01705257 _derivationally_related_form 06613056 +02769460 _derivationally_related_form 00407633 +00975270 _hypernym 00972621 +13559782 _hypernym 13427078 +12131405 _hypernym 12102133 +01153548 _derivationally_related_form 02512305 +06749729 _hypernym 06748969 +01624707 _hypernym 01507175 +12203896 _hypernym 12202936 +05311054 _derivationally_related_form 02167052 +01711965 _derivationally_related_form 00907919 +01701697 _hypernym 01657723 +01105259 _hypernym 01094725 +05023741 _hypernym 05023233 +14169364 _hypernym 14193711 +01978744 _member_meronym 01979124 +02571511 _derivationally_related_form 00781912 +09476331 _hypernym 09225146 +01579868 _member_meronym 01581041 +05521111 _has_part 05521934 +02335363 _derivationally_related_form 10132145 +09410928 _hypernym 09379111 +07491591 _hypernym 07491038 +12758639 _member_meronym 12762583 +02574516 _derivationally_related_form 00754424 +10206887 _hypernym 10557854 +01002377 _also_see 01866535 +09983889 _derivationally_related_form 00591523 +12567950 _hypernym 13112664 +00958334 _derivationally_related_form 01019372 +00058516 _hypernym 00056930 +01989053 _derivationally_related_form 07361128 +13655262 _derivationally_related_form 13651520 +01527271 _derivationally_related_form 13919547 +11378462 _instance_hypernym 09952539 +13000372 _hypernym 11590783 +01828736 _derivationally_related_form 10077593 +00203342 _derivationally_related_form 02237338 +06074372 _hypernym 06078724 +03853178 _hypernym 04162998 +15175640 _hypernym 15209413 +12171966 _hypernym 12205694 +01711749 _derivationally_related_form 08677628 +09178310 _instance_hypernym 08574314 +03785499 _hypernym 02913152 +11068401 _instance_hypernym 09623038 +01196759 _hypernym 01195867 +01069391 _verb_group 01069190 +01019129 _hypernym 01018630 +02829696 _derivationally_related_form 02738701 +01039330 _derivationally_related_form 06875697 +01724459 _hypernym 01619354 +11358065 _instance_hypernym 10030277 +05241827 _hypernym 05430628 +13570574 _derivationally_related_form 00256507 +02481231 _hypernym 02481436 +11911591 _member_meronym 11952900 +02186506 _hypernym 02176268 +01682582 _hypernym 01245637 +10026976 _hypernym 10723300 +10629020 _hypernym 10078806 +02583780 _hypernym 02583139 +00549610 _hypernym 00549472 +10564660 _derivationally_related_form 01006239 +02516978 _hypernym 02516594 +01928390 _hypernym 01926311 +03783017 _hypernym 02718811 +01496199 _hypernym 01429349 +10510546 _hypernym 09997404 +00090386 _hypernym 00078760 +01183638 _hypernym 01182654 +06605897 _derivationally_related_form 00708980 +01766748 _derivationally_related_form 07505047 +04321804 _hypernym 03485997 +02500267 _hypernym 02496913 +01821203 _hypernym 01816887 +12164215 _member_meronym 12164363 +01395617 _also_see 02318464 +01789270 _derivationally_related_form 01628302 +03082979 _derivationally_related_form 02218759 +01068012 _derivationally_related_form 02466496 +02396205 _derivationally_related_form 02635794 +00284101 _derivationally_related_form 01911698 +04205318 _hypernym 04489008 +09372504 _member_meronym 09725229 +00959827 _derivationally_related_form 06536389 +00318186 _derivationally_related_form 01031256 +11143458 _instance_hypernym 10564400 +01373138 _derivationally_related_form 14619225 +09286843 _instance_hypernym 09411430 +13659943 _has_part 13659760 +00813044 _hypernym 00813978 +00107943 _derivationally_related_form 00376994 +12348127 _member_meronym 12348294 +00532886 _derivationally_related_form 04685195 +14171492 _hypernym 14151139 +05001867 _derivationally_related_form 00389238 +01423623 _hypernym 01422886 +08191987 _has_part 08192970 +12160490 _has_part 07717070 +07075172 _member_of_domain_usage 10531557 +02297294 _hypernym 02295064 +03096960 _hypernym 03738472 +11172609 _instance_hypernym 10090020 +05005447 _derivationally_related_form 00117385 +01116585 _derivationally_related_form 00955987 +01874126 _member_meronym 01874434 +01187810 _hypernym 01181475 +00197423 _derivationally_related_form 14757848 +01412346 _derivationally_related_form 09282208 +02388276 _hypernym 02382948 +13052431 _member_meronym 13052670 +00500356 _derivationally_related_form 00923802 +00669970 _verb_group 01112584 +02231473 _derivationally_related_form 10404242 +00936465 _hypernym 00933821 +03654086 _hypernym 02724966 +00572838 _derivationally_related_form 01403540 +03708962 _hypernym 04494204 +09039411 _member_of_domain_region 01277288 +09440400 _has_part 08948155 +02280869 _derivationally_related_form 00356621 +02711573 _hypernym 04100620 +07075172 _member_of_domain_usage 10628368 +00815173 _derivationally_related_form 01931768 +08987423 _has_part 08987879 +01976477 _member_meronym 01977684 +12589286 _member_meronym 12589841 +05931152 _synset_domain_topic_of 06000644 +03059366 _hypernym 02934168 +01995514 _hypernym 01994492 +06600684 _hypernym 06598915 +10160770 _derivationally_related_form 03495258 +14010148 _hypernym 00024720 +01534745 _hypernym 01534147 +07869937 _hypernym 07557434 +13512238 _derivationally_related_form 00249852 +09000462 _instance_hypernym 08633957 +00607780 _also_see 00611256 +00733454 _hypernym 01765908 +13779032 _has_part 13600822 +00897811 _derivationally_related_form 00696852 +00142191 _derivationally_related_form 00925207 +01986185 _derivationally_related_form 09269972 +09773245 _derivationally_related_form 13980288 +01960105 _synset_domain_topic_of 00450335 +02202384 _derivationally_related_form 00810598 +08770718 _instance_hypernym 08524735 +12954978 _member_meronym 12955639 +02276088 _derivationally_related_form 04733347 +02300549 _hypernym 01149470 +09305358 _hypernym 09257949 +02154312 _derivationally_related_form 10271216 +06551339 _hypernym 06549661 +02534734 _has_part 07795751 +03335030 _hypernym 04552348 +07434473 _hypernym 00264366 +00563100 _hypernym 00126264 +02317661 _derivationally_related_form 01150467 +02601344 _has_part 07784367 +06851742 _member_of_domain_usage 03808144 +00301192 _hypernym 00308370 +10712573 _hypernym 10025730 +12664005 _hypernym 12663804 +00143204 _derivationally_related_form 13875970 +00796839 _derivationally_related_form 06542830 +00779374 _also_see 00428404 +14704465 _derivationally_related_form 00567291 +12025019 _member_meronym 12025220 +00504270 _hypernym 00126264 +00272713 _hypernym 00271263 +02483267 _hypernym 02499629 +03028079 _has_part 03004824 +14500341 _hypernym 14499262 +10873059 _instance_hypernym 10650162 +00286756 _derivationally_related_form 01996402 +01957335 _has_part 07787429 +00907657 _derivationally_related_form 09999135 +04651974 _hypernym 04651784 +09325395 _hypernym 09256479 +00288017 _hypernym 00126264 +08860123 _member_of_domain_region 03883664 +02529284 _derivationally_related_form 04665813 +02003204 _has_part 01897851 +01135795 _derivationally_related_form 02593354 +06816935 _hypernym 06722453 +00466651 _derivationally_related_form 00373278 +02561332 _derivationally_related_form 00410247 +08573472 _derivationally_related_form 00131018 +05245775 _hypernym 04692157 +08075647 _derivationally_related_form 10602470 +02495446 _hypernym 01864707 +00578295 _hypernym 00126264 +11997775 _member_meronym 11997969 +00140393 _derivationally_related_form 01606018 +05691376 _hypernym 05690269 +06575932 _synset_domain_topic_of 06128570 +01428853 _derivationally_related_form 07988857 +12030479 _hypernym 11579418 +01163047 _derivationally_related_form 01398443 +02102796 _also_see 00571643 +09945905 _derivationally_related_form 02716767 +04400289 _hypernym 03078287 +01041968 _derivationally_related_form 00759944 +08521267 _has_part 08685188 +01082454 _hypernym 01072949 +04508489 _hypernym 04508163 +07510923 _derivationally_related_form 00719734 +08816969 _has_part 08817418 +00044149 _derivationally_related_form 02756098 +01811682 _member_meronym 01814091 +06504462 _derivationally_related_form 01020934 +09962414 _hypernym 00007846 +07209965 _derivationally_related_form 00907657 +00205046 _verb_group 00205885 +03118539 _hypernym 04571088 +00727791 _derivationally_related_form 06763681 +00005526 _derivationally_related_form 00834135 +00271263 _derivationally_related_form 00207728 +12359026 _member_meronym 12359734 +08682575 _has_part 09440400 +12896615 _hypernym 12896307 +11234152 _instance_hypernym 10599806 +02007721 _member_meronym 02010592 +02676496 _hypernym 02676054 +07372779 _derivationally_related_form 01931768 +11033358 _instance_hypernym 10560637 +00346693 _derivationally_related_form 00138508 +11997160 _hypernym 11997032 +09130076 _has_part 09131205 +05827253 _hypernym 05827684 +09029457 _has_part 09371360 +00180962 _hypernym 00161243 +01215694 _derivationally_related_form 03024882 +03896233 _hypernym 04468005 +05330659 _hypernym 05328867 +02409148 _hypernym 02407987 +00256862 _hypernym 00256507 +10033663 _hypernym 00007846 +12850906 _hypernym 12205694 +14048441 _hypernym 13532886 +08720037 _instance_hypernym 08698379 +01944390 _hypernym 01942177 +01746818 _hypernym 01657723 +00368847 _derivationally_related_form 00146572 +12800327 _hypernym 11585340 +08764107 _has_part 08764561 +01734502 _derivationally_related_form 05860200 +10409752 _derivationally_related_form 00737884 +02567484 _hypernym 01432517 +01487312 _hypernym 01432517 +10047822 _hypernym 09804806 +04271148 _derivationally_related_form 01444887 +08251303 _hypernym 08240169 +01138204 _hypernym 02637938 +00040188 _derivationally_related_form 00256961 +07121361 _hypernym 07120524 +00673710 _hypernym 00671351 +01843497 _derivationally_related_form 08581503 +03218198 _derivationally_related_form 01939406 +03918480 _has_part 03760310 +07697825 _hypernym 07695965 +01782516 _hypernym 01782209 +03953743 _derivationally_related_form 00407848 +04145056 _hypernym 04297476 +00973056 _derivationally_related_form 06255354 +05498773 _has_part 05495571 +08791167 _instance_hypernym 08574314 +08907606 _has_part 08909537 +03804311 _hypernym 02832168 +08221897 _member_meronym 10165448 +03864356 _derivationally_related_form 02713748 +02533075 _member_meronym 02533209 +09833997 _hypernym 00007846 +01578254 _derivationally_related_form 02472693 +11874300 _hypernym 11575425 +02982790 _hypernym 04081844 +08994540 _synset_domain_topic_of 00759694 +01095753 _hypernym 00796886 +10038929 _derivationally_related_form 01172784 +00181258 _hypernym 00173338 +02400139 _member_meronym 02410313 +02672540 _derivationally_related_form 00259643 +13000372 _member_meronym 13002433 +14158594 _hypernym 14151139 +01269008 _derivationally_related_form 04159545 +11796744 _member_meronym 11797016 +02799593 _derivationally_related_form 10205457 +00266197 _derivationally_related_form 13538757 +02299715 _member_meronym 02299846 +05088056 _derivationally_related_form 00968211 +05725527 _derivationally_related_form 00371264 +00379588 _derivationally_related_form 01530431 +13919547 _hypernym 13879320 +08853741 _has_part 08856037 +00093775 _hypernym 00092293 +05089367 _hypernym 04941453 +02627934 _derivationally_related_form 14449126 +02426395 _derivationally_related_form 00229260 +09983572 _hypernym 09927451 +07300092 _hypernym 07299569 +12748534 _hypernym 13100677 +03633091 _derivationally_related_form 01578993 +06150222 _synset_domain_topic_of 06149484 +06741305 _derivationally_related_form 00893167 +08369920 _member_meronym 11167952 +01113473 _derivationally_related_form 00127286 +08860123 _member_of_domain_region 10113362 +01406356 _hypernym 01405044 +01475421 _member_meronym 01475648 +08188638 _derivationally_related_form 01730799 +03290195 _synset_domain_topic_of 06123363 +07705711 _hypernym 07555863 +09920106 _synset_domain_topic_of 15253139 +00625963 _hypernym 00674607 +09779790 _derivationally_related_form 00245457 +11911591 _member_meronym 11996490 +10724372 _hypernym 00007846 +01374582 _derivationally_related_form 00596644 +05750163 _derivationally_related_form 10155849 +14427065 _derivationally_related_form 09917593 +00054628 _derivationally_related_form 01323355 +00001740 _verb_group 00002573 +12163824 _hypernym 12157769 +05793000 _hypernym 05770926 +02669789 _derivationally_related_form 05112609 +01694558 _member_meronym 01694709 +09801864 _hypernym 10363913 +00835294 _hypernym 00834259 +00417413 _also_see 02115324 +01468058 _derivationally_related_form 01194331 +01178220 _derivationally_related_form 07805006 +00837872 _hypernym 01779165 +04675314 _hypernym 04673965 +04953380 _hypernym 04633453 +00368302 _derivationally_related_form 00968211 +04849972 _hypernym 04849759 +12746733 _hypernym 11567411 +03958752 _hypernym 04605726 +01130169 _hypernym 01128193 +11939887 _hypernym 11579418 +02887209 _hypernym 04336034 +05016171 _derivationally_related_form 00371264 +10344774 _hypernym 00007846 +12320414 _hypernym 12320010 +10648033 _derivationally_related_form 01546111 +01957075 _member_meronym 01957202 +02582450 _hypernym 00868591 +02122164 _hypernym 02123903 +09075329 _instance_hypernym 08524735 +12742546 _hypernym 11567411 +00265094 _hypernym 00146138 +07409592 _hypernym 07339329 +00680145 _hypernym 02536557 +02645823 _hypernym 01432517 +02896789 _derivationally_related_form 06470073 +04339638 _hypernym 14943580 +02822220 _hypernym 02820210 +00812526 _derivationally_related_form 01216004 +06575681 _has_part 03187268 +00705517 _derivationally_related_form 04836491 +01941093 _verb_group 01451842 +05624700 _has_part 05797177 +02377703 _hypernym 02374451 +06418901 _hypernym 06418693 +00510723 _hypernym 00510189 +03157987 _hypernym 03740161 +08015321 _instance_hypernym 08392137 +12717524 _member_meronym 12717644 +00400101 _derivationally_related_form 13460991 +07492655 _hypernym 07492516 +04880830 _hypernym 04880573 +02025009 _hypernym 02428924 +02700104 _derivationally_related_form 04713118 +08394922 _has_part 08395682 +01740320 _verb_group 01203074 +04502197 _has_part 04502364 +01981543 _member_meronym 01981884 +13534274 _derivationally_related_form 02071627 +01263018 _derivationally_related_form 00477941 +14738752 _hypernym 00020090 +02737187 _derivationally_related_form 04922787 +11473138 _derivationally_related_form 01593254 +07325190 _derivationally_related_form 01628449 +01026095 _derivationally_related_form 06885083 +01168468 _derivationally_related_form 10042300 +13651218 _has_part 13651072 +01220885 _verb_group 01614581 +00164816 _hypernym 00220869 +00069531 _derivationally_related_form 06161223 +07313241 _hypernym 07313004 +01528542 _hypernym 01507175 +02038791 _hypernym 02038357 +02584097 _hypernym 02075462 +02672540 _hypernym 02673134 +07795317 _hypernym 07776866 +12468900 _hypernym 12468243 +01149911 _hypernym 00356790 +02255698 _hypernym 01762525 +00169458 _derivationally_related_form 03005769 +10269785 _hypernym 09617867 +02324045 _hypernym 02323902 +10060352 _derivationally_related_form 04836074 +00906037 _derivationally_related_form 00354583 +01291069 _hypernym 01354673 +10640968 _hypernym 00007846 +03721797 _hypernym 00021939 +05586759 _hypernym 05237755 +08813978 _has_part 09236423 +14980910 _hypernym 14586258 +14246710 _hypernym 14242337 +07173959 _hypernym 07170753 +08185211 _hypernym 08058098 +02394822 _member_meronym 02395244 +12797693 _member_meronym 12797860 +14925198 _derivationally_related_form 00507143 +14332085 _derivationally_related_form 01793742 +03225777 _hypernym 04004767 +00986938 _hypernym 00972621 +10741590 _derivationally_related_form 01158872 +02181235 _hypernym 02177972 +00314469 _has_part 00815173 +01157850 _derivationally_related_form 01098706 +08154960 _hypernym 07971582 +00797878 _derivationally_related_form 02373336 +01424282 _hypernym 01388130 +13460568 _derivationally_related_form 00366858 +00017222 _derivationally_related_form 01567275 +02016358 _hypernym 01844917 +02557749 _hypernym 02557591 +00391086 _derivationally_related_form 01573515 +06959932 _hypernym 06959584 +00052500 _has_part 00281752 +00140751 _derivationally_related_form 07443761 +10120816 _hypernym 10351281 +07440979 _derivationally_related_form 02939919 +10292316 _derivationally_related_form 01653442 +05945508 _hypernym 05941423 +00171127 _derivationally_related_form 06320801 +00654625 _derivationally_related_form 05732756 +06406317 _synset_domain_topic_of 00903559 +01024190 _derivationally_related_form 06766190 +02832168 _hypernym 02854156 +06797169 _derivationally_related_form 00921300 +14437134 _derivationally_related_form 00489299 +11449907 _derivationally_related_form 00505802 +13566212 _hypernym 13518963 +08173515 _member_meronym 08766988 +05489394 _has_part 05488385 +07197021 _derivationally_related_form 00786816 +09264116 _instance_hypernym 09411430 +13481883 _hypernym 13480848 +02884456 _derivationally_related_form 01900488 +09365288 _instance_hypernym 09360122 +00674158 _derivationally_related_form 00061933 +12319414 _member_meronym 07771539 +08137495 _has_part 08349138 +02129289 _verb_group 02150948 +12792638 _hypernym 11585340 +12671157 _member_meronym 12681768 +12100538 _member_meronym 12125398 +02314658 _hypernym 02314275 +02139883 _derivationally_related_form 06888345 +02242256 _verb_group 01864038 +00841901 _derivationally_related_form 02193974 +02571251 _derivationally_related_form 10213652 +08860123 _member_of_domain_region 03891051 +03333349 _hypernym 03762982 +09682803 _hypernym 09682291 +01789064 _member_meronym 01799086 +01404813 _hypernym 01388130 +15223916 _synset_domain_topic_of 06974127 +05259512 _derivationally_related_form 00143914 +12353604 _member_meronym 12353754 +01651444 _derivationally_related_form 00923995 +05998526 _hypernym 05996646 +13983515 _derivationally_related_form 00273082 +00643197 _synset_domain_topic_of 06055946 +00949093 _derivationally_related_form 06256697 +00681429 _derivationally_related_form 09802050 +02398161 _hypernym 02397637 +08999154 _has_part 08777544 +10670885 _hypernym 10025730 +03641706 _hypernym 03357376 +02612393 _member_meronym 02612657 +12319687 _member_meronym 12320806 +00989084 _derivationally_related_form 07201804 +01457276 _hypernym 01429349 +02606590 _hypernym 01432517 +11645271 _member_meronym 11647131 +12916935 _member_meronym 12923839 +11132462 _instance_hypernym 10249950 +03170635 _hypernym 03273913 +08958334 _instance_hypernym 08633957 +15127507 _instance_hypernym 15247518 +01533169 _member_meronym 01533339 +01634142 _derivationally_related_form 05634219 +00427786 _derivationally_related_form 14497763 +05524615 _has_part 05527848 +01190012 _derivationally_related_form 07561590 +06526291 _derivationally_related_form 09935434 +07401726 _derivationally_related_form 01880113 +00765649 _derivationally_related_form 07252378 +03928116 _has_part 03614007 +02846322 _derivationally_related_form 01070187 +01639369 _derivationally_related_form 02631238 +07362386 _hypernym 07362830 +05018103 _derivationally_related_form 00291873 +00153961 _derivationally_related_form 00665886 +08843215 _has_part 08896092 +01843805 _hypernym 01342529 +00484892 _hypernym 00484166 +13112664 _derivationally_related_form 13118569 +04566257 _hypernym 03575240 +00625119 _verb_group 00626428 +09178999 _derivationally_related_form 00634472 +08158460 _hypernym 08153437 +01371756 _derivationally_related_form 10230580 +02608004 _hypernym 01466978 +14457218 _hypernym 13920835 +00795720 _derivationally_related_form 01638368 +04666615 _hypernym 04616059 +12945828 _hypernym 12205694 +06204406 _hypernym 06193203 +00884311 _hypernym 00883297 +01478626 _derivationally_related_form 05008746 +01509280 _hypernym 02529284 +04260934 _hypernym 03247620 +01880531 _also_see 02035337 +00916011 _hypernym 00941990 +10691600 _hypernym 00007846 +11985586 _member_meronym 11985739 +15141213 _has_part 15205532 +08253815 _hypernym 08252602 +10148305 _derivationally_related_form 00909573 +02562585 _derivationally_related_form 10736394 +05303402 _synset_domain_topic_of 06057539 +02741357 _derivationally_related_form 00318735 +00095329 _derivationally_related_form 00199912 +01992516 _member_meronym 01992773 +14441825 _derivationally_related_form 02646931 +10965361 _instance_hypernym 09765278 +10389398 _derivationally_related_form 13240514 +05133535 _hypernym 05133287 +07251984 _derivationally_related_form 02554422 +08391387 _hypernym 08391206 +00293977 _derivationally_related_form 00263492 +00654625 _derivationally_related_form 13558696 +15005386 _hypernym 14989820 +02122164 _derivationally_related_form 14323683 +03109486 _hypernym 03581125 +13635108 _hypernym 13602526 +01053144 _derivationally_related_form 04980656 +10452892 _synset_domain_topic_of 15253139 +00615774 _derivationally_related_form 00074624 +01249315 _derivationally_related_form 00905677 +01600191 _hypernym 01423285 +10486679 _derivationally_related_form 02001252 +01161635 _similar_to 01160031 +00164152 _hypernym 00163779 +01176567 _derivationally_related_form 07891726 +02280869 _hypernym 01157517 +05752544 _hypernym 05701944 +06426468 _hypernym 06417598 +04836074 _hypernym 04835724 +08591680 _derivationally_related_form 01262113 +00381013 _derivationally_related_form 03099945 +03648219 _derivationally_related_form 01535246 +03386011 _hypernym 03171356 +07280072 _hypernym 07185325 +00691879 _hypernym 00671351 +06366581 _derivationally_related_form 00624263 +00848169 _derivationally_related_form 06720216 +07093759 _derivationally_related_form 01702514 +11795774 _hypernym 11556857 +01702514 _derivationally_related_form 07093759 +00833702 _derivationally_related_form 00893955 +10433452 _hypernym 10294602 +02862048 _has_part 02801823 +02025009 _derivationally_related_form 05731779 +03493664 _hypernym 04566257 +10510546 _derivationally_related_form 00814850 +08334693 _synset_domain_topic_of 08441203 +06876309 _derivationally_related_form 00992041 +05238282 _has_part 05245775 +04273659 _hypernym 03520811 +00145147 _hypernym 00142191 +08025112 _synset_domain_topic_of 00759694 +02431320 _derivationally_related_form 07313814 +12212810 _member_meronym 12322887 +01367083 _hypernym 01355326 +02367363 _also_see 02536557 +00020926 _hypernym 00020671 +01876006 _derivationally_related_form 10256756 +11259054 _instance_hypernym 10090020 +00369802 _hypernym 00358931 +05337055 _hypernym 05333777 +10423589 _synset_domain_topic_of 06158346 +01775535 _derivationally_related_form 09849598 +07504841 _hypernym 07553301 +01496843 _derivationally_related_form 03284120 +06404147 _derivationally_related_form 01747203 +09260466 _derivationally_related_form 00445940 +09810364 _derivationally_related_form 02275365 +01170813 _derivationally_related_form 02567147 +01719302 _verb_group 01719921 +02043501 _hypernym 02043190 +01683582 _derivationally_related_form 00608037 +02019716 _derivationally_related_form 07429976 +09783369 _hypernym 09631463 +02531422 _also_see 00856860 +06825120 _derivationally_related_form 01004692 +00055633 _derivationally_related_form 02073714 +05003090 _derivationally_related_form 01904930 +09356781 _instance_hypernym 09215664 +02409148 _derivationally_related_form 00623370 +05167618 _derivationally_related_form 09999795 +02457408 _hypernym 02456962 +00768921 _hypernym 00766234 +09148970 _has_part 09301249 +01641632 _hypernym 01640855 +02533907 _derivationally_related_form 06217103 +06031248 _hypernym 06018465 +03941684 _hypernym 03489162 +01531998 _hypernym 00356258 +10351874 _hypernym 09610660 +02301502 _derivationally_related_form 10635275 +01643374 _member_meronym 01643507 +00883297 _has_part 00729108 +12226322 _member_meronym 12245472 +05802912 _hypernym 05802185 +02373015 _derivationally_related_form 00575741 +08849753 _has_part 08850741 +01824532 _derivationally_related_form 07486229 +11073061 _instance_hypernym 10547145 +01719175 _hypernym 08103777 +08907606 _has_part 09175915 +09926088 _derivationally_related_form 00860292 +02510905 _hypernym 02510337 +05662532 _derivationally_related_form 02265231 +07094355 _hypernym 07094093 +00135857 _also_see 00429060 +08176077 _member_meronym 08988609 +00459498 _derivationally_related_form 07436352 +01637982 _verb_group 00918872 +09067277 _has_part 09250165 +07366627 _derivationally_related_form 02661252 +00210797 _derivationally_related_form 02610628 +09762821 _derivationally_related_form 02288295 +01226240 _also_see 01588172 +10822338 _derivationally_related_form 03028465 +07445896 _derivationally_related_form 02689299 +02370806 _has_part 02462828 +01780919 _hypernym 01762525 +12570394 _hypernym 13104059 +00399074 _hypernym 00140123 +05512670 _hypernym 05249636 +00150287 _derivationally_related_form 01027263 +02270326 _hypernym 01759182 +01574923 _derivationally_related_form 00353469 +02515341 _also_see 01746605 +02578510 _derivationally_related_form 00516086 +05683582 _derivationally_related_form 00621734 +02326695 _also_see 01025913 +00946499 _derivationally_related_form 02077148 +09003284 _member_of_domain_region 01307754 +02204692 _derivationally_related_form 00809465 +00447073 _derivationally_related_form 01939174 +09725653 _hypernym 09729530 +07932323 _hypernym 07886572 +12579038 _hypernym 11747468 +01190277 _hypernym 01171183 +01790943 _member_meronym 01789740 +00509377 _synset_domain_topic_of 06090869 +01944955 _hypernym 01944390 +08519916 _has_part 09018848 +08860123 _member_of_domain_region 15138401 +02277279 _derivationally_related_form 00519363 +02658979 _derivationally_related_form 13841651 +00742320 _derivationally_related_form 06252138 +10190745 _hypernym 00007846 +02486232 _hypernym 02589245 +01315613 _derivationally_related_form 10567401 +00432839 _hypernym 00432683 +00925207 _derivationally_related_form 00142191 +04981139 _derivationally_related_form 02176268 +02106761 _also_see 01155354 +08762104 _instance_hypernym 08633957 +00900214 _derivationally_related_form 06688913 +03492717 _hypernym 03808564 +02494356 _derivationally_related_form 03592245 +06732169 _synset_domain_topic_of 06000644 +00069879 _derivationally_related_form 14285662 +01327322 _synset_domain_topic_of 06075527 +09003284 _member_of_domain_region 08057068 +00641252 _synset_domain_topic_of 06004067 +01349130 _also_see 01349318 +05696020 _derivationally_related_form 00456596 +03571155 _hypernym 03740161 +01631830 _derivationally_related_form 06740919 +00627849 _also_see 00629997 +08731953 _instance_hypernym 08574314 +01926379 _hypernym 01925695 +02393489 _hypernym 02393086 +05977340 _hypernym 06167328 +02805443 _hypernym 03592245 +09049599 _has_part 09053185 +00402535 _derivationally_related_form 00452512 +02852523 _hypernym 00021939 +07075172 _member_of_domain_usage 03436182 +08103777 _member_meronym 08106934 +12354068 _member_meronym 12354849 +05761918 _derivationally_related_form 00607780 +08762495 _instance_hypernym 08698379 +00815173 _hypernym 00803617 +00779248 _derivationally_related_form 02575723 +01183031 _synset_domain_topic_of 08441203 +09247410 _derivationally_related_form 02770717 +01103788 _derivationally_related_form 01485158 +02419773 _derivationally_related_form 10700105 +01968569 _also_see 01990281 +07954211 _hypernym 07951464 +01860795 _derivationally_related_form 01063697 +01691085 _hypernym 01656813 +01305731 _derivationally_related_form 10655169 +10868980 _synset_domain_topic_of 08083599 +08699426 _has_part 08716219 +07772935 _hypernym 07737081 +05176607 _derivationally_related_form 02479154 +01719175 _member_meronym 01721718 +00959731 _derivationally_related_form 04878861 +14117805 _hypernym 14075199 +02277895 _member_meronym 02278024 +05790572 _derivationally_related_form 00796976 +00222485 _hypernym 00219012 +09110784 _instance_hypernym 08695539 +10342543 _derivationally_related_form 00909219 +02926519 _derivationally_related_form 06430996 +00298896 _also_see 00677683 +00154433 _derivationally_related_form 02663340 +02118476 _derivationally_related_form 01286799 +13121104 _hypernym 13083586 +07970406 _member_meronym 10399491 +09548632 _synset_domain_topic_of 07978924 +06791017 _synset_domain_topic_of 06226057 +02860063 _derivationally_related_form 01865383 +01761533 _hypernym 01761120 +11651731 _member_meronym 11652578 +00731159 _hypernym 00637259 +03266749 _hypernym 04033995 +03819994 _hypernym 04474466 +09811712 _derivationally_related_form 00978549 +02251233 _hypernym 02250822 +04406817 _hypernym 04473432 +03743016 _hypernym 03743902 +02756098 _derivationally_related_form 00047945 +14779796 _derivationally_related_form 00211108 +07426406 _synset_domain_topic_of 06075527 +08847694 _member_meronym 09729530 +00480969 _derivationally_related_form 05726596 +12520661 _member_meronym 12521394 +12348127 _hypernym 11567411 +10275249 _derivationally_related_form 08891889 +01080064 _verb_group 01149470 +07478874 _synset_domain_topic_of 06128570 +04475900 _hypernym 03351768 +01573276 _derivationally_related_form 09410928 +07185668 _derivationally_related_form 00873682 +03693973 _derivationally_related_form 01574923 +05486510 _has_part 05494130 +08053576 _hypernym 08008335 +02620466 _hypernym 00358431 +01740892 _also_see 01922763 +00040353 _hypernym 00293141 +00186161 _derivationally_related_form 00365012 +01688771 _derivationally_related_form 03210940 +13277179 _hypernym 13275495 +11486178 _synset_domain_topic_of 06080522 +01708676 _derivationally_related_form 09989502 +12938193 _hypernym 13112664 +00328502 _derivationally_related_form 01870275 +04157320 _derivationally_related_form 01684337 +05734559 _derivationally_related_form 00726300 +03017168 _derivationally_related_form 02180152 +12332422 _member_meronym 12332555 +01516965 _hypernym 01517662 +00003826 _derivationally_related_form 14359459 +06885389 _hypernym 06885083 +12341412 _hypernym 11585340 +02601996 _verb_group 02601808 +10018021 _derivationally_related_form 00910135 +04677514 _derivationally_related_form 00142191 +03015254 _has_part 03233905 +05361391 _hypernym 05418717 +14593874 _hypernym 14593671 +12451789 _member_meronym 12451915 +02995345 _synset_domain_topic_of 06128570 +00891216 _derivationally_related_form 10209731 +04860586 _derivationally_related_form 00264776 +03585875 _hypernym 04580298 +15164957 _hypernym 15113229 +00430140 _derivationally_related_form 01156115 +10478960 _derivationally_related_form 00597957 +02515410 _hypernym 01429349 +02984104 _derivationally_related_form 10468559 +01548718 _derivationally_related_form 00397760 +01544692 _also_see 01469263 +00763713 _derivationally_related_form 05692758 +00145218 _derivationally_related_form 01295275 +06672297 _hypernym 06671484 +00281101 _derivationally_related_form 04956594 +09891079 _hypernym 10553402 +06201042 _derivationally_related_form 00864159 +02041206 _derivationally_related_form 07440240 +00292247 _hypernym 00291873 +06005692 _synset_domain_topic_of 06000644 +02987454 _derivationally_related_form 01324305 +00042311 _derivationally_related_form 01645601 +07404798 _hypernym 07406765 +00048225 _derivationally_related_form 02022162 +12749852 _hypernym 13112664 +00125436 _derivationally_related_form 01247804 +02979722 _derivationally_related_form 13512238 +02024185 _hypernym 02023341 +01214265 _also_see 01312371 +02987454 _derivationally_related_form 10341660 +09048127 _instance_hypernym 08574314 +00779374 _derivationally_related_form 04702688 +10011902 _derivationally_related_form 02587084 +02531503 _member_meronym 02531625 +03735637 _derivationally_related_form 02704349 +12376382 _hypernym 11575425 +01611516 _derivationally_related_form 03247083 +11269085 _instance_hypernym 10020890 +09792237 _hypernym 09617867 +14682133 _has_part 14619225 +02610628 _derivationally_related_form 06398401 +00754942 _hypernym 00752764 +00859153 _hypernym 01813884 +05577190 _has_part 05576194 +08910668 _has_part 08911602 +07156819 _derivationally_related_form 00964478 +01059123 _hypernym 00717358 +10036929 _derivationally_related_form 01732532 +01744111 _derivationally_related_form 00591519 +02581642 _hypernym 02580336 +09036452 _member_meronym 09734294 +01502946 _derivationally_related_form 04081044 +00780148 _derivationally_related_form 02573127 +08963369 _derivationally_related_form 03083069 +00209943 _derivationally_related_form 00715074 +00820976 _derivationally_related_form 06880249 +01567530 _hypernym 01507175 +05489640 _hypernym 05486920 +02971940 _hypernym 03274561 +01313093 _member_meronym 01938850 +10599806 _derivationally_related_form 01067816 +07295629 _derivationally_related_form 02344381 +00053159 _verb_group 00053341 +00680485 _derivationally_related_form 13589321 +00490722 _derivationally_related_form 00285557 +01125693 _synset_domain_topic_of 08441203 +04678401 _synset_domain_topic_of 08441203 +01512625 _derivationally_related_form 00105820 +00760956 _hypernym 00761713 +12899537 _hypernym 13112664 +07909593 _hypernym 07907548 +09900153 _hypernym 10139347 +09715165 _hypernym 09714952 +11428023 _derivationally_related_form 00291757 +08860123 _member_of_domain_region 03439348 +00596393 _hypernym 00586262 +04784142 _hypernym 04723816 +00394813 _derivationally_related_form 07373803 +00299341 _hypernym 00296178 +10526927 _derivationally_related_form 00855794 +01448100 _also_see 01449053 +08278924 _hypernym 08276720 +01960459 _hypernym 01955933 +07400906 _derivationally_related_form 01880113 +12488121 _hypernym 11585340 +01217306 _synset_domain_topic_of 08199025 +06214744 _derivationally_related_form 09945603 +00831191 _derivationally_related_form 00002325 +02448200 _member_meronym 02448318 +13514314 _synset_domain_topic_of 00004475 +03011521 _has_part 08270417 +10304160 _hypernym 10129825 +15174218 _has_part 15212739 +14588492 _hypernym 14586258 +05643190 _hypernym 05640433 +06845599 _member_of_domain_usage 03587442 +02103925 _synset_domain_topic_of 06090869 +08801678 _has_part 09268592 +07349299 _hypernym 07314838 +11056654 _instance_hypernym 10624540 +01497278 _hypernym 01432517 +01505254 _hypernym 01448100 +00346296 _derivationally_related_form 00468791 +08801678 _has_part 08806897 +01949195 _hypernym 01938850 +01041674 _hypernym 00712833 +13451348 _derivationally_related_form 00364868 +00996969 _derivationally_related_form 00681429 +00842692 _derivationally_related_form 01539063 +01932358 _member_meronym 01932495 +01416539 _derivationally_related_form 03481172 +01416539 _verb_group 01675245 +05785311 _derivationally_related_form 00649481 +12679201 _hypernym 12678224 +00490722 _derivationally_related_form 00285889 +02083615 _also_see 01872745 +15169873 _has_part 15163005 +00615421 _hypernym 00615774 +09030467 _instance_hypernym 08633957 +01041954 _hypernym 00962447 +10489944 _hypernym 10707233 +01819115 _hypernym 01816887 +09279458 _derivationally_related_form 00918872 +05707146 _hypernym 05706954 +00379422 _hypernym 00378985 +01798452 _derivationally_related_form 14376188 +05169813 _derivationally_related_form 02161432 +01838961 _hypernym 01507175 +00428270 _hypernym 00426928 +02658979 _hypernym 02657219 +01163083 _derivationally_related_form 07027180 +00732746 _derivationally_related_form 02517202 +01258642 _hypernym 01258302 +08192557 _hypernym 08337324 +07528470 _derivationally_related_form 01762528 +01420304 _synset_domain_topic_of 00523513 +06969129 _synset_domain_topic_of 06236802 +05018103 _derivationally_related_form 00284930 +12900783 _hypernym 12900462 +09716439 _hypernym 09716047 +05061345 _derivationally_related_form 00440580 +00657550 _hypernym 00654625 +05659365 _hypernym 05659621 +07642471 _hypernym 07597145 +01501347 _synset_domain_topic_of 00916464 +02434541 _derivationally_related_form 01081456 +01693881 _derivationally_related_form 09964805 +02325968 _derivationally_related_form 04202417 +02728763 _derivationally_related_form 01328513 +00538876 _hypernym 00537682 +00263682 _hypernym 00256507 +06637824 _hypernym 06634376 +01531998 _derivationally_related_form 04682462 +02447542 _derivationally_related_form 08060193 +01540432 _hypernym 01507175 +14252320 _hypernym 14242337 +00237869 _synset_domain_topic_of 06182144 +06295235 _member_of_domain_usage 03380134 +01353405 _hypernym 01423285 +14004317 _hypernym 00024720 +00054628 _derivationally_related_form 10332385 +07233542 _hypernym 07232988 +01498041 _hypernym 01495701 +00787218 _derivationally_related_form 02530167 +12265900 _hypernym 11573173 +00567044 _synset_domain_topic_of 00482298 +00322719 _hypernym 00328128 +07424109 _derivationally_related_form 10527334 +00205079 _derivationally_related_form 02379198 +00759944 _derivationally_related_form 01041968 +05278395 _hypernym 05280512 +10551265 _instance_hypernym 09587565 +05008227 _hypernym 05006898 +01481360 _hypernym 01340439 +02615298 _has_part 07786005 +08921850 _has_part 08924560 +01163429 _derivationally_related_form 01398772 +11236497 _instance_hypernym 10650162 +02563949 _hypernym 02563182 +00834009 _hypernym 00831651 +09697070 _hypernym 09634494 +08897065 _has_part 08898002 +12268246 _hypernym 13104059 +03792334 _derivationally_related_form 01660640 +08172103 _member_meronym 08959683 +14906850 _hypernym 14806838 +05320362 _hypernym 05297523 +01968275 _hypernym 01967373 +12996225 _member_meronym 13065702 +10248198 _hypernym 10256756 +00734587 _derivationally_related_form 05854150 +10618848 _derivationally_related_form 00298041 +02475535 _hypernym 02444662 +11607739 _member_meronym 11618750 +00363493 _hypernym 00364064 +02669789 _derivationally_related_form 02335828 +03233905 _has_part 03682487 +09814567 _derivationally_related_form 00804139 +01855343 _hypernym 01507175 +02054703 _verb_group 02015384 +02484208 _verb_group 02483267 +01788733 _verb_group 01787955 +01211667 _hypernym 01209220 +00837675 _derivationally_related_form 01198616 +02079933 _derivationally_related_form 00121366 +01759182 _hypernym 08107499 +00723056 _hypernym 00722232 +01572174 _member_meronym 01572328 +01057200 _derivationally_related_form 02327200 +01750668 _hypernym 01750421 +13463656 _hypernym 13557451 +01829747 _derivationally_related_form 14051056 +03376279 _derivationally_related_form 01277974 +02037272 _also_see 02513740 +01566705 _derivationally_related_form 07410207 +00097179 _derivationally_related_form 05417472 +01921964 _hypernym 01968569 +10824710 _instance_hypernym 09714429 +06564387 _hypernym 06532095 +11779801 _hypernym 11556857 +07411645 _derivationally_related_form 02766390 +12904148 _hypernym 11579418 +02076535 _hypernym 01862557 +10148305 _hypernym 09631463 +12611815 _hypernym 11555413 +06851742 _member_of_domain_usage 14777523 +07786164 _hypernym 07783210 +08482271 _derivationally_related_form 01931768 +00168658 _hypernym 00191142 +01548193 _also_see 02513269 +00285088 _derivationally_related_form 04970059 +02963159 _has_part 04238321 +05042871 _hypernym 05040275 +08507558 _derivationally_related_form 02623731 +00047745 _hypernym 02630189 +00336539 _verb_group 00336260 +05113133 _derivationally_related_form 02336449 +01145766 _derivationally_related_form 05635448 +02439501 _derivationally_related_form 10014939 +08566554 _hypernym 08566028 +02660940 _derivationally_related_form 09011151 +03033986 _hypernym 04004210 +09103943 _member_of_domain_region 01298797 +00278555 _derivationally_related_form 01374767 +10744164 _derivationally_related_form 15137890 +00414179 _derivationally_related_form 01165043 +01387786 _derivationally_related_form 00514396 +01978576 _hypernym 01970826 +01484027 _derivationally_related_form 07419233 +10703692 _derivationally_related_form 00786458 +01800349 _derivationally_related_form 04778630 +09972661 _hypernym 10506544 +12583855 _has_part 07774182 +14043243 _hypernym 14041256 +09103377 _instance_hypernym 08695539 +01312810 _also_see 02290029 +09161803 _has_part 09162581 +00226882 _verb_group 00252990 +13207923 _hypernym 13207736 +02723016 _derivationally_related_form 13978344 +10707233 _derivationally_related_form 00081725 +01586850 _derivationally_related_form 03390983 +09319604 _hypernym 09334396 +01827858 _derivationally_related_form 09771664 +02439281 _hypernym 02367363 +07748912 _hypernym 07747607 +10702781 _derivationally_related_form 00759694 +05705722 _hypernym 05650579 +07618871 _hypernym 07612632 +01605119 _member_meronym 01613294 +09026614 _instance_hypernym 08633957 +12364379 _hypernym 11575425 +12516165 _hypernym 11650919 +02323186 _hypernym 01342529 +00003553 _derivationally_related_form 00368109 +00146572 _derivationally_related_form 02032634 +03634034 _hypernym 03259505 +12355760 _hypernym 12205694 +03075097 _derivationally_related_form 00038365 +11629501 _member_meronym 11643684 +00726567 _derivationally_related_form 01076370 +12078172 _hypernym 12041446 +12851673 _hypernym 11579418 +01778017 _derivationally_related_form 06207561 +00396880 _hypernym 00394813 +09382990 _has_part 08977948 +07437575 _derivationally_related_form 00053889 +02293135 _member_meronym 02293352 +04347754 _has_part 04250850 +06171040 _derivationally_related_form 10264437 +13195547 _hypernym 13167078 +00908099 _derivationally_related_form 05689249 +13553916 _hypernym 13526110 +01966168 _hypernym 01963942 +02345288 _synset_domain_topic_of 00766234 +08210254 _hypernym 08209687 +00405236 _derivationally_related_form 01015175 +14645882 _hypernym 14625458 +04031884 _derivationally_related_form 02653159 +10017794 _hypernym 10677271 +02661769 _derivationally_related_form 11420139 +01462928 _derivationally_related_form 09454412 +10175507 _derivationally_related_form 01471825 +09039411 _has_part 09041371 +07454196 _synset_domain_topic_of 06232880 +01033527 _hypernym 00964911 +00325110 _derivationally_related_form 00433232 +15126361 _instance_hypernym 15247518 +06520944 _derivationally_related_form 00888786 +09044862 _has_part 09084750 +10178216 _derivationally_related_form 01405044 +00869931 _derivationally_related_form 10087736 +14688234 _hypernym 14969666 +10323182 _derivationally_related_form 00730984 +02668523 _derivationally_related_form 02510446 +13734992 _hypernym 13733402 +00072012 _derivationally_related_form 10435716 +00378706 _derivationally_related_form 00378361 +11544314 _hypernym 11537665 +01680137 _hypernym 01657723 +09379111 _derivationally_related_form 01593614 +05950733 _derivationally_related_form 01811441 +02045705 _hypernym 01507175 +00842538 _derivationally_related_form 00070965 +04305323 _hypernym 03719053 +00410247 _derivationally_related_form 02561332 +12636107 _hypernym 11585340 +01577265 _member_meronym 01577458 +05948857 _derivationally_related_form 02863464 +05963744 _hypernym 05943300 +10074841 _synset_domain_topic_of 06136258 +11642622 _hypernym 11642430 +07159791 _derivationally_related_form 01064560 +03490884 _hypernym 04359589 +00853776 _derivationally_related_form 04626280 +02534761 _hypernym 02367363 +06845599 _member_of_domain_usage 03918297 +01166351 _hypernym 01156834 +01406356 _verb_group 01406512 +12379278 _member_meronym 12379531 +09822955 _derivationally_related_form 00697062 +01921204 _hypernym 01904930 +04652930 _derivationally_related_form 02257141 +01232387 _verb_group 01365131 +00106456 _derivationally_related_form 05113462 +10379758 _derivationally_related_form 02585489 +11755694 _member_meronym 11756092 +15121406 _has_part 15254028 +02175057 _also_see 01037498 +08720481 _has_part 09463721 +01410905 _derivationally_related_form 04750164 +01675963 _derivationally_related_form 04683814 +11874081 _hypernym 13085113 +02727039 _derivationally_related_form 08628921 +01734929 _derivationally_related_form 13549916 +02694426 _hypernym 03183080 +07157273 _member_of_domain_usage 10153155 +07486628 _derivationally_related_form 01805684 +02122665 _derivationally_related_form 07401726 +00605909 _derivationally_related_form 10767265 +08860123 _member_of_domain_region 05615147 +10026763 _hypernym 13950812 +01805684 _derivationally_related_form 07486628 +07660065 _hypernym 07658168 +00521209 _hypernym 00520257 +07364115 _derivationally_related_form 00217700 +10823199 _instance_hypernym 10220486 +01211667 _derivationally_related_form 01814815 +11771383 _member_meronym 11771539 +14219661 _hypernym 14070360 +00344699 _hypernym 00331950 +07285403 _derivationally_related_form 02108026 +08019281 _instance_hypernym 08392137 +01024643 _hypernym 01023820 +09187407 _instance_hypernym 09360122 +02278939 _derivationally_related_form 04631700 +00349592 _hypernym 00348746 +06919712 _hypernym 06907728 +01113134 _hypernym 01111816 +12305475 _hypernym 12303462 +10039391 _derivationally_related_form 02566227 +01817938 _hypernym 01818235 +00237259 _hypernym 00151689 +09073258 _instance_hypernym 08638442 +02138921 _member_meronym 02139199 +01528821 _derivationally_related_form 00677808 +00700336 _hypernym 00699815 +12212810 _member_meronym 12213197 +10306279 _hypernym 10488309 +00465762 _hypernym 01850315 +02345856 _hypernym 02346136 +00427580 _derivationally_related_form 00105778 +14836960 _derivationally_related_form 00229280 +09170996 _has_part 09169303 +11432508 _hypernym 11431754 +09409752 _derivationally_related_form 02689730 +12798041 _member_meronym 12798284 +01586278 _derivationally_related_form 10734235 +01918803 _derivationally_related_form 10714465 +02538365 _hypernym 02538086 +01160342 _hypernym 01123598 +08951777 _instance_hypernym 08574314 +04099969 _hypernym 03001627 +02062991 _member_meronym 02064154 +01453256 _derivationally_related_form 10492202 +12747961 _hypernym 11567411 +00605086 _derivationally_related_form 05943300 +02489916 _hypernym 02488834 +07452841 _hypernym 07450842 +11611758 _has_part 07774842 +02861617 _derivationally_related_form 03931044 +12775919 _has_part 07764486 +02105375 _also_see 02102796 +09686536 _hypernym 09620078 +14723628 _hypernym 14723079 +03410022 _hypernym 03532342 +06430996 _derivationally_related_form 02926519 +02441022 _derivationally_related_form 09941383 +08479894 _hypernym 07975026 +06162979 _synset_domain_topic_of 06128570 +07417043 _derivationally_related_form 00485609 +03819595 _has_part 02768433 +13752443 _hypernym 13745420 +07205573 _derivationally_related_form 02212825 +07452074 _derivationally_related_form 02489456 +01193099 _derivationally_related_form 00840630 +05926676 _derivationally_related_form 00772967 +12818147 _member_meronym 12818346 +01392380 _hypernym 01391391 +00838098 _derivationally_related_form 01156834 +02472293 _has_part 05256085 +05180881 _hypernym 05176188 +01881696 _derivationally_related_form 06750154 +02295208 _derivationally_related_form 13285176 +03560161 _derivationally_related_form 01778017 +01415807 _derivationally_related_form 10765098 +02482820 _member_meronym 02483092 +04593629 _derivationally_related_form 02168555 +01133288 _derivationally_related_form 00218602 +06574841 _synset_domain_topic_of 06128570 +06498569 _member_meronym 06837357 +00846344 _hypernym 00845909 +06482401 _hypernym 13809207 +02070874 _derivationally_related_form 07432559 +08857405 _instance_hypernym 08524735 +00079212 _derivationally_related_form 02207890 +00039950 _derivationally_related_form 03794136 +06686736 _derivationally_related_form 00882948 +04164989 _hypernym 03892891 +05322103 _hypernym 05397468 +00714273 _derivationally_related_form 14416845 +01465713 _derivationally_related_form 01445027 +13175484 _hypernym 13167078 +00552619 _derivationally_related_form 13898315 +01249724 _derivationally_related_form 00125126 +11748936 _hypernym 11585340 +12572188 _hypernym 13112664 +06254239 _hypernym 06253690 +00478217 _derivationally_related_form 00229934 +00241507 _hypernym 00235435 +02179279 _also_see 01222360 +07539511 _hypernym 07538965 +00446514 _hypernym 00146138 +12088909 _hypernym 13100677 +02743343 _hypernym 02608347 +02077656 _hypernym 01449974 +07971298 _hypernym 07970721 +08615638 _derivationally_related_form 01493380 +11890507 _hypernym 11869351 +00069879 _derivationally_related_form 00744443 +13430495 _hypernym 13434688 +00627013 _derivationally_related_form 01150370 +09368479 _instance_hypernym 09411430 +09074431 _instance_hypernym 08638442 +08780380 _instance_hypernym 08524735 +08225090 _hypernym 08223802 +00335366 _hypernym 00334996 +15129927 _derivationally_related_form 00297906 +01524523 _derivationally_related_form 01257542 +10985440 _instance_hypernym 09615807 +00724029 _derivationally_related_form 13421462 +11167952 _instance_hypernym 10624540 +10221312 _hypernym 09930876 +13192025 _member_meronym 13197670 +13812607 _derivationally_related_form 07969695 +09081213 _instance_hypernym 08655464 +10685123 _derivationally_related_form 00653449 +02387486 _derivationally_related_form 00611433 +01210352 _derivationally_related_form 00143885 +03595860 _hypernym 02691156 +02283201 _hypernym 02274024 +01588134 _hypernym 01587062 +06777164 _derivationally_related_form 10552742 +00113113 _derivationally_related_form 01387786 +09159546 _instance_hypernym 08524735 +14050871 _derivationally_related_form 00103317 +01149494 _derivationally_related_form 07532440 +06505517 _derivationally_related_form 09964805 +01663169 _member_meronym 01663939 +13240514 _hypernym 00031921 +01076953 _derivationally_related_form 09861718 +02299269 _derivationally_related_form 10441694 +01173965 _derivationally_related_form 01231652 +01848648 _hypernym 01846331 +10460286 _derivationally_related_form 06121554 +02091689 _derivationally_related_form 13757249 +01586018 _derivationally_related_form 10200047 +12692323 _hypernym 11585340 +07343363 _derivationally_related_form 00343334 +04604806 _hypernym 03430551 +02982232 _derivationally_related_form 02683419 +14017332 _derivationally_related_form 01157517 +01938454 _hypernym 01937909 +07907037 _hypernym 07901587 +09037394 _has_part 09038439 +02545272 _hypernym 02545578 +00360650 _also_see 02513269 +08939201 _instance_hypernym 08574314 +06534132 _instance_hypernym 06533648 +04696432 _hypernym 04692157 +12109827 _hypernym 12141495 +00495998 _derivationally_related_form 00053913 +00276068 _hypernym 00275843 +01773130 _hypernym 01771535 +07086323 _hypernym 05938976 +08765460 _instance_hypernym 08524735 +06431156 _instance_hypernym 06429590 +12467811 _member_meronym 12468081 +02052936 _member_meronym 02053083 +01027263 _derivationally_related_form 00299580 +10520804 _derivationally_related_form 02208903 +11985586 _hypernym 11579418 +00591523 _hypernym 00586262 +02303448 _hypernym 01762525 +02639312 _member_meronym 02639786 +04623612 _has_part 04630689 +01373826 _hypernym 01355326 +10878844 _instance_hypernym 09765278 +01195299 _derivationally_related_form 00841901 +00234423 _hypernym 00231567 +00334935 _derivationally_related_form 01229976 +02626604 _derivationally_related_form 07423365 +12249542 _hypernym 12245695 +12552893 _hypernym 13118707 +12742290 _hypernym 12651821 +00050037 _derivationally_related_form 02471327 +06197664 _hypernym 06196584 +02314275 _derivationally_related_form 01150200 +05748786 _derivationally_related_form 02666882 +12405209 _member_meronym 12408077 +08572467 _hypernym 08573472 +14919819 _hypernym 15090742 +00895304 _derivationally_related_form 09614684 +01488539 _member_meronym 01491520 +00987345 _hypernym 00987071 +10047199 _derivationally_related_form 00101800 +06448594 _instance_hypernym 06431740 +00753922 _synset_domain_topic_of 00017222 +00744758 _hypernym 00732746 +03886053 _hypernym 04389033 +01430952 _hypernym 02116118 +00343334 _derivationally_related_form 07343363 +03096273 _hypernym 03748886 +07710952 _hypernym 07710616 +12438324 _hypernym 11561228 +01074694 _derivationally_related_form 01147060 +07535670 _derivationally_related_form 01796582 +06236602 _hypernym 06234825 +05157574 _hypernym 05155821 +12328398 _hypernym 13118707 +03973170 _hypernym 03886432 +08835875 _has_part 08836886 +02190015 _member_meronym 02190648 +00289175 _derivationally_related_form 01921204 +12282933 _hypernym 12281241 +01419473 _hypernym 01850315 +06750804 _synset_domain_topic_of 06163751 +02301782 _hypernym 01762525 +05592126 _hypernym 05225602 +08778061 _instance_hypernym 08698379 +07670731 _hypernym 14580897 +03774842 _hypernym 02716866 +06878071 _hypernym 06877078 +02546177 _member_meronym 02546331 +02309008 _derivationally_related_form 00378985 +11416722 _derivationally_related_form 00137940 +02318165 _hypernym 02317661 +04749709 _hypernym 04748836 +07389330 _derivationally_related_form 02198014 +03612559 _hypernym 03828465 +13219067 _hypernym 13166338 +01161017 _hypernym 01160342 +06845599 _member_of_domain_usage 04087524 +00163047 _hypernym 00161243 +02431971 _derivationally_related_form 15266265 +02261123 _hypernym 02260362 +13342692 _derivationally_related_form 02272090 +00690614 _hypernym 00689344 +02159271 _member_meronym 02205896 +00075021 _derivationally_related_form 14016361 +10574154 _synset_domain_topic_of 08199025 +04171459 _hypernym 02759963 +02256365 _member_meronym 02257149 +09164561 _has_part 09165146 +02390287 _hypernym 01844431 +00850192 _derivationally_related_form 06716234 +09211266 _has_part 09211735 +10030277 _hypernym 10794014 +00895304 _derivationally_related_form 10677713 +02703499 _hypernym 02792049 +02201252 _hypernym 01762525 +10017272 _hypernym 09875786 +13763384 _derivationally_related_form 00864475 +00229026 _verb_group 00475183 +01279978 _also_see 00902652 +02919414 _derivationally_related_form 01484392 +01652583 _hypernym 01626134 +02432530 _derivationally_related_form 01136519 +13342987 _hypernym 13342692 +00605310 _derivationally_related_form 07424109 +15266911 _derivationally_related_form 00352826 +11115558 _instance_hypernym 10214637 +05587034 _hypernym 05585665 +06453849 _has_part 06442239 +05933246 _derivationally_related_form 02150948 +01131197 _derivationally_related_form 00170156 +13325382 _hypernym 13306870 +00100551 _verb_group 00099721 +05651680 _derivationally_related_form 00772189 +12547872 _hypernym 11747468 +01512259 _derivationally_related_form 10035430 +08268085 _has_part 08268321 +14996020 _hypernym 14873641 +00726300 _verb_group 00726784 +01118449 _derivationally_related_form 00964569 +05868954 _hypernym 05867413 +00793271 _hypernym 00792471 +00369864 _derivationally_related_form 05016001 +11896904 _hypernym 11575425 +08648322 _derivationally_related_form 01563005 +12738480 _hypernym 11575425 +08842819 _instance_hypernym 09203827 +14854847 _hypernym 14854262 +15182805 _hypernym 15161631 +10679998 _derivationally_related_form 02235229 +00322634 _derivationally_related_form 01585523 +11386692 _instance_hypernym 10794014 +02646072 _synset_domain_topic_of 06057539 +00739662 _derivationally_related_form 07974025 +13712592 _hypernym 13603305 +00462092 _derivationally_related_form 01147950 +08900535 _member_of_domain_region 00782927 +11888621 _hypernym 11575425 +06498569 _member_meronym 06836929 +03206405 _derivationally_related_form 02319428 +02144110 _member_meronym 02144251 +07886849 _hypernym 07886572 +05389762 _hypernym 05267548 +01921204 _derivationally_related_form 10731848 +02062991 _hypernym 01342529 +00262792 _also_see 00249721 +10514784 _derivationally_related_form 00474762 +05618056 _hypernym 05617606 +02472012 _member_meronym 02474110 +08403225 _hypernym 08009834 +01794813 _hypernym 01504437 +10604180 _hypernym 00007846 +13989627 _derivationally_related_form 01319874 +00092366 _derivationally_related_form 02244773 +00530017 _derivationally_related_form 07436661 +07575510 _hypernym 07573696 +00904046 _derivationally_related_form 14575399 +06695227 _hypernym 06693198 +15010703 _hypernym 14818238 +01480336 _hypernym 08103777 +06960778 _derivationally_related_form 03003744 +07451687 _hypernym 07451463 +07355491 _hypernym 07296428 +02470175 _derivationally_related_form 08049401 +05871362 _hypernym 05872477 +08801678 _has_part 08811982 +01738597 _hypernym 01631534 +01540969 _hypernym 01507175 +01371454 _derivationally_related_form 07350754 +01774426 _derivationally_related_form 00745431 +00860620 _derivationally_related_form 10248711 +00368592 _hypernym 00367976 +02378183 _hypernym 02377938 +00153105 _hypernym 00152727 +00489299 _derivationally_related_form 14437134 +12129738 _hypernym 12102133 +03997027 _has_part 03996655 +10781984 _derivationally_related_form 01522052 +01888511 _hypernym 01889610 +07557434 _has_part 07809096 +10403876 _synset_domain_topic_of 02858304 +06938493 _derivationally_related_form 02738760 +00764902 _derivationally_related_form 01205827 +01778017 _hypernym 01777817 +03797548 _hypernym 03925226 +04680465 _derivationally_related_form 00508933 +10518194 _derivationally_related_form 02412175 +09155306 _has_part 09357580 +01645601 _derivationally_related_form 00007347 +07353716 _derivationally_related_form 01115190 +09811852 _derivationally_related_form 02950256 +00003316 _derivationally_related_form 00836788 +10734235 _derivationally_related_form 01586278 +00417001 _derivationally_related_form 13946760 +04481373 _hypernym 04423288 +12100538 _member_meronym 12122581 +10508862 _derivationally_related_form 00625119 +04412727 _hypernym 02720201 +08929922 _has_part 08944561 +07037465 _hypernym 07020895 +01174294 _derivationally_related_form 13625884 +12705013 _hypernym 13118707 +01029852 _derivationally_related_form 07202579 +05499379 _hypernym 05462674 +01850035 _hypernym 01507175 +01232738 _derivationally_related_form 10297983 +01001689 _also_see 01865197 +02964389 _derivationally_related_form 01489161 +13630036 _has_part 13629309 +06715786 _hypernym 06714976 +02002875 _hypernym 01507175 +02171869 _hypernym 02171453 +02061495 _derivationally_related_form 04562122 +01236164 _verb_group 01410223 +01682039 _derivationally_related_form 03572449 +08304135 _member_meronym 08773880 +14442530 _hypernym 14441825 +02846322 _derivationally_related_form 07560903 +12179391 _hypernym 12177844 +05724694 _hypernym 05721180 +04545471 _derivationally_related_form 01912893 +11160457 _instance_hypernym 10527334 +05075602 _derivationally_related_form 02695895 +00931232 _derivationally_related_form 06733227 +00948071 _derivationally_related_form 03116767 +00053656 _derivationally_related_form 07437575 +11911591 _member_meronym 12030265 +04881623 _hypernym 04616059 +02441022 _derivationally_related_form 05196375 +12556030 _member_meronym 12557280 +13575226 _synset_domain_topic_of 06043075 +01688256 _derivationally_related_form 10455619 +05669181 _hypernym 05667404 +01310249 _hypernym 01309701 +08836329 _instance_hypernym 09203827 +12919403 _hypernym 12917901 +07242912 _derivationally_related_form 00990249 +10296618 _hypernym 10752093 +03180969 _derivationally_related_form 02154508 +05934396 _hypernym 05933246 +12010021 _hypernym 11579418 +02964634 _hypernym 03285912 +01051331 _derivationally_related_form 01496630 +12513613 _hypernym 13109733 +00274283 _derivationally_related_form 14889479 +00057486 _derivationally_related_form 00570694 +01954340 _hypernym 01342529 +05785067 _derivationally_related_form 00812580 +13590598 _hypernym 13585429 +00696518 _also_see 02451113 +02330247 _derivationally_related_form 04314914 +08040762 _instance_hypernym 08392137 +08141951 _hypernym 08166318 +13443787 _derivationally_related_form 02682699 +09609232 _derivationally_related_form 13354420 +05702726 _hypernym 05702275 +01523986 _derivationally_related_form 03065424 +12581381 _member_meronym 12588989 +02782815 _derivationally_related_form 05993367 +08929922 _has_part 08941208 +00724492 _hypernym 00734348 +10597505 _derivationally_related_form 01039330 +06807198 _derivationally_related_form 00948071 +02384275 _derivationally_related_form 10028765 +12347892 _member_meronym 12348127 +03467984 _has_part 02677718 +00440580 _derivationally_related_form 01067577 +09022831 _instance_hypernym 08574314 +01940403 _hypernym 01835496 +01691782 _member_meronym 01692143 +01527271 _derivationally_related_form 04569520 +05772356 _derivationally_related_form 00632627 +01351601 _derivationally_related_form 03181501 +01009240 _derivationally_related_form 07212424 +01916634 _derivationally_related_form 00290125 +05615500 _hypernym 05614175 +06503724 _derivationally_related_form 01000214 +04024396 _derivationally_related_form 00309990 +15147097 _has_part 15145782 +08921850 _member_of_domain_region 08318777 +11862598 _member_meronym 11863717 +12998349 _member_meronym 13018579 +07960769 _hypernym 07959943 +11296139 _instance_hypernym 10672908 +14813182 _hypernym 14844693 +02698944 _derivationally_related_form 05217859 +02497586 _derivationally_related_form 01185611 +00291873 _derivationally_related_form 04951373 +00465762 _derivationally_related_form 00328885 +00620424 _has_part 00223854 +07353075 _hypernym 07301336 +04903813 _derivationally_related_form 00022316 +02134240 _hypernym 01864707 +09644820 _hypernym 00007846 +00315020 _derivationally_related_form 00805524 +03087088 _derivationally_related_form 06928839 +12288005 _hypernym 12287642 +00384802 _derivationally_related_form 00714273 +08008017 _derivationally_related_form 01487008 +10695917 _synset_domain_topic_of 00928947 +13994806 _hypernym 13994456 +10860999 _instance_hypernym 10450303 +12900462 _has_part 07720442 +00369138 _derivationally_related_form 02030424 +04718563 _derivationally_related_form 00604617 +14515463 _hypernym 14514039 +02970849 _derivationally_related_form 01451502 +09201301 _has_part 09238425 +08762243 _instance_hypernym 08633957 +00143589 _synset_domain_topic_of 08199025 +08740875 _has_part 08743945 +02565728 _member_meronym 02566834 +01635432 _derivationally_related_form 03265874 +02201268 _hypernym 02200686 +09043052 _instance_hypernym 08698379 +02397377 _member_meronym 02397529 +00322634 _hypernym 00320852 +00406800 _derivationally_related_form 01217780 +07934530 _hypernym 07932841 +02428924 _derivationally_related_form 08310389 +00234217 _derivationally_related_form 13930385 +01053920 _derivationally_related_form 02637202 +09154731 _instance_hypernym 08524735 +05091316 _hypernym 05090441 +10784922 _derivationally_related_form 00799383 +05564590 _has_part 05352291 +07255998 _hypernym 07255791 +09801533 _derivationally_related_form 01228530 +02165543 _hypernym 02131279 +02582615 _derivationally_related_form 00773235 +01528821 _hypernym 01421622 +01024190 _hypernym 00730052 +13725457 _has_part 13725271 +04474035 _hypernym 04490091 +07654667 _derivationally_related_form 01254477 +09270894 _instance_hypernym 09456369 +01544285 _hypernym 01494310 +00752493 _hypernym 00752764 +00550117 _derivationally_related_form 00196084 +08845555 _has_part 09464652 +12336333 _hypernym 12334891 +03532342 _has_part 02790322 +02740204 _hypernym 02640440 +08860123 _member_of_domain_region 08013453 +02550868 _hypernym 02551144 +02681795 _also_see 02679530 +09840639 _derivationally_related_form 02398681 +07313814 _derivationally_related_form 01560984 +08848421 _instance_hypernym 09316454 +03383948 _has_part 04010927 +08440630 _derivationally_related_form 09755398 +01190277 _derivationally_related_form 10037385 +10731013 _derivationally_related_form 11349318 +10403876 _hypernym 09629752 +08860123 _member_of_domain_region 10506762 +08043169 _synset_domain_topic_of 00759694 +01696135 _derivationally_related_form 04683136 +01657254 _derivationally_related_form 05953416 +11013876 _instance_hypernym 10547145 +00429060 _derivationally_related_form 00351638 +00251463 _derivationally_related_form 00250710 +06845599 _member_of_domain_usage 03588668 +00742320 _derivationally_related_form 00033020 +12892226 _member_meronym 12912105 +07214894 _hypernym 07213395 +00113663 _synset_domain_topic_of 00017222 +01058426 _derivationally_related_form 01794344 +11862089 _member_meronym 11862300 +10814953 _instance_hypernym 09765278 +10206173 _derivationally_related_form 01036804 +00547493 _derivationally_related_form 10329945 +01597194 _member_meronym 01597551 +08612049 _derivationally_related_form 02043982 +10692482 _hypernym 09979321 +00080705 _derivationally_related_form 10366966 +11059079 _instance_hypernym 10204177 +00301856 _synset_domain_topic_of 00015388 +09716933 _hypernym 09716047 +00886173 _hypernym 00800930 +02252429 _member_meronym 02254110 +02420232 _derivationally_related_form 03322099 +01466257 _hypernym 00015388 +00790205 _hypernym 00786195 +14986004 _derivationally_related_form 00286928 +00099588 _hypernym 00550771 +03257586 _derivationally_related_form 01735308 +00239230 _hypernym 00235435 +02873623 _synset_domain_topic_of 08199025 +09843602 _derivationally_related_form 00035603 +10455094 _hypernym 10593745 +02710766 _hypernym 03247620 +09382990 _has_part 08835675 +01679178 _hypernym 01657723 +01591490 _hypernym 01504437 +01763813 _also_see 01887076 +02014733 _hypernym 02014165 +00216561 _hypernym 00216216 +03921209 _hypernym 07951464 +09964805 _derivationally_related_form 01747374 +06453849 _has_part 06455138 +11076566 _instance_hypernym 10450303 +04451473 _hypernym 03740161 +00907147 _derivationally_related_form 10776339 +01959022 _synset_domain_topic_of 00450335 +01925338 _hypernym 01904930 +11742175 _hypernym 11567411 +01189224 _derivationally_related_form 10012377 +00284958 _hypernym 00283911 +02394068 _derivationally_related_form 02643673 +10321754 _hypernym 00007846 +10226556 _hypernym 10461424 +03817647 _derivationally_related_form 01283208 +01917244 _hypernym 01904930 +06271778 _hypernym 06254669 +04704116 _hypernym 04703698 +08075388 _hypernym 07974025 +04202417 _derivationally_related_form 02466134 +07162545 _derivationally_related_form 00633443 +00143251 _derivationally_related_form 00696189 +10851599 _instance_hypernym 10650162 +02033805 _derivationally_related_form 00350380 +11992340 _hypernym 11579418 +00656576 _derivationally_related_form 00031264 +14698000 _hypernym 14696793 +05526713 _hypernym 05526384 +13100156 _hypernym 00017222 +05769471 _derivationally_related_form 02418205 +00933403 _hypernym 00940384 +07573103 _hypernym 07572957 +01643464 _hypernym 01685313 +11334003 _instance_hypernym 10435367 +11863467 _hypernym 11862835 +12829099 _member_meronym 12832315 +09044862 _member_of_domain_region 08303692 +08840200 _instance_hypernym 09203827 +09297423 _instance_hypernym 09296121 +01210816 _hypernym 01207609 +02055649 _hypernym 01835496 +12560420 _hypernym 12560016 +02151816 _hypernym 02150948 +01635659 _hypernym 01626134 +09207288 _has_part 08701942 +05340795 _hypernym 05333777 +02464693 _derivationally_related_form 04895246 +09802239 _derivationally_related_form 00681429 +00978549 _derivationally_related_form 07073208 +07801091 _hypernym 07800740 +02566528 _derivationally_related_form 00745005 +07387509 _hypernym 07371293 +02219901 _member_meronym 02220225 +09382990 _has_part 08980300 +02697120 _derivationally_related_form 14543231 +04417809 _has_part 04418818 +08188638 _hypernym 08187837 +02388143 _derivationally_related_form 00702601 +00267855 _derivationally_related_form 00353469 +02780916 _hypernym 08570758 +08285896 _hypernym 08278324 +07073447 _hypernym 07069948 +09433952 _derivationally_related_form 00316768 +05881867 _synset_domain_topic_of 06090869 +06182144 _hypernym 05996646 +07545161 _hypernym 07544647 +02119961 _hypernym 01864707 +08159740 _hypernym 07971582 +13510433 _hypernym 13518963 +01796346 _derivationally_related_form 07528470 +05273684 _hypernym 05269901 +00147454 _derivationally_related_form 01295275 +09050730 _has_part 09137869 +02206856 _hypernym 02206270 +10935304 _instance_hypernym 10599806 +02856109 _hypernym 03925226 +01618671 _member_meronym 01620575 +08398773 _derivationally_related_form 00436879 +01958615 _derivationally_related_form 00450335 +01663920 _hypernym 01653013 +03103198 _derivationally_related_form 06582403 +02764044 _has_part 02848216 +14066492 _derivationally_related_form 01784295 +14050143 _derivationally_related_form 00022686 +01258091 _derivationally_related_form 07653982 +05939636 _hypernym 05939432 +01928608 _derivationally_related_form 00446885 +13547199 _derivationally_related_form 00474492 +01011166 _derivationally_related_form 02472223 +01459422 _also_see 01463965 +12611640 _hypernym 13121544 +01428853 _derivationally_related_form 07976936 +00846462 _derivationally_related_form 02475922 +03792048 _hypernym 04341686 +02048891 _derivationally_related_form 00340989 +00908621 _derivationally_related_form 01096454 +00059127 _hypernym 00058743 +10309896 _hypernym 09882716 +01976477 _member_meronym 01981543 +05261566 _hypernym 05261404 +08740875 _has_part 09343761 +01704452 _hypernym 01698271 +03718581 _hypernym 04105893 +00394803 _hypernym 00391599 +10159852 _hypernym 10541229 +02615829 _hypernym 01432517 +00991683 _hypernym 00974367 +00002137 _hypernym 00001740 +03351434 _member_meronym 03351979 +00562882 _hypernym 00126264 +12126238 _hypernym 11556857 +00239230 _derivationally_related_form 01077887 +00121046 _derivationally_related_form 07285403 +00169806 _derivationally_related_form 09609871 +11054034 _instance_hypernym 10020890 +09112282 _has_part 09113022 +07866571 _hypernym 07842753 +06437531 _instance_hypernym 06394865 +00948206 _derivationally_related_form 02409148 +14400677 _hypernym 14052403 +05421414 _hypernym 05237227 +10000787 _hypernym 10522035 +05166805 _derivationally_related_form 02782815 +04394630 _hypernym 03900509 +02759614 _derivationally_related_form 00378479 +03288003 _hypernym 03574816 +00777391 _derivationally_related_form 06245816 +10794014 _derivationally_related_form 02651014 +00117959 _hypernym 00863513 +06845599 _member_of_domain_usage 03553708 +13227009 _hypernym 13166338 +04546855 _hypernym 03894379 +00443984 _derivationally_related_form 14940100 +13149039 _member_meronym 13149970 +05596651 _has_part 05278714 +00897746 _hypernym 00897564 +13928388 _derivationally_related_form 10235549 +02221240 _hypernym 01762525 +02033295 _hypernym 01907258 +13541167 _hypernym 00029677 +04202417 _derivationally_related_form 02326355 +07450343 _derivationally_related_form 00855295 +00707956 _hypernym 00708128 +01447257 _derivationally_related_form 00113113 +04620558 _hypernym 04620216 +01280014 _derivationally_related_form 00404726 +03046257 _derivationally_related_form 00490968 +04351776 _hypernym 04352070 +10710509 _derivationally_related_form 01115190 +00783199 _hypernym 00781685 +00470701 _derivationally_related_form 00218427 +13393427 _hypernym 13388245 +06208751 _derivationally_related_form 00690614 +00567604 _derivationally_related_form 04984514 +09086173 _has_part 09340935 +10407552 _derivationally_related_form 02454939 +06845599 _member_of_domain_usage 03021531 +00346537 _derivationally_related_form 00242003 +15004501 _derivationally_related_form 02835654 +10523076 _derivationally_related_form 00648224 +00944924 _derivationally_related_form 05774614 +00205079 _hypernym 00203342 +00779360 _derivationally_related_form 10524973 +14000403 _hypernym 00024720 +02302817 _derivationally_related_form 01116968 +09206693 _instance_hypernym 09411430 +09979321 _derivationally_related_form 00826509 +01679837 _hypernym 01657723 +02707125 _hypernym 00117985 +00837293 _hypernym 00863513 +00484166 _hypernym 00352826 +02527145 _hypernym 01429349 +09173288 _instance_hypernym 08505573 +02242464 _hypernym 02257370 +02661252 _derivationally_related_form 00737399 +04845967 _derivationally_related_form 00639356 +02923510 _derivationally_related_form 09682291 +05674584 _synset_domain_topic_of 06136258 +10937126 _instance_hypernym 10088390 +14562324 _derivationally_related_form 01566490 +02802544 _synset_domain_topic_of 00480993 +08860123 _member_of_domain_region 07302164 +05491308 _hypernym 05329735 +01345109 _derivationally_related_form 04211356 +05108740 _hypernym 05107765 +02860564 _derivationally_related_form 09983572 +03508101 _derivationally_related_form 00372958 +09228928 _instance_hypernym 09386842 +13543871 _derivationally_related_form 00101956 +08021464 _instance_hypernym 08392137 +09303647 _has_part 09365128 +02040652 _also_see 02043898 +00417859 _derivationally_related_form 01424456 +00335988 _derivationally_related_form 01891817 +08110373 _hypernym 07992450 +03845360 _derivationally_related_form 14966667 +01502195 _derivationally_related_form 04983848 +05114262 _hypernym 05113462 +13988224 _synset_domain_topic_of 06236802 +06224136 _hypernym 06223669 +12039743 _member_meronym 12083339 +09869171 _derivationally_related_form 01963942 +13737480 _derivationally_related_form 02483564 +05830059 _derivationally_related_form 01792567 +02357561 _derivationally_related_form 04445327 +01145359 _hypernym 00803617 +00281101 _derivationally_related_form 14984973 +05740300 _hypernym 00791527 +02373843 _hypernym 01864707 +12290116 _member_meronym 12298783 +08806897 _has_part 08797254 +02274516 _member_meronym 02276527 +15299585 _hypernym 15113229 +01412912 _similar_to 01412415 +05979909 _hypernym 05809192 +00311663 _also_see 01899360 +01970646 _hypernym 01970826 +01016201 _hypernym 01014066 +12930044 _member_meronym 12937822 +06562993 _derivationally_related_form 00814850 +05196582 _hypernym 05196375 +10518602 _hypernym 09628382 +05387842 _hypernym 05225602 +02687992 _has_part 04120842 +12351477 _member_meronym 12351600 +06851742 _member_of_domain_usage 02696384 +11460488 _synset_domain_topic_of 06118563 +00777324 _derivationally_related_form 02275152 +01241379 _hypernym 02339413 +04729328 _derivationally_related_form 01282014 +05050668 _derivationally_related_form 01535709 +01654271 _derivationally_related_form 03318438 +06034611 _synset_domain_topic_of 06018465 +10363445 _hypernym 09626589 +01754105 _hypernym 01617192 +00692718 _derivationally_related_form 05921868 +10372373 _hypernym 10605985 +11911591 _member_meronym 11926640 +10050712 _hypernym 00007846 +01349493 _derivationally_related_form 07351909 +00258695 _hypernym 00659048 +11767196 _hypernym 11567411 +01062997 _derivationally_related_form 00364297 +06746580 _derivationally_related_form 00977336 +01967923 _synset_domain_topic_of 00300441 +13240514 _derivationally_related_form 10389398 +12779603 _hypernym 12778605 +00747418 _derivationally_related_form 05194578 +00640828 _derivationally_related_form 00872107 +00765488 _synset_domain_topic_of 08441203 +02040049 _also_see 02324397 +06243347 _hypernym 05946687 +10891981 _instance_hypernym 09896520 +12366507 _hypernym 11575425 +10299250 _hypernym 09616922 +05459232 _hypernym 05430628 +02302459 _hypernym 02301452 +02754103 _derivationally_related_form 01373844 +00417397 _derivationally_related_form 01424456 +06377442 _has_part 06347996 +00258665 _derivationally_related_form 00376400 +01311378 _derivationally_related_form 03302121 +07227772 _derivationally_related_form 00884011 +00076114 _hypernym 00092293 +02117772 _member_meronym 02117900 +00285141 _derivationally_related_form 10611361 +14372286 _hypernym 14371913 +07006951 _derivationally_related_form 02157100 +15256915 _derivationally_related_form 01079480 +10149867 _hypernym 10229498 +01103693 _hypernym 01108148 +00083124 _derivationally_related_form 02785648 +10452892 _hypernym 10470779 +10149436 _hypernym 00007846 +05106633 _hypernym 05098942 +01645601 _derivationally_related_form 00042311 +01503404 _also_see 01504298 +02537092 _derivationally_related_form 14984973 +02017937 _hypernym 02053941 +07947958 _hypernym 07942152 +12189987 _hypernym 13109733 +14004317 _derivationally_related_form 00014549 +06311852 _hypernym 06311334 +04860065 _derivationally_related_form 00264776 +03236423 _derivationally_related_form 01244516 +08543916 _has_part 09084750 +12355320 _member_meronym 12355594 +02769241 _derivationally_related_form 11465017 +09103217 _instance_hypernym 08665504 +00445169 _derivationally_related_form 14480772 +03534776 _derivationally_related_form 01244853 +00900207 _derivationally_related_form 01632103 +03009477 _instance_hypernym 03813704 +15093482 _hypernym 14607521 +02161432 _derivationally_related_form 05168261 +01085337 _derivationally_related_form 02246456 +02306159 _member_meronym 02306433 +09759311 _derivationally_related_form 08279298 +02119961 _member_meronym 02120079 +02453321 _derivationally_related_form 01079042 +02563724 _hypernym 01640855 +00464687 _synset_domain_topic_of 00464894 +14943580 _derivationally_related_form 01258828 +01622120 _hypernym 01621127 +13233548 _member_meronym 13233727 +01665372 _member_meronym 01665541 +13529616 _derivationally_related_form 02672859 +14521302 _hypernym 14520278 +08720280 _instance_hypernym 08691669 +00798717 _derivationally_related_form 00205079 +08564307 _has_part 08565006 +02058994 _derivationally_related_form 00555648 +00329619 _hypernym 00329227 +01946996 _derivationally_related_form 00445351 +13145444 _has_part 07759816 +01302183 _verb_group 01302365 +02248465 _derivationally_related_form 10090498 +13417410 _hypernym 13398241 +02357228 _derivationally_related_form 10044470 +10663315 _derivationally_related_form 02554235 +00855933 _derivationally_related_form 10009671 +15055936 _hypernym 14806838 +00934199 _derivationally_related_form 05146739 +02437905 _derivationally_related_form 00807273 +04682462 _hypernym 04680285 +00360242 _hypernym 00359238 +06105314 _synset_domain_topic_of 06090869 +06627938 _hypernym 06627006 +07215185 _hypernym 07213395 +08049125 _hypernym 08009834 +02173571 _member_meronym 02173784 +01086356 _hypernym 01086081 +02034986 _derivationally_related_form 13896100 +10902934 _instance_hypernym 10650162 +09044862 _has_part 09090559 +00623545 _hypernym 00620752 +01192773 _hypernym 02609764 +14512817 _derivationally_related_form 03002190 +12466450 _member_meronym 12466727 +01826723 _derivationally_related_form 04945057 +10437262 _derivationally_related_form 02277897 +01685439 _hypernym 01674464 +15139691 _hypernym 15139130 +01146918 _derivationally_related_form 10085217 +00583933 _derivationally_related_form 00476313 +12021120 _member_meronym 12022382 +01484982 _derivationally_related_form 14890659 +03079230 _hypernym 03851787 +12014739 _hypernym 11579418 +11706629 _member_meronym 11706761 +02310482 _hypernym 02284951 +08732116 _has_part 08732807 +01771966 _member_meronym 01775592 +05248181 _hypernym 05225602 +12671157 _member_meronym 12672843 +08057633 _hypernym 08061042 +02753881 _hypernym 04551375 +07555863 _hypernym 15046900 +10395390 _hypernym 00007846 +00854000 _derivationally_related_form 01425511 +02115430 _derivationally_related_form 07510625 +14224547 _synset_domain_topic_of 02472293 +05171045 _hypernym 05168261 +09145851 _instance_hypernym 08524735 +00345761 _verb_group 01070777 +00479734 _hypernym 00479076 +11601333 _hypernym 11601177 +00973077 _has_part 00964343 +02550868 _derivationally_related_form 10549510 +00397760 _derivationally_related_form 01548718 +08390012 _hypernym 08389710 +00084738 _derivationally_related_form 00695300 +09824609 _hypernym 00007846 +00533897 _derivationally_related_form 04621963 +00898804 _derivationally_related_form 01697027 +02348927 _derivationally_related_form 03540595 +13982357 _hypernym 13980845 +14288871 _derivationally_related_form 01492725 +00719705 _hypernym 00719494 +05302307 _hypernym 05302499 +00584367 _derivationally_related_form 02407987 +09029457 _has_part 09170788 +13177354 _member_meronym 13177529 +10671613 _hypernym 10373998 +09767197 _derivationally_related_form 01712704 +01013156 _derivationally_related_form 02354112 +05216365 _has_part 05560787 +05749402 _derivationally_related_form 02698178 +09124399 _instance_hypernym 02692232 +01326730 _hypernym 01323958 +01917980 _hypernym 01904930 +00864910 _derivationally_related_form 05811884 +00965035 _derivationally_related_form 07201365 +02350845 _hypernym 01862557 +05437785 _hypernym 05436752 +00872414 _derivationally_related_form 07519773 +05781347 _synset_domain_topic_of 08441203 +10504206 _hypernym 10632576 +05934123 _hypernym 05933246 +02648639 _derivationally_related_form 02125409 +00633864 _derivationally_related_form 00789138 +12662654 _hypernym 11579418 +00737005 _hypernym 00601043 +09366597 _hypernym 09466280 +03418242 _hypernym 04451818 +06449735 _has_part 06432376 +02521816 _derivationally_related_form 10002760 +05070453 _hypernym 05070290 +05777830 _derivationally_related_form 10395209 +08427282 _synset_domain_topic_of 08199025 +02515410 _member_meronym 02515560 +15147850 _has_part 15146004 +01573515 _derivationally_related_form 09410928 +02289466 _hypernym 01762525 +01335460 _hypernym 01328702 +11977125 _hypernym 11579418 +00732552 _derivationally_related_form 00879759 +05731779 _derivationally_related_form 02689882 +00262792 _also_see 00081671 +02743112 _derivationally_related_form 15227846 +09063673 _has_part 09066948 +06288527 _member_of_domain_usage 07574923 +02265330 _hypernym 02264363 +03701391 _hypernym 02760429 +02659667 _member_meronym 02659808 +07525057 _hypernym 07523905 +00450335 _derivationally_related_form 01958615 +00914634 _derivationally_related_form 07121361 +12942930 _hypernym 11585340 +11784497 _hypernym 11779300 +03864994 _hypernym 03679986 +01781983 _hypernym 01780941 +09863936 _derivationally_related_form 08368308 +00960734 _synset_domain_topic_of 06613686 +09018426 _instance_hypernym 08633957 +01416539 _hypernym 01398919 +02278061 _synset_domain_topic_of 00766234 +05494617 _hypernym 05486920 +01441510 _hypernym 01227675 +10940669 _derivationally_related_form 03030919 +03247083 _hypernym 03947111 +01705494 _synset_domain_topic_of 07020895 +01218084 _derivationally_related_form 02969886 +07421316 _derivationally_related_form 00434374 +08897065 _has_part 08900204 +12445848 _member_meronym 12447891 +08646306 _hypernym 08645963 +12770277 _member_meronym 12771192 +11956671 _hypernym 11579418 +01086081 _derivationally_related_form 02308741 +01700934 _hypernym 01698271 +04196803 _hypernym 04105893 +06397307 _synset_domain_topic_of 06170498 +00185103 _hypernym 00515154 +13720600 _has_part 13720096 +13792579 _derivationally_related_form 00713167 +12245472 _member_meronym 12246232 +08566707 _hypernym 08660339 +12710917 _has_part 07747811 +10742546 _derivationally_related_form 02405390 +00319939 _derivationally_related_form 02000868 +11970586 _hypernym 11672400 +14950300 _hypernym 15047313 +00725772 _derivationally_related_form 14001348 +01462209 _hypernym 05426243 +05528854 _hypernym 05303402 +08043848 _instance_hypernym 08392137 +08129268 _has_part 08129621 +01782650 _derivationally_related_form 07520411 +01686132 _derivationally_related_form 10212780 +07644382 _hypernym 07649854 +02244956 _derivationally_related_form 01110274 +14992613 _derivationally_related_form 01362568 +05560787 _has_part 05379734 +08564307 _has_part 09086173 +13919547 _derivationally_related_form 01527271 +13982999 _derivationally_related_form 01537959 +07906111 _hypernym 07901587 +00173159 _derivationally_related_form 02670683 +02374914 _also_see 00506299 +14180327 _hypernym 14174549 +00662485 _hypernym 00662182 +03180504 _hypernym 04552696 +01838326 _member_meronym 01840278 +01888784 _hypernym 01889610 +07436352 _derivationally_related_form 00459498 +12319414 _hypernym 12318378 +07453638 _hypernym 07453195 +00357275 _derivationally_related_form 01457206 +09481958 _has_part 09226209 +12032939 _member_meronym 12033139 +02163616 _hypernym 01342529 +02011810 _derivationally_related_form 06207561 +03325769 _derivationally_related_form 02631659 +05708432 _derivationally_related_form 00591519 +01894207 _hypernym 01889074 +01449974 _derivationally_related_form 03100897 +10794014 _derivationally_related_form 01704452 +12370842 _member_meronym 12371002 +04916200 _hypernym 04915866 +12255659 _member_meronym 12257920 +05088324 _derivationally_related_form 01376245 +03270165 _has_part 02700064 +00365471 _derivationally_related_form 00243900 +10648909 _hypernym 10633450 +02498320 _hypernym 00752764 +04756887 _derivationally_related_form 00336168 +12959538 _hypernym 12957076 +06432376 _instance_hypernym 06394865 +00887463 _derivationally_related_form 01206153 +10913641 _instance_hypernym 09765278 +07332148 _derivationally_related_form 02030424 +01418959 _synset_domain_topic_of 00488225 +02183175 _hypernym 02176268 +01011031 _derivationally_related_form 06729499 +01776546 _member_meronym 01778984 +08015116 _synset_domain_topic_of 00759694 +07754684 _hypernym 07705931 +00034115 _derivationally_related_form 06691989 +02646757 _hypernym 02604760 +02412647 _hypernym 02521410 +03344784 _synset_domain_topic_of 08199025 +02011685 _derivationally_related_form 09993252 +12950984 _hypernym 11579418 +12819953 _member_meronym 12820113 +05088324 _derivationally_related_form 02030424 +02739668 _hypernym 04014297 +04839154 _derivationally_related_form 00956131 +10641755 _derivationally_related_form 00785470 +07398659 _derivationally_related_form 01867504 +00850192 _derivationally_related_form 10561320 +08375369 _derivationally_related_form 00409281 +08813807 _instance_hypernym 08544813 +08521267 _hypernym 08660339 +12796617 _member_meronym 12796849 +01471825 _derivationally_related_form 10175725 +00418903 _derivationally_related_form 02574205 +02383440 _hypernym 00109660 +06511874 _derivationally_related_form 00699626 +03625355 _derivationally_related_form 01671039 +00214951 _hypernym 00126264 +07174433 _derivationally_related_form 00618267 +10196965 _derivationally_related_form 04870643 +06620579 _hypernym 06619428 +01848718 _hypernym 02015598 +00695300 _hypernym 00694990 +10752480 _hypernym 00007846 +01072236 _hypernym 00407535 +01913237 _derivationally_related_form 04681387 +12682054 _hypernym 11566230 +08154960 _member_meronym 10994906 +03186818 _has_part 03341707 +01945550 _derivationally_related_form 13841213 +02228341 _hypernym 02227966 +14562960 _derivationally_related_form 00352826 +03386011 _derivationally_related_form 01155421 +05002822 _derivationally_related_form 03101667 +15203229 _has_part 15299225 +10143595 _derivationally_related_form 02262278 +10377021 _hypernym 10787470 +12039743 _member_meronym 12081488 +09476717 _synset_domain_topic_of 06090869 +05510702 _hypernym 05237227 +10813986 _instance_hypernym 09818343 +05157866 _hypernym 05157574 +02635659 _verb_group 02730135 +03848729 _hypernym 00021939 +03673767 _hypernym 04014297 +02338975 _derivationally_related_form 10681557 +12417686 _hypernym 11561228 +11121876 _instance_hypernym 09796323 +01843932 _hypernym 01504437 +10352299 _derivationally_related_form 08641113 +07031752 _derivationally_related_form 01728355 +11086607 _instance_hypernym 10453533 +02664136 _hypernym 01432517 +13367070 _derivationally_related_form 02285392 +05466892 _hypernym 05465567 +02617338 _hypernym 02616713 +00233980 _hypernym 00216174 +02196896 _hypernym 02196344 +02647660 _hypernym 02642107 +01855447 _hypernym 01850315 +02814860 _hypernym 04460130 +08929922 _member_of_domain_region 08541609 +00620379 _hypernym 00622384 +11456760 _hypernym 11419404 +09048880 _has_part 09111366 +07299569 _hypernym 07283608 +10605088 _derivationally_related_form 01870867 +02623170 _member_meronym 02623445 +02652335 _member_meronym 02653655 +01798352 _hypernym 01507175 +00790509 _synset_domain_topic_of 06272290 +02102484 _derivationally_related_form 05652926 +02056466 _verb_group 02002720 +01454260 _hypernym 01429349 +08979054 _has_part 09196611 +10616379 _derivationally_related_form 00796976 +01449252 _member_meronym 01449374 +13933560 _hypernym 14411243 +08406486 _hypernym 08054721 +02880546 _derivationally_related_form 01359145 +12226322 _hypernym 11565385 +10067968 _derivationally_related_form 00593613 +00332017 _hypernym 00331082 +03347472 _hypernym 03346135 +07031752 _derivationally_related_form 01720773 +02618697 _hypernym 01429349 +09899289 _hypernym 00007846 +01428155 _member_meronym 02528534 +00061290 _derivationally_related_form 01955127 +05786372 _derivationally_related_form 00628491 +02125689 _hypernym 02124623 +09921792 _synset_domain_topic_of 06226057 +10433164 _hypernym 09826204 +01215902 _derivationally_related_form 02219094 +12808227 _member_meronym 12813393 +00357275 _derivationally_related_form 01592456 +00451461 _derivationally_related_form 08180190 +02529515 _hypernym 01429349 +01981436 _derivationally_related_form 09334396 +11746776 _member_meronym 11754188 +05421723 _hypernym 05418717 +01166517 _synset_domain_topic_of 00479887 +02580991 _member_meronym 02581108 +01642671 _member_meronym 01643687 +00999588 _derivationally_related_form 00295346 +02598211 _derivationally_related_form 08436759 +05338410 _hypernym 05333777 +06123363 _has_part 06124395 +08732807 _instance_hypernym 08524735 +00367552 _derivationally_related_form 00839834 +06561942 _synset_domain_topic_of 06539178 +02571486 _hypernym 01432517 +04828255 _hypernym 04827652 +00357332 _verb_group 00357667 +02664823 _hypernym 01432517 +03117420 _synset_domain_topic_of 06128570 +03773504 _hypernym 04099429 +15271619 _hypernym 15271008 +01420765 _derivationally_related_form 00445802 +00513492 _hypernym 01013367 +00503982 _derivationally_related_form 04746842 +04671394 _hypernym 04670746 +01065441 _hypernym 01062583 +00636061 _hypernym 00634906 +00332672 _derivationally_related_form 10016954 +00212205 _derivationally_related_form 02379753 +13227235 _hypernym 13166338 +01507402 _also_see 00437852 +10386984 _synset_domain_topic_of 00471613 +11723655 _member_meronym 11723770 +00376994 _derivationally_related_form 00107943 +00933420 _hypernym 00908492 +12199030 _hypernym 11575425 +00382109 _derivationally_related_form 01461152 +00762478 _hypernym 00813978 +01135501 _derivationally_related_form 10294953 +06077648 _hypernym 06037666 +04756887 _hypernym 04723816 +15271008 _derivationally_related_form 00363493 +04608923 _derivationally_related_form 01736299 +01982395 _hypernym 01831531 +08129883 _has_part 08130292 +12936999 _member_meronym 12937388 +08089627 _hypernym 08147188 +01539063 _derivationally_related_form 10034201 +02575082 _derivationally_related_form 00754767 +00509377 _derivationally_related_form 00394813 +02313195 _hypernym 08102555 +10670668 _derivationally_related_form 02464866 +01215137 _hypernym 01212572 +12664897 _hypernym 11579418 +00963570 _derivationally_related_form 05650820 +00861423 _hypernym 00860620 +00591519 _derivationally_related_form 05708432 +12100538 _member_meronym 12119947 +12125782 _hypernym 11556857 +01035853 _derivationally_related_form 10267941 +13651520 _derivationally_related_form 13655262 +02576921 _derivationally_related_form 10089615 +00975584 _hypernym 00974367 +06776138 _hypernym 06598915 +02631041 _hypernym 02630739 +11778534 _member_meronym 11793252 +02393401 _also_see 00851103 +10388440 _derivationally_related_form 02539334 +00057306 _derivationally_related_form 02015168 +01346804 _derivationally_related_form 00383390 +07402519 _has_part 07404798 +13479889 _synset_domain_topic_of 06043075 +04635953 _derivationally_related_form 00875712 +00235368 _derivationally_related_form 05162455 +00344125 _also_see 00583990 +03294833 _hypernym 03563967 +04210390 _hypernym 03953416 +02043999 _member_meronym 02044358 +03544360 _derivationally_related_form 02459173 +10009671 _derivationally_related_form 00855933 +00266806 _derivationally_related_form 00260648 +10113072 _hypernym 10434424 +12900148 _member_meronym 12900987 +00227595 _synset_domain_topic_of 00015388 +14855992 _derivationally_related_form 00076400 +01270343 _instance_hypernym 01075117 +09160295 _instance_hypernym 08702402 +09275473 _has_part 09023321 +04552696 _hypernym 04194289 +01224001 _derivationally_related_form 03485997 +05902327 _derivationally_related_form 01683582 +00324834 _derivationally_related_form 01455866 +10656223 _hypernym 00007846 +04190464 _hypernym 02703275 +01641545 _hypernym 01640855 +03022978 _hypernym 02720725 +00507143 _derivationally_related_form 07643981 +09243769 _hypernym 09258715 +09041371 _instance_hypernym 09446115 +12740196 _member_meronym 12750306 +14160665 _hypernym 14151139 +11390364 _instance_hypernym 10624540 +02607630 _member_meronym 02608708 +02444103 _hypernym 01864707 +01070187 _derivationally_related_form 02846322 +04837425 _hypernym 04837232 +02974615 _derivationally_related_form 08798771 +04188368 _hypernym 03670849 +11450566 _hypernym 11452218 +08791167 _has_part 08927186 +00915265 _hypernym 00940384 +13343917 _synset_domain_topic_of 00494768 +02062212 _derivationally_related_form 01173965 +02906438 _derivationally_related_form 01548576 +00990812 _derivationally_related_form 06787150 +00357332 _derivationally_related_form 13164763 +02612393 _member_meronym 02613960 +07269916 _derivationally_related_form 02851550 +07453638 _derivationally_related_form 02386388 +02068735 _member_meronym 02069569 +01343918 _also_see 00921014 +14367797 _hypernym 14151139 +02647497 _verb_group 02612234 +02484813 _member_meronym 02484975 +04421872 _hypernym 03733925 +00654625 _derivationally_related_form 03018802 +02580853 _derivationally_related_form 02804772 +08137738 _hypernym 08123167 +00662972 _hypernym 00661091 +01582645 _hypernym 00508032 +00401650 _also_see 00386392 +11415721 _hypernym 11410625 +15199592 _hypernym 15183428 +08397856 _hypernym 08397255 +01816635 _member_meronym 01817424 +02447793 _derivationally_related_form 06471345 +02246487 _hypernym 01762525 +07190941 _derivationally_related_form 02320374 +05075602 _derivationally_related_form 01494310 +00739082 _derivationally_related_form 05786372 +03236423 _has_part 03236217 +01076793 _derivationally_related_form 04657876 +00379280 _hypernym 00378664 +08969123 _instance_hypernym 08691669 +05764365 _derivationally_related_form 02660631 +10004539 _derivationally_related_form 02014165 +12158148 _member_meronym 12161285 +14939230 _hypernym 14731135 +04034641 _hypernym 04528630 +09155306 _has_part 09156666 +07407970 _hypernym 07405893 +06929279 _hypernym 06926212 +12766241 _member_meronym 12767648 +01162257 _hypernym 01163047 +02698443 _derivationally_related_form 10418302 +03547658 _hypernym 03892891 +01995211 _verb_group 00571596 +01037498 _derivationally_related_form 07136940 +14757848 _derivationally_related_form 05277728 +01180351 _hypernym 01182709 +02553196 _member_meronym 02558724 +15274074 _hypernym 15271008 +00887081 _hypernym 00611433 +12126911 _hypernym 11556857 +01893535 _member_meronym 01893666 +01757677 _hypernym 01754876 +00184907 _derivationally_related_form 14641397 +05197797 _derivationally_related_form 00751887 +07763629 _hypernym 07705931 +02335363 _hypernym 02327200 +09313241 _instance_hypernym 09476331 +02443609 _derivationally_related_form 10468559 +14029405 _hypernym 14027674 +06073494 _derivationally_related_form 10384214 +01855155 _hypernym 02013571 +02384275 _hypernym 02384041 +03605915 _hypernym 03091374 +02377764 _hypernym 02518161 +01661655 _hypernym 01656788 +02115335 _hypernym 02083346 +01329239 _derivationally_related_form 04179385 +05574151 _hypernym 05470189 +02001821 _member_meronym 02002875 +04566257 _has_part 04565375 +08949093 _has_part 08951077 +00218753 _hypernym 00218208 +10769782 _hypernym 00007846 +04838210 _hypernym 04837232 +11947079 _hypernym 11579418 +01937719 _member_meronym 01938155 +04576211 _hypernym 04524313 +01357429 _hypernym 01340439 +00677683 _derivationally_related_form 00796586 +00911350 _hypernym 00907147 +07817599 _hypernym 07811416 +04473432 _has_part 04564698 +01031256 _derivationally_related_form 10578762 +11946584 _hypernym 11579418 +07163803 _hypernym 06652878 +01278817 _verb_group 00476965 +01844653 _derivationally_related_form 00312932 +00091013 _derivationally_related_form 02228031 +12561309 _has_part 07726386 +02277268 _hypernym 02274822 +11841529 _member_meronym 11847841 +01152396 _hypernym 02524171 +10403162 _hypernym 10450303 +12557995 _has_part 07728804 +06566949 _hypernym 06566077 +08173515 _member_meronym 08849753 +10775379 _hypernym 10418841 +06755568 _hypernym 06753800 +10761519 _hypernym 10605985 +02067889 _derivationally_related_form 14856263 +00328370 _derivationally_related_form 00246754 +01962865 _derivationally_related_form 10019406 +02649830 _also_see 01177505 +01717628 _derivationally_related_form 00238022 +02734423 _hypernym 03169390 +00844254 _hypernym 13440063 +09696124 _hypernym 09641757 +08841667 _instance_hypernym 09203827 +13063784 _member_meronym 13064247 +10747294 _hypernym 10557854 +05204637 _derivationally_related_form 01824751 +10794014 _hypernym 09610660 +02831736 _derivationally_related_form 14520278 +13878634 _synset_domain_topic_of 06004685 +14879605 _hypernym 14881303 +06741099 _hypernym 06740644 +00213794 _hypernym 00212414 +09131654 _has_part 09341465 +01984416 _hypernym 01759182 +00086320 _synset_domain_topic_of 00612160 +10409752 _derivationally_related_form 02251743 +01208291 _derivationally_related_form 00518395 +00153809 _hypernym 00151497 +05638374 _hypernym 05637558 +00945853 _derivationally_related_form 06481320 +02393580 _hypernym 02373336 +01058574 _derivationally_related_form 06762711 +06628861 _derivationally_related_form 00592883 +05070290 _derivationally_related_form 00537339 +11867525 _member_meronym 11880610 +02648174 _hypernym 01432517 +06674188 _hypernym 06672953 +02373336 _derivationally_related_form 09606009 +11740824 _member_meronym 11741010 +11792155 _hypernym 11556857 +10291240 _hypernym 09815790 +14565417 _hypernym 14187378 +01648356 _hypernym 01639765 +10579676 _hypernym 00007846 +01430633 _hypernym 02116118 +11511004 _hypernym 04682462 +10569744 _hypernym 09815790 +00096969 _derivationally_related_form 01439604 +02611002 _derivationally_related_form 11410625 +06759349 _derivationally_related_form 01849288 +01049737 _derivationally_related_form 01254978 +01704953 _hypernym 01698271 +02262324 _hypernym 01759182 +01173660 _derivationally_related_form 01152040 +00082241 _derivationally_related_form 04837232 +03204558 _hypernym 04445952 +09854510 _derivationally_related_form 02385634 +08798771 _member_of_domain_region 08320385 +01956481 _derivationally_related_form 01383947 +01304716 _derivationally_related_form 08639776 +00528990 _derivationally_related_form 00044455 +00980453 _derivationally_related_form 07154330 +01236164 _hypernym 01206218 +01845627 _member_meronym 01850676 +03888257 _hypernym 04077734 +01441993 _hypernym 01441510 +00658052 _derivationally_related_form 01003729 +09023321 _has_part 09025584 +10532576 _derivationally_related_form 00018158 +00005526 _derivationally_related_form 00837098 +08859173 _member_of_domain_region 09544262 +02235666 _verb_group 02537407 +11598686 _hypernym 13112664 +04729710 _derivationally_related_form 00946499 +05638063 _derivationally_related_form 01658762 +10544748 _derivationally_related_form 01566185 +13192025 _member_meronym 13201239 +13408023 _hypernym 13258362 +01097292 _derivationally_related_form 00470386 +02846322 _derivationally_related_form 07561112 +04125853 _hypernym 04081844 +00239230 _derivationally_related_form 01008947 +02140033 _derivationally_related_form 00521209 +05552607 _has_part 05551711 +11911591 _member_meronym 11994827 +12868634 _member_meronym 12868880 +14412725 _hypernym 13932421 +06944480 _derivationally_related_form 02660940 +06890254 _hypernym 07274027 +02139199 _has_part 02151625 +04764412 _derivationally_related_form 01101391 +03724756 _synset_domain_topic_of 06234825 +01021420 _derivationally_related_form 00162632 +02557591 _hypernym 02556846 +10458834 _synset_domain_topic_of 08083599 +00608502 _derivationally_related_form 01374582 +00933000 _hypernym 00932088 +13020011 _hypernym 11592146 +06845599 _member_of_domain_usage 03743577 +09041785 _instance_hypernym 08524735 +14636988 _hypernym 14625458 +06667792 _hypernym 06667317 +11980867 _hypernym 11579418 +07801892 _hypernym 07800740 +01586541 _member_meronym 01587713 +02838592 _derivationally_related_form 00620554 +10282014 _derivationally_related_form 06235829 +12286826 _hypernym 13104059 +06295235 _member_of_domain_usage 03293321 +10177014 _derivationally_related_form 00862225 +00825975 _derivationally_related_form 10740017 +03491178 _hypernym 03169390 +13323988 _synset_domain_topic_of 00883297 +00114615 _derivationally_related_form 07601809 +01683957 _synset_domain_topic_of 00933420 +10330189 _hypernym 09847010 +06562802 _derivationally_related_form 01016626 +08096624 _member_meronym 08097391 +00426581 _hypernym 00422090 +00656292 _derivationally_related_form 05927586 +00953216 _derivationally_related_form 07222823 +07598734 _hypernym 07597365 +02799593 _has_part 03792334 +00359614 _derivationally_related_form 01321002 +09345932 _hypernym 09225146 +14288235 _hypernym 14285662 +00097179 _verb_group 00096766 +12358485 _hypernym 08103777 +00057506 _derivationally_related_form 14048441 +03496612 _hypernym 03146846 +12299988 _member_meronym 12307611 +07974025 _hypernym 07942152 +01209220 _hypernym 01207609 +05681117 _derivationally_related_form 00014742 +02624551 _hypernym 02624167 +06950528 _hypernym 06946823 +11911591 _member_meronym 12013811 +06575227 _synset_domain_topic_of 06128570 +10080869 _hypernym 10399491 +07538395 _derivationally_related_form 01811172 +01347678 _derivationally_related_form 00827638 +00358290 _hypernym 00358089 +02982232 _derivationally_related_form 01514655 +06497872 _member_meronym 06833890 +00235368 _derivationally_related_form 15224293 +03789603 _hypernym 03309808 +12869248 _hypernym 11579418 +02229023 _member_meronym 02229156 +14598079 _hypernym 14597413 +05407890 _hypernym 04522421 +13299804 _synset_domain_topic_of 08059412 +07537259 _derivationally_related_form 01818972 +00615421 _derivationally_related_form 05707269 +02262278 _derivationally_related_form 10143595 +11881189 _hypernym 11868814 +01353226 _also_see 00537339 +01246579 _also_see 01459422 +08955626 _has_part 08956574 +01701634 _derivationally_related_form 00930736 +01140654 _verb_group 01113473 +12213485 _hypernym 11534677 +07183151 _derivationally_related_form 00601783 +15084824 _hypernym 14688500 +01628450 _member_meronym 01628885 +01252971 _also_see 02516255 +08766667 _instance_hypernym 08524735 +06512580 _derivationally_related_form 00765396 +14481929 _hypernym 13954253 +11808721 _hypernym 11807979 +02355711 _member_meronym 02362025 +10190871 _derivationally_related_form 02027226 +10471948 _hypernym 10020890 +12213635 _member_meronym 12216382 +00419137 _derivationally_related_form 07443210 +03817062 _hypernym 02718811 +04777421 _hypernym 04773899 +05558345 _derivationally_related_form 02934594 +00332017 _derivationally_related_form 00358290 +12249821 _member_meronym 12249993 +01766748 _hypernym 00724492 +09818343 _derivationally_related_form 06095022 +02508615 _member_meronym 02508742 +12886600 _hypernym 11672400 +10529231 _hypernym 00007846 +12723835 _member_meronym 12723985 +01262574 _hypernym 00391599 +05399847 _has_part 05449268 +02339768 _hypernym 01864707 +01886220 _member_meronym 02062209 +02079029 _also_see 00647542 +05965388 _derivationally_related_form 09791816 +00385385 _derivationally_related_form 09962414 +08929922 _has_part 09357847 +09917593 _hypernym 09622049 +04006727 _hypernym 03681148 +10203682 _hypernym 10025730 +10270232 _derivationally_related_form 02639075 +10481003 _hypernym 09609232 +02660442 _derivationally_related_form 07284554 +11155444 _instance_hypernym 10527334 +00777391 _hypernym 00776988 +00742320 _derivationally_related_form 09610660 +01386433 _hypernym 01252971 +02554922 _derivationally_related_form 10677713 +06536227 _has_part 06535222 +05529729 _hypernym 05305614 +01462928 _hypernym 01223182 +02334302 _hypernym 02327200 +00222472 _hypernym 00220869 +03671272 _has_part 04048075 +05785508 _derivationally_related_form 00704388 +00237078 _derivationally_related_form 01659248 +03995535 _hypernym 02934168 +13790133 _hypernym 13783581 +07116304 _derivationally_related_form 00305846 +00941990 _hypernym 00740577 +01713348 _hypernym 01712704 +15147097 _hypernym 15144371 +00332154 _derivationally_related_form 00358290 +00278403 _hypernym 00277376 +10259348 _synset_domain_topic_of 08199025 +08982587 _has_part 08983413 +09141526 _has_part 03020927 +09546280 _synset_domain_topic_of 05985602 +06610332 _derivationally_related_form 01037650 +02610628 _derivationally_related_form 15267536 +01502262 _member_meronym 01523656 +00930806 _hypernym 00930599 +04033425 _hypernym 03314028 +02624377 _hypernym 01432517 +11871916 _member_meronym 11872146 +05938014 _synset_domain_topic_of 00704305 +01886220 _member_meronym 02372251 +02600948 _derivationally_related_form 07325190 +01883716 _derivationally_related_form 00511817 +13517553 _synset_domain_topic_of 00004475 +04181228 _hypernym 04081844 +02698443 _hypernym 02604760 +02058933 _member_meronym 02059393 +10779775 _hypernym 10197967 +01407465 _member_meronym 01410847 +01177118 _hypernym 01165043 +12280886 _member_meronym 12282235 +12931906 _hypernym 12205694 +00520357 _hypernym 00780191 +11527967 _derivationally_related_form 01904293 +02121234 _member_meronym 02121808 +05541231 _has_part 05232691 +11552976 _hypernym 00017222 +00205598 _hypernym 00205046 +01471070 _member_meronym 01504437 +01772222 _hypernym 01769347 +02142626 _hypernym 02140033 +02650840 _derivationally_related_form 08180190 +00417596 _hypernym 00126264 +00255214 _hypernym 00251013 +04761517 _derivationally_related_form 00630802 +01171183 _hypernym 01156834 +03532342 _hypernym 03563967 +00356621 _hypernym 00356199 +09117351 _has_part 09125016 +00357906 _derivationally_related_form 00431610 +00733250 _derivationally_related_form 13733402 +02083863 _member_meronym 02114100 +13752911 _hypernym 13745420 +01390287 _hypernym 08103777 +08549480 _hypernym 08549070 +10820790 _instance_hypernym 10022111 +14753188 _hypernym 02721538 +01872401 _hypernym 01871875 +02071294 _hypernym 02068974 +06295235 _hypernym 06290637 +01506157 _derivationally_related_form 00961001 +03699396 _hypernym 03097890 +10512201 _derivationally_related_form 01098452 +02231473 _hypernym 01508368 +00805376 _derivationally_related_form 07175241 +04693384 _derivationally_related_form 01281782 +07911677 _hypernym 07911371 +08723006 _has_part 08731148 +10772190 _hypernym 09974648 +03964744 _hypernym 00021939 +10168012 _derivationally_related_form 00835506 +14452294 _derivationally_related_form 01191838 +01438681 _derivationally_related_form 06556692 +11991080 _member_meronym 11991263 +00147815 _also_see 00204391 +02435634 _hypernym 02434976 +02383380 _also_see 00546646 +12008252 _hypernym 11669921 +00007739 _derivationally_related_form 00117959 +00596807 _derivationally_related_form 10467179 +13971065 _derivationally_related_form 01035530 +09559404 _synset_domain_topic_of 15253139 +01359488 _hypernym 01352059 +03346455 _has_part 03507241 +10734235 _hypernym 10291110 +04621314 _derivationally_related_form 10306279 +10612518 _hypernym 10720453 +12501745 _member_meronym 12530208 +00494269 _derivationally_related_form 14414715 +00139586 _hypernym 00126264 +04863497 _hypernym 04863074 +00012434 _hypernym 00010435 +02556537 _hypernym 02672540 +06630627 _derivationally_related_form 00902932 +10047199 _derivationally_related_form 04835028 +07542675 _derivationally_related_form 01814396 +04728786 _derivationally_related_form 02673965 +02767956 _hypernym 04161358 +10222497 _derivationally_related_form 02247226 +05278152 _hypernym 05269901 +02071636 _hypernym 02068974 +13111174 _hypernym 13109733 +00326773 _derivationally_related_form 03459914 +10890637 _instance_hypernym 09940146 +03125870 _hypernym 04524313 +00080705 _hypernym 00078760 +15152817 _has_part 15152062 +10060621 _derivationally_related_form 00819274 +02458822 _hypernym 02458517 +02623445 _hypernym 02554730 +09763784 _derivationally_related_form 13931145 +01801297 _hypernym 01800422 +10718131 _derivationally_related_form 01845229 +08835875 _instance_hypernym 09203827 +03531281 _hypernym 03502509 +06931891 _hypernym 06931199 +10782940 _derivationally_related_form 01100145 +02802215 _hypernym 03442756 +12060380 _hypernym 11556857 +00698256 _hypernym 00690614 +01249490 _derivationally_related_form 03954731 +00420477 _synset_domain_topic_of 05946687 +02472293 _has_part 05217168 +02321759 _member_meronym 02321903 +10226993 _hypernym 00007846 +03191561 _hypernym 03573282 +06691442 _hypernym 06686736 +08860123 _member_of_domain_region 10718509 +04946553 _derivationally_related_form 01210352 +04024862 _hypernym 02801938 +00182037 _derivationally_related_form 03864994 +11517494 _derivationally_related_form 00073584 +00073584 _derivationally_related_form 11517494 +08859173 _member_of_domain_region 07042735 +00636888 _derivationally_related_form 09178999 +08860123 _member_of_domain_region 01020117 +02534936 _derivationally_related_form 10674130 +07197021 _derivationally_related_form 00669970 +01203074 _hypernym 01202728 +09954639 _derivationally_related_form 00936465 +00530829 _derivationally_related_form 13736197 +12242668 _hypernym 11575425 +11814059 _member_meronym 11814238 +02280132 _derivationally_related_form 00819024 +00126264 _derivationally_related_form 11412727 +11664929 _member_meronym 11665372 +08029421 _instance_hypernym 08235343 +02088241 _hypernym 01835496 +00282050 _hypernym 00279835 +02553196 _member_meronym 02572904 +01521603 _derivationally_related_form 03631445 +09290777 _hypernym 14585519 +08831004 _derivationally_related_form 03045750 +02225204 _derivationally_related_form 08560027 +03151500 _hypernym 03873064 +02031158 _derivationally_related_form 00784533 +07497473 _hypernym 00026192 +01974062 _derivationally_related_form 04231693 +12164363 _has_part 07755707 +05461179 _hypernym 05237227 +00969873 _hypernym 01835496 +00487554 _derivationally_related_form 11492014 +06711159 _derivationally_related_form 00862683 +07032292 _hypernym 07030718 +01448100 _verb_group 02103162 +06667317 _hypernym 06349220 +01923909 _hypernym 01831531 +02669081 _derivationally_related_form 09851165 +13044778 _hypernym 12992868 +01840278 _hypernym 01507175 +13776137 _hypernym 13757724 +13025197 _hypernym 11590783 +07577538 _derivationally_related_form 01173405 +01927447 _derivationally_related_form 00558883 +03591116 _synset_domain_topic_of 00314469 +12034828 _hypernym 11565385 +09921673 _synset_domain_topic_of 06951067 +00191517 _derivationally_related_form 13496771 +00372665 _derivationally_related_form 05016171 +12501745 _member_meronym 12533588 +09859684 _derivationally_related_form 00279465 +10786033 _derivationally_related_form 02128286 +00615887 _derivationally_related_form 00994076 +02164825 _hypernym 02130300 +08022972 _synset_domain_topic_of 00759694 +13042814 _hypernym 11592146 +10785869 _derivationally_related_form 02706816 +08705397 _has_part 08706502 +02263717 _hypernym 01759182 +09409512 _derivationally_related_form 02689730 +02040054 _derivationally_related_form 07344663 +02067240 _hypernym 02066707 +12766241 _member_meronym 12766869 +09152944 _has_part 09400667 +12423565 _member_meronym 12425281 +07467846 _hypernym 07456638 +11955770 _member_meronym 11955896 +11007332 _instance_hypernym 09837201 +10059582 _hypernym 10677713 +14250081 _hypernym 14236226 +07251779 _hypernym 06691442 +01996377 _also_see 01898129 +01369758 _derivationally_related_form 00708017 +01111750 _derivationally_related_form 02346136 +00043195 _derivationally_related_form 02154508 +00726300 _hypernym 00670261 +02672540 _derivationally_related_form 13291189 +05511061 _has_part 05512337 +00574218 _hypernym 00109660 +05706954 _derivationally_related_form 00614999 +14686913 _hypernym 14911057 +00259643 _derivationally_related_form 02250625 +08844557 _instance_hypernym 08544813 +01216515 _hypernym 01215902 +05599203 _hypernym 05225602 +00268314 _derivationally_related_form 07419960 +14796575 _hypernym 14633206 +10710509 _hypernym 10533013 +02430045 _has_part 02158846 +01707149 _hypernym 01657723 +02092468 _hypernym 02087122 +00376106 _derivationally_related_form 10307114 +01107439 _hypernym 01105639 +08860123 _member_of_domain_region 10607933 +08910394 _has_part 08975106 +00781652 _derivationally_related_form 00161044 +07471514 _synset_domain_topic_of 00447540 +13191318 _hypernym 13167078 +02073831 _hypernym 02073250 +00271879 _hypernym 00271263 +14805550 _hypernym 03208229 +02025530 _member_meronym 02031143 +14170337 _derivationally_related_form 02850826 +12792041 _hypernym 11566682 +00117385 _derivationally_related_form 05005447 +02464693 _also_see 01996377 +00805228 _hypernym 00804802 +00282485 _derivationally_related_form 00765977 +02183787 _hypernym 02176268 +14757172 _derivationally_related_form 00280532 +08657249 _synset_domain_topic_of 00004475 +13529616 _synset_domain_topic_of 06055946 +09493562 _synset_domain_topic_of 07979425 +01585759 _hypernym 01475953 +12218621 _hypernym 11567411 +03863262 _hypernym 03121897 +05978159 _hypernym 05967977 +01669068 _member_meronym 01669191 +12620196 _hypernym 13112664 +10295819 _derivationally_related_form 02488834 +02439398 _hypernym 02439033 +07075172 _member_of_domain_usage 02600082 +13484644 _derivationally_related_form 00445711 +00304422 _derivationally_related_form 13912992 +02753881 _derivationally_related_form 01133288 +14973585 _hypernym 14607521 +01557774 _hypernym 00109660 +06841365 _derivationally_related_form 00190023 +01113867 _hypernym 01090446 +00912048 _derivationally_related_form 07125523 +05621439 _hypernym 05617606 +05658106 _hypernym 05657718 +10216106 _derivationally_related_form 02271137 +00212790 _derivationally_related_form 14536831 +09877856 _hypernym 00007846 +00824066 _derivationally_related_form 10740017 +02083087 _derivationally_related_form 14854847 +12819560 _hypernym 11744859 +00702601 _derivationally_related_form 15283097 +05805277 _hypernym 05804793 +15011987 _hypernym 15051705 +02037472 _hypernym 02037090 +13308864 _derivationally_related_form 02306462 +05127959 _hypernym 05125377 +02985137 _hypernym 03422589 +12268096 _hypernym 11573173 +08651247 _derivationally_related_form 02333689 +07169353 _synset_domain_topic_of 08199025 +01742415 _derivationally_related_form 03496612 +02608823 _derivationally_related_form 00235435 +07672421 _hypernym 07672135 +01537959 _derivationally_related_form 13982999 +02138921 _member_meronym 02139479 +11826416 _hypernym 11573660 +12819560 _member_meronym 12819728 +07653982 _derivationally_related_form 01258091 +10507230 _derivationally_related_form 02567519 +06528783 _hypernym 06472025 +09293917 _instance_hypernym 09403734 +00176137 _derivationally_related_form 06300193 +01818959 _hypernym 01507175 +11014833 _instance_hypernym 10453533 +11400704 _instance_hypernym 10599806 +00209174 _derivationally_related_form 13458268 +02425913 _derivationally_related_form 00229260 +09488259 _derivationally_related_form 00358431 +09490352 _synset_domain_topic_of 07979425 +01254324 _hypernym 00173338 +01069190 _verb_group 01069391 +06598030 _hypernym 06349220 +09593651 _derivationally_related_form 00850501 +02265231 _derivationally_related_form 00618734 +08860123 _has_part 08887841 +01886220 _member_meronym 02329093 +01398032 _hypernym 01410223 +11886380 _member_meronym 11886537 +07990824 _hypernym 07993929 +01915365 _derivationally_related_form 00309115 +12313005 _member_meronym 12313574 +00064479 _also_see 01660994 +01645093 _member_meronym 01645278 +13563746 _hypernym 13518963 +02126382 _derivationally_related_form 03916031 +02635310 _hypernym 01429349 +10614976 _hypernym 09612848 +00156625 _derivationally_related_form 00851239 +01962788 _hypernym 01960459 +02441022 _derivationally_related_form 09941571 +13532886 _derivationally_related_form 00056930 +10528493 _derivationally_related_form 01702514 +09209263 _has_part 08819397 +04420461 _hypernym 02866578 +06552320 _hypernym 06551784 +07205573 _derivationally_related_form 02502916 +01689411 _hypernym 01674464 +07738353 _derivationally_related_form 01262936 +04343346 _derivationally_related_form 02689882 +00165942 _derivationally_related_form 00014549 +03098803 _derivationally_related_form 03249342 +11651259 _hypernym 11553763 +01053920 _derivationally_related_form 02648639 +04203514 _hypernym 04602044 +05833840 _derivationally_related_form 00631737 +01040390 _derivationally_related_form 00823129 +05442131 _has_part 05444324 +00055315 _derivationally_related_form 00614057 +15178841 _has_part 15217674 +08310949 _hypernym 08077292 +07479799 _hypernym 07371293 +06633692 _derivationally_related_form 01822248 +03436182 _hypernym 04315948 +01728738 _hypernym 01657723 +01550429 _member_meronym 01550953 +00169651 _hypernym 00170844 +08947319 _has_part 09371151 +00060477 _derivationally_related_form 00692506 +06876144 _derivationally_related_form 00932324 +00914215 _derivationally_related_form 01859325 +00480751 _hypernym 02339413 +02342109 _hypernym 01864707 +01539377 _member_meronym 01539573 +05692419 _derivationally_related_form 00701040 +13541975 _hypernym 13489037 +00671351 _hypernym 01024392 +08491027 _derivationally_related_form 00990812 +10160913 _hypernym 10605985 +07394814 _hypernym 07387509 +00008602 _derivationally_related_form 10643727 +07042862 _hypernym 07037465 +01547459 _member_meronym 01549314 +01841079 _hypernym 01835496 +00512522 _derivationally_related_form 01037910 +10377021 _hypernym 10376523 +01621555 _derivationally_related_form 10292316 +08840749 _has_part 08839916 +00267041 _derivationally_related_form 13502909 +13829047 _derivationally_related_form 01233347 +01443398 _member_meronym 01443537 +04025130 _derivationally_related_form 10493685 +01232098 _derivationally_related_form 10303513 +12957467 _member_meronym 12957608 +00732091 _hypernym 00731789 +08495617 _hypernym 08520401 +07162545 _hypernym 07162194 +10546633 _derivationally_related_form 01846658 +00001740 _verb_group 00002325 +00315810 _hypernym 00660971 +09911570 _derivationally_related_form 01036804 +04417809 _has_part 03892035 +12065316 _hypernym 12041446 +07123870 _derivationally_related_form 01054186 +09050244 _member_meronym 09141526 +14066203 _derivationally_related_form 00030647 +02490430 _derivationally_related_form 00389610 +01048466 _derivationally_related_form 01812720 +01315140 _derivationally_related_form 03216199 +02243065 _hypernym 01762525 +01600480 _member_meronym 01601268 +00025034 _hypernym 00024814 +01747717 _derivationally_related_form 10481268 +00586262 _derivationally_related_form 02333689 +06253371 _hypernym 06253140 +01051331 _derivationally_related_form 02333689 +11803475 _member_meronym 11565040 +03397532 _hypernym 02681518 +13869991 _hypernym 13863771 +13775939 _hypernym 13774404 +04161981 _derivationally_related_form 02333979 +02330742 _derivationally_related_form 13354420 +00427802 _hypernym 00441445 +00636574 _derivationally_related_form 05774614 +05498773 _has_part 05227572 +11729478 _hypernym 13102409 +05216365 _has_part 05462057 +11911591 _member_meronym 11959489 +12087807 _member_meronym 12088909 +03681148 _hypernym 02710766 +05062370 _derivationally_related_form 02642610 +10691318 _derivationally_related_form 02188848 +14406573 _derivationally_related_form 01791535 +09022265 _has_part 09170633 +13296899 _hypernym 13278375 +01949007 _derivationally_related_form 02930766 +10072054 _hypernym 10625860 +02290998 _also_see 00583239 +06851742 _member_of_domain_usage 14777939 +00775831 _derivationally_related_form 00202284 +12746884 _hypernym 13118707 +00708017 _derivationally_related_form 01298931 +09297729 _instance_hypernym 09296121 +02875233 _synset_domain_topic_of 00922327 +00273319 _hypernym 00271263 +02291708 _synset_domain_topic_of 13333237 +14875077 _hypernym 00020090 +05802547 _synset_domain_topic_of 06000644 +09790278 _hypernym 10488016 +00336922 _derivationally_related_form 13907272 +01657641 _derivationally_related_form 05731779 +01073241 _derivationally_related_form 01182293 +02474239 _derivationally_related_form 05624042 +01088005 _derivationally_related_form 01157557 +14538472 _hypernym 13920835 +04471315 _derivationally_related_form 00381850 +13064111 _hypernym 13063269 +14186738 _hypernym 14186541 +12413419 _hypernym 12412355 +05598147 _has_part 05283816 +01158690 _hypernym 01123598 +02170427 _derivationally_related_form 10165448 +14034177 _hypernym 13920835 +00620752 _hypernym 00575741 +01524298 _hypernym 01524871 +01919391 _hypernym 01904930 +02005102 _hypernym 01504437 +00104539 _derivationally_related_form 01508368 +13870805 _hypernym 00027807 +09013830 _has_part 09014066 +06845599 _member_of_domain_usage 03748456 +12169776 _member_meronym 12182858 +12008017 _hypernym 11579418 +11634970 _hypernym 11554175 +01346003 _derivationally_related_form 10737431 +03728811 _derivationally_related_form 02657219 +01386494 _member_meronym 01347199 +09275473 _has_part 08845555 +10212338 _hypernym 10013927 +09979589 _hypernym 10480253 +13164583 _derivationally_related_form 00357332 +10138767 _hypernym 00007846 +14012667 _synset_domain_topic_of 01094725 +03484576 _derivationally_related_form 01288201 +01264283 _derivationally_related_form 03058107 +02920369 _hypernym 03501152 +09606527 _derivationally_related_form 09606380 +01593937 _derivationally_related_form 07805254 +00204439 _derivationally_related_form 02227741 +12457519 _member_meronym 12457771 +02540983 _hypernym 02540412 +12480004 _hypernym 12476510 +02743343 _derivationally_related_form 07323922 +12120114 _hypernym 12102133 +00634286 _hypernym 00634090 +08860123 _member_of_domain_region 03663433 +01686132 _derivationally_related_form 04076846 +10418841 _hypernym 09610660 +01637982 _derivationally_related_form 09279458 +07075172 _member_of_domain_usage 02010698 +01547390 _derivationally_related_form 00341548 +03967942 _hypernym 02853449 +01519046 _member_meronym 01519228 +09006413 _has_part 09008454 +02051213 _member_meronym 02053720 +00059019 _verb_group 00059376 +07009946 _hypernym 07007684 +03039947 _hypernym 03563967 +01237398 _derivationally_related_form 07379963 +09140148 _has_part 09261138 +00216174 _derivationally_related_form 02422026 +13212025 _hypernym 13211790 +00358431 _hypernym 00146138 +01977155 _derivationally_related_form 05675905 +02503365 _hypernym 02501738 +09284015 _hypernym 07941945 +09805475 _hypernym 09614315 +00315330 _derivationally_related_form 00364600 +01426397 _verb_group 01426153 +01650425 _hypernym 01645601 +00614829 _hypernym 00614999 +10599806 _derivationally_related_form 07110615 +09455640 _instance_hypernym 09411430 +07893891 _hypernym 07891726 +03604629 _hypernym 03091374 +13580723 _hypernym 13580415 +01683724 _member_meronym 01684133 +14425715 _derivationally_related_form 10787470 +02125032 _derivationally_related_form 10616670 +01640846 _hypernym 01639765 +01543998 _derivationally_related_form 04161358 +00211110 _derivationally_related_form 00484166 +05457973 _hypernym 05456945 +14214584 _hypernym 14213512 +04648749 _hypernym 04648207 +01797472 _hypernym 01507175 +13169674 _member_meronym 12951465 +04508949 _hypernym 04508163 +02469588 _member_meronym 02500749 +09103943 _instance_hypernym 08655464 +06428216 _hypernym 06427831 +10620758 _derivationally_related_form 06151693 +08988216 _instance_hypernym 09316454 +12093088 _hypernym 11567411 +06891493 _has_part 07039478 +04931965 _hypernym 04933544 +01019524 _derivationally_related_form 01693881 +01137696 _hypernym 00173338 +00077698 _derivationally_related_form 14043882 +04586421 _derivationally_related_form 01522276 +02236624 _verb_group 02449847 +03222516 _hypernym 04027023 +02643446 _derivationally_related_form 00978549 +09005712 _has_part 09425159 +04907991 _hypernym 04907269 +00959731 _also_see 02466111 +08890097 _has_part 08891889 +12610933 _hypernym 11534677 +10854397 _instance_hypernym 10343554 +11715207 _member_meronym 11715430 +01537409 _derivationally_related_form 00276813 +02259829 _derivationally_related_form 09839167 +02645839 _derivationally_related_form 05169242 +12099803 _member_meronym 12100187 +01028082 _hypernym 01027379 +03802007 _hypernym 03803116 +02607630 _member_meronym 02610234 +10109662 _hypernym 00007846 +01487927 _hypernym 00173338 +06845599 _member_of_domain_usage 04163740 +15126175 _has_part 15126361 +01173660 _hypernym 01173038 +01886220 _member_meronym 02082056 +05118251 _hypernym 05093890 +00958896 _derivationally_related_form 01090335 +01230710 _derivationally_related_form 07252378 +02423022 _hypernym 02419796 +06637350 _synset_domain_topic_of 06128570 +08391387 _synset_domain_topic_of 08199025 +01188144 _hypernym 00065070 +00194534 _hypernym 00173338 +09629477 _synset_domain_topic_of 07006119 +08231678 _member_meronym 08078976 +01481599 _member_meronym 01486241 +12391477 _member_meronym 12404943 +10718131 _hypernym 09629752 +12916025 _hypernym 11579418 +10390427 _derivationally_related_form 01485839 +08064523 _derivationally_related_form 02581675 +00201034 _hypernym 00243900 +02183442 _hypernym 02183175 +04887912 _hypernym 00758175 +00375071 _derivationally_related_form 00237511 +15294382 _hypernym 15113229 +05850624 _hypernym 05849789 +10088390 _hypernym 10480018 +13491060 _derivationally_related_form 00445169 +01693453 _derivationally_related_form 03186399 +06316048 _hypernym 06313651 +00442267 _derivationally_related_form 14686913 +12977795 _hypernym 11594676 +02616705 _member_meronym 02616851 +07139151 _derivationally_related_form 00955601 +00196084 _derivationally_related_form 02259005 +01156115 _verb_group 01155687 +00754956 _derivationally_related_form 00838043 +01547459 _member_meronym 01547832 +06408651 _hypernym 06362953 +01657723 _hypernym 08108972 +01387786 _derivationally_related_form 03082807 +05056490 _hypernym 15278281 +11754188 _member_meronym 11762706 +09017526 _instance_hypernym 08700255 +11157580 _instance_hypernym 10599806 +04043733 _has_part 03181293 +01812324 _derivationally_related_form 01265475 +06601327 _derivationally_related_form 00932636 +12709103 _has_part 07750146 +10712835 _hypernym 09774266 +02467662 _derivationally_related_form 03894379 +00916909 _derivationally_related_form 10150794 +10037385 _derivationally_related_form 01190277 +04111190 _hypernym 04100174 +13390857 _hypernym 13388245 +01299888 _derivationally_related_form 04639371 +13941337 _derivationally_related_form 02634265 +01934427 _hypernym 01931768 +03751590 _synset_domain_topic_of 08441203 +04055861 _synset_domain_topic_of 00314469 +11693566 _hypernym 11564258 +03064935 _hypernym 04452848 +01252566 _derivationally_related_form 00414627 +08766988 _member_of_domain_region 08017974 +07985628 _hypernym 07976936 +01439190 _verb_group 01082454 +10605848 _hypernym 09939313 +10284064 _derivationally_related_form 01621555 +12822769 _hypernym 12205694 +01958435 _hypernym 01958038 +01948154 _member_meronym 01948284 +05268965 _derivationally_related_form 00991838 +08766988 _has_part 09408540 +01584321 _derivationally_related_form 13872592 +04568557 _hypernym 04474466 +08953151 _derivationally_related_form 09714120 +07705931 _hypernym 07705711 +01702154 _synset_domain_topic_of 07092592 +14750122 _hypernym 14749794 +02629111 _hypernym 02627934 +01808447 _hypernym 01507175 +12190712 _hypernym 11575425 +01138911 _derivationally_related_form 00430140 +06410904 _hypernym 06589574 +02211283 _hypernym 01762525 +08390157 _hypernym 08190754 +01629000 _derivationally_related_form 00914632 +02518813 _hypernym 01429349 +09609871 _derivationally_related_form 00169806 +01226600 _hypernym 01226215 +06845599 _member_of_domain_usage 03048412 +00328802 _derivationally_related_form 05083200 +08365855 _derivationally_related_form 09945603 +00442267 _derivationally_related_form 15055633 +00932298 _hypernym 00932088 +05560787 _has_part 05594367 +00084230 _hypernym 00078760 +08749447 _instance_hypernym 09203827 +11911591 _member_meronym 12013323 +00592341 _hypernym 00591115 +03222722 _hypernym 03391770 +01229071 _derivationally_related_form 13534954 +04146050 _has_part 03038685 +01485839 _derivationally_related_form 10390427 +02099997 _hypernym 02098550 +13889843 _hypernym 13887509 +09042213 _instance_hypernym 08524735 +02486232 _verb_group 02485844 +00599329 _derivationally_related_form 10546850 +09416570 _has_part 09423379 +01006675 _derivationally_related_form 00669970 +13318147 _hypernym 13306870 +00051712 _derivationally_related_form 01227235 +09734885 _hypernym 09735258 +03016202 _derivationally_related_form 09710164 +01167780 _derivationally_related_form 03200357 +01113068 _hypernym 01090446 +07157273 _member_of_domain_usage 05538215 +00419685 _derivationally_related_form 09407043 +01301630 _has_part 01273491 +12410205 _hypernym 11567411 +02168542 _member_meronym 02168876 +01074694 _derivationally_related_form 01423285 +03110669 _derivationally_related_form 10732010 +02801938 _hypernym 03094503 +04878861 _hypernym 04723816 +00694990 _derivationally_related_form 00081072 +04870340 _derivationally_related_form 01588172 +12021120 _member_meronym 12021499 +10495421 _hypernym 10335931 +06362260 _hypernym 06362441 +08963369 _has_part 08964099 +01476829 _member_meronym 01477184 +00119074 _derivationally_related_form 05748285 +12393942 _hypernym 11567411 +05388805 _hypernym 05298729 +00974444 _hypernym 00953559 +13458268 _synset_domain_topic_of 06084469 +00023380 _hypernym 00022686 +03026350 _hypernym 03845550 +08900535 _has_part 08902569 +08292418 _hypernym 08151490 +14186738 _hypernym 14187378 +03123553 _hypernym 02822220 +10292316 _derivationally_related_form 01621555 +01820901 _derivationally_related_form 07518878 +00963241 _hypernym 00962129 +03206718 _hypernym 02756098 +11919026 _hypernym 11579418 +01629403 _verb_group 01629000 +00086077 _derivationally_related_form 00698609 +09793495 _derivationally_related_form 14023491 +01812337 _hypernym 01811909 +01753721 _hypernym 01656813 +13249400 _hypernym 13246662 +01079604 _derivationally_related_form 01568630 +06509210 _hypernym 06508816 +13385583 _derivationally_related_form 02216710 +07342049 _derivationally_related_form 01727490 +07081739 _derivationally_related_form 00980453 +13047216 _member_meronym 13047385 +10407954 _derivationally_related_form 00895304 +04565375 _derivationally_related_form 00584954 +10708292 _hypernym 09621545 +13473097 _derivationally_related_form 00072989 +01018366 _derivationally_related_form 00317888 +02557461 _hypernym 01432517 +13580723 _derivationally_related_form 01183573 +01206218 _derivationally_related_form 00046522 +09382990 _has_part 09198574 +01386433 _derivationally_related_form 14849880 +01814815 _derivationally_related_form 01211667 +11897342 _member_meronym 11897466 +09802239 _synset_domain_topic_of 00933420 +05652926 _derivationally_related_form 02103481 +00348746 _derivationally_related_form 07325190 +14560926 _derivationally_related_form 00209837 +08998233 _instance_hypernym 08544813 +00875246 _hypernym 00874067 +03672638 _hypernym 03171356 +01923637 _derivationally_related_form 02690270 +09137869 _has_part 09138538 +02967782 _derivationally_related_form 01393996 +02316392 _member_meronym 02317488 +01337653 _derivationally_related_form 07679356 +03030035 _has_part 03338009 +02230056 _verb_group 02229828 +10548537 _derivationally_related_form 05639651 +00251780 _hypernym 00251013 +06546633 _hypernym 06479665 +11607392 _member_meronym 11660979 +12386945 _hypernym 13112664 +12371439 _hypernym 13100677 +07951464 _derivationally_related_form 02304982 +02512150 _hypernym 02511551 +15268239 _derivationally_related_form 02680814 +05009170 _hypernym 04916342 +03337140 _derivationally_related_form 01001857 +00294884 _derivationally_related_form 01151097 +00905283 _hypernym 00904046 +04328329 _has_part 02984937 +09626238 _derivationally_related_form 00653620 +08860123 _member_of_domain_region 13391452 +13163991 _derivationally_related_form 00329654 +02539788 _derivationally_related_form 13813765 +07956887 _derivationally_related_form 02246686 +00548913 _derivationally_related_form 07444668 +02854739 _hypernym 04508489 +02523110 _hypernym 02521646 +09665545 _hypernym 09645091 +06343117 _hypernym 06338908 +10012484 _hypernym 10631941 +00847340 _derivationally_related_form 00574218 +13744304 _hypernym 13741022 +09160968 _instance_hypernym 08691669 +01029500 _derivationally_related_form 06343520 +10827155 _instance_hypernym 09921792 +02062991 _member_meronym 02063516 +01663169 _member_meronym 01664244 +13732078 _derivationally_related_form 00642098 +03662452 _has_part 00860011 +07421859 _hypernym 07421316 +13141141 _hypernym 13112664 +05768252 _hypernym 05767733 +10912243 _instance_hypernym 09956780 +00186634 _hypernym 00063652 +02346136 _synset_domain_topic_of 01090446 +02409702 _hypernym 01864707 +03476684 _hypernym 03043958 +00100044 _verb_group 00833702 +14286885 _hypernym 14286549 +02408965 _derivationally_related_form 03563967 +00650353 _derivationally_related_form 07366289 +01375204 _hypernym 01355326 +08688247 _hypernym 08664443 +12723985 _member_meronym 12724201 +04365484 _has_part 04216963 +00666733 _hypernym 00671351 +02345048 _hypernym 02206619 +09927089 _hypernym 10241300 +05833840 _derivationally_related_form 00608808 +11374281 _instance_hypernym 10043643 +00252307 _derivationally_related_form 01393996 +12196129 _hypernym 13104059 +05465567 _has_part 05468849 +08764107 _has_part 08765623 +05666700 _derivationally_related_form 01722980 +10743356 _hypernym 10515194 +02489456 _hypernym 02382087 +02068408 _member_meronym 02068541 +09968259 _derivationally_related_form 02337545 +08100481 _hypernym 08149781 +01691782 _member_meronym 01691951 +01004692 _hypernym 00993014 +00216174 _hypernym 00209943 +00493259 _derivationally_related_form 00276987 +06845599 _member_of_domain_usage 04518854 +02595569 _hypernym 01432517 +01379954 _member_meronym 01380298 +09209263 _has_part 09264425 +02431834 _hypernym 02431320 +14702416 _derivationally_related_form 00052672 +05275905 _derivationally_related_form 02877910 +08900535 _has_part 08903872 +00259927 _derivationally_related_form 14477342 +07933274 _hypernym 07881800 +05990089 _synset_domain_topic_of 06090869 +12534862 _hypernym 13118707 +01006675 _derivationally_related_form 01112584 +09942431 _hypernym 10794014 +11313011 _instance_hypernym 10224578 +02534352 _member_meronym 02535349 +02685299 _derivationally_related_form 02991302 +07387316 _derivationally_related_form 01059743 +10164747 _hypernym 10522035 +12341126 _member_meronym 12342043 +08900535 _has_part 08903636 +02553697 _hypernym 00253761 +09873348 _hypernym 09939313 +01807828 _hypernym 01807496 +09551356 _synset_domain_topic_of 15253139 +07883384 _hypernym 07883251 +14286549 _derivationally_related_form 02119874 +10347593 _hypernym 10317007 +13491876 _derivationally_related_form 00372665 +09037394 _has_part 09210346 +01157517 _hypernym 02267060 +02745332 _hypernym 02645007 +00883297 _derivationally_related_form 02945971 +00875141 _derivationally_related_form 06671637 +01204055 _hypernym 01203676 +01321002 _derivationally_related_form 10487182 +11716285 _hypernym 11571907 +04782466 _hypernym 04782116 +00794981 _hypernym 00704690 +06687178 _derivationally_related_form 00673983 +12501745 _member_meronym 12507236 +01438304 _hypernym 01433294 +15046900 _derivationally_related_form 00445169 +05480794 _hypernym 05237227 +13659604 _has_part 13659419 +00634090 _derivationally_related_form 05762258 +03963483 _hypernym 02883344 +10566072 _derivationally_related_form 01551871 +02592866 _hypernym 01432517 +05030418 _derivationally_related_form 02019431 +04049405 _derivationally_related_form 01354405 +08860123 _member_of_domain_region 07752264 +03567066 _has_part 04422875 +01182021 _derivationally_related_form 01057759 +06737112 _derivationally_related_form 02300060 +13450206 _hypernym 13530408 +09843956 _derivationally_related_form 01415585 +13157137 _hypernym 13156592 +00270826 _hypernym 00126264 +02209745 _derivationally_related_form 13260190 +00818253 _hypernym 00822367 +09610255 _hypernym 00007846 +08959683 _has_part 09170788 +12157276 _member_meronym 12166312 +06609503 _derivationally_related_form 01036804 +01476829 _member_meronym 01477373 +02713992 _synset_domain_topic_of 03515338 +05981230 _derivationally_related_form 00708980 +01185304 _hypernym 01166351 +01886756 _hypernym 01861778 +02764614 _derivationally_related_form 04952570 +02406916 _derivationally_related_form 04836683 +00272683 _derivationally_related_form 13463255 +00749232 _hypernym 00310666 +07955280 _synset_domain_topic_of 00933420 +12307756 _hypernym 13112664 +12476036 _member_meronym 12480233 +08439955 _member_meronym 10644598 +05497741 _hypernym 05497363 +02070466 _derivationally_related_form 00329227 +09059274 _has_part 09382362 +00463543 _hypernym 00433458 +00511817 _derivationally_related_form 01883716 +08237863 _derivationally_related_form 02385813 +01967792 _derivationally_related_form 00277569 +02474777 _hypernym 02472293 +12124505 _hypernym 11556857 +02537812 _derivationally_related_form 00749991 +01972298 _derivationally_related_form 07362386 +09204977 _has_part 08819397 +00907930 _hypernym 00907147 +00343249 _derivationally_related_form 01349493 +10676877 _derivationally_related_form 02443049 +00941990 _derivationally_related_form 07139316 +09011151 _derivationally_related_form 02660940 +06561942 _derivationally_related_form 00869931 +02241184 _member_meronym 02244007 +12900148 _member_meronym 12901565 +01876535 _hypernym 01864707 +09133010 _has_part 08564739 +02276866 _derivationally_related_form 09866661 +02599958 _hypernym 02554730 +00952963 _synset_domain_topic_of 08199025 +00457327 _hypernym 00146138 +00258857 _hypernym 00126264 +08776320 _instance_hypernym 08574314 +00941140 _derivationally_related_form 02439281 +06741305 _derivationally_related_form 00893741 +05652593 _hypernym 05650329 +10577820 _derivationally_related_form 05976257 +01745902 _hypernym 01745484 +05785067 _hypernym 05784831 +01731351 _derivationally_related_form 05050115 +02327200 _derivationally_related_form 13777344 +10528493 _hypernym 10794014 +11092292 _instance_hypernym 10177150 +10058411 _derivationally_related_form 01828736 +09759311 _derivationally_related_form 02669885 +01896478 _derivationally_related_form 01789514 +00133338 _derivationally_related_form 01238640 +00394610 _derivationally_related_form 01549187 +00260881 _synset_domain_topic_of 01124794 +09159003 _has_part 09340644 +10186774 _hypernym 10408324 +05324553 _hypernym 13864153 +00346991 _also_see 00583239 +08522287 _synset_domain_topic_of 06090869 +01286290 _hypernym 01285440 +13903079 _hypernym 13863771 +01395885 _hypernym 01388130 +02351010 _derivationally_related_form 05736736 +01050313 _derivationally_related_form 04986883 +03930777 _hypernym 03111899 +03967396 _derivationally_related_form 01693453 +10643584 _hypernym 09622302 +01583656 _hypernym 01582645 +13664521 _hypernym 13662703 +14480065 _synset_domain_topic_of 06089447 +03206405 _hypernym 03748162 +02643673 _derivationally_related_form 02394068 +02286425 _hypernym 02285548 +01253808 _derivationally_related_form 14333136 +02474239 _hypernym 00512877 +03001627 _has_part 02767433 +14950937 _hypernym 15017604 +00928630 _derivationally_related_form 09962789 +12605019 _member_meronym 12605315 +00073828 _derivationally_related_form 00618057 +12290116 _member_meronym 12296218 +01144657 _derivationally_related_form 00622584 +13572436 _derivationally_related_form 00575720 +00672433 _derivationally_related_form 10150794 +06418693 _hypernym 06417598 +15212167 _has_part 15200314 +14956661 _derivationally_related_form 01252730 +01645421 _hypernym 01642437 +01593937 _derivationally_related_form 07351031 +03775199 _derivationally_related_form 00394813 +00770141 _derivationally_related_form 07254057 +04502502 _hypernym 03309808 +00787049 _derivationally_related_form 07195630 +08626522 _hypernym 08675967 +14500567 _hypernym 14499262 +03110322 _derivationally_related_form 00001740 +02950632 _synset_domain_topic_of 15259284 +10078806 _derivationally_related_form 02420232 +00732091 _derivationally_related_form 00375938 +11429458 _hypernym 11494935 +08789243 _instance_hypernym 08552138 +14586769 _derivationally_related_form 00493517 +12145919 _has_part 07804771 +00164152 _derivationally_related_form 00879540 +02000133 _hypernym 01999798 +10169937 _hypernym 10200781 +00918820 _derivationally_related_form 01740608 +09146111 _member_of_domain_region 01269360 +01826378 _derivationally_related_form 14038993 +08176077 _member_meronym 08736107 +11749462 _hypernym 11585340 +10024621 _synset_domain_topic_of 08083599 +05658226 _hypernym 05653848 +02134589 _member_meronym 02137172 +03137228 _hypernym 03899328 +01079480 _derivationally_related_form 00959376 +00751887 _hypernym 02539334 +10675142 _hypernym 10744544 +10376890 _hypernym 10375506 +09050730 _has_part 09148970 +07232421 _hypernym 07160883 +00608037 _hypernym 00606370 +00426928 _hypernym 00407535 +05024254 _hypernym 13575869 +02495817 _hypernym 02495038 +10646942 _hypernym 10412055 +07252764 _hypernym 06691442 +09843443 _hypernym 10285313 +02651424 _derivationally_related_form 03195485 +03919096 _synset_domain_topic_of 08199025 +07805006 _derivationally_related_form 01178220 +07957193 _hypernym 07951464 +01939598 _hypernym 08108972 +03285912 _derivationally_related_form 02711114 +07677860 _hypernym 07677593 +03614532 _hypernym 03800933 +01710048 _hypernym 01708676 +04191150 _derivationally_related_form 01270589 +00617748 _derivationally_related_form 06769392 +00366547 _derivationally_related_form 00357680 +02029492 _hypernym 02028994 +01955984 _derivationally_related_form 10403876 +00518653 _derivationally_related_form 01266152 +02580991 _hypernym 01432517 +12708654 _hypernym 12708293 +05781800 _derivationally_related_form 00643473 +01053617 _derivationally_related_form 02727462 +01180701 _hypernym 01180351 +01048939 _derivationally_related_form 07395446 +05509889 _hypernym 05237227 +00149084 _derivationally_related_form 01285440 +11607392 _member_meronym 11649597 +01018352 _hypernym 00752764 +12823164 _member_meronym 12824581 +08723006 _has_part 09483340 +12363988 _member_meronym 12370011 +01130607 _derivationally_related_form 03327234 +00633443 _hypernym 00719734 +00795785 _derivationally_related_form 02744977 +00963896 _derivationally_related_form 02583958 +00079398 _derivationally_related_form 02244956 +03111690 _hypernym 03907654 +00975036 _verb_group 00783523 +13512725 _has_part 13554121 +12876032 _member_meronym 12876684 +08777544 _instance_hypernym 08698379 +01105097 _hypernym 01105639 +00229280 _derivationally_related_form 03212811 +01216004 _hypernym 01216670 +00384802 _hypernym 00383606 +07294019 _hypernym 07292694 +11415084 _derivationally_related_form 02661252 +01463965 _also_see 01459422 +00756780 _hypernym 00752431 +01243089 _hypernym 01069980 +01128984 _derivationally_related_form 00159880 +05989479 _hypernym 05793000 +11542341 _member_meronym 11544131 +15242719 _has_part 15242432 +10557246 _hypernym 10309896 +14842091 _derivationally_related_form 00004605 +00500055 _hypernym 00126264 +13962498 _derivationally_related_form 00358431 +00944924 _derivationally_related_form 05774129 +08272460 _hypernym 08198398 +07209305 _hypernym 07208338 +12460549 _member_meronym 12460697 +00733250 _derivationally_related_form 05783041 +01447257 _hypernym 01206218 +00034574 _derivationally_related_form 01372049 +10519494 _hypernym 09628382 +01432601 _derivationally_related_form 10395073 +01035803 _hypernym 01035530 +08860123 _member_of_domain_region 15200661 +06143546 _hypernym 06143154 +02568672 _derivationally_related_form 00947128 +01940403 _derivationally_related_form 04592741 +04017429 _hypernym 03247620 +12629946 _member_meronym 12630478 +01712704 _derivationally_related_form 09767197 +12344283 _hypernym 12205694 +14332617 _hypernym 14322699 +07180570 _synset_domain_topic_of 08441203 +01881180 _hypernym 01835496 +10437014 _hypernym 09800964 +04975122 _derivationally_related_form 00288017 +00644066 _derivationally_related_form 04376400 +05554405 _has_part 05554051 +05599203 _has_part 05277532 +04050410 _hypernym 04451818 +00282523 _hypernym 00281101 +09925592 _derivationally_related_form 02275365 +12291959 _hypernym 11672400 +00921790 _hypernym 15236475 +01814815 _derivationally_related_form 10686313 +01031256 _derivationally_related_form 00121166 +07391240 _hypernym 07387509 +05318606 _hypernym 05461816 +02230772 _derivationally_related_form 00318035 +01721010 _hypernym 08221348 +11911591 _member_meronym 11953762 +02018638 _hypernym 01504437 +10463714 _derivationally_related_form 00427580 +13962498 _hypernym 00024720 +01400856 _derivationally_related_form 05539454 +14883206 _hypernym 15046900 +08948155 _has_part 09030752 +00999270 _derivationally_related_form 04391838 +08329113 _hypernym 08208016 +08644722 _hypernym 08574314 +02001252 _hypernym 02000868 +01476483 _derivationally_related_form 02950154 +00747757 _hypernym 00748282 +03224032 _has_part 03223686 +13435152 _hypernym 13446390 +13184492 _member_meronym 13185436 +07296428 _derivationally_related_form 00169806 +01018630 _hypernym 01017987 +05329215 _has_part 05532795 +02828648 _hypernym 03519981 +01817424 _member_meronym 01821727 +00785470 _derivationally_related_form 00654234 +04302334 _hypernym 13777764 +01435380 _hypernym 01850315 +02754463 _hypernym 02624263 +09138935 _has_part 09417668 +06656741 _hypernym 06656408 +11741350 _hypernym 13112664 +01861465 _member_meronym 01321854 +03830111 _hypernym 03936895 +07593549 _hypernym 07555863 +11804604 _hypernym 11565040 +00510050 _also_see 00839619 +07805254 _derivationally_related_form 00331082 +10715030 _hypernym 10129825 +11295196 _instance_hypernym 10444194 +09138935 _has_part 09320985 +01252875 _hypernym 01534147 +10283170 _hypernym 09943239 +01302365 _derivationally_related_form 00086297 +03803911 _hypernym 00021939 +10050880 _hypernym 10380672 +02233577 _member_meronym 02233767 +01931768 _derivationally_related_form 01142519 +02467203 _verb_group 02467003 +02326695 _derivationally_related_form 04863074 +01507143 _derivationally_related_form 00454624 +01495701 _hypernym 01482071 +00971802 _hypernym 01170962 +00133668 _hypernym 01173038 +10892564 _instance_hypernym 10233445 +01442335 _hypernym 01432517 +02053941 _derivationally_related_form 00280853 +03841666 _hypernym 03953020 +01822773 _member_meronym 01823279 +08929922 _has_part 09353437 +01209135 _verb_group 01123887 +00776988 _derivationally_related_form 04685195 +03907908 _hypernym 02828884 +07142365 _derivationally_related_form 00813044 +09012735 _instance_hypernym 08524735 +00636279 _derivationally_related_form 06743506 +13190469 _hypernym 13167078 +04083942 _derivationally_related_form 00164072 +14861355 _hypernym 15015501 +00800940 _hypernym 00798245 +09294413 _instance_hypernym 09403734 +07335581 _hypernym 07334490 +08698126 _hypernym 08696931 +12750306 _member_meronym 12750577 +12516828 _hypernym 12516584 +02067100 _hypernym 01864707 +07340094 _synset_domain_topic_of 08199025 +05807540 _hypernym 05805475 +12501035 _hypernym 11585340 +11859024 _hypernym 11573660 +00702601 _derivationally_related_form 05058580 +02400139 _member_meronym 02409369 +00621734 _hypernym 02604760 +00288486 _derivationally_related_form 01928730 +01926988 _member_meronym 01927159 +01231652 _derivationally_related_form 03624134 +01386494 _member_meronym 01413551 +00276883 _hypernym 01463963 +12501745 _member_meronym 12555720 +05264247 _hypernym 05264081 +01965747 _member_meronym 01965889 +01594514 _hypernym 01593937 +01485158 _derivationally_related_form 02883344 +01665081 _hypernym 01651444 +00220869 _hypernym 00126264 +11830570 _member_meronym 11830906 +00049900 _hypernym 00179060 +05195362 _derivationally_related_form 02581073 +14782252 _hypernym 14822839 +06078978 _hypernym 06045562 +08723006 _has_part 09338910 +09334396 _derivationally_related_form 01502654 +02354536 _derivationally_related_form 04595855 +01793742 _hypernym 01793177 +08428485 _hypernym 00296585 +00912833 _derivationally_related_form 07120524 +05978623 _hypernym 05978159 +06161048 _hypernym 06158346 +14405774 _hypernym 14034177 +01275562 _also_see 02161432 +01942234 _hypernym 01941093 +08135342 _synset_domain_topic_of 08441203 +02611373 _also_see 02674564 +12874429 _member_meronym 12874996 +01724185 _derivationally_related_form 10318892 +14002279 _derivationally_related_form 02673134 +01744888 _derivationally_related_form 09949946 +12612913 _member_meronym 12614317 +08276720 _member_meronym 08287586 +00638770 _hypernym 00638080 +12550408 _hypernym 12550210 +14316714 _hypernym 14315192 +13024012 _has_part 11532816 +06616314 _hypernym 06613686 +01483324 _derivationally_related_form 05008227 +00619869 _derivationally_related_form 07174433 +01002740 _hypernym 01000214 +07195630 _hypernym 07196682 +09997212 _hypernym 00007846 +09044862 _has_part 09370168 +14753414 _hypernym 14752057 +09802641 _hypernym 09764201 +02208903 _derivationally_related_form 06523132 +02764614 _hypernym 03738472 +01070187 _hypernym 01069980 +00420712 _derivationally_related_form 02424128 +03240140 _has_part 03027250 +06674947 _hypernym 06416206 +01728840 _hypernym 01712704 +02213074 _derivationally_related_form 00205649 +02007721 _member_meronym 02009015 +10245341 _hypernym 10363913 +11656380 _hypernym 11554175 +08949093 _instance_hypernym 08696931 +15153787 _has_part 15150493 +03681477 _has_part 02924713 +14487443 _derivationally_related_form 00487748 +07372779 _derivationally_related_form 01999423 +08951385 _instance_hypernym 08654360 +11538935 _member_meronym 11540230 +00208497 _derivationally_related_form 14561618 +00583461 _derivationally_related_form 10631941 +03495258 _derivationally_related_form 01732713 +08800676 _instance_hypernym 08574314 +05453523 _hypernym 05449959 +11772879 _hypernym 13104059 +05607126 _synset_domain_topic_of 06057539 +02306087 _also_see 02281093 +12039743 _member_meronym 12080199 +00282523 _hypernym 00125841 +06851742 _member_of_domain_usage 03777568 +05467432 _hypernym 05430628 +02958343 _has_part 04105438 +06863751 _hypernym 06814870 +05003090 _derivationally_related_form 01906823 +11911591 _member_meronym 12031739 +02079933 _derivationally_related_form 14821043 +05287090 _hypernym 15026716 +00922438 _derivationally_related_form 06791372 +12045695 _member_meronym 12045860 +07915618 _hypernym 07911677 +10221956 _hypernym 10284064 +02460199 _derivationally_related_form 13295657 +00636921 _derivationally_related_form 00648224 +00395797 _derivationally_related_form 00449295 +09812338 _hypernym 09614315 +01823528 _derivationally_related_form 14415773 +06410904 _derivationally_related_form 06413889 +13385583 _hypernym 13384557 +09053185 _hypernym 09050730 +02207890 _hypernym 02207206 +10355449 _derivationally_related_form 01628449 +00217956 _hypernym 00214951 +01350699 _derivationally_related_form 07358060 +00217152 _hypernym 01207951 +00067999 _derivationally_related_form 07432337 +02627686 _member_meronym 02627835 +10604491 _derivationally_related_form 01936753 +00853776 _also_see 02530861 +10065066 _derivationally_related_form 05961429 +10460806 _hypernym 09974648 +09304164 _has_part 09325530 +12517820 _hypernym 11585340 +00752335 _derivationally_related_form 10448983 +09089139 _has_part 09089923 +02717472 _derivationally_related_form 00327824 +01113806 _derivationally_related_form 01249991 +01628450 _member_meronym 01633047 +00205891 _derivationally_related_form 02343595 +02557199 _derivationally_related_form 10349243 +00058265 _hypernym 00056930 +01908703 _member_meronym 01908958 +07212190 _derivationally_related_form 00831651 +08980300 _instance_hypernym 09203827 +14926294 _hypernym 14727670 +02118476 _derivationally_related_form 06646243 +04780755 _derivationally_related_form 01587077 +11856981 _member_meronym 11859024 +01598988 _hypernym 01598588 +02472223 _derivationally_related_form 01011166 +01048569 _derivationally_related_form 07121361 +07272172 _derivationally_related_form 00971650 +01726390 _member_meronym 01740393 +01117541 _hypernym 01113068 +08681222 _derivationally_related_form 02066939 +01351170 _derivationally_related_form 00392950 +03290771 _derivationally_related_form 02016523 +02421374 _derivationally_related_form 10257221 +00101277 _hypernym 00099721 +02795978 _hypernym 03800933 +01673732 _hypernym 01653013 +02127100 _hypernym 00515154 +02287041 _synset_domain_topic_of 01090446 +00740048 _hypernym 00739270 +09692250 _hypernym 09686536 +07093895 _synset_domain_topic_of 06170025 +07436661 _derivationally_related_form 01397385 +11455386 _hypernym 11454591 +10525617 _hypernym 09626031 +03216199 _hypernym 04317420 +00467451 _derivationally_related_form 01202415 +10538733 _hypernym 09972661 +12243927 _member_meronym 12244153 +01880570 _hypernym 01864707 +05930736 _derivationally_related_form 02712243 +09019726 _has_part 09020299 +01778017 _derivationally_related_form 10198832 +01415162 _derivationally_related_form 07410207 +02835654 _derivationally_related_form 13810818 +09133895 _instance_hypernym 08524735 +10625546 _hypernym 10599806 +09021313 _instance_hypernym 08691669 +01399772 _hypernym 08221348 +12839839 _hypernym 11579418 +02127052 _hypernym 02124623 +01582856 _hypernym 01525720 +00072989 _hypernym 00104868 +00367280 _derivationally_related_form 00264034 +01706889 _derivationally_related_form 01253778 +12124627 _hypernym 12102133 +08871007 _member_meronym 09701603 +12497492 _member_meronym 12497669 +02546075 _derivationally_related_form 07295629 +11105054 _instance_hypernym 09924996 +01731031 _verb_group 01067816 +02512305 _hypernym 00650353 +01967205 _synset_domain_topic_of 00523513 +02386012 _derivationally_related_form 01041111 +08860123 _member_of_domain_region 10659188 +04013362 _has_part 04010566 +10000007 _derivationally_related_form 00073343 +09964411 _derivationally_related_form 02675701 +00799537 _derivationally_related_form 02414473 +00487182 _derivationally_related_form 11492014 +12710693 _has_part 07748912 +11911591 _member_meronym 11981817 +09889941 _derivationally_related_form 02653996 +10105359 _hypernym 09998101 +09187923 _instance_hypernym 09403734 +11665781 _member_meronym 11567411 +02219234 _member_meronym 02222459 +09757653 _hypernym 09629752 +06845599 _member_of_domain_usage 03747508 +10483530 _derivationally_related_form 01881696 +12695144 _hypernym 13104059 +08436759 _derivationally_related_form 02598211 +01500721 _hypernym 01432517 +02468793 _derivationally_related_form 13810323 +08921850 _member_of_domain_region 07891433 +09029457 _has_part 09030096 +05115804 _hypernym 05115040 +03296597 _hypernym 03959936 +00094460 _hypernym 00109660 +14574846 _derivationally_related_form 00864159 +02412164 _also_see 00988232 +08266235 _hypernym 07939382 +09420030 _instance_hypernym 09411430 +10366966 _hypernym 10165109 +03856148 _hypernym 03800001 +01605119 _hypernym 01504437 +01837230 _member_meronym 01837363 +13861050 _derivationally_related_form 00658942 +01553879 _hypernym 01507175 +13913849 _derivationally_related_form 00328802 +01660994 _also_see 00064479 +06372095 _derivationally_related_form 00624263 +09541125 _hypernym 09540430 +00790135 _hypernym 00789448 +08612786 _hypernym 08512259 +01754421 _derivationally_related_form 05053688 +02959942 _has_part 04366116 +10470460 _derivationally_related_form 01203715 +08638260 _hypernym 08633957 +00289974 _hypernym 00283911 +07478874 _hypernym 07314427 +01200806 _derivationally_related_form 03990834 +03812924 _hypernym 04566257 +10032342 _derivationally_related_form 02311387 +01460029 _derivationally_related_form 04216634 +02263038 _hypernym 01342529 +01734808 _hypernym 01734418 +02718015 _derivationally_related_form 13291189 +01602630 _hypernym 01525720 +02557199 _derivationally_related_form 01074694 +00322228 _hypernym 00321956 +04504486 _derivationally_related_form 01004692 +01982866 _derivationally_related_form 00911752 +15177866 _has_part 15214068 +06372095 _derivationally_related_form 02996904 +06277280 _has_part 06277803 +14051494 _derivationally_related_form 01001689 +08950407 _instance_hypernym 08524735 +02807731 _hypernym 04105893 +02673134 _verb_group 01602318 +09044862 _has_part 09482916 +10593115 _hypernym 09617867 +01554622 _derivationally_related_form 02987492 +00635205 _hypernym 00635012 +01743605 _hypernym 01741943 +02198532 _hypernym 02188699 +01498769 _derivationally_related_form 05209822 +01426397 _derivationally_related_form 00846515 +01356750 _derivationally_related_form 00052672 +00366317 _hypernym 00365709 +14554853 _hypernym 14198576 +14331873 _derivationally_related_form 02122164 +01932973 _derivationally_related_form 13955461 +11636389 _member_meronym 11636566 +00476965 _hypernym 00140967 +02653651 _derivationally_related_form 07153130 +00913065 _also_see 00912048 +09037394 _instance_hypernym 08698379 +01127411 _derivationally_related_form 09850974 +03101156 _hypernym 03101986 +00901316 _derivationally_related_form 01003885 +06424275 _synset_domain_topic_of 00759694 +00528836 _hypernym 00109660 +12903794 _hypernym 11579418 +06710546 _derivationally_related_form 00826509 +01204021 _hypernym 01183573 +02222718 _hypernym 01342529 +08779504 _has_part 08780510 +09981540 _derivationally_related_form 06172502 +11962853 _hypernym 11579418 +10298912 _derivationally_related_form 00595146 +01974399 _member_meronym 01974773 +05549830 _has_part 05549061 +08792548 _has_part 08795654 +01885724 _member_meronym 01885856 +13152203 _hypernym 11567411 +04928416 _hypernym 04924103 +02869563 _derivationally_related_form 05311054 +00931467 _derivationally_related_form 05922949 +08801678 _has_part 09177883 +03755712 _hypernym 03562958 +00565279 _derivationally_related_form 14730553 +11328714 _instance_hypernym 10467395 +01922895 _derivationally_related_form 10334567 +01570562 _derivationally_related_form 03024746 +10195593 _derivationally_related_form 00838043 +01239064 _derivationally_related_form 01082606 +10595647 _derivationally_related_form 00065070 +01604625 _member_meronym 01618671 +01669906 _hypernym 01675963 +01775164 _derivationally_related_form 10077593 +01208291 _hypernym 01207609 +01600480 _member_meronym 01600909 +02085573 _verb_group 01436139 +01974062 _derivationally_related_form 09366317 +14649197 _hypernym 14622893 +01173813 _derivationally_related_form 01758308 +00406612 _derivationally_related_form 00564695 +01742415 _hypernym 01741864 +11818515 _hypernym 11573660 +11999455 _member_meronym 11999656 +13762836 _hypernym 13760316 +11905989 _hypernym 11575425 +05549061 _has_part 05279688 +04574999 _derivationally_related_form 01887020 +01179865 _derivationally_related_form 07800091 +09810707 _derivationally_related_form 00378296 +15049594 _derivationally_related_form 01542207 +02449011 _hypernym 02448185 +09143321 _instance_hypernym 08524735 +04257223 _hypernym 03903424 +08957212 _member_meronym 09720033 +08674344 _hypernym 08542081 +04468005 _hypernym 04019101 +01933204 _derivationally_related_form 02814860 +07536870 _derivationally_related_form 01743217 +08743945 _instance_hypernym 08633957 +01980471 _hypernym 01762525 +00528990 _derivationally_related_form 07319909 +09012101 _hypernym 08574314 +01744611 _derivationally_related_form 06589574 +02199999 _hypernym 01759182 +00004605 _derivationally_related_form 15109745 +04663494 _hypernym 04662951 +12249542 _has_part 07744057 +00240571 _hypernym 00151689 +06773150 _hypernym 06771653 +00849523 _derivationally_related_form 00056334 +07333649 _derivationally_related_form 01848718 +02410175 _verb_group 02747922 +10691600 _derivationally_related_form 01247804 +02346823 _member_meronym 02347443 +09666622 _hypernym 09645091 +02440705 _member_meronym 02449464 +12602118 _member_meronym 12602262 +03673027 _hypernym 03896103 +01817314 _derivationally_related_form 07497976 +02273545 _member_meronym 02293135 +01003729 _derivationally_related_form 00658052 +08921392 _has_part 08925830 +01522789 _member_meronym 01523105 +04121511 _hypernym 03327691 +09623038 _derivationally_related_form 00771632 +13555775 _derivationally_related_form 00074038 +04445952 _derivationally_related_form 02357561 +12445848 _member_meronym 12447121 +04197235 _has_part 03251533 +03376159 _derivationally_related_form 01345877 +09240621 _derivationally_related_form 01466303 +02337066 _hypernym 02327200 +12007766 _hypernym 11915899 +05906554 _derivationally_related_form 02576921 +01171183 _derivationally_related_form 09782167 +00800825 _hypernym 00798245 +01736256 _hypernym 01657723 +05501711 _hypernym 05501485 +00411009 _derivationally_related_form 11083656 +10691764 _hypernym 10490421 +02395003 _hypernym 02394477 +13822995 _derivationally_related_form 00434077 +00749963 _hypernym 00746718 +06851742 _member_of_domain_usage 04302988 +02242464 _derivationally_related_form 10577284 +10664340 _hypernym 10415638 +10304505 _hypernym 10222497 +00022686 _derivationally_related_form 10056103 +11867525 _member_meronym 11886788 +07967982 _hypernym 00031264 +08853741 _instance_hypernym 08702402 +07265619 _hypernym 06803157 +08849753 _member_of_domain_region 01272582 +06727224 _synset_domain_topic_of 01124794 +07551890 _hypernym 07529245 +09052652 _member_meronym 10802283 +00802318 _derivationally_related_form 06549661 +02505606 _hypernym 02504562 +00525453 _also_see 01101391 +10999410 _instance_hypernym 10020890 +02490964 _hypernym 01864707 +01549314 _member_meronym 01549430 +01981699 _derivationally_related_form 00988028 +05404336 _derivationally_related_form 00055010 +00351048 _hypernym 00350461 +05962602 _hypernym 05943300 +12428915 _member_meronym 12429148 +12963796 _member_meronym 12966386 +06308049 _derivationally_related_form 01298283 +01957529 _derivationally_related_form 00307631 +11927616 _hypernym 11579418 +09915964 _hypernym 09612848 +02329883 _hypernym 02339413 +07345593 _synset_domain_topic_of 06090869 +12848343 _hypernym 11579418 +01002956 _derivationally_related_form 02154508 +10729175 _synset_domain_topic_of 08441203 +15174218 _hypernym 15178694 +01764171 _derivationally_related_form 07524760 +14570330 _hypernym 00024720 +02427103 _derivationally_related_form 10107303 +00353992 _derivationally_related_form 00315020 +12381321 _member_meronym 12381666 +02244956 _synset_domain_topic_of 01090446 +10152083 _hypernym 10338707 +03569964 _has_part 03425956 +07075172 _member_of_domain_usage 10627899 +00999245 _derivationally_related_form 01589497 +00933403 _derivationally_related_form 07073208 +13727478 _hypernym 13609507 +02052044 _hypernym 01507175 +06793817 _hypernym 06793426 +10733117 _hypernym 10605985 +00783246 _verb_group 01428578 +10127555 _hypernym 09617867 +12100538 _member_meronym 12126238 +10125786 _synset_domain_topic_of 08199025 +15248020 _has_part 15247518 +00430191 _derivationally_related_form 04823866 +09092352 _instance_hypernym 08524735 +05816790 _hypernym 05816622 +06653363 _synset_domain_topic_of 08441203 +01713764 _hypernym 01712008 +05219420 _has_part 05545212 +11800565 _hypernym 13112664 +08035233 _instance_hypernym 08392137 +10179291 _hypernym 10439851 +01010458 _derivationally_related_form 02406585 +09134386 _has_part 09192973 +06843838 _hypernym 06843520 +00695523 _also_see 01475282 +01152033 _derivationally_related_form 00412048 +07370410 _derivationally_related_form 00155143 +07861421 _hypernym 07579076 +10071139 _derivationally_related_form 02499312 +03378915 _hypernym 08570758 +07389330 _derivationally_related_form 02180898 +02986348 _hypernym 02965300 +02482425 _derivationally_related_form 10231087 +01811394 _hypernym 01507175 +02533834 _hypernym 01428580 +05008746 _derivationally_related_form 02621901 +15124545 _has_part 15124864 +09608520 _derivationally_related_form 02660651 +12342043 _member_meronym 12342498 +10279540 _hypernym 09991867 +09467185 _instance_hypernym 09403734 +05023741 _derivationally_related_form 00418408 +00219012 _derivationally_related_form 14890659 +06540702 _hypernym 06539770 +00787660 _derivationally_related_form 05828552 +13657849 _has_part 13657691 +09326467 _instance_hypernym 09411430 +03950899 _hypernym 04356595 +02541509 _hypernym 01095218 +10685853 _hypernym 10212501 +12666159 _hypernym 12665048 +02605139 _hypernym 01429349 +02258617 _derivationally_related_form 05696425 +01469263 _hypernym 01494310 +04737934 _derivationally_related_form 00346991 +00470701 _derivationally_related_form 07330828 +11740208 _hypernym 11571907 +02622234 _derivationally_related_form 13911151 +02699783 _hypernym 02657219 +02373785 _hypernym 02518161 +01314910 _hypernym 00015388 +02278061 _derivationally_related_form 07277158 +08837048 _has_part 08840749 +00423702 _hypernym 00422090 +00995103 _derivationally_related_form 06349597 +01791107 _hypernym 01789386 +01969084 _hypernym 01968569 +05909384 _hypernym 05905348 +02666531 _hypernym 02666882 +00348746 _derivationally_related_form 10107303 +02480495 _hypernym 02480153 +02709367 _hypernym 03532672 +10076957 _derivationally_related_form 00202236 +00090186 _hypernym 00069879 +10744544 _derivationally_related_form 01881180 +08078020 _derivationally_related_form 02459633 +01390833 _derivationally_related_form 03584829 +14333136 _derivationally_related_form 02119659 +13454479 _derivationally_related_form 00457998 +02767922 _derivationally_related_form 11508092 +00797697 _derivationally_related_form 14412725 +07502980 _derivationally_related_form 01774799 +10214230 _derivationally_related_form 00091968 +00140751 _derivationally_related_form 00196485 +01807770 _derivationally_related_form 10699752 +13423922 _synset_domain_topic_of 06084469 +10287082 _hypernym 10345100 +00969137 _derivationally_related_form 04137444 +08230906 _hypernym 08245172 +02694933 _derivationally_related_form 08622950 +01781274 _member_meronym 01781410 +00896555 _derivationally_related_form 04821802 +07087777 _derivationally_related_form 01051956 +11512818 _hypernym 11419404 +10518349 _hypernym 00007846 +10670668 _derivationally_related_form 00806314 +02151625 _has_part 02468864 +05311054 _has_part 05317960 +04492856 _hypernym 03582305 +00101956 _also_see 02200341 +07961480 _derivationally_related_form 02064131 +10443170 _hypernym 10707804 +08108784 _hypernym 07992450 +00049007 _hypernym 00047945 +01459696 _hypernym 01458973 +02951358 _derivationally_related_form 09891470 +03028079 _has_part 02731398 +02980625 _synset_domain_topic_of 00503237 +01453256 _derivationally_related_form 00115500 +02592244 _hypernym 01432517 +01149494 _also_see 00909363 +03002351 _derivationally_related_form 07570720 +02487347 _hypernym 02484473 +02302620 _hypernym 02309337 +12610740 _hypernym 13121544 +13032923 _hypernym 13032115 +08780881 _member_of_domain_region 03648804 +01954852 _derivationally_related_form 00651954 +01767199 _derivationally_related_form 02642634 +09282724 _derivationally_related_form 00519363 +07212612 _hypernym 07212424 +08041484 _instance_hypernym 08392137 +07105475 _member_of_domain_usage 15144178 +12785110 _member_meronym 12785499 +13243261 _hypernym 13246662 +00510050 _derivationally_related_form 05153520 +07788885 _hypernym 07783210 +09729387 _hypernym 09729530 +00655779 _derivationally_related_form 14451672 +11900058 _hypernym 11565385 +14145501 _hypernym 14122053 +10155222 _derivationally_related_form 00763630 +13253751 _hypernym 13253612 +05662876 _derivationally_related_form 02553697 +09419783 _instance_hypernym 09411430 +09627906 _derivationally_related_form 02210119 +02140970 _member_meronym 02143594 +03431243 _hypernym 03738472 +06767777 _derivationally_related_form 00953923 +01693881 _derivationally_related_form 03257586 +04371774 _derivationally_related_form 02717472 +01059719 _derivationally_related_form 02338386 +00803815 _derivationally_related_form 01215392 +03724870 _hypernym 03206718 +12247664 _hypernym 12246232 +11128394 _instance_hypernym 10566072 +01123765 _hypernym 01090335 +00700979 _hypernym 00700652 +02614788 _member_meronym 02615157 +06329313 _hypernym 06328643 +13265425 _derivationally_related_form 02201268 +02635659 _derivationally_related_form 11410625 +02135048 _derivationally_related_form 11480930 +13385913 _hypernym 13372961 +00074624 _hypernym 00070965 +04369025 _hypernym 02785648 +01572489 _hypernym 01572328 +05216365 _has_part 05563770 +12723446 _hypernym 11585340 +10276477 _hypernym 10693824 +07284554 _derivationally_related_form 02716165 +08350470 _member_meronym 08350919 +11841529 _member_meronym 11846087 +10323182 _derivationally_related_form 00731222 +07828987 _derivationally_related_form 02196690 +01473346 _derivationally_related_form 10496193 +09044862 _has_part 09109444 +02284803 _hypernym 02284096 +00715541 _derivationally_related_form 10633298 +08345613 _hypernym 08198398 +01460594 _hypernym 00644583 +07844042 _derivationally_related_form 00194170 +14941884 _hypernym 03713736 +02336011 _hypernym 02329401 +06471345 _derivationally_related_form 02447793 +01383511 _derivationally_related_form 07786164 +05658985 _hypernym 05659621 +02768702 _hypernym 00311559 +09135447 _instance_hypernym 08638442 +13987905 _hypernym 14405225 +15295416 _hypernym 15133621 +09860415 _hypernym 00007846 +12618942 _member_meronym 12806270 +10510546 _derivationally_related_form 00667424 +11153200 _instance_hypernym 10650162 +00977301 _hypernym 00972621 +09212572 _hypernym 09335240 +01135529 _derivationally_related_form 02163301 +01774426 _derivationally_related_form 05811884 +09287968 _synset_domain_topic_of 06115701 +00202934 _hypernym 00126264 +10532576 _hypernym 00007846 +10407954 _hypernym 09608709 +13172107 _member_meronym 13176201 +02074542 _hypernym 01864707 +02829696 _derivationally_related_form 00362128 +01581730 _hypernym 01578575 +13548531 _derivationally_related_form 00371955 +11458624 _synset_domain_topic_of 06090869 +12859873 _hypernym 11579418 +10705615 _derivationally_related_form 00613973 +08253815 _derivationally_related_form 01167780 +10553805 _hypernym 09608709 +01871680 _derivationally_related_form 10495421 +02623170 _member_meronym 02630052 +01452918 _derivationally_related_form 10492202 +00655792 _hypernym 00654625 +01930117 _hypernym 01835496 +08766988 _has_part 08769645 +01391174 _hypernym 08103777 +07848338 _hypernym 07843775 +02079933 _derivationally_related_form 06259898 +06957524 _hypernym 06956544 +09626589 _derivationally_related_form 02130160 +01865197 _derivationally_related_form 05147940 +04051825 _derivationally_related_form 01130607 +02429276 _member_meronym 02429456 +07476623 _derivationally_related_form 01102997 +11959632 _hypernym 12212361 +09114696 _has_part 09250165 +00558061 _hypernym 00461493 +05303020 _synset_domain_topic_of 06053439 +11717820 _member_meronym 11718521 +03777283 _hypernym 04076846 +01818835 _hypernym 01818235 +01031756 _hypernym 01031256 +01653873 _hypernym 01653013 +01584450 _hypernym 00142191 +09762101 _synset_domain_topic_of 08441203 +11911591 _member_meronym 11995683 +04904162 _hypernym 04903813 +02650840 _hypernym 02649830 +14299070 _derivationally_related_form 00091124 +02047650 _derivationally_related_form 07442068 +00592102 _derivationally_related_form 10044879 +01273263 _hypernym 00508032 +01066542 _derivationally_related_form 01844431 +12845732 _hypernym 11579418 +08715390 _member_of_domain_region 00782927 +08153102 _hypernym 08180190 +04099969 _derivationally_related_form 01875295 +03210683 _hypernym 03094503 +10340312 _derivationally_related_form 07020895 +03343560 _hypernym 03346455 +01637478 _hypernym 01626600 +01705655 _also_see 02517265 +00289532 _hypernym 00283911 +07453063 _hypernym 07450842 +00745187 _hypernym 00941990 +02746365 _has_part 04322026 +12161285 _hypernym 12160490 +00386566 _derivationally_related_form 06227263 +06449735 _has_part 06436939 +05247057 _hypernym 05246511 +12739595 _hypernym 11575425 +13478525 _hypernym 13518963 +06164665 _hypernym 05664069 +02209745 _derivationally_related_form 10670483 +02396205 _hypernym 01647229 +12680652 _hypernym 13112664 +08564307 _has_part 09109444 +09050244 _member_meronym 09126305 +12792041 _member_meronym 12804216 +00190180 _verb_group 01465054 +09843824 _derivationally_related_form 02048051 +03376279 _hypernym 03122748 +01873007 _hypernym 01862557 +01074694 _hypernym 01074498 +02504562 _hypernym 02506546 +05286536 _has_part 05582305 +08819397 _member_of_domain_region 09449949 +05998724 _hypernym 05996646 +00758972 _derivationally_related_form 00113818 +05475681 _hypernym 05296775 +12550210 _hypernym 13112664 +08801678 _has_part 09206693 +00393369 _derivationally_related_form 00176327 +15196186 _hypernym 15160866 +02457756 _member_meronym 02458135 +01819387 _derivationally_related_form 07542675 +01739814 _derivationally_related_form 09779790 +01207149 _derivationally_related_form 01260309 +01218396 _hypernym 01217043 +08975902 _member_of_domain_region 08031020 +02435689 _member_meronym 02436514 +01727052 _synset_domain_topic_of 00543233 +06906439 _hypernym 06904171 +03996416 _derivationally_related_form 01311378 +07919310 _derivationally_related_form 00519363 +09956387 _derivationally_related_form 05750027 +07820960 _hypernym 07820814 +09888017 _derivationally_related_form 00789448 +13460568 _hypernym 13478525 +01747885 _hypernym 01745125 +10483530 _hypernym 10020031 +03450230 _hypernym 03236735 +09068107 _instance_hypernym 08695539 +08766988 _has_part 08774073 +02418648 _hypernym 01864707 +00982293 _derivationally_related_form 07084166 +00772189 _derivationally_related_form 10510339 +02094569 _hypernym 01871979 +00320536 _similar_to 00319534 +02910353 _hypernym 03323703 +09879744 _derivationally_related_form 00013172 +00913065 _derivationally_related_form 07121361 +06098195 _derivationally_related_form 02703438 +07703889 _hypernym 07874780 +00434077 _derivationally_related_form 06758835 +12392070 _hypernym 13085113 +01539633 _derivationally_related_form 13423922 +01503952 _derivationally_related_form 10644469 +01211699 _derivationally_related_form 00140652 +01892104 _derivationally_related_form 07409475 +04914133 _hypernym 04912732 +08229275 _hypernym 08227214 +00980176 _hypernym 00978549 +11791446 _hypernym 11556857 +02657368 _hypernym 02552171 +09544262 _hypernym 09545324 +09040475 _instance_hypernym 08524735 +10716389 _hypernym 10379758 +02263982 _derivationally_related_form 09304750 +10761326 _hypernym 10633450 +00301187 _derivationally_related_form 00926472 +09184975 _hypernym 09184834 +03199647 _derivationally_related_form 01167981 +11620560 _hypernym 11554175 +01739545 _hypernym 01634424 +13192025 _member_meronym 13200806 +04224671 _instance_hypernym 03007130 +01627947 _verb_group 00545557 +00884466 _has_part 00889472 +08299307 _hypernym 08329453 +00385791 _hypernym 00383606 +02224466 _hypernym 01762525 +06860826 _hypernym 06861630 +10669727 _derivationally_related_form 00878348 +09059274 _has_part 09419281 +08720481 _has_part 08721145 +09969869 _hypernym 10527334 +06756831 _derivationally_related_form 00834259 +12133870 _hypernym 11556857 +00239910 _derivationally_related_form 02395782 +03901074 _hypernym 04326084 +01225027 _hypernym 01224031 +03020034 _has_part 03577090 +14403772 _derivationally_related_form 01819911 +02279127 _hypernym 01762525 +02977438 _has_part 02679257 +02230990 _also_see 02238462 +02530003 _hypernym 02528380 +01472303 _synset_domain_topic_of 01861778 +09679316 _hypernym 09678009 +01894758 _also_see 02421158 +09693372 _hypernym 09692624 +00611972 _hypernym 00609953 +02909006 _derivationally_related_form 00815801 +04995940 _hypernym 04995531 +01022483 _hypernym 00209943 +01655347 _hypernym 01654628 +01608508 _hypernym 00069879 +09668729 _hypernym 09645091 +02799323 _has_part 02838728 +01261293 _derivationally_related_form 01796346 +01003729 _derivationally_related_form 00657728 +01876028 _derivationally_related_form 00348008 +03870105 _synset_domain_topic_of 00449517 +02641825 _member_meronym 02644967 +13724350 _has_part 13723712 +06548671 _hypernym 06479665 +10546850 _derivationally_related_form 00475819 +10255567 _derivationally_related_form 01307142 +10468559 _hypernym 09966255 +13904843 _derivationally_related_form 01309143 +10803031 _hypernym 10017422 +04159058 _derivationally_related_form 01353405 +11713034 _hypernym 11571907 +12953206 _hypernym 11545714 +08811215 _has_part 08811473 +09096498 _instance_hypernym 08641113 +05216365 _has_part 05511618 +00790965 _derivationally_related_form 04404200 +14329654 _hypernym 14322699 +01870043 _verb_group 01869563 +09263619 _instance_hypernym 09328904 +02264397 _derivationally_related_form 09786338 +13894306 _hypernym 13864965 +12811856 _member_meronym 12813024 +01988458 _hypernym 01494310 +01001689 _also_see 01824244 +00861929 _derivationally_related_form 06691684 +00524530 _derivationally_related_form 00386392 +00229280 _hypernym 01617192 +15168790 _derivationally_related_form 00528836 +11943299 _member_meronym 11943407 +02752695 _derivationally_related_form 06467445 +04256520 _hypernym 04161981 +13196942 _hypernym 13167078 +01264336 _derivationally_related_form 04650201 +01666431 _hypernym 01657723 +02639786 _hypernym 01432517 +02253913 _hypernym 02253715 +02987047 _derivationally_related_form 00373766 +10585496 _hypernym 10628644 +14562683 _derivationally_related_form 00075021 +04609651 _has_part 04609811 +06300193 _synset_domain_topic_of 06172789 +02876088 _derivationally_related_form 01895630 +01085337 _hypernym 01083077 +05490370 _hypernym 05463533 +05122099 _derivationally_related_form 02645597 +01489465 _derivationally_related_form 03246052 +01814815 _derivationally_related_form 10518349 +02308552 _derivationally_related_form 09815076 +08860123 _member_of_domain_region 10460033 +02478059 _derivationally_related_form 10365984 +01522878 _hypernym 01522276 +10230736 _hypernym 09917593 +11224877 _instance_hypernym 09913824 +12115563 _hypernym 11556857 +00812526 _derivationally_related_form 01224001 +10286855 _derivationally_related_form 07926642 +10432532 _hypernym 09847727 +00640828 _hypernym 00637259 +02520997 _synset_domain_topic_of 05999797 +01771246 _hypernym 01342529 +00669762 _derivationally_related_form 01166926 +00461782 _hypernym 00455599 +12132299 _member_meronym 12133151 +00920510 _hypernym 13489037 +02548689 _hypernym 02552171 +01878063 _derivationally_related_form 07345166 +01881171 _hypernym 01874434 +12724201 _member_meronym 12725738 +01409642 _hypernym 01405044 +12710693 _hypernym 12708293 +09616722 _hypernym 09943541 +12340202 _member_meronym 12340383 +12359026 _member_meronym 12373361 +10155222 _synset_domain_topic_of 00759694 +06717170 _derivationally_related_form 00855933 +01993214 _hypernym 01992773 +10717589 _hypernym 00007846 +13444703 _hypernym 13526110 +02304982 _derivationally_related_form 00372013 +11736569 _hypernym 11571907 +07901587 _derivationally_related_form 01171183 +02640453 _hypernym 01432517 +02735418 _derivationally_related_form 06398401 +06610143 _derivationally_related_form 01037650 +04992570 _derivationally_related_form 00559919 +06552814 _hypernym 06479665 +01133288 _derivationally_related_form 02753881 +08306959 _hypernym 08306665 +07697100 _hypernym 07695965 +09127014 _instance_hypernym 09233715 +01769347 _derivationally_related_form 02636811 +08232706 _member_meronym 03109350 +02872752 _has_part 03308853 +07250339 _derivationally_related_form 02454649 +02817339 _derivationally_related_form 05814291 +05779116 _derivationally_related_form 10685123 +03101156 _derivationally_related_form 01664172 +07213395 _hypernym 07160883 +10157744 _derivationally_related_form 02566227 +05733090 _derivationally_related_form 00656292 +00411547 _hypernym 00126264 +02633844 _member_meronym 02633977 +01306358 _instance_hypernym 00973077 +00457100 _hypernym 00417001 +03599628 _hypernym 04602044 +08900535 _has_part 08902422 +10002760 _derivationally_related_form 02521410 +06349597 _derivationally_related_form 00995103 +13001743 _hypernym 11592146 +00489299 _hypernym 00126264 +10404242 _hypernym 09834378 +07689217 _hypernym 07689003 +02899257 _hypernym 04514738 +03924978 _has_part 03924407 +02752695 _hypernym 01009240 +02244173 _hypernym 02241569 +01429455 _derivationally_related_form 00914929 +00687926 _derivationally_related_form 04895773 +03697109 _hypernym 04329477 +06539770 _derivationally_related_form 00747135 +03954731 _derivationally_related_form 01307389 +00776988 _hypernym 02586458 +04143897 _derivationally_related_form 00051060 +07111711 _hypernym 07111047 +04747899 _derivationally_related_form 00889831 +08397675 _hypernym 08397255 +08519624 _member_meronym 09639382 +08243851 _member_meronym 11377851 +15126175 _instance_hypernym 15248020 +08482271 _derivationally_related_form 01935233 +04391838 _hypernym 04063868 +07996149 _hypernym 00031264 +00215683 _hypernym 00209943 +09875188 _hypernym 09935434 +08820121 _has_part 08822855 +12883733 _hypernym 11579418 +02648253 _derivationally_related_form 01018366 +13630213 _has_part 13629482 +09382990 _has_part 08920381 +01046984 _derivationally_related_form 00022686 +08894319 _instance_hypernym 09203827 +12283981 _member_meronym 12285049 +02148788 _derivationally_related_form 06891022 +01068134 _derivationally_related_form 06681551 +00849982 _hypernym 00849523 +03206908 _derivationally_related_form 01180351 +02702807 _derivationally_related_form 09466280 +02552449 _derivationally_related_form 00268557 +02513740 _also_see 01131043 +11121640 _instance_hypernym 09796323 +02891788 _hypernym 04586932 +03033362 _has_part 04204755 +03702719 _hypernym 04049405 +08957381 _member_of_domain_region 08020242 +02950632 _hypernym 02740764 +06333653 _derivationally_related_form 01028748 +10805638 _hypernym 09994943 +13195547 _member_meronym 13195761 +03450230 _derivationally_related_form 00106592 +02406916 _also_see 01993549 +01965889 _derivationally_related_form 01140315 +08648322 _hypernym 08497294 +07386614 _derivationally_related_form 01052782 +05128519 _hypernym 05123416 +02302817 _derivationally_related_form 08624656 +01034077 _hypernym 01033458 +11787625 _hypernym 11779300 +00924579 _derivationally_related_form 09898215 +10253122 _hypernym 00007846 +00831651 _hypernym 00740577 +08080947 _hypernym 08208560 +12864038 _member_meronym 12864160 +10768391 _hypernym 10317007 +00985800 _derivationally_related_form 07129602 +00555138 _derivationally_related_form 02058191 +04471632 _synset_domain_topic_of 06099269 +01254253 _hypernym 01016832 +00788564 _hypernym 00789138 +01680267 _hypernym 01675963 +01203500 _derivationally_related_form 02152881 +02958343 _has_part 04294614 +06195839 _derivationally_related_form 01779986 +12164215 _member_meronym 12165384 +08860123 _member_of_domain_region 06637677 +08975902 _has_part 09384223 +13956488 _hypernym 13954818 +03011162 _hypernym 04568298 +09031653 _has_part 08945277 +09044862 _member_of_domain_region 08546870 +01167780 _hypernym 01178565 +00138956 _hypernym 00046522 +08124971 _hypernym 08339939 +01726960 _member_meronym 01738175 +11786017 _member_meronym 11786131 +00358431 _derivationally_related_form 15143276 +00638194 _synset_domain_topic_of 06090869 +01104624 _derivationally_related_form 00780148 +11835568 _hypernym 12212361 +10820163 _instance_hypernym 10123844 +01356750 _derivationally_related_form 04935528 +07203696 _hypernym 06732350 +01198616 _derivationally_related_form 00837675 +14121276 _hypernym 14059928 +01049737 _derivationally_related_form 01254882 +05474976 _hypernym 05464104 +00386715 _derivationally_related_form 00335653 +00712135 _derivationally_related_form 00868910 +00067545 _derivationally_related_form 05405751 +10915566 _instance_hypernym 10450303 +08765069 _instance_hypernym 08633957 +02770717 _derivationally_related_form 13449566 +02599207 _hypernym 01432517 +10681060 _hypernym 00007846 +12152406 _hypernym 11556857 +00968211 _derivationally_related_form 00368302 +02136285 _hypernym 02135220 +00806502 _derivationally_related_form 01215392 +02472495 _hypernym 02472223 +09606009 _derivationally_related_form 02544348 +10079399 _hypernym 10176679 +10283170 _synset_domain_topic_of 08199025 +08040257 _synset_domain_topic_of 00759694 +11732309 _hypernym 11571907 +01471070 _member_meronym 01862557 +10421956 _derivationally_related_form 04833276 +09425607 _hypernym 09222051 +00733632 _similar_to 00732960 +00071178 _derivationally_related_form 14333433 +06295235 _member_of_domain_usage 03966976 +09192708 _instance_hypernym 09403734 +02928413 _derivationally_related_form 01498713 +00458471 _hypernym 00146138 +07118747 _derivationally_related_form 01054186 +03328076 _hypernym 03464467 +01325774 _derivationally_related_form 00219012 +01683758 _hypernym 01675963 +05405554 _hypernym 05225602 +02564973 _hypernym 02510337 +11941261 _hypernym 11579418 +05124928 _derivationally_related_form 00428583 +07370671 _hypernym 07445480 +07138915 _derivationally_related_form 00813044 +00198213 _hypernym 00173338 +00932804 _hypernym 00932088 +11649359 _hypernym 11661372 +07439284 _derivationally_related_form 02093610 +09275473 _has_part 08713772 +02192383 _derivationally_related_form 14894140 +06756407 _derivationally_related_form 00202236 +01642924 _derivationally_related_form 10046527 +09071690 _has_part 09074431 +09126305 _instance_hypernym 08655464 +01822773 _member_meronym 01823013 +00596290 _hypernym 00586262 +09972157 _derivationally_related_form 01640550 +14442530 _derivationally_related_form 10678662 +00625774 _derivationally_related_form 13960117 +05793907 _hypernym 05793554 +03384535 _derivationally_related_form 00142191 +00231567 _derivationally_related_form 02478059 +11414411 _derivationally_related_form 00137313 +09931640 _hypernym 10722575 +13273154 _hypernym 13278375 +00056930 _verb_group 00059019 +08860123 _member_of_domain_region 03685640 +12662772 _has_part 07929351 +00589769 _derivationally_related_form 09893191 +00265386 _derivationally_related_form 00095971 +07197021 _derivationally_related_form 00786458 +01589224 _hypernym 01588493 +01636008 _derivationally_related_form 05936381 +07851054 _hypernym 00002684 +01875295 _verb_group 01876028 +09890749 _hypernym 00007846 +02092309 _derivationally_related_form 00293916 +02204692 _derivationally_related_form 10529231 +06589574 _derivationally_related_form 01744611 +01165919 _synset_domain_topic_of 08441203 +03044083 _synset_domain_topic_of 08441203 +03919096 _hypernym 04170037 +12581381 _member_meronym 12594746 +02724417 _derivationally_related_form 13844212 +12007560 _member_meronym 12007766 +05691376 _derivationally_related_form 02557199 +01726879 _synset_domain_topic_of 07020895 +06500937 _hypernym 06479665 +06845599 _member_of_domain_usage 03328392 +00905399 _hypernym 00903385 +12760132 _hypernym 13112664 +13977870 _hypernym 13977366 +02207206 _hypernym 02210855 +05734909 _hypernym 05732756 +06618937 _hypernym 06613686 +09044862 _member_of_domain_region 05598707 +07468692 _hypernym 07467846 +09020961 _member_meronym 09734006 +02795670 _hypernym 02796995 +02229550 _verb_group 02230056 +05475878 _hypernym 05483677 +12260208 _member_meronym 12268096 +06250061 _hypernym 05943300 +01881180 _derivationally_related_form 00297062 +08873622 _has_part 08597023 +01771194 _hypernym 01787955 +10743124 _hypernym 10741590 +01620967 _member_meronym 01625275 +00839619 _also_see 00834198 +10784922 _hypernym 10665698 +00757483 _hypernym 06789411 +00709205 _verb_group 01317064 +00273963 _hypernym 00208836 +05785885 _derivationally_related_form 00630380 +00830448 _hypernym 13440063 +10786033 _derivationally_related_form 00831651 +00041899 _derivationally_related_form 00094460 +13822995 _derivationally_related_form 00240293 +14094350 _has_part 14005137 +01702154 _hypernym 01701858 +12684379 _hypernym 12205694 +09178821 _hypernym 00023773 +14686352 _hypernym 14875077 +11987722 _hypernym 11579418 +06709245 _hypernym 06706676 +11641788 _member_meronym 11642430 +00651991 _derivationally_related_form 07366289 +12538603 _member_meronym 12542240 +01684741 _hypernym 01684133 +00553173 _hypernym 00333829 +02454312 _derivationally_related_form 10451590 +02762468 _derivationally_related_form 00378069 +01505254 _derivationally_related_form 00114431 +12770529 _hypernym 13104059 +02544348 _derivationally_related_form 09606009 +12934368 _hypernym 11585340 +01540693 _hypernym 00173338 +05301072 _derivationally_related_form 01432353 +13043516 _member_meronym 13044149 +08852209 _instance_hypernym 08700255 +11411839 _hypernym 11410625 +08951278 _instance_hypernym 08524735 +01437254 _derivationally_related_form 00121166 +00248063 _derivationally_related_form 00514871 +00855169 _derivationally_related_form 02117170 +01570403 _derivationally_related_form 06793426 +14444825 _synset_domain_topic_of 06149484 +06845599 _member_of_domain_usage 03300578 +14446878 _hypernym 14446652 +05296253 _hypernym 05286536 +12296218 _hypernym 11567411 +12892226 _member_meronym 12902297 +12087961 _hypernym 13100677 +02106006 _derivationally_related_form 03180969 +11654124 _hypernym 11554175 +03054901 _has_part 03055159 +10438172 _derivationally_related_form 01632411 +02539359 _derivationally_related_form 00050652 +14014162 _hypernym 14011811 +01538310 _derivationally_related_form 04682462 +10596899 _hypernym 09610660 +00077981 _hypernym 00041899 +00988028 _derivationally_related_form 01981699 +02225204 _hypernym 02222318 +12373526 _hypernym 11575425 +00485435 _hypernym 00484892 +11458624 _derivationally_related_form 01350449 +09972157 _derivationally_related_form 01753596 +01692579 _derivationally_related_form 06828818 +01640550 _hypernym 01640207 +01165043 _derivationally_related_form 00947128 +01677613 _hypernym 01657723 +13453861 _derivationally_related_form 00238542 +02118854 _hypernym 01864707 +12612020 _member_meronym 12612170 +03467984 _hypernym 04565375 +00101191 _derivationally_related_form 01724459 +00654885 _derivationally_related_form 02550296 +00839411 _also_see 00835609 +03100897 _hypernym 02827883 +08623927 _derivationally_related_form 01494310 +08076578 _hypernym 08061042 +02619029 _member_meronym 02619165 +10966145 _instance_hypernym 10020890 +08860123 _member_of_domain_region 08143486 +02507863 _member_meronym 02508021 +00083523 _hypernym 01340439 +02053941 _hypernym 01849221 +00103619 _derivationally_related_form 04977561 +02581108 _hypernym 02580336 +00317888 _verb_group 00235110 +03765561 _derivationally_related_form 00332017 +15203229 _hypernym 15113229 +12425281 _hypernym 13134302 +11377712 _instance_hypernym 09765278 +09898892 _hypernym 00007846 +01783394 _derivationally_related_form 05700087 +00351334 _derivationally_related_form 01946408 +01831930 _member_meronym 01832684 +08023374 _instance_hypernym 08392137 +00377169 _derivationally_related_form 02469274 +10143172 _hypernym 10102369 +05311054 _has_part 05317354 +14289942 _derivationally_related_form 00378521 +13394179 _hypernym 13393762 +10746931 _derivationally_related_form 01966168 +10195261 _hypernym 10488865 +14288561 _hypernym 14082303 +02069888 _verb_group 01542207 +00854000 _derivationally_related_form 01226215 +09036880 _instance_hypernym 08691669 +09375223 _hypernym 08521816 +00203866 _hypernym 00146138 +02277303 _hypernym 02321757 +08395682 _hypernym 08337324 +01128071 _hypernym 01127795 +01653442 _derivationally_related_form 00751944 +02282365 _hypernym 02282506 +02934888 _hypernym 04328946 +11028074 _instance_hypernym 09765278 +07381423 _derivationally_related_form 01893771 +01270199 _verb_group 01535246 +08860123 _member_of_domain_region 13298935 +08970833 _instance_hypernym 08574314 +01984547 _hypernym 01762525 +13493998 _hypernym 00029677 +08512736 _derivationally_related_form 01466978 +02684644 _hypernym 02684924 +06361770 _hypernym 06351613 +06295235 _member_of_domain_usage 02896442 +00814621 _hypernym 00962447 +03631177 _derivationally_related_form 01674717 +04748836 _derivationally_related_form 00119524 +01587818 _derivationally_related_form 03160309 +00566569 _derivationally_related_form 13511755 +05793554 _derivationally_related_form 00636888 +14135065 _hypernym 14133985 +02064745 _derivationally_related_form 02666239 +13949576 _hypernym 13948441 +13074084 _member_meronym 13074277 +09795639 _derivationally_related_form 00085626 +12750577 _member_meronym 12750767 +07176243 _derivationally_related_form 02316649 +07356676 _derivationally_related_form 00156601 +08524735 _has_part 08543081 +01469080 _hypernym 01468576 +07828642 _hypernym 07809368 +04706290 _derivationally_related_form 01614778 +05311054 _has_part 05316025 +02125223 _derivationally_related_form 05658826 +03870672 _hypernym 02919414 +01879251 _verb_group 01879579 +00193130 _derivationally_related_form 14526182 +08176077 _member_meronym 08737041 +10840021 _instance_hypernym 10296832 +00765343 _synset_domain_topic_of 08441203 +09087450 _instance_hypernym 08524735 +03990474 _hypernym 04531098 +00366275 _derivationally_related_form 11446242 +06397903 _derivationally_related_form 00901799 +05831939 _hypernym 05830059 +01624406 _member_meronym 01624537 +09052652 _instance_hypernym 08574314 +00366020 _hypernym 00442267 +14956661 _hypernym 00020827 +00670991 _hypernym 00670261 +13443787 _hypernym 13526110 +00002573 _derivationally_related_form 03110322 +02492362 _hypernym 02492198 +10697879 _derivationally_related_form 07255998 +02009620 _hypernym 01507175 +12619306 _hypernym 11566682 +07889274 _hypernym 07887634 +01680137 _member_meronym 01680264 +12165170 _hypernym 12164363 +07506569 _hypernym 00026192 +02482139 _hypernym 02512305 +13259917 _hypernym 13254985 +09243209 _instance_hypernym 09328904 +12838027 _member_meronym 12842765 +13381145 _hypernym 13358549 +03670849 _hypernym 00021939 +15211484 _hypernym 15209706 +02170427 _derivationally_related_form 05650579 +03762982 _synset_domain_topic_of 08199025 +10452260 _derivationally_related_form 13966925 +05585383 _has_part 05585665 +01595841 _hypernym 01507175 +01264283 _derivationally_related_form 00712225 +01352067 _derivationally_related_form 00747757 +01011031 _derivationally_related_form 06684572 +01266945 _derivationally_related_form 01219993 +09689435 _hypernym 09641757 +07803093 _hypernym 07802417 +02025530 _member_meronym 02030709 +07529563 _derivationally_related_form 01813884 +08848731 _member_of_domain_region 08096624 +05376844 _hypernym 05418717 +08898633 _instance_hypernym 08633957 +06161718 _hypernym 06158346 +00841901 _hypernym 00838367 +01137829 _derivationally_related_form 03407122 +10238375 _hypernym 10285135 +01194238 _hypernym 00235368 +00958880 _derivationally_related_form 04876985 +04844024 _hypernym 05207130 +02710766 _derivationally_related_form 00021065 +09776261 _hypernym 00007846 +02669081 _derivationally_related_form 13950440 +07157273 _member_of_domain_usage 10729923 +00162632 _derivationally_related_form 00697589 +02559180 _also_see 01160031 +07535670 _hypernym 07532440 +00896803 _derivationally_related_form 01241767 +00528608 _hypernym 00528339 +10030277 _derivationally_related_form 07007945 +01959482 _derivationally_related_form 00288486 +11805956 _hypernym 11669921 +01074694 _derivationally_related_form 01476483 +13945919 _hypernym 00024720 +13046512 _hypernym 11590783 +08801678 _member_of_domain_region 08541609 +01223488 _hypernym 00874621 +13456715 _hypernym 13518963 +12404729 _hypernym 13109733 +04236377 _hypernym 03050026 +02531625 _derivationally_related_form 00636461 +11867525 _member_meronym 11893004 +00937208 _derivationally_related_form 07223985 +04952570 _derivationally_related_form 02162672 +02593863 _member_meronym 02594250 +00052845 _derivationally_related_form 00919877 +00240184 _derivationally_related_form 01642437 +00402539 _hypernym 00126264 +07334206 _derivationally_related_form 00890855 +01348174 _hypernym 01340439 +12312405 _member_meronym 12312728 +02159890 _derivationally_related_form 07411645 +09897696 _derivationally_related_form 01432601 +02263038 _member_meronym 02263717 +04734885 _hypernym 04733640 +00369864 _hypernym 00146138 +12191965 _hypernym 11575425 +01059400 _also_see 02095311 +11668952 _hypernym 08103777 +08295580 _member_meronym 08296911 +13549488 _hypernym 13497135 +02123424 _hypernym 02121511 +02478584 _derivationally_related_form 00231887 +10765098 _derivationally_related_form 01415807 +11986306 _hypernym 12205694 +00086297 _derivationally_related_form 02273293 +13275495 _derivationally_related_form 02301502 +04256993 _hypernym 03248958 +03002190 _derivationally_related_form 14512817 +03818843 _hypernym 02718084 +01639369 _hypernym 01342529 +01521756 _hypernym 01517565 +01696435 _synset_domain_topic_of 00933420 +06732350 _hypernym 06729499 +06598445 _derivationally_related_form 02152812 +13628056 _hypernym 13601596 +00765488 _hypernym 00732746 +05779712 _derivationally_related_form 00633443 +02994012 _hypernym 03343047 +02612234 _verb_group 02647497 +01037650 _derivationally_related_form 06610332 +02683419 _derivationally_related_form 04240097 +00511855 _hypernym 01617192 +00464513 _derivationally_related_form 04821277 +02035337 _also_see 01131043 +00658052 _derivationally_related_form 06483454 +11959632 _has_part 07718747 +10609325 _hypernym 00007846 +00702434 _hypernym 00701040 +08919949 _instance_hypernym 08177958 +01807529 _derivationally_related_form 05694791 +00104249 _hypernym 00103834 +01855672 _hypernym 01845477 +10089615 _derivationally_related_form 02576921 +00579712 _derivationally_related_form 01128655 +01057200 _hypernym 00407535 +00196024 _derivationally_related_form 01262441 +01315581 _hypernym 00015388 +02151625 _has_part 01897667 +10162507 _hypernym 09960688 +00276601 _derivationally_related_form 04904996 +02034394 _hypernym 01507175 +02425913 _derivationally_related_form 15267536 +01412346 _derivationally_related_form 03365592 +09100223 _instance_hypernym 08524735 +11703386 _member_meronym 11707668 +11911591 _member_meronym 12030479 +06845599 _hypernym 06333653 +00835506 _derivationally_related_form 00751944 +08427629 _member_meronym 03122295 +07550666 _derivationally_related_form 01793177 +05395548 _derivationally_related_form 04519536 +01165290 _derivationally_related_form 14062725 +02414473 _derivationally_related_form 00799537 +12928690 _hypernym 11585340 +07157273 _member_of_domain_usage 02936281 +00081509 _synset_domain_topic_of 00612160 +07770571 _hypernym 13135832 +03042829 _hypernym 03323703 +01751836 _verb_group 01741221 +02188065 _member_meronym 02195996 +07295507 _hypernym 07292694 +02473431 _derivationally_related_form 00209546 +13286640 _derivationally_related_form 02467662 +06552116 _hypernym 06551784 +13593219 _derivationally_related_form 00640385 +07954441 _synset_domain_topic_of 00488225 +09192973 _instance_hypernym 09411430 +00088713 _derivationally_related_form 14174549 +01510173 _hypernym 01510827 +10525617 _derivationally_related_form 02380009 +09361816 _instance_hypernym 09403734 +00251013 _derivationally_related_form 01532589 +15089258 _hypernym 07570720 +01142519 _derivationally_related_form 01931768 +10752093 _derivationally_related_form 02500619 +00882961 _hypernym 00876874 +00931852 _verb_group 00932324 +02284951 _derivationally_related_form 13299651 +03790755 _hypernym 03542333 +04151228 _synset_domain_topic_of 03082979 +00052672 _derivationally_related_form 04935528 +08975902 _has_part 08977527 +02555863 _hypernym 02554730 +06437137 _instance_hypernym 06394865 +01012125 _synset_domain_topic_of 08199025 +04612722 _hypernym 04007894 +12713358 _hypernym 12713063 +13066129 _derivationally_related_form 00089154 +13501738 _hypernym 13489037 +02435689 _member_meronym 02436067 +12826516 _hypernym 13100677 +11685179 _hypernym 11684264 +14038993 _derivationally_related_form 01825237 +12893094 _member_meronym 12896000 +08748280 _has_part 08755214 +12459275 _hypernym 12425281 +01119030 _hypernym 01120069 +07174877 _derivationally_related_form 00619869 +07243193 _derivationally_related_form 01051956 +06147873 _hypernym 06147522 +06947658 _hypernym 06947479 +07966140 _has_part 07974025 +01438720 _member_meronym 01443126 +01021889 _derivationally_related_form 00668099 +07475870 _derivationally_related_form 02452092 +02378415 _hypernym 02377703 +11742531 _hypernym 11562747 +01849747 _hypernym 01507175 +00289974 _derivationally_related_form 04959230 +05300926 _has_part 05311054 +00779061 _derivationally_related_form 01062997 +02143594 _hypernym 01862557 +01189282 _derivationally_related_form 00906735 +05545047 _hypernym 05542893 +00548781 _also_see 02383831 +06251781 _derivationally_related_form 00973056 +01639765 _derivationally_related_form 01382818 +00870577 _derivationally_related_form 06672297 +01646941 _also_see 01489722 +00107739 _verb_group 00107943 +02669806 _derivationally_related_form 08306959 +14917208 _hypernym 14984973 +00300537 _derivationally_related_form 04930307 +02742638 _derivationally_related_form 07181043 +12363988 _member_meronym 12364379 +12462401 _member_meronym 12462582 +01412204 _derivationally_related_form 01163047 +13913427 _derivationally_related_form 02686952 +02570684 _derivationally_related_form 00785263 +10030277 _derivationally_related_form 06376154 +01560984 _verb_group 01560731 +03693089 _hypernym 03676175 +02483564 _hypernym 01864707 +04689450 _derivationally_related_form 01821132 +01719302 _derivationally_related_form 07007945 +00402130 _verb_group 00545557 +01890792 _hypernym 01889610 +09167767 _has_part 09173023 +10766025 _derivationally_related_form 02632567 +01990627 _hypernym 01342529 +11858814 _hypernym 11672400 +10930428 _instance_hypernym 10380672 +06756680 _derivationally_related_form 00809654 +01421622 _derivationally_related_form 00320852 +02343487 _hypernym 01862557 +00889082 _derivationally_related_form 00606600 +09918867 _hypernym 10479783 +01735898 _hypernym 01657723 +08856037 _instance_hypernym 08524735 +04554684 _derivationally_related_form 01535246 +01311520 _has_part 01277288 +11892460 _hypernym 11575425 +01693727 _synset_domain_topic_of 00933420 +07172756 _derivationally_related_form 00955601 +05706228 _hypernym 05701944 +02911890 _synset_domain_topic_of 06851742 +10410668 _derivationally_related_form 00595894 +01956924 _member_meronym 01957591 +13123431 _derivationally_related_form 01570935 +01096497 _derivationally_related_form 00548173 +01952750 _hypernym 01951480 +04643397 _hypernym 04643221 +04567222 _has_part 08589351 +03709644 _derivationally_related_form 01031256 +00355691 _derivationally_related_form 02601808 +01248075 _hypernym 00070965 +06403393 _hypernym 06359877 +02757462 _hypernym 03278248 +01407465 _also_see 01401854 +00036362 _derivationally_related_form 00255710 +10644598 _hypernym 10053808 +01435380 _derivationally_related_form 10724699 +01615121 _hypernym 01613294 +11595312 _member_meronym 11663449 +01157517 _verb_group 02267989 +10291110 _hypernym 00007846 +13980845 _derivationally_related_form 02567147 +10435251 _hypernym 09923418 +14116321 _hypernym 14070360 +04895773 _derivationally_related_form 00687926 +01674544 _synset_domain_topic_of 00714944 +08174398 _member_meronym 08764107 +05310790 _has_part 01472638 +09894909 _hypernym 09955015 +00596496 _hypernym 00586262 +09899929 _hypernym 10510339 +07556637 _hypernym 00021265 +13908201 _hypernym 13908021 +00738966 _hypernym 00739270 +02390015 _hypernym 02389346 +00168588 _derivationally_related_form 11505546 +08853741 _has_part 09309456 +12298165 _hypernym 13122364 +00083334 _derivationally_related_form 00149084 +10804287 _hypernym 10287213 +05533948 _has_part 05534174 +05279026 _synset_domain_topic_of 01471682 +01901289 _derivationally_related_form 00348571 +10702483 _hypernym 10200047 +04670746 _hypernym 04670531 +01603418 _derivationally_related_form 14977188 +10339504 _derivationally_related_form 00630380 +03942397 _hypernym 04045941 +03907908 _synset_domain_topic_of 00463543 +03491724 _hypernym 04108268 +09048880 _has_part 09095023 +02550296 _derivationally_related_form 00654885 +08563180 _has_part 08563990 +13793776 _derivationally_related_form 02636921 +07150328 _hypernym 07149836 +10034906 _hypernym 10378412 +02420789 _hypernym 02410855 +01115916 _derivationally_related_form 03328201 +04227144 _hypernym 03234306 +00769695 _synset_domain_topic_of 06234825 +05578442 _derivationally_related_form 02713218 +00548326 _derivationally_related_form 01714208 +11911591 _member_meronym 11941261 +01330269 _derivationally_related_form 03863442 +00575741 _derivationally_related_form 02413480 +11015080 _instance_hypernym 10705615 +13278375 _derivationally_related_form 02253154 +08512259 _derivationally_related_form 00233335 +08723006 _member_of_domain_region 05915584 +15108087 _hypernym 14971519 +09736633 _hypernym 09735258 +01223488 _derivationally_related_form 02508245 +06139491 _derivationally_related_form 10489426 +00652659 _derivationally_related_form 01745536 +00655987 _derivationally_related_form 05098942 +05800998 _derivationally_related_form 10451590 +04092609 _derivationally_related_form 01297401 +00243373 _hypernym 07453195 +02161922 _derivationally_related_form 11455695 +01476685 _also_see 01483324 +04561422 _hypernym 03765561 +12403513 _hypernym 12401335 +06630627 _hypernym 06630017 +14375576 _hypernym 14373582 +12939874 _hypernym 12205694 +00943436 _hypernym 00941990 +06928839 _hypernym 06926212 +08172103 _hypernym 08294696 +01098452 _derivationally_related_form 10512372 +03922722 _hypernym 02721538 +00411009 _derivationally_related_form 06226057 +00895304 _hypernym 00772189 +12501745 _member_meronym 12517253 +01423929 _hypernym 01400044 +00082308 _derivationally_related_form 04033995 +02432867 _member_meronym 02432983 +10517826 _hypernym 10372373 +03409393 _hypernym 04546855 +06650431 _hypernym 06650070 +06255354 _derivationally_related_form 00973728 +01797204 _hypernym 02578510 +02360274 _hypernym 02327200 +00831651 _derivationally_related_form 01323449 +05348884 _hypernym 05333777 +13980845 _hypernym 00024720 +01844414 _member_meronym 01844551 +02100632 _hypernym 01850315 +08215801 _hypernym 08215603 +00635205 _derivationally_related_form 02154508 +12791539 _hypernym 11585340 +12290522 _member_meronym 12290748 +14578104 _derivationally_related_form 01484982 +09961605 _hypernym 10595647 +05405554 _has_part 05331812 +11994827 _member_meronym 11995396 +14526182 _derivationally_related_form 02133435 +10084043 _hypernym 09619168 +06449254 _instance_hypernym 06431740 +13040108 _hypernym 11592146 +00966384 _derivationally_related_form 01565472 +09044862 _has_part 09067277 +01308160 _derivationally_related_form 14286549 +13534274 _derivationally_related_form 01913707 +06769392 _hypernym 06768735 +08845555 _instance_hypernym 08696931 +12076075 _hypernym 11556857 +12581381 _member_meronym 12597640 +00813044 _derivationally_related_form 07138915 +08728462 _instance_hypernym 08524735 +02348324 _hypernym 02228031 +00269258 _derivationally_related_form 00199490 +08723006 _has_part 09481523 +04297476 _hypernym 04076846 +08860123 _member_of_domain_region 04229107 +09909760 _derivationally_related_form 02475922 +06894544 _hypernym 06282651 +02757828 _derivationally_related_form 11506167 +11506349 _hypernym 11473954 +02231473 _derivationally_related_form 00560529 +07206302 _derivationally_related_form 01997680 +02066510 _derivationally_related_form 14005892 +07414740 _derivationally_related_form 02032634 +07208000 _derivationally_related_form 00798539 +07561590 _hypernym 07560652 +02633555 _hypernym 01432517 +01638482 _hypernym 01626134 +12215373 _member_meronym 12215579 +01122736 _hypernym 01090335 +11636204 _hypernym 11630017 +00285314 _hypernym 00283911 +06043075 _derivationally_related_form 00084230 +02610664 _hypernym 02554730 +01549057 _derivationally_related_form 14597758 +04975122 _hypernym 04974968 +00261604 _derivationally_related_form 02748927 +14687513 _hypernym 14875077 +00255710 _derivationally_related_form 02742842 +01997002 _hypernym 01762525 +07973487 _hypernym 08078020 +00074038 _derivationally_related_form 14854581 +01744657 _member_meronym 01747739 +10757193 _derivationally_related_form 02487573 +00229280 _derivationally_related_form 13478525 +06856568 _member_meronym 06865345 +11359187 _instance_hypernym 10090020 +03031422 _hypernym 03666591 +07249180 _hypernym 07248801 +02663849 _hypernym 02657368 +04730580 _hypernym 04728068 +11911591 _member_meronym 11956671 +07343195 _hypernym 07342049 +03739693 _hypernym 03574816 +00240938 _derivationally_related_form 01569566 +09961999 _derivationally_related_form 01039162 +03514974 _hypernym 14994004 +01849288 _also_see 02393401 +14409489 _hypernym 14408086 +01485158 _derivationally_related_form 00322228 +12838027 _member_meronym 12844697 +12357802 _member_meronym 12357968 +09840963 _hypernym 10249950 +01947887 _synset_domain_topic_of 00523513 +00419644 _hypernym 00418025 +10757193 _derivationally_related_form 02619424 +08732116 _member_of_domain_region 08042183 +07803895 _hypernym 07570720 +08859173 _member_of_domain_region 11218473 +05160796 _hypernym 05155821 +00855512 _hypernym 00670261 +04391276 _synset_domain_topic_of 00428270 +05784560 _hypernym 05770926 +07007171 _hypernym 07006951 +12036781 _hypernym 11744859 +12876032 _member_meronym 12882321 +08152657 _derivationally_related_form 10546850 +10131268 _hypernym 10527334 +02638845 _derivationally_related_form 01212882 +02350175 _also_see 02629256 +10498551 _derivationally_related_form 01163847 +04376400 _synset_domain_topic_of 07020895 +00212790 _derivationally_related_form 13460568 +01961736 _member_meronym 01961862 +06375008 _hypernym 06374587 +02516594 _derivationally_related_form 00419908 +08967484 _derivationally_related_form 03084759 +01144657 _derivationally_related_form 10193026 +15181718 _has_part 15242719 +09370552 _instance_hypernym 09411430 +04663763 _derivationally_related_form 01977155 +04253437 _derivationally_related_form 00036932 +04509417 _derivationally_related_form 04509417 +00880662 _hypernym 00652466 +07985223 _derivationally_related_form 01465365 +06606464 _hypernym 06601327 +01502262 _member_meronym 01837746 +01061017 _derivationally_related_form 00318735 +01992516 _member_meronym 01992935 +05027837 _hypernym 05027529 +05804793 _derivationally_related_form 00594621 +03221720 _has_part 03682487 +01822936 _also_see 01776214 +00553407 _derivationally_related_form 00196485 +12601106 _hypernym 13100677 +06078978 _derivationally_related_form 10354265 +01081628 _derivationally_related_form 02470175 +04823866 _derivationally_related_form 00430191 +02246011 _hypernym 02159955 +00145218 _derivationally_related_form 01291069 +01493366 _member_meronym 01493541 +00082308 _derivationally_related_form 03075768 +01796870 _member_meronym 01797020 +09901642 _hypernym 10677271 +00261314 _hypernym 00260648 +01555586 _member_meronym 01556368 +01177703 _hypernym 01177033 +05146471 _hypernym 05145891 +00529101 _hypernym 00428270 +08999154 _instance_hypernym 09388848 +02368116 _hypernym 02329401 +01805692 _hypernym 01507175 +02677097 _hypernym 02676054 +00574514 _synset_domain_topic_of 06084469 +00890441 _hypernym 00884466 +00401688 _derivationally_related_form 06606191 +05501185 _has_part 05495172 +02112546 _derivationally_related_form 11485367 +01563005 _derivationally_related_form 04164989 +09842047 _derivationally_related_form 02802215 +06754816 _hypernym 06751974 +01472417 _synset_domain_topic_of 00766234 +05967588 _hypernym 05943300 +01137696 _derivationally_related_form 00233614 +02048832 _member_meronym 02048952 +02818832 _derivationally_related_form 01426397 +00240293 _derivationally_related_form 03709206 +07743224 _hypernym 07742704 +00146138 _also_see 00205598 +03102371 _has_part 04557111 +09185612 _synset_domain_topic_of 00704305 +03747508 _hypernym 02792049 +00089027 _derivationally_related_form 02272549 +12743352 _hypernym 12651821 +09572825 _synset_domain_topic_of 07979425 +07518663 _derivationally_related_form 01803003 +10276045 _derivationally_related_form 01258828 +00885217 _derivationally_related_form 06773150 +12669157 _hypernym 11579418 +05915584 _hypernym 05913538 +10363149 _hypernym 10372373 +08784104 _instance_hypernym 09428293 +08906374 _has_part 09346284 +04457326 _hypernym 04552696 +09610405 _hypernym 00007846 +01584004 _hypernym 01504437 +06825736 _hypernym 06825399 +01191645 _hypernym 01157517 +14046202 _has_part 13449156 +02001858 _derivationally_related_form 10494935 +11255460 _instance_hypernym 10467395 +01106272 _derivationally_related_form 01489161 +06436939 _instance_hypernym 06394865 +08098499 _derivationally_related_form 09848285 +04706290 _derivationally_related_form 01618053 +04933852 _hypernym 04933544 +06621447 _hypernym 06619428 +07804771 _hypernym 07802417 +02317970 _derivationally_related_form 10409011 +07073447 _derivationally_related_form 00522068 +03808144 _hypernym 03828465 +01484083 _also_see 01477806 +03854065 _has_part 03903424 +09978442 _hypernym 10631941 +02208537 _derivationally_related_form 13295657 +14336317 _hypernym 14299637 +01061017 _verb_group 02079933 +13547925 _hypernym 13480541 +02714139 _derivationally_related_form 00974173 +05650579 _derivationally_related_form 02170427 +09775663 _derivationally_related_form 00872886 +02267529 _hypernym 01157517 +06106502 _hypernym 05993844 +02021050 _hypernym 02000954 +09004992 _instance_hypernym 08524735 +12964572 _member_meronym 12964750 +02135486 _hypernym 01864707 +01920932 _synset_domain_topic_of 00523513 +02432867 _hypernym 01864707 +08544813 _member_meronym 08654360 +07310507 _derivationally_related_form 02053941 +00965404 _derivationally_related_form 01586600 +02971672 _derivationally_related_form 09713501 +05495981 _hypernym 05462674 +02548990 _hypernym 01429349 +07428954 _derivationally_related_form 01888784 +11800799 _member_meronym 11801038 +00445467 _synset_domain_topic_of 06090869 +13284562 _derivationally_related_form 02284096 +08424951 _derivationally_related_form 02298160 +13875185 _hypernym 13865483 +10143595 _derivationally_related_form 02255942 +01546223 _hypernym 01342529 +07105475 _member_of_domain_usage 00064370 +01363423 _hypernym 01352059 +08033829 _synset_domain_topic_of 00759694 +05951323 _derivationally_related_form 00720063 +13632007 _has_part 13631355 +00927516 _derivationally_related_form 02623906 +07231048 _derivationally_related_form 00923793 +10509810 _hypernym 09777012 +13248928 _derivationally_related_form 02209261 +04965179 _hypernym 04959672 +08923884 _instance_hypernym 08524735 +04982207 _hypernym 04983122 +01201856 _hypernym 01156834 +08853741 _has_part 09430416 +07105475 _member_of_domain_usage 00038573 +15002959 _hypernym 14866889 +14553590 _synset_domain_topic_of 06054446 +12991645 _hypernym 11592146 +07272545 _derivationally_related_form 01332205 +14036539 _derivationally_related_form 01785971 +01449427 _hypernym 01448100 +08432820 _synset_domain_topic_of 08199025 +05527085 _hypernym 05238282 +00501080 _hypernym 00499066 +12711398 _hypernym 12707781 +13549672 _hypernym 13518963 +02247226 _hypernym 02242464 +02205095 _hypernym 01759182 +05598147 _hypernym 05300231 +06003682 _hypernym 06000644 +04309049 _has_part 02863750 +01369346 _derivationally_related_form 00708017 +09112282 _has_part 09113207 +10143725 _derivationally_related_form 02255462 +00265119 _hypernym 00248977 +02256354 _derivationally_related_form 13386614 +11509377 _hypernym 14883206 +00031921 _derivationally_related_form 13928388 +05540513 _has_part 05543917 +02023600 _hypernym 02428924 +06256697 _has_part 06258680 +00341917 _hypernym 00339934 +02330830 _member_meronym 02331479 +01958898 _synset_domain_topic_of 00015388 +15137890 _derivationally_related_form 02708707 +02061366 _hypernym 02061069 +10100124 _derivationally_related_form 02000868 +01054399 _hypernym 00983824 +02996605 _derivationally_related_form 05278152 +01710048 _synset_domain_topic_of 07020538 +02652494 _derivationally_related_form 01054227 +01143040 _hypernym 00407535 +10532058 _hypernym 10731244 +02196948 _hypernym 00126264 +00314469 _derivationally_related_form 02909006 +04388372 _hypernym 04467665 +02437616 _hypernym 02394477 +04233124 _hypernym 02913152 +02708123 _hypernym 02267060 +06845599 _member_of_domain_usage 03299648 +00789391 _derivationally_related_form 01504480 +00609236 _derivationally_related_form 01362736 +08764561 _instance_hypernym 09203827 +14060688 _hypernym 14052403 +08400965 _derivationally_related_form 10307234 +00599434 _hypernym 00598954 +00321486 _hypernym 00452512 +01429953 _derivationally_related_form 01327322 +02334867 _derivationally_related_form 04565375 +12329473 _hypernym 13109733 +02900160 _hypernym 03503718 +12772081 _member_meronym 12773334 +09189411 _has_part 09178310 +13450636 _derivationally_related_form 02672859 +01257701 _derivationally_related_form 02591893 +00350889 _hypernym 00350461 +00303849 _hypernym 00326440 +01957739 _hypernym 01939598 +00051511 _hypernym 00047945 +11911591 _member_meronym 11959104 +10786517 _hypernym 00007846 +05014099 _derivationally_related_form 00375021 +05812038 _derivationally_related_form 00722232 +14643793 _hypernym 14625458 +01711445 _derivationally_related_form 10645611 +12401122 _member_meronym 12403513 +09130452 _instance_hypernym 08524735 +02840619 _derivationally_related_form 01207951 +02242049 _derivationally_related_form 07902520 +02570648 _member_meronym 02570838 +11978035 _member_meronym 11978233 +00882948 _derivationally_related_form 06671637 +07093895 _hypernym 07093603 +08750151 _has_part 08750334 +01340439 _derivationally_related_form 03323703 +04859449 _hypernym 04858785 +02043190 _hypernym 01850315 +07248060 _derivationally_related_form 02556817 +12064996 _hypernym 11556857 +01732921 _derivationally_related_form 09952539 +06892016 _hypernym 06891493 +08701942 _has_part 08787878 +00925372 _hypernym 00925110 +12314808 _hypernym 13112664 +12702443 _hypernym 11566682 +05677504 _hypernym 05675905 +02996605 _derivationally_related_form 05309725 +02448185 _derivationally_related_form 08008335 +08279298 _derivationally_related_form 09759311 +09981540 _derivationally_related_form 00614489 +00779601 _derivationally_related_form 10524973 +01928154 _synset_domain_topic_of 00815801 +00349369 _hypernym 00331950 +06694540 _hypernym 06693198 +10812800 _instance_hypernym 09987239 +13121544 _hypernym 13083586 +01302086 _instance_hypernym 00962722 +02642634 _synset_domain_topic_of 06083243 +10466198 _hypernym 09774783 +02027612 _derivationally_related_form 08182379 +07491708 _hypernym 07490713 +00059728 _hypernym 00059552 +11911591 _member_meronym 12015076 +12586867 _hypernym 11556857 +12367122 _hypernym 11565385 +12501745 _member_meronym 12573760 +01752433 _hypernym 01657723 +07376937 _derivationally_related_form 02175578 +10457597 _hypernym 09927451 +02349597 _hypernym 00429060 +07375525 _derivationally_related_form 01943718 +10261041 _derivationally_related_form 13961642 +00005815 _hypernym 00006238 +07443210 _derivationally_related_form 00421125 +01134238 _derivationally_related_form 00986938 +13254985 _hypernym 13254805 +04198797 _hypernym 03161450 +00477941 _hypernym 00258857 +13022538 _hypernym 14867858 +00983333 _derivationally_related_form 07131511 +08052549 _hypernym 08050678 +12322501 _hypernym 13110915 +01575577 _member_meronym 01575941 +01305241 _hypernym 01305542 +00830448 _synset_domain_topic_of 06080522 +02304229 _member_meronym 02304797 +06727616 _hypernym 06725877 +01753788 _derivationally_related_form 00240184 +00980453 _derivationally_related_form 07073208 +05257737 _derivationally_related_form 01223616 +01533442 _derivationally_related_form 00251013 +01535246 _verb_group 01270199 +10441037 _hypernym 09945905 +02518161 _hypernym 02367363 +09847010 _derivationally_related_form 02317970 +05612809 _derivationally_related_form 02358034 +03024064 _derivationally_related_form 01730799 +15101586 _hypernym 15101361 +10746056 _hypernym 10008716 +10319796 _hypernym 10241300 +01531998 _verb_group 00286605 +02583958 _derivationally_related_form 00963896 +04687333 _derivationally_related_form 00776523 +06367373 _derivationally_related_form 01635176 +00558181 _synset_domain_topic_of 00463543 +07042735 _derivationally_related_form 01802219 +07507742 _derivationally_related_form 01799794 +05834758 _hypernym 05834567 +00417131 _hypernym 00812526 +04204755 _hypernym 03093792 +09109444 _has_part 08502797 +04830102 _hypernym 04723816 +06279326 _hypernym 06278662 +08890097 _instance_hypernym 08696931 +09151114 _instance_hypernym 08524735 +05160796 _derivationally_related_form 00064479 +00251463 _hypernym 00253761 +00068333 _hypernym 00066636 +07751004 _hypernym 07705931 +14462946 _hypernym 14462666 +07983170 _hypernym 07978924 +00058265 _derivationally_related_form 02412440 +15237250 _has_part 15222012 +08801099 _member_meronym 09696124 +00136048 _hypernym 00134780 +02621395 _derivationally_related_form 03081021 +11956671 _member_meronym 11956850 +08860123 _member_of_domain_region 04753799 +00618878 _derivationally_related_form 04618070 +01073995 _hypernym 00030358 +02922159 _hypernym 03050026 +14856752 _hypernym 14856263 +02680337 _hypernym 04391569 +01697986 _derivationally_related_form 06294441 +04273064 _derivationally_related_form 02918271 +00799076 _hypernym 00757544 +00631378 _derivationally_related_form 02561332 +01112420 _has_part 07247071 +11542341 _member_meronym 11542920 +01935233 _derivationally_related_form 08680888 +10396106 _derivationally_related_form 08414381 +01917845 _hypernym 01917549 +00138599 _derivationally_related_form 01425709 +10857001 _instance_hypernym 09977660 +02273545 _member_meronym 02305245 +02043999 _hypernym 01504437 +13589321 _hypernym 13586122 +09416570 _has_part 09478047 +08756884 _instance_hypernym 08544813 +01962671 _derivationally_related_form 10019552 +05527216 _hypernym 05250659 +08772307 _instance_hypernym 08524735 +12298003 _hypernym 11567411 +02074915 _member_meronym 02131418 +05104548 _derivationally_related_form 02563068 +05199869 _derivationally_related_form 00838856 +01587077 _derivationally_related_form 04782116 +00133338 _derivationally_related_form 01414288 +02903204 _hypernym 03736970 +00910135 _derivationally_related_form 10002760 +11155814 _instance_hypernym 10318892 +00899597 _derivationally_related_form 06630017 +00181875 _derivationally_related_form 14500567 +11911591 _member_meronym 11915214 +01752316 _derivationally_related_form 06590885 +12963307 _hypernym 11590783 +08955082 _member_of_domain_region 01299994 +01053920 _hypernym 00030358 +00697062 _hypernym 00644583 +02017607 _hypernym 01507175 +02521916 _member_meronym 02524081 +08780881 _member_meronym 09710164 +04526964 _derivationally_related_form 00488770 +00809654 _derivationally_related_form 00741685 +01475282 _also_see 00695523 +00100543 _derivationally_related_form 01732172 +10718131 _derivationally_related_form 00298161 +02294279 _hypernym 01762525 +02082690 _derivationally_related_form 00369138 +02188587 _derivationally_related_form 07400361 +15271732 _hypernym 15271008 +01038538 _hypernym 01037910 +14002109 _hypernym 13920835 +04995531 _hypernym 04995211 +07407777 _hypernym 07405893 +03147509 _hypernym 03133538 +01999423 _hypernym 01999218 +07636384 _hypernym 07635155 +14646610 _hypernym 14625458 +00126264 _derivationally_related_form 00191142 +05685030 _derivationally_related_form 00621734 +01862918 _derivationally_related_form 01056411 +01536344 _verb_group 01270199 +01196759 _synset_domain_topic_of 13477023 +03431745 _hypernym 04576971 +00787832 _derivationally_related_form 02497400 +08191987 _has_part 03812541 +13989280 _derivationally_related_form 01797051 +03782190 _has_part 03857828 +13026763 _member_meronym 13027190 +01468712 _hypernym 01468238 +02727039 _derivationally_related_form 05125377 +12437769 _hypernym 12437513 +13461525 _derivationally_related_form 00574514 +01956481 _has_part 07786686 +03916720 _hypernym 03278248 +09626589 _hypernym 00007846 +08588916 _has_part 08582613 +07414740 _hypernym 07283608 +06288024 _hypernym 06286395 +13792842 _hypernym 13791389 +11143163 _instance_hypernym 10020890 +01930482 _verb_group 01930874 +02123298 _hypernym 02123424 +01027508 _derivationally_related_form 06539770 +06669384 _hypernym 06667317 +00361192 _derivationally_related_form 02215001 +12288598 _member_meronym 12288823 +04787324 _hypernym 04785908 +15215068 _has_part 15199033 +05598868 _hypernym 05598147 +06497459 _derivationally_related_form 00279239 +12944960 _hypernym 11585340 +01752165 _hypernym 01726692 +02681795 _also_see 02682424 +03569964 _has_part 04473432 +13506727 _hypernym 13515958 +00328015 _hypernym 00279835 +00278040 _derivationally_related_form 00217956 +00829107 _hypernym 00831651 +00788097 _derivationally_related_form 02241107 +02638845 _derivationally_related_form 10016103 +02353201 _hypernym 02327200 +01816431 _derivationally_related_form 01072780 +00368367 _derivationally_related_form 13454479 +01955463 _member_meronym 01959668 +08292756 _hypernym 07951464 +08154012 _hypernym 07971582 +12704844 _hypernym 11585340 +02572196 _hypernym 02554730 +00833199 _derivationally_related_form 07214994 +00972191 _derivationally_related_form 04717139 +00775460 _derivationally_related_form 01471043 +14203346 _hypernym 14055408 +00253395 _derivationally_related_form 01815471 +06160244 _derivationally_related_form 09899929 +07075172 _member_of_domain_usage 00733632 +02012306 _hypernym 01342529 +07087777 _hypernym 07070429 +00654625 _derivationally_related_form 05839024 +10396106 _hypernym 09979321 +00880978 _derivationally_related_form 01167385 +02019566 _hypernym 01504437 +02637337 _hypernym 01432517 +01779629 _hypernym 01776192 +07575076 _hypernym 07573696 +00383952 _hypernym 01066163 +01635659 _member_meronym 01637796 +02193357 _member_meronym 02193496 +02147034 _hypernym 01864707 +00637259 _derivationally_related_form 06013741 +12902297 _hypernym 11579418 +08087570 _member_meronym 08147188 +09275473 _has_part 09028841 +01562584 _member_meronym 01564394 +10089484 _hypernym 10648696 +00784533 _derivationally_related_form 02031158 +00628491 _derivationally_related_form 10708292 +11623967 _hypernym 11623105 +01131515 _synset_domain_topic_of 08441203 +02553196 _member_meronym 02635911 +03931044 _derivationally_related_form 01686956 +07472460 _derivationally_related_form 01122736 +02757828 _hypernym 02756558 +02384275 _derivationally_related_form 07453195 +09117351 _has_part 09118313 +08747054 _has_part 08747737 +08780881 _member_of_domain_region 07464402 +00968479 _hypernym 00968155 +13253751 _derivationally_related_form 02646757 +00748616 _verb_group 01069638 +02237239 _member_meronym 02237581 +08893223 _instance_hypernym 09203827 +09041785 _has_part 03475118 +00692506 _hypernym 00692130 +00182037 _hypernym 00452512 +13622035 _hypernym 13615557 +14841267 _derivationally_related_form 02112891 +15142167 _derivationally_related_form 00056930 +01620436 _derivationally_related_form 00222485 +01781478 _also_see 01783158 +05081434 _synset_domain_topic_of 06053439 +14365356 _derivationally_related_form 03105742 +13505843 _derivationally_related_form 00066977 +08110373 _member_meronym 08101410 +08590172 _hypernym 08589801 +02082358 _member_meronym 02082498 +02800497 _hypernym 03365991 +13266170 _derivationally_related_form 10251779 +09424118 _instance_hypernym 09313716 +12151365 _hypernym 12150028 +10743941 _synset_domain_topic_of 08441203 +09044862 _has_part 09048460 +01354869 _member_meronym 01377906 +15279104 _hypernym 15286249 +02005778 _derivationally_related_form 02871963 +07128060 _derivationally_related_form 01045073 +11843285 _hypernym 11573660 +00731222 _derivationally_related_form 02475922 +12507236 _member_meronym 12507379 +12480677 _member_meronym 12480895 +01134238 _derivationally_related_form 00123234 +08045140 _instance_hypernym 08392137 +12510569 _hypernym 11585340 +11413263 _hypernym 11410625 +13469674 _synset_domain_topic_of 04194289 +14904661 _hypernym 00031264 +02149302 _hypernym 00820976 +01239494 _derivationally_related_form 05579944 +08860123 _member_of_domain_region 00514658 +11750855 _hypernym 11585340 +01377571 _hypernym 01377032 +03525827 _hypernym 03183080 +02924023 _derivationally_related_form 01487311 +01485839 _derivationally_related_form 02774152 +02446164 _derivationally_related_form 10632576 +01695567 _derivationally_related_form 04682018 +02291434 _hypernym 02289295 +01459896 _derivationally_related_form 00926668 +00771961 _derivationally_related_form 00156625 +02962200 _hypernym 03736970 +12418680 _member_meronym 12422399 +12073744 _hypernym 11556857 +02168699 _hypernym 02164464 +05335971 _hypernym 05333777 +00770141 _hypernym 00872886 +00434374 _derivationally_related_form 14059663 +08991182 _has_part 08991491 +03474167 _has_part 03600285 +03654576 _has_part 03145843 +01207609 _derivationally_related_form 00206998 +08960363 _instance_hypernym 08633957 +01951480 _also_see 02465939 +02951358 _derivationally_related_form 01947543 +09078231 _member_of_domain_region 07778938 +12214245 _hypernym 11567411 +01453433 _derivationally_related_form 10492202 +00648224 _derivationally_related_form 05785311 +07373803 _derivationally_related_form 01461328 +02594102 _hypernym 00339934 +04474035 _derivationally_related_form 01449974 +12158148 _member_meronym 12161056 +02651412 _hypernym 01432517 +10003283 _derivationally_related_form 00816556 +02202384 _hypernym 02203362 +09057311 _has_part 09058735 +13484303 _synset_domain_topic_of 06128570 +06258680 _hypernym 13582013 +02030424 _derivationally_related_form 07332148 +02271427 _member_meronym 02271570 +01369663 _derivationally_related_form 04850117 +04660080 _hypernym 05207130 +01189001 _hypernym 01187810 +00914420 _derivationally_related_form 07393161 +08361001 _derivationally_related_form 02650795 +02133297 _synset_domain_topic_of 06095022 +00808182 _derivationally_related_form 00233335 +00168910 _similar_to 00166146 +02042672 _derivationally_related_form 04526520 +12290116 _member_meronym 12295560 +01156115 _verb_group 01138911 +00117985 _hypernym 02604760 +01574571 _derivationally_related_form 04387706 +13237788 _hypernym 11567411 +13496517 _derivationally_related_form 00497705 +01046932 _derivationally_related_form 10763245 +03295140 _hypernym 04341686 +02453889 _derivationally_related_form 02354537 +04905188 _derivationally_related_form 02451113 +13218722 _hypernym 08103777 +00229630 _also_see 01125429 +09542339 _derivationally_related_form 00547493 +02888133 _hypernym 04451473 +07157273 _member_of_domain_usage 09639719 +00537682 _hypernym 00532110 +00711523 _derivationally_related_form 02001252 +02716205 _hypernym 03740161 +10235549 _derivationally_related_form 13780719 +06833890 _hypernym 06828818 +13475538 _synset_domain_topic_of 06115701 +08860123 _member_of_domain_region 07569423 +00359238 _derivationally_related_form 01754737 +07546465 _derivationally_related_form 01774136 +07614500 _hypernym 07611358 +12633638 _hypernym 12651821 +02270404 _hypernym 02238085 +08173515 _member_meronym 08779504 +02558724 _hypernym 01429349 +01481154 _derivationally_related_form 01017701 +04657407 _hypernym 04656748 +05526175 _hypernym 05250659 +00763901 _also_see 01222360 +02462580 _verb_group 02461314 +14439745 _derivationally_related_form 00687738 +12715569 _hypernym 11566682 +10477077 _hypernym 09870208 +07435273 _hypernym 07283608 +12487647 _hypernym 11566682 +06249910 _synset_domain_topic_of 06172789 +01919391 _also_see 01992503 +02475922 _derivationally_related_form 00829378 +10217684 _hypernym 09774783 +08705397 _has_part 08706823 +04605726 _derivationally_related_form 01283208 +05718254 _derivationally_related_form 02179518 +00700652 _hypernym 00661091 +02034986 _derivationally_related_form 13874384 +00600370 _derivationally_related_form 04865722 +11070644 _instance_hypernym 10030277 +02564146 _derivationally_related_form 14528873 +04548771 _hypernym 04061442 +01739263 _hypernym 01621555 +01447868 _also_see 01349318 +04669247 _derivationally_related_form 01996377 +10461747 _hypernym 10461424 +07157273 _member_of_domain_usage 00896688 +00016756 _derivationally_related_form 05116953 +06501748 _synset_domain_topic_of 08441203 +02530167 _derivationally_related_form 10728998 +00475183 _derivationally_related_form 13468306 +02448185 _derivationally_related_form 00237078 +01264148 _derivationally_related_form 01902877 +09023321 _member_of_domain_region 08018189 +01993352 _derivationally_related_form 00770543 +09044862 _has_part 09140148 +02149899 _derivationally_related_form 13641534 +10068234 _derivationally_related_form 00786458 +09863936 _derivationally_related_form 00409281 +07290761 _hypernym 07283608 +06217103 _derivationally_related_form 02533748 +02308741 _derivationally_related_form 00787465 +02273120 _member_meronym 02273254 +02006211 _hypernym 01507175 +13505843 _derivationally_related_form 00452098 +00908977 _derivationally_related_form 06719404 +06338908 _hypernym 06333653 +00286333 _synset_domain_topic_of 03405725 +03318438 _hypernym 03562126 +02243351 _member_meronym 02243744 +01904930 _derivationally_related_form 00283568 +01034077 _synset_domain_topic_of 08083599 +08806897 _has_part 09161090 +09812338 _derivationally_related_form 02743547 +09228324 _hypernym 09448361 +02532458 _hypernym 02530167 +00332445 _verb_group 00332154 +00179718 _hypernym 00173338 +05514905 _has_part 05517406 +02679530 _hypernym 02679899 +00204585 _derivationally_related_form 10511239 +02395782 _hypernym 01650610 +02061495 _derivationally_related_form 03556811 +08715390 _has_part 09350524 +02321046 _derivationally_related_form 07190941 +12027864 _hypernym 11579418 +02483915 _hypernym 01862557 +02245555 _derivationally_related_form 10495555 +08049989 _member_meronym 08888676 +02526085 _derivationally_related_form 00062806 +10241300 _derivationally_related_form 02419773 +00999270 _synset_domain_topic_of 00910203 +02616713 _derivationally_related_form 13962166 +01791232 _hypernym 01790020 +01372049 _also_see 00226618 +12858019 _hypernym 11579418 +12581381 _member_meronym 12584057 +04597066 _hypernym 03446070 +02074915 _member_meronym 02075727 +00490722 _derivationally_related_form 15280497 +05275315 _hypernym 05269901 +00915722 _derivationally_related_form 01741446 +04630689 _derivationally_related_form 00859325 +01084331 _hypernym 01111816 +00377002 _verb_group 00378664 +07362386 _hypernym 07363346 +08801678 _member_of_domain_region 01274171 +00710005 _derivationally_related_form 01136519 +01063350 _hypernym 01062817 +15101854 _derivationally_related_form 01180701 +03016953 _hypernym 03015254 +06845599 _member_of_domain_usage 04174853 +00282050 _derivationally_related_form 00248659 +11862598 _member_meronym 11862835 +00367976 _derivationally_related_form 02082690 +09186709 _synset_domain_topic_of 07979425 +02328662 _member_meronym 02328820 +09078231 _has_part 09078654 +00247792 _derivationally_related_form 00324231 +01194483 _derivationally_related_form 04660536 +12976985 _member_meronym 12977565 +13627810 _hypernym 13601596 +07411160 _hypernym 07351612 +07464725 _hypernym 07456188 +09887850 _hypernym 10757193 +13038944 _member_meronym 12970872 +00610374 _derivationally_related_form 05762998 +07375405 _derivationally_related_form 00394813 +13886724 _hypernym 13864763 +14042423 _hypernym 14034177 +12461809 _hypernym 11561228 +00965404 _hypernym 00964569 +01701334 _member_meronym 01702087 +01384102 _derivationally_related_form 07742704 +04769456 _hypernym 04767347 +01026975 _derivationally_related_form 06197664 +08439955 _derivationally_related_form 01088749 +01540449 _synset_domain_topic_of 06084469 +01744611 _hypernym 01697816 +01897851 _hypernym 01896031 +00852181 _hypernym 00851994 +08020242 _synset_domain_topic_of 00759694 +02654686 _derivationally_related_form 14452616 +01277431 _derivationally_related_form 13893786 +02615298 _hypernym 02614978 +00356621 _derivationally_related_form 02280869 +00289082 _also_see 02274253 +14440488 _derivationally_related_form 01799794 +12461326 _member_meronym 12461466 +01426160 _hypernym 01388130 +06150449 _hypernym 06149484 +03464757 _synset_domain_topic_of 08199025 +01374457 _hypernym 01348530 +00591725 _derivationally_related_form 09996920 +01313093 _member_meronym 01934207 +00575970 _verb_group 00575720 +05838176 _hypernym 05837957 +07342049 _derivationally_related_form 00343334 +12213635 _member_meronym 12220247 +07439284 _hypernym 07345593 +00271711 _derivationally_related_form 07356489 +09370773 _has_part 09195796 +11630489 _hypernym 13108841 +02364221 _member_meronym 02364989 +02513742 _synset_domain_topic_of 00694681 +07165086 _derivationally_related_form 02298632 +15122231 _hypernym 15113229 +08539717 _hypernym 08675967 +10324851 _hypernym 09623038 +01548290 _derivationally_related_form 03038281 +02005102 _member_meronym 02005238 +00820976 _verb_group 00820611 +00588473 _hypernym 00586262 +02463611 _hypernym 05220461 +02253154 _hypernym 02254258 +00880662 _derivationally_related_form 02128653 +02492240 _hypernym 01864707 +11988419 _hypernym 11579418 +02206624 _member_meronym 02207942 +08849753 _member_of_domain_region 01300782 +13459088 _derivationally_related_form 00074038 +02875436 _hypernym 03239726 +00365709 _derivationally_related_form 00154778 +05117660 _derivationally_related_form 02510337 +13792183 _derivationally_related_form 02538086 +09917345 _hypernym 10360747 +01940736 _has_part 01903756 +12353604 _hypernym 11556857 +13840553 _member_meronym 10694258 +02897524 _derivationally_related_form 05217168 +11125193 _instance_hypernym 10423589 +02014646 _hypernym 01504437 +08765315 _instance_hypernym 08633957 +14575180 _derivationally_related_form 00437125 +08441039 _hypernym 08440630 +01604251 _hypernym 01215421 +04754440 _derivationally_related_form 00550282 +06066072 _hypernym 05999797 +13669006 _hypernym 13662703 +07882497 _derivationally_related_form 00394813 +02166024 _hypernym 01762525 +01559590 _hypernym 01552519 +02963302 _hypernym 03337140 +12174742 _hypernym 11575425 +09189411 _has_part 09165613 +00289392 _hypernym 00281101 +01886756 _derivationally_related_form 01830946 +08837552 _instance_hypernym 09203827 +01596142 _member_meronym 01596273 +01407065 _member_meronym 01407465 +09773245 _derivationally_related_form 01091427 +00235435 _derivationally_related_form 02600948 +12845413 _hypernym 12844939 +02221454 _synset_domain_topic_of 08441203 +02798290 _synset_domain_topic_of 08199025 +00051761 _derivationally_related_form 03113835 +02437148 _synset_domain_topic_of 07020895 +07323024 _hypernym 07321772 +01970502 _member_meronym 01970667 +09075329 _instance_hypernym 08638442 +07964809 _hypernym 07964495 +00495998 _verb_group 02428487 +13456899 _hypernym 13523208 +00014742 _also_see 01177505 +09961198 _hypernym 10599806 +10379758 _hypernym 09631463 +01797020 _hypernym 01795088 +01672014 _hypernym 01291069 +05044822 _derivationally_related_form 00660571 +09808080 _derivationally_related_form 03028465 +04418818 _has_part 04013362 +01861465 _member_meronym 02371125 +05190804 _hypernym 04723816 +07372779 _hypernym 07445265 +02576223 _hypernym 02554730 +02578235 _hypernym 02573275 +08060193 _derivationally_related_form 02447542 +05546040 _has_part 05310351 +10765189 _hypernym 10605985 +09260218 _derivationally_related_form 00255079 +09044862 _member_of_domain_region 13881381 +01354405 _derivationally_related_form 04049405 +02521916 _member_meronym 02521646 +05908520 _derivationally_related_form 00707956 +10036929 _derivationally_related_form 02174830 +00390215 _hypernym 00192051 +05333467 _has_part 05380822 +04778630 _derivationally_related_form 01800349 +03467984 _has_part 02972533 +10249459 _hypernym 09614684 +05930736 _derivationally_related_form 00701040 +11443721 _hypernym 11527014 +04474466 _has_part 02776205 +14836960 _derivationally_related_form 00475183 +01736299 _derivationally_related_form 04608923 +02865931 _hypernym 02788689 +10703905 _hypernym 10786033 +06679726 _hypernym 06679457 +04826235 _derivationally_related_form 02036578 +01774799 _derivationally_related_form 06715927 +02269829 _member_meronym 02271087 +08723006 _member_of_domain_region 08472120 +12812235 _hypernym 12205694 +00543233 _derivationally_related_form 10339966 +02055280 _member_meronym 02055431 +02049696 _derivationally_related_form 00340192 +00388065 _derivationally_related_form 00007846 +12930044 _member_meronym 12940427 +00256746 _derivationally_related_form 00038365 +00879607 _derivationally_related_form 01843904 +02346895 _derivationally_related_form 08223263 +09224911 _hypernym 00019128 +01254978 _hypernym 00545501 +02261630 _member_meronym 02261757 +10418302 _hypernym 10418101 +10998860 _instance_hypernym 09765278 +12006306 _hypernym 12205694 +07921834 _hypernym 07921455 +04236001 _derivationally_related_form 02701445 +12796617 _hypernym 11585340 +00088481 _derivationally_related_form 02272549 +00181476 _derivationally_related_form 00479932 +00452220 _derivationally_related_form 01257542 +01308381 _verb_group 02405390 +02239347 _member_meronym 02239934 +08873622 _derivationally_related_form 09704630 +01796582 _derivationally_related_form 07535670 +02544754 _hypernym 01429349 +11780148 _has_part 11780018 +02294761 _member_meronym 02297127 +02484570 _derivationally_related_form 10593115 +01156834 _derivationally_related_form 01867502 +00562523 _hypernym 00429060 +04983402 _derivationally_related_form 01501113 +13001930 _hypernym 12992868 +06551627 _synset_domain_topic_of 08441203 +00168910 _hypernym 00168588 +07453195 _hypernym 07450842 +01191158 _derivationally_related_form 00971999 +02469274 _derivationally_related_form 09442838 +02606194 _member_meronym 02606590 +01377032 _derivationally_related_form 07407777 +10221312 _derivationally_related_form 00854150 +12936999 _hypernym 11585340 +03940713 _hypernym 03597469 +14213328 _hypernym 13920835 +12507670 _hypernym 11585340 +06428792 _derivationally_related_form 00996102 +02468793 _hypernym 02467662 +04783247 _derivationally_related_form 01115349 +02740533 _hypernym 04170037 +02257370 _hypernym 02220461 +09241247 _hypernym 09225146 +03242713 _derivationally_related_form 01930482 +04647826 _hypernym 04646548 +01148283 _also_see 01363613 +03909160 _hypernym 02727825 +00873603 _also_see 00808191 +00009147 _derivationally_related_form 09438055 +09050244 _member_meronym 09137869 +12839979 _hypernym 12205694 +02284662 _synset_domain_topic_of 00766234 +00365446 _verb_group 00364868 +00219012 _derivationally_related_form 01325536 +06210363 _derivationally_related_form 02702120 +02430929 _member_meronym 02431976 +05436752 _derivationally_related_form 02734192 +02207890 _derivationally_related_form 00079212 +02706691 _derivationally_related_form 06172502 +12968658 _member_meronym 12968882 +10480018 _derivationally_related_form 02157100 +13227557 _member_meronym 13227778 +05660937 _hypernym 05660268 +07903101 _hypernym 07901587 +02360497 _derivationally_related_form 08663860 +00031264 _derivationally_related_form 01089878 +08229362 _hypernym 08227214 +14810704 _hypernym 14635092 +04395332 _hypernym 02740764 +03875218 _derivationally_related_form 01684663 +01354869 _member_meronym 01355326 +00364787 _derivationally_related_form 01943718 +01181475 _synset_domain_topic_of 08441203 +14356993 _hypernym 14356578 +08860123 _member_of_domain_region 08167779 +01159025 _derivationally_related_form 00270826 +01384275 _hypernym 01263479 +01601919 _hypernym 01507175 +13538757 _derivationally_related_form 00266197 +08511241 _derivationally_related_form 01238358 +06288527 _hypernym 06294441 +07484547 _hypernym 07484265 +12949722 _hypernym 11566230 +13905121 _synset_domain_topic_of 06057539 +02400139 _member_meronym 02425393 +08771400 _instance_hypernym 08524735 +03457902 _hypernym 02913152 +04904352 _hypernym 04903813 +03049457 _hypernym 04105893 +10555679 _hypernym 09781504 +01229631 _derivationally_related_form 14526182 +07220466 _hypernym 07193958 +06818747 _hypernym 06817782 +02137907 _derivationally_related_form 08510666 +03985232 _hypernym 03918480 +00760956 _derivationally_related_form 07150850 +01003249 _verb_group 01002740 +08890097 _member_of_domain_region 01068012 +01806505 _derivationally_related_form 14407899 +02911332 _derivationally_related_form 01245637 +09140148 _member_of_domain_region 01294502 +00394803 _derivationally_related_form 00194912 +13538314 _has_part 00276342 +12699922 _hypernym 12695144 +11543429 _member_meronym 11543602 +00963570 _hypernym 00740577 +11542920 _hypernym 11534677 +11804604 _member_meronym 11814824 +01853696 _verb_group 01915365 +00630380 _derivationally_related_form 05785885 +15266911 _derivationally_related_form 02735418 +02739668 _derivationally_related_form 09808949 +07362386 _derivationally_related_form 01976841 +00605086 _derivationally_related_form 00888796 +12959226 _hypernym 13166338 +01926031 _derivationally_related_form 10304505 +04757864 _derivationally_related_form 00701479 +00594621 _derivationally_related_form 05675905 +01467370 _derivationally_related_form 08512736 +12092930 _hypernym 13118707 +01625666 _derivationally_related_form 05580929 +00136984 _derivationally_related_form 01372408 +05435277 _hypernym 05445668 +09002814 _member_of_domain_region 10812550 +01036319 _derivationally_related_form 14543552 +08968677 _derivationally_related_form 03087088 +10759331 _hypernym 10582746 +12968882 _member_meronym 12969131 +11800020 _hypernym 12205694 +01471070 _member_meronym 01471682 +01238640 _also_see 01412346 +02446888 _member_meronym 02447021 +15214068 _hypernym 15209413 +00775702 _derivationally_related_form 01471043 +15156311 _hypernym 15155220 +04683814 _hypernym 04673965 +05068918 _derivationally_related_form 02696801 +02615494 _member_meronym 02616251 +12012253 _hypernym 13085113 +07528212 _hypernym 07527352 +01667449 _derivationally_related_form 04033995 +01173826 _derivationally_related_form 01082153 +05830059 _derivationally_related_form 02507736 +00264386 _derivationally_related_form 00946499 +00038849 _verb_group 00045639 +01281611 _hypernym 00090708 +01427695 _hypernym 01427278 +00089154 _derivationally_related_form 13066129 +02079389 _hypernym 02076196 +08873622 _has_part 03821660 +06690226 _synset_domain_topic_of 08199025 +12113471 _hypernym 11556857 +03587715 _hypernym 02716205 +02498987 _hypernym 02498716 +00371264 _derivationally_related_form 05725527 +12843844 _hypernym 11579418 +08831004 _member_of_domain_region 06940290 +00916123 _hypernym 00941990 +12398990 _hypernym 11567411 +06774316 _hypernym 06773434 +02398521 _hypernym 02394477 +04424418 _hypernym 00001740 +01089137 _derivationally_related_form 08398036 +00779599 _hypernym 00779248 +06477371 _derivationally_related_form 00663894 +01626138 _derivationally_related_form 09946957 +08079852 _hypernym 08208560 +02395406 _has_part 02439568 +13533470 _hypernym 13526110 +00004605 _hypernym 00105333 +09273291 _hypernym 13910384 +07489059 _derivationally_related_form 02137538 +01843689 _hypernym 01843055 +00253270 _hypernym 00251013 +01675963 _derivationally_related_form 00262596 +00198631 _hypernym 00198451 +00295701 _derivationally_related_form 01846916 +13368318 _hypernym 13368052 +00480993 _has_part 00140112 +00296585 _hypernym 07951464 +00394813 _derivationally_related_form 00509377 +12117912 _hypernym 12135898 +08713136 _instance_hypernym 08524735 +09679925 _hypernym 09678009 +13559409 _derivationally_related_form 00458471 +01078050 _derivationally_related_form 00508091 +04828255 _derivationally_related_form 01782519 +02494850 _derivationally_related_form 00976953 +06214580 _derivationally_related_form 10619176 +01623489 _hypernym 01621555 +02225739 _hypernym 02327200 +07975026 _derivationally_related_form 02428924 +02115775 _member_meronym 02115913 +01190012 _derivationally_related_form 07561112 +02115913 _hypernym 02115335 +01874126 _member_meronym 01880937 +02361337 _hypernym 02329401 +01590042 _hypernym 01507175 +03401721 _has_part 03424862 +02573249 _hypernym 02554730 +01116585 _hypernym 01091427 +01786646 _hypernym 01767661 +07072698 _derivationally_related_form 10380672 +00949134 _derivationally_related_form 02707429 +01615457 _derivationally_related_form 00130093 +01471070 _member_meronym 01432517 +00177243 _derivationally_related_form 14456752 +00062806 _derivationally_related_form 02526085 +03037709 _hypernym 04222847 +06878580 _hypernym 06878071 +12410715 _member_meronym 11743109 +14574846 _derivationally_related_form 00906735 +00958880 _also_see 02460502 +01440344 _hypernym 01432517 +08435388 _has_part 08377806 +07622061 _has_part 07622261 +08921850 _member_of_domain_region 04201297 +02036578 _also_see 01548193 +02282506 _derivationally_related_form 00811355 +10681194 _derivationally_related_form 02619924 +01407465 _also_see 00179486 +07040939 _hypernym 07037465 +11798851 _member_meronym 11798978 +03054605 _has_part 03390327 +12680125 _member_meronym 12681141 +00088532 _derivationally_related_form 14018567 +04120842 _hypernym 03900509 +01229071 _hypernym 01227675 +02712125 _derivationally_related_form 03188979 +03039087 _derivationally_related_form 06987124 +13321495 _derivationally_related_form 02502536 +02645007 _derivationally_related_form 05121418 +09161803 _instance_hypernym 08702402 +02921884 _hypernym 03455033 +11694664 _hypernym 11693981 +15055633 _derivationally_related_form 00442267 +02625132 _hypernym 01432517 +11629501 _member_meronym 11630351 +04999401 _derivationally_related_form 00986027 +06812631 _hypernym 06812417 +00827638 _derivationally_related_form 01347678 +00771632 _hypernym 00770437 +02394445 _hypernym 02475922 +12968408 _member_meronym 12970379 +01804340 _member_meronym 01804478 +01803641 _derivationally_related_form 09965134 +09114262 _instance_hypernym 09233715 +12150447 _member_meronym 12151615 +00845523 _hypernym 00844254 +02513268 _derivationally_related_form 05155821 +01728355 _hypernym 01725051 +01632411 _derivationally_related_form 00940412 +06469694 _derivationally_related_form 00646542 +01899891 _hypernym 02055649 +08372190 _hypernym 08369406 +02165304 _hypernym 02130524 +01656788 _derivationally_related_form 03932203 +02155493 _derivationally_related_form 07308889 +10687231 _derivationally_related_form 00644066 +01477888 _hypernym 01476483 +12876032 _member_meronym 12878525 +14100769 _hypernym 14081375 +12336727 _hypernym 12334891 +01824575 _hypernym 01823013 +02575168 _hypernym 01432517 +00579952 _hypernym 00126264 +00343894 _hypernym 00343249 +06098195 _hypernym 06097775 +01129532 _derivationally_related_form 02539788 +02645389 _derivationally_related_form 06021761 +00657016 _derivationally_related_form 05731568 +02290461 _derivationally_related_form 10117511 +04753799 _hypernym 04753455 +02384275 _derivationally_related_form 10203949 +01708332 _hypernym 01342529 +15183428 _hypernym 15157225 +05817845 _derivationally_related_form 00946105 +13052431 _member_meronym 13052931 +00672277 _derivationally_related_form 10066732 +07495327 _derivationally_related_form 00064643 +08831004 _member_of_domain_region 10300154 +02660769 _member_meronym 02661317 +14341432 _hypernym 14336539 +08042536 _synset_domain_topic_of 00759694 +08141092 _has_part 04510090 +02444662 _derivationally_related_form 06549661 +07028373 _derivationally_related_form 01502195 +01147950 _hypernym 01145359 +03044934 _hypernym 04148054 +12373361 _member_meronym 12373526 +08031386 _instance_hypernym 08392137 +08227916 _hypernym 08049401 +02630052 _member_meronym 02630281 +01489722 _also_see 01646941 +10668450 _derivationally_related_form 02424128 +01350699 _derivationally_related_form 13885370 +01635964 _hypernym 01626600 +12322359 _member_meronym 12322501 +02622234 _derivationally_related_form 03674440 +08417920 _has_part 07257393 +02022804 _hypernym 02428924 +00855512 _derivationally_related_form 10526927 +15292069 _hypernym 15291801 +11516113 _hypernym 11419404 +02083346 _hypernym 02075296 +10261041 _hypernym 09962966 +02230056 _verb_group 02229550 +05153520 _hypernym 05200169 +02970685 _has_part 02767433 +00364297 _derivationally_related_form 00216038 +08999482 _has_part 09001580 +01387786 _derivationally_related_form 01149911 +08991182 _has_part 08991878 +00575083 _derivationally_related_form 01890792 +01552519 _derivationally_related_form 00386915 +01543731 _derivationally_related_form 04107984 +11665781 _member_meronym 11667112 +08860123 _member_of_domain_region 07620145 +01356459 _hypernym 01352059 +03414814 _hypernym 03054098 +04011827 _hypernym 03736970 +11702428 _hypernym 11564258 +08564307 _has_part 09130076 +04502197 _hypernym 03595614 +08921850 _member_meronym 09718217 +11911591 _member_meronym 11961686 +00796315 _derivationally_related_form 09606009 +00547300 _derivationally_related_form 09542339 +12986447 _member_meronym 12990800 +01632411 _derivationally_related_form 10068804 +00521209 _derivationally_related_form 02148788 +04551375 _derivationally_related_form 01490336 +02502536 _derivationally_related_form 01248191 +02400139 _member_meronym 02421308 +10787470 _derivationally_related_form 00566322 +08798771 _member_of_domain_region 08013653 +13931436 _derivationally_related_form 02534492 +06920497 _hypernym 06906439 +02153203 _hypernym 01789386 +00622266 _derivationally_related_form 01504699 +00815379 _derivationally_related_form 07199922 +12493090 _member_meronym 12493208 +01066433 _verb_group 00812298 +09138538 _instance_hypernym 08524735 +02056880 _also_see 01782519 +06524935 _derivationally_related_form 00707624 +02001821 _member_meronym 02004661 +01913849 _derivationally_related_form 09283623 +02505998 _hypernym 02503127 +07679356 _derivationally_related_form 01337653 +00419289 _derivationally_related_form 14498096 +10160624 _hypernym 10340312 +03871083 _derivationally_related_form 01485158 +00839778 _derivationally_related_form 01170052 +00719231 _hypernym 00717358 +14082303 _has_part 14370391 +00882948 _derivationally_related_form 06686736 +01526521 _hypernym 01525720 +14687633 _hypernym 14875077 +09013830 _has_part 09014470 +00532115 _derivationally_related_form 10009671 +00571738 _hypernym 00126264 +02191449 _member_meronym 02192127 +10531227 _derivationally_related_form 08416652 +02295208 _derivationally_related_form 01085098 +00100905 _hypernym 00100551 +05783357 _hypernym 05782884 +10012484 _derivationally_related_form 01070187 +10178611 _derivationally_related_form 02305856 +01513838 _derivationally_related_form 09425607 +12628872 _hypernym 11585340 +09625789 _hypernym 00007846 +01835496 _also_see 00969873 +00747215 _derivationally_related_form 00583759 +09305479 _instance_hypernym 09233715 +01861403 _hypernym 01860795 +01950457 _hypernym 01342529 +08968879 _has_part 09169801 +05624042 _derivationally_related_form 02474239 +06295235 _member_of_domain_usage 06260121 +02715279 _derivationally_related_form 05115040 +15256022 _hypernym 15256714 +03066130 _hypernym 03096593 +11665781 _member_meronym 11562747 +07508806 _hypernym 07508486 +13503673 _synset_domain_topic_of 06055946 +08374049 _member_meronym 09937688 +10750188 _derivationally_related_form 08100907 +02506466 _hypernym 01862557 +09048460 _derivationally_related_form 10583387 +12131216 _member_meronym 12131767 +14997012 _derivationally_related_form 00332445 +12743232 _hypernym 11567411 +00371051 _derivationally_related_form 13548531 +04487724 _synset_domain_topic_of 08199025 +13496017 _hypernym 13423922 +02469928 _also_see 01595596 +09141526 _has_part 09143321 +00609506 _derivationally_related_form 01941093 +05805475 _derivationally_related_form 00591115 +15210486 _has_part 15186871 +12745160 _hypernym 11567411 +08858713 _hypernym 08552138 +02167571 _derivationally_related_form 10562968 +12363580 _hypernym 11575425 +00854000 _derivationally_related_form 01431230 +06320569 _hypernym 06289250 +10575787 _derivationally_related_form 00648224 +00420909 _hypernym 00126264 +02742468 _hypernym 04081844 +02434238 _derivationally_related_form 00237078 +08518940 _hypernym 08574314 +09201301 _has_part 08493493 +04256520 _derivationally_related_form 01528339 +12332218 _hypernym 12651821 +02398463 _hypernym 02397637 +12443547 _hypernym 11561228 +01309701 _derivationally_related_form 08550076 +02500619 _hypernym 02499629 +10161867 _hypernym 09815790 +01205696 _derivationally_related_form 07409592 +07075172 _member_of_domain_usage 07677860 +00266197 _hypernym 00140123 +12414602 _hypernym 12411922 +00065791 _derivationally_related_form 00796315 +02197185 _hypernym 02196344 +09905530 _synset_domain_topic_of 06951067 +01834702 _member_meronym 01837230 +05804491 _derivationally_related_form 00695761 +08198137 _hypernym 08208016 +02222459 _hypernym 01762525 +10431514 _hypernym 10079399 +08633957 _hypernym 08578706 +01796346 _hypernym 01761706 +10191943 _hypernym 09616922 +09762101 _derivationally_related_form 02581675 +01509584 _hypernym 01508368 +15286042 _synset_domain_topic_of 07020895 +09730951 _hypernym 09620794 +04192858 _hypernym 04014297 +08971025 _has_part 09483129 +15291199 _derivationally_related_form 02526934 +11614250 _hypernym 11608250 +06410391 _hypernym 06374587 +10325243 _derivationally_related_form 00599329 +03368141 _hypernym 03169390 +00716945 _derivationally_related_form 01484982 +07539367 _hypernym 07538965 +08764107 _has_part 08765069 +01571578 _member_meronym 01571904 +01811441 _derivationally_related_form 04848262 +01562061 _hypernym 00397576 +00408448 _derivationally_related_form 15237250 +10253995 _synset_domain_topic_of 08441203 +01575577 _hypernym 01504437 +02454939 _derivationally_related_form 08209687 +03020034 _hypernym 04171831 +04384016 _hypernym 04059701 +02152991 _hypernym 00015388 +00626800 _also_see 00625393 +01033189 _hypernym 00939277 +02185814 _hypernym 02185481 +07433973 _derivationally_related_form 00477665 +09557387 _synset_domain_topic_of 07979425 +11267949 _instance_hypernym 10566072 +02058994 _hypernym 01835496 +12426248 _hypernym 12425281 +10297983 _hypernym 10427764 +10496393 _hypernym 10100761 +05385534 _hypernym 05298729 +07050952 _hypernym 07048000 +00462689 _hypernym 00233335 +01490546 _hypernym 01432517 +00851316 _hypernym 00850425 +13077479 _member_meronym 13080471 +08849753 _has_part 08851364 +00789237 _hypernym 00788973 +10607933 _hypernym 10024119 +02182662 _hypernym 02176268 +14758842 _hypernym 14700745 +11159418 _instance_hypernym 10444194 +03236217 _hypernym 03996416 +01120900 _hypernym 01120069 +01975880 _member_meronym 01985947 +12998349 _member_meronym 13019017 +00456740 _verb_group 00456596 +10577820 _derivationally_related_form 06179792 +00161225 _derivationally_related_form 01093380 +03679986 _derivationally_related_form 01489989 +15280497 _hypernym 15286249 +13908021 _hypernym 13864965 +12020388 _hypernym 11579418 +10803838 _derivationally_related_form 01050651 +02183175 _derivationally_related_form 02823124 +02806261 _derivationally_related_form 00665886 +09952163 _derivationally_related_form 00482473 +00084230 _derivationally_related_form 03740161 +01882714 _hypernym 01881171 +03940256 _hypernym 03323703 +12111882 _member_meronym 12112008 +00547995 _hypernym 00126264 +09275473 _has_part 08960548 +04962062 _derivationally_related_form 00289532 +04547991 _hypernym 02856463 +02187922 _verb_group 02177976 +12284262 _hypernym 13104059 +15047313 _derivationally_related_form 00446329 +07039238 _synset_domain_topic_of 07020895 +02706373 _hypernym 03740161 +01129977 _also_see 02036578 +12108249 _hypernym 11556857 +10410440 _hypernym 09917593 +02337870 _hypernym 02327200 +10495756 _hypernym 10213652 +04777098 _derivationally_related_form 01340439 +02440705 _member_meronym 02441326 +01008437 _derivationally_related_form 06468951 +02126382 _derivationally_related_form 04980008 +13453160 _hypernym 13566212 +08900535 _has_part 09365128 +08801678 _member_of_domain_region 01283185 +13876371 _derivationally_related_form 02049190 +09307902 _has_part 09225146 +00252990 _hypernym 00252019 +02610980 _hypernym 02554730 +00825648 _hypernym 00824767 +12990800 _member_meronym 12990938 +12663804 _hypernym 13104059 +05923696 _derivationally_related_form 00692907 +03420559 _derivationally_related_form 01089137 +09877587 _hypernym 10633450 +13095348 _synset_domain_topic_of 12992464 +01613463 _also_see 01125429 +00826509 _hypernym 01058574 +04412901 _hypernym 04306080 +09044862 _member_of_domain_region 03720665 +13201725 _hypernym 13167078 +08927186 _instance_hypernym 08700255 +14805899 _derivationally_related_form 00181258 +02289295 _derivationally_related_form 10041887 +11888271 _hypernym 11575425 +10086074 _hypernym 00007846 +00488225 _has_part 00340463 +02026629 _derivationally_related_form 09838370 +01820190 _member_meronym 01820664 +01292885 _derivationally_related_form 13743605 +06490887 _derivationally_related_form 00946755 +01398919 _derivationally_related_form 07376937 +01885845 _derivationally_related_form 01935395 +08860123 _member_of_domain_region 08539893 +02590910 _derivationally_related_form 10789118 +05564323 _has_part 05593476 +01954559 _derivationally_related_form 04046810 +00119568 _derivationally_related_form 01963942 +02084252 _hypernym 01831531 +10495555 _derivationally_related_form 02302817 +02287041 _hypernym 02207206 +01275562 _also_see 02500884 +01672032 _hypernym 01662784 +08963369 _member_of_domain_region 08013176 +02593863 _member_meronym 02595902 +00976953 _derivationally_related_form 02020237 +00913065 _derivationally_related_form 01860497 +10000007 _derivationally_related_form 00074038 +08954611 _member_of_domain_region 01305551 +12310153 _member_meronym 12310349 +12673755 _hypernym 11579418 +00445940 _synset_domain_topic_of 06090869 +02469835 _derivationally_related_form 00381680 +10714851 _hypernym 10596899 +10700201 _derivationally_related_form 02208537 +09622745 _hypernym 10024362 +13169219 _member_meronym 13187031 +01014731 _derivationally_related_form 01626138 +01014066 _derivationally_related_form 01380638 +02436349 _derivationally_related_form 00829378 +11665781 _member_meronym 11555413 +01935012 _member_meronym 01935743 +00348746 _derivationally_related_form 07290905 +01556572 _derivationally_related_form 13908201 +05074374 _derivationally_related_form 01030022 +09958892 _derivationally_related_form 02919275 +02225911 _derivationally_related_form 04384406 +08181658 _member_meronym 09869830 +01855447 _derivationally_related_form 04143140 +01319001 _derivationally_related_form 02619122 +14997888 _derivationally_related_form 01458464 +05236152 _synset_domain_topic_of 06057539 +00882159 _derivationally_related_form 02169891 +06560254 _hypernym 06559365 +00568813 _synset_domain_topic_of 00482298 +02696503 _derivationally_related_form 13900422 +07786164 _derivationally_related_form 01383511 +00152727 _derivationally_related_form 00645552 +09802239 _hypernym 09979321 +06999436 _derivationally_related_form 01686956 +01170243 _derivationally_related_form 14049711 +14420240 _hypernym 14419164 +02275921 _member_meronym 02276355 +14332085 _derivationally_related_form 02120451 +02124623 _hypernym 02121620 +05563770 _has_part 05564590 +02603926 _derivationally_related_form 00698855 +04526241 _hypernym 03526198 +01809446 _member_meronym 01809592 +08789605 _instance_hypernym 08633957 +09155306 _has_part 09156241 +00643250 _derivationally_related_form 01628449 +07039949 _hypernym 07044917 +00028362 _derivationally_related_form 09402704 +01217043 _derivationally_related_form 04360501 +12265900 _member_meronym 12266217 +08245549 _synset_domain_topic_of 00759694 +05833840 _hypernym 05809192 +01741562 _derivationally_related_form 01387786 +00127672 _hypernym 00786195 +07439570 _derivationally_related_form 02068413 +04055861 _hypernym 03670849 +01496944 _member_meronym 01497278 +08563627 _has_part 09114696 +09011679 _instance_hypernym 08524735 +05616246 _hypernym 00023271 +01074498 _derivationally_related_form 02557199 +04959672 _hypernym 04956594 +00304662 _derivationally_related_form 02750835 +07109730 _hypernym 07109196 +09023321 _has_part 09028062 +01718952 _derivationally_related_form 03082979 +00226107 _synset_domain_topic_of 06060845 +02589245 _derivationally_related_form 08049401 +07461050 _has_part 00288000 +02482139 _derivationally_related_form 10576316 +15125097 _instance_hypernym 15247518 +04339291 _hypernym 00021939 +08897065 _has_part 02751623 +11752578 _hypernym 12205694 +08197742 _hypernym 08198398 +07813409 _hypernym 07809368 +02727039 _hypernym 02604760 +03237639 _hypernym 03050026 +03163081 _instance_hypernym 03069752 +06623614 _hypernym 06349220 +01931520 _hypernym 01930112 +06516595 _hypernym 06472025 +01223833 _hypernym 01223616 +09719794 _hypernym 09641757 +00321195 _derivationally_related_form 01422172 +00084738 _hypernym 00084230 +02218713 _hypernym 02206270 +02538765 _derivationally_related_form 06661562 +11778534 _member_meronym 11787391 +08711974 _has_part 09272927 +01207951 _derivationally_related_form 02840619 +01749184 _derivationally_related_form 03926575 +03475118 _instance_hypernym 03800563 +02159427 _hypernym 02159197 +02146064 _hypernym 01864707 +01473346 _hypernym 02413480 +03620052 _hypernym 03528263 +01685601 _derivationally_related_form 01104637 +02490030 _member_meronym 02490964 +01140794 _derivationally_related_form 07775375 +15203565 _has_part 15225929 +00115500 _derivationally_related_form 01452918 +03747746 _hypernym 03771443 +04842515 _derivationally_related_form 01793177 +14578471 _derivationally_related_form 02766328 +13851067 _hypernym 13850304 +01812720 _derivationally_related_form 01048466 +05168261 _derivationally_related_form 00655779 +00890100 _derivationally_related_form 10760763 +07214432 _derivationally_related_form 00598954 +02685585 _hypernym 02798290 +06688913 _derivationally_related_form 00900214 +02290153 _member_meronym 02290340 +00900207 _hypernym 00898518 +00400427 _derivationally_related_form 01211888 +00285141 _hypernym 00283568 +09629752 _derivationally_related_form 01841079 +01838651 _verb_group 01904293 +00861560 _derivationally_related_form 06726939 +01955984 _verb_group 02102398 +03759795 _hypernym 03936895 +02140781 _hypernym 02735418 +12474006 _member_meronym 12474167 +01640207 _derivationally_related_form 00643250 +01320872 _hypernym 00015388 +01184814 _synset_domain_topic_of 08441203 +06177729 _hypernym 05726345 +02454312 _hypernym 00647929 +08801678 _member_of_domain_region 07703743 +01169744 _hypernym 01169317 +14617597 _hypernym 14621446 +00830188 _hypernym 00829107 +00702773 _derivationally_related_form 11444816 +01580928 _derivationally_related_form 05246511 +01069311 _derivationally_related_form 01801847 +00273077 _derivationally_related_form 00970215 +09108164 _has_part 08610305 +01022420 _derivationally_related_form 05774415 +01002740 _derivationally_related_form 00908133 +06795290 _hypernym 03853734 +08216647 _hypernym 08215248 +02445356 _derivationally_related_form 06551627 +00843128 _derivationally_related_form 01170052 +00106592 _hypernym 00047945 +12194776 _member_meronym 12198140 +00548326 _derivationally_related_form 01719921 +11429968 _hypernym 11495041 +02326795 _synset_domain_topic_of 01090446 +02858304 _derivationally_related_form 01944692 +09300674 _has_part 09401834 +01671039 _synset_domain_topic_of 00714944 +08894456 _has_part 09430771 +08936833 _instance_hypernym 08524735 +04677716 _hypernym 04673965 +00256507 _derivationally_related_form 14315192 +00053097 _derivationally_related_form 02015598 +01813668 _hypernym 01813884 +08860123 _member_of_domain_region 00619142 +00935456 _hypernym 00933821 +12044571 _hypernym 11556857 +08555333 _hypernym 08554440 +05350679 _hypernym 05333777 +12973541 _hypernym 11592146 +05843236 _hypernym 05842387 +00225593 _hypernym 00219012 +13554121 _synset_domain_topic_of 06075527 +00358431 _derivationally_related_form 13962498 +03699975 _derivationally_related_form 01623967 +10177150 _synset_domain_topic_of 06155567 +09777012 _hypernym 09882716 +01227908 _derivationally_related_form 00642379 +10390199 _derivationally_related_form 01088005 +03826762 _hypernym 04522904 +11420139 _derivationally_related_form 02661769 +00105820 _hypernym 00104539 +00007846 _derivationally_related_form 00388065 +03341707 _hypernym 03526198 +06709692 _derivationally_related_form 00864159 +05085572 _derivationally_related_form 00444519 +07133701 _hypernym 07109196 +11947079 _member_meronym 11947251 +03053474 _hypernym 04317420 +01299735 _has_part 01295918 +01195299 _derivationally_related_form 10728998 +13471681 _derivationally_related_form 02276088 +00752764 _hypernym 00742320 +01545752 _member_meronym 01545889 +01711662 _member_meronym 01716732 +02729023 _verb_group 01999423 +08644045 _derivationally_related_form 02656189 +00610010 _hypernym 00609683 +11762237 _hypernym 11585340 +03047941 _synset_domain_topic_of 05946687 +05980412 _hypernym 05809192 +02876088 _derivationally_related_form 05240211 +12631224 _hypernym 11585340 +13798491 _synset_domain_topic_of 06163751 +02693070 _hypernym 02687992 +02273922 _verb_group 02273293 +14853210 _hypernym 03304730 +10191388 _derivationally_related_form 05967402 +01708676 _derivationally_related_form 07448717 +10972495 _instance_hypernym 10123844 +14468508 _hypernym 14213512 +01960301 _member_meronym 01960900 +07520612 _derivationally_related_form 01781983 +00479932 _hypernym 00126264 +01734502 _derivationally_related_form 07342049 +00143704 _derivationally_related_form 05772044 +08622950 _derivationally_related_form 02694933 +06440663 _instance_hypernym 06394865 +02400139 _member_meronym 02425756 +07848338 _hypernym 07555863 +12445848 _member_meronym 12448136 +10772580 _synset_domain_topic_of 08199025 +02799175 _has_part 03485997 +00679389 _derivationally_related_form 06200344 +12025849 _hypernym 11579418 +04295881 _has_part 04302334 +15159819 _derivationally_related_form 00735389 +12797213 _hypernym 11585340 +10770309 _derivationally_related_form 02357873 +12648045 _hypernym 12651821 +00227003 _also_see 00224166 +01826723 _derivationally_related_form 10185148 +05115040 _derivationally_related_form 02715279 +14411981 _derivationally_related_form 00592883 +02001252 _derivationally_related_form 10486679 +01676313 _member_meronym 01679837 +04412550 _hypernym 02698769 +05906554 _hypernym 05905802 +01637633 _derivationally_related_form 05769471 +10395073 _derivationally_related_form 01432601 +04551055 _derivationally_related_form 02282365 +14584502 _derivationally_related_form 03105742 +02052675 _hypernym 02052476 +03259505 _hypernym 03546340 +12567316 _hypernym 11585340 +09100982 _instance_hypernym 08665504 +06548498 _hypernym 06547059 +03834604 _hypernym 04565963 +09117351 _has_part 09123809 +04250026 _derivationally_related_form 01321002 +05868477 _hypernym 05867413 +04961691 _derivationally_related_form 00289679 +00236592 _derivationally_related_form 01146039 +04112752 _derivationally_related_form 00103317 +02672187 _verb_group 00417001 +09755241 _derivationally_related_form 02073714 +05844663 _synset_domain_topic_of 06101551 +00348103 _hypernym 00345761 +12012897 _member_meronym 12013035 +00045817 _derivationally_related_form 13547513 +04693384 _derivationally_related_form 01279631 +01940034 _synset_domain_topic_of 00523513 +13773539 _hypernym 13773361 +01613909 _member_meronym 01614038 +00329831 _derivationally_related_form 08523483 +06671484 _hypernym 07162194 +14298102 _hypernym 14285662 +05044528 _hypernym 04916342 +12568186 _hypernym 12495146 +00890590 _derivationally_related_form 06686174 +02484322 _hypernym 02469914 +14504558 _hypernym 14504103 +11951511 _hypernym 11672400 +01428853 _derivationally_related_form 10300303 +08732807 _instance_hypernym 08633957 +01556178 _derivationally_related_form 02158066 +00479598 _derivationally_related_form 00102457 +01556182 _hypernym 01555809 +02472693 _derivationally_related_form 00217700 +14477667 _hypernym 14477342 +03094503 _derivationally_related_form 02700867 +01546111 _derivationally_related_form 08653706 +06742173 _derivationally_related_form 00955601 +01298931 _derivationally_related_form 09873604 +14004572 _derivationally_related_form 02824444 +07654886 _hypernym 07654667 +01446283 _member_meronym 01446589 +01921204 _derivationally_related_form 00289175 +10241300 _derivationally_related_form 02406916 +06719974 _hypernym 06719579 +14386130 _hypernym 14380473 +00242146 _synset_domain_topic_of 00470966 +02219234 _member_meronym 02220393 +08685677 _hypernym 08630039 +00155547 _hypernym 00109660 +03304730 _hypernym 14806838 +01323449 _derivationally_related_form 00831651 +02014863 _hypernym 02014165 +05160574 _derivationally_related_form 01943406 +07812184 _hypernym 07809368 +00150202 _also_see 00494907 +06637149 _hypernym 06636806 +00348008 _derivationally_related_form 02243567 +01866535 _also_see 00644372 +02400037 _derivationally_related_form 07500414 +09237404 _instance_hypernym 09328904 +04872958 _derivationally_related_form 01734884 +00614057 _derivationally_related_form 00055315 +08145553 _hypernym 08401248 +04895246 _hypernym 04616059 +02040652 _derivationally_related_form 05072911 +10151570 _hypernym 09623038 +02128120 _member_meronym 02128385 +12325667 _member_meronym 12325787 +13199970 _hypernym 11545714 +06610992 _derivationally_related_form 01036804 +01202068 _derivationally_related_form 00840363 +01970826 _derivationally_related_form 07363346 +06789801 _synset_domain_topic_of 06236802 +07852919 _hypernym 07850329 +08684294 _hypernym 08673395 +07527656 _hypernym 07527352 +00219012 _derivationally_related_form 14578104 +00904548 _also_see 01589217 +08036849 _instance_hypernym 08392137 +01930995 _hypernym 01921887 +06615561 _derivationally_related_form 01505254 +02387034 _hypernym 02387486 +09917214 _synset_domain_topic_of 08199025 +02732603 _synset_domain_topic_of 06000644 +12806455 _member_meronym 12808007 +09044862 _member_of_domain_region 08338847 +02047835 _hypernym 01507175 +03183080 _hypernym 03575240 +13016457 _member_meronym 13022078 +14446161 _hypernym 14445379 +00908492 _hypernym 00407535 +01848718 _derivationally_related_form 07333649 +00916464 _derivationally_related_form 09779790 +02303448 _member_meronym 02303585 +06381869 _derivationally_related_form 10528493 +08681222 _hypernym 08679972 +11605708 _member_meronym 11606379 +12808933 _member_meronym 12810318 +08124256 _hypernym 08337324 +13723304 _hypernym 13717155 +02238462 _derivationally_related_form 04948241 +09044862 _has_part 09089139 +02586619 _derivationally_related_form 14442933 +06818121 _hypernym 06817782 +02638323 _member_meronym 02638596 +08860123 _member_of_domain_region 07479799 +11778534 _member_meronym 11779300 +07187996 _derivationally_related_form 02270815 +12074408 _hypernym 12041446 +02189363 _hypernym 02188699 +04914292 _hypernym 04910135 +01066775 _derivationally_related_form 07034634 +02679788 _hypernym 02679415 +03101667 _derivationally_related_form 05079866 +12365670 _member_meronym 12366186 +02479154 _derivationally_related_form 05176607 +00874067 _derivationally_related_form 00971650 +06498569 _member_meronym 06838219 +01877355 _derivationally_related_form 00348008 +00196084 _derivationally_related_form 00380159 +02655020 _derivationally_related_form 00263682 +08734385 _has_part 09330913 +04692908 _derivationally_related_form 00336539 +00178832 _derivationally_related_form 02587895 +02793495 _hypernym 03322570 +01865197 _also_see 02331262 +04988478 _hypernym 04987620 +01286799 _derivationally_related_form 02118476 +06451891 _has_part 06433475 +10404998 _derivationally_related_form 01332205 +09186592 _hypernym 09376526 +08597176 _derivationally_related_form 02151966 +01004550 _derivationally_related_form 03832405 +09751622 _hypernym 09634494 +10689104 _hypernym 10642151 +13024967 _member_meronym 13026146 +06468123 _derivationally_related_form 00244625 +01816219 _hypernym 01761706 +01249483 _hypernym 00217014 +09208496 _hypernym 00019128 +07127563 _hypernym 07127006 +06013298 _hypernym 06012726 +02636132 _hypernym 02630189 +05399847 _derivationally_related_form 00247439 +01458664 _hypernym 01458973 +00419908 _derivationally_related_form 02516594 +01115349 _similar_to 01116026 +00185857 _derivationally_related_form 02840619 +04032242 _hypernym 02974219 +10685123 _hypernym 10269785 +09957614 _derivationally_related_form 00150287 +04423174 _hypernym 02720201 +11875100 _hypernym 11575425 +01820302 _derivationally_related_form 01072072 +01330986 _derivationally_related_form 00466651 +12520406 _hypernym 11747468 +01803380 _derivationally_related_form 10419630 +08703454 _member_meronym 09689435 +02669081 _derivationally_related_form 06781878 +00324384 _derivationally_related_form 01969216 +05229198 _hypernym 05225602 +02499700 _hypernym 01864707 +04031884 _hypernym 03546340 +08850741 _instance_hypernym 08633957 +08910394 _has_part 08910668 +12970872 _hypernym 11594676 +01821423 _hypernym 01759326 +05427946 _has_part 05428136 +11034596 _instance_hypernym 10650162 +07212190 _hypernym 07160883 +07940865 _synset_domain_topic_of 06037666 +01003570 _hypernym 00996969 +03791235 _has_part 03903424 +14498404 _hypernym 14497763 +12868634 _hypernym 11579418 +12039743 _member_meronym 12062227 +00772813 _derivationally_related_form 00963283 +12714114 _hypernym 11585340 +12359026 _member_meronym 12370842 +04371430 _hypernym 04371563 +01828736 _derivationally_related_form 10058411 +00226071 _derivationally_related_form 14835478 +02403537 _hypernym 02402825 +10201535 _derivationally_related_form 01721556 +00733250 _derivationally_related_form 13593219 +13266170 _hypernym 13265904 +11454591 _derivationally_related_form 00452220 +09957156 _hypernym 09605289 +10951697 _instance_hypernym 10233445 +08389297 _hypernym 08190754 +09031653 _has_part 08801546 +02261883 _member_meronym 02262324 +00954038 _hypernym 00953216 +00580370 _hypernym 00251013 +01165290 _derivationally_related_form 05695232 +01566185 _derivationally_related_form 07335581 +01591621 _derivationally_related_form 06793426 +00216038 _derivationally_related_form 00364297 +13698949 _hypernym 13604718 +00941990 _derivationally_related_form 07080868 +04552348 _synset_domain_topic_of 08199025 +00293141 _derivationally_related_form 00261604 +09272085 _hypernym 09386422 +05937524 _derivationally_related_form 02699141 +10253995 _derivationally_related_form 02466670 +10198437 _derivationally_related_form 01778017 +02225510 _also_see 00510050 +00612114 _also_see 01718867 +11136214 _instance_hypernym 09765278 +00900726 _hypernym 00900375 +08663156 _hypernym 08566028 +01662118 _derivationally_related_form 00115803 +06763681 _hypernym 06763273 +02653651 _derivationally_related_form 07152948 +00816143 _derivationally_related_form 06721949 +02472293 _has_part 05563266 +12950501 _member_meronym 12950669 +01612053 _also_see 01123148 +00795863 _derivationally_related_form 07255401 +07168131 _derivationally_related_form 00751567 +02079170 _member_meronym 02080934 +00022686 _derivationally_related_form 14050143 +00249188 _hypernym 00248659 +01019524 _derivationally_related_form 01747374 +10925939 _instance_hypernym 10123844 +02535457 _derivationally_related_form 00385266 +11996792 _member_meronym 11997032 +08766988 _member_of_domain_region 01297095 +13179410 _hypernym 13166338 +10456696 _hypernym 10557854 +01735062 _hypernym 01657723 +04978792 _hypernym 04975988 +02776205 _hypernym 03183080 +05036394 _derivationally_related_form 00290302 +09071690 _has_part 09073258 +02224055 _derivationally_related_form 00391599 +15042542 _hypernym 14996020 +05728678 _hypernym 05726596 +00090186 _derivationally_related_form 07510625 +06489968 _hypernym 06481320 +00343334 _derivationally_related_form 01964367 +04627936 _hypernym 04627506 +01119169 _derivationally_related_form 00972621 +01995549 _hypernym 01835496 +12740196 _member_meronym 12751823 +01860337 _member_meronym 01860497 +11852255 _member_meronym 11852531 +12286581 _hypernym 11573173 +08797840 _instance_hypernym 08524735 +00260622 _derivationally_related_form 00265673 +01131043 _also_see 01624633 +05309050 _hypernym 05287882 +12240715 _member_meronym 12241426 +01317723 _hypernym 02131279 +00633443 _derivationally_related_form 05891783 +00266197 _synset_domain_topic_of 06084469 +01589125 _hypernym 01504437 +12385219 _hypernym 11575425 +07410207 _derivationally_related_form 01242391 +01640567 _member_meronym 01641391 +11952900 _hypernym 11579418 +02004855 _hypernym 02002075 +06845599 _member_of_domain_usage 14753808 +09779790 _derivationally_related_form 00916464 +09761068 _derivationally_related_form 02434541 +00946105 _derivationally_related_form 05817845 +15106867 _hypernym 14662574 +15126931 _instance_hypernym 15248020 +00156601 _derivationally_related_form 00363260 +02017878 _member_meronym 02018207 +05606633 _hypernym 05426243 +01930738 _hypernym 01835496 +01383646 _hypernym 01380638 +01726960 _member_meronym 01729133 +01195584 _synset_domain_topic_of 08441203 +01693783 _hypernym 01674464 +08759013 _has_part 09236423 +02801349 _derivationally_related_form 09442838 +00104868 _derivationally_related_form 13549672 +02159271 _member_meronym 02232408 +07123012 _hypernym 07120524 +01077568 _hypernym 01076615 +10584021 _hypernym 10025730 +11834148 _member_meronym 11834272 +02226598 _member_meronym 02227119 +01562116 _member_meronym 01562265 +10195593 _hypernym 09998101 +03709206 _hypernym 04147495 +00547022 _derivationally_related_form 07129202 +13289159 _hypernym 13285176 +09993252 _derivationally_related_form 02058756 +03767459 _derivationally_related_form 01695257 +09981540 _hypernym 09995398 +00974031 _hypernym 02680814 +13525549 _derivationally_related_form 01525666 +00649482 _derivationally_related_form 02918132 +10177014 _hypernym 09610660 +00981083 _derivationally_related_form 06731802 +00381680 _derivationally_related_form 02469835 +02028722 _derivationally_related_form 08182379 +10102800 _derivationally_related_form 00054628 +09060768 _has_part 09064861 +12291763 _hypernym 11567411 +06975594 _hypernym 06941644 +09167767 _has_part 09172751 +04754440 _hypernym 04754237 +13046285 _hypernym 11594676 +07554856 _derivationally_related_form 00594058 +14313154 _derivationally_related_form 00459498 +10509389 _hypernym 10391653 +07410207 _derivationally_related_form 01401772 +03033362 _has_part 04494204 +08725454 _instance_hypernym 08524735 +01507143 _hypernym 01508368 +00229026 _synset_domain_topic_of 06084469 +02513560 _hypernym 02512053 +02456031 _derivationally_related_form 10150071 +08860123 _member_of_domain_region 03163222 +02324397 _derivationally_related_form 05040275 +12226322 _member_meronym 12234513 +03615133 _hypernym 02914813 +08860123 _member_of_domain_region 14412564 +01383896 _hypernym 00017222 +01620436 _hypernym 01619929 +01532107 _hypernym 01507175 +02688403 _hypernym 02687916 +01675963 _derivationally_related_form 00262249 +02595523 _derivationally_related_form 00633329 +01172441 _derivationally_related_form 01504480 +11651731 _member_meronym 11652217 +11538123 _hypernym 08103777 +03346455 _hypernym 04061969 +08042183 _instance_hypernym 08392137 +08782976 _instance_hypernym 08782627 +12316444 _hypernym 12334293 +02285629 _derivationally_related_form 10090498 +06749881 _derivationally_related_form 00926472 +12301180 _hypernym 12300840 +01148283 _hypernym 01127623 +01991233 _hypernym 01759182 +09962414 _derivationally_related_form 00385385 +02366105 _synset_domain_topic_of 06677302 +10186350 _hypernym 09617867 +08723006 _has_part 09306257 +10767265 _derivationally_related_form 00605909 +05561834 _hypernym 05560787 +01611067 _also_see 01160031 +01363613 _also_see 01148283 +00107739 _hypernym 00069879 +04326084 _hypernym 14786479 +14936226 _hypernym 14696793 +01052618 _derivationally_related_form 01528821 +06851742 _member_of_domain_usage 14777188 +07256375 _derivationally_related_form 10398806 +01458228 _derivationally_related_form 13534274 +02037278 _member_meronym 02038329 +01322854 _derivationally_related_form 09884391 +04383130 _hypernym 03804744 +10770545 _derivationally_related_form 14991319 +07185076 _derivationally_related_form 02297948 +03292736 _has_part 03956331 +06892016 _derivationally_related_form 02744977 +15116283 _hypernym 00028270 +02169833 _hypernym 01762525 +14584502 _hypernym 00020090 +00782072 _hypernym 00766234 +12745564 _hypernym 12651821 +10374849 _hypernym 09840217 +05600030 _hypernym 05275905 +07455151 _hypernym 07450842 +06879180 _derivationally_related_form 02148788 +10661002 _derivationally_related_form 01376894 +05774614 _derivationally_related_form 01022420 +12855042 _hypernym 12205694 +00633329 _derivationally_related_form 02595523 +00597629 _hypernym 00586262 +01354869 _member_meronym 01353411 +10587227 _hypernym 10791221 +07075172 _member_of_domain_usage 07144416 +08206460 _member_meronym 10523341 +08646902 _derivationally_related_form 10245863 +00053097 _hypernym 00042757 +14285276 _hypernym 14373582 +00996448 _also_see 00647542 +14064644 _hypernym 14064408 +13982357 _derivationally_related_form 00804802 +05827684 _derivationally_related_form 00503164 +00333037 _derivationally_related_form 01449427 +01999423 _derivationally_related_form 08572467 +13064678 _member_meronym 13065215 +01355326 _hypernym 01348530 +13869327 _derivationally_related_form 02033137 +06728998 _synset_domain_topic_of 08441203 +01637633 _also_see 01634142 +10369699 _derivationally_related_form 06053439 +07840804 _derivationally_related_form 01261491 +00303748 _hypernym 00303495 +01349735 _derivationally_related_form 02657741 +10779416 _hypernym 10485440 +01383393 _derivationally_related_form 09369169 +01602318 _derivationally_related_form 02152212 +00878797 _derivationally_related_form 00032981 +01528069 _hypernym 01340439 +12857594 _hypernym 11579418 +03242713 _derivationally_related_form 02742232 +01249060 _hypernym 01018630 +08714132 _member_of_domain_region 01291674 +13723712 _hypernym 13717155 +07096661 _hypernym 07093603 +01895757 _hypernym 01708676 +01768969 _member_meronym 01771966 +15256915 _has_part 15255804 +03605722 _hypernym 08664443 +05263732 _hypernym 05514410 +01653384 _hypernym 01626600 +02558172 _derivationally_related_form 00067990 +12815925 _member_meronym 12821257 +02193194 _derivationally_related_form 05710210 +03279153 _hypernym 03800933 +00302394 _derivationally_related_form 01840238 +12352150 _hypernym 11556857 +00404642 _derivationally_related_form 05726596 +00575720 _derivationally_related_form 15055633 +01110274 _hypernym 01106808 +02121511 _derivationally_related_form 14324274 +08992648 _instance_hypernym 08544813 +06214744 _hypernym 06212839 +02432291 _hypernym 02430045 +08080025 _hypernym 08208560 +12374238 _hypernym 11575425 +12147031 _member_meronym 12147699 +02487718 _derivationally_related_form 06373747 +01723678 _hypernym 01342529 +13065902 _member_meronym 13067845 +01740969 _synset_domain_topic_of 00918383 +01576478 _verb_group 01576165 +01860107 _derivationally_related_form 00945205 +06845599 _member_of_domain_usage 04438742 +01729322 _hypernym 01727646 +00030647 _derivationally_related_form 14066203 +09023321 _has_part 09453566 +14429985 _derivationally_related_form 00660102 +01495493 _hypernym 01482330 +12706644 _member_meronym 12713664 +10691764 _derivationally_related_form 04390977 +12313005 _member_meronym 12314315 +00045646 _derivationally_related_form 01097960 +08820121 _has_part 08830456 +00090708 _derivationally_related_form 10341955 +05960121 _hypernym 05943300 +01807529 _hypernym 01761706 +00133668 _derivationally_related_form 01416871 +09887034 _derivationally_related_form 01718952 +00933821 _derivationally_related_form 07213395 +10839791 _instance_hypernym 10491575 +13423922 _derivationally_related_form 01539063 +02863536 _hypernym 02715712 +01493142 _hypernym 02281093 +00329831 _derivationally_related_form 08521816 +01394901 _member_meronym 01396458 +01190840 _hypernym 01171183 +12396255 _hypernym 11562747 +12838027 _member_meronym 12847254 +07455301 _hypernym 07449862 +05617107 _hypernym 05616786 +09189411 _has_part 08958830 +00216038 _derivationally_related_form 00355955 +12871272 _hypernym 13118707 +05250659 _hypernym 05248181 +08853741 _has_part 09387624 +02752615 _hypernym 04015204 +09833441 _hypernym 09917593 +01522878 _derivationally_related_form 02860415 +00253761 _verb_group 00171852 +11618525 _hypernym 11608250 +10729923 _hypernym 10036266 +14445226 _derivationally_related_form 00388635 +01491991 _hypernym 01429349 +12678059 _member_meronym 12678794 +01975880 _member_meronym 01984416 +05799212 _hypernym 05798043 +04074482 _hypernym 03740161 +10875910 _instance_hypernym 10467395 +01017987 _hypernym 00407535 +00209598 _synset_domain_topic_of 06084469 +13144511 _member_meronym 13145040 +01711965 _derivationally_related_form 06262567 +00829761 _hypernym 00829107 +14290534 _derivationally_related_form 00104026 +00595894 _hypernym 00586262 +09013074 _instance_hypernym 09012101 +06613686 _hypernym 06619065 +01207527 _derivationally_related_form 00333829 +01941093 _derivationally_related_form 00609506 +11767196 _member_meronym 11767354 +07822518 _hypernym 07809368 +02649830 _hypernym 02655135 +01200440 _hypernym 01156834 +08723006 _has_part 08728268 +07026352 _hypernym 07025900 +01693472 _member_meronym 01693783 +01575577 _member_meronym 01575745 +00105554 _derivationally_related_form 10221312 +08029784 _hypernym 08189659 +05015117 _hypernym 05011790 +11643684 _member_meronym 11644226 +15257416 _hypernym 05867413 +01239619 _also_see 01240308 +02041678 _derivationally_related_form 01052782 +05713737 _derivationally_related_form 02124332 +06758225 _derivationally_related_form 00836705 +08858248 _has_part 09479238 +02528985 _hypernym 02528380 +02760855 _hypernym 03701391 +05700625 _hypernym 05700087 +00285889 _derivationally_related_form 00490722 +01382917 _derivationally_related_form 01944390 +14509712 _hypernym 14034177 +05577741 _hypernym 05577410 +01039140 _has_part 00094240 +02472293 _has_part 05563770 +07815588 _hypernym 07809368 +00482893 _hypernym 00483181 +06589574 _has_part 06998748 +01927447 _synset_domain_topic_of 00523513 +12689808 _member_meronym 12690240 +00848420 _derivationally_related_form 06715223 +08153337 _member_meronym 09505418 +02082690 _hypernym 02043190 +07738353 _hypernym 07670731 +12485122 _member_meronym 12485523 +11629501 _member_meronym 11636068 +14324274 _derivationally_related_form 01794523 +02714200 _hypernym 02713372 +09275016 _has_part 09006413 +00953216 _derivationally_related_form 07220773 +05607001 _hypernym 05225602 +01719645 _member_meronym 01720496 +02125641 _derivationally_related_form 05714161 +01322509 _derivationally_related_form 00388065 +05978812 _hypernym 05967977 +09877951 _derivationally_related_form 02588871 +01345109 _also_see 01347678 +01466543 _hypernym 01463963 +08081403 _synset_domain_topic_of 00523513 +00322151 _derivationally_related_form 07712559 +00337210 _derivationally_related_form 01864634 +00264034 _derivationally_related_form 00367280 +02142064 _hypernym 01862557 +00836926 _hypernym 00137313 +01215421 _derivationally_related_form 00775286 +05154908 _derivationally_related_form 02735897 +02102398 _derivationally_related_form 00307631 +00365810 _hypernym 00109660 +01001643 _derivationally_related_form 06508816 +12266796 _hypernym 12266217 +12943443 _hypernym 12205694 +13172107 _member_meronym 13176523 +02192570 _synset_domain_topic_of 00243918 +00946060 _hypernym 00945401 +02641463 _derivationally_related_form 10763725 +01069311 _derivationally_related_form 01802070 +08628414 _instance_hypernym 08574314 +10221312 _derivationally_related_form 00853633 +02204242 _derivationally_related_form 14444114 +12178129 _has_part 12178358 +02502916 _derivationally_related_form 05790572 +00682436 _hypernym 00681429 +03837422 _hypernym 03563967 +05645597 _hypernym 05644922 +10955483 _instance_hypernym 10088390 +01687441 _member_meronym 01688428 +12595801 _member_meronym 12595964 +01660870 _hypernym 01659248 +01912159 _derivationally_related_form 03137228 +00241507 _hypernym 00137279 +08438533 _member_meronym 13104059 +01387786 _derivationally_related_form 00356790 +01764800 _hypernym 01814815 +12158148 _member_meronym 12159055 +13303315 _hypernym 13275847 +09044862 _has_part 09090825 +01093172 _derivationally_related_form 13981403 +04874409 _hypernym 04873550 +02027411 _derivationally_related_form 07959943 +02001461 _derivationally_related_form 00320486 +06520222 _hypernym 06628861 +00082308 _hypernym 00064095 +02797881 _hypernym 02799897 +12701178 _hypernym 11566682 +13039870 _member_meronym 13040108 +14049711 _derivationally_related_form 01170243 +10781984 _derivationally_related_form 01522276 +08849753 _instance_hypernym 08696931 +03619890 _hypernym 04105893 +14724025 _derivationally_related_form 00573932 +01876843 _member_meronym 01879095 +00052672 _derivationally_related_form 14702416 +13580723 _derivationally_related_form 01193721 +12870392 _member_meronym 12870535 +02566227 _derivationally_related_form 10039391 +05563770 _has_part 05568767 +05927813 _derivationally_related_form 00708376 +06142118 _has_part 06128570 +03201208 _derivationally_related_form 02656763 +02875499 _derivationally_related_form 08368308 +03616428 _hypernym 04100174 +02574093 _hypernym 01432517 +10120085 _derivationally_related_form 08246302 +01625747 _member_meronym 01627424 +08860123 _member_of_domain_region 07577772 +12905655 _member_meronym 12906021 +09117351 _has_part 09124589 +00452512 _also_see 01194938 +04187061 _hypernym 04014297 +11629501 _member_meronym 11634526 +15212739 _has_part 15223750 +13757249 _derivationally_related_form 00490722 +01378137 _member_meronym 01378346 +04054795 _has_part 03952277 +08061042 _synset_domain_topic_of 01094725 +10016954 _derivationally_related_form 01520844 +02700867 _derivationally_related_form 02964634 +07553301 _hypernym 00026192 +03544360 _has_part 03686130 +11517494 _hypernym 11495041 +00366020 _derivationally_related_form 15062284 +14206929 _hypernym 14204950 +05437785 _synset_domain_topic_of 06075527 +09929770 _hypernym 09955015 +11799520 _hypernym 11585340 +00302130 _hypernym 00126264 +07259772 _synset_domain_topic_of 06172789 +01485158 _derivationally_related_form 08008017 +00877083 _hypernym 00877327 +15195059 _hypernym 15185007 +01639369 _member_meronym 01645634 +13020623 _hypernym 11592146 +13538757 _derivationally_related_form 00266586 +01032127 _hypernym 01031256 +01709781 _hypernym 01708676 +13854101 _hypernym 07260623 +05714161 _hypernym 05713737 +07525555 _derivationally_related_form 01794195 +01546039 _hypernym 01524359 +08860123 _member_of_domain_region 15222686 +07956887 _derivationally_related_form 02246456 +01245637 _hypernym 00293141 +00976085 _synset_domain_topic_of 00469651 +01730799 _hypernym 01729431 +07221094 _derivationally_related_form 00954271 +00321652 _hypernym 00217956 +01674717 _hypernym 01673891 +05123416 _derivationally_related_form 02685951 +02014406 _hypernym 01507175 +07582609 _hypernym 07810907 +03652932 _hypernym 04081844 +01664172 _derivationally_related_form 03101156 +11127188 _instance_hypernym 10547145 +04159354 _derivationally_related_form 01354006 +02218759 _derivationally_related_form 03082979 +09759069 _derivationally_related_form 02599939 +01650690 _hypernym 01650167 +06552639 _hypernym 06547059 +02335629 _hypernym 02327200 +12892226 _member_meronym 12906334 +00549284 _derivationally_related_form 01723690 +07642182 _hypernym 07628870 +09210604 _hypernym 14877585 +14892655 _hypernym 14966667 +01524885 _member_meronym 01538775 +05246511 _derivationally_related_form 02079525 +08132955 _has_part 08133189 +09351547 _hypernym 09397391 +01355646 _derivationally_related_form 00145929 +09433442 _hypernym 09287968 +00779360 _hypernym 00779061 +05083200 _derivationally_related_form 00328802 +07464402 _synset_domain_topic_of 15253139 +01710317 _derivationally_related_form 10015215 +11927901 _member_meronym 11929477 +07851054 _derivationally_related_form 01262936 +00642045 _hypernym 00635850 +02181973 _derivationally_related_form 10714851 +00158503 _hypernym 00153263 +13905792 _derivationally_related_form 01276361 +01929396 _member_meronym 01933342 +02631349 _hypernym 02630189 +02914813 _hypernym 14786479 +12226322 _member_meronym 12242287 +06922045 _hypernym 06920756 +13140699 _hypernym 11562747 +13505467 _has_part 13530989 +14621446 _hypernym 09465459 +02742842 _derivationally_related_form 00255710 +12834408 _member_meronym 12837643 +01490112 _hypernym 01488918 +08728066 _instance_hypernym 08524735 +08674970 _hypernym 08673395 +04862592 _derivationally_related_form 01025913 +01020005 _derivationally_related_form 06766190 +01501347 _derivationally_related_form 10629020 +11485367 _derivationally_related_form 02112546 +09033333 _member_of_domain_region 08038995 +01680132 _derivationally_related_form 01896031 +01441425 _hypernym 01439121 +00085626 _derivationally_related_form 09795639 +09013353 _instance_hypernym 08633957 +01130607 _derivationally_related_form 03878963 +01072949 _verb_group 01079480 +02711114 _derivationally_related_form 09273291 +11786983 _hypernym 11556857 +01180351 _derivationally_related_form 03206908 +00927578 _derivationally_related_form 13959931 +03379204 _hypernym 02752311 +07053993 _hypernym 07048000 +11564734 _hypernym 11562747 +08311522 _hypernym 08310949 +02553196 _member_meronym 02621721 +01410223 _derivationally_related_form 04337740 +01017001 _derivationally_related_form 06733227 +08299493 _hypernym 08077292 +13877918 _derivationally_related_form 00362128 +12678059 _member_meronym 12679023 +09756961 _hypernym 00007846 +08094013 _hypernym 08081668 +01935476 _derivationally_related_form 10411163 +10693824 _derivationally_related_form 06152821 +04467099 _derivationally_related_form 01453969 +02851099 _derivationally_related_form 01477538 +10252075 _derivationally_related_form 02460619 +01950657 _derivationally_related_form 00951037 +07275489 _derivationally_related_form 02040709 +02591893 _derivationally_related_form 10477585 +07743902 _hypernym 13137409 +08888676 _has_part 08889400 +01247647 _derivationally_related_form 00904046 +01637633 _derivationally_related_form 05769726 +08095647 _derivationally_related_form 02923510 +00218045 _derivationally_related_form 01656458 +02321342 _hypernym 08103777 +01779148 _hypernym 01776705 +00684128 _hypernym 00667384 +09720033 _derivationally_related_form 08957212 +00050037 _derivationally_related_form 02471690 +02265471 _hypernym 01342529 +13686660 _hypernym 13686526 +01506583 _hypernym 01505254 +09921792 _hypernym 10705615 +09024467 _instance_hypernym 08691669 +10658304 _derivationally_related_form 02323286 +01471070 _member_meronym 01473990 +01486312 _hypernym 01587062 +12327718 _member_meronym 12327846 +11446242 _derivationally_related_form 00366275 +08582837 _hypernym 08630039 +08722084 _instance_hypernym 08633957 +00590383 _derivationally_related_form 10164025 +00996485 _derivationally_related_form 06404582 +01105909 _derivationally_related_form 01452255 +11482013 _hypernym 11452218 +15136723 _has_part 15291801 +02276355 _hypernym 02274822 +01765908 _verb_group 01767163 +06564387 _has_part 06394564 +13727209 _hypernym 13609507 +00555983 _derivationally_related_form 02061495 +12975207 _member_meronym 12975982 +01008288 _hypernym 01007924 +01673891 _synset_domain_topic_of 00714944 +02984104 _derivationally_related_form 10468750 +00854000 _derivationally_related_form 01425709 +00691516 _verb_group 00971015 +00187016 _derivationally_related_form 14632129 +02185373 _derivationally_related_form 07386370 +00389406 _hypernym 00389638 +00527367 _hypernym 00126264 +08578517 _derivationally_related_form 02661574 +02480346 _hypernym 01864707 +01651444 _derivationally_related_form 10438172 +07487695 _hypernym 00026192 +02217266 _derivationally_related_form 01134037 +02533424 _member_meronym 02533545 +11911591 _member_meronym 11968104 +07475364 _derivationally_related_form 02473688 +00473799 _hypernym 00473572 +08215801 _hypernym 08215248 +02418421 _derivationally_related_form 00041188 +14204586 _derivationally_related_form 02112546 +02493673 _hypernym 01864707 +08831004 _has_part 08834916 +01762528 _derivationally_related_form 00242808 +02447793 _derivationally_related_form 06687358 +00956131 _derivationally_related_form 04850117 +02173513 _derivationally_related_form 07394814 +00090253 _hypernym 00041899 +15266164 _hypernym 15265518 +02499312 _derivationally_related_form 00207761 +06596364 _has_part 07003352 +00050693 _derivationally_related_form 01990694 +14536831 _derivationally_related_form 00211108 +00327145 _derivationally_related_form 07787429 +14524849 _hypernym 13920835 +06255354 _hypernym 06254475 +12140137 _hypernym 11556857 +10805783 _hypernym 09505418 +11804082 _member_meronym 11835806 +06845599 _member_of_domain_usage 03921337 +12163649 _hypernym 11567411 +08493064 _derivationally_related_form 02812482 +08134807 _has_part 08136502 +14105737 _hypernym 14084880 +13534608 _derivationally_related_form 02618877 +07852045 _hypernym 07850329 +02994448 _derivationally_related_form 01835496 +01170052 _also_see 01202374 +02504131 _derivationally_related_form 02662297 +09075842 _has_part 09077821 +02155248 _derivationally_related_form 05651971 +00730708 _synset_domain_topic_of 08199025 +02194138 _hypernym 02191766 +00645771 _hypernym 00644583 +02662297 _hypernym 02666239 +00583239 _also_see 02505716 +01401517 _member_meronym 01401686 +09864536 _derivationally_related_form 01131902 +02598438 _hypernym 01432517 +00054628 _derivationally_related_form 10080869 +00136984 _synset_domain_topic_of 00468480 +00693633 _derivationally_related_form 10325243 +01294182 _hypernym 01557774 +08494782 _instance_hypernym 08574314 +13587763 _hypernym 13586122 +08873622 _instance_hypernym 08691669 +12251740 _hypernym 13112664 +05122099 _hypernym 05121418 +00211110 _derivationally_related_form 00352558 +02850732 _hypernym 03775199 +00233335 _derivationally_related_form 05846355 +04842313 _hypernym 04852088 +02527294 _derivationally_related_form 06021761 +02928413 _derivationally_related_form 01466978 +01696282 _member_meronym 01696849 +01054186 _derivationally_related_form 07118747 +03512147 _has_part 02848523 +02809692 _derivationally_related_form 06125041 +00772189 _hypernym 00772967 +02102398 _hypernym 01835496 +12213197 _hypernym 11534677 +05955323 _hypernym 05923983 +04538249 _hypernym 03733925 +12074205 _member_meronym 12074408 +09095023 _member_of_domain_region 01283935 +06974127 _derivationally_related_form 03075191 +09712696 _derivationally_related_form 03083069 +12049796 _hypernym 11556857 +10562283 _derivationally_related_form 01275762 +05277941 _hypernym 05277728 +08224684 _hypernym 08223802 +02521816 _derivationally_related_form 00290579 +02572904 _member_meronym 02573075 +10613996 _derivationally_related_form 02115430 +00331082 _hypernym 00338071 +01088749 _hypernym 01182709 +05736149 _derivationally_related_form 00681429 +07567139 _derivationally_related_form 00283911 +01648126 _hypernym 01641914 +00574227 _hypernym 00336805 +11607392 _member_meronym 11659909 +01935476 _hypernym 01955984 +02264734 _hypernym 01759182 +02220393 _member_meronym 02220518 +07499615 _hypernym 07497473 +12609379 _hypernym 13121544 +00751529 _derivationally_related_form 00474308 +00360485 _hypernym 00351638 +08929922 _has_part 08934532 +00737399 _derivationally_related_form 02661252 +01616764 _hypernym 01616318 +02100236 _hypernym 02099997 +09546453 _synset_domain_topic_of 05985602 +02062670 _also_see 01409581 +00785008 _derivationally_related_form 07196682 +09980458 _derivationally_related_form 00787049 +08792548 _member_of_domain_region 08345613 +00980908 _hypernym 00980453 +07537068 _hypernym 07532440 +11911591 _member_meronym 11927616 +13491060 _derivationally_related_form 00445467 +10076957 _derivationally_related_form 00201407 +12064183 _hypernym 11556857 +12861751 _hypernym 11579418 +09713501 _derivationally_related_form 02923745 +01449980 _hypernym 01448951 +00986750 _hypernym 00983824 +04481946 _hypernym 03072440 +14706749 _hypernym 14618253 +02532261 _hypernym 02531625 +14494032 _hypernym 14493716 +01125084 _derivationally_related_form 00978173 +02586121 _derivationally_related_form 05194043 +00378985 _hypernym 00376063 +00662182 _derivationally_related_form 06818747 +11462526 _hypernym 11425580 +07956721 _hypernym 07956426 +15237567 _derivationally_related_form 02677332 +13753585 _hypernym 13745420 +02608347 _derivationally_related_form 00235435 +05529729 _has_part 05372593 +01968115 _member_meronym 01969103 +02390470 _derivationally_related_form 10206887 +10959664 _instance_hypernym 10566072 +01076615 _derivationally_related_form 00166172 +00713996 _derivationally_related_form 06032246 +14672717 _hypernym 14662574 +10895688 _instance_hypernym 10123844 +02296150 _hypernym 01762525 +04515129 _derivationally_related_form 01233347 +01633047 _member_meronym 01633578 +02431971 _derivationally_related_form 08164585 +13366693 _hypernym 13258362 +09177883 _instance_hypernym 09472597 +07921615 _hypernym 07884567 +14796073 _hypernym 15047313 +06581410 _has_part 06584702 +14062725 _derivationally_related_form 01165290 +13148019 _hypernym 11567411 +07180570 _derivationally_related_form 01023259 +15272029 _derivationally_related_form 01859586 +00428270 _hypernym 06157326 +00143251 _hypernym 00635850 +00978369 _derivationally_related_form 07132415 +07365849 _derivationally_related_form 02680814 +00062133 _hypernym 00061598 +07397955 _derivationally_related_form 02175578 +01217617 _hypernym 01217043 +05114781 _hypernym 05113462 +06410904 _has_part 06345131 +01731418 _hypernym 01657723 +11046169 _instance_hypernym 09818343 +08900047 _instance_hypernym 08665504 +09207288 _has_part 09020440 +07169480 _derivationally_related_form 00750345 +07160424 _derivationally_related_form 00865958 +05790242 _hypernym 05788149 +08801678 _has_part 09200874 +05370918 _hypernym 05418717 +01511380 _hypernym 01474550 +01673668 _member_meronym 01683724 +02478059 _derivationally_related_form 14455700 +09791530 _hypernym 09617867 +08904731 _instance_hypernym 08524735 +00208797 _derivationally_related_form 02401809 +09090825 _has_part 09091398 +01379252 _member_meronym 01379389 +06611856 _hypernym 06612266 +00177243 _hypernym 00173338 +01021889 _hypernym 01017987 +05565696 _hypernym 05221895 +06545137 _hypernym 06479665 +14910748 _hypernym 14618834 +00624967 _hypernym 01634142 +01765908 _hypernym 01764171 +01240432 _hypernym 01240210 +06785367 _derivationally_related_form 00620379 +03087088 _derivationally_related_form 08968677 +01558149 _hypernym 01557185 +01251228 _derivationally_related_form 00251780 +09627462 _derivationally_related_form 00413432 +06761798 _derivationally_related_form 00810385 +06545528 _synset_domain_topic_of 08441203 +02317653 _hypernym 08103777 +10169678 _hypernym 09939313 +02232606 _member_meronym 02232951 +10641551 _derivationally_related_form 00796976 +14578104 _derivationally_related_form 00219012 +00311559 _hypernym 00126264 +15227846 _hypernym 15154774 +09060768 _has_part 09065191 +00897241 _hypernym 00990655 +08957993 _instance_hypernym 08524735 +01084588 _hypernym 01111816 +01981702 _hypernym 01976957 +08954611 _member_of_domain_region 01275934 +02468178 _hypernym 05327767 +00706975 _derivationally_related_form 05908520 +12637729 _member_meronym 12644902 +05638606 _hypernym 05637558 +02234781 _derivationally_related_form 04947628 +00119266 _derivationally_related_form 13560079 +02159890 _derivationally_related_form 02852173 +06621447 _has_part 06621771 +01023820 _derivationally_related_form 02438535 +11778534 _member_meronym 11790624 +03665924 _has_part 03336575 +00168588 _hypernym 01631072 +00734790 _hypernym 00742320 +09547353 _hypernym 09547111 +02539788 _derivationally_related_form 10399491 +08745011 _instance_hypernym 08524735 +00760956 _derivationally_related_form 01240210 +05587288 _has_part 05281189 +05532225 _has_part 05535484 +04653627 _hypernym 04652930 +09989502 _derivationally_related_form 01894649 +00500055 _verb_group 00499812 +01194331 _derivationally_related_form 01468058 +01231252 _derivationally_related_form 00112997 +06200344 _hypernym 06200178 +10451263 _derivationally_related_form 13840719 +00803325 _derivationally_related_form 09825096 +03764822 _hypernym 04520170 +05280998 _has_part 05542539 +05960464 _derivationally_related_form 00980908 +00322847 _derivationally_related_form 00243918 +00858849 _derivationally_related_form 00015303 +12185859 _hypernym 13112664 +11628793 _hypernym 11628456 +04182514 _hypernym 03895293 +12553114 _hypernym 13118707 +13253255 _hypernym 13252973 +00522751 _verb_group 02210855 +05560244 _has_part 05566919 +00553362 _hypernym 00553173 +04152387 _derivationally_related_form 01130169 +11414874 _synset_domain_topic_of 06090869 +02938514 _hypernym 03740161 +07160296 _derivationally_related_form 01629958 +02032355 _hypernym 02031934 +13649268 _hypernym 13604275 +00471196 _derivationally_related_form 07334490 +03082979 _hypernym 03699975 +02630189 _verb_group 02204692 +14635290 _hypernym 14625458 +12874429 _hypernym 11744583 +09870208 _hypernym 09939313 +00968211 _derivationally_related_form 00367976 +00924873 _derivationally_related_form 10681383 +02269003 _hypernym 01158181 +01812324 _derivationally_related_form 07528212 +02453889 _hypernym 00806502 +00161225 _verb_group 00550117 +00869126 _derivationally_related_form 07181935 +00597821 _hypernym 00586262 +05480794 _has_part 05467054 +00910973 _derivationally_related_form 10776339 +06633041 _derivationally_related_form 00900214 +12995724 _hypernym 08220891 +11856981 _member_meronym 11859981 +04284002 _hypernym 03094503 +12397594 _member_meronym 12397864 +01909397 _verb_group 01909978 +10404672 _hypernym 10412055 +01509584 _verb_group 01407904 +09327881 _has_part 09364249 +02276866 _hypernym 02321757 +07860208 _hypernym 07859583 +04194289 _has_part 04154152 +00464894 _derivationally_related_form 01146793 +00023773 _hypernym 00023100 +04063868 _hypernym 03744840 +12834671 _member_meronym 12834798 +09332976 _instance_hypernym 09328904 +02047148 _derivationally_related_form 04454240 +04385079 _hypernym 03051540 +09001007 _instance_hypernym 08524735 +02538086 _derivationally_related_form 13930385 +07075172 _member_of_domain_usage 09853881 +05017230 _derivationally_related_form 01746605 +12772081 _member_meronym 12773488 +12526946 _hypernym 11585340 +07884413 _derivationally_related_form 01175467 +09676490 _hypernym 07967382 +01793177 _derivationally_related_form 01224031 +03035089 _synset_domain_topic_of 15253139 +12857024 _member_meronym 12857204 +05002822 _hypernym 04997988 +02170427 _hypernym 02169891 +04299699 _hypernym 04162998 +10065066 _hypernym 10423589 +01643896 _hypernym 01639765 +08971025 _has_part 08971404 +14597758 _derivationally_related_form 01383646 +02392878 _also_see 00849357 +09407632 _instance_hypernym 09411430 +06295235 _member_of_domain_usage 04370288 +05872982 _hypernym 05835747 +00330144 _derivationally_related_form 00388210 +02278839 _hypernym 02274822 +02090990 _hypernym 01850315 +02700104 _hypernym 02657219 +06763273 _derivationally_related_form 00961329 +07286799 _hypernym 07286368 +11778534 _hypernym 11555413 +06941644 _hypernym 06904171 +11911591 _member_meronym 11972141 +02535896 _hypernym 00126264 +01776214 _derivationally_related_form 13370448 +08382056 _hypernym 08381820 +15009843 _hypernym 15010703 +02718469 _hypernym 03740161 +02296150 _member_meronym 02296276 +07051185 _hypernym 07025604 +03575240 _hypernym 00021939 +06797671 _derivationally_related_form 00921300 +08081668 _derivationally_related_form 09629065 +07528807 _derivationally_related_form 01811736 +10146927 _derivationally_related_form 00897241 +00888009 _hypernym 00886281 +09189411 _has_part 09178141 +01643374 _hypernym 01626600 +11846087 _hypernym 11573660 +02503517 _hypernym 02453108 +09014586 _instance_hypernym 08696931 +09189411 _has_part 08759986 +04030965 _derivationally_related_form 03108193 +09166756 _instance_hypernym 08574314 +02553196 _member_meronym 02582437 +10856486 _synset_domain_topic_of 08083599 +10012713 _hypernym 09974648 +00381326 _derivationally_related_form 01376620 +05116953 _derivationally_related_form 00016756 +12923839 _hypernym 11585340 +02714974 _derivationally_related_form 07996149 +14083790 _hypernym 14052403 +00264776 _also_see 00077645 +00698855 _derivationally_related_form 02603926 +00024720 _hypernym 00024264 +03471779 _derivationally_related_form 00271520 +02544191 _hypernym 02543874 +14778436 _hypernym 00007347 +02289295 _derivationally_related_form 10117511 +01304466 _hypernym 01340439 +00560893 _derivationally_related_form 00358931 +00599613 _hypernym 00598954 +07047505 _hypernym 07037465 +01411768 _hypernym 01411085 +09328904 _has_part 09313716 +03337140 _derivationally_related_form 01001643 +10380672 _hypernym 10630188 +09130076 _has_part 09130452 +00327145 _derivationally_related_form 15055181 +00360932 _derivationally_related_form 15142167 +05868954 _derivationally_related_form 00733250 +05197945 _hypernym 05196582 +08432820 _hypernym 08432345 +12898628 _hypernym 11579418 +00925873 _hypernym 00633443 +11709205 _has_part 07826930 +02238462 _also_see 02230990 +10058155 _hypernym 10605985 +10341955 _derivationally_related_form 00090708 +02654890 _hypernym 01429349 +07075172 _hypernym 07069948 +01684337 _derivationally_related_form 10566072 +11540747 _hypernym 11534677 +09207288 _has_part 08968677 +02407987 _derivationally_related_form 00584367 +00101800 _also_see 02098325 +00925735 _hypernym 00940384 +01973125 _derivationally_related_form 00327683 +06466479 _hypernym 06429590 +07181935 _derivationally_related_form 00869126 +12721357 _hypernym 11585340 +00289297 _derivationally_related_form 04970059 +01003729 _hypernym 01003570 +00033574 _also_see 00875712 +01341876 _hypernym 07940552 +05267345 _hypernym 05220461 +00262792 _also_see 01989669 +13030852 _hypernym 13028611 +00547022 _derivationally_related_form 07118747 +02663657 _hypernym 01429349 +00266798 _synset_domain_topic_of 06089447 +00302394 _derivationally_related_form 01847845 +10441694 _derivationally_related_form 02299269 +02082791 _hypernym 01886756 +08164585 _member_meronym 08381636 +11911591 _member_meronym 12032939 +12963796 _member_meronym 12964572 +10689104 _hypernym 10100124 +09696585 _hypernym 09725229 +04638175 _derivationally_related_form 00668099 +12605683 _hypernym 13122364 +03284120 _derivationally_related_form 01496843 +05068080 _derivationally_related_form 01606574 +00616857 _derivationally_related_form 05706629 +07524529 _derivationally_related_form 01766748 +13773361 _hypernym 13760316 +05763412 _derivationally_related_form 00652346 +00495038 _derivationally_related_form 14821590 +12963796 _hypernym 11594676 +14407536 _derivationally_related_form 01806505 +12226322 _member_meronym 12227220 +04695176 _hypernym 04673965 +05374980 _hypernym 05418717 +01623425 _hypernym 01621127 +01036804 _derivationally_related_form 10463943 +12612913 _hypernym 11555413 +14654175 _hypernym 14724645 +14031108 _derivationally_related_form 01930512 +01362568 _hypernym 01332730 +14094881 _hypernym 14058563 +13576101 _hypernym 00033615 +00284813 _hypernym 00283911 +11778534 _member_meronym 11789796 +01182293 _derivationally_related_form 04638585 +10371450 _hypernym 10372373 +00192910 _derivationally_related_form 02269767 +07277158 _derivationally_related_form 02278061 +11308120 _instance_hypernym 10018532 +07215377 _hypernym 07213395 +00511817 _derivationally_related_form 01967104 +08356074 _has_part 08123696 +02122164 _derivationally_related_form 07496463 +01240210 _hypernym 01239064 +00864159 _derivationally_related_form 06709692 +02823124 _hypernym 03277771 +07344233 _derivationally_related_form 01948077 +01359432 _derivationally_related_form 02999757 +01639369 _member_meronym 01652583 +01488245 _derivationally_related_form 14424780 +10372373 _derivationally_related_form 08357784 +07169480 _hypernym 07168131 +00956405 _derivationally_related_form 00373544 +00449517 _hypernym 00449295 +05046471 _derivationally_related_form 01849746 +04526964 _hypernym 03183080 +14403772 _hypernym 14403107 +13027190 _hypernym 11590783 +00389638 _derivationally_related_form 07331210 +12592544 _has_part 12592839 +09243906 _hypernym 14854847 +01391174 _member_meronym 01391391 +02285359 _member_meronym 02285909 +02573406 _hypernym 01429349 +03527930 _instance_hypernym 02921884 +07822687 _hypernym 07809368 +02243967 _hypernym 02242464 +04438304 _hypernym 04437953 +02151966 _derivationally_related_form 10770059 +03603722 _hypernym 02876657 +08929922 _member_of_domain_region 13752443 +05753954 _derivationally_related_form 00729781 +01539063 _derivationally_related_form 00842692 +01916738 _member_meronym 01916925 +00907340 _derivationally_related_form 02113430 +13149506 _hypernym 13149296 +02453373 _member_meronym 02453890 +14407536 _derivationally_related_form 00776988 +14577469 _hypernym 13920835 +02076280 _also_see 02076027 +09811852 _derivationally_related_form 01134522 +10286539 _derivationally_related_form 01721754 +12538380 _hypernym 13120003 +02420232 _derivationally_related_form 10078806 +15275598 _derivationally_related_form 02752567 +01016316 _derivationally_related_form 06559365 +06081602 _hypernym 06081833 +01791232 _derivationally_related_form 05685030 +03496296 _derivationally_related_form 10161047 +13375891 _hypernym 13331198 +01463259 _derivationally_related_form 01262113 +00378042 _derivationally_related_form 04694090 +10660729 _derivationally_related_form 01881180 +00385501 _derivationally_related_form 02430580 +04399537 _hypernym 03446832 +07151380 _hypernym 07109196 +02078294 _derivationally_related_form 00328015 +12682264 _hypernym 11579418 +12332422 _hypernym 11567411 +01478002 _derivationally_related_form 02796412 +00305153 _hypernym 00052500 +01471070 _member_meronym 01657723 +00731222 _derivationally_related_form 02475261 +02698178 _derivationally_related_form 04763293 +02171633 _member_meronym 02173571 +07969695 _member_meronym 10308275 +03740161 _derivationally_related_form 00084230 +00417001 _verb_group 02672187 +02435867 _derivationally_related_form 00242583 +01940403 _derivationally_related_form 02151625 +06845599 _member_of_domain_usage 03195118 +02251743 _also_see 02215506 +00112997 _hypernym 00112312 +11796744 _member_meronym 11800359 +01644373 _hypernym 01639765 +13475538 _hypernym 13486838 +02114924 _derivationally_related_form 13463255 +12749679 _hypernym 13112664 +00883847 _hypernym 00883635 +00345926 _hypernym 00331950 +10045454 _derivationally_related_form 00883297 +09287968 _hypernym 00002684 +02337699 _derivationally_related_form 08511970 +01310660 _derivationally_related_form 03302121 +07547805 _derivationally_related_form 01244410 +02867715 _derivationally_related_form 01131902 +06350127 _hypernym 06403393 +02554922 _derivationally_related_form 07251984 +01139104 _derivationally_related_form 00430140 +02439281 _derivationally_related_form 00941140 +01586791 _hypernym 01507175 +01258091 _derivationally_related_form 05283498 +06106502 _derivationally_related_form 02835887 +01500995 _hypernym 01429349 +00291873 _derivationally_related_form 13983304 +09023321 _has_part 09025189 +00941974 _derivationally_related_form 01313923 +07033433 _hypernym 07033245 +09908025 _hypernym 09624168 +12647376 _hypernym 12641931 +01152670 _derivationally_related_form 03150795 +02769290 _has_part 04149208 +00992331 _hypernym 00646833 +00783042 _verb_group 00781652 +01266152 _derivationally_related_form 00940214 +11182621 _instance_hypernym 09826204 +01311520 _has_part 01287431 +01353169 _hypernym 02045043 +01716227 _derivationally_related_form 04995211 +00849059 _hypernym 00851994 +01802309 _member_meronym 01802895 +05700087 _hypernym 05669934 +07256695 _hypernym 07256375 +12619306 _member_meronym 12622653 +00931847 _hypernym 00927261 +05399486 _hypernym 05303402 +02653359 _hypernym 01432517 +00089351 _hypernym 00077419 +12356255 _hypernym 11556857 +10098245 _hypernym 10340312 +01189224 _hypernym 01189427 +01872745 _derivationally_related_form 05613962 +02687385 _derivationally_related_form 13940456 +02535457 _hypernym 02431320 +00971650 _hypernym 00822367 +10289039 _hypernym 00007846 +09448361 _hypernym 09225146 +09784306 _hypernym 10020890 +05131283 _hypernym 05084201 +00270561 _derivationally_related_form 13491616 +00955987 _derivationally_related_form 01116585 +03845190 _hypernym 02965300 +01329239 _derivationally_related_form 04321238 +04887129 _hypernym 04616059 +01666802 _member_meronym 01667302 +01012073 _derivationally_related_form 06650070 +01905653 _derivationally_related_form 14486767 +09102517 _instance_hypernym 08524735 +05176477 _derivationally_related_form 02255462 +02201758 _hypernym 01762525 +01587406 _member_meronym 01587526 +04735233 _hypernym 04733640 +13525912 _hypernym 13440063 +02873654 _derivationally_related_form 06780309 +00306426 _hypernym 00295701 +11542341 _member_meronym 11543429 +03933529 _has_part 02864593 +01201429 _synset_domain_topic_of 08441203 +03467984 _has_part 03469493 +13238988 _hypernym 13112664 +10512982 _derivationally_related_form 00199912 +00040152 _derivationally_related_form 02372326 +02753881 _derivationally_related_form 01132980 +10663315 _hypernym 10485440 +02599939 _derivationally_related_form 08280124 +01051331 _hypernym 00407535 +12309403 _hypernym 11567411 +14893652 _hypernym 14892655 +07445896 _derivationally_related_form 01380122 +01437888 _derivationally_related_form 08463063 +13723712 _has_part 13723577 +07621618 _hypernym 03169390 +07884567 _derivationally_related_form 01190494 +02034986 _derivationally_related_form 02734217 +02495922 _also_see 01870889 +00076884 _derivationally_related_form 01984119 +10661216 _hypernym 00007846 +02387034 _verb_group 02553697 +06496624 _hypernym 06495000 +11388321 _instance_hypernym 10020890 +01447001 _member_meronym 01447331 +12709901 _has_part 07747951 +10999584 _instance_hypernym 10258152 +00213903 _hypernym 00213694 +06863751 _derivationally_related_form 02437148 +02298632 _synset_domain_topic_of 00092366 +00545557 _hypernym 00109660 +12905817 _has_part 07734017 +01896484 _hypernym 01708676 +14151884 _hypernym 14193711 +04777098 _hypernym 04776699 +05251537 _hypernym 05250659 +10526300 _hypernym 10034201 +02393086 _hypernym 02391803 +08897065 _member_of_domain_region 01278232 +09023321 _has_part 09166304 +02217266 _derivationally_related_form 01098698 +13534608 _hypernym 13526110 +08050678 _member_meronym 08165455 +04777098 _derivationally_related_form 02095311 +10189278 _hypernym 10020890 +00315020 _derivationally_related_form 00364600 +02135981 _member_meronym 02136103 +01800042 _member_meronym 01800195 +02265560 _synset_domain_topic_of 05662532 +01294026 _hypernym 01292885 +01887474 _hypernym 01886756 +00829170 _derivationally_related_form 00573932 +00315020 _derivationally_related_form 13328357 +02372605 _derivationally_related_form 01184814 +02481231 _derivationally_related_form 00154689 +02552171 _hypernym 02528163 +00039121 _derivationally_related_form 05259109 +01259005 _derivationally_related_form 04692908 +02839200 _hypernym 03546340 +02322230 _derivationally_related_form 10616204 +00499924 _has_part 00500280 +03396311 _derivationally_related_form 01752025 +10979079 _instance_hypernym 10475297 +09207288 _has_part 08798382 +01800195 _hypernym 01799794 +01747945 _derivationally_related_form 10475297 +01566888 _member_meronym 01567133 +07105475 _member_of_domain_usage 00753973 +00387680 _derivationally_related_form 07350567 +06837251 _hypernym 06828818 +10781984 _hypernym 09632518 +08857260 _instance_hypernym 08524735 +02111684 _similar_to 02112891 +00388710 _derivationally_related_form 02718863 +10474645 _derivationally_related_form 00593108 +04194289 _has_part 04055861 +01417868 _synset_domain_topic_of 00243918 +09985279 _hypernym 10605985 +01412415 _similar_to 01412912 +00770543 _derivationally_related_form 01993352 +01732713 _hypernym 01726172 +01780941 _derivationally_related_form 01222666 +09228144 _instance_hypernym 09411430 +11665781 _member_meronym 13148602 +02032934 _hypernym 02032634 +14129999 _has_part 14371913 +13431722 _derivationally_related_form 02621901 +00261258 _hypernym 00248977 +10099093 _derivationally_related_form 01730216 +09305031 _hypernym 09468604 +02348568 _derivationally_related_form 03746574 +02244007 _hypernym 01759182 +10658304 _hypernym 10677271 +09886807 _hypernym 09700492 +02214660 _hypernym 02206270 +02120692 _member_meronym 02120997 +05395690 _has_part 05367735 +01226240 _also_see 01548193 +00194912 _derivationally_related_form 00394803 +01492212 _hypernym 01432517 +01203715 _derivationally_related_form 10470460 +00355524 _hypernym 00075421 +12714254 _hypernym 13104059 +13066631 _member_meronym 13067191 +14056280 _hypernym 14304060 +08929922 _has_part 09425835 +03256166 _derivationally_related_form 02039544 +01787955 _derivationally_related_form 07518468 +14678230 _hypernym 14662574 +07377082 _derivationally_related_form 02183175 +01269008 _derivationally_related_form 14705718 +00624553 _derivationally_related_form 01798452 +01900150 _hypernym 05470189 +13454479 _derivationally_related_form 00368367 +04606358 _hypernym 03892891 +10788852 _derivationally_related_form 02590910 +02029663 _derivationally_related_form 07331400 +02430191 _derivationally_related_form 01081456 +01552523 _hypernym 01504437 +12740196 _member_meronym 12767951 +12064996 _member_meronym 12065777 +01550429 _member_meronym 01552192 +05607001 _synset_domain_topic_of 06057539 +06128570 _synset_domain_topic_of 03082979 +06544142 _derivationally_related_form 02229055 +02047263 _derivationally_related_form 02995998 +05167237 _derivationally_related_form 00156101 +07419233 _derivationally_related_form 00374534 +01589125 _member_meronym 01589582 +00595684 _derivationally_related_form 10388440 +09305031 _derivationally_related_form 02263982 +08708481 _instance_hypernym 08524735 +01662274 _member_meronym 01665238 +00876665 _derivationally_related_form 08308497 +04347754 _hypernym 04348184 +03241660 _hypernym 04008947 +08723006 _has_part 08727396 +01081628 _derivationally_related_form 02589245 +00905399 _derivationally_related_form 10399130 +07560331 _hypernym 07570720 +05161614 _derivationally_related_form 02513460 +00931453 _hypernym 00929718 +01187810 _derivationally_related_form 02501278 +10394786 _derivationally_related_form 09284589 +06845599 _member_of_domain_usage 03480186 +09842823 _hypernym 10373998 +08860123 _has_part 08894456 +08984788 _member_of_domain_region 10142537 +01162291 _derivationally_related_form 09891079 +10697519 _derivationally_related_form 04400499 +08977665 _instance_hypernym 08524735 +14018567 _hypernym 14015731 +02158896 _derivationally_related_form 02944579 +01480770 _hypernym 01480149 +02772868 _derivationally_related_form 00234988 +09063259 _instance_hypernym 08524735 +00899292 _hypernym 00898518 +01825417 _member_meronym 01830623 +06539770 _hypernym 06532095 +03354903 _derivationally_related_form 01040550 +06714288 _derivationally_related_form 00824292 +02933990 _hypernym 04404412 +00031820 _hypernym 01802494 +07649854 _hypernym 07555863 +13028337 _hypernym 08103777 +00836236 _derivationally_related_form 01981699 +05026843 _hypernym 05009170 +12396666 _member_meronym 12396924 +07395104 _derivationally_related_form 01374767 +01995323 _member_meronym 01995686 +09409752 _hypernym 09287968 +00601378 _verb_group 00601043 +05641959 _derivationally_related_form 00597634 +01733667 _derivationally_related_form 04536866 +01884577 _derivationally_related_form 04435870 +02549533 _member_meronym 02550296 +08024408 _instance_hypernym 08392137 +01932973 _derivationally_related_form 13954253 +14634232 _hypernym 14625458 +07747811 _hypernym 07747607 +06851742 _hypernym 07270179 +01057759 _derivationally_related_form 01178565 +04278605 _derivationally_related_form 02046755 +12397431 _hypernym 12396924 +00383275 _derivationally_related_form 05978812 +00477665 _derivationally_related_form 07358060 +13451348 _derivationally_related_form 00366275 +02623170 _hypernym 01342529 +00217700 _derivationally_related_form 11502102 +00213186 _derivationally_related_form 02293321 +07828041 _hypernym 07809368 +01182293 _derivationally_related_form 01073241 +03446268 _has_part 04258982 +04926427 _hypernym 04924103 +08792548 _member_of_domain_region 08345770 +00289532 _derivationally_related_form 04962062 +02868326 _derivationally_related_form 02106506 +00202934 _derivationally_related_form 10326087 +08135342 _synset_domain_topic_of 06535222 +01960656 _also_see 02021050 +03268790 _hypernym 02958343 +12697021 _member_meronym 12697152 +01960296 _synset_domain_topic_of 00450335 +14035909 _hypernym 14034177 +14634591 _derivationally_related_form 00186567 +00683185 _derivationally_related_form 04902925 +10782791 _derivationally_related_form 01100145 +07343195 _synset_domain_topic_of 00455599 +15196186 _hypernym 15185007 +11647131 _member_meronym 11648039 +00959827 _derivationally_related_form 10212501 +01215719 _derivationally_related_form 01766407 +12680864 _hypernym 13112664 +07454758 _derivationally_related_form 02264179 +02071316 _hypernym 01970826 +01501450 _hypernym 01432517 +05451265 _hypernym 05450888 +06105314 _hypernym 06104073 +11706629 _hypernym 11571907 +14402922 _derivationally_related_form 00981544 +01682582 _derivationally_related_form 04955160 +00762043 _synset_domain_topic_of 06520944 +00535452 _similar_to 00535844 +04384406 _derivationally_related_form 02225911 +07214994 _derivationally_related_form 00841986 +09506337 _instance_hypernym 09492123 +10604634 _derivationally_related_form 00687295 +00886602 _derivationally_related_form 01036778 +01122194 _derivationally_related_form 10533013 +01687876 _hypernym 01686132 +05045381 _hypernym 05044822 +12272432 _hypernym 12268246 +07127006 _derivationally_related_form 00031820 +08860123 _instance_hypernym 08591269 +00235208 _derivationally_related_form 00387310 +08921850 _has_part 08923348 +01666894 _derivationally_related_form 05844105 +12153580 _hypernym 12150028 +02416030 _derivationally_related_form 09987696 +02907473 _derivationally_related_form 05802185 +02565687 _derivationally_related_form 00745005 +14244726 _hypernym 14242922 +02687916 _derivationally_related_form 05123416 +00812298 _hypernym 02439281 +02041492 _member_meronym 02041875 +02813315 _derivationally_related_form 07006119 +05935060 _derivationally_related_form 00604576 +08738820 _instance_hypernym 08703035 +12419037 _hypernym 13134302 +08189659 _hypernym 08008335 +08766988 _member_of_domain_region 01282289 +00261405 _hypernym 00261258 +04593629 _hypernym 02851099 +12213635 _member_meronym 12221943 +00921300 _derivationally_related_form 07262579 +00516747 _hypernym 00515154 +12532008 _hypernym 11585340 +09119277 _instance_hypernym 08524735 +14501726 _derivationally_related_form 01595596 +05484711 _hypernym 05329735 +12930044 _member_meronym 12934368 +11643684 _member_meronym 11644046 +04218773 _derivationally_related_form 00461493 +05279688 _has_part 05280365 +02070679 _derivationally_related_form 14005892 +08877382 _instance_hypernym 08524735 +00370412 _hypernym 00126264 +12776212 _hypernym 11562747 +01327301 _hypernym 01323958 +03546766 _hypernym 04014297 +12491200 _hypernym 11585340 +02657805 _member_meronym 02659667 +07541923 _hypernym 00026192 +01162143 _hypernym 01158872 +01711445 _synset_domain_topic_of 06157326 +06845599 _member_of_domain_usage 03371532 +02213074 _verb_group 02212825 +00885925 _hypernym 02542280 +10147262 _derivationally_related_form 00029025 +04864515 _derivationally_related_form 00350461 +06453849 _has_part 06447897 +11911591 _member_meronym 11957912 +08699426 _has_part 09043052 +13905572 _derivationally_related_form 01985524 +02621258 _hypernym 02554730 +14393161 _derivationally_related_form 01583040 +02751623 _instance_hypernym 03160309 +09238425 _has_part 09125984 +02037272 _also_see 01370590 +02331262 _also_see 01865197 +05713524 _hypernym 05712076 +06657202 _hypernym 06656741 +02545153 _hypernym 08111027 +10550673 _instance_hypernym 09483738 +00564177 _synset_domain_topic_of 00471613 +00539121 _hypernym 00537682 +04088797 _hypernym 03736970 +10787197 _hypernym 10789118 +00796392 _derivationally_related_form 06542047 +01430633 _derivationally_related_form 10717196 +01209135 _hypernym 00137313 +14618253 _hypernym 14818238 +02264363 _hypernym 02263378 +01981276 _has_part 07788435 +10657835 _hypernym 10720453 +02381571 _derivationally_related_form 14441825 +01045419 _hypernym 00983824 +14925776 _hypernym 14959644 +14856893 _hypernym 14856263 +11411610 _hypernym 11410625 +04403279 _hypernym 03925226 +06501748 _hypernym 06479665 +02823124 _derivationally_related_form 00791372 +03351434 _member_meronym 03495671 +02083087 _hypernym 02082690 +00788766 _hypernym 00786195 +10297983 _derivationally_related_form 01232738 +14112855 _hypernym 14081375 +13960974 _hypernym 14449405 +03859958 _hypernym 02756098 +04437953 _has_part 04436675 +10785695 _hypernym 00007846 +02438580 _hypernym 02394477 +14555214 _derivationally_related_form 02157399 +13120003 _hypernym 13112664 +06262567 _hypernym 06254669 +04872236 _hypernym 04871374 +01924505 _derivationally_related_form 08428485 +07516997 _derivationally_related_form 01796033 +01711445 _hypernym 01619354 +02585259 _hypernym 02585050 +12758639 _member_meronym 12766241 +01806109 _derivationally_related_form 04904162 +12576029 _hypernym 12557995 +09316454 _hypernym 09334396 +02394183 _hypernym 02410855 +02853016 _hypernym 03546340 +13931145 _derivationally_related_form 09763784 +11121640 _instance_hypernym 10394786 +08853741 _has_part 08854725 +02479896 _hypernym 01862557 +00919513 _derivationally_related_form 01567275 +14890286 _hypernym 14932303 +01079873 _hypernym 01158872 +01069809 _hypernym 00729378 +02353529 _member_meronym 02353709 +00415398 _hypernym 00271946 +01158872 _verb_group 02561332 +08153437 _member_meronym 10499857 +04417809 _has_part 03238131 +05167412 _hypernym 05167237 +11856981 _member_meronym 11862598 +08553535 _hypernym 08552138 +02497062 _derivationally_related_form 00095502 +08018983 _instance_hypernym 08392137 +00901476 _hypernym 00901316 +02565491 _derivationally_related_form 09797113 +15271417 _derivationally_related_form 02072849 +04905842 _hypernym 04905188 +10677713 _derivationally_related_form 01149138 +00894738 _derivationally_related_form 06741305 +00004227 _derivationally_related_form 00835267 +13139055 _hypernym 13134947 +02165247 _hypernym 01759182 +04713692 _hypernym 04713428 +04505036 _has_part 03614007 +11596108 _hypernym 11552386 +00346991 _derivationally_related_form 04737934 +00350380 _hypernym 00350030 +03646296 _has_part 03027250 +01554622 _hypernym 01552519 +11307262 _instance_hypernym 10705615 +00196485 _derivationally_related_form 02257767 +02544596 _member_meronym 02544754 +04293119 _derivationally_related_form 01593937 +04742535 _derivationally_related_form 02062670 +00375021 _derivationally_related_form 05014099 +02395244 _member_meronym 02395694 +12039743 _member_meronym 12077505 +00664849 _derivationally_related_form 01204191 +05953416 _derivationally_related_form 02739861 +01623706 _hypernym 01621127 +07246582 _derivationally_related_form 00771961 +02544086 _member_meronym 02544274 +02301072 _member_meronym 02303448 +10025730 _derivationally_related_form 02199590 +11410625 _derivationally_related_form 02560767 +00389856 _derivationally_related_form 07331210 +07121361 _derivationally_related_form 00029836 +12125782 _member_meronym 12125890 +00591725 _hypernym 00586262 +10152083 _derivationally_related_form 01136614 +02003725 _derivationally_related_form 04639113 +02710673 _also_see 02703952 +02330582 _member_meronym 02330830 +05638063 _derivationally_related_form 09975425 +09153570 _instance_hypernym 08638442 +02558951 _derivationally_related_form 10008716 +02675885 _hypernym 04494204 +01029500 _derivationally_related_form 05181199 +03022041 _hypernym 02830852 +08747054 _has_part 08754529 +01688771 _hypernym 01686132 +08780881 _has_part 08782976 +02431971 _derivationally_related_form 01135952 +09207288 _has_part 08906952 +04821451 _hypernym 04820258 +13887056 _derivationally_related_form 02718863 +02546873 _member_meronym 02547014 +01335659 _hypernym 01328702 +02229867 _hypernym 01762525 +00698855 _derivationally_related_form 10583916 +06874391 _hypernym 06874185 +11911591 _member_meronym 11980577 +01740608 _hypernym 01668603 +01351170 _derivationally_related_form 03308152 +05997659 _hypernym 05996646 +10873059 _instance_hypernym 10380672 +02981911 _derivationally_related_form 02683419 +01354869 _member_meronym 01352059 +00903212 _hypernym 00940384 +00684480 _derivationally_related_form 04754440 +10209246 _derivationally_related_form 01230710 +10893606 _instance_hypernym 09916788 +04683002 _derivationally_related_form 02119659 +14449405 _derivationally_related_form 02632353 +08295580 _hypernym 08294696 +01955127 _hypernym 01950798 +02423787 _member_meronym 02424085 +07183000 _derivationally_related_form 02667698 +01684337 _derivationally_related_form 00937656 +09936620 _hypernym 00007846 +12397594 _hypernym 11567411 +14879750 _derivationally_related_form 00445940 +00199490 _hypernym 00126264 +01711445 _derivationally_related_form 06893885 +02455407 _derivationally_related_form 00879759 +03924069 _has_part 02675077 +12292655 _member_meronym 12293180 +12359026 _member_meronym 12386039 +07548366 _derivationally_related_form 09773245 +00216174 _derivationally_related_form 02402825 +08503921 _instance_hypernym 08574314 +02836035 _has_part 04283378 +01644699 _member_meronym 01644900 +00105778 _derivationally_related_form 00427580 +01398443 _hypernym 01411085 +12476036 _member_meronym 12478283 +14060256 _hypernym 14052403 +01322221 _hypernym 01321854 +01258719 _hypernym 00231887 +08949093 _has_part 08949737 +09440400 _member_of_domain_region 09022831 +01264447 _derivationally_related_form 00944548 +12577686 _hypernym 11747468 +02140033 _hypernym 02137132 +00696518 _also_see 02564986 +13495636 _hypernym 13459322 +04270891 _hypernym 04565375 +12122124 _member_meronym 12122245 +11841529 _member_meronym 11845387 +00347420 _hypernym 00345761 +02811936 _has_part 03750614 +10754281 _hypernym 10257647 +08215248 _hypernym 08190754 +11659909 _member_meronym 11660121 +10948117 _instance_hypernym 10705615 +01372408 _hypernym 01371756 +01293389 _derivationally_related_form 09900981 +14920388 _hypernym 14818238 +10249950 _derivationally_related_form 00611143 +02611442 _derivationally_related_form 06908159 +06845599 _member_of_domain_usage 03285106 +02537407 _derivationally_related_form 00749767 +09678009 _derivationally_related_form 08082236 +06586471 _hypernym 06584891 +03763133 _hypernym 03315023 +13372961 _hypernym 07260623 +06656408 _hypernym 05773049 +01438720 _member_meronym 01439514 +09917345 _synset_domain_topic_of 08199025 +13725108 _has_part 13724977 +02144792 _hypernym 01864707 +06014435 _synset_domain_topic_of 06000644 +12904148 _member_meronym 12904314 +08887841 _member_of_domain_region 08036849 +01834213 _hypernym 01835496 +00223109 _hypernym 00665886 +01025913 _derivationally_related_form 04862592 +02311544 _derivationally_related_form 05074218 +01050896 _hypernym 01729431 +09824135 _derivationally_related_form 00747135 +01387301 _derivationally_related_form 03397532 +12174124 _member_meronym 12174521 +01280645 _hypernym 01280014 +00037514 _derivationally_related_form 00254597 +00772640 _derivationally_related_form 07140978 +06149192 _hypernym 05945642 +02106506 _derivationally_related_form 02868326 +08715390 _has_part 08715952 +00380994 _derivationally_related_form 00457327 +04871374 _hypernym 04826235 +12418356 _hypernym 11561228 +05532225 _has_part 05547508 +13180304 _member_meronym 13180534 +07327013 _hypernym 07323922 +14480065 _hypernym 14479615 +11531090 _derivationally_related_form 00017222 +01193721 _hypernym 01156834 +00921300 _derivationally_related_form 06797671 +12231031 _hypernym 11575425 +01518170 _member_meronym 01809977 +09134386 _has_part 09135993 +02085573 _derivationally_related_form 11512992 +00230172 _derivationally_related_form 02156546 +10656488 _derivationally_related_form 03120454 +01244853 _derivationally_related_form 03534776 +01313093 _member_meronym 02316038 +01120900 _derivationally_related_form 09845589 +01421496 _member_meronym 01424282 +02977619 _hypernym 03391770 +00921738 _verb_group 00651991 +00274724 _derivationally_related_form 13475538 +00877345 _derivationally_related_form 00646271 +05825245 _derivationally_related_form 00662589 +08593924 _hypernym 06798750 +13062112 _member_meronym 13062272 +02056880 _also_see 01180695 +10216106 _hypernym 09609232 +13229747 _hypernym 13167078 +03746574 _hypernym 03540595 +11144604 _instance_hypernym 10067305 +08060446 _derivationally_related_form 01653442 +08440630 _derivationally_related_form 03139045 +00123170 _derivationally_related_form 02504131 +02944826 _derivationally_related_form 02653996 +11441561 _hypernym 11499284 +10541229 _derivationally_related_form 02586619 +01599919 _member_meronym 01600197 +01635432 _derivationally_related_form 03931044 +12801323 _member_meronym 12801520 +12022054 _hypernym 11669921 +02198332 _member_meronym 02198996 +06295235 _member_of_domain_usage 07971023 +12807251 _hypernym 12806732 +06684383 _hypernym 06598915 +11452218 _hypernym 11419404 +05682950 _derivationally_related_form 01821423 +04160036 _hypernym 03323703 +00804802 _derivationally_related_form 07181935 +13649626 _hypernym 13603305 +00779601 _also_see 00779360 +05018785 _hypernym 05018103 +02073714 _derivationally_related_form 09755241 +02273545 _member_meronym 02288473 +04639113 _derivationally_related_form 02003725 +03072440 _hypernym 03617594 +00039297 _hypernym 00039021 +00572661 _hypernym 02680814 +03779370 _derivationally_related_form 01697027 +02181013 _member_meronym 02181599 +12876032 _member_meronym 12884523 +08730354 _instance_hypernym 09316454 +07129422 _derivationally_related_form 00857923 +10513120 _derivationally_related_form 00200397 +02981024 _synset_domain_topic_of 15253139 +08879197 _instance_hypernym 08524735 +05801594 _hypernym 05797597 +14575180 _derivationally_related_form 00436404 +01546349 _derivationally_related_form 14570330 +07814925 _hypernym 07809368 +06556481 _derivationally_related_form 00751389 +00578795 _hypernym 00575741 +09340024 _instance_hypernym 09252970 +02082690 _derivationally_related_form 00367976 +09722530 _hypernym 09620794 +11737752 _hypernym 11737534 +02311387 _derivationally_related_form 10032342 +08987262 _instance_hypernym 08633957 +03191967 _hypernym 03828465 +12100538 _member_meronym 12109719 +01020117 _synset_domain_topic_of 06277280 +09957614 _synset_domain_topic_of 05946687 +01195867 _derivationally_related_form 02501278 +01469770 _verb_group 02384686 +02913152 _has_part 04143365 +02384858 _derivationally_related_form 01086103 +13575433 _derivationally_related_form 00458471 +14890659 _hypernym 00020090 +13396054 _hypernym 00032613 +02074092 _also_see 01926376 +13979173 _hypernym 13972797 +04586932 _hypernym 03800933 +01687569 _derivationally_related_form 07066659 +14033587 _derivationally_related_form 00651935 +00342028 _hypernym 00331950 +10361525 _hypernym 00007846 +05869584 _hypernym 05835747 +02122725 _hypernym 02121808 +00889555 _hypernym 00884011 +01549905 _derivationally_related_form 00403466 +07819303 _hypernym 07809368 +09649554 _hypernym 09645091 +00848420 _derivationally_related_form 01225027 +00814458 _derivationally_related_form 01606018 +01040707 _derivationally_related_form 06721949 +01773319 _hypernym 01762525 +00190783 _derivationally_related_form 00634906 +02523521 _verb_group 02523784 +02495922 _also_see 00931555 +01811441 _hypernym 01825237 +02081946 _hypernym 00140967 +00165244 _hypernym 00220869 +01070102 _hypernym 02376958 +04153751 _hypernym 03323703 +14881303 _hypernym 15046900 +02628856 _member_meronym 02629230 +01783214 _derivationally_related_form 05898171 +01549314 _hypernym 01507175 +00042757 _hypernym 00030358 +00189580 _derivationally_related_form 01388386 +00192613 _hypernym 00037396 +00205885 _derivationally_related_form 14422179 +01589363 _hypernym 01588493 +00066397 _derivationally_related_form 02529284 +13064247 _hypernym 11592146 +01439190 _also_see 01998793 +02489288 _member_meronym 02490030 +03594734 _hypernym 04603872 +00346296 _hypernym 00191142 +00946105 _derivationally_related_form 06795746 +13810141 _hypernym 13809920 +11984397 _hypernym 11579418 +07202812 _derivationally_related_form 01021973 +01854519 _verb_group 02360274 +00022686 _derivationally_related_form 05035961 +12186116 _hypernym 11575425 +08853741 _has_part 08856475 +01301630 _has_part 01299735 +11713164 _hypernym 13100677 +14680261 _hypernym 14681555 +00306017 _derivationally_related_form 00377364 +07886572 _hypernym 07884567 +09451517 _has_part 09379111 +01572910 _hypernym 01507175 +05898568 _derivationally_related_form 00795264 +02783994 _hypernym 04359589 +08946187 _has_part 08946715 +01797347 _derivationally_related_form 10335246 +02444662 _derivationally_related_form 06471345 +08894456 _instance_hypernym 08558488 +02270326 _member_meronym 02270473 +08911602 _instance_hypernym 08524735 +09148662 _instance_hypernym 08524735 +09645091 _hypernym 09644820 +00518395 _derivationally_related_form 07357101 +01516290 _hypernym 02066939 +10729330 _hypernym 10197967 +01903935 _hypernym 01904120 +11651259 _member_meronym 11654667 +07337390 _derivationally_related_form 01876907 +02060889 _hypernym 02059162 +00676135 _derivationally_related_form 03186818 +02518161 _hypernym 01601234 +11700676 _hypernym 11571907 +02118379 _derivationally_related_form 04646548 +02282716 _hypernym 01762525 +09044862 _member_of_domain_region 02888000 +00937208 _derivationally_related_form 10692696 +11910835 _hypernym 08103777 +13451804 _synset_domain_topic_of 06149484 +00798539 _derivationally_related_form 01225783 +00111129 _also_see 01430111 +01139104 _derivationally_related_form 13343526 +11072189 _instance_hypernym 10453533 +03999992 _derivationally_related_form 01662614 +11259950 _instance_hypernym 10233445 +14641223 _hypernym 14625458 +02123812 _also_see 01090308 +00034213 _hypernym 00029677 +00388392 _derivationally_related_form 00329817 +02294761 _member_meronym 02296480 +05483677 _hypernym 05296775 +11778534 _member_meronym 11793032 +00315986 _derivationally_related_form 01435380 +00445467 _hypernym 00140123 +01546660 _member_meronym 01552523 +09026499 _hypernym 09023321 +11937965 _hypernym 11579418 +04779649 _hypernym 04723816 +13878112 _derivationally_related_form 02048891 +01549769 _hypernym 01507175 +03288225 _has_part 03156405 +03371875 _hypernym 04446521 +12711817 _hypernym 12707432 +04487081 _hypernym 02924116 +04822032 _derivationally_related_form 00940437 +13716686 _hypernym 13608788 +13454479 _derivationally_related_form 00457770 +01420304 _hypernym 01090335 +02718811 _hypernym 03740161 +05958549 _hypernym 05943300 +01304716 _derivationally_related_form 02709367 +02387486 _hypernym 00205885 +02504017 _hypernym 02501738 +08860123 _member_of_domain_region 10413276 +00927049 _hypernym 00632627 +01225783 _hypernym 01224031 +01207951 _derivationally_related_form 04151940 +08176077 _member_meronym 08737716 +08889944 _instance_hypernym 08633957 +01177699 _derivationally_related_form 07801091 +01618671 _member_meronym 01619675 +02727009 _derivationally_related_form 06280816 +02935387 _derivationally_related_form 01096860 +14181713 _has_part 14358335 +03840327 _hypernym 04013729 +08513163 _hypernym 08552138 +12475450 _hypernym 11556187 +01136519 _hypernym 01135952 +08928193 _instance_hypernym 08698379 +00076563 _hypernym 00074790 +02222318 _derivationally_related_form 00105164 +05217859 _hypernym 00019128 +01261490 _derivationally_related_form 00851239 +01230283 _hypernym 01229938 +01406904 _hypernym 01397114 +02598211 _derivationally_related_form 00232542 +02033295 _derivationally_related_form 01263257 +01802309 _member_meronym 01805199 +03803116 _hypernym 03343853 +00867357 _hypernym 00863513 +12735009 _hypernym 11575425 +00886978 _hypernym 00887463 +01644522 _derivationally_related_form 00159177 +04467665 _has_part 04172342 +01782432 _derivationally_related_form 10240082 +01232738 _hypernym 01211699 +00137877 _synset_domain_topic_of 00468480 +09243405 _instance_hypernym 09215664 +01693881 _hypernym 01617192 +10365846 _hypernym 10419630 +05844663 _hypernym 05839024 +03975232 _hypernym 03568117 +02453692 _hypernym 00802318 +01986869 _verb_group 01989873 +08749447 _has_part 08987423 +08810220 _instance_hypernym 08524735 +01402600 _hypernym 01397114 +00266798 _derivationally_related_form 13502909 +15227846 _has_part 15228267 +03366823 _hypernym 03122748 +13197085 _hypernym 13167078 +01675245 _derivationally_related_form 03383646 +00518395 _hypernym 02547586 +01255355 _hypernym 01513430 +00834259 _derivationally_related_form 06756831 +02588280 _hypernym 02587532 +02565728 _member_meronym 02569770 +08399378 _hypernym 08398773 +01815855 _member_meronym 01816140 +14875077 _derivationally_related_form 02356420 +12353754 _hypernym 12205694 +05615258 _hypernym 05614657 +02256109 _derivationally_related_form 02500884 +12970379 _hypernym 11590783 +08672199 _derivationally_related_form 08672199 +00358931 _hypernym 00351638 +02044278 _derivationally_related_form 03032811 +02019021 _derivationally_related_form 15287830 +00683185 _also_see 01880531 +01609953 _hypernym 01609287 +11902200 _hypernym 11900569 +00093979 _derivationally_related_form 14365741 +13527965 _hypernym 13518963 +00676450 _derivationally_related_form 05790242 +10398806 _hypernym 10488865 +01998432 _derivationally_related_form 10100124 +00818466 _hypernym 01129920 +05590366 _hypernym 05289861 +04356595 _hypernym 03497657 +09883452 _derivationally_related_form 01369758 +01843364 _hypernym 01843055 +07128692 _derivationally_related_form 00978549 +10245863 _derivationally_related_form 01741221 +09097707 _instance_hypernym 08524735 +05789808 _hypernym 05788149 +11529603 _member_meronym 00017222 +01662118 _derivationally_related_form 10008716 +00900581 _hypernym 00898518 +08626080 _hypernym 08621598 +01144876 _hypernym 01133281 +01975121 _derivationally_related_form 04228844 +02529515 _member_meronym 02533424 +02272549 _derivationally_related_form 00089027 +13155899 _synset_domain_topic_of 00017222 +10991415 _instance_hypernym 09765278 +01191975 _synset_domain_topic_of 08441203 +01933900 _derivationally_related_form 06260121 +04162998 _member_meronym 04161981 +01959482 _synset_domain_topic_of 00450335 +01980328 _hypernym 01759182 +01784427 _hypernym 08103777 +00993892 _hypernym 00115157 +06727616 _derivationally_related_form 00971650 +00339464 _derivationally_related_form 07435891 +01625121 _hypernym 01621127 +05321307 _has_part 05349445 +10251329 _hypernym 10197967 +13874558 _derivationally_related_form 00145299 +08429052 _synset_domain_topic_of 08199025 +01606018 _derivationally_related_form 00140393 +02893338 _derivationally_related_form 06702458 +01322391 _derivationally_related_form 06818970 +09706396 _hypernym 09728403 +03433434 _hypernym 02710766 +04071876 _hypernym 03744840 +01802219 _derivationally_related_form 07042735 +09821253 _derivationally_related_form 00862683 +04292733 _hypernym 00021939 +13992514 _derivationally_related_form 02497062 +09897696 _derivationally_related_form 01449974 +12707432 _member_meronym 12710917 +02210855 _verb_group 00522751 +10998651 _instance_hypernym 10794014 +07407272 _derivationally_related_form 02067889 +00261705 _hypernym 00260648 +06720371 _hypernym 06719579 +12930044 _member_meronym 12944960 +01418667 _derivationally_related_form 07374756 +09331328 _instance_hypernym 09328904 +07245125 _derivationally_related_form 00766418 +12838027 _member_meronym 12849597 +00211396 _derivationally_related_form 13460568 +06790845 _synset_domain_topic_of 06226057 +08268321 _synset_domain_topic_of 06000644 +12523475 _hypernym 12522188 +07678729 _derivationally_related_form 00542809 +11754893 _hypernym 13112664 +05677952 _derivationally_related_form 00117385 +12329899 _member_meronym 12333397 +02142413 _hypernym 02141973 +00964343 _derivationally_related_form 01092366 +05005447 _hypernym 05005250 +03082979 _synset_domain_topic_of 06128570 +01786906 _derivationally_related_form 00425451 +05707269 _derivationally_related_form 00615774 +15255641 _hypernym 05867413 +00423971 _derivationally_related_form 00044455 +02704349 _hypernym 02604760 +08748280 _has_part 08749864 +02448185 _derivationally_related_form 01136519 +15074203 _hypernym 05407119 +08860123 _member_of_domain_region 03661861 +01361973 _member_meronym 01362196 +07157273 _member_of_domain_usage 09698337 +01127215 _derivationally_related_form 02796412 +01353405 _verb_group 01354006 +06598445 _derivationally_related_form 00599992 +13215936 _member_meronym 13216238 +00599329 _hypernym 00586262 +00695761 _hypernym 00695226 +07683617 _hypernym 07682624 +02946921 _derivationally_related_form 00213794 +01702514 _derivationally_related_form 10528493 +02400378 _derivationally_related_form 00644967 +09449773 _instance_hypernym 09411430 +10712573 _derivationally_related_form 02202133 +01563575 _hypernym 01563005 +13651218 _has_part 13651804 +02279442 _hypernym 01759182 +00394813 _derivationally_related_form 00382109 +01734300 _synset_domain_topic_of 00543233 +09846265 _hypernym 00007846 +12952022 _hypernym 13167078 +01524885 _member_meronym 01525720 +12769663 _hypernym 11567411 +12532720 _member_meronym 12532886 +13065215 _hypernym 11592146 +09820044 _hypernym 10015897 +00838367 _hypernym 00838098 +00506040 _derivationally_related_form 11449907 +12045352 _member_meronym 12045514 +02795978 _synset_domain_topic_of 07020895 +03872495 _derivationally_related_form 01526956 +00736216 _derivationally_related_form 00634276 +09031653 _has_part 09032843 +01528069 _also_see 02713372 +02405390 _derivationally_related_form 00197419 +09338910 _instance_hypernym 09388848 +01778568 _derivationally_related_form 02011810 +10171755 _hypernym 10386312 +12945549 _hypernym 13122364 +05259512 _hypernym 05256862 +07106502 _derivationally_related_form 00839834 +12927354 _member_meronym 12927494 +13913566 _derivationally_related_form 01662771 +00182406 _hypernym 00156601 +09323470 _instance_hypernym 09411430 +02852173 _hypernym 03665366 +00575365 _derivationally_related_form 01894520 +09029457 _instance_hypernym 08698379 +06431496 _instance_hypernym 06429590 +01711662 _member_meronym 01713310 +03795976 _has_part 03637027 +02103841 _hypernym 02103406 +14204950 _hypernym 14052046 +01790020 _hypernym 01759326 +00680145 _derivationally_related_form 06201908 +09251832 _instance_hypernym 09360122 +14777939 _hypernym 14778019 +02636921 _hypernym 00930368 +00698609 _derivationally_related_form 00084107 +00790086 _hypernym 00202284 +00880662 _derivationally_related_form 02150948 +11786983 _member_meronym 11787190 +00378664 _derivationally_related_form 13480848 +14498096 _derivationally_related_form 00426608 +00532886 _hypernym 00126264 +04402746 _has_part 04373264 +10546850 _derivationally_related_form 08152657 +01834304 _derivationally_related_form 05151088 +02283728 _member_meronym 02285052 +13503908 _hypernym 00029677 +07423560 _hypernym 07296428 +12975608 _member_meronym 12975804 +08295138 _member_meronym 09020440 +02719399 _hypernym 02604760 +08459252 _hypernym 08457976 +00522068 _derivationally_related_form 07073447 +14333433 _hypernym 14322699 +02222318 _derivationally_related_form 09267490 +10561320 _derivationally_related_form 00849332 +02267060 _derivationally_related_form 01122149 +07734555 _hypernym 07710007 +00007549 _derivationally_related_form 10616670 +00459498 _hypernym 02367363 +01641914 _derivationally_related_form 10434725 +01147950 _derivationally_related_form 00462092 +04490091 _has_part 04105438 +06449735 _has_part 06436183 +01139000 _hypernym 01138670 +08295138 _member_meronym 09017526 +06253690 _hypernym 00033020 +12092262 _hypernym 12205694 +08871007 _derivationally_related_form 03003344 +00756598 _derivationally_related_form 01076953 +09351647 _instance_hypernym 09411430 +09247071 _hypernym 09466280 +13221383 _hypernym 08103777 +01552519 _also_see 01549719 +12990407 _hypernym 11592146 +02344381 _hypernym 02367363 +12060380 _member_meronym 12060546 +12710917 _hypernym 12708293 +01058036 _derivationally_related_form 00353249 +06958615 _hypernym 06956287 +10739636 _hypernym 09631463 +01733213 _verb_group 01732921 +13028070 _hypernym 08103777 +09049599 _has_part 09141526 +00724029 _hypernym 00637259 +02775483 _has_part 03006626 +01255935 _derivationally_related_form 01731353 +08006094 _hypernym 07996689 +00218427 _derivationally_related_form 00470701 +02693168 _hypernym 02690708 +00234105 _hypernym 00216174 +05220306 _hypernym 05219561 +08109624 _hypernym 07992450 +03797703 _synset_domain_topic_of 06988057 +12891093 _hypernym 13122364 +02563860 _derivationally_related_form 03017922 +00394803 _derivationally_related_form 00194534 +00190115 _derivationally_related_form 05675905 +07436475 _hypernym 07307754 +01433294 _hypernym 01435380 +00182406 _derivationally_related_form 01417451 +08812166 _instance_hypernym 08524735 +12925836 _hypernym 11585340 +01740892 _also_see 02512922 +10524223 _derivationally_related_form 00694068 +00066977 _hypernym 00066191 +14248541 _hypernym 14236226 +12204032 _hypernym 12202936 +02252931 _hypernym 02253154 +01998019 _member_meronym 01998467 +01044533 _hypernym 00941990 +09911570 _derivationally_related_form 01051956 +00872886 _derivationally_related_form 06650701 +01968569 _derivationally_related_form 00324384 +02084071 _hypernym 01317541 +00915423 _hypernym 00912473 +00722848 _hypernym 00722232 +01389007 _derivationally_related_form 14082595 +13754293 _derivationally_related_form 00156601 +00849332 _hypernym 01742886 +01157517 _derivationally_related_form 00356199 +00865387 _derivationally_related_form 07125096 +03859000 _has_part 04154152 +02082498 _hypernym 01862557 +13905572 _derivationally_related_form 01985757 +00048912 _derivationally_related_form 03236735 +08973330 _has_part 09371151 +01398682 _hypernym 01411085 +08101410 _hypernym 08101085 +13031690 _hypernym 11590783 +02306159 _member_meronym 02308325 +04904851 _hypernym 04904664 +03824381 _hypernym 03825080 +09339810 _has_part 09260010 +01447632 _derivationally_related_form 00113113 +01524885 _member_meronym 01594157 +07224774 _hypernym 07224151 +10205457 _derivationally_related_form 02799593 +00904548 _derivationally_related_form 04807971 +02012715 _member_meronym 02012849 +12930044 _member_meronym 12931449 +02458747 _hypernym 00782057 +09384223 _instance_hypernym 09403734 +00273449 _derivationally_related_form 01799794 +02429695 _member_meronym 02430045 +02269196 _hypernym 02159955 +00045646 _derivationally_related_form 01381549 +01821132 _hypernym 01821423 +05510506 _has_part 05529729 +09039411 _member_of_domain_region 08029908 +06818747 _derivationally_related_form 00662182 +09060768 _has_part 09063673 +00918580 _also_see 01139104 +01873850 _member_meronym 01874126 +02128286 _derivationally_related_form 10786517 +06792645 _hypernym 06791372 +00355365 _hypernym 01510576 +12644902 _hypernym 12651821 +02466670 _derivationally_related_form 10253995 +00003553 _has_part 04164989 +12941360 _hypernym 12930044 +06182144 _derivationally_related_form 10705615 +06421685 _hypernym 06421301 +07082573 _hypernym 07071483 +05046471 _hypernym 05046009 +09209263 _has_part 09210236 +13771828 _derivationally_related_form 13771404 +05154908 _derivationally_related_form 02547586 +02106006 _derivationally_related_form 00876874 +10902934 _instance_hypernym 10123844 +02082690 _derivationally_related_form 02903204 +11889473 _hypernym 11575425 +01020936 _hypernym 01019524 +01629276 _hypernym 01627424 +02017335 _hypernym 01507175 +03133141 _derivationally_related_form 10422540 +02423787 _member_meronym 02424695 +13940456 _derivationally_related_form 00544549 +03137228 _derivationally_related_form 01912159 +13215063 _hypernym 13167078 +02126686 _derivationally_related_form 05714745 +13477934 _hypernym 13440063 +02435689 _hypernym 01862557 +00731159 _derivationally_related_form 00952214 +13464820 _hypernym 00029677 +14257779 _hypernym 14336539 +02507736 _derivationally_related_form 07372565 +00992518 _hypernym 00992041 +00310666 _hypernym 00306426 +01634424 _derivationally_related_form 06757891 +13171797 _hypernym 12957076 +00808191 _also_see 00873603 +05397468 _hypernym 05263850 +12743680 _hypernym 11567411 +01067577 _derivationally_related_form 02752567 +14322248 _hypernym 14533203 +01752316 _hypernym 01621555 +11909527 _hypernym 12205694 +01215137 _derivationally_related_form 09879144 +01155421 _derivationally_related_form 03386011 +13582013 _derivationally_related_form 00235918 +06845599 _member_of_domain_usage 04034884 +14026592 _derivationally_related_form 00020671 +01115349 _also_see 01222360 +01313093 _member_meronym 02313195 +01061333 _hypernym 00407535 +02564130 _hypernym 01432517 +03809686 _hypernym 02715513 +12673178 _hypernym 11579418 +00804802 _derivationally_related_form 07181546 +08820121 _member_of_domain_region 01088304 +02054989 _verb_group 01368863 +00340989 _derivationally_related_form 02048891 +07170753 _hypernym 06738281 +00753428 _derivationally_related_form 06513366 +09835506 _synset_domain_topic_of 00471613 +08860123 _member_of_domain_region 07182485 +01261491 _derivationally_related_form 07840804 +00850986 _hypernym 00850425 +08176077 _member_meronym 08738272 +02429695 _member_meronym 02435099 +12558230 _hypernym 12557995 +07483622 _hypernym 00026192 +06845599 _member_of_domain_usage 03440024 +01285440 _derivationally_related_form 00149084 +02923510 _derivationally_related_form 08095647 +00845523 _derivationally_related_form 01428853 +04904352 _derivationally_related_form 01764800 +04186455 _hypernym 03045337 +09248477 _has_part 09237076 +12432808 _hypernym 12431434 +10901589 _instance_hypernym 10453533 +02517169 _member_meronym 02518813 +08716219 _member_meronym 09693809 +02726884 _derivationally_related_form 14030820 +01926031 _derivationally_related_form 09830629 +14788714 _derivationally_related_form 02672886 +13054560 _hypernym 12992868 +13905405 _derivationally_related_form 01275762 +08897065 _has_part 08899577 +14276360 _hypernym 14276649 +01982646 _also_see 01226240 +12147031 _member_meronym 12148610 +10632576 _hypernym 10020890 +02680814 _derivationally_related_form 07362075 +08216900 _hypernym 08246613 +01316619 _derivationally_related_form 10122300 +02145543 _derivationally_related_form 01074694 +13894434 _derivationally_related_form 00263231 +11418138 _derivationally_related_form 00916909 +12939104 _hypernym 12205694 +12466727 _hypernym 12425281 +01206849 _derivationally_related_form 10717589 +00055142 _derivationally_related_form 00849982 +00489496 _hypernym 00956405 +13367593 _synset_domain_topic_of 08199025 +00796886 _hypernym 00795720 +00664483 _derivationally_related_form 05825245 +13902482 _derivationally_related_form 00392960 +04277204 _hypernym 02710766 +00326619 _hypernym 00325328 +01435380 _derivationally_related_form 10578762 +01922763 _derivationally_related_form 07515560 +02483908 _synset_domain_topic_of 06083243 +08975902 _member_of_domain_region 08026197 +05486510 _has_part 05494365 +09166902 _instance_hypernym 08574314 +00241038 _derivationally_related_form 00351638 +02277448 _hypernym 02321391 +02131653 _hypernym 02075296 +14451349 _hypernym 14451020 +00171852 _verb_group 00253761 +01954202 _member_meronym 01954340 +06740644 _hypernym 06740183 +02679257 _hypernym 02938886 +12218621 _member_meronym 12219289 +00505802 _derivationally_related_form 04594489 +00494269 _derivationally_related_form 14415518 +00036362 _also_see 00025034 +05246796 _hypernym 05246511 +07560193 _hypernym 07570720 +09593937 _synset_domain_topic_of 15253139 +01953361 _hypernym 01942177 +10418735 _hypernym 00007846 +12498316 _hypernym 11585340 +13783581 _hypernym 00031921 +11801247 _hypernym 11567411 +06624161 _has_part 07012534 +01613391 _derivationally_related_form 04224155 +10770767 _derivationally_related_form 02357873 +07410745 _derivationally_related_form 01414916 +00877127 _hypernym 00876874 +13762836 _synset_domain_topic_of 06951067 +01780696 _hypernym 01779629 +10210648 _hypernym 10631941 +02770830 _hypernym 04161358 +10011486 _hypernym 10801291 +07443010 _hypernym 07420770 +00550282 _also_see 00684480 +11899921 _hypernym 12205694 +09953615 _hypernym 10628222 +12912105 _hypernym 11579418 +10381369 _derivationally_related_form 00277659 +00084107 _hypernym 00083809 +14160365 _hypernym 14151139 +12658846 _hypernym 12658118 +13725108 _hypernym 13717155 +12771597 _has_part 07746186 +13335172 _hypernym 13333833 +01987781 _synset_domain_topic_of 06084469 +02469588 _member_meronym 02469914 +00904690 _derivationally_related_form 09798534 +00366521 _derivationally_related_form 00318816 +01048466 _derivationally_related_form 00028362 +02265231 _derivationally_related_form 13354985 +14475405 _hypernym 14473222 +03277771 _hypernym 03183080 +08811215 _has_part 08784905 +00780889 _derivationally_related_form 02321757 +13534954 _derivationally_related_form 01457954 +08786432 _instance_hypernym 08633957 +13722522 _hypernym 13716878 +08367880 _member_meronym 08256968 +01972131 _hypernym 01971280 +01820190 _hypernym 01504437 +00783902 _hypernym 00780889 +01868370 _derivationally_related_form 07351909 +07518468 _hypernym 07518261 +02207942 _member_meronym 02208143 +02666882 _hypernym 02666239 +01893988 _derivationally_related_form 00331655 +01435380 _derivationally_related_form 00201671 +00548266 _derivationally_related_form 07320176 +08398179 _hypernym 08208016 +08727396 _instance_hypernym 08524735 +00403967 _hypernym 00296178 +05829782 _derivationally_related_form 01813499 +01782519 _derivationally_related_form 04828255 +08860123 _member_of_domain_region 02463990 +13649791 _has_part 13712428 +02333689 _derivationally_related_form 08513718 +02535349 _member_meronym 02537319 +11677259 _synset_domain_topic_of 06066555 +12049134 _member_meronym 12049282 +08618379 _hypernym 08520401 +09861059 _derivationally_related_form 01423929 +01627965 _derivationally_related_form 02566528 +09951070 _hypernym 09951274 +14634591 _hypernym 14904661 +15158816 _hypernym 15157225 +03231912 _hypernym 03944672 +04606574 _has_part 03594277 +00369628 _derivationally_related_form 14633206 +01350449 _also_see 01375637 +13684140 _hypernym 13604718 +03563710 _derivationally_related_form 01528821 +14591091 _hypernym 14586258 +00941990 _derivationally_related_form 05302499 +11117451 _instance_hypernym 09818343 +01111016 _also_see 02099019 +11715207 _member_meronym 11715810 +11439031 _derivationally_related_form 02042404 +01466978 _derivationally_related_form 02928413 +14456138 _hypernym 13920835 +00439343 _derivationally_related_form 02670186 +07753980 _hypernym 07753743 +00834460 _derivationally_related_form 00005526 +00928371 _derivationally_related_form 01639714 +01703857 _derivationally_related_form 07053732 +01128984 _derivationally_related_form 02386845 +14585519 _derivationally_related_form 01542252 +01493741 _also_see 01800422 +10279018 _derivationally_related_form 02958343 +00877127 _derivationally_related_form 02130524 +02391803 _hypernym 02475922 +06596179 _hypernym 06595351 +01985493 _hypernym 01985128 +02546744 _hypernym 01429349 +00954751 _synset_domain_topic_of 08199025 +02741149 _derivationally_related_form 05623628 +07125958 _hypernym 07125523 +02640440 _derivationally_related_form 01063350 +07434473 _derivationally_related_form 00504270 +00240571 _derivationally_related_form 00365471 +01177118 _derivationally_related_form 03201208 +08324514 _derivationally_related_form 02349212 +02642814 _derivationally_related_form 10478626 +08852843 _instance_hypernym 08702402 +01340439 _derivationally_related_form 04777098 +01245986 _derivationally_related_form 04947628 +01414916 _derivationally_related_form 00133668 +10160770 _hypernym 10340312 +02061495 _derivationally_related_form 04149374 +10552742 _derivationally_related_form 00851933 +00782057 _derivationally_related_form 07187996 +02743020 _verb_group 02673134 +04861486 _hypernym 04616059 +09148970 _has_part 09405515 +05755883 _derivationally_related_form 00607114 +10036929 _hypernym 10415037 +01212519 _derivationally_related_form 00806314 +04444345 _hypernym 03892891 +01049266 _derivationally_related_form 02158587 +08895928 _instance_hypernym 09316454 +00798245 _derivationally_related_form 01506157 +00850425 _derivationally_related_form 01429953 +12916356 _member_meronym 12916511 +07049713 _derivationally_related_form 09980090 +02155799 _derivationally_related_form 07308889 +00812580 _derivationally_related_form 05785067 +00471711 _derivationally_related_form 09272468 +01006239 _derivationally_related_form 04155310 +03051540 _derivationally_related_form 00049197 +00497705 _derivationally_related_form 13496517 +09825096 _hypernym 09824609 +00419644 _derivationally_related_form 01789514 +02793495 _has_part 03500557 +01782650 _derivationally_related_form 07519773 +09753065 _synset_domain_topic_of 05778131 +01303582 _instance_hypernym 00962722 +09275016 _has_part 09007723 +01410606 _derivationally_related_form 04743605 +01767199 _member_meronym 01788730 +01904293 _verb_group 01874568 +04849759 _derivationally_related_form 00360650 +14628668 _hypernym 14625458 +00417001 _derivationally_related_form 09626238 +12607198 _hypernym 11556857 +01130169 _derivationally_related_form 01049685 +01663401 _hypernym 01662784 +01681048 _synset_domain_topic_of 00933420 +05910940 _derivationally_related_form 00678282 +01455592 _hypernym 01429349 +01031194 _derivationally_related_form 01274341 +01757547 _hypernym 01657723 +01051956 _derivationally_related_form 09911570 +14806838 _hypernym 14580897 +00621058 _derivationally_related_form 07232655 +05141222 _derivationally_related_form 02500884 +05139561 _hypernym 04723816 +13845239 _derivationally_related_form 00960734 +08357258 _hypernym 08357784 +00233335 _derivationally_related_form 00808182 +11746776 _hypernym 11566682 +14552355 _hypernym 14548343 +01869563 _verb_group 01870043 +08236438 _derivationally_related_form 02449183 +10010864 _hypernym 10042300 +00145772 _hypernym 01387786 +00159368 _derivationally_related_form 13424865 +12619306 _member_meronym 12657940 +12165608 _member_meronym 12165758 +01583142 _synset_domain_topic_of 06004685 +06365467 _hypernym 06362953 +12678059 _hypernym 11579418 +00189823 _hypernym 00187526 +00759186 _hypernym 00757730 +00779061 _derivationally_related_form 01062817 +08801678 _has_part 09194357 +05646926 _hypernym 05646218 +02706816 _derivationally_related_form 10785869 +00445940 _derivationally_related_form 09260466 +10173895 _derivationally_related_form 01201100 +01078235 _derivationally_related_form 01259380 +06168855 _hypernym 06172789 +01084180 _derivationally_related_form 02228901 +06845599 _member_of_domain_usage 03371363 +11692265 _hypernym 09257949 +04620558 _derivationally_related_form 01229631 +03113881 _derivationally_related_form 10552980 +08929922 _member_of_domain_region 08168117 +10699752 _derivationally_related_form 01807529 +08860123 _member_of_domain_region 08311687 +02799175 _hypernym 02799897 +00135504 _hypernym 00134780 +03699975 _derivationally_related_form 01624169 +00731000 _hypernym 00690614 +02492035 _hypernym 02489589 +03970363 _hypernym 02896442 +00336539 _derivationally_related_form 09243769 +01965889 _hypernym 01955933 +05905152 _hypernym 05902545 +00958823 _hypernym 00958334 +08875369 _instance_hypernym 08537837 +12251278 _hypernym 12205694 +02008396 _hypernym 02009433 +02755529 _hypernym 04347754 +04986883 _synset_domain_topic_of 06172789 +12849061 _hypernym 12205694 +09159003 _has_part 09373716 +00600370 _derivationally_related_form 00582868 +02072209 _hypernym 01862557 +14464203 _hypernym 14462666 +00365995 _hypernym 00365709 +02091689 _hypernym 01904930 +01158596 _derivationally_related_form 07884567 +14702875 _derivationally_related_form 01332205 +11644712 _hypernym 11554175 +14389240 _hypernym 14388910 +02127358 _derivationally_related_form 05655119 +08427453 _synset_domain_topic_of 08199025 +01466047 _hypernym 01463963 +01776192 _hypernym 01769347 +05799952 _synset_domain_topic_of 03082979 +05652926 _derivationally_related_form 02102484 +01199009 _derivationally_related_form 00837675 +10433737 _derivationally_related_form 01180975 +12501745 _member_meronym 12571606 +05596651 _has_part 05275466 +06778102 _has_part 06778777 +01883212 _member_meronym 01885032 +00799798 _hypernym 02477334 +00006802 _derivationally_related_form 00834460 +04766852 _hypernym 04766275 +10672192 _hypernym 10437852 +09009490 _instance_hypernym 08633957 +02081571 _hypernym 02075927 +05324888 _has_part 05277728 +02194414 _member_meronym 02194599 +00299680 _hypernym 00620752 +06589574 _has_part 06258031 +00072808 _derivationally_related_form 00639478 +12633386 _member_meronym 12634734 +02063018 _derivationally_related_form 00335384 +02229385 _member_meronym 02229544 +12501745 _member_meronym 12513426 +07274425 _hypernym 01228102 +12761471 _member_meronym 12761702 +01552219 _derivationally_related_form 09385137 +04005340 _hypernym 03851341 +15256915 _hypernym 00033615 +14616939 _derivationally_related_form 00487748 +08766988 _member_of_domain_region 01271915 +05378234 _hypernym 05418717 +08651247 _hypernym 08673395 +02582042 _derivationally_related_form 01182654 +08841667 _has_part 09079153 +02188065 _member_meronym 02199352 +02019762 _member_meronym 02019929 +09111366 _has_part 03163081 +02072501 _derivationally_related_form 13649791 +00854000 _derivationally_related_form 01424948 +07519040 _hypernym 07518261 +02039942 _member_meronym 02040113 +11612018 _has_part 11612235 +08860123 _member_of_domain_region 07631511 +01743531 _hypernym 01742886 +02422685 _also_see 00417413 +07407970 _derivationally_related_form 02066510 +00334996 _derivationally_related_form 00376400 +09889170 _derivationally_related_form 06403969 +07510625 _derivationally_related_form 00090186 +13618180 _hypernym 13600822 +11508382 _has_part 11509066 +02012043 _hypernym 02543607 +13356985 _hypernym 13356112 +01928737 _hypernym 08102555 +12880963 _hypernym 11579418 +00852506 _hypernym 00851933 +07217349 _derivationally_related_form 00901103 +05779116 _has_part 06754184 +08848731 _instance_hypernym 08700255 +02117333 _hypernym 02116118 +09919297 _hypernym 10632576 +00289388 _derivationally_related_form 01924882 +01800422 _derivationally_related_form 14440623 +05101815 _hypernym 05129201 +00940437 _derivationally_related_form 04822032 +00998399 _derivationally_related_form 04063373 +13118569 _hypernym 13112664 +00780575 _similar_to 00779374 +05323228 _hypernym 05299178 +05766247 _hypernym 05793000 +02640053 _hypernym 02144835 +00588221 _hypernym 00588888 +11635709 _hypernym 11623304 +05808102 _derivationally_related_form 00933821 +02329578 _derivationally_related_form 08101410 +07487695 _derivationally_related_form 02137538 +08705397 _has_part 08706247 +00430140 _derivationally_related_form 01155687 +08640111 _derivationally_related_form 01305542 +08398773 _hypernym 07951464 +04645599 _hypernym 04623612 +01903385 _derivationally_related_form 07411851 +00651480 _hypernym 00650353 +01733634 _member_meronym 01733757 +07556637 _derivationally_related_form 01167188 +04333500 _hypernym 02784218 +03450516 _hypernym 03859495 +14822141 _derivationally_related_form 00370412 +00083523 _synset_domain_topic_of 00612160 +01675963 _derivationally_related_form 03579355 +00823129 _hypernym 00822367 +00442115 _derivationally_related_form 01904293 +01469222 _hypernym 08103777 +01888520 _member_meronym 01889328 +02636170 _hypernym 02554730 +04530566 _has_part 04544805 +02012306 _member_meronym 02019566 +11075823 _instance_hypernym 10123844 +13333047 _hypernym 13329641 +05565937 _hypernym 05221895 +02168121 _hypernym 01759182 +09903639 _derivationally_related_form 00682928 +12254014 _hypernym 11575425 +03673971 _hypernym 03323703 +07350567 _derivationally_related_form 00387680 +01861403 _derivationally_related_form 14010927 +07518468 _derivationally_related_form 01787955 +06416206 _derivationally_related_form 01626844 +00776523 _derivationally_related_form 11414608 +00497219 _hypernym 00497705 +08502171 _hypernym 08630039 +00044673 _hypernym 00030358 +00978549 _derivationally_related_form 07131854 +07658958 _hypernym 07653394 +10628644 _hypernym 10164747 +00392093 _derivationally_related_form 01854132 +01460421 _also_see 01624633 +00311113 _also_see 02516255 +04021798 _hypernym 03736970 +11331669 _instance_hypernym 10088390 +04836491 _derivationally_related_form 00705517 +01606736 _derivationally_related_form 00814458 +00217700 _derivationally_related_form 02472693 +11301597 _instance_hypernym 10020890 +01073655 _hypernym 01073241 +02573918 _hypernym 01429349 +13841651 _derivationally_related_form 00713996 +02285392 _derivationally_related_form 13368052 +01890860 _hypernym 01889520 +01861778 _hypernym 01471682 +08192557 _hypernym 08192361 +07291794 _hypernym 07291312 +00126264 _derivationally_related_form 09609871 +01353226 _derivationally_related_form 00263231 +13504403 _hypernym 13489037 +02633677 _hypernym 02632989 +00374668 _hypernym 00126264 +08305766 _member_meronym 08849753 +13358549 _hypernym 13384557 +02457585 _hypernym 02457233 +01963655 _hypernym 01967373 +10425946 _derivationally_related_form 05943300 +07226545 _derivationally_related_form 00884011 +02660769 _member_meronym 02661765 +00985800 _hypernym 00983824 +02578510 _derivationally_related_form 07450842 +11911591 _member_meronym 11942875 +00156625 _derivationally_related_form 02585050 +01948573 _derivationally_related_form 10127273 +12435152 _hypernym 12431434 +00315330 _verb_group 00315020 +11418750 _synset_domain_topic_of 06037666 +14574846 _derivationally_related_form 00856578 +01421496 _member_meronym 01422594 +02336483 _derivationally_related_form 03405265 +10470779 _hypernym 13950812 +00287848 _hypernym 00286928 +11953339 _hypernym 12205694 +05236848 _hypernym 05236322 +02282903 _hypernym 02281787 +02653655 _member_meronym 02653965 +01975880 _hypernym 01342529 +00713952 _derivationally_related_form 01612084 +02600953 _member_meronym 02602215 +08801678 _member_meronym 09716047 +01647229 _derivationally_related_form 10107303 +03980178 _hypernym 03485997 +06717170 _member_of_domain_usage 09638245 +01768969 _member_meronym 01769347 +08995242 _instance_hypernym 09453008 +05540121 _hypernym 05269901 +02581073 _hypernym 02536557 +11958316 _hypernym 11579418 +01725051 _verb_group 01726172 +07346057 _derivationally_related_form 01877204 +02251065 _hypernym 01128193 +04561734 _hypernym 03309808 +10616204 _derivationally_related_form 02276866 +10477585 _derivationally_related_form 02591893 +04005630 _hypernym 03111690 +13412721 _has_part 13279262 +02726717 _derivationally_related_form 03603958 +03686658 _hypernym 03733925 +00058337 _hypernym 00042757 +00702434 _derivationally_related_form 13851067 +01774918 _member_meronym 01775230 +13480541 _hypernym 13482330 +00053913 _derivationally_related_form 01511380 +01671874 _member_meronym 01672275 +11226126 _instance_hypernym 10453533 +02655020 _hypernym 02652668 +01578341 _hypernym 01504437 +01976477 _member_meronym 01976957 +01452798 _hypernym 02552171 +10815648 _instance_hypernym 09947232 +09990904 _hypernym 09990415 +11794267 _member_meronym 11795774 +00345926 _derivationally_related_form 01878063 +00376715 _hypernym 00376400 +00855933 _hypernym 00845909 +02197545 _hypernym 01762525 +02536557 _derivationally_related_form 10461747 +08860123 _member_of_domain_region 03586631 +13940456 _derivationally_related_form 02008066 +14204950 _derivationally_related_form 10011074 +12671157 _member_meronym 12671898 +02176268 _hypernym 02123903 +00315830 _derivationally_related_form 01566916 +03200357 _derivationally_related_form 01167981 +01811441 _derivationally_related_form 10185148 +00443384 _hypernym 00109660 +01364184 _synset_domain_topic_of 00243918 +10214062 _derivationally_related_form 02019716 +00213353 _derivationally_related_form 05717342 +05549830 _has_part 05559727 +04043733 _has_part 02705944 +11994718 _hypernym 07673397 +02187693 _hypernym 02176268 +01034932 _derivationally_related_form 10659571 +03045074 _derivationally_related_form 01321002 +08860123 _member_of_domain_region 06792950 +02074377 _derivationally_related_form 00059127 +02461063 _derivationally_related_form 03599628 +14442749 _derivationally_related_form 02644234 +06121554 _derivationally_related_form 10460286 +03061081 _derivationally_related_form 05996646 +07658814 _hypernym 07656077 +00671351 _derivationally_related_form 01169194 +00753881 _verb_group 00792471 +08780881 _member_of_domain_region 07870069 +00060201 _derivationally_related_form 02074677 +07203126 _derivationally_related_form 01009240 +01296462 _hypernym 01354673 +04714440 _hypernym 04731497 +04019101 _hypernym 03100490 +14415773 _derivationally_related_form 01823528 +07532276 _derivationally_related_form 00883635 +13990675 _hypernym 13920835 +00266586 _synset_domain_topic_of 06084469 +00642098 _hypernym 00637259 +01161695 _hypernym 01158872 +02644967 _member_meronym 02645304 +01097960 _derivationally_related_form 01156438 +11988774 _hypernym 11579418 +10766492 _hypernym 10599806 +08295138 _member_meronym 09018848 +01812068 _derivationally_related_form 01265475 +01810126 _hypernym 01809321 +01057759 _hypernym 01057200 +05194578 _derivationally_related_form 00747418 +07288801 _hypernym 00029378 +15203565 _has_part 15225249 +10776339 _derivationally_related_form 01045419 +01674544 _hypernym 01653013 +10602695 _synset_domain_topic_of 08083599 +14541044 _hypernym 00007347 +01951107 _hypernym 01939598 +02058794 _also_see 02523275 +00856860 _derivationally_related_form 04629194 +01408383 _hypernym 01387617 +03270165 _has_part 07262704 +08060446 _derivationally_related_form 01621555 +00889740 _derivationally_related_form 01061203 +00271879 _derivationally_related_form 00113853 +02183175 _derivationally_related_form 10183556 +10828990 _instance_hypernym 10537240 +11820323 _hypernym 11573660 +01311520 _has_part 01300782 +00642379 _derivationally_related_form 04912982 +01002413 _hypernym 00996969 +01287388 _synset_domain_topic_of 06125698 +02214203 _hypernym 01762525 +01523908 _member_meronym 01524359 +09050730 _has_part 09051898 +03327234 _derivationally_related_form 01130607 +02744280 _hypernym 02744061 +08948155 _instance_hypernym 08574314 +06806469 _derivationally_related_form 00836236 +12882779 _hypernym 12205694 +01086081 _derivationally_related_form 01178565 +00056334 _derivationally_related_form 00849523 +01133281 _derivationally_related_form 02436349 +13007034 _hypernym 13875392 +07476623 _hypernym 07475364 +09060768 _has_part 09062961 +01809784 _hypernym 00461493 +00602805 _derivationally_related_form 00729108 +11301414 _instance_hypernym 09798811 +12100538 _member_meronym 12104614 +06767922 _derivationally_related_form 00850192 +07065740 _hypernym 07064715 +10745332 _hypernym 10292192 +01793177 _derivationally_related_form 00908672 +14122497 _hypernym 14145095 +01782209 _hypernym 01779629 +05799212 _derivationally_related_form 01195299 +00487350 _derivationally_related_form 14002109 +05971621 _synset_domain_topic_of 06158346 +07757132 _hypernym 07705931 +13572436 _hypernym 13536016 +02385634 _derivationally_related_form 00586262 +10954966 _instance_hypernym 10123844 +02806261 _derivationally_related_form 01202728 +00835501 _derivationally_related_form 00005526 +01079042 _derivationally_related_form 02629256 +00282790 _derivationally_related_form 13483190 +02400139 _member_meronym 02416410 +00795720 _derivationally_related_form 02419773 +08207095 _synset_domain_topic_of 08199025 +11832671 _has_part 07720277 +15156746 _synset_domain_topic_of 06095022 +13452947 _hypernym 13459322 +02150039 _hypernym 02131279 +00254415 _hypernym 00251013 +10507070 _derivationally_related_form 01051956 +12744656 _member_meronym 12744850 +02137132 _also_see 02141973 +09031653 _has_part 09349192 +04502851 _hypernym 03343853 +07185076 _derivationally_related_form 02296726 +08177030 _hypernym 08237699 +01754737 _derivationally_related_form 00942234 +08140767 _hypernym 08337324 +08735705 _has_part 08703035 +02537847 _member_meronym 02538010 +00215838 _hypernym 00215683 +10562749 _derivationally_related_form 02167571 +01420451 _hypernym 01419982 +13841213 _hypernym 00031921 +13878112 _hypernym 13865483 +01487743 _member_meronym 01487914 +01443831 _hypernym 01439121 +02152278 _derivationally_related_form 06598746 +01257145 _similar_to 01256332 +04635631 _derivationally_related_form 00039592 +10769459 _derivationally_related_form 02268351 +10329789 _synset_domain_topic_of 08083599 +08681222 _derivationally_related_form 02033295 +08929922 _member_of_domain_region 01295528 +01726960 _member_meronym 01735062 +06731186 _hypernym 06730563 +12998349 _member_meronym 13074084 +04683814 _derivationally_related_form 02748927 +03789946 _derivationally_related_form 02226013 +01741221 _synset_domain_topic_of 00918383 +13010219 _hypernym 11590783 +05035264 _hypernym 05203649 +07236759 _hypernym 07236077 +01624833 _hypernym 01621127 +10068234 _derivationally_related_form 02531625 +12641413 _hypernym 12651821 +07291312 _derivationally_related_form 01620854 +07285403 _derivationally_related_form 01771535 +02291434 _derivationally_related_form 13256691 +01998741 _hypernym 01998183 +06214744 _derivationally_related_form 09945319 +12573256 _hypernym 12205694 +00830761 _derivationally_related_form 10252547 +08962610 _has_part 08962951 +00802946 _hypernym 00802318 +04595855 _hypernym 03033362 +01878803 _hypernym 01864707 +07311115 _derivationally_related_form 01841079 +09826605 _hypernym 09826204 +05826291 _derivationally_related_form 00667224 +07758407 _hypernym 07705931 +03968728 _derivationally_related_form 00465634 +06582403 _derivationally_related_form 03103198 +00570694 _hypernym 00109660 +00130778 _similar_to 00131018 +02560164 _hypernym 02506546 +12314315 _member_meronym 12315818 +00894552 _derivationally_related_form 01723224 +00092690 _hypernym 00205046 +01743223 _hypernym 01656813 +05227209 _hypernym 05225602 +01739814 _derivationally_related_form 10078806 +04743024 _derivationally_related_form 00691944 +05269901 _has_part 05472032 +05540513 _has_part 05541872 +05289861 _has_part 05290756 +02199712 _member_meronym 02203739 +04100994 _hypernym 03124700 +12164656 _has_part 07755929 +09957156 _derivationally_related_form 06216160 +01277974 _derivationally_related_form 00406612 +01076046 _derivationally_related_form 02680814 +06294441 _hypernym 06286395 +13004160 _hypernym 11592146 +02160552 _derivationally_related_form 04953954 +00482893 _derivationally_related_form 00185104 +11629501 _hypernym 11553763 +04046810 _derivationally_related_form 01954559 +08727230 _instance_hypernym 08524735 +01277755 _instance_hypernym 00953559 +14709265 _hypernym 14991927 +03837422 _has_part 02848523 +09397607 _hypernym 09225146 +05772215 _derivationally_related_form 02983097 +02144243 _derivationally_related_form 06447897 +01257612 _derivationally_related_form 04629604 +01340439 _derivationally_related_form 00147595 +00725274 _hypernym 01767949 +00443116 _verb_group 00443384 +07200813 _derivationally_related_form 00814850 +11890507 _has_part 07733005 +05426243 _hypernym 05267548 +10304914 _hypernym 10136959 +07073447 _member_of_domain_usage 02637202 +01311520 _has_part 01298573 +02221414 _hypernym 02219486 +10176111 _hypernym 10412055 +02855089 _derivationally_related_form 02101046 +11911591 _member_meronym 11928549 +02661574 _derivationally_related_form 08578517 +01481599 _hypernym 08103777 +10098245 _derivationally_related_form 03372029 +02179518 _derivationally_related_form 11480930 +00459296 _derivationally_related_form 00555648 +12691834 _hypernym 11585340 +07412310 _derivationally_related_form 02162947 +08036005 _synset_domain_topic_of 00759694 +15169873 _has_part 15157041 +01584004 _member_meronym 01585890 +09709001 _hypernym 09708405 +07188685 _hypernym 07186828 +09771664 _hypernym 00007846 +00748282 _derivationally_related_form 01127623 +05301908 _has_part 05302499 +08095160 _synset_domain_topic_of 08441203 +00985921 _hypernym 00984609 +07821919 _hypernym 07809368 +02172127 _derivationally_related_form 07379963 +06851742 _member_of_domain_usage 02668093 +12876032 _member_meronym 12881429 +05635841 _hypernym 05638987 +07713074 _hypernym 07710007 +07884567 _derivationally_related_form 00139908 +07416107 _hypernym 07415730 +12545635 _hypernym 13118707 +10525436 _hypernym 10309896 +01462468 _derivationally_related_form 02850732 +06461077 _has_part 06437824 +08330298 _synset_domain_topic_of 08441203 +04836268 _derivationally_related_form 01826060 +00954086 _hypernym 00952963 +09546453 _synset_domain_topic_of 15259284 +01721754 _derivationally_related_form 10286539 +02446164 _hypernym 02413480 +06611376 _hypernym 06611681 +12026764 _member_meronym 12027222 +04737234 _hypernym 04735929 +00491689 _derivationally_related_form 13660178 +01681812 _member_meronym 01681940 +01389188 _member_meronym 01389875 +08709038 _has_part 08987423 +00416409 _hypernym 00415676 +07787715 _hypernym 07783210 +10506915 _hypernym 09942970 +04110955 _hypernym 03738472 +14989820 _derivationally_related_form 00287258 +11967572 _hypernym 11579418 +12637729 _member_meronym 12647560 +05194874 _hypernym 05194151 +02117649 _derivationally_related_form 05896733 +02125032 _derivationally_related_form 00883139 +10550673 _instance_hypernym 10408552 +13451804 _hypernym 13461162 +02482425 _derivationally_related_form 00220522 +00901651 _derivationally_related_form 07217349 +00350104 _derivationally_related_form 00242003 +07181043 _derivationally_related_form 02701775 +02815600 _hypernym 04338359 +01104637 _derivationally_related_form 01685601 +01687401 _hypernym 01686956 +04980656 _derivationally_related_form 01053144 +02621107 _member_meronym 02621419 +00599992 _derivationally_related_form 05755883 +09439433 _member_meronym 09394007 +09953178 _hypernym 09931640 +01622352 _hypernym 01621127 +02603699 _derivationally_related_form 01932973 +01088547 _derivationally_related_form 10745332 +00618057 _derivationally_related_form 00076563 +00298556 _derivationally_related_form 08623927 +08713655 _instance_hypernym 08574314 +01665638 _derivationally_related_form 09963320 +05073131 _hypernym 05072911 +11804604 _member_meronym 11817000 +02424909 _hypernym 02424695 +11945228 _member_meronym 11945367 +00380696 _derivationally_related_form 00394813 +00720808 _derivationally_related_form 05805277 +11856981 _member_meronym 11858406 +00814850 _derivationally_related_form 10510546 +08046346 _synset_domain_topic_of 00759694 +12556656 _hypernym 12556307 +10476086 _hypernym 09630641 +04187233 _derivationally_related_form 01336635 +01075164 _hypernym 01072949 +00775156 _derivationally_related_form 10498422 +01362736 _derivationally_related_form 10393909 +09876701 _derivationally_related_form 08075388 +00701040 _derivationally_related_form 13555446 +00539546 _hypernym 01628449 +05464685 _hypernym 05238036 +09199341 _hypernym 09272085 +12149144 _hypernym 12147226 +06845599 _member_of_domain_usage 03612378 +01643464 _derivationally_related_form 00935940 +00889026 _hypernym 00888786 +01874568 _derivationally_related_form 11527967 +00940384 _derivationally_related_form 00943363 +05775081 _derivationally_related_form 00917772 +04827652 _derivationally_related_form 02037272 +10765189 _derivationally_related_form 01268112 +00970645 _hypernym 00955060 +03380867 _hypernym 03122748 +11287964 _instance_hypernym 10323182 +02507736 _derivationally_related_form 14446878 +00318186 _hypernym 00317207 +06977434 _hypernym 06976392 +00945777 _hypernym 00945401 +01481027 _synset_domain_topic_of 00452293 +05196582 _derivationally_related_form 02539334 +05587288 _hypernym 05585665 +10501203 _derivationally_related_form 00808671 +02512053 _has_part 02465929 +00364629 _hypernym 00140123 +12761471 _member_meronym 12762049 +02109645 _hypernym 02121511 +00733317 _hypernym 00732746 +00764032 _derivationally_related_form 07177924 +11132245 _instance_hypernym 10566072 +08780881 _member_of_domain_region 09920106 +02098458 _hypernym 02035919 +08822855 _has_part 09429934 +03082979 _has_part 03084204 +01604251 _derivationally_related_form 00299680 +00995838 _hypernym 00993014 +02083038 _member_meronym 02120387 +01706889 _synset_domain_topic_of 00543233 +14544672 _derivationally_related_form 00101277 +02617402 _hypernym 01432517 +06845599 _member_of_domain_usage 03774673 +00341548 _hypernym 00331950 +11859981 _hypernym 11573660 +14792703 _hypernym 14944888 +00766418 _derivationally_related_form 07245125 +11011764 _instance_hypernym 09765278 +00739850 _synset_domain_topic_of 08441203 +00570694 _derivationally_related_form 00057486 +08639776 _hypernym 08497294 +09382990 _has_part 09481958 +01148283 _also_see 00999817 +13949802 _derivationally_related_form 00660381 +02243562 _hypernym 02241799 +02678438 _derivationally_related_form 00582868 +13622591 _hypernym 13615557 +09417560 _instance_hypernym 09411430 +08031663 _synset_domain_topic_of 00759694 +03489162 _has_part 03485997 +12039743 _hypernym 11555413 +02851099 _hypernym 04014297 +14894481 _hypernym 14894140 +12805561 _hypernym 12805146 +00249852 _hypernym 00250181 +00788766 _derivationally_related_form 01165579 +01594157 _member_meronym 01594611 +04568841 _derivationally_related_form 01672168 +03231912 _derivationally_related_form 02071457 +01370561 _derivationally_related_form 00136329 +14493716 _derivationally_related_form 02317970 +12659730 _member_meronym 12671157 +00316460 _hypernym 00315986 +03005769 _derivationally_related_form 00169458 +12039743 _member_meronym 12072419 +12734446 _member_meronym 12738859 +01146288 _hypernym 01145359 +09372504 _member_of_domain_region 09022831 +01377906 _member_meronym 01378137 +13629676 _hypernym 13601596 +11261483 _instance_hypernym 10650162 +08264897 _derivationally_related_form 02716767 +00612160 _hypernym 00610373 +07886057 _hypernym 07884567 +05371663 _hypernym 05418717 +01213614 _derivationally_related_form 00775286 +00103696 _also_see 00428404 +01382083 _hypernym 01380638 +03658858 _hypernym 03568117 +01186578 _derivationally_related_form 10265532 +01817424 _member_meronym 01818959 +10682380 _derivationally_related_form 01011031 +01848718 _derivationally_related_form 00042757 +09132778 _instance_hypernym 08524735 +05582859 _hypernym 05267548 +00604694 _derivationally_related_form 10665698 +11529603 _member_meronym 11534434 +09141526 _has_part 09405949 +00041188 _derivationally_related_form 02418421 +03636649 _has_part 03194812 +06934389 _hypernym 06934132 +00461354 _derivationally_related_form 04982478 +11168974 _instance_hypernym 09931640 +00841628 _derivationally_related_form 01191838 +02609169 _hypernym 01432517 +09639237 _hypernym 07967982 +02298833 _member_meronym 02299378 +05321307 _has_part 05326624 +08456993 _derivationally_related_form 00277659 +12815925 _member_meronym 12816359 +03651947 _synset_domain_topic_of 00314469 +00990655 _derivationally_related_form 09769345 +03933529 _derivationally_related_form 02085742 +08095647 _member_meronym 09682291 +10129338 _hypernym 10129825 +08041484 _synset_domain_topic_of 00759694 +06582761 _hypernym 06584891 +09510904 _hypernym 09505418 +02274253 _also_see 00289082 +07443010 _derivationally_related_form 00334803 +13960117 _derivationally_related_form 00625774 +11183955 _instance_hypernym 10391653 +08919241 _instance_hypernym 08524735 +01610426 _hypernym 01507175 +11811308 _member_meronym 11811473 +01719921 _derivationally_related_form 09765278 +00583242 _verb_group 00583523 +02708711 _hypernym 03574816 +02844714 _hypernym 04295081 +12469936 _member_meronym 12470512 +00331082 _derivationally_related_form 14948645 +00924873 _hypernym 00631737 +05301908 _derivationally_related_form 01432474 +14491271 _hypernym 14488317 +01969601 _derivationally_related_form 07375781 +12449526 _hypernym 12449296 +01543731 _hypernym 01543123 +02146790 _derivationally_related_form 01048912 +12943302 _hypernym 11585340 +02451575 _hypernym 00015388 +00201407 _derivationally_related_form 06722186 +02074677 _derivationally_related_form 00060201 +05773923 _hypernym 05772356 +10478626 _derivationally_related_form 02642238 +00090779 _derivationally_related_form 02199590 +05667951 _synset_domain_topic_of 06151693 +02672371 _hypernym 03679384 +00698855 _derivationally_related_form 06511874 +10075299 _hypernym 10633450 +05219724 _has_part 05514905 +02658283 _verb_group 02657219 +01042242 _synset_domain_topic_of 08083599 +05987650 _synset_domain_topic_of 08083599 +00535452 _derivationally_related_form 13864965 +01007495 _hypernym 00740577 +01431230 _derivationally_related_form 00854000 +09649926 _hypernym 09647834 +09095023 _has_part 09306031 +13450206 _derivationally_related_form 00377002 +04629194 _derivationally_related_form 00856860 +10151570 _derivationally_related_form 02439732 +00776732 _hypernym 00780889 +09048880 _member_of_domain_region 07689003 +00228858 _synset_domain_topic_of 06084469 +08459252 _derivationally_related_form 00660571 +10655169 _hypernym 10241300 +12526380 _hypernym 11585340 +02219901 _hypernym 01762525 +00864159 _derivationally_related_form 06201042 +09840639 _hypernym 09807754 +08766988 _has_part 08771116 +01970342 _member_meronym 01970502 +02449183 _hypernym 02622234 +08191987 _hypernym 08337324 +01583656 _derivationally_related_form 01149480 +04039848 _hypernym 03733925 +00981083 _derivationally_related_form 06732013 +13865483 _hypernym 00027807 +00918383 _hypernym 00916464 +01864865 _hypernym 01831531 +13913566 _derivationally_related_form 01624568 +01884974 _derivationally_related_form 00348008 +08900535 _has_part 08904115 +12212810 _member_meronym 11585340 +05479503 _hypernym 05476256 +01215851 _hypernym 01212572 +02274516 _member_meronym 02278704 +01697027 _derivationally_related_form 00909899 +05426989 _has_part 05455690 +09905050 _hypernym 10768585 +09858299 _derivationally_related_form 00784388 +08347704 _hypernym 08339939 +00013172 _derivationally_related_form 09879744 +10040617 _hypernym 00007846 +03327234 _derivationally_related_form 01588134 +14669413 _hypernym 14662574 +05734381 _derivationally_related_form 00851933 +01657254 _verb_group 00619610 +14427065 _hypernym 14425974 +14698698 _hypernym 14696793 +00654625 _hypernym 00657260 +06742772 _derivationally_related_form 00630026 +01621127 _hypernym 01604330 +11973159 _member_meronym 11973341 +03681477 _hypernym 03085333 +10042300 _derivationally_related_form 01179865 +05015117 _hypernym 04522421 +00630071 _hypernym 00629911 +02037839 _hypernym 02037090 +01249483 _derivationally_related_form 01083373 +01213886 _derivationally_related_form 02556817 +02936281 _hypernym 02935658 +01867502 _derivationally_related_form 01157517 +02760429 _hypernym 02759963 +02656390 _derivationally_related_form 14539960 +02840619 _derivationally_related_form 01332730 +12674685 _hypernym 12674120 +05035961 _derivationally_related_form 00022686 +11711971 _hypernym 13109733 +06598445 _derivationally_related_form 00607114 +02590340 _derivationally_related_form 01252280 +00972191 _derivationally_related_form 04728068 +04760024 _hypernym 04760771 +02276527 _member_meronym 02276902 +06483454 _hypernym 06482401 +02616397 _hypernym 02612657 +09310460 _hypernym 09190918 +10508710 _hypernym 10557854 +01346978 _verb_group 01345109 +00795632 _verb_group 02498320 +02251743 _derivationally_related_form 13278375 +00200397 _hypernym 00126264 +14842992 _hypernym 14580897 +09282208 _hypernym 09334396 +01138204 _derivationally_related_form 01246926 +06562802 _hypernym 06559365 +14859838 _hypernym 14859344 +12501745 _member_meronym 12514324 +00422551 _derivationally_related_form 00071178 +02491590 _member_meronym 02492240 +02618372 _member_meronym 02618513 +13372123 _derivationally_related_form 02766390 +00878636 _hypernym 01952898 +06851742 _member_of_domain_usage 14839322 +04495843 _hypernym 02858304 +12139575 _hypernym 12102133 +02199712 _hypernym 01342529 +01468576 _derivationally_related_form 02972533 +02743020 _hypernym 02604760 +01072949 _derivationally_related_form 10439851 +02700867 _derivationally_related_form 00318735 +11993007 _hypernym 11579418 +06400510 _hypernym 06400271 +01003249 _synset_domain_topic_of 00903559 +02286815 _hypernym 01759182 +07169848 _derivationally_related_form 00751567 +01582220 _hypernym 01578575 +02526085 _derivationally_related_form 09762821 +01878719 _derivationally_related_form 07439284 +00159620 _hypernym 00157081 +00258854 _derivationally_related_form 00384620 +02586382 _member_meronym 02586865 +00974173 _derivationally_related_form 02714139 +01791756 _hypernym 01790739 +01584004 _member_meronym 01585577 +00148057 _derivationally_related_form 00420132 +01891865 _hypernym 01864707 +10159714 _derivationally_related_form 00990249 +00040152 _derivationally_related_form 02257370 +10520804 _derivationally_related_form 02460199 +10410246 _synset_domain_topic_of 08199025 +00047945 _hypernym 00146138 +09445088 _instance_hypernym 09403734 +11911591 _member_meronym 11921200 +06891022 _hypernym 06887726 +11841529 _member_meronym 11852814 +00849523 _hypernym 00844254 +11192067 _instance_hypernym 10444194 +03908204 _has_part 03974215 +01385330 _hypernym 01384687 +06796642 _derivationally_related_form 01067816 +00127531 _derivationally_related_form 00227507 +14732472 _hypernym 15026716 +06763681 _derivationally_related_form 00727791 +06737112 _hypernym 06722453 +05284132 _has_part 05309591 +00535844 _hypernym 00126264 +12732756 _hypernym 12731401 +03326073 _hypernym 03033362 +02593001 _hypernym 02575082 +05021884 _hypernym 05009170 +10753182 _derivationally_related_form 02332999 +03625783 _hypernym 04321238 +01053495 _derivationally_related_form 10183556 +02459633 _hypernym 02459173 +02689299 _hypernym 02687916 +02322230 _derivationally_related_form 00780889 +06343520 _hypernym 06333653 +11911591 _member_meronym 11920344 +10439851 _derivationally_related_form 01072949 +15232899 _instance_hypernym 15113229 +09889170 _hypernym 10605985 +01255935 _derivationally_related_form 01730384 +00905677 _derivationally_related_form 01249315 +13270038 _derivationally_related_form 02263027 +08563180 _has_part 08563478 +15258694 _hypernym 05867413 +06918396 _hypernym 06906439 +00119074 _derivationally_related_form 04748836 +01222360 _also_see 01226240 +07520112 _derivationally_related_form 01812324 +00837098 _hypernym 00836788 +00386392 _derivationally_related_form 00524530 +11359187 _instance_hypernym 10421956 +03339643 _hypernym 03183080 +02335828 _derivationally_related_form 13580415 +02065026 _hypernym 02064338 +01482449 _derivationally_related_form 10390427 +00399074 _derivationally_related_form 13456567 +06174404 _hypernym 06181584 +10140783 _hypernym 09979321 +02568672 _derivationally_related_form 00631378 +03087366 _hypernym 03656484 +00091013 _hypernym 00043609 +12422751 _hypernym 11556187 +13080471 _member_meronym 13080674 +04894964 _derivationally_related_form 01161087 +02638835 _hypernym 01429349 +01457079 _hypernym 01456771 +13053187 _hypernym 11590783 +06766190 _derivationally_related_form 01024190 +00362103 _derivationally_related_form 02319428 +02291391 _member_meronym 02291940 +07537668 _hypernym 07532440 +03896233 _member_meronym 03895866 +01803380 _derivationally_related_form 10167565 +07358060 _hypernym 07296428 +11715810 _hypernym 11714853 +00483466 _hypernym 00483181 +12758639 _member_meronym 12759120 +01716619 _derivationally_related_form 07007945 +14414715 _hypernym 14414294 +09801102 _derivationally_related_form 01215137 +07234230 _derivationally_related_form 00842989 +01519727 _derivationally_related_form 02889035 +00598318 _hypernym 00586262 +06210363 _derivationally_related_form 02611373 +03753077 _hypernym 03733925 +14954284 _hypernym 14792703 +03707597 _hypernym 04063373 +01502262 _member_meronym 02049299 +09772029 _derivationally_related_form 00252710 +05004294 _hypernym 05002822 +00038849 _derivationally_related_form 07938773 +01209678 _derivationally_related_form 05722427 +00895501 _hypernym 00893955 +00565592 _derivationally_related_form 04956110 +08524130 _hypernym 08523483 +04821277 _derivationally_related_form 00464513 +00795863 _derivationally_related_form 00206302 +04190052 _hypernym 04359589 +02389220 _derivationally_related_form 08683548 +02196690 _derivationally_related_form 05716744 +05551318 _synset_domain_topic_of 02472293 +01478603 _hypernym 01476483 +11208172 _instance_hypernym 10467395 +11907554 _member_meronym 11907689 +07927512 _hypernym 07927197 +09862345 _derivationally_related_form 02656763 +02834778 _derivationally_related_form 01935476 +13903079 _derivationally_related_form 00233335 +02357693 _derivationally_related_form 00267349 +12560775 _hypernym 12560016 +12573760 _member_meronym 12573911 +09202810 _instance_hypernym 09411430 +01189282 _derivationally_related_form 00906367 +02274516 _member_meronym 02277895 +05968971 _synset_domain_topic_of 06158346 +02058191 _hypernym 01831531 +12702706 _hypernym 11585340 +05672391 _derivationally_related_form 02617933 +08494459 _has_part 09198106 +07622708 _hypernym 07622061 +12169776 _member_meronym 12183318 +01518343 _hypernym 01517662 +03315644 _derivationally_related_form 01271189 +11741010 _member_meronym 11741175 +03799710 _hypernym 03876519 +02294179 _hypernym 02201644 +01265989 _derivationally_related_form 04700642 +05658226 _derivationally_related_form 02191546 +01661472 _hypernym 01651444 +14632129 _hypernym 14622893 +03998525 _hypernym 02698769 +00559102 _derivationally_related_form 14050143 +11799732 _hypernym 12205694 +05545212 _hypernym 05249636 +06285090 _has_part 06312966 +12377328 _hypernym 11575425 +11658104 _member_meronym 11658709 +01063695 _derivationally_related_form 07186148 +05979350 _derivationally_related_form 00776988 +00578116 _derivationally_related_form 01156438 +01380489 _hypernym 01352574 +08858248 _has_part 08887013 +13214813 _member_meronym 13215063 +02543874 _hypernym 02717831 +01618671 _member_meronym 01618922 +06037666 _derivationally_related_form 02665803 +06468123 _hypernym 06467007 +01249724 _derivationally_related_form 00712031 +01967677 _hypernym 01938850 +14374432 _hypernym 14373582 +02645597 _hypernym 02644234 +01885498 _hypernym 01883513 +01601068 _hypernym 01600657 +14492373 _hypernym 14491271 +05275905 _has_part 05471837 +14658855 _derivationally_related_form 01395382 +04997988 _hypernym 04916342 +02356108 _member_meronym 02356381 +02319428 _derivationally_related_form 03206405 +14292090 _derivationally_related_form 00108303 +00528667 _hypernym 00528397 +00716531 _hypernym 00632236 +11243907 _instance_hypernym 09826204 +11660848 _hypernym 11534677 +00413195 _derivationally_related_form 09772330 +06392001 _synset_domain_topic_of 07020895 +07142566 _hypernym 07140659 +03173524 _derivationally_related_form 02736778 +08159924 _hypernym 08153437 +03250089 _hypernym 03551084 +05992274 _hypernym 05874232 +00927430 _derivationally_related_form 07163988 +12400261 _member_meronym 12400489 +11911591 _member_meronym 12014739 +09608709 _hypernym 10138767 +05294606 _derivationally_related_form 00027705 +00195342 _derivationally_related_form 08541288 +03579355 _derivationally_related_form 01466543 +03921749 _hypernym 03783017 +01822936 _derivationally_related_form 07546125 +12378080 _hypernym 11575425 +01194225 _synset_domain_topic_of 08441203 +11654293 _hypernym 13108841 +12394494 _member_meronym 12394638 +02630052 _hypernym 01429349 +01854047 _hypernym 01504437 +02095060 _hypernym 01912159 +00475183 _derivationally_related_form 00253270 +03485794 _hypernym 03932670 +01231652 _derivationally_related_form 10644179 +10384214 _hypernym 10806222 +04639371 _hypernym 04639113 +06608977 _derivationally_related_form 00464962 +05702726 _derivationally_related_form 00163592 +00338641 _derivationally_related_form 01346003 +08154960 _member_meronym 11365857 +01529036 _member_meronym 01533780 +02243461 _hypernym 02242464 +01854132 _verb_group 02311387 +03322099 _derivationally_related_form 02420232 +14399852 _hypernym 14398523 +01685313 _derivationally_related_form 00908492 +01028640 _derivationally_related_form 06337693 +09189411 _has_part 09029457 +01080064 _verb_group 01079480 +01144133 _hypernym 01143040 +02084732 _derivationally_related_form 01047745 +12715569 _member_meronym 12716861 +11900058 _member_meronym 11903167 +12799776 _hypernym 11669921 +03244388 _derivationally_related_form 02408281 +00826509 _derivationally_related_form 09979321 +14872875 _hypernym 15006258 +07763792 _hypernym 07705931 +01509079 _derivationally_related_form 00106272 +00555447 _derivationally_related_form 07359599 +04913839 _hypernym 04912732 +14724264 _hypernym 14727670 +01837230 _hypernym 01504437 +09012297 _has_part 09012735 +09810707 _hypernym 09977660 +10101634 _derivationally_related_form 00468480 +02584325 _hypernym 01432517 +02289295 _hypernym 02210855 +01448100 _derivationally_related_form 11458624 +05113929 _hypernym 05113462 +01937909 _derivationally_related_form 00086077 +10020031 _hypernym 10756433 +02473981 _hypernym 02475922 +12309850 _hypernym 11567411 +05931152 _hypernym 05930736 +14485064 _derivationally_related_form 01646528 +02052090 _hypernym 02051694 +02526486 _hypernym 01429349 +08510666 _derivationally_related_form 02137907 +09442838 _derivationally_related_form 00144314 +14685017 _hypernym 14951377 +09294716 _derivationally_related_form 00331082 +03930087 _hypernym 03764276 +06780678 _derivationally_related_form 01693727 +11794267 _hypernym 11555413 +00384055 _hypernym 00138508 +00634906 _derivationally_related_form 06743506 +15011987 _hypernym 15010703 +00205349 _derivationally_related_form 02237338 +11665781 _hypernym 08103777 +10772580 _hypernym 10523341 +00575970 _hypernym 00126264 +05776679 _hypernym 05776212 +03291551 _hypernym 03385557 +00796839 _hypernym 00795863 +06381372 _derivationally_related_form 01703613 +06364149 _derivationally_related_form 00995838 +04139859 _hypernym 03094503 +00792356 _hypernym 00791078 +13808708 _has_part 13809207 +12471825 _hypernym 11561228 +09801102 _hypernym 00007846 +01259773 _derivationally_related_form 00018813 +02294436 _derivationally_related_form 03210683 +00955148 _derivationally_related_form 05919866 +01424220 _hypernym 01419473 +00171618 _hypernym 00171249 +00979988 _hypernym 00978549 +07553741 _derivationally_related_form 01821996 +01695259 _member_meronym 01722828 +06713930 _hypernym 06711855 +04023249 _hypernym 04451818 +00439588 _derivationally_related_form 10667187 +13986679 _hypernym 13985818 +06224439 _hypernym 05980412 +08167779 _hypernym 08167365 +08936303 _instance_hypernym 08633957 +00742320 _derivationally_related_form 00494907 +00808767 _hypernym 00808182 +03814112 _has_part 03068181 +01438304 _derivationally_related_form 10001058 +00282953 _hypernym 00282050 +01372049 _derivationally_related_form 04840011 +03285106 _hypernym 02673637 +06634239 _derivationally_related_form 02237338 +04854389 _hypernym 04827652 +13841863 _derivationally_related_form 01945550 +00842692 _hypernym 00838098 +02937720 _derivationally_related_form 11867525 +07397761 _hypernym 07371293 +03259505 _derivationally_related_form 02459633 +12994979 _hypernym 08220891 +00213343 _hypernym 01108753 +05440207 _hypernym 14830364 +02004492 _hypernym 02002075 +08920924 _has_part 08924238 +09752795 _synset_domain_topic_of 05778131 +02608823 _verb_group 02600948 +05111835 _hypernym 05109808 +00060477 _derivationally_related_form 00692726 +06220616 _derivationally_related_form 00298041 +05300675 _synset_domain_topic_of 06054700 +04459610 _hypernym 03309808 +08151229 _hypernym 08081668 +08356074 _has_part 10467395 +02530421 _hypernym 02512938 +08761244 _member_of_domain_region 01282466 +15147330 _derivationally_related_form 10282482 +02579447 _hypernym 00126264 +00347918 _verb_group 01834053 +02648313 _hypernym 02647660 +07396658 _hypernym 07371293 +06176107 _hypernym 05726345 +01252425 _derivationally_related_form 04694441 +00156601 _derivationally_related_form 05108947 +01846658 _derivationally_related_form 04127904 +08932568 _instance_hypernym 08691669 +07213395 _derivationally_related_form 00933821 +09879744 _hypernym 10202363 +00186001 _derivationally_related_form 07926642 +02261630 _hypernym 01762525 +02317488 _member_meronym 02317983 +13521616 _hypernym 13530408 +06637350 _hypernym 06636806 +00492095 _hypernym 00947077 +12268096 _member_meronym 12268246 +05675905 _derivationally_related_form 00594621 +00932324 _verb_group 00931852 +00044797 _verb_group 00046534 +10837918 _synset_domain_topic_of 08083599 +00781480 _hypernym 00780889 +01892104 _derivationally_related_form 07350401 +01950195 _hypernym 08103777 +02085320 _derivationally_related_form 09223725 +11502497 _derivationally_related_form 02757651 +03139749 _derivationally_related_form 05757049 +01362568 _derivationally_related_form 00718815 +02093610 _verb_group 02093390 +00872414 _derivationally_related_form 06803157 +04003597 _hypernym 03453809 +00013887 _derivationally_related_form 05115040 +12992464 _member_meronym 12994979 +05736736 _derivationally_related_form 02351010 +09612291 _hypernym 09615465 +06004067 _synset_domain_topic_of 06000644 +01805247 _hypernym 02604760 +02570648 _member_meronym 02571034 +03832405 _hypernym 13908021 +10277352 _hypernym 10763725 +01975912 _hypernym 01974062 +01169067 _hypernym 01168468 +02354287 _synset_domain_topic_of 00607775 +10491575 _hypernym 10388924 +01239359 _derivationally_related_form 05549061 +00802629 _hypernym 00802238 +01207609 _hypernym 00407535 +00623006 _derivationally_related_form 06785223 +00040152 _hypernym 00039021 +02058933 _member_meronym 02059162 +01126846 _hypernym 01127411 +13172107 _member_meronym 13178107 +10467395 _derivationally_related_form 02443609 +06546408 _synset_domain_topic_of 08441203 +11422597 _derivationally_related_form 01377940 +09478047 _instance_hypernym 09360122 +01117484 _hypernym 01072949 +01074694 _derivationally_related_form 02145543 +08615638 _derivationally_related_form 01934427 +11797508 _hypernym 13112664 +08987423 _has_part 08988068 +11321051 _instance_hypernym 09765278 +02647497 _derivationally_related_form 01758339 +00700421 _synset_domain_topic_of 00017222 +08427629 _hypernym 00296585 +02272428 _hypernym 01762525 +08143163 _hypernym 08337324 +12169776 _member_meronym 12187030 +00037457 _synset_domain_topic_of 06060845 +03817647 _hypernym 04596852 +08130712 _has_part 08131254 +07251779 _derivationally_related_form 00858568 +10547145 _derivationally_related_form 00866702 +01830042 _hypernym 01771535 +01223877 _hypernym 01220984 +02587532 _hypernym 02367363 +01505254 _verb_group 01506583 +09942871 _hypernym 10026553 +00602805 _derivationally_related_form 10722385 +02881757 _hypernym 03497657 +01777032 _hypernym 01762525 +08187837 _derivationally_related_form 01730799 +04424936 _hypernym 04492856 +02938886 _derivationally_related_form 00637259 +02863464 _derivationally_related_form 05784560 +12892226 _member_meronym 12913352 +11851101 _hypernym 11567411 +02230772 _hypernym 02220461 +00139908 _hypernym 00497705 +13733402 _derivationally_related_form 00733250 +01570935 _derivationally_related_form 13123431 +15186871 _hypernym 15157225 +06898352 _hypernym 06894544 +01113134 _synset_domain_topic_of 00464894 +01037303 _hypernym 00941990 +02012306 _member_meronym 02020777 +07478318 _hypernym 07478169 +12100538 _member_meronym 12107489 +01968569 _hypernym 01835496 +01985524 _derivationally_related_form 13905572 +04904996 _derivationally_related_form 00276601 +12606907 _hypernym 11555413 +07891726 _hypernym 07884567 +01374582 _derivationally_related_form 00594621 +01578254 _derivationally_related_form 00277569 +00774641 _hypernym 00754942 +11771539 _hypernym 13112664 +06469874 _synset_domain_topic_of 08441203 +08915159 _member_meronym 09720702 +01309143 _hypernym 01555742 +00905283 _derivationally_related_form 00252662 +02459633 _derivationally_related_form 08078020 +10760340 _derivationally_related_form 02461314 +13405962 _derivationally_related_form 02265231 +01309143 _derivationally_related_form 13904843 +03768346 _has_part 04182514 +00976953 _derivationally_related_form 02494850 +02542283 _hypernym 01432517 +14702703 _hypernym 14702416 +00886978 _derivationally_related_form 01041111 +03579982 _has_part 03695122 +10342543 _derivationally_related_form 01044114 +02469085 _hypernym 02467662 +01587406 _hypernym 01507175 +10042690 _hypernym 10165448 +04792679 _hypernym 04792127 +07496463 _derivationally_related_form 02122164 +07380934 _hypernym 07371293 +01055146 _derivationally_related_form 07118210 +02179279 _also_see 01115349 +00775702 _hypernym 00775286 +13889843 _synset_domain_topic_of 06095022 +01744657 _member_meronym 01747466 +02329292 _derivationally_related_form 05246511 +02138441 _hypernym 02134971 +02691156 _has_part 03408054 +07326557 _derivationally_related_form 01645601 +01599539 _hypernym 01587062 +00590148 _derivationally_related_form 09906848 +01520789 _hypernym 01342529 +06867675 _derivationally_related_form 01731353 +05974798 _hypernym 06167328 +14676943 _hypernym 14662574 +11746776 _member_meronym 11750855 +09907196 _hypernym 10164747 +08860123 _member_of_domain_region 07860208 +01125562 _hypernym 01124794 +00251791 _derivationally_related_form 06744154 +13038944 _member_meronym 13039553 +00429713 _hypernym 00426928 +02129289 _derivationally_related_form 05656537 +08098499 _hypernym 08149781 +01735556 _synset_domain_topic_of 06172789 +00952524 _also_see 00825648 +06331803 _synset_domain_topic_of 06172789 +01936753 _derivationally_related_form 10604491 +02537847 _member_meronym 02538406 +15161872 _hypernym 15184755 +01935395 _derivationally_related_form 01885845 +00854420 _hypernym 00834009 +01226240 _also_see 02584981 +10660333 _hypernym 10256537 +00235435 _derivationally_related_form 00348746 +00726784 _verb_group 00726300 +13962166 _derivationally_related_form 02619924 +00561571 _hypernym 02609764 +04018399 _has_part 02796995 +03391301 _has_part 04272054 +09752519 _hypernym 00007846 +06617866 _hypernym 06613686 +00451838 _hypernym 00146138 +07736256 _hypernym 07709333 +00828779 _also_see 02446651 +13391452 _hypernym 13388245 +12863234 _hypernym 12205694 +02460199 _derivationally_related_form 13248393 +02874876 _derivationally_related_form 08365855 +05274808 _hypernym 05269901 +00796976 _derivationally_related_form 05790572 +14682642 _hypernym 14662574 +01577635 _hypernym 01227675 +00723056 _derivationally_related_form 05833840 +01712752 _hypernym 01712008 +01112584 _derivationally_related_form 07197021 +02470685 _hypernym 02469835 +09131654 _has_part 09368479 +00722232 _derivationally_related_form 04865502 +01879251 _derivationally_related_form 07400906 +09920771 _hypernym 10599806 +13354985 _hypernym 06516595 +13424865 _derivationally_related_form 00159368 +01948573 _hypernym 01945845 +04894204 _derivationally_related_form 01193714 +14440875 _derivationally_related_form 00092293 +01982895 _hypernym 01759182 +07129867 _hypernym 07109847 +08565701 _derivationally_related_form 01467370 +01028655 _derivationally_related_form 02613275 +05565696 _has_part 05565937 +07220773 _has_part 06398401 +01169704 _also_see 01197980 +06560254 _synset_domain_topic_of 08441203 +02131279 _derivationally_related_form 00635850 +03663531 _hypernym 04077734 +02318915 _member_meronym 02319095 +10583387 _derivationally_related_form 00413876 +08791167 _has_part 08792548 +00640889 _derivationally_related_form 10313872 +02357873 _derivationally_related_form 10770309 +01286799 _derivationally_related_form 04706290 +12429942 _hypernym 11561228 +00205046 _hypernym 00146138 +07075172 _member_of_domain_usage 06547832 +02794779 _hypernym 03763727 +11353195 _instance_hypernym 10609325 +03395745 _derivationally_related_form 00024649 +12141890 _member_meronym 12142085 +00152018 _hypernym 00151497 +08860123 _member_of_domain_region 04229195 +02398386 _hypernym 01864707 +01480336 _member_meronym 01480715 +02553196 _member_meronym 02571300 +08951957 _instance_hypernym 09203827 +04366116 _has_part 04198797 +13043264 _member_meronym 13043516 +04757864 _hypernym 04756887 +01569713 _hypernym 01507175 +08341330 _has_part 08341551 +05115040 _derivationally_related_form 00013887 +02486932 _derivationally_related_form 08310389 +05677952 _hypernym 05675130 +10776339 _derivationally_related_form 00067274 +01760143 _derivationally_related_form 04689048 +11651259 _member_meronym 11655764 +00137313 _derivationally_related_form 11414411 +14526182 _derivationally_related_form 02110552 +07214267 _derivationally_related_form 00933821 +03951971 _derivationally_related_form 02046572 +06381372 _hypernym 06377442 +02515934 _hypernym 02514187 +05474738 _has_part 05474976 +02210855 _derivationally_related_form 05752544 +02167571 _derivationally_related_form 00985106 +08795492 _instance_hypernym 08639058 +02885338 _hypernym 04285146 +10294953 _hypernym 10593115 +01124794 _derivationally_related_form 02442205 +08086646 _hypernym 08086356 +00749205 _hypernym 00746718 +12399784 _hypernym 11567411 +04037625 _has_part 04336645 +06078088 _hypernym 06037666 +10096217 _derivationally_related_form 01840238 +02460619 _derivationally_related_form 13295657 +14012667 _synset_domain_topic_of 00933420 +02912065 _has_part 03233905 +14670639 _hypernym 14813182 +02477890 _hypernym 01864707 +02240223 _hypernym 01759182 +01150200 _derivationally_related_form 00172732 +00482893 _derivationally_related_form 05755486 +09530238 _hypernym 09522978 +10561861 _derivationally_related_form 00909573 +13907415 _derivationally_related_form 01457206 +06717170 _member_of_domain_usage 09883947 +10113753 _hypernym 10533013 +14896714 _hypernym 14896441 +15010038 _hypernym 14613922 +10820790 _synset_domain_topic_of 08083599 +01573515 _also_see 00846344 +01794363 _hypernym 01794668 +04004767 _synset_domain_topic_of 06128570 +09481285 _instance_hypernym 09411430 +00406963 _hypernym 00406243 +00413876 _derivationally_related_form 01252280 +11096801 _instance_hypernym 09765278 +07180570 _derivationally_related_form 01705257 +00559916 _hypernym 00558883 +01428155 _member_meronym 02521241 +00066191 _verb_group 00066685 +12724201 _hypernym 11573173 +02799897 _synset_domain_topic_of 00471613 +00591858 _hypernym 00586262 +00539121 _derivationally_related_form 01896295 +09701603 _hypernym 09701148 +00619610 _verb_group 01657254 +03175081 _hypernym 04105893 +00206600 _derivationally_related_form 00864910 +02656426 _hypernym 01429349 +00989602 _hypernym 00941990 +02402112 _verb_group 01030397 +08304135 _member_meronym 08774704 +09466280 _has_part 09239740 +02396716 _hypernym 02475922 +00181005 _derivationally_related_form 00677038 +08975902 _instance_hypernym 08700255 +01647672 _hypernym 01617192 +00238542 _hypernym 00209174 +13593219 _hypernym 13582013 +06845599 _member_of_domain_usage 03441930 +01990800 _hypernym 01975687 +12069488 _hypernym 11556857 +08157809 _hypernym 07971582 +01428853 _derivationally_related_form 00847340 +01990627 _member_meronym 01991676 +02204722 _hypernym 02188699 +11768505 _hypernym 13112664 +01405044 _derivationally_related_form 10178216 +04451818 _hypernym 03563967 +03588951 _hypernym 04451818 +09811852 _derivationally_related_form 02950482 +05639832 _derivationally_related_form 10294602 +01115162 _derivationally_related_form 02244956 +08675967 _has_part 08615374 +06295235 _member_of_domain_usage 03594734 +11051070 _instance_hypernym 10086821 +09134386 _has_part 04512476 +08824484 _has_part 09419536 +03575240 _derivationally_related_form 02340543 +14820180 _hypernym 14786479 +04258982 _derivationally_related_form 00533403 +11412727 _derivationally_related_form 00123170 +02906734 _has_part 02907082 +01776546 _hypernym 01759182 +13154190 _hypernym 13088096 +02584643 _hypernym 05470189 +01323338 _derivationally_related_form 00224738 +00185465 _hypernym 00515154 +00726300 _derivationally_related_form 05735478 +01071090 _derivationally_related_form 00668099 +09754217 _hypernym 10675876 +08070465 _derivationally_related_form 00891216 +10176111 _derivationally_related_form 01920698 +00376807 _hypernym 00376106 +00920929 _hypernym 00918872 +02333358 _derivationally_related_form 05016171 +01503061 _has_part 01758308 +11497888 _derivationally_related_form 00943436 +06851742 _member_of_domain_usage 04524594 +01593614 _derivationally_related_form 03416329 +05380822 _hypernym 05418717 +11798851 _hypernym 11585340 +09885676 _hypernym 10307234 +05562249 _has_part 05294819 +04081044 _derivationally_related_form 01543731 +05633672 _hypernym 05624700 +06501311 _hypernym 06470073 +06295235 _member_of_domain_usage 05921685 +10743675 _hypernym 00004475 +13601370 _hypernym 13600822 +13218900 _hypernym 11534677 +02261386 _derivationally_related_form 14480420 +02384686 _derivationally_related_form 10150940 +02792552 _derivationally_related_form 01950502 +12609638 _member_meronym 12609842 +03076104 _hypernym 03504420 +00048129 _derivationally_related_form 00949288 +02538406 _hypernym 02534559 +06274921 _derivationally_related_form 10697519 +03533654 _hypernym 03091374 +11728099 _hypernym 13122364 +02567147 _derivationally_related_form 13980845 +14180848 _hypernym 14174549 +05008227 _derivationally_related_form 01476685 +07534108 _derivationally_related_form 00614057 +11410625 _hypernym 00034213 +08860123 _member_of_domain_region 00538876 +01936537 _derivationally_related_form 04463679 +02215355 _hypernym 02274482 +00708128 _hypernym 00704690 +03220802 _hypernym 02852523 +04862005 _hypernym 04861486 +01224744 _derivationally_related_form 10378412 +00324384 _derivationally_related_form 02644050 +10658501 _hypernym 10078806 +01243674 _derivationally_related_form 02412647 +00924431 _derivationally_related_form 01053207 +10722965 _derivationally_related_form 00749767 +12119947 _member_meronym 12120114 +08131530 _has_part 08348091 +13989051 _derivationally_related_form 01797347 +00771713 _hypernym 00770270 +01036804 _derivationally_related_form 10733999 +12332866 _hypernym 11567411 +01664172 _derivationally_related_form 09963320 +00852506 _derivationally_related_form 09965134 +02297127 _hypernym 01762525 +12252620 _member_meronym 12254478 +00393227 _derivationally_related_form 05621808 +01323599 _derivationally_related_form 01903617 +15055633 _derivationally_related_form 00575970 +07185325 _derivationally_related_form 00752764 +01864038 _verb_group 02242256 +13658278 _has_part 13658027 +14481080 _hypernym 14479615 +00227595 _derivationally_related_form 02325558 +01140794 _derivationally_related_form 00453935 +08508105 _derivationally_related_form 02737187 +03408721 _hypernym 03076708 +02872752 _has_part 04514359 +14675569 _hypernym 14662574 +06013741 _hypernym 06003682 +06740644 _derivationally_related_form 00904690 +00509607 _derivationally_related_form 04682462 +04635482 _hypernym 04635104 +06158346 _derivationally_related_form 02858231 +05978812 _derivationally_related_form 00383275 +00336654 _derivationally_related_form 02062632 +02554647 _hypernym 02554922 +01928608 _synset_domain_topic_of 06090869 +03098806 _hypernym 04377057 +02430929 _member_meronym 02431628 +01925694 _verb_group 01881180 +10737103 _derivationally_related_form 00604930 +07419233 _hypernym 07413899 +00473572 _hypernym 00205885 +02400139 _member_meronym 02415971 +11675537 _hypernym 11547855 +10514121 _hypernym 09765278 +01741221 _verb_group 01751836 +00947128 _derivationally_related_form 01166093 +13859043 _derivationally_related_form 00126264 +02747922 _derivationally_related_form 01017987 +07150850 _hypernym 07150644 +00896803 _derivationally_related_form 06740183 +00843325 _derivationally_related_form 01169433 +00321486 _derivationally_related_form 03872495 +02501278 _derivationally_related_form 08166187 +00344040 _derivationally_related_form 01346978 +04809784 _derivationally_related_form 01395617 +00046177 _hypernym 00030358 +02989313 _hypernym 02996840 +04686388 _derivationally_related_form 01806505 +02269894 _derivationally_related_form 10330189 +03770679 _hypernym 02958343 +08975902 _has_part 08976799 +07180183 _derivationally_related_form 00805376 +01561143 _derivationally_related_form 07302542 +09298698 _has_part 09356781 +07322341 _synset_domain_topic_of 06095022 +01872745 _also_see 02083615 +09207288 _has_part 09033333 +02185373 _derivationally_related_form 07410021 +00901103 _derivationally_related_form 10466198 +02330582 _member_meronym 02352390 +01743784 _derivationally_related_form 05938795 +14375890 _hypernym 14375576 +12589286 _hypernym 11556857 +01259458 _derivationally_related_form 00377169 +00371051 _derivationally_related_form 04070727 +02012043 _derivationally_related_form 07302267 +00842538 _hypernym 00843468 +11742310 _hypernym 13112664 +09365730 _instance_hypernym 09215664 +01226215 _hypernym 01225970 +06060845 _hypernym 06045562 +02437707 _hypernym 02436349 +08860123 _member_of_domain_region 06700030 +08001685 _hypernym 07999699 +01199365 _hypernym 01199213 +05565548 _derivationally_related_form 10252921 +13449566 _hypernym 13572436 +00674340 _hypernym 00670261 +14947807 _hypernym 14696793 +07201804 _derivationally_related_form 00956687 +06630017 _hypernym 06628861 +01684180 _hypernym 01675963 +06939198 _hypernym 06938887 +00579564 _hypernym 00407535 +01418179 _synset_domain_topic_of 00243918 +03430091 _hypernym 03115180 +02551316 _member_meronym 02551494 +08860123 _member_of_domain_region 08437968 +06186301 _hypernym 05943300 +02918271 _derivationally_related_form 00649482 +12697152 _hypernym 12695144 +07749969 _hypernym 07747055 +09275473 _has_part 08890097 +05495172 _has_part 05605192 +01369758 _also_see 01566185 +09353437 _instance_hypernym 09411430 +08230785 _hypernym 08227214 +01482071 _hypernym 01480516 +02282506 _hypernym 02202384 +02588108 _member_meronym 02588580 +09060768 _has_part 09066799 +02228698 _derivationally_related_form 01085098 +01004062 _hypernym 01000214 +00273257 _hypernym 00272910 +02461128 _hypernym 02460009 +00810557 _derivationally_related_form 00740712 +10979079 _instance_hypernym 10794014 +01187620 _derivationally_related_form 00412292 +14714817 _hypernym 15036638 +09821086 _hypernym 10631941 +07093603 _derivationally_related_form 01702514 +04982478 _derivationally_related_form 00461493 +13064852 _hypernym 11592146 +01481360 _derivationally_related_form 03490884 +00167278 _similar_to 00166146 +05784242 _derivationally_related_form 00703512 +00835032 _hypernym 13440063 +01449252 _hypernym 01432517 +12983217 _member_meronym 12983404 +11946051 _hypernym 12205694 +01672490 _derivationally_related_form 03532342 +02539573 _hypernym 02538985 +02949542 _hypernym 03094503 +03015254 _hypernym 03405725 +00063652 _hypernym 00062806 +09998101 _derivationally_related_form 00171618 +09811852 _derivationally_related_form 01136614 +00154433 _hypernym 00153961 +01237415 _hypernym 00378985 +09633969 _derivationally_related_form 02566528 +00477941 _derivationally_related_form 00403334 +13192025 _member_meronym 13197085 +00824292 _derivationally_related_form 06712833 +01967205 _derivationally_related_form 00120515 +00213694 _derivationally_related_form 01097743 +05717342 _hypernym 05715283 +15078050 _hypernym 14699752 +00487748 _verb_group 00154141 +10252547 _derivationally_related_form 00830761 +10286855 _derivationally_related_form 07888909 +08860123 _member_of_domain_region 07065932 +02223238 _hypernym 02222318 +05382729 _hypernym 05418717 +00487748 _derivationally_related_form 09772606 +00955060 _synset_domain_topic_of 08199025 +07197021 _derivationally_related_form 01112584 +06710546 _hypernym 06709533 +05681117 _hypernym 14024882 +02192570 _hypernym 02191766 +01389942 _hypernym 01587062 +06845599 _member_of_domain_usage 14910165 +01648818 _hypernym 01626134 +01949218 _hypernym 01835496 +10098710 _hypernym 10533013 +00712135 _hypernym 00670261 +00693679 _derivationally_related_form 01530431 +08860123 _member_of_domain_region 04446844 +06827947 _hypernym 06825399 +07506382 _hypernym 07506149 +08174398 _member_meronym 08714132 +04350905 _hypernym 03419014 +03541696 _hypernym 03542333 +01609287 _hypernym 01350449 +02715229 _derivationally_related_form 02628337 +14297696 _hypernym 14052403 +11667112 _member_meronym 11571907 +12226322 _member_meronym 12241699 +00864910 _derivationally_related_form 07233634 +08036293 _synset_domain_topic_of 00759694 +08978343 _has_part 09384921 +05573602 _has_part 05368100 +10212780 _derivationally_related_form 01732172 +00331842 _derivationally_related_form 04300080 +08155302 _hypernym 07971582 +09773245 _derivationally_related_form 00776059 +00404642 _derivationally_related_form 01008378 +06307152 _member_of_domain_usage 13651520 +00972621 _synset_domain_topic_of 08199025 +00365513 _derivationally_related_form 11692265 +02578235 _derivationally_related_form 00754118 +02170269 _hypernym 01759182 +07029247 _synset_domain_topic_of 07020895 +01561819 _derivationally_related_form 00126236 +00211593 _hypernym 00211110 +08860123 _member_of_domain_region 08382056 +02159271 _hypernym 08103777 +08128159 _synset_domain_topic_of 08199025 +03337140 _hypernym 03842156 +02550868 _derivationally_related_form 00096513 +06485261 _hypernym 06481320 +11927901 _member_meronym 11928858 +00038262 _hypernym 00037396 +12694707 _member_meronym 12698905 +01105909 _derivationally_related_form 01954341 +01556368 _hypernym 01507175 +01993065 _member_meronym 01993214 +02018524 _derivationally_related_form 10213652 +00366521 _hypernym 00365709 +03407369 _hypernym 03269401 +08287844 _hypernym 07966140 +11822557 _member_meronym 11825013 +02301151 _hypernym 02300060 +10576316 _hypernym 09853645 +01747374 _derivationally_related_form 09964805 +07921090 _hypernym 07809368 +05281189 _hypernym 05269901 +03792048 _derivationally_related_form 01660386 +05772044 _derivationally_related_form 00143704 +01718867 _also_see 00612652 +03293321 _hypernym 04025748 +08900535 _member_of_domain_region 01281154 +08391206 _hypernym 08215603 +00202236 _derivationally_related_form 00751145 +00912473 _hypernym 00941990 +09538915 _has_part 02151625 +04375926 _derivationally_related_form 00393953 +07049713 _hypernym 07048000 +01143279 _also_see 00976508 +08494231 _hypernym 08615374 +08541454 _instance_hypernym 08574314 +03603199 _hypernym 03601335 +09086173 _has_part 09086793 +03879116 _derivationally_related_form 01300437 +14417697 _derivationally_related_form 02293856 +10836725 _instance_hypernym 10020890 +07977344 _synset_domain_topic_of 00928947 +04977247 _hypernym 04976952 +04175147 _synset_domain_topic_of 06128570 +10482220 _derivationally_related_form 00976487 +01470856 _hypernym 01470225 +03719053 _hypernym 03544360 +07536870 _hypernym 07536074 +04846770 _hypernym 04723816 +00914421 _also_see 01749320 +07215568 _derivationally_related_form 00933821 +01309478 _hypernym 00069879 +03522634 _hypernym 03627232 +02357072 _derivationally_related_form 07199922 +01056369 _derivationally_related_form 01566645 +09469285 _synset_domain_topic_of 01326291 +06802571 _hypernym 06797169 +02049190 _derivationally_related_form 13876371 +00998399 _derivationally_related_form 03708036 +01772960 _derivationally_related_form 14037011 +01079042 _derivationally_related_form 02565491 +00918746 _hypernym 00672433 +02649218 _hypernym 02648625 +06196071 _synset_domain_topic_of 01124794 +07424109 _derivationally_related_form 00125633 +02178886 _member_meronym 02179012 +12501745 _member_meronym 12567768 +09968128 _hypernym 10720453 +08929922 _has_part 09401474 +02373336 _derivationally_related_form 00797878 +07075172 _member_of_domain_usage 13366428 +00071646 _hypernym 00071178 +09222051 _derivationally_related_form 01260291 +09086070 _instance_hypernym 08524735 +13757249 _derivationally_related_form 02091689 +02165146 _derivationally_related_form 10761326 +10734394 _hypernym 10595164 +05194578 _derivationally_related_form 02504562 +08860123 _member_of_domain_region 07676967 +12874429 _member_meronym 12873834 +07300960 _hypernym 07283608 +07375405 _derivationally_related_form 01462468 +02036578 _also_see 01319874 +06512324 _synset_domain_topic_of 08441203 +10580030 _synset_domain_topic_of 01032368 +04192698 _hypernym 02739668 +12854600 _hypernym 12205694 +01600657 _hypernym 01525720 +14143415 _hypernym 14127211 +00204943 _synset_domain_topic_of 06148148 +04076713 _hypernym 02921884 +09125354 _instance_hypernym 08524735 +00293141 _derivationally_related_form 04683814 +11897342 _hypernym 11575425 +02461314 _derivationally_related_form 10760340 +05241072 _hypernym 05430628 +11720088 _member_meronym 11722036 +13423615 _derivationally_related_form 02648106 +06566077 _synset_domain_topic_of 06128570 +08860123 _member_of_domain_region 03770085 +00672433 _derivationally_related_form 06783598 +02860847 _derivationally_related_form 01939811 +05134547 _hypernym 05123416 +02622234 _derivationally_related_form 00381680 +13717728 _hypernym 13608788 +01194021 _synset_domain_topic_of 08441203 +00250259 _derivationally_related_form 01738774 +01057034 _hypernym 00778275 +00251809 _also_see 00264776 +06628450 _synset_domain_topic_of 08083599 +10550551 _hypernym 09847010 +01240979 _hypernym 00215314 +00429968 _verb_group 00429060 +07534430 _hypernym 07532440 +14297870 _hypernym 14285662 +10678472 _hypernym 10525134 +12062468 _hypernym 12041446 +05522283 _hypernym 05268965 +08103777 _derivationally_related_form 00654625 +01344293 _hypernym 01519977 +08860123 _member_of_domain_region 03868044 +05524615 _has_part 05382729 +07632037 _hypernym 07628870 +09159003 _has_part 09340203 +01029114 _derivationally_related_form 00544936 +01518718 _member_meronym 01518878 +01473176 _hypernym 01831531 +00752144 _derivationally_related_form 00835294 +08676349 _hypernym 08627919 +02161432 _derivationally_related_form 05169813 +05549830 _hypernym 05220461 +00031921 _derivationally_related_form 00713167 +07384898 _derivationally_related_form 00862225 +00701040 _derivationally_related_form 11414608 +02179714 _hypernym 01762525 +12026306 _hypernym 11579418 +07201804 _derivationally_related_form 00989084 +02591736 _derivationally_related_form 10213652 +08855609 _instance_hypernym 08524735 +00059019 _derivationally_related_form 07510923 +06760722 _derivationally_related_form 02575723 +11475279 _hypernym 11476231 +04845475 _hypernym 04842313 +00330144 _derivationally_related_form 14585519 +06295235 _member_of_domain_usage 07454452 +01485839 _derivationally_related_form 04123567 +01815628 _derivationally_related_form 05829782 +00330160 _derivationally_related_form 02058994 +02304982 _derivationally_related_form 06593099 +00941990 _also_see 00916123 +15266265 _derivationally_related_form 10468962 +01328513 _hypernym 01296462 +01233027 _hypernym 01410223 +10741821 _derivationally_related_form 10742005 +04155310 _derivationally_related_form 01693324 +00717748 _hypernym 00717208 +04216634 _hypernym 04332243 +07215377 _derivationally_related_form 00933821 +05777298 _hypernym 05776212 +05383598 _hypernym 05418717 +07085375 _derivationally_related_form 00983333 +00703512 _derivationally_related_form 05784242 +14172005 _hypernym 14171682 +08508105 _hypernym 08507558 +01350449 _also_see 01468058 +01728840 _derivationally_related_form 00178832 +08785343 _derivationally_related_form 02972499 +01138523 _hypernym 01072949 +05422668 _hypernym 05418717 +01620854 _derivationally_related_form 06398401 +10440717 _hypernym 10633450 +11823756 _hypernym 11823043 +10402824 _synset_domain_topic_of 08441203 +13634784 _hypernym 13602526 +01902877 _derivationally_related_form 01264148 +01175467 _derivationally_related_form 10713502 +02246284 _member_meronym 02247076 +07323922 _derivationally_related_form 01628449 +08824484 _has_part 08824771 +02393401 _also_see 01849288 +14539960 _hypernym 14539268 +00159177 _derivationally_related_form 01644522 +00864475 _derivationally_related_form 00355919 +01351170 _hypernym 01350994 +07308889 _derivationally_related_form 02155799 +12669641 _hypernym 11579418 +02621908 _hypernym 02554730 +08487504 _member_meronym 08716738 +04691178 _derivationally_related_form 01549905 +05151869 _hypernym 05151088 +03022788 _hypernym 04423288 +07121361 _derivationally_related_form 01048569 +01802689 _hypernym 01792567 +08435388 _hypernym 00031264 +13384164 _derivationally_related_form 02262601 +02251743 _derivationally_related_form 01120448 +09058735 _instance_hypernym 08554440 +01478002 _derivationally_related_form 02853218 +01898893 _hypernym 01708676 +00884466 _has_part 00892861 +06054892 _hypernym 06043075 +05713101 _hypernym 05712892 +00006032 _derivationally_related_form 00652900 +01678685 _derivationally_related_form 10221956 +00074038 _derivationally_related_form 13555775 +00765977 _verb_group 02406916 +00947439 _derivationally_related_form 07230502 +00921072 _derivationally_related_form 06782680 +00279835 _derivationally_related_form 01855606 +06857122 _hypernym 07028373 +04110654 _hypernym 03579982 +02653497 _hypernym 02653145 +11159920 _instance_hypernym 09765278 +02520509 _derivationally_related_form 00095121 +02427916 _hypernym 01027508 +05109808 _hypernym 05107765 +09773245 _derivationally_related_form 13860548 +08272460 _synset_domain_topic_of 08199025 +03384535 _derivationally_related_form 01659248 +14607521 _derivationally_related_form 00264875 +07773700 _hypernym 07770571 +02273545 _member_meronym 02301072 +11600139 _hypernym 11534677 +02890940 _hypernym 04081844 +08109772 _hypernym 07992450 +10160012 _derivationally_related_form 01789514 +05501185 _has_part 05500992 +00617748 _also_see 00618057 +13254237 _hypernym 13252973 +14122053 _hypernym 14070360 +01115585 _derivationally_related_form 10679998 +11911591 _member_meronym 12015384 +01064560 _derivationally_related_form 14407536 +01267098 _derivationally_related_form 03900750 +01715525 _hypernym 01714208 +02064131 _derivationally_related_form 07961480 +00796588 _derivationally_related_form 01862386 +00068333 _derivationally_related_form 00093327 +01288057 _instance_hypernym 00956485 +02434541 _derivationally_related_form 14418822 +01110274 _derivationally_related_form 02245993 +10423225 _derivationally_related_form 06171040 +02505716 _also_see 00583239 +13601483 _hypernym 13600822 +02046755 _derivationally_related_form 00342755 +13599547 _derivationally_related_form 00777522 +00933821 _derivationally_related_form 07215377 +00764902 _derivationally_related_form 07151122 +10699752 _derivationally_related_form 01807770 +06970103 _hypernym 06969129 +14500567 _derivationally_related_form 00181875 +10383505 _derivationally_related_form 00710005 +03497657 _derivationally_related_form 02363128 +01636221 _derivationally_related_form 05768415 +04476633 _hypernym 03829085 +12374002 _member_meronym 12374238 +01885724 _hypernym 01862557 +09984298 _derivationally_related_form 02202928 +08705397 _has_part 08706058 +03940256 _derivationally_related_form 01444723 +09995398 _hypernym 09621545 +00672017 _derivationally_related_form 05804274 +07990824 _derivationally_related_form 00060185 +02128286 _hypernym 02150510 +15232406 _has_part 15232712 +01412912 _verb_group 01416193 +01747203 _hypernym 01691057 +00469904 _derivationally_related_form 13521072 +07394814 _derivationally_related_form 00986897 +02304797 _hypernym 02301452 +13839662 _member_meronym 10249950 +02340813 _member_meronym 02340930 +01059719 _derivationally_related_form 02237024 +01199751 _also_see 02062670 +06065819 _hypernym 05999797 +06676416 _hypernym 06634376 +02444819 _hypernym 02441326 +01524871 _hypernym 01612295 +09161803 _has_part 09379938 +00135504 _derivationally_related_form 01147060 +03433247 _hypernym 03020034 +01982482 _member_meronym 01982650 +02967791 _derivationally_related_form 08954611 +15274695 _hypernym 15274074 +09275473 _has_part 09012101 +12772081 _member_meronym 12774891 +13792692 _derivationally_related_form 01492052 +09044862 _has_part 09370552 +07042137 _hypernym 07037465 +10420809 _hypernym 10360747 +08860123 _member_of_domain_region 10300154 +10237196 _derivationally_related_form 01431230 +13104059 _has_part 13111504 +00438178 _derivationally_related_form 15282696 +09044862 _has_part 09147046 +00959992 _synset_domain_topic_of 08199025 +02374451 _has_part 05539012 +12773917 _hypernym 13109733 +09044862 _member_of_domain_region 10802283 +01455866 _derivationally_related_form 00324834 +02650795 _derivationally_related_form 13993356 +03993180 _hypernym 02773037 +01667607 _hypernym 01675963 +14477877 _derivationally_related_form 02528380 +03127024 _derivationally_related_form 01280958 +03650173 _hypernym 00021939 +08860123 _member_of_domain_region 02744323 +02174355 _hypernym 02171869 +13864965 _derivationally_related_form 01280645 +06052864 _hypernym 06043075 +02234781 _derivationally_related_form 00329031 +01454246 _hypernym 01449974 +10252222 _hypernym 10045713 +01078050 _hypernym 01076615 +02125641 _derivationally_related_form 05714466 +06685198 _derivationally_related_form 00888009 +02543181 _derivationally_related_form 01179707 +02208903 _derivationally_related_form 13295657 +02108026 _derivationally_related_form 05984584 +00568813 _synset_domain_topic_of 00480508 +09044862 _member_of_domain_region 04234969 +02615157 _member_meronym 02615298 +08794574 _instance_hypernym 08574314 +04868505 _hypernym 04868148 +00636888 _derivationally_related_form 05793554 +10013114 _hypernym 10599354 +02796412 _derivationally_related_form 01127075 +08860123 _member_of_domain_region 00307314 +01376245 _derivationally_related_form 13761966 +01609549 _member_meronym 01610226 +00484166 _derivationally_related_form 15267536 +08898002 _instance_hypernym 08491826 +01681723 _hypernym 01675963 +14155834 _hypernym 14084502 +01524885 _member_meronym 01590443 +10499631 _hypernym 10499355 +01195536 _also_see 00619972 +01571578 _member_meronym 01574270 +00781685 _derivationally_related_form 02321391 +02321757 _derivationally_related_form 00780889 +00181781 _derivationally_related_form 02400760 +12154228 _member_meronym 12156308 +02632989 _has_part 07786005 +09044862 _has_part 09112282 +00104026 _hypernym 00103875 +02265231 _derivationally_related_form 13405962 +05061977 _derivationally_related_form 00980527 +00428000 _hypernym 00426928 +01079604 _derivationally_related_form 00462092 +01443021 _derivationally_related_form 02875233 +04044498 _derivationally_related_form 02786866 +10508862 _derivationally_related_form 00626428 +01418237 _hypernym 08103777 +08231678 _synset_domain_topic_of 00471613 +15136147 _hypernym 15113229 +01075164 _synset_domain_topic_of 00523513 +04194289 _has_part 04585745 +10468559 _derivationally_related_form 00596807 +12262327 _member_meronym 12262553 +12532720 _hypernym 11585340 +01194483 _derivationally_related_form 02170427 +01143838 _derivationally_related_form 00452293 +08174398 _member_meronym 08780881 +11663813 _hypernym 11534677 +00788564 _derivationally_related_form 05800611 +01650610 _derivationally_related_form 00239910 +06833776 _hypernym 06828818 +03309465 _hypernym 03656484 +01397707 _derivationally_related_form 10184081 +12280886 _member_meronym 12283790 +02458356 _hypernym 01862557 +00594058 _derivationally_related_form 07554856 +12954353 _hypernym 11545714 +04707409 _derivationally_related_form 02696503 +03383646 _hypernym 04602044 +13170060 _hypernym 13166338 +08920924 _has_part 08926231 +01386433 _derivationally_related_form 03250588 +02454939 _derivationally_related_form 10407552 +01405737 _hypernym 01388130 +01874568 _verb_group 01904293 +12570703 _hypernym 13104059 +01966797 _hypernym 01938850 +01989053 _verb_group 01989562 +07325190 _hypernym 07290905 +09044862 _member_of_domain_region 13752443 +02400139 _member_meronym 02423787 +01778017 _derivationally_related_form 10792335 +01744657 _member_meronym 01745125 +01843932 _member_meronym 01844414 +05984936 _hypernym 05809192 +10001217 _derivationally_related_form 01438304 +08097072 _derivationally_related_form 09685564 +11910835 _member_meronym 11911274 +02949931 _derivationally_related_form 06177729 +00359903 _derivationally_related_form 01321002 +01379252 _hypernym 01352574 +00082081 _derivationally_related_form 05154908 +00739082 _derivationally_related_form 05833840 +00866702 _derivationally_related_form 10546850 +02451113 _also_see 02388145 +09241047 _instance_hypernym 09360122 +07115684 _hypernym 07115021 +02178244 _hypernym 01759182 +12536871 _hypernym 13100677 +02062209 _member_meronym 02062430 +02803934 _hypernym 02803349 +07517737 _hypernym 07516354 +10510339 _derivationally_related_form 00634472 +04109702 _synset_domain_topic_of 03405725 +12584715 _hypernym 12582665 +01878063 _derivationally_related_form 07341038 +00959376 _derivationally_related_form 01123765 +00681429 _hypernym 00670261 +08345613 _has_part 08345770 +11778534 _member_meronym 11786983 +01775592 _hypernym 01759182 +02000954 _hypernym 01844917 +03658373 _hypernym 03247620 +03321419 _hypernym 03595860 +01467986 _member_meronym 01468238 +09892831 _hypernym 09943541 +00696518 _derivationally_related_form 04641153 +10197392 _hypernym 09774783 +05311054 _hypernym 05299178 +03677308 _hypernym 02673637 +05071556 _derivationally_related_form 00392960 +00411020 _derivationally_related_form 00250259 +09060768 _has_part 09358096 +01502262 _member_meronym 01521980 +01663939 _hypernym 01657723 +13453428 _derivationally_related_form 00274283 +02625418 _hypernym 01432517 +07961956 _hypernym 07961480 +14060929 _hypernym 14052403 +08390012 _synset_domain_topic_of 08199025 +05125377 _derivationally_related_form 02992070 +00548173 _derivationally_related_form 01096497 +09018848 _instance_hypernym 08700255 +15051129 _hypernym 15050898 +01898282 _hypernym 01889610 +08760510 _derivationally_related_form 02960130 +09003284 _member_of_domain_region 13976527 +10608385 _hypernym 10197967 +00776523 _derivationally_related_form 00159620 +00400883 _derivationally_related_form 04766852 +09441107 _instance_hypernym 09426788 +04974340 _hypernym 04959672 +07155081 _hypernym 07109196 +04039848 _derivationally_related_form 02695520 +10457444 _hypernym 09814660 +12487647 _member_meronym 12493090 +09439433 _hypernym 08435388 +01185981 _hypernym 01166351 +01963130 _derivationally_related_form 00444651 +01809446 _hypernym 01504437 +11537665 _hypernym 08107499 +08072837 _member_meronym 08419984 +02274253 _also_see 01172889 +00850873 _hypernym 00850425 +12455342 _member_meronym 12455540 +14287408 _derivationally_related_form 01445932 +01512259 _derivationally_related_form 00572489 +07569423 _hypernym 07569106 +08683548 _derivationally_related_form 02389220 +02202384 _also_see 02283324 +01658762 _derivationally_related_form 00606370 +00623151 _hypernym 00588888 +08340153 _member_meronym 08138686 +00156276 _hypernym 00126264 +01502279 _derivationally_related_form 02876657 +02521816 _hypernym 02521410 +09281777 _hypernym 00002684 +00651759 _derivationally_related_form 05749402 +00491910 _hypernym 00489837 +01329186 _hypernym 01328702 +13220842 _member_meronym 13222227 +01497736 _also_see 01279978 +01703326 _hypernym 01702514 +04433185 _hypernym 03106110 +10091651 _hypernym 09614684 +04151940 _derivationally_related_form 01207951 +03199775 _hypernym 04105893 +00365188 _derivationally_related_form 00365471 +00293760 _hypernym 00252019 +00851239 _derivationally_related_form 00156625 +01548143 _hypernym 01507175 +08969291 _has_part 08970064 +01700326 _hypernym 01699896 +13436682 _hypernym 13489037 +00978549 _derivationally_related_form 07128946 +11380768 _instance_hypernym 09765278 +04761517 _hypernym 04723816 +02834778 _hypernym 04576211 +11885148 _member_meronym 11885292 +01277649 _hypernym 01552519 +13511755 _hypernym 13489037 +01581434 _hypernym 01581166 +08994834 _instance_hypernym 08633957 +08801678 _member_of_domain_region 07781801 +10099375 _hypernym 00007846 +05326624 _hypernym 05246511 +11766609 _member_meronym 11768242 +08860123 _member_of_domain_region 07595751 +07003119 _hypernym 06998748 +07590611 _hypernym 07588947 +00939277 _hypernym 00831651 +03041632 _derivationally_related_form 01257173 +03751065 _synset_domain_topic_of 08199025 +00789448 _derivationally_related_form 06272290 +12287388 _member_meronym 12288005 +12006503 _member_meronym 12006766 +05563266 _has_part 05337055 +09926246 _derivationally_related_form 03037709 +02554422 _derivationally_related_form 07251984 +09044862 _has_part 09108164 +00064479 _derivationally_related_form 05155821 +12260208 _member_meronym 12265900 +00920956 _derivationally_related_form 00302464 +08733897 _instance_hypernym 08544813 +08160276 _member_meronym 09923673 +00408852 _derivationally_related_form 01151788 +05483890 _has_part 05484355 +02559606 _member_meronym 02560383 +03659292 _hypernym 02788689 +03110669 _hypernym 02891788 +02457233 _derivationally_related_form 04913839 +02538086 _derivationally_related_form 13792183 +00714273 _hypernym 00650353 +03587318 _hypernym 08688247 +01499265 _derivationally_related_form 00334935 +06720216 _hypernym 06719579 +00483656 _derivationally_related_form 06863751 +00461493 _derivationally_related_form 04218564 +01338685 _hypernym 01335659 +01901289 _derivationally_related_form 01063350 +02553196 _member_meronym 02571983 +09155692 _instance_hypernym 08524735 +06271778 _derivationally_related_form 00790703 +01112584 _derivationally_related_form 00794367 +02640857 _hypernym 02640242 +08715110 _has_part 08731606 +01576478 _derivationally_related_form 07801091 +09063673 _instance_hypernym 08524735 +02786866 _derivationally_related_form 04044498 +11527177 _hypernym 11450869 +01593763 _derivationally_related_form 00345149 +03996416 _hypernym 03699975 +11544769 _hypernym 08220891 +02651424 _derivationally_related_form 01054227 +08707917 _member_meronym 09692915 +10395209 _hypernym 10105462 +12567768 _member_meronym 12568186 +06767777 _hypernym 06765044 +01224031 _hypernym 01220984 +02256998 _synset_domain_topic_of 00766234 +00928077 _hypernym 00927261 +13962360 _hypernym 13962166 +02248147 _member_meronym 02249365 +01252425 _hypernym 01534147 +00021679 _derivationally_related_form 03060294 +13100677 _hypernym 13083586 +05805277 _derivationally_related_form 00720808 +02660819 _hypernym 02716165 +09643545 _hypernym 09643078 +12100538 _member_meronym 12143572 +12956170 _hypernym 13102409 +12770277 _hypernym 11567411 +14137561 _hypernym 14133159 +02636811 _derivationally_related_form 01769347 +02796623 _hypernym 03839993 +00521478 _derivationally_related_form 04967191 +02152504 _hypernym 02131279 +15101854 _hypernym 14943580 +12816359 _member_meronym 12816508 +07208708 _derivationally_related_form 00907147 +01726879 _derivationally_related_form 07086518 +08597323 _has_part 09037394 +02447001 _derivationally_related_form 10298912 +00583933 _derivationally_related_form 00623947 +04546855 _has_part 03224032 +01601234 _derivationally_related_form 00318735 +01770081 _hypernym 01769347 +05614657 _derivationally_related_form 00589309 +03993053 _hypernym 04446521 +01608122 _hypernym 01555742 +09175915 _instance_hypernym 09316454 +07994331 _member_meronym 02411705 +00835506 _derivationally_related_form 00751779 +03641706 _derivationally_related_form 02688794 +12039743 _member_meronym 12079352 +05897825 _hypernym 05897553 +07997703 _derivationally_related_form 00739662 +02293352 _hypernym 02283201 +08054417 _has_part 08146593 +13860281 _hypernym 13783038 +04291511 _derivationally_related_form 00145448 +02505809 _member_meronym 02506248 +09161090 _instance_hypernym 08586825 +09020961 _has_part 09384223 +06413889 _derivationally_related_form 07009946 +12894607 _hypernym 12893463 +01387786 _derivationally_related_form 00369399 +07537973 _hypernym 07537485 +02016523 _derivationally_related_form 00049003 +01083077 _derivationally_related_form 02294436 +14752952 _hypernym 14751417 +08621598 _derivationally_related_form 01987160 +03126385 _derivationally_related_form 01921964 +02290196 _hypernym 02210855 +13354985 _has_part 13408980 +01368863 _verb_group 02054989 +10387196 _hypernym 10386984 +01096497 _derivationally_related_form 00720565 +10481268 _hypernym 09951274 +01835496 _verb_group 01850315 +01882170 _derivationally_related_form 00283568 +00349705 _derivationally_related_form 01868370 +02236624 _hypernym 02236124 +01963571 _hypernym 01955933 +01298931 _hypernym 01298668 +01487914 _hypernym 01432517 +01632411 _derivationally_related_form 05633385 +08900535 _has_part 09396275 +02603056 _hypernym 00126264 +01577093 _hypernym 01577635 +11313726 _instance_hypernym 10536416 +12495509 _member_meronym 12495670 +04956110 _derivationally_related_form 01021794 +02897820 _hypernym 14786479 +07386920 _derivationally_related_form 01044114 +01591490 _member_meronym 01593156 +06583178 _hypernym 06582403 +03769967 _hypernym 02930766 +10463943 _derivationally_related_form 01036804 +06425065 _derivationally_related_form 00948071 +02551824 _member_meronym 02657083 +07491708 _derivationally_related_form 01820302 +10493685 _hypernym 10415638 +13265011 _hypernym 13253255 +01494310 _derivationally_related_form 04110439 +02634808 _derivationally_related_form 05780885 +12540250 _hypernym 12539306 +00109660 _derivationally_related_form 07296428 +02944579 _hypernym 03309808 +04269086 _hypernym 03659292 +13449156 _hypernym 13444703 +03133177 _hypernym 04321238 +05940414 _derivationally_related_form 00311113 +01981436 _derivationally_related_form 09433442 +02034394 _member_meronym 02034971 +00036762 _hypernym 00035189 +02120451 _derivationally_related_form 14332085 +07367548 _hypernym 07331400 +15174218 _has_part 15210870 +06470073 _hypernym 06362953 +12779851 _hypernym 12779603 +01705494 _derivationally_related_form 07037465 +01596887 _hypernym 01507175 +01503268 _derivationally_related_form 04463679 +00480221 _derivationally_related_form 09825519 +02441723 _member_meronym 02441942 +02071173 _hypernym 01864707 +02747177 _hypernym 02839910 +00330909 _hypernym 01458973 +05015117 _derivationally_related_form 01251128 +12785499 _member_meronym 12785724 +04934220 _hypernym 04933544 +05941423 _derivationally_related_form 00683280 +00734482 _derivationally_related_form 02567422 +00118268 _hypernym 00863513 +01201693 _hypernym 01201089 +05240211 _derivationally_related_form 02876088 +06231191 _derivationally_related_form 10067011 +05731568 _synset_domain_topic_of 06136258 +01958038 _hypernym 01956481 +03079741 _hypernym 04105893 +07211092 _derivationally_related_form 00909573 +02489589 _hypernym 02484322 +04073669 _hypernym 04157320 +02325405 _hypernym 02324478 +03265479 _hypernym 02875013 +11448343 _hypernym 11525955 +02607630 _member_meronym 02609466 +06018022 _hypernym 06000644 +09219078 _instance_hypernym 09403734 +01275762 _derivationally_related_form 13905405 +04072960 _hypernym 03269401 +08174398 _member_meronym 08960987 +01287782 _instance_hypernym 00958477 +12942930 _member_meronym 12943049 +09064861 _instance_hypernym 08524735 +01789047 _hypernym 01787955 +06681551 _hypernym 06681177 +12651611 _has_part 07767847 +08890097 _member_meronym 09730533 +08472890 _has_part 08233056 +02838728 _hypernym 02902079 +06126523 _hypernym 06125041 +06748969 _hypernym 06722453 +02204692 _derivationally_related_form 10389398 +08594714 _hypernym 08594286 +00249679 _derivationally_related_form 15153787 +02792552 _hypernym 02858304 +01931140 _hypernym 01930112 +03085333 _synset_domain_topic_of 06128570 +00727791 _hypernym 00726300 +01356086 _member_meronym 01364587 +00845299 _hypernym 00862683 +09401834 _synset_domain_topic_of 06090869 +06793426 _derivationally_related_form 00991900 +08832691 _has_part 09235469 +01920932 _derivationally_related_form 00288970 +01247413 _derivationally_related_form 02496498 +07209965 _derivationally_related_form 00907147 +06330528 _hypernym 06318062 +10361296 _hypernym 00007846 +12660009 _member_meronym 12664897 +09848285 _derivationally_related_form 08098499 +07084166 _derivationally_related_form 01050313 +01053207 _hypernym 01051331 +01767163 _derivationally_related_form 07524242 +02399424 _derivationally_related_form 01174555 +08900535 _has_part 08902753 +03011521 _hypernym 02857023 +10542888 _derivationally_related_form 01086103 +02429695 _hypernym 01862557 +01478603 _derivationally_related_form 03007354 +10668450 _derivationally_related_form 01108148 +02240377 _hypernym 01762525 +14403282 _hypernym 14403107 +00154141 _hypernym 00153263 +01741744 _member_meronym 01741943 +10448983 _hypernym 10249459 +04841810 _hypernym 04841358 +12684640 _member_meronym 12719277 +01496843 _hypernym 01494310 +14964129 _hypernym 14944888 +01999423 _derivationally_related_form 07372779 +13627516 _hypernym 13601596 +05310790 _has_part 01472939 +06891022 _derivationally_related_form 02148788 +13214645 _hypernym 11534677 +13485408 _derivationally_related_form 00056188 +10061656 _hypernym 09629246 +05735478 _hypernym 05734559 +01706889 _synset_domain_topic_of 05718935 +10623175 _hypernym 10249950 +04480625 _hypernym 02830852 +06845599 _member_of_domain_usage 04476633 +11444816 _derivationally_related_form 00308105 +01017987 _derivationally_related_form 01995549 +00159177 _derivationally_related_form 00770437 +10633450 _derivationally_related_form 02150948 +01023820 _hypernym 00407535 +01658762 _hypernym 01658188 +07123012 _derivationally_related_form 00914420 +08860123 _member_of_domain_region 08342670 +12406304 _hypernym 12405714 +02009015 _hypernym 01507175 +09548632 _hypernym 09547903 +04447028 _hypernym 02881193 +00223854 _derivationally_related_form 01322854 +11444643 _derivationally_related_form 00209837 +07121157 _derivationally_related_form 00913065 +10074841 _hypernym 00007846 +13373214 _hypernym 05138488 +00655378 _hypernym 00654625 +03283827 _hypernym 03274796 +02743547 _derivationally_related_form 09812338 +00203081 _hypernym 00169806 +00151689 _derivationally_related_form 05111835 +04879658 _derivationally_related_form 00963283 +00065791 _derivationally_related_form 04859177 +09078231 _instance_hypernym 08655464 +01522052 _derivationally_related_form 00345641 +00330144 _derivationally_related_form 14619225 +05544906 _hypernym 05542893 +00157957 _derivationally_related_form 00137313 +02714883 _hypernym 03247620 +07465290 _hypernym 07456188 +00152018 _derivationally_related_form 01030132 +08219493 _hypernym 08195797 +00716179 _hypernym 00853487 +08911602 _instance_hypernym 08633957 +01001097 _derivationally_related_form 00393953 +00752335 _derivationally_related_form 10317007 +01893771 _hypernym 01831531 +01659248 _derivationally_related_form 10284064 +05581349 _hypernym 05225602 +07488340 _hypernym 07487955 +11697388 _member_meronym 11697560 +01054553 _derivationally_related_form 07127911 +00962634 _similar_to 00963283 +03033019 _hypernym 04162998 +10363573 _hypernym 10794014 +00474308 _hypernym 00474017 +11536230 _hypernym 00017222 +02911890 _hypernym 02748618 +00840363 _derivationally_related_form 01202068 +08941208 _member_meronym 09709001 +12322887 _member_meronym 12348774 +14774894 _hypernym 14774699 +02633534 _hypernym 02664769 +12316300 _member_meronym 12316572 +00693679 _hypernym 00671351 +08860123 _member_of_domain_region 00505871 +09952163 _derivationally_related_form 01093587 +13517199 _hypernym 13434120 +01608508 _derivationally_related_form 14286885 +00218602 _hypernym 00218208 +01473886 _hypernym 01466733 +00089657 _hypernym 00089351 +06195698 _hypernym 06193203 +12097927 _member_meronym 12098227 +00010241 _hypernym 00010435 +06147522 _hypernym 06143546 +02454649 _hypernym 02454312 +01721754 _derivationally_related_form 00754956 +01904293 _verb_group 01838651 +07358060 _derivationally_related_form 00476744 +02398956 _hypernym 02457233 +01451176 _hypernym 01449974 +00978369 _derivationally_related_form 02643446 +06591609 _hypernym 06591442 +00440786 _hypernym 00439958 +12660009 _member_meronym 12669157 +00664788 _hypernym 00665886 +01672767 _member_meronym 01673503 +02438535 _derivationally_related_form 01023820 +11468172 _hypernym 11449002 +02543412 _member_meronym 02543565 +01541922 _hypernym 01529672 +01966204 _member_meronym 01966377 +08305942 _hypernym 08168978 +00905677 _derivationally_related_form 06552639 +01906749 _hypernym 01905661 +01231652 _derivationally_related_form 03623556 +02738760 _derivationally_related_form 09079505 +11877646 _has_part 07736256 +04744645 _hypernym 04743605 +12039743 _member_meronym 12064996 +12083591 _hypernym 12041446 +00101779 _derivationally_related_form 00836149 +10682038 _derivationally_related_form 00012434 +09477567 _instance_hypernym 09360122 +12610933 _member_meronym 12611815 +02257767 _derivationally_related_form 00196485 +01115411 _derivationally_related_form 00044673 +00657260 _derivationally_related_form 07939638 +14460565 _hypernym 00024720 +05443651 _synset_domain_topic_of 06075527 +07601809 _derivationally_related_form 00114615 +10260473 _hypernym 09943541 +01959111 _synset_domain_topic_of 00015388 +07961016 _hypernym 07959269 +14961512 _hypernym 02854156 +06720964 _hypernym 06719579 +00194912 _hypernym 00195342 +06632511 _hypernym 06630017 +02273254 _hypernym 01762525 +08966820 _derivationally_related_form 03084759 +01622959 _hypernym 01621127 +09240621 _synset_domain_topic_of 06084469 +00102457 _derivationally_related_form 00479932 +09771435 _derivationally_related_form 01827858 +02652494 _hypernym 02649830 +10663858 _hypernym 09861395 +01862918 _hypernym 00778275 +00597957 _hypernym 00586262 +12504094 _hypernym 13112664 +06851742 _member_of_domain_usage 02731629 +13278375 _derivationally_related_form 02251743 +06373991 _hypernym 06398401 +00565302 _synset_domain_topic_of 00523513 +01010334 _hypernym 01009871 +12509297 _hypernym 11585340 +01329239 _derivationally_related_form 10657306 +00058743 _derivationally_related_form 02074677 +00170844 _hypernym 00059552 +10480583 _hypernym 09820263 +00946588 _derivationally_related_form 01011166 +12707432 _member_meronym 12708293 +09629752 _derivationally_related_form 02102002 +05411049 _hypernym 05410646 +10274318 _derivationally_related_form 00012434 +04192858 _derivationally_related_form 01130169 +10705615 _derivationally_related_form 01034118 +13815742 _derivationally_related_form 00151279 +07313814 _derivationally_related_form 02431320 +01702514 _synset_domain_topic_of 07092592 +09207288 _has_part 08975106 +06378298 _derivationally_related_form 09980090 +00492706 _derivationally_related_form 00276987 +08813978 _has_part 08814474 +04562658 _hypernym 03315023 +06390805 _has_part 06399631 +04904560 _hypernym 04904352 +09211266 _has_part 09168336 +00788632 _hypernym 00786195 +00571609 _hypernym 00565302 +02703432 _derivationally_related_form 09800631 +07200527 _derivationally_related_form 00815686 +01547641 _verb_group 01547390 +10576071 _hypernym 09626589 +11759224 _hypernym 13104059 +00971309 _synset_domain_topic_of 08199025 +08723006 _has_part 08725926 +01043612 _hypernym 01039330 +01049737 _derivationally_related_form 07034634 +11960084 _hypernym 11579418 +10072708 _hypernym 00007846 +01819734 _hypernym 01816887 +02494538 _hypernym 01342529 +01221790 _derivationally_related_form 01787955 +10334567 _derivationally_related_form 01922895 +02157731 _derivationally_related_form 14521648 +09129926 _instance_hypernym 08524735 +06757891 _hypernym 06756407 +03094503 _hypernym 03575240 +00475819 _derivationally_related_form 13990064 +05755156 _hypernym 05752544 +01813053 _hypernym 01767949 +07439284 _derivationally_related_form 01880888 +06004685 _hypernym 06003682 +13541167 _derivationally_related_form 02438535 +05860200 _derivationally_related_form 00246217 +00749230 _derivationally_related_form 04708113 +05074774 _hypernym 00031921 +01548718 _derivationally_related_form 06428646 +09065557 _instance_hypernym 08638442 +10022111 _hypernym 10705615 +13784906 _synset_domain_topic_of 06000644 +01419332 _hypernym 01416585 +15166462 _has_part 15169421 +10634075 _hypernym 09606009 +14480420 _derivationally_related_form 00443984 +08920381 _has_part 08920924 +01692713 _member_meronym 01693020 +00033615 _derivationally_related_form 02645007 +01589217 _also_see 00904548 +02261123 _derivationally_related_form 01113867 +01753721 _member_meronym 01757547 +02553196 _member_meronym 02558980 +06609403 _hypernym 06607339 +00261957 _hypernym 00260648 +12874996 _member_meronym 12875269 +07075172 _member_of_domain_usage 05105009 +09979321 _hypernym 10066732 +11163041 _instance_hypernym 09765278 +01826060 _derivationally_related_form 07484547 +05114371 _hypernym 05113133 +04186848 _derivationally_related_form 01560369 +07295955 _derivationally_related_form 00229630 +02181402 _hypernym 02180898 +02154508 _derivationally_related_form 05703429 +00552619 _hypernym 00126264 +00555780 _derivationally_related_form 02908217 +02821030 _hypernym 03672352 +01981036 _hypernym 02005948 +01625985 _derivationally_related_form 07902520 +00943732 _hypernym 00941990 +10623354 _derivationally_related_form 00782057 +09281777 _derivationally_related_form 01904293 +05107765 _hypernym 05090441 +00807941 _hypernym 00807461 +14834563 _hypernym 14633206 +01764171 _derivationally_related_form 04904851 +13087625 _hypernym 13086908 +14449405 _hypernym 14449126 +00845658 _hypernym 00845299 +03588951 _derivationally_related_form 01219544 +06222959 _hypernym 05980412 +02138042 _hypernym 01864707 +01131043 _also_see 02513740 +01695259 _member_meronym 01700076 +02598143 _derivationally_related_form 07975026 +01762839 _derivationally_related_form 00802318 +03100026 _derivationally_related_form 10437262 +01173038 _hypernym 00349369 +06980465 _hypernym 06979014 +00937476 _hypernym 00933420 +07342049 _derivationally_related_form 02595662 +01233347 _also_see 02310895 +00789906 _hypernym 00789534 +02290521 _hypernym 01762525 +08731148 _instance_hypernym 08524735 +05509452 _has_part 05512835 +01340522 _derivationally_related_form 00229605 +13310230 _hypernym 13308999 +09014273 _instance_hypernym 08691669 +11804604 _member_meronym 11817774 +04685195 _hypernym 04683814 +02032415 _derivationally_related_form 01004072 +04687333 _derivationally_related_form 01806505 +05633860 _hypernym 05633672 +00782057 _hypernym 00752764 +01782218 _derivationally_related_form 07520612 +12391745 _member_meronym 12394494 +00726100 _synset_domain_topic_of 00469651 +10759702 _hypernym 10595647 +00272391 _derivationally_related_form 05651971 +06172502 _hypernym 05999797 +10384610 _derivationally_related_form 06048552 +02532602 _hypernym 02512938 +01552519 _also_see 01309701 +06873252 _hypernym 00033020 +10403876 _synset_domain_topic_of 04468005 +02584661 _derivationally_related_form 10532058 +06887726 _hypernym 00033020 +00623006 _hypernym 00622384 +09268927 _instance_hypernym 09386842 +09270894 _has_part 09334396 +13516842 _hypernym 13555599 +02231680 _hypernym 01762525 +13080674 _member_meronym 13080866 +01292534 _derivationally_related_form 03462747 +00883226 _derivationally_related_form 07230089 +02184270 _hypernym 01762525 +13930385 _derivationally_related_form 02470175 +00139544 _hypernym 00138956 +12838027 _member_meronym 12846143 +13154077 _derivationally_related_form 13152742 +02119659 _derivationally_related_form 04683002 +09808949 _derivationally_related_form 02739668 +06999436 _derivationally_related_form 02861617 +01417807 _hypernym 01387617 +10523519 _derivationally_related_form 02125409 +11782522 _member_meronym 11782878 +00043195 _derivationally_related_form 02128066 +05240211 _hypernym 08657249 +08339939 _hypernym 08339454 +01130455 _derivationally_related_form 03009633 +01449974 _hypernym 01850315 +02698726 _hypernym 00360932 +07963087 _hypernym 07961480 +11519450 _hypernym 11443721 +06208751 _derivationally_related_form 02130300 +05973198 _hypernym 06167328 +00090779 _derivationally_related_form 02308741 +12411922 _hypernym 12411461 +00298896 _also_see 00851239 +06240244 _hypernym 05946687 +02126686 _derivationally_related_form 14873951 +01438902 _also_see 00967625 +02601200 _member_meronym 02601344 +06647206 _derivationally_related_form 01000214 +02590072 _derivationally_related_form 05155123 +09117351 _has_part 09187923 +07885937 _hypernym 07885223 +01225461 _hypernym 01224744 +00963283 _derivationally_related_form 04879658 +02284544 _synset_domain_topic_of 01099436 +00504464 _hypernym 00405540 +00667384 _hypernym 00667246 +02297742 _verb_group 02297948 +11841529 _member_meronym 11854232 +07579399 _derivationally_related_form 01483779 +05473735 _hypernym 05470189 +07557165 _hypernym 07570720 +13514314 _has_part 13443787 +00651991 _derivationally_related_form 04748836 +02314717 _hypernym 08102555 +00391407 _hypernym 00391086 +03699396 _hypernym 03479647 +08873269 _instance_hypernym 08524735 +01256743 _derivationally_related_form 00813790 +01880888 _derivationally_related_form 07439284 +02252226 _hypernym 02251775 +00195813 _hypernym 00194912 +00074453 _hypernym 00074038 +01720660 _synset_domain_topic_of 07006119 +02634265 _derivationally_related_form 13941337 +04301474 _hypernym 04540761 +07073447 _member_of_domain_usage 05833252 +00697365 _hypernym 00657604 +02647497 _derivationally_related_form 04765355 +02141973 _derivationally_related_form 06889330 +00753685 _derivationally_related_form 02577586 +03393324 _hypernym 04586932 +04748836 _derivationally_related_form 01410363 +01345109 _derivationally_related_form 04211528 +08500433 _hypernym 00028651 +01922717 _hypernym 01922303 +00122661 _hypernym 00045250 +01686956 _derivationally_related_form 05766984 +12879719 _hypernym 11579418 +04925348 _derivationally_related_form 01638438 +00727143 _hypernym 00726300 +08987262 _instance_hypernym 08691669 +13203842 _member_meronym 13204102 +05182563 _hypernym 05176846 +07355491 _derivationally_related_form 00358431 +02188065 _member_meronym 02194414 +08734385 _derivationally_related_form 03131116 +07675627 _hypernym 07649854 +11689483 _hypernym 13135832 +02187922 _derivationally_related_form 03241335 +01574671 _hypernym 01507175 +00207728 _hypernym 00208210 +02145084 _hypernym 01862557 +00367685 _derivationally_related_form 05869857 +02681084 _derivationally_related_form 00396703 +11739530 _hypernym 11564258 +00081572 _hypernym 00079018 +11087359 _synset_domain_topic_of 06453849 +12670558 _hypernym 11579418 +01069311 _synset_domain_topic_of 06226057 +03891051 _hypernym 03589791 +12006766 _hypernym 11672400 +01529766 _hypernym 01528821 +05770926 _derivationally_related_form 00739340 +12136720 _hypernym 12101870 +01665761 _member_meronym 01665932 +04170515 _hypernym 04304375 +14789885 _hypernym 14971519 +07507912 _derivationally_related_form 01791232 +08910668 _instance_hypernym 08700255 +00250181 _derivationally_related_form 13512238 +00517728 _hypernym 00428000 +02641825 _member_meronym 02649689 +00043195 _derivationally_related_form 00598954 +08910394 _has_part 08929243 +08695539 _hypernym 08524735 +09438055 _hypernym 09257949 +08206460 _synset_domain_topic_of 08199025 +03274561 _hypernym 04470953 +15178417 _hypernym 15173479 +15147097 _derivationally_related_form 09917593 +00799383 _derivationally_related_form 10785085 +00799236 _hypernym 00798245 +01019472 _hypernym 00890100 +02734192 _derivationally_related_form 05436752 +01768402 _member_meronym 01768969 +03016953 _has_part 03233905 +10737431 _derivationally_related_form 01346003 +08017614 _synset_domain_topic_of 00759694 +13104059 _has_part 13165815 +11200276 _instance_hypernym 10053004 +00980339 _hypernym 00978549 +12100538 _member_meronym 12146100 +10577820 _hypernym 10264437 +15147097 _has_part 15146260 +08840374 _instance_hypernym 08544813 +11911591 _member_meronym 11971094 +02649830 _derivationally_related_form 09620078 +01308438 _instance_hypernym 00973077 +10614363 _derivationally_related_form 00028565 +09547111 _hypernym 09545324 +02743050 _has_part 02790322 +01959482 _synset_domain_topic_of 00299217 +01755816 _hypernym 01712704 +00937208 _derivationally_related_form 10206173 +05283498 _derivationally_related_form 01258091 +07886176 _hypernym 07884567 +04580777 _instance_hypernym 04079244 +02456147 _member_meronym 02456275 +13000372 _member_meronym 13000668 +13460991 _hypernym 13518963 +02602215 _member_meronym 02602405 +08723006 _member_of_domain_region 08321469 +00869931 _hypernym 00842989 +00073177 _hypernym 00072808 +13558490 _derivationally_related_form 01540449 +10127555 _derivationally_related_form 06122178 +13412321 _derivationally_related_form 02471690 +10521470 _derivationally_related_form 02595662 +08699426 _has_part 08815046 +00512522 _hypernym 00511817 +00647270 _hypernym 00996969 +00361932 _hypernym 00351638 +08715110 _instance_hypernym 08574314 +12088909 _has_part 12089178 +02443609 _hypernym 02441022 +00171852 _derivationally_related_form 08549070 +01774799 _hypernym 01774136 +00211108 _hypernym 00218475 +08952423 _instance_hypernym 08691669 +07130341 _hypernym 07129867 +00657016 _derivationally_related_form 09307300 +06208751 _hypernym 06208021 +07435891 _derivationally_related_form 00339464 +01091905 _derivationally_related_form 02260362 +10369955 _derivationally_related_form 01126360 +05181199 _derivationally_related_form 01029500 +00828374 _derivationally_related_form 10464178 +01785392 _hypernym 01759182 +01556572 _derivationally_related_form 00391407 +12404943 _member_meronym 12405209 +00838043 _derivationally_related_form 10195593 +07083441 _hypernym 06282651 +08860123 _member_of_domain_region 10656969 +00772640 _derivationally_related_form 05773049 +00598954 _derivationally_related_form 07214432 +12222715 _hypernym 11567411 +10308504 _derivationally_related_form 00604576 +10689104 _derivationally_related_form 02001858 +05116953 _hypernym 05113133 +06893885 _derivationally_related_form 01719302 +00328802 _verb_group 00329244 +00642644 _hypernym 00637259 +06589574 _derivationally_related_form 01745722 +00598970 _hypernym 00586262 +01485073 _hypernym 01432517 +08035233 _synset_domain_topic_of 00759694 +08860123 _member_of_domain_region 04535524 +04162998 _derivationally_related_form 02701962 +01129337 _derivationally_related_form 08215603 +12100538 _member_meronym 12115563 +07014029 _derivationally_related_form 01721556 +01258302 _derivationally_related_form 00222376 +08656893 _hypernym 08664443 +04955160 _hypernym 04953954 +14298620 _derivationally_related_form 01411085 +02236495 _hypernym 01342529 +13632461 _hypernym 13601596 +07257815 _hypernym 06873571 +01849746 _verb_group 02053941 +12313574 _hypernym 07992450 +00324231 _derivationally_related_form 00247792 +00510475 _derivationally_related_form 02269003 +12100538 _member_meronym 12114226 +02245592 _member_meronym 02246011 +02467662 _derivationally_related_form 10019888 +02567519 _hypernym 01120069 +01311520 _has_part 01282466 +01017738 _also_see 01172889 +01835496 _derivationally_related_form 00283127 +11973341 _hypernym 12205694 +08404895 _synset_domain_topic_of 08199025 +02338319 _member_meronym 02338449 +02152212 _derivationally_related_form 02743020 +00670991 _derivationally_related_form 06196284 +15103226 _hypernym 14662574 +09458587 _instance_hypernym 09403734 +01601268 _hypernym 01507175 +00772381 _hypernym 00770270 +00357451 _derivationally_related_form 00403967 +14889479 _derivationally_related_form 00274283 +09629477 _hypernym 10577284 +02490877 _derivationally_related_form 07449862 +04707409 _hypernym 04706290 +08422524 _hypernym 08420278 +01772960 _derivationally_related_form 07528212 +14371913 _hypernym 14299637 +02979662 _hypernym 03104594 +14859622 _hypernym 03800001 +12204175 _hypernym 12202936 +00799798 _derivationally_related_form 05789808 +08913434 _has_part 09038990 +01888295 _also_see 02072849 +08860123 _member_of_domain_region 10244913 +10263411 _hypernym 10101634 +09648743 _hypernym 09645091 +00990249 _derivationally_related_form 10159714 +11605708 _member_meronym 11660848 +10740017 _derivationally_related_form 00825975 +08397675 _synset_domain_topic_of 08199025 +08417920 _has_part 07257227 +14471926 _hypernym 14465048 +00964911 _hypernym 00813978 +09684609 _hypernym 09628382 +02842008 _hypernym 03629986 +11633459 _member_meronym 11633633 +14595543 _hypernym 15088440 +04037625 _has_part 09314013 +09011151 _has_part 09011820 +15210486 _has_part 15187250 +08890097 _member_of_domain_region 09833441 +07201365 _derivationally_related_form 00987071 +14360459 _hypernym 14299637 +00248026 _derivationally_related_form 15145171 +04815321 _hypernym 04723816 +08822855 _instance_hypernym 08821885 +00232386 _derivationally_related_form 02477334 +01282888 _hypernym 01282545 +07233634 _hypernym 07232988 +04623113 _hypernym 04616059 +05207963 _derivationally_related_form 00835609 +14438125 _hypernym 14436875 +02768874 _hypernym 02763740 +13793504 _hypernym 13791389 +03530910 _hypernym 04014297 +02556846 _hypernym 02554730 +03965907 _hypernym 13907415 +00381601 _hypernym 00109660 +02537812 _hypernym 02537407 +08060193 _derivationally_related_form 10720453 +07569873 _hypernym 07569106 +01498822 _member_meronym 01498989 +03300578 _hypernym 02718469 +01672168 _derivationally_related_form 09477037 +01108627 _hypernym 01101913 +01808785 _hypernym 01504437 +00626188 _derivationally_related_form 01150370 +06891022 _derivationally_related_form 00989602 +05990089 _hypernym 05993844 +08556491 _hypernym 08630985 +01526290 _verb_group 01525666 +02766328 _derivationally_related_form 14578471 +00442063 _derivationally_related_form 04631700 +12615232 _hypernym 13121544 +02565072 _has_part 07777840 +00741478 _derivationally_related_form 00616361 +02763740 _derivationally_related_form 11428023 +12100538 _member_meronym 12140137 +01245618 _hypernym 00430140 +00003356 _similar_to 00003553 +00836236 _derivationally_related_form 00900070 +02272152 _member_meronym 02272286 +01852544 _hypernym 01507175 +01387786 _hypernym 00419950 +02685665 _derivationally_related_form 08628921 +03868863 _hypernym 02895606 +11903167 _hypernym 11575425 +01538629 _hypernym 01531998 +10468962 _derivationally_related_form 02443609 +01349318 _hypernym 01351170 +10419630 _hypernym 10716005 +07311115 _hypernym 07309781 +01613391 _hypernym 01494310 +00335988 _derivationally_related_form 01591158 +01410363 _derivationally_related_form 02666239 +01807529 _derivationally_related_form 04689048 +00851933 _hypernym 00849080 +09071690 _has_part 09377861 +00384329 _hypernym 00383952 +01382083 _also_see 00598954 +10248711 _derivationally_related_form 00860620 +07765208 _hypernym 13138308 +00348746 _verb_group 02609203 +05136343 _hypernym 05136150 +07553176 _hypernym 07552729 +10693459 _derivationally_related_form 05636402 +02042672 _hypernym 02042404 +10678662 _hypernym 09774783 +02914991 _hypernym 04341686 +00754280 _derivationally_related_form 02288656 +01465994 _member_meronym 01466996 +00011757 _derivationally_related_form 05854150 +12171750 _member_meronym 12172481 +13031690 _member_meronym 13032923 +02127613 _hypernym 01315613 +01416354 _member_meronym 01418237 +00593944 _derivationally_related_form 10225219 +01597336 _hypernym 01525720 +01877407 _hypernym 01864707 +08186221 _hypernym 08185758 +06845599 _member_of_domain_usage 14777277 +10603528 _derivationally_related_form 02740204 +02457825 _derivationally_related_form 04915687 +07073447 _member_of_domain_usage 01426397 +01461646 _has_part 01459242 +07157273 _member_of_domain_usage 11470348 +05015463 _derivationally_related_form 00370412 +15157041 _hypernym 15113229 +01808769 _hypernym 01817130 +09095023 _has_part 09096664 +02425393 _hypernym 01864707 +02729837 _hypernym 03257877 +01886728 _derivationally_related_form 00328502 +03054551 _synset_domain_topic_of 06043075 +00715239 _hypernym 00634472 +00694068 _derivationally_related_form 01228877 +00908621 _verb_group 02684254 +00147187 _derivationally_related_form 02023107 +08735345 _instance_hypernym 08524735 +01092366 _derivationally_related_form 00958896 +00597265 _derivationally_related_form 15266265 +09195615 _instance_hypernym 09334396 +00243900 _derivationally_related_form 06468123 +07858595 _derivationally_related_form 02195470 +15124361 _has_part 15125097 +01395382 _hypernym 01395049 +05828552 _hypernym 05827684 +04695176 _derivationally_related_form 00281101 +15166462 _hypernym 15164957 +06840187 _hypernym 06818970 +12607896 _hypernym 11556857 +02199712 _member_meronym 02205095 +00611143 _hypernym 00610373 +09693100 _hypernym 09692624 +02958343 _has_part 02758753 +14356993 _hypernym 14356328 +05840650 _hypernym 05840188 +04850117 _derivationally_related_form 01369663 +00634286 _synset_domain_topic_of 06172789 +01967923 _hypernym 01967373 +00063724 _verb_group 00063557 +02144644 _derivationally_related_form 13913566 +04788494 _hypernym 04787530 +09039411 _member_of_domain_region 08027920 +13458571 _hypernym 00029677 +10597091 _hypernym 10722758 +02508213 _hypernym 02508021 +02515214 _similar_to 02513740 +01149138 _derivationally_related_form 10677713 +02542280 _verb_group 02346895 +01907258 _also_see 02034300 +00953559 _derivationally_related_form 01090335 +02871963 _derivationally_related_form 02005778 +04248851 _has_part 04241042 +01527877 _derivationally_related_form 05978472 +01360899 _derivationally_related_form 03957567 +09623038 _derivationally_related_form 01999798 +01619929 _derivationally_related_form 00737973 +00404222 _derivationally_related_form 04931965 +11370654 _instance_hypernym 10650162 +12908432 _member_meronym 12908645 +07075172 _member_of_domain_usage 05921685 +08277805 _derivationally_related_form 09759311 +13781670 _hypernym 13780719 +02869837 _hypernym 03497657 +07503430 _derivationally_related_form 01774136 +01361561 _hypernym 01360899 +02965300 _hypernym 04194289 +06295235 _member_of_domain_usage 04284735 +08860123 _member_of_domain_region 14361182 +00847478 _hypernym 00845909 +11644226 _hypernym 11643835 +01378123 _derivationally_related_form 00369138 +03986949 _hypernym 02773838 +12618524 _hypernym 11556857 +02644967 _member_meronym 02646117 +01924882 _derivationally_related_form 00348008 +02584915 _derivationally_related_form 01209678 +11061853 _instance_hypernym 10123844 +02298379 _member_meronym 02298833 +13743605 _derivationally_related_form 01292885 +00740712 _derivationally_related_form 00810557 +00922867 _hypernym 00928015 +08095160 _hypernym 08094013 +07195404 _hypernym 07193958 +01181295 _derivationally_related_form 07578363 +01513990 _hypernym 01513430 +08860123 _member_of_domain_region 07450343 +01275562 _also_see 00900616 +14629149 _derivationally_related_form 02641571 +02182796 _hypernym 01762525 +02293856 _derivationally_related_form 14417697 +04099649 _hypernym 02798290 +12039743 _member_meronym 12078954 +08070850 _derivationally_related_form 02216083 +09022831 _has_part 08735705 +08809749 _instance_hypernym 08803382 +09352282 _hypernym 09300674 +02030158 _hypernym 01831531 +11975658 _hypernym 12205694 +00286756 _derivationally_related_form 01917244 +12907057 _hypernym 12205694 +14630204 _hypernym 14629998 +00181005 _hypernym 00173338 +02486232 _derivationally_related_form 09992538 +02760855 _derivationally_related_form 00181476 +05020358 _hypernym 05009170 +12382233 _hypernym 12381511 +04676308 _hypernym 04673965 +08900535 _member_of_domain_region 08045428 +00145218 _derivationally_related_form 02389346 +10205344 _hypernym 09994943 +00090708 _hypernym 00090888 +01484987 _derivationally_related_form 05008943 +02079933 _verb_group 01061017 +01643464 _derivationally_related_form 10029068 +12585137 _has_part 12585373 +00852922 _hypernym 00849080 +08159031 _hypernym 07971582 +07368646 _hypernym 07367812 +00380159 _derivationally_related_form 07444668 +00270215 _derivationally_related_form 01156438 +13526110 _hypernym 00029677 +11275636 _instance_hypernym 10088390 +00704388 _derivationally_related_form 05785508 +07272545 _derivationally_related_form 01356750 +00432839 _verb_group 01985923 +08507255 _hypernym 08673395 +00940214 _derivationally_related_form 01266152 +10467179 _derivationally_related_form 02443609 +01545883 _derivationally_related_form 10524973 +05826469 _derivationally_related_form 00814850 +02250653 _hypernym 01762525 +06295235 _member_of_domain_usage 02836607 +05802547 _hypernym 05802185 +01645601 _derivationally_related_form 00322457 +06732710 _derivationally_related_form 01014821 +01254051 _derivationally_related_form 01460937 +00310666 _derivationally_related_form 10718131 +01350449 _also_see 01506157 +04826999 _derivationally_related_form 01783158 +05766984 _derivationally_related_form 01688256 +10614629 _hypernym 10605985 +00184907 _synset_domain_topic_of 06084469 +07400361 _hypernym 07371293 +01185292 _hypernym 01184814 +10419630 _derivationally_related_form 01803380 +12671157 _member_meronym 12678059 +03242713 _hypernym 04096066 +00628125 _derivationally_related_form 09964659 +10033225 _hypernym 00007846 +07291312 _hypernym 07283608 +08810999 _instance_hypernym 09316454 +12371002 _hypernym 11575425 +06252954 _hypernym 06251781 +02965783 _hypernym 03773035 +00698732 _derivationally_related_form 06705984 +02201644 _hypernym 02200686 +09894143 _derivationally_related_form 00589948 +02460483 _derivationally_related_form 10700517 +03338821 _derivationally_related_form 01711965 +15003969 _derivationally_related_form 00173338 +13354420 _derivationally_related_form 09609232 +09141526 _has_part 09145851 +12468243 _hypernym 12425281 +03514129 _hypernym 02995998 +00321562 _hypernym 00671351 +10700517 _derivationally_related_form 01054335 +02385153 _derivationally_related_form 00067707 +05639556 _hypernym 05637558 +01485673 _member_meronym 01485801 +01422594 _member_meronym 01422835 +05928118 _derivationally_related_form 01635432 +00471058 _hypernym 01323958 +14779205 _derivationally_related_form 00280301 +02331919 _derivationally_related_form 04048568 +05636048 _derivationally_related_form 10339966 +14322106 _hypernym 14321953 +00969370 _hypernym 00968211 +05007280 _hypernym 05849789 +02751782 _hypernym 02832168 +13454479 _hypernym 13518963 +08975902 _member_of_domain_region 08014202 +08220891 _synset_domain_topic_of 06066555 +03474167 _hypernym 02756098 +13253751 _derivationally_related_form 02259829 +02286271 _member_meronym 02286425 +12932532 _member_meronym 12932966 +13977366 _hypernym 13972797 +00683280 _derivationally_related_form 09848489 +08982587 _has_part 09236423 +01229938 _derivationally_related_form 02428924 +00272123 _derivationally_related_form 00134564 +03199647 _hypernym 04081281 +10211203 _derivationally_related_form 02446819 +07645469 _derivationally_related_form 00325328 +07075172 _member_of_domain_usage 13259797 +00878136 _hypernym 00875394 +01021128 _derivationally_related_form 05937112 +02186690 _derivationally_related_form 07379223 +00946105 _derivationally_related_form 06490887 +02805111 _hypernym 04180314 +10762064 _derivationally_related_form 01918803 +08966820 _instance_hypernym 08698379 +08921850 _member_of_domain_region 10229193 +14690607 _hypernym 14662574 +04709253 _hypernym 04723816 +01681328 _hypernym 01676755 +02573275 _derivationally_related_form 09998101 +01529036 _member_meronym 01536916 +10742384 _hypernym 10586674 +00543410 _hypernym 00109660 +00189565 _derivationally_related_form 02525312 +13632007 _hypernym 13601596 +00216216 _hypernym 00214951 +10766025 _derivationally_related_form 00709205 +04083468 _hypernym 00021939 +08720481 _has_part 08711468 +01881991 _hypernym 01864707 +00045114 _hypernym 00030358 +07203126 _derivationally_related_form 00878136 +05238282 _has_part 05245626 +02521410 _derivationally_related_form 10018021 +13520981 _hypernym 13489037 +03754014 _hypernym 03808564 +00980908 _derivationally_related_form 10023656 +10209246 _hypernym 10731244 +02396205 _derivationally_related_form 09607630 +12894438 _has_part 07711799 +02296276 _hypernym 02295064 +09340203 _instance_hypernym 09411430 +02724207 _hypernym 03740161 +10300303 _hypernym 00015388 +00654258 _verb_group 00654015 +02488834 _derivationally_related_form 01036996 +08278324 _hypernym 08276342 +02606194 _hypernym 01429349 +01867295 _derivationally_related_form 05147940 +02592866 _member_meronym 02593019 +01050313 _derivationally_related_form 07084166 +04946553 _derivationally_related_form 01209678 +00672433 _hypernym 00637259 +12996225 _hypernym 08220891 +12706644 _member_meronym 12707040 +08772794 _instance_hypernym 08524735 +00637259 _derivationally_related_form 02938886 +11039690 _instance_hypernym 09765278 +12660009 _member_meronym 12668732 +03863442 _hypernym 04578559 +01205827 _hypernym 01202904 +01061203 _derivationally_related_form 00889740 +07410207 _derivationally_related_form 01238640 +13931145 _hypernym 13928668 +00280853 _hypernym 00279835 +00664110 _hypernym 00661091 +09034550 _instance_hypernym 08698379 +10136959 _derivationally_related_form 01146793 +02537407 _derivationally_related_form 10206173 +05971394 _hypernym 05971086 +13080674 _hypernym 11592146 +01426153 _verb_group 01426397 +11822557 _member_meronym 11824548 +14841267 _derivationally_related_form 00442267 +00648224 _derivationally_related_form 10575787 +07400906 _hypernym 07296190 +07064055 _hypernym 07059255 +01046006 _hypernym 01028655 +12684640 _member_meronym 12704636 +01039162 _hypernym 01038666 +06566805 _hypernym 06566077 +02225492 _hypernym 02202384 +14324274 _derivationally_related_form 00065070 +09831856 _hypernym 00007846 +14375761 _hypernym 14375576 +06422740 _hypernym 06421301 +01558681 _hypernym 01617192 +04238128 _derivationally_related_form 01870275 +04157320 _hypernym 03958097 +07378234 _hypernym 07371293 +02774152 _derivationally_related_form 01485839 +00830188 _derivationally_related_form 00889294 +00406365 _derivationally_related_form 01580467 +10297367 _hypernym 10419047 +07291312 _derivationally_related_form 00351963 +04544979 _derivationally_related_form 01912893 +01970348 _synset_domain_topic_of 06095022 +08340989 _hypernym 08339939 +00443984 _derivationally_related_form 07407970 +00384620 _derivationally_related_form 00095971 +08926381 _instance_hypernym 08524735 +00766234 _synset_domain_topic_of 06539178 +07931280 _derivationally_related_form 01175467 +12565912 _hypernym 13104059 +11692952 _member_meronym 11703386 +02201521 _hypernym 02201268 +05517578 _hypernym 05515670 +02011460 _hypernym 02008041 +11511523 _hypernym 11512650 +12194776 _member_meronym 12197211 +02862048 _has_part 03513376 +08521267 _has_part 08684769 +02263346 _hypernym 02261888 +00732224 _hypernym 00628491 +00983635 _hypernym 00978549 +01699896 _derivationally_related_form 06353445 +01350449 _derivationally_related_form 11458624 +03327841 _hypernym 02796623 +13484082 _derivationally_related_form 01459542 +03213826 _hypernym 03093792 +00237078 _hypernym 00235435 +05924920 _derivationally_related_form 00467717 +11972759 _hypernym 11915899 +05891572 _hypernym 05898568 +01665332 _hypernym 01651444 +11722342 _hypernym 11720353 +08997487 _instance_hypernym 08700255 +09348055 _hypernym 09224911 +09800631 _derivationally_related_form 02063771 +13210006 _member_meronym 13210205 +01952898 _derivationally_related_form 10526927 +09615465 _derivationally_related_form 00775156 +07565259 _derivationally_related_form 01177118 +02704928 _hypernym 02704349 +00895135 _hypernym 00894552 +05556943 _has_part 05385363 +04882622 _derivationally_related_form 01196037 +05551939 _hypernym 05551711 +02169352 _derivationally_related_form 05818741 +06453324 _has_part 06434368 +13791389 _derivationally_related_form 02568884 +14692026 _has_part 14910581 +00850501 _derivationally_related_form 00425905 +01638368 _derivationally_related_form 05910453 +04337974 _derivationally_related_form 01359432 +04055030 _hypernym 03872495 +02679530 _derivationally_related_form 01216191 +03362890 _hypernym 03008565 +09003284 _instance_hypernym 08544813 +00940842 _derivationally_related_form 00925873 +10416364 _hypernym 10129825 +01946408 _hypernym 01945516 +00407090 _derivationally_related_form 02713372 +01149138 _derivationally_related_form 09906538 +08172103 _member_meronym 09033333 +00226951 _derivationally_related_form 00076400 +01085677 _derivationally_related_form 06201908 +10458111 _derivationally_related_form 00733044 +02700867 _derivationally_related_form 13779374 +00877848 _derivationally_related_form 10482414 +07081739 _hypernym 07069948 +00645771 _synset_domain_topic_of 00612160 +00624967 _derivationally_related_form 05923696 +00799798 _derivationally_related_form 00231887 +00660971 _hypernym 00681429 +01720980 _derivationally_related_form 10163723 +06150633 _derivationally_related_form 02217266 +12738480 _member_meronym 12738599 +02298998 _synset_domain_topic_of 00092366 +07331400 _derivationally_related_form 02431320 +12557064 _hypernym 12556793 +03446070 _has_part 03446268 +11846582 _hypernym 11573660 +01376894 _derivationally_related_form 10661002 +09825413 _hypernym 00007846 +09035951 _instance_hypernym 08633957 +01946138 _hypernym 01945516 +10426749 _derivationally_related_form 00620554 +01463965 _derivationally_related_form 04627000 +09013830 _has_part 09014273 +06434368 _instance_hypernym 06394865 +02296480 _hypernym 01762525 +01883212 _member_meronym 01884703 +03105810 _synset_domain_topic_of 06123363 +09614684 _derivationally_related_form 00598215 +00397953 _derivationally_related_form 01563724 +01454636 _derivationally_related_form 04990877 +06681551 _derivationally_related_form 00967098 +09416570 _has_part 09429934 +01466733 _hypernym 01850315 +01191838 _derivationally_related_form 14452294 +10053004 _hypernym 10628644 +00766234 _derivationally_related_form 02480923 +00373278 _hypernym 00373130 +01478603 _derivationally_related_form 13437181 +02196761 _member_meronym 02196896 +00615774 _hypernym 00471711 +00597216 _hypernym 00596644 +04922787 _derivationally_related_form 02737187 +01740005 _hypernym 01657723 +04526520 _has_part 04526964 +10062996 _derivationally_related_form 01637633 +12574470 _hypernym 12205694 +12737383 _member_meronym 12738087 +02627292 _has_part 07781207 +06584376 _hypernym 06582403 +05895138 _hypernym 05893916 +00751944 _derivationally_related_form 00835506 +02106006 _derivationally_related_form 05651971 +00812580 _derivationally_related_form 04661151 +08946187 _derivationally_related_form 03068473 +07108453 _member_of_domain_usage 09618957 +08395465 _hypernym 08279524 +10567401 _derivationally_related_form 02153709 +06740919 _derivationally_related_form 01631830 +02684649 _hypernym 04187061 +05940414 _derivationally_related_form 00312990 +02498716 _derivationally_related_form 13301328 +08472120 _hypernym 08464601 +08730550 _has_part 08730895 +02513269 _also_see 01548193 +02425532 _hypernym 02419796 +06681976 _hypernym 06681551 +12821257 _member_meronym 12821505 +00878221 _derivationally_related_form 02165146 +00506952 _synset_domain_topic_of 06115701 +01387786 _derivationally_related_form 00369802 +02252429 _hypernym 01759182 +00147595 _derivationally_related_form 01340439 +14373582 _synset_domain_topic_of 06136258 +12431861 _hypernym 12431434 +10712835 _derivationally_related_form 06651577 +02554922 _hypernym 02556126 +10123844 _synset_domain_topic_of 08199025 +06602324 _hypernym 06601327 +00915605 _derivationally_related_form 10533983 +12762245 _hypernym 11567411 +13274092 _hypernym 13282007 +02185973 _member_meronym 02186399 +12226009 _member_meronym 12255659 +00479391 _derivationally_related_form 00397760 +00162688 _derivationally_related_form 07443761 +01130455 _hypernym 01128193 +01684941 _hypernym 01657723 +03919096 _hypernym 03764276 +08949093 _has_part 08951385 +02665803 _derivationally_related_form 06037666 +00215683 _derivationally_related_form 02402409 +12182858 _hypernym 11575425 +10471250 _derivationally_related_form 08113443 +04011242 _derivationally_related_form 01219004 +01710481 _hypernym 02391803 +00073584 _synset_domain_topic_of 00671351 +11790239 _hypernym 11556857 +14504726 _hypernym 14503665 +01381549 _hypernym 01380638 +13771404 _derivationally_related_form 01611516 +02837789 _hypernym 04371563 +00928630 _hypernym 02296153 +02203362 _verb_group 02630189 +01954559 _derivationally_related_form 04463679 +13460991 _derivationally_related_form 00400101 +00764891 _hypernym 00759694 +15173479 _hypernym 05726596 +01143713 _hypernym 01140794 +00747215 _hypernym 00908492 +02777100 _hypernym 04141975 +00047745 _derivationally_related_form 03051540 +05604535 _hypernym 05263850 +02950018 _derivationally_related_form 00213794 +04289027 _derivationally_related_form 00228655 +09167101 _has_part 09471638 +03289268 _hypernym 04003597 +01496617 _member_meronym 01500995 +02680358 _hypernym 02679899 +00295346 _derivationally_related_form 00999588 +09044862 _has_part 09103943 +02663643 _hypernym 02711987 +04166553 _derivationally_related_form 01814396 +08801678 _has_part 08846135 +06353934 _derivationally_related_form 00994076 +00689344 _derivationally_related_form 05784831 +02079933 _hypernym 02077656 +05337301 _hypernym 05333777 +00956405 _derivationally_related_form 07172979 +01026728 _hypernym 00927430 +01661404 _member_meronym 01662274 +01909111 _hypernym 08102555 +04806316 _hypernym 04671394 +00969873 _derivationally_related_form 07445896 +09235469 _has_part 09235244 +12370384 _member_meronym 12370549 +00283911 _derivationally_related_form 07567139 +02073679 _hypernym 01864707 +05614476 _hypernym 05614175 +00106843 _hypernym 00010435 +01909812 _derivationally_related_form 07351612 +02357873 _hypernym 02327200 +10371450 _hypernym 10180178 +01593937 _hypernym 01447257 +00233386 _derivationally_related_form 00470084 +14923458 _hypernym 14688500 +01408760 _synset_domain_topic_of 00523513 +14493426 _derivationally_related_form 00172732 +02435867 _hypernym 02471327 +02264752 _hypernym 02265231 +09815455 _hypernym 10402824 +09879744 _derivationally_related_form 02566227 +07485475 _hypernym 07484265 +09812068 _derivationally_related_form 01668421 +12260208 _member_meronym 12264254 +11911591 _member_meronym 11993932 +01436139 _derivationally_related_form 11512992 +07757132 _hypernym 13138308 +03622058 _derivationally_related_form 02183175 +05481095 _has_part 05502556 +01471070 _member_meronym 01626134 +00454868 _derivationally_related_form 07439570 +01072565 _hypernym 00191142 +09902353 _hypernym 10622053 +05388805 _has_part 05395098 +11579418 _hypernym 11567411 +00842989 _hypernym 00843468 +13497135 _derivationally_related_form 00230746 +12226322 _member_meronym 12239100 +05934278 _hypernym 05933246 +06779914 _hypernym 06778102 +13542474 _hypernym 13536299 +05611822 _hypernym 00023271 +10541229 _hypernym 00007846 +00119524 _derivationally_related_form 13559782 +01635432 _verb_group 00591115 +00404642 _derivationally_related_form 03918737 +00829107 _derivationally_related_form 00883297 +04048075 _derivationally_related_form 01950657 +01115916 _derivationally_related_form 02911158 +02257536 _member_meronym 02258354 +01882125 _hypernym 01881171 +02232408 _hypernym 08103777 +07606278 _hypernym 07597365 +01926031 _derivationally_related_form 03870672 +07115914 _hypernym 07115684 +13888491 _hypernym 13887509 +05256862 _derivationally_related_form 10155849 +07464969 _hypernym 07464725 +04463273 _hypernym 03234306 +12769430 _member_meronym 12769663 +01447868 _also_see 01375637 +01382083 _also_see 02107248 +01917549 _hypernym 01904930 +02174521 _hypernym 01762525 +00590047 _hypernym 00586262 +02608347 _derivationally_related_form 07325190 +00516086 _derivationally_related_form 02578510 +01235769 _also_see 01240308 +00136876 _hypernym 00136329 +05511618 _has_part 05418717 +00356367 _hypernym 00356199 +01846658 _derivationally_related_form 10546633 +00328128 _derivationally_related_form 03612814 +14474052 _hypernym 14473655 +01921964 _derivationally_related_form 10334957 +02502514 _hypernym 01886756 +09402704 _derivationally_related_form 00192836 +00490569 _hypernym 00488225 +10740219 _hypernym 10677713 +01809977 _member_meronym 01810132 +13548734 _synset_domain_topic_of 06037666 +12133151 _hypernym 12102133 +01180351 _derivationally_related_form 13766896 +02572119 _derivationally_related_form 00418903 +01249490 _hypernym 01552519 +00851146 _hypernym 00850425 +02001821 _member_meronym 02004343 +01244593 _hypernym 00095502 +08541609 _hypernym 08491826 +14213328 _synset_domain_topic_of 06043075 +05480794 _has_part 05491612 +02006510 _hypernym 01504437 +14170337 _hypernym 14189204 +00595146 _derivationally_related_form 10388440 +00208277 _derivationally_related_form 01030397 +14295248 _hypernym 14285662 +06938887 _derivationally_related_form 03083069 +08860123 _member_of_domain_region 03118846 +01086356 _derivationally_related_form 02263346 +00236581 _hypernym 00062806 +00457998 _derivationally_related_form 14456893 +02263038 _member_meronym 02265471 +01253277 _hypernym 01253060 +01898282 _derivationally_related_form 00349705 +02035919 _derivationally_related_form 02830157 +02641571 _derivationally_related_form 14768201 +08704822 _has_part 08787466 +10343554 _derivationally_related_form 02863247 +01068633 _derivationally_related_form 00907800 +04613158 _derivationally_related_form 01492052 +02863464 _derivationally_related_form 10343554 +11040381 _instance_hypernym 09740085 +00710005 _derivationally_related_form 08164585 +02218759 _hypernym 02281093 +01812324 _derivationally_related_form 13986372 +03497182 _hypernym 04256993 +08418420 _hypernym 08420278 +10206173 _derivationally_related_form 02537407 +06574473 _synset_domain_topic_of 06128570 +00788097 _derivationally_related_form 02504562 +07122409 _derivationally_related_form 00914061 +14059663 _derivationally_related_form 00434374 +01989562 _verb_group 01989053 +10693824 _derivationally_related_form 06153186 +13486838 _synset_domain_topic_of 06115701 +00081725 _hypernym 00082081 +02620724 _derivationally_related_form 05761918 +02253456 _derivationally_related_form 13282550 +03243218 _hypernym 03183080 +02188065 _member_meronym 02190166 +10095869 _hypernym 10099375 +06229853 _hypernym 06228549 +00600724 _hypernym 00600370 +11990627 _hypernym 11915214 +00942234 _derivationally_related_form 01754737 +07748574 _hypernym 07705931 +13769317 _derivationally_related_form 01312371 +02898711 _has_part 02733524 +06117562 _hypernym 06115701 +02344568 _derivationally_related_form 00966869 +01740468 _derivationally_related_form 00914343 +09403734 _has_part 09348460 +12618942 _member_meronym 12792041 +03239726 _derivationally_related_form 01443021 +10512562 _hypernym 10372373 +05830059 _derivationally_related_form 01787955 +05495981 _has_part 05476754 +01245813 _derivationally_related_form 01078050 +02061425 _hypernym 01507175 +05643190 _derivationally_related_form 10696251 +03982060 _hypernym 03302121 +07169480 _derivationally_related_form 09943811 +04250850 _hypernym 02690941 +07319909 _hypernym 07290905 +08191987 _has_part 08193212 +05827684 _derivationally_related_form 00770437 +01634891 _member_meronym 01635176 +01429663 _hypernym 01429455 +00843128 _hypernym 00838098 +13171041 _hypernym 13167078 +02669081 _hypernym 02673965 +12804866 _member_meronym 12805561 +12120812 _hypernym 11556857 +05147237 _derivationally_related_form 00934199 +01392237 _also_see 01212230 +01664990 _hypernym 01663401 +01173405 _derivationally_related_form 07577538 +04953186 _derivationally_related_form 02159890 +00051170 _hypernym 00050652 +00973888 _hypernym 00973056 +01169704 _hypernym 01170052 +00181476 _derivationally_related_form 02761392 +14530061 _hypernym 13920835 +02519148 _hypernym 02517442 +00270275 _derivationally_related_form 00164201 +05722208 _hypernym 05659856 +10742546 _derivationally_related_form 02274482 +12039743 _member_meronym 12064814 +00339464 _derivationally_related_form 07423560 +09018030 _instance_hypernym 08691669 +00338736 _synset_domain_topic_of 00922327 +00612612 _hypernym 02578510 +08924560 _instance_hypernym 08524735 +11354333 _instance_hypernym 10212501 +08366440 _hypernym 08366202 +07257227 _hypernym 07256375 +02254110 _hypernym 01762525 +14010927 _derivationally_related_form 00362610 +02998209 _hypernym 03676175 +02066450 _member_meronym 02066950 +05957428 _hypernym 05956651 +01268112 _derivationally_related_form 14974264 +12711182 _has_part 07748574 +10597234 _hypernym 00007846 +00708980 _derivationally_related_form 04864200 +01719645 _member_meronym 01721010 +02590910 _derivationally_related_form 10788852 +02409941 _hypernym 02409412 +07168623 _derivationally_related_form 00747135 +11225661 _synset_domain_topic_of 06453849 +11911591 _member_meronym 12012897 +01752167 _derivationally_related_form 14462666 +13729428 _hypernym 13582013 +09848285 _derivationally_related_form 06243096 +06845599 _member_of_domain_usage 02989685 +03948459 _has_part 04322026 +07039238 _derivationally_related_form 01727490 +01261293 _derivationally_related_form 01812324 +01543508 _hypernym 01507175 +00559102 _hypernym 00126264 +02453108 _hypernym 01886756 +00318735 _derivationally_related_form 02741357 +02651617 _hypernym 02650541 +05826291 _hypernym 05824739 +01001097 _hypernym 00999787 +00648224 _derivationally_related_form 10523076 +05050115 _hypernym 05046009 +01048718 _hypernym 00983824 +02749778 _derivationally_related_form 03746574 +09432430 _hypernym 09257949 +00350461 _derivationally_related_form 01021579 +01525666 _derivationally_related_form 00577068 +14494893 _hypernym 14494716 +00804802 _derivationally_related_form 07209305 +07844042 _hypernym 07881800 +02184114 _member_meronym 02184270 +05948857 _derivationally_related_form 02863247 +01825417 _member_meronym 01826998 +02563068 _derivationally_related_form 05104548 +06845599 _member_of_domain_usage 03554131 +02182479 _derivationally_related_form 07376257 +06479665 _hypernym 06470073 +11639445 _hypernym 11630017 +13424183 _derivationally_related_form 02765464 +03898633 _hypernym 04033995 +02591893 _hypernym 02421374 +01701634 _hypernym 01698271 +14437552 _derivationally_related_form 02457233 +08043499 _instance_hypernym 08392137 +02184720 _hypernym 02183857 +08770932 _instance_hypernym 08524735 +15214840 _hypernym 15214068 +01097960 _derivationally_related_form 00045646 +00217773 _derivationally_related_form 01564144 +00804002 _derivationally_related_form 13416345 +02329401 _derivationally_related_form 01445597 +07901587 _hypernym 07884567 +07725531 _hypernym 07725376 +00046109 _derivationally_related_form 00150287 +01975880 _member_meronym 01982482 +08016385 _instance_hypernym 08392137 +02301072 _member_meronym 02303917 +08112630 _member_meronym 10165109 +01955463 _member_meronym 01967677 +04407844 _synset_domain_topic_of 07979425 +02241107 _derivationally_related_form 00784388 +01955984 _verb_group 02742232 +06696025 _derivationally_related_form 00768778 +00533527 _hypernym 00260648 +01090335 _derivationally_related_form 00953559 +05733583 _derivationally_related_form 00681429 +02080577 _derivationally_related_form 04792127 +12794568 _hypernym 12793015 +02137172 _hypernym 01864707 +02642610 _derivationally_related_form 05062370 +03204306 _derivationally_related_form 01577093 +06438748 _instance_hypernym 06394865 +03871083 _hypernym 03094503 +05660937 _derivationally_related_form 02945971 +03195485 _derivationally_related_form 02459173 +02058756 _derivationally_related_form 09993252 +03757925 _hypernym 02715941 +10740017 _derivationally_related_form 00824066 +02192818 _synset_domain_topic_of 00243918 +00843468 _derivationally_related_form 07234230 +00978369 _hypernym 01009240 +02048242 _hypernym 01507175 +00632438 _also_see 00023383 +05839024 _derivationally_related_form 00654625 +01649999 _derivationally_related_form 00030358 +01693995 _hypernym 01657723 +02513740 _also_see 01549291 +15175202 _hypernym 15178694 +08860123 _member_of_domain_region 07612996 +00421535 _derivationally_related_form 01234345 +01272582 _hypernym 02499629 +00838816 _derivationally_related_form 01174973 +13512725 _synset_domain_topic_of 06075527 +05125377 _hypernym 05123416 +03189083 _hypernym 03736970 +08982587 _has_part 08984122 +01588172 _member_meronym 01588589 +02738760 _derivationally_related_form 06938493 +04338517 _has_part 04262161 +00740577 _derivationally_related_form 00494907 +03610270 _hypernym 00002684 +10183157 _hypernym 00007846 +12482031 _hypernym 13112664 +02303331 _derivationally_related_form 13301174 +00288000 _hypernym 00450700 +04016240 _hypernym 04016576 +02525312 _derivationally_related_form 00558883 +12100538 _member_meronym 12141037 +01350226 _hypernym 02842303 +00777439 _derivationally_related_form 02345048 +01185611 _derivationally_related_form 02497824 +03098491 _derivationally_related_form 15197042 +00167934 _derivationally_related_form 00095971 +01313093 _member_meronym 01767199 +07527352 _derivationally_related_form 01813884 +10801291 _hypernym 10266328 +02219234 _hypernym 01759182 +00168217 _synset_domain_topic_of 00523513 +00497391 _hypernym 00497705 +06295235 _member_of_domain_usage 04186848 +02416030 _hypernym 02415831 +11488387 _hypernym 07406765 +15170504 _has_part 15163797 +10565502 _derivationally_related_form 00635850 +13777344 _derivationally_related_form 01182709 +01545883 _hypernym 02604760 +01101218 _hypernym 01111816 +00986027 _also_see 02410393 +00076400 _derivationally_related_form 10759702 +03970363 _synset_domain_topic_of 00464894 +10399491 _derivationally_related_form 14425414 +10484858 _derivationally_related_form 02581477 +02641215 _hypernym 01432517 +00607780 _derivationally_related_form 05786372 +01749320 _similar_to 01751353 +02706605 _hypernym 02604760 +08910668 _derivationally_related_form 03075191 +10773665 _derivationally_related_form 01595830 +07090573 _hypernym 07090108 +00961586 _hypernym 00938247 +09897350 _hypernym 10199783 +02230247 _hypernym 02229055 +09436531 _hypernym 09257949 +07246036 _derivationally_related_form 00858781 +10714465 _derivationally_related_form 01918803 +00883635 _derivationally_related_form 07532276 +00468480 _has_part 15257829 +01538928 _hypernym 01539063 +10702781 _hypernym 10503452 +02498888 _hypernym 01864707 +00527872 _hypernym 00527695 +12449296 _hypernym 12425281 +01051331 _derivationally_related_form 01987160 +02760855 _hypernym 02760429 +02300554 _hypernym 02300173 +08592656 _derivationally_related_form 00730499 +11857528 _member_meronym 11858077 +14639921 _hypernym 14624369 +14313943 _hypernym 14313440 +13742840 _hypernym 13742573 +00866423 _hypernym 00863513 +08232706 _member_meronym 02907985 +01660386 _derivationally_related_form 03792048 +00735389 _hypernym 00734927 +13023292 _member_meronym 13026529 +01576695 _hypernym 01525720 +10695555 _derivationally_related_form 01787955 +03673971 _derivationally_related_form 01354673 +00431327 _hypernym 00126264 +06170498 _derivationally_related_form 10380672 +06868043 _hypernym 06304671 +00790135 _synset_domain_topic_of 06272290 +14301785 _synset_domain_topic_of 06043075 +07305760 _derivationally_related_form 02350175 +00442847 _derivationally_related_form 13454479 +13759558 _hypernym 13758745 +03989898 _hypernym 03541696 +14007546 _derivationally_related_form 02607909 +12378963 _hypernym 13104059 +07365193 _hypernym 07365024 +02046755 _derivationally_related_form 04278605 +01428155 _member_meronym 02525866 +01806271 _derivationally_related_form 04857490 +09968845 _derivationally_related_form 00872886 +05702726 _derivationally_related_form 02571901 +01319467 _hypernym 00015388 +11454591 _derivationally_related_form 00217700 +04668819 _hypernym 04616059 +02398386 _member_meronym 02398521 +10242439 _derivationally_related_form 01521603 +05685363 _hypernym 05683582 +01993352 _derivationally_related_form 10214062 +00237877 _derivationally_related_form 14780267 +01926376 _also_see 00464962 +06181584 _hypernym 06172789 +12410381 _member_meronym 12039524 +00215838 _derivationally_related_form 02402409 +13928668 _derivationally_related_form 00040962 +00376807 _derivationally_related_form 03172211 +08175875 _hypernym 08294696 +00238871 _hypernym 00238022 +00878221 _hypernym 00877127 +08408709 _hypernym 08189659 +12405209 _member_meronym 12408717 +01670961 _hypernym 01657723 +12967281 _member_meronym 13226526 +00771490 _hypernym 00770437 +08966820 _member_meronym 09722399 +07794159 _hypernym 07776866 +12130937 _hypernym 12136720 +02483267 _hypernym 01323958 +13446197 _hypernym 13447361 +13354420 _derivationally_related_form 02330742 +13247554 _hypernym 03076708 +01301080 _instance_hypernym 00956485 +00339941 _derivationally_related_form 07522729 +01109687 _derivationally_related_form 02260085 +07148192 _hypernym 07140659 +09067277 _has_part 09423379 +06725877 _derivationally_related_form 01010118 +08245172 _derivationally_related_form 08244062 +09904556 _hypernym 09842047 +03952277 _synset_domain_topic_of 06128570 +00275572 _synset_domain_topic_of 06077413 +04758776 _hypernym 04758452 +02202928 _hypernym 02203362 +10766025 _derivationally_related_form 01317064 +00867231 _derivationally_related_form 06791372 +01848465 _verb_group 00613393 +11911591 _member_meronym 11915658 +01081152 _derivationally_related_form 10379620 +05515287 _hypernym 05514717 +01367430 _member_meronym 01367772 +08020785 _synset_domain_topic_of 00759694 +10231087 _hypernym 00007846 +02393086 _derivationally_related_form 10724372 +02711890 _hypernym 04522421 +02243461 _synset_domain_topic_of 01090446 +01571578 _member_meronym 01573483 +06631921 _hypernym 06628861 +04673965 _derivationally_related_form 00422090 +09050730 _member_of_domain_region 08029421 +04754862 _derivationally_related_form 01918184 +07762114 _hypernym 07705931 +05698982 _derivationally_related_form 00647070 +12039743 _member_meronym 12050766 +01570562 _derivationally_related_form 03024882 +05695232 _derivationally_related_form 00519854 +12551173 _hypernym 13104059 +12438977 _hypernym 11561228 +00807941 _derivationally_related_form 06562802 +08820121 _member_of_domain_region 13363970 +02044358 _hypernym 01507175 +01660386 _hypernym 01659248 +02559862 _derivationally_related_form 04790449 +04530566 _has_part 02709367 +01015996 _derivationally_related_form 10366779 +10356213 _hypernym 10592152 +07187486 _derivationally_related_form 09911849 +00105164 _derivationally_related_form 02222318 +05372428 _hypernym 05418717 +05481095 _has_part 05343542 +06376154 _hypernym 07092158 +00941974 _hypernym 00941777 +03553908 _hypernym 02721538 +08102402 _hypernym 07969695 +06107083 _hypernym 06106502 +01977545 _derivationally_related_form 03256166 +01806505 _derivationally_related_form 09900981 +08418103 _member_meronym 01383638 +09790482 _derivationally_related_form 00643473 +01033527 _verb_group 02514187 +10566072 _derivationally_related_form 01256157 +09163844 _instance_hypernym 08700255 +02029571 _member_meronym 02029706 +08940209 _instance_hypernym 08939562 +12004310 _hypernym 11579418 +02045024 _member_meronym 02047614 +08734385 _has_part 09252078 +03249569 _derivationally_related_form 10734963 +00246754 _hypernym 00243918 +01632411 _derivationally_related_form 10214637 +03364340 _hypernym 00021939 +08871007 _has_part 08879197 +13076181 _hypernym 11592146 +03194992 _derivationally_related_form 01229071 +01863158 _hypernym 01860795 +02311060 _hypernym 00015388 +02653996 _derivationally_related_form 08518171 +07334490 _hypernym 07291312 +03491178 _derivationally_related_form 01482075 +02241767 _synset_domain_topic_of 00766234 +08029908 _instance_hypernym 08392137 +07293180 _derivationally_related_form 02445509 +02109818 _derivationally_related_form 07355491 +09762821 _derivationally_related_form 02526085 +11962500 _hypernym 11579418 +04114069 _hypernym 02740764 +08172103 _member_meronym 08966820 +08389438 _member_meronym 10341446 +02627934 _verb_group 00756076 +01719175 _member_meronym 01719645 +03585875 _hypernym 03419014 +00352826 _hypernym 00126264 +08340153 _member_meronym 08347704 +01048330 _hypernym 00983824 +01018630 _derivationally_related_form 01964367 +00747135 _derivationally_related_form 06539770 +00529582 _hypernym 00528990 +13521873 _derivationally_related_form 00504676 +01775879 _member_meronym 01776192 +12987993 _hypernym 11592146 +09993252 _derivationally_related_form 02011685 +00756194 _hypernym 00754956 +02160433 _hypernym 02763740 +12218868 _hypernym 13112664 +07232988 _derivationally_related_form 02508245 +14361664 _derivationally_related_form 02120140 +02286815 _member_meronym 02287004 +05945642 _hypernym 05941423 +09126305 _has_part 09128201 +05989479 _has_part 05872982 +11365857 _instance_hypernym 10499631 +01328705 _derivationally_related_form 02728763 +02670683 _hypernym 03903424 +12954978 _hypernym 13166338 +04306847 _hypernym 04157320 +00834198 _also_see 00839619 +00854393 _derivationally_related_form 01431230 +14395403 _hypernym 14395018 +01934205 _derivationally_related_form 13872421 +00249017 _derivationally_related_form 10618685 +05332569 _hypernym 05329735 +01411727 _hypernym 01387617 +01144657 _verb_group 01143838 +05399627 _hypernym 05397468 +07188685 _derivationally_related_form 02534492 +08860123 _member_of_domain_region 03899100 +12874642 _member_meronym 12874783 +02205383 _hypernym 01759182 +05205340 _hypernym 05204637 +01496630 _verb_group 01496843 +09141526 _has_part 09143205 +00719231 _verb_group 00686447 +13894434 _derivationally_related_form 02723904 +02469443 _derivationally_related_form 06399995 +02176261 _hypernym 02164464 +14425103 _derivationally_related_form 01321456 +01798484 _derivationally_related_form 04912240 +10737431 _derivationally_related_form 01284908 +08948704 _instance_hypernym 08633957 +00404642 _derivationally_related_form 00237078 +12716861 _member_meronym 12717072 +09637211 _hypernym 10287213 +07408796 _hypernym 07308563 +02702120 _verb_group 01115916 +05613478 _hypernym 05611302 +07014320 _derivationally_related_form 00291286 +02638323 _member_meronym 02640093 +02120079 _hypernym 02118333 +03080309 _derivationally_related_form 00483801 +08361329 _hypernym 08367880 +02193799 _member_meronym 02194078 +01987545 _hypernym 01976146 +01956481 _hypernym 01955933 +07183660 _derivationally_related_form 00774932 +02411427 _member_meronym 02412440 +01423929 _derivationally_related_form 09861059 +11724363 _hypernym 11723770 +14868243 _derivationally_related_form 00452512 +00165178 _derivationally_related_form 02395395 +09719653 _hypernym 09641757 +00328802 _derivationally_related_form 09228324 +00583990 _also_see 02504131 +10537240 _hypernym 10053004 +02026785 _synset_domain_topic_of 06125698 +13459322 _synset_domain_topic_of 06055946 +01583494 _verb_group 01583656 +04389033 _synset_domain_topic_of 08199025 +09654687 _hypernym 09669125 +00849788 _hypernym 00849332 +02600953 _member_meronym 02602970 +00660102 _derivationally_related_form 10506915 +02679012 _derivationally_related_form 04717139 +10071332 _hypernym 09757653 +05768415 _derivationally_related_form 01636221 +09117351 _has_part 09119277 +00413195 _derivationally_related_form 01185292 +01657254 _derivationally_related_form 00379754 +05538625 _has_part 05338410 +00215314 _derivationally_related_form 00355955 +00630380 _derivationally_related_form 10339504 +01270199 _derivationally_related_form 03648219 +01701311 _derivationally_related_form 00899292 +01386494 _member_meronym 01407065 +08860123 _member_of_domain_region 01270628 +01503952 _also_see 02281093 +01996574 _hypernym 02058994 +06631140 _synset_domain_topic_of 08083599 +07322138 _synset_domain_topic_of 06095022 +00906367 _hypernym 00971650 +09753204 _synset_domain_topic_of 05778131 +00940384 _derivationally_related_form 10743675 +01755504 _verb_group 00276068 +05768415 _hypernym 05767733 +00638194 _hypernym 00637259 +00700000 _hypernym 00661091 +12298003 _member_meronym 12298165 +06777164 _derivationally_related_form 00852685 +00237511 _hypernym 00146138 +02062209 _derivationally_related_form 02689973 +00836705 _hypernym 00988028 +00994076 _derivationally_related_form 00615887 +07643306 _hypernym 07642471 +06373747 _hypernym 15244650 +02296726 _derivationally_related_form 07185076 +07206096 _derivationally_related_form 00798717 +07997703 _derivationally_related_form 00654625 +08027314 _instance_hypernym 08392137 +01039162 _derivationally_related_form 09961999 +00737656 _hypernym 01809321 +08420278 _derivationally_related_form 02310855 +03852280 _hypernym 03574816 +10407726 _hypernym 09984659 +00768701 _hypernym 00766234 +02487226 _hypernym 02486932 +00098517 _hypernym 00098083 +11939887 _member_meronym 11940006 +03201208 _derivationally_related_form 01176897 +00140900 _derivationally_related_form 01209953 +00204585 _hypernym 00204391 +06055946 _hypernym 06043075 +08780881 _member_of_domain_region 06379094 +01568493 _member_meronym 01569566 +13861050 _synset_domain_topic_of 06000644 +02244956 _verb_group 02727883 +09350045 _instance_hypernym 09426788 +01067577 _derivationally_related_form 00440580 +09608002 _hypernym 10401829 +03058603 _hypernym 03309808 +00074790 _derivationally_related_form 00013172 +01771390 _verb_group 01649999 +08008335 _derivationally_related_form 01651444 +14731135 _hypernym 14728724 +02160177 _hypernym 02159890 +02134971 _hypernym 02075296 +08991491 _instance_hypernym 08544813 +00759657 _derivationally_related_form 07187150 +06685456 _derivationally_related_form 00891936 +01563336 _derivationally_related_form 00390581 +00881649 _derivationally_related_form 02163746 +13898315 _hypernym 13897996 +01365355 _hypernym 01362736 +01778568 _derivationally_related_form 07521039 +04468005 _member_meronym 03684823 +03745285 _hypernym 04179385 +02031455 _hypernym 01507175 +13206584 _member_meronym 13206817 +00866882 _hypernym 00863513 +07540866 _derivationally_related_form 09999795 +04439122 _synset_domain_topic_of 06054892 +00879356 _derivationally_related_form 10484526 +02202678 _hypernym 02202287 +00435778 _synset_domain_topic_of 00433802 +02273545 _member_meronym 02285359 +00073032 _derivationally_related_form 02378950 +00683185 _derivationally_related_form 00737536 +09615807 _derivationally_related_form 00711550 +01620854 _hypernym 01619929 +01969216 _hypernym 01835496 +14311348 _derivationally_related_form 01642924 +00049309 _hypernym 00047945 +01415285 _derivationally_related_form 00134780 +10059323 _hypernym 10632576 +01596142 _hypernym 01507175 +09986189 _derivationally_related_form 01935476 +09196103 _instance_hypernym 09411430 +01119620 _derivationally_related_form 02244603 +07907943 _hypernym 07884567 +13650045 _has_part 13649791 +07520612 _derivationally_related_form 01782218 +02171664 _derivationally_related_form 07395623 +09065328 _instance_hypernym 08524735 +05236322 _hypernym 05225602 +02038357 _derivationally_related_form 05069199 +10474645 _hypernym 10045713 +01723690 _derivationally_related_form 00548802 +01253778 _derivationally_related_form 00482180 +12271643 _hypernym 12268246 +05634219 _derivationally_related_form 01634142 +07227772 _derivationally_related_form 00884946 +06682290 _hypernym 06681551 +09152944 _has_part 09154731 +02469914 _hypernym 01886756 +02259005 _hypernym 02257370 +01244593 _derivationally_related_form 02678070 +15142836 _hypernym 15113229 +08818835 _instance_hypernym 08524735 +14562960 _derivationally_related_form 00354845 +01465218 _derivationally_related_form 13743605 +08888676 _has_part 08889944 +09120594 _instance_hypernym 08540532 +08130476 _hypernym 08337324 +02667228 _hypernym 02666882 +02270404 _derivationally_related_form 10197967 +12486732 _member_meronym 12486882 +00503715 _hypernym 00503164 +13248393 _hypernym 13244109 +00384620 _verb_group 00167934 +12318164 _member_meronym 12319204 +13867276 _hypernym 00027807 +06398760 _hypernym 06398401 +01685313 _derivationally_related_form 00643250 +10695555 _derivationally_related_form 00850501 +00146138 _hypernym 00109660 +14353008 _synset_domain_topic_of 06063588 +02443049 _derivationally_related_form 01474513 +01769930 _member_meronym 01770081 +02539334 _derivationally_related_form 00791227 +04082344 _derivationally_related_form 00098083 +00152018 _derivationally_related_form 01026095 +00237869 _instance_hypernym 00235435 +09279458 _derivationally_related_form 01637982 +01217859 _derivationally_related_form 02409412 +10042690 _hypernym 10617193 +00451648 _derivationally_related_form 00396029 +13282550 _hypernym 13282007 +07890068 _hypernym 07889510 +04928008 _hypernym 04927445 +01174645 _hypernym 01173965 +02273326 _also_see 01170243 +12798041 _member_meronym 12798632 +00565809 _synset_domain_topic_of 00480508 +09717047 _hypernym 09686536 +00525446 _derivationally_related_form 01030820 +04636610 _derivationally_related_form 02281325 +02546177 _hypernym 01429349 +01761533 _derivationally_related_form 13979503 +02260362 _derivationally_related_form 01091905 +04761212 _derivationally_related_form 00625393 +01139865 _derivationally_related_form 01503061 +01578254 _derivationally_related_form 07364115 +11895270 _hypernym 11575425 +03103128 _has_part 03320046 +01684899 _synset_domain_topic_of 00933420 +01982395 _verb_group 02394183 +01067664 _hypernym 00940384 +07668902 _hypernym 07653394 +05162455 _derivationally_related_form 00233335 +01778990 _synset_domain_topic_of 05946687 +08787466 _instance_hypernym 08574314 +04641153 _derivationally_related_form 00696518 +09316454 _derivationally_related_form 10217436 +01308681 _verb_group 00052845 +11708442 _member_meronym 11709205 +07755089 _hypernym 07566340 +06389553 _derivationally_related_form 01494310 +02754103 _hypernym 03210683 +00789448 _synset_domain_topic_of 06272290 +00071178 _derivationally_related_form 04456276 +02195951 _hypernym 02195470 +12039743 _member_meronym 12060118 +09852826 _hypernym 10720453 +12660009 _member_meronym 12661420 +13363970 _hypernym 13359690 +11857528 _hypernym 11573660 +00285557 _derivationally_related_form 00490722 +05110408 _hypernym 05108947 +14612764 _hypernym 14910748 +05565192 _hypernym 05564590 +00505151 _synset_domain_topic_of 00243918 +09493562 _hypernym 09492123 +02805111 _derivationally_related_form 01331348 +13222227 _hypernym 11534677 +00804002 _hypernym 00803325 +02717701 _derivationally_related_form 13905572 +04636397 _derivationally_related_form 00039592 +04612840 _hypernym 04295081 +00226071 _hypernym 00224901 +00210259 _hypernym 00552815 +10327987 _hypernym 09686536 +08124971 _has_part 08125420 +01218791 _hypernym 01217043 +00663819 _hypernym 00662589 +01847845 _derivationally_related_form 00302394 +06295235 _member_of_domain_usage 13396054 +08686979 _instance_hypernym 08685677 +02539334 _derivationally_related_form 10388440 +12235263 _member_meronym 12235765 +00431610 _derivationally_related_form 15069820 +00990249 _derivationally_related_form 07242912 +00835506 _derivationally_related_form 06761099 +01940248 _synset_domain_topic_of 00523513 +13139647 _derivationally_related_form 00181258 +03928116 _hypernym 04338517 +10504206 _derivationally_related_form 00705580 +02061495 _derivationally_related_form 00294452 +01695976 _hypernym 01695567 +11692952 _hypernym 11534677 +01264336 _derivationally_related_form 04649051 +03335030 _derivationally_related_form 01091427 +14178077 _hypernym 14178913 +08806897 _has_part 04224671 +02579447 _derivationally_related_form 04850996 +02649689 _hypernym 01429349 +12184337 _hypernym 11575425 +04403638 _hypernym 03709206 +01997119 _hypernym 01996585 +12400261 _member_meronym 12400720 +09763784 _hypernym 00007846 +01593705 _hypernym 01504437 +14065903 _hypernym 14061805 +01019372 _hypernym 01018630 +10523341 _derivationally_related_form 08206460 +02132974 _hypernym 01864707 +05500992 _hypernym 05462674 +09207288 _has_part 08724545 +05850823 _derivationally_related_form 01807882 +11651259 _member_meronym 11655407 +08871007 _has_part 08877807 +00657728 _derivationally_related_form 01003729 +13258362 _has_part 13285176 +13717155 _hypernym 13604275 +00986750 _derivationally_related_form 08187988 +04157320 _derivationally_related_form 01551871 +01686956 _derivationally_related_form 00900726 +08841667 _member_of_domain_region 07886317 +14298620 _hypernym 14285662 +00514069 _derivationally_related_form 14433769 +11536778 _hypernym 08220891 +00223500 _derivationally_related_form 07427337 +02565728 _member_meronym 02567484 +01416508 _derivationally_related_form 08101937 +11295619 _instance_hypernym 09615807 +01083504 _derivationally_related_form 02294436 +07342495 _derivationally_related_form 02052675 +01472251 _hypernym 01471825 +02284951 _derivationally_related_form 01121690 +00162688 _hypernym 01631072 +02582591 _hypernym 01432517 +10028765 _synset_domain_topic_of 08199025 +00480993 _has_part 00563494 +00941990 _also_see 01051956 +01586278 _hypernym 01211699 +10255096 _hypernym 10388924 +00360932 _derivationally_related_form 13532886 +00267041 _synset_domain_topic_of 06089447 +01494310 _derivationally_related_form 05075602 +00061917 _hypernym 00061598 +00686447 _derivationally_related_form 06193727 +02561995 _hypernym 01640855 +01502262 _member_meronym 01503061 +14278773 _hypernym 14276936 +02134589 _member_meronym 02136285 +02748927 _derivationally_related_form 04683814 +01052372 _hypernym 01051331 +09141526 _has_part 09146813 +07168486 _derivationally_related_form 00799798 +08860123 _member_of_domain_region 00162236 +12777436 _hypernym 13112664 +00891936 _derivationally_related_form 06685456 +04683136 _derivationally_related_form 01273263 +01635432 _derivationally_related_form 05768415 +00133981 _hypernym 01173038 +08550076 _derivationally_related_form 01310660 +00692329 _derivationally_related_form 00002137 +01452593 _derivationally_related_form 04990220 +01146793 _derivationally_related_form 00464894 +04447861 _hypernym 04161981 +01392237 _also_see 01392918 +10618685 _derivationally_related_form 00249017 +01448100 _derivationally_related_form 00115667 +03501520 _hypernym 04446276 +14031660 _derivationally_related_form 00872414 +01796800 _hypernym 01796519 +08860123 _member_of_domain_region 03906590 +10386515 _hypernym 00007846 +07203126 _derivationally_related_form 00717045 +00332835 _derivationally_related_form 00397953 +01050187 _derivationally_related_form 02148369 +14738752 _derivationally_related_form 00458471 +00240293 _hypernym 00153263 +11719468 _member_meronym 11723655 +13504739 _hypernym 13526110 +01381913 _hypernym 01380638 +01055266 _hypernym 00978549 +02248465 _derivationally_related_form 07414922 +01176431 _hypernym 01170962 +01146051 _derivationally_related_form 00788766 +03077958 _has_part 04176528 +03701640 _hypernym 03699975 +02051701 _hypernym 01504437 +00256507 _derivationally_related_form 14317720 +09382990 _has_part 09441107 +11355669 _instance_hypernym 09857200 +15210486 _has_part 15187451 +04216963 _has_part 03309465 +10661732 _hypernym 10104209 +07323922 _hypernym 07290905 +01231980 _hypernym 01231652 +04494204 _has_part 03458552 +07961480 _derivationally_related_form 00158804 +01633343 _derivationally_related_form 05836275 +00876874 _derivationally_related_form 02106506 +11540230 _member_meronym 11540439 +00233335 _derivationally_related_form 08512259 +09953775 _hypernym 09953615 +01055404 _derivationally_related_form 07118747 +02078294 _hypernym 02077656 +00335814 _hypernym 00338071 +01448767 _hypernym 01429349 +08661277 _derivationally_related_form 01499692 +08082236 _derivationally_related_form 09678009 +14124232 _hypernym 14122235 +11380923 _instance_hypernym 10650162 +06798750 _derivationally_related_form 00921738 +09953615 _hypernym 10677713 +01091427 _derivationally_related_form 09773245 +00094500 _hypernym 00094240 +14794993 _hypernym 15015501 +02260085 _synset_domain_topic_of 01090446 +03084759 _derivationally_related_form 09722530 +00713167 _derivationally_related_form 14421139 +02440705 _member_meronym 02447896 +00187526 _hypernym 01494310 +01557962 _hypernym 01557185 +02043999 _member_meronym 02044659 +10329337 _derivationally_related_form 02204242 +10039391 _hypernym 10599354 +11852814 _hypernym 11573660 +01547390 _derivationally_related_form 01064148 +12204546 _hypernym 11575425 +09631463 _hypernym 09631129 +02379528 _derivationally_related_form 00235435 +05774415 _derivationally_related_form 00636441 +00293760 _derivationally_related_form 15295045 +15242209 _hypernym 15160866 +02656218 _derivationally_related_form 14210971 +12609842 _hypernym 11556857 +01145766 _derivationally_related_form 01610955 +01043189 _hypernym 01042764 +09572425 _instance_hypernym 09551356 +00913065 _verb_group 00912048 +02553196 _member_meronym 02582919 +02542017 _hypernym 02541687 +05922014 _hypernym 05921123 +07396658 _derivationally_related_form 02185373 +00660851 _hypernym 00658052 +07578363 _derivationally_related_form 01181295 +12687698 _hypernym 12685431 +02668523 _derivationally_related_form 00770543 +01824244 _derivationally_related_form 05034225 +02500884 _also_see 02584981 +09211266 _instance_hypernym 09254614 +00141806 _derivationally_related_form 00662589 +09164561 _has_part 09165294 +08639058 _has_part 03638321 +02244773 _synset_domain_topic_of 01090446 +00784874 _hypernym 00784342 +10482414 _derivationally_related_form 00877848 +00285506 _hypernym 00283911 +13959931 _derivationally_related_form 00927578 +05079638 _hypernym 05074774 +00606600 _hypernym 00606335 +00290579 _hypernym 00283568 +11875691 _has_part 07713895 +07508232 _derivationally_related_form 01790739 +08860123 _member_of_domain_region 13296752 +00087736 _hypernym 00087454 +07377244 _hypernym 07371293 +04834073 _hypernym 04833687 +00403401 _derivationally_related_form 11495041 +00261604 _hypernym 00199130 +11796318 _hypernym 11556857 +02447021 _hypernym 02445715 +00871195 _derivationally_related_form 09771855 +09828760 _hypernym 10632576 +08860123 _member_of_domain_region 15171008 +01935476 _derivationally_related_form 03790512 +01751173 _hypernym 01719921 +09772746 _derivationally_related_form 01427278 +14416089 _hypernym 14414715 +08499057 _hypernym 08630039 +13815152 _hypernym 00031921 +04068601 _hypernym 03852688 +02652979 _member_meronym 02653786 +03450018 _derivationally_related_form 02511551 +08929922 _has_part 09408977 +00528990 _derivationally_related_form 00050693 +00916909 _derivationally_related_form 06782680 +02469080 _hypernym 02468864 +05342070 _hypernym 05333777 +03224893 _hypernym 03679384 +00911261 _hypernym 00907147 +06563950 _hypernym 07149836 +02961035 _hypernym 03541696 +06479665 _derivationally_related_form 00991151 +02532079 _hypernym 02531625 +00882948 _derivationally_related_form 06694540 +07386920 _derivationally_related_form 01044533 +01108402 _derivationally_related_form 09962612 +13981137 _derivationally_related_form 00805228 +02034394 _member_meronym 02034661 +00370412 _derivationally_related_form 03102859 +08845555 _has_part 08846626 +01221684 _derivationally_related_form 13428608 +13171649 _hypernym 13167078 +09161452 _instance_hypernym 08524735 +01325417 _derivationally_related_form 01445027 +08150377 _hypernym 08149781 +08573674 _hypernym 08594286 +13726296 _hypernym 13609507 +02726717 _hypernym 02604760 +11017454 _instance_hypernym 10227985 +02400139 _hypernym 01862557 +04079933 _hypernym 03269401 +06455990 _derivationally_related_form 00759944 +03701640 _derivationally_related_form 01623967 +01104637 _has_part 00608896 +00445169 _derivationally_related_form 13860793 +02133435 _hypernym 02604760 +07795598 _hypernym 07775375 +07124340 _member_of_domain_usage 06611376 +02619165 _hypernym 02554730 +01002377 _also_see 01824751 +00689344 _derivationally_related_form 05833840 +12740514 _member_meronym 12742546 +00820976 _derivationally_related_form 06649915 +12661538 _hypernym 13118707 +12501745 _member_meronym 12510197 +10280130 _derivationally_related_form 00597634 +00565081 _verb_group 00565279 +04105893 _has_part 03365592 +04026813 _hypernym 02834778 +00522751 _hypernym 00109660 +01259034 _derivationally_related_form 02644035 +10523519 _hypernym 09620078 +06533039 _hypernym 06532330 +02820798 _hypernym 03746574 +06513366 _derivationally_related_form 00754731 +02353844 _synset_domain_topic_of 00610738 +13304186 _hypernym 13303315 +00485609 _hypernym 02609764 +00931608 _derivationally_related_form 00981276 +09178310 _has_part 08858713 +01474513 _derivationally_related_form 02436349 +11507321 _hypernym 11499817 +00322228 _derivationally_related_form 01485158 +00483181 _derivationally_related_form 13969243 +02424305 _hypernym 02419796 +00871942 _derivationally_related_form 06749881 +02527651 _derivationally_related_form 09879744 +04558804 _hypernym 04557308 +02285548 _hypernym 02283201 +01672490 _verb_group 01672753 +04711665 _hypernym 04711435 +10381369 _hypernym 10383237 +01095218 _hypernym 02410855 +01198750 _synset_domain_topic_of 08441203 +01712432 _hypernym 01342529 +02323286 _hypernym 02327200 +09260466 _hypernym 09416076 +13198054 _hypernym 11545714 +11165854 _instance_hypernym 09809134 +07537068 _derivationally_related_form 00364479 +05293597 _hypernym 05289861 +01367069 _hypernym 01340439 +08065234 _derivationally_related_form 10204177 +12931109 _hypernym 11585340 +10524223 _derivationally_related_form 02457233 +01884703 _member_meronym 01884834 +12239880 _hypernym 13112664 +01215392 _derivationally_related_form 00803815 +00375625 _derivationally_related_form 02161922 +00964478 _derivationally_related_form 07156819 +12235263 _member_meronym 12236160 +02080652 _hypernym 02079933 +13844690 _hypernym 00031921 +02275773 _hypernym 02274822 +04989657 _derivationally_related_form 02009280 +13024967 _hypernym 11594676 +07841037 _hypernym 07809096 +01749582 _hypernym 01745125 +01628450 _member_meronym 01634684 +00062133 _derivationally_related_form 02487718 +01445932 _derivationally_related_form 14287408 +01438720 _member_meronym 01439121 +08040008 _instance_hypernym 08392137 +00115803 _derivationally_related_form 01662118 +06295235 _member_of_domain_usage 00935005 +00322151 _synset_domain_topic_of 00243918 +01841079 _derivationally_related_form 07311115 +00348312 _hypernym 00335814 +11462526 _has_part 08524572 +03965456 _hypernym 03748162 +01387065 _hypernym 01326291 +02034671 _derivationally_related_form 14213328 +02030158 _derivationally_related_form 00386676 +01448767 _member_meronym 01448951 +04343346 _hypernym 03169390 +04401680 _hypernym 02873839 +14006945 _derivationally_related_form 00038750 +04837425 _derivationally_related_form 02407338 +03624134 _derivationally_related_form 01231652 +01794813 _member_meronym 01796870 +15160866 _hypernym 15184170 +05967773 _derivationally_related_form 10084635 +07362830 _derivationally_related_form 01835280 +00030358 _derivationally_related_form 01649999 +04235291 _derivationally_related_form 01939174 +00920125 _derivationally_related_form 05044822 +00888150 _hypernym 00887463 +05594367 _hypernym 05594037 +06647206 _synset_domain_topic_of 00903559 +00721437 _derivationally_related_form 05808218 +00112628 _derivationally_related_form 13565379 +00951037 _derivationally_related_form 01950657 +00834009 _derivationally_related_form 06634960 +08321469 _hypernym 08472335 +01827535 _also_see 01824751 +07127911 _hypernym 07127006 +04353189 _hypernym 02719105 +00037919 _derivationally_related_form 02808440 +00690614 _derivationally_related_form 05945642 +02305245 _member_meronym 02305407 +00241496 _hypernym 00241038 +01226941 _derivationally_related_form 02453692 +11079802 _instance_hypernym 10233445 +01140839 _hypernym 01138670 +01222477 _derivationally_related_form 01819554 +01163620 _derivationally_related_form 03768346 +00980527 _derivationally_related_form 05061977 +04878101 _derivationally_related_form 10407310 +06917392 _hypernym 06906439 +02565728 _member_meronym 02567201 +04194289 _has_part 03473465 +09936362 _synset_domain_topic_of 13308999 +02167052 _hypernym 02130524 +08913434 _has_part 08917881 +11746776 _member_meronym 11751598 +01314663 _hypernym 00015388 +02769460 _hypernym 03650173 +07972279 _hypernym 07970721 +03058726 _hypernym 03515338 +02628467 _member_meronym 02628600 +10416828 _hypernym 09886220 +01425076 _hypernym 01388130 +00260051 _hypernym 00248977 +04677514 _hypernym 04673965 +06196284 _hypernym 06193203 +02797692 _hypernym 04359589 +00971650 _derivationally_related_form 00874067 +04125853 _hypernym 02827606 +01143279 _derivationally_related_form 05060476 +08615638 _hypernym 08674970 +09913824 _hypernym 10560637 +05203649 _hypernym 05202497 +08100320 _hypernym 08081668 +02502536 _verb_group 02671279 +02964389 _derivationally_related_form 01950798 +07644382 _has_part 07648549 +00734054 _hypernym 00734348 +04083468 _derivationally_related_form 00260648 +09734006 _hypernym 09641757 +01082290 _derivationally_related_form 00126721 +03439814 _derivationally_related_form 01942959 +01381044 _hypernym 01355326 +00487554 _hypernym 00126264 +01307299 _instance_hypernym 00973077 +01058870 _derivationally_related_form 01186428 +03286383 _derivationally_related_form 02637592 +12926689 _hypernym 12926480 +04821802 _derivationally_related_form 00896555 +08976799 _instance_hypernym 08524735 +00348571 _derivationally_related_form 01878719 +05868477 _derivationally_related_form 00352826 +02553697 _derivationally_related_form 09953178 +09544262 _synset_domain_topic_of 05985602 +02397637 _derivationally_related_form 00198451 +01311896 _derivationally_related_form 03214253 +04825383 _derivationally_related_form 00835506 +01664369 _hypernym 01663401 +10415230 _derivationally_related_form 14459422 +01483980 _member_meronym 01484097 +01084466 _synset_domain_topic_of 00523513 +00632438 _derivationally_related_form 04802403 +14429985 _hypernym 13945919 +00506952 _verb_group 01308681 +13786413 _synset_domain_topic_of 06000644 +10314182 _hypernym 00007846 +00066636 _hypernym 00066216 +10395605 _hypernym 10794014 +11835806 _member_meronym 11839297 +04443433 _hypernym 04235291 +02356704 _hypernym 02327200 +07477587 _hypernym 07283608 +02209261 _derivationally_related_form 13248928 +02556126 _derivationally_related_form 10407954 +02261419 _hypernym 02260421 +07254594 _derivationally_related_form 02379198 +10938640 _instance_hypernym 10528816 +03567066 _hypernym 02727825 +02079170 _hypernym 01862557 +06248361 _hypernym 05996646 +03034860 _hypernym 02736511 +00199659 _hypernym 00138508 +11071960 _instance_hypernym 10453533 +02120715 _derivationally_related_form 12392070 +07437372 _derivationally_related_form 00054059 +00733044 _hypernym 00637259 +00446493 _hypernym 00445802 +06705984 _derivationally_related_form 00698732 +10760763 _derivationally_related_form 01015104 +00166146 _similar_to 00168910 +05917477 _hypernym 05916739 +13262462 _hypernym 13262335 +12850718 _member_meronym 12850906 +02395603 _hypernym 02391803 +01012073 _hypernym 01011725 +08174398 _member_meronym 08860123 +05442131 _has_part 05436752 +01644542 _hypernym 01626134 +05846054 _derivationally_related_form 02511551 +01663169 _member_meronym 01664862 +03182232 _hypernym 03305522 +00013887 _derivationally_related_form 02715279 +10339966 _derivationally_related_form 07020895 +15032071 _hypernym 15030481 +03180969 _derivationally_related_form 02106006 +09207288 _has_part 09038597 +10707233 _hypernym 09617867 +06525588 _derivationally_related_form 02474780 +02509071 _member_meronym 02509197 +01663443 _derivationally_related_form 10460806 +03769881 _hypernym 02924116 +00999787 _hypernym 00999245 +05503705 _hypernym 05462674 +03860882 _derivationally_related_form 01623792 +01193714 _derivationally_related_form 04894204 +07378234 _derivationally_related_form 02182109 +14897751 _hypernym 14894481 +09966941 _hypernym 10435367 +08860123 _member_of_domain_region 10669236 +00081072 _derivationally_related_form 01083504 +10135953 _hypernym 10197967 +09189411 _has_part 08699426 +06473381 _derivationally_related_form 00187526 +12075151 _hypernym 12041446 +11455901 _hypernym 11418750 +00717045 _hypernym 00716758 +07806221 _hypernym 07557434 +01112584 _derivationally_related_form 01006675 +00884946 _derivationally_related_form 07227772 +01190277 _derivationally_related_form 14018567 +01944976 _synset_domain_topic_of 00815801 +06543781 _synset_domain_topic_of 08441203 +10062996 _derivationally_related_form 02599004 +04692157 _derivationally_related_form 01549905 +10318293 _hypernym 10791221 +11717820 _hypernym 11564258 +00111222 _hypernym 00110964 +00126264 _derivationally_related_form 07296428 +12392943 _hypernym 11567411 +12740514 _member_meronym 12741409 +09034550 _has_part 09332394 +00959992 _hypernym 00955060 +02251452 _hypernym 01762525 +00627013 _hypernym 00626188 +12546015 _member_meronym 12546183 +08766846 _instance_hypernym 08524735 +04128499 _hypernym 04128837 +01064696 _hypernym 02421374 +00824066 _derivationally_related_form 06714420 +08199025 _derivationally_related_form 01098869 +02418029 _hypernym 02417504 +01449974 _derivationally_related_form 00318735 +02608823 _verb_group 02608347 +11159418 _instance_hypernym 10527334 +14125466 _hypernym 14176895 +08780881 _member_of_domain_region 07036862 +01220636 _hypernym 01422886 +02596493 _derivationally_related_form 07298154 +02124332 _hypernym 02123672 +00463234 _hypernym 00462092 +07774182 _hypernym 07737081 +06248214 _hypernym 05996646 +13719410 _hypernym 13608788 +01343892 _hypernym 01290422 +12911440 _hypernym 12910285 +10143725 _hypernym 00007846 +01030820 _derivationally_related_form 00525446 +02669789 _derivationally_related_form 13580415 +01074650 _also_see 02257141 +02661252 _derivationally_related_form 11415084 +01167981 _hypernym 01166351 +00145448 _derivationally_related_form 04291511 +00186740 _derivationally_related_form 14798450 +14006945 _derivationally_related_form 00037457 +00987863 _derivationally_related_form 01135922 +02027612 _derivationally_related_form 13933841 +01889129 _hypernym 01888511 +01523908 _member_meronym 01546223 +14338942 _hypernym 14336539 +13572860 _derivationally_related_form 00122097 +15164957 _has_part 15165289 +02250625 _derivationally_related_form 00259894 +00053097 _derivationally_related_form 02014165 +06845599 _member_of_domain_usage 04221994 +11911591 _hypernym 11566230 +09935434 _derivationally_related_form 02416278 +08173515 _member_meronym 08801678 +09283623 _derivationally_related_form 01913849 +14723628 _synset_domain_topic_of 06084469 +07678729 _derivationally_related_form 00320681 +00908672 _derivationally_related_form 06605396 +01640383 _hypernym 01626134 +08890097 _has_part 08892971 +00201722 _hypernym 00126264 +14531983 _hypernym 14531772 +13855627 _derivationally_related_form 00661213 +12188985 _member_meronym 12189620 +07120524 _derivationally_related_form 00913065 +01595596 _derivationally_related_form 14501726 +10530769 _hypernym 09974648 +05462057 _hypernym 05237227 +11016374 _instance_hypernym 10088390 +02532028 _hypernym 02512938 +01014821 _derivationally_related_form 06732710 +11404971 _instance_hypernym 10088390 +02027209 _hypernym 01507175 +08325530 _hypernym 08324514 +01000068 _hypernym 00999787 +00087663 _hypernym 00087423 +12884523 _hypernym 11579418 +00371314 _derivationally_related_form 00955601 +01719302 _derivationally_related_form 00548326 +01912893 _derivationally_related_form 04544979 +08143653 _hypernym 08123167 +10132145 _hypernym 09974648 +03667829 _hypernym 03760671 +03187595 _has_part 03186818 +12032939 _hypernym 11579418 +02639312 _member_meronym 02639464 +10338707 _hypernym 09977660 +05615500 _derivationally_related_form 01898129 +12594165 _hypernym 11744859 +00522537 _hypernym 00521562 +00436879 _derivationally_related_form 00195569 +12815434 _hypernym 11579418 +03473817 _hypernym 03000247 +07500741 _hypernym 07497473 +01083645 _derivationally_related_form 02469085 +02511824 _member_meronym 02512053 +01894758 _similar_to 01895630 +12354068 _member_meronym 12354374 +03224032 _hypernym 03290771 +00467913 _derivationally_related_form 02201644 +06078724 _hypernym 06073888 +00883297 _hypernym 00407535 +01194125 _hypernym 01189282 +02895881 _has_part 02896074 +01216191 _derivationally_related_form 01202728 +09779790 _hypernym 10078806 +10140051 _hypernym 09939313 +09958892 _hypernym 09977660 +01255624 _hypernym 01552519 +11479058 _hypernym 11426530 +01688771 _derivationally_related_form 05766984 +10472274 _synset_domain_topic_of 06053439 +01500572 _hypernym 01500372 +05217168 _derivationally_related_form 02897524 +11841529 _member_meronym 11843285 +09189411 _has_part 08946187 +09992538 _derivationally_related_form 02486232 +08815858 _has_part 08818835 +02602405 _hypernym 02552171 +01711965 _hypernym 01617192 +08817630 _instance_hypernym 08696931 +00872886 _derivationally_related_form 09775663 +06851742 _member_of_domain_usage 04419315 +12574866 _hypernym 13112664 +13841863 _hypernym 13841213 +05644727 _derivationally_related_form 02357228 +12948251 _hypernym 12946849 +09906848 _hypernym 10474645 +00051712 _hypernym 00051525 +15256567 _hypernym 05867413 +04660261 _derivationally_related_form 01025913 +13885370 _derivationally_related_form 09960545 +03816136 _hypernym 03563967 +00733483 _derivationally_related_form 02568065 +01786906 _derivationally_related_form 07516997 +07029682 _hypernym 07029247 +08660339 _derivationally_related_form 01990281 +12829099 _member_meronym 12832140 +10257647 _hypernym 09831962 +00069879 _hypernym 00064643 +01182654 _hypernym 01184814 +02443849 _hypernym 02439501 +01003049 _derivationally_related_form 03708036 +00751944 _derivationally_related_form 00834259 +02649830 _derivationally_related_form 01054545 +08154960 _member_meronym 10995115 +05944958 _derivationally_related_form 00592702 +00815644 _derivationally_related_form 01151110 +00841091 _derivationally_related_form 01174742 +00014405 _hypernym 01547390 +00696189 _derivationally_related_form 01197258 +11515325 _synset_domain_topic_of 06090869 +01546111 _verb_group 01546768 +05320899 _has_part 05325378 +01311520 _has_part 01294791 +08207095 _hypernym 08456727 +00355691 _derivationally_related_form 02601996 +12476036 _member_meronym 12479821 +07187150 _hypernym 07186828 +00438178 _derivationally_related_form 00330160 +02556817 _derivationally_related_form 01213886 +02440705 _member_meronym 02445276 +02566109 _hypernym 02554730 +08953151 _instance_hypernym 09316454 +02407338 _derivationally_related_form 04837425 +11911591 _member_meronym 11943299 +00119524 _derivationally_related_form 04748836 +12002197 _member_meronym 12002428 +01696849 _hypernym 01656813 +11854232 _hypernym 11573660 +10827155 _instance_hypernym 10705615 +10787470 _derivationally_related_form 02590910 +02359775 _member_meronym 02359915 +00444309 _hypernym 00126264 +08946187 _instance_hypernym 08698379 +02216740 _hypernym 02212062 +15174218 _has_part 15212455 +00577330 _synset_domain_topic_of 06534659 +13219422 _has_part 11682842 +02228698 _hypernym 02294436 +08190609 _synset_domain_topic_of 08199025 +00926472 _derivationally_related_form 00868910 +06804847 _hypernym 06804199 +07234881 _derivationally_related_form 00626428 +00644503 _derivationally_related_form 00696700 +09100982 _instance_hypernym 08638442 +03457686 _hypernym 03461385 +05814291 _derivationally_related_form 02817339 +02339768 _member_meronym 02339922 +00788821 _derivationally_related_form 00878348 +05311054 _has_part 05319936 +02749479 _hypernym 02760855 +14962117 _hypernym 14586769 +02068413 _derivationally_related_form 04287351 +02445509 _hypernym 02436349 +00878348 _derivationally_related_form 10669727 +12394861 _member_meronym 12395463 +04450749 _hypernym 03183080 +05779116 _derivationally_related_form 00653449 +01321456 _derivationally_related_form 14425103 +01740551 _hypernym 01726692 +12656685 _has_part 07745466 +02728784 _derivationally_related_form 01091905 +00380424 _hypernym 00138508 +02494356 _derivationally_related_form 01162376 +01494310 _also_see 02702674 +00286605 _derivationally_related_form 04695176 +02199999 _member_meronym 02200198 +12737383 _hypernym 13120446 +08103777 _hypernym 07992450 +02091165 _hypernym 01835496 +02003204 _hypernym 02002075 +00733044 _derivationally_related_form 10458111 +00441212 _derivationally_related_form 07443210 +00963283 _derivationally_related_form 10527334 +08761697 _instance_hypernym 09316454 +03558404 _derivationally_related_form 01937222 +11969166 _hypernym 12205694 +00205649 _derivationally_related_form 02213074 +05394277 _hypernym 05395098 +13290002 _hypernym 13282550 +02640093 _member_meronym 02640453 +01499898 _member_meronym 01500091 +08920924 _has_part 08923348 +13206584 _hypernym 13167078 +00941974 _derivationally_related_form 01310660 +09157163 _has_part 09158024 +08975902 _has_part 09459114 +05588174 _hypernym 05585665 +14737847 _hypernym 14732946 +00107231 _hypernym 00018813 +07635155 _hypernym 07628870 +02323059 _derivationally_related_form 13367070 +11841529 _member_meronym 11846970 +02056880 _also_see 02577061 +01705655 _also_see 00941485 +02038617 _member_meronym 02039377 +10671042 _hypernym 09820263 +07245125 _hypernym 06252138 +07977592 _has_part 06583790 +11910835 _member_meronym 11579418 +06770875 _derivationally_related_form 01018928 +09093608 _has_part 09094581 +01395049 _hypernym 01264283 +06877578 _hypernym 06877078 +09036452 _member_of_domain_region 06930934 +00196485 _derivationally_related_form 02393489 +08766988 _member_of_domain_region 09877443 +00687295 _derivationally_related_form 10604634 +10790192 _hypernym 09974648 +08641113 _derivationally_related_form 09368224 +00708376 _derivationally_related_form 10556518 +10121952 _derivationally_related_form 02019011 +00878136 _derivationally_related_form 07203126 +02989475 _hypernym 02996840 +08853741 _has_part 08857099 +00850501 _derivationally_related_form 07123870 +13948136 _hypernym 13945919 +02576110 _hypernym 02410855 +00713167 _derivationally_related_form 00031921 +09896520 _hypernym 10628644 +01078086 _hypernym 01077350 +12531144 _hypernym 11585340 +09229709 _derivationally_related_form 00519056 +01806505 _derivationally_related_form 09910374 +01086103 _derivationally_related_form 07458453 +07443761 _derivationally_related_form 00140751 +08815046 _has_part 09326299 +10279018 _derivationally_related_form 01623967 +00973530 _hypernym 00973056 +01036333 _hypernym 01030820 +01121508 _hypernym 01101913 +02275152 _derivationally_related_form 00777324 +04143140 _hypernym 03277771 +01096860 _derivationally_related_form 09886403 +13952601 _hypernym 13945919 +09207288 _has_part 08703454 +09964805 _derivationally_related_form 01693881 +02685665 _also_see 02690093 +14576468 _hypernym 14544672 +01659248 _derivationally_related_form 13913566 +10349243 _derivationally_related_form 02558172 +08246613 _hypernym 08008335 +05776015 _derivationally_related_form 01636993 +01970348 _hypernym 01968569 +08759986 _member_meronym 09705287 +01669191 _hypernym 01662784 +06295235 _member_of_domain_usage 02910864 +00868591 _derivationally_related_form 10533013 +00552841 _derivationally_related_form 02700104 +09382099 _hypernym 09334396 +01139000 _derivationally_related_form 02479154 +14749543 _hypernym 05410315 +01812068 _hypernym 01811736 +00247390 _hypernym 00153263 +00724081 _derivationally_related_form 04670022 +00740609 _hypernym 00739270 +05564590 _derivationally_related_form 01211098 +01762525 _hypernym 08108972 +05273822 _has_part 05233420 +06498569 _has_part 06838760 +01137138 _verb_group 01123887 +10434725 _derivationally_related_form 01642437 +13344804 _derivationally_related_form 00891216 +01625417 _member_meronym 01625562 +07426406 _hypernym 07425011 +12474167 _hypernym 12425281 +12712320 _hypernym 12707781 +08167953 _hypernym 08167365 +05307773 _hypernym 05282746 +07698915 _hypernym 07555863 +01231980 _hypernym 01229938 +02183787 _derivationally_related_form 05010801 +07895435 _hypernym 07892512 +07381423 _derivationally_related_form 02183024 +09334396 _derivationally_related_form 01502762 +06764244 _derivationally_related_form 01704953 +01282014 _derivationally_related_form 01769902 +02527431 _derivationally_related_form 10089615 +08762823 _instance_hypernym 08691669 +01436518 _hypernym 01435380 +00644839 _derivationally_related_form 04782878 +13886260 _hypernym 13867641 +01997119 _hypernym 01835496 +00929362 _hypernym 00928630 +00904046 _derivationally_related_form 01193886 +09147046 _has_part 09147618 +02968473 _hypernym 03538634 +08860123 _member_of_domain_region 07620485 +01253808 _hypernym 01254013 +14407536 _derivationally_related_form 01064560 +05736593 _derivationally_related_form 00694866 +08516885 _hypernym 08673395 +00058337 _derivationally_related_form 01979462 +05322247 _hypernym 05397468 +12941536 _hypernym 12205694 +01253060 _derivationally_related_form 00004605 +12592544 _hypernym 12582846 +08404735 _synset_domain_topic_of 08199025 +09819860 _derivationally_related_form 07343574 +00275088 _hypernym 00208836 +13315999 _hypernym 13313899 +02699343 _hypernym 02830852 +02718543 _hypernym 02604760 +00828559 _derivationally_related_form 00043683 +14451020 _hypernym 14450691 +01524885 _member_meronym 01586541 +12975982 _hypernym 08103777 +01101913 _derivationally_related_form 09956578 +05608868 _hypernym 05225602 +00077698 _hypernym 00065070 +01051364 _derivationally_related_form 07234881 +02337545 _hypernym 02327200 +12418680 _member_meronym 12419592 +00796976 _hypernym 00797430 +01932495 _hypernym 01921887 +10733999 _hypernym 09610660 +12736603 _has_part 07769306 +02579447 _derivationally_related_form 10754281 +14110219 _hypernym 14204950 +02454649 _derivationally_related_form 01101753 +11732052 _hypernym 12205694 +08860123 _member_of_domain_region 08479894 +06693198 _hypernym 06686736 +01501113 _derivationally_related_form 07028373 +01767199 _member_meronym 01768402 +13618849 _has_part 13618629 +02285179 _hypernym 02283951 +01481599 _member_meronym 01485673 +10646780 _hypernym 10630188 +01606736 _derivationally_related_form 00140393 +02323186 _member_meronym 02323715 +07423365 _derivationally_related_form 00125841 +10277912 _derivationally_related_form 07051975 +06714697 _derivationally_related_form 01728840 +12090041 _member_meronym 12090318 +02231487 _hypernym 02231052 +01346978 _derivationally_related_form 00344040 +14936226 _hypernym 14698000 +10610850 _hypernym 10544748 +00443670 _derivationally_related_form 14879750 +02465297 _hypernym 02478701 +01233993 _derivationally_related_form 04105068 +04796490 _derivationally_related_form 01675190 +02260770 _derivationally_related_form 01113867 +06281295 _hypernym 06251781 +01678887 _hypernym 01657723 +02446651 _also_see 00828779 +12039524 _member_meronym 12039743 +08157809 _member_meronym 10995850 +00006802 _derivationally_related_form 00835501 +02432530 _derivationally_related_form 01008378 +02062209 _member_meronym 02062991 +02508021 _hypernym 02507649 +08227214 _derivationally_related_form 02592250 +04852088 _derivationally_related_form 01131043 +13889602 _derivationally_related_form 02037090 +11835114 _member_meronym 11835251 +06634239 _hypernym 06634095 +14388910 _hypernym 14083790 +07621776 _hypernym 07621618 +14346909 _hypernym 14336539 +01053067 _hypernym 01051331 +14429608 _derivationally_related_form 01614079 +01965464 _derivationally_related_form 00428270 +07827284 _hypernym 07809368 +10337488 _hypernym 09619824 +13506587 _derivationally_related_form 02071627 +05803379 _derivationally_related_form 00672433 +02128873 _hypernym 02110220 +14487731 _derivationally_related_form 00492706 +01011725 _derivationally_related_form 00075135 +00076563 _derivationally_related_form 00599835 +01133281 _derivationally_related_form 02443049 +04377057 _hypernym 03575240 +07432559 _derivationally_related_form 01611516 +14793921 _hypernym 14994004 +00497391 _derivationally_related_form 14658109 +02125223 _also_see 02125460 +09808080 _derivationally_related_form 05969194 +12966386 _hypernym 11590783 +14706026 _derivationally_related_form 00261533 +00870213 _hypernym 00831651 +01230350 _derivationally_related_form 01173965 +01707895 _member_meronym 01708106 +10406391 _hypernym 10102800 +01965464 _derivationally_related_form 00120202 +09334396 _hypernym 00002684 +01232272 _derivationally_related_form 03731695 +02346409 _hypernym 02260362 +01994492 _hypernym 01974773 +09825096 _derivationally_related_form 00803325 +00283568 _derivationally_related_form 01882170 +15209413 _has_part 15136147 +02874282 _derivationally_related_form 08188638 +05552607 _has_part 05553049 +14984973 _hypernym 14580897 +02397460 _derivationally_related_form 15291498 +11519450 _derivationally_related_form 01868370 +08388636 _member_meronym 10242791 +11700401 _member_meronym 11701492 +07360293 _synset_domain_topic_of 06084469 +00838043 _derivationally_related_form 06759349 +02958343 _has_part 03518631 +14652954 _hypernym 14625458 +01673472 _derivationally_related_form 13875571 +14285662 _derivationally_related_form 00069879 +01725051 _hypernym 01714208 +02440244 _derivationally_related_form 09623038 +01810447 _derivationally_related_form 10590977 +00604523 _derivationally_related_form 09984298 +10019552 _hypernym 10072708 +10726786 _hypernym 10548537 +01585759 _derivationally_related_form 01244593 +14343597 _hypernym 14342132 +01240210 _derivationally_related_form 02538765 +10268180 _derivationally_related_form 02649830 +01935743 _hypernym 01921559 +00752764 _verb_group 01063695 +04993882 _derivationally_related_form 02196690 +08062970 _hypernym 08062623 +08819883 _instance_hypernym 08574314 +09885145 _derivationally_related_form 02207206 +00669970 _derivationally_related_form 00794367 +11596486 _hypernym 08103777 +01448951 _hypernym 01438208 +05992624 _hypernym 05992274 +07358377 _derivationally_related_form 00580512 +00949619 _derivationally_related_form 00711550 +02217011 _derivationally_related_form 13385583 +01282413 _hypernym 01309701 +00146138 _derivationally_related_form 07423365 +03901548 _hypernym 02982790 +12760722 _hypernym 11567411 +01253665 _hypernym 00231887 +10722575 _derivationally_related_form 00603298 +01147060 _hypernym 01146918 +01820901 _derivationally_related_form 00425451 +14049552 _hypernym 14034177 +01891092 _hypernym 01890792 +00262249 _hypernym 00199130 +01620967 _member_meronym 01621127 +00076884 _derivationally_related_form 01976488 +02015168 _hypernym 02009433 +00781355 _hypernym 00780889 +09137682 _instance_hypernym 08524735 +01149494 _also_see 01364008 +05036715 _hypernym 05036394 +09092497 _has_part 09093472 +09724066 _hypernym 09641757 +00791527 _hypernym 00791078 +09060768 _has_part 09422294 +01205696 _derivationally_related_form 00147454 +00248659 _derivationally_related_form 00249501 +13421462 _derivationally_related_form 00724029 +01219551 _hypernym 01215392 +12894438 _hypernym 13100677 +05300675 _has_part 05324888 +02592667 _derivationally_related_form 00829378 +01810700 _hypernym 01789386 +00057748 _hypernym 00952963 +01049737 _hypernym 01729431 +12627750 _hypernym 12626353 +11620248 _hypernym 11554175 +11738378 _hypernym 11571907 +08518171 _hypernym 08651247 +00218045 _derivationally_related_form 01661804 +02544348 _derivationally_related_form 00802238 +08860123 _member_of_domain_region 04601159 +10242032 _hypernym 09623038 +04579986 _synset_domain_topic_of 00502952 +02163982 _member_meronym 02179429 +11615026 _hypernym 11608250 +02702830 _derivationally_related_form 07369604 +13905792 _derivationally_related_form 01278427 +02291391 _member_meronym 02292272 +01832979 _hypernym 01507175 +12374238 _member_meronym 12374418 +06605046 _member_of_domain_usage 07361863 +05808794 _derivationally_related_form 00625119 +07092592 _derivationally_related_form 01702514 +00626428 _hypernym 00941990 +02565728 _member_meronym 02568326 +04785669 _hypernym 04723816 +01623967 _hypernym 01621555 +10012377 _derivationally_related_form 01190012 +00069879 _derivationally_related_form 07340249 +01135922 _derivationally_related_form 09859557 +02181973 _derivationally_related_form 07377244 +10713502 _hypernym 10677713 +14083200 _hypernym 14082595 +02577877 _hypernym 00782527 +02272549 _hypernym 02274482 +02048514 _member_meronym 02048832 +12956791 _hypernym 13167078 +02368787 _derivationally_related_form 04993882 +02277897 _hypernym 02321757 +02708711 _derivationally_related_form 00643473 +09102016 _has_part 09352108 +00205885 _derivationally_related_form 05143690 +13516176 _derivationally_related_form 00210738 +01264050 _derivationally_related_form 01952898 +10567401 _hypernym 10372373 +02644967 _member_meronym 02645823 +14974264 _derivationally_related_form 01268457 +06200344 _derivationally_related_form 00065184 +02142064 _member_meronym 02142575 +00617748 _derivationally_related_form 05895723 +04520170 _hypernym 04490091 +09338712 _instance_hypernym 09360122 +11970429 _member_meronym 11970586 +00669762 _hypernym 02108377 +07343363 _hypernym 07342049 +12842887 _hypernym 12205694 +07509572 _hypernym 00026192 +08366202 _derivationally_related_form 00298041 +01666327 _derivationally_related_form 10584318 +03046921 _hypernym 04043733 +01246095 _hypernym 01245637 +00161987 _derivationally_related_form 01166258 +08214272 _hypernym 08190754 +10518349 _derivationally_related_form 01814815 +00592652 _derivationally_related_form 10123844 +02503313 _member_meronym 02503868 +00122338 _derivationally_related_form 01031256 +08121117 _hypernym 08120384 +12721864 _member_meronym 12722071 +02251247 _hypernym 00891216 +02490877 _derivationally_related_form 07450651 +00786887 _hypernym 00786195 +01793177 _hypernym 01759326 +10150940 _hypernym 10757193 +01261628 _derivationally_related_form 09260218 +00593837 _hypernym 00586262 +00754942 _derivationally_related_form 10001647 +01775164 _derivationally_related_form 09622302 +09308398 _hypernym 00002684 +07726095 _hypernym 07708798 +01444326 _derivationally_related_form 00420877 +00732552 _derivationally_related_form 01002956 +00889294 _derivationally_related_form 00830188 +02608708 _hypernym 01432517 +01153947 _hypernym 01153762 +00973056 _derivationally_related_form 06792645 +03660664 _hypernym 03177349 +11788536 _hypernym 11556857 +04811995 _hypernym 04728786 +03208556 _hypernym 03032811 +02723904 _derivationally_related_form 05603650 +03029603 _has_part 04228844 +00012434 _derivationally_related_form 10682038 +00789138 _derivationally_related_form 00633864 +07929351 _hypernym 13135832 +00125436 _derivationally_related_form 01243661 +05329215 _has_part 05405946 +03755712 _hypernym 02722166 +13077479 _member_meronym 13078133 +02202509 _member_meronym 02202678 +02100176 _hypernym 01835496 +14412882 _hypernym 13932421 +12430198 _hypernym 12425281 +01633825 _hypernym 01633343 +08974818 _instance_hypernym 08524735 +01044377 _derivationally_related_form 07130341 +12195391 _hypernym 13109733 +14790979 _hypernym 14894481 +02475821 _hypernym 01864707 +00708017 _derivationally_related_form 04939324 +08188638 _derivationally_related_form 02874282 +11327273 _instance_hypernym 10020890 +03746486 _hypernym 04018667 +10271216 _derivationally_related_form 02154312 +02521410 _hypernym 00776059 +12996225 _member_meronym 13038944 +01623792 _derivationally_related_form 03860882 +08801678 _has_part 08939201 +01480770 _synset_domain_topic_of 00452293 +00109660 _derivationally_related_form 11412727 +02064358 _hypernym 01970826 +01441993 _derivationally_related_form 03158885 +02641379 _hypernym 02638596 +05197797 _hypernym 05196582 +00510050 _hypernym 00509846 +01655639 _synset_domain_topic_of 00911048 +13395515 _hypernym 13393762 +09902954 _hypernym 00007846 +01186192 _hypernym 01187810 +01155354 _derivationally_related_form 04844625 +00476965 _verb_group 01278817 +00488225 _hypernym 00455599 +03972524 _hypernym 03993180 +02270165 _derivationally_related_form 10330189 +03031756 _derivationally_related_form 01302982 +11268667 _instance_hypernym 09989502 +02391782 _member_meronym 02393024 +11692952 _member_meronym 11700401 +01055165 _hypernym 01054545 +01039307 _synset_domain_topic_of 08083599 +01835496 _also_see 01970826 +06999802 _hypernym 06873252 +12648045 _has_part 07751004 +11446242 _derivationally_related_form 00364868 +05693919 _hypernym 05692910 +07643026 _hypernym 07642471 +10695555 _derivationally_related_form 00852506 +02472293 _has_part 02463403 +01017738 _also_see 02541302 +01185981 _derivationally_related_form 07578093 +00236104 _hypernym 00235368 +02335349 _member_meronym 02345213 +02054376 _hypernym 01507175 +00219012 _derivationally_related_form 00716945 +04002931 _hypernym 02718469 +08982587 _has_part 08983274 +12574143 _hypernym 11585340 +10842730 _instance_hypernym 10705615 +14445379 _derivationally_related_form 00476819 +02116959 _member_meronym 02117135 +03836062 _derivationally_related_form 01186428 +01672014 _derivationally_related_form 03624966 +02868916 _derivationally_related_form 05658226 +03186818 _hypernym 04169437 +01342269 _hypernym 01326291 +01097743 _hypernym 01474550 +12607456 _hypernym 12205694 +01458302 _derivationally_related_form 01416585 +00041188 _derivationally_related_form 00013328 +07125096 _derivationally_related_form 00865387 +10207831 _derivationally_related_form 00784342 +13884740 _hypernym 13884511 +00631391 _derivationally_related_form 04802198 +01459542 _hypernym 01458973 +02617956 _hypernym 01432517 +02121511 _derivationally_related_form 14285662 +02354287 _derivationally_related_form 13911151 +01205156 _derivationally_related_form 02416278 +12401122 _member_meronym 12402051 +06775812 _hypernym 07069948 +00216801 _synset_domain_topic_of 06084469 +00093593 _hypernym 00092293 +13618076 _hypernym 13600822 +05563266 _has_part 05576950 +10146927 _derivationally_related_form 00899597 +01144355 _hypernym 01144133 +10234867 _hypernym 10231515 +04997032 _hypernym 04996823 +10081670 _hypernym 10287213 +03250089 _has_part 02890940 +03859280 _hypernym 02913152 +02300797 _has_part 02468178 +01519719 _member_meronym 01519873 +05404336 _derivationally_related_form 00052548 +00796886 _derivationally_related_form 10060352 +05370410 _hypernym 05418717 +03546340 _derivationally_related_form 02459173 +15272029 _derivationally_related_form 02641463 +02471327 _derivationally_related_form 10512708 +03009111 _hypernym 02968473 +04417809 _has_part 03033019 +14178913 _hypernym 14174549 +02041492 _member_meronym 02042180 +02094755 _also_see 01886407 +00866702 _derivationally_related_form 01039925 +07373602 _hypernym 07373277 +04611654 _hypernym 03748886 +01323518 _derivationally_related_form 14696793 +08860123 _member_of_domain_region 00089657 +00095971 _hypernym 00093483 +13343774 _synset_domain_topic_of 00494768 +02533545 _hypernym 02533209 +00565592 _derivationally_related_form 03730893 +11158982 _instance_hypernym 10123844 +00269258 _hypernym 00266806 +08174398 _member_meronym 08766988 +00662589 _derivationally_related_form 05825245 +10322238 _hypernym 09606527 +15213406 _hypernym 15209706 +12560016 _hypernym 11747468 +11628284 _member_meronym 11628456 +02195470 _derivationally_related_form 07858595 +08212347 _hypernym 08208016 +06721949 _hypernym 07199922 +02504562 _derivationally_related_form 05194578 +10839617 _instance_hypernym 10084635 +00745187 _derivationally_related_form 07110615 +07416441 _derivationally_related_form 00382493 +02742232 _derivationally_related_form 00307631 +10807317 _instance_hypernym 10705615 +06596364 _hypernym 06595351 +05655567 _hypernym 05654362 +09479238 _instance_hypernym 09319456 +10046527 _derivationally_related_form 01642924 +04072551 _derivationally_related_form 02442737 +00390560 _derivationally_related_form 03161450 +02582437 _hypernym 01429349 +12776946 _member_meronym 12778045 +09196611 _instance_hypernym 09403734 +02254370 _member_meronym 02254697 +10509161 _hypernym 10423589 +09167652 _instance_hypernym 08524735 +12896000 _hypernym 12205694 +00784874 _derivationally_related_form 05683390 +01061320 _hypernym 00742320 +02165456 _hypernym 02164464 +01155421 _derivationally_related_form 03420559 +12575679 _hypernym 12575322 +00344040 _derivationally_related_form 01478423 +01761706 _hypernym 01759326 +07508232 _hypernym 07507098 +06743230 _derivationally_related_form 00828374 +01454810 _derivationally_related_form 04476116 +11607392 _member_meronym 11651259 +01690703 _hypernym 01656813 +02657805 _hypernym 01429349 +01550033 _hypernym 01507175 +09945319 _hypernym 10618848 +01673668 _member_meronym 01674216 +13470491 _derivationally_related_form 00433778 +10780632 _derivationally_related_form 01735475 +11410625 _derivationally_related_form 02635659 +10171567 _derivationally_related_form 02652158 +09439433 _member_meronym 09270894 +10791115 _hypernym 10129825 +00128976 _synset_domain_topic_of 00471613 +09355850 _hypernym 09225943 +01793933 _derivationally_related_form 14403560 +12610933 _member_meronym 12617140 +01387301 _hypernym 01277974 +05578251 _hypernym 05543177 +06689125 _derivationally_related_form 02585360 +12696322 _member_meronym 12696492 +01096860 _synset_domain_topic_of 00464894 +02647144 _member_meronym 02647294 +13241600 _hypernym 06480506 +10069427 _derivationally_related_form 01163779 +00974173 _hypernym 00952524 +00847158 _derivationally_related_form 06719974 +12740196 _member_meronym 12758639 +02159890 _derivationally_related_form 07262704 +05692419 _derivationally_related_form 00947077 +09826204 _derivationally_related_form 05635188 +02145084 _member_meronym 02147452 +01124794 _derivationally_related_form 02586619 +01401854 _also_see 01407465 +01015244 _derivationally_related_form 06732710 +08879680 _instance_hypernym 08524735 +10605985 _hypernym 09632518 +02638960 _member_meronym 02639087 +06128024 _hypernym 06125041 +01363121 _hypernym 01355326 +08046759 _instance_hypernym 08392137 +02577061 _also_see 02056880 +05398609 _hypernym 05397468 +10080337 _derivationally_related_form 01340439 +11011764 _instance_hypernym 09979589 +10113362 _derivationally_related_form 03399047 +12968658 _hypernym 11590783 +02193765 _hypernym 02193194 +00366858 _derivationally_related_form 13460568 +02256109 _derivationally_related_form 13370448 +02151625 _derivationally_related_form 01940403 +01449974 _derivationally_related_form 00315986 +11692952 _member_meronym 11702999 +09961605 _derivationally_related_form 00092690 +03896233 _member_meronym 02775039 +00771341 _hypernym 00770437 +05913275 _derivationally_related_form 01022906 +01068134 _hypernym 00993014 +02175578 _derivationally_related_form 07397761 +03271574 _has_part 03547658 +02328662 _member_meronym 02328942 +06681551 _derivationally_related_form 00965035 +02436813 _hypernym 01862557 +08632258 _synset_domain_topic_of 08199025 +01766407 _derivationally_related_form 01215719 +05556943 _derivationally_related_form 02934594 +01754737 _derivationally_related_form 00359238 +07274425 _derivationally_related_form 00898691 +10772190 _derivationally_related_form 01673891 +12164065 _hypernym 12163824 +03338287 _derivationally_related_form 00261533 +08375526 _derivationally_related_form 10268629 +00917772 _hypernym 00916909 +00378296 _derivationally_related_form 09810707 +02983097 _derivationally_related_form 05772215 +05757049 _derivationally_related_form 00602255 +00246217 _derivationally_related_form 00803394 +02553196 _member_meronym 02556014 +01947613 _member_meronym 01947735 +00418025 _hypernym 00410247 +07319909 _derivationally_related_form 00423971 +10749123 _hypernym 09617867 +11997969 _hypernym 13112664 +08320385 _member_meronym 08011523 +02368336 _derivationally_related_form 04994413 +00229630 _also_see 02345272 +10336411 _hypernym 10633450 +11645914 _hypernym 13108841 +00506377 _derivationally_related_form 03299929 +13169219 _member_meronym 11545714 +07197021 _derivationally_related_form 02531625 +03000447 _derivationally_related_form 13575433 +13260762 _hypernym 13258362 +01220885 _hypernym 01205696 +00306723 _hypernym 00140123 +13248087 _hypernym 13247818 +01719921 _derivationally_related_form 07007945 +00881545 _derivationally_related_form 02151966 +02584449 _hypernym 02583567 +07941945 _hypernym 07941729 +07800091 _derivationally_related_form 01180206 +02287204 _hypernym 01762525 +02995998 _derivationally_related_form 01458973 +02083038 _member_meronym 02119961 +12145477 _hypernym 12143676 +04033287 _hypernym 03014440 +01455184 _hypernym 01974062 +12407890 _hypernym 12405714 +13000372 _member_meronym 13006741 +03233423 _hypernym 00002684 +00900957 _derivationally_related_form 01688256 +02740204 _derivationally_related_form 10603528 +01188144 _derivationally_related_form 14039534 +14283632 _hypernym 14276936 +02448754 _hypernym 01864707 +04891683 _hypernym 04891333 +03273061 _hypernym 03789946 +05269901 _has_part 05582305 +10697135 _hypernym 10717921 +08701942 _has_part 08701161 +02265231 _derivationally_related_form 06516955 +14407899 _derivationally_related_form 01806505 +04470037 _hypernym 02673637 +06687178 _derivationally_related_form 00803815 +11841529 _member_meronym 11842204 +01313093 _member_meronym 01929047 +02185664 _derivationally_related_form 07379223 +00860620 _derivationally_related_form 14437134 +03297735 _synset_domain_topic_of 01094725 +00240184 _derivationally_related_form 01641914 +02467662 _derivationally_related_form 00784533 +07254267 _hypernym 07160883 +01079480 _verb_group 01072949 +13315616 _hypernym 13308999 +06874930 _hypernym 06873571 +03007130 _hypernym 03953416 +08871007 _member_of_domain_region 09867154 +14632648 _derivationally_related_form 00498662 +01040646 _derivationally_related_form 00886978 +00611972 _derivationally_related_form 10451263 +03429771 _hypernym 03441112 +07764847 _hypernym 07705931 +01054335 _hypernym 01053920 +00597915 _derivationally_related_form 10251779 +08434259 _hypernym 08435388 +02384041 _derivationally_related_form 07453195 +02743020 _derivationally_related_form 02152212 +01045073 _derivationally_related_form 07123870 +12021120 _member_meronym 12023726 +07975026 _hypernym 07950920 +00772253 _hypernym 00770270 +13108841 _hypernym 13108662 +08766455 _instance_hypernym 08524735 +00188137 _verb_group 00188000 +02043190 _derivationally_related_form 00368302 +01518659 _hypernym 01517662 +00608978 _derivationally_related_form 00073828 +01526290 _hypernym 01525666 +00799125 _hypernym 00798245 +02265860 _hypernym 01762525 +08860123 _member_of_domain_region 13314936 +03225238 _derivationally_related_form 00084738 +13063046 _member_meronym 13064678 +00230172 _hypernym 00209943 +00095747 _derivationally_related_form 13152742 +00489837 _derivationally_related_form 03735637 +05426989 _hypernym 05426243 +09700964 _hypernym 09686536 +10151760 _derivationally_related_form 03467517 +01733667 _synset_domain_topic_of 00543233 +09721244 _derivationally_related_form 08961402 +09769345 _derivationally_related_form 00989201 +04931267 _hypernym 04928903 +08172103 _member_meronym 08897065 +00396703 _derivationally_related_form 02681084 +13951215 _hypernym 13945919 +11089669 _instance_hypernym 10599806 +00580865 _derivationally_related_form 13573181 +08759420 _has_part 09371151 +08892058 _instance_hypernym 08552138 +01884126 _hypernym 01835496 +15255804 _synset_domain_topic_of 00471613 +01917611 _hypernym 01916925 +02057478 _hypernym 01342529 +11986900 _hypernym 11986306 +02872529 _hypernym 02705944 +00931467 _hypernym 00931852 +10675010 _derivationally_related_form 00104147 +00808182 _derivationally_related_form 00236592 +12699157 _member_meronym 12699301 +02117772 _hypernym 01864707 +15178841 _hypernym 15178417 +11804604 _member_meronym 11817329 +13129165 _has_part 13154190 +10455619 _hypernym 10391653 +01139830 _derivationally_related_form 02447793 +14517412 _hypernym 14516743 +02670578 _hypernym 00908351 +01688771 _derivationally_related_form 10455619 +02742753 _hypernym 04008634 +03915437 _hypernym 03800933 +02245765 _synset_domain_topic_of 01090446 +08494459 _instance_hypernym 08573258 +03908204 _hypernym 04608567 +09173023 _instance_hypernym 08505573 +00416399 _hypernym 00416135 +01059743 _derivationally_related_form 07387316 +02146700 _hypernym 02145424 +02671880 _hypernym 02667900 +00287560 _derivationally_related_form 14986004 +08086356 _hypernym 08083320 +09007723 _instance_hypernym 09006205 +05058140 _derivationally_related_form 02055649 +00646332 _synset_domain_topic_of 06043075 +09105821 _has_part 09108055 +01944390 _derivationally_related_form 01382917 +08860123 _member_of_domain_region 08587828 +11059079 _derivationally_related_form 01244853 +12162425 _has_part 12162758 +07330828 _derivationally_related_form 00470701 +14676042 _hypernym 14662574 +12423565 _member_meronym 12460549 +01253379 _hypernym 00995134 +02188848 _derivationally_related_form 00654400 +00839834 _derivationally_related_form 07106502 +00075021 _derivationally_related_form 02382204 +02443609 _derivationally_related_form 10467395 +01871699 _hypernym 01342529 +01393996 _derivationally_related_form 02967782 +00944449 _derivationally_related_form 02690093 +02743727 _hypernym 02603699 +01892876 _hypernym 01864707 +01348530 _synset_domain_topic_of 06077648 +10468750 _derivationally_related_form 02984104 +01077329 _derivationally_related_form 02980625 +05349906 _hypernym 05333777 +00949134 _derivationally_related_form 02561332 +02138323 _hypernym 01864707 +12805373 _hypernym 12805146 +00199309 _derivationally_related_form 06762380 +07584423 _hypernym 07583197 +05878229 _synset_domain_topic_of 06090869 +12946578 _hypernym 11585340 +01545314 _hypernym 01543123 +12039743 _member_meronym 12079737 +11213552 _instance_hypernym 10231515 +02236124 _also_see 02301825 +11831874 _hypernym 13112664 +01562627 _synset_domain_topic_of 02958343 +00468480 _hypernym 00433458 +07218470 _derivationally_related_form 00965035 +04918210 _hypernym 04731497 +09128372 _instance_hypernym 08524735 +01035853 _has_part 01036194 +01294127 _instance_hypernym 00956485 +11864602 _member_meronym 11864906 +04155310 _hypernym 03234306 +15124545 _instance_hypernym 15247518 +00050454 _hypernym 00049900 +08021785 _instance_hypernym 08392137 +08970445 _instance_hypernym 08691669 +00492706 _hypernym 01534147 +06441607 _instance_hypernym 06394865 +05835747 _derivationally_related_form 01633343 +00067545 _hypernym 00072989 +06048184 _hypernym 06047430 +01158181 _derivationally_related_form 10769459 +00989602 _derivationally_related_form 07071483 +01471682 _has_part 05552607 +05667404 _hypernym 05667196 +01822936 _also_see 02550296 +02427103 _derivationally_related_form 08406486 +01673668 _member_meronym 01676313 +00462894 _hypernym 00462092 +00002573 _verb_group 00001740 +10313580 _hypernym 09855630 +02844307 _hypernym 03154446 +01387617 _hypernym 08107499 +04560292 _has_part 03485997 +01985923 _verb_group 00432839 +05284333 _hypernym 05269901 +04959061 _synset_domain_topic_of 06043075 +00645415 _hypernym 00643473 +10619176 _derivationally_related_form 08416328 +06749881 _derivationally_related_form 00712135 +02296153 _hypernym 00952524 +05207570 _derivationally_related_form 00307474 +10786270 _synset_domain_topic_of 08441203 +03326948 _hypernym 03906997 +10481268 _derivationally_related_form 00994076 +00947128 _derivationally_related_form 01165043 +02769460 _derivationally_related_form 00185857 +04968426 _hypernym 04967191 +13790712 _derivationally_related_form 00636888 +11385126 _instance_hypernym 10214637 +09993901 _derivationally_related_form 01637633 +01586374 _hypernym 01584225 +00674562 _synset_domain_topic_of 06054700 +03010473 _hypernym 04226537 +02832818 _derivationally_related_form 02720201 +15173064 _has_part 15183802 +09974648 _hypernym 10605985 +00611433 _derivationally_related_form 10045454 +11838266 _hypernym 11573660 +09154178 _instance_hypernym 08524735 +01488956 _hypernym 00126264 +04373894 _has_part 03474896 +05823054 _derivationally_related_form 00894738 +04424003 _hypernym 02724207 +13069535 _hypernym 11592146 +01240514 _hypernym 01240720 +01861465 _member_meronym 01871406 +01747717 _synset_domain_topic_of 06128570 +04316275 _hypernym 03925226 +13783581 _synset_domain_topic_of 06000644 +14835333 _derivationally_related_form 00226071 +00768778 _derivationally_related_form 10775379 +06026635 _synset_domain_topic_of 06018465 +07808904 _has_part 07803408 +03273551 _hypernym 03279153 +04004475 _derivationally_related_form 01747945 +09711530 _hypernym 09710164 +07284554 _hypernym 07283608 +00198057 _derivationally_related_form 13140049 +07337390 _hypernym 07296428 +00959827 _hypernym 00958334 +09976119 _derivationally_related_form 01911888 +10296618 _derivationally_related_form 00071646 +00193486 _hypernym 00182406 +12844220 _member_meronym 12844409 +09816771 _hypernym 09626238 +00143914 _derivationally_related_form 05259512 +10213652 _derivationally_related_form 02571251 +12171750 _member_meronym 12171966 +01822248 _derivationally_related_form 06633692 +08163273 _derivationally_related_form 02466670 +00113818 _derivationally_related_form 07516354 +14059663 _hypernym 14052403 +00884946 _hypernym 00885217 +02342885 _hypernym 02329401 +10463028 _hypernym 10225219 +09088396 _instance_hypernym 08524735 +12862312 _hypernym 11579418 +02609764 _derivationally_related_form 07291794 +07954731 _hypernym 07951464 +02075764 _hypernym 02075049 +01262936 _derivationally_related_form 07851054 +09904057 _derivationally_related_form 00948071 +04969798 _hypernym 04968895 +01497878 _member_meronym 01498041 +00662589 _verb_group 00663353 +10035430 _hypernym 09632518 +08057460 _derivationally_related_form 02261464 +13624509 _hypernym 13616054 +13616926 _hypernym 13600822 +01099436 _hypernym 01098698 +01799302 _hypernym 01789386 +04536153 _hypernym 02880546 +04347119 _hypernym 02958343 +11575425 _hypernym 11567411 +12429148 _hypernym 12425281 +01625747 _member_meronym 01654957 +00588998 _hypernym 00586262 +01193099 _derivationally_related_form 10561613 +00387657 _hypernym 00383390 +02301452 _hypernym 02283201 +12498928 _member_meronym 12499163 +00570590 _derivationally_related_form 05675130 +00596807 _derivationally_related_form 00597265 +00181476 _derivationally_related_form 02760855 +02792903 _derivationally_related_form 15203229 +07191279 _hypernym 06513366 +03259505 _has_part 03238131 +00889229 _derivationally_related_form 10597234 +08860123 _member_of_domain_region 03470222 +01955808 _hypernym 01941093 +06827219 _hypernym 06825399 +01261974 _derivationally_related_form 00770437 +01911339 _hypernym 01835496 +08845555 _has_part 09194357 +01576478 _synset_domain_topic_of 00015388 +01685960 _hypernym 01684899 +09439213 _derivationally_related_form 00511855 +01457954 _derivationally_related_form 13480667 +07905474 _hypernym 07901587 +09445289 _hypernym 09393605 +03034860 _has_part 03035252 +01687569 _synset_domain_topic_of 00933420 +01252601 _derivationally_related_form 04694441 +01460408 _hypernym 01460029 +10308504 _hypernym 10251779 +02437465 _verb_group 00711932 +08780881 _has_part 09385586 +15068436 _synset_domain_topic_of 00017222 +10479135 _synset_domain_topic_of 15253139 +00418903 _derivationally_related_form 01162754 +06376572 _hypernym 07092158 +03646809 _synset_domain_topic_of 08199025 +06495328 _hypernym 06481320 +02663340 _derivationally_related_form 06650431 +01734929 _synset_domain_topic_of 06037666 +10632576 _derivationally_related_form 02446164 +00565081 _hypernym 00126264 +03575958 _hypernym 03574816 +02426171 _derivationally_related_form 07452699 +06590210 _synset_domain_topic_of 06677302 +01869563 _hypernym 01831531 +11841529 _member_meronym 11853644 +01582645 _derivationally_related_form 03173524 +03244388 _derivationally_related_form 02057656 +00537339 _also_see 01353226 +00681429 _derivationally_related_form 13413493 +09147964 _has_part 09453288 +00707624 _derivationally_related_form 07176962 +02672831 _has_part 03928814 +05737153 _derivationally_related_form 00657550 +02208143 _hypernym 01762525 +05546540 _hypernym 05225090 +12774127 _has_part 12774641 +02772554 _synset_domain_topic_of 00480508 +06073494 _hypernym 06083243 +03488603 _hypernym 03489162 +01545303 _hypernym 01504437 +01657641 _hypernym 01656788 +13192025 _member_meronym 13197800 +03959936 _hypernym 04188643 +01164568 _hypernym 01164273 +03117420 _hypernym 04071876 +04338517 _hypernym 03800933 +01284124 _instance_hypernym 00981369 +12594165 _member_meronym 12594324 +05982152 _derivationally_related_form 01633825 +09409203 _derivationally_related_form 01882814 +02246686 _derivationally_related_form 07956887 +02491383 _derivationally_related_form 00510189 +00125629 _derivationally_related_form 01137138 +06295235 _member_of_domain_usage 06271778 +03401721 _has_part 04021798 +13814184 _hypernym 13812607 +05773407 _hypernym 05770926 +06176107 _derivationally_related_form 10141364 +06209242 _hypernym 06208751 +01453433 _derivationally_related_form 00114871 +03141065 _derivationally_related_form 01844859 +02440705 _hypernym 01862557 +12457250 _hypernym 11556187 +12706644 _hypernym 11566682 +02663657 _member_meronym 02664136 +02288473 _member_meronym 02309841 +11889847 _hypernym 11575425 +02183697 _member_meronym 02184114 +08063446 _hypernym 08059870 +00418408 _derivationally_related_form 13561521 +09275473 _has_part 08952190 +01904293 _derivationally_related_form 11527967 +12720532 _member_meronym 12721357 +01350449 _derivationally_related_form 10461424 +00262249 _derivationally_related_form 02748927 +09189411 _has_part 08947319 +07978423 _hypernym 07951464 +02589245 _derivationally_related_form 09945905 +00205349 _hypernym 00203342 +00341548 _derivationally_related_form 02039156 +07588947 _derivationally_related_form 00323856 +00212414 _hypernym 01664172 +00857784 _derivationally_related_form 10171219 +09366940 _hypernym 11439690 +05789808 _derivationally_related_form 00121678 +01727684 _synset_domain_topic_of 00543233 +09082540 _instance_hypernym 08655464 +12048772 _hypernym 11556857 +01089878 _derivationally_related_form 01012360 +01558883 _derivationally_related_form 13904843 +01350226 _hypernym 01349948 +01737875 _hypernym 01737021 +05416198 _hypernym 05404728 +00830761 _derivationally_related_form 10252222 +07125958 _derivationally_related_form 00981944 +02014646 _member_meronym 02017607 +00556313 _hypernym 00279835 +15159583 _derivationally_related_form 00735389 +05301908 _derivationally_related_form 01040707 +00005526 _derivationally_related_form 00835501 +01862399 _has_part 05554189 +04959567 _hypernym 04959230 +04355821 _hypernym 03430551 +10941714 _instance_hypernym 10123844 +08135342 _has_part 08141374 +12945708 _member_meronym 12945828 +06889330 _derivationally_related_form 01848355 +08735705 _has_part 08737716 +00357332 _derivationally_related_form 07719437 +00786816 _hypernym 00785008 +11433013 _hypernym 11431754 +01595596 _also_see 02074092 +01185611 _hypernym 01184814 +05311054 _has_part 05405554 +06808493 _hypernym 06359877 +01746063 _hypernym 01657723 +06791372 _derivationally_related_form 00921300 +00368939 _hypernym 00368592 +11051070 _instance_hypernym 10123844 +01007924 _derivationally_related_form 06467007 +01672753 _hypernym 01653013 +02152504 _derivationally_related_form 04142549 +01926090 _hypernym 01921559 +00658627 _derivationally_related_form 02348927 +12634429 _hypernym 12633638 +03785843 _hypernym 03096593 +02492536 _member_meronym 02492660 +12846546 _hypernym 11579418 +02336129 _hypernym 01864707 +02037090 _derivationally_related_form 13892897 +05521934 _hypernym 05327134 +01826723 _derivationally_related_form 14038993 +02402825 _derivationally_related_form 00216174 +00334356 _hypernym 00331950 +05716577 _derivationally_related_form 02337667 +00072586 _verb_group 00072012 +02641608 _member_meronym 02647503 +10270878 _derivationally_related_form 01828405 +01932834 _synset_domain_topic_of 00314469 +10231515 _derivationally_related_form 08558155 +05845140 _hypernym 05839024 +01760944 _derivationally_related_form 00802318 +00390842 _derivationally_related_form 10656223 +11911591 _member_meronym 11923827 +00932324 _derivationally_related_form 06811625 +09067277 _has_part 09441725 +10526534 _hypernym 00007846 +00202934 _derivationally_related_form 07518468 +00686447 _derivationally_related_form 14412725 +10484858 _hypernym 10372373 +01252280 _hypernym 00237078 +09055015 _has_part 09306642 +03109399 _derivationally_related_form 02551602 +05734018 _derivationally_related_form 00826509 +00219012 _derivationally_related_form 01325774 +13015826 _hypernym 11592146 +07050619 _hypernym 07048000 +06719404 _derivationally_related_form 00908977 +01133876 _derivationally_related_form 04631067 +06927736 _hypernym 06926458 +09773076 _derivationally_related_form 01992503 +00503164 _derivationally_related_form 05827684 +03320046 _hypernym 03183080 +10162354 _derivationally_related_form 03497657 +10346198 _hypernym 09623038 +06845599 _member_of_domain_usage 02989178 +00063277 _derivationally_related_form 05648459 +13516597 _has_part 13504739 +09249418 _instance_hypernym 09411430 +06217103 _hypernym 06212839 +00815686 _derivationally_related_form 10524413 +02054376 _member_meronym 02054502 +02013034 _hypernym 01507175 +10524973 _derivationally_related_form 00779360 +07086518 _hypernym 15122011 +00776059 _derivationally_related_form 09773245 +00799798 _derivationally_related_form 00232863 +00588221 _derivationally_related_form 05806855 +13981137 _hypernym 13980845 +11485367 _hypernym 11473954 +01969103 _member_meronym 01973375 +14754192 _hypernym 14751417 +05519085 _has_part 05303232 +05430095 _hypernym 05287882 +08812952 _has_part 08813264 +01040646 _synset_domain_topic_of 05946687 +00867983 _derivationally_related_form 00014201 +13630864 _hypernym 13601596 +14472299 _hypernym 14462666 +00827782 _derivationally_related_form 02716767 +10674130 _derivationally_related_form 02534492 +02153387 _derivationally_related_form 10565302 +03502331 _hypernym 03419014 +06203758 _hypernym 06201908 +02326237 _hypernym 01864707 +07774295 _hypernym 07737081 +02358034 _derivationally_related_form 05612809 +12332866 _member_meronym 12333053 +02470451 _member_meronym 02479896 +00646542 _derivationally_related_form 00644503 +01313093 _member_meronym 01928360 +08910668 _has_part 08912703 +00374063 _derivationally_related_form 00220869 +04295081 _hypernym 03430959 +03498316 _hypernym 02784732 +02002875 _member_meronym 02003204 +12078954 _hypernym 11556857 +08229779 _hypernym 08227214 +02441723 _member_meronym 02443484 +12585629 _hypernym 12583126 +09039411 _member_of_domain_region 06340047 +01538928 _derivationally_related_form 04694441 +01314388 _hypernym 00015388 +00851100 _hypernym 00854904 +11638902 _hypernym 11554175 +13149970 _hypernym 13149296 +04108268 _derivationally_related_form 01604251 +09863031 _hypernym 09614684 +01406092 _hypernym 08221348 +03678362 _hypernym 03100490 +02342132 _derivationally_related_form 02671421 +09614684 _derivationally_related_form 01130169 +02123672 _derivationally_related_form 05713737 +08366202 _derivationally_related_form 10618848 +04034884 _hypernym 02715941 +03958097 _hypernym 02743547 +01462005 _derivationally_related_form 00003553 +10169419 _hypernym 10731244 +07506569 _derivationally_related_form 02508078 +12451789 _hypernym 11561228 +12094786 _member_meronym 12095020 +08860123 _member_of_domain_region 13345286 +01639105 _derivationally_related_form 03772269 +12289744 _member_meronym 12484413 +00670703 _hypernym 00391599 +12459629 _hypernym 13134302 +01691057 _derivationally_related_form 10801291 +08066763 _hypernym 08060446 +01354405 _derivationally_related_form 04561734 +02464725 _derivationally_related_form 01226941 +07370671 _derivationally_related_form 01973759 +08809596 _instance_hypernym 08552138 +01977701 _verb_group 01985923 +02564130 _member_meronym 02564403 +00967993 _hypernym 00954311 +02106506 _derivationally_related_form 00876874 +12823164 _member_meronym 12825949 +09755398 _derivationally_related_form 06213688 +10280674 _derivationally_related_form 01629958 +09383793 _instance_hypernym 09428293 +05580929 _hypernym 05581349 +12811294 _member_meronym 12811501 +02510455 _hypernym 02507649 +10700105 _hypernym 09632518 +08193854 _hypernym 08337324 +06507941 _synset_domain_topic_of 00464894 +01163047 _hypernym 01160729 +04142549 _hypernym 03931044 +01645601 _derivationally_related_form 07326557 +03141702 _derivationally_related_form 01593937 +01064401 _hypernym 00983824 +00024649 _hypernym 00126264 +12654659 _hypernym 12653762 +01401106 _hypernym 01397114 +13413493 _hypernym 00033615 +14855724 _derivationally_related_form 00072012 +09454412 _hypernym 00019128 +10249950 _derivationally_related_form 00589217 +00368109 _derivationally_related_form 08189659 +01633343 _derivationally_related_form 10383816 +15143276 _hypernym 15266911 +01648139 _hypernym 01639765 +10203949 _hypernym 10307234 +13885700 _derivationally_related_form 00356954 +01915730 _hypernym 01915365 +09138935 _has_part 09139849 +00974367 _derivationally_related_form 09795334 +08482700 _hypernym 08426461 +04741311 _hypernym 04733640 +01933478 _hypernym 01930112 +02517202 _hypernym 02367363 +00094500 _synset_domain_topic_of 08083599 +01219004 _derivationally_related_form 04204468 +00764031 _hypernym 00759694 +03122748 _hypernym 00021939 +00033599 _derivationally_related_form 04674715 +07859284 _derivationally_related_form 02195951 +00813044 _derivationally_related_form 04661151 +04761212 _hypernym 04760771 +03125352 _hypernym 03894762 +05479108 _hypernym 05476256 +10469611 _hypernym 10490699 +02937336 _hypernym 03764276 +01522716 _hypernym 00142191 +12383073 _member_meronym 12383256 +00222376 _derivationally_related_form 01258302 +10412055 _derivationally_related_form 01904930 +03038281 _derivationally_related_form 01548576 +00646332 _hypernym 00152727 +01144355 _derivationally_related_form 00678282 +06548498 _derivationally_related_form 00161987 +01312096 _has_part 01271107 +03302121 _derivationally_related_form 01310660 +00148978 _derivationally_related_form 01354673 +00819508 _derivationally_related_form 07216083 +05343542 _hypernym 05333777 +02575723 _derivationally_related_form 00752954 +01106864 _derivationally_related_form 05143690 +00263044 _derivationally_related_form 04692157 +08856475 _instance_hypernym 08524735 +01099592 _derivationally_related_form 10273064 +08821578 _instance_hypernym 08574314 +14681555 _hypernym 15078550 +01704236 _hypernym 01729431 +07216083 _derivationally_related_form 00818553 +04050410 _derivationally_related_form 01516534 +14092247 _hypernym 14501726 +04721650 _hypernym 04721058 +04751305 _hypernym 04751098 +02589576 _verb_group 00976653 +00564695 _derivationally_related_form 00406612 +03351434 _member_meronym 03351768 +01767661 _has_part 01903756 +10290422 _derivationally_related_form 01931768 +00651630 _hypernym 00650353 +05890249 _hypernym 05888929 +02844728 _derivationally_related_form 13872592 +07233863 _derivationally_related_form 00864910 +02056466 _hypernym 01850315 +00954038 _derivationally_related_form 07220773 +08764107 _instance_hypernym 08697827 +00744616 _derivationally_related_form 00957176 +04528630 _hypernym 03740161 +05549830 _has_part 05556325 +11838741 _member_meronym 11838916 +05090441 _hypernym 04916342 +14156976 _hypernym 14074877 +01196316 _synset_domain_topic_of 08455271 +05243704 _hypernym 08657249 +00885217 _derivationally_related_form 05689801 +07309223 _hypernym 07308889 +09030752 _instance_hypernym 08702402 +06423754 _hypernym 06423619 +14552802 _hypernym 14548343 +14977504 _derivationally_related_form 01267098 +03278248 _has_part 03274796 +07081043 _hypernym 07081739 +06248968 _derivationally_related_form 10688356 +00315986 _derivationally_related_form 01449974 +08521267 _has_part 08494987 +04199027 _has_part 03631445 +09813219 _hypernym 10324560 +00440286 _derivationally_related_form 15272029 +11911591 _member_meronym 11918131 +13054211 _member_meronym 13057845 +09194357 _has_part 09349192 +14673978 _hypernym 14989820 +00749230 _also_see 01156112 +12769815 _member_meronym 12772081 +07351612 _derivationally_related_form 01907258 +01161635 _hypernym 01160342 +10085217 _derivationally_related_form 01146918 +09800631 _derivationally_related_form 02703432 +00210738 _derivationally_related_form 13516176 +09629752 _derivationally_related_form 01843055 +10369955 _synset_domain_topic_of 08199025 +11807849 _hypernym 11573660 +10994906 _derivationally_related_form 03067506 +00378985 _derivationally_related_form 00394813 +01881957 _derivationally_related_form 10176111 +02482784 _hypernym 02482425 +06316048 _derivationally_related_form 02937108 +10016954 _hypernym 00007846 +00388635 _derivationally_related_form 00217014 +02958343 _has_part 02970685 +08950230 _instance_hypernym 08524735 +02575590 _hypernym 02574910 +00168910 _derivationally_related_form 01047338 +06741305 _derivationally_related_form 00893435 +12587686 _member_meronym 12587803 +01912272 _hypernym 01342529 +08807894 _instance_hypernym 08633957 +05261088 _hypernym 05256862 +01174251 _has_part 01174645 +01072780 _hypernym 01072565 +15122011 _synset_domain_topic_of 07020895 +02434541 _derivationally_related_form 09761068 +02572119 _derivationally_related_form 00780148 +14407070 _hypernym 14406573 +00182213 _derivationally_related_form 02462580 +05820620 _hypernym 05816287 +02910864 _hypernym 02896442 +12364604 _hypernym 13104059 +14633206 _derivationally_related_form 02863724 +04543158 _hypernym 04576211 +00217014 _derivationally_related_form 00388635 +07502980 _hypernym 07501545 +01462468 _derivationally_related_form 07375405 +01679806 _derivationally_related_form 04484160 +08860123 _member_of_domain_region 10454972 +02576921 _derivationally_related_form 00750890 +01637368 _derivationally_related_form 05632446 +06295235 _member_of_domain_usage 06606464 +08616050 _derivationally_related_form 01576478 +05908882 _hypernym 05907682 +01542207 _verb_group 02069888 +04696432 _hypernym 14228148 +00376625 _hypernym 00376106 +03412220 _hypernym 03619890 +07953827 _has_part 02746365 +02395115 _derivationally_related_form 05658226 +09284589 _derivationally_related_form 00507664 +09781650 _hypernym 09606527 +05808218 _derivationally_related_form 01637982 +09060768 _has_part 09166902 +01856748 _hypernym 01507175 +12121610 _hypernym 12102133 +02057656 _derivationally_related_form 03244388 +02321046 _hypernym 02265560 +00255214 _hypernym 00255710 +01035199 _hypernym 00768778 +00265673 _derivationally_related_form 10515194 +10685853 _derivationally_related_form 00412271 +10665698 _derivationally_related_form 00604694 +02251775 _hypernym 02246011 +02586619 _derivationally_related_form 15295416 +05823932 _derivationally_related_form 01015244 +07157273 _member_of_domain_usage 09641226 +09093608 _has_part 09094381 +04045941 _derivationally_related_form 01573891 +07380144 _derivationally_related_form 02174461 +02469588 _member_meronym 02496210 +09349192 _instance_hypernym 09360122 +00791134 _derivationally_related_form 06556692 +12911079 _hypernym 12910285 +00456151 _derivationally_related_form 13557158 +12459471 _member_meronym 12459629 +00754118 _derivationally_related_form 02578235 +09629752 _derivationally_related_form 01846916 +01997862 _derivationally_related_form 01067577 +01933686 _hypernym 01921559 +00399368 _derivationally_related_form 13456899 +00348541 _hypernym 00345761 +10596689 _hypernym 10718131 +04502364 _hypernym 03068181 +04864200 _derivationally_related_form 00708980 +05318606 _synset_domain_topic_of 06057539 +08624385 _hypernym 08621598 +01670315 _derivationally_related_form 02955540 +07885223 _hypernym 07578363 +07300316 _synset_domain_topic_of 06128570 +03679986 _derivationally_related_form 01612084 +00446885 _synset_domain_topic_of 06084469 +13506587 _derivationally_related_form 00488617 +01549291 _derivationally_related_form 04850589 +13917094 _hypernym 13915999 +01616970 _hypernym 01507175 +05582859 _derivationally_related_form 01530431 +09544433 _hypernym 09545324 +02670890 _derivationally_related_form 05149325 +01422835 _hypernym 01342529 +07429484 _hypernym 07428954 +00027807 _hypernym 00024264 +14008567 _derivationally_related_form 00068858 +02600135 _member_meronym 02600503 +12659539 _hypernym 12659356 +09091398 _instance_hypernym 08695539 +01605630 _derivationally_related_form 01145612 +00851933 _derivationally_related_form 06715786 +00055010 _derivationally_related_form 13471815 +08860123 _member_of_domain_region 10324357 +01219004 _hypernym 01217043 +01481154 _derivationally_related_form 02887489 +01532329 _derivationally_related_form 04694809 +05716462 _hypernym 05715864 +00400883 _hypernym 00126264 +00765213 _derivationally_related_form 01151407 +01921204 _derivationally_related_form 10204921 +00747519 _hypernym 00747215 +02503365 _derivationally_related_form 10071139 +05721990 _derivationally_related_form 02869097 +02525312 _synset_domain_topic_of 00523513 +02427103 _hypernym 02426171 +02875499 _derivationally_related_form 09863936 +01988080 _hypernym 01494310 +11607739 _hypernym 11553763 +02020777 _member_meronym 02020902 +07667326 _hypernym 07653394 +01485839 _hypernym 01482449 +05760202 _derivationally_related_form 00611802 +09044862 _member_of_domain_region 13395897 +13505843 _hypernym 13440063 +01448767 _member_meronym 01449252 +00272683 _hypernym 00126264 +10316527 _hypernym 09908508 +00798245 _hypernym 00797878 +08701719 _instance_hypernym 08574314 +08860123 _member_of_domain_region 13752679 +10765098 _hypernym 10178216 +14848785 _derivationally_related_form 01351754 +01275762 _hypernym 01276970 +09303647 _has_part 09375693 +00773814 _hypernym 00766234 +00952214 _derivationally_related_form 00731159 +00700162 _hypernym 00699815 +02647503 _member_meronym 02648174 +02345048 _derivationally_related_form 10443170 +01236941 _hypernym 01236164 +00802946 _derivationally_related_form 01762839 +02705651 _hypernym 03910033 +01414088 _hypernym 01397210 +01717666 _hypernym 01656813 +01124794 _hypernym 01123598 +13067845 _hypernym 11590783 +09140148 _has_part 09141119 +07848645 _hypernym 07848338 +14014162 _synset_domain_topic_of 06083243 +05503705 _has_part 05380697 +04166553 _derivationally_related_form 01239862 +09075842 _has_part 09255921 +00214951 _derivationally_related_form 14535431 +07313636 _hypernym 07301336 +02277448 _derivationally_related_form 00781912 +07426893 _hypernym 07359599 +13031956 _member_meronym 13032115 +07313004 _derivationally_related_form 00240571 +08766988 _member_of_domain_region 06883725 +02788689 _hypernym 03563967 +02069248 _hypernym 02066939 +02685585 _synset_domain_topic_of 08199025 +02150039 _derivationally_related_form 00141396 +10685123 _derivationally_related_form 05779116 +06877381 _derivationally_related_form 02164531 +00348312 _derivationally_related_form 01909397 +11641788 _member_meronym 11641963 +02512053 _has_part 02466132 +10566072 _derivationally_related_form 01684337 +00738314 _hypernym 00634906 +08977527 _instance_hypernym 08524735 +07452074 _hypernym 07450842 +01684899 _hypernym 01685313 +01354869 _member_meronym 01374989 +11911591 _member_meronym 12011067 +08038748 _instance_hypernym 08392137 +02019011 _derivationally_related_form 10121952 +08565006 _instance_hypernym 08675967 +09938672 _derivationally_related_form 14984973 +13597794 _hypernym 13582013 +00536143 _hypernym 00126264 +00270215 _hypernym 01380638 +13575433 _derivationally_related_form 03000447 +01491235 _hypernym 01432517 +13904843 _hypernym 13896369 +04526800 _hypernym 02690941 +12613285 _member_meronym 12613408 +00118523 _derivationally_related_form 05051896 +01723425 _hypernym 01657723 +08809749 _has_part 08810220 +10884061 _instance_hypernym 10794014 +00532607 _hypernym 00126264 +01289631 _instance_hypernym 00955060 +08030481 _synset_domain_topic_of 00759694 +01756089 _hypernym 01754876 +09137032 _member_of_domain_region 07689217 +01801753 _hypernym 01507175 +13763058 _hypernym 13762836 +14394094 _derivationally_related_form 00388296 +10310516 _hypernym 10100761 +02186506 _derivationally_related_form 07379223 +02834778 _has_part 03796605 +02343772 _hypernym 02329401 +08757569 _instance_hypernym 08574314 +07132415 _derivationally_related_form 00978549 +02608823 _derivationally_related_form 07325190 +03125057 _hypernym 03033986 +00243124 _hypernym 00126264 +05715864 _derivationally_related_form 02194286 +00269140 _derivationally_related_form 01525116 +13940456 _derivationally_related_form 02397637 +09269472 _hypernym 09265620 +03214253 _hypernym 03302121 +07075172 _member_of_domain_usage 14521954 +14870924 _hypernym 14926294 +00599472 _derivationally_related_form 10570019 +01053339 _hypernym 00983824 +00828082 _derivationally_related_form 02147109 +03788498 _has_part 03788601 +02728440 _hypernym 03051540 +05521111 _hypernym 05250659 +00944449 _derivationally_related_form 00027705 +01131043 _also_see 01125429 +06054892 _derivationally_related_form 10421753 +09895222 _hypernym 10480253 +01992773 _hypernym 01975687 +02775483 _hypernym 03945615 +01886334 _derivationally_related_form 00556142 +02183024 _hypernym 02176268 +02541687 _hypernym 01428580 +12220994 _member_meronym 12221191 +01606205 _hypernym 01587062 +01904182 _derivationally_related_form 00197744 +04181228 _derivationally_related_form 01085474 +01662274 _member_meronym 01662622 +00828374 _hypernym 00827730 +14854847 _derivationally_related_form 00502623 +03999280 _hypernym 03740161 +12813393 _hypernym 11566230 +11714150 _hypernym 11571907 +02193612 _derivationally_related_form 05782884 +02461314 _hypernym 00674607 +01697816 _hypernym 01617192 +01802219 _derivationally_related_form 06379568 +11717239 _hypernym 11571907 +13424183 _hypernym 13518963 +01053067 _derivationally_related_form 01469263 +00090513 _derivationally_related_form 00662681 +10298647 _hypernym 10054657 +12480895 _hypernym 12476510 +05778749 _derivationally_related_form 00139586 +03360845 _hypernym 03058949 +13313733 _derivationally_related_form 02656390 +01633047 _hypernym 01626134 +00324806 _derivationally_related_form 07576577 +00763630 _synset_domain_topic_of 00759694 +00304422 _derivationally_related_form 07313518 +00278040 _derivationally_related_form 01376082 +01252800 _hypernym 01022483 +07162194 _hypernym 06598915 +10226060 _hypernym 09942970 +11813309 _hypernym 11573660 +11444643 _derivationally_related_form 00208836 +07168623 _hypernym 07168131 +13897996 _hypernym 04341686 +12927494 _hypernym 13109733 +07718747 _hypernym 07707451 +02415573 _derivationally_related_form 10442417 +08107499 _hypernym 07992450 +03471974 _hypernym 03265874 +01641751 _derivationally_related_form 00061598 +02059393 _hypernym 01507175 +10630188 _derivationally_related_form 00941990 +04602044 _hypernym 08578706 +12060816 _member_meronym 12061104 +03213014 _hypernym 03269401 +11389619 _instance_hypernym 10583387 +12758639 _member_meronym 12765679 +00999817 _also_see 01148283 +08749864 _instance_hypernym 09203827 +14500341 _derivationally_related_form 01466733 +00971463 _hypernym 00955060 +13298701 _derivationally_related_form 02202133 +07370410 _derivationally_related_form 01921964 +01919931 _also_see 00298767 +05748285 _derivationally_related_form 00119074 +00908772 _derivationally_related_form 01619354 +05978812 _derivationally_related_form 10625860 +02077148 _derivationally_related_form 00946499 +02182109 _hypernym 02176268 +02397377 _hypernym 01864707 +00266806 _hypernym 00248977 +01518878 _hypernym 01517565 +02140781 _derivationally_related_form 00344040 +05304932 _derivationally_related_form 01175224 +07776866 _hypernym 07555863 +02006827 _hypernym 01507175 +11780148 _hypernym 11779300 +04653627 _derivationally_related_form 09945905 +02383231 _hypernym 02382948 +04085365 _hypernym 02725367 +10656832 _hypernym 10044470 +11713034 _member_meronym 11713370 +07773238 _hypernym 07555863 +02652922 _hypernym 01862918 +03662887 _hypernym 03663531 +10260473 _synset_domain_topic_of 08199025 +09144730 _instance_hypernym 08524735 +14046202 _has_part 14048441 +02662688 _hypernym 01432517 +00406053 _hypernym 00406243 +04819026 _hypernym 04723816 +00309990 _hypernym 00334186 +04904664 _hypernym 04623612 +00473799 _derivationally_related_form 14459824 +09753498 _synset_domain_topic_of 05778131 +01138204 _derivationally_related_form 09881748 +01720773 _synset_domain_topic_of 07006119 +06248968 _hypernym 06248043 +09184668 _hypernym 09183693 +05698247 _hypernym 05669934 +11975100 _hypernym 11579418 +12224309 _member_meronym 12224522 +12132299 _hypernym 11556857 +02355596 _hypernym 01111816 +02260623 _hypernym 01759182 +11787391 _member_meronym 11787625 +10623175 _synset_domain_topic_of 08441203 +08949093 _has_part 08950035 +14416349 _derivationally_related_form 01705655 +08237863 _hypernym 07975026 +14037011 _derivationally_related_form 02116118 +00763713 _hypernym 00763399 +01110661 _hypernym 01110517 +05112609 _derivationally_related_form 02335828 +08860123 _member_of_domain_region 00637145 +15098161 _hypernym 14991712 +06979014 _hypernym 06904171 +02715279 _derivationally_related_form 00013887 +12025019 _member_meronym 12025507 +00192613 _derivationally_related_form 02269143 +09208702 _hypernym 09355623 +14635722 _hypernym 14821043 +15280695 _hypernym 14302005 +01907495 _member_meronym 01907738 +02168699 _similar_to 02166346 +00689673 _synset_domain_topic_of 13308999 +10556518 _derivationally_related_form 00708376 +00049197 _hypernym 00047945 +01092366 _derivationally_related_form 01170962 +09946278 _hypernym 09629752 +14471724 _hypernym 14465048 +05960464 _derivationally_related_form 00963283 +00868910 _derivationally_related_form 02265231 +05560787 _has_part 05562249 +00118552 _derivationally_related_form 00006238 +07995164 _member_meronym 02062430 +07075172 _member_of_domain_usage 02532458 +02157399 _derivationally_related_form 14554011 +00253395 _synset_domain_topic_of 00704305 +11121108 _instance_hypernym 10547145 +02546331 _hypernym 01428580 +02475922 _derivationally_related_form 09909760 +02131072 _derivationally_related_form 07487695 +09093608 _has_part 09243405 +01919226 _derivationally_related_form 00284101 +09275473 _has_part 08953324 +00737536 _derivationally_related_form 00683185 +10206887 _derivationally_related_form 02390470 +00272448 _hypernym 00271263 +01277288 _instance_hypernym 00968155 +01254882 _derivationally_related_form 01049737 +02472693 _derivationally_related_form 01991472 +08505573 _hypernym 08673395 +07524760 _derivationally_related_form 01764171 +08766988 _member_of_domain_region 00518303 +00571596 _verb_group 01995211 +02971940 _has_part 04346679 +02646931 _derivationally_related_form 14441825 +12594746 _hypernym 11556857 +06073888 _derivationally_related_form 10394786 +00093163 _derivationally_related_form 13452347 +11810918 _hypernym 11573660 +10528816 _hypernym 10340312 +01254013 _derivationally_related_form 14799244 +04101701 _derivationally_related_form 01866192 +00370412 _derivationally_related_form 14822141 +08993288 _instance_hypernym 08700255 +02121234 _hypernym 01864707 +02758033 _hypernym 02756558 +04107984 _hypernym 04191943 +01867697 _derivationally_related_form 00439484 +10209616 _hypernym 09815790 +08735705 _member_meronym 09697401 +13177048 _hypernym 11545714 +13156592 _hypernym 13152742 +01949674 _derivationally_related_form 01106587 +00220115 _hypernym 01206218 +06402031 _derivationally_related_form 10011486 +00560893 _hypernym 00126264 +09945319 _derivationally_related_form 06214744 +01941670 _member_meronym 01952812 +03696065 _hypernym 03079741 +06731802 _synset_domain_topic_of 06000644 +02714360 _derivationally_related_form 13894434 +02406011 _hypernym 02405390 +08425888 _hypernym 08425303 +05240850 _hypernym 05239808 +08391387 _member_meronym 10702307 +06845599 _member_of_domain_usage 04218383 +01323958 _derivationally_related_form 14540564 +05755486 _derivationally_related_form 00299580 +00100235 _hypernym 00099721 +00893435 _derivationally_related_form 06741305 +14370391 _hypernym 14288235 +10659571 _derivationally_related_form 01034932 +08860123 _member_of_domain_region 04781967 +12669362 _hypernym 13112664 +00999588 _derivationally_related_form 00295966 +07153838 _hypernym 07151380 +01666327 _hypernym 01658188 +13484644 _hypernym 13453160 +07542675 _derivationally_related_form 01819147 +00265094 _synset_domain_topic_of 06084469 +08728749 _instance_hypernym 08524735 +00063277 _also_see 01140514 +02291708 _derivationally_related_form 13758745 +01625747 _member_meronym 01628450 +00369138 _derivationally_related_form 02082690 +07486229 _derivationally_related_form 01824736 +02595523 _hypernym 00887463 +06453324 _has_part 06437824 +02585722 _hypernym 01789514 +01362568 _derivationally_related_form 14992613 +00681429 _verb_group 00682230 +00591519 _derivationally_related_form 01746605 +12934036 _hypernym 12205694 +01178565 _derivationally_related_form 01057759 +01004582 _derivationally_related_form 00922867 +00200863 _derivationally_related_form 06428216 +09534428 _hypernym 09505418 +14409718 _hypernym 14409489 +01840775 _hypernym 01838598 +08389710 _synset_domain_topic_of 08199025 +02627532 _hypernym 02626762 +09275473 _has_part 08929922 +02270815 _hypernym 00752764 +02332445 _derivationally_related_form 06344461 +02073250 _hypernym 02062017 +01958615 _synset_domain_topic_of 00450335 +08766988 _has_part 09252766 +10205457 _synset_domain_topic_of 00471613 +12611243 _hypernym 11555413 +08289841 _hypernym 08289449 +01264283 _derivationally_related_form 04700642 +13873502 _derivationally_related_form 02040652 +00918976 _derivationally_related_form 02790474 +02999410 _hypernym 03664943 +01773535 _derivationally_related_form 04643397 +08993288 _has_part 09173023 +11926640 _hypernym 11579418 +00044037 _hypernym 00044149 +11911274 _hypernym 11534677 +14363483 _derivationally_related_form 01551195 +13910384 _derivationally_related_form 01988080 +00335923 _hypernym 00334996 +07994941 _member_meronym 02084071 +14594456 _hypernym 14594708 +06767693 _hypernym 06765044 +11270948 _instance_hypernym 10020890 +13960464 _derivationally_related_form 00835903 +10380305 _hypernym 10631941 +01103180 _hypernym 01108148 +02350105 _hypernym 02331309 +01496037 _member_meronym 01496199 +08425303 _hypernym 07951464 +03922561 _hypernym 04537602 +02719105 _hypernym 03740161 +04078236 _hypernym 02721160 +01561143 _derivationally_related_form 07301543 +00025654 _derivationally_related_form 09407043 +00729109 _hypernym 00644583 +13895262 _hypernym 13894434 +11164671 _instance_hypernym 10067305 +02529515 _member_meronym 02531503 +09836160 _hypernym 00007846 +02025530 _member_meronym 02027209 +00510189 _derivationally_related_form 02491383 +08856945 _instance_hypernym 08524735 +10199251 _hypernym 09682291 +01466303 _derivationally_related_form 09240621 +06435651 _instance_hypernym 06394865 +10588724 _derivationally_related_form 02642814 +09207288 _has_part 08715110 +02064816 _hypernym 02063224 +08653706 _derivationally_related_form 01546111 +00039488 _derivationally_related_form 05259240 +05216365 _has_part 05329533 +01696435 _hypernym 01684899 +08860123 _member_of_domain_region 04038109 +12610933 _member_meronym 12611243 +00372977 _derivationally_related_form 02285392 +09998101 _derivationally_related_form 02573275 +02284096 _hypernym 02251743 +00070965 _hypernym 00066216 +04834605 _hypernym 04833458 +00786458 _derivationally_related_form 00794367 +01710529 _hypernym 01657723 +12998349 _member_meronym 13010219 +14982265 _hypernym 15010703 +06345566 _hypernym 06344461 +10042300 _derivationally_related_form 01166351 +00594374 _hypernym 00586262 +08925957 _instance_hypernym 08524735 +00809465 _derivationally_related_form 02204692 +09084483 _instance_hypernym 08695539 +01023636 _hypernym 01184814 +00114291 _derivationally_related_form 07601809 +11076965 _instance_hypernym 10599806 +06946497 _derivationally_related_form 02958126 +07410021 _hypernym 07338681 +00788564 _derivationally_related_form 07197021 +00879271 _derivationally_related_form 00696700 +09034550 _has_part 09035951 +02429695 _member_meronym 02434834 +01332730 _derivationally_related_form 04151940 +01982650 _hypernym 01976146 +06959261 _hypernym 06956129 +02149899 _hypernym 02131279 +15231964 _has_part 15233239 +07308563 _derivationally_related_form 00306298 +10208950 _hypernym 10317007 +05786655 _hypernym 05785508 +02744651 _derivationally_related_form 03499142 +08014860 _instance_hypernym 08392137 +03351434 _member_meronym 04067472 +01066163 _hypernym 01062583 +12148962 _hypernym 11556857 +02571034 _member_meronym 02571167 +00537339 _derivationally_related_form 05070290 +02967626 _derivationally_related_form 01497292 +02163301 _derivationally_related_form 03781787 +00941974 _derivationally_related_form 02143539 +00837288 _derivationally_related_form 10455915 +04837232 _hypernym 04835724 +01976220 _hypernym 01577093 +02490247 _hypernym 02488834 +14588219 _hypernym 14586258 +01578993 _hypernym 01494310 +00653620 _derivationally_related_form 00006032 +07190941 _derivationally_related_form 02321046 +02016659 _hypernym 02016358 +02127613 _verb_group 01210152 +08798771 _member_of_domain_region 08019523 +08304135 _hypernym 08303275 +02968828 _derivationally_related_form 08716738 +01793742 _derivationally_related_form 14332085 +11190774 _instance_hypernym 10435367 +02733524 _derivationally_related_form 02034986 +06837465 _hypernym 06828818 +10176111 _derivationally_related_form 01920932 +07151892 _derivationally_related_form 02897524 +07317519 _hypernym 07314427 +12893094 _member_meronym 12897999 +00249313 _hypernym 00203866 +02154508 _derivationally_related_form 00635205 +00967098 _hypernym 00831651 +11516819 _synset_domain_topic_of 06090869 +00264529 _derivationally_related_form 00222135 +10269458 _derivationally_related_form 02656763 +01176232 _derivationally_related_form 07557165 +01930738 _derivationally_related_form 02958343 +11867525 _member_meronym 11880218 +01673503 _member_meronym 01673668 +02330582 _member_meronym 02368563 +03345837 _derivationally_related_form 02761897 +11790788 _hypernym 13121544 +05629381 _has_part 09338453 +01957202 _hypernym 01939598 +01969550 _member_meronym 01969726 +02258291 _synset_domain_topic_of 06000644 +00806902 _derivationally_related_form 00275607 +11880610 _hypernym 11575425 +00816556 _derivationally_related_form 07204240 +09758173 _derivationally_related_form 01196037 +12771390 _has_part 07746186 +01507402 _also_see 00247439 +05736149 _hypernym 05733583 +05282000 _has_part 05542193 +01142324 _synset_domain_topic_of 05946687 +07612996 _hypernym 07609840 +14407899 _derivationally_related_form 02678839 +06457952 _has_part 06460295 +02604014 _hypernym 01429349 +01586170 _hypernym 01507175 +01038666 _derivationally_related_form 10757193 +00177963 _derivationally_related_form 05162217 +13660178 _derivationally_related_form 00491689 +10794014 _derivationally_related_form 01744611 +06845599 _member_of_domain_usage 14777606 +08731606 _has_part 09036452 +07091902 _member_of_domain_usage 09476717 +00404642 _derivationally_related_form 10383237 +00246940 _hypernym 00243918 +04884627 _hypernym 04884450 +10659393 _derivationally_related_form 01323518 +02223479 _hypernym 02222318 +11145199 _instance_hypernym 09765278 +10066732 _derivationally_related_form 00593944 +04777852 _hypernym 04776699 +01844431 _derivationally_related_form 08581503 +02132745 _derivationally_related_form 10648909 +12236546 _hypernym 13112664 +04073948 _hypernym 04079244 +02706046 _derivationally_related_form 10603528 +12169776 _member_meronym 12186116 +02809220 _derivationally_related_form 05643190 +00257770 _derivationally_related_form 00037919 +14380140 _hypernym 14373582 +09075842 _has_part 09077111 +12697360 _hypernym 11585340 +03693474 _hypernym 04256520 +01681200 _member_meronym 01681328 +02637592 _derivationally_related_form 13811184 +00877559 _hypernym 00784342 +04694090 _hypernym 04692157 +01228102 _hypernym 00037396 +06533039 _synset_domain_topic_of 08441203 +01627965 _derivationally_related_form 04780605 +08369920 _member_meronym 11313726 +06250444 _synset_domain_topic_of 06172789 +02613487 _derivationally_related_form 07185076 +02409412 _derivationally_related_form 09867956 +09607630 _derivationally_related_form 02475922 +01932704 _hypernym 01931768 +04234969 _hypernym 03722288 +15268094 _hypernym 15113229 +06843520 _hypernym 06841365 +04540761 _has_part 02714535 +12289744 _member_meronym 12485122 +15205532 _hypernym 15113229 +02233943 _hypernym 02233338 +11805255 _hypernym 12205694 +09039411 _has_part 09042213 +02249741 _derivationally_related_form 00259643 +00250181 _derivationally_related_form 13489037 +03595614 _hypernym 04197391 +00477665 _hypernym 00140967 +02004343 _hypernym 01507175 +05970012 _synset_domain_topic_of 06158346 +10236521 _hypernym 10235549 +07254267 _derivationally_related_form 02382367 +08078020 _derivationally_related_form 10182499 +02554922 _derivationally_related_form 10482220 +13549488 _synset_domain_topic_of 06080522 +00732746 _hypernym 00407535 +01327322 _hypernym 00004475 +10630188 _derivationally_related_form 00963570 +15210045 _has_part 15182189 +01127623 _derivationally_related_form 02306462 +01411085 _derivationally_related_form 04332987 +01660772 _hypernym 01659248 +12296218 _member_meronym 12296432 +01446901 _derivationally_related_form 10771270 +08921850 _member_of_domain_region 08018983 +07375635 _hypernym 07445480 +00444519 _derivationally_related_form 05085572 +01373844 _derivationally_related_form 15056541 +05550688 _hypernym 05550330 +13066631 _member_meronym 13067532 +06507041 _derivationally_related_form 02471690 +09022265 _member_of_domain_region 08025835 +07216412 _hypernym 07175241 +05761918 _derivationally_related_form 02620724 +09416570 _has_part 09391996 +09023321 _has_part 09401474 +06487897 _derivationally_related_form 01626844 +00086077 _hypernym 00078760 +13428159 _derivationally_related_form 02112891 +06533648 _synset_domain_topic_of 08441203 +03291551 _has_part 04478657 +09231890 _instance_hypernym 09411430 +07302267 _hypernym 07314427 +10129825 _hypernym 10787470 +02418205 _derivationally_related_form 09993901 +09791816 _derivationally_related_form 13973059 +08860123 _member_of_domain_region 07800487 +08860123 _member_of_domain_usage 10548227 +02599784 _member_meronym 02599958 +09942275 _synset_domain_topic_of 08199025 +00672277 _derivationally_related_form 00874067 +09237076 _has_part 09405169 +08855505 _instance_hypernym 08524735 +01454810 _derivationally_related_form 10492202 +04181228 _derivationally_related_form 00233335 +09906986 _derivationally_related_form 00596692 +01165290 _derivationally_related_form 09768830 +03103198 _derivationally_related_form 01023636 +04408330 _instance_hypernym 04374735 +09016099 _instance_hypernym 08524735 +01051331 _derivationally_related_form 00413876 +04864515 _derivationally_related_form 02005756 +09155306 _has_part 09155986 +06732169 _has_part 06808720 +01543123 _also_see 00670179 +10789118 _hypernym 10257647 +10203949 _derivationally_related_form 02390470 +01800286 _member_meronym 01800424 +03174991 _hypernym 03936895 +01576165 _derivationally_related_form 00841091 +01724083 _hypernym 00849939 +02534307 _also_see 02534062 +02094569 _derivationally_related_form 00113726 +00885217 _hypernym 02458103 +05563266 _derivationally_related_form 01906322 +01050651 _derivationally_related_form 07032026 +00643473 _derivationally_related_form 00648931 +01948154 _hypernym 01938850 +02165304 _derivationally_related_form 00878221 +04071102 _hypernym 04191595 +01115349 _derivationally_related_form 04783247 +00052845 _hypernym 00052548 +02629581 _hypernym 01432517 +03273740 _has_part 03508628 +01843497 _derivationally_related_form 08640531 +11086774 _instance_hypernym 10705615 +00137279 _synset_domain_topic_of 00478262 +05335310 _hypernym 05333777 +01959927 _hypernym 01958615 +03236217 _derivationally_related_form 01244516 +02501738 _derivationally_related_form 00206927 +02723016 _hypernym 00010435 +03441345 _hypernym 03079741 +01939174 _derivationally_related_form 04235291 +00095329 _derivationally_related_form 02250625 +12405209 _member_meronym 12407890 +06481320 _has_part 06482401 +02234719 _member_meronym 02234848 +08720481 _member_of_domain_region 08031663 +00826509 _derivationally_related_form 05734018 +01646866 _hypernym 01645601 +02257767 _derivationally_related_form 00197772 +06730780 _derivationally_related_form 00843468 +09044862 _member_of_domain_region 15186871 +02535909 _member_meronym 02536165 +08953324 _derivationally_related_form 09714120 +00952182 _derivationally_related_form 05202284 +11822849 _member_meronym 11823043 +02574489 _hypernym 01342529 +05588174 _has_part 05274247 +01780104 _hypernym 02002720 +12744850 _hypernym 12651821 +00100543 _derivationally_related_form 01686132 +01186428 _derivationally_related_form 15142836 +01301630 _has_part 01269633 +07425011 _derivationally_related_form 02987177 +00194170 _hypernym 01854132 +07307895 _hypernym 07307754 +11805380 _member_meronym 11805544 +06526291 _derivationally_related_form 10402417 +08233426 _hypernym 08233056 +01175224 _derivationally_related_form 00279235 +12382484 _hypernym 11565385 +06760722 _hypernym 06758225 +09260907 _hypernym 09335240 +11256125 _instance_hypernym 09765278 +06199702 _hypernym 06196584 +00708017 _similar_to 00709625 +12052053 _hypernym 11556857 +00739340 _derivationally_related_form 05770926 +01052215 _derivationally_related_form 00914769 +02475922 _derivationally_related_form 09800964 +01789514 _derivationally_related_form 05831939 +02903062 _derivationally_related_form 09466280 +10209731 _derivationally_related_form 00891216 +01886488 _also_see 02072849 +09989502 _derivationally_related_form 01708676 +12100538 _member_meronym 12135898 +04254777 _hypernym 03540267 +01487077 _member_meronym 01487312 +06851742 _member_of_domain_usage 14777104 +07128527 _hypernym 07109847 +02069271 _hypernym 01864707 +02227362 _hypernym 02228031 +00709625 _derivationally_related_form 05728678 +08172103 _member_meronym 08957381 +02038357 _also_see 01590007 +01219004 _derivationally_related_form 01017550 +00069295 _derivationally_related_form 13553916 +00420132 _hypernym 00126264 +04744814 _hypernym 04743605 +01321002 _derivationally_related_form 04250026 +04298171 _hypernym 04298308 +02185694 _member_meronym 02185814 +11641275 _member_meronym 11641494 +03420559 _derivationally_related_form 01155421 +10194566 _hypernym 10379376 +13552270 _hypernym 13453428 +08060694 _derivationally_related_form 09935434 +05758059 _hypernym 05984287 +00037514 _hypernym 00173338 +13197800 _member_meronym 13198054 +05869857 _derivationally_related_form 00367685 +02089632 _hypernym 02089420 +09792555 _hypernym 10235549 +02734800 _hypernym 00117985 +08766988 _member_of_domain_region 01288057 +00243373 _derivationally_related_form 02395782 +09931640 _derivationally_related_form 01804414 +01248597 _derivationally_related_form 00150762 +10708454 _hypernym 09621545 +06903255 _derivationally_related_form 00207184 +03375443 _hypernym 03892891 +11900058 _member_meronym 11905584 +00311338 _derivationally_related_form 00218208 +13227235 _member_meronym 13227557 +14548105 _derivationally_related_form 00389406 +00508032 _verb_group 01588493 +01834304 _also_see 01821266 +13169674 _member_meronym 13179972 +12891469 _hypernym 13121544 +01621714 _member_meronym 01624987 +09117351 _has_part 09125203 +00103875 _derivationally_related_form 13565622 +02363128 _hypernym 02327200 +04645599 _derivationally_related_form 02566015 +01481599 _member_meronym 01488234 +00660571 _derivationally_related_form 08459252 +02464132 _hypernym 02463704 +01821996 _derivationally_related_form 04829550 +01572782 _hypernym 01571904 +05802185 _hypernym 05796750 +01476483 _derivationally_related_form 00562398 +10213652 _derivationally_related_form 02018524 +04546855 _derivationally_related_form 01130607 +02871229 _derivationally_related_form 08521267 +01928390 _derivationally_related_form 00294190 +10484526 _derivationally_related_form 00706243 +11464143 _derivationally_related_form 01835280 +05765901 _derivationally_related_form 02699141 +08580583 _hypernym 08567235 +12509476 _hypernym 13103136 +12090318 _member_meronym 12090702 +01408253 _hypernym 01347199 +09926088 _hypernym 10248711 +01893666 _hypernym 01864707 +02952975 _synset_domain_topic_of 05946687 +04953380 _derivationally_related_form 00473003 +00198793 _derivationally_related_form 02399331 +03832405 _derivationally_related_form 01004550 +03380134 _hypernym 04418644 +11989869 _hypernym 11669921 +08846885 _instance_hypernym 08524735 +01463739 _hypernym 01463519 +01076359 _hypernym 01073995 +12994979 _member_meronym 12996225 +05785067 _derivationally_related_form 00813044 +04373894 _has_part 03375443 +00988287 _derivationally_related_form 06376154 +10123844 _derivationally_related_form 05617467 +08750822 _instance_hypernym 08524735 +13454318 _hypernym 13489037 +01233027 _derivationally_related_form 07388987 +10172080 _derivationally_related_form 02621901 +10006337 _hypernym 10076307 +02574072 _hypernym 02573275 +02659763 _derivationally_related_form 00795008 +11766609 _member_meronym 11776337 +07913081 _hypernym 07885223 +10728998 _hypernym 00007846 +05305806 _has_part 05348884 +10426749 _derivationally_related_form 01003249 +09280380 _hypernym 09274500 +11900986 _hypernym 11575425 +08991878 _instance_hypernym 08552138 +07137129 _derivationally_related_form 01037650 +03525074 _derivationally_related_form 01455184 +00042541 _derivationally_related_form 00056930 +02626762 _has_part 07780627 +12825301 _hypernym 11567411 +10601526 _hypernym 10285135 +12113471 _member_meronym 12113657 +00835903 _hypernym 00836705 +01894520 _hypernym 01835496 +00596807 _derivationally_related_form 10468559 +02102398 _verb_group 01957529 +07242912 _hypernym 07242324 +14431169 _hypernym 14428160 +01711749 _derivationally_related_form 05075602 +07503430 _hypernym 07546465 +00907930 _verb_group 01042531 +07393161 _derivationally_related_form 02171664 +11253802 _instance_hypernym 10450303 +05609884 _hypernym 13872421 +09999532 _hypernym 09997622 +14509299 _hypernym 14501726 +02706816 _hypernym 01116585 +05769930 _hypernym 05767733 +13530408 _hypernym 13447361 +06295235 _member_of_domain_usage 02758270 +10879789 _instance_hypernym 10453533 +12601805 _hypernym 13118707 +02771997 _hypernym 02762468 +04330340 _has_part 03454536 +12147699 _hypernym 11556857 +02327028 _hypernym 02326432 +09809134 _hypernym 10292316 +07157273 _member_of_domain_usage 01709781 +11724529 _hypernym 11571907 +02257284 _hypernym 02256656 +02716767 _hypernym 02589245 +01282466 _instance_hypernym 00958477 +00037457 _derivationally_related_form 14006945 +00805524 _hypernym 00805034 +11922374 _hypernym 12205694 +06463347 _hypernym 06364641 +08366440 _derivationally_related_form 00502085 +08860123 _member_of_domain_region 06513953 +09036452 _instance_hypernym 08700255 +08034778 _instance_hypernym 08392137 +13980845 _derivationally_related_form 02667228 +00614999 _derivationally_related_form 10351625 +13424183 _synset_domain_topic_of 06090869 +06711855 _derivationally_related_form 00824767 +00975584 _verb_group 00912048 +12027538 _hypernym 13125117 +07120524 _derivationally_related_form 01105186 +04906923 _derivationally_related_form 10684827 +07148192 _derivationally_related_form 00761713 +03970156 _derivationally_related_form 01577093 +02320374 _hypernym 02265231 +01876907 _derivationally_related_form 07346057 +05924519 _hypernym 05923696 +01211019 _derivationally_related_form 02554922 +05977340 _derivationally_related_form 09848285 +08809165 _instance_hypernym 08524735 +04241042 _hypernym 03627232 +06428216 _derivationally_related_form 01549187 +03282933 _derivationally_related_form 01667607 +06637350 _derivationally_related_form 00563552 +01290255 _derivationally_related_form 02755352 +13267534 _hypernym 13265904 +03660664 _has_part 04058096 +07774842 _hypernym 07737081 +07187996 _derivationally_related_form 00759269 +03752649 _hypernym 02905612 +01456088 _derivationally_related_form 07375781 +02293135 _hypernym 01759182 +02276088 _derivationally_related_form 00519363 +02309008 _derivationally_related_form 07373803 +00083124 _hypernym 00082714 +01097500 _derivationally_related_form 10512201 +00991900 _derivationally_related_form 06793426 +01554139 _member_meronym 01554448 +02037839 _derivationally_related_form 09265620 +14359952 _hypernym 14299637 +06771653 _synset_domain_topic_of 08441203 +01158190 _derivationally_related_form 01088192 +12394494 _hypernym 11567411 +08647616 _derivationally_related_form 02334302 +02306462 _derivationally_related_form 01127623 +10097842 _hypernym 10084295 +04944048 _hypernym 04942869 +02430580 _derivationally_related_form 00385501 +09850457 _hypernym 00007846 +02062209 _hypernym 01342529 +00133851 _also_see 01716491 +02743547 _derivationally_related_form 02991122 +04894964 _derivationally_related_form 02268351 +01915365 _hypernym 02050132 +14605132 _hypernym 14604959 +02559752 _derivationally_related_form 07365849 +01022906 _derivationally_related_form 05913275 +12185687 _member_meronym 12185859 +08733415 _instance_hypernym 08524735 +00991151 _hypernym 00990812 +00891071 _hypernym 00883297 +01098452 _hypernym 01097500 +07371168 _hypernym 07445480 +02196119 _hypernym 02188699 +12265266 _hypernym 11573173 +11400837 _instance_hypernym 09807075 +11585340 _hypernym 11567411 +09039411 _member_of_domain_region 07803408 +00494907 _also_see 00150202 +01700934 _synset_domain_topic_of 00929718 +09448361 _has_part 09354511 +01735062 _member_meronym 01735189 +07561112 _derivationally_related_form 01190012 +00147815 _also_see 01997862 +00238867 _derivationally_related_form 13530408 +14692682 _hypernym 14662574 +05723563 _hypernym 05723210 +10009276 _hypernym 10448983 +01048210 _derivationally_related_form 00098083 +02317970 _derivationally_related_form 14493716 +11911591 _member_meronym 11949707 +01788733 _hypernym 01771535 +04295881 _hypernym 04341686 +06295235 _member_of_domain_usage 02825442 +00076400 _derivationally_related_form 00226951 +06893285 _hypernym 06891493 +01904293 _hypernym 01835496 +13978601 _hypernym 13977366 +01823912 _hypernym 01507175 +02921325 _synset_domain_topic_of 15253139 +00807178 _derivationally_related_form 00076341 +11925140 _hypernym 11579418 +09781171 _synset_domain_topic_of 00759694 +08187837 _derivationally_related_form 02874282 +01111816 _derivationally_related_form 00043902 +10578471 _derivationally_related_form 00604131 +02723016 _derivationally_related_form 14036735 +01662784 _has_part 01903756 +08982587 _has_part 08775784 +07320302 _derivationally_related_form 00360932 +06049250 _hypernym 06047430 +07349532 _hypernym 07352190 +02024636 _hypernym 01507175 +00613973 _derivationally_related_form 10705615 +09082540 _has_part 09341145 +05843687 _hypernym 05841351 +07047804 _hypernym 07044917 +10002760 _derivationally_related_form 00910135 +01920698 _derivationally_related_form 00288970 +08378819 _hypernym 08435388 +08716738 _derivationally_related_form 02968828 +09999795 _derivationally_related_form 07475364 +01960911 _derivationally_related_form 10683126 +09333706 _instance_hypernym 09328904 +00113113 _hypernym 00112312 +13860281 _derivationally_related_form 00930599 +10521470 _hypernym 00007846 +10780284 _hypernym 10787470 +10464178 _derivationally_related_form 00828374 +00951399 _hypernym 00978549 +02422860 _member_meronym 02423022 +00858781 _derivationally_related_form 07139700 +12762896 _hypernym 13112664 +08573472 _derivationally_related_form 02693319 +04337974 _derivationally_related_form 01517662 +02712443 _derivationally_related_form 05047279 +07743544 _hypernym 07742704 +05219420 _hypernym 05219297 +02449183 _derivationally_related_form 08236438 +12250413 _member_meronym 12251577 +01116380 _also_see 02180797 +00060185 _derivationally_related_form 07990824 +03186818 _derivationally_related_form 00790308 +02014165 _derivationally_related_form 07375635 +02102484 _also_see 00190115 +13534098 _derivationally_related_form 00330909 +09784707 _derivationally_related_form 02234087 +13580058 _hypernym 13577171 +07339329 _derivationally_related_form 01236164 +02437148 _derivationally_related_form 06863751 +12143676 _hypernym 12141495 +08924913 _instance_hypernym 08524735 +10388440 _derivationally_related_form 05198036 +08999482 _has_part 09339512 +01195867 _synset_domain_topic_of 08441203 +02584475 _derivationally_related_form 10539715 +01009190 _derivationally_related_form 00480969 +13894434 _hypernym 13919685 +02064000 _hypernym 02063224 +03791235 _has_part 03432129 +03100026 _derivationally_related_form 10435367 +01894040 _member_meronym 01894207 +05053215 _hypernym 05051249 +01306654 _derivationally_related_form 02156532 +00590761 _hypernym 00588221 +01730384 _synset_domain_topic_of 00543233 +05284132 _has_part 05544264 +00305109 _also_see 00437449 +12423565 _member_meronym 12426100 +06883725 _hypernym 06880664 +01256157 _hypernym 01659248 +01575745 _hypernym 01525720 +06845599 _member_of_domain_usage 03774842 +02574072 _derivationally_related_form 10773527 +04935003 _hypernym 04934546 +00564695 _hypernym 00109660 +02419773 _derivationally_related_form 10241300 +00931852 _derivationally_related_form 06290637 +00006032 _derivationally_related_form 00653620 +13524925 _hypernym 13455487 +12981595 _hypernym 11590783 +00040353 _derivationally_related_form 00828237 +12140137 _member_meronym 12140511 +00826789 _hypernym 00825443 +01951107 _member_meronym 01951274 +09184975 _derivationally_related_form 01230710 +10754920 _hypernym 10284064 +12576029 _has_part 07801892 +00307631 _derivationally_related_form 01930482 +04983122 _hypernym 04916342 +08849753 _has_part 09353437 +01622596 _member_meronym 01622779 +04906026 _derivationally_related_form 00619972 +01622795 _derivationally_related_form 00914632 +02382367 _derivationally_related_form 06511560 +11910835 _member_meronym 12808227 +02797021 _derivationally_related_form 06593803 +14011811 _hypernym 14010148 +08794366 _instance_hypernym 08574314 +01042725 _derivationally_related_form 07123870 +01203500 _derivationally_related_form 00967310 +08655464 _hypernym 08654360 +11449907 _hypernym 11419404 +01544544 _hypernym 01504437 +04161981 _hypernym 03405725 +02373843 _member_meronym 02374451 +00715868 _derivationally_related_form 06539770 +10388924 _derivationally_related_form 02204692 +07193596 _derivationally_related_form 00808855 +00097179 _derivationally_related_form 13479889 +08748280 _has_part 08748499 +13552644 _hypernym 13518963 +02568065 _derivationally_related_form 00733483 +11746776 _member_meronym 12495146 +11856981 _member_meronym 11860801 +09006413 _has_part 09458587 +00203753 _derivationally_related_form 00809654 +09327881 _instance_hypernym 09403734 +02742232 _verb_group 01930874 +13325010 _hypernym 13306870 +00256746 _derivationally_related_form 01596645 +01779986 _derivationally_related_form 05618056 +00475183 _derivationally_related_form 04026053 +08975902 _member_of_domain_region 08022972 +08853741 _has_part 08855308 +11002191 _instance_hypernym 09818022 +01716227 _also_see 02395115 +00094460 _verb_group 00545557 +07030012 _hypernym 07029247 +00742645 _hypernym 00407535 +02735418 _derivationally_related_form 14562960 +03512147 _has_part 04111668 +15218798 _hypernym 15216966 +01732921 _verb_group 01733213 +13686526 _hypernym 13604718 +10079893 _derivationally_related_form 06217944 +00305537 _derivationally_related_form 14063633 +01946138 _derivationally_related_form 00330836 +01916960 _derivationally_related_form 00285141 +00134136 _synset_domain_topic_of 00017222 +00051761 _hypernym 00047945 +02121620 _hypernym 02120997 +00263947 _derivationally_related_form 01696135 +01420765 _derivationally_related_form 09870208 +01787106 _derivationally_related_form 07516354 +00860011 _hypernym 00859001 +01730799 _derivationally_related_form 08188638 +00954086 _derivationally_related_form 01522716 +14570330 _derivationally_related_form 01546349 +02028175 _hypernym 02026059 +00724492 _derivationally_related_form 05703956 +11658104 _hypernym 11554175 +15265518 _derivationally_related_form 00348746 +02233096 _member_meronym 02233577 +10954966 _instance_hypernym 10467395 +07901457 _hypernym 07900406 +02032222 _hypernym 02031934 +05785311 _hypernym 05784831 +12444666 _hypernym 11561228 +00033615 _derivationally_related_form 00647094 +04961136 _hypernym 04960729 +11911591 _member_meronym 11984854 +03900750 _derivationally_related_form 01267098 +04688246 _derivationally_related_form 01505254 +01366276 _hypernym 01355326 +02729632 _verb_group 00652900 +01059719 _hypernym 01057200 +02191617 _hypernym 01762525 +14112255 _hypernym 14059663 +10226556 _derivationally_related_form 01110661 +00065791 _also_see 00262792 +02120140 _hypernym 02121188 +01824244 _also_see 01825671 +08440630 _derivationally_related_form 10646325 +07134850 _derivationally_related_form 00876665 +01188273 _hypernym 01187810 +01605119 _member_meronym 01614769 +09152944 _has_part 09250678 +02358034 _derivationally_related_form 05249636 +05715864 _derivationally_related_form 02193974 +08028999 _synset_domain_topic_of 00759694 +00912960 _hypernym 00030358 +05803938 _derivationally_related_form 00916909 +09109444 _has_part 09110229 +07538395 _derivationally_related_form 01232298 +07128946 _derivationally_related_form 00978549 +03878066 _hypernym 03719053 +06367373 _derivationally_related_form 00116619 +12280487 _member_meronym 12287388 +10400618 _hypernym 09777353 +02688443 _hypernym 03183080 +01836246 _member_meronym 01836384 +09906704 _hypernym 10533013 +02521241 _hypernym 01342529 +01985029 _hypernym 01983771 +09760609 _derivationally_related_form 02716767 +00090186 _derivationally_related_form 14285276 +06959584 _hypernym 06956129 +03928814 _hypernym 03614007 +01026975 _derivationally_related_form 05922651 +00261533 _derivationally_related_form 14868243 +13209647 _hypernym 13167078 +02125409 _derivationally_related_form 02650552 +02245993 _derivationally_related_form 01110274 +07163988 _derivationally_related_form 00927430 +01546349 _synset_domain_topic_of 06084469 +00118733 _hypernym 00863513 +02212825 _verb_group 02213074 +08734385 _has_part 08735164 +01074252 _derivationally_related_form 02714883 +13122985 _hypernym 00017222 +10364643 _hypernym 10428004 +05123416 _derivationally_related_form 02687916 +02623194 _also_see 02623346 +02236896 _hypernym 02159955 +01168961 _hypernym 01168569 +01997862 _hypernym 01998432 +04341686 _has_part 04341414 +00261029 _derivationally_related_form 00205046 +05523269 _hypernym 05297523 +00242808 _hypernym 00199130 +10037922 _derivationally_related_form 15294382 +03200701 _has_part 02912065 +02297948 _derivationally_related_form 07185076 +01943718 _derivationally_related_form 07375525 +00747640 _hypernym 00941990 +01304121 _has_part 01277755 +08524572 _hypernym 08523483 +13559409 _hypernym 13560417 +01639071 _hypernym 01626600 +00932088 _hypernym 00931847 +00614489 _hypernym 00614224 +00923995 _hypernym 00912960 +06523132 _derivationally_related_form 02460619 +11721642 _hypernym 13122364 +13894434 _derivationally_related_form 02035559 +13608788 _hypernym 13583724 +04454240 _derivationally_related_form 02047148 +01322675 _hypernym 01552519 +03302938 _hypernym 04377057 +00995119 _derivationally_related_form 05160796 +00740609 _synset_domain_topic_of 08441203 +09893191 _synset_domain_topic_of 08199025 +01826378 _derivationally_related_form 04945057 +09479424 _instance_hypernym 09284015 +00379588 _derivationally_related_form 01530678 +02180529 _derivationally_related_form 07111047 +05720248 _hypernym 05718254 +06428792 _hypernym 06427831 +00319406 _hypernym 00319214 +00394562 _similar_to 00400101 +02834778 _has_part 03487090 +11786131 _hypernym 13122364 +09366317 _has_part 09437454 +06636806 _hypernym 06634376 +00397953 _derivationally_related_form 00332835 +04067472 _hypernym 04586421 +12910285 _hypernym 12205694 +00688768 _derivationally_related_form 05790012 +01222360 _also_see 00763901 +01845720 _derivationally_related_form 00306426 +09353109 _synset_domain_topic_of 06095022 +00592702 _hypernym 00690614 +00646833 _hypernym 00634276 +00930599 _derivationally_related_form 13860281 +01611067 _derivationally_related_form 04790774 +09867956 _hypernym 10054657 +00452512 _derivationally_related_form 14868243 +00923995 _derivationally_related_form 01653873 +01790943 _hypernym 01507175 +12792638 _member_meronym 12794135 +13547677 _derivationally_related_form 00237877 +00211593 _derivationally_related_form 00486018 +01751353 _similar_to 01749320 +03126580 _hypernym 03454211 +00305537 _hypernym 00303465 +01650610 _hypernym 00348746 +03738472 _hypernym 03183080 +12734722 _member_meronym 12735666 +02071142 _verb_group 01611516 +11923397 _hypernym 11915214 +05613962 _derivationally_related_form 01872745 +01649999 _derivationally_related_form 07252764 +05019661 _derivationally_related_form 02103481 +04240097 _derivationally_related_form 01514348 +12742041 _hypernym 11567411 +01925694 _hypernym 01835496 +07472460 _hypernym 00788973 +05252970 _hypernym 05303402 +14066203 _hypernym 14061805 +07743902 _hypernym 07742704 +07495551 _derivationally_related_form 01802689 +02542280 _verb_group 00351406 +05556943 _has_part 05343408 +00474017 _hypernym 00205885 +12608127 _hypernym 13122985 +10001058 _derivationally_related_form 02293321 +00083809 _derivationally_related_form 00671351 +10248876 _hypernym 00007846 +00007846 _hypernym 00007347 +09189411 _has_part 08971025 +01944976 _hypernym 01835496 +09148970 _has_part 09398217 +10815648 _instance_hypernym 09857200 +00689344 _derivationally_related_form 05945642 +00387680 _hypernym 00387310 +02142775 _derivationally_related_form 05081300 +11746776 _member_meronym 12487647 +05659856 _hypernym 05654052 +12830568 _hypernym 13122985 +14294678 _hypernym 14285662 +04628080 _hypernym 04627506 +00644967 _derivationally_related_form 02400378 +07380144 _derivationally_related_form 02174311 +10136615 _hypernym 10221956 +13498404 _hypernym 13533470 +08235343 _hypernym 08049401 +00875141 _hypernym 00875394 +00975781 _synset_domain_topic_of 08199025 +01930874 _verb_group 02742232 +08736107 _instance_hypernym 08703035 +07075172 _member_of_domain_usage 04931267 +02052639 _hypernym 01507175 +08780881 _member_of_domain_region 09498497 +04159545 _derivationally_related_form 01269008 +08999482 _member_of_domain_region 08040522 +03419014 _has_part 03814112 +12934368 _member_meronym 12934479 +04197235 _hypernym 04602044 +07327608 _hypernym 07326557 +05689909 _hypernym 05689249 +01011031 _derivationally_related_form 09814660 +06754184 _has_part 06754972 +04294426 _derivationally_related_form 00270826 +01814396 _derivationally_related_form 02308214 +02373015 _verb_group 02051031 +01943718 _derivationally_related_form 00364787 +05645597 _derivationally_related_form 00439588 +11911591 _member_meronym 11963755 +10740868 _hypernym 09631463 +04884627 _derivationally_related_form 01191645 +04981139 _derivationally_related_form 02179518 +00246552 _derivationally_related_form 00322151 +05122099 _derivationally_related_form 02644234 +01111375 _derivationally_related_form 02460199 +02581289 _hypernym 01432517 +02835887 _derivationally_related_form 06106502 +02983507 _hypernym 04464852 +10184290 _hypernym 10471250 +01919931 _derivationally_related_form 07122730 +01708542 _hypernym 01708676 +00101191 _hypernym 00100253 +04490091 _has_part 04384593 +01530431 _derivationally_related_form 00379588 +01672607 _derivationally_related_form 04794751 +13007417 _hypernym 12998815 +08780881 _member_of_domain_region 01302935 +10117017 _hypernym 10059582 +01970272 _hypernym 01968569 +14361182 _hypernym 14360459 +02528534 _member_meronym 02542162 +02679899 _verb_group 02684924 +10587378 _derivationally_related_form 01542207 +08167365 _hypernym 07974025 +01570258 _hypernym 01569566 +07363883 _derivationally_related_form 01989873 +02112891 _similar_to 02111684 +10335246 _derivationally_related_form 01802219 +14671372 _hypernym 14969666 +02061495 _hypernym 02058994 +00802946 _derivationally_related_form 04749991 +08137495 _hypernym 08123167 +05146471 _derivationally_related_form 01204803 +01112364 _derivationally_related_form 05737153 +06436183 _instance_hypernym 06394865 +15089472 _hypernym 15089258 +00896141 _derivationally_related_form 09798534 +10415638 _hypernym 09616922 +01041111 _hypernym 01206153 +03496892 _derivationally_related_form 01320009 +01588172 _member_meronym 01588431 +00151689 _derivationally_related_form 05109808 +01471043 _derivationally_related_form 10230801 +13513540 _hypernym 13513747 +01224744 _derivationally_related_form 00409211 +02417908 _hypernym 02417504 +00667747 _derivationally_related_form 05826469 +01741692 _hypernym 01741446 +01970348 _derivationally_related_form 07445480 +07386370 _derivationally_related_form 02178866 +01416871 _derivationally_related_form 07410745 +00614057 _derivationally_related_form 00205543 +11058633 _instance_hypernym 10467395 +00408624 _hypernym 00406243 +00494907 _derivationally_related_form 00742320 +01396776 _hypernym 01388130 +12822955 _hypernym 12822769 +01457708 _member_meronym 01457852 +07028373 _derivationally_related_form 01501113 +06054700 _hypernym 06043075 +01402831 _hypernym 01347199 +10165448 _derivationally_related_form 02170427 +07520112 _derivationally_related_form 01888946 +02622033 _derivationally_related_form 13841863 +07520411 _derivationally_related_form 01782650 +01927456 _hypernym 01924916 +12950126 _hypernym 11669921 +01077350 _derivationally_related_form 02450505 +01642924 _derivationally_related_form 14311348 +01201429 _derivationally_related_form 02431320 +12345495 _hypernym 11562747 +07394814 _derivationally_related_form 02173513 +00694068 _hypernym 00690614 +08396990 _synset_domain_topic_of 08199025 +02842445 _derivationally_related_form 05301072 +12603449 _hypernym 12602980 +05868477 _derivationally_related_form 02609764 +08376250 _derivationally_related_form 01466303 +08356375 _member_meronym 08161757 +00660381 _derivationally_related_form 13949802 +03309808 _has_part 03265479 +09198106 _has_part 08541454 +00568430 _derivationally_related_form 01077568 +01654628 _derivationally_related_form 09878275 +07447022 _derivationally_related_form 00387310 +01648494 _hypernym 01626600 +00057665 _hypernym 00056930 +10465451 _hypernym 10353016 +00824292 _hypernym 00824767 +01206849 _hypernym 01206218 +00365188 _derivationally_related_form 00375071 +04404412 _hypernym 04400289 +10442232 _hypernym 09993252 +00906367 _derivationally_related_form 09962966 +11538935 _hypernym 08103777 +06717170 _member_of_domain_usage 09643799 +01163620 _synset_domain_topic_of 00922327 +01047263 _hypernym 01046932 +10126806 _hypernym 09792555 +01309478 _derivationally_related_form 05238282 +00692329 _derivationally_related_form 05854150 +10938363 _instance_hypernym 10547145 +02458943 _derivationally_related_form 10268629 +12029039 _hypernym 12205694 +09080554 _instance_hypernym 09316454 +01632411 _derivationally_related_form 10438172 +09417668 _instance_hypernym 09360122 +02721438 _hypernym 02339171 +08274923 _derivationally_related_form 02599939 +12690388 _member_meronym 12693033 +09075842 _has_part 09076675 +10524973 _derivationally_related_form 01545883 +02596592 _hypernym 01432517 +06851742 _member_of_domain_usage 03869389 +09348460 _hypernym 09287968 +08921850 _has_part 08923177 +00412048 _derivationally_related_form 01152033 +02609764 _derivationally_related_form 08566554 +03885028 _hypernym 04508489 +01223182 _derivationally_related_form 13867276 +15019030 _hypernym 14844693 +11763142 _hypernym 13112664 +07326880 _derivationally_related_form 00121865 +04148054 _hypernym 03082127 +13197670 _hypernym 13167078 +06607809 _hypernym 06607339 +10496193 _derivationally_related_form 01473346 +03086183 _hypernym 02945379 +06079620 _hypernym 06088995 +00892698 _derivationally_related_form 06520222 +08836329 _has_part 08841667 +10684827 _hypernym 10095869 +00265094 _derivationally_related_form 14712036 +00400449 _hypernym 00269018 +10248876 _derivationally_related_form 00031820 +10199103 _hypernym 10198958 +03239399 _synset_domain_topic_of 00922327 +11892637 _hypernym 11669921 +13307784 _derivationally_related_form 02319050 +13445296 _derivationally_related_form 02047263 +00754118 _hypernym 00752954 +02900081 _derivationally_related_form 13724081 +08871007 _has_part 08881674 +04046810 _derivationally_related_form 01936537 +07827554 _hypernym 07809368 +00316768 _derivationally_related_form 09433952 +05924519 _derivationally_related_form 01778017 +11867525 _member_meronym 11897342 +03394480 _member_meronym 03393912 +03784270 _hypernym 04531098 +10619176 _derivationally_related_form 08368308 +02275365 _derivationally_related_form 06729864 +11742745 _member_meronym 11742878 +08975902 _has_part 08976913 +02022135 _member_meronym 02034394 +02159271 _member_meronym 02222718 +00194696 _hypernym 00173338 +13133613 _hypernym 13134947 +08058098 _hypernym 08053576 +14153982 _hypernym 14153616 +12619306 _member_meronym 12624873 +06708970 _hypernym 06706676 +13618849 _hypernym 13615235 +03313602 _hypernym 03398467 +00329654 _hypernym 00328802 +01989701 _member_meronym 01990007 +05161967 _derivationally_related_form 00996448 +02546467 _hypernym 02256109 +09060768 _has_part 09431569 +02685390 _hypernym 02687916 +01487743 _hypernym 01429349 +01894649 _verb_group 01708676 +13096863 _hypernym 13095685 +10515194 _derivationally_related_form 05945508 +07536245 _hypernym 07536074 +01210816 _derivationally_related_form 02651424 +00463543 _hypernym 00463246 +04060647 _hypernym 04176528 +05541231 _has_part 05541509 +04007664 _hypernym 03183080 +00555648 _derivationally_related_form 02055649 +13180304 _member_meronym 13183489 +01143040 _derivationally_related_form 00406243 +11698895 _member_meronym 11699071 +02011560 _hypernym 02009433 +00749230 _also_see 02174896 +02553196 _member_meronym 02585732 +13893786 _hypernym 13896369 +10596348 _synset_domain_topic_of 08087981 +01338908 _hypernym 01338685 +02604014 _member_meronym 02604342 +03491988 _hypernym 03065424 +01990168 _hypernym 01989873 +10003120 _hypernym 10694258 +07784367 _hypernym 07775375 +11482140 _hypernym 11524662 +12706644 _member_meronym 12714114 +02537847 _hypernym 01432517 +00052500 _hypernym 00048374 +00706975 _derivationally_related_form 09958892 +12356668 _hypernym 11744859 +09189411 _has_part 08973776 +06389753 _hypernym 06389553 +10244913 _hypernym 09770949 +11385748 _instance_hypernym 10177150 +01908958 _hypernym 00015388 +12834938 _hypernym 12834798 +01101913 _verb_group 01104852 +06295235 _member_of_domain_usage 03252064 +02610628 _derivationally_related_form 00210797 +00305537 _derivationally_related_form 00366317 +12521847 _member_meronym 12522678 +05640184 _derivationally_related_form 10622053 +01624406 _hypernym 01507175 +07999699 _synset_domain_topic_of 06000644 +05121418 _derivationally_related_form 00637259 +00299680 _derivationally_related_form 01604251 +00429440 _hypernym 00426928 +02898711 _hypernym 04341686 +15048463 _hypernym 15047313 +01626138 _derivationally_related_form 09949946 +06398401 _derivationally_related_form 02735418 +00353469 _hypernym 00351638 +10665302 _derivationally_related_form 02407338 +00134472 _derivationally_related_form 01420928 +09827683 _hypernym 09918248 +08837048 _has_part 08841209 +04108268 _hypernym 03670849 +02366702 _member_meronym 02366825 +03563967 _hypernym 03575240 +01493897 _derivationally_related_form 14426449 +04024396 _hypernym 03526198 +01126360 _hypernym 01119169 +07813717 _hypernym 07809368 +10650162 _derivationally_related_form 04890865 +08396207 _hypernym 08337324 +00958896 _hypernym 01080366 +12045860 _hypernym 12041446 +00889831 _also_see 02062670 +02678438 _derivationally_related_form 05682950 +13869327 _derivationally_related_form 02034671 +01221790 _hypernym 01221611 +00957176 _derivationally_related_form 00744616 +04202417 _has_part 04203705 +07185325 _hypernym 07160883 +11665781 _member_meronym 12317763 +08820121 _has_part 09250678 +11769002 _member_meronym 11769176 +08871007 _has_part 08879680 +03682487 _has_part 04497005 +12213635 _member_meronym 12219875 +06629392 _hypernym 06628861 +07366289 _derivationally_related_form 00651991 +04612840 _derivationally_related_form 01492052 +01744657 _member_meronym 01750315 +02180797 _also_see 01934554 +02553196 _member_meronym 02563182 +02390287 _derivationally_related_form 08581503 +01932973 _also_see 02179279 +02660651 _derivationally_related_form 09608520 +02562085 _member_meronym 02563497 +01605119 _member_meronym 01614195 +02453373 _member_meronym 02453611 +00218208 _hypernym 00217014 +01910373 _hypernym 01831531 +04580298 _hypernym 03252064 +01475648 _hypernym 01474283 +13786413 _hypernym 13783816 +11775160 _hypernym 11567411 +00092690 _derivationally_related_form 09961605 +00929839 _hypernym 00943837 +05645597 _derivationally_related_form 01336587 +00003553 _derivationally_related_form 00050693 +05194043 _hypernym 05190804 +07969695 _hypernym 07950920 +05160796 _derivationally_related_form 00995119 +01661804 _derivationally_related_form 03658858 +01205341 _derivationally_related_form 02416751 +05058140 _hypernym 05058580 +02593863 _member_meronym 02596888 +01299735 _instance_hypernym 00968155 +01697002 _hypernym 01657723 +14015361 _hypernym 14411243 +10813986 _instance_hypernym 10428004 +00814850 _hypernym 00757544 +12734446 _member_meronym 12737383 +00323856 _derivationally_related_form 07588947 +12244153 _hypernym 13112664 +06782680 _derivationally_related_form 00916909 +02458747 _derivationally_related_form 05800998 +01831519 _member_meronym 01831930 +00053097 _derivationally_related_form 00613683 +02048891 _hypernym 02045043 +01763643 _derivationally_related_form 15274441 +01181902 _derivationally_related_form 02582042 +00455368 _hypernym 00216216 +00315383 _synset_domain_topic_of 00015388 +10369317 _derivationally_related_form 03838899 +02844728 _derivationally_related_form 11682842 +06415061 _hypernym 06414372 +02191766 _synset_domain_topic_of 00243918 +02335349 _member_meronym 02336129 +00593669 _hypernym 00636574 +11368638 _instance_hypernym 10794014 +00679715 _derivationally_related_form 00069060 +00374135 _hypernym 00146138 +05517406 _has_part 05527216 +00429763 _synset_domain_topic_of 06090869 +14513259 _derivationally_related_form 02992070 +12023996 _hypernym 11579418 +14289942 _derivationally_related_form 00377715 +09062961 _instance_hypernym 08524735 +00185103 _derivationally_related_form 15015501 +08075647 _member_meronym 10602470 +15280497 _derivationally_related_form 00490722 +05726596 _derivationally_related_form 00480969 +00351824 _derivationally_related_form 15271417 +09913329 _derivationally_related_form 00858568 +02315309 _hypernym 08102555 +08792548 _has_part 08795974 +14038264 _hypernym 14034177 +02887970 _has_part 03038281 +05846932 _derivationally_related_form 00981083 +12231358 _hypernym 12231192 +08703454 _has_part 09325530 +10000787 _derivationally_related_form 02391803 +02275372 _member_meronym 02275773 +12327846 _hypernym 13110915 +13489037 _derivationally_related_form 00245457 +14040071 _hypernym 14039534 +00545557 _verb_group 01627947 +08380340 _derivationally_related_form 10576316 +02431320 _derivationally_related_form 01201429 +08765623 _instance_hypernym 08524735 +07369604 _derivationally_related_form 00456740 +01014731 _derivationally_related_form 02304982 +02449921 _member_meronym 02450034 +05707269 _hypernym 05706954 +02047263 _derivationally_related_form 13445296 +08656590 _hypernym 08621598 +05219923 _hypernym 05217168 +12688526 _hypernym 11585340 +13737480 _derivationally_related_form 01563575 +01696282 _member_meronym 01696633 +04295881 _has_part 08570758 +04917439 _hypernym 04916342 +15007534 _hypernym 15006258 +02263038 _member_meronym 02263378 +01883212 _member_meronym 01883762 +14017332 _hypernym 14015731 +10621400 _hypernym 10307234 +01484714 _hypernym 01484392 +11098380 _instance_hypernym 09765278 +09627017 _hypernym 00007846 +08860123 _member_of_domain_region 08347206 +00360485 _derivationally_related_form 00152558 +00731574 _hypernym 02154508 +11013876 _synset_domain_topic_of 08083599 +10206173 _derivationally_related_form 00841986 +12929237 _member_meronym 12929403 +01230241 _derivationally_related_form 00334935 +08860123 _member_of_domain_region 13319726 +03924069 _hypernym 04262678 +08847694 _has_part 08986691 +00874175 _hypernym 00831651 +00612042 _derivationally_related_form 03055809 +01731353 _derivationally_related_form 01255935 +08691669 _hypernym 08524735 +10720964 _hypernym 09632518 +00034574 _hypernym 00037396 +13026529 _hypernym 08103777 +12322887 _member_meronym 12345495 +13031956 _hypernym 11592146 +01811909 _hypernym 01810700 +14662574 _hypernym 14580897 +09350045 _has_part 08810999 +08923348 _instance_hypernym 08691669 +01470287 _hypernym 08103777 +06556692 _synset_domain_topic_of 08441203 +02163982 _member_meronym 02170848 +03844550 _hypernym 04021798 +08455037 _synset_domain_topic_of 08441203 +10557404 _synset_domain_topic_of 06951067 +01591910 _member_meronym 01592694 +00004227 _derivationally_related_form 14842091 +10490699 _hypernym 09610660 +06308765 _hypernym 06306233 +09727440 _hypernym 09620794 +00082563 _hypernym 00078760 +06757289 _hypernym 06757057 +01202728 _hypernym 01182709 +02839200 _synset_domain_topic_of 08199025 +01707737 _hypernym 01706488 +02267060 _derivationally_related_form 01122601 +04833276 _derivationally_related_form 10421956 +05596651 _has_part 05274247 +01835584 _member_meronym 01835918 +03273740 _hypernym 04330340 +09048880 _has_part 09092497 +00023473 _hypernym 00092690 +00085678 _derivationally_related_form 02273293 +02150948 _derivationally_related_form 02517169 +09622302 _derivationally_related_form 01775164 +09050244 _has_part 09049909 +00793785 _derivationally_related_form 10699752 +07283608 _derivationally_related_form 00339934 +08860123 _member_of_domain_region 03519578 +00390581 _hypernym 00385791 +01718185 _derivationally_related_form 06893285 +01097500 _derivationally_related_form 10028765 +05290756 _hypernym 05225602 +15234764 _has_part 15235126 +00920778 _derivationally_related_form 00791078 +02564403 _hypernym 02562315 +02139479 _member_meronym 02140357 +00461493 _derivationally_related_form 04982207 +09188609 _has_part 08790748 +00243918 _has_part 00248063 +01870043 _hypernym 01831531 +00266391 _hypernym 00266197 +02123672 _derivationally_related_form 04980008 +07033245 _hypernym 07033007 +11820751 _member_meronym 11820965 +07369604 _derivationally_related_form 00150287 +09044862 _has_part 09050730 +12169776 _member_meronym 12187450 +02633555 _member_meronym 02633677 +09309292 _hypernym 09287968 +00513251 _hypernym 00512843 +15163797 _hypernym 15137047 +00490722 _derivationally_related_form 13650447 +10556953 _hypernym 10599354 +02144442 _hypernym 01862557 +01751545 _synset_domain_topic_of 00428270 +01047745 _derivationally_related_form 02084732 +02294179 _derivationally_related_form 01085793 +09050730 _member_meronym 10628222 +11932745 _hypernym 11931918 +01736098 _hypernym 01736822 +00441445 _hypernym 00126264 +01488313 _derivationally_related_form 00395797 +11949217 _member_meronym 11949402 +04701460 _derivationally_related_form 00431447 +13797313 _hypernym 13796779 +08218212 _hypernym 08212347 +01827403 _hypernym 01825930 +05018934 _derivationally_related_form 00173764 +08368308 _derivationally_related_form 10619176 +02265471 _member_meronym 02265717 +01242208 _derivationally_related_form 00344699 +08860123 _member_of_domain_region 13245076 +07965937 _hypernym 07974025 +09769345 _derivationally_related_form 00990655 +11167952 _instance_hypernym 10536416 +13903855 _hypernym 13903079 +01984958 _member_meronym 01985331 +00390215 _derivationally_related_form 09476521 +03082979 _has_part 03084420 +12329899 _member_meronym 12332866 +00831191 _derivationally_related_form 00001740 +00511212 _derivationally_related_form 02493260 +08701942 _has_part 08784104 +00549284 _derivationally_related_form 00837288 +04784142 _derivationally_related_form 00645493 +02487573 _hypernym 02486932 +00008055 _hypernym 00007739 +02423787 _member_meronym 02425228 +11595312 _member_meronym 11554175 +01221611 _hypernym 01220984 +00285889 _derivationally_related_form 01929254 +00498299 _hypernym 00452512 +01189604 _hypernym 01196037 +00965606 _derivationally_related_form 09945905 +02324182 _derivationally_related_form 10254392 +07228211 _derivationally_related_form 00886602 +02423762 _derivationally_related_form 01147950 +05460870 _hypernym 05237227 +08044265 _synset_domain_topic_of 00759694 +12796385 _hypernym 11672400 +00868523 _derivationally_related_form 00067274 +00022316 _derivationally_related_form 00695300 +00809654 _hypernym 00811375 +08860123 _member_of_domain_region 07869937 +06524935 _derivationally_related_form 02919275 +01416354 _hypernym 08103777 +10294953 _derivationally_related_form 05638606 +05205739 _hypernym 05205340 +00470084 _derivationally_related_form 00231567 +08860123 _member_of_domain_region 08547300 +01880531 _also_see 00135718 +12290116 _hypernym 11562747 +06022727 _synset_domain_topic_of 06018465 +10658304 _derivationally_related_form 04321534 +00207622 _derivationally_related_form 02504017 +15225797 _hypernym 15225249 +00207418 _derivationally_related_form 13920835 +03073832 _instance_hypernym 04511002 +08176077 _member_meronym 08852843 +00532607 _derivationally_related_form 03838160 +14151884 _hypernym 14151139 +11911591 _member_meronym 11947079 +01196364 _hypernym 01196037 +05275905 _hypernym 05301392 +08747054 _instance_hypernym 09203827 +00219403 _derivationally_related_form 03251766 +12618727 _hypernym 13121544 +01640207 _derivationally_related_form 00923995 +12162181 _hypernym 12160490 +02493390 _member_meronym 02493509 +03772077 _hypernym 02984061 +10354265 _derivationally_related_form 06078978 +00627091 _hypernym 00917772 +09442838 _derivationally_related_form 00709625 +11766609 _member_meronym 11772154 +10679998 _derivationally_related_form 01115585 +08438533 _hypernym 08436759 +00769695 _hypernym 00766234 +00858568 _hypernym 00860292 +00076884 _derivationally_related_form 01972298 +05913275 _derivationally_related_form 01426077 +02631238 _synset_domain_topic_of 06083243 +00318735 _derivationally_related_form 02717102 +02389220 _derivationally_related_form 13939353 +00463246 _has_part 15233989 +05641959 _hypernym 05640433 +09941571 _hypernym 09943541 +05784560 _derivationally_related_form 02863247 +05563266 _has_part 05577410 +06712325 _derivationally_related_form 00827730 +00082308 _derivationally_related_form 14445379 +03875218 _hypernym 03058107 +10743675 _derivationally_related_form 00745187 +06402565 _derivationally_related_form 01004692 +01580050 _also_see 00903668 +13252293 _hypernym 13246662 +11921949 _hypernym 11579418 +00907919 _hypernym 00903559 +02346724 _hypernym 02236124 +05985381 _hypernym 05809192 +00481941 _derivationally_related_form 00211462 +02130308 _hypernym 02127808 +12591897 _hypernym 11556857 +06563950 _synset_domain_topic_of 08441203 +12162905 _hypernym 11567411 +01886488 _hypernym 01835496 +14493145 _hypernym 14488317 +05613274 _has_part 05613794 +02505716 _derivationally_related_form 04769456 +09159003 _has_part 09438554 +02277663 _hypernym 02277448 +00785690 _derivationally_related_form 10641755 +00092690 _verb_group 00093163 +07525555 _hypernym 07523905 +01880937 _member_meronym 01881991 +00847683 _derivationally_related_form 06720371 +01754533 _hypernym 01753959 +01372049 _also_see 00638981 +01202068 _hypernym 01170052 +01673118 _hypernym 01657723 +10183757 _hypernym 09627906 +01254473 _hypernym 00315986 +10506220 _hypernym 10412055 +01249315 _derivationally_related_form 00905399 +03556811 _hypernym 04530566 +01161821 _derivationally_related_form 02553428 +09880741 _derivationally_related_form 02571511 +07460546 _hypernym 07460104 +01486312 _derivationally_related_form 00322488 +00360242 _derivationally_related_form 01560369 +01831531 _also_see 01848465 +07291312 _derivationally_related_form 00484166 +02623170 _member_meronym 02632239 +00274283 _derivationally_related_form 13453428 +03047553 _hypernym 03520811 +01999798 _derivationally_related_form 10741821 +01943406 _derivationally_related_form 05160574 +12608778 _hypernym 11555413 +08770274 _instance_hypernym 08524735 +02043190 _derivationally_related_form 07250339 +12118661 _hypernym 12135898 +02253456 _derivationally_related_form 10409634 +04802776 _derivationally_related_form 02661252 +10334782 _hypernym 09998101 +00793785 _hypernym 00793580 +12342043 _member_meronym 12342852 +14471507 _has_part 14091254 +05264545 _hypernym 05225602 +00417596 _derivationally_related_form 13561521 +00169806 _hypernym 00109660 +00425090 _hypernym 00424767 +01517565 _hypernym 01503061 +11182621 _instance_hypernym 10123844 +02670049 _hypernym 02949691 +11607739 _member_meronym 11622988 +03720163 _derivationally_related_form 01687876 +05338166 _hypernym 05333777 +02074004 _hypernym 01862557 +05230357 _hypernym 05225602 +00658052 _derivationally_related_form 01009871 +11805380 _hypernym 11573660 +12039743 _member_meronym 12047586 +00298896 _also_see 01643657 +00056688 _synset_domain_topic_of 08199025 +01488918 _hypernym 01482330 +00835501 _derivationally_related_form 02068745 +02945971 _derivationally_related_form 00887081 +06101551 _hypernym 06090869 +09189411 _has_part 08736517 +02079851 _hypernym 02079389 +04694809 _derivationally_related_form 01696135 +00716758 _derivationally_related_form 06753299 +11402463 _instance_hypernym 10444194 +10768903 _derivationally_related_form 01270199 +01669883 _member_meronym 01670961 +02542795 _derivationally_related_form 01167146 +01732445 _member_meronym 01732789 +04391838 _derivationally_related_form 00999270 +05502556 _hypernym 05303402 +00746718 _derivationally_related_form 06539770 +01612084 _derivationally_related_form 00713952 +14714817 _hypernym 04522421 +08441203 _derivationally_related_form 10225219 +01718185 _synset_domain_topic_of 06157326 +15247518 _hypernym 15116283 +08517449 _hypernym 08521816 +00300761 _derivationally_related_form 04728068 +06785367 _derivationally_related_form 00622384 +00341285 _derivationally_related_form 05701363 +01688256 _derivationally_related_form 03876519 +06717170 _member_of_domain_usage 09645091 +01628197 _hypernym 01621555 +08246302 _derivationally_related_form 10120085 +00412048 _synset_domain_topic_of 01094725 +01322223 _hypernym 01256600 +03492717 _hypernym 03097890 +12581381 _member_meronym 12589286 +01930874 _synset_domain_topic_of 00298497 +13468094 _derivationally_related_form 00446329 +06554981 _synset_domain_topic_of 08441203 +01721718 _hypernym 01342529 +01460108 _synset_domain_topic_of 06043075 +07014752 _derivationally_related_form 00066191 +09629752 _hypernym 00007846 +03077741 _hypernym 04137444 +02468261 _hypernym 02467662 +02697725 _derivationally_related_form 05929008 +02280223 _member_meronym 02280845 +07338681 _derivationally_related_form 01239619 +02078436 _hypernym 01864707 +10511425 _hypernym 09977660 +00191142 _derivationally_related_form 00126264 +01313093 _member_meronym 01921887 +02404573 _hypernym 02402010 +11301809 _instance_hypernym 10020366 +15287830 _derivationally_related_form 02019021 +06845599 _member_of_domain_usage 03754822 +11724109 _hypernym 11723770 +01167981 _derivationally_related_form 03200357 +02306159 _member_meronym 02308852 +05083328 _hypernym 05075602 +01121948 _hypernym 01090335 +07648408 _hypernym 07578363 +10004539 _derivationally_related_form 01848718 +08063446 _derivationally_related_form 02244956 +01942234 _derivationally_related_form 03595860 +01497864 _hypernym 01494310 +04348359 _derivationally_related_form 02472693 +05166805 _hypernym 04723816 +06845599 _member_of_domain_usage 03891851 +02692471 _derivationally_related_form 01662274 +01837744 _also_see 00779374 +00431117 _hypernym 00146138 +10369417 _hypernym 09998101 +08900535 _has_part 08904392 +03062461 _hypernym 03850746 +06740183 _derivationally_related_form 00896803 +05902545 _has_part 05980875 +03495258 _derivationally_related_form 10160770 +03085333 _has_part 04175147 +03365374 _derivationally_related_form 00292247 +04218564 _derivationally_related_form 00461493 +00373544 _derivationally_related_form 02397637 +10657306 _derivationally_related_form 01329239 +05048301 _derivationally_related_form 00345312 +15256915 _has_part 15258281 +06759349 _derivationally_related_form 00838043 +07710007 _hypernym 07707451 +09339810 _has_part 09451517 +05061345 _hypernym 07296428 +03024746 _derivationally_related_form 01570562 +08969291 _has_part 08970611 +08506496 _hypernym 08673395 +09055015 _instance_hypernym 08655464 +10438172 _derivationally_related_form 01651444 +01241379 _derivationally_related_form 04290259 +04769456 _derivationally_related_form 02505716 +01600191 _derivationally_related_form 00382109 +01643657 _derivationally_related_form 00045250 +00376400 _derivationally_related_form 00334996 +01139865 _derivationally_related_form 10384214 +13151568 _member_meronym 13151820 +09345932 _has_part 09456614 +02211099 _member_meronym 02211283 +10488016 _hypernym 10632576 +01321002 _derivationally_related_form 00360143 +13628955 _has_part 13628246 +06593099 _derivationally_related_form 02304982 +02061069 _derivationally_related_form 00865471 +00312932 _derivationally_related_form 01846658 +08778597 _has_part 08779149 +01807265 _hypernym 01504437 +08289449 _hypernym 08289089 +02250653 _member_meronym 02251233 +10697519 _derivationally_related_form 01007222 +01903385 _hypernym 01835496 +05970012 _hypernym 06167328 +01580928 _derivationally_related_form 04493505 +02492240 _member_meronym 02492356 +00127286 _derivationally_related_form 01113473 +09643545 _hypernym 10287213 +00612114 _derivationally_related_form 00146572 +01063350 _derivationally_related_form 02641035 +07399917 _derivationally_related_form 02188587 +03107152 _hypernym 03305135 +07105475 _member_of_domain_usage 15268094 +02237868 _hypernym 02237581 +04197391 _derivationally_related_form 00049007 +02241621 _synset_domain_topic_of 00766234 +08968879 _instance_hypernym 08700255 +00384933 _derivationally_related_form 02380009 +01145015 _derivationally_related_form 02274482 +11365857 _instance_hypernym 10053439 +02041492 _member_meronym 02042046 +02035337 _also_see 02513740 +13875970 _derivationally_related_form 01523986 +01881180 _derivationally_related_form 10660729 +00969769 _hypernym 00969506 +08355791 _member_meronym 08356903 +09044862 _member_of_domain_region 10008388 +00705517 _hypernym 00705227 +02179279 _also_see 02460502 +12578255 _hypernym 11747468 +12318164 _member_meronym 12319414 +05053688 _hypernym 05053215 +01366653 _hypernym 01340439 +01091844 _derivationally_related_form 04907575 +14498404 _derivationally_related_form 00492706 +00159899 _derivationally_related_form 00768778 +01927992 _hypernym 02053941 +00052146 _derivationally_related_form 01305731 +12097396 _hypernym 13112664 +02175578 _derivationally_related_form 07376937 +00362467 _also_see 01148283 +12982103 _hypernym 11590783 +11867525 _member_meronym 11869890 +04826999 _hypernym 04826771 +03722007 _derivationally_related_form 01004062 +01910965 _derivationally_related_form 00284101 +08734853 _instance_hypernym 08524735 +09044862 _has_part 09069862 +02015598 _verb_group 02009433 +01150981 _hypernym 01150559 +01292885 _derivationally_related_form 07976936 +06398401 _derivationally_related_form 02610628 +11777929 _hypernym 13118707 +00058743 _derivationally_related_form 02075462 +13703942 _hypernym 13662703 +02464693 _also_see 00958880 +01850315 _derivationally_related_form 00280586 +06636806 _derivationally_related_form 00700336 +13649268 _hypernym 13603305 +15137890 _derivationally_related_form 10744164 +09062791 _instance_hypernym 08524735 +00583461 _derivationally_related_form 10632576 +01694620 _hypernym 01693881 +00949134 _hypernym 00947128 +00044149 _hypernym 00046534 +01935476 _derivationally_related_form 04574999 +00574514 _hypernym 00173338 +00824292 _derivationally_related_form 01161017 +00044149 _derivationally_related_form 03859958 +01552219 _hypernym 01552519 +05016171 _derivationally_related_form 00372665 +05560787 _has_part 05563266 +02921753 _derivationally_related_form 09680657 +00442669 _hypernym 00445169 +06783155 _hypernym 06782680 +11485774 _hypernym 11428023 +13843173 _synset_domain_topic_of 06000644 +00125126 _derivationally_related_form 01392237 +00320486 _derivationally_related_form 02001461 +05658826 _synset_domain_topic_of 00015388 +11950028 _member_meronym 11951052 +14543231 _derivationally_related_form 02697120 +13457378 _derivationally_related_form 00151689 +00692580 _derivationally_related_form 00932804 +04878101 _hypernym 04877530 +05610008 _hypernym 05249636 +06314144 _hypernym 06313651 +00343334 _hypernym 00339934 +08724726 _instance_hypernym 08691669 +07427534 _derivationally_related_form 00093593 +10150794 _derivationally_related_form 00631737 +07436661 _hypernym 07407777 +08537837 _hypernym 08552138 +00658619 _hypernym 00658052 +02247977 _verb_group 02285629 +09786338 _derivationally_related_form 02264179 +03845550 _synset_domain_topic_of 06043075 +00713996 _derivationally_related_form 13841651 +00501080 _has_part 00500449 +02052358 _hypernym 02051694 +04373264 _hypernym 02994858 +01486706 _hypernym 01432517 +01918803 _derivationally_related_form 10645854 +03009269 _derivationally_related_form 09910222 +12354374 _hypernym 11556857 +06613686 _derivationally_related_form 01711965 +08232706 _member_meronym 03073832 +08385009 _hypernym 08310389 +02196542 _member_meronym 02198021 +00329495 _derivationally_related_form 13107891 +05916306 _derivationally_related_form 00927711 +00843468 _derivationally_related_form 09762385 +00692718 _derivationally_related_form 00932804 +02439568 _derivationally_related_form 01901447 +00403092 _derivationally_related_form 00102586 +07020538 _derivationally_related_form 01708676 +07536870 _derivationally_related_form 01796582 +09060768 _instance_hypernym 08655464 +06531481 _synset_domain_topic_of 08441203 +08253640 _hypernym 08253815 +00445940 _derivationally_related_form 14883206 +12901264 _hypernym 12900462 +01870043 _derivationally_related_form 00345149 +04539053 _synset_domain_topic_of 03082979 +06155567 _hypernym 06153846 +00021265 _derivationally_related_form 01204191 +00532607 _derivationally_related_form 00002684 +06845599 _member_of_domain_usage 02996249 +01886407 _also_see 02523275 +08131530 _has_part 08196230 +07370270 _derivationally_related_form 01970826 +04649051 _derivationally_related_form 01264336 +01674717 _derivationally_related_form 10438042 +11117744 _instance_hypernym 10794014 +02708711 _derivationally_related_form 00644583 +00599472 _derivationally_related_form 10569744 +10409011 _derivationally_related_form 02317970 +10442417 _derivationally_related_form 02415573 +12620031 _member_meronym 12620196 +03513627 _hypernym 03264542 +01068380 _synset_domain_topic_of 00611143 +01521367 _derivationally_related_form 15002959 +04080454 _derivationally_related_form 02175958 +01950457 _member_meronym 01950731 +04321534 _hypernym 03748886 +00572285 _hypernym 00571609 +01710348 _member_meronym 01711297 +10995292 _derivationally_related_form 03067506 +00715239 _verb_group 00971999 +01074694 _derivationally_related_form 01478002 +09815455 _hypernym 09627906 +00981814 _hypernym 00941990 +05717747 _synset_domain_topic_of 05822612 +07551498 _derivationally_related_form 02719016 +11444816 _hypernym 11418750 +01316619 _derivationally_related_form 01014990 +04976952 _hypernym 04956594 +01758308 _hypernym 05301908 +01133825 _derivationally_related_form 00123234 +02545272 _derivationally_related_form 14541852 +01627965 _derivationally_related_form 01810447 +07437575 _hypernym 07436986 +03652932 _derivationally_related_form 01289155 +00072012 _verb_group 00074038 +02294436 _derivationally_related_form 01083504 +01612122 _hypernym 01610955 +01093380 _derivationally_related_form 00161225 +01856626 _derivationally_related_form 01318478 +07555184 _hypernym 07555014 +06706676 _derivationally_related_form 10305062 +04244997 _hypernym 02858304 +02968333 _hypernym 02696048 +11455386 _synset_domain_topic_of 06431740 +00882802 _derivationally_related_form 06688522 +10840021 _instance_hypernym 10547145 +09800469 _derivationally_related_form 02497586 +09785786 _hypernym 09620078 +00427580 _derivationally_related_form 10463714 +02340186 _hypernym 02339922 +05895138 _derivationally_related_form 00932798 +00697062 _derivationally_related_form 10565302 +13354420 _derivationally_related_form 00731159 +01626138 _derivationally_related_form 06593099 +08860123 _member_of_domain_region 15160866 +11747468 _hypernym 13102409 +00557588 _derivationally_related_form 01072949 +09952539 _derivationally_related_form 01733213 +00149583 _also_see 00248659 +11030395 _instance_hypernym 10123844 +01321456 _derivationally_related_form 15152817 +02321757 _hypernym 02206619 +02707429 _derivationally_related_form 05579944 +14544335 _derivationally_related_form 00026153 +10492202 _derivationally_related_form 01454636 +13965049 _derivationally_related_form 02489183 +11953762 _member_meronym 11953884 +14377617 _hypernym 14376855 +10603528 _derivationally_related_form 02641035 +00707624 _derivationally_related_form 06524935 +02643112 _hypernym 02642644 +02166674 _member_meronym 02166826 +02348405 _member_meronym 02350537 +02981759 _derivationally_related_form 00883297 +13140699 _member_meronym 13140993 +00913705 _synset_domain_topic_of 06149484 +03402188 _hypernym 03763968 +01098968 _hypernym 01098698 +00734927 _derivationally_related_form 15159819 +02042180 _hypernym 02041246 +02064154 _member_meronym 02064608 +02726681 _has_part 02726305 +02696306 _derivationally_related_form 10040344 +13365698 _derivationally_related_form 02217695 +10280674 _hypernym 10415638 +01462468 _derivationally_related_form 02681084 +11432632 _hypernym 11431754 +12075495 _hypernym 11556857 +02080924 _hypernym 02079933 +14311348 _hypernym 14299637 +00033615 _derivationally_related_form 00681429 +00408624 _derivationally_related_form 03407122 +12319687 _member_meronym 12320414 +02043898 _also_see 02040652 +06048851 _hypernym 06047430 +05520699 _derivationally_related_form 01830946 +03496892 _hypernym 03322940 +00265673 _derivationally_related_form 00260622 +01403805 _hypernym 01342529 +07961016 _derivationally_related_form 00657016 +06746005 _derivationally_related_form 00815686 +04835028 _derivationally_related_form 00101800 +02514988 _member_meronym 02515410 +00150591 _derivationally_related_form 01170983 +05528604 _hypernym 05303402 +12724201 _member_meronym 12728864 +15127307 _has_part 15127729 +01418179 _derivationally_related_form 02817650 +12772557 _hypernym 11567411 +12463574 _member_meronym 12463743 +00331531 _hypernym 00280586 +00460900 _derivationally_related_form 01066163 +06570110 _hypernym 06568978 +08954611 _has_part 08955626 +10623354 _hypernym 10420031 +02421749 _hypernym 02421374 +01844048 _derivationally_related_form 00879271 +06251781 _derivationally_related_form 02079933 +09651123 _hypernym 09649554 +00776988 _derivationally_related_form 07160424 +08821885 _hypernym 08654360 +12694707 _member_meronym 12697360 +04278605 _hypernym 03350602 +00548750 _hypernym 00835903 +00552219 _hypernym 00099951 +01517355 _hypernym 01675963 +03179701 _hypernym 04379243 +13486270 _hypernym 13446390 +04579986 _hypernym 03716327 +01448767 _member_meronym 01449857 +00229630 _derivationally_related_form 00127672 +02177976 _hypernym 02176268 +01106808 _derivationally_related_form 02244956 +05547396 _hypernym 08629508 +08055150 _hypernym 08053576 +00208836 _derivationally_related_form 11444643 +03585438 _hypernym 04181228 +14658855 _hypernym 14625458 +00395797 _derivationally_related_form 01488313 +02122298 _hypernym 02121808 +08877382 _instance_hypernym 08633957 +00848466 _hypernym 00848282 +03513137 _has_part 02818254 +08900535 _has_part 08904533 +11406314 _instance_hypernym 10527334 +00388210 _hypernym 00385791 +14545353 _hypernym 14544672 +13176873 _member_meronym 13177048 +07273136 _hypernym 07272172 +03374102 _hypernym 04118021 +00356954 _derivationally_related_form 07350069 +04763293 _derivationally_related_form 00493460 +04863074 _derivationally_related_form 00350889 +15243730 _hypernym 15116283 +03345115 _derivationally_related_form 02183024 +01810466 _hypernym 01342529 +00164345 _hypernym 01083077 +08766988 _has_part 08770518 +10701180 _hypernym 09820263 +01093172 _hypernym 01090335 +00967625 _derivationally_related_form 04073208 +00356648 _derivationally_related_form 04737934 +13468094 _derivationally_related_form 00447309 +03067912 _hypernym 03931044 +05623181 _hypernym 05622456 +01992935 _hypernym 01759182 +04487268 _has_part 04335435 +00329831 _derivationally_related_form 02994858 +00691312 _hypernym 00690614 +15060131 _derivationally_related_form 00081509 +02034828 _also_see 01369663 +02590495 _hypernym 02554730 +00003431 _derivationally_related_form 00117578 +02047807 _derivationally_related_form 05070849 +01996585 _hypernym 01974773 +07801091 _derivationally_related_form 01177699 +06683183 _hypernym 06681551 +10743941 _derivationally_related_form 01735475 +08860123 _has_part 08890097 +02037708 _also_see 00707366 +14047547 _hypernym 14047740 +01974062 _derivationally_related_form 03281145 +01482958 _hypernym 01587062 +01879701 _hypernym 01864707 +00486018 _derivationally_related_form 01127379 +11635830 _hypernym 11630017 +01977832 _hypernym 01762525 +12739595 _member_meronym 12739801 +07193184 _derivationally_related_form 00785008 +02264734 _member_meronym 02264885 +01909679 _derivationally_related_form 00335814 +01206849 _derivationally_related_form 07409592 +08801678 _has_part 08808292 +03358172 _hypernym 03926148 +09029457 _has_part 09030382 +13365286 _derivationally_related_form 02219094 +10435988 _synset_domain_topic_of 00471613 +01152040 _derivationally_related_form 01173660 +02729023 _hypernym 02604760 +12841686 _member_meronym 12841872 +05921868 _synset_domain_topic_of 06162653 +06245084 _hypernym 05946687 +01719921 _verb_group 01719302 +01930874 _derivationally_related_form 00307631 +02020413 _hypernym 01126360 +01219306 _derivationally_related_form 00012944 +09964805 _hypernym 10053808 +00696882 _hypernym 00657604 +07759816 _hypernym 07758680 +13911872 _derivationally_related_form 01589224 +00255214 _derivationally_related_form 00035603 +10746581 _hypernym 10099375 +01732532 _derivationally_related_form 10036929 +06742173 _hypernym 06738281 +09064594 _instance_hypernym 08524735 +03075191 _derivationally_related_form 08910668 +02651846 _hypernym 01429349 +02511107 _hypernym 05225602 +01381399 _member_meronym 01382273 +01684133 _hypernym 01674464 +09465459 _derivationally_related_form 00368109 +02040709 _derivationally_related_form 07275078 +02672371 _derivationally_related_form 02651424 +00934199 _derivationally_related_form 05147237 +12662223 _hypernym 11579418 +07547674 _hypernym 07546465 +01392843 _member_meronym 01393030 +00770437 _derivationally_related_form 10418841 +15239579 _hypernym 15113229 +11665781 _member_meronym 11910835 +08860123 _member_of_domain_region 00897989 +03282401 _hypernym 03169390 +12314315 _member_meronym 12317164 +00541035 _hypernym 00539121 +01429322 _synset_domain_topic_of 01861778 +00497219 _synset_domain_topic_of 06084469 +05003090 _derivationally_related_form 01912893 +01741232 _hypernym 01727646 +15213008 _hypernym 15113229 +09620794 _derivationally_related_form 01036083 +08765890 _instance_hypernym 08697827 +10849873 _instance_hypernym 10214637 +01981884 _member_meronym 01982068 +09445088 _has_part 09342729 +04604009 _synset_domain_topic_of 00759694 +10685685 _derivationally_related_form 00412271 +08029421 _member_meronym 10141811 +14598079 _derivationally_related_form 01539063 +02232606 _hypernym 01342529 +01940488 _member_meronym 01940736 +01313093 _member_meronym 01939598 +14292090 _derivationally_related_form 00107739 +08900535 _member_of_domain_region 08311522 +01903756 _derivationally_related_form 07444495 +01151097 _derivationally_related_form 01765392 +00374835 _derivationally_related_form 00208210 +09758173 _hypernym 09628382 +09189411 _member_of_domain_region 08999154 +02591493 _hypernym 01432517 +07342049 _derivationally_related_form 00958334 +09593651 _instance_hypernym 09484664 +14356578 _hypernym 14336539 +00194414 _hypernym 00191142 +03492250 _derivationally_related_form 02656189 +06353445 _has_part 06828818 +12039743 _member_meronym 12046251 +00994454 _derivationally_related_form 00617059 +00145024 _synset_domain_topic_of 00487874 +12351287 _member_meronym 12351477 +00186161 _derivationally_related_form 14871601 +12328241 _member_meronym 12328398 +10694258 _derivationally_related_form 00604811 +00304422 _hypernym 00419950 +12283981 _member_meronym 12284262 +01040646 _derivationally_related_form 00866702 +01076359 _derivationally_related_form 00402539 +07259610 _hypernym 07258332 +03242713 _derivationally_related_form 02408281 +09947127 _hypernym 00007846 +10387712 _hypernym 10120816 +09143321 _instance_hypernym 08638442 +00452293 _derivationally_related_form 01144657 +00949288 _derivationally_related_form 02679142 +10731848 _hypernym 10412055 +11609684 _hypernym 11609475 +02562085 _member_meronym 02564130 +05981768 _derivationally_related_form 00709379 +00846509 _derivationally_related_form 06720216 +01415585 _hypernym 01400044 +02613487 _hypernym 02613275 +00554850 _derivationally_related_form 01770501 +06062076 _hypernym 06043075 +08365855 _derivationally_related_form 09945319 +00725775 _synset_domain_topic_of 00469651 +00942234 _hypernym 00941777 +02036578 _also_see 02584981 +09110422 _has_part 03534890 +05318263 _hypernym 05397468 +13062272 _member_meronym 13062421 +00439343 _hypernym 00126264 +03534890 _instance_hypernym 03160309 +04091247 _derivationally_related_form 00408085 +10344656 _hypernym 10201535 +01212519 _derivationally_related_form 00895304 +07338114 _derivationally_related_form 00220115 +01312096 _has_part 01270628 +03314028 _hypernym 03963982 +09873604 _derivationally_related_form 01298931 +02200198 _hypernym 02188699 +01200068 _derivationally_related_form 14618253 +03193597 _hypernym 03684823 +03494706 _derivationally_related_form 02442737 +00743344 _derivationally_related_form 06261260 +01020117 _similar_to 01017738 +11455695 _derivationally_related_form 00314782 +10029068 _derivationally_related_form 01690294 +02609466 _member_meronym 02609617 +02253592 _member_meronym 02253913 +02445509 _derivationally_related_form 07293180 +08794798 _has_part 03527930 +13366693 _synset_domain_topic_of 06150633 +04539876 _hypernym 03744276 +12188985 _hypernym 11565385 +10655169 _derivationally_related_form 01305731 +05001089 _hypernym 05000913 +12386039 _member_meronym 12386263 +01583373 _hypernym 01507175 +09944160 _hypernym 10307234 +03300907 _hypernym 03828465 +04505470 _hypernym 03614007 +01745722 _derivationally_related_form 08062623 +06015505 _hypernym 05802185 +00039121 _hypernym 00038849 +01354869 _member_meronym 01370913 +09027089 _instance_hypernym 08524735 +00125629 _derivationally_related_form 01152396 +08192970 _has_part 08194546 +04826771 _hypernym 04826235 +13054211 _hypernym 11590783 +01834485 _derivationally_related_form 14015361 +12348774 _member_meronym 12349091 +02593679 _hypernym 02590987 +11390364 _instance_hypernym 10599806 +01006421 _derivationally_related_form 06469694 +01256867 _hypernym 01552519 +10727016 _derivationally_related_form 01912159 +02141713 _hypernym 02141306 +05015678 _hypernym 05015117 +00875394 _derivationally_related_form 07246582 +05465868 _hypernym 05465567 +06351202 _member_meronym 00390198 +00664788 _derivationally_related_form 05826291 +01636397 _derivationally_related_form 05625465 +10470460 _derivationally_related_form 01150559 +05238282 _has_part 05245906 +07071017 _hypernym 07066659 +01831531 _derivationally_related_form 00331950 +11867525 _member_meronym 11897760 +01673891 _derivationally_related_form 10772190 +13961642 _derivationally_related_form 10261041 +10025487 _hypernym 10789118 +00601043 _derivationally_related_form 05704266 +08791167 _member_of_domain_region 07683617 +00650577 _derivationally_related_form 14451672 +00063095 _derivationally_related_form 13491464 +03451909 _synset_domain_topic_of 06371413 +01767163 _derivationally_related_form 05832264 +12940060 _member_meronym 12940226 +07235335 _has_part 06561942 +12410715 _member_meronym 12418680 +01577093 _derivationally_related_form 03970156 +12994979 _member_meronym 12976985 +13988224 _hypernym 13987719 +10012484 _derivationally_related_form 13523661 +00605812 _hypernym 00586262 +00968211 _derivationally_related_form 05088324 +01098706 _derivationally_related_form 01157850 +08505573 _hypernym 07941945 +10771392 _hypernym 09629752 +12417273 _hypernym 11561228 +01558440 _verb_group 01563005 +02562085 _hypernym 01429349 +06708664 _hypernym 06706676 +10616578 _derivationally_related_form 00004819 +13134302 _hypernym 13083586 +00275151 _derivationally_related_form 00286928 +03540267 _hypernym 03381126 +00467717 _derivationally_related_form 01158690 +11008647 _instance_hypernym 10350220 +08847694 _has_part 09167767 +01321002 _derivationally_related_form 04016240 +12752205 _hypernym 13109733 +01428011 _hypernym 01428853 +01004582 _hypernym 00996969 +05867413 _hypernym 05835747 +01438720 _hypernym 01429349 +01711445 _derivationally_related_form 07006712 +06464419 _synset_domain_topic_of 06236802 +08929922 _has_part 08936833 +13624873 _has_part 13624705 +00630026 _derivationally_related_form 06158346 +07327288 _derivationally_related_form 00098770 +00820611 _verb_group 00820352 +01056369 _hypernym 00983824 +11778391 _member_meronym 11778534 +00267349 _derivationally_related_form 00262703 +07350754 _hypernym 07309781 +11697560 _hypernym 13112664 +02071974 _derivationally_related_form 07432119 +04012482 _has_part 03321103 +00972608 _hypernym 00971650 +01708998 _hypernym 01708106 +01401517 _hypernym 01387617 +01967205 _hypernym 01966168 +12933164 _hypernym 11585340 +02099019 _also_see 01111016 +09335916 _hypernym 09334396 +08906374 _has_part 09338712 +11600900 _hypernym 11554175 +10022759 _derivationally_related_form 02575723 +00899352 _derivationally_related_form 07274890 +09823287 _derivationally_related_form 00918471 +01232738 _derivationally_related_form 00258695 +00859325 _derivationally_related_form 04630689 +07370270 _hypernym 07311115 +09209263 _has_part 09273447 +05219923 _has_part 05513529 +03873064 _derivationally_related_form 00321486 +13156083 _hypernym 13152742 +11515051 _derivationally_related_form 00536304 +00239321 _verb_group 00238867 +13743269 _hypernym 13741022 +14842091 _derivationally_related_form 00004227 +08107499 _member_meronym 08108627 +08975106 _has_part 08975435 +00048633 _hypernym 00047945 +00327031 _derivationally_related_form 00006484 +00324231 _synset_domain_topic_of 00243918 +00816556 _derivationally_related_form 10003283 +07526757 _derivationally_related_form 01148283 +08783286 _instance_hypernym 08782627 +08709038 _has_part 08747054 +00882220 _derivationally_related_form 07014320 +02454119 _hypernym 01862557 +02343374 _derivationally_related_form 08420278 +00098517 _verb_group 00098770 +02391049 _hypernym 02374149 +07099271 _derivationally_related_form 01964367 +06593099 _hypernym 06591442 +01149470 _verb_group 01080064 +08913434 _has_part 08916316 +02286204 _verb_group 01313923 +12159804 _hypernym 12159555 +00831191 _derivationally_related_form 00779360 +08920924 _has_part 08926381 +01494310 _derivationally_related_form 08664443 +01194418 _derivationally_related_form 10186774 +00004227 _hypernym 00001740 +01925694 _derivationally_related_form 10660729 +01840238 _derivationally_related_form 00302394 +02600255 _hypernym 00010435 +02589576 _derivationally_related_form 10515194 +00597634 _derivationally_related_form 05641959 +02658531 _hypernym 02658079 +08295580 _member_meronym 08299493 +03875218 _derivationally_related_form 01362736 +09075842 _has_part 09378014 +07173959 _derivationally_related_form 00932798 +01672767 _member_meronym 01672950 +01791625 _has_part 07644967 +14505821 _hypernym 14501726 +01126360 _derivationally_related_form 10214062 +01970866 _member_meronym 01972283 +08924238 _instance_hypernym 08633957 +06453324 _has_part 06436939 +12096798 _member_meronym 12097180 +02070466 _derivationally_related_form 07406765 +15237782 _derivationally_related_form 00408272 +00965871 _hypernym 01009240 +00963452 _hypernym 00962447 +01889074 _derivationally_related_form 00315383 +02328662 _hypernym 01864707 +11667112 _member_meronym 11564258 +07653982 _hypernym 07653394 +00456151 _hypernym 00497705 +01507134 _derivationally_related_form 01071411 +00900214 _derivationally_related_form 06633041 +13232515 _hypernym 11592146 +00225150 _derivationally_related_form 02484570 +12764703 _hypernym 11567411 +12840640 _member_meronym 12840749 +06100555 _has_part 06103270 +10394786 _hypernym 10560637 +01949817 _derivationally_related_form 03009111 +15254550 _has_part 15255195 +05282433 _hypernym 07996689 +13537429 _hypernym 13446390 +01539063 _also_see 01282142 +01755137 _hypernym 01686132 +04842993 _derivationally_related_form 02105990 +09875786 _derivationally_related_form 00973056 +07420991 _hypernym 07345593 +01569713 _member_meronym 01569836 +01552956 _hypernym 01504437 +14016114 _hypernym 14373582 +06366581 _hypernym 07066659 +09359803 _hypernym 09366317 +02780916 _has_part 03859717 +10474064 _hypernym 09807754 +09241929 _hypernym 09258715 +03430959 _hypernym 03294048 +10200531 _derivationally_related_form 02346136 +02933462 _hypernym 03079741 +08016900 _synset_domain_topic_of 00759694 +05789808 _derivationally_related_form 00799798 +00916464 _hypernym 00915722 +01715888 _hypernym 01712008 +01622596 _hypernym 01507175 +02269829 _hypernym 01342529 +02254370 _hypernym 01759182 +05702275 _hypernym 05701944 +02260362 _derivationally_related_form 01113068 +00927516 _hypernym 00927261 +13376012 _hypernym 13375323 +02351870 _hypernym 02329401 +05705355 _derivationally_related_form 00704388 +07331013 _derivationally_related_form 00472230 +00612612 _derivationally_related_form 07452841 +10538733 _derivationally_related_form 01604251 +02466670 _derivationally_related_form 01125693 +09408977 _instance_hypernym 09411430 +04335693 _hypernym 03051540 +05102101 _hypernym 05129201 +09976119 _hypernym 00007846 +01382818 _derivationally_related_form 01639765 +00785470 _hypernym 00785962 +02578510 _derivationally_related_form 09902954 +10345804 _derivationally_related_form 01009240 +08303275 _derivationally_related_form 02434541 +01428155 _member_meronym 02545569 +00336260 _verb_group 00336718 +00848098 _hypernym 00845523 +03905540 _derivationally_related_form 01340283 +12269652 _hypernym 12268246 +01590443 _member_meronym 01590583 +05982152 _derivationally_related_form 00708538 +02527813 _member_meronym 02544596 +08972521 _instance_hypernym 08544813 +01594157 _member_meronym 01596479 +00867983 _hypernym 00863513 +10770767 _hypernym 10079399 +07375781 _synset_domain_topic_of 06115701 +08339706 _hypernym 08339454 +06762711 _derivationally_related_form 01033189 +06063588 _derivationally_related_form 01169194 +03933529 _derivationally_related_form 01305731 +00328370 _hypernym 00326773 +02653145 _hypernym 02652668 +05289297 _hypernym 05289601 +12062227 _member_meronym 12062781 +01572978 _derivationally_related_form 00812526 +01398919 _derivationally_related_form 02817650 +02387034 _derivationally_related_form 00893955 +03566860 _derivationally_related_form 01517355 +02181538 _hypernym 02179518 +07935504 _hypernym 00021265 +07448717 _derivationally_related_form 01708676 +12108432 _hypernym 12102133 +09044862 _has_part 09060768 +08860123 _member_of_domain_region 08546183 +01135922 _derivationally_related_form 00987863 +05737153 _derivationally_related_form 01112364 +05217688 _hypernym 05217168 +00520881 _hypernym 00126264 +08271042 _hypernym 07951464 +05685538 _derivationally_related_form 00622384 +09044862 _member_of_domain_region 04458409 +12714755 _hypernym 13104059 +03975232 _derivationally_related_form 00923793 +01730216 _synset_domain_topic_of 00543233 +09795334 _derivationally_related_form 00965871 +12036781 _member_meronym 12036939 +10051975 _hypernym 10314952 +02554512 _hypernym 01342529 +04623612 _has_part 04631298 +08923177 _instance_hypernym 08524735 +00660783 _derivationally_related_form 10290919 +00329244 _derivationally_related_form 13913849 +04468005 _derivationally_related_form 01936537 +00664483 _derivationally_related_form 10760763 +01204439 _verb_group 01576165 +08860123 _member_of_domain_region 10678937 +01443021 _derivationally_related_form 05103283 +01484392 _derivationally_related_form 02919414 +01908039 _derivationally_related_form 14487184 +00991838 _derivationally_related_form 10082146 +00443116 _derivationally_related_form 14110411 +00447950 _verb_group 00447771 +13661273 _has_part 13664521 +05781800 _hypernym 05772667 +00472230 _derivationally_related_form 00218208 +00932088 _derivationally_related_form 00532607 +15274863 _derivationally_related_form 02208903 +09044862 _has_part 08564739 +08860123 _member_of_domain_region 07618871 +08984788 _instance_hypernym 08696931 +05811884 _hypernym 05810948 +11973159 _hypernym 11579418 +02500144 _hypernym 02499629 +08620881 _hypernym 08578706 +12603784 _hypernym 11567411 +10729175 _hypernym 10225219 +00268314 _hypernym 00151689 +11921622 _hypernym 11579418 +05538016 _hypernym 05249636 +02201268 _derivationally_related_form 13265425 +07135080 _hypernym 07134850 +11827775 _hypernym 11565040 +03082979 _has_part 02985137 +01628450 _member_meronym 01638952 +12575089 _hypernym 11585340 +00280532 _derivationally_related_form 14757172 +01563005 _derivationally_related_form 05867413 +08845555 _has_part 08847024 +01616086 _hypernym 01605630 +06725067 _derivationally_related_form 01018928 +09913593 _hypernym 10677713 +14761122 _hypernym 14712692 +06954303 _derivationally_related_form 02959912 +02642814 _derivationally_related_form 06759974 +00025034 _derivationally_related_form 00255710 +00594621 _derivationally_related_form 00190115 +02000288 _hypernym 01999798 +06283912 _hypernym 06282651 +02199590 _derivationally_related_form 10025730 +02460502 _also_see 02179279 +01225562 _derivationally_related_form 00632236 +00356954 _hypernym 00356258 +01129977 _also_see 01123148 +02076027 _hypernym 02009433 +08999482 _member_of_domain_region 09327077 +00203649 _hypernym 00203342 +05043973 _hypernym 05042871 +00156390 _derivationally_related_form 00829761 +01822773 _hypernym 01504437 +02535457 _derivationally_related_form 00384933 +00832626 _hypernym 01048210 +00928947 _hypernym 00927261 +01062555 _derivationally_related_form 00121166 +00781912 _derivationally_related_form 02571511 +07491286 _hypernym 07491038 +11501230 _hypernym 11499817 +02165754 _derivationally_related_form 00292386 +02741357 _verb_group 02079933 +01481360 _derivationally_related_form 03491178 +05159948 _hypernym 05142180 +01507143 _derivationally_related_form 10435988 +13754293 _hypernym 13576355 +05053215 _derivationally_related_form 01754421 +11751765 _hypernym 13118707 +01816635 _hypernym 01342529 +11662128 _hypernym 11661372 +01242716 _derivationally_related_form 02512922 +05553288 _hypernym 05225090 +09614684 _derivationally_related_form 01129876 +05006898 _derivationally_related_form 00651630 +02623194 _hypernym 01354673 +12283542 _hypernym 12281241 +09862845 _hypernym 00007846 +10437698 _hypernym 09620078 +11333237 _instance_hypernym 10467395 +01929254 _derivationally_related_form 15280497 +11712153 _hypernym 11571907 +02266732 _hypernym 01762525 +01429663 _derivationally_related_form 02804772 +01076370 _hypernym 01072949 +07496755 _derivationally_related_form 01792567 +01155421 _hypernym 01088923 +10430665 _hypernym 10340312 +10408324 _hypernym 10388924 +02167052 _derivationally_related_form 05614476 +04713428 _hypernym 04712735 +01305731 _derivationally_related_form 00052146 +02942699 _has_part 03189083 +01487311 _derivationally_related_form 03679986 +10744544 _hypernym 10765679 +00471711 _hypernym 01619929 +02518178 _member_meronym 02518324 +14504889 _hypernym 14501726 +09057311 _has_part 09168707 +01735475 _derivationally_related_form 10780632 +11222914 _instance_hypernym 10554243 +11911591 _member_meronym 12001565 +00252710 _hypernym 00252019 +01310964 _derivationally_related_form 03239399 +12108742 _member_meronym 12108871 +10433452 _derivationally_related_form 01933305 +01511706 _derivationally_related_form 04011827 +04191943 _hypernym 04014297 +00481739 _derivationally_related_form 06667317 +02442205 _hypernym 02441022 +02367131 _member_meronym 02368280 +04417809 _hypernym 02913152 +01643657 _derivationally_related_form 13773539 +00270561 _hypernym 00205046 +08569591 _synset_domain_topic_of 06115701 +04090263 _hypernym 03343853 +02401661 _member_meronym 02404906 +00590047 _derivationally_related_form 10468962 +02508245 _derivationally_related_form 01223488 +05442131 _hypernym 09224911 +05928513 _derivationally_related_form 00938247 +00735866 _derivationally_related_form 13845239 +01163847 _derivationally_related_form 10498551 +08391696 _hypernym 08337324 +03368352 _hypernym 02819474 +04296261 _hypernym 04317420 +02489748 _hypernym 02489456 +08648658 _synset_domain_topic_of 08199025 +00152727 _derivationally_related_form 00645771 +05925366 _hypernym 05923696 +13998781 _derivationally_related_form 01301410 +02492362 _derivationally_related_form 00429048 +02677028 _hypernym 03309808 +02407987 _hypernym 01158872 +00372665 _derivationally_related_form 13491876 +15174218 _has_part 15211806 +08715110 _has_part 08907606 +10087080 _synset_domain_topic_of 08199025 +10203298 _hypernym 10164025 +00620379 _derivationally_related_form 06785367 +05704266 _hypernym 05650579 +01430847 _also_see 00464962 +09189411 _has_part 09031233 +13398953 _hypernym 13397174 +00253277 _verb_group 00252990 +04959567 _derivationally_related_form 00286928 +01319874 _derivationally_related_form 13989863 +01243661 _derivationally_related_form 00125436 +13766896 _hypernym 13756125 +02513740 _also_see 01782519 +00492095 _synset_domain_topic_of 06163751 +08982587 _has_part 08983742 +00788821 _also_see 01612053 +02091165 _derivationally_related_form 00285889 +02700064 _synset_domain_topic_of 02958343 +04980463 _derivationally_related_form 01052248 +04640176 _hypernym 04623612 +00494907 _derivationally_related_form 01070102 +10301261 _derivationally_related_form 06000644 +12166424 _has_part 12167075 +06522501 _derivationally_related_form 02208537 +04638585 _derivationally_related_form 01182293 +05861067 _derivationally_related_form 00949288 +12453186 _hypernym 12451915 +08196024 _synset_domain_topic_of 08199025 +00220869 _derivationally_related_form 00264529 +00857923 _derivationally_related_form 07555647 +00002942 _derivationally_related_form 00833870 +00204814 _derivationally_related_form 00757856 +08554440 _derivationally_related_form 02804590 +07257393 _hypernym 07256375 +00735936 _hypernym 00732746 +01383638 _member_meronym 01384164 +01021420 _derivationally_related_form 06511874 +02015598 _derivationally_related_form 00058519 +09870208 _derivationally_related_form 00445802 +01503061 _has_part 02151625 +01954962 _hypernym 01939598 +10609198 _hypernym 10612210 +00631737 _derivationally_related_form 05779712 +11698562 _hypernym 13112664 +03110669 _derivationally_related_form 01733829 +13967215 _hypernym 13963970 +00335988 _derivationally_related_form 01864865 +05065717 _synset_domain_topic_of 06000644 +00831651 _derivationally_related_form 08462320 +01770553 _member_meronym 01770967 +01636008 _hypernym 01636397 +12220654 _hypernym 11567411 +06529879 _hypernym 06529219 +12039743 _member_meronym 12063414 +02472693 _derivationally_related_form 04348359 +00380568 _derivationally_related_form 00394813 +12053138 _member_meronym 12053405 +12948978 _hypernym 11585340 +03497657 _has_part 03138534 +01625666 _derivationally_related_form 03635668 +01900488 _derivationally_related_form 02884456 +08193448 _member_meronym 10348526 +12005500 _member_meronym 12005656 +12719684 _hypernym 12205694 +00854150 _hypernym 02418686 +05867413 _derivationally_related_form 01563005 +01543123 _verb_group 01543998 +00986897 _derivationally_related_form 07394814 +07165086 _hypernym 07164546 +14008806 _derivationally_related_form 01510827 +01970348 _derivationally_related_form 07311661 +02677567 _derivationally_related_form 01239064 +10008716 _derivationally_related_form 00388635 +00052374 _derivationally_related_form 02539359 +01458664 _derivationally_related_form 03339643 +08061042 _member_meronym 08220714 +04702688 _derivationally_related_form 00779374 +00612612 _derivationally_related_form 03055809 +05549830 _has_part 05597594 +00588703 _hypernym 00586262 +01688256 _synset_domain_topic_of 00933420 +02636811 _synset_domain_topic_of 06083243 +02405390 _derivationally_related_form 10680153 +04560292 _hypernym 03094503 +10405694 _hypernym 10595647 +07843775 _hypernym 07566340 +05325378 _hypernym 05249636 +12213635 _member_meronym 12223950 +00112312 _derivationally_related_form 01872877 +02643872 _hypernym 02642814 +02330407 _derivationally_related_form 04046590 +02756558 _hypernym 02756821 +11819509 _hypernym 13084184 +00294452 _derivationally_related_form 02061495 +04631700 _derivationally_related_form 00192836 +00896141 _hypernym 00896497 +05761559 _hypernym 05760202 +01523986 _derivationally_related_form 13875970 +04863793 _hypernym 04861486 +01500854 _hypernym 01500091 +01486312 _derivationally_related_form 04190747 +00619869 _derivationally_related_form 07174877 +02405390 _verb_group 01308381 +05560787 _has_part 05578442 +00936169 _derivationally_related_form 07215185 +01709931 _hypernym 01708676 +01211888 _derivationally_related_form 00400427 +06845599 _member_of_domain_usage 14861042 +09080554 _has_part 09080782 +01806271 _hypernym 01806109 +00489496 _derivationally_related_form 01219075 +07214267 _hypernym 07213395 +02524524 _hypernym 02521646 +03891851 _hypernym 04169152 +12741409 _member_meronym 12741222 +12719455 _member_meronym 12719684 +00881998 _derivationally_related_form 04716210 +02145084 _member_meronym 02145424 +00982514 _hypernym 00169806 +08963369 _member_of_domain_region 03443543 +06776986 _hypernym 06776138 +07395623 _hypernym 07387509 +14796969 _hypernym 14877234 +00455348 _derivationally_related_form 00486018 +00470386 _hypernym 00126264 +11911591 _member_meronym 12006081 +09324474 _instance_hypernym 09411430 +06817623 _hypernym 06806469 +01987353 _member_meronym 01987727 +02077656 _also_see 01974062 +13721529 _has_part 13721177 +02430922 _hypernym 02536557 +10204177 _derivationally_related_form 08065234 +00805376 _verb_group 01035530 +08920381 _has_part 08920722 +09975425 _hypernym 09614315 +12770277 _member_meronym 12771597 +04978561 _hypernym 04956594 +12794985 _hypernym 12205694 +09050730 _has_part 09051235 +00939035 _derivationally_related_form 10369528 +09762385 _hypernym 09615465 +08963244 _instance_hypernym 08524735 +01382917 _hypernym 01380638 +02343816 _hypernym 02235229 +07726672 _hypernym 07708798 +02420789 _derivationally_related_form 03599761 +01937795 _hypernym 01936753 +00445351 _derivationally_related_form 01946996 +12398682 _member_meronym 12400261 +00278810 _derivationally_related_form 01201089 +00394813 _derivationally_related_form 07882497 +10881092 _instance_hypernym 10071557 +06795290 _hypernym 06794666 +14424517 _hypernym 14422179 +05950733 _derivationally_related_form 00884317 +06845599 _member_of_domain_usage 04006953 +13981403 _hypernym 13980288 +02391803 _derivationally_related_form 00730247 +07338681 _derivationally_related_form 02243567 +06172071 _synset_domain_topic_of 15259284 +02116980 _verb_group 01817574 +01218932 _hypernym 01218766 +02274516 _member_meronym 02274822 +00017531 _hypernym 00017865 +12622653 _member_meronym 12622875 +00285387 _hypernym 05701738 +04152593 _hypernym 03211117 +06449735 _has_part 06437824 +02551824 _member_meronym 02574489 +08897065 _has_part 08898633 +01163847 _derivationally_related_form 03949442 +13907415 _derivationally_related_form 02035919 +13025197 _member_meronym 13025421 +00532607 _derivationally_related_form 00932624 +04530566 _has_part 04554211 +09973490 _hypernym 09991026 +04836491 _hypernym 04836268 +08223263 _member_meronym 10077593 +01517355 _derivationally_related_form 03566860 +01755274 _hypernym 01657723 +02370806 _has_part 02463205 +09963320 _hypernym 10605985 +12893094 _member_meronym 12893463 +01300937 _hypernym 01301051 +01460029 _derivationally_related_form 01254051 +09684476 _hypernym 10016103 +12350234 _member_meronym 12350433 +09779280 _derivationally_related_form 07495551 +13375604 _hypernym 13375323 +00604617 _derivationally_related_form 02729965 +00980908 _derivationally_related_form 05960464 +10845248 _instance_hypernym 09826204 +10646942 _derivationally_related_form 01921204 +11747468 _has_part 11748002 +00418408 _derivationally_related_form 05023741 +09850121 _hypernym 09627906 +09920771 _derivationally_related_form 08188638 +11358719 _instance_hypernym 10467395 +01502262 _hypernym 08103777 +02176073 _member_meronym 02176261 +02037090 _derivationally_related_form 05068080 +00444975 _synset_domain_topic_of 00243918 +01210737 _derivationally_related_form 05565696 +00650743 _hypernym 00649482 +01843904 _hypernym 01843689 +01024864 _hypernym 01024190 +11541713 _member_meronym 11541919 +10810923 _instance_hypernym 10231515 +03964744 _derivationally_related_form 00013328 +06481320 _derivationally_related_form 00945853 +02147109 _derivationally_related_form 01049685 +01301051 _hypernym 00233335 +03748162 _has_part 03748886 +01707925 _derivationally_related_form 00939818 +01229071 _derivationally_related_form 00368592 +12932966 _hypernym 12205694 +01606205 _derivationally_related_form 03420559 +13514314 _hypernym 13526110 +14850826 _hypernym 14951377 +01542316 _hypernym 01507175 +04918767 _hypernym 04918210 +02528949 _hypernym 01429349 +07036862 _synset_domain_topic_of 15253139 +05800611 _derivationally_related_form 00788564 +08932568 _has_part 02805584 +02116959 _member_meronym 02118058 +04950537 _hypernym 04950126 +01530431 _hypernym 01421622 +02758033 _derivationally_related_form 11502102 +11669921 _derivationally_related_form 00294245 +12724201 _member_meronym 12728322 +08232706 _member_meronym 03163081 +00631398 _derivationally_related_form 10705615 +01615949 _hypernym 01507175 +01700470 _hypernym 01699831 +13079203 _member_meronym 13079567 +01226941 _hypernym 00034574 +01894040 _hypernym 01862557 +04697267 _hypernym 04673965 +11509066 _hypernym 14883206 +01954852 _derivationally_related_form 02792552 +13657849 _hypernym 13649268 +12319687 _hypernym 11567411 +02208903 _hypernym 02199590 +01138911 _hypernym 01138523 +00357275 _derivationally_related_form 00504019 +13301328 _derivationally_related_form 02498716 +12852726 _hypernym 11579418 +12619306 _member_meronym 12628872 +06409562 _hypernym 06362953 +00334996 _verb_group 00334186 +01907258 _also_see 00897564 +01273263 _derivationally_related_form 04683136 +13496771 _hypernym 13518963 +00368367 _derivationally_related_form 05402091 +07032753 _hypernym 00084371 +00586262 _derivationally_related_form 02537960 +02590237 _member_meronym 02591205 +00879540 _derivationally_related_form 10360101 +10438172 _hypernym 00007846 +12916935 _member_meronym 12927921 +03049066 _synset_domain_topic_of 07006119 +05988097 _derivationally_related_form 01817755 +02124748 _derivationally_related_form 04980008 +08907606 _member_of_domain_region 08034579 +07454758 _has_part 07244154 +03354903 _derivationally_related_form 01670172 +09382990 _has_part 08836329 +01291069 _derivationally_related_form 00145218 +01144355 _derivationally_related_form 00794981 +06431740 _derivationally_related_form 02854521 +00210738 _derivationally_related_form 13077033 +00941037 _hypernym 00941990 +08975902 _member_of_domain_region 08013845 +14399116 _hypernym 14398523 +02077656 _also_see 01993926 +00080304 _synset_domain_topic_of 00612160 +10450303 _hypernym 09623038 +09822955 _hypernym 09761403 +09624168 _has_part 05219724 +03827107 _hypernym 03082979 +01932358 _hypernym 01921559 +01660719 _member_meronym 01695259 +00758459 _derivationally_related_form 10014658 +00329031 _derivationally_related_form 01870867 +09124589 _instance_hypernym 08524735 +10184081 _derivationally_related_form 01397707 +00901799 _hypernym 01009240 +01321002 _hypernym 00430370 +01531265 _derivationally_related_form 04159058 +10209082 _hypernym 09623038 +08860123 _member_of_domain_usage 04370048 +12550788 _hypernym 13139055 +09441107 _has_part 08730354 +11737316 _hypernym 11571907 +13187604 _member_meronym 13187826 +04960582 _derivationally_related_form 00286333 +01872094 _member_meronym 01872635 +03163973 _hypernym 03916720 +07073447 _member_of_domain_usage 09643078 +09354984 _hypernym 08271042 +10060175 _derivationally_related_form 02016523 +02269015 _member_meronym 02269196 +01633949 _member_meronym 01634392 +10769459 _hypernym 10479561 +02627221 _hypernym 00109660 +15017604 _hypernym 14818238 +09372504 _has_part 08702805 +01452255 _hypernym 01449974 +13729428 _synset_domain_topic_of 06000644 +01716882 _verb_group 01719921 +09435965 _derivationally_related_form 02677332 +01437805 _member_meronym 01438208 +12501745 _member_meronym 12508077 +00470966 _hypernym 00468480 +01151407 _derivationally_related_form 01765392 +09026780 _instance_hypernym 08524735 +03327841 _derivationally_related_form 01115916 +03763727 _hypernym 03679384 +04008634 _hypernym 04565375 +06882333 _hypernym 06880664 +04435870 _hypernym 03183080 +04540547 _hypernym 02810471 +15174218 _has_part 15213406 +10533013 _hypernym 09613191 +09032321 _instance_hypernym 08691669 +01642671 _member_meronym 01643374 +00365709 _hypernym 00363260 +02039156 _derivationally_related_form 00341548 +09828403 _hypernym 00007846 +01883212 _member_meronym 01883513 +12404943 _hypernym 11562747 +09242514 _instance_hypernym 09411430 +03112869 _derivationally_related_form 01467917 +10552980 _hypernym 10419047 +03049066 _synset_domain_topic_of 03316406 +09850121 _derivationally_related_form 02201521 +01446901 _derivationally_related_form 06890254 +09943811 _derivationally_related_form 07169480 +00426958 _derivationally_related_form 00053609 +11746776 _member_meronym 11753936 +02695520 _hypernym 02694933 +02370806 _has_part 02153959 +04489008 _hypernym 03419014 +09753642 _synset_domain_topic_of 05778131 +01714208 _derivationally_related_form 00548326 +02167571 _hypernym 02169352 +01963942 _derivationally_related_form 05086740 +02646931 _hypernym 02536557 +04740864 _hypernym 04737934 +02425913 _derivationally_related_form 00211110 +02109045 _hypernym 02108026 +03216828 _derivationally_related_form 02085742 +14487731 _hypernym 14487184 +09232165 _instance_hypernym 09475292 +04394031 _synset_domain_topic_of 00646833 +14476852 _hypernym 14475661 +00188721 _hypernym 00187526 +11911591 _member_meronym 11991993 +09382990 _has_part 08835875 +11567411 _hypernym 08108972 +09837201 _hypernym 09952539 +04217882 _hypernym 04341686 +00082870 _hypernym 00077419 +04594218 _hypernym 03664943 +02660769 _member_meronym 02662688 +00858781 _derivationally_related_form 09913329 +14122497 _hypernym 14122235 +06401328 _hypernym 06400271 +00719231 _derivationally_related_form 14412725 +07355887 _derivationally_related_form 00441445 +00445711 _verb_group 00374135 +02346895 _verb_group 02542280 +02367363 _derivationally_related_form 00030358 +00226071 _derivationally_related_form 14835333 +00171586 _hypernym 00205885 +02044778 _hypernym 02044178 +01906823 _verb_group 01904930 +05307091 _derivationally_related_form 02677861 +01113264 _synset_domain_topic_of 00464894 +14327266 _hypernym 14323683 +00247442 _hypernym 00243918 +09987239 _hypernym 10628644 +10372373 _derivationally_related_form 01096497 +01455778 _hypernym 02528163 +05174653 _hypernym 05854150 +04039041 _hypernym 03576215 +02562585 _hypernym 02561995 +14120310 _hypernym 14316714 +12787007 _hypernym 11566682 +01459422 _also_see 01246579 +05946687 _derivationally_related_form 09629065 +12819728 _hypernym 12205694 +01389188 _member_meronym 01421496 +11952900 _member_meronym 11953339 +00482180 _derivationally_related_form 01253778 +00817680 _derivationally_related_form 01128193 +04232312 _hypernym 04295881 +07549536 _hypernym 07548978 +13964879 _synset_domain_topic_of 08441203 +09725772 _hypernym 09641757 +07441619 _derivationally_related_form 00143204 +06050901 _derivationally_related_form 10154013 +12401684 _hypernym 12401335 +13108131 _hypernym 13104059 +06954925 _hypernym 06953731 +14536438 _hypernym 13920835 +00786816 _derivationally_related_form 00636461 +00149583 _hypernym 00146138 +13164583 _hypernym 13087625 +02659222 _hypernym 02657219 +07561590 _derivationally_related_form 02846322 +02031622 _synset_domain_topic_of 08199025 +05636048 _derivationally_related_form 10340312 +13631355 _has_part 13630707 +02776631 _hypernym 04202417 +10425946 _derivationally_related_form 06158346 +00037457 _derivationally_related_form 13440063 +03027335 _derivationally_related_form 11295196 +02471467 _member_meronym 02471762 +06970103 _derivationally_related_form 02923745 +00171618 _derivationally_related_form 09998101 +00959524 _hypernym 00931467 +08860123 _member_of_domain_region 03884639 +09114128 _instance_hypernym 08665504 +00224166 _also_see 00227003 +09893502 _hypernym 00015388 +03070396 _has_part 03768346 +07664582 _synset_domain_topic_of 06234825 +00846509 _derivationally_related_form 09999135 +12808227 _member_meronym 12808933 +02106006 _derivationally_related_form 04946553 +01959333 _hypernym 01939598 +00118268 _derivationally_related_form 00103317 +01116380 _also_see 02461723 +09861718 _hypernym 09998101 +00378479 _derivationally_related_form 02761372 +01787955 _derivationally_related_form 10695555 +02282365 _derivationally_related_form 00372607 +10786270 _hypernym 10597234 +03780896 _hypernym 03713736 +03239054 _hypernym 03384891 +01235137 _hypernym 01234729 +09165613 _instance_hypernym 08698379 +07731767 _hypernym 07731587 +00898804 _hypernym 00898518 +08963369 _member_meronym 09721883 +00227595 _hypernym 00219012 +09999795 _derivationally_related_form 07540866 +05154676 _hypernym 05154517 +02214972 _member_meronym 02215334 +12838027 _member_meronym 12864038 +13651218 _derivationally_related_form 10315561 +07075172 _member_of_domain_usage 06716796 +00308534 _hypernym 00126264 +06262567 _derivationally_related_form 01002740 +15260964 _derivationally_related_form 02644234 +00327031 _derivationally_related_form 14061462 +04310018 _has_part 04309049 +00246940 _derivationally_related_form 00326619 +00783523 _hypernym 00782527 +00243918 _hypernym 00199130 +00372665 _derivationally_related_form 11466043 +00043765 _derivationally_related_form 01644746 +02513740 _also_see 02035337 +01144716 _derivationally_related_form 00100905 +00103317 _derivationally_related_form 00118268 +07111047 _derivationally_related_form 00952182 +01688771 _derivationally_related_form 00900957 +01215137 _derivationally_related_form 06547832 +00353782 _derivationally_related_form 00429060 +00388635 _derivationally_related_form 07335414 +07138085 _derivationally_related_form 01034312 +09180259 _hypernym 00023773 +05658826 _hypernym 05658603 +00101956 _derivationally_related_form 10636874 +01763813 _derivationally_related_form 02450505 +01088304 _hypernym 01086945 +02811936 _hypernym 04051825 +07274890 _hypernym 01228102 +02556817 _derivationally_related_form 07248060 +07075172 _member_of_domain_usage 10194566 +02234719 _hypernym 01762525 +02675077 _hypernym 03208556 +06195839 _derivationally_related_form 02898750 +00309990 _derivationally_related_form 04024396 +00066901 _hypernym 00066636 +02082498 _member_meronym 02082632 +13011856 _hypernym 11590783 +14492953 _derivationally_related_form 02669789 +12945366 _hypernym 13122364 +02660769 _member_meronym 02661017 +01020936 _derivationally_related_form 01742886 +00027705 _derivationally_related_form 05294606 +12918609 _hypernym 12917901 +10104756 _derivationally_related_form 00917614 +01378346 _hypernym 01352574 +00731789 _derivationally_related_form 05704694 +03497657 _derivationally_related_form 00047172 +10111144 _hypernym 09876892 +07460104 _derivationally_related_form 01086103 +02373093 _member_meronym 02391782 +02712243 _derivationally_related_form 05930736 +01904930 _verb_group 01912893 +02491383 _derivationally_related_form 10769321 +12665048 _hypernym 12205694 +14601829 _hypernym 14727670 +00760402 _derivationally_related_form 00033020 +06746005 _hypernym 06722453 +11992806 _hypernym 11669921 +01552519 _derivationally_related_form 09985279 +00171852 _hypernym 00205885 +02968828 _derivationally_related_form 09696280 +12260593 _hypernym 11573173 +01942347 _derivationally_related_form 00303495 +00877848 _derivationally_related_form 04010779 +01465713 _hypernym 05282746 +04262969 _hypernym 04262678 +12765846 _has_part 07765612 +01962865 _hypernym 01991472 +06693870 _member_of_domain_usage 00227507 +12803754 _hypernym 12205694 +01767949 _verb_group 02108791 +04503836 _hypernym 04140064 +02025530 _member_meronym 02027730 +05986948 _derivationally_related_form 01131473 +00908133 _hypernym 00907919 +02567422 _hypernym 02566528 +07096661 _derivationally_related_form 02750432 +01088005 _derivationally_related_form 10390199 +00841986 _hypernym 00831651 +10017272 _derivationally_related_form 01033346 +08978343 _has_part 09430416 +04991511 _hypernym 04983122 +01601550 _member_meronym 01601919 +03437581 _hypernym 02729965 +12227909 _hypernym 13125117 +02278704 _member_meronym 02278839 +08860123 _member_of_domain_region 03772077 +08955082 _has_part 09481285 +13573666 _derivationally_related_form 00459114 +01471825 _derivationally_related_form 00783527 +00373766 _derivationally_related_form 02987047 +04787530 _hypernym 04723816 +09027853 _instance_hypernym 08552138 +08239808 _derivationally_related_form 00654625 +00266586 _derivationally_related_form 13538757 +04058239 _hypernym 03744276 +02853218 _derivationally_related_form 01126961 +12876032 _member_meronym 12877041 +04336034 _hypernym 03183080 +02987177 _derivationally_related_form 07425011 +12559044 _hypernym 13112664 +12835578 _hypernym 11579418 +03932670 _hypernym 03309808 +02225492 _derivationally_related_form 14515463 +00473322 _hypernym 00471711 +06417279 _hypernym 06416946 +01312371 _hypernym 00173338 +12661045 _hypernym 12660601 +15298011 _hypernym 15297672 +11703386 _member_meronym 11706629 +00969260 _hypernym 00973056 +08713772 _has_part 08704822 +01045306 _hypernym 01044448 +08306194 _hypernym 07974025 +02493260 _derivationally_related_form 00511041 +00915605 _hypernym 00912473 +10484526 _hypernym 10383816 +01062997 _derivationally_related_form 00779061 +00988320 _hypernym 00986938 +03526805 _derivationally_related_form 01408153 +09946957 _derivationally_related_form 01626138 +10413276 _hypernym 10412910 +02290461 _derivationally_related_form 05157574 +00948868 _hypernym 00947128 +09148970 _member_of_domain_region 01274909 +08860123 _member_of_domain_region 04585626 +06328643 _hypernym 06309383 +10369317 _hypernym 10340312 +00733883 _synset_domain_topic_of 08441203 +09141526 _has_part 09388121 +15201116 _hypernym 15199592 +05601198 _hypernym 05225090 +01670645 _hypernym 01675963 +09543353 _synset_domain_topic_of 06234825 +11400230 _instance_hypernym 09807075 +01459422 _derivationally_related_form 01775535 +14165544 _hypernym 14195315 +09917593 _derivationally_related_form 14427065 +02229055 _verb_group 02296153 +07241205 _hypernym 07238694 +01014821 _derivationally_related_form 06736405 +07180372 _hypernym 07175241 +01412085 _member_meronym 01412279 +01247306 _hypernym 01246926 +09632274 _hypernym 00007846 +02655020 _has_part 07781972 +01817424 _member_meronym 01818704 +12694707 _member_meronym 12699485 +01115916 _hypernym 01091427 +10535706 _hypernym 09772029 +01439190 _derivationally_related_form 00138956 +06032246 _hypernym 06023022 +12566331 _hypernym 13104059 +02470175 _derivationally_related_form 13930385 +14359459 _hypernym 00863513 +08806897 _instance_hypernym 08691669 +01241073 _hypernym 01230710 +01975121 _hypernym 01974062 +02545578 _derivationally_related_form 14541852 +12648196 _hypernym 12651821 +12692714 _hypernym 12690653 +08303692 _hypernym 08303275 +01556671 _member_meronym 01560511 +05543541 _hypernym 05545212 +08947319 _has_part 08947617 +11125840 _instance_hypernym 09765278 +12340202 _hypernym 11567411 +01848355 _derivationally_related_form 06889330 +03058603 _derivationally_related_form 00051511 +07447261 _hypernym 07288639 +00713167 _derivationally_related_form 14420954 +06733227 _derivationally_related_form 00931232 +01656458 _derivationally_related_form 01249483 +08780881 _has_part 08790495 +12838027 _member_meronym 12857594 +12055839 _hypernym 11556857 +11862598 _member_meronym 11863242 +04263760 _hypernym 03183080 +03354613 _derivationally_related_form 01340439 +12289744 _member_meronym 13233012 +10626722 _hypernym 00007846 +01803078 _hypernym 01802721 +00974367 _hypernym 00831651 +07090108 _derivationally_related_form 00548781 +02657083 _member_meronym 02660769 +12180885 _hypernym 13104059 +01999423 _derivationally_related_form 08482271 +01781757 _derivationally_related_form 10735298 +05695232 _derivationally_related_form 02577877 +06793426 _derivationally_related_form 01591835 +04470953 _hypernym 03269401 +00879759 _derivationally_related_form 02118933 +09148970 _has_part 09150863 +02428487 _derivationally_related_form 01067070 +14632648 _derivationally_related_form 00498988 +12916511 _hypernym 13104059 +01898592 _hypernym 01898282 +00087454 _hypernym 00203866 +06595351 _hypernym 06263369 +10431122 _hypernym 10284064 +00088713 _hypernym 00492706 +01438720 _member_meronym 01442855 +01172275 _derivationally_related_form 10034201 +14391660 _hypernym 14388910 +06304671 _hypernym 06284225 +08213205 _hypernym 08190754 +01270199 _verb_group 01536344 +14474052 _derivationally_related_form 02331262 +01872645 _verb_group 01872877 +10235024 _hypernym 10533013 +02624167 _hypernym 02623445 +11742531 _member_meronym 11742745 +06383659 _hypernym 06380726 +06189551 _derivationally_related_form 10318414 +00941974 _derivationally_related_form 01309701 +00991385 _derivationally_related_form 05986395 +08838556 _member_of_domain_region 01299224 +12043444 _hypernym 12041446 +00307631 _derivationally_related_form 01930117 +08335886 _hypernym 08332330 +01259773 _hypernym 00242808 +00163441 _derivationally_related_form 14424517 +02330407 _synset_domain_topic_of 00610738 +02642634 _derivationally_related_form 01767199 +01266152 _derivationally_related_form 00518653 +12930044 _member_meronym 12942270 +11176932 _derivationally_related_form 00020671 +08754529 _instance_hypernym 09316454 +02298160 _hypernym 02260362 +00721431 _hypernym 00720565 +02497400 _derivationally_related_form 00787832 +09240051 _member_meronym 09193772 +01798352 _member_meronym 01798484 +06211078 _derivationally_related_form 00680485 +01246697 _hypernym 00759694 +02308214 _derivationally_related_form 04166553 +13936153 _derivationally_related_form 02677797 +12510343 _hypernym 13104059 +01260159 _hypernym 01259691 +00555138 _derivationally_related_form 02550516 +01451524 _hypernym 01429349 +14732946 _hypernym 14728724 +02796412 _hypernym 02796623 +10212338 _synset_domain_topic_of 08083599 +08246613 _member_meronym 10340312 +06709998 _derivationally_related_form 00823669 +13466586 _hypernym 13440063 +02517169 _member_meronym 02520669 +08386555 _hypernym 08386365 +08740875 _member_of_domain_region 09649926 +07350567 _hypernym 07350192 +07990377 _hypernym 00031264 +11612235 _hypernym 13136556 +00593219 _derivationally_related_form 10474645 +11786017 _hypernym 11556857 +12355320 _member_meronym 12357802 +07575076 _derivationally_related_form 01185475 +02079170 _member_meronym 02080022 +01568493 _member_meronym 01569060 +14064644 _derivationally_related_form 01190494 +01590220 _hypernym 01589286 +00905399 _derivationally_related_form 01249315 +05436752 _synset_domain_topic_of 06075527 +02471072 _hypernym 08103777 +02457233 _derivationally_related_form 06206800 +05395690 _hypernym 05298729 +12316853 _hypernym 14898470 +01262936 _derivationally_related_form 07738353 +02445715 _hypernym 02441326 +13463255 _derivationally_related_form 00272683 +01579868 _member_meronym 01580077 +01477745 _member_meronym 01477875 +08766988 _has_part 08776320 +01720980 _derivationally_related_form 09762509 +07346057 _derivationally_related_form 01876907 +15069820 _hypernym 14580897 +11872973 _hypernym 12205694 +01459791 _hypernym 01471682 +13033577 _hypernym 13032115 +02065407 _hypernym 02064338 +03763403 _synset_domain_topic_of 08199025 +08815858 _instance_hypernym 08696931 +12977296 _member_meronym 12980231 +08244747 _member_meronym 10119953 +08038748 _synset_domain_topic_of 00759694 +02629435 _hypernym 01429349 +00693399 _hypernym 00671351 +00483181 _derivationally_related_form 10160412 +01802033 _hypernym 01507175 +02880940 _hypernym 03206908 +00052043 _derivationally_related_form 03450516 +01783394 _derivationally_related_form 05836921 +09000462 _instance_hypernym 08524735 +01032840 _derivationally_related_form 08434259 +06687358 _derivationally_related_form 02447793 +07291312 _derivationally_related_form 02735418 +01494310 _also_see 01474209 +08333030 _hypernym 08329453 +14897369 _hypernym 14896441 +04770211 _derivationally_related_form 01960656 +00589415 _hypernym 00586262 +02333368 _member_meronym 02333546 +02297948 _hypernym 02327200 +11778534 _member_meronym 11789280 +02440705 _member_meronym 02450992 +12876684 _hypernym 11579418 +02728763 _derivationally_related_form 01328705 +00701040 _derivationally_related_form 00157081 +00430625 _derivationally_related_form 14835333 +01043231 _derivationally_related_form 10149436 +12548134 _member_meronym 12548280 +05119367 _hypernym 05115040 +00470701 _derivationally_related_form 09794917 +02574651 _hypernym 01429349 +00982293 _derivationally_related_form 07083958 +07246582 _hypernym 07245125 +02455407 _derivationally_related_form 05703429 +01366415 _member_meronym 01366276 +07075172 _member_of_domain_usage 04066023 +13266515 _synset_domain_topic_of 08199025 +09848110 _hypernym 09847727 +02026498 _hypernym 01507175 +07939382 _hypernym 07938773 +07014029 _hypernym 06880249 +02851709 _derivationally_related_form 05417472 +01503061 _derivationally_related_form 01139865 +13448334 _has_part 00042541 +02279442 _member_meronym 02279637 +14439745 _hypernym 14439447 +03667380 _has_part 03194812 +02697725 _hypernym 00836236 +02590340 _derivationally_related_form 09937903 +02647503 _hypernym 01429349 +08428019 _derivationally_related_form 01919391 +02062212 _hypernym 01831531 +11911591 _member_meronym 11915899 +08233056 _derivationally_related_form 10720964 +02450256 _hypernym 02367363 +02502357 _member_meronym 02502514 +03560567 _has_part 03561169 +04956594 _derivationally_related_form 09938672 +01125429 _also_see 01131043 +09874260 _derivationally_related_form 02581276 +02419773 _derivationally_related_form 10154601 +02481436 _hypernym 00802318 +06478988 _synset_domain_topic_of 08199025 +00921072 _hypernym 00916909 +02326237 _member_meronym 02327028 +00405540 _hypernym 00126264 +08967329 _instance_hypernym 09316454 +01184407 _synset_domain_topic_of 08441203 +10775379 _derivationally_related_form 00768778 +02174896 _also_see 02166346 +04654337 _derivationally_related_form 01074650 +07083246 _hypernym 07071483 +12051285 _member_meronym 12051514 +07319652 _derivationally_related_form 02528380 +01595830 _derivationally_related_form 00149508 +14640434 _hypernym 14622893 +06790042 _hypernym 06789411 +11608055 _hypernym 11554175 +06573600 _synset_domain_topic_of 06128570 +12240335 _member_meronym 12240477 +01459480 _hypernym 01463259 +05743296 _has_part 05266239 +01219706 _derivationally_related_form 02886599 +02252634 _synset_domain_topic_of 00015388 +02182045 _hypernym 02177972 +01201021 _hypernym 01080366 +01053771 _hypernym 00983824 +01134479 _hypernym 01133281 +01088547 _verb_group 02420991 +10006842 _synset_domain_topic_of 08199025 +00043683 _derivationally_related_form 02728440 +00156601 _derivationally_related_form 07356676 +00276813 _derivationally_related_form 00492410 +09870208 _derivationally_related_form 01420765 +06845599 _member_of_domain_usage 03867675 +01277431 _hypernym 01309701 +00399788 _synset_domain_topic_of 06090869 +02058074 _member_meronym 02058221 +03231476 _hypernym 03051540 +11270023 _instance_hypernym 10467395 +01645278 _hypernym 01626600 +01194331 _derivationally_related_form 02314658 +01709781 _synset_domain_topic_of 07020538 +10150556 _hypernym 10768585 +03630262 _hypernym 04600486 +05061977 _hypernym 05058580 +01682039 _hypernym 01675963 +00592001 _hypernym 00586262 +02226013 _derivationally_related_form 03789946 +00371264 _derivationally_related_form 05016171 +06733939 _derivationally_related_form 01015244 +11270577 _instance_hypernym 10033412 +05557839 _derivationally_related_form 01718867 +00294190 _derivationally_related_form 01928390 +00779061 _hypernym 00778275 +12537437 _hypernym 11585340 +09493562 _derivationally_related_form 02694247 +02331919 _derivationally_related_form 00951037 +13068917 _hypernym 13066129 +01236296 _hypernym 00958896 +01963942 _derivationally_related_form 00120202 +00701040 _derivationally_related_form 05930736 +01667570 _member_meronym 01669527 +15138401 _hypernym 15137890 +09999795 _hypernym 10419472 +00229280 _verb_group 00229026 +00840980 _hypernym 01013367 +07335243 _hypernym 07334490 +13395074 _hypernym 13393762 +05607126 _hypernym 05225602 +00770437 _derivationally_related_form 00042311 +08227214 _derivationally_related_form 02592111 +00808671 _derivationally_related_form 10501203 +02374914 _also_see 01372049 +06543246 _synset_domain_topic_of 08441203 +10563183 _hypernym 10084295 +01614769 _member_meronym 01615121 +14719725 _hypernym 14844693 +10393909 _derivationally_related_form 01362736 +00044673 _derivationally_related_form 00417001 +06791372 _derivationally_related_form 00922438 +00525453 _derivationally_related_form 02629793 +02506546 _derivationally_related_form 00156812 +09155306 _has_part 09192708 +12292285 _hypernym 11567411 +01629000 _derivationally_related_form 04612722 +05803938 _derivationally_related_form 00631737 +08997487 _member_meronym 09749614 +07232655 _derivationally_related_form 00621058 +01485158 _hypernym 01486312 +00237877 _derivationally_related_form 13547677 +13453160 _derivationally_related_form 00369864 +10355449 _hypernym 10363913 +01999048 _hypernym 01762525 +12949955 _hypernym 11579418 +01081456 _derivationally_related_form 02434541 +02352390 _member_meronym 02352591 +07140348 _derivationally_related_form 01772498 +01593254 _hypernym 01346003 +10184290 _hypernym 06245816 +08971693 _instance_hypernym 08552138 +01745722 _derivationally_related_form 10491309 +11780747 _hypernym 11555413 +11743109 _member_meronym 11743294 +00098517 _derivationally_related_form 01048059 +01179865 _verb_group 01168468 +14840092 _hypernym 14580897 +01160729 _derivationally_related_form 01415807 +10646942 _derivationally_related_form 01929467 +09137032 _instance_hypernym 08655464 +02359690 _hypernym 02327200 +00078760 _derivationally_related_form 00658082 +15274441 _derivationally_related_form 01764800 +00956687 _derivationally_related_form 07201804 +02418421 _derivationally_related_form 00426928 +08813978 _has_part 08814664 +02405252 _hypernym 02401809 +10045454 _derivationally_related_form 00611433 +01591490 _member_meronym 01591697 +08389572 _synset_domain_topic_of 08199025 +01422886 _hypernym 01423285 +07297927 _hypernym 07296428 +03644378 _has_part 03829563 +01356086 _member_meronym 01354149 +07048000 _derivationally_related_form 10624540 +01481360 _verb_group 01482075 +03081021 _hypernym 03892891 +12662654 _member_meronym 12662772 +14498096 _derivationally_related_form 01534147 +01563005 _derivationally_related_form 07747455 +11664929 _member_meronym 13120003 +02043982 _derivationally_related_form 08612340 +00545501 _hypernym 00100253 +02460619 _derivationally_related_form 10700201 +00434374 _verb_group 00358431 +08706502 _instance_hypernym 08524735 +05286536 _hypernym 05267548 +00489837 _derivationally_related_form 01498769 +03282591 _hypernym 03178782 +02393489 _derivationally_related_form 00196485 +07230502 _derivationally_related_form 01028748 +08860123 _member_of_domain_region 01064758 +06442616 _hypernym 06394865 +01957529 _derivationally_related_form 10529965 +01123415 _derivationally_related_form 00318735 +01463965 _also_see 01725712 +12137569 _hypernym 12137120 +02561108 _hypernym 02554730 +01134522 _hypernym 01097743 +02106662 _hypernym 02104523 +07186828 _hypernym 07185325 +07126734 _derivationally_related_form 01046932 +09148970 _has_part 09151114 +14604038 _hypernym 15067877 +02255462 _hypernym 02199590 +00604576 _derivationally_related_form 05651399 +02406916 _derivationally_related_form 00798245 +07787429 _hypernym 07786686 +01619929 _derivationally_related_form 00217014 +14351321 _hypernym 14336539 +05559727 _has_part 05570129 +03401721 _has_part 02962200 +13489037 _derivationally_related_form 00252019 +05299178 _hypernym 05297523 +00780615 _hypernym 00780148 +00379422 _derivationally_related_form 01296462 +12381511 _hypernym 13112664 +06767693 _derivationally_related_form 00851933 +06780069 _derivationally_related_form 00849788 +01442578 _derivationally_related_form 03929202 +00932798 _derivationally_related_form 00751529 +10697519 _derivationally_related_form 06274921 +05176477 _derivationally_related_form 02255268 +08026197 _synset_domain_topic_of 00759694 +14525365 _hypernym 14524849 +01326291 _hypernym 00004475 +13144794 _has_part 07758680 +12703383 _hypernym 12702948 +08910668 _has_part 08911421 +04273064 _has_part 04005340 +01639105 _derivationally_related_form 13388245 +15274305 _hypernym 15271008 +02324478 _derivationally_related_form 02679415 +02784732 _derivationally_related_form 01273263 +07547674 _derivationally_related_form 01774799 +09801864 _derivationally_related_form 00597915 +12501745 _member_meronym 12507670 +02570282 _also_see 01899360 +14562960 _derivationally_related_form 01620854 +11863242 _hypernym 11862835 +03427296 _has_part 03521076 +02646931 _derivationally_related_form 00791227 +00610538 _derivationally_related_form 06506757 +03287733 _has_part 03431745 +15271417 _hypernym 15271008 +09942275 _hypernym 10582746 +01583040 _derivationally_related_form 14393161 +05047279 _hypernym 05046659 +00591111 _derivationally_related_form 09944763 +01435380 _derivationally_related_form 06259898 +01231819 _derivationally_related_form 02024508 +00094448 _derivationally_related_form 05005447 +00122338 _derivationally_related_form 01437888 +07972674 _hypernym 08378819 +02207206 _derivationally_related_form 00081572 +02174830 _verb_group 01880673 +15169873 _has_part 15170504 +15219351 _hypernym 15209413 +02454119 _member_meronym 02454999 +02362569 _hypernym 02362194 +05629682 _hypernym 05625879 +08804662 _instance_hypernym 08524735 +02303761 _derivationally_related_form 15271417 +07449862 _derivationally_related_form 02490877 +09275473 _has_part 08760510 +03761084 _derivationally_related_form 00321936 +00523436 _derivationally_related_form 14947807 +08803382 _hypernym 08654360 +09698644 _hypernym 09634494 +00056930 _derivationally_related_form 07320302 +04369025 _derivationally_related_form 01283208 +01808785 _member_meronym 01808989 +08174398 _member_meronym 08849753 +02402175 _hypernym 02402010 +01150467 _derivationally_related_form 02317970 +01218084 _verb_group 02556537 +00065575 _derivationally_related_form 02523953 +02153709 _derivationally_related_form 10567401 +01807314 _hypernym 01787955 +01879379 _hypernym 01864707 +09267490 _hypernym 00002684 +04558804 _derivationally_related_form 10770545 +08131530 _has_part 08394922 +02294761 _member_meronym 02296756 +00488225 _has_part 01259211 +00360501 _hypernym 00358431 +02340736 _hypernym 02327200 +08932568 _has_part 04496035 +12706644 _member_meronym 12712149 +02026785 _synset_domain_topic_of 06084469 +02485844 _verb_group 02486232 +01741446 _derivationally_related_form 13085864 +04845967 _hypernym 04845312 +12720532 _member_meronym 12720893 +00977336 _derivationally_related_form 06746580 +12772081 _member_meronym 12772419 +07009421 _hypernym 06396930 +15130434 _hypernym 15130205 +08581503 _hypernym 08497294 +09434845 _has_part 09268927 +01458105 _hypernym 05445668 +00923995 _derivationally_related_form 01617192 +02189214 _member_meronym 02189363 +08321956 _synset_domain_topic_of 06975132 +10014939 _derivationally_related_form 00594836 +02188065 _member_meronym 02195403 +12383256 _member_meronym 12383402 +01502262 _member_meronym 02057478 +00784342 _derivationally_related_form 07193596 +03597469 _hypernym 02681518 +01170052 _derivationally_related_form 07885223 +10697282 _hypernym 09757944 +15229408 _synset_domain_topic_of 08083599 +07412310 _derivationally_related_form 02160177 +00038365 _derivationally_related_form 01244593 +06470073 _has_part 06392935 +08037861 _instance_hypernym 08392137 +12280487 _member_meronym 12286372 +02261184 _hypernym 01759182 +00539951 _hypernym 00539121 +02035919 _derivationally_related_form 13907415 +09636796 _hypernym 09636339 +06720371 _synset_domain_topic_of 00733883 +06730563 _derivationally_related_form 00756338 +10672662 _derivationally_related_form 05186306 +00445802 _derivationally_related_form 09870208 +06787037 _hypernym 06786629 +01693881 _derivationally_related_form 00908772 +01755274 _member_meronym 01755740 +02182851 _derivationally_related_form 00344699 +02673134 _derivationally_related_form 13446197 +01937909 _hypernym 01934440 +10472447 _hypernym 10040344 +10352299 _hypernym 00007846 +09055015 _has_part 09192280 +06716483 _hypernym 06715927 +02053279 _member_meronym 02053425 +02165304 _derivationally_related_form 00877625 +00289388 _derivationally_related_form 01901133 +07548366 _hypernym 07547805 +03735637 _hypernym 03733925 +00413432 _derivationally_related_form 14472624 +01859586 _derivationally_related_form 15272029 +11803475 _member_meronym 11573660 +08701942 _has_part 09039411 +01267098 _derivationally_related_form 04215402 +00601043 _derivationally_related_form 04865722 +08792548 _member_of_domain_region 08040257 +03109350 _instance_hypernym 04511002 +05456456 _hypernym 05455912 +11067604 _instance_hypernym 10020890 +05999266 _hypernym 05809192 +01647803 _member_meronym 01648001 +00350380 _derivationally_related_form 10544748 +00750345 _derivationally_related_form 07169480 +13913566 _derivationally_related_form 01659248 +08800258 _has_part 08800911 +01493619 _hypernym 01494310 +02020902 _hypernym 01507175 +00532892 _derivationally_related_form 04819026 +13169219 _member_meronym 12957298 +02362721 _hypernym 01862557 +04806804 _hypernym 05142180 +01985757 _hypernym 01985923 +09941383 _derivationally_related_form 00751887 +02569790 _derivationally_related_form 00157957 +01698916 _synset_domain_topic_of 07092592 +11573660 _hypernym 11567411 +12844220 _hypernym 11579418 +07150138 _derivationally_related_form 02259547 +01648620 _hypernym 01639765 +02380009 _hypernym 02680814 +02281987 _hypernym 01762525 +03899100 _hypernym 03281145 +12936469 _has_part 07817315 +00686890 _derivationally_related_form 00965871 +00774932 _hypernym 00775156 +06777164 _derivationally_related_form 02079029 +00571390 _hypernym 00158804 +02971167 _hypernym 04440749 +08041106 _synset_domain_topic_of 00759694 +15129220 _instance_hypernym 15243730 +12454021 _member_meronym 12454159 +01415585 _derivationally_related_form 00134780 +13295657 _derivationally_related_form 02208903 +10174695 _hypernym 09730533 +00530829 _hypernym 00126264 +04313220 _synset_domain_topic_of 03791235 +00701479 _derivationally_related_form 04757864 +08521267 _derivationally_related_form 02720042 +02922292 _synset_domain_topic_of 06144081 +03085915 _has_part 03842377 +08860123 _member_of_domain_region 13322343 +01795545 _hypernym 01795088 +01188725 _derivationally_related_form 14449126 +00479391 _hypernym 01323958 +10543057 _hypernym 10533013 +14404160 _hypernym 14373582 +05059525 _hypernym 05059132 +05538016 _has_part 05571713 +04160372 _hypernym 03600977 +01567888 _derivationally_related_form 08438533 +13920835 _hypernym 00024720 +02434238 _hypernym 02434976 +11911591 _member_meronym 12004686 +12882591 _hypernym 11579418 +00240938 _derivationally_related_form 02384041 +02306159 _member_meronym 02308139 +00061933 _derivationally_related_form 00674158 +02416519 _has_part 01325417 +01949817 _derivationally_related_form 09910222 +05408388 _hypernym 14807558 +00950782 _hypernym 00978549 +02685299 _synset_domain_topic_of 06037666 +06761603 _hypernym 06761099 +01509527 _derivationally_related_form 05036394 +00126721 _synset_domain_topic_of 00471613 +01051956 _derivationally_related_form 06610992 +00940437 _also_see 01704761 +05854150 _derivationally_related_form 00734587 +10659042 _hypernym 10241300 +02033041 _hypernym 02031934 +02672859 _verb_group 00891216 +08987423 _has_part 08988333 +00930599 _hypernym 00943837 +06988057 _hypernym 06986894 +00961586 _derivationally_related_form 09942431 +00624436 _hypernym 00621627 +13224086 _hypernym 11534677 +15155220 _has_part 15227846 +01359432 _derivationally_related_form 04337974 +10360101 _derivationally_related_form 02401523 +02556623 _member_meronym 02557033 +02701445 _derivationally_related_form 15273626 +12707432 _member_meronym 12711398 +01782519 _also_see 02513740 +14336539 _derivationally_related_form 00063724 +07397761 _derivationally_related_form 02185664 +06845599 _member_of_domain_usage 04012852 +10747294 _derivationally_related_form 06464419 +03623556 _derivationally_related_form 01231652 +02672859 _derivationally_related_form 13529616 +00156601 _derivationally_related_form 13497135 +01706756 _derivationally_related_form 07028373 +05238282 _has_part 05241072 +00095873 _similar_to 00095280 +00002325 _derivationally_related_form 00831191 +00976270 _synset_domain_topic_of 00469651 +02018638 _member_meronym 02018795 +12423565 _member_meronym 12451789 +04442831 _derivationally_related_form 04443257 +06295235 _member_of_domain_usage 01042764 +01284908 _derivationally_related_form 00149262 +02345272 _derivationally_related_form 04730580 +00125078 _verb_group 00435853 +01684337 _synset_domain_topic_of 00933420 +00654113 _hypernym 00634586 +08560952 _derivationally_related_form 02150948 +06514621 _hypernym 06514093 +02301502 _hypernym 02251743 +02196761 _hypernym 01762525 +05403427 _hypernym 05398023 +12352150 _member_meronym 12352287 +07976936 _derivationally_related_form 01292885 +02346315 _hypernym 01342529 +02496036 _hypernym 02495038 +01943406 _also_see 00956131 +06207029 _hypernym 06206800 +01808626 _derivationally_related_form 05828263 +07924033 _hypernym 07881800 +01876535 _member_meronym 01876667 +00252020 _hypernym 00251780 +08390731 _hypernym 07965085 +04790449 _derivationally_related_form 02559862 +01749428 _member_meronym 01749582 +01315613 _derivationally_related_form 00945401 +12617384 _hypernym 11556857 +08952190 _has_part 08952423 +11465017 _derivationally_related_form 02100632 +10240082 _derivationally_related_form 00588221 +02733187 _derivationally_related_form 05556943 +05712426 _hypernym 05712076 +00664276 _hypernym 00820976 +04703235 _derivationally_related_form 00314272 +00303297 _synset_domain_topic_of 08199025 +01736299 _hypernym 01736822 +01445305 _hypernym 01432517 +05588174 _derivationally_related_form 02884456 +00223720 _hypernym 00220522 +13566535 _derivationally_related_form 00444629 +10680153 _derivationally_related_form 00162688 +03935450 _has_part 04271371 +02074004 _member_meronym 02074542 +04103491 _derivationally_related_form 01198101 +08773336 _instance_hypernym 08633957 +02537319 _hypernym 02537085 +01428155 _member_meronym 01437805 +06717170 _member_of_domain_usage 09638009 +01868370 _derivationally_related_form 11519450 +02495038 _derivationally_related_form 01161635 +00635012 _hypernym 00633864 +12931738 _hypernym 11585340 +15255195 _hypernym 15247518 +13368052 _derivationally_related_form 02214485 +01750315 _hypernym 01657723 +12135270 _hypernym 12107970 +00985106 _hypernym 00984609 +10089615 _hypernym 09998101 +00495998 _derivationally_related_form 01202184 +14137829 _hypernym 14127211 +01419160 _synset_domain_topic_of 00488225 +15286042 _hypernym 15283097 +12954978 _member_meronym 12955191 +13165815 _hypernym 13129165 +00896348 _hypernym 00894552 +07148573 _hypernym 07148192 +13413493 _derivationally_related_form 00695226 +03454536 _derivationally_related_form 02330583 +08916316 _has_part 08916832 +03432129 _hypernym 03736970 +11476231 _hypernym 11425580 +08701942 _instance_hypernym 09388848 +12626674 _hypernym 12626353 +01926031 _hypernym 01920932 +00939857 _hypernym 00939277 +08195797 _hypernym 08198398 +13354420 _hypernym 13329641 +00219403 _hypernym 00109660 +07445896 _derivationally_related_form 02060141 +04948722 _derivationally_related_form 02230990 +00237511 _derivationally_related_form 07413899 +02354621 _hypernym 02353861 +01822423 _hypernym 01342529 +01075725 _derivationally_related_form 02642238 +02655355 _member_meronym 02655523 +14058252 _derivationally_related_form 00002724 +02392385 _derivationally_related_form 01141160 +05125377 _derivationally_related_form 02690384 +06723635 _hypernym 06722453 +00046151 _hypernym 00146138 +08437847 _has_part 12148253 +04371774 _hypernym 03964744 +10412055 _hypernym 09629752 +05275905 _has_part 05232972 +07171206 _hypernym 07170753 +00413432 _synset_domain_topic_of 06143546 +09368224 _derivationally_related_form 02608004 +07472657 _hypernym 07456188 +00730052 _hypernym 00713167 +05715283 _derivationally_related_form 02194286 +12581381 _member_meronym 12592351 +06244852 _hypernym 05946687 +02586543 _hypernym 02554730 +01786402 _member_meronym 01786646 +10383237 _derivationally_related_form 00404642 +09542339 _hypernym 09541919 +01524523 _derivationally_related_form 00702418 +09639382 _hypernym 09638875 +02271087 _hypernym 01759182 +02460502 _also_see 01115349 +06004067 _hypernym 06003682 +04161358 _derivationally_related_form 02333979 +00843146 _derivationally_related_form 05020358 +00197590 _hypernym 00173338 +08780881 _has_part 09378529 +00325328 _synset_domain_topic_of 00243918 +09851165 _derivationally_related_form 02687385 +09184975 _derivationally_related_form 01649999 +13481883 _derivationally_related_form 02762981 +04007664 _derivationally_related_form 01241073 +09795334 _derivationally_related_form 00974367 +00333066 _derivationally_related_form 00398427 +09110422 _has_part 09111168 +07377082 _derivationally_related_form 00791372 +01024811 _hypernym 01023820 +08706247 _instance_hypernym 08633957 +10278263 _hypernym 09991026 +05384817 _hypernym 05418717 +10636874 _hypernym 00007846 +02815237 _hypernym 03780392 +09477718 _instance_hypernym 09411430 +10415230 _derivationally_related_form 05924519 +02503127 _hypernym 01886756 +13924659 _derivationally_related_form 02450256 +15300051 _synset_domain_topic_of 00759694 +01501960 _derivationally_related_form 01051801 +08590909 _synset_domain_topic_of 00480993 +01821423 _derivationally_related_form 05192451 +00107943 _derivationally_related_form 14292090 +02553196 _member_meronym 02590702 +01419082 _hypernym 01342529 +06778102 _hypernym 06776138 +12825061 _hypernym 12823859 +11595312 _member_meronym 11604698 +02267975 _hypernym 01342529 +06845599 _member_of_domain_usage 03568653 +06650431 _derivationally_related_form 00665886 +02299687 _hypernym 02298632 +11668952 _member_meronym 12350234 +02535093 _hypernym 02534492 +01144550 _hypernym 01143838 +12552658 _member_meronym 12553114 +12052630 _hypernym 11556857 +12485122 _hypernym 11562747 +01959022 _synset_domain_topic_of 00299217 +06765887 _hypernym 06551784 +05018674 _derivationally_related_form 00572186 +13235947 _hypernym 11567411 +02080577 _also_see 00051045 +11664929 _member_meronym 11665781 +00209837 _derivationally_related_form 14560926 +05323723 _has_part 05323889 +01928730 _hypernym 01926311 +09044862 _member_of_domain_region 06512324 +01007222 _hypernym 00790703 +01735308 _hypernym 01736822 +00319214 _derivationally_related_form 05098942 +05309725 _hypernym 08660339 +11172609 _instance_hypernym 10421956 +12633386 _member_meronym 12634986 +00953559 _synset_domain_topic_of 08199025 +10314703 _synset_domain_topic_of 08199025 +02021438 _member_meronym 02045024 +14051056 _derivationally_related_form 01829747 +12826395 _member_meronym 12826516 +13220842 _member_meronym 13224086 +10160412 _derivationally_related_form 00483181 +08215248 _member_meronym 10095061 +10046527 _derivationally_related_form 02560767 +03905730 _hypernym 03525454 +03037924 _derivationally_related_form 11270023 +08801678 _has_part 08809749 +04473432 _derivationally_related_form 01953810 +13631355 _hypernym 13601596 +09962966 _hypernym 10476086 +08860123 _member_of_domain_region 01242354 +14687818 _hypernym 14708720 +07075172 _member_of_domain_usage 05032351 +03971771 _hypernym 04517535 +15124183 _instance_hypernym 15243730 +03041491 _derivationally_related_form 00021065 +14460974 _hypernym 14460565 +06117562 _derivationally_related_form 10128519 +10454752 _derivationally_related_form 00970215 +00741478 _derivationally_related_form 02464342 +08131530 _has_part 08396207 +05037813 _derivationally_related_form 02510879 +01449974 _derivationally_related_form 02687172 +01141612 _derivationally_related_form 02548247 +08800258 _instance_hypernym 08557482 +07209965 _hypernym 07208338 +13016457 _hypernym 11590783 +05563034 _has_part 05594822 +01136614 _derivationally_related_form 09811852 +02389346 _derivationally_related_form 00145218 +04231693 _hypernym 03100490 +13066129 _hypernym 12992868 +01489161 _hypernym 01488956 +02335349 _member_meronym 02336011 +03569964 _has_part 03077958 +10408552 _hypernym 09614684 +14658546 _hypernym 14625458 +01655577 _hypernym 01342529 +13998576 _derivationally_related_form 02711114 +02064745 _also_see 00508192 +03394480 _member_meronym 02932523 +10623650 _hypernym 10340312 +06199142 _hypernym 06196584 +00475819 _derivationally_related_form 10546850 +09424489 _derivationally_related_form 02671880 +02261464 _hypernym 00761713 +13437181 _hypernym 13424865 +00318735 _hypernym 00315986 +13624190 _has_part 13624026 +09218641 _hypernym 09359803 +01052782 _derivationally_related_form 02041678 +06697703 _hypernym 06697331 +02333689 _derivationally_related_form 00027167 +03093792 _hypernym 03605915 +09084196 _instance_hypernym 08524735 +01213702 _synset_domain_topic_of 05946687 +13630036 _hypernym 13601596 +06340707 _synset_domain_topic_of 06950528 +08620763 _hypernym 08620061 +00047745 _hypernym 00035189 +05786372 _derivationally_related_form 00739340 +08860123 _member_of_domain_region 06276902 +12411084 _member_meronym 12417686 +14785941 _synset_domain_topic_of 06084469 +04976952 _derivationally_related_form 00287848 +12412355 _hypernym 12411922 +13905792 _derivationally_related_form 00564857 +03872495 _hypernym 03873064 +02623906 _derivationally_related_form 00927516 +14015266 _hypernym 14010927 +07075172 _member_of_domain_usage 10123711 +00900616 _also_see 01275562 +00050195 _derivationally_related_form 01721169 +11703386 _member_meronym 11703935 +13298701 _hypernym 13298011 +06822198 _synset_domain_topic_of 06282651 +01018366 _derivationally_related_form 02648253 +05052587 _hypernym 05052387 +01126856 _synset_domain_topic_of 08441203 +01140471 _derivationally_related_form 02475261 +06936149 _hypernym 06934389 +09089139 _has_part 09089782 +00114837 _verb_group 00115157 +10705345 _hypernym 09774783 +12585512 _hypernym 11556857 +08792548 _member_of_domain_region 08056873 +09809538 _hypernym 09615807 +00782241 _hypernym 00766234 +00314782 _derivationally_related_form 00375625 +02119874 _hypernym 00063291 +02948072 _has_part 02948719 +02285052 _hypernym 01762525 +02140970 _member_meronym 02150306 +02949691 _hypernym 03097890 +00954422 _derivationally_related_form 06733939 +09800631 _hypernym 10684827 +04159676 _synset_domain_topic_of 00314469 +03385557 _hypernym 03171356 +10252674 _hypernym 10099375 +13211790 _hypernym 11545714 +01881180 _derivationally_related_form 00284409 +02028366 _derivationally_related_form 14005892 +12660009 _member_meronym 12662654 +01754421 _also_see 02290998 +02402409 _derivationally_related_form 00215683 +13477462 _hypernym 00029677 +00747418 _hypernym 02506546 +01063350 _derivationally_related_form 01901289 +02340521 _hypernym 01864707 +00058897 _hypernym 00056930 +11929477 _hypernym 11928549 +02676496 _derivationally_related_form 05704694 +02768702 _derivationally_related_form 13984613 +05732756 _derivationally_related_form 00657260 +11804604 _member_meronym 11814059 +01879251 _derivationally_related_form 07401726 +05407890 _hypernym 14807929 +01662622 _hypernym 01661592 +01261712 _derivationally_related_form 01761120 +00390741 _hypernym 00461493 +12619306 _member_meronym 12629187 +06451891 _has_part 06432715 +00838367 _derivationally_related_form 01168468 +10463943 _hypernym 10630188 +01170052 _derivationally_related_form 10034614 +13468306 _hypernym 13518963 +12837643 _hypernym 11579418 +12844939 _hypernym 12205694 +00434077 _derivationally_related_form 13822995 +08950649 _instance_hypernym 08524735 +00274283 _verb_group 00273963 +00846509 _derivationally_related_form 06719579 +01322854 _derivationally_related_form 02666943 +14429608 _derivationally_related_form 00658052 +00165942 _hypernym 00162632 +00717748 _derivationally_related_form 01374020 +00650016 _derivationally_related_form 05748054 +02566325 _hypernym 01432517 +06507041 _derivationally_related_form 02472033 +05731568 _derivationally_related_form 00657016 +01130169 _derivationally_related_form 04192698 +06416946 _hypernym 06410904 +01566645 _hypernym 01525720 +11108195 _instance_hypernym 10177150 +02367131 _hypernym 01862557 +01708106 _hypernym 01699831 +08008335 _member_meronym 08400965 +01088923 _derivationally_related_form 08656590 +01967373 _verb_group 01977080 +01257145 _derivationally_related_form 02712443 +00292712 _derivationally_related_form 01917549 +01112979 _hypernym 01111816 +09957614 _hypernym 09957156 +02617029 _hypernym 01429349 +01126335 _synset_domain_topic_of 08441203 +03667829 _has_part 03309465 +01998467 _hypernym 01759182 +02274822 _hypernym 02274259 +02471690 _derivationally_related_form 13412321 +01854223 _member_meronym 01855188 +00276883 _derivationally_related_form 01009871 +12581381 _member_meronym 12587686 +01368863 _hypernym 01368597 +02505807 _hypernym 02504562 +04715487 _hypernym 04723816 +14910581 _hypernym 14780267 +03614007 _hypernym 03183080 +09488259 _instance_hypernym 09483738 +02576921 _derivationally_related_form 00751145 +13359572 _hypernym 13358549 +01365131 _hypernym 01332730 +02955562 _synset_domain_topic_of 05946687 +11498203 _derivationally_related_form 02094569 +12501745 _member_meronym 12518305 +05301072 _derivationally_related_form 01734300 +06857726 _synset_domain_topic_of 07020895 +00277935 _also_see 01463520 +00715868 _derivationally_related_form 10541229 +00667224 _derivationally_related_form 05826291 +04043733 _derivationally_related_form 01007495 +01341876 _member_meronym 01354869 +06751974 _hypernym 06312966 +00401688 _hypernym 00126264 +00087663 _synset_domain_topic_of 08441203 +00785470 _derivationally_related_form 10642151 +02551144 _derivationally_related_form 00093483 +05959954 _derivationally_related_form 03057075 +01631072 _hypernym 01619354 +08242799 _derivationally_related_form 01089737 +09274500 _hypernym 09225146 +01244410 _derivationally_related_form 07547805 +01805199 _hypernym 01507175 +13259630 _hypernym 13258362 +10554243 _hypernym 10340312 +08487504 _member_meronym 09163192 +05784831 _hypernym 05770926 +00806502 _derivationally_related_form 06687178 +00262703 _also_see 00764902 +00001740 _also_see 00005041 +12957298 _member_meronym 12958140 +03082979 _has_part 03916720 +03109881 _derivationally_related_form 01934205 +05684561 _derivationally_related_form 02157731 +00387310 _hypernym 00138508 +02952275 _synset_domain_topic_of 05946687 +03130073 _derivationally_related_form 06961557 +01115411 _hypernym 01111816 +01488555 _hypernym 01489989 +00660102 _hypernym 02604760 +12450344 _hypernym 12425281 +01172252 _hypernym 01170962 +10069120 _derivationally_related_form 00161225 +06552639 _derivationally_related_form 00905677 +12935457 _member_meronym 12935609 +11412727 _derivationally_related_form 00109660 +06248968 _synset_domain_topic_of 08199025 +03299788 _hypernym 04166841 +01401296 _hypernym 01347199 +10782471 _hypernym 09820263 +06155075 _hypernym 04929422 +13927383 _hypernym 00024720 +03665366 _derivationally_related_form 00291873 +01549905 _derivationally_related_form 04692157 +00373520 _hypernym 00146138 +12501745 _member_meronym 12552081 +02445509 _derivationally_related_form 01106808 +03471030 _derivationally_related_form 02068413 +00655779 _derivationally_related_form 05168261 +06568134 _synset_domain_topic_of 06128570 +00134574 _derivationally_related_form 01411085 +02720042 _derivationally_related_form 08521267 +12402051 _hypernym 12401335 +02648456 _member_meronym 02649082 +02405390 _derivationally_related_form 05696425 +02060141 _derivationally_related_form 00367976 +01502540 _derivationally_related_form 02795169 +09956387 _hypernym 09824361 +12039743 _member_meronym 12068824 +11753936 _hypernym 11566682 +06650431 _derivationally_related_form 00820976 +02684924 _derivationally_related_form 01017987 +00645939 _verb_group 00646271 +11964688 _hypernym 11579418 +02522581 _derivationally_related_form 09762509 +01284271 _hypernym 01339505 +09012530 _instance_hypernym 08633957 +12779437 _member_meronym 12780563 +13467916 _derivationally_related_form 00397576 +02590702 _hypernym 02554730 +02616851 _hypernym 02612657 +02601996 _hypernym 00126264 +04631067 _hypernym 04630689 +12473011 _hypernym 11561228 +02100632 _derivationally_related_form 11465017 +02286815 _member_meronym 02287204 +10295951 _derivationally_related_form 00595032 +01357288 _hypernym 01478603 +09902954 _derivationally_related_form 02578510 +00951206 _hypernym 00978549 +03259505 _has_part 03679712 +01844917 _hypernym 01503061 +10252222 _derivationally_related_form 00830761 +01360899 _verb_group 01313249 +09071690 _has_part 09454265 +08806897 _member_of_domain_region 02981024 +00055315 _derivationally_related_form 02584097 +01688256 _derivationally_related_form 00900957 +01642924 _derivationally_related_form 05917477 +10338094 _hypernym 10241300 +12198140 _member_meronym 12198286 +00070641 _hypernym 00030358 +13280658 _hypernym 13279262 +05993367 _derivationally_related_form 02782815 +07961480 _derivationally_related_form 01484714 +02003186 _hypernym 02002720 +04196080 _hypernym 04377057 +14959472 _hypernym 14959234 +04235291 _hypernym 04524313 +02641201 _synset_domain_topic_of 06066555 +13911151 _hypernym 13870805 +09980275 _hypernym 10253995 +04332987 _hypernym 04577769 +09762821 _derivationally_related_form 02524171 +07760859 _hypernym 07705931 +10213034 _hypernym 10402824 +08553535 _has_part 08549480 +04532022 _hypernym 03051540 +13853546 _hypernym 13850304 +02063846 _member_meronym 02064000 +09964659 _hypernym 10044879 +03884072 _hypernym 03931044 +05249420 _hypernym 14420954 +07222581 _hypernym 07221094 +00867606 _hypernym 00863513 +14656219 _derivationally_related_form 00516747 +11512992 _derivationally_related_form 02085573 +02532602 _hypernym 02529772 +06424275 _hypernym 06885083 +08032955 _instance_hypernym 08392137 +01249294 _synset_domain_topic_of 00243918 +03033362 _has_part 04072960 +04836683 _derivationally_related_form 02406916 +09476717 _hypernym 09272085 +02457249 _hypernym 01864707 +01371483 _hypernym 01355326 +01531742 _hypernym 00356258 +07258664 _hypernym 06589574 +12055317 _hypernym 11556857 +02675067 _derivationally_related_form 00549472 +15167027 _has_part 15167906 +08541288 _derivationally_related_form 00195617 +00945916 _hypernym 00945401 +08017974 _instance_hypernym 08392137 +01382083 _also_see 00677544 +01358259 _member_meronym 01359488 +06726158 _derivationally_related_form 00978173 +13536794 _derivationally_related_form 02838592 +12741079 _hypernym 11567411 +01039330 _derivationally_related_form 10596899 +08890097 _has_part 08892766 +07553741 _hypernym 07553301 +13877918 _derivationally_related_form 01223833 +01586850 _derivationally_related_form 03391301 +00530592 _hypernym 00381013 +09410928 _derivationally_related_form 01573276 +00272713 _derivationally_related_form 02579447 +04820258 _hypernym 04819026 +15226214 _derivationally_related_form 02983097 +08986374 _instance_hypernym 08633957 +02459001 _hypernym 01862557 +01222360 _also_see 01115349 +04695963 _hypernym 04695176 +01054545 _derivationally_related_form 02654416 +12791064 _hypernym 13112664 +02584325 _member_meronym 02584449 +10267941 _hypernym 09824361 +01635176 _derivationally_related_form 06757891 +01597194 _hypernym 01504437 +00572186 _derivationally_related_form 05018674 +03112719 _hypernym 02862048 +05576194 _hypernym 05225602 +02650050 _hypernym 02642107 +00421535 _derivationally_related_form 09757653 +05780885 _derivationally_related_form 02636132 +12359026 _member_meronym 12377809 +11741010 _member_meronym 11741350 +05190106 _synset_domain_topic_of 08441203 +11838916 _hypernym 13100677 +01155687 _derivationally_related_form 00430140 +09809538 _synset_domain_topic_of 08199025 +02970849 _has_part 02973236 +01942601 _hypernym 01938850 +01105526 _hypernym 01105639 +10619642 _hypernym 10560637 +01534609 _derivationally_related_form 00717748 +09393108 _hypernym 09304750 +00341040 _hypernym 00339934 +05060189 _hypernym 05058140 +03057075 _derivationally_related_form 06789411 +00114837 _hypernym 00109660 +02200686 _derivationally_related_form 00090779 +00147862 _hypernym 00199707 +07959016 _derivationally_related_form 02378183 +03061505 _hypernym 03079741 +00522537 _derivationally_related_form 02140033 +01880673 _verb_group 01726879 +06877742 _hypernym 06877578 +11595312 _member_meronym 11596108 +00246754 _derivationally_related_form 00328370 +00625963 _derivationally_related_form 08414807 +02373336 _hypernym 02372605 +01602318 _verb_group 02673134 +00526412 _derivationally_related_form 01896484 +13049285 _member_meronym 13049561 +12581381 _member_meronym 12583529 +06717170 _member_of_domain_usage 09642917 +00100235 _derivationally_related_form 00437788 +02981759 _derivationally_related_form 00887081 +06803157 _hypernym 06791372 +00589217 _hypernym 00586262 +01037819 _derivationally_related_form 09838701 +00474762 _derivationally_related_form 13548105 +05034225 _hypernym 05190804 +00966718 _derivationally_related_form 00477941 +07075172 _member_of_domain_usage 00583089 +01257145 _derivationally_related_form 02692686 +10675876 _hypernym 10518602 +05538625 _has_part 05540121 +08798195 _instance_hypernym 08524735 +00322719 _synset_domain_topic_of 00243918 +11617631 _hypernym 11608250 +01236164 _derivationally_related_form 10178216 +04906026 _hypernym 04905188 +03074855 _has_part 04452848 +02225959 _hypernym 01342529 +06781878 _hypernym 06776138 +01632103 _derivationally_related_form 05927813 +08984223 _instance_hypernym 08524735 +02253766 _derivationally_related_form 09999532 +08971404 _instance_hypernym 08524735 +02692513 _hypernym 04021798 +00754956 _derivationally_related_form 01721754 +11629501 _member_meronym 11640645 +01071474 _hypernym 00742320 +07521674 _derivationally_related_form 01780202 +14628307 _hypernym 15011987 +06676416 _has_part 00890441 +00275607 _derivationally_related_form 00806902 +01186208 _hypernym 01194418 +02433546 _hypernym 02430045 +12423565 _member_meronym 12469936 +12940427 _member_meronym 12940609 +12408077 _hypernym 12405714 +01060198 _derivationally_related_form 02041678 +12571606 _hypernym 11585340 +04444345 _synset_domain_topic_of 00464894 +02082358 _hypernym 01342529 +12036533 _hypernym 11744583 +11595312 _member_meronym 13108662 +00695226 _derivationally_related_form 13413493 +09020440 _instance_hypernym 08700255 +05444324 _hypernym 05225602 +00445169 _derivationally_related_form 15046900 +05517837 _hypernym 05517578 +00532429 _derivationally_related_form 00224738 +04888788 _hypernym 04887912 +10126926 _hypernym 09621545 +02100709 _also_see 01646941 +06845599 _member_of_domain_usage 02705651 +01385170 _derivationally_related_form 07373803 +00885217 _derivationally_related_form 14490110 +00093483 _derivationally_related_form 02551144 +00637259 _derivationally_related_form 05121418 +06633041 _synset_domain_topic_of 08199025 +03078287 _hypernym 04377057 +03210940 _hypernym 04076846 +01163316 _hypernym 01160729 +01638952 _member_meronym 01639071 +07770180 _hypernym 07705931 +02522399 _hypernym 02521646 +13610162 _hypernym 13583724 +00905677 _hypernym 00905399 +14448333 _hypernym 14448200 +02530421 _hypernym 02529772 +05856388 _hypernym 05856066 +02658734 _hypernym 02657219 +07384741 _derivationally_related_form 02187922 +01443537 _hypernym 01439121 +10523519 _derivationally_related_form 00086809 +02331326 _hypernym 02327200 +01301630 _instance_hypernym 00962567 +01823013 _hypernym 01822602 +00716945 _hypernym 00712225 +01647229 _derivationally_related_form 00240184 +00142665 _hypernym 00635850 +06608977 _hypernym 06607339 +00405236 _derivationally_related_form 01237872 +02422561 _hypernym 01864707 +06991277 _hypernym 06904171 +09859684 _hypernym 09632518 +10578762 _hypernym 09610660 +00355955 _derivationally_related_form 13467916 +06320801 _hypernym 06289250 +02764438 _also_see 02762806 +06295235 _member_of_domain_usage 06128307 +14497763 _derivationally_related_form 00419289 +00606006 _derivationally_related_form 08477634 +01919504 _member_meronym 01919714 +12280487 _member_meronym 12288598 +01150559 _derivationally_related_form 05981230 +00753922 _derivationally_related_form 11668117 +01745536 _derivationally_related_form 08266235 +04701039 _hypernym 04700642 +00312990 _hypernym 00126264 +12724942 _hypernym 13104059 +00204391 _derivationally_related_form 13556377 +04995531 _derivationally_related_form 00133417 +00212065 _hypernym 00211110 +04504770 _has_part 03614007 +14682133 _hypernym 09465459 +03097890 _hypernym 03247620 +01010334 _derivationally_related_form 00658052 +09425159 _instance_hypernym 09403734 +01807265 _member_meronym 01808447 +11899432 _member_meronym 11872658 +13148602 _member_meronym 13151568 +01356582 _derivationally_related_form 04159058 +13969243 _derivationally_related_form 00482473 +01004692 _derivationally_related_form 04504486 +01524885 _member_meronym 01562584 +01726879 _verb_group 01880673 +00962567 _hypernym 00973077 +01984317 _derivationally_related_form 07362386 +07014752 _hypernym 07014320 +00943281 _hypernym 00941990 +11202063 _instance_hypernym 10231515 +09405169 _instance_hypernym 09360122 +01610666 _hypernym 00161225 +13151820 _hypernym 11567411 +08389438 _hypernym 08190754 +02113850 _hypernym 02113622 +09006413 _has_part 09007471 +00994076 _derivationally_related_form 06355894 +07889274 _derivationally_related_form 10286855 +02285359 _member_meronym 02285548 +12763762 _hypernym 12762896 +13621011 _hypernym 13615557 +07962295 _hypernym 07961480 +02394068 _hypernym 01342529 +08968677 _has_part 08968879 +10533983 _derivationally_related_form 01046480 +13289467 _hypernym 13285176 +13260190 _hypernym 13255145 +11874707 _hypernym 11575425 +01200068 _hypernym 01200440 +12411710 _member_meronym 12411922 +03390983 _hypernym 03391770 +07238102 _hypernym 07234230 +14873951 _derivationally_related_form 02126686 +00802962 _derivationally_related_form 02544348 +11544131 _hypernym 11534677 +02421921 _verb_group 02099829 +12260593 _member_meronym 12260799 +08723006 _has_part 08727606 +12868019 _hypernym 12205694 +09392162 _instance_hypernym 09287968 +02387486 _derivationally_related_form 08132637 +02394822 _member_meronym 02396667 +12771192 _hypernym 12651821 +02460275 _hypernym 01864707 +02742638 _derivationally_related_form 01169744 +00357906 _derivationally_related_form 00431327 +01566490 _hypernym 00388635 +15036638 _hypernym 15034074 +01274341 _hypernym 00173338 +02014553 _derivationally_related_form 07371168 +03854065 _has_part 03928814 +10308066 _hypernym 00007846 +09622302 _derivationally_related_form 01775535 +05074218 _derivationally_related_form 02311544 +01298283 _derivationally_related_form 06308049 +01997680 _derivationally_related_form 07206302 +13408641 _hypernym 13408023 +09771435 _derivationally_related_form 01777817 +01517966 _derivationally_related_form 03153361 +09857200 _synset_domain_topic_of 08083599 +03429914 _hypernym 03819595 +00266798 _derivationally_related_form 14577469 +07551890 _hypernym 07551691 +12501745 _member_meronym 12533992 +02662297 _derivationally_related_form 07337390 +02171664 _derivationally_related_form 04292733 +12986447 _member_meronym 12987056 +14486122 _derivationally_related_form 00059376 +11973888 _member_meronym 11974557 +12663554 _member_meronym 12663804 +13637376 _hypernym 13633375 +01723690 _derivationally_related_form 00756331 +08114581 _synset_domain_topic_of 01312096 +01775230 _hypernym 01762525 +08860123 _member_of_domain_region 07590611 +01732172 _synset_domain_topic_of 06157326 +02498320 _verb_group 00795632 +00172732 _derivationally_related_form 14493426 +11911591 _member_meronym 11982724 +06169050 _hypernym 06172789 +07391863 _hypernym 07371293 +02494866 _hypernym 01862557 +07506569 _derivationally_related_form 01792287 +02400378 _hypernym 00674607 +00214020 _hypernym 00215800 +01215392 _hypernym 01212519 +10498046 _hypernym 09614047 +01695259 _member_meronym 01707895 +10753061 _hypernym 00007846 +10409011 _hypernym 10453357 +00996102 _hypernym 00995838 +00838367 _derivationally_related_form 01179865 +07042023 _hypernym 07037465 +00418110 _derivationally_related_form 05023741 +02707251 _hypernym 02706816 +11723770 _hypernym 13100156 +08508105 _derivationally_related_form 00251791 +01155354 _also_see 00744916 +00283568 _has_part 00285889 +01155687 _derivationally_related_form 13343526 +07768423 _hypernym 07707451 +01698271 _verb_group 01744611 +01835103 _verb_group 01834896 +11700401 _hypernym 11564258 +12391745 _hypernym 11562747 +04070727 _derivationally_related_form 00371051 +02163301 _derivationally_related_form 01135529 +01383638 _member_meronym 01383896 +06845599 _member_of_domain_usage 03886237 +10270878 _derivationally_related_form 01805684 +10746346 _derivationally_related_form 02156546 +06295235 _member_of_domain_usage 00510050 +07817465 _hypernym 07809368 +01087197 _derivationally_related_form 01156899 +06718862 _member_of_domain_usage 09637684 +01121690 _derivationally_related_form 02344060 +04661706 _hypernym 04616059 +11660121 _hypernym 11554175 +00196084 _derivationally_related_form 00555447 +02646377 _member_meronym 02646508 +07445896 _derivationally_related_form 01378556 +00839526 _derivationally_related_form 10201535 +02390470 _derivationally_related_form 10203949 +10259527 _synset_domain_topic_of 08199025 +01163620 _hypernym 01164273 +10105085 _hypernym 09998101 +08996483 _instance_hypernym 08544813 +06845599 _member_of_domain_usage 05408388 +01292169 _hypernym 01295275 +13650447 _has_part 13650045 +00593219 _hypernym 00586262 +07171940 _synset_domain_topic_of 06431740 +03113835 _hypernym 02756098 +01206153 _derivationally_related_form 00887463 +01617633 _hypernym 01507175 +02632694 _member_meronym 02635013 +00996969 _hypernym 00407535 +01746565 _member_meronym 01746727 +01567275 _derivationally_related_form 00919513 +11218473 _instance_hypernym 09765278 +01699172 _synset_domain_topic_of 00929718 +05069199 _derivationally_related_form 02037090 +04371774 _hypernym 03736970 +05511061 _has_part 05332802 +08723006 _has_part 03018971 +02733673 _hypernym 02685951 +02152812 _hypernym 02131279 +09073697 _instance_hypernym 08638442 +06177450 _synset_domain_topic_of 06172789 +01046587 _derivationally_related_form 07377682 +01590583 _hypernym 01525720 +07379223 _derivationally_related_form 01893771 +01676313 _member_meronym 01681513 +06998748 _derivationally_related_form 09812338 +02056971 _derivationally_related_form 03242713 +06717170 _member_of_domain_usage 04668139 +03962685 _has_part 03082979 +02204242 _derivationally_related_form 10329337 +04494204 _has_part 02714315 +01374020 _derivationally_related_form 00278221 +05037813 _hypernym 05036394 +01343918 _derivationally_related_form 05192451 +13150741 _hypernym 11567411 +01239862 _hypernym 01410223 +03294048 _derivationally_related_form 02339413 +00088481 _hypernym 00041899 +02308741 _derivationally_related_form 10670310 +14254102 _hypernym 14276649 +10492894 _hypernym 09772029 +01091844 _hypernym 01091427 +08597176 _hypernym 08624385 +09303647 _has_part 09197945 +14696793 _hypernym 14580897 +02644622 _hypernym 02644234 +02498355 _member_meronym 02499434 +00269018 _hypernym 00268557 +00178832 _derivationally_related_form 01728840 +09180967 _hypernym 09180431 +12149751 _member_meronym 12152869 +01072236 _derivationally_related_form 01802219 +01265740 _hypernym 01264283 +00015498 _hypernym 00014742 +02215790 _verb_group 02215506 +02379198 _derivationally_related_form 00205079 +04201733 _hypernym 02814533 +02584004 _hypernym 01432517 +01036319 _derivationally_related_form 00802238 +10720453 _derivationally_related_form 02302817 +00711550 _derivationally_related_form 00949619 +02400139 _member_meronym 02411075 +01462005 _derivationally_related_form 09786922 +00908672 _derivationally_related_form 01793177 +11421401 _hypernym 11450869 +01425709 _hypernym 01426153 +02171039 _derivationally_related_form 10165448 +10475297 _hypernym 10605985 +06212839 _hypernym 06208021 +01328513 _derivationally_related_form 02728763 +02208537 _hypernym 02210855 +00914769 _derivationally_related_form 01052215 +00751529 _derivationally_related_form 00835903 +02583958 _hypernym 02583139 +06756407 _derivationally_related_form 02461723 +11838266 _member_meronym 11838413 +14010927 _derivationally_related_form 00354634 +00799798 _derivationally_related_form 01258852 +02233577 _member_meronym 02234181 +01243474 _derivationally_related_form 01758308 +04366367 _hypernym 02898711 +01080691 _verb_group 01079480 +00126264 _derivationally_related_form 03005920 +13802098 _synset_domain_topic_of 06969129 +14857021 _hypernym 14856263 +04641447 _hypernym 04623612 +11386692 _instance_hypernym 10030277 +10187990 _hypernym 09770949 +10317007 _hypernym 10582746 +07360647 _derivationally_related_form 02231661 +00613393 _verb_group 01989053 +14393161 _hypernym 14083790 +03735637 _derivationally_related_form 00489837 +08216647 _synset_domain_topic_of 08199025 +01074694 _derivationally_related_form 01478423 +11604393 _hypernym 11553763 +05569053 _has_part 05365633 +01279978 _derivationally_related_form 14436438 +01485801 _hypernym 01432517 +14092247 _has_part 05525391 +05232972 _hypernym 05230603 +04769049 _derivationally_related_form 00744506 +01747945 _derivationally_related_form 06677302 +08858942 _instance_hypernym 09316454 +00603866 _hypernym 00586262 +02339413 _derivationally_related_form 03730153 +01838326 _hypernym 01504437 +01337224 _derivationally_related_form 03530910 +10196965 _derivationally_related_form 01637633 +00190180 _derivationally_related_form 00146443 +06740402 _derivationally_related_form 00770437 +02708707 _derivationally_related_form 10744164 +10005280 _hypernym 09815790 +01123765 _derivationally_related_form 00959376 +00390215 _derivationally_related_form 03161725 +02489183 _derivationally_related_form 13965049 +00642644 _derivationally_related_form 05802547 +01033714 _synset_domain_topic_of 01032368 +00449295 _hypernym 00523513 +07011209 _hypernym 07010821 +07094093 _synset_domain_topic_of 06170025 +06807198 _derivationally_related_form 00948853 +12358485 _member_meronym 11575425 +05625465 _hypernym 05624700 +03113657 _hypernym 02756098 +02012306 _member_meronym 02012715 +06637973 _hypernym 06588511 +04972451 _hypernym 04971928 +04096066 _has_part 03581125 +00649992 _hypernym 00649760 +00211110 _derivationally_related_form 02610628 +12479303 _hypernym 11561228 +06744154 _derivationally_related_form 00251791 +00924431 _derivationally_related_form 05566504 +05236152 _hypernym 05225602 +01275697 _instance_hypernym 00956485 +10712474 _derivationally_related_form 00286928 +09923673 _derivationally_related_form 04898208 +03473817 _synset_domain_topic_of 15259284 +02533313 _derivationally_related_form 07544647 +04860065 _hypernym 04620558 +08428756 _derivationally_related_form 01920048 +01069578 _hypernym 00803617 +01706889 _hypernym 01729431 +10643727 _derivationally_related_form 00008602 +00558008 _synset_domain_topic_of 00480993 +02698944 _derivationally_related_form 05217688 +00235368 _derivationally_related_form 01149480 +01386494 _member_meronym 01399772 +10648909 _derivationally_related_form 02132745 +00125126 _hypernym 00124880 +00574341 _hypernym 00126264 +01320669 _hypernym 01321002 +10329945 _derivationally_related_form 00547493 +00204439 _derivationally_related_form 00613393 +04443433 _derivationally_related_form 01940034 +15178841 _has_part 15217563 +10282920 _hypernym 00007846 +14916185 _hypernym 14585519 +12604639 _hypernym 12603959 +06845599 _member_of_domain_usage 03370927 +10523076 _hypernym 10560637 +11420376 _derivationally_related_form 09756400 +08156685 _hypernym 08153437 +02685951 _also_see 02685665 +02362025 _member_meronym 02362194 +01180975 _derivationally_related_form 10433737 +08191230 _hypernym 08198137 +00431826 _derivationally_related_form 07423001 +12450840 _hypernym 12450344 +12626030 _member_meronym 12626353 +02084104 _derivationally_related_form 00932624 +13629309 _has_part 13628592 +06176322 _synset_domain_topic_of 06172789 +08678783 _hypernym 08593262 +01693324 _hypernym 01690294 +13616688 _hypernym 13600822 +03493333 _synset_domain_topic_of 06128570 +02140357 _hypernym 01864707 +00956405 _derivationally_related_form 07290278 +06432715 _instance_hypernym 06394865 +06428976 _hypernym 06428792 +00672433 _also_see 00672017 +10586265 _hypernym 10230801 +00746479 _hypernym 00746084 +01126335 _hypernym 01124794 +02628259 _hypernym 02627835 +11858406 _member_meronym 11858814 +00863277 _hypernym 00862683 +04602044 _has_part 03683708 +07151892 _hypernym 07151380 +01122149 _derivationally_related_form 02267529 +01644245 _hypernym 01626600 +10213180 _hypernym 10524413 +01503404 _derivationally_related_form 10644469 +13978709 _hypernym 13977366 +01122601 _hypernym 01122149 +12532008 _member_meronym 12532168 +01810132 _hypernym 01504437 +00190783 _hypernym 00063652 +09683180 _derivationally_related_form 00996513 +00364260 _hypernym 00363260 +10402285 _derivationally_related_form 01563724 +08475722 _hypernym 08473787 +11634970 _member_meronym 11635433 +00283127 _derivationally_related_form 01835496 +02527813 _member_meronym 01453852 +12641931 _hypernym 12641413 +07149836 _hypernym 07148192 +00016380 _hypernym 00014405 +13504497 _hypernym 13526110 +02625016 _derivationally_related_form 00003553 +15233778 _hypernym 15113229 +08860123 _member_of_domain_region 10564800 +00172505 _hypernym 00473572 +11876976 _hypernym 11868814 +13829047 _hypernym 13828905 +15292336 _hypernym 15291801 +15091304 _hypernym 15090742 +02159197 _hypernym 00697589 +04768657 _derivationally_related_form 02432530 +13468094 _hypernym 13508651 +14638041 _hypernym 14625458 +01526635 _hypernym 01504437 +00145929 _derivationally_related_form 01355646 +02370360 _hypernym 05554189 +06150222 _hypernym 05993844 +02344528 _hypernym 02329401 +05194874 _derivationally_related_form 01821132 +03974215 _derivationally_related_form 00392960 +06295235 _member_of_domain_usage 03405265 +07161741 _hypernym 07164546 +01128193 _hypernym 01127795 +00329227 _derivationally_related_form 02070466 +07175575 _derivationally_related_form 00804139 +09092497 _has_part 09419536 +04783888 _hypernym 04783724 +00364600 _derivationally_related_form 00315330 +04285965 _hypernym 02958343 +02123242 _hypernym 02121808 +00458754 _derivationally_related_form 14738752 +11101000 _instance_hypernym 10467395 +04883614 _hypernym 04882968 +06275634 _has_part 06624161 +01800349 _derivationally_related_form 01815628 +00095873 _hypernym 00095502 +04082886 _hypernym 03820950 +10183757 _derivationally_related_form 02546075 +01219075 _derivationally_related_form 00489496 +07244613 _derivationally_related_form 10067305 +00312553 _hypernym 00306426 +02678528 _hypernym 03740161 +08368308 _hypernym 08365855 +13537894 _hypernym 13453428 +00581891 _derivationally_related_form 04526964 +00347918 _hypernym 00345761 +08780018 _instance_hypernym 08633957 +12168565 _hypernym 12205694 +02496576 _hypernym 01342529 +04112252 _hypernym 02688443 +02551494 _hypernym 01432517 +05313115 _hypernym 05426243 +09138935 _has_part 09139508 +13137409 _derivationally_related_form 01384102 +13026763 _hypernym 11594676 +04039381 _has_part 03485997 +12816753 _hypernym 11744859 +15202230 _hypernym 15203791 +02419773 _derivationally_related_form 00621476 +12790656 _hypernym 11566682 +05650820 _derivationally_related_form 00963570 +08215248 _derivationally_related_form 02031622 +09170633 _instance_hypernym 08505573 +02073065 _hypernym 02072849 +13244109 _derivationally_related_form 02203362 +01730384 _verb_group 01731353 +03087088 _derivationally_related_form 09644152 +02604477 _hypernym 02603699 +03265032 _hypernym 03154073 +11921949 _member_meronym 11922192 +15272029 _derivationally_related_form 02641957 +01924882 _hypernym 01904930 +02453373 _hypernym 01342529 +00472230 _derivationally_related_form 07331013 +15265518 _derivationally_related_form 02379528 +05748786 _derivationally_related_form 00730499 +13875970 _derivationally_related_form 00143204 +11614713 _hypernym 11608250 +12018760 _hypernym 13112664 +04800359 _hypernym 04723816 +05262422 _hypernym 05262185 +01498713 _hypernym 01494310 +00612042 _derivationally_related_form 06688522 +06392935 _derivationally_related_form 00885082 +06046692 _hypernym 06043075 +00848282 _hypernym 00848098 +02958343 _has_part 04588365 +08889191 _instance_hypernym 08633957 +01634424 _derivationally_related_form 00940412 +00101191 _derivationally_related_form 01726172 +08910668 _has_part 08912012 +02294179 _derivationally_related_form 01085098 +00790308 _hypernym 01224744 +02169891 _derivationally_related_form 00882159 +08012765 _synset_domain_topic_of 00759694 +00660971 _derivationally_related_form 05736149 +02374149 _hypernym 02373336 +01852701 _hypernym 01850315 +08647616 _derivationally_related_form 01543998 +05426989 _has_part 05455912 +10698368 _hypernym 10521662 +12150447 _hypernym 11556857 +00243918 _derivationally_related_form 01664172 +00196485 _derivationally_related_form 00140751 +01682582 _also_see 02516255 +12761471 _hypernym 11567411 +12235263 _member_meronym 12235479 +02660147 _hypernym 02659763 +02518161 _derivationally_related_form 04910377 +04601041 _hypernym 03592245 +11794267 _member_meronym 11794519 +01881857 _hypernym 01881171 +00914215 _hypernym 00913065 +00073713 _hypernym 00070965 +13449714 _synset_domain_topic_of 06066555 +10085101 _hypernym 10720453 +06028021 _has_part 06027264 +02488702 _hypernym 02484473 +10486679 _derivationally_related_form 01911888 +13200986 _hypernym 11545714 +11203059 _instance_hypernym 09771204 +00282076 _derivationally_related_form 00274707 +01419573 _hypernym 01416585 +09044862 _member_of_domain_region 13753740 +02418686 _derivationally_related_form 00431893 +13911151 _derivationally_related_form 01604696 +07325190 _derivationally_related_form 00345761 +05263850 _hypernym 00019613 +01424456 _derivationally_related_form 00417859 +00677299 _hypernym 00671351 +05999797 _derivationally_related_form 10560637 +14687818 _hypernym 14875077 +00378985 _derivationally_related_form 00193486 +01081456 _hypernym 01080366 +04948241 _derivationally_related_form 02238462 +14000403 _derivationally_related_form 02541509 +06261260 _derivationally_related_form 00743344 +12510774 _hypernym 13112664 +14451672 _derivationally_related_form 00650577 +09428967 _derivationally_related_form 02952109 +02305245 _member_meronym 02305799 +02053818 _derivationally_related_form 04855138 +02161530 _derivationally_related_form 04954534 +02982599 _hypernym 03323703 +00550016 _hypernym 00548326 +01946138 _synset_domain_topic_of 00815801 +01071474 _verb_group 01071632 +01534745 _derivationally_related_form 14956325 +01700076 _member_meronym 01700470 +15209706 _hypernym 15209413 +01041968 _hypernym 01028655 +05044387 _hypernym 05043973 +01413744 _member_meronym 01414841 +01785831 _member_meronym 01786048 +02275560 _hypernym 02274822 +01018928 _derivationally_related_form 06755568 +08402442 _derivationally_related_form 09944022 +09055015 _has_part 09445088 +10732010 _derivationally_related_form 03110669 +01186578 _hypernym 01184814 +12501745 _member_meronym 12509297 +04605726 _hypernym 03122748 +02175958 _derivationally_related_form 04989657 +06207199 _hypernym 06207029 +05611302 _hypernym 00023271 +04021798 _derivationally_related_form 01853069 +12334686 _hypernym 11567411 +14723425 _hypernym 14723079 +14417146 _hypernym 14416845 +00427580 _hypernym 00426928 +05303020 _hypernym 05303232 +00943600 _hypernym 00943187 +14419164 _hypernym 14418395 +02622234 _derivationally_related_form 00145218 +07432337 _hypernym 07432119 +08948346 _has_part 08948704 +00643250 _derivationally_related_form 01685313 +01628197 _derivationally_related_form 00922144 +11085924 _instance_hypernym 09798811 +12842105 _member_meronym 12842302 +00054628 _derivationally_related_form 07324380 +01927447 _hypernym 01926311 +00879759 _derivationally_related_form 02128653 +02166460 _derivationally_related_form 07138915 +02635794 _derivationally_related_form 02396205 +00047745 _derivationally_related_form 00830257 +05838765 _derivationally_related_form 00657260 +12949722 _member_meronym 12950501 +00209943 _hypernym 00199130 +06193727 _derivationally_related_form 00686447 +04052757 _hypernym 04539876 +01085937 _hypernym 01085793 +14418103 _derivationally_related_form 00464962 +12714114 _member_meronym 12714254 +14818238 _derivationally_related_form 01657828 +08860123 _member_of_domain_region 03136051 +00940842 _hypernym 00927261 +01076046 _derivationally_related_form 01859221 +02749247 _hypernym 02748927 +00670703 _derivationally_related_form 00197590 +07441619 _derivationally_related_form 01866610 +00742474 _derivationally_related_form 00203213 +09958892 _derivationally_related_form 00706975 +15263283 _synset_domain_topic_of 06453849 +06709349 _hypernym 06706676 +11770256 _hypernym 13104059 +11720353 _hypernym 12205694 +03761845 _hypernym 02830852 +11911591 _member_meronym 11955398 +14024882 _hypernym 14034177 +10199251 _synset_domain_topic_of 06234825 +07225857 _synset_domain_topic_of 08199025 +00105820 _synset_domain_topic_of 00523513 +06729499 _derivationally_related_form 01011031 +00235110 _verb_group 00318326 +00390906 _derivationally_related_form 01298668 +00768921 _hypernym 00750890 +05910453 _hypernym 05898568 +00599234 _hypernym 00586262 +11410298 _hypernym 11409059 +01329026 _hypernym 01328513 +02612762 _hypernym 02655135 +08022972 _instance_hypernym 08392137 +02266269 _hypernym 02311060 +06604319 _hypernym 07151380 +15178841 _has_part 15217787 +02189714 _derivationally_related_form 10042690 +11195619 _instance_hypernym 09818343 +06636806 _derivationally_related_form 01745141 +02237024 _derivationally_related_form 14875077 +06558678 _derivationally_related_form 02498716 +05578911 _hypernym 05585665 +03929660 _derivationally_related_form 01452546 +13253612 _derivationally_related_form 02207206 +06109227 _synset_domain_topic_of 06037666 +02935017 _hypernym 02911485 +00940384 _derivationally_related_form 07109847 +06161718 _derivationally_related_form 10225219 +02426799 _hypernym 00126264 +00108475 _hypernym 00094460 +03405265 _derivationally_related_form 02336483 +08244062 _hypernym 08049401 +00377715 _derivationally_related_form 14289942 +01884266 _hypernym 01992503 +09826204 _derivationally_related_form 01941093 +14477342 _hypernym 14475661 +00591519 _hypernym 00591115 +00714884 _derivationally_related_form 07140978 +10991165 _instance_hypernym 09767700 +02913152 _has_part 04105068 +12972818 _hypernym 11594676 +14313943 _synset_domain_topic_of 06060845 +02440523 _hypernym 05225602 +06892775 _hypernym 06891493 +09725402 _derivationally_related_form 02959912 +09758424 _derivationally_related_form 05940869 +00282076 _hypernym 00126264 +08960987 _derivationally_related_form 09721244 +00911572 _hypernym 00911048 +01159776 _hypernym 01158690 +10916731 _instance_hypernym 09765278 +14563564 _derivationally_related_form 02513740 +01269379 _derivationally_related_form 14498096 +02400139 _member_meronym 02408903 +11822557 _member_meronym 11825535 +08329113 _member_meronym 10407552 +09270894 _has_part 08583095 +01516534 _verb_group 02505358 +08955626 _has_part 08956461 +07184735 _hypernym 07184149 +03153375 _hypernym 04381994 +03954731 _hypernym 03265032 +00845909 _hypernym 00826509 +02424254 _derivationally_related_form 14499594 +08983742 _instance_hypernym 08524735 +04502197 _hypernym 04370048 +01418959 _hypernym 01418667 +09379111 _derivationally_related_form 02744651 +00595146 _derivationally_related_form 10298647 +13227235 _member_meronym 13229747 +10334567 _derivationally_related_form 09359803 +07552729 _hypernym 07552087 +15025942 _hypernym 14736972 +00290125 _hypernym 00286497 +09275016 _instance_hypernym 09254614 +02319050 _derivationally_related_form 13307784 +03093184 _derivationally_related_form 09378529 +01425817 _member_meronym 01425983 +11508092 _derivationally_related_form 02767922 +08908248 _has_part 08910230 +02918595 _hypernym 03736970 +12092766 _member_meronym 12092930 +00933821 _derivationally_related_form 07215568 +07430211 _hypernym 07289014 +01726390 _hypernym 01342529 +07237758 _derivationally_related_form 00727991 +01758339 _derivationally_related_form 02731024 +01369758 _also_see 01560984 +04696432 _synset_domain_topic_of 06060845 +06511560 _hypernym 06470073 +04250224 _synset_domain_topic_of 08199025 +00654015 _hypernym 00690614 +00092293 _derivationally_related_form 14561618 +13192025 _member_meronym 13192898 +01604696 _derivationally_related_form 03600977 +04576971 _hypernym 03736970 +14379829 _derivationally_related_form 00772189 +01061333 _derivationally_related_form 00754942 +09053185 _has_part 09356781 +08680888 _derivationally_related_form 01935233 +05891572 _derivationally_related_form 01701634 +02036053 _hypernym 02022684 +07765728 _hypernym 07705931 +00319939 _derivationally_related_form 01998432 +00302875 _derivationally_related_form 00402951 +02371718 _derivationally_related_form 05064827 +02291258 _verb_group 02291548 +07494363 _derivationally_related_form 01792567 +02267989 _derivationally_related_form 15141486 +13568524 _hypernym 13518963 +00366275 _derivationally_related_form 00357680 +10277638 _hypernym 10340312 +00901789 _hypernym 00153288 +04684358 _derivationally_related_form 00489299 +09229709 _derivationally_related_form 00003431 +01574923 _hypernym 00126264 +04461294 _synset_domain_topic_of 00314469 +01759926 _hypernym 01759326 +05765415 _derivationally_related_form 02806907 +08000304 _hypernym 07999699 +00646738 _derivationally_related_form 01005579 +08304135 _member_meronym 08983742 +10508710 _derivationally_related_form 00626428 +10045713 _derivationally_related_form 02387486 +12323411 _member_meronym 12323820 +00602255 _derivationally_related_form 10251779 +01522594 _member_meronym 01522789 +10721124 _derivationally_related_form 02647497 +02738701 _hypernym 02604760 +09309820 _instance_hypernym 09328904 +00081836 _hypernym 00081572 +00235110 _hypernym 00118523 +01999082 _hypernym 02020590 +09075170 _instance_hypernym 08695539 +10840021 _instance_hypernym 09805151 +01260291 _hypernym 01659248 +01448100 _verb_group 01609287 +00999089 _hypernym 00996969 +01170052 _derivationally_related_form 10034201 +01347583 _hypernym 01342269 +13282007 _hypernym 13278375 +00662589 _verb_group 02520997 +05768553 _hypernym 05767733 +15255804 _has_part 15256245 +12326604 _hypernym 11562747 +02553196 _member_meronym 02620318 +02128286 _derivationally_related_form 10786033 +00872886 _hypernym 00813978 +10044470 _derivationally_related_form 02357228 +09304750 _derivationally_related_form 02263982 +01348530 _derivationally_related_form 02657741 +12787846 _hypernym 11585340 +10142391 _hypernym 10143172 +02410855 _derivationally_related_form 00584367 +00306723 _derivationally_related_form 00377686 +01121855 _derivationally_related_form 02249741 +00663353 _hypernym 00664483 +12774496 _hypernym 14898470 +02291708 _hypernym 02289295 +10019406 _derivationally_related_form 01577635 +00774344 _derivationally_related_form 07184149 +07046339 _hypernym 07037465 +11634970 _member_meronym 11635830 +06321702 _derivationally_related_form 02936020 +02298379 _member_meronym 02299715 +01450453 _hypernym 01432517 +07333649 _hypernym 07355491 +10451590 _derivationally_related_form 02454312 +07275078 _derivationally_related_form 02040709 +12569233 _hypernym 11585340 +13658828 _hypernym 13649268 +00261314 _derivationally_related_form 10712229 +10562391 _hypernym 10439851 +14672023 _hypernym 14618834 +04980920 _hypernym 04980656 +02408903 _hypernym 01864707 +02588108 _hypernym 01429349 +13907847 _hypernym 13907415 +08190292 _hypernym 08198398 +09901642 _derivationally_related_form 01182709 +01187620 _hypernym 01184814 +00226566 _hypernym 00156601 +00662589 _verb_group 00920336 +11750359 _hypernym 11585340 +00239614 _verb_group 00238867 +12920521 _hypernym 12917901 +08860123 _member_of_domain_region 09916209 +00013615 _verb_group 01719302 +10995115 _derivationally_related_form 03067506 +06500262 _hypernym 06488880 +12619306 _member_meronym 12633386 +07211092 _derivationally_related_form 00909219 +09070793 _has_part 04555101 +02226981 _hypernym 02280132 +09612848 _derivationally_related_form 01156834 +08723006 _has_part 08726463 +00307631 _derivationally_related_form 02408281 +13775706 _derivationally_related_form 02356704 +03062280 _derivationally_related_form 03259505 +08927186 _has_part 09173023 +01593254 _derivationally_related_form 03138344 +02309341 _derivationally_related_form 02116118 +01731031 _derivationally_related_form 07048000 +12158148 _member_meronym 12160490 +11651259 _member_meronym 11659500 +08892971 _instance_hypernym 08633957 +10520804 _hypernym 10388924 +00836149 _derivationally_related_form 00007549 +11832108 _hypernym 11573660 +13910384 _hypernym 00027167 +04476116 _hypernym 03351262 +12998130 _hypernym 08103777 +08042536 _instance_hypernym 08392137 +01921204 _derivationally_related_form 02440523 +12216836 _member_meronym 12216968 +01801847 _hypernym 02510337 +07314838 _hypernym 07304852 +07994331 _derivationally_related_form 02652158 +00140652 _hypernym 00046522 +00153809 _derivationally_related_form 00733044 +04733347 _hypernym 04733204 +13344664 _hypernym 13331198 +11117451 _instance_hypernym 10301261 +08904269 _instance_hypernym 08524735 +00353992 _hypernym 00351638 +02497824 _hypernym 00808162 +01502262 _member_meronym 01515811 +10383816 _derivationally_related_form 01633343 +01366015 _member_meronym 01366415 +01054694 _hypernym 00983824 +00812149 _hypernym 00811375 +00114871 _derivationally_related_form 01454810 +01113473 _verb_group 01140654 +06295235 _member_of_domain_usage 00627437 +04694441 _derivationally_related_form 01251928 +07193596 _derivationally_related_form 00785008 +01320009 _derivationally_related_form 13085864 +03045074 _hypernym 04186848 +00931852 _derivationally_related_form 06601327 +14859344 _hypernym 14806838 +00146572 _derivationally_related_form 00612114 +14499262 _hypernym 13920835 +12998349 _member_meronym 13015040 +00623151 _derivationally_related_form 05928513 +00823884 _hypernym 00828990 +10080508 _hypernym 10350896 +00727791 _derivationally_related_form 06346681 +01018928 _derivationally_related_form 06770875 +01026095 _derivationally_related_form 00152018 +12499979 _hypernym 12499163 +07444668 _derivationally_related_form 00380159 +02429123 _hypernym 01862557 +00964569 _hypernym 00037396 +09905530 _hypernym 10129825 +08673395 _derivationally_related_form 02469085 +03150795 _derivationally_related_form 00923793 +01638368 _derivationally_related_form 00795720 +07827750 _hypernym 07809368 +02425756 _hypernym 01864707 +04485226 _derivationally_related_form 01643657 +09873604 _derivationally_related_form 00334996 +14170772 _hypernym 14170337 +15015501 _derivationally_related_form 00185103 +13940456 _hypernym 13939892 +00247792 _derivationally_related_form 00323856 +02764044 _has_part 02764398 +11722036 _hypernym 13122364 +00748515 _derivationally_related_form 01172275 +00434374 _derivationally_related_form 07421316 +00231567 _derivationally_related_form 00470084 +08365855 _derivationally_related_form 02874876 +02333979 _derivationally_related_form 04161358 +02589486 _hypernym 01432517 +00967780 _hypernym 00973077 +09565999 _hypernym 09551356 +03271574 _derivationally_related_form 02101046 +01188485 _derivationally_related_form 07489714 +12157769 _hypernym 13100677 +01483188 _member_meronym 01483707 +05176846 _synset_domain_topic_of 08441203 +01747717 _derivationally_related_form 00928947 +02490030 _member_meronym 02490686 +02588464 _hypernym 02587532 +08860123 _member_of_domain_region 13393427 +13019017 _member_meronym 13020011 +02590237 _member_meronym 02591757 +00451370 _hypernym 00523513 +06601973 _hypernym 06601327 +03321419 _has_part 03321103 +13907415 _derivationally_related_form 01277974 +04837232 _derivationally_related_form 00082241 +02237338 _verb_group 00796976 +02441022 _derivationally_related_form 05197797 +10022111 _synset_domain_topic_of 08083599 +01305542 _derivationally_related_form 08640111 +01194331 _synset_domain_topic_of 08441203 +13878112 _derivationally_related_form 02047650 +12840640 _hypernym 11579418 +01786906 _derivationally_related_form 14391876 +12096223 _member_meronym 12096395 +00414174 _hypernym 00413876 +09812338 _derivationally_related_form 05638987 +10548419 _hypernym 10548681 +00733883 _hypernym 00732746 +02571511 _hypernym 02321757 +12241192 _hypernym 13112664 +04821084 _derivationally_related_form 00731789 +01723259 _member_meronym 01723425 +04090263 _has_part 04022434 +01783158 _also_see 01781478 +05752544 _derivationally_related_form 02210855 +01048939 _derivationally_related_form 07123012 +01298283 _hypernym 01296462 +01163047 _derivationally_related_form 01411085 +12350234 _member_meronym 12351975 +07516997 _derivationally_related_form 01786906 +00964110 _derivationally_related_form 07157273 +05296639 _has_part 05595083 +11608250 _has_part 11683331 +04052757 _has_part 02911485 +08514865 _has_part 03327234 +07075172 _member_of_domain_usage 00168564 +01920582 _hypernym 01342529 +05540513 _has_part 05544078 +06631322 _hypernym 06630017 +09891730 _hypernym 10631941 +02180529 _derivationally_related_form 06278136 +02574205 _hypernym 02513989 +01634424 _derivationally_related_form 10660333 +05145891 _derivationally_related_form 00933154 +06743506 _derivationally_related_form 00636279 +03994008 _hypernym 04447443 +08798771 _member_of_domain_region 08011523 +06268567 _hypernym 06268096 +10388924 _derivationally_related_form 00809465 +01927301 _member_meronym 01927456 +00289679 _derivationally_related_form 04961691 +08564307 _instance_hypernym 08574314 +05658226 _hypernym 05652396 +10869385 _instance_hypernym 10249950 +03047553 _derivationally_related_form 00182037 +12984802 _member_meronym 12985010 +06652242 _derivationally_related_form 00715868 +10284064 _derivationally_related_form 00142191 +06721342 _hypernym 06715223 +05106928 _hypernym 05106633 +03073977 _has_part 03903868 +02862048 _has_part 03325288 +00763282 _synset_domain_topic_of 00759694 +07071942 _hypernym 07066659 +02687172 _derivationally_related_form 01449974 +07376257 _derivationally_related_form 02182479 +01380298 _hypernym 01380118 +03281935 _hypernym 02679415 +10283663 _hypernym 10125786 +12770068 _member_meronym 12770277 +09893191 _derivationally_related_form 00589769 +00090253 _derivationally_related_form 02210119 +02546876 _hypernym 02546075 +09131205 _instance_hypernym 08524735 +12391477 _member_meronym 12391745 +13172923 _hypernym 11545714 +01183031 _hypernym 01182654 +01425511 _derivationally_related_form 00854000 +00358431 _derivationally_related_form 00219575 +02621721 _member_meronym 02622408 +02530294 _member_meronym 02531114 +07505047 _hypernym 14408646 +14492953 _hypernym 14491271 +08227214 _member_meronym 10308394 +00014742 _also_see 00015806 +11073061 _instance_hypernym 10022111 +02009280 _derivationally_related_form 04989657 +04926427 _derivationally_related_form 01640850 +00873603 _also_see 02278939 +12259316 _hypernym 11672400 +12779437 _hypernym 11567411 +01486010 _hypernym 01482330 +01743787 _hypernym 01657723 +13518963 _derivationally_related_form 00043411 +01183798 _hypernym 01182654 +06392001 _hypernym 07020895 +00780191 _hypernym 00778275 +05461349 _hypernym 05237227 +07905979 _hypernym 07901587 +00397953 _derivationally_related_form 02031158 +02174115 _derivationally_related_form 07380144 +00228283 _hypernym 00209943 +07269758 _hypernym 06882561 +02765464 _derivationally_related_form 00006336 +08394922 _hypernym 08337324 +08921850 _has_part 09175016 +04857490 _derivationally_related_form 01806271 +13587763 _synset_domain_topic_of 06090869 +08161757 _hypernym 08163273 +08653706 _hypernym 08621598 +02373093 _member_meronym 02373336 +02713594 _derivationally_related_form 01329141 +00649033 _synset_domain_topic_of 06128570 +00893955 _derivationally_related_form 00833702 +01850192 _hypernym 01846331 +04596630 _hypernym 04424218 +12924452 _member_meronym 12924623 +07357388 _derivationally_related_form 02554922 +02678738 _hypernym 03756184 +01977545 _hypernym 01977701 +02875233 _derivationally_related_form 01443021 +02443424 _hypernym 02443049 +01808218 _hypernym 01505254 +07859284 _hypernym 07858595 +01008947 _derivationally_related_form 00239230 +02394068 _member_meronym 02394822 +01420451 _derivationally_related_form 10477077 +00604576 _derivationally_related_form 05760202 +00958334 _derivationally_related_form 01018630 +08860123 _member_of_domain_region 10064046 +01104637 _has_part 00609236 +14637507 _hypernym 14877585 +03273551 _derivationally_related_form 10382825 +01701334 _member_meronym 01701697 +02582615 _derivationally_related_form 00625427 +01313093 _member_meronym 01923171 +02057656 _derivationally_related_form 00307631 +01244410 _also_see 01460421 +04096066 _has_part 04096733 +12644464 _hypernym 11562747 +05763412 _derivationally_related_form 01026095 +00194414 _derivationally_related_form 00530829 +11456273 _hypernym 11418750 +01094725 _hypernym 01090446 +06644105 _synset_domain_topic_of 00759694 +01805684 _derivationally_related_form 07487063 +09130883 _instance_hypernym 08524735 +03299929 _derivationally_related_form 00506377 +02919275 _derivationally_related_form 08251303 +14477342 _derivationally_related_form 01797730 +12827907 _hypernym 12826516 +01775879 _member_meronym 01776313 +04091839 _derivationally_related_form 10387196 +01673732 _derivationally_related_form 13885836 +12611243 _member_meronym 12611479 +04325409 _synset_domain_topic_of 00314469 +07577374 _hypernym 07573696 +02509694 _member_meronym 02509815 +00168588 _derivationally_related_form 00268557 +04750164 _hypernym 04748836 +10080508 _derivationally_related_form 05971086 +01660252 _hypernym 01659248 +00954271 _derivationally_related_form 07221094 +03141702 _hypernym 03183080 +10387324 _synset_domain_topic_of 00471613 +00986938 _derivationally_related_form 01133825 +00521562 _derivationally_related_form 02148788 +12476036 _member_meronym 12479066 +05002352 _hypernym 04997988 +02521410 _derivationally_related_form 10002760 +01658586 _hypernym 01619725 +00829107 _derivationally_related_form 10694258 +13248393 _derivationally_related_form 02460199 +00499812 _verb_group 00500055 +02256010 _hypernym 01759182 +01152787 _derivationally_related_form 02433767 +02593863 _hypernym 01429349 +01594978 _also_see 02587239 +03209141 _hypernym 02935017 +10335801 _hypernym 10638385 +08860123 _member_of_domain_region 14409718 +12780852 _hypernym 11567411 +09892262 _hypernym 09957156 +12724201 _member_meronym 12727518 +09982370 _hypernym 10099375 +02022359 _hypernym 02020590 +01823370 _derivationally_related_form 07529563 +06174404 _synset_domain_topic_of 06172789 +12847927 _hypernym 12205694 +00634586 _derivationally_related_form 00949288 +03619793 _hypernym 02769748 +08657249 _hypernym 08591680 +02135389 _derivationally_related_form 00844254 +08759986 _instance_hypernym 08698379 +04964287 _hypernym 04962784 +07062697 _hypernym 07059255 +08647945 _derivationally_related_form 02384275 +02873839 _hypernym 03049457 +09628382 _hypernym 00007846 +05936704 _derivationally_related_form 01635432 +13038944 _member_meronym 13046285 +00539936 _hypernym 02339171 +01931984 _hypernym 01921887 +09314013 _hypernym 09387222 +08790748 _instance_hypernym 09316454 +01613239 _hypernym 01494310 +05990089 _has_part 05881867 +01752495 _hypernym 01617192 +14578104 _derivationally_related_form 02751597 +08034778 _synset_domain_topic_of 00759694 +05978472 _has_part 05978623 +02151966 _derivationally_related_form 03688943 +01949333 _hypernym 01835496 +06767035 _hypernym 06765044 +00169806 _derivationally_related_form 07296428 +08956140 _instance_hypernym 08633957 +13154841 _hypernym 13139647 +07840804 _has_part 07841037 +01471547 _synset_domain_topic_of 00766234 +04517823 _derivationally_related_form 01244853 +02726717 _derivationally_related_form 10184290 +12141495 _derivationally_related_form 02688623 +11804604 _member_meronym 11812573 +12334520 _hypernym 15098161 +02484473 _hypernym 02484322 +00908099 _derivationally_related_form 01076488 +01609549 _hypernym 01507175 +02538086 _derivationally_related_form 07545161 +10388732 _derivationally_related_form 02443049 +13043264 _member_meronym 13044541 +01140794 _derivationally_related_form 02512053 +01859496 _hypernym 01858441 +07486229 _hypernym 07484265 +11669335 _has_part 11675096 +07351612 _derivationally_related_form 01909812 +12291763 _member_meronym 12291959 +11125193 _instance_hypernym 10301261 +01691782 _hypernym 01656813 +12185687 _hypernym 11575425 +10930913 _instance_hypernym 09765278 +01297401 _hypernym 01296462 +00883226 _derivationally_related_form 06889591 +02055521 _hypernym 02055649 +08340153 _hypernym 08339454 +02488834 _hypernym 02469835 +02184270 _member_meronym 02184720 +01714059 _member_meronym 01714231 +14145095 _hypernym 14070360 +07348545 _derivationally_related_form 01903756 +06858779 _hypernym 06814870 +02034004 _hypernym 02033295 +02557199 _derivationally_related_form 01074498 +13376012 _has_part 03707766 +01078783 _hypernym 01079480 +00839292 _hypernym 00863513 +02240706 _hypernym 01759182 +03707766 _hypernym 03708036 +05987835 _derivationally_related_form 00991385 +08214470 _hypernym 08190754 +08436759 _synset_domain_topic_of 00017222 +15274441 _derivationally_related_form 00245059 +01150200 _derivationally_related_form 02314275 +02255144 _hypernym 01762525 +03033362 _hypernym 03269401 +04802629 _hypernym 04802403 +00177448 _hypernym 00172710 +02203362 _derivationally_related_form 13244109 +04911420 _hypernym 04910135 +08653706 _derivationally_related_form 01546768 +01062817 _derivationally_related_form 00779061 +01930512 _derivationally_related_form 14031523 +00658052 _derivationally_related_form 01010334 +10538272 _hypernym 09974648 +02648035 _hypernym 02647660 +00036362 _hypernym 00035758 +07389931 _hypernym 07387509 +10714684 _hypernym 10053808 +00052791 _hypernym 00305153 +09667205 _hypernym 09645091 +11605147 _hypernym 07992450 +07776545 _hypernym 07776866 +12577000 _member_meronym 12577686 +02919275 _derivationally_related_form 00706975 +01169433 _hypernym 01170052 +05366043 _hypernym 05418717 +01662274 _hypernym 01342529 +15058310 _hypernym 14708720 +02233096 _hypernym 01342529 +00173764 _also_see 01452593 +03791235 _has_part 04366116 +08389710 _member_meronym 09902353 +00334186 _derivationally_related_form 00708017 +08837552 _has_part 08837864 +08860123 _member_of_domain_region 03528761 +04629958 _hypernym 04629604 +00443116 _derivationally_related_form 13491060 +04841358 _hypernym 04840011 +09872066 _hypernym 10047459 +14080836 _hypernym 14080622 +02354950 _member_meronym 02363681 +02495242 _hypernym 01886756 +02846260 _synset_domain_topic_of 00503237 +02981911 _hypernym 03288003 +05816790 _derivationally_related_form 00772640 +01288272 _instance_hypernym 00956485 +07914006 _derivationally_related_form 00370412 +02702508 _derivationally_related_form 13275847 +12240335 _hypernym 11575425 +02932891 _hypernym 03790230 +03978421 _hypernym 02873839 +13480848 _derivationally_related_form 02356420 +01920048 _also_see 01920220 +11719468 _member_meronym 11739199 +10904270 _instance_hypernym 10593745 +03040229 _hypernym 03039947 +01451176 _derivationally_related_form 03870672 +14442530 _derivationally_related_form 02539334 +01079396 _hypernym 01077350 +13143930 _hypernym 11567411 +12758639 _member_meronym 12761123 +09969491 _hypernym 00007846 +01015244 _derivationally_related_form 06643408 +08033829 _instance_hypernym 08392137 +12846143 _hypernym 11579418 +12633386 _hypernym 11585340 +00262076 _derivationally_related_form 00268112 +14705533 _hypernym 14580897 +02001461 _hypernym 01998432 +10502329 _synset_domain_topic_of 06987124 +08986905 _has_part 08987262 +11015080 _instance_hypernym 10547145 +02135981 _hypernym 01864707 +11862300 _hypernym 11672400 +13447361 _derivationally_related_form 00446885 +04956594 _derivationally_related_form 00283911 +11856981 _member_meronym 11862089 +01354673 _derivationally_related_form 03091374 +01582645 _derivationally_related_form 00900726 +00935247 _hypernym 00933420 +03120778 _synset_domain_topic_of 08441203 +08907606 _has_part 08908739 +07105475 _member_of_domain_usage 06261060 +07577657 _hypernym 07573696 +01403540 _hypernym 01405044 +11552686 _hypernym 11552386 +12871484 _hypernym 12871272 +03657239 _hypernym 03563710 +10158756 _hypernym 00007846 +05302499 _derivationally_related_form 00941990 +07229747 _derivationally_related_form 00883226 +01564144 _derivationally_related_form 00217773 +04413419 _hypernym 03278248 +09284015 _hypernym 09334396 +07371293 _derivationally_related_form 02176268 +02266580 _hypernym 01759182 +01007676 _hypernym 00790703 +00673095 _hypernym 00672433 +08499840 _derivationally_related_form 10583387 +10461424 _derivationally_related_form 02504562 +09543353 _synset_domain_topic_of 05946687 +08253640 _derivationally_related_form 01185981 +01846320 _derivationally_related_form 00312553 +04829550 _hypernym 04829282 +01751545 _derivationally_related_form 05578095 +00380083 _derivationally_related_form 00556193 +08730550 _member_meronym 09698108 +06417096 _synset_domain_topic_of 08083599 +02838592 _derivationally_related_form 03925226 +01181902 _hypernym 01184814 +15160579 _hypernym 15157041 +07368646 _has_part 07322138 +10338707 _derivationally_related_form 02482425 +00556313 _derivationally_related_form 01931768 +08640531 _hypernym 03542333 +00383390 _hypernym 00376063 +00956131 _also_see 01943406 +09927305 _derivationally_related_form 01532589 +01232387 _derivationally_related_form 05580929 +01573276 _derivationally_related_form 00391407 +11781301 _hypernym 14966667 +11841529 _member_meronym 11851395 +00126584 _hypernym 00786195 +00134780 _derivationally_related_form 01415285 +00280586 _derivationally_related_form 01850315 +01190840 _derivationally_related_form 07891726 +01076953 _synset_domain_topic_of 00488225 +01956924 _member_meronym 01958790 +04822032 _hypernym 04820258 +02244956 _derivationally_related_form 08063446 +06333653 _derivationally_related_form 01024190 +08154960 _member_meronym 10159852 +06839083 _hypernym 06828818 +02241107 _derivationally_related_form 09955015 +07358576 _hypernym 07296428 +02079933 _derivationally_related_form 11512818 +06397903 _hypernym 06396930 +02620587 _derivationally_related_form 04933544 +00695523 _derivationally_related_form 04907991 +14317720 _derivationally_related_form 00256507 +00557419 _synset_domain_topic_of 00469651 +03816136 _has_part 03974215 +01930117 _derivationally_related_form 03244388 +07007945 _derivationally_related_form 10030277 +04153751 _has_part 03501288 +03469493 _hypernym 02677718 +01767949 _verb_group 01649999 +01448100 _also_see 01505254 +06394865 _hypernym 06392001 +02581477 _derivationally_related_form 01198307 +12080199 _hypernym 11556857 +10008716 _derivationally_related_form 02558951 +13220842 _member_meronym 13221529 +04554684 _derivationally_related_form 01270199 +02266421 _hypernym 02263378 +01031194 _hypernym 01029406 +00793037 _derivationally_related_form 01230850 +01524885 _member_meronym 01527480 +02163982 _member_meronym 02165247 +01168961 _derivationally_related_form 00869596 +00616361 _derivationally_related_form 00741478 +01850035 _member_meronym 01850192 +13043516 _hypernym 11590783 +11004106 _instance_hypernym 10363573 +03791235 _hypernym 04170037 +02703539 _derivationally_related_form 08430203 +09993252 _derivationally_related_form 02059916 +09294716 _hypernym 14585519 +00210940 _hypernym 00209943 +00052043 _derivationally_related_form 04532106 +02092309 _verb_group 01143838 +00381013 _hypernym 00126264 +03981566 _synset_domain_topic_of 02858304 +07533257 _hypernym 07521674 +09377861 _instance_hypernym 09328904 +00723545 _hypernym 00712135 +07006119 _has_part 07007684 +02533209 _hypernym 02529772 +08859173 _member_of_domain_region 02102605 +08430203 _hypernym 08426461 +13911517 _hypernym 13910384 +10540114 _hypernym 10448983 +08028148 _synset_domain_topic_of 00759694 +12625003 _hypernym 12651821 +08933940 _instance_hypernym 08641113 +02343374 _hypernym 02245765 +09883740 _hypernym 09917593 +05776679 _derivationally_related_form 01315140 +13650447 _derivationally_related_form 00490722 +00138069 _hypernym 00137313 +06367879 _derivationally_related_form 10363573 +01410363 _derivationally_related_form 04748836 +00392960 _derivationally_related_form 05071556 +08011266 _instance_hypernym 08392137 +12187663 _hypernym 12170585 +02338386 _derivationally_related_form 14875077 +08841956 _has_part 08843215 +00553362 _derivationally_related_form 00414823 +00059376 _derivationally_related_form 02074377 +00782527 _derivationally_related_form 05694791 +02415390 _derivationally_related_form 04936403 +10270232 _hypernym 09993252 +01789270 _derivationally_related_form 07517550 +01861465 _hypernym 08103777 +12932706 _hypernym 12205694 +02735897 _hypernym 02670398 +08367880 _member_meronym 08359949 +01252800 _derivationally_related_form 01958452 +00665886 _derivationally_related_form 01186192 +00372013 _derivationally_related_form 02230056 +08860123 _member_of_domain_region 13359941 +02241184 _hypernym 01342529 +01635432 _verb_group 01636008 +13489037 _derivationally_related_form 00094460 +07184149 _derivationally_related_form 00775156 +05684440 _hypernym 05683582 +01106864 _hypernym 01105639 +01971280 _hypernym 01971094 +05753564 _derivationally_related_form 00603298 +14483126 _derivationally_related_form 01823092 +02821627 _hypernym 04105893 +12713664 _hypernym 11585340 +09811852 _derivationally_related_form 02950826 +07254836 _derivationally_related_form 02316304 +10608803 _derivationally_related_form 01416871 +01746605 _also_see 00173764 +00565279 _verb_group 00565081 +01113068 _derivationally_related_form 02244956 +05379734 _hypernym 05418717 +12479821 _member_meronym 12480004 +01887474 _derivationally_related_form 01318053 +05579944 _hypernym 05580416 +06340838 _hypernym 06339416 +08306194 _synset_domain_topic_of 06236802 +01925469 _hypernym 08103777 +00824767 _derivationally_related_form 06713930 +02299801 _hypernym 02298632 +08906952 _instance_hypernym 08700255 +10563711 _hypernym 00007846 +14074877 _hypernym 14151139 +06736405 _hypernym 06734467 +06750154 _derivationally_related_form 01881696 +01652850 _hypernym 01626600 +08181658 _hypernym 07974025 +01608122 _derivationally_related_form 05578911 +03204955 _hypernym 02715229 +05788149 _derivationally_related_form 00697589 +00894221 _hypernym 00752764 +06325826 _hypernym 06291318 +00273082 _derivationally_related_form 08646306 +13761171 _derivationally_related_form 01374020 +02673965 _derivationally_related_form 04728786 +08479095 _hypernym 07950920 +00620554 _synset_domain_topic_of 00903559 +10286539 _derivationally_related_form 02464132 +10403876 _synset_domain_topic_of 02958343 +12609842 _member_meronym 12609968 +00752298 _derivationally_related_form 01654271 +12059479 _hypernym 11556857 +00376106 _derivationally_related_form 13566535 +02511424 _hypernym 02510337 +06601327 _derivationally_related_form 00932324 +08168531 _hypernym 08303692 +02732072 _hypernym 04388743 +04287351 _hypernym 03845360 +01059564 _hypernym 02514187 +01462005 _derivationally_related_form 00380083 +01657977 _hypernym 01619929 +00228236 _hypernym 00214951 +02185007 _hypernym 01762525 +00785690 _derivationally_related_form 10642151 +01320314 _hypernym 00004475 +02698443 _derivationally_related_form 00933000 +03331820 _has_part 03331599 +05762998 _derivationally_related_form 00610374 +08707917 _instance_hypernym 08698379 +00112997 _derivationally_related_form 01231252 +13238375 _hypernym 12205694 +00998196 _hypernym 00996969 +02939866 _derivationally_related_form 00647770 +08906374 _instance_hypernym 08700255 +01006675 _derivationally_related_form 00786458 +06976392 _derivationally_related_form 03016202 +00412048 _hypernym 00411792 +08504375 _instance_hypernym 08574314 +02156532 _derivationally_related_form 01306654 +12347490 _member_meronym 12347639 +01036804 _derivationally_related_form 09911570 +05812038 _hypernym 05810948 +04103491 _hypernym 04442831 +00475819 _derivationally_related_form 00252662 +00451461 _derivationally_related_form 08160276 +01886220 _member_meronym 02082358 +10438172 _derivationally_related_form 01638368 +00801522 _hypernym 00800930 +04400499 _derivationally_related_form 01007222 +05493992 _hypernym 05493303 +01096497 _derivationally_related_form 01033458 +09990415 _derivationally_related_form 01894649 +00354884 _derivationally_related_form 00082308 +12130759 _hypernym 11556857 +14865316 _hypernym 14864961 +08018666 _synset_domain_topic_of 00759694 +12707432 _member_meronym 12707781 +12039743 _member_meronym 12082593 +09795124 _derivationally_related_form 00974367 +09067277 _has_part 09067878 +00173338 _derivationally_related_form 00053913 +02413480 _derivationally_related_form 09632518 +06695862 _hypernym 06695579 +01103000 _derivationally_related_form 09949946 +01015244 _derivationally_related_form 10703905 +12461466 _hypernym 12425281 +13403643 _hypernym 13403331 +06617011 _hypernym 06613686 +03584829 _hypernym 03528263 +08944561 _instance_hypernym 08574314 +12100538 _member_meronym 12116267 +13935227 _hypernym 13927383 +00649760 _has_part 13528100 +01158596 _derivationally_related_form 14708720 +00449295 _hypernym 00449692 +00154233 _derivationally_related_form 02444662 +01619152 _member_meronym 01619310 +05675130 _hypernym 05669934 +11778534 _member_meronym 11788926 +02418029 _synset_domain_topic_of 00523513 +01790020 _derivationally_related_form 07508232 +00469651 _hypernym 00468480 +08558488 _hypernym 08556491 +02530167 _derivationally_related_form 00787218 +01558883 _derivationally_related_form 09437369 +01198779 _derivationally_related_form 00836788 +01086945 _hypernym 13265904 +00877345 _derivationally_related_form 00648224 +01455866 _derivationally_related_form 00116376 +02689146 _derivationally_related_form 03561657 +00155085 _hypernym 00209943 +13894434 _derivationally_related_form 02081946 +05678745 _derivationally_related_form 00018526 +01010118 _derivationally_related_form 00686890 +12423565 _member_meronym 12454021 +01067816 _derivationally_related_form 06796642 +01015310 _derivationally_related_form 01320009 +10335246 _derivationally_related_form 00911350 +03563200 _hypernym 04004475 +09275473 _has_part 08968390 +12376950 _hypernym 11565385 +01126360 _derivationally_related_form 01133106 +10003283 _hypernym 09615465 +12465796 _hypernym 11556187 +01176219 _derivationally_related_form 01101913 +02105990 _derivationally_related_form 00589309 +09133010 _has_part 09438554 +04915866 _hypernym 04914292 +02316392 _member_meronym 02318915 +04449290 _hypernym 02873839 +09692915 _hypernym 09692624 +08949093 _has_part 08950407 +02792305 _hypernym 02955540 +01000068 _derivationally_related_form 02658867 +12548134 _hypernym 11585340 +00606370 _hypernym 00582388 +04101701 _hypernym 04574999 +10776987 _hypernym 09923418 +02124106 _derivationally_related_form 05714894 +02036755 _derivationally_related_form 08432345 +03545961 _hypernym 03592245 +12258885 _hypernym 11672400 +06845599 _member_of_domain_usage 04443918 +15174218 _has_part 15211484 +04977561 _hypernym 04976952 +00783063 _hypernym 00781685 +03491724 _has_part 03829563 +13875970 _derivationally_related_form 00362128 +01347678 _hypernym 01347298 +08229467 _member_meronym 08228665 +00403609 _derivationally_related_form 11495041 +01889610 _hypernym 01831531 +08860123 _member_of_domain_region 10613387 +02588108 _member_meronym 02589486 +06685198 _derivationally_related_form 02235842 +07654886 _derivationally_related_form 01140315 +00475183 _synset_domain_topic_of 06084469 +12263987 _has_part 07772413 +07140659 _derivationally_related_form 00813978 +10765679 _derivationally_related_form 01881180 +11875691 _hypernym 11868814 +00915265 _derivationally_related_form 10758589 +05797597 _derivationally_related_form 00648224 +13532886 _hypernym 13526110 +13054211 _member_meronym 13055009 +01799086 _hypernym 01504437 +02348405 _member_meronym 02349040 +09370168 _instance_hypernym 09411430 +08237699 _hypernym 08236621 +10134001 _hypernym 10179291 +00660730 _hypernym 00658052 +03599628 _derivationally_related_form 02461063 +00276601 _derivationally_related_form 00554850 +01706488 _hypernym 01705494 +00526793 _hypernym 00428270 +03172211 _hypernym 03508101 +08437515 _hypernym 08436759 +02360274 _derivationally_related_form 10691764 +04987620 _hypernym 04983122 +01041954 _derivationally_related_form 07223170 +14002109 _derivationally_related_form 00487182 +08181930 _hypernym 07974025 +12477747 _hypernym 12476510 +01067577 _hypernym 01066163 +01445407 _derivationally_related_form 02465693 +00133417 _also_see 02395115 +01213886 _derivationally_related_form 02453889 +10397001 _hypernym 09974648 +00856578 _derivationally_related_form 14574846 +01794813 _member_meronym 01798352 +13035521 _hypernym 11592146 +00956485 _hypernym 00953559 +02540791 _hypernym 02540412 +03120029 _hypernym 03650173 +10253479 _derivationally_related_form 00594260 +07344663 _derivationally_related_form 07352190 +06746580 _derivationally_related_form 00965871 +02690613 _derivationally_related_form 09640327 +09083390 _instance_hypernym 08524735 +02333689 _derivationally_related_form 01051331 +05687338 _hypernym 05686955 +02385102 _also_see 01204557 +10561320 _derivationally_related_form 00850192 +01737472 _hypernym 01737021 +15210045 _hypernym 15209706 +01810447 _derivationally_related_form 01225397 +02619924 _hypernym 01108148 +07679356 _hypernym 07622061 +01891817 _derivationally_related_form 00335988 +12850718 _member_meronym 12851094 +01449857 _hypernym 01432517 +10197967 _hypernym 09626031 +05311054 _has_part 05572940 +04651784 _hypernym 04616059 +04626280 _hypernym 04616059 +01802309 _member_meronym 01804340 +02348788 _hypernym 02331309 +01481599 _member_meronym 01493366 +00639998 _derivationally_related_form 06021761 +09424489 _hypernym 09190918 +09125629 _instance_hypernym 08524735 +06482401 _derivationally_related_form 00946105 +08462205 _hypernym 07961480 +09685564 _derivationally_related_form 08097072 +01424948 _hypernym 01220303 +10069296 _derivationally_related_form 01712704 +02158066 _hypernym 02157557 +06341609 _hypernym 06339416 +01445932 _derivationally_related_form 00838816 +01360899 _derivationally_related_form 14828683 +01062739 _synset_domain_topic_of 06271778 +12226322 _member_meronym 12233410 +00500638 _derivationally_related_form 03284482 +00355919 _derivationally_related_form 00427802 +04459362 _hypernym 03932670 +02357873 _derivationally_related_form 10770767 +09022667 _instance_hypernym 08524735 +12095020 _hypernym 12205694 +00750345 _hypernym 00749963 +01013367 _derivationally_related_form 14435187 +01753354 _member_meronym 01753488 +00839778 _derivationally_related_form 01201856 +01589363 _derivationally_related_form 06843520 +00836236 _derivationally_related_form 05765415 +12299988 _member_meronym 12301917 +05651971 _derivationally_related_form 02155248 +00634286 _derivationally_related_form 06168855 +13989051 _hypernym 13988663 +00115157 _derivationally_related_form 03099945 +01964367 _derivationally_related_form 07099271 +01771966 _derivationally_related_form 02637380 +05038593 _hypernym 04916342 +00716179 _derivationally_related_form 00061401 +00772640 _hypernym 00772967 +02147962 _derivationally_related_form 03320519 +05032193 _hypernym 04847733 +00061290 _derivationally_related_form 01950798 +01429953 _derivationally_related_form 00850425 +03046257 _hypernym 04437953 +02750835 _derivationally_related_form 01388386 +02343595 _verb_group 00887463 +11695974 _hypernym 13109733 +03036469 _hypernym 03051540 +07540866 _hypernym 07540602 +06767777 _derivationally_related_form 00853958 +00209598 _hypernym 00209174 +10272171 _hypernym 09886010 +00429060 _derivationally_related_form 00359903 +06696483 _hypernym 06806469 +06176107 _synset_domain_topic_of 06172789 +00382493 _synset_domain_topic_of 06084469 +00393369 _derivationally_related_form 00177578 +09952539 _derivationally_related_form 01732921 +01765178 _hypernym 01764800 +09044862 _has_part 09252273 +02068735 _member_meronym 02071173 +01662771 _hypernym 01659248 +08590369 _hypernym 08552138 +02186868 _hypernym 02176268 +00988320 _derivationally_related_form 01377571 +05839024 _hypernym 05838765 +05120116 _hypernym 05118437 +01687665 _hypernym 01674464 +00802318 _derivationally_related_form 01762839 +02868326 _derivationally_related_form 05749619 +00619972 _derivationally_related_form 04906026 +12521847 _member_meronym 12523141 +01716227 _also_see 00133417 +02554422 _derivationally_related_form 07252206 +13850674 _has_part 11462526 +01588493 _derivationally_related_form 07202579 +12975207 _member_meronym 12975608 +10544748 _derivationally_related_form 00350380 +10763985 _hypernym 09821831 +11009773 _instance_hypernym 10391653 +01539377 _hypernym 01504437 +03469175 _hypernym 03962525 +01534433 _hypernym 01529672 +06737394 _hypernym 06737112 +04650527 _hypernym 04616059 +06037666 _hypernym 06037298 +00573671 _synset_domain_topic_of 00903559 +00919513 _hypernym 00916464 +02642430 _member_meronym 02643713 +01588172 _derivationally_related_form 04870340 +04387706 _derivationally_related_form 01574571 +10452260 _hypernym 10640620 +04738641 _hypernym 04737934 +01053771 _derivationally_related_form 07384898 +00605516 _also_see 01041916 +10483138 _hypernym 09610660 +11665781 _member_meronym 12391477 +14940100 _derivationally_related_form 00443984 +05799761 _hypernym 05799212 +01081152 _derivationally_related_form 07470671 +10118844 _hypernym 00007846 +03913129 _hypernym 02792049 +07035870 _derivationally_related_form 00861423 +09044862 _member_of_domain_region 15187077 +00978413 _derivationally_related_form 01131902 +12684640 _member_meronym 12683950 +09812338 _derivationally_related_form 02991122 +01207149 _derivationally_related_form 01525116 +08843215 _instance_hypernym 09316454 +00035758 _derivationally_related_form 03040587 +13896369 _hypernym 13864965 +01364184 _derivationally_related_form 07832902 +01502122 _hypernym 01494310 +01809752 _hypernym 01789386 +02677567 _derivationally_related_form 13924659 +01673668 _derivationally_related_form 02853740 +11746776 _member_meronym 11749742 +10304914 _synset_domain_topic_of 00464894 +02538765 _derivationally_related_form 10213034 +03844045 _hypernym 03636248 +11287964 _instance_hypernym 10423589 +00951399 _derivationally_related_form 07118002 +09769929 _derivationally_related_form 00296178 +12740196 _member_meronym 12756286 +07223170 _hypernym 07217924 +02656390 _hypernym 02327200 +06295235 _member_of_domain_usage 03888605 +00838816 _derivationally_related_form 01445932 +07670433 _hypernym 07668902 +10489944 _derivationally_related_form 06056923 +00584220 _verb_group 00583991 +00297507 _derivationally_related_form 13740168 +00890590 _verb_group 00890100 +10441251 _hypernym 09610405 +00378361 _verb_group 00378042 +07358985 _derivationally_related_form 00560391 +09930876 _derivationally_related_form 00105778 +12975804 _hypernym 12974987 +01085474 _derivationally_related_form 04181228 +07804323 _hypernym 07802417 +06778102 _derivationally_related_form 00853958 +01520789 _member_meronym 01521014 +00284798 _derivationally_related_form 01912893 +08860123 _member_of_domain_region 08858942 +10712690 _hypernym 10034201 +00748155 _hypernym 00782241 +04085017 _hypernym 03431243 +00727409 _hypernym 00726300 +00270005 _derivationally_related_form 07312221 +07951464 _hypernym 00031264 +03417345 _derivationally_related_form 01740969 +10645392 _hypernym 10053808 +04456472 _hypernym 02738031 +06954303 _hypernym 06953731 +01739814 _derivationally_related_form 08438067 +00372958 _hypernym 00126264 +08847694 _has_part 08993288 +07684600 _hypernym 07679356 +06717170 _member_of_domain_usage 09639719 +09754051 _hypernym 00007846 +02151700 _derivationally_related_form 10633450 +00127286 _synset_domain_topic_of 00471613 +01634684 _member_meronym 01634891 +09018162 _member_of_domain_region 08027314 +01356086 _hypernym 01342529 +02279972 _hypernym 02279637 +11500968 _hypernym 11420831 +09076675 _member_of_domain_region 01269633 +09676490 _hypernym 09691279 +07292694 _derivationally_related_form 02634265 +05129201 _hypernym 05093581 +00965542 _hypernym 00907147 +01790020 _derivationally_related_form 04904664 +11939491 _hypernym 11669921 +07595180 _derivationally_related_form 00114291 +14557415 _hypernym 14501726 +03262519 _hypernym 02997607 +02814533 _has_part 04384593 +09852081 _derivationally_related_form 00669762 +08344551 _hypernym 08077292 +02369390 _hypernym 02367363 +13493213 _hypernym 13509528 +00913795 _hypernym 00913065 +02635013 _member_meronym 02635154 +09759311 _derivationally_related_form 08277805 +01113806 _derivationally_related_form 00057486 +00235110 _verb_group 00317888 +09921409 _derivationally_related_form 02576349 +04307419 _synset_domain_topic_of 00314469 +05118251 _derivationally_related_form 01533120 +07578093 _derivationally_related_form 01185981 +03953743 _hypernym 04175380 +01618356 _member_meronym 01618503 +01695257 _hypernym 01693881 +00681613 _hypernym 00690501 +04206356 _has_part 04022434 +12213635 _member_meronym 12219495 +02782778 _has_part 02780916 +00475183 _derivationally_related_form 13548105 +05520479 _has_part 05384817 +11955896 _hypernym 11669921 +02384686 _verb_group 01469770 +09031653 _has_part 09408977 +09886220 _hypernym 10753546 +03841143 _hypernym 03753077 +01999423 _derivationally_related_form 09623038 +14195715 _hypernym 14165544 +12593122 _has_part 12593341 +03528901 _hypernym 02797881 +04675314 _derivationally_related_form 02747667 +01317723 _derivationally_related_form 10567401 +00049636 _derivationally_related_form 02018524 +04555291 _hypernym 04446276 +02042472 _hypernym 02041246 +10198602 _hypernym 10166394 +02016062 _hypernym 02015598 +01638368 _derivationally_related_form 05794694 +01473990 _member_meronym 01474283 +10840021 _synset_domain_topic_of 08083599 +00978173 _derivationally_related_form 01125084 +06596978 _derivationally_related_form 00967625 +01216522 _hypernym 01216004 +09908508 _hypernym 09927451 +11282286 _instance_hypernym 10071557 +00444309 _synset_domain_topic_of 06090869 +02610834 _member_meronym 02611154 +00025728 _derivationally_related_form 14712036 +02654947 _hypernym 02649830 +07496463 _derivationally_related_form 00064643 +12772557 _member_meronym 12772753 +00438495 _derivationally_related_form 05061345 +11663136 _hypernym 11554175 +01384439 _derivationally_related_form 01014066 +00156485 _hypernym 00151689 +01451842 _verb_group 01941093 +01711965 _derivationally_related_form 03338821 +01092366 _derivationally_related_form 00964343 +01675963 _hypernym 00126264 +02185373 _derivationally_related_form 07396658 +08112630 _hypernym 08112096 +14276360 _has_part 14184067 +07116304 _hypernym 01074694 +00149508 _hypernym 00147595 +01476135 _member_meronym 01476418 +04910377 _hypernym 04910135 +08847694 _has_part 09164561 +06122178 _derivationally_related_form 10127555 +01519719 _hypernym 01507175 +00741911 _derivationally_related_form 07153130 +13992514 _hypernym 13994148 +01429455 _derivationally_related_form 08101410 +01214171 _derivationally_related_form 00827730 +01055073 _derivationally_related_form 04980008 +01500082 _hypernym 01494310 +08860123 _member_of_domain_region 14521954 +06525588 _hypernym 06770275 +08929922 _has_part 08945277 +12892226 _member_meronym 12909252 +13864153 _derivationally_related_form 00537339 +12838027 _member_meronym 12868634 +01808769 _derivationally_related_form 14920388 +04309348 _hypernym 04194289 +01250908 _derivationally_related_form 14286549 +00419375 _derivationally_related_form 00147862 +01608508 _derivationally_related_form 00150762 +00604617 _also_see 00931555 +03802973 _derivationally_related_form 02191311 +01480770 _derivationally_related_form 10726233 +00892467 _derivationally_related_form 06628861 +00699815 _derivationally_related_form 06199702 +04496404 _hypernym 02740764 +10224098 _derivationally_related_form 00853633 +08434259 _derivationally_related_form 01672168 +01086103 _hypernym 01072262 +12264786 _hypernym 13104059 +07428954 _hypernym 11417672 +12080395 _hypernym 12041446 +02537812 _derivationally_related_form 10027590 +02236842 _derivationally_related_form 04947186 +02236495 _member_meronym 02240223 +01475282 _also_see 01613463 +07240549 _derivationally_related_form 00830761 +00239321 _derivationally_related_form 13530408 +02614788 _hypernym 01429349 +01027662 _hypernym 01027379 +11513880 _synset_domain_topic_of 06149484 +05748786 _derivationally_related_form 00661213 +00708980 _hypernym 00708538 +00833702 _derivationally_related_form 10722575 +04858785 _derivationally_related_form 00249721 +02622969 _hypernym 02622234 +15124864 _instance_hypernym 15248269 +01933204 _hypernym 01999798 +13279262 _derivationally_related_form 02291708 +11030025 _instance_hypernym 10013927 +00859758 _hypernym 00859325 +01212230 _also_see 01392237 +08772922 _instance_hypernym 08524735 +01975587 _derivationally_related_form 14934031 +08860123 _member_of_domain_region 08325530 +00524083 _derivationally_related_form 13425637 +01803380 _hypernym 01803003 +00730538 _derivationally_related_form 02456031 +00384620 _hypernym 00126264 +02244956 _derivationally_related_form 01091905 +02137538 _derivationally_related_form 02727281 +09800469 _derivationally_related_form 03044083 +01778984 _hypernym 01762525 +07535209 _hypernym 07534430 +14991319 _derivationally_related_form 01696435 +01642924 _derivationally_related_form 00834198 +12155459 _hypernym 11556857 +06295235 _member_of_domain_usage 03504723 +01195299 _derivationally_related_form 05822612 +01732172 _hypernym 01712704 +08860123 _member_of_domain_region 05598868 +06845599 _member_of_domain_usage 03300907 +00820976 _derivationally_related_form 06798558 +08401248 _hypernym 08220714 +12350234 _hypernym 11534677 +00248063 _hypernym 00248977 +01017987 _derivationally_related_form 00781000 +09418484 _instance_hypernym 09403734 +01781071 _hypernym 01780696 +02507649 _hypernym 02075296 +04346679 _hypernym 03183080 +01743313 _hypernym 01742886 +13028337 _member_meronym 13028611 +05634219 _hypernym 05633385 +02241107 _derivationally_related_form 00788097 +09995573 _hypernym 09998101 +12387478 _member_meronym 12387633 +01782432 _derivationally_related_form 05951566 +06744154 _hypernym 06738281 +03851341 _hypernym 03183080 +08740875 _has_part 11642622 +01705494 _derivationally_related_form 09947232 +14543552 _hypernym 14540765 +02039660 _hypernym 01507175 +01642671 _member_meronym 01643092 +06478988 _hypernym 06471345 +00073584 _derivationally_related_form 00842692 +11963305 _hypernym 12205694 +01397114 _hypernym 01387065 +12553314 _member_meronym 12553742 +04969242 _derivationally_related_form 00284958 +00559329 _synset_domain_topic_of 00469651 +00508192 _derivationally_related_form 04714440 +07206461 _derivationally_related_form 00823436 +01586791 _member_meronym 01586941 +01283746 _derivationally_related_form 08008017 +10481003 _derivationally_related_form 13258362 +01953810 _derivationally_related_form 03100490 +10360101 _hypernym 10484526 +02083497 _hypernym 01277974 +02382367 _derivationally_related_form 07254267 +11867525 _member_meronym 11870212 +00950858 _hypernym 00949619 +01787955 _derivationally_related_form 05830059 +11484975 _hypernym 11473954 +01628450 _member_meronym 01633949 +00808671 _hypernym 00807461 +02291708 _derivationally_related_form 00914632 +11213726 _instance_hypernym 10566072 +12148253 _hypernym 12147226 +07883980 _hypernym 07885223 +01387786 _derivationally_related_form 01741562 +06447897 _derivationally_related_form 02144243 +02235842 _verb_group 02296153 +07214994 _hypernym 07213395 +01494310 _also_see 01656788 +01628449 _derivationally_related_form 10383816 +00467717 _hypernym 02511551 +02205272 _also_see 02311387 +08792548 _has_part 08793310 +08181375 _instance_hypernym 08247021 +06827503 _derivationally_related_form 02921325 +01912893 _hypernym 01912159 +01889520 _hypernym 01889074 +11807525 _hypernym 11807108 +02554512 _member_meronym 02637637 +01029500 _hypernym 01028748 +00855933 _derivationally_related_form 06717170 +14759722 _hypernym 14758842 +06026276 _hypernym 07951464 +01644050 _derivationally_related_form 00238527 +02436349 _derivationally_related_form 01134861 +06718862 _member_of_domain_usage 09682122 +09142887 _instance_hypernym 08524735 +04329190 _hypernym 03177349 +07520112 _derivationally_related_form 02122983 +08737716 _member_of_domain_region 08034028 +12086362 _hypernym 11556857 +07186661 _derivationally_related_form 02384686 +00719734 _hypernym 00670261 +05448597 _hypernym 05449959 +09767197 _derivationally_related_form 02413480 +12773488 _hypernym 11567411 +00522537 _derivationally_related_form 02137710 +00199707 _derivationally_related_form 00126264 +08424951 _hypernym 07974025 +01392380 _derivationally_related_form 03040974 +08189659 _derivationally_related_form 00368109 +07207680 _hypernym 07207410 +01704953 _derivationally_related_form 06763273 +08860123 _member_of_domain_region 07613671 +01779165 _also_see 01785748 +02156063 _hypernym 02154508 +01751979 _member_meronym 01753354 +02367131 _member_meronym 02367993 +00142191 _derivationally_related_form 03385117 +03859717 _has_part 02994219 +02741357 _hypernym 02741149 +08552138 _hypernym 08630985 +06534132 _has_part 06728998 +08735705 _has_part 08738820 +00633443 _derivationally_related_form 05888929 +04570815 _hypernym 02773838 +01454856 _hypernym 02552171 +08798382 _has_part 08799271 +07323024 _derivationally_related_form 00344174 +12383402 _hypernym 13100677 +12715569 _member_meronym 12718807 +08860123 _member_of_domain_region 00508340 +01685679 _member_meronym 01685808 +12897493 _hypernym 13100677 +09020961 _instance_hypernym 08700255 +00071178 _derivationally_related_form 10716389 +13790712 _hypernym 00031921 +04996355 _derivationally_related_form 01716491 +01058880 _hypernym 01058574 +02411705 _hypernym 02401031 +11740414 _hypernym 13112664 +09138935 _instance_hypernym 08655464 +01941670 _hypernym 08103777 +03516011 _hypernym 03492717 +00841986 _derivationally_related_form 10091012 +08962187 _instance_hypernym 08698379 +01031109 _hypernym 00971015 +02804252 _hypernym 02803349 +00407146 _derivationally_related_form 06414727 +01471954 _synset_domain_topic_of 08441203 +02418872 _derivationally_related_form 05785508 +00108303 _derivationally_related_form 14292090 +12567316 _member_meronym 12567490 +08860123 _member_of_domain_region 09928845 +02217563 _hypernym 02206270 +09254614 _has_part 09449949 +05603650 _hypernym 05470189 +00129089 _synset_domain_topic_of 00471613 +07524529 _derivationally_related_form 02678438 +03471030 _hypernym 03845360 +09051235 _has_part 09137869 +02958343 _has_part 02761834 +00458754 _derivationally_related_form 13575433 +02035402 _hypernym 02034661 +01773319 _member_meronym 01773549 +10055085 _hypernym 10625860 +09979589 _derivationally_related_form 00826509 +04692157 _hypernym 04673965 +08860123 _member_of_domain_usage 04134339 +03601638 _derivationally_related_form 02354287 +00571643 _also_see 02102796 +04819026 _derivationally_related_form 00532892 +06548498 _synset_domain_topic_of 08441203 +02503868 _hypernym 01864707 +01528087 _member_meronym 01528542 +05683582 _derivationally_related_form 00435492 +06295235 _member_of_domain_usage 04862236 +00999245 _derivationally_related_form 00295697 +08980300 _member_of_domain_region 01284124 +00719231 _derivationally_related_form 00180413 +00745005 _hypernym 00732746 +00828779 _also_see 01716227 +02522581 _hypernym 02525044 +10699752 _derivationally_related_form 00782527 +04621963 _derivationally_related_form 00533897 +00019128 _hypernym 00003553 +02173240 _member_meronym 02173373 +06405198 _hypernym 06404582 +06322693 _hypernym 06321702 +02658867 _hypernym 02657219 +00161243 _derivationally_related_form 00679389 +00061792 _hypernym 00211110 +01117723 _hypernym 14485064 +13631845 _has_part 13631194 +13140993 _member_meronym 13141141 +09990904 _hypernym 09935434 +13508333 _hypernym 13493998 +10003283 _derivationally_related_form 01068380 +07911371 _hypernym 07884567 +13139055 _derivationally_related_form 00198057 +12111399 _hypernym 12110778 +13238178 _hypernym 11567411 +01914947 _verb_group 01926311 +03819595 _hypernym 03309808 +00486130 _hypernym 00282050 +01809884 _hypernym 01809321 +06413889 _derivationally_related_form 06256229 +13477023 _derivationally_related_form 00251064 +08806897 _member_of_domain_region 10452892 +01045719 _hypernym 00983824 +07744057 _hypernym 07742704 +10695555 _hypernym 09631129 +08103777 _derivationally_related_form 00739662 +02535349 _member_meronym 02535537 +13845838 _hypernym 13844690 +07327288 _hypernym 07323922 +01721415 _hypernym 01720980 +08605261 _instance_hypernym 08600992 +09469285 _synset_domain_topic_of 00015388 +02851550 _derivationally_related_form 07269916 +11502102 _derivationally_related_form 00217700 +12717914 _hypernym 11585340 +14706889 _hypernym 14706749 +05539012 _hypernym 08663354 +03088580 _hypernym 03259505 +10712055 _hypernym 09617696 +09021503 _has_part 09021812 +03924811 _hypernym 03925226 +10524413 _derivationally_related_form 00815686 +00331713 _hypernym 00331082 +00162688 _derivationally_related_form 10680153 +00945777 _derivationally_related_form 00646271 +07515560 _derivationally_related_form 01922763 +13989863 _derivationally_related_form 01319874 +03381776 _hypernym 04127904 +02539788 _derivationally_related_form 04922113 +00495808 _hypernym 01556921 +02062670 _also_see 00889831 +06937531 _hypernym 06904171 +11108767 _instance_hypernym 10650162 +02621853 _derivationally_related_form 08679369 +00095870 _derivationally_related_form 13139055 +08929922 _member_of_domain_region 13753740 +12190869 _hypernym 12651821 +02551494 _member_meronym 02551668 +02470451 _member_meronym 02482820 +13282550 _derivationally_related_form 02519991 +01208400 _hypernym 01332730 +01634887 _hypernym 01634424 +13544073 _hypernym 13434120 +11776511 _hypernym 13112664 +11202063 _synset_domain_topic_of 06449735 +13452750 _hypernym 13518963 +11765277 _hypernym 13112664 +09179776 _hypernym 09178821 +14745057 _hypernym 14744841 +00370412 _derivationally_related_form 07914006 +11506167 _hypernym 11502497 +10951459 _instance_hypernym 10233445 +12577000 _member_meronym 12577362 +00457569 _derivationally_related_form 00380994 +09590495 _synset_domain_topic_of 07978423 +02645597 _derivationally_related_form 05191486 +01488245 _derivationally_related_form 15152817 +01414841 _member_meronym 01414986 +14526182 _derivationally_related_form 00193130 +02352804 _hypernym 01864707 +10677713 _hypernym 09774783 +13899200 _hypernym 13865483 +08073992 _hypernym 08061042 +00344259 _hypernym 00331950 +00607780 _derivationally_related_form 05760202 +01577513 _derivationally_related_form 07861421 +09334396 _derivationally_related_form 02022359 +05475134 _has_part 05475397 +12903503 _hypernym 12903367 +14948645 _derivationally_related_form 00331082 +07150328 _derivationally_related_form 01116585 +08813264 _instance_hypernym 08524735 +06882333 _hypernym 13880811 +06447897 _instance_hypernym 06394865 +01054399 _derivationally_related_form 07129202 +12299988 _member_meronym 12306519 +06399126 _synset_domain_topic_of 06170498 +12575322 _hypernym 11747468 +11825013 _hypernym 11573660 +00714944 _hypernym 00606370 +08408709 _synset_domain_topic_of 00455599 +05984584 _derivationally_related_form 01771535 +01974062 _derivationally_related_form 05131283 +01004692 _derivationally_related_form 04505036 +02582042 _verb_group 02582450 +03209666 _has_part 03492542 +02015598 _derivationally_related_form 03303965 +00259643 _hypernym 00258854 +10434725 _hypernym 10383816 +01731353 _hypernym 01731031 +06652242 _hypernym 06786629 +01038666 _derivationally_related_form 09911570 +04857083 _hypernym 04620558 +08034299 _instance_hypernym 08392137 +11604225 _member_meronym 11604393 +01309991 _also_see 02271544 +02272707 _hypernym 01342529 +10071557 _derivationally_related_form 05970755 +10204921 _derivationally_related_form 01921204 +08853741 _has_part 09467765 +08520401 _hypernym 08620061 +00698104 _verb_group 00698256 +09874260 _derivationally_related_form 02284096 +02607345 _hypernym 01432517 +01913838 _member_meronym 01916738 +07521437 _hypernym 07519253 +00474308 _derivationally_related_form 00751529 +01411085 _derivationally_related_form 10684146 +14780267 _hypernym 14779550 +07254057 _hypernym 07253637 +08860123 _member_of_domain_region 13926932 +08349916 _hypernym 08054721 +01227235 _derivationally_related_form 00051712 +12835196 _member_meronym 12835331 +05172596 _derivationally_related_form 02164402 +00517847 _derivationally_related_form 11435028 +02922292 _hypernym 03792048 +00856847 _derivationally_related_form 01201422 +12996841 _member_meronym 12997654 +10294139 _hypernym 10582746 +10387586 _derivationally_related_form 03654374 +12878784 _hypernym 12205694 +02520015 _member_meronym 02520147 +00094240 _derivationally_related_form 00903711 +03830448 _hypernym 03936895 +02229550 _hypernym 02221959 +05769471 _hypernym 05768806 +10019888 _hypernym 00007846 +05269901 _has_part 05280831 +05274959 _hypernym 05269901 +00962190 _hypernym 00980453 +08860123 _member_of_domain_region 11507321 +12741792 _hypernym 12741222 +04062807 _hypernym 04170037 +04404997 _has_part 04405309 +02093610 _hypernym 01850315 +09213828 _hypernym 09437454 +07142566 _derivationally_related_form 00876665 +01456088 _hypernym 01455866 +00795008 _hypernym 00791078 +09936825 _hypernym 10129825 +01734300 _synset_domain_topic_of 05718935 +01307389 _derivationally_related_form 03955296 +09285254 _hypernym 09385911 +15245515 _hypernym 15244650 +09066017 _instance_hypernym 08524735 +03081021 _derivationally_related_form 02621395 +02069701 _hypernym 02068974 +13176201 _hypernym 13167078 +00711932 _hypernym 00734054 +13733167 _hypernym 13582013 +05070849 _hypernym 05064037 +01741446 _synset_domain_topic_of 00916464 +05780718 _hypernym 05774614 +12387201 _hypernym 11565385 +12480677 _hypernym 11561228 +07261782 _hypernym 07260623 +09874862 _hypernym 10787470 +01352067 _derivationally_related_form 02018524 +00888009 _verb_group 00887463 +00383542 _hypernym 00126264 +02325211 _member_meronym 02325366 +10760340 _derivationally_related_form 02462580 +12243693 _hypernym 13112664 +02341684 _derivationally_related_form 02739668 +01511706 _derivationally_related_form 14691822 +00374063 _hypernym 00363260 +00781480 _derivationally_related_form 02277303 +01066163 _derivationally_related_form 00440286 +15182189 _hypernym 15199592 +00961586 _derivationally_related_form 06762711 +12838027 _member_meronym 12852049 +14798039 _hypernym 15068754 +00365188 _derivationally_related_form 07313241 +02240377 _member_meronym 02240517 +01156834 _also_see 01197980 +12875861 _hypernym 12205694 +02823124 _derivationally_related_form 02183175 +08083599 _has_part 08085535 +00696518 _also_see 01612053 +08215603 _member_meronym 09863031 +02535716 _derivationally_related_form 15271008 +02466111 _also_see 00959731 +00755863 _hypernym 00755673 +12116267 _hypernym 11556857 +12333397 _hypernym 11567411 +00699626 _derivationally_related_form 04864200 +11400230 _instance_hypernym 10650162 +04039381 _has_part 03313873 +12397210 _hypernym 12396924 +08929922 _member_of_domain_region 06776679 +10007109 _derivationally_related_form 02584475 +02703499 _hypernym 04492856 +03115180 _hypernym 03309808 +02447001 _hypernym 02413480 +01707306 _hypernym 01705494 +14037011 _hypernym 14036203 +14336317 _has_part 14327266 +06845599 _member_of_domain_usage 03198951 +04904996 _derivationally_related_form 01764171 +02660769 _member_meronym 02663086 +08916316 _has_part 08917881 +00397191 _similar_to 00394562 +01302019 _derivationally_related_form 03525252 +02114433 _verb_group 02113850 +02563327 _derivationally_related_form 03017922 +02139671 _hypernym 02139199 +07517550 _hypernym 07516354 +05484862 _has_part 05484711 +01584225 _hypernym 01524359 +03084759 _derivationally_related_form 09722399 +09714120 _hypernym 09686536 +00355919 _derivationally_related_form 00841125 +03462747 _hypernym 03091374 +10211203 _derivationally_related_form 00593837 +10696251 _derivationally_related_form 05665146 +06736405 _derivationally_related_form 01014821 +08191701 _member_meronym 08191532 +06626446 _derivationally_related_form 00893878 +06891493 _hypernym 06619065 +02502085 _member_meronym 02502212 +00119210 _hypernym 00118733 +09884133 _hypernym 10605985 +01963876 _hypernym 01939598 +02584475 _derivationally_related_form 10007109 +00908133 _derivationally_related_form 01002740 +12929061 _member_meronym 12929237 +13169674 _member_meronym 13190218 +01876907 _derivationally_related_form 04770911 +14214355 _hypernym 14465048 +12848499 _hypernym 12205694 +02944826 _derivationally_related_form 02653159 +13041548 _hypernym 11594676 +06322693 _hypernym 06323612 +00706605 _hypernym 00662681 +02357741 _hypernym 01864707 +12664187 _hypernym 12663804 +02056971 _derivationally_related_form 00307631 +02862048 _has_part 03457451 +09006413 _has_part 09268236 +00329619 _derivationally_related_form 02069888 +10916731 _instance_hypernym 09980090 +02610628 _hypernym 02609764 +08699426 _has_part 09034550 +12530208 _member_meronym 12530439 +13814184 _derivationally_related_form 10602985 +01015310 _hypernym 01014990 +00745431 _hypernym 00745005 +07844042 _hypernym 07843775 +00806902 _derivationally_related_form 02511551 +00430140 _derivationally_related_form 01149470 +12226009 _member_meronym 12250413 +01572910 _member_meronym 01573074 +12313005 _member_meronym 11573173 +01024392 _hypernym 01023820 +02385102 _derivationally_related_form 05137165 +05510702 _has_part 05299178 +05607402 _synset_domain_topic_of 06057539 +07545161 _derivationally_related_form 02538086 +02194495 _derivationally_related_form 05715283 +08748076 _has_part 08752974 +09044862 _member_of_domain_region 08122009 +09823502 _hypernym 10237069 +00837872 _derivationally_related_form 09861718 +02653965 _hypernym 01432517 +15253139 _hypernym 15254028 +04700642 _derivationally_related_form 01264283 +10583387 _derivationally_related_form 09048460 +08508834 _hypernym 08507558 +02192225 _synset_domain_topic_of 00243918 +09124039 _has_part 09124399 +09947232 _derivationally_related_form 01705494 +02175263 _hypernym 01759182 +01867295 _derivationally_related_form 01628197 +00669970 _hypernym 00669762 +11439031 _derivationally_related_form 00270005 +14654175 _hypernym 14622893 +11775340 _hypernym 13112664 +09028841 _instance_hypernym 08374049 +00487350 _derivationally_related_form 11492014 +10193026 _derivationally_related_form 01144657 +12476902 _hypernym 11561228 +01456771 _derivationally_related_form 07351031 +01516071 _derivationally_related_form 01211339 +00748307 _hypernym 00747671 +14442933 _derivationally_related_form 02586619 +00646332 _hypernym 00646833 +02709906 _derivationally_related_form 01004072 +09071690 _has_part 09073697 +00335988 _derivationally_related_form 02243567 +01677913 _hypernym 01657723 +06244149 _hypernym 05946687 +00102586 _derivationally_related_form 07420770 +07289956 _hypernym 07283608 +10191613 _derivationally_related_form 02290956 +02759614 _derivationally_related_form 13495873 +00217773 _derivationally_related_form 01566490 +11495041 _hypernym 11419404 +05818741 _derivationally_related_form 02455407 +00455212 _hypernym 02066939 +05456945 _hypernym 05456732 +00418025 _derivationally_related_form 02516594 +03967396 _hypernym 03574816 +00695523 _also_see 01613463 +02728440 _derivationally_related_form 00046534 +10787470 _has_part 05220126 +07132634 _hypernym 07132415 +10526927 _hypernym 09979321 +14648100 _hypernym 14622893 +00940842 _derivationally_related_form 01632411 +00997794 _derivationally_related_form 06405198 +09855630 _derivationally_related_form 06037298 +02666691 _derivationally_related_form 03118539 +00634586 _hypernym 00633864 +06855035 _hypernym 07270179 +11903671 _hypernym 11900569 +05070849 _derivationally_related_form 02047807 +05275905 _has_part 05234737 +06518253 _hypernym 06518068 +01901783 _derivationally_related_form 07349532 +06216160 _hypernym 06212839 +01511706 _derivationally_related_form 00045250 +00658942 _derivationally_related_form 13861050 +01168569 _derivationally_related_form 01122194 +04341686 _has_part 03387016 +04743024 _derivationally_related_form 00618451 +01344963 _derivationally_related_form 05205340 +02725067 _derivationally_related_form 14012667 +12118223 _member_meronym 12118661 +02970685 _has_part 04162706 +14106025 _hypernym 14057371 +01257701 _hypernym 00095502 +13933841 _hypernym 13927383 +05684440 _derivationally_related_form 01764171 +12594324 _hypernym 12582846 +01153947 _verb_group 02344243 +02373578 _verb_group 02505807 +06104073 _synset_domain_topic_of 06090869 +11485367 _derivationally_related_form 00104147 +04631298 _derivationally_related_form 00364479 +08632423 _derivationally_related_form 00195342 +07369604 _derivationally_related_form 00482893 +04894037 _derivationally_related_form 01899360 +01549291 _also_see 02037272 +02084104 _hypernym 01850315 +07177924 _derivationally_related_form 00698855 +00970215 _derivationally_related_form 00273077 +05787005 _hypernym 05786655 +09207288 _has_part 08954611 +00408852 _derivationally_related_form 08541609 +10141364 _derivationally_related_form 06176322 +00692130 _derivationally_related_form 00061595 +10066732 _derivationally_related_form 00681429 +10624310 _derivationally_related_form 07048000 +02446504 _derivationally_related_form 10749715 +01535246 _derivationally_related_form 10768903 +00993014 _derivationally_related_form 10801291 +00732960 _similar_to 00733632 +00372607 _derivationally_related_form 02282365 +09754541 _hypernym 00007846 +07244613 _derivationally_related_form 10067011 +00134099 _hypernym 01173038 +00916706 _derivationally_related_form 00161225 +00512843 _derivationally_related_form 00854150 +01986538 _hypernym 01759182 +13864965 _derivationally_related_form 00535452 +12610609 _hypernym 11556857 +01008378 _derivationally_related_form 00710005 +13296270 _hypernym 13260190 +00309310 _hypernym 00334186 +08860123 _member_of_domain_region 13720600 +13084184 _hypernym 13083586 +02081282 _hypernym 01862557 +13278375 _hypernym 13275847 +13190218 _member_meronym 13190917 +07227772 _hypernym 06684383 +00051170 _derivationally_related_form 04241249 +02553196 _member_meronym 02599784 +07194293 _hypernym 07193958 +02180152 _hypernym 02179518 +01597286 _hypernym 01405044 +13433462 _synset_domain_topic_of 06066555 +10193026 _hypernym 10605985 +06610143 _hypernym 06608728 +00457382 _synset_domain_topic_of 00455599 +02483915 _member_meronym 02484813 +01172275 _derivationally_related_form 00748515 +10072708 _derivationally_related_form 00796315 +01506812 _derivationally_related_form 13501941 +10954328 _instance_hypernym 10020890 +00309792 _hypernym 01989562 +07286905 _derivationally_related_form 00917772 +10702615 _hypernym 00007846 +00352826 _derivationally_related_form 14562960 +08999482 _has_part 09001007 +06571301 _hypernym 06570110 +12598027 _hypernym 12583126 +00285231 _hypernym 00283911 +11878808 _hypernym 11868814 +00043195 _derivationally_related_form 02248465 +08572467 _derivationally_related_form 01999423 +07392483 _derivationally_related_form 01045719 +00622068 _derivationally_related_form 01921772 +10268180 _hypernym 09620078 +01432601 _derivationally_related_form 09897696 +02088627 _derivationally_related_form 07380144 +01290997 _instance_hypernym 00958477 +10507230 _hypernym 09977660 +07996412 _derivationally_related_form 02654686 +02471300 _hypernym 02469914 +08197149 _hypernym 08391387 +02428924 _derivationally_related_form 01230965 +03708036 _derivationally_related_form 00998399 +09912243 _hypernym 09853645 +10528493 _derivationally_related_form 06381869 +02950256 _hypernym 02746365 +05950733 _derivationally_related_form 01826723 +07290278 _hypernym 07289956 +00896803 _derivationally_related_form 05823054 +13343774 _hypernym 13343526 +00527572 _derivationally_related_form 13491060 +14584765 _hypernym 14727670 +00801782 _derivationally_related_form 06716234 +13630864 _has_part 13630213 +05300926 _has_part 05478336 +13215462 _hypernym 13167078 +00718815 _hypernym 00712225 +02120387 _hypernym 01864707 +00726784 _hypernym 00726300 +10181137 _hypernym 10053004 +11011764 _instance_hypernym 10030277 +09916788 _hypernym 10225219 +14008806 _hypernym 14006945 +02262278 _derivationally_related_form 13266892 +00394813 _derivationally_related_form 14418662 +02015031 _hypernym 02014165 +12065777 _hypernym 12041446 +02661252 _derivationally_related_form 10341660 +02228698 _derivationally_related_form 01083645 +01435380 _derivationally_related_form 05250659 +01954341 _derivationally_related_form 01105909 +00608808 _derivationally_related_form 05786372 +11607739 _member_meronym 11628284 +08879680 _instance_hypernym 08633957 +04520480 _hypernym 02959942 +12356023 _hypernym 12355760 +06269130 _hypernym 06268096 +00351638 _derivationally_related_form 00240131 +02462580 _derivationally_related_form 00182213 +04980008 _derivationally_related_form 02125223 +05650820 _has_part 05651242 +01451842 _hypernym 01449974 +00139919 _hypernym 00138956 +01142761 _derivationally_related_form 07666521 +01002740 _derivationally_related_form 00907919 +07817871 _hypernym 07707451 +00664276 _derivationally_related_form 06855035 +04253437 _derivationally_related_form 00538571 +00566322 _hypernym 00126264 +10117511 _hypernym 00007846 +03391770 _hypernym 04361095 +10940053 _instance_hypernym 09826204 +00262703 _hypernym 00260648 +00860620 _derivationally_related_form 01029114 +02548522 _hypernym 01429349 +02269143 _derivationally_related_form 10044470 +00480221 _derivationally_related_form 02761392 +01982211 _hypernym 01762525 +02552449 _derivationally_related_form 10514962 +12487647 _member_meronym 12490330 +01230710 _derivationally_related_form 10209246 +00056188 _hypernym 00055142 +03565402 _derivationally_related_form 01728840 +01458464 _derivationally_related_form 14997888 +10761326 _derivationally_related_form 02165146 +10230580 _derivationally_related_form 01371756 +02178244 _member_meronym 02178563 +02468618 _hypernym 02467662 +03247620 _derivationally_related_form 10421470 +01556178 _derivationally_related_form 02157557 +01051956 _derivationally_related_form 07242912 +04685195 _derivationally_related_form 00776988 +01656458 _derivationally_related_form 00218045 +00201034 _derivationally_related_form 00396825 +01637633 _derivationally_related_form 09993901 +01030022 _derivationally_related_form 05074374 +12501745 _member_meronym 12545090 +05090441 _derivationally_related_form 00240293 +01428011 _derivationally_related_form 00853649 +11797016 _member_meronym 11797508 +03049066 _hypernym 04404412 +12011067 _member_meronym 12011620 +10930428 _instance_hypernym 10650162 +07298154 _derivationally_related_form 00725274 +07186148 _derivationally_related_form 01063695 +00953216 _derivationally_related_form 06397307 +06763681 _derivationally_related_form 01015866 +01380638 _derivationally_related_form 01014066 +14011811 _derivationally_related_form 00040685 +08751494 _instance_hypernym 08544813 +01215421 _derivationally_related_form 05097845 +01955508 _hypernym 01950798 +09232841 _member_meronym 09435965 +02308214 _derivationally_related_form 01814396 +02565687 _derivationally_related_form 00757080 +09415938 _hypernym 09448361 +07648267 _has_part 07650637 +14991712 _hypernym 14580897 +01677716 _hypernym 01675963 +01054849 _hypernym 00983824 +10067011 _hypernym 10464178 +01027668 _hypernym 01010118 +08663860 _derivationally_related_form 02360497 +10495421 _derivationally_related_form 01871680 +02177972 _hypernym 02164464 +10519494 _hypernym 09623038 +00890941 _hypernym 00884466 +07075172 _member_of_domain_usage 10011785 +01487312 _member_meronym 01487506 +09838370 _derivationally_related_form 02026629 +02553196 _member_meronym 02573406 +10057271 _derivationally_related_form 00997794 +00252020 _derivationally_related_form 01393339 +15090742 _hypernym 15089645 +05951323 _hypernym 05944958 +06979249 _hypernym 06979014 +01524523 _derivationally_related_form 13775706 +01700934 _derivationally_related_form 06364149 +11792598 _member_meronym 11792742 +10745332 _derivationally_related_form 02541138 +02009433 _derivationally_related_form 00053097 +02005756 _derivationally_related_form 00610010 +07956721 _member_meronym 04351233 +07515560 _hypernym 07514968 +09798534 _derivationally_related_form 00894738 +04792127 _hypernym 04723816 +07291794 _derivationally_related_form 02609764 +01657828 _derivationally_related_form 14818238 +00722232 _derivationally_related_form 05704694 +02656189 _derivationally_related_form 03492250 +02235761 _member_meronym 02235911 +01525295 _hypernym 00434374 +10724699 _derivationally_related_form 02220461 +01457954 _derivationally_related_form 13534274 +07255401 _hypernym 07255174 +00864859 _hypernym 00863513 +12324756 _hypernym 11567411 +13383439 _hypernym 13381734 +02065599 _hypernym 01864707 +08871007 _has_part 08877382 +01759326 _hypernym 01617192 +00808182 _derivationally_related_form 00235368 +07487695 _derivationally_related_form 01762283 +02402010 _hypernym 02401031 +00152887 _derivationally_related_form 07355887 +01482887 _hypernym 01432517 +00075135 _derivationally_related_form 07203696 +00946588 _hypernym 00946755 +08129883 _hypernym 08337324 +12713521 _hypernym 12713063 +01815185 _derivationally_related_form 10518349 +08153337 _hypernym 07951464 +12372932 _hypernym 11575425 +12381666 _member_meronym 12381931 +00941990 _derivationally_related_form 05301908 +08564739 _instance_hypernym 08574314 +05552607 _has_part 05553288 +01989053 _hypernym 00109660 +11630351 _member_meronym 11630489 +07640991 _hypernym 07640203 +10063177 _hypernym 10280674 +08798771 _member_of_domain_region 08021785 +03525252 _hypernym 02991302 +00406243 _derivationally_related_form 01143040 +04519153 _derivationally_related_form 05395548 +02583545 _derivationally_related_form 10349243 +02406585 _derivationally_related_form 10671736 +08957381 _member_of_domain_region 08021464 +01542207 _verb_group 01541579 +02970408 _derivationally_related_form 01454246 +00820721 _synset_domain_topic_of 06172789 +06778925 _derivationally_related_form 00029836 +13502909 _derivationally_related_form 00266798 +14322699 _hypernym 14299637 +00087152 _also_see 01922763 +12393723 _hypernym 13112427 +02473431 _derivationally_related_form 07204911 +00397953 _derivationally_related_form 01563005 +00013615 _verb_group 00010435 +09143205 _instance_hypernym 08524735 +01699172 _hypernym 01698271 +07311661 _synset_domain_topic_of 06095022 +05406958 _hypernym 05397468 +05804274 _hypernym 05803379 +06520944 _derivationally_related_form 02409941 +00076341 _derivationally_related_form 00796976 +11251995 _instance_hypernym 10423589 +02958343 _has_part 02685365 +00910891 _hypernym 00907147 +15153787 _derivationally_related_form 10123711 +08210670 _member_meronym 10540114 +01906322 _derivationally_related_form 10412055 +09031653 _has_part 09032191 +13206001 _member_meronym 13206178 +02859053 _derivationally_related_form 05629682 +05228732 _synset_domain_topic_of 06057539 +08895497 _instance_hypernym 08524735 +04836683 _derivationally_related_form 00022686 +08860123 _member_of_domain_region 07835051 +00541479 _hypernym 00428270 +01753788 _derivationally_related_form 00908492 +04799344 _hypernym 04723816 +08141951 _hypernym 08348815 +02598573 _hypernym 02596381 +12423565 _member_meronym 12462951 +02519991 _derivationally_related_form 00259643 +01983264 _hypernym 01983771 +02697950 _derivationally_related_form 05849284 +08173515 _hypernym 08294696 +06845599 _member_of_domain_usage 03553908 +02273293 _hypernym 02205272 +02498716 _derivationally_related_form 06558678 +01453852 _member_meronym 01454702 +08042856 _instance_hypernym 08392137 +00051045 _derivationally_related_form 04792357 +00731789 _derivationally_related_form 04821084 +14155834 _hypernym 14151139 +15037664 _synset_domain_topic_of 06051542 +12876032 _member_meronym 12882591 +08860123 _member_of_domain_region 06263020 +12736455 _hypernym 11575425 +09156666 _instance_hypernym 08524735 +11665781 _member_meronym 11800799 +01652583 _member_meronym 01652850 +02071457 _hypernym 02066939 +09793830 _hypernym 10020890 +01914415 _hypernym 01342529 +09622302 _hypernym 00007846 +01556572 _hypernym 01556346 +05666700 _hypernym 05665146 +00694641 _hypernym 00690614 +00434075 _has_part 00438065 +08857682 _member_meronym 08858248 +09537144 _instance_hypernym 09538021 +06649567 _hypernym 06648724 +00263044 _hypernym 00258857 +00712135 _derivationally_related_form 09887034 +02331046 _hypernym 02329401 +03878963 _hypernym 03385557 +15201505 _has_part 15236475 +11704093 _hypernym 11703669 +12299165 _member_meronym 12299425 +00755673 _derivationally_related_form 02519183 +12334293 _hypernym 13104059 +09908273 _hypernym 09614684 +02150948 _verb_group 02129289 +02612982 _member_meronym 02613687 +00889294 _derivationally_related_form 09931418 +12660009 _member_meronym 12670558 +02032934 _derivationally_related_form 05088804 +05833371 _hypernym 05832745 +00679715 _hypernym 00679389 +14420954 _derivationally_related_form 00713167 +05089367 _synset_domain_topic_of 06090869 +06722186 _hypernym 06598915 +09700823 _hypernym 09731571 +12738859 _member_meronym 12739595 +01462005 _hypernym 00126264 +06637677 _hypernym 06634376 +07118002 _derivationally_related_form 00951399 +00055142 _synset_domain_topic_of 06037666 +05944958 _hypernym 05941423 +02305856 _hypernym 02265979 +02182342 _also_see 00780191 +13775706 _hypernym 13774404 +04565375 _derivationally_related_form 02334867 +08780720 _instance_hypernym 08633957 +07445480 _hypernym 07311115 +00274283 _hypernym 00258857 +13308999 _hypernym 13308864 +01448100 _also_see 01592456 +01428381 _hypernym 01428853 +07440979 _derivationally_related_form 02045043 +06878071 _derivationally_related_form 00029025 +08473173 _hypernym 08233056 +02072209 _member_meronym 02072355 +11867525 _member_meronym 11873396 +12233410 _member_meronym 12233529 +03040836 _hypernym 04096066 +00502952 _hypernym 00502415 +01125693 _hypernym 01124794 +14049711 _hypernym 14034177 +02575168 _member_meronym 02575325 +10478960 _derivationally_related_form 02593354 +05128370 _hypernym 05125377 +14562960 _derivationally_related_form 02735418 +01775062 _hypernym 01772222 +00271946 _derivationally_related_form 01159025 +09438554 _has_part 09464335 +01730216 _derivationally_related_form 10099093 +07453638 _derivationally_related_form 02390949 +10096126 _hypernym 10100761 +01566509 _hypernym 01507175 +07366289 _derivationally_related_form 00650353 +02116568 _verb_group 02116777 +12829099 _hypernym 11566230 +01753596 _derivationally_related_form 10210648 +08860123 _member_of_domain_region 04240576 +10502046 _hypernym 00007846 +15052970 _synset_domain_topic_of 00640889 +02265717 _hypernym 01759182 +00213794 _synset_domain_topic_of 00243918 +01863158 _verb_group 01863410 +01579578 _hypernym 01578575 +00539951 _has_part 00541035 +02179154 _derivationally_related_form 03110669 +02264591 _hypernym 02311060 +00604576 _derivationally_related_form 05935060 +02255942 _derivationally_related_form 13254237 +09155306 _has_part 09157021 +01082454 _derivationally_related_form 09901143 +00918383 _derivationally_related_form 01740969 +01037498 _hypernym 00941990 +02432139 _hypernym 01864707 +02376791 _hypernym 01321230 +10516692 _hypernym 00007846 +00625699 _hypernym 00624738 +00082563 _derivationally_related_form 04074482 +15197042 _synset_domain_topic_of 06232880 +10525134 _hypernym 00007846 +01754105 _derivationally_related_form 03999992 +10789963 _derivationally_related_form 01256600 +05149695 _hypernym 05148699 +02112546 _hypernym 02112029 +11778534 _member_meronym 11785100 +00923995 _derivationally_related_form 01640207 +07342049 _derivationally_related_form 01964367 +15043763 _hypernym 08591680 +01924590 _member_meronym 01927301 +01909397 _hypernym 01907258 +00614489 _derivationally_related_form 09981540 +08929922 _has_part 08937594 +01618922 _hypernym 01616318 +01582625 _member_meronym 01583373 +06274092 _hypernym 06272803 +02861509 _derivationally_related_form 01521912 +08686129 _instance_hypernym 08685677 +00547802 _hypernym 00126264 +02261642 _verb_group 01176232 +00084230 _synset_domain_topic_of 00612160 +06498569 _hypernym 06825736 +05311054 _has_part 05426989 +03075768 _hypernym 03183080 +02811719 _hypernym 03763968 +06545960 _hypernym 06545137 +01449974 _derivationally_related_form 08057633 +13947415 _hypernym 13945919 +11552806 _synset_domain_topic_of 06066555 +00296946 _hypernym 00295701 +04388743 _hypernym 04531098 +01029671 _synset_domain_topic_of 05946687 +08969291 _has_part 08970318 +00865471 _hypernym 00867357 +08641113 _hypernym 08648322 +07335243 _derivationally_related_form 01161635 +00081725 _derivationally_related_form 04074482 +04628080 _derivationally_related_form 10579676 +10644469 _hypernym 10241300 +06798750 _hypernym 06797169 +01245986 _hypernym 01245637 +08841667 _has_part 08991182 +00708980 _derivationally_related_form 06605897 +00969137 _hypernym 00973056 +01033458 _hypernym 01029406 +09800249 _derivationally_related_form 00765213 +00298896 _also_see 00407848 +02006834 _hypernym 02005948 +12169776 _hypernym 11565385 +08785343 _instance_hypernym 08691669 +08589801 _hypernym 08593262 +09014979 _has_part 09016232 +00598954 _verb_group 02128873 +07129202 _derivationally_related_form 01054399 +02732603 _hypernym 02604760 +01552192 _hypernym 01507175 +04679738 _derivationally_related_form 00033599 +03932203 _derivationally_related_form 00261705 +00207434 _derivationally_related_form 02504017 +02400139 _member_meronym 02427958 +13176523 _hypernym 13167078 +01180206 _hypernym 01182709 +03244388 _derivationally_related_form 01930482 +00882159 _derivationally_related_form 02171039 +00114615 _hypernym 00114837 +15268857 _hypernym 15266911 +02324850 _hypernym 02324045 +00813044 _derivationally_related_form 05785067 +11473954 _synset_domain_topic_of 06090869 +15143477 _derivationally_related_form 00354845 +02642814 _hypernym 02641957 +10236304 _hypernym 10235549 +09290626 _instance_hypernym 09360122 +09377315 _instance_hypernym 09411430 +01746605 _also_see 02515341 +02459173 _derivationally_related_form 03544360 +03433079 _hypernym 03740161 +08647616 _synset_domain_topic_of 02691156 +01632411 _derivationally_related_form 00923995 +01209576 _hypernym 01207609 +13208138 _hypernym 13167078 +06781878 _derivationally_related_form 02669081 +01222645 _hypernym 01907258 +10285938 _hypernym 09624168 +02465658 _derivationally_related_form 00207434 +07569106 _hypernym 07566340 +03011355 _synset_domain_topic_of 00502952 +06791195 _hypernym 06789411 +02291548 _derivationally_related_form 13258362 +09215437 _hypernym 09366017 +04048568 _derivationally_related_form 01950657 +00134328 _hypernym 00126264 +03446268 _has_part 03511786 +13777509 _hypernym 13757724 +02767760 _hypernym 02767308 +14699752 _hypernym 14883206 +01299888 _derivationally_related_form 04881998 +05235607 _hypernym 05230603 +01034932 _hypernym 02557199 +10880024 _instance_hypernym 10453533 +01614079 _derivationally_related_form 01003729 +00680485 _hypernym 00680346 +07108453 _member_of_domain_usage 03507241 +13665965 _hypernym 13662703 +01477806 _derivationally_related_form 05008943 +01958452 _hypernym 01970826 +01545149 _hypernym 01342529 +02394662 _derivationally_related_form 10005548 +09732047 _hypernym 09641757 +09257563 _hypernym 09465459 +03945615 _hypernym 04586932 +01958914 _hypernym 01939598 +01386906 _hypernym 01254013 +06733227 _hypernym 06725877 +04086273 _hypernym 03948459 +01502262 _member_meronym 02055280 +03439814 _hypernym 03510583 +10035809 _derivationally_related_form 02419773 +10069869 _synset_domain_topic_of 08199025 +12614962 _hypernym 11556857 +01752889 _hypernym 01657723 +01737021 _hypernym 01727646 +02925519 _hypernym 04350905 +05715283 _hypernym 05712076 +08143486 _hypernym 08077292 +10069296 _hypernym 10415638 +02181724 _hypernym 02181235 +01421496 _hypernym 08103777 +13331778 _hypernym 13329641 +12401122 _hypernym 11567411 +00657260 _hypernym 00632627 +01495340 _hypernym 01432517 +00393227 _hypernym 00392960 +12884523 _member_meronym 12887713 +10387712 _derivationally_related_form 02339413 +10760340 _derivationally_related_form 02400760 +00492410 _derivationally_related_form 05244934 +02085573 _hypernym 01835496 +09070793 _has_part 04580777 +02046755 _hypernym 02045043 +03048598 _hypernym 03740161 +10680609 _derivationally_related_form 00646738 +02133435 _derivationally_related_form 14526182 +12346448 _hypernym 11567411 +02436813 _member_meronym 02438452 +01612053 _also_see 00788821 +00324806 _hypernym 00326773 +07848645 _hypernym 07672914 +06544432 _synset_domain_topic_of 08441203 +09059274 _has_part 09478355 +09082540 _has_part 09084196 +01317064 _derivationally_related_form 10766025 +02196214 _derivationally_related_form 07813107 +00380696 _derivationally_related_form 01462468 +05586446 _has_part 05593017 +00411792 _hypernym 00126264 +14480420 _derivationally_related_form 02261386 +07331759 _hypernym 07445896 +12549192 _hypernym 12548280 +02035337 _also_see 01880531 +11719468 _member_meronym 11731861 +03054901 _hypernym 03119510 +01104406 _hypernym 01094725 +05044673 _hypernym 05044528 +02014165 _derivationally_related_form 00306102 +12073007 _hypernym 11556857 +11911591 _member_meronym 11996792 +03925226 _derivationally_related_form 00903559 +01720491 _hypernym 01719921 +12731202 _hypernym 11573173 +01102997 _derivationally_related_form 07476623 +13421286 _hypernym 13421095 +04621963 _hypernym 04656748 +02385153 _hypernym 02382367 +00974762 _hypernym 00972621 +07649582 _hypernym 07555863 +12808227 _member_meronym 12871992 +03345115 _hypernym 03348454 +00643910 _hypernym 00643473 +01060234 _derivationally_related_form 02479323 +02066939 _hypernym 01831531 +00786458 _derivationally_related_form 07197021 +01723224 _hypernym 01712704 +00932161 _hypernym 01030132 +05119837 _derivationally_related_form 02356704 +02675067 _derivationally_related_form 09964411 +06728726 _synset_domain_topic_of 08441203 +00218045 _hypernym 00217014 +05157574 _derivationally_related_form 02290461 +12875269 _hypernym 12205694 +02834778 _has_part 02836035 +03561889 _hypernym 04482543 +08279524 _synset_domain_topic_of 08199025 +13154190 _synset_domain_topic_of 06066555 +00621627 _hypernym 00620752 +00911752 _derivationally_related_form 01661243 +00789237 _derivationally_related_form 10038929 +01906552 _member_meronym 01906749 +03528761 _hypernym 03322099 +02549796 _member_meronym 02549989 +00415044 _derivationally_related_form 08374049 +07539367 _hypernym 07537485 +10208287 _derivationally_related_form 00788184 +01342529 _hypernym 08106934 +01974062 _also_see 01976089 +05996646 _derivationally_related_form 00599992 +05548840 _has_part 05590740 +01544692 _also_see 02265979 +02536329 _hypernym 02536557 +02758399 _hypernym 02758033 +13482330 _hypernym 13518963 +12822650 _member_meronym 12822769 +09889346 _derivationally_related_form 06229853 +01774426 _derivationally_related_form 09756195 +02662979 _derivationally_related_form 04713692 +10526927 _derivationally_related_form 01952898 +10597234 _derivationally_related_form 00996485 +00329227 _hypernym 00279835 +11595312 _hypernym 08103777 +01254051 _hypernym 01254253 +12243459 _hypernym 13112664 +10396106 _derivationally_related_form 08414807 +01104248 _hypernym 01101913 +06648207 _hypernym 06643408 +00291873 _derivationally_related_form 03665366 +02435311 _derivationally_related_form 13930385 +00553616 _hypernym 00394813 +02196081 _synset_domain_topic_of 00243918 +06743362 _derivationally_related_form 00939277 +00737973 _derivationally_related_form 01564144 +07332148 _hypernym 07331759 +02558951 _hypernym 02558172 +06243096 _derivationally_related_form 09848285 +01352996 _hypernym 02045043 +00779374 _also_see 01837744 +00474492 _derivationally_related_form 10514784 +00213694 _derivationally_related_form 02534062 +01194938 _derivationally_related_form 05268965 +06128307 _synset_domain_topic_of 06271778 +03789946 _hypernym 03699975 +00188000 _hypernym 00187526 +02024508 _hypernym 02428924 +12487647 _member_meronym 12498928 +13876371 _hypernym 13867641 +01646941 _also_see 02100709 +00286928 _derivationally_related_form 00275151 +07525555 _derivationally_related_form 00733454 +00579201 _synset_domain_topic_of 08199025 +07108123 _derivationally_related_form 02698944 +00626428 _derivationally_related_form 07234881 +14785941 _hypernym 14818238 +14336004 _hypernym 14204950 +00646738 _derivationally_related_form 10680609 +00961329 _derivationally_related_form 06744000 +01930117 _derivationally_related_form 03789946 +12407079 _hypernym 12405714 +00065070 _derivationally_related_form 07495327 +05779116 _hypernym 05774129 +01953467 _derivationally_related_form 14472624 +02767308 _derivationally_related_form 03283827 +14705718 _hypernym 14705533 +09033333 _has_part 09274739 +13556509 _derivationally_related_form 00204391 +01925469 _member_meronym 01922717 +00978173 _hypernym 01029500 +05511286 _hypernym 05237227 +03679986 _hypernym 04571088 +01929396 _member_meronym 01933686 +01161821 _hypernym 01160342 +00046109 _derivationally_related_form 00299580 +13015229 _hypernym 11592146 +03750912 _hypernym 03479647 +12202352 _hypernym 11565385 +00213694 _derivationally_related_form 02316304 +01384687 _hypernym 00004475 +13722340 _hypernym 13716878 +05905348 _hypernym 05902545 +01886220 _member_meronym 02394068 +11431754 _hypernym 11525955 +05802185 _derivationally_related_form 02907473 +02626590 _member_meronym 02626762 +03463832 _hypernym 03417345 +00373766 _hypernym 00078760 +00014742 _derivationally_related_form 15273955 +01494475 _hypernym 01482330 +12348774 _member_meronym 12349491 +00053097 _derivationally_related_form 02030158 +07411645 _derivationally_related_form 02767760 +01445027 _derivationally_related_form 14757547 +06262567 _synset_domain_topic_of 01094725 +05289057 _hypernym 05267548 +09861395 _derivationally_related_form 01846658 +01911888 _derivationally_related_form 09976119 +00697419 _derivationally_related_form 00644967 +08419033 _hypernym 08420278 +06605396 _hypernym 07151380 +13802920 _synset_domain_topic_of 06172789 +08759013 _instance_hypernym 08696931 +01710317 _hypernym 01617192 +10678472 _derivationally_related_form 02424652 +01002740 _derivationally_related_form 06262567 +14638517 _hypernym 14622893 +01082606 _derivationally_related_form 01239064 +13007770 _hypernym 11592146 +03771443 _derivationally_related_form 02631594 +00684838 _hypernym 00690614 +01794668 _hypernym 01771535 +04834605 _derivationally_related_form 02098325 +09697401 _hypernym 09725229 +05515287 _synset_domain_topic_of 01471682 +01965404 _hypernym 01939598 +09818343 _synset_domain_topic_of 06095022 +12169776 _member_meronym 12181851 +13328853 _hypernym 13328357 +02491383 _derivationally_related_form 07390945 +05760202 _derivationally_related_form 00607780 +11487950 _hypernym 11525955 +14547643 _derivationally_related_form 00389638 +02558811 _hypernym 02558172 +13199445 _hypernym 13167078 +11853644 _hypernym 11573660 +01528821 _derivationally_related_form 01052450 +11178161 _instance_hypernym 09805475 +11410298 _derivationally_related_form 00445940 +01835087 _member_meronym 01835584 +02657083 _member_meronym 02657368 +01886045 _hypernym 01874434 +08957381 _has_part 08958212 +12848870 _member_meronym 12849061 +09078231 _member_of_domain_region 04506289 +00507664 _hypernym 00115157 +00696700 _derivationally_related_form 00644503 +13464820 _derivationally_related_form 00251064 +02047260 _hypernym 02046759 +06347588 _derivationally_related_form 02332311 +05412242 _hypernym 05407119 +00344042 _hypernym 00339934 +12404314 _member_meronym 12404484 +00238867 _hypernym 00126264 +00136800 _derivationally_related_form 13897996 +01168468 _derivationally_related_form 00838367 +14058252 _derivationally_related_form 01476180 +06460295 _instance_hypernym 06394865 +05044822 _hypernym 05044673 +09136582 _instance_hypernym 08524735 +11628284 _hypernym 11554175 +00918312 _derivationally_related_form 10483530 +09863339 _hypernym 10523076 +01695259 _member_meronym 01724055 +05530657 _hypernym 05530429 +01059564 _derivationally_related_form 01225997 +06960298 _hypernym 06941644 +02565728 _hypernym 01429349 +06534132 _has_part 06728726 +00743082 _hypernym 00742320 +09484664 _hypernym 09483738 +08124971 _has_part 08125722 +02035425 _derivationally_related_form 09213828 +01552519 _hypernym 01556921 +00765213 _derivationally_related_form 09800249 +03224032 _has_part 02977619 +09930257 _synset_domain_topic_of 00471613 +02484570 _hypernym 01323958 +09965134 _derivationally_related_form 01803641 +09849012 _hypernym 10129825 +11606661 _hypernym 11553763 +02163982 _member_meronym 02177644 +00528836 _derivationally_related_form 15168790 +11894173 _hypernym 11575425 +05310351 _has_part 05335310 +05928513 _derivationally_related_form 00623151 +10142747 _hypernym 10143172 +00218475 _derivationally_related_form 03251766 +01987727 _hypernym 01987545 +08791167 _has_part 09033333 +01212572 _hypernym 01214265 +01149303 _hypernym 01148614 +07959943 _derivationally_related_form 02027411 +03101986 _hypernym 03621049 +00616083 _derivationally_related_form 01389329 +06608617 _hypernym 06607339 +04996571 _hypernym 04996355 +09060768 _has_part 09065328 +02696165 _hypernym 04018399 +03363216 _hypernym 03167666 +02524202 _hypernym 02521646 +02743261 _derivationally_related_form 02472293 +00206998 _derivationally_related_form 01207609 +01128193 _derivationally_related_form 09614684 +07396945 _derivationally_related_form 02184797 +02166826 _hypernym 02165456 +02063018 _hypernym 01973125 +11903525 _member_meronym 11903671 +00262703 _derivationally_related_form 00267349 +06212650 _hypernym 06212422 +10286539 _derivationally_related_form 00838043 +08306665 _synset_domain_topic_of 06236802 +01575941 _hypernym 01507175 +09696280 _hypernym 09641757 +08860123 _member_of_domain_region 08402944 +07448885 _hypernym 07448717 +06747670 _hypernym 06746580 +12707781 _hypernym 12651821 +00848420 _hypernym 01793177 +12350433 _hypernym 11555413 +00158804 _derivationally_related_form 00372013 +07331013 _derivationally_related_form 00478830 +02653786 _hypernym 02652668 +03918480 _has_part 03902220 +01068012 _synset_domain_topic_of 08441203 +01069125 _derivationally_related_form 01548694 +02302817 _derivationally_related_form 07248653 +00269140 _derivationally_related_form 01146288 +05701363 _hypernym 00023271 +00908492 _derivationally_related_form 01753788 +12039743 _member_meronym 12086362 +11693981 _hypernym 12651821 +06972090 _hypernym 06971872 +11945367 _hypernym 11944196 +10309896 _derivationally_related_form 02260362 +02535349 _hypernym 01432517 +08355075 _hypernym 08057206 +04982478 _derivationally_related_form 00461354 +01577941 _hypernym 01577659 +13192025 _member_meronym 13198354 +02438774 _member_meronym 02438897 +01074252 _synset_domain_topic_of 06079620 +01408253 _member_meronym 01408383 +10522324 _hypernym 09633969 +10467395 _derivationally_related_form 15266265 +05101815 _has_part 05102101 +11773408 _hypernym 13120211 +12012111 _hypernym 11672400 +03222516 _derivationally_related_form 00792304 +09023321 _has_part 09027089 +00389406 _derivationally_related_form 05001867 +12980840 _hypernym 13077295 +01148182 _derivationally_related_form 00418921 +01640550 _derivationally_related_form 09972157 +01719302 _derivationally_related_form 09765278 +08890097 _has_part 08881674 +00440286 _derivationally_related_form 10197525 +04809237 _hypernym 04809784 +00667747 _hypernym 00667424 +00958896 _derivationally_related_form 01092366 +00002724 _hypernym 00001740 +10193967 _hypernym 10640620 +02613960 _hypernym 01429349 +12058429 _member_meronym 12058822 +12275489 _hypernym 12268246 +13205482 _member_meronym 13208468 +05147586 _derivationally_related_form 02024143 +00594374 _derivationally_related_form 10253995 +00764588 _hypernym 00759694 +08173289 _hypernym 07951464 +01330822 _derivationally_related_form 03428805 +00802238 _derivationally_related_form 02544348 +03693973 _derivationally_related_form 01973125 +01169067 _derivationally_related_form 10132988 +10345804 _derivationally_related_form 00953216 +04370048 _has_part 03815278 +02675354 _hypernym 02707683 +04690196 _hypernym 04673965 +02240517 _hypernym 02236896 +01480715 _member_meronym 01480880 +14326607 _hypernym 14323683 +12564381 _hypernym 11585340 +00252990 _verb_group 00226882 +01876843 _hypernym 01862557 +12531144 _member_meronym 12531328 +00005041 _derivationally_related_form 04080833 +14405225 _derivationally_related_form 01811736 +02500619 _derivationally_related_form 10752093 +04679738 _derivationally_related_form 02133435 +01789740 _has_part 07644706 +00828779 _also_see 01182024 +06845599 _member_of_domain_usage 04449796 +02252429 _member_meronym 02252608 +03062651 _hypernym 03357376 +13185436 _hypernym 13167078 +01526521 _derivationally_related_form 06796642 +11706761 _hypernym 12651821 +02860415 _derivationally_related_form 01522878 +12235765 _has_part 07743723 +11754188 _member_meronym 11758628 +14123044 _hypernym 14122235 +01942959 _hypernym 01942347 +13948026 _derivationally_related_form 02679012 +05600637 _has_part 05601758 +11165854 _instance_hypernym 10214637 +05820170 _derivationally_related_form 02677097 +04467307 _hypernym 03100490 +09750524 _hypernym 09641757 +01150370 _hypernym 00099721 +01718952 _hypernym 02407987 +02135726 _hypernym 01864707 +13140699 _member_meronym 13143097 +13006741 _hypernym 11592146 +08860123 _member_of_domain_usage 10142747 +02014646 _member_meronym 02015944 +15200661 _hypernym 15183428 +13619920 _has_part 13622209 +10828573 _instance_hypernym 10022111 +08860123 _member_of_domain_region 13325382 +01471043 _derivationally_related_form 00775702 +00809654 _derivationally_related_form 10168012 +05186306 _derivationally_related_form 10672662 +00291286 _hypernym 00284798 +01013367 _hypernym 00943837 +15258450 _synset_domain_topic_of 00468480 +02074915 _hypernym 01342529 +09053019 _has_part 09129442 +08133189 _hypernym 08337324 +00366858 _derivationally_related_form 13572436 +12501745 _member_meronym 12525975 +00263492 _hypernym 00262249 +01358259 _hypernym 08103777 +01895612 _hypernym 01708676 +03077958 _has_part 04406350 +00508933 _derivationally_related_form 04680465 +06356755 _hypernym 06355894 +05064037 _derivationally_related_form 01689752 +05623628 _derivationally_related_form 02527085 +00102974 _derivationally_related_form 05416678 +08856793 _instance_hypernym 08524735 +01104624 _derivationally_related_form 00752954 +04717139 _derivationally_related_form 01018928 +00334649 _verb_group 00335923 +00434919 _hypernym 00434374 +00300441 _hypernym 00295701 +09692430 _hypernym 09641757 +13998576 _hypernym 13996300 +01880888 _hypernym 01880113 +02888133 _derivationally_related_form 00022686 +13286254 _derivationally_related_form 00724150 +06300632 _hypernym 06290637 +08139795 _has_part 08142972 +06759063 _derivationally_related_form 00841125 +01789740 _hypernym 01789386 +09213565 _hypernym 09437454 +02158587 _derivationally_related_form 01049266 +04778630 _hypernym 04723816 +02817339 _derivationally_related_form 06599788 +00795632 _derivationally_related_form 05795460 +01411630 _derivationally_related_form 10684146 +00484166 _derivationally_related_form 07291312 +14036539 _derivationally_related_form 01787106 +08913434 _has_part 08917503 +07110615 _derivationally_related_form 00952182 +06763681 _derivationally_related_form 01059123 +12501745 _member_meronym 12579242 +03365592 _hypernym 03536348 +08106934 _synset_domain_topic_of 06037666 +00862683 _hypernym 00826509 +01994442 _derivationally_related_form 00056688 +06649915 _derivationally_related_form 00820352 +15030853 _hypernym 15030481 +05016001 _derivationally_related_form 00370412 +11522448 _hypernym 11525955 +00037298 _hypernym 00040353 +00940412 _derivationally_related_form 01634424 +12132092 _hypernym 12131550 +00470701 _derivationally_related_form 00218208 +01904930 _derivationally_related_form 00284798 +14037011 _derivationally_related_form 01761706 +13448334 _hypernym 13532886 +13622769 _hypernym 13615557 +01737417 _synset_domain_topic_of 06090869 +05664640 _synset_domain_topic_of 00923444 +00667942 _derivationally_related_form 05826469 +00087849 _hypernym 00087663 +01465365 _derivationally_related_form 07985223 +10071557 _hypernym 10423589 +11070644 _instance_hypernym 10444194 +01506157 _hypernym 01871979 +06256229 _derivationally_related_form 06413889 +10764296 _hypernym 00007846 +00826333 _hypernym 00826509 +08521267 _derivationally_related_form 02871229 +10210137 _derivationally_related_form 02583139 +02174311 _hypernym 02176268 +00754731 _derivationally_related_form 10672192 +01168569 _hypernym 01080366 +04982478 _derivationally_related_form 02190188 +11828973 _hypernym 11828247 +08960548 _member_meronym 09721088 +13471815 _derivationally_related_form 00055010 +07163988 _hypernym 07162680 +15056541 _derivationally_related_form 01372682 +10293590 _hypernym 10242791 +02740300 _hypernym 02740533 +01436015 _hypernym 01435380 +01917980 _derivationally_related_form 00284101 +09924996 _hypernym 10515194 +10164605 _hypernym 10162991 +12260208 _member_meronym 12260593 +02770717 _derivationally_related_form 09247410 +05705184 _derivationally_related_form 10632576 +01852701 _also_see 02676496 +01587984 _hypernym 01587062 +01465218 _verb_group 01465365 +03259505 _has_part 03319745 +02377418 _derivationally_related_form 06169050 +01182024 _also_see 00828779 +12423565 _member_meronym 12438324 +01950502 _derivationally_related_form 02792552 +01941670 _member_meronym 01946118 +01615825 _hypernym 01504437 +02510184 _hypernym 02680814 +03571942 _hypernym 03225777 +01679433 _derivationally_related_form 03420440 +01722980 _derivationally_related_form 05666700 +11740655 _member_meronym 11742531 +00095502 _derivationally_related_form 02421374 +00636461 _derivationally_related_form 00786458 +01791535 _derivationally_related_form 05830059 +01294182 _derivationally_related_form 14417697 +02643713 _hypernym 01432517 +01619929 _derivationally_related_form 10008716 +13852395 _hypernym 13850304 +00066191 _derivationally_related_form 00868196 +11975100 _member_meronym 11975254 +01980328 _member_meronym 01980471 +00807461 _hypernym 00807178 +00044900 _hypernym 00030358 +13313733 _hypernym 00351638 +05763916 _derivationally_related_form 00713167 +02595902 _member_meronym 02596252 +00033574 _derivationally_related_form 04635631 +01449427 _derivationally_related_form 05291010 +04541662 _hypernym 03290771 +00351638 _derivationally_related_form 00151689 +02866578 _hypernym 04566257 +06546633 _derivationally_related_form 09962612 +01897667 _derivationally_related_form 02615079 +07899108 _hypernym 07891726 +11955398 _hypernym 11579418 +02139479 _member_meronym 02139671 +02435386 _member_meronym 02435517 +04390977 _derivationally_related_form 02360274 +01238058 _hypernym 00367976 +01893825 _hypernym 01889074 +03791235 _has_part 03483637 +11845557 _hypernym 11842204 +00409211 _synset_domain_topic_of 01094725 +12581381 _member_meronym 12593826 +01526925 _hypernym 01504437 +08312988 _hypernym 08312559 +08904115 _instance_hypernym 08524735 +01315330 _hypernym 00015388 +02754756 _hypernym 14712692 +00958334 _derivationally_related_form 13504173 +01529672 _hypernym 01525720 +00749991 _derivationally_related_form 02537812 +06022291 _synset_domain_topic_of 06018465 +08860123 _member_of_domain_region 04553703 +15217443 _hypernym 15216966 +11989636 _member_meronym 11989869 +00835609 _derivationally_related_form 05207963 +02346315 _member_meronym 02365672 +02679142 _derivationally_related_form 00640828 +09930464 _derivationally_related_form 02426395 +08196230 _has_part 08196892 +03525252 _derivationally_related_form 01301410 +10487182 _hypernym 09632518 +01155044 _hypernym 01153548 +11458624 _hypernym 11419404 +06218308 _hypernym 06212839 +11959104 _hypernym 11579418 +03754822 _hypernym 04166841 +04734885 _derivationally_related_form 00344125 +12377809 _hypernym 11565385 +00429763 _hypernym 00429060 +00824767 _derivationally_related_form 06711855 +14835478 _hypernym 14589223 +01271189 _derivationally_related_form 00827379 +00068333 _derivationally_related_form 00268165 +02514198 _hypernym 08103777 +00009492 _hypernym 00009147 +06548498 _derivationally_related_form 00161225 +09141526 _has_part 09143017 +08592656 _hypernym 08512259 +01031256 _derivationally_related_form 08463647 +00583242 _hypernym 00126264 +01484987 _derivationally_related_form 10787470 +07424109 _hypernym 07296428 +07736527 _hypernym 07709333 +00036178 _verb_group 00036362 +04064401 _hypernym 03699975 +01264243 _derivationally_related_form 01014609 +06799260 _hypernym 06798750 +02310855 _derivationally_related_form 13381145 +06717170 _member_of_domain_usage 09682122 +09685085 _hypernym 10016103 +07372959 _derivationally_related_form 01798782 +01682234 _hypernym 01682039 +06589574 _has_part 06780678 +04183217 _hypernym 04118021 +00622584 _hypernym 00620752 +01893771 _derivationally_related_form 07379223 +02661252 _derivationally_related_form 07366627 +10118587 _hypernym 10605985 +08404735 _hypernym 08439955 +05966129 _hypernym 06186301 +06904943 _hypernym 06904171 +00302875 _derivationally_related_form 05021535 +13887319 _derivationally_related_form 01991744 +00085432 _derivationally_related_form 02274482 +00971999 _derivationally_related_form 01191975 +01933988 _hypernym 01930112 +06235829 _derivationally_related_form 10282014 +00600370 _derivationally_related_form 05704266 +09297423 _has_part 08780510 +02924116 _derivationally_related_form 01949110 +02855089 _hypernym 03183080 +01753354 _hypernym 01657723 +02422026 _derivationally_related_form 00216174 +12254014 _member_meronym 12254168 +10693459 _derivationally_related_form 00321148 +12325093 _hypernym 11744859 +02443849 _derivationally_related_form 00409211 +05447599 _hypernym 05430628 +09129062 _instance_hypernym 08524735 +01349493 _derivationally_related_form 00343249 +06442239 _instance_hypernym 06455138 +15140892 _hypernym 15113229 +06006777 _hypernym 06004685 +12320627 _hypernym 12320010 +00285856 _synset_domain_topic_of 00903559 +00548802 _derivationally_related_form 01723690 +09810166 _hypernym 09629752 +10482054 _hypernym 09610660 +06462219 _hypernym 06429590 +01246095 _derivationally_related_form 04955160 +01891249 _hypernym 01831531 +09636339 _hypernym 09636106 +00329819 _hypernym 00329227 +06490887 _derivationally_related_form 00946105 +04904996 _hypernym 04904664 +02836035 _has_part 03971422 +01623880 _hypernym 01621127 +08541609 _derivationally_related_form 00409281 +01309807 _instance_hypernym 00973077 +08824484 _instance_hypernym 08821885 +02080934 _member_meronym 02081060 +09764381 _hypernym 09820263 +12980231 _hypernym 11594676 +06734467 _hypernym 06733939 +02525312 _hypernym 02524171 +01472502 _hypernym 01471682 +12521394 _hypernym 12520864 +09018426 _instance_hypernym 08691669 +03139089 _hypernym 03175604 +14637507 _hypernym 14904661 +10093908 _derivationally_related_form 02702830 +06461077 _has_part 06460524 +07490214 _hypernym 07489059 +07200527 _hypernym 07199565 +06807198 _derivationally_related_form 02645007 +10325243 _hypernym 10324851 +08381436 _derivationally_related_form 09623038 +01227235 _derivationally_related_form 13534954 +14474894 _hypernym 14474052 +01474209 _derivationally_related_form 07939382 +01088381 _derivationally_related_form 01156438 +00457228 _hypernym 00457382 +09117351 _has_part 09330604 +03997027 _has_part 03995535 +01882170 _derivationally_related_form 04544979 +01149138 _derivationally_related_form 09614684 +01753596 _hypernym 01640207 +03302121 _derivationally_related_form 02143539 +00020671 _derivationally_related_form 11176932 +01271669 _instance_hypernym 00958477 +02454657 _hypernym 01864707 +14561102 _hypernym 14560926 +00588998 _derivationally_related_form 09801864 +13970236 _derivationally_related_form 01647867 +05752921 _hypernym 05752544 +02344243 _hypernym 02344060 +11665372 _hypernym 11552386 +00198270 _derivationally_related_form 01186958 +02043999 _member_meronym 02044178 +07324380 _derivationally_related_form 00054628 +00076114 _derivationally_related_form 07540081 +09053185 _has_part 09356639 +02121188 _derivationally_related_form 14180327 +02685951 _hypernym 02655135 +08853741 _has_part 08855609 +13215936 _hypernym 08103777 +07412668 _derivationally_related_form 02766390 +02123597 _hypernym 02121808 +06653160 _synset_domain_topic_of 08319198 +07272545 _hypernym 07272172 +12147226 _hypernym 12101870 +06178812 _hypernym 06171040 +10619176 _derivationally_related_form 06218459 +00356790 _derivationally_related_form 01387786 +01518047 _verb_group 01517662 +06718543 _derivationally_related_form 00846509 +08921850 _member_of_domain_region 00448232 +02472293 _has_part 05600637 +08964099 _instance_hypernym 08552138 +02483564 _hypernym 01323958 +05764365 _hypernym 05926676 +09189411 _has_part 08947772 +00838524 _verb_group 00838043 +00168658 _derivationally_related_form 00414627 +10062042 _hypernym 09964411 +02428487 _hypernym 02426395 +00199490 _derivationally_related_form 00269258 +06379094 _hypernym 07035870 +01116026 _similar_to 01115349 +02977058 _hypernym 03699975 +12216382 _member_meronym 12216628 +01670172 _hypernym 01675963 +04033995 _derivationally_related_form 01667304 +01054227 _hypernym 01053920 +01671039 _derivationally_related_form 03624966 +06727224 _hypernym 06725877 +00406612 _hypernym 00404403 +00363260 _derivationally_related_form 00153263 +01632897 _derivationally_related_form 00105479 +01507402 _derivationally_related_form 07506382 +08057816 _synset_domain_topic_of 01094725 +02765464 _derivationally_related_form 13424183 +02858304 _hypernym 04530566 +01017826 _hypernym 01018352 +01604696 _derivationally_related_form 13911151 +07227772 _derivationally_related_form 00884540 +05594037 _hypernym 05275651 +05579944 _has_part 05293773 +01800759 _hypernym 01504437 +00619183 _derivationally_related_form 00992331 +02459808 _hypernym 01862557 +00723056 _derivationally_related_form 05786372 +15222686 _hypernym 15157225 +08964810 _member_meronym 09712696 +07800487 _hypernym 07800091 +03299648 _hypernym 03214670 +00463246 _has_part 15256915 +00903212 _derivationally_related_form 07185870 +00389238 _hypernym 00146138 +09894654 _hypernym 10439851 +09070363 _instance_hypernym 08524735 +01621555 _verb_group 01640207 +00941990 _derivationally_related_form 10335801 +10508475 _hypernym 09957156 +14010148 _derivationally_related_form 00040685 +07127252 _derivationally_related_form 01044533 +00874806 _derivationally_related_form 00681429 +12169526 _member_meronym 12202352 +12704636 _member_meronym 12704844 +01280488 _hypernym 01831531 +12644283 _hypernym 13134947 +02182479 _hypernym 02172888 +08376051 _hypernym 08008335 +03739136 _hypernym 02720725 +00992331 _derivationally_related_form 00619183 +02862048 _has_part 02738741 +02676054 _verb_group 01026728 +07335581 _derivationally_related_form 01566185 +02286027 _derivationally_related_form 02584915 +00574218 _derivationally_related_form 00847340 +00603298 _derivationally_related_form 05984287 +01880113 _derivationally_related_form 07400906 +08984788 _has_part 09166304 +00205046 _derivationally_related_form 14422179 +02183857 _hypernym 02159955 +05083200 _hypernym 05075602 +00906367 _synset_domain_topic_of 08441203 +00340463 _derivationally_related_form 01418667 +00144694 _hypernym 00144850 +08063446 _derivationally_related_form 08060193 +02313250 _hypernym 02213690 +10509161 _derivationally_related_form 05974564 +14181713 _has_part 13079567 +00232863 _hypernym 00232386 +00285557 _derivationally_related_form 01928838 +01212519 _hypernym 01207609 +02210728 _member_meronym 02210567 +10791890 _hypernym 00007846 +09713108 _hypernym 09686536 +02159271 _member_meronym 02232606 +02283716 _verb_group 02202384 +00851933 _derivationally_related_form 01224517 +01912159 _derivationally_related_form 00313245 +11867525 _member_meronym 11892460 +08123696 _hypernym 08337324 +04149374 _derivationally_related_form 02061495 +00465461 _hypernym 00464321 +06782680 _derivationally_related_form 00921072 +01998793 _hypernym 02020590 +05051896 _derivationally_related_form 02747709 +13652994 _hypernym 13603305 +13112664 _hypernym 13103136 +02443609 _derivationally_related_form 10467179 +07123870 _hypernym 07120524 +08958830 _instance_hypernym 08698379 +02863464 _derivationally_related_form 05948857 +01881180 _derivationally_related_form 02122580 +09437369 _hypernym 09258715 +02319129 _also_see 01222884 +03420935 _derivationally_related_form 01571744 +01569181 _derivationally_related_form 14043882 +13763384 _derivationally_related_form 00841125 +07183660 _hypernym 07183151 +04887497 _hypernym 04887129 +01808374 _hypernym 01808769 +14217897 _hypernym 14215331 +01015175 _hypernym 01014990 +08665504 _derivationally_related_form 08672199 +00372607 _hypernym 00372448 +08849753 _has_part 08851034 +00857424 _hypernym 00856847 +02332445 _derivationally_related_form 10163723 +02669081 _derivationally_related_form 05092635 +02053941 _derivationally_related_form 07310507 +04930307 _derivationally_related_form 00300537 +05332802 _hypernym 05333259 +04497962 _synset_domain_topic_of 02958343 +07508806 _derivationally_related_form 10047459 +08805801 _instance_hypernym 08524735 +05464104 _hypernym 05229622 +01455592 _member_meronym 01456296 +01046441 _hypernym 01028655 +11716285 _member_meronym 11716422 +03031553 _hypernym 03522239 +01957529 _synset_domain_topic_of 00299217 +02369390 _derivationally_related_form 05905152 +01146039 _derivationally_related_form 02553697 +12321873 _has_part 07774295 +00284101 _derivationally_related_form 01918183 +05736593 _hypernym 05736149 +01562265 _hypernym 01557185 +10065547 _hypernym 00007846 +01472638 _hypernym 05515670 +04268142 _hypernym 03819595 +14526182 _derivationally_related_form 01229631 +10641755 _derivationally_related_form 00785690 +02384858 _hypernym 00015388 +01213702 _derivationally_related_form 10721124 +04694441 _derivationally_related_form 01538928 +12341126 _member_meronym 12344131 +00855527 _hypernym 00844254 +01125724 _hypernym 00222472 +00957679 _hypernym 00983824 +03371258 _hypernym 03713736 +02640093 _member_meronym 02640242 +01948284 _hypernym 01939598 +02221454 _derivationally_related_form 01108402 +00158996 _hypernym 00157081 +08187988 _hypernym 08187033 +09630641 _hypernym 00007846 +01751722 _derivationally_related_form 03396311 +01950798 _derivationally_related_form 02964389 +01094086 _hypernym 01086103 +06877381 _hypernym 06877078 +00694068 _derivationally_related_form 05923983 +00052500 _derivationally_related_form 01979901 +05982152 _derivationally_related_form 01638368 +05121418 _derivationally_related_form 00948071 +09108164 _has_part 09340203 +00828990 _hypernym 00817680 +08913434 _member_of_domain_region 06988684 +04141975 _hypernym 03733925 +00040325 _derivationally_related_form 13518963 +01079172 _hypernym 01078783 +12590842 _hypernym 11556857 +07190290 _derivationally_related_form 00755447 +05402091 _derivationally_related_form 00368367 +04294212 _hypernym 03183080 +10818088 _synset_domain_topic_of 06453849 +08564307 _has_part 09105821 +02593863 _member_meronym 02595569 +10249270 _hypernym 09623038 +06767035 _derivationally_related_form 02154508 +00075912 _synset_domain_topic_of 00469651 +13928388 _derivationally_related_form 00031921 +00051942 _derivationally_related_form 09991026 +05005250 _hypernym 04997988 +00112312 _hypernym 00045250 +00917772 _derivationally_related_form 07286905 +02559199 _hypernym 02558951 +08240633 _hypernym 08240169 +00164444 _derivationally_related_form 00401783 +00806049 _derivationally_related_form 07176243 +06125698 _hypernym 05999797 +01628450 _hypernym 01342529 +07470671 _hypernym 07456188 +04694441 _derivationally_related_form 01252601 +10468962 _derivationally_related_form 00596807 +09860506 _hypernym 00007846 +02195470 _hypernym 02196948 +00888009 _derivationally_related_form 06685198 +15213115 _has_part 15190895 +00528667 _has_part 07009640 +02524171 _derivationally_related_form 09762821 +08710678 _instance_hypernym 09316454 +07381678 _hypernym 07387509 +06159473 _hypernym 06158346 +03279804 _hypernym 04494204 +05148699 _derivationally_related_form 01158872 +02330407 _hypernym 02327200 +01666717 _derivationally_related_form 10689564 +01921964 _also_see 01923414 +10724699 _hypernym 10335931 +00351963 _derivationally_related_form 15267536 +00699334 _hypernym 00698855 +01944692 _hypernym 01955984 +00343771 _derivationally_related_form 07342495 +00140123 _hypernym 00109660 +02011685 _derivationally_related_form 09988703 +13792579 _hypernym 13791389 +00911752 _hypernym 00911048 +00077950 _derivationally_related_form 00225786 +01846916 _derivationally_related_form 09629752 +14420464 _derivationally_related_form 01220885 +00638585 _hypernym 02645007 +04110439 _synset_domain_topic_of 06128570 +02410393 _also_see 00986027 +01073822 _also_see 02395115 +02689973 _derivationally_related_form 02062430 +00314782 _hypernym 00150287 +02671224 _synset_domain_topic_of 06128570 +00416705 _hypernym 00275607 +00463234 _derivationally_related_form 04293258 +02446512 _hypernym 01864707 +11654124 _member_meronym 11654293 +10417168 _hypernym 09633969 +06264398 _derivationally_related_form 01031256 +08244747 _hypernym 08244062 +01703341 _member_meronym 01703569 +00319214 _derivationally_related_form 05095691 +09394007 _synset_domain_topic_of 06095022 +02467203 _derivationally_related_form 00355691 +02807260 _hypernym 03672352 +09281411 _hypernym 09393605 +05544078 _hypernym 05542893 +01824339 _derivationally_related_form 07486229 +12317919 _member_meronym 12322359 +00386915 _hypernym 00385791 +10700517 _hypernym 10523519 +00320681 _hypernym 00452512 +04507155 _hypernym 02951843 +01945516 _hypernym 01944692 +08860123 _member_of_domain_region 04520480 +03439064 _hypernym 04381994 +01763303 _hypernym 01767612 +00801782 _derivationally_related_form 10561320 +13887509 _hypernym 13910384 +01258617 _derivationally_related_form 02472293 +01514655 _derivationally_related_form 00103140 +08825477 _instance_hypernym 08552138 +00378479 _derivationally_related_form 02759614 +00229605 _hypernym 00227165 +13904843 _derivationally_related_form 01555742 +14427239 _derivationally_related_form 01322221 +10721124 _hypernym 09957156 +08647616 _derivationally_related_form 02701962 +01836087 _hypernym 01835276 +13429888 _hypernym 13434878 +01201773 _derivationally_related_form 00495998 +01742726 _derivationally_related_form 13454318 +00418615 _hypernym 00418025 +11911591 _member_meronym 11975853 +01825237 _derivationally_related_form 07486229 +11566230 _hypernym 11562747 +06781383 _derivationally_related_form 00105778 +09637211 _hypernym 09636339 +10786517 _synset_domain_topic_of 08441203 +09841515 _hypernym 09931640 +08766988 _has_part 08772922 +00813044 _derivationally_related_form 05784831 +01638368 _derivationally_related_form 05982152 +00914929 _derivationally_related_form 01429455 +11953762 _hypernym 11579418 +08612049 _hypernym 08616311 +05798569 _hypernym 05924920 +12157276 _member_meronym 12164215 +06665370 _synset_domain_topic_of 06128570 +03514129 _hypernym 03733925 +02314275 _derivationally_related_form 06540863 +12057211 _hypernym 12056217 +01494310 _also_see 01981036 +01191610 _synset_domain_topic_of 08455829 +08026904 _instance_hypernym 08392137 +10451590 _hypernym 10207831 +05256862 _hypernym 05254795 +02311260 _hypernym 02311387 +01437805 _member_meronym 02583211 +01438720 _member_meronym 01441625 +07446599 _hypernym 07436100 +05072663 _derivationally_related_form 02034986 +00726300 _derivationally_related_form 00171590 +10433737 _hypernym 09633969 +02688794 _hypernym 02687916 +05793000 _has_part 05793554 +01912159 _derivationally_related_form 00296946 +12393527 _member_meronym 12393723 +01826723 _derivationally_related_form 05950733 +08813156 _instance_hypernym 08524735 +07206302 _derivationally_related_form 00799076 +13006171 _hypernym 12998815 +12464649 _hypernym 12464476 +08581503 _derivationally_related_form 02390287 +13304340 _hypernym 13303315 +00191603 _also_see 02102796 +10059323 _derivationally_related_form 06062842 +01244410 _also_see 01076793 +00159880 _derivationally_related_form 08287844 +01902877 _hypernym 09257949 +08723006 _has_part 08727003 +02243744 _hypernym 01762525 +05549061 _derivationally_related_form 01239359 +11927616 _member_meronym 11927740 +07504111 _derivationally_related_form 02195191 +00852685 _derivationally_related_form 06780309 +01258251 _derivationally_related_form 02643872 +00347420 _derivationally_related_form 07286799 +10578162 _synset_domain_topic_of 08083599 +10025060 _hypernym 09927451 +02170848 _hypernym 01759182 +12090318 _member_meronym 12092127 +02423465 _member_meronym 02423589 +12446908 _hypernym 12446519 +01254253 _derivationally_related_form 01458973 +00483656 _synset_domain_topic_of 05718935 +12892226 _member_meronym 12907287 +02691156 _has_part 03638883 +02038357 _also_see 01909397 +05018674 _hypernym 05018103 +00242003 _hypernym 00235435 +01437888 _hypernym 01437254 +01511380 _derivationally_related_form 00390906 +05235879 _hypernym 05225602 +01670378 _hypernym 01657723 +05193338 _hypernym 05192451 +00085626 _derivationally_related_form 01041674 +01175224 _derivationally_related_form 05304932 +02083038 _member_meronym 02083863 +15065713 _hypernym 14662574 +06961399 _hypernym 06960298 +00028565 _derivationally_related_form 10614363 +13299804 _hypernym 13299651 +12852930 _hypernym 11579418 +01280808 _derivationally_related_form 13885836 +11953884 _hypernym 11944196 +13844212 _derivationally_related_form 02724417 +03402188 _synset_domain_topic_of 08199025 +10776052 _hypernym 10677713 +07233634 _derivationally_related_form 00864910 +00220522 _derivationally_related_form 02484208 +07548366 _hypernym 07501545 +01794523 _hypernym 01792567 +06267145 _has_part 06268567 +09612291 _derivationally_related_form 00869596 +00084562 _hypernym 00497705 +02249741 _derivationally_related_form 13282550 +11963158 _member_meronym 11963305 +02530003 _derivationally_related_form 07365024 +01645634 _hypernym 01626134 +08860123 _member_of_domain_region 07459642 +00773235 _derivationally_related_form 02582615 +03800933 _hypernym 03183080 +01378556 _derivationally_related_form 01083077 +08860123 _member_of_domain_usage 04135315 +00103619 _hypernym 00281101 +01765392 _derivationally_related_form 09952163 +00407458 _derivationally_related_form 00276342 +12059851 _hypernym 11556857 +07223170 _derivationally_related_form 01041954 +00444309 _derivationally_related_form 14940100 +08176077 _member_meronym 08853741 +10180580 _hypernym 10351874 +10533983 _derivationally_related_form 00915605 +13963970 _derivationally_related_form 02852920 +00315020 _hypernym 00151689 +11714618 _member_meronym 11716285 +13999663 _derivationally_related_form 01301410 +02200686 _derivationally_related_form 01086081 +00236592 _derivationally_related_form 02003725 +03546340 _hypernym 04341686 +10395209 _derivationally_related_form 02107817 +11634736 _hypernym 11630017 +01836384 _hypernym 01835276 +02757810 _hypernym 04262678 +00345761 _derivationally_related_form 00235435 +01941093 _synset_domain_topic_of 00300441 +00036932 _derivationally_related_form 09439213 +04304375 _hypernym 03273061 +04384406 _hypernym 03169390 +02770717 _hypernym 00311559 +11900569 _hypernym 11669921 +13138308 _derivationally_related_form 13138658 +11867525 _member_meronym 11899921 +01075725 _hypernym 01074498 +08100907 _derivationally_related_form 10750365 +10214062 _hypernym 10213652 +03212811 _derivationally_related_form 00229280 +00163779 _derivationally_related_form 02391803 +04833687 _hypernym 04833458 +09992538 _hypernym 09945905 +00487748 _derivationally_related_form 00362659 +04794751 _derivationally_related_form 01672607 +01306175 _hypernym 01340439 +08358963 _member_meronym 10702781 +03632963 _hypernym 04018667 +05831939 _derivationally_related_form 01789514 +03883664 _hypernym 03880323 +12100538 _member_meronym 12136944 +02879273 _derivationally_related_form 13513747 +06018465 _hypernym 06018022 +00286360 _synset_domain_topic_of 00428270 +09303008 _hypernym 09366317 +13950440 _derivationally_related_form 02669477 +02660651 _derivationally_related_form 06139764 +01501184 _derivationally_related_form 02903204 +00930806 _derivationally_related_form 07163988 +09928136 _hypernym 09927451 +02106966 _hypernym 02103841 +07275275 _derivationally_related_form 02040709 +01545149 _member_meronym 01545752 +04509417 _hypernym 04576211 +09892831 _derivationally_related_form 02447001 +08705251 _instance_hypernym 08524735 +02388403 _derivationally_related_form 04811995 +01678140 _hypernym 01675963 +01939811 _derivationally_related_form 02860847 +01982650 _has_part 02585446 +02382204 _hypernym 02374451 +07274425 _hypernym 06876309 +02587084 _derivationally_related_form 07168131 +02116118 _derivationally_related_form 07514345 +11552976 _synset_domain_topic_of 06066555 +06816106 _hypernym 07037465 +05866822 _synset_domain_topic_of 00912822 +07199565 _derivationally_related_form 00815686 +01079480 _verb_group 01079873 +13503908 _synset_domain_topic_of 06128570 +00337234 _derivationally_related_form 09258715 +00496167 _hypernym 00488225 +13810818 _derivationally_related_form 02243461 +06766190 _derivationally_related_form 01020005 +01194418 _derivationally_related_form 10299250 +00173283 _hypernym 00172710 +05514410 _hypernym 05514081 +03346135 _hypernym 03563967 +12736840 _member_meronym 12736999 +00684273 _synset_domain_topic_of 05946687 +01502262 _member_meronym 01831519 +00694866 _derivationally_related_form 05736593 +01609287 _derivationally_related_form 00114431 +06876309 _hypernym 06873252 +01747717 _hypernym 01631534 +01008437 _hypernym 01007924 +14799244 _hypernym 14580897 +02540347 _hypernym 00250181 +00851239 _hypernym 00794079 +13838386 _synset_domain_topic_of 08441203 +01039925 _derivationally_related_form 00866702 +12922600 _hypernym 11585340 +01821132 _derivationally_related_form 10634990 +06384708 _derivationally_related_form 01702514 +08380340 _derivationally_related_form 02482139 +02765190 _derivationally_related_form 00614999 +08763932 _instance_hypernym 09316454 +08491027 _hypernym 08578706 +05480076 _hypernym 05476256 +08975902 _member_of_domain_region 08047501 +12900148 _member_meronym 12901264 +00193486 _derivationally_related_form 05870180 +01789514 _derivationally_related_form 07372565 +03625355 _hypernym 03309808 +08081403 _derivationally_related_form 01127795 +01500372 _hypernym 01494310 +08166552 _member_meronym 09625401 +07075172 _member_of_domain_usage 01906322 +02804590 _derivationally_related_form 08554440 +00298161 _hypernym 01094725 +13054211 _member_meronym 13059485 +09867956 _derivationally_related_form 02409412 +01623027 _hypernym 01621555 +01920582 _member_meronym 01920735 +00750532 _derivationally_related_form 00731222 +01216670 _derivationally_related_form 00812526 +01673891 _derivationally_related_form 04568298 +00281462 _hypernym 00280853 +00780148 _derivationally_related_form 02572119 +02260362 _synset_domain_topic_of 01090446 +00836788 _derivationally_related_form 01198779 +14168792 _hypernym 14074877 +13513747 _derivationally_related_form 02879273 +00923802 _derivationally_related_form 00500356 +09169801 _instance_hypernym 08505573 +02335629 _derivationally_related_form 00911572 +11607392 _member_meronym 11645271 +15121625 _derivationally_related_form 01732270 +15272029 _hypernym 15271008 +02625612 _hypernym 02624167 +15092650 _hypernym 15090742 +11885856 _hypernym 12205694 +04825383 _hypernym 04876053 +10269458 _derivationally_related_form 02652494 +01300242 _instance_hypernym 01075117 +02762806 _derivationally_related_form 13481883 +04895773 _hypernym 04616059 +13898315 _derivationally_related_form 00483466 +05491612 _has_part 05497363 +11856055 _hypernym 13102409 +05502090 _hypernym 05501711 +03756624 _hypernym 04320126 +01662771 _derivationally_related_form 13913566 +04852750 _derivationally_related_form 02513740 +05496990 _has_part 05299927 +00121166 _derivationally_related_form 01062555 +00521874 _derivationally_related_form 05783357 +05307773 _derivationally_related_form 00331082 +00428404 _also_see 00779374 +01930482 _synset_domain_topic_of 00298497 +06837679 _hypernym 06828818 +01556346 _hypernym 01556921 +02215334 _hypernym 01759182 +09304465 _hypernym 09379111 +06433035 _instance_hypernym 06394865 +13365698 _hypernym 13331778 +00195342 _verb_group 00195617 +00794079 _derivationally_related_form 01896478 +06940701 _hypernym 06937531 +08415661 _synset_domain_topic_of 08199025 +11762237 _member_meronym 11762433 +01917244 _derivationally_related_form 00286756 +02679142 _derivationally_related_form 00949288 +04380346 _hypernym 03623556 +00429322 _derivationally_related_form 01883716 +07915800 _hypernym 07915618 +01862557 _hypernym 08107499 +12638753 _has_part 07752109 +00251013 _derivationally_related_form 01533442 +06453324 _has_part 06437308 +02081423 _hypernym 01864707 +09141526 _has_part 09168707 +02308139 _hypernym 02309337 +10351625 _derivationally_related_form 00616857 +00834259 _derivationally_related_form 10256537 +05629381 _hypernym 05625879 +10345100 _hypernym 10229498 +05634219 _derivationally_related_form 01635056 +05985999 _derivationally_related_form 10557854 +00206927 _derivationally_related_form 02501738 +10340312 _derivationally_related_form 03800933 +05697135 _hypernym 05669934 +02614812 _derivationally_related_form 00748307 +04010348 _hypernym 02720725 +01572328 _hypernym 01571904 +01432353 _derivationally_related_form 05301072 +01549187 _derivationally_related_form 00394610 +00386392 _similar_to 00392093 +01241331 _hypernym 01247647 +12588584 _hypernym 15094294 +01417361 _hypernym 01416585 +03099945 _hypernym 03183080 +12446519 _hypernym 12425281 +00341285 _hypernym 00339934 +02995345 _hypernym 03278248 +00614057 _hypernym 00613683 +00348801 _hypernym 00345926 +01452633 _member_meronym 01452798 +00324384 _hypernym 00279835 +02349212 _derivationally_related_form 10732314 +00906735 _hypernym 01010118 +14513259 _hypernym 13934596 +00792471 _verb_group 00753881 +08751317 _has_part 08751494 +08063446 _derivationally_related_form 02245993 +00447771 _verb_group 00447950 +01036778 _hypernym 01027859 +00483801 _derivationally_related_form 03079741 +01890718 _hypernym 01864707 +02705201 _derivationally_related_form 02618468 +01684435 _hypernym 01657723 +11720088 _hypernym 11571907 +01030832 _hypernym 00884540 +06769032 _synset_domain_topic_of 05946687 +06153186 _derivationally_related_form 10693824 +01988886 _hypernym 01989053 +13548931 _synset_domain_topic_of 06055946 +12926480 _hypernym 13112664 +02202509 _hypernym 01759182 +00495038 _derivationally_related_form 14920844 +01926247 _member_meronym 01926379 +05187446 _hypernym 05177285 +09937903 _hypernym 10107303 +02463990 _derivationally_related_form 10564800 +01383947 _derivationally_related_form 01956481 +02626405 _hypernym 02624263 +02444662 _derivationally_related_form 01139194 +00043195 _derivationally_related_form 02286687 +10460286 _derivationally_related_form 00798108 +07289588 _derivationally_related_form 00925735 +04865722 _derivationally_related_form 00601043 +02960690 _hypernym 03323703 +12501745 _member_meronym 12552658 +14391876 _derivationally_related_form 01786906 +05460870 _has_part 05430095 +00580512 _derivationally_related_form 15299367 +09942970 _synset_domain_topic_of 08199025 +00971015 _hypernym 01029852 +13025647 _hypernym 12992868 +01731353 _synset_domain_topic_of 07020895 +02302817 _derivationally_related_form 10495555 +06540863 _synset_domain_topic_of 08441203 +01821996 _hypernym 01797347 +06991764 _hypernym 06991277 +05147940 _hypernym 05147381 +09044862 _member_of_domain_region 13319512 +00461493 _also_see 02148109 +15237250 _has_part 15237567 +00289840 _hypernym 00281101 +09014979 _instance_hypernym 08544813 +06267145 _has_part 06268784 +07985223 _hypernym 07996689 +01547459 _member_meronym 01555172 +09784707 _hypernym 09824609 +11822849 _hypernym 11573660 +10135709 _hypernym 09767197 +01042242 _synset_domain_topic_of 08087570 +09774783 _hypernym 00007846 +10791221 _derivationally_related_form 05638063 +00570205 _verb_group 00570003 +01699415 _hypernym 01656813 +09434661 _instance_hypernym 09403734 +00674158 _hypernym 00690501 +08389297 _synset_domain_topic_of 08199025 +08969291 _instance_hypernym 08698379 +07401960 _hypernym 07402519 +12529500 _hypernym 12205694 +11318171 _instance_hypernym 09765278 +07075172 _member_of_domain_usage 09125984 +10564224 _hypernym 10150071 +01885239 _hypernym 01968569 +13320168 _hypernym 13318147 +14045141 _hypernym 14557898 +03816849 _hypernym 03129123 +14139661 _hypernym 14138691 +12742546 _member_meronym 12742741 +10055566 _derivationally_related_form 05985999 +01566185 _derivationally_related_form 10544748 +08270662 _hypernym 07951464 +04118021 _has_part 03265479 +07826544 _hypernym 07809368 +02347637 _derivationally_related_form 09909760 +05919866 _derivationally_related_form 00931852 +01815628 _derivationally_related_form 01800349 +02624263 _derivationally_related_form 07323922 +02485451 _derivationally_related_form 01164874 +00425451 _derivationally_related_form 01820901 +00591111 _hypernym 00586262 +04248851 _derivationally_related_form 01481027 +00817680 _hypernym 00407535 +11329281 _instance_hypernym 10426749 +07154046 _hypernym 06765044 +00112312 _derivationally_related_form 01872645 +08149781 _derivationally_related_form 02091574 +01493741 _also_see 00021065 +10196965 _derivationally_related_form 05152696 +00808855 _derivationally_related_form 10213319 +09093608 _has_part 09398217 +00222135 _derivationally_related_form 07926127 +00326773 _synset_domain_topic_of 00243918 +12359026 _member_meronym 12387201 +06845599 _member_of_domain_usage 03817062 +08648153 _hypernym 05128519 +05625879 _hypernym 05625465 +13556893 _derivationally_related_form 02767922 +04284735 _hypernym 04285146 +10252075 _hypernym 10180178 +10054657 _hypernym 09623038 +08747737 _has_part 08748280 +10322391 _hypernym 09998101 +05517837 _synset_domain_topic_of 06060845 +08414807 _derivationally_related_form 10396106 +14425715 _derivationally_related_form 08477634 +02520997 _derivationally_related_form 05798569 +07105475 _member_of_domain_usage 13855828 +05008943 _derivationally_related_form 01477806 +08587828 _hypernym 08491826 +12655351 _hypernym 12654387 +09956578 _derivationally_related_form 01114303 +01802689 _derivationally_related_form 14324274 +09014586 _has_part 09014850 +09148970 _member_of_domain_region 01290435 +05660268 _hypernym 05616786 +03932203 _derivationally_related_form 01590171 +01698271 _derivationally_related_form 03906997 +02059462 _hypernym 01850315 +08987423 _has_part 08988216 +02234988 _hypernym 00235368 +02654686 _hypernym 02654416 +00037919 _derivationally_related_form 02807731 +04373894 _has_part 13902482 +01888520 _member_meronym 01894040 +00909899 _hypernym 00908909 +03837157 _hypernym 02716866 +11458102 _hypernym 11473954 +03011355 _hypernym 03716327 +08860123 _member_of_domain_region 04314522 +00013615 _derivationally_related_form 07014029 +07515790 _hypernym 07515560 +01845720 _verb_group 01846916 +01325536 _derivationally_related_form 14540564 +09976917 _derivationally_related_form 01911888 +07369604 _derivationally_related_form 00300537 +08830456 _instance_hypernym 08552138 +00049636 _hypernym 00049003 +02541431 _hypernym 01429349 +13173882 _hypernym 13172923 +05923983 _hypernym 05923696 +08560027 _derivationally_related_form 02225204 +01590747 _derivationally_related_form 05534333 +02387034 _verb_group 00603298 +00390735 _hypernym 00385791 +01566476 _derivationally_related_form 10294602 +14365741 _derivationally_related_form 00093979 +07420770 _hypernym 07296428 +00318035 _derivationally_related_form 02230772 +12890009 _member_meronym 12890265 +10342180 _derivationally_related_form 00963896 +02131418 _member_meronym 02131653 +06780309 _derivationally_related_form 02873654 +02208537 _derivationally_related_form 10700201 +02160433 _derivationally_related_form 02814860 +05126611 _hypernym 05125377 +00256746 _hypernym 00257228 +08780881 _has_part 08789243 +09152944 _has_part 09154178 +01896031 _has_part 01897991 +01543508 _member_meronym 01543632 +00995286 _hypernym 01020356 +02618149 _verb_group 02614181 +13285714 _derivationally_related_form 02294436 +15206296 _has_part 15207556 +00563824 _derivationally_related_form 13741022 +01560369 _hypernym 01248782 +07374152 _synset_domain_topic_of 06075527 +01802309 _member_meronym 01803764 +09137451 _instance_hypernym 08695539 +01401772 _derivationally_related_form 00128867 +08860123 _member_of_domain_region 09935233 +01701858 _synset_domain_topic_of 07092592 +10314952 _hypernym 09629752 +06838329 _hypernym 06828818 +00418394 _hypernym 00418025 +02686568 _has_part 04226537 +01044084 _derivationally_related_form 10198602 +11420139 _hypernym 11490638 +10259780 _hypernym 09937250 +14798039 _hypernym 15047313 +02257767 _derivationally_related_form 07443761 +05141222 _hypernym 05138488 +08804962 _instance_hypernym 08803382 +07047679 _hypernym 07037465 +10484739 _hypernym 00007846 +12297678 _hypernym 11567411 +11054442 _instance_hypernym 09765278 +02028556 _member_meronym 02028900 +13631037 _has_part 13630387 +13860281 _derivationally_related_form 02634808 +13652994 _has_part 13650447 +05970755 _derivationally_related_form 10071557 +03027250 _hypernym 03525827 +01614581 _hypernym 01343892 +06295235 _member_of_domain_usage 02869249 +12769815 _member_meronym 12770068 +02135048 _derivationally_related_form 07371293 +00275253 _hypernym 00208836 +08304135 _member_meronym 09012735 +05566504 _hypernym 05566919 +02531199 _derivationally_related_form 00788766 +08795974 _synset_domain_topic_of 06449735 +10629020 _derivationally_related_form 00969370 +01566490 _derivationally_related_form 10008716 +02483915 _member_meronym 02486138 +02753044 _has_part 03970673 +09152944 _instance_hypernym 08655464 +14215331 _hypernym 14276936 +09578465 _hypernym 09505418 +07545415 _hypernym 07544647 +12965209 _hypernym 11590783 +12511239 _hypernym 13100677 +02497062 _derivationally_related_form 13996061 +01918803 _derivationally_related_form 00290406 +09684082 _hypernym 10016103 +02992070 _derivationally_related_form 14513259 +08838556 _instance_hypernym 09316454 +09913110 _hypernym 09821831 +00663894 _derivationally_related_form 06477371 +03359566 _hypernym 02876657 +00430140 _derivationally_related_form 01138911 +09898215 _derivationally_related_form 00924579 +00531904 _derivationally_related_form 13462795 +00070816 _derivationally_related_form 05724694 +13546416 _synset_domain_topic_of 06055946 +09306031 _instance_hypernym 09411430 +05923983 _derivationally_related_form 00694068 +13350976 _derivationally_related_form 02421749 +10426749 _derivationally_related_form 00903559 +09117351 _has_part 09118817 +02530167 _derivationally_related_form 00786195 +00690614 _derivationally_related_form 06782019 +10169796 _hypernym 10294602 +00038750 _derivationally_related_form 09764900 +09443136 _derivationally_related_form 00309310 +02430580 _derivationally_related_form 14421373 +00593732 _hypernym 00586262 +00253919 _hypernym 00251013 +00638723 _synset_domain_topic_of 06000644 +09117118 _instance_hypernym 08499840 +08617963 _derivationally_related_form 02021149 +03646296 _hypernym 04184435 +00081072 _synset_domain_topic_of 00612160 +05549061 _has_part 05604950 +13872592 _derivationally_related_form 01584321 +09140148 _has_part 09455640 +00864226 _hypernym 00864535 +06278136 _derivationally_related_form 02180529 +01315333 _verb_group 02326355 +02304982 _hypernym 02281093 +01166351 _derivationally_related_form 00838367 +02185988 _hypernym 02176268 +11691523 _hypernym 13875970 +01781180 _hypernym 01779165 +02356974 _hypernym 02324478 +10276764 _hypernym 10595647 +05551711 _derivationally_related_form 02860389 +07115914 _derivationally_related_form 02950154 +12260021 _hypernym 11534677 +06671637 _derivationally_related_form 00882948 +00791134 _hypernym 00792471 +01482754 _hypernym 01429349 +13451508 _hypernym 13491060 +00095971 _derivationally_related_form 00384620 +09830629 _derivationally_related_form 01926031 +02049190 _derivationally_related_form 13875970 +02862048 _has_part 03448590 +10114897 _hypernym 09977660 +01379389 _hypernym 01350855 +01694430 _member_meronym 01694558 +13254237 _synset_domain_topic_of 08441203 +00861725 _hypernym 00860292 +02416278 _derivationally_related_form 01205156 +10341660 _hypernym 00004475 +02503803 _derivationally_related_form 00206302 +14752952 _hypernym 15058163 +10525134 _derivationally_related_form 01803936 +02570838 _hypernym 02554730 +00921738 _derivationally_related_form 03721797 +06708475 _hypernym 06706676 +05596004 _hypernym 05595531 +02528534 _hypernym 01342529 +12329899 _member_meronym 12332422 +15067877 _hypernym 03013162 +04773596 _hypernym 04773351 +07121361 _derivationally_related_form 01047381 +00769453 _hypernym 00768778 +14775995 _hypernym 14775729 +00106456 _also_see 00016756 +00107739 _derivationally_related_form 00376994 +03372029 _hypernym 04598582 +02481436 _derivationally_related_form 04810035 +01210152 _hypernym 01206218 +15152261 _hypernym 13952601 +03748886 _derivationally_related_form 02260362 +02264885 _hypernym 02264363 +04389033 _hypernym 03764276 +07824988 _derivationally_related_form 00213223 +05678745 _hypernym 05678474 +08720481 _has_part 09272927 +00775156 _derivationally_related_form 09939313 +07075172 _member_of_domain_usage 05828102 +03581125 _hypernym 03605722 +06304059 _hypernym 06286395 +00256507 _derivationally_related_form 13570574 +01812068 _derivationally_related_form 13987719 +01698271 _hypernym 01697816 +10706812 _synset_domain_topic_of 00933420 +00882802 _hypernym 01024190 +10662952 _hypernym 10741367 +01144133 _derivationally_related_form 00704690 +14449126 _hypernym 13920835 +04629194 _hypernym 04616059 +05761918 _derivationally_related_form 00609683 +02611442 _derivationally_related_form 06906971 +00442267 _hypernym 00140123 +00905399 _derivationally_related_form 06552639 +02136901 _hypernym 01864707 +10787470 _derivationally_related_form 08477634 +01610101 _hypernym 01494310 +07352190 _hypernym 07309781 +06502378 _hypernym 06647206 +08807554 _instance_hypernym 08651247 +01216191 _derivationally_related_form 02679530 +09044862 _has_part 09087599 +09249034 _hypernym 09386842 +02766390 _derivationally_related_form 13372123 +00064643 _hypernym 00064889 +08042856 _synset_domain_topic_of 00759694 +07139316 _derivationally_related_form 00962447 +12627119 _hypernym 12626353 +00064095 _hypernym 00205885 +05607402 _hypernym 05492259 +00774344 _derivationally_related_form 01176431 +04858785 _derivationally_related_form 02545045 +02923745 _derivationally_related_form 06970103 +09772746 _hypernym 10257647 +01955933 _hypernym 01940736 +15127982 _instance_hypernym 15247518 +03569964 _has_part 03997027 +07327805 _hypernym 07326557 +10109662 _derivationally_related_form 02617338 +01062817 _derivationally_related_form 02641035 +12281788 _hypernym 12281241 +02757462 _has_part 04043411 +00365647 _derivationally_related_form 07313241 +07566340 _hypernym 00021265 +09960315 _hypernym 00007846 +10700105 _derivationally_related_form 02419773 +08522518 _hypernym 08521816 +08361329 _derivationally_related_form 02533907 +12637729 _hypernym 11585340 +01132980 _hypernym 01131902 +00715674 _hypernym 00714944 +12327718 _hypernym 11567411 +00161225 _derivationally_related_form 06548498 +00873682 _derivationally_related_form 07212424 +04562658 _has_part 04078747 +03948041 _hypernym 03828465 +03670849 _has_part 02845576 +00794079 _derivationally_related_form 09184975 +09119277 _has_part 04604009 +02466134 _derivationally_related_form 10592397 +09049303 _has_part 09117351 +14685172 _hypernym 14633206 +05021535 _derivationally_related_form 00302875 +02561888 _derivationally_related_form 09365863 +01796346 _derivationally_related_form 01261293 +10735298 _derivationally_related_form 02587239 +14292090 _hypernym 14285662 +08241309 _hypernym 08240633 +02604342 _hypernym 01432517 +00941485 _also_see 01705655 +11757851 _hypernym 11756092 +02601589 _member_meronym 02601767 +12536040 _hypernym 13112664 +02763714 _has_part 03474896 +02182342 _hypernym 02176268 +01529036 _member_meronym 01535842 +09026499 _instance_hypernym 08524735 +05509452 _has_part 05512337 +01808626 _hypernym 01808769 +01300782 _instance_hypernym 00956485 +01140514 _also_see 00063277 +00412048 _synset_domain_topic_of 00923444 +15224293 _derivationally_related_form 00233335 +01646941 _synset_domain_topic_of 00004258 +06753550 _synset_domain_topic_of 06163751 +07425011 _derivationally_related_form 00119873 +05540513 _has_part 05541231 +08731606 _has_part 08715390 +01369758 _hypernym 01564144 +03391301 _hypernym 03391770 +07597365 _hypernym 07596684 +10648237 _derivationally_related_form 02258617 +01409177 _synset_domain_topic_of 00464894 +11728530 _hypernym 13103136 +04445952 _derivationally_related_form 01475075 +01444887 _derivationally_related_form 04270891 +01610955 _hypernym 01605630 +12356255 _member_meronym 12356395 +01630795 _hypernym 01626600 +06201908 _derivationally_related_form 00680346 +06851742 _member_of_domain_usage 02702575 +01512921 _synset_domain_topic_of 00471613 +00760956 _derivationally_related_form 07150644 +03433877 _derivationally_related_form 01628197 +03018498 _derivationally_related_form 08378356 +00354634 _derivationally_related_form 14010927 +02391994 _hypernym 02373336 +11199727 _instance_hypernym 10072708 +11240609 _instance_hypernym 09765278 +00083334 _hypernym 00083124 +05954100 _synset_domain_topic_of 06232880 +14082595 _derivationally_related_form 01389007 +02374451 _derivationally_related_form 01184058 +06511874 _derivationally_related_form 00698855 +06774316 _synset_domain_topic_of 07148573 +01452954 _hypernym 01432517 +00677203 _hypernym 00674607 +01727052 _hypernym 01725051 +01105737 _derivationally_related_form 02909006 +02684254 _hypernym 02684924 +09189411 _has_part 08734044 +14503665 _hypernym 14501726 +12213635 _member_meronym 12220994 +12238491 _hypernym 13112664 +00057748 _hypernym 00052334 +14629149 _hypernym 14622893 +03527243 _hypernym 03925226 +05182563 _synset_domain_topic_of 08441203 +05611302 _derivationally_related_form 00609506 +12192877 _has_part 12193205 +10161867 _derivationally_related_form 02560164 +06851742 _member_of_domain_usage 03767459 +10482921 _derivationally_related_form 06674542 +02564986 _also_see 00696518 +02257370 _derivationally_related_form 00040152 +13282007 _derivationally_related_form 02249741 +01107544 _hypernym 01105639 +01068184 _derivationally_related_form 00201407 +14234074 _synset_domain_topic_of 06060845 +00812526 _hypernym 00812274 +10557854 _derivationally_related_form 00604694 +14292090 _derivationally_related_form 00107943 +01218932 _derivationally_related_form 00860620 +07503260 _derivationally_related_form 01808374 +11911591 _member_meronym 12028196 +06761099 _hypernym 06758225 +00836236 _hypernym 00955148 +01864634 _derivationally_related_form 00290276 +08801678 _has_part 08805386 +08209687 _derivationally_related_form 02454939 +03446528 _has_part 03526805 +03892273 _hypernym 04162998 +14686913 _derivationally_related_form 00442267 +12322887 _member_meronym 12346179 +12501745 _member_meronym 12505987 +01106808 _hypernym 01080366 +00273963 _derivationally_related_form 14889479 +08020785 _instance_hypernym 08392137 +00874977 _hypernym 00874806 +01610463 _hypernym 00126264 +10269458 _derivationally_related_form 01177118 +11972569 _member_meronym 11972759 +00847932 _hypernym 00847340 +06350592 _hypernym 06350274 +02544348 _derivationally_related_form 00802629 +00597634 _derivationally_related_form 10280130 +08615149 _hypernym 08673395 +11960540 _hypernym 11579418 +05566097 _hypernym 05559908 +14749794 _hypernym 14745635 +02000547 _derivationally_related_form 10741821 +12972966 _member_meronym 12973541 +09926862 _hypernym 10708454 +10214062 _derivationally_related_form 01126360 +02017878 _member_meronym 02018027 +04656748 _derivationally_related_form 02258600 +00501479 _hypernym 00499066 +01118081 _derivationally_related_form 10669727 +01028748 _derivationally_related_form 06333653 +01692266 _hypernym 01691057 +12945177 _hypernym 13122364 +01635176 _derivationally_related_form 06367107 +08974604 _instance_hypernym 08633957 +03259505 _has_part 03619890 +00146138 _verb_group 02626604 +12322887 _member_meronym 12325497 +05600431 _hypernym 05249636 +12466450 _hypernym 11561228 +06741728 _hypernym 06741305 +01022008 _derivationally_related_form 02375131 +07516997 _derivationally_related_form 02723016 +01755274 _member_meronym 01756508 +06207561 _derivationally_related_form 01778017 +09842823 _derivationally_related_form 00818253 +00500356 _hypernym 00109660 +13329641 _hypernym 00032613 +00972608 _derivationally_related_form 01078086 +08402442 _derivationally_related_form 10323182 +06753800 _derivationally_related_form 00632236 +10652954 _derivationally_related_form 06018465 +12298783 _hypernym 11567411 +01950657 _derivationally_related_form 04048075 +00333066 _hypernym 02467662 +04110439 _hypernym 02678384 +08897065 _instance_hypernym 08698379 +05586446 _hypernym 05585383 +07006119 _derivationally_related_form 00796047 +00444629 _derivationally_related_form 13566535 +02678677 _derivationally_related_form 11685179 +04854389 _derivationally_related_form 00957176 +00269140 _hypernym 00236592 +01884348 _hypernym 01864707 +08036005 _instance_hypernym 08392137 +01792567 _derivationally_related_form 07494363 +03413428 _hypernym 02913152 +07157273 _member_of_domain_usage 14375761 +02403920 _hypernym 02404224 +01164874 _hypernym 01163779 +12430471 _hypernym 12430198 +01534147 _derivationally_related_form 14498096 +01483324 _also_see 01475831 +11107901 _instance_hypernym 10020890 +11786843 _hypernym 13125117 +01233397 _hypernym 01080366 +08182379 _hypernym 07975026 +02892767 _has_part 04333500 +12633061 _hypernym 13112664 +07367708 _derivationally_related_form 00337065 +02391803 _derivationally_related_form 08402442 +02544348 _derivationally_related_form 14541852 +02066086 _hypernym 01864707 +01708676 _derivationally_related_form 09990415 +08805801 _instance_hypernym 08633957 +06390805 _has_part 06491786 +02345856 _derivationally_related_form 10615334 +02049696 _derivationally_related_form 07310642 +00589318 _hypernym 00586262 +09842047 _hypernym 09820263 +10399491 _derivationally_related_form 02539788 +02508615 _hypernym 01864707 +04762355 _derivationally_related_form 00625393 +13095348 _hypernym 13086908 +02075927 _hypernym 02062017 +00130347 _derivationally_related_form 01154175 +05476915 _hypernym 05462674 +05943300 _derivationally_related_form 10425946 +03280813 _hypernym 04048568 +05321917 _hypernym 05225602 +12577362 _hypernym 11747468 +04461294 _hypernym 03670849 +10239928 _synset_domain_topic_of 06951067 +01411556 _hypernym 01347199 +00158185 _hypernym 00157081 +02371647 _member_meronym 02371801 +05761918 _hypernym 05651399 +03085602 _has_part 04588739 +09941964 _derivationally_related_form 00751887 +01566386 _member_meronym 01566509 +05525252 _hypernym 05513302 +03103128 _has_part 04422875 +04935528 _derivationally_related_form 00052672 +01460029 _also_see 00677544 +00712135 _derivationally_related_form 10102506 +01896295 _derivationally_related_form 00539121 +02033703 _hypernym 02033295 +01152040 _hypernym 01151110 +00483466 _derivationally_related_form 13898315 +02194414 _hypernym 01759182 +01918183 _derivationally_related_form 00284101 +09448361 _derivationally_related_form 02070466 +01065630 _derivationally_related_form 09911570 +00016855 _hypernym 00017282 +15263283 _hypernym 05943300 +05254197 _hypernym 05220461 +02601808 _hypernym 00109660 +00972621 _derivationally_related_form 01118449 +03471779 _hypernym 02886599 +12039743 _member_meronym 12081022 +05945642 _derivationally_related_form 00631737 +08860123 _member_of_domain_region 08153874 +12476902 _member_meronym 12477583 +10864204 _instance_hypernym 09754217 +11787190 _hypernym 13121544 +01801088 _hypernym 01789386 +04046810 _hypernym 04048568 +00952524 _hypernym 00831651 +01496617 _hypernym 01342529 +07020239 _hypernym 06619065 +01605630 _hypernym 01604330 +03588046 _hypernym 03740161 +09944529 _hypernym 10197967 +09204977 _has_part 08764561 +06845599 _member_of_domain_usage 03979847 +02378870 _derivationally_related_form 01916634 +08766988 _has_part 09367827 +01827064 _hypernym 01825237 +12611815 _member_meronym 12612020 +05521636 _has_part 05372125 +01410223 _also_see 01258302 +07502387 _hypernym 07501545 +01143838 _hypernym 01480149 +00376400 _derivationally_related_form 01298931 +02084071 _has_part 02158846 +05773548 _hypernym 05770926 +08141664 _hypernym 08348815 +12910141 _member_meronym 12911079 +01538775 _hypernym 01504437 +07465448 _hypernym 07456188 +04194289 _has_part 02964634 +01410223 _hypernym 01206218 +01429953 _derivationally_related_form 00849768 +09714694 _hypernym 09641757 +03792782 _hypernym 02834778 +08399287 _hypernym 08398773 +00075790 _hypernym 00074790 +12785110 _hypernym 11744583 +01439657 _member_meronym 01439808 +12148610 _hypernym 11556857 +08075388 _derivationally_related_form 09876701 +00811355 _hypernym 00810598 +03141702 _derivationally_related_form 00339085 +01035853 _derivationally_related_form 02994312 +10438042 _derivationally_related_form 01387656 +14422488 _hypernym 13920835 +01488539 _hypernym 01429349 +04722715 _hypernym 04721058 +09141526 _has_part 09144117 +05978812 _derivationally_related_form 02910789 +13007195 _member_meronym 13007417 +07324673 _derivationally_related_form 00426581 +04718563 _hypernym 04715487 +02186360 _derivationally_related_form 07394814 +01645093 _hypernym 01626134 +02499990 _member_meronym 02500472 +01149494 _derivationally_related_form 13988663 +04270891 _has_part 02790322 +11424400 _hypernym 11452218 +00242583 _derivationally_related_form 02434238 +14184986 _hypernym 14173484 +09162803 _instance_hypernym 08524735 +14437134 _derivationally_related_form 00489496 +13144794 _hypernym 13100677 +01190561 _hypernym 01187810 +07160883 _hypernym 00030358 +07243837 _derivationally_related_form 00828003 +01465365 _derivationally_related_form 13743605 +02055649 _derivationally_related_form 00330160 +10204177 _hypernym 09882007 +13611207 _hypernym 13600097 +10071139 _hypernym 10103485 +09053019 _has_part 09138935 +02265231 _derivationally_related_form 00868910 +01053067 _derivationally_related_form 01469445 +01684435 _member_meronym 01684578 +01853696 _derivationally_related_form 04473432 +08626283 _hypernym 08491826 +02029492 _verb_group 01377571 +12149751 _hypernym 11555413 +09220046 _instance_hypernym 09411430 +01769789 _member_meronym 01769930 +05765415 _hypernym 05765159 +01214171 _hypernym 01212519 +04956594 _hypernym 04950126 +01161161 _hypernym 01160342 +06510977 _hypernym 06509210 +02497832 _member_meronym 02497983 +00567685 _hypernym 00567044 +02068413 _derivationally_related_form 04287153 +02531625 _derivationally_related_form 00639975 +00647929 _hypernym 00644583 +15182805 _hypernym 15184008 +02161432 _also_see 01275562 +09892831 _synset_domain_topic_of 08199025 +01496944 _hypernym 01429349 +00201923 _derivationally_related_form 00462092 +02531625 _derivationally_related_form 10728998 +08619949 _hypernym 08673395 +02123298 _derivationally_related_form 05722868 +13636989 _hypernym 13632961 +02095311 _also_see 01059400 +02003601 _derivationally_related_form 10193026 +03475823 _hypernym 04447443 +01555172 _hypernym 01507175 +02743050 _hypernym 03974215 +01803641 _hypernym 01803078 +04806804 _derivationally_related_form 02584981 +12805146 _hypernym 13112664 +00628125 _hypernym 00200397 +00289679 _hypernym 00283911 +10197525 _hypernym 10599354 +05042283 _hypernym 05040275 +05616092 _hypernym 05614175 +01917244 _derivationally_related_form 10178917 +05670972 _derivationally_related_form 02577061 +07427534 _hypernym 07427337 +01306654 _hypernym 01309143 +14452616 _derivationally_related_form 02020413 +00325328 _hypernym 00322847 +00403911 _derivationally_related_form 00378042 +12841686 _hypernym 11579418 +00344125 _derivationally_related_form 04733640 +08770274 _instance_hypernym 08633957 +03548626 _has_part 04087126 +07319652 _hypernym 07317764 +02841315 _hypernym 03852280 +06845599 _member_of_domain_usage 04407007 +07497976 _derivationally_related_form 01806505 +08853741 _has_part 08855763 +00053889 _hypernym 00146138 +01443998 _member_meronym 01444164 +08984788 _has_part 08986526 +10548681 _hypernym 10053808 +02268351 _derivationally_related_form 10479561 +10259527 _hypernym 09943541 +10372076 _hypernym 09769636 +00667942 _derivationally_related_form 00155298 +06605046 _member_of_domain_usage 13441387 +01106504 _hypernym 01105639 +06628861 _derivationally_related_form 01059123 +00792991 _derivationally_related_form 10669991 +08860123 _member_of_domain_region 14530659 +04504770 _hypernym 04004475 +02863724 _derivationally_related_form 00369628 +01212230 _also_see 00968211 +02525012 _hypernym 01432517 +01726172 _derivationally_related_form 00101191 +08612340 _hypernym 08616311 +02896442 _has_part 03062651 +02435634 _derivationally_related_form 00976698 +08563180 _has_part 09048127 +08402693 _member_meronym 09821086 +10583387 _derivationally_related_form 08499840 +14966667 _derivationally_related_form 03845360 +01360712 _hypernym 01352059 +03417345 _hypernym 08674739 +13403643 _derivationally_related_form 01000214 +06498569 _member_meronym 06837787 +05984287 _hypernym 05809192 +01533339 _hypernym 01529672 +10464178 _hypernym 09927451 +14565417 _hypernym 14197468 +00943837 _derivationally_related_form 00943363 +01573074 _hypernym 01571904 +00785690 _derivationally_related_form 00635205 +01481599 _member_meronym 01483188 +06714976 _hypernym 06598915 +01263659 _hypernym 00173338 +12659203 _hypernym 11585340 +02278939 _also_see 00873603 +03400231 _has_part 03485997 +02469588 _member_meronym 02470451 +12946088 _member_meronym 12946578 +06805297 _derivationally_related_form 00954422 +00746587 _derivationally_related_form 02568065 +12213635 _member_meronym 12215373 +10635460 _hypernym 10479561 +00391417 _hypernym 00462092 +14738752 _derivationally_related_form 00458754 +07439570 _derivationally_related_form 00455212 +07059255 _hypernym 07071942 +00206302 _derivationally_related_form 02503803 +00776262 _hypernym 00768701 +05633385 _derivationally_related_form 01632411 +09997404 _derivationally_related_form 00772189 +00210738 _derivationally_related_form 13077295 +00456199 _synset_domain_topic_of 00455599 +09754541 _derivationally_related_form 00798717 +02289466 _member_meronym 02289610 +09787534 _hypernym 10013927 +06437308 _instance_hypernym 06394865 +02130190 _member_meronym 02130308 +02608823 _hypernym 02604760 +08982587 _member_of_domain_region 01296505 +10456138 _derivationally_related_form 02782815 +04947628 _derivationally_related_form 02234781 +04744814 _derivationally_related_form 01409581 +11447851 _derivationally_related_form 01650425 +02527651 _derivationally_related_form 01263018 +01473886 _derivationally_related_form 14500047 +10884597 _instance_hypernym 10060621 +01190884 _derivationally_related_form 00760956 +01139194 _derivationally_related_form 00802946 +10596899 _derivationally_related_form 01039330 +03351434 _member_meronym 03351151 +00298497 _derivationally_related_form 01930874 +12740514 _member_meronym 12745160 +06449735 _has_part 06440663 +07719839 _hypernym 07710283 +02343595 _verb_group 00732224 +04693900 _derivationally_related_form 01551195 +12679712 _hypernym 11579418 +15069820 _derivationally_related_form 00431327 +00153263 _derivationally_related_form 05108947 +02584097 _derivationally_related_form 00055315 +12262327 _member_meronym 12263038 +00562398 _derivationally_related_form 01478002 +02568087 _hypernym 02566834 +14686913 _hypernym 14875077 +14951229 _hypernym 14951377 +08611063 _hypernym 08497294 +00192051 _hypernym 00126264 +12336092 _hypernym 12334891 +00955148 _derivationally_related_form 06605897 +02101108 _hypernym 02098550 +01455986 _hypernym 01432517 +13874558 _hypernym 13867641 +06740183 _hypernym 06738281 +02546075 _hypernym 02546467 +02626762 _hypernym 02512938 +09049303 _instance_hypernym 08574314 +08723006 _has_part 09286843 +09913824 _synset_domain_topic_of 06084469 +02617029 _member_meronym 02617956 +05582859 _synset_domain_topic_of 06063588 +09090389 _instance_hypernym 08574314 +07505047 _derivationally_related_form 01766748 +05587034 _has_part 05596651 +12100538 _member_meronym 12124505 +09207288 _instance_hypernym 09254614 +05576950 _hypernym 05576573 +10362428 _derivationally_related_form 00468236 +01634887 _synset_domain_topic_of 06055946 +02232951 _hypernym 02159955 +01356750 _hypernym 01290422 +01238358 _derivationally_related_form 08511241 +01542567 _member_meronym 01544067 +06520222 _derivationally_related_form 00662485 +13429888 _derivationally_related_form 00410406 +15192890 _synset_domain_topic_of 08083599 +02362025 _member_meronym 02362420 +09443453 _hypernym 09287968 +02271740 _member_meronym 02272428 +09125203 _instance_hypernym 08524735 +04686003 _derivationally_related_form 00166146 +09322701 _instance_hypernym 09360122 +02453890 _hypernym 01342529 +01318053 _hypernym 01317541 +01023071 _derivationally_related_form 06706317 +01529036 _member_meronym 01529672 +00195569 _derivationally_related_form 00436404 +05920791 _derivationally_related_form 00929839 +12668732 _hypernym 11579418 +06845599 _member_of_domain_usage 03441778 +12767951 _member_meronym 12768177 +00445802 _derivationally_related_form 01420765 +02460817 _hypernym 02460009 +01112979 _synset_domain_topic_of 00468480 +07551498 _hypernym 07551052 +07696527 _hypernym 07695965 +08029908 _synset_domain_topic_of 00759694 +06649915 _derivationally_related_form 00820976 +06733227 _synset_domain_topic_of 06163751 +02245592 _member_meronym 02246284 +04693900 _hypernym 04692157 +02102398 _verb_group 01955984 +00053913 _derivationally_related_form 02428487 +10329945 _hypernym 09631463 +06781581 _derivationally_related_form 01702331 +06304671 _derivationally_related_form 01563336 +06495328 _derivationally_related_form 00794981 +07412092 _derivationally_related_form 00424869 +05305136 _has_part 05240850 +14475661 _hypernym 14475405 +08954057 _instance_hypernym 09203827 +02544781 _hypernym 02544348 +06523132 _derivationally_related_form 02208903 +01211339 _hypernym 00112312 +12520223 _member_meronym 12520406 +06295235 _member_of_domain_usage 04323819 +00643473 _derivationally_related_form 09790482 +01239064 _derivationally_related_form 02450256 +12510774 _has_part 07726230 +12793284 _hypernym 12793015 +01377940 _derivationally_related_form 11422597 +01665932 _hypernym 01662784 +01497292 _hypernym 01494310 +01840238 _hypernym 01841079 +06420781 _derivationally_related_form 00960961 +02652979 _hypernym 01429349 +08177030 _member_meronym 08913434 +00190180 _hypernym 00182406 +07988857 _derivationally_related_form 01293389 +13434878 _derivationally_related_form 00159642 +05820170 _hypernym 05817845 +05696425 _hypernym 05695554 +01516534 _derivationally_related_form 00798245 +12484784 _hypernym 13121544 +02710673 _derivationally_related_form 08565701 +08953029 _instance_hypernym 08524735 +09031653 _has_part 09331328 +10256080 _derivationally_related_form 00931721 +01887020 _derivationally_related_form 04574999 +01076370 _synset_domain_topic_of 00468480 +06758835 _hypernym 06758225 +02217997 _hypernym 01762525 +02707188 _hypernym 03442288 +02720201 _hypernym 14778436 +05010062 _hypernym 05009170 +02632694 _member_meronym 02633287 +02650795 _derivationally_related_form 08361001 +08971025 _has_part 09332394 +09999135 _derivationally_related_form 00907657 +01149480 _hypernym 01148614 +13986372 _derivationally_related_form 01812720 +00235435 _derivationally_related_form 00345761 +02281552 _member_meronym 02281787 +09910374 _derivationally_related_form 01806505 +00463246 _has_part 00556313 +13179972 _member_meronym 13183874 +08920722 _has_part 08923177 +04735929 _derivationally_related_form 00916706 +02335349 _hypernym 01862557 +02247749 _hypernym 02222318 +07330560 _synset_domain_topic_of 06234825 +12484413 _hypernym 11562747 +02076535 _member_meronym 02078882 +02438774 _member_meronym 02439286 +09081213 _has_part 08610305 +08843215 _has_part 08964474 +01391391 _hypernym 01389507 +05349659 _hypernym 05333777 +00605783 _derivationally_related_form 06414727 +00658052 _derivationally_related_form 05091316 +09874260 _hypernym 09977660 +05538625 _hypernym 05225090 +06793231 _hypernym 00033020 +02927512 _derivationally_related_form 06947479 +03287178 _hypernym 04007894 +10355142 _hypernym 00007846 +01319874 _derivationally_related_form 13989627 +12724201 _member_meronym 12731029 +11313507 _instance_hypernym 10084635 +02201268 _derivationally_related_form 13271320 +08050678 _member_meronym 08220714 +01825237 _derivationally_related_form 07484265 +00921300 _hypernym 00952524 +04244379 _has_part 04244615 +11553240 _hypernym 00017222 +07804323 _derivationally_related_form 01460408 +13299651 _hypernym 13278375 +00058002 _hypernym 00052334 +09892693 _derivationally_related_form 00589769 +06213688 _derivationally_related_form 03139045 +02751597 _derivationally_related_form 14578104 +01271658 _derivationally_related_form 04085873 +08186047 _hypernym 08058098 +12418680 _member_meronym 12419217 +01157384 _hypernym 01156899 +00484166 _derivationally_related_form 00211110 +02684924 _hypernym 02367363 +00924579 _hypernym 00923995 +08900535 _member_of_domain_region 10286282 +03350204 _hypernym 02732072 +06875094 _derivationally_related_form 01040550 +08975617 _member_of_domain_region 08022666 +00383390 _derivationally_related_form 01346804 +09282208 _derivationally_related_form 01412346 +00891216 _verb_group 02672859 +08879388 _instance_hypernym 08633957 +02412175 _derivationally_related_form 10518194 +04287351 _derivationally_related_form 02068413 +02230772 _also_see 00742320 +02887489 _hypernym 03746330 +00090888 _derivationally_related_form 10341955 +02553697 _verb_group 02387034 +06199142 _derivationally_related_form 00594058 +01718535 _derivationally_related_form 00794614 +01224517 _hypernym 01224031 +02270648 _hypernym 02270404 +10426454 _derivationally_related_form 06177033 +04656448 _hypernym 04654652 +03466162 _hypernym 03773504 +05796937 _hypernym 05770926 +10661002 _hypernym 10213652 +07348870 _hypernym 07352190 +08547300 _hypernym 08647945 +01321230 _hypernym 00015388 +04953954 _derivationally_related_form 01119421 +05845140 _derivationally_related_form 01621555 +01830965 _derivationally_related_form 05898171 +14113798 _hypernym 14113228 +05325378 _synset_domain_topic_of 06054700 +14840092 _derivationally_related_form 01376245 +07143137 _derivationally_related_form 00876442 +15127307 _has_part 15127507 +05728678 _derivationally_related_form 01638368 +02679899 _derivationally_related_form 10740219 +00164072 _hypernym 01631072 +01968569 _derivationally_related_form 07370671 +10077593 _derivationally_related_form 01775164 +07460104 _derivationally_related_form 02092309 +14395597 _hypernym 14395403 +00602255 _hypernym 00597915 +13192625 _hypernym 11545714 +04091839 _hypernym 08673395 +08727003 _instance_hypernym 08633957 +07540602 _hypernym 07539511 +00005815 _derivationally_related_form 14359174 +10394141 _synset_domain_topic_of 15259284 +12986447 _member_meronym 12989142 +01531265 _derivationally_related_form 03626115 +13957601 _derivationally_related_form 01846413 +02582450 _derivationally_related_form 01186810 +02037278 _member_meronym 02037464 +02851099 _derivationally_related_form 01130169 +14976448 _hypernym 14580897 +03744684 _hypernym 03020034 +08135342 _has_part 08141664 +01113473 _synset_domain_topic_of 00471613 +08701942 _has_part 08701296 +01763829 _hypernym 00146138 +12391745 _member_meronym 12395717 +00306900 _hypernym 00295701 +11031420 _instance_hypernym 10467395 +01311520 _has_part 01296505 +01884383 _derivationally_related_form 01888264 +07084560 _derivationally_related_form 00944788 +12455342 _hypernym 11561228 +00197610 _derivationally_related_form 02405390 +09921409 _derivationally_related_form 00854904 +05331404 _hypernym 05329735 +00270275 _hypernym 00266806 +02586619 _derivationally_related_form 08050678 +05541645 _hypernym 05276860 +09923673 _hypernym 09625401 +00203342 _hypernym 00030358 +05933246 _hypernym 05932477 +07174433 _hypernym 07170753 +06490887 _hypernym 06481320 +13500557 _derivationally_related_form 00431610 +01086572 _derivationally_related_form 02255268 +01782650 _derivationally_related_form 09781504 +02536557 _derivationally_related_form 11414608 +02194495 _derivationally_related_form 05715864 +07340249 _hypernym 07340725 +10733999 _derivationally_related_form 01036804 +09430416 _instance_hypernym 09475292 +00094312 _hypernym 00094460 +10052497 _hypernym 10541229 +05556943 _hypernym 05220461 +11484861 _hypernym 11428023 +10363573 _derivationally_related_form 06367879 +10589243 _hypernym 10787470 +07989741 _instance_hypernym 07970406 +11882074 _hypernym 11881742 +11844203 _hypernym 11573660 +01484982 _derivationally_related_form 00716945 +00435853 _hypernym 00140967 +01301630 _has_part 01294502 +04769049 _hypernym 04767347 +00393953 _hypernym 00296178 +13757249 _derivationally_related_form 01919711 +09078231 _derivationally_related_form 02738760 +03198951 _hypernym 02719750 +06665108 _hypernym 06652242 +03145843 _has_part 03315805 +05047279 _derivationally_related_form 00660381 +01913838 _member_meronym 01914415 +00980453 _derivationally_related_form 00940842 +09119277 _has_part 09120594 +01947735 _synset_domain_topic_of 00523513 +00361192 _synset_domain_topic_of 13308999 +00891216 _derivationally_related_form 13344664 +14436875 _derivationally_related_form 02237631 +01961691 _derivationally_related_form 02466132 +13523208 _synset_domain_topic_of 06090869 +10268629 _hypernym 10418841 +02494356 _derivationally_related_form 13999206 +01461646 _hypernym 01461328 +06505517 _hypernym 06502378 +00174379 _also_see 01918984 +12258101 _hypernym 12205694 +11937523 _hypernym 11585340 +09007471 _instance_hypernym 08574314 +02122665 _hypernym 02122164 +08135342 _has_part 08136260 +00846509 _derivationally_related_form 00072261 +01876907 _derivationally_related_form 00327824 +05246511 _hypernym 05225602 +00865600 _hypernym 00859001 +13028070 _member_meronym 12963796 +01769789 _hypernym 01759182 +09805151 _hypernym 09857200 +11316828 _instance_hypernym 10754578 +06353445 _hypernym 06351202 +01109863 _hypernym 01076615 +01144876 _derivationally_related_form 01931768 +00876442 _derivationally_related_form 07143137 +01487311 _derivationally_related_form 04571088 +02549847 _derivationally_related_form 00654885 +02949511 _synset_domain_topic_of 06115701 +08303862 _hypernym 08303275 +10511239 _hypernym 09633969 +11778534 _member_meronym 11791819 +07557434 _has_part 07829412 +04748836 _hypernym 04723816 +15195928 _hypernym 15185290 +01135952 _derivationally_related_form 02431971 +01481599 _member_meronym 01495192 +02453889 _verb_group 02556817 +08715390 _member_of_domain_region 13684140 +15159819 _derivationally_related_form 00619183 +11911591 _member_meronym 12005869 +12450607 _hypernym 12450344 +00032778 _derivationally_related_form 06716483 +14353008 _synset_domain_topic_of 14046202 +08176077 _member_meronym 08776687 +00102927 _hypernym 00044150 +02247977 _derivationally_related_form 10522759 +02439929 _hypernym 02153445 +07439570 _hypernym 07405893 +01990627 _member_meronym 01991233 +03553708 _hypernym 02707683 +00357275 _hypernym 00357023 +10598749 _hypernym 10221956 +01499692 _synset_domain_topic_of 00464894 +06414727 _derivationally_related_form 00605783 +04681387 _derivationally_related_form 01004062 +00271263 _derivationally_related_form 02579447 +14381416 _hypernym 14380473 +10002031 _derivationally_related_form 05965933 +01740393 _member_meronym 01740551 +06142598 _synset_domain_topic_of 06037666 +08897065 _has_part 08898457 +08737716 _instance_hypernym 08703035 +12998815 _hypernym 12997654 +02810471 _hypernym 03269401 +12954978 _member_meronym 12956791 +04610503 _hypernym 03285912 +04356056 _hypernym 04272054 +09394007 _hypernym 09239740 +07013549 _hypernym 08459252 +01481599 _member_meronym 01485306 +08503921 _has_part 08504151 +12741409 _hypernym 11567411 +05967773 _hypernym 05943300 +00543233 _derivationally_related_form 10340312 +02283324 _derivationally_related_form 00810598 +01586850 _derivationally_related_form 02875013 +12027222 _has_part 07735179 +01702514 _hypernym 01698271 +12202352 _member_meronym 12202712 +10362319 _hypernym 00007846 +00120202 _derivationally_related_form 01892104 +02528985 _derivationally_related_form 00067707 +09721244 _derivationally_related_form 08960987 +12678548 _hypernym 12678224 +14899328 _hypernym 00021265 +00147815 _also_see 01113806 +01772782 _member_meronym 01773319 +01186428 _verb_group 01169704 +12692323 _member_meronym 12692714 +14732946 _hypernym 14723628 +01483980 _hypernym 01432517 +08881674 _instance_hypernym 08574314 +00743344 _derivationally_related_form 00039297 +00445169 _derivationally_related_form 13491060 +11886537 _hypernym 12205694 +00303297 _synset_domain_topic_of 02686568 +02458356 _member_meronym 02458517 +11778534 _member_meronym 11780747 +05833840 _derivationally_related_form 01636397 +05861855 _synset_domain_topic_of 06000644 +13964466 _derivationally_related_form 09853305 +12475035 _hypernym 11669921 +12830974 _hypernym 11579418 +02196214 _derivationally_related_form 05717342 +07118210 _derivationally_related_form 01055146 +01302086 _has_part 01300242 +08765623 _instance_hypernym 08633957 +02079706 _hypernym 01864707 +08172103 _member_meronym 09029457 +00463246 _has_part 15274305 +00800242 _derivationally_related_form 01259211 +05578442 _has_part 05271383 +14621446 _synset_domain_topic_of 06084469 +12423565 _member_meronym 12444261 +00505802 _derivationally_related_form 11450566 +13178107 _hypernym 13167078 +05247369 _has_part 05247621 +09820263 _hypernym 09613191 +06356755 _has_part 06820425 +05994935 _hypernym 05989479 +01104018 _hypernym 01101913 +06467445 _derivationally_related_form 01007924 +13754293 _derivationally_related_form 00153263 +07111047 _derivationally_related_form 02180529 +11754188 _member_meronym 11759049 +11083656 _derivationally_related_form 00411009 +07537485 _hypernym 07532440 +07366627 _hypernym 07366289 +01431879 _hypernym 01431230 +01942137 _hypernym 01941093 +01921204 _derivationally_related_form 10646942 +12758639 _member_meronym 12761471 +00854000 _derivationally_related_form 01424456 +12501745 _member_meronym 12508936 +01471682 _hypernym 01466257 +02479990 _hypernym 02220461 +02848216 _hypernym 03154446 +15168790 _hypernym 15228378 +12131550 _hypernym 12102133 +01794523 _derivationally_related_form 07495551 +01206218 _derivationally_related_form 07409592 +13470491 _derivationally_related_form 00431826 +01719645 _hypernym 01342529 +02620213 _hypernym 00358431 +13256691 _hypernym 13331198 +04980008 _derivationally_related_form 02641378 +00654400 _hypernym 00633864 +06762711 _derivationally_related_form 00961329 +02189670 _hypernym 02189363 +02519555 _also_see 00583990 +11867525 _member_meronym 11889847 +02576349 _derivationally_related_form 10100761 +07007945 _derivationally_related_form 01716882 +04830689 _hypernym 04845475 +00876665 _derivationally_related_form 07142566 +00310201 _derivationally_related_form 10596689 +04946553 _derivationally_related_form 02127613 +02749768 _derivationally_related_form 03879116 +00302464 _synset_domain_topic_of 00017222 +01098452 _derivationally_related_form 01158064 +13222477 _hypernym 13166338 +01538469 _derivationally_related_form 04682462 +07298982 _derivationally_related_form 00090186 +01067512 _hypernym 00943837 +10019552 _derivationally_related_form 01962671 +09168707 _instance_hypernym 08505573 +01524885 _member_meronym 01555586 +09365863 _derivationally_related_form 02561888 +10562968 _derivationally_related_form 02167571 +06471345 _derivationally_related_form 02262139 +00891850 _derivationally_related_form 00696852 +00948853 _derivationally_related_form 05121418 +01438720 _member_meronym 01442335 +09139993 _instance_hypernym 09359803 +11695485 _member_meronym 11695599 +02278024 _hypernym 02274822 +00363788 _derivationally_related_form 00182406 +13233727 _hypernym 12205694 +10763383 _hypernym 10013614 +10340312 _derivationally_related_form 01725051 +11817914 _hypernym 12205694 +08729626 _member_of_domain_region 08019913 +12293180 _hypernym 12205694 +05067007 _hypernym 05065717 +09976429 _derivationally_related_form 01617192 +00407633 _derivationally_related_form 02769460 +03055809 _derivationally_related_form 00611481 +01807882 _derivationally_related_form 04687333 +11705171 _hypernym 11703669 +13986372 _hypernym 13985818 +00091124 _hypernym 00069879 +13022078 _hypernym 11592146 +03407122 _hypernym 03666591 +05658826 _derivationally_related_form 02125223 +12110630 _hypernym 11556857 +08175498 _member_meronym 08175700 +10341446 _derivationally_related_form 03802007 +00729781 _hypernym 00726300 +14166118 _hypernym 14195315 +02909870 _derivationally_related_form 01502441 +07191777 _derivationally_related_form 00777931 +08929922 _member_of_domain_region 13753585 +00667942 _hypernym 00667424 +14691822 _hypernym 00020090 +13231078 _hypernym 13230662 +01140315 _derivationally_related_form 07654886 +01730799 _derivationally_related_form 08188449 +00070965 _derivationally_related_form 00617748 +10382825 _hypernym 10340312 +00855674 _derivationally_related_form 01430633 +00085046 _derivationally_related_form 03990834 +08130712 _has_part 08131005 +08860123 _member_of_domain_region 03472796 +04737020 _hypernym 04735929 +00755500 _hypernym 00754956 +00932624 _derivationally_related_form 02084104 +05600637 _has_part 05602835 +11380768 _instance_hypernym 10088390 +01766952 _derivationally_related_form 10785333 +01065630 _hypernym 00941990 +10642151 _derivationally_related_form 00785470 +00962722 _derivationally_related_form 10527334 +00442267 _derivationally_related_form 14877585 +01569566 _derivationally_related_form 00240938 +00661824 _derivationally_related_form 00141806 +03722007 _derivationally_related_form 00921738 +00246940 _derivationally_related_form 00325328 +14343411 _hypernym 14342132 +00694866 _hypernym 00694681 +00839023 _derivationally_related_form 01174742 +00147595 _derivationally_related_form 01296462 +10671898 _derivationally_related_form 02548710 +06708304 _hypernym 06706676 +00789448 _derivationally_related_form 09888017 +01761120 _hypernym 01759326 +02661769 _hypernym 02661252 +03057075 _derivationally_related_form 05959954 +06532095 _hypernym 06479665 +05250659 _derivationally_related_form 01435380 +08860123 _member_of_domain_region 13408641 +12622875 _hypernym 12205694 +00706975 _derivationally_related_form 02919275 +12666369 _hypernym 12665048 +00123430 _hypernym 00123234 +12714550 _member_meronym 12715195 +01559590 _derivationally_related_form 03996145 +02945820 _derivationally_related_form 13489037 +01830946 _derivationally_related_form 05520699 +02594674 _hypernym 02587532 +09962612 _derivationally_related_form 06546633 +08602650 _instance_hypernym 08574314 +12905817 _hypernym 12205694 +00862225 _derivationally_related_form 07384898 +00399553 _hypernym 00552815 +08921850 _member_of_domain_region 10240715 +00981544 _hypernym 00941990 +11060535 _instance_hypernym 10599806 +00884317 _hypernym 01010118 +00874175 _verb_group 00901103 +12290116 _member_meronym 12293723 +10224098 _derivationally_related_form 00105554 +12323820 _hypernym 11567411 +02430045 _has_part 02462602 +08860123 _member_of_domain_region 09702134 +07133701 _derivationally_related_form 00964694 +01437888 _derivationally_related_form 06264398 +02491383 _derivationally_related_form 00509846 +08929922 _member_of_domain_region 08167953 +02644035 _hypernym 02642814 +01233194 _derivationally_related_form 00125436 +02429123 _member_meronym 02429276 +01653026 _hypernym 01639765 +01204439 _hypernym 01178565 +01733634 _hypernym 01657723 +03813176 _hypernym 03574816 +13845239 _derivationally_related_form 02377651 +06754415 _has_part 06754972 +09157163 _has_part 09157766 +02539334 _derivationally_related_form 14442530 +13775706 _derivationally_related_form 00751131 +02288473 _member_meronym 02288789 +01859221 _derivationally_related_form 07365849 +02509552 _hypernym 02510337 +02666239 _derivationally_related_form 01410363 +09904837 _hypernym 09605289 +10150794 _derivationally_related_form 00672433 +10168012 _derivationally_related_form 00809654 +00062582 _derivationally_related_form 00253919 +12178494 _hypernym 12177844 +08860123 _member_of_domain_region 08180484 +09225146 _hypernym 00002452 +05720602 _hypernym 05712076 +00479076 _hypernym 00463246 +08860123 _member_of_domain_region 07623664 +06715638 _hypernym 06714976 +09848489 _derivationally_related_form 00683280 +12892226 _member_meronym 12900148 +02337667 _also_see 02368336 +00629997 _derivationally_related_form 04760771 +02870453 _derivationally_related_form 05658985 +07943480 _hypernym 07942152 +00368109 _derivationally_related_form 13583724 +04186848 _derivationally_related_form 01320513 +01004062 _derivationally_related_form 03722007 +11741010 _hypernym 11567411 +09673916 _hypernym 09673495 +06845599 _member_of_domain_usage 03464266 +15254550 _has_part 15231415 +01251128 _derivationally_related_form 05015117 +01014821 _synset_domain_topic_of 08441203 +07129202 _derivationally_related_form 01054186 +00315330 _hypernym 00493703 +08793310 _instance_hypernym 08633957 +06601327 _derivationally_related_form 00955148 +04149083 _hypernym 03633091 +00062397 _derivationally_related_form 05457973 +00555648 _derivationally_related_form 02058994 +00714884 _hypernym 00813044 +01041954 _derivationally_related_form 10139347 +14365741 _hypernym 14299637 +01042725 _derivationally_related_form 02761834 +10346514 _synset_domain_topic_of 06083243 +01582625 _member_meronym 01583636 +08402944 _hypernym 08402828 +14525777 _hypernym 14526182 +01279631 _derivationally_related_form 13904843 +00742051 _derivationally_related_form 06785223 +00798245 _derivationally_related_form 02589576 +02581957 _hypernym 02554730 +02568392 _hypernym 01428853 +01932800 _hypernym 01921559 +02434238 _derivationally_related_form 10383505 +00525453 _also_see 02560548 +07094843 _hypernym 07094093 +11648428 _member_meronym 11648617 +08558963 _hypernym 08491027 +00833199 _derivationally_related_form 10206173 +13961642 _hypernym 13954253 +02019021 _also_see 01959294 +07823814 _hypernym 07809368 +00075912 _synset_domain_topic_of 00471613 +06117855 _hypernym 06117562 +12936333 _member_meronym 12936469 +10927824 _instance_hypernym 10650162 +07907548 _hypernym 07906284 +00349213 _hypernym 00331950 +14058563 _hypernym 14052403 +13894306 _derivationally_related_form 01312371 +00798245 _derivationally_related_form 01646300 +02702830 _hypernym 02667900 +03082979 _has_part 02995345 +02048891 _derivationally_related_form 00342755 +06590885 _derivationally_related_form 01752316 +02960130 _derivationally_related_form 08760510 +08295138 _member_meronym 09014586 +00956687 _derivationally_related_form 06694796 +10382825 _derivationally_related_form 03854065 +02202133 _derivationally_related_form 13298701 +07298154 _derivationally_related_form 01126051 +09369169 _derivationally_related_form 02654947 +01127379 _derivationally_related_form 00486018 +07385803 _derivationally_related_form 02706605 +07401726 _hypernym 07400906 +09117351 _has_part 09238425 +01906552 _hypernym 08102555 +04746842 _hypernym 04744814 +10431625 _derivationally_related_form 00676450 +01174742 _hypernym 01173405 +10183556 _hypernym 10034906 +12044269 _hypernym 11556857 +12874231 _hypernym 11562747 +10252075 _hypernym 10700201 +12158443 _has_part 07735510 +01779165 _derivationally_related_form 07520612 +01919711 _hypernym 01904930 +02519666 _hypernym 02367363 +06543389 _hypernym 06542830 +02036339 _hypernym 02035919 +09465459 _derivationally_related_form 01385458 +11295196 _instance_hypernym 10030277 +02191311 _derivationally_related_form 04218564 +10366145 _synset_domain_topic_of 06053439 +03420559 _derivationally_related_form 02023992 +00835903 _derivationally_related_form 10076957 +07364700 _hypernym 07309781 +05461816 _has_part 05289057 +00831919 _hypernym 00831191 +10226556 _derivationally_related_form 02505807 +13633375 _hypernym 13602526 +13083023 _hypernym 00017222 +01924590 _member_meronym 01925469 +01259951 _derivationally_related_form 09222051 +00617059 _hypernym 00614489 +00672433 _derivationally_related_form 00875246 +14175313 _hypernym 14129999 +01790383 _hypernym 01790739 +00589309 _derivationally_related_form 05614657 +09044862 _has_part 09356080 +05010062 _synset_domain_topic_of 06090869 +11826569 _hypernym 13118707 +01636397 _derivationally_related_form 05767733 +01811172 _similar_to 01809655 +10732314 _synset_domain_topic_of 08441203 +00614489 _derivationally_related_form 00994076 +03736970 _hypernym 03738472 +09754780 _derivationally_related_form 01774426 +01996377 _also_see 02464693 +00494907 _also_see 02383831 +11494638 _derivationally_related_form 02756821 +11841529 _member_meronym 11846582 +02183175 _derivationally_related_form 03622058 +05556204 _hypernym 05268965 +05245192 _hypernym 05244934 +06721949 _derivationally_related_form 00816143 +00798245 _derivationally_related_form 01516534 +03065685 _derivationally_related_form 14854262 +00160288 _synset_domain_topic_of 00314469 +01076793 _also_see 02258600 +09062585 _instance_hypernym 08524735 +05529286 _derivationally_related_form 02603673 +08147794 _hypernym 08149781 +00629176 _hypernym 00624738 +00264875 _hypernym 00146138 +13179216 _hypernym 13166338 +09272468 _hypernym 09190918 +00205543 _derivationally_related_form 00614057 +07959943 _derivationally_related_form 01484392 +11674332 _has_part 13154841 +02518178 _hypernym 01432517 +01287388 _hypernym 01286913 +01148614 _derivationally_related_form 00233335 +03018971 _instance_hypernym 04051825 +06607339 _hypernym 06598915 +08491826 _hypernym 08552138 +10334567 _hypernym 09606009 +00565081 _derivationally_related_form 14730553 +00280532 _hypernym 00281101 +02392762 _hypernym 02391803 +04466386 _hypernym 03640660 +06691684 _hypernym 06686736 +04840981 _hypernym 04849241 +13658998 _has_part 13658828 +04464211 _synset_domain_topic_of 06128570 +02107817 _hypernym 02107588 +00603298 _verb_group 00602805 +04184095 _hypernym 13899804 +09615807 _hypernym 00007846 +08780881 _has_part 08787049 +13996300 _derivationally_related_form 02496816 +00390198 _hypernym 01012360 +00699485 _hypernym 00770437 +03791235 _has_part 04590746 +02347220 _hypernym 02347637 +02076535 _member_meronym 02076779 +10067968 _derivationally_related_form 00697062 +00224901 _derivationally_related_form 00362355 +04922113 _derivationally_related_form 02539788 +01142324 _derivationally_related_form 02457585 +13561719 _synset_domain_topic_of 06080522 +08765890 _has_part 08766667 +01372682 _derivationally_related_form 15056541 +12378546 _hypernym 11575425 +00307419 _hypernym 00306723 +02102840 _hypernym 01995549 +00367685 _derivationally_related_form 00003553 +07146300 _hypernym 07145508 +01986367 _derivationally_related_form 07361416 +10758589 _derivationally_related_form 00915265 +00248659 _derivationally_related_form 07357388 +00493308 _hypernym 00488225 +14979730 _synset_domain_topic_of 00017222 +02785648 _derivationally_related_form 00083124 +00907919 _derivationally_related_form 01711965 +10443170 _derivationally_related_form 02020027 +00027268 _derivationally_related_form 00628692 +00006484 _derivationally_related_form 02685299 +00504676 _hypernym 00515154 +02680754 _hypernym 04606574 +06790042 _derivationally_related_form 00963283 +01430847 _also_see 01926376 +09622302 _derivationally_related_form 01828736 +13134947 _derivationally_related_form 10113997 +01088923 _derivationally_related_form 00586262 +02040273 _derivationally_related_form 07274425 +00430140 _hypernym 00426928 +01335588 _hypernym 01332730 +12112918 _hypernym 12102133 +08766988 _has_part 08951957 +00965871 _derivationally_related_form 06746580 +03072201 _has_part 03072440 +13860793 _hypernym 00027807 +01566916 _derivationally_related_form 09254614 +14770838 _hypernym 02716205 +00908772 _hypernym 00908492 +00116619 _derivationally_related_form 00931453 +15063493 _hypernym 15010703 +00285387 _hypernym 00858188 +07311661 _derivationally_related_form 02644050 +02471072 _member_meronym 02471300 +01044983 _hypernym 01044448 +02007721 _member_meronym 02012063 +11538935 _member_meronym 11540000 +09814567 _hypernym 10524413 +08860123 _member_of_domain_region 03393017 +08026197 _instance_hypernym 08392137 +00032981 _derivationally_related_form 00878797 +01391174 _member_meronym 01393873 +00582318 _hypernym 00126264 +07456188 _hypernym 07288639 +01813884 _derivationally_related_form 07527352 +10757193 _derivationally_related_form 02493030 +02157100 _derivationally_related_form 10480018 +13764213 _hypernym 13576355 +01682714 _hypernym 01676755 +13528100 _synset_domain_topic_of 06084469 +01012561 _derivationally_related_form 06650431 +01466978 _derivationally_related_form 08565701 +01153486 _hypernym 02499629 +05968450 _derivationally_related_form 10370381 +00114291 _hypernym 00115157 +07007684 _has_part 07009421 +12772081 _member_meronym 12775530 +09255921 _instance_hypernym 09411430 +00851103 _derivationally_related_form 04815321 +01496037 _hypernym 01342529 +01413551 _hypernym 08221348 +01634684 _hypernym 01626134 +01845229 _hypernym 01845720 +00750890 _derivationally_related_form 02576921 +09833997 _derivationally_related_form 02583545 +02389346 _hypernym 02374149 +01567275 _derivationally_related_form 00017222 +00234892 _derivationally_related_form 00138508 +00741272 _hypernym 00740712 +05590740 _hypernym 05289861 +06276902 _hypernym 06276697 +00439484 _hypernym 00437788 +02634808 _derivationally_related_form 13860281 +08900535 _has_part 08975617 +01040550 _derivationally_related_form 03354903 +07075172 _member_of_domain_usage 00854393 +00625393 _derivationally_related_form 04762355 +05105265 _hypernym 05103946 +00646542 _hypernym 00644583 +00049003 _derivationally_related_form 02016523 +09027460 _instance_hypernym 08552138 +00853633 _hypernym 00740577 +05347146 _hypernym 05333777 +02198014 _derivationally_related_form 07389330 +00523645 _derivationally_related_form 00825089 +01293167 _instance_hypernym 00956485 +03017922 _derivationally_related_form 02563860 +00216216 _derivationally_related_form 00277811 +02038357 _also_see 01909978 +01816140 _hypernym 01815601 +04953954 _derivationally_related_form 02765924 +09265620 _derivationally_related_form 02037839 +00994076 _derivationally_related_form 06353934 +05229805 _hypernym 05225602 +01184058 _hypernym 01182709 +08261320 _hypernym 08260961 +00026153 _hypernym 00146138 +01826998 _member_meronym 01828267 +06613056 _derivationally_related_form 01705257 +01999186 _hypernym 01998183 +10513823 _hypernym 00007846 +01713310 _member_meronym 01714059 +15097017 _hypernym 15096783 +12972966 _hypernym 11590783 +11923016 _member_meronym 11923397 +10940669 _instance_hypernym 10794014 +01434278 _hypernym 00173338 +00461493 _derivationally_related_form 04982478 +06236309 _hypernym 06234825 +02187427 _member_meronym 02187554 +01532589 _verb_group 01533442 +02515443 _hypernym 02514187 +01117164 _derivationally_related_form 02545272 +02616542 _hypernym 02650552 +09079505 _has_part 09078654 +11831730 _member_meronym 11831874 +00652466 _hypernym 00635012 +01705257 _hypernym 01698271 +09044862 _member_of_domain_region 00542841 +00563824 _hypernym 00126264 +03659292 _derivationally_related_form 01593254 +01516534 _verb_group 01646300 +08197895 _hypernym 08208016 +13759558 _derivationally_related_form 01382083 +10069120 _hypernym 09624980 +05061345 _derivationally_related_form 00439958 +08624196 _hypernym 08621598 +06372095 _hypernym 06369829 +13164583 _derivationally_related_form 00095377 +01122754 _hypernym 01122149 +02102605 _hypernym 02101108 +10117017 _derivationally_related_form 02729965 +09817536 _hypernym 00007846 +03829085 _hypernym 02718811 +07362386 _derivationally_related_form 01984317 +05963494 _hypernym 05943300 +10226556 _derivationally_related_form 02373578 +00986173 _derivationally_related_form 00834135 +00573247 _derivationally_related_form 13456071 +10294602 _derivationally_related_form 01566476 +11909048 _hypernym 11565385 +08695539 _hypernym 08518505 +00822449 _also_see 00479933 +01173813 _hypernym 01168468 +03065424 _derivationally_related_form 01523986 +12606227 _hypernym 11556857 +00049007 _derivationally_related_form 04197391 +00137279 _hypernym 00136329 +02080022 _member_meronym 02080146 +08075388 _derivationally_related_form 10621400 +00312990 _derivationally_related_form 05940414 +01845229 _derivationally_related_form 00310666 +02057656 _hypernym 01930874 +05563266 _has_part 05578095 +10365399 _derivationally_related_form 00457998 +01935395 _hypernym 01935176 +07570720 _hypernym 00021265 +09198106 _has_part 08494782 +01940488 _member_meronym 01941670 +00508032 _derivationally_related_form 03722007 +00506040 _derivationally_related_form 11450566 +02654416 _hypernym 02655135 +05927586 _derivationally_related_form 00656292 +02137806 _synset_domain_topic_of 01861778 +05155821 _derivationally_related_form 00064479 +00967098 _derivationally_related_form 07217924 +08131530 _has_part 08395991 +06567689 _hypernym 06566077 +13631194 _has_part 13630545 +04642980 _hypernym 04642258 +02275372 _member_meronym 02275560 +12619306 _member_meronym 12651465 +01807496 _hypernym 01802721 +06295235 _member_of_domain_usage 02831595 +05845888 _hypernym 05839024 +09459557 _instance_hypernym 09411430 +00521641 _hypernym 00281101 +02653159 _derivationally_related_form 04031884 +02006510 _member_meronym 02006656 +01684337 _derivationally_related_form 04157320 +09014979 _has_part 09016099 +00921790 _derivationally_related_form 01320009 +01463259 _hypernym 05225602 +01745536 _derivationally_related_form 07002992 +01893313 _hypernym 01909397 +08969798 _instance_hypernym 08633957 +09431569 _instance_hypernym 09360122 +00286360 _hypernym 00285557 +00528667 _has_part 00529511 +11061853 _instance_hypernym 10450303 +10479783 _hypernym 10126926 +02883344 _hypernym 03094503 +00218208 _derivationally_related_form 00311338 +00853487 _hypernym 00852181 +02679415 _hypernym 03081021 +00050652 _derivationally_related_form 03051540 +09875979 _hypernym 10224578 +00057665 _derivationally_related_form 10734394 +04821802 _hypernym 04820258 +05846355 _derivationally_related_form 00233335 +07786005 _hypernym 07775905 +00618682 _hypernym 00618451 +00307631 _derivationally_related_form 01930874 +13740168 _hypernym 13576982 +02166460 _derivationally_related_form 00644503 +12100382 _member_meronym 12149751 +03005423 _derivationally_related_form 07006119 +09369039 _hypernym 09376526 +02406585 _derivationally_related_form 05044822 +12049134 _hypernym 11556857 +10844031 _instance_hypernym 10453533 +07220773 _has_part 06396930 +01367430 _hypernym 01352059 +10121952 _hypernym 10213652 +01424948 _verb_group 01609953 +08482113 _hypernym 08426461 +00286798 _hypernym 00286605 +00559916 _synset_domain_topic_of 00469651 +11942875 _hypernym 11579418 +12366507 _member_meronym 12366675 +09030596 _instance_hypernym 08524735 +02545272 _derivationally_related_form 00796315 +12590232 _hypernym 12582846 +13062112 _hypernym 11590783 +01749320 _also_see 00914421 +05822612 _derivationally_related_form 01195299 +14286885 _derivationally_related_form 01608508 +08211760 _synset_domain_topic_of 00759694 +00091968 _hypernym 00069879 +03875218 _derivationally_related_form 01684899 +03959936 _derivationally_related_form 01395049 +01938312 _member_meronym 01938454 +00021826 _derivationally_related_form 03022406 +00007347 _hypernym 00001930 +00212414 _verb_group 02734800 +01698271 _derivationally_related_form 00929718 +00774817 _hypernym 00775156 +13913566 _hypernym 13860793 +02324850 _has_part 07666521 +00980176 _derivationally_related_form 10032884 +06845599 _member_of_domain_usage 03913437 +02512053 _hypernym 01473806 +00102457 _derivationally_related_form 00479598 +01302683 _instance_hypernym 00973077 +05480794 _has_part 05503705 +02340930 _hypernym 02339376 +01199365 _hypernym 01195867 +01921887 _hypernym 08108972 +06749729 _derivationally_related_form 10312287 +01310660 _derivationally_related_form 00941974 +10839617 _instance_hypernym 10071557 +05088804 _derivationally_related_form 02032934 +12838027 _member_meronym 12845732 +01682582 _also_see 02148109 +08929922 _member_of_domain_region 01298573 +01592456 _verb_group 01592774 +01593614 _hypernym 01346003 +10663137 _hypernym 10662952 +00032539 _derivationally_related_form 10616379 +06628861 _derivationally_related_form 00892467 +00362348 _derivationally_related_form 01022483 +14114555 _hypernym 14113228 +00904690 _derivationally_related_form 01241331 +06347588 _hypernym 06536389 +13395897 _hypernym 13393762 +07157273 _member_of_domain_usage 06609909 +02889035 _derivationally_related_form 01519727 +02175578 _derivationally_related_form 07397955 +14298815 _hypernym 14285662 +02402409 _hypernym 02405252 +08331525 _hypernym 08334087 +09232841 _instance_hypernym 09252970 +01934554 _derivationally_related_form 13960117 +08176077 _member_meronym 08740875 +00923307 _hypernym 00922867 +02357693 _hypernym 02327200 +06389230 _hypernym 05128519 +09050244 _member_meronym 09103943 +01575675 _hypernym 01494310 +09131654 _has_part 09132778 +00548913 _hypernym 02257767 +11292391 _instance_hypernym 10650162 +02091410 _derivationally_related_form 00285557 +04632963 _hypernym 04632157 +08958212 _instance_hypernym 08524735 +07139873 _hypernym 06252138 +04975122 _derivationally_related_form 00366691 +02619839 _derivationally_related_form 02707188 +06970645 _hypernym 06969129 +04336034 _derivationally_related_form 00222472 +09081213 _has_part 09438554 +04241249 _hypernym 03051540 +00095870 _hypernym 00094460 +02044659 _member_meronym 02044778 +02544937 _hypernym 02544348 +08095647 _member_meronym 09682803 +06672953 _hypernym 06634376 +13860548 _hypernym 13854649 +06956544 _hypernym 06956287 +03508101 _derivationally_related_form 00371264 +00309115 _derivationally_related_form 01915365 +04517408 _hypernym 03259505 +00943600 _synset_domain_topic_of 14046202 +08702402 _hypernym 08544813 +03800001 _hypernym 04072811 +03999992 _derivationally_related_form 01754105 +02599052 _hypernym 02594250 +01410223 _derivationally_related_form 10178216 +00283911 _derivationally_related_form 04956594 +07871940 _hypernym 07625493 +00064789 _derivationally_related_form 01062395 +09071690 _has_part 09072810 +13211516 _member_meronym 13212025 +02738701 _derivationally_related_form 02829696 +12290116 _member_meronym 12292285 +01713310 _member_meronym 01713635 +00589309 _hypernym 00588888 +05385363 _hypernym 05221895 +01947874 _hypernym 01938850 +00829378 _derivationally_related_form 02592667 +14289590 _derivationally_related_form 00373766 +02396205 _derivationally_related_form 09800964 +08745901 _instance_hypernym 08633957 +00462092 _derivationally_related_form 09956578 +14585519 _derivationally_related_form 00330144 +12100538 _member_meronym 12116583 +07092158 _hypernym 07066659 +00786458 _verb_group 00669970 +03776460 _hypernym 03546340 +02991048 _hypernym 03269401 +04746842 _derivationally_related_form 00653620 +12572021 _member_meronym 12572188 +06344461 _hypernym 06343971 +12958772 _member_meronym 12959371 +01918010 _hypernym 08107499 +09448361 _derivationally_related_form 09415938 +00933821 _derivationally_related_form 07214432 +13179648 _hypernym 13167078 +06353445 _derivationally_related_form 00937879 +07345593 _hypernym 07309781 +11425580 _hypernym 11419404 +09071690 _has_part 08604487 +07442068 _derivationally_related_form 02047650 +13446390 _hypernym 13518963 +13525549 _hypernym 00029677 +00391086 _derivationally_related_form 01556346 +13192025 _hypernym 13166338 +00095377 _derivationally_related_form 13164583 +08780282 _instance_hypernym 08524735 +02190943 _hypernym 00461493 +10623650 _derivationally_related_form 07040939 +02172127 _hypernym 02172888 +14845743 _hypernym 14618834 +11919026 _member_meronym 11919447 +05786372 _hypernym 05785067 +03302121 _derivationally_related_form 01313923 +00616153 _derivationally_related_form 00754873 +04837425 _derivationally_related_form 00512487 +02220225 _hypernym 02219486 +00059127 _derivationally_related_form 02074377 +09456369 _hypernym 09394007 +09590205 _synset_domain_topic_of 07222581 +06690226 _hypernym 06549661 +02641378 _derivationally_related_form 04980008 +01812324 _derivationally_related_form 07520112 +08372574 _hypernym 07969695 +02225231 _member_meronym 02225577 +10437262 _derivationally_related_form 03100026 +12501745 _member_meronym 12542649 +13467700 _synset_domain_topic_of 06084469 +05513807 _has_part 05526384 +00021939 _hypernym 00003553 +03330947 _derivationally_related_form 01288052 +04982207 _derivationally_related_form 02190188 +02952975 _derivationally_related_form 06229853 +14118423 _hypernym 14187378 +04899031 _hypernym 04898437 +00117959 _derivationally_related_form 00008435 +14481080 _derivationally_related_form 00442267 +13743869 _hypernym 13743605 +08860123 _member_of_domain_region 06596179 +05952490 _hypernym 05941423 +02538730 _member_meronym 02539251 +00658052 _derivationally_related_form 10140783 +12367611 _hypernym 13118707 +01983797 _also_see 01227137 +01322854 _derivationally_related_form 09884133 +10421470 _derivationally_related_form 03247620 +00337210 _synset_domain_topic_of 04194289 +08387930 _hypernym 08386555 +09103648 _member_meronym 09102883 +11144604 _synset_domain_topic_of 06453849 +11923827 _member_meronym 11924014 +08096624 _member_meronym 08097072 +00583523 _derivationally_related_form 13541491 +12899333 _hypernym 11579418 +11834272 _hypernym 12205694 +00842997 _hypernym 01057759 +00065184 _derivationally_related_form 06200344 +11911591 _member_meronym 11942366 +03790512 _derivationally_related_form 01935476 +01030132 _derivationally_related_form 08146782 +04928416 _derivationally_related_form 01646941 +02475922 _derivationally_related_form 00731222 +00794079 _derivationally_related_form 05827684 +14376188 _hypernym 14375890 +01855606 _derivationally_related_form 00168658 +06534659 _hypernym 06667792 +10347593 _synset_domain_topic_of 08199025 +05058580 _derivationally_related_form 01929254 +05305806 _has_part 05371663 +02743050 _has_part 13902482 +02575082 _derivationally_related_form 14376855 +00052334 _derivationally_related_form 02087156 +00072261 _hypernym 00070965 +01772782 _hypernym 01759182 +02550698 _derivationally_related_form 00665079 +04879092 _hypernym 04878861 +03443543 _hypernym 04551055 +08959254 _has_part 08959495 +00718815 _derivationally_related_form 01362568 +06798750 _derivationally_related_form 00508032 +05309725 _has_part 05305136 +01661243 _derivationally_related_form 03295140 +02900160 _has_part 04072551 +02542795 _derivationally_related_form 01612053 +13512725 _has_part 13542474 +12263038 _hypernym 12262553 +01725240 _hypernym 01342529 +00715868 _hypernym 00697589 +02001858 _derivationally_related_form 07883860 +11739530 _member_meronym 11740208 +12378546 _member_meronym 12378753 +01977155 _derivationally_related_form 05677952 +11911591 _member_meronym 12010458 +07528212 _derivationally_related_form 01772960 +05979595 _derivationally_related_form 01046006 +14487184 _derivationally_related_form 01908039 +02082527 _hypernym 01835496 +00474762 _derivationally_related_form 04068441 +06531908 _hypernym 06479665 +01077329 _synset_domain_topic_of 00503237 +10205985 _hypernym 09610660 +15141486 _hypernym 15113229 +00954422 _hypernym 00833199 +02121048 _derivationally_related_form 14325437 +04837931 _hypernym 04837232 +09254614 _derivationally_related_form 01566916 +02679415 _derivationally_related_form 00205885 +05462057 _has_part 05585383 +04617562 _has_part 04616059 +07634751 _hypernym 07628870 +01982646 _derivationally_related_form 04871002 +02175440 _member_meronym 02175569 +01227190 _derivationally_related_form 00905852 +05513529 _has_part 05521111 +01950798 _also_see 01955127 +09714952 _hypernym 09686536 +13046285 _member_meronym 13046512 +09909760 _derivationally_related_form 02347637 +14444114 _derivationally_related_form 10329337 +02399648 _hypernym 05395690 +01049685 _derivationally_related_form 02148369 +01258251 _hypernym 00095502 +06542830 _derivationally_related_form 00796839 +05862721 _synset_domain_topic_of 06000644 +08563478 _instance_hypernym 08574314 +09440400 _has_part 09161803 +08487504 _member_meronym 08997487 +12019375 _hypernym 11672400 +10093658 _derivationally_related_form 01140794 +09875786 _hypernym 09610660 +00387919 _hypernym 01654628 +07814925 _derivationally_related_form 02192818 +00006336 _derivationally_related_form 02765464 +03544360 _hypernym 02913152 +09303647 _has_part 09338712 +03273913 _has_part 03273061 +00429968 _hypernym 00441445 +15157225 _hypernym 15157041 +13218114 _hypernym 13166338 +02460199 _derivationally_related_form 01111375 +08643015 _derivationally_related_form 02092476 +14755077 _hypernym 14755804 +00059019 _verb_group 00056930 +04702688 _hypernym 04701460 +03563710 _hypernym 04013729 +06845599 _member_of_domain_usage 03807052 +00384933 _derivationally_related_form 02535457 +01677509 _hypernym 01675963 +02169891 _hypernym 02106506 +05951566 _derivationally_related_form 00733454 +07339098 _derivationally_related_form 01864865 +02957823 _derivationally_related_form 06960566 +05191486 _derivationally_related_form 02645597 +04365751 _hypernym 04365484 +01621219 _hypernym 01619929 +00034758 _hypernym 00034288 +15213406 _has_part 15195059 +02497832 _hypernym 02496576 +03867515 _hypernym 03828465 +02126382 _derivationally_related_form 05714466 +02971469 _derivationally_related_form 08897065 +00057895 _derivationally_related_form 02376542 +00845178 _derivationally_related_form 00052548 +01999798 _derivationally_related_form 09623038 +10610465 _hypernym 10524973 +07007945 _derivationally_related_form 01716619 +06469377 _derivationally_related_form 00696414 +14705718 _derivationally_related_form 01269008 +02022135 _member_meronym 02035845 +02333225 _derivationally_related_form 14452294 +02733524 _synset_domain_topic_of 06123363 +08161971 _hypernym 08163025 +06707709 _hypernym 06706676 +09060768 _has_part 09062015 +08013176 _synset_domain_topic_of 00759694 +02401661 _member_meronym 02403003 +00087290 _synset_domain_topic_of 00612160 +01191755 _derivationally_related_form 01085237 +08060694 _member_meronym 10402417 +01775164 _derivationally_related_form 01459422 +01349493 _hypernym 01609287 +11911591 _member_meronym 11921949 +08240966 _hypernym 08240633 +07075172 _member_of_domain_usage 10117851 +08913434 _instance_hypernym 08700255 +08993288 _has_part 08994339 +10703905 _derivationally_related_form 01015244 +00708017 _derivationally_related_form 01369346 +13742980 _hypernym 13742573 +01954341 _hypernym 01953810 +12785724 _hypernym 12205694 +01957591 _member_meronym 01957739 +00712419 _also_see 00156101 +08366753 _has_part 07966719 +07760153 _hypernym 07759816 +01877355 _derivationally_related_form 00327824 +02512808 _derivationally_related_form 01013604 +01646941 _derivationally_related_form 14425974 +12351287 _hypernym 11555413 +14395955 _hypernym 14395403 +06115701 _hypernym 06115476 +07139700 _hypernym 06252138 +00413876 _derivationally_related_form 08672562 +02403454 _has_part 05539012 +08194927 _hypernym 08279800 +04099969 _has_part 04098513 +00883297 _derivationally_related_form 00603298 +06367879 _hypernym 06367107 +07368482 _hypernym 07368256 +05808218 _derivationally_related_form 02154508 +01237415 _derivationally_related_form 00466651 +05586759 _hypernym 05585383 +01047381 _derivationally_related_form 02492660 +08139000 _has_part 08139637 +11098223 _instance_hypernym 09765278 +00135718 _also_see 01880531 +13607187 _synset_domain_topic_of 06128570 +01655902 _synset_domain_topic_of 00911048 +04796086 _hypernym 04795545 +09022265 _instance_hypernym 08700255 +12218621 _member_meronym 12218868 +00091124 _derivationally_related_form 14361182 +04110439 _derivationally_related_form 01494310 +12792041 _member_meronym 12799580 +02714139 _hypernym 03568117 +13913427 _synset_domain_topic_of 06000644 +00975781 _hypernym 00972621 +12100538 _member_meronym 12133870 +15224692 _derivationally_related_form 00906735 +00229026 _derivationally_related_form 03212811 +07325190 _derivationally_related_form 02600948 +00655987 _hypernym 00654625 +02523275 _derivationally_related_form 05042871 +05996646 _derivationally_related_form 03061081 +10418302 _derivationally_related_form 01645157 +00988320 _derivationally_related_form 01137582 +11902595 _hypernym 11575425 +04836074 _derivationally_related_form 00781303 +02208265 _hypernym 02207206 +02034828 _also_see 01129977 +06254475 _hypernym 06252138 +08860123 _member_of_domain_region 07678193 +01163847 _hypernym 01164273 +05526384 _has_part 05421723 +03084204 _hypernym 02671421 +08891595 _derivationally_related_form 10174695 +09177647 _instance_hypernym 08574314 +12552081 _member_meronym 12552309 +09044862 _has_part 09057311 +01089737 _derivationally_related_form 08273843 +01681200 _hypernym 01657723 +05802185 _derivationally_related_form 02265231 +10688975 _hypernym 00007846 +06536227 _hypernym 06502378 +01914609 _hypernym 01914163 +12985010 _hypernym 11590783 +07496463 _derivationally_related_form 01794668 +13136316 _hypernym 13135832 +01909111 _member_meronym 01909422 +08801678 _has_part 08812952 +00793580 _hypernym 00753428 +06540284 _hypernym 06539770 +06220616 _hypernym 06212839 +00056930 _derivationally_related_form 15142167 +13395799 _hypernym 13393762 +00776846 _derivationally_related_form 06608728 +00104976 _synset_domain_topic_of 00476389 +01278873 _instance_hypernym 00956485 +00311809 _hypernym 00306426 +02541302 _derivationally_related_form 14061805 +00065070 _derivationally_related_form 10595647 +00242808 _derivationally_related_form 01759326 +13548105 _derivationally_related_form 00474492 +07637045 _hypernym 07635155 +12258663 _hypernym 11575425 +08975902 _has_part 08977665 +01041415 _hypernym 00992041 +00213353 _derivationally_related_form 07813107 +08860123 _member_of_domain_region 04598010 +06295235 _member_of_domain_usage 08224684 +12775530 _member_meronym 12775717 +12373526 _member_meronym 12373739 +01456771 _derivationally_related_form 02156532 +05470189 _hypernym 05220461 +14096724 _synset_domain_topic_of 06054446 +01430633 _verb_group 01430952 +05757049 _hypernym 05753564 +07003119 _derivationally_related_form 01690294 +05985999 _hypernym 05984287 +12321395 _has_part 07774295 +00788184 _derivationally_related_form 07193958 +05651399 _derivationally_related_form 00604576 +00425090 _derivationally_related_form 02567519 +02782778 _synset_domain_topic_of 00471613 +08913085 _instance_hypernym 08524735 +02449464 _hypernym 01864707 +00713015 _hypernym 00709379 +10677713 _derivationally_related_form 01827858 +00285414 _derivationally_related_form 04970916 +01254477 _derivationally_related_form 07654667 +09991026 _derivationally_related_form 00051942 +09011151 _instance_hypernym 08696931 +07813107 _derivationally_related_form 01073822 +11880610 _member_meronym 11880791 +02118476 _derivationally_related_form 05703429 +02434541 _derivationally_related_form 08303275 +07334490 _derivationally_related_form 00470701 +04960079 _hypernym 04956594 +05966129 _derivationally_related_form 00702773 +02551144 _derivationally_related_form 10553805 +01100567 _hypernym 01100145 +08287844 _derivationally_related_form 00159880 +02244956 _derivationally_related_form 01106808 +00114871 _derivationally_related_form 01453433 +01240720 _hypernym 01206218 +01740608 _derivationally_related_form 09260907 +02584915 _derivationally_related_form 02628337 +02571810 _hypernym 02554730 +00471576 _hypernym 00471711 +02030442 _hypernym 01507175 +00828237 _derivationally_related_form 00040353 +10065758 _hypernym 09796323 +00197772 _derivationally_related_form 02257767 +06955087 _hypernym 06953731 +07415730 _hypernym 07359599 +06062842 _derivationally_related_form 10059323 +01968732 _hypernym 01939598 +06713187 _hypernym 06711855 +01313411 _derivationally_related_form 07436100 +09721883 _hypernym 09641757 +05372125 _hypernym 05418717 +07486922 _derivationally_related_form 01828405 +01270628 _instance_hypernym 00953559 +00196024 _hypernym 00195342 +07966719 _hypernym 07950920 +01249991 _derivationally_related_form 01113806 +01470225 _derivationally_related_form 07186148 +02008066 _derivationally_related_form 13940456 +01992375 _hypernym 01072949 +05462315 _hypernym 05237227 +00644503 _derivationally_related_form 02166460 +02541139 _hypernym 01432517 +01147060 _derivationally_related_form 00135504 +10435041 _hypernym 10340312 +12861892 _hypernym 12205694 +01928608 _synset_domain_topic_of 06084469 +00138221 _derivationally_related_form 01431230 +10235549 _hypernym 00007846 +13236354 _hypernym 11567411 +12778926 _member_meronym 12783996 +01230350 _hypernym 01899262 +04487724 _hypernym 03764276 +05585383 _hypernym 05237227 +02653996 _derivationally_related_form 01055165 +10354265 _hypernym 10632576 +01810466 _member_meronym 01811682 +01074694 _derivationally_related_form 02559752 +00152018 _derivationally_related_form 00714531 +04890112 _derivationally_related_form 02569130 +01574292 _hypernym 01212572 +00823436 _derivationally_related_form 00075515 +04121511 _synset_domain_topic_of 01171644 +02627686 _member_meronym 02628259 +10444194 _hypernym 10794014 +00204199 _hypernym 00203753 +03325088 _hypernym 04072193 +01108148 _derivationally_related_form 10668450 +02639087 _hypernym 02638596 +12713063 _hypernym 12707781 +03483637 _hypernym 02889425 +06964901 _hypernym 06963951 +02680723 _derivationally_related_form 10892564 +09465459 _derivationally_related_form 02468793 +00380083 _derivationally_related_form 01462005 +03928116 _hypernym 03915437 +09676884 _hypernym 00007846 +10773665 _hypernym 09974648 +01466543 _derivationally_related_form 03579355 +10714851 _derivationally_related_form 02181973 +07432337 _derivationally_related_form 00067999 +01149470 _verb_group 01079873 +12359026 _member_meronym 12374002 +12629523 _member_meronym 12629666 +02752277 _hypernym 02604760 +01461328 _derivationally_related_form 07373803 +01068773 _hypernym 01069578 +03331820 _hypernym 03077958 +12820434 _member_meronym 12821048 +00211108 _derivationally_related_form 13460568 +01947266 _similar_to 01948573 +00966869 _hypernym 00965895 +02498355 _member_meronym 02499178 +04629604 _hypernym 04629194 +02110220 _derivationally_related_form 05758059 +00477665 _derivationally_related_form 07433973 +01205459 _hypernym 01156834 +05795044 _hypernym 05794694 +12839839 _member_meronym 12839979 +01153007 _hypernym 01150559 +00820976 _derivationally_related_form 06643408 +01321509 _hypernym 01321002 +04489008 _has_part 03654576 +08426993 _hypernym 08426816 +00721302 _hypernym 00598954 +00926472 _derivationally_related_form 06749881 +01829602 _member_meronym 01829869 +11699915 _hypernym 11571907 +10280130 _hypernym 09812338 +03127024 _hypernym 03489162 +00571643 _derivationally_related_form 05678932 +13761171 _derivationally_related_form 01233194 +03664514 _derivationally_related_form 01974062 +05809192 _hypernym 00023271 +10468962 _derivationally_related_form 02440020 +00638723 _hypernym 00637259 +01355326 _has_part 01458302 +08827126 _has_part 09332976 +06288527 _member_of_domain_usage 03788498 +01186208 _derivationally_related_form 08253640 +01357967 _member_meronym 01358904 +01645776 _hypernym 01639765 +00877345 _derivationally_related_form 00649481 +06321054 _derivationally_related_form 00227165 +00023100 _hypernym 00002137 +01628197 _derivationally_related_form 01867295 +05753564 _derivationally_related_form 10045454 +02276527 _member_meronym 02277268 +04716210 _derivationally_related_form 00999817 +00099184 _derivationally_related_form 13491616 +04453910 _derivationally_related_form 01336635 +01743223 _member_meronym 01743787 +12959074 _hypernym 12957076 +12556030 _hypernym 11585340 +06066555 _derivationally_related_form 09868270 +00946755 _derivationally_related_form 06490887 +01252566 _derivationally_related_form 00414409 +11016563 _instance_hypernym 10794014 +00925490 _derivationally_related_form 07289588 +04858785 _hypernym 04858455 +04211001 _hypernym 03088707 +01933093 _hypernym 01931768 +00932324 _derivationally_related_form 06601327 +01629000 _derivationally_related_form 13758745 +00072586 _hypernym 00072989 +00781912 _hypernym 00781685 +06508816 _hypernym 06647206 +05103283 _hypernym 05101815 +02419073 _derivationally_related_form 14006945 +00569087 _hypernym 00382635 +14890659 _derivationally_related_form 00219012 +12892226 _member_meronym 12914048 +09382990 _has_part 09383793 +05984584 _derivationally_related_form 00121046 +06498569 _member_meronym 06838005 +00772189 _derivationally_related_form 05651680 +00269258 _derivationally_related_form 01655902 +10599806 _derivationally_related_form 00952182 +01374767 _derivationally_related_form 00278555 +04013362 _hypernym 04296562 +05774129 _derivationally_related_form 00636574 +00077950 _hypernym 01387786 +03424630 _hypernym 03579982 +02368336 _also_see 02395115 +12448136 _hypernym 12446200 +10679174 _hypernym 10020890 +03850746 _hypernym 03808564 +03303965 _derivationally_related_form 02015598 +00027167 _derivationally_related_form 00413876 +00913065 _derivationally_related_form 07121157 +10166762 _derivationally_related_form 01455866 +01467986 _member_meronym 01470287 +00163406 _hypernym 00191142 +04111668 _hypernym 04110955 +05754197 _synset_domain_topic_of 06136258 +00844994 _hypernym 00845523 +00529224 _has_part 00526259 +12136944 _hypernym 11556857 +00318816 _hypernym 00317700 +10627899 _hypernym 09631129 +14386590 _hypernym 14083790 +09988703 _derivationally_related_form 01918669 +14002109 _derivationally_related_form 00487554 +00847770 _hypernym 00847340 +00776523 _derivationally_related_form 05194151 +01794813 _member_meronym 01797180 +12355023 _hypernym 13103136 +00680841 _derivationally_related_form 07498854 +06845599 _member_of_domain_usage 03942244 +07521437 _derivationally_related_form 01779165 +12488121 _member_meronym 12489046 +02580577 _hypernym 02413480 +13205482 _member_meronym 13209647 +01432474 _derivationally_related_form 05302499 +09189411 _has_part 08962187 +14052403 _hypernym 14034177 +08546183 _hypernym 08630039 +12787565 _member_meronym 12787846 +04294614 _hypernym 04294212 +08663354 _derivationally_related_form 02081178 +14445749 _hypernym 14445379 +09629752 _derivationally_related_form 01835496 +13050940 _hypernym 13049953 +01319562 _hypernym 01552519 +08149781 _hypernym 08081668 +07035420 _hypernym 07033007 +05710860 _derivationally_related_form 02129289 +00292507 _also_see 00778275 +02004874 _hypernym 01835496 +02029492 _derivationally_related_form 00988320 +06796642 _derivationally_related_form 01526521 +10437262 _hypernym 10707804 +06498569 _member_meronym 06837037 +12715195 _hypernym 12714755 +00367768 _hypernym 00365709 +13724977 _has_part 13724582 +02433381 _derivationally_related_form 00200768 +05586446 _has_part 05594037 +04869569 _hypernym 04871374 +01874126 _member_meronym 01876180 +00519363 _derivationally_related_form 04733347 +15153787 _has_part 15151255 +09357847 _instance_hypernym 09360122 +14577046 _hypernym 13920835 +00001740 _derivationally_related_form 05616246 +01970125 _synset_domain_topic_of 00300441 +00253395 _hypernym 00252430 +07710616 _hypernym 07710007 +02658979 _derivationally_related_form 06032246 +01101958 _hypernym 01094725 +01097192 _derivationally_related_form 15293590 +01883762 _member_meronym 01883920 +03294604 _hypernym 04058239 +02573563 _hypernym 01432517 +10227985 _derivationally_related_form 08441203 +01766952 _hypernym 00076114 +01818234 _derivationally_related_form 05167618 +12808227 _member_meronym 12834408 +06567960 _hypernym 06566077 +00331102 _derivationally_related_form 01855155 +02032934 _derivationally_related_form 01231980 +00276068 _verb_group 01755504 +00790703 _derivationally_related_form 06271778 +01699700 _hypernym 01698271 +10086821 _hypernym 10296176 +08172103 _member_meronym 08913434 +09129442 _has_part 09320985 +02369633 _derivationally_related_form 05059830 +00518115 _hypernym 00126264 +04530283 _has_part 04529962 +01182024 _derivationally_related_form 01197338 +12319687 _member_meronym 12321873 +09720406 _hypernym 09720256 +12952022 _member_meronym 12952165 +11665781 _member_meronym 12600417 +00295563 _hypernym 00295172 +12559842 _member_meronym 12560420 +10298912 _derivationally_related_form 00589769 +00279822 _hypernym 00282076 +01072949 _hypernym 01072262 +02416410 _hypernym 01864707 +00512522 _derivationally_related_form 02437465 +01941670 _member_meronym 01947275 +05898568 _derivationally_related_form 01638368 +10185793 _hypernym 10529965 +09090825 _has_part 09405949 +00630380 _hypernym 00628491 +02962938 _has_part 03857828 +01790739 _derivationally_related_form 07508232 +14141062 _hypernym 14140781 +12391477 _member_meronym 12398682 +08740875 _has_part 09168707 +10033663 _derivationally_related_form 00102974 +00867357 _derivationally_related_form 02243567 +01899891 _derivationally_related_form 00334356 +12896000 _has_part 07713074 +01649999 _derivationally_related_form 14578471 +02161944 _hypernym 01342529 +02171633 _member_meronym 02173240 +02324717 _member_meronym 02324850 +02298160 _synset_domain_topic_of 01090446 +02264021 _hypernym 02263378 +00791227 _derivationally_related_form 14441825 +02561332 _verb_group 01158872 +06900684 _synset_domain_topic_of 06128570 +08800911 _instance_hypernym 08574314 +10437852 _derivationally_related_form 00844298 +01266491 _derivationally_related_form 00978173 +00360242 _derivationally_related_form 01320513 +12194776 _member_meronym 12201761 +01372682 _derivationally_related_form 02754103 +06951067 _member_of_domain_usage 10588182 +08801678 _has_part 08804845 +12643113 _hypernym 13109733 +08244346 _hypernym 08244062 +01701858 _hypernym 01697816 +04316646 _hypernym 04059701 +01566185 _derivationally_related_form 04606358 +02933304 _derivationally_related_form 05524615 +00429048 _derivationally_related_form 02492198 +13617835 _hypernym 13600822 +02531625 _derivationally_related_form 00794367 +10282014 _instance_hypernym 10519494 +00291444 _derivationally_related_form 11428379 +12443929 _hypernym 11561228 +05613170 _synset_domain_topic_of 00704305 +01772498 _derivationally_related_form 07140348 +05593017 _hypernym 05275651 +01979901 _hypernym 02005948 +01846658 _derivationally_related_form 00312932 +01953810 _derivationally_related_form 04473432 +02406916 _hypernym 02407338 +00976653 _verb_group 02589576 +00665079 _derivationally_related_form 00080705 +00933154 _derivationally_related_form 05145891 +01722447 _derivationally_related_form 00548802 +07157273 _member_of_domain_usage 03823540 +01643657 _derivationally_related_form 00030358 +01825278 _hypernym 01822602 +08261589 _hypernym 08256968 +13027190 _member_meronym 13027670 +12581381 _member_meronym 12596525 +03834040 _synset_domain_topic_of 06090869 +05718935 _derivationally_related_form 10339966 +02678384 _derivationally_related_form 01643657 +14877234 _hypernym 14877585 +01174251 _hypernym 01173965 +08749864 _has_part 08946909 +01188485 _derivationally_related_form 00759335 +02034671 _derivationally_related_form 13869327 +00896348 _synset_domain_topic_of 08199025 +00158185 _derivationally_related_form 01803936 +02652335 _member_meronym 02652979 +09141526 _instance_hypernym 08655464 +02573275 _derivationally_related_form 09955015 +03832405 _derivationally_related_form 01276970 +08388207 _hypernym 08386555 +08288753 _hypernym 07950920 +00222472 _derivationally_related_form 04336034 +02237239 _hypernym 01759182 +02472293 _hypernym 02471762 +07545415 _derivationally_related_form 02457233 +02149302 _derivationally_related_form 14574846 +01143838 _derivationally_related_form 10193026 +06275634 _hypernym 06253690 +00334356 _derivationally_related_form 01899708 +02048891 _derivationally_related_form 07442068 +01650167 _hypernym 01639765 +08981244 _member_of_domain_region 08010559 +00485711 _derivationally_related_form 04764741 +03464467 _hypernym 03183080 +08508736 _hypernym 08507558 +04656598 _hypernym 04654652 +08246302 _hypernym 08245172 +08472335 _member_meronym 08358594 +00177578 _synset_domain_topic_of 00671351 +01421122 _hypernym 01421622 +02571034 _hypernym 01432517 +00327145 _hypernym 00322847 +11415608 _hypernym 11410625 +01485306 _hypernym 01429349 +06845599 _member_of_domain_usage 03296759 +01266895 _hypernym 01264283 +00730499 _derivationally_related_form 05748786 +02712443 _derivationally_related_form 05821486 +00677808 _derivationally_related_form 01528821 +00515791 _synset_domain_topic_of 08199025 +05311054 _has_part 09201031 +08190292 _synset_domain_topic_of 08199025 +01805684 _derivationally_related_form 10270878 +08711974 _has_part 09384921 +00743692 _synset_domain_topic_of 06128570 +12930044 _member_meronym 12931109 +00691312 _derivationally_related_form 04841358 +00388635 _derivationally_related_form 14525548 +00346693 _hypernym 00346296 +09086173 _instance_hypernym 08655464 +00560391 _derivationally_related_form 07358985 +07983856 _hypernym 07978423 +05825245 _derivationally_related_form 02533282 +10442417 _hypernym 10154601 +02467662 _derivationally_related_form 00385791 +00605246 _derivationally_related_form 10727256 +09207288 _has_part 08848731 +01782378 _hypernym 01762525 +11476231 _hypernym 07307895 +02166346 _also_see 02244619 +07358377 _synset_domain_topic_of 06453849 +05546040 _derivationally_related_form 01201089 +12141037 _hypernym 11556857 +02230056 _hypernym 02221959 +00755277 _hypernym 00754956 +06027051 _hypernym 06026635 +07496755 _derivationally_related_form 01802689 +00558630 _synset_domain_topic_of 00469651 +09078654 _instance_hypernym 08665504 +01836246 _hypernym 01507175 +07330007 _derivationally_related_form 00746479 +00721098 _hypernym 00719734 +09755241 _hypernym 10114897 +09900499 _hypernym 10257948 +00774056 _hypernym 00773432 +13523661 _derivationally_related_form 01204191 +04838210 _derivationally_related_form 01078783 +10561613 _hypernym 10042300 +07256375 _hypernym 07255791 +02514988 _hypernym 08103777 +03558176 _hypernym 04093625 +01929254 _hypernym 01904930 +10150940 _derivationally_related_form 02384686 +02087745 _derivationally_related_form 00571609 +07747951 _hypernym 07747055 +13140049 _hypernym 13139647 +05645199 _derivationally_related_form 00609100 +14640434 _derivationally_related_form 00308534 +09096664 _instance_hypernym 08524735 +08860123 _member_of_domain_region 06884790 +08831004 _has_part 09235469 +07292694 _hypernym 07291312 +02811936 _derivationally_related_form 02335629 +07537259 _derivationally_related_form 01785748 +11949402 _hypernym 12205694 +05784242 _derivationally_related_form 00704388 +00902289 _hypernym 00901799 +10304383 _derivationally_related_form 00647094 +15117809 _synset_domain_topic_of 03316406 +02640626 _hypernym 02640242 +00806049 _derivationally_related_form 03056010 +09627117 _hypernym 00007846 +07766530 _hypernym 07705931 +03648066 _hypernym 04602044 +14854581 _hypernym 14854262 +09349425 _instance_hypernym 09360122 +09323824 _has_part 09403581 +14704966 _derivationally_related_form 01332205 +03176594 _derivationally_related_form 02126863 +00595630 _verb_group 00594621 +05678474 _hypernym 14034177 +02761897 _derivationally_related_form 00229934 +12792041 _member_meronym 12802248 +01021128 _derivationally_related_form 06880533 +11803475 _hypernym 08103777 +01290422 _derivationally_related_form 02755352 +15197042 _derivationally_related_form 03098491 +00715541 _hypernym 00700708 +07519253 _hypernym 07480068 +10419047 _hypernym 10522324 +09433134 _hypernym 09225146 +10370381 _hypernym 00007846 +00682080 _hypernym 00690501 +00358290 _derivationally_related_form 00331082 +11820463 _hypernym 13084184 +03854065 _derivationally_related_form 10382825 +00025985 _hypernym 00025654 +05275905 _hypernym 05546040 +10562749 _hypernym 09617867 +10044879 _derivationally_related_form 00592102 +01369346 _also_see 01254324 +09035305 _instance_hypernym 08574314 +01893771 _derivationally_related_form 07381423 +02498320 _derivationally_related_form 05795460 +00405206 _hypernym 00404403 +00781000 _derivationally_related_form 01017987 +14687633 _hypernym 14911057 +01639765 _derivationally_related_form 02631238 +00217427 _hypernym 00217152 +12727301 _hypernym 12724942 +00646271 _derivationally_related_form 05785311 +14415518 _derivationally_related_form 00494269 +01467504 _hypernym 01466828 +03648219 _hypernym 03419014 +00796586 _derivationally_related_form 00677683 +01204191 _derivationally_related_form 00664849 +04694441 _derivationally_related_form 01252425 +02454312 _derivationally_related_form 05800998 +06900282 _hypernym 06898352 +03487090 _hypernym 02788689 +01115585 _derivationally_related_form 00067707 +01167146 _derivationally_related_form 01612053 +03074922 _derivationally_related_form 08168531 +02439732 _derivationally_related_form 10151570 +02506546 _hypernym 00770437 +13744521 _hypernym 13741022 +06452601 _has_part 06440663 +00270826 _derivationally_related_form 01159025 +05804793 _hypernym 05770664 +05728024 _has_part 06008896 +02592371 _hypernym 02590495 +00531201 _hypernym 00528397 +01029114 _hypernym 01028655 +01729431 _hypernym 00941990 +06153846 _hypernym 05996646 +13485408 _derivationally_related_form 00506672 +09729530 _hypernym 09639919 +01603732 _derivationally_related_form 14789885 +05408684 _hypernym 05407119 +00277399 _hypernym 00619183 +00102974 _derivationally_related_form 10033663 +12328026 _member_meronym 12328241 +09044862 _has_part 09377315 +11899432 _hypernym 11575425 +01749428 _hypernym 01657723 +10681383 _derivationally_related_form 00687926 +01050627 _derivationally_related_form 01234625 +08860123 _member_of_domain_region 08285896 +10734568 _derivationally_related_form 01517662 +12823531 _hypernym 11567411 +02919648 _hypernym 03967942 +05549830 _has_part 05555688 +13085864 _hypernym 00914632 +07480896 _derivationally_related_form 01725712 +02634808 _derivationally_related_form 05920791 +01552519 _also_see 01259458 +00203753 _derivationally_related_form 00811375 +02051701 _member_meronym 02052044 +13301174 _hypernym 13327676 +01106587 _hypernym 01105259 +06072275 _derivationally_related_form 10059904 +09315159 _derivationally_related_form 00266798 +06624161 _has_part 06787150 +12829099 _member_meronym 12830080 +02341200 _derivationally_related_form 03619650 +08949093 _has_part 08950787 +01166926 _derivationally_related_form 00669762 +02294436 _derivationally_related_form 01083077 +02710673 _derivationally_related_form 08512736 +05578911 _derivationally_related_form 01608122 +04850117 _derivationally_related_form 00956131 +01096454 _derivationally_related_form 00908621 +02814860 _derivationally_related_form 02160433 +01268457 _derivationally_related_form 14974264 +06125041 _derivationally_related_form 02809692 +01054186 _hypernym 00941990 +02681795 _derivationally_related_form 10740219 +04087524 _hypernym 02725367 +02543607 _derivationally_related_form 01244895 +12299988 _member_meronym 12303349 +11911591 _member_meronym 11985586 +00450866 _hypernym 00450335 +00093593 _derivationally_related_form 07427534 +00154689 _hypernym 00153961 +02673134 _verb_group 02743020 +09275473 _has_part 09038597 +08725692 _instance_hypernym 08654360 +02646931 _derivationally_related_form 01128390 +02188065 _member_meronym 02189214 +06845599 _member_of_domain_usage 14747168 +02557199 _derivationally_related_form 05689249 +06152821 _hypernym 05999797 +02507337 _member_meronym 02507649 +11832480 _hypernym 11832214 +06917764 _hypernym 06906439 +08572162 _hypernym 08652970 +11718521 _hypernym 11571907 +08900535 _member_meronym 09673495 +08860123 _member_of_domain_region 13649791 +00847478 _derivationally_related_form 14440137 +02546873 _hypernym 01432517 +14900184 _hypernym 14899328 +12487647 _member_meronym 12494629 +10491309 _derivationally_related_form 01745722 +00101609 _also_see 02099019 +12582665 _hypernym 12582231 +15171307 _hypernym 15123115 +06373747 _derivationally_related_form 00485609 +12797025 _hypernym 12796849 +03438257 _hypernym 03094503 +01139830 _hypernym 01138670 +08873622 _has_part 08875369 +02677332 _hypernym 02677097 +06123363 _hypernym 05996646 +07209965 _derivationally_related_form 00910973 +12232683 _hypernym 11575425 +08853741 _has_part 09384921 +09044862 _has_part 09148970 +12097927 _member_meronym 12098665 +09066799 _instance_hypernym 08524735 +03530910 _derivationally_related_form 01337224 +09092497 _instance_hypernym 08655464 +01364587 _hypernym 01352059 +00364787 _hypernym 00363260 +01135922 _derivationally_related_form 04190464 +11458624 _derivationally_related_form 01448100 +01353226 _derivationally_related_form 02081946 +01085474 _hypernym 02513460 +10461424 _derivationally_related_form 00747418 +06665370 _hypernym 06665108 +14992287 _hypernym 14825062 +00654015 _verb_group 00654258 +01606574 _derivationally_related_form 00105624 +12411084 _hypernym 11556187 +08860123 _member_of_domain_region 10637038 +12321669 _hypernym 12320010 +08133536 _has_part 08134081 +02735897 _derivationally_related_form 05154908 +01523823 _hypernym 01519977 +02413140 _synset_domain_topic_of 00923444 +04660981 _hypernym 04660536 +00126584 _synset_domain_topic_of 00471613 +02677861 _derivationally_related_form 05307091 +00369628 _derivationally_related_form 02863724 +01524359 _hypernym 01503061 +00782527 _hypernym 00794079 +00073713 _derivationally_related_form 00835903 +01186958 _hypernym 02313250 +01078086 _derivationally_related_form 00301338 +00407458 _hypernym 00406243 +13263779 _hypernym 13262913 +01752025 _hypernym 01256157 +09434469 _instance_hypernym 09403734 +01046932 _hypernym 00913065 +00909219 _derivationally_related_form 10342543 +13885836 _derivationally_related_form 01280808 +04937043 _hypernym 04936846 +07556637 _derivationally_related_form 00828779 +15173353 _synset_domain_topic_of 08199025 +12778219 _hypernym 13109733 +01828405 _derivationally_related_form 10270878 +00808162 _hypernym 00807461 +08999482 _member_meronym 09731436 +00127531 _hypernym 00786195 +03085602 _hypernym 04152593 +08713772 _has_part 08961630 +08253640 _derivationally_related_form 01186208 +09756500 _hypernym 10294602 +01389188 _hypernym 08102555 +02982790 _derivationally_related_form 01131473 +01824751 _derivationally_related_form 05204637 +07514345 _derivationally_related_form 02116118 +04124202 _hypernym 04295081 +06449735 _has_part 06438995 +03218545 _hypernym 04345288 +00194696 _synset_domain_topic_of 06084469 +10318892 _derivationally_related_form 00550016 +14578940 _derivationally_related_form 02679899 +01540449 _derivationally_related_form 13558490 +01317533 _derivationally_related_form 05770391 +01422886 _derivationally_related_form 03967942 +02112891 _derivationally_related_form 14841267 +01564144 _derivationally_related_form 07334490 +09250678 _instance_hypernym 09411430 +10618848 _hypernym 10450303 +05539138 _has_part 05601357 +04782116 _hypernym 04779649 +02380009 _derivationally_related_form 00212205 +00360932 _hypernym 00146138 +08028397 _synset_domain_topic_of 00759694 +13742358 _derivationally_related_form 00637259 +01802689 _derivationally_related_form 04039041 +00539951 _derivationally_related_form 01898893 +00692506 _derivationally_related_form 00061595 +13946760 _derivationally_related_form 02633534 +13326198 _derivationally_related_form 01489161 +10763725 _hypernym 00007846 +12175949 _hypernym 13112664 +07109847 _has_part 07111047 +07233996 _hypernym 07233634 +10547145 _derivationally_related_form 08152657 +02326695 _also_see 01613463 +03524574 _hypernym 04451818 +03962525 _synset_domain_topic_of 08199025 +05941037 _hypernym 05926676 +00272878 _hypernym 00271263 +11301279 _instance_hypernym 10599806 +01378556 _also_see 02077148 +08614104 _hypernym 08664443 +13730189 _hypernym 13730054 +09099526 _has_part 09100080 +02611373 _also_see 01116585 +02049299 _member_meronym 02049672 +14288871 _hypernym 14285662 +01803764 _hypernym 01507175 +14857497 _derivationally_related_form 02223238 +03314378 _hypernym 03725035 +02733122 _derivationally_related_form 10466918 +01205696 _verb_group 02710402 +01958038 _has_part 07786856 +05262185 _hypernym 05261404 +01258251 _synset_domain_topic_of 08441203 +02550698 _hypernym 02550296 +05704694 _derivationally_related_form 00722232 +02431320 _derivationally_related_form 10580030 +00709625 _similar_to 00708017 +01742310 _hypernym 01657723 +01241594 _derivationally_related_form 02148109 +01049685 _derivationally_related_form 01130169 +05695232 _hypernym 05694791 +00161739 _derivationally_related_form 01696648 +06405699 _hypernym 06362953 +06032246 _derivationally_related_form 00713996 +10044470 _derivationally_related_form 02269143 +15271417 _derivationally_related_form 00351824 +02061846 _hypernym 01843055 +01697628 _synset_domain_topic_of 00933420 +02163982 _member_meronym 02176073 +12385429 _hypernym 12205694 +00808191 _derivationally_related_form 04635482 +10474645 _derivationally_related_form 00597629 +01487008 _hypernym 01482449 +00465762 _derivationally_related_form 00329031 +01022420 _hypernym 00634472 +10691148 _derivationally_related_form 01895757 +02583096 _hypernym 02554730 +09229409 _hypernym 09448361 +01136614 _derivationally_related_form 10152083 +02892392 _hypernym 02740764 +00425905 _derivationally_related_form 00850501 +09759069 _hypernym 10045713 +03624966 _derivationally_related_form 01671039 +02518488 _hypernym 01432517 +04568298 _has_part 04551950 +08900535 _has_part 08903487 +00024047 _verb_group 00024279 +07445010 _derivationally_related_form 00465762 +11957912 _hypernym 11579418 +12219875 _hypernym 11567411 +08604487 _instance_hypernym 08600992 +07888909 _derivationally_related_form 10286855 +03022406 _derivationally_related_form 00021826 +02023133 _member_meronym 02023341 +01643687 _hypernym 01626600 +02125311 _hypernym 02124623 +08521623 _hypernym 08651247 +15116532 _hypernym 00028270 +00282790 _derivationally_related_form 13152742 +02990561 _hypernym 03124700 +12194776 _member_meronym 12198628 +02133512 _hypernym 01864707 +12226009 _member_meronym 12252620 +09031653 _has_part 09033117 +09942431 _derivationally_related_form 00961586 +06022291 _derivationally_related_form 02661252 +08044676 _synset_domain_topic_of 00759694 +01745125 _hypernym 01726692 +04864515 _hypernym 04864200 +01457708 _hypernym 01432517 +01993926 _derivationally_related_form 00282050 +05519085 _hypernym 05514717 +00375071 _hypernym 00374063 +01347298 _hypernym 02422663 +00068901 _hypernym 00066397 +09868157 _hypernym 10677713 +00941990 _derivationally_related_form 07129867 +02340897 _hypernym 02339413 +12745386 _hypernym 12651821 +06717170 _derivationally_related_form 00864475 +00302861 _hypernym 00302394 +10501203 _derivationally_related_form 00774056 +02409202 _hypernym 02407959 +08794798 _instance_hypernym 08691669 +01509584 _verb_group 01506157 +00473322 _also_see 00236592 +14382238 _hypernym 14381416 +07123288 _derivationally_related_form 00914215 +14047171 _synset_domain_topic_of 06053439 +02350537 _hypernym 01864707 +01923171 _hypernym 08102555 +12501745 _member_meronym 12564381 +06028021 _synset_domain_topic_of 06018465 +08723006 _has_part 08727806 +13858604 _derivationally_related_form 00799798 +03903424 _derivationally_related_form 01935476 +05466696 _hypernym 05465567 +12740196 _member_meronym 12751402 +02987492 _derivationally_related_form 01326730 +07733217 _hypernym 07709333 +00302875 _derivationally_related_form 00381567 +02553196 _member_meronym 02635310 +00027167 _derivationally_related_form 02694933 +01947543 _derivationally_related_form 09891470 +12314652 _member_meronym 12314808 +05195362 _hypernym 05194578 +01134037 _derivationally_related_form 02217266 +05769726 _derivationally_related_form 01637633 +01083373 _derivationally_related_form 01249483 +06295235 _member_of_domain_usage 01223877 +06199142 _derivationally_related_form 02374914 +09810867 _hypernym 09979589 +00727564 _also_see 02109678 +12100538 _member_meronym 12126911 +03622058 _derivationally_related_form 01053495 +05714745 _hypernym 05714466 +02114100 _hypernym 02083346 +01555586 _hypernym 01504437 +14322699 _derivationally_related_form 00070816 +02600298 _hypernym 02599958 +02131418 _member_meronym 02133902 +06027264 _hypernym 06020737 +01907258 _verb_group 02089984 +00536655 _hypernym 00534849 +05930136 _hypernym 05926676 +05209324 _derivationally_related_form 01007354 +00378296 _hypernym 00378069 +04108268 _derivationally_related_form 01289155 +00740290 _hypernym 00672433 +12838027 _member_meronym 12852726 +01126961 _hypernym 01476483 +00972621 _has_part 00974444 +10078131 _hypernym 09771435 +07185668 _hypernym 07185325 +01543426 _hypernym 01547001 +00919424 _hypernym 00918872 +10683126 _hypernym 09629752 +13386614 _derivationally_related_form 02256354 +07366145 _derivationally_related_form 01477014 +10122128 _hypernym 00007846 +06012726 _synset_domain_topic_of 06000644 +00477941 _derivationally_related_form 09310460 +08519916 _instance_hypernym 08574314 +00650353 _derivationally_related_form 05748285 +11891541 _hypernym 12205694 +13822995 _hypernym 13819207 +02284096 _derivationally_related_form 09874260 +11495041 _derivationally_related_form 00403609 +07157273 _member_of_domain_usage 00361041 +04065272 _hypernym 04170037 +15193271 _hypernym 15161631 +10270878 _hypernym 00007846 +03384535 _hypernym 03779370 +02396427 _has_part 01465713 +02191546 _hypernym 02106506 +08841667 _member_of_domain_region 08836329 +00425451 _hypernym 00418394 +01305099 _hypernym 01340439 +02234087 _hypernym 02228698 +13579287 _hypernym 13577171 +10602470 _synset_domain_topic_of 08083599 +01856626 _derivationally_related_form 01123095 +00344040 _derivationally_related_form 01423285 +09876892 _synset_domain_topic_of 05946687 +13558490 _hypernym 13518963 +02547046 _derivationally_related_form 06706676 +00235368 _derivationally_related_form 05124057 +09798811 _hypernym 09678009 +00520881 _derivationally_related_form 14641397 +06468818 _hypernym 06468951 +13736799 _hypernym 13732295 +02208498 _hypernym 02208280 +08039601 _instance_hypernym 08392137 +09915964 _derivationally_related_form 01201089 +00402831 _hypernym 00402539 +00077645 _also_see 00264776 +05812038 _derivationally_related_form 02676496 +08860123 _member_of_domain_region 03191776 +08519444 _hypernym 08518940 +10217436 _derivationally_related_form 09316454 +08897065 _has_part 08899149 +02392600 _hypernym 02391803 +03998525 _hypernym 02721160 +11879054 _hypernym 11868814 +02429695 _member_meronym 02433796 +14719893 _hypernym 14708720 +12598629 _member_meronym 12598826 +00087290 _hypernym 00078760 +00455529 _derivationally_related_form 08647457 +01031256 _hypernym 02232190 +05905348 _derivationally_related_form 10661563 +11870607 _hypernym 11575425 +00159880 _derivationally_related_form 01128984 +03966976 _hypernym 03082127 +02091410 _hypernym 01835496 +07066659 _synset_domain_topic_of 07020895 +05311054 _has_part 05314255 +10032676 _hypernym 09616922 +01086103 _derivationally_related_form 07472657 +12936713 _hypernym 11585340 +13753740 _hypernym 13745420 +10252674 _derivationally_related_form 02270404 +01142899 _derivationally_related_form 01789740 +04187547 _hypernym 03859280 +02214485 _hypernym 02213690 +00208797 _hypernym 00206927 +00837675 _hypernym 00836788 +02707125 _derivationally_related_form 07366145 +09304750 _hypernym 09366017 +00596193 _hypernym 00586262 +01352059 _hypernym 08107499 +08152657 _derivationally_related_form 10547145 +10105462 _hypernym 10102506 +01659248 _verb_group 01668603 +13512725 _has_part 13504497 +12039743 _member_meronym 12050295 +10168183 _derivationally_related_form 09183971 +01975312 _member_meronym 01988971 +01225397 _derivationally_related_form 01810447 +09466280 _member_meronym 08271042 +05071027 _derivationally_related_form 00304422 +07520612 _hypernym 07519253 +02805584 _instance_hypernym 03386011 +05021151 _derivationally_related_form 01449796 +10903722 _instance_hypernym 09826204 +08132637 _synset_domain_topic_of 00883297 +06717170 _member_of_domain_usage 09641422 +00067707 _derivationally_related_form 01115585 +00744443 _hypernym 00732746 +08107499 _member_meronym 01333301 +00662589 _hypernym 00664483 +00860620 _hypernym 00856824 +00372958 _derivationally_related_form 03508101 +01423757 _member_meronym 01424607 +11554175 _hypernym 08108972 +00216561 _synset_domain_topic_of 00243918 +11709674 _hypernym 13109733 +08292756 _member_meronym 04552696 +02651014 _hypernym 02649830 +11907267 _hypernym 11575425 +01577818 _hypernym 01507175 +14486533 _derivationally_related_form 01814396 +08871007 _member_of_domain_region 00964105 +00033615 _derivationally_related_form 00489837 +07410021 _derivationally_related_form 01410223 +06551784 _hypernym 06479665 +00963283 _derivationally_related_form 06790042 +03778135 _hypernym 03936895 +08792548 _has_part 08793489 +05878229 _hypernym 05872982 +02916684 _hypernym 03196324 +00591236 _derivationally_related_form 09775663 +08766988 _member_of_domain_region 08475722 +04790774 _derivationally_related_form 01611067 +02255268 _derivationally_related_form 01086572 +00357906 _derivationally_related_form 00431117 +01282014 _derivationally_related_form 04729328 +00775156 _derivationally_related_form 07184149 +14472624 _derivationally_related_form 00413432 +01161017 _derivationally_related_form 00824292 +01626134 _hypernym 08107499 +09272468 _derivationally_related_form 00471711 +00283703 _derivationally_related_form 04955633 +00869596 _derivationally_related_form 01168961 +05566504 _hypernym 05566097 +01740721 _hypernym 01657723 +14000403 _derivationally_related_form 09777353 +01487311 _hypernym 01488956 +00946755 _hypernym 01026095 +05567217 _hypernym 05566504 +04137444 _hypernym 03294048 +00438065 _hypernym 00046344 +02493260 _hypernym 02491383 +14477877 _hypernym 14473222 +00048129 _derivationally_related_form 02679788 +08982587 _instance_hypernym 08696931 +11702999 _hypernym 11564258 +14798450 _derivationally_related_form 02627221 +00242808 _derivationally_related_form 01762528 +03259505 _has_part 02807731 +04218564 _hypernym 02676261 +00653388 _derivationally_related_form 00948707 +01685808 _hypernym 01685439 +01571578 _member_meronym 01573775 +12655351 _has_part 07745197 +00807941 _derivationally_related_form 07209089 +03954199 _derivationally_related_form 01639714 +05639556 _derivationally_related_form 10368920 +06184270 _hypernym 06183899 +01022008 _derivationally_related_form 02376429 +01044533 _derivationally_related_form 07386920 +09953178 _derivationally_related_form 02553697 +01252216 _hypernym 01251928 +13780719 _derivationally_related_form 00031921 +00348571 _derivationally_related_form 01876907 +01190012 _derivationally_related_form 10012377 +04384016 _has_part 04530283 +01130607 _derivationally_related_form 04051825 +12486732 _hypernym 11744859 +07366145 _hypernym 07365849 +07160296 _hypernym 07160116 +14987695 _hypernym 14985383 +08404549 _derivationally_related_form 00678105 +01219075 _hypernym 01218593 +01340439 _derivationally_related_form 10080337 +03825080 _hypernym 03051540 +13171649 _member_meronym 13171797 +02147962 _derivationally_related_form 08253450 +08477634 _derivationally_related_form 10787470 +02300060 _hypernym 01072949 +05826469 _derivationally_related_form 00667747 +01682588 _hypernym 01657723 +07571324 _hypernym 00243918 +05402091 _derivationally_related_form 00457998 +00273449 _hypernym 00271263 +08198137 _synset_domain_topic_of 08199025 +10660333 _derivationally_related_form 00835294 +02326198 _hypernym 02325968 +01604251 _derivationally_related_form 04108268 +01181902 _synset_domain_topic_of 08441203 +10726233 _hypernym 10193026 +14200873 _hypernym 14198576 +12428915 _member_meronym 12429352 +01956708 _hypernym 01955984 +03509025 _has_part 04041069 +01103693 _synset_domain_topic_of 00488225 +01449712 _hypernym 01448951 +03118539 _derivationally_related_form 02666531 +13199445 _member_meronym 13199717 +08143653 _has_part 08192557 +01887576 _also_see 02072849 +09350045 _has_part 08756735 +06172502 _derivationally_related_form 02706691 +01831930 _member_meronym 01832167 +02021653 _hypernym 02020590 +05055278 _hypernym 05054863 +15230482 _hypernym 15227846 +00228858 _derivationally_related_form 07902520 +00904623 _hypernym 00904428 +09827683 _derivationally_related_form 02570267 +02010864 _hypernym 02009433 +13523661 _hypernym 13526110 +08152657 _hypernym 00031264 +02316304 _derivationally_related_form 07254836 +07362075 _hypernym 07365849 +03807052 _hypernym 04522421 +02376918 _hypernym 02374451 +00261533 _derivationally_related_form 14706026 +05961867 _derivationally_related_form 02730304 +00003553 _hypernym 00002684 +06318062 _hypernym 06317672 +08346286 _hypernym 08342039 +08982587 _has_part 08983556 +05068918 _hypernym 05068716 +00243918 _has_part 00248368 +01557774 _derivationally_related_form 07331400 +02254258 _derivationally_related_form 00228535 +06481320 _hypernym 06637824 +14421373 _derivationally_related_form 02430580 +13214813 _hypernym 13166338 +01671874 _hypernym 01656813 +01062739 _verb_group 00789448 +01322509 _derivationally_related_form 14287113 +13446197 _derivationally_related_form 00136800 +01885032 _member_meronym 01885158 +02215941 _hypernym 01759182 +00591115 _verb_group 01635432 +12864038 _hypernym 11579418 +10218043 _hypernym 09786338 +04264914 _has_part 03510072 +00933403 _derivationally_related_form 10758847 +05220461 _hypernym 09385911 +12481806 _member_meronym 12482031 +13894434 _derivationally_related_form 02714731 +01156438 _derivationally_related_form 01088381 +00229260 _derivationally_related_form 02425913 +00197744 _derivationally_related_form 01904182 +08368907 _hypernym 07941170 +01500721 _member_meronym 01500854 +00082714 _derivationally_related_form 00696882 +14524198 _derivationally_related_form 02770717 +15287830 _derivationally_related_form 00675701 +09441352 _instance_hypernym 09252970 +00651954 _hypernym 00315986 +01941670 _member_meronym 01942601 +00931555 _derivationally_related_form 04835488 +08706247 _instance_hypernym 08524735 +02454999 _hypernym 01864707 +00590626 _derivationally_related_form 09941383 +09963914 _derivationally_related_form 00404642 +02512938 _hypernym 02512053 +07242912 _derivationally_related_form 01051956 +00261972 _hypernym 00261604 +02275152 _hypernym 02274482 +01002377 _derivationally_related_form 14045507 +00986027 _also_see 02043898 +13062272 _hypernym 11592146 +07027458 _derivationally_related_form 01707306 +08493961 _hypernym 08492546 +00024279 _derivationally_related_form 09402704 +03792048 _derivationally_related_form 01660640 +06691989 _hypernym 06686736 +01129977 _also_see 02584981 +08959683 _instance_hypernym 08698379 +12629946 _member_meronym 12630144 +11071677 _instance_hypernym 09807075 +04645943 _derivationally_related_form 00681125 +08502797 _instance_hypernym 09212572 +04210390 _derivationally_related_form 01482958 +01082454 _verb_group 01439190 +09334396 _derivationally_related_form 01406684 +04149083 _derivationally_related_form 01312371 +08874469 _instance_hypernym 08546183 +00118552 _derivationally_related_form 00101956 +00838367 _has_part 00278810 +08973776 _has_part 08974818 +13502909 _hypernym 13518963 +05886266 _hypernym 05885622 +05820462 _derivationally_related_form 02809220 +06960566 _derivationally_related_form 02957823 +00926472 _derivationally_related_form 10102506 +01783022 _hypernym 01782650 +08984788 _member_of_domain_region 06966310 +00860434 _hypernym 00859001 +08860123 _member_of_domain_region 02877513 +11793403 _hypernym 11779300 +00967098 _derivationally_related_form 06681551 +11729315 _hypernym 11571907 +00939857 _derivationally_related_form 07171206 +01997698 _hypernym 08103777 +12968408 _hypernym 11594676 +00654625 _derivationally_related_form 07974025 +13300922 _hypernym 13300555 +07344663 _derivationally_related_form 02187922 +06316048 _has_part 06320801 +06778102 _derivationally_related_form 10224098 +07556637 _derivationally_related_form 02281485 +03636649 _has_part 02798574 +09407043 _hypernym 09190918 +00939452 _derivationally_related_form 01705494 +13219067 _member_meronym 13219258 +00104299 _hypernym 00281101 +09916788 _synset_domain_topic_of 08441203 +02144243 _synset_domain_topic_of 06183899 +02162947 _derivationally_related_form 07412310 +00568879 _derivationally_related_form 01212225 +02559232 _hypernym 01429349 +08456727 _hypernym 08357784 +00478647 _derivationally_related_form 01408760 +01053144 _derivationally_related_form 05714894 +00235918 _derivationally_related_form 06425065 +00247442 _derivationally_related_form 00324560 +05408388 _hypernym 05407119 +05230603 _hypernym 05230357 +10611541 _hypernym 00007846 +08786432 _instance_hypernym 08524735 +07075172 _member_of_domain_usage 09976283 +12846335 _hypernym 12205694 +14374432 _synset_domain_topic_of 06055946 +00470386 _derivationally_related_form 01112420 +03799710 _derivationally_related_form 10338498 +02872752 _has_part 03511426 +03074922 _derivationally_related_form 07969695 +02290956 _derivationally_related_form 05142641 +10548227 _hypernym 10548681 +06777794 _derivationally_related_form 00855295 +02242256 _synset_domain_topic_of 00766234 +03799375 _has_part 02872333 +12923439 _hypernym 11585340 +02971469 _derivationally_related_form 09700492 +07255027 _derivationally_related_form 00804476 +04461696 _hypernym 04490091 +00967625 _derivationally_related_form 10491309 +14859344 _derivationally_related_form 00504270 +10906048 _instance_hypernym 10515194 +02642935 _hypernym 01432517 +08510456 _hypernym 08507558 +09076675 _has_part 08124649 +04901326 _derivationally_related_form 01880531 +11466701 _hypernym 11524662 +01026728 _verb_group 02676054 +01836673 _hypernym 01835276 +06575227 _hypernym 06568978 +11953339 _has_part 07731767 +01425709 _derivationally_related_form 00138599 +09060768 _has_part 09065557 +08713772 _has_part 08915784 +07373803 _derivationally_related_form 00394813 +11844651 _hypernym 11573660 +00318735 _derivationally_related_form 01061017 +14886579 _hypernym 15015501 +01186428 _derivationally_related_form 13505987 +00257650 _hypernym 00245457 +04404412 _has_part 04405540 +03963645 _has_part 04371774 +02278061 _derivationally_related_form 10437262 +08101937 _hypernym 08102402 +00720808 _derivationally_related_form 09797113 +04993108 _hypernym 04992570 +12618524 _member_meronym 12618727 +02503517 _has_part 01465713 +02568392 _derivationally_related_form 10621514 +02310855 _derivationally_related_form 02787772 +05667613 _hypernym 05667196 +00722232 _derivationally_related_form 05704266 +09623038 _derivationally_related_form 01256417 +09788237 _hypernym 09774266 +12243292 _hypernym 11575425 +03343354 _hypernym 03945615 +05014099 _derivationally_related_form 00374668 +07086861 _hypernym 07086518 +09927089 _derivationally_related_form 01533442 +02540637 _member_meronym 02540983 +10170359 _derivationally_related_form 06077413 +01260309 _hypernym 00819024 +10541106 _hypernym 10633450 +00589494 _hypernym 00586262 +01013770 _hypernym 01012712 +09391996 _instance_hypernym 09360122 +02557199 _derivationally_related_form 14507951 +02222718 _member_meronym 02223266 +14920844 _derivationally_related_form 00495038 +01968045 _hypernym 01968275 +09913824 _derivationally_related_form 06084469 +00364260 _derivationally_related_form 00158222 +00882159 _derivationally_related_form 02571901 +00105820 _derivationally_related_form 01512625 +10716005 _derivationally_related_form 02585489 +07187773 _derivationally_related_form 00782057 +01077887 _hypernym 01076615 +00893167 _hypernym 00903385 +13043264 _hypernym 11594676 +00583461 _hypernym 00583246 +01948077 _hypernym 01887576 +02638444 _derivationally_related_form 10737103 +01369758 _also_see 01259458 +00665886 _derivationally_related_form 06650070 +06818121 _derivationally_related_form 00923793 +13194328 _member_meronym 13194572 +10125561 _hypernym 10162991 +01034312 _derivationally_related_form 07138085 +07439284 _derivationally_related_form 01878719 +12561309 _hypernym 12560016 +14451349 _derivationally_related_form 02581073 +12530818 _hypernym 12520864 +04886881 _hypernym 07508486 +01043189 _synset_domain_topic_of 08083599 +01358904 _hypernym 01352059 +01913363 _derivationally_related_form 00976698 +09813219 _derivationally_related_form 02142775 +01742556 _hypernym 01740608 +08229694 _hypernym 08227214 +02291024 _member_meronym 02291220 +13971561 _derivationally_related_form 01765392 +11923016 _member_meronym 11923174 +02195191 _derivationally_related_form 14359952 +01365549 _derivationally_related_form 03532672 +06805826 _hypernym 06805665 +14652104 _hypernym 14624369 +01597551 _hypernym 01507175 +05016171 _hypernym 05011790 +01947352 _synset_domain_topic_of 02858304 +13559782 _synset_domain_topic_of 06037666 +07387316 _hypernym 07382572 +10819285 _synset_domain_topic_of 06226057 +11692952 _member_meronym 11714618 +09983572 _derivationally_related_form 02860564 +02245592 _member_meronym 02248147 +00559102 _derivationally_related_form 05035961 +10477585 _hypernym 09977660 +07881800 _hypernym 00021265 +01174742 _derivationally_related_form 00839023 +02720201 _derivationally_related_form 02832818 +07246036 _derivationally_related_form 00765649 +01465365 _verb_group 01465218 +03916031 _derivationally_related_form 02126382 +00819274 _hypernym 00819024 +03282060 _hypernym 03792048 +11446067 _hypernym 11445395 +08995242 _instance_hypernym 08574314 +10697282 _derivationally_related_form 01196364 +09538915 _derivationally_related_form 02870663 +01052248 _derivationally_related_form 04980463 +09682291 _hypernym 09628382 +03748456 _hypernym 02722166 +07390400 _derivationally_related_form 02185988 +06718862 _member_of_domain_usage 09720406 +05785067 _derivationally_related_form 00950431 +13354985 _derivationally_related_form 02265231 +01455592 _member_meronym 01456631 +08511970 _derivationally_related_form 01238358 +08367880 _hypernym 07950920 +00625427 _hypernym 00621627 +02619738 _hypernym 01429349 +02056971 _derivationally_related_form 10034906 +07455760 _hypernym 07447261 +07578363 _has_part 07578879 +05407890 _hypernym 14807737 +02181863 _member_meronym 02182045 +00782527 _derivationally_related_form 05695232 +09813696 _synset_domain_topic_of 06148148 +14499594 _hypernym 14499262 +14010927 _derivationally_related_form 01859586 +01183497 _synset_domain_topic_of 08441203 +10608803 _derivationally_related_form 01420928 +10097477 _hypernym 10273064 +02955540 _hypernym 04295081 +07313814 _hypernym 07331400 +02023133 _hypernym 01504437 +01193721 _derivationally_related_form 13580723 +07978423 _member_meronym 06372680 +13384877 _hypernym 13385913 +14693733 _hypernym 14662574 +14008567 _synset_domain_topic_of 09470550 +11770013 _member_meronym 11770256 +12745788 _member_meronym 12746733 +01496617 _member_meronym 01496944 +09097871 _instance_hypernym 08524735 +00318326 _hypernym 00317888 +01097292 _hypernym 00407535 +00038365 _derivationally_related_form 03074855 +00530592 _derivationally_related_form 00194414 +10067305 _hypernym 09505153 +02506546 _derivationally_related_form 01129920 +09949946 _derivationally_related_form 01744888 +12781659 _member_meronym 12781814 +12286197 _hypernym 12284262 +12989462 _member_meronym 12990407 +10380672 _derivationally_related_form 06170498 +00189257 _synset_domain_topic_of 00469651 +10412910 _hypernym 10271677 +02656550 _hypernym 01432517 +00366317 _derivationally_related_form 00256862 +11968104 _hypernym 11579418 +12251137 _hypernym 11575425 +00213052 _derivationally_related_form 02316649 +04059298 _hypernym 03744276 +02838592 _derivationally_related_form 13536794 +12381666 _member_meronym 12382233 +12305089 _hypernym 12303462 +05540513 _has_part 05544906 +12656685 _hypernym 12655869 +12851673 _member_meronym 12851860 +07532440 _derivationally_related_form 01149494 +09794917 _hypernym 10008716 +15193271 _synset_domain_topic_of 08087981 +02199999 _member_meronym 02201758 +09552681 _synset_domain_topic_of 15253139 +10113997 _hypernym 10577284 +03007354 _derivationally_related_form 01478603 +12283147 _hypernym 12281241 +15217674 _hypernym 15216966 +08888676 _has_part 08889191 +00869931 _derivationally_related_form 06561942 +03112869 _hypernym 03387323 +02337870 _synset_domain_topic_of 00610738 +02353529 _member_meronym 02354470 +12922283 _hypernym 11585340 +11906713 _hypernym 11575425 +00737973 _derivationally_related_form 01619929 +01587834 _hypernym 01525720 +01205696 _derivationally_related_form 14419510 +09371151 _instance_hypernym 09411430 +08429052 _hypernym 08428756 +10102506 _derivationally_related_form 00917772 +06021499 _synset_domain_topic_of 06018465 +02145543 _verb_group 01478002 +15128711 _has_part 15128997 +00808767 _derivationally_related_form 00269423 +01013040 _derivationally_related_form 10703905 +01691057 _hypernym 01582645 +01898032 _hypernym 01708676 +10941714 _instance_hypernym 10296176 +01699539 _hypernym 01698271 +05974564 _hypernym 06167328 +04494906 _hypernym 03965907 +02602215 _member_meronym 02602620 +09385586 _instance_hypernym 09360122 +12501745 _member_meronym 12516040 +07856270 _hypernym 07810907 +02967407 _has_part 03485997 +12866824 _member_meronym 12866968 +05034989 _hypernym 05190804 +02244956 _derivationally_related_form 01115162 +06066555 _hypernym 06037666 +09164241 _instance_hypernym 08524735 +00072808 _hypernym 00070965 +00315383 _synset_domain_topic_of 00017222 +04256993 _hypernym 03808564 +05755486 _derivationally_related_form 00482893 +08887841 _instance_hypernym 08696931 +09222742 _instance_hypernym 09284015 +00671335 _hypernym 00671190 +01743909 _derivationally_related_form 04863358 +02959912 _derivationally_related_form 08764107 +04485226 _hypernym 02982790 +08860123 _member_of_domain_region 10437014 +01802721 _hypernym 02153203 +13761966 _hypernym 13760316 +09986532 _hypernym 09631463 +02124106 _also_see 02126022 +12600574 _member_meronym 12602850 +00335653 _derivationally_related_form 00386715 +00976653 _derivationally_related_form 07247071 +09223725 _derivationally_related_form 02085320 +04763293 _derivationally_related_form 09619824 +01140839 _derivationally_related_form 02391803 +01656788 _hypernym 01617192 +07726230 _hypernym 07725376 +00956250 _derivationally_related_form 13809920 +01468097 _derivationally_related_form 14473655 +02657805 _member_meronym 02658670 +01493741 _hypernym 00126264 +05138208 _derivationally_related_form 02584981 +08841667 _has_part 09037133 +04081044 _hypernym 04359589 +09605289 _has_part 05219561 +07251003 _hypernym 07248801 +02909870 _derivationally_related_form 01433042 +05316175 _hypernym 05289297 +10069645 _hypernym 09770949 +10978098 _derivationally_related_form 03066658 +02129709 _hypernym 02129289 +00884011 _derivationally_related_form 07226545 +03351434 _hypernym 03430959 +01188725 _derivationally_related_form 09367203 +13650045 _hypernym 13603305 +01768969 _member_meronym 01770553 +02871060 _synset_domain_topic_of 06084469 +02346315 _member_meronym 02366702 +01386200 _hypernym 02304982 +06633363 _derivationally_related_form 01631830 +01245637 _derivationally_related_form 00578795 +10415230 _hypernym 09950457 +05137165 _derivationally_related_form 02385102 +10246913 _derivationally_related_form 00780889 +01924505 _derivationally_related_form 10293332 +08223263 _hypernym 08180190 +11668952 _member_meronym 12605019 +03271574 _derivationally_related_form 02100632 +01477014 _hypernym 01476483 +02151966 _derivationally_related_form 10271216 +00520357 _derivationally_related_form 00383952 +09158501 _instance_hypernym 08524735 +14749272 _hypernym 05410315 +07735803 _hypernym 07713395 +06845599 _member_of_domain_usage 04349701 +01838651 _hypernym 01835496 +01133876 _also_see 01372049 +07194499 _hypernym 07193958 +12711182 _hypernym 12707781 +01031563 _hypernym 00410247 +08900535 _member_of_domain_region 09987927 +00493929 _hypernym 00207728 +02513740 _similar_to 02515214 +00379774 _derivationally_related_form 05517837 +00629911 _hypernym 00624738 +14001728 _hypernym 14001348 +00917772 _derivationally_related_form 07522128 +07157273 _member_of_domain_usage 02227362 +10590977 _derivationally_related_form 01810447 +02014553 _derivationally_related_form 07375635 +13887509 _derivationally_related_form 02038357 +00652346 _derivationally_related_form 06333653 +02053818 _also_see 02055062 +02090990 _derivationally_related_form 00328502 +12917338 _member_meronym 12918404 +13590598 _synset_domain_topic_of 06098195 +09147964 _has_part 09330604 +01112573 _derivationally_related_form 04833458 +15152261 _hypernym 15145171 +08967484 _member_meronym 09722530 +00793271 _derivationally_related_form 01157850 +01179865 _derivationally_related_form 10042300 +08784333 _instance_hypernym 09316454 +07226545 _derivationally_related_form 00884317 +09910222 _derivationally_related_form 03009111 +08585447 _hypernym 08507558 +12494629 _member_meronym 12494794 +10382825 _derivationally_related_form 03273551 +10299700 _hypernym 00007846 +01543731 _derivationally_related_form 09627017 +15033367 _hypernym 15032661 +07409592 _derivationally_related_form 01206218 +00992041 _hypernym 00740577 +01854132 _hypernym 00173338 +01064560 _derivationally_related_form 07159791 +01640855 _hypernym 00484166 +01123887 _verb_group 01209135 +02394445 _derivationally_related_form 01140839 +08933621 _instance_hypernym 08554440 +02259377 _hypernym 02246011 +12322887 _member_meronym 12344996 +01502262 _member_meronym 01520789 +06845599 _member_of_domain_usage 03032576 +03324928 _hypernym 03763968 +01032040 _hypernym 01028082 +07204240 _derivationally_related_form 00816556 +09818022 _hypernym 09629752 +14580897 _hypernym 00019613 +13039553 _member_meronym 13042514 +02249995 _hypernym 01759182 +08860123 _member_of_domain_region 07634901 +12741222 _hypernym 13104059 +00659349 _hypernym 00659048 +11986091 _member_meronym 11986900 +11999455 _hypernym 11579418 +02620826 _hypernym 01429349 +09270894 _has_part 09436708 +14181409 _hypernym 14178077 +00561714 _verb_group 00561571 +07599998 _hypernym 07596684 +02673446 _derivationally_related_form 01655116 +00951206 _derivationally_related_form 07118002 +11508382 _derivationally_related_form 02758977 +02079933 _derivationally_related_form 06260121 +08303504 _hypernym 08008335 +05614476 _derivationally_related_form 02167052 +00064095 _derivationally_related_form 00355547 +13547677 _hypernym 13447361 +01509527 _also_see 01533120 +07157273 _member_of_domain_usage 00780615 +02373601 _hypernym 01862557 +09003284 _member_of_domain_region 06944348 +11466043 _derivationally_related_form 00372665 +09434845 _instance_hypernym 09403734 +12494794 _hypernym 13109733 +01623967 _derivationally_related_form 03699975 +07423365 _hypernym 07423560 +04046590 _hypernym 02788689 +02620213 _verb_group 02385153 +01885856 _hypernym 01864707 +01215694 _derivationally_related_form 03068181 +11695813 _hypernym 11571907 +11873845 _hypernym 11873612 +13170060 _member_meronym 13171041 +12792638 _member_meronym 12794367 +14006945 _derivationally_related_form 00042457 +06827679 _hypernym 06825399 +07331400 _derivationally_related_form 02029663 +06750804 _hypernym 06722453 +02861617 _derivationally_related_form 06999436 +00324056 _derivationally_related_form 00081367 +02452885 _derivationally_related_form 01079042 +01745780 _member_meronym 01745902 +07340249 _derivationally_related_form 00069879 +13908201 _derivationally_related_form 01558681 +11909048 _member_meronym 11909353 +07047011 _hypernym 07037465 +12655869 _hypernym 12653218 +00237877 _hypernym 00109660 +09159003 _has_part 09139993 +10366484 _synset_domain_topic_of 05946687 +13798491 _hypernym 13783038 +08820121 _has_part 08825477 +01471070 _hypernym 08102555 +02459915 _synset_domain_topic_of 00917211 +02719750 _hypernym 03740161 +06452363 _has_part 06452601 +00875141 _derivationally_related_form 07188385 +01884974 _derivationally_related_form 04596630 +00808855 _derivationally_related_form 10213180 +14081941 _hypernym 14081375 +13024763 _hypernym 08103777 +08787049 _instance_hypernym 08524735 +04904996 _derivationally_related_form 01790383 +07535010 _hypernym 07534430 +14597413 _hypernym 14597158 +03229244 _hypernym 03323703 +04373894 _has_part 03520654 +01190948 _derivationally_related_form 05829782 +07339329 _hypernym 07283608 +01930995 _member_meronym 01931140 +00162632 _derivationally_related_form 00763399 +08118039 _hypernym 08114861 +03756184 _hypernym 03054098 +01881991 _member_meronym 01882125 +09141526 _has_part 09295576 +02675701 _derivationally_related_form 09964411 +02182851 _hypernym 02176268 +00623545 _derivationally_related_form 02421199 +04149208 _hypernym 04208210 +00307419 _derivationally_related_form 03260293 +07133701 _derivationally_related_form 09961999 +03064758 _derivationally_related_form 01599539 +00119074 _derivationally_related_form 07366289 +10495975 _hypernym 00007846 +01397210 _derivationally_related_form 01160729 +09791816 _hypernym 10503452 +01349948 _hypernym 01355326 +01896478 _derivationally_related_form 01759326 +03592245 _derivationally_related_form 02494356 +02186506 _derivationally_related_form 07398097 +06804483 _synset_domain_topic_of 08199025 +00357023 _derivationally_related_form 01447868 +04074482 _derivationally_related_form 00082563 +01781478 _also_see 02513269 +08274923 _has_part 08278169 +12604845 _hypernym 12603959 +01268112 _hypernym 01332730 +07275275 _hypernym 07274425 +05760877 _hypernym 05760202 +01935846 _derivationally_related_form 04509417 +06343520 _derivationally_related_form 01029500 +08266849 _hypernym 08266235 +05364184 _hypernym 05418717 +11183955 _instance_hypernym 10566072 +00688377 _derivationally_related_form 05697976 +12239458 _member_meronym 12239880 +00634286 _derivationally_related_form 06744154 +02018795 _hypernym 02000954 +01605119 _member_meronym 01610426 +03574816 _hypernym 03183080 +01747374 _derivationally_related_form 06505517 +04596852 _hypernym 03051540 +07809368 _hypernym 07809096 +04916342 _hypernym 00024264 +07262108 _has_part 08517449 +00670261 _derivationally_related_form 00874067 +00488770 _derivationally_related_form 04526241 +02528534 _member_meronym 02542598 +10561320 _derivationally_related_form 00849080 +10633450 _derivationally_related_form 02150510 +08837864 _instance_hypernym 08552138 +03003730 _hypernym 03285912 +10126009 _hypernym 10020890 +02918132 _derivationally_related_form 00649482 +00123170 _derivationally_related_form 07296428 +01579868 _hypernym 01504437 +06689125 _hypernym 06686736 +13996061 _derivationally_related_form 02421374 +07299569 _synset_domain_topic_of 06128570 +07170467 _hypernym 07168131 +02067889 _derivationally_related_form 07407272 +12521186 _hypernym 12520864 +01089737 _derivationally_related_form 08242799 +00442847 _hypernym 00457998 +00603298 _derivationally_related_form 05753564 +13622591 _has_part 13622209 +08964099 _has_part 08964288 +03870672 _derivationally_related_form 01483131 +03430551 _has_part 03064935 +06149484 _hypernym 06143154 +00359511 _derivationally_related_form 00225593 +08085648 _synset_domain_topic_of 08083599 +00570590 _also_see 02102484 +11731861 _hypernym 11571907 +08888676 _member_of_domain_region 08024732 +00591236 _derivationally_related_form 09968845 +02696503 _derivationally_related_form 10129133 +02658979 _derivationally_related_form 06031248 +00840809 _hypernym 01013367 +10785085 _hypernym 09613191 +07410207 _hypernym 07338681 +00324384 _derivationally_related_form 01968569 +14984973 _derivationally_related_form 02537092 +00936620 _derivationally_related_form 01684899 +03853734 _synset_domain_topic_of 05801594 +00540739 _hypernym 00540235 +01969601 _hypernym 01968569 +14561618 _derivationally_related_form 00208497 +09044862 _member_of_domain_region 06195698 +01504625 _derivationally_related_form 07019172 +00316989 _hypernym 00315986 +07001065 _synset_domain_topic_of 06099269 +14424517 _derivationally_related_form 00164201 +01616318 _hypernym 01604330 +01855606 _derivationally_related_form 00279835 +04402746 _has_part 02934168 +02226559 _synset_domain_topic_of 00607775 +01277784 _derivationally_related_form 13905792 +12872257 _hypernym 11744859 +09699200 _hypernym 09686536 +12097180 _member_meronym 12097556 +08730550 _has_part 08731057 +01291707 _hypernym 01295275 +13773047 _hypernym 13760316 +08162245 _hypernym 08337324 +01980766 _synset_domain_topic_of 00300441 +02489288 _hypernym 01862557 +09911570 _hypernym 10630188 +02522319 _derivationally_related_form 07317764 +07248507 _derivationally_related_form 00976487 +08366753 _derivationally_related_form 10043643 +04080833 _derivationally_related_form 00005041 +11164671 _synset_domain_topic_of 06453849 +09007723 _member_meronym 09707400 +12974286 _member_meronym 12974457 +07710616 _hypernym 07566863 +07388987 _hypernym 07371293 +01364008 _also_see 01368192 +06845599 _member_of_domain_usage 15078768 +02118854 _member_meronym 02119022 +06686174 _derivationally_related_form 00890590 +00849768 _derivationally_related_form 02739121 +04735929 _hypernym 04733640 +00657260 _derivationally_related_form 07997703 +10837567 _instance_hypernym 10090020 +02207206 _derivationally_related_form 13253751 +11733904 _hypernym 13100156 +05134880 _derivationally_related_form 00690058 +02678677 _synset_domain_topic_of 06066555 +01659248 _derivationally_related_form 00237078 +08783812 _instance_hypernym 08782627 +02341816 _synset_domain_topic_of 00607542 +06420781 _derivationally_related_form 00961329 +02558703 _hypernym 02558172 +00022686 _derivationally_related_form 11452218 +01259380 _hypernym 00457382 +08852209 _member_meronym 09694529 +09812068 _hypernym 09812338 +05068918 _derivationally_related_form 00433232 +02192992 _derivationally_related_form 05658226 +02174830 _derivationally_related_form 10036929 +05803938 _hypernym 05803379 +01146918 _derivationally_related_form 01171644 +10402285 _derivationally_related_form 00397953 +07105475 _hypernym 07098193 +07233214 _hypernym 07232988 +07638676 _hypernym 07628870 +00227165 _derivationally_related_form 05036394 +01181295 _verb_group 01180351 +11746776 _member_meronym 11749462 +00355919 _hypernym 00351638 +04646548 _derivationally_related_form 02123314 +15271008 _derivationally_related_form 00779061 +01829143 _hypernym 01504437 +15294745 _hypernym 15113229 +01604251 _derivationally_related_form 10538733 +00088532 _derivationally_related_form 14509712 +09903501 _hypernym 10340312 +14471224 _hypernym 14465048 +10554455 _derivationally_related_form 02413140 +02290029 _hypernym 02289295 +13583724 _derivationally_related_form 00368109 +11910835 _member_meronym 11566230 +00697589 _derivationally_related_form 00162632 +00929718 _derivationally_related_form 01698271 +04910377 _derivationally_related_form 02518161 +08859173 _member_of_domain_region 06335832 +02608090 _derivationally_related_form 07495551 +02315525 _hypernym 02210855 +00896832 _synset_domain_topic_of 06136258 +07368256 _hypernym 07367812 +00556142 _hypernym 00555648 +14952122 _hypernym 14617189 +00831651 _derivationally_related_form 05816287 +08860123 _member_of_domain_region 03769967 +00084562 _synset_domain_topic_of 00612160 +12216968 _hypernym 13112664 +02018524 _hypernym 02016523 +06523132 _derivationally_related_form 02460199 +04018155 _has_part 04390873 +09269972 _derivationally_related_form 01986185 +00280853 _derivationally_related_form 02053941 +02265860 _member_meronym 02266269 +12173069 _hypernym 12170585 +00366547 _verb_group 00366275 +14915184 _hypernym 14883206 +12061104 _hypernym 12041446 +13582013 _derivationally_related_form 00948853 +06878580 _derivationally_related_form 00029336 +14554011 _derivationally_related_form 02157399 +01316288 _hypernym 00015388 +01988080 _derivationally_related_form 13910384 +05113462 _hypernym 05113133 +12393269 _hypernym 12393086 +09060768 _has_part 09066017 +00800270 _hypernym 00798245 +00453803 _derivationally_related_form 13547925 +14110674 _hypernym 14103288 +06967529 _hypernym 06963951 +14392862 _hypernym 14392639 +02210291 _hypernym 01762525 +06721604 _derivationally_related_form 00847870 +00055539 _synset_domain_topic_of 08441203 +12707781 _has_part 07747055 +02598642 _hypernym 02576503 +02627934 _derivationally_related_form 09367203 +00084371 _derivationally_related_form 00601822 +02450505 _derivationally_related_form 01763813 +00570205 _derivationally_related_form 13463490 +00619183 _derivationally_related_form 15159583 +12404314 _hypernym 11562747 +13630213 _hypernym 13601596 +00605310 _derivationally_related_form 10118382 +00142361 _has_part 07003672 +07065932 _hypernym 07062697 +00652346 _derivationally_related_form 07230502 +10400998 _derivationally_related_form 00549610 +01683422 _synset_domain_topic_of 00933420 +00406800 _hypernym 00406612 +01707737 _synset_domain_topic_of 05718556 +00646271 _derivationally_related_form 00945777 +02808440 _derivationally_related_form 00037919 +10787470 _derivationally_related_form 01484987 +01854415 _hypernym 01852861 +00654625 _derivationally_related_form 01012712 +09852679 _hypernym 10557854 +02031752 _hypernym 01507175 +08766988 _member_of_domain_region 01292928 +06295235 _member_of_domain_usage 03461119 +12619306 _member_meronym 12637319 +13651218 _has_part 13651931 +06717170 _member_of_domain_usage 10786992 +06286395 _derivationally_related_form 00980453 +05549830 _has_part 05550330 +01169589 _hypernym 01182709 +02610834 _hypernym 01429349 +09755398 _derivationally_related_form 14443912 +08860123 _member_of_domain_region 10643837 +00100253 _hypernym 06157326 +02391782 _member_meronym 02391994 +12039743 _member_meronym 12048772 +00480751 _derivationally_related_form 00102927 +13552124 _hypernym 13489037 +00218753 _derivationally_related_form 01656458 +14413993 _derivationally_related_form 02402112 +08406486 _derivationally_related_form 02427103 +01719403 _hypernym 01661091 +09322454 _instance_hypernym 09322087 +00463469 _hypernym 00140967 +02862048 _has_part 03146342 +01683101 _hypernym 01675963 +00507485 _hypernym 00507664 +12265900 _member_meronym 12266796 +05549830 _has_part 05555917 +03139089 _synset_domain_topic_of 06047430 +00857923 _derivationally_related_form 07129422 +02054966 _hypernym 01507175 +02530936 _derivationally_related_form 00141027 +04736757 _hypernym 04735929 +01410223 _derivationally_related_form 00125629 +06535222 _synset_domain_topic_of 08441203 +14047171 _hypernym 14046202 +00260311 _hypernym 01809321 +03906997 _hypernym 04608567 +02585360 _hypernym 00804139 +00752298 _hypernym 00752431 +03918297 _hypernym 03771443 +01965156 _derivationally_related_form 05086740 +08949093 _member_meronym 09713108 +01815135 _hypernym 01507175 +07131511 _hypernym 07128946 +00336922 _hypernym 00336718 +06845599 _member_of_domain_usage 03203441 +01266895 _derivationally_related_form 00713250 +03945167 _hypernym 04493505 +00312932 _derivationally_related_form 01846320 +01056554 _derivationally_related_form 07136940 +00406243 _hypernym 00126264 +02371125 _hypernym 01886756 +04745932 _derivationally_related_form 00464513 +02401809 _hypernym 02404224 +08482271 _synset_domain_topic_of 08199025 +02842445 _derivationally_related_form 06171040 +00458754 _verb_group 00458471 +11970101 _hypernym 11669921 +01479009 _hypernym 01478603 +12838027 _member_meronym 12859488 +06717170 _derivationally_related_form 00845909 +14366759 _hypernym 14365950 +12223405 _hypernym 11567411 +04081044 _derivationally_related_form 01610101 +00645552 _hypernym 00644583 +08191987 _has_part 08194266 +08771277 _instance_hypernym 08524735 +02049190 _derivationally_related_form 03065424 +01244410 _also_see 02510879 +00603298 _verb_group 00171852 +12039743 _member_meronym 12054499 +02451951 _also_see 00695523 +07320176 _hypernym 07319909 +01007924 _hypernym 00958334 +00909899 _derivationally_related_form 01697027 +10282920 _derivationally_related_form 01031256 +04128837 _has_part 04127904 +01791973 _derivationally_related_form 04904996 +08820121 _has_part 09370552 +10480018 _hypernym 09614315 +02353844 _hypernym 02327200 +00776988 _derivationally_related_form 05979350 +02159741 _hypernym 00621734 +01929396 _member_meronym 01930112 +12729729 _hypernym 12725521 +09303647 _has_part 09290626 +01882814 _derivationally_related_form 00284409 +01036804 _derivationally_related_form 06610992 +01884577 _derivationally_related_form 09213828 +00633443 _derivationally_related_form 07162545 +00022316 _derivationally_related_form 04903813 +03058949 _hypernym 03875218 +15062284 _derivationally_related_form 00475183 +06275353 _hypernym 06271778 +05563770 _hypernym 05560244 +14836127 _hypernym 14971519 +12838027 _member_meronym 12864363 +01159964 _hypernym 01159776 +05813229 _derivationally_related_form 01828736 +07365849 _derivationally_related_form 01859586 +02150306 _member_meronym 02151108 +03568117 _hypernym 03183080 +12386263 _hypernym 11575425 +04405907 _hypernym 04060647 +00246754 _derivationally_related_form 00326773 +01846658 _hypernym 01846916 +00400645 _hypernym 00268557 +07130341 _derivationally_related_form 00915830 +03967942 _derivationally_related_form 01478002 +10529965 _derivationally_related_form 01957529 +03206908 _hypernym 03094503 +02037713 _hypernym 01507175 +15155220 _has_part 15167027 +12933616 _has_part 07730708 +00615462 _hypernym 00614730 +05289297 _has_part 05459232 +08039312 _instance_hypernym 08392137 +05624700 _derivationally_related_form 00643250 +11618750 _hypernym 11554175 +02387910 _derivationally_related_form 15203229 +12034828 _member_meronym 12035423 +11911591 _member_meronym 12033310 +12100538 _member_meronym 12127890 +00359903 _derivationally_related_form 01248782 +15112239 _hypernym 14779550 +01916634 _derivationally_related_form 02378870 +01749184 _hypernym 01736822 +03376438 _hypernym 03169390 +02373601 _member_meronym 02377480 +01669906 _derivationally_related_form 04173698 +01044811 _hypernym 00941990 +04061442 _hypernym 03353616 +02479323 _derivationally_related_form 01057200 +02346823 _member_meronym 02346998 +11714618 _member_meronym 11714853 +00543233 _synset_domain_topic_of 00545501 +08860123 _member_of_domain_region 10211203 +02134350 _hypernym 02133435 +09011820 _instance_hypernym 08524735 +04703698 _hypernym 04703424 +01150370 _derivationally_related_form 00627013 +06425065 _derivationally_related_form 00235918 +01641914 _derivationally_related_form 10209082 +02188587 _hypernym 02176268 +01858910 _hypernym 01835496 +00255710 _hypernym 00575741 +08779149 _instance_hypernym 08544813 +02414578 _hypernym 02401031 +01186208 _verb_group 01185981 +00412271 _hypernym 00410247 +04404997 _hypernym 04405540 +00999245 _hypernym 00407535 +01849221 _also_see 02716165 +07335097 _hypernym 07334490 +13423615 _hypernym 13475538 +09229709 _derivationally_related_form 02187922 +00927711 _hypernym 00927430 +01026262 _derivationally_related_form 04659287 +00334356 _derivationally_related_form 01899891 +06787150 _has_part 06355705 +01039925 _hypernym 01028082 +00461493 _derivationally_related_form 04651974 +00849357 _also_see 01947266 +01540232 _synset_domain_topic_of 06084469 +01673668 _member_meronym 01691085 +08851830 _instance_hypernym 08524735 +09892693 _hypernym 10433164 +00658052 _derivationally_related_form 14429608 +02271740 _member_meronym 02271897 +15156424 _hypernym 15155220 +01885430 _hypernym 01831531 +00912274 _derivationally_related_form 01657977 +09140148 _instance_hypernym 08655464 +04445154 _synset_domain_topic_of 15253139 +03542333 _hypernym 02913152 +02631349 _derivationally_related_form 10648696 +00484166 _derivationally_related_form 09930257 +03978130 _hypernym 04517535 +08674970 _derivationally_related_form 02468965 +02566834 _hypernym 02566109 +07813107 _derivationally_related_form 00213353 +06498569 _member_meronym 06837679 +01822724 _hypernym 01771535 +02387034 _derivationally_related_form 10722575 +02015168 _derivationally_related_form 00057306 +01955463 _member_meronym 01966797 +06769670 _derivationally_related_form 01746839 +00419685 _derivationally_related_form 13549488 +02540637 _hypernym 01432517 +11916268 _hypernym 11579418 +08284054 _hypernym 08276720 +01576165 _verb_group 01204439 +10265532 _derivationally_related_form 01186578 +14515633 _hypernym 14514039 +13860793 _derivationally_related_form 00445169 +06349220 _has_part 06256229 +01167385 _hypernym 01167146 +10198437 _hypernym 10648696 +08957993 _instance_hypernym 08633957 +11290984 _instance_hypernym 10099093 +05407119 _derivationally_related_form 02915055 +09879297 _hypernym 09821253 +15190520 _hypernym 15199592 +01767199 _member_meronym 01784427 +01930117 _derivationally_related_form 03242713 +00089351 _derivationally_related_form 02310482 +15014012 _hypernym 15015501 +08686658 _instance_hypernym 08685677 +03264136 _derivationally_related_form 02361600 +02246284 _member_meronym 02247363 +10391653 _derivationally_related_form 01684899 +01690005 _hypernym 01657723 +12992464 _member_meronym 11592146 +00100235 _derivationally_related_form 00434075 +01235859 _derivationally_related_form 04515129 +08090547 _member_meronym 09677830 +00878052 _derivationally_related_form 00697062 +05417472 _derivationally_related_form 02851709 +02080586 _member_meronym 02080713 +00164201 _derivationally_related_form 10514962 +09926088 _derivationally_related_form 00034115 +01919391 _derivationally_related_form 08428019 +13960117 _hypernym 13959931 +09044862 _has_part 09482715 +01655344 _derivationally_related_form 02673446 +02430929 _hypernym 01864707 +13074277 _hypernym 11592146 +02250464 _hypernym 01759182 +04300358 _hypernym 03316406 +10670885 _derivationally_related_form 02216710 +14152279 _hypernym 14465048 +03567325 _hypernym 03214670 +05434557 _hypernym 05517578 +07891726 _derivationally_related_form 01190840 +02567917 _hypernym 02567519 +02219094 _derivationally_related_form 13365698 +10453533 _hypernym 09679925 +08578174 _hypernym 08574314 +02274516 _member_meronym 02279127 +02992070 _derivationally_related_form 05125377 +01555742 _derivationally_related_form 13905121 +15106143 _hypernym 15047313 +02905612 _hypernym 03740161 +01908415 _hypernym 08108972 +01651444 _derivationally_related_form 01136519 +09488259 _derivationally_related_form 02109818 +01766952 _verb_group 02380009 +01731031 _derivationally_related_form 00546389 +01994176 _member_meronym 01995803 +00282613 _hypernym 00282050 +11240733 _instance_hypernym 10467395 +07414566 _hypernym 07356676 +07578093 _hypernym 07573696 +05713737 _hypernym 05712076 +09025189 _instance_hypernym 08524735 +10474645 _derivationally_related_form 00593219 +14286885 _derivationally_related_form 01240514 +02702830 _derivationally_related_form 10093908 +05399034 _hypernym 07570720 +08347206 _hypernym 08342039 +02038617 _member_meronym 02039660 +01666894 _synset_domain_topic_of 05750657 +01449974 _derivationally_related_form 04474035 +06690408 _hypernym 06689297 +00637259 _verb_group 00638585 +09780828 _derivationally_related_form 02441022 +04661151 _derivationally_related_form 00812580 +02641063 _hypernym 01429349 +01532325 _hypernym 01529672 +02618877 _hypernym 02618149 +00185465 _derivationally_related_form 14648100 +00164201 _derivationally_related_form 14424517 +01670051 _hypernym 01675963 +11893004 _hypernym 11575425 +00431005 _derivationally_related_form 10224098 +02470451 _member_meronym 02483915 +04258982 _hypernym 08511241 +00642644 _derivationally_related_form 05802730 +04960277 _hypernym 04960079 +00382493 _hypernym 00126264 +11743570 _hypernym 11556857 +07108123 _hypernym 07105475 +07644967 _has_part 07648408 +14644654 _hypernym 14625458 +00611972 _synset_domain_topic_of 06148148 +05614175 _hypernym 05617107 +00826509 _derivationally_related_form 09979072 +02341266 _similar_to 02344381 +10982127 _instance_hypernym 09790278 +01789270 _derivationally_related_form 07518468 +00186001 _derivationally_related_form 07888909 +10300154 _hypernym 10112591 +00082714 _derivationally_related_form 03237639 +02434238 _derivationally_related_form 08233056 +02291708 _derivationally_related_form 13279262 +10544232 _hypernym 09610405 +10464542 _derivationally_related_form 00596393 +04163740 _hypernym 02792049 +01716491 _derivationally_related_form 04996355 +12624381 _hypernym 13112664 +01259034 _hypernym 01071411 +05586446 _synset_domain_topic_of 01471682 +00264776 _also_see 01589217 +13218722 _member_meronym 13218900 +08838887 _has_part 08839092 +12188120 _member_meronym 12188635 +01497579 _hypernym 01429349 +01923058 _hypernym 01970826 +12498457 _hypernym 13112664 +00600370 _hypernym 01821423 +02605316 _hypernym 02554730 +08928083 _instance_hypernym 08524735 +05088056 _hypernym 05087297 +02363358 _derivationally_related_form 14526764 +13573915 _hypernym 13541167 +00053656 _hypernym 00052548 +00906367 _derivationally_related_form 01189282 +01656458 _derivationally_related_form 07334490 +12505987 _member_meronym 12506181 +00435778 _hypernym 00624738 +00756331 _hypernym 00752431 +00002724 _derivationally_related_form 14058252 +07196682 _derivationally_related_form 00788184 +01787401 _hypernym 01342529 +02072159 _hypernym 02069888 +08803883 _instance_hypernym 08524735 +01960779 _synset_domain_topic_of 00450335 +02055975 _hypernym 01835496 +02226380 _derivationally_related_form 03899768 +09498697 _instance_hypernym 09484664 +00060185 _verb_group 00063095 +07950418 _derivationally_related_form 02541302 +01257612 _also_see 02531422 +06390512 _hypernym 06387980 +01940248 _hypernym 01938426 +06020737 _synset_domain_topic_of 06018465 +03028079 _has_part 03809686 +03313873 _hypernym 04362025 +05564590 _has_part 05373790 +00978369 _derivationally_related_form 07073208 +13565379 _derivationally_related_form 00112628 +02768431 _hypernym 02767308 +09292545 _has_part 09211735 +11493827 _hypernym 11449002 +03903424 _hypernym 03659292 +00220276 _hypernym 00146138 +02521916 _member_meronym 02522990 +01639369 _member_meronym 01642671 +04028472 _hypernym 04100620 +00939857 _derivationally_related_form 07232655 +00294190 _hypernym 00283127 +02007721 _member_meronym 02008316 +02075462 _derivationally_related_form 00058743 +06523132 _hypernym 06520944 +12687211 _member_meronym 12687698 +01745484 _hypernym 01745125 +12943049 _hypernym 12205694 +06109227 _hypernym 05993844 +08921850 _member_of_domain_region 06929279 +10490699 _derivationally_related_form 00975902 +04997032 _derivationally_related_form 02399399 +06497459 _member_meronym 06828818 +10059582 _derivationally_related_form 06201136 +06671637 _hypernym 06671484 +02321342 _member_meronym 02321529 +05244239 _hypernym 04682462 +00680145 _derivationally_related_form 05949937 +09974496 _hypernym 10042845 +08860123 _member_of_domain_region 02767956 +10279018 _derivationally_related_form 03699975 +01248023 _hypernym 01247804 +03614007 _member_meronym 03613592 +02637380 _derivationally_related_form 01771966 +00054628 _derivationally_related_form 10102800 +04676308 _has_part 08585657 +02618244 _hypernym 01429349 +12501035 _member_meronym 12501202 +01511380 _derivationally_related_form 00053913 +08999482 _member_of_domain_region 10228864 +02120451 _derivationally_related_form 01174988 +01945183 _derivationally_related_form 04335435 +05970755 _hypernym 06167328 +00352826 _derivationally_related_form 00209943 +01872772 _hypernym 01871875 +00657016 _derivationally_related_form 07961016 +01934554 _also_see 01116380 +14519366 _derivationally_related_form 00393677 +12067193 _hypernym 12065316 +04599396 _derivationally_related_form 02413480 +03013850 _hypernym 03309808 +08619620 _hypernym 08673395 +12180168 _hypernym 12177844 +03169390 _hypernym 00021939 +13810323 _derivationally_related_form 02468793 +02381571 _hypernym 02381397 +01888946 _derivationally_related_form 07520112 +00378479 _hypernym 00378069 +12638753 _hypernym 12638556 +00342314 _hypernym 00426958 +05428473 _hypernym 05605944 +03250588 _derivationally_related_form 01252971 +02346315 _member_meronym 02364221 +01324305 _hypernym 00015388 +04810035 _hypernym 04809784 +13502909 _derivationally_related_form 00267041 +01845627 _member_meronym 01853379 +00733250 _hypernym 00733044 +01300508 _instance_hypernym 00956485 +03773035 _hypernym 04069276 +05147237 _hypernym 05146739 +02159271 _member_meronym 02263038 +15022389 _hypernym 14736359 +08153437 _member_meronym 10175090 +08501565 _hypernym 08630039 +02831736 _derivationally_related_form 08499057 +01783022 _derivationally_related_form 07510625 +02453890 _member_meronym 02456776 +10126177 _derivationally_related_form 00240754 +02528380 _derivationally_related_form 14477877 +00380698 _derivationally_related_form 13783816 +02290196 _derivationally_related_form 13279262 +07969695 _derivationally_related_form 13812607 +01637982 _derivationally_related_form 07214432 +13423922 _derivationally_related_form 01539633 +00605616 _derivationally_related_form 10751785 +07135734 _hypernym 07133701 +12039743 _member_meronym 12058429 +06845599 _member_of_domain_usage 03758720 +04247011 _synset_domain_topic_of 08199025 +01835276 _hypernym 01834918 +11178161 _instance_hypernym 10375794 +00841901 _derivationally_related_form 01195675 +08012384 _instance_hypernym 08392137 +00829107 _derivationally_related_form 01323449 +00082081 _derivationally_related_form 00654885 +00086809 _derivationally_related_form 02648639 +11997409 _hypernym 12205694 +01707925 _derivationally_related_form 03800933 +00242205 _hypernym 00241689 +04644512 _derivationally_related_form 02564986 +00339738 _hypernym 00339934 +01143713 _derivationally_related_form 04475900 +04992431 _hypernym 04980008 +00847683 _derivationally_related_form 09999135 +00955987 _hypernym 00952963 +02968473 _has_part 02765028 +13723470 _has_part 13723304 +09275473 _has_part 08697827 +04791740 _hypernym 04790449 +02163982 _member_meronym 02170269 +01846320 _derivationally_related_form 01105737 +02608151 _hypernym 01432517 +09425607 _derivationally_related_form 01260159 +03652226 _hypernym 04164989 +01305542 _hypernym 01340439 +07258664 _derivationally_related_form 00877083 +13141564 _hypernym 13141141 +08103777 _synset_domain_topic_of 06037666 +08723006 _has_part 09327881 +01442779 _derivationally_related_form 04023249 +02278939 _also_see 00804695 +00055633 _hypernym 00055315 +02269894 _hypernym 01143838 +02438452 _member_meronym 02438580 +05410646 _hypernym 05407119 +02566325 _member_meronym 02566489 +01860337 _member_meronym 01860713 +02471690 _derivationally_related_form 06507041 +07209089 _derivationally_related_form 01016626 +00553173 _derivationally_related_form 00276601 +01900488 _hypernym 05470189 +08799706 _instance_hypernym 08574314 +07092592 _hypernym 07092158 +01391569 _hypernym 01342529 +09222051 _derivationally_related_form 01259458 +07126734 _derivationally_related_form 00029836 +11867525 _member_meronym 11893808 +09189411 _has_part 08897065 +12082980 _hypernym 11556857 +03365374 _hypernym 03665366 +00058265 _derivationally_related_form 07667151 +04799881 _hypernym 04723816 +01764800 _derivationally_related_form 15274441 +09963320 _derivationally_related_form 00322847 +13874384 _hypernym 13867641 +02588099 _also_see 02037272 +00418921 _derivationally_related_form 01148182 +00038849 _hypernym 00040353 +03613294 _hypernym 03183080 +00987071 _hypernym 01001294 +13478342 _hypernym 13518963 +05549830 _has_part 05552607 +00896141 _derivationally_related_form 06740644 +07767847 _hypernym 07705931 +01665761 _member_meronym 01666102 +06021247 _hypernym 06020737 +04946553 _hypernym 04916342 +06588785 _hypernym 06566077 +07233634 _derivationally_related_form 00865958 +00796886 _derivationally_related_form 02531199 +00189062 _hypernym 00187526 +02025530 _member_meronym 02026498 +02707188 _derivationally_related_form 02619839 +10308732 _derivationally_related_form 00260648 +01838326 _member_meronym 01840643 +01418037 _hypernym 01418179 +00072897 _hypernym 00072012 +04007894 _derivationally_related_form 01621555 +13250048 _hypernym 13246475 +03472796 _hypernym 04497570 +02351010 _hypernym 00699815 +00399788 _derivationally_related_form 03705379 +00979988 _derivationally_related_form 06304671 +08801364 _instance_hypernym 09388848 +01638368 _derivationally_related_form 10438172 +13589321 _derivationally_related_form 00680485 +00900375 _derivationally_related_form 01686956 +02403231 _hypernym 01321230 +00981276 _hypernym 00980453 +12709901 _hypernym 12707781 +07493280 _hypernym 07492516 +07187773 _hypernym 07186828 +01562584 _member_meronym 01566082 +04571088 _derivationally_related_form 01487311 +12917338 _member_meronym 12920719 +00649887 _derivationally_related_form 10460286 +01518924 _derivationally_related_form 04568298 +14562142 _hypernym 14561618 +01812471 _member_meronym 01813088 +01908703 _hypernym 07940865 +12745788 _member_meronym 12745976 +01172441 _hypernym 01170962 +00157081 _derivationally_related_form 00701040 +05302499 _has_part 05304932 +08592656 _derivationally_related_form 00730301 +01767949 _derivationally_related_form 02364448 +01025246 _hypernym 01024190 +00470701 _derivationally_related_form 07332691 +07680932 _hypernym 07679356 +01267475 _derivationally_related_form 09933098 +00972191 _hypernym 00971650 +02718178 _hypernym 02657219 +07445265 _hypernym 07311115 +02749169 _hypernym 02748618 +01098698 _hypernym 01094725 +00031264 _hypernym 00002137 +01649999 _verb_group 01767949 +01719921 _synset_domain_topic_of 07006119 +08176077 _member_meronym 08751494 +03916470 _derivationally_related_form 02126382 +08358963 _synset_domain_topic_of 00759694 +00991385 _derivationally_related_form 05987835 +12779437 _member_meronym 12779851 +02297409 _derivationally_related_form 14449405 +00180495 _hypernym 00173338 +07121904 _hypernym 07120524 +03746330 _hypernym 03051540 +01740468 _hypernym 01739814 +02621721 _hypernym 01429349 +11422597 _hypernym 11439690 +01276361 _hypernym 01275762 +08860123 _member_of_domain_region 10500942 +00926472 _hypernym 00917772 +12606907 _member_meronym 12607198 +00309990 _derivationally_related_form 00942988 +11704401 _member_meronym 11705171 +00608037 _derivationally_related_form 01683582 +08032023 _instance_hypernym 08392137 +01830042 _hypernym 01829869 +01017701 _derivationally_related_form 00148763 +12910141 _member_meronym 12910285 +08057816 _hypernym 08061042 +01926311 _hypernym 02055649 +01676313 _member_meronym 01678887 +09945021 _hypernym 09943541 +02787772 _derivationally_related_form 02343374 +02438535 _derivationally_related_form 13541167 +00126584 _derivationally_related_form 01413173 +01913838 _member_meronym 01914163 +06927486 _hypernym 06926458 +03425956 _synset_domain_topic_of 03956922 +08759852 _instance_hypernym 08633957 +12970560 _hypernym 11592146 +12637729 _member_meronym 12648424 +01976841 _verb_group 01977701 +02451292 _member_meronym 02451415 +02259547 _derivationally_related_form 07150138 +07452841 _derivationally_related_form 00768062 +02469085 _derivationally_related_form 08673395 +01294396 _hypernym 01556921 +01759326 _derivationally_related_form 05827253 +05580929 _derivationally_related_form 01625666 +01831519 _member_meronym 01831712 +03190303 _hypernym 04522904 +01703613 _synset_domain_topic_of 07092592 +00291286 _derivationally_related_form 07014320 +15299367 _derivationally_related_form 00580512 +00958334 _derivationally_related_form 13503908 +02570267 _derivationally_related_form 10395390 +00661213 _hypernym 00650353 +02333979 _derivationally_related_form 08647616 +01162425 _hypernym 01158872 +00892861 _derivationally_related_form 00830761 +06097775 _hypernym 06095022 +05817845 _hypernym 05817396 +11624367 _member_meronym 11624531 +08915017 _instance_hypernym 08524735 +15142167 _derivationally_related_form 00360932 +08993288 _has_part 08995515 +08552138 _derivationally_related_form 02812482 +02660164 _derivationally_related_form 14932303 +01867504 _hypernym 01904930 +11823043 _hypernym 12205694 +09209263 _has_part 09198574 +05564590 _derivationally_related_form 02230772 +02443609 _derivationally_related_form 10468750 +10684827 _derivationally_related_form 00880978 +14239425 _hypernym 14237561 +00295701 _derivationally_related_form 02102002 +01428381 _derivationally_related_form 00844994 +01498872 _derivationally_related_form 04061969 +06717170 _member_of_domain_usage 09722898 +15274863 _derivationally_related_form 02460619 +01793933 _hypernym 01767163 +11656974 _hypernym 11554175 +07363346 _hypernym 07311115 +02067689 _derivationally_related_form 15277730 +03150232 _derivationally_related_form 01522276 +12684640 _member_meronym 12720532 +11656380 _member_meronym 11656771 +00834259 _hypernym 00834009 +13806140 _hypernym 06329506 +01917549 _derivationally_related_form 10594408 +00307474 _derivationally_related_form 05207570 +08276720 _derivationally_related_form 02387910 +00765343 _hypernym 00766234 +00022903 _hypernym 00021939 +10265070 _derivationally_related_form 02398956 +02480923 _hypernym 00795863 +10774870 _hypernym 10345100 +07797913 _hypernym 07797641 +02851001 _derivationally_related_form 05397468 +00504844 _hypernym 00508091 +07000195 _hypernym 06873252 +03089348 _derivationally_related_form 01584321 +01173405 _hypernym 01166351 +15033189 _hypernym 15032661 +01152033 _hypernym 01123598 +01624568 _derivationally_related_form 13913566 +11729315 _member_meronym 11729478 +00308370 _derivationally_related_form 01843055 +13300555 _hypernym 13278375 +08107499 _synset_domain_topic_of 06037666 +02369012 _hypernym 01862557 +00397760 _hypernym 00394610 +00662681 _derivationally_related_form 00090513 +05260533 _derivationally_related_form 01754421 +11492833 _synset_domain_topic_of 06084469 +08713772 _has_part 01302935 +04893358 _hypernym 04892794 +13192898 _hypernym 13167078 +12499163 _hypernym 13112664 +12073410 _hypernym 11556857 +09270894 _has_part 09307902 +08293982 _derivationally_related_form 00733632 +06452601 _has_part 06433923 +00693399 _has_part 05246215 +01535246 _derivationally_related_form 03648066 +01807988 _hypernym 01507175 +09053185 _member_of_domain_region 01275697 +01603316 _hypernym 01504437 +03907654 _hypernym 03574555 +10782471 _synset_domain_topic_of 00467995 +05097845 _hypernym 05093890 +08304135 _member_meronym 08770013 +10167565 _derivationally_related_form 00907800 +07221756 _derivationally_related_form 00953216 +10516874 _hypernym 10372373 +02453890 _member_meronym 02459808 +04518132 _hypernym 03359566 +06568134 _has_part 06580351 +01494310 _also_see 02578008 +06544142 _hypernym 06479665 +00023473 _derivationally_related_form 03930777 +04621010 _hypernym 04621963 +00791078 _derivationally_related_form 00920778 +02776631 _hypernym 04602044 +01954852 _hypernym 01953810 +01483779 _derivationally_related_form 00358089 +00070816 _derivationally_related_form 14055408 +02022135 _member_meronym 02036399 +02430929 _member_meronym 02431785 +02708707 _derivationally_related_form 15137890 +06161223 _synset_domain_topic_of 00933420 +13426376 _hypernym 13561719 +01248597 _hypernym 01240514 +05898171 _derivationally_related_form 01830965 +01843055 _derivationally_related_form 10596689 +02439732 _derivationally_related_form 00815320 +07171206 _derivationally_related_form 00621058 +00376400 _derivationally_related_form 00334186 +09683180 _hypernym 09682291 +10490421 _hypernym 09841188 +00755447 _derivationally_related_form 07190290 +02590910 _derivationally_related_form 10787470 +02958343 _has_part 04120339 +07254836 _hypernym 07254594 +01680132 _hypernym 01679980 +01165290 _derivationally_related_form 00087849 +02774630 _hypernym 02974697 +14419510 _derivationally_related_form 01205696 +12726902 _hypernym 12724942 +14919272 _hypernym 00020090 +00428404 _also_see 00103696 +09901143 _hypernym 10205457 +02151966 _derivationally_related_form 00881545 +08057633 _derivationally_related_form 01449974 +01406684 _synset_domain_topic_of 00468480 +01256157 _derivationally_related_form 10566072 +00192836 _derivationally_related_form 01048466 +09058219 _instance_hypernym 08665504 +06930633 _hypernym 06929742 +13929588 _hypernym 13931145 +01446589 _hypernym 01438208 +14297870 _derivationally_related_form 01445407 +10179649 _hypernym 10576962 +08735008 _instance_hypernym 08524735 +14562324 _derivationally_related_form 01161635 +08748076 _has_part 08751317 +06845599 _member_of_domain_usage 04470037 +04011409 _hypernym 02832168 +05396366 _hypernym 05511286 +09044862 _member_of_domain_region 13753430 +05808102 _hypernym 05807306 +02636666 _member_meronym 02637337 +01360899 _hypernym 01264283 +01175316 _derivationally_related_form 01575146 +15256915 _has_part 15257692 +06261260 _hypernym 06260121 +05237227 _hypernym 05220461 +12169776 _member_meronym 12180714 +01090308 _also_see 02123812 +02613687 _hypernym 01432517 +13876371 _derivationally_related_form 02738544 +00074038 _derivationally_related_form 14854262 +00140393 _derivationally_related_form 01606736 +11194205 _instance_hypernym 10045713 +07019172 _hypernym 06613686 +12398682 _member_meronym 12399784 +04562122 _derivationally_related_form 02061495 +07285403 _derivationally_related_form 02110220 +00376994 _hypernym 00376400 +04046974 _hypernym 03327234 +00389610 _hypernym 01012360 +04815624 _hypernym 04815321 +12914193 _hypernym 13112664 +00128477 _derivationally_related_form 01408297 +08223263 _derivationally_related_form 02346895 +13887056 _hypernym 13913849 +00671351 _derivationally_related_form 00083809 +06509210 _synset_domain_topic_of 06128570 +02062017 _hypernym 01886756 +04934043 _hypernym 04933544 +02146526 _member_meronym 02146700 +11719468 _member_meronym 11735325 +13565379 _hypernym 13446390 +01793988 _hypernym 01507175 +04922113 _derivationally_related_form 00908351 +13517553 _hypernym 13489037 +12075830 _hypernym 12041446 +08897065 _member_of_domain_region 08012028 +07795751 _hypernym 07775375 +03419014 _derivationally_related_form 00047945 +01364184 _verb_group 00542809 +01906322 _hypernym 01904930 +01524523 _derivationally_related_form 11502102 +12240715 _member_meronym 12240965 +00596081 _hypernym 00586262 +00568483 _derivationally_related_form 04706290 +07013549 _has_part 06284225 +08348400 _hypernym 08339939 +01628885 _member_meronym 01630533 +02166346 _also_see 02174896 +04751305 _derivationally_related_form 00437125 +01748318 _also_see 00174379 +13872975 _derivationally_related_form 02844728 +00161225 _derivationally_related_form 10069120 +14302261 _hypernym 14299637 +02205896 _member_meronym 02217334 +06324475 _derivationally_related_form 00947077 +02106006 _hypernym 02106506 +09901143 _derivationally_related_form 01082454 +12359026 _member_meronym 12385046 +09893015 _derivationally_related_form 00589769 +10387586 _hypernym 10386984 +08889400 _instance_hypernym 08524735 +15139552 _hypernym 15139130 +00345000 _hypernym 00339934 +07368256 _derivationally_related_form 00245059 +12917338 _member_meronym 12919403 +03683708 _hypernym 04105893 +02602970 _hypernym 01429349 +02035210 _hypernym 02034661 +05789432 _derivationally_related_form 00670261 +00927049 _derivationally_related_form 10634316 +02764044 _has_part 03474896 +00290406 _hypernym 00286497 +11925720 _hypernym 11579418 +00869126 _derivationally_related_form 07183151 +07892512 _hypernym 07891726 +02696801 _derivationally_related_form 05068918 +00305846 _hypernym 01989053 +01302935 _instance_hypernym 00973077 +09105821 _instance_hypernym 08655464 +00052043 _derivationally_related_form 03051540 +01806505 _derivationally_related_form 09893600 +07342495 _derivationally_related_form 00675701 +10303814 _hypernym 10451263 +00632236 _derivationally_related_form 05892096 +06942252 _hypernym 06941644 +01117484 _synset_domain_topic_of 00468480 +02613275 _derivationally_related_form 01028655 +00341695 _derivationally_related_form 01506583 +00428583 _derivationally_related_form 13776137 +08801678 _member_of_domain_region 08804962 +10592397 _hypernym 09984659 +07332691 _hypernym 07330828 +00631244 _hypernym 00630380 +02637592 _derivationally_related_form 13810818 +01467917 _hypernym 01467370 +12241699 _member_meronym 12242123 +00334186 _also_see 00209174 +02260421 _hypernym 02159955 +08418103 _derivationally_related_form 00158804 +00060185 _hypernym 00055142 +12346578 _hypernym 13112664 +00951433 _hypernym 00948206 +08816236 _derivationally_related_form 02962013 +13404248 _member_meronym 13405962 +00346936 _hypernym 00346693 +13812607 _derivationally_related_form 00031921 +01687401 _derivationally_related_form 06999233 +11855122 _hypernym 11573660 +08766988 _has_part 08776138 +02762468 _verb_group 02760622 +03089014 _hypernym 03895293 +00254415 _derivationally_related_form 01245052 +14728724 _hypernym 14944888 +12688716 _hypernym 12685431 +07668702 _has_part 07668902 +14668277 _hypernym 14662574 +08841667 _member_of_domain_region 05950234 +04399537 _derivationally_related_form 01499692 +06991980 _hypernym 06991764 +12221943 _hypernym 11567411 +12987056 _hypernym 12992868 +00155487 _hypernym 00151497 +01996377 _derivationally_related_form 04669247 +06743362 _derivationally_related_form 00925873 +06825996 _hypernym 06825399 +08613593 _hypernym 08630039 +01743223 _member_meronym 01743605 +09449773 _synset_domain_topic_of 07979425 +06270879 _hypernym 06392001 +09424270 _hypernym 09239740 +06562993 _hypernym 06559365 +01767612 _hypernym 02604760 +05829480 _hypernym 05827684 +00988232 _also_see 02412164 +02860415 _derivationally_related_form 01523105 +02434238 _derivationally_related_form 00242583 +14646152 _hypernym 14622893 +14469766 _hypernym 14469014 +09437454 _hypernym 09287968 +00354884 _derivationally_related_form 01815185 +01215421 _hypernym 01212572 +02225342 _hypernym 02222318 +00307631 _derivationally_related_form 02057656 +03533486 _derivationally_related_form 01656788 +13840719 _derivationally_related_form 10451263 +02911158 _derivationally_related_form 01576917 +00190115 _also_see 02102484 +13266892 _derivationally_related_form 02262278 +13216475 _hypernym 13166338 +02335349 _member_meronym 02342109 +00777324 _hypernym 00776732 +00643473 _derivationally_related_form 05781800 +05305806 _hypernym 05225090 +13433727 _hypernym 13434120 +04732543 _hypernym 04731497 +04694441 _derivationally_related_form 00509958 +01113068 _derivationally_related_form 02727883 +09080554 _has_part 09078784 +01530431 _derivationally_related_form 00693679 +02280223 _member_meronym 02280649 +02123314 _derivationally_related_form 04647478 +02913152 _has_part 02713594 +12751823 _member_meronym 12752039 +06462807 _instance_hypernym 06429590 +10181990 _hypernym 10024119 +11059438 _instance_hypernym 09765278 +02265231 _derivationally_related_form 09761403 +07174433 _derivationally_related_form 00624801 +01374582 _derivationally_related_form 00608502 +09087599 _has_part 09368479 +01122149 _derivationally_related_form 02267060 +13169219 _hypernym 08103777 +00717208 _derivationally_related_form 01363482 +11633116 _hypernym 11554175 +06252954 _derivationally_related_form 00928630 +03401721 _has_part 03401500 +07250727 _hypernym 07250339 +10786270 _derivationally_related_form 02128286 +01514348 _derivationally_related_form 04240097 +00365012 _derivationally_related_form 00186161 +10059162 _derivationally_related_form 02471327 +14061805 _hypernym 14052046 +02391803 _derivationally_related_form 10000787 +02405390 _derivationally_related_form 00197610 +06713930 _derivationally_related_form 00990008 +12046251 _hypernym 11556857 +09025584 _instance_hypernym 08524735 +07246742 _derivationally_related_form 00807461 +08065937 _hypernym 08061042 +06144081 _hypernym 06143546 +01209953 _hypernym 01206218 +08845555 _has_part 08846739 +02592607 _hypernym 01432517 +06088995 _synset_domain_topic_of 06084469 +02867715 _hypernym 02691156 +01218327 _hypernym 01217859 +02511824 _hypernym 08221348 +10525878 _hypernym 10372373 +01364008 _member_meronym 01364162 +00263492 _derivationally_related_form 00293977 +06733227 _derivationally_related_form 00716758 +00432689 _derivationally_related_form 02654442 +01372049 _also_see 01507134 +11011123 _instance_hypernym 10123844 +04393095 _derivationally_related_form 00999270 +01941670 _member_meronym 01948573 +01635659 _member_meronym 01637478 +15134054 _synset_domain_topic_of 00933420 +02606384 _hypernym 02554730 +02175958 _derivationally_related_form 04080454 +00513401 _derivationally_related_form 02120458 +00260051 _derivationally_related_form 00172505 +06295235 _member_of_domain_usage 00508952 +14523090 _hypernym 11524662 +02930766 _derivationally_related_form 01949007 +00835903 _derivationally_related_form 11511765 +07007945 _synset_domain_topic_of 06376154 +13487207 _derivationally_related_form 00357667 +00457382 _hypernym 00407535 +04768028 _derivationally_related_form 02019021 +02066707 _hypernym 02062744 +06554981 _hypernym 06552984 +02699141 _derivationally_related_form 05937524 +01805684 _derivationally_related_form 07486922 +01792955 _hypernym 01792640 +02354536 _derivationally_related_form 04594489 +07226151 _hypernym 07225857 +00998037 _hypernym 00996969 +06295235 _member_of_domain_usage 04071393 +12545090 _hypernym 11585340 +10763725 _derivationally_related_form 02641463 +01213886 _derivationally_related_form 02556126 +00282050 _derivationally_related_form 01995549 +02565728 _member_meronym 02566109 +01928838 _derivationally_related_form 00285557 +02354112 _hypernym 02327200 +10827678 _instance_hypernym 10231515 +11831730 _hypernym 11573660 +07925966 _hypernym 07881800 +04916200 _synset_domain_topic_of 06951067 +07449862 _hypernym 07447641 +10525134 _derivationally_related_form 02441022 +12637729 _member_meronym 12641413 +00290579 _derivationally_related_form 01919391 +01833906 _hypernym 01970826 +02701393 _synset_domain_topic_of 00933420 +09320985 _instance_hypernym 09411430 +08131530 _has_part 08341330 +09268236 _instance_hypernym 09411430 +02504131 _also_see 00583990 +07164546 _derivationally_related_form 02298632 +01431132 _hypernym 01430633 +01916214 _hypernym 01904930 +00666886 _derivationally_related_form 00075515 +02748183 _hypernym 03183080 +12494115 _hypernym 11585340 +02305245 _hypernym 01759182 +00349705 _hypernym 00331950 +03488603 _hypernym 04208210 +09387624 _instance_hypernym 09475292 +00547493 _derivationally_related_form 09542339 +01032127 _derivationally_related_form 06264812 +03915320 _hypernym 03182232 +03714721 _hypernym 00002684 +07228971 _hypernym 06628861 +01875295 _derivationally_related_form 05194043 +01831078 _hypernym 01504437 +01999374 _hypernym 08103777 +00219575 _hypernym 00219012 +12177844 _hypernym 12170585 +01010684 _hypernym 01010458 +00480751 _derivationally_related_form 03789946 +00949288 _hypernym 00948071 +07039478 _hypernym 06398401 +05906554 _derivationally_related_form 02527431 +01416871 _derivationally_related_form 10608803 +04746842 _derivationally_related_form 00503982 +01860497 _derivationally_related_form 00912833 +05511618 _has_part 05430095 +02169119 _derivationally_related_form 05683390 +00770437 _derivationally_related_form 01261974 +09048880 _has_part 09068444 +02839910 _hypernym 03094503 +09614047 _hypernym 00007846 +02611002 _hypernym 02610845 +11234951 _instance_hypernym 10566072 +01098206 _hypernym 01097743 +00237078 _derivationally_related_form 02434238 +02141973 _hypernym 02140033 +01471070 _member_meronym 01502262 +02585732 _member_meronym 02585872 +02316868 _verb_group 02339171 +03028079 _synset_domain_topic_of 01032368 +07755411 _hypernym 07705931 +02553196 _member_meronym 02610834 +00546389 _derivationally_related_form 10624310 +01197258 _synset_domain_topic_of 08441203 +12463743 _hypernym 12425281 +06118370 _hypernym 06117855 +00531490 _derivationally_related_form 10664340 +05238282 _has_part 05244934 +00973056 _synset_domain_topic_of 06264176 +07214432 _derivationally_related_form 01637982 +01176079 _synset_domain_topic_of 08199025 +09954639 _hypernym 10112591 +05783940 _derivationally_related_form 00644066 +00954137 _hypernym 00953216 +01745536 _hypernym 01706129 +02531820 _member_meronym 02532918 +10705615 _derivationally_related_form 06182144 +00171852 _verb_group 01627947 +08385009 _member_meronym 09992538 +08176077 _member_meronym 08755214 +10338094 _derivationally_related_form 02390101 +12992022 _hypernym 11592146 +01374989 _member_meronym 01375204 +09313716 _hypernym 09225146 +02752931 _hypernym 02620587 +04980008 _derivationally_related_form 02125641 +00652346 _derivationally_related_form 00152018 +12357802 _hypernym 11744859 +01201089 _derivationally_related_form 05546040 +05971394 _derivationally_related_form 10080508 +02120451 _hypernym 02122164 +01981276 _hypernym 01976957 +00517847 _hypernym 02327200 +01538775 _member_meronym 01538955 +01012712 _derivationally_related_form 00654625 +11607392 _member_meronym 11648428 +02250133 _hypernym 01762525 +11636389 _hypernym 11554175 +00431447 _derivationally_related_form 04701460 +00521478 _derivationally_related_form 11505546 +00143204 _hypernym 00142191 +02475821 _member_meronym 02476219 +09784707 _derivationally_related_form 02294436 +12930044 _hypernym 11566682 +11512992 _derivationally_related_form 01436139 +01155090 _derivationally_related_form 00340192 +01052739 _hypernym 01051331 +10724699 _derivationally_related_form 01435380 +00652900 _derivationally_related_form 04746842 +13428608 _derivationally_related_form 01221684 +01176431 _derivationally_related_form 00774344 +11911591 _member_meronym 11923016 +14486122 _derivationally_related_form 00720063 +12056758 _hypernym 12056217 +00243900 _hypernym 00441445 +03068473 _derivationally_related_form 08946187 +02174115 _derivationally_related_form 00076393 +12773334 _hypernym 11567411 +01935846 _hypernym 01935476 +05837370 _derivationally_related_form 00783042 +03579538 _hypernym 03221720 +01528339 _hypernym 01543123 +09126305 _has_part 08605261 +11453016 _hypernym 11419404 +11616662 _hypernym 11608250 +07493280 _derivationally_related_form 00064095 +02967626 _hypernym 03872495 +01697027 _derivationally_related_form 00898804 +01379636 _hypernym 01352059 +01922763 _also_see 00087152 +01633825 _derivationally_related_form 05982152 +01940736 _has_part 07783210 +10022759 _derivationally_related_form 00809654 +02571251 _derivationally_related_form 00733483 +03794136 _derivationally_related_form 00039950 +03050026 _hypernym 03122748 +07230089 _derivationally_related_form 00883226 +00976653 _hypernym 00856824 +15181718 _has_part 15242029 +11692952 _member_meronym 11718911 +01826223 _member_meronym 01826542 +03093574 _hypernym 03076708 +04055180 _has_part 03901548 +00238867 _derivationally_related_form 14971519 +03957567 _derivationally_related_form 01360899 +09998101 _derivationally_related_form 02574516 +04637923 _derivationally_related_form 01762839 +10011486 _derivationally_related_form 06402031 +01547459 _member_meronym 01550033 +09615211 _hypernym 09939313 +13806964 _hypernym 13805734 +04447443 _hypernym 03575240 +01029852 _derivationally_related_form 07272172 +08426993 _synset_domain_topic_of 08199025 +08147188 _hypernym 08146782 +00210738 _hypernym 00109660 +10595361 _hypernym 10483530 +05449959 _hypernym 05449268 +00470701 _verb_group 00471058 +01019472 _verb_group 01018928 +11981314 _member_meronym 11981475 +10502950 _hypernym 09853645 +02557199 _derivationally_related_form 05691376 +01882170 _verb_group 01904930 +00315020 _verb_group 00315330 +13850674 _has_part 11432887 +01743217 _derivationally_related_form 07536870 +08467258 _hypernym 08466643 +01785579 _derivationally_related_form 14066492 +04405540 _hypernym 03278248 +12657940 _member_meronym 12658118 +04446521 _derivationally_related_form 00074038 +07124340 _member_of_domain_usage 06611856 +04370774 _hypernym 03419014 +02051474 _hypernym 02021795 +08173515 _member_meronym 08929922 +02767116 _derivationally_related_form 11499284 +08028999 _instance_hypernym 08392137 +10461424 _derivationally_related_form 01350449 +05636171 _derivationally_related_form 09616573 +01194904 _derivationally_related_form 01468327 +00321936 _derivationally_related_form 11482312 +08897065 _has_part 08899351 +08845555 _has_part 09228928 +00321148 _hypernym 00452512 +08804319 _instance_hypernym 08524735 +11133551 _instance_hypernym 09868270 +01592456 _derivationally_related_form 00357275 +08860123 _member_of_domain_region 03881534 +01997862 _derivationally_related_form 09993252 +14133985 _has_part 14184067 +13620154 _hypernym 13615036 +00548802 _derivationally_related_form 01722447 +02610845 _hypernym 02609764 +09769345 _hypernym 09627906 +08369920 _member_meronym 11126783 +00290740 _derivationally_related_form 09476521 +04455442 _hypernym 03748886 +02958343 _has_part 04060065 +02192992 _derivationally_related_form 10692482 +01539633 _synset_domain_topic_of 06084469 +01146768 _hypernym 01146576 +01310660 _derivationally_related_form 09304750 +12423565 _member_meronym 12428915 +08860123 _member_of_domain_region 03362293 +01371756 _synset_domain_topic_of 00523513 +06433249 _instance_hypernym 06394865 +04178329 _member_meronym 04029125 +00637259 _derivationally_related_form 05802185 +00032778 _derivationally_related_form 10616379 +07285191 _hypernym 07284554 +00461493 _derivationally_related_form 13925550 +12986447 _member_meronym 12991488 +07823951 _synset_domain_topic_of 00243918 +02264179 _derivationally_related_form 09786338 +04822223 _derivationally_related_form 00533851 +12892226 _member_meronym 12902887 +04069276 _derivationally_related_form 02136271 +02348405 _member_meronym 02348788 +08564139 _instance_hypernym 08574314 +01635176 _derivationally_related_form 06367373 +12318164 _member_meronym 12318378 +00382635 _hypernym 00126264 +08057206 _hypernym 08061042 +09342729 _instance_hypernym 09360122 +02298160 _derivationally_related_form 10577284 +00249721 _derivationally_related_form 04858785 +10166394 _derivationally_related_form 00571738 +13936153 _hypernym 14411243 +14583670 _derivationally_related_form 01908039 +01222328 _derivationally_related_form 00812526 +01743784 _derivationally_related_form 05937112 +00842281 _hypernym 00838816 +00760402 _derivationally_related_form 01036333 +09323824 _has_part 09322701 +03571439 _derivationally_related_form 01585523 +02031752 _member_meronym 02032480 +08703454 _member_of_domain_region 08013845 +07255791 _hypernym 00033020 +09505418 _hypernym 09504135 +01859586 _hypernym 01859221 +00370412 _derivationally_related_form 05016001 +02490634 _derivationally_related_form 01201271 +01463792 _hypernym 01463520 +01072780 _derivationally_related_form 01816431 +08780881 _has_part 08783812 +07047804 _hypernym 07037465 +01496978 _hypernym 01494310 +01696648 _derivationally_related_form 00161739 +02719450 _hypernym 03740161 +11911591 _member_meronym 11921622 +02540255 _member_meronym 02541139 +03599351 _derivationally_related_form 01593254 +01498989 _hypernym 01495701 +10127689 _derivationally_related_form 06115701 +09738708 _derivationally_related_form 02927512 +12645174 _hypernym 12644902 +00104249 _derivationally_related_form 01511706 +01723579 _hypernym 01723224 +02593863 _member_meronym 02594807 +02472693 _derivationally_related_form 04348184 +02238462 _also_see 01960656 +10523519 _derivationally_related_form 02648639 +13224256 _member_meronym 13224454 +00705517 _derivationally_related_form 07484547 +14777523 _hypernym 14778019 +01726960 _member_meronym 01730679 +00708017 _derivationally_related_form 00334186 +00075912 _hypernym 00074790 +12744850 _has_part 07763290 +02264752 _derivationally_related_form 09976728 +01925695 _hypernym 01924916 +01660719 _hypernym 08103777 +10160770 _derivationally_related_form 01732713 +14375890 _synset_domain_topic_of 06136258 +03132076 _has_part 03485997 +00013328 _derivationally_related_form 03964744 +02463704 _derivationally_related_form 10608385 +02018027 _hypernym 02014941 +13023292 _member_meronym 12984802 +06226057 _hypernym 05946687 +12807624 _hypernym 12806732 +09440400 _instance_hypernym 09254614 +02632567 _derivationally_related_form 10766025 +01646866 _verb_group 01629958 +07355887 _derivationally_related_form 00152887 +00377169 _derivationally_related_form 01259691 +00850501 _derivationally_related_form 10695555 +09759069 _derivationally_related_form 08279298 +02282716 _member_meronym 02282903 +02163982 _member_meronym 02178244 +02549581 _hypernym 02550296 +03994417 _hypernym 07819480 +01521603 _hypernym 01285440 +08704409 _instance_hypernym 08524735 +07445265 _derivationally_related_form 01992503 +09364249 _instance_hypernym 09360122 +04347519 _hypernym 03701391 +12202712 _member_meronym 12202936 +01006239 _hypernym 00993014 +12090890 _hypernym 12205694 +02593863 _member_meronym 02597173 +00406053 _derivationally_related_form 01128984 +03116767 _derivationally_related_form 00948071 +02433381 _hypernym 02448185 +12166003 _hypernym 11567411 +07349299 _hypernym 07352190 +05098942 _derivationally_related_form 00319214 +04173698 _derivationally_related_form 01669906 +12366675 _hypernym 12651821 +13205482 _member_meronym 13210006 +03308297 _derivationally_related_form 03132438 +04390977 _derivationally_related_form 10691764 +01355326 _hypernym 01342269 +02555908 _hypernym 02554922 +02575766 _member_meronym 02578604 +04568298 _has_part 04598965 +02066304 _derivationally_related_form 00310201 +12148079 _hypernym 11556857 +02066510 _derivationally_related_form 00329227 +08680888 _hypernym 08679972 +01733829 _synset_domain_topic_of 00543233 +00327031 _synset_domain_topic_of 00004475 +01673668 _member_meronym 01685277 +02009433 _derivationally_related_form 10004539 +04717139 _derivationally_related_form 02679012 +09155986 _instance_hypernym 08524735 +09050244 _member_meronym 09053185 +03003744 _derivationally_related_form 06960778 +11120834 _instance_hypernym 10794014 +02285909 _hypernym 01762525 +01620414 _hypernym 01618922 +13839662 _hypernym 13838386 +11911591 _member_meronym 11989636 +07655337 _hypernym 07654667 +10525617 _derivationally_related_form 02379753 +01929396 _member_meronym 01930485 +14617189 _hypernym 14621446 +06429145 _hypernym 06428792 +08010942 _instance_hypernym 08392137 +08871007 _has_part 08873622 +05008943 _derivationally_related_form 01484083 +02777734 _hypernym 04341686 +07588947 _hypernym 07557434 +03777126 _hypernym 02729965 +00958880 _also_see 00583239 +07310642 _hypernym 07309781 +00573085 _hypernym 02510337 +01086572 _hypernym 01086081 +10687231 _hypernym 09621545 +02955562 _derivationally_related_form 11381824 +03456186 _hypernym 03051540 +00386715 _hypernym 00126264 +03104594 _derivationally_related_form 01742886 +08196622 _hypernym 08190292 +08437968 _hypernym 08437515 +08819223 _instance_hypernym 08574314 +00828901 _derivationally_related_form 10380672 +11494638 _hypernym 11524662 +00682781 _derivationally_related_form 05747582 +06845599 _member_of_domain_usage 04353410 +00261533 _derivationally_related_form 03338287 +01169589 _synset_domain_topic_of 00015388 +13038944 _member_meronym 12968408 +04241394 _hypernym 03380867 +01458302 _hypernym 05470189 +10264437 _derivationally_related_form 06172789 +03331390 _hypernym 04547991 +01642943 _hypernym 01639765 +12199790 _hypernym 13109733 +06845599 _member_of_domain_usage 03747746 +00218208 _derivationally_related_form 00472230 +00668805 _hypernym 00668099 +00632236 _derivationally_related_form 00083260 +12226009 _member_meronym 12249821 +00516932 _derivationally_related_form 10761519 +00845299 _derivationally_related_form 06715223 +04568713 _hypernym 03309808 +08766988 _has_part 08772551 +09722898 _hypernym 09722658 +01813385 _hypernym 01812337 +13205482 _member_meronym 13208138 +00451866 _hypernym 00523513 +07102593 _synset_domain_topic_of 07006119 +03082127 _hypernym 03659292 +03714235 _derivationally_related_form 00040928 +09997212 _derivationally_related_form 00493517 +13712428 _has_part 13712592 +10686073 _derivationally_related_form 01822724 +00353992 _derivationally_related_form 00493929 +11867525 _member_meronym 11893451 +00835501 _derivationally_related_form 00007012 +05547508 _has_part 05305136 +12100538 _member_meronym 12121405 +02199999 _member_meronym 02200509 +08212527 _member_meronym 08213205 +13531149 _hypernym 13518963 +12362844 _member_meronym 12363580 +09905050 _synset_domain_topic_of 15253139 +03693973 _hypernym 02831724 +00923802 _hypernym 00923444 +02373093 _member_meronym 02393300 +09871364 _hypernym 09622302 +04565375 _hypernym 03574816 +03084420 _hypernym 03033362 +01876843 _member_meronym 01878203 +01673668 _member_meronym 01692713 +00549610 _derivationally_related_form 01743313 +08929922 _member_of_domain_region 13752911 +00901103 _derivationally_related_form 05817145 +01039330 _derivationally_related_form 06876144 +01039307 _hypernym 01039140 +09878702 _hypernym 10287213 +00798717 _derivationally_related_form 07206096 +08617963 _derivationally_related_form 02693168 +00743692 _hypernym 00743344 +04955633 _derivationally_related_form 00283703 +07424436 _hypernym 07424109 +13266170 _hypernym 13268146 +00064151 _hypernym 00064504 +11251995 _instance_hypernym 10650162 +12908432 _hypernym 11579418 +08493261 _instance_hypernym 08574314 +01002677 _hypernym 00996969 +00432839 _derivationally_related_form 14489113 +04020298 _hypernym 03700963 +01891633 _hypernym 01889074 +00239614 _derivationally_related_form 13552270 +04587648 _has_part 03881893 +00745499 _derivationally_related_form 01009871 +09930464 _hypernym 00007846 +01570562 _hypernym 01387786 +11766609 _member_meronym 11772702 +07535209 _derivationally_related_form 01364008 +06805128 _synset_domain_topic_of 08199025 +02421199 _derivationally_related_form 10609556 +10557699 _synset_domain_topic_of 06951067 +00813790 _hypernym 00813978 +07285403 _derivationally_related_form 00121046 +02319967 _member_meronym 02320127 +02169352 _hypernym 02150510 +01258161 _hypernym 00120202 +01472502 _has_part 01472638 +01440655 _hypernym 01432517 +02457586 _member_meronym 02457756 +10316527 _synset_domain_topic_of 08199025 +00596692 _hypernym 00586262 +02399399 _derivationally_related_form 04997032 +02653381 _derivationally_related_form 08624196 +01939811 _synset_domain_topic_of 00523513 +00616153 _derivationally_related_form 05706629 +09134386 _has_part 09136182 +07486628 _hypernym 07484265 +08383690 _hypernym 08059412 +01560636 _hypernym 01557185 +01715692 _hypernym 01342529 +00328128 _derivationally_related_form 05014099 +00290125 _derivationally_related_form 01916634 +00530829 _derivationally_related_form 00194414 +01453433 _hypernym 01448100 +01086103 _derivationally_related_form 02384858 +13355656 _synset_domain_topic_of 06149484 +02201521 _derivationally_related_form 13248087 +13226698 _hypernym 11592146 +08557482 _hypernym 08556491 +00072473 _derivationally_related_form 00619610 +09057311 _has_part 09170996 +01332205 _hypernym 01296462 +10246395 _derivationally_related_form 00093593 +02571300 _member_meronym 02571486 +00319886 _hypernym 00322847 +06248043 _synset_domain_topic_of 08199025 +12903250 _member_meronym 12903367 +07594737 _hypernym 07557165 +08975902 _member_of_domain_region 08045140 +09958892 _derivationally_related_form 00707322 +07873057 _hypernym 07557165 +04595285 _hypernym 03225777 +02389220 _also_see 02451951 +00643910 _synset_domain_topic_of 06174404 +09117351 _has_part 09124039 +04010779 _hypernym 03183080 +04574999 _derivationally_related_form 01935476 +08190754 _synset_domain_topic_of 08199025 +04767347 _derivationally_related_form 01959294 +06776138 _derivationally_related_form 10191943 +00055539 _derivationally_related_form 00849982 +08721145 _instance_hypernym 08633957 +05828263 _derivationally_related_form 01808626 +09207288 _has_part 09194710 +08356903 _member_meronym 08330298 +01505958 _hypernym 01505254 +01510827 _derivationally_related_form 07338114 +01370561 _also_see 02401809 +10596689 _derivationally_related_form 00310201 +10076307 _hypernym 10546850 +08988068 _instance_hypernym 08691669 +09939313 _hypernym 00007846 +01050165 _hypernym 01049737 +00086297 _synset_domain_topic_of 08441203 +06522501 _derivationally_related_form 02460619 +05934029 _hypernym 05933246 +02288473 _member_meronym 02289466 +00389610 _derivationally_related_form 02490430 +05792842 _derivationally_related_form 01632411 +00681429 _derivationally_related_form 05733583 +01127795 _hypernym 02450505 +02459633 _derivationally_related_form 03259505 +04162998 _hypernym 13777764 +01975912 _derivationally_related_form 05110185 +13188973 _member_meronym 13189222 +04472726 _derivationally_related_form 00973056 +09941571 _derivationally_related_form 02441022 +03240140 _derivationally_related_form 01443021 +00597629 _derivationally_related_form 10474645 +08158460 _hypernym 07971582 +15105268 _hypernym 14974264 +12286372 _hypernym 11564734 +10129585 _derivationally_related_form 01683101 +11458624 _derivationally_related_form 01871979 +01411085 _derivationally_related_form 00134574 +00575741 _derivationally_related_form 02373015 +01897885 _derivationally_related_form 00527498 +01326730 _derivationally_related_form 02987492 +01948917 _hypernym 01939598 +10275395 _hypernym 10677713 +03036866 _hypernym 03525827 +01104376 _hypernym 01101913 +02316649 _hypernym 02199590 +05546540 _has_part 05370918 +07342495 _derivationally_related_form 00343771 +07324380 _derivationally_related_form 01627355 +01971094 _hypernym 01968315 +13724582 _hypernym 13717155 +00543233 _has_part 15286042 +01263711 _derivationally_related_form 01097500 +11630017 _hypernym 13108841 +02488149 _member_meronym 02488291 +05217168 _hypernym 05216365 +02216547 _member_meronym 02216740 +06763681 _derivationally_related_form 01023259 +02582919 _member_meronym 02583096 +00074624 _derivationally_related_form 00614999 +01063697 _hypernym 01062817 +00251013 _derivationally_related_form 01532434 +15249799 _hypernym 15157225 +05943066 _derivationally_related_form 02464693 +01926984 _hypernym 01835496 +01106808 _derivationally_related_form 02445509 +14118423 _hypernym 14118138 +05731779 _derivationally_related_form 01657641 +05700087 _derivationally_related_form 00600370 +02356108 _hypernym 01864707 +02295717 _member_meronym 02295870 +01152033 _derivationally_related_form 00411792 +12213635 _member_meronym 12223405 +05317354 _hypernym 05426243 +08852843 _member_of_domain_region 08035233 +01552956 _member_meronym 01553142 +02711835 _hypernym 02711114 +01359432 _verb_group 01212230 +02235229 _derivationally_related_form 10679998 +12158148 _member_meronym 12162425 +02443849 _derivationally_related_form 10378780 +10475297 _derivationally_related_form 01747945 +13636648 _hypernym 13632961 +00501534 _hypernym 00126264 +12371911 _member_meronym 12372124 +01924882 _derivationally_related_form 00289388 +02270815 _derivationally_related_form 07187996 +08766988 _has_part 08771277 +10728828 _hypernym 09614684 +09044862 _has_part 09464335 +01129977 _also_see 02034828 +00772813 _hypernym 00770270 +00285141 _hypernym 00858188 +05082790 _hypernym 05082507 +01566490 _derivationally_related_form 00217773 +01212882 _derivationally_related_form 02638845 +00470386 _derivationally_related_form 01097292 +01294396 _derivationally_related_form 14417697 +02651193 _derivationally_related_form 01054876 +00233335 _derivationally_related_form 05124057 +07209089 _synset_domain_topic_of 08441203 +11708181 _member_meronym 11712153 +04425977 _hypernym 03431243 +07959016 _derivationally_related_form 00949288 +01420655 _hypernym 08103777 +11835251 _hypernym 13112664 +07164349 _derivationally_related_form 00990392 +05636402 _hypernym 05638987 +00860292 _hypernym 00856824 +12011067 _member_meronym 12012253 +01933686 _member_meronym 01933834 +00847870 _derivationally_related_form 06721604 +01771624 _hypernym 01762525 +03996416 _derivationally_related_form 01312810 +00495524 _hypernym 00488225 +08563627 _has_part 09060768 +12678059 _member_meronym 12678224 +02184965 _derivationally_related_form 07396945 +00391407 _derivationally_related_form 01573276 +11088346 _instance_hypernym 10467395 +07312221 _derivationally_related_form 00270005 +13916721 _hypernym 13915999 +02984104 _derivationally_related_form 00596807 +00721098 _derivationally_related_form 09848489 +14504103 _hypernym 14503665 +01797347 _hypernym 01794668 +01930482 _derivationally_related_form 00307631 +03120454 _derivationally_related_form 06794666 +07159791 _derivationally_related_form 02586458 +02244773 _hypernym 02242464 +03845360 _hypernym 04572344 +10403876 _derivationally_related_form 01955984 +06678302 _hypernym 06349220 +00596807 _derivationally_related_form 10468962 +00488770 _derivationally_related_form 04526964 +02734192 _derivationally_related_form 06075527 +02335629 _derivationally_related_form 02811936 +08133536 _has_part 08133855 +01138523 _derivationally_related_form 10118844 +02510240 _hypernym 01864707 +10197967 _derivationally_related_form 02270404 +07255401 _derivationally_related_form 00796392 +01653442 _derivationally_related_form 10292316 +03695122 _hypernym 03738241 +11806975 _member_meronym 11807108 +07736813 _hypernym 07710283 +01509280 _synset_domain_topic_of 00471613 +05664069 _hypernym 05661996 +10732010 _derivationally_related_form 01733829 +01032840 _synset_domain_topic_of 06128570 +06798336 _hypernym 06797169 +02992032 _hypernym 02853016 +08507558 _hypernym 08620061 +01590443 _member_meronym 01590837 +08752021 _instance_hypernym 08544813 +02723292 _hypernym 03740161 +00773402 _derivationally_related_form 01120069 +02357911 _hypernym 02358091 +03569657 _hypernym 02724966 +08921850 _member_of_domain_region 11219502 +13148791 _hypernym 11562747 +03051540 _hypernym 03122748 +06742426 _derivationally_related_form 01001294 +05818741 _derivationally_related_form 02169352 +03924978 _hypernym 03180969 +09275473 _derivationally_related_form 02968325 +10711483 _hypernym 10372076 +06207199 _derivationally_related_form 00689950 +07065562 _hypernym 07064715 +02848523 _hypernym 04110955 +00409281 _derivationally_related_form 01152973 +00487748 _hypernym 00203081 +10439629 _hypernym 09774783 +04737934 _hypernym 04723816 +00857664 _derivationally_related_form 01201100 +02461556 _hypernym 01862557 +14315192 _hypernym 14299637 +14171682 _has_part 14336539 +01191755 _derivationally_related_form 01096497 +11911591 _member_meronym 11984397 +01995549 _verb_group 02679899 +01149911 _derivationally_related_form 01387786 +01471825 _derivationally_related_form 10175507 +06845599 _member_of_domain_usage 03191967 +03278248 _hypernym 03294048 +09533048 _synset_domain_topic_of 15253139 +00129089 _hypernym 00125629 +04048075 _has_part 04433585 +10553402 _hypernym 09627462 +07944050 _derivationally_related_form 01646941 +02838014 _hypernym 08511241 +08907606 _member_meronym 09714264 +12146311 _hypernym 12102133 +00054821 _hypernym 00053913 +05125377 _derivationally_related_form 02727039 +09043411 _instance_hypernym 08654360 +00549982 _hypernym 00205885 +01500995 _member_meronym 01501160 +01139194 _hypernym 01138670 +07510625 _derivationally_related_form 01810447 +01455184 _derivationally_related_form 03281145 +05527216 _has_part 05526175 +02409508 _hypernym 02407959 +02678839 _derivationally_related_form 04689450 +09207288 _has_part 08900535 +00981180 _hypernym 00955060 +09032843 _instance_hypernym 08665504 +06336537 _hypernym 06333653 +07529245 _hypernym 07526757 +09073938 _instance_hypernym 08524735 +04977247 _derivationally_related_form 00243606 +08372847 _hypernym 07969695 +05278714 _hypernym 05269901 +08034028 _synset_domain_topic_of 00759694 +02020590 _verb_group 02021532 +04012482 _hypernym 04012084 +00236592 _hypernym 00235368 +05238282 _has_part 05264247 +01910252 _hypernym 01909422 +08765890 _has_part 08766455 +01894803 _hypernym 01864707 +09044862 _has_part 09095023 +00391086 _hypernym 00383606 +13102409 _hypernym 13100677 +15237250 _hypernym 15236475 +02656390 _derivationally_related_form 04191943 +03303965 _hypernym 03848729 +09037133 _instance_hypernym 08544813 +00491689 _derivationally_related_form 01004961 +01708778 _member_meronym 01709278 +00855295 _hypernym 00850501 +10054657 _derivationally_related_form 02409412 +01963017 _member_meronym 01963136 +05258889 _hypernym 05256862 +00778275 _derivationally_related_form 00383952 +02002591 _hypernym 02001858 +03275681 _hypernym 02955247 +10561320 _derivationally_related_form 00801782 +03873064 _hypernym 00021939 +07365193 _derivationally_related_form 02523521 +05026508 _hypernym 05025935 +02411075 _hypernym 01864707 +01226215 _derivationally_related_form 00854000 +00571596 _hypernym 00173338 +03519578 _hypernym 03519981 +12097927 _hypernym 11562747 +00767334 _verb_group 01808218 +00026385 _derivationally_related_form 01064148 +02567519 _derivationally_related_form 14439447 +07320302 _derivationally_related_form 00056930 +07516997 _hypernym 07516354 +02306087 _derivationally_related_form 02822865 +05316025 _derivationally_related_form 02167052 +07433973 _hypernym 07420770 +02295064 _hypernym 02283201 +01930852 _hypernym 01930112 +04344246 _hypernym 04602044 +00403967 _derivationally_related_form 00357451 +02479323 _derivationally_related_form 13367593 +01192150 _synset_domain_topic_of 08441203 +10742005 _derivationally_related_form 10741821 +14653596 _hypernym 14625458 +00469637 _derivationally_related_form 13905572 +00619869 _derivationally_related_form 05893653 +12237486 _hypernym 13112664 +01660640 _derivationally_related_form 03792334 +10650162 _derivationally_related_form 00753093 +10464178 _derivationally_related_form 00828003 +03876519 _derivationally_related_form 01684899 +02609203 _verb_group 00348746 +00572788 _hypernym 00109660 +05129201 _hypernym 13575869 +10070711 _derivationally_related_form 02141973 +02459173 _derivationally_related_form 03545150 +02402112 _derivationally_related_form 14413993 +01437254 _derivationally_related_form 10578762 +02432530 _hypernym 02436349 +02235842 _hypernym 01009240 +00639478 _hypernym 00637259 +08726745 _has_part 08727003 +06691083 _derivationally_related_form 00803325 +07481785 _hypernym 07481375 +00528667 _has_part 00529224 +14485249 _derivationally_related_form 00539936 +02992070 _synset_domain_topic_of 06163751 +02596381 _derivationally_related_form 01064401 +01144876 _derivationally_related_form 02439732 +00996513 _derivationally_related_form 09683180 +04679738 _derivationally_related_form 00929362 +08958830 _member_meronym 09693372 +00695226 _hypernym 00699815 +09811712 _hypernym 09610660 +01912893 _derivationally_related_form 00283568 +14753188 _hypernym 14752057 +02117232 _derivationally_related_form 00487748 +02440020 _derivationally_related_form 10468962 +01629000 _verb_group 01629403 +04178329 _member_meronym 04461148 +00380083 _derivationally_related_form 00396703 +00524083 _derivationally_related_form 14594456 +02449011 _derivationally_related_form 08236438 +15256714 _synset_domain_topic_of 00523513 +02621901 _derivationally_related_form 10172080 +02916684 _synset_domain_topic_of 06128570 +11444643 _hypernym 11418750 +01584004 _member_meronym 01584225 +00176874 _synset_domain_topic_of 00671351 +09415938 _derivationally_related_form 02066939 +10008716 _derivationally_related_form 01566490 +12677427 _member_meronym 12677841 +06466787 _instance_hypernym 06429590 +01802309 _member_meronym 01805692 +00002573 _hypernym 00001740 +03847823 _hypernym 03722288 +01649948 _member_meronym 01651900 +14066203 _derivationally_related_form 01785579 +05124057 _derivationally_related_form 00947077 +00915830 _derivationally_related_form 10777299 +05115804 _derivationally_related_form 02024143 +09290777 _derivationally_related_form 00141524 +01418389 _synset_domain_topic_of 00243918 +11891395 _hypernym 11575425 +02131279 _derivationally_related_form 10067968 +10496193 _derivationally_related_form 01473176 +01580467 _derivationally_related_form 00321956 +04097866 _hypernym 03419014 +04148054 _hypernym 03265032 +02830596 _hypernym 02704153 +00443984 _hypernym 00140123 +01115916 _derivationally_related_form 03328076 +12910141 _hypernym 11579418 +09270894 _has_part 09339810 +00161243 _derivationally_related_form 00674607 +00947077 _hypernym 00674607 +02178886 _hypernym 01759182 +07910656 _hypernym 07907943 +12201456 _member_meronym 12201580 +01979395 _hypernym 01762525 +01519977 _hypernym 00138508 +07140978 _derivationally_related_form 00772189 +11327398 _instance_hypernym 10453533 +02949931 _derivationally_related_form 06178042 +01551195 _hypernym 01549905 +14718822 _hypernym 14586769 +06878071 _derivationally_related_form 00028565 +07295047 _hypernym 11410625 +07336214 _derivationally_related_form 00570694 +01741221 _derivationally_related_form 10245863 +00747135 _derivationally_related_form 07168623 +12792041 _member_meronym 12801323 +02974697 _hypernym 03094503 +01476829 _hypernym 01342529 +07186148 _derivationally_related_form 02384686 +02958343 _has_part 02918595 +00203753 _derivationally_related_form 00812149 +05119837 _hypernym 05119367 +02048051 _derivationally_related_form 13878112 +01702514 _derivationally_related_form 07092592 +09669631 _hypernym 09669125 +05922305 _hypernym 05921123 +01751621 _hypernym 01656813 +00056930 _derivationally_related_form 00042541 +00651991 _hypernym 00956687 +10207514 _derivationally_related_form 00086835 +09937489 _hypernym 10508475 +05501485 _hypernym 08434259 +10792178 _hypernym 10638136 +00431327 _derivationally_related_form 00357906 +01717016 _hypernym 01712008 +01501113 _derivationally_related_form 04983848 +08895771 _instance_hypernym 08633957 +00303056 _derivationally_related_form 00381567 +08512736 _hypernym 08512259 +00938247 _derivationally_related_form 00100543 +02062209 _member_meronym 02066450 +04238128 _hypernym 03964744 +06650070 _derivationally_related_form 01012073 +04600486 _hypernym 04603729 +01123148 _also_see 00227507 +08860001 _synset_domain_topic_of 07092592 +00750730 _hypernym 00749574 +08499840 _hypernym 08574314 +00900957 _derivationally_related_form 01688771 +01783706 _hypernym 01767661 +06933022 _hypernym 06931199 +06892016 _derivationally_related_form 01719302 +01255057 _hypernym 00173338 +00086835 _derivationally_related_form 04517535 +08756202 _has_part 08755852 +01189650 _synset_domain_topic_of 08059412 +07456638 _hypernym 07456188 +02979722 _derivationally_related_form 13489037 +01953197 _member_meronym 01953361 +13981137 _derivationally_related_form 02667698 +02950018 _hypernym 03316406 +13323988 _hypernym 13320168 +00422551 _derivationally_related_form 01803003 +05072663 _derivationally_related_form 02738701 +07654667 _hypernym 07578363 +00344259 _derivationally_related_form 01543123 +09641002 _hypernym 09638875 +10706812 _derivationally_related_form 05888929 +00442847 _derivationally_related_form 01577635 +12370174 _hypernym 12651821 +13784906 _hypernym 13783816 +10323752 _hypernym 10787470 +09439433 _member_meronym 09381480 +01104624 _derivationally_related_form 09998101 +02646117 _hypernym 01432517 +01160031 _also_see 01711071 +02757462 _hypernym 04377057 +00209943 _derivationally_related_form 00352826 +00033020 _derivationally_related_form 00740577 +01695060 _hypernym 01694709 +02394662 _derivationally_related_form 10671042 +01726692 _hypernym 01661818 +02253456 _derivationally_related_form 13279262 +00629738 _derivationally_related_form 05833840 +11804604 _member_meronym 11809922 +00622384 _derivationally_related_form 06785367 +12706644 _member_meronym 12714550 +02457756 _member_meronym 02457945 +03269401 _has_part 04413151 +01502262 _member_meronym 01810466 +13512036 _derivationally_related_form 00344174 +02544348 _hypernym 02530167 +13122985 _derivationally_related_form 03022349 +12476036 _member_meronym 12479303 +02648639 _derivationally_related_form 01054335 +01478002 _derivationally_related_form 03967942 +00045907 _derivationally_related_form 02247977 +01437805 _member_meronym 01448767 +00121046 _derivationally_related_form 05984584 +11541322 _hypernym 11537665 +01417041 _hypernym 01342529 +11911591 _member_meronym 12002957 +07388987 _derivationally_related_form 01233027 +00315383 _derivationally_related_form 01324799 +09055015 _has_part 09349425 +09677830 _derivationally_related_form 01577093 +01765908 _derivationally_related_form 00425278 +00696189 _derivationally_related_form 00143251 +05535095 _hypernym 05249636 +04497570 _hypernym 03045337 +01476483 _derivationally_related_form 01074694 +09006413 _has_part 09004068 +02588677 _hypernym 02538086 +02181599 _member_meronym 02181724 +02582615 _hypernym 02367363 +01672950 _hypernym 01342529 +01220152 _derivationally_related_form 00855933 +11764478 _hypernym 13104059 +00404202 _also_see 00386392 +13367070 _derivationally_related_form 02323286 +00593108 _hypernym 00586262 +09163192 _has_part 09164241 +02992529 _derivationally_related_form 00789934 +08029421 _member_meronym 08029784 +06625329 _hypernym 06624161 +13774115 _hypernym 13760316 +13790133 _synset_domain_topic_of 06000644 +13724081 _derivationally_related_form 02900219 +00240293 _derivationally_related_form 13822995 +07518663 _hypernym 07518261 +14593671 _hypernym 14902141 +01041674 _derivationally_related_form 00085626 +01617192 _also_see 01619725 +00905399 _synset_domain_topic_of 08441203 +05320899 _has_part 05318831 +07540081 _derivationally_related_form 00076114 +01230350 _derivationally_related_form 10644179 +08929922 _instance_hypernym 08696931 +00639998 _synset_domain_topic_of 06004067 +01300437 _derivationally_related_form 03879116 +02539788 _derivationally_related_form 01129532 +01751979 _member_meronym 01752433 +01503061 _has_part 01896031 +00024047 _hypernym 00146138 +09382990 _has_part 08971914 +13143097 _member_meronym 13143285 +06167328 _hypernym 05943300 +09237076 _has_part 09177385 +01686132 _hypernym 01619354 +01985029 _verb_group 01547001 +01493366 _hypernym 01429349 +14449126 _derivationally_related_form 02627934 +01674717 _derivationally_related_form 03965907 +02421158 _derivationally_related_form 04893525 +02166460 _verb_group 00813044 +02435517 _hypernym 02430045 +02635794 _derivationally_related_form 02475922 +07414922 _hypernym 07414740 +00938791 _derivationally_related_form 01750421 +11764231 _member_meronym 11764814 +11205647 _instance_hypernym 10123844 +02827606 _hypernym 02671780 +03212811 _derivationally_related_form 00229026 +01206153 _hypernym 01202904 +12319204 _hypernym 12318378 +00825975 _hypernym 00842989 +14447525 _hypernym 14474052 +01141938 _derivationally_related_form 02062744 +02818254 _hypernym 02740764 +07838233 _hypernym 07829412 +01067816 _verb_group 01731031 +08897065 _derivationally_related_form 02971469 +12021120 _member_meronym 12023108 +00144728 _synset_domain_topic_of 08199025 +13174670 _hypernym 11545714 +12501202 _hypernym 13108131 +12637729 _member_meronym 12640607 +00620532 _hypernym 01657254 +02382087 _derivationally_related_form 01033458 +01809592 _member_meronym 01809752 +11573173 _hypernym 11567411 +01354006 _derivationally_related_form 04159354 +03295928 _hypernym 03499142 +01255807 _hypernym 01255624 +01000214 _derivationally_related_form 06647206 +08495617 _synset_domain_topic_of 06095022 +13366311 _derivationally_related_form 01184625 +01418498 _hypernym 01416585 +02209261 _hypernym 02208903 +00087849 _synset_domain_topic_of 06534659 +12045352 _hypernym 11556857 +12355320 _member_meronym 12356255 +03820318 _synset_domain_topic_of 00467995 +01515566 _derivationally_related_form 02982232 +00602805 _verb_group 00603298 +01047745 _hypernym 00983824 +00761713 _derivationally_related_form 07148192 +01879579 _hypernym 01831531 +00096513 _derivationally_related_form 02550868 +00362128 _derivationally_related_form 02829696 +00624263 _derivationally_related_form 06372095 +10391653 _derivationally_related_form 01684663 +06449735 _has_part 06435916 +00377364 _derivationally_related_form 00306723 +02215966 _derivationally_related_form 08070850 +09111366 _has_part 09111955 +12260593 _member_meronym 12261808 +02014646 _member_meronym 02015221 +06200010 _derivationally_related_form 00350461 +13455487 _has_part 13477462 +13063784 _member_meronym 13063936 +11700058 _hypernym 12205694 +00406612 _derivationally_related_form 01277974 +12838027 _hypernym 11566230 +00623370 _derivationally_related_form 02409148 +02280132 _hypernym 02202928 +01929254 _derivationally_related_form 05058580 +00506658 _derivationally_related_form 00918580 +00057895 _hypernym 00056930 +00475819 _derivationally_related_form 10325243 +13983147 _derivationally_related_form 00291873 +10121246 _derivationally_related_form 01570744 +05751794 _hypernym 05749619 +02729023 _derivationally_related_form 08482271 +11791569 _hypernym 13121544 +01421496 _member_meronym 01421807 +07480068 _hypernym 00026192 +06369829 _has_part 06373991 +05542193 _hypernym 05470189 +06473168 _hypernym 05177285 +02381726 _derivationally_related_form 00082870 +02572667 _hypernym 02572119 +10556953 _synset_domain_topic_of 06951067 +08454191 _synset_domain_topic_of 08441203 +03063689 _has_part 03485997 +00579712 _derivationally_related_form 10669991 +11911591 _member_meronym 11941719 +02165247 _member_meronym 02166674 +09017526 _has_part 09203217 +03244388 _derivationally_related_form 02742232 +01834702 _hypernym 01342529 +01271107 _instance_hypernym 00956485 +00627410 _derivationally_related_form 04761517 +01806505 _derivationally_related_form 04687333 +08094659 _hypernym 08094013 +00283911 _hypernym 00126264 +04814025 _hypernym 04813712 +13989627 _hypernym 13920835 +02575082 _derivationally_related_form 05896733 +06287620 _hypernym 06286395 +00074453 _derivationally_related_form 14854847 +09044862 _has_part 08682819 +02581289 _member_meronym 02581642 +10570019 _hypernym 10162991 +11871916 _hypernym 11575425 +07764315 _hypernym 07705931 +14469014 _hypernym 14465048 +01393714 _derivationally_related_form 02967782 +00276813 _derivationally_related_form 01531998 +11601487 _member_meronym 11603630 +14991319 _hypernym 14989820 +09982370 _derivationally_related_form 08151490 +01814396 _derivationally_related_form 04166553 +05689249 _derivationally_related_form 02451370 +01358023 _synset_domain_topic_of 00607775 +00240131 _derivationally_related_form 00351638 +13556893 _hypernym 13572436 +12745976 _hypernym 11567411 +02334302 _derivationally_related_form 04161981 +07514345 _derivationally_related_form 01761706 +13472518 _hypernym 13518963 +01050651 _derivationally_related_form 07123710 +08783583 _instance_hypernym 08782627 +12612020 _hypernym 11556857 +01870275 _derivationally_related_form 04238128 +02254370 _member_meronym 02254531 +00782518 _hypernym 00766234 +00030358 _derivationally_related_form 02367363 +01085337 _synset_domain_topic_of 00488225 +00362103 _hypernym 00351638 +05853449 _hypernym 05850624 +07828275 _hypernym 07809368 +02196542 _hypernym 01759182 +12892226 _hypernym 11566230 +01009871 _derivationally_related_form 00658052 +08740875 _has_part 09410724 +00881441 _derivationally_related_form 00785690 +08801678 _has_part 08801364 +00360805 _hypernym 00358431 +00097504 _derivationally_related_form 01712704 +00752144 _derivationally_related_form 00835506 +13660178 _hypernym 13603305 +08860123 _member_of_domain_region 03222959 +02099829 _verb_group 01926984 +02125223 _derivationally_related_form 05598147 +06845599 _member_of_domain_usage 03856148 +13384557 _derivationally_related_form 09934921 +02958343 _has_part 02965783 +02062744 _hypernym 02062430 +02474110 _hypernym 02472293 +09819667 _hypernym 09818343 +06807198 _hypernym 06806469 +08906952 _has_part 09277010 +09638875 _hypernym 00007846 +03863442 _derivationally_related_form 01330093 +09171560 _instance_hypernym 08505573 +03059366 _derivationally_related_form 00768778 +06346681 _hypernym 06346461 +00457998 _derivationally_related_form 14456138 +02353037 _hypernym 01864707 +02515080 _derivationally_related_form 09977660 +01051801 _derivationally_related_form 01500214 +09207288 _has_part 09020961 +06435394 _synset_domain_topic_of 06449735 +01966797 _member_meronym 01967094 +09017526 _derivationally_related_form 02625648 +03968728 _hypernym 02860239 +02988679 _hypernym 04058239 +00966599 _hypernym 00965895 +00527498 _hypernym 00428270 +12738599 _hypernym 13120446 +05008943 _hypernym 05006898 +06275095 _hypernym 06622709 +01850315 _derivationally_related_form 00279835 +00911048 _derivationally_related_form 01654628 +14236743 _hypernym 14235200 +01384102 _hypernym 01382083 +10402086 _derivationally_related_form 06201136 +01087559 _hypernym 01087197 +00967625 _derivationally_related_form 08055150 +02484570 _derivationally_related_form 10152083 +01672490 _hypernym 01673472 +01166351 _verb_group 01168468 +05459769 _hypernym 05459232 +00661847 _hypernym 00658082 +02541138 _derivationally_related_form 10745332 +00490968 _derivationally_related_form 04438304 +11907939 _member_meronym 11908077 +01970826 _derivationally_related_form 07370270 +07850329 _hypernym 07555863 +10593115 _derivationally_related_form 01134781 +11322627 _instance_hypernym 09765278 +14399438 _hypernym 14398523 +10261041 _derivationally_related_form 15140892 +00395583 _hypernym 00394813 +01075117 _synset_domain_topic_of 08199025 +00153263 _hypernym 00126264 +02288473 _member_meronym 02289177 +00558371 _derivationally_related_form 00249501 +10684146 _derivationally_related_form 01411630 +02029243 _hypernym 01507175 +02192818 _derivationally_related_form 07814925 +02688623 _derivationally_related_form 12141495 +01503061 _has_part 02154416 +02704349 _derivationally_related_form 00996969 +11086774 _instance_hypernym 10547145 +13489037 _derivationally_related_form 00231557 +13850674 _has_part 11433013 +00695761 _derivationally_related_form 05736593 +00259643 _derivationally_related_form 02519991 +05704266 _derivationally_related_form 00722232 +09050244 _member_meronym 09075842 +00351638 _derivationally_related_form 00241038 +00692580 _hypernym 00690614 +01978003 _derivationally_related_form 05673908 +07443761 _derivationally_related_form 02257767 +13188268 _hypernym 13188096 +05047279 _derivationally_related_form 02712443 +00784342 _verb_group 00897746 +11030025 _instance_hypernym 10090020 +02704349 _also_see 02679012 +03491724 _derivationally_related_form 02485631 +13720852 _has_part 13720096 +05980875 _hypernym 05809192 +05718254 _hypernym 05712076 +07578363 _hypernym 13760316 +01724459 _derivationally_related_form 00101191 +04478889 _derivationally_related_form 01497458 +03419014 _has_part 04613015 +00754942 _derivationally_related_form 01061333 +08788887 _instance_hypernym 08524735 +14487184 _derivationally_related_form 00427786 +13630545 _has_part 13629854 +13273550 _hypernym 13331198 +11605396 _hypernym 11554175 +14094350 _hypernym 14058563 +12717644 _hypernym 12651821 +05725269 _derivationally_related_form 02123424 +12705978 _has_part 12706240 +10175090 _hypernym 09807754 +09879744 _derivationally_related_form 02527651 +01846320 _hypernym 01845720 +08804154 _instance_hypernym 08803382 +00338071 _derivationally_related_form 09285254 +00434919 _derivationally_related_form 07478874 +00419289 _derivationally_related_form 14497763 +13964466 _synset_domain_topic_of 08441203 +01418667 _derivationally_related_form 00340463 +00650577 _also_see 00655779 +05046471 _derivationally_related_form 00341917 +00338559 _hypernym 00126264 +08419562 _derivationally_related_form 02210855 +02214972 _hypernym 01759182 +07184149 _derivationally_related_form 00774344 +10467179 _hypernym 10164747 +11910070 _hypernym 11575425 +00765193 _hypernym 00745005 +02128120 _hypernym 01864707 +03743902 _derivationally_related_form 00612042 +00871942 _hypernym 00921300 +12079352 _hypernym 11556857 +12748815 _member_meronym 12749049 +03612965 _derivationally_related_form 10734963 +02260623 _member_meronym 02261630 +09921409 _hypernym 10752480 +02034986 _hypernym 02035919 +09303647 _has_part 09266453 +01775535 _derivationally_related_form 01459422 +06431496 _synset_domain_topic_of 06236802 +03305522 _hypernym 03183080 +01543817 _member_meronym 01543936 +12561309 _has_part 12561594 +13505987 _derivationally_related_form 01186428 +03307274 _has_part 03222959 +01202728 _derivationally_related_form 00665358 +01802159 _hypernym 01801088 +11988893 _hypernym 11672400 +01471682 _has_part 05566097 +06453723 _hypernym 06429590 +02005598 _hypernym 01504437 +04494204 _hypernym 03277771 +08860123 _member_of_domain_region 04024862 +12690046 _hypernym 13112664 +08860123 _member_of_domain_region 10519984 +00049770 _derivationally_related_form 04199027 +02548710 _hypernym 02547586 +10667187 _derivationally_related_form 00439588 +10338707 _derivationally_related_form 01327301 +11011123 _instance_hypernym 10467395 +02571511 _derivationally_related_form 00785045 +03971422 _hypernym 04440749 +00104147 _derivationally_related_form 11485367 +12351975 _member_meronym 12353604 +00066636 _derivationally_related_form 02528380 +04900739 _hypernym 04898437 +06043075 _hypernym 06045562 +07769886 _hypernym 07705931 +05030806 _derivationally_related_form 00808191 +13074084 _hypernym 11590783 +09354511 _hypernym 08523483 +01621555 _derivationally_related_form 10284064 +00621734 _derivationally_related_form 05683582 +02373578 _hypernym 02372605 +02175578 _derivationally_related_form 04555897 +01216004 _derivationally_related_form 00812526 +00197419 _derivationally_related_form 02405390 +02178563 _hypernym 01762525 +13060689 _member_meronym 13060912 +00227165 _derivationally_related_form 00374224 +02292692 _hypernym 02291572 +02646377 _hypernym 01429349 +03079230 _hypernym 04063868 +01534762 _hypernym 01529672 +05039709 _hypernym 05039106 +01822724 _derivationally_related_form 10686073 +08183398 _hypernym 08182379 +10139347 _hypernym 09610660 +07376257 _derivationally_related_form 02187693 +12581381 _member_meronym 12582231 +06845599 _member_of_domain_usage 03869044 +14535431 _derivationally_related_form 00217956 +14465048 _hypernym 14464005 +00633443 _derivationally_related_form 10634316 +06295235 _member_of_domain_usage 03600285 +02109818 _derivationally_related_form 11444117 +03236735 _has_part 04238321 +00198451 _hypernym 00191142 +01559964 _hypernym 01507175 +14038993 _derivationally_related_form 01826378 +10584318 _hypernym 10351281 +08964474 _instance_hypernym 08552138 +00267519 _synset_domain_topic_of 06084469 +05318831 _has_part 05324553 +01547459 _member_meronym 01548143 +12433178 _has_part 07723177 +05937112 _derivationally_related_form 01021128 +01489161 _derivationally_related_form 02964389 +00336922 _derivationally_related_form 09258715 +08860123 _member_of_domain_region 08410688 +01295918 _instance_hypernym 00956485 +02198014 _hypernym 02176268 +06543389 _synset_domain_topic_of 08441203 +00795785 _derivationally_related_form 01719302 +08937594 _instance_hypernym 08524735 +11377851 _instance_hypernym 10043643 +11459538 _hypernym 11503644 +08843215 _has_part 08964288 +13769672 _hypernym 13576355 +10246511 _derivationally_related_form 10246511 +08851500 _instance_hypernym 08524735 +08096474 _member_meronym 09683559 +06295235 _member_of_domain_usage 03405595 +01452255 _derivationally_related_form 10162507 +05654783 _hypernym 05654362 +08711974 _has_part 09377657 +03029573 _derivationally_related_form 00185778 +02188065 _member_meronym 02196542 +11432887 _hypernym 11431754 +14485064 _hypernym 14483917 +01872877 _hypernym 01835496 +08021464 _synset_domain_topic_of 00759694 +12322887 _member_meronym 12323411 +06621447 _derivationally_related_form 02797021 +00807500 _derivationally_related_form 00393953 +02907473 _derivationally_related_form 00868910 +01013367 _derivationally_related_form 14434866 +02347140 _hypernym 01864707 +02612393 _member_meronym 02617029 +05553486 _hypernym 05553288 +02409702 _member_meronym 02409870 +02098325 _derivationally_related_form 04834605 +06884790 _hypernym 06883073 +12411084 _member_meronym 12415911 +02066510 _hypernym 01831531 +12140511 _hypernym 12140358 +00446695 _derivationally_related_form 15047313 +08502171 _has_part 08500433 +12576323 _hypernym 13136316 +05629381 _has_part 09186709 +00713952 _derivationally_related_form 01489989 +01676313 _member_meronym 01677613 +00932324 _hypernym 00955148 +10514429 _derivationally_related_form 01085237 +10385707 _hypernym 00007846 +09210236 _instance_hypernym 09428293 +02534734 _hypernym 02534559 +00687738 _hypernym 00800930 +05431926 _synset_domain_topic_of 00004475 +09843956 _hypernym 09835506 +04507155 _has_part 03485997 +01166926 _hypernym 01080366 +01486241 _hypernym 01429349 +07071483 _derivationally_related_form 00989602 +09141526 _has_part 09146912 +02204692 _derivationally_related_form 10388924 +14741730 _hypernym 14740915 +07410021 _derivationally_related_form 02185373 +01016778 _hypernym 00818974 +13456899 _derivationally_related_form 00399074 +02166460 _derivationally_related_form 05822746 +06715223 _hypernym 06714976 +00237078 _derivationally_related_form 02427103 +01412346 _hypernym 01398919 +10019406 _derivationally_related_form 01962865 +01724231 _hypernym 01695681 +01496617 _member_meronym 01497579 +04281375 _hypernym 04014297 +04164989 _derivationally_related_form 01563005 +01354673 _derivationally_related_form 00148978 +02048832 _hypernym 01504437 +05540513 _has_part 05544725 +06845599 _member_of_domain_usage 03556281 +14785325 _hypernym 14656219 +02755352 _derivationally_related_form 01290422 +06547832 _derivationally_related_form 01215137 +00548781 _derivationally_related_form 07090108 +03422072 _hypernym 02923129 +10245639 _hypernym 10180178 +05782140 _hypernym 05772667 +02454379 _hypernym 02453611 +02345647 _hypernym 02199590 +12219495 _hypernym 11567411 +09058219 _instance_hypernym 08638442 +00704690 _derivationally_related_form 05898568 +02698944 _hypernym 02697725 +11428379 _derivationally_related_form 00291444 +02424652 _derivationally_related_form 01079604 +08149781 _derivationally_related_form 02794372 +02431320 _derivationally_related_form 00386676 +00947719 _hypernym 00947128 +00090779 _derivationally_related_form 02200686 +07621618 _derivationally_related_form 01679433 +14450691 _derivationally_related_form 01580050 +07672421 _derivationally_related_form 01679669 +07251984 _derivationally_related_form 02397637 +01085237 _hypernym 00672277 +11911591 _member_meronym 11962500 +01100145 _derivationally_related_form 10782940 +01742886 _derivationally_related_form 09964411 +05938795 _derivationally_related_form 01743784 +08406259 _hypernym 08240633 +02134589 _member_meronym 02135220 +08329453 _hypernym 08163792 +02594102 _derivationally_related_form 11418138 +15031866 _hypernym 15030481 +01484717 _member_meronym 01484850 +02479154 _hypernym 02473981 +00939035 _derivationally_related_form 06765044 +08463817 _hypernym 08398773 +14501726 _hypernym 14034177 +01696435 _derivationally_related_form 04558578 +07234230 _derivationally_related_form 00843468 +12290116 _member_meronym 12292655 +02553196 _member_meronym 02604657 +03024420 _derivationally_related_form 09723564 +12745788 _hypernym 11562747 +00677683 _hypernym 00674607 +11144604 _instance_hypernym 10547145 +01397707 _hypernym 01397210 +00711715 _hypernym 00703875 +10321474 _hypernym 10415638 +01385017 _derivationally_related_form 03064076 +13291614 _synset_domain_topic_of 08441203 +12122581 _hypernym 11556857 +02571300 _hypernym 01429349 +00831919 _hypernym 00177783 +09762509 _derivationally_related_form 01720980 +11608250 _hypernym 13108841 +00022686 _hypernym 00019448 +01241073 _derivationally_related_form 07252378 +00839023 _hypernym 00838367 +04836683 _derivationally_related_form 02589576 +01870275 _derivationally_related_form 00109081 +14147964 _hypernym 14145095 +07489714 _derivationally_related_form 01188485 +00008602 _hypernym 00034288 +02388403 _derivationally_related_form 04921900 +03921209 _has_part 03247620 +04372370 _derivationally_related_form 01510173 +01016420 _hypernym 01014066 +00770437 _derivationally_related_form 00007347 +01589125 _member_meronym 01590042 +02492198 _derivationally_related_form 09616922 +12625003 _has_part 07758407 +10316013 _hypernym 09605289 +02273326 _derivationally_related_form 14546844 +12668517 _hypernym 13100677 +08557131 _hypernym 08556491 +05631449 _hypernym 05625879 +11953610 _hypernym 13125117 +02703790 _derivationally_related_form 13903738 +02430191 _derivationally_related_form 08305942 +00618267 _derivationally_related_form 07174433 +00354583 _derivationally_related_form 00906037 +01364008 _derivationally_related_form 07535209 +02207942 _member_meronym 02209508 +12475242 _hypernym 12475035 +14085220 _hypernym 14285662 +08131530 _has_part 08132323 +02523877 _hypernym 02521646 +10435367 _derivationally_related_form 03100026 +01297095 _instance_hypernym 00956485 +01689379 _derivationally_related_form 03173524 +01511706 _hypernym 01850315 +05613625 _synset_domain_topic_of 00704305 +08959683 _has_part 08960363 +01138204 _derivationally_related_form 09788073 +11866078 _hypernym 11575425 +00006484 _has_part 05432948 +04743605 _hypernym 04742535 +00396880 _synset_domain_topic_of 06125698 +01252601 _hypernym 01252425 +06478734 _hypernym 06478582 +00788766 _derivationally_related_form 01146051 +01549420 _hypernym 01549187 +00086297 _hypernym 00085219 +12220994 _hypernym 11567411 +14852913 _derivationally_related_form 00067999 +08933084 _instance_hypernym 08641113 +02836035 _hypernym 04574999 +02123672 _derivationally_related_form 00882961 +08678253 _instance_hypernym 08574314 +06665108 _synset_domain_topic_of 06128570 +09557387 _instance_hypernym 09551356 +02172387 _hypernym 01762525 +10118382 _derivationally_related_form 01266895 +12600417 _hypernym 11534677 +08893492 _instance_hypernym 09203827 +08137738 _has_part 08138466 +01802895 _hypernym 01507175 +08177592 _hypernym 08168978 +00085678 _hypernym 00085219 +12192722 _member_meronym 12192877 +01059123 _derivationally_related_form 06763681 +09804343 _hypernym 09927451 +01463520 _derivationally_related_form 01244593 +01393873 _hypernym 01342529 +12203331 _hypernym 15098161 +03787308 _hypernym 03526198 +07123870 _derivationally_related_form 01042725 +12602118 _hypernym 11567411 +14230800 _hypernym 14219661 +03105810 _hypernym 04314914 +01913707 _derivationally_related_form 13534274 +01589056 _hypernym 01588493 +02012344 _derivationally_related_form 00331655 +02701628 _hypernym 02700867 +03249569 _hypernym 03915437 +02479323 _hypernym 02479990 +12547658 _member_meronym 12547872 +08703454 _instance_hypernym 08700255 +02726017 _derivationally_related_form 05573895 +02577061 _also_see 01180695 +13240514 _derivationally_related_form 10388924 +02261883 _hypernym 01342529 +06493721 _hypernym 06493392 +02338319 _hypernym 01864707 +01319874 _also_see 02036578 +01101913 _derivationally_related_form 01176219 +01324799 _derivationally_related_form 00315383 +10645854 _derivationally_related_form 01918803 +00475819 _derivationally_related_form 01039925 +00235435 _derivationally_related_form 01075164 +14632129 _derivationally_related_form 00187016 +02000954 _derivationally_related_form 01916214 +01810946 _member_meronym 01811394 +05233100 _hypernym 05230603 +00332445 _hypernym 00397576 +12706240 _hypernym 13125117 +04287153 _derivationally_related_form 02068413 +03037709 _derivationally_related_form 09926246 +01452633 _hypernym 01429349 +00520257 _derivationally_related_form 02148788 +13534274 _derivationally_related_form 01458464 +01311896 _derivationally_related_form 04478889 +01707895 _hypernym 01342529 +10246913 _hypernym 10707804 +00869596 _hypernym 00775831 +00416135 _derivationally_related_form 10051975 +12155259 _member_meronym 12155459 +04990220 _derivationally_related_form 01452593 +14984973 _derivationally_related_form 01696648 +01126360 _derivationally_related_form 10369955 +01864634 _hypernym 01831531 +01980766 _hypernym 01979901 +01098452 _derivationally_related_form 01263711 +02505646 _hypernym 01862557 +00397576 _derivationally_related_form 13467916 +11542341 _hypernym 08103777 +08993288 _member_meronym 09729387 +01230710 _derivationally_related_form 09184975 +01330093 _derivationally_related_form 03863442 +11497586 _hypernym 11525955 +08723006 _has_part 08729626 +03407122 _derivationally_related_form 00408624 +08278324 _member_meronym 08278169 +02190943 _derivationally_related_form 03410740 +00031663 _hypernym 00031820 +08751317 _has_part 08752021 +13955461 _derivationally_related_form 10509161 +11911591 _member_meronym 12029929 +13341756 _derivationally_related_form 02519991 +12330751 _member_meronym 12331066 +01904120 _derivationally_related_form 00057306 +12363988 _member_meronym 12366507 +12980478 _hypernym 11590783 +09044862 _has_part 08655464 +00494907 _derivationally_related_form 00740577 +05231592 _hypernym 05230603 +13724838 _hypernym 13724582 +02472693 _derivationally_related_form 01578254 +00785008 _hypernym 00897746 +02021438 _member_meronym 02040505 +02686568 _has_part 03401721 +10577284 _derivationally_related_form 02260770 +10717055 _derivationally_related_form 01512625 +11746776 _member_meronym 11747468 +12851860 _hypernym 13112664 +08860123 _member_of_domain_region 07913081 +01114475 _hypernym 01101913 +00014201 _hypernym 00010054 +07295629 _hypernym 07294019 +06248863 _hypernym 05996646 +00226566 _derivationally_related_form 05036394 +12667179 _member_meronym 12667406 +05563770 _has_part 05564323 +01053623 _hypernym 01052301 +05510506 _has_part 05598147 +02199999 _member_meronym 02201252 +12838027 _member_meronym 12859873 +00350461 _hypernym 02679899 +10521662 _derivationally_related_form 00967098 +07157273 _member_of_domain_usage 01210152 +01863158 _synset_domain_topic_of 00298497 +01428155 _member_meronym 02546177 +12290522 _hypernym 11567411 +06843520 _derivationally_related_form 01589224 +05847438 _hypernym 05846932 +01103603 _hypernym 01101913 +13404248 _hypernym 13403643 +01127379 _derivationally_related_form 01640855 +00751131 _hypernym 00750532 +01404129 _hypernym 01387617 +01014990 _hypernym 01014066 +05069199 _derivationally_related_form 01884577 +02051213 _member_meronym 02052511 +12074678 _member_meronym 12075151 +14289590 _hypernym 14285662 +00176618 _synset_domain_topic_of 06063588 +00475819 _hypernym 00126264 +09410558 _instance_hypernym 09274500 +10867708 _instance_hypernym 09831411 +12314315 _member_meronym 12316300 +03075768 _derivationally_related_form 00082308 +00144445 _hypernym 00046522 +02453889 _derivationally_related_form 01215168 +01846916 _derivationally_related_form 10771392 +12377809 _member_meronym 12378546 +01750421 _hypernym 01749184 +11167595 _instance_hypernym 10450303 +00820611 _hypernym 00923307 +10576316 _derivationally_related_form 02482139 +00620424 _hypernym 01094725 +02554066 _derivationally_related_form 00748155 +01716619 _hypernym 01714208 +00387897 _derivationally_related_form 01276970 +02629793 _verb_group 01033527 +00198477 _hypernym 00173338 +05747582 _derivationally_related_form 00682781 +00070816 _derivationally_related_form 14322699 +08723006 _has_part 09226209 +01635659 _member_meronym 01636675 +12159055 _hypernym 12158798 +01119169 _hypernym 01090335 +01116466 _hypernym 00646833 +04125257 _hypernym 04340750 +12058822 _hypernym 12041446 +12599185 _hypernym 12598826 +13981403 _synset_domain_topic_of 00973077 +01844414 _hypernym 01507175 +03621473 _hypernym 03964744 +10534389 _hypernym 09979072 +05804491 _derivationally_related_form 00673766 +15043763 _derivationally_related_form 02758977 +13986679 _derivationally_related_form 01816431 +04990525 _synset_domain_topic_of 07020895 +07475364 _hypernym 07317764 +00220115 _derivationally_related_form 07338114 +02066939 _derivationally_related_form 09415938 +01308008 _hypernym 01307142 +01702623 _member_meronym 01703341 +02770830 _synset_domain_topic_of 02958343 +01643657 _derivationally_related_form 00156390 +00824767 _derivationally_related_form 06712833 +08221897 _member_meronym 10336411 +06805297 _derivationally_related_form 00937208 +02568884 _hypernym 02568672 +01741864 _derivationally_related_form 10442815 +12169526 _member_meronym 12188985 +07379963 _hypernym 07387509 +02335349 _member_meronym 02344785 +12501745 _member_meronym 12525347 +00267871 _derivationally_related_form 14369744 +15092227 _hypernym 15089472 +08173515 _member_meronym 08845555 +05300231 _hypernym 05299178 +00317700 _hypernym 00153263 +13561896 _hypernym 05890249 +01957335 _hypernym 01956481 +09791248 _hypernym 09791530 +02231307 _member_meronym 02231680 +04043411 _hypernym 03278248 +07321772 _hypernym 07283608 +03639675 _hypernym 03768132 +08762104 _instance_hypernym 08524735 +00407458 _synset_domain_topic_of 06070503 +00013172 _derivationally_related_form 00074790 +02081178 _derivationally_related_form 08663354 +05929363 _hypernym 05929008 +05323723 _has_part 05248667 +00238527 _derivationally_related_form 01644522 +05220306 _has_part 05261566 +02455584 _hypernym 01864707 +09162414 _instance_hypernym 08524735 +10474950 _hypernym 09633969 +00808671 _derivationally_related_form 09896826 +04758776 _derivationally_related_form 01412415 +06845599 _member_of_domain_usage 03804048 +10482921 _hypernym 09610660 +03454211 _has_part 03532672 +01828736 _derivationally_related_form 07543288 +03126385 _hypernym 04275661 +03195485 _hypernym 03679384 +00798108 _derivationally_related_form 10460286 +02014646 _member_meronym 02017335 +00371955 _derivationally_related_form 04070727 +00386715 _derivationally_related_form 07411160 +00834198 _derivationally_related_form 05199286 +12637729 _member_meronym 12650556 +00445169 _similar_to 00444519 +06601327 _derivationally_related_form 00931852 +03804744 _has_part 03042829 +03380867 _has_part 04258982 +00724861 _also_see 02466111 +02556126 _derivationally_related_form 02354537 +02355711 _member_meronym 02356108 +07956721 _member_meronym 04033425 +05648756 _hypernym 05648459 +00313987 _verb_group 00311338 +03385117 _derivationally_related_form 00142191 +10609092 _hypernym 09821253 +00908492 _derivationally_related_form 01621555 +03064758 _derivationally_related_form 01499948 +10509605 _derivationally_related_form 13955461 +00485711 _also_see 01672607 +01035530 _derivationally_related_form 07175241 +00931040 _derivationally_related_form 01635176 +03420559 _hypernym 03763403 +12546015 _hypernym 11585340 +05499172 _hypernym 05462674 +10829450 _instance_hypernym 10423589 +04611154 _hypernym 08673395 +00965895 _derivationally_related_form 02345048 +01611516 _verb_group 02071142 +02542280 _derivationally_related_form 01203676 +14654541 _hypernym 14821248 +07510923 _derivationally_related_form 00059019 +02180529 _derivationally_related_form 04981139 +00594146 _derivationally_related_form 07240549 +08309409 _member_meronym 09944763 +05329215 _has_part 05385534 +00195342 _verb_group 00181664 +02415253 _hypernym 02414578 +10587378 _hypernym 09821253 +08646188 _hypernym 08645963 +02215506 _derivationally_related_form 13365698 +13658657 _hypernym 13649268 +04637923 _hypernym 04623612 +02376089 _derivationally_related_form 00953559 +01127245 _hypernym 01127019 +11328714 _instance_hypernym 09916788 +01210352 _verb_group 02127613 +02523521 _verb_group 02522319 +04362025 _hypernym 00021939 +03791235 _has_part 03270165 +01985493 _has_part 07788885 +07098193 _synset_domain_topic_of 06170498 +01925469 _member_meronym 01926840 +14895189 _hypernym 14894481 +01249816 _hypernym 00736375 +00366275 _derivationally_related_form 13451348 +09933411 _hypernym 09762101 +10366145 _hypernym 10787470 +00406243 _derivationally_related_form 14031108 +07366289 _derivationally_related_form 00119074 +05921123 _derivationally_related_form 02378183 +08831004 _has_part 08832447 +11794791 _hypernym 11556857 +10341955 _derivationally_related_form 00090888 +00216561 _derivationally_related_form 15008847 +08860123 _member_of_domain_region 08319198 +11886380 _hypernym 11575425 +00665358 _derivationally_related_form 01202728 +11304811 _instance_hypernym 09765278 +00373130 _hypernym 00363260 +01889328 _member_meronym 01889520 +01621714 _member_meronym 01624406 +07936263 _hypernym 07935504 +00169806 _derivationally_related_form 00199707 +01011166 _hypernym 01008378 +01167780 _derivationally_related_form 03199647 +01302086 _has_part 01273735 +10706812 _derivationally_related_form 05952979 +08191987 _has_part 08193448 +11452218 _derivationally_related_form 00022686 +02337545 _derivationally_related_form 09968259 +02050865 _hypernym 02050132 +01471070 _member_meronym 02514198 +02692471 _derivationally_related_form 01662622 +10748620 _hypernym 10200781 +02590237 _member_meronym 02592866 +06845599 _member_of_domain_usage 03022788 +01572174 _hypernym 01507175 +08860123 _member_of_domain_region 07890068 +00418110 _hypernym 00417596 +08914193 _instance_hypernym 08691669 +01150559 _derivationally_related_form 00815644 +12979478 _member_meronym 12979630 +01950657 _hypernym 01950798 +12154628 _hypernym 11556857 +15152817 _derivationally_related_form 01488245 +07747455 _hypernym 09429387 +06449735 _has_part 06437308 +08756735 _instance_hypernym 09316454 +00397953 _derivationally_related_form 02468261 +00363493 _derivationally_related_form 07368256 +12740514 _member_meronym 12742041 +05064827 _synset_domain_topic_of 06000644 +14883206 _derivationally_related_form 00443670 +01681723 _synset_domain_topic_of 00714944 +13617952 _derivationally_related_form 00467717 +10044470 _hypernym 10553627 +07136940 _derivationally_related_form 01038666 +11998888 _hypernym 11944196 +02284096 _synset_domain_topic_of 00766234 +01499948 _derivationally_related_form 03064758 +03015254 _has_part 04190052 +10316862 _synset_domain_topic_of 08199025 +02188587 _derivationally_related_form 07399917 +01217306 _hypernym 01216515 +02247028 _verb_group 02728570 +00476313 _derivationally_related_form 00583933 +00321148 _verb_group 00320681 +02958343 _has_part 02974219 +05954100 _hypernym 05953614 +01643657 _derivationally_related_form 13426376 +01176335 _hypernym 01170962 +14515463 _derivationally_related_form 02225492 +07247071 _derivationally_related_form 00976653 +01289155 _derivationally_related_form 03652932 +06845599 _member_of_domain_usage 03911251 +02247028 _synset_domain_topic_of 01090446 +01312810 _hypernym 01309701 +11992674 _hypernym 11579418 +10563183 _hypernym 10285313 +03871083 _derivationally_related_form 01283746 +01883716 _derivationally_related_form 00429322 +00345312 _derivationally_related_form 05048301 +01380298 _hypernym 01349495 +07083732 _hypernym 07071483 +00105778 _derivationally_related_form 09930876 +02346136 _derivationally_related_form 01111750 +02237338 _derivationally_related_form 06634239 +08860123 _member_of_domain_region 10113997 +11911591 _member_meronym 11997775 +02219094 _derivationally_related_form 13365286 +08860123 _member_of_domain_region 03040836 +01807265 _member_meronym 01807701 +01350971 _verb_group 01350699 +11635152 _hypernym 11630017 +11867525 _member_meronym 11886380 +13167078 _hypernym 08108972 +10423589 _derivationally_related_form 06158346 +00622384 _derivationally_related_form 06784639 +01147950 _derivationally_related_form 02423762 +13112427 _hypernym 08436759 +09184405 _hypernym 09184136 +10889032 _instance_hypernym 10030277 +01422539 _hypernym 01421622 +01408958 _derivationally_related_form 00572043 +01771535 _derivationally_related_form 05984584 +01257173 _also_see 01258091 +06249910 _hypernym 05943300 +14582220 _has_part 09476717 +09163584 _instance_hypernym 08700255 +07008680 _derivationally_related_form 00338071 +12486882 _hypernym 13100677 +10034785 _hypernym 10630188 +14977075 _derivationally_related_form 01603418 +02766390 _hypernym 02765924 +12518879 _hypernym 13112664 +04348184 _derivationally_related_form 02472693 +00636728 _derivationally_related_form 00785962 +06172502 _derivationally_related_form 09981540 +10009671 _derivationally_related_form 00532115 +00568430 _synset_domain_topic_of 00482298 +11766609 _member_meronym 11773138 +00091311 _also_see 00804695 +11752404 _hypernym 11585340 +10660729 _hypernym 09993252 +00222135 _synset_domain_topic_of 00243918 +02753255 _verb_group 01855155 +00647094 _hypernym 00697589 +02693895 _derivationally_related_form 05228496 +05018542 _derivationally_related_form 00291873 +14050559 _hypernym 14050143 +11389619 _instance_hypernym 09927451 +02513268 _hypernym 02400037 +06481156 _synset_domain_topic_of 08441203 +03324928 _synset_domain_topic_of 08199025 +02448885 _hypernym 02447366 +09952163 _derivationally_related_form 01647867 +09503282 _derivationally_related_form 00776988 +00522145 _derivationally_related_form 02140033 +00121645 _hypernym 00121366 +01482449 _hypernym 01486312 +10213180 _derivationally_related_form 00808855 +11162582 _instance_hypernym 10601078 +00145218 _derivationally_related_form 02622234 +06791372 _derivationally_related_form 00924612 +08292418 _hypernym 08289449 +05503705 _hypernym 05264756 +12745160 _member_meronym 12745386 +01699539 _synset_domain_topic_of 00929718 +10020890 _derivationally_related_form 02893338 +11790624 _hypernym 11556857 +02542280 _derivationally_related_form 00696518 +00975452 _hypernym 00972621 +08844279 _has_part 08844557 +10149867 _hypernym 10249459 +04865722 _derivationally_related_form 00600370 +02831595 _hypernym 04205318 +05916306 _derivationally_related_form 00930806 +12998349 _member_meronym 13011856 +03077958 _has_part 02872529 +01668421 _derivationally_related_form 06999233 +01707925 _hypernym 01705494 +03495671 _derivationally_related_form 01140515 +10411356 _hypernym 10557854 +06421301 _hypernym 06417598 +08860123 _member_of_domain_region 03457793 +13453428 _hypernym 13446390 +05556943 _derivationally_related_form 00132385 +08929922 _has_part 08936303 +01137582 _derivationally_related_form 00988320 +11990804 _hypernym 11579418 +01388992 _hypernym 08102555 +12554242 _member_meronym 12554526 +06950528 _derivationally_related_form 02958126 +00060833 _derivationally_related_form 10066452 +12758639 _member_meronym 12762245 +09148970 _instance_hypernym 08655464 +00102974 _hypernym 00102791 +02184163 _hypernym 02183787 +07177437 _hypernym 07177924 +03294833 _derivationally_related_form 00999815 +07535670 _derivationally_related_form 01797347 +02722663 _hypernym 02620587 +02261286 _hypernym 01762525 +07444668 _derivationally_related_form 00550117 +01964367 _derivationally_related_form 07342049 +01991982 _hypernym 01759182 +01726390 _member_meronym 01744657 +04795545 _hypernym 04794751 +00812274 _derivationally_related_form 01212572 +00390842 _hypernym 00462092 +08623927 _derivationally_related_form 00298556 +06408779 _hypernym 06362953 +00409281 _derivationally_related_form 08375369 +05686955 _hypernym 05686481 +03244388 _has_part 04499660 +01948077 _derivationally_related_form 07344233 +01834896 _derivationally_related_form 09355850 +14632648 _hypernym 14625458 +01414841 _hypernym 01387617 +11121108 _instance_hypernym 10296832 +00926472 _derivationally_related_form 00301187 +01070708 _hypernym 00803617 +12536665 _member_meronym 12536871 +02243567 _derivationally_related_form 00335988 +08303275 _hypernym 08304895 +03812541 _instance_hypernym 08337324 +04472726 _has_part 02715229 +01327028 _derivationally_related_form 00069060 +00841986 _derivationally_related_form 07214994 +00172710 _derivationally_related_form 02607909 +11415842 _derivationally_related_form 01752884 +06543781 _hypernym 06479665 +02436813 _member_meronym 02437825 +01471070 _member_meronym 01626600 +00125436 _hypernym 00046522 +08860123 _member_of_domain_region 10621140 +00712708 _derivationally_related_form 14001348 +10702781 _derivationally_related_form 07520612 +00045907 _hypernym 00030358 +09367991 _derivationally_related_form 02627934 +02339413 _derivationally_related_form 03619396 +11956208 _hypernym 11579418 +10178216 _hypernym 10335931 +02509919 _derivationally_related_form 00155487 +01614925 _hypernym 01613294 +02440705 _member_meronym 02446014 +01231652 _hypernym 00069879 +13010219 _member_meronym 13007770 +00106272 _derivationally_related_form 01509079 +06717170 _member_of_domain_usage 09698337 +09019726 _member_meronym 09736181 +12778045 _hypernym 11567411 +05962043 _derivationally_related_form 10116246 +09074140 _instance_hypernym 08524735 +01670315 _derivationally_related_form 02792305 +15071684 _hypernym 15022776 +00052845 _verb_group 01308681 +00231567 _derivationally_related_form 02544191 +01931768 _derivationally_related_form 08482271 +13942875 _hypernym 13920835 +05216365 _has_part 05329215 +07219751 _hypernym 07218470 +01655116 _derivationally_related_form 02673446 +10717055 _hypernym 10709529 +02165247 _member_meronym 02165456 +10016954 _derivationally_related_form 00332672 +02337364 _hypernym 02327200 +00286756 _hypernym 00286497 +13841651 _derivationally_related_form 02704461 +09926862 _derivationally_related_form 00739662 +04763293 _hypernym 04616059 +11641963 _hypernym 11630890 +09949946 _derivationally_related_form 01626138 +00283568 _derivationally_related_form 01904930 +01549420 _derivationally_related_form 06428216 +06827503 _hypernym 06826214 +00990392 _hypernym 00990655 +10776339 _hypernym 09631463 +00667747 _derivationally_related_form 00155298 +05595083 _has_part 05293597 +04348184 _hypernym 04552696 +01974062 _derivationally_related_form 00316594 +01720491 _synset_domain_topic_of 07006119 +01852701 _derivationally_related_form 08521816 +02600657 _member_meronym 02600798 +01604586 _derivationally_related_form 03229244 +09922799 _hypernym 10372373 +06372680 _hypernym 06369829 +09887496 _hypernym 10541229 +12488121 _member_meronym 12489268 +00436879 _hypernym 00437125 +06741728 _derivationally_related_form 00906037 +14619225 _synset_domain_topic_of 06084469 +04244379 _hypernym 03089014 +02660442 _also_see 02660819 +10634990 _derivationally_related_form 01821132 +01236164 _derivationally_related_form 00125629 +12710295 _hypernym 12709901 +02081423 _member_meronym 02081571 +07181935 _derivationally_related_form 00804802 +14459824 _derivationally_related_form 02388403 +08420278 _derivationally_related_form 02343056 +01619675 _hypernym 01507175 +00095121 _hypernym 00094001 +02958343 _has_part 03327841 +00841986 _derivationally_related_form 10206173 +05527848 _hypernym 05264756 +02446014 _member_meronym 02446206 +02679530 _derivationally_related_form 01018366 +02390949 _derivationally_related_form 07453638 +12614317 _member_meronym 12614477 +04532106 _hypernym 03450516 +06838868 _hypernym 06828818 +09622049 _hypernym 00007846 +08723006 _member_of_domain_region 07638439 +05884433 _hypernym 05872982 +05768553 _derivationally_related_form 02118242 +05144079 _derivationally_related_form 01125429 +01146039 _derivationally_related_form 00236592 +08916832 _member_of_domain_region 08917503 +01107359 _hypernym 01106808 +05547508 _has_part 05529286 +07129202 _derivationally_related_form 01055404 +13898315 _derivationally_related_form 02371718 +00432683 _derivationally_related_form 05111835 +08955082 _has_part 08955397 +12961689 _hypernym 13167078 +02361600 _derivationally_related_form 03264136 +08717730 _has_part 08717915 +00953058 _derivationally_related_form 07222823 +04733204 _derivationally_related_form 02262542 +00068627 _hypernym 00067999 +06906439 _derivationally_related_form 02928066 +11911591 _member_meronym 11991080 +00648224 _derivationally_related_form 00636921 +00317888 _derivationally_related_form 05133535 +01278427 _derivationally_related_form 13905792 +13861050 _hypernym 00027807 +09044862 _member_of_domain_region 08122141 +14673747 _hypernym 14662574 +01734502 _derivationally_related_form 10511425 +01798100 _derivationally_related_form 07496463 +00692726 _derivationally_related_form 00060477 +02028994 _derivationally_related_form 07332148 +01894649 _hypernym 01831531 +00386566 _hypernym 00385385 +00039592 _derivationally_related_form 04636397 +00062451 _derivationally_related_form 01640855 +10692696 _derivationally_related_form 00937208 +07731587 _hypernym 07723330 +01708113 _synset_domain_topic_of 05718556 +08340153 _has_part 08340753 +08034579 _instance_hypernym 08392137 +05921685 _hypernym 05921123 +00087988 _hypernym 00087736 +00605516 _also_see 01688271 +02641957 _hypernym 02641463 +10994906 _instance_hypernym 10233445 +02210855 _derivationally_related_form 08419562 +01926311 _also_see 01883716 +04143140 _derivationally_related_form 01855447 +00075708 _hypernym 00075421 +02609617 _hypernym 02607862 +02864593 _hypernym 03988170 +09676884 _derivationally_related_form 03118790 +01015866 _derivationally_related_form 06613056 +09402704 _derivationally_related_form 00024279 +11974557 _hypernym 11974126 +09034550 _has_part 09035305 +03967396 _synset_domain_topic_of 03082979 +00346839 _hypernym 00345761 +11735570 _hypernym 12205694 +02294436 _derivationally_related_form 01084637 +02297948 _verb_group 02297742 +11898775 _hypernym 11898639 +01037910 _derivationally_related_form 06371267 +00240293 _derivationally_related_form 05090441 +03768346 _hypernym 03302121 +02952275 _derivationally_related_form 08082236 +08860123 _member_of_domain_region 07236759 +12333530 _hypernym 12651821 +02183697 _hypernym 01342529 +00812526 _derivationally_related_form 01212572 +10768391 _synset_domain_topic_of 08199025 +05288091 _has_part 05582305 +08792548 _member_meronym 09715833 +07954211 _has_part 06652242 +01710481 _verb_group 02385813 +14007546 _derivationally_related_form 09190918 +00743822 _hypernym 00742645 +02246456 _derivationally_related_form 01085337 +06430784 _synset_domain_topic_of 06239931 +08929922 _has_part 08943601 +11540230 _hypernym 11534677 +14778019 _derivationally_related_form 00265094 +00272123 _derivationally_related_form 00134328 +05790012 _derivationally_related_form 00688768 +05513807 _has_part 05331404 +09814660 _derivationally_related_form 01016778 +02073041 _member_meronym 02073250 +02341974 _hypernym 02339376 +11993007 _member_meronym 11993203 +07330828 _hypernym 07334490 +02978205 _hypernym 03513376 +10871756 _instance_hypernym 10794014 +03175604 _synset_domain_topic_of 06047430 +01367266 _hypernym 01340439 +13326198 _derivationally_related_form 01951276 +14796073 _hypernym 14607521 +09786922 _derivationally_related_form 01462005 +12605315 _hypernym 11555413 +12378546 _member_meronym 12378963 +01133760 _derivationally_related_form 01732921 +00151087 _derivationally_related_form 02154312 +00113113 _derivationally_related_form 01447632 +01733667 _derivationally_related_form 10754578 +02448185 _derivationally_related_form 08426461 +08812952 _instance_hypernym 08803382 +01929396 _member_meronym 01932358 +12762583 _member_meronym 12762896 +01849746 _derivationally_related_form 05046471 +01362480 _hypernym 01352574 +01986185 _derivationally_related_form 07362218 +04630689 _derivationally_related_form 00859153 +00141396 _derivationally_related_form 02150039 +02085742 _derivationally_related_form 10655169 +00802629 _derivationally_related_form 02544348 +13720852 _has_part 13720600 +00648931 _hypernym 00634276 +13355656 _hypernym 13354985 +07298154 _hypernym 07296428 +06539502 _synset_domain_topic_of 08441203 +00502757 _derivationally_related_form 07434473 +02646508 _hypernym 01432517 +09163192 _has_part 09164095 +12100538 _member_meronym 12120812 +07050177 _derivationally_related_form 02874282 +10726233 _derivationally_related_form 01480770 +01666002 _synset_domain_topic_of 00243918 +02861022 _derivationally_related_form 01939811 +02441022 _derivationally_related_form 09780828 +00105778 _derivationally_related_form 00513401 +01887896 _hypernym 01321854 +02535537 _hypernym 02534734 +01198307 _hypernym 01181902 +09622049 _has_part 05219297 +02074915 _member_meronym 02083038 +02272373 _synset_domain_topic_of 01099436 +10803031 _hypernym 10722758 +03145843 _derivationally_related_form 01277974 +08123167 _hypernym 08122141 +06837787 _hypernym 06828818 +00906735 _derivationally_related_form 01189282 +14118138 _hypernym 14117805 +02183024 _derivationally_related_form 07381423 +00162688 _derivationally_related_form 05696425 +09945905 _derivationally_related_form 13929588 +05761918 _derivationally_related_form 00611256 +10386071 _derivationally_related_form 02401809 +01381604 _hypernym 01352059 +00973530 _synset_domain_topic_of 06264176 +01302365 _verb_group 01302183 +11731861 _member_meronym 11732052 +02469835 _hypernym 02434976 +06252138 _derivationally_related_form 00740577 +13342692 _derivationally_related_form 02545272 +01050165 _derivationally_related_form 01255648 +15206296 _hypernym 15154774 +00927261 _hypernym 00908492 +13870414 _hypernym 13863771 +00591622 _hypernym 00586262 +04721650 _derivationally_related_form 00135718 +02286271 _hypernym 01762525 +01198588 _synset_domain_topic_of 08441203 +14289942 _hypernym 14289590 +09923418 _hypernym 09610405 +04811995 _derivationally_related_form 02388403 +13643276 _hypernym 13634784 +12001294 _hypernym 13118707 +02323286 _derivationally_related_form 10658304 +08914573 _instance_hypernym 08524735 +00050693 _derivationally_related_form 00528990 +04868748 _derivationally_related_form 01222360 +02469274 _derivationally_related_form 09385137 +03510987 _hypernym 06679726 +13845239 _hypernym 13844690 +06734467 _synset_domain_topic_of 08441203 +08860123 _member_of_domain_region 03757723 +08036849 _synset_domain_topic_of 00759694 +02489456 _derivationally_related_form 01036996 +01611252 _member_meronym 01611472 +10652511 _hypernym 10650162 +01812324 _derivationally_related_form 01261293 +02730304 _derivationally_related_form 05961867 +08512736 _derivationally_related_form 00730301 +08249038 _has_part 08216900 +01585523 _hypernym 00187526 +01176567 _hypernym 01176232 +01571744 _hypernym 01570935 +00702202 _hypernym 00701755 +01772498 _derivationally_related_form 07531536 +00030358 _derivationally_related_form 01643657 +02120692 _hypernym 01862557 +01415585 _derivationally_related_form 09871095 +11772702 _member_meronym 11772879 +03075191 _derivationally_related_form 06973610 +03072201 _hypernym 04404412 +08816969 _instance_hypernym 08574314 +01383800 _hypernym 01380638 +00386676 _hypernym 00385791 +06991117 _hypernym 06986558 +06738281 _derivationally_related_form 00965035 +02766687 _derivationally_related_form 07412310 +02243567 _derivationally_related_form 00348008 +14685017 _hypernym 14877585 +14456435 _derivationally_related_form 00457998 +12194776 _member_meronym 12201456 +04763925 _hypernym 04763293 +00477107 _derivationally_related_form 04643397 +12501745 _member_meronym 12564840 +14580090 _hypernym 13920835 +07157273 _member_of_domain_usage 05715150 +12549976 _member_meronym 12550210 +09386422 _hypernym 09224911 +03249342 _derivationally_related_form 03098803 +10523519 _derivationally_related_form 01054335 +10437262 _derivationally_related_form 02278061 +00399788 _derivationally_related_form 13510433 +01144355 _derivationally_related_form 00795264 +08713772 _has_part 08698126 +11900058 _member_meronym 11903881 +11956208 _member_meronym 11956348 +02700867 _hypernym 02632940 +01935012 _member_meronym 01935395 +11078982 _synset_domain_topic_of 06453849 +05675715 _synset_domain_topic_of 11094611 +00544936 _derivationally_related_form 01029114 +03055809 _derivationally_related_form 00612612 +00233335 _derivationally_related_form 15224293 +08137738 _has_part 08138259 +13319512 _hypernym 13319032 +04763650 _derivationally_related_form 00505853 +03014705 _has_part 03661340 +03594734 _hypernym 04489008 +05059830 _hypernym 05059132 +00464513 _derivationally_related_form 04745932 +00753685 _derivationally_related_form 00854904 +10404998 _hypernym 10791221 +00622204 _hypernym 00621734 +04270147 _hypernym 04500060 +00785263 _hypernym 00785045 +08906374 _has_part 09375693 +08860123 _member_of_domain_region 10452752 +06398963 _hypernym 06398401 +00065575 _derivationally_related_form 02679012 +11060103 _instance_hypernym 10045713 +00115500 _derivationally_related_form 01891817 +01011725 _derivationally_related_form 07203126 +10047459 _derivationally_related_form 04887497 +06712325 _hypernym 06713930 +07139316 _hypernym 07138085 +12707432 _member_meronym 12708654 +10129585 _hypernym 10605985 +14051728 _hypernym 14034177 +07434942 _hypernym 07283608 +03063073 _has_part 03485997 +01503101 _hypernym 01494310 +08647457 _hypernym 08664443 +14238528 _hypernym 14236226 +03131038 _synset_domain_topic_of 05801594 +01036804 _derivationally_related_form 06608143 +02641463 _derivationally_related_form 15272029 +08964810 _has_part 08715390 +14531983 _derivationally_related_form 00573932 +00759944 _derivationally_related_form 07189130 +07356489 _synset_domain_topic_of 02686568 +03775199 _hypernym 03621049 +08852389 _instance_hypernym 08698379 +14603497 _hypernym 14871968 +00232542 _derivationally_related_form 02598211 +02624806 _derivationally_related_form 01047338 +00695475 _derivationally_related_form 06528992 +12488454 _has_part 11689197 +09006413 _has_part 09009490 +07523286 _derivationally_related_form 00339941 +12797860 _hypernym 13112664 +12312728 _hypernym 12205694 +09410724 _instance_hypernym 09411430 +02354950 _member_meronym 02353529 +14418395 _hypernym 00024720 +10402086 _hypernym 09774783 +10415638 _derivationally_related_form 01714208 +00888786 _hypernym 00884011 +09831411 _hypernym 09855630 +00828003 _hypernym 00830761 +04950713 _hypernym 04950537 +00657550 _derivationally_related_form 01003729 +06264398 _hypernym 06252138 +08410688 _hypernym 08284481 +00041899 _hypernym 00030358 +08848731 _has_part 09286630 +05209324 _derivationally_related_form 01415605 +02403454 _has_part 02370360 +02558172 _derivationally_related_form 07540866 +05329735 _derivationally_related_form 02915055 +13504173 _hypernym 00029677 +11827775 _member_meronym 11835114 +07302836 _hypernym 07283608 +01748560 _member_meronym 01748906 +05001482 _hypernym 04997988 +09759069 _derivationally_related_form 08277805 +11087767 _instance_hypernym 10453533 +01504437 _hypernym 08107499 +07443210 _derivationally_related_form 00419137 +11506167 _derivationally_related_form 02757828 +01564144 _derivationally_related_form 07335243 +08131530 _has_part 08191987 +01830183 _hypernym 01504437 +01514348 _hypernym 01507143 +00681429 _derivationally_related_form 10692883 +02754103 _derivationally_related_form 00330144 +01982482 _hypernym 01342529 +00866606 _hypernym 00863513 +07123552 _derivationally_related_form 00913065 +09240621 _hypernym 09465459 +01710048 _synset_domain_topic_of 00428270 +08860123 _member_of_domain_region 10641223 +06636524 _hypernym 06636259 +12930044 _member_meronym 12940060 +01680264 _hypernym 01676755 +00599329 _derivationally_related_form 10325243 +13353607 _hypernym 13329641 +14449405 _derivationally_related_form 01188725 +05882793 _hypernym 05872982 +01512465 _hypernym 01508368 +09845401 _hypernym 00007846 +11999140 _hypernym 11579418 +01747945 _hypernym 01691057 +08785132 _instance_hypernym 08552138 +05110185 _derivationally_related_form 01975912 +08256735 _member_meronym 10148165 +00255079 _derivationally_related_form 09260218 +01786906 _derivationally_related_form 07518878 +05696425 _derivationally_related_form 02258617 +09382990 _has_part 09066948 +00757483 _hypernym 00757080 +12937388 _hypernym 12205694 +08695198 _hypernym 08524735 +01514655 _hypernym 01511706 +00378521 _derivationally_related_form 14289942 +06593099 _derivationally_related_form 00244625 +01621555 _derivationally_related_form 08060446 +09385137 _hypernym 09285254 +08008017 _derivationally_related_form 01485158 +10221956 _derivationally_related_form 03596787 +01202068 _derivationally_related_form 07884182 +02994448 _derivationally_related_form 04773596 +12145919 _hypernym 12141495 +00100543 _derivationally_related_form 00938247 +07549716 _hypernym 07548978 +08889400 _instance_hypernym 08633957 +01476685 _derivationally_related_form 05008227 +12766241 _hypernym 11567411 +01141938 _derivationally_related_form 10775128 +06687358 _hypernym 06686736 +00592102 _hypernym 00586262 +02886599 _hypernym 04341414 +01762283 _derivationally_related_form 05828102 +14135623 _hypernym 14177423 +13286254 _hypernym 13285176 +05611062 _hypernym 05225602 +05569053 _hypernym 05474346 +00739662 _derivationally_related_form 07939638 +12612913 _member_meronym 12613285 +00091968 _derivationally_related_form 10214230 +02633977 _hypernym 02632989 +01981036 _derivationally_related_form 09334396 +01173660 _derivationally_related_form 01593763 +01321895 _hypernym 01256600 +12876032 _member_meronym 12883395 +13565622 _hypernym 13440063 +01701152 _hypernym 01698271 +07519253 _has_part 14405774 +09376526 _hypernym 09217638 +14418103 _hypernym 14417697 +00916909 _hypernym 00927049 +01731351 _derivationally_related_form 15119536 +06449620 _instance_hypernym 06431740 +09305898 _hypernym 09443453 +09275473 _has_part 08949093 +00163441 _hypernym 01631072 +01016973 _derivationally_related_form 00579952 +11911591 _member_meronym 12008017 +09879144 _derivationally_related_form 01215137 +01459896 _hypernym 01462005 +00112674 _hypernym 00112312 +10359759 _hypernym 10765679 +04058096 _hypernym 04105893 +09085209 _instance_hypernym 08524735 +02127808 _hypernym 02120997 +00570590 _also_see 00186616 +00597728 _hypernym 00586262 +08723006 _member_of_domain_region 07866723 +12847374 _hypernym 13100677 +08900535 _has_part 08902196 +14849880 _hypernym 14799244 +02208265 _synset_domain_topic_of 01090446 +05706629 _derivationally_related_form 00616153 +02538086 _derivationally_related_form 01212882 +08404549 _synset_domain_topic_of 08199025 +13303880 _hypernym 13258362 +02418686 _verb_group 02418421 +02207206 _verb_group 02646757 +00122106 _synset_domain_topic_of 08441203 +05534174 _hypernym 05248181 +01016316 _hypernym 01016002 +08389900 _synset_domain_topic_of 08199025 +05689801 _derivationally_related_form 00885217 +04357930 _hypernym 03082807 +00750890 _hypernym 00749574 +02555434 _derivationally_related_form 05154908 +09921673 _hypernym 00007846 +08696931 _hypernym 08544813 +14752057 _hypernym 05407119 +11034596 _instance_hypernym 10030277 +01067362 _derivationally_related_form 02642238 +03597469 _derivationally_related_form 01678685 +08121867 _hypernym 08119821 +01906328 _member_meronym 01906552 +04574999 _hypernym 03700963 +02572119 _derivationally_related_form 09955015 +03196598 _has_part 03666362 +02576921 _derivationally_related_form 10201535 +00654258 _hypernym 00690614 +01480149 _hypernym 02210855 +00849982 _derivationally_related_form 00055871 +08723006 _has_part 09196103 +01878203 _hypernym 01864707 +00508032 _hypernym 00126264 +04740173 _hypernym 04739932 +00967455 _verb_group 00967098 +12792638 _member_meronym 12793886 +10426749 _hypernym 09812338 +00243918 _derivationally_related_form 00322847 +15225249 _hypernym 15224486 +06956896 _hypernym 06956544 +13557158 _derivationally_related_form 00456151 +07953827 _hypernym 07951464 +02552894 _member_meronym 02553028 +01077881 _derivationally_related_form 02502037 +00677021 _hypernym 00674607 +01203074 _synset_domain_topic_of 01887474 +08917503 _has_part 08918248 +15203791 _hypernym 15113229 +14727670 _hypernym 14818238 +02410175 _derivationally_related_form 05051896 +02460483 _derivationally_related_form 10700201 +00346095 _derivationally_related_form 01901783 +05521111 _has_part 05512670 +14830364 _synset_domain_topic_of 06079620 +04886402 _hypernym 04886101 +02700104 _derivationally_related_form 04713332 +12226322 _member_meronym 12239458 +08735564 _instance_hypernym 08574314 +00772026 _synset_domain_topic_of 08441203 +11703669 _hypernym 13109733 +05617467 _synset_domain_topic_of 08199025 +02154508 _derivationally_related_form 01002956 +11455092 _hypernym 11454591 +02440705 _member_meronym 02441723 +12240477 _hypernym 13112664 +14040660 _hypernym 14035298 +02033295 _derivationally_related_form 08681222 +08749864 _has_part 08989031 +03682487 _hypernym 03323703 +10595647 _hypernym 09630641 +01122149 _hypernym 01120448 +00395333 _derivationally_related_form 00471711 +06371267 _derivationally_related_form 02534492 +00239024 _synset_domain_topic_of 00463543 +01242208 _derivationally_related_form 03125352 +02713097 _derivationally_related_form 05578442 +02249438 _hypernym 02210855 +02626604 _hypernym 00381601 +02758753 _hypernym 02671421 +03290195 _hypernym 04341686 +08709038 _has_part 08709704 +00616857 _derivationally_related_form 00418615 +01144657 _derivationally_related_form 00452293 +01488539 _member_meronym 01488918 +02372813 _member_meronym 02372952 +06688913 _derivationally_related_form 01175467 +01220984 _derivationally_related_form 02518161 +02120692 _member_meronym 02121234 +12470092 _hypernym 13100677 +00932324 _derivationally_related_form 06791372 +10549510 _hypernym 10522759 +01503952 _hypernym 01489989 +11867525 _member_meronym 11871916 +03962685 _hypernym 03085915 +05302899 _hypernym 05303402 +02573563 _member_meronym 02573704 +02173336 _derivationally_related_form 07393161 +03648804 _hypernym 04606014 +11994336 _hypernym 11672400 +02384940 _derivationally_related_form 07186661 +00374668 _derivationally_related_form 05014099 +14298102 _derivationally_related_form 00476744 +09962612 _derivationally_related_form 01108402 +09108164 _has_part 09482131 +00949288 _derivationally_related_form 07959016 +04417809 _has_part 03853178 +02329733 _synset_domain_topic_of 00917211 +10769321 _derivationally_related_form 02493260 +06364149 _derivationally_related_form 01700934 +09044862 _has_part 09117351 +01948077 _derivationally_related_form 10679054 +08624656 _derivationally_related_form 02302817 +01199881 _hypernym 02759614 +01760552 _hypernym 01759326 +10974033 _instance_hypernym 09765278 +05468849 _has_part 05469032 +06790042 _derivationally_related_form 00980908 +09189411 _has_part 09043052 +11182966 _instance_hypernym 09765278 +14757848 _hypernym 14755804 +01067512 _derivationally_related_form 06878071 +13032381 _hypernym 13032115 +02505358 _hypernym 02504562 +00455919 _hypernym 02673134 +02556623 _member_meronym 02558079 +02998696 _hypernym 03069213 +11105298 _instance_hypernym 10599806 +12409016 _member_meronym 12409231 +07048000 _derivationally_related_form 10624310 +07011209 _derivationally_related_form 00877848 +10466918 _hypernym 00007846 +08394922 _has_part 02741681 +12564083 _has_part 07725158 +00379774 _derivationally_related_form 13573181 +01628450 _member_meronym 01638482 +11121451 _instance_hypernym 10191943 +04558578 _derivationally_related_form 01696435 +01789514 _derivationally_related_form 01221790 +03781787 _derivationally_related_form 02163301 +00424869 _derivationally_related_form 02852173 +10948312 _instance_hypernym 10343554 +00262792 _also_see 00065791 +01662771 _derivationally_related_form 00909899 +01762839 _derivationally_related_form 04637923 +03909160 _has_part 02860239 +02037090 _derivationally_related_form 04051549 +00922144 _hypernym 00913705 +13864965 _hypernym 13860793 +01731031 _derivationally_related_form 00545501 +02301072 _member_meronym 02302620 +00980453 _derivationally_related_form 07081739 +07376257 _derivationally_related_form 02100176 +13619920 _hypernym 13615235 +10123844 _hypernym 10125786 +13858045 _hypernym 13857486 +01904845 _also_see 00360650 +12660601 _hypernym 11665372 +13467916 _hypernym 13518963 +01632411 _derivationally_related_form 00940709 +01762528 _hypernym 01770501 +01525116 _derivationally_related_form 00269140 +01478603 _derivationally_related_form 03047553 +01471070 _member_meronym 02514575 +01398032 _derivationally_related_form 03643907 +08397489 _hypernym 08397255 +12288422 _hypernym 11564734 +00523513 _hypernym 00426928 +11202322 _instance_hypernym 10453533 +02543874 _derivationally_related_form 00233386 +00140393 _derivationally_related_form 00405079 +00698004 _hypernym 00657604 +08186047 _derivationally_related_form 02541251 +01423757 _member_meronym 01425336 +08860123 _member_of_domain_region 00075618 +01139194 _derivationally_related_form 00802318 +14991319 _derivationally_related_form 10770545 +08184600 _hypernym 08182379 +02658381 _hypernym 01432517 +00818253 _derivationally_related_form 09842823 +07883384 _hypernym 03880770 +01413173 _hypernym 01400044 +12245472 _member_meronym 12245695 +12645174 _has_part 07750586 +00745637 _hypernym 00745005 +01909978 _derivationally_related_form 00348312 +13531652 _hypernym 13489037 +01545889 _hypernym 01507175 +01986367 _member_meronym 01986538 +04041544 _has_part 04043733 +02692232 _has_part 02693246 +10645854 _hypernym 10412055 +01385017 _derivationally_related_form 00889490 +02200686 _derivationally_related_form 10025730 +15091846 _hypernym 15090742 +12727518 _hypernym 12727301 +03540595 _has_part 03541091 +12403862 _hypernym 11567411 +09940987 _hypernym 09940725 +00457998 _derivationally_related_form 05402091 +00506672 _hypernym 00205046 +08699654 _member_meronym 09692915 +01020005 _derivationally_related_form 05703429 +06857591 _synset_domain_topic_of 07020895 +01390833 _hypernym 01390616 +10630188 _derivationally_related_form 00830761 +01854223 _member_meronym 01854838 +13319726 _hypernym 13319032 +08925552 _instance_hypernym 08524735 +10335563 _hypernym 00007846 +04007664 _derivationally_related_form 01229976 +02891788 _has_part 04519536 +01871979 _also_see 02056466 +01863410 _synset_domain_topic_of 00298497 +02412175 _hypernym 02422026 +02284951 _hypernym 02251743 +09453288 _instance_hypernym 09403734 +02380571 _hypernym 02402825 +09892262 _derivationally_related_form 08364143 +10815648 _instance_hypernym 10705615 +00489837 _derivationally_related_form 01003570 +02547225 _derivationally_related_form 14439447 +02027003 _derivationally_related_form 05113462 +05316025 _hypernym 05317191 +10467179 _derivationally_related_form 02984104 +05760202 _hypernym 05701944 +08346490 _hypernym 08342039 +08407619 _synset_domain_topic_of 00933420 +00589217 _derivationally_related_form 10249950 +02502536 _derivationally_related_form 13321495 +00133851 _derivationally_related_form 04996823 +14160903 _hypernym 14151139 +01393714 _hypernym 01392237 +04968257 _hypernym 04967191 +09189411 _has_part 08762495 +01078086 _derivationally_related_form 00972608 +00483146 _derivationally_related_form 07250034 +02112891 _hypernym 02112029 +00995119 _also_see 00177186 +05052587 _derivationally_related_form 00594413 +09853184 _derivationally_related_form 02300060 +01806505 _derivationally_related_form 07491286 +08860123 _member_of_domain_region 06700325 +02079525 _derivationally_related_form 04493505 +12930044 _member_meronym 12943302 +07840804 _has_part 09432430 +14486533 _hypernym 14404160 +06574473 _hypernym 06581410 +01662784 _hypernym 01662622 +13582013 _derivationally_related_form 02645007 +00507673 _hypernym 00430140 +00460900 _derivationally_related_form 06542267 +10789118 _derivationally_related_form 02590910 +03257586 _hypernym 02727825 +01695681 _hypernym 01661818 +09275016 _has_part 09275473 +00017674 _hypernym 00017531 +08723006 _has_part 08726072 +12315818 _hypernym 11744859 +11911591 _member_meronym 12032215 +02255268 _hypernym 02199590 +11991080 _hypernym 11579418 +00737705 _hypernym 00854717 +02535896 _derivationally_related_form 00234423 +12719277 _member_meronym 12719455 +10672662 _hypernym 10672908 +06438995 _instance_hypernym 06394865 +11237550 _instance_hypernym 10453533 +09779790 _derivationally_related_form 01739814 +01903756 _derivationally_related_form 07440240 +01942959 _derivationally_related_form 00303495 +01072236 _hypernym 06880249 +02581900 _derivationally_related_form 01198307 +14108039 _hypernym 14103288 +05397468 _derivationally_related_form 02851001 +00146572 _derivationally_related_form 02710402 +00901103 _verb_group 00874175 +10997553 _instance_hypernym 10391653 +02896789 _derivationally_related_form 06510977 +00620673 _hypernym 00126264 +12039743 _member_meronym 12073007 +10592152 _hypernym 10309896 +00128638 _synset_domain_topic_of 00471613 +01064148 _derivationally_related_form 01547390 +02120451 _verb_group 02121048 +15256915 _has_part 15257829 +14425414 _hypernym 14425103 +12903250 _hypernym 11579418 +00330160 _derivationally_related_form 02055649 +01108753 _hypernym 01108402 +00748011 _hypernym 00747029 +09724785 _hypernym 09634494 +01913035 _hypernym 01908415 +01067002 _hypernym 00941990 +01015996 _hypernym 01014066 +02865665 _has_part 03042829 +03769397 _hypernym 03876519 +00011551 _derivationally_related_form 01225562 +05030418 _derivationally_related_form 00828336 +02128653 _derivationally_related_form 10633450 +00158222 _derivationally_related_form 00364260 +02229156 _hypernym 02227966 +10190516 _derivationally_related_form 02259547 +08897065 _has_part 09168020 +01733829 _derivationally_related_form 03110669 +07416441 _synset_domain_topic_of 06090869 +00233335 _hypernym 02510337 +12822115 _hypernym 12205694 +00830257 _derivationally_related_form 00047745 +02075727 _member_meronym 02075927 +04764741 _derivationally_related_form 00492677 +13556509 _hypernym 13464204 +02734800 _verb_group 00212414 +06898352 _synset_domain_topic_of 06128570 +03881893 _hypernym 03961070 +09647834 _hypernym 09645091 +09184975 _derivationally_related_form 00794079 +00372448 _hypernym 00372226 +06435394 _hypernym 06429590 +02252608 _hypernym 01762525 +04825114 _hypernym 04823866 +06709112 _hypernym 06706676 +02525866 _member_meronym 02527498 +13930385 _hypernym 13928668 +00408085 _derivationally_related_form 04091693 +05051896 _derivationally_related_form 00781000 +01679254 _hypernym 01675963 +01949817 _hypernym 01449974 +03730893 _derivationally_related_form 00565592 +08572467 _derivationally_related_form 02729023 +01958868 _hypernym 01958615 +13641534 _derivationally_related_form 02149899 +13874558 _derivationally_related_form 01679106 +14336539 _hypernym 14299637 +03701391 _has_part 04322026 +01476180 _derivationally_related_form 14058252 +12624249 _member_meronym 12624381 +01359145 _hypernym 00126264 +08090547 _hypernym 08089627 +10270628 _hypernym 09619824 +02147603 _derivationally_related_form 01049475 +09510904 _synset_domain_topic_of 15253139 +09133010 _has_part 09133895 +00116619 _derivationally_related_form 06367373 +02260362 _derivationally_related_form 10720453 +13053187 _member_meronym 13053450 +03606572 _hypernym 03611590 +04656748 _hypernym 04623612 +08908739 _instance_hypernym 09316454 +10788852 _hypernym 09619168 +00013160 _derivationally_related_form 04759849 +00335366 _derivationally_related_form 00376994 +00714273 _derivationally_related_form 00384802 +01960105 _synset_domain_topic_of 00299217 +00298041 _derivationally_related_form 06220616 +05816790 _derivationally_related_form 00922867 +01363648 _derivationally_related_form 03691128 +13879126 _hypernym 13866144 +00918580 _derivationally_related_form 00506658 +03203641 _hypernym 03713736 +05301526 _hypernym 05305614 +00247439 _derivationally_related_form 05399847 +09544876 _hypernym 09544433 +00503237 _has_part 03011521 +06492939 _hypernym 06486874 +02417504 _derivationally_related_form 14012667 +07214432 _derivationally_related_form 02128066 +00025654 _derivationally_related_form 04072811 +00698398 _derivationally_related_form 00163047 +09275473 _has_part 08984567 +10043643 _derivationally_related_form 05644727 +00347652 _derivationally_related_form 01875295 +00367280 _hypernym 00365709 +07332691 _derivationally_related_form 00470701 +05142180 _derivationally_related_form 01123148 +01313411 _derivationally_related_form 04561548 +02604657 _member_meronym 02604811 +01079480 _derivationally_related_form 15256915 +12398174 _hypernym 12397864 +07064715 _hypernym 07059255 +01932951 _hypernym 01931768 +07255027 _hypernym 07254836 +11911591 _member_meronym 11964688 +01033527 _derivationally_related_form 05123760 +07320302 _derivationally_related_form 00003356 +10510339 _derivationally_related_form 00772189 +06562802 _synset_domain_topic_of 08441203 +08723006 _has_part 08729452 +06648724 _derivationally_related_form 00772640 +13793504 _derivationally_related_form 02636132 +08414381 _member_meronym 10396106 +02274516 _member_meronym 02275921 +11692952 _member_meronym 11702428 +12846869 _hypernym 11579418 +07419792 _derivationally_related_form 00528339 +02191617 _member_meronym 02191773 +10703692 _derivationally_related_form 00786816 +11863717 _hypernym 11862835 +12803517 _hypernym 11585340 +06906971 _hypernym 06906439 +00540946 _hypernym 00126264 +13125117 _synset_domain_topic_of 06066555 +02311387 _verb_group 01854132 +10209246 _derivationally_related_form 00851239 +02326432 _hypernym 02323902 +12423565 _member_meronym 12437311 +00949093 _hypernym 00948853 +05279026 _hypernym 05269901 +12549420 _hypernym 12548280 +06511874 _derivationally_related_form 01021420 +04553703 _hypernym 02801525 +05793210 _derivationally_related_form 00633265 +05540513 _has_part 05545212 +08860123 _member_of_domain_region 08626522 +09850974 _derivationally_related_form 01127411 +00815320 _hypernym 00803617 +01016626 _derivationally_related_form 07209089 +06536389 _derivationally_related_form 00959827 +04863969 _derivationally_related_form 00685638 +06804728 _synset_domain_topic_of 08199025 +00278551 _derivationally_related_form 04952242 +00245457 _verb_group 00231557 +12724201 _member_meronym 12727729 +00665476 _hypernym 00654885 +07073208 _derivationally_related_form 00978369 +01504699 _hypernym 01090335 +05580929 _derivationally_related_form 01365131 +03525693 _hypernym 03592245 +02014941 _hypernym 02000954 +10318414 _hypernym 10380126 +02616713 _derivationally_related_form 13962360 +00474994 _hypernym 00146138 +15156187 _hypernym 15155220 +01547390 _hypernym 01547001 +01714208 _hypernym 01619354 +01454636 _derivationally_related_form 10492202 +10592397 _derivationally_related_form 02326355 +00240293 _synset_domain_topic_of 00903559 +01605119 _member_meronym 01616764 +00142665 _derivationally_related_form 00652900 +08775053 _instance_hypernym 08678615 +00233795 _synset_domain_topic_of 08199025 +06675122 _hypernym 06470073 +09139849 _instance_hypernym 08524735 +08418631 _hypernym 08418420 +06845599 _member_of_domain_usage 04010348 +01950798 _derivationally_related_form 00061290 +01313093 _member_meronym 01342529 +02085449 _derivationally_related_form 07525555 +12685214 _member_meronym 12685679 +05461816 _has_part 05296253 +09544746 _synset_domain_topic_of 06234825 +01466472 _hypernym 05588174 +14413644 _derivationally_related_form 02513460 +01033903 _hypernym 01033458 +01471070 _member_meronym 01472303 +14696793 _derivationally_related_form 01323518 +01441100 _hypernym 01227675 +11505546 _derivationally_related_form 00521478 +00637259 _derivationally_related_form 13742358 +01928730 _derivationally_related_form 00294190 +13565379 _derivationally_related_form 00644066 +01550172 _hypernym 01547832 +06650431 _derivationally_related_form 02663340 +00478647 _synset_domain_topic_of 00480993 +01003741 _hypernym 01002740 +13462191 _hypernym 13424865 +10252921 _hypernym 10435988 +00695226 _derivationally_related_form 10745894 +00604910 _hypernym 00586262 +00436404 _derivationally_related_form 14575180 +02022486 _hypernym 02087156 +05663671 _derivationally_related_form 02511551 +13521072 _hypernym 13447361 +04005630 _has_part 02992032 +02501278 _derivationally_related_form 01187810 +06403969 _hypernym 06403393 +00598056 _hypernym 00586262 +11668952 _member_meronym 12100382 +09861718 _derivationally_related_form 00837872 +11261184 _instance_hypernym 09765278 +00048828 _derivationally_related_form 02005948 +12443144 _hypernym 11561228 +00318735 _derivationally_related_form 00235110 +02489589 _derivationally_related_form 01408929 +04652930 _hypernym 04652635 +01707737 _derivationally_related_form 08248157 +04178897 _has_part 04179126 +00040928 _hypernym 00040353 +03405595 _hypernym 02671780 +07745466 _hypernym 07742704 +02662081 _hypernym 01432517 +02298379 _member_meronym 02298541 +01045073 _derivationally_related_form 07128060 +04999401 _derivationally_related_form 01194938 +00007328 _derivationally_related_form 00837293 +01487830 _hypernym 01487311 +11261483 _instance_hypernym 09807075 +07409592 _derivationally_related_form 02127358 +00658052 _hypernym 00670261 +00503164 _hypernym 00137313 +04137444 _derivationally_related_form 00969137 +07712382 _hypernym 07557434 +01156115 _derivationally_related_form 00430140 +01627355 _hypernym 01617192 +00457998 _hypernym 00146138 +14210119 _hypernym 14151139 +09128536 _instance_hypernym 08524735 +09483129 _instance_hypernym 09411430 +00776988 _derivationally_related_form 14407536 +02341108 _hypernym 01864707 +03722007 _hypernym 04608567 +13556509 _derivationally_related_form 00148472 +02383831 _also_see 00548781 +10454972 _hypernym 09884391 +00804139 _derivationally_related_form 09814567 +03786417 _hypernym 03850746 +01354869 _hypernym 08221348 +04546855 _has_part 03120029 +09175016 _instance_hypernym 09472597 +05726345 _derivationally_related_form 00404222 +05199869 _hypernym 05199286 +09764900 _hypernym 00007846 +00322488 _derivationally_related_form 01486312 +08645963 _hypernym 08497294 +08946187 _has_part 08946812 +09865398 _hypernym 10609325 +07185076 _hypernym 07160883 +06123363 _hypernym 06156968 +05703429 _derivationally_related_form 02169352 +05301072 _has_part 05305136 +02374451 _has_part 02159117 +06790235 _synset_domain_topic_of 06226057 +00795008 _derivationally_related_form 02659763 +01064999 _derivationally_related_form 13381734 +04722715 _derivationally_related_form 02507736 +06104073 _hypernym 05872477 +12697021 _hypernym 11585340 +01275562 _derivationally_related_form 05168261 +01653442 _derivationally_related_form 00912001 +07712559 _derivationally_related_form 00322151 +01085337 _derivationally_related_form 02246686 +00859604 _derivationally_related_form 07551052 +00117267 _hypernym 00863513 +01629403 _hypernym 01617192 +08399818 _hypernym 08398773 +07109847 _derivationally_related_form 00745187 +06295235 _member_of_domain_usage 03443912 +05230171 _hypernym 05225602 +09886540 _synset_domain_topic_of 08199025 +06295235 _member_of_domain_usage 03354350 +08716738 _instance_hypernym 08700255 +14412882 _derivationally_related_form 01194238 +00835976 _derivationally_related_form 00017031 +12490330 _hypernym 11585340 +07028964 _hypernym 07028373 +05708818 _hypernym 05708432 +06805128 _hypernym 06791372 +02117135 _hypernym 02083346 +14369744 _derivationally_related_form 00267871 +06782680 _derivationally_related_form 00689205 +02491906 _hypernym 01864707 +13505467 _hypernym 13526110 +03331599 _has_part 03852031 +05669181 _synset_domain_topic_of 06234825 +12892226 _member_meronym 12904720 +01032451 _synset_domain_topic_of 06128570 +02268351 _derivationally_related_form 04894964 +10610850 _synset_domain_topic_of 00759694 +04558578 _hypernym 03876519 +02834778 _has_part 03616428 +05786372 _derivationally_related_form 00607780 +01301630 _has_part 01275389 +05081957 _synset_domain_topic_of 06236802 +02381460 _hypernym 02374451 +03888605 _hypernym 03472232 +01884577 _derivationally_related_form 02833576 +08993288 _member_of_domain_region 08210411 +07351909 _hypernym 07309781 +00321936 _derivationally_related_form 03761084 +01103836 _derivationally_related_form 00553362 +01744657 _hypernym 01656813 +10625285 _derivationally_related_form 02388764 +01153305 _hypernym 00237078 +01588493 _derivationally_related_form 07273136 +01874126 _member_meronym 01885724 +00083260 _derivationally_related_form 00632236 +01440949 _hypernym 01432517 +14674408 _derivationally_related_form 00500834 +12501745 _member_meronym 12575089 +02408281 _derivationally_related_form 00307631 +02023992 _derivationally_related_form 03420559 +01627947 _verb_group 00171852 +01516534 _derivationally_related_form 04050410 +02143539 _derivationally_related_form 00941974 +00077981 _derivationally_related_form 00087736 +08028148 _instance_hypernym 08392137 +15285622 _hypernym 15277118 +00618057 _derivationally_related_form 00073828 +02154508 _verb_group 01637982 +10014939 _derivationally_related_form 00591858 +09843443 _synset_domain_topic_of 00471613 +10006842 _derivationally_related_form 00614057 +09060768 _has_part 09062791 +01059123 _derivationally_related_form 06628861 +03315805 _hypernym 03673767 +05611062 _synset_domain_topic_of 06057539 +01646941 _derivationally_related_form 07944050 +02058747 _hypernym 02058221 +08759263 _instance_hypernym 08691669 +01180351 _verb_group 01181295 +08860123 _member_of_domain_region 00780615 +09411430 _has_part 09274500 +12680125 _member_meronym 12680864 +06449735 _has_part 06466787 +08798382 _has_part 08799462 +01857632 _derivationally_related_form 01053339 +01666131 _synset_domain_topic_of 00243918 +07253637 _hypernym 06709533 +07338681 _hypernym 07338552 +08096474 _hypernym 08149781 +15266265 _derivationally_related_form 10468750 +13283764 _hypernym 13278375 +02561332 _derivationally_related_form 00631378 +12542240 _hypernym 13100677 +13148602 _hypernym 11534677 +04424936 _hypernym 02792049 +05387167 _hypernym 05328867 +13624026 _has_part 13623856 +01585121 _hypernym 01584225 +02119022 _hypernym 02118333 +01465365 _hypernym 02612368 +13422061 _hypernym 13421832 +12241699 _hypernym 11575425 +10614225 _derivationally_related_form 01566705 +10346015 _derivationally_related_form 05965195 +02135048 _derivationally_related_form 04981139 +09963320 _derivationally_related_form 01665638 +00953559 _derivationally_related_form 02376089 +10503247 _derivationally_related_form 00775943 +02826443 _derivationally_related_form 06223468 +14342132 _hypernym 14336539 +01977684 _member_meronym 01977832 +11159920 _instance_hypernym 09940146 +00178380 _derivationally_related_form 14956661 +10597234 _derivationally_related_form 00889229 +14625458 _derivationally_related_form 01603303 +02854156 _derivationally_related_form 02198423 +00893435 _derivationally_related_form 07232421 +02458356 _member_meronym 02458675 +00609683 _derivationally_related_form 05761918 +05713347 _hypernym 05712076 +00966718 _hypernym 00403092 +00597532 _hypernym 00586262 +01845627 _member_meronym 01858441 +15277730 _derivationally_related_form 02743727 +02354470 _member_meronym 02354781 +02942699 _has_part 02943241 +08399586 _hypernym 08398773 +07500414 _derivationally_related_form 02464725 +13555446 _hypernym 00029677 +02569630 _hypernym 00812298 +00785008 _derivationally_related_form 07193184 +00332154 _verb_group 00332445 +11835806 _member_meronym 11841061 +07116443 _hypernym 00210940 +12808227 _member_meronym 12874231 +00487554 _synset_domain_topic_of 06090869 +07207410 _derivationally_related_form 00757544 +08910394 _has_part 08986905 +13398241 _hypernym 13403331 +00808343 _hypernym 00752764 +00231567 _hypernym 00199130 +07423001 _derivationally_related_form 00433778 +00753685 _hypernym 00752954 +08032594 _instance_hypernym 08392137 +11458314 _hypernym 11422597 +01701152 _synset_domain_topic_of 00929718 +05219297 _hypernym 05217168 +04264914 _has_part 02932019 +13855828 _hypernym 13854649 +07186148 _derivationally_related_form 02384940 +00900726 _derivationally_related_form 01582645 +00902652 _also_see 00903449 +00426301 _hypernym 00422090 +10074339 _derivationally_related_form 01662118 +01447632 _derivationally_related_form 11498203 +02715279 _hypernym 02604760 +00938247 _derivationally_related_form 05766247 +02449340 _hypernym 02450505 +01502441 _hypernym 01494310 +03859717 _derivationally_related_form 10386984 +01576863 _member_meronym 01577265 +01234345 _derivationally_related_form 00421535 +06837037 _hypernym 06828818 +01256600 _hypernym 01552519 +06133203 _hypernym 06128570 +00647094 _derivationally_related_form 00996969 +01041298 _hypernym 00941990 +02028900 _hypernym 02026059 +03709644 _derivationally_related_form 01437888 +00402831 _derivationally_related_form 05685879 +08356375 _hypernym 08401248 +06674542 _derivationally_related_form 10482921 +02493260 _derivationally_related_form 10536897 +00051525 _hypernym 00049003 +07124340 _hypernym 07128527 +12579242 _member_meronym 12579404 +11692265 _has_part 11691523 +10162991 _derivationally_related_form 02729023 +02586458 _hypernym 02441022 +02889996 _hypernym 03156405 +08619949 _has_part 04449290 +03907227 _hypernym 03285912 +05314255 _hypernym 05492259 +01944692 _derivationally_related_form 09861946 +11911591 _member_meronym 11973888 +02236495 _member_meronym 02240706 +01622795 _derivationally_related_form 03287178 +06607339 _derivationally_related_form 01497736 +02958343 _derivationally_related_form 10279018 +01443871 _synset_domain_topic_of 00671351 +10547145 _derivationally_related_form 00599329 +02332999 _derivationally_related_form 10681557 +09747329 _derivationally_related_form 03130073 +03446528 _hypernym 03119790 +00192300 _hypernym 00191142 +00356954 _derivationally_related_form 13885700 +02423787 _member_meronym 02424305 +03146219 _hypernym 02862048 +10531557 _hypernym 10027246 +04594489 _derivationally_related_form 00505802 +07118210 _hypernym 07115914 +01378556 _derivationally_related_form 00367976 +06037666 _derivationally_related_form 09855630 +08043848 _synset_domain_topic_of 00759694 +01062583 _hypernym 00030358 +00381850 _derivationally_related_form 04471315 +06790845 _hypernym 06789411 +11801038 _member_meronym 11801247 +07812662 _hypernym 07809368 +00592535 _hypernym 00586262 +01960779 _hypernym 01958615 +05871792 _synset_domain_topic_of 00704305 +13987719 _derivationally_related_form 01812068 +02854521 _derivationally_related_form 06431740 +06404147 _hypernym 06403393 +05984584 _hypernym 05809192 +14708720 _derivationally_related_form 01158596 +03425595 _hypernym 04330340 +01003049 _synset_domain_topic_of 06613686 +08454818 _synset_domain_topic_of 08199025 +08267640 _synset_domain_topic_of 06000644 +08682575 _has_part 09372504 +01074650 _also_see 02530861 +01318053 _derivationally_related_form 13367070 +01437254 _also_see 00949974 +01478002 _derivationally_related_form 02982790 +13233012 _member_meronym 13237788 +07240925 _synset_domain_topic_of 06148148 +08860123 _member_of_domain_region 13312754 +10766492 _derivationally_related_form 01050896 +00094001 _hypernym 00093483 +08860123 _member_of_domain_region 10697135 +04318131 _hypernym 04285146 +00142191 _hypernym 00126264 +00138956 _derivationally_related_form 01439190 +12860842 _hypernym 11579418 +01946118 _member_meronym 01946277 +05723417 _derivationally_related_form 02120140 +00289392 _derivationally_related_form 04961691 +05064541 _hypernym 05064037 +01596761 _hypernym 01504437 +11911591 _member_meronym 11960084 +09761403 _derivationally_related_form 00663160 +03494706 _hypernym 04295081 +13359572 _derivationally_related_form 02265979 +00382739 _hypernym 00381680 +00654625 _derivationally_related_form 10626867 +05535869 _hypernym 05535484 +05091770 _hypernym 00033615 +03559999 _hypernym 04020298 +01487506 _hypernym 01482330 +12329020 _member_meronym 12329260 +11836137 _hypernym 11573660 +03896103 _hypernym 04194289 +01624707 _member_meronym 01624833 +09148970 _has_part 09151963 +10012484 _derivationally_related_form 07570720 +00668805 _derivationally_related_form 04638175 +09044862 _has_part 09126305 +11733769 _hypernym 11571907 +13143097 _hypernym 11567411 +02479323 _derivationally_related_form 01060234 +11540747 _member_meronym 11540970 +05514905 _has_part 05524615 +01729838 _hypernym 01657723 +12158798 _has_part 07715561 +02513460 _derivationally_related_form 05161614 +04990021 _hypernym 04987620 +00071178 _derivationally_related_form 00422551 +12916935 _member_meronym 12926316 +12322887 _hypernym 11534677 +06573020 _hypernym 06568978 +01133106 _derivationally_related_form 01126360 +00687523 _hypernym 00687926 +13368052 _hypernym 13366693 +14265722 _hypernym 14177423 +12212361 _hypernym 12205694 +03428805 _hypernym 04179385 +00770543 _derivationally_related_form 02668523 +09071690 _instance_hypernym 08655464 +01706756 _hypernym 01705494 +10670668 _derivationally_related_form 02453889 +01079480 _derivationally_related_form 07467846 +11194062 _instance_hypernym 10672908 +12949722 _member_meronym 12950984 +01182293 _derivationally_related_form 01072780 +02144243 _hypernym 00933821 +01465218 _hypernym 01463963 +09988703 _derivationally_related_form 02639075 +08900535 _member_of_domain_region 09449949 +02210119 _hypernym 02210855 +02805443 _hypernym 04005630 +01088749 _derivationally_related_form 08439955 +12909252 _member_meronym 12909421 +01558440 _hypernym 01557774 +01070102 _derivationally_related_form 00494907 +14674143 _hypernym 14662574 +00408085 _derivationally_related_form 10530769 +09108728 _instance_hypernym 08524735 +01046932 _derivationally_related_form 07211950 +04912982 _hypernym 04912732 +00134564 _hypernym 00109660 +09228324 _derivationally_related_form 00328802 +02143539 _hypernym 02143283 +00983333 _derivationally_related_form 07085375 +00592883 _derivationally_related_form 14411981 +02326355 _derivationally_related_form 09877587 +01238204 _hypernym 01236164 +02249741 _derivationally_related_form 13279262 +01913838 _hypernym 08103777 +01929254 _derivationally_related_form 13757249 +06828818 _derivationally_related_form 01692579 +01456463 _derivationally_related_form 04250026 +04416530 _hypernym 02716205 +01129876 _hypernym 01128193 +06777164 _hypernym 06776138 +03171228 _hypernym 04566257 +10634990 _hypernym 10380672 +01041111 _derivationally_related_form 00887463 +07160116 _derivationally_related_form 01629958 +05489394 _has_part 05490370 +13872421 _derivationally_related_form 01934205 +01834213 _also_see 01848465 +09172480 _instance_hypernym 08574314 +02191449 _member_meronym 02192388 +02589245 _hypernym 02376958 +00429322 _hypernym 00426928 +00043902 _derivationally_related_form 01405044 +00238542 _synset_domain_topic_of 06084469 +06650431 _derivationally_related_form 01012561 +01070892 _synset_domain_topic_of 06136258 +01410363 _derivationally_related_form 04750164 +00328502 _derivationally_related_form 01887576 +11138924 _instance_hypernym 09765278 +12423565 _member_meronym 12471366 +03768346 _derivationally_related_form 01163620 +14317720 _hypernym 14315192 +02589576 _hypernym 00976653 +09265620 _derivationally_related_form 02039876 +00357451 _hypernym 00354884 +11900058 _member_meronym 11906359 +02760622 _derivationally_related_form 00378479 +08921850 _member_of_domain_region 08626947 +12392385 _hypernym 11567411 +12823164 _member_meronym 12824909 +05573602 _has_part 05278395 +05951566 _hypernym 05944958 +01524885 _member_meronym 01597194 +02416964 _has_part 02370360 +06729251 _synset_domain_topic_of 08441203 +03005920 _derivationally_related_form 00123170 +01424456 _derivationally_related_form 00417397 +02636516 _verb_group 02717102 +02358091 _hypernym 02355227 +05588174 _has_part 05249232 +12931738 _member_meronym 12931906 +01580077 _hypernym 01578575 +01921204 _derivationally_related_form 10442417 +14464203 _derivationally_related_form 00263044 +00290132 _derivationally_related_form 04959230 +02630052 _member_meronym 02630468 +00145299 _hypernym 00142191 +01721754 _hypernym 01721556 +01466733 _derivationally_related_form 14500341 +02568884 _derivationally_related_form 13791389 +11804604 _member_meronym 11806975 +07577772 _hypernym 07573696 +00313171 _hypernym 00173338 +02306433 _hypernym 02283201 +13659943 _hypernym 13649268 +14169128 _hypernym 14151139 +01253778 _derivationally_related_form 01706889 +13277179 _synset_domain_topic_of 13308999 +08464324 _hypernym 07951464 +02482425 _hypernym 01323958 +00889555 _derivationally_related_form 06686174 +00694641 _derivationally_related_form 04915687 +13944747 _derivationally_related_form 01478603 +00374135 _verb_group 00445711 +14292090 _derivationally_related_form 00336260 +13264794 _synset_domain_topic_of 08441203 +02585732 _hypernym 01429349 +02952275 _derivationally_related_form 11083656 +08646306 _derivationally_related_form 02768702 +08709038 _has_part 08750334 +00847870 _derivationally_related_form 06720216 +02643421 _hypernym 02642814 +00320852 _derivationally_related_form 02502536 +10641755 _synset_domain_topic_of 08199025 +01952162 _hypernym 01342529 +04987620 _synset_domain_topic_of 07020895 +05127959 _derivationally_related_form 02688403 +12815925 _hypernym 11744583 +12280487 _member_meronym 12280886 +09945905 _derivationally_related_form 02589245 +08725926 _instance_hypernym 08654360 +01704752 _hypernym 01704452 +03808977 _hypernym 02714883 +01643687 _member_meronym 01643896 +14364306 _hypernym 14363483 +13622769 _has_part 13622209 +00302464 _hypernym 00299580 +00229630 _derivationally_related_form 07295955 +13981403 _derivationally_related_form 01093172 +09730204 _derivationally_related_form 02960130 +03448253 _hypernym 03932670 +01716732 _member_meronym 01717666 +01012360 _derivationally_related_form 01089878 +07320734 _hypernym 07320302 +13512036 _hypernym 13518963 +10239928 _hypernym 09853881 +00642980 _derivationally_related_form 06015505 +06516955 _derivationally_related_form 02320374 +03566860 _hypernym 03169390 +08975902 _has_part 09173417 +02167571 _derivationally_related_form 00984609 +00849939 _derivationally_related_form 06780309 +05879441 _synset_domain_topic_of 06095022 +00827730 _derivationally_related_form 06712325 +02547213 _hypernym 01342529 +07111711 _synset_domain_topic_of 06172789 +02119874 _derivationally_related_form 00125126 +01006675 _hypernym 01002677 +13931436 _derivationally_related_form 01037910 +00654625 _derivationally_related_form 08103777 +01602318 _hypernym 01601234 +05775407 _derivationally_related_form 00917772 +08014615 _instance_hypernym 08392137 +00611481 _derivationally_related_form 05761918 +00795264 _derivationally_related_form 01144355 +10671898 _hypernym 10522759 +02271137 _derivationally_related_form 01099436 +01643507 _hypernym 01639765 +01096454 _hypernym 01096245 +10728998 _derivationally_related_form 02531625 +01072949 _derivationally_related_form 15256915 +02089420 _derivationally_related_form 04500060 +12851094 _hypernym 12205694 +03724417 _hypernym 03621049 +01612053 _also_see 01474513 +01733829 _derivationally_related_form 10732010 +12043248 _hypernym 11556857 +00015388 _hypernym 00004475 +02341805 _hypernym 01864707 +02311387 _derivationally_related_form 10032524 +03082979 _derivationally_related_form 00637259 +06615026 _hypernym 06613686 +01815431 _member_meronym 01815601 +10722385 _derivationally_related_form 00603298 +02672859 _hypernym 02672540 +05167237 _hypernym 05166805 +14174549 _derivationally_related_form 00088713 +00558630 _hypernym 00557588 +12708654 _has_part 07748753 +02611827 _hypernym 02611630 +00445169 _hypernym 00140123 +02720725 _hypernym 03740161 +01277540 _instance_hypernym 01075117 +08714132 _has_part 08714795 +15227846 _derivationally_related_form 02743112 +01391174 _member_meronym 01392843 +13210006 _hypernym 13167078 +01387656 _derivationally_related_form 10438042 +00447540 _has_part 00812977 +01846413 _derivationally_related_form 05917174 +01845627 _member_meronym 01854047 +00839597 _derivationally_related_form 00101629 +03461119 _hypernym 03093574 +06602935 _hypernym 06601327 +15015501 _hypernym 14818238 +11064834 _instance_hypernym 09826204 +02493260 _derivationally_related_form 10769321 +00276883 _derivationally_related_form 08456993 +00357332 _derivationally_related_form 13164583 +01675190 _also_see 00487653 +02541875 _member_meronym 02542017 +02788148 _has_part 02783994 +05837370 _hypernym 05728678 +07128692 _hypernym 07109196 +01723883 _hypernym 01695681 +13555446 _derivationally_related_form 00701040 +12493208 _hypernym 13108131 +08727806 _instance_hypernym 08524735 +00684838 _derivationally_related_form 00373130 +02587895 _derivationally_related_form 00178832 +01572978 _derivationally_related_form 00417859 +12920204 _hypernym 12917901 +02291843 _also_see 01755627 +02162672 _derivationally_related_form 04952570 +04473432 _has_part 02687992 +12157276 _member_meronym 12165608 +02454794 _hypernym 02454379 +00299580 _derivationally_related_form 01027263 +01327301 _derivationally_related_form 00223720 +02354950 _member_meronym 02362721 +12026764 _member_meronym 12027658 +11864906 _hypernym 11575425 +02989178 _hypernym 02996840 +08836329 _has_part 08836630 +06789801 _hypernym 06789411 +00701040 _derivationally_related_form 05941210 +01580644 _hypernym 01507175 +00868196 _derivationally_related_form 00066685 +10018021 _hypernym 00007846 +02188848 _derivationally_related_form 02912440 +02183697 _member_meronym 02183857 +00313171 _derivationally_related_form 13085113 +07209305 _synset_domain_topic_of 08441203 +12039743 _member_meronym 12085840 +00980038 _hypernym 00955060 +02034986 _derivationally_related_form 05576573 +01792567 _derivationally_related_form 07496755 +14491625 _hypernym 14491271 +10591949 _hypernym 10548227 +05805902 _hypernym 05805475 +05198036 _hypernym 05196582 +12222334 _hypernym 11567411 +10802283 _hypernym 09738708 +06169050 _derivationally_related_form 02377418 +00601043 _derivationally_related_form 05700087 +02244619 _synset_domain_topic_of 06066555 +02040698 _member_meronym 02043497 +01701551 _hypernym 01700470 +02743020 _derivationally_related_form 14002279 +09542697 _hypernym 09540055 +03649909 _hypernym 03418242 +07291794 _derivationally_related_form 02735418 +08621598 _derivationally_related_form 01494310 +06667317 _derivationally_related_form 00481739 +00763399 _hypernym 01021420 +03562958 _hypernym 03740161 +03944672 _hypernym 04493505 +09730533 _hypernym 09686536 +12203699 _hypernym 12202936 +00883611 _derivationally_related_form 00240131 +01901783 _hypernym 01831531 +01067362 _hypernym 01066163 +12900148 _member_meronym 12900462 +13687278 _hypernym 13687015 +00981083 _derivationally_related_form 05667613 +14956661 _derivationally_related_form 01534745 +13200806 _member_meronym 13200986 +01662274 _member_meronym 01667570 +05225602 _hypernym 05220461 +02341475 _hypernym 02339376 +00697365 _derivationally_related_form 00086320 +10080508 _derivationally_related_form 07330666 +00553823 _derivationally_related_form 02585259 +01079172 _derivationally_related_form 03398467 +02701393 _hypernym 00021939 +02472223 _derivationally_related_form 06481320 +02513740 _also_see 02037272 +10681383 _derivationally_related_form 00924873 +10011074 _derivationally_related_form 14204950 +06860177 _hypernym 06865345 +01456463 _hypernym 01552519 +12810595 _hypernym 12205694 +07573696 _has_part 07578363 +01130169 _derivationally_related_form 04152387 +14450339 _hypernym 14449405 +00446493 _derivationally_related_form 01090335 +03974215 _hypernym 08566028 +01812324 _derivationally_related_form 07528470 +12694707 _member_meronym 12695760 +09605289 _derivationally_related_form 15152817 +03138856 _hypernym 04606014 +00696700 _derivationally_related_form 00879271 +07436986 _hypernym 07328942 +09110422 _has_part 09243209 +01726960 _hypernym 01656813 +14005892 _derivationally_related_form 02070679 +01043333 _synset_domain_topic_of 08083599 +02231661 _derivationally_related_form 09469285 +07157273 _member_of_domain_usage 08225334 +09106770 _instance_hypernym 08524735 +08860123 _member_of_domain_region 08325851 +09693244 _hypernym 09692624 +10554455 _derivationally_related_form 02412939 +01910747 _hypernym 01909422 +15147330 _derivationally_related_form 10084295 +01974399 _member_meronym 01975312 +01574292 _derivationally_related_form 00447540 +01548193 _also_see 00360650 +11720088 _member_meronym 11720891 +11867525 _member_meronym 11883137 +04329190 _derivationally_related_form 02282506 +10421470 _derivationally_related_form 06084469 +08188638 _derivationally_related_form 09920771 +10399299 _derivationally_related_form 00905399 +03216199 _derivationally_related_form 01315140 +05528060 _hypernym 05298729 +09038990 _has_part 09719430 +06781383 _hypernym 06780882 +00015388 _derivationally_related_form 01617192 +13549916 _derivationally_related_form 01734929 +00889831 _derivationally_related_form 04747899 +01990281 _derivationally_related_form 07348399 +14189837 _hypernym 14180848 +06121113 _hypernym 06115701 +14237561 _synset_domain_topic_of 06043075 +04407007 _hypernym 02830852 +05916739 _derivationally_related_form 00715239 +09283866 _hypernym 09287968 +00872886 _derivationally_related_form 05785067 +11972569 _hypernym 11579418 +09761753 _hypernym 09882716 +01432601 _verb_group 01601234 +01023259 _verb_group 01023574 +02212825 _derivationally_related_form 07205573 +12979129 _hypernym 11592146 +02422026 _derivationally_related_form 00095502 +00498988 _hypernym 00443116 +02042923 _hypernym 01504437 +02768702 _derivationally_related_form 08646306 +01811736 _hypernym 01761706 +00003431 _hypernym 00105333 +05426989 _has_part 05240850 +01052853 _derivationally_related_form 01567275 +15229408 _hypernym 15228378 +00640889 _hypernym 00636921 +07028797 _hypernym 07028373 +12631224 _member_meronym 12631331 +04367480 _hypernym 03039947 +14418822 _derivationally_related_form 02434541 +12350234 _member_meronym 12355320 +00778275 _hypernym 00362348 +02274253 _derivationally_related_form 14560360 +01158572 _derivationally_related_form 00356367 +02329401 _hypernym 01886756 +02031158 _derivationally_related_form 00397953 +01963130 _synset_domain_topic_of 00523513 +00603298 _derivationally_related_form 00893955 +00739662 _derivationally_related_form 03018802 +12876032 _member_meronym 12888733 +06577369 _hypernym 06568978 +13260190 _derivationally_related_form 02209745 +06170498 _hypernym 06169285 +13803782 _derivationally_related_form 00982514 +04026053 _derivationally_related_form 00475183 +01562627 _synset_domain_topic_of 02691156 +02054834 _hypernym 01504437 +02191546 _derivationally_related_form 05715283 +02436349 _derivationally_related_form 01474513 +10509161 _derivationally_related_form 13955461 +09801533 _derivationally_related_form 00705517 +10834690 _instance_hypernym 10450303 +00233614 _hypernym 00209943 +06185955 _hypernym 05943300 +00101956 _derivationally_related_form 05416198 +00345817 _derivationally_related_form 01890792 +00765213 _hypernym 00764902 +01613294 _hypernym 01604330 +13300141 _derivationally_related_form 02253766 +07157273 _member_of_domain_usage 09667205 +01210352 _synset_domain_topic_of 00612160 +01362736 _derivationally_related_form 03875218 +01837746 _member_meronym 01838326 +00887463 _derivationally_related_form 06684383 +00907800 _derivationally_related_form 10167565 +00700162 _derivationally_related_form 13813042 +10592595 _derivationally_related_form 02466134 +02985137 _has_part 04152593 +00277935 _hypernym 01463963 +10897312 _instance_hypernym 10794014 +00476744 _derivationally_related_form 07358060 +12410715 _member_meronym 12476036 +11874423 _hypernym 12205694 +09064966 _instance_hypernym 08695539 +02461063 _derivationally_related_form 00719705 +10411551 _derivationally_related_form 02302817 +08932568 _has_part 08933287 +03438071 _hypernym 02784218 +06543536 _synset_domain_topic_of 08441203 +11416534 _hypernym 11410625 +07631212 _hypernym 07628870 +08925287 _instance_hypernym 08524735 +00687523 _derivationally_related_form 04757522 +02482425 _derivationally_related_form 00222248 +11283300 _instance_hypernym 10123844 +02638596 _hypernym 02528163 +01071155 _hypernym 00906735 +12804621 _member_meronym 12804866 +06685456 _hypernym 07227772 +05774129 _derivationally_related_form 00644066 +03040587 _derivationally_related_form 00035758 +09620078 _hypernym 00007846 +02296984 _hypernym 02327200 +11719120 _hypernym 11571907 +14715786 _hypernym 14801921 +02729632 _derivationally_related_form 04746842 +00147815 _also_see 02530003 +06183899 _synset_domain_topic_of 06182144 +00277659 _derivationally_related_form 10381369 +00773402 _derivationally_related_form 02567519 +01813668 _derivationally_related_form 13987905 +01747374 _derivationally_related_form 01019524 +09050730 _has_part 09075842 +00123170 _derivationally_related_form 05840650 +01690294 _derivationally_related_form 10029068 +12700219 _member_meronym 12700357 +12367306 _hypernym 11575425 +09114696 _has_part 09418484 +12940427 _hypernym 11585340 +00812526 _derivationally_related_form 01574292 +00595545 _hypernym 00586262 +05772356 _hypernym 05770926 +01478002 _derivationally_related_form 02789271 +00946499 _derivationally_related_form 04729710 +06773976 _hypernym 06773434 +02685299 _derivationally_related_form 08358594 +05555917 _hypernym 05268965 +04587648 _hypernym 03391770 +08139795 _has_part 08140506 +02395115 _also_see 02368787 +02629390 _hypernym 02629256 +03161725 _derivationally_related_form 00390215 +12039743 _member_meronym 12047173 +00212205 _derivationally_related_form 02380009 +01054227 _derivationally_related_form 02651424 +09444100 _synset_domain_topic_of 06095022 +12226009 _hypernym 11534677 +00747135 _hypernym 00748282 +00328327 _hypernym 00328015 +00410247 _hypernym 00407535 +07451463 _hypernym 07450842 +01774799 _derivationally_related_form 07547674 +04550426 _hypernym 07951464 +00154233 _derivationally_related_form 00664276 +08786855 _has_part 04407844 +00963283 _derivationally_related_form 00772813 +02757462 _has_part 04392526 +08780881 _has_part 08790748 +10048001 _hypernym 10630188 +02222718 _member_meronym 02223009 +00854904 _derivationally_related_form 09921409 +05346714 _hypernym 05333777 +08952190 _member_meronym 09713985 +13780719 _hypernym 00031921 +00402539 _derivationally_related_form 01076359 +11270772 _instance_hypernym 10450303 +08094866 _member_meronym 10161695 +03194812 _derivationally_related_form 01229071 +01001857 _derivationally_related_form 06507041 +09201301 _has_part 09192708 +10749715 _derivationally_related_form 00080456 +01077568 _derivationally_related_form 00568430 +00055871 _synset_domain_topic_of 00017222 +12501745 _member_meronym 12553314 +07338114 _derivationally_related_form 01510827 +07518132 _hypernym 07516354 +01720773 _hypernym 01719302 +04898804 _hypernym 04898437 +09019726 _instance_hypernym 08700255 +00036178 _derivationally_related_form 00255710 +01265475 _hypernym 00037396 +01488539 _member_meronym 01491235 +02122580 _hypernym 01317541 +08848731 _has_part 09228144 +06845599 _member_of_domain_usage 02989313 +05396366 _has_part 05451384 +01426397 _derivationally_related_form 07488340 +09304750 _derivationally_related_form 01310660 +04681797 _hypernym 04682018 +01440801 _derivationally_related_form 13904843 +01743784 _derivationally_related_form 00898804 +01827858 _derivationally_related_form 07500741 +04736757 _derivationally_related_form 00916706 +12618942 _member_meronym 11746776 +00963570 _derivationally_related_form 07135734 +02127100 _derivationally_related_form 11508092 +13621190 _has_part 13621011 +06295235 _member_of_domain_usage 03885028 +08739669 _instance_hypernym 08633957 +09799213 _hypernym 09678009 +08916316 _instance_hypernym 08574314 +06056923 _hypernym 06055946 +02249741 _derivationally_related_form 01121855 +05153520 _derivationally_related_form 00510050 +05623818 _hypernym 05623628 +00042311 _derivationally_related_form 00770437 +08860123 _member_of_domain_region 07569644 +08083320 _hypernym 08082602 +01826542 _hypernym 01507175 +08953324 _instance_hypernym 08696931 +06695862 _derivationally_related_form 00768778 +04993108 _derivationally_related_form 02192570 +00328370 _synset_domain_topic_of 00243918 +02222318 _derivationally_related_form 00091234 +02861509 _derivationally_related_form 01359432 +05685030 _derivationally_related_form 00518653 +12354068 _hypernym 11555413 +12224522 _member_meronym 12224669 +00205079 _derivationally_related_form 00798717 +02537960 _hypernym 02391803 +00045646 _hypernym 00036762 +01322854 _hypernym 01323958 +05022457 _hypernym 05021884 +13628246 _has_part 13627681 +07075172 _member_of_domain_usage 10013114 +14359459 _hypernym 14299637 +00311113 _derivationally_related_form 05940414 +07120524 _derivationally_related_form 00738747 +01200440 _derivationally_related_form 03247620 +07230227 _hypernym 07229530 +00824054 _hypernym 00817680 +12838027 _member_meronym 12841686 +00235435 _hypernym 00199130 +12933616 _hypernym 12205694 +01013156 _hypernym 01012712 +04708543 _hypernym 04708113 +02547586 _hypernym 02556126 +00669630 _hypernym 00668099 +05524615 _derivationally_related_form 02933304 +10630188 _hypernym 09811712 +14585519 _hypernym 14580897 +01506157 _derivationally_related_form 00103834 +01701311 _derivationally_related_form 00930868 +02166674 _hypernym 01762525 +05416678 _hypernym 05416198 +10122645 _hypernym 10182913 +13976527 _hypernym 13976322 +06207561 _derivationally_related_form 02011810 +02206270 _hypernym 02159955 +06807198 _derivationally_related_form 00946755 +05532225 _hypernym 05250659 +01974399 _member_meronym 01994176 +07286799 _derivationally_related_form 00347420 +01950657 _derivationally_related_form 04048568 +12824909 _member_meronym 12825061 +01475831 _derivationally_related_form 04666837 +09946278 _derivationally_related_form 13929588 +01885239 _derivationally_related_form 07348545 +05117660 _derivationally_related_form 01531375 +10360747 _synset_domain_topic_of 08199025 +12512460 _hypernym 11585340 +00279239 _hypernym 01463963 +06679457 _hypernym 06677302 +08957212 _instance_hypernym 08574314 +01801080 _hypernym 00664788 +07904934 _hypernym 07901587 +01330497 _hypernym 01335659 +06321054 _hypernym 06320801 +08912012 _instance_hypernym 08524735 +02349212 _derivationally_related_form 10516294 +01803936 _derivationally_related_form 10525134 +05069199 _hypernym 05068461 +07439883 _derivationally_related_form 00436668 +00900583 _hypernym 00897241 +01076488 _derivationally_related_form 00908099 +01130169 _derivationally_related_form 04192858 +06341127 _hypernym 06339416 +00903559 _derivationally_related_form 02838592 +01764171 _derivationally_related_form 14403282 +07826653 _hypernym 07809368 +14487184 _hypernym 13920835 +00656107 _derivationally_related_form 07939880 +00397010 _hypernym 00394610 +03565565 _hypernym 03305522 +03067506 _derivationally_related_form 10995115 +04173698 _hypernym 02681518 +09269972 _hypernym 09428967 +01878466 _derivationally_related_form 04898437 +03630544 _hypernym 02854156 +12333397 _member_meronym 12333771 +09060768 _has_part 09063259 +07351612 _derivationally_related_form 02089984 +00849294 _hypernym 00854717 +07367385 _derivationally_related_form 00414823 +04593866 _derivationally_related_form 01392237 +00749767 _hypernym 00749574 +09014470 _instance_hypernym 08524735 +02531114 _hypernym 02529772 +08512259 _hypernym 08568978 +08487504 _member_meronym 08963369 +15171857 _synset_domain_topic_of 06128570 +14641397 _derivationally_related_form 00184907 +05909730 _synset_domain_topic_of 00883297 +02064358 _derivationally_related_form 01258161 +01606018 _derivationally_related_form 00814458 +03748886 _derivationally_related_form 01621555 +06214744 _derivationally_related_form 00408852 +01058574 _derivationally_related_form 06765044 +05604535 _synset_domain_topic_of 15253139 +02484208 _hypernym 02482425 +12469936 _member_meronym 12470092 +02169345 _member_meronym 02169833 +01816431 _derivationally_related_form 13986679 +02671880 _derivationally_related_form 01072565 +02198021 _hypernym 01762525 +00610222 _hypernym 00582388 +06827679 _synset_domain_topic_of 06128570 +09372504 _has_part 09044862 +02523275 _also_see 02058794 +00085907 _synset_domain_topic_of 00612160 +14082303 _hypernym 14081375 +06542267 _derivationally_related_form 00460900 +01480469 _verb_group 01480149 +07367385 _derivationally_related_form 00465762 +05965195 _derivationally_related_form 10346015 +01465994 _member_meronym 01471070 +00181875 _hypernym 00452512 +10256756 _hypernym 09605289 +00055142 _derivationally_related_form 00849523 +08924913 _instance_hypernym 08633957 +00612114 _derivationally_related_form 07414740 +03671668 _hypernym 03748886 +05454070 _hypernym 05449268 +09532837 _instance_hypernym 09505418 +05099796 _hypernym 05090441 +07222823 _derivationally_related_form 00953058 +14454450 _hypernym 14452616 +08085648 _hypernym 08164585 +03980026 _hypernym 03475823 +02605139 _member_meronym 02605316 +00357023 _hypernym 00356790 +06634960 _derivationally_related_form 00834009 +01548193 _also_see 01226240 +00701877 _derivationally_related_form 00684480 +08191701 _hypernym 08198137 +02402409 _derivationally_related_form 00215838 +12581381 _member_meronym 12595801 +00300761 _hypernym 02387034 +06799897 _hypernym 06798750 +02508245 _hypernym 01029852 +13047385 _hypernym 11590783 +00075421 _derivationally_related_form 00356621 +02056873 _hypernym 01507175 +05289601 _derivationally_related_form 01387786 +00150287 _derivationally_related_form 13427078 +01452918 _hypernym 01505254 +00248368 _derivationally_related_form 02191766 +10776339 _derivationally_related_form 00910973 +04131208 _hypernym 04202417 +10039663 _hypernym 10667187 +14437134 _derivationally_related_form 00858341 +05736149 _derivationally_related_form 00660971 +01051956 _hypernym 00941990 +00887463 _hypernym 01158872 +00128867 _hypernym 00128638 +11900058 _member_meronym 11907267 +09303008 _derivationally_related_form 01660640 +12518305 _hypernym 11585340 +00222135 _hypernym 00126264 +00431826 _derivationally_related_form 13470491 +02753044 _hypernym 02866578 +08732116 _member_of_domain_region 08035601 +06729499 _derivationally_related_form 01016778 +01149494 _also_see 00589624 +05926358 _hypernym 05926236 +00425905 _derivationally_related_form 00851933 +01524298 _derivationally_related_form 08183398 +01673668 _hypernym 01342529 +12402840 _hypernym 12401335 +12023996 _member_meronym 12024176 +00842989 _derivationally_related_form 07234230 +00809654 _derivationally_related_form 06756680 +02187510 _derivationally_related_form 07377473 +07560542 _hypernym 07570720 +00004819 _derivationally_related_form 10616578 +01770501 _derivationally_related_form 00554850 +00448440 _derivationally_related_form 01240979 +02596493 _hypernym 02367363 +13452947 _synset_domain_topic_of 06055946 +00936169 _hypernym 00935987 +00613683 _derivationally_related_form 00053097 +01551195 _verb_group 01275762 +09478355 _instance_hypernym 09411430 +04959061 _hypernym 04958634 +00312784 _hypernym 00313647 +01754576 _hypernym 01698271 +12131216 _member_meronym 12131405 +12936333 _hypernym 11585340 +08108972 _synset_domain_topic_of 06037666 +00651935 _synset_domain_topic_of 06090869 +03003344 _derivationally_related_form 08871007 +02581073 _derivationally_related_form 14451349 +02451912 _hypernym 02451370 +02015598 _hypernym 01831531 +10209731 _hypernym 09777012 +05621808 _derivationally_related_form 00393227 +07302267 _derivationally_related_form 02012043 +01011166 _derivationally_related_form 00946105 +01144550 _derivationally_related_form 02443484 +08860123 _member_of_domain_region 07575510 +02396667 _hypernym 01864707 +02523877 _has_part 07789541 +05264756 _hypernym 05225602 +00337404 _derivationally_related_form 04756887 +13658496 _has_part 13658278 +09772029 _hypernym 09622049 +02323286 _derivationally_related_form 13367070 +01999423 _verb_group 02729023 +03569964 _has_part 03711145 +07450651 _hypernym 07447261 +02537407 _verb_group 02235666 +01547390 _verb_group 01547641 +14586769 _hypernym 14586258 +00716055 _hypernym 00715674 +09586011 _hypernym 09505418 +09826074 _hypernym 09821253 +00899927 _derivationally_related_form 01635432 +07546125 _derivationally_related_form 01822936 +07251619 _hypernym 06691442 +10995592 _instance_hypernym 10233445 +12226322 _member_meronym 12242668 +06620063 _derivationally_related_form 00973888 +02151966 _derivationally_related_form 08597176 +03084759 _derivationally_related_form 08967484 +02398732 _member_meronym 02429695 +08268085 _hypernym 08267640 +00274941 _hypernym 00273690 +00176756 _hypernym 00173338 +08375369 _derivationally_related_form 00408852 +13872211 _hypernym 05303402 +00684480 _also_see 00655779 +07556637 _derivationally_related_form 02332999 +08860123 _member_of_domain_region 03736372 +03061674 _hypernym 04161358 +01408153 _derivationally_related_form 03526805 +01559340 _hypernym 01573515 +09148970 _has_part 09151411 +00177783 _synset_domain_topic_of 06043075 +05876469 _synset_domain_topic_of 06090869 +01828405 _hypernym 01825237 +00257770 _hypernym 00255214 +01510827 _hypernym 01850315 +10527334 _derivationally_related_form 07424109 +05238282 _hypernym 05237755 +09178141 _instance_hypernym 08574314 +00657728 _derivationally_related_form 00874977 +08097072 _member_meronym 09685564 +08479095 _has_part 08094013 +02553196 _member_meronym 02618244 +00509958 _hypernym 00109660 +13514314 _has_part 13505467 +09126305 _has_part 09127014 +08307589 _hypernym 07975026 +01645466 _hypernym 01639765 +11778534 _member_meronym 11788536 +11867525 _hypernym 11565385 +02118476 _derivationally_related_form 10363445 +02556817 _verb_group 02453889 +01244593 _derivationally_related_form 01585759 +09976119 _derivationally_related_form 01885845 +13617207 _hypernym 13600822 +15233778 _synset_domain_topic_of 00523513 +09448361 _has_part 09349648 +02041246 _hypernym 02041085 +09189411 _has_part 08945821 +11717239 _member_meronym 11717577 +09943811 _derivationally_related_form 02475261 +10813986 _instance_hypernym 10301261 +11803475 _member_meronym 11841368 +02014165 _also_see 02345647 +12613408 _hypernym 13121544 +05110185 _derivationally_related_form 00158503 +09012297 _instance_hypernym 09012101 +02580577 _derivationally_related_form 10485440 +14489113 _derivationally_related_form 00432839 +00703310 _derivationally_related_form 05966129 +02689882 _derivationally_related_form 13911872 +10030277 _derivationally_related_form 01701311 +01465994 _member_meronym 01467180 +00374135 _derivationally_related_form 13484644 +06713512 _hypernym 06711855 +02575723 _hypernym 02575082 +00082870 _derivationally_related_form 02301825 +00263813 _derivationally_related_form 01276361 +06557047 _synset_domain_topic_of 08441203 +11778534 _member_meronym 11793651 +09350045 _has_part 08784333 +04572344 _hypernym 03302121 +01692713 _hypernym 01656813 +00849982 _derivationally_related_form 00056334 +07453195 _derivationally_related_form 02384275 +02822579 _hypernym 03405725 +12898226 _member_meronym 12898342 +11544314 _member_meronym 11544540 +01677242 _hypernym 01675963 +11965054 _hypernym 11579418 +00978549 _derivationally_related_form 07128692 +08291338 _hypernym 08287844 +12905412 _hypernym 13112664 +15031073 _hypernym 15030481 +07006951 _hypernym 06891022 +01049737 _derivationally_related_form 07084166 +01383638 _has_part 01996585 +01569566 _hypernym 01567133 +01127075 _derivationally_related_form 04096848 +09296695 _instance_hypernym 09428293 +05656537 _hypernym 05654362 +00539546 _derivationally_related_form 00156390 +01129876 _derivationally_related_form 08064130 +02391193 _derivationally_related_form 04429376 +00252019 _hypernym 00230746 +00815686 _hypernym 01009240 +12358485 _member_meronym 11864364 +03292362 _hypernym 02740764 +13711855 _hypernym 13607985 +03686130 _hypernym 03365991 +02378183 _derivationally_related_form 05921123 +01052782 _hypernym 00983824 +00838043 _verb_group 00838524 +06379094 _synset_domain_topic_of 15253139 +00410247 _derivationally_related_form 01834304 +10292052 _hypernym 10529231 +10338707 _hypernym 10231087 +04468005 _member_meronym 02959942 +01756291 _hypernym 01754876 +13917334 _hypernym 13915999 +01649999 _derivationally_related_form 09184975 +02035559 _derivationally_related_form 13894434 +03762602 _hypernym 03178782 +10759702 _derivationally_related_form 00076400 +00352826 _derivationally_related_form 15266911 +11911591 _member_meronym 12006503 +03716327 _hypernym 03414162 +03689840 _hypernym 03936895 +01063697 _derivationally_related_form 01859586 +00774932 _derivationally_related_form 07183660 +00907147 _derivationally_related_form 07208708 +08835875 _has_part 08841667 +12224140 _hypernym 13112664 +07051975 _derivationally_related_form 10277912 +05718254 _derivationally_related_form 02180529 +06820964 _hypernym 06817782 +12039743 _member_meronym 12082764 +13301174 _derivationally_related_form 02303331 +08096624 _member_meronym 08097766 +08766988 _has_part 08770932 +01165579 _derivationally_related_form 00788766 +00035189 _derivationally_related_form 02526085 +00131018 _derivationally_related_form 08626080 +01872635 _hypernym 01864707 +00790703 _hypernym 00740577 +02357873 _derivationally_related_form 14845743 +02862048 _has_part 02892392 +13176873 _hypernym 13167078 +06707382 _hypernym 06706676 +10324560 _hypernym 09815790 +01411556 _member_meronym 01411727 +13249245 _hypernym 13246662 +02515914 _hypernym 08103777 +06809421 _hypernym 06809074 +12456527 _hypernym 11561228 +01700655 _hypernym 01698271 +00339941 _derivationally_related_form 07523286 +02446164 _derivationally_related_form 10631941 +03822951 _instance_hypernym 04323026 +10411867 _hypernym 10419047 +02134589 _member_meronym 02137428 +09095023 _has_part 09242037 +03864994 _derivationally_related_form 00182037 +04443588 _hypernym 02716866 +00152887 _hypernym 00151689 +02472012 _member_meronym 02473307 +09060768 _has_part 09064264 +12097180 _member_meronym 12097396 +09361517 _hypernym 09437454 +12377809 _member_meronym 12380197 +01659248 _hypernym 01653013 +01446283 _member_meronym 01448165 +00775831 _derivationally_related_form 09773245 +00570590 _also_see 00190115 +13060912 _member_meronym 13061704 +08719100 _member_of_domain_region 08032023 +11065345 _instance_hypernym 10444194 +11540970 _hypernym 11537665 +01382083 _also_see 01592456 +02267060 _hypernym 02251743 +05670972 _hypernym 05670710 +07887634 _hypernym 07886849 +02392385 _hypernym 02391803 +06926212 _hypernym 06955931 +06903255 _hypernym 06566077 +00062203 _hypernym 00074834 +12818346 _hypernym 13109733 +07986381 _hypernym 08198398 +02504017 _derivationally_related_form 00207434 +02386612 _also_see 01206474 +00728849 _hypernym 00728641 +11911591 _member_meronym 11999140 +01085237 _synset_domain_topic_of 00523513 +00754280 _hypernym 00780148 +03018802 _derivationally_related_form 00739662 +01556572 _verb_group 01558681 +08734385 _instance_hypernym 08698379 +00756338 _derivationally_related_form 06730563 +02635013 _hypernym 01432517 +00499924 _has_part 00500449 +01568630 _derivationally_related_form 10656223 +02226598 _hypernym 01759182 +11802076 _member_meronym 11802212 +10074339 _hypernym 10231087 +03516011 _hypernym 03850746 +12299425 _hypernym 11567411 +00803325 _derivationally_related_form 05176607 +02381397 _hypernym 02406585 +06845599 _member_of_domain_usage 03587874 +01279305 _derivationally_related_form 13905792 +09893600 _hypernym 10052843 +11651731 _hypernym 11554175 +01205696 _derivationally_related_form 00124880 +09778537 _derivationally_related_form 01820901 +00519363 _derivationally_related_form 02277279 +00657260 _derivationally_related_form 01012712 +14969044 _hypernym 14792703 +01815628 _derivationally_related_form 07490713 +12953484 _hypernym 12953206 +01377906 _hypernym 01342529 +02349730 _hypernym 01864707 +06999436 _hypernym 06999233 +01135922 _hypernym 01131902 +00386392 _also_see 00404202 +01395049 _derivationally_related_form 03963028 +11792742 _hypernym 13122364 +07548978 _hypernym 07547805 +02636811 _derivationally_related_form 01768969 +08048300 _hypernym 08009834 +07557165 _derivationally_related_form 01176232 +00048790 _hypernym 00047945 +01020934 _derivationally_related_form 06504462 +00918872 _derivationally_related_form 00162632 +06646243 _derivationally_related_form 00932324 +05216365 _has_part 05511286 +00424869 _derivationally_related_form 07412092 +02587300 _hypernym 02586543 +02170861 _hypernym 02170427 +02429695 _member_meronym 02433205 +14839322 _hypernym 14586769 +00455368 _derivationally_related_form 04244379 +14493426 _derivationally_related_form 02314275 +01235258 _derivationally_related_form 01153486 +01471825 _synset_domain_topic_of 00766234 +00625119 _derivationally_related_form 10508862 +07813324 _hypernym 07809368 +00670991 _derivationally_related_form 06210363 +05062993 _hypernym 05062748 +05805902 _derivationally_related_form 02106506 +02573275 _derivationally_related_form 00783063 +02132745 _derivationally_related_form 00878648 +02972499 _derivationally_related_form 09711132 +02291258 _verb_group 02289295 +09753642 _hypernym 00007846 +08036293 _instance_hypernym 08392137 +08213424 _hypernym 08213205 +02037090 _derivationally_related_form 05068461 +08622586 _hypernym 08620061 +00532892 _also_see 00428404 +10721124 _derivationally_related_form 04801877 +15294884 _hypernym 15113229 +00708376 _derivationally_related_form 05891572 +03438257 _derivationally_related_form 00188580 +12712820 _member_meronym 12713358 +07996689 _hypernym 07951464 +08798382 _member_of_domain_region 09912765 +10117267 _hypernym 10794014 +07508232 _derivationally_related_form 01790020 +09884133 _derivationally_related_form 01322854 +00519056 _derivationally_related_form 09229709 +02040872 _member_meronym 02042923 +12033139 _hypernym 13085113 +01358191 _hypernym 02327200 +07995164 _member_meronym 02075927 +13010401 _hypernym 11592146 +03132438 _derivationally_related_form 03308297 +12700219 _hypernym 11585340 +13463255 _hypernym 13458571 +07460104 _derivationally_related_form 01914947 +01160031 _derivationally_related_form 05166072 +00698609 _hypernym 00678010 +11714618 _hypernym 11564258 +04704346 _hypernym 04703424 +01991472 _hypernym 01989873 +07157273 _member_of_domain_usage 00009373 +06249177 _derivationally_related_form 10661563 +10355806 _hypernym 10677713 +09538915 _hypernym 09504135 +02747709 _verb_group 02684924 +02753044 _hypernym 03834604 +08966408 _instance_hypernym 08544813 +02519183 _derivationally_related_form 00755673 +00294884 _hypernym 00224901 +02856109 _derivationally_related_form 01683582 +01539633 _derivationally_related_form 14598079 +10278805 _hypernym 10450303 +02155493 _verb_group 02155799 +01201089 _derivationally_related_form 00278810 +11376742 _instance_hypernym 09615807 +14038993 _hypernym 14023997 +10252921 _derivationally_related_form 05565548 +12772753 _hypernym 13112664 +00696852 _derivationally_related_form 00897811 +08900535 _has_part 08904269 +05124057 _derivationally_related_form 00233335 +09168020 _instance_hypernym 08505573 +02053083 _hypernym 02051474 +00204439 _derivationally_related_form 02584097 +11680995 _hypernym 11675842 +01650509 _member_meronym 01650901 +02062632 _derivationally_related_form 07274425 +01137138 _derivationally_related_form 00122954 +05428136 _hypernym 05303402 +09680657 _hypernym 09680504 +10603959 _synset_domain_topic_of 00015388 +00332672 _hypernym 00397576 +00983333 _derivationally_related_form 07085786 +03083069 _derivationally_related_form 08963369 +07313004 _derivationally_related_form 00241038 +10706812 _hypernym 09621545 +00075421 _hypernym 00075021 +01702514 _derivationally_related_form 07093489 +11754188 _member_meronym 11764231 +07902520 _derivationally_related_form 00228858 +04892344 _hypernym 04892084 +00883139 _hypernym 00882961 +00521478 _hypernym 00281101 +11665781 _member_meronym 12740196 +14068685 _hypernym 14061805 +02976641 _hypernym 02703275 +10336537 _synset_domain_topic_of 06148148 +00061917 _derivationally_related_form 01644746 +00201058 _derivationally_related_form 01972131 +05604535 _derivationally_related_form 02851001 +01027924 _hypernym 01027668 +00064479 _also_see 00931555 +07947958 _derivationally_related_form 02421374 +08812952 _has_part 08813699 +13887509 _derivationally_related_form 02047807 +11565385 _hypernym 11562747 +07754279 _hypernym 07753743 +00205885 _verb_group 00205046 +11078982 _instance_hypernym 10547145 +10706812 _derivationally_related_form 00633443 +02814453 _derivationally_related_form 11518645 +09894143 _hypernym 09857200 +01225997 _derivationally_related_form 01059564 +00828374 _derivationally_related_form 06712325 +07543288 _derivationally_related_form 01828736 +00947719 _derivationally_related_form 01161290 +01546921 _hypernym 01524359 +03319858 _hypernym 03522239 +00785690 _derivationally_related_form 10617193 +13625063 _has_part 13624873 +01637633 _derivationally_related_form 09994119 +01225562 _hypernym 01224031 +03029603 _hypernym 03471473 +01016201 _derivationally_related_form 02305586 +01111028 _derivationally_related_form 10117511 +01216191 _derivationally_related_form 01184625 +08955082 _instance_hypernym 08700255 +04229959 _derivationally_related_form 01261018 +01215137 _derivationally_related_form 09801102 +13536299 _hypernym 15290337 +01906552 _member_meronym 01907495 +01583040 _derivationally_related_form 10354898 +14503665 _derivationally_related_form 02661769 +00878052 _hypernym 00877127 +02423787 _hypernym 01864707 +02283728 _member_meronym 02284367 +06486161 _has_part 06486405 +04516874 _hypernym 03315023 +12878019 _hypernym 11579418 +05030806 _hypernym 05029706 +07180372 _derivationally_related_form 02556817 +11703935 _hypernym 11571907 +00657550 _derivationally_related_form 00874977 +12198286 _hypernym 13104059 +00980453 _derivationally_related_form 06316048 +09691435 _hypernym 09620078 +01165579 _hypernym 01158872 +00765649 _hypernym 00872886 +00001740 _derivationally_related_form 00831191 +12408717 _hypernym 12405714 +10080508 _derivationally_related_form 05971394 +00369864 _derivationally_related_form 14822141 +14288235 _derivationally_related_form 00074834 +08125420 _synset_domain_topic_of 00759694 +01406684 _derivationally_related_form 09334396 +02013889 _hypernym 01504437 +09036452 _has_part 09350524 +09168336 _instance_hypernym 08505573 +02652335 _member_meronym 02655355 +02260362 _derivationally_related_form 01110274 +07345166 _derivationally_related_form 01878063 +00939452 _hypernym 00927261 +11073061 _synset_domain_topic_of 08083599 +04550676 _synset_domain_topic_of 08199025 +01481599 _member_meronym 01487743 +01249991 _hypernym 00213052 +11888621 _member_meronym 11888800 +05556325 _hypernym 05220461 +03211117 _has_part 04054795 +00930736 _derivationally_related_form 01701634 +01707895 _member_meronym 01708332 +10564660 _hypernym 10224578 +04122825 _hypernym 02773037 +02363005 _hypernym 02329401 +01022420 _derivationally_related_form 05781145 +00480969 _derivationally_related_form 04768657 +02457233 _derivationally_related_form 10524223 +13458268 _hypernym 13447361 +08191230 _member_meronym 08212527 +00754873 _derivationally_related_form 00616153 +07311661 _derivationally_related_form 01970348 +09453566 _instance_hypernym 09411430 +03054605 _hypernym 02866578 +08719100 _member_meronym 09732047 +01062739 _hypernym 00790703 +15212167 _has_part 15190084 +11692952 _member_meronym 11713960 +01481154 _hypernym 01481360 +00337486 _hypernym 00331950 +02165247 _member_meronym 02166024 +00086835 _derivationally_related_form 00823884 +08860123 _member_of_domain_region 07643026 +00495998 _hypernym 00494269 +04907575 _derivationally_related_form 01475282 +03384891 _hypernym 02756098 +14417697 _derivationally_related_form 01294396 +05382855 _hypernym 05418717 +12519328 _hypernym 11585340 +02586865 _hypernym 01432517 +03406966 _derivationally_related_form 01277431 +10399299 _derivationally_related_form 00893167 +09034550 _has_part 09036098 +00718815 _derivationally_related_form 01360899 +07640991 _synset_domain_topic_of 06232880 +01802219 _derivationally_related_form 10335246 +06730563 _hypernym 06729499 +05126849 _hypernym 04987620 +09848285 _derivationally_related_form 05977340 +10556518 _derivationally_related_form 00708128 +10349243 _hypernym 09615465 +10183556 _derivationally_related_form 02183175 +07889814 _hypernym 07889510 +00015388 _has_part 05538625 +11004106 _instance_hypernym 10030277 +00268165 _derivationally_related_form 00068333 +00785045 _derivationally_related_form 02571511 +00556193 _derivationally_related_form 00380083 +04737430 _hypernym 04735929 +00240938 _hypernym 00235435 +11728350 _member_meronym 11728530 +00166172 _derivationally_related_form 01076615 +09058841 _instance_hypernym 08524735 +00742320 _hypernym 02231661 +10312077 _hypernym 09615807 +02227430 _hypernym 01762525 +04508062 _hypernym 02967626 +12360108 _hypernym 11669921 +01140839 _derivationally_related_form 02589013 +04538552 _hypernym 03525827 +00849768 _derivationally_related_form 01429953 +02691156 _has_part 04592741 +06295235 _member_of_domain_usage 07334876 +00735389 _derivationally_related_form 15159819 +05765901 _hypernym 05765159 +03068473 _derivationally_related_form 09748889 +07549716 _derivationally_related_form 01827064 +01444164 _hypernym 01432517 +05724694 _derivationally_related_form 00070816 +00918872 _derivationally_related_form 00151497 +07404944 _synset_domain_topic_of 06115701 +01016832 _derivationally_related_form 00654625 +00250710 _derivationally_related_form 00251463 +02103481 _also_see 02102484 +02270473 _hypernym 01762525 +06350274 _hypernym 06403393 +02128653 _derivationally_related_form 00880662 +02913152 _hypernym 04341686 +11553240 _derivationally_related_form 02618877 +00086809 _derivationally_related_form 10523519 +07964809 _synset_domain_topic_of 08441203 +13716878 _hypernym 13608788 +02170427 _derivationally_related_form 00163592 +02235761 _hypernym 01759182 +01499006 _hypernym 01494310 +03597469 _has_part 14699752 +01549430 _hypernym 01547832 +08892766 _instance_hypernym 08552138 +01357429 _also_see 01328513 +01265740 _synset_domain_topic_of 00243918 +11087359 _instance_hypernym 10547145 +10732314 _hypernym 10086074 +03552169 _hypernym 04423288 +07641581 _hypernym 07640203 +10075529 _derivationally_related_form 06371413 +12045695 _hypernym 11556857 +04768657 _derivationally_related_form 00480969 +00339934 _derivationally_related_form 07283608 +13757249 _hypernym 13576355 +09884391 _hypernym 10309896 +06023969 _synset_domain_topic_of 06018465 +00612160 _derivationally_related_form 00084230 +02277897 _derivationally_related_form 10437262 +08792548 _member_of_domain_region 08038748 +06275634 _derivationally_related_form 01437888 +01634142 _hypernym 01631534 +01214265 _also_see 01572510 +03146846 _derivationally_related_form 01740608 +01237872 _hypernym 01237415 +11445395 _derivationally_related_form 01988755 +09892831 _derivationally_related_form 00589769 +02272428 _member_meronym 02272552 +00156625 _derivationally_related_form 00771961 +01874568 _hypernym 01953810 +00400883 _derivationally_related_form 00250710 +11551211 _member_meronym 11664929 +13628419 _hypernym 13601596 +04366116 _hypernym 03738241 +00202284 _hypernym 00037396 +02225911 _hypernym 02339413 +08349350 _hypernym 08337324 +04220344 _synset_domain_topic_of 08199025 +10322391 _derivationally_related_form 00834009 +09152401 _instance_hypernym 08672738 +01934207 _member_meronym 01934440 +11014652 _instance_hypernym 10453533 +15035123 _hypernym 02842303 +08964810 _has_part 08964647 +09885866 _hypernym 10790192 +01219544 _derivationally_related_form 03588951 +00344942 _hypernym 00331950 +04954534 _hypernym 04953954 +14407283 _hypernym 14406573 +01158543 _hypernym 01156438 +15178841 _has_part 15217308 +01626844 _derivationally_related_form 06416206 +01675964 _hypernym 01656813 +10515194 _derivationally_related_form 00265386 +15160418 _hypernym 15159819 +05327767 _has_part 05516366 +02062670 _also_see 02507968 +09961999 _hypernym 10630188 +11153200 _instance_hypernym 10346198 +13223265 _hypernym 13221529 +08189371 _hypernym 08187033 +11436283 _hypernym 11426530 +01703195 _synset_domain_topic_of 07092592 +00568483 _hypernym 00126264 +00487182 _derivationally_related_form 14002109 +00842997 _derivationally_related_form 01186428 +02730304 _synset_domain_topic_of 00933420 +00328015 _derivationally_related_form 02004874 +00756598 _hypernym 00752431 +01845627 _member_meronym 01849747 +04951186 _hypernym 04950537 +01402169 _hypernym 08103777 +00062451 _derivationally_related_form 02671880 +00436339 _hypernym 00435778 +01233387 _verb_group 01313249 +13366428 _hypernym 13365286 +02433767 _hypernym 02432530 +01312371 _derivationally_related_form 04149208 +14066492 _hypernym 14066203 +05427946 _hypernym 05303402 +02070466 _derivationally_related_form 09448361 +12621619 _hypernym 12620196 +09355850 _derivationally_related_form 01534745 +00281132 _derivationally_related_form 02007417 +06139764 _derivationally_related_form 02660651 +12243292 _member_meronym 12243693 +02113430 _synset_domain_topic_of 00903559 +13840719 _hypernym 00032823 +08682575 _has_part 09275473 +05775407 _derivationally_related_form 01881696 +01494310 _also_see 00742320 +08975435 _instance_hypernym 08691669 +01307142 _derivationally_related_form 10255567 +08511241 _hypernym 08510666 +01062997 _hypernym 01062817 +00953559 _derivationally_related_form 01092366 +05659856 _has_part 05655119 +09028204 _instance_hypernym 08574314 +02513269 _also_see 00360650 +07354731 _hypernym 07473441 +03054098 _hypernym 03097890 +02049299 _member_meronym 02049532 +08718577 _instance_hypernym 08698379 +09630641 _derivationally_related_form 01049462 +07457126 _hypernym 07456638 +02680691 _hypernym 02680814 +10187842 _hypernym 10476671 +07800740 _hypernym 07800091 +08921392 _has_part 08925957 +00568879 _hypernym 00126264 +10806222 _derivationally_related_form 06083243 +12212810 _member_meronym 12684640 +02002720 _verb_group 02056466 +00261604 _derivationally_related_form 01675963 +04056932 _hypernym 03309808 +01854519 _derivationally_related_form 10691764 +04773899 _hypernym 04773351 +02688623 _derivationally_related_form 07702796 +02612393 _member_meronym 02615494 +00671190 _hypernym 00617748 +07407777 _derivationally_related_form 02066939 +13580415 _derivationally_related_form 02335828 +10001058 _hypernym 00007846 +09207288 _has_part 08968390 +00810385 _derivationally_related_form 10501203 +09866661 _hypernym 10707804 +07413899 _derivationally_related_form 00237259 +03237416 _hypernym 03497657 +00527498 _derivationally_related_form 01897885 +13284562 _hypernym 13278375 +05021151 _hypernym 05020358 +04823866 _hypernym 04822223 +01835276 _synset_domain_topic_of 06128570 +10208189 _hypernym 10476671 +05050379 _derivationally_related_form 00666058 +07111047 _synset_domain_topic_of 06177033 +05736002 _hypernym 05732756 +01063350 _derivationally_related_form 02640440 +03051540 _derivationally_related_form 00047945 +08792548 _member_of_domain_region 08226838 +04988258 _derivationally_related_form 02175958 +01454702 _member_meronym 01455141 +01518564 _hypernym 01504437 +12075495 _member_meronym 12075830 +01523823 _derivationally_related_form 01244593 +03118790 _derivationally_related_form 06943771 +01214265 _also_see 01434278 +01894758 _derivationally_related_form 00406963 +02392878 _similar_to 02393086 +02685299 _derivationally_related_form 02991048 +02492362 _derivationally_related_form 00426928 +00710005 _derivationally_related_form 10383505 +03284482 _derivationally_related_form 00500638 +14802450 _hypernym 14586769 +12617739 _hypernym 11555413 +11746776 _member_meronym 12501537 +01200806 _hypernym 01200440 +03990834 _derivationally_related_form 00085046 +04191943 _derivationally_related_form 02656390 +08860123 _member_of_domain_region 05715150 +14451672 _hypernym 14451020 +00292712 _hypernym 00283568 +08806897 _member_of_domain_region 09559404 +08413248 _hypernym 08284481 +00337065 _derivationally_related_form 07367708 +12930044 _member_meronym 12938897 +04202417 _hypernym 03748162 +01018928 _hypernym 00888786 +11822557 _member_meronym 11826416 +02567519 _derivationally_related_form 10507230 +00121166 _hypernym 00042311 +08378555 _hypernym 08378819 +04631700 _derivationally_related_form 00442063 +02339413 _hypernym 02327200 +12501745 _member_meronym 12546015 +09559201 _derivationally_related_form 02607455 +07212424 _derivationally_related_form 01009240 +00453803 _hypernym 00452512 +00303495 _derivationally_related_form 01942347 +02922448 _derivationally_related_form 09681351 +07962707 _hypernym 07961480 +00348801 _derivationally_related_form 01888946 +02341200 _hypernym 02339413 +02055431 _member_meronym 02056421 +01454810 _derivationally_related_form 00115036 +04694090 _derivationally_related_form 00378664 +01123887 _hypernym 01119169 +13913849 _hypernym 13863602 +04004767 _hypernym 04004475 +01410109 _hypernym 01387617 +02447591 _hypernym 01864707 +05782140 _derivationally_related_form 00643473 +06047430 _hypernym 06043075 +00904623 _hypernym 00177127 +00212808 _derivationally_related_form 02316304 +00061262 _derivationally_related_form 05642175 +14682133 _synset_domain_topic_of 06090869 +01577093 _derivationally_related_form 00277569 +01807265 _member_meronym 01807496 +07725158 _hypernym 07724943 +01150200 _derivationally_related_form 02313250 +01732713 _derivationally_related_form 03494278 +04748836 _derivationally_related_form 02064745 +01502262 _member_meronym 02048514 +00811355 _derivationally_related_form 02281093 +00028565 _hypernym 00034288 +00354884 _hypernym 00351638 +00113853 _derivationally_related_form 00271879 +02725067 _hypernym 00109660 +00207184 _hypernym 00205885 +10635275 _derivationally_related_form 02301502 +01038538 _derivationally_related_form 09965134 +10032524 _derivationally_related_form 02311387 +07362830 _derivationally_related_form 02737183 +11192666 _instance_hypernym 10214637 +13456071 _hypernym 13446390 +00319214 _hypernym 00169651 +01930117 _verb_group 01930482 +07443210 _hypernym 07427337 +05410315 _hypernym 05407119 +06014730 _hypernym 05802185 +05983654 _hypernym 05982152 +14052046 _hypernym 14051917 +14038482 _derivationally_related_form 02622859 +08792548 _has_part 08798062 +01812324 _derivationally_related_form 13987719 +00784342 _derivationally_related_form 07193184 +02445356 _hypernym 02471690 +05070032 _derivationally_related_form 00535452 +08191987 _has_part 08193645 +08801678 _has_part 08805122 +10641301 _synset_domain_topic_of 08199025 +00852685 _derivationally_related_form 10400998 +01587575 _derivationally_related_form 14881303 +03862676 _hypernym 03620052 +08860123 _member_of_domain_region 10675481 +04789274 _derivationally_related_form 01848355 +02421308 _hypernym 01864707 +00044150 _derivationally_related_form 01642924 +01743313 _derivationally_related_form 00549610 +09545000 _synset_domain_topic_of 06234825 +00649481 _derivationally_related_form 05785311 +00712556 _hypernym 00672433 +01628885 _member_meronym 01629093 +04446521 _hypernym 03969259 +09771855 _derivationally_related_form 00870577 +02525447 _verb_group 01629589 +00754767 _hypernym 00752431 +00743641 _hypernym 00742645 +03557360 _hypernym 03558176 +00121166 _derivationally_related_form 01951480 +12501745 _member_meronym 12559842 +01951276 _derivationally_related_form 01106272 +00370412 _derivationally_related_form 03102654 +02451370 _derivationally_related_form 03520811 +09610660 _derivationally_related_form 00742320 +05816287 _derivationally_related_form 00831651 +00886978 _derivationally_related_form 01040646 +12501745 _member_meronym 12512947 +02576921 _derivationally_related_form 10076957 +05961429 _hypernym 05943300 +14515041 _hypernym 14514039 +14370267 _hypernym 14297696 +05703956 _hypernym 05703429 +05216365 _synset_domain_topic_of 02472293 +01941670 _member_meronym 01942177 +13328853 _derivationally_related_form 00315956 +01981543 _member_meronym 01982211 +01314781 _hypernym 00015388 +01053771 _derivationally_related_form 07123870 +02484208 _derivationally_related_form 00220522 +00407848 _derivationally_related_form 05674584 +10655169 _derivationally_related_form 02085742 +10100761 _derivationally_related_form 02576349 +01435380 _derivationally_related_form 00121366 +12808227 _hypernym 11534677 +06845599 _member_of_domain_usage 03922561 +00701479 _also_see 00781168 +00105554 _derivationally_related_form 10224098 +01718535 _hypernym 01714208 +10664340 _derivationally_related_form 00531490 +00108303 _verb_group 00107943 +04143365 _hypernym 04515129 +00625993 _hypernym 00624738 +02464725 _hypernym 02464583 +10332385 _derivationally_related_form 02550516 +01675963 _derivationally_related_form 00262743 +01401106 _hypernym 01383896 +01499849 _hypernym 01494310 +11378462 _instance_hypernym 09947232 +13171041 _member_meronym 13171210 +00081509 _derivationally_related_form 15060131 +05457795 _hypernym 05470189 +01662118 _derivationally_related_form 07331013 +12958772 _hypernym 13166338 +00594621 _derivationally_related_form 01374582 +10565502 _derivationally_related_form 00878052 +00714944 _hypernym 00935005 +02715712 _has_part 03998867 +07404944 _derivationally_related_form 01870275 +09370552 _has_part 09370773 +10525436 _derivationally_related_form 02247028 +08276720 _hypernym 08276342 +08806897 _member_of_domain_region 03035089 +02677097 _derivationally_related_form 05820170 +05654362 _derivationally_related_form 02163746 +02532595 _derivationally_related_form 05798043 +01125693 _synset_domain_topic_of 06535222 +08060193 _derivationally_related_form 08063446 +08734385 _member_meronym 09698644 +03463381 _hypernym 03365991 +10661563 _hypernym 10438172 +05154908 _hypernym 05154676 +00646542 _derivationally_related_form 06469694 +05228264 _hypernym 05225602 +08251303 _derivationally_related_form 02919275 +00139544 _synset_domain_topic_of 00469651 +12359026 _member_meronym 12382484 +08715390 _member_of_domain_region 06930934 +00156276 _derivationally_related_form 15274441 +00552253 _synset_domain_topic_of 06084469 +01747144 _hypernym 01657723 +04066476 _synset_domain_topic_of 08199025 +01298668 _hypernym 01356038 +10527334 _derivationally_related_form 00962722 +12997654 _hypernym 12992868 +00846509 _derivationally_related_form 06720600 +03561657 _hypernym 03122748 +01617192 _derivationally_related_form 00923995 +13437181 _derivationally_related_form 01478603 +13169674 _member_meronym 12959226 +00595032 _hypernym 00586262 +01402169 _member_meronym 01403805 +00867983 _derivationally_related_form 01888511 +01832167 _hypernym 01831712 +05896059 _derivationally_related_form 01637368 +08409835 _hypernym 08284481 +02233338 _hypernym 02232951 +01487718 _derivationally_related_form 03864994 +04635953 _hypernym 04635631 +13572436 _derivationally_related_form 00442267 +02708707 _hypernym 02708420 +08989697 _instance_hypernym 08631531 +12790835 _hypernym 11585340 +11773138 _member_meronym 11773628 +00012267 _verb_group 02355596 +00903309 _synset_domain_topic_of 06062407 +00866505 _hypernym 01629958 +03511426 _derivationally_related_form 01751545 +01742886 _derivationally_related_form 03104594 +02840361 _hypernym 03496892 +06573600 _hypernym 06568978 +02568999 _derivationally_related_form 00367552 +12694193 _hypernym 11585340 +04160036 _derivationally_related_form 01356582 +13019017 _hypernym 11590783 +00315390 _hypernym 00313647 +05533948 _hypernym 05461816 +01266491 _derivationally_related_form 00861560 +05405751 _derivationally_related_form 00067545 +01127019 _derivationally_related_form 02560164 +09640327 _derivationally_related_form 02690613 +05961429 _derivationally_related_form 10065066 +01963655 _synset_domain_topic_of 00300441 +11911591 _member_meronym 11980088 +01914961 _hypernym 01908415 +02185973 _member_meronym 02186153 +06791372 _derivationally_related_form 01039330 +01206553 _derivationally_related_form 00887463 +08103299 _hypernym 07992450 +10352299 _derivationally_related_form 08225090 +05870180 _hypernym 05869584 +09382990 _has_part 08838556 +07292694 _derivationally_related_form 02635659 +08950787 _instance_hypernym 08524735 +01646300 _verb_group 01516534 +00525446 _derivationally_related_form 01027859 +09451517 _hypernym 08591680 +14018918 _hypernym 14018567 +00839834 _derivationally_related_form 00367552 +02297142 _derivationally_related_form 07185076 +01227137 _derivationally_related_form 04873550 +10750640 _synset_domain_topic_of 08083599 +03473465 _has_part 03473227 +01826998 _member_meronym 01827658 +10100124 _hypernym 09629752 +13382766 _hypernym 13381734 +13550318 _has_part 13532886 +09939827 _hypernym 10433164 +06749881 _hypernym 06748969 +01312096 _has_part 01282022 +00180837 _hypernym 00173338 +08192970 _hypernym 08192817 +04839676 _derivationally_related_form 00957176 +04620216 _has_part 04669247 +08472335 _hypernym 08464601 +02699141 _derivationally_related_form 05840188 +13039553 _member_meronym 13039870 +02294761 _hypernym 01759182 +10526096 _hypernym 09902954 +00337234 _hypernym 00336260 +03289462 _derivationally_related_form 00240293 +00689344 _derivationally_related_form 07138915 +00552312 _hypernym 00099951 +10105733 _hypernym 09842047 +08747737 _has_part 08748076 +07499113 _derivationally_related_form 02719399 +00295172 _derivationally_related_form 02044278 +11997032 _hypernym 12205694 +09012898 _instance_hypernym 08574314 +01478423 _hypernym 01478002 +09900981 _derivationally_related_form 01806505 +13979503 _derivationally_related_form 01763303 +05755883 _derivationally_related_form 00607405 +07411851 _derivationally_related_form 01903385 +09680504 _hypernym 09679925 +00890100 _verb_group 00890590 +07552087 _hypernym 07551052 +00466053 _hypernym 00296178 +02585050 _derivationally_related_form 00156625 +01363423 _member_meronym 01364008 +01022420 _derivationally_related_form 05774614 +01635432 _derivationally_related_form 10756433 +12582846 _hypernym 12582231 +04692157 _derivationally_related_form 01538161 +13611207 _has_part 13611567 +00860434 _synset_domain_topic_of 01348530 +04689048 _derivationally_related_form 01760143 +10338498 _hypernym 10391653 +00558008 _synset_domain_topic_of 00471613 +02258291 _hypernym 02257767 +05388115 _hypernym 05605944 +01702514 _derivationally_related_form 06381869 +01936753 _synset_domain_topic_of 00523513 +12189293 _hypernym 11575425 +05524615 _hypernym 05525252 +00442981 _derivationally_related_form 01962865 +09113479 _instance_hypernym 08524735 +00756331 _derivationally_related_form 01723690 +00726100 _hypernym 00722479 +01612295 _hypernym 01494310 +02556623 _hypernym 01429349 +07157273 _member_of_domain_usage 09831731 +07120364 _hypernym 07111047 +00463246 _hypernym 00523513 +00573268 _synset_domain_topic_of 00464894 +04689198 _derivationally_related_form 00567291 +14005892 _hypernym 14004317 +12800327 _member_meronym 12800586 +13221807 _hypernym 11534677 +01573515 _derivationally_related_form 07367708 +10044879 _hypernym 10605985 +00102927 _derivationally_related_form 00480751 +02875233 _hypernym 03302121 +02390949 _derivationally_related_form 03138669 +02642107 _hypernym 02552171 +07251984 _derivationally_related_form 02554922 +10273064 _derivationally_related_form 01099592 +10203949 _derivationally_related_form 02384275 +01984317 _verb_group 01984119 +00728826 _hypernym 00636574 +02937108 _derivationally_related_form 07045353 +07180183 _hypernym 07175241 +04984514 _derivationally_related_form 00567604 +07298982 _hypernym 07298154 +02260085 _hypernym 02257370 +02208903 _also_see 02209499 +06633896 _derivationally_related_form 00883847 +00733454 _derivationally_related_form 07525555 +04656996 _hypernym 04656748 +00385501 _hypernym 00383606 +02984937 _hypernym 04412901 +01251270 _hypernym 00995134 +06405198 _derivationally_related_form 00997794 +08571459 _hypernym 08593924 +06720784 _hypernym 06719579 +07416107 _derivationally_related_form 00575169 +00702773 _derivationally_related_form 05966129 +00898804 _derivationally_related_form 01697406 +09201301 _instance_hypernym 09403734 +05511061 _has_part 05512835 +08785343 _member_meronym 11239271 +00794981 _derivationally_related_form 06495328 +00815644 _derivationally_related_form 01150559 +02637202 _derivationally_related_form 01053617 +00116619 _hypernym 00115157 +09879297 _derivationally_related_form 01035199 +05865652 _hypernym 05868954 +08945821 _has_part 08946042 +03359755 _hypernym 04145056 +02003037 _hypernym 02002075 +02812482 _derivationally_related_form 08493064 +01689226 _hypernym 01656813 +11618861 _hypernym 13108841 +12484612 _hypernym 11567411 +15169421 _hypernym 15228378 +06064462 _hypernym 06054892 +11864364 _member_meronym 11867525 +07075172 _member_of_domain_usage 00025728 +02608176 _hypernym 02649830 +12689808 _member_meronym 12690046 +00453424 _derivationally_related_form 13774404 +08050678 _member_meronym 08357784 +02504131 _similar_to 02505141 +11252627 _instance_hypernym 09937903 +04659287 _derivationally_related_form 01026262 +02440020 _hypernym 02440244 +11755319 _hypernym 11754893 +09241247 _synset_domain_topic_of 09411430 +05566504 _derivationally_related_form 01209678 +09446115 _hypernym 09241247 +02509919 _hypernym 02509287 +01678957 _hypernym 01675963 +02719016 _derivationally_related_form 07551498 +00654625 _derivationally_related_form 04261116 +07619004 _hypernym 07557434 +00061014 _hypernym 00035189 +07528470 _derivationally_related_form 01796346 +08806897 _member_of_domain_region 03884778 +08405124 _hypernym 08439955 +13151265 _hypernym 11562747 +12782338 _hypernym 11567411 +08714132 _instance_hypernym 08698126 +05128219 _hypernym 05125377 +01482075 _verb_group 01481360 +08342039 _hypernym 08339454 +02426395 _derivationally_related_form 15267536 +13090091 _hypernym 13088096 +08806897 _has_part 03072828 +02019021 _derivationally_related_form 04991511 +12671157 _member_meronym 12673178 +08860123 _member_of_domain_region 10371221 +02071627 _derivationally_related_form 13534274 +02938886 _hypernym 03699975 +02028722 _derivationally_related_form 13933841 +00660571 _derivationally_related_form 05044822 +11729478 _hypernym 13100677 +10225787 _hypernym 10644839 +12325667 _hypernym 11567411 +08962610 _has_part 09332394 +09941964 _derivationally_related_form 00590626 +09044862 _has_part 09137032 +02636921 _derivationally_related_form 07238102 +10700640 _hypernym 10180178 +01557697 _member_meronym 01558765 +00602112 _hypernym 00601822 +11864602 _member_meronym 11867070 +04910684 _hypernym 04910377 +05064827 _derivationally_related_form 02371718 +12698027 _hypernym 12695144 +02439501 _hypernym 02436349 +08225581 _hypernym 07975026 +02296612 _hypernym 02295064 +01936219 _member_meronym 01936391 +02372605 _derivationally_related_form 01023820 +09160775 _instance_hypernym 08544813 +10693459 _hypernym 09974648 +00588221 _derivationally_related_form 05805475 +09843824 _hypernym 10415638 +12766241 _member_meronym 12767423 +00378069 _hypernym 00376063 +03417749 _derivationally_related_form 01740969 +11045898 _instance_hypernym 09818343 +00375625 _derivationally_related_form 00731789 +02613434 _hypernym 01432517 +02306159 _hypernym 01759182 +02817031 _hypernym 04359589 +02741960 _hypernym 02604760 +01263479 _hypernym 00173338 +02768431 _derivationally_related_form 11428023 +10378412 _hypernym 00007347 +10680609 _hypernym 09615807 +09825519 _derivationally_related_form 00480221 +01238640 _derivationally_related_form 00133338 +04389033 _hypernym 02740533 +04181228 _derivationally_related_form 01288052 +10042690 _derivationally_related_form 02189714 +01423285 _derivationally_related_form 00344040 +01963730 _hypernym 01938850 +01014066 _derivationally_related_form 01384439 +00121678 _derivationally_related_form 00351334 +08139795 _hypernym 08123167 +10463714 _derivationally_related_form 02575723 +12930044 _member_meronym 12944238 +00311338 _derivationally_related_form 07331013 +05300926 _hypernym 05510702 +06773150 _derivationally_related_form 00885217 +02155248 _derivationally_related_form 02103481 +05705184 _hypernym 05704266 +02454119 _member_meronym 02454379 +11415084 _hypernym 11414874 +12747563 _member_meronym 12748815 +01043231 _hypernym 00983824 +13557451 _hypernym 13493998 +01879983 _member_meronym 01880570 +08129268 _hypernym 08123167 +00840751 _derivationally_related_form 01185981 +06737394 _synset_domain_topic_of 06520944 +13450862 _hypernym 13524925 +08860123 _member_of_domain_region 10184822 +09812338 _derivationally_related_form 06998748 +15055633 _derivationally_related_form 00366858 +02958343 _has_part 03441345 +00912473 _derivationally_related_form 10533983 +00334186 _derivationally_related_form 09278537 +06453324 _has_part 06435916 +14612764 _hypernym 03304730 +00029836 _hypernym 00031820 +06290637 _derivationally_related_form 00931852 +01176219 _hypernym 01170962 +03777283 _derivationally_related_form 01743784 +01765392 _derivationally_related_form 03075768 +01977080 _verb_group 01967373 +00486018 _verb_group 01640855 +00724150 _derivationally_related_form 04732543 +00692143 _hypernym 00690614 +02049672 _hypernym 01504437 +06782680 _derivationally_related_form 00927049 +07319103 _hypernym 07283608 +01390287 _member_meronym 01390466 +14153010 _hypernym 14465048 +01974916 _synset_domain_topic_of 06677302 +07392483 _derivationally_related_form 02187320 +01920048 _derivationally_related_form 08428756 +00693172 _hypernym 00692907 +08082236 _hypernym 07965085 +06885083 _hypernym 06643408 +03251766 _hypernym 02729837 +00729285 _hypernym 00728641 +04103918 _synset_domain_topic_of 04468005 +11234951 _instance_hypernym 10391653 +02232190 _derivationally_related_form 00201671 +06214744 _derivationally_related_form 00409281 +06758225 _derivationally_related_form 02575082 +00943363 _derivationally_related_form 01061481 +07510625 _derivationally_related_form 02115430 +00280532 _derivationally_related_form 04960277 +00835267 _hypernym 00835032 +13265425 _hypernym 13265011 +09072810 _instance_hypernym 08524735 +01766748 _derivationally_related_form 07524242 +07644382 _has_part 07650637 +00487350 _hypernym 01556921 +00451370 _derivationally_related_form 01936048 +11794519 _hypernym 13121544 +07302542 _hypernym 07339329 +00692907 _hypernym 00690614 +09809925 _derivationally_related_form 01706129 +01052853 _derivationally_related_form 01711749 +03999992 _hypernym 03699975 +00879271 _hypernym 00635850 +14632129 _hypernym 14904661 +00318735 _derivationally_related_form 01601234 +01521602 _member_meronym 01521756 +02133902 _member_meronym 02134084 +00702226 _hypernym 00701040 +00503715 _synset_domain_topic_of 06080522 +00203866 _derivationally_related_form 13464204 +09148970 _member_of_domain_region 01300242 +15133621 _hypernym 15113229 +08761244 _has_part 08762243 +01308438 _has_part 01292928 +00169651 _hypernym 00109660 +02861509 _hypernym 03489162 +15287830 _has_part 15290132 +07491981 _hypernym 07555014 +10411551 _hypernym 10577284 +00873603 _also_see 00804695 +06711855 _hypernym 06710546 +09265620 _hypernym 09437454 +01547459 _member_meronym 01550429 +01400891 _member_meronym 01401106 +10679054 _derivationally_related_form 01948077 +02210119 _derivationally_related_form 09627906 +09903936 _hypernym 00007846 +01022483 _derivationally_related_form 02680814 +12771597 _hypernym 12771192 +11875100 _member_meronym 11879054 +00161888 _hypernym 00161243 +02361981 _synset_domain_topic_of 00610738 +02403920 _hypernym 01887896 +03241335 _derivationally_related_form 02187922 +12094121 _member_meronym 12094244 +06645039 _hypernym 06798750 +02883344 _has_part 02798574 +00067990 _hypernym 01073995 +09067277 _instance_hypernym 08655464 +11983910 _member_meronym 11984144 +09408795 _instance_hypernym 09403734 +15094824 _hypernym 15094294 +01976220 _derivationally_related_form 00442847 +13798814 _hypernym 13783581 +10286855 _hypernym 10284064 +01646941 _also_see 01640850 +02493666 _synset_domain_topic_of 06254475 +05216365 _has_part 05296639 +01592694 _hypernym 01591697 +12594533 _hypernym 13135832 +00211462 _derivationally_related_form 00481941 +02829696 _derivationally_related_form 02033295 +01764800 _derivationally_related_form 04982478 +04827175 _derivationally_related_form 09629065 +06688059 _hypernym 06687358 +08049989 _member_meronym 08844557 +12546962 _hypernym 13118707 +01498769 _derivationally_related_form 00489837 +05828102 _hypernym 05827684 +02400378 _derivationally_related_form 10564224 +10014939 _derivationally_related_form 02439501 +01620282 _hypernym 01507175 +09367203 _derivationally_related_form 01580050 +00442115 _derivationally_related_form 01960911 +04666416 _hypernym 04665813 +04765355 _hypernym 04764412 +07520112 _derivationally_related_form 01796346 +07723177 _hypernym 07722217 +02600135 _hypernym 01432517 +13062421 _hypernym 13060190 +01466978 _derivationally_related_form 13903079 +02541302 _also_see 01017738 +09233715 _hypernym 09334396 +00291757 _derivationally_related_form 11428023 +10126177 _derivationally_related_form 01627355 +07157273 _member_of_domain_usage 10673946 +03672352 _hypernym 04580298 +00565809 _synset_domain_topic_of 00482298 +02735066 _derivationally_related_form 10166394 +12194776 _member_meronym 12200315 +08516080 _hypernym 05128519 +08025835 _instance_hypernym 08392137 +01182293 _hypernym 01182709 +00671190 _derivationally_related_form 00176459 +01741562 _hypernym 01726692 +01410363 _derivationally_related_form 04750764 +10523076 _derivationally_related_form 00877327 +07954441 _hypernym 07951464 +10442815 _hypernym 10079399 +02420232 _hypernym 02410855 +00301187 _derivationally_related_form 00712135 +02408217 _member_meronym 02409202 +06893885 _derivationally_related_form 01711445 +14599641 _hypernym 14599168 +06845599 _member_of_domain_usage 02748618 +10451858 _derivationally_related_form 00492410 +02892767 _hypernym 04596852 +00007846 _derivationally_related_form 01557614 +02437905 _hypernym 02436349 +01180695 _also_see 02056880 +08717209 _instance_hypernym 08698379 +10194566 _derivationally_related_form 02322596 +09440400 _has_part 08853741 +08723006 _has_part 09169801 +02326695 _also_see 02451951 +02734217 _hypernym 03290771 +09109444 _has_part 09373716 +04194289 _derivationally_related_form 01496978 +04062807 _synset_domain_topic_of 08199025 +01723963 _hypernym 01719302 +00403149 _derivationally_related_form 11495041 +12668364 _member_meronym 12668517 +02349980 _hypernym 01864707 +00570205 _synset_domain_topic_of 06084469 +02357561 _hypernym 02327200 +06477209 _hypernym 06471737 +02286687 _derivationally_related_form 00043195 +00409869 _hypernym 00126264 +01380638 _also_see 01976089 +01751836 _derivationally_related_form 10245863 +05264081 _hypernym 05263850 +07351031 _derivationally_related_form 01593937 +12001565 _hypernym 11579418 +00657550 _derivationally_related_form 14429608 +09608520 _derivationally_related_form 06139764 +13994456 _hypernym 13991823 +03438257 _has_part 14881303 +01579868 _member_meronym 01580644 +14628119 _hypernym 15011987 +02631349 _derivationally_related_form 10163723 +12804352 _hypernym 12205694 +01579153 _hypernym 01850315 +05832745 _hypernym 05832264 +00764436 _hypernym 00759694 +08860123 _member_of_domain_region 04115456 +02112546 _derivationally_related_form 14204586 +09053185 _has_part 09054480 +00411312 _hypernym 00126264 +02274516 _member_meronym 02275372 +13188096 _hypernym 11545714 +10676018 _hypernym 09623038 +12618942 _member_meronym 12787565 +07449862 _derivationally_related_form 01186208 +00595785 _hypernym 00586262 +00158185 _derivationally_related_form 02536329 +08839092 _instance_hypernym 08544813 +04314914 _derivationally_related_form 02330247 +10381369 _derivationally_related_form 01031705 +10457597 _synset_domain_topic_of 08083599 +00240131 _derivationally_related_form 00883611 +10644469 _derivationally_related_form 01503404 +12660796 _hypernym 11579418 +01210737 _derivationally_related_form 03485997 +02321046 _derivationally_related_form 13306870 +11084110 _instance_hypernym 11083656 +01443021 _derivationally_related_form 03240140 +00418903 _hypernym 00418025 +02566227 _derivationally_related_form 10157744 +03292736 _has_part 04355821 +11237868 _instance_hypernym 10453533 +00777522 _derivationally_related_form 10634990 +04076533 _derivationally_related_form 01734502 +01149303 _derivationally_related_form 01018928 +13875571 _derivationally_related_form 01673472 +07497797 _hypernym 07497473 +08706663 _instance_hypernym 08524735 +03054551 _derivationally_related_form 14399116 +12734446 _hypernym 11534677 +01465994 _member_meronym 01466257 +02166460 _hypernym 00630380 +00068617 _derivationally_related_form 10511425 +08715390 _member_of_domain_region 09987927 +12410381 _hypernym 08103777 +07443761 _hypernym 07337390 +06650070 _derivationally_related_form 00665886 +00119266 _hypernym 00251064 +01667607 _derivationally_related_form 03282933 +07551691 _hypernym 07551052 +09777353 _hypernym 10522035 +01196316 _hypernym 01195867 +05359828 _hypernym 05418717 +10640620 _hypernym 10024362 +00251064 _derivationally_related_form 13464820 +00315330 _derivationally_related_form 13328357 +00007846 _has_part 05217168 +12039743 _member_meronym 12082980 +04199027 _hypernym 03380867 +02932227 _hypernym 03079741 +14286549 _derivationally_related_form 01253808 +09936362 _derivationally_related_form 02218173 +00528397 _hypernym 06619065 +02294761 _member_meronym 02297635 +02153023 _hypernym 02152812 +09367827 _instance_hypernym 09411430 +13495636 _derivationally_related_form 00692907 +09863936 _hypernym 09945319 +02066450 _member_meronym 02068735 +09904556 _synset_domain_topic_of 00480993 +10386984 _synset_domain_topic_of 00475787 +08108972 _hypernym 07992450 +11464143 _derivationally_related_form 02737183 +04311595 _has_part 04305016 +01038666 _derivationally_related_form 07134850 +00740712 _derivationally_related_form 00810729 +01969550 _hypernym 01342529 +01032840 _hypernym 00740577 +09938672 _derivationally_related_form 04956594 +01077568 _synset_domain_topic_of 00479076 +15128997 _instance_hypernym 15243730 +01883762 _hypernym 01864707 +01532589 _hypernym 00126264 +07342049 _hypernym 07296190 +03948459 _hypernym 03343853 +13907415 _derivationally_related_form 01217780 +00308105 _hypernym 00548266 +01999767 _hypernym 01767661 +07115914 _has_part 07116443 +01202415 _derivationally_related_form 00467451 +07549401 _hypernym 07548978 +08272352 _synset_domain_topic_of 08199025 +05762998 _derivationally_related_form 00618878 +10264437 _derivationally_related_form 06171040 +00666510 _derivationally_related_form 00154433 +01754737 _hypernym 02157557 +04946877 _hypernym 04946553 +10682038 _hypernym 10412055 +10016103 _hypernym 10099375 +00065070 _derivationally_related_form 14285662 +04403638 _has_part 03340723 +01067070 _hypernym 01066881 +02575723 _derivationally_related_form 06760722 +13937554 _hypernym 13927383 +10351281 _hypernym 10284064 +04781967 _hypernym 04780755 +13287984 _hypernym 13286801 +03743902 _hypernym 04341686 +10576962 _hypernym 09631463 +02427724 _hypernym 02419796 +05222591 _hypernym 05220461 +00440786 _derivationally_related_form 01067577 +03639077 _hypernym 03352628 +02510337 _derivationally_related_form 05117660 +10421753 _derivationally_related_form 06054892 +01652163 _member_meronym 01652297 +13541491 _hypernym 13557451 +08222293 _hypernym 08180190 +13202749 _hypernym 13166338 +10259348 _hypernym 09943239 +00621058 _derivationally_related_form 07171206 +01529036 _member_meronym 01536474 +06216160 _derivationally_related_form 09957156 +09644820 _hypernym 09636106 +12143676 _has_part 13133613 +08816236 _has_part 08817235 +03106110 _hypernym 03670849 +02916936 _hypernym 02862048 +01595260 _hypernym 01291069 +01736822 _hypernym 01621555 +02092476 _derivationally_related_form 08643015 +12551877 _hypernym 12551669 +02994219 _hypernym 08673395 +00823669 _derivationally_related_form 06709998 +01605119 _member_meronym 01609236 +06253518 _hypernym 06253140 +08673395 _hypernym 08574314 +02641571 _derivationally_related_form 14629149 +02802215 _derivationally_related_form 09842047 +07475364 _hypernym 07291312 +02121511 _derivationally_related_form 07495327 +00411384 _derivationally_related_form 02416278 +04955160 _hypernym 04947186 +11511327 _hypernym 04682462 +13225729 _hypernym 11534677 +11553763 _hypernym 11744583 +14490110 _derivationally_related_form 00885217 +01856553 _hypernym 01855672 +00335923 _verb_group 00334649 +13264794 _hypernym 13244109 +10497202 _derivationally_related_form 00011982 +10596689 _derivationally_related_form 01843904 +01105909 _hypernym 01105259 +13275288 _hypernym 13252973 +05566366 _hypernym 05566097 +12114226 _hypernym 11556857 +00053341 _derivationally_related_form 07436986 +13484644 _derivationally_related_form 00375865 +00016380 _also_see 00017282 +12382484 _member_meronym 12382699 +12423565 _member_meronym 12441958 +11717007 _hypernym 11564258 +08764107 _has_part 08764899 +00088725 _hypernym 00088481 +01064560 _hypernym 00776988 +12143572 _member_meronym 12143676 +02363996 _hypernym 02329401 +11862598 _member_meronym 11863467 +07046543 _synset_domain_topic_of 07020895 +00584367 _hypernym 00582388 +00388296 _derivationally_related_form 00932298 +02571511 _derivationally_related_form 00783063 +03836451 _hypernym 03323703 +02273545 _member_meronym 02286815 +01104637 _derivationally_related_form 02443424 +09449282 _synset_domain_topic_of 06098195 +13134947 _hypernym 11675842 +01015244 _derivationally_related_form 06648207 +08571139 _hypernym 08523483 +00835506 _derivationally_related_form 00752144 +03812119 _synset_domain_topic_of 08199025 +02001821 _hypernym 01504437 +02159271 _member_meronym 02271427 +03503718 _hypernym 04295081 +01629093 _hypernym 01626600 +00047945 _derivationally_related_form 03051540 +02504562 _derivationally_related_form 00788097 +01267475 _hypernym 01267098 +10120085 _derivationally_related_form 08244062 +09163192 _has_part 09164417 +05198132 _hypernym 05196582 +01618671 _member_meronym 01620282 +13994806 _derivationally_related_form 02444662 +07518878 _hypernym 07518261 +09057311 _has_part 09058841 +01586541 _member_meronym 01587406 +00306723 _derivationally_related_form 07308563 +02713748 _derivationally_related_form 03864356 +03150795 _synset_domain_topic_of 06128570 +00588703 _hypernym 02145814 +02023107 _verb_group 02428924 +02322596 _derivationally_related_form 10194566 +01654271 _derivationally_related_form 10105085 +02464132 _derivationally_related_form 00741272 +10532576 _derivationally_related_form 01983264 +02895606 _hypernym 03183080 +07092356 _derivationally_related_form 02621395 +12994979 _member_meronym 12972414 +01902405 _derivationally_related_form 00556142 +05844282 _hypernym 05839024 +00013160 _also_see 01932973 +11993932 _member_meronym 11994336 +01426077 _derivationally_related_form 04764412 +06435394 _has_part 06435916 +02339171 _verb_group 02316868 +04151940 _derivationally_related_form 02147109 +00702418 _derivationally_related_form 01524523 +07963494 _hypernym 07961480 +07301543 _derivationally_related_form 01561143 +08509442 _hypernym 08630039 +02451370 _hypernym 02450505 +01930117 _synset_domain_topic_of 00298497 +11814440 _member_meronym 11814584 +14417697 _derivationally_related_form 01294182 +02074377 _derivationally_related_form 00149262 +00635850 _hypernym 00633864 +04078747 _hypernym 09328904 +01257542 _derivationally_related_form 00452220 +08906952 _has_part 08907377 +12329899 _member_meronym 12331415 +00065575 _hypernym 00063652 +02162947 _derivationally_related_form 04952944 +00786195 _hypernym 00407535 +02173571 _hypernym 01762525 +05774415 _hypernym 05764197 +00563552 _derivationally_related_form 06636806 +10619492 _hypernym 00007846 +00249780 _derivationally_related_form 02554922 +11538123 _member_meronym 11538582 +11031995 _instance_hypernym 09765278 +01891438 _member_meronym 01892271 +10375690 _hypernym 09867956 +10409634 _derivationally_related_form 02253456 +10472129 _hypernym 10144838 +15030481 _hypernym 15022389 +07222050 _hypernym 07221094 +01568630 _hypernym 00462092 +01027263 _derivationally_related_form 04659090 +00287735 _hypernym 00283911 +04566561 _hypernym 04170037 +09102016 _instance_hypernym 08655464 +01614581 _verb_group 01220885 +08723006 _has_part 08727230 +05662876 _hypernym 05661996 +00646738 _derivationally_related_form 00881649 +15297672 _hypernym 15269513 +01003272 _hypernym 00996969 +01574390 _hypernym 01574045 +02528534 _member_meronym 02528949 +12055839 _member_meronym 12056217 +03760310 _hypernym 03020034 +02910353 _derivationally_related_form 01548290 +12391745 _member_meronym 12393942 +02638323 _member_meronym 02638835 +01840278 _member_meronym 01840412 +02574516 _hypernym 02575082 +13225729 _member_meronym 13225955 +00524682 _hypernym 00109660 +08711974 _has_part 09410558 +01412912 _derivationally_related_form 07476623 +09456860 _instance_hypernym 09403734 +00204022 _hypernym 00203753 +07947255 _member_meronym 10441251 +12615097 _hypernym 11556857 +13484937 _hypernym 13484644 +14064408 _synset_domain_topic_of 03808564 +07185076 _derivationally_related_form 02297142 +02257715 _hypernym 02246011 +14195315 _hypernym 14189204 +03400231 _hypernym 03880531 +03489162 _hypernym 04451818 +04810865 _hypernym 04723816 +05956651 _synset_domain_topic_of 08441203 +08871007 _has_part 08873412 +00978173 _derivationally_related_form 06726158 +07194950 _derivationally_related_form 00787049 +06473381 _hypernym 06470073 +00183053 _derivationally_related_form 04718999 +01097292 _has_part 01094725 +11565040 _hypernym 11562747 +01169704 _derivationally_related_form 00842692 +00861077 _hypernym 00860620 +06097775 _derivationally_related_form 09819291 +00592795 _hypernym 00586262 +01860795 _derivationally_related_form 14010927 +11766609 _member_meronym 11771383 +00701040 _derivationally_related_form 00805034 +04412550 _hypernym 02721160 +01701858 _derivationally_related_form 06381869 +02305856 _derivationally_related_form 10178611 +01742886 _derivationally_related_form 01020936 +14557898 _hypernym 14204950 +02051031 _hypernym 02050132 +08736517 _instance_hypernym 08698379 +01165290 _derivationally_related_form 09769076 +10065066 _derivationally_related_form 09183693 +00158996 _derivationally_related_form 10195261 +15088440 _hypernym 14902141 +10316164 _hypernym 09774266 +14062725 _hypernym 14034177 +01283746 _derivationally_related_form 03871083 +13412321 _hypernym 13403643 +00302130 _derivationally_related_form 10690538 +10876798 _instance_hypernym 10347593 +14541852 _derivationally_related_form 01036319 +07959269 _hypernym 07951464 +02702508 _derivationally_related_form 05145118 +12404484 _hypernym 11567411 +01157850 _derivationally_related_form 01097500 +08798771 _member_of_domain_region 08038379 +11612018 _hypernym 11608250 +09994119 _hypernym 09993901 +09264803 _hypernym 09287968 +00974224 _hypernym 00953559 +01141160 _hypernym 01140839 +06468951 _hypernym 06467007 +05923696 _derivationally_related_form 00624967 +07211950 _derivationally_related_form 00066025 +10265532 _synset_domain_topic_of 08441203 +00319886 _synset_domain_topic_of 00243918 +03461385 _derivationally_related_form 02326198 +02681084 _derivationally_related_form 01462468 +00101956 _derivationally_related_form 00118552 +02148788 _derivationally_related_form 07167415 +02129289 _derivationally_related_form 10576071 +00863433 _hypernym 00862683 +02526121 _hypernym 01428580 +13965274 _derivationally_related_form 02490090 +00242003 _derivationally_related_form 00350104 +06141324 _synset_domain_topic_of 06102865 +09095023 _has_part 09097707 +09935793 _hypernym 10722965 +07889510 _hypernym 07886849 +13034953 _hypernym 11590783 +00166355 _hypernym 00166172 +04049405 _hypernym 03057021 +09127461 _instance_hypernym 09399592 +07444495 _derivationally_related_form 01903756 +14527171 _hypernym 13920835 +00775286 _hypernym 00768701 +04558804 _derivationally_related_form 01696435 +11718911 _hypernym 11564258 +02616627 _derivationally_related_form 14302261 +12808227 _member_meronym 12876032 +00589948 _derivationally_related_form 09894143 +08083599 _hypernym 08083320 +00206927 _derivationally_related_form 02401809 +09088989 _instance_hypernym 08524735 +10419472 _hypernym 10604634 +10814328 _instance_hypernym 09887496 +00357680 _hypernym 00356790 +00084738 _derivationally_related_form 03225238 +14045507 _hypernym 14034177 +08761244 _has_part 08951957 +01960656 _also_see 02238462 +04105893 _hypernym 02735688 +08512259 _derivationally_related_form 02710673 +09147046 _instance_hypernym 08655464 +02534492 _derivationally_related_form 10674130 +14814616 _hypernym 14686352 +02797295 _hypernym 03484083 +00442267 _derivationally_related_form 14841267 +02443049 _derivationally_related_form 01133281 +12793494 _hypernym 12793015 +01647803 _hypernym 01626134 +08279665 _hypernym 08277805 +01315140 _derivationally_related_form 10770891 +00148472 _hypernym 00426958 +01496617 _member_meronym 01497878 +15142836 _derivationally_related_form 01186428 +01532107 _member_meronym 01532325 +08780881 _has_part 08790353 +03521076 _hypernym 03600977 +13452347 _derivationally_related_form 00092690 +09095751 _member_of_domain_region 01273735 +00119873 _derivationally_related_form 01324305 +02251743 _also_see 02284803 +00025728 _derivationally_related_form 05039709 +08251493 _hypernym 08240169 +09801533 _hypernym 09607280 +02025829 _hypernym 02025550 +02437465 _derivationally_related_form 00512522 +05587288 _has_part 05588174 +00208210 _derivationally_related_form 00266253 +01895757 _derivationally_related_form 10691148 +02115324 _derivationally_related_form 02724207 +02803349 _hypernym 03800933 +02571511 _derivationally_related_form 09880741 +10727256 _derivationally_related_form 00605246 +02714535 _hypernym 04413151 +12339090 _hypernym 14898470 +14500567 _derivationally_related_form 01657254 +10805932 _synset_domain_topic_of 06245816 +08860123 _member_of_domain_region 06496862 +00623370 _hypernym 00620752 +11094055 _instance_hypernym 09798811 +01825417 _member_meronym 01829143 +02527651 _derivationally_related_form 01134699 +01728052 _synset_domain_topic_of 00543233 +02278704 _hypernym 01762525 +01189929 _synset_domain_topic_of 08441203 +09421604 _instance_hypernym 09278537 +02216710 _hypernym 02219094 +07367708 _hypernym 07367548 +02657741 _derivationally_related_form 01348530 +10625860 _hypernym 10370381 +00313987 _derivationally_related_form 01048912 +01762283 _derivationally_related_form 00844254 +08624656 _hypernym 08621598 +00298896 _also_see 00724150 +01987160 _derivationally_related_form 04110439 +11801038 _member_meronym 11802076 +02657805 _member_meronym 02658944 +07128060 _hypernym 07127006 +06740183 _derivationally_related_form 00902424 +12505752 _hypernym 13112664 +04662951 _hypernym 04616059 +01924916 _hypernym 01922303 +01685277 _member_meronym 01685679 +00792471 _also_see 01646866 +01975387 _hypernym 01974062 +01973759 _hypernym 01850315 +08184217 _derivationally_related_form 02714974 +01666002 _hypernym 01664172 +07593774 _hypernym 07882886 +06428646 _derivationally_related_form 01548718 +01866192 _derivationally_related_form 04101701 +04010779 _derivationally_related_form 00877848 +02443484 _derivationally_related_form 01144550 +04839676 _hypernym 04854389 +02508078 _derivationally_related_form 07506569 +08992648 _has_part 08993144 +02332311 _synset_domain_topic_of 06157326 +10051975 _derivationally_related_form 00416135 +02400139 _member_meronym 02411427 +12968408 _member_meronym 12968658 +02534492 _derivationally_related_form 13931436 +04015204 _hypernym 03051540 +05816622 _hypernym 05816287 +03812119 _hypernym 03763133 +08056231 _hypernym 08008335 +02333979 _derivationally_related_form 04161981 +01145944 _derivationally_related_form 01789740 +13272059 _synset_domain_topic_of 01124794 +12039743 _member_meronym 12069821 +12589841 _hypernym 12583126 +00371846 _derivationally_related_form 01329026 +00834636 _derivationally_related_form 01198101 +02575766 _member_meronym 02577823 +14133750 _hypernym 14133159 +01895219 _hypernym 05220461 +05202497 _hypernym 05200169 +10760763 _hypernym 10677713 +09044862 _has_part 09110422 +02076535 _member_meronym 02078436 +00642803 _hypernym 00637259 +12724201 _member_meronym 12725521 +01811682 _member_meronym 01812471 +00808855 _derivationally_related_form 07193596 +01640207 _derivationally_related_form 07328942 +01398772 _hypernym 01411085 +09173417 _instance_hypernym 08505573 +00101779 _hypernym 00005041 +10399130 _derivationally_related_form 00905399 +08820121 _has_part 09292751 +01807701 _member_meronym 01807828 +01389188 _member_meronym 01394901 +10722385 _derivationally_related_form 02387034 +06472242 _derivationally_related_form 00818553 +12651062 _hypernym 11585340 +02830157 _derivationally_related_form 01280014 +02490634 _hypernym 02431320 +00864475 _derivationally_related_form 06717170 +13224673 _hypernym 13221529 +05685030 _derivationally_related_form 01791232 +02712243 _derivationally_related_form 00410247 +13298011 _hypernym 13296899 +12194776 _member_meronym 12199030 +01540693 _verb_group 01282142 +07377682 _derivationally_related_form 00915605 +09931640 _derivationally_related_form 02443049 +00315810 _derivationally_related_form 05747582 +05017458 _derivationally_related_form 02515341 +10618342 _hypernym 10439851 +01787106 _hypernym 01771535 +05763412 _hypernym 05762998 +01308381 _hypernym 01494310 +12735666 _hypernym 11575425 +01276970 _derivationally_related_form 00387897 +01436518 _derivationally_related_form 00329619 +05705075 _hypernym 05704694 +07157273 _member_of_domain_usage 00811036 +03181293 _hypernym 03278248 +08539893 _hypernym 08539717 +05564590 _has_part 05370410 +10498816 _hypernym 09830194 +01945516 _derivationally_related_form 00312932 +14482620 _derivationally_related_form 00044353 +12227658 _has_part 12227909 +11483990 _hypernym 11473954 +00827730 _derivationally_related_form 09774783 +07176962 _hypernym 07175241 +00651935 _derivationally_related_form 14033587 +01471547 _hypernym 01471043 +02639075 _hypernym 02604760 +00595146 _derivationally_related_form 10280130 +08849753 _member_of_domain_region 01299476 +05934550 _hypernym 05933246 +02103481 _derivationally_related_form 02106006 +01578821 _hypernym 01507175 +01069980 _derivationally_related_form 01189604 +02987492 _hypernym 04373894 +08586825 _hypernym 08647945 +05176846 _hypernym 05174653 +00661824 _derivationally_related_form 09912995 +02592111 _derivationally_related_form 08227214 +12354849 _hypernym 11556857 +02682424 _hypernym 02681795 +00405079 _derivationally_related_form 00140393 +13039870 _hypernym 11590783 +02453889 _derivationally_related_form 01212519 +02199999 _member_meronym 02200705 +09147046 _has_part 09294066 +01356888 _member_meronym 01357507 +02313250 _derivationally_related_form 01150200 +02556817 _derivationally_related_form 01215168 +14480772 _hypernym 14479615 +02089632 _derivationally_related_form 00335653 +11809922 _hypernym 11573660 +06250444 _hypernym 05943300 +00770437 _derivationally_related_form 09179776 +08664443 _derivationally_related_form 01711749 +03195118 _hypernym 03828465 +02218635 _derivationally_related_form 13358549 +02031143 _hypernym 01507175 +03952277 _hypernym 03081021 +00454624 _derivationally_related_form 01507143 +00095990 _derivationally_related_form 13565781 +06148148 _synset_domain_topic_of 01124794 +02440244 _derivationally_related_form 01256743 +02357561 _derivationally_related_form 04445952 +05321307 _has_part 05240850 +05836921 _derivationally_related_form 01783394 +00364868 _derivationally_related_form 11446242 +02296984 _derivationally_related_form 06791372 +06136258 _derivationally_related_form 10488865 +08102555 _member_meronym 08103777 +13557766 _derivationally_related_form 00255389 +08402693 _hypernym 08402442 +01744657 _member_meronym 01745780 +01543123 _verb_group 01984902 +05722427 _derivationally_related_form 01209678 +01037650 _hypernym 01036804 +03034663 _hypernym 03996145 +01275934 _instance_hypernym 00973077 +01377758 _derivationally_related_form 11422597 +06947658 _member_of_domain_usage 10119953 +01246697 _hypernym 01246541 +11993932 _member_meronym 11994150 +03553486 _hypernym 03733925 +08161591 _hypernym 08161477 +09038990 _member_of_domain_region 08028148 +04835260 _hypernym 04887129 +05706629 _hypernym 05706228 +10294602 _derivationally_related_form 05639832 +00261029 _derivationally_related_form 00205885 +01666131 _hypernym 01664172 +01653610 _member_meronym 01653975 +06532330 _synset_domain_topic_of 08441203 +02560383 _member_meronym 02560546 +00490569 _has_part 06737112 +02471327 _derivationally_related_form 10059162 +02121511 _derivationally_related_form 14322699 +13975037 _hypernym 14034177 +02766044 _synset_domain_topic_of 08199025 +03177349 _hypernym 03315023 +08381636 _hypernym 08322981 +04413419 _has_part 03614007 +12651821 _hypernym 13109733 +00344040 _hypernym 00331950 +10614812 _hypernym 10605985 +00096766 _verb_group 00097179 +04347754 _has_part 04259771 +07236077 _synset_domain_topic_of 08441203 +10092098 _hypernym 10372373 +02556195 _hypernym 01432517 +06455138 _has_part 06455497 +01453188 _member_meronym 01453330 +04392526 _hypernym 03278248 +02893338 _derivationally_related_form 10021892 +00434374 _verb_group 00258665 +00169298 _derivationally_related_form 01047338 +01794195 _hypernym 01793933 +04836683 _hypernym 04835724 +10628368 _hypernym 09953775 +12986447 _hypernym 08220891 +00113113 _derivationally_related_form 01390616 +01760945 _hypernym 01759326 +00893878 _hypernym 00902424 +08701410 _instance_hypernym 08574314 +00229260 _derivationally_related_form 02140781 +00334174 _synset_domain_topic_of 14046202 +02234988 _derivationally_related_form 01084932 +08798771 _derivationally_related_form 02974615 +00548326 _hypernym 06157326 +10095061 _hypernym 10622053 +03008565 _hypernym 03515338 +03914583 _hypernym 03013162 +09784306 _derivationally_related_form 14532816 +05833840 _derivationally_related_form 00739082 +02522319 _verb_group 02523521 +00367976 _derivationally_related_form 01378556 +08875547 _instance_hypernym 08540532 +13996571 _derivationally_related_form 02424128 +01521124 _derivationally_related_form 13885836 +12618942 _member_meronym 12784543 +00834745 _derivationally_related_form 00772381 +09866922 _hypernym 09977660 +00506952 _hypernym 01463963 +01566888 _member_meronym 01567530 +01657524 _hypernym 01656788 +10339966 _derivationally_related_form 00543233 +10224098 _hypernym 09940146 +02103481 _derivationally_related_form 02155248 +00944548 _derivationally_related_form 01264447 +06544432 _derivationally_related_form 02465297 +04610879 _hypernym 08569998 +00868910 _derivationally_related_form 02907473 +02526934 _hypernym 02526085 +02554922 _derivationally_related_form 01211019 +12598409 _member_meronym 12598629 +02629793 _derivationally_related_form 00525453 +01883716 _derivationally_related_form 10538154 +14677778 _hypernym 14662574 +00914769 _derivationally_related_form 01068184 +12821257 _hypernym 11744859 +02485631 _hypernym 02485451 +02193612 _synset_domain_topic_of 06100778 +01354006 _hypernym 01345109 +08152787 _member_meronym 09927451 +01973375 _hypernym 01342529 +03869044 _hypernym 02721538 +00818553 _derivationally_related_form 06472242 +01596645 _derivationally_related_form 03074855 +06694359 _hypernym 06693198 +02935387 _hypernym 02946921 +00445169 _synset_domain_topic_of 06090869 +02433426 _hypernym 01864707 +11018153 _instance_hypernym 10527334 +06947032 _derivationally_related_form 03003344 +03792334 _synset_domain_topic_of 00471613 +02218134 _hypernym 02217563 +12613596 _hypernym 11556857 +13634418 _hypernym 13602526 +07051975 _derivationally_related_form 01698916 +15016852 _hypernym 14904359 +08756202 _has_part 08756052 +01452546 _derivationally_related_form 03929660 +01590747 _hypernym 00173338 +00667424 _derivationally_related_form 10510546 +00570003 _verb_group 00570205 +01188725 _hypernym 02604760 +13038944 _member_meronym 13041548 +03593526 _derivationally_related_form 01497864 +13983807 _hypernym 13983515 +08780881 _has_part 08787695 +02272286 _hypernym 02271897 +12039743 _member_meronym 12076075 +09470550 _hypernym 09258715 +00155487 _derivationally_related_form 02509919 +01917549 _derivationally_related_form 00292712 +07517417 _derivationally_related_form 01786906 +08801678 _has_part 08803883 +05603342 _hypernym 05470189 +09857200 _synset_domain_topic_of 08086356 +05723210 _hypernym 05722427 +03649459 _hypernym 08329453 +02032634 _derivationally_related_form 00146572 +12520864 _hypernym 13112664 +00117578 _derivationally_related_form 00003431 +00692907 _derivationally_related_form 05923696 +09483129 _has_part 09471638 +06851742 _member_of_domain_usage 02830596 +01845720 _derivationally_related_form 10771392 +02123424 _derivationally_related_form 02465693 +10297531 _hypernym 09974648 +10592397 _derivationally_related_form 02466134 +01363613 _derivationally_related_form 07527352 +14836468 _hypernym 14732946 +08390374 _hypernym 08390157 +00193486 _derivationally_related_form 07963711 +10837567 _instance_hypernym 10650162 +01665185 _synset_domain_topic_of 00243918 +13624705 _hypernym 13616054 +10636874 _derivationally_related_form 00006238 +01624633 _derivationally_related_form 04780958 +11695085 _hypernym 11693981 +09006413 _has_part 09196103 +01115916 _verb_group 02702120 +05552607 _hypernym 05220461 +10752719 _hypernym 09831962 +12092127 _member_meronym 12092262 +03116530 _hypernym 04379243 +08847024 _instance_hypernym 08524735 +01559055 _derivationally_related_form 13904843 +04989657 _derivationally_related_form 02175958 +06024230 _synset_domain_topic_of 06018465 +08734385 _member_meronym 09751622 +02476518 _hypernym 00806502 +05395690 _has_part 05367912 +07677593 _hypernym 07675627 +07048000 _derivationally_related_form 01731031 +10708797 _hypernym 00007846 +05586446 _has_part 05587288 +11675537 _derivationally_related_form 00054059 +09039411 _has_part 09040839 +01323793 _derivationally_related_form 15032376 +12255934 _hypernym 11575425 +07415730 _derivationally_related_form 00381013 +00855169 _hypernym 00854876 +07515974 _derivationally_related_form 02602212 +13548105 _hypernym 13541167 +02536456 _has_part 07796321 +01755137 _derivationally_related_form 07000195 +11544769 _member_meronym 13217213 +02298379 _hypernym 01759182 +02255855 _hypernym 02251775 +08791167 _has_part 08993288 +11900058 _member_meronym 11904896 +13724474 _has_part 13724350 +03655720 _hypernym 03051540 +01483131 _hypernym 01489989 +01385170 _hypernym 01462005 +05715283 _derivationally_related_form 02191546 +00868910 _derivationally_related_form 00926472 +02995998 _hypernym 02727825 +05600637 _derivationally_related_form 02877704 +00144314 _derivationally_related_form 09385137 +09039411 _has_part 09041785 +06522501 _hypernym 06520944 +04352070 _hypernym 02716205 +11754633 _member_meronym 11755319 +06851742 _member_of_domain_usage 14777768 +00968211 _verb_group 00969873 +06682494 _derivationally_related_form 00424691 +01712008 _hypernym 01708106 +10191613 _derivationally_related_form 00205885 +00949093 _derivationally_related_form 06258680 +11867525 _member_meronym 11884667 +02498708 _also_see 01943406 +09189411 _has_part 09038597 +09808949 _hypernym 10605985 +02842445 _derivationally_related_form 10264219 +00535452 _derivationally_related_form 05070032 +07281635 _hypernym 07020895 +00744506 _derivationally_related_form 04745370 +02407338 _derivationally_related_form 00622068 +06649567 _derivationally_related_form 00763399 +12193458 _hypernym 11575425 +01993352 _derivationally_related_form 00733483 +12883923 _hypernym 11579418 +08021785 _synset_domain_topic_of 00759694 +07157273 _member_of_domain_usage 06611147 +06869951 _hypernym 06865345 +14322699 _derivationally_related_form 02121511 +15034074 _hypernym 15032376 +12255086 _hypernym 11575425 +05595083 _synset_domain_topic_of 06057539 +04703424 _derivationally_related_form 00433115 +10611361 _derivationally_related_form 00285141 +02766328 _derivationally_related_form 00023773 +00931721 _derivationally_related_form 10256080 +12223950 _hypernym 11567411 +00366317 _derivationally_related_form 00305537 +06341609 _synset_domain_topic_of 06987124 +01761706 _derivationally_related_form 10555679 +08896645 _has_part 09172751 +07344663 _derivationally_related_form 02040054 +10229498 _derivationally_related_form 02202928 +07994331 _member_meronym 02402425 +02110341 _hypernym 02084071 +08912427 _instance_hypernym 08524735 +02040872 _member_meronym 02042342 +09119277 _has_part 03073832 +08050678 _member_meronym 08163273 +03718056 _hypernym 03214670 +07032026 _derivationally_related_form 01050651 +00161225 _derivationally_related_form 00916706 +13617630 _hypernym 13600822 +08943601 _instance_hypernym 08574314 +00903559 _derivationally_related_form 03925226 +01605119 _member_meronym 01608086 +14496193 _derivationally_related_form 00417413 +01122736 _derivationally_related_form 07472460 +14666510 _hypernym 14662574 +01984119 _hypernym 01983771 +01978003 _derivationally_related_form 04665543 +01556572 _derivationally_related_form 10505206 +00092293 _derivationally_related_form 13464204 +04277034 _hypernym 03089014 +00349886 _hypernym 00346296 +13015040 _member_meronym 13015229 +11622988 _hypernym 11554175 +02298632 _derivationally_related_form 07165086 +00666350 _hypernym 00671351 +02035845 _hypernym 01507175 +06845599 _member_of_domain_usage 03997980 +01352067 _derivationally_related_form 04837931 +02470175 _derivationally_related_form 07990377 +08757569 _member_meronym 09699200 +02631659 _hypernym 02630189 +04484160 _derivationally_related_form 01679806 +01898129 _also_see 02569130 +00198631 _derivationally_related_form 00679389 +14094068 _hypernym 14187378 +00846509 _hypernym 00843468 +02001858 _derivationally_related_form 00320284 +05715864 _derivationally_related_form 02194495 +01240979 _derivationally_related_form 00448440 +10689104 _derivationally_related_form 02001461 +00394610 _hypernym 00391599 +01481027 _hypernym 01480770 +05575002 _hypernym 05289861 +01976146 _hypernym 01974773 +02156546 _derivationally_related_form 10746346 +07414566 _derivationally_related_form 00433232 +00103317 _derivationally_related_form 14050871 +01222360 _also_see 02318464 +11876803 _hypernym 11868814 +01087178 _hypernym 01086945 +14475992 _hypernym 14475405 +05790242 _derivationally_related_form 00676450 +03926575 _derivationally_related_form 01749184 +10217436 _hypernym 09620078 +13150894 _hypernym 12205694 +10468750 _derivationally_related_form 00596807 +01783214 _hypernym 01783394 +11078404 _instance_hypernym 10702781 +01696435 _derivationally_related_form 10770545 +08759420 _instance_hypernym 08698379 +05579944 _derivationally_related_form 01873942 +00265673 _hypernym 00205885 +11834890 _hypernym 13112664 +00014201 _derivationally_related_form 00867983 +02737187 _derivationally_related_form 10006511 +01119620 _hypernym 01117723 +02259005 _derivationally_related_form 00196084 +00874067 _hypernym 00030358 +12419592 _hypernym 11561228 +00704388 _derivationally_related_form 05786184 +01435380 _derivationally_related_form 03100490 +01038666 _hypernym 00964694 +10002760 _hypernym 10515194 +10754578 _derivationally_related_form 01733667 +01667304 _hypernym 01666327 +00564857 _hypernym 00564695 +08161068 _hypernym 08160276 +00567604 _hypernym 00126264 +11432758 _hypernym 11431754 +14128812 _hypernym 14074877 +12878019 _member_meronym 12878169 +01450081 _member_meronym 01450281 +00774506 _synset_domain_topic_of 06234825 +02752311 _has_part 03683708 +12460697 _hypernym 12425281 +01500214 _derivationally_related_form 01051801 +04613158 _hypernym 03091374 +02008796 _hypernym 02008041 +13810818 _derivationally_related_form 02835654 +04050410 _has_part 03501614 +09084750 _instance_hypernym 08655464 +13453428 _derivationally_related_form 00273963 +00087736 _verb_group 00087988 +02294436 _derivationally_related_form 10017794 +00997794 _hypernym 00889229 +02142775 _derivationally_related_form 05079866 +05311054 _has_part 05320362 +01884476 _hypernym 01883513 +07220773 _derivationally_related_form 00954038 +08560560 _hypernym 08560027 +01903756 _hypernym 02066939 +07230502 _derivationally_related_form 01024190 +00439958 _derivationally_related_form 05061345 +01891817 _hypernym 01831531 +01986806 _has_part 07794159 +00835609 _also_see 01827535 +01445597 _hypernym 01201089 +14812359 _hypernym 14585519 +07420770 _derivationally_related_form 00102586 +06804988 _synset_domain_topic_of 08199025 +08107499 _member_meronym 08108784 +02663211 _hypernym 02661017 +02713748 _hypernym 02713372 +00075135 _also_see 01817500 +06400271 _hypernym 06392001 +07686021 _synset_domain_topic_of 00243918 +04711435 _derivationally_related_form 01767163 +10668666 _hypernym 00007846 +08723006 _has_part 08722844 +08249960 _hypernym 08246613 +02331309 _hypernym 02331046 +00466651 _derivationally_related_form 01237415 +04632157 _derivationally_related_form 00193130 +08857682 _member_meronym 08972521 +14467975 _hypernym 14465048 +00673448 _hypernym 00672433 +08769645 _member_meronym 09748408 +00297404 _derivationally_related_form 01881180 +10768903 _derivationally_related_form 01535246 +05704096 _hypernym 05702726 +13128365 _hypernym 13129165 +01888295 _derivationally_related_form 00329031 +03082979 _derivationally_related_form 02337364 +02392654 _derivationally_related_form 04760296 +00439343 _derivationally_related_form 15282696 +00950431 _derivationally_related_form 05822746 +12615097 _member_meronym 12615232 +07366289 _hypernym 07337390 +06602148 _hypernym 06601327 +00944449 _derivationally_related_form 02054989 +01586541 _hypernym 01504437 +09102016 _has_part 09102883 +07029819 _hypernym 07029247 +05800611 _hypernym 05797597 +07527352 _hypernym 07480068 +02383440 _verb_group 02009433 +00896497 _hypernym 01012073 +12423565 _member_meronym 12449024 +00529759 _derivationally_related_form 07436661 +08094013 _derivationally_related_form 02922448 +12937822 _hypernym 11585340 +08894456 _derivationally_related_form 03130073 +14436438 _hypernym 14436029 +00918312 _hypernym 00926702 +02101046 _hypernym 01951480 +00265119 _derivationally_related_form 00926310 +13523661 _derivationally_related_form 10012484 +06054700 _derivationally_related_form 10041195 +01843238 _hypernym 01504437 +03154446 _hypernym 04451818 +08711974 _has_part 09309456 +01306736 _instance_hypernym 00089027 +00835903 _derivationally_related_form 13960464 +00547300 _hypernym 00126264 +10176475 _hypernym 10515194 +07302542 _derivationally_related_form 01236164 +08912153 _instance_hypernym 08524735 +13508651 _hypernym 13536016 +00354583 _hypernym 00351638 +14950129 _hypernym 14755077 +10947108 _instance_hypernym 10599806 +09044862 _member_of_domain_region 09639719 +03281145 _hypernym 03664675 +03247620 _derivationally_related_form 01200440 +02050921 _hypernym 01507175 +03998867 _hypernym 03082979 +09773076 _hypernym 10335931 +02687916 _hypernym 02655135 +03789946 _derivationally_related_form 00480751 +09786338 _hypernym 10557854 +01684663 _derivationally_related_form 00936620 +06769032 _derivationally_related_form 00135578 +09847010 _hypernym 10409011 +13274092 _derivationally_related_form 00699334 +13367070 _derivationally_related_form 02323059 +13089631 _hypernym 13089419 +02058191 _derivationally_related_form 00555138 +01821132 _derivationally_related_form 05194874 +01625747 _member_meronym 01627786 +00648764 _synset_domain_topic_of 06128570 +02311387 _hypernym 00173338 +02273293 _derivationally_related_form 00085678 +13144303 _hypernym 11562747 +08640739 _has_part 08640531 +01508719 _also_see 01531375 +15256245 _hypernym 15256714 +02519991 _hypernym 00126264 +06506757 _hypernym 06598915 +02215161 _hypernym 02212062 +02609764 _derivationally_related_form 14562960 +04487081 _has_part 03273061 +00795863 _derivationally_related_form 07255299 +01786879 _hypernym 01342529 +01804921 _hypernym 01806567 +07336214 _derivationally_related_form 00447771 +07230089 _hypernym 07229530 +05601198 _derivationally_related_form 02877704 +12899333 _member_meronym 12899537 +14458593 _derivationally_related_form 00865958 +14544335 _hypernym 13920835 +01224001 _hypernym 01212572 +13686660 _has_part 13694367 +12227420 _hypernym 12226932 +15009637 _hypernym 04025748 +05219561 _hypernym 05217168 +14405931 _derivationally_related_form 01785748 +02083038 _member_meronym 02083346 +02601921 _hypernym 02601344 +06845599 _member_of_domain_usage 03718056 +02412939 _hypernym 02410855 +00867231 _hypernym 00992041 +10075693 _hypernym 09815790 +03650803 _hypernym 03540595 +00183505 _derivationally_related_form 02462580 +01730799 _derivationally_related_form 08187988 +09792555 _derivationally_related_form 00121865 +14779205 _hypernym 14778436 +14283178 _derivationally_related_form 00469637 +01072072 _derivationally_related_form 01828736 +01744657 _member_meronym 01749428 +01518047 _derivationally_related_form 10734568 +00991151 _derivationally_related_form 06479665 +07333649 _derivationally_related_form 02008396 +10580535 _synset_domain_topic_of 15259284 +08432345 _hypernym 08430203 +01667969 _hypernym 01675963 +02276902 _hypernym 02274822 +10849873 _instance_hypernym 10312077 +06744154 _derivationally_related_form 00634286 +08663354 _hypernym 08510666 +13631845 _hypernym 13601596 +13353607 _derivationally_related_form 09609232 +01196037 _derivationally_related_form 09758173 +01484982 _derivationally_related_form 14578104 +05534333 _hypernym 05298729 +00086077 _synset_domain_topic_of 00612160 +07157273 _member_of_domain_usage 00993787 +00197423 _hypernym 00173338 +00675901 _hypernym 00674607 +05789432 _hypernym 05788149 +02739889 _hypernym 02740533 +07272172 _derivationally_related_form 01029852 +09301249 _instance_hypernym 09241247 +01847565 _hypernym 01507175 +04118776 _hypernym 03735637 +12501745 _member_meronym 12538603 +07805731 _hypernym 07800091 +01675963 _verb_group 02749247 +12289433 _hypernym 12288823 +00068617 _derivationally_related_form 00093327 +01966377 _hypernym 01965889 +01477224 _hypernym 01476483 +07350754 _derivationally_related_form 01371454 +01227137 _also_see 01983797 +00673983 _derivationally_related_form 06687178 +00131426 _derivationally_related_form 05559256 +08735705 _has_part 08736107 +12501745 _member_meronym 12579593 +08719100 _member_of_domain_region 08096624 +00697062 _derivationally_related_form 00878052 +12135898 _hypernym 12141495 +09084750 _has_part 09086070 +05417472 _derivationally_related_form 00097179 +00354452 _hypernym 00354634 +01612053 _derivationally_related_form 02542795 +01308160 _hypernym 01249724 +00252430 _derivationally_related_form 00455529 +02165754 _hypernym 01762525 +02961505 _derivationally_related_form 09713985 +00880269 _hypernym 00879759 +02790474 _derivationally_related_form 00918976 +05202497 _derivationally_related_form 00306314 +05509452 _has_part 05509146 +12514324 _hypernym 11585340 +11270023 _derivationally_related_form 03037924 +12715569 _member_meronym 12715914 +00352558 _hypernym 02367363 +06253518 _derivationally_related_form 00968211 +00697062 _derivationally_related_form 13411157 +02234848 _hypernym 02233338 +02250625 _derivationally_related_form 00259643 +01150370 _derivationally_related_form 10773394 +13018579 _hypernym 11590783 +01034118 _hypernym 01033527 +00982514 _derivationally_related_form 13803782 +10781236 _hypernym 00007846 +00193486 _derivationally_related_form 00378985 +09931640 _derivationally_related_form 00594836 +02120458 _derivationally_related_form 04648207 +06769238 _derivationally_related_form 00135013 +01556921 _derivationally_related_form 00383606 +02299715 _hypernym 01762525 +01428578 _verb_group 00783246 +09779280 _derivationally_related_form 14324274 +09112282 _has_part 09112857 +12635744 _hypernym 12634211 +12239100 _hypernym 11575425 +01659248 _derivationally_related_form 04677514 +08994834 _instance_hypernym 08524735 +00369628 _hypernym 00146138 +10663858 _synset_domain_topic_of 08199025 +01744657 _member_meronym 01747144 +08913434 _member_of_domain_region 08015321 +00633443 _derivationally_related_form 05773923 +03485997 _has_part 04184095 +01382083 _derivationally_related_form 10431514 +09303647 _has_part 09365288 +04089666 _hypernym 02872752 +00665358 _hypernym 00654885 +03247620 _derivationally_related_form 00084738 +03933529 _derivationally_related_form 02331175 +12864363 _member_meronym 12864545 +10407310 _derivationally_related_form 04878101 +13250680 _hypernym 13250542 +01716491 _also_see 00133851 +02570038 _hypernym 01432517 +09105821 _has_part 09106770 +14045507 _derivationally_related_form 01002377 +01633173 _synset_domain_topic_of 06084469 +08250635 _hypernym 08188235 +08066491 _hypernym 08065234 +00882961 _derivationally_related_form 02123672 +10929886 _instance_hypernym 09989502 +03530803 _hypernym 02931417 +03854998 _hypernym 03854815 +07972425 _hypernym 08378819 +02503313 _member_meronym 02503517 +06758835 _derivationally_related_form 00839834 +08520728 _hypernym 08520401 +10619176 _derivationally_related_form 06214580 +02891430 _hypernym 03671272 +00173338 _derivationally_related_form 15003969 +00575169 _synset_domain_topic_of 06084469 +10502576 _derivationally_related_form 02059462 +02067540 _hypernym 01912159 +01088547 _hypernym 01088749 +07945657 _member_meronym 09994943 +01830042 _derivationally_related_form 14051056 +02001428 _member_meronym 02001821 +10584021 _synset_domain_topic_of 08441203 +01066163 _derivationally_related_form 00459776 +08860123 _member_of_domain_region 10336904 +01356582 _hypernym 01356370 +09765278 _hypernym 10415638 +05268965 _hypernym 05267548 +00309115 _hypernym 00306426 +03178782 _derivationally_related_form 01640550 +09252970 _hypernym 00019128 +05659621 _hypernym 05654052 +05593871 _hypernym 05585665 +07375525 _hypernym 07445480 +03224893 _hypernym 02913152 +05784831 _derivationally_related_form 00813044 +03200701 _hypernym 04105893 +02145084 _member_meronym 02146064 +08136767 _hypernym 08337324 +02348568 _hypernym 02232190 +08192361 _synset_domain_topic_of 08199025 +01755274 _member_meronym 01756089 +12559842 _member_meronym 12560016 +02889425 _hypernym 04081844 +00068858 _derivationally_related_form 14008567 +02434541 _hypernym 02469835 +04008385 _hypernym 03738241 +12423565 _member_meronym 12445138 +01673668 _member_meronym 01691782 +00684507 _derivationally_related_form 10171755 +05549830 _has_part 05318606 +00688768 _hypernym 00689344 +06026088 _hypernym 13867641 +05331171 _hypernym 05329735 +00415044 _derivationally_related_form 08672562 +01079042 _derivationally_related_form 02452885 +12179632 _hypernym 12177844 +00896555 _also_see 00103696 +02030764 _synset_domain_topic_of 08199025 +00283090 _derivationally_related_form 14985383 +14724025 _derivationally_related_form 00573671 +08248157 _derivationally_related_form 01707737 +00758972 _hypernym 00757730 +10588357 _hypernym 10541229 +08294696 _hypernym 08293982 +06845599 _member_of_domain_usage 14753414 +01065057 _hypernym 01064863 +00693780 _hypernym 00690614 +05218119 _hypernym 05217859 +00320246 _synset_domain_topic_of 00243918 +06944911 _derivationally_related_form 02961688 +00229934 _derivationally_related_form 02761897 +00356790 _hypernym 00113113 +14549070 _hypernym 14548913 +09341465 _instance_hypernym 09453008 +06845599 _member_of_domain_usage 03753657 +14521302 _synset_domain_topic_of 06118563 +03938244 _hypernym 03151500 +00855512 _derivationally_related_form 06410391 +10012989 _hypernym 10241300 +00030142 _hypernym 00031820 +02180797 _also_see 01222884 +00038365 _derivationally_related_form 00256961 +07860988 _hypernym 07882497 +12760722 _member_meronym 12760875 +02391193 _hypernym 02386388 +06593099 _derivationally_related_form 01626138 +04747445 _derivationally_related_form 02665282 +07524242 _derivationally_related_form 01767163 +13233012 _member_meronym 13238828 +10073992 _derivationally_related_form 00201034 +00982852 _hypernym 00981830 +03208229 _derivationally_related_form 00089324 +13016457 _member_meronym 13020623 +07243837 _hypernym 07238694 +06586471 _synset_domain_topic_of 00928947 +13208705 _hypernym 11545714 +13194918 _hypernym 11545714 +05898568 _hypernym 05833840 +01356038 _hypernym 01556921 +00638837 _derivationally_related_form 02995345 +01202904 _derivationally_related_form 02416278 +12874783 _has_part 07827410 +12380926 _hypernym 11575425 +04831031 _hypernym 04830102 +12139367 _hypernym 11556857 +13872592 _derivationally_related_form 02844728 +01401296 _member_meronym 01401517 +01311378 _hypernym 01282545 +00322488 _hypernym 00321956 +00836705 _derivationally_related_form 06758225 +00354845 _derivationally_related_form 14562960 +09147618 _instance_hypernym 08524735 +00140652 _derivationally_related_form 01210737 +11725015 _hypernym 11669921 +14036539 _derivationally_related_form 00113818 +09165146 _instance_hypernym 08524735 +09704630 _hypernym 09701148 +07494363 _hypernym 00026192 +08903872 _instance_hypernym 08524735 +00640828 _synset_domain_topic_of 06004067 +09168592 _instance_hypernym 08505573 +08381820 _hypernym 08381636 +14424517 _derivationally_related_form 02552449 +04768657 _hypernym 04768483 +12087807 _hypernym 11744859 +08877208 _instance_hypernym 08524735 +03845550 _derivationally_related_form 00085907 +00836788 _hypernym 00835032 +10420031 _hypernym 09607280 +00765081 _synset_domain_topic_of 00759694 +03773268 _has_part 04297476 +07167415 _derivationally_related_form 02148788 +09779124 _hypernym 00007846 +04932561 _hypernym 04932278 +06716234 _derivationally_related_form 00850192 +13594585 _has_part 13610162 +02853218 _hypernym 03839993 +01117164 _hypernym 01094725 +09189411 _has_part 08720037 +12724201 _member_meronym 12730544 +03791235 _has_part 03010473 +07473441 _hypernym 07291312 +02479896 _member_meronym 02481629 +01372556 _hypernym 01370561 +01625666 _hypernym 01621555 +05329735 _hypernym 05327767 +01098706 _hypernym 01097192 +01137987 _derivationally_related_form 02433123 +00272391 _derivationally_related_form 13554343 +09623038 _derivationally_related_form 01999423 +02926519 _synset_domain_topic_of 06244149 +08780881 _member_of_domain_region 09498697 +01506583 _verb_group 01505254 +02454119 _member_meronym 02456147 +00230746 _hypernym 00156601 +00158222 _hypernym 00433232 +02527813 _member_meronym 02638323 +01835276 _similar_to 01834304 +06634376 _hypernym 06598915 +00220869 _derivationally_related_form 00374063 +12501745 _member_meronym 12520223 +12260208 _member_meronym 12264621 +02137806 _derivationally_related_form 14038264 +13905572 _derivationally_related_form 02717701 +13139647 _hypernym 05238036 +00624263 _derivationally_related_form 06366581 +10038778 _derivationally_related_form 08557131 +02331175 _hypernym 02327200 +12707432 _member_meronym 12711182 +01562209 _verb_group 01562061 +11692952 _member_meronym 11693566 +05426087 _hypernym 05418717 +03730153 _hypernym 03294048 +00160288 _synset_domain_topic_of 00015388 +12707432 _member_meronym 12711596 +02174830 _hypernym 02176268 +01151788 _derivationally_related_form 00408852 +01041916 _derivationally_related_form 01204055 +09482715 _instance_hypernym 09475292 +14617427 _hypernym 14621446 +01800422 _hypernym 01799794 +02079933 _derivationally_related_form 00318735 +01540232 _derivationally_related_form 14598525 +03790512 _has_part 03616428 +04123567 _hypernym 03309808 +05273822 _hypernym 05269901 +13971561 _derivationally_related_form 00764902 +00730538 _hypernym 00730247 +01509584 _derivationally_related_form 00567044 +05333467 _has_part 05350061 +11953339 _has_part 07731587 +06947479 _hypernym 06947032 +08339454 _hypernym 08077292 +04264914 _has_part 03569293 +07357679 _derivationally_related_form 00400883 +05474738 _hypernym 05474346 +01891438 _member_meronym 01891633 +09007723 _member_meronym 09706396 +10284064 _derivationally_related_form 01654628 +09793141 _hypernym 00007846 +02627934 _derivationally_related_form 09367991 +10722575 _derivationally_related_form 00833702 +02442737 _derivationally_related_form 04072551 +06356299 _hypernym 06356515 +01053495 _derivationally_related_form 03622058 +08929922 _member_of_domain_region 01287431 +07308563 _derivationally_related_form 00306723 +02652494 _derivationally_related_form 10269458 +00070641 _derivationally_related_form 02766328 +02865665 _has_part 03501288 +11819354 _hypernym 11573660 +03634723 _instance_hypernym 04078747 +12620031 _hypernym 11585340 +01296474 _derivationally_related_form 00636574 +00798245 _derivationally_related_form 02406916 +00816353 _derivationally_related_form 07199922 +00355252 _hypernym 00351638 +06282651 _hypernym 00033020 +00251809 _also_see 00077645 +13077295 _hypernym 12992868 +11412179 _hypernym 11410625 +01754190 _hypernym 01657723 +10066452 _derivationally_related_form 00060833 +08598301 _hypernym 07941945 +00271520 _derivationally_related_form 03471779 +00303056 _derivationally_related_form 00402951 +06908159 _derivationally_related_form 02611442 +11749742 _member_meronym 11749920 +01445932 _hypernym 01224001 +00236999 _derivationally_related_form 00375071 +09207288 _has_part 08955082 +06797169 _hypernym 00033020 +08860123 _member_of_domain_region 13315077 +11910835 _member_meronym 12659730 +01476483 _derivationally_related_form 03840327 +02567147 _derivationally_related_form 01170813 +09784443 _derivationally_related_form 00064095 +02393300 _hypernym 01862557 +09978889 _hypernym 00007846 +07829412 _derivationally_related_form 01364357 +03172211 _derivationally_related_form 00376807 +12279458 _hypernym 12268246 +02407521 _hypernym 02406174 +10691148 _hypernym 09989502 +12819953 _hypernym 11744859 +10033082 _hypernym 09815790 +02007898 _hypernym 02020590 +01570403 _hypernym 01569566 +14433587 _hypernym 13948136 +08913434 _has_part 09039260 +09089139 _instance_hypernym 08655464 +01687441 _member_meronym 01688812 +12917338 _member_meronym 12917901 +01926840 _member_meronym 01926988 +07044088 _hypernym 07025900 +01737417 _hypernym 01752884 +11045106 _instance_hypernym 10301261 +12803226 _hypernym 11672400 +07544647 _derivationally_related_form 02533313 +08245549 _hypernym 08245172 +01635432 _hypernym 01636397 +01864865 _derivationally_related_form 00335988 +08799271 _instance_hypernym 08574314 +12600574 _hypernym 11562747 +00021265 _has_part 07555863 +12329020 _member_meronym 12329473 +02417504 _derivationally_related_form 10612931 +07820036 _hypernym 07723330 +00132756 _derivationally_related_form 01409523 +05142641 _derivationally_related_form 02290956 +08418103 _hypernym 07959016 +02034971 _hypernym 02034661 +03188979 _derivationally_related_form 02712125 +02546177 _member_meronym 02546477 +09620794 _hypernym 00007846 +13543418 _hypernym 13489037 +00621476 _derivationally_related_form 02419773 +14888884 _hypernym 14731135 +12355320 _member_meronym 12358173 +01244516 _derivationally_related_form 03236217 +09014979 _has_part 09268236 +02814533 _hypernym 02958343 +14203346 _hypernym 14359952 +02300549 _derivationally_related_form 06737394 +03082807 _hypernym 03736970 +00290406 _derivationally_related_form 01918803 +10352299 _derivationally_related_form 02608176 +05632446 _derivationally_related_form 01637368 +04862747 _hypernym 04862005 +02080713 _hypernym 02079389 +01996392 _hypernym 08103777 +13486115 _hypernym 13489037 +05807540 _derivationally_related_form 00591115 +08699426 _instance_hypernym 08574314 +13548105 _derivationally_related_form 00474762 +10602470 _derivationally_related_form 08075647 +00479932 _derivationally_related_form 00181476 +03929202 _derivationally_related_form 01442578 +04376400 _derivationally_related_form 00644066 +02515341 _derivationally_related_form 05017458 +07314427 _hypernym 07304852 +11921949 _member_meronym 11922374 +00136254 _hypernym 01264283 +00135285 _hypernym 00126264 +03838298 _hypernym 03656484 +00164201 _hypernym 01631072 +11377043 _instance_hypernym 10705615 +00385266 _hypernym 00384933 +01436290 _hypernym 01435380 +01427278 _derivationally_related_form 09772746 +02519991 _derivationally_related_form 13341756 +07211752 _derivationally_related_form 01042531 +01703195 _hypernym 01702514 +01355646 _hypernym 01354673 +00970732 _derivationally_related_form 06674542 +00287735 _derivationally_related_form 04975122 +06276697 _hypernym 06271778 +01170175 _derivationally_related_form 02718543 +06558678 _hypernym 06556692 +00789906 _derivationally_related_form 02274299 +02163982 _member_meronym 02178886 +05806855 _derivationally_related_form 00588221 +06234825 _derivationally_related_form 02923510 +01935476 _derivationally_related_form 02834778 +06672297 _derivationally_related_form 00870577 +07285191 _derivationally_related_form 00513492 +01529036 _member_meronym 01530846 +01862918 _derivationally_related_form 08656893 +08871007 _member_of_domain_region 10433737 +01345109 _derivationally_related_form 00344040 +02236124 _also_see 02346724 +12880963 _member_meronym 12881105 +01211699 _hypernym 01210737 +06135915 _derivationally_related_form 10012484 +15242029 _hypernym 15239292 +01502441 _derivationally_related_form 02909870 +06520222 _derivationally_related_form 00892698 +09398217 _instance_hypernym 09411430 +13743869 _synset_domain_topic_of 00490569 +01629589 _verb_group 02525447 +12871074 _hypernym 11579418 +01017826 _derivationally_related_form 10001647 +02619291 _hypernym 02619122 +02028366 _derivationally_related_form 08184217 +00368109 _derivationally_related_form 13810323 +02072159 _derivationally_related_form 07407272 +09050244 _instance_hypernym 08574314 +09614315 _hypernym 00007846 +03624966 _hypernym 03816849 +12669803 _hypernym 13104059 +07157273 _member_of_domain_usage 00783063 +01657828 _derivationally_related_form 05870180 +08763500 _instance_hypernym 08698379 +12637729 _member_meronym 12649723 +00447073 _hypernym 00523513 +05822746 _derivationally_related_form 01018928 +14932303 _hypernym 14931879 +01675963 _derivationally_related_form 05003590 +14942223 _hypernym 14844693 +13850674 _has_part 11432508 +02638845 _hypernym 02346895 +06558088 _hypernym 06539502 +02531625 _derivationally_related_form 07197021 +12520661 _member_meronym 12521186 +04879658 _derivationally_related_form 10722965 +11515325 _derivationally_related_form 00025203 +00791134 _derivationally_related_form 06558277 +12143676 _derivationally_related_form 01179155 +05890249 _derivationally_related_form 01722980 +00094460 _derivationally_related_form 13489037 +02042046 _hypernym 02041246 +12951465 _member_meronym 12952022 +01665372 _hypernym 01657723 +01919711 _derivationally_related_form 00285889 +02019044 _hypernym 01507175 +07242104 _derivationally_related_form 00812580 +00103834 _derivationally_related_form 01506157 +04188368 _synset_domain_topic_of 00314469 +10733117 _derivationally_related_form 00295346 +00883635 _hypernym 00883226 +05328115 _hypernym 05328867 +08088472 _hypernym 08087981 +00745005 _derivationally_related_form 02565687 +10476671 _hypernym 10009484 +06071934 _hypernym 06037666 +01180701 _derivationally_related_form 15101854 +01745780 _hypernym 01657723 +00720063 _verb_group 00719734 +02671880 _derivationally_related_form 09424489 +08967868 _instance_hypernym 08558488 +15161872 _hypernym 15162210 +09872066 _derivationally_related_form 00883226 +07486229 _derivationally_related_form 01824532 +08801678 _has_part 08809596 +06742932 _hypernym 06742772 +01915365 _verb_group 01853696 +00026192 _hypernym 00024720 +10687231 _derivationally_related_form 05783940 +02601589 _member_meronym 02601921 +01567275 _derivationally_related_form 01052853 +02410313 _hypernym 01864707 +05301072 _hypernym 05301392 +04536866 _hypernym 02880546 +01351170 _verb_group 01995211 +05890963 _has_part 05891232 +14948645 _derivationally_related_form 01593937 +01954340 _member_meronym 01954516 +00788973 _hypernym 00786195 +00835609 _also_see 02497141 +05291010 _hypernym 05289861 +12191461 _member_meronym 12191587 +01967792 _hypernym 01967373 +00064889 _hypernym 00126264 +09903153 _hypernym 10200781 +06141324 _hypernym 05993844 +10776339 _derivationally_related_form 01048939 +01233194 _derivationally_related_form 13761171 +06295235 _member_of_domain_usage 03504420 +11791155 _hypernym 11556857 +05984936 _derivationally_related_form 00159880 +02645389 _hypernym 02645007 +05534333 _derivationally_related_form 01590747 +05703429 _derivationally_related_form 00732552 +08373244 _synset_domain_topic_of 06066555 +11595312 _member_meronym 11553763 +05945508 _derivationally_related_form 10515194 +04694090 _derivationally_related_form 00196364 +02168542 _member_meronym 02168699 +01919226 _derivationally_related_form 04010205 +00415988 _hypernym 00415676 +03096273 _derivationally_related_form 10615334 +06693870 _member_of_domain_usage 00229630 +09143786 _instance_hypernym 08524735 +00273082 _derivationally_related_form 13983515 +04186848 _hypernym 04148054 +00396029 _hypernym 00395797 +02911158 _derivationally_related_form 01115916 +08143653 _has_part 08144308 +02008396 _derivationally_related_form 10004539 +01621714 _member_meronym 01621994 +12916935 _member_meronym 12925836 +13887056 _derivationally_related_form 00329817 +02395406 _derivationally_related_form 01054694 +01256417 _hypernym 00407535 +00712135 _derivationally_related_form 06749881 +01155687 _verb_group 01156115 +01193886 _synset_domain_topic_of 08441203 +12881105 _hypernym 13122364 +12610933 _member_meronym 12615427 +11727091 _hypernym 11669921 +11667562 _member_meronym 11556857 +00389406 _derivationally_related_form 13574452 +01127075 _hypernym 01476483 +00302394 _hypernym 00300441 +02182851 _derivationally_related_form 07394236 +02324182 _hypernym 02199590 +03265479 _derivationally_related_form 01466978 +01049685 _derivationally_related_form 02147603 +11377043 _instance_hypernym 10444194 +02328270 _member_meronym 02328429 +06628663 _synset_domain_topic_of 08083599 +09148970 _has_part 09432549 +02477334 _hypernym 00822367 +01575146 _hypernym 01899262 +11086774 _instance_hypernym 10022111 +01322675 _derivationally_related_form 14287113 +12280487 _hypernym 11564734 +14449405 _derivationally_related_form 02632567 +00019448 _hypernym 00126264 +05586446 _has_part 05587034 +10777894 _hypernym 10195593 +02416519 _hypernym 02401031 +00315986 _derivationally_related_form 02232190 +05860200 _hypernym 05859991 +02002384 _hypernym 01507175 +00381850 _hypernym 00126264 +11981475 _hypernym 11672400 +00718573 _hypernym 00712225 +02038329 _hypernym 01507175 +01046984 _hypernym 00407535 +04880573 _hypernym 04723816 +00893167 _derivationally_related_form 06741305 +12130408 _hypernym 11556857 +01130930 _hypernym 01130607 +00351638 _derivationally_related_form 00429060 +01123095 _derivationally_related_form 01856626 +02655694 _hypernym 01432517 +12838027 _member_meronym 12839409 +00030010 _hypernym 00031820 +00336260 _derivationally_related_form 04692908 +10113583 _hypernym 09998101 +00284958 _derivationally_related_form 04969242 +08523483 _hypernym 08497294 +02435311 _hypernym 02434976 +12377494 _hypernym 12377198 +00399393 _hypernym 00398704 +02326355 _synset_domain_topic_of 01090446 +01728840 _derivationally_related_form 00099588 +07391240 _derivationally_related_form 02175057 +02366959 _hypernym 02329401 +02502085 _hypernym 01342529 +11767354 _hypernym 13100156 +02617207 _hypernym 02612657 +10478626 _hypernym 10000616 +15248269 _hypernym 15116283 +13580415 _derivationally_related_form 02669789 +02176268 _derivationally_related_form 06278136 +10149436 _derivationally_related_form 01043231 +12341126 _member_meronym 12341412 +13195761 _hypernym 11545714 +00882702 _derivationally_related_form 02194286 +06286395 _hypernym 06284225 +00292507 _hypernym 00778275 +08570758 _derivationally_related_form 01082290 +01755504 _verb_group 01664172 +08831004 _member_meronym 09691279 +07207273 _hypernym 07160883 +02513740 _derivationally_related_form 04852750 +11348160 _instance_hypernym 10705448 +02623868 _member_meronym 02627686 +07346344 _synset_domain_topic_of 06090869 +00783527 _derivationally_related_form 01471825 +01092366 _derivationally_related_form 00953559 +02235911 _member_meronym 02236044 +15197042 _hypernym 15184755 +09885416 _synset_domain_topic_of 06232880 +00258665 _hypernym 00258857 +14582220 _hypernym 00020827 +14613922 _hypernym 14607521 +00672017 _derivationally_related_form 06528992 +00649033 _hypernym 00648224 +10706812 _derivationally_related_form 05989479 +11694664 _has_part 07761309 +09175915 _instance_hypernym 09472597 +10056103 _derivationally_related_form 00559102 +08067077 _hypernym 08065234 +14359174 _derivationally_related_form 00005815 +07018931 _derivationally_related_form 01719921 +08241512 _hypernym 08240633 +01541579 _hypernym 01850315 +11905584 _hypernym 11575425 +15185996 _hypernym 15113229 +02266050 _hypernym 02263378 +00516932 _derivationally_related_form 13573915 +02229055 _verb_group 00360092 +12242287 _hypernym 11575425 +01644050 _derivationally_related_form 00159177 +05311054 _has_part 05316175 +11538935 _member_meronym 11540747 +01815185 _hypernym 01814815 +01523656 _hypernym 01342529 +02504323 _hypernym 01864707 +00360932 _derivationally_related_form 07320302 +09309666 _instance_hypernym 09411430 +06453324 _has_part 06436717 +05238282 _has_part 05245192 +11228039 _instance_hypernym 10450303 +05329215 _has_part 05532225 +02656763 _derivationally_related_form 09862345 +02612762 _synset_domain_topic_of 01032368 +15170786 _hypernym 15169873 +01109863 _derivationally_related_form 00955060 +01730679 _hypernym 01657723 +02584981 _also_see 01226240 +01478073 _hypernym 01342529 +00002137 _derivationally_related_form 00692329 +04796490 _hypernym 04723816 +02056971 _hypernym 01850315 +05711915 _derivationally_related_form 01501113 +02453321 _derivationally_related_form 00343700 +07129422 _hypernym 07109847 +07642933 _hypernym 07642471 +13012613 _member_meronym 13013187 +07250339 _derivationally_related_form 02043665 +01841947 _hypernym 01846320 +01425511 _derivationally_related_form 00417643 +01202184 _derivationally_related_form 00495998 +04906471 _derivationally_related_form 00788821 +13381734 _derivationally_related_form 02311260 +00255214 _derivationally_related_form 00025034 +00330457 _hypernym 00330160 +04807776 _derivationally_related_form 02588099 +03295140 _derivationally_related_form 01661243 +01543426 _hypernym 01543123 +01049475 _hypernym 01048912 +02169833 _member_meronym 02169974 +12776946 _member_meronym 12777294 +02457233 _derivationally_related_form 01228877 +00764902 _derivationally_related_form 01026262 +00208836 _derivationally_related_form 14560612 +10533013 _derivationally_related_form 00868591 +08416328 _hypernym 08251877 +02799323 _hypernym 02954340 +15207556 _hypernym 15206744 +01118081 _derivationally_related_form 01166926 +00031921 _derivationally_related_form 13812607 +10334101 _derivationally_related_form 01930117 +00550282 _derivationally_related_form 01021420 +09376198 _hypernym 09225146 +02258600 _derivationally_related_form 04656748 +02288473 _member_meronym 02289061 +00259177 _hypernym 00258854 +10774440 _hypernym 09738400 +02995345 _hypernym 03493333 +05862721 _hypernym 05861855 +08241964 _hypernym 08240633 +10087434 _hypernym 09939827 +02302454 _hypernym 02210855 +06740183 _derivationally_related_form 00894738 +14798450 _derivationally_related_form 00186740 +01473990 _member_meronym 01474641 +07123404 _hypernym 07120524 +01277784 _hypernym 01277974 +05514905 _has_part 05526384 +01213886 _derivationally_related_form 02217695 +12385219 _member_meronym 12385429 +08975902 _member_of_domain_region 08343534 +04461696 _derivationally_related_form 01566185 +02346136 _derivationally_related_form 10200531 +00262743 _hypernym 00262249 +09720256 _hypernym 09738400 +10369528 _derivationally_related_form 01020005 +10667709 _synset_domain_topic_of 08199025 +03058726 _synset_domain_topic_of 05801594 +11804082 _member_meronym 11818945 +01183573 _derivationally_related_form 07532112 +10340312 _hypernym 10415638 +05176607 _derivationally_related_form 00803325 +10713502 _derivationally_related_form 01175467 +04048075 _hypernym 04463983 +11231157 _instance_hypernym 09798811 +09714429 _derivationally_related_form 03075191 +08921850 _member_of_domain_region 08026904 +02623868 _member_meronym 02628856 +06534132 _synset_domain_topic_of 08441203 +01458228 _derivationally_related_form 14997888 +02076196 _derivationally_related_form 01143498 +07442068 _derivationally_related_form 02048891 +00049669 _hypernym 00047945 +05640433 _hypernym 00024720 +13049561 _hypernym 11590783 +00593732 _derivationally_related_form 10694258 +11713960 _hypernym 11564258 +09152944 _has_part 09153710 +01797051 _derivationally_related_form 13989280 +00878221 _derivationally_related_form 02165304 +11804604 _member_meronym 11814440 +06845599 _member_of_domain_usage 04034641 +01278817 _hypernym 01278427 +02349212 _derivationally_related_form 04895246 +09784564 _hypernym 10794014 +00230324 _derivationally_related_form 00059899 +01228877 _hypernym 01227908 +05149325 _derivationally_related_form 02670890 +00753881 _hypernym 00753428 +00089027 _derivationally_related_form 01114303 +02238743 _member_meronym 02238887 +09084075 _instance_hypernym 08524735 +01656788 _derivationally_related_form 07951464 +01199009 _hypernym 00005041 +05111835 _derivationally_related_form 00432683 +00846432 _hypernym 00845523 +01660082 _hypernym 01659248 +00114431 _derivationally_related_form 01448100 +05207130 _derivationally_related_form 01017738 +00031540 _hypernym 00031820 +01796800 _derivationally_related_form 00095121 +04217546 _hypernym 02913152 +11454591 _hypernym 11417672 +01368192 _also_see 01149494 +07202579 _hypernym 07201365 +02180152 _derivationally_related_form 03017168 +09326662 _hypernym 09303008 +01318660 _derivationally_related_form 00009147 +01640850 _also_see 00666058 +05274590 _hypernym 05269901 +01177118 _verb_group 01176897 +01657254 _hypernym 01656788 +00773402 _hypernym 00774107 +00041188 _derivationally_related_form 02418686 +01934440 _hypernym 01922303 +08780881 _has_part 08786855 +08934532 _instance_hypernym 08633957 +07297927 _synset_domain_topic_of 06136258 +05494933 _hypernym 05493303 +08679369 _derivationally_related_form 02621853 +07487695 _derivationally_related_form 02131072 +12077062 _hypernym 11556857 +02539101 _hypernym 02538765 +05324888 _hypernym 05303402 +12776391 _hypernym 11567411 +13516312 _hypernym 13478525 +04571088 _hypernym 00021939 +15272029 _derivationally_related_form 02643574 +02188065 _member_meronym 02198332 +04050600 _synset_domain_topic_of 06128570 +06513366 _hypernym 06598915 +06845599 _member_of_domain_usage 03326948 +02325366 _has_part 07666521 +01545149 _member_meronym 01545303 +08013845 _synset_domain_topic_of 00759694 +11192666 _instance_hypernym 10391653 +00181664 _derivationally_related_form 08632423 +08929922 _member_of_domain_region 06964901 +01787191 _hypernym 01767661 +01503061 _has_part 07644382 +05202034 _derivationally_related_form 00189580 +15297069 _hypernym 15269513 +01116585 _derivationally_related_form 10180580 +12226322 _member_meronym 12236363 +02958343 _has_part 04085017 +01644746 _derivationally_related_form 00931847 +01382033 _hypernym 01355326 +01537710 _hypernym 01507175 +00145448 _derivationally_related_form 13878634 +01663749 _hypernym 01653013 +00923321 _derivationally_related_form 00904046 +01439604 _derivationally_related_form 00096969 +05820462 _hypernym 05817845 +02461372 _hypernym 01342529 +10140051 _derivationally_related_form 01281611 +01313093 _member_meronym 02315696 +01972298 _hypernym 01835496 +10480730 _derivationally_related_form 00598056 +09714120 _derivationally_related_form 08953324 +12423565 _member_meronym 12450099 +03413428 _synset_domain_topic_of 01094725 +05219724 _hypernym 05217168 +00430099 _derivationally_related_form 00192910 +01427127 _hypernym 01426397 +01676313 _member_meronym 01680137 +04293258 _hypernym 03033362 +00091311 _derivationally_related_form 05705722 +02019762 _hypernym 01507175 +05683390 _derivationally_related_form 01630903 +08197895 _member_meronym 10150556 +05978472 _hypernym 05952490 +00390906 _derivationally_related_form 01511380 +05434927 _hypernym 05445668 +09699020 _hypernym 09686536 +02408281 _verb_group 01930874 +01845272 _hypernym 01342529 +10783734 _hypernym 10605985 +12906334 _hypernym 11579418 +01084180 _derivationally_related_form 02234551 +02028722 _hypernym 01850315 +00635205 _derivationally_related_form 00785690 +09008723 _instance_hypernym 08633957 +02863750 _derivationally_related_form 00374668 +02933112 _has_part 04190052 +00727991 _hypernym 00726300 +15190895 _hypernym 15199592 +03479952 _has_part 04546855 +02732401 _hypernym 02703952 +08766988 _has_part 08771841 +00402535 _hypernym 00376063 +00702601 _hypernym 00701040 +05766247 _derivationally_related_form 01732172 +12682264 _member_meronym 12682411 +00634906 _hypernym 00588888 +11867525 _member_meronym 11890723 +02076280 _hypernym 02074677 +05525100 _hypernym 05524615 +12519563 _hypernym 12205694 +00711932 _verb_group 02437465 +02271137 _derivationally_related_form 13333237 +04793355 _hypernym 04723816 +01750668 _synset_domain_topic_of 00933420 +00093163 _hypernym 00081725 +01687441 _hypernym 01656813 +07792470 _hypernym 07775905 +00414409 _verb_group 00414627 +10238272 _hypernym 00007846 +00034948 _derivationally_related_form 00835501 +05103946 _hypernym 05098942 +08860123 _member_of_domain_region 10801561 +01072072 _hypernym 00407535 +13810323 _hypernym 13809207 +03900750 _hypernym 03900509 +12679712 _member_meronym 12679876 +13125117 _has_part 13162297 +09033117 _instance_hypernym 08524735 +00707366 _also_see 02321009 +09043052 _member_of_domain_region 08032955 +01138670 _derivationally_related_form 02473981 +10528493 _derivationally_related_form 07096661 +00106272 _synset_domain_topic_of 00471613 +02107817 _derivationally_related_form 10395209 +05766247 _derivationally_related_form 00623151 +02738031 _hypernym 04566257 +02288789 _hypernym 02283201 +07295629 _derivationally_related_form 02546075 +14403772 _derivationally_related_form 01793933 +00172505 _derivationally_related_form 00260051 +01143838 _derivationally_related_form 00622584 +14794993 _hypernym 14794823 +00171590 _derivationally_related_form 00726300 +00664111 _hypernym 00662589 +00097504 _hypernym 00037396 +10227985 _hypernym 09617867 +04903813 _derivationally_related_form 01765178 +06685456 _derivationally_related_form 00890100 +06428216 _derivationally_related_form 00200863 +14516743 _hypernym 14487184 +15213406 _has_part 15158816 +09763349 _hypernym 13950812 +06449477 _instance_hypernym 06431740 +07804323 _hypernym 07566863 +02485731 _hypernym 02485451 +13906484 _hypernym 13905792 +12441183 _hypernym 12205694 +15268239 _hypernym 15266911 +00243373 _has_part 07240077 +09418169 _instance_hypernym 09411430 +01518924 _hypernym 01223182 +10221520 _hypernym 10518602 +01686956 _derivationally_related_form 00900375 +13724081 _hypernym 13717155 +01084866 _hypernym 01111816 +11968104 _member_meronym 11968931 +09162581 _instance_hypernym 08633957 +07956887 _hypernym 07951464 +08760510 _member_meronym 08764107 +08964810 _instance_hypernym 09388848 +09609232 _synset_domain_topic_of 01094725 +02870092 _hypernym 04007894 +08375154 _hypernym 08294696 +06684383 _derivationally_related_form 00887463 +00142191 _derivationally_related_form 04677514 +10705615 _derivationally_related_form 00631398 +12853706 _hypernym 12853080 +03942244 _hypernym 02832168 +00864475 _derivationally_related_form 13763384 +10092098 _hypernym 10091651 +09748889 _hypernym 09634494 +10322546 _hypernym 00007846 +08647616 _derivationally_related_form 02333979 +05864177 _hypernym 05857459 +14124423 _has_part 14334511 +06648724 _derivationally_related_form 00878136 +10995292 _instance_hypernym 10233445 +01416193 _derivationally_related_form 01160729 +10682953 _hypernym 09622302 +02467662 _hypernym 00140123 +11189829 _instance_hypernym 09940146 +08340153 _member_meronym 08197386 +09731436 _hypernym 09634494 +01086103 _derivationally_related_form 00449295 +00401783 _derivationally_related_form 00164444 +10071332 _derivationally_related_form 00416399 +02057478 _member_meronym 02060719 +07064055 _hypernym 07025604 +01011031 _derivationally_related_form 10682380 +01415807 _derivationally_related_form 01160729 +00685683 _hypernym 00670261 +06453849 _has_part 06441973 +02642814 _derivationally_related_form 10588724 +08860123 _member_of_domain_region 04398497 +03024746 _hypernym 03068181 +03633091 _has_part 03485997 +02269015 _hypernym 01342529 +13142695 _hypernym 11567411 +07160116 _hypernym 07159791 +02400139 _member_meronym 02418341 +11982115 _hypernym 12205694 +09753792 _synset_domain_topic_of 05778131 +04684358 _derivationally_related_form 00860620 +08817418 _instance_hypernym 08691669 +01738597 _derivationally_related_form 05834758 +00258857 _derivationally_related_form 00403092 +00911350 _derivationally_related_form 10335246 +04661151 _hypernym 04660536 +01586941 _hypernym 01525720 +06549661 _derivationally_related_form 00802318 +08811215 _instance_hypernym 08803382 +08192817 _synset_domain_topic_of 08199025 +02998696 _synset_domain_topic_of 06951067 +01108402 _hypernym 01107932 +06845599 _member_of_domain_usage 04006727 +12778398 _hypernym 12778219 +03596787 _hypernym 03597469 +04071393 _synset_domain_topic_of 08199025 +01070187 _derivationally_related_form 10012484 +02020027 _hypernym 02019716 +01512921 _hypernym 01512625 +09139508 _instance_hypernym 08695539 +02822055 _derivationally_related_form 05480076 +03248560 _has_part 03834836 +01521980 _hypernym 01342529 +01373138 _derivationally_related_form 02754103 +06503884 _synset_domain_topic_of 02691156 +00668112 _derivationally_related_form 00373766 +01775164 _derivationally_related_form 05813229 +03509025 _has_part 02863750 +01553142 _hypernym 01546921 +11653323 _hypernym 11554175 +01439121 _hypernym 01438208 +01708676 _derivationally_related_form 07020538 +00198270 _hypernym 00196485 +01821634 _hypernym 01809064 +09044862 _member_of_domain_region 07927931 +09067277 _has_part 09391996 +01714059 _hypernym 01657723 +00032539 _hypernym 00028565 +13607405 _synset_domain_topic_of 06128570 +00211396 _derivationally_related_form 14536831 +01741446 _hypernym 00406243 +12992464 _member_meronym 12992868 +14290534 _hypernym 14290881 +02138921 _hypernym 01342529 +01299268 _hypernym 01299758 +12501745 _member_meronym 12531144 +04416338 _hypernym 04528630 +02145084 _member_meronym 02147034 +13299651 _derivationally_related_form 02344060 +08791167 _member_of_domain_region 01302683 +03106722 _hypernym 03309808 +00424934 _derivationally_related_form 01120900 +01745722 _hypernym 01621555 +08780881 _has_part 08785343 +07498210 _hypernym 07497473 +04039381 _hypernym 04285622 +02700104 _derivationally_related_form 13969243 +01871979 _verb_group 01872645 +11804604 _member_meronym 11818515 +07781801 _synset_domain_topic_of 00243918 +10258152 _hypernym 10794014 +00502757 _synset_domain_topic_of 00916464 +13260190 _derivationally_related_form 01629000 +05559256 _hypernym 05220461 +04973669 _hypernym 04973386 +12603959 _hypernym 12205694 +02776205 _derivationally_related_form 00782527 +12613968 _hypernym 11556857 +12395463 _hypernym 12392070 +01826060 _hypernym 01825237 +01802219 _hypernym 01802494 +14156976 _hypernym 14162025 +08766988 _has_part 08771400 +14821590 _hypernym 14580897 +07130341 _derivationally_related_form 01044377 +10404242 _derivationally_related_form 02231473 +00815801 _derivationally_related_form 02909006 +01800759 _member_meronym 01802033 +07029247 _hypernym 07028373 +01169194 _derivationally_related_form 00671351 +04176528 _hypernym 03278248 +01476180 _hypernym 01476483 +06178042 _hypernym 06174404 +05850823 _derivationally_related_form 01505254 +02062430 _derivationally_related_form 02689973 +14350837 _hypernym 14336539 +00388710 _derivationally_related_form 00329817 +02573918 _member_meronym 02574093 +06542267 _synset_domain_topic_of 08441203 +00251064 _hypernym 00252019 +10162507 _derivationally_related_form 01454810 +00787049 _derivationally_related_form 09980458 +08969291 _has_part 08970189 +01062395 _derivationally_related_form 00064789 +00884540 _hypernym 00884011 +11864114 _hypernym 11862835 +01330093 _hypernym 01329239 +00623670 _derivationally_related_form 02394662 +02597173 _member_meronym 02597367 +09811852 _hypernym 10582746 +01778017 _derivationally_related_form 02011810 +08573258 _hypernym 08542081 +09039411 _has_part 09458791 +00751398 _derivationally_related_form 02578008 +00303495 _derivationally_related_form 01955808 +03494278 _hypernym 03393324 +00861560 _derivationally_related_form 01266491 +00782527 _derivationally_related_form 04689660 +01312810 _derivationally_related_form 04208210 +08188449 _derivationally_related_form 01730799 +08013453 _instance_hypernym 08392137 +05827684 _hypernym 05816287 +02042067 _derivationally_related_form 09230041 +08860123 _member_of_domain_region 10400618 +04728068 _derivationally_related_form 00300761 +06527851 _hypernym 06770275 +10472799 _derivationally_related_form 08558488 +00973728 _derivationally_related_form 06255354 +11219121 _instance_hypernym 10204177 +00340192 _hypernym 00339463 +02329733 _hypernym 02327200 +02332311 _derivationally_related_form 06347588 +14353008 _hypernym 14102075 +09068444 _has_part 09453288 +08878016 _instance_hypernym 08524735 +02203739 _hypernym 01759182 +13961642 _derivationally_related_form 02614181 +09441107 _has_part 08730550 +13757249 _derivationally_related_form 02091165 +10777147 _derivationally_related_form 02046755 +00717208 _derivationally_related_form 01362736 +10770309 _hypernym 09815790 +05510358 _has_part 05387544 +02348182 _derivationally_related_form 14490110 +04933544 _derivationally_related_form 02621395 +01637982 _hypernym 01633343 +06362953 _hypernym 06349220 +02466496 _synset_domain_topic_of 01125693 +01911511 _hypernym 08103777 +00119873 _derivationally_related_form 10341660 +02401523 _hypernym 00674607 +04850589 _hypernym 04723816 +10201535 _derivationally_related_form 01654271 +06767035 _derivationally_related_form 02455407 +04535634 _hypernym 03917455 +05554653 _hypernym 05513302 +01190948 _derivationally_related_form 10058411 +08921850 _has_part 08926543 +12938667 _hypernym 11553240 +00266197 _derivationally_related_form 14994328 +08060694 _derivationally_related_form 10402417 +02154312 _derivationally_related_form 10090498 +01687401 _synset_domain_topic_of 00933420 +01985667 _member_meronym 01985797 +02761392 _derivationally_related_form 00181476 +00940214 _derivationally_related_form 05685030 +02562585 _derivationally_related_form 08076578 +02588122 _hypernym 02587532 +08790495 _has_part 08787240 +00681429 _derivationally_related_form 10066732 +05435477 _hypernym 05225602 +01269360 _instance_hypernym 00223983 +00713167 _derivationally_related_form 05764197 +04543772 _hypernym 04574999 +08871007 _has_part 08876975 +13359941 _hypernym 13359690 +02094755 _also_see 02523275 +00880227 _derivationally_related_form 06695579 +03377582 _derivationally_related_form 00486018 +01930874 _derivationally_related_form 03242713 +01620854 _derivationally_related_form 15266911 +10675481 _hypernym 10206173 +02520509 _derivationally_related_form 02940509 +07182485 _hypernym 07183151 +09769345 _derivationally_related_form 00990812 +09728403 _hypernym 09620794 +12526516 _hypernym 13118707 +00583089 _hypernym 00582388 +08929922 _has_part 08934694 +02681524 _hypernym 02680814 +02853740 _derivationally_related_form 01673668 +00668099 _verb_group 01794668 +10516692 _derivationally_related_form 02471690 +05363676 _hypernym 05418717 +01824244 _also_see 00834198 +01210737 _derivationally_related_form 00140652 +10536897 _derivationally_related_form 02493260 +06207561 _hypernym 06193203 +08304135 _member_meronym 08770718 +03928116 _has_part 04257223 +03100490 _derivationally_related_form 01435380 +03242713 _derivationally_related_form 02056971 +10461169 _hypernym 00007846 +05416198 _derivationally_related_form 00101956 +00216692 _hypernym 00216216 +05294606 _hypernym 05289861 +00684507 _hypernym 00684273 +01587526 _hypernym 01525720 +12213635 _member_meronym 12217211 +00378664 _derivationally_related_form 03343560 +01549057 _hypernym 01548718 +02323870 _hypernym 02327200 +09228619 _instance_hypernym 09411430 +06588326 _derivationally_related_form 01002297 +06263369 _hypernym 06263609 +02902079 _hypernym 04008947 +02539334 _derivationally_related_form 01128655 +02363681 _hypernym 01862557 +03421117 _derivationally_related_form 01217043 +02706816 _derivationally_related_form 00695523 +05025935 _hypernym 05024254 +01604330 _hypernym 01503061 +03510583 _hypernym 02686568 +00493259 _derivationally_related_form 14487731 +00590761 _derivationally_related_form 05707495 +12902021 _hypernym 12900462 +02742753 _has_part 02743050 +02710673 _derivationally_related_form 13903387 +12592839 _hypernym 13135832 +02677332 _derivationally_related_form 15237567 +09024972 _instance_hypernym 09316454 +09646432 _derivationally_related_form 02611442 +02234551 _derivationally_related_form 01084180 +05223370 _synset_domain_topic_of 06057539 +00308105 _derivationally_related_form 00702773 +13349395 _hypernym 13252973 +08860123 _member_of_domain_region 05611684 +01471682 _has_part 05279026 +00745187 _derivationally_related_form 07111047 +00950206 _hypernym 02530167 +01686956 _derivationally_related_form 03876519 +00758972 _derivationally_related_form 01787106 +02458517 _hypernym 02453611 +01809655 _also_see 02047807 +02586458 _derivationally_related_form 07159791 +00704388 _derivationally_related_form 05785885 +02244603 _derivationally_related_form 01119620 +05449268 _hypernym 05430628 +13603305 _hypernym 13583724 +02424128 _derivationally_related_form 00420712 +00909219 _derivationally_related_form 07211092 +03455033 _hypernym 08664443 +03150795 _derivationally_related_form 01152670 +13855627 _derivationally_related_form 02666882 +12983217 _hypernym 11590783 +06428976 _derivationally_related_form 00996102 +02749169 _hypernym 03994008 +01159655 _also_see 00226618 +02157731 _hypernym 02144835 +08860123 _member_of_domain_region 03555426 +01406512 _verb_group 01406356 +13869327 _derivationally_related_form 02035919 +12916935 _member_meronym 12924452 +07233214 _derivationally_related_form 00864159 +02652132 _hypernym 02642107 +12083339 _member_meronym 12083591 +00289840 _derivationally_related_form 04965661 +10460286 _hypernym 10072708 +06333653 _derivationally_related_form 00652346 +01018366 _derivationally_related_form 02679530 +07124340 _member_of_domain_usage 14854581 +05058580 _derivationally_related_form 00702601 +00864910 _derivationally_related_form 07233863 +03241660 _synset_domain_topic_of 06123363 +14562683 _hypernym 14561618 +01771966 _member_meronym 01772782 +00894359 _synset_domain_topic_of 08199025 +00576684 _hypernym 00109660 +00594413 _derivationally_related_form 05054130 +00224738 _hypernym 00219012 +05113462 _derivationally_related_form 02024411 +14301785 _hypernym 05823932 +02063516 _member_meronym 02063846 +02910353 _has_part 04010927 +10274318 _derivationally_related_form 00883226 +12039743 _member_meronym 12060816 +10463714 _derivationally_related_form 02577586 +03834604 _has_part 02753881 +02018265 _hypernym 01979462 +10614225 _derivationally_related_form 01401772 +08853741 _has_part 08854855 +12868880 _hypernym 12205694 +13555775 _hypernym 13459088 +10151760 _hypernym 10340312 +08122009 _hypernym 08119821 +04300080 _derivationally_related_form 01594362 +08170535 _hypernym 08168978 +06098195 _derivationally_related_form 09819667 +10553627 _hypernym 10389398 +10214390 _derivationally_related_form 02478059 +13532886 _derivationally_related_form 00360932 +01892608 _derivationally_related_form 07350401 +11733424 _hypernym 11571907 +05236029 _hypernym 05225602 +05385534 _has_part 05386845 +09614684 _derivationally_related_form 00895304 +14627820 _hypernym 14625458 +00588598 _derivationally_related_form 09761403 +04748836 _derivationally_related_form 02666239 +00595684 _hypernym 00586262 +15153787 _derivationally_related_form 00248026 +09809279 _synset_domain_topic_of 08199025 +05372290 _hypernym 05418717 +12201456 _hypernym 11575425 +12792041 _member_meronym 12797693 +10512372 _hypernym 10058585 +06352782 _hypernym 06351613 +00733317 _derivationally_related_form 02515934 +02171664 _derivationally_related_form 07381864 +13809769 _hypernym 13809207 +01591621 _hypernym 01356370 +10370381 _derivationally_related_form 05968450 +00858341 _hypernym 00857923 +00169811 _hypernym 00170844 +01474513 _also_see 01612053 +01254013 _hypernym 01254324 +00444651 _derivationally_related_form 01963130 +09440186 _hypernym 09225146 +00869596 _derivationally_related_form 13858045 +01165537 _hypernym 01160342 +11219635 _instance_hypernym 10430665 +04662951 _derivationally_related_form 01194483 +03824381 _has_part 03824284 +00095870 _derivationally_related_form 13140049 +09152944 _has_part 09177385 +03077074 _hypernym 03302487 +03236423 _hypernym 02792552 +08176077 _member_meronym 08847268 +02507337 _member_meronym 02510240 +01500572 _derivationally_related_form 07389931 +02169891 _also_see 02189714 +02645839 _derivationally_related_form 05814291 +00459114 _derivationally_related_form 13573666 +07120524 _hypernym 07109847 +09877443 _hypernym 10350220 +02091885 _derivationally_related_form 00285557 +04961691 _derivationally_related_form 00289392 +06941341 _hypernym 06904171 +01150164 _synset_domain_topic_of 00468480 +12810318 _member_meronym 12810595 +05021535 _hypernym 05020358 +08417920 _hypernym 08310389 +08859173 _derivationally_related_form 03003744 +05520479 _hypernym 05250659 +12226009 _member_meronym 12258380 +06613686 _derivationally_related_form 01002740 +12329020 _hypernym 11744859 +03023415 _hypernym 02716866 +12216382 _hypernym 11567411 +09858299 _hypernym 09977660 +04674715 _hypernym 04673965 +11939380 _member_meronym 11939491 +11498040 _derivationally_related_form 01609287 +01016420 _derivationally_related_form 10422405 +05299178 _has_part 05473735 +08140506 _hypernym 08337324 +00784727 _derivationally_related_form 10207831 +00789448 _hypernym 00790703 +00414627 _derivationally_related_form 01252566 +15165490 _hypernym 15228378 +02080415 _hypernym 02079389 +00073032 _derivationally_related_form 02005778 +10318892 _derivationally_related_form 01743531 +15097209 _derivationally_related_form 00447158 +00094448 _also_see 00118066 +00808855 _derivationally_related_form 07196075 +14565696 _hypernym 14504103 +01846320 _derivationally_related_form 00312784 +00623670 _derivationally_related_form 02258617 +15265518 _derivationally_related_form 02395782 +01277431 _derivationally_related_form 05222591 +00141396 _hypernym 00635850 +02639075 _derivationally_related_form 09988703 +10160624 _derivationally_related_form 01706889 +08018189 _instance_hypernym 08392137 +12965626 _hypernym 12992868 +08723006 _member_of_domain_region 05915811 +15232406 _instance_hypernym 15113229 +00744443 _derivationally_related_form 00069879 +11856055 _hypernym 11573660 +02017299 _hypernym 02016523 +02492198 _hypernym 02388950 +01418037 _derivationally_related_form 07847198 +02679899 _hypernym 02681795 +08543916 _has_part 09086173 +10536134 _hypernym 09615807 +01636993 _derivationally_related_form 05776015 +05800998 _derivationally_related_form 02458747 +09186064 _instance_hypernym 09411430 +00086077 _derivationally_related_form 01937909 +01292885 _derivationally_related_form 09900981 +09754907 _derivationally_related_form 00243900 +08614746 _hypernym 08673395 +06274921 _hypernym 06271778 +07731952 _hypernym 07802417 +11971600 _hypernym 11579418 +02732148 _hypernym 02719399 +02188065 _member_meronym 02191449 +02739861 _hypernym 02604760 +07472929 _derivationally_related_form 01094086 +00624263 _derivationally_related_form 06880664 +14641397 _hypernym 14904661 +08285594 _hypernym 08284481 +02461723 _also_see 01222884 +11931756 _hypernym 11579418 +13721387 _hypernym 13716084 +08999154 _has_part 08762495 +00521562 _hypernym 00520257 +09145217 _instance_hypernym 08524735 +00636441 _hypernym 00634472 +09405949 _instance_hypernym 09411430 +08176077 _member_meronym 08739206 +01001643 _hypernym 01000214 +13990502 _derivationally_related_form 00904046 +04510456 _instance_hypernym 03772269 +01623110 _hypernym 01621127 +08929922 _has_part 08941895 +12952852 _hypernym 13166338 +12900987 _hypernym 12900462 +05974798 _synset_domain_topic_of 06158346 +11878633 _hypernym 11878283 +01052215 _hypernym 01051331 +12413642 _hypernym 12411922 +11853191 _hypernym 11573660 +03673971 _derivationally_related_form 01285440 +02012715 _hypernym 01504437 +00103317 _hypernym 00281101 +00468236 _derivationally_related_form 01158690 +02226172 _hypernym 02339413 +01427695 _derivationally_related_form 10485440 +01252280 _derivationally_related_form 00413876 +06773434 _hypernym 06771653 +00996969 _derivationally_related_form 00647094 +06449735 _has_part 06440937 +13479889 _hypernym 13440063 +01972283 _hypernym 01938850 +12588780 _hypernym 12583126 +08172103 _member_meronym 08848094 +05566504 _derivationally_related_form 01209953 +02414473 _hypernym 02413480 +02036399 _hypernym 01504437 +02037090 _derivationally_related_form 05069199 +00403783 _hypernym 00403092 +11996092 _member_meronym 11996251 +01635432 _derivationally_related_form 05936381 +00418903 _derivationally_related_form 02600490 +08394922 _has_part 08395298 +01190948 _derivationally_related_form 07491708 +10413834 _synset_domain_topic_of 08083599 +01682761 _synset_domain_topic_of 00714944 +01892953 _derivationally_related_form 04889527 +02448200 _hypernym 01864707 +11904896 _hypernym 11575425 +01385170 _derivationally_related_form 07964495 +00687926 _derivationally_related_form 10681383 +00208836 _hypernym 00109660 +09623038 _derivationally_related_form 02440244 +04644512 _hypernym 04623612 +00290276 _derivationally_related_form 01864634 +02064608 _hypernym 01864707 +07859583 _hypernym 07858595 +12720532 _member_meronym 12723446 +00372977 _hypernym 00372607 +09189411 _has_part 08718577 +10455915 _derivationally_related_form 00837288 +10507070 _hypernym 10630188 +12487647 _member_meronym 12494115 +07417043 _hypernym 07416714 +01285440 _also_see 01286913 +02113850 _synset_domain_topic_of 00903559 +02156225 _verb_group 02129289 +10709529 _derivationally_related_form 01508368 +14146273 _hypernym 14145095 +05095691 _derivationally_related_form 00319214 +09848489 _hypernym 10677713 +02449847 _derivationally_related_form 00373130 +02005756 _derivationally_related_form 05651399 +07394236 _hypernym 07387509 +02529772 _hypernym 01428580 +01592774 _hypernym 00173338 +03481172 _derivationally_related_form 01675245 +06503724 _hypernym 06502378 +00542809 _hypernym 01664172 +10539160 _hypernym 10129825 +08028623 _instance_hypernym 08392137 +04694809 _hypernym 04694441 +04552348 _hypernym 03510583 +07544647 _hypernym 00026192 +04091097 _hypernym 03430959 +00868196 _hypernym 13440063 +07367708 _derivationally_related_form 01573515 +02073233 _verb_group 02030764 +01890792 _derivationally_related_form 00345817 +01068184 _hypernym 00383952 +00717748 _derivationally_related_form 01534609 +08688076 _instance_hypernym 08685677 +03613294 _has_part 04184095 +13463490 _hypernym 13518963 +00707322 _derivationally_related_form 09958892 +11252627 _instance_hypernym 09971839 +00533403 _derivationally_related_form 04258982 +01795088 _hypernym 02153203 +00233614 _derivationally_related_form 01137696 +07863374 _hypernym 07557434 +00394813 _derivationally_related_form 07373602 +01752728 _derivationally_related_form 13517199 +06506757 _derivationally_related_form 00610538 +00475647 _hypernym 00475183 +00372448 _derivationally_related_form 01575675 +01655577 _member_meronym 01656078 +01325536 _verb_group 01323958 +00805524 _derivationally_related_form 00493703 +12169526 _member_meronym 12194776 +00703875 _derivationally_related_form 05785508 +03599628 _derivationally_related_form 02420789 +02583780 _derivationally_related_form 00962722 +08753933 _instance_hypernym 08544813 +14723628 _derivationally_related_form 00267519 +01975880 _member_meronym 01984958 +06369829 _has_part 06373747 +00095747 _hypernym 00094460 +11013876 _instance_hypernym 10453533 +01123095 _hypernym 00279835 +03003091 _hypernym 04608567 +02175263 _member_meronym 02175440 +06545137 _synset_domain_topic_of 08441203 +10792856 _derivationally_related_form 01566185 +05684561 _derivationally_related_form 02162434 +00508933 _hypernym 00508032 +01710481 _synset_domain_topic_of 06157326 +12807409 _hypernym 12806732 +15232406 _has_part 15233047 +03846234 _hypernym 03763968 +09207288 _has_part 08975902 +08247251 _hypernym 08246613 +00457327 _verb_group 00457100 +05552106 _hypernym 05551711 +10731244 _hypernym 09631129 +00376994 _derivationally_related_form 00335366 +02033561 _hypernym 02022684 +02406585 _derivationally_related_form 10671613 +01591835 _derivationally_related_form 06793426 +05622456 _hypernym 05616246 +04651974 _derivationally_related_form 00461493 +08174398 _member_meronym 08953324 +02912440 _hypernym 03759954 +11788727 _hypernym 13120211 +08453722 _hypernym 08441203 +01158572 _also_see 01157517 +05966129 _derivationally_related_form 00703310 +12762583 _hypernym 11567411 +01959294 _also_see 02371718 +10837918 _instance_hypernym 10705615 +05796750 _has_part 05796937 +13208468 _hypernym 13167078 +02595339 _hypernym 02594552 +08648153 _synset_domain_topic_of 06004685 +02438861 _derivationally_related_form 01134479 +03857828 _hypernym 03278248 +06227263 _derivationally_related_form 00386566 +06417598 _derivationally_related_form 00877083 +00794367 _derivationally_related_form 01112584 +05596651 _has_part 05275315 +00794367 _hypernym 00786195 +00739632 _synset_domain_topic_of 08441203 +01573515 _also_see 01661804 +07375781 _derivationally_related_form 01456088 +01891817 _verb_group 00009631 +08787240 _instance_hypernym 08524735 +11036140 _instance_hypernym 10467395 +01072072 _derivationally_related_form 01190948 +06845599 _member_of_domain_usage 03747281 +07824702 _hypernym 07809368 +04631700 _derivationally_related_form 02278939 +00031921 _derivationally_related_form 13780719 +05081300 _derivationally_related_form 02142775 +00039950 _hypernym 00040353 +14886579 _hypernym 04522904 +01556671 _member_meronym 01562116 +10644179 _derivationally_related_form 01231652 +07196682 _hypernym 06285090 +01433809 _derivationally_related_form 02099029 +05584928 _has_part 05272110 +11886788 _member_meronym 11887119 +02731398 _hypernym 04061969 +01661091 _hypernym 01471682 +01190172 _hypernym 01187810 +02551144 _hypernym 02551832 +02672886 _synset_domain_topic_of 06084469 +12153393 _member_meronym 12153580 +08908954 _instance_hypernym 09316454 +11994827 _hypernym 11579418 +02336449 _derivationally_related_form 05113133 +05258299 _derivationally_related_form 01223833 +05054863 _hypernym 05051249 +05283498 _derivationally_related_form 01257173 +03732114 _hypernym 02921884 +13623054 _has_part 13622591 +12892226 _member_meronym 12899333 +12231192 _hypernym 13112664 +01756719 _synset_domain_topic_of 00929718 +03755140 _hypernym 02716205 +00251809 _derivationally_related_form 07522729 +03980332 _hypernym 03485997 +06818121 _derivationally_related_form 01152670 +05513529 _has_part 05518870 +14559983 _hypernym 14548343 +00233203 _hypernym 00233335 +10700517 _derivationally_related_form 02460483 +15169759 _hypernym 15169421 +12100538 _member_meronym 12139367 +03560567 _has_part 03213014 +07267160 _hypernym 06806469 +01238358 _hypernym 01236164 +10078806 _derivationally_related_form 01739814 +08891595 _instance_hypernym 09302616 +08493261 _has_part 09025863 +00842692 _derivationally_related_form 00073584 +01941838 _synset_domain_topic_of 00300441 +00389308 _derivationally_related_form 00638194 +01519727 _hypernym 01675963 +11750508 _hypernym 12495146 +14242337 _hypernym 14239918 +00619972 _also_see 01195536 +10826717 _instance_hypernym 10450303 +01633173 _hypernym 01653013 +08723006 _member_of_domain_region 09481285 +11115131 _instance_hypernym 09947232 +00030647 _hypernym 00065639 +15277118 _hypernym 15286249 +05822746 _derivationally_related_form 00950431 +01692579 _hypernym 01747945 +09281545 _instance_hypernym 09411430 +02150948 _derivationally_related_form 05933246 +02795169 _has_part 02919648 +00192836 _derivationally_related_form 09402704 +08245059 _member_meronym 08245172 +02455407 _derivationally_related_form 09626589 +07412092 _hypernym 07283608 +10997553 _instance_hypernym 10566072 +13530408 _derivationally_related_form 00239321 +04455250 _hypernym 03726760 +02490030 _member_meronym 02490219 +00032778 _hypernym 00943837 +02624806 _hypernym 02624263 +00812580 _derivationally_related_form 07242104 +06289250 _hypernym 06286395 +00703512 _hypernym 00630380 +11985053 _hypernym 13122364 +09027679 _instance_hypernym 08524735 +09913329 _derivationally_related_form 00858781 +13973320 _derivationally_related_form 09791816 +09788073 _derivationally_related_form 01142203 +00899927 _hypernym 00898518 +10532058 _derivationally_related_form 02584661 +08523483 _derivationally_related_form 01498498 +14376188 _derivationally_related_form 01798452 +02040049 _derivationally_related_form 14547643 +09019355 _member_meronym 09639543 +00611802 _hypernym 00713167 +13291189 _derivationally_related_form 02672540 +12815925 _member_meronym 12819560 +01962350 _hypernym 01939598 +01834304 _also_see 00013160 +10582746 _hypernym 10605985 +05916739 _derivationally_related_form 00721098 +00948071 _derivationally_related_form 09904057 +10533983 _derivationally_related_form 01048718 +13996061 _derivationally_related_form 02497062 +12998349 _member_meronym 12986084 +12916935 _member_meronym 12928690 +00884466 _hypernym 00883297 +12410715 _member_meronym 12475450 +08709038 _has_part 08988609 +10825180 _instance_hypernym 10467395 +09683559 _hypernym 09682291 +11719468 _member_meronym 11729315 +04243727 _hypernym 04061442 +00728641 _hypernym 00796586 +00695300 _derivationally_related_form 00084738 +02161922 _derivationally_related_form 00375625 +01811736 _derivationally_related_form 07527656 +03767459 _hypernym 03257586 +01472939 _hypernym 05515670 +02641957 _derivationally_related_form 15272029 +07512848 _hypernym 07512465 +01041111 _derivationally_related_form 02386012 +01465054 _synset_domain_topic_of 06128570 +09160775 _has_part 09160968 +00111129 _derivationally_related_form 05774129 +09585434 _synset_domain_topic_of 09689152 +02196378 _hypernym 02195470 +02099774 _derivationally_related_form 13949576 +08441203 _has_part 06532330 +10720197 _hypernym 09762509 +07452841 _derivationally_related_form 00612612 +10552742 _derivationally_related_form 06777164 +05143690 _derivationally_related_form 01106864 +00043609 _derivationally_related_form 02222318 +14583670 _hypernym 14856263 +08092539 _hypernym 08147188 +01357831 _also_see 00715541 +10672908 _hypernym 09774783 +12863026 _hypernym 11579418 +13978166 _hypernym 13977366 +06272803 _hypernym 06272290 +14444326 _derivationally_related_form 02204242 +12720532 _hypernym 11566682 +00882045 _hypernym 00877127 +13599547 _hypernym 00033615 +06617644 _hypernym 06613686 +14562142 _derivationally_related_form 00388635 +11938732 _hypernym 13112664 +14059928 _hypernym 14052403 +04922113 _hypernym 04921754 +14440137 _hypernym 14439447 +10383816 _derivationally_related_form 00710005 +09355850 _derivationally_related_form 01834896 +00877083 _derivationally_related_form 07143137 +01972131 _hypernym 00124442 +10219121 _hypernym 09977660 +08560952 _hypernym 08628921 +02958343 _has_part 02911158 +00093327 _hypernym 00387310 +05285275 _has_part 05332225 +01497878 _member_meronym 01498268 +09119277 _has_part 09122968 +00125436 _derivationally_related_form 01233027 +06452363 _has_part 06453324 +00310666 _derivationally_related_form 02082527 +02556817 _derivationally_related_form 07180372 +07086518 _derivationally_related_form 02174830 +02351010 _derivationally_related_form 13303315 +06498569 _has_part 06838975 +04836683 _derivationally_related_form 00765977 +01598432 _hypernym 01504437 +02426339 _hypernym 01864707 +09030096 _instance_hypernym 08552138 +02330245 _hypernym 02329401 +02034394 _member_meronym 02035656 +01170962 _hypernym 00958896 +02457233 _hypernym 00686447 +01941670 _member_meronym 01947613 +01587818 _hypernym 01587062 +08124971 _hypernym 08338847 +09200649 _instance_hypernym 09411430 +00962129 _derivationally_related_form 10210137 +12355594 _member_meronym 12355760 +03589791 _hypernym 03057021 +00837675 _derivationally_related_form 01199009 +05870180 _derivationally_related_form 01657828 +05952979 _derivationally_related_form 00633443 +10308275 _hypernym 10307234 +12062227 _member_meronym 12062468 +02354537 _also_see 01817500 +13773361 _derivationally_related_form 02156063 +01376082 _hypernym 01374767 +03243218 _has_part 04277493 +06118563 _derivationally_related_form 10312287 +02799593 _synset_domain_topic_of 00471613 +00784388 _derivationally_related_form 09858299 +01862386 _derivationally_related_form 04889337 +07374756 _hypernym 07373803 +00337065 _hypernym 00334186 +05436080 _hypernym 05263850 +07997703 _member_meronym 08103457 +14285662 _derivationally_related_form 00090186 +03654374 _hypernym 08673395 +01817314 _derivationally_related_form 07491286 +00849332 _derivationally_related_form 10561320 +01484083 _derivationally_related_form 04667406 +06880664 _hypernym 05765415 +10895549 _instance_hypernym 09765278 +05247369 _hypernym 05317191 +02594250 _hypernym 02554730 +05176607 _hypernym 06689297 +10820790 _instance_hypernym 10547145 +01913849 _hypernym 01912159 +01031256 _derivationally_related_form 00122338 +03876519 _derivationally_related_form 02861617 +02554422 _hypernym 02554922 +01819554 _hypernym 01819147 +04167759 _hypernym 03964744 +00492677 _derivationally_related_form 04764741 +00055539 _hypernym 00055142 +13559782 _derivationally_related_form 00119524 +00527034 _hypernym 00352826 +05827253 _derivationally_related_form 01759326 +00265386 _derivationally_related_form 00800940 +00414627 _derivationally_related_form 00168658 +05460870 _has_part 05332569 +02480673 _hypernym 01864707 +06468951 _derivationally_related_form 01006421 +00619183 _derivationally_related_form 15159819 +06790557 _synset_domain_topic_of 08083599 +06765887 _synset_domain_topic_of 08441203 +03058726 _derivationally_related_form 01684180 +02862048 _has_part 04496404 +11675842 _hypernym 13087625 +06457952 _hypernym 06429590 +02065599 _member_meronym 02065726 +01346804 _hypernym 00146138 +07175241 _hypernym 07160883 +09130076 _has_part 09131428 +02490877 _hypernym 02486932 +09847727 _derivationally_related_form 01778990 +00874977 _derivationally_related_form 00657550 +02671279 _derivationally_related_form 13321495 +01682234 _synset_domain_topic_of 00714944 +03398467 _derivationally_related_form 00131018 +02367363 _derivationally_related_form 14006945 +04683002 _hypernym 04682462 +10380126 _hypernym 00007846 +00060477 _derivationally_related_form 00667847 +12992464 _member_meronym 12976672 +00865600 _derivationally_related_form 00072989 +12859873 _member_meronym 12859986 +00121865 _derivationally_related_form 07326880 +00929718 _derivationally_related_form 10794014 +12901565 _hypernym 12900462 +13628419 _has_part 13627810 +14323683 _hypernym 14322699 +00295697 _derivationally_related_form 03451473 +04978792 _synset_domain_topic_of 06083243 +01975312 _member_meronym 01975880 +12144399 _hypernym 12143676 +12074205 _hypernym 11556857 +12418680 _member_meronym 12419037 +00315383 _derivationally_related_form 01889074 +00575741 _derivationally_related_form 02407987 +00321956 _derivationally_related_form 01587062 +00728617 _hypernym 00594621 +05683390 _hypernym 05683197 +03819595 _derivationally_related_form 01463340 +12008017 _member_meronym 12008749 +00047945 _derivationally_related_form 10033082 +02504562 _derivationally_related_form 14451349 +11727540 _hypernym 11727091 +14902733 _hypernym 14902141 +12501745 _member_meronym 12506614 +01655902 _hypernym 01654628 +14830364 _has_part 14964129 +01458973 _derivationally_related_form 02995998 +13802920 _hypernym 13796779 +00200863 _hypernym 00682928 +10368009 _hypernym 10518602 +15287830 _hypernym 15269513 +00153105 _has_part 00177127 +04390977 _hypernym 03967942 +05071368 _derivationally_related_form 00392960 +02485451 _hypernym 02483267 +11044168 _instance_hypernym 10566072 +00349416 _hypernym 00348746 +00298767 _derivationally_related_form 07377473 +09770179 _hypernym 10317007 +00707956 _derivationally_related_form 07176962 +10559288 _hypernym 10804406 +02241184 _member_meronym 02243351 +10230801 _hypernym 09977660 +01551195 _derivationally_related_form 13872211 +01972131 _derivationally_related_form 00201058 +12783173 _hypernym 11567411 +01873144 _member_meronym 01873310 +01901783 _derivationally_related_form 00346095 +06486161 _synset_domain_topic_of 00471613 +00849357 _also_see 02270342 +01145359 _derivationally_related_form 02422663 +08756735 _member_meronym 09699020 +00331655 _derivationally_related_form 02012344 +06453324 _has_part 06436183 +01185981 _derivationally_related_form 07449862 +10038778 _hypernym 10271677 +01203676 _hypernym 01202904 +01688771 _derivationally_related_form 00900726 +04178190 _hypernym 03924069 +00447158 _derivationally_related_form 15097209 +06468123 _derivationally_related_form 00244416 +02679012 _hypernym 02669789 +00132385 _derivationally_related_form 05556943 +01320872 _derivationally_related_form 01477806 +00036362 _verb_group 00036178 +00829918 _synset_domain_topic_of 08199025 +00973077 _hypernym 00952963 +00599329 _derivationally_related_form 10547145 +05313535 _has_part 05423779 +00223983 _derivationally_related_form 01322854 +01109687 _hypernym 01093085 +01904930 _derivationally_related_form 05003090 +02071457 _derivationally_related_form 00396029 +02430580 _derivationally_related_form 00384802 +01448165 _member_meronym 01448291 +09217414 _hypernym 09334396 +06508112 _hypernym 06502378 +10172080 _derivationally_related_form 01478626 +00654885 _hypernym 00575741 +02021795 _hypernym 01844917 +05830059 _derivationally_related_form 01791535 +01130607 _hypernym 01128193 +00344942 _derivationally_related_form 01545314 +12978381 _member_meronym 12978654 +00392093 _similar_to 00386392 +05685538 _hypernym 05685363 +02005756 _derivationally_related_form 00607780 +00098083 _derivationally_related_form 04082344 +09150863 _instance_hypernym 08633957 +02137710 _hypernym 02143283 +05476256 _hypernym 05474346 +02402425 _hypernym 02402010 +01313093 _member_meronym 01924590 +03197804 _hypernym 15060131 +06295235 _member_of_domain_usage 08404895 +01430447 _verb_group 00060185 +11245110 _instance_hypernym 10123844 +03800933 _derivationally_related_form 10340312 +01377032 _hypernym 01378556 +00951433 _derivationally_related_form 01164568 +01004403 _hypernym 00190023 +11511523 _derivationally_related_form 02766687 +12320010 _hypernym 13110915 +10635275 _hypernym 09984659 +02446819 _hypernym 02413480 +11868814 _hypernym 12205694 +04745932 _derivationally_related_form 02658050 +02064338 _hypernym 02063224 +14779205 _derivationally_related_form 00279465 +04286128 _hypernym 03953020 +12028196 _member_meronym 12029039 +05706629 _derivationally_related_form 00616857 +03001282 _has_part 02999410 +09498497 _instance_hypernym 09484664 +05630409 _hypernym 05629682 +02660940 _derivationally_related_form 06944480 +05496990 _has_part 05228020 +04870643 _hypernym 04870340 +11722199 _hypernym 11720353 +01965331 _hypernym 01963942 +02062744 _derivationally_related_form 01141938 +12581381 _member_meronym 12591523 +01523105 _derivationally_related_form 02860415 +01058036 _hypernym 00126264 +05674584 _hypernym 05669934 +01195380 _hypernym 01080366 +00212790 _hypernym 00212414 +02164464 _hypernym 02159955 +01393339 _derivationally_related_form 00252020 +03001627 _hypernym 04161981 +06562802 _derivationally_related_form 00807941 +01186428 _derivationally_related_form 03836062 +00548173 _hypernym 00097504 +08810358 _instance_hypernym 08803382 +00298041 _derivationally_related_form 08366202 +13002433 _member_meronym 13003522 +12162425 _hypernym 12157769 +05166560 _hypernym 05166072 +02713594 _hypernym 02679415 +01222884 _derivationally_related_form 04873550 +08927186 _member_of_domain_region 08011523 +14597413 _derivationally_related_form 01539633 +01052450 _hypernym 01051331 +00933566 _derivationally_related_form 05117660 +00577170 _synset_domain_topic_of 06125698 +00735571 _derivationally_related_form 08456993 +08813978 _has_part 08814333 +01942601 _member_meronym 01942724 +00009147 _derivationally_related_form 01318660 +01708332 _member_meronym 01708778 +09815790 _derivationally_related_form 02555434 +00894738 _derivationally_related_form 05794403 +08180639 _member_meronym 10481711 +02377651 _derivationally_related_form 13845239 +13557158 _derivationally_related_form 01578513 +09783369 _derivationally_related_form 01823528 +02598438 _member_meronym 02598573 +07039056 _hypernym 07037465 +01793988 _member_meronym 01794158 +11100139 _instance_hypernym 09930876 +08241654 _hypernym 08240633 +01918803 _derivationally_related_form 10022645 +01205341 _derivationally_related_form 09935793 +12906926 _hypernym 11579418 +10182499 _hypernym 10389398 +06768901 _derivationally_related_form 00958334 +02579447 _derivationally_related_form 10257647 +09084750 _has_part 09085441 +04631700 _hypernym 04635104 +07339329 _derivationally_related_form 01205696 +13184492 _hypernym 13166338 +05077146 _derivationally_related_form 00464321 +10627899 _derivationally_related_form 02719016 +01286290 _derivationally_related_form 03132438 +02659358 _hypernym 02657219 +00075515 _derivationally_related_form 05167618 +07548978 _derivationally_related_form 01773346 +03315644 _hypernym 04014297 +10401829 _hypernym 09816771 +04143897 _hypernym 03419014 +07332148 _derivationally_related_form 02028994 +06791372 _derivationally_related_form 00932324 +06441973 _instance_hypernym 06394865 +08716738 _member_of_domain_region 08028999 +02668093 _hypernym 02667906 +11498203 _hypernym 11458624 +10032342 _hypernym 10409752 +00504676 _derivationally_related_form 13521873 +12406488 _hypernym 12405714 +05774614 _hypernym 05772356 +14957270 _hypernym 14993378 +02310328 _synset_domain_topic_of 08441203 +01017738 _derivationally_related_form 14547369 +10578762 _derivationally_related_form 01435380 +04045941 _hypernym 03932670 +03100897 _derivationally_related_form 02077656 +10064405 _hypernym 10794014 +02852173 _derivationally_related_form 02159890 +11123262 _instance_hypernym 10599806 +07157273 _member_of_domain_usage 06506603 +01431879 _derivationally_related_form 00138599 +14139015 _hypernym 14138691 +01102667 _derivationally_related_form 00575365 +05855125 _derivationally_related_form 00489837 +13065702 _hypernym 08103777 +10900730 _instance_hypernym 10191943 +07595180 _derivationally_related_form 00114615 +10249950 _hypernym 10480253 +02855089 _derivationally_related_form 02100632 +04623612 _hypernym 04623113 +01105639 _hypernym 01101913 +02180898 _hypernym 02176268 +05048301 _hypernym 05048123 +12946088 _member_meronym 12948978 +09207288 _has_part 08964810 +10467179 _derivationally_related_form 15266265 +00205885 _derivationally_related_form 10191613 +03540595 _has_part 04549919 +13966007 _derivationally_related_form 10328782 +04956594 _derivationally_related_form 01696648 +01933305 _hypernym 01931768 +00751145 _derivationally_related_form 00835903 +07291794 _derivationally_related_form 00352826 +14642916 _hypernym 14622893 +00172732 _hypernym 00203866 +06453849 _has_part 06441803 +07355887 _hypernym 07296428 +04105438 _hypernym 04014297 +13536794 _hypernym 00029677 +12836663 _hypernym 11579418 +11908077 _hypernym 12205694 +03854065 _has_part 03614007 +14082595 _derivationally_related_form 01388813 +13148791 _member_meronym 13149039 +01097960 _derivationally_related_form 07169353 +12077732 _member_meronym 12077944 +11850337 _hypernym 11573660 +02551832 _derivationally_related_form 10553805 +15274074 _derivationally_related_form 00779601 +01390466 _hypernym 01390123 +02409369 _hypernym 01864707 +05770926 _derivationally_related_form 00608808 +07215568 _hypernym 07215377 +00677038 _derivationally_related_form 00181005 +03522239 _hypernym 03740161 +07385803 _hypernym 07387509 +02038837 _hypernym 01507175 +00633265 _derivationally_related_form 05793210 +07750586 _hypernym 07737081 +04218773 _hypernym 04493505 +01026095 _derivationally_related_form 07230502 +01190364 _synset_domain_topic_of 08441203 +05093890 _hypernym 04916342 +09038272 _instance_hypernym 08524735 +01416364 _synset_domain_topic_of 00916464 +00256961 _derivationally_related_form 00038365 +09038439 _instance_hypernym 08524735 +10123711 _derivationally_related_form 15153787 +11800359 _member_meronym 11800565 +01485513 _hypernym 00173338 +04581595 _hypernym 02913152 +00828559 _hypernym 00828237 +01281782 _hypernym 01282545 +02507863 _hypernym 01864707 +06367373 _hypernym 06364329 +01322391 _hypernym 01321895 +05112609 _hypernym 04723816 +02405390 _derivationally_related_form 00197772 +02738031 _derivationally_related_form 02334867 +07408965 _hypernym 07308563 +02384686 _derivationally_related_form 07186661 +08947617 _instance_hypernym 08633957 +00870577 _hypernym 00872886 +10421956 _derivationally_related_form 01089483 +02050132 _hypernym 01835496 +04469003 _hypernym 04463983 +07157273 _member_of_domain_usage 10386196 +10315837 _hypernym 10515194 +01284461 _hypernym 01519977 +08029784 _synset_domain_topic_of 00759694 +13574452 _derivationally_related_form 00093775 +06048552 _derivationally_related_form 10384610 +04184701 _derivationally_related_form 00338071 +09779623 _hypernym 10241300 +00604811 _derivationally_related_form 10694258 +01787546 _hypernym 01759182 +10057271 _hypernym 10597234 +05823932 _hypernym 05816287 +07321247 _hypernym 07320302 +12250413 _member_meronym 12251137 +05479314 _derivationally_related_form 02877704 +00839597 _hypernym 00863513 +10162991 _hypernym 09623038 +01341876 _member_meronym 01379636 +01181166 _hypernym 02327200 +07322550 _synset_domain_topic_of 06184270 +07491981 _hypernym 07491708 +00909899 _derivationally_related_form 01662771 +11349739 _instance_hypernym 10467395 +06021761 _derivationally_related_form 02645389 +10166626 _synset_domain_topic_of 06234825 +13143285 _has_part 07765999 +12893094 _member_meronym 12897493 +02689973 _derivationally_related_form 02062209 +02325211 _hypernym 01864707 +08639058 _has_part 03216828 +06379568 _derivationally_related_form 01703326 +03763403 _has_part 03763727 +02411427 _member_meronym 02413131 +06220819 _hypernym 06220616 +01639369 _member_meronym 01647803 +01044533 _derivationally_related_form 07132634 +02544274 _hypernym 01428580 +00193130 _derivationally_related_form 13985818 +00996102 _derivationally_related_form 06428976 +05765901 _derivationally_related_form 02723733 +01275762 _derivationally_related_form 04681387 +02839910 _derivationally_related_form 01493142 +01719921 _derivationally_related_form 00795785 +09161090 _instance_hypernym 08696931 +02600948 _derivationally_related_form 00235435 +03924407 _hypernym 02984699 +09231361 _instance_hypernym 09411430 +00369138 _derivationally_related_form 01376245 +01880937 _hypernym 01862557 +01801498 _hypernym 00126264 +05907682 _hypernym 05905348 +03859958 _derivationally_related_form 00044149 +07362218 _hypernym 07363883 +01142899 _hypernym 01143838 +08761244 _has_part 08761697 +03309808 _hypernym 00021939 +04681387 _derivationally_related_form 01275762 +05604535 _synset_domain_topic_of 06080522 +03918737 _derivationally_related_form 00404642 +06619428 _derivationally_related_form 00973056 +01119169 _verb_group 01118449 +00243606 _derivationally_related_form 04977247 +02185973 _member_meronym 02187759 +02548710 _derivationally_related_form 01209220 +05870615 _derivationally_related_form 01429953 +09911570 _derivationally_related_form 01037650 +12718314 _member_meronym 12718483 +08983105 _instance_hypernym 08691669 +02663849 _has_part 07791274 +08349548 _hypernym 08119821 +02603926 _derivationally_related_form 02501278 +00967310 _hypernym 00965895 +00179567 _derivationally_related_form 11684739 +08924023 _instance_hypernym 08524735 +02154508 _derivationally_related_form 00043195 +04530283 _hypernym 02688443 +13881644 _hypernym 13863186 +04630689 _hypernym 00024264 +05445668 _hypernym 05297523 +11778534 _member_meronym 11786365 +10740732 _hypernym 09765278 +05408113 _hypernym 05407119 +04604009 _instance_hypernym 04233124 +04799881 _derivationally_related_form 01036083 +00926156 _derivationally_related_form 13512238 +08889521 _instance_hypernym 08524735 +02248368 _hypernym 02246011 +01791535 _derivationally_related_form 14406573 +02444159 _verb_group 01525666 +03128519 _hypernym 04447443 +10226060 _synset_domain_topic_of 08441203 +10254965 _hypernym 10182913 +01190494 _derivationally_related_form 10037385 +01884974 _derivationally_related_form 07364700 +02464725 _derivationally_related_form 07500414 +01706889 _derivationally_related_form 10160624 +00838043 _derivationally_related_form 03318438 +12937822 _member_meronym 12938667 +00141806 _derivationally_related_form 02658283 +09044862 _has_part 09093608 +03302938 _has_part 04218564 +06718862 _member_of_domain_usage 09642917 +09390424 _has_part 08848421 +10420031 _derivationally_related_form 00758627 +06978180 _hypernym 06904171 +07138915 _derivationally_related_form 00689344 +01654957 _hypernym 01342529 +01462468 _derivationally_related_form 00380696 +02199590 _derivationally_related_form 01086081 +00015303 _also_see 00017282 +15101361 _derivationally_related_form 02759614 +02359061 _verb_group 00874002 +01354869 _member_meronym 01357967 +02291220 _hypernym 02283201 +06696025 _hypernym 06695579 +15271008 _derivationally_related_form 02535716 +05197701 _hypernym 05196582 +07401726 _derivationally_related_form 02122665 +01955808 _derivationally_related_form 00303748 +00632236 _derivationally_related_form 06753800 +12525975 _member_meronym 12526178 +00045639 _hypernym 00293141 +10022759 _hypernym 09998101 +13929588 _derivationally_related_form 09945905 +01130607 _also_see 01389942 +13753430 _hypernym 13745420 +09068921 _instance_hypernym 08524735 +02385813 _hypernym 02391803 +08723006 _has_part 08728882 +12756862 _member_meronym 12756457 +14822141 _hypernym 14778436 +01142324 _hypernym 01139194 +05310790 _hypernym 05426243 +01318660 _hypernym 00015388 +11911591 _member_meronym 11955770 +10763075 _hypernym 09917593 +02862048 _has_part 04077594 +08711974 _has_part 08711468 +00942988 _derivationally_related_form 00309990 +02660147 _derivationally_related_form 13911151 +00710155 _hypernym 00658082 +05228020 _hypernym 05462674 +01037819 _hypernym 01034925 +02528534 _member_meronym 02541431 +09754633 _hypernym 10025730 +01814396 _derivationally_related_form 14486533 +06229853 _derivationally_related_form 02952975 +03763133 _synset_domain_topic_of 08199025 +12930778 _hypernym 12205694 +02185373 _derivationally_related_form 00125436 +03365592 _derivationally_related_form 01412346 +15035123 _hypernym 15034939 +02191131 _member_meronym 02191273 +01498822 _member_meronym 01499595 +05161150 _derivationally_related_form 00177186 +00622384 _hypernym 00621734 +06919215 _hypernym 06906439 +02879718 _hypernym 04565375 +10381369 _derivationally_related_form 00276883 +02128120 _member_meronym 02128925 +09227839 _hypernym 09416076 +02320374 _verb_group 02321046 +13081369 _hypernym 11590783 +01956924 _member_meronym 01957075 +01030022 _derivationally_related_form 05257737 +00234892 _hypernym 00199130 +01624633 _also_see 01801600 +01835280 _derivationally_related_form 11464143 +12212810 _member_meronym 11566682 +10560637 _hypernym 00007846 +00364868 _hypernym 00443984 +01252124 _synset_domain_topic_of 08441203 +01699415 _member_meronym 01699537 +06226057 _derivationally_related_form 00411009 +01644522 _derivationally_related_form 00238527 +08978343 _instance_hypernym 08702402 +01163429 _hypernym 01163047 +01232098 _hypernym 01549905 +06065819 _has_part 06066267 +12188289 _hypernym 13104059 +07325190 _derivationally_related_form 02608347 +08304135 _member_meronym 08765315 +04445952 _hypernym 04372370 +04234455 _hypernym 04339638 +02453889 _derivationally_related_form 07248060 +12678794 _hypernym 12678224 +07821260 _hypernym 07811416 +00604694 _hypernym 00586262 +06718543 _hypernym 06717170 +00624738 _hypernym 00621627 +01678407 _hypernym 01675963 +03383646 _derivationally_related_form 01675245 +13070308 _hypernym 12998815 +14992287 _hypernym 14586258 +02553196 _member_meronym 02581803 +00153961 _derivationally_related_form 00667224 +10213429 _derivationally_related_form 00533897 +01620575 _hypernym 01507175 +08984788 _member_of_domain_region 10039164 +09152944 _has_part 09187407 +09531630 _hypernym 09505418 +01502262 _member_meronym 01519046 +02495922 _also_see 00834198 +02341266 _also_see 00227507 +08913434 _has_part 08915017 +12030654 _hypernym 11915214 +15201505 _has_part 15206296 +01049737 _derivationally_related_form 03006626 +03626115 _hypernym 04008947 +09761403 _derivationally_related_form 00590806 +00801277 _hypernym 00798245 +08965251 _instance_hypernym 08544813 +03446070 _hypernym 03446832 +02314001 _hypernym 08102555 +04417180 _hypernym 03699975 +05520479 _hypernym 05310790 +00280853 _derivationally_related_form 01849221 +00006484 _has_part 05445668 +06013741 _derivationally_related_form 00637259 +02589245 _derivationally_related_form 01081628 +01970646 _synset_domain_topic_of 06095022 +10047199 _hypernym 10576962 +01270589 _derivationally_related_form 04191150 +06845599 _member_of_domain_usage 02699343 +08153874 _hypernym 08077292 +08646902 _hypernym 08646787 +09194710 _instance_hypernym 09403734 +11719468 _member_meronym 11734872 +09941571 _synset_domain_topic_of 08199025 +13883885 _hypernym 13860793 +06719579 _derivationally_related_form 00848169 +00865958 _derivationally_related_form 07233634 +06544841 _synset_domain_topic_of 08441203 +02502902 _member_meronym 02505646 +10787470 _hypernym 09605289 +09695747 _hypernym 09641757 +07154330 _hypernym 07151380 +00918872 _verb_group 01637982 +00493259 _hypernym 00126264 +01276361 _derivationally_related_form 00263813 +07052291 _hypernym 06387980 +00475183 _derivationally_related_form 14836960 +13779374 _hypernym 13779032 +00478647 _synset_domain_topic_of 00478262 +00139758 _synset_domain_topic_of 00469651 +00142361 _has_part 07004057 +02714200 _derivationally_related_form 04270891 +00930868 _derivationally_related_form 01701311 +00525446 _hypernym 02478936 +05487423 _hypernym 05462674 +10236304 _derivationally_related_form 13812607 +10277352 _derivationally_related_form 01138204 +08902753 _instance_hypernym 08574314 +01537409 _derivationally_related_form 05244934 +02227487 _derivationally_related_form 00212808 +13304009 _hypernym 13303315 +07993109 _member_meronym 08436759 +00258857 _derivationally_related_form 07420770 +09006413 _has_part 09005273 +01682039 _synset_domain_topic_of 00714944 +13328853 _synset_domain_topic_of 05662532 +00017222 _synset_domain_topic_of 06066555 +10674130 _hypernym 09771435 +02699141 _derivationally_related_form 05765901 +03490449 _hypernym 03096960 +09055015 _has_part 09265274 +08798382 _has_part 08799123 +10021892 _derivationally_related_form 02893338 +12684640 _member_meronym 12715569 +12864160 _hypernym 12205694 +11412993 _hypernym 11410625 +02040652 _derivationally_related_form 05073559 +04569520 _derivationally_related_form 01527271 +02809220 _derivationally_related_form 05820462 +00087423 _derivationally_related_form 02217011 +01352574 _hypernym 08108972 +01735144 _hypernym 01734502 +08304135 _member_meronym 08773679 +00760956 _derivationally_related_form 01240432 +12289744 _member_meronym 12299988 +12423565 _member_meronym 12474006 +10883688 _instance_hypernym 09855630 +06851742 _member_of_domain_usage 02674482 +00945853 _derivationally_related_form 01011166 +01112573 _also_see 02098325 +12982723 _hypernym 11592146 +05530871 _hypernym 05530429 +02230772 _also_see 02230247 +00735866 _hypernym 00735571 +03688943 _derivationally_related_form 02151966 +03202760 _hypernym 04171831 +13411157 _derivationally_related_form 00697062 +08331357 _hypernym 08331525 +00705517 _derivationally_related_form 09801533 +08723006 _has_part 09458587 +01036804 _derivationally_related_form 07136940 +05079638 _derivationally_related_form 01233347 +01074498 _hypernym 01073995 +01876843 _member_meronym 01879701 +14521648 _derivationally_related_form 02157731 +13919685 _hypernym 13864153 +09199101 _hypernym 09326662 +02028994 _derivationally_related_form 00369138 +03670456 _instance_hypernym 03743902 +02668393 _derivationally_related_form 01254013 +01243474 _hypernym 01410223 +08290156 _hypernym 08287844 +06633896 _hypernym 07160883 +04266162 _hypernym 04137444 +12260593 _member_meronym 12262018 +00575169 _hypernym 00126264 +09900499 _derivationally_related_form 01626844 +01604625 _hypernym 01342529 +00655779 _also_see 00900616 +01053623 _derivationally_related_form 07379577 +06254007 _derivationally_related_form 00973056 +12916356 _hypernym 11579418 +10400998 _derivationally_related_form 00849939 +02217839 _hypernym 02311060 +02020450 _hypernym 01507175 +11460488 _hypernym 11425580 +02297409 _derivationally_related_form 13951444 +09129324 _instance_hypernym 08524735 +01959187 _hypernym 01938850 +06733939 _synset_domain_topic_of 08441203 +00974173 _derivationally_related_form 06802571 +12585137 _hypernym 12582846 +12946849 _hypernym 13109733 +13731530 _hypernym 00033615 +02895881 _hypernym 03848729 +08860123 _member_of_domain_region 10242791 +02036578 _also_see 01369663 +03769397 _synset_domain_topic_of 15259284 +10791221 _hypernym 10053808 +08206460 _derivationally_related_form 10523341 +01521912 _derivationally_related_form 02861509 +01017320 _derivationally_related_form 01217043 +05800611 _derivationally_related_form 00785962 +09275473 _has_part 08951777 +01949435 _synset_domain_topic_of 00815801 +15165289 _has_part 15169136 +01897991 _hypernym 05236029 +11786365 _hypernym 11556857 +08180190 _derivationally_related_form 00451461 +01277938 _instance_hypernym 00981180 +01450661 _hypernym 02552171 +08853741 _has_part 08856793 +12804216 _hypernym 11585340 +05831784 _derivationally_related_form 01787955 +00082241 _also_see 00156101 +01535742 _hypernym 01535246 +10731013 _hypernym 10503452 +01925694 _derivationally_related_form 07366799 +01789164 _hypernym 01787955 +04493505 _derivationally_related_form 02079525 +00510922 _hypernym 00510723 +09750891 _derivationally_related_form 02962013 +02212646 _hypernym 02210855 +01482449 _derivationally_related_form 08008017 +09507909 _instance_hypernym 09507097 +04417809 _has_part 04296562 +01326291 _synset_domain_topic_of 00015388 +00774107 _synset_domain_topic_of 08441203 +01368973 _hypernym 01367772 +12262018 _hypernym 12260799 +01716491 _also_see 01624633 +08916316 _has_part 08917503 +02801823 _hypernym 03513376 +02180529 _derivationally_related_form 11480930 +01294502 _instance_hypernym 00956485 +00728393 _hypernym 01767949 +00626188 _hypernym 00625993 +02098550 _hypernym 02087122 +02528534 _member_meronym 02529515 +01362336 _hypernym 01355326 +01660640 _derivationally_related_form 09303008 +00563100 _hypernym 00562882 +01967634 _synset_domain_topic_of 00300441 +13226135 _hypernym 13167078 +00636461 _derivationally_related_form 00788564 +09041199 _instance_hypernym 08665504 +00701040 _derivationally_related_form 05692419 +13169219 _member_meronym 13203251 +09536363 _instance_hypernym 09536058 +09891079 _derivationally_related_form 01162291 +06464419 _synset_domain_topic_of 06969129 +02637046 _hypernym 01432517 +12930044 _member_meronym 12933164 +00151497 _hypernym 00043195 +00619230 _hypernym 00618734 +08464449 _hypernym 07951464 +05194151 _hypernym 05190804 +08110648 _hypernym 07992450 +14424780 _hypernym 00024720 +10529231 _derivationally_related_form 02204692 +02913152 _has_part 03281145 +09137869 _instance_hypernym 08655464 +12397864 _hypernym 13100677 +02335629 _derivationally_related_form 03130340 +05538625 _has_part 05481095 +08795654 _instance_hypernym 08524735 +01133281 _hypernym 01123598 +00471437 _synset_domain_topic_of 00471613 +00222248 _derivationally_related_form 02482425 +03807537 _hypernym 04380617 +09642917 _hypernym 09641757 +04821084 _hypernym 04820258 +00614999 _derivationally_related_form 05707146 +01791973 _hypernym 02518161 +13628761 _has_part 13628056 +00882220 _hypernym 00856824 +02545569 _member_meronym 02545687 +01668603 _derivationally_related_form 01023820 +00372665 _hypernym 00146138 +01204419 _derivationally_related_form 02457233 +00218602 _derivationally_related_form 01133288 +04224155 _derivationally_related_form 01853542 +07054122 _hypernym 07053732 +14031108 _hypernym 00024720 +10726786 _hypernym 10638385 +00567044 _hypernym 00566298 +10785695 _derivationally_related_form 02213690 +00362128 _hypernym 00356258 +11237075 _instance_hypernym 10453533 +00052146 _derivationally_related_form 02085742 +01886334 _hypernym 01835496 +14542320 _hypernym 14541852 +04009552 _hypernym 03852280 +07921455 _hypernym 07881800 +15236859 _has_part 15223750 +14006945 _derivationally_related_form 00043411 +10584729 _hypernym 10129825 +12170415 _member_meronym 12171503 +14228148 _hypernym 14219661 +00260648 _derivationally_related_form 10308732 +09936620 _derivationally_related_form 01385170 +02451951 _also_see 01475282 +02792552 _derivationally_related_form 01954852 +15174218 _has_part 15211189 +08945529 _instance_hypernym 08698379 +11516819 _hypernym 11516113 +02192992 _derivationally_related_form 05715283 +10245863 _derivationally_related_form 01751836 +10373998 _hypernym 10235549 +14422035 _hypernym 14420464 +12529730 _hypernym 11585340 +01774426 _derivationally_related_form 09756961 +01284928 _instance_hypernym 01075117 +14473222 _hypernym 13920429 +02393024 _hypernym 01864707 +13984285 _hypernym 13983515 +06221790 _hypernym 06212839 +07308889 _derivationally_related_form 02155493 +07641380 _hypernym 07640203 +02032480 _hypernym 02031934 +01188537 _synset_domain_topic_of 08441203 +05544575 _hypernym 05542893 +11648428 _member_meronym 11649012 +09264803 _hypernym 09193282 +01433042 _hypernym 01449974 +12694193 _member_meronym 12694336 +07990377 _synset_domain_topic_of 06070929 +01578180 _hypernym 01577659 +14668065 _hypernym 14662574 +07157273 _member_of_domain_usage 09827363 +06797671 _synset_domain_topic_of 06043075 +11636389 _member_meronym 11637015 +00922327 _hypernym 00913705 +09225146 _synset_domain_topic_of 09411430 +15015501 _derivationally_related_form 00504676 +06558678 _synset_domain_topic_of 08441203 +01408760 _hypernym 01405044 +02163982 _member_meronym 02164464 +13969700 _hypernym 13969243 +02511424 _derivationally_related_form 04422875 +02640453 _member_meronym 02640626 +00358431 _derivationally_related_form 07355491 +08987879 _instance_hypernym 09316454 +02227966 _hypernym 02226429 +11817774 _hypernym 11565040 +05273822 _has_part 05284851 +02040709 _hypernym 02040273 +14055052 _hypernym 14145095 +00909573 _hypernym 00907147 +11930788 _hypernym 11928858 +01088749 _derivationally_related_form 08287586 +00365188 _verb_group 00365647 +07458453 _hypernym 07456188 +00544936 _hypernym 00544549 +15133621 _derivationally_related_form 00118523 +01219306 _derivationally_related_form 00533185 +13752033 _hypernym 13751829 +01507143 _derivationally_related_form 00105479 +02614181 _derivationally_related_form 13961642 +07083958 _hypernym 07071483 +09189411 _has_part 08763500 +00885569 _hypernym 00885217 +01244351 _hypernym 01532589 +08766988 _has_part 09418169 +00593512 _hypernym 00586262 +03082979 _has_part 03493333 +02595569 _member_meronym 02595702 +02586619 _hypernym 02441022 +12090702 _hypernym 11567411 +07486229 _derivationally_related_form 00903212 +05177285 _hypernym 05174653 +11828577 _has_part 07733847 +01155893 _hypernym 01153548 +02644234 _derivationally_related_form 14442749 +07193184 _derivationally_related_form 00784342 +07250034 _derivationally_related_form 00483146 +12373739 _hypernym 13104059 +00705580 _derivationally_related_form 10504206 +00583239 _also_see 00958880 +00073813 _hypernym 00078760 +00136800 _synset_domain_topic_of 06084469 +00353249 _hypernym 00351638 +02256656 _hypernym 02246011 +10982127 _instance_hypernym 10354265 +00748307 _derivationally_related_form 02614812 +01108402 _derivationally_related_form 02221454 +00305537 _derivationally_related_form 00365995 +08595054 _synset_domain_topic_of 08199025 +08914850 _instance_hypernym 08524735 +01521367 _hypernym 01463520 +01977080 _hypernym 01976841 +08813978 _has_part 09263087 +07729485 _hypernym 07724943 +07389569 _hypernym 07371293 +04857490 _hypernym 04857083 +10341660 _derivationally_related_form 02987177 +01961691 _synset_domain_topic_of 00441824 +00644503 _hypernym 00635850 +01621714 _member_meronym 01622596 +00321195 _hypernym 00320852 +00029025 _hypernym 00028565 +02613275 _hypernym 02612762 +02706478 _derivationally_related_form 07411851 +01293650 _instance_hypernym 00981369 +00101779 _derivationally_related_form 10776339 +00161044 _hypernym 00159620 +02163746 _derivationally_related_form 00880269 +10427764 _derivationally_related_form 00700000 +01987228 _member_meronym 01987353 +07697537 _has_part 07676602 +01585890 _hypernym 01507175 +00400883 _derivationally_related_form 01076359 +02352390 _member_meronym 02352804 +01919504 _hypernym 08103777 +02942769 _derivationally_related_form 13489037 +06467007 _derivationally_related_form 01007924 +15286249 _hypernym 13815152 +01967104 _hypernym 01963942 +12838027 _member_meronym 12863026 +01502195 _derivationally_related_form 07028373 +01296697 _instance_hypernym 00981369 +09988703 _hypernym 10197967 +07570720 _derivationally_related_form 01202728 +08900535 _has_part 09228144 +00364600 _hypernym 00351638 +08808614 _instance_hypernym 08803382 +14777441 _hypernym 14778019 +01525116 _derivationally_related_form 01207149 +01498822 _member_meronym 01499261 +05051896 _derivationally_related_form 02727462 +07122730 _hypernym 07120524 +10322391 _derivationally_related_form 02000288 +09341673 _instance_hypernym 09360122 +00256369 _derivationally_related_form 13894434 +10329337 _derivationally_related_form 14444114 +11320405 _instance_hypernym 09756637 +05686481 _hypernym 00023271 +00176459 _hypernym 00173338 +14437134 _hypernym 14436875 +05351058 _hypernym 05333777 +15123115 _hypernym 15122231 +00252710 _derivationally_related_form 15147850 +01494310 _derivationally_related_form 08621598 +14013005 _hypernym 14010148 +13259917 _derivationally_related_form 02288295 +00043912 _hypernym 00044149 +11332572 _instance_hypernym 10088390 +01817424 _member_meronym 01821418 +12904938 _hypernym 13112664 +01726390 _member_meronym 01726960 +04286307 _hypernym 03963982 +06295235 _member_of_domain_usage 00457228 +01251928 _derivationally_related_form 04694441 +03769397 _derivationally_related_form 01683758 +12300625 _hypernym 11567411 +00583523 _hypernym 00109660 +09896826 _derivationally_related_form 00774056 +04872531 _derivationally_related_form 01309991 +05225090 _hypernym 05220461 +00278221 _derivationally_related_form 01374020 +06975132 _derivationally_related_form 03003928 +02676261 _hypernym 03183080 +14075199 _hypernym 14151139 +04818284 _derivationally_related_form 02393401 +10168012 _hypernym 10524413 +01170052 _derivationally_related_form 00839778 +00106843 _derivationally_related_form 06608143 +05527216 _has_part 05525628 +01522276 _hypernym 01850315 +05451981 _hypernym 05451384 +11385748 _instance_hypernym 10794014 +00774641 _derivationally_related_form 07122118 +14887026 _hypernym 14850483 +07075172 _member_of_domain_usage 06947658 +05514905 _has_part 05525252 +04784664 _derivationally_related_form 01430111 +01995211 _verb_group 01854132 +10677271 _hypernym 09882716 +01524885 _member_meronym 01578341 +08727396 _instance_hypernym 08633957 +01422662 _hypernym 01421622 +07745466 _hypernym 13138658 +02171254 _member_meronym 02171453 +11354145 _instance_hypernym 10467395 +00857872 _hypernym 00856847 +09788073 _derivationally_related_form 01138204 +11778534 _member_meronym 11782522 +11911591 _member_meronym 11927901 +14456752 _derivationally_related_form 00177243 +08335886 _synset_domain_topic_of 08441203 +04865114 _hypernym 04864200 +03118846 _hypernym 03841666 +00810557 _hypernym 00811375 +09145083 _instance_hypernym 08638442 +14226056 _hypernym 14219661 +00808162 _synset_domain_topic_of 08441203 +10750365 _synset_domain_topic_of 08088472 +02718015 _hypernym 02673134 +09275016 _has_part 09002814 +14031523 _hypernym 14031108 +07467846 _derivationally_related_form 02486932 +00243900 _derivationally_related_form 09433952 +02008396 _derivationally_related_form 00042757 +04353803 _derivationally_related_form 01385170 +10696251 _hypernym 10605985 +03963645 _has_part 04238128 +13798814 _synset_domain_topic_of 06163751 +13473097 _hypernym 13466586 +13536794 _derivationally_related_form 03925226 +01726172 _verb_group 01725051 +08072837 _hypernym 08065234 +01407465 _member_meronym 01409940 +01743531 _derivationally_related_form 10318892 +02070466 _hypernym 02066939 +09626238 _hypernym 00007846 +07840804 _hypernym 07566340 +14391876 _derivationally_related_form 01787822 +02416278 _derivationally_related_form 09935434 +01652163 _hypernym 01626600 +00539110 _hypernym 00109660 +12687211 _member_meronym 12687957 +12359026 _member_meronym 12362844 +14488594 _hypernym 13920835 +13254237 _derivationally_related_form 02255942 +10577284 _derivationally_related_form 02298160 +08967868 _member_meronym 10327987 +07406765 _derivationally_related_form 02070466 +10196965 _hypernym 10756641 +05126362 _synset_domain_topic_of 00903559 +00288486 _hypernym 00286957 +00346693 _derivationally_related_form 00386715 +12566112 _hypernym 14894140 +00878456 _hypernym 00877127 +05529286 _derivationally_related_form 02603540 +08860123 _member_of_domain_usage 05815890 +01628449 _derivationally_related_form 07325190 +12797368 _hypernym 12205694 +11677743 _hypernym 11676500 +00823669 _hypernym 00826509 +14899152 _hypernym 00019613 +01526956 _derivationally_related_form 03872495 +01398772 _derivationally_related_form 01163429 +09821831 _derivationally_related_form 02612762 +01168569 _derivationally_related_form 01072262 +06776138 _member_of_domain_usage 07885937 +03042984 _synset_domain_topic_of 04530566 +00418765 _hypernym 00233335 +00643473 _derivationally_related_form 02708711 +02717362 _hypernym 01985524 +02272090 _hypernym 02271137 +00366691 _also_see 00394562 +10150281 _hypernym 09842047 +11878283 _hypernym 11868814 +08211290 _synset_domain_topic_of 08199025 +00381331 _derivationally_related_form 00194645 +05462315 _has_part 05475681 +01775879 _member_meronym 01779340 +05664640 _hypernym 05661996 +02178866 _derivationally_related_form 07389569 +14493426 _derivationally_related_form 02632567 +02332755 _hypernym 02330245 +00803325 _derivationally_related_form 01138670 +00940412 _derivationally_related_form 01632411 +02620318 _member_meronym 02620443 +00021679 _hypernym 00021065 +07254836 _derivationally_related_form 02227487 +02260362 _derivationally_related_form 03748886 +00059376 _derivationally_related_form 01888295 +15178841 _has_part 15218798 +02713992 _hypernym 03008565 +04074482 _derivationally_related_form 00081725 +02538365 _derivationally_related_form 05700401 +12349491 _hypernym 11585340 +00023773 _derivationally_related_form 02766328 +01989669 _also_see 00684480 +00787061 _hypernym 00786195 +12107489 _hypernym 11556857 +13427078 _hypernym 13526110 +14489113 _hypernym 14488594 +12405209 _member_meronym 12405714 +01671125 _hypernym 01670092 +13989863 _hypernym 13989627 +08946715 _instance_hypernym 08524735 +00367768 _derivationally_related_form 00540235 +12116583 _hypernym 11556857 +06971872 _hypernym 06941644 +00764222 _derivationally_related_form 06770275 +07703177 _hypernym 07702796 +07153130 _derivationally_related_form 02653651 +04900947 _hypernym 04900739 +02672831 _hypernym 03614532 +01949684 _hypernym 01938850 +13169674 _member_meronym 13203842 +01256417 _derivationally_related_form 09623038 +01224744 _derivationally_related_form 00830448 +01597662 _synset_domain_topic_of 00480993 +14121058 _hypernym 14187378 +00730301 _derivationally_related_form 08512736 +06472242 _derivationally_related_form 00819508 +10685685 _hypernym 09812338 +02037090 _derivationally_related_form 13889843 +02074092 _derivationally_related_form 14395018 +10565302 _derivationally_related_form 00697062 +11651259 _member_meronym 11656380 +14964590 _hypernym 14850483 +13063269 _hypernym 12992868 +01762839 _derivationally_related_form 00802946 +08230294 _hypernym 08227214 +01741446 _derivationally_related_form 03146846 +14287113 _derivationally_related_form 01322675 +05280512 _hypernym 05269901 +11428023 _derivationally_related_form 02763740 +09114696 _has_part 09231890 +03534429 _hypernym 04226537 +01579622 _derivationally_related_form 04284002 +12501745 _member_meronym 12537988 +01702514 _derivationally_related_form 07093603 +13140993 _hypernym 11567411 +02764765 _derivationally_related_form 09464486 +04238321 _derivationally_related_form 01353670 +08141951 _has_part 08332330 +02415971 _member_meronym 02416104 +11747468 _hypernym 12205694 +07414740 _derivationally_related_form 00612114 +01580050 _also_see 00900616 +03619650 _derivationally_related_form 02341200 +09211266 _has_part 08831004 +01992503 _hypernym 01835496 +05580662 _hypernym 05568767 +00701479 _also_see 00430191 +02283728 _hypernym 01759182 +08860123 _member_of_domain_region 10092299 +02501278 _hypernym 00697589 +01645601 _hypernym 01617192 +01844431 _hypernym 01843689 +10497373 _hypernym 10332385 +02558172 _also_see 02537812 +14509712 _derivationally_related_form 00088532 +02817650 _derivationally_related_form 01418179 +00418921 _hypernym 00233335 +10386312 _hypernym 09630641 +02142775 _derivationally_related_form 00344421 +08906374 _has_part 09323221 +10736394 _derivationally_related_form 02562585 +01694709 _hypernym 01674464 +08098346 _derivationally_related_form 09848285 +01161017 _derivationally_related_form 02500144 +00945205 _derivationally_related_form 01860107 +00391407 _derivationally_related_form 01556572 +02263378 _hypernym 02159955 +02514575 _member_meronym 02514825 +02192388 _hypernym 01762525 +04357314 _hypernym 03128519 +10060621 _hypernym 10515194 +13583724 _hypernym 13576101 +11703386 _hypernym 11564258 +01577093 _derivationally_related_form 03204306 +12985236 _hypernym 11592146 +01825671 _also_see 01824244 +06827344 _hypernym 06825399 +00242026 _hypernym 00241689 +03144873 _hypernym 02740764 +01874875 _hypernym 01874568 +03993403 _hypernym 03237639 +08780881 _member_of_domain_region 08043169 +13810323 _derivationally_related_form 00368109 +01853379 _member_meronym 01853498 +01582645 _derivationally_related_form 03234306 +09821253 _derivationally_related_form 01119169 +00625119 _derivationally_related_form 05808794 +12514324 _member_meronym 12514592 +06056923 _derivationally_related_form 10489944 +07262579 _hypernym 06791372 +12217211 _hypernym 11567411 +01696282 _hypernym 01342529 +00969506 _hypernym 00973056 +05488385 _hypernym 05463533 +02761372 _derivationally_related_form 00378479 +01608086 _hypernym 01507175 +14698884 _hypernym 14696793 +13911151 _derivationally_related_form 02622234 +01941670 _member_meronym 01943213 +01262113 _hypernym 01659248 +01955463 _member_meronym 01963730 +02449464 _member_meronym 02449699 +02652590 _synset_domain_topic_of 06066555 +00383093 _synset_domain_topic_of 06226057 +01902568 _hypernym 05237755 +13962166 _hypernym 13961642 +02320127 _hypernym 02316707 +02276866 _derivationally_related_form 00781355 +02005756 _derivationally_related_form 04864515 +09402704 _derivationally_related_form 00442063 +05640339 _derivationally_related_form 10085217 +02460619 _derivationally_related_form 15274863 +04092168 _hypernym 03113835 +11873396 _has_part 11874081 +02608347 _verb_group 02609203 +08860123 _member_of_domain_region 15170786 +00419137 _hypernym 00223500 +02330967 _derivationally_related_form 06497459 +02486261 _hypernym 02484473 +14299336 _hypernym 14299070 +00329819 _derivationally_related_form 02072159 +07075172 _member_of_domain_usage 10335801 +03532672 _derivationally_related_form 01365549 +13180304 _hypernym 13167078 +07123870 _derivationally_related_form 01053771 +08894456 _member_of_domain_region 05626618 +01674850 _hypernym 01656813 +04253751 _hypernym 03414814 +00752298 _derivationally_related_form 02576921 +01693020 _hypernym 01657723 +00474492 _hypernym 00475183 +00325110 _derivationally_related_form 01921964 +03338009 _derivationally_related_form 00452512 +09728137 _hypernym 09729530 +02337545 _synset_domain_topic_of 06157326 +01491661 _hypernym 01488918 +09196611 _has_part 09272927 +12220994 _member_meronym 12221522 +02834778 _derivationally_related_form 09986189 +08939562 _hypernym 08574314 +01196524 _hypernym 02534062 +00916464 _has_part 00918820 +00134328 _derivationally_related_form 00272123 +12393527 _hypernym 11567411 +00667847 _hypernym 00671351 +12169776 _member_meronym 12175797 +00445351 _hypernym 00523513 +06985892 _hypernym 06986276 +00046534 _derivationally_related_form 10033082 +00524299 _derivationally_related_form 13425637 +10671736 _hypernym 09626238 +04800359 _derivationally_related_form 01686439 +01502654 _derivationally_related_form 09334396 +04608923 _hypernym 03257586 +02585446 _hypernym 05559908 +02033295 _derivationally_related_form 07411350 +02489456 _verb_group 02488834 +14641397 _hypernym 14622893 +12370842 _hypernym 11565385 +00439343 _derivationally_related_form 02670683 +01668603 _hypernym 00382635 +12679876 _hypernym 12205694 +08177030 _member_meronym 08900535 +08974604 _instance_hypernym 08524735 +00542809 _verb_group 01364184 +01990627 _member_meronym 01990800 +02235842 _derivationally_related_form 06685198 +08113443 _derivationally_related_form 10471250 +01856626 _derivationally_related_form 10314952 +10513120 _derivationally_related_form 01700934 +02129604 _hypernym 02127808 +05397178 _hypernym 05225602 +13289845 _synset_domain_topic_of 08163273 +14110411 _derivationally_related_form 00443384 +10149527 _derivationally_related_form 00891936 +12053405 _hypernym 12041446 +07970079 _synset_domain_topic_of 06951067 +02479323 _derivationally_related_form 08055150 +00081509 _hypernym 00081072 +05718254 _derivationally_related_form 02135048 +02727883 _derivationally_related_form 01113068 +11231157 _instance_hypernym 10547145 +04915462 _hypernym 04914292 +05260533 _hypernym 05259240 +08015116 _instance_hypernym 08392137 +10339350 _hypernym 09879297 +01130607 _derivationally_related_form 08567235 +12412606 _hypernym 12411922 +04997472 _hypernym 04916342 +09821831 _derivationally_related_form 02540670 +00859604 _hypernym 01182293 +15226046 _hypernym 15225249 +02670578 _derivationally_related_form 13952171 +01412085 _hypernym 08103777 +08101410 _derivationally_related_form 00056334 +13640050 _hypernym 13634418 +01493741 _also_see 01790739 +08894456 _member_of_domain_region 06961557 +02123424 _derivationally_related_form 01174988 +01603418 _derivationally_related_form 04394630 +10935745 _instance_hypernym 10794014 +02295208 _derivationally_related_form 10401639 +02068413 _derivationally_related_form 07439570 +00058794 _hypernym 00056930 +00775156 _hypernym 00773432 +07350069 _hypernym 07309781 +01868780 _hypernym 01868370 +07970721 _hypernym 08101937 +09298698 _has_part 09296695 +14145095 _has_part 14359174 +12968882 _member_meronym 12969670 +00135013 _derivationally_related_form 06147873 +00644967 _derivationally_related_form 00697419 +01949684 _member_meronym 01949817 +03781244 _has_part 03772077 +10793168 _derivationally_related_form 01574292 +14906500 _hypernym 14959644 +01336587 _also_see 00439588 +03569964 _has_part 04562658 +02644050 _derivationally_related_form 00324384 +00922867 _derivationally_related_form 05816790 +00149699 _hypernym 00149508 +15173064 _hypernym 15203791 +09889941 _hypernym 10744164 +05826291 _derivationally_related_form 01012561 +11654667 _hypernym 11554175 +01195804 _derivationally_related_form 00742645 +02073041 _member_meronym 02073532 +05653848 _hypernym 05652926 +00382010 _hypernym 00126264 +00612042 _derivationally_related_form 03743902 +00233795 _hypernym 00216174 +08565894 _hypernym 08512259 +01125693 _derivationally_related_form 02466670 +00976653 _derivationally_related_form 10482220 +00482473 _derivationally_related_form 10160412 +00926668 _hypernym 00908909 +08062623 _hypernym 08059870 +01536916 _hypernym 01504437 +14779796 _hypernym 14779550 +07404584 _hypernym 11520989 +10361060 _hypernym 00007846 +01834702 _member_meronym 01836809 +13192025 _member_meronym 13195547 +12817464 _hypernym 12205694 +00350380 _derivationally_related_form 02034300 +00802946 _derivationally_related_form 06549661 +01556040 _hypernym 01507175 +13433462 _hypernym 13433727 +00202236 _derivationally_related_form 13960464 +00328327 _derivationally_related_form 02494356 +07582441 _hypernym 07810907 +12992464 _member_meronym 11594676 +01972298 _derivationally_related_form 00076884 +12156819 _hypernym 13135832 +00733250 _derivationally_related_form 05868954 +02277138 _hypernym 02321757 +01975387 _derivationally_related_form 00629597 +11873396 _member_meronym 11873612 +02623731 _hypernym 02623529 +08723006 _member_of_domain_region 00710155 +12028196 _member_meronym 12028424 +05563266 _has_part 05577741 +03163798 _hypernym 03099945 +02526673 _hypernym 01432517 +01290255 _hypernym 01205696 +00582743 _hypernym 00377002 +11302062 _instance_hypernym 09980090 +01090335 _derivationally_related_form 00958896 +00932324 _derivationally_related_form 06876144 +01463340 _derivationally_related_form 03819595 +00086835 _derivationally_related_form 14919272 +09044862 _has_part 09052652 +04952120 _hypernym 04951373 +04631700 _derivationally_related_form 00582145 +01911698 _hypernym 01904930 +02402825 _hypernym 02404224 +00157081 _hypernym 00042311 +01668257 _member_meronym 01668436 +02807731 _has_part 02808440 +08764107 _has_part 08765315 +03071552 _hypernym 03733925 +00505349 _synset_domain_topic_of 06084469 +00944449 _derivationally_related_form 01368863 +10020890 _derivationally_related_form 00080304 +05841351 _hypernym 05841151 +07028373 _hypernym 07020895 +00125629 _derivationally_related_form 01410223 +08806897 _member_of_domain_region 01027662 +12813393 _member_meronym 12815060 +00729781 _derivationally_related_form 05753954 +07313241 _derivationally_related_form 00366547 +02335363 _derivationally_related_form 14881303 +01881180 _verb_group 01925694 +10782791 _hypernym 10118844 +14880107 _hypernym 14881303 +03911992 _hypernym 03911866 +01948788 _hypernym 01938850 +10947403 _instance_hypernym 09826204 +09699020 _derivationally_related_form 03058754 +01450281 _hypernym 01429349 +15187077 _hypernym 15157225 +00316827 _synset_domain_topic_of 04194289 +02512150 _derivationally_related_form 08688247 +02864593 _synset_domain_topic_of 04194289 +04670531 _hypernym 04616059 +01935012 _member_meronym 01935176 +12876032 _member_meronym 12883923 +01529036 _member_meronym 01540697 +13875571 _derivationally_related_form 01523986 +01420928 _derivationally_related_form 10608803 +11799158 _hypernym 11585340 +07304852 _hypernym 07289014 +12623368 _member_meronym 12623524 +13885700 _hypernym 13867276 +00594260 _derivationally_related_form 10253479 +08871007 _instance_hypernym 08696931 +00524299 _derivationally_related_form 14594456 +02335349 _member_meronym 02338319 +01503736 _hypernym 01503404 +06615458 _hypernym 06613686 +01012712 _hypernym 01012360 +15298507 _hypernym 15113229 +01676313 _member_meronym 01678522 +04683814 _derivationally_related_form 00293141 +07365849 _hypernym 07291312 +02324397 _also_see 01827535 +01582645 _verb_group 01690294 +15257692 _hypernym 05867413 +00802318 _derivationally_related_form 01760944 +01423167 _hypernym 01422886 +01624169 _derivationally_related_form 10279018 +01244410 _also_see 00082241 +08198398 _hypernym 08189659 +01996574 _also_see 00780191 +08773880 _instance_hypernym 08524735 +00048374 _hypernym 00037396 +12317919 _hypernym 11562747 +01320314 _synset_domain_topic_of 06075527 +00392960 _derivationally_related_form 03974215 +06838219 _hypernym 06828818 +08723006 _has_part 08729971 +01453852 _member_meronym 01457576 +08191701 _synset_domain_topic_of 08199025 +09426621 _synset_domain_topic_of 06066555 +12343480 _hypernym 13112664 +02566834 _hypernym 02512938 +00526259 _hypernym 00428270 +01441510 _derivationally_related_form 01173965 +01343892 _derivationally_related_form 03323703 +00180413 _derivationally_related_form 00797697 +07057196 _hypernym 07020895 +07792725 _hypernym 07783210 +01168468 _verb_group 01179865 +00902932 _hypernym 00897241 +11241854 _instance_hypernym 10650162 +02954163 _hypernym 04411264 +00760402 _hypernym 01030832 +08540903 _has_part 08619620 +00328885 _derivationally_related_form 00465762 +14324274 _derivationally_related_form 09779280 +00199912 _derivationally_related_form 00258854 +09288635 _derivationally_related_form 02072394 +02237943 _hypernym 02237338 +14752702 _hypernym 14751417 +07769731 _hypernym 07705931 +08860123 _member_of_domain_region 06477003 +00647094 _derivationally_related_form 03735637 +00307785 _derivationally_related_form 07435273 +05658226 _derivationally_related_form 02192992 +03859495 _hypernym 03051540 +13756125 _hypernym 13576355 +00340662 _synset_domain_topic_of 00488225 +00828237 _hypernym 00828082 +00912960 _derivationally_related_form 02157100 +01258828 _hypernym 01258302 +11445564 _derivationally_related_form 01259951 +11854760 _member_meronym 11855122 +02230056 _derivationally_related_form 00372013 +01533442 _verb_group 01532589 +02601680 _hypernym 02478059 +04665813 _derivationally_related_form 00754873 +00493517 _synset_domain_topic_of 06125698 +02552829 _hypernym 02552449 +02079933 _derivationally_related_form 03088707 +01627355 _derivationally_related_form 01867295 +02179279 _derivationally_related_form 04867130 +00336539 _hypernym 00336718 +01719921 _hypernym 01714208 +01627786 _hypernym 01626600 +05018542 _hypernym 05018103 +14017206 _hypernym 14016361 +07296428 _derivationally_related_form 00126264 +01233194 _hypernym 01363648 +00875246 _derivationally_related_form 00672433 +13263779 _hypernym 13265011 +01141593 _derivationally_related_form 00803325 +04186051 _hypernym 09439213 +01083645 _derivationally_related_form 02294436 +00163592 _derivationally_related_form 05702726 +12194466 _member_meronym 12194613 +00335923 _derivationally_related_form 00376825 +01387656 _derivationally_related_form 05259512 +04703424 _hypernym 04723816 +00509846 _derivationally_related_form 02491383 +05500594 _has_part 05485554 +01266895 _derivationally_related_form 10118587 +04846533 _hypernym 04852088 +02079170 _member_meronym 02079389 +05254795 _hypernym 05237755 +07686873 _derivationally_related_form 00322151 +10040789 _hypernym 10527334 +11872473 _hypernym 11872146 +11766609 _member_meronym 11776861 +01446760 _hypernym 01446589 +08427629 _derivationally_related_form 01949333 +09134999 _instance_hypernym 08524735 +11998648 _hypernym 11579418 +01189929 _hypernym 01187810 +10851599 _derivationally_related_form 03029133 +02248147 _hypernym 01759182 +00740053 _hypernym 00670261 +09964411 _derivationally_related_form 02675067 +12549976 _hypernym 11585340 +03502331 _derivationally_related_form 01483247 +14770838 _hypernym 15052970 +14555214 _hypernym 14554011 +10217038 _derivationally_related_form 05964098 +05748054 _hypernym 05701944 +05328232 _hypernym 05328115 +01705494 _derivationally_related_form 00939452 +00270215 _derivationally_related_form 01230283 +07091587 _hypernym 06290637 +00319939 _hypernym 00279835 +02656763 _derivationally_related_form 07565259 +07009538 _derivationally_related_form 07018931 +09790278 _derivationally_related_form 00643197 +06344461 _derivationally_related_form 00976224 +01015244 _synset_domain_topic_of 08441203 +04180314 _hypernym 04321238 +02465693 _hypernym 05297523 +09732903 _hypernym 08166552 +02500144 _hypernym 01864707 +00931555 _also_see 02495922 +01389007 _verb_group 01388813 +01180351 _derivationally_related_form 07557434 +11571907 _hypernym 11567411 +10763878 _derivationally_related_form 00018526 +02085742 _derivationally_related_form 03216828 +07473441 _hypernym 07319103 +03281145 _derivationally_related_form 01974062 +12957298 _hypernym 13166338 +08382297 _hypernym 08381820 +08780881 _member_of_domain_region 13802098 +10227266 _derivationally_related_form 02100709 +05003090 _hypernym 05002822 +01758339 _derivationally_related_form 05053688 +00698256 _verb_group 00698104 +10868980 _instance_hypernym 10547145 +04203705 _hypernym 03398467 +00217014 _hypernym 00209943 +02404906 _hypernym 02404573 +02435867 _derivationally_related_form 08233056 +08038131 _synset_domain_topic_of 00759694 +02400139 _member_meronym 02419515 +00850501 _derivationally_related_form 10690849 +08108627 _hypernym 07992450 +13569905 _hypernym 13518963 +00433232 _derivationally_related_form 05068918 +10092488 _synset_domain_topic_of 00471613 +08558770 _derivationally_related_form 10588357 +03851787 _hypernym 03744840 +09165146 _instance_hypernym 08633957 +09846755 _derivationally_related_form 00916285 +12193665 _hypernym 13112664 +09748408 _hypernym 09747722 +00910203 _hypernym 00908909 +00973888 _derivationally_related_form 06620063 +07155661 _member_of_domain_usage 01236941 +08177030 _member_meronym 08986905 +13350976 _hypernym 13350443 +00535452 _similar_to 00536304 +08522287 _hypernym 08522872 +01090335 _derivationally_related_form 09939313 +15213774 _hypernym 15209706 +06731802 _derivationally_related_form 00981083 +06994329 _hypernym 06991980 +04109702 _hypernym 03169390 +02992070 _synset_domain_topic_of 06174404 +07252378 _derivationally_related_form 01241073 +00759944 _derivationally_related_form 06455990 +02703539 _hypernym 02690708 +08400965 _hypernym 07965085 +02547947 _hypernym 01429349 +03993403 _derivationally_related_form 00082929 +02142775 _derivationally_related_form 10324560 +07555014 _hypernym 00026192 +00342755 _hypernym 00342028 +02621706 _hypernym 02621395 +13180304 _member_meronym 13183056 +00590626 _derivationally_related_form 09941571 +00729781 _derivationally_related_form 08588294 +02950154 _derivationally_related_form 01476483 +13516312 _derivationally_related_form 00577170 +08947772 _has_part 08948027 +01036996 _derivationally_related_form 02488834 +00123430 _derivationally_related_form 01136614 +11651731 _member_meronym 11652376 +02693319 _hypernym 02690708 +01437888 _derivationally_related_form 00122338 +12637485 _has_part 07820036 +13222227 _member_meronym 13222477 +12295560 _hypernym 11567411 +13207094 _hypernym 13206817 +10055847 _synset_domain_topic_of 08199025 +00215800 _derivationally_related_form 14535643 +00064789 _hypernym 00063652 +04627000 _hypernym 04626280 +13873502 _has_part 13874384 +15116910 _hypernym 00028270 +01958452 _synset_domain_topic_of 00299217 +14934031 _hypernym 00020090 +09323824 _has_part 09287289 +12181851 _hypernym 11575425 +06452601 _has_part 06440102 +03439491 _instance_hypernym 03160309 +00557588 _derivationally_related_form 01079873 +00628491 _derivationally_related_form 05770926 +14459824 _hypernym 14459422 +11862598 _hypernym 11573660 +01769902 _hypernym 01767949 +02053941 _verb_group 01849746 +01666327 _derivationally_related_form 10689564 +02132788 _hypernym 02132136 +02659667 _hypernym 01432517 +01358023 _derivationally_related_form 04143365 +01262936 _hypernym 01263479 +10366484 _hypernym 09545324 +14058252 _derivationally_related_form 00077698 +01639105 _derivationally_related_form 09935233 +06609785 _synset_domain_topic_of 06951067 +02652494 _derivationally_related_form 03541696 +03454536 _hypernym 03391770 +00424599 _hypernym 00419908 +11083656 _instance_hypernym 10483890 +14283632 _derivationally_related_form 00089154 +06851742 _member_of_domain_usage 02698036 +00514128 _hypernym 00427580 +00940437 _also_see 00896555 +04871002 _derivationally_related_form 01982646 +09608377 _derivationally_related_form 00092366 +00579952 _derivationally_related_form 01016973 +07157273 _member_of_domain_usage 00046449 +01135952 _hypernym 01133281 +04591713 _hypernym 02876657 +07190290 _hypernym 07189130 +01785971 _derivationally_related_form 14036539 +05509452 _has_part 05333259 +08101937 _derivationally_related_form 01416508 +02647294 _hypernym 02642107 +07389330 _derivationally_related_form 02181402 +00557813 _derivationally_related_form 11512818 +11655592 _hypernym 13108841 +07939638 _derivationally_related_form 00654625 +02309337 _hypernym 02311060 +10254761 _hypernym 10059904 +10773394 _hypernym 09820263 +11658544 _hypernym 13108841 +03491178 _derivationally_related_form 01481360 +01929396 _member_meronym 01931277 +02425462 _also_see 01645421 +02437136 _hypernym 02394477 +01781410 _hypernym 01762525 +07171206 _derivationally_related_form 00939857 +12321077 _hypernym 13110915 +01162291 _hypernym 01156834 +02698726 _synset_domain_topic_of 05946687 +01998920 _hypernym 01759182 +02502037 _hypernym 02501738 +00883297 _derivationally_related_form 00829107 +13800801 _hypernym 13796779 +04495843 _derivationally_related_form 01454636 +00433232 _derivationally_related_form 00325110 +11774279 _hypernym 11567411 +01280014 _derivationally_related_form 02830157 +01684663 _synset_domain_topic_of 00933420 +07064715 _has_part 07086861 +07494363 _derivationally_related_form 01711071 +12711596 _has_part 07749582 +01822423 _member_meronym 01822773 +09860940 _derivationally_related_form 00067274 +09541526 _hypernym 09540739 +02303917 _hypernym 01762525 +01027379 _hypernym 00407535 +08043169 _instance_hypernym 08392137 +05716577 _derivationally_related_form 02368336 +00824767 _derivationally_related_form 10561861 +00074834 _derivationally_related_form 10170989 +02213362 _hypernym 01762525 +05933834 _hypernym 05933246 +01643657 _derivationally_related_form 02678384 +01782519 _also_see 02056880 +02148788 _derivationally_related_form 06888345 +00793037 _hypernym 01041762 +12317763 _member_meronym 12317919 +01318053 _derivationally_related_form 01887474 +12578626 _hypernym 11747468 +07252206 _hypernym 06691442 +02929749 _hypernym 04320126 +12182414 _hypernym 11575425 +02253592 _hypernym 01762525 +12221522 _hypernym 12221191 +05588174 _has_part 05284333 +04127904 _has_part 03458961 +00129743 _synset_domain_topic_of 00471613 +02427726 _derivationally_related_form 00165298 +13177529 _hypernym 11545714 +13783816 _synset_domain_topic_of 06000644 +01848718 _derivationally_related_form 10004539 +09955015 _derivationally_related_form 02572119 +01258617 _derivationally_related_form 04726938 +00959827 _verb_group 02728142 +08766988 _member_of_domain_region 08014860 +01672767 _hypernym 08103777 +01557614 _also_see 01180695 +01204055 _member_of_domain_usage 09636106 +11841529 _member_meronym 11843709 +11083656 _derivationally_related_form 02551602 +06756680 _hypernym 06756407 +01725886 _hypernym 01724459 +14189837 _hypernym 14189204 +14159153 _hypernym 14465048 +01603732 _hypernym 01332730 +00264366 _hypernym 00248977 +12280886 _member_meronym 12282933 +02766390 _derivationally_related_form 04952944 +00657728 _derivationally_related_form 05737153 +02591757 _hypernym 01432517 +07309781 _hypernym 07283608 +00629597 _derivationally_related_form 01975387 +01765392 _derivationally_related_form 01151097 +07375214 _derivationally_related_form 00144694 +07137129 _hypernym 07136940 +00728826 _synset_domain_topic_of 06000644 +01950502 _synset_domain_topic_of 00815801 +14857278 _derivationally_related_form 00492706 +12607198 _member_meronym 12607456 +05951969 _hypernym 05941423 +12811501 _hypernym 12810595 +09713985 _derivationally_related_form 02961505 +02273545 _member_meronym 02298379 +10625860 _derivationally_related_form 05967977 +02260085 _derivationally_related_form 01091905 +00850501 _derivationally_related_form 01222859 +12317763 _hypernym 11534677 +02739121 _derivationally_related_form 00849768 +10180923 _hypernym 10707804 +05708432 _hypernym 05701944 +00924612 _hypernym 00923793 +15169248 _hypernym 15228378 +11537506 _hypernym 11537327 +01235137 _derivationally_related_form 02344060 +09888832 _derivationally_related_form 02300060 +00445351 _has_part 00342565 +14175313 _hypernym 14175165 +12901724 _hypernym 12900462 +10612210 _hypernym 10761693 +13571217 _hypernym 13464820 +01139623 _hypernym 01139104 +00663549 _hypernym 00662589 +11708181 _hypernym 11564258 +00908672 _derivationally_related_form 04780958 +01574292 _derivationally_related_form 00812526 +01571126 _hypernym 01525720 +00355955 _derivationally_related_form 00215314 +02281552 _member_meronym 02282716 +00621734 _verb_group 01790739 +00100044 _derivationally_related_form 00893955 +01828736 _hypernym 01777210 +01353226 _derivationally_related_form 02713372 +12409231 _hypernym 13104059 +12301917 _hypernym 11567411 +10752093 _derivationally_related_form 02574205 +13489037 _derivationally_related_form 02945820 +07357679 _derivationally_related_form 00474017 +09477890 _hypernym 09335240 +13449156 _synset_domain_topic_of 06071426 +12764507 _hypernym 12762896 +01905121 _hypernym 05225602 +00487874 _hypernym 00483935 +09044862 _has_part 08563180 +12948053 _hypernym 12946849 +02637592 _hypernym 02604760 +04773351 _hypernym 04723816 +01421496 _member_meronym 01426784 +11128394 _instance_hypernym 09615807 +02099019 _also_see 00638981 +15237044 _hypernym 15236475 +08913434 _member_meronym 09714694 +01036804 _derivationally_related_form 06609503 +12782108 _hypernym 11562747 +02652158 _derivationally_related_form 07994331 +02029706 _hypernym 02026059 +02571901 _hypernym 02542795 +06543246 _hypernym 06542830 +01781478 _also_see 02578235 +02559752 _derivationally_related_form 01063697 +09390424 _instance_hypernym 09296121 +02147747 _member_meronym 02147947 +07254594 _hypernym 07254267 +01085098 _derivationally_related_form 02294179 +13457378 _derivationally_related_form 00431826 +00482473 _derivationally_related_form 09952163 +12280886 _member_meronym 12283542 +06778102 _derivationally_related_form 00105554 +13039349 _hypernym 12992868 +02445509 _derivationally_related_form 07956887 +09714120 _derivationally_related_form 08953151 +00444309 _derivationally_related_form 14480420 +13960464 _derivationally_related_form 00202236 +12927921 _hypernym 11585340 +10328560 _hypernym 10197525 +00912833 _derivationally_related_form 10533983 +14730553 _hypernym 15026716 +11503968 _derivationally_related_form 03110183 +04300741 _hypernym 04434285 +01502262 _member_meronym 01834702 +01166258 _derivationally_related_form 00161987 +09585434 _synset_domain_topic_of 07978423 +02657805 _member_meronym 02658381 +00519056 _hypernym 00105333 +00002684 _derivationally_related_form 00532607 +04909018 _hypernym 04908396 +11898474 _hypernym 11575425 +01551430 _hypernym 01504437 +07371293 _derivationally_related_form 02135048 +11194062 _instance_hypernym 10084635 +09787534 _derivationally_related_form 00588780 +09049599 _has_part 09071690 +07962124 _hypernym 07951464 +06816935 _derivationally_related_form 00981083 +02580055 _hypernym 01432517 +07268759 _hypernym 06696483 +00505871 _hypernym 00502415 +00303495 _derivationally_related_form 01942959 +02642814 _derivationally_related_form 01067192 +07143137 _derivationally_related_form 00877083 +09162581 _instance_hypernym 08524735 +11765859 _has_part 11766046 +09209263 _has_part 08992648 +09814660 _derivationally_related_form 00820801 +02344568 _derivationally_related_form 00965895 +11911591 _member_meronym 11965054 +00999787 _derivationally_related_form 00922867 +01249483 _derivationally_related_form 01800195 +00549552 _hypernym 02452885 +00623151 _derivationally_related_form 05766247 +12447891 _hypernym 12446200 +00204943 _hypernym 00204439 +13721529 _hypernym 13716084 +07370410 _derivationally_related_form 00433232 +00632627 _derivationally_related_form 05651680 +02526934 _derivationally_related_form 06373747 +07352190 _derivationally_related_form 07344663 +15256567 _synset_domain_topic_of 00482298 +00053159 _hypernym 00052548 +06741305 _derivationally_related_form 00905852 +11607392 _member_meronym 11607739 +11460281 _synset_domain_topic_of 02958343 +11663813 _member_meronym 11664090 +00591236 _hypernym 00586262 +01548193 _also_see 02036578 +08836329 _has_part 08836886 +12554526 _hypernym 11747468 +09606009 _derivationally_related_form 02373336 +07797641 _hypernym 07783210 +02546075 _derivationally_related_form 06696483 +09071690 _has_part 09200649 +09691994 _hypernym 09641757 +11778534 _member_meronym 11787892 +03953416 _hypernym 02913152 +00754767 _derivationally_related_form 02575082 +00715769 _hypernym 00715541 +10512201 _derivationally_related_form 01097500 +04852750 _hypernym 04852088 +08195797 _synset_domain_topic_of 08199025 +08163025 _hypernym 08163273 +04627506 _hypernym 04626280 +14411243 _hypernym 14408086 +12963796 _member_meronym 12964130 +01958615 _synset_domain_topic_of 00299217 +09398533 _instance_hypernym 09328904 +13489037 _derivationally_related_form 00250181 +00696189 _derivationally_related_form 09942431 +02310895 _also_see 01233347 +09872557 _hypernym 09713501 +00151689 _derivationally_related_form 13457378 +00285414 _hypernym 00283911 +11990167 _hypernym 11915214 +07925808 _hypernym 07884567 +02203008 _hypernym 01759182 +08125420 _hypernym 08337324 +11714618 _member_meronym 11717007 +04835488 _hypernym 04834605 +07596684 _hypernym 07557165 +03130563 _derivationally_related_form 01599805 +12637729 _member_meronym 12643113 +00537339 _derivationally_related_form 13864153 +01945550 _derivationally_related_form 13841863 +09935233 _derivationally_related_form 01639105 +02093390 _verb_group 02093610 +01846916 _derivationally_related_form 00306426 +07037465 _derivationally_related_form 01705494 +11812573 _hypernym 11573660 +08948704 _instance_hypernym 08691669 +07557434 _has_part 07621776 +00418110 _derivationally_related_form 04801763 +04831727 _hypernym 04840011 +01106587 _derivationally_related_form 01949435 +04757522 _derivationally_related_form 00867409 +01224744 _derivationally_related_form 03096960 +01104852 _hypernym 01105639 +06877849 _derivationally_related_form 00032981 +02058221 _hypernym 02057731 +00185307 _hypernym 00044673 +09003284 _has_part 09006205 +01378545 _hypernym 01355326 +14989820 _hypernym 14984973 +05405554 _has_part 05331653 +11659909 _hypernym 11553763 +12883923 _member_meronym 12884260 +02362194 _hypernym 02355227 +02950826 _hypernym 03467984 +13447361 _hypernym 13446390 +03492542 _hypernym 03706653 +02068408 _hypernym 01864707 +08665504 _hypernym 08626283 +09752927 _synset_domain_topic_of 05778131 +03875218 _derivationally_related_form 01363482 +04844024 _derivationally_related_form 02106761 +13412321 _derivationally_related_form 02472033 +01227137 _also_see 01589217 +02240852 _hypernym 01762525 +02553697 _derivationally_related_form 10722385 +03916470 _hypernym 03916031 +08100320 _member_meronym 08100481 +13867641 _derivationally_related_form 02033295 +13089631 _derivationally_related_form 01440801 +10702781 _derivationally_related_form 10702615 +02699141 _derivationally_related_form 06468818 +10565502 _hypernym 10067968 +00882702 _derivationally_related_form 02192992 +00040962 _derivationally_related_form 13928668 +01996735 _hypernym 01904930 +09541809 _hypernym 09540430 +05784831 _derivationally_related_form 02166460 +12501745 _member_meronym 12505563 +06888674 _hypernym 07248801 +10384392 _hypernym 09917593 +00858568 _derivationally_related_form 07251779 +00118523 _hypernym 02604760 +10094782 _hypernym 10638385 +14377617 _derivationally_related_form 02117649 +07737081 _hypernym 13136556 +11806975 _hypernym 11573660 +12147031 _member_meronym 12148079 +00314469 _hypernym 00584367 +03134853 _hypernym 04285146 +14081375 _hypernym 07305234 +01854047 _member_meronym 01855343 +00025034 _derivationally_related_form 00255214 +13619920 _hypernym 13615557 +08320385 _hypernym 08472335 +01700076 _member_meronym 01702623 +11088622 _instance_hypernym 10794014 +13366311 _hypernym 13365286 +05637106 _derivationally_related_form 02169119 +01452918 _derivationally_related_form 00115500 +01881180 _derivationally_related_form 10744544 +01826723 _derivationally_related_form 07511733 +01930482 _derivationally_related_form 03244388 +08740875 _has_part 09434469 +02015685 _hypernym 01507175 +13342692 _hypernym 13333237 +15145586 _derivationally_related_form 01322221 +02058933 _member_meronym 02060016 +06379568 _hypernym 06377442 +00134737 _synset_domain_topic_of 06084469 +06616806 _hypernym 06613686 +02057478 _member_meronym 02058074 +00240184 _derivationally_related_form 01647229 +08801678 _has_part 09464652 +02451951 _also_see 02389220 +01309478 _derivationally_related_form 14286549 +08020242 _instance_hypernym 08392137 +05828552 _derivationally_related_form 00787660 +09158024 _instance_hypernym 08695539 +08742205 _instance_hypernym 08633957 +09966470 _hypernym 10677713 +01128390 _derivationally_related_form 02646931 +02059462 _derivationally_related_form 10502576 +01111750 _hypernym 01090446 +14428404 _hypernym 14428160 +01261491 _hypernym 01264283 +02603699 _derivationally_related_form 00043765 +02354112 _derivationally_related_form 01013156 +10072054 _derivationally_related_form 01527877 +10599806 _hypernym 10340312 +00709205 _derivationally_related_form 10766025 +02373578 _derivationally_related_form 10226556 +06851742 _member_of_domain_usage 14777441 +11921395 _hypernym 11915899 +00388635 _derivationally_related_form 14445226 +00096343 _derivationally_related_form 02550868 +11492014 _derivationally_related_form 00487350 +14292090 _derivationally_related_form 00335366 +04460130 _hypernym 04341686 +02383842 _hypernym 02379528 +02055649 _derivationally_related_form 15282696 +07331759 _derivationally_related_form 02028994 +12359026 _member_meronym 12367122 +12940226 _hypernym 12205694 +04980008 _hypernym 04916342 +10046527 _hypernym 00007846 +00656292 _derivationally_related_form 05733090 +00748515 _derivationally_related_form 01171183 +00431005 _derivationally_related_form 00853633 +00171852 _verb_group 00411020 +00296178 _derivationally_related_form 09769929 +01685277 _member_meronym 01685439 +02835271 _hypernym 02834778 +02193357 _hypernym 01759182 +12847254 _hypernym 11579418 +08932568 _has_part 04496173 +01755389 _synset_domain_topic_of 00428270 +10058411 _derivationally_related_form 01820302 +02906438 _hypernym 03940713 +08247021 _hypernym 08246613 +08096624 _hypernym 08081668 +09044862 _has_part 09102016 +00220023 _hypernym 00219012 +10152083 _derivationally_related_form 02484570 +02195403 _member_meronym 02195526 +06805497 _synset_domain_topic_of 08199025 +01155044 _derivationally_related_form 10502950 +12615427 _member_meronym 12615710 +09626031 _hypernym 00007846 +10815648 _instance_hypernym 09921792 +01353670 _hypernym 01340439 +08957381 _member_of_domain_region 08017257 +10668450 _derivationally_related_form 00462092 +06845599 _member_of_domain_usage 14752702 +01661243 _hypernym 01654628 +00710005 _derivationally_related_form 09615807 +07525555 _derivationally_related_form 02085449 +10331841 _hypernym 10605985 +08022666 _instance_hypernym 08392137 +14561618 _hypernym 14560612 +01626420 _derivationally_related_form 00926668 +12752039 _hypernym 11567411 +01207951 _derivationally_related_form 09257949 +00904428 _hypernym 00903559 +14559208 _derivationally_related_form 01833906 +06073888 _hypernym 06115476 +13083586 _has_part 05511286 +04051825 _hypernym 03282060 +00965035 _derivationally_related_form 06681551 +02689299 _derivationally_related_form 00367976 +02656763 _hypernym 02649830 +08755436 _instance_hypernym 08544813 +03257586 _derivationally_related_form 01693881 +00606093 _hypernym 00599992 +07075172 _member_of_domain_usage 10085101 +00004475 _has_part 00006484 +05944958 _derivationally_related_form 00719734 +00365810 _derivationally_related_form 15062284 +14972359 _hypernym 14607521 +13143285 _hypernym 13112664 +02236495 _member_meronym 02237239 +00565592 _hypernym 00109660 +02325884 _hypernym 02325366 +01165919 _derivationally_related_form 00161987 +03823540 _hypernym 04005630 +08766988 _has_part 08770274 +00343700 _derivationally_related_form 02453321 +08065937 _derivationally_related_form 00515154 +12952165 _hypernym 11545714 +03859000 _hypernym 03579982 +12357485 _hypernym 12355760 +07660065 _derivationally_related_form 01249294 +00871195 _hypernym 00870213 +00950431 _derivationally_related_form 05785067 +13872211 _derivationally_related_form 01551195 +01497750 _hypernym 01494310 +03132261 _synset_domain_topic_of 00476389 +00905852 _derivationally_related_form 01227190 +03990474 _hypernym 03101986 +02413131 _hypernym 02411705 +07533257 _hypernym 07533097 +12423565 _member_meronym 12457519 +03536568 _hypernym 04294426 +06189551 _hypernym 06186301 +08860123 _member_of_domain_region 03380461 +01698434 _hypernym 01696633 +05558555 _has_part 05522283 +11775160 _member_meronym 11775340 +01069391 _hypernym 01295275 +04194289 _has_part 03412220 +13398953 _derivationally_related_form 02324182 +05731779 _derivationally_related_form 02025009 +02944826 _hypernym 03763727 +04558578 _derivationally_related_form 10770545 +02775039 _hypernym 02959942 +12300840 _hypernym 12651821 +08289841 _member_meronym 10176475 +00448466 _hypernym 00523513 +03013162 _hypernym 04565963 +10718665 _hypernym 09945905 +13491616 _derivationally_related_form 00270561 +02021376 _derivationally_related_form 08617963 +12581381 _member_meronym 12597333 +00140900 _hypernym 00046522 +02530294 _hypernym 01432517 +02663849 _hypernym 02512938 +03593526 _has_part 03661340 +00954608 _hypernym 00952524 +02544596 _hypernym 01342529 +03705379 _synset_domain_topic_of 06090869 +04199027 _has_part 04275661 +01390210 _derivationally_related_form 02732827 +08860123 _member_of_domain_region 00817507 +06262567 _synset_domain_topic_of 00933420 +00171249 _hypernym 00168237 +12659730 _member_meronym 12660009 +10085217 _hypernym 09939313 +04677514 _derivationally_related_form 02138659 +00151497 _derivationally_related_form 00920336 +12617140 _hypernym 11555413 +00243900 _derivationally_related_form 09754907 +07197021 _derivationally_related_form 00788564 +12039743 _member_meronym 12059851 +08382570 _member_meronym 00601822 +12963140 _member_meronym 12963307 +14661274 _hypernym 14622893 +01822164 _member_meronym 01822300 +03239259 _synset_domain_topic_of 08199025 +00378042 _verb_group 00378664 +07296428 _derivationally_related_form 00109660 +07526757 _hypernym 00026192 +09111366 _instance_hypernym 08655464 +12876032 _member_meronym 12878019 +00339464 _hypernym 00339934 +03154073 _derivationally_related_form 01552519 +09131428 _instance_hypernym 08524735 +02016198 _member_meronym 02016659 +02487573 _derivationally_related_form 09887850 +05034473 _synset_domain_topic_of 06084469 +00622068 _derivationally_related_form 02407338 +01086103 _derivationally_related_form 07460104 +10590339 _derivationally_related_form 01950798 +03047941 _hypernym 03120198 +08831004 _member_of_domain_region 10525878 +01843689 _derivationally_related_form 10757193 +07037465 _has_part 07039478 +01747945 _derivationally_related_form 04004767 +10734741 _hypernym 09998101 +00046344 _hypernym 00036762 +12494115 _member_meronym 12494358 +00123234 _derivationally_related_form 01133825 +05321664 _hypernym 05225602 +07189130 _derivationally_related_form 00759944 +13880811 _hypernym 13881644 +00882702 _derivationally_related_form 02194495 +08287586 _derivationally_related_form 01088749 +04622772 _hypernym 04622415 +04801763 _derivationally_related_form 00418110 +13384877 _derivationally_related_form 09934921 +09049599 _has_part 09090825 +00675701 _derivationally_related_form 04767805 +05621178 _hypernym 05621439 +12490671 _hypernym 11585340 +13013534 _hypernym 12998815 +12292877 _hypernym 12205694 +02274482 _derivationally_related_form 00085432 +10108719 _hypernym 10677713 +14461679 _hypernym 14461231 +12642200 _hypernym 12641413 +01021629 _derivationally_related_form 10383237 +08722844 _member_of_domain_region 01275934 +04326896 _hypernym 04161981 +12659730 _member_meronym 12949722 +08982587 _has_part 08984010 +01306358 _has_part 01282289 +01782378 _member_meronym 01782516 +09759501 _derivationally_related_form 08280124 +12395068 _hypernym 12392070 +01340439 _derivationally_related_form 03354613 +00788564 _derivationally_related_form 00636461 +13533886 _derivationally_related_form 00072012 +12935982 _hypernym 11585340 +14873641 _hypernym 14818238 +00915830 _derivationally_related_form 07130341 +03646809 _hypernym 04018667 +09006413 _has_part 09009372 +01827064 _derivationally_related_form 07549716 +08975902 _member_of_domain_region 08048300 +08906374 _has_part 09197945 +03551084 _has_part 02889996 +12241880 _hypernym 13112664 +00973077 _has_part 01237167 +11911591 _member_meronym 12021120 +02588286 _hypernym 02554730 +00105164 _derivationally_related_form 01512465 +14849367 _hypernym 14589223 +10720453 _hypernym 10309896 +07965085 _hypernym 07950920 +14818238 _hypernym 14806838 +12781814 _hypernym 11567411 +06825273 _hypernym 06825120 +04919209 _hypernym 04731497 +00478647 _hypernym 00045250 +07411851 _hypernym 07296428 +12386039 _member_meronym 12386724 +01702514 _derivationally_related_form 06384708 +01785971 _derivationally_related_form 00758972 +11695085 _has_part 07761611 +10498699 _hypernym 00007846 +02385153 _verb_group 02620213 +04314914 _hypernym 04359589 +11793779 _hypernym 11669921 +04470232 _derivationally_related_form 00022316 +02611630 _hypernym 02604760 +08113443 _hypernym 08112096 +03218198 _hypernym 04235291 +01915093 _member_meronym 01916010 +05065386 _hypernym 05064827 +05837957 _derivationally_related_form 00648977 +09941383 _derivationally_related_form 02441022 +06449735 _has_part 06436443 +14632444 _hypernym 14625458 +07758680 _hypernym 07705931 +02109190 _hypernym 02110220 +01696135 _hypernym 00283911 +03550153 _hypernym 04191595 +05638778 _hypernym 05637558 +00700896 _hypernym 00699815 +05969194 _synset_domain_topic_of 06158346 +02552449 _derivationally_related_form 14424517 +02283951 _hypernym 02283201 +09377657 _instance_hypernym 09360122 +00707956 _derivationally_related_form 05908520 +00082081 _derivationally_related_form 02298471 +07135734 _derivationally_related_form 00941990 +09643670 _hypernym 09643078 +01360937 _member_meronym 01361261 +06196284 _derivationally_related_form 00670991 +09626238 _derivationally_related_form 00889831 +11722621 _hypernym 11720353 +02097047 _hypernym 02096756 +01013040 _hypernym 01010118 +13741022 _hypernym 13728499 +00988287 _hypernym 00988028 +04446276 _has_part 04446521 +01454702 _member_meronym 01454856 +10750188 _hypernym 09927451 +02733122 _hypernym 01128193 +00462092 _derivationally_related_form 00201923 +14459422 _hypernym 00024720 +14750316 _hypernym 14749794 +01898282 _derivationally_related_form 02200509 +02430045 _has_part 02158739 +10712229 _derivationally_related_form 01473346 +01112364 _hypernym 02526085 +01872645 _derivationally_related_form 00112312 +08136502 _has_part 08136767 +05689249 _derivationally_related_form 00908099 +02491590 _hypernym 01862557 +00231557 _derivationally_related_form 13489037 +09159003 _has_part 09222880 +11746776 _member_meronym 11748330 +04526520 _derivationally_related_form 02042672 +12572546 _hypernym 13118707 +01128655 _derivationally_related_form 02539334 +09646608 _derivationally_related_form 02611442 +06171040 _hypernym 06153846 +09159003 _has_part 09456860 +07229747 _derivationally_related_form 00883635 +08342670 _hypernym 08342039 +08551420 _has_part 08551628 +01729431 _synset_domain_topic_of 00543233 +01174973 _derivationally_related_form 00279136 +02684924 _verb_group 02747709 +01574292 _derivationally_related_form 10793168 +03186005 _hypernym 02704153 +06807198 _derivationally_related_form 00235918 +02913152 _has_part 04226537 +02549392 _derivationally_related_form 01209220 +00888796 _derivationally_related_form 00605086 +07073208 _derivationally_related_form 00933403 +00853958 _derivationally_related_form 06778102 +02245765 _hypernym 02376958 +01542567 _hypernym 01504437 +13258362 _hypernym 13255145 +15041277 _hypernym 14971519 +03008565 _derivationally_related_form 01685960 +14373582 _hypernym 13920835 +01822423 _member_meronym 01822602 +13123681 _hypernym 00017222 +10251125 _instance_hypernym 09994943 +00922867 _derivationally_related_form 01004582 +10695917 _hypernym 10696251 +09252970 _member_meronym 09444100 +07123288 _hypernym 07120524 +00668099 _derivationally_related_form 05032565 +00151087 _derivationally_related_form 02154508 +01043887 _hypernym 02176268 +13920835 _derivationally_related_form 00207418 +13895745 _hypernym 13894434 +14376855 _hypernym 14373582 +00606006 _derivationally_related_form 10787470 +12363988 _member_meronym 12365670 +05926676 _hypernym 05809192 +02147603 _derivationally_related_form 01049685 +14536831 _derivationally_related_form 00212790 +00292672 _derivationally_related_form 10341955 +01306358 _has_part 01299476 +00237259 _synset_domain_topic_of 00243918 +08806897 _member_of_domain_region 09905050 +02817799 _hypernym 04598582 +01438720 _member_meronym 01440949 +13951444 _hypernym 13951215 +00904548 _also_see 02588099 +00373544 _derivationally_related_form 00956405 +08189371 _member_meronym 10321474 +01886220 _member_meronym 02453373 +01497864 _derivationally_related_form 03593526 +00953923 _hypernym 00953216 +09849598 _hypernym 09622302 +00604424 _hypernym 00586262 +06688274 _derivationally_related_form 00727143 +08030481 _instance_hypernym 08392137 +13479889 _derivationally_related_form 00097179 +02505809 _member_meronym 02505998 +05086740 _hypernym 05084201 +07905770 _hypernym 07901587 +05682570 _hypernym 05669934 +04289027 _derivationally_related_form 01374767 +09990415 _hypernym 00007846 +00287258 _hypernym 00283911 +12275317 _hypernym 12268246 +10974740 _instance_hypernym 10467395 +06845599 _member_of_domain_usage 04412550 +11920998 _hypernym 12205694 +08969291 _has_part 08969948 +08760510 _member_meronym 09730204 +00776262 _derivationally_related_form 02284096 +01385170 _derivationally_related_form 07963711 +01637982 _verb_group 00721437 +02077656 _derivationally_related_form 03100897 +07044088 _has_part 07046339 +01105909 _derivationally_related_form 01454810 +01150938 _hypernym 01123598 +07515974 _hypernym 07515560 +00394813 _derivationally_related_form 14586258 +11746776 _member_meronym 11748936 +02584915 _derivationally_related_form 02286027 +01437805 _member_meronym 01443998 +09718217 _hypernym 09641757 +06468951 _derivationally_related_form 01008437 +00606600 _derivationally_related_form 00889082 +02994448 _derivationally_related_form 00283127 +00962447 _derivationally_related_form 07135734 +00837133 _hypernym 00894738 +01005579 _derivationally_related_form 00646738 +12852049 _hypernym 11579418 +10470779 _hypernym 09927451 +07483782 _hypernym 07483622 +14006945 _derivationally_related_form 00040325 +10045454 _derivationally_related_form 05984287 +14407899 _derivationally_related_form 01821132 +09094381 _instance_hypernym 08633957 +00329817 _hypernym 00328802 +11601177 _hypernym 11600372 +01583656 _synset_domain_topic_of 06004685 +05699172 _hypernym 05698247 +07707451 _hypernym 07705711 +10736926 _hypernym 10577284 +01737197 _hypernym 01657723 +03441778 _hypernym 04166553 +14633206 _hypernym 14622893 +12867679 _hypernym 11579418 +01573891 _derivationally_related_form 13773725 +12917338 _member_meronym 12919195 +07527352 _derivationally_related_form 01813499 +07306252 _hypernym 07289014 +04044716 _has_part 03207305 +01231252 _hypernym 01871979 +05473104 _hypernym 05470189 +05127959 _derivationally_related_form 02685390 +00096766 _derivationally_related_form 05417472 +01197338 _hypernym 00515154 +05510506 _has_part 05528604 +05142641 _hypernym 05142180 +15153787 _derivationally_related_form 00249679 +10855047 _instance_hypernym 09765278 +11931918 _hypernym 11669921 +02329578 _verb_group 02329733 +06826214 _hypernym 06825399 +04091693 _hypernym 03430959 +00162632 _hypernym 00161243 +11800359 _hypernym 11585340 +02221820 _hypernym 02219486 +01660857 _synset_domain_topic_of 08199025 +03690938 _hypernym 04447443 +12447581 _hypernym 12446200 +12667582 _hypernym 12667406 +00482298 _hypernym 00479076 +00592702 _derivationally_related_form 05944958 +10172448 _hypernym 10270628 +02556623 _member_meronym 02557461 +10515194 _derivationally_related_form 00384620 +06734467 _derivationally_related_form 01014821 +03082979 _has_part 03744276 +10766025 _derivationally_related_form 01825237 +05600637 _has_part 05599617 +01815628 _derivationally_related_form 07491038 +01250335 _hypernym 00220522 +02170427 _derivationally_related_form 01194483 +06926889 _hypernym 06926458 +10583387 _derivationally_related_form 00415044 +12041446 _hypernym 11669921 +01934554 _also_see 02180797 +14744841 _synset_domain_topic_of 06066555 +11164671 _instance_hypernym 09798811 +12796849 _hypernym 13121544 +07417851 _hypernym 07416714 +07643981 _hypernym 07557165 +09731906 _hypernym 09686536 +08853741 _has_part 08855909 +06000644 _synset_domain_topic_of 05999797 +09627017 _derivationally_related_form 01543731 +01661592 _hypernym 01661091 +05736736 _hypernym 05736149 +13238178 _member_meronym 13238375 +12741409 _member_meronym 12741586 +14751417 _hypernym 14745635 +08569591 _hypernym 08593262 +10100761 _hypernym 10599354 +08019913 _synset_domain_topic_of 00759694 +01173405 _derivationally_related_form 07577374 +09164561 _instance_hypernym 08700255 +12317164 _member_meronym 12317296 +06717170 _member_of_domain_usage 10663137 +01021579 _derivationally_related_form 00350461 +09477037 _hypernym 00002684 +02418205 _derivationally_related_form 05769471 +01259380 _derivationally_related_form 01078235 +01850315 _derivationally_related_form 10336234 +09102517 _instance_hypernym 08633957 +05541509 _hypernym 13894434 +01810466 _member_meronym 01815431 +07534430 _derivationally_related_form 01797347 +14001348 _hypernym 00024720 +00173338 _also_see 00641252 +01921964 _derivationally_related_form 09206985 +02747922 _verb_group 02410175 +03036341 _hypernym 03036469 +01308681 _verb_group 00506952 +09954479 _derivationally_related_form 00818553 +11490638 _hypernym 11419404 +08701296 _instance_hypernym 08574314 +00623947 _hypernym 00623151 +01468327 _hypernym 01468576 +08171094 _hypernym 08293982 +02954340 _hypernym 03502509 +09887496 _hypernym 09682291 +00849982 _derivationally_related_form 00055539 +03294604 _synset_domain_topic_of 06128570 +13573057 _hypernym 13489037 +02553196 _member_meronym 02573918 +08017257 _instance_hypernym 08392137 +02321009 _also_see 00707366 +00109660 _derivationally_related_form 03005920 +11083656 _instance_hypernym 09681351 +10034201 _derivationally_related_form 01539063 +06461609 _has_part 06461830 +10336234 _hypernym 10791221 +13279262 _derivationally_related_form 02290196 +03467517 _hypernym 04338517 +04910973 _derivationally_related_form 01508719 +00785962 _hypernym 00788564 +01494310 _derivationally_related_form 06389553 +00121865 _derivationally_related_form 05047279 +12372124 _member_meronym 12372233 +08062623 _derivationally_related_form 01745722 +10118382 _hypernym 09623038 +02294761 _member_meronym 02295064 +11622988 _member_meronym 11623105 +01505254 _derivationally_related_form 06615561 +02198332 _member_meronym 02198714 +01593937 _derivationally_related_form 03141702 +01855476 _hypernym 01854415 +10773394 _derivationally_related_form 01150370 +12558425 _hypernym 12557995 +01592456 _hypernym 01448100 +00864910 _hypernym 00826333 +03005920 _hypernym 04424418 +04801877 _hypernym 04801313 +09429387 _derivationally_related_form 01563005 +01473990 _member_meronym 01476829 +00879764 _derivationally_related_form 07161741 +00158804 _derivationally_related_form 01014990 +02136623 _hypernym 01864707 +13187367 _hypernym 13186654 +12332555 _hypernym 13112664 +02022135 _member_meronym 02022684 +02206624 _member_meronym 02210728 +07721325 _hypernym 07720442 +00251013 _derivationally_related_form 02741960 +02764044 _hypernym 03265032 +14010927 _hypernym 14010148 +08256735 _hypernym 08252602 +00050693 _derivationally_related_form 00003553 +07340249 _synset_domain_topic_of 08199025 +03038685 _hypernym 04105893 +01363719 _hypernym 01355326 +04097866 _derivationally_related_form 00052043 +12803958 _hypernym 11672400 +09366317 _derivationally_related_form 01974062 +05036394 _hypernym 05093890 +06753800 _derivationally_related_form 00717208 +00216801 _hypernym 00216216 +03706415 _synset_domain_topic_of 06128570 +04677514 _derivationally_related_form 01659248 +02133297 _derivationally_related_form 09818343 +00930368 _hypernym 00943837 +02021438 _member_meronym 02022135 +05386845 _hypernym 05250659 +00168588 _derivationally_related_form 01047937 +01389776 _hypernym 01587062 +00677174 _hypernym 00393369 +08934694 _instance_hypernym 08524735 +05962043 _hypernym 05943300 +02121808 _hypernym 01317541 +02584981 _also_see 02500884 +04932561 _synset_domain_topic_of 06128570 +08784905 _instance_hypernym 09316454 +00464894 _hypernym 00464651 +00983982 _synset_domain_topic_of 08199025 +00652900 _hypernym 00644583 +09439213 _derivationally_related_form 00512043 +00144850 _hypernym 00109660 +01453852 _member_meronym 01455592 +05373790 _hypernym 05418717 +01270784 _derivationally_related_form 03673767 +01824339 _hypernym 01825237 +08029421 _synset_domain_topic_of 00759694 +08016035 _synset_domain_topic_of 00759694 +07644382 _has_part 07648267 +12684640 _member_meronym 12702443 +07364115 _derivationally_related_form 01991472 +02328270 _member_meronym 02328662 +00154233 _derivationally_related_form 02447793 +05542539 _hypernym 05470189 +01026095 _derivationally_related_form 14577046 +01028748 _derivationally_related_form 07230502 +02335349 _member_meronym 02344528 +00113818 _derivationally_related_form 14036539 +00930736 _hypernym 00929718 +10787470 _derivationally_related_form 14425715 +01289155 _derivationally_related_form 04108268 +04970059 _derivationally_related_form 00285088 +10084635 _derivationally_related_form 05967773 +02360448 _also_see 01886407 +12633994 _has_part 07739125 +10513120 _derivationally_related_form 00995838 +09068444 _has_part 09069190 +08168531 _derivationally_related_form 03074922 +09775907 _hypernym 09615807 +01212230 _verb_group 01359432 +01018352 _derivationally_related_form 09925592 +04766852 _derivationally_related_form 00400883 +00898691 _derivationally_related_form 07274425 +08917881 _instance_hypernym 08574314 +13026146 _hypernym 11590783 +00935987 _verb_group 00933821 +02226013 _derivationally_related_form 00102927 +00433232 _derivationally_related_form 07370410 +02269143 _derivationally_related_form 00192613 +08176077 _member_meronym 08711974 +08982587 _has_part 08984332 +05295381 _hypernym 05286536 +02073679 _member_meronym 02073831 +07365849 _derivationally_related_form 01859221 +04802907 _hypernym 04723816 +01548290 _derivationally_related_form 02910353 +13460299 _derivationally_related_form 00092293 +02436349 _derivationally_related_form 01133281 +00804802 _derivationally_related_form 10018021 +12349916 _hypernym 11585340 +00618734 _derivationally_related_form 09761403 +02169497 _hypernym 02164464 +01944976 _derivationally_related_form 04309348 +09184975 _derivationally_related_form 01759326 +07122118 _derivationally_related_form 00915041 +02108665 _derivationally_related_form 05651971 +15159819 _derivationally_related_form 00734927 +01123148 _also_see 01612053 +00900214 _hypernym 00897241 +09107626 _instance_hypernym 08633957 +01119421 _derivationally_related_form 04954683 +02519555 _derivationally_related_form 00552253 +08860123 _member_of_domain_region 01172598 +00487748 _derivationally_related_form 02117232 +01742726 _derivationally_related_form 00915722 +02968325 _derivationally_related_form 09275473 +01561318 _hypernym 01507175 +02684453 _hypernym 00781000 +05110185 _hypernym 05108947 +00380159 _derivationally_related_form 00196084 +00065791 _also_see 00249721 +15226214 _hypernym 15116532 +05967097 _derivationally_related_form 10515194 +12426100 _member_meronym 12426248 +00348008 _derivationally_related_form 01875295 +01644746 _derivationally_related_form 00061917 +10005548 _hypernym 10249459 +00612042 _derivationally_related_form 06647206 +00663160 _derivationally_related_form 05798569 +01106272 _derivationally_related_form 01951276 +02512922 _also_see 01740892 +09340644 _instance_hypernym 09411430 +01532589 _verb_group 02741960 +01210352 _hypernym 01206218 +05953416 _hypernym 05952979 +12265266 _member_meronym 12265394 +00647770 _derivationally_related_form 02939866 +02519494 _derivationally_related_form 05079866 +03024420 _derivationally_related_form 08969291 +02023107 _derivationally_related_form 07414922 +07014320 _derivationally_related_form 00882220 +08523483 _derivationally_related_form 00329831 +01140839 _derivationally_related_form 02395395 +10580030 _derivationally_related_form 02431320 +01031705 _derivationally_related_form 10381369 +02787772 _derivationally_related_form 02343056 +00960851 _derivationally_related_form 01115916 +10655169 _derivationally_related_form 01489989 +12879963 _hypernym 11672400 +10119200 _derivationally_related_form 02544348 +02440244 _hypernym 02439501 +05893356 _derivationally_related_form 00632236 +04383130 _derivationally_related_form 01357429 +01577635 _derivationally_related_form 00442847 +01050651 _derivationally_related_form 10803838 +12927921 _member_meronym 12928071 +00180413 _derivationally_related_form 00719231 +01004062 _derivationally_related_form 06817782 +01039925 _derivationally_related_form 00475819 +11855122 _member_meronym 11855274 +10855604 _instance_hypernym 10650162 +02730568 _hypernym 03405265 +03408054 _has_part 04384016 +00684273 _derivationally_related_form 09847727 +01860713 _hypernym 01507175 +10691937 _hypernym 10195593 +14960261 _hypernym 14720238 +00637259 _derivationally_related_form 09887034 +10384496 _hypernym 00007846 +03246454 _derivationally_related_form 01985923 +00594738 _hypernym 00586262 +09956780 _hypernym 10072708 +02290461 _hypernym 02210855 +08111783 _derivationally_related_form 00411312 +00115157 _verb_group 00114837 +05453267 _hypernym 05449959 +02666882 _derivationally_related_form 05748786 +08033454 _synset_domain_topic_of 00759694 +13152592 _hypernym 11567411 +00588221 _derivationally_related_form 10240082 +00457569 _hypernym 00146138 +02466670 _derivationally_related_form 01126856 +01430111 _also_see 01943406 +03802007 _derivationally_related_form 10341446 +02501101 _member_meronym 02501275 +10248542 _hypernym 09679316 +07508232 _hypernym 07523905 +15006258 _hypernym 15006118 +00774344 _derivationally_related_form 07150138 +01166351 _derivationally_related_form 10042300 +01650610 _derivationally_related_form 07325190 +00878348 _derivationally_related_form 01166926 +10475297 _derivationally_related_form 01745722 +00053913 _derivationally_related_form 00799383 +07769306 _hypernym 07705931 +04191595 _hypernym 04341686 +08295138 _member_meronym 09022265 +11519799 _hypernym 11418138 +08900535 _has_part 08902894 +08860123 _has_part 08871007 +02245555 _hypernym 02244956 +04357121 _hypernym 04105068 +04953186 _derivationally_related_form 00424869 +12938897 _member_meronym 12939104 +12002651 _hypernym 12205694 +06645039 _derivationally_related_form 02091410 +02190166 _derivationally_related_form 01940403 +02231307 _member_meronym 02231487 +07066659 _synset_domain_topic_of 06282651 +00968211 _derivationally_related_form 05088056 +09975425 _derivationally_related_form 01658762 +00986173 _derivationally_related_form 00837098 +12654659 _has_part 07744811 +02387910 _derivationally_related_form 08276720 +01955463 _member_meronym 01962223 +05601758 _derivationally_related_form 02630189 +05485554 _hypernym 05462674 +01098452 _derivationally_related_form 10512562 +01570969 _hypernym 01504437 +01493687 _hypernym 01432517 +13049285 _hypernym 11594676 +02615079 _derivationally_related_form 01897667 +00431327 _derivationally_related_form 15069820 +03201776 _hypernym 03384891 +03970156 _derivationally_related_form 01577635 +00590913 _hypernym 00586262 +12318378 _hypernym 13110915 +00630802 _derivationally_related_form 04761517 +01494310 _also_see 01463963 +04873550 _derivationally_related_form 01222884 +14766364 _hypernym 14940386 +14234074 _hypernym 14061805 +10869931 _instance_hypernym 10467395 +06312966 _synset_domain_topic_of 06174404 +15203565 _has_part 15226046 +02386845 _hypernym 02387486 +09801864 _derivationally_related_form 00588998 +02119874 _derivationally_related_form 14286549 +00384055 _derivationally_related_form 00402308 +13192025 _member_meronym 13196545 +12314315 _member_meronym 12314652 +10127689 _hypernym 10560637 +10693824 _hypernym 09855630 +08550076 _derivationally_related_form 02143539 +02574205 _derivationally_related_form 00418903 +00577170 _hypernym 00515154 +05749402 _derivationally_related_form 00651759 +01131473 _derivationally_related_form 01147451 +14157527 _hypernym 14151139 +00979667 _hypernym 00978549 +02713372 _derivationally_related_form 01353226 +01215392 _derivationally_related_form 00806502 +00644066 _derivationally_related_form 10687231 +12996841 _member_meronym 13063046 +08139795 _has_part 08137251 +02689882 _hypernym 02687916 +05256862 _has_part 04055030 +00014034 _derivationally_related_form 00867983 +06491786 _hypernym 06481320 +02652335 _member_meronym 02656426 +01576917 _derivationally_related_form 04198797 +11492388 _synset_domain_topic_of 06037666 +06642899 _synset_domain_topic_of 08199025 +01158022 _hypernym 01157517 +09945603 _hypernym 10450303 +12998349 _member_meronym 13000372 +07029819 _synset_domain_topic_of 07020895 +14386130 _has_part 07536437 +11356822 _instance_hypernym 10453533 +05833840 _derivationally_related_form 00607780 +03161450 _derivationally_related_form 02191311 +00632627 _derivationally_related_form 05772356 +09033333 _has_part 09038990 +00583991 _verb_group 00584220 +01051082 _derivationally_related_form 01888295 +05909585 _hypernym 05898568 +01793177 _derivationally_related_form 01628302 +02656390 _derivationally_related_form 04191595 +08626845 _hypernym 08521623 +00200397 _derivationally_related_form 10044879 +04990877 _hypernym 04983122 +09964805 _derivationally_related_form 06505517 +01666802 _hypernym 01656813 +02521646 _hypernym 01428580 +07102593 _hypernym 07106246 +00482180 _derivationally_related_form 07027458 +12474828 _member_meronym 12475242 +12706644 _member_meronym 12712820 +00853958 _derivationally_related_form 07153727 +12632875 _member_meronym 12633061 +10477077 _derivationally_related_form 01420451 +04096848 _hypernym 02796623 +05018934 _hypernym 05017230 +09102016 _has_part 09102517 +07742704 _derivationally_related_form 01384102 +02025530 _hypernym 01504437 +13166338 _hypernym 08107499 +12787565 _member_meronym 12789399 +03603958 _derivationally_related_form 10085548 +07157273 _member_of_domain_usage 04753799 +08894456 _has_part 08895497 +01374767 _derivationally_related_form 04289027 +00307568 _derivationally_related_form 07436475 +13289467 _derivationally_related_form 02234087 +05581514 _hypernym 05225602 +05753564 _hypernym 05752544 +02277448 _synset_domain_topic_of 00766234 +09100837 _instance_hypernym 08524735 +05469032 _hypernym 08566028 +01474641 _member_meronym 01475421 +01518347 _hypernym 01342529 +00567044 _derivationally_related_form 01509584 +00194969 _hypernym 00407535 +00562303 _hypernym 00429060 +12659730 _hypernym 11534677 +09889691 _derivationally_related_form 01094086 +01438902 _hypernym 00126264 +02390101 _derivationally_related_form 10338094 +01695459 _hypernym 01693881 +10200781 _hypernym 09605289 +06845599 _member_of_domain_usage 03299788 +12169776 _member_meronym 12170415 +00590269 _hypernym 00586262 +08206460 _hypernym 08199025 +01329026 _derivationally_related_form 00371846 +10700201 _hypernym 10409752 +08713772 _has_part 08915372 +08860123 _member_of_domain_region 09262690 +07963711 _derivationally_related_form 00193486 +10363913 _derivationally_related_form 02390470 +01054545 _hypernym 01054335 +02460451 _hypernym 02460009 +00145623 _hypernym 00126264 +02429456 _hypernym 02399000 +01482075 _derivationally_related_form 03491178 +05280998 _hypernym 05269901 +00862225 _hypernym 00856578 +00243237 _hypernym 00238022 +08304135 _member_meronym 08851034 +02225959 _member_meronym 02229385 +00351824 _hypernym 02609764 +01697986 _hypernym 01697816 +05714161 _derivationally_related_form 02125223 +01123887 _derivationally_related_form 00977301 +01940403 _derivationally_related_form 10096217 +07223985 _derivationally_related_form 00937208 +00780148 _derivationally_related_form 01104624 +00315986 _has_part 00319176 +00917772 _derivationally_related_form 05775081 +15174218 _has_part 15212167 +05644727 _derivationally_related_form 02269143 +00798959 _hypernym 00798245 +09189411 _has_part 08959683 +00225593 _derivationally_related_form 00359511 +01128655 _derivationally_related_form 00579712 +12959967 _hypernym 13166338 +07014029 _derivationally_related_form 00013615 +01934205 _derivationally_related_form 03109881 +05153155 _hypernym 05150588 +02600255 _derivationally_related_form 10099375 +07126734 _hypernym 07109847 +04407686 _hypernym 02913152 +00138508 _hypernym 00109660 +02384940 _derivationally_related_form 07186148 +01192510 _derivationally_related_form 05190106 +00805034 _hypernym 00803617 +02102484 _also_see 02103481 +09679170 _hypernym 00007846 +12751823 _member_meronym 12756059 +01876667 _hypernym 01876326 +05586446 _has_part 05279688 +00446695 _synset_domain_topic_of 06084469 +02343487 _member_meronym 02343772 +09955015 _derivationally_related_form 02574516 +10867708 _instance_hypernym 10020890 +09984298 _derivationally_related_form 00591622 +05388805 _has_part 05389939 +01218327 _derivationally_related_form 02498320 +01406512 _hypernym 01405044 +05846932 _hypernym 01023820 +00350461 _derivationally_related_form 06200010 +08215603 _derivationally_related_form 01129337 +00524299 _hypernym 00109660 +06845599 _member_of_domain_usage 05411571 +02149136 _member_meronym 02149297 +05535484 _hypernym 05534333 +08856630 _instance_hypernym 08633957 +12914433 _member_meronym 12914731 +10815648 _instance_hypernym 10547145 +07636534 _hypernym 07635155 +11867525 _member_meronym 11898079 +08801678 _member_of_domain_region 08804487 +09786338 _derivationally_related_form 02264397 +06721461 _hypernym 06715223 +00989602 _derivationally_related_form 06891022 +01233387 _hypernym 01332730 +13253612 _hypernym 13253255 +00291286 _hypernym 02767308 +03771066 _hypernym 04416530 +00291873 _derivationally_related_form 14687513 +01724055 _member_meronym 01724470 +10525436 _hypernym 10018861 +06410391 _derivationally_related_form 00855512 +02380009 _derivationally_related_form 10525617 +08907606 _member_of_domain_region 08031386 +11894173 _member_meronym 11894558 +12581381 _member_meronym 12590842 +02394068 _member_meronym 02398732 +00650016 _hypernym 00650353 +06750154 _hypernym 06748969 +02902250 _hypernym 03264136 +12036939 _hypernym 12205694 +00819024 _derivationally_related_form 02280132 +05781347 _derivationally_related_form 00632236 +02380980 _hypernym 01766952 +02397637 _derivationally_related_form 07251984 +09841188 _hypernym 10053808 +05694791 _derivationally_related_form 00782527 +01250908 _hypernym 01205696 +02217266 _derivationally_related_form 06150633 +01305731 _derivationally_related_form 03933529 +00425905 _derivationally_related_form 01803380 +13301328 _derivationally_related_form 02498987 +01843904 _derivationally_related_form 10596689 +11911591 _member_meronym 11980867 +06441607 _instance_hypernym 06455138 +05936381 _derivationally_related_form 01636008 +11506349 _synset_domain_topic_of 06090869 +15153787 _has_part 15150870 +04809784 _hypernym 04723816 +08929922 _has_part 08937109 +11420376 _hypernym 11418750 +01524885 _member_meronym 01544544 +01096497 _derivationally_related_form 00586262 +12537988 _hypernym 11585340 +08350470 _member_meronym 08419033 +01744657 _member_meronym 01750598 +01887076 _also_see 01763813 +02636132 _derivationally_related_form 13793504 +07722485 _hypernym 07722217 +14068344 _hypernym 14061805 +03790230 _has_part 04590553 +02486932 _derivationally_related_form 07467846 +05557339 _hypernym 05289861 +01527877 _hypernym 01468576 +03481172 _derivationally_related_form 01416539 +12702948 _hypernym 12205694 +02906478 _derivationally_related_form 06070929 +05554051 _hypernym 05250659 +12797213 _member_meronym 12797368 +01979462 _derivationally_related_form 00058337 +01884577 _derivationally_related_form 00348008 +02400139 _member_meronym 02401031 +04970059 _hypernym 04959672 +12128645 _hypernym 11556857 +00746232 _hypernym 00745637 +00504901 _derivationally_related_form 15015501 +01003729 _derivationally_related_form 00657550 +00154141 _verb_group 00487748 +10868397 _instance_hypernym 09991026 +08720481 _has_part 08721559 +00420712 _hypernym 00803617 +02284367 _hypernym 01762525 +14419164 _derivationally_related_form 01492052 +13998263 _derivationally_related_form 10580535 +13534954 _derivationally_related_form 01227235 +00226618 _also_see 01372049 +00397010 _derivationally_related_form 00201034 +07184545 _hypernym 07184149 +00255389 _hypernym 00126264 +00144445 _derivationally_related_form 02120140 +00939277 _derivationally_related_form 07232421 +01768402 _member_meronym 01786879 +01665638 _synset_domain_topic_of 00243918 +02058794 _derivationally_related_form 14541044 +00081836 _derivationally_related_form 02325968 +00055871 _derivationally_related_form 00849982 +10586998 _hypernym 10677713 +08172103 _member_meronym 08929243 +02922448 _derivationally_related_form 06232880 +02014061 _member_meronym 02014237 +01934427 _derivationally_related_form 08615638 +00049102 _hypernym 00047945 +04921754 _hypernym 04921011 +00082929 _hypernym 00082714 +01525666 _verb_group 01526290 +08709038 _has_part 08989031 +02035919 _hypernym 00140967 +08860123 _member_of_domain_region 09937489 +07423899 _hypernym 07423560 +05079638 _derivationally_related_form 01235859 +15119536 _derivationally_related_form 01731351 +14780040 _hypernym 14779550 +03515934 _hypernym 03259505 +12605965 _member_meronym 12606797 +02273326 _also_see 00681094 +13376012 _hypernym 06885389 +04405309 _hypernym 04494204 +02467003 _hypernym 00126264 +00800657 _hypernym 00798245 +03728811 _hypernym 03257343 +12784738 _hypernym 11585340 +01128193 _derivationally_related_form 00817680 +01740320 _synset_domain_topic_of 00916464 +00117385 _derivationally_related_form 05677952 +01087559 _derivationally_related_form 01157384 +00796047 _derivationally_related_form 06893885 +01159461 _hypernym 00037396 +05750027 _derivationally_related_form 09956387 +00631737 _hypernym 00719734 +13266515 _hypernym 13265904 +02747709 _hypernym 02367363 +12411710 _member_meronym 12412355 +04946078 _hypernym 04945530 +02271544 _also_see 02578235 +05269901 _derivationally_related_form 05277728 +05086740 _derivationally_related_form 01963942 +01056411 _hypernym 01053617 +05830527 _synset_domain_topic_of 08441203 +02515914 _member_meronym 02516427 +04689660 _derivationally_related_form 00782527 +03884778 _synset_domain_topic_of 15253139 +11911591 _member_meronym 11987956 +00670261 _derivationally_related_form 10066732 +02395782 _derivationally_related_form 00239910 +00082929 _derivationally_related_form 03993403 +15268993 _hypernym 15265518 +06621771 _hypernym 06619428 +01707306 _derivationally_related_form 07027458 +05916739 _hypernym 05833840 +13940456 _derivationally_related_form 02669081 +05785885 _hypernym 05785508 +14594456 _derivationally_related_form 00524299 +01222666 _derivationally_related_form 01779165 +06730780 _hypernym 06729499 +00632438 _also_see 02461723 +13083586 _hypernym 00017222 +02263027 _derivationally_related_form 01089778 +04962784 _hypernym 04959672 +14832193 _hypernym 14994328 +10466060 _hypernym 09917593 +00751529 _derivationally_related_form 00932798 +01373138 _hypernym 01372682 +09165294 _instance_hypernym 08524735 +01048939 _derivationally_related_form 10776339 +02802215 _hypernym 02802721 +14276936 _hypernym 14070360 +00294245 _hypernym 00252019 +03757428 _hypernym 02723292 +05022709 _hypernym 05022457 +00803208 _hypernym 00802962 +03940256 _has_part 04184095 +12249821 _hypernym 11565385 +02495922 _derivationally_related_form 05148699 +03646916 _hypernym 03391770 +02205095 _member_meronym 02205219 +03250588 _derivationally_related_form 01386433 +05108947 _hypernym 05107765 +07516354 _derivationally_related_form 01785971 +06691684 _derivationally_related_form 00861929 +08168117 _hypernym 08167365 +12630144 _hypernym 12205694 +12813393 _member_meronym 12813870 +05138208 _hypernym 04723816 +10055566 _hypernym 09946957 +02378950 _derivationally_related_form 00073032 +12423565 _member_meronym 12442220 +01634392 _hypernym 01626600 +08849753 _has_part 08850450 +00318735 _derivationally_related_form 02700867 +00603298 _derivationally_related_form 10722575 +13955461 _derivationally_related_form 10509605 +11884384 _hypernym 12205694 +09815188 _hypernym 09631463 +09126305 _has_part 09388318 +01027859 _hypernym 00413239 +05228732 _hypernym 05225602 +04072960 _has_part 03276179 +07379223 _hypernym 07371293 +01134781 _hypernym 01133825 +00559724 _synset_domain_topic_of 00469651 +01135922 _derivationally_related_form 07408171 +04686003 _hypernym 04683814 +00043609 _hypernym 00030358 +11718096 _hypernym 11571907 +08859173 _member_of_domain_region 09218641 +00463778 _hypernym 00142191 +02099829 _verb_group 02421921 +00060201 _derivationally_related_form 02075049 +01915811 _hypernym 01914163 +00555648 _derivationally_related_form 00459498 +13907104 _hypernym 13905792 +02278830 _derivationally_related_form 13258362 +04993882 _hypernym 04992163 +14173625 _hypernym 14171682 +07644382 _has_part 07647870 +15210486 _has_part 15187619 +10702781 _synset_domain_topic_of 00759694 +09866661 _derivationally_related_form 02277303 +13994456 _derivationally_related_form 02497062 +12405209 _member_meronym 12406488 +06717170 _hypernym 06714976 +00135578 _derivationally_related_form 06769032 +14392143 _hypernym 14391876 +08906952 _member_of_domain_region 06241825 +01036083 _derivationally_related_form 04799881 +00592652 _hypernym 00586262 +11128394 _instance_hypernym 09805475 +00684645 _hypernym 00685683 +00973056 _derivationally_related_form 06254007 +12154426 _member_meronym 12154628 +14618253 _derivationally_related_form 00265094 +09117351 _instance_hypernym 08655464 +10256756 _derivationally_related_form 01876006 +05412649 _hypernym 05407119 +00007012 _hypernym 00004227 +07711232 _hypernym 07710616 +01046932 _derivationally_related_form 07121361 +03666591 _hypernym 03183080 +01253379 _derivationally_related_form 01057034 +12372932 _member_meronym 12373100 +03588414 _hypernym 00003553 +01163620 _derivationally_related_form 10319796 +00721098 _derivationally_related_form 05697976 +01532589 _derivationally_related_form 09927305 +13258362 _derivationally_related_form 10481003 +02499990 _hypernym 01862557 +12154228 _member_meronym 12154426 +01494310 _also_see 01570403 +09758424 _hypernym 10391653 +01914163 _hypernym 01909422 +10160412 _hypernym 09624559 +07373803 _derivationally_related_form 01385170 +10553627 _derivationally_related_form 02225492 +01802689 _derivationally_related_form 04456276 +08860123 _member_of_domain_region 08167365 +14439294 _derivationally_related_form 00689950 +05966129 _derivationally_related_form 00702969 +00514069 _derivationally_related_form 04952120 +09114696 _has_part 09288946 +10546850 _derivationally_related_form 00866702 +14718822 _derivationally_related_form 01595260 +09169303 _instance_hypernym 08505573 +09928845 _hypernym 09621545 +09988703 _derivationally_related_form 02642238 +08743945 _instance_hypernym 08524735 +08321218 _hypernym 08472335 +00480969 _derivationally_related_form 10381369 +08967329 _derivationally_related_form 03084759 +13270038 _hypernym 13265011 +02877910 _derivationally_related_form 05275905 +07509996 _derivationally_related_form 00925490 +07522128 _hypernym 07521674 +10699262 _hypernym 09620078 +06469694 _derivationally_related_form 01007924 +06508816 _derivationally_related_form 00869931 +05945642 _derivationally_related_form 00690614 +00134780 _hypernym 01173038 +11652217 _hypernym 13108841 +00240754 _derivationally_related_form 10126177 +12714550 _member_meronym 12714949 +12501745 _member_meronym 12555069 +02158587 _derivationally_related_form 03206718 +04750164 _derivationally_related_form 01410363 +05247178 _hypernym 05246796 +08414608 _hypernym 07965085 +07739125 _hypernym 07705931 +03065424 _derivationally_related_form 02049190 +10720453 _derivationally_related_form 02260362 +05302499 _derivationally_related_form 01432474 +05368100 _hypernym 05418717 +05697363 _derivationally_related_form 00338817 +01051801 _derivationally_related_form 00657016 +01931768 _hypernym 02441022 +00946755 _derivationally_related_form 01011166 +00418110 _derivationally_related_form 04660261 +01474513 _also_see 02451113 +02616713 _verb_group 02618149 +13969243 _derivationally_related_form 02700104 +11888800 _hypernym 11669921 +00252307 _derivationally_related_form 01393714 +05732756 _hypernym 05701944 +07902336 _hypernym 07901587 +02019716 _hypernym 02016523 +06845599 _member_of_domain_usage 03922412 +11618750 _member_meronym 11618861 +00463543 _has_part 00239024 +05229468 _hypernym 05225602 +12100538 _member_meronym 12123050 +12603273 _hypernym 12602980 +05302499 _derivationally_related_form 01040707 +15077571 _hypernym 14732946 +02107588 _derivationally_related_form 05776212 +02958343 _derivationally_related_form 10334101 +12474620 _member_meronym 12474828 +09359803 _has_part 09361517 +00948071 _derivationally_related_form 13582013 +01697628 _hypernym 01690294 +01930482 _derivationally_related_form 03242713 +00029025 _derivationally_related_form 06878071 +06917602 _hypernym 06906439 +05596651 _has_part 05274959 +01198101 _hypernym 01156834 +12051792 _hypernym 12041446 +12957608 _hypernym 12957076 +00928077 _derivationally_related_form 01640550 +01563005 _derivationally_related_form 00397953 +12924984 _hypernym 11585340 +00784388 _derivationally_related_form 02241107 +02390101 _hypernym 02374149 +02644113 _hypernym 02642644 +00712708 _hypernym 00688377 +01035853 _has_part 01036333 +00788821 _derivationally_related_form 04906471 +01807265 _member_meronym 01807988 +10491575 _derivationally_related_form 00967625 +01492725 _hypernym 00069879 +02372397 _member_meronym 02372584 +09014979 _has_part 09015460 +02171664 _hypernym 02172888 +06037298 _derivationally_related_form 09855630 +09057311 _has_part 09058071 +01714208 _synset_domain_topic_of 06157326 +13827426 _hypernym 05074774 +00964343 _hypernym 00953559 +01600480 _member_meronym 01600657 +10848122 _instance_hypernym 09805475 +01801080 _synset_domain_topic_of 08441203 +00737188 _derivationally_related_form 01595596 +00588881 _derivationally_related_form 09798811 +04924103 _hypernym 04916342 +05539138 _has_part 05539595 +14724436 _derivationally_related_form 00462689 +10502576 _hypernym 10034906 +01478002 _derivationally_related_form 04096848 +03913702 _hypernym 03740161 +07348545 _derivationally_related_form 01885239 +03030880 _hypernym 02927399 +14827191 _hypernym 14621446 +05903229 _synset_domain_topic_of 08441203 +00021766 _also_see 00631391 +00605310 _hypernym 00605086 +00889294 _hypernym 00887081 +08859173 _has_part 08888676 +02420991 _hypernym 02410855 +07313518 _hypernym 07313241 +02128120 _member_meronym 02128757 +09044862 _member_of_domain_region 13881512 +03100897 _derivationally_related_form 01449974 +12759120 _member_meronym 12759273 +00842692 _derivationally_related_form 01169704 +00853633 _derivationally_related_form 06778102 +05714466 _derivationally_related_form 01052248 +02465693 _derivationally_related_form 01445407 +12220247 _hypernym 11567411 +02250625 _derivationally_related_form 00095329 +01946408 _derivationally_related_form 04188368 +13989280 _hypernym 13989051 +03331599 _hypernym 02934168 +15197658 _hypernym 15184755 +06382590 _derivationally_related_form 00954137 +01141612 _hypernym 01140794 +08786660 _instance_hypernym 08524735 +02063771 _derivationally_related_form 10684827 +02040113 _member_meronym 02040266 +02257141 _also_see 01074650 +02157285 _hypernym 00015388 +09161803 _has_part 09162414 +01447001 _hypernym 01432517 +00350461 _derivationally_related_form 04864515 +12779233 _hypernym 11562747 +08404895 _hypernym 08198398 +04868748 _derivationally_related_form 01226240 +00650016 _derivationally_related_form 10012815 +12226322 _member_meronym 12240715 +12100538 _member_meronym 12128645 +04606358 _derivationally_related_form 01566185 +02007161 _hypernym 01507175 +15186147 _hypernym 15160866 +04128837 _has_part 03726760 +01540697 _hypernym 01507175 +01847845 _verb_group 01940403 +09163192 _member_meronym 09747191 +01445597 _derivationally_related_form 02329401 +00877345 _derivationally_related_form 00645939 +02324045 _derivationally_related_form 01142761 +07176962 _derivationally_related_form 00707956 +06718862 _member_of_domain_usage 09715521 +02527813 _member_meronym 02551824 +00431893 _derivationally_related_form 02418686 +01226941 _derivationally_related_form 02464725 +02079706 _member_meronym 02079851 +02979662 _derivationally_related_form 01662771 +14618253 _derivationally_related_form 01200068 +01249616 _synset_domain_topic_of 08441203 +07109847 _hypernym 07109019 +04873550 _hypernym 04827652 +10818088 _instance_hypernym 09798811 +02394068 _member_meronym 02394477 +02579557 _hypernym 02576223 +01416871 _derivationally_related_form 00133668 +01596761 _member_meronym 01596887 +03638321 _hypernym 04341686 +07157273 _member_of_domain_usage 09863339 +14505821 _derivationally_related_form 09606380 +06206800 _hypernym 06193203 +02279442 _member_meronym 02279819 +09559404 _instance_hypernym 09547903 +06845599 _member_of_domain_usage 03022041 +12236363 _member_meronym 12236546 +12213485 _member_meronym 12213635 +08245425 _hypernym 08240633 +09442838 _derivationally_related_form 02801349 +12595452 _hypernym 12594989 +05513529 _hypernym 05509146 +08405490 _hypernym 08209687 +03766322 _hypernym 03497657 +08725161 _instance_hypernym 08524735 +14442530 _derivationally_related_form 02646931 +11426530 _hypernym 11458624 +08921850 _has_part 08925552 +15146545 _synset_domain_topic_of 00704305 +13549488 _derivationally_related_form 00419685 +09070793 _instance_hypernym 08691669 +14406573 _derivationally_related_form 02507736 +01095899 _derivationally_related_form 09767197 +02040872 _member_meronym 02041085 +01892849 _derivationally_related_form 07409475 +01179707 _derivationally_related_form 00695523 +01888520 _member_meronym 01889074 +14805899 _hypernym 14991712 +00593669 _synset_domain_topic_of 05664069 +09354984 _has_part 08501565 +01751545 _synset_domain_topic_of 07020538 +07519253 _derivationally_related_form 01779165 +04758181 _derivationally_related_form 00550777 +01207609 _derivationally_related_form 02540670 +05205340 _derivationally_related_form 01344963 +11169418 _instance_hypernym 10467395 +11732857 _hypernym 11571907 +01409642 _synset_domain_topic_of 00471613 +01719302 _verb_group 01722077 +09482916 _instance_hypernym 09411430 +02138611 _hypernym 02137132 +01398941 _hypernym 01398212 +10389398 _derivationally_related_form 00809465 +01263257 _hypernym 00350030 +13188973 _hypernym 13166338 +00479176 _derivationally_related_form 00223983 +02648456 _member_meronym 02648625 +01157517 _derivationally_related_form 00356621 +01507402 _also_see 01155354 +01637796 _hypernym 01626600 +02174830 _derivationally_related_form 07086518 +03573282 _hypernym 00021939 +06528992 _hypernym 06528783 +01964636 _member_meronym 01965404 +11804604 _member_meronym 11805837 +12641007 _hypernym 12640607 +11683331 _hypernym 11682842 +07232988 _hypernym 07160883 +07378234 _derivationally_related_form 00792304 +12320806 _hypernym 12320010 +07214994 _derivationally_related_form 00833199 +01944692 _derivationally_related_form 00315390 +13171447 _member_meronym 13171649 +09328904 _hypernym 09225146 +00319939 _derivationally_related_form 02001858 +00467717 _derivationally_related_form 07260623 +02548247 _derivationally_related_form 01141612 +11667562 _member_meronym 11668952 +00620532 _derivationally_related_form 14500567 +02336684 _hypernym 02327200 +12030265 _hypernym 11579418 +01052301 _derivationally_related_form 07379577 +01840412 _hypernym 01838598 +01030397 _derivationally_related_form 14413993 +05274105 _hypernym 05269901 +13227778 _hypernym 11545714 +02615157 _hypernym 01432517 +00217700 _derivationally_related_form 11454591 +11758799 _hypernym 13104059 +09094381 _instance_hypernym 08524735 +02957586 _derivationally_related_form 01581070 +01043820 _hypernym 01028655 +05176188 _derivationally_related_form 02449847 +06634376 _derivationally_related_form 00831651 +12667179 _member_meronym 12667582 +01936671 _hypernym 01936391 +00643197 _derivationally_related_form 09790278 +03018498 _derivationally_related_form 06153186 +08714132 _has_part 09263087 +01689752 _hypernym 01689379 +02237730 _member_meronym 02237868 +10197392 _derivationally_related_form 06212839 +03759954 _hypernym 03274561 +03792334 _hypernym 02799897 +01599805 _derivationally_related_form 03130563 +05893653 _derivationally_related_form 00619869 +12821048 _hypernym 12205694 +12100382 _member_meronym 12100538 +10959857 _instance_hypernym 10191192 +13524399 _hypernym 13508333 +12386039 _hypernym 11565385 +03790512 _derivationally_related_form 01936048 +01673668 _member_meronym 01675964 +00252307 _hypernym 00251013 +06696483 _derivationally_related_form 02261888 +12685679 _hypernym 11744859 +14779550 _hypernym 14778436 +01911888 _hypernym 01904930 +05064037 _derivationally_related_form 00142191 +15212739 _has_part 15300051 +07333649 _derivationally_related_form 00358431 +03117939 _hypernym 03257343 +12761123 _member_meronym 12761284 +00485609 _derivationally_related_form 00211110 +03616763 _hypernym 04304375 +02586619 _derivationally_related_form 10140314 +12356668 _member_meronym 12357100 +04634161 _hypernym 04632157 +02532028 _has_part 07784522 +00430140 _derivationally_related_form 01139104 +00550016 _derivationally_related_form 10318892 +02991122 _derivationally_related_form 09812338 +00594413 _derivationally_related_form 05052587 +01455141 _hypernym 01432517 +00753428 _hypernym 00752493 +01407465 _member_meronym 01408880 +07206461 _hypernym 07204240 +12139367 _member_meronym 12139575 +09322454 _instance_hypernym 09381480 +05473928 _hypernym 14420954 +00669970 _derivationally_related_form 10703692 +01937222 _hypernym 01936753 +01603303 _derivationally_related_form 14586769 +12709349 _has_part 07750449 +01833619 _hypernym 01504437 +14665767 _hypernym 14662574 +00622384 _derivationally_related_form 05685538 +06754415 _hypernym 06753800 +04190464 _derivationally_related_form 01135922 +02128757 _hypernym 02127808 +09044862 _member_of_domain_region 07240077 +03018802 _derivationally_related_form 00654625 +06750154 _derivationally_related_form 02107588 +01183166 _synset_domain_topic_of 08441203 +00662681 _hypernym 00661091 +05678745 _derivationally_related_form 00018813 +00894359 _hypernym 00893955 +01989873 _also_see 01457954 +05301392 _hypernym 05305614 +10684146 _hypernym 10379758 +00665886 _derivationally_related_form 02806261 +02471690 _derivationally_related_form 00050037 +02208537 _derivationally_related_form 06522501 +05498048 _hypernym 05497363 +00329619 _derivationally_related_form 01542207 +02381397 _derivationally_related_form 00236581 +01087197 _derivationally_related_form 05635624 +01010458 _hypernym 01009871 +12699778 _member_meronym 12699922 +03788195 _has_part 03762434 +03912328 _hypernym 04522904 +12965463 _hypernym 11592146 +11660537 _hypernym 08103777 +12322887 _member_meronym 12339972 +01683758 _derivationally_related_form 03769397 +11161412 _instance_hypernym 10332385 +12930044 _member_meronym 12935457 +12930044 _member_meronym 12934776 +08775784 _has_part 08775597 +13451804 _derivationally_related_form 01158572 +01041916 _derivationally_related_form 04911420 +08253815 _derivationally_related_form 01167981 +08932568 _member_meronym 09708750 +01139104 _hypernym 01155687 +03177349 _has_part 04328946 +06359193 _hypernym 03082979 +08929922 _has_part 08944818 +01935476 _derivationally_related_form 03903424 +07358060 _derivationally_related_form 00140967 +12758639 _member_meronym 12759496 +00863513 _hypernym 00859001 +14960090 _derivationally_related_form 00442267 +01249294 _derivationally_related_form 07660065 +02626265 _has_part 07784810 +14755077 _hypernym 14966667 +01621219 _derivationally_related_form 07334490 +03485997 _derivationally_related_form 01210737 +00129743 _hypernym 00130093 +00359903 _derivationally_related_form 00429060 +02183697 _member_meronym 02184881 +00273963 _derivationally_related_form 13552270 +04955160 _derivationally_related_form 01682582 +00479932 _derivationally_related_form 00102457 +01167188 _hypernym 01166351 +09235469 _instance_hypernym 09388848 +09050244 _member_meronym 09090825 +02039156 _hypernym 02038357 +00393677 _derivationally_related_form 13424643 +00191980 _derivationally_related_form 01458664 +06457796 _synset_domain_topic_of 08083599 +01705247 _member_meronym 01707149 +12744387 _hypernym 12651821 +00666510 _derivationally_related_form 06470073 +11796744 _hypernym 11566682 +02666531 _derivationally_related_form 03118539 +12922600 _member_meronym 12922763 +13984082 _derivationally_related_form 00312648 +05832264 _derivationally_related_form 01766748 +06400510 _derivationally_related_form 00677021 +00938247 _derivationally_related_form 07170753 +14425974 _hypernym 00024720 +14002279 _hypernym 13934900 +12328026 _hypernym 11562747 +05186306 _derivationally_related_form 02461314 +02345856 _synset_domain_topic_of 01090446 +02546477 _hypernym 01432517 +11374281 _instance_hypernym 10060621 +01982482 _member_meronym 01982895 +02239659 _hypernym 01762525 +04295881 _has_part 04300741 +00842281 _hypernym 00359614 +09443136 _hypernym 09258715 +09468237 _derivationally_related_form 01881180 +01055146 _hypernym 00978549 +13812607 _derivationally_related_form 10235549 +09090825 _instance_hypernym 08655464 +01574801 _hypernym 01574045 +08860001 _instance_hypernym 08859173 +02963159 _hypernym 04370048 +00077698 _derivationally_related_form 14058252 +00270005 _hypernym 01850315 +08792548 _member_of_domain_region 08345366 +11601487 _member_meronym 11603045 +01052853 _hypernym 01051331 +00952841 _hypernym 00952524 +02237239 _member_meronym 02237730 +05052387 _hypernym 05051249 +13508651 _derivationally_related_form 00443984 +05698982 _hypernym 05698247 +00429642 _synset_domain_topic_of 00313806 +10601078 _hypernym 09633969 +00605246 _hypernym 00586262 +10091012 _hypernym 10206173 +02395395 _derivationally_related_form 08402442 +01523908 _member_meronym 01545149 +13458268 _derivationally_related_form 00209174 +04202417 _derivationally_related_form 02325968 +10435367 _hypernym 10443170 +02195403 _hypernym 01759182 +13841651 _derivationally_related_form 02658979 +00250259 _derivationally_related_form 00411020 +08817235 _instance_hypernym 08574314 +02189535 _hypernym 01762525 +06826407 _hypernym 06825399 +01462468 _hypernym 01462005 +00664110 _derivationally_related_form 00084230 +02159271 _member_meronym 02163982 +03161725 _hypernym 03959936 +00248026 _hypernym 00252019 +00436404 _derivationally_related_form 00195569 +02752107 _hypernym 02673134 +00272878 _derivationally_related_form 00192051 +00796047 _derivationally_related_form 07006119 +01497878 _hypernym 01429349 +01007222 _derivationally_related_form 06275095 +02423787 _member_meronym 02425086 +02443808 _hypernym 02441942 +01770802 _derivationally_related_form 07514345 +10465248 _hypernym 09812338 +00594146 _hypernym 00586262 +04692908 _derivationally_related_form 00336260 +02314658 _derivationally_related_form 01194331 +11911591 _member_meronym 11929027 +01206474 _also_see 02386612 +00518303 _hypernym 00517728 +04553389 _hypernym 04557308 +00933821 _derivationally_related_form 07214894 +07390400 _hypernym 07371293 +12112789 _hypernym 11556857 +08057460 _hypernym 08061042 +01196037 _derivationally_related_form 04882622 +03969627 _has_part 03968728 +01431230 _derivationally_related_form 00138221 +05707269 _derivationally_related_form 00615421 +09772330 _hypernym 00007846 +08027920 _synset_domain_topic_of 00759694 +00955601 _derivationally_related_form 07137950 +08801099 _instance_hypernym 08524735 +01014821 _derivationally_related_form 10786270 +01738347 _derivationally_related_form 01020117 +00438178 _derivationally_related_form 00330457 +01477538 _derivationally_related_form 02851099 +02340543 _derivationally_related_form 03575240 +00834745 _hypernym 00834259 +10178917 _hypernym 10412055 +10008388 _hypernym 09977660 +06384708 _hypernym 07012534 +02574516 _derivationally_related_form 09998101 +15146260 _synset_domain_topic_of 00704305 +07491038 _derivationally_related_form 01190948 +07455301 _hypernym 07450842 +08155302 _hypernym 08153437 +00456740 _derivationally_related_form 05696020 +12870535 _hypernym 12205694 +12387201 _member_meronym 12387478 +02375131 _derivationally_related_form 01239064 +02534352 _member_meronym 02537847 +05043973 _derivationally_related_form 02112029 +02598768 _derivationally_related_form 09754217 +06498569 _member_meronym 06837146 +08462205 _derivationally_related_form 02285392 +13427078 _derivationally_related_form 00150287 +00735832 _hypernym 00732746 +00850192 _hypernym 00850501 +00144314 _derivationally_related_form 09442838 +11827775 _member_meronym 11834148 +01499265 _hypernym 01494310 +08190609 _hypernym 08198398 +10457444 _derivationally_related_form 00716758 +08114861 _hypernym 08220714 +01413744 _member_meronym 01414359 +08016035 _instance_hypernym 08392137 +12989142 _hypernym 11590783 +06765044 _derivationally_related_form 01058574 +09049303 _has_part 09069862 +07105475 _member_of_domain_usage 11414041 +00480969 _hypernym 00277659 +15025571 _hypernym 14888884 +06724763 _hypernym 06722453 +00613393 _derivationally_related_form 00204439 +13300922 _derivationally_related_form 02303331 +08024732 _synset_domain_topic_of 00759694 +08184217 _hypernym 08182379 +10047459 _hypernym 09631463 +01225970 _hypernym 01206218 +03503997 _has_part 03395859 +01315805 _hypernym 00015388 +14169364 _hypernym 14162275 +07007945 _derivationally_related_form 07009538 +13065215 _member_meronym 13065514 +05160574 _hypernym 05159948 +07891613 _hypernym 07884567 +10595361 _synset_domain_topic_of 15253139 +00941140 _hypernym 00940842 +04519536 _derivationally_related_form 05395548 +08791167 _has_part 08792083 +11518645 _hypernym 11525955 +06536853 _synset_domain_topic_of 08441203 +06947479 _derivationally_related_form 02927512 +13483726 _derivationally_related_form 00507664 +14919948 _hypernym 14980215 +08910668 _has_part 08911868 +00873682 _derivationally_related_form 07185668 +10467179 _derivationally_related_form 00596807 +02163982 _member_meronym 02166986 +02080291 _member_meronym 02080415 +04587648 _has_part 02977619 +01611240 _hypernym 01494310 +08779504 _has_part 08780380 +10184081 _hypernym 09977660 +09262082 _instance_hypernym 09475292 +01925372 _also_see 01943406 +08433727 _hypernym 07951464 +00955060 _hypernym 00407535 +05540513 _has_part 05545047 +09944022 _derivationally_related_form 08402442 +02620578 _hypernym 02554730 +00522068 _derivationally_related_form 09804230 +06782680 _derivationally_related_form 00672433 +01256487 _hypernym 01494310 +14322699 _derivationally_related_form 02122164 +02670578 _verb_group 02670398 +00616498 _hypernym 00614999 +08992648 _has_part 08993037 +06449735 _has_part 06437137 +00257228 _hypernym 00654885 +14334511 _derivationally_related_form 01551195 +04739932 _derivationally_related_form 02505716 +12951465 _hypernym 13166338 +09252970 _member_meronym 09208496 +02831724 _hypernym 02818832 +07335097 _derivationally_related_form 01661804 +02493260 _derivationally_related_form 00511212 +00735936 _derivationally_related_form 02517202 +05689109 _hypernym 05686955 +00337210 _hypernym 00331950 +00068617 _derivationally_related_form 10511239 +11996251 _hypernym 13100677 +01819554 _derivationally_related_form 10525134 +02490219 _hypernym 02489589 +03724756 _hypernym 03953416 +11499817 _hypernym 11450869 +01021579 _derivationally_related_form 00958823 +02117900 _hypernym 02117135 +02353537 _hypernym 02327200 +01046932 _derivationally_related_form 07126734 +04620216 _hypernym 04616059 +12249993 _hypernym 11567411 +08773098 _instance_hypernym 08524735 +07480896 _hypernym 00026192 +05638063 _hypernym 05637558 +01437888 _derivationally_related_form 06275634 +01199881 _derivationally_related_form 03666591 +02609466 _hypernym 01432517 +01741943 _hypernym 01741562 +00545557 _verb_group 00402130 +02421374 _derivationally_related_form 13996061 +08732116 _has_part 09196611 +08759420 _member_meronym 09705287 +02015221 _hypernym 01507175 +00071646 _derivationally_related_form 10296832 +00837133 _derivationally_related_form 04677952 +01798782 _hypernym 01792567 +09287289 _instance_hypernym 09360122 +08913434 _member_of_domain_region 08020242 +04181718 _hypernym 04014297 +02178866 _hypernym 02176268 +06369829 _hypernym 06367107 +12174311 _hypernym 12170585 +00647094 _derivationally_related_form 00033615 +09004625 _instance_hypernym 08574314 +12194776 _member_meronym 12199564 +00702969 _derivationally_related_form 05966129 +07334876 _derivationally_related_form 00388635 +13911872 _derivationally_related_form 02689882 +00786816 _derivationally_related_form 07197021 +01285440 _derivationally_related_form 03673971 +01208597 _derivationally_related_form 02590072 +08841956 _member_of_domain_region 07823951 +12507823 _hypernym 13112664 +01048939 _hypernym 00913065 +05753954 _hypernym 05752544 +13517199 _derivationally_related_form 01752728 +01949817 _hypernym 01939598 +02656550 _member_meronym 02656670 +11151189 _instance_hypernym 10315837 +02384940 _derivationally_related_form 10150940 +05088324 _derivationally_related_form 00969873 +00148763 _derivationally_related_form 01017701 +01098706 _derivationally_related_form 10028765 +02503313 _member_meronym 02505342 +07020895 _derivationally_related_form 10339966 +00532115 _hypernym 00429060 +06147873 _derivationally_related_form 00135013 +00274724 _derivationally_related_form 14518924 +13860548 _derivationally_related_form 09773245 +08133536 _has_part 08124649 +02004343 _member_meronym 02004492 +02601808 _derivationally_related_form 00355691 +00224901 _derivationally_related_form 09476521 +04678908 _hypernym 04677952 +06678302 _derivationally_related_form 01745722 +00365647 _hypernym 00226566 +00439284 _hypernym 00351638 +02636811 _derivationally_related_form 01772222 +05829782 _derivationally_related_form 01190948 +04884450 _hypernym 04616059 +01829739 _hypernym 01507175 +01252971 _hypernym 00356258 +01998432 _derivationally_related_form 00319939 +02551824 _member_meronym 02641608 +04821277 _hypernym 04819026 +01544208 _hypernym 01542786 +11282802 _instance_hypernym 10515194 +06845599 _member_of_domain_usage 03818843 +08837048 _has_part 08838887 +02064131 _derivationally_related_form 08182716 +10720964 _derivationally_related_form 08473482 +00123170 _derivationally_related_form 00191142 +00037396 _hypernym 00030358 +09771855 _hypernym 09614684 +00691944 _hypernym 00690614 +07929519 _hypernym 07881800 +02937108 _derivationally_related_form 06316048 +01301630 _has_part 01290435 +07939382 _derivationally_related_form 01474209 +10561861 _derivationally_related_form 00824767 +02599004 _derivationally_related_form 00740712 +00053097 _derivationally_related_form 02009433 +01473729 _hypernym 01473346 +12559842 _hypernym 11585340 +01957529 _derivationally_related_form 00299217 +04624959 _hypernym 04623612 +13400798 _synset_domain_topic_of 13308999 +00355691 _derivationally_related_form 02467203 +02230782 _member_meronym 02231307 +05827684 _derivationally_related_form 00794079 +02038617 _member_meronym 02039171 +05898171 _hypernym 05897553 +11940750 _hypernym 11940006 +13929852 _derivationally_related_form 02349212 +11952900 _member_meronym 11953038 +01603303 _derivationally_related_form 14625458 +04733347 _derivationally_related_form 02276088 +01653873 _derivationally_related_form 00923995 +13326198 _hypernym 13325010 +02163301 _derivationally_related_form 10676877 +09086173 _has_part 09086635 +13459088 _hypernym 13473097 +09774266 _hypernym 09824361 +00597265 _derivationally_related_form 00596807 +07186828 _derivationally_related_form 00755447 +01876843 _member_meronym 01877134 +02236124 _verb_group 02210119 +06845599 _member_of_domain_usage 02990561 +03740161 _hypernym 03247620 +01276192 _hypernym 01275762 +04316646 _has_part 04226322 +00508091 _hypernym 00507673 +03132879 _hypernym 03816849 +02025009 _derivationally_related_form 09252970 +04951716 _hypernym 04951373 +01609287 _derivationally_related_form 11498040 +05540121 _has_part 05230603 +12451915 _hypernym 13134302 +03269203 _hypernym 03099945 +12935609 _hypernym 13100156 +00502757 _hypernym 00171586 +04388743 _derivationally_related_form 02282082 +00764891 _synset_domain_topic_of 00759694 +10743124 _derivationally_related_form 01158872 +14005137 _hypernym 14004572 +00226951 _hypernym 00226107 +02665119 _hypernym 01432517 +13658998 _hypernym 13649268 +15218272 _hypernym 15216966 +02000868 _derivationally_related_form 10494935 +02242049 _derivationally_related_form 09866922 +00005041 _hypernym 00001740 +02388764 _derivationally_related_form 10625285 +08873147 _hypernym 08860123 +08921850 _member_of_domain_region 00223362 +02193974 _derivationally_related_form 00841901 +03096960 _derivationally_related_form 01224744 +00082241 _also_see 01244410 +12927013 _hypernym 13125117 +13452750 _synset_domain_topic_of 06118563 +05769726 _hypernym 05768806 +10344922 _hypernym 00007846 +02826443 _derivationally_related_form 09820044 +06845599 _member_of_domain_usage 03912328 +01909906 _hypernym 01909422 +01780919 _member_meronym 01781071 +09894909 _hypernym 09894654 +14541852 _derivationally_related_form 02545578 +00796315 _hypernym 00795720 +08150377 _member_meronym 09679708 +12740196 _hypernym 11534677 +00440580 _hypernym 00223500 +06295235 _member_of_domain_usage 04163530 +12330336 _hypernym 11567411 +13863186 _hypernym 13862780 +09207288 _has_part 08800258 +00919608 _hypernym 00918872 +10161178 _hypernym 10716005 +12148079 _member_meronym 12148253 +12737251 _hypernym 13134947 +00877848 _derivationally_related_form 07011209 +09696280 _derivationally_related_form 02968828 +04992570 _hypernym 04992163 +07649463 _hypernym 07578363 +07767344 _hypernym 07582441 +12765846 _hypernym 12651821 +00285141 _derivationally_related_form 01916960 +00492410 _derivationally_related_form 10451858 +08715390 _instance_hypernym 08700255 +11327744 _instance_hypernym 10030277 +01135795 _hypernym 01135529 +00596193 _derivationally_related_form 10463028 +06295235 _member_of_domain_usage 03036341 +14482620 _hypernym 14481929 +01901133 _derivationally_related_form 00289388 +00724832 _derivationally_related_form 07509572 +00854904 _hypernym 00854420 +07454452 _hypernym 07450842 +06720600 _derivationally_related_form 00846509 +11669335 _derivationally_related_form 00294245 +15256915 _has_part 15258694 +06425065 _derivationally_related_form 00946755 +07371168 _derivationally_related_form 02014553 +07051975 _hypernym 06387980 +13547925 _derivationally_related_form 00453803 +06079620 _derivationally_related_form 09854915 +01070187 _derivationally_related_form 01190012 +07240925 _hypernym 07241205 +00954608 _derivationally_related_form 01101329 +07452348 _hypernym 07450842 +10438172 _derivationally_related_form 01639714 +01846916 _verb_group 01845720 +01735308 _derivationally_related_form 03257586 +01651444 _derivationally_related_form 08008335 +00006336 _derivationally_related_form 05010062 +04159545 _hypernym 03058107 +00206927 _derivationally_related_form 01468576 +09113333 _instance_hypernym 08524735 +01746191 _hypernym 01745484 +11841529 _member_meronym 11844203 +07956250 _hypernym 07951464 +02529111 _hypernym 01432517 +08214272 _synset_domain_topic_of 08199025 +04907269 _derivationally_related_form 02451951 +06466030 _synset_domain_topic_of 06969129 +02641608 _member_meronym 02648456 +10069869 _hypernym 10317007 +01210737 _hypernym 01206218 +02687821 _hypernym 04341686 +01153762 _hypernym 01153486 +10701783 _hypernym 10599806 +09267854 _synset_domain_topic_of 00464894 +00047745 _derivationally_related_form 02539359 +07351909 _derivationally_related_form 01349493 +09221723 _instance_hypernym 09215664 +01950731 _hypernym 01942177 +09208496 _synset_domain_topic_of 06095022 +00465634 _derivationally_related_form 03968728 +05313822 _derivationally_related_form 00008055 +10753546 _hypernym 09631129 +00016380 _derivationally_related_form 00858849 +00133338 _derivationally_related_form 01415807 +12149751 _member_meronym 12151814 +02023133 _member_meronym 02024636 +00394813 _derivationally_related_form 00378985 +11636566 _hypernym 11630890 +11827169 _member_meronym 11827348 +01209678 _derivationally_related_form 02584915 +01937579 _hypernym 01936391 +03173142 _hypernym 03302121 +03646296 _has_part 03490449 +15236475 _hypernym 15113229 +02766534 _derivationally_related_form 01871979 +08165353 _hypernym 08164585 +01756508 _hypernym 01754876 +02035425 _hypernym 02034986 +12505563 _hypernym 11585340 +15106271 _hypernym 14934031 +08221897 _member_meronym 10440717 +02668393 _hypernym 04451818 +11331804 _instance_hypernym 10231515 +08814474 _instance_hypernym 08691669 +02432704 _hypernym 02432511 +08873622 _has_part 08876773 +01370590 _derivationally_related_form 04854389 +06461077 _hypernym 06429590 +04248851 _derivationally_related_form 01480770 +10015897 _derivationally_related_form 00684645 +10515194 _derivationally_related_form 05967097 +02068745 _hypernym 02068413 +10723300 _hypernym 10744544 +05587034 _has_part 05560244 +02167571 _derivationally_related_form 10562749 +00932798 _hypernym 00931467 +02196690 _derivationally_related_form 14599641 +07357388 _derivationally_related_form 00248659 +05646535 _hypernym 05646218 +01589497 _derivationally_related_form 00999245 +14777188 _hypernym 14778019 +06845599 _member_of_domain_usage 03921749 +09772606 _derivationally_related_form 00487748 +13516597 _has_part 13504497 +04664964 _derivationally_related_form 00311663 +10265532 _hypernym 10086074 +05616246 _derivationally_related_form 00001740 +00976487 _hypernym 00976653 +08807894 _instance_hypernym 08524735 +01583142 _hypernym 01582645 +06709998 _hypernym 06709692 +13831000 _hypernym 13830305 +07387509 _derivationally_related_form 02172888 +02529111 _member_meronym 02529293 +00054628 _derivationally_related_form 08368907 +10149128 _hypernym 10630188 +07128946 _hypernym 07109847 +12015384 _hypernym 11579418 +06364641 _hypernym 06362953 +01900408 _derivationally_related_form 10667041 +07553301 _derivationally_related_form 01822248 +00884778 _derivationally_related_form 04836074 +01034118 _derivationally_related_form 10705615 +01713348 _synset_domain_topic_of 06157326 +11387179 _instance_hypernym 10515194 +01556346 _derivationally_related_form 09410928 +11527967 _derivationally_related_form 01874568 +14775729 _hypernym 14798450 +01964636 _hypernym 01938850 +02344060 _derivationally_related_form 01121690 +00739536 _derivationally_related_form 05103283 +01123415 _hypernym 01835496 +09544433 _synset_domain_topic_of 06234825 +02854926 _has_part 03815278 +00490968 _hypernym 00489837 +01106670 _hypernym 01105639 +01774426 _hypernym 01774136 +02623868 _member_meronym 02628467 +01244593 _derivationally_related_form 01523823 +00743344 _hypernym 00740577 +09090559 _instance_hypernym 08552138 +01930874 _derivationally_related_form 00298497 +07453195 _derivationally_related_form 02384041 +06694540 _derivationally_related_form 00882948 +00926702 _derivationally_related_form 05775407 +07931870 _hypernym 07930554 +05957238 _synset_domain_topic_of 08441203 +04025748 _hypernym 03740161 +08176077 _member_meronym 08763193 +04051549 _derivationally_related_form 02037090 +12134300 _member_meronym 12135270 +05579944 _derivationally_related_form 01239494 +07187486 _hypernym 07187297 +00550117 _derivationally_related_form 07444668 +14418662 _hypernym 14418395 +12900148 _member_meronym 12901724 +11086774 _instance_hypernym 09921792 +02166346 _similar_to 02168699 +05656537 _derivationally_related_form 02129289 +00953216 _hypernym 00831651 +09084750 _has_part 09085209 +09646432 _hypernym 09646608 +09147964 _has_part 09294413 +01985667 _hypernym 01762525 +07398659 _hypernym 07371293 +12019190 _hypernym 11579418 +01944466 _verb_group 01944252 +02313906 _hypernym 02311387 +00408272 _hypernym 00406243 +12663804 _has_part 12664710 +09159003 _has_part 09159546 +05704694 _hypernym 05704266 +02253715 _hypernym 02252226 +05808218 _derivationally_related_form 00918872 +02694287 _derivationally_related_form 08572467 +10691764 _derivationally_related_form 01854519 +00853633 _also_see 00851933 +00152558 _hypernym 00151689 +02380009 _verb_group 01766952 +00759694 _derivationally_related_form 10702781 +08629199 _derivationally_related_form 01576165 +01360899 _derivationally_related_form 14992287 +08087981 _hypernym 08147188 +02950482 _derivationally_related_form 01134522 +01502262 _member_meronym 01620967 +00178575 _also_see 01395617 +02614945 _derivationally_related_form 05131647 +02395115 _also_see 01716227 +05035961 _derivationally_related_form 00873603 +12497669 _hypernym 13112664 +02356420 _derivationally_related_form 14875077 +00077645 _also_see 00251809 +00477941 _derivationally_related_form 04692157 +02205896 _member_meronym 02212323 +02862048 _has_part 04114069 +01370590 _also_see 01227137 +01767163 _derivationally_related_form 04711435 +08038995 _instance_hypernym 08392137 +01581933 _hypernym 01580467 +00483935 _hypernym 00455599 +02831998 _hypernym 03099945 +03494278 _derivationally_related_form 10160770 +02433123 _hypernym 02432530 +06694149 _derivationally_related_form 09617161 +02413480 _derivationally_related_form 09767197 +01588431 _hypernym 01525720 +07805006 _derivationally_related_form 01579488 +13277886 _hypernym 13275288 +02118933 _derivationally_related_form 05703429 +02060719 _member_meronym 02061425 +12397431 _has_part 03497182 +12838027 _member_meronym 12842105 +01205000 _hypernym 01157517 +00149084 _derivationally_related_form 00083334 +00150762 _derivationally_related_form 01608508 +00201058 _hypernym 00199130 +01736796 _hypernym 01727646 +01718867 _derivationally_related_form 05557839 +00312932 _derivationally_related_form 01945516 +01164273 _hypernym 01158872 +01519228 _hypernym 01504437 +07647496 _hypernym 07646927 +12169776 _member_meronym 12171750 +08729971 _instance_hypernym 08654360 +09346284 _instance_hypernym 09360122 +01655116 _hypernym 01626134 +14859344 _derivationally_related_form 00502757 +02619020 _hypernym 02618149 +00881998 _hypernym 00902932 +01694558 _hypernym 01657723 +05006020 _hypernym 05005447 +07027458 _derivationally_related_form 00482180 +02305856 _derivationally_related_form 02934888 +02113850 _verb_group 02114056 +14071235 _hypernym 14070360 +11817329 _hypernym 11573660 +02740764 _hypernym 03959701 +02192570 _derivationally_related_form 07812184 +00577170 _derivationally_related_form 13516312 +09859684 _derivationally_related_form 00279822 +07075172 _member_of_domain_usage 13372123 +14487443 _hypernym 14487184 +04844625 _hypernym 04844024 +05404336 _has_part 05457469 +01623284 _member_meronym 01623706 +00091234 _hypernym 00091013 +00944548 _derivationally_related_form 10747672 +02212602 _hypernym 02212062 +05712892 _hypernym 05712426 +12055073 _hypernym 12041446 +01800349 _derivationally_related_form 07490713 +00082081 _derivationally_related_form 01207609 +02148109 _hypernym 02148369 +00941166 _hypernym 00940384 +02064131 _hypernym 02027612 +00819163 _hypernym 00818974 +04814238 _hypernym 04812268 +06793817 _has_part 07251003 +09307902 _has_part 09376198 +08132637 _hypernym 08123167 +01552519 _derivationally_related_form 03154073 +01431230 _derivationally_related_form 10237196 +00084371 _hypernym 00083975 +02521916 _member_meronym 02523750 +10702307 _hypernym 10622053 +01524885 _member_meronym 01593705 +02332999 _hypernym 02327200 +08296911 _hypernym 08324514 +09918554 _derivationally_related_form 14427239 +12148962 _member_meronym 12149144 +00092293 _derivationally_related_form 14440875 +09626238 _derivationally_related_form 00417001 +00894365 _hypernym 00894738 +10132641 _derivationally_related_form 01320009 +01340283 _derivationally_related_form 03905540 +00574735 _synset_domain_topic_of 00620554 +01507914 _hypernym 01508368 +00139729 _synset_domain_topic_of 00243918 +12168385 _hypernym 11567411 +07185076 _derivationally_related_form 02613487 +00255710 _has_part 00396642 +02461556 _member_meronym 02461701 +01150559 _hypernym 01151110 +12744656 _hypernym 11567411 +12489268 _hypernym 13104059 +03111899 _hypernym 03183080 +08955397 _instance_hypernym 08691669 +01941223 _hypernym 01940736 +10470779 _derivationally_related_form 08113443 +03895866 _hypernym 02959942 +15170786 _has_part 15171008 +05302499 _has_part 05282433 +02331479 _hypernym 01862557 +07143624 _hypernym 07142566 +02191766 _derivationally_related_form 05715864 +02500902 _hypernym 00788564 +00783523 _verb_group 00975036 +11629501 _member_meronym 11634970 +01858989 _member_meronym 01859496 +00559555 _synset_domain_topic_of 00469651 +06351202 _has_part 00390735 +10200531 _hypernym 10103485 +00548173 _derivationally_related_form 02382087 +04313220 _hypernym 03738472 +10527334 _derivationally_related_form 00963283 +01835584 _member_meronym 01836087 +00061290 _hypernym 00042757 +00366275 _derivationally_related_form 03087643 +03629986 _hypernym 04602044 +05979454 _derivationally_related_form 00776988 +02550296 _member_meronym 02550460 +00049483 _hypernym 00047945 +00311687 _hypernym 00306426 +02919414 _derivationally_related_form 01487008 +09098721 _instance_hypernym 08665504 +11941719 _hypernym 11579418 +02574651 _member_meronym 02575168 +00350380 _derivationally_related_form 00780575 +00062806 _hypernym 00035189 +14835478 _derivationally_related_form 00226071 +01256374 _hypernym 01659248 +03778817 _hypernym 03084420 +02005238 _hypernym 01507175 +02005790 _hypernym 02000954 +01182709 _derivationally_related_form 13777344 +00969370 _derivationally_related_form 10629020 +04936846 _hypernym 04934546 +00872541 _hypernym 00869583 +01498319 _hypernym 01494310 +03516996 _hypernym 04043733 +12838027 _member_meronym 12851304 +09979072 _hypernym 09631463 +00976953 _hypernym 00975452 +01825009 _hypernym 01504437 +06143154 _hypernym 05999797 +08455271 _synset_domain_topic_of 08441203 +07883980 _derivationally_related_form 01172114 +10513623 _derivationally_related_form 02256998 +09901143 _synset_domain_topic_of 00475787 +02466134 _derivationally_related_form 04202417 +09982152 _hypernym 10193967 +02600657 _hypernym 01432517 +09100080 _instance_hypernym 08633957 +10564800 _hypernym 10608385 +02350989 _hypernym 02329401 +07331013 _derivationally_related_form 01662118 +12684640 _member_meronym 12701178 +01121690 _derivationally_related_form 02284951 +06448594 _synset_domain_topic_of 08083599 +02109818 _derivationally_related_form 15143276 +06950209 _hypernym 06947032 +01472807 _derivationally_related_form 00789391 +02372251 _hypernym 01342529 +10349243 _derivationally_related_form 02557199 +02567422 _derivationally_related_form 00734482 +10494935 _derivationally_related_form 02001858 +09011151 _has_part 09268236 +01330676 _derivationally_related_form 00267217 +00082714 _synset_domain_topic_of 00612160 +00856578 _hypernym 01010118 +02008066 _hypernym 02020590 +12544240 _hypernym 11747468 +02707344 _hypernym 04316275 +12028196 _member_meronym 12028818 +00511212 _derivationally_related_form 02579447 +14514039 _hypernym 13934596 +01008801 _hypernym 00939628 +13198354 _hypernym 13167078 +00750405 _derivationally_related_form 02278061 +01726960 _member_meronym 01728738 +01544692 _also_see 02305856 +00515154 _derivationally_related_form 13541167 +01330676 _hypernym 00260648 +08244062 _member_meronym 10120085 +02229385 _hypernym 01759182 +01127215 _derivationally_related_form 04096848 +01766748 _derivationally_related_form 05832264 +02575723 _derivationally_related_form 10463714 +06514621 _derivationally_related_form 00634286 +02693895 _synset_domain_topic_of 06057539 +08711974 _has_part 09196611 +02536165 _has_part 07796165 +10412055 _derivationally_related_form 01906322 +04194289 _has_part 04316646 +00559919 _hypernym 00126264 +01041415 _derivationally_related_form 07274027 +06013741 _synset_domain_topic_of 06000644 +01480770 _derivationally_related_form 04474466 +07316856 _hypernym 07300960 +00945853 _hypernym 00946105 +02330407 _derivationally_related_form 04047401 +00237259 _derivationally_related_form 00375071 +02302817 _derivationally_related_form 10411551 +09207288 _has_part 08929243 +05521636 _has_part 05523420 +05577410 _hypernym 05566919 +01136519 _derivationally_related_form 01651444 +05495571 _hypernym 05497363 +01088005 _hypernym 02314275 +02282385 _hypernym 02281787 +12906926 _member_meronym 12907057 +01058049 _hypernym 01057759 +14646942 _hypernym 14625458 +01506157 _derivationally_related_form 00170156 +00268557 _derivationally_related_form 02552449 +00928077 _derivationally_related_form 00709625 +01926247 _hypernym 01921887 +12748815 _hypernym 11567411 +10812047 _instance_hypernym 09711132 +12334686 _member_meronym 12334891 +11713370 _hypernym 11713164 +09050730 _member_of_domain_region 07688412 +01639765 _hypernym 01627424 +12445848 _member_meronym 12447581 +10478960 _hypernym 10676877 +10020031 _derivationally_related_form 02107588 +02714360 _hypernym 02713372 +04155310 _derivationally_related_form 01006239 +14419164 _derivationally_related_form 02622234 +08647945 _hypernym 08523483 +12679023 _hypernym 12678224 +01295275 _hypernym 01354673 +07314277 _derivationally_related_form 00339934 +00746479 _derivationally_related_form 08567877 +02237239 _member_meronym 02238113 +05673209 _hypernym 05672391 +01653610 _member_meronym 01653773 +12653056 _hypernym 11585340 +14553290 _synset_domain_topic_of 06054446 +09117351 _has_part 09192973 +08746475 _instance_hypernym 08524735 +00823827 _hypernym 00826509 +00394813 _derivationally_related_form 00380696 +08173515 _member_meronym 08949093 +00442115 _hypernym 00441824 +01610226 _hypernym 01609751 +05345581 _hypernym 05333777 +01963130 _hypernym 01962671 +07519253 _derivationally_related_form 01780202 +01711445 _derivationally_related_form 04296562 +10339966 _hypernym 09812338 +04688842 _hypernym 04688246 +00970215 _derivationally_related_form 10454752 +14321469 _hypernym 14299637 +02685995 _hypernym 02754103 +00973056 _derivationally_related_form 06251781 +14403107 _hypernym 14373582 +03788195 _synset_domain_topic_of 06234825 +13498404 _synset_domain_topic_of 06043075 +08087570 _member_meronym 09679316 +01811441 _derivationally_related_form 05950733 +09210346 _instance_hypernym 09403734 +08024408 _synset_domain_topic_of 00759694 +01017738 _similar_to 01020117 +15121406 _hypernym 15120823 +01115349 _also_see 02179279 +08236963 _hypernym 08236621 +04353410 _hypernym 03828465 +07745661 _hypernym 07742704 +10206173 _derivationally_related_form 00833199 +02673446 _derivationally_related_form 01655344 +01822164 _hypernym 01507175 +01250908 _derivationally_related_form 11459538 +12775530 _hypernym 11567411 +05971086 _hypernym 06167328 +12172364 _hypernym 13139055 +08553280 _hypernym 08491826 +02314275 _derivationally_related_form 14493426 +01060234 _hypernym 01057200 +12982103 _member_meronym 12982723 +12943049 _has_part 07826653 +08177030 _member_meronym 08959683 +06023969 _hypernym 06021761 +08198137 _member_meronym 08198398 +06953731 _hypernym 06946497 +14599641 _derivationally_related_form 02196690 +02408965 _derivationally_related_form 00044150 +12892226 _member_meronym 12905655 +02874282 _derivationally_related_form 07050177 +05964098 _derivationally_related_form 10217038 +02237631 _hypernym 02236124 +04745370 _hypernym 04743605 +10086821 _synset_domain_topic_of 08199025 +08774704 _instance_hypernym 08524735 +01478423 _derivationally_related_form 01074694 +02713835 _hypernym 03780392 +02768874 _derivationally_related_form 11467786 +05840650 _derivationally_related_form 00123170 +11727976 _member_meronym 11728099 +00268112 _derivationally_related_form 00262076 +00263231 _hypernym 00140967 +13169674 _member_meronym 13172107 +00695448 _synset_domain_topic_of 06043075 +10249270 _synset_domain_topic_of 08441203 +02410702 _hypernym 02410509 +01930485 _member_meronym 01930672 +09859557 _hypernym 10791221 +10155849 _derivationally_related_form 01666894 +04283378 _hypernym 04359589 +00303056 _derivationally_related_form 05021535 +00511041 _hypernym 00510189 +12809626 _hypernym 12809365 +05721500 _derivationally_related_form 02106006 +01277974 _derivationally_related_form 13907415 +03740161 _derivationally_related_form 00084562 +01448100 _also_see 01661804 +01134699 _hypernym 01134479 +01747203 _derivationally_related_form 06404147 +03519981 _has_part 04466386 +07225857 _hypernym 07224151 +12930044 _member_meronym 12930778 +00858437 _hypernym 00858781 +02188065 _member_meronym 02188699 +00873682 _hypernym 00831651 +01224744 _verb_group 00597385 +10242791 _hypernym 10083823 +08066491 _member_meronym 08420278 +02437148 _derivationally_related_form 04987620 +01803936 _derivationally_related_form 00803617 +10616379 _derivationally_related_form 01774799 +00805228 _derivationally_related_form 13981137 +01669654 _hypernym 01662784 +00307631 _derivationally_related_form 01957529 +10271525 _hypernym 00007846 +00323856 _hypernym 00322847 +10222353 _hypernym 10325243 +00397191 _derivationally_related_form 00201034 +13496017 _synset_domain_topic_of 06084469 +00717208 _hypernym 00712225 +01233387 _derivationally_related_form 14828683 +00778745 _hypernym 00778275 +09222051 _derivationally_related_form 02729182 +04089152 _hypernym 02815950 +14445379 _derivationally_related_form 00082308 +13694367 _hypernym 13662703 +08329453 _member_meronym 08414119 +14370122 _hypernym 14369744 +01000068 _derivationally_related_form 00466053 +10812550 _instance_hypernym 09987239 +03643907 _derivationally_related_form 01398032 +01499261 _hypernym 01432517 +01300937 _derivationally_related_form 03148920 +00351406 _hypernym 00350461 +09017526 _member_of_domain_region 08016385 +00278555 _derivationally_related_form 00228655 +12439400 _hypernym 11561228 +00201722 _verb_group 00243900 +00213794 _derivationally_related_form 02950018 +02374914 _derivationally_related_form 06199142 +06709692 _derivationally_related_form 00906735 +09077821 _instance_hypernym 08633957 +04081844 _hypernym 03183080 +06551784 _synset_domain_topic_of 08441203 +12102133 _hypernym 12101870 +02435689 _member_meronym 02435853 +12380597 _hypernym 11575425 +01803003 _derivationally_related_form 00425278 +02612762 _derivationally_related_form 09608002 +03264136 _hypernym 04213626 +04947628 _derivationally_related_form 01245986 +14030820 _hypernym 00024720 +01172784 _hypernym 01170962 +01091427 _derivationally_related_form 07184391 +09152944 _has_part 09313241 +00034288 _hypernym 00740577 +02168876 _member_meronym 02169023 +02927512 _derivationally_related_form 09044862 +01037303 _derivationally_related_form 09911570 +08416328 _derivationally_related_form 10619176 +10511069 _derivationally_related_form 00090253 +00407090 _hypernym 00404403 +07050952 _hypernym 07060167 +08166187 _hypernym 08164585 +10615334 _derivationally_related_form 03096273 +00371487 _derivationally_related_form 00955601 +07756641 _hypernym 07755707 +09148970 _has_part 09192708 +02470175 _derivationally_related_form 09816771 +04463679 _hypernym 02788689 +01904930 _derivationally_related_form 10412055 +01501113 _derivationally_related_form 05718556 +10995115 _instance_hypernym 10233445 +01724185 _hypernym 01719921 +01389875 _member_meronym 01390123 +10107303 _hypernym 10383816 +00594260 _hypernym 00586262 +05642553 _hypernym 05642175 +09857200 _synset_domain_topic_of 08087981 +01726960 _member_meronym 01728445 +07377473 _derivationally_related_form 02187510 +04728376 _hypernym 04728068 +00775286 _derivationally_related_form 01213614 +13946760 _derivationally_related_form 00417001 +08929922 _has_part 09194357 +01403785 _hypernym 01072949 +02479323 _derivationally_related_form 13777344 +04802403 _derivationally_related_form 00632438 +07620327 _hypernym 07612632 +09606009 _derivationally_related_form 00796315 +07452841 _derivationally_related_form 00611481 +10023656 _hypernym 10402086 +12295796 _hypernym 12293723 +01640855 _verb_group 00486018 +00877327 _derivationally_related_form 10523076 +00315390 _derivationally_related_form 01945381 +04034641 _hypernym 02721948 +07194499 _synset_domain_topic_of 08441203 +13625063 _hypernym 13616054 +12180714 _hypernym 11575425 +02630189 _derivationally_related_form 05849789 +12475450 _member_meronym 12475593 +00917651 _hypernym 00917772 +01068633 _hypernym 00383952 +00277376 _hypernym 00199130 +07413899 _derivationally_related_form 00236999 +10049017 _hypernym 09615807 +02609764 _derivationally_related_form 05868477 +06075527 _derivationally_related_form 10126424 +00967098 _verb_group 00967455 +03269401 _hypernym 03183080 +01459791 _has_part 05520479 +01912159 _derivationally_related_form 09387222 +00166146 _derivationally_related_form 04686003 +13785136 _hypernym 13783816 +12119238 _hypernym 12102133 +00810598 _derivationally_related_form 02202384 +03842156 _hypernym 03405725 +14356720 _hypernym 14345304 +00940842 _derivationally_related_form 01633343 +01143498 _hypernym 01143838 +13805974 _hypernym 13805734 +04159058 _derivationally_related_form 01531265 +03070396 _hypernym 04602044 +00835903 _derivationally_related_form 00751529 +01293389 _derivationally_related_form 07988857 +00818974 _derivationally_related_form 07191777 +02206624 _member_meronym 02211099 +09189411 _has_part 08503238 +11287964 _instance_hypernym 10382825 +10511069 _hypernym 10569744 +12785110 _member_meronym 12786684 +02223009 _member_meronym 02223694 +13465530 _hypernym 13518963 +03405265 _hypernym 03575240 +00277659 _hypernym 01463963 +01439190 _derivationally_related_form 09901143 +02000618 _hypernym 01759182 +07090721 _hypernym 07089751 +15022171 _hypernym 14736972 +10179649 _derivationally_related_form 02615739 +01707128 _synset_domain_topic_of 05718556 +02511075 _hypernym 02510337 +04911420 _derivationally_related_form 01041916 +02585860 _hypernym 02524171 +03635668 _hypernym 04188643 +07883860 _hypernym 07885223 +08860123 _member_of_domain_region 03352961 +02138323 _member_meronym 02138441 +07429976 _derivationally_related_form 01993352 +04867130 _hypernym 04872236 +04770911 _hypernym 04770211 +03047353 _hypernym 03740161 +14422035 _derivationally_related_form 00594413 +01697027 _derivationally_related_form 03779370 +01835087 _hypernym 01504437 +02174870 _hypernym 01762525 +03788601 _hypernym 02821627 +02277895 _hypernym 01762525 +01161635 _derivationally_related_form 14562324 +09374036 _instance_hypernym 09426788 +09773962 _hypernym 10490699 +00577068 _hypernym 00575741 +00780889 _derivationally_related_form 02322230 +02612657 _hypernym 02554730 +08824771 _instance_hypernym 08524735 +06293229 _synset_domain_topic_of 06962600 +01827858 _derivationally_related_form 09771435 +13810818 _derivationally_related_form 02637592 +08565701 _derivationally_related_form 02710673 +07201804 _derivationally_related_form 02611630 +02599939 _derivationally_related_form 08274923 +01081852 _derivationally_related_form 08570758 +12806455 _member_meronym 12807251 +00492677 _derivationally_related_form 08615374 +00230033 _hypernym 00205885 +01152670 _derivationally_related_form 03975232 +05143690 _derivationally_related_form 00205046 +10174148 _hypernym 10241300 +01651487 _hypernym 01650167 +01332205 _derivationally_related_form 07272545 +01284271 _derivationally_related_form 10737431 +11147729 _instance_hypernym 10650162 +06590885 _derivationally_related_form 00628302 +08766988 _has_part 08775439 +00358431 _verb_group 02109818 +11098380 _instance_hypernym 09940146 +00835903 _derivationally_related_form 00073713 +00913065 _derivationally_related_form 07120524 +03909835 _hypernym 03740161 +00297906 _derivationally_related_form 15129927 +12036533 _member_meronym 12036781 +02456776 _member_meronym 02456962 +09944022 _hypernym 10307234 +07644382 _has_part 07649463 +02413140 _hypernym 02409412 +01440801 _hypernym 01441100 +11544769 _member_meronym 11545524 +00878648 _hypernym 00878456 +13511755 _derivationally_related_form 00566569 +02151394 _synset_domain_topic_of 06043075 +00808614 _hypernym 00808182 +00250181 _hypernym 00252019 +08820121 _has_part 09482916 +10619176 _hypernym 10618848 +09541434 _hypernym 09540739 +07191777 _derivationally_related_form 00818974 +10160412 _derivationally_related_form 00482473 +04989657 _derivationally_related_form 02183787 +08860123 _member_of_domain_region 04413969 +07189130 _hypernym 07185325 +02580853 _hypernym 02579447 +04420461 _hypernym 03400389 +00470386 _synset_domain_topic_of 01090446 +09837824 _hypernym 10090020 +08567235 _hypernym 08574314 +10935304 _instance_hypernym 09767700 +00096648 _hypernym 00094460 +14855150 _hypernym 14854262 +02389592 _hypernym 02458103 +00884466 _has_part 01232246 +02614387 _derivationally_related_form 10268299 +00671351 _has_part 00676834 +11764231 _hypernym 11585340 +02600490 _derivationally_related_form 00158185 +01016002 _derivationally_related_form 06731186 +07033007 _hypernym 07071942 +14603497 _hypernym 14877234 +01136519 _derivationally_related_form 02448185 +01672275 _hypernym 01657723 +00468583 _verb_group 00468236 +03032811 _hypernym 04110955 +00276601 _hypernym 00276373 +11825535 _hypernym 11573660 +03316406 _hypernym 03956922 +04013729 _hypernym 03111899 +02655355 _member_meronym 02655694 +06845599 _member_of_domain_usage 04007510 +02403325 _hypernym 02402425 +01408297 _derivationally_related_form 09880338 +01944217 _member_meronym 01944617 +12284821 _hypernym 12284262 +00159899 _derivationally_related_form 00880227 +03284743 _hypernym 03058107 +02126382 _derivationally_related_form 03916470 +07640749 _hypernym 07640203 +00701576 _hypernym 00701040 +01825417 _member_meronym 01830183 +08907377 _instance_hypernym 08691669 +02903204 _derivationally_related_form 01501184 +02356704 _derivationally_related_form 13775706 +08096624 _member_meronym 08097222 +07172557 _hypernym 06400271 +05682950 _hypernym 05682570 +00362128 _derivationally_related_form 13875970 +00993892 _derivationally_related_form 00615887 +08949093 _has_part 08950649 +08910668 _has_part 09237404 +02658570 _hypernym 02657219 +02946348 _hypernym 04065272 +11605708 _member_meronym 11607071 +08766988 _has_part 08772794 +01040707 _hypernym 00838043 +01404129 _member_meronym 01405737 +10770891 _hypernym 10020031 +01469770 _hypernym 00752764 +12170585 _hypernym 13112664 +01846916 _derivationally_related_form 00295701 +07362386 _derivationally_related_form 01977701 +03452741 _hypernym 03928116 +03390983 _derivationally_related_form 01586850 +03525252 _derivationally_related_form 01302019 +10529965 _hypernym 09629752 +05898035 _hypernym 05897553 +06453119 _instance_hypernym 06400510 +11827775 _member_meronym 11831730 +08957381 _member_of_domain_region 08023374 +13188973 _member_meronym 13189656 +06513953 _hypernym 06513764 +10510339 _hypernym 10708454 +12913352 _hypernym 11579418 +09626589 _derivationally_related_form 02154508 +07177924 _derivationally_related_form 00763399 +08426461 _hypernym 07938773 +01845720 _hypernym 01843055 +01374465 _hypernym 01374020 +08858248 _has_part 08858942 +01802895 _member_meronym 01803078 +02400139 _member_meronym 02408217 +01739814 _derivationally_related_form 03322099 +14860102 _hypernym 14806838 +06845599 _member_of_domain_usage 03867515 +04277493 _hypernym 04111190 +11956850 _hypernym 12205694 +11692952 _member_meronym 11719468 +09907919 _hypernym 09917593 +03556281 _hypernym 03828465 +10527334 _derivationally_related_form 02402409 +14849880 _derivationally_related_form 01386433 +01811682 _hypernym 01504437 +07075172 _member_of_domain_usage 03173142 +04314522 _hypernym 04347519 +08764107 _has_part 09462312 +12520661 _hypernym 11585340 +04968895 _hypernym 04959672 +09386842 _hypernym 00027167 +03105742 _derivationally_related_form 14584502 +13151820 _member_meronym 13151975 +02362420 _hypernym 01864707 +01621555 _derivationally_related_form 03129123 +12690388 _member_meronym 12692323 +01386494 _member_meronym 01388130 +07902520 _hypernym 07906877 +08598301 _hypernym 08673395 +09471638 _instance_hypernym 09475292 +01115162 _hypernym 01117541 +02270011 _hypernym 02159955 +00376825 _derivationally_related_form 00335923 +04559451 _hypernym 03325088 +02431320 _derivationally_related_form 00215314 +10407954 _derivationally_related_form 00908621 +02766044 _instance_hypernym 02867715 +05795957 _synset_domain_topic_of 08441203 +11682842 _hypernym 11675842 +03061674 _synset_domain_topic_of 00449517 +00363260 _hypernym 00351485 +03118346 _hypernym 03733925 +01432601 _hypernym 01449974 +01425892 _derivationally_related_form 09991867 +11064834 _instance_hypernym 10088390 +01866610 _derivationally_related_form 07441619 +11659500 _member_meronym 11659627 +02636666 _member_meronym 02637046 +00639356 _derivationally_related_form 04845967 +08740875 _member_of_domain_region 07880583 +05219923 _has_part 05514717 +01329141 _hypernym 01328705 +15224486 _hypernym 15113229 +00433802 _hypernym 00523513 +01116380 _also_see 01934554 +00181664 _verb_group 00195342 +13495209 _hypernym 13535261 +02992529 _hypernym 04044498 +00624263 _hypernym 00623151 +02556126 _derivationally_related_form 01213886 +09803429 _derivationally_related_form 00760956 +09815790 _hypernym 09632518 +10050432 _hypernym 10378412 +00511855 _derivationally_related_form 09282724 +05032565 _derivationally_related_form 00668099 +00121678 _derivationally_related_form 05789808 +09684609 _derivationally_related_form 02923745 +00347610 _hypernym 00345761 +14103288 _hypernym 14057371 +00410406 _hypernym 00126264 +10150794 _derivationally_related_form 00916909 +00625393 _derivationally_related_form 04761212 +01745722 _derivationally_related_form 06678302 +02753642 _hypernym 00126264 +02761834 _hypernym 02694426 +00867409 _derivationally_related_form 04757522 +00550777 _also_see 00740336 +03864994 _derivationally_related_form 01488555 +08325851 _hypernym 08324514 +03758334 _hypernym 04073669 +00804695 _also_see 00091311 +05510358 _has_part 05531666 +14601294 _hypernym 14727670 +01111816 _derivationally_related_form 00186634 +08054721 _hypernym 08053576 +13243261 _derivationally_related_form 10110287 +06113415 _hypernym 06113009 +04323819 _hypernym 03540267 +00315956 _hypernym 00315330 +00887463 _derivationally_related_form 01206553 +02068974 _hypernym 02066707 +12658118 _hypernym 13109733 +02433381 _derivationally_related_form 01137987 +00946105 _hypernym 01026095 +10750640 _hypernym 10005280 +02659763 _derivationally_related_form 04930307 +02483267 _verb_group 02484208 +05314639 _hypernym 05313679 +00735389 _hypernym 01273016 +00285705 _hypernym 00283911 +07747607 _hypernym 07747055 +08932568 _has_part 08933084 +12930044 _member_meronym 12935982 +14379829 _hypernym 14379501 +04849241 _derivationally_related_form 01129977 +13053816 _hypernym 11592146 +07350567 _derivationally_related_form 01892104 +04429376 _derivationally_related_form 02391193 +12923839 _member_meronym 12924284 +02255942 _derivationally_related_form 10143595 +09147046 _has_part 09147737 +04989657 _hypernym 04987620 +07372959 _hypernym 07305234 +02295208 _hypernym 02210855 +01484027 _hypernym 02604760 +14427633 _derivationally_related_form 02465658 +13631512 _hypernym 13601596 +08521816 _derivationally_related_form 00329831 +06687358 _derivationally_related_form 00806502 +00498988 _derivationally_related_form 14632648 +08780881 _has_part 08786660 +00488225 _has_part 00803394 +05919034 _hypernym 05916739 +01130607 _derivationally_related_form 04546855 +10613996 _hypernym 10787470 +10034906 _derivationally_related_form 01930874 +06716796 _hypernym 06715638 +06845599 _member_of_domain_usage 15042542 +02936714 _hypernym 03285912 +02446014 _hypernym 01864707 +05249636 _hypernym 05248181 +13049561 _member_meronym 13053816 +01524885 _member_meronym 01570969 +07140659 _hypernym 07109196 +03624134 _has_part 13902482 +01545883 _also_see 02663643 +01386494 _member_meronym 01406092 +11811473 _hypernym 11669921 +00022686 _derivationally_related_form 02888133 +00482180 _derivationally_related_form 06869951 +00590924 _derivationally_related_form 06593099 +03635668 _derivationally_related_form 01232387 +00373130 _derivationally_related_form 02449847 +12694707 _member_meronym 12698283 +01593254 _derivationally_related_form 03659292 +03256166 _derivationally_related_form 01977545 +13195151 _hypernym 13167078 +08674739 _hypernym 08673395 +08295580 _member_meronym 08299307 +12594989 _hypernym 12582231 +11327744 _instance_hypernym 10444194 +12114981 _hypernym 11556857 +00642098 _synset_domain_topic_of 06004067 +02243967 _synset_domain_topic_of 01090446 +01647867 _derivationally_related_form 06773976 +02197360 _derivationally_related_form 00062133 +15140405 _has_part 15142167 +02179518 _derivationally_related_form 07371293 +10199251 _hypernym 09623038 +00567291 _derivationally_related_form 04689198 +00282840 _hypernym 00282050 +11889847 _member_meronym 11890022 +01413744 _member_meronym 01415256 +00267519 _derivationally_related_form 14723628 +09221571 _hypernym 09369169 +06165823 _hypernym 06164665 +00558008 _hypernym 00556313 +02467203 _hypernym 00109660 +02713218 _hypernym 04254777 +12306519 _hypernym 11567411 +11668340 _hypernym 08103777 +00050693 _derivationally_related_form 00426581 +07998573 _derivationally_related_form 02144644 +09861059 _hypernym 09821253 +01708676 _hypernym 01831531 +02354537 _derivationally_related_form 00895304 +03045750 _derivationally_related_form 09691279 +05463533 _hypernym 05462674 +01799794 _derivationally_related_form 14440488 +07150138 _derivationally_related_form 00774344 +04391276 _derivationally_related_form 01895757 +02581477 _derivationally_related_form 10484858 +02760658 _hypernym 03948459 +00600370 _derivationally_related_form 05700087 +00498530 _derivationally_related_form 14632648 +05001867 _derivationally_related_form 00389406 +04222847 _hypernym 02817799 +02554066 _derivationally_related_form 10485440 +00025654 _derivationally_related_form 07515974 +01771966 _member_meronym 01772222 +07986617 _instance_hypernym 07986198 +11486708 _derivationally_related_form 00097394 +15078768 _hypernym 14751417 +04783724 _hypernym 04782878 +01219544 _hypernym 01974062 +04043733 _hypernym 04060647 +02469443 _hypernym 02467662 +10386984 _derivationally_related_form 03859717 +11827775 _member_meronym 11828113 +02508245 _derivationally_related_form 06794666 +09469285 _derivationally_related_form 02231661 +09247410 _hypernym 11425580 +01743313 _derivationally_related_form 06780309 +10782471 _synset_domain_topic_of 00470966 +09861287 _hypernym 00007846 +01358328 _derivationally_related_form 03724870 +00095971 _derivationally_related_form 00167934 +01711749 _derivationally_related_form 01052853 +01209953 _derivationally_related_form 00140900 +10722385 _derivationally_related_form 02553697 +02063771 _derivationally_related_form 09614047 +03236735 _hypernym 04596852 +00893167 _derivationally_related_form 10399299 +09117351 _has_part 09118505 +08167046 _hypernym 08168978 +03541696 _derivationally_related_form 02652494 +00921738 _derivationally_related_form 06798750 +12054499 _hypernym 11556857 +07277158 _hypernym 06362953 +00050693 _hypernym 00050195 +01354869 _member_meronym 01378800 +02433549 _hypernym 02433123 +01118081 _derivationally_related_form 14580090 +02703438 _derivationally_related_form 06098195 +09433442 _synset_domain_topic_of 09376198 +09972010 _hypernym 10235549 +08860123 _member_of_domain_region 05525100 +01079172 _derivationally_related_form 08573472 +07231294 _derivationally_related_form 00868591 +00368109 _derivationally_related_form 05869857 +08860123 _derivationally_related_form 02958017 +03338821 _derivationally_related_form 01002740 +00894738 _derivationally_related_form 01241767 +03082979 _derivationally_related_form 01718952 +11748330 _hypernym 11585340 +02212062 _hypernym 02206270 +10167565 _hypernym 10731244 +02018524 _derivationally_related_form 01352067 +01673668 _member_meronym 01684941 +07579399 _hypernym 07579076 +12339319 _member_meronym 12339526 +00812526 _derivationally_related_form 01572978 +09278537 _synset_domain_topic_of 06115701 +06900684 _hypernym 06898352 +02180529 _derivationally_related_form 07371293 +00968211 _derivationally_related_form 00368592 +09217230 _hypernym 09287968 +08506641 _has_part 08648658 +10569411 _hypernym 09777353 +00361192 _hypernym 00360757 +02614181 _verb_group 02618149 +06729499 _hypernym 06725877 +02208537 _derivationally_related_form 15274863 +02648456 _member_meronym 02648769 +12441183 _has_part 07719213 +08795654 _synset_domain_topic_of 06449735 +02576349 _hypernym 02575082 +05216365 _has_part 05546540 +01639714 _derivationally_related_form 10438172 +01091905 _derivationally_related_form 02728784 +02493030 _derivationally_related_form 10757193 +12748248 _hypernym 13100677 +02343056 _derivationally_related_form 02787772 +09057311 _has_part 09249418 +12157276 _member_meronym 12162905 +06156346 _derivationally_related_form 00277399 +01367772 _hypernym 01355326 +00795863 _derivationally_related_form 06558088 +00163779 _derivationally_related_form 02396716 +02064745 _also_see 02506555 +00470084 _derivationally_related_form 00233386 +02114056 _verb_group 02113850 +07538965 _derivationally_related_form 00589624 +12408466 _hypernym 12405714 +02262542 _derivationally_related_form 04733204 +01931768 _derivationally_related_form 07372779 +01449236 _hypernym 01448100 +00712031 _hypernym 00621627 +00835294 _derivationally_related_form 00752144 +08860123 _member_of_domain_region 07866151 +00868799 _derivationally_related_form 01046932 +01818704 _hypernym 01507175 +00377169 _hypernym 00376400 +10538154 _derivationally_related_form 01883716 +00676450 _derivationally_related_form 10431625 +01208400 _derivationally_related_form 14915622 +03716656 _synset_domain_topic_of 06240244 +05133535 _derivationally_related_form 00317888 +01046006 _derivationally_related_form 05979595 +01744611 _derivationally_related_form 10794014 +02382948 _hypernym 02374451 +10224098 _derivationally_related_form 00431005 +09001373 _instance_hypernym 08654360 +14445226 _hypernym 07305234 +09130076 _instance_hypernym 08655464 +00614999 _derivationally_related_form 00739270 +09994943 _derivationally_related_form 00095873 +00681429 _derivationally_related_form 10745894 +12193964 _hypernym 11575425 +00732224 _verb_group 02343595 +07175575 _hypernym 07175241 +04016576 _hypernym 03488188 +10412055 _derivationally_related_form 01912893 +00800586 _hypernym 00200397 +05179180 _synset_domain_topic_of 08441203 +01398919 _hypernym 01410223 +01358259 _member_meronym 01359070 +06845599 _member_of_domain_usage 03654086 +09003284 _has_part 09007723 +10969305 _instance_hypernym 10231515 +00882159 _hypernym 00876874 +14657818 _hypernym 14625458 +06295235 _member_of_domain_usage 07142365 +13893786 _derivationally_related_form 01277431 +01413173 _derivationally_related_form 00126584 +02395406 _derivationally_related_form 02615739 +02923129 _derivationally_related_form 00378042 +05248553 _hypernym 05248181 +15226732 _hypernym 15113229 +02502916 _derivationally_related_form 00205349 +02924023 _hypernym 03679986 +00951206 _verb_group 00951399 +06931199 _hypernym 06930934 +07774479 _hypernym 07809368 +00249501 _derivationally_related_form 00252990 +06845599 _member_of_domain_usage 03694490 +05761380 _derivationally_related_form 00607780 +10823199 _instance_hypernym 10732010 +02996840 _hypernym 02716866 +05046659 _hypernym 05046009 +11270380 _instance_hypernym 10013927 +00841580 _derivationally_related_form 07232988 +09020961 _has_part 09251832 +11274269 _instance_hypernym 10020890 +00826509 _derivationally_related_form 06374587 +06295235 _member_of_domain_usage 13333047 +02611373 _also_see 02673965 +06869951 _derivationally_related_form 00482180 +00445711 _synset_domain_topic_of 06090869 +04903813 _hypernym 04623612 +01409581 _derivationally_related_form 04743605 +01096860 _derivationally_related_form 02935387 +14224757 _hypernym 14226056 +00136991 _hypernym 02725714 +01101329 _derivationally_related_form 00975902 +12814003 _hypernym 13100677 +08871007 _member_meronym 09701148 +00368367 _hypernym 01461152 +13763384 _derivationally_related_form 00427802 +12488454 _hypernym 13104059 +12902662 _hypernym 13112664 +09900153 _hypernym 10787470 +10213652 _hypernym 10060175 +05777830 _derivationally_related_form 02107817 +04530566 _has_part 02838014 +01260291 _derivationally_related_form 09222051 +02056300 _hypernym 02075462 +05820620 _derivationally_related_form 02155493 +08078976 _hypernym 08208560 +01111375 _derivationally_related_form 02208537 +02538730 _hypernym 01429349 +01420451 _synset_domain_topic_of 00523513 +07468692 _has_part 07466557 +10160913 _derivationally_related_form 03495671 +07131511 _derivationally_related_form 00983333 +08792548 _has_part 08793914 +14067076 _hypernym 14066203 +00388296 _derivationally_related_form 14394094 +15200164 _hypernym 15199592 +02043898 _derivationally_related_form 05070453 +00399074 _synset_domain_topic_of 06090869 +00862225 _derivationally_related_form 10177014 +15228378 _hypernym 15129927 +12104614 _hypernym 11556857 +09069190 _instance_hypernym 08695539 +00333037 _synset_domain_topic_of 06080522 +01002297 _derivationally_related_form 06588326 +02255268 _derivationally_related_form 05176477 +14442749 _hypernym 14441825 +14005892 _derivationally_related_form 02028366 +00783042 _derivationally_related_form 05837370 +12169776 _member_meronym 12184337 +09931640 _synset_domain_topic_of 00523513 +02747667 _derivationally_related_form 05916739 +09059274 _instance_hypernym 08655464 +04081281 _hypernym 02913152 +02301072 _hypernym 01759182 +02728570 _hypernym 02727883 +15131123 _hypernym 15113229 +03829563 _hypernym 13875571 +05481095 _has_part 05501185 +02729965 _derivationally_related_form 00604617 +12155773 _hypernym 12155583 +02028994 _hypernym 02030158 +08550966 _hypernym 08590369 +09207288 _has_part 08847694 +00976224 _derivationally_related_form 06344461 +07488875 _derivationally_related_form 01257145 +12214605 _hypernym 11567411 +00206302 _hypernym 00203342 +08960987 _has_part 08961402 +09126305 _has_part 09128372 +02077148 _hypernym 00230746 +10461424 _hypernym 00007347 +00284409 _derivationally_related_form 01882814 +10179069 _derivationally_related_form 00432689 +00588881 _hypernym 00586262 +00293916 _derivationally_related_form 02092309 +01523986 _hypernym 01522276 +08780881 _member_of_domain_region 06976392 +02040872 _member_meronym 02041492 +04698656 _synset_domain_topic_of 06123363 +04030965 _hypernym 04315948 +02478701 _hypernym 00803325 +01888520 _member_meronym 01890274 +05656042 _hypernym 05654362 +01866192 _derivationally_related_form 07441619 +10077593 _hypernym 10099375 +00360092 _verb_group 02229055 +02418421 _verb_group 02418686 +00358089 _hypernym 00356790 +11492833 _hypernym 11409059 +10028765 _hypernym 10582746 +09126305 _has_part 09129324 +05770391 _derivationally_related_form 01317533 +01097031 _hypernym 02708420 +00407633 _hypernym 00406243 +11708442 _hypernym 11571907 +10568200 _synset_domain_topic_of 00471613 +08860123 _member_of_domain_region 15160418 +06106502 _synset_domain_topic_of 06090869 +09959258 _hypernym 10448983 +10409634 _hypernym 09627906 +00745005 _derivationally_related_form 02566528 +01955463 _member_meronym 01959187 +01834304 _similar_to 01835276 +07396945 _hypernym 07371293 +07143137 _hypernym 07142566 +12765679 _hypernym 11567411 +02148377 _member_meronym 02148512 +02623906 _hypernym 02623529 +05629381 _synset_domain_topic_of 05946687 +00677544 _hypernym 00674607 +07345166 _synset_domain_topic_of 06090869 +01639369 _member_meronym 01644542 +12690388 _member_meronym 12691189 +02370525 _hypernym 01886756 +12020388 _member_meronym 12020507 +02582450 _derivationally_related_form 10266848 +00844254 _derivationally_related_form 01762283 +09049909 _hypernym 08655464 +02553196 _member_meronym 02619738 +10643837 _hypernym 10245639 +02560548 _derivationally_related_form 05136343 +06052864 _synset_domain_topic_of 06078978 +13864763 _derivationally_related_form 02047807 +02386845 _derivationally_related_form 01128984 +08649345 _hypernym 08630039 +09055906 _instance_hypernym 08524735 +03180504 _derivationally_related_form 01564144 +11822300 _hypernym 12205694 +08798062 _instance_hypernym 08633957 +02536557 _derivationally_related_form 05194151 +07003119 _derivationally_related_form 01643464 +08022259 _synset_domain_topic_of 00759694 +04179385 _derivationally_related_form 01666327 +10495167 _hypernym 00007846 +07966140 _has_part 07966719 +07180570 _derivationally_related_form 01024190 +01489332 _hypernym 00173338 +14429608 _derivationally_related_form 00657550 +05612809 _hypernym 05612067 +13950440 _derivationally_related_form 02669081 +00335923 _derivationally_related_form 10614225 +01934427 _synset_domain_topic_of 00298497 +12600417 _member_meronym 12600574 +12592058 _hypernym 12582231 +10008716 _derivationally_related_form 01619929 +01379636 _member_meronym 01380902 +12881429 _hypernym 11579418 +02887209 _hypernym 04359589 +08404895 _has_part 08405124 +02230772 _also_see 02201644 +00277569 _hypernym 00277376 +10235549 _derivationally_related_form 13812607 +13872975 _synset_domain_topic_of 06004685 +06526004 _hypernym 06479665 +01019129 _derivationally_related_form 00958334 +05393023 _hypernym 05392744 +04665813 _derivationally_related_form 02529284 +01020117 _derivationally_related_form 01738347 +02684924 _derivationally_related_form 05051896 +01563005 _hypernym 01557774 +01068184 _derivationally_related_form 00914769 +00367685 _derivationally_related_form 00381680 +11818945 _member_meronym 11819751 +13987423 _derivationally_related_form 01148283 +02040273 _hypernym 01983771 +02545272 _derivationally_related_form 09606009 +00910973 _hypernym 00907147 +02297127 _member_meronym 02297294 +09964411 _derivationally_related_form 01742886 +01946408 _synset_domain_topic_of 00815801 +09780676 _hypernym 09977178 +00854420 _derivationally_related_form 09998101 +00662182 _verb_group 00662589 +03948950 _derivationally_related_form 01577635 +08748076 _has_part 08750151 +02659763 _verb_group 02700455 +00326291 _hypernym 00324384 +05573895 _derivationally_related_form 02726017 +06211078 _hypernym 06210363 +00994076 _derivationally_related_form 00614489 +06561942 _derivationally_related_form 00843468 +09334396 _derivationally_related_form 02022486 +00676135 _hypernym 00674607 +00827782 _hypernym 00817680 +02147962 _hypernym 02158587 +00967455 _hypernym 00662589 +05305806 _hypernym 05301392 +04766620 _derivationally_related_form 00400883 +01142761 _derivationally_related_form 02324045 +06857726 _hypernym 06865345 +05496990 _has_part 05478336 +05958208 _derivationally_related_form 09756637 +13850304 _derivationally_related_form 00319406 +12462582 _hypernym 12425281 +12864545 _hypernym 12205694 +01585523 _verb_group 00086320 +00529759 _hypernym 00528990 +04726938 _derivationally_related_form 02743261 +00999588 _hypernym 00999245 +00387310 _derivationally_related_form 00235208 +07142365 _derivationally_related_form 00812580 +01222328 _hypernym 01212572 +13447361 _synset_domain_topic_of 06084469 +10185148 _hypernym 00007846 +09402704 _derivationally_related_form 00028362 +01849288 _derivationally_related_form 06759349 +12633994 _hypernym 12633638 +00963896 _derivationally_related_form 10342180 +08700255 _hypernym 08544813 +10007109 _hypernym 10502046 +00388635 _derivationally_related_form 07334876 +00194969 _derivationally_related_form 02661252 +09196611 _has_part 09377657 +01098452 _derivationally_related_form 10512201 +09014850 _instance_hypernym 08691669 +07450651 _derivationally_related_form 02578510 +13976322 _hypernym 13975752 +05804136 _derivationally_related_form 00918746 +06556481 _synset_domain_topic_of 08441203 +02717472 _derivationally_related_form 04371774 +14031660 _derivationally_related_form 00091311 +07437372 _hypernym 07436986 +00229280 _synset_domain_topic_of 06084469 +12629666 _hypernym 12651821 +09804806 _hypernym 09796323 +12748815 _member_meronym 12749679 +15104217 _hypernym 14959472 +01992503 _derivationally_related_form 09773076 +02410175 _hypernym 02679530 +07129867 _derivationally_related_form 00963570 +00576228 _hypernym 00173338 +01003885 _derivationally_related_form 00901316 +00556313 _derivationally_related_form 01080691 +01545883 _also_see 01590007 +02822399 _hypernym 04288272 +01708332 _member_meronym 01711662 +01547001 _verb_group 01985029 +12839409 _hypernym 11579418 +03050655 _hypernym 04580493 +04666837 _hypernym 04666615 +02459915 _derivationally_related_form 04294879 +03619650 _hypernym 02974697 +00853835 _hypernym 00844254 +06814870 _hypernym 06808493 +02680531 _hypernym 02680814 +08860123 _member_of_domain_region 06478734 +00001740 _also_see 00004227 +01564394 _hypernym 01563128 +02818832 _derivationally_related_form 01500082 +08244062 _derivationally_related_form 08245172 +00901789 _hypernym 00901083 +14077454 _hypernym 14059928 +02441723 _hypernym 01864707 +10792856 _hypernym 10241300 +12609128 _member_meronym 12609379 +04740173 _derivationally_related_form 02507968 +00212205 _hypernym 00209943 +14778436 _hypernym 00020090 +06593803 _hypernym 06593296 +01502262 _member_meronym 01523908 +06677974 _hypernym 06677302 +05451384 _hypernym 05449959 +10840769 _instance_hypernym 10547145 +02083038 _member_meronym 02115775 +00416399 _derivationally_related_form 10071332 +15161631 _hypernym 15183428 +07135734 _derivationally_related_form 00963570 +12480233 _hypernym 11561228 +01501113 _derivationally_related_form 07019172 +02551316 _hypernym 01429349 +00147862 _derivationally_related_form 00419375 +01053221 _derivationally_related_form 01621127 +00295346 _derivationally_related_form 10733117 +02181863 _member_meronym 02182796 +00446329 _derivationally_related_form 15047313 +06946823 _hypernym 06946497 +08082602 _hypernym 08081668 +00812526 _derivationally_related_form 01220303 +00647542 _also_see 00996448 +13455487 _hypernym 13541167 +13030157 _member_meronym 13030438 +09723564 _hypernym 09634494 +03079741 _derivationally_related_form 00483801 +00692130 _hypernym 00671351 +02183024 _derivationally_related_form 03345115 +01993065 _hypernym 01762525 +02880546 _hypernym 04338517 +10221956 _derivationally_related_form 01678685 +10741590 _hypernym 00007846 +03213014 _derivationally_related_form 02294436 +06794666 _derivationally_related_form 01537409 +12290116 _member_meronym 12290522 +05716744 _derivationally_related_form 02196690 +02490090 _derivationally_related_form 13965274 +05329215 _hypernym 05237227 +00665079 _derivationally_related_form 02550698 +02623868 _member_meronym 02626590 +03781244 _hypernym 04073948 +02541302 _also_see 01172889 +01176931 _hypernym 01169317 +08717629 _instance_hypernym 08524735 +10763383 _derivationally_related_form 01181295 +00913982 _hypernym 00913065 +02726017 _hypernym 02756098 +01532434 _derivationally_related_form 00251013 +02335629 _synset_domain_topic_of 00610738 +01136614 _derivationally_related_form 03467984 +07968354 _hypernym 07967982 +01394901 _member_meronym 01395531 +08982587 _has_part 08983105 +14857151 _hypernym 14856263 +12591897 _member_meronym 12592058 +01716619 _synset_domain_topic_of 06157326 +14436875 _derivationally_related_form 02546075 +12917901 _hypernym 13112664 +11867525 _member_meronym 11890329 +10586674 _hypernym 09633969 +07199565 _hypernym 07160883 +01385920 _derivationally_related_form 09307300 +00590626 _hypernym 00586262 +07818133 _hypernym 07809368 +06049500 _hypernym 06043075 +02953673 _hypernym 03309808 +14019600 _hypernym 14204950 +07261300 _synset_domain_topic_of 00471613 +00116687 _hypernym 00045250 +07886317 _hypernym 07884567 +03462747 _synset_domain_topic_of 11449907 +01673668 _member_meronym 01691384 +07989373 _hypernym 07970406 +00063291 _hypernym 00208210 +02087745 _derivationally_related_form 01173660 +00322457 _derivationally_related_form 00770437 +10588724 _hypernym 09632518 +08543223 _hypernym 08523483 +11699442 _hypernym 13112664 +07495551 _derivationally_related_form 10172793 +08508449 _hypernym 08507558 +07274425 _derivationally_related_form 02040273 +01172889 _also_see 02559180 +05436752 _hypernym 08459252 +00834636 _has_part 00837675 +07516354 _derivationally_related_form 00113818 +00693633 _hypernym 00693401 +00854904 _derivationally_related_form 00756780 +00991683 _derivationally_related_form 06793426 +06027051 _synset_domain_topic_of 06018465 +11453016 _derivationally_related_form 01181559 +01915253 _hypernym 01912159 +13217213 _hypernym 11534677 +02531820 _member_meronym 02532028 +01572510 _hypernym 01557774 +10014939 _hypernym 09770949 +05766984 _derivationally_related_form 01686956 +05685030 _derivationally_related_form 00622384 +11766609 _member_meronym 11777365 +09207288 _has_part 08927186 +00445940 _hypernym 00140123 +02021921 _hypernym 02020590 +04341133 _hypernym 04329477 +09031653 _instance_hypernym 08696931 +05799761 _synset_domain_topic_of 03082979 +07380144 _derivationally_related_form 02088627 +13172107 _member_meronym 13176873 +04940146 _hypernym 04934546 +13223090 _hypernym 13221529 +09876701 _hypernym 10112129 +02139883 _hypernym 02137132 +12449024 _hypernym 11561228 +00031921 _derivationally_related_form 02724417 +15196186 _hypernym 15199592 +00974786 _hypernym 00974367 +02423762 _hypernym 02422663 +02505809 _hypernym 01864707 +06742426 _derivationally_related_form 00955601 +03451473 _derivationally_related_form 00295697 +01084588 _verb_group 01084866 +00750345 _synset_domain_topic_of 08441203 +06653160 _hypernym 06652878 +00148763 _synset_domain_topic_of 06084469 +08198398 _synset_domain_topic_of 08199025 +01789740 _derivationally_related_form 01142899 +01375637 _derivationally_related_form 07436100 +12501745 _member_meronym 12537437 +00243918 _derivationally_related_form 01665638 +02736778 _hypernym 02137132 +00378664 _derivationally_related_form 07302836 +13343526 _derivationally_related_form 01139104 +08814664 _instance_hypernym 08524735 +13895852 _hypernym 13894434 +05748285 _derivationally_related_form 00651991 +01074498 _derivationally_related_form 01476483 +10899951 _instance_hypernym 10450303 +01193886 _derivationally_related_form 00904046 +03876519 _derivationally_related_form 01684663 +02243351 _member_meronym 02243562 +02787772 _hypernym 03177349 +04671841 _hypernym 04670746 +02323449 _hypernym 01886756 +00625393 _also_see 00626800 +09352108 _instance_hypernym 09403734 +14544672 _synset_domain_topic_of 05289057 +02259212 _hypernym 02246011 +00866314 _hypernym 00845299 +05151088 _derivationally_related_form 01834304 +10080508 _derivationally_related_form 03065516 +02652335 _member_meronym 02654890 +00898691 _hypernym 00992041 +07196682 _derivationally_related_form 00785008 +05980256 _derivationally_related_form 09820044 +14187378 _hypernym 14070360 +02073233 _derivationally_related_form 00059989 +09275473 _has_part 08801678 +01048912 _hypernym 00407535 +14845743 _hypernym 14940100 +10133644 _hypernym 09777353 +08723006 _member_of_domain_region 13717728 +07897600 _hypernym 07897200 +10451263 _derivationally_related_form 00611972 +10746346 _derivationally_related_form 00426958 +14431637 _synset_domain_topic_of 08199025 +01143838 _verb_group 02092309 +11735325 _member_meronym 11735570 +01371092 _member_meronym 01371483 +00465291 _hypernym 00464321 +09857200 _hypernym 10470779 +03446528 _has_part 08579780 +03191029 _derivationally_related_form 01256867 +09311259 _instance_hypernym 09376198 +00172732 _derivationally_related_form 01150467 +01293389 _hypernym 01295275 +00741911 _hypernym 00740577 +13439570 _derivationally_related_form 00294522 +00696882 _derivationally_related_form 00082714 +03870672 _derivationally_related_form 01451176 +04546855 _has_part 02734217 +00414823 _derivationally_related_form 07367385 +02494259 _hypernym 02421374 +07282166 _hypernym 07110615 +10089484 _hypernym 10564098 +00237078 _derivationally_related_form 02432530 +01157517 _derivationally_related_form 14017332 +00388710 _hypernym 00388392 +12564840 _member_meronym 12565368 +10399299 _derivationally_related_form 00903385 +02114433 _verb_group 02114056 +00764032 _hypernym 00805376 +00022686 _derivationally_related_form 02309341 +14471724 _synset_domain_topic_of 02472293 +02117649 _derivationally_related_form 14377617 +02953598 _synset_domain_topic_of 05946687 +14063633 _hypernym 14034177 +09012297 _has_part 09012530 +10400998 _derivationally_related_form 00852685 +08331525 _synset_domain_topic_of 08199025 +02663657 _member_meronym 02664823 +02048698 _hypernym 02021795 +01741744 _hypernym 01656813 +11445395 _hypernym 11417672 +09764900 _derivationally_related_form 00038750 +01635659 _member_meronym 01636984 +01870889 _also_see 01865197 +09385911 _hypernym 00002452 +06201908 _derivationally_related_form 00680145 +12345136 _hypernym 11567411 +00741478 _derivationally_related_form 02463704 +00592883 _derivationally_related_form 06628861 +08136027 _hypernym 08337324 +06295235 _member_of_domain_usage 13341756 +15233411 _instance_hypernym 15113229 +12718314 _hypernym 11585340 +04472243 _has_part 03431570 +01009240 _hypernym 00940384 +11515325 _hypernym 07358060 +00692726 _hypernym 00692506 +11820323 _member_meronym 11820463 +10037385 _hypernym 10034201 +02084252 _derivationally_related_form 00555138 +08831004 _instance_hypernym 08544813 +05259512 _derivationally_related_form 01519569 +07756096 _hypernym 07755707 +05327767 _derivationally_related_form 00069295 +05302499 _hypernym 05610008 +01115585 _derivationally_related_form 07255027 +09708405 _hypernym 09686536 +07737745 _hypernym 07737081 +06267145 _has_part 07003352 +06717170 _member_of_domain_usage 09643545 +03316274 _derivationally_related_form 01007676 +00102791 _hypernym 00010241 +09522978 _hypernym 09505418 +14580090 _derivationally_related_form 01118081 +07143137 _derivationally_related_form 00877559 +10785869 _hypernym 09773245 +08910668 _member_meronym 09714429 +11869890 _hypernym 11575425 +01984958 _member_meronym 01985128 +01688428 _member_meronym 01688589 +03679384 _hypernym 03546340 +05639651 _hypernym 05637558 +04648059 _hypernym 04647478 +01101753 _hypernym 01101329 +13625237 _hypernym 13583724 +00550117 _verb_group 00169458 +11996792 _member_meronym 11997160 +01102997 _hypernym 01101913 +07509572 _derivationally_related_form 00724832 +12556030 _member_meronym 12558425 +03439814 _derivationally_related_form 01887576 +01886488 _also_see 01988886 +11872658 _hypernym 11869351 +14838217 _hypernym 14807737 +14993378 _hypernym 03013162 +02394445 _derivationally_related_form 10005721 +05722427 _derivationally_related_form 02127358 +10411163 _derivationally_related_form 01935476 +02958343 _has_part 03530910 +10117511 _derivationally_related_form 02290461 +00115036 _derivationally_related_form 01452255 +13491876 _hypernym 13566212 +08190754 _hypernym 08198398 +08597323 _has_part 08705397 +00406800 _derivationally_related_form 01387301 +00796976 _verb_group 02237338 +01247804 _derivationally_related_form 00125436 +02495038 _derivationally_related_form 13999663 +02512922 _derivationally_related_form 01242716 +07339098 _hypernym 07338681 +02584915 _hypernym 02584643 +00195569 _derivationally_related_form 00437125 +08860123 _member_of_domain_region 03479397 +07018931 _derivationally_related_form 01716619 +00612652 _also_see 01718867 +11781850 _hypernym 11556857 +00468236 _hypernym 00126264 +07436100 _derivationally_related_form 02068413 +06975132 _hypernym 06973610 +05832264 _derivationally_related_form 02678438 +02003359 _hypernym 02002720 +12660009 _member_meronym 12660796 +02735418 _derivationally_related_form 05868477 +09435965 _instance_hypernym 09221070 +01001857 _derivationally_related_form 03337140 +01781180 _derivationally_related_form 07254057 +08624196 _derivationally_related_form 01547001 +00607780 _derivationally_related_form 05761380 +12487647 _member_meronym 12497492 +04338359 _hypernym 07951464 +02256998 _hypernym 02257370 +07703333 _hypernym 07703177 +10691764 _derivationally_related_form 02360274 +07695965 _has_part 07679356 +01688812 _member_meronym 01688961 +00744916 _also_see 01155354 +00799809 _hypernym 00799537 +11496881 _hypernym 11495041 +01809977 _hypernym 01342529 +02018372 _verb_group 01155090 +03335030 _hypernym 02691156 +05399486 _has_part 05399627 +08831004 _member_of_domain_region 07896994 +11555413 _hypernym 08107499 +01575388 _hypernym 01661804 +02937720 _synset_domain_topic_of 06066555 +01058995 _hypernym 01058574 +12289744 _hypernym 11534677 +12085117 _hypernym 11556857 +00358290 _derivationally_related_form 01394464 +02307007 _hypernym 01762525 +12493090 _hypernym 11585340 +01204677 _hypernym 01182709 +04444749 _hypernym 04014297 +02717831 _derivationally_related_form 13291189 +06919433 _hypernym 06907728 +05652926 _synset_domain_topic_of 06080522 +00107943 _verb_group 00108303 +00382635 _derivationally_related_form 00398704 +09784443 _hypernym 10707233 +13531652 _derivationally_related_form 01735144 +06295235 _member_of_domain_usage 09407346 +01895630 _similar_to 01894758 +01350283 _derivationally_related_form 00138956 +05318606 _hypernym 05426243 +00344421 _synset_domain_topic_of 00903559 +13561521 _hypernym 13518963 +01280014 _hypernym 00140967 +10165109 _hypernym 10480253 +02636854 _hypernym 02554730 +01115162 _derivationally_related_form 02727883 +07688412 _hypernym 07689003 +10843705 _instance_hypernym 10794014 +13464204 _hypernym 13457378 +02913152 _has_part 03579538 +08504851 _hypernym 08504594 +05835162 _hypernym 05834758 +00969873 _verb_group 00968211 +00917300 _derivationally_related_form 06782680 +01013434 _derivationally_related_form 00739662 +09213828 _derivationally_related_form 02035425 +11739199 _hypernym 11571907 +02996249 _hypernym 02996840 +12423565 _member_meronym 12461326 +01506157 _verb_group 01509584 +09065191 _instance_hypernym 08524735 +02481629 _hypernym 01864707 +01895128 _hypernym 05588174 +01219306 _hypernym 01219075 +08734385 _member_meronym 09693244 +12697883 _hypernym 11585340 +05079866 _derivationally_related_form 03101667 +02525044 _hypernym 02524171 +02248808 _derivationally_related_form 02671224 +01533120 _also_see 01509527 +00695300 _derivationally_related_form 00022316 +00264529 _derivationally_related_form 00220869 +10287213 _hypernym 09605289 +10757193 _derivationally_related_form 01844048 +03091996 _derivationally_related_form 14647623 +01894520 _derivationally_related_form 00575365 +10497202 _hypernym 10020890 +01638438 _derivationally_related_form 04925348 +11717820 _member_meronym 11718096 +12431128 _member_meronym 12431434 +00249679 _hypernym 00126264 +04270147 _has_part 03485997 +01612053 _also_see 02451113 +13560079 _hypernym 13477023 +00898127 _hypernym 00894552 +00879759 _derivationally_related_form 02455407 +02671780 _hypernym 03051540 +03860882 _hypernym 04007894 +02072394 _derivationally_related_form 09288635 +03755545 _hypernym 03800001 +15032661 _hypernym 00020090 +03938244 _derivationally_related_form 01502946 +02732827 _derivationally_related_form 01390210 +02643740 _hypernym 02642814 +00755745 _hypernym 00754942 +02212323 _member_meronym 02212602 +06545528 _hypernym 06479665 +07534700 _hypernym 07535670 +05704266 _derivationally_related_form 00601043 +00963283 _derivationally_related_form 02402409 +02022684 _hypernym 02000954 +09468604 _hypernym 09366017 +12059090 _hypernym 11556857 +06546633 _synset_domain_topic_of 08441203 +00918471 _derivationally_related_form 09823287 +01219893 _hypernym 00874621 +13931765 _hypernym 13928388 +12358173 _hypernym 11556857 +10163723 _hypernym 10415638 +02363358 _also_see 02105375 +07524242 _derivationally_related_form 01764171 +02532595 _derivationally_related_form 00639556 +04537602 _hypernym 03247620 +00304851 _synset_domain_topic_of 08199025 +08929243 _member_meronym 09719653 +04373894 _has_part 03385420 +00821580 _hypernym 00820976 +01017738 _derivationally_related_form 05207130 +10553627 _derivationally_related_form 02357228 +00057306 _synset_domain_topic_of 08199025 +09771855 _derivationally_related_form 00871195 +00770437 _derivationally_related_form 07326557 +11766609 _member_meronym 11770969 +09135447 _instance_hypernym 08524735 +08082602 _member_meronym 09678009 +02416964 _hypernym 02416519 +04552348 _hypernym 03764276 +09159003 _has_part 09482131 +01838326 _member_meronym 01838598 +02522990 _hypernym 01432517 +01246926 _derivationally_related_form 01142203 +05511618 _has_part 05421414 +02482820 _hypernym 01862557 +00151689 _hypernym 00169651 +00018526 _derivationally_related_form 05678745 +09137032 _has_part 09137682 +00589624 _also_see 01149494 +12660009 _member_meronym 12662223 +09889065 _hypernym 10485440 +10673946 _hypernym 09882007 +01968315 _hypernym 01940736 +03779621 _derivationally_related_form 01697027 +02661892 _hypernym 02661017 +02710294 _derivationally_related_form 00636574 +07411645 _derivationally_related_form 02159890 +00338071 _derivationally_related_form 13484303 +08854855 _instance_hypernym 08524735 +11738832 _hypernym 11571907 +02345856 _synset_domain_topic_of 00766234 +02396205 _derivationally_related_form 00164152 +02446206 _hypernym 02445715 +12642964 _hypernym 12641413 +09093608 _has_part 09094217 +00566569 _verb_group 00566895 +08369406 _hypernym 07942152 +00949619 _derivationally_related_form 02809692 +00963283 _derivationally_related_form 05960464 +01569423 _hypernym 01567133 +12289115 _hypernym 15098161 +10740017 _derivationally_related_form 00824767 +00897026 _derivationally_related_form 01723224 +02723904 _derivationally_related_form 13894434 +00662589 _verb_group 00662182 +02536329 _derivationally_related_form 00158185 +03098803 _derivationally_related_form 10421470 +02729023 _derivationally_related_form 08572467 +01566888 _member_meronym 01568493 +05564590 _has_part 05565696 +10502329 _hypernym 09505153 +04945057 _derivationally_related_form 01825237 +12604228 _has_part 07736371 +10593745 _hypernym 09865954 +02575723 _derivationally_related_form 00171618 +07362218 _derivationally_related_form 01986185 +10491575 _derivationally_related_form 01745722 +13088096 _hypernym 05470189 +00193130 _derivationally_related_form 04632157 +07377682 _derivationally_related_form 02174662 +09616922 _derivationally_related_form 02492198 +09935793 _derivationally_related_form 02416751 +05714466 _derivationally_related_form 02125641 +05684003 _hypernym 05683582 +00638981 _also_see 02099019 +11453016 _synset_domain_topic_of 06090869 +10859669 _instance_hypernym 10044879 +05699600 _hypernym 05698247 +00920336 _verb_group 00662589 +01067577 _derivationally_related_form 01997862 +01260867 _hypernym 00242808 +02292535 _derivationally_related_form 00735832 +03708036 _hypernym 03744840 +01046059 _derivationally_related_form 07377682 +00066685 _derivationally_related_form 00868196 +10112129 _hypernym 10518602 +00334935 _derivationally_related_form 01230241 +00954751 _hypernym 00952963 +06248043 _hypernym 05996646 +03120198 _hypernym 02735688 +04867130 _derivationally_related_form 02179279 +00917772 _derivationally_related_form 05775407 +01752728 _synset_domain_topic_of 06066555 +08792548 _has_part 08795492 +10162991 _derivationally_related_form 02440244 +06603494 _hypernym 06601327 +03924811 _hypernym 03104594 +11682842 _derivationally_related_form 02844728 +02557638 _derivationally_related_form 00562935 +14652104 _hypernym 14622893 +01261018 _derivationally_related_form 04229959 +10682169 _hypernym 10217831 +04726938 _hypernym 04723816 +02015384 _verb_group 02054703 +01193099 _derivationally_related_form 10132988 +08499057 _derivationally_related_form 02831736 +04216508 _instance_hypernym 03385557 +00437788 _hypernym 00438065 +07750586 _hypernym 13138308 +00255389 _derivationally_related_form 15055936 +12581381 _member_meronym 12590117 +01321854 _hypernym 01321579 +04262161 _synset_domain_topic_of 07020895 +00359511 _derivationally_related_form 14042423 +00506952 _derivationally_related_form 08657249 +08860123 _member_of_domain_region 03702719 +00914061 _hypernym 00913065 +06347225 _hypernym 06536389 +01171183 _verb_group 01172275 +09050730 _has_part 09140148 +00375071 _derivationally_related_form 00237259 +02930503 _derivationally_related_form 09543353 +03091907 _hypernym 02899257 +00012267 _verb_group 02289295 +06997697 _hypernym 06904171 +07726386 _hypernym 07725376 +12255934 _member_meronym 12256112 +02173784 _hypernym 02171869 +13559782 _derivationally_related_form 00119266 +01448100 _also_see 01351170 +15152817 _derivationally_related_form 09605289 +10011074 _derivationally_related_form 06060845 +00780575 _hypernym 00952524 +02963821 _hypernym 03221720 +02806261 _derivationally_related_form 02679530 +08929922 _member_of_domain_region 01294791 +07725376 _hypernym 07708798 +01595624 _hypernym 01594372 +00975902 _derivationally_related_form 10490699 +05462315 _has_part 05465567 +07201804 _hypernym 06724763 +02742322 _derivationally_related_form 00047945 +06937985 _hypernym 06937768 +04099969 _has_part 04119892 +00915722 _hypernym 00913705 +11920867 _member_meronym 11920998 +01326291 _synset_domain_topic_of 00017222 +07529377 _hypernym 07529245 +01735475 _derivationally_related_form 10743941 +08505573 _has_part 08506496 +02611373 _derivationally_related_form 06210363 +03061050 _hypernym 03497657 +08816236 _has_part 08816969 +12909421 _hypernym 11669921 +01992516 _hypernym 01342529 +02553196 _hypernym 01342529 +14806333 _hypernym 14693733 +00716758 _derivationally_related_form 10457444 +03068181 _derivationally_related_form 01215694 +07703743 _hypernym 07703333 +10804406 _hypernym 09622049 +03658858 _derivationally_related_form 01307142 +10443170 _derivationally_related_form 02345048 +07650637 _hypernym 07649854 +01829602 _hypernym 01504437 +00321562 _derivationally_related_form 00188721 +01362196 _member_meronym 01362336 +08040008 _synset_domain_topic_of 00759694 +12678224 _hypernym 13112664 +01382086 _derivationally_related_form 05103946 +12553314 _hypernym 11585340 +00099588 _derivationally_related_form 01728840 +00440747 _hypernym 00523513 +00034115 _hypernym 00992041 +00418903 _derivationally_related_form 02572119 +00207728 _derivationally_related_form 00271263 +01035853 _hypernym 01034925 +13758745 _hypernym 13576355 +08211290 _hypernym 08208016 +02760622 _verb_group 02762468 +09782167 _derivationally_related_form 01171183 +07783827 _hypernym 07809368 +00715868 _also_see 02629390 +01378137 _hypernym 01352059 +00093127 _synset_domain_topic_of 01094725 +01521124 _derivationally_related_form 05685879 +10242328 _hypernym 10450303 +00027064 _derivationally_related_form 01144716 +12537437 _member_meronym 12537569 +00288970 _derivationally_related_form 01920932 +01443398 _hypernym 01432517 +07001065 _hypernym 07000195 +06767777 _derivationally_related_form 01058880 +00990392 _derivationally_related_form 07164349 +01787955 _hypernym 01817130 +10575787 _derivationally_related_form 01317723 +00168911 _hypernym 00168658 +05703429 _derivationally_related_form 01059123 +09209263 _has_part 08747054 +05308310 _hypernym 05225602 +07415167 _hypernym 07414922 +12772081 _member_meronym 12775225 +09461315 _hypernym 09366017 +00717358 _derivationally_related_form 00859001 +00008055 _derivationally_related_form 01265176 +01620967 _member_meronym 01621714 +01011031 _derivationally_related_form 07203126 +06845599 _member_of_domain_usage 04053995 +13586122 _hypernym 13585429 +09141526 _has_part 09144323 +07561112 _hypernym 07560652 +15271008 _hypernym 15269513 +02635420 _hypernym 02627934 +04833458 _hypernym 04616059 +02485844 _derivationally_related_form 09992538 +08546870 _hypernym 08491826 +06455497 _hypernym 06429590 +11545714 _hypernym 11545524 +00493703 _hypernym 00126264 +09469152 _hypernym 09444100 +12024445 _hypernym 12024176 +01220152 _hypernym 01219893 +10665698 _hypernym 10059162 +01271658 _hypernym 01654628 +01150559 _derivationally_related_form 10470460 +08176077 _member_meronym 09044862 +13538314 _hypernym 13540610 +11607392 _member_meronym 11629501 +09777353 _derivationally_related_form 14000403 +01953197 _hypernym 01939598 +00246746 _hypernym 00247390 +01407465 _member_meronym 01411556 +02689882 _derivationally_related_form 05731779 +08012765 _instance_hypernym 08392137 +00431552 _hypernym 00426928 +07091902 _member_of_domain_usage 00075283 +02482139 _derivationally_related_form 08380340 +14997888 _derivationally_related_form 01458228 +01089878 _derivationally_related_form 00031264 +00115036 _derivationally_related_form 01454810 +00937656 _derivationally_related_form 01684337 +13892897 _hypernym 13887509 +01311520 _has_part 01300508 +07370410 _hypernym 07445480 +01244178 _hypernym 01393339 +03144156 _hypernym 04043733 +12847749 _hypernym 11579418 +06008382 _synset_domain_topic_of 06000644 +01315213 _hypernym 00015388 +09479238 _hypernym 08546183 +02567519 _derivationally_related_form 00425090 +08860123 _member_of_domain_region 00585810 +01223616 _derivationally_related_form 05257737 +14980784 _hypernym 14980579 +11691046 _has_part 11690455 +11998648 _member_meronym 11998888 +01523105 _hypernym 01517565 +13343917 _hypernym 13343526 +05459769 _has_part 05459953 +10660729 _derivationally_related_form 01925694 +02566227 _hypernym 02566528 +02862048 _hypernym 02739668 +09791816 _derivationally_related_form 13973320 +03864994 _derivationally_related_form 01487718 +04093625 _hypernym 02913152 +01649999 _derivationally_related_form 00070641 +02593107 _verb_group 02540670 +02401661 _member_meronym 02402175 +00215314 _hypernym 00209943 +13850674 _has_part 11432758 +09385137 _derivationally_related_form 02801349 +14471926 _synset_domain_topic_of 02472293 +03238131 _hypernym 04105893 +07512465 _derivationally_related_form 02105990 +03318438 _derivationally_related_form 01654271 +13623856 _has_part 13623636 +11697158 _hypernym 11564258 +12989462 _hypernym 11590783 +14980579 _hypernym 14966667 +01170983 _hypernym 01170052 +01201100 _derivationally_related_form 00857664 +08719892 _instance_hypernym 08168978 +02042404 _hypernym 02066939 +00750405 _hypernym 00770834 +08860123 _member_of_domain_region 00450866 +00945255 _hypernym 00957679 +15126750 _instance_hypernym 15247518 +00035603 _hypernym 00035758 +01483779 _derivationally_related_form 14976448 +00477107 _hypernym 00476744 +00335653 _hypernym 00331950 +00620752 _derivationally_related_form 02419773 +11441077 _hypernym 11441561 +01870889 _also_see 00064479 +15062955 _hypernym 14792703 +08640111 _derivationally_related_form 02336947 +06498569 _member_meronym 06837572 +14977188 _derivationally_related_form 01603418 +04652635 _hypernym 04623113 +02711543 _derivationally_related_form 04047401 +09761403 _derivationally_related_form 00588598 +01731031 _hypernym 01732172 +08380340 _hypernym 08378819 +00083523 _derivationally_related_form 04333129 +10028765 _derivationally_related_form 01098706 +01571578 _member_meronym 01574671 +04561734 _derivationally_related_form 01398941 +07202311 _hypernym 07201804 +00015303 _hypernym 00015498 +09585434 _hypernym 09505418 +10032884 _derivationally_related_form 00980176 +05008746 _derivationally_related_form 01478626 +12877244 _hypernym 11669921 +00023383 _also_see 00632438 +00326773 _derivationally_related_form 00246754 +07054433 _hypernym 07020895 +02121234 _member_meronym 02125689 +04706882 _hypernym 04706290 +02625648 _derivationally_related_form 09690371 +01775879 _member_meronym 01779629 +03032576 _hypernym 02716866 +02087156 _derivationally_related_form 00052334 +03649909 _has_part 02848216 +01090335 _derivationally_related_form 00446493 +04049098 _hypernym 04412901 +00252662 _derivationally_related_form 00905283 +08780881 _member_of_domain_region 09542697 +12282527 _hypernym 12281241 +01802689 _derivationally_related_form 07495551 +02550516 _derivationally_related_form 10332385 +01637932 _hypernym 01629276 +10659393 _hypernym 09821253 +07157273 _member_of_domain_usage 02830596 +06511560 _derivationally_related_form 02382367 +09387222 _hypernym 08593262 +03064076 _derivationally_related_form 01385017 +02281552 _member_meronym 02281987 +04370774 _has_part 04370288 +08716738 _has_part 08717059 +05228496 _hypernym 05225602 +03456665 _hypernym 03057021 +14026376 _hypernym 14373582 +00323532 _hypernym 00321731 +08860123 _member_of_domain_region 03042697 +12192373 _member_meronym 12192722 +01677989 _hypernym 01675963 +02098458 _derivationally_related_form 13875970 +04240097 _hypernym 03964744 +11714150 _member_meronym 11714382 +06196584 _hypernym 06193203 +07323231 _hypernym 07321772 +00234988 _derivationally_related_form 02772868 +05128096 _hypernym 05125377 +05792010 _derivationally_related_form 00044353 +04921900 _derivationally_related_form 02388403 +00330160 _derivationally_related_form 02055975 +13960464 _derivationally_related_form 00667942 +00969769 _synset_domain_topic_of 06277280 +09017005 _instance_hypernym 08524735 +01159461 _synset_domain_topic_of 01124794 +09006413 _instance_hypernym 08544813 +02123314 _derivationally_related_form 04646548 +08415661 _hypernym 08198398 +07410021 _derivationally_related_form 01414288 +00007846 _hypernym 00004475 +00524083 _synset_domain_topic_of 06084469 +00730984 _hypernym 00575741 +01812324 _hypernym 01811736 +13813591 _synset_domain_topic_of 06143546 +09977660 _derivationally_related_form 02515080 +02669081 _derivationally_related_form 13940456 +05639832 _hypernym 05637558 +02647918 _hypernym 02647497 +00009631 _derivationally_related_form 00335988 +08455271 _synset_domain_topic_of 08199025 +00765649 _derivationally_related_form 07139700 +02220055 _hypernym 02219486 +04219424 _hypernym 03309808 +00964478 _derivationally_related_form 07160752 +12092766 _hypernym 11567411 +02260183 _member_meronym 02261184 +09166534 _instance_hypernym 08574314 +02133512 _member_meronym 02133704 +08860123 _member_of_domain_region 15298507 +02025530 _member_meronym 02028556 +02140970 _hypernym 01342529 +05853449 _derivationally_related_form 01990281 +13149039 _member_meronym 13149506 +11854760 _member_meronym 11856055 +00713167 _derivationally_related_form 14419164 +10112591 _derivationally_related_form 13931145 +02608090 _derivationally_related_form 14324274 +06966825 _hypernym 06963951 +02230990 _derivationally_related_form 04948722 +00378985 _derivationally_related_form 01461328 +09856827 _hypernym 10515194 +02437825 _hypernym 01864707 +00295697 _derivationally_related_form 00999245 +04048075 _has_part 04463679 +09952163 _hypernym 09624559 +13649054 _hypernym 13603305 +01234625 _hypernym 01575675 +00252662 _hypernym 01247647 +07036862 _hypernym 07035870 +10724372 _derivationally_related_form 02393086 +00811221 _hypernym 00863513 +02646508 _member_meronym 02646667 +15224293 _derivationally_related_form 00235368 +12838027 _member_meronym 12860842 +00967625 _derivationally_related_form 10491575 +02553196 _member_meronym 02604014 +09879552 _hypernym 10184081 +02991048 _derivationally_related_form 02685299 +10162354 _hypernym 10309896 +12260799 _hypernym 13104059 +00915722 _derivationally_related_form 01742726 +03661340 _has_part 03682487 +07125096 _derivationally_related_form 00866314 +13178284 _hypernym 11545714 +09189411 _has_part 09034550 +01177699 _hypernym 01179865 +00588780 _hypernym 00586262 +02730135 _verb_group 02635659 +01886220 _member_meronym 02494538 +07246036 _hypernym 07245125 +01523908 _member_meronym 01524885 +10948312 _instance_hypernym 10705615 +03914919 _hypernym 04359589 +07308563 _hypernym 07307754 +11988774 _member_meronym 11988893 +10096217 _derivationally_related_form 01940403 +05518870 _hypernym 05514717 +01115190 _derivationally_related_form 10710509 +03711145 _hypernym 03944672 +12158443 _hypernym 12158798 +09860940 _hypernym 10773126 +06520944 _hypernym 06771653 +03814112 _hypernym 03848729 +10722965 _derivationally_related_form 00782072 +01529036 _member_meronym 01540969 +01310660 _hypernym 00173338 +02245403 _also_see 02166346 +04404412 _has_part 04405907 +01065630 _derivationally_related_form 06610143 +05986395 _derivationally_related_form 00991385 +01816887 _hypernym 01503061 +04904851 _derivationally_related_form 01764171 +10132988 _derivationally_related_form 01169067 +06501918 _synset_domain_topic_of 08441203 +02330582 _hypernym 01342529 +12977565 _hypernym 08103777 +01467751 _hypernym 01467370 +00996448 _also_see 01125429 +02131942 _member_meronym 02132136 +08400965 _derivationally_related_form 13810615 +07154243 _hypernym 06724066 +01701311 _derivationally_related_form 07007945 +06534132 _has_part 06729251 +07255174 _hypernym 07205573 +12612913 _member_meronym 12613596 +02608347 _derivationally_related_form 15265518 +01077881 _synset_domain_topic_of 08441203 +01327301 _derivationally_related_form 10338707 +04182708 _synset_domain_topic_of 06123363 +02066450 _hypernym 01342529 +03859717 _has_part 03654374 +00712225 _hypernym 00623162 +13560417 _derivationally_related_form 00210259 +00837288 _derivationally_related_form 10200365 +10041887 _derivationally_related_form 02289295 +02006827 _member_meronym 02007161 +03385557 _derivationally_related_form 01606205 +12159555 _hypernym 12159055 +08792548 _has_part 09263619 +02105990 _derivationally_related_form 04842993 +04638585 _hypernym 04637923 +04806169 _hypernym 04670022 +10305192 _hypernym 09631129 +08969291 _has_part 08970833 +14407536 _hypernym 14373582 +08436562 _derivationally_related_form 01658762 +01208291 _derivationally_related_form 02735897 +05111835 _derivationally_related_form 00151689 +01166926 _derivationally_related_form 01118081 +13777344 _hypernym 13576355 +15169136 _hypernym 15228378 +09275473 _instance_hypernym 09254614 +08378356 _derivationally_related_form 03018498 +01013434 _hypernym 01012712 +10643727 _hypernym 00007846 +04526241 _derivationally_related_form 00488770 +00122954 _derivationally_related_form 01137138 +01195675 _hypernym 01195299 +10541229 _derivationally_related_form 00599234 +00701755 _hypernym 00700979 +04766275 _hypernym 04723816 +02606194 _member_meronym 02606926 +05925366 _derivationally_related_form 01021128 +02009280 _derivationally_related_form 02136271 +00199707 _derivationally_related_form 00169806 +08752974 _has_part 08753294 +00699815 _derivationally_related_form 05838176 +15273955 _derivationally_related_form 00014742 +01897885 _hypernym 01708676 +13190218 _member_meronym 13190469 +10773040 _hypernym 10335246 +13521616 _derivationally_related_form 00504901 +01835280 _derivationally_related_form 02737183 +00664849 _hypernym 00654885 +09582343 _synset_domain_topic_of 07983856 +02653996 _derivationally_related_form 02945161 +09931165 _hypernym 10100761 +10055410 _hypernym 10787470 +02305929 _hypernym 02305407 +12136944 _member_meronym 12137120 +04723816 _hypernym 00024264 +01960900 _member_meronym 01961059 +00906037 _synset_domain_topic_of 08441203 +11116642 _instance_hypernym 09818343 +00068333 _derivationally_related_form 00387310 +03900509 _hypernym 03536348 +08507109 _synset_domain_topic_of 06371734 +02082632 _member_meronym 02082791 +08819397 _instance_hypernym 09316454 +02551602 _derivationally_related_form 10553805 +08519624 _instance_hypernym 08574314 +09752246 _hypernym 00007846 +09044862 _has_part 09053019 +12736999 _hypernym 13120446 +01658762 _derivationally_related_form 08436562 +12897493 _has_part 07710616 +00183505 _derivationally_related_form 02463141 +04633197 _derivationally_related_form 00559102 +01524523 _derivationally_related_form 11454591 +01370913 _hypernym 01342529 +12004686 _hypernym 11579418 +03022349 _synset_domain_topic_of 06066555 +02258617 _derivationally_related_form 00623670 +01770501 _derivationally_related_form 14403282 +01218593 _hypernym 01215392 +08453464 _synset_domain_topic_of 08441203 +02839200 _derivationally_related_form 02653159 +12770277 _member_meronym 12770892 +00052043 _derivationally_related_form 04097866 +00631391 _also_see 00021766 +12742041 _member_meronym 12742290 +12682411 _hypernym 12205694 +10714465 _hypernym 09917593 +00021065 _derivationally_related_form 03041491 +02269829 _member_meronym 02270326 +06686174 _derivationally_related_form 00889555 +13594585 _derivationally_related_form 01111816 +00432689 _derivationally_related_form 10179069 +11881063 _hypernym 11575425 +02386388 _derivationally_related_form 07453638 +10523341 _hypernym 10622053 +00076400 _derivationally_related_form 14855992 +00006484 _derivationally_related_form 00327031 +02834778 _has_part 03903424 +03470222 _hypernym 03763727 +02599784 _member_meronym 02600657 +09038990 _instance_hypernym 08574314 +12299988 _member_meronym 12302418 +04073669 _derivationally_related_form 01531265 +00649887 _derivationally_related_form 09238926 +13189222 _member_meronym 13189428 +09207288 _has_part 08700255 +04138977 _has_part 03485997 +12231918 _hypernym 13112664 +01371756 _hypernym 01511706 +02289610 _hypernym 02288789 +01949966 _derivationally_related_form 04045397 +03119203 _hypernym 03748162 +10654015 _derivationally_related_form 06350127 +05629682 _synset_domain_topic_of 06226057 +11482140 _derivationally_related_form 00376106 +11796744 _member_meronym 11799158 +06494816 _synset_domain_topic_of 06142118 +02568065 _hypernym 01120069 +00608372 _hypernym 00607780 +01560731 _verb_group 01560984 +01968569 _derivationally_related_form 07445480 +00838098 _hypernym 13440063 +01354673 _derivationally_related_form 03673971 +07139700 _derivationally_related_form 00765649 +12190410 _hypernym 13109733 +14682133 _has_part 14621446 +06295235 _member_of_domain_usage 07140348 +13911872 _hypernym 13875185 +09031653 _has_part 09032321 +13052931 _hypernym 13049953 +11450566 _derivationally_related_form 00506040 +00807273 _derivationally_related_form 00466053 +01406262 _hypernym 08103777 +02115430 _hypernym 02114924 +10550951 _instance_hypernym 09587565 +01577458 _hypernym 01576695 +00113726 _hypernym 00112312 +09089139 _has_part 09261138 +01016002 _hypernym 01016778 +09708750 _hypernym 09708405 +04832716 _hypernym 04832518 +02421374 _derivationally_related_form 00095502 +02034129 _hypernym 02022684 +01684899 _derivationally_related_form 03875218 +00307314 _hypernym 00306900 +01934205 _derivationally_related_form 14408951 +11897760 _hypernym 11575425 +01070102 _derivationally_related_form 06252138 +00017031 _hypernym 00001740 +12884523 _member_meronym 12886600 +14943580 _hypernym 14786479 +01776705 _hypernym 01776313 +02229385 _member_meronym 02229867 +06467445 _hypernym 07217924 +12634211 _hypernym 12633638 +01313093 _member_meronym 01918010 +04950537 _synset_domain_topic_of 06156968 +02103162 _verb_group 01448100 +10390427 _derivationally_related_form 01482449 +12823164 _member_meronym 12825301 +00931721 _hypernym 00929718 +02578235 _derivationally_related_form 09998101 +00968211 _hypernym 00954608 +01144873 _synset_domain_topic_of 00455599 +02980625 _hypernym 03014440 +02552449 _hypernym 01631072 +01302086 _has_part 01283935 +09258715 _derivationally_related_form 00336922 +09537660 _derivationally_related_form 00595410 +02771840 _hypernym 03257343 +03196990 _hypernym 04402057 +01369758 _verb_group 01369346 +00345761 _derivationally_related_form 07325190 +12039743 _member_meronym 12060380 +07527656 _derivationally_related_form 01811736 +07193958 _hypernym 07193184 +14527171 _synset_domain_topic_of 06043075 +07275275 _derivationally_related_form 00880978 +06205154 _hypernym 06193203 +00753881 _derivationally_related_form 00583246 +01815628 _hypernym 01816431 +08040522 _instance_hypernym 08392137 +03570838 _hypernym 03433434 +09641226 _hypernym 10453357 +14598937 _hypernym 14894481 +06478582 _hypernym 06471345 +02923745 _derivationally_related_form 09684609 +00914634 _hypernym 00914420 +12577000 _hypernym 11585340 +01523986 _derivationally_related_form 13875571 +02060141 _derivationally_related_form 07445896 +00457998 _derivationally_related_form 13454479 +00592367 _hypernym 00586262 +01660386 _derivationally_related_form 09326662 +01350699 _verb_group 01350971 +02402425 _derivationally_related_form 02986348 +10753182 _hypernym 10186774 +07203696 _derivationally_related_form 00075135 +13065514 _hypernym 13063269 +13262663 _derivationally_related_form 02345048 +10648237 _hypernym 09626238 +13205482 _member_meronym 13211516 +09004068 _instance_hypernym 08691669 +12839409 _member_meronym 12839574 +11329281 _instance_hypernym 10214637 +06397307 _derivationally_related_form 00953216 +02542162 _member_meronym 02542283 +00809654 _derivationally_related_form 00740712 +02641298 _derivationally_related_form 07525555 +02515560 _member_meronym 02515713 +00868523 _hypernym 00868196 +03364340 _derivationally_related_form 01904293 +03451473 _hypernym 03733925 +01966861 _derivationally_related_form 00120010 +08853741 _has_part 08856266 +01109467 _derivationally_related_form 02257370 +09943541 _synset_domain_topic_of 08199025 +02404076 _hypernym 02402825 +02300797 _hypernym 02309337 +14724025 _synset_domain_topic_of 06084469 +08648658 _hypernym 08673395 +00705580 _synset_domain_topic_of 06043075 +09733899 _hypernym 09641757 +12127890 _hypernym 11556857 +00314272 _derivationally_related_form 00375625 +09050730 _has_part 09052835 +00316195 _hypernym 00156601 +03614007 _has_part 02677718 +04906923 _hypernym 04906712 +09141526 _has_part 09144730 +10330189 _derivationally_related_form 02269894 +02464342 _hypernym 02463704 +00624553 _derivationally_related_form 01165579 +01243089 _synset_domain_topic_of 06234825 +00182037 _derivationally_related_form 03047553 +02420991 _verb_group 01088547 +01614195 _member_meronym 01614343 +01557185 _hypernym 01525720 +03528901 _synset_domain_topic_of 00471613 +11660979 _member_meronym 11661372 +10633298 _hypernym 09621545 +10004282 _hypernym 10305802 +15137047 _hypernym 15163005 +00447309 _hypernym 00140123 +02416278 _hypernym 02413480 +04091247 _hypernym 03385117 +07377473 _derivationally_related_form 00298767 +05833252 _hypernym 05832745 +12280886 _member_meronym 12281241 +01888511 _derivationally_related_form 10498046 +02156871 _has_part 02463403 +01969216 _derivationally_related_form 07445480 +12254478 _hypernym 11575425 +05516848 _hypernym 05515670 +01935012 _hypernym 08103777 +08900535 _member_of_domain_region 01284928 +10674713 _hypernym 10793168 +00334803 _verb_group 00332672 +08310389 _derivationally_related_form 02486932 +07199922 _hypernym 07199565 +02072355 _hypernym 01864707 +02654256 _member_meronym 02654609 +02403920 _verb_group 02465939 +03472232 _hypernym 04285146 +00725775 _hypernym 00722479 +10827155 _instance_hypernym 10022111 +01886220 _member_meronym 02073041 +02576575 _hypernym 02576223 +01076046 _derivationally_related_form 00362348 +10099375 _derivationally_related_form 02600255 +01681513 _hypernym 01657723 +01156834 _derivationally_related_form 09612848 +03510072 _hypernym 04014297 +14619225 _has_part 09272085 +07905618 _hypernym 07884567 +10167565 _derivationally_related_form 01803380 +08275185 _hypernym 07965085 +01862776 _synset_domain_topic_of 00300441 +00484892 _derivationally_related_form 00211110 +02277138 _synset_domain_topic_of 00766234 +06568978 _synset_domain_topic_of 06128570 +09760609 _hypernym 09821831 +02701775 _derivationally_related_form 07181043 +07709701 _hypernym 07709333 +08332330 _hypernym 08329453 +00649482 _hypernym 00646833 +13064678 _member_meronym 13064852 +01974399 _member_meronym 01989701 +11375418 _instance_hypernym 10123844 +01416585 _derivationally_related_form 01458302 +07167578 _derivationally_related_form 00878636 +03214253 _derivationally_related_form 01311896 +13722522 _has_part 13722340 +05772044 _hypernym 05771836 +13070708 _hypernym 11592146 +00786458 _derivationally_related_form 01006675 +04945254 _hypernym 04945057 +03899768 _hypernym 02735688 +00707624 _derivationally_related_form 02919275 +12637319 _member_meronym 12637485 +05385161 _hypernym 05512139 +04367480 _has_part 03785142 +06295235 _member_of_domain_usage 07804152 +04962062 _derivationally_related_form 00282652 +05658603 _derivationally_related_form 02123672 +02456505 _hypernym 01864707 +14854262 _derivationally_related_form 03065685 +00783042 _derivationally_related_form 05695232 +03781787 _hypernym 03278248 +00876665 _derivationally_related_form 07143624 +04758452 _hypernym 04756887 +00480993 _has_part 00110057 +00877083 _derivationally_related_form 07258664 +08624196 _derivationally_related_form 02690708 +01880673 _verb_group 01880113 +01955463 _member_meronym 01964636 +10348526 _synset_domain_topic_of 08199025 +11874300 _member_meronym 11874423 +08584787 _hypernym 08617963 +09913329 _hypernym 10633450 +05771532 _hypernym 05770926 +01280488 _derivationally_related_form 00405360 +02449847 _verb_group 02236624 +02154508 _derivationally_related_form 09279458 +00866314 _derivationally_related_form 07125096 +01785971 _derivationally_related_form 07516354 +15147850 _derivationally_related_form 00252710 +01798782 _derivationally_related_form 07372959 +13005329 _hypernym 12998815 +01888264 _hypernym 01886756 +06398401 _hypernym 06392001 +01974062 _derivationally_related_form 03664514 +02336483 _derivationally_related_form 03405725 +01955463 _member_meronym 01962662 +12135049 _hypernym 12107970 +04261116 _derivationally_related_form 00654625 +12287642 _hypernym 13104059 +08594286 _synset_domain_topic_of 08199025 +12003167 _hypernym 13085113 +01981036 _derivationally_related_form 00052500 +10443170 _derivationally_related_form 02344568 +00461493 _hypernym 00462092 +08845555 _has_part 09263087 +01773930 _hypernym 01759182 +00586262 _hypernym 00582388 +00782527 _derivationally_related_form 02776205 +00320536 _hypernym 00319886 +13491616 _hypernym 13440063 +02204084 _hypernym 01762525 +03398467 _derivationally_related_form 01079172 +07940865 _hypernym 07992450 +14776924 _hypernym 14778019 +09110422 _has_part 03634189 +02148369 _derivationally_related_form 01050187 +04367011 _hypernym 03903424 +02687172 _has_part 03363216 +01674216 _hypernym 01661818 +02889035 _hypernym 04484160 +01549641 _hypernym 01549430 +00937879 _derivationally_related_form 06353445 +12345709 _hypernym 11567411 +08135770 _synset_domain_topic_of 08441203 +05957428 _synset_domain_topic_of 08441203 +00757080 _derivationally_related_form 02565687 +00182213 _derivationally_related_form 02461314 +02931417 _hypernym 04286128 +01624633 _also_see 01460421 +00657604 _hypernym 00658082 +14153616 _hypernym 14153010 +11076079 _instance_hypernym 10123844 +05827684 _derivationally_related_form 02116118 +02761372 _hypernym 02759614 +00420477 _derivationally_related_form 02585489 +08562243 _hypernym 08583095 +04429756 _hypernym 03860882 +01369204 _hypernym 01369346 +00702773 _derivationally_related_form 00308105 +07395446 _derivationally_related_form 01048939 +02750835 _derivationally_related_form 00189580 +02433767 _derivationally_related_form 01152787 +09930102 _hypernym 09974648 +02314275 _hypernym 02205272 +14580090 _derivationally_related_form 00878348 +01589056 _derivationally_related_form 06843520 +06717170 _member_of_domain_usage 09667205 +02281552 _hypernym 01759182 +00441212 _hypernym 00441445 +02202133 _hypernym 02200686 +01326015 _hypernym 05470189 +00126264 _derivationally_related_form 13859043 +00281752 _hypernym 00280853 +02218173 _hypernym 02205272 +00509958 _derivationally_related_form 04694441 +00598954 _derivationally_related_form 05808218 +01831930 _hypernym 01504437 +04487996 _hypernym 06696483 +09837459 _hypernym 10340312 +00375865 _derivationally_related_form 13484644 +00514069 _hypernym 00514463 +02101046 _derivationally_related_form 02855089 +01312371 _derivationally_related_form 13894306 +00696414 _derivationally_related_form 06469377 +01928390 _synset_domain_topic_of 00523513 +08706058 _instance_hypernym 08633957 +05086740 _derivationally_related_form 01965156 +03294833 _derivationally_related_form 01548718 +05247178 _has_part 05247369 +02505807 _verb_group 02373578 +05327134 _hypernym 05426243 +05310351 _hypernym 05470189 +00752431 _hypernym 00751145 +02678663 _derivationally_related_form 05192451 +14398523 _hypernym 14398067 +01551195 _derivationally_related_form 14363483 +10783734 _derivationally_related_form 00505802 +04505036 _hypernym 03007591 +00231567 _derivationally_related_form 02644622 +00932798 _derivationally_related_form 07173959 +01916187 _hypernym 01915811 +01024190 _derivationally_related_form 10309347 +12563913 _hypernym 11585340 +15069820 _derivationally_related_form 00431610 +01606335 _hypernym 01507175 +02302853 _hypernym 01762525 +02167052 _derivationally_related_form 05311054 +11771924 _has_part 07746910 +02266864 _hypernym 02263378 +14814616 _derivationally_related_form 02771997 +00697062 _derivationally_related_form 10067968 +08780881 _member_of_domain_region 09559404 +01995211 _derivationally_related_form 03233905 +07238102 _derivationally_related_form 02677332 +10266848 _derivationally_related_form 02582450 +01036319 _hypernym 00137313 +14051201 _hypernym 14049711 +00459776 _derivationally_related_form 01066163 +13023783 _hypernym 08103777 +03379204 _has_part 03378915 +00287258 _derivationally_related_form 14989820 +04493505 _derivationally_related_form 01580928 +10336537 _derivationally_related_form 00934744 +13409647 _hypernym 13409160 +01903756 _hypernym 01903346 +05905152 _derivationally_related_form 02369390 +13810615 _hypernym 13809207 +02187922 _derivationally_related_form 09229709 +00622584 _derivationally_related_form 01144657 +07373602 _derivationally_related_form 00243124 +07144416 _hypernym 07142566 +12060816 _member_meronym 12061380 +01406356 _synset_domain_topic_of 00471613 +12035423 _hypernym 11575425 +13451508 _derivationally_related_form 00442669 +01240979 _derivationally_related_form 02478059 +12715569 _member_meronym 12717524 +01577093 _derivationally_related_form 00442847 +10522035 _hypernym 10351874 +01922303 _hypernym 01905661 +05786184 _derivationally_related_form 00704388 +02219940 _hypernym 02219094 +08860123 _member_of_domain_region 13618180 +09800249 _hypernym 09952163 +00324560 _derivationally_related_form 00247442 +02551824 _member_meronym 02553196 +00605616 _hypernym 00586262 +02566528 _derivationally_related_form 10285762 +01539633 _derivationally_related_form 14597413 +13375323 _hypernym 13374426 +00468236 _verb_group 00468583 +05564590 _has_part 05576194 +01038666 _derivationally_related_form 07136940 +00840363 _derivationally_related_form 01067002 +00365012 _hypernym 00363788 +07157273 _member_of_domain_usage 06730241 +02993546 _hypernym 02913152 +00631591 _hypernym 00630380 +09885416 _hypernym 10557854 +03017922 _derivationally_related_form 01640855 +05275651 _hypernym 05269901 +00060063 _hypernym 00358431 +02840361 _derivationally_related_form 01285440 +00093483 _hypernym 00045907 +00146443 _derivationally_related_form 00190180 +14674408 _hypernym 15096783 +02258354 _hypernym 01762525 +07942152 _derivationally_related_form 02650840 +05222591 _derivationally_related_form 01277431 +01456939 _hypernym 01429349 +03167666 _hypernym 03961939 +07747055 _hypernym 07705931 +09759311 _hypernym 10557854 +05121418 _derivationally_related_form 00235918 +01656788 _hypernym 01295275 +02394068 _member_meronym 02436813 +02257370 _derivationally_related_form 01109467 +04741807 _hypernym 04737934 +02017149 _hypernym 02016523 +01762528 _derivationally_related_form 05828102 +02152278 _hypernym 02131279 +02660442 _hypernym 02604477 +12991488 _member_meronym 12992022 +13565622 _derivationally_related_form 00103875 +13508333 _synset_domain_topic_of 06172789 +02413480 _verb_group 02410855 +01494310 _derivationally_related_form 01051331 +01787693 _hypernym 01762525 +01193721 _derivationally_related_form 00841628 +13019202 _hypernym 11592146 +00563552 _hypernym 02467662 +01522789 _member_meronym 01522952 +07525555 _derivationally_related_form 00925372 +01796800 _derivationally_related_form 01743217 +04065464 _hypernym 04105893 +01910529 _hypernym 08103777 +11986091 _member_meronym 11986306 +09397391 _hypernym 09328904 +01775535 _hypernym 01775164 +11902595 _member_meronym 11902709 +02109818 _verb_group 00358431 +00201407 _hypernym 00200397 +03005920 _derivationally_related_form 00109660 +10379376 _hypernym 10576962 +01912159 _derivationally_related_form 10727016 +08860123 _member_of_domain_region 07696527 +01426153 _hypernym 01425892 +01886407 _also_see 02094755 +01879983 _hypernym 01862557 +08176077 _member_meronym 08752021 +01472251 _synset_domain_topic_of 00766234 +01461646 _hypernym 01458842 +02325558 _derivationally_related_form 00227595 +05060783 _hypernym 07296428 +02300018 _member_meronym 02300173 +02377938 _derivationally_related_form 07964495 +01471825 _derivationally_related_form 03947888 +05484355 _hypernym 05329735 +01990627 _member_meronym 01991982 +01633343 _derivationally_related_form 05633385 +02640053 _derivationally_related_form 10277352 +07280072 _derivationally_related_form 02312478 +06715223 _derivationally_related_form 00845299 +01230965 _derivationally_related_form 02428924 +00634586 _derivationally_related_form 00948071 +09118639 _instance_hypernym 08665504 +05103946 _derivationally_related_form 01382086 +09134386 _has_part 09135447 +15074568 _hypernym 15005716 +00215314 _derivationally_related_form 02431320 +01014821 _derivationally_related_form 06648207 +01471043 _derivationally_related_form 00775460 +00913795 _derivationally_related_form 07121361 +06224657 _hypernym 05946687 +04588365 _hypernym 03848729 +00608978 _hypernym 00609100 +11815194 _member_meronym 11815491 +06381869 _hypernym 06377442 +02043982 _derivationally_related_form 07440979 +09307902 _has_part 09426788 +01665507 _hypernym 01664172 +01741864 _hypernym 01740608 +07044917 _hypernym 07037465 +02662239 _hypernym 02661017 +09901143 _derivationally_related_form 01439190 +10848122 _instance_hypernym 10566072 +10284064 _hypernym 09614315 +05563266 _has_part 05274808 +08925830 _instance_hypernym 08524735 +11168645 _instance_hypernym 10214637 +07075172 _member_of_domain_usage 00476819 +03455355 _hypernym 03489162 +01394464 _hypernym 00338071 +01151110 _hypernym 01987160 +11099729 _instance_hypernym 09920283 +08075388 _member_meronym 10621400 +09424489 _derivationally_related_form 01816431 +00643250 _derivationally_related_form 05624700 +06295235 _member_of_domain_usage 04335693 +03416329 _hypernym 03848729 +12890009 _hypernym 11579418 +10564800 _derivationally_related_form 02463990 +11796744 _member_meronym 11799520 +07403920 _hypernym 07404114 +01313249 _verb_group 01360899 +00960562 _hypernym 00960734 +02750432 _derivationally_related_form 07096661 +10347446 _hypernym 10347593 +01438720 _member_meronym 01443398 +02974003 _has_part 03547658 +11444816 _synset_domain_topic_of 06037666 +04761815 _derivationally_related_form 00625774 +10489426 _derivationally_related_form 06139491 +02540670 _derivationally_related_form 09821831 +01425336 _hypernym 01387617 +00026385 _hypernym 00146138 +02467003 _derivationally_related_form 00355691 +01021128 _derivationally_related_form 05925366 +00601822 _derivationally_related_form 00084371 +03118539 _derivationally_related_form 00417001 +12015076 _hypernym 11579418 +05404074 _hypernym 05397468 +02601767 _hypernym 02601344 +13611567 _hypernym 13600097 +03051540 _has_part 04550426 +00201058 _derivationally_related_form 01915365 +08146782 _member_meronym 09847727 +05999540 _hypernym 05999266 +01810447 _derivationally_related_form 01627965 +10836029 _instance_hypernym 09765278 +12039743 _member_meronym 12085117 +10930428 _instance_hypernym 09711132 +05885622 _hypernym 05872982 +08321956 _hypernym 08309409 +07018931 _hypernym 06619065 +03243625 _hypernym 03738472 +07250339 _derivationally_related_form 02043190 +07395104 _hypernym 07387509 +10511960 _hypernym 10225219 +10700201 _derivationally_related_form 02460619 +10780632 _hypernym 10640620 +10217038 _hypernym 09774783 +09856671 _hypernym 00007846 +09692624 _hypernym 09634494 +14597758 _derivationally_related_form 01549057 +00321956 _derivationally_related_form 01580467 +01211888 _hypernym 00395333 +07593774 _hypernym 07593549 +01722998 _hypernym 01695681 +02401661 _member_meronym 02402010 +10423589 _derivationally_related_form 02858231 +00963447 _hypernym 00962129 +07492516 _hypernym 07490713 +01654429 _hypernym 01626600 +07959016 _hypernym 07951464 +03323703 _hypernym 04081844 +13812607 _hypernym 00031921 +09885145 _hypernym 09984659 +12871992 _member_meronym 12872257 +07730855 _hypernym 07723330 +01045719 _derivationally_related_form 10149128 +01140515 _derivationally_related_form 10160913 +09039411 _instance_hypernym 08544813 +11818636 _hypernym 11669921 +01571904 _hypernym 01525720 +07993109 _member_meronym 07993279 +06250597 _hypernym 05943300 +01350699 _hypernym 01223182 +01037910 _derivationally_related_form 13931436 +13454479 _derivationally_related_form 00458276 +00324560 _derivationally_related_form 07580782 +00290276 _hypernym 00279835 +11752404 _member_meronym 11752578 +00074834 _derivationally_related_form 14288235 +02181599 _hypernym 01762525 +13053450 _hypernym 11592146 +05269901 _has_part 05285623 +10093908 _derivationally_related_form 00300537 +07553016 _hypernym 07552729 +00718924 _derivationally_related_form 04671841 +02075049 _derivationally_related_form 10115082 +07449157 _hypernym 08253450 +00411020 _hypernym 00109660 +11794267 _member_meronym 11795366 +00118733 _derivationally_related_form 00076400 +01798936 _hypernym 02558172 +01306853 _also_see 02290029 +09023321 _member_of_domain_region 06966825 +10610850 _hypernym 10702781 +06840648 _hypernym 06818970 +09303647 _has_part 09241047 +12967504 _hypernym 11590783 +01422539 _synset_domain_topic_of 06128570 +12251137 _member_meronym 12251278 +14049098 _hypernym 14501726 +08967329 _has_part 08967484 +11190183 _instance_hypernym 10650162 +05685030 _hypernym 05683582 +00419375 _derivationally_related_form 07443210 +06539502 _hypernym 06552984 +04284002 _derivationally_related_form 01579622 +12410032 _hypernym 11567411 +12379531 _hypernym 13104059 +01222666 _hypernym 01222477 +00198850 _derivationally_related_form 06741728 +01741744 _member_meronym 01742680 +08172103 _member_meronym 09164561 +00298896 _hypernym 00126264 +14973133 _hypernym 14974264 +09963914 _hypernym 10383237 +03879116 _derivationally_related_form 01582200 +10544232 _derivationally_related_form 02616542 +00140967 _hypernym 00109660 +09656673 _hypernym 09645091 +06845599 _member_of_domain_usage 03804311 +06554981 _derivationally_related_form 02273293 +10698064 _derivationally_related_form 06272290 +05503705 _has_part 05504107 +08136260 _hypernym 08348815 +01531998 _derivationally_related_form 04694441 +01640550 _verb_group 01753596 +00694068 _derivationally_related_form 10524223 +00510050 _also_see 01911053 +13889843 _derivationally_related_form 02037090 +01535246 _derivationally_related_form 04554684 +11937965 _member_meronym 11938261 +02359204 _member_meronym 02359324 +02245993 _hypernym 02244956 +11665781 _member_meronym 13140535 +11881742 _hypernym 11869351 +13597794 _synset_domain_topic_of 06809074 +11911591 _member_meronym 12020048 +02158587 _hypernym 02144835 +01503404 _hypernym 01463963 +01644050 _hypernym 01627355 +02107588 _derivationally_related_form 06750154 +12852726 _member_meronym 12853080 +00357332 _derivationally_related_form 05229805 +02475261 _derivationally_related_form 01140471 +14483917 _hypernym 14481929 +09814660 _hypernym 09610660 +12118912 _member_meronym 12119238 +05540513 _has_part 05544575 +11480930 _derivationally_related_form 02135048 +03928116 _has_part 03928589 +07330666 _derivationally_related_form 10080508 +12900987 _has_part 07721456 +02810471 _has_part 03274796 +01530098 _hypernym 01528821 +06055300 _derivationally_related_form 10421470 +06063588 _hypernym 06045562 +05652396 _hypernym 05651971 +01643092 _hypernym 01626600 +01881034 _hypernym 01831531 +08821187 _instance_hypernym 08552138 +15269128 _hypernym 15269513 +03306610 _has_part 02969323 +01719645 _member_meronym 01719914 +12964572 _hypernym 11590783 +11668573 _hypernym 08103777 +09863749 _hypernym 10503452 +02497400 _derivationally_related_form 01247413 +02154416 _hypernym 02153445 +02049190 _derivationally_related_form 00342755 +05313822 _has_part 05314919 +09087599 _has_part 09407632 +00783246 _hypernym 00782527 +01930482 _verb_group 01930117 +08860123 _member_of_domain_region 00550242 +01404129 _member_meronym 01404628 +00631737 _derivationally_related_form 06782680 +00671351 _has_part 00716055 +02588099 _derivationally_related_form 04807776 +00181005 _synset_domain_topic_of 00671351 +00908772 _derivationally_related_form 01693881 +01013770 _derivationally_related_form 03018498 +10321474 _derivationally_related_form 01730216 +06489190 _hypernym 06481320 +01264243 _hypernym 00037396 +01854519 _derivationally_related_form 04390977 +01109087 _hypernym 01108148 +06355307 _hypernym 06353934 +09976283 _hypernym 10276764 +01282545 _hypernym 00449692 +06700325 _hypernym 06700169 +08559155 _synset_domain_topic_of 08441203 +00143251 _derivationally_related_form 00230276 +00242583 _hypernym 00237078 +00569318 _derivationally_related_form 13463656 +01828714 _hypernym 01504437 +10009671 _derivationally_related_form 00845909 +06295235 _member_of_domain_usage 09269972 +00442981 _hypernym 00442115 +07590320 _hypernym 07588947 +01705717 _member_meronym 01705934 +04338359 _derivationally_related_form 01360571 +01963942 _hypernym 01831531 +12980231 _member_meronym 12982103 +13902482 _hypernym 13864153 +01843055 _derivationally_related_form 00311809 +07389569 _derivationally_related_form 02178866 +00261705 _derivationally_related_form 03932203 +00192910 _hypernym 00192613 +01127623 _derivationally_related_form 00748282 +00660381 _derivationally_related_form 05047279 +11864364 _member_meronym 11900058 +00649481 _hypernym 00789138 +12726670 _hypernym 12724942 +00977336 _derivationally_related_form 06726939 +08860123 _member_of_domain_region 08167953 +09044862 _has_part 09068444 +08394922 _has_part 08141092 +00378042 _derivationally_related_form 00403911 +07715561 _hypernym 07707451 +00335814 _hypernym 00331950 +05209822 _hypernym 04723816 +01719921 _verb_group 01716882 +04143365 _derivationally_related_form 01358023 +11884198 _member_meronym 11884384 +09969718 _hypernym 10763383 +02507337 _hypernym 01862557 +00943281 _verb_group 00941990 +10035952 _hypernym 09768830 +04822223 _hypernym 04723816 +12350234 _member_meronym 12354068 +08849372 _instance_hypernym 08633957 +03569293 _hypernym 04377057 +02678070 _derivationally_related_form 01244593 +09797113 _hypernym 10756433 +01877620 _derivationally_related_form 00327824 +07309223 _derivationally_related_form 01799794 +01655902 _derivationally_related_form 00269258 +14040846 _hypernym 14040660 +07069948 _hypernym 07066659 +00786195 _derivationally_related_form 02530167 +05331812 _hypernym 05250659 +06913313 _hypernym 06906439 +01985923 _derivationally_related_form 03246454 +02043665 _derivationally_related_form 01101753 +03935450 _hypernym 04565375 +05053688 _derivationally_related_form 01754421 +02602620 _hypernym 01432517 +01466978 _derivationally_related_form 08512736 +04965661 _derivationally_related_form 00289840 +09048460 _hypernym 08574314 +02410855 _verb_group 02407987 +13049953 _hypernym 12997654 +08780881 _member_of_domain_region 08042536 +11975482 _hypernym 11579418 +14525548 _hypernym 14525365 +00814458 _hypernym 00812977 +05635448 _derivationally_related_form 01145766 +03764276 _hypernym 04524313 +01613463 _also_see 01475282 +10402824 _hypernym 00007846 +00319534 _synset_domain_topic_of 06083243 +13562862 _hypernym 13518963 +12098227 _hypernym 11567411 +14023997 _hypernym 14034177 +02766328 _derivationally_related_form 00070641 +02196690 _derivationally_related_form 14607521 +01912893 _derivationally_related_form 05003090 +02710429 _hypernym 03429288 +00635904 _hypernym 00634906 +01348174 _also_see 01347678 +02579447 _derivationally_related_form 00273319 +00962447 _hypernym 00740577 +10712055 _derivationally_related_form 01473346 +08771841 _instance_hypernym 08665504 +06878071 _derivationally_related_form 01067512 +01078235 _hypernym 01076615 +02295550 _hypernym 01158872 +13850674 _has_part 11432387 +00892861 _derivationally_related_form 00594146 +01697027 _hypernym 01659248 +12501745 _member_meronym 12510569 +14055623 _hypernym 14052403 +02182220 _hypernym 01762525 +02042923 _member_meronym 02043207 +02451912 _instance_hypernym 02451575 +08097222 _derivationally_related_form 09685398 +08069878 _hypernym 08419984 +01413942 _hypernym 01397114 +01481599 _member_meronym 01496617 +11694300 _hypernym 11693981 +04128837 _has_part 03512911 +05912012 _hypernym 05911255 +00828374 _derivationally_related_form 07243837 +10662649 _hypernym 09939313 +00200863 _derivationally_related_form 00394610 +05526384 _has_part 05513020 +08975902 _has_part 08975617 +05953614 _hypernym 05661996 +07814203 _hypernym 07812184 +01174555 _derivationally_related_form 02399000 +01185475 _derivationally_related_form 07575076 +00949841 _derivationally_related_form 00189565 +01727684 _derivationally_related_form 10435041 +14984973 _derivationally_related_form 00281101 +00002684 _hypernym 00001930 +01794363 _derivationally_related_form 07495551 +03145843 _hypernym 03641706 +00130093 _derivationally_related_form 01615457 +02065726 _hypernym 02063224 +12662772 _hypernym 13104059 +09159003 _has_part 09294066 +02493673 _member_meronym 02493793 +05704266 _derivationally_related_form 00600370 +01500873 _derivationally_related_form 10629020 +15217787 _hypernym 15216966 +02225231 _hypernym 01759182 +00856824 _derivationally_related_form 06693198 +02855793 _derivationally_related_form 02505606 +01037148 _derivationally_related_form 04799881 +01269008 _derivationally_related_form 04521987 +09261138 _instance_hypernym 09411430 +09067277 _has_part 09249418 +10155849 _derivationally_related_form 04928903 +02055267 _hypernym 02058994 +09819291 _hypernym 09818343 +07169353 _derivationally_related_form 01097960 +10260166 _synset_domain_topic_of 08199025 +01156438 _derivationally_related_form 01098869 +10782471 _synset_domain_topic_of 00478262 +05689645 _hypernym 05689249 +01533442 _derivationally_related_form 00580370 +03284482 _hypernym 03058107 +06744000 _hypernym 06738281 +09498497 _synset_domain_topic_of 06371413 +03472232 _derivationally_related_form 00100551 +04509417 _derivationally_related_form 01935846 +01536474 _hypernym 01507175 +15268857 _derivationally_related_form 00947077 +15266911 _hypernym 15180528 +01229938 _hypernym 01080366 +02322596 _hypernym 02321757 +12669641 _member_meronym 12669803 +06264812 _derivationally_related_form 01032127 +12025507 _hypernym 11672400 +02761392 _derivationally_related_form 00480221 +01742415 _synset_domain_topic_of 00916464 +01188273 _synset_domain_topic_of 08441203 +10551576 _hypernym 09809538 +15217911 _hypernym 15216966 +12972629 _member_meronym 12974286 +02523750 _hypernym 01432517 +07320176 _derivationally_related_form 00548266 +00117985 _derivationally_related_form 01053617 +01738347 _hypernym 01736822 +01774799 _derivationally_related_form 10616379 +00404222 _hypernym 00404642 +15282696 _derivationally_related_form 00439343 +07140348 _hypernym 07139873 +04661151 _derivationally_related_form 00813044 +02193163 _hypernym 02193009 +13333833 _hypernym 13354420 +01483324 _also_see 01476685 +04027023 _hypernym 04372370 +05679611 _derivationally_related_form 00191603 +02310855 _derivationally_related_form 08420278 +06768901 _hypernym 06722453 +09275473 _has_part 08714132 +01325417 _hypernym 05470189 +01870275 _hypernym 01887576 +02317212 _hypernym 08103777 +14492373 _derivationally_related_form 01191645 +00879540 _derivationally_related_form 07240925 +08177030 _member_meronym 08897065 +09945905 _derivationally_related_form 00965606 +05624254 _hypernym 05624042 +12118223 _hypernym 11556857 +00514871 _derivationally_related_form 15068436 +14997012 _hypernym 15046900 +02072501 _also_see 02017937 +12818147 _hypernym 11567411 +00454237 _hypernym 00453935 +09845589 _hypernym 09821253 +01120069 _derivationally_related_form 09821253 +01330822 _derivationally_related_form 13907847 +13607985 _hypernym 13583724 +10178917 _derivationally_related_form 01917244 +15210870 _has_part 15223574 +07574602 _hypernym 07573696 +07350401 _derivationally_related_form 01892104 +01663920 _derivationally_related_form 02897237 +12190712 _member_meronym 12190869 +07122639 _hypernym 07120524 +00620554 _hypernym 00582388 +13907847 _derivationally_related_form 01279015 +07500741 _derivationally_related_form 00694068 +00086320 _derivationally_related_form 00697365 +08853741 _has_part 08857529 +01167981 _derivationally_related_form 08253815 +09044862 _has_part 09053185 +14512817 _hypernym 13934596 +03644378 _derivationally_related_form 01604251 +06171040 _derivationally_related_form 02842445 +07202579 _derivationally_related_form 01588493 +07224774 _derivationally_related_form 00872414 +02475078 _derivationally_related_form 03089121 +12605019 _member_meronym 12609638 +00024279 _derivationally_related_form 01048466 +03584254 _hypernym 04315948 +00593108 _derivationally_related_form 10474645 +01149470 _derivationally_related_form 00430140 +10880398 _instance_hypernym 10705615 +00937208 _verb_group 00952841 +09707400 _hypernym 09728403 +00763399 _derivationally_related_form 06649567 +02459173 _derivationally_related_form 03546340 +01648001 _member_meronym 01648356 +09991867 _derivationally_related_form 01425892 +08176077 _member_meronym 08720481 +08249038 _hypernym 08246613 +02399791 _hypernym 05395690 +14535905 _hypernym 14534696 +00276813 _hypernym 00276620 +13521616 _synset_domain_topic_of 00017222 +01954962 _member_meronym 01955084 +14046202 _has_part 14048134 +02025530 _member_meronym 02030442 +08548733 _hypernym 08491826 +03495671 _derivationally_related_form 10160913 +06466030 _instance_hypernym 06362953 +00209174 _hypernym 01458973 +08107499 _member_meronym 08108972 +02472012 _member_meronym 02472293 +02382367 _hypernym 02383440 +12969425 _hypernym 12969131 +07582277 _hypernym 07581346 +01313093 _member_meronym 01918152 +01872877 _derivationally_related_form 00112312 +10363445 _derivationally_related_form 02118476 +08966085 _instance_hypernym 08524735 +06185581 _hypernym 05943300 +14856263 _derivationally_related_form 02067889 +10399130 _hypernym 09928136 +03239399 _hypernym 03895585 +13802306 _hypernym 13801424 +02295717 _hypernym 02295550 +12972818 _member_meronym 12972966 +03967942 _derivationally_related_form 01422886 +07705711 _derivationally_related_form 01739814 +02490030 _hypernym 01862557 +09625401 _derivationally_related_form 02496816 +14548343 _hypernym 14547369 +14446652 _derivationally_related_form 00479933 +00048912 _hypernym 00047945 +04507155 _has_part 04087126 +01538310 _hypernym 01531998 +07208930 _hypernym 07121157 +08717059 _instance_hypernym 08691669 +07749731 _hypernym 07747055 +04370774 _has_part 04370456 +08166318 _hypernym 08435388 +12262327 _hypernym 11573173 +12769815 _member_meronym 12776946 +15217308 _hypernym 15216966 +04224155 _derivationally_related_form 01613391 +03409591 _has_part 03471473 +13694160 _hypernym 13662703 +05129201 _hypernym 05009170 +00809654 _derivationally_related_form 10022759 +09357580 _instance_hypernym 09411430 +06851742 _member_of_domain_usage 02678528 +07254057 _derivationally_related_form 01781180 +06423619 _hypernym 06417598 +10029269 _derivationally_related_form 00935940 +09581129 _synset_domain_topic_of 07983856 +07204240 _hypernym 06729499 +01751389 _synset_domain_topic_of 07006119 +11444117 _derivationally_related_form 00358431 +08616311 _hypernym 08593262 +00655987 _derivationally_related_form 05095691 +02907082 _hypernym 03485997 +01776214 _hypernym 01775164 +01701334 _hypernym 01342529 +01632411 _derivationally_related_form 06732013 +01859325 _hypernym 01858441 +14793533 _hypernym 14633206 +02620443 _member_meronym 02620578 +01718535 _synset_domain_topic_of 06157326 +08925957 _instance_hypernym 08633957 +05194578 _derivationally_related_form 01650425 +01754421 _also_see 00346991 +13644047 _hypernym 15278281 +14499262 _derivationally_related_form 00276373 +00826201 _hypernym 00826509 +05494365 _hypernym 05493303 +13990064 _derivationally_related_form 01904845 +03780047 _hypernym 03967562 +01835496 _also_see 01921964 +06377442 _has_part 07052291 +13487409 _hypernym 13486838 +05632446 _hypernym 05625465 +07874531 _hypernym 07557434 +03688192 _hypernym 04508949 +08079319 _hypernym 08208560 +10053808 _derivationally_related_form 02409412 +07209089 _derivationally_related_form 00807941 +00776523 _derivationally_related_form 04687333 +02334849 _hypernym 01862557 +08984122 _instance_hypernym 08524735 +00721437 _hypernym 00598954 +14795432 _hypernym 14794993 +02222318 _derivationally_related_form 00043609 +01172889 _derivationally_related_form 14052046 +03148324 _hypernym 04328946 +02460619 _derivationally_related_form 06522501 +01904293 _derivationally_related_form 00443231 +13864965 _derivationally_related_form 02036339 +09815076 _derivationally_related_form 02308552 +01067512 _derivationally_related_form 10614363 +10769321 _hypernym 10034201 +00897026 _synset_domain_topic_of 06892775 +05831784 _hypernym 05830059 +12221191 _hypernym 13110915 +00978549 _derivationally_related_form 09811712 +14883206 _derivationally_related_form 00445940 +12914433 _member_meronym 12916356 +13245076 _hypernym 13244109 +00446695 _hypernym 00126264 +12386724 _member_meronym 12386945 +00552458 _derivationally_related_form 00744506 +00864475 _derivationally_related_form 06718434 +05053688 _derivationally_related_form 01758339 +13851067 _derivationally_related_form 00702434 +10321126 _derivationally_related_form 02446660 +10117851 _hypernym 10129825 +13813042 _derivationally_related_form 00700162 +02636921 _derivationally_related_form 00766234 +10787470 _hypernym 09619168 +09715521 _hypernym 09715165 +12853901 _hypernym 11579418 +14128812 _hypernym 13974317 +02237338 _derivationally_related_form 00203342 +08032023 _synset_domain_topic_of 00759694 +02531625 _hypernym 00670261 +09141526 _has_part 09145217 +07634901 _hypernym 07635155 +02208280 _hypernym 02206856 +12345495 _member_meronym 12345709 +01605119 _member_meronym 01617633 +11319570 _instance_hypernym 10084635 +13467916 _derivationally_related_form 00355955 +02347865 _hypernym 01862557 +01791232 _derivationally_related_form 07507912 +03648066 _derivationally_related_form 01535246 +02561661 _hypernym 02561108 +01394901 _member_meronym 01396776 +00340192 _derivationally_related_form 01155090 +01543632 _hypernym 01542786 +00277569 _derivationally_related_form 00601378 +10048001 _derivationally_related_form 00981944 +09769929 _hypernym 10215623 +05544432 _hypernym 05542893 +07184735 _derivationally_related_form 00774817 +01519046 _member_meronym 01519719 +00590366 _hypernym 00588221 +01174973 _hypernym 01201089 +05894143 _hypernym 05893916 +04928903 _derivationally_related_form 01687569 +14541852 _derivationally_related_form 02697120 +02743727 _derivationally_related_form 07405893 +01803003 _derivationally_related_form 07519040 +01667959 _hypernym 01657723 +01509079 _derivationally_related_form 10435988 +03570709 _hypernym 03081021 +08374049 _derivationally_related_form 00415044 +04292733 _derivationally_related_form 02171664 +11858406 _hypernym 11573660 +15233239 _instance_hypernym 15113229 +04679549 _hypernym 04673965 +10557854 _derivationally_related_form 05985999 +11205246 _instance_hypernym 09765278 +00059899 _derivationally_related_form 00230324 +01686439 _also_see 00643250 +15154190 _hypernym 15153787 +01643657 _hypernym 01641914 +03774673 _hypernym 02722997 +14310292 _hypernym 14370267 +01887076 _derivationally_related_form 01128193 +10665302 _hypernym 00007846 +00662485 _derivationally_related_form 06520222 +12029326 _hypernym 11579418 +00854904 _derivationally_related_form 00753685 +01490336 _derivationally_related_form 04551375 +05891232 _hypernym 05890249 +00177243 _derivationally_related_form 00531490 +09334396 _derivationally_related_form 01981279 +14908977 _hypernym 14580897 +02013889 _member_meronym 02014061 +02614288 _hypernym 01432517 +12615986 _hypernym 11556857 +08971025 _instance_hypernym 08698379 +12391745 _member_meronym 12392385 +01412279 _hypernym 01347199 +01320513 _derivationally_related_form 10587227 +01364008 _derivationally_related_form 13989051 +00159177 _hypernym 00042311 +01778017 _derivationally_related_form 03560161 +02649830 _also_see 01177314 +04967191 _derivationally_related_form 00521478 +02649689 _member_meronym 02650050 +12983404 _hypernym 11592146 +10040344 _derivationally_related_form 02696306 +08918944 _has_part 08919475 +01301410 _derivationally_related_form 03525252 +00788821 _hypernym 00786816 +01966861 _also_see 01923414 +01672753 _synset_domain_topic_of 00714944 +00900726 _derivationally_related_form 02736778 +08970189 _instance_hypernym 08524735 +11544131 _member_meronym 11544314 +08915784 _instance_hypernym 08574314 +01689226 _member_meronym 01689411 +02093610 _derivationally_related_form 07439284 +00955565 _hypernym 00955060 +09277010 _instance_hypernym 09360122 +01186428 _derivationally_related_form 01058870 +01930117 _derivationally_related_form 10334101 +04464852 _hypernym 04170037 +05563266 _has_part 05352433 +08572162 _synset_domain_topic_of 07006119 +07006119 _derivationally_related_form 03005423 +04951373 _derivationally_related_form 00291873 +01590837 _hypernym 01507175 +00333829 _derivationally_related_form 01207527 +01626844 _derivationally_related_form 06487897 +13197800 _hypernym 13167078 +00076884 _derivationally_related_form 02097047 +03758720 _hypernym 02720201 +00126721 _hypernym 00140652 +00858849 _hypernym 00858188 +04060647 _has_part 02715229 +03481172 _has_part 03501614 +06956129 _hypernym 06955931 +11105298 _instance_hypernym 10151760 +10635788 _hypernym 00007846 +00582145 _hypernym 00126264 +09044862 _member_of_domain_region 10311661 +12473405 _hypernym 11561228 +08134807 _hypernym 08123167 +12838027 _member_meronym 12840640 +04066476 _hypernym 03385557 +08982587 _has_part 08984457 +06651577 _derivationally_related_form 02439732 +02073714 _derivationally_related_form 00055633 +05712076 _derivationally_related_form 02106006 +02291391 _member_meronym 02291572 +09075842 _has_part 09242514 +14794823 _hypernym 14850483 +01819911 _hypernym 01793933 +12398682 _member_meronym 12403862 +10034201 _derivationally_related_form 01172275 +02335349 _member_meronym 02343187 +00237869 _derivationally_related_form 01753788 +13120446 _hypernym 01384687 +10190516 _derivationally_related_form 02302817 +11292391 _instance_hypernym 10423589 +05650329 _hypernym 05616246 +04027367 _has_part 04027023 +15037339 _hypernym 00020090 +07140348 _derivationally_related_form 00881998 +02334867 _hypernym 02327200 +08672562 _derivationally_related_form 00415044 +00029336 _hypernym 00028565 +13924336 _synset_domain_topic_of 06070929 +02229055 _derivationally_related_form 06544142 +01719921 _verb_group 02744977 +09044862 _has_part 09075842 +00560529 _derivationally_related_form 02231473 +01105385 _hypernym 01105639 +01488555 _derivationally_related_form 03864994 +01136519 _derivationally_related_form 00404642 +10463714 _hypernym 10731244 +06460524 _instance_hypernym 06394865 +11786539 _has_part 11786843 +02238743 _member_meronym 02239073 +02126022 _hypernym 02125641 +00886807 _hypernym 00883297 +07072698 _hypernym 07066659 +10049363 _hypernym 10605985 +08405124 _synset_domain_topic_of 08199025 +11692952 _member_meronym 11708181 +00559329 _hypernym 00558883 +13169219 _member_meronym 12959802 +02242049 _hypernym 02242464 +08672199 _hypernym 08491826 +08993288 _has_part 08994090 +02583545 _derivationally_related_form 01169317 +04417809 _synset_domain_topic_of 07006119 +01377758 _hypernym 01376245 +00698104 _hypernym 00672433 +07994331 _hypernym 07993929 +15235126 _has_part 15236338 +12694707 _member_meronym 12700219 +00506299 _also_see 01507134 +07540602 _derivationally_related_form 01798936 +09021503 _has_part 09170475 +10804102 _hypernym 10544232 +00506672 _derivationally_related_form 13485408 +12699301 _hypernym 13104059 +01719302 _verb_group 00013615 +08920722 _instance_hypernym 09316454 +02862048 _has_part 02895154 +02595702 _hypernym 02594552 +00155487 _derivationally_related_form 02286204 +00478830 _derivationally_related_form 07331013 +01688428 _hypernym 01657723 +12169776 _member_meronym 12183916 +14456893 _derivationally_related_form 00457998 +00328802 _hypernym 02032415 +02365672 _member_meronym 02365848 +00890100 _derivationally_related_form 06686174 +03401500 _hypernym 03944672 +06684572 _derivationally_related_form 01013040 +00919877 _derivationally_related_form 00052845 +10676877 _derivationally_related_form 02163301 +09117351 _member_of_domain_region 01294127 +07816052 _hypernym 07809368 +02592397 _hypernym 01194418 +03673027 _has_part 02932227 +09094217 _instance_hypernym 08695539 +07181546 _derivationally_related_form 00804802 +12556793 _has_part 07726796 +02853449 _hypernym 03839993 +00436668 _hypernym 00123170 +12014524 _hypernym 11929027 +06103270 _hypernym 05993844 +01984902 _hypernym 01983771 +00745187 _derivationally_related_form 07109847 +09167101 _instance_hypernym 08698379 +07373602 _derivationally_related_form 00394813 +01520058 _hypernym 01342529 +07672135 _hypernym 14864360 +09169038 _instance_hypernym 08505573 +10670310 _derivationally_related_form 02299269 +01899262 _hypernym 01871979 +08740875 _member_of_domain_region 09956780 +00326291 _derivationally_related_form 01955808 +08902422 _member_meronym 09713501 +06335532 _has_part 06335162 +12222715 _member_meronym 12223160 +02542795 _derivationally_related_form 04906273 +02945161 _derivationally_related_form 02653996 +00442669 _derivationally_related_form 13451508 +14124688 _hypernym 14124423 +04337740 _derivationally_related_form 01236164 +02418341 _hypernym 01864707 +01821423 _derivationally_related_form 05682950 +03130073 _derivationally_related_form 09747329 +05605192 _hypernym 05463533 +01870275 _derivationally_related_form 00328502 +06999233 _hypernym 06998748 +12203529 _hypernym 12202936 +09930257 _hypernym 10518194 +01704761 _also_see 00940437 +10110421 _hypernym 09632518 +07288639 _hypernym 00029378 +01365355 _derivationally_related_form 03360845 +08859173 _derivationally_related_form 09714952 +01534147 _derivationally_related_form 00276620 +13250930 _hypernym 13244109 +04384593 _hypernym 03427296 +04878646 _derivationally_related_form 09911849 +07400552 _hypernym 07382572 +07357388 _hypernym 07359599 +01966706 _hypernym 01970826 +14500047 _derivationally_related_form 00276214 +00107875 _hypernym 00106272 +06711855 _derivationally_related_form 00823669 +05333777 _hypernym 05417975 +02974615 _derivationally_related_form 08798382 +00489837 _hypernym 01061017 +09034286 _instance_hypernym 08524735 +10009484 _hypernym 10215623 +06362441 _hypernym 06351202 +01298668 _derivationally_related_form 00390906 +06782680 _derivationally_related_form 00631737 +02221959 _hypernym 01850315 +10671736 _derivationally_related_form 02406585 +06334512 _synset_domain_topic_of 08441203 +09020440 _has_part 09384223 +01970342 _hypernym 01938850 +08626080 _derivationally_related_form 00131018 +12744387 _has_part 07766173 +01628449 _hypernym 01617192 +10080337 _hypernym 00007846 +03116767 _hypernym 02938886 +01250908 _derivationally_related_form 14333136 +00345761 _derivationally_related_form 10363913 +00594621 _derivationally_related_form 05804793 +04576211 _has_part 04574999 +10104592 _hypernym 10228278 +01697027 _derivationally_related_form 03779621 +10018021 _derivationally_related_form 02521410 +01590171 _derivationally_related_form 00267349 +11827775 _member_meronym 11833577 +00740053 _derivationally_related_form 00164345 +00445802 _hypernym 00433458 +01198779 _hypernym 01198101 +08164585 _derivationally_related_form 02431971 +05301752 _hypernym 05531161 +10673451 _hypernym 10383816 +00165178 _derivationally_related_form 02391803 +01502262 _member_meronym 01825417 +02048891 _derivationally_related_form 00343249 +02538985 _hypernym 01428580 +10104209 _derivationally_related_form 00592535 +12558902 _member_meronym 12559044 +01560369 _derivationally_related_form 04186848 +00555138 _derivationally_related_form 02084252 +00236999 _derivationally_related_form 07567390 +14923060 _hypernym 04961691 +09023321 _instance_hypernym 08696931 +04389033 _hypernym 04464852 +00227667 _hypernym 00227165 +05968835 _hypernym 05943300 +12429942 _member_meronym 12430198 +00163047 _derivationally_related_form 00698398 +08783583 _member_meronym 09711530 +01524885 _member_meronym 01576506 +00290579 _derivationally_related_form 01996735 +01932586 _hypernym 01931768 +06552814 _synset_domain_topic_of 08441203 +05015678 _derivationally_related_form 01252566 +02203362 _derivationally_related_form 10529231 +00680841 _hypernym 00701040 +01103159 _hypernym 01094725 +00474017 _derivationally_related_form 14459824 +04854389 _derivationally_related_form 01370590 +04273064 _hypernym 03852280 +10072708 _derivationally_related_form 00649481 +15226214 _has_part 15226732 +02755352 _derivationally_related_form 01356750 +01025089 _hypernym 01024190 +03761084 _hypernym 03620052 +00419289 _also_see 02424254 +12058429 _hypernym 11556857 +07781207 _hypernym 07780627 +00041188 _derivationally_related_form 01079480 +06722453 _hypernym 06598915 +02609764 _derivationally_related_form 15266911 +01753596 _verb_group 01640550 +02064154 _member_meronym 02064338 +06489968 _hypernym 06628861 +02144110 _hypernym 01864707 +10883688 _instance_hypernym 10679174 +00013328 _hypernym 00010435 +05557839 _hypernym 05557339 +00668112 _hypernym 00671351 +02458103 _hypernym 02376958 +00640385 _hypernym 00637259 +01582645 _derivationally_related_form 00938419 +10747672 _derivationally_related_form 00944548 +02299801 _synset_domain_topic_of 00092366 +01284908 _derivationally_related_form 00147862 +04670022 _hypernym 04669247 +08191987 _has_part 08194074 +02193799 _hypernym 01759182 +14578471 _hypernym 13920835 +02579447 _derivationally_related_form 00272448 +00165298 _hypernym 00163779 +02436514 _hypernym 01864707 +00062203 _derivationally_related_form 13513747 +02860389 _derivationally_related_form 05551711 +07436352 _hypernym 07434942 +05920791 _derivationally_related_form 00932636 +01254978 _derivationally_related_form 01049737 +11835806 _member_meronym 11836556 +01704752 _synset_domain_topic_of 00929718 +01391174 _member_meronym 01391569 +07013400 _hypernym 06260121 +09029457 _has_part 09030596 +12626030 _member_meronym 12628356 +02635580 _hypernym 02554730 +04739630 _hypernym 04737934 +00726300 _derivationally_related_form 05734559 +00458471 _verb_group 00458754 +05784242 _derivationally_related_form 02166460 +11919447 _hypernym 13085113 +08176077 _member_meronym 08989031 +01643657 _derivationally_related_form 04485226 +15299367 _synset_domain_topic_of 06226057 +06248214 _derivationally_related_form 10063177 +13169219 _member_meronym 13227235 +01550761 _hypernym 01547832 +01058224 _hypernym 02172888 +11325534 _instance_hypernym 10067011 +01424456 _derivationally_related_form 10191001 +12684153 _member_meronym 12684379 +00669481 _hypernym 00671351 +01907258 _derivationally_related_form 07351612 +10210137 _hypernym 10515194 +02539359 _derivationally_related_form 00047745 +00302464 _derivationally_related_form 04787324 +13572436 _derivationally_related_form 00366858 +09303647 _has_part 09277010 +00137279 _synset_domain_topic_of 00468480 +02447001 _derivationally_related_form 09892831 +08011523 _instance_hypernym 08472335 +12090318 _member_meronym 12096223 +01169317 _derivationally_related_form 02583545 +06295235 _member_of_domain_usage 03093574 +01076359 _derivationally_related_form 00400883 +01251128 _similar_to 01252566 +01148283 _derivationally_related_form 13987423 +01070892 _hypernym 01068773 +02173336 _hypernym 02172888 +11295936 _instance_hypernym 10030277 +05434927 _has_part 05435277 +09955015 _derivationally_related_form 02573275 +01821266 _derivationally_related_form 14481929 +08775053 _instance_hypernym 08524735 +02196081 _derivationally_related_form 07815588 +09050730 _has_part 09049599 +01844653 _derivationally_related_form 02932891 +12548280 _hypernym 12205694 +14452616 _derivationally_related_form 02654686 +02061495 _derivationally_related_form 00555983 +00802962 _hypernym 00802238 +03684823 _hypernym 04170037 +00392960 _derivationally_related_form 05071368 +00196485 _hypernym 00191142 +00113853 _hypernym 00109660 +00634472 _derivationally_related_form 00550282 +00792991 _derivationally_related_form 13951984 +14685017 _hypernym 14875077 +01016778 _derivationally_related_form 06729499 +10716005 _derivationally_related_form 00071178 +05540121 _has_part 05540513 +02551824 _member_meronym 02552171 +07320302 _hypernym 07296428 +00758972 _derivationally_related_form 01785971 +01414502 _hypernym 01388130 +10287213 _derivationally_related_form 01475831 +01356888 _member_meronym 01357328 +06431740 _derivationally_related_form 02854747 +11856573 _hypernym 13083023 +06904171 _hypernym 06282651 +12554242 _hypernym 11585340 +06566077 _hypernym 06355894 +00286333 _derivationally_related_form 04960582 +00139908 _synset_domain_topic_of 00243918 +02444662 _hypernym 00803325 +13555599 _derivationally_related_form 00009147 +00991838 _derivationally_related_form 14864360 +12635955 _hypernym 12635744 +00431826 _derivationally_related_form 13457378 +01730216 _hypernym 01729431 +05436752 _synset_domain_topic_of 06078088 +01780941 _derivationally_related_form 07520612 +14576242 _hypernym 14544672 +00128867 _derivationally_related_form 01401772 +14918994 _derivationally_related_form 02126686 +05501185 _has_part 05502090 +12191461 _hypernym 11575425 +09289331 _hypernym 09309292 +09016232 _instance_hypernym 08574314 +00949288 _derivationally_related_form 00872107 +01145766 _hypernym 01143838 +01548193 _derivationally_related_form 04846770 +04616059 _hypernym 00024264 +01379636 _member_meronym 01379954 +08358594 _hypernym 08359949 +15032376 _derivationally_related_form 01323338 +00983635 _derivationally_related_form 07112550 +08337324 _hypernym 08077292 +03632277 _hypernym 04298171 +01625562 _hypernym 01621127 +07745197 _hypernym 07742704 +13604718 _hypernym 13583724 +02291391 _hypernym 01759182 +02288295 _derivationally_related_form 10782791 +01799086 _member_meronym 01800042 +13030438 _member_meronym 13030852 +01844431 _derivationally_related_form 10407726 +00681429 _derivationally_related_form 09802239 +08860123 _member_of_domain_region 07577657 +14705718 _derivationally_related_form 01354006 +10828573 _instance_hypernym 10547145 +04729328 _hypernym 04728786 +00553823 _hypernym 00333829 +13150378 _hypernym 13134947 +10418101 _derivationally_related_form 02698944 +01029852 _hypernym 01030132 +09108164 _has_part 09220046 +13548531 _derivationally_related_form 00371051 +12853287 _hypernym 12853080 +01452593 _also_see 01919931 +14518924 _derivationally_related_form 00275253 +09906538 _derivationally_related_form 01149138 +07249336 _hypernym 07248801 +05993367 _derivationally_related_form 10456138 +01508368 _derivationally_related_form 10709529 +09472413 _hypernym 09287968 +03225108 _hypernym 02821627 +00269963 _derivationally_related_form 00167824 +00836788 _derivationally_related_form 00003316 +12039743 _member_meronym 12048231 +01323338 _verb_group 01323793 +07650903 _hypernym 07570720 +14816181 _hypernym 14755077 +02015384 _hypernym 02005948 +00037514 _derivationally_related_form 03177165 +08153437 _member_meronym 10474064 +00567604 _derivationally_related_form 05720248 +09261604 _instance_hypernym 09403734 +12959967 _member_meronym 12961689 +07362218 _derivationally_related_form 01986367 +12653056 _member_meronym 12654387 +02946921 _hypernym 03094503 +15246353 _hypernym 15122231 +10616204 _derivationally_related_form 02322230 +12312405 _hypernym 11556857 +05258299 _hypernym 05257737 +00083334 _synset_domain_topic_of 06063588 +04887497 _derivationally_related_form 10047459 +00286008 _hypernym 00283090 +02301825 _derivationally_related_form 00082870 +04828925 _synset_domain_topic_of 00015388 +09752657 _hypernym 00007846 +01096245 _hypernym 01095753 +08913434 _member_of_domain_region 08344917 +04893787 _derivationally_related_form 02421158 +09248294 _hypernym 09334396 +00828336 _derivationally_related_form 10310903 +02429475 _hypernym 02428924 +00891936 _derivationally_related_form 10149527 +10464542 _hypernym 10694258 +04499180 _hypernym 03082979 +01879251 _derivationally_related_form 15280695 +01847845 _hypernym 01846916 +02037278 _member_meronym 02037713 +00321652 _synset_domain_topic_of 00243918 +01125084 _hypernym 01119169 +01149138 _hypernym 02453889 +11849271 _hypernym 11842204 +08156685 _member_meronym 11086279 +01313093 _member_meronym 02314717 +05546540 _has_part 05588551 +10681557 _hypernym 10677271 +02461723 _derivationally_related_form 13960464 +00338559 _verb_group 00355955 +01463965 _also_see 02533313 +00355252 _synset_domain_topic_of 00973077 +01134861 _derivationally_related_form 00515154 +01041674 _hypernym 01028082 +05714745 _derivationally_related_form 02126686 +01488539 _member_meronym 01490885 +02327200 _hypernym 02199590 +02563327 _hypernym 02560164 +09077821 _instance_hypernym 08524735 +12712320 _has_part 07750299 +01669883 _member_meronym 01670378 +11804604 _member_meronym 11813830 +03246052 _derivationally_related_form 01489465 +07432119 _derivationally_related_form 00067999 +11678768 _hypernym 11675842 +10363149 _derivationally_related_form 00822101 +01761120 _derivationally_related_form 04628192 +10551576 _synset_domain_topic_of 08199025 +03947888 _hypernym 04194289 +01484717 _hypernym 01432517 +10609092 _derivationally_related_form 01322675 +01265475 _derivationally_related_form 01812324 +09433442 _derivationally_related_form 01981436 +05284333 _has_part 05473104 +00763282 _hypernym 00759694 +03304605 _hypernym 03740161 +02590237 _member_meronym 02592244 +05984584 _derivationally_related_form 00596644 +00966869 _derivationally_related_form 01565472 +03608661 _hypernym 02719294 +02370806 _hypernym 01886756 +00946650 _hypernym 00945401 +12039743 _member_meronym 12077732 +01645157 _hypernym 01644746 +08844279 _instance_hypernym 09316454 +07412310 _hypernym 07412092 +07231048 _derivationally_related_form 00932161 +07201365 _derivationally_related_form 00965035 +07681450 _synset_domain_topic_of 00243918 +00702969 _hypernym 00702773 +07191279 _derivationally_related_form 00754942 +09188094 _instance_hypernym 09403734 +07324380 _hypernym 07290905 +01802309 _hypernym 01504437 +05054863 _derivationally_related_form 01755627 +00591858 _derivationally_related_form 10014939 +01562584 _hypernym 01504437 +02969886 _hypernym 04038727 +11851395 _member_meronym 11851578 +13464204 _derivationally_related_form 00092293 +01955463 _member_meronym 01963017 +09203827 _member_meronym 09316454 +02388143 _hypernym 02382948 +08008017 _hypernym 07951464 +05490983 _hypernym 05329735 +02662076 _derivationally_related_form 14503665 +06267145 _hypernym 06263369 +00838856 _also_see 00834198 +13558953 _hypernym 13518963 +03982430 _has_part 03972799 +03917455 _hypernym 02722458 +12265394 _hypernym 13104059 +04621738 _hypernym 04652930 +05943300 _derivationally_related_form 00605086 +02416278 _derivationally_related_form 00411384 +10069427 _hypernym 10231087 +05525628 _hypernym 05250659 +12787007 _member_meronym 12787196 +11748501 _hypernym 11747468 +00208210 _derivationally_related_form 00374835 +01483324 _derivationally_related_form 04666615 +11993932 _hypernym 11579418 +01754737 _hypernym 01617192 +04757522 _hypernym 04756887 +02021438 _hypernym 01342529 +02526085 _derivationally_related_form 00035189 +02344060 _derivationally_related_form 01235137 +01950952 _hypernym 01938850 +02727039 _verb_group 02686625 +02830852 _hypernym 03771443 +01815431 _member_meronym 01816336 +02653159 _derivationally_related_form 03679384 +14713748 _hypernym 14712692 +04880830 _derivationally_related_form 01309991 +08975902 _has_part 08902894 +02516255 _hypernym 02514187 +13077033 _hypernym 12992868 +05481095 _has_part 05500594 +01882170 _derivationally_related_form 00284798 +12736455 _member_meronym 12736603 +04820258 _derivationally_related_form 00428404 +05833371 _derivationally_related_form 00748282 +00120943 _synset_domain_topic_of 00469651 +11601918 _hypernym 11600372 +02368399 _hypernym 02329401 +00854717 _hypernym 00844254 +00776988 _derivationally_related_form 10055297 +07681450 _hypernym 07679356 +00115500 _hypernym 00114431 +02735418 _derivationally_related_form 07291794 +08800258 _has_part 08800676 +12958921 _member_meronym 12959074 +10650162 _hypernym 10450303 +02357741 _member_meronym 02358091 +07289014 _derivationally_related_form 01764171 +03297735 _hypernym 04341686 +01751173 _derivationally_related_form 10158010 +00697923 _derivationally_related_form 04820258 +01593011 _hypernym 01592456 +13993356 _derivationally_related_form 02650795 +02070296 _hypernym 02069551 +02337699 _synset_domain_topic_of 00607542 +13354420 _member_meronym 13333047 +02487718 _derivationally_related_form 00062133 +02653159 _derivationally_related_form 02839200 +05828102 _derivationally_related_form 01762528 +13644522 _hypernym 13635108 +02994312 _derivationally_related_form 01035853 +09943811 _derivationally_related_form 01140471 +08734385 _has_part 08735345 +02480673 _member_meronym 02480855 +10156629 _hypernym 09682291 +10409752 _derivationally_related_form 02249741 +03819595 _derivationally_related_form 01672168 +02421158 _derivationally_related_form 04893787 +02308741 _derivationally_related_form 00090779 +01568493 _hypernym 01507175 +01890626 _derivationally_related_form 07391240 +14993137 _hypernym 14844693 +00598056 _derivationally_related_form 10480730 +10126424 _derivationally_related_form 06075527 +00243124 _derivationally_related_form 07373602 +13630387 _hypernym 13601596 +01985247 _derivationally_related_form 00617095 +15216966 _hypernym 15209413 +03665366 _hypernym 04263760 +00437125 _hypernym 00126264 +07835051 _hypernym 07832902 +02142064 _member_meronym 02142295 +00971999 _verb_group 00715239 +08887841 _member_of_domain_region 08033194 +01168468 _verb_group 01166351 +07715721 _hypernym 07715561 +10754578 _hypernym 10340312 +06633041 _derivationally_related_form 00899956 +04698112 _hypernym 04673965 +01313923 _derivationally_related_form 08550076 +00229026 _derivationally_related_form 13468306 +09735258 _hypernym 09641757 +03773268 _has_part 04012260 +01048466 _hypernym 01046984 +15252635 _hypernym 15120823 +04668819 _derivationally_related_form 02464693 +00575083 _hypernym 00574227 +05981230 _derivationally_related_form 01150559 +01422172 _derivationally_related_form 00321195 +01131043 _also_see 01549291 +04194289 _derivationally_related_form 01979462 +09800631 _derivationally_related_form 00880978 +08616311 _derivationally_related_form 01952750 +02286687 _derivationally_related_form 07214432 +14678406 _hypernym 14662574 +02527498 _hypernym 01429349 +07230502 _derivationally_related_form 00652346 +03132076 _hypernym 03132261 +12126911 _member_meronym 12127030 +00806314 _hypernym 00805376 +08711974 _has_part 09341673 +14586258 _hypernym 00019613 +03188979 _hypernym 03740161 +01527774 _hypernym 01507175 +12476036 _member_meronym 12476902 +00765649 _derivationally_related_form 05195362 +08849753 _member_of_domain_region 01301080 +10634075 _derivationally_related_form 02272090 +01031705 _derivationally_related_form 10693824 +00102303 _hypernym 00006238 +08913434 _has_part 08914413 +12600574 _member_meronym 12603784 +02686625 _hypernym 02052476 +09060768 _has_part 09170996 +11955770 _hypernym 11579418 +10757193 _hypernym 09629752 +13858833 _hypernym 13854649 +04693384 _hypernym 04692157 +05178715 _derivationally_related_form 02453692 +11974888 _hypernym 11974126 +12411710 _member_meronym 12412606 +08135342 _has_part 08142170 +01329239 _hypernym 01340439 +01007222 _synset_domain_topic_of 06274921 +01976477 _member_meronym 01980328 +13496771 _derivationally_related_form 00191517 +12605519 _hypernym 11556857 +07664007 _hypernym 07663592 +02063771 _hypernym 02035919 +01313093 _member_meronym 01908703 +01219893 _derivationally_related_form 00845909 +08720481 _member_of_domain_region 08033829 +01600478 _hypernym 01587062 +12685214 _member_meronym 12687211 +02121188 _derivationally_related_form 05723563 +02729632 _hypernym 02604760 +13282550 _derivationally_related_form 02249741 +13343526 _hypernym 13342987 +01847565 _member_meronym 01848648 +01876843 _member_meronym 01879379 +08304135 _member_meronym 09014066 +05974564 _derivationally_related_form 10509161 +09071690 _has_part 09221723 +01534034 _hypernym 01507175 +09044862 _has_part 09155306 +12342043 _hypernym 11585340 +02137428 _member_meronym 02137549 +08391387 _has_part 08391696 +07423560 _derivationally_related_form 00339464 +06709692 _hypernym 06709533 +01358259 _member_meronym 01358572 +07286014 _hypernym 07285403 +03749807 _hypernym 04421872 +02115324 _also_see 00417413 +08811982 _instance_hypernym 08803382 +01298931 _derivationally_related_form 00708017 +11883945 _hypernym 11869351 +07279045 _hypernym 08435388 +13065902 _hypernym 11594676 +00285557 _derivationally_related_form 02091410 +02618468 _derivationally_related_form 02704949 +01957202 _member_meronym 01957335 +06762380 _derivationally_related_form 00199309 +10026976 _derivationally_related_form 00017674 +15218037 _hypernym 15216966 +01530678 _hypernym 01291069 +15277730 _hypernym 15286249 +00018526 _derivationally_related_form 01259773 +12707432 _member_meronym 12709901 +04849759 _hypernym 04846770 +01083077 _derivationally_related_form 01378556 +11911591 _member_meronym 11999958 +00964343 _synset_domain_topic_of 08199025 +08334087 _synset_domain_topic_of 08441203 +07157273 _member_of_domain_usage 09716439 +02184610 _derivationally_related_form 07396945 +02665282 _hypernym 02657219 +04470232 _hypernym 04017429 +02862048 _has_part 03144873 +01393996 _derivationally_related_form 00252307 +08910394 _has_part 09044190 +00326619 _synset_domain_topic_of 00243918 +13189656 _hypernym 13167078 +14497763 _hypernym 14494716 +12013811 _hypernym 11579418 +06845599 _member_of_domain_usage 03971771 +01828736 _derivationally_related_form 07491708 +00067274 _derivationally_related_form 00836149 +06740183 _derivationally_related_form 00896141 +02489288 _member_meronym 02491590 +07194950 _hypernym 07193958 +08111157 _synset_domain_topic_of 06037666 +06794666 _derivationally_related_form 03120454 +00252430 _hypernym 00251013 +01392843 _hypernym 01342529 +00235368 _derivationally_related_form 00808182 +07643306 _derivationally_related_form 00507143 +12313005 _hypernym 08103777 +14051201 _derivationally_related_form 01829747 +04842515 _hypernym 04842313 +05534712 _hypernym 05534333 +11056654 _instance_hypernym 10536416 +01827858 _hypernym 00694068 +10511425 _derivationally_related_form 00068617 +00405079 _hypernym 00404642 +05562249 _hypernym 05560244 +05250659 _derivationally_related_form 01933900 +00914215 _derivationally_related_form 07123288 +02443049 _derivationally_related_form 10388732 +13905792 _derivationally_related_form 01279305 +01346003 _derivationally_related_form 00338641 +08937109 _instance_hypernym 08633957 +01871979 _hypernym 01850315 +01051118 _hypernym 00952182 +02031934 _hypernym 02022684 +01013770 _derivationally_related_form 10693824 +13565781 _derivationally_related_form 00095990 +12963140 _hypernym 11594676 +00705227 _hypernym 00708538 +06753550 _hypernym 06750804 +03033362 _has_part 02955247 +00607114 _derivationally_related_form 06598445 +07373277 _hypernym 07283608 +00442847 _derivationally_related_form 01577093 +10990733 _instance_hypernym 10467395 +03371728 _hypernym 04446521 +01845627 _member_meronym 01850035 +01350449 _derivationally_related_form 05194578 +14406573 _hypernym 14373582 +05008227 _derivationally_related_form 01483324 +09867437 _hypernym 09631463 +02060792 _verb_group 00444629 +07220773 _derivationally_related_form 00954271 +02614023 _hypernym 02613860 +02055267 _verb_group 02061495 +14660443 _hypernym 14625458 +00941451 _hypernym 00940842 +02553196 _member_meronym 02620033 +01900150 _derivationally_related_form 00212173 +02618468 _derivationally_related_form 02705201 +12423565 _member_meronym 12473405 +14456893 _hypernym 14456138 +10693646 _hypernym 10034906 +12528549 _hypernym 12527738 +00698398 _derivationally_related_form 05983654 +01564144 _derivationally_related_form 00737973 +12106540 _hypernym 11744859 +06695579 _derivationally_related_form 00880227 +00229260 _derivationally_related_form 02426395 +07805006 _hypernym 07800091 +02611154 _hypernym 01432517 +08801678 _has_part 08811215 +02021149 _derivationally_related_form 08617963 +10602470 _hypernym 10368009 +12255659 _member_meronym 12257343 +04360501 _hypernym 04361095 +04011242 _hypernym 04360501 +12879719 _member_meronym 12879963 +04936403 _hypernym 04934546 +09099526 _instance_hypernym 08655464 +06619850 _hypernym 06619428 +12772081 _member_meronym 12772557 +08860123 _member_of_domain_region 00985921 +07748753 _hypernym 07747607 +00704690 _derivationally_related_form 05728678 +14258609 _hypernym 14336539 +08139795 _has_part 08142801 +02332445 _synset_domain_topic_of 01101958 +00751567 _derivationally_related_form 07168131 +01430633 _derivationally_related_form 00856193 +02538765 _hypernym 02376958 +12882591 _member_meronym 12882779 +02415831 _derivationally_related_form 00582868 +12530208 _hypernym 11585340 +08231499 _synset_domain_topic_of 00471613 +06707846 _hypernym 06706676 +01135952 _synset_domain_topic_of 01094725 +01556514 _hypernym 01555809 +02655523 _hypernym 02652668 +01564630 _hypernym 01507175 +05121418 _derivationally_related_form 00948853 +01309143 _derivationally_related_form 10563826 +12374002 _member_meronym 12375294 +09572425 _synset_domain_topic_of 07979425 +00911562 _derivationally_related_form 07535670 +02574910 _hypernym 02552171 +01965806 _derivationally_related_form 10746931 +10767519 _hypernym 10791221 +12169776 _member_meronym 12185687 +10140314 _hypernym 10451263 +10623175 _derivationally_related_form 00604321 +05563770 _has_part 05584928 +12251577 _hypernym 11575425 +02289177 _hypernym 01762525 +02252039 _member_meronym 02252429 +03092656 _synset_domain_topic_of 03082979 +12171966 _has_part 07733394 +10819755 _instance_hypernym 10537240 +09874862 _hypernym 09821831 +13819207 _hypernym 13815152 +07514345 _hypernym 07513508 +00356790 _derivationally_related_form 01389329 +01863410 _verb_group 01863158 +00911572 _derivationally_related_form 02335629 +06449361 _instance_hypernym 06431740 +04835028 _derivationally_related_form 10047459 +00014742 _derivationally_related_form 05681117 +12954185 _hypernym 13167078 +08975902 _member_of_domain_region 08283180 +08612049 _has_part 08495617 +12379781 _hypernym 13104059 +11751598 _member_meronym 11751765 +14195939 _hypernym 14195715 +12143572 _hypernym 11556857 +06455138 _hypernym 06429590 +04568713 _derivationally_related_form 01672168 +05651399 _hypernym 05650329 +11766432 _hypernym 13139055 +02521816 _derivationally_related_form 01177703 +02200509 _derivationally_related_form 01898282 +02396667 _member_meronym 02396796 +00866606 _derivationally_related_form 02116777 +02171633 _hypernym 01759182 +02472223 _hypernym 02471690 +06589574 _derivationally_related_form 00967625 +01089737 _hypernym 01089878 +01299037 _instance_hypernym 00956485 +10786033 _hypernym 09626589 +00848169 _derivationally_related_form 09999135 +01426397 _derivationally_related_form 02818832 +04781349 _derivationally_related_form 00170156 +03777568 _hypernym 02958343 +04618781 _derivationally_related_form 00007846 +12707040 _member_meronym 12707199 +10959857 _instance_hypernym 10705615 +05540513 _has_part 05541645 +01654628 _derivationally_related_form 00911048 +10844231 _instance_hypernym 10453533 +05531814 _has_part 05301752 +11719468 _member_meronym 11724529 +00788362 _hypernym 00786195 +13102409 _derivationally_related_form 01921964 +11629501 _member_meronym 11640471 +00096766 _derivationally_related_form 13479889 +09878275 _derivationally_related_form 01654628 +01640567 _hypernym 01626600 +04848262 _hypernym 04847991 +08109624 _synset_domain_topic_of 06037666 +04945057 _derivationally_related_form 01826723 +05321307 _has_part 05322103 +00639975 _hypernym 00639556 +02257767 _derivationally_related_form 05696425 +00994076 _derivationally_related_form 10481268 +10468962 _hypernym 10469346 +11866078 _member_meronym 11866248 +06310237 _hypernym 06312966 +01883212 _member_meronym 01884348 +03881534 _hypernym 03141065 +00377002 _hypernym 00146138 +09586011 _synset_domain_topic_of 07978423 +04941942 _hypernym 04941124 +12637319 _hypernym 11585340 +00557419 _derivationally_related_form 01117484 +15210486 _has_part 15187077 +01732921 _derivationally_related_form 01133760 +01871406 _hypernym 08103777 +00891936 _hypernym 02453889 +06399631 _hypernym 06365467 +09440400 _has_part 08720481 +08860123 _member_of_domain_region 02969323 +05532225 _has_part 05395690 +10667187 _derivationally_related_form 01336587 +00374534 _hypernym 00445467 +03229244 _derivationally_related_form 01604586 +05491993 _has_part 05476915 +03376595 _hypernym 03001627 +00048374 _derivationally_related_form 02005948 +00521641 _derivationally_related_form 04968895 +07121361 _derivationally_related_form 00913065 +01185981 _derivationally_related_form 00716130 +07653394 _hypernym 07649854 +02579447 _derivationally_related_form 00271263 +02704617 _hypernym 00489837 +00548326 _hypernym 00407535 +05600637 _has_part 05602132 +02835654 _derivationally_related_form 15004501 +08196024 _hypernym 08198137 +12723985 _member_meronym 12731202 +08780881 _has_part 08783583 +01784295 _derivationally_related_form 14066492 +01926376 _also_see 01430847 +09542339 _derivationally_related_form 00547300 +00879356 _verb_group 01076615 +13662190 _has_part 13665965 +08010364 _instance_hypernym 08392137 +02631659 _derivationally_related_form 03325769 +00840189 _derivationally_related_form 01202068 +02534734 _hypernym 02512938 +02244956 _hypernym 02245765 +01640383 _member_meronym 01640846 +05690269 _hypernym 05689249 +02046755 _derivationally_related_form 07440979 +00895501 _has_part 00896348 +10226803 _hypernym 09820263 +05094725 _hypernym 05093890 +09071690 _has_part 09073938 +00022099 _hypernym 00018813 +01588493 _derivationally_related_form 07270179 +09428967 _hypernym 00020827 +10011074 _hypernym 10632576 +03176084 _hypernym 03040587 +14999106 _hypernym 14732946 +14881303 _derivationally_related_form 02335363 +08766988 _has_part 09263087 +03151077 _hypernym 03405265 +00043683 _derivationally_related_form 00828559 +00176756 _synset_domain_topic_of 06037666 +00700000 _has_part 00661847 +02079170 _member_meronym 02079706 +06732710 _hypernym 06729499 +02113335 _hypernym 02084071 +04606014 _derivationally_related_form 01669643 +00886272 _hypernym 00883297 +08253450 _derivationally_related_form 02147962 +07443210 _derivationally_related_form 00441212 +01576506 _hypernym 01504437 +02488834 _derivationally_related_form 10295819 +09109444 _has_part 09109882 +00980453 _derivationally_related_form 06286395 +06515489 _hypernym 06514093 +06782019 _hypernym 06598915 +13812296 _hypernym 13812607 +01373844 _derivationally_related_form 02754103 +00071803 _hypernym 00069879 +08364143 _derivationally_related_form 09892262 +01223616 _derivationally_related_form 03150232 +08132046 _hypernym 08337324 +10760763 _derivationally_related_form 00664483 +02527813 _member_meronym 02528163 +09615465 _hypernym 00007846 +00168658 _derivationally_related_form 01855606 +07996412 _derivationally_related_form 02771320 +02730135 _verb_group 00136991 +15291498 _derivationally_related_form 02397460 +02354781 _hypernym 02353861 +10554455 _hypernym 09632518 +00320852 _derivationally_related_form 01421622 +06696991 _hypernym 06696483 +07240077 _hypernym 07238694 +06648207 _derivationally_related_form 01014821 +01198101 _derivationally_related_form 00834636 +02491590 _member_meronym 02492536 +02747667 _derivationally_related_form 04675314 +01959927 _synset_domain_topic_of 00299217 +01354869 _member_meronym 01360330 +01302365 _hypernym 01301410 +04062644 _synset_domain_topic_of 08199025 +01578821 _member_meronym 01579578 +09209263 _has_part 08710678 +09945021 _synset_domain_topic_of 08199025 +02417534 _hypernym 02416519 +08900535 _has_part 08903352 +00137877 _hypernym 00136329 +05817145 _derivationally_related_form 00901103 +02393401 _derivationally_related_form 04818284 +00999815 _hypernym 00179311 +09053185 _has_part 09459557 +13143626 _hypernym 11567411 +12488121 _member_meronym 12489815 +05500594 _hypernym 05462674 +08929922 _has_part 08939201 +01370590 _also_see 02037272 +13624190 _hypernym 13616054 +02502387 _hypernym 02502536 +01731353 _verb_group 01730384 +12100538 _member_meronym 12114981 +00818170 _hypernym 00817680 +04897762 _hypernym 04616059 +03835582 _hypernym 03082979 +06192789 _hypernym 06073888 +01520844 _derivationally_related_form 10016954 +01895757 _derivationally_related_form 04391276 +02570062 _hypernym 02600490 +07648549 _hypernym 07578363 +01023259 _derivationally_related_form 07180570 +01775230 _member_meronym 01775370 +04373894 _has_part 02848216 +05895138 _derivationally_related_form 09899929 +10786033 _hypernym 10630188 +11656123 _hypernym 13108841 +08139637 _hypernym 08337324 +02091410 _derivationally_related_form 06645039 +05813229 _derivationally_related_form 01775164 +01765392 _derivationally_related_form 13969700 +01075117 _hypernym 00954086 +01561819 _hypernym 01561143 +02719294 _hypernym 03740161 +00722232 _verb_group 00722675 +02934888 _derivationally_related_form 02305856 +09940818 _hypernym 09940146 +02609764 _derivationally_related_form 06398401 +01528542 _member_meronym 01528654 +02557199 _hypernym 02452885 +02661252 _derivationally_related_form 06022291 +14870078 _hypernym 14959644 +13988663 _derivationally_related_form 01149494 +01850315 _derivationally_related_form 08478482 +01802219 _derivationally_related_form 07050619 +08375526 _derivationally_related_form 02458943 +07884182 _hypernym 07883980 +10536416 _hypernym 10599806 +01157557 _derivationally_related_form 01088005 +01931768 _derivationally_related_form 10290422 +00926702 _hypernym 00917772 +01960459 _derivationally_related_form 01383511 +08366440 _hypernym 06217944 +00198631 _derivationally_related_form 02400037 +03372029 _derivationally_related_form 10098245 +00833702 _derivationally_related_form 09931640 +05313822 _hypernym 05313679 +02072159 _derivationally_related_form 00329819 +04418644 _hypernym 03665366 +02027730 _hypernym 01507175 +00346095 _hypernym 00331950 +02721948 _hypernym 02723292 +08156685 _hypernym 07971582 +02249741 _derivationally_related_form 13282007 +10580030 _hypernym 09774783 +02874282 _derivationally_related_form 08188449 +13180534 _hypernym 11545714 +05402091 _hypernym 07961016 +07478169 _hypernym 07296428 +15055936 _derivationally_related_form 00255389 +11380923 _instance_hypernym 10123844 +15237782 _derivationally_related_form 01255807 +06449735 _has_part 06438477 +02777927 _hypernym 04341686 +00650932 _hypernym 00650353 +09130714 _instance_hypernym 08524735 +09996920 _hypernym 09894143 +01781478 _also_see 02055062 +07222823 _derivationally_related_form 00953216 +05641959 _derivationally_related_form 00597385 +02557902 _hypernym 02557199 +13424643 _hypernym 13427078 +09962789 _derivationally_related_form 02077656 +00989602 _derivationally_related_form 07167415 +02906734 _hypernym 03039947 +06604066 _hypernym 06601327 +06455990 _hypernym 06429590 +03894379 _derivationally_related_form 00332835 +00860620 _derivationally_related_form 06693198 +03299929 _derivationally_related_form 00021554 +12541157 _hypernym 12539306 +01838961 _member_meronym 01839086 +09029884 _instance_hypernym 08552138 +01069125 _synset_domain_topic_of 05946687 +01031256 _derivationally_related_form 10282920 +02416410 _member_meronym 02416519 +01163779 _derivationally_related_form 10069427 +10008716 _hypernym 09831962 +02461014 _hypernym 01864707 +06512580 _hypernym 06513366 +02403325 _has_part 01325417 +04848262 _derivationally_related_form 01826723 +01430847 _derivationally_related_form 04785669 +08766988 _member_of_domain_region 07897600 +02527651 _derivationally_related_form 00076072 +12581230 _hypernym 11534677 +01009637 _hypernym 01009190 +08860123 _member_of_domain_region 09351547 +04241249 _derivationally_related_form 00051170 +08512736 _derivationally_related_form 02710673 +02923510 _derivationally_related_form 06234825 +02429695 _member_meronym 02432139 +09201301 _has_part 09224325 +01676313 _member_meronym 01677913 +02020237 _derivationally_related_form 10293172 +00132756 _hypernym 00131090 +01685313 _derivationally_related_form 09614315 +11794267 _member_meronym 11794791 +01716619 _derivationally_related_form 07018931 +08946187 _member_meronym 09748889 +01466047 _derivationally_related_form 04029125 +01383646 _derivationally_related_form 01906749 +02500884 _also_see 01275562 +09610660 _derivationally_related_form 00740577 +07697537 _hypernym 07695965 +05892096 _derivationally_related_form 00917300 +01285440 _derivationally_related_form 04433185 +08144308 _hypernym 08337324 +06435916 _instance_hypernym 06394865 +09713985 _hypernym 09686536 +02300378 _member_meronym 02300797 +01711749 _derivationally_related_form 00155487 +14043882 _derivationally_related_form 01476180 +01794344 _hypernym 01794158 +00656576 _hypernym 00654625 +02294436 _hypernym 02199590 +14857897 _derivationally_related_form 02223238 +01722828 _member_meronym 01722998 +01037148 _derivationally_related_form 09620794 +01663939 _member_meronym 01664065 +00043480 _derivationally_related_form 03916031 +12769815 _hypernym 11534677 +01697027 _synset_domain_topic_of 00933420 +01486151 _hypernym 01486312 +01195299 _derivationally_related_form 04133211 +02739861 _derivationally_related_form 14500567 +02245403 _synset_domain_topic_of 06066555 +12391477 _hypernym 11534677 +01085793 _hypernym 01083077 +11674332 _hypernym 11669335 +02180898 _derivationally_related_form 07389330 +08798382 _has_part 08799706 +02574489 _member_meronym 02574651 +03956922 _hypernym 02914991 +01644104 _member_meronym 01644245 +03838899 _derivationally_related_form 10369317 +10578471 _hypernym 10253995 +10267166 _hypernym 10612210 +01785748 _derivationally_related_form 14405931 +09119277 _has_part 09370383 +03683708 _has_part 02933462 +01323793 _verb_group 01323338 +00864159 _derivationally_related_form 07233214 +15178841 _has_part 15218037 +00807178 _derivationally_related_form 00203342 +01678237 _hypernym 01657723 +00877625 _derivationally_related_form 02165304 +00121678 _hypernym 00138508 +13143758 _hypernym 13112664 +07373602 _derivationally_related_form 00367685 +01891817 _derivationally_related_form 14361664 +07258332 _hypernym 07262579 +00932161 _derivationally_related_form 07231048 +03248958 _hypernym 03247620 +02498708 _derivationally_related_form 04783567 +02204242 _hypernym 02203362 +06693744 _hypernym 06410391 +02913152 _has_part 03109693 +00780889 _derivationally_related_form 10246913 +02276866 _derivationally_related_form 10616204 +09495103 _hypernym 09492123 +00324834 _hypernym 00324384 +13793776 _hypernym 13793504 +09275473 _has_part 09023118 +07009538 _hypernym 07007945 +01331689 _derivationally_related_form 04432662 +01928838 _hypernym 01835496 +12751823 _hypernym 11562747 +12100538 _member_meronym 12131216 +01155354 _also_see 01507402 +06503884 _synset_domain_topic_of 04194289 +07964495 _synset_domain_topic_of 06148148 +00952182 _derivationally_related_form 07111047 +09543021 _hypernym 09542339 +10884831 _instance_hypernym 10467395 +01196759 _synset_domain_topic_of 08441203 +09224325 _instance_hypernym 09403734 +15295045 _derivationally_related_form 00293760 +11911591 _member_meronym 11988419 +10259997 _hypernym 09943541 +12900148 _member_meronym 12902021 +00855794 _derivationally_related_form 10526927 +07319909 _derivationally_related_form 00528990 +02002875 _member_meronym 02003037 +01629958 _derivationally_related_form 05978159 +13517843 _derivationally_related_form 00247390 +00730708 _hypernym 00730247 +02571983 _member_meronym 02572196 +02159271 _member_meronym 02183353 +00150762 _hypernym 00046522 +00730499 _derivationally_related_form 08592656 +11414608 _derivationally_related_form 00701040 +14422179 _derivationally_related_form 00205885 +02199712 _member_meronym 02203008 +00842989 _derivationally_related_form 07237758 +11612923 _hypernym 11608250 +03573282 _derivationally_related_form 00187526 +15237044 _has_part 15223574 +01797347 _derivationally_related_form 07535670 +00637259 _derivationally_related_form 03082979 +02873244 _hypernym 03696065 +05586446 _has_part 05269901 +00095502 _derivationally_related_form 02497062 +08045428 _instance_hypernym 08392137 +14854581 _derivationally_related_form 00841986 +01205341 _hypernym 01202904 +12577000 _member_meronym 12578626 +00431826 _hypernym 00151689 +10460806 _derivationally_related_form 01663443 +11807849 _member_meronym 11807979 +01369346 _derivationally_related_form 14562683 +14996020 _derivationally_related_form 01245637 +00831191 _has_part 00836788 +05981230 _hypernym 05980875 +09060768 _has_part 09062585 +05355527 _hypernym 05333777 +05922949 _hypernym 05919866 +02305799 _hypernym 01762525 +02686952 _hypernym 02685951 +06628861 _hypernym 06598915 +08717915 _instance_hypernym 08544813 +00823884 _derivationally_related_form 00086835 +12443323 _hypernym 12205694 +13492453 _derivationally_related_form 02739578 +11804604 _member_meronym 11811308 +10229034 _hypernym 10468962 +11536778 _member_meronym 11537665 +00452293 _hypernym 00451866 +08860123 _member_of_domain_region 13418047 +02128066 _derivationally_related_form 00043195 +11927901 _hypernym 11579418 +15092059 _hypernym 15090742 +09882716 _hypernym 09609232 +11841529 _member_meronym 11853191 +04812268 _hypernym 04723816 +00604523 _derivationally_related_form 10655594 +07328942 _hypernym 07290905 +06776783 _hypernym 06776138 +10120671 _hypernym 10053808 +08907606 _has_part 08908509 +00536655 _similar_to 00535452 +01045719 _derivationally_related_form 07392483 +09107098 _instance_hypernym 08524735 +08207209 _hypernym 08208016 +00307631 _derivationally_related_form 02684644 +02818832 _has_part 02822579 +05811214 _hypernym 05809192 +10363913 _hypernym 09632274 +01061017 _hypernym 00740577 +04504486 _hypernym 02852523 +02641035 _derivationally_related_form 10603528 +02268351 _derivationally_related_form 10769459 +05726596 _derivationally_related_form 00404642 +01701311 _synset_domain_topic_of 00929718 +02183175 _derivationally_related_form 07377082 +04793016 _hypernym 04792679 +02142575 _hypernym 01864707 +11544769 _member_meronym 13218722 +06725067 _hypernym 06724763 +00491689 _hypernym 00489837 +08921850 _has_part 08926877 +07752264 _hypernym 07751451 +01414288 _derivationally_related_form 07410021 +03378005 _hypernym 03120198 +00467719 _hypernym 00464651 +13028070 _member_meronym 12963140 +00717208 _derivationally_related_form 06753800 +02567519 _derivationally_related_form 10754281 +14622623 _hypernym 14621446 +10767519 _derivationally_related_form 02282365 +09330604 _instance_hypernym 09328904 +02754103 _derivationally_related_form 01373138 +04437670 _hypernym 03407122 +01581070 _hypernym 01580467 +01765908 _derivationally_related_form 05832264 +05876469 _hypernym 05872982 +07233863 _hypernym 07233634 +02295870 _hypernym 02295064 +05849284 _derivationally_related_form 02697950 +00479391 _derivationally_related_form 07334490 +02613860 _derivationally_related_form 00074624 +05074774 _derivationally_related_form 01987160 +09449282 _hypernym 09272085 +09886403 _hypernym 09821831 +09340024 _has_part 09340452 +02277303 _derivationally_related_form 00781480 +02201521 _derivationally_related_form 09850121 +00205885 _derivationally_related_form 00261029 +03341297 _hypernym 04339638 +05593476 _has_part 05593654 +02694287 _hypernym 02690708 +01259005 _hypernym 01552519 +08028623 _synset_domain_topic_of 00759694 +01640855 _hypernym 01642924 +04521987 _derivationally_related_form 01269008 +01540233 _hypernym 01529672 +01916010 _hypernym 01342529 +09089139 _has_part 09455640 +10691318 _hypernym 10042690 +02153445 _hypernym 05563034 +00912048 _hypernym 00940384 +08786855 _instance_hypernym 08524735 +05911255 _hypernym 05898568 +00035189 _hypernym 00037396 +09051235 _has_part 09075842 +12258663 _member_meronym 12258885 +05387544 _has_part 05387842 +00270826 _derivationally_related_form 04294426 +07058468 _hypernym 07058296 +00839526 _derivationally_related_form 03318438 +00744616 _hypernym 00732746 +05486510 _has_part 05493758 +02186834 _hypernym 01762525 +00114095 _derivationally_related_form 01871680 +08773679 _instance_hypernym 08633957 +01057200 _derivationally_related_form 02338975 +01672168 _derivationally_related_form 08434259 +00087423 _derivationally_related_form 02216710 +01211098 _derivationally_related_form 05564590 +07183151 _derivationally_related_form 00775156 +07186148 _hypernym 06624161 +01222360 _derivationally_related_form 04868748 +15109127 _hypernym 14662574 +01273491 _instance_hypernym 00956485 +05179180 _hypernym 05178715 +15203229 _derivationally_related_form 02792903 +10502950 _derivationally_related_form 06203758 +12602850 _member_meronym 12603273 +11804604 _member_meronym 11807849 +00083975 _hypernym 00041899 +13383696 _hypernym 13381734 +00260648 _hypernym 00205885 +00589596 _derivationally_related_form 09886540 +07018931 _derivationally_related_form 07009538 +13779374 _derivationally_related_form 02700867 +08983556 _instance_hypernym 08524735 +05556595 _hypernym 08620061 +11879291 _hypernym 11868814 +10327824 _hypernym 10531227 +02078159 _hypernym 01864707 +08041840 _instance_hypernym 00759694 +00167934 _hypernym 00205046 +01886220 _member_meronym 02502085 +02275365 _hypernym 00752764 +01587077 _derivationally_related_form 04780755 +00358931 _derivationally_related_form 00560893 +06605897 _derivationally_related_form 00955148 +10551265 _synset_domain_topic_of 06371413 +00746718 _hypernym 00753428 +04398497 _hypernym 04081281 +00613393 _verb_group 01848465 +01052853 _derivationally_related_form 01613239 +02300549 _synset_domain_topic_of 00490569 +09153710 _instance_hypernym 08665504 +05068080 _derivationally_related_form 02038357 +06516955 _hypernym 06516595 +06873571 _hypernym 06791372 +07710616 _has_part 07711471 +03827107 _synset_domain_topic_of 06128570 +02077923 _hypernym 02076779 +05462315 _has_part 05504532 +08518171 _derivationally_related_form 02653996 +11978233 _hypernym 11669921 +09378014 _instance_hypernym 09452395 +00947128 _derivationally_related_form 02568672 +07398276 _derivationally_related_form 02183175 +14431471 _synset_domain_topic_of 08199025 +06632097 _derivationally_related_form 00992518 +00462092 _derivationally_related_form 10678472 +02767922 _derivationally_related_form 13556893 +01706488 _synset_domain_topic_of 07020895 +06441803 _instance_hypernym 06394865 +04096848 _derivationally_related_form 01127215 +02648106 _derivationally_related_form 13423615 +01248023 _derivationally_related_form 03966751 +00790308 _derivationally_related_form 03186818 +10932898 _instance_hypernym 10045713 +08236438 _hypernym 08049401 +02550516 _hypernym 02550296 +10020366 _derivationally_related_form 02490634 +10856486 _instance_hypernym 10547145 +14364306 _derivationally_related_form 00086835 +00636441 _synset_domain_topic_of 05664069 +09189411 _has_part 08597323 +01483779 _verb_group 01484027 +14531772 _hypernym 14530061 +01963942 _derivationally_related_form 00119568 +14047641 _hypernym 14047740 +02020237 _hypernym 02020027 +00362348 _hypernym 00352826 +03967562 _hypernym 04451818 +02058994 _derivationally_related_form 15282696 +01195299 _hypernym 01156834 +02583780 _derivationally_related_form 00962129 +07269758 _synset_domain_topic_of 08199025 +12849597 _member_meronym 12849717 +08860123 _member_of_domain_region 04032242 +05946687 _derivationally_related_form 01783158 +04007510 _hypernym 03800001 +04173172 _hypernym 03338821 +01356086 _member_meronym 01356459 +05032351 _hypernym 05032193 +02157206 _hypernym 00015388 +12868418 _hypernym 11579418 +00038365 _hypernym 00040353 +01028079 _hypernym 01028748 +14027396 _hypernym 14023491 +09044862 _has_part 09371816 +02071506 _hypernym 01864707 +08098346 _synset_domain_topic_of 05977340 +09145655 _instance_hypernym 08524735 +04664413 _hypernym 04891184 +05546540 _has_part 05339357 +12676703 _hypernym 12674120 +01611252 _hypernym 01507175 +01890626 _hypernym 01889610 +02338386 _hypernym 02327200 +02200686 _derivationally_related_form 13265011 +01264336 _derivationally_related_form 06776138 +05015463 _hypernym 05015117 +03578055 _hypernym 03078287 +04936403 _derivationally_related_form 02415390 +01974773 _has_part 02156532 +06717170 _member_of_domain_usage 10589243 +10020890 _hypernym 10305802 +02091410 _derivationally_related_form 13757249 +00768778 _derivationally_related_form 06696025 +00193130 _hypernym 00192836 +13792692 _derivationally_related_form 01354673 +01539633 _derivationally_related_form 00006336 +14894140 _derivationally_related_form 02192383 +05115804 _derivationally_related_form 02026785 +00342980 _hypernym 00339934 +02406174 _hypernym 02402425 +02459808 _member_meronym 02460684 +00530017 _hypernym 00528990 +08233056 _hypernym 08008335 +02512305 _derivationally_related_form 00065184 +05613794 _synset_domain_topic_of 00704305 +01517662 _derivationally_related_form 04337974 +14450691 _derivationally_related_form 02627934 +01522952 _hypernym 01507175 +10206173 _derivationally_related_form 00937208 +01483779 _derivationally_related_form 07579399 +10999410 _instance_hypernym 10428004 +01489734 _hypernym 01489465 +00082308 _derivationally_related_form 00354884 +00616857 _derivationally_related_form 10351625 +10100620 _hypernym 10292316 +02331326 _synset_domain_topic_of 00610738 +00162632 _derivationally_related_form 00918872 +02333358 _derivationally_related_form 11466043 +08766988 _has_part 03158259 +01250335 _derivationally_related_form 02482425 +12192877 _has_part 12193334 +00348571 _hypernym 00331950 +12172715 _hypernym 11575425 +14866889 _hypernym 14580897 +00978549 _derivationally_related_form 02643446 +08310389 _derivationally_related_form 02598143 +00160261 _hypernym 00126264 +01524885 _member_meronym 01526925 +02662076 _derivationally_related_form 14386590 +00031820 _also_see 00851933 +11814059 _hypernym 11573660 +00283127 _derivationally_related_form 02994448 +09284589 _hypernym 09407346 +02472033 _derivationally_related_form 06507041 +02055658 _hypernym 02021795 +00752493 _also_see 01469770 +01409523 _synset_domain_topic_of 00471613 +01936048 _derivationally_related_form 03790512 +08888676 _derivationally_related_form 09714952 +00089027 _hypernym 00088481 +02053279 _hypernym 01507175 +12911673 _hypernym 12910285 +13489037 _synset_domain_topic_of 06037666 +12985010 _member_meronym 12985236 +07366799 _synset_domain_topic_of 02686568 +05457469 _has_part 01458302 +02294761 _member_meronym 02295717 +06590885 _hypernym 06590210 +13226526 _member_meronym 13226698 +07553964 _hypernym 07553301 +01070187 _derivationally_related_form 01189224 +13043926 _hypernym 12992868 +00584954 _hypernym 00126264 +01578341 _member_meronym 01578821 +13950440 _hypernym 14442530 +12608447 _hypernym 11555413 +02019566 _member_meronym 02019762 +08860123 _member_of_domain_region 07961270 +00915722 _synset_domain_topic_of 00916464 +08838887 _instance_hypernym 09203827 +00806502 _hypernym 00803325 +06622709 _derivationally_related_form 01007222 +02018524 _derivationally_related_form 00733483 +02134589 _member_meronym 02135726 +01016316 _synset_domain_topic_of 08441203 +01047381 _hypernym 00983824 +08191532 _hypernym 08198398 +00713167 _derivationally_related_form 05763916 +02154508 _derivationally_related_form 10090498 +07947255 _hypernym 07942152 +10210137 _hypernym 10527334 +01480715 _hypernym 08103777 +00739340 _derivationally_related_form 05786372 +02771997 _derivationally_related_form 14814616 +06295235 _member_of_domain_usage 13262462 +00681125 _derivationally_related_form 04645943 +04170515 _has_part 03273061 +05194043 _derivationally_related_form 01875295 +11766609 _member_meronym 11774279 +10213319 _derivationally_related_form 00808855 +11986091 _hypernym 11579418 +02451912 _derivationally_related_form 01073995 +01311896 _hypernym 01310660 +02208903 _derivationally_related_form 15274863 +01544692 _also_see 01494310 +01935233 _derivationally_related_form 08482271 +02384686 _hypernym 00752764 +02060792 _hypernym 02060141 +01027859 _derivationally_related_form 00525446 +02509515 _hypernym 02507649 +01024190 _derivationally_related_form 07180570 +02539251 _hypernym 01432517 +11629501 _member_meronym 11644712 +10915025 _instance_hypernym 10557854 +00450335 _hypernym 00523513 +01638368 _hypernym 01631534 +00449295 _derivationally_related_form 00395797 +00091311 _also_see 00186616 +09292189 _has_part 09219858 +04068441 _derivationally_related_form 00474762 +08731606 _has_part 08731953 +00980453 _derivationally_related_form 06738162 +11008870 _instance_hypernym 10794014 +08419562 _hypernym 08420278 +01048912 _derivationally_related_form 00313987 +08810999 _member_of_domain_region 01296296 +05904313 _synset_domain_topic_of 08163273 +11629501 _member_meronym 11630017 +02509815 _hypernym 02507649 +01596645 _hypernym 01368597 +08473787 _hypernym 08464601 +09207288 _has_part 08921850 +02727462 _derivationally_related_form 01053617 +09189411 _has_part 08928193 +06763273 _derivationally_related_form 01704953 +02615739 _hypernym 02614387 +12813393 _member_meronym 12815434 +00335384 _hypernym 00331950 +00052334 _derivationally_related_form 01981436 +06693198 _derivationally_related_form 00856824 +00995134 _hypernym 00954751 +01150370 _derivationally_related_form 00626188 +02572119 _hypernym 02573275 +04876374 _hypernym 04874672 +02119659 _derivationally_related_form 14333136 +08860123 _member_of_domain_region 04157099 +14416845 _hypernym 14373582 +01089778 _derivationally_related_form 02308741 +00049669 _derivationally_related_form 03112869 +02285359 _member_meronym 02286271 +00322151 _derivationally_related_form 00246552 +12607896 _member_meronym 12608127 +03988170 _hypernym 04515129 +10375794 _hypernym 10391653 +09608002 _derivationally_related_form 02612762 +01150981 _derivationally_related_form 09769345 +00279465 _derivationally_related_form 09859684 +01683271 _hypernym 01684899 +01678685 _derivationally_related_form 03596787 +01725886 _synset_domain_topic_of 00543233 +05642815 _hypernym 05642175 +09189411 _has_part 08778061 +06561942 _derivationally_related_form 00844298 +02719399 _derivationally_related_form 06196584 +02772868 _hypernym 03959936 +01426784 _hypernym 08103777 +00845909 _derivationally_related_form 01219893 +02532261 _derivationally_related_form 05799581 +00551065 _hypernym 00550117 +02675987 _hypernym 04074482 +01641914 _derivationally_related_form 00240184 +00940709 _derivationally_related_form 01632411 +02210855 _derivationally_related_form 09764201 +13233012 _member_meronym 13236726 +00842538 _derivationally_related_form 07237758 +05638374 _derivationally_related_form 10185793 +05974564 _synset_domain_topic_of 06158346 +02766687 _hypernym 02767308 +01224415 _hypernym 01211699 +10565302 _derivationally_related_form 02153387 +10827155 _synset_domain_topic_of 08083599 +09166304 _instance_hypernym 08574314 +00737399 _hypernym 00737188 +08927186 _member_of_domain_region 08018666 +00976487 _derivationally_related_form 07248507 +01090335 _derivationally_related_form 03335030 +01666894 _hypernym 01617192 +05668095 _hypernym 05667613 +12501745 _member_meronym 12556030 +01240308 _hypernym 01236164 +02280132 _derivationally_related_form 00819274 +10841065 _instance_hypernym 09756637 +13023292 _member_meronym 13028070 +12532168 _hypernym 11747468 +01810447 _derivationally_related_form 07223811 +13279262 _derivationally_related_form 02251743 +08324514 _hypernym 08077292 +12328026 _member_meronym 12329020 +12113657 _hypernym 12102133 +07033433 _synset_domain_topic_of 08083599 +00605349 _hypernym 00586262 +10693824 _derivationally_related_form 01013770 +09289913 _instance_hypernym 09446115 +00135952 _hypernym 00134780 +06845599 _member_of_domain_usage 03022978 +09637339 _hypernym 10787470 +02800793 _hypernym 03076708 +14285276 _derivationally_related_form 00090186 +08350470 _member_meronym 08418631 +12098665 _hypernym 11567411 +00558883 _derivationally_related_form 01927447 +00938791 _hypernym 00937476 +03248560 _has_part 03828155 +10745894 _hypernym 09802050 +01726960 _member_meronym 01731418 +02081578 _verb_group 00360092 +07075172 _member_of_domain_usage 10097477 +07468861 _hypernym 07460104 +07194293 _synset_domain_topic_of 06148148 +00625119 _hypernym 00623151 +07640653 _hypernym 07640203 +15295045 _hypernym 15113229 +05658226 _derivationally_related_form 02395115 +02120715 _hypernym 02120451 +01101913 _hypernym 01108148 +02441723 _member_meronym 02442845 +00237078 _derivationally_related_form 01651444 +14500567 _derivationally_related_form 00620532 +13687015 _hypernym 13604718 +08438067 _derivationally_related_form 01739814 +06128307 _hypernym 06128024 +01077329 _hypernym 01076615 +04949066 _hypernym 04948241 +14416349 _hypernym 14416089 +11999656 _hypernym 11915899 +08245172 _member_meronym 08244062 +00013172 _hypernym 00010435 +10638385 _hypernym 09774783 +02406533 _hypernym 02406174 +12564083 _hypernym 13100677 +10720964 _derivationally_related_form 08233056 +01104852 _verb_group 01101913 +01350699 _verb_group 01349130 +00598215 _derivationally_related_form 09614684 +05267548 _hypernym 05267345 +02473688 _derivationally_related_form 07475364 +01995323 _member_meronym 01995514 +02025009 _derivationally_related_form 07959943 +11077195 _instance_hypernym 10450303 +00906735 _derivationally_related_form 14574846 +08873622 _has_part 08874273 +02416751 _verb_group 02416278 +01853072 _hypernym 01507175 +00081725 _synset_domain_topic_of 00612160 +01810447 _derivationally_related_form 07510625 +01568493 _member_meronym 01569262 +02247977 _derivationally_related_form 00089351 +06956287 _hypernym 06956129 +09614684 _derivationally_related_form 01149138 +01376245 _derivationally_related_form 05088324 +01861465 _member_meronym 01873850 +00281101 _derivationally_related_form 00274941 +09141526 _has_part 09341465 +13576355 _hypernym 00033615 +00362610 _derivationally_related_form 14010927 +01919504 _member_meronym 01920582 +08455037 _hypernym 08441203 +01740608 _derivationally_related_form 03146846 +07436986 _derivationally_related_form 00053341 +10429965 _hypernym 09855630 +00237078 _derivationally_related_form 01647229 +11879895 _hypernym 11689483 +02577532 _hypernym 01432517 +09071571 _instance_hypernym 08553535 +06741305 _hypernym 06740644 +00342980 _verb_group 02624263 +03233905 _hypernym 04328946 +12476902 _member_meronym 12477747 +12157276 _member_meronym 12163649 +01125429 _also_see 00996448 +00709379 _derivationally_related_form 05981768 +14628920 _hypernym 14624369 +05051896 _derivationally_related_form 00317888 +10644301 _hypernym 10176679 +01081505 _hypernym 01072262 +07379963 _derivationally_related_form 01054849 +00571609 _derivationally_related_form 02087745 +13089419 _hypernym 13088096 +00694068 _derivationally_related_form 07500741 +10466918 _derivationally_related_form 02733122 +00384510 _synset_domain_topic_of 06276697 +12252866 _hypernym 13112664 +14451349 _derivationally_related_form 02722782 +03667380 _hypernym 03354613 +11911591 _member_meronym 11937523 +00873603 _derivationally_related_form 14050143 +02270342 _also_see 00849357 +06506603 _hypernym 06598915 +01907495 _hypernym 08103777 +12774641 _has_part 07764315 +00339085 _hypernym 00338071 +10056103 _hypernym 09767197 +07684164 _hypernym 07679356 +00452293 _derivationally_related_form 01143838 +06595351 _hypernym 06589574 +02745332 _synset_domain_topic_of 06004067 +05540513 _has_part 05540407 +02390470 _derivationally_related_form 07453195 +00925873 _derivationally_related_form 00940842 +12459048 _member_meronym 12459275 +02303448 _member_meronym 02303777 +01577265 _hypernym 01507175 +07168623 _synset_domain_topic_of 08199025 +07214432 _derivationally_related_form 02286687 +02181863 _member_meronym 02182498 +01644104 _hypernym 01626134 +00976508 _also_see 01270175 +07849336 _hypernym 07843775 +00223362 _hypernym 00222485 +08793310 _instance_hypernym 08665504 +00777391 _derivationally_related_form 03603958 +02000868 _derivationally_related_form 00319939 +03880129 _synset_domain_topic_of 08083599 +01319001 _hypernym 00015388 +00134780 _derivationally_related_form 01414626 +13879947 _hypernym 13879320 +02639464 _member_meronym 02639605 +13367070 _derivationally_related_form 01318053 +13466586 _derivationally_related_form 00104868 +14519366 _hypernym 14516501 +01026482 _hypernym 01023820 +09775663 _synset_domain_topic_of 08441203 +04660261 _hypernym 04660080 +01140794 _derivationally_related_form 10093658 +03854065 _has_part 03854815 +10379758 _derivationally_related_form 02424652 +14801921 _hypernym 14642417 +00208943 _derivationally_related_form 02405252 +00209546 _derivationally_related_form 00795863 +05563770 _has_part 05593017 +01256867 _derivationally_related_form 13914608 +01378556 _also_see 02060141 +01659248 _derivationally_related_form 03384535 +01477373 _member_meronym 01477745 +00403092 _derivationally_related_form 00258857 +11961686 _hypernym 11579418 +02302620 _has_part 02468178 +08482113 _synset_domain_topic_of 08199025 +04953186 _hypernym 04952242 +03895293 _hypernym 04564698 +01796582 _derivationally_related_form 07536870 +05838765 _hypernym 05835747 +12707432 _member_meronym 12709103 +02802721 _synset_domain_topic_of 00480993 +13042514 _member_meronym 13042814 +00659535 _derivationally_related_form 10669991 +10670483 _derivationally_related_form 02209745 +01711662 _member_meronym 01715692 +02352019 _derivationally_related_form 00228535 +00091968 _derivationally_related_form 14548343 +02759963 _hypernym 03343853 +13726562 _has_part 13726296 +09378801 _instance_hypernym 07959943 +02122983 _hypernym 02121188 +12904720 _hypernym 11579418 +12423565 _member_meronym 12429942 +02192992 _hypernym 00618451 +03866555 _hypernym 03936895 +12756457 _hypernym 13109733 +04454240 _hypernym 03964744 +04981139 _derivationally_related_form 02180529 +01734502 _derivationally_related_form 04076533 +02011865 _hypernym 01835496 +11556857 _hypernym 08108972 +14455206 _derivationally_related_form 01088749 +03302121 _derivationally_related_form 01311378 +01003249 _derivationally_related_form 03925226 +00115667 _derivationally_related_form 01448100 +07516354 _derivationally_related_form 01787106 +02541509 _derivationally_related_form 14000403 +01960105 _hypernym 01958615 +06845599 _member_of_domain_usage 02996840 +02829696 _derivationally_related_form 02033137 +11756669 _hypernym 11756092 +01023259 _derivationally_related_form 06613056 +07072698 _has_part 07098193 +02229055 _hypernym 02200686 +08276720 _derivationally_related_form 02792903 +02500619 _derivationally_related_form 10752480 +00329227 _derivationally_related_form 02066510 +02325366 _hypernym 02324045 +00348746 _derivationally_related_form 15265518 +00512487 _derivationally_related_form 04837425 +00165971 _hypernym 00220461 +08690194 _synset_domain_topic_of 08199025 +02134084 _hypernym 02131653 +04096848 _derivationally_related_form 01478002 +08103457 _synset_domain_topic_of 06037666 +07240549 _hypernym 07238694 +05300926 _synset_domain_topic_of 05654362 +10075529 _derivationally_related_form 06757891 +03138669 _derivationally_related_form 02390949 +01627355 _derivationally_related_form 10126177 +01328702 _hypernym 01326291 +06785223 _derivationally_related_form 00623006 +01512259 _derivationally_related_form 00298497 +12537988 _member_meronym 12538380 +10316164 _synset_domain_topic_of 08199025 +00998399 _derivationally_related_form 04391838 +01563336 _derivationally_related_form 06304671 +10716005 _derivationally_related_form 01802689 +04840981 _derivationally_related_form 00226618 +11229095 _instance_hypernym 09896520 +12039743 _member_meronym 12059090 +08270417 _hypernym 08430203 +10766025 _derivationally_related_form 01188725 +03449564 _hypernym 02913152 +02400037 _derivationally_related_form 00198631 +04391838 _derivationally_related_form 01003049 +15089803 _hypernym 15089472 +07302836 _derivationally_related_form 00378664 +08988609 _instance_hypernym 08544813 +01258302 _hypernym 01552519 +10770891 _derivationally_related_form 05776679 +10510339 _derivationally_related_form 00633265 +01521124 _hypernym 01517662 +02023396 _hypernym 02023107 +03085915 _hypernym 04377057 +09445008 _hypernym 09265620 +06113914 _hypernym 06113009 +09036880 _instance_hypernym 08633957 +00570694 _derivationally_related_form 07336214 +08929922 _has_part 09408540 +01997002 _member_meronym 01997119 +09629065 _derivationally_related_form 05946687 +15163157 _hypernym 15163005 +04218564 _derivationally_related_form 02191311 +09612131 _synset_domain_topic_of 00181781 +14578940 _hypernym 13920835 +10678662 _derivationally_related_form 14442530 +01312096 _has_part 01271669 +00504019 _derivationally_related_form 00842281 +14852913 _hypernym 14852450 +01637982 _derivationally_related_form 10214637 +13434878 _derivationally_related_form 00602255 +01136614 _derivationally_related_form 00123430 +02692686 _hypernym 02690708 +01881696 _derivationally_related_form 10483530 +02533282 _derivationally_related_form 05825245 +11274269 _instance_hypernym 09740085 +03916031 _derivationally_related_form 00043480 +12487647 _member_meronym 12496735 +02247584 _hypernym 02222318 +01804029 _hypernym 01507175 +00952039 _hypernym 00978549 +01524885 _member_meronym 01571578 +09931267 _hypernym 00007846 +05340599 _hypernym 05333777 +02203592 _hypernym 02188699 +10324357 _hypernym 09772029 +02195526 _hypernym 02193009 +07969695 _derivationally_related_form 03074922 +00483656 _hypernym 00482180 +13761966 _derivationally_related_form 01376245 +00557588 _hypernym 05902545 +02545272 _derivationally_related_form 13342692 +00880227 _hypernym 00856824 +01436139 _hypernym 01435380 +05618056 _derivationally_related_form 01779986 +03932203 _hypernym 03892891 +11638902 _member_meronym 11639445 +02333689 _hypernym 01088923 +14224547 _hypernym 14224757 +10206173 _derivationally_related_form 00819508 +00583239 _also_see 02290998 +00691648 _hypernym 00671351 +11971094 _hypernym 11579418 +12940609 _hypernym 12205694 +04066023 _hypernym 04511002 +12734722 _member_meronym 12736840 +00941719 _hypernym 00983824 +00755673 _hypernym 00754956 +01549291 _also_see 01131043 +02054382 _derivationally_related_form 00281462 +10256537 _derivationally_related_form 00834259 +02544960 _member_meronym 02545153 +12457519 _hypernym 11561228 +06732013 _derivationally_related_form 01632411 +00709625 _derivationally_related_form 09442838 +10240082 _derivationally_related_form 01782432 +02716767 _derivationally_related_form 09945905 +08946812 _instance_hypernym 08524735 +00669970 _derivationally_related_form 07197021 +07487063 _hypernym 07486628 +05492259 _hypernym 05225602 +11850337 _member_meronym 11850521 +06793426 _derivationally_related_form 01591621 +08365855 _hypernym 08366202 +11739530 _member_meronym 11739809 +02544191 _derivationally_related_form 00231567 +12622072 _hypernym 12620196 +07490713 _derivationally_related_form 01815628 +01998432 _hypernym 01835496 +02349040 _hypernym 01864707 +01472939 _synset_domain_topic_of 01861778 +09153710 _instance_hypernym 08638442 +12990938 _hypernym 11592146 +01798452 _derivationally_related_form 00624553 +01530256 _hypernym 01507175 +05083200 _derivationally_related_form 00329244 +00197423 _synset_domain_topic_of 00015388 +02274259 _hypernym 02274024 +05534712 _has_part 05346714 +03603958 _derivationally_related_form 02726717 +15287830 _derivationally_related_form 00343771 +00316594 _hypernym 00315986 +03289462 _hypernym 03925226 +00641252 _derivationally_related_form 00360757 +01621714 _member_meronym 01624707 +01681723 _derivationally_related_form 03284743 +00266798 _derivationally_related_form 09315159 +04293258 _derivationally_related_form 00463234 +01477806 _also_see 01484083 +01430111 _also_see 00464513 +14628307 _hypernym 14627820 +01603418 _hypernym 01264283 +06825120 _hypernym 06818970 +08017614 _instance_hypernym 08392137 +01162376 _hypernym 01160342 +09864536 _hypernym 00007846 +10229721 _hypernym 10034906 +02559180 _also_see 02274253 +12263738 _has_part 07772413 +11693566 _member_meronym 11693812 +02643574 _hypernym 02642814 +13347237 _hypernym 13344804 +07372779 _derivationally_related_form 01935233 +00312553 _derivationally_related_form 01846320 +00916464 _derivationally_related_form 01739814 +14977504 _hypernym 00021939 +04325409 _hypernym 03003730 +01983797 _derivationally_related_form 04874409 +01364357 _hypernym 02191766 +00475183 _derivationally_related_form 14486767 +11150224 _instance_hypernym 10293590 +04535524 _hypernym 03544360 +05081957 _hypernym 05079866 +13963757 _hypernym 13952601 +08860123 _member_of_domain_region 10387712 +00514463 _hypernym 01013367 +06169285 _hypernym 06153846 +13192898 _member_meronym 13193642 +12648424 _hypernym 13112664 +00124880 _hypernym 00046522 +02291940 _hypernym 01762525 +01136519 _derivationally_related_form 02432530 +07597145 _hypernym 07596684 +02398681 _derivationally_related_form 09840639 +14472624 _hypernym 13939353 +12759120 _hypernym 11567411 +12829099 _member_meronym 12833793 +01675245 _verb_group 01416539 +00539110 _derivationally_related_form 00791078 +11700864 _hypernym 13112664 +00399074 _derivationally_related_form 13456899 +01104637 _hypernym 01094725 +13715755 _hypernym 13577171 +08069878 _derivationally_related_form 02261464 +12929783 _hypernym 13112664 +06817782 _hypernym 06817623 +12112789 _member_meronym 12112918 +07351031 _derivationally_related_form 01350971 +09117351 _has_part 09370773 +00062451 _hypernym 00061598 +01255967 _also_see 02467662 +12936999 _member_meronym 12937130 +13906669 _hypernym 13905792 +00902424 _derivationally_related_form 06740183 +04338359 _derivationally_related_form 01359432 +08519624 _has_part 08519916 +05549576 _hypernym 05303402 +05576573 _derivationally_related_form 02034986 +01579813 _hypernym 01519977 +12051514 _hypernym 12041446 +02756821 _derivationally_related_form 11494638 +07600696 _hypernym 07596684 +00872414 _derivationally_related_form 07224774 +06937768 _hypernym 06937531 +09147737 _instance_hypernym 08695539 +08139795 _has_part 04510456 +00355547 _derivationally_related_form 00064095 +12944238 _hypernym 11585340 +01538161 _derivationally_related_form 04692157 +07453638 _derivationally_related_form 02391193 +00408272 _derivationally_related_form 15237782 +05321307 _has_part 05321917 +00838043 _derivationally_related_form 00754956 +01255057 _synset_domain_topic_of 00612160 +01704452 _derivationally_related_form 10794014 +10076778 _derivationally_related_form 01972298 +10871129 _instance_hypernym 10705615 +01249315 _synset_domain_topic_of 08441203 +10673451 _derivationally_related_form 00927430 +15030481 _hypernym 15027189 +13543564 _synset_domain_topic_of 00704305 +02531422 _also_see 00087152 +11121108 _synset_domain_topic_of 06226057 +01640855 _derivationally_related_form 00062451 +10076778 _hypernym 00007846 +10290919 _hypernym 09845999 +08776687 _member_of_domain_region 08040008 +03778817 _synset_domain_topic_of 03082979 +14578471 _derivationally_related_form 01649999 +01622795 _hypernym 01621555 +09898346 _derivationally_related_form 06780678 +02578510 _derivationally_related_form 07450651 +14957893 _hypernym 14864360 +05689249 _derivationally_related_form 02557199 +01654628 _derivationally_related_form 10284064 +00514069 _derivationally_related_form 13810141 +02330583 _derivationally_related_form 03454536 +01557774 _derivationally_related_form 00784533 +03882058 _derivationally_related_form 01678519 +10516294 _derivationally_related_form 02349212 +01122194 _hypernym 01072262 +14471507 _hypernym 14465048 +12367306 _member_meronym 12367611 +07985628 _derivationally_related_form 02490430 +00362610 _hypernym 00364064 +01473806 _hypernym 01471682 +13771404 _hypernym 13760316 +13060451 _hypernym 11594676 +00889472 _hypernym 00887081 +01787955 _verb_group 01788733 +04953380 _hypernym 04679738 +02326795 _hypernym 02326355 +04411264 _has_part 03471779 +12515711 _has_part 07726095 +07217782 _hypernym 07212190 +01952898 _derivationally_related_form 01264050 +09189411 _has_part 08959254 +13367593 _hypernym 13367070 +00057162 _hypernym 01076046 +00652900 _verb_group 02729632 +10713923 _hypernym 10592152 +07551052 _hypernym 00026192 +08860123 _member_of_domain_region 10753182 +02642644 _hypernym 02642107 +02609764 _derivationally_related_form 07291312 +00064095 _derivationally_related_form 07493280 +11722466 _hypernym 11720353 +13980288 _derivationally_related_form 01807314 +14830364 _has_part 05436752 +14622893 _hypernym 00019613 +01872877 _verb_group 01872645 +12617559 _hypernym 13122364 +07994941 _member_meronym 02087551 +04270891 _derivationally_related_form 02714200 +00339464 _verb_group 00342980 +02208118 _hypernym 02207206 +06948761 _hypernym 06947032 +01512625 _derivationally_related_form 10717055 +05770926 _derivationally_related_form 00739082 +05091316 _derivationally_related_form 00658052 +06417279 _synset_domain_topic_of 08083599 +10354898 _derivationally_related_form 01583040 +13504173 _synset_domain_topic_of 06128570 +07518261 _hypernym 07516354 +07334876 _hypernym 07334490 +02309165 _hypernym 02294436 +02695520 _derivationally_related_form 04039848 +02697950 _hypernym 00651991 +01264050 _derivationally_related_form 00877083 +00386676 _derivationally_related_form 02030158 +00073525 _hypernym 00072808 +07157273 _member_of_domain_usage 09720406 +15129927 _hypernym 05816790 +00793580 _derivationally_related_form 07186148 +12423565 _member_meronym 12440869 +07250339 _hypernym 07248801 +10271216 _hypernym 10770059 +00467451 _hypernym 00146138 +07528470 _derivationally_related_form 02117333 +07236077 _hypernym 07234230 +00855933 _derivationally_related_form 01220152 +08780881 _member_of_domain_region 06293229 +02699141 _derivationally_related_form 08111419 +04185071 _derivationally_related_form 01246601 +08766988 _has_part 09477718 +01690294 _hypernym 01686132 +07772413 _hypernym 07737081 +02655180 _synset_domain_topic_of 06057539 +01753788 _derivationally_related_form 07328942 +10043163 _derivationally_related_form 06070929 +04529962 _hypernym 04294426 +02091165 _derivationally_related_form 13757249 +01769220 _hypernym 01767949 +03659122 _hypernym 03581125 +00334935 _hypernym 00334509 +12039743 _member_meronym 12063887 +00199309 _hypernym 00169806 +10603959 _hypernym 00004475 +00583246 _hypernym 00582388 +00457770 _hypernym 00146138 +06323612 _hypernym 06320801 +01554139 _hypernym 01504437 +10486561 _synset_domain_topic_of 08199025 +12346448 _member_meronym 12346578 +05510506 _has_part 05547508 +05548840 _hypernym 05220461 +03244388 _hypernym 04096066 +12135729 _hypernym 12135270 +13291189 _derivationally_related_form 02717831 +10268299 _derivationally_related_form 02614387 +00166146 _similar_to 00167278 +08273843 _derivationally_related_form 01089737 +10090498 _derivationally_related_form 02285629 +08860123 _member_of_domain_region 04508062 +13828905 _hypernym 13827426 +00248026 _derivationally_related_form 15153787 +13651072 _hypernym 13603305 +12039743 _member_meronym 12082357 +02502212 _member_meronym 02502357 +08143321 _hypernym 08337324 +10111903 _hypernym 10518602 +04347754 _has_part 03295928 +11963158 _hypernym 11579418 +09893191 _hypernym 09943239 +00561036 _derivationally_related_form 04714440 +00932624 _derivationally_related_form 00532607 +11627168 _hypernym 13108841 +14683859 _hypernym 14662574 +09148970 _member_of_domain_region 01299735 +01734300 _derivationally_related_form 05301072 +06784003 _hypernym 06783768 +09310460 _derivationally_related_form 00477941 +04463679 _derivationally_related_form 01936537 +01817500 _also_see 02354537 +00421535 _hypernym 00426958 +07822323 _hypernym 07809368 +13905121 _derivationally_related_form 01555742 +10365399 _hypernym 00007846 +05192451 _derivationally_related_form 01821423 +03016202 _derivationally_related_form 06976392 +10829733 _instance_hypernym 10020890 +04085873 _hypernym 03315644 +00171618 _derivationally_related_form 02575723 +13003254 _hypernym 12998815 +00820611 _derivationally_related_form 06649915 +07324673 _derivationally_related_form 02624263 +13403643 _synset_domain_topic_of 08441203 +12487647 _member_meronym 12488121 +04639732 _derivationally_related_form 00437852 +02554235 _hypernym 02554066 +13169219 _member_meronym 12958772 +00638194 _derivationally_related_form 00389308 +01050896 _derivationally_related_form 06871384 +08850741 _instance_hypernym 08524735 +05915356 _hypernym 05913538 +02498355 _member_meronym 02498888 +00294190 _derivationally_related_form 01928730 +06135915 _synset_domain_topic_of 02472293 +14570330 _synset_domain_topic_of 06084469 +08560560 _synset_domain_topic_of 06144081 +09725402 _hypernym 09686536 +01955933 _derivationally_related_form 02483908 +00634906 _derivationally_related_form 00190783 +01794158 _hypernym 01789740 +11865071 _hypernym 13112664 +06753299 _derivationally_related_form 00716758 +06223468 _derivationally_related_form 09820044 +09127461 _instance_hypernym 09233715 +07914128 _hypernym 07881800 +01806505 _derivationally_related_form 14407536 +02463990 _hypernym 02463704 +12560016 _has_part 12560282 +09949946 _derivationally_related_form 01103000 +00943187 _synset_domain_topic_of 06063588 +14425974 _derivationally_related_form 01646941 +12005656 _hypernym 12205694 +01015866 _derivationally_related_form 06763681 +02033137 _derivationally_related_form 02829696 +03533014 _hypernym 03945167 +01426397 _hypernym 01428853 +13192025 _member_meronym 13201725 +03416329 _derivationally_related_form 01593614 +06804728 _hypernym 06804199 +10474950 _synset_domain_topic_of 06539178 +03911866 _hypernym 03354903 +00417001 _derivationally_related_form 00044673 +06738162 _derivationally_related_form 00980453 +15277730 _derivationally_related_form 02066939 +12892226 _member_meronym 12903794 +01665836 _hypernym 01664172 +12944960 _member_meronym 12945177 +00972621 _derivationally_related_form 01119169 +10857540 _instance_hypernym 09813696 +12956170 _hypernym 11545714 +10253995 _hypernym 10451263 +05499828 _has_part 05500312 +00343249 _derivationally_related_form 02046755 +02757462 _has_part 04064401 +01874126 _hypernym 01342529 +02318915 _hypernym 08103777 +12125183 _hypernym 12124627 +15274863 _hypernym 15113229 +02274516 _hypernym 01759182 +13187826 _member_meronym 13188096 +00831651 _derivationally_related_form 07212190 +11864906 _member_meronym 11865071 +00777522 _derivationally_related_form 03705379 +08187837 _hypernym 08246613 +00185103 _synset_domain_topic_of 06084469 +10229498 _hypernym 09614684 +01516534 _hypernym 01899262 +14002279 _derivationally_related_form 02743020 +01104406 _derivationally_related_form 09779790 +05071556 _derivationally_related_form 01809655 +01054876 _derivationally_related_form 02651193 +13903079 _derivationally_related_form 02710673 +05632272 _derivationally_related_form 01635432 +09044862 _has_part 09131654 +01256867 _derivationally_related_form 03191029 +01009871 _derivationally_related_form 00745499 +12584970 _hypernym 11556857 +02116959 _hypernym 01862557 +00562398 _derivationally_related_form 01476483 +00326773 _hypernym 00322847 +13041725 _hypernym 11590783 +01292885 _verb_group 01293389 +11891395 _member_meronym 11891541 +07548366 _derivationally_related_form 01807314 +01871979 _derivationally_related_form 00112312 +08906952 _member_meronym 09733028 +01694311 _hypernym 01693783 +04289690 _hypernym 04574999 +01283935 _instance_hypernym 00956485 +11868814 _has_part 07713395 +10779775 _derivationally_related_form 01552219 +01755504 _hypernym 01653013 +07390945 _hypernym 07387509 +00238022 _hypernym 00235435 +00637259 _derivationally_related_form 13331634 +08785343 _has_part 08785958 +12874429 _member_meronym 12874642 +01445027 _derivationally_related_form 01325417 +09857852 _hypernym 00007846 +14456752 _derivationally_related_form 00049900 +01181559 _derivationally_related_form 11453016 +02974003 _hypernym 04574999 +01820302 _derivationally_related_form 07491981 +03006626 _derivationally_related_form 01049737 +15091669 _hypernym 15090742 +00384802 _derivationally_related_form 02430580 +00880227 _derivationally_related_form 00159899 +02525447 _derivationally_related_form 04599396 +12694707 _hypernym 11566682 +01063697 _derivationally_related_form 00363493 +01204677 _derivationally_related_form 03471473 +09134386 _has_part 09357580 +01743784 _derivationally_related_form 03777283 +01878719 _hypernym 01876530 +00963283 _derivationally_related_form 00963241 +02217011 _derivationally_related_form 00087423 +00431610 _derivationally_related_form 13500557 +01989053 _verb_group 00613393 +07187297 _hypernym 07186828 +02199590 _derivationally_related_form 00090779 +00362355 _hypernym 00351638 +03979847 _hypernym 14593671 +01726172 _synset_domain_topic_of 07020895 +00358431 _derivationally_related_form 11444117 +12219289 _hypernym 13112664 +00748155 _derivationally_related_form 10485440 +00294522 _hypernym 00294245 +07075172 _member_of_domain_usage 09879144 +00529224 _hypernym 00428270 +02509694 _hypernym 01864707 +05229805 _derivationally_related_form 00357332 +01499006 _derivationally_related_form 01052739 +01915414 _hypernym 01908287 +00339941 _derivationally_related_form 07523180 +03256166 _hypernym 04490091 +03351434 _has_part 03436990 +02150510 _derivationally_related_form 00880662 +02571486 _member_meronym 02571810 +00824054 _derivationally_related_form 00086835 +01663169 _hypernym 01656813 +12027222 _hypernym 12205694 +07411851 _derivationally_related_form 02706478 +11031668 _instance_hypernym 10467395 +10378780 _hypernym 09882007 +00427802 _derivationally_related_form 00355919 +12158148 _member_meronym 12158798 +04992431 _hypernym 04992163 +02621853 _derivationally_related_form 03894379 +01531265 _hypernym 01531742 +02399000 _hypernym 02394477 +10801291 _derivationally_related_form 01691057 +08172103 _member_meronym 09044190 +04898437 _hypernym 04897762 +14008567 _derivationally_related_form 00077071 +12341126 _hypernym 11566682 +02545841 _hypernym 01428580 +04568298 _derivationally_related_form 01673891 +01510576 _hypernym 01510173 +09503877 _member_meronym 09504135 +06999233 _derivationally_related_form 01687401 +08934694 _instance_hypernym 08633957 +07335243 _derivationally_related_form 01564144 +03461385 _derivationally_related_form 02298471 +01969726 _hypernym 01968315 +01279978 _also_see 02164402 +08233056 _derivationally_related_form 02434238 +08810999 _member_of_domain_region 01296127 +00171127 _hypernym 00182406 +02627934 _derivationally_related_form 05892651 +00403334 _hypernym 00403092 +08174398 _member_meronym 09023321 +00667224 _hypernym 00665886 +11982724 _member_meronym 11982939 +09755398 _derivationally_related_form 03139045 +00594413 _derivationally_related_form 14422035 +01431230 _derivationally_related_form 00854393 +14451672 _derivationally_related_form 00655779 +00751145 _derivationally_related_form 00201407 +02710673 _derivationally_related_form 13903079 +01779165 _derivationally_related_form 07519253 +01870275 _derivationally_related_form 07404944 +02449060 _member_meronym 02449183 +03501614 _hypernym 04337740 +02604811 _hypernym 01432517 +03055159 _hypernym 03903424 +10721470 _derivationally_related_form 02245993 +00266798 _verb_group 00267041 +08780881 _has_part 08787466 +02181863 _member_meronym 02182220 +02906734 _derivationally_related_form 01393714 +04898437 _derivationally_related_form 01878466 +02001858 _derivationally_related_form 00487874 +12263738 _hypernym 12262553 +08766988 _has_part 08770718 +00736216 _derivationally_related_form 02708711 +08860123 _member_of_domain_region 03134015 +02632353 _derivationally_related_form 14449405 +00907919 _derivationally_related_form 01002740 +01827535 _also_see 02324397 +01349495 _hypernym 01348530 +09714952 _derivationally_related_form 08859173 +01556671 _member_meronym 01557697 +02007417 _hypernym 02020590 +10703692 _hypernym 10524413 +05087297 _hypernym 05083328 +01502279 _hypernym 01494310 +00884778 _also_see 00065791 +10626867 _hypernym 09928451 +00324071 _hypernym 00323856 +00909573 _derivationally_related_form 10776339 +08628921 _derivationally_related_form 02685665 +00949619 _hypernym 00949134 +00217152 _derivationally_related_form 11454591 +07530478 _hypernym 07526757 +00018813 _hypernym 00126264 +13555775 _derivationally_related_form 00841986 +01515811 _member_meronym 01516064 +12766869 _hypernym 13100156 +01591490 _member_meronym 01592892 +00644066 _derivationally_related_form 13565379 +02654947 _derivationally_related_form 09369169 +07379409 _derivationally_related_form 01052301 +06740919 _hypernym 06740644 +13607405 _hypernym 13583724 +05804491 _hypernym 05803379 +10255096 _derivationally_related_form 02208903 +04779649 _derivationally_related_form 01801600 +01625417 _hypernym 01507175 +05854150 _derivationally_related_form 00011757 +10640968 _derivationally_related_form 01543426 +01425348 _verb_group 01424948 +13357178 _hypernym 13356112 +05069199 _derivationally_related_form 02038357 +01453852 _member_meronym 01457276 +04371979 _hypernym 03221720 +02073041 _hypernym 01342529 +00534480 _synset_domain_topic_of 00528667 +08899577 _instance_hypernym 08524735 +03393912 _hypernym 02959942 +00739536 _hypernym 00647094 +15288111 _hypernym 07341038 +02457945 _hypernym 02456962 +00611143 _synset_domain_topic_of 08441203 +13799392 _hypernym 13796779 +06371413 _derivationally_related_form 10075529 +02163746 _derivationally_related_form 00881649 +08723006 _member_of_domain_region 06930934 +01669643 _derivationally_related_form 04606014 +12329899 _member_meronym 12339319 +01874784 _member_meronym 01874928 +08910668 _has_part 08912279 +02713852 _hypernym 02713372 +07520112 _hypernym 07519253 +05311054 _has_part 05313115 +05951566 _derivationally_related_form 01782432 +03022349 _derivationally_related_form 13122985 +02505646 _member_meronym 02505809 +02254531 _hypernym 01762525 +01612295 _verb_group 01524298 +00872107 _hypernym 00872541 +10656223 _derivationally_related_form 01568630 +03098491 _derivationally_related_form 15242209 +02546744 _member_meronym 02546873 +00448466 _derivationally_related_form 01936753 +05256085 _hypernym 05254795 +02254697 _hypernym 02251775 +07818572 _hypernym 07809368 +13623636 _hypernym 13616054 +11867525 _member_meronym 11885697 +10567401 _derivationally_related_form 01315613 +02464693 _derivationally_related_form 13929852 +02455407 _verb_group 00729109 +10082146 _hypernym 10247044 +15294382 _derivationally_related_form 10037922 +03464266 _hypernym 02721160 +00172490 _hypernym 00168237 +13423489 _hypernym 13475538 +02677718 _hypernym 03738472 +02008396 _derivationally_related_form 07333649 +12257920 _hypernym 11575425 +01178220 _hypernym 01178565 +08172103 _member_meronym 08986905 +04923743 _hypernym 04922787 +14035298 _derivationally_related_form 02505358 +08860123 _member_of_domain_region 10412910 +08319198 _hypernym 08163273 +13229358 _hypernym 13167078 +04915687 _derivationally_related_form 00694641 +08849753 _member_meronym 09694109 +05600637 _has_part 05598147 +07823951 _hypernym 07557434 +05029706 _hypernym 04916342 +13878112 _derivationally_related_form 02046755 +10308394 _hypernym 10307234 +00055142 _hypernym 01617192 +00240184 _derivationally_related_form 02427103 +00336831 _derivationally_related_form 05697363 +00283090 _hypernym 00281101 +09984659 _hypernym 09612848 +08928193 _has_part 08928742 +02647503 _member_meronym 02647903 +10763725 _derivationally_related_form 00720063 +00475183 _derivationally_related_form 15062284 +02216083 _derivationally_related_form 08070850 +02298833 _member_meronym 02299039 +05146739 _hypernym 05145118 +14851157 _hypernym 14877585 +06306233 _hypernym 06284225 +00431005 _hypernym 00426928 +02958126 _derivationally_related_form 06946497 +01133288 _hypernym 01131902 +13258362 _derivationally_related_form 02278830 +01662434 _hypernym 01619929 +01070892 _derivationally_related_form 00462092 +02628856 _hypernym 01432517 +00999245 _derivationally_related_form 00467717 +03172965 _hypernym 03033362 +10692696 _hypernym 10139347 +12876032 _member_meronym 12890009 +02672831 _hypernym 03393324 +00751145 _derivationally_related_form 00202236 +03452741 _has_part 03654826 +04814872 _hypernym 04814238 +02869563 _hypernym 04576211 +02693070 _has_part 04120842 +00377002 _derivationally_related_form 00472992 +05599617 _hypernym 05601758 +04874409 _derivationally_related_form 01983797 +01606736 _hypernym 01216670 +13516176 _hypernym 13560417 +01941670 _member_meronym 01945443 +10093396 _hypernym 00007846 +09771664 _derivationally_related_form 01827858 +11799520 _member_meronym 11800020 +10365514 _derivationally_related_form 01231252 +00418394 _derivationally_related_form 01787955 +07157273 _member_of_domain_usage 00808614 +05155123 _derivationally_related_form 02590072 +02443114 _hypernym 02441326 +00144694 _derivationally_related_form 13899404 +03005619 _hypernym 02740764 +02744651 _derivationally_related_form 05249636 +13925550 _hypernym 13920835 +03728811 _derivationally_related_form 01292885 +00299341 _derivationally_related_form 04072193 +07585208 _hypernym 07583197 +08349138 _hypernym 08337324 +00621058 _derivationally_related_form 14379703 +01630533 _hypernym 01626600 +01522052 _derivationally_related_form 10781984 +05168261 _derivationally_related_form 01275562 +14417300 _hypernym 14083790 +00033020 _derivationally_related_form 00760402 +12449024 _member_meronym 12449526 +02063988 _derivationally_related_form 10190745 +00332835 _derivationally_related_form 03894379 +02537960 _derivationally_related_form 00586262 +01484392 _derivationally_related_form 08008017 +00502085 _hypernym 00126264 +00021766 _also_see 00914421 +00109389 _hypernym 00067999 +00604131 _derivationally_related_form 10578471 +00985106 _derivationally_related_form 02167571 +07560903 _synset_domain_topic_of 00015388 +00344040 _derivationally_related_form 02140781 +10431330 _hypernym 09917593 +11611758 _hypernym 11608250 +01804753 _hypernym 01804595 +12902021 _has_part 07722052 +09079505 _derivationally_related_form 02738760 +00468480 _derivationally_related_form 10101634 +10008123 _hypernym 10317007 +02005756 _derivationally_related_form 02701628 +01927301 _hypernym 08103777 +13291189 _derivationally_related_form 02718015 +00875712 _also_see 00033574 +10910580 _instance_hypernym 10527334 +05613274 _hypernym 05611302 +06845599 _member_of_domain_usage 05414147 +13811900 _derivationally_related_form 01822724 +09049303 _has_part 09093608 +02766534 _hypernym 04576211 +08221348 _synset_domain_topic_of 06037666 +00947077 _derivationally_related_form 05692419 +00165178 _hypernym 00163779 +09275016 _has_part 09003284 +02180046 _hypernym 01762525 +00751887 _derivationally_related_form 09941571 +00689062 _hypernym 00674158 +05584928 _has_part 05271814 +01221684 _hypernym 01220885 +02059723 _hypernym 01507175 +08573472 _hypernym 08510666 +10390199 _derivationally_related_form 05965586 +02066304 _derivationally_related_form 07939159 +04208210 _derivationally_related_form 01312810 +02431971 _derivationally_related_form 09770949 +02785648 _hypernym 03237639 +07054122 _derivationally_related_form 02675320 +01167146 _hypernym 01166926 +01775370 _hypernym 01775062 +01592892 _hypernym 01507175 +06409562 _derivationally_related_form 10064405 +00606119 _hypernym 00582388 +08573472 _derivationally_related_form 01079172 +00529411 _hypernym 00528990 +00752431 _derivationally_related_form 02147824 +01066881 _derivationally_related_form 02642814 +09275473 _has_part 08757569 +09817816 _derivationally_related_form 05778131 +00612042 _hypernym 00610538 +10555059 _hypernym 10139347 +12398682 _member_meronym 12401122 +01478002 _derivationally_related_form 01074694 +02244426 _hypernym 02242464 +02543607 _hypernym 02543181 +01140315 _hypernym 01140794 +02457586 _hypernym 01862557 +02234781 _also_see 02236842 +01626844 _hypernym 01626138 +03891664 _hypernym 03895866 +10107303 _derivationally_related_form 01647229 +14004572 _derivationally_related_form 01891249 +02289061 _hypernym 01762525 +02444662 _derivationally_related_form 01139830 +11649012 _hypernym 11554175 +00644372 _also_see 01866535 +01747717 _derivationally_related_form 06568978 +08568978 _hypernym 08630039 +00614224 _derivationally_related_form 00993014 +14246359 _hypernym 14239918 +02525044 _derivationally_related_form 00065575 +06744396 _hypernym 06738281 +02707683 _hypernym 03740161 +02505807 _derivationally_related_form 10226556 +14675356 _hypernym 14662574 +02025530 _member_meronym 02026059 +09125984 _hypernym 08640739 +12595801 _hypernym 11556857 +02669885 _derivationally_related_form 09759311 +13029946 _member_meronym 13034953 +09044862 _has_part 09138935 +05038251 _hypernym 05037813 +03669886 _synset_domain_topic_of 06099269 +01086103 _derivationally_related_form 04037443 +06334512 _hypernym 06333653 +09834378 _hypernym 10101634 +12501745 _member_meronym 12511046 +06610992 _derivationally_related_form 01051956 +08519916 _has_part 09017526 +06229853 _derivationally_related_form 09889346 +01786402 _hypernym 08103777 +14473655 _hypernym 14473222 +00442063 _hypernym 00503164 +05486510 _has_part 05486920 +03926148 _has_part 03365374 +01275762 _derivationally_related_form 10562283 +12838027 _member_meronym 12867679 +07967736 _hypernym 07967382 +07356676 _derivationally_related_form 00153263 +14025478 _hypernym 14024882 +00475647 _derivationally_related_form 00252662 +06889330 _derivationally_related_form 02141973 +01522276 _derivationally_related_form 03150232 +02068735 _member_meronym 02068974 +00527695 _has_part 00533922 +02553196 _member_meronym 02632694 +06611147 _hypernym 06607339 +02116118 _derivationally_related_form 05827684 +11410625 _derivationally_related_form 02611002 +11881426 _hypernym 11575425 +01139380 _hypernym 01139104 +14295248 _derivationally_related_form 01573515 +02130300 _derivationally_related_form 06208751 +00865958 _hypernym 01629958 +11466043 _derivationally_related_form 02333358 +11665781 _member_meronym 12778926 +01290422 _also_see 02716165 +08048300 _synset_domain_topic_of 00759694 +03735637 _derivationally_related_form 00681429 +08719100 _has_part 08719705 +10153414 _hypernym 10287213 +01245637 _derivationally_related_form 04955160 +00917772 _derivationally_related_form 06748969 +00800750 _hypernym 00179311 +14546844 _derivationally_related_form 02273326 +08847694 _has_part 08995515 +00986275 _hypernym 00981830 +11911591 _member_meronym 11937965 +00691834 _hypernym 00690614 +08075647 _member_meronym 10602695 +00721437 _verb_group 01637982 +12588156 _member_meronym 12588780 +08806897 _member_of_domain_region 10479135 +10071139 _derivationally_related_form 02503365 +00941990 _verb_group 00943281 +02413140 _derivationally_related_form 10554455 +07199922 _derivationally_related_form 00815379 +08969291 _has_part 08969798 +00052548 _derivationally_related_form 00845178 +00594146 _derivationally_related_form 14371161 +00493259 _derivationally_related_form 14821984 +06045562 _hypernym 06037298 +08033454 _instance_hypernym 08392137 +07248507 _derivationally_related_form 00976365 +03299929 _hypernym 03570838 +00775156 _derivationally_related_form 07183151 +01695567 _hypernym 01684899 +09499230 _instance_hypernym 09505418 +02274482 _derivationally_related_form 00082870 +04463510 _hypernym 04096066 +06688522 _derivationally_related_form 00612042 +00680346 _hypernym 00680145 +12290116 _member_meronym 12298003 +01641914 _hypernym 01645601 +06740919 _derivationally_related_form 09798534 +08956461 _instance_hypernym 08524735 +02982232 _derivationally_related_form 01515566 +01296462 _derivationally_related_form 00147595 +01638368 _derivationally_related_form 05633385 +05521636 _has_part 05522283 +01223833 _derivationally_related_form 05258299 +12940060 _hypernym 11585340 +09160295 _has_part 09410558 +01438208 _hypernym 01428580 +00507143 _hypernym 00140123 +00998399 _derivationally_related_form 00910203 +09192280 _instance_hypernym 09403734 +02000868 _derivationally_related_form 10100124 +12376950 _member_meronym 12377198 +12396924 _hypernym 13112664 +03233423 _derivationally_related_form 00675901 +08740875 _has_part 08745011 +02554797 _hypernym 02397637 +07522729 _derivationally_related_form 00251809 +01139104 _derivationally_related_form 09851876 +07007945 _has_part 07009640 +12792638 _member_meronym 12793284 +01246579 _also_see 01740892 +02565728 _member_meronym 02566325 +00083260 _hypernym 00030358 +08959254 _instance_hypernym 08698379 +07541053 _derivationally_related_form 01811441 +10164233 _derivationally_related_form 00595146 +02191106 _hypernym 00126264 +06793426 _hypernym 06793231 +10712474 _hypernym 10155849 +14616939 _hypernym 00020090 +01280014 _derivationally_related_form 01022064 +02154508 _derivationally_related_form 09626589 +09936892 _hypernym 09937056 +06031248 _derivationally_related_form 02704461 +14934031 _derivationally_related_form 01975587 +10296832 _hypernym 10752093 +02357072 _hypernym 02372326 +13439570 _hypernym 13489037 +07185870 _derivationally_related_form 00903212 +11416722 _derivationally_related_form 02647918 +02032634 _derivationally_related_form 07414740 +00936330 _hypernym 00933821 +02375592 _hypernym 01864707 +09032981 _instance_hypernym 08524735 +10479561 _derivationally_related_form 02268351 +06691989 _derivationally_related_form 00861929 +01752884 _hypernym 01617192 +01528339 _derivationally_related_form 04256520 +09857007 _hypernym 09629246 +01959294 _derivationally_related_form 04767347 +12756059 _hypernym 11567411 +00251013 _derivationally_related_form 00035758 +00841986 _derivationally_related_form 14854581 +01678519 _derivationally_related_form 03882611 +07882497 _hypernym 07566340 +08860123 _member_of_domain_region 04188064 +01051956 _derivationally_related_form 10507070 +01826998 _hypernym 01504437 +10769321 _derivationally_related_form 02491383 +06764867 _hypernym 06763681 +02726884 _hypernym 02604760 +11784323 _hypernym 11556857 +01979124 _hypernym 01762525 +01957075 _hypernym 01938850 +13828075 _hypernym 13827426 +02418686 _derivationally_related_form 00511817 +01571744 _derivationally_related_form 10121246 +02332999 _derivationally_related_form 07556637 +00179959 _hypernym 00173338 +11899595 _hypernym 11575425 +01636397 _derivationally_related_form 05833840 +01916960 _hypernym 01904930 +02859184 _hypernym 03497657 +00570205 _hypernym 00426958 +15178841 _has_part 15218149 +07118747 _derivationally_related_form 01055404 +08394922 _synset_domain_topic_of 08199025 +11665781 _member_meronym 12224309 +15257829 _hypernym 05867413 +00044455 _hypernym 00030358 +08860123 _member_of_domain_region 08049125 +02803934 _hypernym 02880546 +06449735 _has_part 06440102 +01944217 _hypernym 01938850 +02759614 _derivationally_related_form 15101361 +11527014 _hypernym 11462526 +10014658 _hypernym 09624559 +02079170 _member_meronym 02080291 +05710210 _derivationally_related_form 02193194 +02641825 _hypernym 01342529 +08910230 _instance_hypernym 08633957 +02502902 _member_meronym 02506466 +01981699 _derivationally_related_form 00836236 +13299651 _derivationally_related_form 02284951 +09141526 _has_part 09286318 +00946499 _derivationally_related_form 00264386 +09340024 _member_meronym 09396712 +04238321 _hypernym 03323703 +06429316 _derivationally_related_form 00961736 +08798771 _member_of_domain_region 08037861 +07527352 _derivationally_related_form 01366718 +00235435 _derivationally_related_form 01650610 +11349318 _instance_hypernym 10527334 +12808227 _member_meronym 12815925 +12405209 _hypernym 11567411 +07769465 _hypernym 07737081 +00267519 _hypernym 00146138 +00351406 _verb_group 02542280 +02501278 _derivationally_related_form 10729175 +10165448 _derivationally_related_form 02171039 +09758643 _derivationally_related_form 00845299 +13600097 _hypernym 13583724 +09761068 _hypernym 09815790 +04996355 _hypernym 04992163 +00921738 _derivationally_related_form 03722007 +02070679 _hypernym 01902783 +08046346 _instance_hypernym 08392137 +00179718 _derivationally_related_form 13135832 +02722997 _hypernym 02716866 +15160579 _derivationally_related_form 00619183 +02279819 _hypernym 01762525 +06789411 _derivationally_related_form 03057075 +01120069 _derivationally_related_form 00773402 +00660957 _hypernym 00654885 +01957591 _hypernym 01938850 +09285254 _derivationally_related_form 00338071 +03405725 _derivationally_related_form 02336483 +02192225 _derivationally_related_form 07823951 +10400998 _hypernym 10191943 +10805932 _hypernym 09545324 +03346455 _has_part 04557111 +01365549 _hypernym 01340439 +00507673 _hypernym 00455599 +01166517 _hypernym 01080366 +07454758 _derivationally_related_form 02264397 +05058140 _derivationally_related_form 00438178 +01955127 _derivationally_related_form 10017422 +01105259 _derivationally_related_form 01950798 +07009421 _derivationally_related_form 00902289 +12025220 _hypernym 11672400 +00733632 _derivationally_related_form 08293982 +02398681 _hypernym 02398463 +00464321 _hypernym 00468791 +02547586 _derivationally_related_form 09608709 +02678677 _derivationally_related_form 02957586 +12894930 _hypernym 12893463 +12630478 _hypernym 12630144 +11776861 _hypernym 11567411 +01361973 _hypernym 01352574 +02840361 _derivationally_related_form 01303242 +00085219 _derivationally_related_form 02273293 +00958334 _derivationally_related_form 07342049 +05529286 _hypernym 05287882 +04886881 _derivationally_related_form 02546876 +07491708 _derivationally_related_form 01828736 +14416845 _derivationally_related_form 02430580 +10047459 _derivationally_related_form 00101800 +02400139 _member_meronym 02423465 +03396311 _hypernym 02734423 +06845599 _member_of_domain_usage 03913129 +00847365 _hypernym 00933821 +05477305 _hypernym 05462674 +01594157 _member_meronym 01596142 +02278061 _derivationally_related_form 00750405 +11924445 _hypernym 13118707 +01809617 _hypernym 01809321 +06295235 _member_of_domain_usage 13329641 +02626590 _member_meronym 02627292 +02244956 _derivationally_related_form 10474446 +13604275 _hypernym 13583724 +00621627 _derivationally_related_form 02371811 +10434160 _hypernym 09843956 +01195299 _derivationally_related_form 08463817 +10699752 _derivationally_related_form 00776523 +07804152 _hypernym 07802417 +05602548 _hypernym 05601758 +04903368 _hypernym 04902925 +06295235 _member_of_domain_usage 02822399 +00381331 _hypernym 00381013 +08983274 _instance_hypernym 08524735 +03662016 _hypernym 03681148 +12808227 _member_meronym 12914433 +00405853 _hypernym 00126264 +01227675 _hypernym 02016523 +08853741 _has_part 09202810 +01406684 _hypernym 01508368 +11772154 _hypernym 11567411 +07157273 _member_of_domain_usage 00359806 +03880531 _hypernym 03101986 +13467009 _synset_domain_topic_of 06055946 +07638439 _hypernym 07635155 +11724822 _hypernym 11571907 +07357388 _derivationally_related_form 00205046 +07343574 _hypernym 07343363 +14082595 _hypernym 14081941 +00019792 _hypernym 00019448 +02473307 _hypernym 02472293 +09434345 _instance_hypernym 09403734 +02346409 _synset_domain_topic_of 01090446 +02806907 _derivationally_related_form 06806469 +12213197 _member_meronym 11796744 +01246541 _hypernym 00972621 +15287830 _derivationally_related_form 02052675 +00905852 _derivationally_related_form 06741305 +01228877 _derivationally_related_form 02457233 +09966710 _hypernym 10224578 +02198423 _hypernym 00021065 +13916603 _hypernym 13915999 +08766988 _has_part 08775297 +10655169 _derivationally_related_form 01612084 +06398401 _derivationally_related_form 02609764 +04146050 _derivationally_related_form 02792903 +11785100 _hypernym 11556857 +13651072 _has_part 13650921 +01865383 _derivationally_related_form 02860063 +03432972 _hypernym 02743547 +01278232 _instance_hypernym 00956485 +14516743 _hypernym 14516501 +02731632 _hypernym 00654625 +02549847 _derivationally_related_form 09821831 +07208000 _hypernym 07207273 +08254195 _hypernym 08253815 +00204814 _hypernym 00204439 +07439284 _derivationally_related_form 02093390 +00439958 _derivationally_related_form 01067577 +00536304 _similar_to 00535452 +14050434 _hypernym 14050143 +02610234 _hypernym 01432517 +00548802 _derivationally_related_form 00837288 +00295966 _hypernym 00296178 +00758627 _derivationally_related_form 10420031 +08793489 _member_of_domain_region 08010942 +00230276 _hypernym 00230033 +00390560 _hypernym 00390215 +00575720 _hypernym 00109660 +12226322 _member_meronym 12234176 +01625275 _hypernym 01504437 +07681450 _synset_domain_topic_of 06232880 +14456435 _hypernym 14456138 +04318131 _synset_domain_topic_of 00467995 +02188065 _member_meronym 02190015 +01660252 _verb_group 01660082 +02681795 _also_see 02618149 +10626867 _derivationally_related_form 00654625 +06090869 _derivationally_related_form 10428004 +05795957 _hypernym 05794694 +01724185 _derivationally_related_form 00550016 +10038620 _derivationally_related_form 08557131 +02112546 _derivationally_related_form 05044387 +00331082 _derivationally_related_form 07805254 +04161981 _derivationally_related_form 01543998 +07157273 _member_of_domain_usage 00855301 +09134386 _instance_hypernym 08655464 +07803992 _hypernym 07570720 +01653975 _hypernym 01626600 +12100538 _member_meronym 12106540 +14159623 _hypernym 14504558 +03631177 _hypernym 03309808 +01532589 _derivationally_related_form 03040587 +02807731 _has_part 04446521 +00427786 _synset_domain_topic_of 05946687 +01827535 _derivationally_related_form 05204637 +10335246 _derivationally_related_form 01797051 +01757994 _synset_domain_topic_of 06084469 +12100538 _hypernym 11555413 +00139908 _derivationally_related_form 07884567 +03351979 _hypernym 04100174 +01503268 _hypernym 01544692 +12356395 _has_part 07821919 +11244061 _hypernym 10317007 +11775780 _hypernym 11567411 +00554541 _derivationally_related_form 02723016 +08346655 _hypernym 08342039 +06381869 _derivationally_related_form 01702514 +00267522 _derivationally_related_form 02280132 +02188065 _member_meronym 02193799 +03385420 _hypernym 03892891 +06540527 _hypernym 06539770 +02387910 _hypernym 02387486 +11864364 _member_meronym 11909048 +01417868 _also_see 01666002 +10163723 _derivationally_related_form 02631349 +02335349 _member_meronym 02341805 +01619152 _hypernym 01507175 +00088713 _derivationally_related_form 13498404 +15140405 _has_part 15145171 +00573268 _hypernym 00571609 +11911591 _member_meronym 11986091 +00971650 _derivationally_related_form 06727616 +00710415 _hypernym 00710005 +00164658 _derivationally_related_form 01047338 +10140783 _derivationally_related_form 00657728 +00549106 _hypernym 00548802 +03877845 _hypernym 04079244 +05747582 _derivationally_related_form 00315810 +00048828 _hypernym 00048225 +03553248 _hypernym 03834604 +01203676 _derivationally_related_form 02662979 +12644057 _has_part 12644283 +02566528 _derivationally_related_form 02510446 +09792237 _derivationally_related_form 05217168 +00446885 _derivationally_related_form 13447361 +07244949 _hypernym 07243837 +00614489 _derivationally_related_form 02706691 +13960464 _derivationally_related_form 02576921 +08722844 _instance_hypernym 08574314 +00937879 _hypernym 00945255 +13783816 _hypernym 13783581 +02416104 _hypernym 02414578 +02591893 _derivationally_related_form 01257701 +14911530 _hypernym 14911057 +00278040 _hypernym 00277376 +09353109 _hypernym 09277686 +01304716 _hypernym 01340439 +04568298 _derivationally_related_form 01518924 +09010085 _instance_hypernym 08524735 +13850674 _has_part 11432632 +00092366 _hypernym 01117541 +00836149 _derivationally_related_form 00067274 +03884778 _hypernym 04407435 +06860177 _derivationally_related_form 01050896 +00263044 _derivationally_related_form 14463826 +08769329 _instance_hypernym 08654360 +02123424 _derivationally_related_form 14332085 +13436063 _hypernym 13455487 +13261916 _derivationally_related_form 02307547 +00833702 _verb_group 00100044 +08196892 _hypernym 08190292 +01313249 _verb_group 01233387 +04683453 _derivationally_related_form 00212173 +02412647 _derivationally_related_form 01243674 +01014066 _hypernym 01012360 +02447542 _synset_domain_topic_of 01090446 +01712704 _derivationally_related_form 00097504 +02429682 _hypernym 02428924 +00841091 _derivationally_related_form 01576165 +09925592 _hypernym 09607280 +01449236 _derivationally_related_form 00333203 +01391569 _member_meronym 01392380 +07791663 _hypernym 07790601 +00652622 _derivationally_related_form 06416206 +11600139 _member_meronym 11601487 +08860123 _member_of_domain_region 06792526 +01991744 _derivationally_related_form 13887319 +01054335 _derivationally_related_form 10700201 +00667847 _derivationally_related_form 00060477 +02025353 _derivationally_related_form 08274565 +00639998 _hypernym 00637259 +08830456 _has_part 09342729 +00766418 _derivationally_related_form 10418841 +04558478 _hypernym 04446276 +13952171 _hypernym 13951984 +00839023 _derivationally_related_form 01576165 +07188385 _hypernym 07187773 +08223263 _derivationally_related_form 02600255 +09867154 _hypernym 09620078 +02112029 _derivationally_related_form 05043973 +01240210 _derivationally_related_form 00760956 +02574651 _member_meronym 02574910 +09198106 _has_part 08682188 +05332802 _has_part 05331171 +03502509 _hypernym 03051540 +00378664 _verb_group 00377002 +08984332 _instance_hypernym 08524735 +02744977 _derivationally_related_form 00548326 +05190106 _hypernym 05177285 +10309347 _derivationally_related_form 01020005 +00492706 _derivationally_related_form 14857278 +11669335 _has_part 11690893 +08482700 _synset_domain_topic_of 08199025 +12374002 _hypernym 11565385 +00261972 _derivationally_related_form 00532886 +01254685 _derivationally_related_form 01066775 +14237561 _hypernym 14070360 +01604625 _member_meronym 01618220 +01701334 _member_meronym 01701551 +08190754 _member_meronym 08397255 +00213223 _derivationally_related_form 07824988 +04551950 _hypernym 04426788 +12745564 _has_part 07769886 +00350104 _hypernym 02679899 +07537973 _derivationally_related_form 01814396 +00380083 _derivationally_related_form 00394813 +11911591 _member_meronym 11990804 +09751256 _hypernym 09676884 +00205649 _hypernym 01205961 +01750421 _synset_domain_topic_of 00933420 +00052548 _hypernym 00126264 +01585577 _hypernym 01507175 +00948868 _derivationally_related_form 01162425 +02364989 _hypernym 01864707 +05743296 _hypernym 05739043 +00932161 _verb_group 00931467 +04285803 _hypernym 02756098 +00468236 _derivationally_related_form 10362428 +08463647 _hypernym 08463063 +01756719 _derivationally_related_form 07009946 +09189411 _has_part 08996871 +02202928 _derivationally_related_form 10229498 +02496816 _derivationally_related_form 13996300 +01801876 _hypernym 01801088 +06591442 _hypernym 06589574 +00598954 _derivationally_related_form 00043195 +07678729 _hypernym 07882497 +12577895 _hypernym 11747468 +13773539 _derivationally_related_form 01643657 +00940412 _hypernym 00927261 +00976508 _also_see 01143279 +02332311 _hypernym 02327200 +07361863 _synset_domain_topic_of 08199025 +12980231 _member_meronym 12981595 +08619457 _hypernym 08617963 +00458471 _derivationally_related_form 13575433 +13894434 _derivationally_related_form 02714360 +10080869 _derivationally_related_form 00054628 +09933098 _derivationally_related_form 01267475 +06731378 _hypernym 06729499 +09689152 _hypernym 09686536 +14222112 _hypernym 14171682 +07927931 _hypernym 07927197 +07157273 _member_of_domain_usage 05033046 +02203739 _member_meronym 02204084 +08221348 _hypernym 07941170 +01708542 _synset_domain_topic_of 00428270 +15200896 _hypernym 15199592 +02120997 _hypernym 02075296 +00493517 _hypernym 00493703 +04711435 _hypernym 04709253 +03198951 _hypernym 02720725 +10410246 _hypernym 10622053 +01976488 _hypernym 01970826 +03229905 _hypernym 04482543 +01081852 _derivationally_related_form 00126721 +09382990 _has_part 08844279 +08907606 _has_part 08908954 +09023321 _has_part 09028204 +08229605 _hypernym 08227214 +00700421 _hypernym 00661091 +12377809 _member_meronym 12378080 +03491178 _derivationally_related_form 01677716 +04384016 _has_part 03536568 +01101753 _derivationally_related_form 02043665 +03038281 _hypernym 03323703 +13271320 _derivationally_related_form 02201268 +01129977 _derivationally_related_form 04849241 +00958823 _derivationally_related_form 01021579 +00658798 _hypernym 00658052 +03009111 _derivationally_related_form 09910222 +09009372 _instance_hypernym 08524735 +00409281 _derivationally_related_form 09863749 +02407959 _hypernym 02401031 +11198375 _instance_hypernym 09947232 +02153253 _hypernym 00722232 +12405209 _member_meronym 12406304 +06727758 _hypernym 06722453 +12769430 _hypernym 11562747 +01722980 _hypernym 01619354 +09180431 _hypernym 00023773 +00918820 _hypernym 00915722 +05974564 _derivationally_related_form 10439629 +14877585 _derivationally_related_form 00442267 +06449735 _has_part 06451891 +03745285 _derivationally_related_form 01590171 +06845599 _member_of_domain_usage 04425262 +09608377 _derivationally_related_form 02244773 +06070929 _derivationally_related_form 02906478 +00989084 _hypernym 00987071 +14976448 _derivationally_related_form 01483779 +14994328 _hypernym 14818238 +08345366 _hypernym 08198398 +08657249 _derivationally_related_form 00506952 +00781912 _derivationally_related_form 02277448 +12553573 _hypernym 13104059 +01949195 _member_meronym 01949330 +08070465 _hypernym 08419984 +01835584 _member_meronym 01835769 +11200276 _instance_hypernym 10123844 +03385117 _derivationally_related_form 01659248 +02833140 _hypernym 04202417 +00880269 _derivationally_related_form 02163746 +02845576 _hypernym 08566028 +10553805 _derivationally_related_form 02551144 +05531814 _hypernym 05531379 +10323182 _derivationally_related_form 08402442 +02003480 _hypernym 02002720 +10492202 _hypernym 09632518 +00995838 _derivationally_related_form 06364149 +01162376 _synset_domain_topic_of 08441203 +00378985 _derivationally_related_form 02309008 +13125117 _hypernym 13087625 +00648977 _derivationally_related_form 05789432 +06845599 _member_of_domain_usage 14752952 +01637368 _derivationally_related_form 05896059 +01172784 _derivationally_related_form 01121948 +03916720 _synset_domain_topic_of 06128570 +02326355 _derivationally_related_form 04202417 +08738272 _has_part 08738715 +00066191 _derivationally_related_form 10773040 +02124748 _derivationally_related_form 00882961 +10072054 _derivationally_related_form 05978472 +01080366 _hypernym 00030358 +09759311 _derivationally_related_form 08280124 +02532028 _hypernym 02529772 +00351266 _hypernym 00350461 +12808227 _member_meronym 12874429 +01460785 _derivationally_related_form 04216634 +00072012 _hypernym 00072989 +09326139 _instance_hypernym 09411430 +03807052 _hypernym 03809939 +12808751 _hypernym 11534677 +01351601 _hypernym 01351170 +01162754 _verb_group 02116980 +06631140 _hypernym 06630017 +00595146 _derivationally_related_form 10298912 +07014854 _hypernym 07014320 +09779124 _derivationally_related_form 00687295 +02424652 _derivationally_related_form 10379758 +02636666 _member_meronym 02636854 +02261888 _derivationally_related_form 06696483 +08398036 _derivationally_related_form 01089137 +11712827 _member_meronym 11713034 +08792548 _member_of_domain_region 08020785 +02354112 _synset_domain_topic_of 01101958 +02331919 _derivationally_related_form 04048075 +13966925 _derivationally_related_form 10452260 +02019716 _derivationally_related_form 10214062 +13064678 _hypernym 11590783 +01225997 _hypernym 01225783 +08014202 _synset_domain_topic_of 00759694 +08860123 _member_of_domain_region 10153155 +10586265 _derivationally_related_form 01471547 +12751402 _member_meronym 12751554 +14538113 _hypernym 14536438 +01782050 _member_meronym 01782209 +03255648 _hypernym 03335600 +13144303 _member_meronym 13144511 +13450636 _synset_domain_topic_of 06055946 +01840238 _derivationally_related_form 10096217 +13144303 _member_meronym 13148019 +07366799 _derivationally_related_form 01925694 +05952979 _derivationally_related_form 10706812 +00601822 _hypernym 00599472 +09875353 _hypernym 09894654 +00772967 _hypernym 01009240 +00911327 _derivationally_related_form 04771890 +09060768 _has_part 09422964 +01279120 _instance_hypernym 00956485 +11953038 _has_part 11953610 +01501184 _synset_domain_topic_of 00916464 +01881180 _derivationally_related_form 10765679 +01517175 _hypernym 01332730 +06366581 _derivationally_related_form 00135285 +04526520 _has_part 04526800 +09159003 _instance_hypernym 08655464 +13465530 _synset_domain_topic_of 06090869 +00835976 _hypernym 00831191 +09769929 _derivationally_related_form 00699334 +06453324 _has_part 06437137 +09059274 _has_part 09380817 +04959230 _derivationally_related_form 00287560 +10335246 _hypernym 09630641 +01187810 _synset_domain_topic_of 08441203 +11971600 _member_meronym 11971783 +01789270 _derivationally_related_form 00908672 +04248851 _hypernym 04474466 +08860123 _member_of_domain_region 08286946 +02021149 _hypernym 02020590 +12614096 _hypernym 13121544 +00597265 _derivationally_related_form 02443609 +09108055 _instance_hypernym 08524735 +14799601 _hypernym 14976448 +05868954 _derivationally_related_form 02621244 +03777283 _derivationally_related_form 01697027 +15182402 _hypernym 15199592 +02792305 _derivationally_related_form 01670315 +12563913 _member_meronym 12564083 +09466280 _derivationally_related_form 02702807 +01605119 _member_meronym 01609549 +00641672 _hypernym 00637259 +06828818 _hypernym 06818970 +06960566 _hypernym 06960298 +13211516 _hypernym 13167078 +12564613 _hypernym 12205694 +03082979 _has_part 03782190 +01781274 _hypernym 01759182 +10182499 _derivationally_related_form 08078020 +07183151 _hypernym 07181935 +11875100 _member_meronym 11876803 +05121418 _derivationally_related_form 00946755 +04230808 _has_part 04238321 +00088725 _derivationally_related_form 01215137 +05986395 _hypernym 05984287 +07410745 _hypernym 07338681 +02107248 _hypernym 02106506 +12860365 _hypernym 12205694 +00468791 _derivationally_related_form 00346296 +08191532 _synset_domain_topic_of 08199025 +13996300 _hypernym 13928668 +00798245 _derivationally_related_form 01026975 +00706371 _hypernym 00661091 +01955463 _member_meronym 01956344 +02126686 _hypernym 02125641 +02361811 _synset_domain_topic_of 00610738 +00387919 _hypernym 00126264 +02661252 _derivationally_related_form 04802776 +15241777 _hypernym 15239292 +13913849 _derivationally_related_form 00329244 +05705722 _derivationally_related_form 00091311 +13039553 _hypernym 11592146 +01535005 _hypernym 01507175 +02587761 _hypernym 01432517 +08685188 _has_part 08685677 +10280130 _derivationally_related_form 00597385 +00604811 _hypernym 00586262 +12396255 _member_meronym 12397594 +01146288 _derivationally_related_form 01207149 +08989031 _instance_hypernym 08544813 +07354731 _derivationally_related_form 01100145 +07137950 _derivationally_related_form 00955601 +02333358 _hypernym 02327200 +13745086 _hypernym 13741022 +06382590 _hypernym 06379721 +07355491 _derivationally_related_form 02109818 +07108453 _hypernym 07105475 +00770543 _derivationally_related_form 02567147 +07140978 _hypernym 07140659 +00289365 _also_see 00681094 +14746417 _hypernym 14747338 +00955601 _derivationally_related_form 07172756 +06805497 _hypernym 06804199 +10414612 _hypernym 09850121 +07442068 _hypernym 07309781 +03791235 _has_part 04590553 +04902925 _derivationally_related_form 00683185 +02523275 _also_see 02360448 +02613275 _derivationally_related_form 09847727 +09151216 _instance_hypernym 08633957 +11684739 _hypernym 11684264 +01254013 _derivationally_related_form 00258695 +00969506 _derivationally_related_form 04404412 +01013367 _derivationally_related_form 01264243 +00388392 _derivationally_related_form 00328802 +08723006 _has_part 08725692 +10198832 _derivationally_related_form 01778017 +04402580 _hypernym 03261776 +06451891 _instance_hypernym 06429590 +01728738 _member_meronym 01728920 +03119790 _hypernym 03315023 +06539178 _hypernym 06667792 +00343771 _hypernym 00343334 +07398276 _hypernym 07371293 +11719468 _member_meronym 11726569 +01363482 _hypernym 01332730 +02641035 _derivationally_related_form 15271008 +05722868 _hypernym 05721180 +01053221 _hypernym 00983824 +00366858 _derivationally_related_form 15055633 +01280014 _derivationally_related_form 13907415 +01947266 _also_see 00849357 +00865387 _derivationally_related_form 10682501 +11680032 _hypernym 09201031 +02291548 _verb_group 02291258 +05460870 _has_part 05461349 +02099019 _derivationally_related_form 01085937 +09987927 _hypernym 10707804 +14407899 _hypernym 14407536 +11654438 _hypernym 13108841 +11498203 _derivationally_related_form 01447632 +04764741 _derivationally_related_form 00485711 +15235126 _hypernym 15154774 +03626115 _derivationally_related_form 01531265 +00082929 _synset_domain_topic_of 00612160 +06793426 _derivationally_related_form 01570403 +14026376 _synset_domain_topic_of 05970755 +03914919 _derivationally_related_form 01543731 +02021438 _member_meronym 02036982 +00992041 _derivationally_related_form 06876309 +08906374 _member_of_domain_region 08096624 +01802689 _derivationally_related_form 07496755 +02483092 _hypernym 02470899 +01323355 _hypernym 01321230 +04146050 _derivationally_related_form 02387910 +05555688 _hypernym 05221895 +09126305 _has_part 09127844 +08568256 _hypernym 08567235 +10547145 _derivationally_related_form 00823129 +09682122 _hypernym 09681351 +12904720 _member_meronym 12905412 +03481172 _hypernym 03489162 +04473432 _has_part 04412901 +01296127 _instance_hypernym 01075117 +08820121 _member_of_domain_region 03218198 +04099175 _hypernym 03596285 +01052739 _derivationally_related_form 01499006 +11414041 _hypernym 11410625 +10722758 _hypernym 10053808 +10252075 _derivationally_related_form 02460199 +03368141 _hypernym 07938773 +04098513 _hypernym 04359589 +00412271 _derivationally_related_form 10685853 +11173199 _instance_hypernym 09868270 +00632236 _hypernym 00719734 +11659068 _hypernym 11554175 +15255804 _hypernym 05867413 +01732713 _derivationally_related_form 10160770 +12585967 _hypernym 14866889 +00366275 _verb_group 00366547 +07542675 _hypernym 07541923 +04121511 _derivationally_related_form 01326730 +05734381 _hypernym 05734018 +05606528 _hypernym 05606633 +08921850 _has_part 08923755 +02976641 _has_part 04205759 +08860123 _member_of_domain_region 01118614 +01052782 _derivationally_related_form 07386614 +05803212 _derivationally_related_form 00563824 +00381567 _derivationally_related_form 00303056 +00372013 _derivationally_related_form 00158804 +00021997 _hypernym 00021065 +08404373 _synset_domain_topic_of 08199025 +12638556 _hypernym 12638218 +13513747 _derivationally_related_form 00062203 +00912822 _hypernym 00911048 +03308297 _derivationally_related_form 03308853 +00786458 _derivationally_related_form 07199191 +00549610 _derivationally_related_form 10400998 +01350971 _derivationally_related_form 07351031 +08622586 _synset_domain_topic_of 08199025 +07511733 _derivationally_related_form 01811441 +06845599 _member_of_domain_usage 14753188 +02008066 _derivationally_related_form 13653902 +01033458 _derivationally_related_form 02382087 +12331066 _hypernym 13111174 +06771653 _hypernym 06770275 +05299927 _hypernym 05299178 +07998573 _derivationally_related_form 00656292 +03573282 _derivationally_related_form 00188466 +00403092 _hypernym 00376063 +05245906 _hypernym 05250659 +10284064 _derivationally_related_form 01659248 +02514187 _verb_group 01033527 +04694809 _derivationally_related_form 01532329 +07847453 _hypernym 07847198 +03110322 _derivationally_related_form 00002573 +10420277 _hypernym 10228278 +07809368 _derivationally_related_form 02191766 +05486920 _hypernym 05221895 +00779360 _derivationally_related_form 00831191 +01536344 _hypernym 01458973 +10645611 _hypernym 10676877 +02166346 _synset_domain_topic_of 06066555 +00184117 _derivationally_related_form 07374756 +00498662 _hypernym 00146138 +00264776 _derivationally_related_form 09614047 +03292736 _hypernym 03431745 +14964129 _synset_domain_topic_of 06079620 +01030132 _derivationally_related_form 00152018 +01494310 _also_see 02494356 +12518013 _hypernym 13112664 +13975037 _synset_domain_topic_of 06051542 +00866702 _derivationally_related_form 01040646 +00411020 _verb_group 00171852 +12603784 _member_meronym 12603959 +02911158 _hypernym 03183080 +04010927 _hypernym 04008947 +05519820 _synset_domain_topic_of 14046202 +05537576 _hypernym 05470189 +00458471 _derivationally_related_form 14738752 +05513807 _has_part 05524615 +05277728 _derivationally_related_form 05269901 +00395797 _derivationally_related_form 00073343 +04561548 _derivationally_related_form 01313411 +00984609 _hypernym 00981830 +12750767 _hypernym 13112664 +02403003 _has_part 02462602 +02453889 _derivationally_related_form 10677713 +02014553 _hypernym 02014165 +01492052 _derivationally_related_form 13792692 +01008801 _derivationally_related_form 00710005 +04519153 _has_part 03490449 +13029946 _hypernym 11594676 +02840935 _derivationally_related_form 05556595 +01855155 _verb_group 02753255 +03099945 _derivationally_related_form 00381013 +02296153 _derivationally_related_form 06685198 +07007945 _derivationally_related_form 01701311 +00555648 _derivationally_related_form 00459296 +01880113 _derivationally_related_form 07401726 +02752567 _derivationally_related_form 05061345 +10018861 _derivationally_related_form 02479990 +14966667 _hypernym 14938907 +03430551 _hypernym 04574999 +09853305 _derivationally_related_form 13964466 +02659478 _has_part 07791663 +00751145 _derivationally_related_form 02576921 +06946497 _hypernym 06941644 +05117660 _derivationally_related_form 00933566 +01462005 _derivationally_related_form 07963987 +01719921 _derivationally_related_form 00548326 +01548193 _similar_to 01548694 +01169744 _derivationally_related_form 01091427 +02293974 _hypernym 01762525 +02363128 _derivationally_related_form 03497657 +11690893 _hypernym 13152742 +14455206 _hypernym 13920835 +02360448 _also_see 02103481 +00305109 _derivationally_related_form 00365471 +10080508 _derivationally_related_form 05966129 +02669806 _derivationally_related_form 09872557 +07176682 _hypernym 07175241 +02171039 _derivationally_related_form 00882159 +01999048 _member_meronym 01999186 +02061495 _verb_group 02055267 +01034685 _synset_domain_topic_of 08083599 +10162991 _derivationally_related_form 00593108 +12169776 _member_meronym 12170585 +07008680 _hypernym 06269396 +09077556 _instance_hypernym 08524735 +00594477 _hypernym 00586262 +02224323 _hypernym 01759182 +00161243 _derivationally_related_form 00676450 +01728355 _synset_domain_topic_of 00543233 +09070487 _has_part 09070793 +02310328 _hypernym 02200686 +10467395 _hypernym 10164747 +02152881 _hypernym 00015388 +06845599 _member_of_domain_usage 04520618 +12598247 _hypernym 11534677 +09437454 _derivationally_related_form 02037090 +02932019 _hypernym 03079741 +14658109 _hypernym 14625458 +14855992 _hypernym 14853947 +00631737 _derivationally_related_form 10150794 +00186740 _hypernym 00515154 +02125409 _derivationally_related_form 01053920 +00335923 _derivationally_related_form 07410207 +00295563 _hypernym 00126264 +00648224 _hypernym 00789138 +01315333 _hypernym 01315613 +01354673 _derivationally_related_form 13792692 +03785142 _hypernym 03485997 +00006336 _derivationally_related_form 04940964 +08986905 _member_meronym 09728137 +05798043 _derivationally_related_form 02532595 +12626030 _member_meronym 12627119 +00713818 _hypernym 00713167 +10683349 _hypernym 09820263 +07159276 _hypernym 07157273 +07061334 _hypernym 07060167 +02639075 _derivationally_related_form 10270232 +02541251 _verb_group 02670890 +11841529 _member_meronym 11851101 +03102859 _derivationally_related_form 00370412 +02315277 _derivationally_related_form 10384392 +01523105 _derivationally_related_form 04067472 +08049989 _member_meronym 08831004 +13582013 _derivationally_related_form 00946755 +09701148 _hypernym 09700964 +05519820 _hypernym 05327134 +12624055 _hypernym 12623524 +01952750 _derivationally_related_form 08616311 +00336805 _hypernym 00331950 +09884815 _derivationally_related_form 01235769 +12331415 _hypernym 11567411 +02103481 _derivationally_related_form 05019661 +00815801 _derivationally_related_form 01941093 +00719734 _derivationally_related_form 07510923 +00067999 _derivationally_related_form 14852913 +00089027 _derivationally_related_form 00462092 +09148970 _has_part 09151216 +00818170 _synset_domain_topic_of 08199025 +09975933 _derivationally_related_form 00605783 +01079873 _derivationally_related_form 00557588 +05088324 _derivationally_related_form 02689299 +00594621 _verb_group 00595630 +03222516 _derivationally_related_form 02182109 +00814850 _derivationally_related_form 07200813 +06664051 _hypernym 06652242 +06716483 _derivationally_related_form 00032778 +10891981 _instance_hypernym 10181137 +00145024 _synset_domain_topic_of 00471613 +09616573 _hypernym 10631941 +00552097 _derivationally_related_form 01719921 +05266239 _hypernym 05265139 +00409281 _derivationally_related_form 06214744 +12028196 _hypernym 11579418 +10648033 _hypernym 00004475 +04257986 _hypernym 02991048 +01186578 _synset_domain_topic_of 08441203 +01409581 _derivationally_related_form 04744814 +01153486 _derivationally_related_form 09826074 +14830364 _hypernym 14994328 +02291391 _member_meronym 02292564 +14788714 _hypernym 14621446 +00564177 _hypernym 00556313 +00548266 _hypernym 00422090 +08183046 _derivationally_related_form 02028722 +07183151 _derivationally_related_form 00869126 +00403609 _derivationally_related_form 04357930 +02886599 _derivationally_related_form 01219706 +02573127 _hypernym 02574516 +04904996 _derivationally_related_form 01791973 +05781145 _derivationally_related_form 00593669 +12723985 _hypernym 11564734 +11083064 _instance_hypernym 09921792 +04710127 _hypernym 04709253 +01477373 _member_meronym 01477525 +07650792 _hypernym 07570720 +02328270 _hypernym 01862557 +03041632 _derivationally_related_form 01556572 +11911591 _member_meronym 12026764 +01500873 _hypernym 01494310 +03797390 _has_part 03485997 +01686439 _derivationally_related_form 04800359 +01787822 _derivationally_related_form 14391876 +08685677 _synset_domain_topic_of 05778131 +00287560 _hypernym 00286928 +07767344 _hypernym 13138308 +00038687 _derivationally_related_form 04947628 +00203020 _derivationally_related_form 02378950 +14048134 _hypernym 13939892 +02273545 _member_meronym 02281552 +01576863 _hypernym 01507175 +00282050 _derivationally_related_form 00558371 +15266265 _derivationally_related_form 10468559 +00106456 _also_see 02336449 +05068716 _derivationally_related_form 01307609 +01627424 _has_part 02465929 +01598432 _member_meronym 01599919 +02212323 _hypernym 01759182 +06528992 _derivationally_related_form 00695475 +02169119 _also_see 02125460 +02438535 _hypernym 02436349 +02966372 _hypernym 03100897 +07518663 _derivationally_related_form 02558172 +01807882 _derivationally_related_form 05850823 +15121406 _has_part 15253139 +01922895 _synset_domain_topic_of 00523513 +00981083 _derivationally_related_form 06816935 +12316300 _hypernym 11744859 +03068181 _has_part 03315805 +08921850 _has_part 08923586 +06957140 _hypernym 06956544 +00875671 _hypernym 00874067 +12506614 _member_meronym 12506784 +01164273 _derivationally_related_form 00948206 +12684640 _member_meronym 12706644 +06376154 _derivationally_related_form 01701311 +05629381 _has_part 09449773 +00943600 _hypernym 00153288 +02142295 _hypernym 01864707 +01835087 _member_meronym 01836246 +05853636 _derivationally_related_form 02170427 +12649065 _hypernym 12641413 +08860123 _member_of_domain_region 03599964 +00773432 _derivationally_related_form 09997404 +03008275 _derivationally_related_form 01490336 +10117957 _hypernym 09620078 +02544348 _derivationally_related_form 10072708 +07396945 _derivationally_related_form 02184965 +11911591 _member_meronym 11958742 +12653056 _member_meronym 12653218 +02326355 _derivationally_related_form 10592397 +10536728 _hypernym 10753546 +02553196 _member_meronym 02554512 +01496843 _verb_group 01496630 +09133010 _has_part 09326467 +10654015 _hypernym 10569744 +02016816 _hypernym 02016358 +10932898 _instance_hypernym 10423589 +06533648 _derivationally_related_form 02353201 +14001348 _derivationally_related_form 00725772 +00358089 _derivationally_related_form 01593937 +02124332 _derivationally_related_form 05713737 +13576982 _hypernym 00033615 +02513269 _also_see 02036578 +01802219 _derivationally_related_form 07211950 +05017458 _hypernym 05017230 +00340846 _hypernym 00339934 +10622053 _hypernym 10058777 +01203500 _hypernym 01177699 +03138534 _hypernym 08677801 +02919275 _derivationally_related_form 00707624 +12552658 _hypernym 11585340 +02187510 _hypernym 02176268 +12479066 _hypernym 11556187 +09110422 _instance_hypernym 08655464 +03289462 _derivationally_related_form 00434077 +01131902 _hypernym 01119169 +10840769 _instance_hypernym 10022111 +09122968 _instance_hypernym 08553535 +08388636 _hypernym 08388207 +09451864 _instance_hypernym 09411430 +09283767 _hypernym 09334396 +10689564 _derivationally_related_form 01666327 +08860123 _member_of_domain_region 03216562 +00482180 _synset_domain_topic_of 05718935 +01249616 _hypernym 00217014 +04490091 _has_part 02918595 +05492426 _hypernym 05225602 +08008017 _derivationally_related_form 01482449 +01882814 _derivationally_related_form 09349648 +01400044 _hypernym 01206218 +13628592 _hypernym 13601596 +02137549 _hypernym 02134971 +10824541 _instance_hypernym 10231515 +02296480 _member_meronym 02296612 +11892460 _member_meronym 11892637 +12326842 _hypernym 11567411 +04372171 _derivationally_related_form 01411630 +10621400 _derivationally_related_form 08075388 +05916739 _derivationally_related_form 02747667 +02372605 _hypernym 02367363 +02609764 _derivationally_related_form 08566707 +00684273 _hypernym 00683280 +00634090 _hypernym 00633443 +01418959 _derivationally_related_form 00340662 +00665886 _derivationally_related_form 00153961 +08440630 _derivationally_related_form 10011902 +06711159 _hypernym 06710546 +01889074 _hypernym 01886756 +09740085 _hypernym 10346198 +07084560 _hypernym 07084166 +11764231 _member_meronym 11764478 +08780881 _has_part 08789605 +10979079 _instance_hypernym 09740085 +00664110 _derivationally_related_form 00084562 +10256537 _hypernym 09998101 +01577635 _derivationally_related_form 10019406 +10998305 _instance_hypernym 09765278 +09987696 _derivationally_related_form 02416030 +02183175 _derivationally_related_form 07398276 +02217011 _hypernym 02251743 +02045790 _verb_group 02045043 +01959482 _hypernym 01957529 +08929922 _member_of_domain_region 08548733 +09286630 _instance_hypernym 09411430 +04914133 _derivationally_related_form 00642379 +13069348 _hypernym 11590783 +00137313 _hypernym 00126264 +13201725 _member_meronym 13201969 +04161358 _hypernym 04359589 +01077887 _synset_domain_topic_of 00503237 +04456276 _hypernym 03359755 +02036982 _hypernym 01507175 +06201908 _hypernym 06201136 +14415518 _hypernym 14414715 +00618057 _hypernym 00617748 +08565701 _hypernym 08512259 +00790509 _hypernym 00720063 +06715927 _derivationally_related_form 01774799 +00800930 _derivationally_related_form 00203649 +00388635 _hypernym 01564144 +12859986 _hypernym 12205694 +01466978 _derivationally_related_form 09758781 +02059916 _derivationally_related_form 09993252 +07663592 _hypernym 07649854 +02408965 _hypernym 01158872 +10895688 _instance_hypernym 10650162 +03541091 _hypernym 04105893 +10479135 _hypernym 09880427 +07961379 _hypernym 07961016 +02495817 _derivationally_related_form 13999206 +07433662 _hypernym 07313636 +01104637 _has_part 00617989 +08860123 _member_of_domain_region 09844770 +02070150 _hypernym 02028366 +10041195 _derivationally_related_form 06054700 +02948557 _hypernym 03525454 +01212519 _derivationally_related_form 02453889 +00262703 _derivationally_related_form 03745285 +02137538 _derivationally_related_form 07489059 +02483267 _derivationally_related_form 01163779 +13490909 _hypernym 13489037 +04151228 _hypernym 03744276 +11828247 _hypernym 12205694 +00835501 _hypernym 00835267 +12605965 _member_meronym 12606227 +01305731 _hypernym 01931768 +01298931 _derivationally_related_form 00376400 +08473623 _hypernym 08464601 +10406072 _hypernym 09700964 +05117660 _hypernym 05093890 +03730893 _hypernym 03122748 +01226600 _derivationally_related_form 09991867 +00693401 _derivationally_related_form 01029114 +02559752 _derivationally_related_form 01076046 +00087218 _hypernym 00083975 +02758270 _synset_domain_topic_of 07979425 +04942869 _hypernym 04916342 +02257767 _hypernym 00126264 +15273626 _derivationally_related_form 00015498 +07434209 _hypernym 07362386 +10908919 _instance_hypernym 10467395 +05155821 _hypernym 05154517 +04950126 _hypernym 04916342 +07528470 _hypernym 07528212 +02553196 _member_meronym 02590237 +12169776 _member_meronym 12174124 +06845599 _member_of_domain_usage 03584111 +08876773 _instance_hypernym 08554440 +00686890 _derivationally_related_form 00820801 +01744657 _member_meronym 01746063 +02744651 _derivationally_related_form 09379111 +01295275 _derivationally_related_form 00147454 +08357784 _hypernym 08164585 +05051249 _hypernym 05044528 +02949542 _derivationally_related_form 00213794 +06552814 _derivationally_related_form 02316304 +10978842 _instance_hypernym 10123844 +02679530 _derivationally_related_form 05051896 +11663449 _hypernym 08103777 +07977592 _has_part 06583178 +14867858 _hypernym 14866889 +00920956 _hypernym 00238022 +09260218 _hypernym 09257949 +00181664 _hypernym 00126264 +02559606 _hypernym 01429349 +02116118 _derivationally_related_form 02309341 +00100253 _has_part 01053207 +05871792 _hypernym 05872477 +07007945 _derivationally_related_form 01719302 +03525454 _hypernym 03525827 +10120671 _derivationally_related_form 01740969 +10716389 _derivationally_related_form 00071178 +00132601 _hypernym 00131090 +09997404 _hypernym 09615465 +06377442 _has_part 06384708 +03497657 _hypernym 03502509 +05718935 _derivationally_related_form 01504625 +01892104 _derivationally_related_form 00120202 +03624966 _derivationally_related_form 01672014 +02646378 _hypernym 02604760 +00283127 _hypernym 00279835 +14295691 _hypernym 14295389 +14841267 _hypernym 14877585 +04641153 _hypernym 04640927 +00815801 _derivationally_related_form 01933305 +01571744 _derivationally_related_form 03420935 +02486787 _hypernym 01864707 +06674188 _hypernym 06885389 +00320486 _derivationally_related_form 02001858 +03102371 _hypernym 04330340 +04638175 _hypernym 04637923 +02891188 _hypernym 02889425 +01719921 _derivationally_related_form 06892016 +06697331 _hypernym 06696483 +00939628 _hypernym 00939452 +02649830 _derivationally_related_form 10268180 +10281546 _hypernym 10625860 +07169480 _derivationally_related_form 02475922 +08278169 _hypernym 07965085 +11087612 _instance_hypernym 10453533 +01123148 _derivationally_related_form 05142180 +06399631 _derivationally_related_form 01328705 +07234881 _hypernym 07241837 +05822746 _derivationally_related_form 02166460 +10228278 _hypernym 10396106 +11225661 _instance_hypernym 10547145 +00107875 _derivationally_related_form 02033137 +11911591 _member_meronym 12005500 +01197338 _derivationally_related_form 01182024 +12501745 _member_meronym 12554242 +00307631 _derivationally_related_form 02056971 +01975687 _hypernym 01974773 +03709206 _derivationally_related_form 00240293 +02371718 _also_see 01959294 +06828389 _hypernym 06818970 +14437134 _derivationally_related_form 00860620 +00502623 _derivationally_related_form 14854847 +01991472 _derivationally_related_form 07364115 +07372565 _derivationally_related_form 01789514 +12391477 _member_meronym 12396255 +05598147 _has_part 05544432 +09268592 _instance_hypernym 09403734 +02494866 _member_meronym 02495446 +01253060 _derivationally_related_form 02767308 +02447366 _hypernym 02441326 +00808191 _derivationally_related_form 05030806 +01344903 _derivationally_related_form 03042984 +02593354 _derivationally_related_form 01135795 +09110229 _instance_hypernym 08524735 +02117232 _derivationally_related_form 14616939 +01780551 _member_meronym 01780696 +01185292 _synset_domain_topic_of 08441203 +07202579 _derivationally_related_form 00971650 +05172596 _hypernym 05138488 +01505254 _derivationally_related_form 05850823 +10837918 _instance_hypernym 10547145 +03387653 _hypernym 03316406 +13742358 _derivationally_related_form 00297507 +02230782 _member_meronym 02231052 +00467995 _hypernym 00467719 +08487504 _member_meronym 08956760 +01492052 _derivationally_related_form 04612840 +15237250 _derivationally_related_form 00408448 +13169219 _member_meronym 13202749 +11960943 _hypernym 11579418 +09204977 _instance_hypernym 09376198 +03003744 _derivationally_related_form 07907161 +00872414 _derivationally_related_form 14031660 +02214485 _derivationally_related_form 13368052 +13817526 _hypernym 13815742 +12802987 _hypernym 11585340 +05088324 _derivationally_related_form 02028994 +02386012 _hypernym 02386388 +04813712 _derivationally_related_form 00971075 +01261018 _also_see 00677445 +01153305 _derivationally_related_form 00369194 +00186634 _derivationally_related_form 01111816 +15200314 _hypernym 15199592 +07579399 _derivationally_related_form 01201089 +04760771 _derivationally_related_form 00629997 +01134781 _derivationally_related_form 10593115 +14881303 _derivationally_related_form 01587575 +01705247 _member_meronym 01705717 +11437577 _hypernym 11499284 +00814850 _derivationally_related_form 05826469 +08746636 _instance_hypernym 08524735 +09028841 _instance_hypernym 09399592 +07075172 _member_of_domain_usage 10251329 +01692864 _hypernym 01674464 +07344233 _hypernym 07352190 +01529036 _member_meronym 01534034 +02305586 _hypernym 02210855 +04544805 _hypernym 15101854 +10599806 _derivationally_related_form 01704236 +03258730 _derivationally_related_form 01677509 +02440705 _member_meronym 02446512 +10033412 _hypernym 10120816 +05207570 _hypernym 05207130 +06034301 _hypernym 06022727 +05979454 _hypernym 05978812 +15226214 _derivationally_related_form 00059019 +00990008 _derivationally_related_form 10380672 +00271879 _derivationally_related_form 00114052 +02421374 _derivationally_related_form 07947958 +12166312 _member_meronym 12166424 +13792183 _derivationally_related_form 01607072 +10686313 _derivationally_related_form 01814815 +02226380 _synset_domain_topic_of 00610738 +02943241 _hypernym 03656484 +01497458 _derivationally_related_form 04478889 +01392237 _also_see 01157517 +01835496 _also_see 01989873 +01870275 _also_see 00618057 +02045024 _member_meronym 02046045 +09275473 _member_of_domain_region 03743016 +06300193 _hypernym 06290637 +08597323 _has_part 08969291 +00054059 _derivationally_related_form 07437372 +09888832 _hypernym 09851876 +15282696 _derivationally_related_form 02058994 +02125409 _derivationally_related_form 10523519 +09828600 _hypernym 00007846 +13291356 _synset_domain_topic_of 08441203 +07204401 _hypernym 07160883 +00173159 _hypernym 00171586 +02641825 _member_meronym 02642107 +01405044 _derivationally_related_form 00125629 +05048123 _hypernym 05046009 +04543158 _has_part 02765028 +01372408 _synset_domain_topic_of 00523513 +01313923 _hypernym 02238085 +03654374 _derivationally_related_form 10387586 +13954253 _hypernym 00024720 +13411157 _hypernym 13405962 +01746359 _hypernym 00968211 +02652158 _derivationally_related_form 10171567 +11976170 _hypernym 11672400 +12260593 _member_meronym 12261571 +02958343 _has_part 03696065 +02964389 _derivationally_related_form 01612084 +03566555 _hypernym 03733925 +11643354 _hypernym 14894481 +14004958 _synset_domain_topic_of 07020895 +12501745 _member_meronym 12518725 +03158259 _instance_hypernym 03086183 +00799383 _derivationally_related_form 10784922 +05794694 _derivationally_related_form 01638368 +15122231 _derivationally_related_form 00490968 +01489989 _hypernym 00452512 +02123812 _also_see 02495922 +12261571 _hypernym 12260799 +13428159 _hypernym 13518963 +01501347 _hypernym 01500873 +06845599 _member_of_domain_usage 03998525 +01571578 _member_meronym 01572174 +02469596 _hypernym 02467662 +02496576 _member_meronym 02498355 +06055946 _derivationally_related_form 10488016 +05808218 _derivationally_related_form 02128066 +02341266 _derivationally_related_form 04728376 +05531379 _hypernym 05250659 +05238036 _derivationally_related_form 01486312 +02657083 _hypernym 01342529 +06845599 _member_of_domain_usage 03287459 +01821132 _derivationally_related_form 14407899 +14152279 _hypernym 14291010 +07702193 _hypernym 07698915 +01674464 _hypernym 01674216 +06613686 _hypernym 04007894 +02728784 _synset_domain_topic_of 01090446 +00081572 _derivationally_related_form 02207206 +10402417 _derivationally_related_form 06526291 +01852861 _hypernym 01846331 +00797878 _hypernym 00795720 +07735510 _hypernym 07707451 +12173664 _hypernym 12170585 +09275473 _has_part 08887841 +09442838 _hypernym 09222051 +02153709 _derivationally_related_form 00945401 +02460275 _member_meronym 02460451 +14547643 _hypernym 14547369 +06605396 _derivationally_related_form 00908672 +00759657 _hypernym 00759501 +04795545 _derivationally_related_form 00485711 +01555742 _derivationally_related_form 13904843 +03574555 _hypernym 03297735 +01160031 _similar_to 01161635 +15177866 _has_part 15214840 +00965871 _derivationally_related_form 00686890 +00479598 _hypernym 00126264 +00828237 _derivationally_related_form 00047945 +11545524 _hypernym 13083586 +05471837 _hypernym 05471629 +12532168 _has_part 07729485 +06171388 _hypernym 06153846 +01131043 _also_see 02037272 +13503673 _hypernym 13459322 +00444309 _derivationally_related_form 13508651 +05748285 _derivationally_related_form 00650353 +08644045 _synset_domain_topic_of 04194289 +13629482 _has_part 13628761 +03912218 _hypernym 03343354 +00881998 _derivationally_related_form 07140348 +00848466 _derivationally_related_form 09772746 +02696129 _derivationally_related_form 08614104 +14118423 _has_part 14019840 +00036780 _hypernym 00036362 +01675245 _derivationally_related_form 03481172 +05929008 _derivationally_related_form 01723690 +01822248 _derivationally_related_form 07553964 +01457576 _hypernym 01429349 +03836451 _has_part 02865665 +12465321 _hypernym 11561228 +03013580 _hypernym 04508163 +10315561 _derivationally_related_form 13651218 +01574571 _hypernym 01389329 +01180975 _hypernym 01182709 +03494706 _has_part 02900160 +02693246 _hypernym 04412901 +00380083 _derivationally_related_form 01418667 +00387897 _derivationally_related_form 01004550 +07094731 _hypernym 07094093 +12667179 _hypernym 11579418 +09767700 _hypernym 09765278 +09036452 _has_part 09036880 +00076884 _hypernym 07317519 +09854915 _hypernym 09913824 +13939353 _derivationally_related_form 02389220 +05922949 _derivationally_related_form 02676054 +01943406 _derivationally_related_form 04783888 +15167027 _hypernym 15113229 +01106377 _hypernym 01105639 +02583211 _member_meronym 02584004 +11815491 _hypernym 11669921 +12852570 _hypernym 12205694 +00627437 _hypernym 00624738 +12358485 _member_meronym 12359026 +00736216 _derivationally_related_form 09791530 +09794917 _derivationally_related_form 00470701 +07238694 _derivationally_related_form 00989201 +04055180 _hypernym 03736970 +01829747 _hypernym 01771535 +08851687 _instance_hypernym 08524735 +09819860 _hypernym 00004475 +01904293 _derivationally_related_form 03364340 +00647542 _derivationally_related_form 09979072 +00330909 _synset_domain_topic_of 06084469 +00302464 _derivationally_related_form 00920956 +12834671 _hypernym 11579418 +02661317 _hypernym 01432517 +05462057 _has_part 05461816 +02334079 _hypernym 01864707 +02169345 _member_meronym 02169497 +13368052 _derivationally_related_form 00724150 +02798574 _hypernym 08511241 +04680752 _synset_domain_topic_of 06083243 +06497459 _derivationally_related_form 02330967 +02262752 _hypernym 02199590 +00193486 _derivationally_related_form 07373803 +12165758 _hypernym 12157769 +02459173 _derivationally_related_form 03195485 +08859173 _member_of_domain_region 09507909 +07034634 _derivationally_related_form 01049737 +12654387 _hypernym 12653762 +09969491 _derivationally_related_form 00948071 +06377275 _hypernym 06364329 +01270175 _also_see 00976508 +01695259 _member_meronym 01696282 +11664929 _member_meronym 11667562 +07964495 _derivationally_related_form 01385170 +08860123 _member_of_domain_region 06700169 +08747054 _has_part 08755852 +01955127 _derivationally_related_form 06682794 +07384741 _hypernym 07371293 +10306279 _derivationally_related_form 05951969 +04350458 _hypernym 03309808 +03316105 _hypernym 03257586 +05524615 _has_part 05525807 +02449060 _hypernym 01864707 +02102002 _hypernym 01835496 +00037396 _derivationally_related_form 02367363 +00433778 _derivationally_related_form 13470491 +10579676 _derivationally_related_form 04628080 +01198101 _derivationally_related_form 03990834 +06590210 _hypernym 06589574 +00597385 _derivationally_related_form 10280130 +03660664 _has_part 02968333 +00849939 _derivationally_related_form 10400998 +01743784 _hypernym 01742886 +01249483 _derivationally_related_form 01656458 +05588174 _has_part 05284617 +14586769 _derivationally_related_form 01603303 +01215694 _hypernym 02339413 +00045250 _hypernym 00030358 +06796119 _derivationally_related_form 01031256 +05549830 _has_part 05551318 +00954311 _synset_domain_topic_of 08199025 +12545090 _member_meronym 12545635 +01586170 _member_meronym 01586374 +01119421 _derivationally_related_form 04953954 +09977520 _hypernym 10411551 +03612378 _hypernym 03828465 +13651520 _derivationally_related_form 13660619 +03890713 _instance_hypernym 04511002 +06851742 _member_of_domain_usage 03753826 +07541053 _derivationally_related_form 01826723 +13623054 _hypernym 13615557 +03473465 _hypernym 04294212 +01950128 _hypernym 01953810 +02953197 _hypernym 02898711 +03802973 _hypernym 02676261 +14545045 _hypernym 14544672 +00681429 _derivationally_related_form 00874806 +01220303 _hypernym 01216670 +00694068 _derivationally_related_form 06206800 +02185337 _hypernym 01342529 +00464513 _also_see 01925372 +13497135 _hypernym 00029677 +08672562 _derivationally_related_form 00413876 +02913152 _has_part 02715513 +00911562 _hypernym 00831651 +03509025 _hypernym 04516874 +00419908 _hypernym 00418025 +00938247 _derivationally_related_form 05928513 +15210045 _has_part 15194506 +10271677 _hypernym 10285135 +01813499 _derivationally_related_form 05829782 +04912982 _derivationally_related_form 00642379 +01435380 _derivationally_related_form 01105259 +00157389 _derivationally_related_form 00713167 +00417482 _hypernym 00417001 +00189062 _derivationally_related_form 03147509 +01623967 _derivationally_related_form 10279018 +08816236 _has_part 08817418 +11655407 _member_meronym 11655592 +02949511 _derivationally_related_form 06117855 +01599919 _hypernym 01504437 +07936548 _hypernym 07936263 +14714817 _hypernym 14712692 +00125629 _derivationally_related_form 01400044 +13887319 _hypernym 13864763 +10157744 _hypernym 10100761 +02497824 _derivationally_related_form 03044083 +02389559 _hypernym 02389346 +02553196 _member_meronym 02606194 +00176874 _hypernym 00173338 +09999135 _derivationally_related_form 00846509 +00377002 _derivationally_related_form 00403911 +05978623 _derivationally_related_form 01041762 +06095022 _hypernym 06090869 +00909363 _derivationally_related_form 07532440 +01140515 _hypernym 01439190 +01133106 _hypernym 01123598 +00737188 _derivationally_related_form 01960656 +03117199 _derivationally_related_form 00948071 +00413432 _derivationally_related_form 09627462 +01257701 _synset_domain_topic_of 08441203 +01083044 _derivationally_related_form 10502046 +11749273 _hypernym 15098161 +06471737 _hypernym 06470073 +01121690 _hypernym 01120448 +10760763 _derivationally_related_form 00890100 +00539951 _has_part 00541178 +14597158 _hypernym 14580897 +00777931 _hypernym 00759269 +02244670 _hypernym 01762525 +10151570 _derivationally_related_form 01931768 +01479333 _derivationally_related_form 02853449 +03838160 _derivationally_related_form 00532607 +15245244 _hypernym 15244650 +02066939 _derivationally_related_form 00329227 +01988755 _derivationally_related_form 11445395 +00779360 _derivationally_related_form 15274074 +12924284 _hypernym 12205694 +13367070 _derivationally_related_form 02281093 +06542267 _hypernym 06539770 +02321529 _hypernym 02316707 +00552619 _derivationally_related_form 05064827 +10549510 _derivationally_related_form 01381357 +06877078 _hypernym 06876309 +13841651 _hypernym 13841213 +04708113 _hypernym 04723816 +11418138 _hypernym 00034213 +08790953 _instance_hypernym 09393605 +09044862 _has_part 09420030 +06355705 _hypernym 06353934 +09983572 _derivationally_related_form 02764828 +12445848 _member_meronym 12446200 +01414359 _member_meronym 01414502 +12056990 _hypernym 12056217 +07435273 _derivationally_related_form 00307785 +02354112 _derivationally_related_form 06491786 +02683419 _derivationally_related_form 02982232 +02335349 _member_meronym 02338901 +01189224 _derivationally_related_form 07561112 +01831930 _member_meronym 01832979 +00919608 _synset_domain_topic_of 06075527 +02005598 _member_meronym 02005962 +04050066 _hypernym 04451818 +01483707 _hypernym 01432517 +11467786 _derivationally_related_form 00572186 +10108089 _hypernym 10315561 +02861022 _hypernym 04235291 +02500902 _derivationally_related_form 10729175 +12501745 _member_meronym 12570126 +00758627 _hypernym 00759269 +12356960 _hypernym 12355760 +08367683 _hypernym 08378819 +00317207 _hypernym 00315986 +01085793 _derivationally_related_form 02294179 +01965331 _synset_domain_topic_of 00523513 +02670398 _hypernym 01642924 +15097209 _hypernym 14580897 +07509996 _hypernym 07509572 +10402417 _hypernym 00007846 +01103614 _derivationally_related_form 00967625 +02136271 _derivationally_related_form 04069276 +07560903 _derivationally_related_form 02846322 +14750782 _hypernym 14749794 +10635460 _derivationally_related_form 02267529 +01580928 _hypernym 01580467 +02395395 _derivationally_related_form 00165178 +12194466 _hypernym 11575425 +01093172 _derivationally_related_form 10768585 +09114696 _instance_hypernym 08655464 +01960900 _hypernym 01939598 +02001821 _member_meronym 02002075 +09005712 _has_part 09005273 +02108791 _verb_group 01767949 +00572838 _derivationally_related_form 01403785 +09543154 _hypernym 09542339 +01170052 _derivationally_related_form 07881800 +07402519 _hypernym 07296190 +12720532 _member_meronym 12722884 +00785008 _derivationally_related_form 07193596 +11714618 _member_meronym 11717820 +01746727 _hypernym 01746359 +02623170 _member_meronym 02623868 +10224098 _derivationally_related_form 00427580 +08860123 _member_of_domain_region 13282419 +10422871 _hypernym 09620078 +01639369 _member_meronym 01644104 +02908217 _hypernym 03563967 +12938897 _hypernym 11585340 +02553196 _member_meronym 02611425 +11742175 _member_meronym 11742310 +10576071 _derivationally_related_form 02150948 +01826998 _member_meronym 01827403 +07733847 _hypernym 07709333 +07358985 _hypernym 07358576 +13418219 _hypernym 13349395 +13012613 _hypernym 11590783 +14820180 _hypernym 14977504 +10119609 _hypernym 10129825 +09248477 _has_part 09306642 +06351202 _hypernym 06359877 +07531536 _derivationally_related_form 01772498 +06050650 _hypernym 06043075 +07799278 _hypernym 07776866 +01920330 _hypernym 02016523 +10757193 _derivationally_related_form 01843689 +06720216 _derivationally_related_form 00848169 +03931044 _derivationally_related_form 01635432 +02432530 _derivationally_related_form 04768657 +06034611 _hypernym 06022727 +00405540 _derivationally_related_form 01238058 +00731159 _derivationally_related_form 13353607 +09150863 _instance_hypernym 08524735 +14532816 _derivationally_related_form 09784306 +05167618 _derivationally_related_form 01818234 +01008546 _synset_domain_topic_of 08441203 +10706812 _synset_domain_topic_of 05999797 +01279978 _also_see 01497736 +00069531 _derivationally_related_form 05968971 +00341184 _hypernym 00339934 +14723079 _derivationally_related_form 00190682 +09060768 _has_part 09268927 +00519363 _derivationally_related_form 09282724 +09031653 _has_part 09032604 +01516071 _derivationally_related_form 02872333 +02391782 _member_meronym 02392282 +02577061 _derivationally_related_form 05670972 +05006285 _derivationally_related_form 00118238 +12922600 _member_meronym 12923108 +07963987 _derivationally_related_form 01462005 +08229887 _hypernym 08227214 +00004032 _derivationally_related_form 07129602 +09309456 _instance_hypernym 09475292 +06142598 _hypernym 06142118 +02286204 _derivationally_related_form 00155487 +01003729 _derivationally_related_form 01614079 +04625515 _hypernym 04625284 +00042311 _hypernym 00030358 +08238660 _hypernym 07975026 +01953810 _derivationally_related_form 04474035 +01947275 _hypernym 01938850 +12756286 _hypernym 11562747 +01881180 _derivationally_related_form 10176111 +00869931 _derivationally_related_form 06508816 +15146828 _hypernym 15290337 +09540739 _synset_domain_topic_of 05985602 +00806049 _hypernym 00805376 +05786372 _derivationally_related_form 01637166 +09112282 _has_part 09114128 +07091587 _member_of_domain_usage 14412564 +01503061 _has_part 02511633 +09207288 _member_of_domain_region 03374102 +09044862 _has_part 09130076 +05772215 _derivationally_related_form 01633343 +07154330 _derivationally_related_form 00980453 +07969695 _member_meronym 10235549 +01938426 _derivationally_related_form 00440747 +13262913 _hypernym 13252973 +02098458 _verb_group 01505254 +08791167 _has_part 08913434 +02000547 _hypernym 01999798 +13769317 _hypernym 13756125 +09039260 _instance_hypernym 08574314 +02372326 _derivationally_related_form 00040152 +09112282 _instance_hypernym 08655464 +01416364 _hypernym 01398919 +07352048 _derivationally_related_form 01901783 +06481320 _derivationally_related_form 02472223 +07484547 _derivationally_related_form 01826060 +09835348 _hypernym 10605985 +02523953 _hypernym 00670261 +00869583 _hypernym 00868910 +09044862 _member_of_domain_region 09601571 +13060689 _hypernym 11590783 +10026058 _synset_domain_topic_of 06043075 +01721415 _synset_domain_topic_of 07006119 +10058585 _hypernym 10058777 +02300060 _derivationally_related_form 09888832 +01414288 _derivationally_related_form 00133338 +06936948 _hypernym 06936620 +01366718 _also_see 01148283 +13140699 _member_meronym 13142695 +07188385 _derivationally_related_form 00875141 +09350045 _has_part 09188609 +00414627 _verb_group 00414409 +02733524 _hypernym 04341686 +00795863 _derivationally_related_form 00201923 +02084861 _hypernym 02084071 +09938672 _hypernym 10391653 +01413173 _derivationally_related_form 09843956 +13205482 _member_meronym 13206584 +02453890 _member_meronym 02457586 +09074834 _instance_hypernym 08524735 +01009637 _derivationally_related_form 02478936 +00891936 _derivationally_related_form 06686174 +12808007 _hypernym 12806732 +01665238 _hypernym 01656813 +02945971 _derivationally_related_form 05660937 +10213319 _hypernym 10207831 +01564144 _derivationally_related_form 03180504 +01629000 _hypernym 01621555 +13291356 _hypernym 13290676 +02701962 _derivationally_related_form 04161981 +00121366 _derivationally_related_form 02079933 +11665372 _has_part 11669335 +04705324 _hypernym 05064037 +13629676 _has_part 13628955 +01827535 _also_see 00835609 +06452363 _instance_hypernym 06429590 +10671613 _derivationally_related_form 02406585 +01009871 _derivationally_related_form 00277659 +01180206 _derivationally_related_form 07800091 +01921772 _hypernym 01923909 +00156390 _derivationally_related_form 00770437 +13602401 _hypernym 13600822 +13070003 _hypernym 11590783 +00373278 _derivationally_related_form 00466651 +05861067 _hypernym 05855125 +13850019 _hypernym 14429985 +06428792 _derivationally_related_form 00995838 +01440378 _derivationally_related_form 02982790 +08251877 _hypernym 08240633 +02130524 _also_see 00877083 +01617192 _derivationally_related_form 09976429 +00149699 _derivationally_related_form 01596404 +01312096 _has_part 01276194 +00770834 _hypernym 00770543 +05380697 _hypernym 05418717 +03239399 _derivationally_related_form 01310964 +06486874 _hypernym 06481320 +10893830 _instance_hypernym 10794014 +02596381 _hypernym 02594250 +01062253 _hypernym 00742320 +11052672 _instance_hypernym 10350220 +12030908 _hypernym 12030654 +00359511 _verb_group 01569181 +01256743 _hypernym 01256417 +02804515 _hypernym 02766534 +12002197 _hypernym 11579418 +07080778 _hypernym 07081739 +09155306 _instance_hypernym 08655464 +02022486 _derivationally_related_form 09334396 +02169352 _derivationally_related_form 05703429 +00179060 _hypernym 00173338 +06272290 _derivationally_related_form 10698064 +07941729 _hypernym 00031264 +03446528 _synset_domain_topic_of 00464894 +06718862 _member_of_domain_usage 09698337 +00838524 _derivationally_related_form 00755500 +01545889 _member_meronym 01546039 +01745722 _derivationally_related_form 06589574 +00401783 _derivationally_related_form 00024814 +05786372 _derivationally_related_form 00608808 +01195584 _hypernym 00030358 +12280886 _hypernym 11573173 +10067011 _derivationally_related_form 06231191 +12926689 _has_part 12927013 +02729965 _hypernym 03183080 +06845599 _member_of_domain_usage 03362393 +04537919 _hypernym 03744276 +06908159 _hypernym 06906971 +08860123 _member_of_domain_region 07620327 +11821415 _hypernym 11573660 +03442756 _hypernym 03414162 +05825245 _derivationally_related_form 00665886 +06540284 _synset_domain_topic_of 08441203 +09610660 _hypernym 00007846 +00583461 _derivationally_related_form 02446164 +01895263 _hypernym 01708676 +01609549 _member_meronym 01609751 +01930112 _hypernym 01922303 +10594408 _derivationally_related_form 01917549 +05602132 _hypernym 05289861 +01374767 _derivationally_related_form 07395104 +01651370 _hypernym 01626600 +10163723 _derivationally_related_form 02332445 +14535643 _hypernym 14534696 +02641201 _derivationally_related_form 11778534 +00857923 _hypernym 00859153 +10064229 _synset_domain_topic_of 15259284 +07157273 _member_of_domain_usage 02983507 +05675715 _synset_domain_topic_of 06136258 +02527085 _derivationally_related_form 05125377 +12944960 _member_meronym 12945549 +06663617 _hypernym 05661996 +13474290 _hypernym 13549672 +01503404 _derivationally_related_form 07961480 +10717589 _derivationally_related_form 01206218 +00815320 _derivationally_related_form 02439732 +13192025 _member_meronym 13195151 +11797722 _hypernym 13118707 +01591697 _hypernym 01525720 +00558963 _hypernym 00126264 +13285176 _hypernym 13329641 +00072012 _derivationally_related_form 13533886 +10514962 _derivationally_related_form 01265246 +10118382 _derivationally_related_form 01821634 +08051946 _hypernym 08050678 +02424085 _hypernym 02419796 +06589574 _has_part 06387980 +02442205 _derivationally_related_form 01124794 +01331348 _derivationally_related_form 02805111 +11852531 _hypernym 13100677 +08177030 _member_meronym 08705397 +05796423 _derivationally_related_form 00926472 +14653416 _hypernym 14622893 +08927186 _has_part 08928083 +03283519 _hypernym 04074482 +01467917 _derivationally_related_form 03112869 +05703429 _hypernym 05702275 +08996871 _instance_hypernym 08698379 +12716166 _hypernym 11585340 +08188638 _member_meronym 09920771 +11769176 _hypernym 13112664 +13622209 _hypernym 13615557 +00755447 _derivationally_related_form 07186828 +02653655 _hypernym 01429349 +14748335 _hypernym 14747587 +00125629 _derivationally_related_form 01405044 +13425637 _derivationally_related_form 00524083 +05529012 _hypernym 05303402 +00994076 _hypernym 00993892 +01853542 _derivationally_related_form 04224155 +08487504 _member_meronym 08715390 +00853445 _hypernym 00851933 +04750764 _derivationally_related_form 01410363 +00969506 _synset_domain_topic_of 06277280 +07217924 _hypernym 07212190 +03842377 _hypernym 03278248 +00141524 _hypernym 00140967 +05059132 _hypernym 05058580 +13906936 _hypernym 13905792 +07255998 _derivationally_related_form 10697879 +05648459 _derivationally_related_form 00063277 +06493392 _synset_domain_topic_of 06128570 +01008903 _hypernym 01007924 +06655388 _hypernym 06652242 +02621107 _member_meronym 02621258 +00452293 _derivationally_related_form 02003601 +07510923 _hypernym 00026192 +01018928 _derivationally_related_form 04717139 +03343853 _hypernym 03467984 +08841956 _has_part 08842258 +09884815 _hypernym 09939313 +05309725 _has_part 05309591 +00020671 _derivationally_related_form 10195261 +02199712 _member_meronym 02199999 +00757730 _hypernym 00757080 +00868799 _hypernym 00868196 +15055633 _derivationally_related_form 00575720 +02551602 _derivationally_related_form 03109399 +09189411 _has_part 09172480 +04289027 _hypernym 03736970 +09044862 _member_of_domain_region 15187619 +05574332 _hypernym 05289861 +00971650 _derivationally_related_form 07202579 +01989053 _derivationally_related_form 07477945 +08174398 _member_meronym 08761244 +10383816 _derivationally_related_form 01628449 +00056930 _hypernym 01752495 +01017222 _hypernym 02724417 +02578233 _hypernym 02576223 +02298471 _synset_domain_topic_of 01090446 +01324610 _hypernym 00015388 +07313518 _derivationally_related_form 00304422 +02173373 _hypernym 02171869 +02523784 _hypernym 00670261 +02830157 _hypernym 04451818 +01726960 _member_meronym 01733094 +01406092 _member_meronym 01406904 +07290278 _derivationally_related_form 00956405 +02472033 _derivationally_related_form 13412321 +12039743 _member_meronym 12081851 +00329031 _derivationally_related_form 01888295 +05655119 _hypernym 05653848 +05792010 _hypernym 05790944 +07723753 _hypernym 07723559 +00996102 _derivationally_related_form 10513120 +14994328 _derivationally_related_form 00266586 +10557699 _hypernym 10330189 +09973209 _hypernym 09972661 +00409281 _hypernym 00126264 +11907554 _hypernym 11575425 +08820121 _member_of_domain_region 15200314 +07025604 _hypernym 07071942 +10019406 _derivationally_related_form 01977080 +05237755 _hypernym 09257949 +08766988 _member_of_domain_region 07983856 +02301825 _hypernym 02205272 +01962671 _hypernym 01960911 +07375214 _hypernym 07373803 +03051249 _hypernym 03323703 +01165290 _hypernym 00273445 +08986526 _instance_hypernym 08633957 +01682588 _member_meronym 01682714 +04956110 _hypernym 04955633 +11386503 _instance_hypernym 10088390 +07150850 _derivationally_related_form 00760956 +09213828 _derivationally_related_form 01884577 +07419599 _derivationally_related_form 10060621 +02911332 _derivationally_related_form 01246095 +05168261 _derivationally_related_form 02161432 +06497872 _hypernym 06825863 +09134386 _has_part 09134999 +09620078 _derivationally_related_form 02649830 +08860123 _member_of_domain_region 13390857 +10485440 _derivationally_related_form 02580577 +02900160 _has_part 02844714 +01770501 _derivationally_related_form 07289014 +01703326 _derivationally_related_form 06379568 +14550469 _hypernym 14548343 +14045141 _hypernym 14044930 +00930806 _derivationally_related_form 05916306 +01451502 _derivationally_related_form 02970849 +00447540 _derivationally_related_form 01574292 +01471070 _member_meronym 01479937 +07305760 _hypernym 07357101 +09141526 _has_part 09143786 +02125641 _derivationally_related_form 04980008 +00594058 _derivationally_related_form 06199142 +05475134 _has_part 05466892 +00114291 _synset_domain_topic_of 00243918 +06611998 _hypernym 06612266 +13975752 _hypernym 13972797 +00211396 _derivationally_related_form 14040846 +02465693 _derivationally_related_form 02123424 +01683271 _synset_domain_topic_of 00933420 +09909760 _hypernym 10004804 +06417096 _hypernym 06416946 +01426077 _derivationally_related_form 05913275 +04563204 _has_part 02909870 +00364868 _derivationally_related_form 13451348 +01022064 _derivationally_related_form 05022457 +06824227 _hypernym 06818970 +10262183 _hypernym 00007846 +11748501 _has_part 07737745 +02660769 _hypernym 01429349 +01004550 _derivationally_related_form 00387897 +14035298 _hypernym 14034177 +01667449 _hypernym 01291069 +12497492 _hypernym 11585340 +05047279 _derivationally_related_form 00121865 +02391803 _derivationally_related_form 00165178 +07172756 _hypernym 07138085 +01853542 _hypernym 01854132 +10587605 _hypernym 10171567 +01076046 _hypernym 00030358 +07365024 _derivationally_related_form 01369758 +02576921 _derivationally_related_form 05906554 +06152821 _derivationally_related_form 10693824 +10140314 _derivationally_related_form 00592795 +01974773 _hypernym 01767661 +12136206 _hypernym 13129165 +12629523 _hypernym 11585340 +01687569 _hypernym 01686132 +13723470 _hypernym 13717155 +12323411 _hypernym 11562747 +05352291 _hypernym 05333777 +11950028 _hypernym 11579418 +05772667 _derivationally_related_form 00644583 +02046321 _hypernym 01507175 +00276214 _hypernym 00276373 +00666058 _also_see 01535709 +11667562 _member_meronym 12410381 +02734423 _synset_domain_topic_of 06123363 +14304060 _hypernym 14299637 +00113726 _derivationally_related_form 02094569 +13810615 _derivationally_related_form 08400965 +00017222 _hypernym 00004475 +08070850 _hypernym 08419984 +08324514 _member_meronym 09944160 +11120834 _instance_hypernym 10622053 +02533424 _hypernym 01432517 +08034028 _instance_hypernym 08392137 +02076999 _hypernym 02015598 +00388635 _derivationally_related_form 00967157 +00751887 _derivationally_related_form 05197797 +01805801 _hypernym 01803078 +01817500 _derivationally_related_form 05166805 +00838816 _hypernym 00838367 +15299585 _synset_domain_topic_of 01090446 +01414986 _hypernym 01388130 +01559294 _hypernym 01507175 +15181556 _hypernym 15203791 +01360330 _member_meronym 01360712 +00311809 _derivationally_related_form 10596689 +08108972 _member_meronym 08109624 +03182140 _hypernym 03407122 +06633041 _hypernym 06630017 +01395254 _hypernym 01389507 +02348405 _hypernym 01862557 +09108164 _has_part 09108728 +01449427 _derivationally_related_form 00333037 +02197048 _hypernym 01762525 +02718543 _derivationally_related_form 01170175 +01388130 _hypernym 08108972 +08656590 _derivationally_related_form 01088923 +04062644 _hypernym 02691156 +08831004 _has_part 08832691 +00451648 _hypernym 00449692 +01637982 _verb_group 02154508 +01262113 _derivationally_related_form 01463259 +12431434 _hypernym 12425281 +04080454 _hypernym 03003730 +02326432 _has_part 07666521 +01896031 _derivationally_related_form 01392080 +00751567 _hypernym 00746718 +07527352 _derivationally_related_form 01363613 +00775943 _derivationally_related_form 10503247 +00397191 _hypernym 06362953 +05965586 _derivationally_related_form 10390199 +00562280 _hypernym 00556313 +00332835 _derivationally_related_form 08509442 +03921337 _hypernym 02707683 +08026539 _synset_domain_topic_of 00759694 +04935528 _hypernym 04935239 +00311663 _derivationally_related_form 04664964 +13317002 _hypernym 13315999 +02551824 _member_meronym 02652335 +11522206 _hypernym 11521940 +07556970 _hypernym 07570720 +05040275 _derivationally_related_form 02324397 +09441725 _instance_hypernym 09411430 +00414179 _hypernym 00413239 +01767661 _derivationally_related_form 02642634 +01392080 _hypernym 01532589 +01984317 _derivationally_related_form 00076884 +00156625 _hypernym 00156390 +01860497 _derivationally_related_form 00913065 +01576506 _member_meronym 01576695 +13471681 _derivationally_related_form 00519363 +02598143 _derivationally_related_form 08310389 +12495670 _hypernym 12495146 +01972298 _derivationally_related_form 10076778 +13794034 _derivationally_related_form 02629793 +09943239 _synset_domain_topic_of 08199025 +06535980 _synset_domain_topic_of 08441203 +10441694 _hypernym 09605289 +14433769 _derivationally_related_form 00514069 +12344131 _hypernym 11567411 +01313093 _member_meronym 02316392 +01090446 _hypernym 01106808 +09131654 _instance_hypernym 08655464 +00357332 _derivationally_related_form 13544073 +01663659 _hypernym 01657723 +00244625 _hypernym 00243900 +01960296 _synset_domain_topic_of 00299217 +06755776 _synset_domain_topic_of 06000644 +01185475 _hypernym 01178565 +01635176 _hypernym 01629276 +02514575 _member_meronym 02527813 +13174206 _hypernym 13167078 +01149480 _derivationally_related_form 01583656 +02310482 _derivationally_related_form 00089351 +02510446 _derivationally_related_form 02668523 +01566185 _hypernym 01564144 +11989266 _hypernym 11579418 +11399866 _instance_hypernym 10705615 +01081852 _synset_domain_topic_of 00523513 +02116980 _verb_group 01162754 +02470451 _member_meronym 02471467 +01009240 _derivationally_related_form 07203126 +09033333 _has_part 09034402 +01104509 _synset_domain_topic_of 00471613 +05485554 _has_part 05340795 +04248607 _hypernym 03925226 +13534098 _hypernym 13446390 +02688794 _derivationally_related_form 03641706 +00408852 _derivationally_related_form 06214744 +02625016 _hypernym 02624263 +00647070 _also_see 00645493 +00238527 _derivationally_related_form 01644050 +00294868 _hypernym 00283127 +00134737 _hypernym 00126264 +04563204 _hypernym 04574999 +13792183 _hypernym 13791389 +00398585 _hypernym 00397953 +07681926 _hypernym 07679356 +13038944 _member_meronym 13047216 +01085677 _hypernym 00680145 +11668573 _member_meronym 12154228 +00746718 _derivationally_related_form 07170467 +02360781 _hypernym 02355227 +13717155 _hypernym 13609214 +09880427 _hypernym 10372373 +01463520 _hypernym 00277659 +13872592 _hypernym 13865483 +01460029 _derivationally_related_form 04332243 +01607716 _hypernym 01467370 +02271427 _hypernym 01342529 +08368308 _derivationally_related_form 09863936 +00321936 _hypernym 00322847 +13172107 _member_meronym 13178500 +09837459 _synset_domain_topic_of 08199025 +00430191 _also_see 00433115 +12185526 _hypernym 14959234 +02246686 _derivationally_related_form 01085337 +12121405 _hypernym 11556857 +02712443 _derivationally_related_form 01257145 +08214272 _member_meronym 08214470 +09026360 _instance_hypernym 08524735 +13220842 _member_meronym 13225729 +02379430 _hypernym 02377703 +00782527 _derivationally_related_form 10699752 +14619225 _derivationally_related_form 00330144 +00105554 _derivationally_related_form 00431005 +12724201 _member_meronym 12729729 +01904120 _hypernym 01994442 +09886010 _hypernym 10320863 +02400139 _member_meronym 02422561 +05760202 _derivationally_related_form 00611256 +00256862 _derivationally_related_form 00366317 +08045140 _synset_domain_topic_of 00759694 +05123760 _hypernym 05123416 +10389398 _derivationally_related_form 02204692 +06581410 _hypernym 06568978 +02100632 _derivationally_related_form 02855089 +10725438 _hypernym 10411551 +06356755 _synset_domain_topic_of 06128570 +07046737 _synset_domain_topic_of 07020895 +00981369 _hypernym 00981180 +01262713 _hypernym 00391599 +00930868 _hypernym 00929718 +10627349 _hypernym 00007846 +00429440 _derivationally_related_form 10062996 +15244351 _hypernym 15242955 +00368847 _derivationally_related_form 00612114 +04538878 _hypernym 02740764 +08101085 _synset_domain_topic_of 06037666 +01648818 _member_meronym 01649170 +01822936 _derivationally_related_form 07505047 +02217695 _derivationally_related_form 13365698 +02507337 _member_meronym 02509694 +01605119 _member_meronym 01613909 +14607521 _hypernym 14818238 +01421807 _hypernym 01389507 +02544348 _derivationally_related_form 10119200 +02782778 _has_part 04300741 +12280886 _member_meronym 12281788 +12220019 _hypernym 13112664 +06498569 _member_meronym 06838112 +01696849 _member_meronym 01697002 +08176077 _member_meronym 08979054 +14018567 _derivationally_related_form 01190494 +11804604 _member_meronym 11812358 +10401639 _derivationally_related_form 02295208 +01639369 _member_meronym 01640383 +01083077 _hypernym 00030358 +07730708 _hypernym 07710283 +09095023 _instance_hypernym 08655464 +00338817 _derivationally_related_form 05697363 +02169702 _derivationally_related_form 05657718 +12322887 _member_meronym 12327209 +02257536 _member_meronym 02257715 +01825671 _derivationally_related_form 05190804 +02549989 _hypernym 02528163 +03511786 _hypernym 03892891 +06845599 _member_of_domain_usage 03837157 +02344381 _derivationally_related_form 07295629 +01995686 _hypernym 01994492 +11085924 _synset_domain_topic_of 06453849 +03965907 _derivationally_related_form 01387301 +00269963 _derivationally_related_form 01631072 +00734348 _hypernym 00628491 +01890792 _derivationally_related_form 04625515 +00878348 _derivationally_related_form 14580090 +07495551 _derivationally_related_form 09779280 +05223550 _hypernym 05223370 +12150028 _hypernym 13122364 +06845599 _member_of_domain_usage 03757428 +12847254 _member_meronym 12847374 +12488121 _member_meronym 12490054 +10383816 _hypernym 09614315 +04761517 _derivationally_related_form 00627410 +08772667 _instance_hypernym 08524735 +08887841 _member_of_domain_region 08046759 +00235918 _derivationally_related_form 13582013 +12974826 _hypernym 14867858 +03579355 _hypernym 03169390 +12742741 _hypernym 13100677 +01222859 _hypernym 01221790 +08464601 _hypernym 07950920 +02226598 _member_meronym 02227430 +09957834 _derivationally_related_form 06212650 +03067506 _derivationally_related_form 10995592 +02299687 _synset_domain_topic_of 00092366 +12916935 _member_meronym 12922283 +02919275 _derivationally_related_form 09958892 +04682319 _hypernym 04682462 +00309792 _verb_group 00309582 +00788473 _hypernym 00786195 +12215579 _hypernym 13112664 +01679433 _verb_group 01364184 +07926642 _derivationally_related_form 10286855 +05552607 _has_part 05385161 +08798771 _instance_hypernym 08597727 +01921964 _also_see 01978576 +00362348 _derivationally_related_form 01076046 +04242704 _hypernym 02880940 +00428270 _derivationally_related_form 01965464 +01360330 _member_meronym 01361973 +11529603 _member_meronym 11534677 +04837931 _derivationally_related_form 01352067 +02035919 _derivationally_related_form 13869327 +11621281 _hypernym 11621029 +12662379 _hypernym 13112664 +01195380 _synset_domain_topic_of 08441203 +01233027 _derivationally_related_form 00125436 +06851742 _member_of_domain_usage 02765247 +09238425 _instance_hypernym 09403734 +02323715 _member_meronym 02325211 +11708658 _hypernym 13104059 +10201535 _derivationally_related_form 01721754 +01628449 _derivationally_related_form 00235435 +00515154 _derivationally_related_form 01134861 +02500144 _member_meronym 02500267 +07080868 _derivationally_related_form 00940384 +00445940 _derivationally_related_form 14879750 +02207206 _synset_domain_topic_of 01090446 +00352826 _derivationally_related_form 05868477 +06224439 _synset_domain_topic_of 06226057 +00874002 _verb_group 02359061 +00428870 _hypernym 01164273 +11746776 _member_meronym 11750359 +14122235 _hypernym 14122053 +14167426 _hypernym 14195315 +07326880 _derivationally_related_form 02712443 +10743675 _derivationally_related_form 00940384 +03073977 _hypernym 04515129 +00253761 _hypernym 00126264 +01543123 _derivationally_related_form 00344259 +07181043 _derivationally_related_form 02742638 +14431637 _hypernym 14431471 +02652335 _member_meronym 02652668 +08701942 _has_part 08701719 +12838027 _member_meronym 12853901 +02172182 _hypernym 02171869 +00582868 _derivationally_related_form 02415831 +07939638 _derivationally_related_form 00739662 +00135578 _synset_domain_topic_of 06431740 +01857171 _hypernym 01507175 +11700676 _member_meronym 11700864 +02148788 _derivationally_related_form 10070563 +12280886 _member_meronym 12282737 +00447158 _hypernym 00205885 +01028748 _verb_group 00971015 +13013187 _hypernym 11592146 +08811982 _has_part 08812166 +09855433 _hypernym 10794014 +07788435 _hypernym 07787715 +02216083 _hypernym 02327200 +02225492 _derivationally_related_form 10553627 +14046202 _derivationally_related_form 02983097 +07755707 _hypernym 07755411 +12793015 _hypernym 12205694 +08859173 _member_of_domain_region 06960778 +11956348 _hypernym 13085113 +01323449 _derivationally_related_form 00829107 +05552607 _has_part 05383467 +10120330 _hypernym 10162507 +12162905 _member_meronym 12163035 +01049737 _derivationally_related_form 00544842 +10493093 _hypernym 10191943 +01781983 _derivationally_related_form 07520612 +00851933 _derivationally_related_form 06767693 +08927678 _instance_hypernym 08524735 +05651242 _hypernym 00023271 +10460806 _derivationally_related_form 00935247 +14369744 _hypernym 14299637 +02169119 _derivationally_related_form 05637106 +02190188 _verb_group 00461493 +02442737 _hypernym 02441022 +00360757 _derivationally_related_form 00641252 +08766988 _member_of_domain_region 07888465 +05085572 _hypernym 05084201 +02533282 _hypernym 02131279 +01447868 _derivationally_related_form 00357023 +00606093 _derivationally_related_form 00894552 +07019172 _derivationally_related_form 01501113 +05192451 _derivationally_related_form 02678663 +00024814 _hypernym 00109660 +13623636 _has_part 13623455 +13945102 _hypernym 00024720 +02197048 _member_meronym 02197185 +13298935 _hypernym 13298701 +00977336 _hypernym 01010118 +04360501 _derivationally_related_form 01217043 +02289295 _verb_group 02291258 +11776861 _member_meronym 11777080 +06595351 _has_part 06268784 +04543158 _has_part 04543772 +11824548 _hypernym 11573660 +08494231 _has_part 04088797 +05673908 _hypernym 05679611 +03446832 _synset_domain_topic_of 00464894 +01921204 _derivationally_related_form 10442232 +01628449 _derivationally_related_form 10355449 +02385102 _also_see 01382086 +09112282 _has_part 09113479 +07348870 _hypernym 07314838 +01020356 _hypernym 00993014 +01773346 _derivationally_related_form 07548978 +00961329 _derivationally_related_form 06763273 +00179311 _hypernym 00173338 +02511551 _hypernym 00697589 +00731789 _hypernym 00464321 +02478059 _derivationally_related_form 10214390 +03244388 _derivationally_related_form 01930874 +07353376 _hypernym 07283608 +06605897 _hypernym 06601327 +02298471 _derivationally_related_form 00082081 +04021798 _has_part 03156405 +00644066 _hypernym 00193486 +12740196 _member_meronym 12747563 +09847727 _derivationally_related_form 02613275 +02061069 _derivationally_related_form 06879056 +05786372 _derivationally_related_form 00739082 +08190482 _hypernym 08198398 +01535709 _also_see 01640850 +08044265 _instance_hypernym 08392137 +01986185 _hypernym 01989873 +02004701 _hypernym 02004874 +11348160 _instance_hypernym 09765278 +10253995 _hypernym 10249270 +00239910 _hypernym 00235435 +08241798 _hypernym 08240633 +12782774 _hypernym 11567411 +06014435 _hypernym 06013741 +06845599 _member_of_domain_usage 04419315 +07084166 _derivationally_related_form 00982293 +01811441 _derivationally_related_form 07511733 +13250244 _synset_domain_topic_of 08059412 +01786048 _hypernym 01759182 +10493093 _derivationally_related_form 06781581 +06295235 _member_of_domain_usage 03001282 +01957529 _verb_group 02102398 +06080522 _derivationally_related_form 10429965 +02573275 _hypernym 02574205 +14127211 _hypernym 14122053 +01903617 _derivationally_related_form 01323599 +00435853 _verb_group 00125078 +06615561 _derivationally_related_form 01807882 +00403783 _derivationally_related_form 00069879 +14619225 _hypernym 00019613 +01341876 _member_meronym 01342269 +08824771 _instance_hypernym 08633957 +10525134 _derivationally_related_form 00233335 +10515194 _hypernym 09615465 +02787772 _derivationally_related_form 02310855 +12808227 _member_meronym 12892226 +01605119 _member_meronym 01607103 +06220616 _derivationally_related_form 10618848 +00135285 _derivationally_related_form 06366581 +02055280 _member_meronym 02055658 +01672168 _derivationally_related_form 03819595 +08304135 _member_meronym 08773098 +00014742 _derivationally_related_form 10610465 +12638218 _has_part 07751451 +10645611 _derivationally_related_form 01711445 +07027458 _hypernym 07027180 +11899027 _hypernym 11575425 +02642238 _derivationally_related_form 10478626 +07434209 _derivationally_related_form 01967373 +00923444 _hypernym 01094725 +09136182 _instance_hypernym 08524735 +02756098 _derivationally_related_form 00044797 +11201386 _instance_hypernym 10702781 +10752930 _hypernym 09939313 +00797697 _derivationally_related_form 00180413 +13875970 _derivationally_related_form 01391280 +06223669 _hypernym 05946687 +12240715 _hypernym 11575425 +03488438 _has_part 03485997 +00899956 _hypernym 00897241 +07277158 _derivationally_related_form 10437262 +08945277 _instance_hypernym 08574314 +00009147 _derivationally_related_form 13555599 +01770802 _hypernym 01767949 +00097394 _derivationally_related_form 11486708 +01930482 _hypernym 01912159 +09124039 _has_part 09343422 +08015731 _synset_domain_topic_of 00759694 +12807773 _hypernym 12806732 +01728355 _derivationally_related_form 09760913 +00948853 _derivationally_related_form 06807198 +01007222 _derivationally_related_form 06622709 +07110615 _hypernym 00033020 +01438902 _also_see 01295275 +02448185 _derivationally_related_form 08164585 +05739043 _hypernym 00791527 +01930738 _synset_domain_topic_of 00298497 +08831004 _member_of_domain_region 10675142 +00020671 _derivationally_related_form 14026592 +02120451 _derivationally_related_form 14325437 +01230555 _derivationally_related_form 00135952 +07330666 _derivationally_related_form 00702969 +08894456 _has_part 08895928 +10533983 _hypernym 09610660 +01185981 _synset_domain_topic_of 08441203 +11652376 _hypernym 13108841 +01507134 _also_see 00506299 +05748786 _hypernym 05748285 +12737383 _member_meronym 12738480 +01137582 _hypernym 01133825 +00263947 _derivationally_related_form 00510364 +00685638 _derivationally_related_form 04863969 +06599655 _synset_domain_topic_of 00704305 +03532672 _hypernym 03736970 +12023108 _hypernym 12205694 +01223182 _derivationally_related_form 13877918 +02315277 _hypernym 02314275 +00604930 _hypernym 00604576 +06879056 _hypernym 06877078 +12792638 _member_meronym 12793695 +06480506 _synset_domain_topic_of 08441203 +11896722 _hypernym 11878283 +00990812 _hypernym 01029852 +07228211 _hypernym 07226545 +02676789 _hypernym 02676054 +00825975 _derivationally_related_form 06713187 +12023407 _hypernym 11915214 +00689673 _derivationally_related_form 02215001 +00252990 _derivationally_related_form 00249501 +13655262 _derivationally_related_form 10315561 +02356567 _hypernym 02229055 +02253456 _derivationally_related_form 10409752 +10603528 _derivationally_related_form 02640440 +01063695 _hypernym 00752764 +08808292 _has_part 08808452 +06851742 _member_of_domain_usage 02926044 +12319687 _member_meronym 12321669 +14563564 _hypernym 13920835 +07458453 _derivationally_related_form 01086103 +02538985 _hypernym 02512938 +10154013 _hypernym 10632576 +06471345 _hypernym 06470073 +10151570 _derivationally_related_form 02159427 +01162754 _derivationally_related_form 00418903 +02249673 _hypernym 01762525 +12533992 _hypernym 11585340 +01794460 _hypernym 01507175 +00444309 _derivationally_related_form 02850732 +10285938 _hypernym 09918248 +01853069 _derivationally_related_form 04021798 +02580678 _hypernym 02579447 +06845599 _member_of_domain_usage 03762809 +00443384 _derivationally_related_form 14110411 +02271137 _hypernym 02267060 +14462666 _hypernym 00024720 +10574154 _hypernym 10622053 +06707555 _hypernym 06706676 +02663340 _hypernym 02657219 +08647616 _synset_domain_topic_of 07006119 +02176611 _hypernym 01762525 +06453324 _has_part 06436443 +06740402 _derivationally_related_form 01645601 +08860123 _member_of_domain_region 06610436 +11523839 _synset_domain_topic_of 06037666 +09044862 _instance_hypernym 08702805 +07622061 _hypernym 07555863 +10660729 _derivationally_related_form 02066304 +01667570 _hypernym 01656813 +00074038 _verb_group 00072012 +12778926 _hypernym 11534677 +14597758 _hypernym 14597413 +00348008 _derivationally_related_form 01924882 +01457407 _hypernym 02528163 +01975312 _member_meronym 01975687 +01652583 _member_meronym 01653384 +05776212 _hypernym 05775407 +07313241 _derivationally_related_form 01387786 +02262601 _derivationally_related_form 10414612 +07172979 _derivationally_related_form 00956405 +01523908 _hypernym 01342529 +07956426 _hypernym 07951464 +09006413 _has_part 09008723 +13037124 _hypernym 11592146 +02471467 _hypernym 01862557 +00854420 _derivationally_related_form 00752431 +11769002 _hypernym 11567411 +02981759 _derivationally_related_form 06786629 +10057714 _derivationally_related_form 03684823 +01708676 _synset_domain_topic_of 00428270 +05219923 _has_part 05514410 +02366702 _hypernym 01862557 +10615334 _hypernym 09977660 +00550016 _derivationally_related_form 01724185 +13758745 _derivationally_related_form 02291708 +01104624 _hypernym 01101913 +04980463 _hypernym 04980008 +12405209 _member_meronym 12408466 +04206356 _hypernym 03343853 +09252273 _instance_hypernym 09411430 +02859053 _derivationally_related_form 08582837 +01194021 _hypernym 01189282 +00739662 _derivationally_related_form 01013434 +06617752 _hypernym 06613686 +05276860 _hypernym 05269901 +01946408 _synset_domain_topic_of 02858304 +01596404 _derivationally_related_form 00149699 +07250339 _derivationally_related_form 00968211 +09940146 _hypernym 10415638 +01884383 _derivationally_related_form 00335988 +13366137 _hypernym 13365286 +12571194 _hypernym 11585340 +02509071 _hypernym 01864707 +10619492 _derivationally_related_form 02388950 +08860123 _member_of_domain_region 10565502 +07429484 _derivationally_related_form 01888784 +12626030 _hypernym 11585340 +12148962 _member_meronym 12149521 +01489722 _derivationally_related_form 14425974 +10007109 _derivationally_related_form 02584097 +00433115 _also_see 00430191 +07812184 _derivationally_related_form 02192570 +10417682 _hypernym 00007846 +02687172 _has_part 02742468 +00156601 _hypernym 00169651 +01097743 _derivationally_related_form 00213694 +12747563 _hypernym 11562747 +07289014 _derivationally_related_form 00070816 +07452699 _hypernym 07450842 +09207288 _has_part 08913434 +02261642 _hypernym 02200686 +00284101 _derivationally_related_form 01917980 +08722084 _instance_hypernym 08524735 +02421199 _derivationally_related_form 00623545 +02653381 _hypernym 02603699 +12094121 _hypernym 11567411 +00462092 _hypernym 02510337 +00689673 _derivationally_related_form 13273550 +00011551 _derivationally_related_form 04838727 +10207831 _derivationally_related_form 00784727 +01066163 _derivationally_related_form 00460900 +11917835 _hypernym 12205694 +10001481 _hypernym 10450303 +09142674 _instance_hypernym 08524735 +14712692 _hypernym 14727670 +00136254 _derivationally_related_form 15006258 +02041206 _derivationally_related_form 07348545 +02210567 _hypernym 01762525 +02421921 _hypernym 02421374 +00639556 _derivationally_related_form 02532595 +01358191 _synset_domain_topic_of 00917211 +11714382 _hypernym 13111174 +01934440 _derivationally_related_form 02625975 +02518813 _member_meronym 02518990 +06611376 _derivationally_related_form 00839526 +06380726 _hypernym 06377442 +04876053 _hypernym 04874672 +09989168 _hypernym 10282482 +08937995 _instance_hypernym 08633957 +09111366 _has_part 09351647 +08748499 _instance_hypernym 09316454 +02156871 _has_part 02464626 +14456752 _hypernym 14456138 +14233267 _hypernym 14219661 +14359459 _derivationally_related_form 00003826 +02546876 _derivationally_related_form 04886881 +00988287 _derivationally_related_form 04626705 +04560292 _has_part 04287153 +00705778 _hypernym 00705517 +04372370 _hypernym 03096960 +06389553 _hypernym 05128519 +10609556 _hypernym 09632518 +00789534 _hypernym 00077419 +04674715 _derivationally_related_form 02133435 +14299070 _hypernym 14285662 +12578626 _has_part 07726672 +00030358 _hypernym 00029378 +04027367 _hypernym 04043733 +00645241 _hypernym 00644583 +00105479 _derivationally_related_form 01507143 +09593651 _synset_domain_topic_of 07979425 +05131647 _hypernym 05131283 +00320852 _derivationally_related_form 01389776 +08766988 _has_part 08775784 +02331326 _derivationally_related_form 02686379 +15171008 _hypernym 15157225 +00492410 _hypernym 02547225 +04521987 _hypernym 03058107 +00014742 _hypernym 00014405 +02649082 _hypernym 01432517 +02497062 _derivationally_related_form 00787832 +06498569 _member_meronym 06837465 +02608176 _derivationally_related_form 10352299 +02514575 _hypernym 08103777 +01680756 _hypernym 01686132 +00309990 _derivationally_related_form 07314658 +00051511 _derivationally_related_form 03057021 +01398941 _derivationally_related_form 04561734 +14414294 _hypernym 00024720 +02209499 _hypernym 02324182 +08918944 _instance_hypernym 08574314 +03647691 _hypernym 03961939 +00222248 _hypernym 00219012 +01955463 _member_meronym 01965747 +14682133 _synset_domain_topic_of 06084469 +12501745 _member_meronym 12563913 +03663531 _hypernym 03364340 +02132745 _derivationally_related_form 00878456 +01249490 _derivationally_related_form 03955296 +09857852 _derivationally_related_form 01445932 +05844105 _derivationally_related_form 01666894 +02897237 _derivationally_related_form 01663920 +01749320 _also_see 00289365 +09099526 _has_part 09332976 +13875392 _hypernym 13900287 +00488617 _derivationally_related_form 13506587 +01093172 _derivationally_related_form 00973077 +00002325 _hypernym 02108377 +09946957 _hypernym 10794014 +10794014 _derivationally_related_form 01698271 +00070641 _derivationally_related_form 01649999 +01794344 _derivationally_related_form 01058426 +00031820 _derivationally_related_form 06778102 +09791816 _derivationally_related_form 05965388 +01231819 _hypernym 01229938 +10128519 _hypernym 10127689 +08303275 _derivationally_related_form 02470685 +11849271 _has_part 11849467 +07246742 _derivationally_related_form 00773285 +02735418 _derivationally_related_form 05981768 +03686470 _hypernym 03365991 +10442815 _derivationally_related_form 01741864 +02321046 _derivationally_related_form 13400798 +08665504 _has_part 08541130 +02312478 _derivationally_related_form 07280072 +10022645 _derivationally_related_form 01918803 +01054545 _derivationally_related_form 02649830 +00781168 _also_see 00430191 +00115157 _hypernym 00126264 +02243967 _synset_domain_topic_of 00933420 +10509389 _derivationally_related_form 13955461 +00184802 _hypernym 00183505 +11995092 _hypernym 12205694 +13650447 _hypernym 13603305 +01770802 _also_see 01761120 +08391021 _hypernym 08215603 +00803815 _derivationally_related_form 06687178 +03699396 _hypernym 03248958 +09039411 _has_part 09040475 +11756092 _hypernym 13104059 +09087599 _has_part 09088396 +01985524 _hypernym 01985923 +02372584 _hypernym 01886756 +08934532 _instance_hypernym 08524735 +04402057 _hypernym 03091374 +08570758 _hypernym 08673395 +08952628 _has_part 08953029 +05696425 _derivationally_related_form 02405390 +00419950 _hypernym 00109660 +00572186 _derivationally_related_form 11467786 +02354537 _derivationally_related_form 02556126 +06845599 _member_of_domain_usage 05411049 +02316392 _member_meronym 02321342 +12280487 _member_meronym 12286581 +10448983 _derivationally_related_form 00752335 +13603065 _hypernym 13583724 +14289942 _derivationally_related_form 00379440 +00614999 _derivationally_related_form 02765190 +03610098 _hypernym 04340935 +00897241 _derivationally_related_form 06630017 +14467685 _hypernym 14213512 +13187031 _hypernym 13166338 +03789603 _derivationally_related_form 00284669 +00022686 _derivationally_related_form 01046984 +12496735 _hypernym 11585340 +10490699 _derivationally_related_form 00954608 +13757249 _derivationally_related_form 01912709 +12392070 _derivationally_related_form 02120715 +02702674 _hypernym 02702508 +00229026 _verb_group 00229280 +12929783 _has_part 07932841 +01606205 _derivationally_related_form 03385557 +02646667 _hypernym 02642107 +11484975 _has_part 11484861 +06414727 _hypernym 06414372 +10576071 _derivationally_related_form 02129289 +08801678 _member_of_domain_region 06631921 +00134574 _derivationally_related_form 01398032 +01610758 _hypernym 01504437 +02247363 _member_meronym 02247511 +07386370 _hypernym 07371293 +01053920 _derivationally_related_form 02125409 +10803282 _synset_domain_topic_of 06951067 +01307142 _hypernym 00356258 +11445564 _hypernym 11418750 +01246095 _derivationally_related_form 02911332 +10484526 _derivationally_related_form 00879356 +11778534 _member_meronym 11791155 +01763813 _derivationally_related_form 03520811 +04992570 _derivationally_related_form 02192570 +09138935 _has_part 09139380 +00182269 _hypernym 00452512 +00281703 _hypernym 00283911 +09094093 _instance_hypernym 08665504 +10191388 _derivationally_related_form 05967191 +02556817 _derivationally_related_form 10670668 +09510305 _synset_domain_topic_of 15253139 +01966204 _hypernym 01939598 +14597158 _derivationally_related_form 01540449 +02141973 _derivationally_related_form 04789274 +08097222 _member_meronym 09685398 +10604491 _hypernym 09820263 +01573775 _hypernym 01507175 +02263717 _member_meronym 02263848 +01082153 _hypernym 01090335 +10152440 _hypernym 10615334 +06959427 _hypernym 06959261 +08860123 _member_of_domain_region 10550090 +12109189 _hypernym 11556857 +07206887 _hypernym 06756407 +11911591 _member_meronym 11960943 +12806455 _hypernym 11585340 +01528821 _derivationally_related_form 03563710 +02671224 _derivationally_related_form 02248808 +00685683 _derivationally_related_form 00203342 +00021065 _derivationally_related_form 02710766 +14730553 _derivationally_related_form 00565081 +12917338 _member_meronym 12921868 +00868591 _hypernym 00793580 +09053019 _instance_hypernym 08574314 +00968715 _hypernym 00968479 +03370020 _hypernym 03054098 +02143539 _derivationally_related_form 08550076 +12707432 _member_meronym 12710693 +12772081 _hypernym 11562747 +13899804 _hypernym 13865483 +00212808 _derivationally_related_form 02227487 +01720491 _derivationally_related_form 09884666 +06197664 _derivationally_related_form 01026975 +12591351 _hypernym 12582231 +06845599 _member_of_domain_usage 03807895 +01458842 _hypernym 00015388 +06845599 _member_of_domain_usage 03567325 +09607280 _hypernym 00007846 +06210363 _derivationally_related_form 00670991 +07358060 _derivationally_related_form 01280014 +04149374 _hypernym 04576211 +01932151 _hypernym 01931714 +10624310 _hypernym 10599806 +08743229 _instance_hypernym 08524735 +11758628 _member_meronym 11758799 +00251809 _also_see 00156839 +08739206 _has_part 08739669 +06163751 _hypernym 06158346 +12614317 _hypernym 11556857 +13632164 _has_part 13631512 +01048171 _derivationally_related_form 07400552 +06648724 _hypernym 06643408 +09906538 _derivationally_related_form 02589576 +12629946 _hypernym 11585340 +01763303 _derivationally_related_form 13979503 +00867409 _hypernym 00868591 +02554922 _derivationally_related_form 01211339 +01223616 _derivationally_related_form 05259240 +07307754 _hypernym 07283608 +07800091 _hypernym 00021265 +01406512 _synset_domain_topic_of 00471613 +02062991 _member_meronym 02065932 +07153727 _derivationally_related_form 00853958 +10503452 _hypernym 00007846 +07395623 _derivationally_related_form 02171664 +07314078 _hypernym 07313814 +12014085 _hypernym 11929027 +00173764 _also_see 01746605 +10304505 _derivationally_related_form 01926031 +14496193 _hypernym 14494716 +10762064 _hypernym 10412055 +15055181 _hypernym 15055633 +10769459 _derivationally_related_form 01158181 +10342180 _hypernym 10210137 +03430091 _synset_domain_topic_of 06043075 +02343374 _derivationally_related_form 02787772 +01411085 _derivationally_related_form 14298620 +01444520 _member_meronym 01444922 +10147262 _hypernym 00007846 +01149480 _derivationally_related_form 00235368 +01154554 _hypernym 02016523 +01955808 _derivationally_related_form 00303495 +07375635 _derivationally_related_form 02014553 +01783571 _hypernym 01762525 +13729902 _hypernym 13729428 +00197772 _derivationally_related_form 00162688 +05464104 _hypernym 14866889 +14871601 _derivationally_related_form 00186161 +13480848 _derivationally_related_form 00378664 +09112282 _has_part 09114020 +05728678 _derivationally_related_form 00704690 +07963711 _derivationally_related_form 00394813 +00126236 _derivationally_related_form 01561819 +00497060 _hypernym 00495331 +02575766 _member_meronym 02580991 +12626030 _member_meronym 12627750 +10413834 _hypernym 09628382 +06715638 _derivationally_related_form 00852922 +01092366 _hypernym 01090335 +07422800 _hypernym 07355887 +10567172 _hypernym 10294602 +04970059 _derivationally_related_form 00289297 +00874067 _derivationally_related_form 00672277 +08902569 _instance_hypernym 08574314 +00866702 _hypernym 01010118 +04166841 _hypernym 04166553 +00358089 _derivationally_related_form 00339085 +10191613 _hypernym 09608709 +02281987 _member_meronym 02282385 +12581381 _member_meronym 12591195 +01543998 _hypernym 01494310 +12372708 _member_meronym 12372932 +08920924 _has_part 08924023 +01861465 _member_meronym 02370525 +10708976 _hypernym 10205457 +01156115 _hypernym 01155687 +12123050 _member_meronym 12123244 +13291831 _synset_domain_topic_of 08441203 +10758589 _hypernym 10630188 +15143276 _derivationally_related_form 00358431 +07205573 _hypernym 07204401 +13785136 _synset_domain_topic_of 06000644 +01888295 _derivationally_related_form 01051082 +12610186 _hypernym 11556857 +05246511 _derivationally_related_form 02329292 +01697406 _derivationally_related_form 00898804 +01376237 _hypernym 01375204 +02264397 _hypernym 02210119 +08711974 _has_part 08713136 +06761099 _derivationally_related_form 00835506 +02034661 _hypernym 02022684 +01313093 _member_meronym 01928737 +01115190 _hypernym 00417001 +09763349 _hypernym 09927451 +00765977 _hypernym 00765649 +00506672 _derivationally_related_form 13134947 +03295357 _hypernym 02716866 +09206985 _derivationally_related_form 02037472 +12454159 _hypernym 12425281 +02409702 _member_meronym 02402175 +05826469 _hypernym 05823932 +01597551 _member_meronym 01597737 +14332085 _hypernym 14322699 +01500873 _derivationally_related_form 11683989 +11599165 _hypernym 11554175 +01842508 _hypernym 01835496 +10005548 _derivationally_related_form 02394662 +00906037 _hypernym 00894738 +09025584 _instance_hypernym 08633957 +01498166 _hypernym 01494310 +02355711 _member_meronym 02357741 +14253124 _hypernym 14070360 +08734385 _has_part 09326299 +01135501 _hypernym 01134781 +01826223 _hypernym 01504437 +09733028 _hypernym 09641757 +13609214 _hypernym 13583724 +01618671 _hypernym 01504437 +01337653 _synset_domain_topic_of 00243918 +08594886 _hypernym 13919685 +12449024 _member_meronym 12449784 +02038837 _member_meronym 02038993 +10517826 _derivationally_related_form 02511551 +03610682 _has_part 02838728 +01333082 _hypernym 01329186 +01412415 _derivationally_related_form 04758776 +12469372 _hypernym 11744859 +00073584 _hypernym 00073343 +11830906 _hypernym 13112664 +14412725 _derivationally_related_form 00719231 +10824710 _instance_hypernym 10231515 +12350234 _member_meronym 12351287 +13426376 _derivationally_related_form 00190999 +02174662 _hypernym 02176268 +06387980 _has_part 06394865 +01096497 _derivationally_related_form 13945102 +14854581 _derivationally_related_form 00074038 +01438304 _derivationally_related_form 10001217 +09117351 _has_part 09118639 +00381326 _derivationally_related_form 00189189 +11911591 _member_meronym 11960540 +08308497 _member_meronym 09953965 +10241024 _hypernym 09815790 +10150071 _hypernym 09614684 +01803003 _derivationally_related_form 00422551 +02576921 _derivationally_related_form 00752298 +12174926 _hypernym 12170585 +01920932 _derivationally_related_form 10176111 +00550545 _synset_domain_topic_of 06951067 +13491060 _derivationally_related_form 00442669 +04204619 _hypernym 08673395 +00967625 _derivationally_related_form 06589574 +00375938 _hypernym 00375625 +12096395 _hypernym 13121544 +02140970 _member_meronym 02149136 +06845599 _member_of_domain_usage 04425656 +09897696 _hypernym 09629752 +12113471 _member_meronym 12113790 +12149751 _member_meronym 12152406 +15126595 _instance_hypernym 15247518 +10824541 _instance_hypernym 09714429 +02526085 _hypernym 02524171 +08858248 _has_part 08859173 +09617161 _hypernym 10380672 +14010927 _derivationally_related_form 01860795 +12558425 _has_part 07729225 +00763132 _synset_domain_topic_of 00759694 +12262553 _hypernym 13104059 +02405390 _derivationally_related_form 10742546 +08386365 _hypernym 07974025 +02411427 _member_meronym 02415577 +02533907 _hypernym 00109660 +00946755 _derivationally_related_form 06481320 +02033295 _derivationally_related_form 13867641 +08723006 _has_part 08726745 +12366186 _hypernym 13122985 +02226559 _hypernym 02327200 +01312096 _has_part 01277938 +01411085 _hypernym 01397210 +02466496 _hypernym 02557199 +10688356 _derivationally_related_form 05905152 +00230172 _derivationally_related_form 00427397 +03406966 _hypernym 04478889 +13238828 _hypernym 11567411 +01261018 _derivationally_related_form 09436531 +03533486 _hypernym 04377057 +03828465 _hypernym 02721538 +00073828 _derivationally_related_form 00608978 +11867525 _member_meronym 11869689 +09311259 _has_part 08967329 +05556943 _has_part 05604434 +12252620 _hypernym 11565385 +06269674 _hypernym 07037465 +11459369 _hypernym 11473954 +00630223 _hypernym 00628491 +01655639 _hypernym 01654628 +12951668 _hypernym 13167078 +04074329 _derivationally_related_form 01619725 +12129525 _member_meronym 12130160 +09878702 _derivationally_related_form 01492725 +01730384 _derivationally_related_form 06867675 +01174294 _hypernym 01168468 +01598432 _member_meronym 01598820 +00220522 _hypernym 00220023 +05917174 _hypernym 05916739 +08579352 _hypernym 08569998 +01495340 _member_meronym 01495493 +01152670 _hypernym 02604760 +02514575 _member_meronym 02514988 +02493793 _hypernym 02489589 +11667562 _member_meronym 11668117 +03200357 _derivationally_related_form 01167780 +15124361 _has_part 15124545 +00927017 _derivationally_related_form 13954253 +07640844 _hypernym 07640203 +03954199 _hypernym 03234306 +00930368 _derivationally_related_form 05769833 +05666700 _synset_domain_topic_of 06128570 +13070003 _member_meronym 13071029 +07453638 _derivationally_related_form 02386675 +08551628 _hypernym 08630985 +10160770 _derivationally_related_form 03494278 +10615334 _derivationally_related_form 02345856 +00774506 _hypernym 00766234 +06295235 _member_of_domain_usage 01043333 +13495636 _synset_domain_topic_of 06055946 +01696435 _derivationally_related_form 14991319 +07941170 _hypernym 00031264 +01160370 _hypernym 01158872 +08228405 _hypernym 08227214 +12904720 _member_meronym 12904938 +01551871 _hypernym 01256157 +02573075 _hypernym 01432517 +12927354 _member_meronym 12927758 +00614224 _hypernym 00407535 +00438178 _hypernym 00226566 +10241300 _hypernym 10791221 +01175224 _hypernym 01201089 +08723006 _member_meronym 09698108 +02636666 _hypernym 01429349 +03890514 _hypernym 03082979 +00264875 _synset_domain_topic_of 06084469 +02121188 _hypernym 02122164 +00802318 _verb_group 02255462 +00544842 _derivationally_related_form 01049737 +02540412 _hypernym 01428580 +08729626 _member_meronym 09736633 +09494388 _hypernym 09492123 +02304967 _hypernym 01762525 +00207434 _hypernym 00206927 +08014202 _instance_hypernym 08392137 +07601999 _hypernym 07555863 +09891470 _derivationally_related_form 01947887 +02646757 _verb_group 02207206 +09844770 _hypernym 10372373 +04959230 _derivationally_related_form 00290132 +02102796 _also_see 00191603 +00612160 _derivationally_related_form 02760116 +13811184 _derivationally_related_form 02637592 +02362798 _derivationally_related_form 04119892 +08731606 _has_part 09163192 +00894738 _derivationally_related_form 01631830 +13687906 _hypernym 13604718 +05593476 _hypernym 05593017 +01089878 _hypernym 02428924 +00171852 _derivationally_related_form 00948206 +05806623 _hypernym 05805475 +13956488 _derivationally_related_form 02460502 +00105554 _hypernym 00010435 +09096089 _instance_hypernym 08639058 +02585489 _derivationally_related_form 00420477 +00593108 _derivationally_related_form 10162991 +10007109 _derivationally_related_form 00757856 +05951969 _derivationally_related_form 10306279 +02524739 _hypernym 02524171 +01962865 _derivationally_related_form 00442981 +04183329 _hypernym 03094503 +06719404 _hypernym 06717170 +11600139 _member_meronym 11600671 +02637637 _hypernym 01429349 +01930874 _derivationally_related_form 03244388 +13659760 _hypernym 13649268 +14384796 _hypernym 14382238 +00182406 _derivationally_related_form 00363788 +02260183 _member_meronym 02260623 +01526956 _hypernym 01524871 +02001821 _member_meronym 02003994 +02335349 _member_meronym 02336451 +00454868 _hypernym 00228236 +00391599 _derivationally_related_form 02224055 +00279239 _derivationally_related_form 06497459 +04639113 _hypernym 04623612 +01781520 _hypernym 01781180 +09974648 _derivationally_related_form 05638063 +02531199 _derivationally_related_form 00796886 +08979054 _member_of_domain_region 08044676 +04889527 _hypernym 04616059 +10978842 _instance_hypernym 10011902 +00876665 _derivationally_related_form 07143137 +04505036 _has_part 04505470 +01114303 _hypernym 01108148 +00052043 _hypernym 00047945 +07379577 _hypernym 07371293 +03968581 _hypernym 03526198 +09246464 _hypernym 09287968 +05137165 _hypernym 05093581 +04764412 _derivationally_related_form 01426077 +00161888 _synset_domain_topic_of 06018465 +04858455 _hypernym 04857083 +11564258 _hypernym 11562747 +03284120 _synset_domain_topic_of 08199025 +02644967 _hypernym 01429349 +01498319 _derivationally_related_form 04217882 +09976429 _hypernym 00007846 +10695555 _derivationally_related_form 01803380 +02274299 _derivationally_related_form 00789906 +12242287 _member_meronym 12242409 +09090825 _has_part 09092352 +10318414 _derivationally_related_form 06189551 +06714420 _derivationally_related_form 00824066 +00155487 _derivationally_related_form 01711749 +00877848 _hypernym 00831651 +05528854 _has_part 05309050 +01046984 _derivationally_related_form 00559102 +03148920 _hypernym 03264136 +10669991 _derivationally_related_form 00659535 +06737394 _derivationally_related_form 02300549 +03928116 _has_part 04262161 +00873603 _derivationally_related_form 05035961 +07344233 _derivationally_related_form 01972976 +14443912 _hypernym 14441825 +08101937 _derivationally_related_form 02539788 +07124340 _member_of_domain_usage 05526713 +08856475 _instance_hypernym 08633957 +10335246 _derivationally_related_form 01797204 +00198057 _derivationally_related_form 13139055 +01532589 _derivationally_related_form 09927089 +08848731 _member_meronym 09691994 +05497741 _derivationally_related_form 00319534 +01740892 _also_see 01246579 +00811036 _hypernym 00803617 +00430606 _hypernym 00426928 +06845599 _member_of_domain_usage 03192142 +01497634 _hypernym 01494310 +01295373 _instance_hypernym 00956485 +02600135 _member_meronym 02600298 +09078231 _member_of_domain_region 12221522 +06356515 _synset_domain_topic_of 06128570 +00195569 _derivationally_related_form 00436879 +08400452 _hypernym 07951464 +00073343 _derivationally_related_form 10000007 +13528100 _hypernym 13465530 +01684663 _derivationally_related_form 10391653 +09440186 _derivationally_related_form 00491689 +11707827 _hypernym 11703669 +00675701 _derivationally_related_form 07342495 +07750449 _hypernym 07747055 +08932568 _has_part 03890713 +11804604 _member_meronym 11810190 +12854925 _hypernym 11579418 +00686447 _hypernym 00670261 +01018928 _verb_group 01019472 +01843497 _hypernym 01835496 +06355459 _has_part 06805962 +01440801 _derivationally_related_form 13089631 +10366966 _derivationally_related_form 00080705 +05999797 _has_part 05993844 +00863174 _hypernym 00862683 +01717628 _hypernym 01716882 +11816121 _hypernym 11815491 +07909593 _hypernym 07907943 +14289942 _derivationally_related_form 00582743 +01240188 _synset_domain_topic_of 00523513 +08311687 _hypernym 08310949 +14440623 _hypernym 14440488 +09837360 _hypernym 09952539 +10693824 _derivationally_related_form 08378356 +02505141 _hypernym 02504562 +09756195 _derivationally_related_form 01774426 +01111816 _derivationally_related_form 00189565 +00409211 _derivationally_related_form 02443849 +06650070 _hypernym 06634376 +00672433 _derivationally_related_form 05789432 +12363988 _member_meronym 12367306 +02669885 _hypernym 03297735 +10012815 _derivationally_related_form 00650353 +07159791 _derivationally_related_form 01130455 +03082807 _has_part 03156405 +01878466 _also_see 00631391 +00095595 _hypernym 00094460 +01007495 _derivationally_related_form 04041544 +09251407 _synset_domain_topic_of 06095022 +14756039 _hypernym 14989820 +02285392 _derivationally_related_form 08462205 +07950920 _hypernym 00031264 +01445027 _derivationally_related_form 01465713 +01701634 _derivationally_related_form 05891572 +12224669 _hypernym 11567411 +13534954 _hypernym 13465530 +03433877 _hypernym 03287733 +08524262 _hypernym 08521816 +02395115 _also_see 00133417 +04412416 _hypernym 03685307 +05734559 _derivationally_related_form 00740053 +01524885 _member_meronym 01526635 +10486349 _hypernym 09608709 +02102796 _also_see 02105375 +03603958 _hypernym 03009633 +00981276 _derivationally_related_form 03391301 +03027250 _has_part 03594277 +10756433 _derivationally_related_form 01635432 +08774912 _instance_hypernym 08524735 +02619924 _derivationally_related_form 13962166 +02511551 _derivationally_related_form 05846054 +00621627 _derivationally_related_form 02419773 +00288017 _derivationally_related_form 04975122 +11877860 _has_part 07736087 +14002109 _derivationally_related_form 00487350 +05011568 _hypernym 05011277 +06431740 _has_part 06453849 +08102555 _member_meronym 08103299 +01341876 _member_meronym 01347431 +07293678 _hypernym 07292694 +00095502 _derivationally_related_form 02422026 +14480420 _derivationally_related_form 00444309 +08008335 _derivationally_related_form 02448185 +08860123 _member_of_domain_region 08504851 +01541579 _verb_group 01542207 +08239808 _hypernym 08231184 +11848610 _hypernym 11573660 +10257524 _hypernym 09774783 +00943436 _derivationally_related_form 11497888 +00329244 _derivationally_related_form 00388392 +02415435 _hypernym 02414578 +00041188 _derivationally_related_form 01072949 +02706605 _derivationally_related_form 07385803 +02014061 _hypernym 01507175 +02185337 _member_meronym 02185694 +06493392 _hypernym 06481320 +01847565 _member_meronym 01848976 +07520612 _derivationally_related_form 01780941 +01009871 _derivationally_related_form 00276883 +08923586 _instance_hypernym 08524735 +00105479 _derivationally_related_form 02062212 +01799794 _derivationally_related_form 07309223 +10026058 _hypernym 09608709 +05127640 _hypernym 05125377 +09738400 _hypernym 09620078 +01093587 _derivationally_related_form 09952163 +08211475 _hypernym 08211290 +08858248 _instance_hypernym 09316454 +02506361 _hypernym 02504562 +13190218 _member_meronym 13191318 +12581381 _member_meronym 12586867 +00958334 _derivationally_related_form 06768901 +10708976 _synset_domain_topic_of 00475787 +00624476 _verb_group 00627091 +04621738 _synset_domain_topic_of 06136258 +01456631 _hypernym 01432517 +06223468 _derivationally_related_form 02826443 +09370383 _has_part 09114401 +00636461 _derivationally_related_form 02531625 +07507912 _hypernym 07507098 +01449857 _member_meronym 01449980 +05530429 _hypernym 05492259 +01958790 _hypernym 01938850 +00076114 _derivationally_related_form 02382204 +00332835 _hypernym 02031158 +00669243 _hypernym 00668099 +05755883 _hypernym 05752544 +11755694 _hypernym 11585340 +02683419 _derivationally_related_form 02981911 +00065370 _verb_group 00065639 +11791446 _member_meronym 11791569 +06649915 _hypernym 06643408 +10628644 _hypernym 10541229 +08177958 _hypernym 08168978 +01220152 _derivationally_related_form 00864475 +05511286 _has_part 13096863 +05581693 _hypernym 05581514 +04603081 _hypernym 04602044 +13984082 _synset_domain_topic_of 02686568 +02846260 _hypernym 03716327 +10561320 _hypernym 09631463 +01608432 _hypernym 01605630 +14558226 _hypernym 14557898 +07157273 _member_of_domain_usage 10643584 +00188580 _hypernym 00187526 +07073447 _member_of_domain_usage 14416473 +01027668 _derivationally_related_form 06782019 +02355227 _hypernym 02329401 +08273167 _member_meronym 10669357 +11486178 _hypernym 11444117 +10932495 _instance_hypernym 09868270 +03252064 _hypernym 03076708 +00104539 _hypernym 00045250 +02468793 _derivationally_related_form 13583724 +00258695 _derivationally_related_form 01254013 +00075135 _derivationally_related_form 01011725 +01983264 _derivationally_related_form 00324384 +11895980 _hypernym 11575425 +04704675 _hypernym 04704346 +13307901 _hypernym 13307784 +04198797 _derivationally_related_form 01576917 +13850304 _derivationally_related_form 01744082 +00399368 _hypernym 00126264 +07940552 _member_meronym 08102555 +12651465 _member_meronym 12651611 +02441326 _hypernym 02075296 +07406765 _hypernym 07405893 +01193099 _derivationally_related_form 01073655 +00459498 _derivationally_related_form 00555648 +05216365 _has_part 05549830 +12916935 _member_meronym 12925394 +03545150 _derivationally_related_form 02459173 +01301410 _derivationally_related_form 13999663 +09997404 _derivationally_related_form 00714884 +08853741 _has_part 08857260 +11754633 _hypernym 11585340 +10732314 _derivationally_related_form 02349212 +12061380 _hypernym 12041446 +12152869 _hypernym 11556857 +00257535 _hypernym 00256507 +00796586 _hypernym 00795720 +01091905 _hypernym 01090446 +00812526 _derivationally_related_form 01216522 +13509528 _hypernym 13467916 +07766409 _hypernym 07705931 +00234857 _hypernym 00233335 +06845599 _member_of_domain_usage 04383537 +03627232 _hypernym 03323703 +09582343 _hypernym 09578465 +11877283 _hypernym 11868814 +07443761 _derivationally_related_form 00162688 +12760013 _hypernym 11567411 +01996402 _hypernym 01995549 +05761559 _derivationally_related_form 00607780 +03053474 _derivationally_related_form 01423929 +12913791 _hypernym 13112664 +05785885 _derivationally_related_form 00704388 +02496576 _member_meronym 02496913 +12288598 _hypernym 11573173 +13007195 _hypernym 11592146 +00686447 _verb_group 00719231 +15212167 _hypernym 15209706 +10674130 _derivationally_related_form 02534936 +02213690 _derivationally_related_form 10785695 +02124748 _derivationally_related_form 05713737 +12610328 _hypernym 13121544 +12609638 _member_meronym 12610609 +01598820 _hypernym 01507175 +00122097 _hypernym 00126264 +02325968 _synset_domain_topic_of 01090446 +01802309 _member_meronym 01802721 +03811295 _hypernym 04347754 +08427453 _hypernym 08426816 +07300092 _synset_domain_topic_of 06128570 +02516594 _derivationally_related_form 09758643 +01673503 _hypernym 01342529 +00383275 _hypernym 00382635 +09065328 _instance_hypernym 08638442 +05712076 _hypernym 05708432 +01789064 _member_meronym 01793818 +00184117 _hypernym 00182406 +03259505 _has_part 03175081 +01825930 _hypernym 01503061 +03308152 _derivationally_related_form 01351170 +05749619 _hypernym 05748054 +10591949 _hypernym 10285313 +12511856 _hypernym 13112664 +10505206 _hypernym 10241300 +00719734 _verb_group 00720063 +00223854 _hypernym 00219012 +12793886 _hypernym 12793015 +02619409 _hypernym 01432517 +04417809 _has_part 04434285 +01170243 _also_see 02037708 +08042183 _synset_domain_topic_of 00759694 +12404943 _member_meronym 12409016 +03271574 _has_part 03273061 +11703386 _member_meronym 11705921 +13034953 _member_meronym 13035521 +00562935 _hypernym 00562280 +01473990 _member_meronym 01476135 +01645601 _derivationally_related_form 06740402 +06593099 _derivationally_related_form 00590924 +04979425 _hypernym 04974968 +00715239 _derivationally_related_form 05677340 +03791235 _has_part 03841143 +01690294 _derivationally_related_form 03234306 +12613285 _hypernym 11556857 +10335931 _derivationally_related_form 01855606 +01058880 _derivationally_related_form 06767777 +10225219 _hypernym 10372373 +02049299 _hypernym 01342529 +04460947 _instance_hypernym 03386011 +11081828 _instance_hypernym 10467395 +03239726 _hypernym 04451818 +08572467 _derivationally_related_form 01931768 +02736778 _derivationally_related_form 13555446 +02066939 _derivationally_related_form 15277730 +07497797 _derivationally_related_form 01776468 +02141973 _derivationally_related_form 06890846 +09800964 _derivationally_related_form 02396205 +08725692 _has_part 08726582 +02642935 _member_meronym 02643316 +02217266 _hypernym 02251743 +02041422 _hypernym 01943718 +03758089 _hypernym 03365991 +00331082 _derivationally_related_form 00358290 +02446014 _member_meronym 02446352 +00581812 _derivationally_related_form 02193194 +02187922 _derivationally_related_form 07344663 +00255389 _derivationally_related_form 13557766 +13425245 _hypernym 13497135 +13534274 _derivationally_related_form 01913532 +00089351 _derivationally_related_form 02310007 +03728437 _hypernym 03666591 +10171567 _hypernym 10176679 +07847198 _derivationally_related_form 01418037 +10342543 _derivationally_related_form 07386920 +11911591 _member_meronym 11965378 +10000787 _derivationally_related_form 02395395 +02565324 _has_part 07777735 +03386011 _derivationally_related_form 02023992 +01539925 _hypernym 01539573 +03274796 _hypernym 03088707 +06338278 _hypernym 06333653 +02058453 _hypernym 01507175 +05510506 _has_part 05531814 +12853287 _has_part 07818995 +04474466 _derivationally_related_form 01480770 +08860123 _member_of_domain_region 10228592 +02540670 _derivationally_related_form 01207609 +06452601 _has_part 06438748 +11622771 _hypernym 11620673 +09275473 _has_part 08888676 +02497062 _hypernym 02422026 +00335988 _derivationally_related_form 00009631 +12144742 _hypernym 12143676 +02531422 _derivationally_related_form 04629604 +00192300 _derivationally_related_form 00400427 +00488430 _hypernym 00487748 +02212825 _hypernym 02202384 +12965463 _member_meronym 12965626 +00533403 _hypernym 00260648 +06880249 _derivationally_related_form 00820976 +12260021 _member_meronym 12260208 +02542795 _hypernym 00150287 +01610101 _derivationally_related_form 04081044 +02132745 _hypernym 02130524 +00275607 _hypernym 01463963 +02478936 _hypernym 00822367 +02047148 _hypernym 02046755 +00128976 _hypernym 00128638 +06429316 _hypernym 06429145 +10569179 _hypernym 00007846 +15269513 _hypernym 00033615 +00973077 _derivationally_related_form 01093172 +03200357 _hypernym 03895866 +00925490 _hypernym 00717358 +10746931 _derivationally_related_form 01965806 +06589574 _hypernym 04599396 +13786187 _hypernym 13783816 +02196542 _member_meronym 02197048 +02245765 _derivationally_related_form 01106808 +11778534 _member_meronym 11781850 +00334935 _derivationally_related_form 01230555 +06995222 _hypernym 06991980 +01631035 _hypernym 01626600 +00253277 _hypernym 00153263 +10300303 _derivationally_related_form 01428853 +02552829 _derivationally_related_form 00269018 +07252378 _hypernym 06691442 +11668573 _member_meronym 12581230 +01965156 _derivationally_related_form 00120202 +08948027 _instance_hypernym 08691669 +01986806 _hypernym 01976146 +02520015 _hypernym 01432517 +00858377 _derivationally_related_form 00015303 +09138935 _has_part 09340644 +01047596 _hypernym 00941990 +01936537 _derivationally_related_form 04046810 +12505987 _member_meronym 12506341 +13301328 _hypernym 13300555 +11911591 _member_meronym 11998648 +12671157 _member_meronym 12679712 +00328885 _hypernym 00279835 +01967104 _derivationally_related_form 00511817 +02565728 _member_meronym 02568636 +01486241 _member_meronym 01486411 +10801561 _hypernym 10665698 +10007109 _derivationally_related_form 02413140 +01854132 _derivationally_related_form 00392093 +01977684 _hypernym 01759182 +14672224 _hypernym 14662574 +01683101 _derivationally_related_form 10129585 +06568134 _hypernym 06566077 +12949955 _member_meronym 12950126 +01739814 _hypernym 01742726 +14156976 _hypernym 14094881 +08168978 _hypernym 08359949 +04519536 _hypernym 03183080 +02744977 _verb_group 01719921 +09678009 _hypernym 09628382 +00947077 _derivationally_related_form 06199702 +12976985 _member_meronym 12977296 +05623628 _derivationally_related_form 02741149 +01049475 _derivationally_related_form 02147603 +07445010 _hypernym 07444668 +00756076 _verb_group 02627934 +07377473 _hypernym 07387509 +02083237 _derivationally_related_form 14702703 +13238828 _member_meronym 13238988 +14955030 _hypernym 14984973 +00399553 _derivationally_related_form 13458019 +06172294 _synset_domain_topic_of 15259284 +00508032 _derivationally_related_form 06798750 +06713187 _derivationally_related_form 00825975 +10902051 _instance_hypernym 10467395 +05196375 _derivationally_related_form 02441022 +00687926 _derivationally_related_form 05698791 +02037472 _derivationally_related_form 09206985 +14243877 _hypernym 14242922 +03933529 _derivationally_related_form 01305241 +01723678 _member_meronym 01723883 +05872742 _hypernym 05871362 +05483122 _hypernym 05296775 +06876144 _hypernym 06876309 +01941704 _synset_domain_topic_of 00300441 +01426397 _derivationally_related_form 09622745 +13850674 _hypernym 13850304 +00203649 _derivationally_related_form 00800930 +13917214 _hypernym 13915999 +12050959 _hypernym 12041446 +02508742 _hypernym 02507649 +00046522 _hypernym 00030358 +02150948 _derivationally_related_form 10633450 +11524662 _synset_domain_topic_of 06118563 +05806855 _hypernym 05805475 +12358485 _member_meronym 12169526 +08632423 _derivationally_related_form 00195617 +09996481 _hypernym 00007846 +00262596 _derivationally_related_form 01675963 +10280674 _derivationally_related_form 00099951 +04452848 _hypernym 04008947 +12783601 _hypernym 11567411 +06612266 _hypernym 06598915 +14779796 _derivationally_related_form 00219403 +01474550 _derivationally_related_form 00212808 +08485830 _hypernym 08077292 +00948707 _hypernym 00948071 +12003407 _hypernym 11579418 +07539367 _derivationally_related_form 00909363 +11427241 _hypernym 11425580 +09207288 _has_part 08955626 +05002822 _derivationally_related_form 01601234 +00037919 _derivationally_related_form 00257770 +02571901 _derivationally_related_form 05703956 +09201301 _has_part 09453288 +11659500 _hypernym 11554175 +01502262 _member_meronym 01843805 +12327407 _hypernym 11567411 +12787846 _member_meronym 12788201 +00341548 _derivationally_related_form 01547390 +12651611 _hypernym 12651821 +00602805 _verb_group 02387034 +00792471 _also_see 01097960 +01919391 _derivationally_related_form 10293332 +07115914 _has_part 07116304 +00883139 _derivationally_related_form 02125032 +01648494 _member_meronym 01648620 +00153061 _verb_group 02073065 +07167578 _hypernym 06598915 +05300507 _hypernym 05510702 +04183329 _derivationally_related_form 01889610 +13978344 _hypernym 13977366 +10822338 _instance_hypernym 10423589 +00508032 _derivationally_related_form 07270179 +01170983 _derivationally_related_form 00150591 +01389329 _derivationally_related_form 00616083 +10058411 _derivationally_related_form 01190948 +02258487 _hypernym 02257767 +08039312 _synset_domain_topic_of 00759694 +00174379 _also_see 01748318 +02577061 _also_see 02270342 +00765791 _synset_domain_topic_of 08441203 +00378664 _verb_group 00378042 +06666829 _hypernym 06652878 +10486561 _hypernym 10317500 +02236495 _member_meronym 02238743 +08644722 _has_part 08616050 +00899292 _derivationally_related_form 01701311 +07439570 _derivationally_related_form 00455368 +09095023 _has_part 09099264 +01955463 _member_meronym 01960301 +05798043 _hypernym 05797597 +06077648 _derivationally_related_form 10313580 +15177866 _synset_domain_topic_of 06232880 +02511551 _derivationally_related_form 10517826 +06794666 _hypernym 06806469 +14814531 _hypernym 14844693 +02557790 _hypernym 02557199 +01966204 _member_meronym 01966586 +02615079 _synset_domain_topic_of 06083243 +10588357 _derivationally_related_form 08558770 +06754972 _hypernym 06751974 +01734502 _derivationally_related_form 10521470 +09798534 _derivationally_related_form 00896141 +02027411 _hypernym 02025009 +02758863 _hypernym 03306610 +07393161 _hypernym 07387509 +00487748 _derivationally_related_form 14616939 +06295235 _member_of_domain_usage 03679384 +10776339 _derivationally_related_form 00909219 +02030764 _hypernym 02075462 +01767199 _member_meronym 02159271 +01673668 _member_meronym 01689226 +09866661 _derivationally_related_form 02276866 +12564840 _member_meronym 12566331 +00840189 _hypernym 00839778 +00431552 _derivationally_related_form 02375131 +11907939 _hypernym 11575425 +10102506 _derivationally_related_form 00712135 +01111816 _derivationally_related_form 10562391 +01229976 _hypernym 01899262 +01069311 _hypernym 01069578 +11883137 _hypernym 11575425 +00064504 _hypernym 00063652 +01439745 _derivationally_related_form 00138956 +02400139 _member_meronym 02420675 +05722208 _hypernym 05654873 +01886220 _member_meronym 01888520 +13984082 _hypernym 13983515 +09618957 _hypernym 00007846 +09590495 _synset_domain_topic_of 07983856 +00096766 _hypernym 00104868 +01543731 _derivationally_related_form 01523656 +14691085 _hypernym 14662574 +03709644 _hypernym 03100490 +12627526 _hypernym 12626353 +02300378 _hypernym 01762525 +01684133 _derivationally_related_form 05683582 +01246926 _derivationally_related_form 01138204 +03824381 _hypernym 03673450 +08095647 _member_meronym 08096301 +02202384 _verb_group 02283716 +02654256 _hypernym 01429349 +11884198 _hypernym 11575425 +12164881 _hypernym 12164363 +01494310 _derivationally_related_form 01052853 +03779370 _hypernym 03094503 +12362844 _hypernym 11565385 +12115748 _hypernym 12102133 +02011865 _derivationally_related_form 07302267 +01248205 _hypernym 01494310 +05919866 _hypernym 05833840 +00700652 _derivationally_related_form 10489944 +02567147 _derivationally_related_form 00770270 +14051056 _hypernym 14049711 +04590553 _hypernym 04151581 +00272123 _hypernym 00271263 +01705257 _derivationally_related_form 07180570 +11020888 _instance_hypernym 09940987 +08917503 _instance_hypernym 08574314 +01709278 _member_meronym 01709484 +07750299 _hypernym 07747055 +00351334 _derivationally_related_form 00121678 +13512238 _derivationally_related_form 00249969 +14437552 _derivationally_related_form 00694068 +01088192 _hypernym 01097743 +06986894 _hypernym 06986558 +09869171 _hypernym 10226803 +02262601 _hypernym 02262278 +11719468 _member_meronym 11736569 +12333771 _hypernym 12651821 +09472597 _has_part 09472413 +13742358 _hypernym 13741022 +11782878 _hypernym 11779300 +12815925 _member_meronym 12818742 +00807178 _hypernym 00670261 +03003344 _derivationally_related_form 06947032 +06768259 _hypernym 06767922 +10670668 _hypernym 10677713 +02863247 _derivationally_related_form 05948857 +10616379 _derivationally_related_form 00032778 +10638136 _hypernym 09631129 +02667698 _hypernym 02667228 +06780678 _derivationally_related_form 09898346 +05309725 _has_part 05309392 +10391653 _hypernym 09812338 +01220303 _derivationally_related_form 00812526 +00808671 _derivationally_related_form 06761798 +12345136 _member_meronym 12345280 +01941670 _member_meronym 01948788 +01641341 _hypernym 01640855 +08102282 _hypernym 08101937 +04818700 _hypernym 04818284 +01419888 _hypernym 01416585 +10328941 _hypernym 00007846 +02722458 _derivationally_related_form 02629410 +09395763 _instance_hypernym 07959943 +00035697 _hypernym 00428000 +06967710 _hypernym 06963951 +10808200 _instance_hypernym 10467395 +03829340 _hypernym 03744276 +12688903 _hypernym 12688716 +06386156 _hypernym 06379721 +14506656 _hypernym 14151139 +01145024 _hypernym 01143838 +13091620 _hypernym 13152742 +14132524 _hypernym 14132102 +02669723 _hypernym 03450516 +13405296 _hypernym 13405962 +00928751 _hypernym 00397953 +08007534 _hypernym 07996689 +07080868 _hypernym 00407535 +13219422 _hypernym 11547562 +00206998 _hypernym 00205885 +07193184 _hypernym 07185325 +10596689 _derivationally_related_form 01843055 +03497657 _has_part 02902079 +07293180 _hypernym 07292694 +04284002 _hypernym 03153375 +12327407 _member_meronym 12327528 +09998101 _derivationally_related_form 01104624 +13145444 _hypernym 13144794 +00227507 _also_see 00504592 +10456138 _derivationally_related_form 05993367 +09060768 _has_part 09064468 +01315333 _derivationally_related_form 09877587 +03139749 _derivationally_related_form 01128984 +01801479 _hypernym 01801088 +10455447 _hypernym 10241300 +13435152 _synset_domain_topic_of 06084469 +01686132 _derivationally_related_form 00100543 +09040601 _instance_hypernym 08691669 +01703569 _hypernym 01700470 +12561696 _hypernym 11585340 +09416076 _derivationally_related_form 01323518 +06012513 _synset_domain_topic_of 06000644 +02245555 _synset_domain_topic_of 00766234 +12615427 _member_meronym 12618524 +09378529 _derivationally_related_form 03093184 +05312306 _hypernym 05311054 +03313602 _derivationally_related_form 02137907 +03113152 _hypernym 04447443 +00976508 _derivationally_related_form 05058140 +13740168 _derivationally_related_form 00297507 +08836630 _has_part 08778597 +12721122 _hypernym 13112664 +02346823 _member_meronym 02347140 +00096513 _hypernym 00093483 +15124361 _instance_hypernym 15248020 +01202374 _hypernym 01170052 +02553196 _member_meronym 02611767 +14181049 _hypernym 14178077 +03679384 _derivationally_related_form 02653159 +01640207 _verb_group 01621555 +01560184 _hypernym 01291069 +11606379 _hypernym 11534677 +08457976 _hypernym 08456993 +02196542 _member_meronym 02196761 +00951626 _derivationally_related_form 02279772 +02478059 _derivationally_related_form 01240979 +01777817 _hypernym 01775164 +01927301 _member_meronym 01927665 +09134386 _has_part 09224325 +13275847 _hypernym 13275288 +12363988 _member_meronym 12370384 +00197772 _derivationally_related_form 02405390 +00733483 _hypernym 00732746 +10676319 _hypernym 10291240 +12077732 _hypernym 11556857 +11083064 _instance_hypernym 10705615 +02692686 _derivationally_related_form 01257145 +02763609 _derivationally_related_form 07412310 +10875107 _instance_hypernym 09765278 +13124654 _hypernym 00017222 +02840619 _hypernym 04014297 +11504225 _hypernym 11503968 +07215185 _derivationally_related_form 00936169 +01244516 _hypernym 00173338 +02258487 _synset_domain_topic_of 06004685 +04642258 _hypernym 04641447 +05750027 _hypernym 05749619 +03134015 _hypernym 03322099 +03763727 _synset_domain_topic_of 08199025 +00085907 _derivationally_related_form 03845550 +02074542 _member_meronym 02074726 +00709205 _hypernym 00658082 +05060189 _derivationally_related_form 00459498 +01409477 _hypernym 01387617 +00095502 _hypernym 00035189 +01453188 _hypernym 01429349 +11828577 _has_part 07733712 +02646931 _derivationally_related_form 14442933 +00617748 _derivationally_related_form 00073828 +06291318 _has_part 06602148 +04898087 _hypernym 04897762 +00087218 _derivationally_related_form 02273293 +01743217 _derivationally_related_form 01796800 +10346015 _hypernym 09774783 +00918976 _hypernym 00916464 +01162754 _derivationally_related_form 00948206 +11765099 _member_meronym 11765277 +01073822 _derivationally_related_form 15010703 +02629410 _derivationally_related_form 02722458 +11607739 _member_meronym 11620248 +01960911 _hypernym 01835496 +00616361 _hypernym 00616153 +01302086 _has_part 01288272 +03753657 _hypernym 02719105 +00565302 _hypernym 00556313 +00414823 _derivationally_related_form 00553362 +06467007 _hypernym 06722453 +02188699 _has_part 02152212 +08905936 _instance_hypernym 08574314 +04166553 _hypernym 03740161 +03003928 _derivationally_related_form 09689435 +14162275 _hypernym 14151139 +09433952 _derivationally_related_form 00560893 +04474466 _hypernym 03183080 +02329578 _hypernym 02327200 +05794694 _hypernym 05770926 +01191755 _hypernym 05788149 +07884567 _derivationally_related_form 01158596 +00378069 _derivationally_related_form 02762468 +00847870 _derivationally_related_form 09999135 +02341108 _member_meronym 02341288 +01371201 _hypernym 01494310 +00320625 _hypernym 00319939 +05246511 _synset_domain_topic_of 06057539 +00248368 _hypernym 00199130 +00719494 _hypernym 00575741 +06295235 _member_of_domain_usage 03257877 +08832447 _hypernym 08654360 +05797597 _derivationally_related_form 00877327 +07497976 _derivationally_related_form 01817314 +01890718 _member_meronym 01890860 +02961688 _derivationally_related_form 06944911 +01186428 _derivationally_related_form 10345100 +02041206 _hypernym 00264034 +00940709 _hypernym 00940412 +02696801 _hypernym 02133435 +00843325 _derivationally_related_form 01202068 +03770085 _hypernym 02958343 +00801125 _hypernym 00798245 +12183318 _hypernym 11575425 +02472293 _has_part 05539138 +00492706 _derivationally_related_form 14487731 +05635188 _derivationally_related_form 01941093 +11531090 _hypernym 00017222 +02394662 _derivationally_related_form 00623670 +09053185 _has_part 09054350 +05558555 _hypernym 05221895 +12100538 _member_meronym 12134300 +10639047 _hypernym 00007846 +11485582 _hypernym 11428023 +02227773 _hypernym 01759182 +05275905 _has_part 05233741 +13027049 _hypernym 11592146 +05311054 _has_part 05349659 +13658027 _has_part 13657849 +03560567 _hypernym 03738472 +02732827 _hypernym 03391770 +01217780 _derivationally_related_form 00406800 +01876028 _derivationally_related_form 04098513 +12674120 _hypernym 13112664 +10162194 _derivationally_related_form 01774136 +13434878 _derivationally_related_form 00160261 +08766988 _member_of_domain_region 13752679 +04456276 _derivationally_related_form 01802689 +06295235 _member_of_domain_usage 04019335 +00044353 _derivationally_related_form 14482620 +00812580 _derivationally_related_form 07142365 +08521267 _has_part 08520401 +04096066 _has_part 04499660 +01845627 _member_meronym 01855672 +04971928 _derivationally_related_form 00320246 +01212572 _derivationally_related_form 00812274 +06650701 _derivationally_related_form 00872886 +13002433 _hypernym 11592146 +02511633 _hypernym 05225602 +14063633 _derivationally_related_form 00256862 +10341660 _derivationally_related_form 02987454 +06250061 _synset_domain_topic_of 06159473 +01444887 _hypernym 01444326 +12636705 _member_meronym 12636885 +07829412 _hypernym 07810907 +10757193 _derivationally_related_form 01038666 +09993901 _derivationally_related_form 02418205 +07129202 _hypernym 07128946 +08506932 _synset_domain_topic_of 06453849 +07414740 _derivationally_related_form 02710402 +02174461 _derivationally_related_form 07380144 +02250653 _member_meronym 02251067 +03500557 _hypernym 03686130 +14094350 _hypernym 14085708 +00567044 _derivationally_related_form 01512259 +03006626 _hypernym 03945615 +08499057 _has_part 08588916 +08416652 _hypernym 08251877 +00321731 _hypernym 00320852 +12539074 _hypernym 13100677 +00327824 _hypernym 00279835 +00933000 _derivationally_related_form 02698443 +03028465 _derivationally_related_form 10822338 +09991026 _hypernym 10287213 +03478589 _synset_domain_topic_of 08199025 +01624537 _hypernym 01621127 +00858188 _hypernym 13440063 +02345048 _derivationally_related_form 00965895 +04375926 _hypernym 03733925 +09641757 _hypernym 09636106 +11779801 _member_meronym 11780148 +02872333 _derivationally_related_form 01516071 +14818238 _synset_domain_topic_of 06084469 +02001428 _hypernym 01342529 +02040709 _derivationally_related_form 07275489 +12660009 _member_meronym 12668364 +02140033 _derivationally_related_form 00522537 +05827253 _derivationally_related_form 01646866 +04336645 _synset_domain_topic_of 00449295 +00140393 _derivationally_related_form 01510827 +00923995 _derivationally_related_form 01658188 +10467395 _derivationally_related_form 00596807 +05149325 _hypernym 05148699 +01113068 _derivationally_related_form 02298471 +14051201 _hypernym 13987423 +02338975 _derivationally_related_form 01057200 +00055793 _hypernym 00055315 +10484526 _synset_domain_topic_of 06652878 +08271801 _hypernym 08198398 +04330340 _hypernym 03620052 +08713772 _has_part 09039411 +12410715 _member_meronym 12467811 +02694776 _instance_hypernym 03946325 +00983333 _derivationally_related_form 06822198 +01729431 _derivationally_related_form 00545501 +00437852 _derivationally_related_form 04639732 +08860123 _member_of_domain_region 03968581 +00439343 _derivationally_related_form 00330457 +02030967 _hypernym 02030424 +00251013 _hypernym 00248977 +10264219 _derivationally_related_form 02842445 +00854904 _derivationally_related_form 10752480 +01323793 _hypernym 01323958 +01955463 _member_meronym 01955933 +02501278 _derivationally_related_form 01195867 +14736972 _hypernym 14728724 +06696483 _derivationally_related_form 02546075 +12521847 _member_meronym 12522894 +04826771 _derivationally_related_form 01781478 +01886220 _member_meronym 02461372 +01797347 _derivationally_related_form 13989051 +01152787 _hypernym 00237078 +15155220 _has_part 15165490 +02851001 _derivationally_related_form 05604535 +02533313 _also_see 01463965 +02055062 _also_see 01781478 +10767020 _derivationally_related_form 01129337 +00628491 _also_see 01634142 +06321054 _member_of_domain_usage 00183090 +11719468 _member_meronym 11720088 +07674749 _hypernym 07673397 +01569836 _hypernym 01567133 +02661252 _derivationally_related_form 00194969 +02497400 _derivationally_related_form 13992514 +11872850 _hypernym 11575425 +03043958 _hypernym 03323703 +02763283 _derivationally_related_form 04953954 +02300173 _hypernym 02283201 +00291757 _hypernym 00280930 +02111626 _hypernym 02084071 +04331277 _hypernym 03001627 +12423565 _member_meronym 12443929 +02302817 _derivationally_related_form 10720453 +09929577 _hypernym 10462860 +12727729 _hypernym 12724942 +05558078 _hypernym 05557339 +08131254 _hypernym 08337324 +10093658 _hypernym 10605985 +08629199 _derivationally_related_form 01204439 +02804772 _derivationally_related_form 01429663 +01585523 _derivationally_related_form 03571439 +12539306 _hypernym 11747468 +01750598 _hypernym 01657723 +08960987 _instance_hypernym 08696931 +03187751 _hypernym 03739693 +01573515 _hypernym 01556921 +03972799 _hypernym 09379111 +12322887 _member_meronym 12341126 +09757944 _derivationally_related_form 01196037 +12967281 _member_meronym 12967776 +05769833 _hypernym 05767733 +06295235 _member_of_domain_usage 04298171 +00669970 _derivationally_related_form 01006675 +00207306 _derivationally_related_form 02499312 +00412292 _derivationally_related_form 01187620 +10294953 _derivationally_related_form 01135501 +05399847 _hypernym 05397468 +10138369 _hypernym 00007846 +02192818 _hypernym 02192570 +00388635 _derivationally_related_form 14562142 +00373130 _derivationally_related_form 00684838 +01778990 _hypernym 01778568 +00864475 _derivationally_related_form 01220152 +01994176 _member_meronym 01995137 +01653442 _derivationally_related_form 00924825 +09990415 _derivationally_related_form 01708676 +06536853 _has_part 06394564 +11692952 _member_meronym 11697158 +13476267 _synset_domain_topic_of 06070929 +09838701 _derivationally_related_form 01037819 +04682462 _derivationally_related_form 02357693 +01311103 _derivationally_related_form 00941974 +00516747 _derivationally_related_form 14656219 +12391745 _member_meronym 12392943 +08723006 _has_part 08724726 +05626618 _hypernym 05625879 +00698004 _synset_domain_topic_of 06043075 +08860123 _member_of_domain_region 04066023 +02366105 _hypernym 02327200 +01411630 _hypernym 01411085 +05077146 _hypernym 05075602 +00698855 _derivationally_related_form 10225219 +00344174 _derivationally_related_form 07295047 +05934278 _derivationally_related_form 00514069 +02062632 _derivationally_related_form 10659762 +15197302 _synset_domain_topic_of 06232880 +01423929 _derivationally_related_form 03053474 +02522990 _member_meronym 02523110 +13005166 _hypernym 11592146 +02610541 _hypernym 01429349 +01506812 _hypernym 01506583 +02231661 _hypernym 02232190 +05795044 _derivationally_related_form 01021629 +12117507 _hypernym 11556857 +00010054 _hypernym 01831531 +02279772 _hypernym 02290461 +01226875 _hypernym 01227675 +15215068 _hypernym 15214068 +06616216 _hypernym 06613686 +07360293 _derivationally_related_form 00366020 +09068444 _has_part 09343422 +02025530 _member_meronym 02026798 +02249741 _hypernym 02251743 +00330144 _hypernym 00338071 +02521916 _hypernym 01429349 +09164417 _instance_hypernym 08633957 +01755274 _member_meronym 01756291 +00924431 _hypernym 00923793 +13354420 _derivationally_related_form 00731000 +07199922 _derivationally_related_form 00816353 +01453969 _derivationally_related_form 04467307 +08133855 _hypernym 08337324 +06639674 _hypernym 06636259 +00931852 _derivationally_related_form 06811625 +01621555 _derivationally_related_form 00908492 +02606926 _hypernym 01432517 +12281241 _hypernym 13104059 +03353616 _hypernym 02671421 +01126961 _derivationally_related_form 02853218 +00589103 _hypernym 00586262 +12374862 _hypernym 12374418 +01403540 _derivationally_related_form 00572838 +02675657 _hypernym 03699396 +00721437 _also_see 00598954 +02247028 _derivationally_related_form 10525436 +05095691 _hypernym 04916342 +00402130 _hypernym 00400883 +02765924 _derivationally_related_form 04953954 +01784427 _member_meronym 01785831 +12356023 _has_part 07814925 +03670208 _hypernym 02958343 +14624743 _hypernym 00031264 +02182109 _derivationally_related_form 07378234 +09919451 _hypernym 10129825 +06616806 _derivationally_related_form 01002297 +01313249 _hypernym 01363648 +08926543 _instance_hypernym 08524735 +01091905 _derivationally_related_form 02260085 +03866908 _hypernym 03936895 +10179649 _derivationally_related_form 01196653 +09957013 _hypernym 10018021 +04328946 _hypernym 02735688 +01537134 _hypernym 01529672 +06500937 _has_part 06687883 +08164585 _derivationally_related_form 02448185 +03859958 _derivationally_related_form 02340360 +10269785 _derivationally_related_form 05664069 +00137940 _hypernym 00137313 +07184391 _derivationally_related_form 01091427 +01441625 _hypernym 01432517 +01633173 _derivationally_related_form 14873641 +07244949 _derivationally_related_form 00828003 +02341816 _hypernym 02327200 +02912065 _hypernym 03405725 +03307274 _hypernym 03224032 +14042423 _derivationally_related_form 01476180 +03427656 _hypernym 03084420 +10313872 _derivationally_related_form 00640889 +09935434 _hypernym 09816771 +00815644 _hypernym 00815320 +00383606 _hypernym 00376063 +00282050 _derivationally_related_form 01993926 +08995515 _has_part 08994090 +03051540 _hypernym 03093574 +09941172 _hypernym 10485440 +03554131 _hypernym 03771443 +00045817 _hypernym 00146138 +06453324 _has_part 06437531 +12313005 _member_meronym 12260021 +04138977 _hypernym 03880531 +08543625 _hypernym 08523483 +06757891 _derivationally_related_form 01635176 +00808182 _derivationally_related_form 02509287 +07283608 _hypernym 00029378 +08571275 _synset_domain_topic_of 00468480 +00359614 _derivationally_related_form 01456463 +12677841 _hypernym 13112664 +01392237 _derivationally_related_form 04590746 +09167767 _has_part 09168020 +01529036 _member_meronym 01542316 +12423565 _member_meronym 12463574 +03406597 _hypernym 03214670 +06295235 _member_of_domain_usage 04148054 +08936833 _instance_hypernym 08633957 +01000214 _derivationally_related_form 10516874 +00302875 _hypernym 00169806 +02194286 _derivationally_related_form 05658226 +07515790 _derivationally_related_form 01765392 +01356750 _derivationally_related_form 07272545 +00249852 _derivationally_related_form 13512238 +08841483 _instance_hypernym 08544813 +04680285 _hypernym 03178782 +02335349 _member_meronym 02343487 +04840011 _derivationally_related_form 01372049 +01408958 _synset_domain_topic_of 00464894 +01817574 _hypernym 01806505 +04060904 _hypernym 03094503 +12937822 _member_meronym 12938193 +02560164 _derivationally_related_form 01127019 +07521039 _hypernym 07480068 +12174124 _hypernym 11575425 +04983402 _hypernym 04983122 +12930044 _member_meronym 12932532 +00931040 _derivationally_related_form 01634424 +06580351 _has_part 06584376 +01306358 _has_part 01299037 +05921868 _hypernym 05921123 +00151497 _derivationally_related_form 00918872 +01785532 _hypernym 01762525 +00791078 _hypernym 00786195 +02356381 _hypernym 02355477 +01165692 _derivationally_related_form 02348324 +03099454 _hypernym 04073948 +01892551 _hypernym 01891633 +00547300 _derivationally_related_form 10329945 +02350175 _derivationally_related_form 07305760 +00994895 _hypernym 00995838 +05919866 _derivationally_related_form 00955148 +01177703 _derivationally_related_form 02521816 +01460457 _hypernym 05457973 +02367993 _hypernym 01864707 +11989636 _member_meronym 11990167 +02500144 _derivationally_related_form 01161017 +06295235 _member_of_domain_usage 04898087 +10184822 _hypernym 10287213 +12671898 _hypernym 11579418 +00658082 _hypernym 00654885 +07019172 _derivationally_related_form 01504625 +08944818 _instance_hypernym 08574314 +00624738 _derivationally_related_form 00099721 +06558088 _synset_domain_topic_of 08441203 +01801847 _derivationally_related_form 01069311 +01136614 _hypernym 01134781 +09643078 _hypernym 09641757 +00896141 _derivationally_related_form 05823054 +02636132 _derivationally_related_form 05780885 +12917338 _hypernym 11585340 +13497135 _derivationally_related_form 00156601 +03892891 _hypernym 00002684 +03307274 _has_part 03521076 +00618267 _hypernym 00618451 +07358060 _derivationally_related_form 01350699 +03240327 _hypernym 02844307 +00645939 _synset_domain_topic_of 00612160 +08008017 _derivationally_related_form 01283746 +02769075 _hypernym 04152593 +02335349 _member_meronym 02338029 +00334509 _derivationally_related_form 00992041 +10539715 _hypernym 09631463 +01802689 _derivationally_related_form 10716389 +02457233 _derivationally_related_form 14437552 +14202763 _hypernym 14202996 +00237259 _derivationally_related_form 07413899 +00920125 _hypernym 00918872 +02634265 _derivationally_related_form 11410625 +00903711 _derivationally_related_form 00094240 +06258031 _hypernym 06256697 +10101427 _hypernym 10372076 +00167824 _derivationally_related_form 00269963 +06449735 _has_part 06433249 +10265801 _derivationally_related_form 00982178 +09137032 _has_part 09365730 +13518432 _hypernym 13489037 +00974444 _synset_domain_topic_of 08199025 +00060185 _derivationally_related_form 13441812 +08013653 _synset_domain_topic_of 00759694 +11636068 _member_meronym 11636204 +00948206 _derivationally_related_form 00171852 +08492747 _has_part 08493961 +07827130 _hypernym 07809368 +12252620 _member_meronym 12255086 +07874780 _hypernym 07557434 +09360122 _hypernym 08617963 +00051060 _derivationally_related_form 04143897 +08688590 _synset_domain_topic_of 08199025 +10632576 _derivationally_related_form 05705184 +00635714 _hypernym 00634906 +12721477 _hypernym 13109733 +04308583 _hypernym 04105893 +14589223 _hypernym 14586258 +02165146 _derivationally_related_form 00878221 +04013993 _hypernym 02725367 +00546389 _derivationally_related_form 01731031 +00897989 _hypernym 00897811 +02278470 _synset_domain_topic_of 00766234 +02089984 _derivationally_related_form 07351612 +00212049 _hypernym 00212414 +02058590 _hypernym 01831531 +12359026 _member_meronym 12383073 +10333317 _hypernym 10332385 +10522759 _derivationally_related_form 02550868 +05828263 _hypernym 05827684 +02430191 _hypernym 02589245 +11697388 _hypernym 11571907 +01811441 _derivationally_related_form 07541053 +07541053 _hypernym 00026192 +04175669 _hypernym 03290771 +03582096 _hypernym 03096593 +00708376 _derivationally_related_form 05927813 +01650610 _derivationally_related_form 15265518 +01966797 _member_meronym 01967396 +07961480 _hypernym 07951464 +00727564 _derivationally_related_form 13994148 +06345131 _hypernym 06343971 +15209413 _hypernym 15113229 +12960863 _hypernym 11545714 +13149039 _hypernym 11567411 +02288656 _hypernym 02288295 +08518505 _hypernym 08647945 +01626600 _hypernym 01626138 +08957212 _derivationally_related_form 09720033 +12039743 _member_meronym 12075495 +00906735 _derivationally_related_form 06709692 +11467786 _hypernym 11473954 +12358293 _hypernym 12205694 +00790308 _synset_domain_topic_of 06272290 +02500775 _hypernym 02499629 +00642980 _synset_domain_topic_of 06000644 +09311259 _has_part 08961970 +01097960 _hypernym 00792471 +09965134 _hypernym 10787470 +03032811 _derivationally_related_form 01858910 +00857872 _hypernym 00737705 +12100538 _member_meronym 12101870 +05342214 _hypernym 05333777 +04636250 _hypernym 04635631 +01348530 _hypernym 01326291 +07823951 _derivationally_related_form 02192225 +01428155 _member_meronym 01428580 +01457576 _member_meronym 01457708 +02185973 _hypernym 01342529 +01363648 _hypernym 01332730 +04370288 _hypernym 04489008 +07230227 _derivationally_related_form 00883226 +01381796 _hypernym 02304982 +01994846 _hypernym 01994442 +01590007 _hypernym 01205696 +14540564 _derivationally_related_form 01325536 +11071177 _instance_hypernym 10547145 +03814906 _hypernym 03597469 +00573932 _derivationally_related_form 00829170 +03892035 _hypernym 04162998 +01568630 _derivationally_related_form 01079604 +02452758 _hypernym 02559752 +01484083 _derivationally_related_form 05008943 +00883297 _has_part 00728975 +12989462 _member_meronym 12989739 +01111375 _hypernym 01106808 +15295267 _hypernym 15295045 +08640111 _hypernym 08639776 +12002957 _member_meronym 12003167 +01862399 _hypernym 01320872 +00608896 _hypernym 00606370 +01382083 _also_see 00677203 +11750359 _member_meronym 11750508 +01125724 _derivationally_related_form 03768132 +01650509 _member_meronym 01651059 +09953965 _derivationally_related_form 00876665 +02194599 _hypernym 01762525 +01312096 _has_part 01295528 +10098092 _hypernym 10099375 +06791017 _hypernym 06789411 +02568636 _hypernym 01432517 +08961402 _derivationally_related_form 09721244 +03084420 _synset_domain_topic_of 06128570 +08860123 _member_of_domain_region 00209301 +10379620 _hypernym 09613191 +02193974 _hypernym 02191546 +13210827 _hypernym 13167078 +13774404 _derivationally_related_form 01524298 +02749778 _derivationally_related_form 08053576 +02537847 _member_meronym 02538216 +05788029 _hypernym 05785508 +04947186 _hypernym 04946877 +12875697 _hypernym 12205694 +02700767 _hypernym 03375694 +15298283 _synset_domain_topic_of 08083599 +00521562 _derivationally_related_form 01688771 +06495000 _hypernym 06481320 +14145911 _hypernym 14145095 +05524615 _has_part 05525628 +15255804 _has_part 15256022 +11664929 _hypernym 08103777 +12636885 _hypernym 13112664 +09940725 _hypernym 09765278 +08852843 _member_of_domain_region 08046032 +00620554 _derivationally_related_form 02838592 +01879095 _hypernym 01864707 +00856342 _hypernym 00844254 +01069638 _verb_group 01060746 +02582919 _hypernym 01429349 +01626600 _hypernym 08108972 +03780392 _hypernym 03169390 +02576503 _hypernym 02575082 +15094824 _hypernym 14700745 +00142191 _derivationally_related_form 03384535 +02761834 _has_part 03537412 +01393339 _derivationally_related_form 04367480 +04175380 _hypernym 04381994 +00944788 _hypernym 00941990 +06398401 _derivationally_related_form 01620854 +00891216 _derivationally_related_form 13344804 +01713635 _hypernym 01657723 +07651025 _derivationally_related_form 01250474 +02924713 _hypernym 03088707 +05604535 _synset_domain_topic_of 15259284 +03534695 _hypernym 03592245 +02287041 _derivationally_related_form 01016201 +07379094 _hypernym 07382572 +10482054 _derivationally_related_form 00884317 +01787106 _derivationally_related_form 14036539 +00498662 _derivationally_related_form 14632648 +03504420 _hypernym 03763133 +01280014 _derivationally_related_form 07358060 +12189620 _member_meronym 12189779 +03323703 _derivationally_related_form 01356750 +06558088 _hypernym 06542047 +12188985 _member_meronym 12191965 +01601234 _derivationally_related_form 05002822 +00630026 _hypernym 00628491 +02632567 _derivationally_related_form 14449405 +00573671 _hypernym 00126264 +11867525 _member_meronym 11891395 +03803911 _derivationally_related_form 00622384 +05400601 _hypernym 05399847 +00335988 _derivationally_related_form 01592072 +02523427 _hypernym 02522399 +01829747 _derivationally_related_form 14051201 +06700030 _hypernym 06697331 +02688794 _derivationally_related_form 03561657 +01389329 _hypernym 01527271 +02676496 _derivationally_related_form 05812038 +09612131 _hypernym 10782940 +00480993 _has_part 15257829 +06718862 _member_of_domain_usage 09638245 +03846772 _hypernym 02715229 +12100538 _member_meronym 12130759 +00937023 _hypernym 00933821 +03212811 _hypernym 03956922 +02355711 _member_meronym 02359204 +08481832 _hypernym 08426461 +13887509 _derivationally_related_form 02044866 +00784342 _verb_group 00784727 +15047313 _derivationally_related_form 00446695 +02060141 _derivationally_related_form 00368592 +06083243 _hypernym 06037666 +02687172 _hypernym 04552696 +06636806 _synset_domain_topic_of 03082979 +01824244 _also_see 01001689 +02290998 _also_see 01754421 +00299580 _derivationally_related_form 00046109 +02160552 _hypernym 02123903 +02116322 _hypernym 01864707 +06719579 _derivationally_related_form 00846509 +06534132 _has_part 06727758 +00188000 _verb_group 00188137 +01823528 _derivationally_related_form 07502387 +04194289 _has_part 04267577 +06792950 _hypernym 06791372 +09044862 _has_part 09048880 +01568493 _member_meronym 01569423 +01186958 _derivationally_related_form 00198270 +00605783 _derivationally_related_form 09975933 +09349648 _derivationally_related_form 01882814 +02625975 _synset_domain_topic_of 06083243 +07157273 _member_of_domain_usage 14408519 +02598747 _hypernym 01432517 +11543602 _hypernym 11537665 +08462320 _derivationally_related_form 00831651 +10013927 _hypernym 10372373 +05519085 _has_part 05355890 +07339941 _hypernym 07339653 +07194499 _derivationally_related_form 01013040 +11828973 _has_part 07733847 +11836722 _hypernym 11672400 +04463679 _derivationally_related_form 01954559 +00937023 _derivationally_related_form 07215185 +00759657 _derivationally_related_form 07168131 +00290740 _derivationally_related_form 00355252 +11943299 _hypernym 11579418 +10978098 _synset_domain_topic_of 08083599 +08766988 _member_of_domain_region 10293861 +06729251 _instance_hypernym 06723635 +09073258 _instance_hypernym 08524735 +08672738 _hypernym 08672562 +02583545 _derivationally_related_form 09773245 +02575766 _member_meronym 02580336 +13970764 _derivationally_related_form 00294884 +14464005 _hypernym 14462666 +01539377 _member_meronym 01539772 +00258854 _hypernym 00248977 +01465593 _hypernym 05307091 +02486693 _hypernym 00752764 +14183065 _hypernym 14174549 +11854232 _member_meronym 11854479 +03180969 _hypernym 03183080 +01374020 _derivationally_related_form 07395104 +01272397 _derivationally_related_form 00652346 +07257582 _hypernym 06873571 +04213626 _hypernym 04362025 +03551084 _has_part 02890804 +15171857 _has_part 15298011 +01683957 _hypernym 01683758 +09780828 _derivationally_related_form 00590626 +00882702 _derivationally_related_form 02191546 +02402112 _hypernym 02401809 +11719468 _member_meronym 11733769 +00635850 _derivationally_related_form 00697062 +07028373 _derivationally_related_form 01706756 +02860063 _hypernym 03364340 +01430952 _verb_group 01430633 +02391193 _derivationally_related_form 07453638 +04695102 _hypernym 04694441 +09506216 _hypernym 09505418 +00739082 _derivationally_related_form 05770926 +11144431 _instance_hypernym 09765278 +08397255 _derivationally_related_form 01097031 +08906374 _has_part 09303647 +12076381 _hypernym 11556857 +01283208 _hypernym 01332730 +13365286 _hypernym 13331778 +08174995 _member_meronym 08175233 +02519991 _derivationally_related_form 13282550 +00075515 _derivationally_related_form 00666886 +00057506 _hypernym 02108377 +10012989 _derivationally_related_form 01311103 +01304944 _derivationally_related_form 05694232 +11127565 _instance_hypernym 10453533 +11798978 _hypernym 13100677 +00450700 _hypernym 00450335 +00802318 _hypernym 00797697 +02157100 _derivationally_related_form 00912960 +06535222 _derivationally_related_form 02466670 +09762509 _hypernym 09617867 +01455592 _member_meronym 01455778 +01423285 _derivationally_related_form 01074694 +00404642 _derivationally_related_form 09963914 +04320126 _hypernym 03247620 +04759849 _hypernym 04760771 +11414608 _hypernym 11410625 +13480848 _hypernym 13450206 +02344568 _derivationally_related_form 10443170 +03379204 _hypernym 04295881 +01840238 _verb_group 01941093 +01593763 _hypernym 01224415 +03325288 _hypernym 02740764 +00805524 _derivationally_related_form 00315020 +05145891 _hypernym 05145118 +09954479 _derivationally_related_form 00819508 +00922438 _hypernym 00921738 +02397744 _hypernym 02397529 +09060768 _has_part 09289913 +08821578 _has_part 08824484 +02540670 _derivationally_related_form 10583250 +07039238 _hypernym 06392001 +13758745 _derivationally_related_form 01629000 +01043333 _hypernym 01042764 +09365128 _instance_hypernym 09360122 +09955015 _derivationally_related_form 02241107 +00759269 _derivationally_related_form 07187996 +04191595 _derivationally_related_form 02656390 +05821775 _derivationally_related_form 01195299 +01999218 _derivationally_related_form 01257145 +01932973 _also_see 00013160 +04628850 _hypernym 04626280 +00284669 _hypernym 00283911 +01926090 _member_meronym 01926247 +07259772 _hypernym 05835747 +01783214 _derivationally_related_form 05700401 +00089324 _derivationally_related_form 03208229 +01053207 _derivationally_related_form 00924431 +02075727 _hypernym 01342529 +02331479 _member_meronym 02331960 +02067540 _derivationally_related_form 09387222 +00624553 _derivationally_related_form 01146051 +11164671 _instance_hypernym 10547145 +00319176 _hypernym 00041899 +00772381 _derivationally_related_form 00834745 +01676313 _member_meronym 01679178 +05941423 _hypernym 05809192 +11885148 _hypernym 11575425 +12838027 _member_meronym 12862312 +06528992 _derivationally_related_form 00672017 +00952214 _hypernym 00875246 +00312165 _hypernym 00311559 +12435152 _has_part 07817024 +15118453 _hypernym 15113229 +08808452 _instance_hypernym 08524735 +00387310 _derivationally_related_form 07447022 +02500884 _derivationally_related_form 05141222 +03930087 _synset_domain_topic_of 08199025 +06539770 _derivationally_related_form 00715868 +00766418 _derivationally_related_form 01769843 +05513807 _has_part 05526175 +01359917 _hypernym 01351170 +02301072 _member_meronym 02304229 +13122364 _hypernym 13121544 +09927451 _hypernym 09505153 +09732544 _hypernym 08166552 +02281093 _derivationally_related_form 00811355 +02388145 _also_see 02451113 +14452294 _hypernym 14451911 +02226172 _derivationally_related_form 03789946 +00973056 _derivationally_related_form 06619428 +14358022 _hypernym 14174549 +09326662 _derivationally_related_form 01660386 +00388065 _derivationally_related_form 01322509 +00486018 _derivationally_related_form 03377582 +04439122 _hypernym 03740161 +12774641 _hypernym 12651821 +07351031 _derivationally_related_form 01456771 +01679106 _hypernym 01675963 +08739206 _instance_hypernym 08703035 +02849154 _hypernym 02820210 +01888520 _hypernym 01342529 +11919232 _hypernym 11566230 +11873396 _has_part 11873845 +02174153 _hypernym 01759182 +00976698 _hypernym 00975452 +03888257 _has_part 02952109 +07905038 _hypernym 07901587 +03175604 _hypernym 03183080 +01196653 _hypernym 01168468 +07396945 _derivationally_related_form 01238204 +02125032 _hypernym 02124748 +02558980 _hypernym 01429349 +14520278 _hypernym 11524662 +09854510 _derivationally_related_form 01591621 +05566919 _hypernym 05225090 +04952944 _hypernym 04952242 +05320764 _hypernym 05225602 +02332173 _hypernym 02327200 +08464324 _member_meronym 02787435 +12723062 _hypernym 13112664 +00240131 _hypernym 00241038 +10766025 _hypernym 00007846 +02507736 _derivationally_related_form 05830059 +01650425 _derivationally_related_form 05194578 +00647094 _derivationally_related_form 01498769 +05058140 _derivationally_related_form 00976508 +00278117 _hypernym 00276373 +00789934 _hypernym 00789448 +00334803 _hypernym 00334186 +02344060 _derivationally_related_form 13299651 +00696700 _hypernym 02165543 +10938363 _instance_hypernym 10470779 +12111882 _hypernym 11556857 +04310018 _hypernym 03684823 +13460568 _derivationally_related_form 00212790 +01405044 _derivationally_related_form 00043902 +10280945 _hypernym 10225219 +02329733 _verb_group 02329578 +08215603 _hypernym 08198398 +01091427 _derivationally_related_form 09939313 +06267145 _has_part 06269130 +00006336 _derivationally_related_form 01539633 +13029946 _member_meronym 13030157 +01245637 _derivationally_related_form 02911332 +07523905 _hypernym 07480068 +03440024 _hypernym 02719105 +05060783 _derivationally_related_form 00439343 +11802800 _hypernym 12205694 +13783038 _synset_domain_topic_of 06163751 +11911591 _member_meronym 11976715 +00523436 _hypernym 00356258 +01573483 _hypernym 01507175 +01259691 _derivationally_related_form 09222051 +00043195 _hypernym 00030358 +00231557 _verb_group 00245457 +13652066 _has_part 13651218 +00176459 _synset_domain_topic_of 06063588 +00086835 _synset_domain_topic_of 00612160 +14403282 _derivationally_related_form 01770501 +01586018 _hypernym 01211699 +02053720 _hypernym 01504437 +09830194 _synset_domain_topic_of 00468480 +09829798 _hypernym 10077593 +00961736 _derivationally_related_form 06429145 +01469445 _derivationally_related_form 01053404 +13187167 _hypernym 13167078 +00676693 _hypernym 00671351 +04189651 _hypernym 03936269 +00834460 _derivationally_related_form 00006523 +00565302 _has_part 00211776 +09060768 _has_part 09243209 +00472992 _derivationally_related_form 00377002 +00636441 _derivationally_related_form 05774415 +01503404 _derivationally_related_form 07963087 +01176232 _verb_group 02261642 +09761403 _hypernym 09882716 +07234881 _derivationally_related_form 01051364 +01258852 _hypernym 00231887 +01938426 _synset_domain_topic_of 00523513 +11463371 _hypernym 11473954 +02696129 _hypernym 02690708 +01252280 _derivationally_related_form 02590340 +02582042 _derivationally_related_form 10672192 +14804175 _derivationally_related_form 01366653 +00132219 _synset_domain_topic_of 00471613 +03658858 _derivationally_related_form 01661804 +07730406 _hypernym 07707451 +00231887 _derivationally_related_form 02478584 +00531302 _hypernym 00241038 +08907606 _has_part 08908248 +02601200 _hypernym 01429349 +04594489 _hypernym 03088707 +02032646 _hypernym 01507175 +00841986 _derivationally_related_form 10007109 +04059701 _hypernym 04213626 +14024882 _derivationally_related_form 00014742 +05633385 _hypernym 05624700 +12090702 _member_meronym 12090890 +01163779 _hypernym 01161161 +02152881 _derivationally_related_form 01203500 +10043643 _hypernym 10619642 +01312096 _has_part 01289061 +10207831 _derivationally_related_form 00897746 +11627028 _member_meronym 11627168 +01963795 _hypernym 01962671 +00362659 _derivationally_related_form 00226071 +05773049 _derivationally_related_form 00772189 +00925110 _hypernym 00630380 +00219575 _derivationally_related_form 00358431 +09910222 _hypernym 10035430 +02110220 _hypernym 02108377 +01594157 _member_meronym 01595841 +15290132 _hypernym 15180528 +06990000 _derivationally_related_form 02971469 +09304164 _has_part 09459114 +02062212 _derivationally_related_form 00334935 +14498096 _hypernym 14497763 +08704822 _instance_hypernym 08698126 +10636874 _derivationally_related_form 00101956 +05783041 _hypernym 05782884 +08039601 _synset_domain_topic_of 00759694 +02360497 _hypernym 02327200 +09082540 _has_part 09084483 +01204803 _derivationally_related_form 14492373 +01741692 _synset_domain_topic_of 00916464 +02193496 _hypernym 01762525 +01529036 _hypernym 01504437 +00639356 _also_see 02098325 +10735298 _derivationally_related_form 01781757 +00359614 _hypernym 00359238 +08164585 _derivationally_related_form 02432530 +08909537 _instance_hypernym 08654360 +07010541 _has_part 07010821 +08279800 _hypernym 08277805 +02354470 _member_meronym 02354621 +00104299 _derivationally_related_form 14290534 +14777856 _hypernym 14778019 +03109881 _hypernym 02735688 +12322887 _member_meronym 12347892 +00338071 _derivationally_related_form 13993517 +00899956 _derivationally_related_form 06633041 +07977870 _hypernym 07951464 +00249721 _also_see 00065791 +00920510 _synset_domain_topic_of 06037666 +11123262 _instance_hypernym 09947232 +06285090 _has_part 06314144 +02010881 _hypernym 01507175 +10355306 _hypernym 09774783 +02339413 _derivationally_related_form 01157138 +07652052 _hypernym 07651454 +03880770 _hypernym 04074482 +02346998 _hypernym 02346627 +02270404 _derivationally_related_form 10252674 +01527877 _derivationally_related_form 10072054 +06498569 _has_part 06838868 +02633287 _hypernym 01432517 +13041548 _member_meronym 13041725 +00857664 _hypernym 00844254 +02462602 _hypernym 05220461 +07185870 _derivationally_related_form 01824532 +12579404 _hypernym 13112664 +00851733 _hypernym 01789514 +01913363 _hypernym 02050132 +08274565 _hypernym 08182379 +02454119 _member_meronym 02456505 +06377442 _has_part 07096661 +11867525 _member_meronym 11885148 +01181559 _hypernym 01182709 +09685922 _hypernym 10016103 +04404997 _has_part 02943241 +02517169 _hypernym 01342529 +01696135 _derivationally_related_form 04694809 +01565472 _derivationally_related_form 13262462 +09085441 _instance_hypernym 08524735 +01478626 _derivationally_related_form 10172080 +12446200 _hypernym 12425281 +10294421 _synset_domain_topic_of 08199025 +01222477 _hypernym 01221611 +02306087 _also_see 02305856 +09881748 _hypernym 09953775 +12838027 _member_meronym 12844220 +00952841 _derivationally_related_form 07135734 +00159620 _derivationally_related_form 00782527 +13408980 _hypernym 04747899 +10225931 _hypernym 09942970 +00133417 _derivationally_related_form 04995531 +02440705 _member_meronym 02444103 +00291965 _derivationally_related_form 01921204 +01498615 _hypernym 01494310 +05961867 _hypernym 05943300 +14747338 _hypernym 14745635 +10324560 _derivationally_related_form 02142775 +02378183 _derivationally_related_form 07959016 +10221040 _hypernym 10322238 +02693319 _derivationally_related_form 08626080 +11460063 _hypernym 11459538 +06960298 _derivationally_related_form 02957823 +03120491 _hypernym 08570758 +07006712 _derivationally_related_form 01711445 +13867276 _derivationally_related_form 01223182 +12501745 _member_meronym 12505032 +02226380 _hypernym 02327200 +09979072 _derivationally_related_form 00647542 +00164152 _derivationally_related_form 02396205 +08428019 _derivationally_related_form 02521816 +02439732 _derivationally_related_form 01144876 +01981436 _hypernym 02005948 +02194495 _derivationally_related_form 00882702 +09207288 _has_part 09044190 +03052464 _hypernym 04202417 +03982430 _has_part 08516080 +10374282 _hypernym 10633450 +14985383 _hypernym 14984973 +02981024 _hypernym 04497962 +04577769 _has_part 04321804 +13514314 _has_part 13430495 +15213774 _has_part 15196537 +00637259 _synset_domain_topic_of 06000644 +00854000 _hypernym 00853835 +01171183 _derivationally_related_form 07901587 +02675320 _derivationally_related_form 07054122 +00067545 _derivationally_related_form 10418735 +00329619 _derivationally_related_form 01436518 +02254767 _hypernym 02237338 +02074093 _hypernym 02073714 +00887463 _verb_group 00888009 +12130549 _hypernym 12102133 +00751389 _derivationally_related_form 06556481 +06750804 _has_part 06751974 +04565375 _derivationally_related_form 01087197 +06304671 _derivationally_related_form 00979988 +09609871 _derivationally_related_form 00126264 +02329093 _member_meronym 02354950 +01684663 _hypernym 01686132 +08033194 _instance_hypernym 08392137 +10533013 _derivationally_related_form 01072262 +01201429 _hypernym 07362075 +00151689 _derivationally_related_form 07355887 +03375694 _hypernym 04189482 +07302542 _synset_domain_topic_of 06090869 +02245993 _synset_domain_topic_of 01090446 +00600370 _derivationally_related_form 00582388 +11603630 _hypernym 11554175 +05119714 _hypernym 05119367 +03596787 _derivationally_related_form 01678685 +13859043 _derivationally_related_form 00123170 +14646152 _hypernym 14624369 +07343574 _derivationally_related_form 09819860 +08982037 _instance_hypernym 08524735 +00327362 _hypernym 00456151 +09807754 _hypernym 09623038 +00942234 _derivationally_related_form 01256157 +01239359 _derivationally_related_form 05548840 +11353195 _instance_hypernym 10210137 +00626428 _derivationally_related_form 10508862 +00791227 _derivationally_related_form 02646931 +02308741 _derivationally_related_form 01086081 +01214746 _derivationally_related_form 00858781 +02713097 _hypernym 02887970 +02241184 _member_meronym 02242942 +08778061 _has_part 08778401 +02858231 _derivationally_related_form 10423589 +02279637 _hypernym 02274259 +02353201 _derivationally_related_form 06533648 +00789448 _derivationally_related_form 06272803 +04166553 _derivationally_related_form 02308214 +04994413 _derivationally_related_form 02368336 +14661274 _hypernym 14624369 +00858781 _hypernym 01818235 +02205896 _member_meronym 02206270 +04048568 _derivationally_related_form 02331919 +00138217 _hypernym 00137313 +01248405 _hypernym 01494310 +10510339 _derivationally_related_form 00632627 +06260121 _derivationally_related_form 01933900 +04019335 _hypernym 04341686 +03181293 _derivationally_related_form 02154508 +08860123 _member_of_domain_region 04026813 +00290740 _derivationally_related_form 00351638 +03622058 _hypernym 03536761 +05897553 _hypernym 05939636 +12377809 _member_meronym 12380926 +05318831 _hypernym 05426243 +01252730 _derivationally_related_form 14956661 +01771966 _member_meronym 01774918 +13881512 _hypernym 13879126 +05192451 _derivationally_related_form 01343918 +11968704 _hypernym 12205694 +08113443 _derivationally_related_form 10470779 +07496463 _derivationally_related_form 01798100 +01543731 _derivationally_related_form 04081044 +00081367 _synset_domain_topic_of 00612160 +00312784 _derivationally_related_form 01846320 +10079210 _derivationally_related_form 10078806 +02683316 _hypernym 02681795 +10378290 _hypernym 10599806 +14424517 _derivationally_related_form 00163441 +05417698 _hypernym 05417472 +07826930 _hypernym 07812184 +10224578 _derivationally_related_form 06266417 +01732172 _derivationally_related_form 05766247 +00828336 _derivationally_related_form 05030418 +02784218 _hypernym 04339291 +09607630 _hypernym 00007846 +03460674 _hypernym 02720201 +02348405 _member_meronym 02349980 +01944086 _hypernym 01968569 +07510625 _derivationally_related_form 01783022 +00446514 _derivationally_related_form 15047313 +13537894 _derivationally_related_form 01279631 +11652578 _hypernym 13108841 +02724417 _derivationally_related_form 00040962 +01308668 _instance_hypernym 00973077 +00061219 _hypernym 00060833 +06889591 _hypernym 06889330 +01819911 _derivationally_related_form 14403772 +02334756 _derivationally_related_form 04566257 +02240223 _member_meronym 02240377 +11676500 _hypernym 11675842 +06845599 _member_of_domain_usage 03174211 +10455915 _hypernym 10070711 +10402285 _hypernym 09774783 +00185104 _hypernym 00044673 +12039743 _member_meronym 12043248 +05064827 _derivationally_related_form 00552619 +11655407 _hypernym 11554175 +10827873 _instance_hypernym 10650162 +10284965 _hypernym 00007846 +05168261 _hypernym 05138488 +06845599 _member_of_domain_usage 03319858 +02678384 _hypernym 03738472 +00240810 _hypernym 00230746 +05715864 _derivationally_related_form 02191766 +06295235 _member_of_domain_usage 02730568 +07451687 _derivationally_related_form 02456493 +01949966 _hypernym 01953810 +00433216 _hypernym 00582388 +00904878 _hypernym 00904046 +11454591 _derivationally_related_form 00217152 +01881034 _derivationally_related_form 04167759 +10117511 _derivationally_related_form 02289295 +13512238 _hypernym 13526110 +08164585 _derivationally_related_form 00404642 +07705931 _has_part 07738353 +08008335 _derivationally_related_form 02434238 +06617413 _hypernym 06613686 +00463246 _has_part 15233778 +14553590 _hypernym 14096724 +01155090 _verb_group 02018372 +09862345 _derivationally_related_form 01177118 +00797303 _hypernym 00883226 +10220486 _hypernym 10340312 +14745635 _hypernym 05407119 +01993926 _hypernym 01850315 +00591115 _verb_group 02129709 +02852920 _derivationally_related_form 13963970 +08519916 _has_part 09018162 +00044149 _verb_group 00051761 +00447771 _derivationally_related_form 07336214 +01395531 _hypernym 08103777 +00659535 _hypernym 00658052 +01548143 _member_meronym 01548301 +12862648 _hypernym 11579418 +01722828 _hypernym 01342529 +11083064 _instance_hypernym 10547145 +12452256 _hypernym 12451915 +08852389 _member_meronym 09692915 +01487718 _hypernym 01487311 +12593826 _hypernym 11556857 +04931428 _hypernym 04928903 +02853740 _derivationally_related_form 01674216 +02698944 _derivationally_related_form 10418101 +00278221 _hypernym 00277376 +02536557 _hypernym 00137313 +08012384 _synset_domain_topic_of 00759694 +08772551 _instance_hypernym 08524735 +15268682 _hypernym 15266911 +08903220 _instance_hypernym 08524735 +03591116 _hypernym 03632277 +01950798 _derivationally_related_form 10590339 +01749394 _derivationally_related_form 10266486 +11189274 _instance_hypernym 10566072 +01665332 _synset_domain_topic_of 00243918 +05509452 _has_part 05513020 +00822367 _hypernym 00670261 +08860123 _member_of_domain_region 13764213 +00696414 _hypernym 00611256 +02528380 _derivationally_related_form 00066636 +01708113 _hypernym 00299580 +02387034 _verb_group 00602805 +06814870 _has_part 06862202 +12525347 _hypernym 11585340 +00812274 _hypernym 00803617 +03169390 _derivationally_related_form 02748927 +00598215 _hypernym 00586262 +10158010 _derivationally_related_form 01751173 +02355711 _member_meronym 02359775 +03257343 _hypernym 03104594 +02599557 _has_part 07792470 +01886220 _member_meronym 02373093 +07881800 _derivationally_related_form 01170052 +03091374 _derivationally_related_form 01421122 +14671372 _hypernym 14662574 +01351754 _derivationally_related_form 14848785 +03394480 _hypernym 04468005 +04932875 _synset_domain_topic_of 06128570 +01350699 _derivationally_related_form 00404726 +09713501 _derivationally_related_form 02971672 +00971999 _derivationally_related_form 01191158 +00144694 _derivationally_related_form 07375214 +01186192 _derivationally_related_form 00665886 +02591205 _hypernym 01432517 +10307234 _derivationally_related_form 08400965 +02918595 _derivationally_related_form 01239619 +07345593 _derivationally_related_form 01901783 +05792842 _hypernym 05770926 +02910789 _derivationally_related_form 05978812 +02831724 _derivationally_related_form 02336947 +10368113 _synset_domain_topic_of 08083599 +01859586 _derivationally_related_form 01063697 +05282433 _member_meronym 05282746 +02760116 _derivationally_related_form 00142361 +00354884 _derivationally_related_form 00064095 +12474828 _member_meronym 12475035 +00259177 _derivationally_related_form 02519991 +11911591 _member_meronym 11918631 +09352849 _hypernym 09353109 +01763482 _hypernym 01762528 +00932804 _derivationally_related_form 00692580 +15128711 _has_part 15129220 +02121048 _verb_group 02120451 +13863602 _hypernym 13862780 +02845576 _synset_domain_topic_of 00314469 +01128655 _hypernym 01128390 +08860123 _member_of_domain_usage 15246853 +06389230 _derivationally_related_form 01548718 +13381734 _hypernym 13377268 +04353803 _derivationally_related_form 02645007 +10075899 _derivationally_related_form 05751173 +10831363 _instance_hypernym 10599806 +00290276 _derivationally_related_form 02062212 +02927512 _derivationally_related_form 09738708 +02640453 _member_meronym 02640857 +04865502 _derivationally_related_form 00722232 +12235765 _hypernym 13118569 +04389033 _has_part 03469175 +02472012 _hypernym 01864707 +12575089 _member_meronym 12575322 +01013040 _derivationally_related_form 07194499 +14418822 _derivationally_related_form 02470685 +12524188 _hypernym 13104059 +00912833 _hypernym 00912473 +11804604 _member_meronym 11810559 +01901289 _hypernym 01831531 +02056421 _hypernym 01507175 +12197359 _hypernym 13110915 +00746232 _derivationally_related_form 02568065 +06824227 _derivationally_related_form 01692266 +04071876 _synset_domain_topic_of 06128570 +11598991 _member_meronym 11599165 +10264219 _hypernym 00007846 +00575365 _derivationally_related_form 00635794 +12495146 _hypernym 13104059 +07162680 _derivationally_related_form 00706243 +06837895 _hypernym 06828818 +10018532 _hypernym 10018021 +02862048 _has_part 03292362 +00926668 _derivationally_related_form 01666131 +11911591 _member_meronym 11971600 +09368224 _derivationally_related_form 08641113 +00043411 _synset_domain_topic_of 06095022 +15159819 _hypernym 15155220 +03930777 _derivationally_related_form 00023473 +00034115 _derivationally_related_form 09926088 +07130050 _hypernym 07109847 +02623170 _member_meronym 02629435 +01683582 _derivationally_related_form 03230785 +03307274 _has_part 03882611 +00596807 _derivationally_related_form 10467395 +02584097 _derivationally_related_form 10007109 +01578254 _hypernym 01577635 +11697158 _member_meronym 11699915 +02913152 _has_part 04182890 +10041195 _hypernym 10632576 +10254392 _derivationally_related_form 02324182 +09307902 _hypernym 08591680 +07211752 _derivationally_related_form 00907930 +02619029 _hypernym 01429349 +00752954 _derivationally_related_form 02575723 +13629854 _hypernym 13601596 +01593156 _hypernym 01507175 +01141763 _hypernym 01141612 +02182109 _derivationally_related_form 03222516 +08589351 _hypernym 08589801 +00871942 _derivationally_related_form 07286799 +03483316 _hypernym 03251766 +01253277 _derivationally_related_form 00488770 +12724201 _member_meronym 12730370 +12400261 _hypernym 11567411 +01672950 _member_meronym 01673118 +06608277 _hypernym 06607339 +04140064 _hypernym 03489162 +07313241 _derivationally_related_form 00365188 +09222051 _derivationally_related_form 01259951 +00776846 _hypernym 00983824 +11827775 _member_meronym 11833208 +07449157 _hypernym 07448885 +02207206 _derivationally_related_form 09885145 +06568978 _hypernym 06566077 +07317764 _derivationally_related_form 02522319 +05174653 _derivationally_related_form 02519991 +01822936 _hypernym 01821996 +09896170 _derivationally_related_form 06780069 +15139691 _synset_domain_topic_of 08199025 +02957823 _derivationally_related_form 09688008 +01169704 _verb_group 01186428 +11830570 _member_meronym 11830714 +09402704 _hypernym 09190918 +04446276 _hypernym 04105893 +01775879 _hypernym 01342529 +01551679 _derivationally_related_form 14363483 +12450099 _hypernym 11561228 +00573530 _hypernym 00573268 +09617867 _hypernym 00007846 +12306717 _hypernym 13112664 +05088324 _derivationally_related_form 02082690 +07956721 _member_meronym 03963982 +01194125 _synset_domain_topic_of 08441203 +01639369 _member_meronym 01649948 +01133106 _synset_domain_topic_of 08199025 +14860102 _derivationally_related_form 00394813 +03125352 _derivationally_related_form 01242208 +04892544 _hypernym 04892084 +01947352 _synset_domain_topic_of 00523513 +06845599 _member_of_domain_usage 14746417 +00927430 _hypernym 00928630 +02357228 _hypernym 02267060 +00876332 _derivationally_related_form 09774783 +11781850 _member_meronym 11782036 +08977948 _instance_hypernym 09203827 +00682928 _derivationally_related_form 09903639 +04438742 _hypernym 02832168 +08860123 _member_of_domain_region 01135795 +15247110 _derivationally_related_form 02138611 +14004572 _derivationally_related_form 01889129 +11952346 _hypernym 13112664 +09275473 _has_part 08696931 +11381824 _derivationally_related_form 02955562 +06845599 _member_of_domain_usage 03658373 +00784727 _hypernym 00980453 +14193925 _hypernym 14299637 +02221454 _hypernym 02220461 +04874672 _hypernym 04827652 +10161363 _derivationally_related_form 01320009 +03138344 _derivationally_related_form 01593254 +05884433 _synset_domain_topic_of 06075527 +02244773 _derivationally_related_form 09608377 +01994442 _derivationally_related_form 00053913 +02139199 _hypernym 01886756 +00795008 _derivationally_related_form 00047317 +13190218 _hypernym 13166338 +00838856 _derivationally_related_form 05199869 +02724966 _hypernym 03247620 +01713310 _hypernym 01342529 +02316649 _derivationally_related_form 00213052 +12411461 _hypernym 13134302 +01784295 _hypernym 00010435 +02060016 _hypernym 01507175 +01238424 _derivationally_related_form 00367685 +01581041 _hypernym 01507175 +12930044 _member_meronym 12942930 +14822839 _hypernym 15063493 +10431625 _derivationally_related_form 00674607 +09715833 _hypernym 09641757 +02449921 _hypernym 01864707 +03595860 _derivationally_related_form 01942234 +06407733 _hypernym 06407221 +00932636 _derivationally_related_form 05920791 +11079544 _instance_hypernym 09977660 +06552470 _hypernym 06551784 +02334595 _hypernym 02327200 +00020926 _derivationally_related_form 07491286 +04586761 _hypernym 03996655 +00878648 _derivationally_related_form 02132745 +10498816 _synset_domain_topic_of 00468480 +07223811 _derivationally_related_form 01810447 +01860337 _hypernym 01504437 +12838027 _member_meronym 12843844 +00134328 _verb_group 00134564 +14836642 _hypernym 14969044 +00035758 _derivationally_related_form 00251013 +02205219 _hypernym 02188699 +13549916 _hypernym 13526110 +02701962 _derivationally_related_form 08647616 +05710210 _hypernym 05710020 +12033939 _member_meronym 12034141 +08775297 _instance_hypernym 08574314 +01098869 _derivationally_related_form 01156438 +03077958 _has_part 04044119 +07747455 _derivationally_related_form 01563005 +05311054 _derivationally_related_form 02869563 +01902783 _hypernym 01835496 +14325437 _hypernym 14322699 +12372233 _has_part 12372520 +02334595 _derivationally_related_form 04051549 +00396513 _hypernym 00394813 +09006413 _has_part 09467185 +02706046 _hypernym 02640440 +09066534 _instance_hypernym 08524735 +02044659 _hypernym 01507175 +01212230 _verb_group 02686625 +09073697 _instance_hypernym 08524735 +08414608 _synset_domain_topic_of 08441203 +01672490 _synset_domain_topic_of 00714944 +00506377 _hypernym 00146138 +00765977 _derivationally_related_form 04836683 +00894738 _derivationally_related_form 06740919 +00887702 _hypernym 00883297 +02723951 _hypernym 01628449 +12192877 _hypernym 13104059 +02531625 _derivationally_related_form 05787005 +11911591 _member_meronym 12033939 +05547508 _has_part 05529159 +15196186 _hypernym 15161631 +04099429 _has_part 04099175 +00908909 _hypernym 00908492 +01374767 _hypernym 01376245 +00872414 _hypernym 00870213 +05024254 _hypernym 05009170 +01040390 _hypernym 01039925 +02694933 _derivationally_related_form 00027167 +04443257 _hypernym 04202417 +06378298 _hypernym 06377442 +02582042 _derivationally_related_form 01186810 +09845589 _derivationally_related_form 01120900 +13554343 _hypernym 00029677 +13932421 _hypernym 13927383 +03744276 _hypernym 03744840 +02666239 _derivationally_related_form 02064745 +08860123 _member_of_domain_usage 07711080 +01949966 _synset_domain_topic_of 00815801 +02898750 _derivationally_related_form 06195839 +01254013 _derivationally_related_form 14286549 +00623151 _also_see 02660819 +00592446 _hypernym 00586262 +06172071 _hypernym 06153846 +09326299 _instance_hypernym 09328904 +12466034 _hypernym 11561228 +10257948 _derivationally_related_form 00594477 +07687789 _hypernym 07684600 +08295138 _member_meronym 09020961 +08853741 _has_part 08856630 +13872592 _has_part 13902482 +01696633 _hypernym 01661818 +11719468 _member_meronym 11733424 +00776732 _derivationally_related_form 02292535 +01489465 _hypernym 01438304 +00447540 _derivationally_related_form 01504699 +15201505 _hypernym 15113229 +00976698 _derivationally_related_form 01913363 +07411350 _hypernym 07351612 +12372124 _hypernym 11575425 +02056091 _hypernym 01507175 +03797703 _hypernym 03504723 +09173777 _instance_hypernym 09472597 +00305109 _hypernym 00109660 +02066939 _derivationally_related_form 07407777 +02264179 _derivationally_related_form 07454758 +00118238 _derivationally_related_form 05006285 +01914415 _member_meronym 01914830 +02662297 _derivationally_related_form 11415084 +00169955 _synset_domain_topic_of 06090869 +10032884 _hypernym 10630188 +02516427 _hypernym 01429349 +06487897 _hypernym 06481320 +12846143 _member_meronym 12846335 +00199912 _derivationally_related_form 00095329 +09193772 _instance_hypernym 09221070 +04391569 _hypernym 04339291 +00887463 _verb_group 02343595 +02371718 _derivationally_related_form 13898315 +01609953 _verb_group 01424948 +01422594 _member_meronym 01423757 +13471517 _hypernym 13526110 +07168131 _derivationally_related_form 02587084 +12594324 _has_part 12594533 +00345149 _derivationally_related_form 01869563 +02436067 _hypernym 01864707 +07075172 _member_of_domain_usage 10022908 +03009633 _derivationally_related_form 01130455 +05277728 _hypernym 05269901 +00018813 _derivationally_related_form 10763985 +02232086 _hypernym 01762525 +02225959 _member_meronym 02228874 +00500638 _hypernym 00146138 +00542809 _derivationally_related_form 07678729 +03859717 _hypernym 08673395 +09481958 _instance_hypernym 09426788 +08087981 _synset_domain_topic_of 01032368 +12781659 _hypernym 11562747 +11850521 _hypernym 11842204 +01546660 _member_meronym 01554139 +00795632 _hypernym 00752764 +02080577 _derivationally_related_form 02671880 +00396825 _derivationally_related_form 00201034 +00268457 _hypernym 00266806 +13658828 _has_part 13658657 +02305586 _derivationally_related_form 01016201 +03529629 _hypernym 03259505 +01152396 _derivationally_related_form 00125629 +00146138 _verb_group 00125841 +02478059 _hypernym 02477334 +02020902 _member_meronym 02021050 +01171644 _hypernym 01170962 +00788097 _hypernym 00786195 +01638368 _derivationally_related_form 05898568 +03596787 _derivationally_related_form 10221956 +09987239 _derivationally_related_form 02710043 +12838027 _member_meronym 12870392 +03302487 _hypernym 04602044 +13233012 _member_meronym 13233548 +08766988 _has_part 04216508 +02169345 _hypernym 01759182 +02163746 _hypernym 02106506 +01364008 _hypernym 01352574 +13722929 _hypernym 13717155 +01430633 _derivationally_related_form 00855674 +02147591 _hypernym 02145424 +01802309 _member_meronym 01807265 +04004767 _hypernym 03916720 +03791235 _has_part 03401721 +02513269 _also_see 01781478 +01328705 _derivationally_related_form 00371846 +13225955 _hypernym 13166338 +01274341 _derivationally_related_form 01031194 +01480469 _hypernym 02304982 +01321456 _hypernym 00015388 +06874391 _derivationally_related_form 00781303 +04010205 _hypernym 04544979 +12376950 _member_meronym 12377328 +02011810 _derivationally_related_form 01778568 +00159236 _derivationally_related_form 13368052 +08900535 _instance_hypernym 08700255 +02971469 _derivationally_related_form 06990000 +05696020 _derivationally_related_form 00456740 +00954271 _derivationally_related_form 07220773 +12967281 _member_meronym 12967504 +00433232 _derivationally_related_form 07414566 +10511239 _derivationally_related_form 00204585 +09961999 _derivationally_related_form 07133701 +00841091 _derivationally_related_form 01240514 +00931852 _derivationally_related_form 05919866 +08860123 _member_of_domain_region 01070566 +11745817 _hypernym 13104059 +05199286 _hypernym 05190804 +05311054 _has_part 05315095 +01241594 _hypernym 01247647 +04555897 _derivationally_related_form 02175578 +00583759 _hypernym 00126264 +06759349 _hypernym 06758225 +02980441 _hypernym 03385557 +01727490 _synset_domain_topic_of 00543233 +05280831 _hypernym 05303402 +00795785 _derivationally_related_form 01719921 +02470685 _derivationally_related_form 01081456 +04947628 _hypernym 04947186 +13291189 _hypernym 13282550 +05928513 _hypernym 05926676 +12669803 _has_part 12670013 +04669247 _hypernym 04668819 +02144835 _derivationally_related_form 14416089 +10411163 _hypernym 10529965 +01028655 _hypernym 00407535 +04231693 _derivationally_related_form 01455184 +04038440 _hypernym 04359589 +14006945 _derivationally_related_form 02419073 +07365024 _derivationally_related_form 02530003 +03569964 _has_part 04019335 +06285090 _hypernym 07013736 +02362798 _hypernym 02339413 +06705891 _hypernym 06696483 +08064523 _hypernym 07951464 +12205694 _has_part 07707451 +08805565 _instance_hypernym 08633957 +04975988 _hypernym 04956594 +10553235 _derivationally_related_form 01918183 +02955247 _hypernym 03269401 +00644583 _derivationally_related_form 05787005 +01604251 _derivationally_related_form 03644378 +12666768 _hypernym 13112664 +03250588 _has_part 03273061 +08860123 _member_of_domain_region 00795161 +00952182 _hypernym 00978549 +00375865 _hypernym 00126264 +03495671 _hypernym 04271148 +02748927 _derivationally_related_form 00261604 +13421095 _hypernym 13416345 +01239359 _hypernym 01974062 +08804154 _has_part 08804319 +02030709 _hypernym 01507175 +12836033 _hypernym 11579418 +00595894 _derivationally_related_form 10410668 +00307631 _derivationally_related_form 01955984 +00069060 _hypernym 00066397 +00556193 _hypernym 00193486 +13037406 _hypernym 12992868 +00434075 _hypernym 00433802 +08080025 _member_meronym 00726567 +01485158 _derivationally_related_form 03871083 +00102779 _derivationally_related_form 01718952 +13912992 _derivationally_related_form 00304422 +08860123 _member_of_domain_region 06598244 +08860123 _member_of_domain_region 08645212 +02424128 _hypernym 02424652 +12383256 _hypernym 11575425 +01696648 _derivationally_related_form 14984973 +06845599 _member_of_domain_usage 03757925 +10027590 _derivationally_related_form 00854420 +00874067 _derivationally_related_form 00648977 +05509146 _has_part 05456732 +00627091 _verb_group 00624476 +02273293 _derivationally_related_form 00086297 +07263220 _hypernym 06791372 +01381399 _member_meronym 01381604 +02811719 _synset_domain_topic_of 08199025 +01661804 _derivationally_related_form 00218045 +01607072 _hypernym 02603056 +13211516 _member_meronym 13211790 +00385047 _hypernym 00384620 +02195996 _hypernym 01759182 +03158885 _derivationally_related_form 01441993 +10231087 _derivationally_related_form 02482425 +00872886 _derivationally_related_form 09774266 +01417041 _member_meronym 01417553 +02959912 _derivationally_related_form 09725402 +03867070 _hypernym 03936895 +10776339 _derivationally_related_form 01042531 +04577769 _derivationally_related_form 01411085 +01984958 _member_meronym 01985667 +13659162 _hypernym 13649268 +08463063 _hypernym 07951464 +09044862 _has_part 09051726 +00971650 _derivationally_related_form 07272172 +00863906 _hypernym 00862683 +04419315 _hypernym 02905612 +02992032 _has_part 02991302 +10133458 _hypernym 09633969 +03285912 _hypernym 02735688 +03124700 _hypernym 02721538 +01184625 _hypernym 02203362 +01429322 _hypernym 01428853 +05766984 _derivationally_related_form 01688771 +00947077 _derivationally_related_form 05124057 +12526380 _member_meronym 12526516 +05238282 _hypernym 05286536 +05732756 _derivationally_related_form 00739662 +01576165 _derivationally_related_form 00839023 +05238282 _derivationally_related_form 01309478 +00295346 _hypernym 00296178 +12418680 _hypernym 11556187 +14655371 _hypernym 14625458 +03076104 _synset_domain_topic_of 08199025 +02454657 _member_meronym 02454794 +02855925 _hypernym 03051540 +00185307 _derivationally_related_form 00653620 +08848731 _has_part 08849226 +01062395 _hypernym 00665476 +09230768 _hypernym 09416076 +00747215 _derivationally_related_form 10455094 +11109728 _instance_hypernym 10622053 +01863410 _hypernym 01859221 +12516584 _hypernym 13112664 +01881180 _verb_group 02102840 +01056554 _hypernym 00941990 +13720096 _hypernym 13716084 +02683840 _hypernym 02609764 +00633864 _hypernym 00575741 +09891470 _hypernym 09861946 +09433952 _derivationally_related_form 00243900 +13052670 _hypernym 12992868 +06851742 _member_of_domain_usage 14776924 +12893094 _hypernym 11579418 +05509452 _has_part 05511061 +15141486 _derivationally_related_form 02267989 +09770472 _derivationally_related_form 02431971 +00403466 _hypernym 00403092 +15150013 _hypernym 15144371 +01632047 _hypernym 01629276 +15078550 _hypernym 14580897 +10237935 _hypernym 10667187 +02008041 _hypernym 02000954 +01004692 _derivationally_related_form 06402565 +08709038 _has_part 08763193 +11085924 _instance_hypernym 10547145 +00051060 _hypernym 00050652 +09126305 _has_part 09224325 +15272887 _hypernym 15269513 +04737934 _derivationally_related_form 00356648 +08103299 _synset_domain_topic_of 06037666 +00367976 _derivationally_related_form 02060141 +07255299 _derivationally_related_form 00795863 +09258715 _hypernym 09379111 +11726569 _hypernym 11571907 +01410223 _derivationally_related_form 07410021 +00412696 _hypernym 00126264 +05600637 _has_part 05479314 +00293916 _derivationally_related_form 01914947 +09388848 _hypernym 09334396 +00276342 _hypernym 13540610 +11643684 _hypernym 11554175 +04973957 _hypernym 04971928 +09044862 _member_of_domain_region 13649791 +11881563 _hypernym 11575425 +10322391 _hypernym 09623038 +00107943 _verb_group 00107739 +01465994 _member_meronym 01467986 +13472125 _hypernym 13458268 +11757433 _hypernym 14848785 +01073241 _hypernym 01072780 +00394563 _hypernym 00138508 +13308147 _hypernym 13306870 +10107303 _derivationally_related_form 00348746 +00209837 _derivationally_related_form 13458019 +02647497 _hypernym 00118523 +02545687 _member_meronym 02545841 +08154960 _member_meronym 10995292 +01215168 _hypernym 01212519 +14676042 _hypernym 15078050 +05176477 _hypernym 05174653 +00883297 _derivationally_related_form 02981759 +00739662 _derivationally_related_form 08103777 +00129089 _derivationally_related_form 01406512 +08805565 _instance_hypernym 08524735 +09195615 _has_part 09440400 +03259505 _derivationally_related_form 02649830 +07517417 _hypernym 07516354 +10036266 _derivationally_related_form 01165043 +02355259 _hypernym 02251743 +09748239 _hypernym 09747722 +02475261 _derivationally_related_form 09943811 +12623524 _has_part 07745661 +07250034 _hypernym 07248801 +11719468 _member_meronym 11738832 +05311054 _derivationally_related_form 10380305 +07711080 _hypernym 07710616 +00556142 _derivationally_related_form 01902405 +00503237 _has_part 00166355 +08906374 _has_part 09241047 +02825442 _hypernym 04489008 +02280869 _derivationally_related_form 10551751 +11417672 _synset_domain_topic_of 06115701 +01740393 _member_meronym 01740721 +09465459 _has_part 09385911 +07742704 _hypernym 07705931 +10616670 _derivationally_related_form 00007549 +00100253 _hypernym 00550771 +09643670 _hypernym 10787470 +08831004 _has_part 09211735 +01447257 _derivationally_related_form 11495041 +00389856 _hypernym 00224901 +01050896 _derivationally_related_form 06860177 +03437430 _derivationally_related_form 01683101 +06765656 _hypernym 06551784 +05825245 _hypernym 05824739 +10482054 _derivationally_related_form 00884011 +06567865 _hypernym 06566077 +08130292 _hypernym 08337324 +07156693 _hypernym 07109196 +15130205 _hypernym 00028270 +01347431 _hypernym 08221348 +01834702 _member_meronym 01835087 +08859173 _member_of_domain_region 01277755 +08855909 _instance_hypernym 08524735 +12433178 _has_part 12433429 +02715712 _hypernym 03467984 +00588221 _derivationally_related_form 05805902 +12319687 _member_meronym 12322099 +14359952 _derivationally_related_form 02195191 +00033615 _hypernym 00002137 +01880937 _member_meronym 01881171 +08519299 _hypernym 08518940 +00657260 _derivationally_related_form 05732756 +05978623 _derivationally_related_form 01629958 +00200397 _derivationally_related_form 06427831 +02306159 _member_meronym 02306672 +00233614 _derivationally_related_form 00191517 +14035909 _derivationally_related_form 01280488 +01006421 _derivationally_related_form 06468951 +01067819 _derivationally_related_form 02011685 +00570003 _synset_domain_topic_of 06084469 +07644967 _hypernym 07644706 +00854000 _derivationally_related_form 01226600 +01442855 _hypernym 01432517 +00552815 _hypernym 00109660 +01719302 _derivationally_related_form 06892016 +04311595 _has_part 02831998 +02627221 _derivationally_related_form 14798450 +09095023 _has_part 09097871 +14863521 _derivationally_related_form 02083087 +05203649 _synset_domain_topic_of 08199025 +12255659 _hypernym 11565385 +00322151 _hypernym 00371264 +01963942 _derivationally_related_form 09869171 +00607775 _hypernym 00606370 +00536143 _derivationally_related_form 09433134 +12311894 _member_meronym 12312405 +11088622 _instance_hypernym 10256080 +01654628 _verb_group 01685601 +12605019 _member_meronym 12605965 +01882814 _verb_group 02102840 +12005148 _hypernym 11579418 +10524973 _hypernym 00007846 +12335800 _hypernym 12334891 +03316406 _has_part 04203514 +08766571 _instance_hypernym 08524735 +02692335 _derivationally_related_form 13482781 +01128071 _derivationally_related_form 04051825 +02101046 _derivationally_related_form 03271574 +00535452 _similar_to 00536655 +01877355 _hypernym 01876530 +13484082 _hypernym 13497928 +07066659 _derivationally_related_form 10155849 +01219004 _derivationally_related_form 04011242 +00569318 _hypernym 00382635 +01129532 _derivationally_related_form 02554422 +00453935 _hypernym 00433661 +07686021 _hypernym 07685730 +02593863 _member_meronym 02596592 +05432736 _hypernym 00019613 +00154778 _derivationally_related_form 00365709 +01004550 _hypernym 01000214 +01027859 _has_part 00541479 +00231887 _derivationally_related_form 00799798 +01975587 _hypernym 01974062 +11690455 _hypernym 11690893 +00130347 _synset_domain_topic_of 00471613 +10688811 _hypernym 00007846 +00471277 _synset_domain_topic_of 00470966 +09039411 _has_part 09274739 +13023292 _hypernym 08220891 +03467517 _derivationally_related_form 10151760 +08043499 _synset_domain_topic_of 00759694 +01524885 _member_meronym 01566888 +01493741 _also_see 00486018 +02565687 _derivationally_related_form 10601078 +02421749 _derivationally_related_form 13350976 +00932798 _derivationally_related_form 05895138 +13038944 _member_meronym 13039349 +00532607 _derivationally_related_form 00932088 +04363991 _hypernym 04105893 +14288561 _hypernym 14288235 +12838027 _member_meronym 12839839 +09614684 _derivationally_related_form 00818466 +03250588 _hypernym 03997484 +12064814 _hypernym 11556857 +00153288 _hypernym 00177127 +09379111 _hypernym 13910384 +08174398 _member_meronym 08801678 +04650527 _derivationally_related_form 00494907 +09130076 _has_part 09131001 +04426788 _derivationally_related_form 01359432 +09273447 _instance_hypernym 09241247 +08025497 _synset_domain_topic_of 00759694 +14836960 _derivationally_related_form 00364868 +04695963 _derivationally_related_form 01537409 +00120202 _derivationally_related_form 01965464 +01196653 _derivationally_related_form 10179649 +06498569 _member_meronym 06837895 +02273545 _member_meronym 02294761 +00907340 _hypernym 00903559 +08793914 _instance_hypernym 08574314 +00909573 _derivationally_related_form 10561861 +05754519 _synset_domain_topic_of 00704305 +01144716 _derivationally_related_form 00027064 +01079042 _hypernym 01077350 +00380083 _hypernym 00378985 +06461830 _hypernym 06392001 +11911591 _member_meronym 11969977 +06000400 _hypernym 05999797 +00370412 _derivationally_related_form 13453160 +02672886 _derivationally_related_form 14788714 +02487718 _derivationally_related_form 07417043 +15059404 _hypernym 15058310 +12322887 _member_meronym 12326604 +11712153 _member_meronym 11712282 +08165455 _hypernym 08164585 +08906374 _has_part 09277010 +06396930 _hypernym 06392001 +04977561 _derivationally_related_form 00103619 +01233347 _derivationally_related_form 13829047 +00145299 _derivationally_related_form 13874558 +15206744 _hypernym 15113229 +13766896 _derivationally_related_form 01180351 +00151497 _derivationally_related_form 02154508 +02083038 _hypernym 01862557 +15227846 _has_part 15228162 +06356515 _hypernym 06355894 +07394236 _derivationally_related_form 02182851 +08292418 _synset_domain_topic_of 08753933 +01387786 _derivationally_related_form 00113113 +01258828 _derivationally_related_form 10276045 +06706676 _hypernym 06696483 +00301856 _hypernym 00299580 +11908718 _hypernym 11575425 +00331655 _derivationally_related_form 01893988 +10619642 _derivationally_related_form 06143154 +00488617 _hypernym 00173338 +06518068 _hypernym 06472025 +04515129 _derivationally_related_form 01235859 +00994454 _derivationally_related_form 09995398 +12816508 _hypernym 12205694 +11495041 _derivationally_related_form 00403401 +00458276 _derivationally_related_form 13454479 +13662703 _hypernym 13604718 +01007924 _derivationally_related_form 06467445 +00406243 _derivationally_related_form 05674584 +09286318 _instance_hypernym 09215664 +06214379 _derivationally_related_form 09904837 +09504135 _hypernym 05941423 +01754876 _has_part 01754737 +04912732 _hypernym 04910135 +11839568 _hypernym 11669921 +11692952 _member_meronym 11712827 +03990834 _derivationally_related_form 01198101 +02900160 _derivationally_related_form 01300655 +02274482 _derivationally_related_form 01145015 +05760202 _derivationally_related_form 00604576 +02671279 _verb_group 02502536 +07215568 _derivationally_related_form 00853195 +07583197 _hypernym 07557434 +04189482 _hypernym 04188643 +06642138 _hypernym 06634376 +02286089 _hypernym 02285548 +03151077 _hypernym 02851099 +02056971 _also_see 02056466 +02045790 _derivationally_related_form 02939919 +03740161 _synset_domain_topic_of 06043075 +02334867 _derivationally_related_form 02738031 +11204962 _instance_hypernym 09807075 +02292535 _derivationally_related_form 00776732 +01819387 _hypernym 01819147 +12410715 _member_meronym 12422751 +01860107 _hypernym 00550117 +04531098 _has_part 02902250 +13282550 _derivationally_related_form 02250625 +00514871 _hypernym 00126264 +11544769 _member_meronym 13166338 +00843325 _hypernym 00843128 +01563575 _derivationally_related_form 13737480 +00854420 _derivationally_related_form 10027590 +01790383 _derivationally_related_form 04904996 +01345109 _verb_group 01346978 +02586619 _derivationally_related_form 10541229 +00574341 _synset_domain_topic_of 06090869 +05388805 _has_part 05343718 +01087197 _derivationally_related_form 08197742 +00280301 _hypernym 00281101 +00744070 _hypernym 00743344 +02398854 _hypernym 02398463 +08627919 _hypernym 08537837 +13297850 _hypernym 13296899 +10469346 _hypernym 09623038 +09451517 _derivationally_related_form 01990281 +12838027 _member_meronym 12848343 +15213115 _hypernym 15209706 +03138669 _hypernym 03597317 +12763529 _hypernym 12762896 +00135857 _hypernym 00126264 +04187233 _hypernym 04014297 +02169702 _hypernym 02106506 +05734018 _derivationally_related_form 00855512 +04563942 _hypernym 04402057 +07971449 _hypernym 07970721 +00082870 _derivationally_related_form 02274482 +01040646 _hypernym 01039925 +00203213 _derivationally_related_form 00742474 +15139552 _synset_domain_topic_of 08199025 +02435386 _hypernym 01864707 +01799794 _derivationally_related_form 07507742 +01449796 _derivationally_related_form 05021151 +09951070 _hypernym 10560637 +08188449 _hypernym 08430568 +13840719 _derivationally_related_form 10450303 +02739861 _derivationally_related_form 05953416 +01676313 _hypernym 01656813 +04478512 _hypernym 03646916 +01229631 _derivationally_related_form 04620558 +11839297 _member_meronym 11839568 +13512238 _derivationally_related_form 00250181 +10390427 _hypernym 10791221 +09769345 _derivationally_related_form 00897564 +02391803 _derivationally_related_form 01140839 +12876032 _member_meronym 12880963 +02055431 _member_meronym 02056091 +05811884 _derivationally_related_form 01774426 +02049696 _hypernym 01992503 +01649170 _hypernym 01639765 +00559102 _derivationally_related_form 11452218 +02067462 _hypernym 01864707 +09757175 _hypernym 10020890 +00006697 _hypernym 00001740 +05817396 _hypernym 05816287 +00200768 _derivationally_related_form 02433381 +01054876 _hypernym 01054545 +00399393 _derivationally_related_form 00996102 +05258985 _hypernym 05256862 +14755804 _hypernym 14580897 +05045208 _derivationally_related_form 01507914 +02702508 _hypernym 02604760 +00606006 _hypernym 00586262 +11306175 _instance_hypernym 10566072 +01623027 _derivationally_related_form 07420991 +02020237 _derivationally_related_form 00976953 +12100538 _member_meronym 12145802 +00254597 _hypernym 00251013 +05510358 _hypernym 05510173 +01565472 _derivationally_related_form 00966869 +03536568 _has_part 03536122 +01716732 _hypernym 01342529 +10051337 _hypernym 10707804 +02296153 _verb_group 02235842 +09810364 _derivationally_related_form 02274482 +01137987 _derivationally_related_form 02433381 +02549533 _hypernym 01342529 +09966255 _hypernym 10069645 +11938261 _hypernym 13112664 +05677952 _derivationally_related_form 01977155 +02479896 _member_meronym 02480346 +08769645 _instance_hypernym 08691669 +12426100 _hypernym 11561228 +14124423 _hypernym 14124232 +01635432 _derivationally_related_form 10757492 +14633206 _derivationally_related_form 00369628 +01477745 _hypernym 01432517 +00594070 _hypernym 00586262 +09821831 _derivationally_related_form 02549847 +01484714 _derivationally_related_form 07961480 +01010118 _derivationally_related_form 06725877 +00883226 _derivationally_related_form 07230227 +01414088 _derivationally_related_form 00134099 +02491590 _member_meronym 02491906 +00781685 _hypernym 00780889 +11152122 _instance_hypernym 10557854 +11819751 _hypernym 11573660 +06938493 _hypernym 06937985 +13464204 _derivationally_related_form 00203866 +10380672 _derivationally_related_form 00828901 +08957381 _member_of_domain_region 08037503 +11698433 _member_meronym 11698562 +07445896 _derivationally_related_form 00968211 +01304121 _instance_hypernym 00962567 +09234104 _instance_hypernym 09399592 +00969506 _derivationally_related_form 06277280 +00655555 _hypernym 00654625 +02205896 _member_meronym 02218563 +10070942 _hypernym 09950457 +09323221 _instance_hypernym 09360122 +02188065 _hypernym 01342529 +05644727 _derivationally_related_form 10043643 +02249018 _synset_domain_topic_of 06128570 +02025829 _derivationally_related_form 09992538 +09407043 _derivationally_related_form 00419685 +05725527 _derivationally_related_form 00372665 +01771966 _member_meronym 01774595 +01410847 _hypernym 01347199 +08588294 _hypernym 08630039 +01032451 _hypernym 00790703 +01166093 _hypernym 01158872 +05703429 _derivationally_related_form 02154508 +02073532 _member_meronym 02073679 +05966958 _hypernym 05943300 +01734502 _derivationally_related_form 01018630 +01416585 _derivationally_related_form 03015113 +02844728 _derivationally_related_form 13872975 +13457378 _hypernym 13458571 +13540610 _hypernym 13526110 +00834198 _also_see 01824244 +14993378 _hypernym 14877585 +00590626 _derivationally_related_form 09780828 +12584970 _member_meronym 12585137 +13290991 _synset_domain_topic_of 08441203 +01416020 _derivationally_related_form 00134780 +12917338 _member_meronym 12918609 +07966140 _member_meronym 08378819 +03863442 _derivationally_related_form 01330269 +08632423 _hypernym 08497294 +01932973 _also_see 01115349 +01562627 _hypernym 01562209 +00439749 _hypernym 00439484 +12542649 _hypernym 11585340 +02543874 _derivationally_related_form 13291189 +08037118 _synset_domain_topic_of 00759694 +08271042 _member_meronym 09444100 +06481156 _hypernym 06479665 +01889328 _member_meronym 01890718 +05560244 _hypernym 05559908 +04010348 _hypernym 02719750 +00321486 _derivationally_related_form 03873064 +01221542 _hypernym 01220885 +03057021 _hypernym 03863923 +01190277 _derivationally_related_form 14064644 +01474209 _hypernym 01463963 +08558488 _derivationally_related_form 10472799 +08906374 _has_part 09266453 +10260166 _hypernym 10125786 +02335349 _member_meronym 02337480 +02277897 _derivationally_related_form 00750405 +00810598 _hypernym 00809465 +02900705 _hypernym 02974697 +06529219 _hypernym 06472025 +00628692 _hypernym 00624738 +12083339 _hypernym 11556857 +01947543 _derivationally_related_form 02951358 +00761713 _derivationally_related_form 10351874 +14160786 _hypernym 14151139 +02329733 _derivationally_related_form 13367070 +09854708 _hypernym 10129825 +02251067 _hypernym 02250822 +11870418 _hypernym 11868814 +02645007 _derivationally_related_form 13582013 +03088707 _hypernym 03183080 +03040229 _hypernym 03872495 +01044377 _hypernym 01044114 +05876912 _synset_domain_topic_of 06084469 +02397637 _derivationally_related_form 13940456 +02164402 _also_see 01497736 +03470387 _has_part 03340723 +10321882 _hypernym 10148305 +02501278 _derivationally_related_form 09769636 +08860123 _member_of_domain_region 10146559 +03868044 _hypernym 04511002 +01985757 _derivationally_related_form 13905572 +10354898 _hypernym 10595647 +02776205 _derivationally_related_form 02577755 +08839916 _member_of_domain_region 01296697 +01586600 _hypernym 01227675 +14473917 _hypernym 14473222 +08026539 _instance_hypernym 08392137 +12023726 _hypernym 11915214 +12937130 _hypernym 11672400 +11911591 _member_meronym 12003407 +11900058 _member_meronym 11905236 +08860123 _member_of_domain_region 03493079 +00593944 _hypernym 00586262 +00066216 _hypernym 00030358 +02148788 _derivationally_related_form 00520257 +14031660 _hypernym 14031108 +02184797 _derivationally_related_form 07396945 +12922763 _hypernym 13112664 +10003283 _derivationally_related_form 02212825 +01033458 _derivationally_related_form 01096497 +05317960 _hypernym 05225602 +05833840 _derivationally_related_form 00689344 +11486708 _hypernym 11444117 +01679433 _verb_group 00542809 +13070003 _member_meronym 13070308 +01475536 _hypernym 01474550 +01135529 _hypernym 01133281 +07828807 _hypernym 07809368 +00436879 _derivationally_related_form 08398773 +01416354 _member_meronym 01416585 +05548840 _derivationally_related_form 01239359 +08860123 _member_of_domain_region 02873244 +00185104 _derivationally_related_form 00482473 +00865958 _derivationally_related_form 14458593 +13905792 _derivationally_related_form 01277784 +00672433 _derivationally_related_form 06528783 +01844431 _derivationally_related_form 01066542 +00646271 _derivationally_related_form 00877345 +00230324 _hypernym 00209943 +11524451 _hypernym 11524662 +13065902 _member_meronym 13066631 +08805122 _instance_hypernym 08803382 +00365647 _verb_group 00365188 +05511618 _has_part 05385534 +00617748 _derivationally_related_form 00070965 +00595545 _derivationally_related_form 10326087 +13353607 _derivationally_related_form 00731159 +01550429 _hypernym 01504437 +09159003 _has_part 09220046 +03512911 _hypernym 04313220 +02308852 _hypernym 01762525 +02557638 _hypernym 02557199 +01573891 _derivationally_related_form 04045941 +02376429 _hypernym 02378623 +08225334 _hypernym 08225090 +01259951 _hypernym 01259691 +05000342 _hypernym 04999401 +01311520 _has_part 01301080 +09222051 _derivationally_related_form 01259691 +04250026 _hypernym 03932203 +06717170 _member_of_domain_usage 10431330 +01931768 _derivationally_related_form 01144876 +05516366 _hypernym 05515670 +05202284 _derivationally_related_form 00952182 +09804343 _synset_domain_topic_of 08087981 +02519991 _derivationally_related_form 00259177 +02204692 _verb_group 02630189 +00530442 _hypernym 00173338 +01910373 _derivationally_related_form 00867357 +05453943 _hypernym 05449959 +02208143 _member_meronym 02208280 +01179167 _synset_domain_topic_of 01124794 +00421437 _derivationally_related_form 00071178 +01984902 _verb_group 01543123 +01048466 _derivationally_related_form 00442063 +01926031 _synset_domain_topic_of 00523513 +02488834 _verb_group 02489456 +06114578 _hypernym 06090869 +10113997 _derivationally_related_form 13134947 +01569262 _hypernym 01567133 +00742645 _derivationally_related_form 01161087 +07226330 _synset_domain_topic_of 08199025 +05954366 _hypernym 05943300 +02247977 _derivationally_related_form 00045907 +00360757 _hypernym 00351638 +14837364 _hypernym 14856263 +03257343 _derivationally_related_form 01735308 +01827745 _hypernym 01778017 +00732960 _also_see 01459422 +08405267 _hypernym 08381436 +00036580 _hypernym 00035189 +03446070 _derivationally_related_form 01423929 +10502046 _derivationally_related_form 01083044 +04169437 _hypernym 04372370 +01065441 _derivationally_related_form 02417504 +06070503 _hypernym 06037666 +00849523 _derivationally_related_form 00055142 +13541491 _derivationally_related_form 00583523 +13629482 _hypernym 13601596 +00794079 _derivationally_related_form 07252764 +09726970 _derivationally_related_form 03108623 +09993252 _derivationally_related_form 02058590 +13439570 _derivationally_related_form 00294245 +01443998 _hypernym 01429349 +01740608 _synset_domain_topic_of 00916464 +07186148 _derivationally_related_form 01470225 +05443651 _hypernym 05442131 +07157273 _member_of_domain_usage 09748239 +14036735 _derivationally_related_form 01796033 +07160424 _hypernym 07159791 +04336034 _derivationally_related_form 00220869 +02286204 _hypernym 02285629 +11561228 _hypernym 11556857 +01835496 _derivationally_related_form 04773596 +02655180 _derivationally_related_form 05549576 +00188466 _derivationally_related_form 03573282 +00105624 _hypernym 00104539 +00598868 _hypernym 00586262 +10737431 _hypernym 00007846 +10296444 _hypernym 09824135 +03437430 _hypernym 03058107 +02639606 _hypernym 02417504 +01930482 _verb_group 02056971 +12637729 _member_meronym 12648196 +09265274 _instance_hypernym 09278537 +11754188 _member_meronym 11761007 +00344174 _derivationally_related_form 07323024 +00248659 _derivationally_related_form 00282050 +09015460 _instance_hypernym 09388848 +08900535 _member_of_domain_region 08096624 +14864360 _hypernym 14938907 +09759501 _derivationally_related_form 02669885 +13260762 _synset_domain_topic_of 01098968 +00428583 _derivationally_related_form 05124928 +02970849 _has_part 02765028 +13783816 _derivationally_related_form 00380698 +00948853 _derivationally_related_form 06490887 +15124183 _has_part 15124361 +02427958 _hypernym 01864707 +11596486 _member_meronym 11596845 +10227266 _hypernym 00007846 +00194170 _derivationally_related_form 05399034 +11720891 _hypernym 13121544 +12423565 _member_meronym 12436260 +01384752 _hypernym 02304982 +08578706 _hypernym 08620061 +02351518 _member_meronym 02351870 +00737884 _hypernym 00668099 +04835028 _derivationally_related_form 10047199 +01726960 _member_meronym 01736569 +01893666 _member_meronym 01893825 +08898633 _member_meronym 09886807 +10066452 _hypernym 10287213 +01286913 _hypernym 01301410 +00512877 _hypernym 00126264 +10025730 _derivationally_related_form 02200686 +00514658 _hypernym 00514128 +01107932 _derivationally_related_form 02220461 +02274482 _hypernym 02206619 +06466479 _synset_domain_topic_of 06236802 +01570744 _derivationally_related_form 00225786 +07501420 _hypernym 07543288 +04037443 _has_part 03061674 +02266732 _member_meronym 02266864 +07640203 _hypernym 07628870 +14427239 _hypernym 14425974 +02644234 _derivationally_related_form 15260964 +09315159 _hypernym 09386422 +07386614 _hypernym 07382572 +00024264 _hypernym 00002137 +00069295 _derivationally_related_form 13549672 +09077111 _instance_hypernym 08524735 +02536165 _hypernym 02534734 +02453890 _member_meronym 02458356 +02352538 _hypernym 02222318 +01649948 _member_meronym 01650167 +00058743 _hypernym 00046177 +02468864 _hypernym 01896031 +00589596 _hypernym 00586262 +00855674 _derivationally_related_form 10299700 +08194074 _hypernym 08279665 +03751065 _hypernym 03200701 +02676054 _derivationally_related_form 05922949 +01841947 _synset_domain_topic_of 06096913 +05586759 _synset_domain_topic_of 01905661 +00374668 _derivationally_related_form 02863750 +01813088 _hypernym 01811909 +02440705 _member_meronym 02451292 +04790449 _hypernym 04723816 +14731509 _hypernym 14736972 +13397174 _hypernym 13396054 +08292418 _member_meronym 09685922 +01659248 _derivationally_related_form 00925207 +00432839 _derivationally_related_form 13556509 +06726158 _derivationally_related_form 00965871 +02288295 _derivationally_related_form 13259917 +00054285 _hypernym 00146138 +08683548 _hypernym 08574314 +09961739 _derivationally_related_form 00793037 +01185292 _derivationally_related_form 00413195 +00991385 _hypernym 00829107 +00996513 _hypernym 00788766 +01563005 _derivationally_related_form 08648322 +08405267 _synset_domain_topic_of 08199025 +00722232 _derivationally_related_form 05812038 +02447542 _hypernym 02444662 +01504480 _derivationally_related_form 00789391 +13566535 _hypernym 13491876 +00788564 _derivationally_related_form 07193958 +14535431 _derivationally_related_form 00214951 +09388318 _instance_hypernym 09411430 +02132580 _hypernym 02132136 +13929852 _hypernym 13931145 +02593354 _hypernym 02455407 +12541403 _hypernym 12539074 +12026764 _hypernym 11579418 +06890254 _derivationally_related_form 01446901 +02099019 _also_see 00101609 +03265874 _derivationally_related_form 01635432 +02336947 _derivationally_related_form 02831724 +01881696 _derivationally_related_form 10483890 +01560731 _hypernym 01552519 +02130160 _derivationally_related_form 09626589 +08723006 _has_part 09384223 +10904107 _instance_hypernym 10088390 +05949937 _derivationally_related_form 01634011 +04407686 _has_part 03290195 +04224155 _hypernym 04493505 +08168531 _member_meronym 09648309 +08726745 _instance_hypernym 08539717 +12750577 _hypernym 11567411 +10912451 _instance_hypernym 10650162 +01984416 _member_meronym 01984547 +02582450 _verb_group 02582042 +01742244 _synset_domain_topic_of 00916464 +09044862 _has_part 09292751 +02533075 _hypernym 01432517 +01591158 _derivationally_related_form 00335988 +08798382 _has_part 09321901 +00695475 _derivationally_related_form 05804274 +02624551 _has_part 07781319 +13945102 _synset_domain_topic_of 01124794 +15178841 _has_part 15217911 +00264875 _derivationally_related_form 13426238 +01638952 _hypernym 01626134 +10252354 _hypernym 09927451 +06966310 _hypernym 06963951 +12124358 _hypernym 11556857 +00653620 _derivationally_related_form 00142665 +01111028 _derivationally_related_form 07354731 +02159271 _member_meronym 02262679 +06013584 _hypernym 06012726 +00886602 _derivationally_related_form 07228211 +12587686 _hypernym 11556857 +10234340 _hypernym 10231515 +00377364 _derivationally_related_form 00306017 +12609968 _hypernym 13121544 +01287431 _instance_hypernym 00955060 +00026153 _derivationally_related_form 14544335 +00917614 _hypernym 00916464 +02994858 _hypernym 04602044 +03315023 _hypernym 00021939 +00229280 _derivationally_related_form 13468306 +00903559 _hypernym 00900375 +00944788 _derivationally_related_form 07084560 +06841365 _hypernym 06817782 +09439213 _derivationally_related_form 00036932 +00342755 _derivationally_related_form 02049190 +02040872 _hypernym 01504437 +00191142 _hypernym 00037396 +13564910 _hypernym 13518963 +02244956 _derivationally_related_form 00079398 +01372682 _hypernym 01376245 +10399299 _hypernym 00007846 +12843557 _hypernym 12842887 +05137557 _derivationally_related_form 01206474 +12641413 _has_part 07757132 +05509452 _hypernym 05237227 +01300655 _derivationally_related_form 02900160 +07956887 _derivationally_related_form 02445509 +06461609 _instance_hypernym 06429590 +01098206 _derivationally_related_form 01158190 +13016457 _member_meronym 13232515 +06699225 _hypernym 06698252 +00442267 _derivationally_related_form 14960090 +13969243 _hypernym 13968547 +10115082 _derivationally_related_form 02075462 +09616922 _hypernym 00007846 +08584449 _hypernym 08664443 +05500992 _has_part 05605192 +02699941 _hypernym 02657219 +02247977 _hypernym 02210855 +00396642 _derivationally_related_form 01536168 +03176594 _hypernym 04447443 +12998349 _member_meronym 13054211 +10343554 _hypernym 09847727 +07121361 _derivationally_related_form 00913795 +00309582 _hypernym 00309310 +02678839 _hypernym 02678663 +05624700 _hypernym 05616246 +01313923 _verb_group 02286204 +14408519 _hypernym 14408086 +01621555 _derivationally_related_form 03748886 +11595312 _member_meronym 11596486 +09982370 _derivationally_related_form 05948264 +01593254 _derivationally_related_form 11473138 +05790944 _hypernym 05788149 +02700104 _derivationally_related_form 00552841 +00443670 _derivationally_related_form 11410298 +08157809 _hypernym 08153437 +00876442 _derivationally_related_form 09774266 +08510666 _hypernym 08660339 +15140405 _derivationally_related_form 10261041 +01897779 _hypernym 01708676 +00303056 _hypernym 00443384 +00125078 _hypernym 00109660 +00093006 _hypernym 01113068 +09396712 _instance_hypernym 09469152 +08397489 _synset_domain_topic_of 08199025 +01783158 _derivationally_related_form 05946687 +02644234 _derivationally_related_form 05122099 +09407346 _hypernym 00002684 +10315561 _hypernym 10542888 +01590171 _derivationally_related_form 03745285 +04345288 _hypernym 00002684 +13433061 _hypernym 13524399 +14868564 _derivationally_related_form 01458664 +05387167 _has_part 05485314 +02670186 _derivationally_related_form 00439343 +10334101 _derivationally_related_form 02958343 +11540747 _member_meronym 11541322 +01420765 _hypernym 01400044 +13489037 _derivationally_related_form 02942769 +09275473 _has_part 09014979 +10916325 _instance_hypernym 09765278 +01195380 _derivationally_related_form 02481436 +06431740 _hypernym 06429590 +02066950 _hypernym 01862557 +01896031 _derivationally_related_form 00094312 +14485249 _hypernym 14483917 +14654954 _derivationally_related_form 01395493 +02750432 _hypernym 02657219 +02207942 _hypernym 01759182 +01408880 _member_meronym 01409477 +12977565 _member_meronym 12977795 +15174218 _has_part 15213774 +01206474 _derivationally_related_form 05137557 +08208560 _has_part 08209519 +09117351 _has_part 09114401 +02595662 _derivationally_related_form 07342049 +01899262 _also_see 01996574 +14462666 _derivationally_related_form 01752167 +05560787 _has_part 14559983 +01234625 _derivationally_related_form 01050627 +11780589 _member_meronym 11780930 +00380994 _hypernym 00380696 +01845229 _derivationally_related_form 10718131 +01679806 _hypernym 01675963 +01314738 _hypernym 01315613 +00134780 _derivationally_related_form 01415585 +09786585 _hypernym 00007846 +07238694 _derivationally_related_form 00990008 +01449974 _verb_group 01061320 +02106761 _derivationally_related_form 04844024 +01279631 _derivationally_related_form 04693384 +08921850 _member_of_domain_region 08017614 +02035337 _also_see 01549291 +11543429 _hypernym 11534677 +00207184 _derivationally_related_form 06903255 +12707040 _hypernym 11585340 +00946105 _derivationally_related_form 13809920 +06403969 _derivationally_related_form 10564660 +04975340 _derivationally_related_form 00366691 +06726939 _derivationally_related_form 00861560 +11609684 _has_part 07774842 +06845599 _member_of_domain_usage 14750782 +00363268 _hypernym 00363110 +05714466 _derivationally_related_form 02126382 +01260867 _derivationally_related_form 00503164 +13541798 _hypernym 13459322 +07004057 _hypernym 07000195 +08723006 _has_part 09228144 +00799076 _derivationally_related_form 07206302 +01441993 _derivationally_related_form 13089631 +13573181 _derivationally_related_form 00580865 +08161477 _hypernym 08163273 +01448100 _derivationally_related_form 00115036 +02465939 _verb_group 02403920 +15212739 _has_part 15190520 +09632518 _derivationally_related_form 02413480 +14422871 _hypernym 14422179 +02623868 _hypernym 01429349 +10531109 _hypernym 09815790 +00357275 _derivationally_related_form 01456771 +10351625 _derivationally_related_form 00614999 +05513302 _hypernym 05297523 +00852922 _derivationally_related_form 01224517 +01449586 _member_meronym 01449712 +10116246 _hypernym 10677713 +00314272 _derivationally_related_form 04703235 +08640739 _hypernym 08497294 +12624873 _member_meronym 12625003 +08797840 _has_part 08798195 +05693919 _derivationally_related_form 02556126 +00161739 _hypernym 00161243 +00671351 _synset_domain_topic_of 06063588 +08146782 _hypernym 08009834 +10495555 _hypernym 10721470 +06727758 _synset_domain_topic_of 08441203 +10430665 _derivationally_related_form 03928116 +12546420 _hypernym 12546183 +01454246 _derivationally_related_form 09897696 +04317420 _hypernym 03563967 +08860123 _member_of_domain_region 10641301 +09080782 _instance_hypernym 08639058 +02571901 _derivationally_related_form 05702726 +02336947 _hypernym 02327200 +01456296 _hypernym 01432517 +06862202 _hypernym 05128519 +00389638 _derivationally_related_form 14547643 +00900581 _derivationally_related_form 00836236 +05195362 _derivationally_related_form 02504562 +15128711 _instance_hypernym 15243730 +02185373 _derivationally_related_form 07388987 +10190516 _hypernym 10577284 +05539595 _hypernym 08663354 +07154046 _hypernym 07154243 +02338592 _hypernym 01864707 +01860795 _derivationally_related_form 07365849 +10826352 _instance_hypernym 09920283 +05665146 _derivationally_related_form 10696251 +13960464 _hypernym 13960117 +07745803 _hypernym 07705931 +07362830 _hypernym 07311115 +02055975 _derivationally_related_form 05058140 +02443049 _derivationally_related_form 09931640 +02944826 _synset_domain_topic_of 08199025 +06871384 _hypernym 06865345 +02276527 _member_meronym 02277094 +03865371 _hypernym 02773838 +07622261 _derivationally_related_form 01265740 +08904533 _instance_hypernym 08524735 +01280645 _derivationally_related_form 13864965 +12740514 _member_meronym 12741079 +01915131 _hypernym 01912159 +07580782 _hypernym 07653394 +08929922 _member_of_domain_region 08036005 +02217997 _member_meronym 02218134 +02371684 _derivationally_related_form 09935434 +02000868 _hypernym 01835496 +01868780 _derivationally_related_form 07351909 +07829412 _derivationally_related_form 00535844 +00518653 _derivationally_related_form 05685030 +12968882 _member_meronym 12969425 +01639714 _derivationally_related_form 09805475 +06845599 _member_of_domain_usage 03406597 +00250710 _hypernym 00250259 +02051694 _hypernym 01835496 +05813229 _hypernym 05810948 +01728445 _member_meronym 01728572 +04996823 _derivationally_related_form 00133851 +10575787 _derivationally_related_form 01315613 +07314277 _hypernym 07300960 +11986511 _hypernym 11986306 +12214605 _member_meronym 12214789 +10705615 _derivationally_related_form 06183899 +02255462 _derivationally_related_form 10143725 +12130759 _member_meronym 12130937 +09189411 _has_part 08966820 +04773596 _derivationally_related_form 01835496 +01524885 _member_meronym 01600480 +06818970 _derivationally_related_form 01322391 +00076884 _derivationally_related_form 01984317 +02019011 _hypernym 02018524 +02975212 _derivationally_related_form 01486312 +02304648 _hypernym 02205272 +07419599 _derivationally_related_form 02280132 +08569165 _hypernym 08568978 +05398023 _hypernym 05397468 +02539334 _derivationally_related_form 05196582 +11256125 _instance_hypernym 10088390 +06718862 _member_of_domain_usage 09722898 +13458019 _hypernym 13456715 +10388732 _hypernym 10676877 +02763520 _synset_domain_topic_of 06084469 +01321671 _hypernym 01321002 +05675905 _derivationally_related_form 00190115 +14157163 _hypernym 14074877 +00829761 _derivationally_related_form 00238527 +00922327 _derivationally_related_form 01163620 +08414119 _member_meronym 10228278 +05711915 _derivationally_related_form 01502195 +11911591 _member_meronym 11999455 +00695523 _also_see 02451951 +02682038 _hypernym 04522421 +02854747 _derivationally_related_form 06431740 +00633443 _derivationally_related_form 06782680 +08581503 _derivationally_related_form 01843497 +04489817 _hypernym 03489162 +02576921 _derivationally_related_form 13960464 +07668702 _hypernym 07649854 +01499692 _derivationally_related_form 04399537 +01726172 _hypernym 02179518 +14442361 _hypernym 14441825 +02677332 _derivationally_related_form 09435965 +02048051 _derivationally_related_form 00343249 +00609506 _derivationally_related_form 05762149 +00551065 _derivationally_related_form 03432129 +01368192 _also_see 01364008 +01762528 _derivationally_related_form 07528470 +01247426 _hypernym 01494310 +12980478 _member_meronym 12980840 +09618760 _derivationally_related_form 00955601 +05844105 _derivationally_related_form 01687569 +00102791 _derivationally_related_form 05416198 +01134861 _hypernym 01133281 +01256157 _hypernym 01552519 +04523525 _hypernym 04105068 +01734502 _derivationally_related_form 01249060 +13440063 _hypernym 13526110 +06990544 _hypernym 06986558 +00359238 _hypernym 00358931 +11661207 _hypernym 11554175 +00981944 _derivationally_related_form 10048001 +00084738 _derivationally_related_form 03247620 +00125078 _verb_group 00435688 +00772640 _derivationally_related_form 05816790 +00267041 _hypernym 00109660 +02747709 _derivationally_related_form 01017987 +02640440 _derivationally_related_form 05699434 +00867790 _hypernym 00863513 +08897065 _has_part 08897843 +10076957 _derivationally_related_form 02576921 +02138611 _derivationally_related_form 10070942 +03182232 _derivationally_related_form 00306723 +08486538 _synset_domain_topic_of 06453849 +08860123 _member_of_domain_region 10464542 +00780148 _hypernym 00769092 +06102476 _synset_domain_topic_of 06084469 +00804802 _derivationally_related_form 07180787 +06634960 _hypernym 06634376 +08860123 _member_of_domain_region 10705345 +04764242 _hypernym 04763925 +07341038 _hypernym 07296190 +09023321 _has_part 08493261 +01495192 _member_meronym 01495340 +04792357 _hypernym 04792127 +01696648 _derivationally_related_form 04956594 +05600637 _has_part 05603160 +07094843 _synset_domain_topic_of 06170025 +01067577 _derivationally_related_form 00438495 +03848348 _derivationally_related_form 01346003 +00349592 _derivationally_related_form 07286014 +09756637 _derivationally_related_form 05958208 +02262679 _hypernym 01342529 +00368847 _hypernym 00367685 +01280958 _hypernym 01280014 +00140751 _derivationally_related_form 00196084 +09921409 _derivationally_related_form 01539063 +00003553 _derivationally_related_form 02625016 +12597640 _hypernym 11556857 +10770545 _derivationally_related_form 04558804 +02673480 _hypernym 02832168 +00978173 _hypernym 00972621 +03246052 _hypernym 03177349 +07370671 _derivationally_related_form 01974062 +01710317 _synset_domain_topic_of 06157326 +01579488 _derivationally_related_form 07805006 +11982939 _hypernym 12205694 +05003423 _hypernym 05002822 +08185758 _hypernym 08186047 +02887741 _derivationally_related_form 00845523 +03603722 _derivationally_related_form 00324071 +02328820 _hypernym 02328429 +00856860 _also_see 02531422 +09931418 _synset_domain_topic_of 00545501 +00133417 _also_see 01716227 +02671880 _derivationally_related_form 02080577 +01439808 _hypernym 01439514 +14176895 _hypernym 13575226 +01257542 _hypernym 00402535 +14911057 _hypernym 14727670 +00401783 _derivationally_related_form 00024279 +08193448 _hypernym 08337324 +08276720 _member_meronym 10560352 +02645304 _hypernym 02642107 +02191546 _derivationally_related_form 00882702 +02799593 _hypernym 08673395 +00937656 _derivationally_related_form 01256600 +13458019 _synset_domain_topic_of 06037666 +02385813 _verb_group 01710481 +01381549 _derivationally_related_form 00045646 +01611472 _hypernym 01610955 +13950812 _hypernym 13945919 +00969873 _derivationally_related_form 05088324 +00539951 _has_part 00540895 +00772189 _derivationally_related_form 07140978 +04766620 _hypernym 04766275 +00056930 _derivationally_related_form 13532886 +09639919 _hypernym 09638875 +01320009 _hypernym 01380638 +12538603 _member_meronym 12541403 +00404642 _derivationally_related_form 04768657 +12031139 _hypernym 12030654 +09017526 _has_part 08083083 +11867525 _member_meronym 11896365 +09399592 _hypernym 09366317 +10184946 _derivationally_related_form 01811441 +04137444 _derivationally_related_form 02043982 +08305942 _derivationally_related_form 02430191 +12820434 _hypernym 11744859 +01318659 _hypernym 01317723 +01697027 _derivationally_related_form 13913566 +02262601 _derivationally_related_form 13384164 +12213635 _hypernym 11562747 +00300537 _derivationally_related_form 10093908 +11786365 _member_meronym 11786539 +05305136 _hypernym 05300231 +01184625 _derivationally_related_form 13365286 +13295657 _derivationally_related_form 02208537 +08860123 _member_of_domain_region 10604275 +12724201 _member_meronym 12729315 +06295235 _member_of_domain_usage 07168623 +13813591 _hypernym 13812607 +04211356 _derivationally_related_form 01345109 +01555586 _member_meronym 01556040 +01340283 _hypernym 01296462 +01834304 _also_see 02123812 +03109399 _derivationally_related_form 00094001 +00265094 _derivationally_related_form 14618253 +10646780 _derivationally_related_form 00981544 +06685198 _hypernym 06252954 +14451349 _derivationally_related_form 02504562 +02451415 _hypernym 02441326 +01721169 _hypernym 01712704 +05804136 _hypernym 05803379 +09094581 _instance_hypernym 03420559 +02751597 _derivationally_related_form 14890659 +01185611 _derivationally_related_form 02497586 +00751887 _derivationally_related_form 09941964 +00330160 _derivationally_related_form 00438178 +15231964 _synset_domain_topic_of 06144081 +13463255 _derivationally_related_form 02114924 +10013927 _derivationally_related_form 07148573 +02223479 _derivationally_related_form 14856263 +05291010 _derivationally_related_form 01449427 +10498551 _hypernym 09632518 +07567139 _hypernym 07566340 +01024643 _synset_domain_topic_of 06075527 +01466978 _derivationally_related_form 08513163 +01582625 _member_meronym 01582856 +11197099 _instance_hypernym 10256080 +00820801 _derivationally_related_form 00686890 +04367480 _derivationally_related_form 01393339 +04018155 _has_part 02705944 +13672555 _hypernym 13662703 +13558696 _derivationally_related_form 00654625 +03925226 _hypernym 04076846 +06205411 _hypernym 06205154 +01822300 _hypernym 01821203 +12149751 _member_meronym 12150028 +08860123 _member_of_domain_region 07642182 +03963294 _hypernym 03278248 +00015303 _derivationally_related_form 00858849 +11643022 _hypernym 11630890 +09140148 _has_part 09246660 +12522678 _hypernym 12522188 +03014440 _hypernym 03716327 +01703341 _hypernym 01342529 +05431926 _hypernym 00006484 +10754449 _hypernym 09977660 +02043982 _derivationally_related_form 04137444 +02170400 _hypernym 02164464 +02425913 _hypernym 00352826 +12039743 _member_meronym 12078596 +13300141 _hypernym 13327896 +07255998 _derivationally_related_form 10319580 +01215137 _derivationally_related_form 00088725 +00697589 _derivationally_related_form 05788149 +08765890 _has_part 08766571 +04714156 _hypernym 04713118 +02159955 _hypernym 01767661 +00880227 _derivationally_related_form 06695862 +09941571 _derivationally_related_form 00751887 +08986526 _instance_hypernym 08524735 +14431471 _hypernym 14429985 +01578993 _derivationally_related_form 03633091 +07447022 _hypernym 07351612 +11911591 _member_meronym 11978035 +15162640 _hypernym 15157225 +00049900 _derivationally_related_form 10664340 +00947857 _hypernym 00945255 +01325774 _verb_group 01325536 +11764814 _hypernym 13112664 +08628921 _derivationally_related_form 02741149 +08132323 _hypernym 08337324 +10812047 _instance_hypernym 10123844 +02187922 _derivationally_related_form 07384741 +02397266 _derivationally_related_form 00164999 +02606926 _member_meronym 02607072 +00352331 _hypernym 00351638 +06851742 _member_of_domain_usage 02705651 +01732532 _synset_domain_topic_of 00543233 +01777032 _member_meronym 01778217 +00708017 _derivationally_related_form 00334996 +08024732 _instance_hypernym 08392137 +00117124 _hypernym 00863513 +05989479 _has_part 05888929 +02230772 _also_see 02293321 +01618671 _member_meronym 01619152 +04688842 _derivationally_related_form 00793785 +02642610 _hypernym 02642238 +05108947 _derivationally_related_form 00153263 +00646271 _hypernym 00645552 +09178999 _hypernym 09178821 +00406365 _hypernym 00404403 +08975902 _member_of_domain_region 08026539 +08206663 _member_meronym 10337789 +01011425 _hypernym 01011166 +13903738 _hypernym 13903079 +00175605 _hypernym 00174412 +08544813 _has_part 08556491 +04767805 _derivationally_related_form 00675701 +01749790 _synset_domain_topic_of 00933420 +00044455 _derivationally_related_form 00528990 +02246300 _synset_domain_topic_of 00766234 +12051285 _hypernym 11556857 +02482820 _member_meronym 02483224 +03563967 _derivationally_related_form 02408965 +10486679 _hypernym 10213652 +01933900 _hypernym 01931768 +10759331 _derivationally_related_form 02424984 +01876907 _derivationally_related_form 00348571 +08701161 _instance_hypernym 08574314 +12494629 _hypernym 11585340 +01163047 _derivationally_related_form 01412204 +08860123 _member_of_domain_region 06699225 +08626283 _hypernym 08675967 +01880531 _derivationally_related_form 04901326 +08237863 _derivationally_related_form 01710481 +01378800 _hypernym 01352059 +00161044 _derivationally_related_form 00793785 +08111783 _synset_domain_topic_of 06148148 +05272110 _hypernym 05248181 +05840188 _derivationally_related_form 02699141 +05625465 _derivationally_related_form 01636397 +02657083 _member_meronym 02663657 +07884567 _derivationally_related_form 00139729 +01972976 _hypernym 01989053 +02962013 _derivationally_related_form 08816236 +03044083 _derivationally_related_form 09800469 +02399942 _hypernym 05395690 +02261464 _derivationally_related_form 08069878 +04057047 _hypernym 03265032 +10280130 _derivationally_related_form 00595146 +00936620 _hypernym 06156968 +00208943 _hypernym 00208797 +05529729 _has_part 05530092 +12172715 _member_meronym 12173069 +02553196 _member_meronym 02620826 +00190115 _derivationally_related_form 00594621 +01582645 _derivationally_related_form 06799897 +02486410 _hypernym 02484473 +10184946 _derivationally_related_form 01826723 +10763878 _hypernym 00007846 +13086908 _hypernym 00019128 +05216365 _has_part 05303402 +05003590 _derivationally_related_form 02748927 +05211044 _derivationally_related_form 10191943 +01469445 _hypernym 01494310 +12374418 _hypernym 13112664 +08986905 _instance_hypernym 08700255 +06295235 _member_of_domain_usage 04611654 +09067277 _has_part 09068320 +14286549 _derivationally_related_form 01250908 +09823287 _hypernym 10483530 +05150129 _hypernym 05148699 +00084230 _derivationally_related_form 00612160 +03612814 _hypernym 03990474 +00812526 _derivationally_related_form 01222328 +01050187 _hypernym 01048912 +00251791 _verb_group 02737187 +01065057 _derivationally_related_form 00026734 +00812298 _verb_group 01066433 +09048880 _instance_hypernym 08574314 +02003601 _derivationally_related_form 02087551 +05656537 _derivationally_related_form 02129709 +02428653 _hypernym 01864707 +07761461 _hypernym 07760859 +02188198 _hypernym 02176268 +08836630 _instance_hypernym 09203827 +00277659 _derivationally_related_form 08456993 +01335804 _hypernym 01332730 +01733213 _derivationally_related_form 09952539 +03358172 _hypernym 03636248 +08110373 _has_part 08101085 +02626762 _hypernym 02623445 +07781801 _hypernym 07776866 +12743352 _has_part 07766409 +07384741 _derivationally_related_form 02177976 +08723006 _has_part 09398533 +01670961 _member_meronym 01671125 +03669886 _derivationally_related_form 00233335 +08053576 _derivationally_related_form 02749778 +03599351 _hypernym 03138344 +01859221 _derivationally_related_form 01076046 +00435492 _derivationally_related_form 05683582 +02543565 _hypernym 01428580 +02656189 _derivationally_related_form 08644045 +07365024 _hypernym 07317764 +06891022 _derivationally_related_form 00772967 +04629604 _derivationally_related_form 02531422 +07391863 _derivationally_related_form 00789448 +10338498 _derivationally_related_form 03799710 +02147109 _derivationally_related_form 00828082 +00747671 _hypernym 01073241 +14333136 _derivationally_related_form 01253808 +01453256 _hypernym 01850315 +00636888 _derivationally_related_form 13790712 +01232738 _derivationally_related_form 00659048 +06449735 _has_part 06438748 +01543426 _derivationally_related_form 10640968 +04673965 _hypernym 04723816 +08682819 _has_part 08564139 +09619824 _derivationally_related_form 04763293 +01198588 _hypernym 01181902 +08248157 _has_part 08216900 +07374756 _derivationally_related_form 01418667 +01097292 _derivationally_related_form 02298160 +06413889 _derivationally_related_form 02870092 +01575675 _derivationally_related_form 00372448 +12024445 _has_part 12024690 +11551211 _member_meronym 11595312 +00847870 _hypernym 00845299 +01562584 _member_meronym 01564630 +11804082 _member_meronym 11856981 +01649999 _verb_group 01771390 +00645939 _hypernym 00645771 +02603699 _derivationally_related_form 00927017 +00343600 _hypernym 00343334 +00853487 _hypernym 00692130 +09138538 _instance_hypernym 08633957 +08567877 _derivationally_related_form 00746479 +05559908 _hypernym 05225090 +12587803 _hypernym 12582231 +00982178 _hypernym 00978549 +02691156 _has_part 03295928 +10777147 _hypernym 10006337 +01288554 _hypernym 02421374 +10398624 _hypernym 09815790 +03873699 _hypernym 02848523 +04092959 _hypernym 03961939 +00342640 _hypernym 00339934 +03171094 _hypernym 03629986 +13818551 _hypernym 13817526 +03732828 _hypernym 02721160 +14229912 _hypernym 14219661 +09921034 _hypernym 09991867 +01324142 _hypernym 00015388 +08068151 _hypernym 08065234 +08186761 _hypernym 08185758 +07268967 _hypernym 06696483 +11427067 _hypernym 11463371 +10709256 _hypernym 00007846 +00530291 _hypernym 00528990 +13875970 _derivationally_related_form 02687251 +09051726 _instance_hypernym 08574314 +04705671 _hypernym 05064037 +04243142 _hypernym 03051540 +13665027 _hypernym 13662703 +05597188 _hypernym 05543177 +14871078 _hypernym 15041277 +11292105 _instance_hypernym 09765278 +02687251 _derivationally_related_form 13875970 +02407390 _hypernym 02406174 +03159640 _hypernym 03961939 +10074578 _hypernym 10020890 +12562577 _hypernym 13104059 +12779233 _member_meronym 12781241 +14661740 _hypernym 14625458 +00347804 _hypernym 00345761 +08230009 _hypernym 08227214 +09146813 _instance_hypernym 08524735 +12559302 _hypernym 11585340 +01528087 _hypernym 01504437 +02523521 _derivationally_related_form 07365193 +09270894 _has_part 08499057 +08423634 _hypernym 08337324 +02054382 _hypernym 02053941 +02892948 _hypernym 04565375 +10087736 _hypernym 10266848 +08860123 _member_of_domain_usage 04217546 +10409752 _hypernym 09624980 +01138523 _derivationally_related_form 13342987 +05703429 _derivationally_related_form 02118933 +07388987 _derivationally_related_form 02185373 +13878634 _derivationally_related_form 00145448 +00053609 _derivationally_related_form 00426958 +12684640 _member_meronym 12694048 +00763901 _derivationally_related_form 04871720 +01517175 _synset_domain_topic_of 00243918 +01764171 _derivationally_related_form 04904996 +00297404 _derivationally_related_form 01925694 +02210728 _hypernym 01759182 +00018526 _derivationally_related_form 10763878 +07310507 _hypernym 07309781 +00414823 _derivationally_related_form 14291561 +02131072 _derivationally_related_form 07489059 +00101779 _derivationally_related_form 10618007 +04632157 _derivationally_related_form 01229631 +01913532 _hypernym 01457954 +02512305 _derivationally_related_form 10012815 +09018162 _instance_hypernym 08700255 +10676569 _hypernym 09765278 +02077656 _derivationally_related_form 09962789 +13682450 _hypernym 13662703 +00176618 _derivationally_related_form 00673710 +14367341 _hypernym 14366759 +13480541 _derivationally_related_form 00451838 +02529515 _member_meronym 02533075 +04880573 _derivationally_related_form 02271544 +10175507 _hypernym 10180923 +12605019 _member_meronym 12608941 +01589224 _derivationally_related_form 06843520 +09702134 _hypernym 09701148 +15047313 _hypernym 14899152 +02263848 _hypernym 01762525 +12097013 _hypernym 11567411 +11707229 _has_part 07816052 +08937995 _instance_hypernym 08524735 +01881180 _derivationally_related_form 09468237 +05808218 _derivationally_related_form 00721437 +12694707 _member_meronym 12699778 +00348312 _derivationally_related_form 01909978 +09682803 _derivationally_related_form 08095647 +00773285 _derivationally_related_form 07246742 +07491286 _derivationally_related_form 01806505 +01237167 _derivationally_related_form 01118449 +02274482 _derivationally_related_form 00085678 +00266586 _hypernym 00140123 +01762283 _derivationally_related_form 07487695 +13233012 _member_meronym 13238178 +07434473 _derivationally_related_form 00502757 +00971309 _hypernym 00952963 +12639168 _has_part 07765728 +11668117 _derivationally_related_form 00753922 +04510090 _instance_hypernym 08337324 +00268557 _derivationally_related_form 00168588 +01742886 _hypernym 01736822 +07440240 _derivationally_related_form 02041206 +08860123 _member_of_domain_region 09980275 +01094725 _has_part 01095753 +08744750 _instance_hypernym 08524735 +00274707 _hypernym 00273690 +06469694 _hypernym 06467007 +00619869 _derivationally_related_form 05895723 +01196316 _synset_domain_topic_of 08199025 +08107191 _hypernym 07992450 +02331262 _derivationally_related_form 14474052 +02529515 _member_meronym 02530294 +02285629 _hypernym 02210855 +10514429 _hypernym 10372076 +02559180 _also_see 01611067 +02246628 _hypernym 02246011 +07523180 _hypernym 07522729 +05387395 _hypernym 05250659 +15259812 _instance_hypernym 15254028 +00424767 _hypernym 00424599 +03309465 _has_part 04082886 +10725734 _hypernym 00007846 +07410207 _derivationally_related_form 01566705 +03144756 _hypernym 03030663 +07139873 _derivationally_related_form 00940384 +02964389 _hypernym 03748886 +00396513 _synset_domain_topic_of 06084469 +01932482 _hypernym 01931768 +00834460 _derivationally_related_form 00006802 +08791167 _member_of_domain_region 01289631 +00834636 _hypernym 00831191 +00742645 _derivationally_related_form 01195804 +00503237 _hypernym 00502415 +09162414 _instance_hypernym 08633957 +03906590 _hypernym 03904183 +01814396 _derivationally_related_form 07537973 +01735308 _derivationally_related_form 03257343 +01697837 _hypernym 01657723 +04915687 _derivationally_related_form 02457825 +01754190 _member_meronym 01754533 +05559256 _derivationally_related_form 00131426 +02551824 _member_meronym 01450081 +03321103 _hypernym 03596285 +01374989 _hypernym 01342529 +15155220 _has_part 15164957 +02461723 _also_see 01116380 +02515934 _derivationally_related_form 00733317 +03158885 _hypernym 03624134 +00053913 _derivationally_related_form 00173338 +02648174 _member_meronym 02648313 +01141160 _synset_domain_topic_of 01124794 +02565687 _hypernym 02566528 +01307299 _has_part 01283185 +01656788 _derivationally_related_form 03533486 +01014821 _hypernym 01010118 +01258091 _derivationally_related_form 03041632 +13433948 _hypernym 13489037 +13440063 _derivationally_related_form 00037457 +02486232 _derivationally_related_form 08385009 +15274863 _derivationally_related_form 02460199 +03072828 _instance_hypernym 02704949 +10018021 _derivationally_related_form 00807461 +02117170 _derivationally_related_form 00855169 +07697537 _has_part 07690019 +10388924 _synset_domain_topic_of 08441203 +05849284 _derivationally_related_form 00956687 +04376400 _hypernym 03279153 +09845849 _hypernym 09957834 +09044862 _has_part 09134386 +04567222 _synset_domain_topic_of 06118563 +02046075 _hypernym 02045043 +01488234 _hypernym 01429349 +01546660 _member_meronym 01552956 +02909006 _derivationally_related_form 00314469 +00068740 _hypernym 00067999 +01995211 _verb_group 01351170 +01062555 _derivationally_related_form 06629858 +00259927 _hypernym 00258857 +10008716 _derivationally_related_form 02559199 +07445896 _hypernym 07311115 +05971621 _derivationally_related_form 02730304 +09069415 _instance_hypernym 08524735 +12319687 _member_meronym 12320010 +01363482 _derivationally_related_form 03875218 +02643280 _hypernym 02727462 +03467984 _has_part 02973017 +06791195 _synset_domain_topic_of 06226057 +02145084 _member_meronym 02146526 +02372397 _hypernym 01862557 +12094786 _hypernym 11567411 +11797981 _hypernym 13118707 +15223574 _hypernym 15223343 +00866505 _derivationally_related_form 07189411 +09079153 _has_part 09078231 +00633329 _hypernym 00621627 +03818090 _hypernym 02724207 +14320394 _hypernym 14299637 +09068444 _has_part 09306031 +02776205 _derivationally_related_form 02577877 +00334649 _hypernym 00334186 +10611361 _derivationally_related_form 01916960 +00146572 _derivationally_related_form 00368847 +10422405 _hypernym 09936620 +06988684 _hypernym 06988307 +13577934 _hypernym 13577544 +00020671 _hypernym 00022316 +00139758 _hypernym 00138956 +09055015 _has_part 09313241 +01266152 _derivationally_related_form 00622384 +00123170 _derivationally_related_form 03005920 +13740591 _synset_domain_topic_of 06962600 +01989701 _member_meronym 01989869 +07620145 _hypernym 07612632 +10205457 _synset_domain_topic_of 00475787 +12346179 _hypernym 11562747 +00239910 _derivationally_related_form 01650610 +01751173 _synset_domain_topic_of 07006119 +12577000 _member_meronym 12579038 +00593389 _hypernym 00586262 +15032376 _derivationally_related_form 01323793 +01253060 _derivationally_related_form 00105333 +05696020 _hypernym 05695806 +00072989 _derivationally_related_form 13473097 +04693900 _derivationally_related_form 01309143 +08964647 _instance_hypernym 08552138 +12723835 _hypernym 11534677 +06843520 _derivationally_related_form 01589056 +00208497 _derivationally_related_form 13464204 +01969550 _member_meronym 01970342 +05675905 _derivationally_related_form 01977155 +01084637 _derivationally_related_form 02294436 +00020827 _hypernym 00001930 +07858595 _hypernym 07809368 +02247076 _hypernym 01762525 +01381357 _hypernym 01380638 +15137890 _hypernym 15137676 +06100778 _hypernym 06090869 +10059904 _hypernym 10806222 +09608377 _hypernym 09777012 +12262327 _member_meronym 12263738 +06136105 _hypernym 05996646 +00795863 _derivationally_related_form 06542047 +07976936 _hypernym 07975026 +00114615 _synset_domain_topic_of 00243918 +14599168 _hypernym 14739360 +09897350 _hypernym 09469285 +15265518 _derivationally_related_form 00345761 +11508092 _hypernym 11422597 +05511618 _has_part 05404074 +01826723 _derivationally_related_form 07541053 +02651014 _derivationally_related_form 10794014 +03879854 _derivationally_related_form 00064095 +00019131 _derivationally_related_form 02007417 +00418110 _similar_to 00417413 +02533748 _derivationally_related_form 06217103 +12673755 _member_meronym 12676703 +05566504 _derivationally_related_form 00924431 +02202928 _verb_group 02733122 +02642430 _member_meronym 02642935 +11835568 _has_part 07736692 +04668139 _hypernym 04667406 +04932278 _hypernym 04931965 +00936763 _hypernym 00841986 +02496498 _hypernym 02497062 +00004258 _hypernym 00003553 +00143885 _derivationally_related_form 01210352 +08582613 _instance_hypernym 08630039 +06748969 _derivationally_related_form 00917772 +10417168 _derivationally_related_form 02582615 +01878500 _hypernym 01864707 +02958343 _has_part 04357121 +00502623 _hypernym 00502757 +07836456 _hypernym 07829412 +07735803 _hypernym 07710283 +01045073 _hypernym 00983824 +01803380 _derivationally_related_form 00425905 +12782108 _member_meronym 12783173 +09327881 _has_part 09465135 +01928838 _derivationally_related_form 07383823 +01800422 _derivationally_related_form 06716796 +02797021 _derivationally_related_form 06621447 +12815925 _member_meronym 12816753 +00871195 _derivationally_related_form 06672297 +00226618 _also_see 01159655 +08567235 _derivationally_related_form 01130607 +01918310 _member_meronym 01918744 +01191975 _hypernym 01187810 +00669000 _hypernym 00393369 +02010453 _hypernym 02008041 +08507255 _synset_domain_topic_of 08199025 +01797347 _derivationally_related_form 07534430 +00945916 _derivationally_related_form 02269894 +10233445 _hypernym 10231515 +08141374 _hypernym 08348815 +12491017 _hypernym 13109733 +13907272 _derivationally_related_form 00336922 +10015897 _hypernym 09625789 +01442591 _hypernym 01432517 +11867525 _member_meronym 11883799 +04951186 _derivationally_related_form 00523436 +10626540 _hypernym 10625860 +00853958 _derivationally_related_form 06767777 +12936469 _hypernym 12205694 +01949333 _derivationally_related_form 08427629 +00313647 _hypernym 00295701 +01673891 _hypernym 01653013 +04467665 _hypernym 04490091 +00656107 _hypernym 00654625 +01778017 _derivationally_related_form 01218766 +06531481 _hypernym 06479665 +13552644 _synset_domain_topic_of 06115701 +01472502 _has_part 01472939 +04746842 _derivationally_related_form 00652900 +08921850 _has_part 08924238 +13047385 _member_meronym 13048666 +11849017 _hypernym 11573660 +13810141 _derivationally_related_form 00514069 +00842281 _derivationally_related_form 00504019 +00081072 _derivationally_related_form 00694990 +04692157 _derivationally_related_form 00477941 +14777606 _hypernym 14778019 +02686379 _derivationally_related_form 02331326 +00440286 _derivationally_related_form 05646218 +00087736 _derivationally_related_form 00077981 +00895304 _derivationally_related_form 10407954 +00204439 _hypernym 00203342 +01239064 _hypernym 01080366 +12696830 _hypernym 13135832 +10744164 _derivationally_related_form 02708707 +01768402 _hypernym 08103777 +01773930 _member_meronym 01774252 +12914048 _hypernym 11579418 +00945401 _derivationally_related_form 01315613 +01174645 _synset_domain_topic_of 01171644 +00878636 _derivationally_related_form 07167578 +02011810 _derivationally_related_form 01778017 +09203217 _instance_hypernym 09411430 +08524735 _has_part 08524130 +02300060 _synset_domain_topic_of 00488225 +08957381 _has_part 08957993 +12592351 _member_meronym 12593122 +00785690 _hypernym 02163301 +02689146 _hypernym 01494310 +08932568 _has_part 03692942 +10006842 _hypernym 09633969 +02804610 _hypernym 03228016 +01632897 _hypernym 01951480 +15115926 _hypernym 15113229 +01302086 _has_part 01279120 +04364827 _hypernym 04364545 +01407065 _member_meronym 01412085 +10286282 _hypernym 09623038 +01573627 _hypernym 01571904 +01129201 _verb_group 02687916 +12605519 _member_meronym 12605683 +02001858 _derivationally_related_form 00320486 +00741478 _hypernym 00740712 +01277431 _derivationally_related_form 03406966 +11862089 _hypernym 11573660 +07157273 _member_of_domain_usage 07448232 +00304349 _hypernym 00303495 +08860123 _member_of_domain_region 02833140 +14717275 _hypernym 14822563 +00712389 _hypernym 00671190 +02419796 _hypernym 02401031 +01392080 _derivationally_related_form 01896031 +10305062 _derivationally_related_form 06706676 +02252931 _derivationally_related_form 13279262 +02872752 _hypernym 03380867 +01679433 _derivationally_related_form 04484160 +12857594 _member_meronym 12857779 +01820077 _hypernym 01762528 +01915131 _derivationally_related_form 02898711 +12386724 _hypernym 11575425 +02408281 _hypernym 02410855 +02771840 _derivationally_related_form 01694620 +01732921 _synset_domain_topic_of 00543233 +00136984 _hypernym 00136329 +00835294 _derivationally_related_form 10660333 +02622969 _derivationally_related_form 14420240 +11766189 _hypernym 11765277 +12515925 _hypernym 11748002 +07252206 _derivationally_related_form 02554422 +08747737 _instance_hypernym 09203827 +01496617 _member_meronym 01498822 +03404449 _has_part 03454536 +00065184 _derivationally_related_form 02512305 +02324478 _hypernym 00126264 +08860123 _member_of_domain_region 04441528 +14350292 _hypernym 14336539 +01356750 _verb_group 01220885 +01810447 _derivationally_related_form 07306252 +14919272 _derivationally_related_form 00086835 +08821578 _has_part 08826306 +08306665 _hypernym 00031264 +08975902 _has_part 09304164 +00115667 _hypernym 00114431 +08860123 _member_of_domain_region 00479734 +05836275 _derivationally_related_form 01633343 +00309310 _derivationally_related_form 00377364 +02437465 _hypernym 02367363 +11867525 _member_meronym 11891050 +06260628 _synset_domain_topic_of 06277280 +11661207 _member_meronym 11662128 +01930485 _member_meronym 01930995 +04126659 _hypernym 03407122 +13751036 _hypernym 13750844 +01044114 _derivationally_related_form 10342543 +02071974 _hypernym 02066939 +08021129 _instance_hypernym 08392137 +13398469 _hypernym 13398241 +05321307 _has_part 05372290 +08705397 _member_of_domain_region 08016035 +14657566 _hypernym 14625458 +02732401 _synset_domain_topic_of 06000644 +09487022 _hypernym 09492123 +01046932 _derivationally_related_form 00868799 +00092293 _derivationally_related_form 13460299 +05696425 _derivationally_related_form 02257767 +11944569 _hypernym 11579418 +06759776 _hypernym 06759349 +00829378 _derivationally_related_form 02436349 +08860123 _member_of_domain_usage 07707451 +02297742 _derivationally_related_form 07185076 +11748330 _member_meronym 11748501 +02955065 _hypernym 04014297 +10621514 _derivationally_related_form 00849294 +02590237 _hypernym 01429349 +01746565 _hypernym 01657723 +02189714 _hypernym 02169891 +10032524 _hypernym 09624980 +12431128 _hypernym 11561228 +07360293 _hypernym 07359599 +02416751 _hypernym 02416278 +13801700 _hypernym 13801424 +02397251 _member_meronym 02397377 +00382010 _synset_domain_topic_of 06037666 +00004605 _derivationally_related_form 14842091 +00090253 _derivationally_related_form 00892698 +08356074 _hypernym 08401248 +03604843 _hypernym 03604629 +01042242 _hypernym 01028082 +12694707 _member_meronym 12699157 +07104574 _hypernym 07098193 +03953020 _hypernym 03297735 +02379528 _derivationally_related_form 15265518 +05143690 _derivationally_related_form 00205885 +05279688 _hypernym 05269901 +03664675 _hypernym 03183080 +00663682 _hypernym 00662589 +00325785 _derivationally_related_form 01922895 +07444495 _hypernym 07337390 +02493390 _hypernym 01864707 +09799607 _synset_domain_topic_of 08083599 +07341860 _hypernym 07341038 +01636675 _hypernym 01626600 +12690388 _member_meronym 12691834 +12501745 _member_meronym 12517820 +09769345 _derivationally_related_form 01150981 +04728786 _hypernym 04723816 +02235229 _derivationally_related_form 00213343 +00363788 _hypernym 00363260 +08994090 _has_part 03606719 +06232880 _derivationally_related_form 02922448 +00764902 _derivationally_related_form 00759551 +06100555 _hypernym 06090869 +02297635 _hypernym 01762525 +00540235 _hypernym 00153263 +01047338 _derivationally_related_form 02624806 +07254057 _derivationally_related_form 00770141 +09935233 _hypernym 10105085 +02176611 _member_meronym 02176747 +00868910 _derivationally_related_form 00637259 +10092299 _hypernym 10770059 +12758639 _hypernym 11562747 +12694486 _hypernym 11666854 +10291240 _derivationally_related_form 02142626 +00970215 _verb_group 00578508 +01040128 _hypernym 01039925 +13144511 _member_meronym 13145250 +01468058 _verb_group 01468327 +01976477 _hypernym 01342529 +00439343 _derivationally_related_form 05060783 +02007721 _hypernym 01504437 +11492388 _hypernym 11418750 +03754295 _hypernym 02704153 +03073977 _synset_domain_topic_of 06123363 +06075527 _derivationally_related_form 02734192 +13904011 _hypernym 13903079 +12256112 _hypernym 12205694 +00276214 _derivationally_related_form 14500047 +12667964 _hypernym 13112664 +05982152 _derivationally_related_form 00708980 +12423565 _member_meronym 12466450 +01170813 _derivationally_related_form 00775156 +12874996 _member_meronym 12875861 +04039848 _has_part 04021503 +09003284 _member_of_domain_region 09445289 +03916031 _hypernym 04447443 +00566569 _hypernym 00126264 +02333689 _derivationally_related_form 08651247 +13273550 _synset_domain_topic_of 13308999 +01074252 _hypernym 01073995 +01435380 _derivationally_related_form 06260121 +09087599 _instance_hypernym 08655464 +14666012 _hypernym 14662574 +02439568 _hypernym 02153445 +12893463 _hypernym 13103136 +06741099 _derivationally_related_form 00893741 +08984567 _has_part 09023321 +01093085 _derivationally_related_form 00161225 +05127782 _hypernym 05125377 +12663554 _member_meronym 12664187 +01726960 _member_meronym 01733634 +03334017 _hypernym 03072201 +08274565 _derivationally_related_form 02025009 +00101800 _derivationally_related_form 04835028 +01004062 _derivationally_related_form 04681387 +15190084 _hypernym 15199592 +00724081 _also_see 02464693 +11985739 _hypernym 12205694 +02055431 _member_meronym 02055803 +02329093 _hypernym 01342529 +14390466 _synset_domain_topic_of 06055946 +09267490 _derivationally_related_form 02222318 +00306314 _derivationally_related_form 05202497 +09714952 _derivationally_related_form 08888676 +10339504 _hypernym 10708454 +12357343 _hypernym 12355760 +02974003 _has_part 03971422 +02119874 _derivationally_related_form 10563711 +13321495 _hypernym 13320168 +01497458 _hypernym 01494310 +00238867 _derivationally_related_form 14780040 +05524430 _hypernym 05329735 +06469874 _hypernym 06467007 +07314658 _hypernym 07314427 +09148970 _has_part 09152570 +07986198 _hypernym 07996689 +13597585 _hypernym 13582013 +08727606 _instance_hypernym 08524735 +13774404 _derivationally_related_form 00453424 +09366762 _hypernym 09466280 +12565368 _hypernym 13104059 +13969243 _derivationally_related_form 00483181 +11694866 _hypernym 11693981 +01222477 _derivationally_related_form 01781180 +00203753 _hypernym 00203342 +09235244 _instance_hypernym 09233715 +13594585 _hypernym 13582013 +10751785 _derivationally_related_form 00605616 +07486229 _derivationally_related_form 01825237 +02431628 _hypernym 02430045 +13795180 _hypernym 13794417 +00980779 _derivationally_related_form 01506157 +12838027 _member_meronym 12868248 +04903678 _hypernym 04903368 +00774344 _hypernym 00775156 +05028700 _hypernym 05026843 +00114431 _derivationally_related_form 01505254 +02565324 _hypernym 02564720 +02738544 _hypernym 02738701 +02695079 _hypernym 02870092 +13904843 _derivationally_related_form 01558883 +00290579 _derivationally_related_form 02521816 +00622384 _derivationally_related_form 01266152 +09189157 _hypernym 09221571 +01857392 _derivationally_related_form 01053617 +02576921 _hypernym 02574516 +08041106 _instance_hypernym 08392137 +04418818 _hypernym 04296562 +02643316 _hypernym 02643112 +01946118 _member_meronym 01946487 +11160457 _instance_hypernym 10423589 +01146918 _hypernym 01090335 +05913994 _synset_domain_topic_of 06234825 +01546768 _hypernym 01494310 +02238085 _hypernym 02210855 +00588598 _hypernym 00586262 +01984317 _hypernym 01983771 +15073973 _hypernym 05407119 +01797051 _hypernym 01797347 +06084469 _derivationally_related_form 10421470 +06441973 _instance_hypernym 06455138 +02227487 _derivationally_related_form 07254594 +07413899 _derivationally_related_form 00237511 +01758019 _hypernym 01657723 +02321391 _derivationally_related_form 00781685 +08840749 _instance_hypernym 08544813 +02178866 _derivationally_related_form 07386370 +12318164 _member_meronym 12318965 +01288052 _derivationally_related_form 04181228 +09207288 _has_part 08957381 +02278830 _hypernym 02289295 +06781581 _derivationally_related_form 10493093 +00441824 _hypernym 00523513 +01571578 _member_meronym 01575270 +07109847 _derivationally_related_form 00983824 +02064745 _derivationally_related_form 04748836 +00560893 _derivationally_related_form 09433952 +12501745 _member_meronym 12567316 +13499165 _hypernym 13475538 +02480923 _derivationally_related_form 00766234 +12358485 _member_meronym 11565385 +07116443 _derivationally_related_form 01055661 +15171857 _has_part 15297069 +07578879 _derivationally_related_form 01195299 +01589286 _hypernym 01525720 +13939892 _hypernym 00024720 +00201671 _hypernym 00199130 +01952162 _member_meronym 01944217 +08779504 _has_part 08779830 +05553486 _derivationally_related_form 01424456 +06845599 _member_of_domain_usage 03433079 +05028159 _hypernym 05027529 +11011764 _instance_hypernym 10705448 +03199647 _derivationally_related_form 01167780 +02517768 _member_meronym 02518488 +01499898 _hypernym 01429349 +02064131 _derivationally_related_form 13774404 +01190948 _derivationally_related_form 07491038 +13450636 _hypernym 13459322 +00071178 _hypernym 00069879 +03746994 _hypernym 03845550 +12192373 _hypernym 11565385 +02080586 _hypernym 01864707 +06944156 _hypernym 06943771 +10002760 _derivationally_related_form 02521816 +08173515 _member_meronym 08984788 +08056231 _derivationally_related_form 10060352 +10303513 _derivationally_related_form 01232098 +02276078 _hypernym 02274822 +00607114 _hypernym 00597915 +01542567 _member_meronym 01543272 +02466134 _hypernym 02556126 +00143885 _hypernym 00635850 +09609871 _hypernym 00007846 +02139479 _hypernym 01342529 +04389033 _has_part 02950826 +01385330 _derivationally_related_form 03064239 +09876701 _synset_domain_topic_of 08083599 +06629610 _hypernym 06629392 +07420991 _synset_domain_topic_of 06099269 +02657219 _verb_group 02700104 +00731159 _derivationally_related_form 13354420 +11818945 _member_meronym 11821777 +11080745 _instance_hypernym 10705615 +09155306 _has_part 09156889 +00434374 _derivationally_related_form 00708017 +01663169 _member_meronym 01663659 +01223616 _hypernym 01222645 +01876907 _derivationally_related_form 07337390 +02016198 _member_meronym 02016358 +04947628 _derivationally_related_form 00038687 +01120900 _derivationally_related_form 00424934 +07757312 _hypernym 07757132 +10012377 _derivationally_related_form 01189224 +00547802 _derivationally_related_form 00625774 +13055009 _hypernym 11592146 +10303513 _hypernym 09939313 +01140514 _derivationally_related_form 05648459 +09292545 _instance_hypernym 09403734 +08230110 _hypernym 08227214 +00134136 _hypernym 00126264 +08574038 _hypernym 08560027 +06507941 _hypernym 06636524 +04211356 _hypernym 02851099 +01017550 _derivationally_related_form 01219004 +00339463 _hypernym 00338821 +02187510 _derivationally_related_form 07377682 +02024143 _derivationally_related_form 05147586 +04287153 _hypernym 03848729 +10776339 _derivationally_related_form 00909573 +02267529 _derivationally_related_form 10635460 +03739518 _hypernym 02913152 +08787695 _instance_hypernym 08574314 +08860123 _member_of_domain_region 13391118 +02044866 _hypernym 01835496 +13845239 _derivationally_related_form 02739254 +04657876 _hypernym 04623612 +00996817 _hypernym 00973077 +04173698 _derivationally_related_form 02163183 +07495551 _derivationally_related_form 02608090 +04637444 _hypernym 04645943 +07274027 _hypernym 06876309 +00623151 _derivationally_related_form 07170753 +01188725 _derivationally_related_form 14449405 +03035252 _hypernym 02954163 +12128825 _hypernym 12141495 +06845599 _member_of_domain_usage 03771066 +09164903 _instance_hypernym 08524735 +14031108 _derivationally_related_form 00406243 +06503224 _hypernym 06502378 +02589013 _hypernym 00878636 +12781241 _hypernym 11567411 +10000294 _hypernym 09960688 +03058107 _hypernym 03122748 +01705257 _derivationally_related_form 06763681 +03674440 _derivationally_related_form 02622234 +00796392 _derivationally_related_form 07255401 +02502916 _verb_group 00796976 +09991867 _hypernym 09622302 +01872645 _verb_group 01871979 +00045639 _derivationally_related_form 10644301 +01161695 _derivationally_related_form 00951433 +00741272 _derivationally_related_form 02464132 +00594580 _derivationally_related_form 10005280 +01555172 _member_meronym 01555305 +02601344 _hypernym 02554730 +10376523 _hypernym 09605289 +02701210 _derivationally_related_form 02964634 +13726074 _hypernym 13609507 +09695979 _hypernym 09686536 +01911339 _derivationally_related_form 00295172 +01051956 _derivationally_related_form 07243193 +02517265 _also_see 01705655 +01268112 _derivationally_related_form 10765189 +06845599 _member_of_domain_usage 03946532 +01222360 _also_see 01309991 +02818832 _derivationally_related_form 02337066 +01374020 _derivationally_related_form 00717748 +00744305 _hypernym 00732746 +07891433 _hypernym 07884567 +01474513 _derivationally_related_form 02443049 +07484547 _derivationally_related_form 00705517 +12100538 _member_meronym 12109189 +08779504 _has_part 08780282 +02875013 _derivationally_related_form 01467370 +00609506 _derivationally_related_form 05611302 +01087197 _derivationally_related_form 03420559 +10024621 _hypernym 10470779 +11649878 _hypernym 13108841 +00069879 _derivationally_related_form 00403783 +11804604 _member_meronym 11810918 +09141119 _instance_hypernym 08524735 +10690421 _hypernym 10726786 +00066025 _hypernym 00066191 +13872421 _hypernym 13864965 +08711974 _has_part 09463721 +02025043 _hypernym 02023341 +01026095 _derivationally_related_form 05763412 +13615036 _hypernym 13600822 +09042924 _instance_hypernym 08574314 +11502102 _derivationally_related_form 01524523 +10580535 _derivationally_related_form 13998263 +00688377 _derivationally_related_form 14001728 +00148057 _hypernym 00199707 +01921772 _derivationally_related_form 00325502 +11501381 _hypernym 11494638 +02502536 _hypernym 00802318 +06718862 _hypernym 06718543 +08775179 _instance_hypernym 08524735 +10225219 _derivationally_related_form 00698855 +01736669 _hypernym 01736299 +09099526 _has_part 09100394 +01574270 _hypernym 01507175 +05247369 _has_part 05247804 +10221777 _hypernym 10309896 +09150448 _instance_hypernym 08672738 +05913538 _hypernym 05913275 +07801091 _derivationally_related_form 01576165 +03820318 _synset_domain_topic_of 00478262 +10453533 _hypernym 09505153 +08082236 _has_part 08082602 +01594978 _derivationally_related_form 00358290 +11473138 _hypernym 11480698 +02067689 _derivationally_related_form 00329227 +01662274 _member_meronym 01666802 +12205308 _hypernym 11575425 +01377940 _hypernym 02028994 +00786458 _hypernym 00786816 +02763609 _hypernym 02763740 +10393909 _hypernym 10605985 +01874126 _member_meronym 01883212 +02456776 _hypernym 01862557 +00004819 _hypernym 00010241 +06799897 _derivationally_related_form 01276361 +12187030 _hypernym 11575425 +10085548 _hypernym 10419047 +00277811 _hypernym 00277376 +12100382 _hypernym 11534677 +02738760 _derivationally_related_form 09078231 +00589769 _derivationally_related_form 09893015 +02131418 _member_meronym 02131942 +02749768 _hypernym 01207951 +09614684 _derivationally_related_form 01128193 +05579944 _derivationally_related_form 02707429 +03845190 _derivationally_related_form 14966667 +00941990 _derivationally_related_form 07135734 +01342124 _hypernym 01340439 +00754956 _hypernym 00752431 +00510050 _also_see 00306314 +02097047 _derivationally_related_form 00076884 +13841863 _derivationally_related_form 02622033 +00708980 _derivationally_related_form 05981230 +14413993 _hypernym 13937554 +04188064 _hypernym 03322099 +00282652 _derivationally_related_form 04962062 +14562960 _hypernym 00024720 +00483801 _hypernym 01556921 +03234306 _derivationally_related_form 01690294 +01931768 _derivationally_related_form 08572467 +10455619 _derivationally_related_form 01688256 +01883716 _derivationally_related_form 00523513 +00993787 _hypernym 00945401 +05433496 _hypernym 05225602 +04756887 _derivationally_related_form 00337404 +07013736 _hypernym 07013549 +09044190 _instance_hypernym 08700255 +01523105 _hypernym 01522276 +09044862 _member_of_domain_region 09052314 +01955508 _derivationally_related_form 00121645 +01287431 _has_part 01293167 +05285623 _hypernym 05286536 +00918383 _derivationally_related_form 10186350 +12282235 _hypernym 12281241 +13291614 _hypernym 13290676 +08860123 _member_of_domain_region 04305323 +01587713 _hypernym 01507175 +02317488 _hypernym 08103777 +00804695 _also_see 00873603 +01468327 _verb_group 01468058 +02609203 _hypernym 02604760 +03554460 _hypernym 03733925 +03148920 _derivationally_related_form 01300937 +13109733 _hypernym 13104059 +01677242 _member_meronym 01677366 +07223811 _hypernym 07223170 +08206663 _synset_domain_topic_of 00759694 +11750989 _hypernym 13103136 +05039106 _synset_domain_topic_of 06084469 +01282289 _instance_hypernym 00956485 +11500968 _has_part 11499817 +07199191 _derivationally_related_form 00786458 +02223238 _derivationally_related_form 14857497 +05578442 _derivationally_related_form 02713097 +08888676 _member_of_domain_region 08019281 +13207736 _hypernym 13206817 +08509442 _derivationally_related_form 00332835 +06845599 _member_of_domain_usage 03295357 +02458675 _member_meronym 02458822 +00798539 _derivationally_related_form 07208000 +00813044 _verb_group 02166460 +02256010 _member_meronym 02256172 +08018983 _synset_domain_topic_of 00759694 +03673450 _hypernym 04508949 +11778391 _member_meronym 11794267 +05535095 _has_part 05573099 +11898639 _hypernym 13085113 +10592049 _hypernym 10129825 +08563627 _has_part 09141526 +05462315 _has_part 05480794 +09369169 _derivationally_related_form 01383393 +10154871 _hypernym 10481268 +00380083 _derivationally_related_form 00184117 +00264529 _hypernym 00264366 +11867525 _member_meronym 11888271 +12182414 _member_meronym 12182615 +01539633 _hypernym 01540449 +03060728 _hypernym 02670382 +05538215 _hypernym 05538016 +02892767 _hypernym 04508163 +01460108 _hypernym 01459791 +02930766 _hypernym 02958343 +10394786 _derivationally_related_form 06073888 +02518324 _hypernym 02517938 +01713348 _derivationally_related_form 00302861 +01854223 _member_meronym 01854700 +01578821 _hypernym 00173338 +08902894 _instance_hypernym 08574314 +08921850 _member_of_domain_region 10674713 +11667562 _member_meronym 12610933 +13954253 _derivationally_related_form 02603699 +01078235 _synset_domain_topic_of 00488225 +10787197 _derivationally_related_form 01037910 +05321307 _has_part 05322247 +01004072 _derivationally_related_form 02032415 +08908248 _instance_hypernym 09316454 +03271574 _hypernym 03320046 +13547199 _hypernym 13548105 +04096066 _has_part 02829696 +13589321 _synset_domain_topic_of 06018465 +07160635 _hypernym 07109196 +10731848 _derivationally_related_form 01921204 +14069895 _hypernym 14061805 +02105375 _also_see 02363358 +00506377 _synset_domain_topic_of 06084469 +01985797 _hypernym 01985128 +01979462 _hypernym 02018049 +08946909 _instance_hypernym 08544813 +00195617 _derivationally_related_form 08541288 +07220466 _hypernym 07217924 +07289014 _derivationally_related_form 01770501 +12379278 _member_meronym 12379781 +01350971 _hypernym 01593937 +01458842 _has_part 05520479 +06500937 _synset_domain_topic_of 08441203 +05753564 _synset_domain_topic_of 00883297 +09025728 _instance_hypernym 08524735 +04890865 _hypernym 04890112 +08408709 _synset_domain_topic_of 06148148 +00446514 _synset_domain_topic_of 06084469 +07971141 _hypernym 07970721 +08929922 _member_of_domain_region 01295373 +05890249 _derivationally_related_form 01743784 +02910789 _derivationally_related_form 05777439 +02275365 _derivationally_related_form 09925592 +08037861 _synset_domain_topic_of 00759694 +00064479 _also_see 01870889 +08962610 _has_part 08963244 +01928517 _hypernym 01922303 +11786539 _has_part 07736813 +02496913 _hypernym 02469914 +12552658 _member_meronym 12552893 +02039876 _hypernym 01976841 +02716866 _hypernym 02716205 +12423565 _hypernym 11556187 +02660164 _synset_domain_topic_of 06115701 +13962166 _derivationally_related_form 02616713 +07136940 _hypernym 07135734 +00186567 _hypernym 00515154 +04688246 _derivationally_related_form 01807882 +10453533 _derivationally_related_form 02879638 +13224454 _hypernym 13167078 +02491590 _member_meronym 02493673 +02219234 _member_meronym 02221240 +01619536 _hypernym 01618922 +06407221 _hypernym 06407094 +00788184 _derivationally_related_form 07193596 +01685960 _synset_domain_topic_of 00933420 +13969700 _derivationally_related_form 01765392 +06714288 _hypernym 06711855 +08769179 _instance_hypernym 08574314 +10767020 _hypernym 00007846 +00164801 _synset_domain_topic_of 00523513 +02567960 _member_meronym 02568087 +09306642 _instance_hypernym 09360122 +03130340 _hypernym 13910384 +02443049 _derivationally_related_form 10014939 +08022666 _synset_domain_topic_of 00759694 +12282737 _hypernym 12281241 +04637108 _hypernym 04635631 +02517169 _derivationally_related_form 02150948 +09031653 _has_part 09032981 +02406916 _verb_group 00765977 +01050627 _hypernym 01048912 +01588172 _also_see 01226240 +04209613 _hypernym 02873839 +00993014 _hypernym 00740577 +13193642 _hypernym 11545714 +10734394 _derivationally_related_form 00057665 +01967094 _hypernym 01956481 +13379413 _hypernym 13378518 +02802721 _hypernym 04285146 +01597737 _hypernym 01597336 +00277399 _derivationally_related_form 06503224 +09044862 _member_of_domain_region 08839092 +13463490 _derivationally_related_form 00570205 +00451648 _derivationally_related_form 03231912 +00136329 _hypernym 01173038 +03051540 _derivationally_related_form 03128583 +00488770 _derivationally_related_form 01253277 +00304422 _derivationally_related_form 05071027 +04787324 _derivationally_related_form 00302464 +02227487 _derivationally_related_form 07254836 +02933112 _hypernym 03405725 +01873144 _hypernym 01864707 +10592049 _hypernym 10548227 +01787693 _member_meronym 01787835 +01631759 _member_meronym 01631903 +00299580 _derivationally_related_form 05755486 +09044862 _member_of_domain_region 07722485 +10395209 _derivationally_related_form 05777830 +01679433 _hypernym 01675963 +00547493 _hypernym 00126264 +15004317 _hypernym 14732946 +00604321 _hypernym 00586262 +11911274 _member_meronym 12157276 +01166351 _also_see 01196802 +03328076 _derivationally_related_form 01115916 +01922895 _hypernym 01921964 +05611822 _derivationally_related_form 02392762 +02434834 _hypernym 01864707 +08347457 _hypernym 08342039 +09426788 _hypernym 09225146 +02620033 _hypernym 01429349 +12964750 _hypernym 11592146 +02671062 _hypernym 04564698 +02512305 _derivationally_related_form 01153548 +02639464 _hypernym 01432517 +03395859 _hypernym 03656484 +10255567 _hypernym 10503452 +01374587 _hypernym 01374020 +00983824 _derivationally_related_form 10743675 +00348008 _derivationally_related_form 01884577 +00575169 _verb_group 00574996 +02168876 _hypernym 01762525 +13148384 _hypernym 13100677 +00351334 _synset_domain_topic_of 00314469 +02812482 _derivationally_related_form 08552138 +14702875 _hypernym 14704640 +13984944 _hypernym 13984613 +09835506 _hypernym 09820263 +01844653 _hypernym 01846320 +00931040 _hypernym 00929718 +00604523 _hypernym 00586262 +01156438 _derivationally_related_form 00270215 +05930736 _derivationally_related_form 00142191 +00040685 _derivationally_related_form 14010148 +08477634 _derivationally_related_form 00606006 +03853734 _hypernym 03008565 +12717644 _has_part 07773700 +02500884 _derivationally_related_form 02256109 +02367131 _member_meronym 02367678 +09439433 _has_part 09314603 +08358332 _hypernym 07975026 +01804595 _hypernym 01803936 +08857682 _member_meronym 08948346 +07310991 _hypernym 07309781 +13200806 _hypernym 13167078 +10365984 _hypernym 09774783 +03594277 _hypernym 03525827 +01477806 _derivationally_related_form 01320872 +07090721 _derivationally_related_form 01964367 +13634615 _hypernym 13602526 +06125698 _derivationally_related_form 10312077 +10563711 _derivationally_related_form 02119874 +01728840 _derivationally_related_form 06714697 +03859958 _derivationally_related_form 02339413 +00625393 _derivationally_related_form 00019613 +07786686 _hypernym 07783210 +06437824 _instance_hypernym 06394865 +11301279 _instance_hypernym 10624540 +00299217 _derivationally_related_form 01958615 +12459471 _hypernym 11561228 +01849221 _also_see 01990281 +15152817 _hypernym 15144371 +02265177 _hypernym 01759182 +00433661 _hypernym 00523513 +01177033 _derivationally_related_form 02521410 +02596888 _member_meronym 02597004 +03604843 _hypernym 04594489 +00960562 _synset_domain_topic_of 06613686 +04371979 _has_part 03521076 +00236999 _synset_domain_topic_of 00243918 +00519363 _hypernym 00519056 +01487008 _derivationally_related_form 08008017 +00466053 _derivationally_related_form 01000068 +01420525 _hypernym 01416585 +08906952 _member_of_domain_region 06930934 +00801782 _hypernym 00800930 +12809365 _hypernym 12205694 +01836527 _hypernym 01507175 +01672753 _derivationally_related_form 03132879 +10368414 _hypernym 10042845 +03994008 _hypernym 03740161 +00887463 _derivationally_related_form 10077593 +01535246 _verb_group 02742842 +00874806 _derivationally_related_form 00660971 +05950733 _hypernym 05944958 +01387301 _derivationally_related_form 03965907 +08348815 _hypernym 08337324 +07501420 _derivationally_related_form 01778017 +02039377 _hypernym 01507175 +09887850 _derivationally_related_form 02487573 +01002956 _hypernym 00996969 +05155123 _hypernym 05154676 +02860919 _derivationally_related_form 14048441 +14700745 _hypernym 14755804 +08453722 _synset_domain_topic_of 08441203 +08849753 _member_of_domain_region 01278873 +06716234 _hypernym 06715638 +01229976 _derivationally_related_form 00135311 +14628119 _hypernym 14627820 +05982152 _hypernym 05980875 +02451370 _derivationally_related_form 05689249 +06669864 _hypernym 06732169 +08978821 _instance_hypernym 08574314 +14036735 _derivationally_related_form 02723016 +01204803 _derivationally_related_form 05146471 +01629000 _verb_group 01647672 +12015840 _hypernym 11579418 +14483917 _derivationally_related_form 01660994 +10472274 _hypernym 10332385 +14235793 _hypernym 14236226 +10434160 _hypernym 10671042 +13744916 _hypernym 13741022 +08401819 _hypernym 07947255 +01027924 _derivationally_related_form 06268567 +13855627 _hypernym 13854649 +04062644 _hypernym 04552348 +04692157 _derivationally_related_form 00263044 +10737103 _derivationally_related_form 02638444 +00756338 _hypernym 01011725 +02542598 _hypernym 01429349 +02185373 _hypernym 02176268 +09060768 _has_part 09064594 +02599784 _hypernym 01429349 +00284101 _hypernym 00284798 +15062284 _derivationally_related_form 00366020 +04215402 _derivationally_related_form 01267098 +06278136 _hypernym 07109019 +12862828 _hypernym 13112664 +08191230 _member_meronym 08190754 +02614812 _hypernym 02614387 +00273963 _derivationally_related_form 13453428 +08739669 _instance_hypernym 08524735 +01425983 _member_meronym 01426160 +13118569 _derivationally_related_form 13112664 +01904930 _derivationally_related_form 04544979 +13141564 _has_part 13141797 +00050037 _hypernym 00049003 +07134850 _hypernym 07133701 +11501737 _hypernym 11501381 +00659349 _hypernym 00177783 +10531227 _hypernym 09957156 +00219403 _derivationally_related_form 14779796 +02672187 _derivationally_related_form 09626238 +11014212 _instance_hypernym 10453533 +01812471 _hypernym 01507175 +09133010 _instance_hypernym 08655464 +02073545 _hypernym 02074677 +02420389 _hypernym 01864707 +03882058 _hypernym 04188643 +12861751 _member_meronym 12861892 +05731568 _hypernym 05731779 +02607909 _derivationally_related_form 00172710 +00857517 _hypernym 00983824 +00765193 _synset_domain_topic_of 00759694 +12929237 _member_meronym 12929783 +06845599 _member_of_domain_usage 03460674 +12018640 _member_meronym 12018760 +02394662 _derivationally_related_form 10648237 +05766247 _derivationally_related_form 00938247 +07762534 _hypernym 07705931 +00395797 _derivationally_related_form 00449692 +01084466 _hypernym 01111816 +01579813 _derivationally_related_form 00383390 +02158896 _hypernym 02158587 +02089984 _hypernym 01850315 +03990834 _hypernym 02949691 +02722782 _derivationally_related_form 14451349 +12555069 _hypernym 11585340 +05075602 _derivationally_related_form 01463963 +00421125 _derivationally_related_form 07443210 +01240979 _synset_domain_topic_of 08441203 +01329141 _derivationally_related_form 02713594 +00923793 _derivationally_related_form 06818121 +07097094 _hypernym 07096661 +10001058 _derivationally_related_form 01438304 +12378963 _has_part 07762534 +00947923 _derivationally_related_form 00273445 +02321391 _hypernym 02321757 +13971561 _hypernym 13970236 +00230276 _derivationally_related_form 00143251 +01431987 _derivationally_related_form 00144445 +04321238 _hypernym 04179385 +00490968 _derivationally_related_form 03046257 +08454191 _hypernym 08454003 +03455488 _hypernym 03743902 +12048231 _hypernym 11556857 +00265119 _derivationally_related_form 00164201 +01428580 _hypernym 02528163 +08083320 _member_meronym 09679925 +13547199 _synset_domain_topic_of 06084469 +13063936 _member_meronym 13064111 +01390833 _derivationally_related_form 03585875 +01767163 _verb_group 01765908 +07162680 _derivationally_related_form 00875394 +02553196 _member_meronym 02565728 +07407777 _derivationally_related_form 01377032 +07337390 _derivationally_related_form 02662297 +11115558 _instance_hypernym 10204177 +00372013 _derivationally_related_form 02304982 +10285762 _hypernym 09633969 +08895497 _instance_hypernym 08633957 +01127795 _derivationally_related_form 08081403 +12289744 _member_meronym 12299165 +10035809 _hypernym 10241300 +08209519 _member_meronym 10671042 +11630890 _hypernym 15098161 +06681177 _hypernym 06634376 +09110422 _has_part 09110784 +02159271 _member_meronym 02163616 +05832745 _derivationally_related_form 00750532 +01755740 _hypernym 01754876 +02870453 _derivationally_related_form 05722208 +03137579 _hypernym 02886599 +13484644 _hypernym 13536016 +10525134 _derivationally_related_form 01819554 +06789411 _hypernym 05943300 +01549905 _derivationally_related_form 04691178 +00597915 _derivationally_related_form 09801864 +02446164 _derivationally_related_form 00583461 +07961480 _derivationally_related_form 01503404 +02819474 _hypernym 08674739 +09820044 _derivationally_related_form 05980256 +01583494 _hypernym 01582645 +00918312 _derivationally_related_form 05775407 +01588297 _hypernym 01587062 +01929467 _derivationally_related_form 07398659 +07322550 _instance_hypernym 07323231 +07248801 _derivationally_related_form 00976653 +01870889 _derivationally_related_form 05157866 +02262178 _hypernym 02159955 +03192347 _hypernym 02716205 +08920722 _has_part 08925552 +00476819 _derivationally_related_form 14445379 +11719468 _member_meronym 11728350 +01986367 _derivationally_related_form 07362218 +02215001 _derivationally_related_form 10785695 +11253097 _instance_hypernym 10231515 +01696135 _derivationally_related_form 00263947 +01320009 _derivationally_related_form 10132641 +04750547 _hypernym 04750164 +09086173 _has_part 09087450 +11220461 _instance_hypernym 10585496 +02194078 _hypernym 01762525 +00592795 _derivationally_related_form 10140314 +00479176 _hypernym 01323958 +01970866 _member_meronym 01972017 +08101410 _hypernym 07993929 +00105624 _derivationally_related_form 01606574 +02185664 _hypernym 02176268 +04593866 _hypernym 03093792 +10508862 _hypernym 10266328 +00100551 _derivationally_related_form 03472232 +08836329 _has_part 08907606 +09627906 _hypernym 09764201 +05775407 _hypernym 05775081 +00900375 _hypernym 00898518 +06708167 _hypernym 06706676 +09304750 _derivationally_related_form 01282545 +11692265 _has_part 11691046 +00225786 _derivationally_related_form 01570935 +08973330 _instance_hypernym 08698379 +11759049 _hypernym 11585340 +01072949 _derivationally_related_form 00557588 +06254007 _hypernym 06253690 +10509605 _derivationally_related_form 05151869 +12328241 _hypernym 11567411 +00102586 _derivationally_related_form 00403092 +00758525 _hypernym 00757730 +02808695 _hypernym 03733925 +00154433 _derivationally_related_form 00666510 +01105737 _hypernym 01105259 +10747672 _hypernym 10630188 +12735160 _hypernym 13104059 +03030035 _hypernym 04103491 +00818553 _derivationally_related_form 06732925 +01906328 _hypernym 07940865 +01227137 _also_see 01222884 +02072493 _hypernym 02062744 +02590072 _derivationally_related_form 01208597 +13095685 _hypernym 13086908 +00176618 _hypernym 00173338 +00551585 _hypernym 00548326 +04448511 _hypernym 04353189 +09050730 _has_part 09090825 +02782093 _derivationally_related_form 09835348 +14496977 _hypernym 14496710 +10245863 _derivationally_related_form 08646902 +14516743 _derivationally_related_form 00492706 +01936219 _member_meronym 01936671 +06990836 _hypernym 06986558 +04456276 _derivationally_related_form 00071178 +00668099 _derivationally_related_form 04638175 +03082979 _has_part 03209910 +06547059 _hypernym 06552984 +07084166 _derivationally_related_form 01049737 +07154666 _hypernym 07154330 +08860123 _member_of_domain_region 10601526 +02627555 _derivationally_related_form 04353803 +00945205 _derivationally_related_form 00201722 +07786686 _derivationally_related_form 01383947 +05032565 _hypernym 05029706 +01640550 _derivationally_related_form 00928077 +02538730 _member_meronym 02538985 +07296428 _hypernym 07283608 +02723733 _derivationally_related_form 05820620 +01223182 _hypernym 00140967 +00153263 _derivationally_related_form 13754293 +01739814 _derivationally_related_form 00916464 +00478830 _hypernym 00179311 +05784242 _hypernym 05785508 +01184814 _derivationally_related_form 02372605 +07071942 _hypernym 07020895 +07828378 _hypernym 07809368 +12238306 _member_meronym 12238491 +01850315 _verb_group 01835496 +11697158 _member_meronym 11697388 +00007846 _derivationally_related_form 00727573 +09023321 _has_part 09027292 +01378556 _derivationally_related_form 07445896 +02000288 _derivationally_related_form 06787037 +00044797 _derivationally_related_form 10033225 +02341684 _hypernym 02339413 +05750163 _hypernym 05749619 +01628449 _derivationally_related_form 00643250 +09985279 _derivationally_related_form 01552519 +00189565 _hypernym 00186634 +10801291 _derivationally_related_form 00993014 +10451858 _hypernym 09831962 +00044149 _verb_group 00044797 +02744323 _hypernym 03519981 +10175725 _synset_domain_topic_of 02691156 +05667951 _hypernym 05667613 +01387208 _hypernym 08220891 +02123672 _also_see 02126022 +02598143 _derivationally_related_form 01229938 +08719705 _instance_hypernym 08524735 +00136800 _derivationally_related_form 13934900 +05916306 _hypernym 05916155 +11746776 _member_meronym 12556307 +14175165 _hypernym 14178913 +14213328 _derivationally_related_form 02034671 +14283178 _hypernym 14276936 +02650552 _derivationally_related_form 03547054 +13859043 _hypernym 00031921 +02558172 _derivationally_related_form 14477667 +05689249 _derivationally_related_form 01085474 +02658979 _verb_group 00713996 +02284662 _hypernym 02289295 +13233548 _hypernym 11567411 +01784799 _hypernym 01790020 +02015598 _derivationally_related_form 00053097 +02264179 _hypernym 02263346 +11544769 _member_meronym 13167078 +01222360 _also_see 02464693 +05150588 _hypernym 04723816 +00331514 _derivationally_related_form 01175316 +00417001 _hypernym 00126264 +10395390 _derivationally_related_form 02570267 +08559155 _hypernym 08558963 +08695198 _hypernym 08518505 +07122118 _hypernym 07120524 +06845599 _member_of_domain_usage 03826443 +04595855 _derivationally_related_form 02354536 +03150232 _hypernym 03736970 +01942724 _member_meronym 01942869 +00045064 _hypernym 00044149 +09798811 _hypernym 10016103 +14441825 _derivationally_related_form 00791227 +00852685 _derivationally_related_form 06777164 +00400101 _hypernym 00126264 +00069166 _derivationally_related_form 14898470 +02179429 _member_meronym 02180046 +00977301 _derivationally_related_form 01123887 +01635343 _hypernym 01626600 +05448704 _hypernym 05449959 +06201042 _hypernym 06200741 +09409512 _hypernym 09366317 +01254685 _hypernym 00545501 +01826378 _hypernym 00752764 +03344935 _hypernym 03812924 +04954683 _derivationally_related_form 01119421 +12984802 _hypernym 11594676 +02772554 _hypernym 04285146 +01052301 _derivationally_related_form 07379409 +03273740 _hypernym 04580493 +09958724 _hypernym 10640620 +02691156 _has_part 04590553 +02542280 _derivationally_related_form 04641153 +07020538 _hypernym 02743547 +01493380 _derivationally_related_form 08615638 +02478059 _derivationally_related_form 00231567 +01363482 _derivationally_related_form 00717208 +12681768 _hypernym 11579418 +05677504 _derivationally_related_form 00272391 +02696306 _hypernym 02696129 +04932875 _hypernym 04932278 +02838592 _derivationally_related_form 00903559 +03782190 _hypernym 03211117 +01495192 _hypernym 01429349 +01505254 _derivationally_related_form 10032676 +02352019 _hypernym 02252931 +00675219 _hypernym 00671351 +00573530 _synset_domain_topic_of 00464894 +09897350 _synset_domain_topic_of 06043075 +09140148 _member_of_domain_region 01275389 +06535222 _hypernym 08453464 +03230785 _derivationally_related_form 01683582 +00834135 _derivationally_related_form 00986173 +10174695 _derivationally_related_form 08891595 +02038010 _hypernym 01507175 +09773245 _derivationally_related_form 00775831 +02876657 _hypernym 04531098 +06976680 _hypernym 06976392 +00782057 _derivationally_related_form 10623354 +02418064 _hypernym 02401031 +03822951 _has_part 02837134 +03160309 _hypernym 02796623 +06999233 _derivationally_related_form 01668421 +01531265 _derivationally_related_form 04073669 +00417001 _derivationally_related_form 13874073 +02117170 _hypernym 02116118 +04474035 _derivationally_related_form 01953810 +03082979 _has_part 02924713 +00901799 _derivationally_related_form 06397903 +10610850 _hypernym 10641755 +13067191 _hypernym 13066129 +06837572 _hypernym 06828818 +12750306 _hypernym 11666854 +09889346 _hypernym 10350896 +08914413 _instance_hypernym 08524735 +12402596 _hypernym 12401335 +00101956 _derivationally_related_form 13543871 +02670683 _derivationally_related_form 00173159 +10741821 _hypernym 10063461 +00588797 _derivationally_related_form 14412882 +07392483 _hypernym 07387509 +10667709 _hypernym 09943239 +00338736 _hypernym 00338071 +05303232 _hypernym 05249636 +04007664 _derivationally_related_form 01231252 +00482180 _hypernym 00126264 +00944924 _hypernym 00634472 +12496427 _hypernym 13104059 +09935434 _derivationally_related_form 02371684 +08196230 _has_part 08196622 +12257920 _member_meronym 12258101 +09152944 _has_part 09405169 +10170359 _hypernym 09792237 +11132245 _instance_hypernym 09805475 +10274815 _hypernym 10736602 +10269458 _hypernym 10700201 +10709529 _hypernym 00007846 +04703235 _derivationally_related_form 02161922 +08780881 _has_part 08786432 +10034201 _derivationally_related_form 01170052 +00198118 _synset_domain_topic_of 08441203 +11989636 _member_meronym 11990313 +01650901 _hypernym 01650167 +07157273 _member_of_domain_usage 09682122 +01637982 _derivationally_related_form 05808218 +00935247 _derivationally_related_form 10460806 +05200169 _derivationally_related_form 00001740 +02460619 _hypernym 00888786 +02394662 _derivationally_related_form 10005280 +04754862 _hypernym 04753455 +04218383 _hypernym 04537602 +07381423 _hypernym 07387509 +04715947 _hypernym 04715487 +01764586 _hypernym 01787822 +03733925 _hypernym 03574816 +15262120 _hypernym 15113229 +10938640 _instance_hypernym 10624540 +01127245 _derivationally_related_form 02504562 +00390198 _derivationally_related_form 00190023 +10155849 _derivationally_related_form 05256862 +07468244 _hypernym 07467846 +04318131 _synset_domain_topic_of 00463543 +03062280 _derivationally_related_form 08559155 +09846755 _hypernym 10078806 +08860123 _member_of_domain_region 00854393 +11875100 _member_meronym 11877860 +01069638 _hypernym 02255268 +02273545 _member_meronym 02277556 +04441282 _hypernym 04429169 +09128947 _instance_hypernym 08524735 +11973888 _hypernym 11579418 +14542579 _hypernym 14541852 +01055404 _hypernym 00978549 +12979630 _hypernym 11592146 +03354903 _hypernym 03282591 +12173407 _hypernym 11575425 +10583387 _derivationally_related_form 08374049 +05318407 _hypernym 05397468 +00506299 _derivationally_related_form 04829550 +02014165 _derivationally_related_form 00053097 +11839297 _hypernym 11573660 +09691858 _hypernym 09729530 +09978697 _hypernym 10629647 +01279015 _hypernym 01278427 +13593219 _derivationally_related_form 00733250 +00440580 _derivationally_related_form 13556509 +08286163 _member_meronym 08282696 +11124647 _instance_hypernym 10088390 +01415605 _derivationally_related_form 05209324 +11743109 _hypernym 11555413 +12613596 _member_meronym 12613706 +02067941 _hypernym 01862557 +00263682 _derivationally_related_form 02655020 +01472807 _derivationally_related_form 05953416 +01884383 _hypernym 01831531 +05777830 _hypernym 05776212 +13245846 _synset_domain_topic_of 02958343 +10656223 _derivationally_related_form 00390842 +08482577 _hypernym 08337324 +00383093 _hypernym 00382635 +13632744 _hypernym 13602526 +08385009 _derivationally_related_form 02486232 +14040846 _derivationally_related_form 00211396 +01103788 _hypernym 01094725 +08740875 _has_part 09434661 +12183916 _hypernym 11575425 +00596807 _derivationally_related_form 10468750 +00575561 _hypernym 00173338 +08857682 _instance_hypernym 08574314 +01779165 _derivationally_related_form 04143712 +10225931 _synset_domain_topic_of 08199025 +03996416 _derivationally_related_form 01309701 +04747445 _hypernym 04744814 +02066450 _member_meronym 02067941 +00632236 _derivationally_related_form 05781347 +09151800 _instance_hypernym 09229409 +10444194 _derivationally_related_form 01702514 +04639732 _hypernym 04639371 +00241245 _synset_domain_topic_of 00480993 +04328329 _hypernym 04540547 +12732009 _hypernym 12731401 +07003672 _hypernym 07000195 +10699262 _derivationally_related_form 09270894 +11937965 _member_meronym 11938732 +04806512 _hypernym 04671394 +02913152 _has_part 03365991 +02259005 _derivationally_related_form 07443761 +08766988 _member_of_domain_region 01285305 +09148970 _has_part 09151516 +01907258 _hypernym 01831531 +01221790 _derivationally_related_form 01820901 +01957739 _member_meronym 01958038 +00682781 _hypernym 00681429 +01881696 _derivationally_related_form 05775407 +01354149 _hypernym 01352059 +11502102 _hypernym 11501381 +15196537 _has_part 15196746 +01589217 _also_see 01227137 +00758175 _hypernym 00757730 +13296460 _hypernym 13260190 +09053185 _has_part 09255921 +06906971 _derivationally_related_form 02611442 +05644922 _hypernym 00023271 +03519981 _hypernym 04096066 +09165613 _has_part 09471638 +03346455 _has_part 03719343 +05555473 _hypernym 05221895 +01576506 _member_meronym 01577818 +02022135 _member_meronym 02039942 +02504562 _derivationally_related_form 00156812 +10350896 _hypernym 10423589 +11512650 _hypernym 11512818 +02360448 _derivationally_related_form 14530061 +01993212 _hypernym 01992503 +01901447 _derivationally_related_form 02388276 +04626280 _derivationally_related_form 00853776 +08032955 _synset_domain_topic_of 00759694 +01254013 _derivationally_related_form 02668393 +00639148 _hypernym 00637259 +01592072 _derivationally_related_form 00335988 +08799123 _instance_hypernym 08574314 +00348746 _derivationally_related_form 00235435 +02735418 _hypernym 02604760 +02373843 _member_meronym 02390101 +02417504 _derivationally_related_form 01065441 +01111816 _hypernym 01111028 +02456962 _hypernym 02453611 +15212739 _has_part 15213008 +02612762 _derivationally_related_form 01233397 +00269423 _hypernym 02213690 +03966751 _derivationally_related_form 01248023 +00676834 _hypernym 01076046 +00309792 _derivationally_related_form 07390400 +02279819 _member_meronym 02279972 +10503247 _hypernym 09977660 +00343249 _hypernym 00342028 +02504770 _hypernym 02503517 +09775663 _hypernym 10249950 +09189411 _has_part 09029242 +11501230 _derivationally_related_form 02079933 +12664710 _hypernym 13162297 +00218208 _derivationally_related_form 00470701 +01270175 _derivationally_related_form 05060189 +08860123 _member_of_domain_region 05601357 +07450343 _hypernym 07447641 +00171127 _derivationally_related_form 13800801 +05919034 _derivationally_related_form 00921072 +00829378 _derivationally_related_form 02475922 +12914731 _hypernym 11579418 +02337480 _hypernym 01864707 +00095121 _derivationally_related_form 02520509 +12853080 _hypernym 12205694 +09238674 _instance_hypernym 09403734 +01729431 _derivationally_related_form 10599806 +00506658 _hypernym 00430140 +06729864 _derivationally_related_form 02275365 +12784543 _hypernym 11566682 +11854479 _hypernym 11842204 +00729378 _hypernym 00785008 +11465017 _derivationally_related_form 01902783 +03142431 _synset_domain_topic_of 01032368 +00196364 _derivationally_related_form 04694090 +14327707 _hypernym 14326607 +07048000 _hypernym 07037465 +11851395 _hypernym 11573660 +02547014 _hypernym 01428580 +01942347 _synset_domain_topic_of 00300441 +10198832 _hypernym 09622302 +02618877 _derivationally_related_form 11553240 +02395395 _derivationally_related_form 01140839 +11777779 _hypernym 11567411 +02582437 _member_meronym 02582591 +01319874 _also_see 00923321 +04617562 _has_part 04623113 +12307611 _hypernym 11567411 +12031739 _hypernym 11579418 +08279800 _synset_domain_topic_of 08199025 +00611143 _derivationally_related_form 10249950 +00828082 _hypernym 00817680 +05615147 _hypernym 05614657 +08588294 _derivationally_related_form 00729781 +07289956 _has_part 07307477 +01294791 _instance_hypernym 00956485 +02293915 _hypernym 02293321 +03528263 _hypernym 02729837 +05890963 _hypernym 05890249 +01215719 _hypernym 01212519 +00441445 _derivationally_related_form 07355887 +05058580 _hypernym 05044528 +04047401 _derivationally_related_form 02711543 +00546192 _derivationally_related_form 01253060 +07144190 _hypernym 07140659 +00342755 _derivationally_related_form 02048891 +02194286 _derivationally_related_form 05715864 +11875100 _member_meronym 11877283 +01698271 _derivationally_related_form 10794014 +14386590 _derivationally_related_form 02662076 +04635104 _derivationally_related_form 00038750 +09944763 _hypernym 10307234 +08726463 _instance_hypernym 08654360 +07291794 _derivationally_related_form 01620854 +01181295 _hypernym 01182709 +04426788 _derivationally_related_form 01521912 +01872645 _hypernym 01447257 +00430191 _also_see 00533851 +00613973 _hypernym 00610373 +07140978 _derivationally_related_form 00773432 +04275363 _hypernym 09477037 +03925226 _derivationally_related_form 13536794 +05967191 _derivationally_related_form 10191388 +00064095 _derivationally_related_form 09784443 +01583636 _hypernym 01507175 +15273626 _derivationally_related_form 02701445 +05708818 _synset_domain_topic_of 06136258 +00645365 _hypernym 00635850 +06698252 _hypernym 06697331 +07656077 _hypernym 07653394 +00553407 _hypernym 00109660 +00845909 _derivationally_related_form 06717170 +00479933 _derivationally_related_form 14446652 +03894379 _hypernym 04341686 +00101800 _derivationally_related_form 10047459 +06653363 _hypernym 06652242 +09209263 _has_part 08953151 +00151497 _derivationally_related_form 00700708 +14018567 _derivationally_related_form 00088532 +02514187 _hypernym 02376958 +08945110 _has_part 08936647 +01271189 _hypernym 01332730 +01060746 _hypernym 00740577 +13963970 _synset_domain_topic_of 08441203 +07352048 _hypernym 07309781 +01017987 _derivationally_related_form 02684924 +01886220 _member_meronym 02074915 +02420430 _hypernym 02420232 +00839526 _hypernym 00838043 +02345048 _derivationally_related_form 00777439 +12076577 _hypernym 12041446 +07524242 _hypernym 07523905 +03242713 _derivationally_related_form 02057656 +05718935 _synset_domain_topic_of 07020895 +12456527 _member_meronym 12457091 +08917503 _derivationally_related_form 02690613 +12070950 _hypernym 11556857 +01885367 _member_meronym 01885498 +04683814 _derivationally_related_form 01675963 +02433796 _hypernym 01864707 +00290302 _derivationally_related_form 05036394 +00400427 _derivationally_related_form 00192300 +15233047 _instance_hypernym 15113229 +01066775 _hypernym 00941990 +08860123 _member_of_domain_region 03777126 +08059870 _hypernym 08061042 +10770767 _derivationally_related_form 00228236 +00911327 _also_see 02238462 +09869830 _hypernym 09610405 +00566322 _derivationally_related_form 10787470 +12225769 _hypernym 15098161 +00816143 _hypernym 00815686 +08766988 _instance_hypernym 08696931 +01972298 _verb_group 02756821 +00135013 _derivationally_related_form 06769238 +02146526 _hypernym 01864707 +09945905 _hypernym 10112591 +06254669 _hypernym 03575240 +00668099 _hypernym 00802318 +07817315 _hypernym 07811416 +09503877 _has_part 09504915 +13265011 _derivationally_related_form 02200686 +05736593 _derivationally_related_form 00695761 +09028062 _instance_hypernym 08552138 +00399074 _verb_group 00399368 +14658109 _derivationally_related_form 00497391 +02140970 _member_meronym 02142064 +00672433 _also_see 00673766 +03608074 _hypernym 03335030 +12257343 _member_meronym 12257570 +14890659 _derivationally_related_form 02751597 +01661404 _member_meronym 01661592 +00075998 _hypernym 00075021 +10325549 _hypernym 10325243 +02214972 _member_meronym 02215941 +00640385 _derivationally_related_form 13733402 +12194613 _hypernym 13104059 +02673134 _hypernym 00456740 +06743230 _hypernym 06742932 +13946760 _hypernym 13945919 +10561861 _derivationally_related_form 00844941 +00431327 _verb_group 00431117 +00335814 _derivationally_related_form 00386715 +11395199 _instance_hypernym 10794014 +07305234 _hypernym 07289014 +01563336 _hypernym 01563005 +02148788 _derivationally_related_form 10003120 +12313005 _member_meronym 11564734 +04407686 _has_part 03073977 +12169526 _member_meronym 12169776 +08012028 _synset_domain_topic_of 00759694 +00398427 _hypernym 00397953 +02551824 _member_meronym 02641825 +07997703 _hypernym 07951464 +00090386 _derivationally_related_form 00839292 +07255401 _derivationally_related_form 00795863 +01317723 _derivationally_related_form 10575787 +09815790 _derivationally_related_form 02556126 +08729283 _instance_hypernym 08524735 +08414381 _hypernym 07965085 +11160200 _instance_hypernym 10453533 +00679389 _derivationally_related_form 00198631 +08801678 _has_part 09349192 +01140658 _derivationally_related_form 02395603 +11816336 _hypernym 11815491 +02639312 _hypernym 01429349 +00276342 _synset_domain_topic_of 06077413 +01128984 _hypernym 01123598 +01807882 _derivationally_related_form 04688246 +10340312 _derivationally_related_form 00543233 +03156990 _synset_domain_topic_of 05841985 +08521816 _hypernym 08620061 +09086793 _instance_hypernym 08524735 +07111047 _derivationally_related_form 00745187 +04167759 _derivationally_related_form 01992251 +05095111 _hypernym 05094725 +09900981 _derivationally_related_form 01292885 +01943949 _hypernym 01968569 +05596651 _has_part 05279407 +01197980 _hypernym 01156834 +06295235 _member_of_domain_usage 06843838 +05232691 _hypernym 05230603 +03287459 _hypernym 03299929 +00911752 _derivationally_related_form 01982866 +00583990 _derivationally_related_form 04734885 +10462429 _hypernym 09767197 +02465658 _derivationally_related_form 14427633 +04321534 _derivationally_related_form 02285392 +07075172 _member_of_domain_usage 10638136 +03936568 _hypernym 03225238 +08945110 _instance_hypernym 08574314 +01248782 _derivationally_related_form 00359903 +12782108 _member_meronym 12782774 +07075172 _member_of_domain_usage 05601357 +11083656 _derivationally_related_form 02952275 +01549719 _hypernym 01548718 +04512476 _instance_hypernym 04511002 +09148970 _member_of_domain_region 01279342 +13990064 _derivationally_related_form 00475819 +15232712 _instance_hypernym 15113229 +03751065 _derivationally_related_form 01176079 +10156629 _hypernym 10020890 +00887081 _derivationally_related_form 02981759 +00429048 _hypernym 00426928 +03623556 _has_part 03474896 +11455901 _synset_domain_topic_of 06070929 +00487874 _derivationally_related_form 02001858 +07567707 _hypernym 07566340 +01865197 _also_see 01001689 +08860123 _member_of_domain_region 11536230 +01801371 _hypernym 01507175 +02175057 _hypernym 02176268 +00056912 _synset_domain_topic_of 08199025 +01436139 _verb_group 02085573 +00266391 _synset_domain_topic_of 06084469 +00452220 _derivationally_related_form 11454591 +01077350 _derivationally_related_form 00796588 +02338029 _hypernym 01864707 +02980625 _derivationally_related_form 01077329 +15178694 _hypernym 15173479 +02278061 _hypernym 02321757 +00830761 _derivationally_related_form 10630188 +14333433 _derivationally_related_form 00071178 +07379223 _derivationally_related_form 02186506 +07221756 _hypernym 06514093 +00654625 _derivationally_related_form 07997703 +01119950 _hypernym 01120069 +03039087 _derivationally_related_form 09681351 +13564215 _derivationally_related_form 00553616 +10754281 _derivationally_related_form 02579447 +13068434 _hypernym 13066129 +12557995 _hypernym 12556307 +05566097 _has_part 05581693 +00121366 _hypernym 00121166 +02045043 _also_see 02676496 +07358377 _hypernym 07288801 +02216710 _derivationally_related_form 13385583 +01876907 _verb_group 01877204 +04692638 _hypernym 04692157 +00362128 _derivationally_related_form 13877918 +01155687 _hypernym 01138523 +08726745 _has_part 08727396 +02154312 _derivationally_related_form 00151087 +11746776 _member_meronym 11752404 +01316401 _derivationally_related_form 00945401 +06783768 _hypernym 06599788 +00111129 _synset_domain_topic_of 06163751 +08860123 _member_of_domain_region 07468244 +02629716 _hypernym 02623445 +09189411 _has_part 08699654 +03172211 _synset_domain_topic_of 02691156 +13518963 _derivationally_related_form 00040325 +11416087 _hypernym 11410625 +12153393 _hypernym 11556857 +14828683 _derivationally_related_form 01360899 +02601808 _verb_group 02601996 +02939866 _hypernym 03733925 +03028465 _derivationally_related_form 09808080 +09440400 _has_part 08711974 +00667942 _derivationally_related_form 13960464 +08703035 _hypernym 08702805 +01935233 _hypernym 01995549 +11541919 _hypernym 11537886 +14625458 _hypernym 14622893 +01666717 _synset_domain_topic_of 05750657 +13258362 _derivationally_related_form 02291548 +02898750 _derivationally_related_form 05618056 +06705984 _hypernym 06696483 +13722522 _hypernym 13716686 +14436029 _hypernym 13948136 +01673472 _hypernym 01672014 +00029336 _derivationally_related_form 06878580 +09841188 _derivationally_related_form 05638778 +07432559 _hypernym 07405893 +01607103 _hypernym 01507175 +14752057 _hypernym 14751417 +01115349 _also_see 02460502 +00675064 _hypernym 00671351 +02080022 _hypernym 01864707 +09429934 _instance_hypernym 09403734 +06340047 _hypernym 06339416 +00553407 _synset_domain_topic_of 06000644 +00948853 _derivationally_related_form 13582013 +13121544 _has_part 13154586 +02955540 _derivationally_related_form 01670315 +04566257 _derivationally_related_form 02334756 +00327031 _derivationally_related_form 08358594 +09762101 _derivationally_related_form 00924873 +10492202 _derivationally_related_form 01454810 +06028904 _synset_domain_topic_of 06018465 +07206302 _hypernym 07206096 +01898129 _also_see 01996377 +01264050 _hypernym 00037396 +02359204 _hypernym 01864707 +14436438 _derivationally_related_form 02164402 +08172103 _member_meronym 08969291 +02248808 _synset_domain_topic_of 06128570 +09011518 _instance_hypernym 08691669 +14050143 _derivationally_related_form 00559102 +00947596 _hypernym 00947128 +07809096 _hypernym 07566340 +00337903 _hypernym 00338071 +00943563 _hypernym 00941990 +01489161 _derivationally_related_form 02878222 +00954608 _derivationally_related_form 10490699 +02241184 _member_meronym 02241569 +02429695 _member_meronym 02432867 +06075527 _hypernym 06037666 +05118437 _hypernym 05118251 +02490964 _member_meronym 02491107 +01640550 _derivationally_related_form 03178782 +00964478 _derivationally_related_form 07011387 +12882321 _hypernym 11579418 +00398704 _derivationally_related_form 00383542 +05142180 _hypernym 04723816 +05162217 _derivationally_related_form 00177963 +00607780 _derivationally_related_form 05833840 +14110411 _derivationally_related_form 00443116 +00601378 _derivationally_related_form 00277569 +01787191 _member_meronym 01787401 +12629187 _hypernym 11585340 +05003273 _hypernym 05002822 +05683390 _derivationally_related_form 00784874 +05822746 _derivationally_related_form 00734054 +14472111 _hypernym 14465048 +07963711 _hypernym 07951464 +06784639 _derivationally_related_form 01831308 +08860123 _member_of_domain_region 07448232 +01983481 _hypernym 01983048 +08723006 _has_part 08726305 +01369758 _also_see 00643473 +01690294 _verb_group 01582645 +02698178 _hypernym 02697950 +02665282 _derivationally_related_form 04747445 +01726390 _member_meronym 01753721 +10335246 _derivationally_related_form 01797347 +10745332 _derivationally_related_form 02420991 +00904878 _derivationally_related_form 01241594 +12532886 _hypernym 12205694 +11295196 _derivationally_related_form 03027335 +03663433 _hypernym 03841666 +01002740 _verb_group 01003249 +06877849 _derivationally_related_form 00033852 +13329047 _hypernym 13328853 +15142167 _hypernym 15265518 +11810190 _hypernym 11573660 +00759551 _derivationally_related_form 00764902 +09031061 _instance_hypernym 08691669 +02840619 _derivationally_related_form 00185857 +01679339 _hypernym 01675963 +02732798 _verb_group 02701210 +10611613 _derivationally_related_form 00785690 +01685601 _synset_domain_topic_of 06123363 +11871059 _hypernym 11868814 +01718952 _derivationally_related_form 09887034 +06320569 _has_part 06318062 +01673668 _member_meronym 01694430 +00086297 _derivationally_related_form 01302365 +01518564 _member_meronym 01518718 +01807882 _derivationally_related_form 00166146 +01560984 _hypernym 01556921 +12593122 _hypernym 12582846 +11875100 _member_meronym 11878633 +12788201 _hypernym 13112664 +15247110 _hypernym 15246853 +08595054 _hypernym 08594286 +07519040 _derivationally_related_form 01803003 +08780720 _instance_hypernym 08665504 +13235503 _hypernym 13233727 +00140112 _hypernym 00138956 +12050766 _member_meronym 12050959 +03918737 _hypernym 03277771 +01912893 _verb_group 01904930 +14724645 _hypernym 14724436 +01323958 _derivationally_related_form 10231087 +11693812 _member_meronym 11693981 +00658082 _has_part 04074482 +11668117 _hypernym 11665372 +05249420 _derivationally_related_form 01292169 +02347637 _hypernym 02349212 +03894762 _hypernym 03610270 +11911591 _member_meronym 12020388 +01224031 _derivationally_related_form 01793177 +12946578 _member_meronym 12946849 +01147451 _hypernym 01145359 +01628770 _hypernym 01627424 +12974987 _hypernym 12992868 +11867525 _member_meronym 11899027 +00161987 _derivationally_related_form 06548498 +00112628 _derivationally_related_form 05774129 +06172789 _derivationally_related_form 10264437 +08182716 _hypernym 07975026 +00367976 _derivationally_related_form 00968211 +12355320 _hypernym 11555413 +01125429 _also_see 00229630 +09211266 _has_part 09235244 +00199659 _derivationally_related_form 00258854 +02258617 _derivationally_related_form 10648237 +01681048 _hypernym 01684899 +00583990 _also_see 02291843 +08827126 _instance_hypernym 08821885 +08859173 _member_meronym 09715165 +14427239 _derivationally_related_form 09827683 +08037503 _instance_hypernym 08392137 +01901783 _derivationally_related_form 07352048 +08340753 _hypernym 08337324 +01037910 _derivationally_related_form 00512522 +03748456 _hypernym 03562958 +00095329 _hypernym 00095121 +09189411 _has_part 08965598 +06702458 _hypernym 06697331 +07182614 _hypernym 07183151 +09126305 _has_part 09127461 +03724417 _derivationally_related_form 00331082 +04767805 _hypernym 04767347 +02573406 _member_meronym 02573563 +02758977 _derivationally_related_form 11508382 +07495551 _derivationally_related_form 01794523 +08424769 _synset_domain_topic_of 08199025 +02690429 _derivationally_related_form 14805899 +06728998 _instance_hypernym 06723635 +04555101 _instance_hypernym 03743902 +01498498 _derivationally_related_form 08523483 +05311054 _has_part 05342214 +03490884 _derivationally_related_form 01481360 +05805475 _hypernym 05804793 +00213052 _hypernym 00212808 +13049561 _member_meronym 13052431 +06452601 _has_part 06439712 +02535716 _hypernym 02431320 +04123740 _has_part 03980178 +00302130 _synset_domain_topic_of 00015388 +00436404 _hypernym 00123170 +10578762 _derivationally_related_form 01031256 +01014990 _derivationally_related_form 01380638 +01917980 _derivationally_related_form 10553235 +00486018 _hypernym 00484166 +02548522 _member_meronym 02548689 +14204095 _hypernym 14066203 +01675225 _hypernym 01657723 +02309841 _hypernym 02309337 +02857023 _hypernym 04362025 +01128071 _derivationally_related_form 02894605 +02199170 _hypernym 02198532 +01942869 _hypernym 01942177 +05654362 _hypernym 05652396 +05779116 _has_part 06754415 +06243963 _hypernym 05946687 +13456567 _hypernym 13458571 +12780563 _hypernym 12779603 +09346120 _hypernym 09334396 +15211806 _has_part 15222012 +12063066 _hypernym 11556857 +08183046 _hypernym 08182716 +01501793 _hypernym 01494310 +02317488 _member_meronym 02317653 +00959731 _also_see 00583990 +01277974 _derivationally_related_form 03145843 +01601550 _hypernym 01504437 +09189411 _has_part 09167101 +09038990 _has_part 09039260 +11885292 _hypernym 12205694 +09152570 _instance_hypernym 08672738 +05000116 _hypernym 04999401 +01859586 _derivationally_related_form 02742468 +06371267 _hypernym 06369829 +01233993 _derivationally_related_form 00617989 +12510197 _member_meronym 12510343 +15210870 _hypernym 15209706 +07532112 _hypernym 07531255 +00332445 _derivationally_related_form 14997012 +07348399 _derivationally_related_form 01974062 +02698178 _derivationally_related_form 05749402 +13550318 _synset_domain_topic_of 06037666 +13621190 _hypernym 13615557 +01215168 _derivationally_related_form 02556817 +00499924 _has_part 00500669 +08619343 _hypernym 08673395 +02412440 _derivationally_related_form 00058265 +11822167 _hypernym 11573660 +02741960 _derivationally_related_form 00251013 +11778534 _member_meronym 11784323 +07248507 _hypernym 07247071 +07197021 _hypernym 06252138 +02299846 _hypernym 02298541 +08340153 _member_meronym 08395682 +15271417 _derivationally_related_form 02303761 +07226545 _hypernym 06684383 +01072072 _derivationally_related_form 01820302 +01161087 _derivationally_related_form 04894964 +09727826 _hypernym 09691435 +00651630 _derivationally_related_form 05006898 +00423971 _hypernym 00422090 +12808933 _member_meronym 12811294 +02677332 _derivationally_related_form 13793776 +01787709 _hypernym 01803003 +00138956 _derivationally_related_form 02304648 +14314850 _hypernym 14299637 +07132634 _derivationally_related_form 01044533 +00959645 _hypernym 00959376 +02743343 _derivationally_related_form 08507558 +01684435 _member_meronym 01684741 +06376154 _derivationally_related_form 00988287 +14633206 _derivationally_related_form 02627221 +10342180 _derivationally_related_form 02583958 +08984788 _has_part 08986066 +12889713 _hypernym 12888906 +10001647 _derivationally_related_form 00754942 +00237511 _derivationally_related_form 05038593 +00899597 _derivationally_related_form 10146927 +14514491 _hypernym 14514039 +00452098 _hypernym 00451838 +01386494 _hypernym 07940552 +01457082 _hypernym 02528163 +13736197 _derivationally_related_form 00530829 +08769439 _instance_hypernym 08524735 +01781757 _hypernym 01781520 +01883344 _hypernym 01850315 +10727256 _hypernym 09624980 +13998014 _hypernym 13997253 +00378521 _hypernym 00379440 +02583545 _hypernym 02543181 +01174251 _synset_domain_topic_of 01171644 +01494310 _also_see 01979241 +02512808 _derivationally_related_form 08657249 +15210486 _hypernym 15209706 +06549661 _hypernym 06479665 +08096624 _member_meronym 09684609 +09821253 _hypernym 09633969 +01158572 _derivationally_related_form 13451804 +00661091 _synset_domain_topic_of 06043075 +02120458 _derivationally_related_form 00513401 +04295881 _has_part 04434285 +08173289 _member_meronym 09738400 +07998573 _hypernym 07997703 +10049896 _hypernym 10707233 +14577046 _derivationally_related_form 01026095 +01202728 _derivationally_related_form 01216191 +00038573 _hypernym 00038262 +04564413 _hypernym 03088707 +02579247 _hypernym 02578510 +11836556 _member_meronym 11836722 +03905540 _hypernym 03940256 +11951385 _member_meronym 11951511 +12107002 _hypernym 12106786 +13506587 _hypernym 13518963 +13367070 _derivationally_related_form 10658304 +09992538 _derivationally_related_form 02485844 +08014615 _synset_domain_topic_of 00759694 +02399000 _has_part 02399942 +01318894 _hypernym 00015388 +01211019 _hypernym 01207609 +00618878 _derivationally_related_form 14577046 +05197797 _derivationally_related_form 02441022 +01084588 _synset_domain_topic_of 00461782 +01521603 _derivationally_related_form 10242439 +09854510 _derivationally_related_form 00991683 +01007495 _derivationally_related_form 04043733 +07646927 _hypernym 07644382 +06650701 _hypernym 06598915 +02692232 _hypernym 02687992 +09941964 _synset_domain_topic_of 08199025 +04197391 _has_part 03191561 +14242922 _hypernym 14239918 +00756780 _derivationally_related_form 00854904 +12907465 _hypernym 12205694 +12002957 _hypernym 11579418 +08691669 _hypernym 08518505 +00713250 _derivationally_related_form 01266895 +00027705 _derivationally_related_form 00944449 +02064887 _derivationally_related_form 00350380 +01846413 _derivationally_related_form 13957601 +14956921 _hypernym 14956661 +01742886 _derivationally_related_form 01019524 +11410625 _derivationally_related_form 01642924 +03173524 _derivationally_related_form 01582645 +12501745 _member_meronym 12549976 +00209174 _synset_domain_topic_of 06084469 +08975902 _has_part 09325530 +06601327 _hypernym 06598915 +01103836 _hypernym 00126264 +07181935 _hypernym 07180787 +01040128 _synset_domain_topic_of 08083599 +11665781 _member_meronym 12313005 +01136519 _derivationally_related_form 00710005 +06824757 _hypernym 06818970 +09201031 _hypernym 09304465 +02511303 _hypernym 05225602 +01478002 _derivationally_related_form 00562398 +00404222 _derivationally_related_form 05726345 +01154957 _hypernym 01101913 +07474645 _hypernym 07473441 +00540946 _derivationally_related_form 00946499 +01818972 _hypernym 01814396 +02081060 _hypernym 02079389 +05580416 _hypernym 05543177 +02504562 _derivationally_related_form 05195362 +01786906 _hypernym 01785971 +02072159 _derivationally_related_form 00914343 +01231252 _derivationally_related_form 10365514 +00492706 _derivationally_related_form 14821984 +12588320 _hypernym 12583126 +00131090 _hypernym 00043902 +00540895 _hypernym 00539121 +01970826 _hypernym 01835496 +12764703 _member_meronym 12765115 +00445055 _derivationally_related_form 01948077 +07317764 _derivationally_related_form 02528380 +02635310 _member_meronym 02635580 +01646300 _derivationally_related_form 00798245 +00238527 _derivationally_related_form 00829761 +01527480 _hypernym 01504437 +00907800 _hypernym 00778275 +02025530 _member_meronym 02029243 +06266417 _derivationally_related_form 10224578 +01985923 _hypernym 01983771 +01631072 _derivationally_related_form 00269963 +12481806 _hypernym 11561228 +00420877 _derivationally_related_form 01444326 +01172114 _hypernym 01171183 +01190494 _derivationally_related_form 14064644 +02257536 _hypernym 01759182 +06710546 _derivationally_related_form 00647542 +02528380 _derivationally_related_form 10273064 +00611433 _derivationally_related_form 00603298 +01209953 _derivationally_related_form 05567217 +14162025 _hypernym 14151139 +03703590 _hypernym 03309808 +12197601 _hypernym 13136556 +08860123 _member_of_domain_region 14685641 +07533097 _hypernym 07532440 +10323182 _derivationally_related_form 08403225 +01880937 _member_meronym 01881717 +05339357 _hypernym 05333777 +00837288 _hypernym 00854420 +01909679 _hypernym 01909397 +01467675 _hypernym 01466996 +10612373 _derivationally_related_form 07152259 +02395244 _member_meronym 02395406 +09663248 _hypernym 09669631 +01707128 _hypernym 01707306 +04980008 _derivationally_related_form 02126382 +00880227 _derivationally_related_form 10095869 +05539454 _derivationally_related_form 01400856 +07187996 _hypernym 07187773 +02619424 _derivationally_related_form 10757193 +00424869 _derivationally_related_form 04953186 +01236164 _derivationally_related_form 07339329 +04099429 _hypernym 04524313 +00511817 _derivationally_related_form 02418686 +06765656 _synset_domain_topic_of 08095647 +02161922 _derivationally_related_form 04703235 +04599235 _hypernym 03309808 +14429608 _hypernym 14429985 +08368907 _derivationally_related_form 00054628 +01931768 _derivationally_related_form 10151570 +07340725 _hypernym 07340094 +12908645 _hypernym 12205694 +00456357 _synset_domain_topic_of 06084469 +02663657 _member_meronym 02664511 +10581094 _synset_domain_topic_of 08163273 +02483915 _member_meronym 02486787 +15057744 _hypernym 14727670 +00567418 _synset_domain_topic_of 00480508 +01744082 _hypernym 01743784 +10596348 _hypernym 09815790 +01081456 _derivationally_related_form 02470685 +12162758 _hypernym 13134947 +02621244 _derivationally_related_form 05868954 +13737480 _hypernym 13732295 +10329945 _derivationally_related_form 00547300 +00936620 _hypernym 00933420 +00900616 _derivationally_related_form 05171045 +00156601 _derivationally_related_form 13754293 +01003249 _derivationally_related_form 04248607 +02701393 _synset_domain_topic_of 03405725 +05776015 _hypernym 05775081 +01177703 _synset_domain_topic_of 06148148 +02273120 _hypernym 01759182 +09393605 _hypernym 09334396 +01715692 _member_meronym 01715888 +10204921 _hypernym 10622053 +06212650 _derivationally_related_form 09957834 +03840327 _derivationally_related_form 01476483 +00494269 _hypernym 02512305 +06453324 _has_part 06435651 +05701944 _hypernym 05701363 +02550296 _hypernym 02547586 +10898549 _instance_hypernym 10450303 +00683280 _hypernym 00686447 +00473003 _derivationally_related_form 04953380 +00616153 _derivationally_related_form 10351625 +00086809 _hypernym 00041899 +05864177 _derivationally_related_form 02662297 +02063846 _hypernym 01864707 +01772222 _derivationally_related_form 02636811 +08596336 _hypernym 08678783 +02189214 _hypernym 01759182 +09050244 _member_meronym 09105821 +01981543 _hypernym 01759182 +00951037 _derivationally_related_form 02331919 +01844859 _derivationally_related_form 03141065 +00500638 _derivationally_related_form 14674408 +03474896 _hypernym 03485997 +10435988 _derivationally_related_form 02048891 +12197359 _has_part 12197601 +02379198 _derivationally_related_form 07254594 +04356925 _hypernym 04105893 +00946806 _hypernym 00945401 +06212839 _derivationally_related_form 10197392 +05058140 _derivationally_related_form 02058994 +03573282 _derivationally_related_form 01421622 +07572353 _hypernym 00021265 +01443021 _derivationally_related_form 03239726 +00783527 _hypernym 00783199 +07503260 _hypernym 07501545 +06427387 _hypernym 06417598 +02689299 _derivationally_related_form 07445896 +01771535 _derivationally_related_form 07285403 +00765791 _hypernym 00732746 +04131015 _hypernym 03679712 +10703905 _derivationally_related_form 01014821 +05976257 _hypernym 06167328 +01968115 _hypernym 08103777 +08984788 _has_part 09453566 +00781355 _derivationally_related_form 02276866 +03145384 _hypernym 03053474 +07658814 _has_part 07658958 +01929951 _hypernym 08103777 +02165146 _hypernym 02130524 +06619065 _derivationally_related_form 02148788 +08030711 _synset_domain_topic_of 00759694 +01454810 _derivationally_related_form 10162507 +01518170 _hypernym 01342529 +00973888 _synset_domain_topic_of 06264176 +01429663 _derivationally_related_form 02084861 +01624987 _member_meronym 01625121 +05818741 _hypernym 05817396 +02534492 _derivationally_related_form 06371267 +14540564 _hypernym 00007347 +14777277 _hypernym 14607521 +07065333 _hypernym 07064715 +13144511 _hypernym 11567411 +00884540 _derivationally_related_form 10441694 +10684630 _derivationally_related_form 00605783 +01800195 _derivationally_related_form 01249483 +02558350 _hypernym 01429349 +04821615 _hypernym 04820258 +01258161 _derivationally_related_form 02064358 +12684640 _member_meronym 12693590 +02357228 _derivationally_related_form 04893787 +00245457 _derivationally_related_form 09779790 +00327824 _derivationally_related_form 01876907 +01578821 _member_meronym 01579410 +00638080 _hypernym 00641820 +11719468 _member_meronym 11732857 +12326604 _member_meronym 12326842 +01576165 _hypernym 01179865 +14958405 _hypernym 14911057 +07212424 _hypernym 07212190 +04889337 _derivationally_related_form 01862386 +12487647 _member_meronym 12491200 +13556509 _derivationally_related_form 00245289 +13931889 _hypernym 13931765 +01015175 _derivationally_related_form 00405236 +03270165 _hypernym 03294048 +08822855 _has_part 08564739 +14105737 _hypernym 14110411 +00895501 _synset_domain_topic_of 08199025 +08900535 _has_part 09173417 +11385126 _instance_hypernym 10292316 +12260021 _member_meronym 12280487 +10200047 _derivationally_related_form 01586018 +01172889 _also_see 02541302 +08703454 _derivationally_related_form 03003928 +02159741 _derivationally_related_form 05684003 +00259894 _hypernym 00259643 +09275473 _has_part 09014586 +04497005 _hypernym 03839993 +04271148 _hypernym 03563967 +12623368 _hypernym 11585340 +00776988 _derivationally_related_form 10055085 +11640645 _hypernym 11630890 +08199025 _member_meronym 08242100 +11754188 _member_meronym 11762237 +00251791 _derivationally_related_form 08508105 +06609785 _hypernym 06607339 +00141806 _derivationally_related_form 00663353 +02318464 _also_see 01395617 +00011982 _hypernym 00010435 +12553742 _hypernym 12553573 +02439732 _derivationally_related_form 06651577 +00065370 _hypernym 00065070 +00279235 _hypernym 00278810 +04039848 _has_part 03857828 +11778534 _member_meronym 11792598 +14325437 _derivationally_related_form 02121048 +00066191 _derivationally_related_form 10773126 +04029125 _derivationally_related_form 01466047 +14039534 _hypernym 14035298 +03676175 _hypernym 03740161 +12394861 _hypernym 11567411 +01651972 _hypernym 01651444 +02573075 _member_meronym 02573249 +02565491 _hypernym 02367363 +13535261 _hypernym 13440063 +02042404 _derivationally_related_form 11439031 +04463017 _hypernym 03574816 +01927992 _synset_domain_topic_of 00815801 +05965933 _hypernym 05943300 +01414502 _member_meronym 01414633 +13233012 _member_meronym 13237343 +13483726 _hypernym 13518963 +03351151 _hypernym 03532342 +05881867 _hypernym 05872982 +02307547 _derivationally_related_form 13308999 +08860123 _member_of_domain_region 03173142 +01984958 _hypernym 01759182 +00414823 _hypernym 02013571 +05072663 _hypernym 05064037 +05105265 _derivationally_related_form 00475996 +01140654 _derivationally_related_form 00127286 +11524662 _hypernym 11425580 +00640828 _derivationally_related_form 00048129 +08984788 _has_part 08986374 +09705124 _hypernym 09634494 +02670890 _hypernym 02669789 +03537550 _hypernym 04222847 +01566185 _derivationally_related_form 00217773 +12250180 _hypernym 13112664 +08766988 _has_part 08771596 +02460502 _derivationally_related_form 13956488 +12806455 _member_meronym 12807409 +02177644 _hypernym 01759182 +00208497 _hypernym 00208836 +11127188 _instance_hypernym 10453533 +09753792 _hypernym 00007846 +04294879 _derivationally_related_form 02459915 +00168237 _hypernym 00165942 +00180413 _derivationally_related_form 02346895 +08397856 _synset_domain_topic_of 08199025 +08293490 _member_meronym 02930766 +02494356 _derivationally_related_form 10149867 +06027264 _synset_domain_topic_of 06018465 +04665543 _hypernym 04662951 +00700708 _hypernym 02611630 +07405893 _derivationally_related_form 02066939 +00858849 _derivationally_related_form 00016380 +00755447 _hypernym 00752764 +01144716 _hypernym 01143040 +07573696 _has_part 07580053 +02080783 _hypernym 02079933 +12762049 _hypernym 13112664 +01776546 _member_meronym 01777032 +11604904 _hypernym 11534677 +00964110 _hypernym 00963570 +02715802 _derivationally_related_form 01035853 +12935457 _hypernym 11585340 +12606545 _hypernym 12205694 +08860123 _member_of_domain_region 07066459 +00213544 _hypernym 00327362 +05765415 _derivationally_related_form 00836236 +14643467 _hypernym 14625458 +02902250 _derivationally_related_form 00182269 +01723690 _synset_domain_topic_of 06157326 +02331175 _derivationally_related_form 03933529 +12039743 _member_meronym 12055317 +02511551 _derivationally_related_form 03450018 +01021420 _hypernym 00805376 +02983097 _derivationally_related_form 14046202 +06845599 _member_of_domain_usage 04353016 +01969103 _member_meronym 01970866 +06651577 _derivationally_related_form 00927430 +04621314 _hypernym 04621010 +12423565 _member_meronym 12438977 +01732713 _synset_domain_topic_of 00543233 +02534352 _member_meronym 02535909 +13854649 _hypernym 00031921 +00814458 _derivationally_related_form 01606736 +01751173 _derivationally_related_form 00551585 +01661804 _derivationally_related_form 07335097 +13480667 _derivationally_related_form 01458664 +06996309 _hypernym 06991764 +03532187 _hypernym 03169390 +00963283 _hypernym 00962447 +06568978 _has_part 06584891 +02411427 _member_meronym 02415253 +01894758 _also_see 01898129 +08957381 _instance_hypernym 08700255 +05984287 _derivationally_related_form 00603298 +09057311 _has_part 09288946 +10664340 _derivationally_related_form 00049900 +14724436 _hypernym 00020090 +12263987 _hypernym 12262553 +12798284 _hypernym 12205694 +03357376 _hypernym 03122748 +02366825 _hypernym 01864707 +02255462 _derivationally_related_form 05176477 +01479333 _hypernym 01478603 +01245490 _hypernym 01245637 +02814774 _hypernym 03051540 +02563860 _hypernym 02560164 +01649999 _derivationally_related_form 09179776 +01431987 _hypernym 01226215 +11496881 _synset_domain_topic_of 06089447 +02163746 _derivationally_related_form 05623818 +00850501 _hypernym 00849080 +07460104 _derivationally_related_form 01926311 +00103317 _derivationally_related_form 04963588 +00190115 _also_see 00186616 +05403849 _hypernym 05397468 +07454196 _hypernym 07453195 +01500995 _member_meronym 01501450 +01621714 _hypernym 01504437 +05535484 _has_part 05536370 +12418680 _member_meronym 12420991 +03284743 _derivationally_related_form 01681723 +00355955 _derivationally_related_form 00216038 +08766988 _member_of_domain_region 06950528 +00499642 _hypernym 00296178 +13471681 _hypernym 13518963 +07443010 _derivationally_related_form 01521367 +01851996 _hypernym 01507175 +02690941 _has_part 04526241 +01428578 _hypernym 00766418 +01538498 _member_meronym 01538630 +00863579 _derivationally_related_form 07083441 +00655779 _also_see 00650577 +01911888 _derivationally_related_form 10486679 +04490091 _derivationally_related_form 01954341 +05071556 _hypernym 05071368 +13625884 _hypernym 13601596 +04127904 _hypernym 03932670 +00067999 _derivationally_related_form 07432119 +12012897 _hypernym 11579418 +01049685 _hypernym 01048912 +09544746 _hypernym 09544433 +01919714 _hypernym 01342529 +02241767 _hypernym 02241621 +08479095 _member_meronym 09681351 +01494310 _also_see 01308381 +00319214 _also_see 02153387 +08735564 _has_part 08740875 +00149262 _hypernym 00147862 +04244379 _derivationally_related_form 00455368 +00374224 _hypernym 00363260 +03459914 _hypernym 04081281 +10717921 _hypernym 09879297 +00177186 _derivationally_related_form 05161150 +00046534 _verb_group 00044797 +02472987 _hypernym 00031264 +00830257 _hypernym 00030358 +00343249 _derivationally_related_form 02048891 +06845599 _member_of_domain_usage 14713748 +10312077 _derivationally_related_form 06125698 +00389406 _derivationally_related_form 14548105 +02191546 _derivationally_related_form 05658226 +05282000 _hypernym 05269901 +01880113 _verb_group 01880673 +03691128 _derivationally_related_form 01363648 +00926668 _derivationally_related_form 01626420 +13541798 _synset_domain_topic_of 06055946 +04626705 _derivationally_related_form 00988287 +00017222 _has_part 13086908 +14314850 _hypernym 00863513 +03897943 _hypernym 03932670 +11594676 _hypernym 08106934 +11118886 _instance_hypernym 09940146 +02352390 _member_meronym 02353037 +12605965 _member_meronym 12606545 +01765392 _derivationally_related_form 00759551 +01428155 _member_meronym 02517169 +09810166 _derivationally_related_form 02005948 +01101218 _derivationally_related_form 00132355 +07361128 _hypernym 07283608 +13858045 _derivationally_related_form 00869596 +02199712 _member_meronym 02202509 +09396275 _instance_hypernym 09360122 +12000609 _hypernym 11579418 +01990694 _derivationally_related_form 00050693 +00791527 _derivationally_related_form 00694974 +10051337 _derivationally_related_form 02292535 +06845599 _member_of_domain_usage 03552169 +01274909 _instance_hypernym 00956485 +02527294 _hypernym 02526085 +00036178 _hypernym 00035758 +01815431 _hypernym 01504437 +02649689 _member_meronym 02651412 +04496173 _instance_hypernym 03877845 +00306723 _derivationally_related_form 00377364 +01647867 _derivationally_related_form 09952163 +01380122 _hypernym 01831531 +04984514 _hypernym 04983122 +00710005 _derivationally_related_form 10383816 +08999482 _has_part 09000462 +06891493 _derivationally_related_form 01714208 +08059412 _hypernym 08059870 +01653610 _member_meronym 01654429 +05545439 _hypernym 09379111 +02527085 _hypernym 02526085 +02623731 _derivationally_related_form 08507558 +02326355 _derivationally_related_form 00081836 +01947613 _hypernym 01938850 +12815925 _member_meronym 12819953 +02553196 _member_meronym 02558350 +12015525 _hypernym 12205694 +10005721 _hypernym 09777353 +10029068 _hypernym 09812338 +00219012 _derivationally_related_form 01323958 +00776059 _hypernym 00814850 +09067277 _has_part 09373716 +04535826 _hypernym 03917455 +01516290 _derivationally_related_form 03471030 +00931040 _derivationally_related_form 00116619 +00444651 _hypernym 00442115 +06837357 _hypernym 06828818 +11083064 _synset_domain_topic_of 08083599 +01835087 _member_meronym 01835276 +00643250 _derivationally_related_form 01640207 +05818741 _derivationally_related_form 02118933 +01524885 _member_meronym 01601550 +03731695 _hypernym 03481172 +14853210 _hypernym 04565963 +04891333 _hypernym 04616059 +03659809 _derivationally_related_form 01593254 +13811184 _hypernym 13810818 +02525703 _hypernym 02521646 +00213343 _derivationally_related_form 02235229 +02398854 _derivationally_related_form 10271677 +02470685 _derivationally_related_form 08303275 +03714235 _hypernym 03113152 +01113867 _derivationally_related_form 02261123 +13468306 _derivationally_related_form 00229026 +06684798 _synset_domain_topic_of 05946687 +10828573 _instance_hypernym 10705615 +08155518 _hypernym 08153437 +04284735 _hypernym 03076708 +06787037 _derivationally_related_form 02000288 +00279136 _derivationally_related_form 01174973 +09071690 _has_part 09231361 +00658913 _synset_domain_topic_of 00523513 +08780881 _member_of_domain_region 01268457 +00315605 _hypernym 00315810 +03108853 _hypernym 03967942 +05937112 _hypernym 05926676 +10770545 _hypernym 10391653 +12414932 _hypernym 12411922 +10782940 _hypernym 09613191 +00273445 _derivationally_related_form 14062725 +00023271 _hypernym 00023100 +08860123 _member_of_domain_region 08254195 +10421470 _derivationally_related_form 03098803 +08735705 _has_part 08738272 +10084043 _hypernym 09918248 +01724470 _hypernym 01656813 +13897996 _derivationally_related_form 00136800 +01518347 _member_meronym 01518564 +00855674 _hypernym 00855527 +01076793 _also_see 01244410 +12039743 _member_meronym 12049134 +01751979 _member_meronym 01752889 +02336255 _hypernym 02327200 +02267989 _verb_group 01157517 +06660942 _hypernym 06656408 +14006179 _hypernym 00024720 +02575325 _hypernym 02574910 +02284951 _derivationally_related_form 13282161 +02834778 _has_part 02999410 +00763399 _derivationally_related_form 00162632 +00955601 _derivationally_related_form 07139151 +05934673 _hypernym 05933246 +01957529 _hypernym 01835496 +04683453 _hypernym 04673965 +04892794 _hypernym 04847733 +10616578 _hypernym 00007846 +13393762 _hypernym 13387209 +08797254 _instance_hypernym 09303008 +08340153 _member_meronym 08348091 +08860123 _member_of_domain_region 09906848 +02443049 _hypernym 02431971 +02053829 _hypernym 02051694 +07992450 _hypernym 07941170 +10637038 _hypernym 10197967 +00700162 _synset_domain_topic_of 08441203 +10577284 _derivationally_related_form 02244956 +00001740 _derivationally_related_form 05200169 +07441619 _derivationally_related_form 01866192 +14723079 _synset_domain_topic_of 06037666 +00706975 _hypernym 00708128 +01719921 _verb_group 01716619 +02536864 _has_part 07796468 +00014201 _derivationally_related_form 00348801 +09780984 _hypernym 10599354 +01811441 _derivationally_related_form 10184946 +09039411 _has_part 08916111 +01849221 _also_see 02524171 +11498203 _derivationally_related_form 01871979 +14854847 _derivationally_related_form 00074453 +12485811 _member_meronym 12485981 +01444723 _hypernym 01444326 +04997472 _derivationally_related_form 00828779 +10088200 _hypernym 10088390 +14149963 _hypernym 14145095 +14796969 _derivationally_related_form 00186740 +00059728 _synset_domain_topic_of 00445802 +01647229 _derivationally_related_form 00237078 +02492356 _hypernym 02489589 +08420278 _derivationally_related_form 02343374 +00276373 _derivationally_related_form 14499262 +05797177 _hypernym 05770926 +05032193 _hypernym 04857083 +02468618 _derivationally_related_form 13879320 +01743784 _derivationally_related_form 05890249 +13385216 _hypernym 13384557 +01665507 _synset_domain_topic_of 00243918 +02565728 _member_meronym 02570038 +00704073 _hypernym 00813044 +00976653 _derivationally_related_form 09773962 +09858299 _derivationally_related_form 02581073 +00673766 _derivationally_related_form 05804491 +02935658 _hypernym 04081281 +06258361 _hypernym 06258031 +08860123 _member_of_domain_region 07896994 +00238720 _synset_domain_topic_of 06084469 +09240051 _member_meronym 09378801 +01281782 _derivationally_related_form 04693384 +01050896 _derivationally_related_form 10766492 +14868243 _derivationally_related_form 00261533 +01563005 _verb_group 01558440 +00117959 _derivationally_related_form 00007739 +01571578 _hypernym 01504437 +12248574 _has_part 07743224 +08595720 _hypernym 08593262 +13911872 _derivationally_related_form 01589056 +03804048 _hypernym 03828465 +10379073 _hypernym 10632576 +02391193 _derivationally_related_form 00605023 +07157273 _member_of_domain_usage 10138242 +08918248 _instance_hypernym 08574314 +08157405 _hypernym 07971582 +00231161 _hypernym 00230324 +01152583 _derivationally_related_form 00160086 +01896031 _hypernym 05237755 +00901651 _hypernym 00901103 +09538021 _hypernym 09536363 +10618007 _derivationally_related_form 00101779 +06431740 _has_part 07172557 +12484612 _member_meronym 12484784 +01001643 _derivationally_related_form 03337140 +08355791 _member_meronym 08356375 +11911591 _member_meronym 11970429 +00545501 _derivationally_related_form 01731031 +04004475 _derivationally_related_form 01745722 +11226427 _instance_hypernym 10453533 +07286368 _derivationally_related_form 00871942 +14286549 _derivationally_related_form 01309478 +08818135 _instance_hypernym 08654360 +02553196 _member_meronym 02562085 +00064643 _derivationally_related_form 07495327 +13189844 _hypernym 11545714 +12015840 _member_meronym 12015959 +00019182 _hypernym 00018813 +14091254 _hypernym 14084880 +07174877 _hypernym 07174433 +00694990 _hypernym 00664110 +02765247 _hypernym 03740161 +01018928 _derivationally_related_form 01149303 +06763273 _derivationally_related_form 01020005 +00492410 _derivationally_related_form 14498404 +01008903 _derivationally_related_form 06469377 +09429387 _derivationally_related_form 01558440 +01806109 _hypernym 00406243 +15096783 _hypernym 14779550 +09440400 _has_part 08852843 +09026911 _instance_hypernym 08524735 +00429060 _derivationally_related_form 00353782 +02009015 _member_meronym 02009750 +13979173 _synset_domain_topic_of 06148148 +00086835 _derivationally_related_form 00828990 +02527813 _member_meronym 01428155 +11911591 _member_meronym 11939887 +12281974 _hypernym 12281241 +09717047 _derivationally_related_form 02921325 +11552133 _hypernym 00017222 +14739004 _hypernym 14951377 +03187268 _hypernym 04588739 +00910973 _derivationally_related_form 07209965 +01126856 _derivationally_related_form 02466670 +00830761 _derivationally_related_form 00892861 +00213353 _hypernym 00212414 +02701962 _hypernym 02732798 +08798062 _instance_hypernym 08524735 +05275905 _has_part 05233100 +08963369 _member_of_domain_region 08027518 +12761284 _hypernym 12651821 +02044866 _derivationally_related_form 13887509 +02241767 _derivationally_related_form 09858299 +09762385 _derivationally_related_form 00843468 +09606380 _hypernym 09621545 +01284908 _hypernym 00126264 +11750855 _member_meronym 11750989 +01524885 _member_meronym 01603316 +03499142 _derivationally_related_form 02744651 +03526805 _hypernym 15256915 +00798539 _hypernym 00796976 +04933544 _derivationally_related_form 02620587 +05788149 _hypernym 05770664 +02416278 _derivationally_related_form 00619972 +08762243 _instance_hypernym 08524735 +08085824 _synset_domain_topic_of 08083599 +08357784 _derivationally_related_form 10372373 +14490110 _derivationally_related_form 02348182 +02335349 _member_meronym 02340521 +08515457 _hypernym 08512736 +06598746 _derivationally_related_form 02152278 +09207288 _has_part 08978821 +01635432 _derivationally_related_form 05767733 +07923297 _hypernym 07885223 +12323411 _member_meronym 12325093 +09044862 _member_of_domain_region 08340153 +08900535 _has_part 08905751 +04332987 _derivationally_related_form 01411085 +00497391 _synset_domain_topic_of 06084469 +04062807 _hypernym 03764276 +07414922 _derivationally_related_form 02023107 +02758977 _derivationally_related_form 15043763 +06647206 _hypernym 06643408 +01159964 _derivationally_related_form 00527367 +05770926 _derivationally_related_form 00628491 +03377582 _derivationally_related_form 00230276 +01454702 _hypernym 01429349 +00113818 _derivationally_related_form 00758972 +02630281 _hypernym 02623445 +00404726 _derivationally_related_form 01350699 +08507558 _derivationally_related_form 02743343 +00976085 _hypernym 00556313 +00632627 _hypernym 00628491 +09209263 _has_part 09374036 +12239458 _hypernym 11575425 +15006258 _derivationally_related_form 00136254 +00900583 _derivationally_related_form 10146927 +09189411 _member_of_domain_region 10052497 +00388065 _derivationally_related_form 01322675 +00487554 _derivationally_related_form 14002109 +00933420 _derivationally_related_form 09812338 +01281184 _hypernym 01280014 +00551585 _derivationally_related_form 01751173 +08687150 _instance_hypernym 08685677 +04403638 _has_part 04005340 +12039743 _member_meronym 12073744 +02005948 _derivationally_related_form 00048828 +00834198 _also_see 02495922 +00250259 _hypernym 00248977 +12733647 _hypernym 12731401 +08720481 _has_part 08722084 +10307114 _derivationally_related_form 00376106 +06498569 _member_meronym 06838329 +01017701 _hypernym 01017320 +02020413 _derivationally_related_form 07996412 +08719100 _instance_hypernym 08544813 +01413173 _synset_domain_topic_of 00471613 +04404412 _has_part 02985137 +00181559 _hypernym 00173338 +02150306 _member_meronym 02150482 +00539951 _has_part 00540701 +02852173 _derivationally_related_form 00424869 +00673095 _synset_domain_topic_of 06128307 +04006953 _hypernym 04006727 +06646243 _derivationally_related_form 02118476 +02405440 _hypernym 02402175 +00297507 _hypernym 00296178 +02407338 _hypernym 02530167 +01942959 _synset_domain_topic_of 00300441 +10027246 _hypernym 00007846 +02588099 _also_see 00904548 +02150482 _hypernym 02141306 +10501203 _hypernym 10284965 +07135734 _derivationally_related_form 00962447 +00502085 _derivationally_related_form 08366440 +01834053 _verb_group 00347918 +09752657 _synset_domain_topic_of 05778131 +08952190 _has_part 09263087 +08910394 _has_part 08848094 +00582743 _derivationally_related_form 14289942 +02773037 _hypernym 03094503 +09962789 _derivationally_related_form 00928630 +01769347 _hypernym 01767661 +01120069 _derivationally_related_form 00767826 +01810447 _derivationally_related_form 07517737 +02228031 _derivationally_related_form 00091013 +00388210 _derivationally_related_form 00338071 +00146138 _also_see 01808626 +00354452 _derivationally_related_form 07365849 +13331634 _hypernym 13331198 +03533972 _hypernym 02784218 +12907287 _member_meronym 12907465 +00649760 _hypernym 00646833 +04335435 _hypernym 04170037 +02041875 _hypernym 02041246 +07417043 _derivationally_related_form 02487718 +00751145 _hypernym 00732746 +03508101 _hypernym 03183080 +07536074 _hypernym 07535670 +07468692 _has_part 07468861 +08198398 _member_meronym 10582746 +02219940 _derivationally_related_form 10466198 +00306723 _derivationally_related_form 03182232 +02438861 _hypernym 02436349 +12798632 _hypernym 12798284 +02347865 _member_meronym 02347744 +04701460 _hypernym 04723816 +05246511 _derivationally_related_form 01580928 +05892427 _hypernym 01129920 +01613921 _hypernym 01579813 +02711114 _derivationally_related_form 13998576 +03574555 _derivationally_related_form 02749778 +00976698 _derivationally_related_form 02435634 +07333649 _derivationally_related_form 02014165 +00298497 _hypernym 00815320 +02492660 _derivationally_related_form 01047381 +00017674 _derivationally_related_form 10026976 +01825009 _member_meronym 01825278 +09189411 _member_of_domain_region 09636339 +13743605 _derivationally_related_form 01465365 +13660619 _derivationally_related_form 13651520 +01532434 _verb_group 01533442 +02375131 _hypernym 02367363 +12829099 _member_meronym 12832976 +01959187 _member_meronym 01959333 +15280497 _derivationally_related_form 02091165 +06613056 _hypernym 06400510 +00901083 _hypernym 00900375 +01579410 _hypernym 01578575 +10583790 _hypernym 09928451 +09189411 _member_of_domain_region 08699654 +02470685 _derivationally_related_form 09761068 +05297523 _has_part 05493303 +02374451 _member_meronym 02376542 +02124106 _hypernym 02124332 +12000609 _member_meronym 12001294 +01764171 _derivationally_related_form 07524242 +02316304 _hypernym 02230772 +03409591 _hypernym 04105068 +00806314 _derivationally_related_form 01212519 +00172710 _hypernym 00044150 +00830761 _derivationally_related_form 07240549 +01184814 _hypernym 01181475 +00945401 _derivationally_related_form 01316401 +12556307 _hypernym 11747468 +09114696 _has_part 09295576 +01236164 _derivationally_related_form 07410021 +00508091 _derivationally_related_form 01078050 +01417451 _derivationally_related_form 00949288 +12834408 _member_meronym 12835196 +02346136 _hypernym 02260362 +13290676 _derivationally_related_form 02519991 +00291444 _hypernym 00515154 +02265717 _member_meronym 02266421 +00433232 _hypernym 00156601 +01680478 _hypernym 01680264 +02395395 _hypernym 02391803 +10633450 _derivationally_related_form 02151700 +15292069 _derivationally_related_form 01076615 +12165384 _has_part 07718472 +09137869 _member_of_domain_region 01276436 +02658381 _member_meronym 02658531 +15280695 _derivationally_related_form 01879251 +09031653 _has_part 09477567 +06944348 _hypernym 06943771 +13341756 _hypernym 13286801 +13725271 _has_part 13725108 +02615739 _derivationally_related_form 02395406 +00430140 _derivationally_related_form 01138523 +11620673 _has_part 11683105 +10431330 _hypernym 09636339 +12861139 _hypernym 11579418 +01262936 _derivationally_related_form 10607706 +02737187 _derivationally_related_form 08101937 +10681194 _hypernym 09630641 +11921200 _hypernym 11579418 +02342132 _verb_group 02752931 +09167767 _instance_hypernym 08505573 +07416714 _hypernym 07283608 +01020934 _derivationally_related_form 06763273 +01359145 _derivationally_related_form 02880546 +05051896 _hypernym 05051249 +13743605 _hypernym 13743269 +01014731 _hypernym 01014066 +09688008 _derivationally_related_form 02957823 +08953324 _member_meronym 09714120 +06845599 _member_of_domain_usage 02989475 +02119874 _derivationally_related_form 05723563 +03419014 _has_part 02784732 +00849982 _derivationally_related_form 00054628 +02471467 _member_meronym 02475821 +05776679 _derivationally_related_form 10770891 +12410381 _member_meronym 11556187 +07543288 _derivationally_related_form 01775535 +09997404 _derivationally_related_form 00812580 +01361973 _member_meronym 01362480 +06845599 _member_of_domain_usage 03677308 +14077830 _hypernym 14178913 +02173513 _hypernym 02176268 +02559199 _derivationally_related_form 10008716 +02184965 _hypernym 02176268 +01145163 _derivationally_related_form 13104059 +02624263 _verb_group 00342980 +11726925 _member_meronym 11727091 +00859001 _hypernym 13440063 +07042586 _hypernym 07037465 +01578821 _member_meronym 01579028 +03772269 _derivationally_related_form 01639105 +05115568 _hypernym 05115040 +06737112 _synset_domain_topic_of 00490569 +07039770 _hypernym 07037465 +01981279 _derivationally_related_form 09334396 +01241331 _derivationally_related_form 00904046 +00927017 _derivationally_related_form 02603699 +00870213 _derivationally_related_form 07224151 +00421691 _derivationally_related_form 07335917 +08910668 _has_part 08912153 +07097094 _derivationally_related_form 01702154 +01569181 _derivationally_related_form 14042423 +03815278 _hypernym 03814112 +01635659 _member_meronym 01635964 +13558953 _synset_domain_topic_of 06125041 +01401772 _derivationally_related_form 07410207 +03130563 _hypernym 03309808 +00594580 _derivationally_related_form 10259348 +00196485 _derivationally_related_form 00380424 +05293773 _hypernym 05293597 +11659248 _hypernym 13108841 +12550408 _has_part 12550788 +02703790 _hypernym 02710673 +06387980 _has_part 06399995 +12581381 _hypernym 11555413 +06944911 _hypernym 06943771 +07124340 _member_of_domain_usage 13740765 +00914420 _hypernym 00913065 +11818945 _member_meronym 11820751 +09861395 _hypernym 10582746 +05279953 _hypernym 13872211 +02054864 _hypernym 02053941 +00712225 _derivationally_related_form 01264283 +00476389 _hypernym 00467719 +14997888 _derivationally_related_form 02071627 +12704844 _member_meronym 12705013 +01756719 _hypernym 01698271 +01072262 _derivationally_related_form 10533013 +04204468 _derivationally_related_form 01219004 +00955601 _derivationally_related_form 06377133 +00918471 _hypernym 00917772 +10522633 _hypernym 10450303 +04754237 _hypernym 04756025 +02241911 _hypernym 02242464 +02164402 _derivationally_related_form 14436438 +11116642 _instance_hypernym 10214637 +03346455 _has_part 03346135 +12906021 _hypernym 12905817 +08611954 _hypernym 08510169 +02439929 _has_part 02440523 +05596651 _hypernym 05578911 +01150559 _derivationally_related_form 08664443 +06348500 _hypernym 06347996 +08143653 _has_part 08143926 +00271263 _hypernym 00199130 +06602472 _hypernym 06601327 +01805684 _hypernym 01828405 +12687211 _hypernym 11585340 +07342495 _hypernym 07342049 +07436661 _derivationally_related_form 00529759 +11105054 _instance_hypernym 09927451 +01506157 _derivationally_related_form 07208000 +08929922 _member_of_domain_region 01271428 +08173515 _member_meronym 09023321 +00476744 _hypernym 00142191 +07944050 _hypernym 07943480 +09273291 _derivationally_related_form 02711114 +02578235 _also_see 02271544 +09117351 _has_part 09117118 +15105955 _hypernym 14662574 +14387807 _hypernym 14083790 +02310855 _hypernym 02199590 +13062630 _hypernym 11590783 +05917477 _derivationally_related_form 01642924 +00621058 _derivationally_related_form 04820258 +02406585 _derivationally_related_form 01010458 +10246511 _derivationally_related_form 10246703 +00102927 _derivationally_related_form 02226013 +10773527 _hypernym 09955015 +13774404 _derivationally_related_form 02263788 +12255659 _member_meronym 12255934 +12877041 _member_meronym 12877244 +00366691 _derivationally_related_form 04975122 +13948441 _hypernym 13945919 +12039743 _member_meronym 12041446 +11886788 _member_meronym 11887750 +00526412 _hypernym 00428270 +01475421 _hypernym 01342529 +10423225 _hypernym 10191192 +02489183 _hypernym 02488834 +07819769 _hypernym 07809368 +03662719 _hypernym 03663531 +08355324 _hypernym 08355075 +14215331 _derivationally_related_form 02771320 +07685730 _hypernym 07679356 +08439126 _hypernym 08438533 +00144445 _derivationally_related_form 01431987 +01958452 _derivationally_related_form 01252800 +12476036 _member_meronym 12480677 +10837918 _instance_hypernym 10022111 +12529353 _member_meronym 12529500 +12242409 _hypernym 13109733 +00949974 _hypernym 00868591 +08723006 _member_of_domain_region 06929742 +14044930 _hypernym 14045507 +14706889 _synset_domain_topic_of 06079620 +02289854 _hypernym 02289295 +11925720 _member_meronym 11925898 +12990800 _hypernym 11590783 +08857682 _member_meronym 08820121 +02260770 _synset_domain_topic_of 01090446 +13085864 _derivationally_related_form 01320009 +01285440 _derivationally_related_form 02840361 +06845599 _member_of_domain_usage 04545471 +06533648 _hypernym 06532330 +04076846 _derivationally_related_form 01686132 +01502195 _derivationally_related_form 05711915 +12640607 _hypernym 12651821 +02574093 _member_meronym 02574271 +01646134 _hypernym 01626600 +01248191 _derivationally_related_form 02502536 +10094584 _synset_domain_topic_of 08199025 +00337078 _hypernym 00331950 +13194328 _member_meronym 13194918 +05700401 _derivationally_related_form 02538365 +00490569 _has_part 01259380 +07743723 _hypernym 07742704 +00163592 _derivationally_related_form 02170427 +08968677 _instance_hypernym 08574314 +14682133 _has_part 09240621 +02429695 _member_meronym 02430929 +11404666 _instance_hypernym 09820263 +01941093 _derivationally_related_form 09826204 +01189001 _synset_domain_topic_of 08441203 +02498987 _derivationally_related_form 13301328 +10972495 _instance_hypernym 10650162 +00360092 _verb_group 02081578 +01701311 _hypernym 01698271 +01793587 _hypernym 01793177 +02320374 _derivationally_related_form 07190941 +02505342 _hypernym 01864707 +05563770 _has_part 05579944 +13661273 _hypernym 13604718 +09996920 _synset_domain_topic_of 08083599 +13434688 _hypernym 13526110 +01644900 _hypernym 01639765 +00684480 _derivationally_related_form 00701877 +12149521 _hypernym 12147226 +00943363 _derivationally_related_form 00940384 +13169219 _member_meronym 13179216 +02343056 _derivationally_related_form 08420278 +07885223 _derivationally_related_form 01170052 +00136800 _derivationally_related_form 13446197 +05821486 _hypernym 05820620 +02271897 _hypernym 02271570 +00103696 _derivationally_related_form 04821802 +09621545 _hypernym 00007846 +09044862 _member_of_domain_region 10375690 +11435028 _derivationally_related_form 00517847 +01555809 _hypernym 01525720 +05471629 _hypernym 05470189 +04934546 _hypernym 04916342 +00746718 _derivationally_related_form 07168623 +10133458 _synset_domain_topic_of 06951067 +00575970 _derivationally_related_form 13572436 +15074568 _derivationally_related_form 01338663 +03009111 _derivationally_related_form 01949817 +08632423 _derivationally_related_form 00181664 +08640531 _derivationally_related_form 01843497 +08898457 _instance_hypernym 08524735 +12381321 _hypernym 11565385 +01096860 _hypernym 01095218 +01085098 _hypernym 01083645 +00681429 _derivationally_related_form 05736149 +03017428 _has_part 03161725 +04743605 _derivationally_related_form 01409581 +07883860 _derivationally_related_form 02001858 +05970311 _synset_domain_topic_of 06158346 +04877530 _hypernym 04876985 +06377442 _has_part 07093895 +01978930 _hypernym 01976957 +02155799 _derivationally_related_form 05820620 +02317970 _hypernym 02317661 +02092309 _hypernym 01850315 +04199027 _has_part 03068707 +12085840 _hypernym 11556857 +05222940 _synset_domain_topic_of 06057539 +04973386 _hypernym 04971928 +11794267 _member_meronym 11796318 +01021973 _derivationally_related_form 07202812 +12189429 _hypernym 13104059 +08146782 _derivationally_related_form 01030132 +10595647 _derivationally_related_form 02121511 +01048210 _hypernym 01047338 +05715150 _hypernym 05714894 +09781171 _hypernym 10295951 +01082290 _hypernym 01210737 +01541261 _member_meronym 01541386 +01711965 _hypernym 01000214 +05658603 _hypernym 05652396 +00033020 _derivationally_related_form 00742320 +08913434 _has_part 08914193 +03459914 _derivationally_related_form 00326773 +00618878 _hypernym 00699815 +01684899 _derivationally_related_form 10391653 +03131116 _derivationally_related_form 08734385 +00164201 _derivationally_related_form 00270275 +00249501 _hypernym 00250259 +12574143 _member_meronym 12574470 +14761578 _hypernym 15053867 +12164363 _hypernym 12163824 +07557434 _hypernym 07570720 +01358328 _derivationally_related_form 03725035 +02700064 _hypernym 03433877 +04863969 _hypernym 04861486 +02351518 _hypernym 01862557 +08826306 _instance_hypernym 08821885 +02278470 _hypernym 02278061 +00452512 _derivationally_related_form 03714721 +00538571 _hypernym 00126264 +00840751 _hypernym 00838367 +11078982 _instance_hypernym 09798811 +02457825 _derivationally_related_form 06714976 +12227220 _member_meronym 12227420 +00678105 _derivationally_related_form 08404549 +00022686 _derivationally_related_form 04320126 +02148788 _derivationally_related_form 00521562 +12445138 _hypernym 11561228 +00388210 _derivationally_related_form 00330144 +02296726 _hypernym 02327200 +06851742 _member_of_domain_usage 02992795 +01579488 _hypernym 01578821 +12535820 _hypernym 11585340 +00046534 _verb_group 00047945 +10484526 _derivationally_related_form 00014549 +01727646 _hypernym 01726692 +02551602 _derivationally_related_form 00094001 +01563724 _derivationally_related_form 10402285 +11480698 _hypernym 11419404 +01789064 _member_meronym 01789386 +01732270 _derivationally_related_form 15121625 +11916268 _member_meronym 11916467 +13063046 _member_meronym 13063269 +03692942 _instance_hypernym 03800563 +05638778 _derivationally_related_form 09841188 +01338663 _derivationally_related_form 15074568 +12218621 _member_meronym 12219065 +08858942 _member_meronym 09700964 +06335532 _synset_domain_topic_of 06128570 +14959644 _hypernym 14959234 +00880978 _derivationally_related_form 10684827 +05216365 _has_part 05462315 +00834259 _derivationally_related_form 00751944 +00916464 _has_part 00921790 +12977296 _hypernym 08103777 +01542207 _derivationally_related_form 15049594 +01309701 _derivationally_related_form 00941974 +01012073 _derivationally_related_form 06732581 +01599805 _hypernym 01332730 +01771246 _member_meronym 01771417 +09057311 _has_part 09250165 +02469085 _derivationally_related_form 01083645 +07266178 _hypernym 07258332 +11703935 _member_meronym 11704093 +04041069 _hypernym 03508101 +01275762 _derivationally_related_form 06798750 +11996092 _hypernym 11579418 +09425344 _hypernym 09335240 +09835348 _derivationally_related_form 02782093 +09105821 _has_part 09419281 +03399047 _derivationally_related_form 10113362 +02991463 _derivationally_related_form 08337324 +09683924 _hypernym 10016103 +08600760 _hypernym 08520401 +07832902 _derivationally_related_form 01364184 +00273963 _verb_group 00274283 +08040762 _synset_domain_topic_of 00759694 +12100538 _member_meronym 12118223 +01416193 _hypernym 01397210 +01437254 _hypernym 01435380 +00965871 _derivationally_related_form 09795334 +01945516 _synset_domain_topic_of 00815801 +06449735 _has_part 06436717 +02535093 _derivationally_related_form 00319939 +02159271 _member_meronym 02269015 +03745285 _derivationally_related_form 00262703 +02833576 _derivationally_related_form 01583993 +01465994 _member_meronym 01466828 +02100236 _similar_to 02099774 +01439657 _hypernym 01432517 +12806455 _member_meronym 12807624 +05929887 _hypernym 05929008 +04835488 _derivationally_related_form 10379376 +02377418 _synset_domain_topic_of 06282651 +02371344 _hypernym 01886756 +14419164 _derivationally_related_form 00713167 +00510050 _also_see 02225510 +02539251 _member_meronym 02539573 +06791372 _hypernym 00033020 +10595647 _derivationally_related_form 00065639 +05499828 _hypernym 05462674 +01505254 _derivationally_related_form 11498040 +02272707 _member_meronym 02273120 +07818277 _hypernym 07809368 +12913645 _member_meronym 12913791 +07298982 _derivationally_related_form 01809064 +14314850 _derivationally_related_form 00004819 +10563826 _hypernym 10791221 +00968479 _synset_domain_topic_of 08199025 +12377198 _hypernym 13104059 +00865387 _verb_group 00814458 +00791078 _derivationally_related_form 00539110 +05983217 _synset_domain_topic_of 06158346 +02244396 _member_meronym 02244515 +04645943 _derivationally_related_form 02640440 +07099271 _hypernym 07098193 +01944252 _verb_group 01944466 +12299165 _hypernym 11562747 +02733122 _verb_group 02202928 +02341288 _hypernym 02339376 +04760771 _derivationally_related_form 00626800 +06295235 _member_of_domain_usage 03348454 +01941670 _member_meronym 01950195 +01942177 _hypernym 01940736 +14770838 _hypernym 02720201 +01183573 _derivationally_related_form 13580723 +14951377 _hypernym 14601294 +13208468 _member_meronym 13208705 +00533185 _hypernym 00836705 +09829923 _hypernym 10287213 +01187537 _hypernym 00358431 +00914343 _derivationally_related_form 02072159 +05657166 _hypernym 05654362 +00469382 _derivationally_related_form 14562683 +02346895 _derivationally_related_form 00180413 +00996448 _derivationally_related_form 05161967 +11693566 _member_meronym 11695813 +01684663 _derivationally_related_form 03875218 +02169119 _hypernym 02153709 +00420477 _hypernym 00419908 +03969627 _hypernym 03106110 +02137907 _hypernym 02137710 +00178380 _hypernym 00173338 +00663894 _hypernym 00662589 +03996655 _has_part 02924713 +01646528 _hypernym 01645601 +01920932 _hypernym 01904930 +00604930 _derivationally_related_form 10737103 +12316300 _member_meronym 12316444 +08721145 _instance_hypernym 08524735 +11833373 _hypernym 13112664 +07090108 _hypernym 07089751 +07259319 _hypernym 07258332 +05546540 _has_part 05590366 +02686379 _hypernym 03102859 +12440869 _hypernym 11561228 +02271137 _derivationally_related_form 01239868 +11815194 _member_meronym 11816336 +03788703 _hypernym 13899404 +07370125 _derivationally_related_form 02016523 +12493426 _hypernym 13136316 +12062227 _hypernym 11556857 +02739578 _derivationally_related_form 13492453 +00298556 _hypernym 00296178 +08083599 _member_meronym 09680504 +12561594 _hypernym 11748002 +01780941 _hypernym 01779165 +12857024 _hypernym 11579418 +01103159 _synset_domain_topic_of 06677302 +00191603 _derivationally_related_form 05679611 +01173965 _hypernym 01173038 +01773319 _member_meronym 01773797 +05321307 _hypernym 05299178 +02186360 _hypernym 02185988 +00429713 _hypernym 00331950 +10112591 _derivationally_related_form 01074650 +13505987 _hypernym 13440063 +01845272 _member_meronym 01845477 +01589056 _derivationally_related_form 13911872 +02666239 _derivationally_related_form 04748836 +08780881 _has_part 09424118 +01000214 _synset_domain_topic_of 00910203 +12264621 _hypernym 11573173 +01782050 _member_meronym 01782378 +00162632 _derivationally_related_form 00699815 +01164618 _hypernym 01163779 +01982068 _hypernym 01981702 +06525588 _synset_domain_topic_of 06431740 +06483454 _derivationally_related_form 00658052 +04499660 _hypernym 02735688 +06588326 _hypernym 06566077 +12776946 _hypernym 11562747 +02217334 _hypernym 01759182 +00065639 _verb_group 00065370 +03045750 _derivationally_related_form 06940290 +05994935 _synset_domain_topic_of 06149484 +02958343 _has_part 03424630 +01871979 _derivationally_related_form 02766534 +09449127 _hypernym 09278537 +12581381 _member_meronym 12584970 +12978381 _hypernym 11594676 +00021554 _derivationally_related_form 03299929 +00252020 _derivationally_related_form 01244178 +12598409 _hypernym 11562747 +04929422 _hypernym 04928903 +01502262 _member_meronym 01518170 +12165170 _has_part 07756641 +01442203 _hypernym 01441510 +09207288 _has_part 08852209 +01696893 _synset_domain_topic_of 00933420 +05068080 _derivationally_related_form 02037090 +09250165 _instance_hypernym 09453008 +00336168 _derivationally_related_form 04756887 +03453809 _hypernym 02743547 +03751590 _hypernym 03259505 +11566682 _hypernym 11562747 +02474446 _hypernym 02474239 +00192836 _hypernym 00022686 +09095751 _has_part 09096089 +00042457 _derivationally_related_form 14006945 +01222884 _also_see 02319129 +02754103 _derivationally_related_form 01372682 +02911485 _synset_domain_topic_of 06128570 +01885367 _hypernym 01864707 +07695965 _derivationally_related_form 01665081 +00209546 _derivationally_related_form 02473431 +07075172 _member_of_domain_usage 05828263 +00973728 _synset_domain_topic_of 06264176 +06633363 _derivationally_related_form 00894738 +04364827 _hypernym 03623556 +06954048 _hypernym 06953731 +09338453 _synset_domain_topic_of 07979425 +02022659 _hypernym 02528380 +14038993 _derivationally_related_form 01826723 +00567291 _derivationally_related_form 14704465 +00049900 _derivationally_related_form 00531490 +12844409 _hypernym 12205694 +04438304 _derivationally_related_form 00702226 +00207622 _hypernym 00206927 +04598582 _hypernym 04586932 +00463543 _has_part 00562935 +04440749 _hypernym 03533972 +12373100 _hypernym 12651821 +13067532 _hypernym 13066129 +10909303 _instance_hypernym 09765278 +02333358 _derivationally_related_form 05725527 +01175316 _derivationally_related_form 01414626 +00360650 _also_see 01548193 +01683724 _member_meronym 01684435 +02353537 _derivationally_related_form 03151077 +01684578 _hypernym 01684133 +02485844 _derivationally_related_form 08385009 +10803193 _hypernym 00007846 +13895362 _hypernym 13894434 +00894738 _derivationally_related_form 06740183 +09044862 _member_of_domain_region 13753274 +00437788 _derivationally_related_form 00100235 +12189620 _hypernym 11575425 +09452395 _hypernym 09477890 +01502262 _member_meronym 01822423 +06940290 _derivationally_related_form 03045750 +06158185 _derivationally_related_form 10383689 +15231765 _synset_domain_topic_of 06144081 +07975026 _derivationally_related_form 02598143 +01073655 _derivationally_related_form 01193099 +01219706 _derivationally_related_form 02887209 +00308370 _hypernym 00306426 +02660147 _derivationally_related_form 03600977 +02656763 _derivationally_related_form 04105893 +10047459 _derivationally_related_form 04835028 +02608004 _derivationally_related_form 09368224 +01620282 _member_meronym 01620414 +00643197 _derivationally_related_form 00704305 +00619610 _derivationally_related_form 00072473 +00426581 _derivationally_related_form 00050693 +01647867 _derivationally_related_form 13970236 +03793186 _derivationally_related_form 00407633 +01696282 _member_meronym 01699415 +10332385 _derivationally_related_form 00054628 +00369802 _derivationally_related_form 01387786 +03079136 _hypernym 02958343 +07012534 _hypernym 06387980 +02552737 _member_meronym 02552894 +02913152 _has_part 03109881 +01259951 _derivationally_related_form 11445564 +01449236 _derivationally_related_form 05291728 +04679738 _hypernym 04679549 +04982478 _derivationally_related_form 01764800 +12590117 _member_meronym 12590232 +01496630 _derivationally_related_form 01051331 +05774129 _hypernym 05772356 +02296153 _verb_group 02229055 +05615373 _hypernym 05614175 +06295235 _member_of_domain_usage 01107726 +14449126 _derivationally_related_form 01188725 +02673637 _hypernym 02721160 +05494130 _hypernym 05493303 +00908621 _derivationally_related_form 08401554 +11942487 _hypernym 11672400 +02612762 _derivationally_related_form 09821831 +09719430 _hypernym 09641757 +02826443 _derivationally_related_form 05980256 +00886699 _hypernym 00883297 +08783286 _has_part 08783812 +05780104 _hypernym 05779371 +03161450 _derivationally_related_form 00390560 +05142641 _derivationally_related_form 02290461 +06804847 _synset_domain_topic_of 08199025 +00872886 _derivationally_related_form 09968845 +13725271 _hypernym 13717155 +01035530 _verb_group 00805376 +07957655 _hypernym 07956887 +06254239 _derivationally_related_form 00994076 +02194138 _synset_domain_topic_of 00243918 +07326557 _derivationally_related_form 00770437 +00376994 _derivationally_related_form 00107739 +12435486 _hypernym 12431861 +12436260 _hypernym 11556187 +02055649 _also_see 00438178 +00823129 _derivationally_related_form 01040390 +06617165 _hypernym 06613686 +10509605 _hypernym 00007846 +00865664 _hypernym 00912048 +14974264 _derivationally_related_form 01268112 +07511733 _derivationally_related_form 01826723 +02239997 _hypernym 02289295 +11841529 _member_meronym 11852255 +03387016 _hypernym 04360501 +13411533 _hypernym 13405962 +09758643 _hypernym 09633969 +05652593 _derivationally_related_form 00698398 +00055539 _synset_domain_topic_of 06037666 +00150591 _hypernym 00046522 +01872244 _member_meronym 01872401 +01111816 _derivationally_related_form 13594585 +11605708 _hypernym 08103777 +05943066 _derivationally_related_form 00688377 +00640385 _synset_domain_topic_of 06004067 +13221529 _has_part 11682842 +00795720 _derivationally_related_form 01651293 +08273167 _hypernym 08189659 +00916706 _derivationally_related_form 04736757 +04647478 _derivationally_related_form 02123314 +07997703 _derivationally_related_form 00657260 +09416076 _hypernym 00019128 +12027658 _hypernym 11672400 +08416523 _hypernym 07974025 +06587790 _hypernym 06566077 +00684645 _derivationally_related_form 10015897 +04404200 _derivationally_related_form 00790965 +05774129 _derivationally_related_form 00112628 +07096661 _derivationally_related_form 10528493 +02912065 _has_part 04190052 +13245846 _hypernym 13245626 +09023321 _has_part 09026911 +11109728 _instance_hypernym 10407310 +00425451 _derivationally_related_form 01786906 +08860123 _member_of_domain_region 15158816 +06435394 _has_part 06435651 +12423565 _member_meronym 12466034 +02346315 _member_meronym 02369012 +13864763 _hypernym 00027807 +00704305 _hypernym 00700652 +00129317 _hypernym 00129089 +01931768 _derivationally_related_form 08680888 +08008017 _derivationally_related_form 01484392 +01815471 _synset_domain_topic_of 00704305 +03345115 _derivationally_related_form 02187693 +08723006 _has_part 08728749 +05841985 _hypernym 05841351 +14441825 _hypernym 13920835 +12300625 _member_meronym 12301180 +01070102 _derivationally_related_form 09610660 +10310903 _derivationally_related_form 00828336 +02465414 _derivationally_related_form 01186428 +01886407 _also_see 02360448 +13486270 _derivationally_related_form 00442267 +00145929 _hypernym 00145218 +02061069 _hypernym 01831531 +12423565 _member_meronym 12474620 +12888733 _member_meronym 12888906 +02338145 _hypernym 02329401 +01086081 _hypernym 01085793 +00811171 _hypernym 00811375 +08840200 _has_part 08840374 +02716165 _derivationally_related_form 07284554 +09685398 _derivationally_related_form 08097222 +12670758 _hypernym 13104059 +09713501 _hypernym 09641757 +09956578 _hypernym 10752930 +12838027 _member_meronym 12866824 +14500819 _hypernym 14500567 +00371264 _derivationally_related_form 11466043 +13228017 _hypernym 13227778 +02650928 _hypernym 01432517 +00029836 _derivationally_related_form 06778925 +10648696 _hypernym 09765278 +01582409 _hypernym 01587062 +00828003 _derivationally_related_form 10464178 +05642175 _hypernym 05640433 +13444940 _derivationally_related_form 02687191 +01195867 _has_part 01198307 +01231819 _derivationally_related_form 00793037 +08416523 _member_meronym 09904837 +09321901 _instance_hypernym 09411430 +02484975 _hypernym 02484473 +04178329 _hypernym 03743902 +03294048 _hypernym 03575240 +11658104 _member_meronym 11658544 +01467504 _member_meronym 01467675 +02075612 _hypernym 00015388 +08778401 _instance_hypernym 08691669 +00908621 _derivationally_related_form 10407726 +05110408 _derivationally_related_form 01975912 +05565696 _derivationally_related_form 01210737 +01311378 _derivationally_related_form 03996416 +01156899 _hypernym 01156438 +05864577 _hypernym 05857459 +00011982 _synset_domain_topic_of 00612160 +01665185 _hypernym 01664172 +01728920 _hypernym 01727646 +00264776 _derivationally_related_form 04860065 +01889610 _derivationally_related_form 04183329 +13077479 _member_meronym 13081369 +09366017 _hypernym 09287968 +13989051 _derivationally_related_form 01364008 +11727358 _hypernym 11727091 +06754415 _has_part 06754816 +00883611 _derivationally_related_form 02258291 +13187167 _member_meronym 13187367 +09060768 _has_part 09421604 +02191273 _hypernym 02190166 +01417868 _hypernym 01418179 +14559208 _hypernym 14548343 +01209953 _derivationally_related_form 05566504 +02061495 _also_see 02004701 +01188485 _hypernym 01825237 +02262139 _derivationally_related_form 13416345 +08860123 _member_of_domain_region 09961739 +01687441 _member_meronym 01688106 +12862648 _member_meronym 12862828 +02047807 _derivationally_related_form 13887509 +15265518 _derivationally_related_form 02608347 +00699334 _derivationally_related_form 09769929 +00949288 _verb_group 00640828 +00156390 _derivationally_related_form 00539546 +04495843 _has_part 03512911 +12515711 _hypernym 11747468 +10296176 _derivationally_related_form 01988325 +01484027 _verb_group 01483779 +08856037 _instance_hypernym 08633957 +00626800 _derivationally_related_form 04760771 +03543394 _hypernym 02958343 +14427239 _derivationally_related_form 09918554 +02155872 _hypernym 05225602 +07050177 _hypernym 07020895 +11867525 _member_meronym 11881426 +02465414 _hypernym 05297523 +01247804 _derivationally_related_form 10691600 +07971023 _hypernym 07969695 +03260293 _derivationally_related_form 10040789 +00259643 _derivationally_related_form 02253456 +01662771 _derivationally_related_form 03779370 +09340452 _member_meronym 09396712 +02057731 _hypernym 02021795 +13120211 _hypernym 13100677 +07535532 _synset_domain_topic_of 07092592 +13622209 _has_part 13622035 +15227593 _synset_domain_topic_of 00314469 +15056541 _derivationally_related_form 01373844 +00145218 _derivationally_related_form 01069190 +10261388 _derivationally_related_form 01950502 +08860123 _member_of_domain_region 08250635 +00619183 _hypernym 00699815 +15256915 _has_part 15258450 +02428924 _verb_group 02023107 +02028994 _derivationally_related_form 05088324 +01651900 _hypernym 01626600 +06796642 _derivationally_related_form 00975036 +02276749 _hypernym 02274822 +02033137 _derivationally_related_form 13869327 +12094244 _hypernym 13121544 +12783996 _hypernym 11562747 +13350443 _synset_domain_topic_of 08441203 +02763714 _has_part 03974215 +01537409 _derivationally_related_form 04695963 +08801678 _member_of_domain_region 08043499 +02159890 _hypernym 02160552 +10763245 _hypernym 10630188 +01785831 _hypernym 01342529 +00844298 _derivationally_related_form 06561942 +10551751 _synset_domain_topic_of 08199025 +05513529 _has_part 05519085 +03328392 _hypernym 03828465 +02399331 _derivationally_related_form 00198793 +12605019 _member_meronym 12608447 +15118228 _hypernym 15113229 +10003120 _derivationally_related_form 02148788 +00273077 _hypernym 00271263 +11814440 _hypernym 11573660 +00306426 _derivationally_related_form 01845720 +07812497 _hypernym 07809368 +00478217 _derivationally_related_form 10617904 +12972414 _member_meronym 12972629 +03082979 _has_part 03163798 +05556943 _has_part 05534333 +02430580 _hypernym 02431320 +12319687 _member_meronym 12321395 +14158997 _hypernym 14151139 +01779986 _derivationally_related_form 06195839 +07071483 _hypernym 07066659 +02238113 _member_meronym 02238235 +00483801 _derivationally_related_form 14417146 +01454246 _derivationally_related_form 02774630 +13144511 _member_meronym 13144794 +00086835 _derivationally_related_form 00824054 +13577171 _hypernym 00033615 +02252931 _derivationally_related_form 01120448 +04992834 _hypernym 04992570 +12802248 _hypernym 11585340 +11657314 _hypernym 11554175 +01290422 _hypernym 01291069 +02460502 _also_see 01222360 +00533851 _derivationally_related_form 04822223 +10237069 _hypernym 10235549 +01195299 _derivationally_related_form 05821775 +06717170 _member_of_domain_usage 09643078 +13103136 _hypernym 13083586 +02748927 _derivationally_related_form 05003590 +08727945 _instance_hypernym 08524735 +04577769 _has_part 03643907 +02126686 _derivationally_related_form 14918994 +08801678 _has_part 08804962 +08277805 _hypernym 08276720 +01549886 _hypernym 01547832 +04171629 _hypernym 03948459 +07765999 _hypernym 13138308 +00015498 _derivationally_related_form 15273626 +00368592 _derivationally_related_form 02060141 +02301072 _member_meronym 02302124 +00799798 _derivationally_related_form 13858604 +05817845 _derivationally_related_form 00956250 +01170962 _derivationally_related_form 01092366 +07491286 _derivationally_related_form 01817314 +00230276 _derivationally_related_form 00455348 +02683558 _hypernym 03183080 +02513740 _derivationally_related_form 00745637 +01004072 _derivationally_related_form 00612652 +13774404 _derivationally_related_form 02064131 +00875394 _derivationally_related_form 07161429 +09109444 _has_part 09441725 +06295235 _member_of_domain_usage 00959645 +00839194 _hypernym 00854420 +01661096 _hypernym 01659248 +00618878 _derivationally_related_form 01272397 +08390511 _has_part 08391206 +07445480 _derivationally_related_form 02644050 +11870212 _hypernym 11575425 +11911591 _member_meronym 12004310 +09236423 _instance_hypernym 09403734 +00715074 _derivationally_related_form 00209943 +10150794 _derivationally_related_form 00636061 +00374224 _derivationally_related_form 00226566 +01637633 _derivationally_related_form 05768806 +11094055 _synset_domain_topic_of 06453849 +00307419 _derivationally_related_form 10040789 +08295138 _member_meronym 09006413 +01219706 _hypernym 01217043 +11832899 _hypernym 11832214 +12142085 _hypernym 12141495 +09044862 _has_part 09137869 +11909353 _member_meronym 11909527 +01250474 _hypernym 01249724 +02164825 _derivationally_related_form 05785508 +11797016 _member_meronym 11798270 +12380197 _hypernym 11575425 +14920388 _derivationally_related_form 01808769 +08890097 _has_part 08891595 +12420335 _hypernym 11561228 +00104026 _derivationally_related_form 14290534 +11213552 _instance_hypernym 10547145 +00992041 _derivationally_related_form 00334509 +02718863 _derivationally_related_form 00388392 +15248564 _hypernym 15113229 +01826998 _member_meronym 01827948 +10290919 _derivationally_related_form 00660783 +00067990 _derivationally_related_form 02558172 +01009871 _hypernym 01008378 +10040344 _hypernym 10613505 +12741409 _member_meronym 12741792 +01991676 _hypernym 01759182 +00732552 _derivationally_related_form 05818741 +00377686 _hypernym 00377364 +08141092 _hypernym 08348815 +01264148 _hypernym 00173338 +01151788 _hypernym 01123598 +02699141 _derivationally_related_form 09909060 +00103834 _hypernym 00045250 +09964659 _derivationally_related_form 00628125 +11600671 _member_meronym 11600900 +09108164 _has_part 09340644 +02611976 _hypernym 00339934 +00022316 _derivationally_related_form 04470232 +01254692 _derivationally_related_form 14550469 +02163301 _hypernym 02169352 +02648639 _derivationally_related_form 10523519 +07292577 _hypernym 07291794 +00184907 _hypernym 00515154 +09752381 _hypernym 00007846 +12879350 _hypernym 11579418 +10384392 _derivationally_related_form 02315277 +08049401 _member_meronym 09816771 +10736394 _hypernym 10665698 +00914769 _hypernym 00778275 +01768969 _member_meronym 01769635 +03674440 _hypernym 03738241 +02345048 _derivationally_related_form 13262663 +05125377 _derivationally_related_form 02527085 +06457952 _has_part 06460524 +01586541 _member_meronym 01587148 +02670382 _hypernym 04147495 +08402828 _hypernym 08402442 +02285629 _derivationally_related_form 00043195 +03726233 _hypernym 04581595 +08857682 _member_meronym 08831004 +01244895 _derivationally_related_form 02543607 +01126051 _hypernym 01119169 +09756637 _derivationally_related_form 01247413 +11604225 _hypernym 11534677 +08769645 _derivationally_related_form 09748408 +09233284 _instance_hypernym 09403734 +11409059 _synset_domain_topic_of 06084469 +01120448 _derivationally_related_form 02252931 +07152463 _hypernym 06316048 +02009433 _verb_group 02015598 +02035337 _also_see 01370590 +05685879 _derivationally_related_form 01521124 +12290116 _member_meronym 12293419 +01666717 _hypernym 01640550 +12527738 _hypernym 13104059 +00208055 _hypernym 00205885 +08973776 _has_part 08974604 +14500567 _derivationally_related_form 02739861 +01377571 _verb_group 02029492 +04113765 _hypernym 02733524 +01081152 _derivationally_related_form 07465290 +03873064 _derivationally_related_form 01576917 +00133338 _derivationally_related_form 00863433 +01821727 _hypernym 01507175 +07778938 _hypernym 07775905 +02483908 _derivationally_related_form 01955933 +09151516 _instance_hypernym 08524735 +12806270 _member_meronym 12806455 +01368863 _derivationally_related_form 00944449 +00813790 _derivationally_related_form 10468962 +01960296 _hypernym 01957529 +00215800 _hypernym 00217956 +04090064 _hypernym 02716205 +09167767 _has_part 09171674 +12201761 _hypernym 11575425 +04760771 _derivationally_related_form 01778212 +13763384 _hypernym 13653902 +09999135 _derivationally_related_form 00848169 +04818284 _hypernym 04815321 +01951276 _derivationally_related_form 13326198 +01883920 _hypernym 01883513 +02502357 _hypernym 01864707 +00653958 _hypernym 00634586 +11402463 _instance_hypernym 10030277 +10007109 _derivationally_related_form 02412939 +04263614 _hypernym 03315023 +05748054 _derivationally_related_form 02193765 +02280132 _derivationally_related_form 07419599 +01984119 _derivationally_related_form 00076884 +02468864 _derivationally_related_form 00512749 +11109424 _instance_hypernym 10088390 +09378529 _instance_hypernym 09360122 +00745499 _hypernym 00752764 +12375518 _hypernym 13112664 +03470387 _hypernym 04216963 +13077479 _hypernym 11594676 +00296585 _hypernym 01080366 +14918994 _hypernym 14818238 +01500873 _derivationally_related_form 13135832 +00380083 _derivationally_related_form 01462468 +00414179 _synset_domain_topic_of 06136258 +11867525 _member_meronym 11895270 +00089154 _hypernym 00088713 +01821418 _hypernym 01507175 +02977438 _hypernym 02976939 +10034201 _hypernym 09612848 +02346627 _has_part 01900837 +08703454 _has_part 08704409 +01647229 _hypernym 01641914 +14539268 _hypernym 14538472 +12898342 _hypernym 12205694 +00612114 _derivationally_related_form 02710402 +01761120 _derivationally_related_form 01261712 +00504019 _hypernym 00503715 +02545687 _hypernym 01432517 +02671880 _derivationally_related_form 00062451 +01636993 _hypernym 01636397 +00893741 _derivationally_related_form 06741099 +12957298 _member_meronym 12957467 +08097766 _hypernym 08149781 +02524081 _hypernym 01432517 +00564300 _hypernym 00137313 +13000372 _member_meronym 13005568 +01845627 _member_meronym 01847565 +08154960 _member_meronym 10995592 +00169458 _hypernym 00046534 +08946042 _instance_hypernym 08633957 +00294245 _derivationally_related_form 11669921 +11708181 _member_meronym 11711971 +00842772 _hypernym 00826509 +02180529 _hypernym 00974367 +01939174 _synset_domain_topic_of 00523513 +08426816 _hypernym 08426461 +01913237 _hypernym 01912159 +01719921 _derivationally_related_form 09840050 +12226322 _hypernym 12226009 +07507912 _derivationally_related_form 01790739 +02187554 _hypernym 02186153 +04418357 _hypernym 03151077 +00644066 _derivationally_related_form 05774129 +01806567 _hypernym 01802721 +00395841 _hypernym 00394813 +07331759 _derivationally_related_form 02030424 +00420877 _hypernym 00424599 +02079525 _hypernym 02077656 +01059400 _derivationally_related_form 04777098 +12660009 _hypernym 11566230 +00754731 _derivationally_related_form 06513366 +02042067 _hypernym 01309701 +05818741 _derivationally_related_form 00732552 +03815482 _hypernym 03051540 +07075172 _member_of_domain_usage 06610436 +01354869 _member_meronym 01381399 +03537412 _hypernym 04027023 +00171882 _synset_domain_topic_of 06951067 +05289861 _hypernym 05289297 +02083038 _member_meronym 02118854 +10529231 _derivationally_related_form 02203362 +10496193 _hypernym 09993252 +02298632 _derivationally_related_form 07164546 +06759063 _hypernym 06722453 +15047313 _derivationally_related_form 00447309 +02710043 _derivationally_related_form 09987239 +12213635 _member_meronym 12214605 +08590172 _synset_domain_topic_of 06118563 +11540439 _hypernym 11537665 +15144371 _hypernym 15113229 +01476154 _derivationally_related_form 04668139 +01254013 _derivationally_related_form 11460063 +12581381 _member_meronym 12585512 +07006119 _derivationally_related_form 02813315 +09100394 _instance_hypernym 08524735 +01593857 _hypernym 01507175 +13534954 _derivationally_related_form 01229071 +02386675 _derivationally_related_form 07453638 +02554422 _derivationally_related_form 01129532 +09944763 _derivationally_related_form 00591111 +09382990 _has_part 09400667 +11724822 _member_meronym 11725015 +00274707 _derivationally_related_form 00282076 +06498569 _member_meronym 06837251 +05795460 _derivationally_related_form 00795632 +06715223 _derivationally_related_form 00847870 +13327896 _hypernym 13327676 +10403366 _hypernym 10129825 +04204468 _hypernym 02815950 +05392562 _hypernym 05516848 +01920048 _hypernym 01996735 +01427278 _hypernym 01426397 +01657254 _derivationally_related_form 14500567 +02419773 _derivationally_related_form 10035809 +00115500 _derivationally_related_form 01453256 +01149494 _also_see 00364479 +10249950 _synset_domain_topic_of 08441203 +01357507 _hypernym 01355326 +12287388 _hypernym 11573173 +02142775 _synset_domain_topic_of 00933420 +00714718 _hypernym 00713167 +03509025 _derivationally_related_form 00372665 +01504625 _derivationally_related_form 04983402 +00618682 _derivationally_related_form 09909060 +02347865 _member_meronym 02348036 +00856847 _hypernym 00844254 +00800121 _hypernym 00799537 +05532225 _has_part 05533948 +00980394 _synset_domain_topic_of 00759694 diff --git a/process_data/WNRR_original/valid.txt b/process_data/WNRR_original/valid.txt new file mode 100644 index 0000000..ca0bf43 --- /dev/null +++ b/process_data/WNRR_original/valid.txt @@ -0,0 +1,3034 @@ +02174461 _hypernym 02176268 +05074057 _derivationally_related_form 02310895 +08390511 _synset_domain_topic_of 08199025 +02045024 _member_meronym 02046321 +04758181 _hypernym 04757864 +09419536 _instance_hypernym 09411430 +12165384 _hypernym 12163824 +04881998 _derivationally_related_form 01299888 +00612652 _derivationally_related_form 01004072 +02400139 _member_meronym 02420389 +05846932 _derivationally_related_form 01633173 +08847694 _has_part 08975106 +12815925 _member_meronym 12822650 +15214840 _has_part 15199033 +07372959 _derivationally_related_form 00748282 +11871916 _member_meronym 11872473 +12822284 _hypernym 11744859 +02257141 _derivationally_related_form 04652930 +05703429 _derivationally_related_form 02118476 +09929577 _synset_domain_topic_of 06136258 +01652850 _member_meronym 01653223 +05922949 _derivationally_related_form 00931467 +01949435 _hypernym 01953810 +02118242 _derivationally_related_form 05768553 +00698732 _hypernym 00697589 +11651259 _member_meronym 11656974 +01909397 _derivationally_related_form 00348312 +02466670 _derivationally_related_form 06535222 +12506784 _hypernym 13112664 +06636806 _derivationally_related_form 00563552 +15196746 _hypernym 15199592 +03608870 _hypernym 04320126 +07371293 _derivationally_related_form 02179518 +01689226 _member_meronym 01690339 +02138766 _synset_domain_topic_of 13536794 +03335600 _hypernym 03777283 +05051896 _derivationally_related_form 02684924 +00858742 _hypernym 00858377 +07950418 _derivationally_related_form 00076400 +07439883 _hypernym 13518963 +05248667 _hypernym 05248553 +01247413 _derivationally_related_form 02497400 +00877083 _derivationally_related_form 06417598 +14828683 _hypernym 14813182 +08910668 _has_part 08912427 +13716084 _hypernym 13609214 +09319456 _derivationally_related_form 09319456 +07261300 _hypernym 07260623 +00649887 _hypernym 00649481 +09075842 _has_part 09453887 +01201089 _derivationally_related_form 07579399 +01675963 _derivationally_related_form 03169390 +02468261 _derivationally_related_form 00397953 +02616251 _member_meronym 02616397 +00775156 _derivationally_related_form 07181935 +00189669 _hypernym 00187526 +09151216 _instance_hypernym 08524735 +02147824 _hypernym 02158587 +09767197 _hypernym 00007846 +01275389 _instance_hypernym 00956485 +00629738 _hypernym 00628491 +00155797 _hypernym 00155487 +10561861 _hypernym 09631463 +10170989 _derivationally_related_form 00074834 +12489815 _hypernym 13120003 +05486510 _hypernym 05462674 +02359324 _hypernym 02329401 +05892651 _hypernym 01129920 +03325769 _hypernym 03748886 +00442847 _derivationally_related_form 01976220 +00328802 _derivationally_related_form 13886724 +00309582 _verb_group 00309792 +00327824 _derivationally_related_form 02717472 +00895304 _derivationally_related_form 06740644 +01566916 _derivationally_related_form 00115803 +05216365 _has_part 05396366 +05965388 _hypernym 05943300 +00717748 _derivationally_related_form 01374767 +01929467 _hypernym 01904930 +11984854 _member_meronym 11985053 +06277280 _hypernym 06276697 +06593803 _derivationally_related_form 02797021 +02716767 _derivationally_related_form 09760609 +00742320 _derivationally_related_form 13792842 +01636008 _verb_group 01635432 +01949674 _hypernym 02077656 +00249501 _derivationally_related_form 00248659 +02186399 _hypernym 01759182 +05005447 _derivationally_related_form 00118066 +05327767 _hypernym 05297523 +03003928 _derivationally_related_form 06975132 +02717102 _hypernym 02630189 +02109818 _derivationally_related_form 09488259 +07137129 _derivationally_related_form 01036804 +01576165 _derivationally_related_form 08629199 +00702226 _derivationally_related_form 15245515 +01723690 _derivationally_related_form 00549284 +11529603 _member_meronym 11744859 +02600490 _hypernym 01162754 +01936219 _hypernym 08103777 +00581671 _verb_group 00122097 +01458664 _derivationally_related_form 00191980 +14197468 _hypernym 14189204 +02435099 _hypernym 01864707 +10358032 _hypernym 10026553 +14299336 _derivationally_related_form 00091124 +12442220 _hypernym 11561228 +02570267 _derivationally_related_form 10327583 +14746048 _hypernym 14747338 +06629858 _derivationally_related_form 01062555 +01471070 _member_meronym 01660719 +08686332 _instance_hypernym 08685677 +11885697 _hypernym 11575425 +10449521 _hypernym 10249459 +02319095 _hypernym 02316707 +02897692 _hypernym 03149951 +09939313 _derivationally_related_form 01090335 +01191610 _hypernym 01191158 +00792471 _also_see 01629958 +00120010 _derivationally_related_form 02094788 +07301543 _hypernym 07301336 +07135734 _derivationally_related_form 00952841 +12734722 _member_meronym 12736455 +01185981 _derivationally_related_form 00840751 +01004072 _derivationally_related_form 02709906 +07168486 _hypernym 07168131 +00545557 _derivationally_related_form 13477023 +00079398 _hypernym 01090446 +10598641 _hypernym 09917593 +13308999 _derivationally_related_form 02307547 +02315048 _hypernym 02344568 +07567390 _derivationally_related_form 00236999 +00370458 _hypernym 00369802 +12787196 _hypernym 11585340 +05664069 _derivationally_related_form 10269785 +02261464 _derivationally_related_form 08057460 +00289297 _hypernym 00281101 +02743727 _derivationally_related_form 13482330 +00827782 _derivationally_related_form 02025550 +02367032 _hypernym 02382367 +05700401 _derivationally_related_form 01783214 +07493527 _hypernym 07490713 +11875100 _member_meronym 11877646 +12602262 _hypernym 13118707 +04935528 _derivationally_related_form 01356750 +01312096 _has_part 01278232 +15122011 _hypernym 00028270 +00739662 _derivationally_related_form 09926862 +02155248 _hypernym 02154508 +01462005 _derivationally_related_form 07374756 +02612393 _member_meronym 02614788 +08835875 _has_part 08836630 +03083069 _derivationally_related_form 09712696 +00639007 _hypernym 00638770 +01826060 _derivationally_related_form 04836268 +01909111 _member_meronym 01911511 +00724029 _derivationally_related_form 13421832 +01871699 _member_meronym 01872094 +12959371 _member_meronym 12959538 +02453889 _derivationally_related_form 10670668 +13911151 _derivationally_related_form 02354287 +06551784 _derivationally_related_form 02501278 +13206001 _hypernym 13167078 +00824767 _derivationally_related_form 10740017 +02205896 _member_meronym 02216547 +01570935 _derivationally_related_form 00225786 +04236182 _hypernym 04260934 +09681351 _derivationally_related_form 03039087 +00095121 _derivationally_related_form 01796800 +00050693 _derivationally_related_form 00423971 +06338908 _derivationally_related_form 01030132 +11877473 _hypernym 11868814 +01745141 _hypernym 00109660 +07733394 _hypernym 07707451 +02132136 _hypernym 02131653 +10719395 _hypernym 10719267 +01915093 _hypernym 01342529 +12398682 _hypernym 11562747 +01421122 _derivationally_related_form 03091374 +08494459 _has_part 09198574 +05980256 _derivationally_related_form 02826443 +12972414 _hypernym 08220891 +04271891 _hypernym 03210940 +13416345 _derivationally_related_form 00804002 +14757547 _derivationally_related_form 00198213 +01718185 _hypernym 01712704 +07075172 _member_of_domain_usage 05831939 +12200747 _hypernym 11575425 +09950457 _hypernym 00007846 +05689801 _hypernym 05689249 +01356459 _member_meronym 01356888 +09031653 _member_of_domain_region 01294330 +01204557 _also_see 02385102 +05635624 _hypernym 05638987 +02201644 _derivationally_related_form 00467913 +02085742 _derivationally_related_form 03933529 +00878797 _hypernym 00878456 +00455212 _derivationally_related_form 07439570 +12996225 _member_meronym 12996841 +01706129 _hypernym 01705494 +11911591 _member_meronym 11963158 +01216191 _hypernym 01215902 +07755929 _hypernym 07755707 +01619354 _derivationally_related_form 00908772 +07702796 _derivationally_related_form 02688623 +05333259 _hypernym 05298729 +00220522 _derivationally_related_form 02482425 +00216216 _derivationally_related_form 11502102 +10032676 _derivationally_related_form 01505254 +03600977 _derivationally_related_form 01604696 +12476036 _hypernym 11556187 +07045353 _derivationally_related_form 02937108 +12821736 _member_meronym 12822115 +09752795 _hypernym 00007846 +07370968 _derivationally_related_form 02041206 +10785333 _hypernym 09619824 +13063784 _hypernym 11590783 +14180327 _derivationally_related_form 02119874 +10669236 _hypernym 10259348 +08398036 _hypernym 08397255 +09992538 _derivationally_related_form 02025829 +08740875 _member_of_domain_region 08745011 +02424652 _derivationally_related_form 10678472 +00916909 _derivationally_related_form 05803938 +02200705 _hypernym 01762525 +00381567 _hypernym 00378985 +08453464 _hypernym 08441203 +00581671 _derivationally_related_form 13572860 +01475075 _derivationally_related_form 04445952 +01845627 _member_meronym 01846331 +00053913 _hypernym 00042757 +00924612 _derivationally_related_form 06791372 +10456696 _hypernym 10523076 +02446512 _member_meronym 02446645 +09266453 _instance_hypernym 09360122 +09792237 _derivationally_related_form 06057539 +06647614 _hypernym 06648724 +06765044 _derivationally_related_form 00939035 +07993929 _hypernym 07941170 +10540526 _hypernym 10677713 +11916467 _hypernym 12205694 +14822141 _derivationally_related_form 00369864 +01576478 _derivationally_related_form 08616050 +03139045 _derivationally_related_form 09755398 +09433442 _synset_domain_topic_of 09328904 +09794211 _hypernym 10677713 +01166258 _hypernym 01080366 +10110421 _derivationally_related_form 02576110 +01951480 _hypernym 01850315 +09777012 _derivationally_related_form 02607909 +14497763 _derivationally_related_form 00427786 +12888906 _hypernym 12205694 +01282014 _derivationally_related_form 01767949 +01751036 _hypernym 01745125 +02602215 _hypernym 01429349 +14006490 _hypernym 14006179 +06261060 _hypernym 06260121 +09051235 _has_part 09090825 +02585050 _derivationally_related_form 09778783 +06573600 _has_part 06577369 +07410207 _derivationally_related_form 01397088 +06744396 _derivationally_related_form 00957378 +10257221 _derivationally_related_form 02497062 +08920381 _has_part 09380446 +00770437 _derivationally_related_form 06740402 +13224454 _member_meronym 13224673 +00003553 _derivationally_related_form 01385458 +11657763 _hypernym 11554175 +13104059 _derivationally_related_form 01145163 +12593689 _hypernym 11556857 +00066977 _derivationally_related_form 05405324 +00049102 _derivationally_related_form 03473966 +02168542 _hypernym 01759182 +12194776 _member_meronym 12200747 +07183151 _derivationally_related_form 00869596 +10318892 _derivationally_related_form 01724185 +00079018 _hypernym 00077419 +04077594 _hypernym 02950632 +07995164 _hypernym 07993929 +01067192 _derivationally_related_form 02642814 +00038365 _derivationally_related_form 00256746 +06066267 _hypernym 05999797 +00928947 _derivationally_related_form 01747717 +02417389 _hypernym 02554922 +00982293 _hypernym 00941990 +01349130 _verb_group 01350699 +01533442 _hypernym 00275843 +12567768 _member_meronym 12567950 +11744859 _hypernym 08108972 +00386715 _derivationally_related_form 00346693 +00400083 _hypernym 00191142 +00020926 _derivationally_related_form 10634990 +09464486 _derivationally_related_form 02159890 +01332205 _derivationally_related_form 14702875 +07224151 _derivationally_related_form 00870213 +12556030 _member_meronym 12556793 +04935904 _hypernym 04935003 +02719399 _derivationally_related_form 04944048 +01640550 _derivationally_related_form 09805475 +05515670 _hypernym 05303402 +09044862 _has_part 09055015 +08980300 _has_part 08981244 +01409523 _derivationally_related_form 00132756 +01956924 _hypernym 01342529 +12745386 _has_part 07769731 +12193205 _hypernym 15098161 +11536778 _member_meronym 11542341 +01629958 _verb_group 01646866 +03187268 _synset_domain_topic_of 06128570 +00338071 _derivationally_related_form 04184701 +02885338 _synset_domain_topic_of 00445802 +11726925 _member_meronym 11727540 +01235769 _hypernym 01410223 +00100543 _hypernym 00550771 +08038131 _instance_hypernym 08392137 +12474006 _hypernym 11561228 +03033362 _has_part 04079933 +12930044 _member_meronym 12939664 +01941093 _derivationally_related_form 05635188 +00787832 _derivationally_related_form 02497062 +00628692 _derivationally_related_form 00027268 +07912211 _hypernym 07911371 +11983160 _hypernym 11579418 +01945516 _derivationally_related_form 04127904 +10775128 _hypernym 10294602 +02191766 _derivationally_related_form 00248368 +03831899 _hypernym 02740764 +08860123 _member_of_domain_region 00168911 +09681351 _derivationally_related_form 02922448 +03299006 _hypernym 02724966 +01011031 _hypernym 01010118 +00971463 _synset_domain_topic_of 08199025 +13591761 _hypernym 13582013 +14435187 _derivationally_related_form 01013367 +01857632 _hypernym 01855672 +00240184 _derivationally_related_form 02624263 +13368052 _derivationally_related_form 00159236 +04832518 _hypernym 04831727 +01316422 _hypernym 00015388 +02656670 _hypernym 02652668 +02632239 _hypernym 01429349 +10644469 _derivationally_related_form 01503952 +06413889 _derivationally_related_form 06410904 +12677427 _hypernym 11579418 +13016457 _member_meronym 13016749 +09465459 _hypernym 00002452 +06512324 _hypernym 06511874 +07187150 _derivationally_related_form 00759657 +01725051 _derivationally_related_form 10340312 +10104209 _hypernym 10676877 +07335414 _hypernym 07335243 +05412912 _hypernym 05412649 +02651424 _also_see 02648639 +05820620 _derivationally_related_form 02155799 +12156308 _hypernym 11555413 +00546192 _hypernym 01849221 +08551628 _has_part 08688590 +03056010 _hypernym 02839910 +08860123 _member_of_domain_region 10345659 +11156943 _instance_hypernym 10067305 +02446660 _derivationally_related_form 10321126 +01746839 _derivationally_related_form 06769670 +14525548 _derivationally_related_form 00388635 +01137138 _derivationally_related_form 00125629 +10066732 _derivationally_related_form 00672433 +11502497 _hypernym 11501381 +08900535 _member_of_domain_region 08015116 +00609953 _hypernym 00582388 +02519686 _hypernym 02517442 +05707495 _derivationally_related_form 00590761 +00789448 _derivationally_related_form 04401088 +09617696 _hypernym 00007846 +02681795 _also_see 00459776 +02051031 _verb_group 02373015 +04042358 _hypernym 03925226 +12606797 _hypernym 11556857 +01879251 _hypernym 01880113 +05317191 _derivationally_related_form 02678677 +13451348 _hypernym 13518963 +02298471 _derivationally_related_form 03461385 +01232412 _hypernym 01230965 +00074038 _hypernym 00072989 +14005892 _derivationally_related_form 02066510 +02583379 _hypernym 02521410 +01226240 _also_see 01982646 +10131590 _hypernym 10154186 +07339808 _synset_domain_topic_of 08199025 +04682184 _synset_domain_topic_of 06060845 +01904930 _also_see 01910965 +08759013 _has_part 08759263 +00284930 _derivationally_related_form 05018103 +02240881 _derivationally_related_form 00946650 +01688812 _hypernym 01657723 +12684640 _member_meronym 12690388 +14285662 _derivationally_related_form 00065070 +12213635 _member_meronym 12216836 +05167618 _derivationally_related_form 00075515 +07026352 _has_part 06347811 +00002325 _verb_group 00001740 +10607706 _hypernym 10605985 +02054834 _member_meronym 02054966 +01574270 _member_meronym 01574390 +00876442 _hypernym 00872886 +06684572 _derivationally_related_form 01011031 +01918310 _hypernym 08102555 +02075049 _derivationally_related_form 00060201 +11665781 _member_meronym 11666854 +13151568 _member_meronym 13152592 +10009276 _derivationally_related_form 00785962 +01669883 _member_meronym 01670092 +01826723 _derivationally_related_form 10184946 +02448318 _hypernym 02441326 +01933305 _derivationally_related_form 00609506 +09899929 _derivationally_related_form 06160244 +02632694 _member_meronym 02632989 +11304139 _instance_hypernym 10453533 +08016385 _synset_domain_topic_of 00759694 +04507155 _has_part 03448253 +04211528 _hypernym 03736970 +00190180 _hypernym 00189565 +07157273 _member_of_domain_usage 08641944 +14224547 _synset_domain_topic_of 00015388 +03362293 _hypernym 03032252 +12581230 _member_meronym 12581381 +12226322 _member_meronym 12226932 +02016956 _hypernym 02016358 +10280364 _hypernym 09977660 +03924978 _hypernym 04470953 +11520989 _hypernym 11419404 +02019431 _derivationally_related_form 05030418 +14857897 _derivationally_related_form 01252216 +01931768 _derivationally_related_form 00556313 +07736087 _hypernym 07735803 +07486922 _derivationally_related_form 01805684 +06711855 _derivationally_related_form 00826201 +10481711 _hypernym 09610405 +00614999 _derivationally_related_form 05706954 +10807317 _instance_hypernym 10423589 +13367070 _hypernym 13366693 +01058574 _hypernym 01020005 +06347996 _hypernym 07012534 +01822248 _derivationally_related_form 07553301 +00851933 _derivationally_related_form 10552742 +01799794 _hypernym 01793177 +01052301 _derivationally_related_form 07379094 +03894379 _derivationally_related_form 01563724 +02300018 _hypernym 01759182 +06280816 _derivationally_related_form 02727009 +04881998 _hypernym 04881829 +00596644 _hypernym 02110220 +00926310 _hypernym 00925873 +03420559 _derivationally_related_form 01606205 +01112420 _derivationally_related_form 00470386 +06070929 _derivationally_related_form 10043163 +00068467 _hypernym 00067999 +10764128 _hypernym 10569411 +12924623 _has_part 11689678 +04539053 _hypernym 03211117 +10482414 _hypernym 09815790 +02433549 _derivationally_related_form 00399393 +10140314 _derivationally_related_form 02586619 +07413899 _hypernym 07356676 +08390511 _hypernym 08198398 +09277686 _hypernym 00019128 +12194776 _hypernym 11565385 +03706415 _has_part 03108069 +13939353 _hypernym 00024720 +01054335 _derivationally_related_form 10700640 +00134780 _derivationally_related_form 01416020 +01069980 _hypernym 01068773 +14343411 _hypernym 14137829 +00114431 _derivationally_related_form 01609287 +11755694 _member_meronym 11757851 +12709349 _hypernym 12707781 +10369528 _hypernym 09617867 +01954559 _hypernym 01953810 +11804604 _member_meronym 11805380 +02928608 _hypernym 03323703 +04756025 _hypernym 04753455 +10365514 _hypernym 10495421 +02566528 _derivationally_related_form 00766234 +00218475 _hypernym 00126264 +04186051 _hypernym 04447443 +09244972 _instance_hypernym 09411430 +01317533 _hypernym 01315613 +02175578 _derivationally_related_form 01776313 +14334122 _hypernym 05517837 +01990281 _derivationally_related_form 00061171 +12342852 _hypernym 13118569 +02324182 _derivationally_related_form 13398953 +02553196 _member_meronym 02560823 +00519363 _derivationally_related_form 02276088 +01703326 _synset_domain_topic_of 07092592 +01876843 _member_meronym 01878803 +08132955 _hypernym 08123167 +02159271 _member_meronym 02185973 +10508710 _derivationally_related_form 00625119 +01437805 _hypernym 01342529 +05561834 _hypernym 14548343 +11607739 _member_meronym 11627028 +01419982 _derivationally_related_form 00445802 +14291561 _hypernym 14285662 +13387209 _hypernym 13385913 +00915423 _derivationally_related_form 07121361 +02850826 _derivationally_related_form 14170337 +01861465 _member_meronym 01861778 +13475538 _derivationally_related_form 00274724 +09998788 _hypernym 10294602 +12202712 _hypernym 11575425 +00134564 _verb_group 00134328 +13384341 _hypernym 13384164 +00887463 _derivationally_related_form 01044448 +00235435 _derivationally_related_form 02608823 +07529563 _derivationally_related_form 01823370 +05986295 _hypernym 05985999 +08899149 _instance_hypernym 08524735 +04416901 _hypernym 03178782 +02545578 _derivationally_related_form 00802238 +09993901 _hypernym 10197967 +08618379 _synset_domain_topic_of 06095022 +09965134 _derivationally_related_form 00852506 +07177924 _derivationally_related_form 00764032 +04681387 _hypernym 04680285 +00366547 _derivationally_related_form 07313241 +03735637 _derivationally_related_form 00647094 +00322847 _hypernym 00140123 +02566528 _derivationally_related_form 10754449 +14287113 _derivationally_related_form 01322509 +05082507 _hypernym 05079866 +10749715 _derivationally_related_form 02446504 +09977178 _hypernym 10605985 +00285889 _hypernym 00285557 +08860123 _member_of_domain_region 03399047 +12823164 _member_meronym 12826395 +02661769 _derivationally_related_form 14503665 +10915566 _instance_hypernym 10113072 +02250625 _hypernym 02251743 +07379223 _derivationally_related_form 02185664 +01225783 _derivationally_related_form 00798539 +00291873 _hypernym 00280930 +00155298 _derivationally_related_form 00667747 +13183056 _hypernym 11545714 +08860123 _member_of_domain_region 07219751 +10492202 _derivationally_related_form 01453256 +04469813 _hypernym 03100490 +00865958 _derivationally_related_form 07233542 +02405101 _hypernym 02402175 +02669885 _derivationally_related_form 09759069 +00689344 _hypernym 00670261 +05800998 _derivationally_related_form 02454312 +01457206 _hypernym 01277974 +03836191 _hypernym 02852523 +10751785 _hypernym 10140314 +01979901 _derivationally_related_form 09334396 +13205482 _member_meronym 13206001 +01569181 _verb_group 00359511 +01054849 _derivationally_related_form 07379963 +01598820 _member_meronym 01598988 +02210119 _derivationally_related_form 00090253 +02531503 _hypernym 01432517 +02261888 _derivationally_related_form 13268146 +03439814 _derivationally_related_form 01942347 +05480794 _has_part 05481095 +10323182 _hypernym 09628382 +02142626 _derivationally_related_form 10291240 +08231499 _hypernym 08231184 +01118182 _hypernym 01117723 +05733583 _hypernym 05732756 +08031386 _synset_domain_topic_of 00759694 +01580467 _derivationally_related_form 03285912 +01213886 _hypernym 01215392 +14155274 _hypernym 14153010 +00122954 _hypernym 00122661 +02574651 _member_meronym 02575455 +02919275 _derivationally_related_form 06524935 +02522247 _member_meronym 02522399 +02505716 _derivationally_related_form 04739932 +01952812 _member_meronym 01953032 +05579944 _has_part 05580662 +08897065 _has_part 08898187 +00446329 _hypernym 00397576 +02412175 _derivationally_related_form 10648237 +04865502 _hypernym 04865114 +10001647 _hypernym 00007846 +00025203 _derivationally_related_form 11515325 +04007239 _hypernym 02719750 +02670398 _verb_group 02670578 +12892226 _member_meronym 12913645 +07379409 _hypernym 07371293 +02999757 _derivationally_related_form 01359432 +12412987 _hypernym 13125117 +02246456 _hypernym 02294436 +07453063 _synset_domain_topic_of 08199025 +01794195 _derivationally_related_form 07525555 +02641378 _synset_domain_topic_of 06084469 +01768969 _member_meronym 01771246 +08394922 _has_part 08395465 +09609561 _derivationally_related_form 01480149 +11452218 _derivationally_related_form 00559102 +04970916 _derivationally_related_form 00285414 +11017454 _instance_hypernym 10013927 +00648977 _derivationally_related_form 00874067 +00369138 _hypernym 00367976 +01974062 _hypernym 01850315 +06372680 _derivationally_related_form 00135013 +08702805 _hypernym 08544813 +03608356 _hypernym 02716866 +02263038 _member_meronym 02267644 +08016900 _instance_hypernym 08392137 +08174398 _has_part 08174995 +01195536 _derivationally_related_form 05149695 +11786539 _hypernym 11779300 +06018465 _has_part 06020737 +01749394 _synset_domain_topic_of 00933420 +01537409 _derivationally_related_form 06794666 +10121246 _derivationally_related_form 01570935 +12302418 _member_meronym 12302565 +00218475 _derivationally_related_form 14779796 +12521847 _hypernym 11585340 +02416751 _derivationally_related_form 01205341 +00066685 _verb_group 00066191 +05550330 _hypernym 05289861 +00885082 _derivationally_related_form 06392935 +02958343 _has_part 04425977 +02650552 _derivationally_related_form 02125409 +09023321 _has_part 09026614 +14778019 _hypernym 14778436 +01369346 _hypernym 00208836 +06371734 _hypernym 06371413 +10543795 _hypernym 00007846 +00023868 _hypernym 00146138 +02284096 _derivationally_related_form 00776262 +02386012 _derivationally_related_form 00165298 +14666012 _member_meronym 14665767 +04018667 _hypernym 00585406 +11754188 _member_meronym 11754633 +00069060 _derivationally_related_form 00679715 +14648100 _hypernym 14877585 +00967625 _derivationally_related_form 06596978 +12719684 _has_part 07819769 +09093608 _has_part 09094093 +07235335 _hypernym 06479665 +01678685 _derivationally_related_form 10221777 +02508078 _hypernym 02506546 +00377364 _derivationally_related_form 00309310 +07945657 _hypernym 07942152 +11911591 _member_meronym 11983739 +12387633 _hypernym 12205694 +01186208 _derivationally_related_form 07449862 +02878222 _derivationally_related_form 01489161 +10258896 _hypernym 10197967 +06337693 _hypernym 06338908 +12213197 _member_meronym 12930044 +00466651 _derivationally_related_form 01330986 +00024279 _derivationally_related_form 01047338 +09012297 _has_part 09012898 +02549533 _member_meronym 02551316 +05035961 _hypernym 05035353 +02592397 _derivationally_related_form 10299250 +09126305 _has_part 09128536 +01618503 _hypernym 01604330 +12556030 _member_meronym 12557064 +01589582 _member_meronym 01589718 +01538955 _hypernym 01525720 +00490968 _derivationally_related_form 15122231 +08175233 _hypernym 09941964 +12467592 _hypernym 12466727 +00584220 _hypernym 00205046 +02186399 _member_meronym 02186834 +08811982 _has_part 08809910 +00381680 _derivationally_related_form 00367685 +00592292 _hypernym 00586262 +09606380 _derivationally_related_form 14505821 +02742232 _verb_group 01955984 +02681518 _hypernym 03169390 +01555586 _member_meronym 01555809 +00327824 _derivationally_related_form 01877355 +00434077 _derivationally_related_form 02705944 +00747135 _derivationally_related_form 07168131 +01421622 _derivationally_related_form 00384329 +02617689 _hypernym 01432517 +04910973 _derivationally_related_form 01156112 +02114433 _hypernym 02138766 +10132145 _derivationally_related_form 02335363 +03365991 _hypernym 04341686 +01261491 _synset_domain_topic_of 00243918 +09847727 _derivationally_related_form 00684273 +04689048 _hypernym 04688842 +06845599 _member_of_domain_usage 03780896 +04677952 _derivationally_related_form 00837133 +12376740 _hypernym 13118707 +09416570 _instance_hypernym 09403734 +01989669 _also_see 00262792 +02874876 _hypernym 02720201 +09030752 _has_part 09031061 +00685638 _derivationally_related_form 00697589 +01962662 _member_meronym 01962788 +03625943 _hypernym 03051540 +02144835 _derivationally_related_form 01048912 +12375769 _hypernym 12375518 +05716577 _hypernym 05715283 +08774374 _instance_hypernym 08524735 +07996149 _derivationally_related_form 02714974 +06425960 _hypernym 06425065 +15227593 _hypernym 15154774 +11494638 _has_part 11509377 +00114837 _synset_domain_topic_of 06084469 +00445711 _derivationally_related_form 13484644 +01204191 _derivationally_related_form 07570720 +01042725 _hypernym 00983824 +01306853 _also_see 02284662 +02128286 _derivationally_related_form 10786270 +11090631 _instance_hypernym 10057714 +02445276 _member_meronym 02445394 +00204391 _derivationally_related_form 13556509 +09723564 _derivationally_related_form 03024420 +04062179 _has_part 03948950 +11083064 _instance_hypernym 10022111 +00411792 _derivationally_related_form 01152033 +02349980 _member_meronym 02350105 +03508628 _hypernym 03081021 +03787523 _hypernym 03600977 +13658027 _hypernym 13649268 +01475831 _derivationally_related_form 10287213 +03318438 _derivationally_related_form 00839526 +08798771 _member_of_domain_region 08020242 +02526486 _member_meronym 02526673 +04491388 _hypernym 03053474 +02612982 _member_meronym 02613434 +11163859 _instance_hypernym 09920283 +01026262 _derivationally_related_form 00764902 +01902783 _verb_group 01838651 +10890637 _instance_hypernym 10088390 +12890685 _hypernym 13122364 +05927813 _derivationally_related_form 00568234 +02677797 _derivationally_related_form 13936153 +14403772 _derivationally_related_form 01820077 +08038379 _synset_domain_topic_of 00759694 +11516113 _synset_domain_topic_of 06090869 +14459824 _derivationally_related_form 00473799 +10198602 _derivationally_related_form 01044084 +02284096 _derivationally_related_form 13284562 +00266253 _hypernym 00199130 +02945379 _hypernym 03907654 +08715110 _has_part 08981244 +00633265 _hypernym 00632627 +00278221 _derivationally_related_form 01374767 +00189580 _derivationally_related_form 00304662 +01886220 _hypernym 08103777 +14592610 _hypernym 15046900 +10201535 _derivationally_related_form 00839526 +12642734 _hypernym 13118707 +01252566 _derivationally_related_form 05015463 +02619839 _derivationally_related_form 02707344 +09202405 _has_part 09390424 +00839834 _hypernym 00834009 +09977660 _hypernym 10474950 +00139729 _hypernym 00126264 +13804669 _hypernym 13796779 +00914343 _derivationally_related_form 01740468 +01134653 _hypernym 00434374 +02074915 _member_meronym 02075296 +00177578 _hypernym 00173338 +04733640 _hypernym 04723816 +01480336 _member_meronym 01481599 +13282161 _hypernym 13278375 +09275473 _has_part 08982587 +07260623 _derivationally_related_form 00467717 +01171183 _derivationally_related_form 10034201 +05776212 _derivationally_related_form 02107588 +02967407 _hypernym 02817650 +01393339 _hypernym 01539063 +08382056 _member_meronym 09907196 +03391770 _has_part 02886599 +02581073 _derivationally_related_form 09858299 +05815890 _hypernym 05814291 +02038617 _member_meronym 02038837 +02017878 _hypernym 01507175 +02646985 _member_meronym 02647144 +11766609 _member_meronym 11777779 +05199286 _derivationally_related_form 00834198 +04426788 _hypernym 03106110 +02540670 _verb_group 02593107 +00400427 _hypernym 00126264 +09006413 _has_part 09004625 +02004874 _derivationally_related_form 00328015 +00120515 _derivationally_related_form 01966168 +06650431 _derivationally_related_form 00666510 +00171852 _verb_group 00603298 +06811625 _hypernym 06808720 +01386494 _member_meronym 01389188 +02712243 _derivationally_related_form 08492747 +06449735 _has_part 06433035 +01400891 _hypernym 08103777 +01366415 _hypernym 01352574 +02237730 _hypernym 01762525 +02130300 _derivationally_related_form 05784831 +08336188 _synset_domain_topic_of 08441203 +02016523 _derivationally_related_form 03290771 +02685365 _hypernym 04081844 +12670334 _hypernym 13112664 +07443761 _derivationally_related_form 00121678 +12164656 _hypernym 12164363 +01357967 _hypernym 08221348 +05340317 _hypernym 05333777 +00403911 _hypernym 00403092 +06074860 _hypernym 06083243 +09396712 _instance_hypernym 09342563 +08081668 _hypernym 08053576 +00136329 _derivationally_related_form 01370561 +12924984 _member_meronym 12925179 +13500557 _hypernym 13460568 +08340153 _member_meronym 08194266 +02615739 _derivationally_related_form 10179649 +15204983 _hypernym 15113229 +00122626 _derivationally_related_form 07295507 +13378518 _hypernym 13329641 +00053159 _derivationally_related_form 07436986 +01726172 _synset_domain_topic_of 00543233 +04680752 _hypernym 04680465 +02475922 _derivationally_related_form 09607630 +02031752 _member_meronym 02032355 +01995803 _hypernym 01342529 +01036996 _derivationally_related_form 02489456 +00901316 _hypernym 00901083 +06084469 _derivationally_related_form 09913824 +08860123 _member_of_domain_region 11415608 +10282482 _derivationally_related_form 15147330 +02387910 _derivationally_related_form 04146050 +09164095 _instance_hypernym 08691669 +07430480 _hypernym 07430211 +00295172 _hypernym 00283127 +00392960 _hypernym 00140967 +00048790 _derivationally_related_form 03589791 +00021554 _hypernym 00021065 +10266848 _synset_domain_topic_of 08441203 +02957586 _derivationally_related_form 02678677 +00567291 _synset_domain_topic_of 06084469 +10897312 _instance_hypernym 10650162 +08723006 _member_of_domain_region 11228153 +01225783 _derivationally_related_form 00617413 +04983402 _derivationally_related_form 01504625 +01799086 _member_meronym 01799302 +07221094 _derivationally_related_form 00953216 +07120524 _derivationally_related_form 00912833 +01738597 _verb_group 01738774 +12849597 _hypernym 11579418 +12486254 _hypernym 11562747 +08755214 _instance_hypernym 09316454 +12806732 _hypernym 13104059 +01675190 _also_see 00504592 +00892698 _hypernym 00742320 +01133760 _hypernym 01133281 +15285772 _hypernym 15277118 +04627000 _derivationally_related_form 01463965 +01810447 _derivationally_related_form 01624633 +12402348 _hypernym 12401335 +02057208 _hypernym 01507175 +02166460 _derivationally_related_form 05784242 +11883799 _hypernym 11575425 +08723006 _member_of_domain_region 05915356 +02451113 _hypernym 02450505 +10407310 _hypernym 09625401 +01807882 _derivationally_related_form 06615561 +05715283 _derivationally_related_form 02194495 +12405209 _member_meronym 12408280 +01376620 _hypernym 01494310 +05780104 _derivationally_related_form 01022420 +00698855 _derivationally_related_form 00685638 +05721180 _hypernym 05708432 +09889539 _derivationally_related_form 00907919 +02862048 _has_part 03831899 +01885845 _derivationally_related_form 00294868 +14958405 _hypernym 15047313 +01559055 _derivationally_related_form 14287113 +15300051 _instance_hypernym 01246697 +00148763 _hypernym 00126264 +06851742 _member_of_domain_usage 14777856 +13561521 _derivationally_related_form 00418408 +01197258 _hypernym 01184814 +11743109 _member_meronym 11743570 +09095751 _has_part 09096190 +02513742 _derivationally_related_form 06201908 +00923444 _derivationally_related_form 01653442 +12226932 _hypernym 13112664 +04429169 _hypernym 03920989 +13529616 _hypernym 13450636 +08045681 _instance_hypernym 08392137 +07623664 _hypernym 07622708 +07780874 _hypernym 07780627 +01493741 _also_see 01819387 +01908039 _derivationally_related_form 14583670 +07448232 _hypernym 07447641 +05426989 _has_part 05456456 +06206800 _derivationally_related_form 00694068 +05855517 _synset_domain_topic_of 06090869 +00590518 _derivationally_related_form 09928451 +01188725 _derivationally_related_form 10766025 +00777522 _derivationally_related_form 13599547 +01828405 _derivationally_related_form 07486628 +11658709 _hypernym 13108841 +00228236 _derivationally_related_form 14845743 +00515154 _hypernym 00137313 +07538395 _hypernym 07537485 +04810510 _hypernym 04785669 +00858568 _derivationally_related_form 06692572 +01909978 _verb_group 01909397 +00596807 _hypernym 00586262 +01486151 _derivationally_related_form 04122825 +00174412 _hypernym 00168237 +07850329 _hypernym 07843775 +11717007 _member_meronym 11717239 +00514730 _hypernym 00126264 +00776523 _derivationally_related_form 10699752 +04110955 _has_part 02817031 +02645839 _hypernym 02604760 +03410740 _derivationally_related_form 02190943 +03123553 _derivationally_related_form 02849154 +02265177 _member_meronym 02264591 +09161803 _has_part 09262082 +00754873 _derivationally_related_form 00616857 +12800327 _member_meronym 12801072 +13342987 _derivationally_related_form 01138523 +01924505 _hypernym 01996735 +00125436 _derivationally_related_form 01233194 +05916155 _hypernym 05833840 +02534492 _hypernym 02367363 +01081505 _synset_domain_topic_of 00455599 +01667570 _member_meronym 01667959 +01733213 _derivationally_related_form 01133760 +01735556 _hypernym 01734502 +02014165 _derivationally_related_form 00042757 +12573760 _hypernym 11585340 +06452363 _has_part 06451891 +02496498 _derivationally_related_form 01247413 +07692614 _hypernym 07680932 +01687569 _derivationally_related_form 01159776 +04906273 _hypernym 04905188 +05546540 _has_part 05531814 +00194645 _derivationally_related_form 00381331 +00631391 _also_see 02460502 +10356066 _hypernym 10640620 +00153809 _derivationally_related_form 00634906 +00932324 _derivationally_related_form 06646243 +01088192 _derivationally_related_form 01158190 +01434822 _hypernym 01494310 +09018162 _has_part 09018426 +12087650 _member_meronym 12087807 +02452637 _hypernym 05598147 +00876874 _derivationally_related_form 02106006 +00320681 _synset_domain_topic_of 00243918 +13321495 _derivationally_related_form 02671279 +05596651 _has_part 05596004 +10147619 _derivationally_related_form 01045419 +02302817 _hypernym 02244956 +01989701 _hypernym 01342529 +01414288 _hypernym 01410223 +01697027 _derivationally_related_form 00937895 +03414162 _hypernym 03294048 +02712243 _hypernym 02657219 +11605708 _member_meronym 11607392 +01668421 _hypernym 01675963 +01660994 _derivationally_related_form 14483917 +12423565 _member_meronym 12465321 +01353411 _hypernym 08110373 +03906997 _derivationally_related_form 01698271 +00879759 _derivationally_related_form 00732552 +10859669 _derivationally_related_form 00201034 +01909978 _hypernym 01850315 +01862399 _hypernym 01861778 +10333317 _hypernym 10207169 +08013453 _synset_domain_topic_of 00759694 +10177014 _derivationally_related_form 01053771 +00440747 _derivationally_related_form 01938426 +00785263 _derivationally_related_form 02570684 +00067545 _also_see 00046022 +00886281 _hypernym 02347637 +00202236 _hypernym 00138508 +03926148 _hypernym 03294048 +04850996 _derivationally_related_form 02579447 +07018931 _derivationally_related_form 01719302 +04766275 _derivationally_related_form 02176178 +11911591 _member_meronym 11962108 +00369194 _derivationally_related_form 08303275 +05626618 _synset_domain_topic_of 07978423 +02069888 _derivationally_related_form 15049594 +00754424 _hypernym 00752431 +03725035 _hypernym 04014297 +07476623 _derivationally_related_form 01101913 +06717170 _member_of_domain_usage 09637684 +06259898 _derivationally_related_form 01435380 +08900535 _has_part 08905467 +10941206 _instance_hypernym 10450303 +11778534 _member_meronym 11781430 +07105475 _member_of_domain_usage 00064789 +10282672 _hypernym 10024119 +10256537 _derivationally_related_form 00835506 +09541919 _hypernym 09545324 +09681973 _hypernym 09681351 +08088963 _hypernym 08149781 +04110439 _derivationally_related_form 01987160 +11607739 _member_meronym 11624367 +12752039 _member_meronym 12752205 +14777768 _hypernym 14778019 +01675190 _also_see 02341266 +00173283 _derivationally_related_form 02074677 +01568892 _hypernym 01567133 +01809592 _hypernym 01507175 +02502902 _member_meronym 02503127 +05938014 _hypernym 05937524 +06501141 _hypernym 06470073 +06542047 _hypernym 06539770 +08590909 _hypernym 08652970 +11518645 _derivationally_related_form 02814453 +12829099 _member_meronym 12830974 +07729225 _hypernym 07728804 +07324673 _hypernym 07290905 +02392282 _hypernym 01864707 +04882968 _hypernym 04881623 +02097047 _hypernym 01871979 +00720565 _derivationally_related_form 01096497 +02159271 _member_meronym 02230782 +02289307 _hypernym 02288789 +08849753 _member_of_domain_region 08541609 +02269143 _derivationally_related_form 04893787 +00086835 _hypernym 00086320 +00586682 _hypernym 00429060 +00876665 _hypernym 00813978 +09591155 _instance_hypernym 09587565 +08949093 _has_part 09408540 +01344293 _derivationally_related_form 00149262 +02140491 _hypernym 02139671 +00006238 _derivationally_related_form 10636874 +04493505 _hypernym 03089014 +03259505 _has_part 03199775 +06054446 _hypernym 06043075 +02924554 _hypernym 02958343 +01546660 _hypernym 01342529 +14088412 _hypernym 14081941 +08705397 _has_part 09210346 +00336718 _verb_group 00336260 +02623868 _member_meronym 02624167 +00464687 _hypernym 00464321 +00054059 _derivationally_related_form 11675537 +07247071 _hypernym 06598915 +06845599 _member_of_domain_usage 14754192 +04592741 _has_part 03357716 +02609764 _derivationally_related_form 08566028 +01654957 _member_meronym 01655116 +10085217 _derivationally_related_form 05640339 +01837363 _hypernym 01507175 +02748927 _hypernym 02604760 +07516354 _hypernym 07480068 +12266217 _hypernym 13104059 +15143477 _hypernym 15266911 +06062842 _hypernym 06043075 +08572467 _derivationally_related_form 02694287 +03102654 _hypernym 04070727 +12287388 _member_meronym 12287642 +09342563 _hypernym 09444100 +00338071 _derivationally_related_form 07008680 +02724533 _hypernym 03740161 +14371161 _hypernym 14299637 +07292577 _derivationally_related_form 00421691 +02672540 _derivationally_related_form 03118539 +09209263 _has_part 08954057 +02532918 _hypernym 02532602 +02242464 _verb_group 02727883 +12696492 _has_part 12696830 +04995211 _hypernym 04992163 +15178841 _has_part 15216966 +01835276 _derivationally_related_form 05200816 +00003356 _derivationally_related_form 07320302 +15177866 _has_part 15215068 +09945905 _derivationally_related_form 04653627 +06732169 _hypernym 06722453 +05901508 _hypernym 05902545 +00768778 _hypernym 00766418 +02646072 _derivationally_related_form 05271383 +01017987 _derivationally_related_form 02747922 +13083586 _has_part 13096863 +00063724 _hypernym 00208210 +09410928 _derivationally_related_form 01573515 +12021120 _member_meronym 12023407 +12834798 _hypernym 12205694 +07873807 _hypernym 07557434 +02661252 _derivationally_related_form 07366289 +14647235 _hypernym 14622893 +06172789 _hypernym 05999797 +00238022 _derivationally_related_form 01717628 +02671224 _hypernym 13524925 +08682819 _has_part 09048303 +09699200 _derivationally_related_form 02961688 +10524973 _derivationally_related_form 00014405 +02426634 _member_meronym 02426813 +04704346 _derivationally_related_form 00781168 +00618451 _hypernym 00610374 +13478342 _has_part 13424183 +04780958 _derivationally_related_form 01624633 +01346978 _hypernym 00146138 +02205523 _hypernym 01762525 +10705448 _hypernym 10480018 +11092292 _instance_hypernym 10123844 +10978098 _instance_hypernym 10547145 +10191001 _derivationally_related_form 01424456 +07073447 _member_of_domain_usage 09636796 +01459696 _synset_domain_topic_of 06084469 +01306853 _derivationally_related_form 04050066 +05888929 _derivationally_related_form 00633443 +00922144 _derivationally_related_form 01629000 +02470451 _member_meronym 02471072 +00144314 _hypernym 00142191 +04557308 _hypernym 03875218 +00641820 _hypernym 00636921 +01023636 _derivationally_related_form 03103198 +00676450 _hypernym 00674607 +02128873 _verb_group 00598954 +06514093 _hypernym 06647206 +00608808 _derivationally_related_form 05770926 +02752567 _derivationally_related_form 01067577 +02285392 _derivationally_related_form 13367070 +10107303 _derivationally_related_form 02427103 +00125126 _derivationally_related_form 02119874 +09095023 _has_part 09453288 +10488865 _hypernym 10560637 +03550420 _synset_domain_topic_of 08199025 +04062179 _has_part 03288225 +05494365 _has_part 05494617 +07708512 _hypernym 07581346 +01076046 _derivationally_related_form 02559752 +00116687 _derivationally_related_form 00104868 +02179279 _also_see 01309991 +13224256 _hypernym 13166338 +01531998 _derivationally_related_form 00276813 +06295235 _member_of_domain_usage 04371430 +01412759 _derivationally_related_form 00134780 +08049401 _derivationally_related_form 02589245 +11748002 _hypernym 13139055 +11702566 _hypernym 11571907 +10012815 _hypernym 00007846 +02246686 _synset_domain_topic_of 00488225 +00252990 _verb_group 00253277 +12064996 _member_meronym 12065316 +02280132 _derivationally_related_form 00267522 +00399368 _verb_group 00399074 +01423929 _derivationally_related_form 02855793 +06060845 _derivationally_related_form 10011074 +06951067 _hypernym 06950528 +02285392 _derivationally_related_form 10658304 +03976467 _hypernym 02942699 +13497928 _hypernym 00029677 +08962610 _instance_hypernym 08698379 +02690613 _derivationally_related_form 08917881 +02451951 _derivationally_related_form 04907269 +12062781 _hypernym 12062468 +13507827 _hypernym 13489037 +01201089 _derivationally_related_form 05603160 +10741821 _derivationally_related_form 02000547 +02223136 _hypernym 02222318 +01679106 _derivationally_related_form 13874558 +07124340 _member_of_domain_usage 13533886 +01941670 _member_meronym 01949195 +03412906 _hypernym 03575691 +02439033 _hypernym 02399000 +09053185 _has_part 09191875 +01710348 _member_meronym 01710529 +05136150 _hypernym 05093581 +00149583 _also_see 01108627 +02215506 _verb_group 02215790 +10388440 _derivationally_related_form 00595146 +09044862 _has_part 09092497 +08984567 _has_part 08984788 +04383537 _hypernym 04537602 +10023656 _derivationally_related_form 00963283 +10519291 _hypernym 10518602 +01106808 _derivationally_related_form 02245765 +01940488 _member_meronym 01968115 +09779790 _derivationally_related_form 01742726 +09788073 _hypernym 09821253 +05651971 _hypernym 05650329 +00631737 _derivationally_related_form 05945642 +05088324 _hypernym 05087297 +06778777 _hypernym 07012534 +00568430 _synset_domain_topic_of 00480508 +06855035 _derivationally_related_form 00664276 +06372095 _derivationally_related_form 00135285 +03690005 _hypernym 02830852 +12013811 _member_meronym 12014524 +14004572 _derivationally_related_form 00014034 +00915041 _derivationally_related_form 07122118 +06552639 _derivationally_related_form 00905399 +01838598 _hypernym 01838038 +11769483 _hypernym 11567411 +01480770 _derivationally_related_form 10615808 +08280124 _hypernym 08053576 +00519363 _derivationally_related_form 07919310 +02011685 _derivationally_related_form 01067819 +10641301 _hypernym 10512372 +06693744 _derivationally_related_form 00882220 +02748927 _derivationally_related_form 00262249 +02344568 _derivationally_related_form 13262663 +01299476 _instance_hypernym 00956485 +15274441 _derivationally_related_form 01763643 +01239619 _derivationally_related_form 02918595 +01543272 _member_meronym 01543383 +08035601 _instance_hypernym 08392137 +00886759 _hypernym 00884540 +00789934 _derivationally_related_form 02992529 +00048225 _hypernym 00035189 +00757856 _derivationally_related_form 00204814 +01977155 _derivationally_related_form 04663763 +01914415 _member_meronym 01914609 +04285146 _hypernym 03294048 +03959701 _hypernym 04192858 +08809910 _instance_hypernym 08524735 +01903756 _derivationally_related_form 02876088 +14222112 _hypernym 14219661 +01678685 _hypernym 01675963 +11273286 _instance_hypernym 10430665 +02380009 _derivationally_related_form 00384933 +02727462 _derivationally_related_form 05051896 +01566705 _hypernym 00258857 +08734385 _has_part 09324474 +01855155 _derivationally_related_form 00331102 +01307754 _instance_hypernym 00962722 +14604959 _hypernym 14601829 +00159553 _hypernym 02304982 +07882886 _hypernym 07882497 +04470232 _derivationally_related_form 01764800 +05656997 _hypernym 05654362 +06464419 _derivationally_related_form 10747294 +00837098 _derivationally_related_form 00986173 +00699626 _hypernym 00697589 +01936537 _derivationally_related_form 04468005 +01888511 _derivationally_related_form 14004572 +01673503 _member_meronym 01726390 +06717170 _member_of_domain_usage 10673946 +08929922 _has_part 08939562 +14544335 _derivationally_related_form 00025203 +11030395 _instance_hypernym 10296176 +00713167 _derivationally_related_form 00157389 +06736529 _hypernym 06734467 +02437707 _derivationally_related_form 05703956 +08860123 _member_of_domain_region 08346031 +00622266 _hypernym 00622068 +11667562 _member_meronym 11668340 +07168623 _derivationally_related_form 00746718 +12626030 _member_meronym 12626674 +02247226 _derivationally_related_form 10222497 +05211044 _derivationally_related_form 01264336 +00803815 _derivationally_related_form 06686736 +00864159 _derivationally_related_form 14574846 +08350470 _hypernym 08349916 +13129165 _hypernym 13087625 +06928839 _derivationally_related_form 03087088 +12226322 _member_meronym 12232683 +02460502 _also_see 00958880 +02506248 _hypernym 02505998 +01950952 _member_meronym 01951107 +11069534 _instance_hypernym 09855630 +05600637 _hypernym 05225090 +12548134 _hypernym 12501745 +02588580 _hypernym 01432517 +09607630 _derivationally_related_form 02396205 +14481080 _derivationally_related_form 02262542 +14419164 _derivationally_related_form 00566099 +00724150 _derivationally_related_form 13286254 +09044862 _member_of_domain_region 06425960 +07120524 _derivationally_related_form 00912473 +00924825 _hypernym 00908909 +05958919 _hypernym 05943300 +14473655 _derivationally_related_form 01468097 +01008378 _derivationally_related_form 02432530 +01093085 _hypernym 01090446 +01655116 _member_meronym 01655344 +12927758 _hypernym 13109733 +00941719 _derivationally_related_form 07386614 +00608670 _hypernym 00728617 +10680153 _hypernym 10648237 +13499165 _synset_domain_topic_of 06115701 +01229631 _hypernym 01229071 +06782019 _derivationally_related_form 00690614 +10113249 _hypernym 10434424 +10495756 _derivationally_related_form 02062212 +00328502 _derivationally_related_form 02090990 +06845599 _member_of_domain_usage 03755140 +11841529 _member_meronym 11844651 +07411160 _derivationally_related_form 00386715 +09606527 _hypernym 00007846 +13900422 _derivationally_related_form 02696503 +13534608 _synset_domain_topic_of 00017222 +06497459 _hypernym 06351613 +10692482 _derivationally_related_form 02192992 +00461354 _hypernym 00109660 +00967625 _derivationally_related_form 01101958 +01306425 _hypernym 00220869 +03612134 _hypernym 03828465 +11911591 _member_meronym 11987722 +01262713 _derivationally_related_form 02311387 +02968325 _derivationally_related_form 08173515 +01734929 _hypernym 01734502 +08640111 _derivationally_related_form 01305361 +02379198 _hypernym 02367032 +12642200 _has_part 07757312 +01532434 _hypernym 00173338 +12080199 _member_meronym 12080395 +00265386 _verb_group 00265673 +04257790 _hypernym 03269401 +04221994 _hypernym 03676175 +10490965 _hypernym 00007846 +01012360 _hypernym 00407535 +06549661 _synset_domain_topic_of 08441203 +05238282 _has_part 05330659 +00720063 _derivationally_related_form 10763725 +09559201 _instance_hypernym 09547903 +02223694 _hypernym 01762525 +02285909 _member_meronym 02286089 +02115775 _hypernym 01864707 +04086794 _has_part 04593866 +03370927 _hypernym 04169152 +04588739 _hypernym 03211117 +11958742 _hypernym 11579418 +02374451 _hypernym 02374149 +00739662 _derivationally_related_form 01012712 +02520509 _hypernym 02519991 +02453692 _derivationally_related_form 07500414 +12942270 _hypernym 11585340 +01529036 _member_meronym 01532664 +00340662 _derivationally_related_form 01418959 +00275151 _hypernym 00274941 +11873612 _hypernym 11869351 +00040685 _derivationally_related_form 14011811 +02714974 _hypernym 02706605 +10524413 _hypernym 09610660 +08708609 _instance_hypernym 08524735 +12660009 _member_meronym 12669641 +02030424 _hypernym 02031158 +13483190 _hypernym 13489037 +07523180 _derivationally_related_form 00339941 +01844859 _hypernym 01835496 +02181013 _hypernym 01759182 +03247083 _derivationally_related_form 01611516 +02125223 _hypernym 02124748 +01898282 _derivationally_related_form 10781236 +06479665 _synset_domain_topic_of 08441203 +00647094 _derivationally_related_form 10304383 +00739850 _hypernym 00739270 +13275495 _hypernym 13275847 +01976841 _derivationally_related_form 07362386 +00165298 _derivationally_related_form 02386012 +02454649 _derivationally_related_form 07250339 +02958343 _has_part 03350011 +12126238 _member_meronym 12126360 +02658050 _hypernym 02657219 +02250822 _hypernym 02248368 +03791053 _derivationally_related_form 02061495 +01871680 _hypernym 01871979 +01270199 _verb_group 00557686 +10970864 _instance_hypernym 10467395 +11414608 _derivationally_related_form 02536557 +09820044 _derivationally_related_form 06223468 +01610758 _member_meronym 01611252 +03024064 _hypernym 02735688 +05481095 _has_part 05499828 +05638987 _derivationally_related_form 09812338 +07075172 _member_of_domain_usage 03688192 +07528097 _hypernym 07527817 +09758781 _derivationally_related_form 01466978 +09754780 _hypernym 10162194 +11642430 _hypernym 11630890 +09078231 _member_of_domain_region 07450055 +00636574 _synset_domain_topic_of 05664069 +00835903 _derivationally_related_form 00751145 +10568443 _hypernym 10677713 +10409752 _derivationally_related_form 02253456 +02266148 _verb_group 02268351 +00216607 _hypernym 00216174 +08791167 _has_part 08897065 +01547001 _derivationally_related_form 08624196 +00275253 _derivationally_related_form 14518924 +14500341 _derivationally_related_form 00278117 +02001858 _derivationally_related_form 10689104 +09753065 _hypernym 00007846 +13555915 _hypernym 13518963 +11269697 _instance_hypernym 10467395 +00989201 _derivationally_related_form 07238694 +00048633 _derivationally_related_form 00828082 +01008378 _derivationally_related_form 00404642 +00618878 _derivationally_related_form 05763412 +05751794 _derivationally_related_form 00159880 +00603298 _derivationally_related_form 00883297 +09068444 _instance_hypernym 08655464 +06080522 _hypernym 06037666 +01296505 _instance_hypernym 00956485 +09270894 _derivationally_related_form 10699262 +12189620 _member_meronym 12189987 +02424984 _derivationally_related_form 10759151 +10404242 _synset_domain_topic_of 00468480 +00418615 _derivationally_related_form 00800930 +03996655 _hypernym 04306080 +01679669 _synset_domain_topic_of 00243918 +13949802 _hypernym 13948441 +02290956 _hypernym 00082081 +14422871 _synset_domain_topic_of 00503237 +13245626 _hypernym 13244109 +01152973 _derivationally_related_form 00409281 +00001740 _derivationally_related_form 03110322 +09311259 _has_part 09202405 +00847870 _derivationally_related_form 06715223 +12570126 _hypernym 11585340 +02355596 _verb_group 00012267 +07787429 _derivationally_related_form 00327145 +02409870 _hypernym 02402175 +01936048 _derivationally_related_form 00451370 +04112752 _hypernym 03714235 +00391599 _derivationally_related_form 00173338 +12714550 _hypernym 11585340 +07020895 _derivationally_related_form 10340312 +01758339 _synset_domain_topic_of 06037666 +11121876 _instance_hypernym 10394786 +01403540 _synset_domain_topic_of 00464894 +05499542 _hypernym 05497363 +11094611 _instance_hypernym 10488865 +07211092 _hypernym 07208708 +06627006 _hypernym 06623614 +13732295 _hypernym 13732078 +07365849 _derivationally_related_form 00354452 +13152742 _has_part 13161506 +08970611 _instance_hypernym 08524735 +08801678 _has_part 08804662 +01874568 _derivationally_related_form 03364340 +07432119 _derivationally_related_form 02071974 +04904162 _derivationally_related_form 01806109 +00989201 _derivationally_related_form 09769345 +12969131 _hypernym 12992868 +01662274 _member_meronym 01669883 +02118933 _derivationally_related_form 06767035 +00615462 _derivationally_related_form 10654015 +07136711 _hypernym 07135734 +03246454 _hypernym 03151077 +13415547 _hypernym 05728678 +00504592 _similar_to 00505853 +15299225 _hypernym 15113229 +01256332 _similar_to 01257145 +03829563 _has_part 04241042 +00394813 _derivationally_related_form 03775199 +00912048 _derivationally_related_form 07120524 +02737187 _verb_group 00251791 +01033903 _synset_domain_topic_of 08083599 +10727016 _hypernym 10335931 +01477224 _derivationally_related_form 03160309 +02566528 _hypernym 02457825 +00922438 _derivationally_related_form 06798336 +06732350 _derivationally_related_form 01011031 +14018567 _derivationally_related_form 01190277 +09984298 _derivationally_related_form 00604523 +00494768 _hypernym 00488225 +02456493 _derivationally_related_form 07451687 +07810907 _hypernym 07809368 +02959912 _derivationally_related_form 06954303 +04045787 _hypernym 03387016 +10605088 _hypernym 00007846 +03897943 _derivationally_related_form 01590171 +12901264 _has_part 07720615 +01313093 _hypernym 07940552 +00607405 _derivationally_related_form 05755883 +03582305 _hypernym 02710766 +05595531 _hypernym 05543177 +06567143 _hypernym 06566077 +08766988 _member_of_domain_region 08041106 +01385170 _derivationally_related_form 09936620 +02522319 _derivationally_related_form 14462946 +00137791 _hypernym 00137313 +11376069 _instance_hypernym 09767700 +13169219 _member_meronym 13188973 +12538603 _member_meronym 12541157 +01372049 _derivationally_related_form 00034574 +00027167 _hypernym 00002684 +00622584 _derivationally_related_form 02003601 +07781972 _hypernym 07775905 +05633385 _derivationally_related_form 01633343 +09903639 _hypernym 10372373 +07086518 _derivationally_related_form 01726879 +02401809 _derivationally_related_form 10386071 +07379963 _derivationally_related_form 01237398 +07790081 _hypernym 07775905 +07979425 _hypernym 07978924 +00765396 _derivationally_related_form 06512580 +01624633 _also_see 01131043 +02071837 _derivationally_related_form 13506587 +02333225 _hypernym 02327200 +08729094 _instance_hypernym 02947212 +02345856 _hypernym 02346409 +05121418 _derivationally_related_form 02645007 +02185481 _hypernym 02159955 +01571578 _member_meronym 01572910 +00429060 _hypernym 00441445 +08010559 _synset_domain_topic_of 00759694 +01546111 _also_see 01983264 +03669886 _hypernym 03033362 +01876843 _member_meronym 01877407 +02074377 _derivationally_related_form 00059376 +02005399 _hypernym 02000954 +05395548 _derivationally_related_form 05395286 +05113462 _derivationally_related_form 00106456 +15187619 _hypernym 15199592 +00501080 _has_part 00500669 +01787955 _derivationally_related_form 00418394 +13580058 _synset_domain_topic_of 06149484 +00865958 _derivationally_related_form 07160424 +07941729 _synset_domain_topic_of 06070929 +00593613 _hypernym 00586262 +01817314 _hypernym 01815628 +08860123 _member_of_domain_region 15158997 +00499642 _derivationally_related_form 08524735 +04718999 _hypernym 04718563 +13146740 _hypernym 13145444 +10722575 _derivationally_related_form 02387034 +02921325 _derivationally_related_form 06827503 +05421414 _synset_domain_topic_of 06083243 +02553697 _derivationally_related_form 05662876 +01572174 _member_meronym 01572782 +02354536 _derivationally_related_form 10783734 +00584367 _derivationally_related_form 02410855 +02553196 _member_meronym 02556623 +01611516 _derivationally_related_form 07432559 +08129883 _has_part 08130476 +12143676 _has_part 08544125 +00348008 _derivationally_related_form 01876028 +02060719 _member_meronym 02060889 +07942152 _hypernym 00031264 +08687345 _instance_hypernym 08685677 +10048836 _hypernym 10372373 +01707495 _synset_domain_topic_of 07020895 +07251619 _derivationally_related_form 02549211 +11911591 _member_meronym 11916268 +04609651 _hypernym 02727825 +12484413 _member_meronym 12484612 +02642430 _member_meronym 02642644 +00568234 _hypernym 00126264 +15091129 _hypernym 15090742 +01218327 _derivationally_related_form 00795632 +06598244 _hypernym 06598030 +01649948 _hypernym 01626134 +13881175 _hypernym 13879126 +01619725 _derivationally_related_form 04074329 +07472929 _hypernym 07472657 +07159791 _hypernym 07109196 +13405962 _hypernym 13412321 +02738544 _derivationally_related_form 13876371 +02520997 _hypernym 02531625 +00575169 _derivationally_related_form 07416107 +09974054 _derivationally_related_form 00910973 +10064229 _hypernym 09821831 +02230772 _also_see 02296153 +07248801 _hypernym 07247071 +08952190 _has_part 09212935 +02464693 _derivationally_related_form 04668819 +03197446 _hypernym 03163798 +02033703 _synset_domain_topic_of 00300441 +04935239 _hypernym 04935003 +13169674 _member_meronym 13171447 +13236726 _hypernym 11567411 +13292787 _derivationally_related_form 02520509 +11104458 _instance_hypernym 10298912 +02589576 _derivationally_related_form 04836683 +00310666 _derivationally_related_form 01845229 +06414948 _hypernym 06414372 +14380473 _hypernym 14083790 +00555648 _hypernym 00279835 +01733667 _hypernym 01726172 +07812913 _hypernym 07809368 +11834654 _hypernym 13112664 +11264973 _instance_hypernym 10599806 +09003284 _member_of_domain_region 11316828 +06611681 _hypernym 06612266 +02326198 _synset_domain_topic_of 01090446 +10034906 _derivationally_related_form 02408281 +00228236 _derivationally_related_form 10770767 +10930099 _instance_hypernym 10088390 +02477334 _derivationally_related_form 00232386 +14379829 _derivationally_related_form 00634472 +01261974 _hypernym 00242808 +05532944 _has_part 05416198 +07397761 _derivationally_related_form 02175578 +01793818 _hypernym 01504437 +11677259 _hypernym 11675842 +02519494 _derivationally_related_form 00755863 +00713818 _verb_group 02724417 +00140393 _hypernym 00138956 +02667228 _derivationally_related_form 13980845 +11718911 _member_meronym 11719120 +06796119 _hypernym 06795746 +08054417 _derivationally_related_form 02348927 +10043643 _derivationally_related_form 08366753 +06295235 _member_of_domain_usage 04205318 +00611055 _hypernym 00611256 +01009240 _derivationally_related_form 06722453 +07432973 _hypernym 07406765 +04175859 _hypernym 04306080 +01011542 _hypernym 01011031 +02631238 _derivationally_related_form 01639765 +00792471 _verb_group 02429810 +12693865 _hypernym 13121544 +10388924 _derivationally_related_form 13240514 +04500060 _hypernym 03101986 +14659211 _hypernym 14625458 +06234825 _hypernym 06224136 +05784699 _derivationally_related_form 01636397 +07289588 _hypernym 07283608 +00739662 _derivationally_related_form 05732756 +07978924 _hypernym 07978423 +02548247 _hypernym 02552171 +02228901 _hypernym 02294436 +01743784 _derivationally_related_form 10325774 +00161987 _hypernym 00126264 +15223916 _hypernym 15223574 +00235435 _derivationally_related_form 02608347 +01963017 _hypernym 01938850 +01229071 _derivationally_related_form 00051712 +00452293 _hypernym 00433661 +08176077 _member_meronym 08946909 +01483188 _member_meronym 01483522 +09194357 _instance_hypernym 09403734 +00220869 _derivationally_related_form 05635624 +02400139 _member_meronym 02422860 +14642916 _hypernym 14624369 +08335414 _synset_domain_topic_of 08083599 +01129977 _also_see 02513269 +01397088 _derivationally_related_form 07410207 +14030820 _derivationally_related_form 02726884 +01660719 _member_meronym 01661091 +13358549 _derivationally_related_form 02215506 +01806505 _derivationally_related_form 04686388 +10752719 _derivationally_related_form 02574205 +06845599 _member_of_domain_usage 04481373 +02354287 _derivationally_related_form 05595083 +12838027 _member_meronym 12863458 +05850823 _hypernym 05849789 +09222880 _has_part 09417668 +08643015 _hypernym 08497294 +09163192 _member_of_domain_region 01309807 +08929243 _instance_hypernym 08700255 +02400139 _member_meronym 02426339 +02040698 _hypernym 01342529 +11911591 _member_meronym 11920867 +02302817 _derivationally_related_form 10190516 +00490968 _derivationally_related_form 10711483 +07402147 _derivationally_related_form 01903935 +01815601 _hypernym 01810700 +08749864 _has_part 08988609 +12226322 _member_meronym 12240335 +07153130 _hypernym 07152948 +00658052 _derivationally_related_form 05737153 +07323922 _derivationally_related_form 02743343 +06804199 _hypernym 06791372 +08187988 _synset_domain_topic_of 00545501 +04417809 _has_part 03892273 +01452593 _also_see 00173764 +12737383 _member_meronym 12737745 +01253808 _derivationally_related_form 14286549 +01976220 _derivationally_related_form 00277569 +02277556 _hypernym 01759182 +09428293 _hypernym 09433442 +04862592 _hypernym 04861486 +05639651 _derivationally_related_form 10548537 +15174218 _has_part 15210045 +12093885 _hypernym 12205694 +01195299 _derivationally_related_form 05799212 +02929749 _hypernym 04522904 +12974457 _hypernym 11590783 +01751836 _hypernym 01675963 +00793785 _derivationally_related_form 04688842 +00297062 _derivationally_related_form 01881180 +01751353 _hypernym 01657723 +03088707 _derivationally_related_form 02079933 +12712626 _hypernym 12205694 +01576478 _hypernym 01178565 +01110247 _hypernym 01109259 +02449011 _verb_group 02449183 +13875970 _derivationally_related_form 02049190 +06055300 _derivationally_related_form 03098803 +01687876 _derivationally_related_form 03720163 +03501288 _hypernym 04008947 +04634833 _hypernym 04632157 +07034634 _hypernym 07035420 +09410928 _derivationally_related_form 01556346 +03994417 _hypernym 03283519 +01685601 _hypernym 01685313 +02841315 _has_part 03309465 +08688779 _synset_domain_topic_of 08199025 +08082236 _derivationally_related_form 02952275 +07966927 _hypernym 07966719 +00412271 _derivationally_related_form 10685685 +09855433 _derivationally_related_form 06515827 +05762149 _hypernym 05761559 +01396458 _hypernym 01388130 +11819354 _member_meronym 11819509 +02354537 _derivationally_related_form 02453889 +01606177 _derivationally_related_form 01606177 +12721864 _hypernym 11585340 +00085046 _hypernym 00084738 +03990834 _derivationally_related_form 01200806 +05549576 _derivationally_related_form 02655180 +00967310 _derivationally_related_form 01203500 +08441203 _derivationally_related_form 10227985 +05396807 _hypernym 05250659 +00328802 _derivationally_related_form 13913849 +13513540 _hypernym 14299637 +01076370 _derivationally_related_form 10498816 +06851742 _member_of_domain_usage 07909593 +04174853 _hypernym 04169152 +00980779 _hypernym 00980038 +03395745 _derivationally_related_form 00164444 +10004539 _derivationally_related_form 02009433 +13192025 _member_meronym 13199445 +00052500 _derivationally_related_form 01981036 +12033310 _hypernym 11579418 +14039534 _derivationally_related_form 01188144 +05919034 _derivationally_related_form 00590761 +07902520 _derivationally_related_form 02242049 +11245110 _instance_hypernym 10650162 +14966667 _derivationally_related_form 00085626 +00147454 _hypernym 00145218 +03481521 _hypernym 03997484 +07475107 _derivationally_related_form 01100567 +01529491 _hypernym 01528821 +01873850 _hypernym 08103777 +09999795 _derivationally_related_form 05167618 +10557854 _derivationally_related_form 02083615 +08786283 _instance_hypernym 08552138 +00096969 _hypernym 00045907 +00091311 _derivationally_related_form 14031660 +11911591 _member_meronym 11931756 +05514905 _hypernym 05514081 +13867276 _derivationally_related_form 01350699 +01229631 _derivationally_related_form 04632157 +02460199 _derivationally_related_form 06523132 +04660261 _derivationally_related_form 00418110 +07422800 _derivationally_related_form 00267681 +02948072 _has_part 04581829 +02036578 _derivationally_related_form 04826235 +02971691 _hypernym 02703275 +05121908 _hypernym 05121418 +10273064 _hypernym 09630641 +12586110 _member_meronym 12586298 +00372665 _derivationally_related_form 05725527 +06770275 _has_part 06770875 +00375865 _derivationally_related_form 03170635 +07996412 _derivationally_related_form 02020413 +02198996 _member_meronym 02199170 +08194266 _hypernym 08337324 +00192910 _derivationally_related_form 00430099 +00637259 _hypernym 00632627 +03981566 _hypernym 02792552 +10678937 _hypernym 09853881 +08997310 _has_part 08997487 +02089174 _hypernym 02367363 +02937336 _synset_domain_topic_of 08199025 +01000214 _derivationally_related_form 04063373 +04820258 _derivationally_related_form 00621058 +06295235 _member_of_domain_usage 08179205 +01600480 _hypernym 01504437 +10388440 _hypernym 10541229 +08988333 _instance_hypernym 09316454 +09960545 _hypernym 09764381 +01813811 _hypernym 01507175 +12100538 _member_meronym 12131550 +09838701 _hypernym 09679316 +02215506 _hypernym 02219094 +09209263 _has_part 09370383 +01406356 _derivationally_related_form 09334396 +05259109 _hypernym 05256862 +09464335 _instance_hypernym 09475292 +01603600 _hypernym 01525720 +02512150 _derivationally_related_form 08552138 +01069190 _hypernym 01295275 +14821984 _derivationally_related_form 00492706 +10004804 _derivationally_related_form 00725772 +05273408 _hypernym 05271814 +10005280 _derivationally_related_form 00594580 +03230785 _hypernym 04227144 +02607630 _member_meronym 02609951 +10422405 _derivationally_related_form 01016420 +12573911 _hypernym 13104059 +05038593 _derivationally_related_form 00237511 +00896526 _hypernym 00896348 +08795974 _instance_hypernym 08524735 +00291965 _hypernym 00283568 +00343249 _derivationally_related_form 02048051 +02104523 _hypernym 02103406 +10632576 _derivationally_related_form 00583461 +02697120 _derivationally_related_form 14543552 +08860123 _member_of_domain_region 08185211 +09140148 _has_part 09140993 +01883716 _hypernym 02418686 +02256998 _derivationally_related_form 00079212 +01419982 _synset_domain_topic_of 00523513 +01183573 _derivationally_related_form 09424489 +08293490 _member_meronym 02924116 +13632461 _has_part 13631845 +00322847 _derivationally_related_form 09963320 +06544432 _hypernym 06471345 +00550546 _derivationally_related_form 00201058 +00058014 _derivationally_related_form 01322685 +06969129 _hypernym 06972090 +09343761 _instance_hypernym 09388848 +07765612 _hypernym 07705931 +03941684 _derivationally_related_form 01593011 +05016001 _hypernym 05015117 +06269396 _hypernym 03129123 +10622053 _derivationally_related_form 01097031 +03636649 _hypernym 03405725 +05036394 _derivationally_related_form 01509527 +01159776 _derivationally_related_form 01687569 +07317519 _derivationally_related_form 01900408 +02486932 _derivationally_related_form 09608002 +02179279 _also_see 01932973 +00068901 _derivationally_related_form 02566528 +08493064 _hypernym 08574314 +11703386 _member_meronym 11707109 +05213201 _hypernym 04723816 +08914413 _instance_hypernym 08633957 +03634189 _instance_hypernym 04078747 +01815185 _derivationally_related_form 04982478 +11629501 _member_meronym 11641275 +09201301 _has_part 09261604 +02372397 _member_meronym 02372813 +05554189 _hypernym 05328867 +13027670 _hypernym 11592146 +03624134 _hypernym 04565375 +12383402 _has_part 07753743 +12302974 _hypernym 11567411 +11911591 _member_meronym 11958316 +03948950 _hypernym 03736970 +00294245 _derivationally_related_form 13439390 +00756076 _hypernym 02627934 +03581125 _derivationally_related_form 02023396 +07450842 _hypernym 07447261 +01558883 _hypernym 01555742 +08129268 _has_part 08349681 +00404403 _hypernym 00191142 +08986374 _instance_hypernym 08524735 +00316195 _derivationally_related_form 05747582 +01302019 _hypernym 02495038 +05703956 _derivationally_related_form 02437707 +09831411 _derivationally_related_form 06046692 +13462795 _hypernym 13446390 +01261293 _hypernym 01260867 +01818959 _member_meronym 01819115 +10383505 _derivationally_related_form 02434238 +08845555 _has_part 08846324 +02165247 _member_meronym 02165754 +00889082 _hypernym 00888796 +01509584 _derivationally_related_form 00572489 +05301072 _hypernym 05297523 +05896733 _derivationally_related_form 02575082 +01129977 _also_see 01548193 +07046543 _hypernym 07044917 +01810466 _member_meronym 01810700 +03178782 _derivationally_related_form 01753596 +08513718 _hypernym 08574314 +01726960 _member_meronym 01734273 +14821590 _derivationally_related_form 00495038 +01725051 _derivationally_related_form 00101191 +03461385 _hypernym 03722288 +08889944 _instance_hypernym 08524735 +01265246 _derivationally_related_form 10514962 +00373544 _hypernym 00363260 +03067506 _derivationally_related_form 10994906 +01235463 _hypernym 01235258 +13987719 _hypernym 13987423 +08723006 _member_of_domain_region 07424436 +01918669 _hypernym 01831531 +02454119 _member_meronym 02454657 +02144644 _derivationally_related_form 07998573 +04622415 _hypernym 04623612 +07157273 _member_of_domain_usage 09780984 +01458464 _hypernym 01458228 +02742842 _hypernym 02604760 +05979350 _hypernym 05978812 +02257536 _member_meronym 02258065 +10712229 _derivationally_related_form 00261314 +11562747 _hypernym 08107499 +12155459 _member_meronym 12155583 +07500741 _derivationally_related_form 01827858 +10207831 _derivationally_related_form 00785008 +01888511 _derivationally_related_form 00867983 +02757810 _hypernym 04391838 +01738347 _derivationally_related_form 03963294 +08860123 _member_of_domain_region 10719395 +08504151 _instance_hypernym 08524735 +01823610 _hypernym 01507175 +07986771 _hypernym 07986198 +01835280 _derivationally_related_form 07362830 +01749790 _hypernym 01749184 +09117351 _has_part 09195796 +01557697 _hypernym 01507175 +00657016 _derivationally_related_form 10276477 +03296759 _hypernym 02832168 +08801678 _member_of_domain_region 08041484 +01461152 _hypernym 00367685 +12496949 _hypernym 12524188 +04709585 _hypernym 04709253 +05452516 _hypernym 05451981 +07010821 _hypernym 07012534 +02567147 _hypernym 02566528 +02632694 _member_meronym 02633844 +01826723 _hypernym 01824339 +13784366 _synset_domain_topic_of 06000644 +06214580 _hypernym 06212839 +09895701 _hypernym 09984298 +02987492 _derivationally_related_form 01554622 +02228901 _derivationally_related_form 01084180 +05728493 _hypernym 05726596 +14014621 _hypernym 14034177 +11968104 _member_meronym 11968704 +02451113 _also_see 01612053 +00775156 _derivationally_related_form 09615465 +14112466 _hypernym 14103288 +01775879 _member_meronym 01782050 +02340543 _hypernym 02339413 +01414626 _derivationally_related_form 01175316 +02547586 _derivationally_related_form 09815790 +01217780 _hypernym 01277974 +06755156 _hypernym 06648724 +01179155 _derivationally_related_form 12143676 +01139380 _synset_domain_topic_of 00488225 +09522978 _synset_domain_topic_of 06236802 +00164444 _hypernym 01631072 +01376082 _derivationally_related_form 00278040 +01565472 _derivationally_related_form 00965895 +01910965 _hypernym 01904930 +12379278 _hypernym 11575425 +00127672 _derivationally_related_form 00229630 +01949817 _derivationally_related_form 03009269 +02218563 _hypernym 01759182 +01955084 _hypernym 01940736 +00291004 _synset_domain_topic_of 08199025 +00949288 _derivationally_related_form 05861067 +02774152 _hypernym 03094503 +13590327 _hypernym 13585429 +00937208 _derivationally_related_form 06805297 +12564381 _member_meronym 12564613 +00696518 _derivationally_related_form 02542280 +12939664 _member_meronym 12939874 +01925469 _member_meronym 01925695 +02690384 _derivationally_related_form 05125377 +01057759 _derivationally_related_form 01182021 +05221895 _hypernym 05220461 +00818553 _derivationally_related_form 09954479 +05521636 _hypernym 05514410 +09629065 _derivationally_related_form 04827175 +00854393 _hypernym 00854000 +08860123 _member_of_domain_region 13752033 +08748280 _instance_hypernym 09203827 +07963087 _derivationally_related_form 01503404 +00645939 _derivationally_related_form 00945777 +11372599 _instance_hypernym 10177150 +03572449 _hypernym 03169390 +10185793 _derivationally_related_form 05638374 +02215001 _derivationally_related_form 13311368 +00081836 _derivationally_related_form 02326355 +02973558 _hypernym 04157320 +14546844 _hypernym 13920835 +14869327 _hypernym 14818238 +01856225 _hypernym 01507175 +00076341 _derivationally_related_form 00685683 +12253229 _hypernym 12252866 +04873550 _derivationally_related_form 01227137 +14446161 _derivationally_related_form 01814815 +13423922 _hypernym 13558490 +08687525 _instance_hypernym 08685677 +02697725 _derivationally_related_form 04677716 +00687738 _derivationally_related_form 14439745 +04235291 _has_part 04120093 +08550076 _synset_domain_topic_of 06144081 +01032451 _derivationally_related_form 06279326 +02199590 _also_see 02284951 +14405931 _derivationally_related_form 01781983 +08860123 _member_of_domain_region 06608405 +13456899 _derivationally_related_form 00399368 +01660640 _derivationally_related_form 03792048 +00049900 _derivationally_related_form 14456752 +03519081 _hypernym 03113152 +07796468 _hypernym 07795751 +14493716 _hypernym 14493145 +02392600 _derivationally_related_form 00719705 +10349243 _derivationally_related_form 01176931 +01279186 _hypernym 01989053 +01932951 _synset_domain_topic_of 00314469 +04681797 _derivationally_related_form 01695976 +12230347 _hypernym 13112664 +03160309 _derivationally_related_form 01587818 +12022382 _hypernym 12205694 +10067011 _derivationally_related_form 07244613 +01312096 _has_part 01287782 +08904858 _instance_hypernym 08524735 +00247792 _hypernym 00243918 +13186654 _hypernym 11545714 +02540637 _member_meronym 02540791 +13724977 _hypernym 13717155 +00252019 _verb_group 00342980 +01418667 _derivationally_related_form 00380083 +02638960 _hypernym 01432517 +02008316 _hypernym 01507175 +00189565 _derivationally_related_form 01111816 +01591621 _derivationally_related_form 09854510 +00311663 _derivationally_related_form 00739270 +00904046 _derivationally_related_form 01241331 +01134781 _derivationally_related_form 00122661 +07331013 _derivationally_related_form 00311338 +03413428 _hypernym 03953020 +05695232 _derivationally_related_form 01165290 +03504723 _hypernym 03841666 +02067889 _hypernym 02066939 +02423787 _member_meronym 02424909 +00487748 _derivationally_related_form 14487443 +00211108 _derivationally_related_form 14779796 +01639714 _derivationally_related_form 00928371 +05199869 _derivationally_related_form 00834198 +01178565 _derivationally_related_form 04169707 +12992464 _member_meronym 12986447 +08053260 _hypernym 08050678 +00814850 _derivationally_related_form 06562993 +03700963 _hypernym 03736970 +10214390 _hypernym 10372373 +00948071 _derivationally_related_form 03117420 +01262113 _derivationally_related_form 08591680 +13227235 _member_meronym 13229358 +11841529 _member_meronym 11850337 +00368939 _synset_domain_topic_of 02686568 +09141526 _has_part 09145655 +05147381 _hypernym 04723816 +08973776 _instance_hypernym 08698379 +01387301 _derivationally_related_form 00406800 +00995838 _derivationally_related_form 06428792 +11759853 _hypernym 11759224 +15187250 _hypernym 15157225 +02502902 _hypernym 01342529 +01926311 _derivationally_related_form 00293916 +00206600 _hypernym 00206302 +10306279 _derivationally_related_form 04621314 +13475538 _derivationally_related_form 00275253 +03110183 _derivationally_related_form 11503968 +11737316 _member_meronym 11737534 +12133870 _member_meronym 12134025 +13285176 _derivationally_related_form 02295208 +15159583 _derivationally_related_form 00619183 +10398806 _derivationally_related_form 07256375 +02512053 _has_part 02322712 +01702331 _derivationally_related_form 06781581 +10323999 _hypernym 00007846 +00306298 _derivationally_related_form 07308563 +00840630 _hypernym 00838367 +00327683 _hypernym 00280586 +11082135 _instance_hypernym 10020890 +07380144 _hypernym 07387509 +05617467 _derivationally_related_form 10123844 +08174398 _member_meronym 08820121 +05548840 _has_part 05549576 +05465567 _hypernym 05430628 +01409177 _hypernym 01405044 +12479537 _hypernym 12476510 +02181538 _derivationally_related_form 10714851 +12716861 _hypernym 11585340 +00894738 _derivationally_related_form 05823054 +03659809 _hypernym 03700963 +01719302 _derivationally_related_form 07018931 +02710402 _derivationally_related_form 00612114 +05083328 _derivationally_related_form 01988080 +02395603 _derivationally_related_form 01140658 +11798270 _hypernym 13118707 +12289744 _member_meronym 11766609 +00803394 _hypernym 00803208 +07300316 _hypernym 07300092 +07886572 _derivationally_related_form 01663920 +01386494 _member_meronym 01387208 +14008567 _hypernym 14006945 +02964634 _derivationally_related_form 02700867 +11814584 _hypernym 11669921 +02702575 _hypernym 04482543 +12010021 _member_meronym 12010188 +05576573 _hypernym 05585665 +11609475 _hypernym 11608250 +14790796 _hypernym 14621446 +08100907 _derivationally_related_form 10750188 +10131815 _synset_domain_topic_of 15253139 +00212065 _derivationally_related_form 02264397 +07496755 _hypernym 07496463 +03706653 _synset_domain_topic_of 06128570 +05051896 _derivationally_related_form 02410175 +08962610 _member_meronym 09697771 +00365471 _derivationally_related_form 00305109 +00077419 _hypernym 00041899 +12100538 _member_meronym 12147031 +01916925 _hypernym 01915811 +08139795 _has_part 08140767 +01304944 _hypernym 01340439 +08466175 _hypernym 08466643 +11799520 _member_meronym 11799732 +02252039 _member_meronym 02255567 +02246686 _hypernym 02230772 +05890963 _synset_domain_topic_of 06101551 +05417472 _derivationally_related_form 00096766 +12511046 _member_meronym 12511239 +02023341 _hypernym 02022684 +08187033 _member_meronym 08237863 +01633343 _hypernym 01631534 +00900957 _hypernym 00900726 +00122661 _derivationally_related_form 01134781 +00957378 _derivationally_related_form 06744396 +02422663 _hypernym 02423762 +00739270 _hypernym 00066216 +01311103 _derivationally_related_form 08550076 +12283981 _member_meronym 12284821 +01385458 _derivationally_related_form 00003553 +00611256 _derivationally_related_form 05761918 +07238694 _has_part 06398401 +00375071 _derivationally_related_form 00365188 +12479303 _member_meronym 12479537 +08566707 _derivationally_related_form 02609764 +02789271 _derivationally_related_form 01478002 +02094788 _hypernym 01963942 +02088627 _hypernym 01831531 +12295560 _member_meronym 12295796 +09886403 _derivationally_related_form 01096860 +10515194 _derivationally_related_form 00265673 +09410928 _derivationally_related_form 01556572 +11464143 _synset_domain_topic_of 06090869 +05717342 _derivationally_related_form 00213353 +01283746 _hypernym 01283208 +07066659 _derivationally_related_form 01687569 +00634586 _derivationally_related_form 00947857 +02908217 _has_part 03485997 +00543233 _hypernym 00407535 +05855125 _hypernym 05835747 +03789946 _derivationally_related_form 01930117 +02241184 _member_meronym 02242293 +10099093 _hypernym 10599806 +04011827 _derivationally_related_form 01511706 +10539715 _derivationally_related_form 02584475 +05079866 _derivationally_related_form 02142775 +06763273 _hypernym 06762711 +12050766 _hypernym 11556857 +00059376 _hypernym 00059127 +14648100 _derivationally_related_form 00185465 +07765999 _hypernym 07705931 +08559508 _derivationally_related_form 02537960 +10337913 _hypernym 09682291 +04740655 _hypernym 04737934 +02277138 _derivationally_related_form 00966504 +01408880 _member_meronym 01409065 +00379774 _hypernym 00256507 +01629000 _derivationally_related_form 13260190 +02017663 _hypernym 02016523 +02130190 _hypernym 01864707 +11790390 _hypernym 13121544 +01242208 _hypernym 01831531 +12761702 _hypernym 13110915 +01645421 _derivationally_related_form 10434725 +05786655 _derivationally_related_form 00631591 +15242955 _hypernym 15113229 +05737153 _hypernym 05736149 +12118912 _hypernym 11556857 +01183573 _derivationally_related_form 01072565 +00240293 _derivationally_related_form 03289462 +02462580 _derivationally_related_form 00183505 +12995724 _member_meronym 13077479 +00381567 _derivationally_related_form 00302875 +13572436 _derivationally_related_form 00575970 +08050678 _member_meronym 08119821 +02159271 _member_meronym 02267975 +02551668 _hypernym 02528163 +02678839 _derivationally_related_form 14407899 +00999245 _derivationally_related_form 00682436 +10476928 _hypernym 10371741 +01303242 _hypernym 01296462 +08060193 _hypernym 08061042 +00366858 _hypernym 00140123 +10276238 _hypernym 09903153 +04885091 _hypernym 04884450 +09770949 _hypernym 10162991 +01029114 _derivationally_related_form 00693401 +06399126 _hypernym 06398401 +01299994 _instance_hypernym 00956485 +01451502 _derivationally_related_form 03484083 +01807314 _derivationally_related_form 13980288 +02129289 _hypernym 02106506 +05799212 _derivationally_related_form 02531625 +06546261 _hypernym 06545137 +01821132 _derivationally_related_form 04689450 +00657728 _hypernym 00681429 +00355919 _derivationally_related_form 00864475 +02021376 _hypernym 02020590 +01905661 _hypernym 00015388 +00100905 _hypernym 02407987 +01218766 _hypernym 01218593 +01227691 _hypernym 01227190 +06468818 _derivationally_related_form 02699141 +00598678 _hypernym 00586262 +00959827 _derivationally_related_form 06575932 +06277803 _hypernym 06873252 +00623862 _derivationally_related_form 02507464 +01678519 _hypernym 01675963 +02890804 _hypernym 03903424 +00329031 _hypernym 00328502 +08906952 _has_part 09303647 +01676313 _member_meronym 01677242 +01305099 _derivationally_related_form 00052146 +00452512 _hypernym 00126264 +01193886 _hypernym 01189001 +01592669 _derivationally_related_form 00357275 +02634133 _hypernym 00339934 +01021629 _hypernym 00805376 +00081367 _derivationally_related_form 00324056 +04437953 _hypernym 03733925 +01365131 _derivationally_related_form 03635668 +13484937 _hypernym 13460568 +02796412 _derivationally_related_form 01478002 +02691156 _hypernym 03510583 +01242716 _hypernym 01168369 +05020358 _derivationally_related_form 00843146 +13820655 _synset_domain_topic_of 00523513 +05692419 _hypernym 05686481 +12185078 _member_meronym 12185254 +02321009 _also_see 01825671 +01588493 _derivationally_related_form 07272172 +05493303 _hypernym 05220461 +00734054 _derivationally_related_form 05822746 +08187988 _derivationally_related_form 00986750 +10621140 _hypernym 10153414 +02262278 _hypernym 02316868 +02260085 _derivationally_related_form 01110274 +01946487 _hypernym 01939598 +00693401 _derivationally_related_form 09505418 +00138508 _also_see 01510576 +01213614 _derivationally_related_form 10586265 +11906359 _hypernym 11575425 +01084932 _derivationally_related_form 02234988 +07512465 _hypernym 00026192 +01603303 _hypernym 01264283 +01888264 _derivationally_related_form 01884383 +00373520 _derivationally_related_form 14633206 +04467665 _has_part 04467307 +00636574 _derivationally_related_form 05780718 +01336159 _derivationally_related_form 15101854 +04980008 _derivationally_related_form 02123672 +02163144 _hypernym 01342529 +05905152 _derivationally_related_form 10688356 +01303547 _hypernym 01340439 +06686174 _hypernym 07227772 +13434120 _hypernym 13550318 +00043765 _derivationally_related_form 13954253 +10346198 _hypernym 10346015 +11768242 _member_meronym 11768816 +13874384 _derivationally_related_form 02034986 +00507664 _derivationally_related_form 13483726 +00795264 _hypernym 00794981 +08306959 _derivationally_related_form 02669806 +01249616 _derivationally_related_form 00203081 +01028381 _synset_domain_topic_of 08199025 +01772498 _hypernym 01771535 +01541803 _derivationally_related_form 00329619 +00279465 _hypernym 00280301 +13016749 _hypernym 11592146 +12359026 _member_meronym 12363988 +02971691 _has_part 02916350 +00028362 _derivationally_related_form 04631700 +06536389 _derivationally_related_form 02728142 +08766455 _instance_hypernym 08633957 +01527480 _member_meronym 01527774 +01469263 _derivationally_related_form 01053067 +11881063 _member_meronym 11881189 +01401686 _hypernym 01388130 +09976728 _derivationally_related_form 02264752 +12602980 _hypernym 12205694 +01887020 _hypernym 01835496 +00565809 _hypernym 00565302 +01624987 _hypernym 01507175 +11722769 _member_meronym 11722982 +08836329 _member_meronym 09691435 +01450281 _member_meronym 01450661 +03515338 _hypernym 03282591 +01662614 _hypernym 01662771 +02490877 _derivationally_related_form 09902954 +01801600 _also_see 01716491 +15092751 _hypernym 15089472 +01939811 _derivationally_related_form 02861022 +05715283 _derivationally_related_form 02192992 +04893525 _derivationally_related_form 02421158 +06785367 _hypernym 06784003 +11537886 _hypernym 08108972 +07963613 _hypernym 07961480 +01688961 _hypernym 01687665 +12534453 _hypernym 11585340 +04072811 _hypernym 03247620 +01936391 _hypernym 01934440 +02239347 _member_meronym 02239528 +08860123 _member_of_domain_region 14476205 +07080868 _derivationally_related_form 00941990 +01312810 _derivationally_related_form 03996416 +00563494 _hypernym 00557588 +12612913 _member_meronym 12614962 +14004572 _hypernym 14004317 +10246511 _hypernym 10058155 +06356515 _derivationally_related_form 02249018 +07360647 _hypernym 07307477 +05949937 _hypernym 05945642 +02549392 _hypernym 02549581 +09138935 _has_part 09139993 +11715207 _hypernym 11571907 +01311520 _has_part 01274171 +15256915 _has_part 15256714 +08911868 _instance_hypernym 08524735 +02420675 _hypernym 01864707 +11791819 _hypernym 11556857 +02357228 _derivationally_related_form 10553627 +00869583 _synset_domain_topic_of 06000644 +13370014 _hypernym 13368052 +11148486 _instance_hypernym 10467395 +06552470 _synset_domain_topic_of 08441203 +07264925 _hypernym 06791372 +07528470 _derivationally_related_form 01812324 +00816353 _hypernym 00815686 +06614729 _hypernym 03925226 +08927186 _has_part 08927678 +01899360 _also_see 02570282 +00712031 _derivationally_related_form 01249724 +04466613 _hypernym 04463510 +06441195 _instance_hypernym 06394865 +06696991 _synset_domain_topic_of 06232880 +14654954 _hypernym 14821043 +07532276 _hypernym 07531255 +04484432 _hypernym 04494204 +02128120 _member_meronym 02129165 +06234825 _derivationally_related_form 09682803 +10871926 _instance_hypernym 09765278 +02818402 _hypernym 04547991 +01604625 _member_meronym 01615825 +06877578 _derivationally_related_form 00034288 +13049561 _member_meronym 13050940 +00502952 _has_part 03011521 +12747961 _member_meronym 12748534 +06716796 _derivationally_related_form 00463234 +00964694 _hypernym 00962447 +11194205 _instance_hypernym 10450303 +10692883 _derivationally_related_form 00681429 +01833283 _hypernym 01504437 +13574452 _derivationally_related_form 00389406 +01061203 _hypernym 01057200 +10317500 _synset_domain_topic_of 08199025 +00166172 _hypernym 00457382 +01225461 _derivationally_related_form 03903424 +09752927 _hypernym 00007846 +07573696 _has_part 07695965 +00040188 _hypernym 00038365 +08888676 _instance_hypernym 08696931 +00055871 _hypernym 00515154 +11655764 _member_meronym 11656123 +01789270 _hypernym 01785971 +06177729 _derivationally_related_form 02949931 +01577093 _derivationally_related_form 09677830 +02984061 _hypernym 03028079 +07863229 _hypernym 07557434 +11861021 _hypernym 12205694 +00084230 _derivationally_related_form 06043075 +15067877 _hypernym 14877585 +03030663 _has_part 03030880 +10531445 _hypernym 10201535 +06128570 _hypernym 06125041 +01206849 _derivationally_related_form 00046522 +01172889 _also_see 01017738 +01370260 _hypernym 01367772 +02046755 _derivationally_related_form 10777147 +02338386 _derivationally_related_form 01059719 +08409969 _hypernym 08284481 +00456357 _hypernym 00126264 +01985247 _derivationally_related_form 02739480 +01994176 _hypernym 08103777 +09161803 _has_part 09162803 +05547508 _has_part 05529012 +06536853 _hypernym 06479665 +02571901 _derivationally_related_form 00882159 +10592397 _derivationally_related_form 02325968 +06608143 _derivationally_related_form 00106843 +00090779 _hypernym 00043609 +11994150 _hypernym 12205694 +00967625 _derivationally_related_form 08062623 +10397482 _derivationally_related_form 03888257 +07341860 _synset_domain_topic_of 03082979 +07895435 _hypernym 07895237 +10526927 _derivationally_related_form 00855512 +10624540 _derivationally_related_form 07048000 +00373520 _synset_domain_topic_of 06084469 +00455368 _derivationally_related_form 07439570 +01259211 _hypernym 00070965 +07121361 _derivationally_related_form 00915605 +04551055 _hypernym 04329190 +02148377 _hypernym 01864707 +06295235 _member_of_domain_usage 06770875 +13164763 _hypernym 13164583 +10708292 _derivationally_related_form 00628491 +12619306 _member_meronym 12637729 +07520411 _hypernym 07519253 +01601550 _member_meronym 01601694 +02519555 _synset_domain_topic_of 06084469 +02339413 _derivationally_related_form 01156899 +06782680 _derivationally_related_form 00917300 +01633250 _hypernym 01626600 +09237076 _instance_hypernym 09403734 +09888017 _hypernym 10630188 +00052146 _derivationally_related_form 01305099 +00312932 _derivationally_related_form 01844653 +00390906 _hypernym 00383606 +10132988 _derivationally_related_form 01193099 +04270891 _derivationally_related_form 01444887 +08047501 _instance_hypernym 08009834 +07130050 _derivationally_related_form 00941990 +05929008 _derivationally_related_form 02697725 +01850135 _synset_domain_topic_of 00298497 +01148283 _derivationally_related_form 07526757 +12397210 _has_part 02670049 +10608385 _derivationally_related_form 02464342 +01569060 _hypernym 01567133 +01851996 _member_meronym 01852142 +04149208 _derivationally_related_form 01312371 +00063557 _verb_group 00063724 +10363149 _synset_domain_topic_of 08441203 +00465634 _hypernym 00296178 +00045250 _derivationally_related_form 01511706 +03014705 _hypernym 02883344 +08860123 _member_of_domain_region 00575657 +01828736 _derivationally_related_form 09622302 +13189428 _hypernym 11545714 +01814815 _derivationally_related_form 07492655 +02639475 _hypernym 02639075 +10260706 _hypernym 00007846 +01247804 _hypernym 01410223 +13552270 _derivationally_related_form 00273963 +12106540 _member_meronym 12106786 +02428924 _derivationally_related_form 07975026 +06496862 _hypernym 06495000 +08905467 _instance_hypernym 08654360 +04921900 _hypernym 04921754 +12241699 _member_meronym 12241880 +10296832 _derivationally_related_form 00071646 +00740577 _derivationally_related_form 06252138 +11898474 _member_meronym 11898775 +02019566 _member_meronym 02020450 +11828577 _hypernym 11828247 +04963588 _hypernym 04962784 +00916909 _derivationally_related_form 11418138 +02553196 _member_meronym 02570648 +00133338 _hypernym 01173038 +00386676 _derivationally_related_form 02431320 +14479615 _hypernym 11409059 +13432249 _synset_domain_topic_of 06037666 +03063689 _hypernym 03990474 +13163250 _hypernym 13129165 +01985331 _hypernym 01762525 +01471825 _derivationally_related_form 00769944 +06789801 _synset_domain_topic_of 06240244 +08031663 _instance_hypernym 08392137 +00883226 _derivationally_related_form 09872066 +02708123 _derivationally_related_form 01067819 +00508340 _hypernym 00508091 +13290676 _hypernym 13282550 +04863074 _derivationally_related_form 02326695 +01258302 _derivationally_related_form 10276045 +03578656 _hypernym 03084420 +01021128 _hypernym 00955601 +00335814 _derivationally_related_form 01909679 +01997680 _hypernym 01994442 +12852049 _member_meronym 12852570 +02790012 _hypernym 03508628 +05828102 _derivationally_related_form 01762283 +05302499 _has_part 05302899 +03011521 _has_part 04291511 +04951373 _hypernym 04950126 +01651444 _derivationally_related_form 00237078 +07486229 _derivationally_related_form 01824339 +03224032 _has_part 03222722 +02164402 _derivationally_related_form 05172596 +00837288 _derivationally_related_form 00548802 +00094001 _synset_domain_topic_of 06182144 +00226107 _hypernym 01149911 +09843602 _derivationally_related_form 00037919 +05898171 _derivationally_related_form 01783214 +10022645 _hypernym 10376523 +00071646 _derivationally_related_form 10296618 +09044862 _member_meronym 09738708 +12610933 _member_meronym 12617739 +02752695 _derivationally_related_form 06469874 +10501747 _hypernym 10332385 +01310964 _synset_domain_topic_of 00922327 +05638063 _derivationally_related_form 10791221 +12411084 _member_meronym 12418065 +05563034 _hypernym 05566919 +09907196 _derivationally_related_form 00596692 +02225959 _member_meronym 02226598 +06731802 _hypernym 06732169 +01376620 _derivationally_related_form 00381326 +01047338 _derivationally_related_form 00164658 +01779165 _derivationally_related_form 07521437 +05945642 _derivationally_related_form 00689344 +02253154 _derivationally_related_form 10409752 +01299758 _hypernym 01557774 +00794079 _hypernym 00868591 +05522784 _hypernym 05610008 +12705978 _hypernym 12705013 +02464342 _derivationally_related_form 00741478 +12707199 _hypernym 12205694 +02913152 _has_part 03120198 +01617192 _derivationally_related_form 00015388 +00592652 _derivationally_related_form 10125561 +07313241 _derivationally_related_form 00365647 +09006413 _has_part 09008130 +00483181 _hypernym 02458103 +04606574 _derivationally_related_form 01349493 +00518395 _derivationally_related_form 10075693 +00738747 _verb_group 00913065 +06081602 _hypernym 06080522 +10230801 _derivationally_related_form 01471043 +01949435 _derivationally_related_form 01106587 +01307389 _hypernym 01252971 +02256109 _hypernym 00690614 +02225739 _derivationally_related_form 10656832 +04152387 _hypernym 03894379 +02236495 _member_meronym 02236896 +01906823 _hypernym 02506546 +01866535 _also_see 01002377 +03064758 _hypernym 02883344 +03125352 _derivationally_related_form 02182851 +02658867 _derivationally_related_form 01000068 +02649689 _member_meronym 02650282 +01902783 _verb_group 01874875 +00033020 _hypernym 00002137 +00357667 _verb_group 00357332 +03390983 _derivationally_related_form 02711835 +01308008 _instance_hypernym 01145015 +02958343 _has_part 02670683 +08979054 _instance_hypernym 08702402 +01678685 _derivationally_related_form 03597469 +02863724 _derivationally_related_form 14633206 +08873622 _member_meronym 09704630 +00749767 _derivationally_related_form 10722965 +01180200 _synset_domain_topic_of 08441203 +13878112 _derivationally_related_form 02048051 +07445480 _derivationally_related_form 01970348 +07199191 _hypernym 07197021 +14709265 _hypernym 14708720 +02343056 _hypernym 02410855 +00168217 _hypernym 00205046 +01841079 _derivationally_related_form 09629752 +12205694 _hypernym 13083586 +07150138 _hypernym 07149836 +08928742 _instance_hypernym 08633957 +01738774 _derivationally_related_form 00250259 +14422179 _hypernym 13920835 +01893988 _hypernym 01831531 +01312096 _has_part 01290997 +02684644 _derivationally_related_form 00307631 +09757944 _hypernym 00007846 +05807306 _hypernym 05805475 +01312096 _has_part 01293650 +06374587 _derivationally_related_form 00826509 +02242942 _member_meronym 02243065 +08031020 _instance_hypernym 08392137 +09998101 _derivationally_related_form 00750730 +09700492 _derivationally_related_form 02971469 +01003249 _hypernym 01000214 +14821984 _derivationally_related_form 00493259 +06845599 _member_of_domain_usage 03912664 +00532110 _hypernym 00428270 +12992464 _hypernym 07940552 +11722982 _hypernym 13100156 +01302449 _instance_hypernym 00973077 +11778534 _member_meronym 11786017 +07002992 _derivationally_related_form 01745536 +04586421 _hypernym 03736970 +06561138 _synset_domain_topic_of 08441203 +02942699 _has_part 03531808 +11911591 _member_meronym 12015840 +04080833 _derivationally_related_form 00001740 +09195615 _has_part 08735705 +01356750 _derivationally_related_form 02755352 +13556509 _derivationally_related_form 00440580 +01254692 _derivationally_related_form 00666350 +13381145 _derivationally_related_form 02310855 +00752493 _also_see 02384686 +03109693 _hypernym 04341686 +02553196 _member_meronym 02559606 +10226060 _synset_domain_topic_of 08199025 +00360143 _hypernym 00359903 +00618734 _hypernym 00582388 +00024047 _verb_group 00098083 +01516290 _derivationally_related_form 07436100 +13110915 _hypernym 13109733 +02730304 _synset_domain_topic_of 05946687 +15147330 _hypernym 15147097 +00954271 _hypernym 00831651 +00605023 _hypernym 00586262 +00267681 _derivationally_related_form 07422800 +00089027 _derivationally_related_form 02496816 +03211789 _hypernym 04587648 +13808708 _hypernym 13807636 +01846658 _derivationally_related_form 09861395 +00633717 _hypernym 00621627 +01889129 _derivationally_related_form 00345926 +10335931 _derivationally_related_form 01835496 +01581166 _hypernym 01580077 +01700326 _derivationally_related_form 00390735 +05229198 _synset_domain_topic_of 06057539 +10999584 _instance_hypernym 10444194 +01610463 _verb_group 01610666 +01542207 _derivationally_related_form 04277034 +10656832 _derivationally_related_form 02225739 +12683950 _hypernym 11566682 +00120202 _derivationally_related_form 01963942 +04461148 _instance_hypernym 02814860 +02333358 _derivationally_related_form 03509025 +02026498 _member_meronym 02026629 +11544769 _member_meronym 13220842 +13510433 _derivationally_related_form 00399788 +01780202 _derivationally_related_form 07521674 +02767956 _derivationally_related_form 09830400 +01313093 _member_meronym 00015388 +02723595 _hypernym 03740161 +01008719 _hypernym 01494310 +00295966 _derivationally_related_form 00999588 +11707109 _hypernym 11571907 +11440802 _hypernym 11511523 +01536168 _hypernym 01535246 +00524299 _synset_domain_topic_of 06084469 +14508974 _hypernym 14501726 +01301410 _derivationally_related_form 10525134 +14467685 _hypernym 14465048 +12609128 _hypernym 11556857 +05005447 _derivationally_related_form 00094448 +09958724 _derivationally_related_form 02589245 +10115082 _hypernym 00007846 +13063046 _member_meronym 13063784 +02574205 _derivationally_related_form 10752093 +00065575 _derivationally_related_form 02525044 +00073343 _derivationally_related_form 00395797 +10522759 _derivationally_related_form 02247977 +00800930 _derivationally_related_form 00418615 +01110517 _hypernym 01101913 +14603236 _hypernym 14911057 +15124713 _instance_hypernym 15248269 +02026059 _hypernym 02022684 +01723690 _hypernym 01719302 +02475922 _derivationally_related_form 02635794 +15210045 _has_part 15192890 +11781176 _hypernym 13125117 +00024279 _derivationally_related_form 00401783 +07273136 _derivationally_related_form 01588493 +04612722 _derivationally_related_form 01629000 +01582645 _derivationally_related_form 04463017 +02077656 _derivationally_related_form 00315986 +08929922 _member_of_domain_region 08167779 +09906449 _hypernym 00007846 +01543998 _derivationally_related_form 04161981 +01590171 _derivationally_related_form 03897943 +09536789 _member_meronym 09538021 +00447771 _hypernym 00146138 +12501745 _member_meronym 12569233 +00246552 _hypernym 00243918 +02719399 _derivationally_related_form 07499113 +05035264 _synset_domain_topic_of 08199025 +06605046 _member_of_domain_usage 07333649 +07309781 _derivationally_related_form 01835496 +08416652 _derivationally_related_form 10531227 +01740320 _hypernym 01739814 +02360274 _verb_group 01854519 +00014034 _hypernym 00010054 +14070360 _has_part 14304060 +02074677 _derivationally_related_form 00058743 +09219858 _instance_hypernym 09208496 +06764623 _hypernym 06763273 +06295235 _member_of_domain_usage 02902816 +01237398 _hypernym 01405044 +09341145 _instance_hypernym 09411430 +03242713 _derivationally_related_form 01930874 +13555915 _synset_domain_topic_of 06125041 +10931059 _instance_hypernym 09765278 +00138599 _hypernym 00138221 +00960961 _derivationally_related_form 06744000 +11123262 _instance_hypernym 10151760 +00895501 _has_part 00959992 +09335240 _hypernym 00002684 +01998467 _member_meronym 01998599 +02691156 _has_part 02670683 +12598826 _hypernym 12205694 +12317919 _member_meronym 12319687 +02633422 _hypernym 02632989 +03174211 _hypernym 04416530 +02261464 _derivationally_related_form 09777012 +00752335 _hypernym 00751887 +14791292 _hypernym 15094294 +02780916 _has_part 02799593 +01127623 _synset_domain_topic_of 13308999 +08024096 _instance_hypernym 08392137 +01941093 _hypernym 01224744 +05565548 _hypernym 05564590 +01624633 _also_see 01716491 +05807540 _derivationally_related_form 00728617 +05054130 _derivationally_related_form 00594413 +01017001 _hypernym 01016778 +13651520 _derivationally_related_form 13651218 +12924452 _hypernym 11585340 +05108947 _derivationally_related_form 00156601 +01548694 _hypernym 01548301 +09912995 _hypernym 10067968 +10341955 _derivationally_related_form 01232098 +00386715 _derivationally_related_form 00335814 +02715047 _derivationally_related_form 08560027 +14735642 _hypernym 14999106 +06968707 _hypernym 06941644 +02584004 _member_meronym 02584145 +13615557 _hypernym 13614764 +14290534 _derivationally_related_form 00104299 +01312096 _has_part 01284124 +00176327 _derivationally_related_form 00393369 +02400760 _hypernym 00674607 +01838651 _verb_group 01902783 +09258715 _derivationally_related_form 00337234 +13220842 _member_meronym 13221807 +00731222 _hypernym 00730247 +01716882 _synset_domain_topic_of 06157326 +12618336 _hypernym 11555413 +04017137 _hypernym 03247620 +07066659 _hypernym 00033020 +06670521 _hypernym 06669864 +07520612 _derivationally_related_form 10702781 +01854132 _also_see 01630532 +08920924 _has_part 08925093 +00785008 _derivationally_related_form 10207831 +02986348 _derivationally_related_form 02402425 +14486767 _hypernym 13920835 +00883297 _has_part 00729285 +02694287 _derivationally_related_form 06343971 +01907258 _derivationally_related_form 00350030 +05785311 _derivationally_related_form 00648224 +08566028 _derivationally_related_form 02609764 +01054399 _derivationally_related_form 07118747 +14112855 _hypernym 14112255 +05585205 _hypernym 05543177 +02416278 _derivationally_related_form 01202904 +09637339 _hypernym 09636339 +03199901 _hypernym 04244997 +02196214 _hypernym 02191766 +00556193 _derivationally_related_form 07374756 +13791389 _hypernym 00031921 +00951781 _derivationally_related_form 00470386 +02128066 _derivationally_related_form 05808218 +00348571 _derivationally_related_form 01868258 +01003249 _derivationally_related_form 10426749 +11805544 _hypernym 13085113 +12992464 _member_meronym 11590783 +01411978 _hypernym 01411085 +01854700 _hypernym 01854415 +15266265 _derivationally_related_form 02431971 +12296432 _hypernym 12293723 +04892794 _hypernym 04891010 +08192970 _member_meronym 10294139 +01120448 _derivationally_related_form 02251743 +02727281 _derivationally_related_form 02137538 +01470856 _synset_domain_topic_of 06226057 +10648237 _derivationally_related_form 02412175 +11818945 _member_meronym 11821415 +12813024 _hypernym 11579418 +02094755 _also_see 02058794 +12039743 _member_meronym 12069488 +06135915 _hypernym 05999797 +08220891 _hypernym 08102555 +09246660 _instance_hypernym 09411430 +01602665 _hypernym 01494310 +01040707 _derivationally_related_form 05301908 +07641138 _hypernym 07640203 +12169776 _member_meronym 12182414 +02279257 _hypernym 02274822 +13810818 _hypernym 13809207 +10767265 _hypernym 10249459 +01819600 _member_meronym 01819734 +00780575 _derivationally_related_form 06600684 +01574045 _hypernym 01571904 +04442831 _hypernym 03248958 +12404943 _member_meronym 12410205 +00562398 _hypernym 00562280 +00225786 _derivationally_related_form 00077950 +01369758 _derivationally_related_form 07365024 +09110422 _has_part 09169303 +00704690 _hypernym 00628491 +00377169 _derivationally_related_form 01259458 +00633443 _derivationally_related_form 05779371 +07209089 _hypernym 07208338 +02625975 _derivationally_related_form 01934440 +00618734 _derivationally_related_form 02265231 +14444825 _hypernym 01097292 +02405390 _hypernym 02406585 +07761611 _hypernym 07760859 +05598147 _has_part 05528604 +06730241 _hypernym 06729864 +01167780 _derivationally_related_form 08253815 +07152259 _derivationally_related_form 10612373 +01403052 _hypernym 01387617 +02336483 _hypernym 02327200 +13789462 _hypernym 13783816 +02116568 _hypernym 02116118 +01394901 _member_meronym 01395885 +02494356 _derivationally_related_form 01146768 +05259109 _derivationally_related_form 00039121 +02145543 _hypernym 02144835 +09163192 _member_of_domain_region 01277540 +04953954 _derivationally_related_form 02160552 +02239934 _hypernym 01762525 +10875468 _instance_hypernym 10467395 +08304135 _member_meronym 08772307 +02130524 _also_see 01827858 +00295172 _derivationally_related_form 01911339 +01061017 _derivationally_related_form 00943363 +03772417 _hypernym 03467984 +02243878 _hypernym 02243562 +01789740 _has_part 01895219 +01149494 _also_see 01368192 +01142203 _derivationally_related_form 09788073 +06731186 _derivationally_related_form 01016002 +14539960 _derivationally_related_form 02656390 +00245289 _hypernym 00441445 +02376958 _derivationally_related_form 00039021 +08993144 _instance_hypernym 09316454 +00681094 _also_see 00289365 +13220842 _hypernym 08103777 +00326440 _hypernym 00279835 +12772081 _member_meronym 12774127 +07025419 _hypernym 07024929 +02331479 _member_meronym 02334079 +09031653 _has_part 09408540 +01053495 _hypernym 02172888 +02706478 _hypernym 02162947 +01369346 _also_see 01562061 +02064154 _hypernym 01862557 +14754192 _hypernym 02721160 +08167249 _hypernym 08168978 +00829761 _derivationally_related_form 00156390 +10840769 _instance_hypernym 10177150 +01912159 _derivationally_related_form 00297532 +00857517 _derivationally_related_form 07229747 +06466030 _synset_domain_topic_of 06236802 +12690388 _member_meronym 12690653 +07230502 _derivationally_related_form 01026095 +03022788 _hypernym 02721160 +01793177 _derivationally_related_form 04842515 +08748076 _instance_hypernym 09203827 +00348008 _derivationally_related_form 02038357 +08356903 _member_meronym 08335886 +02309008 _hypernym 02308741 +05300675 _has_part 05323723 +00790086 _derivationally_related_form 04906712 +00064643 _derivationally_related_form 07496463 +08015321 _synset_domain_topic_of 00759694 +09023321 _member_of_domain_region 08021129 +03208556 _hypernym 03959936 +00303748 _derivationally_related_form 01955808 +04014297 _hypernym 03122748 +03041632 _hypernym 03623556 +01069980 _derivationally_related_form 01189427 +11416722 _hypernym 11410625 +00313245 _derivationally_related_form 01912159 +10131815 _hypernym 09939313 +04199027 _has_part 03511426 +12924036 _hypernym 12205694 +04654652 _hypernym 04654337 +02286815 _member_meronym 02287476 +06879056 _derivationally_related_form 02061069 +01744657 _member_meronym 01746565 +10309785 _hypernym 10720453 +02060719 _member_meronym 02061073 +09720702 _hypernym 09620794 +10200365 _hypernym 09998101 +01271189 _derivationally_related_form 03315644 +06268567 _derivationally_related_form 01027924 +02623346 _hypernym 02669789 +08860123 _member_of_domain_region 02100236 +13373214 _derivationally_related_form 00467717 +01167981 _derivationally_related_form 03199647 +02622408 _hypernym 01432517 +02232606 _member_meronym 02233096 +12469157 _hypernym 12468243 +12960378 _hypernym 11545714 +06253140 _derivationally_related_form 00968211 +02121511 _derivationally_related_form 14323683 +01019524 _derivationally_related_form 01742886 +01631534 _hypernym 01617192 +04077734 _hypernym 03294048 +14013005 _derivationally_related_form 02725067 +00320246 _derivationally_related_form 04971928 +04996823 _hypernym 04996355 +01820937 _hypernym 01507175 +02714315 _hypernym 03274796 +02413480 _derivationally_related_form 04599396 +00955601 _derivationally_related_form 00371314 +11848253 _hypernym 11573660 +05050668 _hypernym 05050379 +08340153 _member_meronym 08340989 +01579622 _hypernym 00173338 +01692266 _derivationally_related_form 06824227 +03024882 _derivationally_related_form 01215851 +02612393 _hypernym 01342529 +14716997 _hypernym 14822563 +12501745 _member_meronym 12558902 +10742546 _hypernym 09633969 +00763630 _hypernym 00759694 +13319032 _hypernym 13325010 +00689550 _hypernym 00671351 +13723577 _has_part 13723470 +00335653 _derivationally_related_form 02089632 +07111047 _hypernym 06284225 +12390681 _hypernym 12387633 +01615457 _synset_domain_topic_of 00471613 +01322854 _derivationally_related_form 00223854 +09706548 _hypernym 09728403 +02187320 _derivationally_related_form 07392483 +08993288 _has_part 09172111 +02334302 _synset_domain_topic_of 00607542 +00548802 _hypernym 00548326 +10789963 _hypernym 10790192 +07553301 _derivationally_related_form 02374914 +01899708 _hypernym 02062212 +10530959 _hypernym 00007846 +09440400 _has_part 08702402 +12316572 _hypernym 12316444 +06505517 _derivationally_related_form 01747374 +13498828 _derivationally_related_form 00562882 +02099774 _similar_to 02100236 +06034301 _synset_domain_topic_of 06018465 +02484570 _derivationally_related_form 00225150 +01475282 _derivationally_related_form 04907575 +01270199 _hypernym 01438681 +00232542 _hypernym 00245457 +00380424 _derivationally_related_form 00196485 +07252378 _derivationally_related_form 00851733 +01965806 _hypernym 01963942 +00759501 _hypernym 00755447 +02037272 _also_see 02588099 +14531392 _hypernym 14501726 +01293389 _verb_group 01292885 +07680416 _hypernym 07679356 +00228655 _derivationally_related_form 00278555 +10266486 _derivationally_related_form 06680002 +01207609 _derivationally_related_form 02547586 +12823164 _member_meronym 12823531 +00371314 _hypernym 00363260 +02717102 _verb_group 02636516 +01625985 _hypernym 01621555 +12770277 _member_meronym 12771390 +00878052 _derivationally_related_form 10565502 +07242104 _hypernym 07241837 +01131197 _derivationally_related_form 00961001 +09003284 _member_of_domain_region 07890617 +08928742 _instance_hypernym 08524735 +02191766 _derivationally_related_form 07809368 +02300018 _member_meronym 02300378 +02310007 _hypernym 02199590 +00331082 _derivationally_related_form 03765561 +09134386 _member_of_domain_region 01279615 +12825949 _hypernym 11567411 +08277805 _derivationally_related_form 09759069 +00399788 _hypernym 00126264 +03251766 _derivationally_related_form 00219403 +01461152 _derivationally_related_form 00382109 +04384016 _has_part 04294426 +01631903 _member_meronym 01632047 +14841267 _derivationally_related_form 00190999 +01489275 _member_meronym 01490112 +07181546 _hypernym 07180787 +03963982 _hypernym 02962545 +10927824 _instance_hypernym 10123844 +01056411 _derivationally_related_form 02652922 +00344643 _hypernym 00339934 +02218563 _member_meronym 02218713 +00198850 _hypernym 00441445 +02134589 _member_meronym 02134971 +13941125 _derivationally_related_form 00540235 +07408796 _synset_domain_topic_of 06098195 +10585976 _hypernym 00007846 +05291728 _derivationally_related_form 01449236 +00270005 _derivationally_related_form 11439031 +09849598 _derivationally_related_form 01775535 +04600912 _hypernym 03051540 +03201208 _derivationally_related_form 01177118 +05935060 _hypernym 05926676 +12107970 _hypernym 12131550 +08197742 _derivationally_related_form 01087197 +05680193 _hypernym 05678932 +13477023 _synset_domain_topic_of 06037666 +01412479 _hypernym 01387617 +02924116 _hypernym 04019101 +04474466 _synset_domain_topic_of 00015388 +12699485 _hypernym 11585340 +00358431 _verb_group 00434374 +00141806 _hypernym 00879271 +07398659 _derivationally_related_form 01929467 +04379243 _hypernym 03405725 +08252602 _hypernym 08252211 +12870392 _hypernym 11579418 +09962612 _synset_domain_topic_of 08441203 +13015040 _hypernym 11590783 +02162434 _derivationally_related_form 05684561 +00793037 _derivationally_related_form 01231819 +01654628 _derivationally_related_form 05845140 +12405714 _hypernym 13104059 +00404642 _derivationally_related_form 08164585 +08682575 _instance_hypernym 08630985 +00729642 _synset_domain_topic_of 06136258 +01521014 _hypernym 01504437 +08941895 _instance_hypernym 08939562 +04161981 _has_part 04161358 +08246036 _synset_domain_topic_of 00759694 +00668099 _derivationally_related_form 01071090 +01160031 _also_see 01611067 +11390855 _instance_hypernym 10467395 +02758399 _derivationally_related_form 04244379 +00943363 _derivationally_related_form 00943837 +07374756 _derivationally_related_form 01462005 +11814238 _hypernym 13112427 +00470084 _hypernym 00224901 +11772154 _member_meronym 11772408 +00102927 _derivationally_related_form 02226172 +02194138 _derivationally_related_form 05715864 +04842029 _hypernym 04841810 +08860123 _member_of_domain_region 03077616 diff --git a/process_data/dataset_info.py b/process_data/dataset_info.py new file mode 100644 index 0000000..77a8fda --- /dev/null +++ b/process_data/dataset_info.py @@ -0,0 +1,61 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/9/14 17:31 +# @Author : zhixiuma +# @File : dataset_info.py +# @Project : FedEPoison_2 +# @Software: PyCharm +import json +import numpy as np +import csv + + +def count(triples): + + triples = np.array(triples) + head_entity = triples[:,0] + tail_entity = triples[:,2] + relation = np.unique(triples[:,1]) + + entities = np.unique(list(head_entity)+list(tail_entity)) + return len(relation),len(entities),len(triples) + +import os + +save_path = './data_info/' +def judge_dir(path): + if os.path.exists(path): + print(path) + else: + os.makedirs(path) + +judge_dir(save_path) +list_0 = [] +for dataset in ['NELL995','WNRR']:# , + print(dataset) + for client in [2,3]: + with open('./client_data_927/'+dataset+'_'+str(client)+'_927_10_10.json','r') as file: + data = json.load(file) + for c in range(client): + client_c = data[c] + list_1 = [] + for s in ['train','valid','test']: + triples = client_c[s] + num_rel,num_ent,num_tri = count(triples) + list_1.append(num_rel) + list_1.append(num_ent) + list_1.append(num_tri) + + list_0.append(list_1) +print(list_0) +with open(save_path+'_1.csv', mode='w', + encoding='utf-8-sig', newline='') as f: + writer = csv.writer(f) + writer.writerows(list_0) + + + + + + + diff --git a/process_data/generate_client_data.sh b/process_data/generate_client_data.sh new file mode 100644 index 0000000..a84f96d --- /dev/null +++ b/process_data/generate_client_data.sh @@ -0,0 +1,24 @@ + +##### 1、FB15k237 +python generate_client_data_2.py --num_client 2 --dataset_name FB15k237 +python generate_client_data_2.py --num_client 3 --dataset_name FB15k237 +python generate_client_data_2.py --num_client 5 --dataset_name FB15k237 +python generate_client_data_2.py --num_client 4 --dataset_name FB15k237 + +######## 2、NELL995 +python generate_client_data_2.py --num_client 2 --dataset_name NELL995 +python generate_client_data_2.py --num_client 3 --dataset_name NELL995 +python generate_client_data_2.py --num_client 5 --dataset_name NELL995 +python generate_client_data_2.py --num_client 4 --dataset_name NELL995 + +#### 3、WNRR +python generate_client_data_2.py --num_client 2 --dataset_name WNRR +python generate_client_data_2.py --num_client 3 --dataset_name WNRR +python generate_client_data_2.py --num_client 5 --dataset_name WNRR +python generate_client_data_2.py --num_client 4 --dataset_name WNRR + +#### 4、CoDEx-M +python generate_client_data_2.py --num_client 2 --dataset_name CoDEx-M +python generate_client_data_2.py --num_client 3 --dataset_name CoDEx-M +python generate_client_data_2.py --num_client 5 --dataset_name CoDEx-M +python generate_client_data_2.py --num_client 4 --dataset_name CoDEx-M \ No newline at end of file diff --git a/process_data/generate_client_data_2.py b/process_data/generate_client_data_2.py new file mode 100644 index 0000000..8e30ece --- /dev/null +++ b/process_data/generate_client_data_2.py @@ -0,0 +1,587 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/8/8 12:18 +# @Author : zhixiuma +# @File : generate_client_data.py +# @Project : FedE-master +# @Software: PyCharm +import os +import pandas as pd +import json +import numpy as np +import torch +import torch.nn as nn +from collections import defaultdict as ddict +from torch.utils.data import Dataset, DataLoader +from tqdm import tqdm + +import sys + +sys.path.append('../') + +class TrainDataset(Dataset): + def __init__(self, triples, nentity, negative_sample_size): + self.len = len(triples) + self.triples = triples + self.nentity = nentity + self.negative_sample_size = negative_sample_size + + self.hr2t = ddict(set) + # print(self.hr2t) + + for h, r, t in triples: + self.hr2t[(h, r)].add(t) + for h, r in self.hr2t: + self.hr2t[(h, r)] = np.array(list(self.hr2t[(h, r)])) + + def __len__(self): + return self.len + + def __getitem__(self, idx): + positive_sample = self.triples[idx] + head, relation, tail = positive_sample + + negative_sample_list = [] + negative_sample_size = 0 + # 一个正样本,对应多个负样本 + while negative_sample_size < self.negative_sample_size: + negative_sample = np.random.randint(self.nentity, size=self.negative_sample_size * 2) + # 从self.hr2t[(head, relation)] 返回 negative_sample 是否在其中 + mask = np.in1d( + negative_sample, + self.hr2t[(head, relation)], + assume_unique=True, + invert=True + )# 不在里面,返回True + # 筛选出来不在里面的。 + negative_sample = negative_sample[mask] + negative_sample_list.append(negative_sample) + negative_sample_size += negative_sample.size + + negative_sample = np.concatenate(negative_sample_list)[:self.negative_sample_size] + negative_sample = torch.from_numpy(negative_sample) + positive_sample = torch.LongTensor(positive_sample) + + return positive_sample, negative_sample, idx + + @staticmethod + def collate_fn(data): + # print('data:',data) + positive_sample = torch.stack([_[0] for _ in data], dim=0) + negative_sample = torch.stack([_[1] for _ in data], dim=0) + sample_idx = torch.tensor([_[2] for _ in data]) + return positive_sample, negative_sample, sample_idx + + +class TestDataset(Dataset): + def __init__(self, triples, all_true_triples, nentity, ent_mask=None): + # print('___init_____') + self.len = len(triples) + self.triple_set = all_true_triples + self.triples = triples + self.nentity = nentity + + self.ent_mask = ent_mask + self.hr2t_all = ddict(set) + for h, r, t in all_true_triples: + self.hr2t_all[(h, r)].add(t) + + def __len__(self): + return self.len + + @staticmethod + def collate_fn(data): + # print('collate_fn.....') + triple = torch.stack([_[0] for _ in data], dim=0) + trp_label = torch.stack([_[1] for _ in data], dim=0) + return triple, trp_label + + def __getitem__(self, idx): + # print('..___getitem.....:',idx) + head, relation, tail = self.triples[idx] + label = self.hr2t_all[(head, relation)] # tail_list + # print(label) + trp_label = self.get_label(label) # 三元组标签 + triple = torch.LongTensor((head, relation, tail)) + + return triple, trp_label + + def get_label(self, label): + # print('....get_label....') + y = np.zeros([self.nentity], dtype=np.float32) + # print(y.shape) # [629] + if type(self.ent_mask) == np.ndarray: + y[self.ent_mask] = 1.0 + + for e2 in label: + y[e2] = 1.0 + # print(y) + return torch.FloatTensor(y) + + + +def _load_data(file_path): + file = open(file_path,'r') + content = file.read() + lines = content.split('\n') + lines.pop() + triples = [] + for line in lines: + line = line.split('\t') + triples.append(list(map(int, line))) + return np.array(triples) + +# 重新划分数据,按照关系划分。 +def sample_and_save_triples_filter(): + # 函数过滤掉包含不可见实体的三元组 + def _filter_unseen_entities(x): + ent_seen = entities + df = pd.DataFrame(x, columns=['s', 'p', 'o']) + filter_df = df[df.s.isin(ent_seen) & df.o.isin(ent_seen)] + n_removed_ents = df.shape[0] - filter_df.shape[0] + return filter_df.values, n_removed_ents + + dic = [] + file_path = os.path.join(based_path, 'train.txt') + train_x = _load_data(file_path) + + relations_list = train_x[:, 1] + uni_relations_list = np.unique(relations_list) + num_relations = len(uni_relations_list) + average_relations = int(num_relations/client) + + for c in range(client): + # 训练集 + # 1、从关系列表中,随机选择 average_relations个关系 + train_relation_samples = np.random.choice(uni_relations_list, average_relations, replace=False) + # 2、根据关系列表,拿到相应的关系对应的索引 + train_relation_samples_index = [i for i, value in enumerate(relations_list) if value in train_relation_samples] + train_triple_samples = train_x[train_relation_samples_index] + + entities = np.unique(np.array(train_triple_samples[:, [0, 2]]).flatten()) + + # 验证集 + valid_file_path = os.path.join(based_path, 'valid.txt') + valid_x = _load_data(valid_file_path) + valid_relations_list = valid_x[:, 1] + valid_relation_samples_index = [i for i, value in enumerate(valid_relations_list) if value in train_relation_samples] + valid_triple_samples = train_x[valid_relation_samples_index] + valid_x, remove = _filter_unseen_entities(valid_triple_samples) + valid_triple_samples = valid_x + + # 测试集 + test_file_path = os.path.join(based_path, 'test.txt') + test_x = _load_data(test_file_path) + test_relations_list = test_x[:, 1] + test_relation_samples_index = [i for i, value in enumerate(test_relations_list) if + value in train_relation_samples] + test_triple_samples = test_x[test_relation_samples_index] + test_x, remove = _filter_unseen_entities(test_triple_samples) + test_triple_samples = test_x + + dic.append({'train': train_triple_samples.tolist(), 'valid': valid_triple_samples.tolist(), + 'test': test_triple_samples.tolist()}) + + with open(save_client_path + dataset_name + '_' + str(client)+ '.json', 'w') as outfile: + json.dump(dic, outfile) + + + + +# 重新划分数据,按照关系划分。 +def sample_and_save_triples_filter_0(): + # 函数过滤掉包含不可见实体的三元组 + def _filter_unseen_entities(x): + ent_seen = entities + df = pd.DataFrame(x, columns=['s', 'p', 'o']) + filter_df = df[df.s.isin(ent_seen) & df.o.isin(ent_seen)] + n_removed_ents = df.shape[0] - filter_df.shape[0] + return filter_df.values, n_removed_ents + + import random + + def _select_relations(lst, average_relations): + print(type(lst)) + print(type(average_relations)) + selected_relations = [] + for _ in range(client): # 选取3次 + if len(lst) < average_relations: + selected = random.sample(lst, len(lst)) + selected_relations.append(selected) + print('break') + # break # 列表中的元素不足以组成一组 + else: + selected = random.sample(lst, average_relations) + selected_relations.append(selected) + # 从原列表中移除已选取的元素 + for element in selected: + lst.remove(element) + return selected_relations + + dic = [] + file_path = os.path.join(based_path, 'train.txt') + train_x = _load_data(file_path) + + relations_list = train_x[:, 1] + uni_relations_list = np.unique(relations_list) + lst = uni_relations_list.tolist() + num_relations = len(uni_relations_list) + average_relations = int(num_relations/client) + + selected_relations = _select_relations(lst,average_relations) + + for c in range(client): + # 训练集 + # 根据关系列表,拿到相应的关系对应的索引 + train_relation_samples_index = [i for i, value in enumerate(relations_list) if value in selected_relations[c]] + train_triple_samples = train_x[train_relation_samples_index] + + entities = np.unique(np.array(train_triple_samples[:, [0, 2]]).flatten()) + + # 验证集 + valid_file_path = os.path.join(based_path, 'valid.txt') + valid_x = _load_data(valid_file_path) + valid_relations_list = valid_x[:, 1] + valid_relation_samples_index = [i for i, value in enumerate(valid_relations_list) if value in selected_relations[c]] + valid_triple_samples = valid_x[valid_relation_samples_index] + valid_x, remove = _filter_unseen_entities(valid_triple_samples) + valid_triple_samples = valid_x + + # 测试集 + test_file_path = os.path.join(based_path, 'test.txt') + test_x = _load_data(test_file_path) + test_relations_list = test_x[:, 1] + test_relation_samples_index = [i for i, value in enumerate(test_relations_list) if value in selected_relations[c]] + test_triple_samples = test_x[test_relation_samples_index] + test_x, remove = _filter_unseen_entities(test_triple_samples) + test_triple_samples = test_x + + dic.append({'train': train_triple_samples.tolist(), 'valid': valid_triple_samples.tolist(), + 'test': test_triple_samples.tolist()}) + + with open(save_client_path + dataset_name +"_" +str(client)+ '.json', 'w') as outfile: + json.dump(dic, outfile) + + +# def sample_and_save_triples_filter_2(): +# # 函数过滤掉包含不可见实体的三元组 +# def _filter_unseen_entities(x): +# # print(x) +# ent_seen = entities +# df = pd.DataFrame(x, columns=['s', 'p', 'o']) +# filter_df = df[df.s.isin(ent_seen) & df.o.isin(ent_seen)] +# n_removed_ents = df.shape[0] - filter_df.shape[0] +# return filter_df.values, n_removed_ents +# +# dic = [] +# for c in range(client): +# # 训练集 +# file_path = os.path.join(based_path, 'train.txt') +# train_x = _load_data(file_path) +# +# num_triples = len(train_x) +# train_triples_sample_mask = np.random.choice(num_triples, int(num_train), replace=False) +# train_triple_samples = train_x[train_triples_sample_mask] +# +# entities = np.unique(np.array(train_triple_samples[:, [0, 2]]).flatten()) +# +# # 验证集 +# file_path = os.path.join(based_path, 'valid.txt') +# valid_x, remove = _filter_unseen_entities(_load_data(file_path)) +# num_triples = len(valid_x) +# if num_triples>int(num_valid): +# valid_triples_sample_mask = np.random.choice(num_triples, int(num_valid), replace=False) +# valid_triple_samples = valid_x[valid_triples_sample_mask] +# print('valid_triple_samples1:',valid_triple_samples) +# else: +# valid_triple_samples = valid_x +# print('valid_triple_samples2:', valid_triple_samples) +# +# # 测试集 +# file_path = os.path.join(based_path, 'test.txt') +# test_x, _ = _filter_unseen_entities(_load_data(file_path)) +# num_triples = len(test_x) +# if num_triples>int(num_test): +# test_triples_sample_mask = np.random.choice(num_triples, int(num_test), replace=False) +# test_triple_samples = test_x[test_triples_sample_mask] +# else: +# test_triple_samples = test_x +# +# dic.append({'train': train_triple_samples.tolist(), 'valid': valid_triple_samples.tolist(), +# 'test': test_triple_samples.tolist()}) +# +# with open(save_client_path + dataset_name + '_' + str(client) + '_' + str(num_train) + '_' + str( +# num_valid) + '_' + str(num_test) + '.json', 'w') as outfile: +# json.dump(dic, outfile) +# +# +# def sample_and_save_triples_1(): +# +# dic = [] +# for c in range(client): +# # 训练集 +# # print('client :',c) +# file_path = os.path.join(based_path,'train.txt') +# train_x = _load_data(file_path) +# # print(train_x) +# num_triples = len(train_x) +# train_triples_sample_mask = np.random.choice(num_triples, int(num_train), replace=False) +# train_triple_samples = train_x[train_triples_sample_mask] +# +# +# # 验证集 +# file_path = os.path.join(based_path, 'valid.txt') +# valid_x = _load_data(file_path) +# num_triples = len(valid_x) +# valid_triples_sample_mask = np.random.choice(num_triples,int(num_valid), replace=False) +# valid_triple_samples = valid_x[valid_triples_sample_mask] +# +# # 测试集 +# file_path = os.path.join(based_path, 'test.txt') +# test_x = _load_data(file_path) +# num_triples = len(test_x) +# test_triples_sample_mask = np.random.choice(num_triples,int(num_test), replace=False) +# test_triple_samples = test_x[test_triples_sample_mask] +# +# dic.append({'train': train_triple_samples.tolist(), 'valid': valid_triple_samples.tolist(), 'test': test_triple_samples.tolist()}) +# +# +# with open(save_client_path+dataset_name+'_'+str(client) +'_'+str(num_train)+'_'+str(num_valid)+'_'+str(num_test)+ '.json', 'w') as outfile: +# json.dump(dic, outfile) +# +# # # 划分比例0.8,0.1,0.1 +# def sample_and_save_triples(): +# +# dic = [] +# for c in range(client): +# # 训练集 +# # print('client :',c) +# file_path = os.path.join(based_path,'train.txt') +# train_x = _load_data(file_path) +# # print(train_x) +# num_triples = len(train_x) +# train_triples_sample_mask = np.random.choice(num_triples, int(num_train), replace=False) +# train_triple_samples = train_x[train_triples_sample_mask] +# +# +# # 验证集 +# file_path = os.path.join(based_path, 'valid.txt') +# valid_x = _load_data(file_path) +# num_triples = len(valid_x) +# valid_triples_sample_mask = np.random.choice(num_triples,int(int(num_train)/0.8*0.1), replace=False) +# valid_triple_samples = valid_x[valid_triples_sample_mask] +# +# # 测试集 +# file_path = os.path.join(based_path, 'test.txt') +# test_x = _load_data(file_path) +# num_triples = len(test_x) +# test_triples_sample_mask = np.random.choice(num_triples,int(int(num_train)/0.8*0.1), replace=False) +# test_triple_samples = test_x[test_triples_sample_mask] +# +# dic.append({'train': train_triple_samples.tolist(), 'valid': valid_triple_samples.tolist(), 'test': test_triple_samples.tolist()}) +# +# +# with open(save_client_path+dataset_name+'_'+str(client) +'_'+str(num_train)+'_'+str(num_valid)+'_'+str(num_test)+ '.json', 'w') as outfile: +# json.dump(dic, outfile) + +# 由于采样,可能不包含某些实体关系,所以需要生成新的id. +def generate_new_id(): + + with open(save_client_path+dataset_name + '_'+str(client) + '.json', "r") as f: + all_data = json.load(f) + # print('all_data:',all_data) + # 采样的所有的实体和关系id + all_ent = np.array([], dtype=int) + all_rel = np.array([], dtype=int) + for data in all_data: + # np.union1d 返回两个数组的并集 + for st in ['train', 'valid', 'test']: + all_ent = np.union1d(all_ent, np.array(data[st])[:, [0, 2]].reshape(-1)) + all_rel = np.union1d(all_rel, np.array(data[st])[:, [1]]) + + # print(all_ent) + nentity = len(all_ent) + nrelations = len(all_rel) + print('nentity:', nentity) + print('nrelations:', nrelations) + + # 生成新的索引id: ori_id->new_id / new_id-->ori_id + ent_new_ids = {} + new_ids_ent = {} + for idx, val in enumerate(all_ent): + ent_new_ids[int(val)] = idx + new_ids_ent[idx] = int(val) + + # print(ent_new_ids) + rel_new_ids = {} + new_ids_rel = {} + for idx, val in enumerate(all_rel): + rel_new_ids[int(val)] = idx + new_ids_rel[idx] = int(val) + + # 保存新的索引id与原始索引id对应关系 + # 实体旧id映射到新的id + with open(save_client_path+dataset_name +'_'+ str(client) +'_with_entity_new_id.json', 'w') as file1: + json.dump(ent_new_ids, file1) + # 关系id映射到新的id + with open(save_client_path+dataset_name +'_'+ str(client) +'_with_relation_new_id.json', 'w') as file2: + json.dump(rel_new_ids, file2) + # 实体新id到旧的id + with open(save_client_path+dataset_name +'_'+ str(client) +'_with_new_id_entity.json', 'w') as file3: + json.dump(new_ids_ent, file3) + # 关系新id映射到旧的id + with open(save_client_path+dataset_name +'_'+ str(client) +'_with_new_id_relation.json', 'w') as file4: + json.dump(new_ids_rel, file4) + + all_data_with_new_idx = [] + # 把所有客户端的实体id和关系id用新的id进行替换 + for data in all_data: + triple_samples = {} + for st in ['train', 'valid', 'test']: + ent_h = np.array(data[st])[:, [0]].reshape(-1) + ent_r = np.array(data[st])[:, [1]].reshape(-1) + ent_t = np.array(data[st])[:, [2]].reshape(-1) + ent_h_to_new_id = [] + r_to_new_id = [] + ent_t_to_new_id = [] + for e in ent_h: + ent_h_to_new_id.append(ent_new_ids[int(e)]) + for e in ent_r: + r_to_new_id.append(rel_new_ids[int(e)]) + for e in ent_t: + ent_t_to_new_id.append(ent_new_ids[int(e)]) + # print(len(ent_h_to_new_id)) + # 三元组替换为新的id + triple_samples[st] = np.column_stack((ent_h_to_new_id,r_to_new_id,ent_t_to_new_id)).tolist() + # print(triple_samples[st].shape) + all_data_with_new_idx.append(triple_samples) + + with open(save_client_path+dataset_name +'_'+ str(client) + '_with_new_id.json', 'w') as outfile: + json.dump(all_data_with_new_idx, outfile) + + +def read_triples(all_data,args): + all_ent = np.array([], dtype=int) + all_rel = np.array([], dtype=int) + + for data in all_data: + # np.union1d 返回两个数组的并集 + for st in ['train', 'valid', 'test']: + all_ent = np.union1d(all_ent, np.array(data[st])[:, [0, 2]].reshape(-1)) + all_rel = np.union1d(all_rel, np.array(data[st])[:, [1]]) + nentity = len(all_ent) + nrelation = len(all_rel) + print('nentity:',nentity) + print('nrelation:',nrelation) + + train_dataloader_list = [] + test_dataloader_list = [] + valid_dataloader_list = [] + rel_embed_list = [] + + ent_freq_list = [] + all_train_ent_list = [] + for data in tqdm(all_data): + train_triples = data['train'] + valid_triples = data['valid'] + test_triples = data['test'] + train_ent = [] + for st in ['train']: + train_ent = np.union1d(all_ent, np.array(data[st])[:, [0, 2]].reshape(-1)) + print(len(train_ent)) + all_train_ent_list.append(train_ent) + client_mask_ent = np.setdiff1d(np.arange(nentity), + np.unique(np.array(data['train'])[:,[0,2]].reshape(-1)), assume_unique=True) + + all_triples = np.concatenate([train_triples, valid_triples, test_triples]) + + train_dataset = TrainDataset(train_triples, nentity, args.num_neg) + valid_dataset = TestDataset(valid_triples, all_triples, nentity, client_mask_ent) + test_dataset = TestDataset(test_triples, all_triples, nentity, client_mask_ent) + + train_dataloader = DataLoader( + train_dataset, + batch_size=args.batch_size, + shuffle=True, + collate_fn=TrainDataset.collate_fn + ) + train_dataloader_list.append(train_dataloader) + + # print(valid_triples) + valid_dataloader = DataLoader( + valid_dataset, + batch_size=args.test_batch_size, + collate_fn=TestDataset.collate_fn + ) + + valid_dataloader_list.append(valid_dataloader) + + test_dataloader = DataLoader( + test_dataset, + batch_size=args.test_batch_size, + collate_fn=TestDataset.collate_fn + ) + test_dataloader_list.append(test_dataloader) + + embedding_range = torch.Tensor([(args.gamma + args.epsilon) / args.hidden_dim]) + if args.client_model in ['ComplEx']: + rel_embed = torch.zeros(nrelation, args.hidden_dim * 2).to(args.gpu).requires_grad_() + else: + rel_embed = torch.zeros(nrelation, args.hidden_dim).to(args.gpu).requires_grad_() + + nn.init.uniform_( + tensor=rel_embed, + a=-embedding_range.item(), + b=embedding_range.item() + ) + rel_embed_list.append(rel_embed) + + ent_freq = torch.zeros(nentity) + for e in np.array(data['train'])[:,[0,2]].reshape(-1): + ent_freq[e] += 1 + ent_freq_list.append(ent_freq) + + ent_freq_mat = torch.stack(ent_freq_list).to(args.gpu) + + return train_dataloader_list, valid_dataloader_list, test_dataloader_list, \ + ent_freq_mat, rel_embed_list, nentity,nrelation,all_train_ent_list + + +if __name__=='__main__': + from set_args import args + save_client_path = args.save_client_path + if not os.path.exists(save_client_path): + os.makedirs(save_client_path) + dataset_name = args.dataset_name + # dataset_name = 'NELL995' + seed = 345345 + np.random.seed(seed) + rdm = np.random.RandomState(seed) + rng = np.random.default_rng(seed) + + based_path = r'./{0}/'.format(dataset_name) + + client = args.num_client + + + # 根据客户端需要的训练/验证/测试三元组数量,为每个客户端采样和保存相应的三元组. + # sample_and_save_triples() + # # 为采样的数据集,生成新的id + # generate_new_id() + # + # # 按照batch,生成训练/验证/测试数据集等训练需要的数据内容 + # with open(save_client_path+dataset_name + '_'+str(client) +'_'+str(num_train)+'_'+str(num_valid)+'_'+str(num_test)+'_with_new_id.json', 'r') as outfile: + # all_data = json.load(outfile) + # read_triples(all_data,args) + + # FB15k237 + sample_and_save_triples_filter_0() + # WNRR/NELL995 + # # sample_and_save_triples() + # # 为采样的数据集,生成新的id + generate_new_id() + # + # 按照batch,生成训练/验证/测试数据集等训练需要的数据内容 + with open(save_client_path+dataset_name + '_'+str(client) +'_with_new_id.json', 'r') as outfile: + all_data = json.load(outfile) + read_triples(all_data,args) \ No newline at end of file diff --git a/process_data/processed_data.py b/process_data/processed_data.py new file mode 100644 index 0000000..0f4463f --- /dev/null +++ b/process_data/processed_data.py @@ -0,0 +1,154 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/7/26 16:30 +# @Author : zhixiuma +# @File : processed_data.py +# @Project : FedE-master +# @Software: PyCharm +import numpy as np +import sys +import os +import errno +import json +import pandas as pd +import pickle + +if len(sys.argv) >1: + dataset_name = sys.argv[1] +else: + dataset_name = 'FB15k237' + # dataset_name = 'NELL995' + # dataset_name = 'CoDEx-M' + # dataset_name = 'WNRR' + +seed = 345345 +np.random.seed(seed) +rdm = np.random.RandomState(seed) +rng = np.random.default_rng(seed) +print('dataset_name:',dataset_name) + +based_path = r'{0}_original/'.format(dataset_name) +# based_path = r'D:\Code\Test\FedE-master\data\FB15k237_original' +processed_path = r'{0}'.format(dataset_name) +files = ['train','valid','test'] + +def _load_data(file_path): + df = pd.read_csv(file_path,sep='\t',header=None,names=None,dtype=str) + df = df.drop_duplicates() + return df.values + +def generate_ids(): + complete_data = [] + for file in files: + file_path = os.path.join(based_path,file+'.txt') + complete_data.append(_load_data(file_path)) + + complete_data = np.concatenate(complete_data) + # print(complete_data[0:3]) + # print(complete_data[310113:]) + # print(len(complete_data)) + unique_ent = np.unique(np.concatenate((complete_data[:0],complete_data[:,2]))) + unique_rel = np.unique(complete_data[:,1]) + + entities_to_id = {x:i for(i,x) in enumerate(sorted(unique_ent))} + rel_to_id = {x:i for (i,x) in enumerate(sorted(unique_rel))} + + print('{} entities and {} relations'.format(len(unique_ent),len(unique_rel))) + + return unique_ent,unique_rel,entities_to_id,rel_to_id + + +def generate_ids_from_train(): + file_path = os.path.join(based_path,'train.txt') + X_train = _load_data(file_path) + # print(len(X_train)) + unique_ent = np.unique(np.concatenate((X_train[:,0],X_train[:,2]))) + unique_rel = np.unique(X_train[:,1]) + + entities_to_id = {x: i for (i, x) in enumerate(sorted(unique_ent))} + rel_to_id = {x: i for (i, x) in enumerate(sorted(unique_rel))} + + print("{}: {} entities and {} relations and {} triples".format(dataset_name, len(unique_ent), len(unique_rel),len(X_train))) + + return unique_ent, unique_rel, entities_to_id, rel_to_id + +def process_and_save(entities_to_id,relation_to_id,unique_ent,unique_rel): + try: + os.makedirs(processed_path) + except OSError as e: + if e.errno == errno.EEXIST: + print(e) + print('Using the existing folder {0} for processed data'.format(processed_path)) + else: + raise + + # with open(os.path.join(processed_path,'dataset_stats.txt'),'w') as file: + # file.write('{} entities and {} relations\n'.format(len(unique_ent),len(unique_rel))) + print('{} entities and {} relations\n'.format(len(unique_ent),len(unique_rel))) + + # 函数过滤掉包含不可见实体的三元组 + def _filter_unseen_entities(x): + ent_seen = unique_ent + df = pd.DataFrame(x,columns=['s','p','o']) + filter_df = df[df.s.isin(ent_seen)&df.o.isin(ent_seen)] + n_removed_ents = df.shape[0] - filter_df.shape[0] + return filter_df.values,n_removed_ents + + for f in files: + file_path = os.path.join(based_path,f+'.txt') + x = _load_data(file_path) + x,n_removed_ents = _filter_unseen_entities(x) + if n_removed_ents > 0: + msg = '{0} split:Removed {1} triples containing unseen entities.\n'.format(f,n_removed_ents) + with open(os.path.join(processed_path,'dataset_stats.txt'),'a') as file: + file.write(msg) + print(msg) + # print(x[0:5]) + x_idx_s = np.vectorize(entities_to_id.get)(x[:,0]) + x_idx_p = np.vectorize(relation_to_id.get)(x[:,1]) + x_idx_o = np.vectorize(entities_to_id.get)(x[:,2]) + + x = np.dstack([x_idx_s,x_idx_p,x_idx_o]).reshape((-1,3)) + print(x) + print(len(x)) + with open(os.path.join(processed_path,f+'.txt'),'w') as out: + for item in x: + out.write('%s\n'%'\t'.join(map(str,item))) + out = open(os.path.join(processed_path,f+'.pickle'),'wb') + pickle.dump(x.astype('uint64'),out) + out.close() + return + + +filter_unseen = True + +if filter_unseen: + unique_ent,unique_rel,entities_to_id,rel_to_id = generate_ids_from_train() +else: + unique_ent,unique_rel,entities_to_id,rel_to_id = generate_ids() + +n_relations = len(unique_rel) +n_entities = len(unique_ent) + +process_and_save(entities_to_id,rel_to_id,unique_ent,unique_rel) + +with open(os.path.join(processed_path, 'entities_dict.json'), 'w') as f: + f.write(json.dumps(entities_to_id) + '\n') + +with open(os.path.join(processed_path, 'relations_dict.json'), 'w') as f: + f.write(json.dumps(rel_to_id) + '\n') + +print("{}: {} entities and {} relations".format(dataset_name, len(unique_ent), len(unique_rel))) + + + + + + + + + + + + + diff --git a/readme.md b/readme.md new file mode 100644 index 0000000..c4e2283 --- /dev/null +++ b/readme.md @@ -0,0 +1,136 @@ +# Poisoning Attack on Federated Knowledge Graph Embedding (WWW2024) + +- This repository contains the simplified code for the paper: [Poisoning Attack on Federated Knowledge Graph Embedding](https://openreview.net/forum?id=6qncjuadJW). + +- This paper is the first work to systematise the risks of FKGE poisoning attacks, from which we develop a novel framework for poisoning attacks that force the victim to predict specific false facts. + + ![](https://raw.githubusercontent.com/mazhixiu09/pictures/master/blogimg/202402071940087.png) + + + + + + + +## Requirements + +```bash +python=3.8.15 +pytorch=1.12.0 +numpy=1.23.5 +tqdm=4.65.0 +``` + + + +## Attacks + +### 0、Generate client dataset + +```bash +bash ./process_data/generate_client_data.sh +``` + + + +### 1、FMPA-S + +- The Fixed Model Poisoning Attack + +```bash +python ./main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 +python ./main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 +``` + + + +### 2、DPA-S + +- The Dynamic Poisoning Attack + +```bash +python ./main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 + +python ./main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 +``` + + + +### 3、CPA + +- The Client Poisoning Attack + +```bash +python ./main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 + +python ./main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 +``` + + + +### 4、FedE + +- [FedE: Embedding Knowledge Graphs in Federated Setting](https://dl.acm.org/doi/fullHtml/10.1145/3502223.3502233). + +```bash +python ./main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 + +python ./main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu 'cuda:0' \ + --attack_entity_ratio 10 +``` + + + +## Citation + +- If you find this code useful in your research, please cite: + +```bash +@inproceedings{ + title={Poisoning Attack on Federated Knowledge Graph Embedding}, + author={Enyuan Zhou, Song Guo, Zhixiu Ma, Zicong Hong, Tao GUO, Peiran Dong}, + year={2024} +} +``` + +# + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/set_args.py b/set_args.py new file mode 100644 index 0000000..ed3737d --- /dev/null +++ b/set_args.py @@ -0,0 +1,78 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +# @Time : 2023/8/8 21:30 +# @Author : zhixiuma +# @File : set_args.py +# @Project : FedE-master +# @Software: PyCharm +import argparse + +parser = argparse.ArgumentParser() + +parser.add_argument('--state_dir', '-state_dir', default='./state_clean', type=str, + help='directory for saving model state dict') +parser.add_argument('--log_dir', '-log_dir', default='./log_clean', type=str, help='directory for saving log') +parser.add_argument('--tb_log_dir', '-tb_log_dir', default='./tb_log_clean', type=str, + help='directory for saving tensorboard log') + +parser.add_argument('--setting', default='FedE', choices=['FedE', + 'DPA_S', + 'FMPA_S', + 'CPA', + ], + help='setting for current experiment') + +parser.add_argument('--mode', default='test', choices=['train', 'test'], help='model training or testing') + +parser.add_argument('--one_client_idx', default=0, type=int, help='the client index on Isolation or Collection setting') +parser.add_argument('--max_epoch', default=10000, type=int, + help='the max training epoch on Isolation or Collection setting') +parser.add_argument('--log_per_epoch', default=1, type=int, + help='take log per epoch on Isolation or Collection setting') +parser.add_argument('--check_per_epoch', default=10, type=int, + help='do validation per epoch on Isolation or Collection setting') +parser.add_argument('--isolation_name_list', default=None, type=list, + help='list with names for experiments on isolation training of a dataset') + +parser.add_argument('--batch_size', default=512,type=int, + help='batch size for training KGE on FedE, Isolation or Collection,') +parser.add_argument('--test_batch_size', default=512, type=int, + help='batch size for training KGE on FedE, Isolation or Collection,') +parser.add_argument('--num_neg', default=256, type=int, + help='number of negative sample for training KGE on FedE, Isolation or Collection,') +parser.add_argument('--lr', default=0.001, type=float, + help='learning rate for training KGE on FedE, Isolation or Collection,') + +# hyper parameter for FedE +parser.add_argument('--max_round', default=10000, type=int, help='the max training round on FedE') +parser.add_argument('--local_epoch', default=3, help='number of local training epochs on FedE') +parser.add_argument('--fraction', default=1, type=float, help='client selection fraction each round on FedE setting') +parser.add_argument('--log_per_round', default=1, type=int, help='take log per epoch on FedE setting') +parser.add_argument('--check_per_round', default=5, type=int, help='do validation per epoch on FedE setting') + +parser.add_argument('--early_stop_patience', default=5, type=int, help='early stop patience for training') +parser.add_argument('--gamma', default=10.0, type=float, help='gamma in self-adversarial loss') +parser.add_argument('--epsilon', default=2.0, type=float) +parser.add_argument('--hidden_dim', default=128, type=int) +parser.add_argument('--gpu', default='cuda:0', type=str) +parser.add_argument('--num_cpu', default=10, type=int) +parser.add_argument('--adversarial_temperature', default=1.0, type=float) + +parser.add_argument('--seed', default=12345, type=int) + +parser.add_argument('--num_client', default=5, type=int, help='no need to specifiy') +parser.add_argument('--save_client_path', default='./client_data/', type=str, help='client dataset save path') +parser.add_argument('--dataset_name', default='NELL995', help='dataset') +# parser.add_argument('--num_train', default=100, help='the number of train triples in client') +# parser.add_argument('--num_test', default=10, help='the number of test triples in client') +# parser.add_argument('--num_val', default=10, help='the number of valid triples in client') +parser.add_argument('--server_model', default='TransE', choices=['TransE', 'RotatE', 'DistMult', 'ComplEx'], + help='specific KGE method for training KGE') +parser.add_argument('--client_model', default='TransE', choices=['TransE', 'RotatE', 'DistMult', 'ComplEx'], + help='specific KGE method for training KGE') +parser.add_argument('--attack_entity_ratio', default=10, help='attack entity ratio') +parser.add_argument('--poisoned_triples_path', default='./poisoned_triples_path/', help='poisoned triples path') +parser.add_argument('--victim_client', default=1, help='poisoned triples path') + +# +args = parser.parse_args() \ No newline at end of file diff --git a/test/run_ComplEx.sh b/test/run_ComplEx.sh new file mode 100644 index 0000000..a128d9a --- /dev/null +++ b/test/run_ComplEx.sh @@ -0,0 +1,30 @@ +##FB15k237 +c='cuda:0' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 + +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 + + +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 diff --git a/test/run_ComplEx_2.sh b/test/run_ComplEx_2.sh new file mode 100644 index 0000000..d9a6445 --- /dev/null +++ b/test/run_ComplEx_2.sh @@ -0,0 +1,32 @@ +## NELL955 +c='cuda:2' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + diff --git a/test/run_ComplEx_3.sh b/test/run_ComplEx_3.sh new file mode 100644 index 0000000..15f9d9c --- /dev/null +++ b/test/run_ComplEx_3.sh @@ -0,0 +1,32 @@ +## WNRR +c='cuda:0' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name WNRR --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + diff --git a/test/run_ComplEx_4.sh b/test/run_ComplEx_4.sh new file mode 100644 index 0000000..32453d7 --- /dev/null +++ b/test/run_ComplEx_4.sh @@ -0,0 +1,30 @@ +c='cuda:2' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ + --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model ComplEx --server_model ComplEx --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_DistMult.sh b/test/run_DistMult.sh new file mode 100644 index 0000000..f5fd4a9 --- /dev/null +++ b/test/run_DistMult.sh @@ -0,0 +1,32 @@ +# FB15K237 +c='cuda:2' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + diff --git a/test/run_DistMult_2.sh b/test/run_DistMult_2.sh new file mode 100644 index 0000000..a06dce0 --- /dev/null +++ b/test/run_DistMult_2.sh @@ -0,0 +1,32 @@ +### NELL995 + +c='cuda:0' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 diff --git a/test/run_DistMult_3.sh b/test/run_DistMult_3.sh new file mode 100644 index 0000000..66bca42 --- /dev/null +++ b/test/run_DistMult_3.sh @@ -0,0 +1,36 @@ +# 三、WNRR +# 1、服务器执行恶意攻击 +# 'TransE', 'RotatE', 'DistMult', 'ComplEx' +# (1)训练 +c='cuda:0' + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name WNRR --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + diff --git a/test/run_DistMult_4.sh b/test/run_DistMult_4.sh new file mode 100644 index 0000000..a7e07a6 --- /dev/null +++ b/test/run_DistMult_4.sh @@ -0,0 +1,29 @@ +# CoDEx-M +c='cuda:2' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model DistMult --server_model DistMult --gpu $c \ +# --attack_entity_ratio 10 diff --git a/test/run_RotatE.sh b/test/run_RotatE.sh new file mode 100644 index 0000000..e697746 --- /dev/null +++ b/test/run_RotatE.sh @@ -0,0 +1,35 @@ +## 一、FBK15237 +## 1、服务器执行恶意攻击 +## 'RotatE', 'RotatE', 'DistMult', 'ComplEx' +## (1)训练 +c='cuda:0' + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name FB15k237 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_RotatE_2.sh b/test/run_RotatE_2.sh new file mode 100644 index 0000000..f8db889 --- /dev/null +++ b/test/run_RotatE_2.sh @@ -0,0 +1,33 @@ +## NELL995 + +c='cuda:1' +# +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 + diff --git a/test/run_RotatE_3.sh b/test/run_RotatE_3.sh new file mode 100644 index 0000000..20ce9c4 --- /dev/null +++ b/test/run_RotatE_3.sh @@ -0,0 +1,31 @@ +# 三、WNRR + +c='cuda:0' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name WNRR --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_RotatE_4.sh b/test/run_RotatE_4.sh new file mode 100644 index 0000000..abf2a18 --- /dev/null +++ b/test/run_RotatE_4.sh @@ -0,0 +1,32 @@ +# CoDEx-M + +c='cuda:2' +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_attack_static --log_dir ./log_attack_static --tb_log_dir ./tb_log_attack_static --setting FedEServerStaticAttack --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model RotatE --server_model RotatE --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_TransE.sh b/test/run_TransE.sh new file mode 100644 index 0000000..f62b599 --- /dev/null +++ b/test/run_TransE.sh @@ -0,0 +1,30 @@ +# FB15K237 +c='cuda:0' + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ + --num_client 3 --dataset_name FB15k237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + +python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ + --num_client 3 --dataset_name FB15K237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ + --num_client 3 --dataset_name FB15K237 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_TransE_2.sh b/test/run_TransE_2.sh new file mode 100644 index 0000000..2630d1a --- /dev/null +++ b/test/run_TransE_2.sh @@ -0,0 +1,34 @@ +#NELL995 + +c='cuda:2' + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name NELL995 --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_TransE_3.sh b/test/run_TransE_3.sh new file mode 100644 index 0000000..de903db --- /dev/null +++ b/test/run_TransE_3.sh @@ -0,0 +1,34 @@ +# WNRR +c='cuda:0' + + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + + +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +# +# +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ + --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +## +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name WNRR --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 \ No newline at end of file diff --git a/test/run_TransE_4.sh b/test/run_TransE_4.sh new file mode 100644 index 0000000..b3c08d2 --- /dev/null +++ b/test/run_TransE_4.sh @@ -0,0 +1,34 @@ +# CoDEx-M +c='cuda:1' + +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode train \ + --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 +python ../main.py --state_dir ./state_attack_dpas --log_dir ./log_attack_dpas --tb_log_dir ./tb_log_attack_dpas --setting DPA_S --mode test \ + --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ + --attack_entity_ratio 10 + +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_fmpas --log_dir ./log_attack_fmpas --tb_log_dir ./tb_log_attack_fmpas --setting FMPA_S --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +# +# +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +#python ../main.py --state_dir ./state_attack_cpa --log_dir ./log_attack_cpa --tb_log_dir ./tb_log_attack_cpa --setting CPA --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 + + +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode train \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +# +#python ../main.py --state_dir ./state_clean --log_dir ./log_clean --tb_log_dir ./tb_log_clean --setting FedE --mode test \ +# --num_client 3 --dataset_name CoDEx-M --client_model TransE --server_model TransE --gpu $c \ +# --attack_entity_ratio 10 +